Mercurial > repos > goeckslab > ludwig_predict
changeset 0:0a7b83ddda17 draft
planemo upload for repository https://github.com/goeckslab/Galaxy-Ludwig.git commit bdea9430787658783a51cc6c2ae951a01e455bb4
line wrap: on
line diff
--- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/ludwig_autogenconfig.py Tue Jan 07 22:45:18 2025 +0000 @@ -0,0 +1,55 @@ +import argparse +import logging + +from ludwig import automl +from ludwig.utils import defaults + +from pandas import read_csv + +logging.basicConfig(level=logging.DEBUG) +LOG = logging.getLogger(__name__) + + +def main(): + parser = argparse.ArgumentParser( + description='Render a Ludwig config') + parser.add_argument( + '--dataset', + type=str, + help='Path to the dataset file', + required=True) + parser.add_argument( + '--output_feature', + type=int, + help='Name for the output feature', + required=True) + parser.add_argument( + '--output', + type=str, + help='Path for the output file', + required=True) + parser.add_argument( + '--renderconfig', + action='store_true', + help='Render the config', + required=False, + default=False) + args = parser.parse_args() + + # get the output feature name + df = read_csv(args.dataset, nrows=2, sep=None, engine='python') + names = df.columns.tolist() + target = names[args.output_feature-1] + + args_init = ["--dataset", args.dataset, + "--target", target, + "--output", args.output] + automl.cli_init_config(args_init) + + if args.renderconfig: + args_render = ["--config", args.output, "--output", args.output] + defaults.cli_render_config(args_render) + + +if __name__ == "__main__": + main()
--- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/ludwig_evaluate.py Tue Jan 07 22:45:18 2025 +0000 @@ -0,0 +1,28 @@ +import logging +import pickle +import sys + +from ludwig.evaluate import cli + +from ludwig_experiment import convert_parquet_to_csv, \ + generate_html_report, make_visualizations + +from model_unpickler import SafeUnpickler + + +logging.basicConfig(level=logging.INFO) + +setattr(pickle, 'Unpickler', SafeUnpickler) + +cli(sys.argv[1:]) + +ludwig_output_directory_name = "" + +make_visualizations(ludwig_output_directory_name) + +convert_parquet_to_csv( + ludwig_output_directory_name +) + +title = "Ludwig Evaluate" +generate_html_report(title, "")
--- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/ludwig_experiment.py Tue Jan 07 22:45:18 2025 +0000 @@ -0,0 +1,269 @@ +import json +import logging +import os +import pickle +import sys + +from jinja_report import generate_report + +from ludwig.experiment import cli +from ludwig.globals import ( + DESCRIPTION_FILE_NAME, + PREDICTIONS_PARQUET_FILE_NAME, + TEST_STATISTICS_FILE_NAME, + TRAIN_SET_METADATA_FILE_NAME +) +from ludwig.utils.data_utils import get_split_path +from ludwig.visualize import get_visualizations_registry + +from model_unpickler import SafeUnpickler + +import pandas as pd + +from utils import ( + encode_image_to_base64, + get_html_closing, + get_html_template +) + +import yaml + + +logging.basicConfig(level=logging.DEBUG) + +LOG = logging.getLogger(__name__) + +setattr(pickle, 'Unpickler', SafeUnpickler) + +# visualization +output_directory = None +for ix, arg in enumerate(sys.argv): + if arg == "--output_directory": + output_directory = sys.argv[ix+1] + break + +viz_output_directory = os.path.join(output_directory, "visualizations") + + +def get_output_feature_name(experiment_dir, output_feature=0): + """Helper function to extract specified output feature name. + + :param experiment_dir: Path to the experiment directory + :param output_feature: position of the output feature the description.json + :return output_feature_name: name of the first output feature name + from the experiment + """ + if os.path.exists(os.path.join(experiment_dir, DESCRIPTION_FILE_NAME)): + description_file = os.path.join(experiment_dir, DESCRIPTION_FILE_NAME) + with open(description_file, "rb") as f: + content = json.load(f) + output_feature_name = \ + content["config"]["output_features"][output_feature]["name"] + dataset_path = content["dataset"] + return output_feature_name, dataset_path + return None, None + + +def check_file(file_path): + """Check if the file exists; return None if it doesn't.""" + return file_path if os.path.exists(file_path) else None + + +def make_visualizations(ludwig_output_directory_name): + ludwig_output_directory = os.path.join( + output_directory, + ludwig_output_directory_name, + ) + visualizations = [ + "confidence_thresholding", + "confidence_thresholding_data_vs_acc", + "confidence_thresholding_data_vs_acc_subset", + "confidence_thresholding_data_vs_acc_subset_per_class", + "confidence_thresholding_2thresholds_2d", + "confidence_thresholding_2thresholds_3d", + "binary_threshold_vs_metric", + "roc_curves", + "roc_curves_from_test_statistics", + "calibration_1_vs_all", + "calibration_multiclass", + "confusion_matrix", + "frequency_vs_f1", + "learning_curves", + ] + + # Check existence of required files + training_statistics = check_file(os.path.join( + ludwig_output_directory, + "training_statistics.json", + )) + test_statistics = check_file(os.path.join( + ludwig_output_directory, + TEST_STATISTICS_FILE_NAME, + )) + ground_truth_metadata = check_file(os.path.join( + ludwig_output_directory, + "model", + TRAIN_SET_METADATA_FILE_NAME, + )) + probabilities = check_file(os.path.join( + ludwig_output_directory, + PREDICTIONS_PARQUET_FILE_NAME, + )) + + output_feature, dataset_path = get_output_feature_name( + ludwig_output_directory) + ground_truth = None + split_file = None + if dataset_path: + ground_truth = check_file(dataset_path) + split_file = check_file(get_split_path(dataset_path)) + + if (not output_feature) and (test_statistics): + test_stat = os.path.join(test_statistics) + with open(test_stat, "rb") as f: + content = json.load(f) + output_feature = next(iter(content.keys())) + + for viz in visualizations: + viz_func = get_visualizations_registry()[viz] + try: + viz_func( + training_statistics=[training_statistics] + if training_statistics else [], + test_statistics=[test_statistics] if test_statistics else [], + probabilities=[probabilities] if probabilities else [], + top_n_classes=[0], + output_feature_name=output_feature if output_feature else "", + ground_truth_split=2, + top_k=3, + ground_truth_metadata=ground_truth_metadata, + ground_truth=ground_truth, + split_file=split_file, + output_directory=viz_output_directory, + normalize=False, + file_format="png", + ) + except Exception as e: + LOG.info(f"Visualization: {viz}") + LOG.info(f"Error: {e}") + + +# report +def render_report( + title: str, + ludwig_output_directory_name: str, + show_visualization: bool = True +): + ludwig_output_directory = os.path.join( + output_directory, + ludwig_output_directory_name, + ) + report_config = { + "title": title, + } + if show_visualization: + report_config["visualizations"] = [ + { + "src": f"visualizations/{fl}", + "type": "image" if fl[fl.rindex(".") + 1:] == "png" else + fl[fl.rindex(".") + 1:], + } for fl in sorted(os.listdir(viz_output_directory)) + ] + report_config["raw outputs"] = [ + { + "src": f"{fl}", + "type": "json" if fl.endswith(".json") else "unclassified", + } for fl in sorted(os.listdir(ludwig_output_directory)) + if fl.endswith((".json", ".parquet")) + ] + + with open(os.path.join(output_directory, "report_config.yml"), 'w') as fh: + yaml.safe_dump(report_config, fh) + + report_path = os.path.join(output_directory, "smart_report.html") + generate_report.main( + report_config, + schema={"html_height": 800}, + outfile=report_path, + ) + + +def convert_parquet_to_csv(ludwig_output_directory_name): + """Convert the predictions Parquet file to CSV.""" + ludwig_output_directory = os.path.join( + output_directory, ludwig_output_directory_name) + parquet_path = os.path.join( + ludwig_output_directory, "predictions.parquet") + csv_path = os.path.join( + ludwig_output_directory, "predictions_parquet.csv") + + try: + df = pd.read_parquet(parquet_path) + df.to_csv(csv_path, index=False) + LOG.info(f"Converted Parquet to CSV: {csv_path}") + except Exception as e: + LOG.error(f"Error converting Parquet to CSV: {e}") + + +def generate_html_report(title, ludwig_output_directory_name): + # ludwig_output_directory = os.path.join( + # output_directory, ludwig_output_directory_name) + + # test_statistics_html = "" + # # Read test statistics JSON and convert to HTML table + # try: + # test_statistics_path = os.path.join( + # ludwig_output_directory, TEST_STATISTICS_FILE_NAME) + # with open(test_statistics_path, "r") as f: + # test_statistics = json.load(f) + # test_statistics_html = "<h2>Test Statistics</h2>" + # test_statistics_html += json_to_html_table( + # test_statistics) + # except Exception as e: + # LOG.info(f"Error reading test statistics: {e}") + + # Convert visualizations to HTML + plots_html = "" + if len(os.listdir(viz_output_directory)) > 0: + plots_html = "<h2>Visualizations</h2>" + for plot_file in sorted(os.listdir(viz_output_directory)): + plot_path = os.path.join(viz_output_directory, plot_file) + if os.path.isfile(plot_path) and plot_file.endswith((".png", ".jpg")): + encoded_image = encode_image_to_base64(plot_path) + plots_html += ( + f'<div class="plot">' + f'<h3>{os.path.splitext(plot_file)[0]}</h3>' + '<img src="data:image/png;base64,' + f'{encoded_image}" alt="{plot_file}">' + f'</div>' + ) + + # Generate the full HTML content + html_content = f""" + {get_html_template()} + <h1>{title}</h1> + {plots_html} + {get_html_closing()} + """ + + # Save the HTML report + title: str + report_name = title.lower().replace(" ", "_") + report_path = os.path.join(output_directory, f"{report_name}_report.html") + with open(report_path, "w") as report_file: + report_file.write(html_content) + + LOG.info(f"HTML report generated at: {report_path}") + + +if __name__ == "__main__": + + cli(sys.argv[1:]) + + ludwig_output_directory_name = "experiment_run" + + make_visualizations(ludwig_output_directory_name) + # title = "Ludwig Experiment" + # render_report(title, ludwig_output_directory_name) + convert_parquet_to_csv(ludwig_output_directory_name) + generate_html_report("Ludwig Experiment", ludwig_output_directory_name)
--- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/ludwig_hyperopt.py Tue Jan 07 22:45:18 2025 +0000 @@ -0,0 +1,108 @@ +import logging +import os +import pickle +import sys + +from ludwig.globals import ( + HYPEROPT_STATISTICS_FILE_NAME, +) +from ludwig.hyperopt_cli import cli +from ludwig.visualize import get_visualizations_registry + +from model_unpickler import SafeUnpickler + +from utils import ( + encode_image_to_base64, + get_html_closing, + get_html_template +) + +logging.basicConfig(level=logging.DEBUG) + +LOG = logging.getLogger(__name__) + +setattr(pickle, 'Unpickler', SafeUnpickler) + +cli(sys.argv[1:]) + + +def generate_html_report(title): + + # Read test statistics JSON and convert to HTML table + # try: + # test_statistics_path = hyperopt_stats_path + # with open(test_statistics_path, "r") as f: + # test_statistics = json.load(f) + # test_statistics_html = "<h2>Hyperopt Statistics</h2>" + # test_statistics_html += json_to_html_table(test_statistics) + # except Exception as e: + # LOG.info(f"Error reading hyperopt statistics: {e}") + + plots_html = "" + # Convert visualizations to HTML + hyperopt_hiplot_path = os.path.join( + viz_output_directory, "hyperopt_hiplot.html") + if os.path.isfile(hyperopt_hiplot_path): + with open(hyperopt_hiplot_path, "r", encoding="utf-8") as file: + hyperopt_hiplot_html = file.read() + plots_html += f'<div class="hiplot">{hyperopt_hiplot_html}</div>' + plots_html += "uid is the identifier for different hyperopt runs" + plots_html += "<br><br>" + + # Iterate through other files in viz_output_directory + for plot_file in sorted(os.listdir(viz_output_directory)): + plot_path = os.path.join(viz_output_directory, plot_file) + if os.path.isfile(plot_path) and plot_file.endswith((".png", ".jpg")): + encoded_image = encode_image_to_base64(plot_path) + plots_html += ( + f'<div class="plot">' + f'<h3>{os.path.splitext(plot_file)[0]}</h3>' + '<img src="data:image/png;base64,' + f'{encoded_image}" alt="{plot_file}">' + f'</div>' + ) + + # Generate the full HTML content + html_content = f""" + {get_html_template()} + <h1>{title}</h1> + <h2>Visualizations</h2> + {plots_html} + {get_html_closing()} + """ + + # Save the HTML report + report_name = title.lower().replace(" ", "_") + report_path = os.path.join(output_directory, f"{report_name}_report.html") + with open(report_path, "w") as report_file: + report_file.write(html_content) + + LOG.info(f"HTML report generated at: {report_path}") + + +# visualization +output_directory = None +for ix, arg in enumerate(sys.argv): + if arg == "--output_directory": + output_directory = sys.argv[ix+1] + break + +hyperopt_stats_path = os.path.join( + output_directory, + "hyperopt", HYPEROPT_STATISTICS_FILE_NAME +) + +visualizations = ["hyperopt_report", "hyperopt_hiplot"] + +viz_output_directory = os.path.join(output_directory, "visualizations") +for viz in visualizations: + viz_func = get_visualizations_registry()[viz] + viz_func( + hyperopt_stats_path=hyperopt_stats_path, + output_directory=viz_output_directory, + file_format="png", + ) + +# report +title = "Ludwig Hyperopt" +generate_html_report(title)
--- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/ludwig_macros.xml Tue Jan 07 22:45:18 2025 +0000 @@ -0,0 +1,143 @@ +<macros> + <token name="@LUDWIG_VERSION@">0.10.1</token> + + <token name="@SUFFIX@">0</token> + + <token name="@VERSION@">@LUDWIG_VERSION@+@SUFFIX@</token> + + <token name="@PROFILE@">21.05</token> + + <xml name="python_requirements_gpu"> + <requirements> + <container type="docker">quay.io/goeckslab/galaxy-ludwig-gpu:latest</container> + </requirements> + </xml> + + <xml name="python_requirements"> + <requirements> + <container type="docker">quay.io/goeckslab/galaxy-ludwig:0.10.3</container> + </requirements> + </xml> + + <xml name="macro_stdio"> + <stdio> + <exit_code range="137" level="fatal_oom" description="Out of Memory" /> + <exit_code range="1:" level="fatal" description="Error occurred. Please check Tool Standard Error" /> + </stdio> + </xml> + + <xml name="macro_citations"> + <citations> + <citation type="bibtex"> +@misc{https://doi.org/10.48550/arxiv.1909.07930, + doi = {10.48550/ARXIV.1909.07930}, + url = {https://arxiv.org/abs/1909.07930}, + author = {Molino, Piero and Dudin, Yaroslav and Miryala, Sai Sumanth}, + title = {Ludwig: a type-based declarative deep learning toolbox}, + publisher = {arXiv}, + year = {2019}, + copyright = {arXiv.org perpetual, non-exclusive license} +} + </citation> + </citations> + </xml> + + <xml name="encoder_parameters"> + <param argument="name" type="text" value="" label="Name of the column containing the input feature" /> + <param argument="norm" type="select" label="Select the norm mode"> + <option value="none" selected="true">Null</option> + <option value="batch">batch</option> + <option value="layer">layer</option> + </param> + <param argument="tied_weights" type="text" value="" optional="true" label="Name of the input feature to tie the weights of the encoder with" help="It needs to be the name of a feature of the same type and with the same encoder parameters. Optional" /> + <yield /> + </xml> + + <xml name="visualize_file_format"> + <param type="select" name="file_format" label="Choose the output format"> + <option value="pdf" selected="true">pdf</option> + <option value="png">png</option> + </param> + </xml> + + <xml name="visualize_output_feature_name"> + <param argument="output_feature_name" type="text" value="" optional="true" label="Name of the output feature" help="If `None`, use all output features." /> + </xml> + + <xml name="visualize_training_statistics"> + <param argument="training_statistics" type="data" format="html,json" multiple="true" label="Training statistics" /> + </xml> + + <xml name="visualize_test_statistics"> + <param argument="test_statistics" type="data" format="html,json" multiple="true" label="Choose experiment test statistics file(s)" /> + </xml> + + <xml name="visualize_hyperopt_stats_path"> + <param argument="hyperopt_stats_path" type="data" format="json" label="Select the hyperopt result (JSON)" /> + </xml> + + <xml name="visualize_model_names"> + <param argument="model_names" type="text" value="" optional="true" label="Model name(s) to use as labels" help="Comma delimited for multiple." /> + </xml> + + <xml name="visualize_probabilities"> + <param argument="probabilities" type="data" format="html" multiple="true" label="Choose the prediction results to extract probabilities from" /> + </xml> + + <xml name="visualize_ground_truth_metadata"> + <param argument="ground_truth_metadata" type="data" format="ludwig_model,json" label="Choose the file containing feature metadata json file created during training" /> + </xml> + + <xml name="visualize_split_file"> + <param argument="split_file" type="data" format="csv" optional="true" label="Choose the file containing split values" /> + </xml> + + <xml name="visualize_ground_truth_split"> + <param argument="ground_truth_split" type="select" label="Select the ground truth split" > + <option value="0">0 -- training</option> + <option value="1">1 -- validation</option> + <option value="2">2 -- test</option> + </param> + </xml> + + <xml name="visualize_ground_truth"> + <param argument="ground_truth" type="text" value="" label="Choose the ground truth file" /> + </xml> + + <xml name="visualize_predictions"> + <param argument="predictions" type="data" format="html" multiple="true" label="Choose the prediction result files" /> + </xml> + + <xml name="visualize_top_n_classes"> + <param argument="top_n_classes" type="text" value="" label="Type in the list containing numbers of classes to plot" /> + </xml> + + <xml name="visualize_threshold_output_feature_names"> + <param argument="threshold_output_feature_names" type="text" value="" label="Type in the list containing two output feature names for visualization" /> + </xml> + + <xml name="visualize_labels_limit"> + <param argument="labels_limit" type="integer" value="" optional="true" label="Set the upper limit on the numeric encoded label value" help="Encoded numeric label values in dataset that are higher than `label_limit` are considered to be 'rare' labels." min="1" max="1000"/> + </xml> + + <xml name="visualize_metrics"> + <param argument="metrics" type="select" multiple="true" label="Select the metrics to display" > + <option value="f1" selected="true">f1</option> + <option value="precision">precision</option> + <option value="recall">recall</option> + <option value="accuracy">accuracy</option> + </param> + </xml> + + <xml name="visualize_positive_label"> + <param argument="positive_label" type="integer" value="1" label="Numeric encoded value for the positive class" min="1" max="1000" /> + </xml> + + <xml name="visualize_ground_truth_apply_idx"> + <param argument="ground_truth_apply_idx" type="boolean" checked="true" label="Whether to use metadata['str2idx'] in np.vectorize?" /> + </xml> + + <xml name="visualize_normalize"> + <param argument="normalize" type="boolean" checked="false" label="Whether to normalize rows in confusion matrix?" /> + </xml> +</macros>
--- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/ludwig_predict.py Tue Jan 07 22:45:18 2025 +0000 @@ -0,0 +1,20 @@ +import logging +import pickle +import sys + +from ludwig.predict import cli + +from ludwig_experiment import convert_parquet_to_csv + +from model_unpickler import SafeUnpickler + + +logging.basicConfig(level=logging.DEBUG) + +setattr(pickle, 'Unpickler', SafeUnpickler) + +cli(sys.argv[1:]) + +convert_parquet_to_csv( + "" +)
--- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/ludwig_predict.xml Tue Jan 07 22:45:18 2025 +0000 @@ -0,0 +1,111 @@ +<tool id="ludwig_predict" name="Ludwig Predict" version="@VERSION@" profile="@PROFILE@"> + <description>loads a pretrained model to do prediction</description> + <macros> + <import>ludwig_macros.xml</import> + </macros> + <expand macro="python_requirements_gpu" /> + <expand macro="macro_stdio" /> + <version_command>echo "@VERSION@"</version_command> + <command> + <![CDATA[ + #import re + mkdir -p outputs && + #if $dataset + #set $sanitized_dataset = re.sub('[^\w\-_\.]', '_', $dataset.element_identifier.strip()) + ln -sf '$dataset' "./${sanitized_dataset}"; + #end if + + #if $raw_data + unzip -o -q '$raw_data' -d ./; + #end if + + python '$__tool_directory__/ludwig_predict.py' + #if $model_path + --model_path '$model_path.extra_files_path' + #end if + #if $dataset + --dataset "./${sanitized_dataset}" + #end if + #if $disable_parallel_threads + --disable_parallel_threads + #end if + --output_directory "./outputs" + --data_format '$data_format' + --split '$split' + --backend local + --skip_save_unprocessed_output && + echo "Prediction is done!" + + ]]> + </command> + <configfiles> + <inputs name="inputs" /> + </configfiles> + <inputs> + <param name="model_path" type="data" format="ludwig_model" label="Load the pretrained model" /> + <param name="dataset" type="data" format="tabular,csv,h5,json,txt" label="Input dataset" /> + <param name="data_format" type="select" label="Data format"> + <option value="auto" selected="true">auto</option> + <option value="tsv">tsv</option> + <option value="csv">csv</option> + <option value="h5">h5</option> + <option value="json">json</option> + </param> + <param name="split" type="select" label="Select the split portion to test the model on"> + <option value="training">training</option> + <option value="validation">validation</option> + <option value="test">test</option> + <option value="full" selected="true">full</option> + </param> + <param name="batch_size" type="integer" value="128" optional="true" label="Batch size" min="1" max="4096" /> + <param name="disable_parallel_threads" type="boolean" checked="false" label="Whether to disable parallel threads for reproducibility?" /> + <param name="raw_data" type="data" format="zip" optional="true" label="Raw data" help="Optional. Needed for images."/> + </inputs> + <outputs> + <collection type="list" name="output_csv" label="${tool.name} CSV on ${on_string}" > + <discover_datasets pattern="(?P<designation>predictions_parquet\.csv)" format="csv" directory="outputs" /> + <discover_datasets pattern="(?P<designation>.+)\.json" format="json" directory="outputs" /> + </collection> + <!-- <data format="html" name="output_report" from_work_dir="outputs/smart_report.html" label="${tool.name} report on ${on_string}" /> --> + <!-- <data format="csv" name="output_top_k" label="${tool.name} top K predictions on ${on_string}" /> --> + </outputs> + <tests> + <test> + <param name="model_path" value="" ftype="ludwig_model"> + <composite_data value="temp_model01/model_hyperparameters.json" /> + <composite_data value="temp_model01/model_weights" /> + <composite_data value="temp_model01/training_set_metadata.json" /> + <composite_data value="temp_model01/training_progress.json" /> + </param> + <param name="dataset" value="temperature_la.csv" ftype="csv" /> + <param name="split" value="test" /> + <output_collection name="output_csv"> + <element name="predictions_parquet.csv"> + <assert_contents> + <has_n_columns n="1" /> + </assert_contents> + </element> + </output_collection> + </test> + </tests> + <help> + <![CDATA[ +**What it does** +This tool conducts `ludwig predict`. + + +**Input** +- a trained ludwig model. +- dataset to be evaluate. + + +**Output** +- report in html. +- a collection of prediction results. + + + + ]]> + </help> + <expand macro="macro_citations" /> +</tool>
--- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/ludwig_render_config.py Tue Jan 07 22:45:18 2025 +0000 @@ -0,0 +1,63 @@ +import json +import logging +import sys + +from ludwig.constants import ( + COMBINER, + HYPEROPT, + INPUT_FEATURES, + MODEL_TYPE, + OUTPUT_FEATURES, + PROC_COLUMN, + TRAINER, +) +from ludwig.schema.model_types.utils import merge_with_defaults + +import yaml + +logging.basicConfig(level=logging.DEBUG) +LOG = logging.getLogger(__name__) +inputs = sys.argv[1] +with open(inputs, 'r') as handler: + params = json.load(handler) + +config = {} +# input features +config[INPUT_FEATURES] = [] +for ftr in params[INPUT_FEATURES]['input_feature']: + config[INPUT_FEATURES].append(ftr['input_feature_selector']) + +# output features +config[OUTPUT_FEATURES] = [] +for ftr in params[OUTPUT_FEATURES]['output_feature']: + config[OUTPUT_FEATURES].append(ftr['output_feature_selector']) + +# combiner +config[COMBINER] = params[COMBINER] + +# training +config[TRAINER] = params[TRAINER][TRAINER] +config[MODEL_TYPE] = config[TRAINER].pop(MODEL_TYPE) + +# hyperopt +if params[HYPEROPT]['do_hyperopt'] == 'true': + config[HYPEROPT] = params[HYPEROPT][HYPEROPT] + +with open('./pre_config.yml', 'w') as f: + yaml.safe_dump(config, f, allow_unicode=True, default_flow_style=False) + +output = sys.argv[2] +output_config = merge_with_defaults(config) + + +def clean_proc_column(config: dict) -> None: + for ftr in config[INPUT_FEATURES]: + ftr.pop(PROC_COLUMN, None) + for ftr in config[OUTPUT_FEATURES]: + ftr.pop(PROC_COLUMN, None) + + +clean_proc_column(output_config) + +with open(output, "w") as f: + yaml.safe_dump(output_config, f, sort_keys=False)
--- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/ludwig_train.py Tue Jan 07 22:45:18 2025 +0000 @@ -0,0 +1,29 @@ +import logging +import pickle +import sys + +from ludwig.train import cli + +from ludwig_experiment import ( + convert_parquet_to_csv, + generate_html_report, + make_visualizations +) + +from model_unpickler import SafeUnpickler + + +logging.basicConfig(level=logging.DEBUG) + +setattr(pickle, 'Unpickler', SafeUnpickler) + +cli(sys.argv[1:]) + +ludwig_output_directory_name = "experiment_run" + +make_visualizations(ludwig_output_directory_name) +convert_parquet_to_csv( + ludwig_output_directory_name +) +title = "Ludwig Train" +generate_html_report(title, ludwig_output_directory_name)
--- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/ludwig_visualize.py Tue Jan 07 22:45:18 2025 +0000 @@ -0,0 +1,14 @@ +import logging +import pickle +import sys + +from ludwig.visualize import cli + +from model_unpickler import SafeUnpickler + + +logging.basicConfig(level=logging.DEBUG) + +setattr(pickle, 'Unpickler', SafeUnpickler) + +cli(sys.argv[1:])
--- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/test-data/ludwig_auto_config.yaml Tue Jan 07 22:45:18 2025 +0000 @@ -0,0 +1,8 @@ +input_features: +- name: 'Unnamed: 0' + type: number +- name: temperature_feature + type: text +output_features: +- name: temperature + type: number
--- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/test-data/ludwig_experiment_report_test.html Tue Jan 07 22:45:18 2025 +0000 @@ -0,0 +1,78 @@ + + + <html> + <head> + <title>Galaxy-Ludwig Report</title> + <style> + body { + font-family: Arial, sans-serif; + margin: 0; + padding: 20px; + background-color: #f4f4f4; + } + .container { + max-width: 800px; + margin: auto; + background: white; + padding: 20px; + box-shadow: 0 0 10px rgba(0, 0, 0, 0.1); + overflow-x: auto; + } + h1 { + text-align: center; + color: #333; + } + h2 { + border-bottom: 2px solid #4CAF50; + color: #4CAF50; + padding-bottom: 5px; + } + table { + border-collapse: collapse; + margin: 20px 0; + width: 100%; + table-layout: fixed; /* Enforces consistent column widths */ + } + table, th, td { + border: 1px solid #ddd; + } + th, td { + padding: 8px; + text-align: center; /* Center-align text */ + vertical-align: middle; /* Center-align content vertically */ + word-wrap: break-word; /* Break long words to avoid overflow */ + } + th:first-child, td:first-child { + width: 5%; /* Smaller width for the first column */ + } + th:nth-child(2), td:nth-child(2) { + width: 50%; /* Wider for the metric/description column */ + } + th:last-child, td:last-child { + width: 25%; /* Value column gets remaining space */ + } + th { + background-color: #4CAF50; + color: white; + } + .plot { + text-align: center; + margin: 20px 0; + } + .plot img { + max-width: 100%; + height: auto; + } + </style> + </head> + <body> + <div class="container"> + + <h1>Ludwig Experiment</h1> + <h2>Visualizations</h2><div class="plot"><h3>learning_curves_temperature_loss</h3><img src="data:image/png;base64,iVBORw0KGgoAAAANSUhEUgAAAoAAAAHgCAYAAAA10dzkAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuNSwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy/xnp5ZAAAACXBIWXMAAA9hAAAPYQGoP6dpAAB9PElEQVR4nO3dd1gUV9sG8Ht36UhRaRYUK4oioChBRWPFmqBGUZOo2DWoSKKvGGN5zRtiLMEWW2KLsccSo2LUaEBFEQU7dsUGiA0EKbs73x9+blx2VcCFHdj7d11cceecmXlmD2SfPTPzjEQQBAFEREREZDCk+g6AiIiIiEoWE0AiIiIiA8MEkIiIiMjAMAEkIiIiMjBMAImIiIgMDBNAIiIiIgPDBJCIiIjIwDABJCIiIjIwTACJiIiIDAwTQCIiIiIDwwSQiIiIyMAwASQiIiIyMEwAiYiIiAwME0AiIiIiA8MEkIh0xsXFBYMGDdJ3GERE9A5MAIlEZvXq1ZBIJIiLi9N3KKVOdnY2fvzxR/j4+MDGxgZmZmaoW7cugoODceXKFX2HVyyysrIwffp0HD58WN+hiM7Fixcxffp03Lp1S9+hEImOkb4DIKKy4/Lly5BK9fO9Mi0tDZ06dcKpU6fQrVs39O/fH+XKlcPly5exceNGLF++HLm5uXqJrThlZWVhxowZAIAPP/xQv8GIzMWLFzFjxgx8+OGHcHFx0Xc4RKLCBJCItJLL5VAqlTAxMSnwOqampsUY0dsNGjQI8fHx2Lp1K3r16qXWNnPmTHz99dc62U9R3hfSjczMTFhaWuo7DNHEQfQ+eAqYqJS6d+8eBg8eDEdHR5iamqJBgwZYuXKlWp/c3FxMnToVTZo0gY2NDSwtLeHn54dDhw6p9bt16xYkEgnmzJmDiIgI1KpVC6ampqpTaBKJBNeuXcOgQYNga2sLGxsbBAUFISsrS207+a8BfHU6++jRowgNDYW9vT0sLS3Ro0cPPHz4UG1dpVKJ6dOno3LlyrCwsECbNm1w8eLFAl1XeOLECezevRtDhgzRSP6Al4npnDlzVK8//PBDrbNlgwYNUpspetP7Eh8fDyMjI9XM2+suX74MiUSCRYsWqZY9ffoUISEhcHZ2hqmpKWrXro1Zs2ZBqVSqrbtx40Y0adIEVlZWsLa2hru7O+bPn//G47516xbs7e0BADNmzIBEIoFEIsH06dNVfRITE/HJJ5+gQoUKMDMzg7e3N/744w+17bwapyNHjmDs2LGwt7eHra0tRowYgdzcXDx9+hQDBgxA+fLlUb58eUycOBGCIGh9n3788UdUr14d5ubmaN26Nc6fP68Rd2Fi+ueffzB69Gg4ODigatWqAIDbt29j9OjRcHV1hbm5OSpWrIjevXurnepdvXo1evfuDQBo06aN6r15dao8//v0ypt+h7XFAQB79+6Fn58fLC0tYWVlha5du+LChQtvHDMiseAMIFEplJKSgg8++AASiQTBwcGwt7fH3r17MWTIEKSnpyMkJAQAkJ6ejp9//hn9+vXDsGHDkJGRgV9++QX+/v6IjY2Fp6en2nZXrVqF7OxsDB8+HKampqhQoYKqrU+fPqhRowbCw8Nx+vRp/Pzzz3BwcMCsWbPeGe+YMWNQvnx5TJs2Dbdu3UJERASCg4OxadMmVZ+wsDD88MMP6N69O/z9/XHmzBn4+/sjOzv7ndt/lTx8/vnnBXj3Ci//+1KpUiW0bt0amzdvxrRp09T6btq0CTKZTJV8ZGVloXXr1rh37x5GjBiBatWq4dixYwgLC8ODBw8QEREBANi/fz/69euHdu3aqd7TS5cu4ejRoxg3bpzWuOzt7bFkyRKMGjUKPXr0QM+ePQEAjRo1AgBcuHABLVq0QJUqVTBp0iRYWlpi8+bNCAgIwO+//44ePXqobW/MmDFwcnLCjBkzcPz4cSxfvhy2trY4duwYqlWrhu+++w579uzB7Nmz0bBhQwwYMEBt/bVr1yIjIwNffPEFsrOzMX/+fLRt2xbnzp2Do6NjkWIaPXo07O3tMXXqVGRmZgIATp48iWPHjqFv376oWrUqbt26hSVLluDDDz/ExYsXYWFhgVatWmHs2LFYsGABJk+ejPr16wOA6r+FpS2OX3/9FQMHDoS/vz9mzZqFrKwsLFmyBC1btkR8fDxPO5O4CUQkKqtWrRIACCdPnnxjnyFDhgiVKlUS0tLS1Jb37dtXsLGxEbKysgRBEAS5XC7k5OSo9Xny5Ing6OgoDB48WLXs5s2bAgDB2tpaSE1NVes/bdo0AYBaf0EQhB49eggVK1ZUW1a9enVh4MCBGsfSvn17QalUqpaPHz9ekMlkwtOnTwVBEITk5GTByMhICAgIUNve9OnTBQBq29SmR48eAgDhyZMnb+33SuvWrYXWrVtrLB84cKBQvXp11eu3vS/Lli0TAAjnzp1TW+7m5ia0bdtW9XrmzJmCpaWlcOXKFbV+kyZNEmQymZCUlCQIgiCMGzdOsLa2FuRyeYGO4ZWHDx8KAIRp06ZptLVr105wd3cXsrOzVcuUSqXQvHlzoU6dOqplr8bJ399fbZx8fX0FiUQijBw5UrVMLpcLVatWVXv/Xr1P5ubmwt27d1XLT5w4IQAQxo8fX+SYWrZsqfGevPr9fl1MTIwAQFi7dq1q2ZYtWwQAwqFDhzT6v+k9e9PvcP44MjIyBFtbW2HYsGFq6ycnJws2NjYay4nEhqeAiUoZQRDw+++/o3v37hAEAWlpaaoff39/PHv2DKdPnwYAyGQy1bVqSqUSjx8/hlwuh7e3t6rP63r16qU6pZjfyJEj1V77+fnh0aNHSE9Pf2fMw4cPh0QiUVtXoVDg9u3bAICDBw9CLpdj9OjRauuNGTPmndsGoIrBysqqQP0LS9v70rNnTxgZGanNYp4/fx4XL15EYGCgatmWLVvg5+eH8uXLq41V+/btoVAoEBUVBQCwtbVFZmYm9u/fr5OYHz9+jL///ht9+vRBRkaGar+PHj2Cv78/rl69inv37qmtM2TIELVx8vHxgSAIGDJkiGqZTCaDt7c3bty4obHPgIAAVKlSRfW6WbNm8PHxwZ49e4oc07BhwyCTydSWmZubq/6dl5eHR48eoXbt2rC1tdX6e60L+ePYv38/nj59in79+qmNq0wmg4+Pj8ZlFkRiw1PARKXMw4cP8fTpUyxfvhzLly/X2ic1NVX17zVr1mDu3LlITExEXl6eanmNGjU01tO27JVq1aqpvS5fvjwA4MmTJ7C2tn5rzG9bF4AqEaxdu7ZavwoVKqj6vs2r/WdkZMDW1vad/QtL2/tiZ2eHdu3aYfPmzZg5cyaAl6d/jYyMVKdiAeDq1as4e/bsGxPrV2M1evRobN68GZ07d0aVKlXQsWNH9OnTB506dSpSzNeuXYMgCPjmm2/wzTffvHHfryds+cfJxsYGAODs7Kyx/NXYva5OnToay+rWrYvNmzcXOSZt7/2LFy8QHh6OVatW4d69e2rXIz579kzrdt9X/jiuXr0KAGjbtq3W/u/6myDSNyaARKXMqxsHPvvsMwwcOFBrn1fXgK1btw6DBg1CQEAAJkyYAAcHB8hkMoSHh+P69esa670+s5Jf/lmYV17/8C2OdQuiXr16AIBz587Bz8/vnf0lEonWfSsUCq393/S+9O3bF0FBQUhISICnpyc2b96Mdu3awc7OTtVHqVSiQ4cOmDhxotZt1K1bFwDg4OCAhIQE7Nu3D3v37sXevXuxatUqDBgwAGvWrHnnMeX36vfkq6++gr+/v9Y++RPuN42TtuVFGbuixKTtvR8zZgxWrVqFkJAQ+Pr6wsbGBhKJBH379tW4saawCvo78Go/v/76K5ycnDT6Gxnx45XEjb+hRKWMvb09rKysoFAo0L59+7f23bp1K2rWrIlt27apndrLf+OCvlWvXh3Ayxmi12daHj16pHWmKb/u3bsjPDwc69atK1ACWL58ea2nMF/NRBZUQEAARowYoToNfOXKFYSFhan1qVWrFp4/f/7OsQIAExMTdO/eHd27d4dSqcTo0aOxbNkyfPPNNxqJ0Suvj+vratasCQAwNjYu0L514dWs2OuuXLmiuhlCVzFt3boVAwcOxNy5c1XLsrOz8fTpU7V+b3pvgJe/A/n75+bm4sGDBwWKoVatWgBeJu4l9f4S6RKvASQqZWQyGXr16oXff/9da4mN18urvJq5eX225sSJE4iJiSn+QAuhXbt2MDIywpIlS9SWv15K5W18fX3RqVMn/Pzzz9ixY4dGe25uLr766ivV61q1aiExMVHtvTpz5gyOHj1aqLhtbW3h7++PzZs3Y+PGjTAxMUFAQIBanz59+iAmJgb79u3TWP/p06eQy+UAXia7r5NKpaqZ3JycnDfGYGFhodrW6xwcHPDhhx9i2bJlWpOa/GV4dGHHjh1q1/DFxsbixIkT6Ny5s05jkslkGjOQCxcu1Ji9e1WrL/97A7z8HXh1/eUry5cvf+MMYH7+/v6wtrbGd999p3ZpxSvF8f4S6RJnAIlEauXKlYiMjNRYPm7cOHz//fc4dOgQfHx8MGzYMLi5ueHx48c4ffo0Dhw4gMePHwMAunXrhm3btqFHjx7o2rUrbt68iaVLl8LNzQ3Pnz8v6UN6I0dHR4wbNw5z587FRx99hE6dOuHMmTPYu3cv7Ozs3jqT88ratWvRsWNH9OzZE927d0e7du1gaWmJq1evYuPGjXjw4IGqFuDgwYMxb948+Pv7Y8iQIUhNTcXSpUvRoEGDAt3U8rrAwEB89tln+Omnn+Dv769xDeKECRPwxx9/oFu3bhg0aBCaNGmCzMxMnDt3Dlu3bsWtW7dgZ2eHoUOH4vHjx2jbti2qVq2K27dvY+HChfD09Hxr6RJzc3O4ublh06ZNqFu3LipUqICGDRuiYcOGWLx4MVq2bAl3d3cMGzYMNWvWREpKCmJiYnD37l2cOXOmUMf6LrVr10bLli0xatQo5OTkICIiAhUrVlQ7/a2LmLp164Zff/0VNjY2cHNzQ0xMDA4cOICKFSuq9fP09IRMJsOsWbPw7NkzmJqaom3btnBwcMDQoUMxcuRI9OrVCx06dMCZM2ewb98+tdP3b2NtbY0lS5bg888/R+PGjdG3b1/Y29sjKSkJu3fvRosWLQr8BYZIL/Rz8zERvcmrshNv+rlz544gCIKQkpIifPHFF4Kzs7NgbGwsODk5Ce3atROWL1+u2pZSqRS+++47oXr16oKpqang5eUl/Pnnn28sdzJ79myNeF6VgXn48KHWOG/evKla9qYSGvlL2hw6dEijPIdcLhe++eYbwcnJSTA3Nxfatm0rXLp0SahYsaJaGZK3ycrKEubMmSM0bdpUKFeunGBiYiLUqVNHGDNmjHDt2jW1vuvWrRNq1qwpmJiYCJ6ensK+ffsK9b68kp6eLpibmwsAhHXr1mntk5GRIYSFhQm1a9cWTExMBDs7O6F58+bCnDlzhNzcXEEQBGHr1q1Cx44dBQcHB8HExESoVq2aMGLECOHBgwfvPO5jx44JTZo0EUxMTDTKm1y/fl0YMGCA4OTkJBgbGwtVqlQRunXrJmzdulXV503j9KaxHzhwoGBpaan1fZo7d67g7OwsmJqaCn5+fsKZM2c04n2fmAThZSmjoKAgwc7OTihXrpzg7+8vJCYmavz+CYIgrFixQqhZs6Ygk8nUfucUCoXwn//8R7CzsxMsLCwEf39/4dq1awX+HX7l0KFDgr+/v2BjYyOYmZkJtWrVEgYNGiTExcVp7U8kFhJB0NFV2EREOvb06VOUL18e3377rc4e5Ua6d+vWLdSoUQOzZ89WO9VOROLFawCJSBRevHihsezVUzK0PbaNiIiKjtcAEpEobNq0CatXr0aXLl1Qrlw5HDlyBBs2bEDHjh3RokULfYdHRFSmMAEkIlFo1KgRjIyM8MMPPyA9PV11Y8i3336r79CIiMocXgNIREREZGB4DSARERGRgWECSERERGRgeA1gASmVSty/fx9WVlYFKkpLREREVFwEQUBGRgYqV64MqbTw83lMAAvo/v37cHZ21ncYRERERCp37txB1apVC70eE8ACsrKyAvDyjba2ti6WfcjlcsTFxcHb2xtGRhwafeN4iAvHQ1w4HuLC8RCXkhiP9PR0ODs7q/KTwuJvSQG9Ou1rbW1drAmgpaUlrK2t+QcsAhwPceF4iAvHQ1w4HuJSkuNR1MvSeBMIERERkYFhAkhERERkYJgAEhERERkYXihARERURigUCsjlcn2HYfDkcjkkEgmys7OLfA2gsbExZDKZjiP7FxNAIiKiUk4QBMhkMly/fp21akVAEARYWFggKSnpvcbD1tYWTk5OxTKmTACJiIhKudTUVJibm8PBwQGWlpZMAvVMEARkZWXBwsKiSGPxav3U1FQAQKVKlXQdIhNAIiKi0kyhUODZs2ews7NDxYoVmfyJgCAIUCgUMDMzK/J4mJubA3iZ3Ds4OOj8dDBvAiEiIirF8vLyAABmZmZ6joR0zcLCAsC/Y6xLokwAFy9eDBcXF5iZmcHHxwexsbFv7HvhwgX06tULLi4ukEgkiIiI0OgTFRWF7t27o3LlypBIJNixY0fxBU9ERESkA8U5myu6BHDTpk0IDQ3FtGnTcPr0aXh4eMDf3191Hjy/rKws1KxZE99//z2cnJy09snMzISHhwcWL15cnKETERERlQqiSwDnzZuHYcOGISgoCG5ubli6dCksLCywcuVKrf2bNm2K2bNno2/fvjA1NdXap3Pnzvj222/Ro0eP4gydiIiI9KRt27ZYvXp1gfufOHECrq6uSE9PL76gRExUCWBubi5OnTqF9u3bq5ZJpVK0b98eMTExeoyMiIiIdO3zzz/H//73P51sa+vWrQgMDCxwfy8vLxw5cgRWVlY62X9pI6q7gNPS0qBQKODo6Ki23NHREYmJiSUaS05ODnJyclSvX31DkMvlxVZkM/XZC9zLKL7tU+EoFArVnVykfxwPceF4iMfrnxmCIOgxksJ7Fe+b4n71O1aQYsrly5d/67byMzY2hp2dXaHWKShBEFQ/utiOttzjfXMFUSWAYhIeHo4ZM2ZoLI+Li4OlpaXO93f0bi6WJmRBKQArzhzGSC8LOFkWXwVwejelUomMjAzExsZCKhXVZLlB4niIC8dDPCQSCczNzaFUKpGZmam6cUChFPDshe7vHn0bG3NjyKQFu3Fh2rRpOHnyJE6ePIm1a9eqls2YMQMLFizATz/9hGvXrmHx4sVwdHTEjz/+iHPnzuHFixeoUaMGgoOD4ePjo9pet27d0L9/f/Tv3x8A0KRJE0yZMgVHjhxBTEwMHBwcMH78eLRu3RrAy8/zESNG4PDhw7CyssIff/yBuXPnIjw8HHPnzkVKSgo8PT0xbdo02NvbA3iZdM2bNw+7d++GTCZDQEAA0tLS8Pz5c8ybN08ViyAIGuNRFDk5OcjNzcXZs2c1ksnMzMwibxcQWQJoZ2cHmUyGlJQUteUpKSlvvMGjuISFhSE0NFT1Oj09Hc7OzvD29oa1tbXO9zftxBEo/39srz5R4JsjWZjc2RWB3lVZ00lPFAoFTp48iaZNmxbr43ioYDge4sLxEI/s7GwkJSVBKpWqikDvPvcA0/64gEfPc0s0lorlTDDjowbo6v7uwsXTpk3D3bt3UadOHYwdOxYAcO3aNQAvq4FMnDgRzs7OsLa2RnJyMtq0aYMvv/wSJiYm2LlzJ8aPH4+9e/eicuXKAF4mwiYmJmqTND///DO++uorhIWFYd26dZgyZQr+/vtv2NraqsrmWFhYwNLSEqampsjJycGGDRswe/ZsSKVSTJw4EYsWLcKcOXMAAEuXLkVkZCTCw8NRq1YtrF27Fv/88w98fHzU9isIAjIzM9+7KLdMJoOJiQlq166tUebnfa9dFFUCaGJigiZNmuDgwYMICAgA8PJb5sGDBxEcHFyisZiammq9qcTIyKjIz/V7Gydrc1xL/Tebz8pVYMrOizh85RG+7+UOu3Lab3Ch4iWRSCCTyYplzKnwOB7iwvEQh9fff4lEAolEgrBt55CRXfKXEz16nouwbefQrVHld/a1traGiYmJ6gkmAHDz5k0AwNixY9GyZUtV3/Lly6N+/fqq1yEhIThw4AAOHTqEzz77DMC/JVNeT7h69OiB7t27AwBCQ0Px66+/4ty5c2jVqpVa/1c/eXl5mDFjBqpVqwYA+PTTT/HTTz+p+q5btw4jRoxAx44dAQBTp05FVFSUxn7zb7eoXq2vLfd437870f3VhoaGYuDAgfD29kazZs0QERGBzMxMBAUFAQAGDBiAKlWqIDw8HMDLG0cuXryo+ve9e/eQkJCAcuXKoXbt2gCA58+fq75VAC9/wRISElChQgXVIOtbeE93fPbLCdx+lKW2/MClFHSKeILvezZCezfHN6xNRERUdri7u6u9zszMxKJFi3D48GE8fPgQCoUC2dnZuH///lu34+rqqvq3hYUFypUrh8ePH7+xv7m5uVpe4ODggEePHgEAMjIykJaWhkaNGqnaZTIZGjRoAKVSWajjEwPRXbgRGBiIOXPmYOrUqfD09ERCQgIiIyNVN4YkJSXhwYMHqv7379+Hl5cXvLy88ODBA8yZMwdeXl4YOnSoqk9cXJyqD/AyyfTy8sLUqVNL9uDewrmCBXZ94Yu21U002tKe52Lo2jiEbTuHzBzeIEJERG/3fc9GsCun+XlS3OzKmeD7no3e3fEdXj0G7ZVZs2Zh//79CA0NxW+//YYdO3agbt2673xChrGxsdpriUTy1mQt/6yaRCIpdTfWFJToZgABIDg4+I2nfA8fPqz22sXF5Z2D8+GHH5aKAbQwMcKQRhbo69cAk3dcQFq+azc2xCYh5noafgz0hFe18nqKkoiIxK5ro0ro1NAJT7NK9hpAWwuTAt8EArxM0AoyexYfH48ePXqgQ4cOAF7OCN67d6/IcRaFlZUV7OzscO7cOTRt2hTAy2thL168iHr16pVoLLogygTQ0LWt54DIkIqY9Ps5HLikfkPMrUdZ+GRpDILb1EZw29owloluEpeIiERAJpWgosivH69SpQrOnDmDu3fvwsLC4o3JYPXq1bF//360bdtW9dhXfZx2/eyzz7Bs2TJUq1YNNWvWxLp16/Ds2bNSebMmsweRsitnihUDmuD7nu6wMFG/w06hFDD/4FV8sjQGN9Pe7zZwIiIifRk8eDBkMhm6du0KX19ftUu8Xjdp0iRYW1ujb9++GDlyJPz8/NCgQYMSjhYYNmwYunXrhv/85z/o27cvLCws0LJlyzc+iUzMJEJpODcqAunp6bCxscGzZ8+KpQwM8LK+0IkTJ+Dj46N2HcKttEyM35yA+KSnGuuYG8swpVt99G9WrVR+AxGzN40H6QfHQ1w4HuKRnZ2NGzduwNHRERUqVOBnQQlSKpXo3LkzOnfujJCQENVyXZWByc7Oxs2bN1GjRg2tZWDeJy/hDGAp4GJniS0jfBHaoa7GtRUv8hT4evt5DF0Th4cZOW/YAhEREb2ve/fuYfPmzbh58yYuX76M6dOn4969e6pSM6UJE8BSwkgmxdh2dbBtVHPUtNN8EsnBxFT4R0ThrwvJeoiOiIio7JNKpdi2bRs++eQT9OvXD1euXMGqVatQq1YtfYdWaJy3L2U8nG3x59iW+G7PJaw7nqTW9jgzF8N/PYVAb2dM7e4GS1MOLxERka5UqlQJGzdu1HcYOsEZwFLIwsQI3wa4Y9WgplqfELIp7g66LIjGqdtP9BAdERERiR0TwFKsTT0H7AvxQ0ctTwi5/SgLvZcew7y/LiNPUfoqlBMREVHxYQJYylUsZ4plnzfBD70awTJfuRilACz4+xp6LTmG6w+f6ylCIiIiEhsmgGWARCJBn6bO2DuuFZpU13xCyNm7z9B1QTR+jblVKp6IQkRERMWLCWAZUq2iBTaP8MUEf1cY5SsXk52nxDc7LyBo9UmkZmTrKUIiIiISAyaAZYxMKsEXbWpj++gWqGWvWS7m8OWH8P8xCpHnWS6GiIjIUDEBLKPcq9rgzzF+GOBbXaPtSVYeRq47hQlbzuB5jlwP0REREb2/tm3bYvXq1arXrq6uOHDgwBv73717F66urrh06dJ77VdX29EnJoBlmLmJDP/9uCFWBzWFvZVmuZgtp+6i8/woxN16rIfoiIiIdOvIkSNo1aqVTrc5adIkjB49Wm1ZpUqVcOTIEdSpU0en+ypJTAANwIeuDtgX0gqdGjhptN15/AJ9lsVg9r5E5MpZLoaIiEove3t7mJiYFPt+ZDIZ7O3tS/VzsJkAGogKliZY8lljzOntgXL5nhCiFIDFh66j55KjuJaaoacIiYhIp5QKIDOtZH+UigKHt2nTJrRs2RJKpfrkw6hRoxAWFoakpCSMGjUKzZs3h5eXF3r16oVjx469dZv5TwGfPXsWAQEBcHd3R8+ePTVO2SoUCkyePBlt27ZFo0aN4O/vjzVr1qjaFy5ciO3bt+PgwYNwdXWFq6srTpw4ofUUcGxsLD755BM0bNgQfn5+WLBgAeTyfy+z+vzzz/Htt9/ihx9+QLNmzdCiRQssXLiwwO+XrpXe1JUKTSKR4JMmVeFTowJCNyfg5C31J4Wcv5eOrguOYHKX+hjgWx0SieQNWyIiIlG7sB3YMwHIfFiy+7W0B7rMBhr0eGfXTp06YebMmThx4gR8fX0BAE+fPkV0dDRWrFiBrKwstG7dGuPHj4eJiQl27NiBkSNHIjIyEpUrV37n9jMzMzFixAg0b94cs2fPxt27d/G///1PrY9SqYSTkxPmz58PW1tbxMfHY+rUqbC3t0eXLl0wePBgXL9+Hc+fP0d4eDgAwMbGBqmpqWrbSUlJwfDhw9GjRw/MmjULN27cwJQpU1CuXDmMHTtW1W/79u0ICgrC5s2bkZCQgEmTJqFx48Zo0aLFO49H1zgDaICcK1hg43BfTOzkCmOZepKXI1di2h8XMHDVSaSks1wMEVGp9Me4kk/+gJf7/GNcgbra2NigVatW2LVrl2rZvn37UL58efj4+KBevXro27cv6tatCxcXF4SEhKBatWr4+++/C7T9P//8E0qlEt999x3q1KmDNm3aYMiQIWp9jI2NMXbsWLi7u8PZ2RkfffQRevbsicjISACApaUlzMzMYGJiAnt7+zeeYl6/fj2cnJwwdepU1KpVC+3bt8eIESOwatUqtRlOV1dXBAcHw8XFBQEBAWjYsCFiYmIKdDy6xgTQQMmkEoz+8GW5mNoO5TTao648hH9EFPaee6CH6IiIyBB0794df/31F3JzcwEAu3btQteuXSGVSpGZmYlZs2ahc+fO8Pb2hpeXF65fv4779+8XaNvXr1+Hq6srTE3/vQnSy8tLo99vv/2Gnj174oMPPoCXlxc2b95c4H28vi8vLy+1M2eenp7IyspCcvK/ZddcXV3V1rO3t8ejR48KtS9dYQJo4BpWscGfY1piUHMXjbanWXkY9dtpfLn5DDKy80o+OCIiKpqP5r88HVvSLO1f7ruA2rZtC0EQcPjwYTx48ABxcXHo3r07AGDWrFnYv38/QkND8dtvv2HHjh2oW7cu8vJ093m0e/duzJo1C7169cLKlSuxY8cO9OzZU6f7eF3+m0YkEonentDFawAJZsYyTP+oAdrVd8BXW84gJT1Hrf3303dx4uYjzOvjiWY1KugpSiIiKrAGPYD6HwEvnry7ry6Zlweksnf3+3+mpqbo2LEjdu3ahdu3b6NGjRpo0KABACA+Ph49evRAhw4dALy8pu/evXsF3natWrWwc+dO5OTkqGYBExIS1PqcPn0aXl5e+PTTT1XLkpKS1PoYGxtr3KiibV/79u2DIAiqWcCEhARYWlrCyUmzAocYcAaQVPzq2GNfSCt0da+k0Xb3yQsELo/BrEiWiyEiKhWkMsDSrmR/CpH8vdK9e3ccPnwYv//+u2r2DwCqV6+O/fv349KlS0hMTMSXX375zkTsdd26dYNEIsGUKVNw7do1/PPPP1i5cqVan+rVq+P8+fOIjo7GzZs3ERERgXPnzqn1qVKlCi5fvowbN27g8ePHWmcH+/fvj+TkZMycORPXr1/HwYMHsWzZMgwaNAhSqThTLXFGRXpja2GCRf29MK+PB6zylYsRBGDJ4evo8dNRXE1huRgiInp/H3zwAWxsbHDz5k21BHDSpEmwtrZG3759MXLkSPj5+almBwvC0tISS5cuxZUrVxAQEIAff/wRX331lVqfvn37omPHjhg/fjz69OmDp0+fon///mp9+vTpgxo1aqBXr17w9fXF6dOnNfbl6OiI5cuX4+zZs/j4448xffp0fPzxxxg1alQh342SIxH0dfK5lElPT4eNjQ2ePXsGa2vrYtmHXC7HiRMn4OPjI4riknefZCF08xnE3tR8UoipkRSTOtfDQF8XSKVls1yM2MbD0HE8xIXjIR7Z2dm4ceMGHB0dUaFCBZbwEgFBEJCZmQlLS8v3Go/s7GzcvHkTNWrUgJmZmVrb++YlnAGkN6pa3gIbhn2ASZ3raS0XM2PXRQxcFYvkZywXQ0REVJowAaS3kkklGNm6FnZ80QJ1HTXLxURfTYN/RBT+PFu4W+aJiIhIf5gAUoE0qGyDP4JbYnCLGhptz17kIXh9PMZvSkA6y8UQERGJHhNAKjAzYxmmdnfDuiE+cLI202jfHn8PnSOiceKGfopaEhERUcEwAaRCa1nHDpEhfujWSLNczL2nL9B3xXGE772EHHnBHwpOREREJYcJIBWJrYUJFvbzQkSgJ6zMNMvFLPvnBgIWH8PlZJaLISIqCSzqUfYUpu5hYfHefSoyiUSCAK8qaFqjAr7cnIDjN9TLxVx6kI7ui45gor8rBreoUWbLxRAR6ZOJiQmkUikePnwIY2NjmJiYsBSMngmCgJycHMhksiKNhSAIyM3NxcOHDyGVSmFiYqLzGJkA0nurYmuO9UM/wC9HbmL2vsvIVfz7jSVXrsS3uy/h0OVUzOntgUo25nqMlIio7JFKpahevTrOnTuHe/fuMfkTgVcJ3Psm4xYWFqhWrVqxPE2ECSDphFQqwbBWNdGyjh1CNibgcr4nhRy99gj+P0bh2x7u+Mijsp6iJCIqm4yNjZGXl4eaNWvqOxTCy0LpZ8+eRe3atYtcKF0mk8HIyKjYEnomgKRT9StZY2dwC8zZdxk/H7mp1paeLcfYDfE4eCkF//24IWzMjfUUJRFR2WRkZMQns4iAXC6HIAgwMzMT7XjwJhDSOTNjGaZ0c8P6oT6oZKNZLmZnwn10jojCsetpeoiOiIiImABSsWle2w6R41rhY0/NU773n2Xj059P4H+7L7JcDBERUQljAkjFysbCGPP7emFBPy9YaykXsyL6Jj5edBSJyel6ipCIiMjwiDYBXLx4MVxcXGBmZgYfHx/Exsa+se+FCxfQq1cvuLi4QCKRICIi4r23Sbr1kUdlRIa0QvNaFTXaEpMz8NHCo1gRdQNKJetYERERFTdRJoCbNm1CaGgopk2bhtOnT8PDwwP+/v5ITU3V2j8rKws1a9bE999/DycnJ51sk3Svsq051g3xwZSu9WFipP6rl6tQ4n97LuHTn0/g/tMXeoqQiIjIMIgyAZw3bx6GDRuGoKAguLm5YenSpbCwsMDKlSu19m/atClmz56Nvn37wtTUVCfbpOIhlUow1K8mdgW3RD0nK432mBuP4B8RhZ0J9/QQHRERkWEQXQKYm5uLU6dOoX379qplUqkU7du3R0xMjGi2Se/H1ckKO4NbYESrmshf4igjW45xGxMwZkM8nmXl6SdAIiKiMkx0xWnS0tKgUCjg6OiottzR0RGJiYklts2cnBzk5OSoXqenv7xJQS6XQy6XFymOd1EoFBAEAQqFYdwVKwMwoWMdtKpTERO2nsP9Z9lq7bvO3MfJm4/xQ6+GWq8dLG6GNh5ix/EQF46HuHA8xKUkxuN9cxHRJYBiER4ejhkzZmgsj4uLg6WlZbHsU6lUIiMjA7GxscXy2Bcxm+FritXnFDh6T33GLzk9GwNWxaFzTVP0qWcGE1nJPeLIkMdDjDge4sLxEBeOh7iUxHhkZma+1/qiSwDt7Owgk8mQkpKitjwlJeWNN3gUxzbDwsIQGhqqep2eng5nZ2d4e3vD2tq6SHG8i0KhwMmTJ9G0aVPIZLJi2YeYtWkJ7D6XjKl/XMCzF+rfbPbeyMH1TGPM/cQd9SsVz/ufn6GPh9hwPMSF4yEuHA9xKYnxeHVmsqhElwCamJigSZMmOHjwIAICAgC8zKQPHjyI4ODgEtumqamp1htKivsxOxKJRPX8P0P0sVdV+NS0w1dbzuDINfUnhVxJeY5eS0/gy451MdSvJmTS4p8NNPTxEBuOh7hwPMSF4yEuxT0e77tdUc4Th4aGYsWKFVizZg0uXbqEUaNGITMzE0FBQQCAAQMGICwsTNU/NzcXCQkJSEhIQG5uLu7du4eEhARcu3atwNsk8XCyMcPawc0wtZub1nIx4XsT0W/Fcdx9kqWnCImIiEo3UX5NCAwMxMOHDzF16lQkJyfD09MTkZGRqps4kpKS1M6p379/H15eXqrXc+bMwZw5c9C6dWscPny4QNskcZFKJRjcsgZa1rFDyMYEXHygPtUde/MxOkdEY8bHDdDDqwok+W8lJiIiojcSZQIIAMHBwW88PfsqqXvFxcUFgvDuJ0i8bZskTnUdrbDjixaYt/8KlkVdx+vDnJEjR+jmMzh4KRX/69EQthYm+guUiIioFBHlKWCi15kYSTGpcz1sHPYBqtiaa7TvPvcA/hFROHI1TcvaRERElB8TQCo1fGpWxN4QP/RsXEWjLSU9B5/9cgIzdl1Adh7rYBEREb0NE0AqVazNjDGvjyd++rQxbC2MNdpXHb2F7guP4Py9Z3qIjoiIqHRgAkilUhf3StgX0gp+dew02q6mPkePn47ip8PXoFC++9pQIiIiQ8MEkEotR+uX5WJmfNQApvnKxeQpBPwQeRn9lh/HnccsF0NERPQ6JoBUqkkkEgxs7oLdY1uiQWXNJ4TE3nqMzvOjsfXU3QLdKU5ERGQImABSmVDbwQrbR7fA6A9rIf8DQp7nyPHVljMY/dtpPMnM1U+AREREIsIEkMoMEyMpJnaqh00jfFG1vGa5mL3nk+EfEYV/rjzUQ3RERETiwQSQypymLhWwd5wfejepqtGWmpGDgStjMW3nebzIZbkYIiIyTEwAqUyyMjPG7N4eWPpZY5TXUi5mTcxtdFsYzXIxRERkkJgAUpnWqeHLcjGt69prtF1/mImAxUex+BDLxRARkWFhAkhlnoO1GVYHNcXMjxvAzFj9V16uFDB732UELothuRgiIjIYTADJIEgkEnzu64I/x/jBvYqNRnvc7SfoFBGFzXF3WC6GiIjKPCaAZFBqO5TDttHNMaZtbY1yMZm5CkzcehYj153CY5aLISKiMowJIBkcY5kUX3Z0xZaRvqhWwUKjfd+FFJaLISKiMo0JIBmsJtUrYM84PwR6O2u0PczIwZC1p7HqXBbLxRARUZnDBJAMWjlTI8z6pBGWfd4EFSxNNNoP3MrFxz/F4OzdpyUfHBERUTFhAkgEwL+BEyJD/NDGVbNczI20TPT86RgWHrwKuUKph+iIiIh0iwkg0f9zsDLDykFN8W1AQ5gby9Ta5EoBc/dfQZ9lMbj9KFNPERIREekGE0Ci10gkEnz2QXXsHtsSjapYa7SfTnqKzvOjsTE2ieViiIio1GICSKRFTfty2DTcBz3qmkKWr15MVq4Ck7adw/BfT+HR8xw9RUhERFR0TACJ3sBYJsUnrubYOKwZqlfULBez/2IK/COi8Xdiih6iIyIiKjomgETv4OVsiz1j/dCvmWa5mLTnORi8Og5fbz+HrFy5HqIjIiIqPCaARAVgaWqE8J6NsGKANypqKRfz24kkdF1wBAl3npZ8cERERIXEBJCoEDq4OSIypBXa1XPQaLuZloleS44h4sAVloshIiJRYwJIVEj2Vqb4eaA3wnu6a5SLUSgFRBy4ik+WxuBmGsvFEBGRODEBJCoCiUSCfs2qYc84P3g622q0J9x5ii7zo7H+BMvFEBGR+DABJHoPNewssXWkL0La19EoF/MiT4HJ289h2No4pLFcDBERiQgTQKL3ZCSTIqR9XWwd6YsadpYa7QcupcL/xygcuMhyMUREJA5MAIl0xKtaeewe2xKf+lTTaHuUmYuha+MQtu0sMnNYLoaIiPSLCSCRDlmYGOF/PdyxcpA37MpplovZEHsHXRdE43TSEz1ER0RE9BITQKJi0LaeI/aFtEIHN0eNtluPstB7aQzm7b+CPJaLISIiPWACSFRMKpYzxfLPm2BWL3dYmGiWi1lw8Co+WXIMNx4+11OERERkqJgAEhUjiUSCwKbVsHecHxpXs9VoP3P3GbouOIJ1x2+zXAwREZUYJoBEJaB6RUtsHuGLLzvUhZGWcjFTdpzHkDVxSM3I1lOERERkSJgAEpUQI5kUY9rVwbbRzVHTXrNczN+JqegUEY2/LiTrIToiIjIkTACJSlijqrbYPcYPn39QXaPtcWYuhv96Cv/ZehbPWS6GiIiKiWgTwMWLF8PFxQVmZmbw8fFBbGzsW/tv2bIF9erVg5mZGdzd3bFnzx619pSUFAwaNAiVK1eGhYUFOnXqhKtXrxbnIRC9kbmJDDMDGmJVUFPYW5lqtG+Ku4Mu86Nx6jbLxRARke6JMgHctGkTQkNDMW3aNJw+fRoeHh7w9/dHamqq1v7Hjh1Dv379MGTIEMTHxyMgIAABAQE4f/48AEAQBAQEBODGjRvYuXMn4uPjUb16dbRv3x6ZmZkleWhEatq4OmBfSCv4N9AsF5P0OAu9lx7D3L8us1wMERHplCgTwHnz5mHYsGEICgqCm5sbli5dCgsLC6xcuVJr//nz56NTp06YMGEC6tevj5kzZ6Jx48ZYtGgRAODq1as4fvw4lixZgqZNm8LV1RVLlizBixcvsGHDhpI8NCINFSxNsPSzJvjhk0awzFcuRikAC/++hp4/HcO1VJaLISIi3RBdApibm4tTp06hffv2qmVSqRTt27dHTEyM1nViYmLU+gOAv7+/qn9OTg4AwMzMTG2bpqamOHLkiK4PgajQJBIJ+ng7Y++4VvCuXl6j/dy9Z+i2MBprY26xXAwREb03I30HkF9aWhoUCgUcHdVPiTk6OiIxMVHrOsnJyVr7Jye/vJuyXr16qFatGsLCwrBs2TJYWlrixx9/xN27d/HgwQOt28zJyVEljgCQnp4OAJDL5ZDLi+fifIVCAUEQoFAoimX7VDj6GI/KNib4bUhTLIu6iQV/X4Nc+W+yl52nxNSdF3DgYgq+79kQDlquHSzL+PchLhwPceF4iEtJjMf75iKiSwCLg7GxMbZt24YhQ4agQoUKkMlkaN++PTp37vzG2ZTw8HDMmDFDY3lcXBwsLTVLeOiCUqlERkYGYmNjIZWKbnLW4OhzPJqYA9NbWOKn+Czcf65+/V/U1TR0nPcPhnqYo2klzecNl1X8+xAXjoe4cDzEpSTG433vYRBdAmhnZweZTIaUlBS15SkpKXByctK6jpOT0zv7N2nSBAkJCXj27Blyc3Nhb28PHx8feHt7a91mWFgYQkNDVa/T09Ph7OwMb29vWFtbF/Xw3kqhUODkyZNo2rQpZDLZu1egYqXv8fAB8HEbBX746wp+PZ6k1vY8T0BEXBY+aVweX3epBysz0f0p65y+x4PUcTzEheMhLiUxHq/OTBaV6D41TExM0KRJExw8eBABAQEAXmbSBw8eRHBwsNZ1fH19cfDgQYSEhKiW7d+/H76+vhp9bWxsALy8MSQuLg4zZ87Uuk1TU1OYmmqeYjMyMoKRUfG9bRKJBDKZrFj3QQWn7/GwMjLCzAB3tHdzwoQtZ5CakaPWvvX0PRy/+Rg/BnqiqUsFvcRYkvQ9HqSO4yEuHA9xKe7xeN/tinKeODQ0FCtWrMCaNWtw6dIljBo1CpmZmQgKCgIADBgwAGFhYar+48aNQ2RkJObOnYvExERMnz4dcXFxagnjli1bcPjwYVUpmA4dOiAgIAAdO3Ys8eMjKqzWde2xL6QVurhrzoLfffICgcti8ENkInLlLBdDRETvJsqvCYGBgXj48CGmTp2K5ORkeHp6IjIyUnWjR1JSkto59ebNm2P9+vWYMmUKJk+ejDp16mDHjh1o2LChqs+DBw8QGhqKlJQUVKpUCQMGDMA333xT4sdGVFTlLU2wuH9jbDt9D9P+uKD2pBClAPx0+Dqirj5ERKAnajtY6TFSIiISO4nAmhIFkp6eDhsbGzx79qzYrgGUy+U4ceIEfHx8OIUvAmIejzuPsxC6OQEnb2k+KcTUSIqwzvUwsLkLJBKJHqIrHmIeD0PE8RAXjoe4lMR4vG9eIspTwET0ds4VLLBxuC8mdnKFsUw9ycuRKzF910UMWBmLlPRsPUVIRERixgSQqJSSSSUY/WFtbB/dArUdymm0R19Ng39EFPac017rkoiIDBcTQKJSrmEVG/w5piWCWrhotD3NysPo304jdHMC0rPzSj44IiISJSaARGWAmbEM07o3wK9DmsHRWrN80bbT99A5IhqxNx/rIToiIhIbJoBEZYhfnZflYro2qqTRdu/pCwQuj8H3e1kuhojI0DEBJCpjbC1MsKifF34M9ICVqfrdZ4IALP3nOgIWH8WVlAw9RUhERPrGBJCoDJJIJOjhVRV7Q/zgU0PzCSEXH6Sj28IjWHnkJpRKVoIiIjI0TACJyrCq5S2wftgHCOtcT6NcTK5cif/++bJcTPIzloshIjIkTACJyjiZVIIRrWth5xctUddRs1zMkWsvy8X8efa+HqIjIiJ9YAJIZCDcKlvjj+CWGNKyhkbbsxd5CF4fj/GbWC6GiMgQMAEkMiBmxjJ8080Nvw31gZO1mUb79viX5WKO33ikh+iIiKikMAEkMkAtatthX0grdPeorNF27+kL9FtxHOF7LiFHrtBDdEREVNyYABIZKBsLYyzs54X5fT1hZaZZLmZZ1A18vOgoEpPT9RQhEREVFyaARAbuY88qiAxpBd+aFTXaEpMz8NHCo/g5+gbLxRARlSFMAIkIVWzN8dtQH3zdpT5MZOr/W8hVKPHt7kv47JcTuP/0hZ4iJCIiXWICSEQAAKlUgmGtamJncAvUc7LSaD92/RE6RUThjzMsF0NEVNoxASQiNfUrWWPHFy0wzK8GJOq1o5GeLcfYDfEYtzEez7JYLoaIqLRiAkhEGsyMZfi668tyMZVtNMvF7Ey4j07zo3DsWpoeoiMiovfFBJCI3qh5LTvsDWmFAE/NcjEPnmWj/88n8O2fF5Gdx3IxRESlCRNAInorG3NjRPT1wsJ+XrDOVy4GAH4+chMBi4/i0gOWiyEiKi2YABJRgXT3qIx941uheS3t5WI+XnQUy6Ous1wMEVEpwASQiAqsko051g3xwZSu9WFipFku5rs9iej/83HcY7kYIiJRYwJIRIUilUow1K8mdgW3RP1K1hrtx288RqeIKOyIvwdB4GwgEZEYMQEkoiJxdbLCji+aY0TrmhrlYjKy5QjZlIAxG1guhohIjJgAElGRmRrJENa5PjYM+wBVbM012v88+wD+EVE4ynIxRESiwgSQiN7bBzUrYm+IH3p6VdFoS07Pxqc/n8B/d7FcDBGRWDABJCKdsDYzxrxATyzu3xg25sYa7SuP3sRHi47g4n2WiyEi0jcmgESkU10bVcK+kFbwq2On0XYl5Tk+XnwES/+5DgXLxRAR6Q0TQCLSOScbM6wJaoZp3d1gmq9cTJ5CwPd7E9FvxXHcfZKlpwiJiAwbE0AiKhZSqQRBLWrgzzEt4aalXEzszcfoHBGNbafvslwMEVEJYwJIRMWqjqMVdnzRAqM+rKVZLiZHjtDNZxC8Ph5Ps3L1EyARkQFiAkhExc7ESIr/dKqHTcN9tZaL2X3uZbmY6KsP9RAdEZHhYQJIRCWmWY0KiAzxQ6/GVTXaUtJz8PkvsZj+xwWWiyEiKmZMAImoRFmZGWNuHw8s+bQxbC00y8WsPnYL3RYewfl7z/QQHRGRYWACSER60dn9ZbmYVnXtNdqupT5Hj5+OYvGhaywXQ0RUDJgAEpHeOFqbYU1QU8z4qIHWcjGz911G3+UxuPOY5WKIiHSJCSAR6ZVEIsHA5i7YPbYlGlbRLBdz8tYTdJ4fjW2n77FcDBGRjjABJCJRqO1ghW2jWuCLNrUgzVcu5nmOHBO3ncf8U1l4nMlyMURE70u0CeDixYvh4uICMzMz+Pj4IDY29q39t2zZgnr16sHMzAzu7u7Ys2ePWvvz588RHByMqlWrwtzcHG5ubli6dGlxHgIRFZKJkRQT/Oth8whfOFfQLBdz8kEeui48isOXU/UQHRFR2SHKBHDTpk0IDQ3FtGnTcPr0aXh4eMDf3x+pqdr/p3/s2DH069cPQ4YMQXx8PAICAhAQEIDz58+r+oSGhiIyMhLr1q3DpUuXEBISguDgYPzxxx8ldVhEVEDeLhWwd1wr9PHWLBfz8HkuBq06iak7z+NFLsvFEBEVhSgTwHnz5mHYsGEICgpSzdRZWFhg5cqVWvvPnz8fnTp1woQJE1C/fn3MnDkTjRs3xqJFi1R9jh07hoEDB+LDDz+Ei4sLhg8fDg8Pj3fOLBKRfpQzNcIPn3hg6WdNUF5LuZi1MbfRbWE0zt1luRgiosIy0ncA+eXm5uLUqVMICwtTLZNKpWjfvj1iYmK0rhMTE4PQ0FC1Zf7+/tixY4fqdfPmzfHHH39g8ODBqFy5Mg4fPowrV67gxx9/1LrNnJwc5OTkqF6np6cDAORyOeRyeVEP760UCgUEQYBCwVkNMeB4iEP7enZoNKYFJm07h6irj9Tarj/MRI+fjmJs21oY0aomZPkvHqRiw78PceF4iEtJjMf75iKiSwDT0tKgUCjg6OiottzR0RGJiYla10lOTtbaPzk5WfV64cKFGD58OKpWrQojIyNIpVKsWLECrVq10rrN8PBwzJgxQ2N5XFwcLC0tC3tYBaJUKpGRkYHY2FhIpaKcnDUoHA9xGVpHgUoCsP0GkKv8d7lcKWDegWvYdeomRntZwMFSpr8gDQj/PsSF4yEuJTEemZmZ77W+6BLA4rJw4UIcP34cf/zxB6pXr46oqCh88cUXqFy5Mtq3b6/RPywsTG1WMT09Hc7OzvD29oa1tWapCl1QKBQ4efIkmjZtCpmMH2L6xvEQF4VCAan0JAZ1dsPEbRdw7l66WvvVJwpMOZKFKV3r4ZPGVSCRcDawOPHvQ1w4HuJSEuPx6sxkUYkuAbSzs4NMJkNKSora8pSUFDg5OWldx8nJ6a39X7x4gcmTJ2P79u3o2rUrAKBRo0ZISEjAnDlztCaApqamMDU11VhuZGQEI6Pie9skEglkMlmx7oMKjuMhLhKJBHUcrbFtdAssPHgViw5dw+sPCsnMVSBs+wUcupyG8J7uqFhO82+YdId/H+LC8RCX4h6P992u6OaJTUxM0KRJExw8eFC1TKlU4uDBg/D19dW6jq+vr1p/ANi/f7+qf15eHvLy8jSmYWUyGZRKJYiodDGWSRHa0RVbRjZH9YoWGu1/XUyBf0Q0DiWyXAwRkTaiSwCBlyVbVqxYgTVr1uDSpUsYNWoUMjMzERQUBAAYMGCA2k0i48aNQ2RkJObOnYvExERMnz4dcXFxCA4OBgBYW1ujdevWmDBhAg4fPoybN29i9erVWLt2LXr06KGXYySi99ekennsGeuHvk2dNdrSnucgaPVJTNlxjuViiIjyEeU8cWBgIB4+fIipU6ciOTkZnp6eiIyMVN3okZSUpDab17x5c6xfvx5TpkzB5MmTUadOHezYsQMNGzZU9dm4cSPCwsLw6aef4vHjx6hevTr+97//YeTIkSV+fESkO5amRvi+VyO0reeASdvOaTwpZN3xJBy79gg/BnrCw9lWP0ESEYmMKBNAAAgODlbN4OV3+PBhjWW9e/dG796937g9JycnrFq1SlfhEZHIdGzgBK9q5fGf38/i73ynfm+kZaLnkmMY164ORn9YC0YyUZ78ICIqMfy/IBGVGfZWpvhloDf+16MhzI3V77xTKAXM238FvZfF4Paj9yufQERU2jEBJKIyRSKR4FOf6tg9tqXWU77xSU/ReX40NsYmQRAEzQ0QERkAJoBEVCbVtC+HrSN9Ma5dHY0nhGTlKjBp2zkMW3sKac9z3rAFIqKyiwkgEZVZxjIpxneoi60jfeGipVzMgUsp6BQRhb8TU7SsTURUdjEBJKIyz6taeewe64d+zapptKU9z8Xg1XGYvP0csnKL5znfRERiwwSQiAyCpakRwnu64+cB3rArZ6LRvv5EErrMj0Z80hM9REdEVLKYABKRQWnv5ojIkFZoX99Bo+3Woyx8sjQGP+6/ArmCTwkiorKLCSARGRy7cqZYMcAb4T3dYWGiWS5m/sGr6LU0BjfTWC6GiMomJoBEZJAkEgn6NauGPWP94KmlXMyZO0/RZX401p9guRgiKnuYABKRQXOxs8TWkb4Y376uRrmYF3kKTN5+DkPXxOFhBsvFEFHZwQSQiAyekUyKce3r4PdRzVHDzlKj/WBiKjpFRGH/RZaLIaKygQkgEdH/83S2xe6xLfHZB5rlYh5l5mLY2jhM+v0sMnNYLoaISjcmgEREr7EwMcK3Ae5YNagp7MqZarRvPHkHXRZE49RtloshotKLCSARkRZt6jlgX4gfOrg5arTdfpSF3kuPYd5fl5HHcjFEVAoxASQieoOK5Uyx/PMmmNVLs1yMUgAW/H0Nnyw5husPn+spQiKiomECSET0FhKJBIFNq2HvOD80qV5eo/3M3WfouiAavx6/zXIxRFRq6CwBXLNmDXbv3q16PXHiRNja2qJ58+a4ffu2rnZDRKQX1StaYtPwD/BVx7owylcuJjtPiW92nMfg1SeRmpGtpwiJiApOZwngd999B3NzcwBATEwMFi9ejB9++AF2dnYYP368rnZDRKQ3RjIpgtvWwbbRzVHTXrNczKHLD9EpIhr7LiTrIToiooLTWQJ4584d1K5dGwCwY8cO9OrVC8OHD0d4eDiio6N1tRsiIr1rVNUWu8f4YYBvdY22x5m5GPHrKUzcegbPWS6GiERKZwlguXLl8OjRIwDAX3/9hQ4dOgAAzMzM8OLFC13thohIFMxNZPjvxw2xOqgp7K00y8VsjruLLvOjcer2Yz1ER0T0djpLADt06IChQ4di6NChuHLlCrp06QIAuHDhAlxcXHS1GyIiUfnQ1QH7QlqhUwMnjbakx1novTQGc/axXAwRiYvOEsDFixfD19cXDx8+xO+//46KFSsCAE6dOoV+/frpajdERKJTwdIESz5rjNmfNEI5UyO1NqUALDp0DT1/OoZrqSwXQ0TiYPTuLgVja2uLRYsWaSyfMWOGrnZBRCRaEokEvb2d8UHNihi/KQFx+Z4Ucu7eM3RbGI3JXerj8w+qQyKRvGFLRETFT2czgJGRkThy5Ijq9eLFi+Hp6Yn+/fvjyRM+MomIDINzBQtsGuGLCf6uWsvFTN15AYNWnURqOsvFEJH+6CwBnDBhAtLT0wEA586dw5dffokuXbrg5s2bCA0N1dVuiIhETyaV4Is2tbHjixao7VBOo/2fKw/hHxGFyPMP9BAdEZEOE8CbN2/Czc0NAPD777+jW7du+O6777B48WLs3btXV7shIio1GlaxwZ9jWmJQcxeNtidZeRi57jS+2nIGGdl5JR8cERk0nSWAJiYmyMrKAgAcOHAAHTt2BABUqFBBNTNIRGRozIxlmP5RA6wZ3AwOWsrFbD11F53nRyP2JsvFEFHJ0VkC2LJlS4SGhmLmzJmIjY1F165dAQBXrlxB1apVdbUbIqJSqXVde+wLaYUu7prlYu4+eYHA5TGYFZmIXDnLxRBR8dNZArho0SIYGRlh69atWLJkCapUqQIA2Lt3Lzp16qSr3RARlVrlLU2wuH9jzO3toVEuRhCAJYevo8dPR3E1JUNPERKRodBZGZhq1arhzz//1Fj+448/6moXRESlnkQiQa8mVdGsRgV8ufkMYm+pn/q9cD8d3RYeQVjnehjg6wKplOViiEj3dJYAAoBCocCOHTtw6dIlAECDBg3w0UcfQSaT6XI3RESlnnMFC2wY/gGWR93AvP2XkacQVG05ciWm77qIg4mpmP2JB5xszPQYKRGVRTo7BXzt2jXUr18fAwYMwLZt27Bt2zZ89tlnaNCgAa5fv66r3RARlRkyqQSjPqyF7aNboI6WcjHRV9PgHxGF3WdZLoaIdEtnCeDYsWNRq1Yt3LlzB6dPn8bp06eRlJSEGjVqYOzYsbraDRFRmdOwig12jWmJwS1qaLQ9e5GHL9afRuimBKSzXAwR6YjOEsB//vkHP/zwAypUqKBaVrFiRXz//ff4559/dLUbIqIyycxYhqnd3bBuiA+crDVP+W6Lv4fOEdE4ceORHqIjorJGZwmgqakpMjI071x7/vw5TExMdLUbIqIyrWUdO0SG+KFro0oabfeevkDfFccRvvcScuQKPURHRGWFzhLAbt26Yfjw4Thx4gQEQYAgCDh+/DhGjhyJjz76SFe7ISIq82wtTLConxd+DPSAlZZyMcv+uYGAxcdwheViiKiIdJYALliwALVq1YKvry/MzMxgZmaG5s2bo3bt2oiIiNDVboiIDIJEIkEPr6qIHN8KH9SsoNF+6cHLcjG/HLkJpVLQsgUiojfTWQJoa2uLnTt34sqVK9i6dSu2bt2KK1euYPv27bC1tS309hYvXgwXFxeYmZnBx8cHsbGxb+2/ZcsW1KtXD2ZmZnB3d8eePXvU2iUSidaf2bNnFzo2IqKSUsXWHOuHfoDJXerBRKb+v+xcuRIz/7yIz1eewINnL/QUIRGVRu9VBzA0NPSt7YcOHVL9e968eQXe7qZNmxAaGoqlS5fCx8cHERER8Pf3x+XLl+Hg4KDR/9ixY+jXrx/Cw8PRrVs3rF+/HgEBATh9+jQaNmwIAHjwQL2Mwt69ezFkyBD06tWrwHEREemDVCrB8Fa14FfHHiEbE3A536nfo9cewf/HKPyvhzu6e1TWU5REVJq8VwIYHx9foH4SSeEq2c+bNw/Dhg1DUFAQAGDp0qXYvXs3Vq5ciUmTJmn0nz9/Pjp16oQJEyYAAGbOnIn9+/dj0aJFWLp0KQDAyUn9+Zs7d+5EmzZtULNmzULFRkSkL/UrWWNncAvM2XcZPx+5qdaWni3HmA3xOHgpBTM+bggbc2M9RUlEpcF7JYCvz/DpSm5uLk6dOoWwsDDVMqlUivbt2yMmJkbrOjExMRqzkf7+/tixY4fW/ikpKdi9ezfWrFnzxjhycnKQk5Ojep2eng4AkMvlkMvlBT2cQlEoFBAEAQoF7+4TA46HuHA8XjKSAJM61UXrOhUx4ffzSE7PVmvfkXAfJ24+xuxe7lqvHdQVjoe4cDzEpSTG431zEZ0+Ck4X0tLSoFAo4OjoqLbc0dERiYmJWtdJTk7W2j85OVlr/zVr1sDKygo9e/Z8Yxzh4eGYMWOGxvK4uDhYWlq+6zCKRKlUIiMjA7GxsZBKdXZ5JhURx0NcOB7qpAD+62uCVecViLmnXiD6wbNsfL7yJLrUMkVvVzMYy3T/PGGOh7hwPMSlJMYjMzPzvdYXXQJYElauXIlPP/0UZmZvfr5mWFiY2qxieno6nJ2d4e3tDWtr62KJS6FQ4OTJk2jatCmfnywCHA9x4Xho19YP2HXmAabuuoiM7H9nBAQAu6/n4HqmMeZ+0giuTlY63S/HQ1w4HuJSEuPx6sxkUYkuAbSzs4NMJkNKSora8pSUFI3r+F5xcnIqcP/o6GhcvnwZmzZtemscpqamMDU11VhuZGQEI6Pie9skEglkMlmx7oMKjuMhLhwP7Xo0cYZPLTt8ufkMYvI9KSQx+Tl6LDmOiZ1cMbhFDUilupsN5HiIC8dDXIp7PN53u6KbJzYxMUGTJk1w8OBB1TKlUomDBw/C19dX6zq+vr5q/QFg//79Wvv/8ssvaNKkCTw8PHQbOBGRHlW2NcdvQ30wpWt9zXIxCiW+3X0Jn/1yAvefslwMEYkwAQRelpdZsWIF1qxZg0uXLmHUqFHIzMxU3RU8YMAAtZtExo0bh8jISMydOxeJiYmYPn064uLiEBwcrLbd9PR0bNmyBUOHDi3R4yEiKglSqQRD/WrijzEtUE/LKd9j1x+hU0QUdibc00N0RCQmokwAAwMDMWfOHEydOhWenp5ISEhAZGSk6kaPpKQktbp+zZs3x/r167F8+XJ4eHhg69at2LFjh6oG4CsbN26EIAjo169fiR4PEVFJquf0slzM8FY1kb8KV3q2HOM2JmDMhng8y8rTvgEiKvNEe6FAcHCwxgzeK4cPH9ZY1rt3b/Tu3fut2xw+fDiGDx+ui/CIiETN1EiGyV3qo42rA77cnID7z9TLxew6cx9xtx5jbm8PNK9tp6coiUhfRDkDSEREuuFbqyL2hrRCgKfmE0IePMtG/59PYOafF5Gdx/pxRIaECSARURlnY26MiL5eWNjPC9Zmmid+fjlyEx8vOopLD96vrAQRlR5MAImIDER3j8rYN74VWtSuqNF2OSUDHy86iuVR16FUCnqIjohKEhNAIiIDUsnGHL8O9sE33dxgYqRZLua7PYno//Nx3H2SpacIiagkMAEkIjIwUqkEQ1rWwK7glqhfSfPJRsdvPEbniGhsj78LQeBsIFFZxASQiMhAuTpZYccXzTGydS2NcjEZOXKM33QGwRvi8TQrVz8BElGxYQJIRGTATI1kmNS5HjYO+wBVbM012neffYBOEdE4cjVND9ERUXFhAkhERPCpWRF7Q/zQ06uKRltyejY+++UEZuy6wHIxRGUEE0AiIgIAWJsZY16gJxb3bwwbc2ON9lVHb6H7wiO4cP+ZHqIjIl1iAkhERGq6NqqEfSGt4FdH8wkhV1OfI2DxUSyLugElbxAhKrWYABIRkQYnGzOsCWqG6d3dYJqvXEyeQsDsv67i22PPcffJCz1FSETvgwkgERFpJZVKMKhFDfw5piUaVNYsF3P5sQJdFx3F76dYLoaotGECSEREb1XH0QrbR7fA6A81y8Vk5ijw5ZYz+GL9aTzJZLkYotKCCSAREb2TiZEUEzvVw+YRvqhaXrNczJ5zyfCPiELUlYd6iI6ICosJIBERFVhTlwrYO84Pvbwqa7SlZuRgwMpYTP+D5WKIxI4JIBERFYqVmTFm9XJHiLcFyltolotZfewWui08gvP3WC6GSKyYABIRUZE0rWSC3WNaoHVde422a/9fLmbxoWtQKHmDCJHYMAEkIqIic7Ayxeqgpvjvxw00ysXIlQJm77uMvstjcOdxlp4iJCJtmAASEdF7kUgkGODrgt1j/eBexUaj/eStJ+g8Pxpb4u6wXAyRSDABJCIinajtUA6/j2qO4Da1Ic1XLuZ5jhwTtp7FyHWn8JjlYoj0jgkgERHpjImRFF/5u2LLSF9Uq2Ch0b7vQgr8I6Jw6HKqHqIjoleYABIRkc41qV4Be8b5oY93VY22hxk5CFp1Et/sOI8XuSwXQ6QPTACJiKhYlDM1wg+feGDZ501QwdJEo/3X47fRdWE0zt1luRiiksYEkIiIipV/AydEhvjhQ1fNcjE3Hmaix09HsfDgVcgVSj1ER2SYmAASEVGxc7Ayw6pBTTEzoCHMjDXLxczdfwV9lsXg9qNMPUVIZFiYABIRUYmQSCT4/IPq2D3WDx5VNcvFnE56ii7zo7HpZBLLxRAVMyaARERUomrZl8PWUc0xtl0djXIxmbkK/Of3cxjx6yk8ep6jnwCJDAATQCIiKnHGMilCO9TF1lHNUb2iZrmYvy6mwD8iGocSWS6GqDgwASQiIr1pXK089oz1Q9+mzhptac9zELT6JL7efg5ZuXI9REdUdjEBJCIivbI0NcL3vRphxQBvVNRSLua3E0notuAIEu48LfngiMooJoBERCQKHdwcERnSCu3qOWi03UjLRK8lxzD/AMvFEOkCE0AiIhINeytT/DzQG9/1cIe5sUytTaEU8OOBK+i9LAa30lguhuh9MAEkIiJRkUgk6O9TDXvG+cHT2VajPT7pKbosiMaGWJaLISoqJoBERCRKNewssXWkL0La14EsX72YrFwFwradw7C1p5DGcjFEhcYEkIiIRMtIJkVI+7rYOtIXLlrKxRy4lIJOEVE4cDFFD9ERlV5MAImISPS8qpXHnnF+6O9TTaMt7Xkuhq6NQ9i2c8jMYbkYooJgAkhERKWChYkRvuvhjl8GesOunGa5mA2xSei6IBrxSU/0EB1R6SLaBHDx4sVwcXGBmZkZfHx8EBsb+9b+W7ZsQb169WBmZgZ3d3fs2bNHo8+lS5fw0UcfwcbGBpaWlmjatCmSkpKK6xCIiKgYtKv/slxM+/qOGm23HmXhk6Ux+HH/FeSxXAzRG4kyAdy0aRNCQ0Mxbdo0nD59Gh4eHvD390dqqvZHAh07dgz9+vXDkCFDEB8fj4CAAAQEBOD8+fOqPtevX0fLli1Rr149HD58GGfPnsU333wDMzOzkjosIiLSEbtyplgxoAm+7+kOCxPNcjHzD17FJ0tjcJPlYoi0EmUCOG/ePAwbNgxBQUFwc3PD0qVLYWFhgZUrV2rtP3/+fHTq1AkTJkxA/fr1MXPmTDRu3BiLFi1S9fn666/RpUsX/PDDD/Dy8kKtWrXw0UcfwcFBs+AoERGJn0QiQd9m1bBnrB+8qtlqtJ+58xRd5kfjtxO3WS6GKB8jfQeQX25uLk6dOoWwsDDVMqlUivbt2yMmJkbrOjExMQgNDVVb5u/vjx07dgAAlEoldu/ejYkTJ8Lf3x/x8fGoUaMGwsLCEBAQoHWbOTk5yMn5t7RAeno6AEAul0MuL56LjBUKBQRBgEKhKJbtU+FwPMSF4yEuYhqPqram2DCkKZZG3cTCQ9ehUP6b7L3IU+Dr7edx4GIKwns0gF05Uz1GWnzENB5UMuPxvrmI6BLAtLQ0KBQKODqqX9vh6OiIxMREreskJydr7Z+cnAwASE1NxfPnz/H999/j22+/xaxZsxAZGYmePXvi0KFDaN26tcY2w8PDMWPGDI3lcXFxsLS0LOrhvZVSqURGRgZiY2MhlYpyctagcDzEheMhLmIcj6YWwLQWllhyOgsPMtWv/zt0+SE6zPsHQz0s4O1krKcIi48Yx8OQlcR4ZGa+3+UNoksAi4NS+fJ/BB9//DHGjx8PAPD09MSxY8ewdOlSrQlgWFiY2qxieno6nJ2d4e3tDWtr62KJU6FQ4OTJk2jatClkMtm7V6BixfEQF46HuIh1PHwABLSR4/vIK1gfe0etLSNXwI8nM9G7SRVM6VIPlqZl5yNQrONhqEpiPF6dmSwq0f3229nZQSaTISVFvahnSkoKnJyctK7j5OT01v52dnYwMjKCm5ubWp/69evjyJEjWrdpamoKU1PNUwVGRkYwMiq+t00ikUAmkxXrPqjgOB7iwvEQF7GOh7WREb7r2Qgd3JwwYetZjSeFbDl1D7G3nmBeH080qV5eT1HqnljHw1AV93i873ZFN09sYmKCJk2a4ODBg6plSqUSBw8ehK+vr9Z1fH191foDwP79+1X9TUxM0LRpU1y+fFmtz5UrV1C9enUdHwEREYlBm3oO2Bfih45umuVibj/KQu+lxzD3r8ssF0MGSZRfE0JDQzFw4EB4e3ujWbNmiIiIQGZmJoKCggAAAwYMQJUqVRAeHg4AGDduHFq3bo25c+eia9eu2LhxI+Li4rB8+XLVNidMmIDAwEC0atUKbdq0QWRkJHbt2oXDhw/r4xCJiKgEVCxnimWfN8GWU3cx448LyMz996J8pQAs/Psa/rnyED8GeqKWfTk9RkpUskQ3AwgAgYGBmDNnDqZOnQpPT08kJCQgMjJSdaNHUlISHjx4oOrfvHlzrF+/HsuXL4eHhwe2bt2KHTt2oGHDhqo+PXr0wNKlS/HDDz/A3d0dP//8M37//Xe0bNmyxI+PiIhKjkQiQR9vZ+wd1wreWk75nr37DF0XROPXmFssF0MGQyLwt71A0tPTYWNjg2fPnhXbTSByuRwnTpyAj48Pr+EQAY6HuHA8xKW0jodCKWDpP9fx4/4rkCs1P/4+dLXHD580goNV6XpIQGkdj7KqJMbjffMSUc4AEhERFQeZVIIv2tTG9tEtUMtes6TX4csP4f9jFCLPJ+shOqKSwwSQiIgMjntVG/w5xg8DfDVvBHySlYeR605hwpYzeJ5TPIX/ifSNCSARERkkcxMZ/vtxQ6wOagp7K82yX1tO3UXn+VGIu/VYD9ERFS8mgEREZNA+dHXAvpBW6NRAs9bsnccv0GdZDGbvS0SunOViqOxgAkhERAavgqUJlnzWGHN6e6BcvieEKAVg8aHr6LnkKK6lZugpQiLdYgJIRESEl+ViPmlSFXvH+aGpi2a5mPP30tF1wRGsOcZyMVT6MQEkIiJ6jXMFC2wc7ouJnVxhLJOoteXIlZj2xwUMXHUSKenZeoqQ6P0xASQiIspHJpVg9Icvy8XUdtB8QkjUlYfwj4jC3nMPtKxNJH5MAImIiN6gYRUb/DmmJQY1d9Foe5qVh1G/ncaXm88gIzuv5IMjeg9MAImIiN7CzFiG6R81wK9DmsHRWrNczO+n76Lz/GjE3mS5GCo9mAASEREVgF8de+wLaYWu7pU02u4+eYHA5TGYFclyMVQ6MAEkIiIqIFsLEyzq74V5fTxgla9cjCAASw5fR4+fjuJqCsvFkLgxASQiIioEiUSCno2rYm+IH5rVqKDRfuF+OrotPIJVR29CqWS5GBInJoBERERFULW8BTYM+wCTOtfTWi5mxq6LGLgqFsnPWC6GxIcJIBERURHJpBKMbF0LO75ogbqOmuVioq+mwT8iCn+eva+H6IjejAkgERHRe2pQ2QZ/BLfE4BY1NNqevchD8Pp4jN+UgHSWiyGRYAJIRESkA2bGMkzt7oZ1Q3zgZG2m0b49/h46R0TjxI1HeoiOSB0TQCIiIh1qWccOkSF+6NZIs1zMvacv0HfFcYTvuYQcuUIP0RG9xASQiIhIx2wtTLCwnxfm9/WElZlmuZhlUTcQsPgYLiezXAzpBxNAIiKiYiCRSPCxZxVEhrTCBzU1y8VcepCO7ouO4OfoGywXQyWOCSAREVExqmJrjvVDP8DXXerDRKb+sZsrV+Lb3Zfw+coTePDshZ4iJEPEBJCIiKiYSaUSDGtVEzuDW8DV0Uqj/ei1R/D/MQp/nGG5GCoZTACJiIhKSP1K1tgZ3AJDW2qWi0nPlmPshniM2xiPZy9YLoaKFxNAIiKiEmRmLMOUbm5YP9QHlW00y8XsTLiPzhFROHY9TQ/RkaFgAkhERKQHzWvbYW9IK3zsWVmj7f6zbHz68wn8b/dFlouhYsEEkIiISE9szI0xv68XFvTzgrWWcjErom/i40VHkZicrqcIqaxiAkhERKRnH3lURmRIKzSvVVGjLTE5Ax8tPIoVUSwXQ7rDBJCIiEgEKtuaY90QH0zpWh8mRvnKxSiU+N+eS/j05xO4/5TlYuj9MQEkIiISCalUgqF+NbEruCXqOWmWi4m58Qj+EVHYmXBPD9FRWcIEkIiISGRcnaywM7gFRrSqCYlEvS0jW45xGxMwZkM8nmWxXAwVDRNAIiIiETI1kiGsS31sGPYBqtiaa7TvOnMfneZH4eg1louhwmMCSEREJGIf1KyIvSF+6OFVRaPtwatyMXsSkavgDSJUcEwAiYiIRM7azBg/BnpiUX8v2Jgba7SvOnYb30Rn4NIDlouhgmECSEREVEp0a1QZ+0JaoWVtO422uxlK9Fx6HMv+uQ4Fy8XQOzABJCIiKkWcbMywdnAzTO3mplEuJk8hIHxvIvqtOI67T7L0FCGVBkwAiYiIShmpVILBLWvgzzEt4VbJWqM99uZjdI6IxrbTdyEInA0kTUwAiYiISqm6jlbY8UULDPergXzVYpCRI0fo5jMIXh+Pp1m5eomPxEu0CeDixYvh4uICMzMz+Pj4IDY29q39t2zZgnr16sHMzAzu7u7Ys2ePWvugQYMgkUjUfjp16lSch0BERFTsTIykmOhfF183L4cqtmYa7bvPPYB/RBSOXGW5GPqXKBPATZs2ITQ0FNOmTcPp06fh4eEBf39/pKamau1/7Ngx9OvXD0OGDEF8fDwCAgIQEBCA8+fPq/Xr1KkTHjx4oPrZsGFDSRwOERFRsatf0Qh/BjdHz8aa5WJS0nPw2S8nMGPXBWTnKfQQHYmNKBPAefPmYdiwYQgKCoKbmxuWLl0KCwsLrFy5Umv/+fPno1OnTpgwYQLq16+PmTNnonHjxli0aJFaP1NTUzg5Oal+ypcvXxKHQ0REVCKszIwxr48nfvq0MWwttJSLOXoL3Rcewfl7z/QQHYmJ6BLA3NxcnDp1Cu3bt1ctk0qlaN++PWJiYrSuExMTo9YfAPz9/TX6Hz58GA4ODnB1dcWoUaPw6NEj3R8AERGRnnVxr4R9Ia3Qqq69RtvV1Ofo8dNR/HT4GsvFGDAjfQeQX1paGhQKBRwdHdWWOzo6IjExUes6ycnJWvsnJyerXnfq1Ak9e/ZEjRo1cP36dUyePBmdO3dGTEwMZDKZxjZzcnKQk5Ojep2e/rK4plwuh1wuL/LxvY1CoYAgCFAoOD0vBhwPceF4iAvHQ1y0jUdFCyP88rkXfj2RhFmRV5AjV6ra8hQCfoi8jEOXUjH7E3dULa/5qDkqupL4+3jfXER0CWBx6du3r+rf7u7uaNSoEWrVqoXDhw+jXbt2Gv3Dw8MxY8YMjeVxcXGwtLQslhiVSiUyMjIQGxsLqVR0k7MGh+MhLhwPceF4iMvbxsNVAsxsaYmfTmfhVrp6QnLy9hN0mh+FgQ0t4FfVGBJJ/nuJqShK4u8jMzPzvdYXXQJoZ2cHmUyGlJQUteUpKSlwcnLSuo6Tk1Oh+gNAzZo1YWdnh2vXrmlNAMPCwhAaGqp6nZ6eDmdnZ3h7e8PaWrPmki4oFAqcPHkSTZs21TorSSWL4yEuHA9x4XiIS0HGo9uHSiz4+xqWR9/E62d+s+XAsoQs3MpzxLcfu6G8hUkJRV12lcTfx6szk0UlugTQxMQETZo0wcGDBxEQEADgZSZ98OBBBAcHa13H19cXBw8eREhIiGrZ/v374evr+8b93L17F48ePUKlSpW0tpuamsLU1FRjuZGREYyMiu9tk0gkkMlkxboPKjiOh7hwPMSF4yEu7xoPIyNgUhc3tHNzQujmBNx5/EKtfd+FFMQnPcXs3h5oreXaQSqc4v77eN/tinLePjQ0FCtWrMCaNWtw6dIljBo1CpmZmQgKCgIADBgwAGFhYar+48aNQ2RkJObOnYvExERMnz4dcXFxqoTx+fPnmDBhAo4fP45bt27h4MGD+Pjjj1G7dm34+/vr5RiJiIj0oalLBewZ64feTapqtKVm5GDgylhM23keL3J5fWdZJsqvbYGBgXj48CGmTp2K5ORkeHp6IjIyUnWjR1JSkto59ebNm2P9+vWYMmUKJk+ejDp16mDHjh1o2LAhAEAmk+Hs2bNYs2YNnj59isqVK6Njx46YOXOm1lk+IiKisszKzBize3ugXX0HhG07hydZeWrta2Ju48i1NMzv64WGVWz0FCUVJ1EmgAAQHBz8xlO+hw8f1ljWu3dv9O7dW2t/c3Nz7Nu3T5fhERERlXqdGlZC42rlMWHrWfxz5aFa2/WHmQhYfBTjO9TFyNa1IJPyBpGyRJSngImIiKhkOFibYXVQU8z8uAHMjNXTArlSwOx9lxG4LAZJj7L0FCEVByaAREREBk4ikeBzXxf8OcYP7lpO+cbdfoLO86OwOe4OBIHFo8sCJoBEREQEAKjtUA7bRjfHmLa1kf+Mb2auAhO3nsXIdafwODNXPwGSzjABJCIiIhVjmRRfdnTFlpG+qFbBQqN934UU+EdE4dDlVD1ER7rCBJCIiIg0NKleAXvG+SHQ21mj7WFGDoJWncQ3O1guprRiAkhERERalTM1wqxPGmHZ501QwVLzCSG/Hr+Nrgujcfbu05IPjt4LE0AiIiJ6K/8GTogM8UMbV80nhNx4mImePx3DwoNXIVco9RAdFQUTQCIiInonByszrBzUFN8GNIS5sfrzbeVKAXP3X0GfZTG4/ShTTxFSYTABJCIiogKRSCT47IPq2D22JTyqapaLOZ30FJ3nR2NjbBLLxYgcE0AiIiIqlJr25bB1VHOMbVdH4wkhWbkKTNp2DsN/PYVHz3P0FCG9CxNAIiIiKjRjmRShHepiy0hfVK+oWS5m/8UU+EdE4+/EFD1ER+/CBJCIiIiKrHG18tgz1g/9mmmWi0l7noPBq+Pw9fZzyMqV6yE6ehMmgERERPReLE2NEN6zEVYM8EZFLeVifjuRhK4LjiDhztOSD460YgJIREREOtHBzRH7xrdC+/oOGm030zLRa8kxRBy4wnIxIsAEkIiIiHTGrpwpVgzwRnhPd41yMQqlgIgDV/HJ0hjcTGO5GH1iAkhEREQ6JZFI0K9ZNewZ5wdPZ1uN9oQ7T9FlfjTWn2C5GH1hAkhERETFooadJbaO9EVIe81yMS/yFJi8/RyGrY3DwwyWiylpTACJiIio2BjJpAhpXxe/j2qOGnaWGu0HLqWiU0QUDlxkuZiSxASQiIiIip2nsy12j22JT32qabQ9yszF0LVxCNt2Fpk5LBdTEpgAEhERUYmwMDHC/3q4Y+Ugb9iV0ywXsyH2DrouiMbppCd6iM6wMAEkIiKiEtW2niP2hbRCBzdHjbZbj7LQe2kM5u2/gjyWiyk2TACJiIioxFUsZ4rlnzfBrF7usDDRLBez4OBVfLLkGG48fK6nCMs2JoBERESkFxKJBIFNq2HvOD80rmar0X7m7jN0WRCNdcdvs1yMjjEBJCIiIr2qXtESm0f44ssOdWGUr1xMdp4SU3acx5A1cUjNyNZThGUPE0AiIiLSOyOZFGPa1cG20c1R016zXMzfianoFBGNvy4k6yG6socJIBEREYlGo6q22D3GD59/UF2j7XFmLob/egr/2XoWz1ku5r0wASQiIiJRMTeRYWZAQ6wKagp7K1ON9k1xd9BlfjRO3Wa5mKJiAkhERESi1MbVAftCWsG/gWa5mKTHWei99Bjm/nWZ5WKKgAkgERERiVYFSxMs/awJfvikESzzlYtRCsDCv6+h50/HcC2V5WIKgwkgERERiZpEIkEfb2fsHdcK3tXLa7Sfu/cM3RZGY23MLZaLKSAmgERERFQqVKtogU0jfDHB31VruZipOy9g0KqTSE1nuZh3YQJIREREpYZMKsEXbWpj++gWqKWlXMw/Vx7CPyIKkedZLuZtmAASERFRqeNe1QZ/jvHDQF/NcjFPsvIwct0pTNhyBhnZeXqITvyYABIREVGpZG4iw4yPG2LN4GZw0FIuZsupu+g8Pxonbz3WQ3TixgSQiIiISrXWde2xL6QVurg7abTdffICgcti8ENkInLlLBfzChNAIiIiKvXKW5pgcf/GmNvbA+VMjdTalALw0+Hr6LnkKK6lZugpQnFhAkhERERlgkQiQa8mVbF3nB+aumiWizl/Lx1dFxzB6qM3Db5cjGgTwMWLF8PFxQVmZmbw8fFBbGzsW/tv2bIF9erVg5mZGdzd3bFnz5439h05ciQkEgkiIiJ0HDURERHpm3MFC2wc7ouJnVxhLFMvF5MjV2L6rosYsDIWKQZcLkaUCeCmTZsQGhqKadOm4fTp0/Dw8IC/vz9SU1O19j927Bj69euHIUOGID4+HgEBAQgICMD58+c1+m7fvh3Hjx9H5cqVi/swiIiISE9kUglGf/iyXEwdh3Ia7dFX0+AfEYU95x7oITr9E2UCOG/ePAwbNgxBQUFwc3PD0qVLYWFhgZUrV2rtP3/+fHTq1AkTJkxA/fr1MXPmTDRu3BiLFi1S63fv3j2MGTMGv/32G4yNjUviUIiIiEiPGlaxwa4xLRHUwkWj7WlWHkb/dhqhmxOQbmDlYoze3aVk5ebm4tSpUwgLC1Mtk0qlaN++PWJiYrSuExMTg9DQULVl/v7+2LFjh+q1UqnE559/jgkTJqBBgwbFEvt7eXYP0gPT4XUjBrJ4C0AqAyRSQCL5//9KAbz2b7UfbcvzL3vTuq9v9y19VO0F6aOLeN8Sj9p2dRHz//fLH69SCeOcx0DmQ8DI5LXtFGCfREQkGmbGMkzr3gBt6zngqy1nkJKeo9a+7fQ9nLjxGD8GeqJZjQp6irJkiS4BTEtLg0KhgKOjo9pyR0dHJCYmal0nOTlZa//k5H+rgM+aNQtGRkYYO3ZsgeLIyclBTs6/vyDp6ekAALlcDrlcXqBtFIZ01zhIr+2HBQBk6nzzVARGAJoBQFTh1xXemAS/LSmWAChswpyv7bX1hbcmrFqWoSAJ89sSfM31/n0fULBtviXBFwSg4oObEM7dhUJm9PZYkW9djf284xgL8+WlwF9IytYXA4VCAUEQoFAo9B0KgeNRUL41ymN3cHNM/eMS9uR7Usi9py8QuDwGw1rWQEi72jAxkhZ5PyUxHu+bi4guASwOp06dwvz583H69GlICvg/4fDwcMyYMUNjeVxcHCwtNR898768HiS+TP6oTJAISkDQb72pspVuADIA9QBA89LeUkPAy6RV+P8E9d//vkwc1f/7MhEV/j/JFP7/C4Kg+qLwqg0a21Otl38fr7avse38/33VV1us/26vWp4cjy+ZqBJh4bWEWHjDvjSO5bXj1X4c6setsT219fO/f1Lt+8q/P637kL7hfdA2VurvW/4x+3esXvvva2Osiy8HSqUSGRkZiI2NhVRa9MTFUPR3EVDd2AKrz2XhxWt5lCAAy6NvYt+ZJIxubIGqVrIibb8kxiMz8/1mi0SXANrZ2UEmkyElJUVteUpKCpycNAs8AoCTk9Nb+0dHRyM1NRXVqlVTtSsUCnz55ZeIiIjArVu3NLYZFhamdlo5PT0dzs7O8Pb2hrW1dVEP740kJl8Cu0N0vl0iEg8JBEAQIIESMOwKFPQaVRJZ0Jl+1Yyy+uvsnDyYmplBIi38bLvmLHkRZ8ULMyOu5azHm+N4w3ahrU/BYvW1k2JQLTl+PpqESymZUP5/Yq4UpFBmSLD9iAz9faqhc8PKkMjyH9vbj1GhVCIuUQ7vZs0gkxUtiXyXV2cmi0oiiLAQjo+PD5o1a4aFCxcCeJlJV6tWDcHBwZg0aZJG/8DAQGRlZWHXrl2qZc2bN0ejRo2wdOlSPHr0CA8eqN/l4+/vj88//xxBQUFwdXV9Z0zp6emwsbHBs2fPiiUBBAB52g1ci9qCOrVrQSbBy68ir2aSXv/B68vf0Eet/V19/r8fCrKtd+0333KNbb5tH0IB+ugoVn76EhFRMZIblYOk62zIvPoXy/bfNy8R3QwgAISGhmLgwIHw9vZGs2bNEBERgczMTAQFBQEABgwYgCpVqiA8PBwAMG7cOLRu3Rpz585F165dsXHjRsTFxWH58uUAgIoVK6JixYpq+zA2NoaTk1OBkr8SY1sNjxxborabD2AkyqEpO96UGL+WWMrz8nAq7iSaNPaCkUxaxIT49e0WMBEvUFL/pgT7bfEUIhlHQZNx5ctcukDH9X7xCoISWZnPYWFuBskbv2i85xcifjEgIh0xkj+HsPcroJgSwPclyiwjMDAQDx8+xNSpU5GcnAxPT09ERkaqbvRISkpSO6fevHlzrF+/HlOmTMHkyZNRp04d7NixAw0bNtTXIZDYvX764U2M5JCbWAOWdkzIRUAhlyPhxAn4+PjAqLjG4/UE8a2zzAVNpt/+JePdSWshEnGg4Il4gfb5ti8ZApQKOZIf3IeTowOkEmhZVxdfinQX73u9v/xiQEUlFe9nh2gjCw4ORnBwsNa2w4cPayzr3bs3evfuXeDta7vuj4gMXEG+GBAAQCmX4+aJE3Dw8YHUEL4gFXgGv6Az0br4kvHvMoUiD1cuJ6JundqQSaXvWK+IMRfHZUJa3wf9XyqUp1AgOzcPEARIoYQUAl7e8qOEVALIJMLLm/3eIse0Ioy6zUPxXAH4/gzgr5aIiOg9SSSARAaI9ONckMvx+EkFCPV4CZEuGAPIysrDlJ3nsevMfY12iQQY5lcTX3aoA1OZRCO5lOflIC7+Anzq+ZZ88AXEr7lERERE+dhYGGNhPy/M7+sJKzP1pFoQgOVRN/Dx4mNITM0EZMaAkSlgbA6YWAKm1v9/l7J4iTs6IiIiIj362LMKIkNawbdmRY22xOQMfLTwKH6OvgGlsnRdK8oEkIiIiOgtqtia47ehPvi6S32YyNRTp1yFEt/uvoTPfjmB+09f6CnCwmMCSERERPQOUqkEw1rVxM7gFqjnZKXRfuz6I3SKiMIfWq4ZFCMmgEREREQFVL+SNXZ80QLD/GpoPMUvPVuOsRviEbr5LDJz336XsL4xASQiIiIqBDNjGb7u6obfhvqgso2ZRvsfZx9g0j8ZuPjg/R7XVpyYABIREREVQfNadtgb0goBnpU12h5nCxiz8YweoioYJoBERERERWRjboyIvl5Y2M8L1vnKxdx5nKWnqN6NCSARERHRe+ruURn7xrdCy9p2qmWDW7joL6B3YLlwIiIiIh2oZGOOX4c0Q+KDZ0g4cxa9O7jqO6Q3YgJIREREpCMSiQR1HMrhsbU4Hxv4Ck8BExERERkYJoBEREREBoYJIBEREZGBYQJIREREZGCYABIREREZGCaARERERAaGCSARERGRgWECSERERGRgmAASERERGRgmgEREREQGhgkgERERkYFhAkhERERkYJgAEhERERkYI30HUFoIggAASE9PL7Z9yOVyZGZmIj09HUZGHBp943iIC8dDXDge4sLxEJeSGI9X+cir/KSw+FtSQBkZGQAAZ2dnPUdCRERE9FJGRgZsbGwKvZ5EKGrqaGCUSiXu378PKysrSCSSYtlHeno6nJ2dcefOHVhbWxfLPqjgOB7iwvEQF46HuHA8xKUkxkMQBGRkZKBy5cqQSgt/RR9nAAtIKpWiatWqJbIva2tr/gGLCMdDXDge4sLxEBeOh7gU93gUZebvFd4EQkRERGRgmAASERERGRgmgCJiamqKadOmwdTUVN+hEDgeYsPxEBeOh7hwPMSlNIwHbwIhIiIiMjCcASQiIiIyMEwAiYiIiAwME0AiIiIiA8MEsARFRUWhe/fuqFy5MiQSCXbs2PHOdQ4fPozGjRvD1NQUtWvXxurVq4s9TkNR2PHYtm0bOnToAHt7e1hbW8PX1xf79u0rmWANQFH+Pl45evQojIyM4OnpWWzxGZqijEdOTg6+/vprVK9eHaampnBxccHKlSuLP1gDUJTx+O233+Dh4QELCwtUqlQJgwcPxqNHj4o/2DIuPDwcTZs2hZWVFRwcHBAQEIDLly+/c70tW7agXr16MDMzg7u7O/bs2VMC0b4ZE8ASlJmZCQ8PDyxevLhA/W/evImuXbuiTZs2SEhIQEhICIYOHcqkQ0cKOx5RUVHo0KED9uzZg1OnTqFNmzbo3r074uPjizlSw1DY8Xjl6dOnGDBgANq1a1dMkRmmooxHnz59cPDgQfzyyy+4fPkyNmzYAFdX12KM0nAUdjyOHj2KAQMGYMiQIbhw4QK2bNmC2NhYDBs2rJgjLfv++ecffPHFFzh+/Dj279+PvLw8dOzYEZmZmW9c59ixY+jXrx+GDBmC+Ph4BAQEICAgAOfPny/ByPMRSC8ACNu3b39rn4kTJwoNGjRQWxYYGCj4+/sXY2SGqSDjoY2bm5swY8YM3Qdk4AozHoGBgcKUKVOEadOmCR4eHsUal6EqyHjs3btXsLGxER49elQyQRmwgozH7NmzhZo1a6otW7BggVClSpVijMwwpaamCgCEf/755419+vTpI3Tt2lVtmY+PjzBixIjiDu+NOAMoYjExMWjfvr3aMn9/f8TExOgpInqdUqlERkYGKlSooO9QDNaqVatw48YNTJs2Td+hGLw//vgD3t7e+OGHH1ClShXUrVsXX331FV68eKHv0AySr68v7ty5gz179kAQBKSkpGDr1q3o0qWLvkMrc549ewYAb/0sEOPnOZ8FLGLJyclwdHRUW+bo6Ij09HS8ePEC5ubmeoqMAGDOnDl4/vw5+vTpo+9QDNLVq1cxadIkREdHw8iI/yvTtxs3buDIkSMwMzPD9u3bkZaWhtGjR+PRo0dYtWqVvsMzOC1atMBvv/2GwMBAZGdnQy6Xo3v37oW+xILeTqlUIiQkBC1atEDDhg3f2O9Nn+fJycnFHeIbcQaQqAjWr1+PGTNmYPPmzXBwcNB3OAZHoVCgf//+mDFjBurWravvcAgvPwglEgl+++03NGvWDF26dMG8efOwZs0azgLqwcWLFzFu3DhMnToVp06dQmRkJG7duoWRI0fqO7Qy5YsvvsD58+exceNGfYdSaPzaLGJOTk5ISUlRW5aSkgJra2vO/unRxo0bMXToUGzZskVjSp9KRkZGBuLi4hAfH4/g4GAALxMQQRBgZGSEv/76C23bttVzlIalUqVKqFKlCmxsbFTL6tevD0EQcPfuXdSpU0eP0Rme8PBwtGjRAhMmTAAANGrUCJaWlvDz88O3336LSpUq6TnC0i84OBh//vknoqKiULVq1bf2fdPnuZOTU3GG+FacARQxX19fHDx4UG3Z/v374evrq6eIaMOGDQgKCsKGDRvQtWtXfYdjsKytrXHu3DkkJCSofkaOHAlXV1ckJCTAx8dH3yEanBYtWuD+/ft4/vy5atmVK1cglUrf+eFIupeVlQWpVP0jXiaTAQAEPgH2vQiCgODgYGzfvh1///03atSo8c51xPh5zhnAEvT8+XNcu3ZN9frmzZtISEhAhQoVUK1aNYSFheHevXtYu3YtAGDkyJFYtGgRJk6ciMGDB+Pvv//G5s2bsXv3bn0dQplS2PFYv349Bg4ciPnz58PHx0d17Ya5ubnarAcVTWHGQyqValxv4+DgADMzs7deh0MFV9i/j/79+2PmzJkICgrCjBkzkJaWhgkTJmDw4ME8Y6EDhR2P7t27Y9iwYViyZAn8/f3x4MEDhISEoFmzZqhcubK+DqNM+OKLL7B+/Xrs3LkTVlZWqs8CGxsb1e/6gAEDUKVKFYSHhwMAxo0bh9atW2Pu3Lno2rUrNm7ciLi4OCxfvlxvx8EyMCXo0KFDAgCNn4EDBwqCIAgDBw4UWrdurbGOp6enYGJiItSsWVNYtWpVicddVhV2PFq3bv3W/vR+ivL38TqWgdGtoozHpUuXhPbt2wvm5uZC1apVhdDQUCErK6vkgy+DijIeCxYsENzc3ARzc3OhUqVKwqeffircvXu35IMvY7SNAwC1z+fWrVtrfDZs3rxZqFu3rmBiYiI0aNBA2L17d8kGno9EEDgXTERERGRIeA0gERERkYFhAkhERERkYJgAEhERERkYJoBEREREBoYJIBEREZGBYQJIREREZGCYABIREREZGCaARERERAaGCSARUSlw+PBhSCQSPH36VN+hEFEZwASQiIiIyMAwASQiIiIyMEwAiYgKQKlUIjw8HDVq1IC5uTk8PDywdetWAP+ent29ezcaNWoEMzMzfPDBBzh//rzaNn7//Xc0aNAApqamcHFxwdy5c9Xac3Jy8J///AfOzs4wNTVF7dq18csvv6j1OXXqFLy9vWFhYYHmzZvj8uXLxXvgRFQmMQEkIiqA8PBwrF27FkuXLsWFCxcwfvx4fPbZZ/jnn39UfSZMmIC5c+fi5MmTsLe3R/fu3ZGXlwfgZeLWp08f9O3bF+fOncP06dPxzTffYPXq1ar1BwwYgA0bNmDBggW4dOkSli1bhnLlyqnF8fXXX2Pu3LmIi4uDkZERBg8eXCLHT0Rli0QQBEHfQRARiVlOTg4qVKiAAwcOwNfXV7V86NChyMrKwvDhw9GmTRts3LgRgYGBAIDHjx+jatWqWL16Nfr06YNPP/0UDx8+xF9//aVaf+LEidi9ezcuXLiAK1euwNXVFfv370f79u01Yjh8+DDatGmDAwcOoF27dgCAPXv2oGvXrnjx4gXMzMyK+V0gorKEM4BERO9w7do1ZGVloUOHDihXrpzqZ+3atbh+/bqq3+vJYYUKFeDq6opLly4BAC5duoQWLVqobbdFixa4evUqFAoFEhISIJPJ0Lp167fG0qhRI9W/K1WqBABITU1972MkIsNipO8AiIjE7vnz5wCA3bt3o0qVKmptpqamaklgUZmbmxeon7GxserfEokEwMvrE4mICoMzgERE7+Dm5gZTU1MkJSWhdu3aaj/Ozs6qfsePH1f9+8mTJ7hy5Qrq168PAKhfvz6OHj2qtt2jR4+ibt26kMlkcHd3h1KpVLumkIiouHAGkIjoHaysrPDVV19h/PjxUCqVaNmyJZ49e4ajR4/C2toa1atXBwD897//RcWKFeHo6Iivv/4adnZ2CAgIAAB8+eWXaNq0KWbOnInAwEDExMRg0aJF+OmnnwAALi4uGDhwIAYPHowFCxbAw8MDt2/fRmpqKvr06aOvQyeiMooJIBFRAcycORP29vYIDw/HjRs3YGtri8aNG2Py5MmqU7Dff/89xo0bh6tXr8LT0xO7du2CiYkJAKBx48bYvHkzpk6dipkzZ6JSpUr473//i0GDBqn2sWTJEkyePBmjR4/Go0ePUK1aNUyePFkfh0tEZRzvAiYiek+v7tB98uQJbG1t9R0OEdE78RpAIiIiIgPDBJCIiIjIwPAUMBEREZGB4QwgERERkYFhAkhERERkYJgAEhERERkYJoBEREREBoYJIBEREZGBYQJIREREZGCYABIREREZGCaARERERAaGCSARERGRgWECSERERGRgmAASERERGRgmgEREREQGhgkgERERkYFhAkhERERkYP4PfVEmodyhSRoAAAAASUVORK5CYII=" alt="learning_curves_temperature_loss.png"></div> + + </div> + </body> + </html> + + \ No newline at end of file
--- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/test-data/ludwig_hyperopt_report_test.html Tue Jan 07 22:45:18 2025 +0000 @@ -0,0 +1,119 @@ + + + <html> + <head> + <title>Galaxy-Ludwig Report</title> + <style> + body { + font-family: Arial, sans-serif; + margin: 0; + padding: 20px; + background-color: #f4f4f4; + } + .container { + max-width: 800px; + margin: auto; + background: white; + padding: 20px; + box-shadow: 0 0 10px rgba(0, 0, 0, 0.1); + overflow-x: auto; + } + h1 { + text-align: center; + color: #333; + } + h2 { + border-bottom: 2px solid #4CAF50; + color: #4CAF50; + padding-bottom: 5px; + } + table { + border-collapse: collapse; + margin: 20px 0; + width: 100%; + table-layout: fixed; /* Enforces consistent column widths */ + } + table, th, td { + border: 1px solid #ddd; + } + th, td { + padding: 8px; + text-align: center; /* Center-align text */ + vertical-align: middle; /* Center-align content vertically */ + word-wrap: break-word; /* Break long words to avoid overflow */ + } + th:first-child, td:first-child { + width: 5%; /* Smaller width for the first column */ + } + th:nth-child(2), td:nth-child(2) { + width: 50%; /* Wider for the metric/description column */ + } + th:last-child, td:last-child { + width: 25%; /* Value column gets remaining space */ + } + th { + background-color: #4CAF50; + color: white; + } + .plot { + text-align: center; + margin: 20px 0; + } + .plot img { + max-width: 100%; + height: auto; + } + </style> + </head> + <body> + <div class="container"> + + <h1>Ludwig Hyperopt</h1> + <h2>Visualizations</h2> + <div class="hiplot"><!DOCTYPE html> + +<html> +<head> +<meta content="text/html;charset=utf-8" http-equiv="Content-Type"/> +<title>HiPlot</title> +<link href="data:image/png;base64,iVBORw0KGgoAAAANSUhEUgAAB2gAAAaWCAMAAABPsR1DAAACkVBMVEVMaXFCGHdCGHfPaVE5NYDeYWTPoiFCGHdCGHdCGHfkoRMuVoquSmqYYULkZGNCGHdCGHdCGHfOaVJCGHdCGHcA5bZCGHcA5bYA5bYA5bYA5bYA5bYA5bYA5bYA5bYA5bYA5bYA5bZCGHdCGHf/cGAA5bb/cGD/cGD/cGD/cGD/cGD/cGD/cGD/cGBCGHcA5bb/cGD/cGAmcJIA5bbenBb/cGBCGHfLjCL/cGD/cGD/cGDbmRj4sgf0rwnmoxLSkh7sqA3UlB3dmxfppRD0a2H7tQTgnhWsSWrSW2bmZGPdYGTbX2TsZ2L7bmDUXGWscjXLWGbpZmP4bWHgYmTkoRPvqwzZmBnZXmXkY2PvaWLKiyP/uAL/uAL/uALGiCX/uAIUp6MWoaH/uAITqqQVpaLBgyn/uAL/uAL/uAL/uAIWoaERr6XAgym/gSoSraUTq6T/uAL/uAL/uAIXn6ESraXEhifIiiTLjCIUpaLIiiTEhibNjiETqqT/uAISraUVo6IUp6P/uALChSj/uALLjCLGiCXjoBPKZlTOaFLbnRjjY2PgnhWmY0bKiyM/IHktWYv1tgm8nS7eaFrtbVtncWVYInTIqCdgMWUKxqxCGHf/cGAA5bb/uAK9gCsXnaDamRn3sQfmoxLSkh7BgynioBTyrQrFhybqpg/JiiP7tAXVlRwQtKcJyq4D3LMC4LUNvaoTqqQUpqMHzq8OuKgKxqwWoaEE17LvqgzenBfNjiEG07ERr6XJfTXWej/aeUIMwavzc1bmdkzid0nBfy73clr7cV3FfjLrdVDSezzxtgtDooK3sDN9qVuarEdgpW7Usx80oIwmn5Zup2XjtRWprj3vdFPeeEZRpHjGsSmLq1HOfDjlyNw7AAAAmXRSTlMAEPDy4Oj5QIDA4Ojg6uCgYND1IDBg4KDQEDCw8CCQUOBwsFBwgBDQ8GAgULCgkECQ4ODA6DBwFkDAgGPp3aYqwz51td31huUqpnVjw/U+5Ra16YaW0VBQltFjoBBQpmCm3fCGw93g0JAg6Srp9RZjcLAw9T7Dhj61dbUqdcBQ0ZZA0YBQluLx8+viqu3IyOf7jLHo7ojWy0iAs92HAAAACXBIWXMAABYlAAAWJQFJUiTwAAAgAElEQVR4nOzd+//ed33fd0k7SNpJ9uSDsIVPMu4sg6DzJHuwxYF4rATcFSdjoV3TlDQhKwHClnRtFtIuWbd25/OGwbDgzPEAmw2YC94SDoWREZqSrDTL/prdZFtIuvT9Xt/Ddb2u63W433/j16e/uh58v+/P9XkfAQAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAABgPAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAYDwAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAACA8QAAAAAAUjv+qqP+MwHAOhw9fu7EiVMnT978sRscO3ny5IkTNx2/xdAAcFBHj186sVNed3LbyQsnjp82MQDsx+lzJ07etr/EXufkhZv8dgsAy9xy6b7DNPaqkyeOGxgAdnDLpfuOrRTZK8QWABacO7Xab7ILjt13k0NbAHjZ0ZvuW2dkr7j5ktYCMF5QZV+htQDMdu5UXGVfbe1NXm8BwEynL6z1XHZXpzwbBcA8505upLIvu+2SX2sBmOToic38MnvVKae1AExx+tR6vjB7MCf9BRmACU6HPwC1m5tv8gMGQHPby+xlt0ktAJ1tN7NSC0Br28/sZTc7qwWgo6MnElT2ZSddpwdAO5e28aTxbk75Xi0ArRy/OVFmL1/vc8LPFwBtHA28OOCwHNUC0EWqvxpf5e/HAHRweoMvNT6YY+f8gAFQXZpnjXdyn19qASjtdLKHoBb5pRaAypKezl7LL7UAVJXxYeMb3ebxYwBKOp7/19lX+E4tAAWlfgrqeif9+RiAYo6m/VLPTo55+zEApdxyW76aLuX2vPGOHm/P/58c6nT/n+3TE//L3lTlePaqUwlmY5uOZ/lRjHPSD9hMhc7xDmvikzYXKv6HutlB7WxCS1dC29DRFPe7H9xt/rA2mtDSldD2czT5y6B2d8w3aicTWroS2nbKPQZ1LY9EDSa0dCW03dxS7zGoa13yUTOW0NKV0DZT5m1Qu/Hw8VhCS1dC28tNCQZfkdJOJbR0JbStNOis0o4ltHQltJ206KzSTiW0dCW0jTTprNIOJbR0JbR9tOms0s4ktHQltG006qzSjiS0dCW0XbTqrNJOJLR0JbRN3JJg6bVS2nGElq6Etofi74PaiXdETSO0dCW0LZzu11nvPR5HaOlKaDuoe1/PUu7ymUVo6UpoO+jZ2Y8dcz/tKEJLV0LbQNF73vd221EfPIMILV0JbX2XEowc5GYfPIMILV0JbXnnEmwcxpd8BhFauhLa6hp+sedaHj2eQ2jpSmiLa/rA8VUeiBpDaOlKaItr+yDUFcfGPxA1htDSldDW1uwNxzsZ/9k0htDSldCW1vyA9hWDbu6fTWjpSmgra39A+wrHtDMILV0JbWUXEsy7Ad5bMYPQ0pXQFtb6G7TX8m3aEYSWroS2rqMTDmhfcc4H0ABCS1dCW9d9CcbdEN/xmUBo6Upoyxrzh+PL7vMJ1J/Q0pXQVjXoD8cf88fjEYSWroS2qkF/OP6YPx6PILR0JbRFDfhQut4Fn0HdCS1dCW1RtyVYdrOO+xBqTmjpSmhrGvDfbZFL4LsTWroS2pJOz3oS6hWXfAr1JrR0JbQlDXsS6hWeh2pOaOlKaCsa9yTUKzwP1ZvQ0pXQVjTj0p4bnfY51JnQ0pXQFjTgtved+ZhqTWjpSmgLmvfVnit8xaczoaUroa1n4Fd7rvA51ZnQ0pXQljPsJcfX8yttY0JLV0JbzuBfaD/2sdt8EvUltHQltNWM/oX2Yx+7yUdRW0JLV0JbzehfaP1K25nQ0pXQFjP8F1qntI0JLV0JbTGXEiy6VT6q2hJauhLaYuZ+h/YKv9J2JbR0JbS1jH0p1FX3+TBqSmjpSmhrmfqW42t543FTQktXQlvK0Gt7rnfKp1FPQktXQlvKqQR7bp17aZsSWroS2kpOJ5gzAS+t6Elo6UpoKxn+soorvLSiJ6GlK6GtxHd7XuEbPi0JLV0JbSHnEqyZgsehWhJauhLaQjwK9SqPQ7UktHQltHUcTTBmEh6H6kho6Upo6/BWqB/wedWR0NKV0NbhrVBXeTtUQ0JLV0Jbhi/RXuOST6R+hJauhLaM8RfkXetmn0j9CC1dCW0Z/nJ8LX877kdo6Upoq/CX4+v423E/QktXQluFvxxfxydWP0JLV0JbxX0JpszEOyvaEVq6EtoivK1igXdWtCO0dCW0RXjP8QLvO25HaOlKaIvwnuMFx3wmdSO0dCW0Rbghb9EtPpSaEVq6EtoafLnnBo3uGeZlQktXQluDCwVu4DOrG6GlK6GtwRHtjXwoNSO0dCW0NTiivdFxn0q9CC1dCW0Jjmh34JC2GaGlK6EtwRHtDu7zqdSL0NKV0JZwIcGO6fgmbTNCS1dCW8LJBDvm46q8XoSWroS2hAQzJnTOx1IrQktXQlvBLQlmTMjTUL0ILV0JbQWehdqRT61ehJauhLYCz0LtyNNQvQgtXQltBZ6F2pnL31sRWroS2gqOJZgxI++GakVo6UpoCziaYMWULvlc6kRo6UpoCxjwAXQ4HjtuRWjpSmgL8NDxLnxstSK0dCW0BQz4j3Q4N/tc6kRo6UpoC7gvwYo5+VzqRGjpSmgL8O2e3fh+TydCS1dCW4Bb33fj+z2dCC1dCW0BCUZMSmg7EVq6Etr8fI12V77f04nQ0pXQ5udrtLsS2k6Elq6ENj+h3dUFH0yNCC1dCW1+5xKMmJTPrU6Elq6ENj/vq9iVz61OhJauhDY/od2Vz61OhJauhDY/od2Vq987EVq6Etr8LiQYMSsfTI0ILV0JbX7ewLg7H0yNCC1dCW1+Qrs7H0yNCC1dCW1+Qrs7H0yNCC1dCW1+Qrs7H0yNCC1dCW1+Qrs7H0yNCC1dCW1+Qrs7H0yNCC1dCW1+Qrs7N783IrR0JbT5Ce3ufDA1IrR0JbT5Ce3ufDA1IrR0JbT5Ce3ufDA1IrR0JbT5Ce3ufDA1IrR0JbT5Ce3ufDA1IrR0JbT5Ce3ufDA1IrR0JbT53ZdgxKx8MDUitHQltPm5j3Z3PpgaEVq6Etr8hHZXt/lgakRo6Upo8xPaXfnc6kRo6Upo8xPaXfnc6kRo6Upo8xvw+XNYPrc6EVq6Etr8hHZX5f/bcg2hpSuhze+WBCMmJbSdCC1dCW0BCUZM6iYfTI0ILV0JbQEJRkzquA+mRoSWroS2gJsTrJjTLT6YGhFauhLaArzseDc+lzoRWroS2gIuJFgxpWM+lzoRWroS2gK8sWIXPrZaEVq6EtoCfJF2F6d8LnUitHQltAX4Iu0ufI22FaGlK6GtIMGKKZ3zudSJ0NKV0Fbg+z078+2eVoSWroS2gvsSzJiRj6VWhJauhLYCjx3v6GYfS60ILV0JbQUeO96Rh457EVq6EtoKTieYMaFLPpZaEVq6EtoSjiXYMR9XCvQitHQltCV4GmonPpV6EVq6EtoSPA21A89CNSO0dCW0JXgaagcXfCr1IrR0JbQ1JNgxnZt8KvUitHQltDV4N9SNTvtU6kVo6Upoa3Al7Q1u86HUjNDSldDWcC7BkMl4XUU3QktXQlvD0QRDJuOIthuhpSuhLeJkgiVzOepDqRmhpSuhLeJSgiVT8S3adoSWroS2iFsSLJmKb9G2I7R0JbRV3JZgykxc+t6O0NKV0FZxKsGUiRzzkdSO0NKV0FbhCz7X8eWefoSWroS2DFflXeucj6R2hJauhLYMfzu+hr8cNyS0dCW0Zfjb8TX85bghoaUroa3D346v8pfjhoSWroS2Dn87/gF/Oe5IaOlKaOtw+/sP+MtxR0JLV0JbiHdWXOFtFR0JLV0JbSED/mPtj6toWxJauhLaQk4nWDOFSz6POhJauhLaSu5LMGcGbshrSWjpSmgr8VXal3kUqiehpSuhLcXjUJcd93HUktDSldCW4nEoV773JbR0JbSlHE2w59bd5NOoJ6GlK6GtxduhvBWqLaGlK6GtxTd8ev335BpCS1dCW8z4b/gc892eroSWroS2mPEvPL7gs6groaUroa3mZIJJt+m0z6KuhJauhLaa4b/SellFX0JLV0Jbzuxfaf1C25fQ0pXQljP6V1q/0DYmtHQltPVM/pXWL7SNCS1dCW09g3+l9R3azoSWroS2oLHfpfUd2taElq6EtqCxr4fyC21rQktXQlvRhQSzbsFtPoZaE1q6EtqKjh5LsOvmnfMx1JrQ0pXQlnQpwa4b50OqOaGlK6Gt6eYEw27aLT6FehNauhLamgZ+xcdtAt0JLV0JbVHjboC/zVd7uhNauhLaosY9D+VJqPaElq6EtqpzCabdoPt8BLUntHQltGWNej+Ud0INILR0JbRljfrjsT8cDyC0dCW0dQ3647E/HE8gtHQltIWN+eOxPxyPILR0JbSFjfnjsT8cjyC0dCW0lQ15bYVXVcwgtHQltKWNuMbnZn84nkFo6UpoaxvwzuNj3nE8hNDSldDWdrr/Me1NPnyGEFq6Etri2n/H59T4z54xhJauhLa65v8FHdDOIbR0JbTltf427bHTPnrGEFq6EtryjnZ+IOq4T545hJauhLa+W/o+EOVBqEmElq6EtoG2H1AehBpFaOlKaDu4KcHMAVwlMIvQ0tV/l+CHL9iA0PZ8Q5QHjocRWjp64KE3/cl/JsEPX7AJoT1yqt9/t9t0dhihpZ1H3/wnnnrqqaeEtol2X/Lx5sVxhJZWLt7/Lz71KqFtotuXfHR2HqGljfMPvv6fe+oqoe2iV2l1diChpYUHHnrDn3zqekLbRqvSelHFQEJLfY++6U88dSOh7aNRab2oYiKhpbZrDmX9RttXm9Lq7EhCS13n77/uUFZoG+tR2mM6O5PQUtMDD95wKCu0nXUoreegphJaCnpox0NZoW2tfml1diyhpZiLb97tUFZoezta/M0VOjuX0FLI8kNZoe2u9NsYb3bR+1xCSxHn9zyUFdr2Ct8w4B6ByYSWAh7Y16Gs0PZX9ta8Uzo7mdCS3aP7PZQV2gGOH0uw+8Fd8DEzmtCS2cWDHMoK7QS3FHz42NdnpxNasjrwoazQjlDv4WOPG48ntGR0qENZoR3iRILpD+Ck49nxhJZ0Xr24XWj3NDS0R85VOqh1PIvQksvF+1+/jsgKbW+nyxzUHjvnEwahJY/zD77h0E8+Ce0wRb5Re9JbKhBasnjgoTet9OST0E5T4ns+k/8DcQ2hZfvWdCgrtKPkf/r4Nk8b8wqhZbt2v7hdaPc0/Bem5M9EXfC0Ma8SWrbn/IOHfx2F0Apt6l9qbzueYCCSEFq244GHVnsdhdAKbeZfak/4dZarhJYteHT111EIrdBedjTl48cnnc5yLaFlw+IOZYV2pOPpvlN77NL0/yYsEFo26EAXtwvtnoT2ZTfl+vuxh6BYJLRsyAMr3hEgtDcS2lccTfT2Y3815kZCyyas4Y4Aob2R0F5x+lSO/yKeNWYnQku0i4e8uF1o9yS0V91ycvv/PW5z7yw7EloibfRQVmhnO77l1MosuxFaoqx6cbvQ7klor7fN1MosuxNaIqzj4nah3ZPQLjq+pbNamWUZoWXtHt3SoewCoR3p9KnNf9nnpEegWEpoWauLWzyUFVouO3rptk3+Rzh2yp2z7EFoWZttH8ouENq5zm3stoGbb/J6CvYktKxFhkPZBUI72elN/Fp77JS3U7AfQsvqYi5uX5XQDnfLhdjT2vs8AMU+CS2ruXj/6xNG9imh5fKfkMOejLrPn4zZP6Hl8M4/+IYsTz7tQGi5/BF3Ye1/Qz52SmU5EKHlcB546E2ZnnzagdDyitOX1vhs1M0XfJeHgxJaDiHnoewCoeWq4yfW8Naomy+c86sshyC0HFDeQ9kFQsv1jl+679B/Rj528sRxkeWQhJYDOP9gmtdR7E1oudHR45dOHfB325vvO3HOOylYhdCyTw88lOp1FHsTWnZz+vilE/ed3OuJ5JMnT5w47puyrE5o2Y9H072OYm9Cy16OHj9+7sSJEydOnbzq8v++6fhxv8OyPkLLXi7en+KOgAMTWiAFoWWZUoeyC4QWENrNENpDeiDXHQEHJrRACkLLjvLdEXBgQgsI7WYI7UFdzHFx+6qEFkhBaLnO+TwXt69KaAGh3Qyh3a/qh7ILhBZIQWh5WcKL21cltIDQbobQ7unRHoeyC4QWSEFop7vY51B2gdACQrsZQrur870OZRcILZCC0E7V8FB2gdACQrsZQnujnoeyC4QWSEFoxylzcfuqhBYQ2s0Q2qvOP/iGpk8+7UBogRSEdowHHnpT4yefdiC0gNBuhtC+fCjb/MmnHQgtkILQ9jfmUHaB0AJCuxmjQ1v54vZVCS2QgtD29cBDnV9HsTehBYR2M2aG9tHur6PYm9ACKQhtQxfvH/A6ir39xwl++IIJLVQgtM1MPpRd8I8l+OELJrRQgdA20uzi9lUJLZCC0HbR/o6AAxNaQGg3Y0BoL064I+DAhBZIQWirO9/24vZVCS0gtJvROLQOZZcRWiAFoa2q/8XtqxJaQGg3o2NoR1zcviqhBVIQ2nIuOpTdH6EFhHYzOoX2vEPZ/RNaIAWhLcOh7AEJLSC0m9EitA5lD05ogRSENj+HsocjtIDQbkbp0J5/8A0ie0hCC6QgtHk98NCbPPm0AqEFhHYzaob20Td78mlFQgukILQJXbz/9aULl4TQAkK7GbVC61B2bYQWSEFoE3ngIa+jWCOhBYR2M4qE9lGvo1gzoQVSENoMLt7vdRTrJ7SA0G5G8tCef9DrKGIILZCC0G6TQ9lIQgsI7WZkDa07AoIJLZCC0G7FRXcExBNaQGg3I1toz7sjYDOEFkhBaDfqARe3b47QAkK7GWlC61B2s4QWSEFoN8PF7ZsntIDQbsbWQ+vi9u0QWiAFoY113qHs1ggtILSbsbXQPuBQdquEFkhBaIM4lN06oQWEdjM2H1qHsikILZCC0K6Zi9vTEFpAaDdjc6F94KE3efIpD6EFUhDadXn0zZ58ykVoAaHdjA2E9uL9r59etYSEFkhBaFflUDYroQWEdjMCQ+vi9syEFkhBaA/tUa+jyE1oAaHdjIjQXrzf6yjSE1ogBaE9sPMPeh1FCUILCO1mrDO0DmULEVogBaHdP3cE1CK0gNBuxlpCe9EdAeUILZCC0O7tvDsCShJaQGg3Y6XQPuDi9rKEFkhBaJdwKFua0AJCuxmHC62L28sTWiAFod2Bi9tbEFpAaDfjYKE971C2C6EFUhDaazzgULYToQWEdjP2GVqHst0ILZCC0B5xKNuU0AJCuxl7hNahbFdCC6QwO7QPPPQmkW1LaAGh3YzdQvvomz351JrQAikMDe3F+18/PUP9CS0gtJuxGNrzD77Bk08TCC2QwrDQOpQdRGgBod2MH4T2Ua+jGEVogRSmhPbi/V5HMY3QAkK7GSfPP+h1FBMJLZDCgND+U9ODM5XQAkK7GUI7lNACKQgtXQktILSbIbRDCS2QgtDSldACQrsZQjuU0AIpCC1dCS0gtJshtEMJbX0nGjvd/T8eVwktXQltfQk2DnNch+YQWoS2LKEtTGgHEVq6Etr6EmwcRmgHEVqEtiyhLUxoBxFauhLa+hJsHEZoBxFahLYsoS1MaAcRWroS2voSbBxGaAcRWoS2LKEtTGgHEVq6Etr6EmwcRmgHEVqEtiyhLUxoBxFauhLa+hJsHEZoBxFahLYsoS1MaAcRWroS2voSbBxGaAcRWoS2LKEtTGgHEVq6Etr6EmwcRmgHEVqEtiyhLUxoBxFauhLa+hJsHEZoBxFahLYsoS1MaAcRWroS2voSbBxGaAcRWoS2LKEtTGgHEVq6Etr6EmwcRmgHEVqEtiyhLUxoBxFauhLa+hJsHEZoBxFahLYsoS1MaAcRWroS2voSbBxGaAcRWoS2LKEtTGgHEVq6Etr6EmwcRmgHEVqEtiyhLUxoBxFauhLa+hJsHEZoBxFahLYsoS1MaAcRWroS2voSbBxGaAcRWoS2LKEtTGgHEVq6Etr6EmwcRmgHEVqEtiyhLUxoBxFauhLa+hJsHEZoBxFahLYsoS1MaAcRWroS2voSbBxGaAcRWoS2LKEtTGgHEVq6Etr6EmwcRmgHEVqEtiyhLUxoBxFauhLa+hJsHEZoBxFahLYsoS1MaAcRWroS2voSbBxGaAcRWoS2LKEtTGgHEVq6Etr6EmwcRmgHEVqEtiyhLUxoBxFauhLa+hJsHEZoBxFahLYsoS1MaAcRWroS2voSbBxGaAcRWoS2LKEtTGgHEVq6Etr6EmwcRmgHEVqEtiyhLUxoBxFauhLa+hJsHEZoBxFahLYsoS1MaAcRWroS2voSbBxGaAcRWoS2LKEtTGgHEVq6Etr6EmwcRmgHEVqEtiyhLUxoBxFauhLa+hJsHEZoBxFahLYsoS1MaAcRWroS2voSbBxGaAcRWoS2LKEtTGgHGRDafzXBZz5bILT1Jdg4jNAOIrR0JbT1Jdg4jNAOIrQIbVlCW5jQDiK0dCW09SXYOIzQDiK0CG1ZQluY0A4itHQltPUl2DiM0A4itAhtWUJbmNAOIrR0JbT1Jdg4jNAOIrQIbVlCW5jQDiK0dCW09SXYOIzQDiK0CG1ZQluY0A4itLT0+DveeSLBD18woS1MaAcRWtp58t0/+meOHDkitPUl2DiM0A4itLTyxLt+7E+9+s9XaOtLsHEYoR1EaOnjvT/xp6/5pyu09SXYOIzQDiK09PD4O9658M9WaOtLsHEYoR1EaKnvyXe/88/c+G9WaOtLsHEYoR1EaKntiXf96J/a+d+r0NaXYOMwQjvIgND+R0ra1nt/7E/v/m9VaOtLsHEYoR1kQGj/kek1aurxd/wby/+dCm19CTYOI7SDCC0F7Xwou0Bo60uwcRihHURoKWb3Q9kFQltfgo3DCO0gQksl71p2KLtAaOtLsHEYoR1EaKni8Z/Y41B2gdDWl2DjMEI7iNBSwZPv2Meh7AKhrS/BxmGEdhChJbsn3r3PQ9kFQltfgo3DCO0gQktqBzmUXSC09SXYOIzQDiK0pHXQQ9kFQltfgo3DCO0gQktKjx/iUHaB0NaXYOMwQjuI0JLOk4c8lF0gtPUl2DiM0A4itKTyxAqHsguEtr4EG4cR2kGEljzeu9qh7AKhrS/BxmGEdhChJYc1HMouENr6EmwcRmgHEVq2b02HsguEtr4EG4cR2kGElu164l0/FhDZI0LbQoKNwwjtIELLFr33J9b15NMOhLa+BBuHEdpBhJYtefwd74z9dya09SXYOIzQDiK0bMGT7/7RNT/5tAOhrS/BxmGEdhChZcPiDmUXCG19CTYOI7SDCC2bFHoou0Bo60uwcRihHURo2ZTH37HO11HsTWjrS7BxGKEdRGjZhCffve7XUexNaOtLsHEYoR1EaIn2xLsiXkexN6GtL8HGYYR2EKEl1HvXdkfAgQltfQk2DiO0gwgtYTZ9KLtAaOtLsHEYoR1EaAnx5NrvCDgwoa0vwcZhhHYQoWXtngi5I+DAhLa+BBuHEdpBhJb1Wt/F7asS2voSbBxGaAcRWtbn8bVe3L4qoa0vwcZhhHYQoWU9EhzKLhDa+hJsHEZoBxFaVpfkUHaB0NaXYOMwQjuI0LKaJ/Icyi4Q2voSbBxGaAcRWlbw3lSHsguEtr4EG4cR2kGElkN6PN2h7AKhrS/BxmGEdhCh5RCeTHkou0Bo60uwcRihHURoOaC8h7ILhLa+BBuHEdpBhJaDSH0ou0Bo60uwcRihHURo2a/H3/HOUv8whLa+BBuHEdpBhJb9ePLdP5r7yacdCG19CTYOI7SDCC17eeJdP5b/yacdCG19CTYOI7SDCC1Lvfcnajz5tAOhrS/BxmGEdhChZVfVDmUXCG19CTYOI7SDCC07qngou0Bo60uwcRihHURoucET7yrwOoq9CW19CTYOI7SDCC3Xe2+R11HsTWjrS7BxGKEdRGi56vF31Hkdxd6Etr4EG4cR2kGEllc8+e7kdwQcmNDWl2DjMEI7iNDS5lB2gdDWl2DjMEI7iNCO1+dQdoHQ1pdg4zBCO4jQjvZ4oTsCDkxo60uwcRihHURox3oy+8XtqxLa+hJsHEZoBxHakZ6ocHH7qoS2vgQbhxHaQYR2nioXt69KaOtLsHEYoR1EaGdpfSi7QGjrS7BxGKEdRGjneLz7oewCoa0vwcZhhHYQoZ3hyQmHsguEtr4EG4cR2kGEtr8nphzKLhDa+hJsHEZoBxHa5t476FB2gdDWl2DjMEI7iNA2Nu1QdoHQ1pdg4zBCO4jQNjXxUHaB0NaXYOMwQjuI0DY09VB2gdDWl2DjMEI7iNB289/81yL7CqGtL8HGYYR2EKHt5Gvf+N2nn376g7/81/696T/XR4S2hQQbhxHaQYS2i29+/bf/7tM/8PM/+Wcfmf6zLbT1Jdg4jNAOIrQdfOvbv/N/PX2Dn/nJ/2D0z7bQ1pdg4zBCO4jQlvf93/k/b4zsFb/2V/7dsT/bQltfgo3DCO0gQlva177x/+0e2Vd98JeGHtkKbX0JNg4jtIMIbVnf/LGlEZEAACAASURBVPrv/t09K/uqn//lgUe2Qltfgo3DCO0gQlvSt7792zscyi73Mz/5Z2f9bAttfQk2DiO0gwhtPUsPZZf7tb856MhWaOtLsHEYoR1kQGj/VqtD2X+496Hsch/8pb8y5MhWaOtLsHEYoR1kQGj/2QR9XItvfmP/h7LL/fwv/7UBR7ZCW1+CjcMI7SBCW8O3vn7wQ9nlfqb9Ky2Etr4EG4cR2kGEtoBvH/5Qdrlf+5udX2khtPUl2DiM0A4itMmtfii73Ad/qe0rLYS2vgQbhxHaQYQ2sa+t7VB2uZ/veQuB0NaXYOMwQjuI0Cb1zbUfyi7X8MhWaOtLsHEYoR1EaBP6Vtih7B6x7XVkK7T1Jdg4jNAOIrTZfD/4UHYPjY5shba+BBuHEdpBhDaTTR3KLtfl4nihrS/BxmGEdhChzeL6i9u3rcPF8UJbX4KNwwjtIEKbwc4Xt29b9Yvjhba+BBuHEdpBhHbrvv8Pt/Lk0/5UvjheaOtLsHEYoR1EaLfqa9/43byRfVXZi+OFtr4EG4cR2kGEdmtyHcouV/LieKGtL8HGYYR2EKHdisNc3L5t5S6OF9r6EmwcRmgHEdrNW+Hi9m0rdXG80NaXYOMwQjuI0G7W176x1ddRrEGdi+OFtr4EG4cR2kGEdnO++fUMr6NYhxoXxwttfQk2DiO0gwjtZqz/4vZty38LgdDWl2DjMEI7iNBuwJbuCIiX++J4oa0vwcZhhHYQoQ0WfXH7tiW+OF5o60uwcRihHURoA30zxR0B8ZJeHC+09SXYOIzQDiK0Qfodyi6X8BYCoa0vwcZhhHYQoQ2wrYvbty3ZxfFCW1+CjcMI7SBCu25bvrh92xId2QptfQk2DiO0gwjtOuW4uH3bPvif/IV/K8O/IKGtL8HGYYR2EKFdl28OO5TdxXNf/juf+MQnPvGzf+7P/5vb/lcktPUl2DiM0A4itOsw9VB2wbOf+q3/5RNXvf/n/v2t/kMS2voSbBxGaAcR2pWlvrh9Y575zG/8T5+40Ud/4d/e2j8moa0vwcZhhHYQoV1JhYvbN+DTv/k/7xDZV73vI1s6shXa+hJsHEZoBxHaQ6t0cXugr3z57+we2Su2cmQrtPUl2DiM0A4itIfyrW//jiefnn76uesPZZd7/8/9+c3+uxLa+hJsHEZoBxHag3Moe9mzOx/KLvfRX9/gka3Q1pdg4zBCO4jQHkz9i9vX4Zmlh7LLve8jv7ChI1uhrS/BxmGEdhCh3b8+F7evZF+Hsnsd2f6FDRzZCm19CTYOI7SDCO3+fOvbXkdx0EPZ5eKPbIW2vgQbhxHaQYR2H77vdRSHPZRd7qO/HvlKC6GtL8HGYYR2EKHdg0PZp1c8lF3ufR8Je6WF0NaXYOMwQjuI0C4x5eL2PXzly0GRveJn/1zIKy2Etr4EG4cR2kGEdhfTLm7fxXOf+q3YyF7x/p9b+ysthLa+BBuHEdpBhHYn7gh4+pVD2XU9+bQ/az6yFdr6EmwcRmgHEdpFX5t9cfurnvn0b677yad9WeeRrdDWl2DjMEI7iNBey6Hsy8IPZZd735qObIW2vgQbhxHaQYT2Che3v2xjh7LL/ewajmyFtr4EG4cR2kGE9ikXt1+x8UPZ5d6/4pGt0NaXYOMwQjuI0D71fYeyLx/Krv11FOuwypGt0NaXYOMwQjvI8NB+zaHsZV+Jeh3FOhz6yFZo60uwcRihHWRwaB3Kvuy5T618R0C8Q10cL7T1Jdg4jNAOMjS0DmVf9uxn1nZHQLz3/9wBj2yFtr4EG4cR2kEmhtbF7U/nPZRd7qMHObIV2voSbBxGaAeZFtqvfeN3E0Ru61Ifyi73vo/s98hWaOtLsHEYoR1kUmi/+fXf9uRTkUPZ5fZ3cbzQ1pdg4zBCO8iU0H7r27/jyaenn352fRe3b9veF8cLbX0JNg4jtIOMCK1D2cueWf/F7dv20V9fdmQrtPUl2DiM0A4yILT/aYLIbV3Yxe3b9r6P/MJuR7ZCW1+CjcMI7SADQvtPD2/s0899ufyh7HK7HNkKbX0JNg4jtIMIbW+NDmWX2+HieKGtL8HGYYR2EKHtq+Gh7HILF8cLbX0JNg4jtIMIbVNtD2WXu/bieKGtL8HGYYR2EKFt6Ctfbn4ou9zPvnoLgdDWl2DjMEI7iNA289yUQ9nlLh/ZCm19CTYOI7SDCG0jz047lF3uP0vwwxdMaAsT2kGEtolnhh7KLvFPJPjhCya0hQntIELbwfBD2V0IbX0JNg4jtIMIbXUOZXcjtPUl2DiM0A4itJU5lF1GaOtLsHEYoR1EaKt65tO/KbJLCW19CTYOI7SDCG1JX/myJ5/2JLT1Jdg4jNAOIrTlPPep30peuCSEtr4EG4cR2kGEtpRnP/MbnnzaL6GtL8HGYYR2EKEt45lPe/LpQIS2vgQbhxHaQYS2hq94HcWBCW19CTYOI7SDCG1+z33K6ygOQ2jrS7BxGKEdRGhze/YzXkdxWEJbX4KNwwjtIEKbl0PZ1QhtfQk2DiO0gwhtUu4IWJnQ1pdg4zBCO4jQJvTclx3KroHQ1pdg4zBCO4jQJvOsOwLWRWjrS7BxGKEdRGgTecYdAesktPUl2DiM0A4itEm4uH3thLa+BBuHEdpBhDYDF7dHENr6EmwcRmgHEdptc3F7FKGtL8HGYYR2EKHdJhe3RxLa+hJsHEZoBxHabXEoG01o60uwcRihHURot8Kh7AYIbX0JNg4jtIMI7ca5uH1DhLa+BBuHEdpBhHajXNy+QUJbX4KNwwjtIEK7Mc98+jc9+bRJQltfgo3DCO0gQrsZX/myJ582TWjrS7BxGKEdRGjjubh9O4S2vgQbhxHaQYQ2lovbt0do60uwcRihHURo47i4fbuEtr4EG4cR2kGENshXvI5i24S2vgQbhxHaQYQ2gEPZFIS2vgQbhxHaQYR2zVzcnobQ1pdg4zBCO4jQrpGL21MR2voSbBxGaAcR2nVxR0A2Qltfgo3DCO0gQrsOz33ZoWw+Qltfgo3DCO0gQrsqh7JZCW19CTYOI7SDCO0qXNyemdDWl2DjMEI7iNAelovbsxPa+hJsHEZoBxHaQ3FxewFCW1+CjcMI7SBCe2DPOZStQWjrS7BxGKEdRGgPxKFsIUJbX4KNwwjtIEK7by5uL0Zo60uwcRihHURo98fF7fUIbX0JNg4jtIMI7d6e+9RvTW9WSUJbX4KNwwjtIEK73LOf+Q1PPhUltPUl2DiM0A4itLtzKFub0NaXYOMwQjuI0O7Cxe3lCW19CTYOI7SDCO0OXNzegtDWl2DjMEI7iNAuePYzXkfRhNDWl2DjMEI7iNBe45lPex1FI0JbX4KNwwjtIEJ7hTsCuhHa+hJsHEZoBxHap13c3pTQ1pdg4zBCO4jQuri9K6GtL8HGYYR2kNmhfcYdAY0JbX0JNg4jtIMMDq1D2eaEtr4EG4cR2kGGhtbF7QMIbX0JNg4jtIMMDK2L24cQ2voSbBxGaAcZFloXtw8itPUl2DiM0A4yKLTPOJSdRWjrS7BxGKEdZEpoHcrOI7T1Jdg4jNAOMiG0DmVnEtr6EmwcRmgHGRDaf216cKYS2voSbBxGaAcRWroS2voSbBxGaAcRWoS2LKEtTGgHEVq6Etr6EmwcRmgHEVqEtiyhLUxoBxFauhLa+hJsHEZoBxFahLYsoS1MaAcRWroS2voSbBxGaAcRWoS2LKEtTGgHEVq6+g8T/PAFE9rChHYQoaWrfyHBD18woS1MaAcRWoS2LKEtTGgHEVq6Etr6EmwcRmgHEVqEtiyhLUxoBxFauhLa+hJsHEZoBxFahLYsoS1MaAcRWroS2voSbBxGaAcRWoS2LKEtTGgHGRDa/+HtP/yvJPjYZ9OEtr4EG4cR2kEGhPbkkSNH3vPj/7rOTSO09SXYOIzQDjIktEeOHHnkLT/0L09PzyxCW1+CjcMI7SBzQnvZY2/7kX9pen7mENr6EmwcRmgHmRXay97qyHYIoa0vwcZhhHaQeaE94sh2CKGtL8HGYYR2kJmhvcyRbXdCW1+CjcMI7SBzQ3v5+ShHtp0JbX0JNg4jtIOMDu1ljzmy7Upo60uwcRihHWR8aC97qyPbjoS2vgQbhxHaQYT2VY5s2xHa+hJsHEZoBxHaqx55iyPbToS2vgQbhxHaQYT2eo+9zZFtF0JbX4KNwwjtIEJ7o7e+3ZFtB0JbX4KNwwjtIEK7s/c4si1PaOtLsHEYoR1EaHf1yFt+yJFtZUJbX4KNwwjtIEK71GNv+xFHtlUJbX0JNg4jtIMI7Z7e+vYfnp6smoS2vgQbhxHaQYR2X97z445syxHa+hJsHEZoBxHa/XJkW43Q1pdg4zBCO4jQHoSL4ysR2voSbBxGaAcR2oNycXwVQltfgo3DCO0gQnsYLo6vQGjrS7BxGKEdRGgP6RG3EGQntPUl2DiM0A4itCtwZJva307wwxdMaAsT2kGEdkWObNP6xxP88AUT2sKEdhChXQMXx6cktPUl2DiM0A4itGviyDYdoa0vwcZhhHYQoV2fRxzZpiK09SXYOIzQDiK06/WYI9s0hLa+BBuHEdpBhHb9HNnmILT1Jdg4jNAOIrQxXBy/fUJbX4KNwwjtIEIb5pG3OLLdKqGtL8HGYYR2EKEN9djbHNlujdDWl2DjMEI7iNCGe+vbHdluhdDWl2DjMEI7iNBuhIvjt0Bo60uwcRihHURoN8XF8ZsmtPUl2DiM0A4itJv02Nt+xJHtxghtfQk2DiO0gwjtpr317T88JHTbJrT1Jdg4jNAOIrTb4Mh2E4S2vgQbhxHaQYR2S1wcH05o60uwcRihHURot8jF8aGEtr4EG4cR2kGEdstcHB9GaOtLsHEYoR1EaBN4j1sIIghtfQk2DiO0gwhtDo5s109o60uwcRihHURo83Bku15CW1+CjcMI7SBCm4uL49dHaOtLsHEYoR1EaPNxcfx6CG19CTYOI7SDCG1OjmxXJ7T1Jdg4jNAOIrRpPeLIdjVCW1+CjcMI7SBCm5qL41cgtPUl2DiM0A4itOm5OP6QhLa+BBuHEdpBhLaE9ziyPTihrS/BxmGEdhChreKRtziyPRihrS/BxmGEdhChrcSR7UEIbX0JNg4jtIMIbTUujt8voa0vwcZhhHYQoa3IxfH7IbT1Jdg4jNAOIrRFPfKWH3Jku5zQ1pdg4zBCO4jQFvbY237Eke3uhLa+BBuHEdpBhLY4R7a7Etr6EmwcRmgHEdoGXBy/I6GtL8HGYYR2EKHtwcXxNxLa+hJsHEZoBxHaPlwcfz2hrS/BxmGEdhCh7eWtLo7/AaGtL8HGYYR2EKHtx5HtK4S2vgQbhxHaQYS2J0e2QttBgo3DCO0gQtvW+Ivjhba+BBuHEdpBhLa1xyYf2QptfQk2DiO0gwhte2+demQrtPUl2DiM0A4itCOMPLIV2voSbBxGaAcR2inmXRwvtPUl2DiM0A4itJPMujheaOtLsHEYoR1EaKd569unHNkKbX0JNg4jtIMI7UTvGXFkK7T1Jdg4jNAOIrRDDTiyFdr6EmwcRmgHEdrBml8cL7T1Jdg4jNAOIrTDNb44XmjrS7BxGKEdRGg58p4fb3lkK7T1Jdg4jNAOIrQceeXi+HZHtkJbX4KNwwjtIELLFY/9V//9f5mgj2sjtPUl2DiM0A4itLzsQx/+qb/8yU9+8jvf/b3/u0lnhbaBBBuHEdpBhJYjR371b/zFT171R3/8/ybI5OqEtr4EG4cR2kGEdrpf/Om/9Mkb/MHv/72/X72zQttAgo3DCO0gQjvZB37lL/07N1b2Vd/7w3/w/yTI5eEJbX0JNg4jtIMI7VQf+vBf/cu7RvaK0ke2Qltfgo3DCO0gQjvSr/7UX9wzsj+IbdUjW6GtL8HGYYR2EKEd5xd/+q/vO7JXlDyyFdr6EmwcRmgHEdpRPvDTSw5ll/uDcke2Qltfgo3DCO0gQjvGh35lH4eyy32v1JGt0NaXYOMwQjuI0M7w4QMcyi73ne9WObIV2voSbBxGaAcR2v5+8W8c/FB2uT8qcWQrtPUl2DiM0A4itL2tcCi73B/8fvojW6GtL8HGYYR2EKHt6wOrH8ou970/TH1kK7T1Jdg4jNAOIrQ9fWh9h7LLfee7v5egqTsS2voSbBxGaAcR2oZ+de2Hssv90R+nPLIV2voSbBxGaAcR2mZ+MepQdrk/+P2/l+7IVmjrS7BxGKEdRGgbCT+UXe57f/gPUh3ZCm19CTYOI7SDCG0TGzuUXS7TLQRCW1+CjcMI7SBC28H1F7dvW5aL44W2vgQbhxHaQYS2uh0vbt+2FBfHC219CTYOI7SDCG1lH/iVv7qNJ5/2Z+sXxwttfQk2DiO0gwhtVR/68E9t88mn/dnqka3Q1pdg4zBCO4jQlnSQi9u3bWtHtkJbX4KNwwjtIEJbzmEubt+2rRzZCm19CTYOI7SDCG0pH/iVrbyOYh02f3G80NaXYOMwQjuI0JbxoQ9v9XUU67DZi+OFtr4EG4cR2kGEtoZKh7LLfWdjR7ZCW1+CjcMI7SBCm9/6L27fts1cHC+09SXYOIzQDiK0uYVd3L5tG7g4XmjrS7BxGKEdRGjz+tB27wiIF3xxvNDWl2DjMEI7iNAmleOOgHjf+W7Yka3Q1pdg4zBCO4jQJrTpi9u3LejieKGtL8HGYYR2EKFNZksXt29bxMXxQltfgo3DCO0gQpvIli9u37Z1XxwvtPUl2DiM0A4itEkkubh9277z3d8T2v0T2sKEdhChzeB/HHYou9y6biEQ2voSbBxGaAcR2m274947z378pc//r5nTt3FruTheaOtLsHEYoR1EaLfptbfefvbjr3rhC1/834bldLmVL44X2voSbBxGaAcR2m15zd133fPxBc9/7rP/e+b2bdxKF8cLbX0JNg4jtIMI7Va88XVnFiN7xYtf+j+G1XQPhz6yFdr6EmwcRmgHEdqNu+PeO3eL7BWObBcc6shWaOtLsHEYoR1EaDfq2kPZ5RzZLjj4xfFCW1+CjcMI7SBCuzGvufv2Gw5ll3v+c190ZHutg10cL7T1Jdg4jNAOIrSb8ca7dj2UXe7FL302T+gy2P/F8UJbX4KNwwjtIEIb7457Hz5cZH9wZPtVR7bX2d+RrdDWl2DjMEI7iNDGeu2td+7zUHa5F77weUe219rHxfFCW1+CjcMI7SBCG+c1tx70UHY5R7YL9rg4XmjrS7BxGKEdRGiD3H3YQ9nlXvySV1pcZ8nF8UJbX4KNwwjtIEIb4I7XrXgou9xLX/VKi+v80c5HtkJbX4KNwwjtIEK7Zq+9dz2Hssu98AWvtLjOThfHC219CTYOI7SDCO0arftQdrnnP+eVFtdZvDheaOtLsHEYoR1EaNfkNUGHsss5sl1w7cXxQltfgo3DCO0gQrsOb4w9lF3Oke2CP/rjvy+0TSTYOIzQDiK0q7pjI4eye3Bke72XL44X2voSbBxGaAcR2lW8dqOHssu94Mj2et/7bxP88AUT2sKEdhChPaztHMou97wj22v8kwl++IIJbWFCO4jQHspWD2WXe9GR7auEtr4EG4cR2kGE9sD2cXH7tjmy/aTQtpBg4zBCO4jQHsj+L27fNhfHC20DCTYOI7SDCO2+vebuu9I8+bQ/z39u9JGt0NaXYOMwQjuI0O7PG1+X7smn/XnxS2OPbIW2vgQbhxHaQYR2bwUOZZd7aeaRrdDWl2DjMEI7iNAut66L27dt4pGt0NaXYOMwQjuI0O7uNXfneR3FOkw7shXa+hJsHEZoBxHaXbwx3+so1uHFL302QQI3Q2jrS7BxGKEdRGh3cMe9aV9HsQ4vfXXGka3Q1pdg4zBCO4jQLuhyKLvcC1/4fP8jW6GtL8HGYYR2EKG9xmYvbt+25z/3xd5HtkJbX4KNwwjtIEJ7RcI7AuK1PrIV2voSbBxGaAcR2svuyHtHQLy2F8cLbX0JNg4jtIMI7WszXNy+ZS+0vIVAaOtLsHEYoR1kdmhnHcou93y7i+OFtr4EG4cR2kHmhjbjxe3b9mKri+OFtr4EG4cR2kGGhjbxxe3b1ufIVmjrS7BxGKEdZGBo73Aou4cmR7ZCW1+CjcMI7SDDQvtah7L79EL9I1uhrS/BxmGEdpBBoXUoe1DP1z6yFdr6EmwcRmgHmRLashe3b9uLdY9shba+BBuHEdpBJoS2/MXt21b0yFZo60uwcRihHWRAaP/R2ZVcj4pHtkJbX4KNwwjtIELLflW7OF5o60uwcRihHURoOYgXv1TnyFZo60uwcRihHURoOaiXihzZCm19CTYOI7SDCC2H8MIXChzZCm19CTYOI7SDCC2HlP7IVmjrS7BxGKEdRGhZQeojW6GtL8HGYYR2EKFlRS99NemRrdDWl2DjMEI7iNCyuhe+8PmER7ZCW1+CjcMI7SBCy3o8/7kvJjuyFdr6EmwcRmgHEVrW58UvfTZBYK8Q2voSbBxGaAcRWtYrz5Gt0NaXYOMwQjuI0LJ2SS6OF9r6EmwcRmgHEVpCPL/9WwiEtr4EG4cR2kGEljAvbvfieKGtL8HGYYR2EKEl1EvbuzheaOtLsHEYoR1EaIm2rSNboa0vwcZhhHYQoWUTtnFkK7T1Jdg4jNAOIrRsyvMbPrIV2voSbBxGaAcRWjbpxQ0e2QptfQk2DiO0gwgtm7apI1uhrS/BxmGEdhChZQte2MSRrdDWl2DjMEI7iNCyJeFHtkJbX4KNwwjtIELLFoVeHC+09SXYOIzQDiK0bNlLUUe2Qltfgo3DCO0gQsv2vfCFiCNboa0vwcZhhHYQoSWH5z+37iNboa0vwcZhhHYQoSWP9R7ZCm19CTYOI7SDCC25rO/IVmjrS7BxGKEdRGhJ54UvfH4dR7ZCW1+CjcMI7SBCS0rPf+6Lqx7ZCm19CTYOI7SDCC1pvfilzwrtUkJbmNAOIrSk9tJXD31kK7T1Jdg4jNAOIrRkd9gjW6GtL8HGYYR2EKGlgsNcHC+09SXYOIzQDiK0VPHiAW8hENr6EmwcRmgHEVoqeekAF8cLbX0JNg4jtIMILcW8sN+L44W2vgQbhxHaQYSWgvZ1ZCu09SXYOIzQDiK0FLXnka3Q1pdg4zBCO4jQUtiLy45shba+BBuHEdpBhJbidj2yFdr6EmwcRmgHEVrqe2HHI1uhrS/BxmGEdhChpYfnbziyFdr6EmwcRmgHEVr6uP7IVmjrS7BxGKEdRGjp5erF8UJbX4KNwwjtIEJLOy984eUjW6GtL8HGYYR2EKGlpec/99n/IsEPXzChLUxoBxFauvrnE/zwBRPawoR2EKFFaMsS2sKEdhChpSuhrS/BxmGEdhChRWjLEtrChHYQoaUroa0vwcZhhHYQoUVoyxLawoR2EKGlK6GtL8HGYYR2EKFFaMsS2sKEdhChpSuhrS/BxmGEdhChRWjLEtrChHYQoaUroa0vwcZhhHYQoUVoyxLawoR2EKGlK6GtL8HGYYR2EKFFaMsS2sKEdhChpSuhrS/BxmGEdhChRWjLEtrChHYQoaUroa0vwcZhhHYQoUVoyxLawoR2EKGlK6GtL8HGYYR2EKFFaMsS2sKEdhChpSuhrS/BxmGEdhChRWjLEtrChHYQoaUroa0vwcZhhHYQoUVoyxLawoR2EKGlK6GtL8HGYYR2EKFFaMsS2sKEdhChpSuhrS/BxmGEdhChRWjLEtrChHYQoaUroa0vwcZhhHYQoUVoyxLawoR2EKGlK6GtL8HGYYR2EKFFaMsS2sKEdhChpSuhrS/BxmGEdhChpaUzr3vjiQQ/fMGEtjChHURoaefMXXe/5siRI0JbX4KNwwjtIEJLK/fcfutrX/3nK7T1Jdg4jNAOIrS0cfbOe++45p+u0NaXYOMwQjuI0NLDw69748I/W6GtL8HGYYR2EKGlvlcPZRcIbX0JNg4jtIMILbVdcyi7QGjrS7BxGKEdRGip6+yd9+4S2SNC20KCjcMI7SBCS1EPv+6O5f9Ohba+BBuHEdpBhJaCztx1997/RoW2vgQbhxHaQYSWYu65/dYdnnzagdDWl2DjMEI7iNBSyPJD2QVCW1+CjcMI7SBCSxUP37vHoewCoa0vwcZhhHYQoaWCM3ctvo5ib0JbX4KNwwjtIEJLdvfcvtPrKPYmtPUl2DiM0A4itGR29s7dXkexN6GtL8HGYYR2EKElrYMeyi4Q2voSbBxGaAcRWlI6c8MdAQcmtPUl2DiM0A4itKRzz453BByY0NaXYOMwQjuI0JLK2V3vCDgwoa0vwcZhhHYQoSWPO1c7lF0gtPUl2DiM0A4itOSwhkPZBUJbX4KNwwjtIELL9u18cfuqhLa+BBuHEdpBhJbt2v3i9lUJbX0JNg4jtIMILdtzdr2HsguEtr4EG4cR2kGEli15eO2HsguEtr4EG4cR2kGEli2IOZRdILT1Jdg4jNAOIrRsWNyh7AKhrS/BxmGEdhChZYMOdHH7qoS2vgQbhxHaQYSWTXn4dYFPPu1AaOtLsHEYoR1EaNmEM3fdvfF/VEJbX4KNwwjtIEJLtHtuvzX+yacdCG19CTYOI7SDCC2RNnoou0Bo60uwcRihHURoCbPpQ9kFQltfgo3DCO0gQkuIM3cFv45ib0JbX4KNwwjtIELL2t1z+wZeR7E3oa0vwcZhhHYQoWWtzt65oddR7E1o60uwcRihHURoWZ+HI+8IODChrS/BxmGEdhChZT0SHMouENr6EmwcRmgHEVpWd88m7gg4MKGtL8HGYYR2EKFlNWc3dUfAgQltfQk2DiO0gwgtKwi9uH1VQltfgo3DCO0gQsshnYm+uH1VQltfgo3DCO0gQssh5DyUXSC09SXYOIzQDiK0HNDGLm5fldDWl2DjMEI7iNByAGdTH8ouENr6EmwcRmgHEVr26+Hsh7ILhLa+BBuHEdpBhJb9OFPhUHaB0NaXYOMwQjuI0LKXMoeyC4S2vgQbhxHasGL6bwAAEDJJREFUQYSWZUodyi4Q2voSbBxGaAcRWna15YvbVyW09SXYOIzQDiK07OjMXXdX/1cgtPUl2DiM0A4itNzgnttvLffk0w6Etr4EG4cR2kGEluucvfPekk8+7UBo60uwcRihHURouar4oewCoa0vwcZhhHYQoeUV+S5uX5XQ1pdg4zBCO4jQcvlQtt7rKPYmtPUl2DiM0A4itNOdvbPm6yj2JrT1Jdg4jNAOIrSjPVz3dRR7E9r6EmwcRmgHEdqx+h3KLhDa+hJsHEZoBxHakUpc3L4qoa0vwcZhhHYQoR3nbNE7Ag5MaOtLsHEYoR1EaGcpfEfAgQltfQk2DiO0gwjtHGeKXdy+KqGtL8HGYYR2EKGdYcSh7AKhrS/BxmGEdhCh7a/qxe2rEtr6EmwcRmgHEdreKl/cviqhrS/BxmGEdhChbezhYYeyC4S2vgQbhxHaQYS2qTMDD2UXCG19CTYOI7SDCG1DUw9lFwhtfQk2DiO0gwhtM5MPZRcIbX0JNg4jtIMIbSe9Lm5fldDWl2DjMEI7iNB2ceauu6f/MC8Q2voSbBxGaAcR2g7uuf3W6U8+7UBo60uwcRihHURoqzt7572efNqR0NaXYOMwQjuI0JbmUHYJoa0vwcZhhHYQoS3LoewehLa+BBuHEdpBhLake24f/zqKvQltfQk2DiO0gwhtOWfv9DqKfRHa+hJsHEZoBxHaWh72Oop9E9r6EmwcRmgHEdo6ztw1+o6AAxPa+hJsHEZoBxHaGhzKHpzQ1pdg4zBCO4jQ5nfWHQGHIrT1Jdg4jNAOIrTJuSPg0IS2vgQbhxHaQYQ2sTOzL25fldDWl2DjMEI7iNAmdY+L21cltPUl2DiM0A4itAk5lF0Loa0vwcZhhHYQoU3Gxe1rI7T1Jdg4jNAOIrSZPOxQdo2Etr4EG4cR2kGENoszDmXXTGjrS7BxGKEdRGgzuMehbAChrS/BxmGEdhCh3TaHslGEtr4EG4cR2kGEdqscygYS2voSbBxGaAcR2q1xcXswoa0vwcZhhHYQod2Ke26/1ZNP0YS2vgQbhxHaQYR2487eea8nnzZBaOtLsHEYoR1EaDfr4dd58mlThLa+BBuHEdpBhHZzHMpultDWl2DjMEI7iNBuhovbN09o60uwcRihHURo45290+sotkFo60uwcRihHURogz3sdRTbIrT1Jdg4jNAOIrSBztzldRRbJLT1Jdg4jNAOIrRBHMpundDWl2DjMEI7iNAGcHF7CkJbX4KNwwjtIEK7bu4IyEJo60uwcRihHURo1+mMOwISEdr6EmwcRmgHEdp1ucfF7ckIbX0JNg4jtIMI7To4lM1IaOtLsHEYoR1EaFfl4vashLa+BBuHEdpBhHYlLm5PTGjrS7BxGKEdRGgP7YxD2dyEtr4EG4cR2kGE9lDucSibn9DWl2DjMEI7iNAemEPZIoS2vgQbhxHaQYT2YBzK1iG09SXYOIzQDiK0++dQthahrS/BxmGEdhCh3Z97br9VZIsR2voSbBxGaAcR2r2dvfNeTz4VJLT1Jdg4jNAOIrR7ePh1nnwqSmjrS7BxGKEdRGiXOHPX3dN/PioT2voSbBxGaAcR2l04lC1PaOtLsHEYoR1EaHdw9k6vo2hAaOtLsHEYoR1EaBc97HUUTQhtfQk2DiO0gwjttc7c5XUUfQhtfQk2DiO0gwjtFffc7nUUvQhtfQk2DiO0gwjtxx3KNiW09SXYOIzQDiK0H3dHQFNCW1+CjcMI7SDDQ3vGHQF9CW19CTYOI7SDDA7tPe4I6E1o60uwcRihHWRoaM+6uL0/oa0vwcZhhHaQiaF1KDuD0NaXYOMwQjvItNC6uH0Ooa0vwcZhhHaQSaF1cfssQltfgo3DCO0gU0J7j0PZcYS2vgQbhxHaQSaE9qxD2ZGEtr4EG4cR2kEGhPY/n/7feCqhrS/BxmGEdpABoT05/b/xVEJbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtIEJLV0JbX4KNwwjtILecbO/C9P/GU93U/2f7pu7/aRNsHOaWBPsCAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAACMBwAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAADAeAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAwHgAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAA4wEAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAACM9/+3BwcEAAAACIL8v7ohAQAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAAD3AAAAAAAAAAAAAAAAAAAAAAAAAAAeVAMLevvPkIR0+gAAAABJRU5ErkJggg==" rel="icon"/> +</head> +<body style="margin:0px"> +<div id="hiplot_2c9202c32b1741959c5fc63c934c36c8" style="background-color: white"><div style="text-align: center">Loading HiPlot...</div> +<noscript> + HiPlot needs JavaScript to run + </noscript> +</div> +<script type="text/javascript">/*! For license information please see hiplot.bundle.js.LICENSE.txt */ +var hiplot;(function(){var __webpack_modules__={1936:function(t,e,n){"use strict";var r=n(3601),i=n.n(r),o=n(3495),a=n.n(o)()(i());a.push([t.id,".hip_thm--dark{/*!\n * Bootstrap v4.6.0 (https://getbootstrap.com/)\n * Copyright 2011-2021 The Bootstrap Authors\n * Copyright 2011-2021 Twitter, Inc.\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n */@import\"https://fonts.googleapis.com/css?family=Lato:400,700,400italic&display=swap\"}.hip_thm--dark :root{--blue: #375a7f;--indigo: #6610f2;--purple: #6f42c1;--pink: #e83e8c;--red: #E74C3C;--orange: #fd7e14;--yellow: #F39C12;--green: #00bc8c;--teal: #20c997;--cyan: #3498DB;--white: #fff;--gray: #888;--gray-dark: #303030;--primary: #375a7f;--secondary: #444;--success: #00bc8c;--info: #3498DB;--warning: #F39C12;--danger: #E74C3C;--light: #adb5bd;--dark: #303030;--breakpoint-xs: 0;--breakpoint-sm: 576px;--breakpoint-md: 768px;--breakpoint-lg: 992px;--breakpoint-xl: 1200px;--font-family-sans-serif: \"Lato\", -apple-system, BlinkMacSystemFont, \"Segoe UI\", Roboto, \"Helvetica Neue\", Arial, sans-serif, \"Apple Color Emoji\", \"Segoe UI Emoji\", \"Segoe UI Symbol\";--font-family-monospace: SFMono-Regular, Menlo, Monaco, Consolas, \"Liberation Mono\", \"Courier New\", monospace}.hip_thm--dark *,.hip_thm--dark *::before,.hip_thm--dark *::after{box-sizing:border-box}.hip_thm--dark html{font-family:sans-serif;line-height:1.15;-webkit-text-size-adjust:100%;-webkit-tap-highlight-color:rgba(0,0,0,0)}.hip_thm--dark article,.hip_thm--dark aside,.hip_thm--dark figcaption,.hip_thm--dark figure,.hip_thm--dark footer,.hip_thm--dark header,.hip_thm--dark hgroup,.hip_thm--dark main,.hip_thm--dark nav,.hip_thm--dark section{display:block}.hip_thm--dark body{margin:0;font-family:\"Lato\",-apple-system,BlinkMacSystemFont,\"Segoe UI\",Roboto,\"Helvetica Neue\",Arial,sans-serif,\"Apple Color Emoji\",\"Segoe UI Emoji\",\"Segoe UI Symbol\";font-size:15px;font-weight:400;line-height:1.5;color:#fff;text-align:left;background-color:#222}.hip_thm--dark [tabindex=\"-1\"]:focus:not(:focus-visible){outline:0 !important}.hip_thm--dark hr{box-sizing:content-box;height:0;overflow:visible}.hip_thm--dark h1,.hip_thm--dark h2,.hip_thm--dark h3,.hip_thm--dark h4,.hip_thm--dark h5,.hip_thm--dark h6{margin-top:0;margin-bottom:.5rem}.hip_thm--dark p{margin-top:0;margin-bottom:1rem}.hip_thm--dark abbr[title],.hip_thm--dark abbr[data-original-title]{text-decoration:underline;text-decoration:underline dotted;cursor:help;border-bottom:0;text-decoration-skip-ink:none}.hip_thm--dark address{margin-bottom:1rem;font-style:normal;line-height:inherit}.hip_thm--dark ol,.hip_thm--dark ul,.hip_thm--dark dl{margin-top:0;margin-bottom:1rem}.hip_thm--dark ol ol,.hip_thm--dark ul ul,.hip_thm--dark ol ul,.hip_thm--dark ul ol{margin-bottom:0}.hip_thm--dark dt{font-weight:700}.hip_thm--dark dd{margin-bottom:.5rem;margin-left:0}.hip_thm--dark blockquote{margin:0 0 1rem}.hip_thm--dark b,.hip_thm--dark strong{font-weight:bolder}.hip_thm--dark small{font-size:80%}.hip_thm--dark sub,.hip_thm--dark sup{position:relative;font-size:75%;line-height:0;vertical-align:baseline}.hip_thm--dark sub{bottom:-0.25em}.hip_thm--dark sup{top:-0.5em}.hip_thm--dark a{color:#00bc8c;text-decoration:none;background-color:transparent}.hip_thm--dark a:hover{color:#007053;text-decoration:underline}.hip_thm--dark a:not([href]):not([class]){color:inherit;text-decoration:none}.hip_thm--dark a:not([href]):not([class]):hover{color:inherit;text-decoration:none}.hip_thm--dark pre,.hip_thm--dark code,.hip_thm--dark kbd,.hip_thm--dark samp{font-family:SFMono-Regular,Menlo,Monaco,Consolas,\"Liberation Mono\",\"Courier New\",monospace;font-size:1em}.hip_thm--dark pre{margin-top:0;margin-bottom:1rem;overflow:auto;-ms-overflow-style:scrollbar}.hip_thm--dark figure{margin:0 0 1rem}.hip_thm--dark img{vertical-align:middle;border-style:none}.hip_thm--dark svg{overflow:hidden;vertical-align:middle}.hip_thm--dark table{border-collapse:collapse}.hip_thm--dark caption{padding-top:12px;padding-bottom:12px;color:#888;text-align:left;caption-side:bottom}.hip_thm--dark th{text-align:inherit;text-align:-webkit-match-parent}.hip_thm--dark label{display:inline-block;margin-bottom:.5rem}.hip_thm--dark button{border-radius:0}.hip_thm--dark button:focus:not(:focus-visible){outline:0}.hip_thm--dark input,.hip_thm--dark button,.hip_thm--dark select,.hip_thm--dark optgroup,.hip_thm--dark textarea{margin:0;font-family:inherit;font-size:inherit;line-height:inherit}.hip_thm--dark button,.hip_thm--dark input{overflow:visible}.hip_thm--dark button,.hip_thm--dark select{text-transform:none}.hip_thm--dark [role=button]{cursor:pointer}.hip_thm--dark select{word-wrap:normal}.hip_thm--dark button,.hip_thm--dark [type=button],.hip_thm--dark [type=reset],.hip_thm--dark [type=submit]{-webkit-appearance:button}.hip_thm--dark button:not(:disabled),.hip_thm--dark [type=button]:not(:disabled),.hip_thm--dark [type=reset]:not(:disabled),.hip_thm--dark [type=submit]:not(:disabled){cursor:pointer}.hip_thm--dark button::-moz-focus-inner,.hip_thm--dark [type=button]::-moz-focus-inner,.hip_thm--dark [type=reset]::-moz-focus-inner,.hip_thm--dark [type=submit]::-moz-focus-inner{padding:0;border-style:none}.hip_thm--dark input[type=radio],.hip_thm--dark input[type=checkbox]{box-sizing:border-box;padding:0}.hip_thm--dark textarea{overflow:auto;resize:vertical}.hip_thm--dark fieldset{min-width:0;padding:0;margin:0;border:0}.hip_thm--dark legend{display:block;width:100%;max-width:100%;padding:0;margin-bottom:.5rem;font-size:24px;line-height:inherit;color:inherit;white-space:normal}.hip_thm--dark progress{vertical-align:baseline}.hip_thm--dark [type=number]::-webkit-inner-spin-button,.hip_thm--dark [type=number]::-webkit-outer-spin-button{height:auto}.hip_thm--dark [type=search]{outline-offset:-2px;-webkit-appearance:none}.hip_thm--dark [type=search]::-webkit-search-decoration{-webkit-appearance:none}.hip_thm--dark ::-webkit-file-upload-button{font:inherit;-webkit-appearance:button}.hip_thm--dark output{display:inline-block}.hip_thm--dark summary{display:list-item;cursor:pointer}.hip_thm--dark template{display:none}.hip_thm--dark [hidden]{display:none !important}.hip_thm--dark h1,.hip_thm--dark h2,.hip_thm--dark h3,.hip_thm--dark h4,.hip_thm--dark h5,.hip_thm--dark h6,.hip_thm--dark .h1,.hip_thm--dark .h2,.hip_thm--dark .h3,.hip_thm--dark .h4,.hip_thm--dark .h5,.hip_thm--dark .h6{margin-bottom:.5rem;font-weight:500;line-height:1.2}.hip_thm--dark h1,.hip_thm--dark .h1{font-size:48px}.hip_thm--dark h2,.hip_thm--dark .h2{font-size:40px}.hip_thm--dark h3,.hip_thm--dark .h3{font-size:32px}.hip_thm--dark h4,.hip_thm--dark .h4{font-size:22.5px}.hip_thm--dark h5,.hip_thm--dark .h5{font-size:18.75px}.hip_thm--dark h6,.hip_thm--dark .h6{font-size:15px}.hip_thm--dark .lead{font-size:18.75px;font-weight:300}.hip_thm--dark .display-1{font-size:96px;font-weight:300;line-height:1.2}.hip_thm--dark .display-2{font-size:88px;font-weight:300;line-height:1.2}.hip_thm--dark .display-3{font-size:72px;font-weight:300;line-height:1.2}.hip_thm--dark .display-4{font-size:56px;font-weight:300;line-height:1.2}.hip_thm--dark hr{margin-top:1rem;margin-bottom:1rem;border:0;border-top:1px solid rgba(0,0,0,.1)}.hip_thm--dark small,.hip_thm--dark .small{font-size:80%;font-weight:400}.hip_thm--dark mark,.hip_thm--dark .mark{padding:.2em;background-color:#fcf8e3}.hip_thm--dark .list-unstyled{padding-left:0;list-style:none}.hip_thm--dark .list-inline{padding-left:0;list-style:none}.hip_thm--dark .list-inline-item{display:inline-block}.hip_thm--dark .list-inline-item:not(:last-child){margin-right:.5rem}.hip_thm--dark .initialism{font-size:90%;text-transform:uppercase}.hip_thm--dark .blockquote{margin-bottom:1rem;font-size:18.75px}.hip_thm--dark .blockquote-footer{display:block;font-size:80%;color:#888}.hip_thm--dark .blockquote-footer::before{content:\"— \"}.hip_thm--dark .img-fluid{max-width:100%;height:auto}.hip_thm--dark .img-thumbnail{padding:4px;background-color:#222;border:1px solid #dee2e6;border-radius:4px;max-width:100%;height:auto}.hip_thm--dark .figure{display:inline-block}.hip_thm--dark .figure-img{margin-bottom:.5rem;line-height:1}.hip_thm--dark .figure-caption{font-size:90%;color:#888}.hip_thm--dark code{font-size:87.5%;color:#e83e8c;word-wrap:break-word}a>.hip_thm--dark code{color:inherit}.hip_thm--dark kbd{padding:3.2px 6.4px;font-size:87.5%;color:#fff;background-color:#222;border-radius:3.2px}.hip_thm--dark kbd kbd{padding:0;font-size:100%;font-weight:700}.hip_thm--dark pre{display:block;font-size:87.5%;color:inherit}.hip_thm--dark pre code{font-size:inherit;color:inherit;word-break:normal}.hip_thm--dark .pre-scrollable{max-height:340px;overflow-y:scroll}.hip_thm--dark .container,.hip_thm--dark .container-fluid,.hip_thm--dark .container-xl,.hip_thm--dark .container-lg,.hip_thm--dark .container-md,.hip_thm--dark .container-sm{width:100%;padding-right:15px;padding-left:15px;margin-right:auto;margin-left:auto}@media(min-width: 576px){.hip_thm--dark .container-sm,.hip_thm--dark .container{max-width:540px}}@media(min-width: 768px){.hip_thm--dark .container-md,.hip_thm--dark .container-sm,.hip_thm--dark .container{max-width:720px}}@media(min-width: 992px){.hip_thm--dark .container-lg,.hip_thm--dark .container-md,.hip_thm--dark .container-sm,.hip_thm--dark .container{max-width:960px}}@media(min-width: 1200px){.hip_thm--dark .container-xl,.hip_thm--dark .container-lg,.hip_thm--dark .container-md,.hip_thm--dark .container-sm,.hip_thm--dark .container{max-width:1140px}}.hip_thm--dark .row{display:flex;flex-wrap:wrap;margin-right:-15px;margin-left:-15px}.hip_thm--dark .no-gutters{margin-right:0;margin-left:0}.hip_thm--dark .no-gutters>.col,.hip_thm--dark .no-gutters>[class*=col-]{padding-right:0;padding-left:0}.hip_thm--dark .col-xl,.hip_thm--dark .col-xl-auto,.hip_thm--dark .col-xl-12,.hip_thm--dark .col-xl-11,.hip_thm--dark .col-xl-10,.hip_thm--dark .col-xl-9,.hip_thm--dark .col-xl-8,.hip_thm--dark .col-xl-7,.hip_thm--dark .col-xl-6,.hip_thm--dark .col-xl-5,.hip_thm--dark .col-xl-4,.hip_thm--dark .col-xl-3,.hip_thm--dark .col-xl-2,.hip_thm--dark .col-xl-1,.hip_thm--dark .col-lg,.hip_thm--dark .col-lg-auto,.hip_thm--dark .col-lg-12,.hip_thm--dark .col-lg-11,.hip_thm--dark .col-lg-10,.hip_thm--dark .col-lg-9,.hip_thm--dark .col-lg-8,.hip_thm--dark .col-lg-7,.hip_thm--dark .col-lg-6,.hip_thm--dark .col-lg-5,.hip_thm--dark .col-lg-4,.hip_thm--dark .col-lg-3,.hip_thm--dark .col-lg-2,.hip_thm--dark .col-lg-1,.hip_thm--dark .col-md,.hip_thm--dark .col-md-auto,.hip_thm--dark .col-md-12,.hip_thm--dark .col-md-11,.hip_thm--dark .col-md-10,.hip_thm--dark .col-md-9,.hip_thm--dark .col-md-8,.hip_thm--dark .col-md-7,.hip_thm--dark .col-md-6,.hip_thm--dark .col-md-5,.hip_thm--dark .col-md-4,.hip_thm--dark .col-md-3,.hip_thm--dark .col-md-2,.hip_thm--dark .col-md-1,.hip_thm--dark .col-sm,.hip_thm--dark .col-sm-auto,.hip_thm--dark .col-sm-12,.hip_thm--dark .col-sm-11,.hip_thm--dark .col-sm-10,.hip_thm--dark .col-sm-9,.hip_thm--dark .col-sm-8,.hip_thm--dark .col-sm-7,.hip_thm--dark .col-sm-6,.hip_thm--dark .col-sm-5,.hip_thm--dark .col-sm-4,.hip_thm--dark .col-sm-3,.hip_thm--dark .col-sm-2,.hip_thm--dark .col-sm-1,.hip_thm--dark .col,.hip_thm--dark .col-auto,.hip_thm--dark .col-12,.hip_thm--dark .col-11,.hip_thm--dark .col-10,.hip_thm--dark .col-9,.hip_thm--dark .col-8,.hip_thm--dark .col-7,.hip_thm--dark .col-6,.hip_thm--dark .col-5,.hip_thm--dark .col-4,.hip_thm--dark .col-3,.hip_thm--dark .col-2,.hip_thm--dark .col-1{position:relative;width:100%;padding-right:15px;padding-left:15px}.hip_thm--dark .col{flex-basis:0;flex-grow:1;max-width:100%}.hip_thm--dark .row-cols-1>*{flex:0 0 100%;max-width:100%}.hip_thm--dark .row-cols-2>*{flex:0 0 50%;max-width:50%}.hip_thm--dark .row-cols-3>*{flex:0 0 33.3333333333%;max-width:33.3333333333%}.hip_thm--dark .row-cols-4>*{flex:0 0 25%;max-width:25%}.hip_thm--dark .row-cols-5>*{flex:0 0 20%;max-width:20%}.hip_thm--dark .row-cols-6>*{flex:0 0 16.6666666667%;max-width:16.6666666667%}.hip_thm--dark .col-auto{flex:0 0 auto;width:auto;max-width:100%}.hip_thm--dark .col-1{flex:0 0 8.3333333333%;max-width:8.3333333333%}.hip_thm--dark .col-2{flex:0 0 16.6666666667%;max-width:16.6666666667%}.hip_thm--dark .col-3{flex:0 0 25%;max-width:25%}.hip_thm--dark .col-4{flex:0 0 33.3333333333%;max-width:33.3333333333%}.hip_thm--dark .col-5{flex:0 0 41.6666666667%;max-width:41.6666666667%}.hip_thm--dark .col-6{flex:0 0 50%;max-width:50%}.hip_thm--dark .col-7{flex:0 0 58.3333333333%;max-width:58.3333333333%}.hip_thm--dark .col-8{flex:0 0 66.6666666667%;max-width:66.6666666667%}.hip_thm--dark .col-9{flex:0 0 75%;max-width:75%}.hip_thm--dark .col-10{flex:0 0 83.3333333333%;max-width:83.3333333333%}.hip_thm--dark .col-11{flex:0 0 91.6666666667%;max-width:91.6666666667%}.hip_thm--dark .col-12{flex:0 0 100%;max-width:100%}.hip_thm--dark .order-first{order:-1}.hip_thm--dark .order-last{order:13}.hip_thm--dark .order-0{order:0}.hip_thm--dark .order-1{order:1}.hip_thm--dark .order-2{order:2}.hip_thm--dark .order-3{order:3}.hip_thm--dark .order-4{order:4}.hip_thm--dark .order-5{order:5}.hip_thm--dark .order-6{order:6}.hip_thm--dark .order-7{order:7}.hip_thm--dark .order-8{order:8}.hip_thm--dark .order-9{order:9}.hip_thm--dark .order-10{order:10}.hip_thm--dark .order-11{order:11}.hip_thm--dark .order-12{order:12}.hip_thm--dark .offset-1{margin-left:8.3333333333%}.hip_thm--dark .offset-2{margin-left:16.6666666667%}.hip_thm--dark .offset-3{margin-left:25%}.hip_thm--dark .offset-4{margin-left:33.3333333333%}.hip_thm--dark .offset-5{margin-left:41.6666666667%}.hip_thm--dark .offset-6{margin-left:50%}.hip_thm--dark .offset-7{margin-left:58.3333333333%}.hip_thm--dark .offset-8{margin-left:66.6666666667%}.hip_thm--dark .offset-9{margin-left:75%}.hip_thm--dark .offset-10{margin-left:83.3333333333%}.hip_thm--dark .offset-11{margin-left:91.6666666667%}@media(min-width: 576px){.hip_thm--dark .col-sm{flex-basis:0;flex-grow:1;max-width:100%}.hip_thm--dark .row-cols-sm-1>*{flex:0 0 100%;max-width:100%}.hip_thm--dark .row-cols-sm-2>*{flex:0 0 50%;max-width:50%}.hip_thm--dark .row-cols-sm-3>*{flex:0 0 33.3333333333%;max-width:33.3333333333%}.hip_thm--dark .row-cols-sm-4>*{flex:0 0 25%;max-width:25%}.hip_thm--dark .row-cols-sm-5>*{flex:0 0 20%;max-width:20%}.hip_thm--dark .row-cols-sm-6>*{flex:0 0 16.6666666667%;max-width:16.6666666667%}.hip_thm--dark .col-sm-auto{flex:0 0 auto;width:auto;max-width:100%}.hip_thm--dark .col-sm-1{flex:0 0 8.3333333333%;max-width:8.3333333333%}.hip_thm--dark .col-sm-2{flex:0 0 16.6666666667%;max-width:16.6666666667%}.hip_thm--dark .col-sm-3{flex:0 0 25%;max-width:25%}.hip_thm--dark .col-sm-4{flex:0 0 33.3333333333%;max-width:33.3333333333%}.hip_thm--dark .col-sm-5{flex:0 0 41.6666666667%;max-width:41.6666666667%}.hip_thm--dark .col-sm-6{flex:0 0 50%;max-width:50%}.hip_thm--dark .col-sm-7{flex:0 0 58.3333333333%;max-width:58.3333333333%}.hip_thm--dark .col-sm-8{flex:0 0 66.6666666667%;max-width:66.6666666667%}.hip_thm--dark .col-sm-9{flex:0 0 75%;max-width:75%}.hip_thm--dark .col-sm-10{flex:0 0 83.3333333333%;max-width:83.3333333333%}.hip_thm--dark .col-sm-11{flex:0 0 91.6666666667%;max-width:91.6666666667%}.hip_thm--dark .col-sm-12{flex:0 0 100%;max-width:100%}.hip_thm--dark .order-sm-first{order:-1}.hip_thm--dark .order-sm-last{order:13}.hip_thm--dark .order-sm-0{order:0}.hip_thm--dark .order-sm-1{order:1}.hip_thm--dark .order-sm-2{order:2}.hip_thm--dark .order-sm-3{order:3}.hip_thm--dark .order-sm-4{order:4}.hip_thm--dark .order-sm-5{order:5}.hip_thm--dark .order-sm-6{order:6}.hip_thm--dark .order-sm-7{order:7}.hip_thm--dark .order-sm-8{order:8}.hip_thm--dark .order-sm-9{order:9}.hip_thm--dark .order-sm-10{order:10}.hip_thm--dark .order-sm-11{order:11}.hip_thm--dark .order-sm-12{order:12}.hip_thm--dark .offset-sm-0{margin-left:0}.hip_thm--dark .offset-sm-1{margin-left:8.3333333333%}.hip_thm--dark .offset-sm-2{margin-left:16.6666666667%}.hip_thm--dark .offset-sm-3{margin-left:25%}.hip_thm--dark .offset-sm-4{margin-left:33.3333333333%}.hip_thm--dark .offset-sm-5{margin-left:41.6666666667%}.hip_thm--dark .offset-sm-6{margin-left:50%}.hip_thm--dark .offset-sm-7{margin-left:58.3333333333%}.hip_thm--dark .offset-sm-8{margin-left:66.6666666667%}.hip_thm--dark .offset-sm-9{margin-left:75%}.hip_thm--dark .offset-sm-10{margin-left:83.3333333333%}.hip_thm--dark .offset-sm-11{margin-left:91.6666666667%}}@media(min-width: 768px){.hip_thm--dark .col-md{flex-basis:0;flex-grow:1;max-width:100%}.hip_thm--dark .row-cols-md-1>*{flex:0 0 100%;max-width:100%}.hip_thm--dark .row-cols-md-2>*{flex:0 0 50%;max-width:50%}.hip_thm--dark .row-cols-md-3>*{flex:0 0 33.3333333333%;max-width:33.3333333333%}.hip_thm--dark .row-cols-md-4>*{flex:0 0 25%;max-width:25%}.hip_thm--dark .row-cols-md-5>*{flex:0 0 20%;max-width:20%}.hip_thm--dark .row-cols-md-6>*{flex:0 0 16.6666666667%;max-width:16.6666666667%}.hip_thm--dark .col-md-auto{flex:0 0 auto;width:auto;max-width:100%}.hip_thm--dark .col-md-1{flex:0 0 8.3333333333%;max-width:8.3333333333%}.hip_thm--dark .col-md-2{flex:0 0 16.6666666667%;max-width:16.6666666667%}.hip_thm--dark .col-md-3{flex:0 0 25%;max-width:25%}.hip_thm--dark .col-md-4{flex:0 0 33.3333333333%;max-width:33.3333333333%}.hip_thm--dark .col-md-5{flex:0 0 41.6666666667%;max-width:41.6666666667%}.hip_thm--dark .col-md-6{flex:0 0 50%;max-width:50%}.hip_thm--dark .col-md-7{flex:0 0 58.3333333333%;max-width:58.3333333333%}.hip_thm--dark .col-md-8{flex:0 0 66.6666666667%;max-width:66.6666666667%}.hip_thm--dark .col-md-9{flex:0 0 75%;max-width:75%}.hip_thm--dark .col-md-10{flex:0 0 83.3333333333%;max-width:83.3333333333%}.hip_thm--dark .col-md-11{flex:0 0 91.6666666667%;max-width:91.6666666667%}.hip_thm--dark .col-md-12{flex:0 0 100%;max-width:100%}.hip_thm--dark .order-md-first{order:-1}.hip_thm--dark .order-md-last{order:13}.hip_thm--dark .order-md-0{order:0}.hip_thm--dark .order-md-1{order:1}.hip_thm--dark .order-md-2{order:2}.hip_thm--dark .order-md-3{order:3}.hip_thm--dark .order-md-4{order:4}.hip_thm--dark .order-md-5{order:5}.hip_thm--dark .order-md-6{order:6}.hip_thm--dark .order-md-7{order:7}.hip_thm--dark .order-md-8{order:8}.hip_thm--dark .order-md-9{order:9}.hip_thm--dark .order-md-10{order:10}.hip_thm--dark .order-md-11{order:11}.hip_thm--dark .order-md-12{order:12}.hip_thm--dark .offset-md-0{margin-left:0}.hip_thm--dark .offset-md-1{margin-left:8.3333333333%}.hip_thm--dark .offset-md-2{margin-left:16.6666666667%}.hip_thm--dark .offset-md-3{margin-left:25%}.hip_thm--dark .offset-md-4{margin-left:33.3333333333%}.hip_thm--dark .offset-md-5{margin-left:41.6666666667%}.hip_thm--dark .offset-md-6{margin-left:50%}.hip_thm--dark .offset-md-7{margin-left:58.3333333333%}.hip_thm--dark .offset-md-8{margin-left:66.6666666667%}.hip_thm--dark .offset-md-9{margin-left:75%}.hip_thm--dark .offset-md-10{margin-left:83.3333333333%}.hip_thm--dark .offset-md-11{margin-left:91.6666666667%}}@media(min-width: 992px){.hip_thm--dark .col-lg{flex-basis:0;flex-grow:1;max-width:100%}.hip_thm--dark .row-cols-lg-1>*{flex:0 0 100%;max-width:100%}.hip_thm--dark .row-cols-lg-2>*{flex:0 0 50%;max-width:50%}.hip_thm--dark .row-cols-lg-3>*{flex:0 0 33.3333333333%;max-width:33.3333333333%}.hip_thm--dark .row-cols-lg-4>*{flex:0 0 25%;max-width:25%}.hip_thm--dark .row-cols-lg-5>*{flex:0 0 20%;max-width:20%}.hip_thm--dark .row-cols-lg-6>*{flex:0 0 16.6666666667%;max-width:16.6666666667%}.hip_thm--dark .col-lg-auto{flex:0 0 auto;width:auto;max-width:100%}.hip_thm--dark .col-lg-1{flex:0 0 8.3333333333%;max-width:8.3333333333%}.hip_thm--dark .col-lg-2{flex:0 0 16.6666666667%;max-width:16.6666666667%}.hip_thm--dark .col-lg-3{flex:0 0 25%;max-width:25%}.hip_thm--dark .col-lg-4{flex:0 0 33.3333333333%;max-width:33.3333333333%}.hip_thm--dark .col-lg-5{flex:0 0 41.6666666667%;max-width:41.6666666667%}.hip_thm--dark .col-lg-6{flex:0 0 50%;max-width:50%}.hip_thm--dark .col-lg-7{flex:0 0 58.3333333333%;max-width:58.3333333333%}.hip_thm--dark .col-lg-8{flex:0 0 66.6666666667%;max-width:66.6666666667%}.hip_thm--dark .col-lg-9{flex:0 0 75%;max-width:75%}.hip_thm--dark .col-lg-10{flex:0 0 83.3333333333%;max-width:83.3333333333%}.hip_thm--dark .col-lg-11{flex:0 0 91.6666666667%;max-width:91.6666666667%}.hip_thm--dark .col-lg-12{flex:0 0 100%;max-width:100%}.hip_thm--dark .order-lg-first{order:-1}.hip_thm--dark .order-lg-last{order:13}.hip_thm--dark .order-lg-0{order:0}.hip_thm--dark .order-lg-1{order:1}.hip_thm--dark .order-lg-2{order:2}.hip_thm--dark .order-lg-3{order:3}.hip_thm--dark .order-lg-4{order:4}.hip_thm--dark .order-lg-5{order:5}.hip_thm--dark .order-lg-6{order:6}.hip_thm--dark .order-lg-7{order:7}.hip_thm--dark .order-lg-8{order:8}.hip_thm--dark .order-lg-9{order:9}.hip_thm--dark .order-lg-10{order:10}.hip_thm--dark .order-lg-11{order:11}.hip_thm--dark .order-lg-12{order:12}.hip_thm--dark .offset-lg-0{margin-left:0}.hip_thm--dark .offset-lg-1{margin-left:8.3333333333%}.hip_thm--dark .offset-lg-2{margin-left:16.6666666667%}.hip_thm--dark .offset-lg-3{margin-left:25%}.hip_thm--dark .offset-lg-4{margin-left:33.3333333333%}.hip_thm--dark .offset-lg-5{margin-left:41.6666666667%}.hip_thm--dark .offset-lg-6{margin-left:50%}.hip_thm--dark .offset-lg-7{margin-left:58.3333333333%}.hip_thm--dark .offset-lg-8{margin-left:66.6666666667%}.hip_thm--dark .offset-lg-9{margin-left:75%}.hip_thm--dark .offset-lg-10{margin-left:83.3333333333%}.hip_thm--dark .offset-lg-11{margin-left:91.6666666667%}}@media(min-width: 1200px){.hip_thm--dark .col-xl{flex-basis:0;flex-grow:1;max-width:100%}.hip_thm--dark .row-cols-xl-1>*{flex:0 0 100%;max-width:100%}.hip_thm--dark .row-cols-xl-2>*{flex:0 0 50%;max-width:50%}.hip_thm--dark .row-cols-xl-3>*{flex:0 0 33.3333333333%;max-width:33.3333333333%}.hip_thm--dark .row-cols-xl-4>*{flex:0 0 25%;max-width:25%}.hip_thm--dark .row-cols-xl-5>*{flex:0 0 20%;max-width:20%}.hip_thm--dark .row-cols-xl-6>*{flex:0 0 16.6666666667%;max-width:16.6666666667%}.hip_thm--dark .col-xl-auto{flex:0 0 auto;width:auto;max-width:100%}.hip_thm--dark .col-xl-1{flex:0 0 8.3333333333%;max-width:8.3333333333%}.hip_thm--dark .col-xl-2{flex:0 0 16.6666666667%;max-width:16.6666666667%}.hip_thm--dark .col-xl-3{flex:0 0 25%;max-width:25%}.hip_thm--dark .col-xl-4{flex:0 0 33.3333333333%;max-width:33.3333333333%}.hip_thm--dark .col-xl-5{flex:0 0 41.6666666667%;max-width:41.6666666667%}.hip_thm--dark .col-xl-6{flex:0 0 50%;max-width:50%}.hip_thm--dark .col-xl-7{flex:0 0 58.3333333333%;max-width:58.3333333333%}.hip_thm--dark .col-xl-8{flex:0 0 66.6666666667%;max-width:66.6666666667%}.hip_thm--dark .col-xl-9{flex:0 0 75%;max-width:75%}.hip_thm--dark .col-xl-10{flex:0 0 83.3333333333%;max-width:83.3333333333%}.hip_thm--dark .col-xl-11{flex:0 0 91.6666666667%;max-width:91.6666666667%}.hip_thm--dark .col-xl-12{flex:0 0 100%;max-width:100%}.hip_thm--dark .order-xl-first{order:-1}.hip_thm--dark .order-xl-last{order:13}.hip_thm--dark .order-xl-0{order:0}.hip_thm--dark .order-xl-1{order:1}.hip_thm--dark .order-xl-2{order:2}.hip_thm--dark .order-xl-3{order:3}.hip_thm--dark .order-xl-4{order:4}.hip_thm--dark .order-xl-5{order:5}.hip_thm--dark .order-xl-6{order:6}.hip_thm--dark .order-xl-7{order:7}.hip_thm--dark .order-xl-8{order:8}.hip_thm--dark .order-xl-9{order:9}.hip_thm--dark .order-xl-10{order:10}.hip_thm--dark .order-xl-11{order:11}.hip_thm--dark .order-xl-12{order:12}.hip_thm--dark .offset-xl-0{margin-left:0}.hip_thm--dark .offset-xl-1{margin-left:8.3333333333%}.hip_thm--dark .offset-xl-2{margin-left:16.6666666667%}.hip_thm--dark .offset-xl-3{margin-left:25%}.hip_thm--dark .offset-xl-4{margin-left:33.3333333333%}.hip_thm--dark .offset-xl-5{margin-left:41.6666666667%}.hip_thm--dark .offset-xl-6{margin-left:50%}.hip_thm--dark .offset-xl-7{margin-left:58.3333333333%}.hip_thm--dark .offset-xl-8{margin-left:66.6666666667%}.hip_thm--dark .offset-xl-9{margin-left:75%}.hip_thm--dark .offset-xl-10{margin-left:83.3333333333%}.hip_thm--dark .offset-xl-11{margin-left:91.6666666667%}}.hip_thm--dark .table{width:100%;margin-bottom:1rem;color:#fff}.hip_thm--dark .table th,.hip_thm--dark .table td{padding:12px;vertical-align:top;border-top:1px solid #444}.hip_thm--dark .table thead th{vertical-align:bottom;border-bottom:2px solid #444}.hip_thm--dark .table tbody+tbody{border-top:2px solid #444}.hip_thm--dark .table-sm th,.hip_thm--dark .table-sm td{padding:4.8px}.hip_thm--dark .table-bordered{border:1px solid #444}.hip_thm--dark .table-bordered th,.hip_thm--dark .table-bordered td{border:1px solid #444}.hip_thm--dark .table-bordered thead th,.hip_thm--dark .table-bordered thead td{border-bottom-width:2px}.hip_thm--dark .table-borderless th,.hip_thm--dark .table-borderless td,.hip_thm--dark .table-borderless thead th,.hip_thm--dark .table-borderless tbody+tbody{border:0}.hip_thm--dark .table-striped tbody tr:nth-of-type(odd){background-color:#303030}.hip_thm--dark .table-hover tbody tr:hover{color:#fff;background-color:rgba(0,0,0,.075)}.hip_thm--dark .table-primary,.hip_thm--dark .table-primary>th,.hip_thm--dark .table-primary>td{background-color:#c7d1db}.hip_thm--dark .table-primary th,.hip_thm--dark .table-primary td,.hip_thm--dark .table-primary thead th,.hip_thm--dark .table-primary tbody+tbody{border-color:#97a9bc}.hip_thm--dark .table-hover .table-primary:hover{background-color:#b7c4d1}.hip_thm--dark .table-hover .table-primary:hover>td,.hip_thm--dark .table-hover .table-primary:hover>th{background-color:#b7c4d1}.hip_thm--dark .table-secondary,.hip_thm--dark .table-secondary>th,.hip_thm--dark .table-secondary>td{background-color:#cbcbcb}.hip_thm--dark .table-secondary th,.hip_thm--dark .table-secondary td,.hip_thm--dark .table-secondary thead th,.hip_thm--dark .table-secondary tbody+tbody{border-color:#9e9e9e}.hip_thm--dark .table-hover .table-secondary:hover{background-color:#bebebe}.hip_thm--dark .table-hover .table-secondary:hover>td,.hip_thm--dark .table-hover .table-secondary:hover>th{background-color:#bebebe}.hip_thm--dark .table-success,.hip_thm--dark .table-success>th,.hip_thm--dark .table-success>td{background-color:#b8ecdf}.hip_thm--dark .table-success th,.hip_thm--dark .table-success td,.hip_thm--dark .table-success thead th,.hip_thm--dark .table-success tbody+tbody{border-color:#7adcc3}.hip_thm--dark .table-hover .table-success:hover{background-color:#a4e7d6}.hip_thm--dark .table-hover .table-success:hover>td,.hip_thm--dark .table-hover .table-success:hover>th{background-color:#a4e7d6}.hip_thm--dark .table-info,.hip_thm--dark .table-info>th,.hip_thm--dark .table-info>td{background-color:#c6e2f5}.hip_thm--dark .table-info th,.hip_thm--dark .table-info td,.hip_thm--dark .table-info thead th,.hip_thm--dark .table-info tbody+tbody{border-color:#95c9ec}.hip_thm--dark .table-hover .table-info:hover{background-color:#b0d7f1}.hip_thm--dark .table-hover .table-info:hover>td,.hip_thm--dark .table-hover .table-info:hover>th{background-color:#b0d7f1}.hip_thm--dark .table-warning,.hip_thm--dark .table-warning>th,.hip_thm--dark .table-warning>td{background-color:#fce3bd}.hip_thm--dark .table-warning th,.hip_thm--dark .table-warning td,.hip_thm--dark .table-warning thead th,.hip_thm--dark .table-warning tbody+tbody{border-color:#f9cc84}.hip_thm--dark .table-hover .table-warning:hover{background-color:#fbd9a5}.hip_thm--dark .table-hover .table-warning:hover>td,.hip_thm--dark .table-hover .table-warning:hover>th{background-color:#fbd9a5}.hip_thm--dark .table-danger,.hip_thm--dark .table-danger>th,.hip_thm--dark .table-danger>td{background-color:#f8cdc8}.hip_thm--dark .table-danger th,.hip_thm--dark .table-danger td,.hip_thm--dark .table-danger thead th,.hip_thm--dark .table-danger tbody+tbody{border-color:#f3a29a}.hip_thm--dark .table-hover .table-danger:hover{background-color:#f5b8b1}.hip_thm--dark .table-hover .table-danger:hover>td,.hip_thm--dark .table-hover .table-danger:hover>th{background-color:#f5b8b1}.hip_thm--dark .table-light,.hip_thm--dark .table-light>th,.hip_thm--dark .table-light>td{background-color:#e8eaed}.hip_thm--dark .table-light th,.hip_thm--dark .table-light td,.hip_thm--dark .table-light thead th,.hip_thm--dark .table-light tbody+tbody{border-color:#d4d9dd}.hip_thm--dark .table-hover .table-light:hover{background-color:#dadde2}.hip_thm--dark .table-hover .table-light:hover>td,.hip_thm--dark .table-hover .table-light:hover>th{background-color:#dadde2}.hip_thm--dark .table-dark,.hip_thm--dark .table-dark>th,.hip_thm--dark .table-dark>td{background-color:#c5c5c5}.hip_thm--dark .table-dark th,.hip_thm--dark .table-dark td,.hip_thm--dark .table-dark thead th,.hip_thm--dark .table-dark tbody+tbody{border-color:#939393}.hip_thm--dark .table-hover .table-dark:hover{background-color:#b8b8b8}.hip_thm--dark .table-hover .table-dark:hover>td,.hip_thm--dark .table-hover .table-dark:hover>th{background-color:#b8b8b8}.hip_thm--dark .table-active,.hip_thm--dark .table-active>th,.hip_thm--dark .table-active>td{background-color:rgba(0,0,0,.075)}.hip_thm--dark .table-hover .table-active:hover{background-color:rgba(0,0,0,.075)}.hip_thm--dark .table-hover .table-active:hover>td,.hip_thm--dark .table-hover .table-active:hover>th{background-color:rgba(0,0,0,.075)}.hip_thm--dark .table .thead-dark th{color:#fff;background-color:#303030;border-color:#434343}.hip_thm--dark .table .thead-light th{color:#444;background-color:#ebebeb;border-color:#444}.hip_thm--dark .table-dark{color:#fff;background-color:#303030}.hip_thm--dark .table-dark th,.hip_thm--dark .table-dark td,.hip_thm--dark .table-dark thead th{border-color:#434343}.hip_thm--dark .table-dark.table-bordered{border:0}.hip_thm--dark .table-dark.table-striped tbody tr:nth-of-type(odd){background-color:rgba(255,255,255,.05)}.hip_thm--dark .table-dark.table-hover tbody tr:hover{color:#fff;background-color:rgba(255,255,255,.075)}@media(max-width: 575.98px){.hip_thm--dark .table-responsive-sm{display:block;width:100%;overflow-x:auto;-webkit-overflow-scrolling:touch}.hip_thm--dark .table-responsive-sm>.table-bordered{border:0}}@media(max-width: 767.98px){.hip_thm--dark .table-responsive-md{display:block;width:100%;overflow-x:auto;-webkit-overflow-scrolling:touch}.hip_thm--dark .table-responsive-md>.table-bordered{border:0}}@media(max-width: 991.98px){.hip_thm--dark .table-responsive-lg{display:block;width:100%;overflow-x:auto;-webkit-overflow-scrolling:touch}.hip_thm--dark .table-responsive-lg>.table-bordered{border:0}}@media(max-width: 1199.98px){.hip_thm--dark .table-responsive-xl{display:block;width:100%;overflow-x:auto;-webkit-overflow-scrolling:touch}.hip_thm--dark .table-responsive-xl>.table-bordered{border:0}}.hip_thm--dark .table-responsive{display:block;width:100%;overflow-x:auto;-webkit-overflow-scrolling:touch}.hip_thm--dark .table-responsive>.table-bordered{border:0}.hip_thm--dark .form-control{display:block;width:100%;height:calc(1.5em + 0.75rem + 2px);padding:6px 12px;font-size:15px;font-weight:400;line-height:1.5;color:#444;background-color:#fff;background-clip:padding-box;border:1px solid #222;border-radius:4px;transition:border-color .15s ease-in-out,box-shadow .15s ease-in-out}@media(prefers-reduced-motion: reduce){.hip_thm--dark .form-control{transition:none}}.hip_thm--dark .form-control::-ms-expand{background-color:transparent;border:0}.hip_thm--dark .form-control:-moz-focusring{color:transparent;text-shadow:0 0 0 #444}.hip_thm--dark .form-control:focus{color:#444;background-color:#fff;border-color:#739ac2;outline:0;box-shadow:0 0 0 .2rem rgba(55,90,127,.25)}.hip_thm--dark .form-control::placeholder{color:#888;opacity:1}.hip_thm--dark .form-control:disabled,.hip_thm--dark .form-control[readonly]{background-color:#ebebeb;opacity:1}.hip_thm--dark input[type=date].form-control,.hip_thm--dark input[type=time].form-control,.hip_thm--dark input[type=datetime-local].form-control,.hip_thm--dark input[type=month].form-control{appearance:none}.hip_thm--dark select.form-control:focus::-ms-value{color:#444;background-color:#fff}.hip_thm--dark .form-control-file,.hip_thm--dark .form-control-range{display:block;width:100%}.hip_thm--dark .col-form-label{padding-top:calc(6px + 1px);padding-bottom:calc(6px + 1px);margin-bottom:0;font-size:inherit;line-height:1.5}.hip_thm--dark .col-form-label-lg{padding-top:calc(8px + 1px);padding-bottom:calc(8px + 1px);font-size:18.75px;line-height:1.5}.hip_thm--dark .col-form-label-sm{padding-top:calc(4px + 1px);padding-bottom:calc(4px + 1px);font-size:13.125px;line-height:1.5}.hip_thm--dark .form-control-plaintext{display:block;width:100%;padding:6px 0;margin-bottom:0;font-size:15px;line-height:1.5;color:#fff;background-color:transparent;border:solid transparent;border-width:1px 0}.hip_thm--dark .form-control-plaintext.form-control-sm,.hip_thm--dark .form-control-plaintext.form-control-lg{padding-right:0;padding-left:0}.hip_thm--dark .form-control-sm{height:calc(1.5em + 0.5rem + 2px);padding:4px 8px;font-size:13.125px;line-height:1.5;border-radius:3.2px}.hip_thm--dark .form-control-lg{height:calc(1.5em + 1rem + 2px);padding:8px 16px;font-size:18.75px;line-height:1.5;border-radius:4.8px}.hip_thm--dark select.form-control[size],.hip_thm--dark select.form-control[multiple]{height:auto}.hip_thm--dark textarea.form-control{height:auto}.hip_thm--dark .form-group{margin-bottom:1rem}.hip_thm--dark .form-text{display:block;margin-top:.25rem}.hip_thm--dark .form-row{display:flex;flex-wrap:wrap;margin-right:-5px;margin-left:-5px}.hip_thm--dark .form-row>.col,.hip_thm--dark .form-row>[class*=col-]{padding-right:5px;padding-left:5px}.hip_thm--dark .form-check{position:relative;display:block;padding-left:20px}.hip_thm--dark .form-check-input{position:absolute;margin-top:.3rem;margin-left:-1.25rem}.hip_thm--dark .form-check-input[disabled]~.form-check-label,.hip_thm--dark .form-check-input:disabled~.form-check-label{color:#888}.hip_thm--dark .form-check-label{margin-bottom:0}.hip_thm--dark .form-check-inline{display:inline-flex;align-items:center;padding-left:0;margin-right:.75rem}.hip_thm--dark .form-check-inline .form-check-input{position:static;margin-top:0;margin-right:.3125rem;margin-left:0}.hip_thm--dark .valid-feedback{display:none;width:100%;margin-top:.25rem;font-size:80%;color:#00bc8c}.hip_thm--dark .valid-tooltip{position:absolute;top:100%;left:0;z-index:5;display:none;max-width:100%;padding:4px 8px;margin-top:.1rem;font-size:13.125px;line-height:1.5;color:#fff;background-color:rgba(0,188,140,.9);border-radius:4px}.form-row>.col>.hip_thm--dark .valid-tooltip,.form-row>[class*=col-]>.hip_thm--dark .valid-tooltip{left:5px}.was-validated .hip_thm--dark:valid~.valid-feedback,.was-validated .hip_thm--dark:valid~.valid-tooltip,.hip_thm--dark.is-valid~.valid-feedback,.hip_thm--dark.is-valid~.valid-tooltip{display:block}.was-validated .hip_thm--dark .form-control:valid,.hip_thm--dark .form-control.is-valid{border-color:#00bc8c;padding-right:calc(1.5em + 12px);background-image:url(\"data:image/svg+xml,%3csvg xmlns='http://www.w3.org/2000/svg' width='8' height='8' viewBox='0 0 8 8'%3e%3cpath fill='%2300bc8c' d='M2.3 6.73L.6 4.53c-.4-1.04.46-1.4 1.1-.8l1.1 1.4 3.4-3.8c.6-.63 1.6-.27 1.2.7l-4 4.6c-.43.5-.8.4-1.1.1z'/%3e%3c/svg%3e\");background-repeat:no-repeat;background-position:right calc(0.375em + 0.1875rem) center;background-size:calc(0.75em + 0.375rem) calc(0.75em + 0.375rem)}.was-validated .hip_thm--dark .form-control:valid:focus,.hip_thm--dark .form-control.is-valid:focus{border-color:#00bc8c;box-shadow:0 0 0 .2rem rgba(0,188,140,.25)}.was-validated .hip_thm--dark textarea.form-control:valid,.hip_thm--dark textarea.form-control.is-valid{padding-right:calc(1.5em + 12px);background-position:top calc(0.375em + 0.1875rem) right calc(0.375em + 0.1875rem)}.was-validated .hip_thm--dark .custom-select:valid,.hip_thm--dark .custom-select.is-valid{border-color:#00bc8c;padding-right:calc(0.75em + 37px);background:url(\"data:image/svg+xml,%3csvg xmlns='http://www.w3.org/2000/svg' width='4' height='5' viewBox='0 0 4 5'%3e%3cpath fill='%23303030' d='M2 0L0 2h4zm0 5L0 3h4z'/%3e%3c/svg%3e\") right .75rem center/8px 10px no-repeat,#fff url(\"data:image/svg+xml,%3csvg xmlns='http://www.w3.org/2000/svg' width='8' height='8' viewBox='0 0 8 8'%3e%3cpath fill='%2300bc8c' d='M2.3 6.73L.6 4.53c-.4-1.04.46-1.4 1.1-.8l1.1 1.4 3.4-3.8c.6-.63 1.6-.27 1.2.7l-4 4.6c-.43.5-.8.4-1.1.1z'/%3e%3c/svg%3e\") center right 1.75rem/calc(0.75em + 0.375rem) calc(0.75em + 0.375rem) no-repeat}.was-validated .hip_thm--dark .custom-select:valid:focus,.hip_thm--dark .custom-select.is-valid:focus{border-color:#00bc8c;box-shadow:0 0 0 .2rem rgba(0,188,140,.25)}.was-validated .hip_thm--dark .form-check-input:valid~.form-check-label,.hip_thm--dark .form-check-input.is-valid~.form-check-label{color:#00bc8c}.was-validated .hip_thm--dark .form-check-input:valid~.valid-feedback,.was-validated .hip_thm--dark .form-check-input:valid~.valid-tooltip,.hip_thm--dark .form-check-input.is-valid~.valid-feedback,.hip_thm--dark .form-check-input.is-valid~.valid-tooltip{display:block}.was-validated .hip_thm--dark .custom-control-input:valid~.custom-control-label,.hip_thm--dark .custom-control-input.is-valid~.custom-control-label{color:#00bc8c}.was-validated .hip_thm--dark .custom-control-input:valid~.custom-control-label::before,.hip_thm--dark .custom-control-input.is-valid~.custom-control-label::before{border-color:#00bc8c}.was-validated .hip_thm--dark .custom-control-input:valid:checked~.custom-control-label::before,.hip_thm--dark .custom-control-input.is-valid:checked~.custom-control-label::before{border-color:#00efb2;background-color:#00efb2}.was-validated .hip_thm--dark .custom-control-input:valid:focus~.custom-control-label::before,.hip_thm--dark .custom-control-input.is-valid:focus~.custom-control-label::before{box-shadow:0 0 0 .2rem rgba(0,188,140,.25)}.was-validated .hip_thm--dark .custom-control-input:valid:focus:not(:checked)~.custom-control-label::before,.hip_thm--dark .custom-control-input.is-valid:focus:not(:checked)~.custom-control-label::before{border-color:#00bc8c}.was-validated .hip_thm--dark .custom-file-input:valid~.custom-file-label,.hip_thm--dark .custom-file-input.is-valid~.custom-file-label{border-color:#00bc8c}.was-validated .hip_thm--dark .custom-file-input:valid:focus~.custom-file-label,.hip_thm--dark .custom-file-input.is-valid:focus~.custom-file-label{border-color:#00bc8c;box-shadow:0 0 0 .2rem rgba(0,188,140,.25)}.hip_thm--dark .invalid-feedback{display:none;width:100%;margin-top:.25rem;font-size:80%;color:#e74c3c}.hip_thm--dark .invalid-tooltip{position:absolute;top:100%;left:0;z-index:5;display:none;max-width:100%;padding:4px 8px;margin-top:.1rem;font-size:13.125px;line-height:1.5;color:#fff;background-color:rgba(231,76,60,.9);border-radius:4px}.form-row>.col>.hip_thm--dark .invalid-tooltip,.form-row>[class*=col-]>.hip_thm--dark .invalid-tooltip{left:5px}.was-validated .hip_thm--dark:invalid~.invalid-feedback,.was-validated .hip_thm--dark:invalid~.invalid-tooltip,.hip_thm--dark.is-invalid~.invalid-feedback,.hip_thm--dark.is-invalid~.invalid-tooltip{display:block}.was-validated .hip_thm--dark .form-control:invalid,.hip_thm--dark .form-control.is-invalid{border-color:#e74c3c;padding-right:calc(1.5em + 12px);background-image:url(\"data:image/svg+xml,%3csvg xmlns='http://www.w3.org/2000/svg' width='12' height='12' fill='none' stroke='%23E74C3C' viewBox='0 0 12 12'%3e%3ccircle cx='6' cy='6' r='4.5'/%3e%3cpath stroke-linejoin='round' d='M5.8 3.6h.4L6 6.5z'/%3e%3ccircle cx='6' cy='8.2' r='.6' fill='%23E74C3C' stroke='none'/%3e%3c/svg%3e\");background-repeat:no-repeat;background-position:right calc(0.375em + 0.1875rem) center;background-size:calc(0.75em + 0.375rem) calc(0.75em + 0.375rem)}.was-validated .hip_thm--dark .form-control:invalid:focus,.hip_thm--dark .form-control.is-invalid:focus{border-color:#e74c3c;box-shadow:0 0 0 .2rem rgba(231,76,60,.25)}.was-validated .hip_thm--dark textarea.form-control:invalid,.hip_thm--dark textarea.form-control.is-invalid{padding-right:calc(1.5em + 12px);background-position:top calc(0.375em + 0.1875rem) right calc(0.375em + 0.1875rem)}.was-validated .hip_thm--dark .custom-select:invalid,.hip_thm--dark .custom-select.is-invalid{border-color:#e74c3c;padding-right:calc(0.75em + 37px);background:url(\"data:image/svg+xml,%3csvg xmlns='http://www.w3.org/2000/svg' width='4' height='5' viewBox='0 0 4 5'%3e%3cpath fill='%23303030' d='M2 0L0 2h4zm0 5L0 3h4z'/%3e%3c/svg%3e\") right .75rem center/8px 10px no-repeat,#fff url(\"data:image/svg+xml,%3csvg xmlns='http://www.w3.org/2000/svg' width='12' height='12' fill='none' stroke='%23E74C3C' viewBox='0 0 12 12'%3e%3ccircle cx='6' cy='6' r='4.5'/%3e%3cpath stroke-linejoin='round' d='M5.8 3.6h.4L6 6.5z'/%3e%3ccircle cx='6' cy='8.2' r='.6' fill='%23E74C3C' stroke='none'/%3e%3c/svg%3e\") center right 1.75rem/calc(0.75em + 0.375rem) calc(0.75em + 0.375rem) no-repeat}.was-validated .hip_thm--dark .custom-select:invalid:focus,.hip_thm--dark .custom-select.is-invalid:focus{border-color:#e74c3c;box-shadow:0 0 0 .2rem rgba(231,76,60,.25)}.was-validated .hip_thm--dark .form-check-input:invalid~.form-check-label,.hip_thm--dark .form-check-input.is-invalid~.form-check-label{color:#e74c3c}.was-validated .hip_thm--dark .form-check-input:invalid~.invalid-feedback,.was-validated .hip_thm--dark .form-check-input:invalid~.invalid-tooltip,.hip_thm--dark .form-check-input.is-invalid~.invalid-feedback,.hip_thm--dark .form-check-input.is-invalid~.invalid-tooltip{display:block}.was-validated .hip_thm--dark .custom-control-input:invalid~.custom-control-label,.hip_thm--dark .custom-control-input.is-invalid~.custom-control-label{color:#e74c3c}.was-validated .hip_thm--dark .custom-control-input:invalid~.custom-control-label::before,.hip_thm--dark .custom-control-input.is-invalid~.custom-control-label::before{border-color:#e74c3c}.was-validated .hip_thm--dark .custom-control-input:invalid:checked~.custom-control-label::before,.hip_thm--dark .custom-control-input.is-invalid:checked~.custom-control-label::before{border-color:#ed7669;background-color:#ed7669}.was-validated .hip_thm--dark .custom-control-input:invalid:focus~.custom-control-label::before,.hip_thm--dark .custom-control-input.is-invalid:focus~.custom-control-label::before{box-shadow:0 0 0 .2rem rgba(231,76,60,.25)}.was-validated .hip_thm--dark .custom-control-input:invalid:focus:not(:checked)~.custom-control-label::before,.hip_thm--dark .custom-control-input.is-invalid:focus:not(:checked)~.custom-control-label::before{border-color:#e74c3c}.was-validated .hip_thm--dark .custom-file-input:invalid~.custom-file-label,.hip_thm--dark .custom-file-input.is-invalid~.custom-file-label{border-color:#e74c3c}.was-validated .hip_thm--dark .custom-file-input:invalid:focus~.custom-file-label,.hip_thm--dark .custom-file-input.is-invalid:focus~.custom-file-label{border-color:#e74c3c;box-shadow:0 0 0 .2rem rgba(231,76,60,.25)}.hip_thm--dark .form-inline{display:flex;flex-flow:row wrap;align-items:center}.hip_thm--dark .form-inline .form-check{width:100%}@media(min-width: 576px){.hip_thm--dark .form-inline label{display:flex;align-items:center;justify-content:center;margin-bottom:0}.hip_thm--dark .form-inline .form-group{display:flex;flex:0 0 auto;flex-flow:row wrap;align-items:center;margin-bottom:0}.hip_thm--dark .form-inline .form-control{display:inline-block;width:auto;vertical-align:middle}.hip_thm--dark .form-inline .form-control-plaintext{display:inline-block}.hip_thm--dark .form-inline .input-group,.hip_thm--dark .form-inline .custom-select{width:auto}.hip_thm--dark .form-inline .form-check{display:flex;align-items:center;justify-content:center;width:auto;padding-left:0}.hip_thm--dark .form-inline .form-check-input{position:relative;flex-shrink:0;margin-top:0;margin-right:.25rem;margin-left:0}.hip_thm--dark .form-inline .custom-control{align-items:center;justify-content:center}.hip_thm--dark .form-inline .custom-control-label{margin-bottom:0}}.hip_thm--dark .btn{display:inline-block;font-weight:400;color:#fff;text-align:center;vertical-align:middle;user-select:none;background-color:transparent;border:1px solid transparent;padding:6px 12px;font-size:15px;line-height:1.5;border-radius:4px;transition:color .15s ease-in-out,background-color .15s ease-in-out,border-color .15s ease-in-out,box-shadow .15s ease-in-out}@media(prefers-reduced-motion: reduce){.hip_thm--dark .btn{transition:none}}.hip_thm--dark .btn:hover{color:#fff;text-decoration:none}.hip_thm--dark .btn:focus,.hip_thm--dark .btn.focus{outline:0;box-shadow:0 0 0 .2rem rgba(55,90,127,.25)}.hip_thm--dark .btn.disabled,.hip_thm--dark .btn:disabled{opacity:.65}.hip_thm--dark .btn:not(:disabled):not(.disabled){cursor:pointer}.hip_thm--dark a.btn.disabled,.hip_thm--dark fieldset:disabled a.btn{pointer-events:none}.hip_thm--dark .btn-primary{color:#fff;background-color:#375a7f;border-color:#375a7f}.hip_thm--dark .btn-primary:hover{color:#fff;background-color:#2b4764;border-color:#28415b}.hip_thm--dark .btn-primary:focus,.hip_thm--dark .btn-primary.focus{color:#fff;background-color:#2b4764;border-color:#28415b;box-shadow:0 0 0 .2rem rgba(85,115,146,.5)}.hip_thm--dark .btn-primary.disabled,.hip_thm--dark .btn-primary:disabled{color:#fff;background-color:#375a7f;border-color:#375a7f}.hip_thm--dark .btn-primary:not(:disabled):not(.disabled):active,.hip_thm--dark .btn-primary:not(:disabled):not(.disabled).active,.show>.hip_thm--dark .btn-primary.dropdown-toggle{color:#fff;background-color:#28415b;border-color:#243a53}.hip_thm--dark .btn-primary:not(:disabled):not(.disabled):active:focus,.hip_thm--dark .btn-primary:not(:disabled):not(.disabled).active:focus,.show>.hip_thm--dark .btn-primary.dropdown-toggle:focus{box-shadow:0 0 0 .2rem rgba(85,115,146,.5)}.hip_thm--dark .btn-secondary{color:#fff;background-color:#444;border-color:#444}.hip_thm--dark .btn-secondary:hover{color:#fff;background-color:#313131;border-color:#2b2b2b}.hip_thm--dark .btn-secondary:focus,.hip_thm--dark .btn-secondary.focus{color:#fff;background-color:#313131;border-color:#2b2b2b;box-shadow:0 0 0 .2rem rgba(96,96,96,.5)}.hip_thm--dark .btn-secondary.disabled,.hip_thm--dark .btn-secondary:disabled{color:#fff;background-color:#444;border-color:#444}.hip_thm--dark .btn-secondary:not(:disabled):not(.disabled):active,.hip_thm--dark .btn-secondary:not(:disabled):not(.disabled).active,.show>.hip_thm--dark .btn-secondary.dropdown-toggle{color:#fff;background-color:#2b2b2b;border-color:#242424}.hip_thm--dark .btn-secondary:not(:disabled):not(.disabled):active:focus,.hip_thm--dark .btn-secondary:not(:disabled):not(.disabled).active:focus,.show>.hip_thm--dark .btn-secondary.dropdown-toggle:focus{box-shadow:0 0 0 .2rem rgba(96,96,96,.5)}.hip_thm--dark .btn-success{color:#fff;background-color:#00bc8c;border-color:#00bc8c}.hip_thm--dark .btn-success:hover{color:#fff;background-color:#009670;border-color:#008966}.hip_thm--dark .btn-success:focus,.hip_thm--dark .btn-success.focus{color:#fff;background-color:#009670;border-color:#008966;box-shadow:0 0 0 .2rem rgba(38,198,157,.5)}.hip_thm--dark .btn-success.disabled,.hip_thm--dark .btn-success:disabled{color:#fff;background-color:#00bc8c;border-color:#00bc8c}.hip_thm--dark .btn-success:not(:disabled):not(.disabled):active,.hip_thm--dark .btn-success:not(:disabled):not(.disabled).active,.show>.hip_thm--dark .btn-success.dropdown-toggle{color:#fff;background-color:#008966;border-color:#007c5d}.hip_thm--dark .btn-success:not(:disabled):not(.disabled):active:focus,.hip_thm--dark .btn-success:not(:disabled):not(.disabled).active:focus,.show>.hip_thm--dark .btn-success.dropdown-toggle:focus{box-shadow:0 0 0 .2rem rgba(38,198,157,.5)}.hip_thm--dark .btn-info{color:#fff;background-color:#3498db;border-color:#3498db}.hip_thm--dark .btn-info:hover{color:#fff;background-color:#2384c6;border-color:#217dbb}.hip_thm--dark .btn-info:focus,.hip_thm--dark .btn-info.focus{color:#fff;background-color:#2384c6;border-color:#217dbb;box-shadow:0 0 0 .2rem rgba(82,167,224,.5)}.hip_thm--dark .btn-info.disabled,.hip_thm--dark .btn-info:disabled{color:#fff;background-color:#3498db;border-color:#3498db}.hip_thm--dark .btn-info:not(:disabled):not(.disabled):active,.hip_thm--dark .btn-info:not(:disabled):not(.disabled).active,.show>.hip_thm--dark .btn-info.dropdown-toggle{color:#fff;background-color:#217dbb;border-color:#1f76b0}.hip_thm--dark .btn-info:not(:disabled):not(.disabled):active:focus,.hip_thm--dark .btn-info:not(:disabled):not(.disabled).active:focus,.show>.hip_thm--dark .btn-info.dropdown-toggle:focus{box-shadow:0 0 0 .2rem rgba(82,167,224,.5)}.hip_thm--dark .btn-warning{color:#fff;background-color:#f39c12;border-color:#f39c12}.hip_thm--dark .btn-warning:hover{color:#fff;background-color:#d4860b;border-color:#c87f0a}.hip_thm--dark .btn-warning:focus,.hip_thm--dark .btn-warning.focus{color:#fff;background-color:#d4860b;border-color:#c87f0a;box-shadow:0 0 0 .2rem rgba(245,171,54,.5)}.hip_thm--dark .btn-warning.disabled,.hip_thm--dark .btn-warning:disabled{color:#fff;background-color:#f39c12;border-color:#f39c12}.hip_thm--dark .btn-warning:not(:disabled):not(.disabled):active,.hip_thm--dark .btn-warning:not(:disabled):not(.disabled).active,.show>.hip_thm--dark .btn-warning.dropdown-toggle{color:#fff;background-color:#c87f0a;border-color:#bc770a}.hip_thm--dark .btn-warning:not(:disabled):not(.disabled):active:focus,.hip_thm--dark .btn-warning:not(:disabled):not(.disabled).active:focus,.show>.hip_thm--dark .btn-warning.dropdown-toggle:focus{box-shadow:0 0 0 .2rem rgba(245,171,54,.5)}.hip_thm--dark .btn-danger{color:#fff;background-color:#e74c3c;border-color:#e74c3c}.hip_thm--dark .btn-danger:hover{color:#fff;background-color:#e12e1c;border-color:#d62c1a}.hip_thm--dark .btn-danger:focus,.hip_thm--dark .btn-danger.focus{color:#fff;background-color:#e12e1c;border-color:#d62c1a;box-shadow:0 0 0 .2rem rgba(235,103,89,.5)}.hip_thm--dark .btn-danger.disabled,.hip_thm--dark .btn-danger:disabled{color:#fff;background-color:#e74c3c;border-color:#e74c3c}.hip_thm--dark .btn-danger:not(:disabled):not(.disabled):active,.hip_thm--dark .btn-danger:not(:disabled):not(.disabled).active,.show>.hip_thm--dark .btn-danger.dropdown-toggle{color:#fff;background-color:#d62c1a;border-color:#ca2a19}.hip_thm--dark .btn-danger:not(:disabled):not(.disabled):active:focus,.hip_thm--dark .btn-danger:not(:disabled):not(.disabled).active:focus,.show>.hip_thm--dark .btn-danger.dropdown-toggle:focus{box-shadow:0 0 0 .2rem rgba(235,103,89,.5)}.hip_thm--dark .btn-light{color:#222;background-color:#adb5bd;border-color:#adb5bd}.hip_thm--dark .btn-light:hover{color:#fff;background-color:#98a2ac;border-color:#919ca6}.hip_thm--dark .btn-light:focus,.hip_thm--dark .btn-light.focus{color:#fff;background-color:#98a2ac;border-color:#919ca6;box-shadow:0 0 0 .2rem rgba(152,159,166,.5)}.hip_thm--dark .btn-light.disabled,.hip_thm--dark .btn-light:disabled{color:#222;background-color:#adb5bd;border-color:#adb5bd}.hip_thm--dark .btn-light:not(:disabled):not(.disabled):active,.hip_thm--dark .btn-light:not(:disabled):not(.disabled).active,.show>.hip_thm--dark .btn-light.dropdown-toggle{color:#fff;background-color:#919ca6;border-color:#8a95a1}.hip_thm--dark .btn-light:not(:disabled):not(.disabled):active:focus,.hip_thm--dark .btn-light:not(:disabled):not(.disabled).active:focus,.show>.hip_thm--dark .btn-light.dropdown-toggle:focus{box-shadow:0 0 0 .2rem rgba(152,159,166,.5)}.hip_thm--dark .btn-dark{color:#fff;background-color:#303030;border-color:#303030}.hip_thm--dark .btn-dark:hover{color:#fff;background-color:#1d1d1d;border-color:#171717}.hip_thm--dark .btn-dark:focus,.hip_thm--dark .btn-dark.focus{color:#fff;background-color:#1d1d1d;border-color:#171717;box-shadow:0 0 0 .2rem rgba(79,79,79,.5)}.hip_thm--dark .btn-dark.disabled,.hip_thm--dark .btn-dark:disabled{color:#fff;background-color:#303030;border-color:#303030}.hip_thm--dark .btn-dark:not(:disabled):not(.disabled):active,.hip_thm--dark .btn-dark:not(:disabled):not(.disabled).active,.show>.hip_thm--dark .btn-dark.dropdown-toggle{color:#fff;background-color:#171717;border-color:#101010}.hip_thm--dark .btn-dark:not(:disabled):not(.disabled):active:focus,.hip_thm--dark .btn-dark:not(:disabled):not(.disabled).active:focus,.show>.hip_thm--dark .btn-dark.dropdown-toggle:focus{box-shadow:0 0 0 .2rem rgba(79,79,79,.5)}.hip_thm--dark .btn-outline-primary{color:#375a7f;border-color:#375a7f}.hip_thm--dark .btn-outline-primary:hover{color:#fff;background-color:#375a7f;border-color:#375a7f}.hip_thm--dark .btn-outline-primary:focus,.hip_thm--dark .btn-outline-primary.focus{box-shadow:0 0 0 .2rem rgba(55,90,127,.5)}.hip_thm--dark .btn-outline-primary.disabled,.hip_thm--dark .btn-outline-primary:disabled{color:#375a7f;background-color:transparent}.hip_thm--dark .btn-outline-primary:not(:disabled):not(.disabled):active,.hip_thm--dark .btn-outline-primary:not(:disabled):not(.disabled).active,.show>.hip_thm--dark .btn-outline-primary.dropdown-toggle{color:#fff;background-color:#375a7f;border-color:#375a7f}.hip_thm--dark .btn-outline-primary:not(:disabled):not(.disabled):active:focus,.hip_thm--dark .btn-outline-primary:not(:disabled):not(.disabled).active:focus,.show>.hip_thm--dark .btn-outline-primary.dropdown-toggle:focus{box-shadow:0 0 0 .2rem rgba(55,90,127,.5)}.hip_thm--dark .btn-outline-secondary{color:#444;border-color:#444}.hip_thm--dark .btn-outline-secondary:hover{color:#fff;background-color:#444;border-color:#444}.hip_thm--dark .btn-outline-secondary:focus,.hip_thm--dark .btn-outline-secondary.focus{box-shadow:0 0 0 .2rem rgba(68,68,68,.5)}.hip_thm--dark .btn-outline-secondary.disabled,.hip_thm--dark .btn-outline-secondary:disabled{color:#444;background-color:transparent}.hip_thm--dark .btn-outline-secondary:not(:disabled):not(.disabled):active,.hip_thm--dark .btn-outline-secondary:not(:disabled):not(.disabled).active,.show>.hip_thm--dark .btn-outline-secondary.dropdown-toggle{color:#fff;background-color:#444;border-color:#444}.hip_thm--dark .btn-outline-secondary:not(:disabled):not(.disabled):active:focus,.hip_thm--dark .btn-outline-secondary:not(:disabled):not(.disabled).active:focus,.show>.hip_thm--dark .btn-outline-secondary.dropdown-toggle:focus{box-shadow:0 0 0 .2rem rgba(68,68,68,.5)}.hip_thm--dark .btn-outline-success{color:#00bc8c;border-color:#00bc8c}.hip_thm--dark .btn-outline-success:hover{color:#fff;background-color:#00bc8c;border-color:#00bc8c}.hip_thm--dark .btn-outline-success:focus,.hip_thm--dark .btn-outline-success.focus{box-shadow:0 0 0 .2rem rgba(0,188,140,.5)}.hip_thm--dark .btn-outline-success.disabled,.hip_thm--dark .btn-outline-success:disabled{color:#00bc8c;background-color:transparent}.hip_thm--dark .btn-outline-success:not(:disabled):not(.disabled):active,.hip_thm--dark .btn-outline-success:not(:disabled):not(.disabled).active,.show>.hip_thm--dark .btn-outline-success.dropdown-toggle{color:#fff;background-color:#00bc8c;border-color:#00bc8c}.hip_thm--dark .btn-outline-success:not(:disabled):not(.disabled):active:focus,.hip_thm--dark .btn-outline-success:not(:disabled):not(.disabled).active:focus,.show>.hip_thm--dark .btn-outline-success.dropdown-toggle:focus{box-shadow:0 0 0 .2rem rgba(0,188,140,.5)}.hip_thm--dark .btn-outline-info{color:#3498db;border-color:#3498db}.hip_thm--dark .btn-outline-info:hover{color:#fff;background-color:#3498db;border-color:#3498db}.hip_thm--dark .btn-outline-info:focus,.hip_thm--dark .btn-outline-info.focus{box-shadow:0 0 0 .2rem rgba(52,152,219,.5)}.hip_thm--dark .btn-outline-info.disabled,.hip_thm--dark .btn-outline-info:disabled{color:#3498db;background-color:transparent}.hip_thm--dark .btn-outline-info:not(:disabled):not(.disabled):active,.hip_thm--dark .btn-outline-info:not(:disabled):not(.disabled).active,.show>.hip_thm--dark .btn-outline-info.dropdown-toggle{color:#fff;background-color:#3498db;border-color:#3498db}.hip_thm--dark .btn-outline-info:not(:disabled):not(.disabled):active:focus,.hip_thm--dark .btn-outline-info:not(:disabled):not(.disabled).active:focus,.show>.hip_thm--dark .btn-outline-info.dropdown-toggle:focus{box-shadow:0 0 0 .2rem rgba(52,152,219,.5)}.hip_thm--dark .btn-outline-warning{color:#f39c12;border-color:#f39c12}.hip_thm--dark .btn-outline-warning:hover{color:#fff;background-color:#f39c12;border-color:#f39c12}.hip_thm--dark .btn-outline-warning:focus,.hip_thm--dark .btn-outline-warning.focus{box-shadow:0 0 0 .2rem rgba(243,156,18,.5)}.hip_thm--dark .btn-outline-warning.disabled,.hip_thm--dark .btn-outline-warning:disabled{color:#f39c12;background-color:transparent}.hip_thm--dark .btn-outline-warning:not(:disabled):not(.disabled):active,.hip_thm--dark .btn-outline-warning:not(:disabled):not(.disabled).active,.show>.hip_thm--dark .btn-outline-warning.dropdown-toggle{color:#fff;background-color:#f39c12;border-color:#f39c12}.hip_thm--dark .btn-outline-warning:not(:disabled):not(.disabled):active:focus,.hip_thm--dark .btn-outline-warning:not(:disabled):not(.disabled).active:focus,.show>.hip_thm--dark .btn-outline-warning.dropdown-toggle:focus{box-shadow:0 0 0 .2rem rgba(243,156,18,.5)}.hip_thm--dark .btn-outline-danger{color:#e74c3c;border-color:#e74c3c}.hip_thm--dark .btn-outline-danger:hover{color:#fff;background-color:#e74c3c;border-color:#e74c3c}.hip_thm--dark .btn-outline-danger:focus,.hip_thm--dark .btn-outline-danger.focus{box-shadow:0 0 0 .2rem rgba(231,76,60,.5)}.hip_thm--dark .btn-outline-danger.disabled,.hip_thm--dark .btn-outline-danger:disabled{color:#e74c3c;background-color:transparent}.hip_thm--dark .btn-outline-danger:not(:disabled):not(.disabled):active,.hip_thm--dark .btn-outline-danger:not(:disabled):not(.disabled).active,.show>.hip_thm--dark .btn-outline-danger.dropdown-toggle{color:#fff;background-color:#e74c3c;border-color:#e74c3c}.hip_thm--dark .btn-outline-danger:not(:disabled):not(.disabled):active:focus,.hip_thm--dark .btn-outline-danger:not(:disabled):not(.disabled).active:focus,.show>.hip_thm--dark .btn-outline-danger.dropdown-toggle:focus{box-shadow:0 0 0 .2rem rgba(231,76,60,.5)}.hip_thm--dark .btn-outline-light{color:#adb5bd;border-color:#adb5bd}.hip_thm--dark .btn-outline-light:hover{color:#222;background-color:#adb5bd;border-color:#adb5bd}.hip_thm--dark .btn-outline-light:focus,.hip_thm--dark .btn-outline-light.focus{box-shadow:0 0 0 .2rem rgba(173,181,189,.5)}.hip_thm--dark .btn-outline-light.disabled,.hip_thm--dark .btn-outline-light:disabled{color:#adb5bd;background-color:transparent}.hip_thm--dark .btn-outline-light:not(:disabled):not(.disabled):active,.hip_thm--dark .btn-outline-light:not(:disabled):not(.disabled).active,.show>.hip_thm--dark .btn-outline-light.dropdown-toggle{color:#222;background-color:#adb5bd;border-color:#adb5bd}.hip_thm--dark .btn-outline-light:not(:disabled):not(.disabled):active:focus,.hip_thm--dark .btn-outline-light:not(:disabled):not(.disabled).active:focus,.show>.hip_thm--dark .btn-outline-light.dropdown-toggle:focus{box-shadow:0 0 0 .2rem rgba(173,181,189,.5)}.hip_thm--dark .btn-outline-dark{color:#303030;border-color:#303030}.hip_thm--dark .btn-outline-dark:hover{color:#fff;background-color:#303030;border-color:#303030}.hip_thm--dark .btn-outline-dark:focus,.hip_thm--dark .btn-outline-dark.focus{box-shadow:0 0 0 .2rem rgba(48,48,48,.5)}.hip_thm--dark .btn-outline-dark.disabled,.hip_thm--dark .btn-outline-dark:disabled{color:#303030;background-color:transparent}.hip_thm--dark .btn-outline-dark:not(:disabled):not(.disabled):active,.hip_thm--dark .btn-outline-dark:not(:disabled):not(.disabled).active,.show>.hip_thm--dark .btn-outline-dark.dropdown-toggle{color:#fff;background-color:#303030;border-color:#303030}.hip_thm--dark .btn-outline-dark:not(:disabled):not(.disabled):active:focus,.hip_thm--dark .btn-outline-dark:not(:disabled):not(.disabled).active:focus,.show>.hip_thm--dark .btn-outline-dark.dropdown-toggle:focus{box-shadow:0 0 0 .2rem rgba(48,48,48,.5)}.hip_thm--dark .btn-link{font-weight:400;color:#00bc8c;text-decoration:none}.hip_thm--dark .btn-link:hover{color:#007053;text-decoration:underline}.hip_thm--dark .btn-link:focus,.hip_thm--dark .btn-link.focus{text-decoration:underline}.hip_thm--dark .btn-link:disabled,.hip_thm--dark .btn-link.disabled{color:#888;pointer-events:none}.hip_thm--dark .btn-lg,.hip_thm--dark .hip_thm--light .btn-group-lg>.btn,.hip_thm--dark .btn-group-lg>.btn{padding:8px 16px;font-size:18.75px;line-height:1.5;border-radius:4.8px}.hip_thm--dark .btn-sm,.hip_thm--dark .hip_thm--light .btn-group-sm>.btn,.hip_thm--dark .btn-group-sm>.btn{padding:4px 8px;font-size:13.125px;line-height:1.5;border-radius:3.2px}.hip_thm--dark .btn-block{display:block;width:100%}.hip_thm--dark .btn-block+.btn-block{margin-top:.5rem}.hip_thm--dark input[type=submit].btn-block,.hip_thm--dark input[type=reset].btn-block,.hip_thm--dark input[type=button].btn-block{width:100%}.hip_thm--dark .fade{transition:opacity .15s linear}@media(prefers-reduced-motion: reduce){.hip_thm--dark .fade{transition:none}}.hip_thm--dark .fade:not(.show){opacity:0}.hip_thm--dark .collapse:not(.show){display:none}.hip_thm--dark .collapsing{position:relative;height:0;overflow:hidden;transition:height .35s ease}@media(prefers-reduced-motion: reduce){.hip_thm--dark .collapsing{transition:none}}.hip_thm--dark .dropup,.hip_thm--dark .dropright,.hip_thm--dark .dropdown,.hip_thm--dark .dropleft{position:relative}.hip_thm--dark .dropdown-toggle{white-space:nowrap}.hip_thm--dark .dropdown-toggle::after{display:inline-block;margin-left:.255em;vertical-align:.255em;content:\"\";border-top:.3em solid;border-right:.3em solid transparent;border-bottom:0;border-left:.3em solid transparent}.hip_thm--dark .dropdown-toggle:empty::after{margin-left:0}.hip_thm--dark .dropdown-menu{position:absolute;top:100%;left:0;z-index:1000;display:none;float:left;min-width:10rem;padding:8px 0;margin:.125rem 0 0;font-size:15px;color:#fff;text-align:left;list-style:none;background-color:#222;background-clip:padding-box;border:1px solid #444;border-radius:4px}.hip_thm--dark .dropdown-menu-left{right:auto;left:0}.hip_thm--dark .dropdown-menu-right{right:0;left:auto}@media(min-width: 576px){.hip_thm--dark .dropdown-menu-sm-left{right:auto;left:0}.hip_thm--dark .dropdown-menu-sm-right{right:0;left:auto}}@media(min-width: 768px){.hip_thm--dark .dropdown-menu-md-left{right:auto;left:0}.hip_thm--dark .dropdown-menu-md-right{right:0;left:auto}}@media(min-width: 992px){.hip_thm--dark .dropdown-menu-lg-left{right:auto;left:0}.hip_thm--dark .dropdown-menu-lg-right{right:0;left:auto}}@media(min-width: 1200px){.hip_thm--dark .dropdown-menu-xl-left{right:auto;left:0}.hip_thm--dark .dropdown-menu-xl-right{right:0;left:auto}}.hip_thm--dark .dropup .dropdown-menu{top:auto;bottom:100%;margin-top:0;margin-bottom:.125rem}.hip_thm--dark .dropup .dropdown-toggle::after{display:inline-block;margin-left:.255em;vertical-align:.255em;content:\"\";border-top:0;border-right:.3em solid transparent;border-bottom:.3em solid;border-left:.3em solid transparent}.hip_thm--dark .dropup .dropdown-toggle:empty::after{margin-left:0}.hip_thm--dark .dropright .dropdown-menu{top:0;right:auto;left:100%;margin-top:0;margin-left:.125rem}.hip_thm--dark .dropright .dropdown-toggle::after{display:inline-block;margin-left:.255em;vertical-align:.255em;content:\"\";border-top:.3em solid transparent;border-right:0;border-bottom:.3em solid transparent;border-left:.3em solid}.hip_thm--dark .dropright .dropdown-toggle:empty::after{margin-left:0}.hip_thm--dark .dropright .dropdown-toggle::after{vertical-align:0}.hip_thm--dark .dropleft .dropdown-menu{top:0;right:100%;left:auto;margin-top:0;margin-right:.125rem}.hip_thm--dark .dropleft .dropdown-toggle::after{display:inline-block;margin-left:.255em;vertical-align:.255em;content:\"\"}.hip_thm--dark .dropleft .dropdown-toggle::after{display:none}.hip_thm--dark .dropleft .dropdown-toggle::before{display:inline-block;margin-right:.255em;vertical-align:.255em;content:\"\";border-top:.3em solid transparent;border-right:.3em solid;border-bottom:.3em solid transparent}.hip_thm--dark .dropleft .dropdown-toggle:empty::after{margin-left:0}.hip_thm--dark .dropleft .dropdown-toggle::before{vertical-align:0}.hip_thm--dark .dropdown-menu[x-placement^=top],.hip_thm--dark .dropdown-menu[x-placement^=right],.hip_thm--dark .dropdown-menu[x-placement^=bottom],.hip_thm--dark .dropdown-menu[x-placement^=left]{right:auto;bottom:auto}.hip_thm--dark .dropdown-divider{height:0;margin:.5rem 0;overflow:hidden;border-top:1px solid #444}.hip_thm--dark .dropdown-item{display:block;width:100%;padding:4px 24px;clear:both;font-weight:400;color:#fff;text-align:inherit;white-space:nowrap;background-color:transparent;border:0}.hip_thm--dark .dropdown-item:hover,.hip_thm--dark .dropdown-item:focus{color:#fff;text-decoration:none;background-color:#375a7f}.hip_thm--dark .dropdown-item.active,.hip_thm--dark .dropdown-item:active{color:#fff;text-decoration:none;background-color:#375a7f}.hip_thm--dark .dropdown-item.disabled,.hip_thm--dark .dropdown-item:disabled{color:#adb5bd;pointer-events:none;background-color:transparent}.hip_thm--dark .dropdown-menu.show{display:block}.hip_thm--dark .dropdown-header{display:block;padding:8px 24px;margin-bottom:0;font-size:13.125px;color:#888;white-space:nowrap}.hip_thm--dark .dropdown-item-text{display:block;padding:4px 24px;color:#fff}.hip_thm--dark .btn-group,.hip_thm--dark .btn-group-vertical{position:relative;display:inline-flex;vertical-align:middle}.hip_thm--dark .btn-group>.btn,.hip_thm--dark .btn-group-vertical>.btn{position:relative;flex:1 1 auto}.hip_thm--dark .btn-group>.btn:hover,.hip_thm--dark .btn-group-vertical>.btn:hover{z-index:1}.hip_thm--dark .btn-group>.btn:focus,.hip_thm--dark .btn-group>.btn:active,.hip_thm--dark .btn-group>.btn.active,.hip_thm--dark .btn-group-vertical>.btn:focus,.hip_thm--dark .btn-group-vertical>.btn:active,.hip_thm--dark .btn-group-vertical>.btn.active{z-index:1}.hip_thm--dark .btn-toolbar{display:flex;flex-wrap:wrap;justify-content:flex-start}.hip_thm--dark .btn-toolbar .input-group{width:auto}.hip_thm--dark .btn-group>.btn:not(:first-child),.hip_thm--dark .btn-group>.btn-group:not(:first-child){margin-left:-1px}.hip_thm--dark .btn-group>.btn:not(:last-child):not(.dropdown-toggle),.hip_thm--dark .btn-group>.btn-group:not(:last-child)>.btn{border-top-right-radius:0;border-bottom-right-radius:0}.hip_thm--dark .btn-group>.btn:not(:first-child),.hip_thm--dark .btn-group>.btn-group:not(:first-child)>.btn{border-top-left-radius:0;border-bottom-left-radius:0}.hip_thm--dark .dropdown-toggle-split{padding-right:9px;padding-left:9px}.hip_thm--dark .dropdown-toggle-split::after,.dropup .hip_thm--dark .dropdown-toggle-split::after,.dropright .hip_thm--dark .dropdown-toggle-split::after{margin-left:0}.dropleft .hip_thm--dark .dropdown-toggle-split::before{margin-right:0}.hip_thm--dark .btn-sm+.dropdown-toggle-split,.hip_thm--dark .btn-group-sm>.btn+.dropdown-toggle-split{padding-right:6px;padding-left:6px}.hip_thm--dark .btn-lg+.dropdown-toggle-split,.hip_thm--dark .btn-group-lg>.btn+.dropdown-toggle-split{padding-right:12px;padding-left:12px}.hip_thm--dark .btn-group-vertical{flex-direction:column;align-items:flex-start;justify-content:center}.hip_thm--dark .btn-group-vertical>.btn,.hip_thm--dark .btn-group-vertical>.btn-group{width:100%}.hip_thm--dark .btn-group-vertical>.btn:not(:first-child),.hip_thm--dark .btn-group-vertical>.btn-group:not(:first-child){margin-top:-1px}.hip_thm--dark .btn-group-vertical>.btn:not(:last-child):not(.dropdown-toggle),.hip_thm--dark .btn-group-vertical>.btn-group:not(:last-child)>.btn{border-bottom-right-radius:0;border-bottom-left-radius:0}.hip_thm--dark .btn-group-vertical>.btn:not(:first-child),.hip_thm--dark .btn-group-vertical>.btn-group:not(:first-child)>.btn{border-top-left-radius:0;border-top-right-radius:0}.hip_thm--dark .btn-group-toggle>.btn,.hip_thm--dark .btn-group-toggle>.btn-group>.btn{margin-bottom:0}.hip_thm--dark .btn-group-toggle>.btn input[type=radio],.hip_thm--dark .btn-group-toggle>.btn input[type=checkbox],.hip_thm--dark .btn-group-toggle>.btn-group>.btn input[type=radio],.hip_thm--dark .btn-group-toggle>.btn-group>.btn input[type=checkbox]{position:absolute;clip:rect(0, 0, 0, 0);pointer-events:none}.hip_thm--dark .input-group{position:relative;display:flex;flex-wrap:wrap;align-items:stretch;width:100%}.hip_thm--dark .input-group>.form-control,.hip_thm--dark .input-group>.form-control-plaintext,.hip_thm--dark .input-group>.custom-select,.hip_thm--dark .input-group>.custom-file{position:relative;flex:1 1 auto;width:1%;min-width:0;margin-bottom:0}.hip_thm--dark .input-group>.form-control+.form-control,.hip_thm--dark .input-group>.form-control+.custom-select,.hip_thm--dark .input-group>.form-control+.custom-file,.hip_thm--dark .input-group>.form-control-plaintext+.form-control,.hip_thm--dark .input-group>.form-control-plaintext+.custom-select,.hip_thm--dark .input-group>.form-control-plaintext+.custom-file,.hip_thm--dark .input-group>.custom-select+.form-control,.hip_thm--dark .input-group>.custom-select+.custom-select,.hip_thm--dark .input-group>.custom-select+.custom-file,.hip_thm--dark .input-group>.custom-file+.form-control,.hip_thm--dark .input-group>.custom-file+.custom-select,.hip_thm--dark .input-group>.custom-file+.custom-file{margin-left:-1px}.hip_thm--dark .input-group>.form-control:focus,.hip_thm--dark .input-group>.custom-select:focus,.hip_thm--dark .input-group>.custom-file .custom-file-input:focus~.custom-file-label{z-index:3}.hip_thm--dark .input-group>.custom-file .custom-file-input:focus{z-index:4}.hip_thm--dark .input-group>.form-control:not(:first-child),.hip_thm--dark .input-group>.custom-select:not(:first-child){border-top-left-radius:0;border-bottom-left-radius:0}.hip_thm--dark .input-group>.custom-file{display:flex;align-items:center}.hip_thm--dark .input-group>.custom-file:not(:last-child) .custom-file-label,.hip_thm--dark .input-group>.custom-file:not(:first-child) .custom-file-label{border-top-left-radius:0;border-bottom-left-radius:0}.hip_thm--dark .input-group:not(.has-validation)>.form-control:not(:last-child),.hip_thm--dark .input-group:not(.has-validation)>.custom-select:not(:last-child),.hip_thm--dark .input-group:not(.has-validation)>.custom-file:not(:last-child) .custom-file-label::after{border-top-right-radius:0;border-bottom-right-radius:0}.hip_thm--dark .input-group.has-validation>.form-control:nth-last-child(n+3),.hip_thm--dark .input-group.has-validation>.custom-select:nth-last-child(n+3),.hip_thm--dark .input-group.has-validation>.custom-file:nth-last-child(n+3) .custom-file-label::after{border-top-right-radius:0;border-bottom-right-radius:0}.hip_thm--dark .input-group-prepend,.hip_thm--dark .input-group-append{display:flex}.hip_thm--dark .input-group-prepend .btn,.hip_thm--dark .input-group-append .btn{position:relative;z-index:2}.hip_thm--dark .input-group-prepend .btn:focus,.hip_thm--dark .input-group-append .btn:focus{z-index:3}.hip_thm--dark .input-group-prepend .btn+.btn,.hip_thm--dark .input-group-prepend .btn+.input-group-text,.hip_thm--dark .input-group-prepend .input-group-text+.input-group-text,.hip_thm--dark .input-group-prepend .input-group-text+.btn,.hip_thm--dark .input-group-append .btn+.btn,.hip_thm--dark .input-group-append .btn+.input-group-text,.hip_thm--dark .input-group-append .input-group-text+.input-group-text,.hip_thm--dark .input-group-append .input-group-text+.btn{margin-left:-1px}.hip_thm--dark .input-group-prepend{margin-right:-1px}.hip_thm--dark .input-group-append{margin-left:-1px}.hip_thm--dark .input-group-text{display:flex;align-items:center;padding:6px 12px;margin-bottom:0;font-size:15px;font-weight:400;line-height:1.5;color:#adb5bd;text-align:center;white-space:nowrap;background-color:#444;border:1px solid #222;border-radius:4px}.hip_thm--dark .input-group-text input[type=radio],.hip_thm--dark .input-group-text input[type=checkbox]{margin-top:0}.hip_thm--dark .input-group-lg>.form-control:not(textarea),.hip_thm--dark .input-group-lg>.custom-select{height:calc(1.5em + 1rem + 2px)}.hip_thm--dark .input-group-lg>.form-control,.hip_thm--dark .input-group-lg>.custom-select,.hip_thm--dark .input-group-lg>.input-group-prepend>.input-group-text,.hip_thm--dark .input-group-lg>.input-group-append>.input-group-text,.hip_thm--dark .input-group-lg>.input-group-prepend>.btn,.hip_thm--dark .input-group-lg>.input-group-append>.btn{padding:8px 16px;font-size:18.75px;line-height:1.5;border-radius:4.8px}.hip_thm--dark .input-group-sm>.form-control:not(textarea),.hip_thm--dark .input-group-sm>.custom-select{height:calc(1.5em + 0.5rem + 2px)}.hip_thm--dark .input-group-sm>.form-control,.hip_thm--dark .input-group-sm>.custom-select,.hip_thm--dark .input-group-sm>.input-group-prepend>.input-group-text,.hip_thm--dark .input-group-sm>.input-group-append>.input-group-text,.hip_thm--dark .input-group-sm>.input-group-prepend>.btn,.hip_thm--dark .input-group-sm>.input-group-append>.btn{padding:4px 8px;font-size:13.125px;line-height:1.5;border-radius:3.2px}.hip_thm--dark .input-group-lg>.custom-select,.hip_thm--dark .input-group-sm>.custom-select{padding-right:28px}.hip_thm--dark .input-group>.input-group-prepend>.btn,.hip_thm--dark .input-group>.input-group-prepend>.input-group-text,.hip_thm--dark .input-group:not(.has-validation)>.input-group-append:not(:last-child)>.btn,.hip_thm--dark .input-group:not(.has-validation)>.input-group-append:not(:last-child)>.input-group-text,.hip_thm--dark .input-group.has-validation>.input-group-append:nth-last-child(n+3)>.btn,.hip_thm--dark .input-group.has-validation>.input-group-append:nth-last-child(n+3)>.input-group-text,.hip_thm--dark .input-group>.input-group-append:last-child>.btn:not(:last-child):not(.dropdown-toggle),.hip_thm--dark .input-group>.input-group-append:last-child>.input-group-text:not(:last-child){border-top-right-radius:0;border-bottom-right-radius:0}.hip_thm--dark .input-group>.input-group-append>.btn,.hip_thm--dark .input-group>.input-group-append>.input-group-text,.hip_thm--dark .input-group>.input-group-prepend:not(:first-child)>.btn,.hip_thm--dark .input-group>.input-group-prepend:not(:first-child)>.input-group-text,.hip_thm--dark .input-group>.input-group-prepend:first-child>.btn:not(:first-child),.hip_thm--dark .input-group>.input-group-prepend:first-child>.input-group-text:not(:first-child){border-top-left-radius:0;border-bottom-left-radius:0}.hip_thm--dark .custom-control{position:relative;z-index:1;display:block;min-height:1.40625rem;padding-left:24px;color-adjust:exact}.hip_thm--dark .custom-control-inline{display:inline-flex;margin-right:1rem}.hip_thm--dark .custom-control-input{position:absolute;left:0;z-index:-1;width:1rem;height:1.203125rem;opacity:0}.hip_thm--dark .custom-control-input:checked~.custom-control-label::before{color:#fff;border-color:#375a7f;background-color:#375a7f}.hip_thm--dark .custom-control-input:focus~.custom-control-label::before{box-shadow:0 0 0 .2rem rgba(55,90,127,.25)}.hip_thm--dark .custom-control-input:focus:not(:checked)~.custom-control-label::before{border-color:#739ac2}.hip_thm--dark .custom-control-input:not(:disabled):active~.custom-control-label::before{color:#fff;background-color:#97b3d2;border-color:#97b3d2}.hip_thm--dark .custom-control-input[disabled]~.custom-control-label,.hip_thm--dark .custom-control-input:disabled~.custom-control-label{color:#888}.hip_thm--dark .custom-control-input[disabled]~.custom-control-label::before,.hip_thm--dark .custom-control-input:disabled~.custom-control-label::before{background-color:#ebebeb}.hip_thm--dark .custom-control-label{position:relative;margin-bottom:0;vertical-align:top}.hip_thm--dark .custom-control-label::before{position:absolute;top:.203125rem;left:-1.5rem;display:block;width:1rem;height:1rem;pointer-events:none;content:\"\";background-color:#fff;border:#adb5bd solid 1px}.hip_thm--dark .custom-control-label::after{position:absolute;top:.203125rem;left:-1.5rem;display:block;width:1rem;height:1rem;content:\"\";background:50%/50% 50% no-repeat}.hip_thm--dark .custom-checkbox .custom-control-label::before{border-radius:4px}.hip_thm--dark .custom-checkbox .custom-control-input:checked~.custom-control-label::after{background-image:url(\"data:image/svg+xml,%3csvg xmlns='http://www.w3.org/2000/svg' width='8' height='8' viewBox='0 0 8 8'%3e%3cpath fill='%23fff' d='M6.564.75l-3.59 3.612-1.538-1.55L0 4.26l2.974 2.99L8 2.193z'/%3e%3c/svg%3e\")}.hip_thm--dark .custom-checkbox .custom-control-input:indeterminate~.custom-control-label::before{border-color:#375a7f;background-color:#375a7f}.hip_thm--dark .custom-checkbox .custom-control-input:indeterminate~.custom-control-label::after{background-image:url(\"data:image/svg+xml,%3csvg xmlns='http://www.w3.org/2000/svg' width='4' height='4' viewBox='0 0 4 4'%3e%3cpath stroke='%23fff' d='M0 2h4'/%3e%3c/svg%3e\")}.hip_thm--dark .custom-checkbox .custom-control-input:disabled:checked~.custom-control-label::before{background-color:rgba(55,90,127,.5)}.hip_thm--dark .custom-checkbox .custom-control-input:disabled:indeterminate~.custom-control-label::before{background-color:rgba(55,90,127,.5)}.hip_thm--dark .custom-radio .custom-control-label::before{border-radius:50%}.hip_thm--dark .custom-radio .custom-control-input:checked~.custom-control-label::after{background-image:url(\"data:image/svg+xml,%3csvg xmlns='http://www.w3.org/2000/svg' width='12' height='12' viewBox='-4 -4 8 8'%3e%3ccircle r='3' fill='%23fff'/%3e%3c/svg%3e\")}.hip_thm--dark .custom-radio .custom-control-input:disabled:checked~.custom-control-label::before{background-color:rgba(55,90,127,.5)}.hip_thm--dark .custom-switch{padding-left:36px}.hip_thm--dark .custom-switch .custom-control-label::before{left:-2.25rem;width:1.75rem;pointer-events:all;border-radius:8px}.hip_thm--dark .custom-switch .custom-control-label::after{top:calc(0.203125rem + 2px);left:calc(-2.25rem + 2px);width:calc(1rem - 4px);height:calc(1rem - 4px);background-color:#adb5bd;border-radius:8px;transition:transform .15s ease-in-out,background-color .15s ease-in-out,border-color .15s ease-in-out,box-shadow .15s ease-in-out}@media(prefers-reduced-motion: reduce){.hip_thm--dark .custom-switch .custom-control-label::after{transition:none}}.hip_thm--dark .custom-switch .custom-control-input:checked~.custom-control-label::after{background-color:#fff;transform:translateX(0.75rem)}.hip_thm--dark .custom-switch .custom-control-input:disabled:checked~.custom-control-label::before{background-color:rgba(55,90,127,.5)}.hip_thm--dark .custom-select{display:inline-block;width:100%;height:calc(1.5em + 0.75rem + 2px);padding:6px 28px 6px 12px;font-size:15px;font-weight:400;line-height:1.5;color:#444;vertical-align:middle;background:#fff url(\"data:image/svg+xml,%3csvg xmlns='http://www.w3.org/2000/svg' width='4' height='5' viewBox='0 0 4 5'%3e%3cpath fill='%23303030' d='M2 0L0 2h4zm0 5L0 3h4z'/%3e%3c/svg%3e\") right .75rem center/8px 10px no-repeat;border:1px solid #222;border-radius:4px;appearance:none}.hip_thm--dark .custom-select:focus{border-color:#739ac2;outline:0;box-shadow:0 0 0 .2rem rgba(55,90,127,.25)}.hip_thm--dark .custom-select:focus::-ms-value{color:#444;background-color:#fff}.hip_thm--dark .custom-select[multiple],.hip_thm--dark .custom-select[size]:not([size=\"1\"]){height:auto;padding-right:12px;background-image:none}.hip_thm--dark .custom-select:disabled{color:#888;background-color:#ebebeb}.hip_thm--dark .custom-select::-ms-expand{display:none}.hip_thm--dark .custom-select:-moz-focusring{color:transparent;text-shadow:0 0 0 #444}.hip_thm--dark .custom-select-sm{height:calc(1.5em + 0.5rem + 2px);padding-top:4px;padding-bottom:4px;padding-left:8px;font-size:13.125px}.hip_thm--dark .custom-select-lg{height:calc(1.5em + 1rem + 2px);padding-top:8px;padding-bottom:8px;padding-left:16px;font-size:18.75px}.hip_thm--dark .custom-file{position:relative;display:inline-block;width:100%;height:calc(1.5em + 0.75rem + 2px);margin-bottom:0}.hip_thm--dark .custom-file-input{position:relative;z-index:2;width:100%;height:calc(1.5em + 0.75rem + 2px);margin:0;overflow:hidden;opacity:0}.hip_thm--dark .custom-file-input:focus~.custom-file-label{border-color:#739ac2;box-shadow:0 0 0 .2rem rgba(55,90,127,.25)}.hip_thm--dark .custom-file-input[disabled]~.custom-file-label,.hip_thm--dark .custom-file-input:disabled~.custom-file-label{background-color:#ebebeb}.hip_thm--dark .custom-file-input:lang(en)~.custom-file-label::after{content:\"Browse\"}.hip_thm--dark .custom-file-input~.custom-file-label[data-browse]::after{content:attr(data-browse)}.hip_thm--dark .custom-file-label{position:absolute;top:0;right:0;left:0;z-index:1;height:calc(1.5em + 0.75rem + 2px);padding:6px 12px;overflow:hidden;font-weight:400;line-height:1.5;color:#adb5bd;background-color:#fff;border:1px solid #222;border-radius:4px}.hip_thm--dark .custom-file-label::after{position:absolute;top:0;right:0;bottom:0;z-index:3;display:block;height:calc(1.5em + 0.75rem);padding:6px 12px;line-height:1.5;color:#adb5bd;content:\"Browse\";background-color:#444;border-left:inherit;border-radius:0 4px 4px 0}.hip_thm--dark .custom-range{width:100%;height:1.4rem;padding:0;background-color:transparent;appearance:none}.hip_thm--dark .custom-range:focus{outline:0}.hip_thm--dark .custom-range:focus::-webkit-slider-thumb{box-shadow:0 0 0 1px #222,0 0 0 .2rem rgba(55,90,127,.25)}.hip_thm--dark .custom-range:focus::-moz-range-thumb{box-shadow:0 0 0 1px #222,0 0 0 .2rem rgba(55,90,127,.25)}.hip_thm--dark .custom-range:focus::-ms-thumb{box-shadow:0 0 0 1px #222,0 0 0 .2rem rgba(55,90,127,.25)}.hip_thm--dark .custom-range::-moz-focus-outer{border:0}.hip_thm--dark .custom-range::-webkit-slider-thumb{width:1rem;height:1rem;margin-top:-0.25rem;background-color:#375a7f;border:0;border-radius:16px;transition:background-color .15s ease-in-out,border-color .15s ease-in-out,box-shadow .15s ease-in-out;appearance:none}@media(prefers-reduced-motion: reduce){.hip_thm--dark .custom-range::-webkit-slider-thumb{transition:none}}.hip_thm--dark .custom-range::-webkit-slider-thumb:active{background-color:#97b3d2}.hip_thm--dark .custom-range::-webkit-slider-runnable-track{width:100%;height:.5rem;color:transparent;cursor:pointer;background-color:#dee2e6;border-color:transparent;border-radius:16px}.hip_thm--dark .custom-range::-moz-range-thumb{width:1rem;height:1rem;background-color:#375a7f;border:0;border-radius:16px;transition:background-color .15s ease-in-out,border-color .15s ease-in-out,box-shadow .15s ease-in-out;appearance:none}@media(prefers-reduced-motion: reduce){.hip_thm--dark .custom-range::-moz-range-thumb{transition:none}}.hip_thm--dark .custom-range::-moz-range-thumb:active{background-color:#97b3d2}.hip_thm--dark .custom-range::-moz-range-track{width:100%;height:.5rem;color:transparent;cursor:pointer;background-color:#dee2e6;border-color:transparent;border-radius:16px}.hip_thm--dark .custom-range::-ms-thumb{width:1rem;height:1rem;margin-top:0;margin-right:.2rem;margin-left:.2rem;background-color:#375a7f;border:0;border-radius:16px;transition:background-color .15s ease-in-out,border-color .15s ease-in-out,box-shadow .15s ease-in-out;appearance:none}@media(prefers-reduced-motion: reduce){.hip_thm--dark .custom-range::-ms-thumb{transition:none}}.hip_thm--dark .custom-range::-ms-thumb:active{background-color:#97b3d2}.hip_thm--dark .custom-range::-ms-track{width:100%;height:.5rem;color:transparent;cursor:pointer;background-color:transparent;border-color:transparent;border-width:8px}.hip_thm--dark .custom-range::-ms-fill-lower{background-color:#dee2e6;border-radius:16px}.hip_thm--dark .custom-range::-ms-fill-upper{margin-right:15px;background-color:#dee2e6;border-radius:16px}.hip_thm--dark .custom-range:disabled::-webkit-slider-thumb{background-color:#adb5bd}.hip_thm--dark .custom-range:disabled::-webkit-slider-runnable-track{cursor:default}.hip_thm--dark .custom-range:disabled::-moz-range-thumb{background-color:#adb5bd}.hip_thm--dark .custom-range:disabled::-moz-range-track{cursor:default}.hip_thm--dark .custom-range:disabled::-ms-thumb{background-color:#adb5bd}.hip_thm--dark .custom-control-label::before,.hip_thm--dark .custom-file-label,.hip_thm--dark .custom-select{transition:background-color .15s ease-in-out,border-color .15s ease-in-out,box-shadow .15s ease-in-out}@media(prefers-reduced-motion: reduce){.hip_thm--dark .custom-control-label::before,.hip_thm--dark .custom-file-label,.hip_thm--dark .custom-select{transition:none}}.hip_thm--dark .nav{display:flex;flex-wrap:wrap;padding-left:0;margin-bottom:0;list-style:none}.hip_thm--dark .nav-link{display:block;padding:8px 32px}.hip_thm--dark .nav-link:hover,.hip_thm--dark .nav-link:focus{text-decoration:none}.hip_thm--dark .nav-link.disabled{color:#adb5bd;pointer-events:none;cursor:default}.hip_thm--dark .nav-tabs{border-bottom:1px solid #444}.hip_thm--dark .nav-tabs .nav-link{margin-bottom:-1px;border:1px solid transparent;border-top-left-radius:4px;border-top-right-radius:4px}.hip_thm--dark .nav-tabs .nav-link:hover,.hip_thm--dark .nav-tabs .nav-link:focus{border-color:#444 #444 transparent}.hip_thm--dark .nav-tabs .nav-link.disabled{color:#adb5bd;background-color:transparent;border-color:transparent}.hip_thm--dark .nav-tabs .nav-link.active,.hip_thm--dark .nav-tabs .nav-item.show .nav-link{color:#fff;background-color:#222;border-color:#444 #444 transparent}.hip_thm--dark .nav-tabs .dropdown-menu{margin-top:-1px;border-top-left-radius:0;border-top-right-radius:0}.hip_thm--dark .nav-pills .nav-link{border-radius:4px}.hip_thm--dark .nav-pills .nav-link.active,.hip_thm--dark .nav-pills .show>.nav-link{color:#fff;background-color:#375a7f}.hip_thm--dark .nav-fill>.nav-link,.hip_thm--dark .nav-fill .nav-item{flex:1 1 auto;text-align:center}.hip_thm--dark .nav-justified>.nav-link,.hip_thm--dark .nav-justified .nav-item{flex-basis:0;flex-grow:1;text-align:center}.hip_thm--dark .tab-content>.tab-pane{display:none}.hip_thm--dark .tab-content>.active{display:block}.hip_thm--dark .navbar{position:relative;display:flex;flex-wrap:wrap;align-items:center;justify-content:space-between;padding:16px 16px}.hip_thm--dark .navbar .container,.hip_thm--dark .navbar .container-fluid,.hip_thm--dark .navbar .container-sm,.hip_thm--dark .navbar .container-md,.hip_thm--dark .navbar .container-lg,.hip_thm--dark .navbar .container-xl{display:flex;flex-wrap:wrap;align-items:center;justify-content:space-between}.hip_thm--dark .navbar-brand{display:inline-block;padding-top:5.1875px;padding-bottom:5.1875px;margin-right:1rem;font-size:18.75px;line-height:inherit;white-space:nowrap}.hip_thm--dark .navbar-brand:hover,.hip_thm--dark .navbar-brand:focus{text-decoration:none}.hip_thm--dark .navbar-nav{display:flex;flex-direction:column;padding-left:0;margin-bottom:0;list-style:none}.hip_thm--dark .navbar-nav .nav-link{padding-right:0;padding-left:0}.hip_thm--dark .navbar-nav .dropdown-menu{position:static;float:none}.hip_thm--dark .navbar-text{display:inline-block;padding-top:8px;padding-bottom:8px}.hip_thm--dark .navbar-collapse{flex-basis:100%;flex-grow:1;align-items:center}.hip_thm--dark .navbar-toggler{padding:4px 12px;font-size:18.75px;line-height:1;background-color:transparent;border:1px solid transparent;border-radius:4px}.hip_thm--dark .navbar-toggler:hover,.hip_thm--dark .navbar-toggler:focus{text-decoration:none}.hip_thm--dark .navbar-toggler-icon{display:inline-block;width:1.5em;height:1.5em;vertical-align:middle;content:\"\";background:50%/100% 100% no-repeat}.hip_thm--dark .navbar-nav-scroll{max-height:75vh;overflow-y:auto}@media(max-width: 575.98px){.hip_thm--dark .hip_thm--light .navbar-expand-sm>.container,.hip_thm--dark .hip_thm--light .navbar-expand-sm>.container-fluid,.hip_thm--dark .hip_thm--light .navbar-expand-sm>.container-sm,.hip_thm--dark .hip_thm--light .navbar-expand-sm>.container-md,.hip_thm--dark .hip_thm--light .navbar-expand-sm>.container-lg,.hip_thm--dark .hip_thm--light .navbar-expand-sm>.container-xl,.hip_thm--dark .navbar-expand-sm>.container,.hip_thm--dark .navbar-expand-sm>.container-fluid,.hip_thm--dark .navbar-expand-sm>.container-sm,.hip_thm--dark .navbar-expand-sm>.container-md,.hip_thm--dark .navbar-expand-sm>.container-lg,.hip_thm--dark .navbar-expand-sm>.container-xl{padding-right:0;padding-left:0}}@media(min-width: 576px){.hip_thm--dark .navbar-expand-sm{flex-flow:row nowrap;justify-content:flex-start}.hip_thm--dark .navbar-expand-sm .navbar-nav{flex-direction:row}.hip_thm--dark .navbar-expand-sm .navbar-nav .dropdown-menu{position:absolute}.hip_thm--dark .navbar-expand-sm .navbar-nav .nav-link{padding-right:8px;padding-left:8px}.hip_thm--dark .hip_thm--light .navbar-expand-sm>.container,.hip_thm--dark .hip_thm--light .navbar-expand-sm>.container-fluid,.hip_thm--dark .hip_thm--light .navbar-expand-sm>.container-sm,.hip_thm--dark .hip_thm--light .navbar-expand-sm>.container-md,.hip_thm--dark .hip_thm--light .navbar-expand-sm>.container-lg,.hip_thm--dark .hip_thm--light .navbar-expand-sm>.container-xl,.hip_thm--dark .navbar-expand-sm>.container,.hip_thm--dark .navbar-expand-sm>.container-fluid,.hip_thm--dark .navbar-expand-sm>.container-sm,.hip_thm--dark .navbar-expand-sm>.container-md,.hip_thm--dark .navbar-expand-sm>.container-lg,.hip_thm--dark .navbar-expand-sm>.container-xl{flex-wrap:nowrap}.hip_thm--dark .navbar-expand-sm .navbar-nav-scroll{overflow:visible}.hip_thm--dark .navbar-expand-sm .navbar-collapse{display:flex !important;flex-basis:auto}.hip_thm--dark .navbar-expand-sm .navbar-toggler{display:none}}@media(max-width: 767.98px){.hip_thm--dark .hip_thm--light .navbar-expand-md>.container,.hip_thm--dark .hip_thm--light .navbar-expand-md>.container-fluid,.hip_thm--dark .hip_thm--light .navbar-expand-md>.container-sm,.hip_thm--dark .hip_thm--light .navbar-expand-md>.container-md,.hip_thm--dark .hip_thm--light .navbar-expand-md>.container-lg,.hip_thm--dark .hip_thm--light .navbar-expand-md>.container-xl,.hip_thm--dark .navbar-expand-md>.container,.hip_thm--dark .navbar-expand-md>.container-fluid,.hip_thm--dark .navbar-expand-md>.container-sm,.hip_thm--dark .navbar-expand-md>.container-md,.hip_thm--dark .navbar-expand-md>.container-lg,.hip_thm--dark .navbar-expand-md>.container-xl{padding-right:0;padding-left:0}}@media(min-width: 768px){.hip_thm--dark .navbar-expand-md{flex-flow:row nowrap;justify-content:flex-start}.hip_thm--dark .navbar-expand-md .navbar-nav{flex-direction:row}.hip_thm--dark .navbar-expand-md .navbar-nav .dropdown-menu{position:absolute}.hip_thm--dark .navbar-expand-md .navbar-nav .nav-link{padding-right:8px;padding-left:8px}.hip_thm--dark .hip_thm--light .navbar-expand-md>.container,.hip_thm--dark .hip_thm--light .navbar-expand-md>.container-fluid,.hip_thm--dark .hip_thm--light .navbar-expand-md>.container-sm,.hip_thm--dark .hip_thm--light .navbar-expand-md>.container-md,.hip_thm--dark .hip_thm--light .navbar-expand-md>.container-lg,.hip_thm--dark .hip_thm--light .navbar-expand-md>.container-xl,.hip_thm--dark .navbar-expand-md>.container,.hip_thm--dark .navbar-expand-md>.container-fluid,.hip_thm--dark .navbar-expand-md>.container-sm,.hip_thm--dark .navbar-expand-md>.container-md,.hip_thm--dark .navbar-expand-md>.container-lg,.hip_thm--dark .navbar-expand-md>.container-xl{flex-wrap:nowrap}.hip_thm--dark .navbar-expand-md .navbar-nav-scroll{overflow:visible}.hip_thm--dark .navbar-expand-md .navbar-collapse{display:flex !important;flex-basis:auto}.hip_thm--dark .navbar-expand-md .navbar-toggler{display:none}}@media(max-width: 991.98px){.hip_thm--dark .hip_thm--light .navbar-expand-lg>.container,.hip_thm--dark .hip_thm--light .navbar-expand-lg>.container-fluid,.hip_thm--dark .hip_thm--light .navbar-expand-lg>.container-sm,.hip_thm--dark .hip_thm--light .navbar-expand-lg>.container-md,.hip_thm--dark .hip_thm--light .navbar-expand-lg>.container-lg,.hip_thm--dark .hip_thm--light .navbar-expand-lg>.container-xl,.hip_thm--dark .navbar-expand-lg>.container,.hip_thm--dark .navbar-expand-lg>.container-fluid,.hip_thm--dark .navbar-expand-lg>.container-sm,.hip_thm--dark .navbar-expand-lg>.container-md,.hip_thm--dark .navbar-expand-lg>.container-lg,.hip_thm--dark .navbar-expand-lg>.container-xl{padding-right:0;padding-left:0}}@media(min-width: 992px){.hip_thm--dark .navbar-expand-lg{flex-flow:row nowrap;justify-content:flex-start}.hip_thm--dark .navbar-expand-lg .navbar-nav{flex-direction:row}.hip_thm--dark .navbar-expand-lg .navbar-nav .dropdown-menu{position:absolute}.hip_thm--dark .navbar-expand-lg .navbar-nav .nav-link{padding-right:8px;padding-left:8px}.hip_thm--dark .hip_thm--light .navbar-expand-lg>.container,.hip_thm--dark .hip_thm--light .navbar-expand-lg>.container-fluid,.hip_thm--dark .hip_thm--light .navbar-expand-lg>.container-sm,.hip_thm--dark .hip_thm--light .navbar-expand-lg>.container-md,.hip_thm--dark .hip_thm--light .navbar-expand-lg>.container-lg,.hip_thm--dark .hip_thm--light .navbar-expand-lg>.container-xl,.hip_thm--dark .navbar-expand-lg>.container,.hip_thm--dark .navbar-expand-lg>.container-fluid,.hip_thm--dark .navbar-expand-lg>.container-sm,.hip_thm--dark .navbar-expand-lg>.container-md,.hip_thm--dark .navbar-expand-lg>.container-lg,.hip_thm--dark .navbar-expand-lg>.container-xl{flex-wrap:nowrap}.hip_thm--dark .navbar-expand-lg .navbar-nav-scroll{overflow:visible}.hip_thm--dark .navbar-expand-lg .navbar-collapse{display:flex !important;flex-basis:auto}.hip_thm--dark .navbar-expand-lg .navbar-toggler{display:none}}@media(max-width: 1199.98px){.hip_thm--dark .hip_thm--light .navbar-expand-xl>.container,.hip_thm--dark .hip_thm--light .navbar-expand-xl>.container-fluid,.hip_thm--dark .hip_thm--light .navbar-expand-xl>.container-sm,.hip_thm--dark .hip_thm--light .navbar-expand-xl>.container-md,.hip_thm--dark .hip_thm--light .navbar-expand-xl>.container-lg,.hip_thm--dark .hip_thm--light .navbar-expand-xl>.container-xl,.hip_thm--dark .navbar-expand-xl>.container,.hip_thm--dark .navbar-expand-xl>.container-fluid,.hip_thm--dark .navbar-expand-xl>.container-sm,.hip_thm--dark .navbar-expand-xl>.container-md,.hip_thm--dark .navbar-expand-xl>.container-lg,.hip_thm--dark .navbar-expand-xl>.container-xl{padding-right:0;padding-left:0}}@media(min-width: 1200px){.hip_thm--dark .navbar-expand-xl{flex-flow:row nowrap;justify-content:flex-start}.hip_thm--dark .navbar-expand-xl .navbar-nav{flex-direction:row}.hip_thm--dark .navbar-expand-xl .navbar-nav .dropdown-menu{position:absolute}.hip_thm--dark .navbar-expand-xl .navbar-nav .nav-link{padding-right:8px;padding-left:8px}.hip_thm--dark .hip_thm--light .navbar-expand-xl>.container,.hip_thm--dark .hip_thm--light .navbar-expand-xl>.container-fluid,.hip_thm--dark .hip_thm--light .navbar-expand-xl>.container-sm,.hip_thm--dark .hip_thm--light .navbar-expand-xl>.container-md,.hip_thm--dark .hip_thm--light .navbar-expand-xl>.container-lg,.hip_thm--dark .hip_thm--light .navbar-expand-xl>.container-xl,.hip_thm--dark .navbar-expand-xl>.container,.hip_thm--dark .navbar-expand-xl>.container-fluid,.hip_thm--dark .navbar-expand-xl>.container-sm,.hip_thm--dark .navbar-expand-xl>.container-md,.hip_thm--dark .navbar-expand-xl>.container-lg,.hip_thm--dark .navbar-expand-xl>.container-xl{flex-wrap:nowrap}.hip_thm--dark .navbar-expand-xl .navbar-nav-scroll{overflow:visible}.hip_thm--dark .navbar-expand-xl .navbar-collapse{display:flex !important;flex-basis:auto}.hip_thm--dark .navbar-expand-xl .navbar-toggler{display:none}}.hip_thm--dark .navbar-expand{flex-flow:row nowrap;justify-content:flex-start}.hip_thm--dark .hip_thm--light .navbar-expand>.container,.hip_thm--dark .hip_thm--light .navbar-expand>.container-fluid,.hip_thm--dark .hip_thm--light .navbar-expand>.container-sm,.hip_thm--dark .hip_thm--light .navbar-expand>.container-md,.hip_thm--dark .hip_thm--light .navbar-expand>.container-lg,.hip_thm--dark .hip_thm--light .navbar-expand>.container-xl,.hip_thm--dark .navbar-expand>.container,.hip_thm--dark .navbar-expand>.container-fluid,.hip_thm--dark .navbar-expand>.container-sm,.hip_thm--dark .navbar-expand>.container-md,.hip_thm--dark .navbar-expand>.container-lg,.hip_thm--dark .navbar-expand>.container-xl{padding-right:0;padding-left:0}.hip_thm--dark .navbar-expand .navbar-nav{flex-direction:row}.hip_thm--dark .navbar-expand .navbar-nav .dropdown-menu{position:absolute}.hip_thm--dark .navbar-expand .navbar-nav .nav-link{padding-right:8px;padding-left:8px}.hip_thm--dark .hip_thm--light .navbar-expand>.container,.hip_thm--dark .hip_thm--light .navbar-expand>.container-fluid,.hip_thm--dark .hip_thm--light .navbar-expand>.container-sm,.hip_thm--dark .hip_thm--light .navbar-expand>.container-md,.hip_thm--dark .hip_thm--light .navbar-expand>.container-lg,.hip_thm--dark .hip_thm--light .navbar-expand>.container-xl,.hip_thm--dark .navbar-expand>.container,.hip_thm--dark .navbar-expand>.container-fluid,.hip_thm--dark .navbar-expand>.container-sm,.hip_thm--dark .navbar-expand>.container-md,.hip_thm--dark .navbar-expand>.container-lg,.hip_thm--dark .navbar-expand>.container-xl{flex-wrap:nowrap}.hip_thm--dark .navbar-expand .navbar-nav-scroll{overflow:visible}.hip_thm--dark .navbar-expand .navbar-collapse{display:flex !important;flex-basis:auto}.hip_thm--dark .navbar-expand .navbar-toggler{display:none}.hip_thm--dark .navbar-light .navbar-brand{color:#222}.hip_thm--dark .navbar-light .navbar-brand:hover,.hip_thm--dark .navbar-light .navbar-brand:focus{color:#222}.hip_thm--dark .navbar-light .navbar-nav .nav-link{color:rgba(34,34,34,.7)}.hip_thm--dark .navbar-light .navbar-nav .nav-link:hover,.hip_thm--dark .navbar-light .navbar-nav .nav-link:focus{color:#222}.hip_thm--dark .navbar-light .navbar-nav .nav-link.disabled{color:rgba(0,0,0,.3)}.hip_thm--dark .navbar-light .navbar-nav .show>.nav-link,.hip_thm--dark .navbar-light .navbar-nav .active>.nav-link,.hip_thm--dark .navbar-light .navbar-nav .nav-link.show,.hip_thm--dark .navbar-light .navbar-nav .nav-link.active{color:#222}.hip_thm--dark .navbar-light .navbar-toggler{color:rgba(34,34,34,.7);border-color:rgba(34,34,34,.1)}.hip_thm--dark .navbar-light .navbar-toggler-icon{background-image:url(\"data:image/svg+xml,%3csvg xmlns='http://www.w3.org/2000/svg' width='30' height='30' viewBox='0 0 30 30'%3e%3cpath stroke='rgba%2834, 34, 34, 0.7%29' stroke-linecap='round' stroke-miterlimit='10' stroke-width='2' d='M4 7h22M4 15h22M4 23h22'/%3e%3c/svg%3e\")}.hip_thm--dark .navbar-light .navbar-text{color:rgba(34,34,34,.7)}.hip_thm--dark .navbar-light .navbar-text a{color:#222}.hip_thm--dark .navbar-light .navbar-text a:hover,.hip_thm--dark .navbar-light .navbar-text a:focus{color:#222}.hip_thm--dark .navbar-dark .navbar-brand{color:#fff}.hip_thm--dark .navbar-dark .navbar-brand:hover,.hip_thm--dark .navbar-dark .navbar-brand:focus{color:#fff}.hip_thm--dark .navbar-dark .navbar-nav .nav-link{color:rgba(255,255,255,.6)}.hip_thm--dark .navbar-dark .navbar-nav .nav-link:hover,.hip_thm--dark .navbar-dark .navbar-nav .nav-link:focus{color:#fff}.hip_thm--dark .navbar-dark .navbar-nav .nav-link.disabled{color:rgba(255,255,255,.25)}.hip_thm--dark .navbar-dark .navbar-nav .show>.nav-link,.hip_thm--dark .navbar-dark .navbar-nav .active>.nav-link,.hip_thm--dark .navbar-dark .navbar-nav .nav-link.show,.hip_thm--dark .navbar-dark .navbar-nav .nav-link.active{color:#fff}.hip_thm--dark .navbar-dark .navbar-toggler{color:rgba(255,255,255,.6);border-color:rgba(255,255,255,.1)}.hip_thm--dark .navbar-dark .navbar-toggler-icon{background-image:url(\"data:image/svg+xml,%3csvg xmlns='http://www.w3.org/2000/svg' width='30' height='30' viewBox='0 0 30 30'%3e%3cpath stroke='rgba%28255, 255, 255, 0.6%29' stroke-linecap='round' stroke-miterlimit='10' stroke-width='2' d='M4 7h22M4 15h22M4 23h22'/%3e%3c/svg%3e\")}.hip_thm--dark .navbar-dark .navbar-text{color:rgba(255,255,255,.6)}.hip_thm--dark .navbar-dark .navbar-text a{color:#fff}.hip_thm--dark .navbar-dark .navbar-text a:hover,.hip_thm--dark .navbar-dark .navbar-text a:focus{color:#fff}.hip_thm--dark .card{position:relative;display:flex;flex-direction:column;min-width:0;word-wrap:break-word;background-color:#303030;background-clip:border-box;border:1px solid rgba(0,0,0,.125);border-radius:4px}.hip_thm--dark .card>hr{margin-right:0;margin-left:0}.hip_thm--dark .card>.list-group{border-top:inherit;border-bottom:inherit}.hip_thm--dark .card>.list-group:first-child{border-top-width:0;border-top-left-radius:calc(4px - 1px);border-top-right-radius:calc(4px - 1px)}.hip_thm--dark .card>.list-group:last-child{border-bottom-width:0;border-bottom-right-radius:calc(4px - 1px);border-bottom-left-radius:calc(4px - 1px)}.hip_thm--dark .card>.card-header+.list-group,.hip_thm--dark .card>.list-group+.card-footer{border-top:0}.hip_thm--dark .card-body{flex:1 1 auto;min-height:1px;padding:20px}.hip_thm--dark .card-title{margin-bottom:.75rem}.hip_thm--dark .card-subtitle{margin-top:-0.375rem;margin-bottom:0}.hip_thm--dark .card-text:last-child{margin-bottom:0}.hip_thm--dark .card-link:hover{text-decoration:none}.hip_thm--dark .card-link+.card-link{margin-left:1.25rem}.hip_thm--dark .card-header{padding:12px 20px;margin-bottom:0;background-color:#444;border-bottom:1px solid rgba(0,0,0,.125)}.hip_thm--dark .card-header:first-child{border-radius:calc(4px - 1px) calc(4px - 1px) 0 0}.hip_thm--dark .card-footer{padding:12px 20px;background-color:#444;border-top:1px solid rgba(0,0,0,.125)}.hip_thm--dark .card-footer:last-child{border-radius:0 0 calc(4px - 1px) calc(4px - 1px)}.hip_thm--dark .card-header-tabs{margin-right:-0.625rem;margin-bottom:-0.75rem;margin-left:-0.625rem;border-bottom:0}.hip_thm--dark .card-header-pills{margin-right:-0.625rem;margin-left:-0.625rem}.hip_thm--dark .card-img-overlay{position:absolute;top:0;right:0;bottom:0;left:0;padding:20px;border-radius:calc(4px - 1px)}.hip_thm--dark .card-img,.hip_thm--dark .card-img-top,.hip_thm--dark .card-img-bottom{flex-shrink:0;width:100%}.hip_thm--dark .card-img,.hip_thm--dark .card-img-top{border-top-left-radius:calc(4px - 1px);border-top-right-radius:calc(4px - 1px)}.hip_thm--dark .card-img,.hip_thm--dark .card-img-bottom{border-bottom-right-radius:calc(4px - 1px);border-bottom-left-radius:calc(4px - 1px)}.hip_thm--dark .card-deck .card{margin-bottom:15px}@media(min-width: 576px){.hip_thm--dark .card-deck{display:flex;flex-flow:row wrap;margin-right:-15px;margin-left:-15px}.hip_thm--dark .card-deck .card{flex:1 0 0%;margin-right:15px;margin-bottom:0;margin-left:15px}}.hip_thm--dark .card-group>.card{margin-bottom:15px}@media(min-width: 576px){.hip_thm--dark .card-group{display:flex;flex-flow:row wrap}.hip_thm--dark .card-group>.card{flex:1 0 0%;margin-bottom:0}.hip_thm--dark .card-group>.card+.card{margin-left:0;border-left:0}.hip_thm--dark .card-group>.card:not(:last-child){border-top-right-radius:0;border-bottom-right-radius:0}.hip_thm--dark .card-group>.card:not(:last-child) .card-img-top,.hip_thm--dark .card-group>.card:not(:last-child) .card-header{border-top-right-radius:0}.hip_thm--dark .card-group>.card:not(:last-child) .card-img-bottom,.hip_thm--dark .card-group>.card:not(:last-child) .card-footer{border-bottom-right-radius:0}.hip_thm--dark .card-group>.card:not(:first-child){border-top-left-radius:0;border-bottom-left-radius:0}.hip_thm--dark .card-group>.card:not(:first-child) .card-img-top,.hip_thm--dark .card-group>.card:not(:first-child) .card-header{border-top-left-radius:0}.hip_thm--dark .card-group>.card:not(:first-child) .card-img-bottom,.hip_thm--dark .card-group>.card:not(:first-child) .card-footer{border-bottom-left-radius:0}}.hip_thm--dark .card-columns .card{margin-bottom:.75rem}@media(min-width: 576px){.hip_thm--dark .card-columns{column-count:3;column-gap:1.25rem;orphans:1;widows:1}.hip_thm--dark .card-columns .card{display:inline-block;width:100%}}.hip_thm--dark .accordion{overflow-anchor:none}.hip_thm--dark .accordion>.card{overflow:hidden}.hip_thm--dark .accordion>.card:not(:last-of-type){border-bottom:0;border-bottom-right-radius:0;border-bottom-left-radius:0}.hip_thm--dark .accordion>.card:not(:first-of-type){border-top-left-radius:0;border-top-right-radius:0}.hip_thm--dark .accordion>.card>.card-header{border-radius:0;margin-bottom:-1px}.hip_thm--dark .breadcrumb{display:flex;flex-wrap:wrap;padding:12px 16px;margin-bottom:1rem;list-style:none;background-color:#444;border-radius:4px}.hip_thm--dark .breadcrumb-item+.breadcrumb-item{padding-left:8px}.hip_thm--dark .breadcrumb-item+.breadcrumb-item::before{float:left;padding-right:8px;color:#888;content:\"/\"}.hip_thm--dark .breadcrumb-item+.breadcrumb-item:hover::before{text-decoration:underline}.hip_thm--dark .breadcrumb-item+.breadcrumb-item:hover::before{text-decoration:none}.hip_thm--dark .breadcrumb-item.active{color:#888}.hip_thm--dark .pagination{display:flex;padding-left:0;list-style:none;border-radius:4px}.hip_thm--dark .page-link{position:relative;display:block;padding:8px 12px;margin-left:0;line-height:1.25;color:#fff;background-color:#00bc8c;border:0 solid transparent}.hip_thm--dark .page-link:hover{z-index:2;color:#fff;text-decoration:none;background-color:#00efb2;border-color:transparent}.hip_thm--dark .page-link:focus{z-index:3;outline:0;box-shadow:0 0 0 .2rem rgba(55,90,127,.25)}.hip_thm--dark .page-item:first-child .page-link{margin-left:0;border-top-left-radius:4px;border-bottom-left-radius:4px}.hip_thm--dark .page-item:last-child .page-link{border-top-right-radius:4px;border-bottom-right-radius:4px}.hip_thm--dark .page-item.active .page-link{z-index:3;color:#fff;background-color:#00efb2;border-color:transparent}.hip_thm--dark .page-item.disabled .page-link{color:#fff;pointer-events:none;cursor:auto;background-color:#007053;border-color:transparent}.hip_thm--dark .pagination-lg .page-link{padding:12px 24px;font-size:18.75px;line-height:1.5}.hip_thm--dark .pagination-lg .page-item:first-child .page-link{border-top-left-radius:4.8px;border-bottom-left-radius:4.8px}.hip_thm--dark .pagination-lg .page-item:last-child .page-link{border-top-right-radius:4.8px;border-bottom-right-radius:4.8px}.hip_thm--dark .pagination-sm .page-link{padding:4px 8px;font-size:13.125px;line-height:1.5}.hip_thm--dark .pagination-sm .page-item:first-child .page-link{border-top-left-radius:3.2px;border-bottom-left-radius:3.2px}.hip_thm--dark .pagination-sm .page-item:last-child .page-link{border-top-right-radius:3.2px;border-bottom-right-radius:3.2px}.hip_thm--dark .badge{display:inline-block;padding:.25em .4em;font-size:75%;font-weight:700;line-height:1;text-align:center;white-space:nowrap;vertical-align:baseline;border-radius:4px;transition:color .15s ease-in-out,background-color .15s ease-in-out,border-color .15s ease-in-out,box-shadow .15s ease-in-out}@media(prefers-reduced-motion: reduce){.hip_thm--dark .badge{transition:none}}a.hip_thm--dark .badge:hover,a.hip_thm--dark .badge:focus{text-decoration:none}.hip_thm--dark .badge:empty{display:none}.hip_thm--dark .btn .badge{position:relative;top:-1px}.hip_thm--dark .badge-pill{padding-right:.6em;padding-left:.6em;border-radius:160px}.hip_thm--dark .badge-primary{color:#fff;background-color:#375a7f}a.hip_thm--dark .badge-primary:hover,a.hip_thm--dark .badge-primary:focus{color:#fff;background-color:#28415b}a.hip_thm--dark .badge-primary:focus,a.hip_thm--dark .badge-primary.focus{outline:0;box-shadow:0 0 0 .2rem rgba(55,90,127,.5)}.hip_thm--dark .badge-secondary{color:#fff;background-color:#444}a.hip_thm--dark .badge-secondary:hover,a.hip_thm--dark .badge-secondary:focus{color:#fff;background-color:#2b2b2b}a.hip_thm--dark .badge-secondary:focus,a.hip_thm--dark .badge-secondary.focus{outline:0;box-shadow:0 0 0 .2rem rgba(68,68,68,.5)}.hip_thm--dark .badge-success{color:#fff;background-color:#00bc8c}a.hip_thm--dark .badge-success:hover,a.hip_thm--dark .badge-success:focus{color:#fff;background-color:#008966}a.hip_thm--dark .badge-success:focus,a.hip_thm--dark .badge-success.focus{outline:0;box-shadow:0 0 0 .2rem rgba(0,188,140,.5)}.hip_thm--dark .badge-info{color:#fff;background-color:#3498db}a.hip_thm--dark .badge-info:hover,a.hip_thm--dark .badge-info:focus{color:#fff;background-color:#217dbb}a.hip_thm--dark .badge-info:focus,a.hip_thm--dark .badge-info.focus{outline:0;box-shadow:0 0 0 .2rem rgba(52,152,219,.5)}.hip_thm--dark .badge-warning{color:#fff;background-color:#f39c12}a.hip_thm--dark .badge-warning:hover,a.hip_thm--dark .badge-warning:focus{color:#fff;background-color:#c87f0a}a.hip_thm--dark .badge-warning:focus,a.hip_thm--dark .badge-warning.focus{outline:0;box-shadow:0 0 0 .2rem rgba(243,156,18,.5)}.hip_thm--dark .badge-danger{color:#fff;background-color:#e74c3c}a.hip_thm--dark .badge-danger:hover,a.hip_thm--dark .badge-danger:focus{color:#fff;background-color:#d62c1a}a.hip_thm--dark .badge-danger:focus,a.hip_thm--dark .badge-danger.focus{outline:0;box-shadow:0 0 0 .2rem rgba(231,76,60,.5)}.hip_thm--dark .badge-light{color:#222;background-color:#adb5bd}a.hip_thm--dark .badge-light:hover,a.hip_thm--dark .badge-light:focus{color:#222;background-color:#919ca6}a.hip_thm--dark .badge-light:focus,a.hip_thm--dark .badge-light.focus{outline:0;box-shadow:0 0 0 .2rem rgba(173,181,189,.5)}.hip_thm--dark .badge-dark{color:#fff;background-color:#303030}a.hip_thm--dark .badge-dark:hover,a.hip_thm--dark .badge-dark:focus{color:#fff;background-color:#171717}a.hip_thm--dark .badge-dark:focus,a.hip_thm--dark .badge-dark.focus{outline:0;box-shadow:0 0 0 .2rem rgba(48,48,48,.5)}.hip_thm--dark .jumbotron{padding:32px 16px;margin-bottom:2rem;background-color:#303030;border-radius:4.8px}@media(min-width: 576px){.hip_thm--dark .jumbotron{padding:64px 32px}}.hip_thm--dark .jumbotron-fluid{padding-right:0;padding-left:0;border-radius:0}.hip_thm--dark .alert{position:relative;padding:12px 20px;margin-bottom:1rem;border:1px solid transparent;border-radius:4px}.hip_thm--dark .alert-heading{color:inherit}.hip_thm--dark .alert-link{font-weight:700}.hip_thm--dark .alert-dismissible{padding-right:62.5px}.hip_thm--dark .alert-dismissible .close{position:absolute;top:0;right:0;z-index:2;padding:12px 20px;color:inherit}.hip_thm--dark .alert-primary{color:#1d2f42;background-color:#d7dee5;border-color:#c7d1db}.hip_thm--dark .alert-primary hr{border-top-color:#b7c4d1}.hip_thm--dark .alert-primary .alert-link{color:#0d161f}.hip_thm--dark .alert-secondary{color:#232323;background-color:#dadada;border-color:#cbcbcb}.hip_thm--dark .alert-secondary hr{border-top-color:#bebebe}.hip_thm--dark .alert-secondary .alert-link{color:#0a0a0a}.hip_thm--dark .alert-success{color:#006249;background-color:#ccf2e8;border-color:#b8ecdf}.hip_thm--dark .alert-success hr{border-top-color:#a4e7d6}.hip_thm--dark .alert-success .alert-link{color:#002f23}.hip_thm--dark .alert-info{color:#1b4f72;background-color:#d6eaf8;border-color:#c6e2f5}.hip_thm--dark .alert-info hr{border-top-color:#b0d7f1}.hip_thm--dark .alert-info .alert-link{color:#113249}.hip_thm--dark .alert-warning{color:#7e5109;background-color:#fdebd0;border-color:#fce3bd}.hip_thm--dark .alert-warning hr{border-top-color:#fbd9a5}.hip_thm--dark .alert-warning .alert-link{color:#4e3206}.hip_thm--dark .alert-danger{color:#78281f;background-color:#fadbd8;border-color:#f8cdc8}.hip_thm--dark .alert-danger hr{border-top-color:#f5b8b1}.hip_thm--dark .alert-danger .alert-link{color:#4f1a15}.hip_thm--dark .alert-light{color:#5a5e62;background-color:#eff0f2;border-color:#e8eaed}.hip_thm--dark .alert-light hr{border-top-color:#dadde2}.hip_thm--dark .alert-light .alert-link{color:#424547}.hip_thm--dark .alert-dark{color:#191919;background-color:#d6d6d6;border-color:#c5c5c5}.hip_thm--dark .alert-dark hr{border-top-color:#b8b8b8}.hip_thm--dark .alert-dark .alert-link{color:#000}@keyframes progress-bar-stripes{from{background-position:1rem 0}to{background-position:0 0}}.hip_thm--dark .progress{display:flex;height:1rem;overflow:hidden;line-height:0;font-size:11.25px;background-color:#444;border-radius:4px}.hip_thm--dark .progress-bar{display:flex;flex-direction:column;justify-content:center;overflow:hidden;color:#fff;text-align:center;white-space:nowrap;background-color:#375a7f;transition:width .6s ease}@media(prefers-reduced-motion: reduce){.hip_thm--dark .progress-bar{transition:none}}.hip_thm--dark .progress-bar-striped{background-image:linear-gradient(45deg, rgba(255, 255, 255, 0.15) 25%, transparent 25%, transparent 50%, rgba(255, 255, 255, 0.15) 50%, rgba(255, 255, 255, 0.15) 75%, transparent 75%, transparent);background-size:1rem 1rem}.hip_thm--dark .progress-bar-animated{animation:1s linear infinite progress-bar-stripes}@media(prefers-reduced-motion: reduce){.hip_thm--dark .progress-bar-animated{animation:none}}.hip_thm--dark .media{display:flex;align-items:flex-start}.hip_thm--dark .media-body{flex:1}.hip_thm--dark .list-group{display:flex;flex-direction:column;padding-left:0;margin-bottom:0;border-radius:4px}.hip_thm--dark .list-group-item-action{width:100%;color:#444;text-align:inherit}.hip_thm--dark .list-group-item-action:hover,.hip_thm--dark .list-group-item-action:focus{z-index:1;color:#444;text-decoration:none;background-color:#444}.hip_thm--dark .list-group-item-action:active{color:#fff;background-color:#ebebeb}.hip_thm--dark .list-group-item{position:relative;display:block;padding:12px 20px;background-color:#303030;border:1px solid #444}.hip_thm--dark .list-group-item:first-child{border-top-left-radius:inherit;border-top-right-radius:inherit}.hip_thm--dark .list-group-item:last-child{border-bottom-right-radius:inherit;border-bottom-left-radius:inherit}.hip_thm--dark .list-group-item.disabled,.hip_thm--dark .list-group-item:disabled{color:#888;pointer-events:none;background-color:#303030}.hip_thm--dark .list-group-item.active{z-index:2;color:#fff;background-color:#375a7f;border-color:#375a7f}.hip_thm--dark .list-group-item+.hip_thm--dark .list-group-item{border-top-width:0}.hip_thm--dark .list-group-item+.hip_thm--dark .list-group-item.active{margin-top:-1px;border-top-width:1px}.hip_thm--dark .list-group-horizontal{flex-direction:row}.hip_thm--dark .list-group-horizontal>.list-group-item:first-child{border-bottom-left-radius:4px;border-top-right-radius:0}.hip_thm--dark .list-group-horizontal>.list-group-item:last-child{border-top-right-radius:4px;border-bottom-left-radius:0}.hip_thm--dark .list-group-horizontal>.list-group-item.active{margin-top:0}.hip_thm--dark .list-group-horizontal>.list-group-item+.list-group-item{border-top-width:1px;border-left-width:0}.hip_thm--dark .list-group-horizontal>.list-group-item+.list-group-item.active{margin-left:-1px;border-left-width:1px}@media(min-width: 576px){.hip_thm--dark .list-group-horizontal-sm{flex-direction:row}.hip_thm--dark .list-group-horizontal-sm>.list-group-item:first-child{border-bottom-left-radius:4px;border-top-right-radius:0}.hip_thm--dark .list-group-horizontal-sm>.list-group-item:last-child{border-top-right-radius:4px;border-bottom-left-radius:0}.hip_thm--dark .list-group-horizontal-sm>.list-group-item.active{margin-top:0}.hip_thm--dark .list-group-horizontal-sm>.list-group-item+.list-group-item{border-top-width:1px;border-left-width:0}.hip_thm--dark .list-group-horizontal-sm>.list-group-item+.list-group-item.active{margin-left:-1px;border-left-width:1px}}@media(min-width: 768px){.hip_thm--dark .list-group-horizontal-md{flex-direction:row}.hip_thm--dark .list-group-horizontal-md>.list-group-item:first-child{border-bottom-left-radius:4px;border-top-right-radius:0}.hip_thm--dark .list-group-horizontal-md>.list-group-item:last-child{border-top-right-radius:4px;border-bottom-left-radius:0}.hip_thm--dark .list-group-horizontal-md>.list-group-item.active{margin-top:0}.hip_thm--dark .list-group-horizontal-md>.list-group-item+.list-group-item{border-top-width:1px;border-left-width:0}.hip_thm--dark .list-group-horizontal-md>.list-group-item+.list-group-item.active{margin-left:-1px;border-left-width:1px}}@media(min-width: 992px){.hip_thm--dark .list-group-horizontal-lg{flex-direction:row}.hip_thm--dark .list-group-horizontal-lg>.list-group-item:first-child{border-bottom-left-radius:4px;border-top-right-radius:0}.hip_thm--dark .list-group-horizontal-lg>.list-group-item:last-child{border-top-right-radius:4px;border-bottom-left-radius:0}.hip_thm--dark .list-group-horizontal-lg>.list-group-item.active{margin-top:0}.hip_thm--dark .list-group-horizontal-lg>.list-group-item+.list-group-item{border-top-width:1px;border-left-width:0}.hip_thm--dark .list-group-horizontal-lg>.list-group-item+.list-group-item.active{margin-left:-1px;border-left-width:1px}}@media(min-width: 1200px){.hip_thm--dark .list-group-horizontal-xl{flex-direction:row}.hip_thm--dark .list-group-horizontal-xl>.list-group-item:first-child{border-bottom-left-radius:4px;border-top-right-radius:0}.hip_thm--dark .list-group-horizontal-xl>.list-group-item:last-child{border-top-right-radius:4px;border-bottom-left-radius:0}.hip_thm--dark .list-group-horizontal-xl>.list-group-item.active{margin-top:0}.hip_thm--dark .list-group-horizontal-xl>.list-group-item+.list-group-item{border-top-width:1px;border-left-width:0}.hip_thm--dark .list-group-horizontal-xl>.list-group-item+.list-group-item.active{margin-left:-1px;border-left-width:1px}}.hip_thm--dark .list-group-flush{border-radius:0}.hip_thm--dark .list-group-flush>.list-group-item{border-width:0 0 1px}.hip_thm--dark .list-group-flush>.list-group-item:last-child{border-bottom-width:0}.hip_thm--dark .list-group-item-primary{color:#1d2f42;background-color:#c7d1db}.hip_thm--dark .list-group-item-primary.list-group-item-action:hover,.hip_thm--dark .list-group-item-primary.list-group-item-action:focus{color:#1d2f42;background-color:#b7c4d1}.hip_thm--dark .list-group-item-primary.list-group-item-action.active{color:#fff;background-color:#1d2f42;border-color:#1d2f42}.hip_thm--dark .list-group-item-secondary{color:#232323;background-color:#cbcbcb}.hip_thm--dark .list-group-item-secondary.list-group-item-action:hover,.hip_thm--dark .list-group-item-secondary.list-group-item-action:focus{color:#232323;background-color:#bebebe}.hip_thm--dark .list-group-item-secondary.list-group-item-action.active{color:#fff;background-color:#232323;border-color:#232323}.hip_thm--dark .list-group-item-success{color:#006249;background-color:#b8ecdf}.hip_thm--dark .list-group-item-success.list-group-item-action:hover,.hip_thm--dark .list-group-item-success.list-group-item-action:focus{color:#006249;background-color:#a4e7d6}.hip_thm--dark .list-group-item-success.list-group-item-action.active{color:#fff;background-color:#006249;border-color:#006249}.hip_thm--dark .list-group-item-info{color:#1b4f72;background-color:#c6e2f5}.hip_thm--dark .list-group-item-info.list-group-item-action:hover,.hip_thm--dark .list-group-item-info.list-group-item-action:focus{color:#1b4f72;background-color:#b0d7f1}.hip_thm--dark .list-group-item-info.list-group-item-action.active{color:#fff;background-color:#1b4f72;border-color:#1b4f72}.hip_thm--dark .list-group-item-warning{color:#7e5109;background-color:#fce3bd}.hip_thm--dark .list-group-item-warning.list-group-item-action:hover,.hip_thm--dark .list-group-item-warning.list-group-item-action:focus{color:#7e5109;background-color:#fbd9a5}.hip_thm--dark .list-group-item-warning.list-group-item-action.active{color:#fff;background-color:#7e5109;border-color:#7e5109}.hip_thm--dark .list-group-item-danger{color:#78281f;background-color:#f8cdc8}.hip_thm--dark .list-group-item-danger.list-group-item-action:hover,.hip_thm--dark .list-group-item-danger.list-group-item-action:focus{color:#78281f;background-color:#f5b8b1}.hip_thm--dark .list-group-item-danger.list-group-item-action.active{color:#fff;background-color:#78281f;border-color:#78281f}.hip_thm--dark .list-group-item-light{color:#5a5e62;background-color:#e8eaed}.hip_thm--dark .list-group-item-light.list-group-item-action:hover,.hip_thm--dark .list-group-item-light.list-group-item-action:focus{color:#5a5e62;background-color:#dadde2}.hip_thm--dark .list-group-item-light.list-group-item-action.active{color:#fff;background-color:#5a5e62;border-color:#5a5e62}.hip_thm--dark .list-group-item-dark{color:#191919;background-color:#c5c5c5}.hip_thm--dark .list-group-item-dark.list-group-item-action:hover,.hip_thm--dark .list-group-item-dark.list-group-item-action:focus{color:#191919;background-color:#b8b8b8}.hip_thm--dark .list-group-item-dark.list-group-item-action.active{color:#fff;background-color:#191919;border-color:#191919}.hip_thm--dark .close{float:right;font-size:22.5px;font-weight:700;line-height:1;color:#fff;text-shadow:none;opacity:.5}.hip_thm--dark .close:hover{color:#fff;text-decoration:none}.hip_thm--dark .close:not(:disabled):not(.disabled):hover,.hip_thm--dark .close:not(:disabled):not(.disabled):focus{opacity:.75}.hip_thm--dark button.close{padding:0;background-color:transparent;border:0}.hip_thm--dark a.close.disabled{pointer-events:none}.hip_thm--dark .toast{flex-basis:350px;max-width:350px;font-size:14px;background-color:#444;background-clip:padding-box;border:1px solid rgba(0,0,0,.1);box-shadow:0 .25rem .75rem rgba(0,0,0,.1);opacity:0;border-radius:4px}.hip_thm--dark .toast:not(:last-child){margin-bottom:.75rem}.hip_thm--dark .toast.showing{opacity:1}.hip_thm--dark .toast.show{display:block;opacity:1}.hip_thm--dark .toast.hide{display:none}.hip_thm--dark .toast-header{display:flex;align-items:center;padding:4px 12px;color:#888;background-color:#303030;background-clip:padding-box;border-bottom:1px solid rgba(0,0,0,.05);border-top-left-radius:calc(4px - 1px);border-top-right-radius:calc(4px - 1px)}.hip_thm--dark .toast-body{padding:12px}.hip_thm--dark .modal-open{overflow:hidden}.hip_thm--dark .modal-open .modal{overflow-x:hidden;overflow-y:auto}.hip_thm--dark .modal{position:fixed;top:0;left:0;z-index:1050;display:none;width:100%;height:100%;overflow:hidden;outline:0}.hip_thm--dark .modal-dialog{position:relative;width:auto;margin:.5rem;pointer-events:none}.modal.fade .hip_thm--dark .modal-dialog{transition:transform .3s ease-out;transform:translate(0, -50px)}@media(prefers-reduced-motion: reduce){.modal.fade .hip_thm--dark .modal-dialog{transition:none}}.modal.show .hip_thm--dark .modal-dialog{transform:none}.modal.modal-static .hip_thm--dark .modal-dialog{transform:scale(1.02)}.hip_thm--dark .modal-dialog-scrollable{display:flex;max-height:calc(100% - 1rem)}.hip_thm--dark .modal-dialog-scrollable .modal-content{max-height:calc(100vh - 1rem);overflow:hidden}.hip_thm--dark .modal-dialog-scrollable .modal-header,.hip_thm--dark .modal-dialog-scrollable .modal-footer{flex-shrink:0}.hip_thm--dark .modal-dialog-scrollable .modal-body{overflow-y:auto}.hip_thm--dark .modal-dialog-centered{display:flex;align-items:center;min-height:calc(100% - 1rem)}.hip_thm--dark .modal-dialog-centered::before{display:block;height:calc(100vh - 1rem);height:min-content;content:\"\"}.hip_thm--dark .modal-dialog-centered.modal-dialog-scrollable{flex-direction:column;justify-content:center;height:100%}.hip_thm--dark .modal-dialog-centered.modal-dialog-scrollable .modal-content{max-height:none}.hip_thm--dark .modal-dialog-centered.modal-dialog-scrollable::before{content:none}.hip_thm--dark .modal-content{position:relative;display:flex;flex-direction:column;width:100%;pointer-events:auto;background-color:#303030;background-clip:padding-box;border:1px solid #444;border-radius:4.8px;outline:0}.hip_thm--dark .modal-backdrop{position:fixed;top:0;left:0;z-index:1040;width:100vw;height:100vh;background-color:#000}.hip_thm--dark .modal-backdrop.fade{opacity:0}.hip_thm--dark .modal-backdrop.show{opacity:.5}.hip_thm--dark .modal-header{display:flex;align-items:flex-start;justify-content:space-between;padding:16px 16px;border-bottom:1px solid #444;border-top-left-radius:calc(4.8px - 1px);border-top-right-radius:calc(4.8px - 1px)}.hip_thm--dark .modal-header .close{padding:16px 16px;margin:-1rem -1rem -1rem auto}.hip_thm--dark .modal-title{margin-bottom:0;line-height:1.5}.hip_thm--dark .modal-body{position:relative;flex:1 1 auto;padding:16px}.hip_thm--dark .modal-footer{display:flex;flex-wrap:wrap;align-items:center;justify-content:flex-end;padding:12px;border-top:1px solid #444;border-bottom-right-radius:calc(4.8px - 1px);border-bottom-left-radius:calc(4.8px - 1px)}.hip_thm--dark .modal-footer>*{margin:.25rem}.hip_thm--dark .modal-scrollbar-measure{position:absolute;top:-9999px;width:50px;height:50px;overflow:scroll}@media(min-width: 576px){.hip_thm--dark .modal-dialog{max-width:500px;margin:1.75rem auto}.hip_thm--dark .modal-dialog-scrollable{max-height:calc(100% - 3.5rem)}.hip_thm--dark .modal-dialog-scrollable .modal-content{max-height:calc(100vh - 3.5rem)}.hip_thm--dark .modal-dialog-centered{min-height:calc(100% - 3.5rem)}.hip_thm--dark .modal-dialog-centered::before{height:calc(100vh - 3.5rem);height:min-content}.hip_thm--dark .modal-sm{max-width:300px}}@media(min-width: 992px){.hip_thm--dark .modal-lg,.hip_thm--dark .modal-xl{max-width:800px}}@media(min-width: 1200px){.hip_thm--dark .modal-xl{max-width:1140px}}.hip_thm--dark .tooltip{position:absolute;z-index:1070;display:block;margin:0;font-family:\"Lato\",-apple-system,BlinkMacSystemFont,\"Segoe UI\",Roboto,\"Helvetica Neue\",Arial,sans-serif,\"Apple Color Emoji\",\"Segoe UI Emoji\",\"Segoe UI Symbol\";font-style:normal;font-weight:400;line-height:1.5;text-align:left;text-align:start;text-decoration:none;text-shadow:none;text-transform:none;letter-spacing:normal;word-break:normal;word-spacing:normal;white-space:normal;line-break:auto;font-size:13.125px;word-wrap:break-word;opacity:0}.hip_thm--dark .tooltip.show{opacity:.9}.hip_thm--dark .tooltip .arrow{position:absolute;display:block;width:.8rem;height:.4rem}.hip_thm--dark .tooltip .arrow::before{position:absolute;content:\"\";border-color:transparent;border-style:solid}.hip_thm--dark .bs-tooltip-top,.hip_thm--dark .bs-tooltip-auto[x-placement^=top]{padding:6.4px 0}.hip_thm--dark .bs-tooltip-top .arrow,.hip_thm--dark .bs-tooltip-auto[x-placement^=top] .arrow{bottom:0}.hip_thm--dark .bs-tooltip-top .arrow::before,.hip_thm--dark .bs-tooltip-auto[x-placement^=top] .arrow::before{top:0;border-width:6.4px 6.4px 0;border-top-color:#000}.hip_thm--dark .bs-tooltip-right,.hip_thm--dark .bs-tooltip-auto[x-placement^=right]{padding:0 6.4px}.hip_thm--dark .bs-tooltip-right .arrow,.hip_thm--dark .bs-tooltip-auto[x-placement^=right] .arrow{left:0;width:.4rem;height:.8rem}.hip_thm--dark .bs-tooltip-right .arrow::before,.hip_thm--dark .bs-tooltip-auto[x-placement^=right] .arrow::before{right:0;border-width:6.4px 6.4px 6.4px 0;border-right-color:#000}.hip_thm--dark .bs-tooltip-bottom,.hip_thm--dark .bs-tooltip-auto[x-placement^=bottom]{padding:6.4px 0}.hip_thm--dark .bs-tooltip-bottom .arrow,.hip_thm--dark .bs-tooltip-auto[x-placement^=bottom] .arrow{top:0}.hip_thm--dark .bs-tooltip-bottom .arrow::before,.hip_thm--dark .bs-tooltip-auto[x-placement^=bottom] .arrow::before{bottom:0;border-width:0 6.4px 6.4px;border-bottom-color:#000}.hip_thm--dark .bs-tooltip-left,.hip_thm--dark .bs-tooltip-auto[x-placement^=left]{padding:0 6.4px}.hip_thm--dark .bs-tooltip-left .arrow,.hip_thm--dark .bs-tooltip-auto[x-placement^=left] .arrow{right:0;width:.4rem;height:.8rem}.hip_thm--dark .bs-tooltip-left .arrow::before,.hip_thm--dark .bs-tooltip-auto[x-placement^=left] .arrow::before{left:0;border-width:6.4px 0 6.4px 6.4px;border-left-color:#000}.hip_thm--dark .tooltip-inner{max-width:200px;padding:4px 8px;color:#fff;text-align:center;background-color:#000;border-radius:4px}.hip_thm--dark .popover{position:absolute;top:0;left:0;z-index:1060;display:block;max-width:276px;font-family:\"Lato\",-apple-system,BlinkMacSystemFont,\"Segoe UI\",Roboto,\"Helvetica Neue\",Arial,sans-serif,\"Apple Color Emoji\",\"Segoe UI Emoji\",\"Segoe UI Symbol\";font-style:normal;font-weight:400;line-height:1.5;text-align:left;text-align:start;text-decoration:none;text-shadow:none;text-transform:none;letter-spacing:normal;word-break:normal;word-spacing:normal;white-space:normal;line-break:auto;font-size:13.125px;word-wrap:break-word;background-color:#303030;background-clip:padding-box;border:1px solid rgba(0,0,0,.2);border-radius:4.8px}.hip_thm--dark .popover .arrow{position:absolute;display:block;width:1rem;height:.5rem;margin:0 .3rem}.hip_thm--dark .popover .arrow::before,.hip_thm--dark .popover .arrow::after{position:absolute;display:block;content:\"\";border-color:transparent;border-style:solid}.hip_thm--dark .bs-popover-top,.hip_thm--dark .bs-popover-auto[x-placement^=top]{margin-bottom:.5rem}.hip_thm--dark .bs-popover-top>.arrow,.hip_thm--dark .hip_thm--light .bs-popover-auto[x-placement^=top]>.arrow,.hip_thm--dark .bs-popover-auto[x-placement^=top]>.arrow{bottom:calc(-0.5rem - 1px)}.hip_thm--dark .bs-popover-top>.arrow::before,.hip_thm--dark .hip_thm--light .bs-popover-auto[x-placement^=top]>.arrow::before,.hip_thm--dark .bs-popover-auto[x-placement^=top]>.arrow::before{bottom:0;border-width:8px 8px 0;border-top-color:rgba(0,0,0,.25)}.hip_thm--dark .bs-popover-top>.arrow::after,.hip_thm--dark .hip_thm--light .bs-popover-auto[x-placement^=top]>.arrow::after,.hip_thm--dark .bs-popover-auto[x-placement^=top]>.arrow::after{bottom:1px;border-width:8px 8px 0;border-top-color:#303030}.hip_thm--dark .bs-popover-right,.hip_thm--dark .bs-popover-auto[x-placement^=right]{margin-left:.5rem}.hip_thm--dark .bs-popover-right>.arrow,.hip_thm--dark .hip_thm--light .bs-popover-auto[x-placement^=right]>.arrow,.hip_thm--dark .bs-popover-auto[x-placement^=right]>.arrow{left:calc(-0.5rem - 1px);width:.5rem;height:1rem;margin:.3rem 0}.hip_thm--dark .bs-popover-right>.arrow::before,.hip_thm--dark .hip_thm--light .bs-popover-auto[x-placement^=right]>.arrow::before,.hip_thm--dark .bs-popover-auto[x-placement^=right]>.arrow::before{left:0;border-width:8px 8px 8px 0;border-right-color:rgba(0,0,0,.25)}.hip_thm--dark .bs-popover-right>.arrow::after,.hip_thm--dark .hip_thm--light .bs-popover-auto[x-placement^=right]>.arrow::after,.hip_thm--dark .bs-popover-auto[x-placement^=right]>.arrow::after{left:1px;border-width:8px 8px 8px 0;border-right-color:#303030}.hip_thm--dark .bs-popover-bottom,.hip_thm--dark .bs-popover-auto[x-placement^=bottom]{margin-top:.5rem}.hip_thm--dark .bs-popover-bottom>.arrow,.hip_thm--dark .hip_thm--light .bs-popover-auto[x-placement^=bottom]>.arrow,.hip_thm--dark .bs-popover-auto[x-placement^=bottom]>.arrow{top:calc(-0.5rem - 1px)}.hip_thm--dark .bs-popover-bottom>.arrow::before,.hip_thm--dark .hip_thm--light .bs-popover-auto[x-placement^=bottom]>.arrow::before,.hip_thm--dark .bs-popover-auto[x-placement^=bottom]>.arrow::before{top:0;border-width:0 8px 8px 8px;border-bottom-color:rgba(0,0,0,.25)}.hip_thm--dark .bs-popover-bottom>.arrow::after,.hip_thm--dark .hip_thm--light .bs-popover-auto[x-placement^=bottom]>.arrow::after,.hip_thm--dark .bs-popover-auto[x-placement^=bottom]>.arrow::after{top:1px;border-width:0 8px 8px 8px;border-bottom-color:#303030}.hip_thm--dark .bs-popover-bottom .popover-header::before,.hip_thm--dark .bs-popover-auto[x-placement^=bottom] .popover-header::before{position:absolute;top:0;left:50%;display:block;width:1rem;margin-left:-0.5rem;content:\"\";border-bottom:1px solid #444}.hip_thm--dark .bs-popover-left,.hip_thm--dark .bs-popover-auto[x-placement^=left]{margin-right:.5rem}.hip_thm--dark .bs-popover-left>.arrow,.hip_thm--dark .hip_thm--light .bs-popover-auto[x-placement^=left]>.arrow,.hip_thm--dark .bs-popover-auto[x-placement^=left]>.arrow{right:calc(-0.5rem - 1px);width:.5rem;height:1rem;margin:.3rem 0}.hip_thm--dark .bs-popover-left>.arrow::before,.hip_thm--dark .hip_thm--light .bs-popover-auto[x-placement^=left]>.arrow::before,.hip_thm--dark .bs-popover-auto[x-placement^=left]>.arrow::before{right:0;border-width:8px 0 8px 8px;border-left-color:rgba(0,0,0,.25)}.hip_thm--dark .bs-popover-left>.arrow::after,.hip_thm--dark .hip_thm--light .bs-popover-auto[x-placement^=left]>.arrow::after,.hip_thm--dark .bs-popover-auto[x-placement^=left]>.arrow::after{right:1px;border-width:8px 0 8px 8px;border-left-color:#303030}.hip_thm--dark .popover-header{padding:8px 12px;margin-bottom:0;font-size:15px;background-color:#444;border-bottom:1px solid #373737;border-top-left-radius:calc(4.8px - 1px);border-top-right-radius:calc(4.8px - 1px)}.hip_thm--dark .popover-header:empty{display:none}.hip_thm--dark .popover-body{padding:8px 12px;color:#fff}.hip_thm--dark .carousel{position:relative}.hip_thm--dark .carousel.pointer-event{touch-action:pan-y}.hip_thm--dark .carousel-inner{position:relative;width:100%;overflow:hidden}.hip_thm--dark .carousel-inner::after{display:block;clear:both;content:\"\"}.hip_thm--dark .carousel-item{position:relative;display:none;float:left;width:100%;margin-right:-100%;backface-visibility:hidden;transition:transform .6s ease-in-out}@media(prefers-reduced-motion: reduce){.hip_thm--dark .carousel-item{transition:none}}.hip_thm--dark .carousel-item.active,.hip_thm--dark .carousel-item-next,.hip_thm--dark .carousel-item-prev{display:block}.hip_thm--dark .carousel-item-next:not(.carousel-item-left),.hip_thm--dark .active.carousel-item-right{transform:translateX(100%)}.hip_thm--dark .carousel-item-prev:not(.carousel-item-right),.hip_thm--dark .active.carousel-item-left{transform:translateX(-100%)}.hip_thm--dark .carousel-fade .carousel-item{opacity:0;transition-property:opacity;transform:none}.hip_thm--dark .carousel-fade .carousel-item.active,.hip_thm--dark .carousel-fade .carousel-item-next.carousel-item-left,.hip_thm--dark .carousel-fade .carousel-item-prev.carousel-item-right{z-index:1;opacity:1}.hip_thm--dark .carousel-fade .active.carousel-item-left,.hip_thm--dark .carousel-fade .active.carousel-item-right{z-index:0;opacity:0;transition:opacity 0s .6s}@media(prefers-reduced-motion: reduce){.hip_thm--dark .carousel-fade .active.carousel-item-left,.hip_thm--dark .carousel-fade .active.carousel-item-right{transition:none}}.hip_thm--dark .carousel-control-prev,.hip_thm--dark .carousel-control-next{position:absolute;top:0;bottom:0;z-index:1;display:flex;align-items:center;justify-content:center;width:15%;color:#fff;text-align:center;opacity:.5;transition:opacity .15s ease}@media(prefers-reduced-motion: reduce){.hip_thm--dark .carousel-control-prev,.hip_thm--dark .carousel-control-next{transition:none}}.hip_thm--dark .carousel-control-prev:hover,.hip_thm--dark .carousel-control-prev:focus,.hip_thm--dark .carousel-control-next:hover,.hip_thm--dark .carousel-control-next:focus{color:#fff;text-decoration:none;outline:0;opacity:.9}.hip_thm--dark .carousel-control-prev{left:0}.hip_thm--dark .carousel-control-next{right:0}.hip_thm--dark .carousel-control-prev-icon,.hip_thm--dark .carousel-control-next-icon{display:inline-block;width:20px;height:20px;background:50%/100% 100% no-repeat}.hip_thm--dark .carousel-control-prev-icon{background-image:url(\"data:image/svg+xml,%3csvg xmlns='http://www.w3.org/2000/svg' fill='%23fff' width='8' height='8' viewBox='0 0 8 8'%3e%3cpath d='M5.25 0l-4 4 4 4 1.5-1.5L4.25 4l2.5-2.5L5.25 0z'/%3e%3c/svg%3e\")}.hip_thm--dark .carousel-control-next-icon{background-image:url(\"data:image/svg+xml,%3csvg xmlns='http://www.w3.org/2000/svg' fill='%23fff' width='8' height='8' viewBox='0 0 8 8'%3e%3cpath d='M2.75 0l-1.5 1.5L3.75 4l-2.5 2.5L2.75 8l4-4-4-4z'/%3e%3c/svg%3e\")}.hip_thm--dark .carousel-indicators{position:absolute;right:0;bottom:0;left:0;z-index:15;display:flex;justify-content:center;padding-left:0;margin-right:15%;margin-left:15%;list-style:none}.hip_thm--dark .carousel-indicators li{box-sizing:content-box;flex:0 1 auto;width:30px;height:3px;margin-right:3px;margin-left:3px;text-indent:-999px;cursor:pointer;background-color:#fff;background-clip:padding-box;border-top:10px solid transparent;border-bottom:10px solid transparent;opacity:.5;transition:opacity .6s ease}@media(prefers-reduced-motion: reduce){.hip_thm--dark .carousel-indicators li{transition:none}}.hip_thm--dark .carousel-indicators .active{opacity:1}.hip_thm--dark .carousel-caption{position:absolute;right:15%;bottom:20px;left:15%;z-index:10;padding-top:20px;padding-bottom:20px;color:#fff;text-align:center}@keyframes spinner-border{to{transform:rotate(360deg)}}.hip_thm--dark .spinner-border{display:inline-block;width:2rem;height:2rem;vertical-align:text-bottom;border:.25em solid currentColor;border-right-color:transparent;border-radius:50%;animation:.75s linear infinite spinner-border}.hip_thm--dark .spinner-border-sm{width:1rem;height:1rem;border-width:.2em}@keyframes spinner-grow{0%{transform:scale(0)}50%{opacity:1;transform:none}}.hip_thm--dark .spinner-grow{display:inline-block;width:2rem;height:2rem;vertical-align:text-bottom;background-color:currentColor;border-radius:50%;opacity:0;animation:.75s linear infinite spinner-grow}.hip_thm--dark .spinner-grow-sm{width:1rem;height:1rem}@media(prefers-reduced-motion: reduce){.hip_thm--dark .spinner-border,.hip_thm--dark .spinner-grow{animation-duration:1.5s}}.hip_thm--dark .align-baseline{vertical-align:baseline !important}.hip_thm--dark .align-top{vertical-align:top !important}.hip_thm--dark .align-middle{vertical-align:middle !important}.hip_thm--dark .align-bottom{vertical-align:bottom !important}.hip_thm--dark .align-text-bottom{vertical-align:text-bottom !important}.hip_thm--dark .align-text-top{vertical-align:text-top !important}.hip_thm--dark .bg-primary{background-color:#375a7f !important}.hip_thm--dark a.bg-primary:hover,.hip_thm--dark a.bg-primary:focus,.hip_thm--dark button.bg-primary:hover,.hip_thm--dark button.bg-primary:focus{background-color:#28415b !important}.hip_thm--dark .bg-secondary{background-color:#444 !important}.hip_thm--dark a.bg-secondary:hover,.hip_thm--dark a.bg-secondary:focus,.hip_thm--dark button.bg-secondary:hover,.hip_thm--dark button.bg-secondary:focus{background-color:#2b2b2b !important}.hip_thm--dark .bg-success{background-color:#00bc8c !important}.hip_thm--dark a.bg-success:hover,.hip_thm--dark a.bg-success:focus,.hip_thm--dark button.bg-success:hover,.hip_thm--dark button.bg-success:focus{background-color:#008966 !important}.hip_thm--dark .bg-info{background-color:#3498db !important}.hip_thm--dark a.bg-info:hover,.hip_thm--dark a.bg-info:focus,.hip_thm--dark button.bg-info:hover,.hip_thm--dark button.bg-info:focus{background-color:#217dbb !important}.hip_thm--dark .bg-warning{background-color:#f39c12 !important}.hip_thm--dark a.bg-warning:hover,.hip_thm--dark a.bg-warning:focus,.hip_thm--dark button.bg-warning:hover,.hip_thm--dark button.bg-warning:focus{background-color:#c87f0a !important}.hip_thm--dark .bg-danger{background-color:#e74c3c !important}.hip_thm--dark a.bg-danger:hover,.hip_thm--dark a.bg-danger:focus,.hip_thm--dark button.bg-danger:hover,.hip_thm--dark button.bg-danger:focus{background-color:#d62c1a !important}.hip_thm--dark .bg-light{background-color:#adb5bd !important}.hip_thm--dark a.bg-light:hover,.hip_thm--dark a.bg-light:focus,.hip_thm--dark button.bg-light:hover,.hip_thm--dark button.bg-light:focus{background-color:#919ca6 !important}.hip_thm--dark .bg-dark{background-color:#303030 !important}.hip_thm--dark a.bg-dark:hover,.hip_thm--dark a.bg-dark:focus,.hip_thm--dark button.bg-dark:hover,.hip_thm--dark button.bg-dark:focus{background-color:#171717 !important}.hip_thm--dark .bg-white{background-color:#fff !important}.hip_thm--dark .bg-transparent{background-color:transparent !important}.hip_thm--dark .border{border:1px solid #dee2e6 !important}.hip_thm--dark .border-top{border-top:1px solid #dee2e6 !important}.hip_thm--dark .border-right{border-right:1px solid #dee2e6 !important}.hip_thm--dark .border-bottom{border-bottom:1px solid #dee2e6 !important}.hip_thm--dark .border-left{border-left:1px solid #dee2e6 !important}.hip_thm--dark .border-0{border:0 !important}.hip_thm--dark .border-top-0{border-top:0 !important}.hip_thm--dark .border-right-0{border-right:0 !important}.hip_thm--dark .border-bottom-0{border-bottom:0 !important}.hip_thm--dark .border-left-0{border-left:0 !important}.hip_thm--dark .border-primary{border-color:#375a7f !important}.hip_thm--dark .border-secondary{border-color:#444 !important}.hip_thm--dark .border-success{border-color:#00bc8c !important}.hip_thm--dark .border-info{border-color:#3498db !important}.hip_thm--dark .border-warning{border-color:#f39c12 !important}.hip_thm--dark .border-danger{border-color:#e74c3c !important}.hip_thm--dark .border-light{border-color:#adb5bd !important}.hip_thm--dark .border-dark{border-color:#303030 !important}.hip_thm--dark .border-white{border-color:#fff !important}.hip_thm--dark .rounded-sm{border-radius:3.2px !important}.hip_thm--dark .rounded{border-radius:4px !important}.hip_thm--dark .rounded-top{border-top-left-radius:4px !important;border-top-right-radius:4px !important}.hip_thm--dark .rounded-right{border-top-right-radius:4px !important;border-bottom-right-radius:4px !important}.hip_thm--dark .rounded-bottom{border-bottom-right-radius:4px !important;border-bottom-left-radius:4px !important}.hip_thm--dark .rounded-left{border-top-left-radius:4px !important;border-bottom-left-radius:4px !important}.hip_thm--dark .rounded-lg{border-radius:4.8px !important}.hip_thm--dark .rounded-circle{border-radius:50% !important}.hip_thm--dark .rounded-pill{border-radius:800px !important}.hip_thm--dark .rounded-0{border-radius:0 !important}.hip_thm--dark .clearfix::after{display:block;clear:both;content:\"\"}.hip_thm--dark .d-none{display:none !important}.hip_thm--dark .d-inline{display:inline !important}.hip_thm--dark .d-inline-block{display:inline-block !important}.hip_thm--dark .d-block{display:block !important}.hip_thm--dark .d-table{display:table !important}.hip_thm--dark .d-table-row{display:table-row !important}.hip_thm--dark .d-table-cell{display:table-cell !important}.hip_thm--dark .d-flex{display:flex !important}.hip_thm--dark .d-inline-flex{display:inline-flex !important}@media(min-width: 576px){.hip_thm--dark .d-sm-none{display:none !important}.hip_thm--dark .d-sm-inline{display:inline !important}.hip_thm--dark .d-sm-inline-block{display:inline-block !important}.hip_thm--dark .d-sm-block{display:block !important}.hip_thm--dark .d-sm-table{display:table !important}.hip_thm--dark .d-sm-table-row{display:table-row !important}.hip_thm--dark .d-sm-table-cell{display:table-cell !important}.hip_thm--dark .d-sm-flex{display:flex !important}.hip_thm--dark .d-sm-inline-flex{display:inline-flex !important}}@media(min-width: 768px){.hip_thm--dark .d-md-none{display:none !important}.hip_thm--dark .d-md-inline{display:inline !important}.hip_thm--dark .d-md-inline-block{display:inline-block !important}.hip_thm--dark .d-md-block{display:block !important}.hip_thm--dark .d-md-table{display:table !important}.hip_thm--dark .d-md-table-row{display:table-row !important}.hip_thm--dark .d-md-table-cell{display:table-cell !important}.hip_thm--dark .d-md-flex{display:flex !important}.hip_thm--dark .d-md-inline-flex{display:inline-flex !important}}@media(min-width: 992px){.hip_thm--dark .d-lg-none{display:none !important}.hip_thm--dark .d-lg-inline{display:inline !important}.hip_thm--dark .d-lg-inline-block{display:inline-block !important}.hip_thm--dark .d-lg-block{display:block !important}.hip_thm--dark .d-lg-table{display:table !important}.hip_thm--dark .d-lg-table-row{display:table-row !important}.hip_thm--dark .d-lg-table-cell{display:table-cell !important}.hip_thm--dark .d-lg-flex{display:flex !important}.hip_thm--dark .d-lg-inline-flex{display:inline-flex !important}}@media(min-width: 1200px){.hip_thm--dark .d-xl-none{display:none !important}.hip_thm--dark .d-xl-inline{display:inline !important}.hip_thm--dark .d-xl-inline-block{display:inline-block !important}.hip_thm--dark .d-xl-block{display:block !important}.hip_thm--dark .d-xl-table{display:table !important}.hip_thm--dark .d-xl-table-row{display:table-row !important}.hip_thm--dark .d-xl-table-cell{display:table-cell !important}.hip_thm--dark .d-xl-flex{display:flex !important}.hip_thm--dark .d-xl-inline-flex{display:inline-flex !important}}@media print{.hip_thm--dark .d-print-none{display:none !important}.hip_thm--dark .d-print-inline{display:inline !important}.hip_thm--dark .d-print-inline-block{display:inline-block !important}.hip_thm--dark .d-print-block{display:block !important}.hip_thm--dark .d-print-table{display:table !important}.hip_thm--dark .d-print-table-row{display:table-row !important}.hip_thm--dark .d-print-table-cell{display:table-cell !important}.hip_thm--dark .d-print-flex{display:flex !important}.hip_thm--dark .d-print-inline-flex{display:inline-flex !important}}.hip_thm--dark .embed-responsive{position:relative;display:block;width:100%;padding:0;overflow:hidden}.hip_thm--dark .embed-responsive::before{display:block;content:\"\"}.hip_thm--dark .embed-responsive .embed-responsive-item,.hip_thm--dark .embed-responsive iframe,.hip_thm--dark .embed-responsive embed,.hip_thm--dark .embed-responsive object,.hip_thm--dark .embed-responsive video{position:absolute;top:0;bottom:0;left:0;width:100%;height:100%;border:0}.hip_thm--dark .embed-responsive-21by9::before{padding-top:42.8571428571%}.hip_thm--dark .embed-responsive-16by9::before{padding-top:56.25%}.hip_thm--dark .embed-responsive-4by3::before{padding-top:75%}.hip_thm--dark .embed-responsive-1by1::before{padding-top:100%}.hip_thm--dark .flex-row{flex-direction:row !important}.hip_thm--dark .flex-column{flex-direction:column !important}.hip_thm--dark .flex-row-reverse{flex-direction:row-reverse !important}.hip_thm--dark .flex-column-reverse{flex-direction:column-reverse !important}.hip_thm--dark .flex-wrap{flex-wrap:wrap !important}.hip_thm--dark .flex-nowrap{flex-wrap:nowrap !important}.hip_thm--dark .flex-wrap-reverse{flex-wrap:wrap-reverse !important}.hip_thm--dark .flex-fill{flex:1 1 auto !important}.hip_thm--dark .flex-grow-0{flex-grow:0 !important}.hip_thm--dark .flex-grow-1{flex-grow:1 !important}.hip_thm--dark .flex-shrink-0{flex-shrink:0 !important}.hip_thm--dark .flex-shrink-1{flex-shrink:1 !important}.hip_thm--dark .justify-content-start{justify-content:flex-start !important}.hip_thm--dark .justify-content-end{justify-content:flex-end !important}.hip_thm--dark .justify-content-center{justify-content:center !important}.hip_thm--dark .justify-content-between{justify-content:space-between !important}.hip_thm--dark .justify-content-around{justify-content:space-around !important}.hip_thm--dark .align-items-start{align-items:flex-start !important}.hip_thm--dark .align-items-end{align-items:flex-end !important}.hip_thm--dark .align-items-center{align-items:center !important}.hip_thm--dark .align-items-baseline{align-items:baseline !important}.hip_thm--dark .align-items-stretch{align-items:stretch !important}.hip_thm--dark .align-content-start{align-content:flex-start !important}.hip_thm--dark .align-content-end{align-content:flex-end !important}.hip_thm--dark .align-content-center{align-content:center !important}.hip_thm--dark .align-content-between{align-content:space-between !important}.hip_thm--dark .align-content-around{align-content:space-around !important}.hip_thm--dark .align-content-stretch{align-content:stretch !important}.hip_thm--dark .align-self-auto{align-self:auto !important}.hip_thm--dark .align-self-start{align-self:flex-start !important}.hip_thm--dark .align-self-end{align-self:flex-end !important}.hip_thm--dark .align-self-center{align-self:center !important}.hip_thm--dark .align-self-baseline{align-self:baseline !important}.hip_thm--dark .align-self-stretch{align-self:stretch !important}@media(min-width: 576px){.hip_thm--dark .flex-sm-row{flex-direction:row !important}.hip_thm--dark .flex-sm-column{flex-direction:column !important}.hip_thm--dark .flex-sm-row-reverse{flex-direction:row-reverse !important}.hip_thm--dark .flex-sm-column-reverse{flex-direction:column-reverse !important}.hip_thm--dark .flex-sm-wrap{flex-wrap:wrap !important}.hip_thm--dark .flex-sm-nowrap{flex-wrap:nowrap !important}.hip_thm--dark .flex-sm-wrap-reverse{flex-wrap:wrap-reverse !important}.hip_thm--dark .flex-sm-fill{flex:1 1 auto !important}.hip_thm--dark .flex-sm-grow-0{flex-grow:0 !important}.hip_thm--dark .flex-sm-grow-1{flex-grow:1 !important}.hip_thm--dark .flex-sm-shrink-0{flex-shrink:0 !important}.hip_thm--dark .flex-sm-shrink-1{flex-shrink:1 !important}.hip_thm--dark .justify-content-sm-start{justify-content:flex-start !important}.hip_thm--dark .justify-content-sm-end{justify-content:flex-end !important}.hip_thm--dark .justify-content-sm-center{justify-content:center !important}.hip_thm--dark .justify-content-sm-between{justify-content:space-between !important}.hip_thm--dark .justify-content-sm-around{justify-content:space-around !important}.hip_thm--dark .align-items-sm-start{align-items:flex-start !important}.hip_thm--dark .align-items-sm-end{align-items:flex-end !important}.hip_thm--dark .align-items-sm-center{align-items:center !important}.hip_thm--dark .align-items-sm-baseline{align-items:baseline !important}.hip_thm--dark .align-items-sm-stretch{align-items:stretch !important}.hip_thm--dark .align-content-sm-start{align-content:flex-start !important}.hip_thm--dark .align-content-sm-end{align-content:flex-end !important}.hip_thm--dark .align-content-sm-center{align-content:center !important}.hip_thm--dark .align-content-sm-between{align-content:space-between !important}.hip_thm--dark .align-content-sm-around{align-content:space-around !important}.hip_thm--dark .align-content-sm-stretch{align-content:stretch !important}.hip_thm--dark .align-self-sm-auto{align-self:auto !important}.hip_thm--dark .align-self-sm-start{align-self:flex-start !important}.hip_thm--dark .align-self-sm-end{align-self:flex-end !important}.hip_thm--dark .align-self-sm-center{align-self:center !important}.hip_thm--dark .align-self-sm-baseline{align-self:baseline !important}.hip_thm--dark .align-self-sm-stretch{align-self:stretch !important}}@media(min-width: 768px){.hip_thm--dark .flex-md-row{flex-direction:row !important}.hip_thm--dark .flex-md-column{flex-direction:column !important}.hip_thm--dark .flex-md-row-reverse{flex-direction:row-reverse !important}.hip_thm--dark .flex-md-column-reverse{flex-direction:column-reverse !important}.hip_thm--dark .flex-md-wrap{flex-wrap:wrap !important}.hip_thm--dark .flex-md-nowrap{flex-wrap:nowrap !important}.hip_thm--dark .flex-md-wrap-reverse{flex-wrap:wrap-reverse !important}.hip_thm--dark .flex-md-fill{flex:1 1 auto !important}.hip_thm--dark .flex-md-grow-0{flex-grow:0 !important}.hip_thm--dark .flex-md-grow-1{flex-grow:1 !important}.hip_thm--dark .flex-md-shrink-0{flex-shrink:0 !important}.hip_thm--dark .flex-md-shrink-1{flex-shrink:1 !important}.hip_thm--dark .justify-content-md-start{justify-content:flex-start !important}.hip_thm--dark .justify-content-md-end{justify-content:flex-end !important}.hip_thm--dark .justify-content-md-center{justify-content:center !important}.hip_thm--dark .justify-content-md-between{justify-content:space-between !important}.hip_thm--dark .justify-content-md-around{justify-content:space-around !important}.hip_thm--dark .align-items-md-start{align-items:flex-start !important}.hip_thm--dark .align-items-md-end{align-items:flex-end !important}.hip_thm--dark .align-items-md-center{align-items:center !important}.hip_thm--dark .align-items-md-baseline{align-items:baseline !important}.hip_thm--dark .align-items-md-stretch{align-items:stretch !important}.hip_thm--dark .align-content-md-start{align-content:flex-start !important}.hip_thm--dark .align-content-md-end{align-content:flex-end !important}.hip_thm--dark .align-content-md-center{align-content:center !important}.hip_thm--dark .align-content-md-between{align-content:space-between !important}.hip_thm--dark .align-content-md-around{align-content:space-around !important}.hip_thm--dark .align-content-md-stretch{align-content:stretch !important}.hip_thm--dark .align-self-md-auto{align-self:auto !important}.hip_thm--dark .align-self-md-start{align-self:flex-start !important}.hip_thm--dark .align-self-md-end{align-self:flex-end !important}.hip_thm--dark .align-self-md-center{align-self:center !important}.hip_thm--dark .align-self-md-baseline{align-self:baseline !important}.hip_thm--dark .align-self-md-stretch{align-self:stretch !important}}@media(min-width: 992px){.hip_thm--dark .flex-lg-row{flex-direction:row !important}.hip_thm--dark .flex-lg-column{flex-direction:column !important}.hip_thm--dark .flex-lg-row-reverse{flex-direction:row-reverse !important}.hip_thm--dark .flex-lg-column-reverse{flex-direction:column-reverse !important}.hip_thm--dark .flex-lg-wrap{flex-wrap:wrap !important}.hip_thm--dark .flex-lg-nowrap{flex-wrap:nowrap !important}.hip_thm--dark .flex-lg-wrap-reverse{flex-wrap:wrap-reverse !important}.hip_thm--dark .flex-lg-fill{flex:1 1 auto !important}.hip_thm--dark .flex-lg-grow-0{flex-grow:0 !important}.hip_thm--dark .flex-lg-grow-1{flex-grow:1 !important}.hip_thm--dark .flex-lg-shrink-0{flex-shrink:0 !important}.hip_thm--dark .flex-lg-shrink-1{flex-shrink:1 !important}.hip_thm--dark .justify-content-lg-start{justify-content:flex-start !important}.hip_thm--dark .justify-content-lg-end{justify-content:flex-end !important}.hip_thm--dark .justify-content-lg-center{justify-content:center !important}.hip_thm--dark .justify-content-lg-between{justify-content:space-between !important}.hip_thm--dark .justify-content-lg-around{justify-content:space-around !important}.hip_thm--dark .align-items-lg-start{align-items:flex-start !important}.hip_thm--dark .align-items-lg-end{align-items:flex-end !important}.hip_thm--dark .align-items-lg-center{align-items:center !important}.hip_thm--dark .align-items-lg-baseline{align-items:baseline !important}.hip_thm--dark .align-items-lg-stretch{align-items:stretch !important}.hip_thm--dark .align-content-lg-start{align-content:flex-start !important}.hip_thm--dark .align-content-lg-end{align-content:flex-end !important}.hip_thm--dark .align-content-lg-center{align-content:center !important}.hip_thm--dark .align-content-lg-between{align-content:space-between !important}.hip_thm--dark .align-content-lg-around{align-content:space-around !important}.hip_thm--dark .align-content-lg-stretch{align-content:stretch !important}.hip_thm--dark .align-self-lg-auto{align-self:auto !important}.hip_thm--dark .align-self-lg-start{align-self:flex-start !important}.hip_thm--dark .align-self-lg-end{align-self:flex-end !important}.hip_thm--dark .align-self-lg-center{align-self:center !important}.hip_thm--dark .align-self-lg-baseline{align-self:baseline !important}.hip_thm--dark .align-self-lg-stretch{align-self:stretch !important}}@media(min-width: 1200px){.hip_thm--dark .flex-xl-row{flex-direction:row !important}.hip_thm--dark .flex-xl-column{flex-direction:column !important}.hip_thm--dark .flex-xl-row-reverse{flex-direction:row-reverse !important}.hip_thm--dark .flex-xl-column-reverse{flex-direction:column-reverse !important}.hip_thm--dark .flex-xl-wrap{flex-wrap:wrap !important}.hip_thm--dark .flex-xl-nowrap{flex-wrap:nowrap !important}.hip_thm--dark .flex-xl-wrap-reverse{flex-wrap:wrap-reverse !important}.hip_thm--dark .flex-xl-fill{flex:1 1 auto !important}.hip_thm--dark .flex-xl-grow-0{flex-grow:0 !important}.hip_thm--dark .flex-xl-grow-1{flex-grow:1 !important}.hip_thm--dark .flex-xl-shrink-0{flex-shrink:0 !important}.hip_thm--dark .flex-xl-shrink-1{flex-shrink:1 !important}.hip_thm--dark .justify-content-xl-start{justify-content:flex-start !important}.hip_thm--dark .justify-content-xl-end{justify-content:flex-end !important}.hip_thm--dark .justify-content-xl-center{justify-content:center !important}.hip_thm--dark .justify-content-xl-between{justify-content:space-between !important}.hip_thm--dark .justify-content-xl-around{justify-content:space-around !important}.hip_thm--dark .align-items-xl-start{align-items:flex-start !important}.hip_thm--dark .align-items-xl-end{align-items:flex-end !important}.hip_thm--dark .align-items-xl-center{align-items:center !important}.hip_thm--dark .align-items-xl-baseline{align-items:baseline !important}.hip_thm--dark .align-items-xl-stretch{align-items:stretch !important}.hip_thm--dark .align-content-xl-start{align-content:flex-start !important}.hip_thm--dark .align-content-xl-end{align-content:flex-end !important}.hip_thm--dark .align-content-xl-center{align-content:center !important}.hip_thm--dark .align-content-xl-between{align-content:space-between !important}.hip_thm--dark .align-content-xl-around{align-content:space-around !important}.hip_thm--dark .align-content-xl-stretch{align-content:stretch !important}.hip_thm--dark .align-self-xl-auto{align-self:auto !important}.hip_thm--dark .align-self-xl-start{align-self:flex-start !important}.hip_thm--dark .align-self-xl-end{align-self:flex-end !important}.hip_thm--dark .align-self-xl-center{align-self:center !important}.hip_thm--dark .align-self-xl-baseline{align-self:baseline !important}.hip_thm--dark .align-self-xl-stretch{align-self:stretch !important}}.hip_thm--dark .float-left{float:left !important}.hip_thm--dark .float-right{float:right !important}.hip_thm--dark .float-none{float:none !important}@media(min-width: 576px){.hip_thm--dark .float-sm-left{float:left !important}.hip_thm--dark .float-sm-right{float:right !important}.hip_thm--dark .float-sm-none{float:none !important}}@media(min-width: 768px){.hip_thm--dark .float-md-left{float:left !important}.hip_thm--dark .float-md-right{float:right !important}.hip_thm--dark .float-md-none{float:none !important}}@media(min-width: 992px){.hip_thm--dark .float-lg-left{float:left !important}.hip_thm--dark .float-lg-right{float:right !important}.hip_thm--dark .float-lg-none{float:none !important}}@media(min-width: 1200px){.hip_thm--dark .float-xl-left{float:left !important}.hip_thm--dark .float-xl-right{float:right !important}.hip_thm--dark .float-xl-none{float:none !important}}.hip_thm--dark .user-select-all{user-select:all !important}.hip_thm--dark .user-select-auto{user-select:auto !important}.hip_thm--dark .user-select-none{user-select:none !important}.hip_thm--dark .overflow-auto{overflow:auto !important}.hip_thm--dark .overflow-hidden{overflow:hidden !important}.hip_thm--dark .position-static{position:static !important}.hip_thm--dark .position-relative{position:relative !important}.hip_thm--dark .position-absolute{position:absolute !important}.hip_thm--dark .position-fixed{position:fixed !important}.hip_thm--dark .position-sticky{position:sticky !important}.hip_thm--dark .fixed-top{position:fixed;top:0;right:0;left:0;z-index:1030}.hip_thm--dark .fixed-bottom{position:fixed;right:0;bottom:0;left:0;z-index:1030}@supports(position: sticky){.hip_thm--dark .sticky-top{position:sticky;top:0;z-index:1020}}.hip_thm--dark .sr-only{position:absolute;width:1px;height:1px;padding:0;margin:-1px;overflow:hidden;clip:rect(0, 0, 0, 0);white-space:nowrap;border:0}.hip_thm--dark .sr-only-focusable:active,.hip_thm--dark .sr-only-focusable:focus{position:static;width:auto;height:auto;overflow:visible;clip:auto;white-space:normal}.hip_thm--dark .shadow-sm{box-shadow:0 .125rem .25rem rgba(0,0,0,.075) !important}.hip_thm--dark .shadow{box-shadow:0 .5rem 1rem rgba(0,0,0,.15) !important}.hip_thm--dark .shadow-lg{box-shadow:0 1rem 3rem rgba(0,0,0,.175) !important}.hip_thm--dark .shadow-none{box-shadow:none !important}.hip_thm--dark .w-25{width:25% !important}.hip_thm--dark .w-50{width:50% !important}.hip_thm--dark .w-75{width:75% !important}.hip_thm--dark .w-100{width:100% !important}.hip_thm--dark .w-auto{width:auto !important}.hip_thm--dark .h-25{height:25% !important}.hip_thm--dark .h-50{height:50% !important}.hip_thm--dark .h-75{height:75% !important}.hip_thm--dark .h-100{height:100% !important}.hip_thm--dark .h-auto{height:auto !important}.hip_thm--dark .mw-100{max-width:100% !important}.hip_thm--dark .mh-100{max-height:100% !important}.hip_thm--dark .min-vw-100{min-width:100vw !important}.hip_thm--dark .min-vh-100{min-height:100vh !important}.hip_thm--dark .vw-100{width:100vw !important}.hip_thm--dark .vh-100{height:100vh !important}.hip_thm--dark .m-0{margin:0 !important}.hip_thm--dark .mt-0,.hip_thm--dark .my-0{margin-top:0 !important}.hip_thm--dark .mr-0,.hip_thm--dark .mx-0{margin-right:0 !important}.hip_thm--dark .mb-0,.hip_thm--dark .my-0{margin-bottom:0 !important}.hip_thm--dark .ml-0,.hip_thm--dark .mx-0{margin-left:0 !important}.hip_thm--dark .m-1{margin:.25rem !important}.hip_thm--dark .mt-1,.hip_thm--dark .my-1{margin-top:.25rem !important}.hip_thm--dark .mr-1,.hip_thm--dark .mx-1{margin-right:.25rem !important}.hip_thm--dark .mb-1,.hip_thm--dark .my-1{margin-bottom:.25rem !important}.hip_thm--dark .ml-1,.hip_thm--dark .mx-1{margin-left:.25rem !important}.hip_thm--dark .m-2{margin:.5rem !important}.hip_thm--dark .mt-2,.hip_thm--dark .my-2{margin-top:.5rem !important}.hip_thm--dark .mr-2,.hip_thm--dark .mx-2{margin-right:.5rem !important}.hip_thm--dark .mb-2,.hip_thm--dark .my-2{margin-bottom:.5rem !important}.hip_thm--dark .ml-2,.hip_thm--dark .mx-2{margin-left:.5rem !important}.hip_thm--dark .m-3{margin:1rem !important}.hip_thm--dark .mt-3,.hip_thm--dark .my-3{margin-top:1rem !important}.hip_thm--dark .mr-3,.hip_thm--dark .mx-3{margin-right:1rem !important}.hip_thm--dark .mb-3,.hip_thm--dark .my-3{margin-bottom:1rem !important}.hip_thm--dark .ml-3,.hip_thm--dark .mx-3{margin-left:1rem !important}.hip_thm--dark .m-4{margin:1.5rem !important}.hip_thm--dark .mt-4,.hip_thm--dark .my-4{margin-top:1.5rem !important}.hip_thm--dark .mr-4,.hip_thm--dark .mx-4{margin-right:1.5rem !important}.hip_thm--dark .mb-4,.hip_thm--dark .my-4{margin-bottom:1.5rem !important}.hip_thm--dark .ml-4,.hip_thm--dark .mx-4{margin-left:1.5rem !important}.hip_thm--dark .m-5{margin:3rem !important}.hip_thm--dark .mt-5,.hip_thm--dark .my-5{margin-top:3rem !important}.hip_thm--dark .mr-5,.hip_thm--dark .mx-5{margin-right:3rem !important}.hip_thm--dark .mb-5,.hip_thm--dark .my-5{margin-bottom:3rem !important}.hip_thm--dark .ml-5,.hip_thm--dark .mx-5{margin-left:3rem !important}.hip_thm--dark .p-0{padding:0 !important}.hip_thm--dark .pt-0,.hip_thm--dark .py-0{padding-top:0 !important}.hip_thm--dark .pr-0,.hip_thm--dark .px-0{padding-right:0 !important}.hip_thm--dark .pb-0,.hip_thm--dark .py-0{padding-bottom:0 !important}.hip_thm--dark .pl-0,.hip_thm--dark .px-0{padding-left:0 !important}.hip_thm--dark .p-1{padding:4px !important}.hip_thm--dark .pt-1,.hip_thm--dark .py-1{padding-top:4px !important}.hip_thm--dark .pr-1,.hip_thm--dark .px-1{padding-right:4px !important}.hip_thm--dark .pb-1,.hip_thm--dark .py-1{padding-bottom:4px !important}.hip_thm--dark .pl-1,.hip_thm--dark .px-1{padding-left:4px !important}.hip_thm--dark .p-2{padding:8px !important}.hip_thm--dark .pt-2,.hip_thm--dark .py-2{padding-top:8px !important}.hip_thm--dark .pr-2,.hip_thm--dark .px-2{padding-right:8px !important}.hip_thm--dark .pb-2,.hip_thm--dark .py-2{padding-bottom:8px !important}.hip_thm--dark .pl-2,.hip_thm--dark .px-2{padding-left:8px !important}.hip_thm--dark .p-3{padding:16px !important}.hip_thm--dark .pt-3,.hip_thm--dark .py-3{padding-top:16px !important}.hip_thm--dark .pr-3,.hip_thm--dark .px-3{padding-right:16px !important}.hip_thm--dark .pb-3,.hip_thm--dark .py-3{padding-bottom:16px !important}.hip_thm--dark .pl-3,.hip_thm--dark .px-3{padding-left:16px !important}.hip_thm--dark .p-4{padding:24px !important}.hip_thm--dark .pt-4,.hip_thm--dark .py-4{padding-top:24px !important}.hip_thm--dark .pr-4,.hip_thm--dark .px-4{padding-right:24px !important}.hip_thm--dark .pb-4,.hip_thm--dark .py-4{padding-bottom:24px !important}.hip_thm--dark .pl-4,.hip_thm--dark .px-4{padding-left:24px !important}.hip_thm--dark .p-5{padding:48px !important}.hip_thm--dark .pt-5,.hip_thm--dark .py-5{padding-top:48px !important}.hip_thm--dark .pr-5,.hip_thm--dark .px-5{padding-right:48px !important}.hip_thm--dark .pb-5,.hip_thm--dark .py-5{padding-bottom:48px !important}.hip_thm--dark .pl-5,.hip_thm--dark .px-5{padding-left:48px !important}.hip_thm--dark .m-n1{margin:-0.25rem !important}.hip_thm--dark .mt-n1,.hip_thm--dark .my-n1{margin-top:-0.25rem !important}.hip_thm--dark .mr-n1,.hip_thm--dark .mx-n1{margin-right:-0.25rem !important}.hip_thm--dark .mb-n1,.hip_thm--dark .my-n1{margin-bottom:-0.25rem !important}.hip_thm--dark .ml-n1,.hip_thm--dark .mx-n1{margin-left:-0.25rem !important}.hip_thm--dark .m-n2{margin:-0.5rem !important}.hip_thm--dark .mt-n2,.hip_thm--dark .my-n2{margin-top:-0.5rem !important}.hip_thm--dark .mr-n2,.hip_thm--dark .mx-n2{margin-right:-0.5rem !important}.hip_thm--dark .mb-n2,.hip_thm--dark .my-n2{margin-bottom:-0.5rem !important}.hip_thm--dark .ml-n2,.hip_thm--dark .mx-n2{margin-left:-0.5rem !important}.hip_thm--dark .m-n3{margin:-1rem !important}.hip_thm--dark .mt-n3,.hip_thm--dark .my-n3{margin-top:-1rem !important}.hip_thm--dark .mr-n3,.hip_thm--dark .mx-n3{margin-right:-1rem !important}.hip_thm--dark .mb-n3,.hip_thm--dark .my-n3{margin-bottom:-1rem !important}.hip_thm--dark .ml-n3,.hip_thm--dark .mx-n3{margin-left:-1rem !important}.hip_thm--dark .m-n4{margin:-1.5rem !important}.hip_thm--dark .mt-n4,.hip_thm--dark .my-n4{margin-top:-1.5rem !important}.hip_thm--dark .mr-n4,.hip_thm--dark .mx-n4{margin-right:-1.5rem !important}.hip_thm--dark .mb-n4,.hip_thm--dark .my-n4{margin-bottom:-1.5rem !important}.hip_thm--dark .ml-n4,.hip_thm--dark .mx-n4{margin-left:-1.5rem !important}.hip_thm--dark .m-n5{margin:-3rem !important}.hip_thm--dark .mt-n5,.hip_thm--dark .my-n5{margin-top:-3rem !important}.hip_thm--dark .mr-n5,.hip_thm--dark .mx-n5{margin-right:-3rem !important}.hip_thm--dark .mb-n5,.hip_thm--dark .my-n5{margin-bottom:-3rem !important}.hip_thm--dark .ml-n5,.hip_thm--dark .mx-n5{margin-left:-3rem !important}.hip_thm--dark .m-auto{margin:auto !important}.hip_thm--dark .mt-auto,.hip_thm--dark .my-auto{margin-top:auto !important}.hip_thm--dark .mr-auto,.hip_thm--dark .mx-auto{margin-right:auto !important}.hip_thm--dark .mb-auto,.hip_thm--dark .my-auto{margin-bottom:auto !important}.hip_thm--dark .ml-auto,.hip_thm--dark .mx-auto{margin-left:auto !important}@media(min-width: 576px){.hip_thm--dark .m-sm-0{margin:0 !important}.hip_thm--dark .mt-sm-0,.hip_thm--dark .my-sm-0{margin-top:0 !important}.hip_thm--dark .mr-sm-0,.hip_thm--dark .mx-sm-0{margin-right:0 !important}.hip_thm--dark .mb-sm-0,.hip_thm--dark .my-sm-0{margin-bottom:0 !important}.hip_thm--dark .ml-sm-0,.hip_thm--dark .mx-sm-0{margin-left:0 !important}.hip_thm--dark .m-sm-1{margin:.25rem !important}.hip_thm--dark .mt-sm-1,.hip_thm--dark .my-sm-1{margin-top:.25rem !important}.hip_thm--dark .mr-sm-1,.hip_thm--dark .mx-sm-1{margin-right:.25rem !important}.hip_thm--dark .mb-sm-1,.hip_thm--dark .my-sm-1{margin-bottom:.25rem !important}.hip_thm--dark .ml-sm-1,.hip_thm--dark .mx-sm-1{margin-left:.25rem !important}.hip_thm--dark .m-sm-2{margin:.5rem !important}.hip_thm--dark .mt-sm-2,.hip_thm--dark .my-sm-2{margin-top:.5rem !important}.hip_thm--dark .mr-sm-2,.hip_thm--dark .mx-sm-2{margin-right:.5rem !important}.hip_thm--dark .mb-sm-2,.hip_thm--dark .my-sm-2{margin-bottom:.5rem !important}.hip_thm--dark .ml-sm-2,.hip_thm--dark .mx-sm-2{margin-left:.5rem !important}.hip_thm--dark .m-sm-3{margin:1rem !important}.hip_thm--dark .mt-sm-3,.hip_thm--dark .my-sm-3{margin-top:1rem !important}.hip_thm--dark .mr-sm-3,.hip_thm--dark .mx-sm-3{margin-right:1rem !important}.hip_thm--dark .mb-sm-3,.hip_thm--dark .my-sm-3{margin-bottom:1rem !important}.hip_thm--dark .ml-sm-3,.hip_thm--dark .mx-sm-3{margin-left:1rem !important}.hip_thm--dark .m-sm-4{margin:1.5rem !important}.hip_thm--dark .mt-sm-4,.hip_thm--dark .my-sm-4{margin-top:1.5rem !important}.hip_thm--dark .mr-sm-4,.hip_thm--dark .mx-sm-4{margin-right:1.5rem !important}.hip_thm--dark .mb-sm-4,.hip_thm--dark .my-sm-4{margin-bottom:1.5rem !important}.hip_thm--dark .ml-sm-4,.hip_thm--dark .mx-sm-4{margin-left:1.5rem !important}.hip_thm--dark .m-sm-5{margin:3rem !important}.hip_thm--dark .mt-sm-5,.hip_thm--dark .my-sm-5{margin-top:3rem !important}.hip_thm--dark .mr-sm-5,.hip_thm--dark .mx-sm-5{margin-right:3rem !important}.hip_thm--dark .mb-sm-5,.hip_thm--dark .my-sm-5{margin-bottom:3rem !important}.hip_thm--dark .ml-sm-5,.hip_thm--dark .mx-sm-5{margin-left:3rem !important}.hip_thm--dark .p-sm-0{padding:0 !important}.hip_thm--dark .pt-sm-0,.hip_thm--dark .py-sm-0{padding-top:0 !important}.hip_thm--dark .pr-sm-0,.hip_thm--dark .px-sm-0{padding-right:0 !important}.hip_thm--dark .pb-sm-0,.hip_thm--dark .py-sm-0{padding-bottom:0 !important}.hip_thm--dark .pl-sm-0,.hip_thm--dark .px-sm-0{padding-left:0 !important}.hip_thm--dark .p-sm-1{padding:4px !important}.hip_thm--dark .pt-sm-1,.hip_thm--dark .py-sm-1{padding-top:4px !important}.hip_thm--dark .pr-sm-1,.hip_thm--dark .px-sm-1{padding-right:4px !important}.hip_thm--dark .pb-sm-1,.hip_thm--dark .py-sm-1{padding-bottom:4px !important}.hip_thm--dark .pl-sm-1,.hip_thm--dark .px-sm-1{padding-left:4px !important}.hip_thm--dark .p-sm-2{padding:8px !important}.hip_thm--dark .pt-sm-2,.hip_thm--dark .py-sm-2{padding-top:8px !important}.hip_thm--dark .pr-sm-2,.hip_thm--dark .px-sm-2{padding-right:8px !important}.hip_thm--dark .pb-sm-2,.hip_thm--dark .py-sm-2{padding-bottom:8px !important}.hip_thm--dark .pl-sm-2,.hip_thm--dark .px-sm-2{padding-left:8px !important}.hip_thm--dark .p-sm-3{padding:16px !important}.hip_thm--dark .pt-sm-3,.hip_thm--dark .py-sm-3{padding-top:16px !important}.hip_thm--dark .pr-sm-3,.hip_thm--dark .px-sm-3{padding-right:16px !important}.hip_thm--dark .pb-sm-3,.hip_thm--dark .py-sm-3{padding-bottom:16px !important}.hip_thm--dark .pl-sm-3,.hip_thm--dark .px-sm-3{padding-left:16px !important}.hip_thm--dark .p-sm-4{padding:24px !important}.hip_thm--dark .pt-sm-4,.hip_thm--dark .py-sm-4{padding-top:24px !important}.hip_thm--dark .pr-sm-4,.hip_thm--dark .px-sm-4{padding-right:24px !important}.hip_thm--dark .pb-sm-4,.hip_thm--dark .py-sm-4{padding-bottom:24px !important}.hip_thm--dark .pl-sm-4,.hip_thm--dark .px-sm-4{padding-left:24px !important}.hip_thm--dark .p-sm-5{padding:48px !important}.hip_thm--dark .pt-sm-5,.hip_thm--dark .py-sm-5{padding-top:48px !important}.hip_thm--dark .pr-sm-5,.hip_thm--dark .px-sm-5{padding-right:48px !important}.hip_thm--dark .pb-sm-5,.hip_thm--dark .py-sm-5{padding-bottom:48px !important}.hip_thm--dark .pl-sm-5,.hip_thm--dark .px-sm-5{padding-left:48px !important}.hip_thm--dark .m-sm-n1{margin:-0.25rem !important}.hip_thm--dark .mt-sm-n1,.hip_thm--dark .my-sm-n1{margin-top:-0.25rem !important}.hip_thm--dark .mr-sm-n1,.hip_thm--dark .mx-sm-n1{margin-right:-0.25rem !important}.hip_thm--dark .mb-sm-n1,.hip_thm--dark .my-sm-n1{margin-bottom:-0.25rem !important}.hip_thm--dark .ml-sm-n1,.hip_thm--dark .mx-sm-n1{margin-left:-0.25rem !important}.hip_thm--dark .m-sm-n2{margin:-0.5rem !important}.hip_thm--dark .mt-sm-n2,.hip_thm--dark .my-sm-n2{margin-top:-0.5rem !important}.hip_thm--dark .mr-sm-n2,.hip_thm--dark .mx-sm-n2{margin-right:-0.5rem !important}.hip_thm--dark .mb-sm-n2,.hip_thm--dark .my-sm-n2{margin-bottom:-0.5rem !important}.hip_thm--dark .ml-sm-n2,.hip_thm--dark .mx-sm-n2{margin-left:-0.5rem !important}.hip_thm--dark .m-sm-n3{margin:-1rem !important}.hip_thm--dark .mt-sm-n3,.hip_thm--dark .my-sm-n3{margin-top:-1rem !important}.hip_thm--dark .mr-sm-n3,.hip_thm--dark .mx-sm-n3{margin-right:-1rem !important}.hip_thm--dark .mb-sm-n3,.hip_thm--dark .my-sm-n3{margin-bottom:-1rem !important}.hip_thm--dark .ml-sm-n3,.hip_thm--dark .mx-sm-n3{margin-left:-1rem !important}.hip_thm--dark .m-sm-n4{margin:-1.5rem !important}.hip_thm--dark .mt-sm-n4,.hip_thm--dark .my-sm-n4{margin-top:-1.5rem !important}.hip_thm--dark .mr-sm-n4,.hip_thm--dark .mx-sm-n4{margin-right:-1.5rem !important}.hip_thm--dark .mb-sm-n4,.hip_thm--dark .my-sm-n4{margin-bottom:-1.5rem !important}.hip_thm--dark .ml-sm-n4,.hip_thm--dark .mx-sm-n4{margin-left:-1.5rem !important}.hip_thm--dark .m-sm-n5{margin:-3rem !important}.hip_thm--dark .mt-sm-n5,.hip_thm--dark .my-sm-n5{margin-top:-3rem !important}.hip_thm--dark .mr-sm-n5,.hip_thm--dark .mx-sm-n5{margin-right:-3rem !important}.hip_thm--dark .mb-sm-n5,.hip_thm--dark .my-sm-n5{margin-bottom:-3rem !important}.hip_thm--dark .ml-sm-n5,.hip_thm--dark .mx-sm-n5{margin-left:-3rem !important}.hip_thm--dark .m-sm-auto{margin:auto !important}.hip_thm--dark .mt-sm-auto,.hip_thm--dark .my-sm-auto{margin-top:auto !important}.hip_thm--dark .mr-sm-auto,.hip_thm--dark .mx-sm-auto{margin-right:auto !important}.hip_thm--dark .mb-sm-auto,.hip_thm--dark .my-sm-auto{margin-bottom:auto !important}.hip_thm--dark .ml-sm-auto,.hip_thm--dark .mx-sm-auto{margin-left:auto !important}}@media(min-width: 768px){.hip_thm--dark .m-md-0{margin:0 !important}.hip_thm--dark .mt-md-0,.hip_thm--dark .my-md-0{margin-top:0 !important}.hip_thm--dark .mr-md-0,.hip_thm--dark .mx-md-0{margin-right:0 !important}.hip_thm--dark .mb-md-0,.hip_thm--dark .my-md-0{margin-bottom:0 !important}.hip_thm--dark .ml-md-0,.hip_thm--dark .mx-md-0{margin-left:0 !important}.hip_thm--dark .m-md-1{margin:.25rem !important}.hip_thm--dark .mt-md-1,.hip_thm--dark .my-md-1{margin-top:.25rem !important}.hip_thm--dark .mr-md-1,.hip_thm--dark .mx-md-1{margin-right:.25rem !important}.hip_thm--dark .mb-md-1,.hip_thm--dark .my-md-1{margin-bottom:.25rem !important}.hip_thm--dark .ml-md-1,.hip_thm--dark .mx-md-1{margin-left:.25rem !important}.hip_thm--dark .m-md-2{margin:.5rem !important}.hip_thm--dark .mt-md-2,.hip_thm--dark .my-md-2{margin-top:.5rem !important}.hip_thm--dark .mr-md-2,.hip_thm--dark .mx-md-2{margin-right:.5rem !important}.hip_thm--dark .mb-md-2,.hip_thm--dark .my-md-2{margin-bottom:.5rem !important}.hip_thm--dark .ml-md-2,.hip_thm--dark .mx-md-2{margin-left:.5rem !important}.hip_thm--dark .m-md-3{margin:1rem !important}.hip_thm--dark .mt-md-3,.hip_thm--dark .my-md-3{margin-top:1rem !important}.hip_thm--dark .mr-md-3,.hip_thm--dark .mx-md-3{margin-right:1rem !important}.hip_thm--dark .mb-md-3,.hip_thm--dark .my-md-3{margin-bottom:1rem !important}.hip_thm--dark .ml-md-3,.hip_thm--dark .mx-md-3{margin-left:1rem !important}.hip_thm--dark .m-md-4{margin:1.5rem !important}.hip_thm--dark .mt-md-4,.hip_thm--dark .my-md-4{margin-top:1.5rem !important}.hip_thm--dark .mr-md-4,.hip_thm--dark .mx-md-4{margin-right:1.5rem !important}.hip_thm--dark .mb-md-4,.hip_thm--dark .my-md-4{margin-bottom:1.5rem !important}.hip_thm--dark .ml-md-4,.hip_thm--dark .mx-md-4{margin-left:1.5rem !important}.hip_thm--dark .m-md-5{margin:3rem !important}.hip_thm--dark .mt-md-5,.hip_thm--dark .my-md-5{margin-top:3rem !important}.hip_thm--dark .mr-md-5,.hip_thm--dark .mx-md-5{margin-right:3rem !important}.hip_thm--dark .mb-md-5,.hip_thm--dark .my-md-5{margin-bottom:3rem !important}.hip_thm--dark .ml-md-5,.hip_thm--dark .mx-md-5{margin-left:3rem !important}.hip_thm--dark .p-md-0{padding:0 !important}.hip_thm--dark .pt-md-0,.hip_thm--dark .py-md-0{padding-top:0 !important}.hip_thm--dark .pr-md-0,.hip_thm--dark .px-md-0{padding-right:0 !important}.hip_thm--dark .pb-md-0,.hip_thm--dark .py-md-0{padding-bottom:0 !important}.hip_thm--dark .pl-md-0,.hip_thm--dark .px-md-0{padding-left:0 !important}.hip_thm--dark .p-md-1{padding:4px !important}.hip_thm--dark .pt-md-1,.hip_thm--dark .py-md-1{padding-top:4px !important}.hip_thm--dark .pr-md-1,.hip_thm--dark .px-md-1{padding-right:4px !important}.hip_thm--dark .pb-md-1,.hip_thm--dark .py-md-1{padding-bottom:4px !important}.hip_thm--dark .pl-md-1,.hip_thm--dark .px-md-1{padding-left:4px !important}.hip_thm--dark .p-md-2{padding:8px !important}.hip_thm--dark .pt-md-2,.hip_thm--dark .py-md-2{padding-top:8px !important}.hip_thm--dark .pr-md-2,.hip_thm--dark .px-md-2{padding-right:8px !important}.hip_thm--dark .pb-md-2,.hip_thm--dark .py-md-2{padding-bottom:8px !important}.hip_thm--dark .pl-md-2,.hip_thm--dark .px-md-2{padding-left:8px !important}.hip_thm--dark .p-md-3{padding:16px !important}.hip_thm--dark .pt-md-3,.hip_thm--dark .py-md-3{padding-top:16px !important}.hip_thm--dark .pr-md-3,.hip_thm--dark .px-md-3{padding-right:16px !important}.hip_thm--dark .pb-md-3,.hip_thm--dark .py-md-3{padding-bottom:16px !important}.hip_thm--dark .pl-md-3,.hip_thm--dark .px-md-3{padding-left:16px !important}.hip_thm--dark .p-md-4{padding:24px !important}.hip_thm--dark .pt-md-4,.hip_thm--dark .py-md-4{padding-top:24px !important}.hip_thm--dark .pr-md-4,.hip_thm--dark .px-md-4{padding-right:24px !important}.hip_thm--dark .pb-md-4,.hip_thm--dark .py-md-4{padding-bottom:24px !important}.hip_thm--dark .pl-md-4,.hip_thm--dark .px-md-4{padding-left:24px !important}.hip_thm--dark .p-md-5{padding:48px !important}.hip_thm--dark .pt-md-5,.hip_thm--dark .py-md-5{padding-top:48px !important}.hip_thm--dark .pr-md-5,.hip_thm--dark .px-md-5{padding-right:48px !important}.hip_thm--dark .pb-md-5,.hip_thm--dark .py-md-5{padding-bottom:48px !important}.hip_thm--dark .pl-md-5,.hip_thm--dark .px-md-5{padding-left:48px !important}.hip_thm--dark .m-md-n1{margin:-0.25rem !important}.hip_thm--dark .mt-md-n1,.hip_thm--dark .my-md-n1{margin-top:-0.25rem !important}.hip_thm--dark .mr-md-n1,.hip_thm--dark .mx-md-n1{margin-right:-0.25rem !important}.hip_thm--dark .mb-md-n1,.hip_thm--dark .my-md-n1{margin-bottom:-0.25rem !important}.hip_thm--dark .ml-md-n1,.hip_thm--dark .mx-md-n1{margin-left:-0.25rem !important}.hip_thm--dark .m-md-n2{margin:-0.5rem !important}.hip_thm--dark .mt-md-n2,.hip_thm--dark .my-md-n2{margin-top:-0.5rem !important}.hip_thm--dark .mr-md-n2,.hip_thm--dark .mx-md-n2{margin-right:-0.5rem !important}.hip_thm--dark .mb-md-n2,.hip_thm--dark .my-md-n2{margin-bottom:-0.5rem !important}.hip_thm--dark .ml-md-n2,.hip_thm--dark .mx-md-n2{margin-left:-0.5rem !important}.hip_thm--dark .m-md-n3{margin:-1rem !important}.hip_thm--dark .mt-md-n3,.hip_thm--dark .my-md-n3{margin-top:-1rem !important}.hip_thm--dark .mr-md-n3,.hip_thm--dark .mx-md-n3{margin-right:-1rem !important}.hip_thm--dark .mb-md-n3,.hip_thm--dark .my-md-n3{margin-bottom:-1rem !important}.hip_thm--dark .ml-md-n3,.hip_thm--dark .mx-md-n3{margin-left:-1rem !important}.hip_thm--dark .m-md-n4{margin:-1.5rem !important}.hip_thm--dark .mt-md-n4,.hip_thm--dark .my-md-n4{margin-top:-1.5rem !important}.hip_thm--dark .mr-md-n4,.hip_thm--dark .mx-md-n4{margin-right:-1.5rem !important}.hip_thm--dark .mb-md-n4,.hip_thm--dark .my-md-n4{margin-bottom:-1.5rem !important}.hip_thm--dark .ml-md-n4,.hip_thm--dark .mx-md-n4{margin-left:-1.5rem !important}.hip_thm--dark .m-md-n5{margin:-3rem !important}.hip_thm--dark .mt-md-n5,.hip_thm--dark .my-md-n5{margin-top:-3rem !important}.hip_thm--dark .mr-md-n5,.hip_thm--dark .mx-md-n5{margin-right:-3rem !important}.hip_thm--dark .mb-md-n5,.hip_thm--dark .my-md-n5{margin-bottom:-3rem !important}.hip_thm--dark .ml-md-n5,.hip_thm--dark .mx-md-n5{margin-left:-3rem !important}.hip_thm--dark .m-md-auto{margin:auto !important}.hip_thm--dark .mt-md-auto,.hip_thm--dark .my-md-auto{margin-top:auto !important}.hip_thm--dark .mr-md-auto,.hip_thm--dark .mx-md-auto{margin-right:auto !important}.hip_thm--dark .mb-md-auto,.hip_thm--dark .my-md-auto{margin-bottom:auto !important}.hip_thm--dark .ml-md-auto,.hip_thm--dark .mx-md-auto{margin-left:auto !important}}@media(min-width: 992px){.hip_thm--dark .m-lg-0{margin:0 !important}.hip_thm--dark .mt-lg-0,.hip_thm--dark .my-lg-0{margin-top:0 !important}.hip_thm--dark .mr-lg-0,.hip_thm--dark .mx-lg-0{margin-right:0 !important}.hip_thm--dark .mb-lg-0,.hip_thm--dark .my-lg-0{margin-bottom:0 !important}.hip_thm--dark .ml-lg-0,.hip_thm--dark .mx-lg-0{margin-left:0 !important}.hip_thm--dark .m-lg-1{margin:.25rem !important}.hip_thm--dark .mt-lg-1,.hip_thm--dark .my-lg-1{margin-top:.25rem !important}.hip_thm--dark .mr-lg-1,.hip_thm--dark .mx-lg-1{margin-right:.25rem !important}.hip_thm--dark .mb-lg-1,.hip_thm--dark .my-lg-1{margin-bottom:.25rem !important}.hip_thm--dark .ml-lg-1,.hip_thm--dark .mx-lg-1{margin-left:.25rem !important}.hip_thm--dark .m-lg-2{margin:.5rem !important}.hip_thm--dark .mt-lg-2,.hip_thm--dark .my-lg-2{margin-top:.5rem !important}.hip_thm--dark .mr-lg-2,.hip_thm--dark .mx-lg-2{margin-right:.5rem !important}.hip_thm--dark .mb-lg-2,.hip_thm--dark .my-lg-2{margin-bottom:.5rem !important}.hip_thm--dark .ml-lg-2,.hip_thm--dark .mx-lg-2{margin-left:.5rem !important}.hip_thm--dark .m-lg-3{margin:1rem !important}.hip_thm--dark .mt-lg-3,.hip_thm--dark .my-lg-3{margin-top:1rem !important}.hip_thm--dark .mr-lg-3,.hip_thm--dark .mx-lg-3{margin-right:1rem !important}.hip_thm--dark .mb-lg-3,.hip_thm--dark .my-lg-3{margin-bottom:1rem !important}.hip_thm--dark .ml-lg-3,.hip_thm--dark .mx-lg-3{margin-left:1rem !important}.hip_thm--dark .m-lg-4{margin:1.5rem !important}.hip_thm--dark .mt-lg-4,.hip_thm--dark .my-lg-4{margin-top:1.5rem !important}.hip_thm--dark .mr-lg-4,.hip_thm--dark .mx-lg-4{margin-right:1.5rem !important}.hip_thm--dark .mb-lg-4,.hip_thm--dark .my-lg-4{margin-bottom:1.5rem !important}.hip_thm--dark .ml-lg-4,.hip_thm--dark .mx-lg-4{margin-left:1.5rem !important}.hip_thm--dark .m-lg-5{margin:3rem !important}.hip_thm--dark .mt-lg-5,.hip_thm--dark .my-lg-5{margin-top:3rem !important}.hip_thm--dark .mr-lg-5,.hip_thm--dark .mx-lg-5{margin-right:3rem !important}.hip_thm--dark .mb-lg-5,.hip_thm--dark .my-lg-5{margin-bottom:3rem !important}.hip_thm--dark .ml-lg-5,.hip_thm--dark .mx-lg-5{margin-left:3rem !important}.hip_thm--dark .p-lg-0{padding:0 !important}.hip_thm--dark .pt-lg-0,.hip_thm--dark .py-lg-0{padding-top:0 !important}.hip_thm--dark .pr-lg-0,.hip_thm--dark .px-lg-0{padding-right:0 !important}.hip_thm--dark .pb-lg-0,.hip_thm--dark .py-lg-0{padding-bottom:0 !important}.hip_thm--dark .pl-lg-0,.hip_thm--dark .px-lg-0{padding-left:0 !important}.hip_thm--dark .p-lg-1{padding:4px !important}.hip_thm--dark .pt-lg-1,.hip_thm--dark .py-lg-1{padding-top:4px !important}.hip_thm--dark .pr-lg-1,.hip_thm--dark .px-lg-1{padding-right:4px !important}.hip_thm--dark .pb-lg-1,.hip_thm--dark .py-lg-1{padding-bottom:4px !important}.hip_thm--dark .pl-lg-1,.hip_thm--dark .px-lg-1{padding-left:4px !important}.hip_thm--dark .p-lg-2{padding:8px !important}.hip_thm--dark .pt-lg-2,.hip_thm--dark .py-lg-2{padding-top:8px !important}.hip_thm--dark .pr-lg-2,.hip_thm--dark .px-lg-2{padding-right:8px !important}.hip_thm--dark .pb-lg-2,.hip_thm--dark .py-lg-2{padding-bottom:8px !important}.hip_thm--dark .pl-lg-2,.hip_thm--dark .px-lg-2{padding-left:8px !important}.hip_thm--dark .p-lg-3{padding:16px !important}.hip_thm--dark .pt-lg-3,.hip_thm--dark .py-lg-3{padding-top:16px !important}.hip_thm--dark .pr-lg-3,.hip_thm--dark .px-lg-3{padding-right:16px !important}.hip_thm--dark .pb-lg-3,.hip_thm--dark .py-lg-3{padding-bottom:16px !important}.hip_thm--dark .pl-lg-3,.hip_thm--dark .px-lg-3{padding-left:16px !important}.hip_thm--dark .p-lg-4{padding:24px !important}.hip_thm--dark .pt-lg-4,.hip_thm--dark .py-lg-4{padding-top:24px !important}.hip_thm--dark .pr-lg-4,.hip_thm--dark .px-lg-4{padding-right:24px !important}.hip_thm--dark .pb-lg-4,.hip_thm--dark .py-lg-4{padding-bottom:24px !important}.hip_thm--dark .pl-lg-4,.hip_thm--dark .px-lg-4{padding-left:24px !important}.hip_thm--dark .p-lg-5{padding:48px !important}.hip_thm--dark .pt-lg-5,.hip_thm--dark .py-lg-5{padding-top:48px !important}.hip_thm--dark .pr-lg-5,.hip_thm--dark .px-lg-5{padding-right:48px !important}.hip_thm--dark .pb-lg-5,.hip_thm--dark .py-lg-5{padding-bottom:48px !important}.hip_thm--dark .pl-lg-5,.hip_thm--dark .px-lg-5{padding-left:48px !important}.hip_thm--dark .m-lg-n1{margin:-0.25rem !important}.hip_thm--dark .mt-lg-n1,.hip_thm--dark .my-lg-n1{margin-top:-0.25rem !important}.hip_thm--dark .mr-lg-n1,.hip_thm--dark .mx-lg-n1{margin-right:-0.25rem !important}.hip_thm--dark .mb-lg-n1,.hip_thm--dark .my-lg-n1{margin-bottom:-0.25rem !important}.hip_thm--dark .ml-lg-n1,.hip_thm--dark .mx-lg-n1{margin-left:-0.25rem !important}.hip_thm--dark .m-lg-n2{margin:-0.5rem !important}.hip_thm--dark .mt-lg-n2,.hip_thm--dark .my-lg-n2{margin-top:-0.5rem !important}.hip_thm--dark .mr-lg-n2,.hip_thm--dark .mx-lg-n2{margin-right:-0.5rem !important}.hip_thm--dark .mb-lg-n2,.hip_thm--dark .my-lg-n2{margin-bottom:-0.5rem !important}.hip_thm--dark .ml-lg-n2,.hip_thm--dark .mx-lg-n2{margin-left:-0.5rem !important}.hip_thm--dark .m-lg-n3{margin:-1rem !important}.hip_thm--dark .mt-lg-n3,.hip_thm--dark .my-lg-n3{margin-top:-1rem !important}.hip_thm--dark .mr-lg-n3,.hip_thm--dark .mx-lg-n3{margin-right:-1rem !important}.hip_thm--dark .mb-lg-n3,.hip_thm--dark .my-lg-n3{margin-bottom:-1rem !important}.hip_thm--dark .ml-lg-n3,.hip_thm--dark .mx-lg-n3{margin-left:-1rem !important}.hip_thm--dark .m-lg-n4{margin:-1.5rem !important}.hip_thm--dark .mt-lg-n4,.hip_thm--dark .my-lg-n4{margin-top:-1.5rem !important}.hip_thm--dark .mr-lg-n4,.hip_thm--dark .mx-lg-n4{margin-right:-1.5rem !important}.hip_thm--dark .mb-lg-n4,.hip_thm--dark .my-lg-n4{margin-bottom:-1.5rem !important}.hip_thm--dark .ml-lg-n4,.hip_thm--dark .mx-lg-n4{margin-left:-1.5rem !important}.hip_thm--dark .m-lg-n5{margin:-3rem !important}.hip_thm--dark .mt-lg-n5,.hip_thm--dark .my-lg-n5{margin-top:-3rem !important}.hip_thm--dark .mr-lg-n5,.hip_thm--dark .mx-lg-n5{margin-right:-3rem !important}.hip_thm--dark .mb-lg-n5,.hip_thm--dark .my-lg-n5{margin-bottom:-3rem !important}.hip_thm--dark .ml-lg-n5,.hip_thm--dark .mx-lg-n5{margin-left:-3rem !important}.hip_thm--dark .m-lg-auto{margin:auto !important}.hip_thm--dark .mt-lg-auto,.hip_thm--dark .my-lg-auto{margin-top:auto !important}.hip_thm--dark .mr-lg-auto,.hip_thm--dark .mx-lg-auto{margin-right:auto !important}.hip_thm--dark .mb-lg-auto,.hip_thm--dark .my-lg-auto{margin-bottom:auto !important}.hip_thm--dark .ml-lg-auto,.hip_thm--dark .mx-lg-auto{margin-left:auto !important}}@media(min-width: 1200px){.hip_thm--dark .m-xl-0{margin:0 !important}.hip_thm--dark .mt-xl-0,.hip_thm--dark .my-xl-0{margin-top:0 !important}.hip_thm--dark .mr-xl-0,.hip_thm--dark .mx-xl-0{margin-right:0 !important}.hip_thm--dark .mb-xl-0,.hip_thm--dark .my-xl-0{margin-bottom:0 !important}.hip_thm--dark .ml-xl-0,.hip_thm--dark .mx-xl-0{margin-left:0 !important}.hip_thm--dark .m-xl-1{margin:.25rem !important}.hip_thm--dark .mt-xl-1,.hip_thm--dark .my-xl-1{margin-top:.25rem !important}.hip_thm--dark .mr-xl-1,.hip_thm--dark .mx-xl-1{margin-right:.25rem !important}.hip_thm--dark .mb-xl-1,.hip_thm--dark .my-xl-1{margin-bottom:.25rem !important}.hip_thm--dark .ml-xl-1,.hip_thm--dark .mx-xl-1{margin-left:.25rem !important}.hip_thm--dark .m-xl-2{margin:.5rem !important}.hip_thm--dark .mt-xl-2,.hip_thm--dark .my-xl-2{margin-top:.5rem !important}.hip_thm--dark .mr-xl-2,.hip_thm--dark .mx-xl-2{margin-right:.5rem !important}.hip_thm--dark .mb-xl-2,.hip_thm--dark .my-xl-2{margin-bottom:.5rem !important}.hip_thm--dark .ml-xl-2,.hip_thm--dark .mx-xl-2{margin-left:.5rem !important}.hip_thm--dark .m-xl-3{margin:1rem !important}.hip_thm--dark .mt-xl-3,.hip_thm--dark .my-xl-3{margin-top:1rem !important}.hip_thm--dark .mr-xl-3,.hip_thm--dark .mx-xl-3{margin-right:1rem !important}.hip_thm--dark .mb-xl-3,.hip_thm--dark .my-xl-3{margin-bottom:1rem !important}.hip_thm--dark .ml-xl-3,.hip_thm--dark .mx-xl-3{margin-left:1rem !important}.hip_thm--dark .m-xl-4{margin:1.5rem !important}.hip_thm--dark .mt-xl-4,.hip_thm--dark .my-xl-4{margin-top:1.5rem !important}.hip_thm--dark .mr-xl-4,.hip_thm--dark .mx-xl-4{margin-right:1.5rem !important}.hip_thm--dark .mb-xl-4,.hip_thm--dark .my-xl-4{margin-bottom:1.5rem !important}.hip_thm--dark .ml-xl-4,.hip_thm--dark .mx-xl-4{margin-left:1.5rem !important}.hip_thm--dark .m-xl-5{margin:3rem !important}.hip_thm--dark .mt-xl-5,.hip_thm--dark .my-xl-5{margin-top:3rem !important}.hip_thm--dark .mr-xl-5,.hip_thm--dark .mx-xl-5{margin-right:3rem !important}.hip_thm--dark .mb-xl-5,.hip_thm--dark .my-xl-5{margin-bottom:3rem !important}.hip_thm--dark .ml-xl-5,.hip_thm--dark .mx-xl-5{margin-left:3rem !important}.hip_thm--dark .p-xl-0{padding:0 !important}.hip_thm--dark .pt-xl-0,.hip_thm--dark .py-xl-0{padding-top:0 !important}.hip_thm--dark .pr-xl-0,.hip_thm--dark .px-xl-0{padding-right:0 !important}.hip_thm--dark .pb-xl-0,.hip_thm--dark .py-xl-0{padding-bottom:0 !important}.hip_thm--dark .pl-xl-0,.hip_thm--dark .px-xl-0{padding-left:0 !important}.hip_thm--dark .p-xl-1{padding:4px !important}.hip_thm--dark .pt-xl-1,.hip_thm--dark .py-xl-1{padding-top:4px !important}.hip_thm--dark .pr-xl-1,.hip_thm--dark .px-xl-1{padding-right:4px !important}.hip_thm--dark .pb-xl-1,.hip_thm--dark .py-xl-1{padding-bottom:4px !important}.hip_thm--dark .pl-xl-1,.hip_thm--dark .px-xl-1{padding-left:4px !important}.hip_thm--dark .p-xl-2{padding:8px !important}.hip_thm--dark .pt-xl-2,.hip_thm--dark .py-xl-2{padding-top:8px !important}.hip_thm--dark .pr-xl-2,.hip_thm--dark .px-xl-2{padding-right:8px !important}.hip_thm--dark .pb-xl-2,.hip_thm--dark .py-xl-2{padding-bottom:8px !important}.hip_thm--dark .pl-xl-2,.hip_thm--dark .px-xl-2{padding-left:8px !important}.hip_thm--dark .p-xl-3{padding:16px !important}.hip_thm--dark .pt-xl-3,.hip_thm--dark .py-xl-3{padding-top:16px !important}.hip_thm--dark .pr-xl-3,.hip_thm--dark .px-xl-3{padding-right:16px !important}.hip_thm--dark .pb-xl-3,.hip_thm--dark .py-xl-3{padding-bottom:16px !important}.hip_thm--dark .pl-xl-3,.hip_thm--dark .px-xl-3{padding-left:16px !important}.hip_thm--dark .p-xl-4{padding:24px !important}.hip_thm--dark .pt-xl-4,.hip_thm--dark .py-xl-4{padding-top:24px !important}.hip_thm--dark .pr-xl-4,.hip_thm--dark .px-xl-4{padding-right:24px !important}.hip_thm--dark .pb-xl-4,.hip_thm--dark .py-xl-4{padding-bottom:24px !important}.hip_thm--dark .pl-xl-4,.hip_thm--dark .px-xl-4{padding-left:24px !important}.hip_thm--dark .p-xl-5{padding:48px !important}.hip_thm--dark .pt-xl-5,.hip_thm--dark .py-xl-5{padding-top:48px !important}.hip_thm--dark .pr-xl-5,.hip_thm--dark .px-xl-5{padding-right:48px !important}.hip_thm--dark .pb-xl-5,.hip_thm--dark .py-xl-5{padding-bottom:48px !important}.hip_thm--dark .pl-xl-5,.hip_thm--dark .px-xl-5{padding-left:48px !important}.hip_thm--dark .m-xl-n1{margin:-0.25rem !important}.hip_thm--dark .mt-xl-n1,.hip_thm--dark .my-xl-n1{margin-top:-0.25rem !important}.hip_thm--dark .mr-xl-n1,.hip_thm--dark .mx-xl-n1{margin-right:-0.25rem !important}.hip_thm--dark .mb-xl-n1,.hip_thm--dark .my-xl-n1{margin-bottom:-0.25rem !important}.hip_thm--dark .ml-xl-n1,.hip_thm--dark .mx-xl-n1{margin-left:-0.25rem !important}.hip_thm--dark .m-xl-n2{margin:-0.5rem !important}.hip_thm--dark .mt-xl-n2,.hip_thm--dark .my-xl-n2{margin-top:-0.5rem !important}.hip_thm--dark .mr-xl-n2,.hip_thm--dark .mx-xl-n2{margin-right:-0.5rem !important}.hip_thm--dark .mb-xl-n2,.hip_thm--dark .my-xl-n2{margin-bottom:-0.5rem !important}.hip_thm--dark .ml-xl-n2,.hip_thm--dark .mx-xl-n2{margin-left:-0.5rem !important}.hip_thm--dark .m-xl-n3{margin:-1rem !important}.hip_thm--dark .mt-xl-n3,.hip_thm--dark .my-xl-n3{margin-top:-1rem !important}.hip_thm--dark .mr-xl-n3,.hip_thm--dark .mx-xl-n3{margin-right:-1rem !important}.hip_thm--dark .mb-xl-n3,.hip_thm--dark .my-xl-n3{margin-bottom:-1rem !important}.hip_thm--dark .ml-xl-n3,.hip_thm--dark .mx-xl-n3{margin-left:-1rem !important}.hip_thm--dark .m-xl-n4{margin:-1.5rem !important}.hip_thm--dark .mt-xl-n4,.hip_thm--dark .my-xl-n4{margin-top:-1.5rem !important}.hip_thm--dark .mr-xl-n4,.hip_thm--dark .mx-xl-n4{margin-right:-1.5rem !important}.hip_thm--dark .mb-xl-n4,.hip_thm--dark .my-xl-n4{margin-bottom:-1.5rem !important}.hip_thm--dark .ml-xl-n4,.hip_thm--dark .mx-xl-n4{margin-left:-1.5rem !important}.hip_thm--dark .m-xl-n5{margin:-3rem !important}.hip_thm--dark .mt-xl-n5,.hip_thm--dark .my-xl-n5{margin-top:-3rem !important}.hip_thm--dark .mr-xl-n5,.hip_thm--dark .mx-xl-n5{margin-right:-3rem !important}.hip_thm--dark .mb-xl-n5,.hip_thm--dark .my-xl-n5{margin-bottom:-3rem !important}.hip_thm--dark .ml-xl-n5,.hip_thm--dark .mx-xl-n5{margin-left:-3rem !important}.hip_thm--dark .m-xl-auto{margin:auto !important}.hip_thm--dark .mt-xl-auto,.hip_thm--dark .my-xl-auto{margin-top:auto !important}.hip_thm--dark .mr-xl-auto,.hip_thm--dark .mx-xl-auto{margin-right:auto !important}.hip_thm--dark .mb-xl-auto,.hip_thm--dark .my-xl-auto{margin-bottom:auto !important}.hip_thm--dark .ml-xl-auto,.hip_thm--dark .mx-xl-auto{margin-left:auto !important}}.hip_thm--dark .stretched-link::after{position:absolute;top:0;right:0;bottom:0;left:0;z-index:1;pointer-events:auto;content:\"\";background-color:rgba(0,0,0,0)}.hip_thm--dark .text-monospace{font-family:SFMono-Regular,Menlo,Monaco,Consolas,\"Liberation Mono\",\"Courier New\",monospace !important}.hip_thm--dark .text-justify{text-align:justify !important}.hip_thm--dark .text-wrap{white-space:normal !important}.hip_thm--dark .text-nowrap{white-space:nowrap !important}.hip_thm--dark .text-truncate{overflow:hidden;text-overflow:ellipsis;white-space:nowrap}.hip_thm--dark .text-left{text-align:left !important}.hip_thm--dark .text-right{text-align:right !important}.hip_thm--dark .text-center{text-align:center !important}@media(min-width: 576px){.hip_thm--dark .text-sm-left{text-align:left !important}.hip_thm--dark .text-sm-right{text-align:right !important}.hip_thm--dark .text-sm-center{text-align:center !important}}@media(min-width: 768px){.hip_thm--dark .text-md-left{text-align:left !important}.hip_thm--dark .text-md-right{text-align:right !important}.hip_thm--dark .text-md-center{text-align:center !important}}@media(min-width: 992px){.hip_thm--dark .text-lg-left{text-align:left !important}.hip_thm--dark .text-lg-right{text-align:right !important}.hip_thm--dark .text-lg-center{text-align:center !important}}@media(min-width: 1200px){.hip_thm--dark .text-xl-left{text-align:left !important}.hip_thm--dark .text-xl-right{text-align:right !important}.hip_thm--dark .text-xl-center{text-align:center !important}}.hip_thm--dark .text-lowercase{text-transform:lowercase !important}.hip_thm--dark .text-uppercase{text-transform:uppercase !important}.hip_thm--dark .text-capitalize{text-transform:capitalize !important}.hip_thm--dark .font-weight-light{font-weight:300 !important}.hip_thm--dark .font-weight-lighter{font-weight:lighter !important}.hip_thm--dark .font-weight-normal{font-weight:400 !important}.hip_thm--dark .font-weight-bold{font-weight:700 !important}.hip_thm--dark .font-weight-bolder{font-weight:bolder !important}.hip_thm--dark .font-italic{font-style:italic !important}.hip_thm--dark .text-white{color:#fff !important}.hip_thm--dark .text-primary{color:#375a7f !important}.hip_thm--dark a.text-primary:hover,.hip_thm--dark a.text-primary:focus{color:#20344a !important}.hip_thm--dark .text-secondary{color:#444 !important}.hip_thm--dark a.text-secondary:hover,.hip_thm--dark a.text-secondary:focus{color:#1e1e1e !important}.hip_thm--dark .text-success{color:#00bc8c !important}.hip_thm--dark a.text-success:hover,.hip_thm--dark a.text-success:focus{color:#007053 !important}.hip_thm--dark .text-info{color:#3498db !important}.hip_thm--dark a.text-info:hover,.hip_thm--dark a.text-info:focus{color:#1d6fa5 !important}.hip_thm--dark .text-warning{color:#f39c12 !important}.hip_thm--dark a.text-warning:hover,.hip_thm--dark a.text-warning:focus{color:#b06f09 !important}.hip_thm--dark .text-danger{color:#e74c3c !important}.hip_thm--dark a.text-danger:hover,.hip_thm--dark a.text-danger:focus{color:#bf2718 !important}.hip_thm--dark .text-light{color:#adb5bd !important}.hip_thm--dark a.text-light:hover,.hip_thm--dark a.text-light:focus{color:#838f9b !important}.hip_thm--dark .text-dark{color:#303030 !important}.hip_thm--dark a.text-dark:hover,.hip_thm--dark a.text-dark:focus{color:#0a0a0a !important}.hip_thm--dark .text-body{color:#fff !important}.hip_thm--dark .text-muted{color:#888 !important}.hip_thm--dark .text-black-50{color:rgba(0,0,0,.5) !important}.hip_thm--dark .text-white-50{color:rgba(255,255,255,.5) !important}.hip_thm--dark .text-hide{font:0/0 a;color:transparent;text-shadow:none;background-color:transparent;border:0}.hip_thm--dark .text-decoration-none{text-decoration:none !important}.hip_thm--dark .text-break{word-break:break-word !important;word-wrap:break-word !important}.hip_thm--dark .text-reset{color:inherit !important}.hip_thm--dark .visible{visibility:visible !important}.hip_thm--dark .invisible{visibility:hidden !important}@media print{.hip_thm--dark *,.hip_thm--dark *::before,.hip_thm--dark *::after{text-shadow:none !important;box-shadow:none !important}.hip_thm--dark a:not(.btn){text-decoration:underline}.hip_thm--dark abbr[title]::after{content:\" (\" attr(title) \")\"}.hip_thm--dark pre{white-space:pre-wrap !important}.hip_thm--dark pre,.hip_thm--dark blockquote{border:1px solid #adb5bd;page-break-inside:avoid}.hip_thm--dark thead{display:table-header-group}.hip_thm--dark tr,.hip_thm--dark img{page-break-inside:avoid}.hip_thm--dark p,.hip_thm--dark h2,.hip_thm--dark h3{orphans:3;widows:3}.hip_thm--dark h2,.hip_thm--dark h3{page-break-after:avoid}@page{.hip_thm--dark{size:a3}}.hip_thm--dark body{min-width:992px !important}.hip_thm--dark .container{min-width:992px !important}.hip_thm--dark .navbar{display:none}.hip_thm--dark .badge{border:1px solid #000}.hip_thm--dark .table{border-collapse:collapse !important}.hip_thm--dark .table td,.hip_thm--dark .table th{background-color:#fff !important}.hip_thm--dark .table-bordered th,.hip_thm--dark .table-bordered td{border:1px solid #dee2e6 !important}.hip_thm--dark .table-dark{color:inherit}.hip_thm--dark .table-dark th,.hip_thm--dark .table-dark td,.hip_thm--dark .table-dark thead th,.hip_thm--dark .table-dark tbody+tbody{border-color:#444}.hip_thm--dark .table .thead-dark th{color:inherit;border-color:#444}}.hip_thm--dark .blockquote-footer{color:#888}.hip_thm--dark .table-primary,.hip_thm--dark .table-primary>th,.hip_thm--dark .table-primary>td{background-color:#375a7f}.hip_thm--dark .table-secondary,.hip_thm--dark .table-secondary>th,.hip_thm--dark .table-secondary>td{background-color:#444}.hip_thm--dark .table-light,.hip_thm--dark .table-light>th,.hip_thm--dark .table-light>td{background-color:#adb5bd}.hip_thm--dark .table-dark,.hip_thm--dark .table-dark>th,.hip_thm--dark .table-dark>td{background-color:#303030}.hip_thm--dark .table-success,.hip_thm--dark .table-success>th,.hip_thm--dark .table-success>td{background-color:#00bc8c}.hip_thm--dark .table-info,.hip_thm--dark .table-info>th,.hip_thm--dark .table-info>td{background-color:#3498db}.hip_thm--dark .table-danger,.hip_thm--dark .table-danger>th,.hip_thm--dark .table-danger>td{background-color:#e74c3c}.hip_thm--dark .table-warning,.hip_thm--dark .table-warning>th,.hip_thm--dark .table-warning>td{background-color:#f39c12}.hip_thm--dark .table-active,.hip_thm--dark .table-active>th,.hip_thm--dark .table-active>td{background-color:rgba(0,0,0,.075)}.hip_thm--dark .table-hover .table-primary:hover,.hip_thm--dark .table-hover .table-primary:hover>th,.hip_thm--dark .table-hover .table-primary:hover>td{background-color:#2f4d6d}.hip_thm--dark .table-hover .table-secondary:hover,.hip_thm--dark .table-hover .table-secondary:hover>th,.hip_thm--dark .table-hover .table-secondary:hover>td{background-color:#373737}.hip_thm--dark .table-hover .table-light:hover,.hip_thm--dark .table-hover .table-light:hover>th,.hip_thm--dark .table-hover .table-light:hover>td{background-color:#9fa8b2}.hip_thm--dark .table-hover .table-dark:hover,.hip_thm--dark .table-hover .table-dark:hover>th,.hip_thm--dark .table-hover .table-dark:hover>td{background-color:#232323}.hip_thm--dark .table-hover .table-success:hover,.hip_thm--dark .table-hover .table-success:hover>th,.hip_thm--dark .table-hover .table-success:hover>td{background-color:#00a379}.hip_thm--dark .table-hover .table-info:hover,.hip_thm--dark .table-hover .table-info:hover>th,.hip_thm--dark .table-hover .table-info:hover>td{background-color:#258cd1}.hip_thm--dark .table-hover .table-danger:hover,.hip_thm--dark .table-hover .table-danger:hover>th,.hip_thm--dark .table-hover .table-danger:hover>td{background-color:#e43725}.hip_thm--dark .table-hover .table-warning:hover,.hip_thm--dark .table-hover .table-warning:hover>th,.hip_thm--dark .table-hover .table-warning:hover>td{background-color:#e08e0b}.hip_thm--dark .table-hover .table-active:hover,.hip_thm--dark .table-hover .table-active:hover>th,.hip_thm--dark .table-hover .table-active:hover>td{background-color:rgba(0,0,0,.075)}.hip_thm--dark .input-group-addon{color:#fff}.hip_thm--dark .nav-tabs .nav-link,.hip_thm--dark .nav-tabs .nav-link.active,.hip_thm--dark .nav-tabs .nav-link.active:focus,.hip_thm--dark .nav-tabs .nav-link.active:hover,.hip_thm--dark .nav-tabs .nav-item.open .nav-link,.hip_thm--dark .nav-tabs .nav-item.open .nav-link:focus,.hip_thm--dark .nav-tabs .nav-item.open .nav-link:hover,.hip_thm--dark .nav-pills .nav-link,.hip_thm--dark .nav-pills .nav-link.active,.hip_thm--dark .nav-pills .nav-link.active:focus,.hip_thm--dark .nav-pills .nav-link.active:hover,.hip_thm--dark .nav-pills .nav-item.open .nav-link,.hip_thm--dark .nav-pills .nav-item.open .nav-link:focus,.hip_thm--dark .nav-pills .nav-item.open .nav-link:hover{color:#fff}.hip_thm--dark .breadcrumb a{color:#fff}.hip_thm--dark .pagination a:hover{text-decoration:none}.hip_thm--dark .close{opacity:.4}.hip_thm--dark .close:hover,.hip_thm--dark .close:focus{opacity:1}.hip_thm--dark .alert{border:none;color:#fff}.hip_thm--dark .alert a,.hip_thm--dark .alert .alert-link{color:#fff;text-decoration:underline}.hip_thm--dark .alert-primary{background-color:#375a7f}.hip_thm--dark .alert-secondary{background-color:#444}.hip_thm--dark .alert-success{background-color:#00bc8c}.hip_thm--dark .alert-info{background-color:#3498db}.hip_thm--dark .alert-warning{background-color:#f39c12}.hip_thm--dark .alert-danger{background-color:#e74c3c}.hip_thm--dark .alert-light{background-color:#adb5bd}.hip_thm--dark .alert-dark{background-color:#303030}.hip_thm--dark .list-group-item-action{color:#fff}.hip_thm--dark .list-group-item-action:hover,.hip_thm--dark .list-group-item-action:focus{background-color:#444;color:#fff}.hip_thm--dark .list-group-item-action .list-group-item-heading{color:#fff}.hip_thm--light{/*!\n * Bootstrap v4.6.0 (https://getbootstrap.com/)\n * Copyright 2011-2021 The Bootstrap Authors\n * Copyright 2011-2021 Twitter, Inc.\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n */}.hip_thm--light :root{--blue: #007bff;--indigo: #6610f2;--purple: #6f42c1;--pink: #e83e8c;--red: #dc3545;--orange: #fd7e14;--yellow: #ffc107;--green: #28a745;--teal: #20c997;--cyan: #17a2b8;--white: #fff;--gray: #6c757d;--gray-dark: #343a40;--primary: #007bff;--secondary: #6c757d;--success: #28a745;--info: #17a2b8;--warning: #ffc107;--danger: #dc3545;--light: #f8f9fa;--dark: #343a40;--breakpoint-xs: 0;--breakpoint-sm: 576px;--breakpoint-md: 768px;--breakpoint-lg: 992px;--breakpoint-xl: 1200px;--font-family-sans-serif: -apple-system, BlinkMacSystemFont, \"Segoe UI\", Roboto, \"Helvetica Neue\", Arial, \"Noto Sans\", \"Liberation Sans\", sans-serif, \"Apple Color Emoji\", \"Segoe UI Emoji\", \"Segoe UI Symbol\", \"Noto Color Emoji\";--font-family-monospace: SFMono-Regular, Menlo, Monaco, Consolas, \"Liberation Mono\", \"Courier New\", monospace}.hip_thm--light *,.hip_thm--light *::before,.hip_thm--light *::after{box-sizing:border-box}.hip_thm--light html{font-family:sans-serif;line-height:1.15;-webkit-text-size-adjust:100%;-webkit-tap-highlight-color:rgba(0,0,0,0)}.hip_thm--light article,.hip_thm--light aside,.hip_thm--light figcaption,.hip_thm--light figure,.hip_thm--light footer,.hip_thm--light header,.hip_thm--light hgroup,.hip_thm--light main,.hip_thm--light nav,.hip_thm--light section{display:block}.hip_thm--light body{margin:0;font-family:-apple-system,BlinkMacSystemFont,\"Segoe UI\",Roboto,\"Helvetica Neue\",Arial,\"Noto Sans\",\"Liberation Sans\",sans-serif,\"Apple Color Emoji\",\"Segoe UI Emoji\",\"Segoe UI Symbol\",\"Noto Color Emoji\";font-size:16px;font-weight:400;line-height:1.5;color:#212529;text-align:left;background-color:#fff}.hip_thm--light [tabindex=\"-1\"]:focus:not(:focus-visible){outline:0 !important}.hip_thm--light hr{box-sizing:content-box;height:0;overflow:visible}.hip_thm--light h1,.hip_thm--light h2,.hip_thm--light h3,.hip_thm--light h4,.hip_thm--light h5,.hip_thm--light h6{margin-top:0;margin-bottom:.5rem}.hip_thm--light p{margin-top:0;margin-bottom:1rem}.hip_thm--light abbr[title],.hip_thm--light abbr[data-original-title]{text-decoration:underline;text-decoration:underline dotted;cursor:help;border-bottom:0;text-decoration-skip-ink:none}.hip_thm--light address{margin-bottom:1rem;font-style:normal;line-height:inherit}.hip_thm--light ol,.hip_thm--light ul,.hip_thm--light dl{margin-top:0;margin-bottom:1rem}.hip_thm--light ol ol,.hip_thm--light ul ul,.hip_thm--light ol ul,.hip_thm--light ul ol{margin-bottom:0}.hip_thm--light dt{font-weight:700}.hip_thm--light dd{margin-bottom:.5rem;margin-left:0}.hip_thm--light blockquote{margin:0 0 1rem}.hip_thm--light b,.hip_thm--light strong{font-weight:bolder}.hip_thm--light small{font-size:80%}.hip_thm--light sub,.hip_thm--light sup{position:relative;font-size:75%;line-height:0;vertical-align:baseline}.hip_thm--light sub{bottom:-0.25em}.hip_thm--light sup{top:-0.5em}.hip_thm--light a{color:#007bff;text-decoration:none;background-color:transparent}.hip_thm--light a:hover{color:#0056b3;text-decoration:underline}.hip_thm--light a:not([href]):not([class]){color:inherit;text-decoration:none}.hip_thm--light a:not([href]):not([class]):hover{color:inherit;text-decoration:none}.hip_thm--light pre,.hip_thm--light code,.hip_thm--light kbd,.hip_thm--light samp{font-family:SFMono-Regular,Menlo,Monaco,Consolas,\"Liberation Mono\",\"Courier New\",monospace;font-size:1em}.hip_thm--light pre{margin-top:0;margin-bottom:1rem;overflow:auto;-ms-overflow-style:scrollbar}.hip_thm--light figure{margin:0 0 1rem}.hip_thm--light img{vertical-align:middle;border-style:none}.hip_thm--light svg{overflow:hidden;vertical-align:middle}.hip_thm--light table{border-collapse:collapse}.hip_thm--light caption{padding-top:12px;padding-bottom:12px;color:#6c757d;text-align:left;caption-side:bottom}.hip_thm--light th{text-align:inherit;text-align:-webkit-match-parent}.hip_thm--light label{display:inline-block;margin-bottom:.5rem}.hip_thm--light button{border-radius:0}.hip_thm--light button:focus:not(:focus-visible){outline:0}.hip_thm--light input,.hip_thm--light button,.hip_thm--light select,.hip_thm--light optgroup,.hip_thm--light textarea{margin:0;font-family:inherit;font-size:inherit;line-height:inherit}.hip_thm--light button,.hip_thm--light input{overflow:visible}.hip_thm--light button,.hip_thm--light select{text-transform:none}.hip_thm--light [role=button]{cursor:pointer}.hip_thm--light select{word-wrap:normal}.hip_thm--light button,.hip_thm--light [type=button],.hip_thm--light [type=reset],.hip_thm--light [type=submit]{-webkit-appearance:button}.hip_thm--light button:not(:disabled),.hip_thm--light [type=button]:not(:disabled),.hip_thm--light [type=reset]:not(:disabled),.hip_thm--light [type=submit]:not(:disabled){cursor:pointer}.hip_thm--light button::-moz-focus-inner,.hip_thm--light [type=button]::-moz-focus-inner,.hip_thm--light [type=reset]::-moz-focus-inner,.hip_thm--light [type=submit]::-moz-focus-inner{padding:0;border-style:none}.hip_thm--light input[type=radio],.hip_thm--light input[type=checkbox]{box-sizing:border-box;padding:0}.hip_thm--light textarea{overflow:auto;resize:vertical}.hip_thm--light fieldset{min-width:0;padding:0;margin:0;border:0}.hip_thm--light legend{display:block;width:100%;max-width:100%;padding:0;margin-bottom:.5rem;font-size:24px;line-height:inherit;color:inherit;white-space:normal}.hip_thm--light progress{vertical-align:baseline}.hip_thm--light [type=number]::-webkit-inner-spin-button,.hip_thm--light [type=number]::-webkit-outer-spin-button{height:auto}.hip_thm--light [type=search]{outline-offset:-2px;-webkit-appearance:none}.hip_thm--light [type=search]::-webkit-search-decoration{-webkit-appearance:none}.hip_thm--light ::-webkit-file-upload-button{font:inherit;-webkit-appearance:button}.hip_thm--light output{display:inline-block}.hip_thm--light summary{display:list-item;cursor:pointer}.hip_thm--light template{display:none}.hip_thm--light [hidden]{display:none !important}.hip_thm--light h1,.hip_thm--light h2,.hip_thm--light h3,.hip_thm--light h4,.hip_thm--light h5,.hip_thm--light h6,.hip_thm--light .h1,.hip_thm--light .h2,.hip_thm--light .h3,.hip_thm--light .h4,.hip_thm--light .h5,.hip_thm--light .h6{margin-bottom:.5rem;font-weight:500;line-height:1.2}.hip_thm--light h1,.hip_thm--light .h1{font-size:40px}.hip_thm--light h2,.hip_thm--light .h2{font-size:32px}.hip_thm--light h3,.hip_thm--light .h3{font-size:28px}.hip_thm--light h4,.hip_thm--light .h4{font-size:24px}.hip_thm--light h5,.hip_thm--light .h5{font-size:20px}.hip_thm--light h6,.hip_thm--light .h6{font-size:16px}.hip_thm--light .lead{font-size:20px;font-weight:300}.hip_thm--light .display-1{font-size:96px;font-weight:300;line-height:1.2}.hip_thm--light .display-2{font-size:88px;font-weight:300;line-height:1.2}.hip_thm--light .display-3{font-size:72px;font-weight:300;line-height:1.2}.hip_thm--light .display-4{font-size:56px;font-weight:300;line-height:1.2}.hip_thm--light hr{margin-top:1rem;margin-bottom:1rem;border:0;border-top:1px solid rgba(0,0,0,.1)}.hip_thm--light small,.hip_thm--light .small{font-size:80%;font-weight:400}.hip_thm--light mark,.hip_thm--light .mark{padding:.2em;background-color:#fcf8e3}.hip_thm--light .list-unstyled{padding-left:0;list-style:none}.hip_thm--light .list-inline{padding-left:0;list-style:none}.hip_thm--light .list-inline-item{display:inline-block}.hip_thm--light .list-inline-item:not(:last-child){margin-right:.5rem}.hip_thm--light .initialism{font-size:90%;text-transform:uppercase}.hip_thm--light .blockquote{margin-bottom:1rem;font-size:20px}.hip_thm--light .blockquote-footer{display:block;font-size:80%;color:#6c757d}.hip_thm--light .blockquote-footer::before{content:\"— \"}.hip_thm--light .img-fluid{max-width:100%;height:auto}.hip_thm--light .img-thumbnail{padding:4px;background-color:#fff;border:1px solid #dee2e6;border-radius:4px;max-width:100%;height:auto}.hip_thm--light .figure{display:inline-block}.hip_thm--light .figure-img{margin-bottom:.5rem;line-height:1}.hip_thm--light .figure-caption{font-size:90%;color:#6c757d}.hip_thm--light code{font-size:87.5%;color:#e83e8c;word-wrap:break-word}a>.hip_thm--light code{color:inherit}.hip_thm--light kbd{padding:3.2px 6.4px;font-size:87.5%;color:#fff;background-color:#212529;border-radius:3.2px}.hip_thm--light kbd kbd{padding:0;font-size:100%;font-weight:700}.hip_thm--light pre{display:block;font-size:87.5%;color:#212529}.hip_thm--light pre code{font-size:inherit;color:inherit;word-break:normal}.hip_thm--light .pre-scrollable{max-height:340px;overflow-y:scroll}.hip_thm--light .container,.hip_thm--light .container-fluid,.hip_thm--light .container-xl,.hip_thm--light .container-lg,.hip_thm--light .container-md,.hip_thm--light .container-sm{width:100%;padding-right:15px;padding-left:15px;margin-right:auto;margin-left:auto}@media(min-width: 576px){.hip_thm--light .container-sm,.hip_thm--light .container{max-width:540px}}@media(min-width: 768px){.hip_thm--light .container-md,.hip_thm--light .container-sm,.hip_thm--light .container{max-width:720px}}@media(min-width: 992px){.hip_thm--light .container-lg,.hip_thm--light .container-md,.hip_thm--light .container-sm,.hip_thm--light .container{max-width:960px}}@media(min-width: 1200px){.hip_thm--light .container-xl,.hip_thm--light .container-lg,.hip_thm--light .container-md,.hip_thm--light .container-sm,.hip_thm--light .container{max-width:1140px}}.hip_thm--light .row{display:flex;flex-wrap:wrap;margin-right:-15px;margin-left:-15px}.hip_thm--light .no-gutters{margin-right:0;margin-left:0}.hip_thm--light .no-gutters>.col,.hip_thm--light .no-gutters>[class*=col-]{padding-right:0;padding-left:0}.hip_thm--light .col-xl,.hip_thm--light .col-xl-auto,.hip_thm--light .col-xl-12,.hip_thm--light .col-xl-11,.hip_thm--light .col-xl-10,.hip_thm--light .col-xl-9,.hip_thm--light .col-xl-8,.hip_thm--light .col-xl-7,.hip_thm--light .col-xl-6,.hip_thm--light .col-xl-5,.hip_thm--light .col-xl-4,.hip_thm--light .col-xl-3,.hip_thm--light .col-xl-2,.hip_thm--light .col-xl-1,.hip_thm--light .col-lg,.hip_thm--light .col-lg-auto,.hip_thm--light .col-lg-12,.hip_thm--light .col-lg-11,.hip_thm--light .col-lg-10,.hip_thm--light .col-lg-9,.hip_thm--light .col-lg-8,.hip_thm--light .col-lg-7,.hip_thm--light .col-lg-6,.hip_thm--light .col-lg-5,.hip_thm--light .col-lg-4,.hip_thm--light .col-lg-3,.hip_thm--light .col-lg-2,.hip_thm--light .col-lg-1,.hip_thm--light .col-md,.hip_thm--light .col-md-auto,.hip_thm--light .col-md-12,.hip_thm--light .col-md-11,.hip_thm--light .col-md-10,.hip_thm--light .col-md-9,.hip_thm--light .col-md-8,.hip_thm--light .col-md-7,.hip_thm--light .col-md-6,.hip_thm--light .col-md-5,.hip_thm--light .col-md-4,.hip_thm--light .col-md-3,.hip_thm--light .col-md-2,.hip_thm--light .col-md-1,.hip_thm--light .col-sm,.hip_thm--light .col-sm-auto,.hip_thm--light .col-sm-12,.hip_thm--light .col-sm-11,.hip_thm--light .col-sm-10,.hip_thm--light .col-sm-9,.hip_thm--light .col-sm-8,.hip_thm--light .col-sm-7,.hip_thm--light .col-sm-6,.hip_thm--light .col-sm-5,.hip_thm--light .col-sm-4,.hip_thm--light .col-sm-3,.hip_thm--light .col-sm-2,.hip_thm--light .col-sm-1,.hip_thm--light .col,.hip_thm--light .col-auto,.hip_thm--light .col-12,.hip_thm--light .col-11,.hip_thm--light .col-10,.hip_thm--light .col-9,.hip_thm--light .col-8,.hip_thm--light .col-7,.hip_thm--light .col-6,.hip_thm--light .col-5,.hip_thm--light .col-4,.hip_thm--light .col-3,.hip_thm--light .col-2,.hip_thm--light .col-1,.hip_thm--light .hip_thm--dark .col-1,.hip_thm--dark .hip_thm--light .col-1,.hip_thm--light .hip_thm--dark .col-2,.hip_thm--dark .hip_thm--light .col-2,.hip_thm--light .hip_thm--dark .col-3,.hip_thm--dark .hip_thm--light .col-3,.hip_thm--light .hip_thm--dark .col-4,.hip_thm--dark .hip_thm--light .col-4,.hip_thm--light .hip_thm--dark .col-5,.hip_thm--dark .hip_thm--light .col-5,.hip_thm--light .hip_thm--dark .col-6,.hip_thm--dark .hip_thm--light .col-6,.hip_thm--light .hip_thm--dark .col-7,.hip_thm--dark .hip_thm--light .col-7,.hip_thm--light .hip_thm--dark .col-8,.hip_thm--dark .hip_thm--light .col-8,.hip_thm--light .hip_thm--dark .col-9,.hip_thm--dark .hip_thm--light .col-9,.hip_thm--light .hip_thm--dark .col-10,.hip_thm--dark .hip_thm--light .col-10,.hip_thm--light .hip_thm--dark .col-11,.hip_thm--dark .hip_thm--light .col-11,.hip_thm--light .hip_thm--dark .col-12,.hip_thm--dark .hip_thm--light .col-12,.hip_thm--light .hip_thm--dark .col,.hip_thm--dark .hip_thm--light .col,.hip_thm--light .hip_thm--dark .col-auto,.hip_thm--dark .hip_thm--light .col-auto,.hip_thm--light .hip_thm--dark .col-sm-1,.hip_thm--dark .hip_thm--light .col-sm-1,.hip_thm--light .hip_thm--dark .col-sm-2,.hip_thm--dark .hip_thm--light .col-sm-2,.hip_thm--light .hip_thm--dark .col-sm-3,.hip_thm--dark .hip_thm--light .col-sm-3,.hip_thm--light .hip_thm--dark .col-sm-4,.hip_thm--dark .hip_thm--light .col-sm-4,.hip_thm--light .hip_thm--dark .col-sm-5,.hip_thm--dark .hip_thm--light .col-sm-5,.hip_thm--light .hip_thm--dark .col-sm-6,.hip_thm--dark .hip_thm--light .col-sm-6,.hip_thm--light .hip_thm--dark .col-sm-7,.hip_thm--dark .hip_thm--light .col-sm-7,.hip_thm--light .hip_thm--dark .col-sm-8,.hip_thm--dark .hip_thm--light .col-sm-8,.hip_thm--light .hip_thm--dark .col-sm-9,.hip_thm--dark .hip_thm--light .col-sm-9,.hip_thm--light .hip_thm--dark .col-sm-10,.hip_thm--dark .hip_thm--light .col-sm-10,.hip_thm--light .hip_thm--dark .col-sm-11,.hip_thm--dark .hip_thm--light .col-sm-11,.hip_thm--light .hip_thm--dark .col-sm-12,.hip_thm--dark .hip_thm--light .col-sm-12,.hip_thm--light .hip_thm--dark .col-sm,.hip_thm--dark .hip_thm--light .col-sm,.hip_thm--light .hip_thm--dark .col-sm-auto,.hip_thm--dark .hip_thm--light .col-sm-auto,.hip_thm--light .hip_thm--dark .col-md-1,.hip_thm--dark .hip_thm--light .col-md-1,.hip_thm--light .hip_thm--dark .col-md-2,.hip_thm--dark .hip_thm--light .col-md-2,.hip_thm--light .hip_thm--dark .col-md-3,.hip_thm--dark .hip_thm--light .col-md-3,.hip_thm--light .hip_thm--dark .col-md-4,.hip_thm--dark .hip_thm--light .col-md-4,.hip_thm--light .hip_thm--dark .col-md-5,.hip_thm--dark .hip_thm--light .col-md-5,.hip_thm--light .hip_thm--dark .col-md-6,.hip_thm--dark .hip_thm--light .col-md-6,.hip_thm--light .hip_thm--dark .col-md-7,.hip_thm--dark .hip_thm--light .col-md-7,.hip_thm--light .hip_thm--dark .col-md-8,.hip_thm--dark .hip_thm--light .col-md-8,.hip_thm--light .hip_thm--dark .col-md-9,.hip_thm--dark .hip_thm--light .col-md-9,.hip_thm--light .hip_thm--dark .col-md-10,.hip_thm--dark .hip_thm--light .col-md-10,.hip_thm--light .hip_thm--dark .col-md-11,.hip_thm--dark .hip_thm--light .col-md-11,.hip_thm--light .hip_thm--dark .col-md-12,.hip_thm--dark .hip_thm--light .col-md-12,.hip_thm--light .hip_thm--dark .col-md,.hip_thm--dark .hip_thm--light .col-md,.hip_thm--light .hip_thm--dark .col-md-auto,.hip_thm--dark .hip_thm--light .col-md-auto,.hip_thm--light .hip_thm--dark .col-lg-1,.hip_thm--dark .hip_thm--light .col-lg-1,.hip_thm--light .hip_thm--dark .col-lg-2,.hip_thm--dark .hip_thm--light .col-lg-2,.hip_thm--light .hip_thm--dark .col-lg-3,.hip_thm--dark .hip_thm--light .col-lg-3,.hip_thm--light .hip_thm--dark .col-lg-4,.hip_thm--dark .hip_thm--light .col-lg-4,.hip_thm--light .hip_thm--dark .col-lg-5,.hip_thm--dark .hip_thm--light .col-lg-5,.hip_thm--light .hip_thm--dark .col-lg-6,.hip_thm--dark .hip_thm--light .col-lg-6,.hip_thm--light .hip_thm--dark .col-lg-7,.hip_thm--dark .hip_thm--light .col-lg-7,.hip_thm--light .hip_thm--dark .col-lg-8,.hip_thm--dark .hip_thm--light .col-lg-8,.hip_thm--light .hip_thm--dark .col-lg-9,.hip_thm--dark .hip_thm--light .col-lg-9,.hip_thm--light .hip_thm--dark .col-lg-10,.hip_thm--dark .hip_thm--light .col-lg-10,.hip_thm--light .hip_thm--dark .col-lg-11,.hip_thm--dark .hip_thm--light .col-lg-11,.hip_thm--light .hip_thm--dark .col-lg-12,.hip_thm--dark .hip_thm--light .col-lg-12,.hip_thm--light .hip_thm--dark .col-lg,.hip_thm--dark .hip_thm--light .col-lg,.hip_thm--light .hip_thm--dark .col-lg-auto,.hip_thm--dark .hip_thm--light .col-lg-auto,.hip_thm--light .hip_thm--dark .col-xl-1,.hip_thm--dark .hip_thm--light .col-xl-1,.hip_thm--light .hip_thm--dark .col-xl-2,.hip_thm--dark .hip_thm--light .col-xl-2,.hip_thm--light .hip_thm--dark .col-xl-3,.hip_thm--dark .hip_thm--light .col-xl-3,.hip_thm--light .hip_thm--dark .col-xl-4,.hip_thm--dark .hip_thm--light .col-xl-4,.hip_thm--light .hip_thm--dark .col-xl-5,.hip_thm--dark .hip_thm--light .col-xl-5,.hip_thm--light .hip_thm--dark .col-xl-6,.hip_thm--dark .hip_thm--light .col-xl-6,.hip_thm--light .hip_thm--dark .col-xl-7,.hip_thm--dark .hip_thm--light .col-xl-7,.hip_thm--light .hip_thm--dark .col-xl-8,.hip_thm--dark .hip_thm--light .col-xl-8,.hip_thm--light .hip_thm--dark .col-xl-9,.hip_thm--dark .hip_thm--light .col-xl-9,.hip_thm--light .hip_thm--dark .col-xl-10,.hip_thm--dark .hip_thm--light .col-xl-10,.hip_thm--light .hip_thm--dark .col-xl-11,.hip_thm--dark .hip_thm--light .col-xl-11,.hip_thm--light .hip_thm--dark .col-xl-12,.hip_thm--dark .hip_thm--light .col-xl-12,.hip_thm--light .hip_thm--dark .col-xl,.hip_thm--dark .hip_thm--light .col-xl,.hip_thm--light .hip_thm--dark .col-xl-auto,.hip_thm--dark .hip_thm--light .col-xl-auto{position:relative;width:100%;padding-right:15px;padding-left:15px}.hip_thm--light .col{flex-basis:0;flex-grow:1;max-width:100%}.hip_thm--light .row-cols-1>*{flex:0 0 100%;max-width:100%}.hip_thm--light .row-cols-2>*{flex:0 0 50%;max-width:50%}.hip_thm--light .row-cols-3>*{flex:0 0 33.3333333333%;max-width:33.3333333333%}.hip_thm--light .row-cols-4>*{flex:0 0 25%;max-width:25%}.hip_thm--light .row-cols-5>*{flex:0 0 20%;max-width:20%}.hip_thm--light .row-cols-6>*{flex:0 0 16.6666666667%;max-width:16.6666666667%}.hip_thm--light .col-auto{flex:0 0 auto;width:auto;max-width:100%}.hip_thm--light .col-1{flex:0 0 8.3333333333%;max-width:8.3333333333%}.hip_thm--light .col-2{flex:0 0 16.6666666667%;max-width:16.6666666667%}.hip_thm--light .col-3{flex:0 0 25%;max-width:25%}.hip_thm--light .col-4{flex:0 0 33.3333333333%;max-width:33.3333333333%}.hip_thm--light .col-5{flex:0 0 41.6666666667%;max-width:41.6666666667%}.hip_thm--light .col-6{flex:0 0 50%;max-width:50%}.hip_thm--light .col-7{flex:0 0 58.3333333333%;max-width:58.3333333333%}.hip_thm--light .col-8{flex:0 0 66.6666666667%;max-width:66.6666666667%}.hip_thm--light .col-9{flex:0 0 75%;max-width:75%}.hip_thm--light .col-10{flex:0 0 83.3333333333%;max-width:83.3333333333%}.hip_thm--light .col-11{flex:0 0 91.6666666667%;max-width:91.6666666667%}.hip_thm--light .col-12{flex:0 0 100%;max-width:100%}.hip_thm--light .order-first{order:-1}.hip_thm--light .order-last{order:13}.hip_thm--light .order-0{order:0}.hip_thm--light .order-1{order:1}.hip_thm--light .order-2{order:2}.hip_thm--light .order-3{order:3}.hip_thm--light .order-4{order:4}.hip_thm--light .order-5{order:5}.hip_thm--light .order-6{order:6}.hip_thm--light .order-7{order:7}.hip_thm--light .order-8{order:8}.hip_thm--light .order-9{order:9}.hip_thm--light .order-10{order:10}.hip_thm--light .order-11{order:11}.hip_thm--light .order-12{order:12}.hip_thm--light .offset-1{margin-left:8.3333333333%}.hip_thm--light .offset-2{margin-left:16.6666666667%}.hip_thm--light .offset-3{margin-left:25%}.hip_thm--light .offset-4{margin-left:33.3333333333%}.hip_thm--light .offset-5{margin-left:41.6666666667%}.hip_thm--light .offset-6{margin-left:50%}.hip_thm--light .offset-7{margin-left:58.3333333333%}.hip_thm--light .offset-8{margin-left:66.6666666667%}.hip_thm--light .offset-9{margin-left:75%}.hip_thm--light .offset-10{margin-left:83.3333333333%}.hip_thm--light .offset-11{margin-left:91.6666666667%}@media(min-width: 576px){.hip_thm--light .col-sm{flex-basis:0;flex-grow:1;max-width:100%}.hip_thm--light .row-cols-sm-1>*{flex:0 0 100%;max-width:100%}.hip_thm--light .row-cols-sm-2>*{flex:0 0 50%;max-width:50%}.hip_thm--light .row-cols-sm-3>*{flex:0 0 33.3333333333%;max-width:33.3333333333%}.hip_thm--light .row-cols-sm-4>*{flex:0 0 25%;max-width:25%}.hip_thm--light .row-cols-sm-5>*{flex:0 0 20%;max-width:20%}.hip_thm--light .row-cols-sm-6>*{flex:0 0 16.6666666667%;max-width:16.6666666667%}.hip_thm--light .col-sm-auto{flex:0 0 auto;width:auto;max-width:100%}.hip_thm--light .col-sm-1{flex:0 0 8.3333333333%;max-width:8.3333333333%}.hip_thm--light .col-sm-2{flex:0 0 16.6666666667%;max-width:16.6666666667%}.hip_thm--light .col-sm-3{flex:0 0 25%;max-width:25%}.hip_thm--light .col-sm-4{flex:0 0 33.3333333333%;max-width:33.3333333333%}.hip_thm--light .col-sm-5{flex:0 0 41.6666666667%;max-width:41.6666666667%}.hip_thm--light .col-sm-6{flex:0 0 50%;max-width:50%}.hip_thm--light .col-sm-7{flex:0 0 58.3333333333%;max-width:58.3333333333%}.hip_thm--light .col-sm-8{flex:0 0 66.6666666667%;max-width:66.6666666667%}.hip_thm--light .col-sm-9{flex:0 0 75%;max-width:75%}.hip_thm--light .col-sm-10{flex:0 0 83.3333333333%;max-width:83.3333333333%}.hip_thm--light .col-sm-11{flex:0 0 91.6666666667%;max-width:91.6666666667%}.hip_thm--light .col-sm-12{flex:0 0 100%;max-width:100%}.hip_thm--light .order-sm-first{order:-1}.hip_thm--light .order-sm-last{order:13}.hip_thm--light .order-sm-0{order:0}.hip_thm--light .order-sm-1{order:1}.hip_thm--light .order-sm-2{order:2}.hip_thm--light .order-sm-3{order:3}.hip_thm--light .order-sm-4{order:4}.hip_thm--light .order-sm-5{order:5}.hip_thm--light .order-sm-6{order:6}.hip_thm--light .order-sm-7{order:7}.hip_thm--light .order-sm-8{order:8}.hip_thm--light .order-sm-9{order:9}.hip_thm--light .order-sm-10{order:10}.hip_thm--light .order-sm-11{order:11}.hip_thm--light .order-sm-12{order:12}.hip_thm--light .offset-sm-0{margin-left:0}.hip_thm--light .offset-sm-1{margin-left:8.3333333333%}.hip_thm--light .offset-sm-2{margin-left:16.6666666667%}.hip_thm--light .offset-sm-3{margin-left:25%}.hip_thm--light .offset-sm-4{margin-left:33.3333333333%}.hip_thm--light .offset-sm-5{margin-left:41.6666666667%}.hip_thm--light .offset-sm-6{margin-left:50%}.hip_thm--light .offset-sm-7{margin-left:58.3333333333%}.hip_thm--light .offset-sm-8{margin-left:66.6666666667%}.hip_thm--light .offset-sm-9{margin-left:75%}.hip_thm--light .offset-sm-10{margin-left:83.3333333333%}.hip_thm--light .offset-sm-11{margin-left:91.6666666667%}}@media(min-width: 768px){.hip_thm--light .col-md{flex-basis:0;flex-grow:1;max-width:100%}.hip_thm--light .row-cols-md-1>*{flex:0 0 100%;max-width:100%}.hip_thm--light .row-cols-md-2>*{flex:0 0 50%;max-width:50%}.hip_thm--light .row-cols-md-3>*{flex:0 0 33.3333333333%;max-width:33.3333333333%}.hip_thm--light .row-cols-md-4>*{flex:0 0 25%;max-width:25%}.hip_thm--light .row-cols-md-5>*{flex:0 0 20%;max-width:20%}.hip_thm--light .row-cols-md-6>*{flex:0 0 16.6666666667%;max-width:16.6666666667%}.hip_thm--light .col-md-auto{flex:0 0 auto;width:auto;max-width:100%}.hip_thm--light .col-md-1{flex:0 0 8.3333333333%;max-width:8.3333333333%}.hip_thm--light .col-md-2{flex:0 0 16.6666666667%;max-width:16.6666666667%}.hip_thm--light .col-md-3{flex:0 0 25%;max-width:25%}.hip_thm--light .col-md-4{flex:0 0 33.3333333333%;max-width:33.3333333333%}.hip_thm--light .col-md-5{flex:0 0 41.6666666667%;max-width:41.6666666667%}.hip_thm--light .col-md-6{flex:0 0 50%;max-width:50%}.hip_thm--light .col-md-7{flex:0 0 58.3333333333%;max-width:58.3333333333%}.hip_thm--light .col-md-8{flex:0 0 66.6666666667%;max-width:66.6666666667%}.hip_thm--light .col-md-9{flex:0 0 75%;max-width:75%}.hip_thm--light .col-md-10{flex:0 0 83.3333333333%;max-width:83.3333333333%}.hip_thm--light .col-md-11{flex:0 0 91.6666666667%;max-width:91.6666666667%}.hip_thm--light .col-md-12{flex:0 0 100%;max-width:100%}.hip_thm--light .order-md-first{order:-1}.hip_thm--light .order-md-last{order:13}.hip_thm--light .order-md-0{order:0}.hip_thm--light .order-md-1{order:1}.hip_thm--light .order-md-2{order:2}.hip_thm--light .order-md-3{order:3}.hip_thm--light .order-md-4{order:4}.hip_thm--light .order-md-5{order:5}.hip_thm--light .order-md-6{order:6}.hip_thm--light .order-md-7{order:7}.hip_thm--light .order-md-8{order:8}.hip_thm--light .order-md-9{order:9}.hip_thm--light .order-md-10{order:10}.hip_thm--light .order-md-11{order:11}.hip_thm--light .order-md-12{order:12}.hip_thm--light .offset-md-0{margin-left:0}.hip_thm--light .offset-md-1{margin-left:8.3333333333%}.hip_thm--light .offset-md-2{margin-left:16.6666666667%}.hip_thm--light .offset-md-3{margin-left:25%}.hip_thm--light .offset-md-4{margin-left:33.3333333333%}.hip_thm--light .offset-md-5{margin-left:41.6666666667%}.hip_thm--light .offset-md-6{margin-left:50%}.hip_thm--light .offset-md-7{margin-left:58.3333333333%}.hip_thm--light .offset-md-8{margin-left:66.6666666667%}.hip_thm--light .offset-md-9{margin-left:75%}.hip_thm--light .offset-md-10{margin-left:83.3333333333%}.hip_thm--light .offset-md-11{margin-left:91.6666666667%}}@media(min-width: 992px){.hip_thm--light .col-lg{flex-basis:0;flex-grow:1;max-width:100%}.hip_thm--light .row-cols-lg-1>*{flex:0 0 100%;max-width:100%}.hip_thm--light .row-cols-lg-2>*{flex:0 0 50%;max-width:50%}.hip_thm--light .row-cols-lg-3>*{flex:0 0 33.3333333333%;max-width:33.3333333333%}.hip_thm--light .row-cols-lg-4>*{flex:0 0 25%;max-width:25%}.hip_thm--light .row-cols-lg-5>*{flex:0 0 20%;max-width:20%}.hip_thm--light .row-cols-lg-6>*{flex:0 0 16.6666666667%;max-width:16.6666666667%}.hip_thm--light .col-lg-auto{flex:0 0 auto;width:auto;max-width:100%}.hip_thm--light .col-lg-1{flex:0 0 8.3333333333%;max-width:8.3333333333%}.hip_thm--light .col-lg-2{flex:0 0 16.6666666667%;max-width:16.6666666667%}.hip_thm--light .col-lg-3{flex:0 0 25%;max-width:25%}.hip_thm--light .col-lg-4{flex:0 0 33.3333333333%;max-width:33.3333333333%}.hip_thm--light .col-lg-5{flex:0 0 41.6666666667%;max-width:41.6666666667%}.hip_thm--light .col-lg-6{flex:0 0 50%;max-width:50%}.hip_thm--light .col-lg-7{flex:0 0 58.3333333333%;max-width:58.3333333333%}.hip_thm--light .col-lg-8{flex:0 0 66.6666666667%;max-width:66.6666666667%}.hip_thm--light .col-lg-9{flex:0 0 75%;max-width:75%}.hip_thm--light .col-lg-10{flex:0 0 83.3333333333%;max-width:83.3333333333%}.hip_thm--light .col-lg-11{flex:0 0 91.6666666667%;max-width:91.6666666667%}.hip_thm--light .col-lg-12{flex:0 0 100%;max-width:100%}.hip_thm--light .order-lg-first{order:-1}.hip_thm--light .order-lg-last{order:13}.hip_thm--light .order-lg-0{order:0}.hip_thm--light .order-lg-1{order:1}.hip_thm--light .order-lg-2{order:2}.hip_thm--light .order-lg-3{order:3}.hip_thm--light .order-lg-4{order:4}.hip_thm--light .order-lg-5{order:5}.hip_thm--light .order-lg-6{order:6}.hip_thm--light .order-lg-7{order:7}.hip_thm--light .order-lg-8{order:8}.hip_thm--light .order-lg-9{order:9}.hip_thm--light .order-lg-10{order:10}.hip_thm--light .order-lg-11{order:11}.hip_thm--light .order-lg-12{order:12}.hip_thm--light .offset-lg-0{margin-left:0}.hip_thm--light .offset-lg-1{margin-left:8.3333333333%}.hip_thm--light .offset-lg-2{margin-left:16.6666666667%}.hip_thm--light .offset-lg-3{margin-left:25%}.hip_thm--light .offset-lg-4{margin-left:33.3333333333%}.hip_thm--light .offset-lg-5{margin-left:41.6666666667%}.hip_thm--light .offset-lg-6{margin-left:50%}.hip_thm--light .offset-lg-7{margin-left:58.3333333333%}.hip_thm--light .offset-lg-8{margin-left:66.6666666667%}.hip_thm--light .offset-lg-9{margin-left:75%}.hip_thm--light .offset-lg-10{margin-left:83.3333333333%}.hip_thm--light .offset-lg-11{margin-left:91.6666666667%}}@media(min-width: 1200px){.hip_thm--light .col-xl{flex-basis:0;flex-grow:1;max-width:100%}.hip_thm--light .row-cols-xl-1>*{flex:0 0 100%;max-width:100%}.hip_thm--light .row-cols-xl-2>*{flex:0 0 50%;max-width:50%}.hip_thm--light .row-cols-xl-3>*{flex:0 0 33.3333333333%;max-width:33.3333333333%}.hip_thm--light .row-cols-xl-4>*{flex:0 0 25%;max-width:25%}.hip_thm--light .row-cols-xl-5>*{flex:0 0 20%;max-width:20%}.hip_thm--light .row-cols-xl-6>*{flex:0 0 16.6666666667%;max-width:16.6666666667%}.hip_thm--light .col-xl-auto{flex:0 0 auto;width:auto;max-width:100%}.hip_thm--light .col-xl-1{flex:0 0 8.3333333333%;max-width:8.3333333333%}.hip_thm--light .col-xl-2{flex:0 0 16.6666666667%;max-width:16.6666666667%}.hip_thm--light .col-xl-3{flex:0 0 25%;max-width:25%}.hip_thm--light .col-xl-4{flex:0 0 33.3333333333%;max-width:33.3333333333%}.hip_thm--light .col-xl-5{flex:0 0 41.6666666667%;max-width:41.6666666667%}.hip_thm--light .col-xl-6{flex:0 0 50%;max-width:50%}.hip_thm--light .col-xl-7{flex:0 0 58.3333333333%;max-width:58.3333333333%}.hip_thm--light .col-xl-8{flex:0 0 66.6666666667%;max-width:66.6666666667%}.hip_thm--light .col-xl-9{flex:0 0 75%;max-width:75%}.hip_thm--light .col-xl-10{flex:0 0 83.3333333333%;max-width:83.3333333333%}.hip_thm--light .col-xl-11{flex:0 0 91.6666666667%;max-width:91.6666666667%}.hip_thm--light .col-xl-12{flex:0 0 100%;max-width:100%}.hip_thm--light .order-xl-first{order:-1}.hip_thm--light .order-xl-last{order:13}.hip_thm--light .order-xl-0{order:0}.hip_thm--light .order-xl-1{order:1}.hip_thm--light .order-xl-2{order:2}.hip_thm--light .order-xl-3{order:3}.hip_thm--light .order-xl-4{order:4}.hip_thm--light .order-xl-5{order:5}.hip_thm--light .order-xl-6{order:6}.hip_thm--light .order-xl-7{order:7}.hip_thm--light .order-xl-8{order:8}.hip_thm--light .order-xl-9{order:9}.hip_thm--light .order-xl-10{order:10}.hip_thm--light .order-xl-11{order:11}.hip_thm--light .order-xl-12{order:12}.hip_thm--light .offset-xl-0{margin-left:0}.hip_thm--light .offset-xl-1{margin-left:8.3333333333%}.hip_thm--light .offset-xl-2{margin-left:16.6666666667%}.hip_thm--light .offset-xl-3{margin-left:25%}.hip_thm--light .offset-xl-4{margin-left:33.3333333333%}.hip_thm--light .offset-xl-5{margin-left:41.6666666667%}.hip_thm--light .offset-xl-6{margin-left:50%}.hip_thm--light .offset-xl-7{margin-left:58.3333333333%}.hip_thm--light .offset-xl-8{margin-left:66.6666666667%}.hip_thm--light .offset-xl-9{margin-left:75%}.hip_thm--light .offset-xl-10{margin-left:83.3333333333%}.hip_thm--light .offset-xl-11{margin-left:91.6666666667%}}.hip_thm--light .table{width:100%;margin-bottom:1rem;color:#212529}.hip_thm--light .table th,.hip_thm--light .table td{padding:12px;vertical-align:top;border-top:1px solid #dee2e6}.hip_thm--light .table thead th{vertical-align:bottom;border-bottom:2px solid #dee2e6}.hip_thm--light .table tbody+tbody{border-top:2px solid #dee2e6}.hip_thm--light .table-sm th,.hip_thm--light .table-sm td{padding:4.8px}.hip_thm--light .table-bordered{border:1px solid #dee2e6}.hip_thm--light .table-bordered th,.hip_thm--light .table-bordered td{border:1px solid #dee2e6}.hip_thm--light .table-bordered thead th,.hip_thm--light .table-bordered thead td{border-bottom-width:2px}.hip_thm--light .table-borderless th,.hip_thm--light .table-borderless td,.hip_thm--light .table-borderless thead th,.hip_thm--light .table-borderless tbody+tbody{border:0}.hip_thm--light .table-striped tbody tr:nth-of-type(odd){background-color:rgba(0,0,0,.05)}.hip_thm--light .table-hover tbody tr:hover{color:#212529;background-color:rgba(0,0,0,.075)}.hip_thm--light .table-primary,.hip_thm--light .table-primary>th,.hip_thm--light .table-primary>td{background-color:#b8daff}.hip_thm--light .table-primary th,.hip_thm--light .table-primary td,.hip_thm--light .table-primary thead th,.hip_thm--light .table-primary tbody+tbody{border-color:#7abaff}.hip_thm--light .table-hover .table-primary:hover{background-color:#9fcdff}.hip_thm--light .table-hover .table-primary:hover>td,.hip_thm--light .table-hover .table-primary:hover>th{background-color:#9fcdff}.hip_thm--light .table-secondary,.hip_thm--light .table-secondary>th,.hip_thm--light .table-secondary>td{background-color:#d6d8db}.hip_thm--light .table-secondary th,.hip_thm--light .table-secondary td,.hip_thm--light .table-secondary thead th,.hip_thm--light .table-secondary tbody+tbody{border-color:#b3b7bb}.hip_thm--light .table-hover .table-secondary:hover{background-color:#c8cbcf}.hip_thm--light .table-hover .table-secondary:hover>td,.hip_thm--light .table-hover .table-secondary:hover>th{background-color:#c8cbcf}.hip_thm--light .table-success,.hip_thm--light .table-success>th,.hip_thm--light .table-success>td{background-color:#c3e6cb}.hip_thm--light .table-success th,.hip_thm--light .table-success td,.hip_thm--light .table-success thead th,.hip_thm--light .table-success tbody+tbody{border-color:#8fd19e}.hip_thm--light .table-hover .table-success:hover{background-color:#b1dfbb}.hip_thm--light .table-hover .table-success:hover>td,.hip_thm--light .table-hover .table-success:hover>th{background-color:#b1dfbb}.hip_thm--light .table-info,.hip_thm--light .table-info>th,.hip_thm--light .table-info>td{background-color:#bee5eb}.hip_thm--light .table-info th,.hip_thm--light .table-info td,.hip_thm--light .table-info thead th,.hip_thm--light .table-info tbody+tbody{border-color:#86cfda}.hip_thm--light .table-hover .table-info:hover{background-color:#abdde5}.hip_thm--light .table-hover .table-info:hover>td,.hip_thm--light .table-hover .table-info:hover>th{background-color:#abdde5}.hip_thm--light .table-warning,.hip_thm--light .table-warning>th,.hip_thm--light .table-warning>td{background-color:#ffeeba}.hip_thm--light .table-warning th,.hip_thm--light .table-warning td,.hip_thm--light .table-warning thead th,.hip_thm--light .table-warning tbody+tbody{border-color:#ffdf7e}.hip_thm--light .table-hover .table-warning:hover{background-color:#ffe8a1}.hip_thm--light .table-hover .table-warning:hover>td,.hip_thm--light .table-hover .table-warning:hover>th{background-color:#ffe8a1}.hip_thm--light .table-danger,.hip_thm--light .table-danger>th,.hip_thm--light .table-danger>td{background-color:#f5c6cb}.hip_thm--light .table-danger th,.hip_thm--light .table-danger td,.hip_thm--light .table-danger thead th,.hip_thm--light .table-danger tbody+tbody{border-color:#ed969e}.hip_thm--light .table-hover .table-danger:hover{background-color:#f1b0b7}.hip_thm--light .table-hover .table-danger:hover>td,.hip_thm--light .table-hover .table-danger:hover>th{background-color:#f1b0b7}.hip_thm--light .table-light,.hip_thm--light .table-light>th,.hip_thm--light .table-light>td{background-color:#fdfdfe}.hip_thm--light .table-light th,.hip_thm--light .table-light td,.hip_thm--light .table-light thead th,.hip_thm--light .table-light tbody+tbody{border-color:#fbfcfc}.hip_thm--light .table-hover .table-light:hover{background-color:#ececf6}.hip_thm--light .table-hover .table-light:hover>td,.hip_thm--light .table-hover .table-light:hover>th{background-color:#ececf6}.hip_thm--light .table-dark,.hip_thm--light .table-dark>th,.hip_thm--light .table-dark>td{background-color:#c6c8ca}.hip_thm--light .table-dark th,.hip_thm--light .table-dark td,.hip_thm--light .table-dark thead th,.hip_thm--light .table-dark tbody+tbody{border-color:#95999c}.hip_thm--light .table-hover .table-dark:hover{background-color:#b9bbbe}.hip_thm--light .table-hover .table-dark:hover>td,.hip_thm--light .table-hover .table-dark:hover>th{background-color:#b9bbbe}.hip_thm--light .table-active,.hip_thm--light .table-active>th,.hip_thm--light .table-active>td{background-color:rgba(0,0,0,.075)}.hip_thm--light .table-hover .table-active:hover{background-color:rgba(0,0,0,.075)}.hip_thm--light .table-hover .table-active:hover>td,.hip_thm--light .table-hover .table-active:hover>th{background-color:rgba(0,0,0,.075)}.hip_thm--light .table .thead-dark th{color:#fff;background-color:#343a40;border-color:#454d55}.hip_thm--light .table .thead-light th{color:#495057;background-color:#e9ecef;border-color:#dee2e6}.hip_thm--light .table-dark{color:#fff;background-color:#343a40}.hip_thm--light .table-dark th,.hip_thm--light .table-dark td,.hip_thm--light .table-dark thead th{border-color:#454d55}.hip_thm--light .table-dark.table-bordered{border:0}.hip_thm--light .table-dark.table-striped tbody tr:nth-of-type(odd){background-color:rgba(255,255,255,.05)}.hip_thm--light .table-dark.table-hover tbody tr:hover{color:#fff;background-color:rgba(255,255,255,.075)}@media(max-width: 575.98px){.hip_thm--light .table-responsive-sm{display:block;width:100%;overflow-x:auto;-webkit-overflow-scrolling:touch}.hip_thm--light .table-responsive-sm>.table-bordered{border:0}}@media(max-width: 767.98px){.hip_thm--light .table-responsive-md{display:block;width:100%;overflow-x:auto;-webkit-overflow-scrolling:touch}.hip_thm--light .table-responsive-md>.table-bordered{border:0}}@media(max-width: 991.98px){.hip_thm--light .table-responsive-lg{display:block;width:100%;overflow-x:auto;-webkit-overflow-scrolling:touch}.hip_thm--light .table-responsive-lg>.table-bordered{border:0}}@media(max-width: 1199.98px){.hip_thm--light .table-responsive-xl{display:block;width:100%;overflow-x:auto;-webkit-overflow-scrolling:touch}.hip_thm--light .table-responsive-xl>.table-bordered{border:0}}.hip_thm--light .table-responsive{display:block;width:100%;overflow-x:auto;-webkit-overflow-scrolling:touch}.hip_thm--light .table-responsive>.table-bordered{border:0}.hip_thm--light .form-control{display:block;width:100%;height:calc(1.5em + 0.75rem + 2px);padding:6px 12px;font-size:16px;font-weight:400;line-height:1.5;color:#495057;background-color:#fff;background-clip:padding-box;border:1px solid #ced4da;border-radius:4px;transition:border-color .15s ease-in-out,box-shadow .15s ease-in-out}@media(prefers-reduced-motion: reduce){.hip_thm--light .form-control{transition:none}}.hip_thm--light .form-control::-ms-expand{background-color:transparent;border:0}.hip_thm--light .form-control:-moz-focusring{color:transparent;text-shadow:0 0 0 #495057}.hip_thm--light .form-control:focus{color:#495057;background-color:#fff;border-color:#80bdff;outline:0;box-shadow:0 0 0 .2rem rgba(0,123,255,.25)}.hip_thm--light .form-control::placeholder{color:#6c757d;opacity:1}.hip_thm--light .form-control:disabled,.hip_thm--light .form-control[readonly]{background-color:#e9ecef;opacity:1}.hip_thm--light input[type=date].form-control,.hip_thm--light input[type=time].form-control,.hip_thm--light input[type=datetime-local].form-control,.hip_thm--light input[type=month].form-control{appearance:none}.hip_thm--light select.form-control:focus::-ms-value{color:#495057;background-color:#fff}.hip_thm--light .form-control-file,.hip_thm--light .form-control-range{display:block;width:100%}.hip_thm--light .col-form-label{padding-top:calc(6px + 1px);padding-bottom:calc(6px + 1px);margin-bottom:0;font-size:inherit;line-height:1.5}.hip_thm--light .col-form-label-lg{padding-top:calc(8px + 1px);padding-bottom:calc(8px + 1px);font-size:20px;line-height:1.5}.hip_thm--light .col-form-label-sm{padding-top:calc(4px + 1px);padding-bottom:calc(4px + 1px);font-size:14px;line-height:1.5}.hip_thm--light .form-control-plaintext{display:block;width:100%;padding:6px 0;margin-bottom:0;font-size:16px;line-height:1.5;color:#212529;background-color:transparent;border:solid transparent;border-width:1px 0}.hip_thm--light .form-control-plaintext.form-control-sm,.hip_thm--light .form-control-plaintext.form-control-lg{padding-right:0;padding-left:0}.hip_thm--light .form-control-sm{height:calc(1.5em + 0.5rem + 2px);padding:4px 8px;font-size:14px;line-height:1.5;border-radius:3.2px}.hip_thm--light .form-control-lg{height:calc(1.5em + 1rem + 2px);padding:8px 16px;font-size:20px;line-height:1.5;border-radius:4.8px}.hip_thm--light select.form-control[size],.hip_thm--light select.form-control[multiple]{height:auto}.hip_thm--light textarea.form-control{height:auto}.hip_thm--light .form-group{margin-bottom:1rem}.hip_thm--light .form-text{display:block;margin-top:.25rem}.hip_thm--light .form-row{display:flex;flex-wrap:wrap;margin-right:-5px;margin-left:-5px}.hip_thm--light .form-row>.col,.hip_thm--light .form-row>[class*=col-]{padding-right:5px;padding-left:5px}.hip_thm--light .form-check{position:relative;display:block;padding-left:20px}.hip_thm--light .form-check-input{position:absolute;margin-top:.3rem;margin-left:-1.25rem}.hip_thm--light .form-check-input[disabled]~.form-check-label,.hip_thm--light .form-check-input:disabled~.form-check-label{color:#6c757d}.hip_thm--light .form-check-label{margin-bottom:0}.hip_thm--light .form-check-inline{display:inline-flex;align-items:center;padding-left:0;margin-right:.75rem}.hip_thm--light .form-check-inline .form-check-input{position:static;margin-top:0;margin-right:.3125rem;margin-left:0}.hip_thm--light .valid-feedback{display:none;width:100%;margin-top:.25rem;font-size:80%;color:#28a745}.hip_thm--light .valid-tooltip{position:absolute;top:100%;left:0;z-index:5;display:none;max-width:100%;padding:4px 8px;margin-top:.1rem;font-size:14px;line-height:1.5;color:#fff;background-color:rgba(40,167,69,.9);border-radius:4px}.form-row>.col>.hip_thm--light .valid-tooltip,.form-row>[class*=col-]>.hip_thm--light .valid-tooltip{left:5px}.was-validated .hip_thm--light:valid~.valid-feedback,.was-validated .hip_thm--light:valid~.valid-tooltip,.hip_thm--light.is-valid~.valid-feedback,.hip_thm--light.is-valid~.valid-tooltip{display:block}.was-validated .hip_thm--light .form-control:valid,.hip_thm--light .form-control.is-valid{border-color:#28a745;padding-right:calc(1.5em + 12px);background-image:url(\"data:image/svg+xml,%3csvg xmlns='http://www.w3.org/2000/svg' width='8' height='8' viewBox='0 0 8 8'%3e%3cpath fill='%2328a745' d='M2.3 6.73L.6 4.53c-.4-1.04.46-1.4 1.1-.8l1.1 1.4 3.4-3.8c.6-.63 1.6-.27 1.2.7l-4 4.6c-.43.5-.8.4-1.1.1z'/%3e%3c/svg%3e\");background-repeat:no-repeat;background-position:right calc(0.375em + 0.1875rem) center;background-size:calc(0.75em + 0.375rem) calc(0.75em + 0.375rem)}.was-validated .hip_thm--light .form-control:valid:focus,.hip_thm--light .form-control.is-valid:focus{border-color:#28a745;box-shadow:0 0 0 .2rem rgba(40,167,69,.25)}.was-validated .hip_thm--light textarea.form-control:valid,.hip_thm--light textarea.form-control.is-valid{padding-right:calc(1.5em + 12px);background-position:top calc(0.375em + 0.1875rem) right calc(0.375em + 0.1875rem)}.was-validated .hip_thm--light .custom-select:valid,.hip_thm--light .custom-select.is-valid{border-color:#28a745;padding-right:calc(0.75em + 37px);background:url(\"data:image/svg+xml,%3csvg xmlns='http://www.w3.org/2000/svg' width='4' height='5' viewBox='0 0 4 5'%3e%3cpath fill='%23343a40' d='M2 0L0 2h4zm0 5L0 3h4z'/%3e%3c/svg%3e\") right .75rem center/8px 10px no-repeat,#fff url(\"data:image/svg+xml,%3csvg xmlns='http://www.w3.org/2000/svg' width='8' height='8' viewBox='0 0 8 8'%3e%3cpath fill='%2328a745' d='M2.3 6.73L.6 4.53c-.4-1.04.46-1.4 1.1-.8l1.1 1.4 3.4-3.8c.6-.63 1.6-.27 1.2.7l-4 4.6c-.43.5-.8.4-1.1.1z'/%3e%3c/svg%3e\") center right 1.75rem/calc(0.75em + 0.375rem) calc(0.75em + 0.375rem) no-repeat}.was-validated .hip_thm--light .custom-select:valid:focus,.hip_thm--light .custom-select.is-valid:focus{border-color:#28a745;box-shadow:0 0 0 .2rem rgba(40,167,69,.25)}.was-validated .hip_thm--light .form-check-input:valid~.form-check-label,.hip_thm--light .form-check-input.is-valid~.form-check-label{color:#28a745}.was-validated .hip_thm--light .form-check-input:valid~.valid-feedback,.was-validated .hip_thm--light .form-check-input:valid~.valid-tooltip,.hip_thm--light .form-check-input.is-valid~.valid-feedback,.hip_thm--light .form-check-input.is-valid~.valid-tooltip{display:block}.was-validated .hip_thm--light .custom-control-input:valid~.custom-control-label,.hip_thm--light .custom-control-input.is-valid~.custom-control-label{color:#28a745}.was-validated .hip_thm--light .custom-control-input:valid~.custom-control-label::before,.hip_thm--light .custom-control-input.is-valid~.custom-control-label::before{border-color:#28a745}.was-validated .hip_thm--light .custom-control-input:valid:checked~.custom-control-label::before,.hip_thm--light .custom-control-input.is-valid:checked~.custom-control-label::before{border-color:#34ce57;background-color:#34ce57}.was-validated .hip_thm--light .custom-control-input:valid:focus~.custom-control-label::before,.hip_thm--light .custom-control-input.is-valid:focus~.custom-control-label::before{box-shadow:0 0 0 .2rem rgba(40,167,69,.25)}.was-validated .hip_thm--light .custom-control-input:valid:focus:not(:checked)~.custom-control-label::before,.hip_thm--light .custom-control-input.is-valid:focus:not(:checked)~.custom-control-label::before{border-color:#28a745}.was-validated .hip_thm--light .custom-file-input:valid~.custom-file-label,.hip_thm--light .custom-file-input.is-valid~.custom-file-label{border-color:#28a745}.was-validated .hip_thm--light .custom-file-input:valid:focus~.custom-file-label,.hip_thm--light .custom-file-input.is-valid:focus~.custom-file-label{border-color:#28a745;box-shadow:0 0 0 .2rem rgba(40,167,69,.25)}.hip_thm--light .invalid-feedback{display:none;width:100%;margin-top:.25rem;font-size:80%;color:#dc3545}.hip_thm--light .invalid-tooltip{position:absolute;top:100%;left:0;z-index:5;display:none;max-width:100%;padding:4px 8px;margin-top:.1rem;font-size:14px;line-height:1.5;color:#fff;background-color:rgba(220,53,69,.9);border-radius:4px}.form-row>.col>.hip_thm--light .invalid-tooltip,.form-row>[class*=col-]>.hip_thm--light .invalid-tooltip{left:5px}.was-validated .hip_thm--light:invalid~.invalid-feedback,.was-validated .hip_thm--light:invalid~.invalid-tooltip,.hip_thm--light.is-invalid~.invalid-feedback,.hip_thm--light.is-invalid~.invalid-tooltip{display:block}.was-validated .hip_thm--light .form-control:invalid,.hip_thm--light .form-control.is-invalid{border-color:#dc3545;padding-right:calc(1.5em + 12px);background-image:url(\"data:image/svg+xml,%3csvg xmlns='http://www.w3.org/2000/svg' width='12' height='12' fill='none' stroke='%23dc3545' viewBox='0 0 12 12'%3e%3ccircle cx='6' cy='6' r='4.5'/%3e%3cpath stroke-linejoin='round' d='M5.8 3.6h.4L6 6.5z'/%3e%3ccircle cx='6' cy='8.2' r='.6' fill='%23dc3545' stroke='none'/%3e%3c/svg%3e\");background-repeat:no-repeat;background-position:right calc(0.375em + 0.1875rem) center;background-size:calc(0.75em + 0.375rem) calc(0.75em + 0.375rem)}.was-validated .hip_thm--light .form-control:invalid:focus,.hip_thm--light .form-control.is-invalid:focus{border-color:#dc3545;box-shadow:0 0 0 .2rem rgba(220,53,69,.25)}.was-validated .hip_thm--light textarea.form-control:invalid,.hip_thm--light textarea.form-control.is-invalid{padding-right:calc(1.5em + 12px);background-position:top calc(0.375em + 0.1875rem) right calc(0.375em + 0.1875rem)}.was-validated .hip_thm--light .custom-select:invalid,.hip_thm--light .custom-select.is-invalid{border-color:#dc3545;padding-right:calc(0.75em + 37px);background:url(\"data:image/svg+xml,%3csvg xmlns='http://www.w3.org/2000/svg' width='4' height='5' viewBox='0 0 4 5'%3e%3cpath fill='%23343a40' d='M2 0L0 2h4zm0 5L0 3h4z'/%3e%3c/svg%3e\") right .75rem center/8px 10px no-repeat,#fff url(\"data:image/svg+xml,%3csvg xmlns='http://www.w3.org/2000/svg' width='12' height='12' fill='none' stroke='%23dc3545' viewBox='0 0 12 12'%3e%3ccircle cx='6' cy='6' r='4.5'/%3e%3cpath stroke-linejoin='round' d='M5.8 3.6h.4L6 6.5z'/%3e%3ccircle cx='6' cy='8.2' r='.6' fill='%23dc3545' stroke='none'/%3e%3c/svg%3e\") center right 1.75rem/calc(0.75em + 0.375rem) calc(0.75em + 0.375rem) no-repeat}.was-validated .hip_thm--light .custom-select:invalid:focus,.hip_thm--light .custom-select.is-invalid:focus{border-color:#dc3545;box-shadow:0 0 0 .2rem rgba(220,53,69,.25)}.was-validated .hip_thm--light .form-check-input:invalid~.form-check-label,.hip_thm--light .form-check-input.is-invalid~.form-check-label{color:#dc3545}.was-validated .hip_thm--light .form-check-input:invalid~.invalid-feedback,.was-validated .hip_thm--light .form-check-input:invalid~.invalid-tooltip,.hip_thm--light .form-check-input.is-invalid~.invalid-feedback,.hip_thm--light .form-check-input.is-invalid~.invalid-tooltip{display:block}.was-validated .hip_thm--light .custom-control-input:invalid~.custom-control-label,.hip_thm--light .custom-control-input.is-invalid~.custom-control-label{color:#dc3545}.was-validated .hip_thm--light .custom-control-input:invalid~.custom-control-label::before,.hip_thm--light .custom-control-input.is-invalid~.custom-control-label::before{border-color:#dc3545}.was-validated .hip_thm--light .custom-control-input:invalid:checked~.custom-control-label::before,.hip_thm--light .custom-control-input.is-invalid:checked~.custom-control-label::before{border-color:#e4606d;background-color:#e4606d}.was-validated .hip_thm--light .custom-control-input:invalid:focus~.custom-control-label::before,.hip_thm--light .custom-control-input.is-invalid:focus~.custom-control-label::before{box-shadow:0 0 0 .2rem rgba(220,53,69,.25)}.was-validated .hip_thm--light .custom-control-input:invalid:focus:not(:checked)~.custom-control-label::before,.hip_thm--light .custom-control-input.is-invalid:focus:not(:checked)~.custom-control-label::before{border-color:#dc3545}.was-validated .hip_thm--light .custom-file-input:invalid~.custom-file-label,.hip_thm--light .custom-file-input.is-invalid~.custom-file-label{border-color:#dc3545}.was-validated .hip_thm--light .custom-file-input:invalid:focus~.custom-file-label,.hip_thm--light .custom-file-input.is-invalid:focus~.custom-file-label{border-color:#dc3545;box-shadow:0 0 0 .2rem rgba(220,53,69,.25)}.hip_thm--light .form-inline{display:flex;flex-flow:row wrap;align-items:center}.hip_thm--light .form-inline .form-check{width:100%}@media(min-width: 576px){.hip_thm--light .form-inline label{display:flex;align-items:center;justify-content:center;margin-bottom:0}.hip_thm--light .form-inline .form-group{display:flex;flex:0 0 auto;flex-flow:row wrap;align-items:center;margin-bottom:0}.hip_thm--light .form-inline .form-control{display:inline-block;width:auto;vertical-align:middle}.hip_thm--light .form-inline .form-control-plaintext{display:inline-block}.hip_thm--light .form-inline .input-group,.hip_thm--light .form-inline .custom-select{width:auto}.hip_thm--light .form-inline .form-check{display:flex;align-items:center;justify-content:center;width:auto;padding-left:0}.hip_thm--light .form-inline .form-check-input{position:relative;flex-shrink:0;margin-top:0;margin-right:.25rem;margin-left:0}.hip_thm--light .form-inline .custom-control{align-items:center;justify-content:center}.hip_thm--light .form-inline .custom-control-label{margin-bottom:0}}.hip_thm--light .btn{display:inline-block;font-weight:400;color:#212529;text-align:center;vertical-align:middle;user-select:none;background-color:transparent;border:1px solid transparent;padding:6px 12px;font-size:16px;line-height:1.5;border-radius:4px;transition:color .15s ease-in-out,background-color .15s ease-in-out,border-color .15s ease-in-out,box-shadow .15s ease-in-out}@media(prefers-reduced-motion: reduce){.hip_thm--light .btn{transition:none}}.hip_thm--light .btn:hover{color:#212529;text-decoration:none}.hip_thm--light .btn:focus,.hip_thm--light .btn.focus{outline:0;box-shadow:0 0 0 .2rem rgba(0,123,255,.25)}.hip_thm--light .btn.disabled,.hip_thm--light .btn:disabled{opacity:.65}.hip_thm--light .btn:not(:disabled):not(.disabled){cursor:pointer}.hip_thm--light a.btn.disabled,.hip_thm--light fieldset:disabled a.btn{pointer-events:none}.hip_thm--light .btn-primary{color:#fff;background-color:#007bff;border-color:#007bff}.hip_thm--light .btn-primary:hover{color:#fff;background-color:#0069d9;border-color:#0062cc}.hip_thm--light .btn-primary:focus,.hip_thm--light .btn-primary.focus{color:#fff;background-color:#0069d9;border-color:#0062cc;box-shadow:0 0 0 .2rem rgba(38,143,255,.5)}.hip_thm--light .btn-primary.disabled,.hip_thm--light .btn-primary:disabled{color:#fff;background-color:#007bff;border-color:#007bff}.hip_thm--light .btn-primary:not(:disabled):not(.disabled):active,.hip_thm--light .btn-primary:not(:disabled):not(.disabled).active,.show>.hip_thm--light .btn-primary.dropdown-toggle{color:#fff;background-color:#0062cc;border-color:#005cbf}.hip_thm--light .btn-primary:not(:disabled):not(.disabled):active:focus,.hip_thm--light .btn-primary:not(:disabled):not(.disabled).active:focus,.show>.hip_thm--light .btn-primary.dropdown-toggle:focus{box-shadow:0 0 0 .2rem rgba(38,143,255,.5)}.hip_thm--light .btn-secondary{color:#fff;background-color:#6c757d;border-color:#6c757d}.hip_thm--light .btn-secondary:hover{color:#fff;background-color:#5a6268;border-color:#545b62}.hip_thm--light .btn-secondary:focus,.hip_thm--light .btn-secondary.focus{color:#fff;background-color:#5a6268;border-color:#545b62;box-shadow:0 0 0 .2rem rgba(130,138,145,.5)}.hip_thm--light .btn-secondary.disabled,.hip_thm--light .btn-secondary:disabled{color:#fff;background-color:#6c757d;border-color:#6c757d}.hip_thm--light .btn-secondary:not(:disabled):not(.disabled):active,.hip_thm--light .btn-secondary:not(:disabled):not(.disabled).active,.show>.hip_thm--light .btn-secondary.dropdown-toggle{color:#fff;background-color:#545b62;border-color:#4e555b}.hip_thm--light .btn-secondary:not(:disabled):not(.disabled):active:focus,.hip_thm--light .btn-secondary:not(:disabled):not(.disabled).active:focus,.show>.hip_thm--light .btn-secondary.dropdown-toggle:focus{box-shadow:0 0 0 .2rem rgba(130,138,145,.5)}.hip_thm--light .btn-success{color:#fff;background-color:#28a745;border-color:#28a745}.hip_thm--light .btn-success:hover{color:#fff;background-color:#218838;border-color:#1e7e34}.hip_thm--light .btn-success:focus,.hip_thm--light .btn-success.focus{color:#fff;background-color:#218838;border-color:#1e7e34;box-shadow:0 0 0 .2rem rgba(72,180,97,.5)}.hip_thm--light .btn-success.disabled,.hip_thm--light .btn-success:disabled{color:#fff;background-color:#28a745;border-color:#28a745}.hip_thm--light .btn-success:not(:disabled):not(.disabled):active,.hip_thm--light .btn-success:not(:disabled):not(.disabled).active,.show>.hip_thm--light .btn-success.dropdown-toggle{color:#fff;background-color:#1e7e34;border-color:#1c7430}.hip_thm--light .btn-success:not(:disabled):not(.disabled):active:focus,.hip_thm--light .btn-success:not(:disabled):not(.disabled).active:focus,.show>.hip_thm--light .btn-success.dropdown-toggle:focus{box-shadow:0 0 0 .2rem rgba(72,180,97,.5)}.hip_thm--light .btn-info{color:#fff;background-color:#17a2b8;border-color:#17a2b8}.hip_thm--light .btn-info:hover{color:#fff;background-color:#138496;border-color:#117a8b}.hip_thm--light .btn-info:focus,.hip_thm--light .btn-info.focus{color:#fff;background-color:#138496;border-color:#117a8b;box-shadow:0 0 0 .2rem rgba(58,176,195,.5)}.hip_thm--light .btn-info.disabled,.hip_thm--light .btn-info:disabled{color:#fff;background-color:#17a2b8;border-color:#17a2b8}.hip_thm--light .btn-info:not(:disabled):not(.disabled):active,.hip_thm--light .btn-info:not(:disabled):not(.disabled).active,.show>.hip_thm--light .btn-info.dropdown-toggle{color:#fff;background-color:#117a8b;border-color:#10707f}.hip_thm--light .btn-info:not(:disabled):not(.disabled):active:focus,.hip_thm--light .btn-info:not(:disabled):not(.disabled).active:focus,.show>.hip_thm--light .btn-info.dropdown-toggle:focus{box-shadow:0 0 0 .2rem rgba(58,176,195,.5)}.hip_thm--light .btn-warning{color:#212529;background-color:#ffc107;border-color:#ffc107}.hip_thm--light .btn-warning:hover{color:#212529;background-color:#e0a800;border-color:#d39e00}.hip_thm--light .btn-warning:focus,.hip_thm--light .btn-warning.focus{color:#212529;background-color:#e0a800;border-color:#d39e00;box-shadow:0 0 0 .2rem rgba(222,170,12,.5)}.hip_thm--light .btn-warning.disabled,.hip_thm--light .btn-warning:disabled{color:#212529;background-color:#ffc107;border-color:#ffc107}.hip_thm--light .btn-warning:not(:disabled):not(.disabled):active,.hip_thm--light .btn-warning:not(:disabled):not(.disabled).active,.show>.hip_thm--light .btn-warning.dropdown-toggle{color:#212529;background-color:#d39e00;border-color:#c69500}.hip_thm--light .btn-warning:not(:disabled):not(.disabled):active:focus,.hip_thm--light .btn-warning:not(:disabled):not(.disabled).active:focus,.show>.hip_thm--light .btn-warning.dropdown-toggle:focus{box-shadow:0 0 0 .2rem rgba(222,170,12,.5)}.hip_thm--light .btn-danger{color:#fff;background-color:#dc3545;border-color:#dc3545}.hip_thm--light .btn-danger:hover{color:#fff;background-color:#c82333;border-color:#bd2130}.hip_thm--light .btn-danger:focus,.hip_thm--light .btn-danger.focus{color:#fff;background-color:#c82333;border-color:#bd2130;box-shadow:0 0 0 .2rem rgba(225,83,97,.5)}.hip_thm--light .btn-danger.disabled,.hip_thm--light .btn-danger:disabled{color:#fff;background-color:#dc3545;border-color:#dc3545}.hip_thm--light .btn-danger:not(:disabled):not(.disabled):active,.hip_thm--light .btn-danger:not(:disabled):not(.disabled).active,.show>.hip_thm--light .btn-danger.dropdown-toggle{color:#fff;background-color:#bd2130;border-color:#b21f2d}.hip_thm--light .btn-danger:not(:disabled):not(.disabled):active:focus,.hip_thm--light .btn-danger:not(:disabled):not(.disabled).active:focus,.show>.hip_thm--light .btn-danger.dropdown-toggle:focus{box-shadow:0 0 0 .2rem rgba(225,83,97,.5)}.hip_thm--light .btn-light{color:#212529;background-color:#f8f9fa;border-color:#f8f9fa}.hip_thm--light .btn-light:hover{color:#212529;background-color:#e2e6ea;border-color:#dae0e5}.hip_thm--light .btn-light:focus,.hip_thm--light .btn-light.focus{color:#212529;background-color:#e2e6ea;border-color:#dae0e5;box-shadow:0 0 0 .2rem rgba(216,217,219,.5)}.hip_thm--light .btn-light.disabled,.hip_thm--light .btn-light:disabled{color:#212529;background-color:#f8f9fa;border-color:#f8f9fa}.hip_thm--light .btn-light:not(:disabled):not(.disabled):active,.hip_thm--light .btn-light:not(:disabled):not(.disabled).active,.show>.hip_thm--light .btn-light.dropdown-toggle{color:#212529;background-color:#dae0e5;border-color:#d3d9df}.hip_thm--light .btn-light:not(:disabled):not(.disabled):active:focus,.hip_thm--light .btn-light:not(:disabled):not(.disabled).active:focus,.show>.hip_thm--light .btn-light.dropdown-toggle:focus{box-shadow:0 0 0 .2rem rgba(216,217,219,.5)}.hip_thm--light .btn-dark{color:#fff;background-color:#343a40;border-color:#343a40}.hip_thm--light .btn-dark:hover{color:#fff;background-color:#23272b;border-color:#1d2124}.hip_thm--light .btn-dark:focus,.hip_thm--light .btn-dark.focus{color:#fff;background-color:#23272b;border-color:#1d2124;box-shadow:0 0 0 .2rem rgba(82,88,93,.5)}.hip_thm--light .btn-dark.disabled,.hip_thm--light .btn-dark:disabled{color:#fff;background-color:#343a40;border-color:#343a40}.hip_thm--light .btn-dark:not(:disabled):not(.disabled):active,.hip_thm--light .btn-dark:not(:disabled):not(.disabled).active,.show>.hip_thm--light .btn-dark.dropdown-toggle{color:#fff;background-color:#1d2124;border-color:#171a1d}.hip_thm--light .btn-dark:not(:disabled):not(.disabled):active:focus,.hip_thm--light .btn-dark:not(:disabled):not(.disabled).active:focus,.show>.hip_thm--light .btn-dark.dropdown-toggle:focus{box-shadow:0 0 0 .2rem rgba(82,88,93,.5)}.hip_thm--light .btn-outline-primary{color:#007bff;border-color:#007bff}.hip_thm--light .btn-outline-primary:hover{color:#fff;background-color:#007bff;border-color:#007bff}.hip_thm--light .btn-outline-primary:focus,.hip_thm--light .btn-outline-primary.focus{box-shadow:0 0 0 .2rem rgba(0,123,255,.5)}.hip_thm--light .btn-outline-primary.disabled,.hip_thm--light .btn-outline-primary:disabled{color:#007bff;background-color:transparent}.hip_thm--light .btn-outline-primary:not(:disabled):not(.disabled):active,.hip_thm--light .btn-outline-primary:not(:disabled):not(.disabled).active,.show>.hip_thm--light .btn-outline-primary.dropdown-toggle{color:#fff;background-color:#007bff;border-color:#007bff}.hip_thm--light .btn-outline-primary:not(:disabled):not(.disabled):active:focus,.hip_thm--light .btn-outline-primary:not(:disabled):not(.disabled).active:focus,.show>.hip_thm--light .btn-outline-primary.dropdown-toggle:focus{box-shadow:0 0 0 .2rem rgba(0,123,255,.5)}.hip_thm--light .btn-outline-secondary{color:#6c757d;border-color:#6c757d}.hip_thm--light .btn-outline-secondary:hover{color:#fff;background-color:#6c757d;border-color:#6c757d}.hip_thm--light .btn-outline-secondary:focus,.hip_thm--light .btn-outline-secondary.focus{box-shadow:0 0 0 .2rem rgba(108,117,125,.5)}.hip_thm--light .btn-outline-secondary.disabled,.hip_thm--light .btn-outline-secondary:disabled{color:#6c757d;background-color:transparent}.hip_thm--light .btn-outline-secondary:not(:disabled):not(.disabled):active,.hip_thm--light .btn-outline-secondary:not(:disabled):not(.disabled).active,.show>.hip_thm--light .btn-outline-secondary.dropdown-toggle{color:#fff;background-color:#6c757d;border-color:#6c757d}.hip_thm--light .btn-outline-secondary:not(:disabled):not(.disabled):active:focus,.hip_thm--light .btn-outline-secondary:not(:disabled):not(.disabled).active:focus,.show>.hip_thm--light .btn-outline-secondary.dropdown-toggle:focus{box-shadow:0 0 0 .2rem rgba(108,117,125,.5)}.hip_thm--light .btn-outline-success{color:#28a745;border-color:#28a745}.hip_thm--light .btn-outline-success:hover{color:#fff;background-color:#28a745;border-color:#28a745}.hip_thm--light .btn-outline-success:focus,.hip_thm--light .btn-outline-success.focus{box-shadow:0 0 0 .2rem rgba(40,167,69,.5)}.hip_thm--light .btn-outline-success.disabled,.hip_thm--light .btn-outline-success:disabled{color:#28a745;background-color:transparent}.hip_thm--light .btn-outline-success:not(:disabled):not(.disabled):active,.hip_thm--light .btn-outline-success:not(:disabled):not(.disabled).active,.show>.hip_thm--light .btn-outline-success.dropdown-toggle{color:#fff;background-color:#28a745;border-color:#28a745}.hip_thm--light .btn-outline-success:not(:disabled):not(.disabled):active:focus,.hip_thm--light .btn-outline-success:not(:disabled):not(.disabled).active:focus,.show>.hip_thm--light .btn-outline-success.dropdown-toggle:focus{box-shadow:0 0 0 .2rem rgba(40,167,69,.5)}.hip_thm--light .btn-outline-info{color:#17a2b8;border-color:#17a2b8}.hip_thm--light .btn-outline-info:hover{color:#fff;background-color:#17a2b8;border-color:#17a2b8}.hip_thm--light .btn-outline-info:focus,.hip_thm--light .btn-outline-info.focus{box-shadow:0 0 0 .2rem rgba(23,162,184,.5)}.hip_thm--light .btn-outline-info.disabled,.hip_thm--light .btn-outline-info:disabled{color:#17a2b8;background-color:transparent}.hip_thm--light .btn-outline-info:not(:disabled):not(.disabled):active,.hip_thm--light .btn-outline-info:not(:disabled):not(.disabled).active,.show>.hip_thm--light .btn-outline-info.dropdown-toggle{color:#fff;background-color:#17a2b8;border-color:#17a2b8}.hip_thm--light .btn-outline-info:not(:disabled):not(.disabled):active:focus,.hip_thm--light .btn-outline-info:not(:disabled):not(.disabled).active:focus,.show>.hip_thm--light .btn-outline-info.dropdown-toggle:focus{box-shadow:0 0 0 .2rem rgba(23,162,184,.5)}.hip_thm--light .btn-outline-warning{color:#ffc107;border-color:#ffc107}.hip_thm--light .btn-outline-warning:hover{color:#212529;background-color:#ffc107;border-color:#ffc107}.hip_thm--light .btn-outline-warning:focus,.hip_thm--light .btn-outline-warning.focus{box-shadow:0 0 0 .2rem rgba(255,193,7,.5)}.hip_thm--light .btn-outline-warning.disabled,.hip_thm--light .btn-outline-warning:disabled{color:#ffc107;background-color:transparent}.hip_thm--light .btn-outline-warning:not(:disabled):not(.disabled):active,.hip_thm--light .btn-outline-warning:not(:disabled):not(.disabled).active,.show>.hip_thm--light .btn-outline-warning.dropdown-toggle{color:#212529;background-color:#ffc107;border-color:#ffc107}.hip_thm--light .btn-outline-warning:not(:disabled):not(.disabled):active:focus,.hip_thm--light .btn-outline-warning:not(:disabled):not(.disabled).active:focus,.show>.hip_thm--light .btn-outline-warning.dropdown-toggle:focus{box-shadow:0 0 0 .2rem rgba(255,193,7,.5)}.hip_thm--light .btn-outline-danger{color:#dc3545;border-color:#dc3545}.hip_thm--light .btn-outline-danger:hover{color:#fff;background-color:#dc3545;border-color:#dc3545}.hip_thm--light .btn-outline-danger:focus,.hip_thm--light .btn-outline-danger.focus{box-shadow:0 0 0 .2rem rgba(220,53,69,.5)}.hip_thm--light .btn-outline-danger.disabled,.hip_thm--light .btn-outline-danger:disabled{color:#dc3545;background-color:transparent}.hip_thm--light .btn-outline-danger:not(:disabled):not(.disabled):active,.hip_thm--light .btn-outline-danger:not(:disabled):not(.disabled).active,.show>.hip_thm--light .btn-outline-danger.dropdown-toggle{color:#fff;background-color:#dc3545;border-color:#dc3545}.hip_thm--light .btn-outline-danger:not(:disabled):not(.disabled):active:focus,.hip_thm--light .btn-outline-danger:not(:disabled):not(.disabled).active:focus,.show>.hip_thm--light .btn-outline-danger.dropdown-toggle:focus{box-shadow:0 0 0 .2rem rgba(220,53,69,.5)}.hip_thm--light .btn-outline-light{color:#f8f9fa;border-color:#f8f9fa}.hip_thm--light .btn-outline-light:hover{color:#212529;background-color:#f8f9fa;border-color:#f8f9fa}.hip_thm--light .btn-outline-light:focus,.hip_thm--light .btn-outline-light.focus{box-shadow:0 0 0 .2rem rgba(248,249,250,.5)}.hip_thm--light .btn-outline-light.disabled,.hip_thm--light .btn-outline-light:disabled{color:#f8f9fa;background-color:transparent}.hip_thm--light .btn-outline-light:not(:disabled):not(.disabled):active,.hip_thm--light .btn-outline-light:not(:disabled):not(.disabled).active,.show>.hip_thm--light .btn-outline-light.dropdown-toggle{color:#212529;background-color:#f8f9fa;border-color:#f8f9fa}.hip_thm--light .btn-outline-light:not(:disabled):not(.disabled):active:focus,.hip_thm--light .btn-outline-light:not(:disabled):not(.disabled).active:focus,.show>.hip_thm--light .btn-outline-light.dropdown-toggle:focus{box-shadow:0 0 0 .2rem rgba(248,249,250,.5)}.hip_thm--light .btn-outline-dark{color:#343a40;border-color:#343a40}.hip_thm--light .btn-outline-dark:hover{color:#fff;background-color:#343a40;border-color:#343a40}.hip_thm--light .btn-outline-dark:focus,.hip_thm--light .btn-outline-dark.focus{box-shadow:0 0 0 .2rem rgba(52,58,64,.5)}.hip_thm--light .btn-outline-dark.disabled,.hip_thm--light .btn-outline-dark:disabled{color:#343a40;background-color:transparent}.hip_thm--light .btn-outline-dark:not(:disabled):not(.disabled):active,.hip_thm--light .btn-outline-dark:not(:disabled):not(.disabled).active,.show>.hip_thm--light .btn-outline-dark.dropdown-toggle{color:#fff;background-color:#343a40;border-color:#343a40}.hip_thm--light .btn-outline-dark:not(:disabled):not(.disabled):active:focus,.hip_thm--light .btn-outline-dark:not(:disabled):not(.disabled).active:focus,.show>.hip_thm--light .btn-outline-dark.dropdown-toggle:focus{box-shadow:0 0 0 .2rem rgba(52,58,64,.5)}.hip_thm--light .btn-link{font-weight:400;color:#007bff;text-decoration:none}.hip_thm--light .btn-link:hover{color:#0056b3;text-decoration:underline}.hip_thm--light .btn-link:focus,.hip_thm--light .btn-link.focus{text-decoration:underline}.hip_thm--light .btn-link:disabled,.hip_thm--light .btn-link.disabled{color:#6c757d;pointer-events:none}.hip_thm--light .btn-lg,.hip_thm--light .btn-group-lg>.btn,.hip_thm--light .hip_thm--dark .btn-group-lg>.btn{padding:8px 16px;font-size:20px;line-height:1.5;border-radius:4.8px}.hip_thm--light .btn-sm,.hip_thm--light .btn-group-sm>.btn,.hip_thm--light .hip_thm--dark .btn-group-sm>.btn{padding:4px 8px;font-size:14px;line-height:1.5;border-radius:3.2px}.hip_thm--light .btn-block{display:block;width:100%}.hip_thm--light .btn-block+.btn-block{margin-top:.5rem}.hip_thm--light input[type=submit].btn-block,.hip_thm--light input[type=reset].btn-block,.hip_thm--light input[type=button].btn-block{width:100%}.hip_thm--light .fade{transition:opacity .15s linear}@media(prefers-reduced-motion: reduce){.hip_thm--light .fade{transition:none}}.hip_thm--light .fade:not(.show){opacity:0}.hip_thm--light .collapse:not(.show){display:none}.hip_thm--light .collapsing{position:relative;height:0;overflow:hidden;transition:height .35s ease}@media(prefers-reduced-motion: reduce){.hip_thm--light .collapsing{transition:none}}.hip_thm--light .dropup,.hip_thm--light .dropright,.hip_thm--light .dropdown,.hip_thm--light .dropleft{position:relative}.hip_thm--light .dropdown-toggle{white-space:nowrap}.hip_thm--light .dropdown-toggle::after{display:inline-block;margin-left:.255em;vertical-align:.255em;content:\"\";border-top:.3em solid;border-right:.3em solid transparent;border-bottom:0;border-left:.3em solid transparent}.hip_thm--light .dropdown-toggle:empty::after{margin-left:0}.hip_thm--light .dropdown-menu{position:absolute;top:100%;left:0;z-index:1000;display:none;float:left;min-width:10rem;padding:8px 0;margin:.125rem 0 0;font-size:16px;color:#212529;text-align:left;list-style:none;background-color:#fff;background-clip:padding-box;border:1px solid rgba(0,0,0,.15);border-radius:4px}.hip_thm--light .dropdown-menu-left{right:auto;left:0}.hip_thm--light .dropdown-menu-right{right:0;left:auto}@media(min-width: 576px){.hip_thm--light .dropdown-menu-sm-left{right:auto;left:0}.hip_thm--light .dropdown-menu-sm-right{right:0;left:auto}}@media(min-width: 768px){.hip_thm--light .dropdown-menu-md-left{right:auto;left:0}.hip_thm--light .dropdown-menu-md-right{right:0;left:auto}}@media(min-width: 992px){.hip_thm--light .dropdown-menu-lg-left{right:auto;left:0}.hip_thm--light .dropdown-menu-lg-right{right:0;left:auto}}@media(min-width: 1200px){.hip_thm--light .dropdown-menu-xl-left{right:auto;left:0}.hip_thm--light .dropdown-menu-xl-right{right:0;left:auto}}.hip_thm--light .dropup .dropdown-menu{top:auto;bottom:100%;margin-top:0;margin-bottom:.125rem}.hip_thm--light .dropup .dropdown-toggle::after{display:inline-block;margin-left:.255em;vertical-align:.255em;content:\"\";border-top:0;border-right:.3em solid transparent;border-bottom:.3em solid;border-left:.3em solid transparent}.hip_thm--light .dropup .dropdown-toggle:empty::after{margin-left:0}.hip_thm--light .dropright .dropdown-menu{top:0;right:auto;left:100%;margin-top:0;margin-left:.125rem}.hip_thm--light .dropright .dropdown-toggle::after{display:inline-block;margin-left:.255em;vertical-align:.255em;content:\"\";border-top:.3em solid transparent;border-right:0;border-bottom:.3em solid transparent;border-left:.3em solid}.hip_thm--light .dropright .dropdown-toggle:empty::after{margin-left:0}.hip_thm--light .dropright .dropdown-toggle::after{vertical-align:0}.hip_thm--light .dropleft .dropdown-menu{top:0;right:100%;left:auto;margin-top:0;margin-right:.125rem}.hip_thm--light .dropleft .dropdown-toggle::after{display:inline-block;margin-left:.255em;vertical-align:.255em;content:\"\"}.hip_thm--light .dropleft .dropdown-toggle::after{display:none}.hip_thm--light .dropleft .dropdown-toggle::before{display:inline-block;margin-right:.255em;vertical-align:.255em;content:\"\";border-top:.3em solid transparent;border-right:.3em solid;border-bottom:.3em solid transparent}.hip_thm--light .dropleft .dropdown-toggle:empty::after{margin-left:0}.hip_thm--light .dropleft .dropdown-toggle::before{vertical-align:0}.hip_thm--light .dropdown-menu[x-placement^=top],.hip_thm--light .dropdown-menu[x-placement^=right],.hip_thm--light .dropdown-menu[x-placement^=bottom],.hip_thm--light .dropdown-menu[x-placement^=left]{right:auto;bottom:auto}.hip_thm--light .dropdown-divider{height:0;margin:.5rem 0;overflow:hidden;border-top:1px solid #e9ecef}.hip_thm--light .dropdown-item{display:block;width:100%;padding:4px 24px;clear:both;font-weight:400;color:#212529;text-align:inherit;white-space:nowrap;background-color:transparent;border:0}.hip_thm--light .dropdown-item:hover,.hip_thm--light .dropdown-item:focus{color:#16181b;text-decoration:none;background-color:#e9ecef}.hip_thm--light .dropdown-item.active,.hip_thm--light .dropdown-item:active{color:#fff;text-decoration:none;background-color:#007bff}.hip_thm--light .dropdown-item.disabled,.hip_thm--light .dropdown-item:disabled{color:#adb5bd;pointer-events:none;background-color:transparent}.hip_thm--light .dropdown-menu.show{display:block}.hip_thm--light .dropdown-header{display:block;padding:8px 24px;margin-bottom:0;font-size:14px;color:#6c757d;white-space:nowrap}.hip_thm--light .dropdown-item-text{display:block;padding:4px 24px;color:#212529}.hip_thm--light .btn-group,.hip_thm--light .btn-group-vertical{position:relative;display:inline-flex;vertical-align:middle}.hip_thm--light .btn-group>.btn,.hip_thm--light .btn-group-vertical>.btn{position:relative;flex:1 1 auto}.hip_thm--light .btn-group>.btn:hover,.hip_thm--light .btn-group-vertical>.btn:hover{z-index:1}.hip_thm--light .btn-group>.btn:focus,.hip_thm--light .btn-group>.btn:active,.hip_thm--light .btn-group>.btn.active,.hip_thm--light .btn-group-vertical>.btn:focus,.hip_thm--light .btn-group-vertical>.btn:active,.hip_thm--light .btn-group-vertical>.btn.active{z-index:1}.hip_thm--light .btn-toolbar{display:flex;flex-wrap:wrap;justify-content:flex-start}.hip_thm--light .btn-toolbar .input-group{width:auto}.hip_thm--light .btn-group>.btn:not(:first-child),.hip_thm--light .btn-group>.btn-group:not(:first-child){margin-left:-1px}.hip_thm--light .btn-group>.btn:not(:last-child):not(.dropdown-toggle),.hip_thm--light .btn-group>.btn-group:not(:last-child)>.btn{border-top-right-radius:0;border-bottom-right-radius:0}.hip_thm--light .btn-group>.btn:not(:first-child),.hip_thm--light .btn-group>.btn-group:not(:first-child)>.btn{border-top-left-radius:0;border-bottom-left-radius:0}.hip_thm--light .dropdown-toggle-split{padding-right:9px;padding-left:9px}.hip_thm--light .dropdown-toggle-split::after,.dropup .hip_thm--light .dropdown-toggle-split::after,.dropright .hip_thm--light .dropdown-toggle-split::after{margin-left:0}.dropleft .hip_thm--light .dropdown-toggle-split::before{margin-right:0}.hip_thm--light .btn-sm+.dropdown-toggle-split,.hip_thm--light .btn-group-sm>.btn+.dropdown-toggle-split{padding-right:6px;padding-left:6px}.hip_thm--light .btn-lg+.dropdown-toggle-split,.hip_thm--light .btn-group-lg>.btn+.dropdown-toggle-split{padding-right:12px;padding-left:12px}.hip_thm--light .btn-group-vertical{flex-direction:column;align-items:flex-start;justify-content:center}.hip_thm--light .btn-group-vertical>.btn,.hip_thm--light .btn-group-vertical>.btn-group{width:100%}.hip_thm--light .btn-group-vertical>.btn:not(:first-child),.hip_thm--light .btn-group-vertical>.btn-group:not(:first-child){margin-top:-1px}.hip_thm--light .btn-group-vertical>.btn:not(:last-child):not(.dropdown-toggle),.hip_thm--light .btn-group-vertical>.btn-group:not(:last-child)>.btn{border-bottom-right-radius:0;border-bottom-left-radius:0}.hip_thm--light .btn-group-vertical>.btn:not(:first-child),.hip_thm--light .btn-group-vertical>.btn-group:not(:first-child)>.btn{border-top-left-radius:0;border-top-right-radius:0}.hip_thm--light .btn-group-toggle>.btn,.hip_thm--light .btn-group-toggle>.btn-group>.btn{margin-bottom:0}.hip_thm--light .btn-group-toggle>.btn input[type=radio],.hip_thm--light .btn-group-toggle>.btn input[type=checkbox],.hip_thm--light .btn-group-toggle>.btn-group>.btn input[type=radio],.hip_thm--light .btn-group-toggle>.btn-group>.btn input[type=checkbox]{position:absolute;clip:rect(0, 0, 0, 0);pointer-events:none}.hip_thm--light .input-group{position:relative;display:flex;flex-wrap:wrap;align-items:stretch;width:100%}.hip_thm--light .input-group>.form-control,.hip_thm--light .input-group>.form-control-plaintext,.hip_thm--light .input-group>.custom-select,.hip_thm--light .input-group>.custom-file{position:relative;flex:1 1 auto;width:1%;min-width:0;margin-bottom:0}.hip_thm--light .input-group>.form-control+.form-control,.hip_thm--light .input-group>.form-control+.custom-select,.hip_thm--light .input-group>.form-control+.custom-file,.hip_thm--light .input-group>.form-control-plaintext+.form-control,.hip_thm--light .input-group>.form-control-plaintext+.custom-select,.hip_thm--light .input-group>.form-control-plaintext+.custom-file,.hip_thm--light .input-group>.custom-select+.form-control,.hip_thm--light .input-group>.custom-select+.custom-select,.hip_thm--light .input-group>.custom-select+.custom-file,.hip_thm--light .input-group>.custom-file+.form-control,.hip_thm--light .input-group>.custom-file+.custom-select,.hip_thm--light .input-group>.custom-file+.custom-file{margin-left:-1px}.hip_thm--light .input-group>.form-control:focus,.hip_thm--light .input-group>.custom-select:focus,.hip_thm--light .input-group>.custom-file .custom-file-input:focus~.custom-file-label{z-index:3}.hip_thm--light .input-group>.custom-file .custom-file-input:focus{z-index:4}.hip_thm--light .input-group>.form-control:not(:first-child),.hip_thm--light .input-group>.custom-select:not(:first-child){border-top-left-radius:0;border-bottom-left-radius:0}.hip_thm--light .input-group>.custom-file{display:flex;align-items:center}.hip_thm--light .input-group>.custom-file:not(:last-child) .custom-file-label,.hip_thm--light .input-group>.custom-file:not(:first-child) .custom-file-label{border-top-left-radius:0;border-bottom-left-radius:0}.hip_thm--light .input-group:not(.has-validation)>.form-control:not(:last-child),.hip_thm--light .input-group:not(.has-validation)>.custom-select:not(:last-child),.hip_thm--light .input-group:not(.has-validation)>.custom-file:not(:last-child) .custom-file-label::after{border-top-right-radius:0;border-bottom-right-radius:0}.hip_thm--light .input-group.has-validation>.form-control:nth-last-child(n+3),.hip_thm--light .input-group.has-validation>.custom-select:nth-last-child(n+3),.hip_thm--light .input-group.has-validation>.custom-file:nth-last-child(n+3) .custom-file-label::after{border-top-right-radius:0;border-bottom-right-radius:0}.hip_thm--light .input-group-prepend,.hip_thm--light .input-group-append{display:flex}.hip_thm--light .input-group-prepend .btn,.hip_thm--light .input-group-append .btn{position:relative;z-index:2}.hip_thm--light .input-group-prepend .btn:focus,.hip_thm--light .input-group-append .btn:focus{z-index:3}.hip_thm--light .input-group-prepend .btn+.btn,.hip_thm--light .input-group-prepend .btn+.input-group-text,.hip_thm--light .input-group-prepend .input-group-text+.input-group-text,.hip_thm--light .input-group-prepend .input-group-text+.btn,.hip_thm--light .input-group-append .btn+.btn,.hip_thm--light .input-group-append .btn+.input-group-text,.hip_thm--light .input-group-append .input-group-text+.input-group-text,.hip_thm--light .input-group-append .input-group-text+.btn{margin-left:-1px}.hip_thm--light .input-group-prepend{margin-right:-1px}.hip_thm--light .input-group-append{margin-left:-1px}.hip_thm--light .input-group-text{display:flex;align-items:center;padding:6px 12px;margin-bottom:0;font-size:16px;font-weight:400;line-height:1.5;color:#495057;text-align:center;white-space:nowrap;background-color:#e9ecef;border:1px solid #ced4da;border-radius:4px}.hip_thm--light .input-group-text input[type=radio],.hip_thm--light .input-group-text input[type=checkbox]{margin-top:0}.hip_thm--light .input-group-lg>.form-control:not(textarea),.hip_thm--light .input-group-lg>.custom-select{height:calc(1.5em + 1rem + 2px)}.hip_thm--light .input-group-lg>.form-control,.hip_thm--light .input-group-lg>.custom-select,.hip_thm--light .input-group-lg>.input-group-prepend>.input-group-text,.hip_thm--light .input-group-lg>.input-group-append>.input-group-text,.hip_thm--light .input-group-lg>.input-group-prepend>.btn,.hip_thm--light .input-group-lg>.input-group-append>.btn{padding:8px 16px;font-size:20px;line-height:1.5;border-radius:4.8px}.hip_thm--light .input-group-sm>.form-control:not(textarea),.hip_thm--light .input-group-sm>.custom-select{height:calc(1.5em + 0.5rem + 2px)}.hip_thm--light .input-group-sm>.form-control,.hip_thm--light .input-group-sm>.custom-select,.hip_thm--light .input-group-sm>.input-group-prepend>.input-group-text,.hip_thm--light .input-group-sm>.input-group-append>.input-group-text,.hip_thm--light .input-group-sm>.input-group-prepend>.btn,.hip_thm--light .input-group-sm>.input-group-append>.btn{padding:4px 8px;font-size:14px;line-height:1.5;border-radius:3.2px}.hip_thm--light .input-group-lg>.custom-select,.hip_thm--light .input-group-sm>.custom-select{padding-right:28px}.hip_thm--light .input-group>.input-group-prepend>.btn,.hip_thm--light .input-group>.input-group-prepend>.input-group-text,.hip_thm--light .input-group:not(.has-validation)>.input-group-append:not(:last-child)>.btn,.hip_thm--light .input-group:not(.has-validation)>.input-group-append:not(:last-child)>.input-group-text,.hip_thm--light .input-group.has-validation>.input-group-append:nth-last-child(n+3)>.btn,.hip_thm--light .input-group.has-validation>.input-group-append:nth-last-child(n+3)>.input-group-text,.hip_thm--light .input-group>.input-group-append:last-child>.btn:not(:last-child):not(.dropdown-toggle),.hip_thm--light .input-group>.input-group-append:last-child>.input-group-text:not(:last-child){border-top-right-radius:0;border-bottom-right-radius:0}.hip_thm--light .input-group>.input-group-append>.btn,.hip_thm--light .input-group>.input-group-append>.input-group-text,.hip_thm--light .input-group>.input-group-prepend:not(:first-child)>.btn,.hip_thm--light .input-group>.input-group-prepend:not(:first-child)>.input-group-text,.hip_thm--light .input-group>.input-group-prepend:first-child>.btn:not(:first-child),.hip_thm--light .input-group>.input-group-prepend:first-child>.input-group-text:not(:first-child){border-top-left-radius:0;border-bottom-left-radius:0}.hip_thm--light .custom-control{position:relative;z-index:1;display:block;min-height:1.5rem;padding-left:24px;color-adjust:exact}.hip_thm--light .custom-control-inline{display:inline-flex;margin-right:1rem}.hip_thm--light .custom-control-input{position:absolute;left:0;z-index:-1;width:1rem;height:1.25rem;opacity:0}.hip_thm--light .custom-control-input:checked~.custom-control-label::before{color:#fff;border-color:#007bff;background-color:#007bff}.hip_thm--light .custom-control-input:focus~.custom-control-label::before{box-shadow:0 0 0 .2rem rgba(0,123,255,.25)}.hip_thm--light .custom-control-input:focus:not(:checked)~.custom-control-label::before{border-color:#80bdff}.hip_thm--light .custom-control-input:not(:disabled):active~.custom-control-label::before{color:#fff;background-color:#b3d7ff;border-color:#b3d7ff}.hip_thm--light .custom-control-input[disabled]~.custom-control-label,.hip_thm--light .custom-control-input:disabled~.custom-control-label{color:#6c757d}.hip_thm--light .custom-control-input[disabled]~.custom-control-label::before,.hip_thm--light .custom-control-input:disabled~.custom-control-label::before{background-color:#e9ecef}.hip_thm--light .custom-control-label{position:relative;margin-bottom:0;vertical-align:top}.hip_thm--light .custom-control-label::before{position:absolute;top:.25rem;left:-1.5rem;display:block;width:1rem;height:1rem;pointer-events:none;content:\"\";background-color:#fff;border:#adb5bd solid 1px}.hip_thm--light .custom-control-label::after{position:absolute;top:.25rem;left:-1.5rem;display:block;width:1rem;height:1rem;content:\"\";background:50%/50% 50% no-repeat}.hip_thm--light .custom-checkbox .custom-control-label::before{border-radius:4px}.hip_thm--light .custom-checkbox .custom-control-input:checked~.custom-control-label::after{background-image:url(\"data:image/svg+xml,%3csvg xmlns='http://www.w3.org/2000/svg' width='8' height='8' viewBox='0 0 8 8'%3e%3cpath fill='%23fff' d='M6.564.75l-3.59 3.612-1.538-1.55L0 4.26l2.974 2.99L8 2.193z'/%3e%3c/svg%3e\")}.hip_thm--light .custom-checkbox .custom-control-input:indeterminate~.custom-control-label::before{border-color:#007bff;background-color:#007bff}.hip_thm--light .custom-checkbox .custom-control-input:indeterminate~.custom-control-label::after{background-image:url(\"data:image/svg+xml,%3csvg xmlns='http://www.w3.org/2000/svg' width='4' height='4' viewBox='0 0 4 4'%3e%3cpath stroke='%23fff' d='M0 2h4'/%3e%3c/svg%3e\")}.hip_thm--light .custom-checkbox .custom-control-input:disabled:checked~.custom-control-label::before{background-color:rgba(0,123,255,.5)}.hip_thm--light .custom-checkbox .custom-control-input:disabled:indeterminate~.custom-control-label::before{background-color:rgba(0,123,255,.5)}.hip_thm--light .custom-radio .custom-control-label::before{border-radius:50%}.hip_thm--light .custom-radio .custom-control-input:checked~.custom-control-label::after{background-image:url(\"data:image/svg+xml,%3csvg xmlns='http://www.w3.org/2000/svg' width='12' height='12' viewBox='-4 -4 8 8'%3e%3ccircle r='3' fill='%23fff'/%3e%3c/svg%3e\")}.hip_thm--light .custom-radio .custom-control-input:disabled:checked~.custom-control-label::before{background-color:rgba(0,123,255,.5)}.hip_thm--light .custom-switch{padding-left:36px}.hip_thm--light .custom-switch .custom-control-label::before{left:-2.25rem;width:1.75rem;pointer-events:all;border-radius:8px}.hip_thm--light .custom-switch .custom-control-label::after{top:calc(0.25rem + 2px);left:calc(-2.25rem + 2px);width:calc(1rem - 4px);height:calc(1rem - 4px);background-color:#adb5bd;border-radius:8px;transition:transform .15s ease-in-out,background-color .15s ease-in-out,border-color .15s ease-in-out,box-shadow .15s ease-in-out}@media(prefers-reduced-motion: reduce){.hip_thm--light .custom-switch .custom-control-label::after{transition:none}}.hip_thm--light .custom-switch .custom-control-input:checked~.custom-control-label::after{background-color:#fff;transform:translateX(0.75rem)}.hip_thm--light .custom-switch .custom-control-input:disabled:checked~.custom-control-label::before{background-color:rgba(0,123,255,.5)}.hip_thm--light .custom-select{display:inline-block;width:100%;height:calc(1.5em + 0.75rem + 2px);padding:6px 28px 6px 12px;font-size:16px;font-weight:400;line-height:1.5;color:#495057;vertical-align:middle;background:#fff url(\"data:image/svg+xml,%3csvg xmlns='http://www.w3.org/2000/svg' width='4' height='5' viewBox='0 0 4 5'%3e%3cpath fill='%23343a40' d='M2 0L0 2h4zm0 5L0 3h4z'/%3e%3c/svg%3e\") right .75rem center/8px 10px no-repeat;border:1px solid #ced4da;border-radius:4px;appearance:none}.hip_thm--light .custom-select:focus{border-color:#80bdff;outline:0;box-shadow:0 0 0 .2rem rgba(0,123,255,.25)}.hip_thm--light .custom-select:focus::-ms-value{color:#495057;background-color:#fff}.hip_thm--light .custom-select[multiple],.hip_thm--light .custom-select[size]:not([size=\"1\"]){height:auto;padding-right:12px;background-image:none}.hip_thm--light .custom-select:disabled{color:#6c757d;background-color:#e9ecef}.hip_thm--light .custom-select::-ms-expand{display:none}.hip_thm--light .custom-select:-moz-focusring{color:transparent;text-shadow:0 0 0 #495057}.hip_thm--light .custom-select-sm{height:calc(1.5em + 0.5rem + 2px);padding-top:4px;padding-bottom:4px;padding-left:8px;font-size:14px}.hip_thm--light .custom-select-lg{height:calc(1.5em + 1rem + 2px);padding-top:8px;padding-bottom:8px;padding-left:16px;font-size:20px}.hip_thm--light .custom-file{position:relative;display:inline-block;width:100%;height:calc(1.5em + 0.75rem + 2px);margin-bottom:0}.hip_thm--light .custom-file-input{position:relative;z-index:2;width:100%;height:calc(1.5em + 0.75rem + 2px);margin:0;overflow:hidden;opacity:0}.hip_thm--light .custom-file-input:focus~.custom-file-label{border-color:#80bdff;box-shadow:0 0 0 .2rem rgba(0,123,255,.25)}.hip_thm--light .custom-file-input[disabled]~.custom-file-label,.hip_thm--light .custom-file-input:disabled~.custom-file-label{background-color:#e9ecef}.hip_thm--light .custom-file-input:lang(en)~.custom-file-label::after{content:\"Browse\"}.hip_thm--light .custom-file-input~.custom-file-label[data-browse]::after{content:attr(data-browse)}.hip_thm--light .custom-file-label{position:absolute;top:0;right:0;left:0;z-index:1;height:calc(1.5em + 0.75rem + 2px);padding:6px 12px;overflow:hidden;font-weight:400;line-height:1.5;color:#495057;background-color:#fff;border:1px solid #ced4da;border-radius:4px}.hip_thm--light .custom-file-label::after{position:absolute;top:0;right:0;bottom:0;z-index:3;display:block;height:calc(1.5em + 0.75rem);padding:6px 12px;line-height:1.5;color:#495057;content:\"Browse\";background-color:#e9ecef;border-left:inherit;border-radius:0 4px 4px 0}.hip_thm--light .custom-range{width:100%;height:1.4rem;padding:0;background-color:transparent;appearance:none}.hip_thm--light .custom-range:focus{outline:0}.hip_thm--light .custom-range:focus::-webkit-slider-thumb{box-shadow:0 0 0 1px #fff,0 0 0 .2rem rgba(0,123,255,.25)}.hip_thm--light .custom-range:focus::-moz-range-thumb{box-shadow:0 0 0 1px #fff,0 0 0 .2rem rgba(0,123,255,.25)}.hip_thm--light .custom-range:focus::-ms-thumb{box-shadow:0 0 0 1px #fff,0 0 0 .2rem rgba(0,123,255,.25)}.hip_thm--light .custom-range::-moz-focus-outer{border:0}.hip_thm--light .custom-range::-webkit-slider-thumb{width:1rem;height:1rem;margin-top:-0.25rem;background-color:#007bff;border:0;border-radius:16px;transition:background-color .15s ease-in-out,border-color .15s ease-in-out,box-shadow .15s ease-in-out;appearance:none}@media(prefers-reduced-motion: reduce){.hip_thm--light .custom-range::-webkit-slider-thumb{transition:none}}.hip_thm--light .custom-range::-webkit-slider-thumb:active{background-color:#b3d7ff}.hip_thm--light .custom-range::-webkit-slider-runnable-track{width:100%;height:.5rem;color:transparent;cursor:pointer;background-color:#dee2e6;border-color:transparent;border-radius:16px}.hip_thm--light .custom-range::-moz-range-thumb{width:1rem;height:1rem;background-color:#007bff;border:0;border-radius:16px;transition:background-color .15s ease-in-out,border-color .15s ease-in-out,box-shadow .15s ease-in-out;appearance:none}@media(prefers-reduced-motion: reduce){.hip_thm--light .custom-range::-moz-range-thumb{transition:none}}.hip_thm--light .custom-range::-moz-range-thumb:active{background-color:#b3d7ff}.hip_thm--light .custom-range::-moz-range-track{width:100%;height:.5rem;color:transparent;cursor:pointer;background-color:#dee2e6;border-color:transparent;border-radius:16px}.hip_thm--light .custom-range::-ms-thumb{width:1rem;height:1rem;margin-top:0;margin-right:.2rem;margin-left:.2rem;background-color:#007bff;border:0;border-radius:16px;transition:background-color .15s ease-in-out,border-color .15s ease-in-out,box-shadow .15s ease-in-out;appearance:none}@media(prefers-reduced-motion: reduce){.hip_thm--light .custom-range::-ms-thumb{transition:none}}.hip_thm--light .custom-range::-ms-thumb:active{background-color:#b3d7ff}.hip_thm--light .custom-range::-ms-track{width:100%;height:.5rem;color:transparent;cursor:pointer;background-color:transparent;border-color:transparent;border-width:8px}.hip_thm--light .custom-range::-ms-fill-lower{background-color:#dee2e6;border-radius:16px}.hip_thm--light .custom-range::-ms-fill-upper{margin-right:15px;background-color:#dee2e6;border-radius:16px}.hip_thm--light .custom-range:disabled::-webkit-slider-thumb{background-color:#adb5bd}.hip_thm--light .custom-range:disabled::-webkit-slider-runnable-track{cursor:default}.hip_thm--light .custom-range:disabled::-moz-range-thumb{background-color:#adb5bd}.hip_thm--light .custom-range:disabled::-moz-range-track{cursor:default}.hip_thm--light .custom-range:disabled::-ms-thumb{background-color:#adb5bd}.hip_thm--light .custom-control-label::before,.hip_thm--light .custom-file-label,.hip_thm--light .custom-select{transition:background-color .15s ease-in-out,border-color .15s ease-in-out,box-shadow .15s ease-in-out}@media(prefers-reduced-motion: reduce){.hip_thm--light .custom-control-label::before,.hip_thm--light .custom-file-label,.hip_thm--light .custom-select{transition:none}}.hip_thm--light .nav{display:flex;flex-wrap:wrap;padding-left:0;margin-bottom:0;list-style:none}.hip_thm--light .nav-link{display:block;padding:8px 16px}.hip_thm--light .nav-link:hover,.hip_thm--light .nav-link:focus{text-decoration:none}.hip_thm--light .nav-link.disabled{color:#6c757d;pointer-events:none;cursor:default}.hip_thm--light .nav-tabs{border-bottom:1px solid #dee2e6}.hip_thm--light .nav-tabs .nav-link{margin-bottom:-1px;border:1px solid transparent;border-top-left-radius:4px;border-top-right-radius:4px}.hip_thm--light .nav-tabs .nav-link:hover,.hip_thm--light .nav-tabs .nav-link:focus{border-color:#e9ecef #e9ecef #dee2e6}.hip_thm--light .nav-tabs .nav-link.disabled{color:#6c757d;background-color:transparent;border-color:transparent}.hip_thm--light .nav-tabs .nav-link.active,.hip_thm--light .nav-tabs .nav-item.show .nav-link{color:#495057;background-color:#fff;border-color:#dee2e6 #dee2e6 #fff}.hip_thm--light .nav-tabs .dropdown-menu{margin-top:-1px;border-top-left-radius:0;border-top-right-radius:0}.hip_thm--light .nav-pills .nav-link{border-radius:4px}.hip_thm--light .nav-pills .nav-link.active,.hip_thm--light .nav-pills .show>.nav-link{color:#fff;background-color:#007bff}.hip_thm--light .nav-fill>.nav-link,.hip_thm--light .nav-fill .nav-item{flex:1 1 auto;text-align:center}.hip_thm--light .nav-justified>.nav-link,.hip_thm--light .nav-justified .nav-item{flex-basis:0;flex-grow:1;text-align:center}.hip_thm--light .tab-content>.tab-pane{display:none}.hip_thm--light .tab-content>.active{display:block}.hip_thm--light .navbar{position:relative;display:flex;flex-wrap:wrap;align-items:center;justify-content:space-between;padding:8px 16px}.hip_thm--light .navbar .container,.hip_thm--light .navbar .container-fluid,.hip_thm--light .navbar .container-sm,.hip_thm--light .navbar .container-md,.hip_thm--light .navbar .container-lg,.hip_thm--light .navbar .container-xl{display:flex;flex-wrap:wrap;align-items:center;justify-content:space-between}.hip_thm--light .navbar-brand{display:inline-block;padding-top:5px;padding-bottom:5px;margin-right:1rem;font-size:20px;line-height:inherit;white-space:nowrap}.hip_thm--light .navbar-brand:hover,.hip_thm--light .navbar-brand:focus{text-decoration:none}.hip_thm--light .navbar-nav{display:flex;flex-direction:column;padding-left:0;margin-bottom:0;list-style:none}.hip_thm--light .navbar-nav .nav-link{padding-right:0;padding-left:0}.hip_thm--light .navbar-nav .dropdown-menu{position:static;float:none}.hip_thm--light .navbar-text{display:inline-block;padding-top:8px;padding-bottom:8px}.hip_thm--light .navbar-collapse{flex-basis:100%;flex-grow:1;align-items:center}.hip_thm--light .navbar-toggler{padding:4px 12px;font-size:20px;line-height:1;background-color:transparent;border:1px solid transparent;border-radius:4px}.hip_thm--light .navbar-toggler:hover,.hip_thm--light .navbar-toggler:focus{text-decoration:none}.hip_thm--light .navbar-toggler-icon{display:inline-block;width:1.5em;height:1.5em;vertical-align:middle;content:\"\";background:50%/100% 100% no-repeat}.hip_thm--light .navbar-nav-scroll{max-height:75vh;overflow-y:auto}@media(max-width: 575.98px){.hip_thm--light .navbar-expand-sm>.container,.hip_thm--light .navbar-expand-sm>.container-fluid,.hip_thm--light .navbar-expand-sm>.container-sm,.hip_thm--light .navbar-expand-sm>.container-md,.hip_thm--light .navbar-expand-sm>.container-lg,.hip_thm--light .navbar-expand-sm>.container-xl,.hip_thm--light .hip_thm--dark .navbar-expand-sm>.container,.hip_thm--light .hip_thm--dark .navbar-expand-sm>.container-fluid,.hip_thm--light .hip_thm--dark .navbar-expand-sm>.container-sm,.hip_thm--light .hip_thm--dark .navbar-expand-sm>.container-md,.hip_thm--light .hip_thm--dark .navbar-expand-sm>.container-lg,.hip_thm--light .hip_thm--dark .navbar-expand-sm>.container-xl{padding-right:0;padding-left:0}}@media(min-width: 576px){.hip_thm--light .navbar-expand-sm{flex-flow:row nowrap;justify-content:flex-start}.hip_thm--light .navbar-expand-sm .navbar-nav{flex-direction:row}.hip_thm--light .navbar-expand-sm .navbar-nav .dropdown-menu{position:absolute}.hip_thm--light .navbar-expand-sm .navbar-nav .nav-link{padding-right:8px;padding-left:8px}.hip_thm--light .navbar-expand-sm>.container,.hip_thm--light .navbar-expand-sm>.container-fluid,.hip_thm--light .navbar-expand-sm>.container-sm,.hip_thm--light .navbar-expand-sm>.container-md,.hip_thm--light .navbar-expand-sm>.container-lg,.hip_thm--light .navbar-expand-sm>.container-xl,.hip_thm--light .hip_thm--dark .navbar-expand-sm>.container,.hip_thm--light .hip_thm--dark .navbar-expand-sm>.container-fluid,.hip_thm--light .hip_thm--dark .navbar-expand-sm>.container-sm,.hip_thm--light .hip_thm--dark .navbar-expand-sm>.container-md,.hip_thm--light .hip_thm--dark .navbar-expand-sm>.container-lg,.hip_thm--light .hip_thm--dark .navbar-expand-sm>.container-xl{flex-wrap:nowrap}.hip_thm--light .navbar-expand-sm .navbar-nav-scroll{overflow:visible}.hip_thm--light .navbar-expand-sm .navbar-collapse{display:flex !important;flex-basis:auto}.hip_thm--light .navbar-expand-sm .navbar-toggler{display:none}}@media(max-width: 767.98px){.hip_thm--light .navbar-expand-md>.container,.hip_thm--light .navbar-expand-md>.container-fluid,.hip_thm--light .navbar-expand-md>.container-sm,.hip_thm--light .navbar-expand-md>.container-md,.hip_thm--light .navbar-expand-md>.container-lg,.hip_thm--light .navbar-expand-md>.container-xl,.hip_thm--light .hip_thm--dark .navbar-expand-md>.container,.hip_thm--light .hip_thm--dark .navbar-expand-md>.container-fluid,.hip_thm--light .hip_thm--dark .navbar-expand-md>.container-sm,.hip_thm--light .hip_thm--dark .navbar-expand-md>.container-md,.hip_thm--light .hip_thm--dark .navbar-expand-md>.container-lg,.hip_thm--light .hip_thm--dark .navbar-expand-md>.container-xl{padding-right:0;padding-left:0}}@media(min-width: 768px){.hip_thm--light .navbar-expand-md{flex-flow:row nowrap;justify-content:flex-start}.hip_thm--light .navbar-expand-md .navbar-nav{flex-direction:row}.hip_thm--light .navbar-expand-md .navbar-nav .dropdown-menu{position:absolute}.hip_thm--light .navbar-expand-md .navbar-nav .nav-link{padding-right:8px;padding-left:8px}.hip_thm--light .navbar-expand-md>.container,.hip_thm--light .navbar-expand-md>.container-fluid,.hip_thm--light .navbar-expand-md>.container-sm,.hip_thm--light .navbar-expand-md>.container-md,.hip_thm--light .navbar-expand-md>.container-lg,.hip_thm--light .navbar-expand-md>.container-xl,.hip_thm--light .hip_thm--dark .navbar-expand-md>.container,.hip_thm--light .hip_thm--dark .navbar-expand-md>.container-fluid,.hip_thm--light .hip_thm--dark .navbar-expand-md>.container-sm,.hip_thm--light .hip_thm--dark .navbar-expand-md>.container-md,.hip_thm--light .hip_thm--dark .navbar-expand-md>.container-lg,.hip_thm--light .hip_thm--dark .navbar-expand-md>.container-xl{flex-wrap:nowrap}.hip_thm--light .navbar-expand-md .navbar-nav-scroll{overflow:visible}.hip_thm--light .navbar-expand-md .navbar-collapse{display:flex !important;flex-basis:auto}.hip_thm--light .navbar-expand-md .navbar-toggler{display:none}}@media(max-width: 991.98px){.hip_thm--light .navbar-expand-lg>.container,.hip_thm--light .navbar-expand-lg>.container-fluid,.hip_thm--light .navbar-expand-lg>.container-sm,.hip_thm--light .navbar-expand-lg>.container-md,.hip_thm--light .navbar-expand-lg>.container-lg,.hip_thm--light .navbar-expand-lg>.container-xl,.hip_thm--light .hip_thm--dark .navbar-expand-lg>.container,.hip_thm--light .hip_thm--dark .navbar-expand-lg>.container-fluid,.hip_thm--light .hip_thm--dark .navbar-expand-lg>.container-sm,.hip_thm--light .hip_thm--dark .navbar-expand-lg>.container-md,.hip_thm--light .hip_thm--dark .navbar-expand-lg>.container-lg,.hip_thm--light .hip_thm--dark .navbar-expand-lg>.container-xl{padding-right:0;padding-left:0}}@media(min-width: 992px){.hip_thm--light .navbar-expand-lg{flex-flow:row nowrap;justify-content:flex-start}.hip_thm--light .navbar-expand-lg .navbar-nav{flex-direction:row}.hip_thm--light .navbar-expand-lg .navbar-nav .dropdown-menu{position:absolute}.hip_thm--light .navbar-expand-lg .navbar-nav .nav-link{padding-right:8px;padding-left:8px}.hip_thm--light .navbar-expand-lg>.container,.hip_thm--light .navbar-expand-lg>.container-fluid,.hip_thm--light .navbar-expand-lg>.container-sm,.hip_thm--light .navbar-expand-lg>.container-md,.hip_thm--light .navbar-expand-lg>.container-lg,.hip_thm--light .navbar-expand-lg>.container-xl,.hip_thm--light .hip_thm--dark .navbar-expand-lg>.container,.hip_thm--light .hip_thm--dark .navbar-expand-lg>.container-fluid,.hip_thm--light .hip_thm--dark .navbar-expand-lg>.container-sm,.hip_thm--light .hip_thm--dark .navbar-expand-lg>.container-md,.hip_thm--light .hip_thm--dark .navbar-expand-lg>.container-lg,.hip_thm--light .hip_thm--dark .navbar-expand-lg>.container-xl{flex-wrap:nowrap}.hip_thm--light .navbar-expand-lg .navbar-nav-scroll{overflow:visible}.hip_thm--light .navbar-expand-lg .navbar-collapse{display:flex !important;flex-basis:auto}.hip_thm--light .navbar-expand-lg .navbar-toggler{display:none}}@media(max-width: 1199.98px){.hip_thm--light .navbar-expand-xl>.container,.hip_thm--light .navbar-expand-xl>.container-fluid,.hip_thm--light .navbar-expand-xl>.container-sm,.hip_thm--light .navbar-expand-xl>.container-md,.hip_thm--light .navbar-expand-xl>.container-lg,.hip_thm--light .navbar-expand-xl>.container-xl,.hip_thm--light .hip_thm--dark .navbar-expand-xl>.container,.hip_thm--light .hip_thm--dark .navbar-expand-xl>.container-fluid,.hip_thm--light .hip_thm--dark .navbar-expand-xl>.container-sm,.hip_thm--light .hip_thm--dark .navbar-expand-xl>.container-md,.hip_thm--light .hip_thm--dark .navbar-expand-xl>.container-lg,.hip_thm--light .hip_thm--dark .navbar-expand-xl>.container-xl{padding-right:0;padding-left:0}}@media(min-width: 1200px){.hip_thm--light .navbar-expand-xl{flex-flow:row nowrap;justify-content:flex-start}.hip_thm--light .navbar-expand-xl .navbar-nav{flex-direction:row}.hip_thm--light .navbar-expand-xl .navbar-nav .dropdown-menu{position:absolute}.hip_thm--light .navbar-expand-xl .navbar-nav .nav-link{padding-right:8px;padding-left:8px}.hip_thm--light .navbar-expand-xl>.container,.hip_thm--light .navbar-expand-xl>.container-fluid,.hip_thm--light .navbar-expand-xl>.container-sm,.hip_thm--light .navbar-expand-xl>.container-md,.hip_thm--light .navbar-expand-xl>.container-lg,.hip_thm--light .navbar-expand-xl>.container-xl,.hip_thm--light .hip_thm--dark .navbar-expand-xl>.container,.hip_thm--light .hip_thm--dark .navbar-expand-xl>.container-fluid,.hip_thm--light .hip_thm--dark .navbar-expand-xl>.container-sm,.hip_thm--light .hip_thm--dark .navbar-expand-xl>.container-md,.hip_thm--light .hip_thm--dark .navbar-expand-xl>.container-lg,.hip_thm--light .hip_thm--dark .navbar-expand-xl>.container-xl{flex-wrap:nowrap}.hip_thm--light .navbar-expand-xl .navbar-nav-scroll{overflow:visible}.hip_thm--light .navbar-expand-xl .navbar-collapse{display:flex !important;flex-basis:auto}.hip_thm--light .navbar-expand-xl .navbar-toggler{display:none}}.hip_thm--light .navbar-expand{flex-flow:row nowrap;justify-content:flex-start}.hip_thm--light .navbar-expand>.container,.hip_thm--light .navbar-expand>.container-fluid,.hip_thm--light .navbar-expand>.container-sm,.hip_thm--light .navbar-expand>.container-md,.hip_thm--light .navbar-expand>.container-lg,.hip_thm--light .navbar-expand>.container-xl,.hip_thm--light .hip_thm--dark .navbar-expand>.container,.hip_thm--light .hip_thm--dark .navbar-expand>.container-fluid,.hip_thm--light .hip_thm--dark .navbar-expand>.container-sm,.hip_thm--light .hip_thm--dark .navbar-expand>.container-md,.hip_thm--light .hip_thm--dark .navbar-expand>.container-lg,.hip_thm--light .hip_thm--dark .navbar-expand>.container-xl{padding-right:0;padding-left:0}.hip_thm--light .navbar-expand .navbar-nav{flex-direction:row}.hip_thm--light .navbar-expand .navbar-nav .dropdown-menu{position:absolute}.hip_thm--light .navbar-expand .navbar-nav .nav-link{padding-right:8px;padding-left:8px}.hip_thm--light .navbar-expand>.container,.hip_thm--light .navbar-expand>.container-fluid,.hip_thm--light .navbar-expand>.container-sm,.hip_thm--light .navbar-expand>.container-md,.hip_thm--light .navbar-expand>.container-lg,.hip_thm--light .navbar-expand>.container-xl,.hip_thm--light .hip_thm--dark .navbar-expand>.container,.hip_thm--light .hip_thm--dark .navbar-expand>.container-fluid,.hip_thm--light .hip_thm--dark .navbar-expand>.container-sm,.hip_thm--light .hip_thm--dark .navbar-expand>.container-md,.hip_thm--light .hip_thm--dark .navbar-expand>.container-lg,.hip_thm--light .hip_thm--dark .navbar-expand>.container-xl{flex-wrap:nowrap}.hip_thm--light .navbar-expand .navbar-nav-scroll{overflow:visible}.hip_thm--light .navbar-expand .navbar-collapse{display:flex !important;flex-basis:auto}.hip_thm--light .navbar-expand .navbar-toggler{display:none}.hip_thm--light .navbar-light .navbar-brand{color:rgba(0,0,0,.9)}.hip_thm--light .navbar-light .navbar-brand:hover,.hip_thm--light .navbar-light .navbar-brand:focus{color:rgba(0,0,0,.9)}.hip_thm--light .navbar-light .navbar-nav .nav-link{color:rgba(0,0,0,.5)}.hip_thm--light .navbar-light .navbar-nav .nav-link:hover,.hip_thm--light .navbar-light .navbar-nav .nav-link:focus{color:rgba(0,0,0,.7)}.hip_thm--light .navbar-light .navbar-nav .nav-link.disabled{color:rgba(0,0,0,.3)}.hip_thm--light .navbar-light .navbar-nav .show>.nav-link,.hip_thm--light .navbar-light .navbar-nav .active>.nav-link,.hip_thm--light .navbar-light .navbar-nav .nav-link.show,.hip_thm--light .navbar-light .navbar-nav .nav-link.active{color:rgba(0,0,0,.9)}.hip_thm--light .navbar-light .navbar-toggler{color:rgba(0,0,0,.5);border-color:rgba(0,0,0,.1)}.hip_thm--light .navbar-light .navbar-toggler-icon{background-image:url(\"data:image/svg+xml,%3csvg xmlns='http://www.w3.org/2000/svg' width='30' height='30' viewBox='0 0 30 30'%3e%3cpath stroke='rgba%280, 0, 0, 0.5%29' stroke-linecap='round' stroke-miterlimit='10' stroke-width='2' d='M4 7h22M4 15h22M4 23h22'/%3e%3c/svg%3e\")}.hip_thm--light .navbar-light .navbar-text{color:rgba(0,0,0,.5)}.hip_thm--light .navbar-light .navbar-text a{color:rgba(0,0,0,.9)}.hip_thm--light .navbar-light .navbar-text a:hover,.hip_thm--light .navbar-light .navbar-text a:focus{color:rgba(0,0,0,.9)}.hip_thm--light .navbar-dark .navbar-brand{color:#fff}.hip_thm--light .navbar-dark .navbar-brand:hover,.hip_thm--light .navbar-dark .navbar-brand:focus{color:#fff}.hip_thm--light .navbar-dark .navbar-nav .nav-link{color:rgba(255,255,255,.5)}.hip_thm--light .navbar-dark .navbar-nav .nav-link:hover,.hip_thm--light .navbar-dark .navbar-nav .nav-link:focus{color:rgba(255,255,255,.75)}.hip_thm--light .navbar-dark .navbar-nav .nav-link.disabled{color:rgba(255,255,255,.25)}.hip_thm--light .navbar-dark .navbar-nav .show>.nav-link,.hip_thm--light .navbar-dark .navbar-nav .active>.nav-link,.hip_thm--light .navbar-dark .navbar-nav .nav-link.show,.hip_thm--light .navbar-dark .navbar-nav .nav-link.active{color:#fff}.hip_thm--light .navbar-dark .navbar-toggler{color:rgba(255,255,255,.5);border-color:rgba(255,255,255,.1)}.hip_thm--light .navbar-dark .navbar-toggler-icon{background-image:url(\"data:image/svg+xml,%3csvg xmlns='http://www.w3.org/2000/svg' width='30' height='30' viewBox='0 0 30 30'%3e%3cpath stroke='rgba%28255, 255, 255, 0.5%29' stroke-linecap='round' stroke-miterlimit='10' stroke-width='2' d='M4 7h22M4 15h22M4 23h22'/%3e%3c/svg%3e\")}.hip_thm--light .navbar-dark .navbar-text{color:rgba(255,255,255,.5)}.hip_thm--light .navbar-dark .navbar-text a{color:#fff}.hip_thm--light .navbar-dark .navbar-text a:hover,.hip_thm--light .navbar-dark .navbar-text a:focus{color:#fff}.hip_thm--light .card{position:relative;display:flex;flex-direction:column;min-width:0;word-wrap:break-word;background-color:#fff;background-clip:border-box;border:1px solid rgba(0,0,0,.125);border-radius:4px}.hip_thm--light .card>hr{margin-right:0;margin-left:0}.hip_thm--light .card>.list-group{border-top:inherit;border-bottom:inherit}.hip_thm--light .card>.list-group:first-child{border-top-width:0;border-top-left-radius:calc(4px - 1px);border-top-right-radius:calc(4px - 1px)}.hip_thm--light .card>.list-group:last-child{border-bottom-width:0;border-bottom-right-radius:calc(4px - 1px);border-bottom-left-radius:calc(4px - 1px)}.hip_thm--light .card>.card-header+.list-group,.hip_thm--light .card>.list-group+.card-footer{border-top:0}.hip_thm--light .card-body{flex:1 1 auto;min-height:1px;padding:20px}.hip_thm--light .card-title{margin-bottom:.75rem}.hip_thm--light .card-subtitle{margin-top:-0.375rem;margin-bottom:0}.hip_thm--light .card-text:last-child{margin-bottom:0}.hip_thm--light .card-link:hover{text-decoration:none}.hip_thm--light .card-link+.card-link{margin-left:1.25rem}.hip_thm--light .card-header{padding:12px 20px;margin-bottom:0;background-color:rgba(0,0,0,.03);border-bottom:1px solid rgba(0,0,0,.125)}.hip_thm--light .card-header:first-child{border-radius:calc(4px - 1px) calc(4px - 1px) 0 0}.hip_thm--light .card-footer{padding:12px 20px;background-color:rgba(0,0,0,.03);border-top:1px solid rgba(0,0,0,.125)}.hip_thm--light .card-footer:last-child{border-radius:0 0 calc(4px - 1px) calc(4px - 1px)}.hip_thm--light .card-header-tabs{margin-right:-0.625rem;margin-bottom:-0.75rem;margin-left:-0.625rem;border-bottom:0}.hip_thm--light .card-header-pills{margin-right:-0.625rem;margin-left:-0.625rem}.hip_thm--light .card-img-overlay{position:absolute;top:0;right:0;bottom:0;left:0;padding:20px;border-radius:calc(4px - 1px)}.hip_thm--light .card-img,.hip_thm--light .card-img-top,.hip_thm--light .card-img-bottom{flex-shrink:0;width:100%}.hip_thm--light .card-img,.hip_thm--light .card-img-top{border-top-left-radius:calc(4px - 1px);border-top-right-radius:calc(4px - 1px)}.hip_thm--light .card-img,.hip_thm--light .card-img-bottom{border-bottom-right-radius:calc(4px - 1px);border-bottom-left-radius:calc(4px - 1px)}.hip_thm--light .card-deck .card{margin-bottom:15px}@media(min-width: 576px){.hip_thm--light .card-deck{display:flex;flex-flow:row wrap;margin-right:-15px;margin-left:-15px}.hip_thm--light .card-deck .card{flex:1 0 0%;margin-right:15px;margin-bottom:0;margin-left:15px}}.hip_thm--light .card-group>.card{margin-bottom:15px}@media(min-width: 576px){.hip_thm--light .card-group{display:flex;flex-flow:row wrap}.hip_thm--light .card-group>.card{flex:1 0 0%;margin-bottom:0}.hip_thm--light .card-group>.card+.card{margin-left:0;border-left:0}.hip_thm--light .card-group>.card:not(:last-child){border-top-right-radius:0;border-bottom-right-radius:0}.hip_thm--light .card-group>.card:not(:last-child) .card-img-top,.hip_thm--light .card-group>.card:not(:last-child) .card-header{border-top-right-radius:0}.hip_thm--light .card-group>.card:not(:last-child) .card-img-bottom,.hip_thm--light .card-group>.card:not(:last-child) .card-footer{border-bottom-right-radius:0}.hip_thm--light .card-group>.card:not(:first-child){border-top-left-radius:0;border-bottom-left-radius:0}.hip_thm--light .card-group>.card:not(:first-child) .card-img-top,.hip_thm--light .card-group>.card:not(:first-child) .card-header{border-top-left-radius:0}.hip_thm--light .card-group>.card:not(:first-child) .card-img-bottom,.hip_thm--light .card-group>.card:not(:first-child) .card-footer{border-bottom-left-radius:0}}.hip_thm--light .card-columns .card{margin-bottom:.75rem}@media(min-width: 576px){.hip_thm--light .card-columns{column-count:3;column-gap:1.25rem;orphans:1;widows:1}.hip_thm--light .card-columns .card{display:inline-block;width:100%}}.hip_thm--light .accordion{overflow-anchor:none}.hip_thm--light .accordion>.card{overflow:hidden}.hip_thm--light .accordion>.card:not(:last-of-type){border-bottom:0;border-bottom-right-radius:0;border-bottom-left-radius:0}.hip_thm--light .accordion>.card:not(:first-of-type){border-top-left-radius:0;border-top-right-radius:0}.hip_thm--light .accordion>.card>.card-header{border-radius:0;margin-bottom:-1px}.hip_thm--light .breadcrumb{display:flex;flex-wrap:wrap;padding:12px 16px;margin-bottom:1rem;list-style:none;background-color:#e9ecef;border-radius:4px}.hip_thm--light .breadcrumb-item+.breadcrumb-item{padding-left:8px}.hip_thm--light .breadcrumb-item+.breadcrumb-item::before{float:left;padding-right:8px;color:#6c757d;content:\"/\"}.hip_thm--light .breadcrumb-item+.breadcrumb-item:hover::before{text-decoration:underline}.hip_thm--light .breadcrumb-item+.breadcrumb-item:hover::before{text-decoration:none}.hip_thm--light .breadcrumb-item.active{color:#6c757d}.hip_thm--light .pagination{display:flex;padding-left:0;list-style:none;border-radius:4px}.hip_thm--light .page-link{position:relative;display:block;padding:8px 12px;margin-left:-1px;line-height:1.25;color:#007bff;background-color:#fff;border:1px solid #dee2e6}.hip_thm--light .page-link:hover{z-index:2;color:#0056b3;text-decoration:none;background-color:#e9ecef;border-color:#dee2e6}.hip_thm--light .page-link:focus{z-index:3;outline:0;box-shadow:0 0 0 .2rem rgba(0,123,255,.25)}.hip_thm--light .page-item:first-child .page-link{margin-left:0;border-top-left-radius:4px;border-bottom-left-radius:4px}.hip_thm--light .page-item:last-child .page-link{border-top-right-radius:4px;border-bottom-right-radius:4px}.hip_thm--light .page-item.active .page-link{z-index:3;color:#fff;background-color:#007bff;border-color:#007bff}.hip_thm--light .page-item.disabled .page-link{color:#6c757d;pointer-events:none;cursor:auto;background-color:#fff;border-color:#dee2e6}.hip_thm--light .pagination-lg .page-link{padding:12px 24px;font-size:20px;line-height:1.5}.hip_thm--light .pagination-lg .page-item:first-child .page-link{border-top-left-radius:4.8px;border-bottom-left-radius:4.8px}.hip_thm--light .pagination-lg .page-item:last-child .page-link{border-top-right-radius:4.8px;border-bottom-right-radius:4.8px}.hip_thm--light .pagination-sm .page-link{padding:4px 8px;font-size:14px;line-height:1.5}.hip_thm--light .pagination-sm .page-item:first-child .page-link{border-top-left-radius:3.2px;border-bottom-left-radius:3.2px}.hip_thm--light .pagination-sm .page-item:last-child .page-link{border-top-right-radius:3.2px;border-bottom-right-radius:3.2px}.hip_thm--light .badge{display:inline-block;padding:.25em .4em;font-size:75%;font-weight:700;line-height:1;text-align:center;white-space:nowrap;vertical-align:baseline;border-radius:4px;transition:color .15s ease-in-out,background-color .15s ease-in-out,border-color .15s ease-in-out,box-shadow .15s ease-in-out}@media(prefers-reduced-motion: reduce){.hip_thm--light .badge{transition:none}}a.hip_thm--light .badge:hover,a.hip_thm--light .badge:focus{text-decoration:none}.hip_thm--light .badge:empty{display:none}.hip_thm--light .btn .badge{position:relative;top:-1px}.hip_thm--light .badge-pill{padding-right:.6em;padding-left:.6em;border-radius:160px}.hip_thm--light .badge-primary{color:#fff;background-color:#007bff}a.hip_thm--light .badge-primary:hover,a.hip_thm--light .badge-primary:focus{color:#fff;background-color:#0062cc}a.hip_thm--light .badge-primary:focus,a.hip_thm--light .badge-primary.focus{outline:0;box-shadow:0 0 0 .2rem rgba(0,123,255,.5)}.hip_thm--light .badge-secondary{color:#fff;background-color:#6c757d}a.hip_thm--light .badge-secondary:hover,a.hip_thm--light .badge-secondary:focus{color:#fff;background-color:#545b62}a.hip_thm--light .badge-secondary:focus,a.hip_thm--light .badge-secondary.focus{outline:0;box-shadow:0 0 0 .2rem rgba(108,117,125,.5)}.hip_thm--light .badge-success{color:#fff;background-color:#28a745}a.hip_thm--light .badge-success:hover,a.hip_thm--light .badge-success:focus{color:#fff;background-color:#1e7e34}a.hip_thm--light .badge-success:focus,a.hip_thm--light .badge-success.focus{outline:0;box-shadow:0 0 0 .2rem rgba(40,167,69,.5)}.hip_thm--light .badge-info{color:#fff;background-color:#17a2b8}a.hip_thm--light .badge-info:hover,a.hip_thm--light .badge-info:focus{color:#fff;background-color:#117a8b}a.hip_thm--light .badge-info:focus,a.hip_thm--light .badge-info.focus{outline:0;box-shadow:0 0 0 .2rem rgba(23,162,184,.5)}.hip_thm--light .badge-warning{color:#212529;background-color:#ffc107}a.hip_thm--light .badge-warning:hover,a.hip_thm--light .badge-warning:focus{color:#212529;background-color:#d39e00}a.hip_thm--light .badge-warning:focus,a.hip_thm--light .badge-warning.focus{outline:0;box-shadow:0 0 0 .2rem rgba(255,193,7,.5)}.hip_thm--light .badge-danger{color:#fff;background-color:#dc3545}a.hip_thm--light .badge-danger:hover,a.hip_thm--light .badge-danger:focus{color:#fff;background-color:#bd2130}a.hip_thm--light .badge-danger:focus,a.hip_thm--light .badge-danger.focus{outline:0;box-shadow:0 0 0 .2rem rgba(220,53,69,.5)}.hip_thm--light .badge-light{color:#212529;background-color:#f8f9fa}a.hip_thm--light .badge-light:hover,a.hip_thm--light .badge-light:focus{color:#212529;background-color:#dae0e5}a.hip_thm--light .badge-light:focus,a.hip_thm--light .badge-light.focus{outline:0;box-shadow:0 0 0 .2rem rgba(248,249,250,.5)}.hip_thm--light .badge-dark{color:#fff;background-color:#343a40}a.hip_thm--light .badge-dark:hover,a.hip_thm--light .badge-dark:focus{color:#fff;background-color:#1d2124}a.hip_thm--light .badge-dark:focus,a.hip_thm--light .badge-dark.focus{outline:0;box-shadow:0 0 0 .2rem rgba(52,58,64,.5)}.hip_thm--light .jumbotron{padding:32px 16px;margin-bottom:2rem;background-color:#e9ecef;border-radius:4.8px}@media(min-width: 576px){.hip_thm--light .jumbotron{padding:64px 32px}}.hip_thm--light .jumbotron-fluid{padding-right:0;padding-left:0;border-radius:0}.hip_thm--light .alert{position:relative;padding:12px 20px;margin-bottom:1rem;border:1px solid transparent;border-radius:4px}.hip_thm--light .alert-heading{color:inherit}.hip_thm--light .alert-link{font-weight:700}.hip_thm--light .alert-dismissible{padding-right:64px}.hip_thm--light .alert-dismissible .close{position:absolute;top:0;right:0;z-index:2;padding:12px 20px;color:inherit}.hip_thm--light .alert-primary{color:#004085;background-color:#cce5ff;border-color:#b8daff}.hip_thm--light .alert-primary hr{border-top-color:#9fcdff}.hip_thm--light .alert-primary .alert-link{color:#002752}.hip_thm--light .alert-secondary{color:#383d41;background-color:#e2e3e5;border-color:#d6d8db}.hip_thm--light .alert-secondary hr{border-top-color:#c8cbcf}.hip_thm--light .alert-secondary .alert-link{color:#202326}.hip_thm--light .alert-success{color:#155724;background-color:#d4edda;border-color:#c3e6cb}.hip_thm--light .alert-success hr{border-top-color:#b1dfbb}.hip_thm--light .alert-success .alert-link{color:#0b2e13}.hip_thm--light .alert-info{color:#0c5460;background-color:#d1ecf1;border-color:#bee5eb}.hip_thm--light .alert-info hr{border-top-color:#abdde5}.hip_thm--light .alert-info .alert-link{color:#062c33}.hip_thm--light .alert-warning{color:#856404;background-color:#fff3cd;border-color:#ffeeba}.hip_thm--light .alert-warning hr{border-top-color:#ffe8a1}.hip_thm--light .alert-warning .alert-link{color:#533f03}.hip_thm--light .alert-danger{color:#721c24;background-color:#f8d7da;border-color:#f5c6cb}.hip_thm--light .alert-danger hr{border-top-color:#f1b0b7}.hip_thm--light .alert-danger .alert-link{color:#491217}.hip_thm--light .alert-light{color:#818182;background-color:#fefefe;border-color:#fdfdfe}.hip_thm--light .alert-light hr{border-top-color:#ececf6}.hip_thm--light .alert-light .alert-link{color:#686868}.hip_thm--light .alert-dark{color:#1b1e21;background-color:#d6d8d9;border-color:#c6c8ca}.hip_thm--light .alert-dark hr{border-top-color:#b9bbbe}.hip_thm--light .alert-dark .alert-link{color:#040505}@keyframes progress-bar-stripes{from{background-position:1rem 0}to{background-position:0 0}}.hip_thm--light .progress{display:flex;height:1rem;overflow:hidden;line-height:0;font-size:12px;background-color:#e9ecef;border-radius:4px}.hip_thm--light .progress-bar{display:flex;flex-direction:column;justify-content:center;overflow:hidden;color:#fff;text-align:center;white-space:nowrap;background-color:#007bff;transition:width .6s ease}@media(prefers-reduced-motion: reduce){.hip_thm--light .progress-bar{transition:none}}.hip_thm--light .progress-bar-striped{background-image:linear-gradient(45deg, rgba(255, 255, 255, 0.15) 25%, transparent 25%, transparent 50%, rgba(255, 255, 255, 0.15) 50%, rgba(255, 255, 255, 0.15) 75%, transparent 75%, transparent);background-size:1rem 1rem}.hip_thm--light .progress-bar-animated{animation:1s linear infinite progress-bar-stripes}@media(prefers-reduced-motion: reduce){.hip_thm--light .progress-bar-animated{animation:none}}.hip_thm--light .media{display:flex;align-items:flex-start}.hip_thm--light .media-body{flex:1}.hip_thm--light .list-group{display:flex;flex-direction:column;padding-left:0;margin-bottom:0;border-radius:4px}.hip_thm--light .list-group-item-action{width:100%;color:#495057;text-align:inherit}.hip_thm--light .list-group-item-action:hover,.hip_thm--light .list-group-item-action:focus{z-index:1;color:#495057;text-decoration:none;background-color:#f8f9fa}.hip_thm--light .list-group-item-action:active{color:#212529;background-color:#e9ecef}.hip_thm--light .list-group-item{position:relative;display:block;padding:12px 20px;background-color:#fff;border:1px solid rgba(0,0,0,.125)}.hip_thm--light .list-group-item:first-child{border-top-left-radius:inherit;border-top-right-radius:inherit}.hip_thm--light .list-group-item:last-child{border-bottom-right-radius:inherit;border-bottom-left-radius:inherit}.hip_thm--light .list-group-item.disabled,.hip_thm--light .list-group-item:disabled{color:#6c757d;pointer-events:none;background-color:#fff}.hip_thm--light .list-group-item.active{z-index:2;color:#fff;background-color:#007bff;border-color:#007bff}.hip_thm--light .list-group-item+.hip_thm--light .list-group-item{border-top-width:0}.hip_thm--light .list-group-item+.hip_thm--light .list-group-item.active{margin-top:-1px;border-top-width:1px}.hip_thm--light .list-group-horizontal{flex-direction:row}.hip_thm--light .list-group-horizontal>.list-group-item:first-child{border-bottom-left-radius:4px;border-top-right-radius:0}.hip_thm--light .list-group-horizontal>.list-group-item:last-child{border-top-right-radius:4px;border-bottom-left-radius:0}.hip_thm--light .list-group-horizontal>.list-group-item.active{margin-top:0}.hip_thm--light .list-group-horizontal>.list-group-item+.list-group-item{border-top-width:1px;border-left-width:0}.hip_thm--light .list-group-horizontal>.list-group-item+.list-group-item.active{margin-left:-1px;border-left-width:1px}@media(min-width: 576px){.hip_thm--light .list-group-horizontal-sm{flex-direction:row}.hip_thm--light .list-group-horizontal-sm>.list-group-item:first-child{border-bottom-left-radius:4px;border-top-right-radius:0}.hip_thm--light .list-group-horizontal-sm>.list-group-item:last-child{border-top-right-radius:4px;border-bottom-left-radius:0}.hip_thm--light .list-group-horizontal-sm>.list-group-item.active{margin-top:0}.hip_thm--light .list-group-horizontal-sm>.list-group-item+.list-group-item{border-top-width:1px;border-left-width:0}.hip_thm--light .list-group-horizontal-sm>.list-group-item+.list-group-item.active{margin-left:-1px;border-left-width:1px}}@media(min-width: 768px){.hip_thm--light .list-group-horizontal-md{flex-direction:row}.hip_thm--light .list-group-horizontal-md>.list-group-item:first-child{border-bottom-left-radius:4px;border-top-right-radius:0}.hip_thm--light .list-group-horizontal-md>.list-group-item:last-child{border-top-right-radius:4px;border-bottom-left-radius:0}.hip_thm--light .list-group-horizontal-md>.list-group-item.active{margin-top:0}.hip_thm--light .list-group-horizontal-md>.list-group-item+.list-group-item{border-top-width:1px;border-left-width:0}.hip_thm--light .list-group-horizontal-md>.list-group-item+.list-group-item.active{margin-left:-1px;border-left-width:1px}}@media(min-width: 992px){.hip_thm--light .list-group-horizontal-lg{flex-direction:row}.hip_thm--light .list-group-horizontal-lg>.list-group-item:first-child{border-bottom-left-radius:4px;border-top-right-radius:0}.hip_thm--light .list-group-horizontal-lg>.list-group-item:last-child{border-top-right-radius:4px;border-bottom-left-radius:0}.hip_thm--light .list-group-horizontal-lg>.list-group-item.active{margin-top:0}.hip_thm--light .list-group-horizontal-lg>.list-group-item+.list-group-item{border-top-width:1px;border-left-width:0}.hip_thm--light .list-group-horizontal-lg>.list-group-item+.list-group-item.active{margin-left:-1px;border-left-width:1px}}@media(min-width: 1200px){.hip_thm--light .list-group-horizontal-xl{flex-direction:row}.hip_thm--light .list-group-horizontal-xl>.list-group-item:first-child{border-bottom-left-radius:4px;border-top-right-radius:0}.hip_thm--light .list-group-horizontal-xl>.list-group-item:last-child{border-top-right-radius:4px;border-bottom-left-radius:0}.hip_thm--light .list-group-horizontal-xl>.list-group-item.active{margin-top:0}.hip_thm--light .list-group-horizontal-xl>.list-group-item+.list-group-item{border-top-width:1px;border-left-width:0}.hip_thm--light .list-group-horizontal-xl>.list-group-item+.list-group-item.active{margin-left:-1px;border-left-width:1px}}.hip_thm--light .list-group-flush{border-radius:0}.hip_thm--light .list-group-flush>.list-group-item{border-width:0 0 1px}.hip_thm--light .list-group-flush>.list-group-item:last-child{border-bottom-width:0}.hip_thm--light .list-group-item-primary{color:#004085;background-color:#b8daff}.hip_thm--light .list-group-item-primary.list-group-item-action:hover,.hip_thm--light .list-group-item-primary.list-group-item-action:focus{color:#004085;background-color:#9fcdff}.hip_thm--light .list-group-item-primary.list-group-item-action.active{color:#fff;background-color:#004085;border-color:#004085}.hip_thm--light .list-group-item-secondary{color:#383d41;background-color:#d6d8db}.hip_thm--light .list-group-item-secondary.list-group-item-action:hover,.hip_thm--light .list-group-item-secondary.list-group-item-action:focus{color:#383d41;background-color:#c8cbcf}.hip_thm--light .list-group-item-secondary.list-group-item-action.active{color:#fff;background-color:#383d41;border-color:#383d41}.hip_thm--light .list-group-item-success{color:#155724;background-color:#c3e6cb}.hip_thm--light .list-group-item-success.list-group-item-action:hover,.hip_thm--light .list-group-item-success.list-group-item-action:focus{color:#155724;background-color:#b1dfbb}.hip_thm--light .list-group-item-success.list-group-item-action.active{color:#fff;background-color:#155724;border-color:#155724}.hip_thm--light .list-group-item-info{color:#0c5460;background-color:#bee5eb}.hip_thm--light .list-group-item-info.list-group-item-action:hover,.hip_thm--light .list-group-item-info.list-group-item-action:focus{color:#0c5460;background-color:#abdde5}.hip_thm--light .list-group-item-info.list-group-item-action.active{color:#fff;background-color:#0c5460;border-color:#0c5460}.hip_thm--light .list-group-item-warning{color:#856404;background-color:#ffeeba}.hip_thm--light .list-group-item-warning.list-group-item-action:hover,.hip_thm--light .list-group-item-warning.list-group-item-action:focus{color:#856404;background-color:#ffe8a1}.hip_thm--light .list-group-item-warning.list-group-item-action.active{color:#fff;background-color:#856404;border-color:#856404}.hip_thm--light .list-group-item-danger{color:#721c24;background-color:#f5c6cb}.hip_thm--light .list-group-item-danger.list-group-item-action:hover,.hip_thm--light .list-group-item-danger.list-group-item-action:focus{color:#721c24;background-color:#f1b0b7}.hip_thm--light .list-group-item-danger.list-group-item-action.active{color:#fff;background-color:#721c24;border-color:#721c24}.hip_thm--light .list-group-item-light{color:#818182;background-color:#fdfdfe}.hip_thm--light .list-group-item-light.list-group-item-action:hover,.hip_thm--light .list-group-item-light.list-group-item-action:focus{color:#818182;background-color:#ececf6}.hip_thm--light .list-group-item-light.list-group-item-action.active{color:#fff;background-color:#818182;border-color:#818182}.hip_thm--light .list-group-item-dark{color:#1b1e21;background-color:#c6c8ca}.hip_thm--light .list-group-item-dark.list-group-item-action:hover,.hip_thm--light .list-group-item-dark.list-group-item-action:focus{color:#1b1e21;background-color:#b9bbbe}.hip_thm--light .list-group-item-dark.list-group-item-action.active{color:#fff;background-color:#1b1e21;border-color:#1b1e21}.hip_thm--light .close{float:right;font-size:24px;font-weight:700;line-height:1;color:#000;text-shadow:0 1px 0 #fff;opacity:.5}.hip_thm--light .close:hover{color:#000;text-decoration:none}.hip_thm--light .close:not(:disabled):not(.disabled):hover,.hip_thm--light .close:not(:disabled):not(.disabled):focus{opacity:.75}.hip_thm--light button.close{padding:0;background-color:transparent;border:0}.hip_thm--light a.close.disabled{pointer-events:none}.hip_thm--light .toast{flex-basis:350px;max-width:350px;font-size:14px;background-color:rgba(255,255,255,.85);background-clip:padding-box;border:1px solid rgba(0,0,0,.1);box-shadow:0 .25rem .75rem rgba(0,0,0,.1);opacity:0;border-radius:4px}.hip_thm--light .toast:not(:last-child){margin-bottom:.75rem}.hip_thm--light .toast.showing{opacity:1}.hip_thm--light .toast.show{display:block;opacity:1}.hip_thm--light .toast.hide{display:none}.hip_thm--light .toast-header{display:flex;align-items:center;padding:4px 12px;color:#6c757d;background-color:rgba(255,255,255,.85);background-clip:padding-box;border-bottom:1px solid rgba(0,0,0,.05);border-top-left-radius:calc(4px - 1px);border-top-right-radius:calc(4px - 1px)}.hip_thm--light .toast-body{padding:12px}.hip_thm--light .modal-open{overflow:hidden}.hip_thm--light .modal-open .modal{overflow-x:hidden;overflow-y:auto}.hip_thm--light .modal{position:fixed;top:0;left:0;z-index:1050;display:none;width:100%;height:100%;overflow:hidden;outline:0}.hip_thm--light .modal-dialog{position:relative;width:auto;margin:.5rem;pointer-events:none}.modal.fade .hip_thm--light .modal-dialog{transition:transform .3s ease-out;transform:translate(0, -50px)}@media(prefers-reduced-motion: reduce){.modal.fade .hip_thm--light .modal-dialog{transition:none}}.modal.show .hip_thm--light .modal-dialog{transform:none}.modal.modal-static .hip_thm--light .modal-dialog{transform:scale(1.02)}.hip_thm--light .modal-dialog-scrollable{display:flex;max-height:calc(100% - 1rem)}.hip_thm--light .modal-dialog-scrollable .modal-content{max-height:calc(100vh - 1rem);overflow:hidden}.hip_thm--light .modal-dialog-scrollable .modal-header,.hip_thm--light .modal-dialog-scrollable .modal-footer{flex-shrink:0}.hip_thm--light .modal-dialog-scrollable .modal-body{overflow-y:auto}.hip_thm--light .modal-dialog-centered{display:flex;align-items:center;min-height:calc(100% - 1rem)}.hip_thm--light .modal-dialog-centered::before{display:block;height:calc(100vh - 1rem);height:min-content;content:\"\"}.hip_thm--light .modal-dialog-centered.modal-dialog-scrollable{flex-direction:column;justify-content:center;height:100%}.hip_thm--light .modal-dialog-centered.modal-dialog-scrollable .modal-content{max-height:none}.hip_thm--light .modal-dialog-centered.modal-dialog-scrollable::before{content:none}.hip_thm--light .modal-content{position:relative;display:flex;flex-direction:column;width:100%;pointer-events:auto;background-color:#fff;background-clip:padding-box;border:1px solid rgba(0,0,0,.2);border-radius:4.8px;outline:0}.hip_thm--light .modal-backdrop{position:fixed;top:0;left:0;z-index:1040;width:100vw;height:100vh;background-color:#000}.hip_thm--light .modal-backdrop.fade{opacity:0}.hip_thm--light .modal-backdrop.show{opacity:.5}.hip_thm--light .modal-header{display:flex;align-items:flex-start;justify-content:space-between;padding:16px 16px;border-bottom:1px solid #dee2e6;border-top-left-radius:calc(4.8px - 1px);border-top-right-radius:calc(4.8px - 1px)}.hip_thm--light .modal-header .close{padding:16px 16px;margin:-1rem -1rem -1rem auto}.hip_thm--light .modal-title{margin-bottom:0;line-height:1.5}.hip_thm--light .modal-body{position:relative;flex:1 1 auto;padding:16px}.hip_thm--light .modal-footer{display:flex;flex-wrap:wrap;align-items:center;justify-content:flex-end;padding:12px;border-top:1px solid #dee2e6;border-bottom-right-radius:calc(4.8px - 1px);border-bottom-left-radius:calc(4.8px - 1px)}.hip_thm--light .modal-footer>*{margin:.25rem}.hip_thm--light .modal-scrollbar-measure{position:absolute;top:-9999px;width:50px;height:50px;overflow:scroll}@media(min-width: 576px){.hip_thm--light .modal-dialog{max-width:500px;margin:1.75rem auto}.hip_thm--light .modal-dialog-scrollable{max-height:calc(100% - 3.5rem)}.hip_thm--light .modal-dialog-scrollable .modal-content{max-height:calc(100vh - 3.5rem)}.hip_thm--light .modal-dialog-centered{min-height:calc(100% - 3.5rem)}.hip_thm--light .modal-dialog-centered::before{height:calc(100vh - 3.5rem);height:min-content}.hip_thm--light .modal-sm{max-width:300px}}@media(min-width: 992px){.hip_thm--light .modal-lg,.hip_thm--light .modal-xl{max-width:800px}}@media(min-width: 1200px){.hip_thm--light .modal-xl{max-width:1140px}}.hip_thm--light .tooltip{position:absolute;z-index:1070;display:block;margin:0;font-family:-apple-system,BlinkMacSystemFont,\"Segoe UI\",Roboto,\"Helvetica Neue\",Arial,\"Noto Sans\",\"Liberation Sans\",sans-serif,\"Apple Color Emoji\",\"Segoe UI Emoji\",\"Segoe UI Symbol\",\"Noto Color Emoji\";font-style:normal;font-weight:400;line-height:1.5;text-align:left;text-align:start;text-decoration:none;text-shadow:none;text-transform:none;letter-spacing:normal;word-break:normal;word-spacing:normal;white-space:normal;line-break:auto;font-size:14px;word-wrap:break-word;opacity:0}.hip_thm--light .tooltip.show{opacity:.9}.hip_thm--light .tooltip .arrow{position:absolute;display:block;width:.8rem;height:.4rem}.hip_thm--light .tooltip .arrow::before{position:absolute;content:\"\";border-color:transparent;border-style:solid}.hip_thm--light .bs-tooltip-top,.hip_thm--light .bs-tooltip-auto[x-placement^=top]{padding:6.4px 0}.hip_thm--light .bs-tooltip-top .arrow,.hip_thm--light .bs-tooltip-auto[x-placement^=top] .arrow{bottom:0}.hip_thm--light .bs-tooltip-top .arrow::before,.hip_thm--light .bs-tooltip-auto[x-placement^=top] .arrow::before{top:0;border-width:6.4px 6.4px 0;border-top-color:#000}.hip_thm--light .bs-tooltip-right,.hip_thm--light .bs-tooltip-auto[x-placement^=right]{padding:0 6.4px}.hip_thm--light .bs-tooltip-right .arrow,.hip_thm--light .bs-tooltip-auto[x-placement^=right] .arrow{left:0;width:.4rem;height:.8rem}.hip_thm--light .bs-tooltip-right .arrow::before,.hip_thm--light .bs-tooltip-auto[x-placement^=right] .arrow::before{right:0;border-width:6.4px 6.4px 6.4px 0;border-right-color:#000}.hip_thm--light .bs-tooltip-bottom,.hip_thm--light .bs-tooltip-auto[x-placement^=bottom]{padding:6.4px 0}.hip_thm--light .bs-tooltip-bottom .arrow,.hip_thm--light .bs-tooltip-auto[x-placement^=bottom] .arrow{top:0}.hip_thm--light .bs-tooltip-bottom .arrow::before,.hip_thm--light .bs-tooltip-auto[x-placement^=bottom] .arrow::before{bottom:0;border-width:0 6.4px 6.4px;border-bottom-color:#000}.hip_thm--light .bs-tooltip-left,.hip_thm--light .bs-tooltip-auto[x-placement^=left]{padding:0 6.4px}.hip_thm--light .bs-tooltip-left .arrow,.hip_thm--light .bs-tooltip-auto[x-placement^=left] .arrow{right:0;width:.4rem;height:.8rem}.hip_thm--light .bs-tooltip-left .arrow::before,.hip_thm--light .bs-tooltip-auto[x-placement^=left] .arrow::before{left:0;border-width:6.4px 0 6.4px 6.4px;border-left-color:#000}.hip_thm--light .tooltip-inner{max-width:200px;padding:4px 8px;color:#fff;text-align:center;background-color:#000;border-radius:4px}.hip_thm--light .popover{position:absolute;top:0;left:0;z-index:1060;display:block;max-width:276px;font-family:-apple-system,BlinkMacSystemFont,\"Segoe UI\",Roboto,\"Helvetica Neue\",Arial,\"Noto Sans\",\"Liberation Sans\",sans-serif,\"Apple Color Emoji\",\"Segoe UI Emoji\",\"Segoe UI Symbol\",\"Noto Color Emoji\";font-style:normal;font-weight:400;line-height:1.5;text-align:left;text-align:start;text-decoration:none;text-shadow:none;text-transform:none;letter-spacing:normal;word-break:normal;word-spacing:normal;white-space:normal;line-break:auto;font-size:14px;word-wrap:break-word;background-color:#fff;background-clip:padding-box;border:1px solid rgba(0,0,0,.2);border-radius:4.8px}.hip_thm--light .popover .arrow{position:absolute;display:block;width:1rem;height:.5rem;margin:0 .3rem}.hip_thm--light .popover .arrow::before,.hip_thm--light .popover .arrow::after{position:absolute;display:block;content:\"\";border-color:transparent;border-style:solid}.hip_thm--light .bs-popover-top,.hip_thm--light .bs-popover-auto[x-placement^=top]{margin-bottom:.5rem}.hip_thm--light .bs-popover-top>.arrow,.hip_thm--light .bs-popover-auto[x-placement^=top]>.arrow,.hip_thm--light .hip_thm--dark .bs-popover-auto[x-placement^=top]>.arrow{bottom:calc(-0.5rem - 1px)}.hip_thm--light .bs-popover-top>.arrow::before,.hip_thm--light .bs-popover-auto[x-placement^=top]>.arrow::before,.hip_thm--light .hip_thm--dark .bs-popover-auto[x-placement^=top]>.arrow::before{bottom:0;border-width:8px 8px 0;border-top-color:rgba(0,0,0,.25)}.hip_thm--light .bs-popover-top>.arrow::after,.hip_thm--light .bs-popover-auto[x-placement^=top]>.arrow::after,.hip_thm--light .hip_thm--dark .bs-popover-auto[x-placement^=top]>.arrow::after{bottom:1px;border-width:8px 8px 0;border-top-color:#fff}.hip_thm--light .bs-popover-right,.hip_thm--light .bs-popover-auto[x-placement^=right]{margin-left:.5rem}.hip_thm--light .bs-popover-right>.arrow,.hip_thm--light .bs-popover-auto[x-placement^=right]>.arrow,.hip_thm--light .hip_thm--dark .bs-popover-auto[x-placement^=right]>.arrow{left:calc(-0.5rem - 1px);width:.5rem;height:1rem;margin:.3rem 0}.hip_thm--light .bs-popover-right>.arrow::before,.hip_thm--light .bs-popover-auto[x-placement^=right]>.arrow::before,.hip_thm--light .hip_thm--dark .bs-popover-auto[x-placement^=right]>.arrow::before{left:0;border-width:8px 8px 8px 0;border-right-color:rgba(0,0,0,.25)}.hip_thm--light .bs-popover-right>.arrow::after,.hip_thm--light .bs-popover-auto[x-placement^=right]>.arrow::after,.hip_thm--light .hip_thm--dark .bs-popover-auto[x-placement^=right]>.arrow::after{left:1px;border-width:8px 8px 8px 0;border-right-color:#fff}.hip_thm--light .bs-popover-bottom,.hip_thm--light .bs-popover-auto[x-placement^=bottom]{margin-top:.5rem}.hip_thm--light .bs-popover-bottom>.arrow,.hip_thm--light .bs-popover-auto[x-placement^=bottom]>.arrow,.hip_thm--light .hip_thm--dark .bs-popover-auto[x-placement^=bottom]>.arrow{top:calc(-0.5rem - 1px)}.hip_thm--light .bs-popover-bottom>.arrow::before,.hip_thm--light .bs-popover-auto[x-placement^=bottom]>.arrow::before,.hip_thm--light .hip_thm--dark .bs-popover-auto[x-placement^=bottom]>.arrow::before{top:0;border-width:0 8px 8px 8px;border-bottom-color:rgba(0,0,0,.25)}.hip_thm--light .bs-popover-bottom>.arrow::after,.hip_thm--light .bs-popover-auto[x-placement^=bottom]>.arrow::after,.hip_thm--light .hip_thm--dark .bs-popover-auto[x-placement^=bottom]>.arrow::after{top:1px;border-width:0 8px 8px 8px;border-bottom-color:#fff}.hip_thm--light .bs-popover-bottom .popover-header::before,.hip_thm--light .bs-popover-auto[x-placement^=bottom] .popover-header::before{position:absolute;top:0;left:50%;display:block;width:1rem;margin-left:-0.5rem;content:\"\";border-bottom:1px solid #f7f7f7}.hip_thm--light .bs-popover-left,.hip_thm--light .bs-popover-auto[x-placement^=left]{margin-right:.5rem}.hip_thm--light .bs-popover-left>.arrow,.hip_thm--light .bs-popover-auto[x-placement^=left]>.arrow,.hip_thm--light .hip_thm--dark .bs-popover-auto[x-placement^=left]>.arrow{right:calc(-0.5rem - 1px);width:.5rem;height:1rem;margin:.3rem 0}.hip_thm--light .bs-popover-left>.arrow::before,.hip_thm--light .bs-popover-auto[x-placement^=left]>.arrow::before,.hip_thm--light .hip_thm--dark .bs-popover-auto[x-placement^=left]>.arrow::before{right:0;border-width:8px 0 8px 8px;border-left-color:rgba(0,0,0,.25)}.hip_thm--light .bs-popover-left>.arrow::after,.hip_thm--light .bs-popover-auto[x-placement^=left]>.arrow::after,.hip_thm--light .hip_thm--dark .bs-popover-auto[x-placement^=left]>.arrow::after{right:1px;border-width:8px 0 8px 8px;border-left-color:#fff}.hip_thm--light .popover-header{padding:8px 12px;margin-bottom:0;font-size:16px;background-color:#f7f7f7;border-bottom:1px solid #ebebeb;border-top-left-radius:calc(4.8px - 1px);border-top-right-radius:calc(4.8px - 1px)}.hip_thm--light .popover-header:empty{display:none}.hip_thm--light .popover-body{padding:8px 12px;color:#212529}.hip_thm--light .carousel{position:relative}.hip_thm--light .carousel.pointer-event{touch-action:pan-y}.hip_thm--light .carousel-inner{position:relative;width:100%;overflow:hidden}.hip_thm--light .carousel-inner::after{display:block;clear:both;content:\"\"}.hip_thm--light .carousel-item{position:relative;display:none;float:left;width:100%;margin-right:-100%;backface-visibility:hidden;transition:transform .6s ease-in-out}@media(prefers-reduced-motion: reduce){.hip_thm--light .carousel-item{transition:none}}.hip_thm--light .carousel-item.active,.hip_thm--light .carousel-item-next,.hip_thm--light .carousel-item-prev{display:block}.hip_thm--light .carousel-item-next:not(.carousel-item-left),.hip_thm--light .active.carousel-item-right{transform:translateX(100%)}.hip_thm--light .carousel-item-prev:not(.carousel-item-right),.hip_thm--light .active.carousel-item-left{transform:translateX(-100%)}.hip_thm--light .carousel-fade .carousel-item{opacity:0;transition-property:opacity;transform:none}.hip_thm--light .carousel-fade .carousel-item.active,.hip_thm--light .carousel-fade .carousel-item-next.carousel-item-left,.hip_thm--light .carousel-fade .carousel-item-prev.carousel-item-right{z-index:1;opacity:1}.hip_thm--light .carousel-fade .active.carousel-item-left,.hip_thm--light .carousel-fade .active.carousel-item-right{z-index:0;opacity:0;transition:opacity 0s .6s}@media(prefers-reduced-motion: reduce){.hip_thm--light .carousel-fade .active.carousel-item-left,.hip_thm--light .carousel-fade .active.carousel-item-right{transition:none}}.hip_thm--light .carousel-control-prev,.hip_thm--light .carousel-control-next{position:absolute;top:0;bottom:0;z-index:1;display:flex;align-items:center;justify-content:center;width:15%;color:#fff;text-align:center;opacity:.5;transition:opacity .15s ease}@media(prefers-reduced-motion: reduce){.hip_thm--light .carousel-control-prev,.hip_thm--light .carousel-control-next{transition:none}}.hip_thm--light .carousel-control-prev:hover,.hip_thm--light .carousel-control-prev:focus,.hip_thm--light .carousel-control-next:hover,.hip_thm--light .carousel-control-next:focus{color:#fff;text-decoration:none;outline:0;opacity:.9}.hip_thm--light .carousel-control-prev{left:0}.hip_thm--light .carousel-control-next{right:0}.hip_thm--light .carousel-control-prev-icon,.hip_thm--light .carousel-control-next-icon{display:inline-block;width:20px;height:20px;background:50%/100% 100% no-repeat}.hip_thm--light .carousel-control-prev-icon{background-image:url(\"data:image/svg+xml,%3csvg xmlns='http://www.w3.org/2000/svg' fill='%23fff' width='8' height='8' viewBox='0 0 8 8'%3e%3cpath d='M5.25 0l-4 4 4 4 1.5-1.5L4.25 4l2.5-2.5L5.25 0z'/%3e%3c/svg%3e\")}.hip_thm--light .carousel-control-next-icon{background-image:url(\"data:image/svg+xml,%3csvg xmlns='http://www.w3.org/2000/svg' fill='%23fff' width='8' height='8' viewBox='0 0 8 8'%3e%3cpath d='M2.75 0l-1.5 1.5L3.75 4l-2.5 2.5L2.75 8l4-4-4-4z'/%3e%3c/svg%3e\")}.hip_thm--light .carousel-indicators{position:absolute;right:0;bottom:0;left:0;z-index:15;display:flex;justify-content:center;padding-left:0;margin-right:15%;margin-left:15%;list-style:none}.hip_thm--light .carousel-indicators li{box-sizing:content-box;flex:0 1 auto;width:30px;height:3px;margin-right:3px;margin-left:3px;text-indent:-999px;cursor:pointer;background-color:#fff;background-clip:padding-box;border-top:10px solid transparent;border-bottom:10px solid transparent;opacity:.5;transition:opacity .6s ease}@media(prefers-reduced-motion: reduce){.hip_thm--light .carousel-indicators li{transition:none}}.hip_thm--light .carousel-indicators .active{opacity:1}.hip_thm--light .carousel-caption{position:absolute;right:15%;bottom:20px;left:15%;z-index:10;padding-top:20px;padding-bottom:20px;color:#fff;text-align:center}@keyframes spinner-border{to{transform:rotate(360deg)}}.hip_thm--light .spinner-border{display:inline-block;width:2rem;height:2rem;vertical-align:text-bottom;border:.25em solid currentColor;border-right-color:transparent;border-radius:50%;animation:.75s linear infinite spinner-border}.hip_thm--light .spinner-border-sm{width:1rem;height:1rem;border-width:.2em}@keyframes spinner-grow{0%{transform:scale(0)}50%{opacity:1;transform:none}}.hip_thm--light .spinner-grow{display:inline-block;width:2rem;height:2rem;vertical-align:text-bottom;background-color:currentColor;border-radius:50%;opacity:0;animation:.75s linear infinite spinner-grow}.hip_thm--light .spinner-grow-sm{width:1rem;height:1rem}@media(prefers-reduced-motion: reduce){.hip_thm--light .spinner-border,.hip_thm--light .spinner-grow{animation-duration:1.5s}}.hip_thm--light .align-baseline{vertical-align:baseline !important}.hip_thm--light .align-top{vertical-align:top !important}.hip_thm--light .align-middle{vertical-align:middle !important}.hip_thm--light .align-bottom{vertical-align:bottom !important}.hip_thm--light .align-text-bottom{vertical-align:text-bottom !important}.hip_thm--light .align-text-top{vertical-align:text-top !important}.hip_thm--light .bg-primary{background-color:#007bff !important}.hip_thm--light a.bg-primary:hover,.hip_thm--light a.bg-primary:focus,.hip_thm--light button.bg-primary:hover,.hip_thm--light button.bg-primary:focus{background-color:#0062cc !important}.hip_thm--light .bg-secondary{background-color:#6c757d !important}.hip_thm--light a.bg-secondary:hover,.hip_thm--light a.bg-secondary:focus,.hip_thm--light button.bg-secondary:hover,.hip_thm--light button.bg-secondary:focus{background-color:#545b62 !important}.hip_thm--light .bg-success{background-color:#28a745 !important}.hip_thm--light a.bg-success:hover,.hip_thm--light a.bg-success:focus,.hip_thm--light button.bg-success:hover,.hip_thm--light button.bg-success:focus{background-color:#1e7e34 !important}.hip_thm--light .bg-info{background-color:#17a2b8 !important}.hip_thm--light a.bg-info:hover,.hip_thm--light a.bg-info:focus,.hip_thm--light button.bg-info:hover,.hip_thm--light button.bg-info:focus{background-color:#117a8b !important}.hip_thm--light .bg-warning{background-color:#ffc107 !important}.hip_thm--light a.bg-warning:hover,.hip_thm--light a.bg-warning:focus,.hip_thm--light button.bg-warning:hover,.hip_thm--light button.bg-warning:focus{background-color:#d39e00 !important}.hip_thm--light .bg-danger{background-color:#dc3545 !important}.hip_thm--light a.bg-danger:hover,.hip_thm--light a.bg-danger:focus,.hip_thm--light button.bg-danger:hover,.hip_thm--light button.bg-danger:focus{background-color:#bd2130 !important}.hip_thm--light .bg-light{background-color:#f8f9fa !important}.hip_thm--light a.bg-light:hover,.hip_thm--light a.bg-light:focus,.hip_thm--light button.bg-light:hover,.hip_thm--light button.bg-light:focus{background-color:#dae0e5 !important}.hip_thm--light .bg-dark{background-color:#343a40 !important}.hip_thm--light a.bg-dark:hover,.hip_thm--light a.bg-dark:focus,.hip_thm--light button.bg-dark:hover,.hip_thm--light button.bg-dark:focus{background-color:#1d2124 !important}.hip_thm--light .bg-white{background-color:#fff !important}.hip_thm--light .bg-transparent{background-color:transparent !important}.hip_thm--light .border{border:1px solid #dee2e6 !important}.hip_thm--light .border-top{border-top:1px solid #dee2e6 !important}.hip_thm--light .border-right{border-right:1px solid #dee2e6 !important}.hip_thm--light .border-bottom{border-bottom:1px solid #dee2e6 !important}.hip_thm--light .border-left{border-left:1px solid #dee2e6 !important}.hip_thm--light .border-0{border:0 !important}.hip_thm--light .border-top-0{border-top:0 !important}.hip_thm--light .border-right-0{border-right:0 !important}.hip_thm--light .border-bottom-0{border-bottom:0 !important}.hip_thm--light .border-left-0{border-left:0 !important}.hip_thm--light .border-primary{border-color:#007bff !important}.hip_thm--light .border-secondary{border-color:#6c757d !important}.hip_thm--light .border-success{border-color:#28a745 !important}.hip_thm--light .border-info{border-color:#17a2b8 !important}.hip_thm--light .border-warning{border-color:#ffc107 !important}.hip_thm--light .border-danger{border-color:#dc3545 !important}.hip_thm--light .border-light{border-color:#f8f9fa !important}.hip_thm--light .border-dark{border-color:#343a40 !important}.hip_thm--light .border-white{border-color:#fff !important}.hip_thm--light .rounded-sm{border-radius:3.2px !important}.hip_thm--light .rounded{border-radius:4px !important}.hip_thm--light .rounded-top{border-top-left-radius:4px !important;border-top-right-radius:4px !important}.hip_thm--light .rounded-right{border-top-right-radius:4px !important;border-bottom-right-radius:4px !important}.hip_thm--light .rounded-bottom{border-bottom-right-radius:4px !important;border-bottom-left-radius:4px !important}.hip_thm--light .rounded-left{border-top-left-radius:4px !important;border-bottom-left-radius:4px !important}.hip_thm--light .rounded-lg{border-radius:4.8px !important}.hip_thm--light .rounded-circle{border-radius:50% !important}.hip_thm--light .rounded-pill{border-radius:800px !important}.hip_thm--light .rounded-0{border-radius:0 !important}.hip_thm--light .clearfix::after{display:block;clear:both;content:\"\"}.hip_thm--light .d-none{display:none !important}.hip_thm--light .d-inline{display:inline !important}.hip_thm--light .d-inline-block{display:inline-block !important}.hip_thm--light .d-block{display:block !important}.hip_thm--light .d-table{display:table !important}.hip_thm--light .d-table-row{display:table-row !important}.hip_thm--light .d-table-cell{display:table-cell !important}.hip_thm--light .d-flex{display:flex !important}.hip_thm--light .d-inline-flex{display:inline-flex !important}@media(min-width: 576px){.hip_thm--light .d-sm-none{display:none !important}.hip_thm--light .d-sm-inline{display:inline !important}.hip_thm--light .d-sm-inline-block{display:inline-block !important}.hip_thm--light .d-sm-block{display:block !important}.hip_thm--light .d-sm-table{display:table !important}.hip_thm--light .d-sm-table-row{display:table-row !important}.hip_thm--light .d-sm-table-cell{display:table-cell !important}.hip_thm--light .d-sm-flex{display:flex !important}.hip_thm--light .d-sm-inline-flex{display:inline-flex !important}}@media(min-width: 768px){.hip_thm--light .d-md-none{display:none !important}.hip_thm--light .d-md-inline{display:inline !important}.hip_thm--light .d-md-inline-block{display:inline-block !important}.hip_thm--light .d-md-block{display:block !important}.hip_thm--light .d-md-table{display:table !important}.hip_thm--light .d-md-table-row{display:table-row !important}.hip_thm--light .d-md-table-cell{display:table-cell !important}.hip_thm--light .d-md-flex{display:flex !important}.hip_thm--light .d-md-inline-flex{display:inline-flex !important}}@media(min-width: 992px){.hip_thm--light .d-lg-none{display:none !important}.hip_thm--light .d-lg-inline{display:inline !important}.hip_thm--light .d-lg-inline-block{display:inline-block !important}.hip_thm--light .d-lg-block{display:block !important}.hip_thm--light .d-lg-table{display:table !important}.hip_thm--light .d-lg-table-row{display:table-row !important}.hip_thm--light .d-lg-table-cell{display:table-cell !important}.hip_thm--light .d-lg-flex{display:flex !important}.hip_thm--light .d-lg-inline-flex{display:inline-flex !important}}@media(min-width: 1200px){.hip_thm--light .d-xl-none{display:none !important}.hip_thm--light .d-xl-inline{display:inline !important}.hip_thm--light .d-xl-inline-block{display:inline-block !important}.hip_thm--light .d-xl-block{display:block !important}.hip_thm--light .d-xl-table{display:table !important}.hip_thm--light .d-xl-table-row{display:table-row !important}.hip_thm--light .d-xl-table-cell{display:table-cell !important}.hip_thm--light .d-xl-flex{display:flex !important}.hip_thm--light .d-xl-inline-flex{display:inline-flex !important}}@media print{.hip_thm--light .d-print-none{display:none !important}.hip_thm--light .d-print-inline{display:inline !important}.hip_thm--light .d-print-inline-block{display:inline-block !important}.hip_thm--light .d-print-block{display:block !important}.hip_thm--light .d-print-table{display:table !important}.hip_thm--light .d-print-table-row{display:table-row !important}.hip_thm--light .d-print-table-cell{display:table-cell !important}.hip_thm--light .d-print-flex{display:flex !important}.hip_thm--light .d-print-inline-flex{display:inline-flex !important}}.hip_thm--light .embed-responsive{position:relative;display:block;width:100%;padding:0;overflow:hidden}.hip_thm--light .embed-responsive::before{display:block;content:\"\"}.hip_thm--light .embed-responsive .embed-responsive-item,.hip_thm--light .embed-responsive iframe,.hip_thm--light .embed-responsive embed,.hip_thm--light .embed-responsive object,.hip_thm--light .embed-responsive video{position:absolute;top:0;bottom:0;left:0;width:100%;height:100%;border:0}.hip_thm--light .embed-responsive-21by9::before{padding-top:42.8571428571%}.hip_thm--light .embed-responsive-16by9::before{padding-top:56.25%}.hip_thm--light .embed-responsive-4by3::before{padding-top:75%}.hip_thm--light .embed-responsive-1by1::before{padding-top:100%}.hip_thm--light .flex-row{flex-direction:row !important}.hip_thm--light .flex-column{flex-direction:column !important}.hip_thm--light .flex-row-reverse{flex-direction:row-reverse !important}.hip_thm--light .flex-column-reverse{flex-direction:column-reverse !important}.hip_thm--light .flex-wrap{flex-wrap:wrap !important}.hip_thm--light .flex-nowrap{flex-wrap:nowrap !important}.hip_thm--light .flex-wrap-reverse{flex-wrap:wrap-reverse !important}.hip_thm--light .flex-fill{flex:1 1 auto !important}.hip_thm--light .flex-grow-0{flex-grow:0 !important}.hip_thm--light .flex-grow-1{flex-grow:1 !important}.hip_thm--light .flex-shrink-0{flex-shrink:0 !important}.hip_thm--light .flex-shrink-1{flex-shrink:1 !important}.hip_thm--light .justify-content-start{justify-content:flex-start !important}.hip_thm--light .justify-content-end{justify-content:flex-end !important}.hip_thm--light .justify-content-center{justify-content:center !important}.hip_thm--light .justify-content-between{justify-content:space-between !important}.hip_thm--light .justify-content-around{justify-content:space-around !important}.hip_thm--light .align-items-start{align-items:flex-start !important}.hip_thm--light .align-items-end{align-items:flex-end !important}.hip_thm--light .align-items-center{align-items:center !important}.hip_thm--light .align-items-baseline{align-items:baseline !important}.hip_thm--light .align-items-stretch{align-items:stretch !important}.hip_thm--light .align-content-start{align-content:flex-start !important}.hip_thm--light .align-content-end{align-content:flex-end !important}.hip_thm--light .align-content-center{align-content:center !important}.hip_thm--light .align-content-between{align-content:space-between !important}.hip_thm--light .align-content-around{align-content:space-around !important}.hip_thm--light .align-content-stretch{align-content:stretch !important}.hip_thm--light .align-self-auto{align-self:auto !important}.hip_thm--light .align-self-start{align-self:flex-start !important}.hip_thm--light .align-self-end{align-self:flex-end !important}.hip_thm--light .align-self-center{align-self:center !important}.hip_thm--light .align-self-baseline{align-self:baseline !important}.hip_thm--light .align-self-stretch{align-self:stretch !important}@media(min-width: 576px){.hip_thm--light .flex-sm-row{flex-direction:row !important}.hip_thm--light .flex-sm-column{flex-direction:column !important}.hip_thm--light .flex-sm-row-reverse{flex-direction:row-reverse !important}.hip_thm--light .flex-sm-column-reverse{flex-direction:column-reverse !important}.hip_thm--light .flex-sm-wrap{flex-wrap:wrap !important}.hip_thm--light .flex-sm-nowrap{flex-wrap:nowrap !important}.hip_thm--light .flex-sm-wrap-reverse{flex-wrap:wrap-reverse !important}.hip_thm--light .flex-sm-fill{flex:1 1 auto !important}.hip_thm--light .flex-sm-grow-0{flex-grow:0 !important}.hip_thm--light .flex-sm-grow-1{flex-grow:1 !important}.hip_thm--light .flex-sm-shrink-0{flex-shrink:0 !important}.hip_thm--light .flex-sm-shrink-1{flex-shrink:1 !important}.hip_thm--light .justify-content-sm-start{justify-content:flex-start !important}.hip_thm--light .justify-content-sm-end{justify-content:flex-end !important}.hip_thm--light .justify-content-sm-center{justify-content:center !important}.hip_thm--light .justify-content-sm-between{justify-content:space-between !important}.hip_thm--light .justify-content-sm-around{justify-content:space-around !important}.hip_thm--light .align-items-sm-start{align-items:flex-start !important}.hip_thm--light .align-items-sm-end{align-items:flex-end !important}.hip_thm--light .align-items-sm-center{align-items:center !important}.hip_thm--light .align-items-sm-baseline{align-items:baseline !important}.hip_thm--light .align-items-sm-stretch{align-items:stretch !important}.hip_thm--light .align-content-sm-start{align-content:flex-start !important}.hip_thm--light .align-content-sm-end{align-content:flex-end !important}.hip_thm--light .align-content-sm-center{align-content:center !important}.hip_thm--light .align-content-sm-between{align-content:space-between !important}.hip_thm--light .align-content-sm-around{align-content:space-around !important}.hip_thm--light .align-content-sm-stretch{align-content:stretch !important}.hip_thm--light .align-self-sm-auto{align-self:auto !important}.hip_thm--light .align-self-sm-start{align-self:flex-start !important}.hip_thm--light .align-self-sm-end{align-self:flex-end !important}.hip_thm--light .align-self-sm-center{align-self:center !important}.hip_thm--light .align-self-sm-baseline{align-self:baseline !important}.hip_thm--light .align-self-sm-stretch{align-self:stretch !important}}@media(min-width: 768px){.hip_thm--light .flex-md-row{flex-direction:row !important}.hip_thm--light .flex-md-column{flex-direction:column !important}.hip_thm--light .flex-md-row-reverse{flex-direction:row-reverse !important}.hip_thm--light .flex-md-column-reverse{flex-direction:column-reverse !important}.hip_thm--light .flex-md-wrap{flex-wrap:wrap !important}.hip_thm--light .flex-md-nowrap{flex-wrap:nowrap !important}.hip_thm--light .flex-md-wrap-reverse{flex-wrap:wrap-reverse !important}.hip_thm--light .flex-md-fill{flex:1 1 auto !important}.hip_thm--light .flex-md-grow-0{flex-grow:0 !important}.hip_thm--light .flex-md-grow-1{flex-grow:1 !important}.hip_thm--light .flex-md-shrink-0{flex-shrink:0 !important}.hip_thm--light .flex-md-shrink-1{flex-shrink:1 !important}.hip_thm--light .justify-content-md-start{justify-content:flex-start !important}.hip_thm--light .justify-content-md-end{justify-content:flex-end !important}.hip_thm--light .justify-content-md-center{justify-content:center !important}.hip_thm--light .justify-content-md-between{justify-content:space-between !important}.hip_thm--light .justify-content-md-around{justify-content:space-around !important}.hip_thm--light .align-items-md-start{align-items:flex-start !important}.hip_thm--light .align-items-md-end{align-items:flex-end !important}.hip_thm--light .align-items-md-center{align-items:center !important}.hip_thm--light .align-items-md-baseline{align-items:baseline !important}.hip_thm--light .align-items-md-stretch{align-items:stretch !important}.hip_thm--light .align-content-md-start{align-content:flex-start !important}.hip_thm--light .align-content-md-end{align-content:flex-end !important}.hip_thm--light .align-content-md-center{align-content:center !important}.hip_thm--light .align-content-md-between{align-content:space-between !important}.hip_thm--light .align-content-md-around{align-content:space-around !important}.hip_thm--light .align-content-md-stretch{align-content:stretch !important}.hip_thm--light .align-self-md-auto{align-self:auto !important}.hip_thm--light .align-self-md-start{align-self:flex-start !important}.hip_thm--light .align-self-md-end{align-self:flex-end !important}.hip_thm--light .align-self-md-center{align-self:center !important}.hip_thm--light .align-self-md-baseline{align-self:baseline !important}.hip_thm--light .align-self-md-stretch{align-self:stretch !important}}@media(min-width: 992px){.hip_thm--light .flex-lg-row{flex-direction:row !important}.hip_thm--light .flex-lg-column{flex-direction:column !important}.hip_thm--light .flex-lg-row-reverse{flex-direction:row-reverse !important}.hip_thm--light .flex-lg-column-reverse{flex-direction:column-reverse !important}.hip_thm--light .flex-lg-wrap{flex-wrap:wrap !important}.hip_thm--light .flex-lg-nowrap{flex-wrap:nowrap !important}.hip_thm--light .flex-lg-wrap-reverse{flex-wrap:wrap-reverse !important}.hip_thm--light .flex-lg-fill{flex:1 1 auto !important}.hip_thm--light .flex-lg-grow-0{flex-grow:0 !important}.hip_thm--light .flex-lg-grow-1{flex-grow:1 !important}.hip_thm--light .flex-lg-shrink-0{flex-shrink:0 !important}.hip_thm--light .flex-lg-shrink-1{flex-shrink:1 !important}.hip_thm--light .justify-content-lg-start{justify-content:flex-start !important}.hip_thm--light .justify-content-lg-end{justify-content:flex-end !important}.hip_thm--light .justify-content-lg-center{justify-content:center !important}.hip_thm--light .justify-content-lg-between{justify-content:space-between !important}.hip_thm--light .justify-content-lg-around{justify-content:space-around !important}.hip_thm--light .align-items-lg-start{align-items:flex-start !important}.hip_thm--light .align-items-lg-end{align-items:flex-end !important}.hip_thm--light .align-items-lg-center{align-items:center !important}.hip_thm--light .align-items-lg-baseline{align-items:baseline !important}.hip_thm--light .align-items-lg-stretch{align-items:stretch !important}.hip_thm--light .align-content-lg-start{align-content:flex-start !important}.hip_thm--light .align-content-lg-end{align-content:flex-end !important}.hip_thm--light .align-content-lg-center{align-content:center !important}.hip_thm--light .align-content-lg-between{align-content:space-between !important}.hip_thm--light .align-content-lg-around{align-content:space-around !important}.hip_thm--light .align-content-lg-stretch{align-content:stretch !important}.hip_thm--light .align-self-lg-auto{align-self:auto !important}.hip_thm--light .align-self-lg-start{align-self:flex-start !important}.hip_thm--light .align-self-lg-end{align-self:flex-end !important}.hip_thm--light .align-self-lg-center{align-self:center !important}.hip_thm--light .align-self-lg-baseline{align-self:baseline !important}.hip_thm--light .align-self-lg-stretch{align-self:stretch !important}}@media(min-width: 1200px){.hip_thm--light .flex-xl-row{flex-direction:row !important}.hip_thm--light .flex-xl-column{flex-direction:column !important}.hip_thm--light .flex-xl-row-reverse{flex-direction:row-reverse !important}.hip_thm--light .flex-xl-column-reverse{flex-direction:column-reverse !important}.hip_thm--light .flex-xl-wrap{flex-wrap:wrap !important}.hip_thm--light .flex-xl-nowrap{flex-wrap:nowrap !important}.hip_thm--light .flex-xl-wrap-reverse{flex-wrap:wrap-reverse !important}.hip_thm--light .flex-xl-fill{flex:1 1 auto !important}.hip_thm--light .flex-xl-grow-0{flex-grow:0 !important}.hip_thm--light .flex-xl-grow-1{flex-grow:1 !important}.hip_thm--light .flex-xl-shrink-0{flex-shrink:0 !important}.hip_thm--light .flex-xl-shrink-1{flex-shrink:1 !important}.hip_thm--light .justify-content-xl-start{justify-content:flex-start !important}.hip_thm--light .justify-content-xl-end{justify-content:flex-end !important}.hip_thm--light .justify-content-xl-center{justify-content:center !important}.hip_thm--light .justify-content-xl-between{justify-content:space-between !important}.hip_thm--light .justify-content-xl-around{justify-content:space-around !important}.hip_thm--light .align-items-xl-start{align-items:flex-start !important}.hip_thm--light .align-items-xl-end{align-items:flex-end !important}.hip_thm--light .align-items-xl-center{align-items:center !important}.hip_thm--light .align-items-xl-baseline{align-items:baseline !important}.hip_thm--light .align-items-xl-stretch{align-items:stretch !important}.hip_thm--light .align-content-xl-start{align-content:flex-start !important}.hip_thm--light .align-content-xl-end{align-content:flex-end !important}.hip_thm--light .align-content-xl-center{align-content:center !important}.hip_thm--light .align-content-xl-between{align-content:space-between !important}.hip_thm--light .align-content-xl-around{align-content:space-around !important}.hip_thm--light .align-content-xl-stretch{align-content:stretch !important}.hip_thm--light .align-self-xl-auto{align-self:auto !important}.hip_thm--light .align-self-xl-start{align-self:flex-start !important}.hip_thm--light .align-self-xl-end{align-self:flex-end !important}.hip_thm--light .align-self-xl-center{align-self:center !important}.hip_thm--light .align-self-xl-baseline{align-self:baseline !important}.hip_thm--light .align-self-xl-stretch{align-self:stretch !important}}.hip_thm--light .float-left{float:left !important}.hip_thm--light .float-right{float:right !important}.hip_thm--light .float-none{float:none !important}@media(min-width: 576px){.hip_thm--light .float-sm-left{float:left !important}.hip_thm--light .float-sm-right{float:right !important}.hip_thm--light .float-sm-none{float:none !important}}@media(min-width: 768px){.hip_thm--light .float-md-left{float:left !important}.hip_thm--light .float-md-right{float:right !important}.hip_thm--light .float-md-none{float:none !important}}@media(min-width: 992px){.hip_thm--light .float-lg-left{float:left !important}.hip_thm--light .float-lg-right{float:right !important}.hip_thm--light .float-lg-none{float:none !important}}@media(min-width: 1200px){.hip_thm--light .float-xl-left{float:left !important}.hip_thm--light .float-xl-right{float:right !important}.hip_thm--light .float-xl-none{float:none !important}}.hip_thm--light .user-select-all{user-select:all !important}.hip_thm--light .user-select-auto{user-select:auto !important}.hip_thm--light .user-select-none{user-select:none !important}.hip_thm--light .overflow-auto{overflow:auto !important}.hip_thm--light .overflow-hidden{overflow:hidden !important}.hip_thm--light .position-static{position:static !important}.hip_thm--light .position-relative{position:relative !important}.hip_thm--light .position-absolute{position:absolute !important}.hip_thm--light .position-fixed{position:fixed !important}.hip_thm--light .position-sticky{position:sticky !important}.hip_thm--light .fixed-top{position:fixed;top:0;right:0;left:0;z-index:1030}.hip_thm--light .fixed-bottom{position:fixed;right:0;bottom:0;left:0;z-index:1030}@supports(position: sticky){.hip_thm--light .sticky-top{position:sticky;top:0;z-index:1020}}.hip_thm--light .sr-only{position:absolute;width:1px;height:1px;padding:0;margin:-1px;overflow:hidden;clip:rect(0, 0, 0, 0);white-space:nowrap;border:0}.hip_thm--light .sr-only-focusable:active,.hip_thm--light .sr-only-focusable:focus{position:static;width:auto;height:auto;overflow:visible;clip:auto;white-space:normal}.hip_thm--light .shadow-sm{box-shadow:0 .125rem .25rem rgba(0,0,0,.075) !important}.hip_thm--light .shadow{box-shadow:0 .5rem 1rem rgba(0,0,0,.15) !important}.hip_thm--light .shadow-lg{box-shadow:0 1rem 3rem rgba(0,0,0,.175) !important}.hip_thm--light .shadow-none{box-shadow:none !important}.hip_thm--light .w-25{width:25% !important}.hip_thm--light .w-50{width:50% !important}.hip_thm--light .w-75{width:75% !important}.hip_thm--light .w-100{width:100% !important}.hip_thm--light .w-auto{width:auto !important}.hip_thm--light .h-25{height:25% !important}.hip_thm--light .h-50{height:50% !important}.hip_thm--light .h-75{height:75% !important}.hip_thm--light .h-100{height:100% !important}.hip_thm--light .h-auto{height:auto !important}.hip_thm--light .mw-100{max-width:100% !important}.hip_thm--light .mh-100{max-height:100% !important}.hip_thm--light .min-vw-100{min-width:100vw !important}.hip_thm--light .min-vh-100{min-height:100vh !important}.hip_thm--light .vw-100{width:100vw !important}.hip_thm--light .vh-100{height:100vh !important}.hip_thm--light .m-0{margin:0 !important}.hip_thm--light .mt-0,.hip_thm--light .my-0{margin-top:0 !important}.hip_thm--light .mr-0,.hip_thm--light .mx-0{margin-right:0 !important}.hip_thm--light .mb-0,.hip_thm--light .my-0{margin-bottom:0 !important}.hip_thm--light .ml-0,.hip_thm--light .mx-0{margin-left:0 !important}.hip_thm--light .m-1{margin:.25rem !important}.hip_thm--light .mt-1,.hip_thm--light .my-1{margin-top:.25rem !important}.hip_thm--light .mr-1,.hip_thm--light .mx-1{margin-right:.25rem !important}.hip_thm--light .mb-1,.hip_thm--light .my-1{margin-bottom:.25rem !important}.hip_thm--light .ml-1,.hip_thm--light .mx-1{margin-left:.25rem !important}.hip_thm--light .m-2{margin:.5rem !important}.hip_thm--light .mt-2,.hip_thm--light .my-2{margin-top:.5rem !important}.hip_thm--light .mr-2,.hip_thm--light .mx-2{margin-right:.5rem !important}.hip_thm--light .mb-2,.hip_thm--light .my-2{margin-bottom:.5rem !important}.hip_thm--light .ml-2,.hip_thm--light .mx-2{margin-left:.5rem !important}.hip_thm--light .m-3{margin:1rem !important}.hip_thm--light .mt-3,.hip_thm--light .my-3{margin-top:1rem !important}.hip_thm--light .mr-3,.hip_thm--light .mx-3{margin-right:1rem !important}.hip_thm--light .mb-3,.hip_thm--light .my-3{margin-bottom:1rem !important}.hip_thm--light .ml-3,.hip_thm--light .mx-3{margin-left:1rem !important}.hip_thm--light .m-4{margin:1.5rem !important}.hip_thm--light .mt-4,.hip_thm--light .my-4{margin-top:1.5rem !important}.hip_thm--light .mr-4,.hip_thm--light .mx-4{margin-right:1.5rem !important}.hip_thm--light .mb-4,.hip_thm--light .my-4{margin-bottom:1.5rem !important}.hip_thm--light .ml-4,.hip_thm--light .mx-4{margin-left:1.5rem !important}.hip_thm--light .m-5{margin:3rem !important}.hip_thm--light .mt-5,.hip_thm--light .my-5{margin-top:3rem !important}.hip_thm--light .mr-5,.hip_thm--light .mx-5{margin-right:3rem !important}.hip_thm--light .mb-5,.hip_thm--light .my-5{margin-bottom:3rem !important}.hip_thm--light .ml-5,.hip_thm--light .mx-5{margin-left:3rem !important}.hip_thm--light .p-0{padding:0 !important}.hip_thm--light .pt-0,.hip_thm--light .py-0{padding-top:0 !important}.hip_thm--light .pr-0,.hip_thm--light .px-0{padding-right:0 !important}.hip_thm--light .pb-0,.hip_thm--light .py-0{padding-bottom:0 !important}.hip_thm--light .pl-0,.hip_thm--light .px-0{padding-left:0 !important}.hip_thm--light .p-1{padding:4px !important}.hip_thm--light .pt-1,.hip_thm--light .py-1{padding-top:4px !important}.hip_thm--light .pr-1,.hip_thm--light .px-1{padding-right:4px !important}.hip_thm--light .pb-1,.hip_thm--light .py-1{padding-bottom:4px !important}.hip_thm--light .pl-1,.hip_thm--light .px-1{padding-left:4px !important}.hip_thm--light .p-2{padding:8px !important}.hip_thm--light .pt-2,.hip_thm--light .py-2{padding-top:8px !important}.hip_thm--light .pr-2,.hip_thm--light .px-2{padding-right:8px !important}.hip_thm--light .pb-2,.hip_thm--light .py-2{padding-bottom:8px !important}.hip_thm--light .pl-2,.hip_thm--light .px-2{padding-left:8px !important}.hip_thm--light .p-3{padding:16px !important}.hip_thm--light .pt-3,.hip_thm--light .py-3{padding-top:16px !important}.hip_thm--light .pr-3,.hip_thm--light .px-3{padding-right:16px !important}.hip_thm--light .pb-3,.hip_thm--light .py-3{padding-bottom:16px !important}.hip_thm--light .pl-3,.hip_thm--light .px-3{padding-left:16px !important}.hip_thm--light .p-4{padding:24px !important}.hip_thm--light .pt-4,.hip_thm--light .py-4{padding-top:24px !important}.hip_thm--light .pr-4,.hip_thm--light .px-4{padding-right:24px !important}.hip_thm--light .pb-4,.hip_thm--light .py-4{padding-bottom:24px !important}.hip_thm--light .pl-4,.hip_thm--light .px-4{padding-left:24px !important}.hip_thm--light .p-5{padding:48px !important}.hip_thm--light .pt-5,.hip_thm--light .py-5{padding-top:48px !important}.hip_thm--light .pr-5,.hip_thm--light .px-5{padding-right:48px !important}.hip_thm--light .pb-5,.hip_thm--light .py-5{padding-bottom:48px !important}.hip_thm--light .pl-5,.hip_thm--light .px-5{padding-left:48px !important}.hip_thm--light .m-n1{margin:-0.25rem !important}.hip_thm--light .mt-n1,.hip_thm--light .my-n1{margin-top:-0.25rem !important}.hip_thm--light .mr-n1,.hip_thm--light .mx-n1{margin-right:-0.25rem !important}.hip_thm--light .mb-n1,.hip_thm--light .my-n1{margin-bottom:-0.25rem !important}.hip_thm--light .ml-n1,.hip_thm--light .mx-n1{margin-left:-0.25rem !important}.hip_thm--light .m-n2{margin:-0.5rem !important}.hip_thm--light .mt-n2,.hip_thm--light .my-n2{margin-top:-0.5rem !important}.hip_thm--light .mr-n2,.hip_thm--light .mx-n2{margin-right:-0.5rem !important}.hip_thm--light .mb-n2,.hip_thm--light .my-n2{margin-bottom:-0.5rem !important}.hip_thm--light .ml-n2,.hip_thm--light .mx-n2{margin-left:-0.5rem !important}.hip_thm--light .m-n3{margin:-1rem !important}.hip_thm--light .mt-n3,.hip_thm--light .my-n3{margin-top:-1rem !important}.hip_thm--light .mr-n3,.hip_thm--light .mx-n3{margin-right:-1rem !important}.hip_thm--light .mb-n3,.hip_thm--light .my-n3{margin-bottom:-1rem !important}.hip_thm--light .ml-n3,.hip_thm--light .mx-n3{margin-left:-1rem !important}.hip_thm--light .m-n4{margin:-1.5rem !important}.hip_thm--light .mt-n4,.hip_thm--light .my-n4{margin-top:-1.5rem !important}.hip_thm--light .mr-n4,.hip_thm--light .mx-n4{margin-right:-1.5rem !important}.hip_thm--light .mb-n4,.hip_thm--light .my-n4{margin-bottom:-1.5rem !important}.hip_thm--light .ml-n4,.hip_thm--light .mx-n4{margin-left:-1.5rem !important}.hip_thm--light .m-n5{margin:-3rem !important}.hip_thm--light .mt-n5,.hip_thm--light .my-n5{margin-top:-3rem !important}.hip_thm--light .mr-n5,.hip_thm--light .mx-n5{margin-right:-3rem !important}.hip_thm--light .mb-n5,.hip_thm--light .my-n5{margin-bottom:-3rem !important}.hip_thm--light .ml-n5,.hip_thm--light .mx-n5{margin-left:-3rem !important}.hip_thm--light .m-auto{margin:auto !important}.hip_thm--light .mt-auto,.hip_thm--light .my-auto{margin-top:auto !important}.hip_thm--light .mr-auto,.hip_thm--light .mx-auto{margin-right:auto !important}.hip_thm--light .mb-auto,.hip_thm--light .my-auto{margin-bottom:auto !important}.hip_thm--light .ml-auto,.hip_thm--light .mx-auto{margin-left:auto !important}@media(min-width: 576px){.hip_thm--light .m-sm-0{margin:0 !important}.hip_thm--light .mt-sm-0,.hip_thm--light .my-sm-0{margin-top:0 !important}.hip_thm--light .mr-sm-0,.hip_thm--light .mx-sm-0{margin-right:0 !important}.hip_thm--light .mb-sm-0,.hip_thm--light .my-sm-0{margin-bottom:0 !important}.hip_thm--light .ml-sm-0,.hip_thm--light .mx-sm-0{margin-left:0 !important}.hip_thm--light .m-sm-1{margin:.25rem !important}.hip_thm--light .mt-sm-1,.hip_thm--light .my-sm-1{margin-top:.25rem !important}.hip_thm--light .mr-sm-1,.hip_thm--light .mx-sm-1{margin-right:.25rem !important}.hip_thm--light .mb-sm-1,.hip_thm--light .my-sm-1{margin-bottom:.25rem !important}.hip_thm--light .ml-sm-1,.hip_thm--light .mx-sm-1{margin-left:.25rem !important}.hip_thm--light .m-sm-2{margin:.5rem !important}.hip_thm--light .mt-sm-2,.hip_thm--light .my-sm-2{margin-top:.5rem !important}.hip_thm--light .mr-sm-2,.hip_thm--light .mx-sm-2{margin-right:.5rem !important}.hip_thm--light .mb-sm-2,.hip_thm--light .my-sm-2{margin-bottom:.5rem !important}.hip_thm--light .ml-sm-2,.hip_thm--light .mx-sm-2{margin-left:.5rem !important}.hip_thm--light .m-sm-3{margin:1rem !important}.hip_thm--light .mt-sm-3,.hip_thm--light .my-sm-3{margin-top:1rem !important}.hip_thm--light .mr-sm-3,.hip_thm--light .mx-sm-3{margin-right:1rem !important}.hip_thm--light .mb-sm-3,.hip_thm--light .my-sm-3{margin-bottom:1rem !important}.hip_thm--light .ml-sm-3,.hip_thm--light .mx-sm-3{margin-left:1rem !important}.hip_thm--light .m-sm-4{margin:1.5rem !important}.hip_thm--light .mt-sm-4,.hip_thm--light .my-sm-4{margin-top:1.5rem !important}.hip_thm--light .mr-sm-4,.hip_thm--light .mx-sm-4{margin-right:1.5rem !important}.hip_thm--light .mb-sm-4,.hip_thm--light .my-sm-4{margin-bottom:1.5rem !important}.hip_thm--light .ml-sm-4,.hip_thm--light .mx-sm-4{margin-left:1.5rem !important}.hip_thm--light .m-sm-5{margin:3rem !important}.hip_thm--light .mt-sm-5,.hip_thm--light .my-sm-5{margin-top:3rem !important}.hip_thm--light .mr-sm-5,.hip_thm--light .mx-sm-5{margin-right:3rem !important}.hip_thm--light .mb-sm-5,.hip_thm--light .my-sm-5{margin-bottom:3rem !important}.hip_thm--light .ml-sm-5,.hip_thm--light .mx-sm-5{margin-left:3rem !important}.hip_thm--light .p-sm-0{padding:0 !important}.hip_thm--light .pt-sm-0,.hip_thm--light .py-sm-0{padding-top:0 !important}.hip_thm--light .pr-sm-0,.hip_thm--light .px-sm-0{padding-right:0 !important}.hip_thm--light .pb-sm-0,.hip_thm--light .py-sm-0{padding-bottom:0 !important}.hip_thm--light .pl-sm-0,.hip_thm--light .px-sm-0{padding-left:0 !important}.hip_thm--light .p-sm-1{padding:4px !important}.hip_thm--light .pt-sm-1,.hip_thm--light .py-sm-1{padding-top:4px !important}.hip_thm--light .pr-sm-1,.hip_thm--light .px-sm-1{padding-right:4px !important}.hip_thm--light .pb-sm-1,.hip_thm--light .py-sm-1{padding-bottom:4px !important}.hip_thm--light .pl-sm-1,.hip_thm--light .px-sm-1{padding-left:4px !important}.hip_thm--light .p-sm-2{padding:8px !important}.hip_thm--light .pt-sm-2,.hip_thm--light .py-sm-2{padding-top:8px !important}.hip_thm--light .pr-sm-2,.hip_thm--light .px-sm-2{padding-right:8px !important}.hip_thm--light .pb-sm-2,.hip_thm--light .py-sm-2{padding-bottom:8px !important}.hip_thm--light .pl-sm-2,.hip_thm--light .px-sm-2{padding-left:8px !important}.hip_thm--light .p-sm-3{padding:16px !important}.hip_thm--light .pt-sm-3,.hip_thm--light .py-sm-3{padding-top:16px !important}.hip_thm--light .pr-sm-3,.hip_thm--light .px-sm-3{padding-right:16px !important}.hip_thm--light .pb-sm-3,.hip_thm--light .py-sm-3{padding-bottom:16px !important}.hip_thm--light .pl-sm-3,.hip_thm--light .px-sm-3{padding-left:16px !important}.hip_thm--light .p-sm-4{padding:24px !important}.hip_thm--light .pt-sm-4,.hip_thm--light .py-sm-4{padding-top:24px !important}.hip_thm--light .pr-sm-4,.hip_thm--light .px-sm-4{padding-right:24px !important}.hip_thm--light .pb-sm-4,.hip_thm--light .py-sm-4{padding-bottom:24px !important}.hip_thm--light .pl-sm-4,.hip_thm--light .px-sm-4{padding-left:24px !important}.hip_thm--light .p-sm-5{padding:48px !important}.hip_thm--light .pt-sm-5,.hip_thm--light .py-sm-5{padding-top:48px !important}.hip_thm--light .pr-sm-5,.hip_thm--light .px-sm-5{padding-right:48px !important}.hip_thm--light .pb-sm-5,.hip_thm--light .py-sm-5{padding-bottom:48px !important}.hip_thm--light .pl-sm-5,.hip_thm--light .px-sm-5{padding-left:48px !important}.hip_thm--light .m-sm-n1{margin:-0.25rem !important}.hip_thm--light .mt-sm-n1,.hip_thm--light .my-sm-n1{margin-top:-0.25rem !important}.hip_thm--light .mr-sm-n1,.hip_thm--light .mx-sm-n1{margin-right:-0.25rem !important}.hip_thm--light .mb-sm-n1,.hip_thm--light .my-sm-n1{margin-bottom:-0.25rem !important}.hip_thm--light .ml-sm-n1,.hip_thm--light .mx-sm-n1{margin-left:-0.25rem !important}.hip_thm--light .m-sm-n2{margin:-0.5rem !important}.hip_thm--light .mt-sm-n2,.hip_thm--light .my-sm-n2{margin-top:-0.5rem !important}.hip_thm--light .mr-sm-n2,.hip_thm--light .mx-sm-n2{margin-right:-0.5rem !important}.hip_thm--light .mb-sm-n2,.hip_thm--light .my-sm-n2{margin-bottom:-0.5rem !important}.hip_thm--light .ml-sm-n2,.hip_thm--light .mx-sm-n2{margin-left:-0.5rem !important}.hip_thm--light .m-sm-n3{margin:-1rem !important}.hip_thm--light .mt-sm-n3,.hip_thm--light .my-sm-n3{margin-top:-1rem !important}.hip_thm--light .mr-sm-n3,.hip_thm--light .mx-sm-n3{margin-right:-1rem !important}.hip_thm--light .mb-sm-n3,.hip_thm--light .my-sm-n3{margin-bottom:-1rem !important}.hip_thm--light .ml-sm-n3,.hip_thm--light .mx-sm-n3{margin-left:-1rem !important}.hip_thm--light .m-sm-n4{margin:-1.5rem !important}.hip_thm--light .mt-sm-n4,.hip_thm--light .my-sm-n4{margin-top:-1.5rem !important}.hip_thm--light .mr-sm-n4,.hip_thm--light .mx-sm-n4{margin-right:-1.5rem !important}.hip_thm--light .mb-sm-n4,.hip_thm--light .my-sm-n4{margin-bottom:-1.5rem !important}.hip_thm--light .ml-sm-n4,.hip_thm--light .mx-sm-n4{margin-left:-1.5rem !important}.hip_thm--light .m-sm-n5{margin:-3rem !important}.hip_thm--light .mt-sm-n5,.hip_thm--light .my-sm-n5{margin-top:-3rem !important}.hip_thm--light .mr-sm-n5,.hip_thm--light .mx-sm-n5{margin-right:-3rem !important}.hip_thm--light .mb-sm-n5,.hip_thm--light .my-sm-n5{margin-bottom:-3rem !important}.hip_thm--light .ml-sm-n5,.hip_thm--light .mx-sm-n5{margin-left:-3rem !important}.hip_thm--light .m-sm-auto{margin:auto !important}.hip_thm--light .mt-sm-auto,.hip_thm--light .my-sm-auto{margin-top:auto !important}.hip_thm--light .mr-sm-auto,.hip_thm--light .mx-sm-auto{margin-right:auto !important}.hip_thm--light .mb-sm-auto,.hip_thm--light .my-sm-auto{margin-bottom:auto !important}.hip_thm--light .ml-sm-auto,.hip_thm--light .mx-sm-auto{margin-left:auto !important}}@media(min-width: 768px){.hip_thm--light .m-md-0{margin:0 !important}.hip_thm--light .mt-md-0,.hip_thm--light .my-md-0{margin-top:0 !important}.hip_thm--light .mr-md-0,.hip_thm--light .mx-md-0{margin-right:0 !important}.hip_thm--light .mb-md-0,.hip_thm--light .my-md-0{margin-bottom:0 !important}.hip_thm--light .ml-md-0,.hip_thm--light .mx-md-0{margin-left:0 !important}.hip_thm--light .m-md-1{margin:.25rem !important}.hip_thm--light .mt-md-1,.hip_thm--light .my-md-1{margin-top:.25rem !important}.hip_thm--light .mr-md-1,.hip_thm--light .mx-md-1{margin-right:.25rem !important}.hip_thm--light .mb-md-1,.hip_thm--light .my-md-1{margin-bottom:.25rem !important}.hip_thm--light .ml-md-1,.hip_thm--light .mx-md-1{margin-left:.25rem !important}.hip_thm--light .m-md-2{margin:.5rem !important}.hip_thm--light .mt-md-2,.hip_thm--light .my-md-2{margin-top:.5rem !important}.hip_thm--light .mr-md-2,.hip_thm--light .mx-md-2{margin-right:.5rem !important}.hip_thm--light .mb-md-2,.hip_thm--light .my-md-2{margin-bottom:.5rem !important}.hip_thm--light .ml-md-2,.hip_thm--light .mx-md-2{margin-left:.5rem !important}.hip_thm--light .m-md-3{margin:1rem !important}.hip_thm--light .mt-md-3,.hip_thm--light .my-md-3{margin-top:1rem !important}.hip_thm--light .mr-md-3,.hip_thm--light .mx-md-3{margin-right:1rem !important}.hip_thm--light .mb-md-3,.hip_thm--light .my-md-3{margin-bottom:1rem !important}.hip_thm--light .ml-md-3,.hip_thm--light .mx-md-3{margin-left:1rem !important}.hip_thm--light .m-md-4{margin:1.5rem !important}.hip_thm--light .mt-md-4,.hip_thm--light .my-md-4{margin-top:1.5rem !important}.hip_thm--light .mr-md-4,.hip_thm--light .mx-md-4{margin-right:1.5rem !important}.hip_thm--light .mb-md-4,.hip_thm--light .my-md-4{margin-bottom:1.5rem !important}.hip_thm--light .ml-md-4,.hip_thm--light .mx-md-4{margin-left:1.5rem !important}.hip_thm--light .m-md-5{margin:3rem !important}.hip_thm--light .mt-md-5,.hip_thm--light .my-md-5{margin-top:3rem !important}.hip_thm--light .mr-md-5,.hip_thm--light .mx-md-5{margin-right:3rem !important}.hip_thm--light .mb-md-5,.hip_thm--light .my-md-5{margin-bottom:3rem !important}.hip_thm--light .ml-md-5,.hip_thm--light .mx-md-5{margin-left:3rem !important}.hip_thm--light .p-md-0{padding:0 !important}.hip_thm--light .pt-md-0,.hip_thm--light .py-md-0{padding-top:0 !important}.hip_thm--light .pr-md-0,.hip_thm--light .px-md-0{padding-right:0 !important}.hip_thm--light .pb-md-0,.hip_thm--light .py-md-0{padding-bottom:0 !important}.hip_thm--light .pl-md-0,.hip_thm--light .px-md-0{padding-left:0 !important}.hip_thm--light .p-md-1{padding:4px !important}.hip_thm--light .pt-md-1,.hip_thm--light .py-md-1{padding-top:4px !important}.hip_thm--light .pr-md-1,.hip_thm--light .px-md-1{padding-right:4px !important}.hip_thm--light .pb-md-1,.hip_thm--light .py-md-1{padding-bottom:4px !important}.hip_thm--light .pl-md-1,.hip_thm--light .px-md-1{padding-left:4px !important}.hip_thm--light .p-md-2{padding:8px !important}.hip_thm--light .pt-md-2,.hip_thm--light .py-md-2{padding-top:8px !important}.hip_thm--light .pr-md-2,.hip_thm--light .px-md-2{padding-right:8px !important}.hip_thm--light .pb-md-2,.hip_thm--light .py-md-2{padding-bottom:8px !important}.hip_thm--light .pl-md-2,.hip_thm--light .px-md-2{padding-left:8px !important}.hip_thm--light .p-md-3{padding:16px !important}.hip_thm--light .pt-md-3,.hip_thm--light .py-md-3{padding-top:16px !important}.hip_thm--light .pr-md-3,.hip_thm--light .px-md-3{padding-right:16px !important}.hip_thm--light .pb-md-3,.hip_thm--light .py-md-3{padding-bottom:16px !important}.hip_thm--light .pl-md-3,.hip_thm--light .px-md-3{padding-left:16px !important}.hip_thm--light .p-md-4{padding:24px !important}.hip_thm--light .pt-md-4,.hip_thm--light .py-md-4{padding-top:24px !important}.hip_thm--light .pr-md-4,.hip_thm--light .px-md-4{padding-right:24px !important}.hip_thm--light .pb-md-4,.hip_thm--light .py-md-4{padding-bottom:24px !important}.hip_thm--light .pl-md-4,.hip_thm--light .px-md-4{padding-left:24px !important}.hip_thm--light .p-md-5{padding:48px !important}.hip_thm--light .pt-md-5,.hip_thm--light .py-md-5{padding-top:48px !important}.hip_thm--light .pr-md-5,.hip_thm--light .px-md-5{padding-right:48px !important}.hip_thm--light .pb-md-5,.hip_thm--light .py-md-5{padding-bottom:48px !important}.hip_thm--light .pl-md-5,.hip_thm--light .px-md-5{padding-left:48px !important}.hip_thm--light .m-md-n1{margin:-0.25rem !important}.hip_thm--light .mt-md-n1,.hip_thm--light .my-md-n1{margin-top:-0.25rem !important}.hip_thm--light .mr-md-n1,.hip_thm--light .mx-md-n1{margin-right:-0.25rem !important}.hip_thm--light .mb-md-n1,.hip_thm--light .my-md-n1{margin-bottom:-0.25rem !important}.hip_thm--light .ml-md-n1,.hip_thm--light .mx-md-n1{margin-left:-0.25rem !important}.hip_thm--light .m-md-n2{margin:-0.5rem !important}.hip_thm--light .mt-md-n2,.hip_thm--light .my-md-n2{margin-top:-0.5rem !important}.hip_thm--light .mr-md-n2,.hip_thm--light .mx-md-n2{margin-right:-0.5rem !important}.hip_thm--light .mb-md-n2,.hip_thm--light .my-md-n2{margin-bottom:-0.5rem !important}.hip_thm--light .ml-md-n2,.hip_thm--light .mx-md-n2{margin-left:-0.5rem !important}.hip_thm--light .m-md-n3{margin:-1rem !important}.hip_thm--light .mt-md-n3,.hip_thm--light .my-md-n3{margin-top:-1rem !important}.hip_thm--light .mr-md-n3,.hip_thm--light .mx-md-n3{margin-right:-1rem !important}.hip_thm--light .mb-md-n3,.hip_thm--light .my-md-n3{margin-bottom:-1rem !important}.hip_thm--light .ml-md-n3,.hip_thm--light .mx-md-n3{margin-left:-1rem !important}.hip_thm--light .m-md-n4{margin:-1.5rem !important}.hip_thm--light .mt-md-n4,.hip_thm--light .my-md-n4{margin-top:-1.5rem !important}.hip_thm--light .mr-md-n4,.hip_thm--light .mx-md-n4{margin-right:-1.5rem !important}.hip_thm--light .mb-md-n4,.hip_thm--light .my-md-n4{margin-bottom:-1.5rem !important}.hip_thm--light .ml-md-n4,.hip_thm--light .mx-md-n4{margin-left:-1.5rem !important}.hip_thm--light .m-md-n5{margin:-3rem !important}.hip_thm--light .mt-md-n5,.hip_thm--light .my-md-n5{margin-top:-3rem !important}.hip_thm--light .mr-md-n5,.hip_thm--light .mx-md-n5{margin-right:-3rem !important}.hip_thm--light .mb-md-n5,.hip_thm--light .my-md-n5{margin-bottom:-3rem !important}.hip_thm--light .ml-md-n5,.hip_thm--light .mx-md-n5{margin-left:-3rem !important}.hip_thm--light .m-md-auto{margin:auto !important}.hip_thm--light .mt-md-auto,.hip_thm--light .my-md-auto{margin-top:auto !important}.hip_thm--light .mr-md-auto,.hip_thm--light .mx-md-auto{margin-right:auto !important}.hip_thm--light .mb-md-auto,.hip_thm--light .my-md-auto{margin-bottom:auto !important}.hip_thm--light .ml-md-auto,.hip_thm--light .mx-md-auto{margin-left:auto !important}}@media(min-width: 992px){.hip_thm--light .m-lg-0{margin:0 !important}.hip_thm--light .mt-lg-0,.hip_thm--light .my-lg-0{margin-top:0 !important}.hip_thm--light .mr-lg-0,.hip_thm--light .mx-lg-0{margin-right:0 !important}.hip_thm--light .mb-lg-0,.hip_thm--light .my-lg-0{margin-bottom:0 !important}.hip_thm--light .ml-lg-0,.hip_thm--light .mx-lg-0{margin-left:0 !important}.hip_thm--light .m-lg-1{margin:.25rem !important}.hip_thm--light .mt-lg-1,.hip_thm--light .my-lg-1{margin-top:.25rem !important}.hip_thm--light .mr-lg-1,.hip_thm--light .mx-lg-1{margin-right:.25rem !important}.hip_thm--light .mb-lg-1,.hip_thm--light .my-lg-1{margin-bottom:.25rem !important}.hip_thm--light .ml-lg-1,.hip_thm--light .mx-lg-1{margin-left:.25rem !important}.hip_thm--light .m-lg-2{margin:.5rem !important}.hip_thm--light .mt-lg-2,.hip_thm--light .my-lg-2{margin-top:.5rem !important}.hip_thm--light .mr-lg-2,.hip_thm--light .mx-lg-2{margin-right:.5rem !important}.hip_thm--light .mb-lg-2,.hip_thm--light .my-lg-2{margin-bottom:.5rem !important}.hip_thm--light .ml-lg-2,.hip_thm--light .mx-lg-2{margin-left:.5rem !important}.hip_thm--light .m-lg-3{margin:1rem !important}.hip_thm--light .mt-lg-3,.hip_thm--light .my-lg-3{margin-top:1rem !important}.hip_thm--light .mr-lg-3,.hip_thm--light .mx-lg-3{margin-right:1rem !important}.hip_thm--light .mb-lg-3,.hip_thm--light .my-lg-3{margin-bottom:1rem !important}.hip_thm--light .ml-lg-3,.hip_thm--light .mx-lg-3{margin-left:1rem !important}.hip_thm--light .m-lg-4{margin:1.5rem !important}.hip_thm--light .mt-lg-4,.hip_thm--light .my-lg-4{margin-top:1.5rem !important}.hip_thm--light .mr-lg-4,.hip_thm--light .mx-lg-4{margin-right:1.5rem !important}.hip_thm--light .mb-lg-4,.hip_thm--light .my-lg-4{margin-bottom:1.5rem !important}.hip_thm--light .ml-lg-4,.hip_thm--light .mx-lg-4{margin-left:1.5rem !important}.hip_thm--light .m-lg-5{margin:3rem !important}.hip_thm--light .mt-lg-5,.hip_thm--light .my-lg-5{margin-top:3rem !important}.hip_thm--light .mr-lg-5,.hip_thm--light .mx-lg-5{margin-right:3rem !important}.hip_thm--light .mb-lg-5,.hip_thm--light .my-lg-5{margin-bottom:3rem !important}.hip_thm--light .ml-lg-5,.hip_thm--light .mx-lg-5{margin-left:3rem !important}.hip_thm--light .p-lg-0{padding:0 !important}.hip_thm--light .pt-lg-0,.hip_thm--light .py-lg-0{padding-top:0 !important}.hip_thm--light .pr-lg-0,.hip_thm--light .px-lg-0{padding-right:0 !important}.hip_thm--light .pb-lg-0,.hip_thm--light .py-lg-0{padding-bottom:0 !important}.hip_thm--light .pl-lg-0,.hip_thm--light .px-lg-0{padding-left:0 !important}.hip_thm--light .p-lg-1{padding:4px !important}.hip_thm--light .pt-lg-1,.hip_thm--light .py-lg-1{padding-top:4px !important}.hip_thm--light .pr-lg-1,.hip_thm--light .px-lg-1{padding-right:4px !important}.hip_thm--light .pb-lg-1,.hip_thm--light .py-lg-1{padding-bottom:4px !important}.hip_thm--light .pl-lg-1,.hip_thm--light .px-lg-1{padding-left:4px !important}.hip_thm--light .p-lg-2{padding:8px !important}.hip_thm--light .pt-lg-2,.hip_thm--light .py-lg-2{padding-top:8px !important}.hip_thm--light .pr-lg-2,.hip_thm--light .px-lg-2{padding-right:8px !important}.hip_thm--light .pb-lg-2,.hip_thm--light .py-lg-2{padding-bottom:8px !important}.hip_thm--light .pl-lg-2,.hip_thm--light .px-lg-2{padding-left:8px !important}.hip_thm--light .p-lg-3{padding:16px !important}.hip_thm--light .pt-lg-3,.hip_thm--light .py-lg-3{padding-top:16px !important}.hip_thm--light .pr-lg-3,.hip_thm--light .px-lg-3{padding-right:16px !important}.hip_thm--light .pb-lg-3,.hip_thm--light .py-lg-3{padding-bottom:16px !important}.hip_thm--light .pl-lg-3,.hip_thm--light .px-lg-3{padding-left:16px !important}.hip_thm--light .p-lg-4{padding:24px !important}.hip_thm--light .pt-lg-4,.hip_thm--light .py-lg-4{padding-top:24px !important}.hip_thm--light .pr-lg-4,.hip_thm--light .px-lg-4{padding-right:24px !important}.hip_thm--light .pb-lg-4,.hip_thm--light .py-lg-4{padding-bottom:24px !important}.hip_thm--light .pl-lg-4,.hip_thm--light .px-lg-4{padding-left:24px !important}.hip_thm--light .p-lg-5{padding:48px !important}.hip_thm--light .pt-lg-5,.hip_thm--light .py-lg-5{padding-top:48px !important}.hip_thm--light .pr-lg-5,.hip_thm--light .px-lg-5{padding-right:48px !important}.hip_thm--light .pb-lg-5,.hip_thm--light .py-lg-5{padding-bottom:48px !important}.hip_thm--light .pl-lg-5,.hip_thm--light .px-lg-5{padding-left:48px !important}.hip_thm--light .m-lg-n1{margin:-0.25rem !important}.hip_thm--light .mt-lg-n1,.hip_thm--light .my-lg-n1{margin-top:-0.25rem !important}.hip_thm--light .mr-lg-n1,.hip_thm--light .mx-lg-n1{margin-right:-0.25rem !important}.hip_thm--light .mb-lg-n1,.hip_thm--light .my-lg-n1{margin-bottom:-0.25rem !important}.hip_thm--light .ml-lg-n1,.hip_thm--light .mx-lg-n1{margin-left:-0.25rem !important}.hip_thm--light .m-lg-n2{margin:-0.5rem !important}.hip_thm--light .mt-lg-n2,.hip_thm--light .my-lg-n2{margin-top:-0.5rem !important}.hip_thm--light .mr-lg-n2,.hip_thm--light .mx-lg-n2{margin-right:-0.5rem !important}.hip_thm--light .mb-lg-n2,.hip_thm--light .my-lg-n2{margin-bottom:-0.5rem !important}.hip_thm--light .ml-lg-n2,.hip_thm--light .mx-lg-n2{margin-left:-0.5rem !important}.hip_thm--light .m-lg-n3{margin:-1rem !important}.hip_thm--light .mt-lg-n3,.hip_thm--light .my-lg-n3{margin-top:-1rem !important}.hip_thm--light .mr-lg-n3,.hip_thm--light .mx-lg-n3{margin-right:-1rem !important}.hip_thm--light .mb-lg-n3,.hip_thm--light .my-lg-n3{margin-bottom:-1rem !important}.hip_thm--light .ml-lg-n3,.hip_thm--light .mx-lg-n3{margin-left:-1rem !important}.hip_thm--light .m-lg-n4{margin:-1.5rem !important}.hip_thm--light .mt-lg-n4,.hip_thm--light .my-lg-n4{margin-top:-1.5rem !important}.hip_thm--light .mr-lg-n4,.hip_thm--light .mx-lg-n4{margin-right:-1.5rem !important}.hip_thm--light .mb-lg-n4,.hip_thm--light .my-lg-n4{margin-bottom:-1.5rem !important}.hip_thm--light .ml-lg-n4,.hip_thm--light .mx-lg-n4{margin-left:-1.5rem !important}.hip_thm--light .m-lg-n5{margin:-3rem !important}.hip_thm--light .mt-lg-n5,.hip_thm--light .my-lg-n5{margin-top:-3rem !important}.hip_thm--light .mr-lg-n5,.hip_thm--light .mx-lg-n5{margin-right:-3rem !important}.hip_thm--light .mb-lg-n5,.hip_thm--light .my-lg-n5{margin-bottom:-3rem !important}.hip_thm--light .ml-lg-n5,.hip_thm--light .mx-lg-n5{margin-left:-3rem !important}.hip_thm--light .m-lg-auto{margin:auto !important}.hip_thm--light .mt-lg-auto,.hip_thm--light .my-lg-auto{margin-top:auto !important}.hip_thm--light .mr-lg-auto,.hip_thm--light .mx-lg-auto{margin-right:auto !important}.hip_thm--light .mb-lg-auto,.hip_thm--light .my-lg-auto{margin-bottom:auto !important}.hip_thm--light .ml-lg-auto,.hip_thm--light .mx-lg-auto{margin-left:auto !important}}@media(min-width: 1200px){.hip_thm--light .m-xl-0{margin:0 !important}.hip_thm--light .mt-xl-0,.hip_thm--light .my-xl-0{margin-top:0 !important}.hip_thm--light .mr-xl-0,.hip_thm--light .mx-xl-0{margin-right:0 !important}.hip_thm--light .mb-xl-0,.hip_thm--light .my-xl-0{margin-bottom:0 !important}.hip_thm--light .ml-xl-0,.hip_thm--light .mx-xl-0{margin-left:0 !important}.hip_thm--light .m-xl-1{margin:.25rem !important}.hip_thm--light .mt-xl-1,.hip_thm--light .my-xl-1{margin-top:.25rem !important}.hip_thm--light .mr-xl-1,.hip_thm--light .mx-xl-1{margin-right:.25rem !important}.hip_thm--light .mb-xl-1,.hip_thm--light .my-xl-1{margin-bottom:.25rem !important}.hip_thm--light .ml-xl-1,.hip_thm--light .mx-xl-1{margin-left:.25rem !important}.hip_thm--light .m-xl-2{margin:.5rem !important}.hip_thm--light .mt-xl-2,.hip_thm--light .my-xl-2{margin-top:.5rem !important}.hip_thm--light .mr-xl-2,.hip_thm--light .mx-xl-2{margin-right:.5rem !important}.hip_thm--light .mb-xl-2,.hip_thm--light .my-xl-2{margin-bottom:.5rem !important}.hip_thm--light .ml-xl-2,.hip_thm--light .mx-xl-2{margin-left:.5rem !important}.hip_thm--light .m-xl-3{margin:1rem !important}.hip_thm--light .mt-xl-3,.hip_thm--light .my-xl-3{margin-top:1rem !important}.hip_thm--light .mr-xl-3,.hip_thm--light .mx-xl-3{margin-right:1rem !important}.hip_thm--light .mb-xl-3,.hip_thm--light .my-xl-3{margin-bottom:1rem !important}.hip_thm--light .ml-xl-3,.hip_thm--light .mx-xl-3{margin-left:1rem !important}.hip_thm--light .m-xl-4{margin:1.5rem !important}.hip_thm--light .mt-xl-4,.hip_thm--light .my-xl-4{margin-top:1.5rem !important}.hip_thm--light .mr-xl-4,.hip_thm--light .mx-xl-4{margin-right:1.5rem !important}.hip_thm--light .mb-xl-4,.hip_thm--light .my-xl-4{margin-bottom:1.5rem !important}.hip_thm--light .ml-xl-4,.hip_thm--light .mx-xl-4{margin-left:1.5rem !important}.hip_thm--light .m-xl-5{margin:3rem !important}.hip_thm--light .mt-xl-5,.hip_thm--light .my-xl-5{margin-top:3rem !important}.hip_thm--light .mr-xl-5,.hip_thm--light .mx-xl-5{margin-right:3rem !important}.hip_thm--light .mb-xl-5,.hip_thm--light .my-xl-5{margin-bottom:3rem !important}.hip_thm--light .ml-xl-5,.hip_thm--light .mx-xl-5{margin-left:3rem !important}.hip_thm--light .p-xl-0{padding:0 !important}.hip_thm--light .pt-xl-0,.hip_thm--light .py-xl-0{padding-top:0 !important}.hip_thm--light .pr-xl-0,.hip_thm--light .px-xl-0{padding-right:0 !important}.hip_thm--light .pb-xl-0,.hip_thm--light .py-xl-0{padding-bottom:0 !important}.hip_thm--light .pl-xl-0,.hip_thm--light .px-xl-0{padding-left:0 !important}.hip_thm--light .p-xl-1{padding:4px !important}.hip_thm--light .pt-xl-1,.hip_thm--light .py-xl-1{padding-top:4px !important}.hip_thm--light .pr-xl-1,.hip_thm--light .px-xl-1{padding-right:4px !important}.hip_thm--light .pb-xl-1,.hip_thm--light .py-xl-1{padding-bottom:4px !important}.hip_thm--light .pl-xl-1,.hip_thm--light .px-xl-1{padding-left:4px !important}.hip_thm--light .p-xl-2{padding:8px !important}.hip_thm--light .pt-xl-2,.hip_thm--light .py-xl-2{padding-top:8px !important}.hip_thm--light .pr-xl-2,.hip_thm--light .px-xl-2{padding-right:8px !important}.hip_thm--light .pb-xl-2,.hip_thm--light .py-xl-2{padding-bottom:8px !important}.hip_thm--light .pl-xl-2,.hip_thm--light .px-xl-2{padding-left:8px !important}.hip_thm--light .p-xl-3{padding:16px !important}.hip_thm--light .pt-xl-3,.hip_thm--light .py-xl-3{padding-top:16px !important}.hip_thm--light .pr-xl-3,.hip_thm--light .px-xl-3{padding-right:16px !important}.hip_thm--light .pb-xl-3,.hip_thm--light .py-xl-3{padding-bottom:16px !important}.hip_thm--light .pl-xl-3,.hip_thm--light .px-xl-3{padding-left:16px !important}.hip_thm--light .p-xl-4{padding:24px !important}.hip_thm--light .pt-xl-4,.hip_thm--light .py-xl-4{padding-top:24px !important}.hip_thm--light .pr-xl-4,.hip_thm--light .px-xl-4{padding-right:24px !important}.hip_thm--light .pb-xl-4,.hip_thm--light .py-xl-4{padding-bottom:24px !important}.hip_thm--light .pl-xl-4,.hip_thm--light .px-xl-4{padding-left:24px !important}.hip_thm--light .p-xl-5{padding:48px !important}.hip_thm--light .pt-xl-5,.hip_thm--light .py-xl-5{padding-top:48px !important}.hip_thm--light .pr-xl-5,.hip_thm--light .px-xl-5{padding-right:48px !important}.hip_thm--light .pb-xl-5,.hip_thm--light .py-xl-5{padding-bottom:48px !important}.hip_thm--light .pl-xl-5,.hip_thm--light .px-xl-5{padding-left:48px !important}.hip_thm--light .m-xl-n1{margin:-0.25rem !important}.hip_thm--light .mt-xl-n1,.hip_thm--light .my-xl-n1{margin-top:-0.25rem !important}.hip_thm--light .mr-xl-n1,.hip_thm--light .mx-xl-n1{margin-right:-0.25rem !important}.hip_thm--light .mb-xl-n1,.hip_thm--light .my-xl-n1{margin-bottom:-0.25rem !important}.hip_thm--light .ml-xl-n1,.hip_thm--light .mx-xl-n1{margin-left:-0.25rem !important}.hip_thm--light .m-xl-n2{margin:-0.5rem !important}.hip_thm--light .mt-xl-n2,.hip_thm--light .my-xl-n2{margin-top:-0.5rem !important}.hip_thm--light .mr-xl-n2,.hip_thm--light .mx-xl-n2{margin-right:-0.5rem !important}.hip_thm--light .mb-xl-n2,.hip_thm--light .my-xl-n2{margin-bottom:-0.5rem !important}.hip_thm--light .ml-xl-n2,.hip_thm--light .mx-xl-n2{margin-left:-0.5rem !important}.hip_thm--light .m-xl-n3{margin:-1rem !important}.hip_thm--light .mt-xl-n3,.hip_thm--light .my-xl-n3{margin-top:-1rem !important}.hip_thm--light .mr-xl-n3,.hip_thm--light .mx-xl-n3{margin-right:-1rem !important}.hip_thm--light .mb-xl-n3,.hip_thm--light .my-xl-n3{margin-bottom:-1rem !important}.hip_thm--light .ml-xl-n3,.hip_thm--light .mx-xl-n3{margin-left:-1rem !important}.hip_thm--light .m-xl-n4{margin:-1.5rem !important}.hip_thm--light .mt-xl-n4,.hip_thm--light .my-xl-n4{margin-top:-1.5rem !important}.hip_thm--light .mr-xl-n4,.hip_thm--light .mx-xl-n4{margin-right:-1.5rem !important}.hip_thm--light .mb-xl-n4,.hip_thm--light .my-xl-n4{margin-bottom:-1.5rem !important}.hip_thm--light .ml-xl-n4,.hip_thm--light .mx-xl-n4{margin-left:-1.5rem !important}.hip_thm--light .m-xl-n5{margin:-3rem !important}.hip_thm--light .mt-xl-n5,.hip_thm--light .my-xl-n5{margin-top:-3rem !important}.hip_thm--light .mr-xl-n5,.hip_thm--light .mx-xl-n5{margin-right:-3rem !important}.hip_thm--light .mb-xl-n5,.hip_thm--light .my-xl-n5{margin-bottom:-3rem !important}.hip_thm--light .ml-xl-n5,.hip_thm--light .mx-xl-n5{margin-left:-3rem !important}.hip_thm--light .m-xl-auto{margin:auto !important}.hip_thm--light .mt-xl-auto,.hip_thm--light .my-xl-auto{margin-top:auto !important}.hip_thm--light .mr-xl-auto,.hip_thm--light .mx-xl-auto{margin-right:auto !important}.hip_thm--light .mb-xl-auto,.hip_thm--light .my-xl-auto{margin-bottom:auto !important}.hip_thm--light .ml-xl-auto,.hip_thm--light .mx-xl-auto{margin-left:auto !important}}.hip_thm--light .stretched-link::after{position:absolute;top:0;right:0;bottom:0;left:0;z-index:1;pointer-events:auto;content:\"\";background-color:rgba(0,0,0,0)}.hip_thm--light .text-monospace{font-family:SFMono-Regular,Menlo,Monaco,Consolas,\"Liberation Mono\",\"Courier New\",monospace !important}.hip_thm--light .text-justify{text-align:justify !important}.hip_thm--light .text-wrap{white-space:normal !important}.hip_thm--light .text-nowrap{white-space:nowrap !important}.hip_thm--light .text-truncate{overflow:hidden;text-overflow:ellipsis;white-space:nowrap}.hip_thm--light .text-left{text-align:left !important}.hip_thm--light .text-right{text-align:right !important}.hip_thm--light .text-center{text-align:center !important}@media(min-width: 576px){.hip_thm--light .text-sm-left{text-align:left !important}.hip_thm--light .text-sm-right{text-align:right !important}.hip_thm--light .text-sm-center{text-align:center !important}}@media(min-width: 768px){.hip_thm--light .text-md-left{text-align:left !important}.hip_thm--light .text-md-right{text-align:right !important}.hip_thm--light .text-md-center{text-align:center !important}}@media(min-width: 992px){.hip_thm--light .text-lg-left{text-align:left !important}.hip_thm--light .text-lg-right{text-align:right !important}.hip_thm--light .text-lg-center{text-align:center !important}}@media(min-width: 1200px){.hip_thm--light .text-xl-left{text-align:left !important}.hip_thm--light .text-xl-right{text-align:right !important}.hip_thm--light .text-xl-center{text-align:center !important}}.hip_thm--light .text-lowercase{text-transform:lowercase !important}.hip_thm--light .text-uppercase{text-transform:uppercase !important}.hip_thm--light .text-capitalize{text-transform:capitalize !important}.hip_thm--light .font-weight-light{font-weight:300 !important}.hip_thm--light .font-weight-lighter{font-weight:lighter !important}.hip_thm--light .font-weight-normal{font-weight:400 !important}.hip_thm--light .font-weight-bold{font-weight:700 !important}.hip_thm--light .font-weight-bolder{font-weight:bolder !important}.hip_thm--light .font-italic{font-style:italic !important}.hip_thm--light .text-white{color:#fff !important}.hip_thm--light .text-primary{color:#007bff !important}.hip_thm--light a.text-primary:hover,.hip_thm--light a.text-primary:focus{color:#0056b3 !important}.hip_thm--light .text-secondary{color:#6c757d !important}.hip_thm--light a.text-secondary:hover,.hip_thm--light a.text-secondary:focus{color:#494f54 !important}.hip_thm--light .text-success{color:#28a745 !important}.hip_thm--light a.text-success:hover,.hip_thm--light a.text-success:focus{color:#19692c !important}.hip_thm--light .text-info{color:#17a2b8 !important}.hip_thm--light a.text-info:hover,.hip_thm--light a.text-info:focus{color:#0f6674 !important}.hip_thm--light .text-warning{color:#ffc107 !important}.hip_thm--light a.text-warning:hover,.hip_thm--light a.text-warning:focus{color:#ba8b00 !important}.hip_thm--light .text-danger{color:#dc3545 !important}.hip_thm--light a.text-danger:hover,.hip_thm--light a.text-danger:focus{color:#a71d2a !important}.hip_thm--light .text-light{color:#f8f9fa !important}.hip_thm--light a.text-light:hover,.hip_thm--light a.text-light:focus{color:#cbd3da !important}.hip_thm--light .text-dark{color:#343a40 !important}.hip_thm--light a.text-dark:hover,.hip_thm--light a.text-dark:focus{color:#121416 !important}.hip_thm--light .text-body{color:#212529 !important}.hip_thm--light .text-muted{color:#6c757d !important}.hip_thm--light .text-black-50{color:rgba(0,0,0,.5) !important}.hip_thm--light .text-white-50{color:rgba(255,255,255,.5) !important}.hip_thm--light .text-hide{font:0/0 a;color:transparent;text-shadow:none;background-color:transparent;border:0}.hip_thm--light .text-decoration-none{text-decoration:none !important}.hip_thm--light .text-break{word-break:break-word !important;word-wrap:break-word !important}.hip_thm--light .text-reset{color:inherit !important}.hip_thm--light .visible{visibility:visible !important}.hip_thm--light .invisible{visibility:hidden !important}@media print{.hip_thm--light *,.hip_thm--light *::before,.hip_thm--light *::after{text-shadow:none !important;box-shadow:none !important}.hip_thm--light a:not(.btn){text-decoration:underline}.hip_thm--light abbr[title]::after{content:\" (\" attr(title) \")\"}.hip_thm--light pre{white-space:pre-wrap !important}.hip_thm--light pre,.hip_thm--light blockquote{border:1px solid #adb5bd;page-break-inside:avoid}.hip_thm--light thead{display:table-header-group}.hip_thm--light tr,.hip_thm--light img{page-break-inside:avoid}.hip_thm--light p,.hip_thm--light h2,.hip_thm--light h3{orphans:3;widows:3}.hip_thm--light h2,.hip_thm--light h3{page-break-after:avoid}@page{.hip_thm--light{size:a3}}.hip_thm--light body{min-width:992px !important}.hip_thm--light .container{min-width:992px !important}.hip_thm--light .navbar{display:none}.hip_thm--light .badge{border:1px solid #000}.hip_thm--light .table{border-collapse:collapse !important}.hip_thm--light .table td,.hip_thm--light .table th{background-color:#fff !important}.hip_thm--light .table-bordered th,.hip_thm--light .table-bordered td{border:1px solid #dee2e6 !important}.hip_thm--light .table-dark{color:inherit}.hip_thm--light .table-dark th,.hip_thm--light .table-dark td,.hip_thm--light .table-dark thead th,.hip_thm--light .table-dark tbody+tbody{border-color:#dee2e6}.hip_thm--light .table .thead-dark th{color:inherit;border-color:#dee2e6}}.hip_thm--dark :link,.hip_thm--dark :visited{text-decoration:none}.hip_thm--dark{font-size:16px;position:relative;@import\"../../node_modules/datatables.net-bs4/css/dataTables.bootstrap4.css\"}.hip_thm--dark .dt-buttons{margin-left:10px}.hip_thm--dark .table-hover tbody tr:hover{color:#fff;background-color:rgba(147,138,138,.26)}.hip_thm--dark button:disabled{cursor:unset}.hip_thm--dark tbody tr:nth-child(even){background:unset}.hip_thm--dark table,.hip_thm--dark td,.hip_thm--dark label,.hip_thm--dark select,.hip_thm--dark input{color:unset;table-layout:auto;font-size:unset}.hip_thm--light :link,.hip_thm--light :visited{text-decoration:none}.hip_thm--light{font-size:16px;position:relative;@import\"../../node_modules/datatables.net-bs4/css/dataTables.bootstrap4.css\"}.hip_thm--light .dt-buttons{margin-left:10px}.hip_thm--light .table-hover tbody tr:hover{color:#fff;background-color:rgba(147,138,138,.26)}.hip_thm--light button:disabled{cursor:unset}.hip_thm--light tbody tr:nth-child(even){background:unset}.hip_thm--light table,.hip_thm--light td,.hip_thm--light label,.hip_thm--light select,.hip_thm--light input{color:unset;table-layout:auto;font-size:unset}","",{version:3,sources:["webpack://./src/style/global.scss","webpack://./node_modules/bootstrap/scss/bootstrap.scss","webpack://./src/style/bs-dark.scss","webpack://./node_modules/bootstrap/scss/_root.scss","webpack://./node_modules/bootstrap/scss/_reboot.scss","webpack://./node_modules/bootstrap/scss/vendor/_rfs.scss","webpack://./node_modules/bootstrap/scss/_variables.scss","webpack://./node_modules/bootstrap/scss/mixins/_hover.scss","webpack://./node_modules/bootstrap/scss/_type.scss","webpack://./node_modules/bootstrap/scss/mixins/_lists.scss","webpack://./node_modules/bootstrap/scss/_images.scss","webpack://./node_modules/bootstrap/scss/mixins/_image.scss","webpack://./node_modules/bootstrap/scss/mixins/_border-radius.scss","webpack://./node_modules/bootstrap/scss/_code.scss","webpack://./node_modules/bootstrap/scss/_grid.scss","webpack://./node_modules/bootstrap/scss/mixins/_grid.scss","webpack://./node_modules/bootstrap/scss/mixins/_breakpoints.scss","webpack://./node_modules/bootstrap/scss/mixins/_grid-framework.scss","webpack://./node_modules/bootstrap/scss/_tables.scss","webpack://./node_modules/bootstrap/scss/mixins/_table-row.scss","webpack://./node_modules/bootstrap/scss/_forms.scss","webpack://./node_modules/bootstrap/scss/mixins/_transition.scss","webpack://./node_modules/bootstrap/scss/mixins/_forms.scss","webpack://./node_modules/bootstrap/scss/mixins/_gradients.scss","webpack://./node_modules/bootstrap/scss/_buttons.scss","webpack://./node_modules/bootstrap/scss/mixins/_buttons.scss","webpack://./node_modules/bootstrap/scss/_transitions.scss","webpack://./node_modules/bootstrap/scss/_dropdown.scss","webpack://./node_modules/bootstrap/scss/mixins/_caret.scss","webpack://./node_modules/bootstrap/scss/mixins/_nav-divider.scss","webpack://./node_modules/bootstrap/scss/_button-group.scss","webpack://./node_modules/bootstrap/scss/_input-group.scss","webpack://./node_modules/bootstrap/scss/_custom-forms.scss","webpack://./node_modules/bootstrap/scss/_nav.scss","webpack://./node_modules/bootstrap/scss/_navbar.scss","webpack://./node_modules/bootstrap/scss/_card.scss","webpack://./node_modules/bootstrap/scss/_breadcrumb.scss","webpack://./node_modules/bootstrap/scss/_pagination.scss","webpack://./node_modules/bootstrap/scss/mixins/_pagination.scss","webpack://./node_modules/bootstrap/scss/_badge.scss","webpack://./node_modules/bootstrap/scss/mixins/_badge.scss","webpack://./node_modules/bootstrap/scss/_jumbotron.scss","webpack://./node_modules/bootstrap/scss/_alert.scss","webpack://./node_modules/bootstrap/scss/mixins/_alert.scss","webpack://./node_modules/bootstrap/scss/_progress.scss","webpack://./node_modules/bootstrap/scss/_media.scss","webpack://./node_modules/bootstrap/scss/_list-group.scss","webpack://./node_modules/bootstrap/scss/mixins/_list-group.scss","webpack://./node_modules/bootstrap/scss/_close.scss","webpack://./node_modules/bootstrap/scss/_toasts.scss","webpack://./node_modules/bootstrap/scss/_modal.scss","webpack://./node_modules/bootstrap/scss/_tooltip.scss","webpack://./node_modules/bootstrap/scss/mixins/_reset-text.scss","webpack://./node_modules/bootstrap/scss/_popover.scss","webpack://./node_modules/bootstrap/scss/_carousel.scss","webpack://./node_modules/bootstrap/scss/mixins/_clearfix.scss","webpack://./node_modules/bootstrap/scss/_spinners.scss","webpack://./node_modules/bootstrap/scss/utilities/_align.scss","webpack://./node_modules/bootstrap/scss/mixins/_background-variant.scss","webpack://./node_modules/bootstrap/scss/utilities/_background.scss","webpack://./node_modules/bootstrap/scss/utilities/_borders.scss","webpack://./node_modules/bootstrap/scss/utilities/_display.scss","webpack://./node_modules/bootstrap/scss/utilities/_embed.scss","webpack://./node_modules/bootstrap/scss/utilities/_flex.scss","webpack://./node_modules/bootstrap/scss/utilities/_float.scss","webpack://./node_modules/bootstrap/scss/utilities/_interactions.scss","webpack://./node_modules/bootstrap/scss/utilities/_position.scss","webpack://./node_modules/bootstrap/scss/utilities/_screenreaders.scss","webpack://./node_modules/bootstrap/scss/mixins/_screen-reader.scss","webpack://./node_modules/bootstrap/scss/utilities/_shadows.scss","webpack://./node_modules/bootstrap/scss/utilities/_sizing.scss","webpack://./node_modules/bootstrap/scss/utilities/_spacing.scss","webpack://./node_modules/bootstrap/scss/utilities/_stretched-link.scss","webpack://./node_modules/bootstrap/scss/utilities/_text.scss","webpack://./node_modules/bootstrap/scss/mixins/_text-truncate.scss","webpack://./node_modules/bootstrap/scss/mixins/_text-emphasis.scss","webpack://./node_modules/bootstrap/scss/mixins/_text-hide.scss","webpack://./node_modules/bootstrap/scss/utilities/_visibility.scss","webpack://./node_modules/bootstrap/scss/_print.scss"],names:[],mappings:"AAAA,eAOA;;;;;ECPA,CCqMQ,mFAAA,CAAA,CCrMR,qBAGI,eAAA,CAAA,iBAAA,CAAA,iBAAA,CAAA,eAAA,CAAA,cAAA,CAAA,iBAAA,CAAA,iBAAA,CAAA,gBAAA,CAAA,eAAA,CAAA,eAAA,CAAA,aAAA,CAAA,YAAA,CAAA,oBAAA,CAIA,kBAAA,CAAA,iBAAA,CAAA,kBAAA,CAAA,eAAA,CAAA,kBAAA,CAAA,iBAAA,CAAA,gBAAA,CAAA,eAAA,CAIA,kBAAA,CAAA,sBAAA,CAAA,sBAAA,CAAA,sBAAA,CAAA,uBAAA,CAKF,sLAAA,CACA,6GAAA,CCCF,kEAGE,qBAAA,CAGF,oBACE,sBAAA,CACA,gBAAA,CACA,6BAAA,CACA,yCAAA,CAMF,4NACE,aAAA,CAUF,oBACE,QAAA,CACA,8JFe4B,CGiExB,cAtCa,CDxCjB,eE8O4B,CF7O5B,eEkP4B,CFjP5B,UFlCS,CEmCT,eAAA,CACA,qBF3BS,CEuCX,yDACE,oBAAA,CASF,kBACE,sBAAA,CACA,QAAA,CACA,gBAAA,CAaF,4GACE,YAAA,CACA,mBEgN4B,CFzM9B,iBACE,YAAA,CACA,kBEoF0B,CFzE5B,oEAEE,yBAAA,CACA,gCAAA,CACA,WAAA,CACA,eAAA,CACA,6BAAA,CAGF,uBACE,kBAAA,CACA,iBAAA,CACA,mBAAA,CAGF,sDAGE,YAAA,CACA,kBAAA,CAGF,oFAIE,eAAA,CAGF,kBACE,eEiJ4B,CF9I9B,kBACE,mBAAA,CACA,aAAA,CAGF,0BACE,eAAA,CAGF,uCAEE,kBEoI4B,CFjI9B,qBCxFI,aAAA,CDiGJ,sCAEE,iBAAA,CCnGE,aAAA,CDqGF,aAAA,CACA,uBAAA,CAGF,mBAAA,cAAA,CACA,mBAAA,UAAA,CAOA,iBACE,aFtJQ,CEuJR,oBEXwC,CFYxC,4BAAA,CGhLA,uBHmLE,aEdsC,CFetC,yBEdsC,CFuB1C,0CACE,aAAA,CACA,oBAAA,CG/LA,gDHkME,aAAA,CACA,oBAAA,CASJ,8EAIE,0FEyD4B,CD7M1B,aAAA,CDwJJ,mBAEE,YAAA,CAEA,kBAAA,CAEA,aAAA,CAGA,4BAAA,CAQF,sBAEE,eAAA,CAQF,mBACE,qBAAA,CACA,iBAAA,CAGF,mBAGE,eAAA,CACA,qBAAA,CAQF,qBACE,wBAAA,CAGF,uBACE,gBE6E4B,CF5E5B,mBE4E4B,CF3E5B,UF5PS,CE6PT,eAAA,CACA,mBAAA,CAOF,kBAEE,kBAAA,CACA,+BAAA,CAQF,qBAEE,oBAAA,CACA,mBE2JsC,CFrJxC,sBAEE,eAAA,CAQF,gDACE,SAAA,CAGF,iHAKE,QAAA,CACA,mBAAA,CC5PE,iBAAA,CD8PF,mBAAA,CAGF,2CAEE,gBAAA,CAGF,4CAEE,mBAAA,CAMF,6BACE,cAAA,CAMF,sBACE,gBAAA,CAOF,4GAIE,yBAAA,CASE,wKACE,cAAA,CAMN,oLAIE,SAAA,CACA,iBAAA,CAGF,qEAEE,qBAAA,CACA,SAAA,CAIF,wBACE,aAAA,CAEA,eAAA,CAGF,wBAME,WAAA,CAEA,SAAA,CACA,QAAA,CACA,QAAA,CAKF,sBACE,aAAA,CACA,UAAA,CACA,cAAA,CACA,SAAA,CACA,mBAAA,CCnSI,cAtCa,CD2UjB,mBAAA,CACA,aAAA,CACA,kBAAA,CAGF,wBACE,uBAAA,CAIF,gHAEE,WAAA,CAGF,6BAKE,mBAAA,CACA,uBAAA,CAOF,wDACE,uBAAA,CAQF,4CACE,YAAA,CACA,yBAAA,CAOF,sBACE,oBAAA,CAGF,uBACE,iBAAA,CACA,cAAA,CAGF,wBACE,YAAA,CAKF,wBACE,uBAAA,CI5dF,8NAEE,mBFqS4B,CEnS5B,eFqS4B,CEpS5B,eFqS4B,CEjS9B,qCHgHM,cAtCa,CGzEnB,qCH+GM,cAtCa,CGxEnB,qCH8GM,cAtCa,CGvEnB,qCH6GM,gBAtCa,CGtEnB,qCH4GM,iBAtCa,CGrEnB,qCH2GM,cAtCa,CGnEnB,qBHyGM,iBAtCa,CGjEjB,eFuS4B,CEnS9B,0BHmGM,cAtCa,CG3DjB,eF0R4B,CEzR5B,eFiR4B,CE/Q9B,0BH8FM,cAtCa,CGtDjB,eFsR4B,CErR5B,eF4Q4B,CE1Q9B,0BHyFM,cAtCa,CGjDjB,eFkR4B,CEjR5B,eFuQ4B,CErQ9B,0BHoFM,cAtCa,CG5CjB,eF8Q4B,CE7Q5B,eFkQ4B,CE1P9B,kBACE,eFgFO,CE/EP,kBF+EO,CE9EP,QAAA,CACA,mCAAA,CAQF,2CHMI,aAAA,CGHF,eF0N4B,CEvN9B,yCAEE,YFkQ4B,CEjQ5B,wBF0Q4B,CElQ9B,8BC/EE,cAAA,CACA,eAAA,CDmFF,4BCpFE,cAAA,CACA,eAAA,CDsFF,iCACE,oBAAA,CAEA,kDACE,kBFoP0B,CE1O9B,2BHjCI,aAAA,CGmCF,wBAAA,CAIF,2BACE,kBFuBO,CDRH,iBAtCa,CG2BnB,kCACE,aAAA,CH7CE,aAAA,CG+CF,UNhGS,CMkGT,0CACE,YAAA,CEnHJ,0BCIE,cAAA,CAGA,WAAA,CDDF,8BACE,WJmgCkC,CIlgClC,qBRWS,CQVT,wBAAA,CEEE,iBAAA,CDPF,cAAA,CAGA,WAAA,CDcF,uBAEE,oBAAA,CAGF,2BACE,mBAAA,CACA,aAAA,CAGF,+BLkCI,aAAA,CKhCF,URjBS,CWtBX,oBRuEI,eAAA,CQrEF,aX6BQ,CW5BR,oBAAA,CAGA,sBACE,aAAA,CAKJ,mBACE,mBAAA,CR0DE,eAAA,CQxDF,UXCS,CAAA,qBASA,CURP,mBAAA,CCGF,uBACE,SAAA,CRkDA,cAAA,CQhDA,ePwQ0B,COlQ9B,mBACE,aAAA,CRyCE,eAAA,CQvCF,aX2JkC,CWxJlC,wBRoCE,iBAAA,CQlCA,aAAA,CACA,iBAAA,CAKJ,+BACE,gBP8jCkC,CO7jClC,iBAAA,CCxCA,8KCDA,UAAA,CACA,kBAAA,CACA,iBAAA,CACA,iBAAA,CACA,gBAAA,CCmDE,yBFzCE,uDACE,eR8Le,CAAA,CUtJnB,yBFzCE,oFACE,eR8Le,CAAA,CUtJnB,yBFzCE,iHACE,eR8Le,CAAA,CUtJnB,0BFzCE,8IACE,gBR8Le,CAAA,CQlKrB,oBCnCA,YAAA,CACA,cAAA,CACA,kBAAA,CACA,iBAAA,CDsCA,2BACE,cAAA,CACA,aAAA,CAEA,yEAEE,eAAA,CACA,cAAA,CGtDJ,gsDACE,iBAAA,CACA,UAAA,CACA,kBAAA,CACA,iBAAA,CAsBE,oBACE,YAAA,CACA,WAAA,CACA,cAAA,CF4BN,6BACE,aAAA,CACA,cAAA,CAFF,6BACE,YAAA,CACA,aAAA,CAFF,6BACE,uBAAA,CACA,wBAAA,CAFF,6BACE,YAAA,CACA,aAAA,CAFF,6BACE,YAAA,CACA,aAAA,CAFF,6BACE,uBAAA,CACA,wBAAA,CEnBE,yBFCJ,aAAA,CACA,UAAA,CACA,cAAA,CEGQ,sBFbR,sBAAA,CAIA,uBAAA,CESQ,sBFbR,uBAAA,CAIA,wBAAA,CESQ,sBFbR,YAAA,CAIA,aAAA,CESQ,sBFbR,uBAAA,CAIA,wBAAA,CESQ,sBFbR,uBAAA,CAIA,wBAAA,CESQ,sBFbR,YAAA,CAIA,aAAA,CESQ,sBFbR,uBAAA,CAIA,wBAAA,CESQ,sBFbR,uBAAA,CAIA,wBAAA,CESQ,sBFbR,YAAA,CAIA,aAAA,CESQ,uBFbR,uBAAA,CAIA,wBAAA,CESQ,uBFbR,uBAAA,CAIA,wBAAA,CESQ,uBFbR,aAAA,CAIA,cAAA,CEeI,4BAAA,QAAA,CAEA,2BAAA,QAAA,CAGE,wBAAA,OADW,CACX,wBAAA,OADW,CACX,wBAAA,OADW,CACX,wBAAA,OADW,CACX,wBAAA,OADW,CACX,wBAAA,OADW,CACX,wBAAA,OADW,CACX,wBAAA,OADW,CACX,wBAAA,OADW,CACX,wBAAA,OADW,CACX,yBAAA,QADW,CACX,yBAAA,QADW,CACX,yBAAA,QADW,CAQP,yBFhBV,yBAAA,CEgBU,yBFhBV,0BAAA,CEgBU,yBFhBV,eAAA,CEgBU,yBFhBV,0BAAA,CEgBU,yBFhBV,0BAAA,CEgBU,yBFhBV,eAAA,CEgBU,yBFhBV,0BAAA,CEgBU,yBFhBV,0BAAA,CEgBU,yBFhBV,eAAA,CEgBU,0BFhBV,0BAAA,CEgBU,0BFhBV,0BAAA,CCKE,yBC3BE,uBACE,YAAA,CACA,WAAA,CACA,cAAA,CF4BN,gCACE,aAAA,CACA,cAAA,CAFF,gCACE,YAAA,CACA,aAAA,CAFF,gCACE,uBAAA,CACA,wBAAA,CAFF,gCACE,YAAA,CACA,aAAA,CAFF,gCACE,YAAA,CACA,aAAA,CAFF,gCACE,uBAAA,CACA,wBAAA,CEnBE,4BFCJ,aAAA,CACA,UAAA,CACA,cAAA,CEGQ,yBFbR,sBAAA,CAIA,uBAAA,CESQ,yBFbR,uBAAA,CAIA,wBAAA,CESQ,yBFbR,YAAA,CAIA,aAAA,CESQ,yBFbR,uBAAA,CAIA,wBAAA,CESQ,yBFbR,uBAAA,CAIA,wBAAA,CESQ,yBFbR,YAAA,CAIA,aAAA,CESQ,yBFbR,uBAAA,CAIA,wBAAA,CESQ,yBFbR,uBAAA,CAIA,wBAAA,CESQ,yBFbR,YAAA,CAIA,aAAA,CESQ,0BFbR,uBAAA,CAIA,wBAAA,CESQ,0BFbR,uBAAA,CAIA,wBAAA,CESQ,0BFbR,aAAA,CAIA,cAAA,CEeI,+BAAA,QAAA,CAEA,8BAAA,QAAA,CAGE,2BAAA,OADW,CACX,2BAAA,OADW,CACX,2BAAA,OADW,CACX,2BAAA,OADW,CACX,2BAAA,OADW,CACX,2BAAA,OADW,CACX,2BAAA,OADW,CACX,2BAAA,OADW,CACX,2BAAA,OADW,CACX,2BAAA,OADW,CACX,4BAAA,QADW,CACX,4BAAA,QADW,CACX,4BAAA,QADW,CAQP,4BFhBV,aAAA,CEgBU,4BFhBV,yBAAA,CEgBU,4BFhBV,0BAAA,CEgBU,4BFhBV,eAAA,CEgBU,4BFhBV,0BAAA,CEgBU,4BFhBV,0BAAA,CEgBU,4BFhBV,eAAA,CEgBU,4BFhBV,0BAAA,CEgBU,4BFhBV,0BAAA,CEgBU,4BFhBV,eAAA,CEgBU,6BFhBV,0BAAA,CEgBU,6BFhBV,0BAAA,CAAA,CCKE,yBC3BE,uBACE,YAAA,CACA,WAAA,CACA,cAAA,CF4BN,gCACE,aAAA,CACA,cAAA,CAFF,gCACE,YAAA,CACA,aAAA,CAFF,gCACE,uBAAA,CACA,wBAAA,CAFF,gCACE,YAAA,CACA,aAAA,CAFF,gCACE,YAAA,CACA,aAAA,CAFF,gCACE,uBAAA,CACA,wBAAA,CEnBE,4BFCJ,aAAA,CACA,UAAA,CACA,cAAA,CEGQ,yBFbR,sBAAA,CAIA,uBAAA,CESQ,yBFbR,uBAAA,CAIA,wBAAA,CESQ,yBFbR,YAAA,CAIA,aAAA,CESQ,yBFbR,uBAAA,CAIA,wBAAA,CESQ,yBFbR,uBAAA,CAIA,wBAAA,CESQ,yBFbR,YAAA,CAIA,aAAA,CESQ,yBFbR,uBAAA,CAIA,wBAAA,CESQ,yBFbR,uBAAA,CAIA,wBAAA,CESQ,yBFbR,YAAA,CAIA,aAAA,CESQ,0BFbR,uBAAA,CAIA,wBAAA,CESQ,0BFbR,uBAAA,CAIA,wBAAA,CESQ,0BFbR,aAAA,CAIA,cAAA,CEeI,+BAAA,QAAA,CAEA,8BAAA,QAAA,CAGE,2BAAA,OADW,CACX,2BAAA,OADW,CACX,2BAAA,OADW,CACX,2BAAA,OADW,CACX,2BAAA,OADW,CACX,2BAAA,OADW,CACX,2BAAA,OADW,CACX,2BAAA,OADW,CACX,2BAAA,OADW,CACX,2BAAA,OADW,CACX,4BAAA,QADW,CACX,4BAAA,QADW,CACX,4BAAA,QADW,CAQP,4BFhBV,aAAA,CEgBU,4BFhBV,yBAAA,CEgBU,4BFhBV,0BAAA,CEgBU,4BFhBV,eAAA,CEgBU,4BFhBV,0BAAA,CEgBU,4BFhBV,0BAAA,CEgBU,4BFhBV,eAAA,CEgBU,4BFhBV,0BAAA,CEgBU,4BFhBV,0BAAA,CEgBU,4BFhBV,eAAA,CEgBU,6BFhBV,0BAAA,CEgBU,6BFhBV,0BAAA,CAAA,CCKE,yBC3BE,uBACE,YAAA,CACA,WAAA,CACA,cAAA,CF4BN,gCACE,aAAA,CACA,cAAA,CAFF,gCACE,YAAA,CACA,aAAA,CAFF,gCACE,uBAAA,CACA,wBAAA,CAFF,gCACE,YAAA,CACA,aAAA,CAFF,gCACE,YAAA,CACA,aAAA,CAFF,gCACE,uBAAA,CACA,wBAAA,CEnBE,4BFCJ,aAAA,CACA,UAAA,CACA,cAAA,CEGQ,yBFbR,sBAAA,CAIA,uBAAA,CESQ,yBFbR,uBAAA,CAIA,wBAAA,CESQ,yBFbR,YAAA,CAIA,aAAA,CESQ,yBFbR,uBAAA,CAIA,wBAAA,CESQ,yBFbR,uBAAA,CAIA,wBAAA,CESQ,yBFbR,YAAA,CAIA,aAAA,CESQ,yBFbR,uBAAA,CAIA,wBAAA,CESQ,yBFbR,uBAAA,CAIA,wBAAA,CESQ,yBFbR,YAAA,CAIA,aAAA,CESQ,0BFbR,uBAAA,CAIA,wBAAA,CESQ,0BFbR,uBAAA,CAIA,wBAAA,CESQ,0BFbR,aAAA,CAIA,cAAA,CEeI,+BAAA,QAAA,CAEA,8BAAA,QAAA,CAGE,2BAAA,OADW,CACX,2BAAA,OADW,CACX,2BAAA,OADW,CACX,2BAAA,OADW,CACX,2BAAA,OADW,CACX,2BAAA,OADW,CACX,2BAAA,OADW,CACX,2BAAA,OADW,CACX,2BAAA,OADW,CACX,2BAAA,OADW,CACX,4BAAA,QADW,CACX,4BAAA,QADW,CACX,4BAAA,QADW,CAQP,4BFhBV,aAAA,CEgBU,4BFhBV,yBAAA,CEgBU,4BFhBV,0BAAA,CEgBU,4BFhBV,eAAA,CEgBU,4BFhBV,0BAAA,CEgBU,4BFhBV,0BAAA,CEgBU,4BFhBV,eAAA,CEgBU,4BFhBV,0BAAA,CEgBU,4BFhBV,0BAAA,CEgBU,4BFhBV,eAAA,CEgBU,6BFhBV,0BAAA,CEgBU,6BFhBV,0BAAA,CAAA,CCKE,0BC3BE,uBACE,YAAA,CACA,WAAA,CACA,cAAA,CF4BN,gCACE,aAAA,CACA,cAAA,CAFF,gCACE,YAAA,CACA,aAAA,CAFF,gCACE,uBAAA,CACA,wBAAA,CAFF,gCACE,YAAA,CACA,aAAA,CAFF,gCACE,YAAA,CACA,aAAA,CAFF,gCACE,uBAAA,CACA,wBAAA,CEnBE,4BFCJ,aAAA,CACA,UAAA,CACA,cAAA,CEGQ,yBFbR,sBAAA,CAIA,uBAAA,CESQ,yBFbR,uBAAA,CAIA,wBAAA,CESQ,yBFbR,YAAA,CAIA,aAAA,CESQ,yBFbR,uBAAA,CAIA,wBAAA,CESQ,yBFbR,uBAAA,CAIA,wBAAA,CESQ,yBFbR,YAAA,CAIA,aAAA,CESQ,yBFbR,uBAAA,CAIA,wBAAA,CESQ,yBFbR,uBAAA,CAIA,wBAAA,CESQ,yBFbR,YAAA,CAIA,aAAA,CESQ,0BFbR,uBAAA,CAIA,wBAAA,CESQ,0BFbR,uBAAA,CAIA,wBAAA,CESQ,0BFbR,aAAA,CAIA,cAAA,CEeI,+BAAA,QAAA,CAEA,8BAAA,QAAA,CAGE,2BAAA,OADW,CACX,2BAAA,OADW,CACX,2BAAA,OADW,CACX,2BAAA,OADW,CACX,2BAAA,OADW,CACX,2BAAA,OADW,CACX,2BAAA,OADW,CACX,2BAAA,OADW,CACX,2BAAA,OADW,CACX,2BAAA,OADW,CACX,4BAAA,QADW,CACX,4BAAA,QADW,CACX,4BAAA,QADW,CAQP,4BFhBV,aAAA,CEgBU,4BFhBV,yBAAA,CEgBU,4BFhBV,0BAAA,CEgBU,4BFhBV,eAAA,CEgBU,4BFhBV,0BAAA,CEgBU,4BFhBV,0BAAA,CEgBU,4BFhBV,eAAA,CEgBU,4BFhBV,0BAAA,CEgBU,4BFhBV,0BAAA,CEgBU,4BFhBV,eAAA,CEgBU,6BFhBV,0BAAA,CEgBU,6BFhBV,0BAAA,CAAA,CGnDF,sBACE,UAAA,CACA,kBZiIO,CYhIP,UhBUS,CgBPT,kDAEE,YZkV0B,CYjV1B,kBAAA,CACA,yBAAA,CAGF,+BACE,qBAAA,CACA,4BAAA,CAGF,kCACE,yBAAA,CAUF,wDAEE,aZ4T0B,CYnT9B,+BACE,qBAAA,CAEA,oEAEE,qBAAA,CAIA,gFAEE,uBAAA,CAMJ,+JAIE,QAAA,CASF,wDACE,wBhBlDO,CKbT,2CW2EI,UhBtEK,CgBuEL,iCZ6QwB,Ca/V1B,gGAGE,wBD2F+B,CCvF/B,mJAIE,oBDmFyE,CXxF/E,iDYiBM,wBAJe,CAMf,wGAEE,wBARa,CAnBnB,sGAGE,wBD2F+B,CCvF/B,2JAIE,oBDmFyE,CXxF/E,mDYiBM,wBAJe,CAMf,4GAEE,wBARa,CAnBnB,gGAGE,wBD2F+B,CCvF/B,mJAIE,oBDmFyE,CXxF/E,iDYiBM,wBAJe,CAMf,wGAEE,wBARa,CAnBnB,uFAGE,wBD2F+B,CCvF/B,uIAIE,oBDmFyE,CXxF/E,8CYiBM,wBAJe,CAMf,kGAEE,wBARa,CAnBnB,gGAGE,wBD2F+B,CCvF/B,mJAIE,oBDmFyE,CXxF/E,iDYiBM,wBAJe,CAMf,wGAEE,wBARa,CAnBnB,6FAGE,wBD2F+B,CCvF/B,+IAIE,oBDmFyE,CXxF/E,gDYiBM,wBAJe,CAMf,sGAEE,wBARa,CAnBnB,0FAGE,wBD2F+B,CCvF/B,2IAIE,oBDmFyE,CXxF/E,+CYiBM,wBAJe,CAMf,oGAEE,wBARa,CAnBnB,uFAGE,wBD2F+B,CCvF/B,uIAIE,oBDmFyE,CXxF/E,8CYiBM,wBAJe,CAMf,kGAEE,wBARa,CAnBnB,6FAGE,iCb4VwB,CCzV5B,gDYiBM,iCAJe,CAMf,sGAEE,iCARa,CDwFnB,qCACE,UhBjGK,CgBkGL,wBhB1FK,CgB2FL,oBZgQwB,CY3P1B,sCACE,UhBlGK,CgBmGL,wBhBxGK,CgByGL,iBhBpGK,CgByGX,2BACE,UhBjHS,CgBkHT,wBhB1GS,CgB4GT,gGAGE,oBZ4O0B,CYzO5B,0CACE,QAAA,CAIA,mEACE,sCZgOwB,CCrW5B,sDW4IM,UhBvIG,CgBwIH,uCZ0NsB,CU1S1B,4BEiGA,oCAEI,aAAA,CACA,UAAA,CACA,eAAA,CACA,gCAAA,CAGA,oDACE,QAAA,CAAA,CF1GN,4BEiGA,oCAEI,aAAA,CACA,UAAA,CACA,eAAA,CACA,gCAAA,CAGA,oDACE,QAAA,CAAA,CF1GN,4BEiGA,oCAEI,aAAA,CACA,UAAA,CACA,eAAA,CACA,gCAAA,CAGA,oDACE,QAAA,CAAA,CF1GN,6BEiGA,oCAEI,aAAA,CACA,UAAA,CACA,eAAA,CACA,gCAAA,CAGA,oDACE,QAAA,CAAA,CATN,iCAEI,aAAA,CACA,UAAA,CACA,eAAA,CACA,gCAAA,CAGA,iDACE,QAAA,CE7KV,6BACE,aAAA,CACA,UAAA,CACA,kCd0esC,CczetC,gBAAA,CfqHI,cAtCa,Ce5EjB,edkR4B,CcjR5B,edsR4B,CcrR5B,UlBSS,CkBRT,qBlBCS,CAAA,2BAAA,CkBCT,qBAAA,CAAA,iBAAA,CCFI,oEDQJ,CCJI,uCDdN,6BCeQ,eAAA,CAAA,CDMN,yCACE,4BAAA,CACA,QAAA,CAIF,4CACE,iBAAA,CACA,sBAAA,CEtBF,mCACE,UpBUO,CoBTP,qBpBEO,CoBDP,oBhBqdoC,CgBpdpC,SAAA,CAKE,0ChBoXwB,CchW5B,0CACE,UlBpBO,CkBsBP,SAAA,CAQF,6EAEE,wBlBpCO,CkBsCP,SAAA,CAQF,+LACE,eAAA,CAKF,oDAME,UlBrDO,CkBsDP,qBlB7DO,CkBkEX,qEAEE,aAAA,CACA,UAAA,CAUF,+BACE,2BAAA,CACA,8BAAA,CACA,eAAA,Cf3BE,iBAAA,Ce6BF,ed+L4B,Cc5L9B,kCACE,2BAAA,CACA,8BAAA,CfqBI,iBAtCa,CemBjB,ed6H4B,Cc1H9B,kCACE,2BAAA,CACA,8BAAA,CfcI,kBAtCa,Ce0BjB,eduH4B,Cc9G9B,uCACE,aAAA,CACA,UAAA,CACA,aAAA,CACA,eAAA,CfDI,cAtCa,CeyCjB,edkK4B,CcjK5B,UlBlHS,CkBmHT,4BAAA,CACA,wBAAA,CACA,kBAAA,CAEA,8GAEE,eAAA,CACA,cAAA,CAYJ,gCACE,iCd4VsC,Cc3VtC,eAAA,Cf1BI,kBAtCa,CekEjB,ed+E4B,CMxN1B,mBAAA,CQ6IJ,gCACE,+BdqVsC,CcpVtC,gBAAA,CflCI,iBAtCa,Ce0EjB,edsE4B,CMvN1B,mBAAA,CQuJF,sFAEE,WAAA,CAIJ,qCACE,WAAA,CAQF,2BACE,kBd0UsC,CcvUxC,0BACE,aAAA,CACA,iBd2TsC,CcnTxC,yBACE,YAAA,CACA,cAAA,CACA,iBAAA,CACA,gBAAA,CAEA,qEAEE,iBAAA,CACA,gBAAA,CASJ,2BACE,iBAAA,CACA,aAAA,CACA,iBdgSsC,Cc7RxC,iCACE,iBAAA,CACA,gBd4RsC,Cc3RtC,oBAAA,CAGA,yHAEE,UlB/MO,CkBmNX,iCACE,eAAA,CAGF,kCACE,mBAAA,CACA,kBAAA,CACA,cAAA,CACA,mBd6QsC,Cc1QtC,oDACE,eAAA,CACA,YAAA,CACA,qBdwQoC,CcvQpC,aAAA,CE7MF,+BACE,YAAA,CACA,UAAA,CACA,iBhB0coC,CDjbpC,aAAA,CiBvBA,aFqNqC,CElNvC,8BACE,iBAAA,CACA,QAAA,CACA,MAAA,CACA,SAAA,CACA,YAAA,CACA,cAAA,CACA,eAAA,CACA,gBAAA,CjBmEE,kBAtCa,CiB3Bf,ehBsO0B,CgBrO1B,UAAA,CACA,mCAAA,CV9CA,iBAAA,CUmDA,mGAEE,QAAA,CAKF,sLAEE,aAAA,CA9CF,wFAoDE,oBFkLmC,CE/KjC,gChBwZgC,CgBvZhC,gRAAA,CACA,2BAAA,CACA,0DAAA,CACA,+DAAA,CAGF,oGACE,oBFuKiC,CEtKjC,0CAAA,CAhEJ,wGAyEI,gChBsYgC,CgBrYhC,iFAAA,CA1EJ,0FAiFE,oBFqJmC,CElJjC,iChBudoC,CgBtdpC,ojBAAA,CAGF,sGACE,oBF6IiC,CE5IjC,0CAAA,CAOF,oIACE,aFoIiC,CEjInC,8PAEE,aAAA,CAOF,oJACE,aFuHiC,CErHjC,oKACE,oBFoH+B,CE/GjC,oLACE,oBAAA,CClJN,wBDmJ2B,CAKvB,gLACE,0CAAA,CAGF,4MACE,oBAVqB,CAmBzB,wIACE,oBApBuB,CAwBvB,oJACE,oBAzBqB,CA0BrB,0CAAA,CAvIR,iCACE,YAAA,CACA,UAAA,CACA,iBhB0coC,CDjbpC,aAAA,CiBvBA,aFqNqC,CElNvC,gCACE,iBAAA,CACA,QAAA,CACA,MAAA,CACA,SAAA,CACA,YAAA,CACA,cAAA,CACA,eAAA,CACA,gBAAA,CjBmEE,kBAtCa,CiB3Bf,ehBsO0B,CgBrO1B,UAAA,CACA,mCAAA,CV9CA,iBAAA,CUmDA,uGAEE,QAAA,CAKF,sMAEE,aAAA,CA9CF,4FAoDE,oBFkLmC,CE/KjC,gChBwZgC,CgBvZhC,2UAAA,CACA,2BAAA,CACA,0DAAA,CACA,+DAAA,CAGF,wGACE,oBFuKiC,CEtKjC,0CAAA,CAhEJ,4GAyEI,gChBsYgC,CgBrYhC,iFAAA,CA1EJ,8FAiFE,oBFqJmC,CElJjC,iChBudoC,CgBtdpC,+mBAAA,CAGF,0GACE,oBF6IiC,CE5IjC,0CAAA,CAOF,wIACE,aFoIiC,CEjInC,8QAEE,aAAA,CAOF,wJACE,aFuHiC,CErHjC,wKACE,oBFoH+B,CE/GjC,wLACE,oBAAA,CClJN,wBDmJ2B,CAKvB,oLACE,0CAAA,CAGF,gNACE,oBAVqB,CAmBzB,4IACE,oBApBuB,CAwBvB,wJACE,oBAzBqB,CA0BrB,0CAAA,CF+FV,4BACE,YAAA,CACA,kBAAA,CACA,kBAAA,CAKA,wCACE,UAAA,CJ/NA,yBIoOA,kCACE,YAAA,CACA,kBAAA,CACA,sBAAA,CACA,eAAA,CAIF,wCACE,YAAA,CACA,aAAA,CACA,kBAAA,CACA,kBAAA,CACA,eAAA,CAIF,0CACE,oBAAA,CACA,UAAA,CACA,qBAAA,CAIF,oDACE,oBAAA,CAGF,oFAEE,UAAA,CAKF,wCACE,YAAA,CACA,kBAAA,CACA,sBAAA,CACA,UAAA,CACA,cAAA,CAEF,8CACE,iBAAA,CACA,aAAA,CACA,YAAA,CACA,mBd+KkC,Cc9KlC,aAAA,CAGF,4CACE,kBAAA,CACA,sBAAA,CAEF,kDACE,eAAA,CAAA,CIjVN,oBACE,oBAAA,CAEA,elBsR4B,CkBrR5B,UtBOS,CsBNT,iBAAA,CAGA,qBAAA,CACA,gBAAA,CACA,4BAAA,CACA,4BAAA,CCuFA,gBAAA,CpBuBI,cAtCa,CoBiBjB,enB0L4B,CMlR1B,iBAAA,CSFE,6HGGJ,CHCI,uCGdN,oBHeQ,eAAA,CAAA,CdTN,0BiBUE,UtBLO,CsBMP,oBAAA,CAGF,oDAEE,SAAA,CACA,0ClB6W0B,CkBzW5B,0DAEE,WlBiZ0B,CkB7Y5B,kDACE,cAAA,CAcJ,qEAEE,mBAAA,CASA,4BC3DA,UAAA,CAAA,wBnBsEa,CmBpEb,oBnBoEa,CChEb,kCAAA,UAAA,CgBNE,wBED2D,CAS3D,oBATqG,CAYvG,oEAEE,UAAA,CFbA,wBED2D,CAgB3D,oBAhBqG,CAqBnG,0CAAA,CAKJ,0EAEE,UAAA,CACA,wBnB0CW,CmBzCX,oBnByCW,CmBlCb,oLAGE,UAAA,CACA,wBAzC+I,CA6C/I,oBA7CyL,CA+CzL,sMAKI,0CAAA,CDQN,8BC3DA,UAAA,CAAA,qBnBsEa,CmBpEb,iBnBoEa,CChEb,oCAAA,UAAA,CgBNE,wBED2D,CAS3D,oBATqG,CAYvG,wEAEE,UAAA,CFbA,wBED2D,CAgB3D,oBAhBqG,CAqBnG,wCAAA,CAKJ,8EAEE,UAAA,CACA,qBnB0CW,CmBzCX,iBnByCW,CmBlCb,0LAGE,UAAA,CACA,wBAzC+I,CA6C/I,oBA7CyL,CA+CzL,4MAKI,wCAAA,CDQN,4BC3DA,UAAA,CAAA,wBnBsEa,CmBpEb,oBnBoEa,CChEb,kCAAA,UAAA,CgBNE,wBED2D,CAS3D,oBATqG,CAYvG,oEAEE,UAAA,CFbA,wBED2D,CAgB3D,oBAhBqG,CAqBnG,0CAAA,CAKJ,0EAEE,UAAA,CACA,wBnB0CW,CmBzCX,oBnByCW,CmBlCb,oLAGE,UAAA,CACA,wBAzC+I,CA6C/I,oBA7CyL,CA+CzL,sMAKI,0CAAA,CDQN,yBC3DA,UAAA,CAAA,wBnBsEa,CmBpEb,oBnBoEa,CChEb,+BAAA,UAAA,CgBNE,wBED2D,CAS3D,oBATqG,CAYvG,8DAEE,UAAA,CFbA,wBED2D,CAgB3D,oBAhBqG,CAqBnG,0CAAA,CAKJ,oEAEE,UAAA,CACA,wBnB0CW,CmBzCX,oBnByCW,CmBlCb,2KAGE,UAAA,CACA,wBAzC+I,CA6C/I,oBA7CyL,CA+CzL,6LAKI,0CAAA,CDQN,4BC3DA,UAAA,CAAA,wBnBsEa,CmBpEb,oBnBoEa,CChEb,kCAAA,UAAA,CgBNE,wBED2D,CAS3D,oBATqG,CAYvG,oEAEE,UAAA,CFbA,wBED2D,CAgB3D,oBAhBqG,CAqBnG,0CAAA,CAKJ,0EAEE,UAAA,CACA,wBnB0CW,CmBzCX,oBnByCW,CmBlCb,oLAGE,UAAA,CACA,wBAzC+I,CA6C/I,oBA7CyL,CA+CzL,sMAKI,0CAAA,CDQN,2BC3DA,UAAA,CAAA,wBnBsEa,CmBpEb,oBnBoEa,CChEb,iCAAA,UAAA,CgBNE,wBED2D,CAS3D,oBATqG,CAYvG,kEAEE,UAAA,CFbA,wBED2D,CAgB3D,oBAhBqG,CAqBnG,0CAAA,CAKJ,wEAEE,UAAA,CACA,wBnB0CW,CmBzCX,oBnByCW,CmBlCb,iLAGE,UAAA,CACA,wBAzC+I,CA6C/I,oBA7CyL,CA+CzL,mMAKI,0CAAA,CDQN,0BC3DA,UAAA,CAAA,wBnBsEa,CmBpEb,oBnBoEa,CChEb,gCAAA,UAAA,CgBNE,wBED2D,CAS3D,oBATqG,CAYvG,gEAEE,UAAA,CFbA,wBED2D,CAgB3D,oBAhBqG,CAqBnG,2CAAA,CAKJ,sEAEE,UAAA,CACA,wBnB0CW,CmBzCX,oBnByCW,CmBlCb,8KAGE,UAAA,CACA,wBAzC+I,CA6C/I,oBA7CyL,CA+CzL,gMAKI,2CAAA,CDQN,yBC3DA,UAAA,CAAA,wBnBsEa,CmBpEb,oBnBoEa,CChEb,+BAAA,UAAA,CgBNE,wBED2D,CAS3D,oBATqG,CAYvG,8DAEE,UAAA,CFbA,wBED2D,CAgB3D,oBAhBqG,CAqBnG,wCAAA,CAKJ,oEAEE,UAAA,CACA,wBnB0CW,CmBzCX,oBnByCW,CmBlCb,2KAGE,UAAA,CACA,wBAzC+I,CA6C/I,oBA7CyL,CA+CzL,6LAKI,wCAAA,CDcN,oCCPA,anBYa,CmBXb,oBnBWa,CChEb,0CkBwDE,UALgD,CAMhD,wBnBOW,CmBNX,oBnBMW,CmBHb,oFAEE,yCAAA,CAGF,0FAEE,anBJW,CmBKX,4BAAA,CAGF,4MAGE,UAAA,CACA,wBnBZW,CmBaX,oBnBbW,CmBeX,8NAKI,yCAAA,CDzBN,sCCPA,UnBYa,CmBXb,iBnBWa,CChEb,4CkBwDE,UALgD,CAMhD,qBnBOW,CmBNX,iBnBMW,CmBHb,wFAEE,wCAAA,CAGF,8FAEE,UnBJW,CmBKX,4BAAA,CAGF,kNAGE,UAAA,CACA,qBnBZW,CmBaX,iBnBbW,CmBeX,oOAKI,wCAAA,CDzBN,oCCPA,anBYa,CmBXb,oBnBWa,CChEb,0CkBwDE,UALgD,CAMhD,wBnBOW,CmBNX,oBnBMW,CmBHb,oFAEE,yCAAA,CAGF,0FAEE,anBJW,CmBKX,4BAAA,CAGF,4MAGE,UAAA,CACA,wBnBZW,CmBaX,oBnBbW,CmBeX,8NAKI,yCAAA,CDzBN,iCCPA,anBYa,CmBXb,oBnBWa,CChEb,uCkBwDE,UALgD,CAMhD,wBnBOW,CmBNX,oBnBMW,CmBHb,8EAEE,0CAAA,CAGF,oFAEE,anBJW,CmBKX,4BAAA,CAGF,mMAGE,UAAA,CACA,wBnBZW,CmBaX,oBnBbW,CmBeX,qNAKI,0CAAA,CDzBN,oCCPA,anBYa,CmBXb,oBnBWa,CChEb,0CkBwDE,UALgD,CAMhD,wBnBOW,CmBNX,oBnBMW,CmBHb,oFAEE,0CAAA,CAGF,0FAEE,anBJW,CmBKX,4BAAA,CAGF,4MAGE,UAAA,CACA,wBnBZW,CmBaX,oBnBbW,CmBeX,8NAKI,0CAAA,CDzBN,mCCPA,anBYa,CmBXb,oBnBWa,CChEb,yCkBwDE,UALgD,CAMhD,wBnBOW,CmBNX,oBnBMW,CmBHb,kFAEE,yCAAA,CAGF,wFAEE,anBJW,CmBKX,4BAAA,CAGF,yMAGE,UAAA,CACA,wBnBZW,CmBaX,oBnBbW,CmBeX,2NAKI,yCAAA,CDzBN,kCCPA,anBYa,CmBXb,oBnBWa,CChEb,wCkBwDE,UALgD,CAMhD,wBnBOW,CmBNX,oBnBMW,CmBHb,gFAEE,2CAAA,CAGF,sFAEE,anBJW,CmBKX,4BAAA,CAGF,sMAGE,UAAA,CACA,wBnBZW,CmBaX,oBnBbW,CmBeX,wNAKI,2CAAA,CDzBN,iCCPA,anBYa,CmBXb,oBnBWa,CChEb,uCkBwDE,UALgD,CAMhD,wBnBOW,CmBNX,oBnBMW,CmBHb,8EAEE,wCAAA,CAGF,oFAEE,anBJW,CmBKX,4BAAA,CAGF,mMAGE,UAAA,CACA,wBnBZW,CmBaX,oBnBbW,CmBeX,qNAKI,wCAAA,CDdR,yBACE,elB4M4B,CkB3M5B,atBhDQ,CsBiDR,oBlB2FwC,CCpKxC,+BiB4EE,alByFsC,CkBxFtC,yBlByFsC,CkBtFxC,8DAEE,yBlBoFsC,CkBjFxC,oEAEE,UtB5EO,CsB6EP,mBAAA,CAWJ,2GCPE,gBAAA,CpBuBI,iBAtCa,CoBiBjB,enB+H4B,CMvN1B,mBAAA,CYiGJ,2GCXE,eAAA,CpBuBI,kBAtCa,CoBiBjB,enBgI4B,CMxN1B,mBAAA,CY0GJ,0BACE,aAAA,CACA,UAAA,CAGA,qCACE,gBlBuT0B,CkB/S5B,mIACE,UAAA,CE3IJ,qBLgBM,8BKfJ,CLmBI,uCKpBN,qBLqBQ,eAAA,CAAA,CKlBN,gCACE,SAAA,CAKF,oCACE,YAAA,CAIJ,2BACE,iBAAA,CACA,QAAA,CACA,eAAA,CLDI,2BKEJ,CLEI,uCKNN,2BLOQ,eAAA,CAAA,CMpBR,mGAIE,iBAAA,CAGF,gCACE,kBAAA,CCoBE,uCACE,oBAAA,CACA,kBtB+NwB,CsB9NxB,qBtB6NwB,CsB5NxB,UAAA,CAhCJ,qBAAA,CACA,mCAAA,CACA,eAAA,CACA,kCAAA,CAqDE,6CACE,aAAA,CD1CN,8BACE,iBAAA,CACA,QAAA,CACA,MAAA,CACA,YrBwpBkC,CqBvpBlC,YAAA,CACA,UAAA,CACA,erBguBkC,CqB/tBlC,aAAA,CACA,kBAAA,CtBsGI,cAtCa,CsB9DjB,UzBVS,CyBWT,eAAA,CACA,eAAA,CACA,qBzBJS,CyBKT,2BAAA,CACA,qBAAA,CfdE,iBAAA,CeuBA,mCACE,UAAA,CACA,MAAA,CAGF,oCACE,OAAA,CACA,SAAA,CXYF,yBWnBA,sCACE,UAAA,CACA,MAAA,CAGF,uCACE,OAAA,CACA,SAAA,CAAA,CXYF,yBWnBA,sCACE,UAAA,CACA,MAAA,CAGF,uCACE,OAAA,CACA,SAAA,CAAA,CXYF,yBWnBA,sCACE,UAAA,CACA,MAAA,CAGF,uCACE,OAAA,CACA,SAAA,CAAA,CXYF,0BWnBA,sCACE,UAAA,CACA,MAAA,CAGF,uCACE,OAAA,CACA,SAAA,CAAA,CAQJ,sCACE,QAAA,CACA,WAAA,CACA,YAAA,CACA,qBrB8rBgC,CsB7tBhC,+CACE,oBAAA,CACA,kBtB+NwB,CsB9NxB,qBtB6NwB,CsB5NxB,UAAA,CAzBJ,YAAA,CACA,mCAAA,CACA,wBAAA,CACA,kCAAA,CA8CE,qDACE,aAAA,CDWJ,yCACE,KAAA,CACA,UAAA,CACA,SAAA,CACA,YAAA,CACA,mBrBgrBgC,CsB7tBhC,kDACE,oBAAA,CACA,kBtB+NwB,CsB9NxB,qBtB6NwB,CsB5NxB,UAAA,CAlBJ,iCAAA,CACA,cAAA,CACA,oCAAA,CACA,sBAAA,CAuCE,wDACE,aAAA,CDqBF,kDACE,gBAAA,CAMJ,wCACE,KAAA,CACA,UAAA,CACA,SAAA,CACA,YAAA,CACA,oBrB+pBgC,CsB7tBhC,iDACE,oBAAA,CACA,kBtB+NwB,CsB9NxB,qBtB6NwB,CsB5NxB,UAAA,CAWA,iDACE,YAAA,CAGF,kDACE,oBAAA,CACA,mBtB4MsB,CsB3MtB,qBtB0MsB,CsBzMtB,UAAA,CA9BN,iCAAA,CACA,uBAAA,CACA,oCAAA,CAiCE,uDACE,aAAA,CDsCF,kDACE,gBAAA,CAQJ,sMAIE,UAAA,CACA,WAAA,CAKJ,iCE9GE,QAAA,CACA,cAAA,CACA,eAAA,CACA,yBAAA,CFkHF,8BACE,aAAA,CACA,UAAA,CACA,gBAAA,CACA,UAAA,CACA,erBgK4B,CqB/J5B,UzB/GS,CyBgHT,kBAAA,CAEA,kBAAA,CACA,4BAAA,CACA,QAAA,CpBrHA,wEoBoIE,UzBnIO,CyBoIP,oBAAA,CJ/IA,wBrBuBM,CyB4HR,0EAEE,UzB1IO,CyB2IP,oBAAA,CJtJA,wBjBoP0B,CqB1F5B,8EAEE,azB5IO,CyB6IP,mBAAA,CACA,4BAAA,CAQJ,mCACE,aAAA,CAIF,gCACE,aAAA,CACA,gBrBgmBkC,CqB/lBlC,eAAA,CtBrDI,kBAtCa,CsB6FjB,UzB/JS,CyBgKT,kBAAA,CAIF,mCACE,aAAA,CACA,gBAAA,CACA,UzB7KS,C4BdX,6DAEE,iBAAA,CACA,mBAAA,CACA,qBAAA,CAEA,uEACE,iBAAA,CACA,aAAA,CvBCF,mFuBII,SAAA,CAEF,6PAGE,SAAA,CAMN,4BACE,YAAA,CACA,cAAA,CACA,0BAAA,CAEA,yCACE,UAAA,CAMF,wGAEE,gBAAA,CAIF,iIlBXE,yBAAA,CACA,4BAAA,CkBeF,6GlBFE,wBAAA,CACA,2BAAA,CkBmBJ,sCACE,iBAAA,CACA,gBAAA,CAEA,0JAGE,aAAA,CAGF,wDACE,cAAA,CAIJ,uGACE,iBAAA,CACA,gBAAA,CAGF,uGACE,kBAAA,CACA,iBAAA,CAoBF,mCACE,qBAAA,CACA,sBAAA,CACA,sBAAA,CAEA,sFAEE,UAAA,CAGF,0HAEE,eAAA,CAIF,mJlBrFE,4BAAA,CACA,2BAAA,CkByFF,+HlBxGE,wBAAA,CACA,yBAAA,CkB2HF,uFAEE,eAAA,CAEA,4PAEE,iBAAA,CACA,qBAAA,CACA,mBAAA,CCzJN,4BACE,iBAAA,CACA,YAAA,CACA,cAAA,CACA,mBAAA,CACA,UAAA,CAEA,kLAIE,iBAAA,CACA,aAAA,CACA,QAAA,CACA,WAAA,CACA,eAAA,CAEA,8rBAGE,gBAAA,CAKJ,sLAGE,SAAA,CAIF,kEACE,SAAA,CAKA,yHnBIA,wBAAA,CACA,2BAAA,CAAA,yCmBCA,YAAA,CACA,kBAAA,CAEA,2JnBLA,wBAAA,CACA,2BAAA,CmBSA,0QnBxBA,yBAAA,CACA,4BAAA,CmB+BA,iQnBhCA,yBAAA,CACA,4BAAA,CmB8CJ,uEAEE,YAAA,CAKA,iFACE,iBAAA,CACA,SAAA,CAEA,6FACE,SAAA,CAIJ,odAIE,gBAAA,CAIJ,oCAAA,iBAAA,CACA,mCAAA,gBAAA,CAQA,iCACE,YAAA,CACA,kBAAA,CACA,gBAAA,CACA,eAAA,C1BSI,cAtCa,C0B+BjB,ezBuK4B,CyBtK5B,ezB2K4B,CyB1K5B,a7BpGS,C6BqGT,iBAAA,CACA,kBAAA,CACA,qB7BrGS,C6BsGT,qBAAA,CnB5GE,iBAAA,CmBgHF,yGAEE,YAAA,CAUJ,yGAEE,+BzBqWsC,CyBlWxC,uVAME,gBAAA,C1B1BI,iBAtCa,C0BkEjB,ezB8E4B,CMvN1B,mBAAA,CmB6IJ,yGAEE,iCzBmVsC,CyBhVxC,uVAME,eAAA,C1B3CI,kBAtCa,C0BmFjB,ezB8D4B,CMxN1B,mBAAA,CmB8JJ,4FAEE,kBAAA,CAWF,8rBnB3JI,yBAAA,CACA,4BAAA,CmBqKJ,ycnBxJI,wBAAA,CACA,2BAAA,CoBxCJ,+BACE,iBAAA,CACA,SAAA,CACA,aAAA,CACA,qBAAA,CACA,iBAAA,CACA,kBAAA,CAGF,sCACE,mBAAA,CACA,iB1BwfsC,C0BrfxC,qCACE,iBAAA,CACA,MAAA,CACA,UAAA,CACA,U1BofsC,C0BnftC,kBAAA,CACA,SAAA,CAEA,2EACE,U9BfO,C8BgBP,oB1ByN0B,CiBpP1B,wBjBoP0B,C0BpN5B,yEAKI,0C1B+VwB,C0B3V5B,uFACE,oB1BqboC,C0BlbtC,yFACE,U9BnCO,C8BoCP,wB1Bif4C,C0Bhf5C,oB1Bgf4C,C0Bze5C,yIACE,U9BvCK,C8ByCL,yJACE,wB9B9CG,C8BwDX,qCACE,iBAAA,CACA,eAAA,CAEA,kBAAA,CAIA,6CACE,iBAAA,CACA,cAAA,CACA,YAAA,CACA,aAAA,CACA,U1BuboC,C0BtbpC,W1BsboC,C0BrbpC,mBAAA,CACA,UAAA,CACA,qB9B3EO,C8B4EP,wBAAA,CAKF,4CACE,iBAAA,CACA,cAAA,CACA,YAAA,CACA,aAAA,CACA,U1BwaoC,C0BvapC,W1BuaoC,C0BtapC,UAAA,CACA,gCAAA,CAUF,8DpBlGE,iBAAA,CoBuGA,2FACE,iOAAA,CAKF,kGACE,oB1B0HwB,CiBpP1B,wBjBoP0B,C0BtH1B,iGACE,8KAAA,CAKF,qGTpIA,mCjBwhB4C,C0BjZ5C,2GTvIA,mCjBwhB4C,C0BtY9C,2DAEE,iB1ByZ4C,C0BrZ5C,wFACE,6KAAA,CAKF,kGT9JA,mCjBwhB4C,C0B/WhD,8BACE,iBAAA,CAGE,4DACE,aAAA,CACA,a1BiY0C,C0BhY1C,kBAAA,CAEA,iB1B+X0C,C0B5X5C,2DACE,2BAAA,CACA,yBAAA,CACA,sB1B0X0C,C0BzX1C,uB1ByX0C,C0BxX1C,wB9B1KK,C8B4KL,iB1BqX0C,CeviB1C,iIWmLA,CX/KA,uCWuKF,2DXtKI,eAAA,CAAA,CWmLJ,yFACE,qB9BxLK,C8ByLL,6BAAA,CAKF,mGTzMA,mCjBwhB4C,C0BlUhD,8BACE,oBAAA,CACA,UAAA,CACA,kC1BoRsC,C0BnRtC,yBAAA,C3BjGI,cAtCa,C2B0IjB,e1B4D4B,C0B3D5B,e1BgE4B,C0B/D5B,U9B7MS,C8B8MT,qBAAA,CACA,qOAAA,CACA,qBAAA,CpBtNE,iBAAA,CoByNF,eAAA,CAEA,oCACE,oB1BuPoC,C0BtPpC,SAAA,CAKE,0C1BkW8B,C0B/VhC,+CAME,U9BrOK,C8BsOL,qB9B7OK,C8BiPT,4FAEE,WAAA,CACA,kB1B8H0B,C0B7H1B,qBAAA,CAGF,uCACE,U9BnPO,C8BoPP,wB9BxPO,C8B4PT,0CACE,YAAA,CAIF,6CACE,iBAAA,CACA,sBAAA,CAIJ,iCACE,iC1ByNsC,C0BxNtC,e1BgH4B,C0B/G5B,kB1B+G4B,C0B9G5B,gB1B+G4B,CD9QxB,kBAtCa,C2ByMnB,iCACE,+B1BkNsC,C0BjNtC,e1B6G4B,C0B5G5B,kB1B4G4B,C0B3G5B,iB1B4G4B,CDnRxB,iBAtCa,C2BsNnB,4BACE,iBAAA,CACA,oBAAA,CACA,UAAA,CACA,kC1BgMsC,C0B/LtC,eAAA,CAGF,kCACE,iBAAA,CACA,SAAA,CACA,UAAA,CACA,kC1BwLsC,C0BvLtC,QAAA,CACA,eAAA,CACA,SAAA,CAEA,2DACE,oB1BoKoC,C0BnKpC,0C1BwE0B,C0BpE5B,6HAEE,wB9BrTO,C8ByTP,qEACE,gB1B0Ta,C0BtTjB,yEACE,yBAAA,CAIJ,kCACE,iBAAA,CACA,KAAA,CACA,OAAA,CACA,MAAA,CACA,SAAA,CACA,kC1BuJsC,C0BtJtC,gBAAA,CACA,eAAA,CAEA,e1BjE4B,C0BkE5B,e1B7D4B,C0B8D5B,a9B5US,C8B6UT,qB9BlVS,C8BmVT,qBAAA,CpBlVE,iBAAA,CoBsVF,yCACE,iBAAA,CACA,KAAA,CACA,OAAA,CACA,QAAA,CACA,SAAA,CACA,aAAA,CACA,4B1BgIoC,C0B/HpC,gBAAA,CACA,e1B7E0B,C0B8E1B,a9B5VO,C8B6VP,gBAAA,CT7WA,qBrBkBO,C8B6VP,mBAAA,CpBnWA,yBAAA,CoB8WJ,6BACE,UAAA,CACA,aAAA,CACA,SAAA,CACA,4BAAA,CACA,eAAA,CAEA,mCACE,SAAA,CAIA,yDAAA,yD1BmOyC,C0BlOzC,qDAAA,yD1BkOyC,C0BjOzC,8CAAA,yD1BiOyC,C0B9N3C,+CACE,QAAA,CAGF,mDACE,U1BmNyC,C0BlNzC,W1BkNyC,C0BjNzC,mBAAA,CTlZA,wBjBoP0B,C0BgK1B,Q1BkNyC,CM1lBzC,kBAAA,CSFE,sGW6YF,CACA,eAAA,CX1YE,uCWiYJ,mDXhYM,eAAA,CAAA,CW2YJ,0DT1ZA,wBjB2mByC,C0B5M3C,4DACE,U1B4LgC,C0B3LhC,Y1B4LgC,C0B3LhC,iBAAA,CACA,c1B2LgC,C0B1LhC,wB9BtZO,C8BuZP,wBAAA,CpBzZA,kBAAA,CoB8ZF,+CACE,U1BwLyC,C0BvLzC,W1BuLyC,CiBnmBzC,wBjBoP0B,C0B0L1B,Q1BwLyC,CM1lBzC,kBAAA,CSFE,sGWuaF,CACA,eAAA,CXpaE,uCW4ZJ,+CX3ZM,eAAA,CAAA,CWqaJ,sDTpbA,wBjB2mByC,C0BlL3C,+CACE,U1BkKgC,C0BjKhC,Y1BkKgC,C0BjKhC,iBAAA,CACA,c1BiKgC,C0BhKhC,wB9BhbO,C8BibP,wBAAA,CpBnbA,kBAAA,CoBwbF,wCACE,U1B8JyC,C0B7JzC,W1B6JyC,C0B5JzC,YAAA,CACA,kB1BtE0B,C0BuE1B,iB1BvE0B,CiBlY1B,wBjBoP0B,C0BuN1B,Q1B2JyC,CM1lBzC,kBAAA,CSFE,sGWocF,CACA,eAAA,CXjcE,uCWsbJ,wCXrbM,eAAA,CAAA,CWkcJ,+CTjdA,wBjB2mByC,C0BrJ3C,wCACE,U1BqIgC,C0BpIhC,Y1BqIgC,C0BpIhC,iBAAA,CACA,c1BoIgC,C0BnIhC,4BAAA,CACA,wBAAA,CACA,gBAAA,CAIF,6CACE,wB9BpdO,CUFP,kBAAA,CoB0dF,6CACE,iBAAA,CACA,wB9B1dO,CUFP,kBAAA,CoBieA,4DACE,wB9B9dK,C8BieP,qEACE,cAAA,CAGF,wDACE,wB9BteK,C8ByeP,wDACE,cAAA,CAGF,iDACE,wB9B9eK,C8BmfX,6GXzfM,sGW4fJ,CXxfI,uCWqfN,6GXpfQ,eAAA,CAAA,CYhBR,oBACE,YAAA,CACA,cAAA,CACA,cAAA,CACA,eAAA,CACA,eAAA,CAGF,yBACE,aAAA,CACA,gBAAA,C1BCA,8D0BGE,oBAAA,CAIF,kCACE,a/BFO,C+BGP,mBAAA,CACA,cAAA,CAQJ,yBACE,4BAAA,CAEA,mCACE,kBAAA,CACA,4BAAA,CrBZA,0BAAA,CACA,2BAAA,CLZF,kF0B2BI,kC/B6D8B,C+B1DhC,4CACE,a/BzBK,C+B0BL,4BAAA,CACA,wBAAA,CAIJ,4FAEE,U/BtCO,C+BuCP,qB/B9BO,C+B+BP,kC/BiDgC,C+B9ClC,wCAEE,eAAA,CrBnCA,wBAAA,CACA,yBAAA,CqB8CF,oCrBxDE,iBAAA,CqB4DF,qFAEE,U/B/DO,C+BgEP,wB3ByK0B,C2B/J5B,sEAEE,aAAA,CACA,iBAAA,CAKF,gFAEE,YAAA,CACA,WAAA,CACA,iBAAA,CAUF,sCACE,YAAA,CAEF,oCACE,aAAA,CCpGJ,uBACE,iBAAA,CACA,YAAA,CACA,cAAA,CACA,kBAAA,CACA,6BAAA,CACA,iBAAA,CAIA,8NACE,YAAA,CACA,cAAA,CACA,kBAAA,CACA,6BAAA,CAoBJ,6BACE,oBAAA,CACA,oB5BiqBkC,C4BhqBlC,uB5BgqBkC,C4B/pBlC,iB5BgFO,CDRH,iBAtCa,C6BhCjB,mBAAA,CACA,kBAAA,C3B1CA,sE2B6CE,oBAAA,CASJ,2BACE,YAAA,CACA,qBAAA,CACA,cAAA,CACA,eAAA,CACA,eAAA,CAEA,qCACE,eAAA,CACA,cAAA,CAGF,0CACE,eAAA,CACA,UAAA,CASJ,4BACE,oBAAA,CACA,e5BwlBkC,C4BvlBlC,kB5BulBkC,C4B3kBpC,gCACE,eAAA,CACA,WAAA,CAGA,kBAAA,CAIF,+BACE,gBAAA,C7BSI,iBAtCa,C6B+BjB,aAAA,CACA,4BAAA,CACA,4BAAA,CtBxGE,iBAAA,CLFF,0E2B8GE,oBAAA,CAMJ,oCACE,oBAAA,CACA,WAAA,CACA,YAAA,CACA,qBAAA,CACA,UAAA,CACA,kCAAA,CAGF,kCACE,e5B+kBkC,C4B9kBlC,eAAA,ClBtEE,4BkBkFI,opBACE,eAAA,CACA,cAAA,CAAA,ClBjGN,yBkB6FA,iCAoBI,oBAAA,CACA,0BAAA,CAEA,6CACE,kBAAA,CAEA,4DACE,iBAAA,CAGF,uDACE,iB5BwhBwB,C4BvhBxB,gB5BuhBwB,C4BlhB5B,opBACE,gBAAA,CAcF,oDACE,gBAAA,CAGF,kDACE,uBAAA,CAGA,eAAA,CAGF,iDACE,YAAA,CAAA,ClBhJN,4BkBkFI,opBACE,eAAA,CACA,cAAA,CAAA,ClBjGN,yBkB6FA,iCAoBI,oBAAA,CACA,0BAAA,CAEA,6CACE,kBAAA,CAEA,4DACE,iBAAA,CAGF,uDACE,iB5BwhBwB,C4BvhBxB,gB5BuhBwB,C4BlhB5B,opBACE,gBAAA,CAcF,oDACE,gBAAA,CAGF,kDACE,uBAAA,CAGA,eAAA,CAGF,iDACE,YAAA,CAAA,ClBhJN,4BkBkFI,opBACE,eAAA,CACA,cAAA,CAAA,ClBjGN,yBkB6FA,iCAoBI,oBAAA,CACA,0BAAA,CAEA,6CACE,kBAAA,CAEA,4DACE,iBAAA,CAGF,uDACE,iB5BwhBwB,C4BvhBxB,gB5BuhBwB,C4BlhB5B,opBACE,gBAAA,CAcF,oDACE,gBAAA,CAGF,kDACE,uBAAA,CAGA,eAAA,CAGF,iDACE,YAAA,CAAA,ClBhJN,6BkBkFI,opBACE,eAAA,CACA,cAAA,CAAA,ClBjGN,0BkB6FA,iCAoBI,oBAAA,CACA,0BAAA,CAEA,6CACE,kBAAA,CAEA,4DACE,iBAAA,CAGF,uDACE,iB5BwhBwB,C4BvhBxB,gB5BuhBwB,C4BlhB5B,opBACE,gBAAA,CAcF,oDACE,gBAAA,CAGF,kDACE,uBAAA,CAGA,eAAA,CAGF,iDACE,YAAA,CAAA,CAhEN,8BAoBI,oBAAA,CACA,0BAAA,CAnBA,gnBACE,eAAA,CACA,cAAA,CAmBF,0CACE,kBAAA,CAEA,yDACE,iBAAA,CAGF,oDACE,iB5BwhBwB,C4BvhBxB,gB5BuhBwB,C4BlhB5B,gnBACE,gBAAA,CAcF,iDACE,gBAAA,CAGF,+CACE,uBAAA,CAGA,eAAA,CAGF,8CACE,YAAA,CAcR,2CACE,UhC9MO,CKVT,kG2B2NI,UhCjNK,CgCsNP,mDACE,uBhC9H8B,CKnGlC,kH2BoOM,UhC1NG,CgC6NL,4DACE,oB5Bif4B,C4B7ehC,sOAIE,UhCtOK,CgC0OT,6CACE,uBhClJgC,CgCmJhC,8BhChJgC,CgCmJlC,kDACE,qRAAA,CAGF,0CACE,uBhC3JgC,CgC4JhC,4CACE,UhCtPK,CKVT,oG2BmQM,UhCzPG,CgCiQT,0CACE,UhC3QO,CKDT,gG2B+QI,UhC9QK,CgCmRP,kDACE,0BhCrL6B,CKhGjC,gH2BwRM,UhCvRG,CgC0RL,2DACE,2B5Bsb4B,C4BlbhC,kOAIE,UhCnSK,CgCuST,4CACE,0BhCzM+B,CgC0M/B,iC5B0agC,C4BvalC,iDACE,wRAAA,CAGF,yCACE,0BhClN+B,CgCmN/B,2CACE,UhCnTK,CKDT,kG2BuTM,UhCtTG,CiCbX,qBACE,iBAAA,CACA,YAAA,CACA,qBAAA,CACA,WAAA,CAEA,oBAAA,CACA,wBjCcS,CiCbT,0BAAA,CACA,iCAAA,CvBKE,iBAAA,CuBFF,wBACE,cAAA,CACA,aAAA,CAGF,iCACE,kBAAA,CACA,qBAAA,CAEA,6CACE,kBAAA,CvBCF,sCAAA,CACA,uCAAA,CuBEA,4CACE,qBAAA,CvBUF,0CAAA,CACA,yCAAA,CuBJF,4FAEE,YAAA,CAIJ,0BAGE,aAAA,CAGA,cAAA,CACA,Y7B8wBkC,C6B1wBpC,2BACE,oB7BwwBkC,C6BrwBpC,8BACE,oBAAA,CACA,eAAA,CAGF,qCACE,eAAA,C5BrDA,gC4B0DE,oBAAA,CAGF,qCACE,mB7BuvBgC,C6B/uBpC,4BACE,iBAAA,CACA,eAAA,CAEA,qBjC9DS,CiC+DT,wCAAA,CAEA,wCvBvEE,iDAAA,CuB4EJ,4BACE,iBAAA,CAEA,qBjCzES,CiC0ET,qCAAA,CAEA,uCvBlFE,iDAAA,CuB4FJ,iCACE,sBAAA,CACA,sBAAA,CACA,qBAAA,CACA,eAAA,CAGF,kCACE,sBAAA,CACA,qBAAA,CAIF,iCACE,iBAAA,CACA,KAAA,CACA,OAAA,CACA,QAAA,CACA,MAAA,CACA,Y7B2sBkC,CM1zBhC,6BAAA,CuBmHJ,sFAGE,aAAA,CACA,UAAA,CAGF,sDvBjHI,sCAAA,CACA,uCAAA,CuBqHJ,yDvBxGI,0CAAA,CACA,yCAAA,CuBgHF,gCACE,kB7BmrBgC,CUlxBhC,yBmB6FJ,0BAMI,YAAA,CACA,kBAAA,CACA,kBAAA,CACA,iBAAA,CAEA,gCAEE,WAAA,CACA,iB7BuqB8B,C6BtqB9B,eAAA,CACA,gB7BqqB8B,CAAA,C6BxpBlC,iCACE,kB7BupBgC,CUlxBhC,yBmBuHJ,2BAQI,YAAA,CACA,kBAAA,CAGA,iCAEE,WAAA,CACA,eAAA,CAEA,uCACE,aAAA,CACA,aAAA,CAKA,kDvBzKJ,yBAAA,CACA,4BAAA,CuB2KM,+HAGE,yBAAA,CAEF,kIAGE,4BAAA,CAIJ,mDvB1KJ,wBAAA,CACA,2BAAA,CuB4KM,iIAGE,wBAAA,CAEF,oIAGE,2BAAA,CAAA,CAcV,mCACE,oB7B4kBgC,CUpwBhC,yBmBsLJ,6BAMI,c7BylBgC,C6BxlBhC,kB7BylBgC,C6BxlBhC,SAAA,CACA,QAAA,CAEA,mCACE,oBAAA,CACA,UAAA,CAAA,CAUN,0BACE,oBAAA,CAEA,gCACE,eAAA,CAEA,mDACE,eAAA,CvBvOF,4BAAA,CACA,2BAAA,CuB0OA,oDvBzPA,wBAAA,CACA,yBAAA,CuB4PA,6CvBtQA,eAAA,CuBwQE,kBAAA,CC1RN,2BACE,YAAA,CACA,cAAA,CACA,iBAAA,CACA,kB9BmiCkC,C8BjiClC,eAAA,CACA,qBlCiBS,CUNP,iBAAA,CwBLF,iDACE,gB9BuhCgC,C8BrhChC,yDACE,UAAA,CACA,iB9BmhC8B,C8BlhC9B,UlCIK,CkCHL,WAAA,CAUJ,+DACE,yBAAA,CAGF,+DACE,oBAAA,CAGF,uCACE,UlChBO,CmCvBX,2BACE,YAAA,C5BGA,cAAA,CACA,eAAA,CGaE,iBAAA,CyBZJ,0BACE,iBAAA,CACA,aAAA,CACA,gBAAA,CACA,aAAA,CACA,gB/BmxBkC,C+BlxBlC,UnCKS,CmCHT,wBnCsBQ,CmCrBR,0BAAA,CAEA,gCACE,SAAA,CACA,UnCFO,CmCGP,oBAAA,CACA,wBnC2GgC,CmC1GhC,wBnC2GgC,CmCxGlC,gCACE,SAAA,CACA,S/B2wBgC,C+B1wBhC,0C/B8W0B,C+BxW1B,iDACE,aAAA,CzBaF,0BAAA,CACA,6BAAA,CyBTA,gDzBNA,2BAAA,CACA,8BAAA,CyBUF,4CACE,SAAA,CACA,UnC9BO,CmC+BP,wBnCgFgC,CmC/EhC,wBnCmFgC,CmChFlC,8CACE,UnCpCO,CmCqCP,mBAAA,CAEA,WAAA,CACA,wBnC8EgC,CmC7EhC,wBnC8EgC,CoCrIlC,yCACE,iBAAA,CjC2HE,iBAtCa,CiCnFf,ehCmO0B,CgC9NxB,gE1BqCF,4BAAA,CACA,+BAAA,C0BjCE,+D1BkBF,6BAAA,CACA,gCAAA,C0BhCF,yCACE,eAAA,CjC2HE,kBAtCa,CiCnFf,ehCoO0B,CgC/NxB,gE1BqCF,4BAAA,CACA,+BAAA,C0BjCE,+D1BkBF,6BAAA,CACA,gCAAA,C2B9BJ,sBACE,oBAAA,CACA,kBAAA,ClCiEE,aAAA,CkC/DF,ejCuR4B,CiCtR5B,aAAA,CACA,iBAAA,CACA,kBAAA,CACA,uBAAA,C3BKE,iBAAA,CSFE,6HkBDJ,ClBKI,uCkBfN,sBlBgBQ,eAAA,CAAA,CdLN,0DgCGI,oBAAA,CAKJ,4BACE,YAAA,CAKJ,2BACE,iBAAA,CACA,QAAA,CAOF,2BACE,kBjC+3BkC,CiC93BlC,iBjC83BkC,CMr5BhC,mBAAA,C2BgCF,8BCjDA,UAAA,CACA,wBlC0Ea,CC5Db,0EiCVI,UAAA,CACA,wBAAA,CAGF,0EAEE,SAAA,CACA,yCAAA,CDqCJ,gCCjDA,UAAA,CACA,qBlC0Ea,CC5Db,8EiCVI,UAAA,CACA,wBAAA,CAGF,8EAEE,SAAA,CACA,wCAAA,CDqCJ,8BCjDA,UAAA,CACA,wBlC0Ea,CC5Db,0EiCVI,UAAA,CACA,wBAAA,CAGF,0EAEE,SAAA,CACA,yCAAA,CDqCJ,2BCjDA,UAAA,CACA,wBlC0Ea,CC5Db,oEiCVI,UAAA,CACA,wBAAA,CAGF,oEAEE,SAAA,CACA,0CAAA,CDqCJ,8BCjDA,UAAA,CACA,wBlC0Ea,CC5Db,0EiCVI,UAAA,CACA,wBAAA,CAGF,0EAEE,SAAA,CACA,0CAAA,CDqCJ,6BCjDA,UAAA,CACA,wBlC0Ea,CC5Db,wEiCVI,UAAA,CACA,wBAAA,CAGF,wEAEE,SAAA,CACA,yCAAA,CDqCJ,4BCjDA,UAAA,CACA,wBlC0Ea,CC5Db,sEiCVI,UAAA,CACA,wBAAA,CAGF,sEAEE,SAAA,CACA,2CAAA,CDqCJ,2BCjDA,UAAA,CACA,wBlC0Ea,CC5Db,oEiCVI,UAAA,CACA,wBAAA,CAGF,oEAEE,SAAA,CACA,wCAAA,CCbN,0BACE,iBAAA,CACA,kBnCuzBkC,CmCrzBlC,wBvCqBS,CUPP,mBAAA,CI0CA,yByB5DJ,0BAQI,iBAAA,CAAA,CAIJ,gCACE,eAAA,CACA,cAAA,C7BIE,eAAA,C8BdJ,sBACE,iBAAA,CACA,iBAAA,CACA,kBpCu9BkC,CoCt9BlC,4BAAA,C9BUE,iBAAA,C8BLJ,8BAEE,aAAA,CAIF,2BACE,epC4Q4B,CoCpQ9B,kCACE,oBAAA,CAGA,yCACE,iBAAA,CACA,KAAA,CACA,OAAA,CACA,SAAA,CACA,iBAAA,CACA,aAAA,CAUF,8BC/CA,aDgDqH,CnB3CnH,wBmB2CuB,CC9CzB,oBD8CqE,CC5CrE,iCACE,wBAAA,CAGF,0CACE,aAAA,CDsCF,gCC/CA,aDgDqH,CnB3CnH,wBmB2CuB,CC9CzB,oBD8CqE,CC5CrE,mCACE,wBAAA,CAGF,4CACE,aAAA,CDsCF,8BC/CA,aDgDqH,CnB3CnH,wBmB2CuB,CC9CzB,oBD8CqE,CC5CrE,iCACE,wBAAA,CAGF,0CACE,aAAA,CDsCF,2BC/CA,aDgDqH,CnB3CnH,wBmB2CuB,CC9CzB,oBD8CqE,CC5CrE,8BACE,wBAAA,CAGF,uCACE,aAAA,CDsCF,8BC/CA,aDgDqH,CnB3CnH,wBmB2CuB,CC9CzB,oBD8CqE,CC5CrE,iCACE,wBAAA,CAGF,0CACE,aAAA,CDsCF,6BC/CA,aDgDqH,CnB3CnH,wBmB2CuB,CC9CzB,oBD8CqE,CC5CrE,gCACE,wBAAA,CAGF,yCACE,aAAA,CDsCF,4BC/CA,aDgDqH,CnB3CnH,wBmB2CuB,CC9CzB,oBD8CqE,CC5CrE,+BACE,wBAAA,CAGF,wCACE,aAAA,CDsCF,2BC/CA,aDgDqH,CnB3CnH,wBmB2CuB,CC9CzB,oBD8CqE,CC5CrE,8BACE,wBAAA,CAGF,uCACE,UAAA,CCRF,gCACE,KAAA,0BAAA,CACA,GAAA,uBAAA,CAAA,CAIJ,yBACE,YAAA,CACA,WtCg+BkC,CsC/9BlC,eAAA,CACA,aAAA,CvCmHI,iBAtCa,CuC3EjB,qB1CUS,CUNP,iBAAA,CgCCJ,6BACE,YAAA,CACA,qBAAA,CACA,sBAAA,CACA,eAAA,CACA,U1CPS,C0CQT,iBAAA,CACA,kBAAA,CACA,wBtCq9BkC,Ceh+B9B,yBuBYJ,CvBRI,uCuBDN,6BvBEQ,eAAA,CAAA,CuBUR,qCrBYE,oMAAA,CqBVA,yBAAA,CAIA,sCACE,iDAAA,CAGE,uCAJJ,sCAKM,cAAA,CAAA,CC1CR,sBACE,YAAA,CACA,sBAAA,CAGF,2BACE,MAAA,CCFF,2BACE,YAAA,CACA,qBAAA,CAGA,cAAA,CACA,eAAA,ClCQE,iBAAA,CkCEJ,uCACE,UAAA,CACA,U5CES,C4CDT,kBAAA,CvCPA,0FuCWE,SAAA,CACA,U5CJO,C4CKP,oBAAA,CACA,qB5CNO,C4CST,8CACE,U5CjBO,C4CkBP,wB5ChBO,C4CyBX,gCACE,iBAAA,CACA,aAAA,CACA,iBAAA,CAGA,wB5CzBS,C4C0BT,qBAAA,CAEA,4ClC1BE,8BAAA,CACA,+BAAA,CkC6BF,2ClChBE,kCAAA,CACA,iCAAA,CkCmBF,kFAEE,U5CxCO,C4CyCP,mBAAA,CACA,wB5CxCO,C4C4CT,uCACE,SAAA,CACA,U5CtDO,C4CuDP,wBxCkL0B,CwCjL1B,oBxCiL0B,CwC9K5B,gEACE,kBAAA,CAEA,uEACE,eAAA,CACA,oBxC2JwB,CwC7I1B,sCACE,kBAAA,CAGE,mElC1BJ,6BAAA,CAZA,yBAAA,CkC2CI,kElC3CJ,2BAAA,CAYA,2BAAA,CkCoCI,8DACE,YAAA,CAGF,wEACE,oBxC0HoB,CwCzHpB,mBAAA,CAEA,+EACE,gBAAA,CACA,qBxCqHkB,CUhL1B,yB8BmCA,yCACE,kBAAA,CAGE,sElC1BJ,6BAAA,CAZA,yBAAA,CkC2CI,qElC3CJ,2BAAA,CAYA,2BAAA,CkCoCI,iEACE,YAAA,CAGF,2EACE,oBxC0HoB,CwCzHpB,mBAAA,CAEA,kFACE,gBAAA,CACA,qBxCqHkB,CAAA,CUhL1B,yB8BmCA,yCACE,kBAAA,CAGE,sElC1BJ,6BAAA,CAZA,yBAAA,CkC2CI,qElC3CJ,2BAAA,CAYA,2BAAA,CkCoCI,iEACE,YAAA,CAGF,2EACE,oBxC0HoB,CwCzHpB,mBAAA,CAEA,kFACE,gBAAA,CACA,qBxCqHkB,CAAA,CUhL1B,yB8BmCA,yCACE,kBAAA,CAGE,sElC1BJ,6BAAA,CAZA,yBAAA,CkC2CI,qElC3CJ,2BAAA,CAYA,2BAAA,CkCoCI,iEACE,YAAA,CAGF,2EACE,oBxC0HoB,CwCzHpB,mBAAA,CAEA,kFACE,gBAAA,CACA,qBxCqHkB,CAAA,CUhL1B,0B8BmCA,yCACE,kBAAA,CAGE,sElC1BJ,6BAAA,CAZA,yBAAA,CkC2CI,qElC3CJ,2BAAA,CAYA,2BAAA,CkCoCI,iEACE,YAAA,CAGF,2EACE,oBxC0HoB,CwCzHpB,mBAAA,CAEA,kFACE,gBAAA,CACA,qBxCqHkB,CAAA,CwCvG9B,iClCnHI,eAAA,CkCsHF,kDACE,oBAAA,CAEA,6DACE,qBAAA,CCzIJ,wCACE,aDoJsE,CCnJtE,wBDmJuC,CvCxIzC,0IwCPM,aD+IkE,CC9IlE,wBAAA,CAGF,sEACE,U7CGG,C6CFH,wBDyIkE,CCxIlE,oBDwIkE,CCrJxE,0CACE,aDoJsE,CCnJtE,wBDmJuC,CvCxIzC,8IwCPM,aD+IkE,CC9IlE,wBAAA,CAGF,wEACE,U7CGG,C6CFH,wBDyIkE,CCxIlE,oBDwIkE,CCrJxE,wCACE,aDoJsE,CCnJtE,wBDmJuC,CvCxIzC,0IwCPM,aD+IkE,CC9IlE,wBAAA,CAGF,sEACE,U7CGG,C6CFH,wBDyIkE,CCxIlE,oBDwIkE,CCrJxE,qCACE,aDoJsE,CCnJtE,wBDmJuC,CvCxIzC,oIwCPM,aD+IkE,CC9IlE,wBAAA,CAGF,mEACE,U7CGG,C6CFH,wBDyIkE,CCxIlE,oBDwIkE,CCrJxE,wCACE,aDoJsE,CCnJtE,wBDmJuC,CvCxIzC,0IwCPM,aD+IkE,CC9IlE,wBAAA,CAGF,sEACE,U7CGG,C6CFH,wBDyIkE,CCxIlE,oBDwIkE,CCrJxE,uCACE,aDoJsE,CCnJtE,wBDmJuC,CvCxIzC,wIwCPM,aD+IkE,CC9IlE,wBAAA,CAGF,qEACE,U7CGG,C6CFH,wBDyIkE,CCxIlE,oBDwIkE,CCrJxE,sCACE,aDoJsE,CCnJtE,wBDmJuC,CvCxIzC,sIwCPM,aD+IkE,CC9IlE,wBAAA,CAGF,oEACE,U7CGG,C6CFH,wBDyIkE,CCxIlE,oBDwIkE,CCrJxE,qCACE,aDoJsE,CCnJtE,wBDmJuC,CvCxIzC,oIwCPM,aD+IkE,CC9IlE,wBAAA,CAGF,mEACE,U7CGG,C6CFH,wBDyIkE,CCxIlE,oBDwIkE,CExJ1E,sBACE,WAAA,C3C8HI,gBAtCa,C2CtFjB,e1C6R4B,C0C5R5B,aAAA,CACA,U9CYS,C8CXT,gB9CkLkC,C8CjLlC,UAAA,CzCKA,4ByCDE,U9CMO,C8CLP,oBAAA,CzCIF,oHyCCI,WAAA,CAWN,4BACE,SAAA,CACA,4BAAA,CACA,QAAA,CAMF,gCACE,mBAAA,CCtCF,sBAGE,gB3Cy4BkC,C2Cx4BlC,e3Cw4BkC,CD7wB9B,cAtCa,C4ClFjB,qB/CiBS,C+ChBT,2BAAA,CACA,+BAAA,CACA,yC3C24BkC,C2C14BlC,SAAA,CrCOE,iBAAA,CqCJF,uCACE,oB3C83BgC,C2C33BlC,8BACE,SAAA,CAGF,2BACE,aAAA,CACA,SAAA,CAGF,2BACE,YAAA,CAIJ,6BACE,YAAA,CACA,kBAAA,CACA,gBAAA,CACA,U/CbS,C+CcT,wB/CZS,C+CaT,2BAAA,CACA,uCAAA,CrCZE,sCAAA,CACA,uCAAA,CqCeJ,2BACE,Y3Ci2BkC,C4Cv4BpC,2BAEE,eAAA,CAEA,kCACE,iBAAA,CACA,eAAA,CAKJ,sBACE,cAAA,CACA,KAAA,CACA,MAAA,CACA,Y5C2pBkC,C4C1pBlC,YAAA,CACA,UAAA,CACA,WAAA,CACA,eAAA,CAGA,SAAA,CAOF,6BACE,iBAAA,CACA,UAAA,CACA,Y5C+4BkC,C4C74BlC,mBAAA,CAGA,yC7B3BI,iC6B4BF,CACA,6B5Cq6BgC,Ce97B9B,uC6BuBJ,yC7BtBM,eAAA,CAAA,C6B0BN,yCACE,c5Cm6BgC,C4C/5BlC,iDACE,qB5Cg6BgC,C4C55BpC,wCACE,YAAA,CACA,4BAAA,CAEA,uDACE,6BAAA,CACA,eAAA,CAGF,4GAEE,aAAA,CAGF,oDACE,eAAA,CAIJ,sCACE,YAAA,CACA,kBAAA,CACA,4BAAA,CAGA,8CACE,aAAA,CACA,yBAAA,CACA,kBAAA,CACA,UAAA,CAIF,8DACE,qBAAA,CACA,sBAAA,CACA,WAAA,CAEA,6EACE,eAAA,CAGF,sEACE,YAAA,CAMN,8BACE,iBAAA,CACA,YAAA,CACA,qBAAA,CACA,UAAA,CAGA,mBAAA,CACA,wBhDzFS,CgD0FT,2BAAA,CACA,qBAAA,CtClGE,mBAAA,CsCsGF,SAAA,CAIF,+BACE,cAAA,CACA,KAAA,CACA,MAAA,CACA,Y5C+iBkC,C4C9iBlC,WAAA,CACA,YAAA,CACA,qBhDxGS,CgD2GT,oCAAA,SAAA,CACA,oCAAA,U5C6zBkC,C4CxzBpC,6BACE,YAAA,CACA,sBAAA,CACA,6BAAA,CACA,iB5C2zBkC,C4C1zBlC,4BAAA,CtCtHE,wCAAA,CACA,yCAAA,CsCwHF,oCACE,iB5CszBgC,C4CpzBhC,6BAAA,CAKJ,4BACE,eAAA,CACA,e5CsI4B,C4CjI9B,2BACE,iBAAA,CAGA,aAAA,CACA,Y5CwwBkC,C4CpwBpC,6BACE,YAAA,CACA,cAAA,CACA,kBAAA,CACA,wBAAA,CACA,YAAA,CACA,yBAAA,CtCzIE,4CAAA,CACA,2CAAA,CsC8IF,+BACE,aAAA,CAKJ,wCACE,iBAAA,CACA,WAAA,CACA,UAAA,CACA,WAAA,CACA,eAAA,ClCvIE,yBkC6IF,6BACE,e5CqwBgC,C4CpwBhC,mBAAA,CAGF,wCACE,8BAAA,CAEA,uDACE,+BAAA,CAIJ,sCACE,8BAAA,CAEA,8CACE,2BAAA,CACA,kBAAA,CAQJ,yBAAA,e5C6uBkC,CAAA,CUp5BhC,yBkC2KF,kDAEE,e5CquBgC,CAAA,CUl5BhC,0BkCkLF,yBAAA,gB5C+tBkC,CAAA,C6C58BpC,wBACE,iBAAA,CACA,Y7C+qBkC,C6C9qBlC,aAAA,CACA,Q7C21BkC,C8C/1BlC,8JlD6D4B,CkD3D5B,iBAAA,CACA,e9C2R4B,C8C1R5B,e9C+R4B,C8C9R5B,eAAA,CACA,gBAAA,CACA,oBAAA,CACA,gBAAA,CACA,mBAAA,CACA,qBAAA,CACA,iBAAA,CACA,mBAAA,CACA,kBAAA,CACA,eAAA,C/CgHI,kBAtCa,C8C9EjB,oBAAA,CACA,SAAA,CAEA,6BAAA,U7C+0BkC,C6C70BlC,+BACE,iBAAA,CACA,aAAA,CACA,W7C+0BgC,C6C90BhC,Y7C+0BgC,C6C70BhC,uCACE,iBAAA,CACA,UAAA,CACA,wBAAA,CACA,kBAAA,CAKN,iFACE,eAAA,CAEA,+FACE,QAAA,CAEA,+GACE,KAAA,CACA,0BAAA,CACA,qBjDbK,CiDkBX,qFACE,eAAA,CAEA,mGACE,MAAA,CACA,W7CizBgC,C6ChzBhC,Y7C+yBgC,C6C7yBhC,mHACE,OAAA,CACA,gCAAA,CACA,uBjD7BK,CiDkCX,uFACE,eAAA,CAEA,qGACE,KAAA,CAEA,qHACE,QAAA,CACA,0BAAA,CACA,wBjD3CK,CiDgDX,mFACE,eAAA,CAEA,iGACE,OAAA,CACA,W7CmxBgC,C6ClxBhC,Y7CixBgC,C6C/wBhC,iHACE,MAAA,CACA,gCAAA,CACA,sBjD3DK,CiDgFX,8BACE,e7C6uBkC,C6C5uBlC,eAAA,CACA,UjD7FS,CiD8FT,iBAAA,CACA,qBjDrFS,CUTP,iBAAA,CyClBJ,wBACE,iBAAA,CACA,KAAA,CACA,MAAA,CACA,Y/C6qBkC,C+C5qBlC,aAAA,CACA,e/C62BkC,C8Cl3BlC,8JlD6D4B,CkD3D5B,iBAAA,CACA,e9C2R4B,C8C1R5B,e9C+R4B,C8C9R5B,eAAA,CACA,gBAAA,CACA,oBAAA,CACA,gBAAA,CACA,mBAAA,CACA,qBAAA,CACA,iBAAA,CACA,mBAAA,CACA,kBAAA,CACA,eAAA,C/CgHI,kBAtCa,CgD7EjB,oBAAA,CACA,wBnDYS,CmDXT,2BAAA,CACA,+BAAA,CzCGE,mBAAA,CyCCF,+BACE,iBAAA,CACA,aAAA,CACA,U/C62BgC,C+C52BhC,Y/C62BgC,C+C52BhC,cAAA,CAEA,6EAEE,iBAAA,CACA,aAAA,CACA,UAAA,CACA,wBAAA,CACA,kBAAA,CAKN,iFACE,mB/C81BkC,C+C51BlC,wKACE,0BAAA,CAEA,gMACE,QAAA,CACA,sBAAA,CACA,gC/Cy1B8B,C+Ct1BhC,6LACE,U/C0LwB,C+CzLxB,sBAAA,CACA,wBnD3BK,CmDgCX,qFACE,iB/C00BkC,C+Cx0BlC,8KACE,wBAAA,CACA,W/Cs0BgC,C+Cr0BhC,W/Co0BgC,C+Cn0BhC,cAAA,CAEA,sMACE,MAAA,CACA,0BAAA,CACA,kC/Ck0B8B,C+C/zBhC,mMACE,Q/CmKwB,C+ClKxB,0BAAA,CACA,0BnDlDK,CmDuDX,uFACE,gB/CmzBkC,C+CjzBlC,iLACE,uBAAA,CAEA,yMACE,KAAA,CACA,0BAAA,CACA,mC/C8yB8B,C+C3yBhC,sMACE,O/C+IwB,C+C9IxB,0BAAA,CACA,2BnDtEK,CmD2ET,uIACE,iBAAA,CACA,KAAA,CACA,QAAA,CACA,aAAA,CACA,U/C0xBgC,C+CzxBhC,mBAAA,CACA,UAAA,CACA,4BAAA,CAIJ,mFACE,kB/CmxBkC,C+CjxBlC,2KACE,yBAAA,CACA,W/C+wBgC,C+C9wBhC,W/C6wBgC,C+C5wBhC,cAAA,CAEA,mMACE,OAAA,CACA,0BAAA,CACA,iC/C2wB8B,C+CxwBhC,gMACE,S/C4GwB,C+C3GxB,0BAAA,CACA,yBnDzGK,CmD+HX,+BACE,gBAAA,CACA,eAAA,ChD3BI,cAtCa,CgDoEjB,qBnDrIS,CmDsIT,+BAAA,CzCnIE,wCAAA,CACA,yCAAA,CyCqIF,qCACE,YAAA,CAIJ,6BACE,gBAAA,CACA,UnDvJS,CoDJX,yBACE,iBAAA,CAGF,uCACE,kBAAA,CAGF,+BACE,iBAAA,CACA,UAAA,CACA,eAAA,CCvBA,sCACE,aAAA,CACA,UAAA,CACA,UAAA,CDwBJ,8BACE,iBAAA,CACA,YAAA,CACA,UAAA,CACA,UAAA,CACA,kBAAA,CACA,0BAAA,CjClBI,oCiCmBJ,CjCfI,uCiCQN,8BjCPQ,eAAA,CAAA,CiCiBR,2GAGE,aAAA,CAGF,uGAEE,0BAAA,CAGF,uGAEE,2BAAA,CASA,6CACE,SAAA,CACA,2BAAA,CACA,cAAA,CAGF,+LAGE,SAAA,CACA,SAAA,CAGF,mHAEE,SAAA,CACA,SAAA,CjC5DE,yBiC6DF,CjCzDE,uCiCqDJ,mHjCpDM,eAAA,CAAA,CiCiER,4EAEE,iBAAA,CACA,KAAA,CACA,QAAA,CACA,SAAA,CAEA,YAAA,CACA,kBAAA,CACA,sBAAA,CACA,ShDo9BmC,CgDn9BnC,UpDhFS,CoDiFT,iBAAA,CACA,UhDk9BmC,CeriC/B,4BiCoFJ,CjChFI,uCiCkEN,4EjCjEQ,eAAA,CAAA,CdLN,gL+CwFE,UpDvFO,CoDwFP,oBAAA,CACA,SAAA,CACA,UhD28BiC,CgDx8BrC,sCACE,MAAA,CAKF,sCACE,OAAA,CAOF,sFAEE,oBAAA,CACA,UhDo8BmC,CgDn8BnC,WhDm8BmC,CgDl8BnC,kCAAA,CAEF,2CACE,qNAAA,CAEF,2CACE,sNAAA,CASF,oCACE,iBAAA,CACA,OAAA,CACA,QAAA,CACA,MAAA,CACA,UAAA,CACA,YAAA,CACA,sBAAA,CACA,cAAA,CAEA,gBhD05BmC,CgDz5BnC,ehDy5BmC,CgDx5BnC,eAAA,CAEA,uCACE,sBAAA,CACA,aAAA,CACA,UhDw5BiC,CgDv5BjC,UhDw5BiC,CgDv5BjC,gBhDy5BiC,CgDx5BjC,ehDw5BiC,CgDv5BjC,kBAAA,CACA,cAAA,CACA,qBpDtJO,CoDuJP,2BAAA,CAEA,iCAAA,CACA,oCAAA,CACA,UAAA,CjC5JE,2BiC6JF,CjCzJE,uCiC0IJ,uCjCzIM,eAAA,CAAA,CiC2JN,4CACE,SAAA,CASJ,iCACE,iBAAA,CACA,SAAA,CACA,WAAA,CACA,QAAA,CACA,UAAA,CACA,gBAAA,CACA,mBAAA,CACA,UpDjLS,CoDkLT,iBAAA,CE/LF,0BACE,GAAA,wBAAA,CAAA,CAGF,+BACE,oBAAA,CACA,UlDokCsB,CkDnkCtB,WlDmkCsB,CkDlkCtB,0BAAA,CACA,+BAAA,CACA,8BAAA,CAEA,iBAAA,CACA,6CAAA,CAGF,kCACE,UlD6jCwB,CkD5jCxB,WlD4jCwB,CkD3jCxB,iBlD6jCwB,CkDtjC1B,wBACE,GACE,kBAAA,CAEF,IACE,SAAA,CACA,cAAA,CAAA,CAIJ,6BACE,oBAAA,CACA,UlDoiCsB,CkDniCtB,WlDmiCsB,CkDliCtB,0BAAA,CACA,6BAAA,CAEA,iBAAA,CACA,SAAA,CACA,2CAAA,CAGF,gCACE,UlD6hCwB,CkD5hCxB,WlD4hCwB,CkDxhCxB,uCACE,4DAEE,uBAAA,CAAA,CC3DN,+BAAA,kCAAA,CACA,0BAAA,6BAAA,CACA,6BAAA,gCAAA,CACA,6BAAA,gCAAA,CACA,kCAAA,qCAAA,CACA,+BAAA,kCAAA,CCFE,2BACE,mCAAA,CnDUF,kJmDLI,mCAAA,CANJ,6BACE,gCAAA,CnDUF,0JmDLI,mCAAA,CANJ,2BACE,mCAAA,CnDUF,kJmDLI,mCAAA,CANJ,wBACE,mCAAA,CnDUF,sImDLI,mCAAA,CANJ,2BACE,mCAAA,CnDUF,kJmDLI,mCAAA,CANJ,0BACE,mCAAA,CnDUF,8ImDLI,mCAAA,CANJ,yBACE,mCAAA,CnDUF,0ImDLI,mCAAA,CANJ,wBACE,mCAAA,CnDUF,sImDLI,mCAAA,CCCN,yBACE,gCAAA,CAGF,+BACE,uCAAA,CCXF,uBAAA,mCAAA,CACA,2BAAA,uCAAA,CACA,6BAAA,yCAAA,CACA,8BAAA,0CAAA,CACA,4BAAA,wCAAA,CAEA,yBAAA,mBAAA,CACA,6BAAA,uBAAA,CACA,+BAAA,yBAAA,CACA,gCAAA,0BAAA,CACA,8BAAA,wBAAA,CAGE,+BACE,+BAAA,CADF,iCACE,4BAAA,CADF,+BACE,+BAAA,CADF,4BACE,+BAAA,CADF,+BACE,+BAAA,CADF,8BACE,+BAAA,CADF,6BACE,+BAAA,CADF,4BACE,+BAAA,CAIJ,6BACE,4BAAA,CAOF,2BACE,8BAAA,CAGF,wBACE,4BAAA,CAGF,4BACE,qCAAA,CACA,sCAAA,CAGF,8BACE,sCAAA,CACA,yCAAA,CAGF,+BACE,yCAAA,CACA,wCAAA,CAGF,6BACE,qCAAA,CACA,wCAAA,CAGF,2BACE,8BAAA,CAGF,+BACE,4BAAA,CAGF,6BACE,8BAAA,CAGF,0BACE,0BAAA,CLxEA,gCACE,aAAA,CACA,UAAA,CACA,UAAA,CMOE,uBAAA,uBAAA,CAAA,yBAAA,yBAAA,CAAA,+BAAA,+BAAA,CAAA,wBAAA,wBAAA,CAAA,wBAAA,wBAAA,CAAA,4BAAA,4BAAA,CAAA,6BAAA,6BAAA,CAAA,uBAAA,uBAAA,CAAA,8BAAA,8BAAA,C7CiDF,yB6CjDE,0BAAA,uBAAA,CAAA,4BAAA,yBAAA,CAAA,kCAAA,+BAAA,CAAA,2BAAA,wBAAA,CAAA,2BAAA,wBAAA,CAAA,+BAAA,4BAAA,CAAA,gCAAA,6BAAA,CAAA,0BAAA,uBAAA,CAAA,iCAAA,8BAAA,CAAA,C7CiDF,yB6CjDE,0BAAA,uBAAA,CAAA,4BAAA,yBAAA,CAAA,kCAAA,+BAAA,CAAA,2BAAA,wBAAA,CAAA,2BAAA,wBAAA,CAAA,+BAAA,4BAAA,CAAA,gCAAA,6BAAA,CAAA,0BAAA,uBAAA,CAAA,iCAAA,8BAAA,CAAA,C7CiDF,yB6CjDE,0BAAA,uBAAA,CAAA,4BAAA,yBAAA,CAAA,kCAAA,+BAAA,CAAA,2BAAA,wBAAA,CAAA,2BAAA,wBAAA,CAAA,+BAAA,4BAAA,CAAA,gCAAA,6BAAA,CAAA,0BAAA,uBAAA,CAAA,iCAAA,8BAAA,CAAA,C7CiDF,0B6CjDE,0BAAA,uBAAA,CAAA,4BAAA,yBAAA,CAAA,kCAAA,+BAAA,CAAA,2BAAA,wBAAA,CAAA,2BAAA,wBAAA,CAAA,+BAAA,4BAAA,CAAA,gCAAA,6BAAA,CAAA,0BAAA,uBAAA,CAAA,iCAAA,8BAAA,CAAA,CAUN,aAEI,6BAAA,uBAAA,CAAA,+BAAA,yBAAA,CAAA,qCAAA,+BAAA,CAAA,8BAAA,wBAAA,CAAA,8BAAA,wBAAA,CAAA,kCAAA,4BAAA,CAAA,mCAAA,6BAAA,CAAA,6BAAA,uBAAA,CAAA,oCAAA,8BAAA,CAAA,CCrBJ,iCACE,iBAAA,CACA,aAAA,CACA,UAAA,CACA,SAAA,CACA,eAAA,CAEA,yCACE,aAAA,CACA,UAAA,CAGF,sNAKE,iBAAA,CACA,KAAA,CACA,QAAA,CACA,MAAA,CACA,UAAA,CACA,WAAA,CACA,QAAA,CASA,+CACE,0BAAA,CADF,+CACE,kBAAA,CADF,8CACE,eAAA,CADF,8CACE,gBAAA,CCzBF,yBAAA,6BAAA,CACA,4BAAA,gCAAA,CACA,iCAAA,qCAAA,CACA,oCAAA,wCAAA,CAEA,0BAAA,yBAAA,CACA,4BAAA,2BAAA,CACA,kCAAA,iCAAA,CACA,0BAAA,wBAAA,CACA,4BAAA,sBAAA,CACA,4BAAA,sBAAA,CACA,8BAAA,wBAAA,CACA,8BAAA,wBAAA,CAEA,sCAAA,qCAAA,CACA,oCAAA,mCAAA,CACA,uCAAA,iCAAA,CACA,wCAAA,wCAAA,CACA,uCAAA,uCAAA,CAEA,kCAAA,iCAAA,CACA,gCAAA,+BAAA,CACA,mCAAA,6BAAA,CACA,qCAAA,+BAAA,CACA,oCAAA,8BAAA,CAEA,oCAAA,mCAAA,CACA,kCAAA,iCAAA,CACA,qCAAA,+BAAA,CACA,sCAAA,sCAAA,CACA,qCAAA,qCAAA,CACA,sCAAA,gCAAA,CAEA,gCAAA,0BAAA,CACA,iCAAA,gCAAA,CACA,+BAAA,8BAAA,CACA,kCAAA,4BAAA,CACA,oCAAA,8BAAA,CACA,mCAAA,6BAAA,C/CYA,yB+ClDA,4BAAA,6BAAA,CACA,+BAAA,gCAAA,CACA,oCAAA,qCAAA,CACA,uCAAA,wCAAA,CAEA,6BAAA,yBAAA,CACA,+BAAA,2BAAA,CACA,qCAAA,iCAAA,CACA,6BAAA,wBAAA,CACA,+BAAA,sBAAA,CACA,+BAAA,sBAAA,CACA,iCAAA,wBAAA,CACA,iCAAA,wBAAA,CAEA,yCAAA,qCAAA,CACA,uCAAA,mCAAA,CACA,0CAAA,iCAAA,CACA,2CAAA,wCAAA,CACA,0CAAA,uCAAA,CAEA,qCAAA,iCAAA,CACA,mCAAA,+BAAA,CACA,sCAAA,6BAAA,CACA,wCAAA,+BAAA,CACA,uCAAA,8BAAA,CAEA,uCAAA,mCAAA,CACA,qCAAA,iCAAA,CACA,wCAAA,+BAAA,CACA,yCAAA,sCAAA,CACA,wCAAA,qCAAA,CACA,yCAAA,gCAAA,CAEA,mCAAA,0BAAA,CACA,oCAAA,gCAAA,CACA,kCAAA,8BAAA,CACA,qCAAA,4BAAA,CACA,uCAAA,8BAAA,CACA,sCAAA,6BAAA,CAAA,C/CYA,yB+ClDA,4BAAA,6BAAA,CACA,+BAAA,gCAAA,CACA,oCAAA,qCAAA,CACA,uCAAA,wCAAA,CAEA,6BAAA,yBAAA,CACA,+BAAA,2BAAA,CACA,qCAAA,iCAAA,CACA,6BAAA,wBAAA,CACA,+BAAA,sBAAA,CACA,+BAAA,sBAAA,CACA,iCAAA,wBAAA,CACA,iCAAA,wBAAA,CAEA,yCAAA,qCAAA,CACA,uCAAA,mCAAA,CACA,0CAAA,iCAAA,CACA,2CAAA,wCAAA,CACA,0CAAA,uCAAA,CAEA,qCAAA,iCAAA,CACA,mCAAA,+BAAA,CACA,sCAAA,6BAAA,CACA,wCAAA,+BAAA,CACA,uCAAA,8BAAA,CAEA,uCAAA,mCAAA,CACA,qCAAA,iCAAA,CACA,wCAAA,+BAAA,CACA,yCAAA,sCAAA,CACA,wCAAA,qCAAA,CACA,yCAAA,gCAAA,CAEA,mCAAA,0BAAA,CACA,oCAAA,gCAAA,CACA,kCAAA,8BAAA,CACA,qCAAA,4BAAA,CACA,uCAAA,8BAAA,CACA,sCAAA,6BAAA,CAAA,C/CYA,yB+ClDA,4BAAA,6BAAA,CACA,+BAAA,gCAAA,CACA,oCAAA,qCAAA,CACA,uCAAA,wCAAA,CAEA,6BAAA,yBAAA,CACA,+BAAA,2BAAA,CACA,qCAAA,iCAAA,CACA,6BAAA,wBAAA,CACA,+BAAA,sBAAA,CACA,+BAAA,sBAAA,CACA,iCAAA,wBAAA,CACA,iCAAA,wBAAA,CAEA,yCAAA,qCAAA,CACA,uCAAA,mCAAA,CACA,0CAAA,iCAAA,CACA,2CAAA,wCAAA,CACA,0CAAA,uCAAA,CAEA,qCAAA,iCAAA,CACA,mCAAA,+BAAA,CACA,sCAAA,6BAAA,CACA,wCAAA,+BAAA,CACA,uCAAA,8BAAA,CAEA,uCAAA,mCAAA,CACA,qCAAA,iCAAA,CACA,wCAAA,+BAAA,CACA,yCAAA,sCAAA,CACA,wCAAA,qCAAA,CACA,yCAAA,gCAAA,CAEA,mCAAA,0BAAA,CACA,oCAAA,gCAAA,CACA,kCAAA,8BAAA,CACA,qCAAA,4BAAA,CACA,uCAAA,8BAAA,CACA,sCAAA,6BAAA,CAAA,C/CYA,0B+ClDA,4BAAA,6BAAA,CACA,+BAAA,gCAAA,CACA,oCAAA,qCAAA,CACA,uCAAA,wCAAA,CAEA,6BAAA,yBAAA,CACA,+BAAA,2BAAA,CACA,qCAAA,iCAAA,CACA,6BAAA,wBAAA,CACA,+BAAA,sBAAA,CACA,+BAAA,sBAAA,CACA,iCAAA,wBAAA,CACA,iCAAA,wBAAA,CAEA,yCAAA,qCAAA,CACA,uCAAA,mCAAA,CACA,0CAAA,iCAAA,CACA,2CAAA,wCAAA,CACA,0CAAA,uCAAA,CAEA,qCAAA,iCAAA,CACA,mCAAA,+BAAA,CACA,sCAAA,6BAAA,CACA,wCAAA,+BAAA,CACA,uCAAA,8BAAA,CAEA,uCAAA,mCAAA,CACA,qCAAA,iCAAA,CACA,wCAAA,+BAAA,CACA,yCAAA,sCAAA,CACA,wCAAA,qCAAA,CACA,yCAAA,gCAAA,CAEA,mCAAA,0BAAA,CACA,oCAAA,gCAAA,CACA,kCAAA,8BAAA,CACA,qCAAA,4BAAA,CACA,uCAAA,8BAAA,CACA,sCAAA,6BAAA,CAAA,CC1CA,2BAAA,qBAAA,CACA,4BAAA,sBAAA,CACA,2BAAA,qBAAA,ChDoDA,yBgDtDA,8BAAA,qBAAA,CACA,+BAAA,sBAAA,CACA,8BAAA,qBAAA,CAAA,ChDoDA,yBgDtDA,8BAAA,qBAAA,CACA,+BAAA,sBAAA,CACA,8BAAA,qBAAA,CAAA,ChDoDA,yBgDtDA,8BAAA,qBAAA,CACA,+BAAA,sBAAA,CACA,8BAAA,qBAAA,CAAA,ChDoDA,0BgDtDA,8BAAA,qBAAA,CACA,+BAAA,sBAAA,CACA,8BAAA,qBAAA,CAAA,CCLF,gCAAA,0BAAA,CAAA,iCAAA,2BAAA,CAAA,iCAAA,2BAAA,CAAA,8BAAA,wBAAA,CAAA,gCAAA,0BAAA,CCCA,gCAAA,0BAAA,CAAA,kCAAA,4BAAA,CAAA,kCAAA,4BAAA,CAAA,+BAAA,yBAAA,CAAA,gCAAA,0BAAA,CAKF,0BACE,cAAA,CACA,KAAA,CACA,OAAA,CACA,MAAA,CACA,Y5DgqBkC,C4D7pBpC,6BACE,cAAA,CACA,OAAA,CACA,QAAA,CACA,MAAA,CACA,Y5DwpBkC,C4DppBlC,4BADF,2BAEI,eAAA,CACA,KAAA,CACA,Y5DgpBgC,CAAA,C6DzqBpC,wBCEE,iBAAA,CACA,SAAA,CACA,UAAA,CACA,SAAA,CACA,WAAA,CACA,eAAA,CACA,qBAAA,CACA,kBAAA,CACA,QAAA,CAUA,iFAEE,eAAA,CACA,UAAA,CACA,WAAA,CACA,gBAAA,CACA,SAAA,CACA,kBAAA,CC7BJ,0BAAA,uDAAA,CACA,uBAAA,kDAAA,CACA,0BAAA,kDAAA,CACA,4BAAA,0BAAA,CCCI,qBAAA,oBAAA,CAAA,qBAAA,oBAAA,CAAA,qBAAA,oBAAA,CAAA,sBAAA,qBAAA,CAAA,uBAAA,qBAAA,CAAA,qBAAA,qBAAA,CAAA,qBAAA,qBAAA,CAAA,qBAAA,qBAAA,CAAA,sBAAA,sBAAA,CAAA,uBAAA,sBAAA,CAIJ,uBAAA,yBAAA,CACA,uBAAA,0BAAA,CAIA,2BAAA,0BAAA,CACA,2BAAA,2BAAA,CAEA,uBAAA,sBAAA,CACA,uBAAA,uBAAA,CCTQ,oBAAA,mBAAA,CACA,0CAEE,uBAAA,CAEF,0CAEE,yBAAA,CAEF,0CAEE,0BAAA,CAEF,0CAEE,wBAAA,CAfF,oBAAA,wBAAA,CACA,0CAEE,4BAAA,CAEF,0CAEE,8BAAA,CAEF,0CAEE,+BAAA,CAEF,0CAEE,6BAAA,CAfF,oBAAA,uBAAA,CACA,0CAEE,2BAAA,CAEF,0CAEE,6BAAA,CAEF,0CAEE,8BAAA,CAEF,0CAEE,4BAAA,CAfF,oBAAA,sBAAA,CACA,0CAEE,0BAAA,CAEF,0CAEE,4BAAA,CAEF,0CAEE,6BAAA,CAEF,0CAEE,2BAAA,CAfF,oBAAA,wBAAA,CACA,0CAEE,4BAAA,CAEF,0CAEE,8BAAA,CAEF,0CAEE,+BAAA,CAEF,0CAEE,6BAAA,CAfF,oBAAA,sBAAA,CACA,0CAEE,0BAAA,CAEF,0CAEE,4BAAA,CAEF,0CAEE,6BAAA,CAEF,0CAEE,2BAAA,CAfF,oBAAA,oBAAA,CACA,0CAEE,wBAAA,CAEF,0CAEE,0BAAA,CAEF,0CAEE,2BAAA,CAEF,0CAEE,yBAAA,CAfF,oBAAA,sBAAA,CACA,0CAEE,0BAAA,CAEF,0CAEE,4BAAA,CAEF,0CAEE,6BAAA,CAEF,0CAEE,2BAAA,CAfF,oBAAA,sBAAA,CACA,0CAEE,0BAAA,CAEF,0CAEE,4BAAA,CAEF,0CAEE,6BAAA,CAEF,0CAEE,2BAAA,CAfF,oBAAA,uBAAA,CACA,0CAEE,2BAAA,CAEF,0CAEE,6BAAA,CAEF,0CAEE,8BAAA,CAEF,0CAEE,4BAAA,CAfF,oBAAA,uBAAA,CACA,0CAEE,2BAAA,CAEF,0CAEE,6BAAA,CAEF,0CAEE,8BAAA,CAEF,0CAEE,4BAAA,CAfF,oBAAA,uBAAA,CACA,0CAEE,2BAAA,CAEF,0CAEE,6BAAA,CAEF,0CAEE,8BAAA,CAEF,0CAEE,4BAAA,CAQF,qBAAA,0BAAA,CACA,4CAEE,8BAAA,CAEF,4CAEE,gCAAA,CAEF,4CAEE,iCAAA,CAEF,4CAEE,+BAAA,CAfF,qBAAA,yBAAA,CACA,4CAEE,6BAAA,CAEF,4CAEE,+BAAA,CAEF,4CAEE,gCAAA,CAEF,4CAEE,8BAAA,CAfF,qBAAA,uBAAA,CACA,4CAEE,2BAAA,CAEF,4CAEE,6BAAA,CAEF,4CAEE,8BAAA,CAEF,4CAEE,4BAAA,CAfF,qBAAA,yBAAA,CACA,4CAEE,6BAAA,CAEF,4CAEE,+BAAA,CAEF,4CAEE,gCAAA,CAEF,4CAEE,8BAAA,CAfF,qBAAA,uBAAA,CACA,4CAEE,2BAAA,CAEF,4CAEE,6BAAA,CAEF,4CAEE,8BAAA,CAEF,4CAEE,4BAAA,CAMN,uBAAA,sBAAA,CACA,gDAEE,0BAAA,CAEF,gDAEE,4BAAA,CAEF,gDAEE,6BAAA,CAEF,gDAEE,2BAAA,CvDTF,yBuDlDI,uBAAA,mBAAA,CACA,gDAEE,uBAAA,CAEF,gDAEE,yBAAA,CAEF,gDAEE,0BAAA,CAEF,gDAEE,wBAAA,CAfF,uBAAA,wBAAA,CACA,gDAEE,4BAAA,CAEF,gDAEE,8BAAA,CAEF,gDAEE,+BAAA,CAEF,gDAEE,6BAAA,CAfF,uBAAA,uBAAA,CACA,gDAEE,2BAAA,CAEF,gDAEE,6BAAA,CAEF,gDAEE,8BAAA,CAEF,gDAEE,4BAAA,CAfF,uBAAA,sBAAA,CACA,gDAEE,0BAAA,CAEF,gDAEE,4BAAA,CAEF,gDAEE,6BAAA,CAEF,gDAEE,2BAAA,CAfF,uBAAA,wBAAA,CACA,gDAEE,4BAAA,CAEF,gDAEE,8BAAA,CAEF,gDAEE,+BAAA,CAEF,gDAEE,6BAAA,CAfF,uBAAA,sBAAA,CACA,gDAEE,0BAAA,CAEF,gDAEE,4BAAA,CAEF,gDAEE,6BAAA,CAEF,gDAEE,2BAAA,CAfF,uBAAA,oBAAA,CACA,gDAEE,wBAAA,CAEF,gDAEE,0BAAA,CAEF,gDAEE,2BAAA,CAEF,gDAEE,yBAAA,CAfF,uBAAA,sBAAA,CACA,gDAEE,0BAAA,CAEF,gDAEE,4BAAA,CAEF,gDAEE,6BAAA,CAEF,gDAEE,2BAAA,CAfF,uBAAA,sBAAA,CACA,gDAEE,0BAAA,CAEF,gDAEE,4BAAA,CAEF,gDAEE,6BAAA,CAEF,gDAEE,2BAAA,CAfF,uBAAA,uBAAA,CACA,gDAEE,2BAAA,CAEF,gDAEE,6BAAA,CAEF,gDAEE,8BAAA,CAEF,gDAEE,4BAAA,CAfF,uBAAA,uBAAA,CACA,gDAEE,2BAAA,CAEF,gDAEE,6BAAA,CAEF,gDAEE,8BAAA,CAEF,gDAEE,4BAAA,CAfF,uBAAA,uBAAA,CACA,gDAEE,2BAAA,CAEF,gDAEE,6BAAA,CAEF,gDAEE,8BAAA,CAEF,gDAEE,4BAAA,CAQF,wBAAA,0BAAA,CACA,kDAEE,8BAAA,CAEF,kDAEE,gCAAA,CAEF,kDAEE,iCAAA,CAEF,kDAEE,+BAAA,CAfF,wBAAA,yBAAA,CACA,kDAEE,6BAAA,CAEF,kDAEE,+BAAA,CAEF,kDAEE,gCAAA,CAEF,kDAEE,8BAAA,CAfF,wBAAA,uBAAA,CACA,kDAEE,2BAAA,CAEF,kDAEE,6BAAA,CAEF,kDAEE,8BAAA,CAEF,kDAEE,4BAAA,CAfF,wBAAA,yBAAA,CACA,kDAEE,6BAAA,CAEF,kDAEE,+BAAA,CAEF,kDAEE,gCAAA,CAEF,kDAEE,8BAAA,CAfF,wBAAA,uBAAA,CACA,kDAEE,2BAAA,CAEF,kDAEE,6BAAA,CAEF,kDAEE,8BAAA,CAEF,kDAEE,4BAAA,CAMN,0BAAA,sBAAA,CACA,sDAEE,0BAAA,CAEF,sDAEE,4BAAA,CAEF,sDAEE,6BAAA,CAEF,sDAEE,2BAAA,CAAA,CvDTF,yBuDlDI,uBAAA,mBAAA,CACA,gDAEE,uBAAA,CAEF,gDAEE,yBAAA,CAEF,gDAEE,0BAAA,CAEF,gDAEE,wBAAA,CAfF,uBAAA,wBAAA,CACA,gDAEE,4BAAA,CAEF,gDAEE,8BAAA,CAEF,gDAEE,+BAAA,CAEF,gDAEE,6BAAA,CAfF,uBAAA,uBAAA,CACA,gDAEE,2BAAA,CAEF,gDAEE,6BAAA,CAEF,gDAEE,8BAAA,CAEF,gDAEE,4BAAA,CAfF,uBAAA,sBAAA,CACA,gDAEE,0BAAA,CAEF,gDAEE,4BAAA,CAEF,gDAEE,6BAAA,CAEF,gDAEE,2BAAA,CAfF,uBAAA,wBAAA,CACA,gDAEE,4BAAA,CAEF,gDAEE,8BAAA,CAEF,gDAEE,+BAAA,CAEF,gDAEE,6BAAA,CAfF,uBAAA,sBAAA,CACA,gDAEE,0BAAA,CAEF,gDAEE,4BAAA,CAEF,gDAEE,6BAAA,CAEF,gDAEE,2BAAA,CAfF,uBAAA,oBAAA,CACA,gDAEE,wBAAA,CAEF,gDAEE,0BAAA,CAEF,gDAEE,2BAAA,CAEF,gDAEE,yBAAA,CAfF,uBAAA,sBAAA,CACA,gDAEE,0BAAA,CAEF,gDAEE,4BAAA,CAEF,gDAEE,6BAAA,CAEF,gDAEE,2BAAA,CAfF,uBAAA,sBAAA,CACA,gDAEE,0BAAA,CAEF,gDAEE,4BAAA,CAEF,gDAEE,6BAAA,CAEF,gDAEE,2BAAA,CAfF,uBAAA,uBAAA,CACA,gDAEE,2BAAA,CAEF,gDAEE,6BAAA,CAEF,gDAEE,8BAAA,CAEF,gDAEE,4BAAA,CAfF,uBAAA,uBAAA,CACA,gDAEE,2BAAA,CAEF,gDAEE,6BAAA,CAEF,gDAEE,8BAAA,CAEF,gDAEE,4BAAA,CAfF,uBAAA,uBAAA,CACA,gDAEE,2BAAA,CAEF,gDAEE,6BAAA,CAEF,gDAEE,8BAAA,CAEF,gDAEE,4BAAA,CAQF,wBAAA,0BAAA,CACA,kDAEE,8BAAA,CAEF,kDAEE,gCAAA,CAEF,kDAEE,iCAAA,CAEF,kDAEE,+BAAA,CAfF,wBAAA,yBAAA,CACA,kDAEE,6BAAA,CAEF,kDAEE,+BAAA,CAEF,kDAEE,gCAAA,CAEF,kDAEE,8BAAA,CAfF,wBAAA,uBAAA,CACA,kDAEE,2BAAA,CAEF,kDAEE,6BAAA,CAEF,kDAEE,8BAAA,CAEF,kDAEE,4BAAA,CAfF,wBAAA,yBAAA,CACA,kDAEE,6BAAA,CAEF,kDAEE,+BAAA,CAEF,kDAEE,gCAAA,CAEF,kDAEE,8BAAA,CAfF,wBAAA,uBAAA,CACA,kDAEE,2BAAA,CAEF,kDAEE,6BAAA,CAEF,kDAEE,8BAAA,CAEF,kDAEE,4BAAA,CAMN,0BAAA,sBAAA,CACA,sDAEE,0BAAA,CAEF,sDAEE,4BAAA,CAEF,sDAEE,6BAAA,CAEF,sDAEE,2BAAA,CAAA,CvDTF,yBuDlDI,uBAAA,mBAAA,CACA,gDAEE,uBAAA,CAEF,gDAEE,yBAAA,CAEF,gDAEE,0BAAA,CAEF,gDAEE,wBAAA,CAfF,uBAAA,wBAAA,CACA,gDAEE,4BAAA,CAEF,gDAEE,8BAAA,CAEF,gDAEE,+BAAA,CAEF,gDAEE,6BAAA,CAfF,uBAAA,uBAAA,CACA,gDAEE,2BAAA,CAEF,gDAEE,6BAAA,CAEF,gDAEE,8BAAA,CAEF,gDAEE,4BAAA,CAfF,uBAAA,sBAAA,CACA,gDAEE,0BAAA,CAEF,gDAEE,4BAAA,CAEF,gDAEE,6BAAA,CAEF,gDAEE,2BAAA,CAfF,uBAAA,wBAAA,CACA,gDAEE,4BAAA,CAEF,gDAEE,8BAAA,CAEF,gDAEE,+BAAA,CAEF,gDAEE,6BAAA,CAfF,uBAAA,sBAAA,CACA,gDAEE,0BAAA,CAEF,gDAEE,4BAAA,CAEF,gDAEE,6BAAA,CAEF,gDAEE,2BAAA,CAfF,uBAAA,oBAAA,CACA,gDAEE,wBAAA,CAEF,gDAEE,0BAAA,CAEF,gDAEE,2BAAA,CAEF,gDAEE,yBAAA,CAfF,uBAAA,sBAAA,CACA,gDAEE,0BAAA,CAEF,gDAEE,4BAAA,CAEF,gDAEE,6BAAA,CAEF,gDAEE,2BAAA,CAfF,uBAAA,sBAAA,CACA,gDAEE,0BAAA,CAEF,gDAEE,4BAAA,CAEF,gDAEE,6BAAA,CAEF,gDAEE,2BAAA,CAfF,uBAAA,uBAAA,CACA,gDAEE,2BAAA,CAEF,gDAEE,6BAAA,CAEF,gDAEE,8BAAA,CAEF,gDAEE,4BAAA,CAfF,uBAAA,uBAAA,CACA,gDAEE,2BAAA,CAEF,gDAEE,6BAAA,CAEF,gDAEE,8BAAA,CAEF,gDAEE,4BAAA,CAfF,uBAAA,uBAAA,CACA,gDAEE,2BAAA,CAEF,gDAEE,6BAAA,CAEF,gDAEE,8BAAA,CAEF,gDAEE,4BAAA,CAQF,wBAAA,0BAAA,CACA,kDAEE,8BAAA,CAEF,kDAEE,gCAAA,CAEF,kDAEE,iCAAA,CAEF,kDAEE,+BAAA,CAfF,wBAAA,yBAAA,CACA,kDAEE,6BAAA,CAEF,kDAEE,+BAAA,CAEF,kDAEE,gCAAA,CAEF,kDAEE,8BAAA,CAfF,wBAAA,uBAAA,CACA,kDAEE,2BAAA,CAEF,kDAEE,6BAAA,CAEF,kDAEE,8BAAA,CAEF,kDAEE,4BAAA,CAfF,wBAAA,yBAAA,CACA,kDAEE,6BAAA,CAEF,kDAEE,+BAAA,CAEF,kDAEE,gCAAA,CAEF,kDAEE,8BAAA,CAfF,wBAAA,uBAAA,CACA,kDAEE,2BAAA,CAEF,kDAEE,6BAAA,CAEF,kDAEE,8BAAA,CAEF,kDAEE,4BAAA,CAMN,0BAAA,sBAAA,CACA,sDAEE,0BAAA,CAEF,sDAEE,4BAAA,CAEF,sDAEE,6BAAA,CAEF,sDAEE,2BAAA,CAAA,CvDTF,0BuDlDI,uBAAA,mBAAA,CACA,gDAEE,uBAAA,CAEF,gDAEE,yBAAA,CAEF,gDAEE,0BAAA,CAEF,gDAEE,wBAAA,CAfF,uBAAA,wBAAA,CACA,gDAEE,4BAAA,CAEF,gDAEE,8BAAA,CAEF,gDAEE,+BAAA,CAEF,gDAEE,6BAAA,CAfF,uBAAA,uBAAA,CACA,gDAEE,2BAAA,CAEF,gDAEE,6BAAA,CAEF,gDAEE,8BAAA,CAEF,gDAEE,4BAAA,CAfF,uBAAA,sBAAA,CACA,gDAEE,0BAAA,CAEF,gDAEE,4BAAA,CAEF,gDAEE,6BAAA,CAEF,gDAEE,2BAAA,CAfF,uBAAA,wBAAA,CACA,gDAEE,4BAAA,CAEF,gDAEE,8BAAA,CAEF,gDAEE,+BAAA,CAEF,gDAEE,6BAAA,CAfF,uBAAA,sBAAA,CACA,gDAEE,0BAAA,CAEF,gDAEE,4BAAA,CAEF,gDAEE,6BAAA,CAEF,gDAEE,2BAAA,CAfF,uBAAA,oBAAA,CACA,gDAEE,wBAAA,CAEF,gDAEE,0BAAA,CAEF,gDAEE,2BAAA,CAEF,gDAEE,yBAAA,CAfF,uBAAA,sBAAA,CACA,gDAEE,0BAAA,CAEF,gDAEE,4BAAA,CAEF,gDAEE,6BAAA,CAEF,gDAEE,2BAAA,CAfF,uBAAA,sBAAA,CACA,gDAEE,0BAAA,CAEF,gDAEE,4BAAA,CAEF,gDAEE,6BAAA,CAEF,gDAEE,2BAAA,CAfF,uBAAA,uBAAA,CACA,gDAEE,2BAAA,CAEF,gDAEE,6BAAA,CAEF,gDAEE,8BAAA,CAEF,gDAEE,4BAAA,CAfF,uBAAA,uBAAA,CACA,gDAEE,2BAAA,CAEF,gDAEE,6BAAA,CAEF,gDAEE,8BAAA,CAEF,gDAEE,4BAAA,CAfF,uBAAA,uBAAA,CACA,gDAEE,2BAAA,CAEF,gDAEE,6BAAA,CAEF,gDAEE,8BAAA,CAEF,gDAEE,4BAAA,CAQF,wBAAA,0BAAA,CACA,kDAEE,8BAAA,CAEF,kDAEE,gCAAA,CAEF,kDAEE,iCAAA,CAEF,kDAEE,+BAAA,CAfF,wBAAA,yBAAA,CACA,kDAEE,6BAAA,CAEF,kDAEE,+BAAA,CAEF,kDAEE,gCAAA,CAEF,kDAEE,8BAAA,CAfF,wBAAA,uBAAA,CACA,kDAEE,2BAAA,CAEF,kDAEE,6BAAA,CAEF,kDAEE,8BAAA,CAEF,kDAEE,4BAAA,CAfF,wBAAA,yBAAA,CACA,kDAEE,6BAAA,CAEF,kDAEE,+BAAA,CAEF,kDAEE,gCAAA,CAEF,kDAEE,8BAAA,CAfF,wBAAA,uBAAA,CACA,kDAEE,2BAAA,CAEF,kDAEE,6BAAA,CAEF,kDAEE,8BAAA,CAEF,kDAEE,4BAAA,CAMN,0BAAA,sBAAA,CACA,sDAEE,0BAAA,CAEF,sDAEE,4BAAA,CAEF,sDAEE,6BAAA,CAEF,sDAEE,2BAAA,CAAA,CChEJ,sCACE,iBAAA,CACA,KAAA,CACA,OAAA,CACA,QAAA,CACA,MAAA,CACA,SAAA,CAEA,mBAAA,CACA,UAAA,CAEA,8BAAA,CCVJ,+BAAA,qGAAA,CAIA,6BAAA,6BAAA,CACA,0BAAA,6BAAA,CACA,4BAAA,6BAAA,CACA,8BCTE,eAAA,CACA,sBAAA,CACA,kBAAA,CDeE,0BAAA,0BAAA,CACA,2BAAA,2BAAA,CACA,4BAAA,4BAAA,CzDqCA,yByDvCA,6BAAA,0BAAA,CACA,8BAAA,2BAAA,CACA,+BAAA,4BAAA,CAAA,CzDqCA,yByDvCA,6BAAA,0BAAA,CACA,8BAAA,2BAAA,CACA,+BAAA,4BAAA,CAAA,CzDqCA,yByDvCA,6BAAA,0BAAA,CACA,8BAAA,2BAAA,CACA,+BAAA,4BAAA,CAAA,CzDqCA,0ByDvCA,6BAAA,0BAAA,CACA,8BAAA,2BAAA,CACA,+BAAA,4BAAA,CAAA,CAMJ,+BAAA,mCAAA,CACA,+BAAA,mCAAA,CACA,gCAAA,oCAAA,CAIA,kCAAA,0BAAA,CACA,oCAAA,8BAAA,CACA,mCAAA,0BAAA,CACA,iCAAA,0BAAA,CACA,mCAAA,6BAAA,CACA,4BAAA,4BAAA,CAIA,2BAAA,qBAAA,CEvCE,6BACE,wBAAA,CpEUF,wEoELM,wBAAA,CANN,+BACE,qBAAA,CpEUF,4EoELM,wBAAA,CANN,6BACE,wBAAA,CpEUF,wEoELM,wBAAA,CANN,0BACE,wBAAA,CpEUF,kEoELM,wBAAA,CANN,6BACE,wBAAA,CpEUF,wEoELM,wBAAA,CANN,4BACE,wBAAA,CpEUF,sEoELM,wBAAA,CANN,2BACE,wBAAA,CpEUF,oEoELM,wBAAA,CANN,0BACE,wBAAA,CpEUF,kEoELM,wBAAA,CFuCR,0BAAA,qBAAA,CACA,2BAAA,qBAAA,CAEA,8BAAA,+BAAA,CACA,8BAAA,qCAAA,CAIA,0BGvDE,UAAA,CACA,iBAAA,CACA,gBAAA,CACA,4BAAA,CACA,QAAA,CHuDF,qCAAA,+BAAA,CAEA,2BACE,gCAAA,CACA,+BAAA,CAKF,2BAAA,wBAAA,CIjEA,wBACE,6BAAA,CAGF,0BACE,4BAAA,CAAA,aCCE,kEAKE,2BAAA,CAEA,0BAAA,CAIA,2BACE,yBAAA,CASJ,kCACE,4BAAA,CAcF,mBACE,+BAAA,CAEF,6CAEE,wBAAA,CACA,uBAAA,CAQF,qBACE,0BAAA,CAGF,qCAEE,uBAAA,CAGF,qDAGE,SAAA,CACA,QAAA,CAGF,oCAEE,sBAAA,CAQF,M9EjFJ,e8EkFM,OxE+hC8B,CAAA,CwE7hChC,oBACE,0BAAA,CAEF,0BACE,0BAAA,CAIF,uBACE,YAAA,CAEF,sBACE,qBAAA,CAGF,sBACE,mCAAA,CAEA,kDAEE,gCAAA,CAKF,oEAEE,mCAAA,CAIJ,2BACE,aAAA,CAEA,uIAIE,iB5EzGG,C4E6GP,qCACE,aAAA,CACA,iB5E/GK,CAAA,CAsLT,kCACE,UAxLO,CAiMP,gGACE,wBA5LI,CAiMN,sGACE,qBAvMK,CA4MP,0FACE,wBA/MK,CAoNP,uFACE,wBAlNK,CAuNP,gGACE,wBA7MI,CAkNN,uFACE,wBAjNI,CAsNN,6FACE,wBA5NI,CAiON,gGACE,wBAhOI,CAqON,6FACE,iCI4FwB,CJrFxB,yJACE,wBAAA,CAKF,+JACE,wBAAA,CAKF,mJACE,wBAAA,CAKF,gJACE,wBAAA,CAKF,yJACE,wBAAA,CAKF,gJACE,wBAAA,CAKF,sJACE,wBAAA,CAKF,yJACE,wBAAA,CAKF,sJACE,iCIoCsB,CJ3B9B,kCACE,UAAA,CAQA,qqBAOE,UAAA,CAIJ,6BACE,UAAA,CAIA,mCACE,oBAAA,CAMJ,sBACE,UAAA,CAEA,wDAEE,SAAA,CAIJ,sBACE,WAAA,CACA,UApWS,CAsWT,0DAEE,UAAA,CACA,yBAAA,CAIA,8BAII,wBItTO,CJkTX,gCAII,qBItTO,CJkTX,8BAII,wBItTO,CJkTX,2BAII,wBItTO,CJkTX,8BAII,wBItTO,CJkTX,6BAII,wBItTO,CJkTX,4BAII,wBItTO,CJkTX,2BAII,wBItTO,CJiUf,uCACE,UAAA,CAEA,0FAEE,qBA1XO,CA2XP,UAAA,CAGF,gEACE,UAAA,CF7YJ,gBCVA;;;;;EAAA,CAAA,CAAA,sBEGI,eAAA,CAAA,iBAAA,CAAA,iBAAA,CAAA,eAAA,CAAA,cAAA,CAAA,iBAAA,CAAA,iBAAA,CAAA,gBAAA,CAAA,eAAA,CAAA,eAAA,CAAA,aAAA,CAAA,eAAA,CAAA,oBAAA,CAIA,kBAAA,CAAA,oBAAA,CAAA,kBAAA,CAAA,eAAA,CAAA,kBAAA,CAAA,iBAAA,CAAA,gBAAA,CAAA,eAAA,CAIA,kBAAA,CAAA,sBAAA,CAAA,sBAAA,CAAA,sBAAA,CAAA,uBAAA,CAKF,kOAAA,CACA,6GAAA,CCCF,qEAGE,qBAAA,CAGF,qBACE,sBAAA,CACA,gBAAA,CACA,6BAAA,CACA,yCAAA,CAMF,sOACE,aAAA,CAUF,qBACE,QAAA,CACA,wMEqO4B,CDrJxB,cAtCa,CDxCjB,eE8O4B,CF7O5B,eEkP4B,CFjP5B,aEnCS,CFoCT,eAAA,CACA,qBE9CS,CF0DX,0DACE,oBAAA,CASF,mBACE,sBAAA,CACA,QAAA,CACA,gBAAA,CAaF,kHACE,YAAA,CACA,mBEgN4B,CFzM9B,kBACE,YAAA,CACA,kBEoF0B,CFzE5B,sEAEE,yBAAA,CACA,gCAAA,CACA,WAAA,CACA,eAAA,CACA,6BAAA,CAGF,wBACE,kBAAA,CACA,iBAAA,CACA,mBAAA,CAGF,yDAGE,YAAA,CACA,kBAAA,CAGF,wFAIE,eAAA,CAGF,mBACE,eEiJ4B,CF9I9B,mBACE,mBAAA,CACA,aAAA,CAGF,2BACE,eAAA,CAGF,yCAEE,kBEoI4B,CFjI9B,sBCxFI,aAAA,CDiGJ,wCAEE,iBAAA,CCnGE,aAAA,CDqGF,aAAA,CACA,uBAAA,CAGF,oBAAA,cAAA,CACA,oBAAA,UAAA,CAOA,kBACE,aEXwC,CFYxC,oBEXwC,CFYxC,4BAAA,CGhLA,wBHmLE,aEdsC,CFetC,yBEdsC,CFuB1C,2CACE,aAAA,CACA,oBAAA,CG/LA,iDHkME,aAAA,CACA,oBAAA,CASJ,kFAIE,0FEyD4B,CD7M1B,aAAA,CDwJJ,oBAEE,YAAA,CAEA,kBAAA,CAEA,aAAA,CAGA,4BAAA,CAQF,uBAEE,eAAA,CAQF,oBACE,qBAAA,CACA,iBAAA,CAGF,oBAGE,eAAA,CACA,qBAAA,CAQF,sBACE,wBAAA,CAGF,wBACE,gBE6E4B,CF5E5B,mBE4E4B,CF3E5B,aEtQS,CFuQT,eAAA,CACA,mBAAA,CAOF,mBAEE,kBAAA,CACA,+BAAA,CAQF,sBAEE,oBAAA,CACA,mBE2JsC,CFrJxC,uBAEE,eAAA,CAQF,iDACE,SAAA,CAGF,sHAKE,QAAA,CACA,mBAAA,CC5PE,iBAAA,CD8PF,mBAAA,CAGF,6CAEE,gBAAA,CAGF,8CAEE,mBAAA,CAMF,8BACE,cAAA,CAMF,uBACE,gBAAA,CAOF,gHAIE,yBAAA,CASE,4KACE,cAAA,CAMN,wLAIE,SAAA,CACA,iBAAA,CAGF,uEAEE,qBAAA,CACA,SAAA,CAIF,yBACE,aAAA,CAEA,eAAA,CAGF,yBAME,WAAA,CAEA,SAAA,CACA,QAAA,CACA,QAAA,CAKF,uBACE,aAAA,CACA,UAAA,CACA,cAAA,CACA,SAAA,CACA,mBAAA,CCnSI,cAtCa,CD2UjB,mBAAA,CACA,aAAA,CACA,kBAAA,CAGF,yBACE,uBAAA,CAIF,kHAEE,WAAA,CAGF,8BAKE,mBAAA,CACA,uBAAA,CAOF,yDACE,uBAAA,CAQF,6CACE,YAAA,CACA,yBAAA,CAOF,uBACE,oBAAA,CAGF,wBACE,iBAAA,CACA,cAAA,CAGF,yBACE,YAAA,CAKF,yBACE,uBAAA,CI5dF,0OAEE,mBFqS4B,CEnS5B,eFqS4B,CEpS5B,eFqS4B,CEjS9B,uCHgHM,cAtCa,CGzEnB,uCH+GM,cAtCa,CGxEnB,uCH8GM,cAtCa,CGvEnB,uCH6GM,cAtCa,CGtEnB,uCH4GM,cAtCa,CGrEnB,uCH2GM,cAtCa,CGnEnB,sBHyGM,cAtCa,CGjEjB,eFuS4B,CEnS9B,2BHmGM,cAtCa,CG3DjB,eF0R4B,CEzR5B,eFiR4B,CE/Q9B,2BH8FM,cAtCa,CGtDjB,eFsR4B,CErR5B,eF4Q4B,CE1Q9B,2BHyFM,cAtCa,CGjDjB,eFkR4B,CEjR5B,eFuQ4B,CErQ9B,2BHoFM,cAtCa,CG5CjB,eF8Q4B,CE7Q5B,eFkQ4B,CE1P9B,mBACE,eFgFO,CE/EP,kBF+EO,CE9EP,QAAA,CACA,mCAAA,CAQF,6CHMI,aAAA,CGHF,eF0N4B,CEvN9B,2CAEE,YFkQ4B,CEjQ5B,wBF0Q4B,CElQ9B,+BC/EE,cAAA,CACA,eAAA,CDmFF,6BCpFE,cAAA,CACA,eAAA,CDsFF,kCACE,oBAAA,CAEA,mDACE,kBFoP0B,CE1O9B,4BHjCI,aAAA,CGmCF,wBAAA,CAIF,4BACE,kBFuBO,CDRH,cAtCa,CG2BnB,mCACE,aAAA,CH7CE,aAAA,CG+CF,aF1GS,CE4GT,2CACE,YAAA,CEnHJ,2BCIE,cAAA,CAGA,WAAA,CDDF,+BACE,WJmgCkC,CIlgClC,qBJRS,CIST,wBAAA,CEEE,iBAAA,CDPF,cAAA,CAGA,WAAA,CDcF,wBAEE,oBAAA,CAGF,4BACE,mBAAA,CACA,aAAA,CAGF,gCLkCI,aAAA,CKhCF,aJ3BS,COZX,qBRuEI,eAAA,CQrEF,aPmCQ,COlCR,oBAAA,CAGA,uBACE,aAAA,CAKJ,oBACE,mBAAA,CR0DE,eAAA,CQxDF,UPTS,COUT,wBPDS,CMEP,mBAAA,CCGF,wBACE,SAAA,CRkDA,cAAA,CQhDA,ePwQ0B,COlQ9B,oBACE,aAAA,CRyCE,eAAA,CQvCF,aPjBS,COoBT,yBRoCE,iBAAA,CQlCA,aAAA,CACA,iBAAA,CAKJ,gCACE,gBP8jCkC,CO7jClC,iBAAA,CCxCA,oLCDA,UAAA,CACA,kBAAA,CACA,iBAAA,CACA,iBAAA,CACA,gBAAA,CCmDE,yBFzCE,yDACE,eR8Le,CAAA,CUtJnB,yBFzCE,uFACE,eR8Le,CAAA,CUtJnB,yBFzCE,qHACE,eR8Le,CAAA,CUtJnB,0BFzCE,mJACE,gBR8Le,CAAA,CQlKrB,qBCnCA,YAAA,CACA,cAAA,CACA,kBAAA,CACA,iBAAA,CDsCA,4BACE,cAAA,CACA,aAAA,CAEA,2EAEE,eAAA,CACA,cAAA,CGtDJ,s0OACE,iBAAA,CACA,UAAA,CACA,kBAAA,CACA,iBAAA,CAsBE,qBACE,YAAA,CACA,WAAA,CACA,cAAA,CF4BN,8BACE,aAAA,CACA,cAAA,CAFF,8BACE,YAAA,CACA,aAAA,CAFF,8BACE,uBAAA,CACA,wBAAA,CAFF,8BACE,YAAA,CACA,aAAA,CAFF,8BACE,YAAA,CACA,aAAA,CAFF,8BACE,uBAAA,CACA,wBAAA,CEnBE,0BFCJ,aAAA,CACA,UAAA,CACA,cAAA,CEGQ,uBFbR,sBAAA,CAIA,uBAAA,CESQ,uBFbR,uBAAA,CAIA,wBAAA,CESQ,uBFbR,YAAA,CAIA,aAAA,CESQ,uBFbR,uBAAA,CAIA,wBAAA,CESQ,uBFbR,uBAAA,CAIA,wBAAA,CESQ,uBFbR,YAAA,CAIA,aAAA,CESQ,uBFbR,uBAAA,CAIA,wBAAA,CESQ,uBFbR,uBAAA,CAIA,wBAAA,CESQ,uBFbR,YAAA,CAIA,aAAA,CESQ,wBFbR,uBAAA,CAIA,wBAAA,CESQ,wBFbR,uBAAA,CAIA,wBAAA,CESQ,wBFbR,aAAA,CAIA,cAAA,CEeI,6BAAA,QAAA,CAEA,4BAAA,QAAA,CAGE,yBAAA,OADW,CACX,yBAAA,OADW,CACX,yBAAA,OADW,CACX,yBAAA,OADW,CACX,yBAAA,OADW,CACX,yBAAA,OADW,CACX,yBAAA,OADW,CACX,yBAAA,OADW,CACX,yBAAA,OADW,CACX,yBAAA,OADW,CACX,0BAAA,QADW,CACX,0BAAA,QADW,CACX,0BAAA,QADW,CAQP,0BFhBV,yBAAA,CEgBU,0BFhBV,0BAAA,CEgBU,0BFhBV,eAAA,CEgBU,0BFhBV,0BAAA,CEgBU,0BFhBV,0BAAA,CEgBU,0BFhBV,eAAA,CEgBU,0BFhBV,0BAAA,CEgBU,0BFhBV,0BAAA,CEgBU,0BFhBV,eAAA,CEgBU,2BFhBV,0BAAA,CEgBU,2BFhBV,0BAAA,CCKE,yBC3BE,wBACE,YAAA,CACA,WAAA,CACA,cAAA,CF4BN,iCACE,aAAA,CACA,cAAA,CAFF,iCACE,YAAA,CACA,aAAA,CAFF,iCACE,uBAAA,CACA,wBAAA,CAFF,iCACE,YAAA,CACA,aAAA,CAFF,iCACE,YAAA,CACA,aAAA,CAFF,iCACE,uBAAA,CACA,wBAAA,CEnBE,6BFCJ,aAAA,CACA,UAAA,CACA,cAAA,CEGQ,0BFbR,sBAAA,CAIA,uBAAA,CESQ,0BFbR,uBAAA,CAIA,wBAAA,CESQ,0BFbR,YAAA,CAIA,aAAA,CESQ,0BFbR,uBAAA,CAIA,wBAAA,CESQ,0BFbR,uBAAA,CAIA,wBAAA,CESQ,0BFbR,YAAA,CAIA,aAAA,CESQ,0BFbR,uBAAA,CAIA,wBAAA,CESQ,0BFbR,uBAAA,CAIA,wBAAA,CESQ,0BFbR,YAAA,CAIA,aAAA,CESQ,2BFbR,uBAAA,CAIA,wBAAA,CESQ,2BFbR,uBAAA,CAIA,wBAAA,CESQ,2BFbR,aAAA,CAIA,cAAA,CEeI,gCAAA,QAAA,CAEA,+BAAA,QAAA,CAGE,4BAAA,OADW,CACX,4BAAA,OADW,CACX,4BAAA,OADW,CACX,4BAAA,OADW,CACX,4BAAA,OADW,CACX,4BAAA,OADW,CACX,4BAAA,OADW,CACX,4BAAA,OADW,CACX,4BAAA,OADW,CACX,4BAAA,OADW,CACX,6BAAA,QADW,CACX,6BAAA,QADW,CACX,6BAAA,QADW,CAQP,6BFhBV,aAAA,CEgBU,6BFhBV,yBAAA,CEgBU,6BFhBV,0BAAA,CEgBU,6BFhBV,eAAA,CEgBU,6BFhBV,0BAAA,CEgBU,6BFhBV,0BAAA,CEgBU,6BFhBV,eAAA,CEgBU,6BFhBV,0BAAA,CEgBU,6BFhBV,0BAAA,CEgBU,6BFhBV,eAAA,CEgBU,8BFhBV,0BAAA,CEgBU,8BFhBV,0BAAA,CAAA,CCKE,yBC3BE,wBACE,YAAA,CACA,WAAA,CACA,cAAA,CF4BN,iCACE,aAAA,CACA,cAAA,CAFF,iCACE,YAAA,CACA,aAAA,CAFF,iCACE,uBAAA,CACA,wBAAA,CAFF,iCACE,YAAA,CACA,aAAA,CAFF,iCACE,YAAA,CACA,aAAA,CAFF,iCACE,uBAAA,CACA,wBAAA,CEnBE,6BFCJ,aAAA,CACA,UAAA,CACA,cAAA,CEGQ,0BFbR,sBAAA,CAIA,uBAAA,CESQ,0BFbR,uBAAA,CAIA,wBAAA,CESQ,0BFbR,YAAA,CAIA,aAAA,CESQ,0BFbR,uBAAA,CAIA,wBAAA,CESQ,0BFbR,uBAAA,CAIA,wBAAA,CESQ,0BFbR,YAAA,CAIA,aAAA,CESQ,0BFbR,uBAAA,CAIA,wBAAA,CESQ,0BFbR,uBAAA,CAIA,wBAAA,CESQ,0BFbR,YAAA,CAIA,aAAA,CESQ,2BFbR,uBAAA,CAIA,wBAAA,CESQ,2BFbR,uBAAA,CAIA,wBAAA,CESQ,2BFbR,aAAA,CAIA,cAAA,CEeI,gCAAA,QAAA,CAEA,+BAAA,QAAA,CAGE,4BAAA,OADW,CACX,4BAAA,OADW,CACX,4BAAA,OADW,CACX,4BAAA,OADW,CACX,4BAAA,OADW,CACX,4BAAA,OADW,CACX,4BAAA,OADW,CACX,4BAAA,OADW,CACX,4BAAA,OADW,CACX,4BAAA,OADW,CACX,6BAAA,QADW,CACX,6BAAA,QADW,CACX,6BAAA,QADW,CAQP,6BFhBV,aAAA,CEgBU,6BFhBV,yBAAA,CEgBU,6BFhBV,0BAAA,CEgBU,6BFhBV,eAAA,CEgBU,6BFhBV,0BAAA,CEgBU,6BFhBV,0BAAA,CEgBU,6BFhBV,eAAA,CEgBU,6BFhBV,0BAAA,CEgBU,6BFhBV,0BAAA,CEgBU,6BFhBV,eAAA,CEgBU,8BFhBV,0BAAA,CEgBU,8BFhBV,0BAAA,CAAA,CCKE,yBC3BE,wBACE,YAAA,CACA,WAAA,CACA,cAAA,CF4BN,iCACE,aAAA,CACA,cAAA,CAFF,iCACE,YAAA,CACA,aAAA,CAFF,iCACE,uBAAA,CACA,wBAAA,CAFF,iCACE,YAAA,CACA,aAAA,CAFF,iCACE,YAAA,CACA,aAAA,CAFF,iCACE,uBAAA,CACA,wBAAA,CEnBE,6BFCJ,aAAA,CACA,UAAA,CACA,cAAA,CEGQ,0BFbR,sBAAA,CAIA,uBAAA,CESQ,0BFbR,uBAAA,CAIA,wBAAA,CESQ,0BFbR,YAAA,CAIA,aAAA,CESQ,0BFbR,uBAAA,CAIA,wBAAA,CESQ,0BFbR,uBAAA,CAIA,wBAAA,CESQ,0BFbR,YAAA,CAIA,aAAA,CESQ,0BFbR,uBAAA,CAIA,wBAAA,CESQ,0BFbR,uBAAA,CAIA,wBAAA,CESQ,0BFbR,YAAA,CAIA,aAAA,CESQ,2BFbR,uBAAA,CAIA,wBAAA,CESQ,2BFbR,uBAAA,CAIA,wBAAA,CESQ,2BFbR,aAAA,CAIA,cAAA,CEeI,gCAAA,QAAA,CAEA,+BAAA,QAAA,CAGE,4BAAA,OADW,CACX,4BAAA,OADW,CACX,4BAAA,OADW,CACX,4BAAA,OADW,CACX,4BAAA,OADW,CACX,4BAAA,OADW,CACX,4BAAA,OADW,CACX,4BAAA,OADW,CACX,4BAAA,OADW,CACX,4BAAA,OADW,CACX,6BAAA,QADW,CACX,6BAAA,QADW,CACX,6BAAA,QADW,CAQP,6BFhBV,aAAA,CEgBU,6BFhBV,yBAAA,CEgBU,6BFhBV,0BAAA,CEgBU,6BFhBV,eAAA,CEgBU,6BFhBV,0BAAA,CEgBU,6BFhBV,0BAAA,CEgBU,6BFhBV,eAAA,CEgBU,6BFhBV,0BAAA,CEgBU,6BFhBV,0BAAA,CEgBU,6BFhBV,eAAA,CEgBU,8BFhBV,0BAAA,CEgBU,8BFhBV,0BAAA,CAAA,CCKE,0BC3BE,wBACE,YAAA,CACA,WAAA,CACA,cAAA,CF4BN,iCACE,aAAA,CACA,cAAA,CAFF,iCACE,YAAA,CACA,aAAA,CAFF,iCACE,uBAAA,CACA,wBAAA,CAFF,iCACE,YAAA,CACA,aAAA,CAFF,iCACE,YAAA,CACA,aAAA,CAFF,iCACE,uBAAA,CACA,wBAAA,CEnBE,6BFCJ,aAAA,CACA,UAAA,CACA,cAAA,CEGQ,0BFbR,sBAAA,CAIA,uBAAA,CESQ,0BFbR,uBAAA,CAIA,wBAAA,CESQ,0BFbR,YAAA,CAIA,aAAA,CESQ,0BFbR,uBAAA,CAIA,wBAAA,CESQ,0BFbR,uBAAA,CAIA,wBAAA,CESQ,0BFbR,YAAA,CAIA,aAAA,CESQ,0BFbR,uBAAA,CAIA,wBAAA,CESQ,0BFbR,uBAAA,CAIA,wBAAA,CESQ,0BFbR,YAAA,CAIA,aAAA,CESQ,2BFbR,uBAAA,CAIA,wBAAA,CESQ,2BFbR,uBAAA,CAIA,wBAAA,CESQ,2BFbR,aAAA,CAIA,cAAA,CEeI,gCAAA,QAAA,CAEA,+BAAA,QAAA,CAGE,4BAAA,OADW,CACX,4BAAA,OADW,CACX,4BAAA,OADW,CACX,4BAAA,OADW,CACX,4BAAA,OADW,CACX,4BAAA,OADW,CACX,4BAAA,OADW,CACX,4BAAA,OADW,CACX,4BAAA,OADW,CACX,4BAAA,OADW,CACX,6BAAA,QADW,CACX,6BAAA,QADW,CACX,6BAAA,QADW,CAQP,6BFhBV,aAAA,CEgBU,6BFhBV,yBAAA,CEgBU,6BFhBV,0BAAA,CEgBU,6BFhBV,eAAA,CEgBU,6BFhBV,0BAAA,CEgBU,6BFhBV,0BAAA,CEgBU,6BFhBV,eAAA,CEgBU,6BFhBV,0BAAA,CEgBU,6BFhBV,0BAAA,CEgBU,6BFhBV,eAAA,CEgBU,8BFhBV,0BAAA,CEgBU,8BFhBV,0BAAA,CAAA,CGnDF,uBACE,UAAA,CACA,kBZiIO,CYhIP,aZSS,CYNT,oDAEE,YZkV0B,CYjV1B,kBAAA,CACA,4BAAA,CAGF,gCACE,qBAAA,CACA,+BAAA,CAGF,mCACE,4BAAA,CAUF,0DAEE,aZ4T0B,CYnT9B,gCACE,wBAAA,CAEA,sEAEE,wBAAA,CAIA,kFAEE,uBAAA,CAMJ,mKAIE,QAAA,CASF,yDACE,gCZwR0B,CCvV5B,4CW2EI,aZvEK,CYwEL,iCZ6QwB,Ca/V1B,mGAGE,wBD2F+B,CCvF/B,uJAIE,oBDmFyE,CXxF/E,kDYiBM,wBAJe,CAMf,0GAEE,wBARa,CAnBnB,yGAGE,wBD2F+B,CCvF/B,+JAIE,oBDmFyE,CXxF/E,oDYiBM,wBAJe,CAMf,8GAEE,wBARa,CAnBnB,mGAGE,wBD2F+B,CCvF/B,uJAIE,oBDmFyE,CXxF/E,kDYiBM,wBAJe,CAMf,0GAEE,wBARa,CAnBnB,0FAGE,wBD2F+B,CCvF/B,2IAIE,oBDmFyE,CXxF/E,+CYiBM,wBAJe,CAMf,oGAEE,wBARa,CAnBnB,mGAGE,wBD2F+B,CCvF/B,uJAIE,oBDmFyE,CXxF/E,kDYiBM,wBAJe,CAMf,0GAEE,wBARa,CAnBnB,gGAGE,wBD2F+B,CCvF/B,mJAIE,oBDmFyE,CXxF/E,iDYiBM,wBAJe,CAMf,wGAEE,wBARa,CAnBnB,6FAGE,wBD2F+B,CCvF/B,+IAIE,oBDmFyE,CXxF/E,gDYiBM,wBAJe,CAMf,sGAEE,wBARa,CAnBnB,0FAGE,wBD2F+B,CCvF/B,2IAIE,oBDmFyE,CXxF/E,+CYiBM,wBAJe,CAMf,oGAEE,wBARa,CAnBnB,gGAGE,iCb4VwB,CCzV5B,iDYiBM,iCAJe,CAMf,wGAEE,iCARa,CDwFnB,sCACE,UZ3GK,CY4GL,wBZpGK,CYqGL,oBZgQwB,CY3P1B,uCACE,aZ5GK,CY6GL,wBZlHK,CYmHL,oBZlHK,CYuHX,4BACE,UZ3HS,CY4HT,wBZpHS,CYsHT,mGAGE,oBZ4O0B,CYzO5B,2CACE,QAAA,CAIA,oEACE,sCZgOwB,CCrW5B,uDW4IM,UZjJG,CYkJH,uCZ0NsB,CU1S1B,4BEiGA,qCAEI,aAAA,CACA,UAAA,CACA,eAAA,CACA,gCAAA,CAGA,qDACE,QAAA,CAAA,CF1GN,4BEiGA,qCAEI,aAAA,CACA,UAAA,CACA,eAAA,CACA,gCAAA,CAGA,qDACE,QAAA,CAAA,CF1GN,4BEiGA,qCAEI,aAAA,CACA,UAAA,CACA,eAAA,CACA,gCAAA,CAGA,qDACE,QAAA,CAAA,CF1GN,6BEiGA,qCAEI,aAAA,CACA,UAAA,CACA,eAAA,CACA,gCAAA,CAGA,qDACE,QAAA,CAAA,CATN,kCAEI,aAAA,CACA,UAAA,CACA,eAAA,CACA,gCAAA,CAGA,kDACE,QAAA,CE7KV,8BACE,aAAA,CACA,UAAA,CACA,kCd0esC,CczetC,gBAAA,CfqHI,cAtCa,Ce5EjB,edkR4B,CcjR5B,edsR4B,CcrR5B,adDS,CcET,qBdTS,CcUT,2BAAA,CACA,wBAAA,CAAA,iBAAA,CCFI,oEDQJ,CCJI,uCDdN,8BCeQ,eAAA,CAAA,CDMN,0CACE,4BAAA,CACA,QAAA,CAIF,6CACE,iBAAA,CACA,yBAAA,CEtBF,oCACE,aAAA,CACA,qBhBRO,CgBSP,oBhBqdoC,CgBpdpC,SAAA,CAKE,0ChBoXwB,CchW5B,2CACE,ad9BO,CcgCP,SAAA,CAQF,+EAEE,wBd9CO,CcgDP,SAAA,CAQF,mMACE,eAAA,CAKF,qDAME,ad/DO,CcgEP,qBdvEO,Cc4EX,uEAEE,aAAA,CACA,UAAA,CAUF,gCACE,2BAAA,CACA,8BAAA,CACA,eAAA,Cf3BE,iBAAA,Ce6BF,ed+L4B,Cc5L9B,mCACE,2BAAA,CACA,8BAAA,CfqBI,cAtCa,CemBjB,ed6H4B,Cc1H9B,mCACE,2BAAA,CACA,8BAAA,CfcI,cAtCa,Ce0BjB,eduH4B,Cc9G9B,wCACE,aAAA,CACA,UAAA,CACA,aAAA,CACA,eAAA,CfDI,cAtCa,CeyCjB,edkK4B,CcjK5B,adnHS,CcoHT,4BAAA,CACA,wBAAA,CACA,kBAAA,CAEA,gHAEE,eAAA,CACA,cAAA,CAYJ,iCACE,iCd4VsC,Cc3VtC,eAAA,Cf1BI,cAtCa,CekEjB,ed+E4B,CMxN1B,mBAAA,CQ6IJ,iCACE,+BdqVsC,CcpVtC,gBAAA,CflCI,cAtCa,Ce0EjB,edsE4B,CMvN1B,mBAAA,CQuJF,wFAEE,WAAA,CAIJ,sCACE,WAAA,CAQF,4BACE,kBd0UsC,CcvUxC,2BACE,aAAA,CACA,iBd2TsC,CcnTxC,0BACE,YAAA,CACA,cAAA,CACA,iBAAA,CACA,gBAAA,CAEA,uEAEE,iBAAA,CACA,gBAAA,CASJ,4BACE,iBAAA,CACA,aAAA,CACA,iBdgSsC,Cc7RxC,kCACE,iBAAA,CACA,gBd4RsC,Cc3RtC,oBAAA,CAGA,2HAEE,adzNO,Cc6NX,kCACE,eAAA,CAGF,mCACE,mBAAA,CACA,kBAAA,CACA,cAAA,CACA,mBd6QsC,Cc1QtC,qDACE,eAAA,CACA,YAAA,CACA,qBdwQoC,CcvQpC,aAAA,CE7MF,gCACE,YAAA,CACA,UAAA,CACA,iBhB0coC,CDjbpC,aAAA,CiBvBA,aFqNqC,CElNvC,+BACE,iBAAA,CACA,QAAA,CACA,MAAA,CACA,SAAA,CACA,YAAA,CACA,cAAA,CACA,eAAA,CACA,gBAAA,CjBmEE,cAtCa,CiB3Bf,ehBsO0B,CgBrO1B,UAAA,CACA,mCAAA,CV9CA,iBAAA,CUmDA,qGAEE,QAAA,CAKF,0LAEE,aAAA,CA9CF,0FAoDE,oBFkLmC,CE/KjC,gChBwZgC,CgBvZhC,gRAAA,CACA,2BAAA,CACA,0DAAA,CACA,+DAAA,CAGF,sGACE,oBFuKiC,CEtKjC,0CAAA,CAhEJ,0GAyEI,gChBsYgC,CgBrYhC,iFAAA,CA1EJ,4FAiFE,oBFqJmC,CElJjC,iChBudoC,CgBtdpC,ojBAAA,CAGF,wGACE,oBF6IiC,CE5IjC,0CAAA,CAOF,sIACE,aFoIiC,CEjInC,kQAEE,aAAA,CAOF,sJACE,aFuHiC,CErHjC,sKACE,oBFoH+B,CE/GjC,sLACE,oBAAA,CClJN,wBDmJ2B,CAKvB,kLACE,0CAAA,CAGF,8MACE,oBAVqB,CAmBzB,0IACE,oBApBuB,CAwBvB,sJACE,oBAzBqB,CA0BrB,0CAAA,CAvIR,kCACE,YAAA,CACA,UAAA,CACA,iBhB0coC,CDjbpC,aAAA,CiBvBA,aFqNqC,CElNvC,iCACE,iBAAA,CACA,QAAA,CACA,MAAA,CACA,SAAA,CACA,YAAA,CACA,cAAA,CACA,eAAA,CACA,gBAAA,CjBmEE,cAtCa,CiB3Bf,ehBsO0B,CgBrO1B,UAAA,CACA,mCAAA,CV9CA,iBAAA,CUmDA,yGAEE,QAAA,CAKF,0MAEE,aAAA,CA9CF,8FAoDE,oBFkLmC,CE/KjC,gChBwZgC,CgBvZhC,2UAAA,CACA,2BAAA,CACA,0DAAA,CACA,+DAAA,CAGF,0GACE,oBFuKiC,CEtKjC,0CAAA,CAhEJ,8GAyEI,gChBsYgC,CgBrYhC,iFAAA,CA1EJ,gGAiFE,oBFqJmC,CElJjC,iChBudoC,CgBtdpC,+mBAAA,CAGF,4GACE,oBF6IiC,CE5IjC,0CAAA,CAOF,0IACE,aFoIiC,CEjInC,kRAEE,aAAA,CAOF,0JACE,aFuHiC,CErHjC,0KACE,oBFoH+B,CE/GjC,0LACE,oBAAA,CClJN,wBDmJ2B,CAKvB,sLACE,0CAAA,CAGF,kNACE,oBAVqB,CAmBzB,8IACE,oBApBuB,CAwBvB,0JACE,oBAzBqB,CA0BrB,0CAAA,CF+FV,6BACE,YAAA,CACA,kBAAA,CACA,kBAAA,CAKA,yCACE,UAAA,CJ/NA,yBIoOA,mCACE,YAAA,CACA,kBAAA,CACA,sBAAA,CACA,eAAA,CAIF,yCACE,YAAA,CACA,aAAA,CACA,kBAAA,CACA,kBAAA,CACA,eAAA,CAIF,2CACE,oBAAA,CACA,UAAA,CACA,qBAAA,CAIF,qDACE,oBAAA,CAGF,sFAEE,UAAA,CAKF,yCACE,YAAA,CACA,kBAAA,CACA,sBAAA,CACA,UAAA,CACA,cAAA,CAEF,+CACE,iBAAA,CACA,aAAA,CACA,YAAA,CACA,mBd+KkC,Cc9KlC,aAAA,CAGF,6CACE,kBAAA,CACA,sBAAA,CAEF,mDACE,eAAA,CAAA,CIjVN,qBACE,oBAAA,CAEA,elBsR4B,CkBrR5B,alBMS,CkBLT,iBAAA,CAGA,qBAAA,CACA,gBAAA,CACA,4BAAA,CACA,4BAAA,CCuFA,gBAAA,CpBuBI,cAtCa,CoBiBjB,enB0L4B,CMlR1B,iBAAA,CSFE,6HGGJ,CHCI,uCGdN,qBHeQ,eAAA,CAAA,CdTN,2BiBUE,alBNO,CkBOP,oBAAA,CAGF,sDAEE,SAAA,CACA,0ClB6W0B,CkBzW5B,4DAEE,WlBiZ0B,CkB7Y5B,mDACE,cAAA,CAcJ,uEAEE,mBAAA,CASA,6BC3DA,UAAA,CAAA,wBnBsEa,CmBpEb,oBnBoEa,CChEb,mCAAA,UAAA,CgBNE,wBED2D,CAS3D,oBATqG,CAYvG,sEAEE,UAAA,CFbA,wBED2D,CAgB3D,oBAhBqG,CAqBnG,0CAAA,CAKJ,4EAEE,UAAA,CACA,wBnB0CW,CmBzCX,oBnByCW,CmBlCb,uLAGE,UAAA,CACA,wBAzC+I,CA6C/I,oBA7CyL,CA+CzL,yMAKI,0CAAA,CDQN,+BC3DA,UAAA,CAAA,wBnBsEa,CmBpEb,oBnBoEa,CChEb,qCAAA,UAAA,CgBNE,wBED2D,CAS3D,oBATqG,CAYvG,0EAEE,UAAA,CFbA,wBED2D,CAgB3D,oBAhBqG,CAqBnG,2CAAA,CAKJ,gFAEE,UAAA,CACA,wBnB0CW,CmBzCX,oBnByCW,CmBlCb,6LAGE,UAAA,CACA,wBAzC+I,CA6C/I,oBA7CyL,CA+CzL,+MAKI,2CAAA,CDQN,6BC3DA,UAAA,CAAA,wBnBsEa,CmBpEb,oBnBoEa,CChEb,mCAAA,UAAA,CgBNE,wBED2D,CAS3D,oBATqG,CAYvG,sEAEE,UAAA,CFbA,wBED2D,CAgB3D,oBAhBqG,CAqBnG,yCAAA,CAKJ,4EAEE,UAAA,CACA,wBnB0CW,CmBzCX,oBnByCW,CmBlCb,uLAGE,UAAA,CACA,wBAzC+I,CA6C/I,oBA7CyL,CA+CzL,yMAKI,yCAAA,CDQN,0BC3DA,UAAA,CAAA,wBnBsEa,CmBpEb,oBnBoEa,CChEb,gCAAA,UAAA,CgBNE,wBED2D,CAS3D,oBATqG,CAYvG,gEAEE,UAAA,CFbA,wBED2D,CAgB3D,oBAhBqG,CAqBnG,0CAAA,CAKJ,sEAEE,UAAA,CACA,wBnB0CW,CmBzCX,oBnByCW,CmBlCb,8KAGE,UAAA,CACA,wBAzC+I,CA6C/I,oBA7CyL,CA+CzL,gMAKI,0CAAA,CDQN,6BC3DA,aAAA,CAAA,wBnBsEa,CmBpEb,oBnBoEa,CChEb,mCAAA,aAAA,CgBNE,wBED2D,CAS3D,oBATqG,CAYvG,sEAEE,aAAA,CFbA,wBED2D,CAgB3D,oBAhBqG,CAqBnG,0CAAA,CAKJ,4EAEE,aAAA,CACA,wBnB0CW,CmBzCX,oBnByCW,CmBlCb,uLAGE,aAAA,CACA,wBAzC+I,CA6C/I,oBA7CyL,CA+CzL,yMAKI,0CAAA,CDQN,4BC3DA,UAAA,CAAA,wBnBsEa,CmBpEb,oBnBoEa,CChEb,kCAAA,UAAA,CgBNE,wBED2D,CAS3D,oBATqG,CAYvG,oEAEE,UAAA,CFbA,wBED2D,CAgB3D,oBAhBqG,CAqBnG,yCAAA,CAKJ,0EAEE,UAAA,CACA,wBnB0CW,CmBzCX,oBnByCW,CmBlCb,oLAGE,UAAA,CACA,wBAzC+I,CA6C/I,oBA7CyL,CA+CzL,sMAKI,yCAAA,CDQN,2BC3DA,aAAA,CAAA,wBnBsEa,CmBpEb,oBnBoEa,CChEb,iCAAA,aAAA,CgBNE,wBED2D,CAS3D,oBATqG,CAYvG,kEAEE,aAAA,CFbA,wBED2D,CAgB3D,oBAhBqG,CAqBnG,2CAAA,CAKJ,wEAEE,aAAA,CACA,wBnB0CW,CmBzCX,oBnByCW,CmBlCb,iLAGE,aAAA,CACA,wBAzC+I,CA6C/I,oBA7CyL,CA+CzL,mMAKI,2CAAA,CDQN,0BC3DA,UAAA,CAAA,wBnBsEa,CmBpEb,oBnBoEa,CChEb,gCAAA,UAAA,CgBNE,wBED2D,CAS3D,oBATqG,CAYvG,gEAEE,UAAA,CFbA,wBED2D,CAgB3D,oBAhBqG,CAqBnG,wCAAA,CAKJ,sEAEE,UAAA,CACA,wBnB0CW,CmBzCX,oBnByCW,CmBlCb,8KAGE,UAAA,CACA,wBAzC+I,CA6C/I,oBA7CyL,CA+CzL,gMAKI,wCAAA,CDcN,qCCPA,anBYa,CmBXb,oBnBWa,CChEb,2CkBwDE,UALgD,CAMhD,wBnBOW,CmBNX,oBnBMW,CmBHb,sFAEE,yCAAA,CAGF,4FAEE,anBJW,CmBKX,4BAAA,CAGF,+MAGE,UAAA,CACA,wBnBZW,CmBaX,oBnBbW,CmBeX,iOAKI,yCAAA,CDzBN,uCCPA,anBYa,CmBXb,oBnBWa,CChEb,6CkBwDE,UALgD,CAMhD,wBnBOW,CmBNX,oBnBMW,CmBHb,0FAEE,2CAAA,CAGF,gGAEE,anBJW,CmBKX,4BAAA,CAGF,qNAGE,UAAA,CACA,wBnBZW,CmBaX,oBnBbW,CmBeX,uOAKI,2CAAA,CDzBN,qCCPA,anBYa,CmBXb,oBnBWa,CChEb,2CkBwDE,UALgD,CAMhD,wBnBOW,CmBNX,oBnBMW,CmBHb,sFAEE,yCAAA,CAGF,4FAEE,anBJW,CmBKX,4BAAA,CAGF,+MAGE,UAAA,CACA,wBnBZW,CmBaX,oBnBbW,CmBeX,iOAKI,yCAAA,CDzBN,kCCPA,anBYa,CmBXb,oBnBWa,CChEb,wCkBwDE,UALgD,CAMhD,wBnBOW,CmBNX,oBnBMW,CmBHb,gFAEE,0CAAA,CAGF,sFAEE,anBJW,CmBKX,4BAAA,CAGF,sMAGE,UAAA,CACA,wBnBZW,CmBaX,oBnBbW,CmBeX,wNAKI,0CAAA,CDzBN,qCCPA,anBYa,CmBXb,oBnBWa,CChEb,2CkBwDE,aALgD,CAMhD,wBnBOW,CmBNX,oBnBMW,CmBHb,sFAEE,yCAAA,CAGF,4FAEE,anBJW,CmBKX,4BAAA,CAGF,+MAGE,aAAA,CACA,wBnBZW,CmBaX,oBnBbW,CmBeX,iOAKI,yCAAA,CDzBN,oCCPA,anBYa,CmBXb,oBnBWa,CChEb,0CkBwDE,UALgD,CAMhD,wBnBOW,CmBNX,oBnBMW,CmBHb,oFAEE,yCAAA,CAGF,0FAEE,anBJW,CmBKX,4BAAA,CAGF,4MAGE,UAAA,CACA,wBnBZW,CmBaX,oBnBbW,CmBeX,8NAKI,yCAAA,CDzBN,mCCPA,anBYa,CmBXb,oBnBWa,CChEb,yCkBwDE,aALgD,CAMhD,wBnBOW,CmBNX,oBnBMW,CmBHb,kFAEE,2CAAA,CAGF,wFAEE,anBJW,CmBKX,4BAAA,CAGF,yMAGE,aAAA,CACA,wBnBZW,CmBaX,oBnBbW,CmBeX,2NAKI,2CAAA,CDzBN,kCCPA,anBYa,CmBXb,oBnBWa,CChEb,wCkBwDE,UALgD,CAMhD,wBnBOW,CmBNX,oBnBMW,CmBHb,gFAEE,wCAAA,CAGF,sFAEE,anBJW,CmBKX,4BAAA,CAGF,sMAGE,UAAA,CACA,wBnBZW,CmBaX,oBnBbW,CmBeX,wNAKI,wCAAA,CDdR,0BACE,elB4M4B,CkB3M5B,alB2FwC,CkB1FxC,oBlB2FwC,CCpKxC,gCiB4EE,alByFsC,CkBxFtC,yBlByFsC,CkBtFxC,gEAEE,yBlBoFsC,CkBjFxC,sEAEE,alBtFO,CkBuFP,mBAAA,CAWJ,6GCPE,gBAAA,CpBuBI,cAtCa,CoBiBjB,enB+H4B,CMvN1B,mBAAA,CYiGJ,6GCXE,eAAA,CpBuBI,cAtCa,CoBiBjB,enBgI4B,CMxN1B,mBAAA,CY0GJ,2BACE,aAAA,CACA,UAAA,CAGA,sCACE,gBlBuT0B,CkB/S5B,sIACE,UAAA,CE3IJ,sBLgBM,8BKfJ,CLmBI,uCKpBN,sBLqBQ,eAAA,CAAA,CKlBN,iCACE,SAAA,CAKF,qCACE,YAAA,CAIJ,4BACE,iBAAA,CACA,QAAA,CACA,eAAA,CLDI,2BKEJ,CLEI,uCKNN,4BLOQ,eAAA,CAAA,CMpBR,uGAIE,iBAAA,CAGF,iCACE,kBAAA,CCoBE,wCACE,oBAAA,CACA,kBtB+NwB,CsB9NxB,qBtB6NwB,CsB5NxB,UAAA,CAhCJ,qBAAA,CACA,mCAAA,CACA,eAAA,CACA,kCAAA,CAqDE,8CACE,aAAA,CD1CN,+BACE,iBAAA,CACA,QAAA,CACA,MAAA,CACA,YrBwpBkC,CqBvpBlC,YAAA,CACA,UAAA,CACA,erBguBkC,CqB/tBlC,aAAA,CACA,kBAAA,CtBsGI,cAtCa,CsB9DjB,arBXS,CqBYT,eAAA,CACA,eAAA,CACA,qBrBvBS,CqBwBT,2BAAA,CACA,gCAAA,CfdE,iBAAA,CeuBA,oCACE,UAAA,CACA,MAAA,CAGF,qCACE,OAAA,CACA,SAAA,CXYF,yBWnBA,uCACE,UAAA,CACA,MAAA,CAGF,wCACE,OAAA,CACA,SAAA,CAAA,CXYF,yBWnBA,uCACE,UAAA,CACA,MAAA,CAGF,wCACE,OAAA,CACA,SAAA,CAAA,CXYF,yBWnBA,uCACE,UAAA,CACA,MAAA,CAGF,wCACE,OAAA,CACA,SAAA,CAAA,CXYF,0BWnBA,uCACE,UAAA,CACA,MAAA,CAGF,wCACE,OAAA,CACA,SAAA,CAAA,CAQJ,uCACE,QAAA,CACA,WAAA,CACA,YAAA,CACA,qBrB8rBgC,CsB7tBhC,gDACE,oBAAA,CACA,kBtB+NwB,CsB9NxB,qBtB6NwB,CsB5NxB,UAAA,CAzBJ,YAAA,CACA,mCAAA,CACA,wBAAA,CACA,kCAAA,CA8CE,sDACE,aAAA,CDWJ,0CACE,KAAA,CACA,UAAA,CACA,SAAA,CACA,YAAA,CACA,mBrBgrBgC,CsB7tBhC,mDACE,oBAAA,CACA,kBtB+NwB,CsB9NxB,qBtB6NwB,CsB5NxB,UAAA,CAlBJ,iCAAA,CACA,cAAA,CACA,oCAAA,CACA,sBAAA,CAuCE,yDACE,aAAA,CDqBF,mDACE,gBAAA,CAMJ,yCACE,KAAA,CACA,UAAA,CACA,SAAA,CACA,YAAA,CACA,oBrB+pBgC,CsB7tBhC,kDACE,oBAAA,CACA,kBtB+NwB,CsB9NxB,qBtB6NwB,CsB5NxB,UAAA,CAWA,kDACE,YAAA,CAGF,mDACE,oBAAA,CACA,mBtB4MsB,CsB3MtB,qBtB0MsB,CsBzMtB,UAAA,CA9BN,iCAAA,CACA,uBAAA,CACA,oCAAA,CAiCE,wDACE,aAAA,CDsCF,mDACE,gBAAA,CAQJ,0MAIE,UAAA,CACA,WAAA,CAKJ,kCE9GE,QAAA,CACA,cAAA,CACA,eAAA,CACA,4BAAA,CFkHF,+BACE,aAAA,CACA,UAAA,CACA,gBAAA,CACA,UAAA,CACA,erBgK4B,CqB/J5B,arBhHS,CqBiHT,kBAAA,CAEA,kBAAA,CACA,4BAAA,CACA,QAAA,CpBrHA,0EoBoIE,arBmnBgC,CqBlnBhC,oBAAA,CJ/IA,wBjBGO,CqBgJT,4EAEE,UrBpJO,CqBqJP,oBAAA,CJtJA,wBjBoP0B,CqB1F5B,gFAEE,arBtJO,CqBuJP,mBAAA,CACA,4BAAA,CAQJ,oCACE,aAAA,CAIF,iCACE,aAAA,CACA,gBrBgmBkC,CqB/lBlC,eAAA,CtBrDI,cAtCa,CsB6FjB,arBzKS,CqB0KT,kBAAA,CAIF,oCACE,aAAA,CACA,gBAAA,CACA,arB9KS,CwBbX,+DAEE,iBAAA,CACA,mBAAA,CACA,qBAAA,CAEA,yEACE,iBAAA,CACA,aAAA,CvBCF,qFuBII,SAAA,CAEF,mQAGE,SAAA,CAMN,6BACE,YAAA,CACA,cAAA,CACA,0BAAA,CAEA,0CACE,UAAA,CAMF,0GAEE,gBAAA,CAIF,mIlBXE,yBAAA,CACA,4BAAA,CkBeF,+GlBFE,wBAAA,CACA,2BAAA,CkBmBJ,uCACE,iBAAA,CACA,gBAAA,CAEA,6JAGE,aAAA,CAGF,yDACE,cAAA,CAIJ,yGACE,iBAAA,CACA,gBAAA,CAGF,yGACE,kBAAA,CACA,iBAAA,CAoBF,oCACE,qBAAA,CACA,sBAAA,CACA,sBAAA,CAEA,wFAEE,UAAA,CAGF,4HAEE,eAAA,CAIF,qJlBrFE,4BAAA,CACA,2BAAA,CkByFF,iIlBxGE,wBAAA,CACA,yBAAA,CkB2HF,yFAEE,eAAA,CAEA,gQAEE,iBAAA,CACA,qBAAA,CACA,mBAAA,CCzJN,6BACE,iBAAA,CACA,YAAA,CACA,cAAA,CACA,mBAAA,CACA,UAAA,CAEA,sLAIE,iBAAA,CACA,aAAA,CACA,QAAA,CACA,WAAA,CACA,eAAA,CAEA,0sBAGE,gBAAA,CAKJ,yLAGE,SAAA,CAIF,mEACE,SAAA,CAKA,2HnBIA,wBAAA,CACA,2BAAA,CAAA,0CmBCA,YAAA,CACA,kBAAA,CAEA,6JnBLA,wBAAA,CACA,2BAAA,CmBSA,6QnBxBA,yBAAA,CACA,4BAAA,CmB+BA,oQnBhCA,yBAAA,CACA,4BAAA,CmB8CJ,yEAEE,YAAA,CAKA,mFACE,iBAAA,CACA,SAAA,CAEA,+FACE,SAAA,CAIJ,4dAIE,gBAAA,CAIJ,qCAAA,iBAAA,CACA,oCAAA,gBAAA,CAQA,kCACE,YAAA,CACA,kBAAA,CACA,gBAAA,CACA,eAAA,C1BSI,cAtCa,C0B+BjB,ezBuK4B,CyBtK5B,ezB2K4B,CyB1K5B,azB5GS,CyB6GT,iBAAA,CACA,kBAAA,CACA,wBzBpHS,CyBqHT,wBAAA,CnB5GE,iBAAA,CmBgHF,2GAEE,YAAA,CAUJ,2GAEE,+BzBqWsC,CyBlWxC,6VAME,gBAAA,C1B1BI,cAtCa,C0BkEjB,ezB8E4B,CMvN1B,mBAAA,CmB6IJ,2GAEE,iCzBmVsC,CyBhVxC,6VAME,eAAA,C1B3CI,cAtCa,C0BmFjB,ezB8D4B,CMxN1B,mBAAA,CmB8JJ,8FAEE,kBAAA,CAWF,ssBnB3JI,yBAAA,CACA,4BAAA,CmBqKJ,+cnBxJI,wBAAA,CACA,2BAAA,CoBxCJ,gCACE,iBAAA,CACA,SAAA,CACA,aAAA,CACA,iBAAA,CACA,iBAAA,CACA,kBAAA,CAGF,uCACE,mBAAA,CACA,iB1BwfsC,C0BrfxC,sCACE,iBAAA,CACA,MAAA,CACA,UAAA,CACA,U1BofsC,C0BnftC,cAAA,CACA,SAAA,CAEA,4EACE,U1BzBO,C0B0BP,oB1ByN0B,CiBpP1B,wBjBoP0B,C0BpN5B,0EAKI,0C1B+VwB,C0B3V5B,wFACE,oB1BqboC,C0BlbtC,0FACE,U1B7CO,C0B8CP,wB1Bif4C,C0Bhf5C,oB1Bgf4C,C0Bze5C,2IACE,a1BjDK,C0BmDL,2JACE,wB1BxDG,C0BkEX,sCACE,iBAAA,CACA,eAAA,CAEA,kBAAA,CAIA,8CACE,iBAAA,CACA,UAAA,CACA,YAAA,CACA,aAAA,CACA,U1BuboC,C0BtbpC,W1BsboC,C0BrbpC,mBAAA,CACA,UAAA,CACA,qB1BrFO,C0BsFP,wBAAA,CAKF,6CACE,iBAAA,CACA,UAAA,CACA,YAAA,CACA,aAAA,CACA,U1BwaoC,C0BvapC,W1BuaoC,C0BtapC,UAAA,CACA,gCAAA,CAUF,+DpBlGE,iBAAA,CoBuGA,4FACE,iOAAA,CAKF,mGACE,oB1B0HwB,CiBpP1B,wBjBoP0B,C0BtH1B,kGACE,8KAAA,CAKF,sGTpIA,mCjBwhB4C,C0BjZ5C,4GTvIA,mCjBwhB4C,C0BtY9C,4DAEE,iB1ByZ4C,C0BrZ5C,yFACE,6KAAA,CAKF,mGT9JA,mCjBwhB4C,C0B/WhD,+BACE,iBAAA,CAGE,6DACE,aAAA,CACA,a1BiY0C,C0BhY1C,kBAAA,CAEA,iB1B+X0C,C0B5X5C,4DACE,uBAAA,CACA,yBAAA,CACA,sB1B0X0C,C0BzX1C,uB1ByX0C,C0BxX1C,wB1BpLK,C0BsLL,iB1BqX0C,CeviB1C,iIWmLA,CX/KA,uCWuKF,4DXtKI,eAAA,CAAA,CWmLJ,0FACE,qB1BlMK,C0BmML,6BAAA,CAKF,oGTzMA,mCjBwhB4C,C0BlUhD,+BACE,oBAAA,CACA,UAAA,CACA,kC1BoRsC,C0BnRtC,yBAAA,C3BjGI,cAtCa,C2B0IjB,e1B4D4B,C0B3D5B,e1BgE4B,C0B/D5B,a1BvNS,C0BwNT,qBAAA,CACA,qOAAA,CACA,wBAAA,CpBtNE,iBAAA,CoByNF,eAAA,CAEA,qCACE,oB1BuPoC,C0BtPpC,SAAA,CAKE,0C1BkW8B,C0B/VhC,gDAME,a1B/OK,C0BgPL,qB1BvPK,C0B2PT,8FAEE,WAAA,CACA,kB1B8H0B,C0B7H1B,qBAAA,CAGF,wCACE,a1B7PO,C0B8PP,wB1BlQO,C0BsQT,2CACE,YAAA,CAIF,8CACE,iBAAA,CACA,yBAAA,CAIJ,kCACE,iC1ByNsC,C0BxNtC,e1BgH4B,C0B/G5B,kB1B+G4B,C0B9G5B,gB1B+G4B,CD9QxB,cAtCa,C2ByMnB,kCACE,+B1BkNsC,C0BjNtC,e1B6G4B,C0B5G5B,kB1B4G4B,C0B3G5B,iB1B4G4B,CDnRxB,cAtCa,C2BsNnB,6BACE,iBAAA,CACA,oBAAA,CACA,UAAA,CACA,kC1BgMsC,C0B/LtC,eAAA,CAGF,mCACE,iBAAA,CACA,SAAA,CACA,UAAA,CACA,kC1BwLsC,C0BvLtC,QAAA,CACA,eAAA,CACA,SAAA,CAEA,4DACE,oB1BoKoC,C0BnKpC,0C1BwE0B,C0BpE5B,+HAEE,wB1B/TO,C0BmUP,sEACE,gB1B0Ta,C0BtTjB,0EACE,yBAAA,CAIJ,mCACE,iBAAA,CACA,KAAA,CACA,OAAA,CACA,MAAA,CACA,SAAA,CACA,kC1BuJsC,C0BtJtC,gBAAA,CACA,eAAA,CAEA,e1BjE4B,C0BkE5B,e1B7D4B,C0B8D5B,a1BpVS,C0BqVT,qB1B5VS,C0B6VT,wBAAA,CpBlVE,iBAAA,CoBsVF,0CACE,iBAAA,CACA,KAAA,CACA,OAAA,CACA,QAAA,CACA,SAAA,CACA,aAAA,CACA,4B1BgIoC,C0B/HpC,gBAAA,CACA,e1B7E0B,C0B8E1B,a1BpWO,C0BqWP,gBAAA,CT7WA,wBjBGO,C0B4WP,mBAAA,CpBnWA,yBAAA,CoB8WJ,8BACE,UAAA,CACA,aAAA,CACA,SAAA,CACA,4BAAA,CACA,eAAA,CAEA,oCACE,SAAA,CAIA,0DAAA,yD1BmOyC,C0BlOzC,sDAAA,yD1BkOyC,C0BjOzC,+CAAA,yD1BiOyC,C0B9N3C,gDACE,QAAA,CAGF,oDACE,U1BmNyC,C0BlNzC,W1BkNyC,C0BjNzC,mBAAA,CTlZA,wBjBoP0B,C0BgK1B,Q1BkNyC,CM1lBzC,kBAAA,CSFE,sGW6YF,CACA,eAAA,CX1YE,uCWiYJ,oDXhYM,eAAA,CAAA,CW2YJ,2DT1ZA,wBjB2mByC,C0B5M3C,6DACE,U1B4LgC,C0B3LhC,Y1B4LgC,C0B3LhC,iBAAA,CACA,c1B2LgC,C0B1LhC,wB1BhaO,C0BiaP,wBAAA,CpBzZA,kBAAA,CoB8ZF,gDACE,U1BwLyC,C0BvLzC,W1BuLyC,CiBnmBzC,wBjBoP0B,C0B0L1B,Q1BwLyC,CM1lBzC,kBAAA,CSFE,sGWuaF,CACA,eAAA,CXpaE,uCW4ZJ,gDX3ZM,eAAA,CAAA,CWqaJ,uDTpbA,wBjB2mByC,C0BlL3C,gDACE,U1BkKgC,C0BjKhC,Y1BkKgC,C0BjKhC,iBAAA,CACA,c1BiKgC,C0BhKhC,wB1B1bO,C0B2bP,wBAAA,CpBnbA,kBAAA,CoBwbF,yCACE,U1B8JyC,C0B7JzC,W1B6JyC,C0B5JzC,YAAA,CACA,kB1BtE0B,C0BuE1B,iB1BvE0B,CiBlY1B,wBjBoP0B,C0BuN1B,Q1B2JyC,CM1lBzC,kBAAA,CSFE,sGWocF,CACA,eAAA,CXjcE,uCWsbJ,yCXrbM,eAAA,CAAA,CWkcJ,gDTjdA,wBjB2mByC,C0BrJ3C,yCACE,U1BqIgC,C0BpIhC,Y1BqIgC,C0BpIhC,iBAAA,CACA,c1BoIgC,C0BnIhC,4BAAA,CACA,wBAAA,CACA,gBAAA,CAIF,8CACE,wB1B9dO,CMQP,kBAAA,CoB0dF,8CACE,iBAAA,CACA,wB1BpeO,CMQP,kBAAA,CoBieA,6DACE,wB1BxeK,C0B2eP,sEACE,cAAA,CAGF,yDACE,wB1BhfK,C0BmfP,yDACE,cAAA,CAGF,kDACE,wB1BxfK,C0B6fX,gHXzfM,sGW4fJ,CXxfI,uCWqfN,gHXpfQ,eAAA,CAAA,CYhBR,qBACE,YAAA,CACA,cAAA,CACA,cAAA,CACA,eAAA,CACA,eAAA,CAGF,0BACE,aAAA,CACA,gBAAA,C1BCA,gE0BGE,oBAAA,CAIF,mCACE,a3BXO,C2BYP,mBAAA,CACA,cAAA,CAQJ,0BACE,+BAAA,CAEA,oCACE,kBAAA,CACA,4BAAA,CrBZA,0BAAA,CACA,2BAAA,CLZF,oF0B2BI,oC3BmpB8B,C2BhpBhC,6CACE,a3BlCK,C2BmCL,4BAAA,CACA,wBAAA,CAIJ,8FAEE,a3BzCO,C2B0CP,qB3BjDO,C2BkDP,iC3BwoBgC,C2BroBlC,yCAEE,eAAA,CrBnCA,wBAAA,CACA,yBAAA,CqB8CF,qCrBxDE,iBAAA,CqB4DF,uFAEE,U3BzEO,C2B0EP,wB3ByK0B,C2B/J5B,wEAEE,aAAA,CACA,iBAAA,CAKF,kFAEE,YAAA,CACA,WAAA,CACA,iBAAA,CAUF,uCACE,YAAA,CAEF,qCACE,aAAA,CCpGJ,wBACE,iBAAA,CACA,YAAA,CACA,cAAA,CACA,kBAAA,CACA,6BAAA,CACA,gBAAA,CAIA,oOACE,YAAA,CACA,cAAA,CACA,kBAAA,CACA,6BAAA,CAoBJ,8BACE,oBAAA,CACA,e5BiqBkC,C4BhqBlC,kB5BgqBkC,C4B/pBlC,iB5BgFO,CDRH,cAtCa,C6BhCjB,mBAAA,CACA,kBAAA,C3B1CA,wE2B6CE,oBAAA,CASJ,4BACE,YAAA,CACA,qBAAA,CACA,cAAA,CACA,eAAA,CACA,eAAA,CAEA,sCACE,eAAA,CACA,cAAA,CAGF,2CACE,eAAA,CACA,UAAA,CASJ,6BACE,oBAAA,CACA,e5BwlBkC,C4BvlBlC,kB5BulBkC,C4B3kBpC,iCACE,eAAA,CACA,WAAA,CAGA,kBAAA,CAIF,gCACE,gBAAA,C7BSI,cAtCa,C6B+BjB,aAAA,CACA,4BAAA,CACA,4BAAA,CtBxGE,iBAAA,CLFF,4E2B8GE,oBAAA,CAMJ,qCACE,oBAAA,CACA,WAAA,CACA,YAAA,CACA,qBAAA,CACA,UAAA,CACA,kCAAA,CAGF,mCACE,e5B+kBkC,C4B9kBlC,eAAA,ClBtEE,4BkBkFI,0pBACE,eAAA,CACA,cAAA,CAAA,ClBjGN,yBkB6FA,kCAoBI,oBAAA,CACA,0BAAA,CAEA,8CACE,kBAAA,CAEA,6DACE,iBAAA,CAGF,wDACE,iB5BwhBwB,C4BvhBxB,gB5BuhBwB,C4BlhB5B,0pBACE,gBAAA,CAcF,qDACE,gBAAA,CAGF,mDACE,uBAAA,CAGA,eAAA,CAGF,kDACE,YAAA,CAAA,ClBhJN,4BkBkFI,0pBACE,eAAA,CACA,cAAA,CAAA,ClBjGN,yBkB6FA,kCAoBI,oBAAA,CACA,0BAAA,CAEA,8CACE,kBAAA,CAEA,6DACE,iBAAA,CAGF,wDACE,iB5BwhBwB,C4BvhBxB,gB5BuhBwB,C4BlhB5B,0pBACE,gBAAA,CAcF,qDACE,gBAAA,CAGF,mDACE,uBAAA,CAGA,eAAA,CAGF,kDACE,YAAA,CAAA,ClBhJN,4BkBkFI,0pBACE,eAAA,CACA,cAAA,CAAA,ClBjGN,yBkB6FA,kCAoBI,oBAAA,CACA,0BAAA,CAEA,8CACE,kBAAA,CAEA,6DACE,iBAAA,CAGF,wDACE,iB5BwhBwB,C4BvhBxB,gB5BuhBwB,C4BlhB5B,0pBACE,gBAAA,CAcF,qDACE,gBAAA,CAGF,mDACE,uBAAA,CAGA,eAAA,CAGF,kDACE,YAAA,CAAA,ClBhJN,6BkBkFI,0pBACE,eAAA,CACA,cAAA,CAAA,ClBjGN,0BkB6FA,kCAoBI,oBAAA,CACA,0BAAA,CAEA,8CACE,kBAAA,CAEA,6DACE,iBAAA,CAGF,wDACE,iB5BwhBwB,C4BvhBxB,gB5BuhBwB,C4BlhB5B,0pBACE,gBAAA,CAcF,qDACE,gBAAA,CAGF,mDACE,uBAAA,CAGA,eAAA,CAGF,kDACE,YAAA,CAAA,CAhEN,+BAoBI,oBAAA,CACA,0BAAA,CAnBA,snBACE,eAAA,CACA,cAAA,CAmBF,2CACE,kBAAA,CAEA,0DACE,iBAAA,CAGF,qDACE,iB5BwhBwB,C4BvhBxB,gB5BuhBwB,C4BlhB5B,snBACE,gBAAA,CAcF,kDACE,gBAAA,CAGF,gDACE,uBAAA,CAGA,eAAA,CAGF,+CACE,YAAA,CAcR,4CACE,oB5BggBgC,CCxtBlC,oG2B2NI,oB5B6f8B,C4BxfhC,oDACE,oB5Bqf8B,CCttBlC,oH2BoOM,oB5Bmf4B,C4Bhf9B,6DACE,oB5Bif4B,C4B7ehC,0OAIE,oB5Bwe8B,C4BpelC,8CACE,oB5BiegC,C4BhehC,2B5BqegC,C4BlelC,mDACE,kRAAA,CAGF,2CACE,oB5BwdgC,C4BvdhC,6CACE,oB5Bwd8B,CCxtBlC,sG2BmQM,oB5Bqd4B,C4B7clC,2CACE,U5BrRO,CCST,kG2B+QI,U5BxRK,C4B6RP,mDACE,0B5B0b8B,CC/sBlC,kH2BwRM,2B5Bwb4B,C4Brb9B,4DACE,2B5Bsb4B,C4BlbhC,sOAIE,U5B7SK,C4BiTT,6CACE,0B5BsagC,C4BrahC,iC5B0agC,C4BvalC,kDACE,wRAAA,CAGF,0CACE,0B5B6ZgC,C4B5ZhC,4CACE,U5B7TK,CCST,oG2BuTM,U5BhUG,C6BHX,sBACE,iBAAA,CACA,YAAA,CACA,qBAAA,CACA,WAAA,CAEA,oBAAA,CACA,qB7BJS,C6BKT,0BAAA,CACA,iCAAA,CvBKE,iBAAA,CuBFF,yBACE,cAAA,CACA,aAAA,CAGF,kCACE,kBAAA,CACA,qBAAA,CAEA,8CACE,kBAAA,CvBCF,sCAAA,CACA,uCAAA,CuBEA,6CACE,qBAAA,CvBUF,0CAAA,CACA,yCAAA,CuBJF,8FAEE,YAAA,CAIJ,2BAGE,aAAA,CAGA,cAAA,CACA,Y7B8wBkC,C6B1wBpC,4BACE,oB7BwwBkC,C6BrwBpC,+BACE,oBAAA,CACA,eAAA,CAGF,sCACE,eAAA,C5BrDA,iC4B0DE,oBAAA,CAGF,sCACE,mB7BuvBgC,C6B/uBpC,6BACE,iBAAA,CACA,eAAA,CAEA,gC7BgvBkC,C6B/uBlC,wCAAA,CAEA,yCvBvEE,iDAAA,CuB4EJ,6BACE,iBAAA,CAEA,gC7BquBkC,C6BpuBlC,qCAAA,CAEA,wCvBlFE,iDAAA,CuB4FJ,kCACE,sBAAA,CACA,sBAAA,CACA,qBAAA,CACA,eAAA,CAGF,mCACE,sBAAA,CACA,qBAAA,CAIF,kCACE,iBAAA,CACA,KAAA,CACA,OAAA,CACA,QAAA,CACA,MAAA,CACA,Y7B2sBkC,CM1zBhC,6BAAA,CuBmHJ,yFAGE,aAAA,CACA,UAAA,CAGF,wDvBjHI,sCAAA,CACA,uCAAA,CuBqHJ,2DvBxGI,0CAAA,CACA,yCAAA,CuBgHF,iCACE,kB7BmrBgC,CUlxBhC,yBmB6FJ,2BAMI,YAAA,CACA,kBAAA,CACA,kBAAA,CACA,iBAAA,CAEA,iCAEE,WAAA,CACA,iB7BuqB8B,C6BtqB9B,eAAA,CACA,gB7BqqB8B,CAAA,C6BxpBlC,kCACE,kB7BupBgC,CUlxBhC,yBmBuHJ,4BAQI,YAAA,CACA,kBAAA,CAGA,kCAEE,WAAA,CACA,eAAA,CAEA,wCACE,aAAA,CACA,aAAA,CAKA,mDvBzKJ,yBAAA,CACA,4BAAA,CuB2KM,iIAGE,yBAAA,CAEF,oIAGE,4BAAA,CAIJ,oDvB1KJ,wBAAA,CACA,2BAAA,CuB4KM,mIAGE,wBAAA,CAEF,sIAGE,2BAAA,CAAA,CAcV,oCACE,oB7B4kBgC,CUpwBhC,yBmBsLJ,8BAMI,c7BylBgC,C6BxlBhC,kB7BylBgC,C6BxlBhC,SAAA,CACA,QAAA,CAEA,oCACE,oBAAA,CACA,UAAA,CAAA,CAUN,2BACE,oBAAA,CAEA,iCACE,eAAA,CAEA,oDACE,eAAA,CvBvOF,4BAAA,CACA,2BAAA,CuB0OA,qDvBzPA,wBAAA,CACA,yBAAA,CuB4PA,8CvBtQA,eAAA,CuBwQE,kBAAA,CC1RN,4BACE,YAAA,CACA,cAAA,CACA,iBAAA,CACA,kB9BmiCkC,C8BjiClC,eAAA,CACA,wB9BES,CMSP,iBAAA,CwBLF,kDACE,gB9BuhCgC,C8BrhChC,0DACE,UAAA,CACA,iB9BmhC8B,C8BlhC9B,a9BNK,C8BOL,WAAA,CAUJ,gEACE,yBAAA,CAGF,gEACE,oBAAA,CAGF,wCACE,a9B1BO,C+BbX,4BACE,YAAA,C5BGA,cAAA,CACA,eAAA,CGaE,iBAAA,CyBZJ,2BACE,iBAAA,CACA,aAAA,CACA,gBAAA,CACA,gBAAA,CACA,gB/BmxBkC,C+BlxBlC,a/BmKwC,C+BjKxC,qB/BPS,C+BQT,wBAAA,CAEA,iCACE,SAAA,CACA,a/B8JsC,C+B7JtC,oBAAA,CACA,wB/BZO,C+BaP,oB/BZO,C+BeT,iCACE,SAAA,CACA,S/B2wBgC,C+B1wBhC,0C/B8W0B,C+BxW1B,kDACE,aAAA,CzBaF,0BAAA,CACA,6BAAA,CyBTA,iDzBNA,2BAAA,CACA,8BAAA,CyBUF,6CACE,SAAA,CACA,U/BxCO,C+ByCP,wB/B0M0B,C+BzM1B,oB/ByM0B,C+BtM5B,+CACE,a/BxCO,C+ByCP,mBAAA,CAEA,WAAA,CACA,qB/BlDO,C+BmDP,oB/BhDO,CgCPT,0CACE,iBAAA,CjC2HE,cAtCa,CiCnFf,ehCmO0B,CgC9NxB,iE1BqCF,4BAAA,CACA,+BAAA,C0BjCE,gE1BkBF,6BAAA,CACA,gCAAA,C0BhCF,0CACE,eAAA,CjC2HE,cAtCa,CiCnFf,ehCoO0B,CgC/NxB,iE1BqCF,4BAAA,CACA,+BAAA,C0BjCE,gE1BkBF,6BAAA,CACA,gCAAA,C2B9BJ,uBACE,oBAAA,CACA,kBAAA,ClCiEE,aAAA,CkC/DF,ejCuR4B,CiCtR5B,aAAA,CACA,iBAAA,CACA,kBAAA,CACA,uBAAA,C3BKE,iBAAA,CSFE,6HkBDJ,ClBKI,uCkBfN,uBlBgBQ,eAAA,CAAA,CdLN,4DgCGI,oBAAA,CAKJ,6BACE,YAAA,CAKJ,4BACE,iBAAA,CACA,QAAA,CAOF,4BACE,kBjC+3BkC,CiC93BlC,iBjC83BkC,CMr5BhC,mBAAA,C2BgCF,+BCjDA,UAAA,CACA,wBlC0Ea,CC5Db,4EiCVI,UAAA,CACA,wBAAA,CAGF,4EAEE,SAAA,CACA,yCAAA,CDqCJ,iCCjDA,UAAA,CACA,wBlC0Ea,CC5Db,gFiCVI,UAAA,CACA,wBAAA,CAGF,gFAEE,SAAA,CACA,2CAAA,CDqCJ,+BCjDA,UAAA,CACA,wBlC0Ea,CC5Db,4EiCVI,UAAA,CACA,wBAAA,CAGF,4EAEE,SAAA,CACA,yCAAA,CDqCJ,4BCjDA,UAAA,CACA,wBlC0Ea,CC5Db,sEiCVI,UAAA,CACA,wBAAA,CAGF,sEAEE,SAAA,CACA,0CAAA,CDqCJ,+BCjDA,aAAA,CACA,wBlC0Ea,CC5Db,4EiCVI,aAAA,CACA,wBAAA,CAGF,4EAEE,SAAA,CACA,yCAAA,CDqCJ,8BCjDA,UAAA,CACA,wBlC0Ea,CC5Db,0EiCVI,UAAA,CACA,wBAAA,CAGF,0EAEE,SAAA,CACA,yCAAA,CDqCJ,6BCjDA,aAAA,CACA,wBlC0Ea,CC5Db,wEiCVI,aAAA,CACA,wBAAA,CAGF,wEAEE,SAAA,CACA,2CAAA,CDqCJ,4BCjDA,UAAA,CACA,wBlC0Ea,CC5Db,sEiCVI,UAAA,CACA,wBAAA,CAGF,sEAEE,SAAA,CACA,wCAAA,CCbN,2BACE,iBAAA,CACA,kBnCuzBkC,CmCrzBlC,wBnCKS,CMSP,mBAAA,CI0CA,yByB5DJ,2BAQI,iBAAA,CAAA,CAIJ,iCACE,eAAA,CACA,cAAA,C7BIE,eAAA,C8BdJ,uBACE,iBAAA,CACA,iBAAA,CACA,kBpCu9BkC,CoCt9BlC,4BAAA,C9BUE,iBAAA,C8BLJ,+BAEE,aAAA,CAIF,4BACE,epC4Q4B,CoCpQ9B,mCACE,kBAAA,CAGA,0CACE,iBAAA,CACA,KAAA,CACA,OAAA,CACA,SAAA,CACA,iBAAA,CACA,aAAA,CAUF,+BC/CA,aDgDqH,CnB3CnH,wBmB2CuB,CC9CzB,oBD8CqE,CC5CrE,kCACE,wBAAA,CAGF,2CACE,aAAA,CDsCF,iCC/CA,aDgDqH,CnB3CnH,wBmB2CuB,CC9CzB,oBD8CqE,CC5CrE,oCACE,wBAAA,CAGF,6CACE,aAAA,CDsCF,+BC/CA,aDgDqH,CnB3CnH,wBmB2CuB,CC9CzB,oBD8CqE,CC5CrE,kCACE,wBAAA,CAGF,2CACE,aAAA,CDsCF,4BC/CA,aDgDqH,CnB3CnH,wBmB2CuB,CC9CzB,oBD8CqE,CC5CrE,+BACE,wBAAA,CAGF,wCACE,aAAA,CDsCF,+BC/CA,aDgDqH,CnB3CnH,wBmB2CuB,CC9CzB,oBD8CqE,CC5CrE,kCACE,wBAAA,CAGF,2CACE,aAAA,CDsCF,8BC/CA,aDgDqH,CnB3CnH,wBmB2CuB,CC9CzB,oBD8CqE,CC5CrE,iCACE,wBAAA,CAGF,0CACE,aAAA,CDsCF,6BC/CA,aDgDqH,CnB3CnH,wBmB2CuB,CC9CzB,oBD8CqE,CC5CrE,gCACE,wBAAA,CAGF,yCACE,aAAA,CDsCF,4BC/CA,aDgDqH,CnB3CnH,wBmB2CuB,CC9CzB,oBD8CqE,CC5CrE,+BACE,wBAAA,CAGF,wCACE,aAAA,CCRF,gCACE,KAAA,0BAAA,CACA,GAAA,uBAAA,CAAA,CAIJ,0BACE,YAAA,CACA,WtCg+BkC,CsC/9BlC,eAAA,CACA,aAAA,CvCmHI,cAtCa,CuC3EjB,wBtCLS,CMSP,iBAAA,CgCCJ,8BACE,YAAA,CACA,qBAAA,CACA,sBAAA,CACA,eAAA,CACA,UtCjBS,CsCkBT,iBAAA,CACA,kBAAA,CACA,wBtCq9BkC,Ceh+B9B,yBuBYJ,CvBRI,uCuBDN,8BvBEQ,eAAA,CAAA,CuBUR,sCrBYE,oMAAA,CqBVA,yBAAA,CAIA,uCACE,iDAAA,CAGE,uCAJJ,uCAKM,cAAA,CAAA,CC1CR,uBACE,YAAA,CACA,sBAAA,CAGF,4BACE,MAAA,CCFF,4BACE,YAAA,CACA,qBAAA,CAGA,cAAA,CACA,eAAA,ClCQE,iBAAA,CkCEJ,wCACE,UAAA,CACA,axCRS,CwCST,kBAAA,CvCPA,4FuCWE,SAAA,CACA,axCdO,CwCeP,oBAAA,CACA,wBxCtBO,CwCyBT,+CACE,axClBO,CwCmBP,wBxC1BO,CwCmCX,iCACE,iBAAA,CACA,aAAA,CACA,iBAAA,CAGA,qBxC3CS,CwC4CT,iCAAA,CAEA,6ClC1BE,8BAAA,CACA,+BAAA,CkC6BF,4ClChBE,kCAAA,CACA,iCAAA,CkCmBF,oFAEE,axClDO,CwCmDP,mBAAA,CACA,qBxC1DO,CwC8DT,wCACE,SAAA,CACA,UxChEO,CwCiEP,wBxCkL0B,CwCjL1B,oBxCiL0B,CwC9K5B,kEACE,kBAAA,CAEA,yEACE,eAAA,CACA,oBxC2JwB,CwC7I1B,uCACE,kBAAA,CAGE,oElC1BJ,6BAAA,CAZA,yBAAA,CkC2CI,mElC3CJ,2BAAA,CAYA,2BAAA,CkCoCI,+DACE,YAAA,CAGF,yEACE,oBxC0HoB,CwCzHpB,mBAAA,CAEA,gFACE,gBAAA,CACA,qBxCqHkB,CUhL1B,yB8BmCA,0CACE,kBAAA,CAGE,uElC1BJ,6BAAA,CAZA,yBAAA,CkC2CI,sElC3CJ,2BAAA,CAYA,2BAAA,CkCoCI,kEACE,YAAA,CAGF,4EACE,oBxC0HoB,CwCzHpB,mBAAA,CAEA,mFACE,gBAAA,CACA,qBxCqHkB,CAAA,CUhL1B,yB8BmCA,0CACE,kBAAA,CAGE,uElC1BJ,6BAAA,CAZA,yBAAA,CkC2CI,sElC3CJ,2BAAA,CAYA,2BAAA,CkCoCI,kEACE,YAAA,CAGF,4EACE,oBxC0HoB,CwCzHpB,mBAAA,CAEA,mFACE,gBAAA,CACA,qBxCqHkB,CAAA,CUhL1B,yB8BmCA,0CACE,kBAAA,CAGE,uElC1BJ,6BAAA,CAZA,yBAAA,CkC2CI,sElC3CJ,2BAAA,CAYA,2BAAA,CkCoCI,kEACE,YAAA,CAGF,4EACE,oBxC0HoB,CwCzHpB,mBAAA,CAEA,mFACE,gBAAA,CACA,qBxCqHkB,CAAA,CUhL1B,0B8BmCA,0CACE,kBAAA,CAGE,uElC1BJ,6BAAA,CAZA,yBAAA,CkC2CI,sElC3CJ,2BAAA,CAYA,2BAAA,CkCoCI,kEACE,YAAA,CAGF,4EACE,oBxC0HoB,CwCzHpB,mBAAA,CAEA,mFACE,gBAAA,CACA,qBxCqHkB,CAAA,CwCvG9B,kClCnHI,eAAA,CkCsHF,mDACE,oBAAA,CAEA,8DACE,qBAAA,CCzIJ,yCACE,aDoJsE,CCnJtE,wBDmJuC,CvCxIzC,4IwCPM,aD+IkE,CC9IlE,wBAAA,CAGF,uEACE,UzCPG,CyCQH,wBDyIkE,CCxIlE,oBDwIkE,CCrJxE,2CACE,aDoJsE,CCnJtE,wBDmJuC,CvCxIzC,gJwCPM,aD+IkE,CC9IlE,wBAAA,CAGF,yEACE,UzCPG,CyCQH,wBDyIkE,CCxIlE,oBDwIkE,CCrJxE,yCACE,aDoJsE,CCnJtE,wBDmJuC,CvCxIzC,4IwCPM,aD+IkE,CC9IlE,wBAAA,CAGF,uEACE,UzCPG,CyCQH,wBDyIkE,CCxIlE,oBDwIkE,CCrJxE,sCACE,aDoJsE,CCnJtE,wBDmJuC,CvCxIzC,sIwCPM,aD+IkE,CC9IlE,wBAAA,CAGF,oEACE,UzCPG,CyCQH,wBDyIkE,CCxIlE,oBDwIkE,CCrJxE,yCACE,aDoJsE,CCnJtE,wBDmJuC,CvCxIzC,4IwCPM,aD+IkE,CC9IlE,wBAAA,CAGF,uEACE,UzCPG,CyCQH,wBDyIkE,CCxIlE,oBDwIkE,CCrJxE,wCACE,aDoJsE,CCnJtE,wBDmJuC,CvCxIzC,0IwCPM,aD+IkE,CC9IlE,wBAAA,CAGF,sEACE,UzCPG,CyCQH,wBDyIkE,CCxIlE,oBDwIkE,CCrJxE,uCACE,aDoJsE,CCnJtE,wBDmJuC,CvCxIzC,wIwCPM,aD+IkE,CC9IlE,wBAAA,CAGF,qEACE,UzCPG,CyCQH,wBDyIkE,CCxIlE,oBDwIkE,CCrJxE,sCACE,aDoJsE,CCnJtE,wBDmJuC,CvCxIzC,sIwCPM,aD+IkE,CC9IlE,wBAAA,CAGF,oEACE,UzCPG,CyCQH,wBDyIkE,CCxIlE,oBDwIkE,CExJ1E,uBACE,WAAA,C3C8HI,cAtCa,C2CtFjB,e1C6R4B,C0C5R5B,aAAA,CACA,U1CYS,C0CXT,wB1CslCkC,C0CrlClC,UAAA,CzCKA,6ByCDE,U1CMO,C0CLP,oBAAA,CzCIF,sHyCCI,WAAA,CAWN,6BACE,SAAA,CACA,4BAAA,CACA,QAAA,CAMF,iCACE,mBAAA,CCtCF,uBAGE,gB3Cy4BkC,C2Cx4BlC,e3Cw4BkC,CD7wB9B,cAtCa,C4ClFjB,sC3C04BkC,C2Cz4BlC,2BAAA,CACA,+BAAA,CACA,yC3C24BkC,C2C14BlC,SAAA,CrCOE,iBAAA,CqCJF,wCACE,oB3C83BgC,C2C33BlC,+BACE,SAAA,CAGF,4BACE,aAAA,CACA,SAAA,CAGF,4BACE,YAAA,CAIJ,8BACE,YAAA,CACA,kBAAA,CACA,gBAAA,CACA,a3CvBS,C2CwBT,sC3Cm3BkC,C2Cl3BlC,2BAAA,CACA,uCAAA,CrCZE,sCAAA,CACA,uCAAA,CqCeJ,4BACE,Y3Ci2BkC,C4Cv4BpC,4BAEE,eAAA,CAEA,mCACE,iBAAA,CACA,eAAA,CAKJ,uBACE,cAAA,CACA,KAAA,CACA,MAAA,CACA,Y5C2pBkC,C4C1pBlC,YAAA,CACA,UAAA,CACA,WAAA,CACA,eAAA,CAGA,SAAA,CAOF,8BACE,iBAAA,CACA,UAAA,CACA,Y5C+4BkC,C4C74BlC,mBAAA,CAGA,0C7B3BI,iC6B4BF,CACA,6B5Cq6BgC,Ce97B9B,uC6BuBJ,0C7BtBM,eAAA,CAAA,C6B0BN,0CACE,c5Cm6BgC,C4C/5BlC,kDACE,qB5Cg6BgC,C4C55BpC,yCACE,YAAA,CACA,4BAAA,CAEA,wDACE,6BAAA,CACA,eAAA,CAGF,8GAEE,aAAA,CAGF,qDACE,eAAA,CAIJ,uCACE,YAAA,CACA,kBAAA,CACA,4BAAA,CAGA,+CACE,aAAA,CACA,yBAAA,CACA,kBAAA,CACA,UAAA,CAIF,+DACE,qBAAA,CACA,sBAAA,CACA,WAAA,CAEA,8EACE,eAAA,CAGF,uEACE,YAAA,CAMN,+BACE,iBAAA,CACA,YAAA,CACA,qBAAA,CACA,UAAA,CAGA,mBAAA,CACA,qB5C3GS,C4C4GT,2BAAA,CACA,+BAAA,CtClGE,mBAAA,CsCsGF,SAAA,CAIF,gCACE,cAAA,CACA,KAAA,CACA,MAAA,CACA,Y5C+iBkC,C4C9iBlC,WAAA,CACA,YAAA,CACA,qB5ClHS,C4CqHT,qCAAA,SAAA,CACA,qCAAA,U5C6zBkC,C4CxzBpC,8BACE,YAAA,CACA,sBAAA,CACA,6BAAA,CACA,iB5C2zBkC,C4C1zBlC,+BAAA,CtCtHE,wCAAA,CACA,yCAAA,CsCwHF,qCACE,iB5CszBgC,C4CpzBhC,6BAAA,CAKJ,6BACE,eAAA,CACA,e5CsI4B,C4CjI9B,4BACE,iBAAA,CAGA,aAAA,CACA,Y5CwwBkC,C4CpwBpC,8BACE,YAAA,CACA,cAAA,CACA,kBAAA,CACA,wBAAA,CACA,YAAA,CACA,4BAAA,CtCzIE,4CAAA,CACA,2CAAA,CsC8IF,gCACE,aAAA,CAKJ,yCACE,iBAAA,CACA,WAAA,CACA,UAAA,CACA,WAAA,CACA,eAAA,ClCvIE,yBkC6IF,8BACE,e5CqwBgC,C4CpwBhC,mBAAA,CAGF,yCACE,8BAAA,CAEA,wDACE,+BAAA,CAIJ,uCACE,8BAAA,CAEA,+CACE,2BAAA,CACA,kBAAA,CAQJ,0BAAA,e5C6uBkC,CAAA,CUp5BhC,yBkC2KF,oDAEE,e5CquBgC,CAAA,CUl5BhC,0BkCkLF,0BAAA,gB5C+tBkC,CAAA,C6C58BpC,yBACE,iBAAA,CACA,Y7C+qBkC,C6C9qBlC,aAAA,CACA,Q7C21BkC,C8C/1BlC,wM9CmR4B,C8CjR5B,iBAAA,CACA,e9C2R4B,C8C1R5B,e9C+R4B,C8C9R5B,eAAA,CACA,gBAAA,CACA,oBAAA,CACA,gBAAA,CACA,mBAAA,CACA,qBAAA,CACA,iBAAA,CACA,mBAAA,CACA,kBAAA,CACA,eAAA,C/CgHI,cAtCa,C8C9EjB,oBAAA,CACA,SAAA,CAEA,8BAAA,U7C+0BkC,C6C70BlC,gCACE,iBAAA,CACA,aAAA,CACA,W7C+0BgC,C6C90BhC,Y7C+0BgC,C6C70BhC,wCACE,iBAAA,CACA,UAAA,CACA,wBAAA,CACA,kBAAA,CAKN,mFACE,eAAA,CAEA,iGACE,QAAA,CAEA,iHACE,KAAA,CACA,0BAAA,CACA,qB7CvBK,C6C4BX,uFACE,eAAA,CAEA,qGACE,MAAA,CACA,W7CizBgC,C6ChzBhC,Y7C+yBgC,C6C7yBhC,qHACE,OAAA,CACA,gCAAA,CACA,uB7CvCK,C6C4CX,yFACE,eAAA,CAEA,uGACE,KAAA,CAEA,uHACE,QAAA,CACA,0BAAA,CACA,wB7CrDK,C6C0DX,qFACE,eAAA,CAEA,mGACE,OAAA,CACA,W7CmxBgC,C6ClxBhC,Y7CixBgC,C6C/wBhC,mHACE,MAAA,CACA,gCAAA,CACA,sB7CrEK,C6C0FX,+BACE,e7C6uBkC,C6C5uBlC,eAAA,CACA,U7CvGS,C6CwGT,iBAAA,CACA,qB7C/FS,CMCP,iBAAA,CyClBJ,yBACE,iBAAA,CACA,KAAA,CACA,MAAA,CACA,Y/C6qBkC,C+C5qBlC,aAAA,CACA,e/C62BkC,C8Cl3BlC,wM9CmR4B,C8CjR5B,iBAAA,CACA,e9C2R4B,C8C1R5B,e9C+R4B,C8C9R5B,eAAA,CACA,gBAAA,CACA,oBAAA,CACA,gBAAA,CACA,mBAAA,CACA,qBAAA,CACA,iBAAA,CACA,mBAAA,CACA,kBAAA,CACA,eAAA,C/CgHI,cAtCa,CgD7EjB,oBAAA,CACA,qB/CNS,C+COT,2BAAA,CACA,+BAAA,CzCGE,mBAAA,CyCCF,gCACE,iBAAA,CACA,aAAA,CACA,U/C62BgC,C+C52BhC,Y/C62BgC,C+C52BhC,cAAA,CAEA,+EAEE,iBAAA,CACA,aAAA,CACA,UAAA,CACA,wBAAA,CACA,kBAAA,CAKN,mFACE,mB/C81BkC,C+C51BlC,0KACE,0BAAA,CAEA,kMACE,QAAA,CACA,sBAAA,CACA,gC/Cy1B8B,C+Ct1BhC,+LACE,U/C0LwB,C+CzLxB,sBAAA,CACA,qB/C7CK,C+CkDX,uFACE,iB/C00BkC,C+Cx0BlC,gLACE,wBAAA,CACA,W/Cs0BgC,C+Cr0BhC,W/Co0BgC,C+Cn0BhC,cAAA,CAEA,wMACE,MAAA,CACA,0BAAA,CACA,kC/Ck0B8B,C+C/zBhC,qMACE,Q/CmKwB,C+ClKxB,0BAAA,CACA,uB/CpEK,C+CyEX,yFACE,gB/CmzBkC,C+CjzBlC,mLACE,uBAAA,CAEA,2MACE,KAAA,CACA,0BAAA,CACA,mC/C8yB8B,C+C3yBhC,wMACE,O/C+IwB,C+C9IxB,0BAAA,CACA,wB/CxFK,C+C6FT,yIACE,iBAAA,CACA,KAAA,CACA,QAAA,CACA,aAAA,CACA,U/C0xBgC,C+CzxBhC,mBAAA,CACA,UAAA,CACA,+BAAA,CAIJ,qFACE,kB/CmxBkC,C+CjxBlC,6KACE,yBAAA,CACA,W/C+wBgC,C+C9wBhC,W/C6wBgC,C+C5wBhC,cAAA,CAEA,qMACE,OAAA,CACA,0BAAA,CACA,iC/C2wB8B,C+CxwBhC,kMACE,S/C4GwB,C+C3GxB,0BAAA,CACA,sB/C3HK,C+CiJX,gCACE,gBAAA,CACA,eAAA,ChD3BI,cAtCa,CgDoEjB,wB/C6tBkC,C+C5tBlC,+BAAA,CzCnIE,wCAAA,CACA,yCAAA,CyCqIF,sCACE,YAAA,CAIJ,8BACE,gBAAA,CACA,a/CxJS,CgDHX,0BACE,iBAAA,CAGF,wCACE,kBAAA,CAGF,gCACE,iBAAA,CACA,UAAA,CACA,eAAA,CCvBA,uCACE,aAAA,CACA,UAAA,CACA,UAAA,CDwBJ,+BACE,iBAAA,CACA,YAAA,CACA,UAAA,CACA,UAAA,CACA,kBAAA,CACA,0BAAA,CjClBI,oCiCmBJ,CjCfI,uCiCQN,+BjCPQ,eAAA,CAAA,CiCiBR,8GAGE,aAAA,CAGF,yGAEE,0BAAA,CAGF,yGAEE,2BAAA,CASA,8CACE,SAAA,CACA,2BAAA,CACA,cAAA,CAGF,kMAGE,SAAA,CACA,SAAA,CAGF,qHAEE,SAAA,CACA,SAAA,CjC5DE,yBiC6DF,CjCzDE,uCiCqDJ,qHjCpDM,eAAA,CAAA,CiCiER,8EAEE,iBAAA,CACA,KAAA,CACA,QAAA,CACA,SAAA,CAEA,YAAA,CACA,kBAAA,CACA,sBAAA,CACA,ShDo9BmC,CgDn9BnC,UhD1FS,CgD2FT,iBAAA,CACA,UhDk9BmC,CeriC/B,4BiCoFJ,CjChFI,uCiCkEN,8EjCjEQ,eAAA,CAAA,CdLN,oL+CwFE,UhDjGO,CgDkGP,oBAAA,CACA,SAAA,CACA,UhD28BiC,CgDx8BrC,uCACE,MAAA,CAKF,uCACE,OAAA,CAOF,wFAEE,oBAAA,CACA,UhDo8BmC,CgDn8BnC,WhDm8BmC,CgDl8BnC,kCAAA,CAEF,4CACE,qNAAA,CAEF,4CACE,sNAAA,CASF,qCACE,iBAAA,CACA,OAAA,CACA,QAAA,CACA,MAAA,CACA,UAAA,CACA,YAAA,CACA,sBAAA,CACA,cAAA,CAEA,gBhD05BmC,CgDz5BnC,ehDy5BmC,CgDx5BnC,eAAA,CAEA,wCACE,sBAAA,CACA,aAAA,CACA,UhDw5BiC,CgDv5BjC,UhDw5BiC,CgDv5BjC,gBhDy5BiC,CgDx5BjC,ehDw5BiC,CgDv5BjC,kBAAA,CACA,cAAA,CACA,qBhDhKO,CgDiKP,2BAAA,CAEA,iCAAA,CACA,oCAAA,CACA,UAAA,CjC5JE,2BiC6JF,CjCzJE,uCiC0IJ,wCjCzIM,eAAA,CAAA,CiC2JN,6CACE,SAAA,CASJ,kCACE,iBAAA,CACA,SAAA,CACA,WAAA,CACA,QAAA,CACA,UAAA,CACA,gBAAA,CACA,mBAAA,CACA,UhD3LS,CgD4LT,iBAAA,CE/LF,0BACE,GAAA,wBAAA,CAAA,CAGF,gCACE,oBAAA,CACA,UlDokCsB,CkDnkCtB,WlDmkCsB,CkDlkCtB,0BAAA,CACA,+BAAA,CACA,8BAAA,CAEA,iBAAA,CACA,6CAAA,CAGF,mCACE,UlD6jCwB,CkD5jCxB,WlD4jCwB,CkD3jCxB,iBlD6jCwB,CkDtjC1B,wBACE,GACE,kBAAA,CAEF,IACE,SAAA,CACA,cAAA,CAAA,CAIJ,8BACE,oBAAA,CACA,UlDoiCsB,CkDniCtB,WlDmiCsB,CkDliCtB,0BAAA,CACA,6BAAA,CAEA,iBAAA,CACA,SAAA,CACA,2CAAA,CAGF,iCACE,UlD6hCwB,CkD5hCxB,WlD4hCwB,CkDxhCxB,uCACE,8DAEE,uBAAA,CAAA,CC3DN,gCAAA,kCAAA,CACA,2BAAA,6BAAA,CACA,8BAAA,gCAAA,CACA,8BAAA,gCAAA,CACA,mCAAA,qCAAA,CACA,gCAAA,kCAAA,CCFE,4BACE,mCAAA,CnDUF,sJmDLI,mCAAA,CANJ,8BACE,mCAAA,CnDUF,8JmDLI,mCAAA,CANJ,4BACE,mCAAA,CnDUF,sJmDLI,mCAAA,CANJ,yBACE,mCAAA,CnDUF,0ImDLI,mCAAA,CANJ,4BACE,mCAAA,CnDUF,sJmDLI,mCAAA,CANJ,2BACE,mCAAA,CnDUF,kJmDLI,mCAAA,CANJ,0BACE,mCAAA,CnDUF,8ImDLI,mCAAA,CANJ,yBACE,mCAAA,CnDUF,0ImDLI,mCAAA,CCCN,0BACE,gCAAA,CAGF,gCACE,uCAAA,CCXF,wBAAA,mCAAA,CACA,4BAAA,uCAAA,CACA,8BAAA,yCAAA,CACA,+BAAA,0CAAA,CACA,6BAAA,wCAAA,CAEA,0BAAA,mBAAA,CACA,8BAAA,uBAAA,CACA,gCAAA,yBAAA,CACA,iCAAA,0BAAA,CACA,+BAAA,wBAAA,CAGE,gCACE,+BAAA,CADF,kCACE,+BAAA,CADF,gCACE,+BAAA,CADF,6BACE,+BAAA,CADF,gCACE,+BAAA,CADF,+BACE,+BAAA,CADF,8BACE,+BAAA,CADF,6BACE,+BAAA,CAIJ,8BACE,4BAAA,CAOF,4BACE,8BAAA,CAGF,yBACE,4BAAA,CAGF,6BACE,qCAAA,CACA,sCAAA,CAGF,+BACE,sCAAA,CACA,yCAAA,CAGF,gCACE,yCAAA,CACA,wCAAA,CAGF,8BACE,qCAAA,CACA,wCAAA,CAGF,4BACE,8BAAA,CAGF,gCACE,4BAAA,CAGF,8BACE,8BAAA,CAGF,2BACE,0BAAA,CLxEA,iCACE,aAAA,CACA,UAAA,CACA,UAAA,CMOE,wBAAA,uBAAA,CAAA,0BAAA,yBAAA,CAAA,gCAAA,+BAAA,CAAA,yBAAA,wBAAA,CAAA,yBAAA,wBAAA,CAAA,6BAAA,4BAAA,CAAA,8BAAA,6BAAA,CAAA,wBAAA,uBAAA,CAAA,+BAAA,8BAAA,C7CiDF,yB6CjDE,2BAAA,uBAAA,CAAA,6BAAA,yBAAA,CAAA,mCAAA,+BAAA,CAAA,4BAAA,wBAAA,CAAA,4BAAA,wBAAA,CAAA,gCAAA,4BAAA,CAAA,iCAAA,6BAAA,CAAA,2BAAA,uBAAA,CAAA,kCAAA,8BAAA,CAAA,C7CiDF,yB6CjDE,2BAAA,uBAAA,CAAA,6BAAA,yBAAA,CAAA,mCAAA,+BAAA,CAAA,4BAAA,wBAAA,CAAA,4BAAA,wBAAA,CAAA,gCAAA,4BAAA,CAAA,iCAAA,6BAAA,CAAA,2BAAA,uBAAA,CAAA,kCAAA,8BAAA,CAAA,C7CiDF,yB6CjDE,2BAAA,uBAAA,CAAA,6BAAA,yBAAA,CAAA,mCAAA,+BAAA,CAAA,4BAAA,wBAAA,CAAA,4BAAA,wBAAA,CAAA,gCAAA,4BAAA,CAAA,iCAAA,6BAAA,CAAA,2BAAA,uBAAA,CAAA,kCAAA,8BAAA,CAAA,C7CiDF,0B6CjDE,2BAAA,uBAAA,CAAA,6BAAA,yBAAA,CAAA,mCAAA,+BAAA,CAAA,4BAAA,wBAAA,CAAA,4BAAA,wBAAA,CAAA,gCAAA,4BAAA,CAAA,iCAAA,6BAAA,CAAA,2BAAA,uBAAA,CAAA,kCAAA,8BAAA,CAAA,CAUN,aAEI,8BAAA,uBAAA,CAAA,gCAAA,yBAAA,CAAA,sCAAA,+BAAA,CAAA,+BAAA,wBAAA,CAAA,+BAAA,wBAAA,CAAA,mCAAA,4BAAA,CAAA,oCAAA,6BAAA,CAAA,8BAAA,uBAAA,CAAA,qCAAA,8BAAA,CAAA,CCrBJ,kCACE,iBAAA,CACA,aAAA,CACA,UAAA,CACA,SAAA,CACA,eAAA,CAEA,0CACE,aAAA,CACA,UAAA,CAGF,2NAKE,iBAAA,CACA,KAAA,CACA,QAAA,CACA,MAAA,CACA,UAAA,CACA,WAAA,CACA,QAAA,CASA,gDACE,0BAAA,CADF,gDACE,kBAAA,CADF,+CACE,eAAA,CADF,+CACE,gBAAA,CCzBF,0BAAA,6BAAA,CACA,6BAAA,gCAAA,CACA,kCAAA,qCAAA,CACA,qCAAA,wCAAA,CAEA,2BAAA,yBAAA,CACA,6BAAA,2BAAA,CACA,mCAAA,iCAAA,CACA,2BAAA,wBAAA,CACA,6BAAA,sBAAA,CACA,6BAAA,sBAAA,CACA,+BAAA,wBAAA,CACA,+BAAA,wBAAA,CAEA,uCAAA,qCAAA,CACA,qCAAA,mCAAA,CACA,wCAAA,iCAAA,CACA,yCAAA,wCAAA,CACA,wCAAA,uCAAA,CAEA,mCAAA,iCAAA,CACA,iCAAA,+BAAA,CACA,oCAAA,6BAAA,CACA,sCAAA,+BAAA,CACA,qCAAA,8BAAA,CAEA,qCAAA,mCAAA,CACA,mCAAA,iCAAA,CACA,sCAAA,+BAAA,CACA,uCAAA,sCAAA,CACA,sCAAA,qCAAA,CACA,uCAAA,gCAAA,CAEA,iCAAA,0BAAA,CACA,kCAAA,gCAAA,CACA,gCAAA,8BAAA,CACA,mCAAA,4BAAA,CACA,qCAAA,8BAAA,CACA,oCAAA,6BAAA,C/CYA,yB+ClDA,6BAAA,6BAAA,CACA,gCAAA,gCAAA,CACA,qCAAA,qCAAA,CACA,wCAAA,wCAAA,CAEA,8BAAA,yBAAA,CACA,gCAAA,2BAAA,CACA,sCAAA,iCAAA,CACA,8BAAA,wBAAA,CACA,gCAAA,sBAAA,CACA,gCAAA,sBAAA,CACA,kCAAA,wBAAA,CACA,kCAAA,wBAAA,CAEA,0CAAA,qCAAA,CACA,wCAAA,mCAAA,CACA,2CAAA,iCAAA,CACA,4CAAA,wCAAA,CACA,2CAAA,uCAAA,CAEA,sCAAA,iCAAA,CACA,oCAAA,+BAAA,CACA,uCAAA,6BAAA,CACA,yCAAA,+BAAA,CACA,wCAAA,8BAAA,CAEA,wCAAA,mCAAA,CACA,sCAAA,iCAAA,CACA,yCAAA,+BAAA,CACA,0CAAA,sCAAA,CACA,yCAAA,qCAAA,CACA,0CAAA,gCAAA,CAEA,oCAAA,0BAAA,CACA,qCAAA,gCAAA,CACA,mCAAA,8BAAA,CACA,sCAAA,4BAAA,CACA,wCAAA,8BAAA,CACA,uCAAA,6BAAA,CAAA,C/CYA,yB+ClDA,6BAAA,6BAAA,CACA,gCAAA,gCAAA,CACA,qCAAA,qCAAA,CACA,wCAAA,wCAAA,CAEA,8BAAA,yBAAA,CACA,gCAAA,2BAAA,CACA,sCAAA,iCAAA,CACA,8BAAA,wBAAA,CACA,gCAAA,sBAAA,CACA,gCAAA,sBAAA,CACA,kCAAA,wBAAA,CACA,kCAAA,wBAAA,CAEA,0CAAA,qCAAA,CACA,wCAAA,mCAAA,CACA,2CAAA,iCAAA,CACA,4CAAA,wCAAA,CACA,2CAAA,uCAAA,CAEA,sCAAA,iCAAA,CACA,oCAAA,+BAAA,CACA,uCAAA,6BAAA,CACA,yCAAA,+BAAA,CACA,wCAAA,8BAAA,CAEA,wCAAA,mCAAA,CACA,sCAAA,iCAAA,CACA,yCAAA,+BAAA,CACA,0CAAA,sCAAA,CACA,yCAAA,qCAAA,CACA,0CAAA,gCAAA,CAEA,oCAAA,0BAAA,CACA,qCAAA,gCAAA,CACA,mCAAA,8BAAA,CACA,sCAAA,4BAAA,CACA,wCAAA,8BAAA,CACA,uCAAA,6BAAA,CAAA,C/CYA,yB+ClDA,6BAAA,6BAAA,CACA,gCAAA,gCAAA,CACA,qCAAA,qCAAA,CACA,wCAAA,wCAAA,CAEA,8BAAA,yBAAA,CACA,gCAAA,2BAAA,CACA,sCAAA,iCAAA,CACA,8BAAA,wBAAA,CACA,gCAAA,sBAAA,CACA,gCAAA,sBAAA,CACA,kCAAA,wBAAA,CACA,kCAAA,wBAAA,CAEA,0CAAA,qCAAA,CACA,wCAAA,mCAAA,CACA,2CAAA,iCAAA,CACA,4CAAA,wCAAA,CACA,2CAAA,uCAAA,CAEA,sCAAA,iCAAA,CACA,oCAAA,+BAAA,CACA,uCAAA,6BAAA,CACA,yCAAA,+BAAA,CACA,wCAAA,8BAAA,CAEA,wCAAA,mCAAA,CACA,sCAAA,iCAAA,CACA,yCAAA,+BAAA,CACA,0CAAA,sCAAA,CACA,yCAAA,qCAAA,CACA,0CAAA,gCAAA,CAEA,oCAAA,0BAAA,CACA,qCAAA,gCAAA,CACA,mCAAA,8BAAA,CACA,sCAAA,4BAAA,CACA,wCAAA,8BAAA,CACA,uCAAA,6BAAA,CAAA,C/CYA,0B+ClDA,6BAAA,6BAAA,CACA,gCAAA,gCAAA,CACA,qCAAA,qCAAA,CACA,wCAAA,wCAAA,CAEA,8BAAA,yBAAA,CACA,gCAAA,2BAAA,CACA,sCAAA,iCAAA,CACA,8BAAA,wBAAA,CACA,gCAAA,sBAAA,CACA,gCAAA,sBAAA,CACA,kCAAA,wBAAA,CACA,kCAAA,wBAAA,CAEA,0CAAA,qCAAA,CACA,wCAAA,mCAAA,CACA,2CAAA,iCAAA,CACA,4CAAA,wCAAA,CACA,2CAAA,uCAAA,CAEA,sCAAA,iCAAA,CACA,oCAAA,+BAAA,CACA,uCAAA,6BAAA,CACA,yCAAA,+BAAA,CACA,wCAAA,8BAAA,CAEA,wCAAA,mCAAA,CACA,sCAAA,iCAAA,CACA,yCAAA,+BAAA,CACA,0CAAA,sCAAA,CACA,yCAAA,qCAAA,CACA,0CAAA,gCAAA,CAEA,oCAAA,0BAAA,CACA,qCAAA,gCAAA,CACA,mCAAA,8BAAA,CACA,sCAAA,4BAAA,CACA,wCAAA,8BAAA,CACA,uCAAA,6BAAA,CAAA,CC1CA,4BAAA,qBAAA,CACA,6BAAA,sBAAA,CACA,4BAAA,qBAAA,ChDoDA,yBgDtDA,+BAAA,qBAAA,CACA,gCAAA,sBAAA,CACA,+BAAA,qBAAA,CAAA,ChDoDA,yBgDtDA,+BAAA,qBAAA,CACA,gCAAA,sBAAA,CACA,+BAAA,qBAAA,CAAA,ChDoDA,yBgDtDA,+BAAA,qBAAA,CACA,gCAAA,sBAAA,CACA,+BAAA,qBAAA,CAAA,ChDoDA,0BgDtDA,+BAAA,qBAAA,CACA,gCAAA,sBAAA,CACA,+BAAA,qBAAA,CAAA,CCLF,iCAAA,0BAAA,CAAA,kCAAA,2BAAA,CAAA,kCAAA,2BAAA,CAAA,+BAAA,wBAAA,CAAA,iCAAA,0BAAA,CCCA,iCAAA,0BAAA,CAAA,mCAAA,4BAAA,CAAA,mCAAA,4BAAA,CAAA,gCAAA,yBAAA,CAAA,iCAAA,0BAAA,CAKF,2BACE,cAAA,CACA,KAAA,CACA,OAAA,CACA,MAAA,CACA,Y5DgqBkC,C4D7pBpC,8BACE,cAAA,CACA,OAAA,CACA,QAAA,CACA,MAAA,CACA,Y5DwpBkC,C4DppBlC,4BADF,4BAEI,eAAA,CACA,KAAA,CACA,Y5DgpBgC,CAAA,C6DzqBpC,yBCEE,iBAAA,CACA,SAAA,CACA,UAAA,CACA,SAAA,CACA,WAAA,CACA,eAAA,CACA,qBAAA,CACA,kBAAA,CACA,QAAA,CAUA,mFAEE,eAAA,CACA,UAAA,CACA,WAAA,CACA,gBAAA,CACA,SAAA,CACA,kBAAA,CC7BJ,2BAAA,uDAAA,CACA,wBAAA,kDAAA,CACA,2BAAA,kDAAA,CACA,6BAAA,0BAAA,CCCI,sBAAA,oBAAA,CAAA,sBAAA,oBAAA,CAAA,sBAAA,oBAAA,CAAA,uBAAA,qBAAA,CAAA,wBAAA,qBAAA,CAAA,sBAAA,qBAAA,CAAA,sBAAA,qBAAA,CAAA,sBAAA,qBAAA,CAAA,uBAAA,sBAAA,CAAA,wBAAA,sBAAA,CAIJ,wBAAA,yBAAA,CACA,wBAAA,0BAAA,CAIA,4BAAA,0BAAA,CACA,4BAAA,2BAAA,CAEA,wBAAA,sBAAA,CACA,wBAAA,uBAAA,CCTQ,qBAAA,mBAAA,CACA,4CAEE,uBAAA,CAEF,4CAEE,yBAAA,CAEF,4CAEE,0BAAA,CAEF,4CAEE,wBAAA,CAfF,qBAAA,wBAAA,CACA,4CAEE,4BAAA,CAEF,4CAEE,8BAAA,CAEF,4CAEE,+BAAA,CAEF,4CAEE,6BAAA,CAfF,qBAAA,uBAAA,CACA,4CAEE,2BAAA,CAEF,4CAEE,6BAAA,CAEF,4CAEE,8BAAA,CAEF,4CAEE,4BAAA,CAfF,qBAAA,sBAAA,CACA,4CAEE,0BAAA,CAEF,4CAEE,4BAAA,CAEF,4CAEE,6BAAA,CAEF,4CAEE,2BAAA,CAfF,qBAAA,wBAAA,CACA,4CAEE,4BAAA,CAEF,4CAEE,8BAAA,CAEF,4CAEE,+BAAA,CAEF,4CAEE,6BAAA,CAfF,qBAAA,sBAAA,CACA,4CAEE,0BAAA,CAEF,4CAEE,4BAAA,CAEF,4CAEE,6BAAA,CAEF,4CAEE,2BAAA,CAfF,qBAAA,oBAAA,CACA,4CAEE,wBAAA,CAEF,4CAEE,0BAAA,CAEF,4CAEE,2BAAA,CAEF,4CAEE,yBAAA,CAfF,qBAAA,sBAAA,CACA,4CAEE,0BAAA,CAEF,4CAEE,4BAAA,CAEF,4CAEE,6BAAA,CAEF,4CAEE,2BAAA,CAfF,qBAAA,sBAAA,CACA,4CAEE,0BAAA,CAEF,4CAEE,4BAAA,CAEF,4CAEE,6BAAA,CAEF,4CAEE,2BAAA,CAfF,qBAAA,uBAAA,CACA,4CAEE,2BAAA,CAEF,4CAEE,6BAAA,CAEF,4CAEE,8BAAA,CAEF,4CAEE,4BAAA,CAfF,qBAAA,uBAAA,CACA,4CAEE,2BAAA,CAEF,4CAEE,6BAAA,CAEF,4CAEE,8BAAA,CAEF,4CAEE,4BAAA,CAfF,qBAAA,uBAAA,CACA,4CAEE,2BAAA,CAEF,4CAEE,6BAAA,CAEF,4CAEE,8BAAA,CAEF,4CAEE,4BAAA,CAQF,sBAAA,0BAAA,CACA,8CAEE,8BAAA,CAEF,8CAEE,gCAAA,CAEF,8CAEE,iCAAA,CAEF,8CAEE,+BAAA,CAfF,sBAAA,yBAAA,CACA,8CAEE,6BAAA,CAEF,8CAEE,+BAAA,CAEF,8CAEE,gCAAA,CAEF,8CAEE,8BAAA,CAfF,sBAAA,uBAAA,CACA,8CAEE,2BAAA,CAEF,8CAEE,6BAAA,CAEF,8CAEE,8BAAA,CAEF,8CAEE,4BAAA,CAfF,sBAAA,yBAAA,CACA,8CAEE,6BAAA,CAEF,8CAEE,+BAAA,CAEF,8CAEE,gCAAA,CAEF,8CAEE,8BAAA,CAfF,sBAAA,uBAAA,CACA,8CAEE,2BAAA,CAEF,8CAEE,6BAAA,CAEF,8CAEE,8BAAA,CAEF,8CAEE,4BAAA,CAMN,wBAAA,sBAAA,CACA,kDAEE,0BAAA,CAEF,kDAEE,4BAAA,CAEF,kDAEE,6BAAA,CAEF,kDAEE,2BAAA,CvDTF,yBuDlDI,wBAAA,mBAAA,CACA,kDAEE,uBAAA,CAEF,kDAEE,yBAAA,CAEF,kDAEE,0BAAA,CAEF,kDAEE,wBAAA,CAfF,wBAAA,wBAAA,CACA,kDAEE,4BAAA,CAEF,kDAEE,8BAAA,CAEF,kDAEE,+BAAA,CAEF,kDAEE,6BAAA,CAfF,wBAAA,uBAAA,CACA,kDAEE,2BAAA,CAEF,kDAEE,6BAAA,CAEF,kDAEE,8BAAA,CAEF,kDAEE,4BAAA,CAfF,wBAAA,sBAAA,CACA,kDAEE,0BAAA,CAEF,kDAEE,4BAAA,CAEF,kDAEE,6BAAA,CAEF,kDAEE,2BAAA,CAfF,wBAAA,wBAAA,CACA,kDAEE,4BAAA,CAEF,kDAEE,8BAAA,CAEF,kDAEE,+BAAA,CAEF,kDAEE,6BAAA,CAfF,wBAAA,sBAAA,CACA,kDAEE,0BAAA,CAEF,kDAEE,4BAAA,CAEF,kDAEE,6BAAA,CAEF,kDAEE,2BAAA,CAfF,wBAAA,oBAAA,CACA,kDAEE,wBAAA,CAEF,kDAEE,0BAAA,CAEF,kDAEE,2BAAA,CAEF,kDAEE,yBAAA,CAfF,wBAAA,sBAAA,CACA,kDAEE,0BAAA,CAEF,kDAEE,4BAAA,CAEF,kDAEE,6BAAA,CAEF,kDAEE,2BAAA,CAfF,wBAAA,sBAAA,CACA,kDAEE,0BAAA,CAEF,kDAEE,4BAAA,CAEF,kDAEE,6BAAA,CAEF,kDAEE,2BAAA,CAfF,wBAAA,uBAAA,CACA,kDAEE,2BAAA,CAEF,kDAEE,6BAAA,CAEF,kDAEE,8BAAA,CAEF,kDAEE,4BAAA,CAfF,wBAAA,uBAAA,CACA,kDAEE,2BAAA,CAEF,kDAEE,6BAAA,CAEF,kDAEE,8BAAA,CAEF,kDAEE,4BAAA,CAfF,wBAAA,uBAAA,CACA,kDAEE,2BAAA,CAEF,kDAEE,6BAAA,CAEF,kDAEE,8BAAA,CAEF,kDAEE,4BAAA,CAQF,yBAAA,0BAAA,CACA,oDAEE,8BAAA,CAEF,oDAEE,gCAAA,CAEF,oDAEE,iCAAA,CAEF,oDAEE,+BAAA,CAfF,yBAAA,yBAAA,CACA,oDAEE,6BAAA,CAEF,oDAEE,+BAAA,CAEF,oDAEE,gCAAA,CAEF,oDAEE,8BAAA,CAfF,yBAAA,uBAAA,CACA,oDAEE,2BAAA,CAEF,oDAEE,6BAAA,CAEF,oDAEE,8BAAA,CAEF,oDAEE,4BAAA,CAfF,yBAAA,yBAAA,CACA,oDAEE,6BAAA,CAEF,oDAEE,+BAAA,CAEF,oDAEE,gCAAA,CAEF,oDAEE,8BAAA,CAfF,yBAAA,uBAAA,CACA,oDAEE,2BAAA,CAEF,oDAEE,6BAAA,CAEF,oDAEE,8BAAA,CAEF,oDAEE,4BAAA,CAMN,2BAAA,sBAAA,CACA,wDAEE,0BAAA,CAEF,wDAEE,4BAAA,CAEF,wDAEE,6BAAA,CAEF,wDAEE,2BAAA,CAAA,CvDTF,yBuDlDI,wBAAA,mBAAA,CACA,kDAEE,uBAAA,CAEF,kDAEE,yBAAA,CAEF,kDAEE,0BAAA,CAEF,kDAEE,wBAAA,CAfF,wBAAA,wBAAA,CACA,kDAEE,4BAAA,CAEF,kDAEE,8BAAA,CAEF,kDAEE,+BAAA,CAEF,kDAEE,6BAAA,CAfF,wBAAA,uBAAA,CACA,kDAEE,2BAAA,CAEF,kDAEE,6BAAA,CAEF,kDAEE,8BAAA,CAEF,kDAEE,4BAAA,CAfF,wBAAA,sBAAA,CACA,kDAEE,0BAAA,CAEF,kDAEE,4BAAA,CAEF,kDAEE,6BAAA,CAEF,kDAEE,2BAAA,CAfF,wBAAA,wBAAA,CACA,kDAEE,4BAAA,CAEF,kDAEE,8BAAA,CAEF,kDAEE,+BAAA,CAEF,kDAEE,6BAAA,CAfF,wBAAA,sBAAA,CACA,kDAEE,0BAAA,CAEF,kDAEE,4BAAA,CAEF,kDAEE,6BAAA,CAEF,kDAEE,2BAAA,CAfF,wBAAA,oBAAA,CACA,kDAEE,wBAAA,CAEF,kDAEE,0BAAA,CAEF,kDAEE,2BAAA,CAEF,kDAEE,yBAAA,CAfF,wBAAA,sBAAA,CACA,kDAEE,0BAAA,CAEF,kDAEE,4BAAA,CAEF,kDAEE,6BAAA,CAEF,kDAEE,2BAAA,CAfF,wBAAA,sBAAA,CACA,kDAEE,0BAAA,CAEF,kDAEE,4BAAA,CAEF,kDAEE,6BAAA,CAEF,kDAEE,2BAAA,CAfF,wBAAA,uBAAA,CACA,kDAEE,2BAAA,CAEF,kDAEE,6BAAA,CAEF,kDAEE,8BAAA,CAEF,kDAEE,4BAAA,CAfF,wBAAA,uBAAA,CACA,kDAEE,2BAAA,CAEF,kDAEE,6BAAA,CAEF,kDAEE,8BAAA,CAEF,kDAEE,4BAAA,CAfF,wBAAA,uBAAA,CACA,kDAEE,2BAAA,CAEF,kDAEE,6BAAA,CAEF,kDAEE,8BAAA,CAEF,kDAEE,4BAAA,CAQF,yBAAA,0BAAA,CACA,oDAEE,8BAAA,CAEF,oDAEE,gCAAA,CAEF,oDAEE,iCAAA,CAEF,oDAEE,+BAAA,CAfF,yBAAA,yBAAA,CACA,oDAEE,6BAAA,CAEF,oDAEE,+BAAA,CAEF,oDAEE,gCAAA,CAEF,oDAEE,8BAAA,CAfF,yBAAA,uBAAA,CACA,oDAEE,2BAAA,CAEF,oDAEE,6BAAA,CAEF,oDAEE,8BAAA,CAEF,oDAEE,4BAAA,CAfF,yBAAA,yBAAA,CACA,oDAEE,6BAAA,CAEF,oDAEE,+BAAA,CAEF,oDAEE,gCAAA,CAEF,oDAEE,8BAAA,CAfF,yBAAA,uBAAA,CACA,oDAEE,2BAAA,CAEF,oDAEE,6BAAA,CAEF,oDAEE,8BAAA,CAEF,oDAEE,4BAAA,CAMN,2BAAA,sBAAA,CACA,wDAEE,0BAAA,CAEF,wDAEE,4BAAA,CAEF,wDAEE,6BAAA,CAEF,wDAEE,2BAAA,CAAA,CvDTF,yBuDlDI,wBAAA,mBAAA,CACA,kDAEE,uBAAA,CAEF,kDAEE,yBAAA,CAEF,kDAEE,0BAAA,CAEF,kDAEE,wBAAA,CAfF,wBAAA,wBAAA,CACA,kDAEE,4BAAA,CAEF,kDAEE,8BAAA,CAEF,kDAEE,+BAAA,CAEF,kDAEE,6BAAA,CAfF,wBAAA,uBAAA,CACA,kDAEE,2BAAA,CAEF,kDAEE,6BAAA,CAEF,kDAEE,8BAAA,CAEF,kDAEE,4BAAA,CAfF,wBAAA,sBAAA,CACA,kDAEE,0BAAA,CAEF,kDAEE,4BAAA,CAEF,kDAEE,6BAAA,CAEF,kDAEE,2BAAA,CAfF,wBAAA,wBAAA,CACA,kDAEE,4BAAA,CAEF,kDAEE,8BAAA,CAEF,kDAEE,+BAAA,CAEF,kDAEE,6BAAA,CAfF,wBAAA,sBAAA,CACA,kDAEE,0BAAA,CAEF,kDAEE,4BAAA,CAEF,kDAEE,6BAAA,CAEF,kDAEE,2BAAA,CAfF,wBAAA,oBAAA,CACA,kDAEE,wBAAA,CAEF,kDAEE,0BAAA,CAEF,kDAEE,2BAAA,CAEF,kDAEE,yBAAA,CAfF,wBAAA,sBAAA,CACA,kDAEE,0BAAA,CAEF,kDAEE,4BAAA,CAEF,kDAEE,6BAAA,CAEF,kDAEE,2BAAA,CAfF,wBAAA,sBAAA,CACA,kDAEE,0BAAA,CAEF,kDAEE,4BAAA,CAEF,kDAEE,6BAAA,CAEF,kDAEE,2BAAA,CAfF,wBAAA,uBAAA,CACA,kDAEE,2BAAA,CAEF,kDAEE,6BAAA,CAEF,kDAEE,8BAAA,CAEF,kDAEE,4BAAA,CAfF,wBAAA,uBAAA,CACA,kDAEE,2BAAA,CAEF,kDAEE,6BAAA,CAEF,kDAEE,8BAAA,CAEF,kDAEE,4BAAA,CAfF,wBAAA,uBAAA,CACA,kDAEE,2BAAA,CAEF,kDAEE,6BAAA,CAEF,kDAEE,8BAAA,CAEF,kDAEE,4BAAA,CAQF,yBAAA,0BAAA,CACA,oDAEE,8BAAA,CAEF,oDAEE,gCAAA,CAEF,oDAEE,iCAAA,CAEF,oDAEE,+BAAA,CAfF,yBAAA,yBAAA,CACA,oDAEE,6BAAA,CAEF,oDAEE,+BAAA,CAEF,oDAEE,gCAAA,CAEF,oDAEE,8BAAA,CAfF,yBAAA,uBAAA,CACA,oDAEE,2BAAA,CAEF,oDAEE,6BAAA,CAEF,oDAEE,8BAAA,CAEF,oDAEE,4BAAA,CAfF,yBAAA,yBAAA,CACA,oDAEE,6BAAA,CAEF,oDAEE,+BAAA,CAEF,oDAEE,gCAAA,CAEF,oDAEE,8BAAA,CAfF,yBAAA,uBAAA,CACA,oDAEE,2BAAA,CAEF,oDAEE,6BAAA,CAEF,oDAEE,8BAAA,CAEF,oDAEE,4BAAA,CAMN,2BAAA,sBAAA,CACA,wDAEE,0BAAA,CAEF,wDAEE,4BAAA,CAEF,wDAEE,6BAAA,CAEF,wDAEE,2BAAA,CAAA,CvDTF,0BuDlDI,wBAAA,mBAAA,CACA,kDAEE,uBAAA,CAEF,kDAEE,yBAAA,CAEF,kDAEE,0BAAA,CAEF,kDAEE,wBAAA,CAfF,wBAAA,wBAAA,CACA,kDAEE,4BAAA,CAEF,kDAEE,8BAAA,CAEF,kDAEE,+BAAA,CAEF,kDAEE,6BAAA,CAfF,wBAAA,uBAAA,CACA,kDAEE,2BAAA,CAEF,kDAEE,6BAAA,CAEF,kDAEE,8BAAA,CAEF,kDAEE,4BAAA,CAfF,wBAAA,sBAAA,CACA,kDAEE,0BAAA,CAEF,kDAEE,4BAAA,CAEF,kDAEE,6BAAA,CAEF,kDAEE,2BAAA,CAfF,wBAAA,wBAAA,CACA,kDAEE,4BAAA,CAEF,kDAEE,8BAAA,CAEF,kDAEE,+BAAA,CAEF,kDAEE,6BAAA,CAfF,wBAAA,sBAAA,CACA,kDAEE,0BAAA,CAEF,kDAEE,4BAAA,CAEF,kDAEE,6BAAA,CAEF,kDAEE,2BAAA,CAfF,wBAAA,oBAAA,CACA,kDAEE,wBAAA,CAEF,kDAEE,0BAAA,CAEF,kDAEE,2BAAA,CAEF,kDAEE,yBAAA,CAfF,wBAAA,sBAAA,CACA,kDAEE,0BAAA,CAEF,kDAEE,4BAAA,CAEF,kDAEE,6BAAA,CAEF,kDAEE,2BAAA,CAfF,wBAAA,sBAAA,CACA,kDAEE,0BAAA,CAEF,kDAEE,4BAAA,CAEF,kDAEE,6BAAA,CAEF,kDAEE,2BAAA,CAfF,wBAAA,uBAAA,CACA,kDAEE,2BAAA,CAEF,kDAEE,6BAAA,CAEF,kDAEE,8BAAA,CAEF,kDAEE,4BAAA,CAfF,wBAAA,uBAAA,CACA,kDAEE,2BAAA,CAEF,kDAEE,6BAAA,CAEF,kDAEE,8BAAA,CAEF,kDAEE,4BAAA,CAfF,wBAAA,uBAAA,CACA,kDAEE,2BAAA,CAEF,kDAEE,6BAAA,CAEF,kDAEE,8BAAA,CAEF,kDAEE,4BAAA,CAQF,yBAAA,0BAAA,CACA,oDAEE,8BAAA,CAEF,oDAEE,gCAAA,CAEF,oDAEE,iCAAA,CAEF,oDAEE,+BAAA,CAfF,yBAAA,yBAAA,CACA,oDAEE,6BAAA,CAEF,oDAEE,+BAAA,CAEF,oDAEE,gCAAA,CAEF,oDAEE,8BAAA,CAfF,yBAAA,uBAAA,CACA,oDAEE,2BAAA,CAEF,oDAEE,6BAAA,CAEF,oDAEE,8BAAA,CAEF,oDAEE,4BAAA,CAfF,yBAAA,yBAAA,CACA,oDAEE,6BAAA,CAEF,oDAEE,+BAAA,CAEF,oDAEE,gCAAA,CAEF,oDAEE,8BAAA,CAfF,yBAAA,uBAAA,CACA,oDAEE,2BAAA,CAEF,oDAEE,6BAAA,CAEF,oDAEE,8BAAA,CAEF,oDAEE,4BAAA,CAMN,2BAAA,sBAAA,CACA,wDAEE,0BAAA,CAEF,wDAEE,4BAAA,CAEF,wDAEE,6BAAA,CAEF,wDAEE,2BAAA,CAAA,CChEJ,uCACE,iBAAA,CACA,KAAA,CACA,OAAA,CACA,QAAA,CACA,MAAA,CACA,SAAA,CAEA,mBAAA,CACA,UAAA,CAEA,8BAAA,CCVJ,gCAAA,qGAAA,CAIA,8BAAA,6BAAA,CACA,2BAAA,6BAAA,CACA,6BAAA,6BAAA,CACA,+BCTE,eAAA,CACA,sBAAA,CACA,kBAAA,CDeE,2BAAA,0BAAA,CACA,4BAAA,2BAAA,CACA,6BAAA,4BAAA,CzDqCA,yByDvCA,8BAAA,0BAAA,CACA,+BAAA,2BAAA,CACA,gCAAA,4BAAA,CAAA,CzDqCA,yByDvCA,8BAAA,0BAAA,CACA,+BAAA,2BAAA,CACA,gCAAA,4BAAA,CAAA,CzDqCA,yByDvCA,8BAAA,0BAAA,CACA,+BAAA,2BAAA,CACA,gCAAA,4BAAA,CAAA,CzDqCA,0ByDvCA,8BAAA,0BAAA,CACA,+BAAA,2BAAA,CACA,gCAAA,4BAAA,CAAA,CAMJ,gCAAA,mCAAA,CACA,gCAAA,mCAAA,CACA,iCAAA,oCAAA,CAIA,mCAAA,0BAAA,CACA,qCAAA,8BAAA,CACA,oCAAA,0BAAA,CACA,kCAAA,0BAAA,CACA,oCAAA,6BAAA,CACA,6BAAA,4BAAA,CAIA,4BAAA,qBAAA,CEvCE,8BACE,wBAAA,CpEUF,0EoELM,wBAAA,CANN,gCACE,wBAAA,CpEUF,8EoELM,wBAAA,CANN,8BACE,wBAAA,CpEUF,0EoELM,wBAAA,CANN,2BACE,wBAAA,CpEUF,oEoELM,wBAAA,CANN,8BACE,wBAAA,CpEUF,0EoELM,wBAAA,CANN,6BACE,wBAAA,CpEUF,wEoELM,wBAAA,CANN,4BACE,wBAAA,CpEUF,sEoELM,wBAAA,CANN,2BACE,wBAAA,CpEUF,oEoELM,wBAAA,CFuCR,2BAAA,wBAAA,CACA,4BAAA,wBAAA,CAEA,+BAAA,+BAAA,CACA,+BAAA,qCAAA,CAIA,2BGvDE,UAAA,CACA,iBAAA,CACA,gBAAA,CACA,4BAAA,CACA,QAAA,CHuDF,sCAAA,+BAAA,CAEA,4BACE,gCAAA,CACA,+BAAA,CAKF,4BAAA,wBAAA,CIjEA,yBACE,6BAAA,CAGF,2BACE,4BAAA,CAAA,aCCE,qEAKE,2BAAA,CAEA,0BAAA,CAIA,4BACE,yBAAA,CASJ,mCACE,4BAAA,CAcF,oBACE,+BAAA,CAEF,+CAEE,wBAAA,CACA,uBAAA,CAQF,sBACE,0BAAA,CAGF,uCAEE,uBAAA,CAGF,wDAGE,SAAA,CACA,QAAA,CAGF,sCAEE,sBAAA,CAQF,M9E9EJ,gB8E+EM,OxE+hC8B,CAAA,CwE7hChC,qBACE,0BAAA,CAEF,2BACE,0BAAA,CAIF,wBACE,YAAA,CAEF,uBACE,qBAAA,CAGF,uBACE,mCAAA,CAEA,oDAEE,gCAAA,CAKF,sEAEE,mCAAA,CAIJ,4BACE,aAAA,CAEA,2IAIE,oBxEvHG,CwE2HP,sCACE,aAAA,CACA,oBxE7HK,CAAA,CNMP,6CACI,oBAAA,CAEJ,eACI,cAAA,CACA,iBAAA,CAEQ,2EAAA,CAAA,CAIR,2BACI,gBAAA,CAEJ,2CACI,UAAA,CACA,sCAAA,CAEJ,+BACI,YAAA,CAIJ,wCACI,gBAAA,CAEJ,uGACI,WAAA,CACA,iBAAA,CACA,eAAA,CA7BR,+CACI,oBAAA,CAEJ,gBACI,cAAA,CACA,iBAAA,CAEQ,2EAAA,CAAA,CAIR,4BACI,gBAAA,CAEJ,4CACI,UAAA,CACA,sCAAA,CAEJ,gCACI,YAAA,CAIJ,yCACI,gBAAA,CAEJ,4GACI,WAAA,CACA,iBAAA,CACA,eAAA",sourcesContent:['/*\n * Copyright (c) Facebook, Inc. and its affiliates.\n *\n * This source code is licensed under the MIT license found in the\n * LICENSE file in the root directory of this source tree.\n */\n\n.hip_thm--dark {\n @import "bs-dark.scss";\n}\n.hip_thm--light {\n @import "bootstrap/scss/bootstrap.scss";\n}\n\n@each $theme in "dark", "light" {\n // This is needed to override styles when embeded in Jupyter notebook\n .hip_thm--#{$theme} :link, .hip_thm--#{$theme} :visited {\n text-decoration: none;\n }\n .hip_thm--#{$theme} {\n font-size: 16px;\n position:relative;\n\n @import "../../node_modules/datatables.net-bs4/css/dataTables.bootstrap4.css";\n\n\n // Datatables\n .dt-buttons {\n margin-left: 10px;\n }\n .table-hover tbody tr:hover {\n color: #fff;\n background-color: rgba(147, 138, 138, 0.26);\n }\n button:disabled {\n cursor: unset;\n }\n\n // Unset some jupyterlab theme\n tbody tr:nth-child(even) {\n background: unset;\n }\n table, td, label, select, input {\n color: unset;\n table-layout: auto;\n font-size: unset;\n }\n }\n}\n','/*!\n * Bootstrap v4.6.0 (https://getbootstrap.com/)\n * Copyright 2011-2021 The Bootstrap Authors\n * Copyright 2011-2021 Twitter, Inc.\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n */\n\n@import "functions";\n@import "variables";\n@import "mixins";\n@import "root";\n@import "reboot";\n@import "type";\n@import "images";\n@import "code";\n@import "grid";\n@import "tables";\n@import "forms";\n@import "buttons";\n@import "transitions";\n@import "dropdown";\n@import "button-group";\n@import "input-group";\n@import "custom-forms";\n@import "nav";\n@import "navbar";\n@import "card";\n@import "breadcrumb";\n@import "pagination";\n@import "badge";\n@import "jumbotron";\n@import "alert";\n@import "progress";\n@import "media";\n@import "list-group";\n@import "close";\n@import "toasts";\n@import "modal";\n@import "tooltip";\n@import "popover";\n@import "carousel";\n@import "spinners";\n@import "utilities";\n@import "print";\n','/*\n * Copyright (c) Facebook, Inc. and its affiliates.\n *\n * This source code is licensed under the MIT license found in the\n * LICENSE file in the root directory of this source tree.\n */\n\n// This is darkly\n// from https://bootswatch.com/darkly/\n\n// Darkly 4.5.0\n// Bootswatch\n\n//\n// Color system\n//\n\n$white: #fff !default;\n$gray-100: #f8f9fa !default;\n$gray-200: #ebebeb !default;\n$gray-300: #dee2e6 !default;\n$gray-400: #ced4da !default;\n$gray-500: #adb5bd !default;\n$gray-600: #888 !default;\n$gray-700: #444 !default;\n$gray-800: #303030 !default;\n$gray-900: #222 !default;\n$black: #000 !default;\n\n$blue: #375a7f !default;\n$indigo: #6610f2 !default;\n$purple: #6f42c1 !default;\n$pink: #e83e8c !default;\n$red: #E74C3C !default;\n$orange: #fd7e14 !default;\n$yellow: #F39C12 !default;\n$green: #00bc8c !default;\n$teal: #20c997 !default;\n$cyan: #3498DB !default;\n\n$primary: $blue !default;\n$secondary: $gray-700 !default;\n$success: $green !default;\n$info: $cyan !default;\n$warning: $yellow !default;\n$danger: $red !default;\n$light: $gray-500 !default;\n$dark: $gray-800 !default;\n\n$yiq-contrasted-threshold: 175 !default;\n\n// Body\n\n$body-bg: $gray-900 !default;\n$body-color: $white !default;\n\n// Links\n\n$link-color: $success !default;\n\n// Fonts\n\n$font-family-sans-serif: "Lato", -apple-system, BlinkMacSystemFont, "Segoe UI", Roboto, "Helvetica Neue", Arial, sans-serif, "Apple Color Emoji", "Segoe UI Emoji", "Segoe UI Symbol" !default;\n\n$font-size-base: 0.9375rem !default;\n\n$h1-font-size: 3rem !default;\n$h2-font-size: 2.5rem !default;\n$h3-font-size: 2rem !default;\n\n$text-muted: $gray-600 !default;\n\n// Tables\n\n$table-accent-bg: $gray-800 !default;\n\n$table-border-color: $gray-700 !default;\n\n// Forms\n\n$input-border-color: $body-bg !default;\n\n$input-group-addon-color: $gray-500 !default;\n$input-group-addon-bg: $gray-700 !default;\n\n$custom-file-color: $gray-500 !default;\n$custom-file-border-color: $body-bg !default;\n\n// Dropdowns\n\n$dropdown-bg: $gray-900 !default;\n$dropdown-border-color: $gray-700 !default;\n$dropdown-divider-bg: $gray-700 !default;\n\n$dropdown-link-color: $white !default;\n$dropdown-link-hover-color: $white !default;\n$dropdown-link-hover-bg: $primary !default;\n\n// Navs\n\n$nav-link-padding-x: 2rem !default;\n$nav-link-disabled-color: $gray-500 !default;\n\n$nav-tabs-border-color: $gray-700 !default;\n$nav-tabs-link-hover-border-color: $nav-tabs-border-color $nav-tabs-border-color transparent !default;\n$nav-tabs-link-active-color: $white !default;\n$nav-tabs-link-active-border-color: $nav-tabs-border-color $nav-tabs-border-color transparent !default;\n\n// Navbar\n\n$navbar-padding-y: 1rem !default;\n\n$navbar-dark-color: rgba($white,.6) !default;\n$navbar-dark-hover-color: $white !default;\n\n$navbar-light-color: rgba($gray-900, .7) !default;\n$navbar-light-hover-color: $gray-900 !default;\n$navbar-light-active-color: $gray-900 !default;\n$navbar-light-toggler-border-color: rgba($gray-900, .1) !default;\n\n// Pagination\n\n$pagination-color: $white !default;\n$pagination-bg: $success !default;\n$pagination-border-width: 0 !default;\n$pagination-border-color: transparent !default;\n\n$pagination-hover-color: $white !default;\n$pagination-hover-bg: lighten($success, 10%) !default;\n$pagination-hover-border-color: transparent !default;\n\n$pagination-active-bg: $pagination-hover-bg !default;\n$pagination-active-border-color: transparent !default;\n\n$pagination-disabled-color: $white !default;\n$pagination-disabled-bg: darken($success, 15%) !default;\n$pagination-disabled-border-color: transparent !default;\n\n// Jumbotron\n\n$jumbotron-bg: $gray-800 !default;\n\n// Cards\n\n$card-cap-bg: $gray-700 !default;\n$card-bg: $gray-800 !default;\n\n// Popovers\n\n$popover-bg: $gray-800 !default;\n\n$popover-header-bg: $gray-700 !default;\n\n// Toasts\n\n$toast-background-color: $gray-700 !default;\n\n$toast-header-background-color: $gray-800 !default;\n\n// Modals\n\n$modal-content-bg: $gray-800 !default;\n$modal-content-border-color: $gray-700 !default;\n\n$modal-header-border-color: $gray-700 !default;\n\n// Progress bars\n\n$progress-bg: $gray-700 !default;\n\n// List group\n\n$list-group-bg: $gray-800 !default;\n$list-group-border-color: $gray-700 !default;\n\n$list-group-hover-bg: $gray-700 !default;\n\n// Breadcrumbs\n\n$breadcrumb-bg: $gray-700 !default;\n\n// Close\n\n$close-color: $white !default;\n$close-text-shadow: none !default;\n\n// Code\n\n$pre-color: inherit !default;\n\n\n@import "bootstrap/scss/bootstrap.scss";\n\n\n// Variables ===================================================================\n\n$web-font-path: "https://fonts.googleapis.com/css?family=Lato:400,700,400italic&display=swap" !default;\n@import url($web-font-path);\n\n// Navbar ======================================================================\n\n// Buttons =====================================================================\n\n// Typography ==================================================================\n\n.blockquote {\n &-footer {\n color: $gray-600;\n }\n}\n\n// Tables ======================================================================\n\n.table {\n\n &-primary {\n &, > th, > td {\n background-color: $primary;\n }\n }\n\n &-secondary {\n &, > th, > td {\n background-color: $secondary;\n }\n }\n\n &-light {\n &, > th, > td {\n background-color: $light;\n }\n }\n\n &-dark {\n &, > th, > td {\n background-color: $dark;\n }\n }\n\n &-success {\n &, > th, > td {\n background-color: $success;\n }\n }\n\n &-info {\n &, > th, > td {\n background-color: $info;\n }\n }\n\n &-danger {\n &, > th, > td {\n background-color: $danger;\n }\n }\n\n &-warning {\n &, > th, > td {\n background-color: $warning;\n }\n }\n\n &-active {\n &, > th, > td {\n background-color: $table-active-bg;\n }\n }\n\n &-hover {\n\n .table-primary:hover {\n &, > th, > td {\n background-color: darken($primary, 5%);\n }\n }\n\n .table-secondary:hover {\n &, > th, > td {\n background-color: darken($secondary, 5%);\n }\n }\n\n .table-light:hover {\n &, > th, > td {\n background-color: darken($light, 5%);\n }\n }\n\n .table-dark:hover {\n &, > th, > td {\n background-color: darken($dark, 5%);\n }\n }\n\n .table-success:hover {\n &, > th, > td {\n background-color: darken($success, 5%);\n }\n }\n\n .table-info:hover {\n &, > th, > td {\n background-color: darken($info, 5%);\n }\n }\n\n .table-danger:hover {\n &, > th, > td {\n background-color: darken($danger, 5%);\n }\n }\n\n .table-warning:hover {\n &, > th, > td {\n background-color: darken($warning, 5%);\n }\n }\n\n .table-active:hover {\n &, > th, > td {\n background-color: $table-active-bg;\n }\n }\n\n }\n}\n\n// Forms =======================================================================\n\n.input-group-addon {\n color: #fff;\n}\n\n// Navs ========================================================================\n\n.nav-tabs,\n.nav-pills {\n\n .nav-link,\n .nav-link.active,\n .nav-link.active:focus,\n .nav-link.active:hover,\n .nav-item.open .nav-link,\n .nav-item.open .nav-link:focus,\n .nav-item.open .nav-link:hover {\n color: #fff;\n }\n}\n\n.breadcrumb a {\n color: #fff;\n}\n\n.pagination {\n a:hover {\n text-decoration: none;\n }\n}\n\n// Indicators ==================================================================\n\n.close {\n opacity: 0.4;\n\n &:hover,\n &:focus {\n opacity: 1;\n }\n}\n\n.alert {\n border: none;\n color: $white;\n\n a,\n .alert-link {\n color: #fff;\n text-decoration: underline;\n }\n\n @each $color, $value in $theme-colors {\n &-#{$color} {\n @if $enable-gradients {\n background: $value linear-gradient(180deg, mix($white, $value, 15%), $value) repeat-x;\n } @else {\n background-color: $value;\n }\n }\n }\n}\n\n// Progress bars ===============================================================\n\n// Containers ==================================================================\n\n\n.list-group-item-action {\n color: #fff;\n\n &:hover,\n &:focus {\n background-color: $gray-700;\n color: #fff;\n }\n\n .list-group-item-heading {\n color: #fff;\n }\n}\n',":root {\n // Custom variable values only support SassScript inside `#{}`.\n @each $color, $value in $colors {\n --#{$color}: #{$value};\n }\n\n @each $color, $value in $theme-colors {\n --#{$color}: #{$value};\n }\n\n @each $bp, $value in $grid-breakpoints {\n --breakpoint-#{$bp}: #{$value};\n }\n\n // Use `inspect` for lists so that quoted items keep the quotes.\n // See https://github.com/sass/sass/issues/2383#issuecomment-336349172\n --font-family-sans-serif: #{inspect($font-family-sans-serif)};\n --font-family-monospace: #{inspect($font-family-monospace)};\n}\n",'// stylelint-disable declaration-no-important, selector-no-qualifying-type, property-no-vendor-prefix\n\n// Reboot\n//\n// Normalization of HTML elements, manually forked from Normalize.css to remove\n// styles targeting irrelevant browsers while applying new styles.\n//\n// Normalize is licensed MIT. https://github.com/necolas/normalize.css\n\n\n// Document\n//\n// 1. Change from `box-sizing: content-box` so that `width` is not affected by `padding` or `border`.\n// 2. Change the default font family in all browsers.\n// 3. Correct the line height in all browsers.\n// 4. Prevent adjustments of font size after orientation changes in IE on Windows Phone and in iOS.\n// 5. Change the default tap highlight to be completely transparent in iOS.\n\n*,\n*::before,\n*::after {\n box-sizing: border-box; // 1\n}\n\nhtml {\n font-family: sans-serif; // 2\n line-height: 1.15; // 3\n -webkit-text-size-adjust: 100%; // 4\n -webkit-tap-highlight-color: rgba($black, 0); // 5\n}\n\n// Shim for "new" HTML5 structural elements to display correctly (IE10, older browsers)\n// TODO: remove in v5\n// stylelint-disable-next-line selector-list-comma-newline-after\narticle, aside, figcaption, figure, footer, header, hgroup, main, nav, section {\n display: block;\n}\n\n// Body\n//\n// 1. Remove the margin in all browsers.\n// 2. As a best practice, apply a default `background-color`.\n// 3. Set an explicit initial text-align value so that we can later use\n// the `inherit` value on things like `<th>` elements.\n\nbody {\n margin: 0; // 1\n font-family: $font-family-base;\n @include font-size($font-size-base);\n font-weight: $font-weight-base;\n line-height: $line-height-base;\n color: $body-color;\n text-align: left; // 3\n background-color: $body-bg; // 2\n}\n\n// Future-proof rule: in browsers that support :focus-visible, suppress the focus outline\n// on elements that programmatically receive focus but wouldn\'t normally show a visible\n// focus outline. In general, this would mean that the outline is only applied if the\n// interaction that led to the element receiving programmatic focus was a keyboard interaction,\n// or the browser has somehow determined that the user is primarily a keyboard user and/or\n// wants focus outlines to always be presented.\n//\n// See https://developer.mozilla.org/en-US/docs/Web/CSS/:focus-visible\n// and https://developer.paciellogroup.com/blog/2018/03/focus-visible-and-backwards-compatibility/\n[tabindex="-1"]:focus:not(:focus-visible) {\n outline: 0 !important;\n}\n\n\n// Content grouping\n//\n// 1. Add the correct box sizing in Firefox.\n// 2. Show the overflow in Edge and IE.\n\nhr {\n box-sizing: content-box; // 1\n height: 0; // 1\n overflow: visible; // 2\n}\n\n\n//\n// Typography\n//\n\n// Remove top margins from headings\n//\n// By default, `<h1>`-`<h6>` all receive top and bottom margins. We nuke the top\n// margin for easier control within type scales as it avoids margin collapsing.\n// stylelint-disable-next-line selector-list-comma-newline-after\nh1, h2, h3, h4, h5, h6 {\n margin-top: 0;\n margin-bottom: $headings-margin-bottom;\n}\n\n// Reset margins on paragraphs\n//\n// Similarly, the top margin on `<p>`s get reset. However, we also reset the\n// bottom margin to use `rem` units instead of `em`.\np {\n margin-top: 0;\n margin-bottom: $paragraph-margin-bottom;\n}\n\n// Abbreviations\n//\n// 1. Duplicate behavior to the data-* attribute for our tooltip plugin\n// 2. Add the correct text decoration in Chrome, Edge, IE, Opera, and Safari.\n// 3. Add explicit cursor to indicate changed behavior.\n// 4. Remove the bottom border in Firefox 39-.\n// 5. Prevent the text-decoration to be skipped.\n\nabbr[title],\nabbr[data-original-title] { // 1\n text-decoration: underline; // 2\n text-decoration: underline dotted; // 2\n cursor: help; // 3\n border-bottom: 0; // 4\n text-decoration-skip-ink: none; // 5\n}\n\naddress {\n margin-bottom: 1rem;\n font-style: normal;\n line-height: inherit;\n}\n\nol,\nul,\ndl {\n margin-top: 0;\n margin-bottom: 1rem;\n}\n\nol ol,\nul ul,\nol ul,\nul ol {\n margin-bottom: 0;\n}\n\ndt {\n font-weight: $dt-font-weight;\n}\n\ndd {\n margin-bottom: .5rem;\n margin-left: 0; // Undo browser default\n}\n\nblockquote {\n margin: 0 0 1rem;\n}\n\nb,\nstrong {\n font-weight: $font-weight-bolder; // Add the correct font weight in Chrome, Edge, and Safari\n}\n\nsmall {\n @include font-size(80%); // Add the correct font size in all browsers\n}\n\n//\n// Prevent `sub` and `sup` elements from affecting the line height in\n// all browsers.\n//\n\nsub,\nsup {\n position: relative;\n @include font-size(75%);\n line-height: 0;\n vertical-align: baseline;\n}\n\nsub { bottom: -.25em; }\nsup { top: -.5em; }\n\n\n//\n// Links\n//\n\na {\n color: $link-color;\n text-decoration: $link-decoration;\n background-color: transparent; // Remove the gray background on active links in IE 10.\n\n @include hover() {\n color: $link-hover-color;\n text-decoration: $link-hover-decoration;\n }\n}\n\n// And undo these styles for placeholder links/named anchors (without href).\n// It would be more straightforward to just use a[href] in previous block, but that\n// causes specificity issues in many other styles that are too complex to fix.\n// See https://github.com/twbs/bootstrap/issues/19402\n\na:not([href]):not([class]) {\n color: inherit;\n text-decoration: none;\n\n @include hover() {\n color: inherit;\n text-decoration: none;\n }\n}\n\n\n//\n// Code\n//\n\npre,\ncode,\nkbd,\nsamp {\n font-family: $font-family-monospace;\n @include font-size(1em); // Correct the odd `em` font sizing in all browsers.\n}\n\npre {\n // Remove browser default top margin\n margin-top: 0;\n // Reset browser default of `1em` to use `rem`s\n margin-bottom: 1rem;\n // Don\'t allow content to break outside\n overflow: auto;\n // Disable auto-hiding scrollbar in IE & legacy Edge to avoid overlap,\n // making it impossible to interact with the content\n -ms-overflow-style: scrollbar;\n}\n\n\n//\n// Figures\n//\n\nfigure {\n // Apply a consistent margin strategy (matches our type styles).\n margin: 0 0 1rem;\n}\n\n\n//\n// Images and content\n//\n\nimg {\n vertical-align: middle;\n border-style: none; // Remove the border on images inside links in IE 10-.\n}\n\nsvg {\n // Workaround for the SVG overflow bug in IE10/11 is still required.\n // See https://github.com/twbs/bootstrap/issues/26878\n overflow: hidden;\n vertical-align: middle;\n}\n\n\n//\n// Tables\n//\n\ntable {\n border-collapse: collapse; // Prevent double borders\n}\n\ncaption {\n padding-top: $table-cell-padding;\n padding-bottom: $table-cell-padding;\n color: $table-caption-color;\n text-align: left;\n caption-side: bottom;\n}\n\n// 1. Removes font-weight bold by inheriting\n// 2. Matches default `<td>` alignment by inheriting `text-align`.\n// 3. Fix alignment for Safari\n\nth {\n font-weight: $table-th-font-weight; // 1\n text-align: inherit; // 2\n text-align: -webkit-match-parent; // 3\n}\n\n\n//\n// Forms\n//\n\nlabel {\n // Allow labels to use `margin` for spacing.\n display: inline-block;\n margin-bottom: $label-margin-bottom;\n}\n\n// Remove the default `border-radius` that macOS Chrome adds.\n//\n// Details at https://github.com/twbs/bootstrap/issues/24093\nbutton {\n // stylelint-disable-next-line property-disallowed-list\n border-radius: 0;\n}\n\n// Explicitly remove focus outline in Chromium when it shouldn\'t be\n// visible (e.g. as result of mouse click or touch tap). It already\n// should be doing this automatically, but seems to currently be\n// confused and applies its very visible two-tone outline anyway.\n\nbutton:focus:not(:focus-visible) {\n outline: 0;\n}\n\ninput,\nbutton,\nselect,\noptgroup,\ntextarea {\n margin: 0; // Remove the margin in Firefox and Safari\n font-family: inherit;\n @include font-size(inherit);\n line-height: inherit;\n}\n\nbutton,\ninput {\n overflow: visible; // Show the overflow in Edge\n}\n\nbutton,\nselect {\n text-transform: none; // Remove the inheritance of text transform in Firefox\n}\n\n// Set the cursor for non-`<button>` buttons\n//\n// Details at https://github.com/twbs/bootstrap/pull/30562\n[role="button"] {\n cursor: pointer;\n}\n\n// Remove the inheritance of word-wrap in Safari.\n//\n// Details at https://github.com/twbs/bootstrap/issues/24990\nselect {\n word-wrap: normal;\n}\n\n\n// 1. Prevent a WebKit bug where (2) destroys native `audio` and `video`\n// controls in Android 4.\n// 2. Correct the inability to style clickable types in iOS and Safari.\nbutton,\n[type="button"], // 1\n[type="reset"],\n[type="submit"] {\n -webkit-appearance: button; // 2\n}\n\n// Opinionated: add "hand" cursor to non-disabled button elements.\n@if $enable-pointer-cursor-for-buttons {\n button,\n [type="button"],\n [type="reset"],\n [type="submit"] {\n &:not(:disabled) {\n cursor: pointer;\n }\n }\n}\n\n// Remove inner border and padding from Firefox, but don\'t restore the outline like Normalize.\nbutton::-moz-focus-inner,\n[type="button"]::-moz-focus-inner,\n[type="reset"]::-moz-focus-inner,\n[type="submit"]::-moz-focus-inner {\n padding: 0;\n border-style: none;\n}\n\ninput[type="radio"],\ninput[type="checkbox"] {\n box-sizing: border-box; // 1. Add the correct box sizing in IE 10-\n padding: 0; // 2. Remove the padding in IE 10-\n}\n\n\ntextarea {\n overflow: auto; // Remove the default vertical scrollbar in IE.\n // Textareas should really only resize vertically so they don\'t break their (horizontal) containers.\n resize: vertical;\n}\n\nfieldset {\n // Browsers set a default `min-width: min-content;` on fieldsets,\n // unlike e.g. `<div>`s, which have `min-width: 0;` by default.\n // So we reset that to ensure fieldsets behave more like a standard block element.\n // See https://github.com/twbs/bootstrap/issues/12359\n // and https://html.spec.whatwg.org/multipage/#the-fieldset-and-legend-elements\n min-width: 0;\n // Reset the default outline behavior of fieldsets so they don\'t affect page layout.\n padding: 0;\n margin: 0;\n border: 0;\n}\n\n// 1. Correct the text wrapping in Edge and IE.\n// 2. Correct the color inheritance from `fieldset` elements in IE.\nlegend {\n display: block;\n width: 100%;\n max-width: 100%; // 1\n padding: 0;\n margin-bottom: .5rem;\n @include font-size(1.5rem);\n line-height: inherit;\n color: inherit; // 2\n white-space: normal; // 1\n}\n\nprogress {\n vertical-align: baseline; // Add the correct vertical alignment in Chrome, Firefox, and Opera.\n}\n\n// Correct the cursor style of increment and decrement buttons in Chrome.\n[type="number"]::-webkit-inner-spin-button,\n[type="number"]::-webkit-outer-spin-button {\n height: auto;\n}\n\n[type="search"] {\n // This overrides the extra rounded corners on search inputs in iOS so that our\n // `.form-control` class can properly style them. Note that this cannot simply\n // be added to `.form-control` as it\'s not specific enough. For details, see\n // https://github.com/twbs/bootstrap/issues/11586.\n outline-offset: -2px; // 2. Correct the outline style in Safari.\n -webkit-appearance: none;\n}\n\n//\n// Remove the inner padding in Chrome and Safari on macOS.\n//\n\n[type="search"]::-webkit-search-decoration {\n -webkit-appearance: none;\n}\n\n//\n// 1. Correct the inability to style clickable types in iOS and Safari.\n// 2. Change font properties to `inherit` in Safari.\n//\n\n::-webkit-file-upload-button {\n font: inherit; // 2\n -webkit-appearance: button; // 1\n}\n\n//\n// Correct element displays\n//\n\noutput {\n display: inline-block;\n}\n\nsummary {\n display: list-item; // Add the correct display in all browsers\n cursor: pointer;\n}\n\ntemplate {\n display: none; // Add the correct display in IE\n}\n\n// Always hide an element with the `hidden` HTML attribute (from PureCSS).\n// Needed for proper display in IE 10-.\n[hidden] {\n display: none !important;\n}\n','// stylelint-disable property-blacklist, scss/dollar-variable-default\n\n// SCSS RFS mixin\n//\n// Automated font-resizing\n//\n// See https://github.com/twbs/rfs\n\n// Configuration\n\n// Base font size\n$rfs-base-font-size: 1.25rem !default;\n$rfs-font-size-unit: rem !default;\n\n// Breakpoint at where font-size starts decreasing if screen width is smaller\n$rfs-breakpoint: 1200px !default;\n$rfs-breakpoint-unit: px !default;\n\n// Resize font-size based on screen height and width\n$rfs-two-dimensional: false !default;\n\n// Factor of decrease\n$rfs-factor: 10 !default;\n\n@if type-of($rfs-factor) != "number" or $rfs-factor <= 1 {\n @error "`#{$rfs-factor}` is not a valid $rfs-factor, it must be greater than 1.";\n}\n\n// Generate enable or disable classes. Possibilities: false, "enable" or "disable"\n$rfs-class: false !default;\n\n// 1 rem = $rfs-rem-value px\n$rfs-rem-value: 16 !default;\n\n// Safari iframe resize bug: https://github.com/twbs/rfs/issues/14\n$rfs-safari-iframe-resize-bug-fix: false !default;\n\n// Disable RFS by setting $enable-responsive-font-sizes to false\n$enable-responsive-font-sizes: true !default;\n\n// Cache $rfs-base-font-size unit\n$rfs-base-font-size-unit: unit($rfs-base-font-size);\n\n// Remove px-unit from $rfs-base-font-size for calculations\n@if $rfs-base-font-size-unit == "px" {\n $rfs-base-font-size: $rfs-base-font-size / ($rfs-base-font-size * 0 + 1);\n}\n@else if $rfs-base-font-size-unit == "rem" {\n $rfs-base-font-size: $rfs-base-font-size / ($rfs-base-font-size * 0 + 1 / $rfs-rem-value);\n}\n\n// Cache $rfs-breakpoint unit to prevent multiple calls\n$rfs-breakpoint-unit-cache: unit($rfs-breakpoint);\n\n// Remove unit from $rfs-breakpoint for calculations\n@if $rfs-breakpoint-unit-cache == "px" {\n $rfs-breakpoint: $rfs-breakpoint / ($rfs-breakpoint * 0 + 1);\n}\n@else if $rfs-breakpoint-unit-cache == "rem" or $rfs-breakpoint-unit-cache == "em" {\n $rfs-breakpoint: $rfs-breakpoint / ($rfs-breakpoint * 0 + 1 / $rfs-rem-value);\n}\n\n// Responsive font-size mixin\n@mixin rfs($fs, $important: false) {\n // Cache $fs unit\n $fs-unit: if(type-of($fs) == "number", unit($fs), false);\n\n // Add !important suffix if needed\n $rfs-suffix: if($important, " !important", "");\n\n // If $fs isn\'t a number (like inherit) or $fs has a unit (not px or rem, like 1.5em) or $ is 0, just print the value\n @if not $fs-unit or $fs-unit != "" and $fs-unit != "px" and $fs-unit != "rem" or $fs == 0 {\n font-size: #{$fs}#{$rfs-suffix};\n }\n @else {\n // Variables for storing static and fluid rescaling\n $rfs-static: null;\n $rfs-fluid: null;\n\n // Remove px-unit from $fs for calculations\n @if $fs-unit == "px" {\n $fs: $fs / ($fs * 0 + 1);\n }\n @else if $fs-unit == "rem" {\n $fs: $fs / ($fs * 0 + 1 / $rfs-rem-value);\n }\n\n // Set default font-size\n @if $rfs-font-size-unit == rem {\n $rfs-static: #{$fs / $rfs-rem-value}rem#{$rfs-suffix};\n }\n @else if $rfs-font-size-unit == px {\n $rfs-static: #{$fs}px#{$rfs-suffix};\n }\n @else {\n @error "`#{$rfs-font-size-unit}` is not a valid unit for $rfs-font-size-unit. Use `px` or `rem`.";\n }\n\n // Only add media query if font-size is bigger as the minimum font-size\n // If $rfs-factor == 1, no rescaling will take place\n @if $fs > $rfs-base-font-size and $enable-responsive-font-sizes {\n $min-width: null;\n $variable-unit: null;\n\n // Calculate minimum font-size for given font-size\n $fs-min: $rfs-base-font-size + ($fs - $rfs-base-font-size) / $rfs-factor;\n\n // Calculate difference between given font-size and minimum font-size for given font-size\n $fs-diff: $fs - $fs-min;\n\n // Base font-size formatting\n // No need to check if the unit is valid, because we did that before\n $min-width: if($rfs-font-size-unit == rem, #{$fs-min / $rfs-rem-value}rem, #{$fs-min}px);\n\n // If two-dimensional, use smallest of screen width and height\n $variable-unit: if($rfs-two-dimensional, vmin, vw);\n\n // Calculate the variable width between 0 and $rfs-breakpoint\n $variable-width: #{$fs-diff * 100 / $rfs-breakpoint}#{$variable-unit};\n\n // Set the calculated font-size.\n $rfs-fluid: calc(#{$min-width} + #{$variable-width}) #{$rfs-suffix};\n }\n\n // Rendering\n @if $rfs-fluid == null {\n // Only render static font-size if no fluid font-size is available\n font-size: $rfs-static;\n }\n @else {\n $mq-value: null;\n\n // RFS breakpoint formatting\n @if $rfs-breakpoint-unit == em or $rfs-breakpoint-unit == rem {\n $mq-value: #{$rfs-breakpoint / $rfs-rem-value}#{$rfs-breakpoint-unit};\n }\n @else if $rfs-breakpoint-unit == px {\n $mq-value: #{$rfs-breakpoint}px;\n }\n @else {\n @error "`#{$rfs-breakpoint-unit}` is not a valid unit for $rfs-breakpoint-unit. Use `px`, `em` or `rem`.";\n }\n\n @if $rfs-class == "disable" {\n // Adding an extra class increases specificity,\n // which prevents the media query to override the font size\n &,\n .disable-responsive-font-size &,\n &.disable-responsive-font-size {\n font-size: $rfs-static;\n }\n }\n @else {\n font-size: $rfs-static;\n }\n\n @if $rfs-two-dimensional {\n @media (max-width: #{$mq-value}), (max-height: #{$mq-value}) {\n @if $rfs-class == "enable" {\n .enable-responsive-font-size &,\n &.enable-responsive-font-size {\n font-size: $rfs-fluid;\n }\n }\n @else {\n font-size: $rfs-fluid;\n }\n\n @if $rfs-safari-iframe-resize-bug-fix {\n // stylelint-disable-next-line length-zero-no-unit\n min-width: 0vw;\n }\n }\n }\n @else {\n @media (max-width: #{$mq-value}) {\n @if $rfs-class == "enable" {\n .enable-responsive-font-size &,\n &.enable-responsive-font-size {\n font-size: $rfs-fluid;\n }\n }\n @else {\n font-size: $rfs-fluid;\n }\n\n @if $rfs-safari-iframe-resize-bug-fix {\n // stylelint-disable-next-line length-zero-no-unit\n min-width: 0vw;\n }\n }\n }\n }\n }\n}\n\n// The font-size & responsive-font-size mixin uses RFS to rescale font sizes\n@mixin font-size($fs, $important: false) {\n @include rfs($fs, $important);\n}\n\n@mixin responsive-font-size($fs, $important: false) {\n @include rfs($fs, $important);\n}\n','// Variables\n//\n// Variables should follow the `$component-state-property-size` formula for\n// consistent naming. Ex: $nav-link-disabled-color and $modal-content-box-shadow-xs.\n\n// Color system\n\n$white: #fff !default;\n$gray-100: #f8f9fa !default;\n$gray-200: #e9ecef !default;\n$gray-300: #dee2e6 !default;\n$gray-400: #ced4da !default;\n$gray-500: #adb5bd !default;\n$gray-600: #6c757d !default;\n$gray-700: #495057 !default;\n$gray-800: #343a40 !default;\n$gray-900: #212529 !default;\n$black: #000 !default;\n\n$grays: () !default;\n$grays: map-merge(\n (\n "100": $gray-100,\n "200": $gray-200,\n "300": $gray-300,\n "400": $gray-400,\n "500": $gray-500,\n "600": $gray-600,\n "700": $gray-700,\n "800": $gray-800,\n "900": $gray-900\n ),\n $grays\n);\n\n$blue: #007bff !default;\n$indigo: #6610f2 !default;\n$purple: #6f42c1 !default;\n$pink: #e83e8c !default;\n$red: #dc3545 !default;\n$orange: #fd7e14 !default;\n$yellow: #ffc107 !default;\n$green: #28a745 !default;\n$teal: #20c997 !default;\n$cyan: #17a2b8 !default;\n\n$colors: () !default;\n$colors: map-merge(\n (\n "blue": $blue,\n "indigo": $indigo,\n "purple": $purple,\n "pink": $pink,\n "red": $red,\n "orange": $orange,\n "yellow": $yellow,\n "green": $green,\n "teal": $teal,\n "cyan": $cyan,\n "white": $white,\n "gray": $gray-600,\n "gray-dark": $gray-800\n ),\n $colors\n);\n\n$primary: $blue !default;\n$secondary: $gray-600 !default;\n$success: $green !default;\n$info: $cyan !default;\n$warning: $yellow !default;\n$danger: $red !default;\n$light: $gray-100 !default;\n$dark: $gray-800 !default;\n\n$theme-colors: () !default;\n$theme-colors: map-merge(\n (\n "primary": $primary,\n "secondary": $secondary,\n "success": $success,\n "info": $info,\n "warning": $warning,\n "danger": $danger,\n "light": $light,\n "dark": $dark\n ),\n $theme-colors\n);\n\n// Set a specific jump point for requesting color jumps\n$theme-color-interval: 8% !default;\n\n// The yiq lightness value that determines when the lightness of color changes from "dark" to "light". Acceptable values are between 0 and 255.\n$yiq-contrasted-threshold: 150 !default;\n\n// Customize the light and dark text colors for use in our YIQ color contrast function.\n$yiq-text-dark: $gray-900 !default;\n$yiq-text-light: $white !default;\n\n// Characters which are escaped by the escape-svg function\n$escaped-characters: (\n ("<", "%3c"),\n (">", "%3e"),\n ("#", "%23"),\n ("(", "%28"),\n (")", "%29"),\n) !default;\n\n\n// Options\n//\n// Quickly modify global styling by enabling or disabling optional features.\n\n$enable-caret: true !default;\n$enable-rounded: true !default;\n$enable-shadows: false !default;\n$enable-gradients: false !default;\n$enable-transitions: true !default;\n$enable-prefers-reduced-motion-media-query: true !default;\n$enable-hover-media-query: false !default; // Deprecated, no longer affects any compiled CSS\n$enable-grid-classes: true !default;\n$enable-pointer-cursor-for-buttons: true !default;\n$enable-print-styles: true !default;\n$enable-responsive-font-sizes: false !default;\n$enable-validation-icons: true !default;\n$enable-deprecation-messages: true !default;\n\n\n// Spacing\n//\n// Control the default styling of most Bootstrap elements by modifying these\n// variables. Mostly focused on spacing.\n// You can add more entries to the $spacers map, should you need more variation.\n\n$spacer: 1rem !default;\n$spacers: () !default;\n$spacers: map-merge(\n (\n 0: 0,\n 1: ($spacer * .25),\n 2: ($spacer * .5),\n 3: $spacer,\n 4: ($spacer * 1.5),\n 5: ($spacer * 3)\n ),\n $spacers\n);\n\n// This variable affects the `.h-*` and `.w-*` classes.\n$sizes: () !default;\n$sizes: map-merge(\n (\n 25: 25%,\n 50: 50%,\n 75: 75%,\n 100: 100%,\n auto: auto\n ),\n $sizes\n);\n\n\n// Body\n//\n// Settings for the `<body>` element.\n\n$body-bg: $white !default;\n$body-color: $gray-900 !default;\n\n\n// Links\n//\n// Style anchor elements.\n\n$link-color: theme-color("primary") !default;\n$link-decoration: none !default;\n$link-hover-color: darken($link-color, 15%) !default;\n$link-hover-decoration: underline !default;\n// Darken percentage for links with `.text-*` class (e.g. `.text-success`)\n$emphasized-link-hover-darken-percentage: 15% !default;\n\n// Paragraphs\n//\n// Style p element.\n\n$paragraph-margin-bottom: 1rem !default;\n\n\n// Grid breakpoints\n//\n// Define the minimum dimensions at which your layout will change,\n// adapting to different screen sizes, for use in media queries.\n\n$grid-breakpoints: (\n xs: 0,\n sm: 576px,\n md: 768px,\n lg: 992px,\n xl: 1200px\n) !default;\n\n@include _assert-ascending($grid-breakpoints, "$grid-breakpoints");\n@include _assert-starts-at-zero($grid-breakpoints, "$grid-breakpoints");\n\n\n// Grid containers\n//\n// Define the maximum width of `.container` for different screen sizes.\n\n$container-max-widths: (\n sm: 540px,\n md: 720px,\n lg: 960px,\n xl: 1140px\n) !default;\n\n@include _assert-ascending($container-max-widths, "$container-max-widths");\n\n\n// Grid columns\n//\n// Set the number of columns and specify the width of the gutters.\n\n$grid-columns: 12 !default;\n$grid-gutter-width: 30px !default;\n$grid-row-columns: 6 !default;\n\n\n// Components\n//\n// Define common padding and border radius sizes and more.\n\n$line-height-lg: 1.5 !default;\n$line-height-sm: 1.5 !default;\n\n$border-width: 1px !default;\n$border-color: $gray-300 !default;\n\n$border-radius: .25rem !default;\n$border-radius-lg: .3rem !default;\n$border-radius-sm: .2rem !default;\n\n$rounded-pill: 50rem !default;\n\n$box-shadow-sm: 0 .125rem .25rem rgba($black, .075) !default;\n$box-shadow: 0 .5rem 1rem rgba($black, .15) !default;\n$box-shadow-lg: 0 1rem 3rem rgba($black, .175) !default;\n\n$component-active-color: $white !default;\n$component-active-bg: theme-color("primary") !default;\n\n$caret-width: .3em !default;\n$caret-vertical-align: $caret-width * .85 !default;\n$caret-spacing: $caret-width * .85 !default;\n\n$transition-base: all .2s ease-in-out !default;\n$transition-fade: opacity .15s linear !default;\n$transition-collapse: height .35s ease !default;\n\n$embed-responsive-aspect-ratios: () !default;\n$embed-responsive-aspect-ratios: join(\n (\n (21 9),\n (16 9),\n (4 3),\n (1 1),\n ),\n $embed-responsive-aspect-ratios\n);\n\n// Typography\n//\n// Font, line-height, and color for body text, headings, and more.\n\n// stylelint-disable value-keyword-case\n$font-family-sans-serif: -apple-system, BlinkMacSystemFont, "Segoe UI", Roboto, "Helvetica Neue", Arial, "Noto Sans", "Liberation Sans", sans-serif, "Apple Color Emoji", "Segoe UI Emoji", "Segoe UI Symbol", "Noto Color Emoji" !default;\n$font-family-monospace: SFMono-Regular, Menlo, Monaco, Consolas, "Liberation Mono", "Courier New", monospace !default;\n$font-family-base: $font-family-sans-serif !default;\n// stylelint-enable value-keyword-case\n\n$font-size-base: 1rem !default; // Assumes the browser default, typically `16px`\n$font-size-lg: $font-size-base * 1.25 !default;\n$font-size-sm: $font-size-base * .875 !default;\n\n$font-weight-lighter: lighter !default;\n$font-weight-light: 300 !default;\n$font-weight-normal: 400 !default;\n$font-weight-bold: 700 !default;\n$font-weight-bolder: bolder !default;\n\n$font-weight-base: $font-weight-normal !default;\n$line-height-base: 1.5 !default;\n\n$h1-font-size: $font-size-base * 2.5 !default;\n$h2-font-size: $font-size-base * 2 !default;\n$h3-font-size: $font-size-base * 1.75 !default;\n$h4-font-size: $font-size-base * 1.5 !default;\n$h5-font-size: $font-size-base * 1.25 !default;\n$h6-font-size: $font-size-base !default;\n\n$headings-margin-bottom: $spacer / 2 !default;\n$headings-font-family: null !default;\n$headings-font-weight: 500 !default;\n$headings-line-height: 1.2 !default;\n$headings-color: null !default;\n\n$display1-size: 6rem !default;\n$display2-size: 5.5rem !default;\n$display3-size: 4.5rem !default;\n$display4-size: 3.5rem !default;\n\n$display1-weight: 300 !default;\n$display2-weight: 300 !default;\n$display3-weight: 300 !default;\n$display4-weight: 300 !default;\n$display-line-height: $headings-line-height !default;\n\n$lead-font-size: $font-size-base * 1.25 !default;\n$lead-font-weight: 300 !default;\n\n$small-font-size: 80% !default;\n\n$text-muted: $gray-600 !default;\n\n$blockquote-small-color: $gray-600 !default;\n$blockquote-small-font-size: $small-font-size !default;\n$blockquote-font-size: $font-size-base * 1.25 !default;\n\n$hr-border-color: rgba($black, .1) !default;\n$hr-border-width: $border-width !default;\n\n$mark-padding: .2em !default;\n\n$dt-font-weight: $font-weight-bold !default;\n\n$kbd-box-shadow: inset 0 -.1rem 0 rgba($black, .25) !default;\n$nested-kbd-font-weight: $font-weight-bold !default;\n\n$list-inline-padding: .5rem !default;\n\n$mark-bg: #fcf8e3 !default;\n\n$hr-margin-y: $spacer !default;\n\n\n// Tables\n//\n// Customizes the `.table` component with basic values, each used across all table variations.\n\n$table-cell-padding: .75rem !default;\n$table-cell-padding-sm: .3rem !default;\n\n$table-color: $body-color !default;\n$table-bg: null !default;\n$table-accent-bg: rgba($black, .05) !default;\n$table-hover-color: $table-color !default;\n$table-hover-bg: rgba($black, .075) !default;\n$table-active-bg: $table-hover-bg !default;\n\n$table-border-width: $border-width !default;\n$table-border-color: $border-color !default;\n\n$table-head-bg: $gray-200 !default;\n$table-head-color: $gray-700 !default;\n$table-th-font-weight: null !default;\n\n$table-dark-color: $white !default;\n$table-dark-bg: $gray-800 !default;\n$table-dark-accent-bg: rgba($white, .05) !default;\n$table-dark-hover-color: $table-dark-color !default;\n$table-dark-hover-bg: rgba($white, .075) !default;\n$table-dark-border-color: lighten($table-dark-bg, 7.5%) !default;\n\n$table-striped-order: odd !default;\n\n$table-caption-color: $text-muted !default;\n\n$table-bg-level: -9 !default;\n$table-border-level: -6 !default;\n\n\n// Buttons + Forms\n//\n// Shared variables that are reassigned to `$input-` and `$btn-` specific variables.\n\n$input-btn-padding-y: .375rem !default;\n$input-btn-padding-x: .75rem !default;\n$input-btn-font-family: null !default;\n$input-btn-font-size: $font-size-base !default;\n$input-btn-line-height: $line-height-base !default;\n\n$input-btn-focus-width: .2rem !default;\n$input-btn-focus-color: rgba($component-active-bg, .25) !default;\n$input-btn-focus-box-shadow: 0 0 0 $input-btn-focus-width $input-btn-focus-color !default;\n\n$input-btn-padding-y-sm: .25rem !default;\n$input-btn-padding-x-sm: .5rem !default;\n$input-btn-font-size-sm: $font-size-sm !default;\n$input-btn-line-height-sm: $line-height-sm !default;\n\n$input-btn-padding-y-lg: .5rem !default;\n$input-btn-padding-x-lg: 1rem !default;\n$input-btn-font-size-lg: $font-size-lg !default;\n$input-btn-line-height-lg: $line-height-lg !default;\n\n$input-btn-border-width: $border-width !default;\n\n\n// Buttons\n//\n// For each of Bootstrap\'s buttons, define text, background, and border color.\n\n$btn-padding-y: $input-btn-padding-y !default;\n$btn-padding-x: $input-btn-padding-x !default;\n$btn-font-family: $input-btn-font-family !default;\n$btn-font-size: $input-btn-font-size !default;\n$btn-line-height: $input-btn-line-height !default;\n$btn-white-space: null !default; // Set to `nowrap` to prevent text wrapping\n\n$btn-padding-y-sm: $input-btn-padding-y-sm !default;\n$btn-padding-x-sm: $input-btn-padding-x-sm !default;\n$btn-font-size-sm: $input-btn-font-size-sm !default;\n$btn-line-height-sm: $input-btn-line-height-sm !default;\n\n$btn-padding-y-lg: $input-btn-padding-y-lg !default;\n$btn-padding-x-lg: $input-btn-padding-x-lg !default;\n$btn-font-size-lg: $input-btn-font-size-lg !default;\n$btn-line-height-lg: $input-btn-line-height-lg !default;\n\n$btn-border-width: $input-btn-border-width !default;\n\n$btn-font-weight: $font-weight-normal !default;\n$btn-box-shadow: inset 0 1px 0 rgba($white, .15), 0 1px 1px rgba($black, .075) !default;\n$btn-focus-width: $input-btn-focus-width !default;\n$btn-focus-box-shadow: $input-btn-focus-box-shadow !default;\n$btn-disabled-opacity: .65 !default;\n$btn-active-box-shadow: inset 0 3px 5px rgba($black, .125) !default;\n\n$btn-link-disabled-color: $gray-600 !default;\n\n$btn-block-spacing-y: .5rem !default;\n\n// Allows for customizing button radius independently from global border radius\n$btn-border-radius: $border-radius !default;\n$btn-border-radius-lg: $border-radius-lg !default;\n$btn-border-radius-sm: $border-radius-sm !default;\n\n$btn-transition: color .15s ease-in-out, background-color .15s ease-in-out, border-color .15s ease-in-out, box-shadow .15s ease-in-out !default;\n\n\n// Forms\n\n$label-margin-bottom: .5rem !default;\n\n$input-padding-y: $input-btn-padding-y !default;\n$input-padding-x: $input-btn-padding-x !default;\n$input-font-family: $input-btn-font-family !default;\n$input-font-size: $input-btn-font-size !default;\n$input-font-weight: $font-weight-base !default;\n$input-line-height: $input-btn-line-height !default;\n\n$input-padding-y-sm: $input-btn-padding-y-sm !default;\n$input-padding-x-sm: $input-btn-padding-x-sm !default;\n$input-font-size-sm: $input-btn-font-size-sm !default;\n$input-line-height-sm: $input-btn-line-height-sm !default;\n\n$input-padding-y-lg: $input-btn-padding-y-lg !default;\n$input-padding-x-lg: $input-btn-padding-x-lg !default;\n$input-font-size-lg: $input-btn-font-size-lg !default;\n$input-line-height-lg: $input-btn-line-height-lg !default;\n\n$input-bg: $white !default;\n$input-disabled-bg: $gray-200 !default;\n\n$input-color: $gray-700 !default;\n$input-border-color: $gray-400 !default;\n$input-border-width: $input-btn-border-width !default;\n$input-box-shadow: inset 0 1px 1px rgba($black, .075) !default;\n\n$input-border-radius: $border-radius !default;\n$input-border-radius-lg: $border-radius-lg !default;\n$input-border-radius-sm: $border-radius-sm !default;\n\n$input-focus-bg: $input-bg !default;\n$input-focus-border-color: lighten($component-active-bg, 25%) !default;\n$input-focus-color: $input-color !default;\n$input-focus-width: $input-btn-focus-width !default;\n$input-focus-box-shadow: $input-btn-focus-box-shadow !default;\n\n$input-placeholder-color: $gray-600 !default;\n$input-plaintext-color: $body-color !default;\n\n$input-height-border: $input-border-width * 2 !default;\n\n$input-height-inner: add($input-line-height * 1em, $input-padding-y * 2) !default;\n$input-height-inner-half: add($input-line-height * .5em, $input-padding-y) !default;\n$input-height-inner-quarter: add($input-line-height * .25em, $input-padding-y / 2) !default;\n\n$input-height: add($input-line-height * 1em, add($input-padding-y * 2, $input-height-border, false)) !default;\n$input-height-sm: add($input-line-height-sm * 1em, add($input-padding-y-sm * 2, $input-height-border, false)) !default;\n$input-height-lg: add($input-line-height-lg * 1em, add($input-padding-y-lg * 2, $input-height-border, false)) !default;\n\n$input-transition: border-color .15s ease-in-out, box-shadow .15s ease-in-out !default;\n\n$form-text-margin-top: .25rem !default;\n\n$form-check-input-gutter: 1.25rem !default;\n$form-check-input-margin-y: .3rem !default;\n$form-check-input-margin-x: .25rem !default;\n\n$form-check-inline-margin-x: .75rem !default;\n$form-check-inline-input-margin-x: .3125rem !default;\n\n$form-grid-gutter-width: 10px !default;\n$form-group-margin-bottom: 1rem !default;\n\n$input-group-addon-color: $input-color !default;\n$input-group-addon-bg: $gray-200 !default;\n$input-group-addon-border-color: $input-border-color !default;\n\n$custom-forms-transition: background-color .15s ease-in-out, border-color .15s ease-in-out, box-shadow .15s ease-in-out !default;\n\n$custom-control-gutter: .5rem !default;\n$custom-control-spacer-x: 1rem !default;\n$custom-control-cursor: null !default;\n\n$custom-control-indicator-size: 1rem !default;\n$custom-control-indicator-bg: $input-bg !default;\n\n$custom-control-indicator-bg-size: 50% 50% !default;\n$custom-control-indicator-box-shadow: $input-box-shadow !default;\n$custom-control-indicator-border-color: $gray-500 !default;\n$custom-control-indicator-border-width: $input-border-width !default;\n\n$custom-control-label-color: null !default;\n\n$custom-control-indicator-disabled-bg: $input-disabled-bg !default;\n$custom-control-label-disabled-color: $gray-600 !default;\n\n$custom-control-indicator-checked-color: $component-active-color !default;\n$custom-control-indicator-checked-bg: $component-active-bg !default;\n$custom-control-indicator-checked-disabled-bg: rgba(theme-color("primary"), .5) !default;\n$custom-control-indicator-checked-box-shadow: null !default;\n$custom-control-indicator-checked-border-color: $custom-control-indicator-checked-bg !default;\n\n$custom-control-indicator-focus-box-shadow: $input-focus-box-shadow !default;\n$custom-control-indicator-focus-border-color: $input-focus-border-color !default;\n\n$custom-control-indicator-active-color: $component-active-color !default;\n$custom-control-indicator-active-bg: lighten($component-active-bg, 35%) !default;\n$custom-control-indicator-active-box-shadow: null !default;\n$custom-control-indicator-active-border-color: $custom-control-indicator-active-bg !default;\n\n$custom-checkbox-indicator-border-radius: $border-radius !default;\n$custom-checkbox-indicator-icon-checked: url("data:image/svg+xml,<svg xmlns=\'http://www.w3.org/2000/svg\' width=\'8\' height=\'8\' viewBox=\'0 0 8 8\'><path fill=\'#{$custom-control-indicator-checked-color}\' d=\'M6.564.75l-3.59 3.612-1.538-1.55L0 4.26l2.974 2.99L8 2.193z\'/></svg>") !default;\n\n$custom-checkbox-indicator-indeterminate-bg: $component-active-bg !default;\n$custom-checkbox-indicator-indeterminate-color: $custom-control-indicator-checked-color !default;\n$custom-checkbox-indicator-icon-indeterminate: url("data:image/svg+xml,<svg xmlns=\'http://www.w3.org/2000/svg\' width=\'4\' height=\'4\' viewBox=\'0 0 4 4\'><path stroke=\'#{$custom-checkbox-indicator-indeterminate-color}\' d=\'M0 2h4\'/></svg>") !default;\n$custom-checkbox-indicator-indeterminate-box-shadow: null !default;\n$custom-checkbox-indicator-indeterminate-border-color: $custom-checkbox-indicator-indeterminate-bg !default;\n\n$custom-radio-indicator-border-radius: 50% !default;\n$custom-radio-indicator-icon-checked: url("data:image/svg+xml,<svg xmlns=\'http://www.w3.org/2000/svg\' width=\'12\' height=\'12\' viewBox=\'-4 -4 8 8\'><circle r=\'3\' fill=\'#{$custom-control-indicator-checked-color}\'/></svg>") !default;\n\n$custom-switch-width: $custom-control-indicator-size * 1.75 !default;\n$custom-switch-indicator-border-radius: $custom-control-indicator-size / 2 !default;\n$custom-switch-indicator-size: subtract($custom-control-indicator-size, $custom-control-indicator-border-width * 4) !default;\n\n$custom-select-padding-y: $input-padding-y !default;\n$custom-select-padding-x: $input-padding-x !default;\n$custom-select-font-family: $input-font-family !default;\n$custom-select-font-size: $input-font-size !default;\n$custom-select-height: $input-height !default;\n$custom-select-indicator-padding: 1rem !default; // Extra padding to account for the presence of the background-image based indicator\n$custom-select-font-weight: $input-font-weight !default;\n$custom-select-line-height: $input-line-height !default;\n$custom-select-color: $input-color !default;\n$custom-select-disabled-color: $gray-600 !default;\n$custom-select-bg: $input-bg !default;\n$custom-select-disabled-bg: $gray-200 !default;\n$custom-select-bg-size: 8px 10px !default; // In pixels because image dimensions\n$custom-select-indicator-color: $gray-800 !default;\n$custom-select-indicator: url("data:image/svg+xml,<svg xmlns=\'http://www.w3.org/2000/svg\' width=\'4\' height=\'5\' viewBox=\'0 0 4 5\'><path fill=\'#{$custom-select-indicator-color}\' d=\'M2 0L0 2h4zm0 5L0 3h4z\'/></svg>") !default;\n$custom-select-background: escape-svg($custom-select-indicator) right $custom-select-padding-x center / $custom-select-bg-size no-repeat !default; // Used so we can have multiple background elements (e.g., arrow and feedback icon)\n\n$custom-select-feedback-icon-padding-right: add(1em * .75, (2 * $custom-select-padding-y * .75) + $custom-select-padding-x + $custom-select-indicator-padding) !default;\n$custom-select-feedback-icon-position: center right ($custom-select-padding-x + $custom-select-indicator-padding) !default;\n$custom-select-feedback-icon-size: $input-height-inner-half $input-height-inner-half !default;\n\n$custom-select-border-width: $input-border-width !default;\n$custom-select-border-color: $input-border-color !default;\n$custom-select-border-radius: $border-radius !default;\n$custom-select-box-shadow: inset 0 1px 2px rgba($black, .075) !default;\n\n$custom-select-focus-border-color: $input-focus-border-color !default;\n$custom-select-focus-width: $input-focus-width !default;\n$custom-select-focus-box-shadow: 0 0 0 $custom-select-focus-width $input-btn-focus-color !default;\n\n$custom-select-padding-y-sm: $input-padding-y-sm !default;\n$custom-select-padding-x-sm: $input-padding-x-sm !default;\n$custom-select-font-size-sm: $input-font-size-sm !default;\n$custom-select-height-sm: $input-height-sm !default;\n\n$custom-select-padding-y-lg: $input-padding-y-lg !default;\n$custom-select-padding-x-lg: $input-padding-x-lg !default;\n$custom-select-font-size-lg: $input-font-size-lg !default;\n$custom-select-height-lg: $input-height-lg !default;\n\n$custom-range-track-width: 100% !default;\n$custom-range-track-height: .5rem !default;\n$custom-range-track-cursor: pointer !default;\n$custom-range-track-bg: $gray-300 !default;\n$custom-range-track-border-radius: 1rem !default;\n$custom-range-track-box-shadow: inset 0 .25rem .25rem rgba($black, .1) !default;\n\n$custom-range-thumb-width: 1rem !default;\n$custom-range-thumb-height: $custom-range-thumb-width !default;\n$custom-range-thumb-bg: $component-active-bg !default;\n$custom-range-thumb-border: 0 !default;\n$custom-range-thumb-border-radius: 1rem !default;\n$custom-range-thumb-box-shadow: 0 .1rem .25rem rgba($black, .1) !default;\n$custom-range-thumb-focus-box-shadow: 0 0 0 1px $body-bg, $input-focus-box-shadow !default;\n$custom-range-thumb-focus-box-shadow-width: $input-focus-width !default; // For focus box shadow issue in IE/Edge\n$custom-range-thumb-active-bg: lighten($component-active-bg, 35%) !default;\n$custom-range-thumb-disabled-bg: $gray-500 !default;\n\n$custom-file-height: $input-height !default;\n$custom-file-height-inner: $input-height-inner !default;\n$custom-file-focus-border-color: $input-focus-border-color !default;\n$custom-file-focus-box-shadow: $input-focus-box-shadow !default;\n$custom-file-disabled-bg: $input-disabled-bg !default;\n\n$custom-file-padding-y: $input-padding-y !default;\n$custom-file-padding-x: $input-padding-x !default;\n$custom-file-line-height: $input-line-height !default;\n$custom-file-font-family: $input-font-family !default;\n$custom-file-font-weight: $input-font-weight !default;\n$custom-file-color: $input-color !default;\n$custom-file-bg: $input-bg !default;\n$custom-file-border-width: $input-border-width !default;\n$custom-file-border-color: $input-border-color !default;\n$custom-file-border-radius: $input-border-radius !default;\n$custom-file-box-shadow: $input-box-shadow !default;\n$custom-file-button-color: $custom-file-color !default;\n$custom-file-button-bg: $input-group-addon-bg !default;\n$custom-file-text: (\n en: "Browse"\n) !default;\n\n\n// Form validation\n\n$form-feedback-margin-top: $form-text-margin-top !default;\n$form-feedback-font-size: $small-font-size !default;\n$form-feedback-valid-color: theme-color("success") !default;\n$form-feedback-invalid-color: theme-color("danger") !default;\n\n$form-feedback-icon-valid-color: $form-feedback-valid-color !default;\n$form-feedback-icon-valid: url("data:image/svg+xml,<svg xmlns=\'http://www.w3.org/2000/svg\' width=\'8\' height=\'8\' viewBox=\'0 0 8 8\'><path fill=\'#{$form-feedback-icon-valid-color}\' d=\'M2.3 6.73L.6 4.53c-.4-1.04.46-1.4 1.1-.8l1.1 1.4 3.4-3.8c.6-.63 1.6-.27 1.2.7l-4 4.6c-.43.5-.8.4-1.1.1z\'/></svg>") !default;\n$form-feedback-icon-invalid-color: $form-feedback-invalid-color !default;\n$form-feedback-icon-invalid: url("data:image/svg+xml,<svg xmlns=\'http://www.w3.org/2000/svg\' width=\'12\' height=\'12\' fill=\'none\' stroke=\'#{$form-feedback-icon-invalid-color}\' viewBox=\'0 0 12 12\'><circle cx=\'6\' cy=\'6\' r=\'4.5\'/><path stroke-linejoin=\'round\' d=\'M5.8 3.6h.4L6 6.5z\'/><circle cx=\'6\' cy=\'8.2\' r=\'.6\' fill=\'#{$form-feedback-icon-invalid-color}\' stroke=\'none\'/></svg>") !default;\n\n$form-validation-states: () !default;\n$form-validation-states: map-merge(\n (\n "valid": (\n "color": $form-feedback-valid-color,\n "icon": $form-feedback-icon-valid\n ),\n "invalid": (\n "color": $form-feedback-invalid-color,\n "icon": $form-feedback-icon-invalid\n ),\n ),\n $form-validation-states\n);\n\n// Z-index master list\n//\n// Warning: Avoid customizing these values. They\'re used for a bird\'s eye view\n// of components dependent on the z-axis and are designed to all work together.\n\n$zindex-dropdown: 1000 !default;\n$zindex-sticky: 1020 !default;\n$zindex-fixed: 1030 !default;\n$zindex-modal-backdrop: 1040 !default;\n$zindex-modal: 1050 !default;\n$zindex-popover: 1060 !default;\n$zindex-tooltip: 1070 !default;\n\n\n// Navs\n\n$nav-link-padding-y: .5rem !default;\n$nav-link-padding-x: 1rem !default;\n$nav-link-disabled-color: $gray-600 !default;\n\n$nav-tabs-border-color: $gray-300 !default;\n$nav-tabs-border-width: $border-width !default;\n$nav-tabs-border-radius: $border-radius !default;\n$nav-tabs-link-hover-border-color: $gray-200 $gray-200 $nav-tabs-border-color !default;\n$nav-tabs-link-active-color: $gray-700 !default;\n$nav-tabs-link-active-bg: $body-bg !default;\n$nav-tabs-link-active-border-color: $gray-300 $gray-300 $nav-tabs-link-active-bg !default;\n\n$nav-pills-border-radius: $border-radius !default;\n$nav-pills-link-active-color: $component-active-color !default;\n$nav-pills-link-active-bg: $component-active-bg !default;\n\n$nav-divider-color: $gray-200 !default;\n$nav-divider-margin-y: $spacer / 2 !default;\n\n\n// Navbar\n\n$navbar-padding-y: $spacer / 2 !default;\n$navbar-padding-x: $spacer !default;\n\n$navbar-nav-link-padding-x: .5rem !default;\n\n$navbar-brand-font-size: $font-size-lg !default;\n// Compute the navbar-brand padding-y so the navbar-brand will have the same height as navbar-text and nav-link\n$nav-link-height: $font-size-base * $line-height-base + $nav-link-padding-y * 2 !default;\n$navbar-brand-height: $navbar-brand-font-size * $line-height-base !default;\n$navbar-brand-padding-y: ($nav-link-height - $navbar-brand-height) / 2 !default;\n\n$navbar-toggler-padding-y: .25rem !default;\n$navbar-toggler-padding-x: .75rem !default;\n$navbar-toggler-font-size: $font-size-lg !default;\n$navbar-toggler-border-radius: $btn-border-radius !default;\n\n$navbar-nav-scroll-max-height: 75vh !default;\n\n$navbar-dark-color: rgba($white, .5) !default;\n$navbar-dark-hover-color: rgba($white, .75) !default;\n$navbar-dark-active-color: $white !default;\n$navbar-dark-disabled-color: rgba($white, .25) !default;\n$navbar-dark-toggler-icon-bg: url("data:image/svg+xml,<svg xmlns=\'http://www.w3.org/2000/svg\' width=\'30\' height=\'30\' viewBox=\'0 0 30 30\'><path stroke=\'#{$navbar-dark-color}\' stroke-linecap=\'round\' stroke-miterlimit=\'10\' stroke-width=\'2\' d=\'M4 7h22M4 15h22M4 23h22\'/></svg>") !default;\n$navbar-dark-toggler-border-color: rgba($white, .1) !default;\n\n$navbar-light-color: rgba($black, .5) !default;\n$navbar-light-hover-color: rgba($black, .7) !default;\n$navbar-light-active-color: rgba($black, .9) !default;\n$navbar-light-disabled-color: rgba($black, .3) !default;\n$navbar-light-toggler-icon-bg: url("data:image/svg+xml,<svg xmlns=\'http://www.w3.org/2000/svg\' width=\'30\' height=\'30\' viewBox=\'0 0 30 30\'><path stroke=\'#{$navbar-light-color}\' stroke-linecap=\'round\' stroke-miterlimit=\'10\' stroke-width=\'2\' d=\'M4 7h22M4 15h22M4 23h22\'/></svg>") !default;\n$navbar-light-toggler-border-color: rgba($black, .1) !default;\n\n$navbar-light-brand-color: $navbar-light-active-color !default;\n$navbar-light-brand-hover-color: $navbar-light-active-color !default;\n$navbar-dark-brand-color: $navbar-dark-active-color !default;\n$navbar-dark-brand-hover-color: $navbar-dark-active-color !default;\n\n\n// Dropdowns\n//\n// Dropdown menu container and contents.\n\n$dropdown-min-width: 10rem !default;\n$dropdown-padding-x: 0 !default;\n$dropdown-padding-y: .5rem !default;\n$dropdown-spacer: .125rem !default;\n$dropdown-font-size: $font-size-base !default;\n$dropdown-color: $body-color !default;\n$dropdown-bg: $white !default;\n$dropdown-border-color: rgba($black, .15) !default;\n$dropdown-border-radius: $border-radius !default;\n$dropdown-border-width: $border-width !default;\n$dropdown-inner-border-radius: subtract($dropdown-border-radius, $dropdown-border-width) !default;\n$dropdown-divider-bg: $gray-200 !default;\n$dropdown-divider-margin-y: $nav-divider-margin-y !default;\n$dropdown-box-shadow: 0 .5rem 1rem rgba($black, .175) !default;\n\n$dropdown-link-color: $gray-900 !default;\n$dropdown-link-hover-color: darken($gray-900, 5%) !default;\n$dropdown-link-hover-bg: $gray-200 !default;\n\n$dropdown-link-active-color: $component-active-color !default;\n$dropdown-link-active-bg: $component-active-bg !default;\n\n$dropdown-link-disabled-color: $gray-500 !default;\n\n$dropdown-item-padding-y: .25rem !default;\n$dropdown-item-padding-x: 1.5rem !default;\n\n$dropdown-header-color: $gray-600 !default;\n$dropdown-header-padding: $dropdown-padding-y $dropdown-item-padding-x !default;\n\n\n// Pagination\n\n$pagination-padding-y: .5rem !default;\n$pagination-padding-x: .75rem !default;\n$pagination-padding-y-sm: .25rem !default;\n$pagination-padding-x-sm: .5rem !default;\n$pagination-padding-y-lg: .75rem !default;\n$pagination-padding-x-lg: 1.5rem !default;\n$pagination-line-height: 1.25 !default;\n\n$pagination-color: $link-color !default;\n$pagination-bg: $white !default;\n$pagination-border-width: $border-width !default;\n$pagination-border-color: $gray-300 !default;\n\n$pagination-focus-box-shadow: $input-btn-focus-box-shadow !default;\n$pagination-focus-outline: 0 !default;\n\n$pagination-hover-color: $link-hover-color !default;\n$pagination-hover-bg: $gray-200 !default;\n$pagination-hover-border-color: $gray-300 !default;\n\n$pagination-active-color: $component-active-color !default;\n$pagination-active-bg: $component-active-bg !default;\n$pagination-active-border-color: $pagination-active-bg !default;\n\n$pagination-disabled-color: $gray-600 !default;\n$pagination-disabled-bg: $white !default;\n$pagination-disabled-border-color: $gray-300 !default;\n\n$pagination-border-radius-sm: $border-radius-sm !default;\n$pagination-border-radius-lg: $border-radius-lg !default;\n\n// Jumbotron\n\n$jumbotron-padding: 2rem !default;\n$jumbotron-color: null !default;\n$jumbotron-bg: $gray-200 !default;\n\n\n// Cards\n\n$card-spacer-y: .75rem !default;\n$card-spacer-x: 1.25rem !default;\n$card-border-width: $border-width !default;\n$card-border-radius: $border-radius !default;\n$card-border-color: rgba($black, .125) !default;\n$card-inner-border-radius: subtract($card-border-radius, $card-border-width) !default;\n$card-cap-bg: rgba($black, .03) !default;\n$card-cap-color: null !default;\n$card-height: null !default;\n$card-color: null !default;\n$card-bg: $white !default;\n\n$card-img-overlay-padding: 1.25rem !default;\n\n$card-group-margin: $grid-gutter-width / 2 !default;\n$card-deck-margin: $card-group-margin !default;\n\n$card-columns-count: 3 !default;\n$card-columns-gap: 1.25rem !default;\n$card-columns-margin: $card-spacer-y !default;\n\n\n// Tooltips\n\n$tooltip-font-size: $font-size-sm !default;\n$tooltip-max-width: 200px !default;\n$tooltip-color: $white !default;\n$tooltip-bg: $black !default;\n$tooltip-border-radius: $border-radius !default;\n$tooltip-opacity: .9 !default;\n$tooltip-padding-y: .25rem !default;\n$tooltip-padding-x: .5rem !default;\n$tooltip-margin: 0 !default;\n\n$tooltip-arrow-width: .8rem !default;\n$tooltip-arrow-height: .4rem !default;\n$tooltip-arrow-color: $tooltip-bg !default;\n\n// Form tooltips must come after regular tooltips\n$form-feedback-tooltip-padding-y: $tooltip-padding-y !default;\n$form-feedback-tooltip-padding-x: $tooltip-padding-x !default;\n$form-feedback-tooltip-font-size: $tooltip-font-size !default;\n$form-feedback-tooltip-line-height: $line-height-base !default;\n$form-feedback-tooltip-opacity: $tooltip-opacity !default;\n$form-feedback-tooltip-border-radius: $tooltip-border-radius !default;\n\n\n// Popovers\n\n$popover-font-size: $font-size-sm !default;\n$popover-bg: $white !default;\n$popover-max-width: 276px !default;\n$popover-border-width: $border-width !default;\n$popover-border-color: rgba($black, .2) !default;\n$popover-border-radius: $border-radius-lg !default;\n$popover-inner-border-radius: subtract($popover-border-radius, $popover-border-width) !default;\n$popover-box-shadow: 0 .25rem .5rem rgba($black, .2) !default;\n\n$popover-header-bg: darken($popover-bg, 3%) !default;\n$popover-header-color: $headings-color !default;\n$popover-header-padding-y: .5rem !default;\n$popover-header-padding-x: .75rem !default;\n\n$popover-body-color: $body-color !default;\n$popover-body-padding-y: $popover-header-padding-y !default;\n$popover-body-padding-x: $popover-header-padding-x !default;\n\n$popover-arrow-width: 1rem !default;\n$popover-arrow-height: .5rem !default;\n$popover-arrow-color: $popover-bg !default;\n\n$popover-arrow-outer-color: fade-in($popover-border-color, .05) !default;\n\n\n// Toasts\n\n$toast-max-width: 350px !default;\n$toast-padding-x: .75rem !default;\n$toast-padding-y: .25rem !default;\n$toast-font-size: .875rem !default;\n$toast-color: null !default;\n$toast-background-color: rgba($white, .85) !default;\n$toast-border-width: 1px !default;\n$toast-border-color: rgba(0, 0, 0, .1) !default;\n$toast-border-radius: .25rem !default;\n$toast-box-shadow: 0 .25rem .75rem rgba($black, .1) !default;\n\n$toast-header-color: $gray-600 !default;\n$toast-header-background-color: rgba($white, .85) !default;\n$toast-header-border-color: rgba(0, 0, 0, .05) !default;\n\n\n// Badges\n\n$badge-font-size: 75% !default;\n$badge-font-weight: $font-weight-bold !default;\n$badge-padding-y: .25em !default;\n$badge-padding-x: .4em !default;\n$badge-border-radius: $border-radius !default;\n\n$badge-transition: $btn-transition !default;\n$badge-focus-width: $input-btn-focus-width !default;\n\n$badge-pill-padding-x: .6em !default;\n// Use a higher than normal value to ensure completely rounded edges when\n// customizing padding or font-size on labels.\n$badge-pill-border-radius: 10rem !default;\n\n\n// Modals\n\n// Padding applied to the modal body\n$modal-inner-padding: 1rem !default;\n\n// Margin between elements in footer, must be lower than or equal to 2 * $modal-inner-padding\n$modal-footer-margin-between: .5rem !default;\n\n$modal-dialog-margin: .5rem !default;\n$modal-dialog-margin-y-sm-up: 1.75rem !default;\n\n$modal-title-line-height: $line-height-base !default;\n\n$modal-content-color: null !default;\n$modal-content-bg: $white !default;\n$modal-content-border-color: rgba($black, .2) !default;\n$modal-content-border-width: $border-width !default;\n$modal-content-border-radius: $border-radius-lg !default;\n$modal-content-inner-border-radius: subtract($modal-content-border-radius, $modal-content-border-width) !default;\n$modal-content-box-shadow-xs: 0 .25rem .5rem rgba($black, .5) !default;\n$modal-content-box-shadow-sm-up: 0 .5rem 1rem rgba($black, .5) !default;\n\n$modal-backdrop-bg: $black !default;\n$modal-backdrop-opacity: .5 !default;\n$modal-header-border-color: $border-color !default;\n$modal-footer-border-color: $modal-header-border-color !default;\n$modal-header-border-width: $modal-content-border-width !default;\n$modal-footer-border-width: $modal-header-border-width !default;\n$modal-header-padding-y: 1rem !default;\n$modal-header-padding-x: 1rem !default;\n$modal-header-padding: $modal-header-padding-y $modal-header-padding-x !default; // Keep this for backwards compatibility\n\n$modal-xl: 1140px !default;\n$modal-lg: 800px !default;\n$modal-md: 500px !default;\n$modal-sm: 300px !default;\n\n$modal-fade-transform: translate(0, -50px) !default;\n$modal-show-transform: none !default;\n$modal-transition: transform .3s ease-out !default;\n$modal-scale-transform: scale(1.02) !default;\n\n\n// Alerts\n//\n// Define alert colors, border radius, and padding.\n\n$alert-padding-y: .75rem !default;\n$alert-padding-x: 1.25rem !default;\n$alert-margin-bottom: 1rem !default;\n$alert-border-radius: $border-radius !default;\n$alert-link-font-weight: $font-weight-bold !default;\n$alert-border-width: $border-width !default;\n\n$alert-bg-level: -10 !default;\n$alert-border-level: -9 !default;\n$alert-color-level: 6 !default;\n\n\n// Progress bars\n\n$progress-height: 1rem !default;\n$progress-font-size: $font-size-base * .75 !default;\n$progress-bg: $gray-200 !default;\n$progress-border-radius: $border-radius !default;\n$progress-box-shadow: inset 0 .1rem .1rem rgba($black, .1) !default;\n$progress-bar-color: $white !default;\n$progress-bar-bg: theme-color("primary") !default;\n$progress-bar-animation-timing: 1s linear infinite !default;\n$progress-bar-transition: width .6s ease !default;\n\n\n// List group\n\n$list-group-color: null !default;\n$list-group-bg: $white !default;\n$list-group-border-color: rgba($black, .125) !default;\n$list-group-border-width: $border-width !default;\n$list-group-border-radius: $border-radius !default;\n\n$list-group-item-padding-y: .75rem !default;\n$list-group-item-padding-x: 1.25rem !default;\n\n$list-group-hover-bg: $gray-100 !default;\n$list-group-active-color: $component-active-color !default;\n$list-group-active-bg: $component-active-bg !default;\n$list-group-active-border-color: $list-group-active-bg !default;\n\n$list-group-disabled-color: $gray-600 !default;\n$list-group-disabled-bg: $list-group-bg !default;\n\n$list-group-action-color: $gray-700 !default;\n$list-group-action-hover-color: $list-group-action-color !default;\n\n$list-group-action-active-color: $body-color !default;\n$list-group-action-active-bg: $gray-200 !default;\n\n\n// Image thumbnails\n\n$thumbnail-padding: .25rem !default;\n$thumbnail-bg: $body-bg !default;\n$thumbnail-border-width: $border-width !default;\n$thumbnail-border-color: $gray-300 !default;\n$thumbnail-border-radius: $border-radius !default;\n$thumbnail-box-shadow: 0 1px 2px rgba($black, .075) !default;\n\n\n// Figures\n\n$figure-caption-font-size: 90% !default;\n$figure-caption-color: $gray-600 !default;\n\n\n// Breadcrumbs\n\n$breadcrumb-font-size: null !default;\n\n$breadcrumb-padding-y: .75rem !default;\n$breadcrumb-padding-x: 1rem !default;\n$breadcrumb-item-padding: .5rem !default;\n\n$breadcrumb-margin-bottom: 1rem !default;\n\n$breadcrumb-bg: $gray-200 !default;\n$breadcrumb-divider-color: $gray-600 !default;\n$breadcrumb-active-color: $gray-600 !default;\n$breadcrumb-divider: quote("/") !default;\n\n$breadcrumb-border-radius: $border-radius !default;\n\n\n// Carousel\n\n$carousel-control-color: $white !default;\n$carousel-control-width: 15% !default;\n$carousel-control-opacity: .5 !default;\n$carousel-control-hover-opacity: .9 !default;\n$carousel-control-transition: opacity .15s ease !default;\n\n$carousel-indicator-width: 30px !default;\n$carousel-indicator-height: 3px !default;\n$carousel-indicator-hit-area-height: 10px !default;\n$carousel-indicator-spacer: 3px !default;\n$carousel-indicator-active-bg: $white !default;\n$carousel-indicator-transition: opacity .6s ease !default;\n\n$carousel-caption-width: 70% !default;\n$carousel-caption-color: $white !default;\n\n$carousel-control-icon-width: 20px !default;\n\n$carousel-control-prev-icon-bg: url("data:image/svg+xml,<svg xmlns=\'http://www.w3.org/2000/svg\' fill=\'#{$carousel-control-color}\' width=\'8\' height=\'8\' viewBox=\'0 0 8 8\'><path d=\'M5.25 0l-4 4 4 4 1.5-1.5L4.25 4l2.5-2.5L5.25 0z\'/></svg>") !default;\n$carousel-control-next-icon-bg: url("data:image/svg+xml,<svg xmlns=\'http://www.w3.org/2000/svg\' fill=\'#{$carousel-control-color}\' width=\'8\' height=\'8\' viewBox=\'0 0 8 8\'><path d=\'M2.75 0l-1.5 1.5L3.75 4l-2.5 2.5L2.75 8l4-4-4-4z\'/></svg>") !default;\n\n$carousel-transition-duration: .6s !default;\n$carousel-transition: transform $carousel-transition-duration ease-in-out !default; // Define transform transition first if using multiple transitions (e.g., `transform 2s ease, opacity .5s ease-out`)\n\n\n// Spinners\n\n$spinner-width: 2rem !default;\n$spinner-height: $spinner-width !default;\n$spinner-border-width: .25em !default;\n\n$spinner-width-sm: 1rem !default;\n$spinner-height-sm: $spinner-width-sm !default;\n$spinner-border-width-sm: .2em !default;\n\n\n// Close\n\n$close-font-size: $font-size-base * 1.5 !default;\n$close-font-weight: $font-weight-bold !default;\n$close-color: $black !default;\n$close-text-shadow: 0 1px 0 $white !default;\n\n\n// Code\n\n$code-font-size: 87.5% !default;\n$code-color: $pink !default;\n\n$kbd-padding-y: .2rem !default;\n$kbd-padding-x: .4rem !default;\n$kbd-font-size: $code-font-size !default;\n$kbd-color: $white !default;\n$kbd-bg: $gray-900 !default;\n\n$pre-color: $gray-900 !default;\n$pre-scrollable-max-height: 340px !default;\n\n\n// Utilities\n\n$displays: none, inline, inline-block, block, table, table-row, table-cell, flex, inline-flex !default;\n$overflows: auto, hidden !default;\n$positions: static, relative, absolute, fixed, sticky !default;\n$user-selects: all, auto, none !default;\n\n\n// Printing\n\n$print-page-size: a3 !default;\n$print-body-min-width: map-get($grid-breakpoints, "lg") !default;\n',"// Hover mixin and `$enable-hover-media-query` are deprecated.\n//\n// Originally added during our alphas and maintained during betas, this mixin was\n// designed to prevent `:hover` stickiness on iOS-an issue where hover styles\n// would persist after initial touch.\n//\n// For backward compatibility, we've kept these mixins and updated them to\n// always return their regular pseudo-classes instead of a shimmed media query.\n//\n// Issue: https://github.com/twbs/bootstrap/issues/25195\n\n@mixin hover() {\n &:hover { @content; }\n}\n\n@mixin hover-focus() {\n &:hover,\n &:focus {\n @content;\n }\n}\n\n@mixin plain-hover-focus() {\n &,\n &:hover,\n &:focus {\n @content;\n }\n}\n\n@mixin hover-focus-active() {\n &:hover,\n &:focus,\n &:active {\n @content;\n }\n}\n",'// stylelint-disable selector-list-comma-newline-after\n\n//\n// Headings\n//\n\nh1, h2, h3, h4, h5, h6,\n.h1, .h2, .h3, .h4, .h5, .h6 {\n margin-bottom: $headings-margin-bottom;\n font-family: $headings-font-family;\n font-weight: $headings-font-weight;\n line-height: $headings-line-height;\n color: $headings-color;\n}\n\nh1, .h1 { @include font-size($h1-font-size); }\nh2, .h2 { @include font-size($h2-font-size); }\nh3, .h3 { @include font-size($h3-font-size); }\nh4, .h4 { @include font-size($h4-font-size); }\nh5, .h5 { @include font-size($h5-font-size); }\nh6, .h6 { @include font-size($h6-font-size); }\n\n.lead {\n @include font-size($lead-font-size);\n font-weight: $lead-font-weight;\n}\n\n// Type display classes\n.display-1 {\n @include font-size($display1-size);\n font-weight: $display1-weight;\n line-height: $display-line-height;\n}\n.display-2 {\n @include font-size($display2-size);\n font-weight: $display2-weight;\n line-height: $display-line-height;\n}\n.display-3 {\n @include font-size($display3-size);\n font-weight: $display3-weight;\n line-height: $display-line-height;\n}\n.display-4 {\n @include font-size($display4-size);\n font-weight: $display4-weight;\n line-height: $display-line-height;\n}\n\n\n//\n// Horizontal rules\n//\n\nhr {\n margin-top: $hr-margin-y;\n margin-bottom: $hr-margin-y;\n border: 0;\n border-top: $hr-border-width solid $hr-border-color;\n}\n\n\n//\n// Emphasis\n//\n\nsmall,\n.small {\n @include font-size($small-font-size);\n font-weight: $font-weight-normal;\n}\n\nmark,\n.mark {\n padding: $mark-padding;\n background-color: $mark-bg;\n}\n\n\n//\n// Lists\n//\n\n.list-unstyled {\n @include list-unstyled();\n}\n\n// Inline turns list items into inline-block\n.list-inline {\n @include list-unstyled();\n}\n.list-inline-item {\n display: inline-block;\n\n &:not(:last-child) {\n margin-right: $list-inline-padding;\n }\n}\n\n\n//\n// Misc\n//\n\n// Builds on `abbr`\n.initialism {\n @include font-size(90%);\n text-transform: uppercase;\n}\n\n// Blockquotes\n.blockquote {\n margin-bottom: $spacer;\n @include font-size($blockquote-font-size);\n}\n\n.blockquote-footer {\n display: block;\n @include font-size($blockquote-small-font-size);\n color: $blockquote-small-color;\n\n &::before {\n content: "\\2014\\00A0"; // em dash, nbsp\n }\n}\n',"// Lists\n\n// Unstyled keeps list items block level, just removes default browser padding and list-style\n@mixin list-unstyled() {\n padding-left: 0;\n list-style: none;\n}\n","// Responsive images (ensure images don't scale beyond their parents)\n//\n// This is purposefully opt-in via an explicit class rather than being the default for all `<img>`s.\n// We previously tried the \"images are responsive by default\" approach in Bootstrap v2,\n// and abandoned it in Bootstrap v3 because it breaks lots of third-party widgets (including Google Maps)\n// which weren't expecting the images within themselves to be involuntarily resized.\n// See also https://github.com/twbs/bootstrap/issues/18178\n.img-fluid {\n @include img-fluid();\n}\n\n\n// Image thumbnails\n.img-thumbnail {\n padding: $thumbnail-padding;\n background-color: $thumbnail-bg;\n border: $thumbnail-border-width solid $thumbnail-border-color;\n @include border-radius($thumbnail-border-radius);\n @include box-shadow($thumbnail-box-shadow);\n\n // Keep them at most 100% wide\n @include img-fluid();\n}\n\n//\n// Figures\n//\n\n.figure {\n // Ensures the caption's text aligns with the image.\n display: inline-block;\n}\n\n.figure-img {\n margin-bottom: $spacer / 2;\n line-height: 1;\n}\n\n.figure-caption {\n @include font-size($figure-caption-font-size);\n color: $figure-caption-color;\n}\n",'// Image Mixins\n// - Responsive image\n// - Retina image\n\n\n// Responsive image\n//\n// Keep images from scaling beyond the width of their parents.\n\n@mixin img-fluid() {\n // Part 1: Set a maximum relative to the parent\n max-width: 100%;\n // Part 2: Override the height to auto, otherwise images will be stretched\n // when setting a width and height attribute on the img element.\n height: auto;\n}\n\n\n// Retina image\n//\n// Short retina mixin for setting background-image and -size.\n\n@mixin img-retina($file-1x, $file-2x, $width-1x, $height-1x) {\n background-image: url($file-1x);\n\n // Autoprefixer takes care of adding -webkit-min-device-pixel-ratio and -o-min-device-pixel-ratio,\n // but doesn\'t convert dppx=>dpi.\n // There\'s no such thing as unprefixed min-device-pixel-ratio since it\'s nonstandard.\n // Compatibility info: https://caniuse.com/css-media-resolution\n @media only screen and (min-resolution: 192dpi), // IE9-11 don\'t support dppx\n only screen and (min-resolution: 2dppx) { // Standardized\n background-image: url($file-2x);\n background-size: $width-1x $height-1x;\n }\n @include deprecate("`img-retina()`", "v4.3.0", "v5");\n}\n',"// stylelint-disable property-disallowed-list\n// Single side border-radius\n\n// Helper function to replace negative values with 0\n@function valid-radius($radius) {\n $return: ();\n @each $value in $radius {\n @if type-of($value) == number {\n $return: append($return, max($value, 0));\n } @else {\n $return: append($return, $value);\n }\n }\n @return $return;\n}\n\n@mixin border-radius($radius: $border-radius, $fallback-border-radius: false) {\n @if $enable-rounded {\n border-radius: valid-radius($radius);\n }\n @else if $fallback-border-radius != false {\n border-radius: $fallback-border-radius;\n }\n}\n\n@mixin border-top-radius($radius) {\n @if $enable-rounded {\n border-top-left-radius: valid-radius($radius);\n border-top-right-radius: valid-radius($radius);\n }\n}\n\n@mixin border-right-radius($radius) {\n @if $enable-rounded {\n border-top-right-radius: valid-radius($radius);\n border-bottom-right-radius: valid-radius($radius);\n }\n}\n\n@mixin border-bottom-radius($radius) {\n @if $enable-rounded {\n border-bottom-right-radius: valid-radius($radius);\n border-bottom-left-radius: valid-radius($radius);\n }\n}\n\n@mixin border-left-radius($radius) {\n @if $enable-rounded {\n border-top-left-radius: valid-radius($radius);\n border-bottom-left-radius: valid-radius($radius);\n }\n}\n\n@mixin border-top-left-radius($radius) {\n @if $enable-rounded {\n border-top-left-radius: valid-radius($radius);\n }\n}\n\n@mixin border-top-right-radius($radius) {\n @if $enable-rounded {\n border-top-right-radius: valid-radius($radius);\n }\n}\n\n@mixin border-bottom-right-radius($radius) {\n @if $enable-rounded {\n border-bottom-right-radius: valid-radius($radius);\n }\n}\n\n@mixin border-bottom-left-radius($radius) {\n @if $enable-rounded {\n border-bottom-left-radius: valid-radius($radius);\n }\n}\n","// Inline code\ncode {\n @include font-size($code-font-size);\n color: $code-color;\n word-wrap: break-word;\n\n // Streamline the style when inside anchors to avoid broken underline and more\n a > & {\n color: inherit;\n }\n}\n\n// User input typically entered via keyboard\nkbd {\n padding: $kbd-padding-y $kbd-padding-x;\n @include font-size($kbd-font-size);\n color: $kbd-color;\n background-color: $kbd-bg;\n @include border-radius($border-radius-sm);\n @include box-shadow($kbd-box-shadow);\n\n kbd {\n padding: 0;\n @include font-size(100%);\n font-weight: $nested-kbd-font-weight;\n @include box-shadow(none);\n }\n}\n\n// Blocks of code\npre {\n display: block;\n @include font-size($code-font-size);\n color: $pre-color;\n\n // Account for some code outputs that place code tags in pre tags\n code {\n @include font-size(inherit);\n color: inherit;\n word-break: normal;\n }\n}\n\n// Enable scrollable blocks of code\n.pre-scrollable {\n max-height: $pre-scrollable-max-height;\n overflow-y: scroll;\n}\n",'// Container widths\n//\n// Set the container width, and override it for fixed navbars in media queries.\n\n@if $enable-grid-classes {\n // Single container class with breakpoint max-widths\n .container,\n // 100% wide container at all breakpoints\n .container-fluid {\n @include make-container();\n }\n\n // Responsive containers that are 100% wide until a breakpoint\n @each $breakpoint, $container-max-width in $container-max-widths {\n .container-#{$breakpoint} {\n @extend .container-fluid;\n }\n\n @include media-breakpoint-up($breakpoint, $grid-breakpoints) {\n %responsive-container-#{$breakpoint} {\n max-width: $container-max-width;\n }\n\n // Extend each breakpoint which is smaller or equal to the current breakpoint\n $extend-breakpoint: true;\n\n @each $name, $width in $grid-breakpoints {\n @if ($extend-breakpoint) {\n .container#{breakpoint-infix($name, $grid-breakpoints)} {\n @extend %responsive-container-#{$breakpoint};\n }\n\n // Once the current breakpoint is reached, stop extending\n @if ($breakpoint == $name) {\n $extend-breakpoint: false;\n }\n }\n }\n }\n }\n}\n\n\n// Row\n//\n// Rows contain your columns.\n\n@if $enable-grid-classes {\n .row {\n @include make-row();\n }\n\n // Remove the negative margin from default .row, then the horizontal padding\n // from all immediate children columns (to prevent runaway style inheritance).\n .no-gutters {\n margin-right: 0;\n margin-left: 0;\n\n > .col,\n > [class*="col-"] {\n padding-right: 0;\n padding-left: 0;\n }\n }\n}\n\n// Columns\n//\n// Common styles for small and large grid columns\n\n@if $enable-grid-classes {\n @include make-grid-columns();\n}\n','/// Grid system\n//\n// Generate semantic grid columns with these mixins.\n\n@mixin make-container($gutter: $grid-gutter-width) {\n width: 100%;\n padding-right: $gutter / 2;\n padding-left: $gutter / 2;\n margin-right: auto;\n margin-left: auto;\n}\n\n@mixin make-row($gutter: $grid-gutter-width) {\n display: flex;\n flex-wrap: wrap;\n margin-right: -$gutter / 2;\n margin-left: -$gutter / 2;\n}\n\n// For each breakpoint, define the maximum width of the container in a media query\n@mixin make-container-max-widths($max-widths: $container-max-widths, $breakpoints: $grid-breakpoints) {\n @each $breakpoint, $container-max-width in $max-widths {\n @include media-breakpoint-up($breakpoint, $breakpoints) {\n max-width: $container-max-width;\n }\n }\n @include deprecate("The `make-container-max-widths` mixin", "v4.5.2", "v5");\n}\n\n@mixin make-col-ready($gutter: $grid-gutter-width) {\n position: relative;\n // Prevent columns from becoming too narrow when at smaller grid tiers by\n // always setting `width: 100%;`. This works because we use `flex` values\n // later on to override this initial width.\n width: 100%;\n padding-right: $gutter / 2;\n padding-left: $gutter / 2;\n}\n\n@mixin make-col($size, $columns: $grid-columns) {\n flex: 0 0 percentage($size / $columns);\n // Add a `max-width` to ensure content within each column does not blow out\n // the width of the column. Applies to IE10+ and Firefox. Chrome and Safari\n // do not appear to require this.\n max-width: percentage($size / $columns);\n}\n\n@mixin make-col-auto() {\n flex: 0 0 auto;\n width: auto;\n max-width: 100%; // Reset earlier grid tiers\n}\n\n@mixin make-col-offset($size, $columns: $grid-columns) {\n $num: $size / $columns;\n margin-left: if($num == 0, 0, percentage($num));\n}\n\n// Row columns\n//\n// Specify on a parent element(e.g., .row) to force immediate children into NN\n// numberof columns. Supports wrapping to new lines, but does not do a Masonry\n// style grid.\n@mixin row-cols($count) {\n > * {\n flex: 0 0 100% / $count;\n max-width: 100% / $count;\n }\n}\n','// Breakpoint viewport sizes and media queries.\n//\n// Breakpoints are defined as a map of (name: minimum width), order from small to large:\n//\n// (xs: 0, sm: 576px, md: 768px, lg: 992px, xl: 1200px)\n//\n// The map defined in the `$grid-breakpoints` global variable is used as the `$breakpoints` argument by default.\n\n// Name of the next breakpoint, or null for the last breakpoint.\n//\n// >> breakpoint-next(sm)\n// md\n// >> breakpoint-next(sm, (xs: 0, sm: 576px, md: 768px, lg: 992px, xl: 1200px))\n// md\n// >> breakpoint-next(sm, $breakpoint-names: (xs sm md lg xl))\n// md\n@function breakpoint-next($name, $breakpoints: $grid-breakpoints, $breakpoint-names: map-keys($breakpoints)) {\n $n: index($breakpoint-names, $name);\n @return if($n != null and $n < length($breakpoint-names), nth($breakpoint-names, $n + 1), null);\n}\n\n// Minimum breakpoint width. Null for the smallest (first) breakpoint.\n//\n// >> breakpoint-min(sm, (xs: 0, sm: 576px, md: 768px, lg: 992px, xl: 1200px))\n// 576px\n@function breakpoint-min($name, $breakpoints: $grid-breakpoints) {\n $min: map-get($breakpoints, $name);\n @return if($min != 0, $min, null);\n}\n\n// Maximum breakpoint width. Null for the largest (last) breakpoint.\n// The maximum value is calculated as the minimum of the next one less 0.02px\n// to work around the limitations of `min-` and `max-` prefixes and viewports with fractional widths.\n// See https://www.w3.org/TR/mediaqueries-4/#mq-min-max\n// Uses 0.02px rather than 0.01px to work around a current rounding bug in Safari.\n// See https://bugs.webkit.org/show_bug.cgi?id=178261\n//\n// >> breakpoint-max(sm, (xs: 0, sm: 576px, md: 768px, lg: 992px, xl: 1200px))\n// 767.98px\n@function breakpoint-max($name, $breakpoints: $grid-breakpoints) {\n $next: breakpoint-next($name, $breakpoints);\n @return if($next, breakpoint-min($next, $breakpoints) - .02, null);\n}\n\n// Returns a blank string if smallest breakpoint, otherwise returns the name with a dash in front.\n// Useful for making responsive utilities.\n//\n// >> breakpoint-infix(xs, (xs: 0, sm: 576px, md: 768px, lg: 992px, xl: 1200px))\n// "" (Returns a blank string)\n// >> breakpoint-infix(sm, (xs: 0, sm: 576px, md: 768px, lg: 992px, xl: 1200px))\n// "-sm"\n@function breakpoint-infix($name, $breakpoints: $grid-breakpoints) {\n @return if(breakpoint-min($name, $breakpoints) == null, "", "-#{$name}");\n}\n\n// Media of at least the minimum breakpoint width. No query for the smallest breakpoint.\n// Makes the @content apply to the given breakpoint and wider.\n@mixin media-breakpoint-up($name, $breakpoints: $grid-breakpoints) {\n $min: breakpoint-min($name, $breakpoints);\n @if $min {\n @media (min-width: $min) {\n @content;\n }\n } @else {\n @content;\n }\n}\n\n// Media of at most the maximum breakpoint width. No query for the largest breakpoint.\n// Makes the @content apply to the given breakpoint and narrower.\n@mixin media-breakpoint-down($name, $breakpoints: $grid-breakpoints) {\n $max: breakpoint-max($name, $breakpoints);\n @if $max {\n @media (max-width: $max) {\n @content;\n }\n } @else {\n @content;\n }\n}\n\n// Media that spans multiple breakpoint widths.\n// Makes the @content apply between the min and max breakpoints\n@mixin media-breakpoint-between($lower, $upper, $breakpoints: $grid-breakpoints) {\n $min: breakpoint-min($lower, $breakpoints);\n $max: breakpoint-max($upper, $breakpoints);\n\n @if $min != null and $max != null {\n @media (min-width: $min) and (max-width: $max) {\n @content;\n }\n } @else if $max == null {\n @include media-breakpoint-up($lower, $breakpoints) {\n @content;\n }\n } @else if $min == null {\n @include media-breakpoint-down($upper, $breakpoints) {\n @content;\n }\n }\n}\n\n// Media between the breakpoint\'s minimum and maximum widths.\n// No minimum for the smallest breakpoint, and no maximum for the largest one.\n// Makes the @content apply only to the given breakpoint, not viewports any wider or narrower.\n@mixin media-breakpoint-only($name, $breakpoints: $grid-breakpoints) {\n $min: breakpoint-min($name, $breakpoints);\n $max: breakpoint-max($name, $breakpoints);\n\n @if $min != null and $max != null {\n @media (min-width: $min) and (max-width: $max) {\n @content;\n }\n } @else if $max == null {\n @include media-breakpoint-up($name, $breakpoints) {\n @content;\n }\n } @else if $min == null {\n @include media-breakpoint-down($name, $breakpoints) {\n @content;\n }\n }\n}\n','// Framework grid generation\n//\n// Used only by Bootstrap to generate the correct number of grid classes given\n// any value of `$grid-columns`.\n\n@mixin make-grid-columns($columns: $grid-columns, $gutter: $grid-gutter-width, $breakpoints: $grid-breakpoints) {\n // Common properties for all breakpoints\n %grid-column {\n position: relative;\n width: 100%;\n padding-right: $gutter / 2;\n padding-left: $gutter / 2;\n }\n\n @each $breakpoint in map-keys($breakpoints) {\n $infix: breakpoint-infix($breakpoint, $breakpoints);\n\n @if $columns > 0 {\n // Allow columns to stretch full width below their breakpoints\n @for $i from 1 through $columns {\n .col#{$infix}-#{$i} {\n @extend %grid-column;\n }\n }\n }\n\n .col#{$infix},\n .col#{$infix}-auto {\n @extend %grid-column;\n }\n\n @include media-breakpoint-up($breakpoint, $breakpoints) {\n // Provide basic `.col-{bp}` classes for equal-width flexbox columns\n .col#{$infix} {\n flex-basis: 0;\n flex-grow: 1;\n max-width: 100%;\n }\n\n @if $grid-row-columns > 0 {\n @for $i from 1 through $grid-row-columns {\n .row-cols#{$infix}-#{$i} {\n @include row-cols($i);\n }\n }\n }\n\n .col#{$infix}-auto {\n @include make-col-auto();\n }\n\n @if $columns > 0 {\n @for $i from 1 through $columns {\n .col#{$infix}-#{$i} {\n @include make-col($i, $columns);\n }\n }\n }\n\n .order#{$infix}-first { order: -1; }\n\n .order#{$infix}-last { order: $columns + 1; }\n\n @for $i from 0 through $columns {\n .order#{$infix}-#{$i} { order: $i; }\n }\n\n @if $columns > 0 {\n // `$columns - 1` because offsetting by the width of an entire row isn\'t possible\n @for $i from 0 through ($columns - 1) {\n @if not ($infix == "" and $i == 0) { // Avoid emitting useless .offset-0\n .offset#{$infix}-#{$i} {\n @include make-col-offset($i, $columns);\n }\n }\n }\n }\n }\n }\n}\n',"//\n// Basic Bootstrap table\n//\n\n.table {\n width: 100%;\n margin-bottom: $spacer;\n color: $table-color;\n background-color: $table-bg; // Reset for nesting within parents with `background-color`.\n\n th,\n td {\n padding: $table-cell-padding;\n vertical-align: top;\n border-top: $table-border-width solid $table-border-color;\n }\n\n thead th {\n vertical-align: bottom;\n border-bottom: (2 * $table-border-width) solid $table-border-color;\n }\n\n tbody + tbody {\n border-top: (2 * $table-border-width) solid $table-border-color;\n }\n}\n\n\n//\n// Condensed table w/ half padding\n//\n\n.table-sm {\n th,\n td {\n padding: $table-cell-padding-sm;\n }\n}\n\n\n// Border versions\n//\n// Add or remove borders all around the table and between all the columns.\n\n.table-bordered {\n border: $table-border-width solid $table-border-color;\n\n th,\n td {\n border: $table-border-width solid $table-border-color;\n }\n\n thead {\n th,\n td {\n border-bottom-width: 2 * $table-border-width;\n }\n }\n}\n\n.table-borderless {\n th,\n td,\n thead th,\n tbody + tbody {\n border: 0;\n }\n}\n\n// Zebra-striping\n//\n// Default zebra-stripe styles (alternating gray and transparent backgrounds)\n\n.table-striped {\n tbody tr:nth-of-type(#{$table-striped-order}) {\n background-color: $table-accent-bg;\n }\n}\n\n\n// Hover effect\n//\n// Placed here since it has to come after the potential zebra striping\n\n.table-hover {\n tbody tr {\n @include hover() {\n color: $table-hover-color;\n background-color: $table-hover-bg;\n }\n }\n}\n\n\n// Table backgrounds\n//\n// Exact selectors below required to override `.table-striped` and prevent\n// inheritance to nested tables.\n\n@each $color, $value in $theme-colors {\n @include table-row-variant($color, theme-color-level($color, $table-bg-level), theme-color-level($color, $table-border-level));\n}\n\n@include table-row-variant(active, $table-active-bg);\n\n\n// Dark styles\n//\n// Same table markup, but inverted color scheme: dark background and light text.\n\n// stylelint-disable-next-line no-duplicate-selectors\n.table {\n .thead-dark {\n th {\n color: $table-dark-color;\n background-color: $table-dark-bg;\n border-color: $table-dark-border-color;\n }\n }\n\n .thead-light {\n th {\n color: $table-head-color;\n background-color: $table-head-bg;\n border-color: $table-border-color;\n }\n }\n}\n\n.table-dark {\n color: $table-dark-color;\n background-color: $table-dark-bg;\n\n th,\n td,\n thead th {\n border-color: $table-dark-border-color;\n }\n\n &.table-bordered {\n border: 0;\n }\n\n &.table-striped {\n tbody tr:nth-of-type(#{$table-striped-order}) {\n background-color: $table-dark-accent-bg;\n }\n }\n\n &.table-hover {\n tbody tr {\n @include hover() {\n color: $table-dark-hover-color;\n background-color: $table-dark-hover-bg;\n }\n }\n }\n}\n\n\n// Responsive tables\n//\n// Generate series of `.table-responsive-*` classes for configuring the screen\n// size of where your table will overflow.\n\n.table-responsive {\n @each $breakpoint in map-keys($grid-breakpoints) {\n $next: breakpoint-next($breakpoint, $grid-breakpoints);\n $infix: breakpoint-infix($next, $grid-breakpoints);\n\n &#{$infix} {\n @include media-breakpoint-down($breakpoint) {\n display: block;\n width: 100%;\n overflow-x: auto;\n -webkit-overflow-scrolling: touch;\n\n // Prevent double border on horizontal scroll due to use of `display: block;`\n > .table-bordered {\n border: 0;\n }\n }\n }\n }\n}\n","// Tables\n\n@mixin table-row-variant($state, $background, $border: null) {\n // Exact selectors below required to override `.table-striped` and prevent\n // inheritance to nested tables.\n .table-#{$state} {\n &,\n > th,\n > td {\n background-color: $background;\n }\n\n @if $border != null {\n th,\n td,\n thead th,\n tbody + tbody {\n border-color: $border;\n }\n }\n }\n\n // Hover states for `.table-hover`\n // Note: this is not available for cells or rows within `thead` or `tfoot`.\n .table-hover {\n $hover-background: darken($background, 5%);\n\n .table-#{$state} {\n @include hover() {\n background-color: $hover-background;\n\n > td,\n > th {\n background-color: $hover-background;\n }\n }\n }\n }\n}\n",'// stylelint-disable selector-no-qualifying-type\n\n//\n// Textual form controls\n//\n\n.form-control {\n display: block;\n width: 100%;\n height: $input-height;\n padding: $input-padding-y $input-padding-x;\n font-family: $input-font-family;\n @include font-size($input-font-size);\n font-weight: $input-font-weight;\n line-height: $input-line-height;\n color: $input-color;\n background-color: $input-bg;\n background-clip: padding-box;\n border: $input-border-width solid $input-border-color;\n\n // Note: This has no effect on <select>s in some browsers, due to the limited stylability of `<select>`s in CSS.\n @include border-radius($input-border-radius, 0);\n\n @include box-shadow($input-box-shadow);\n @include transition($input-transition);\n\n // Unstyle the caret on `<select>`s in IE10+.\n &::-ms-expand {\n background-color: transparent;\n border: 0;\n }\n\n // Remove select outline from select box in FF\n &:-moz-focusring {\n color: transparent;\n text-shadow: 0 0 0 $input-color;\n }\n\n // Customize the `:focus` state to imitate native WebKit styles.\n @include form-control-focus($ignore-warning: true);\n\n // Placeholder\n &::placeholder {\n color: $input-placeholder-color;\n // Override Firefox\'s unusual default opacity; see https://github.com/twbs/bootstrap/pull/11526.\n opacity: 1;\n }\n\n // Disabled and read-only inputs\n //\n // HTML5 says that controls under a fieldset > legend:first-child won\'t be\n // disabled if the fieldset is disabled. Due to implementation difficulty, we\n // don\'t honor that edge case; we style them as disabled anyway.\n &:disabled,\n &[readonly] {\n background-color: $input-disabled-bg;\n // iOS fix for unreadable disabled content; see https://github.com/twbs/bootstrap/issues/11655.\n opacity: 1;\n }\n}\n\ninput[type="date"],\ninput[type="time"],\ninput[type="datetime-local"],\ninput[type="month"] {\n &.form-control {\n appearance: none; // Fix appearance for date inputs in Safari\n }\n}\n\nselect.form-control {\n &:focus::-ms-value {\n // Suppress the nested default white text on blue background highlight given to\n // the selected option text when the (still closed) <select> receives focus\n // in IE and (under certain conditions) Edge, as it looks bad and cannot be made to\n // match the appearance of the native widget.\n // See https://github.com/twbs/bootstrap/issues/19398.\n color: $input-color;\n background-color: $input-bg;\n }\n}\n\n// Make file inputs better match text inputs by forcing them to new lines.\n.form-control-file,\n.form-control-range {\n display: block;\n width: 100%;\n}\n\n\n//\n// Labels\n//\n\n// For use with horizontal and inline forms, when you need the label (or legend)\n// text to align with the form controls.\n.col-form-label {\n padding-top: add($input-padding-y, $input-border-width);\n padding-bottom: add($input-padding-y, $input-border-width);\n margin-bottom: 0; // Override the `<label>/<legend>` default\n @include font-size(inherit); // Override the `<legend>` default\n line-height: $input-line-height;\n}\n\n.col-form-label-lg {\n padding-top: add($input-padding-y-lg, $input-border-width);\n padding-bottom: add($input-padding-y-lg, $input-border-width);\n @include font-size($input-font-size-lg);\n line-height: $input-line-height-lg;\n}\n\n.col-form-label-sm {\n padding-top: add($input-padding-y-sm, $input-border-width);\n padding-bottom: add($input-padding-y-sm, $input-border-width);\n @include font-size($input-font-size-sm);\n line-height: $input-line-height-sm;\n}\n\n\n// Readonly controls as plain text\n//\n// Apply class to a readonly input to make it appear like regular plain\n// text (without any border, background color, focus indicator)\n\n.form-control-plaintext {\n display: block;\n width: 100%;\n padding: $input-padding-y 0;\n margin-bottom: 0; // match inputs if this class comes on inputs with default margins\n @include font-size($input-font-size);\n line-height: $input-line-height;\n color: $input-plaintext-color;\n background-color: transparent;\n border: solid transparent;\n border-width: $input-border-width 0;\n\n &.form-control-sm,\n &.form-control-lg {\n padding-right: 0;\n padding-left: 0;\n }\n}\n\n\n// Form control sizing\n//\n// Build on `.form-control` with modifier classes to decrease or increase the\n// height and font-size of form controls.\n//\n// Repeated in `_input_group.scss` to avoid Sass extend issues.\n\n.form-control-sm {\n height: $input-height-sm;\n padding: $input-padding-y-sm $input-padding-x-sm;\n @include font-size($input-font-size-sm);\n line-height: $input-line-height-sm;\n @include border-radius($input-border-radius-sm);\n}\n\n.form-control-lg {\n height: $input-height-lg;\n padding: $input-padding-y-lg $input-padding-x-lg;\n @include font-size($input-font-size-lg);\n line-height: $input-line-height-lg;\n @include border-radius($input-border-radius-lg);\n}\n\n// stylelint-disable-next-line no-duplicate-selectors\nselect.form-control {\n &[size],\n &[multiple] {\n height: auto;\n }\n}\n\ntextarea.form-control {\n height: auto;\n}\n\n// Form groups\n//\n// Designed to help with the organization and spacing of vertical forms. For\n// horizontal forms, use the predefined grid classes.\n\n.form-group {\n margin-bottom: $form-group-margin-bottom;\n}\n\n.form-text {\n display: block;\n margin-top: $form-text-margin-top;\n}\n\n\n// Form grid\n//\n// Special replacement for our grid system\'s `.row` for tighter form layouts.\n\n.form-row {\n display: flex;\n flex-wrap: wrap;\n margin-right: -$form-grid-gutter-width / 2;\n margin-left: -$form-grid-gutter-width / 2;\n\n > .col,\n > [class*="col-"] {\n padding-right: $form-grid-gutter-width / 2;\n padding-left: $form-grid-gutter-width / 2;\n }\n}\n\n\n// Checkboxes and radios\n//\n// Indent the labels to position radios/checkboxes as hanging controls.\n\n.form-check {\n position: relative;\n display: block;\n padding-left: $form-check-input-gutter;\n}\n\n.form-check-input {\n position: absolute;\n margin-top: $form-check-input-margin-y;\n margin-left: -$form-check-input-gutter;\n\n // Use [disabled] and :disabled for workaround https://github.com/twbs/bootstrap/issues/28247\n &[disabled] ~ .form-check-label,\n &:disabled ~ .form-check-label {\n color: $text-muted;\n }\n}\n\n.form-check-label {\n margin-bottom: 0; // Override default `<label>` bottom margin\n}\n\n.form-check-inline {\n display: inline-flex;\n align-items: center;\n padding-left: 0; // Override base .form-check\n margin-right: $form-check-inline-margin-x;\n\n // Undo .form-check-input defaults and add some `margin-right`.\n .form-check-input {\n position: static;\n margin-top: 0;\n margin-right: $form-check-inline-input-margin-x;\n margin-left: 0;\n }\n}\n\n\n// Form validation\n//\n// Provide feedback to users when form field values are valid or invalid. Works\n// primarily for client-side validation via scoped `:invalid` and `:valid`\n// pseudo-classes but also includes `.is-invalid` and `.is-valid` classes for\n// server side validation.\n\n@each $state, $data in $form-validation-states {\n @include form-validation-state($state, map-get($data, color), map-get($data, icon));\n}\n\n// Inline forms\n//\n// Make forms appear inline(-block) by adding the `.form-inline` class. Inline\n// forms begin stacked on extra small (mobile) devices and then go inline when\n// viewports reach <768px.\n//\n// Requires wrapping inputs and labels with `.form-group` for proper display of\n// default HTML form controls and our custom form controls (e.g., input groups).\n\n.form-inline {\n display: flex;\n flex-flow: row wrap;\n align-items: center; // Prevent shorter elements from growing to same height as others (e.g., small buttons growing to normal sized button height)\n\n // Because we use flex, the initial sizing of checkboxes is collapsed and\n // doesn\'t occupy the full-width (which is what we want for xs grid tier),\n // so we force that here.\n .form-check {\n width: 100%;\n }\n\n // Kick in the inline\n @include media-breakpoint-up(sm) {\n label {\n display: flex;\n align-items: center;\n justify-content: center;\n margin-bottom: 0;\n }\n\n // Inline-block all the things for "inline"\n .form-group {\n display: flex;\n flex: 0 0 auto;\n flex-flow: row wrap;\n align-items: center;\n margin-bottom: 0;\n }\n\n // Allow folks to *not* use `.form-group`\n .form-control {\n display: inline-block;\n width: auto; // Prevent labels from stacking above inputs in `.form-group`\n vertical-align: middle;\n }\n\n // Make static controls behave like regular ones\n .form-control-plaintext {\n display: inline-block;\n }\n\n .input-group,\n .custom-select {\n width: auto;\n }\n\n // Remove default margin on radios/checkboxes that were used for stacking, and\n // then undo the floating of radios and checkboxes to match.\n .form-check {\n display: flex;\n align-items: center;\n justify-content: center;\n width: auto;\n padding-left: 0;\n }\n .form-check-input {\n position: relative;\n flex-shrink: 0;\n margin-top: 0;\n margin-right: $form-check-input-margin-x;\n margin-left: 0;\n }\n\n .custom-control {\n align-items: center;\n justify-content: center;\n }\n .custom-control-label {\n margin-bottom: 0;\n }\n }\n}\n',"// stylelint-disable property-disallowed-list\n@mixin transition($transition...) {\n @if length($transition) == 0 {\n $transition: $transition-base;\n }\n\n @if length($transition) > 1 {\n @each $value in $transition {\n @if $value == null or $value == none {\n @warn \"The keyword 'none' or 'null' must be used as a single argument.\";\n }\n }\n }\n\n @if $enable-transitions {\n @if nth($transition, 1) != null {\n transition: $transition;\n }\n\n @if $enable-prefers-reduced-motion-media-query and nth($transition, 1) != null and nth($transition, 1) != none {\n @media (prefers-reduced-motion: reduce) {\n transition: none;\n }\n }\n }\n}\n",'// Form control focus state\n//\n// Generate a customized focus state and for any input with the specified color,\n// which defaults to the `$input-focus-border-color` variable.\n//\n// We highly encourage you to not customize the default value, but instead use\n// this to tweak colors on an as-needed basis. This aesthetic change is based on\n// WebKit\'s default styles, but applicable to a wider range of browsers. Its\n// usability and accessibility should be taken into account with any change.\n//\n// Example usage: change the default blue border and shadow to white for better\n// contrast against a dark gray background.\n@mixin form-control-focus($ignore-warning: false) {\n &:focus {\n color: $input-focus-color;\n background-color: $input-focus-bg;\n border-color: $input-focus-border-color;\n outline: 0;\n @if $enable-shadows {\n @include box-shadow($input-box-shadow, $input-focus-box-shadow);\n } @else {\n // Avoid using mixin so we can pass custom focus shadow properly\n box-shadow: $input-focus-box-shadow;\n }\n }\n @include deprecate("The `form-control-focus()` mixin", "v4.4.0", "v5", $ignore-warning);\n}\n\n// This mixin uses an `if()` technique to be compatible with Dart Sass\n// See https://github.com/sass/sass/issues/1873#issuecomment-152293725 for more details\n@mixin form-validation-state-selector($state) {\n @if ($state == "valid" or $state == "invalid") {\n .was-validated #{if(&, "&", "")}:#{$state},\n #{if(&, "&", "")}.is-#{$state} {\n @content;\n }\n } @else {\n #{if(&, "&", "")}.is-#{$state} {\n @content;\n }\n }\n}\n\n@mixin form-validation-state($state, $color, $icon) {\n .#{$state}-feedback {\n display: none;\n width: 100%;\n margin-top: $form-feedback-margin-top;\n @include font-size($form-feedback-font-size);\n color: $color;\n }\n\n .#{$state}-tooltip {\n position: absolute;\n top: 100%;\n left: 0;\n z-index: 5;\n display: none;\n max-width: 100%; // Contain to parent when possible\n padding: $form-feedback-tooltip-padding-y $form-feedback-tooltip-padding-x;\n margin-top: .1rem;\n @include font-size($form-feedback-tooltip-font-size);\n line-height: $form-feedback-tooltip-line-height;\n color: color-yiq($color);\n background-color: rgba($color, $form-feedback-tooltip-opacity);\n @include border-radius($form-feedback-tooltip-border-radius);\n\n // See https://github.com/twbs/bootstrap/pull/31557\n // Align tooltip to form elements\n .form-row > .col > &,\n .form-row > [class*="col-"] > & {\n left: $form-grid-gutter-width / 2;\n }\n }\n\n @include form-validation-state-selector($state) {\n ~ .#{$state}-feedback,\n ~ .#{$state}-tooltip {\n display: block;\n }\n }\n\n .form-control {\n @include form-validation-state-selector($state) {\n border-color: $color;\n\n @if $enable-validation-icons {\n padding-right: $input-height-inner;\n background-image: escape-svg($icon);\n background-repeat: no-repeat;\n background-position: right $input-height-inner-quarter center;\n background-size: $input-height-inner-half $input-height-inner-half;\n }\n\n &:focus {\n border-color: $color;\n box-shadow: 0 0 0 $input-focus-width rgba($color, .25);\n }\n }\n }\n\n // stylelint-disable-next-line selector-no-qualifying-type\n textarea.form-control {\n @include form-validation-state-selector($state) {\n @if $enable-validation-icons {\n padding-right: $input-height-inner;\n background-position: top $input-height-inner-quarter right $input-height-inner-quarter;\n }\n }\n }\n\n .custom-select {\n @include form-validation-state-selector($state) {\n border-color: $color;\n\n @if $enable-validation-icons {\n padding-right: $custom-select-feedback-icon-padding-right;\n background: $custom-select-background, $custom-select-bg escape-svg($icon) $custom-select-feedback-icon-position / $custom-select-feedback-icon-size no-repeat;\n }\n\n &:focus {\n border-color: $color;\n box-shadow: 0 0 0 $input-focus-width rgba($color, .25);\n }\n }\n }\n\n .form-check-input {\n @include form-validation-state-selector($state) {\n ~ .form-check-label {\n color: $color;\n }\n\n ~ .#{$state}-feedback,\n ~ .#{$state}-tooltip {\n display: block;\n }\n }\n }\n\n .custom-control-input {\n @include form-validation-state-selector($state) {\n ~ .custom-control-label {\n color: $color;\n\n &::before {\n border-color: $color;\n }\n }\n\n &:checked {\n ~ .custom-control-label::before {\n border-color: lighten($color, 10%);\n @include gradient-bg(lighten($color, 10%));\n }\n }\n\n &:focus {\n ~ .custom-control-label::before {\n box-shadow: 0 0 0 $input-focus-width rgba($color, .25);\n }\n\n &:not(:checked) ~ .custom-control-label::before {\n border-color: $color;\n }\n }\n }\n }\n\n // custom file\n .custom-file-input {\n @include form-validation-state-selector($state) {\n ~ .custom-file-label {\n border-color: $color;\n }\n\n &:focus {\n ~ .custom-file-label {\n border-color: $color;\n box-shadow: 0 0 0 $input-focus-width rgba($color, .25);\n }\n }\n }\n }\n}\n',"// Gradients\n\n@mixin gradient-bg($color) {\n @if $enable-gradients {\n background: $color linear-gradient(180deg, mix($body-bg, $color, 15%), $color) repeat-x;\n } @else {\n background-color: $color;\n }\n}\n\n// Horizontal gradient, from left to right\n//\n// Creates two color stops, start and end, by specifying a color and position for each color stop.\n@mixin gradient-x($start-color: $gray-700, $end-color: $gray-800, $start-percent: 0%, $end-percent: 100%) {\n background-image: linear-gradient(to right, $start-color $start-percent, $end-color $end-percent);\n background-repeat: repeat-x;\n}\n\n// Vertical gradient, from top to bottom\n//\n// Creates two color stops, start and end, by specifying a color and position for each color stop.\n@mixin gradient-y($start-color: $gray-700, $end-color: $gray-800, $start-percent: 0%, $end-percent: 100%) {\n background-image: linear-gradient(to bottom, $start-color $start-percent, $end-color $end-percent);\n background-repeat: repeat-x;\n}\n\n@mixin gradient-directional($start-color: $gray-700, $end-color: $gray-800, $deg: 45deg) {\n background-image: linear-gradient($deg, $start-color, $end-color);\n background-repeat: repeat-x;\n}\n@mixin gradient-x-three-colors($start-color: $blue, $mid-color: $purple, $color-stop: 50%, $end-color: $red) {\n background-image: linear-gradient(to right, $start-color, $mid-color $color-stop, $end-color);\n background-repeat: no-repeat;\n}\n@mixin gradient-y-three-colors($start-color: $blue, $mid-color: $purple, $color-stop: 50%, $end-color: $red) {\n background-image: linear-gradient($start-color, $mid-color $color-stop, $end-color);\n background-repeat: no-repeat;\n}\n@mixin gradient-radial($inner-color: $gray-700, $outer-color: $gray-800) {\n background-image: radial-gradient(circle, $inner-color, $outer-color);\n background-repeat: no-repeat;\n}\n@mixin gradient-striped($color: rgba($white, .15), $angle: 45deg) {\n background-image: linear-gradient($angle, $color 25%, transparent 25%, transparent 50%, $color 50%, $color 75%, transparent 75%, transparent);\n}\n",'// stylelint-disable selector-no-qualifying-type\n\n//\n// Base styles\n//\n\n.btn {\n display: inline-block;\n font-family: $btn-font-family;\n font-weight: $btn-font-weight;\n color: $body-color;\n text-align: center;\n text-decoration: if($link-decoration == none, null, none);\n white-space: $btn-white-space;\n vertical-align: middle;\n user-select: none;\n background-color: transparent;\n border: $btn-border-width solid transparent;\n @include button-size($btn-padding-y, $btn-padding-x, $btn-font-size, $btn-line-height, $btn-border-radius);\n @include transition($btn-transition);\n\n @include hover() {\n color: $body-color;\n text-decoration: none;\n }\n\n &:focus,\n &.focus {\n outline: 0;\n box-shadow: $btn-focus-box-shadow;\n }\n\n // Disabled comes first so active can properly restyle\n &.disabled,\n &:disabled {\n opacity: $btn-disabled-opacity;\n @include box-shadow(none);\n }\n\n &:not(:disabled):not(.disabled) {\n cursor: if($enable-pointer-cursor-for-buttons, pointer, null);\n\n &:active,\n &.active {\n @include box-shadow($btn-active-box-shadow);\n\n &:focus {\n @include box-shadow($btn-focus-box-shadow, $btn-active-box-shadow);\n }\n }\n }\n}\n\n// Future-proof disabling of clicks on `<a>` elements\na.btn.disabled,\nfieldset:disabled a.btn {\n pointer-events: none;\n}\n\n\n//\n// Alternate buttons\n//\n\n@each $color, $value in $theme-colors {\n .btn-#{$color} {\n @include button-variant($value, $value);\n }\n}\n\n@each $color, $value in $theme-colors {\n .btn-outline-#{$color} {\n @include button-outline-variant($value);\n }\n}\n\n\n//\n// Link buttons\n//\n\n// Make a button look and behave like a link\n.btn-link {\n font-weight: $font-weight-normal;\n color: $link-color;\n text-decoration: $link-decoration;\n\n @include hover() {\n color: $link-hover-color;\n text-decoration: $link-hover-decoration;\n }\n\n &:focus,\n &.focus {\n text-decoration: $link-hover-decoration;\n }\n\n &:disabled,\n &.disabled {\n color: $btn-link-disabled-color;\n pointer-events: none;\n }\n\n // No need for an active state here\n}\n\n\n//\n// Button Sizes\n//\n\n.btn-lg {\n @include button-size($btn-padding-y-lg, $btn-padding-x-lg, $btn-font-size-lg, $btn-line-height-lg, $btn-border-radius-lg);\n}\n\n.btn-sm {\n @include button-size($btn-padding-y-sm, $btn-padding-x-sm, $btn-font-size-sm, $btn-line-height-sm, $btn-border-radius-sm);\n}\n\n\n//\n// Block button\n//\n\n.btn-block {\n display: block;\n width: 100%;\n\n // Vertically space out multiple block buttons\n + .btn-block {\n margin-top: $btn-block-spacing-y;\n }\n}\n\n// Specificity overrides\ninput[type="submit"],\ninput[type="reset"],\ninput[type="button"] {\n &.btn-block {\n width: 100%;\n }\n}\n',"// Button variants\n//\n// Easily pump out default styles, as well as :hover, :focus, :active,\n// and disabled options for all buttons\n\n@mixin button-variant($background, $border, $hover-background: darken($background, 7.5%), $hover-border: darken($border, 10%), $active-background: darken($background, 10%), $active-border: darken($border, 12.5%)) {\n color: color-yiq($background);\n @include gradient-bg($background);\n border-color: $border;\n @include box-shadow($btn-box-shadow);\n\n @include hover() {\n color: color-yiq($hover-background);\n @include gradient-bg($hover-background);\n border-color: $hover-border;\n }\n\n &:focus,\n &.focus {\n color: color-yiq($hover-background);\n @include gradient-bg($hover-background);\n border-color: $hover-border;\n @if $enable-shadows {\n @include box-shadow($btn-box-shadow, 0 0 0 $btn-focus-width rgba(mix(color-yiq($background), $border, 15%), .5));\n } @else {\n // Avoid using mixin so we can pass custom focus shadow properly\n box-shadow: 0 0 0 $btn-focus-width rgba(mix(color-yiq($background), $border, 15%), .5);\n }\n }\n\n // Disabled comes first so active can properly restyle\n &.disabled,\n &:disabled {\n color: color-yiq($background);\n background-color: $background;\n border-color: $border;\n // Remove CSS gradients if they're enabled\n @if $enable-gradients {\n background-image: none;\n }\n }\n\n &:not(:disabled):not(.disabled):active,\n &:not(:disabled):not(.disabled).active,\n .show > &.dropdown-toggle {\n color: color-yiq($active-background);\n background-color: $active-background;\n @if $enable-gradients {\n background-image: none; // Remove the gradient for the pressed/active state\n }\n border-color: $active-border;\n\n &:focus {\n @if $enable-shadows and $btn-active-box-shadow != none {\n @include box-shadow($btn-active-box-shadow, 0 0 0 $btn-focus-width rgba(mix(color-yiq($background), $border, 15%), .5));\n } @else {\n // Avoid using mixin so we can pass custom focus shadow properly\n box-shadow: 0 0 0 $btn-focus-width rgba(mix(color-yiq($background), $border, 15%), .5);\n }\n }\n }\n}\n\n@mixin button-outline-variant($color, $color-hover: color-yiq($color), $active-background: $color, $active-border: $color) {\n color: $color;\n border-color: $color;\n\n @include hover() {\n color: $color-hover;\n background-color: $active-background;\n border-color: $active-border;\n }\n\n &:focus,\n &.focus {\n box-shadow: 0 0 0 $btn-focus-width rgba($color, .5);\n }\n\n &.disabled,\n &:disabled {\n color: $color;\n background-color: transparent;\n }\n\n &:not(:disabled):not(.disabled):active,\n &:not(:disabled):not(.disabled).active,\n .show > &.dropdown-toggle {\n color: color-yiq($active-background);\n background-color: $active-background;\n border-color: $active-border;\n\n &:focus {\n @if $enable-shadows and $btn-active-box-shadow != none {\n @include box-shadow($btn-active-box-shadow, 0 0 0 $btn-focus-width rgba($color, .5));\n } @else {\n // Avoid using mixin so we can pass custom focus shadow properly\n box-shadow: 0 0 0 $btn-focus-width rgba($color, .5);\n }\n }\n }\n}\n\n// Button sizes\n@mixin button-size($padding-y, $padding-x, $font-size, $line-height, $border-radius) {\n padding: $padding-y $padding-x;\n @include font-size($font-size);\n line-height: $line-height;\n // Manually declare to provide an override to the browser default\n @include border-radius($border-radius, 0);\n}\n",".fade {\n @include transition($transition-fade);\n\n &:not(.show) {\n opacity: 0;\n }\n}\n\n.collapse {\n &:not(.show) {\n display: none;\n }\n}\n\n.collapsing {\n position: relative;\n height: 0;\n overflow: hidden;\n @include transition($transition-collapse);\n}\n",'// The dropdown wrapper (`<div>`)\n.dropup,\n.dropright,\n.dropdown,\n.dropleft {\n position: relative;\n}\n\n.dropdown-toggle {\n white-space: nowrap;\n\n // Generate the caret automatically\n @include caret();\n}\n\n// The dropdown menu\n.dropdown-menu {\n position: absolute;\n top: 100%;\n left: 0;\n z-index: $zindex-dropdown;\n display: none; // none by default, but block on "open" of the menu\n float: left;\n min-width: $dropdown-min-width;\n padding: $dropdown-padding-y $dropdown-padding-x;\n margin: $dropdown-spacer 0 0; // override default ul\n @include font-size($dropdown-font-size);\n color: $dropdown-color;\n text-align: left; // Ensures proper alignment if parent has it changed (e.g., modal footer)\n list-style: none;\n background-color: $dropdown-bg;\n background-clip: padding-box;\n border: $dropdown-border-width solid $dropdown-border-color;\n @include border-radius($dropdown-border-radius);\n @include box-shadow($dropdown-box-shadow);\n}\n\n@each $breakpoint in map-keys($grid-breakpoints) {\n @include media-breakpoint-up($breakpoint) {\n $infix: breakpoint-infix($breakpoint, $grid-breakpoints);\n\n .dropdown-menu#{$infix}-left {\n right: auto;\n left: 0;\n }\n\n .dropdown-menu#{$infix}-right {\n right: 0;\n left: auto;\n }\n }\n}\n\n// Allow for dropdowns to go bottom up (aka, dropup-menu)\n// Just add .dropup after the standard .dropdown class and you\'re set.\n.dropup {\n .dropdown-menu {\n top: auto;\n bottom: 100%;\n margin-top: 0;\n margin-bottom: $dropdown-spacer;\n }\n\n .dropdown-toggle {\n @include caret(up);\n }\n}\n\n.dropright {\n .dropdown-menu {\n top: 0;\n right: auto;\n left: 100%;\n margin-top: 0;\n margin-left: $dropdown-spacer;\n }\n\n .dropdown-toggle {\n @include caret(right);\n &::after {\n vertical-align: 0;\n }\n }\n}\n\n.dropleft {\n .dropdown-menu {\n top: 0;\n right: 100%;\n left: auto;\n margin-top: 0;\n margin-right: $dropdown-spacer;\n }\n\n .dropdown-toggle {\n @include caret(left);\n &::before {\n vertical-align: 0;\n }\n }\n}\n\n// When Popper is enabled, reset the basic dropdown position\n// stylelint-disable-next-line no-duplicate-selectors\n.dropdown-menu {\n &[x-placement^="top"],\n &[x-placement^="right"],\n &[x-placement^="bottom"],\n &[x-placement^="left"] {\n right: auto;\n bottom: auto;\n }\n}\n\n// Dividers (basically an `<hr>`) within the dropdown\n.dropdown-divider {\n @include nav-divider($dropdown-divider-bg, $dropdown-divider-margin-y, true);\n}\n\n// Links, buttons, and more within the dropdown menu\n//\n// `<button>`-specific styles are denoted with `// For <button>s`\n.dropdown-item {\n display: block;\n width: 100%; // For `<button>`s\n padding: $dropdown-item-padding-y $dropdown-item-padding-x;\n clear: both;\n font-weight: $font-weight-normal;\n color: $dropdown-link-color;\n text-align: inherit; // For `<button>`s\n text-decoration: if($link-decoration == none, null, none);\n white-space: nowrap; // prevent links from randomly breaking onto new lines\n background-color: transparent; // For `<button>`s\n border: 0; // For `<button>`s\n\n // Prevent dropdown overflow if there\'s no padding\n // See https://github.com/twbs/bootstrap/pull/27703\n @if $dropdown-padding-y == 0 {\n &:first-child {\n @include border-top-radius($dropdown-inner-border-radius);\n }\n\n &:last-child {\n @include border-bottom-radius($dropdown-inner-border-radius);\n }\n }\n\n @include hover-focus() {\n color: $dropdown-link-hover-color;\n text-decoration: none;\n @include gradient-bg($dropdown-link-hover-bg);\n }\n\n &.active,\n &:active {\n color: $dropdown-link-active-color;\n text-decoration: none;\n @include gradient-bg($dropdown-link-active-bg);\n }\n\n &.disabled,\n &:disabled {\n color: $dropdown-link-disabled-color;\n pointer-events: none;\n background-color: transparent;\n // Remove CSS gradients if they\'re enabled\n @if $enable-gradients {\n background-image: none;\n }\n }\n}\n\n.dropdown-menu.show {\n display: block;\n}\n\n// Dropdown section headers\n.dropdown-header {\n display: block;\n padding: $dropdown-header-padding;\n margin-bottom: 0; // for use with heading elements\n @include font-size($font-size-sm);\n color: $dropdown-header-color;\n white-space: nowrap; // as with > li > a\n}\n\n// Dropdown text\n.dropdown-item-text {\n display: block;\n padding: $dropdown-item-padding-y $dropdown-item-padding-x;\n color: $dropdown-link-color;\n}\n','@mixin caret-down() {\n border-top: $caret-width solid;\n border-right: $caret-width solid transparent;\n border-bottom: 0;\n border-left: $caret-width solid transparent;\n}\n\n@mixin caret-up() {\n border-top: 0;\n border-right: $caret-width solid transparent;\n border-bottom: $caret-width solid;\n border-left: $caret-width solid transparent;\n}\n\n@mixin caret-right() {\n border-top: $caret-width solid transparent;\n border-right: 0;\n border-bottom: $caret-width solid transparent;\n border-left: $caret-width solid;\n}\n\n@mixin caret-left() {\n border-top: $caret-width solid transparent;\n border-right: $caret-width solid;\n border-bottom: $caret-width solid transparent;\n}\n\n@mixin caret($direction: down) {\n @if $enable-caret {\n &::after {\n display: inline-block;\n margin-left: $caret-spacing;\n vertical-align: $caret-vertical-align;\n content: "";\n @if $direction == down {\n @include caret-down();\n } @else if $direction == up {\n @include caret-up();\n } @else if $direction == right {\n @include caret-right();\n }\n }\n\n @if $direction == left {\n &::after {\n display: none;\n }\n\n &::before {\n display: inline-block;\n margin-right: $caret-spacing;\n vertical-align: $caret-vertical-align;\n content: "";\n @include caret-left();\n }\n }\n\n &:empty::after {\n margin-left: 0;\n }\n }\n}\n','// Horizontal dividers\n//\n// Dividers (basically an hr) within dropdowns and nav lists\n\n@mixin nav-divider($color: $nav-divider-color, $margin-y: $nav-divider-margin-y, $ignore-warning: false) {\n height: 0;\n margin: $margin-y 0;\n overflow: hidden;\n border-top: 1px solid $color;\n @include deprecate("The `nav-divider()` mixin", "v4.4.0", "v5", $ignore-warning);\n}\n','// stylelint-disable selector-no-qualifying-type\n\n// Make the div behave like a button\n.btn-group,\n.btn-group-vertical {\n position: relative;\n display: inline-flex;\n vertical-align: middle; // match .btn alignment given font-size hack above\n\n > .btn {\n position: relative;\n flex: 1 1 auto;\n\n // Bring the hover, focused, and "active" buttons to the front to overlay\n // the borders properly\n @include hover() {\n z-index: 1;\n }\n &:focus,\n &:active,\n &.active {\n z-index: 1;\n }\n }\n}\n\n// Optional: Group multiple button groups together for a toolbar\n.btn-toolbar {\n display: flex;\n flex-wrap: wrap;\n justify-content: flex-start;\n\n .input-group {\n width: auto;\n }\n}\n\n.btn-group {\n // Prevent double borders when buttons are next to each other\n > .btn:not(:first-child),\n > .btn-group:not(:first-child) {\n margin-left: -$btn-border-width;\n }\n\n // Reset rounded corners\n > .btn:not(:last-child):not(.dropdown-toggle),\n > .btn-group:not(:last-child) > .btn {\n @include border-right-radius(0);\n }\n\n > .btn:not(:first-child),\n > .btn-group:not(:first-child) > .btn {\n @include border-left-radius(0);\n }\n}\n\n// Sizing\n//\n// Remix the default button sizing classes into new ones for easier manipulation.\n\n.btn-group-sm > .btn { @extend .btn-sm; }\n.btn-group-lg > .btn { @extend .btn-lg; }\n\n\n//\n// Split button dropdowns\n//\n\n.dropdown-toggle-split {\n padding-right: $btn-padding-x * .75;\n padding-left: $btn-padding-x * .75;\n\n &::after,\n .dropup &::after,\n .dropright &::after {\n margin-left: 0;\n }\n\n .dropleft &::before {\n margin-right: 0;\n }\n}\n\n.btn-sm + .dropdown-toggle-split {\n padding-right: $btn-padding-x-sm * .75;\n padding-left: $btn-padding-x-sm * .75;\n}\n\n.btn-lg + .dropdown-toggle-split {\n padding-right: $btn-padding-x-lg * .75;\n padding-left: $btn-padding-x-lg * .75;\n}\n\n\n// The clickable button for toggling the menu\n// Set the same inset shadow as the :active state\n.btn-group.show .dropdown-toggle {\n @include box-shadow($btn-active-box-shadow);\n\n // Show no shadow for `.btn-link` since it has no other button styles.\n &.btn-link {\n @include box-shadow(none);\n }\n}\n\n\n//\n// Vertical button groups\n//\n\n.btn-group-vertical {\n flex-direction: column;\n align-items: flex-start;\n justify-content: center;\n\n > .btn,\n > .btn-group {\n width: 100%;\n }\n\n > .btn:not(:first-child),\n > .btn-group:not(:first-child) {\n margin-top: -$btn-border-width;\n }\n\n // Reset rounded corners\n > .btn:not(:last-child):not(.dropdown-toggle),\n > .btn-group:not(:last-child) > .btn {\n @include border-bottom-radius(0);\n }\n\n > .btn:not(:first-child),\n > .btn-group:not(:first-child) > .btn {\n @include border-top-radius(0);\n }\n}\n\n\n// Checkbox and radio options\n//\n// In order to support the browser\'s form validation feedback, powered by the\n// `required` attribute, we have to "hide" the inputs via `clip`. We cannot use\n// `display: none;` or `visibility: hidden;` as that also hides the popover.\n// Simply visually hiding the inputs via `opacity` would leave them clickable in\n// certain cases which is prevented by using `clip` and `pointer-events`.\n// This way, we ensure a DOM element is visible to position the popover from.\n//\n// See https://github.com/twbs/bootstrap/pull/12794 and\n// https://github.com/twbs/bootstrap/pull/14559 for more information.\n\n.btn-group-toggle {\n > .btn,\n > .btn-group > .btn {\n margin-bottom: 0; // Override default `<label>` value\n\n input[type="radio"],\n input[type="checkbox"] {\n position: absolute;\n clip: rect(0, 0, 0, 0);\n pointer-events: none;\n }\n }\n}\n','// stylelint-disable selector-no-qualifying-type\n\n//\n// Base styles\n//\n\n.input-group {\n position: relative;\n display: flex;\n flex-wrap: wrap; // For form validation feedback\n align-items: stretch;\n width: 100%;\n\n > .form-control,\n > .form-control-plaintext,\n > .custom-select,\n > .custom-file {\n position: relative; // For focus state\'s z-index\n flex: 1 1 auto;\n width: 1%;\n min-width: 0; // https://stackoverflow.com/questions/36247140/why-dont-flex-items-shrink-past-content-size\n margin-bottom: 0;\n\n + .form-control,\n + .custom-select,\n + .custom-file {\n margin-left: -$input-border-width;\n }\n }\n\n // Bring the "active" form control to the top of surrounding elements\n > .form-control:focus,\n > .custom-select:focus,\n > .custom-file .custom-file-input:focus ~ .custom-file-label {\n z-index: 3;\n }\n\n // Bring the custom file input above the label\n > .custom-file .custom-file-input:focus {\n z-index: 4;\n }\n\n > .form-control,\n > .custom-select {\n &:not(:first-child) { @include border-left-radius(0); }\n }\n\n // Custom file inputs have more complex markup, thus requiring different\n // border-radius overrides.\n > .custom-file {\n display: flex;\n align-items: center;\n\n &:not(:last-child) .custom-file-label,\n &:not(:first-child) .custom-file-label { @include border-left-radius(0); }\n }\n\n &:not(.has-validation) {\n > .form-control:not(:last-child),\n > .custom-select:not(:last-child),\n > .custom-file:not(:last-child) .custom-file-label::after {\n @include border-right-radius(0);\n }\n }\n\n &.has-validation {\n > .form-control:nth-last-child(n + 3),\n > .custom-select:nth-last-child(n + 3),\n > .custom-file:nth-last-child(n + 3) .custom-file-label::after {\n @include border-right-radius(0);\n }\n }\n}\n\n\n// Prepend and append\n//\n// While it requires one extra layer of HTML for each, dedicated prepend and\n// append elements allow us to 1) be less clever, 2) simplify our selectors, and\n// 3) support HTML5 form validation.\n\n.input-group-prepend,\n.input-group-append {\n display: flex;\n\n // Ensure buttons are always above inputs for more visually pleasing borders.\n // This isn\'t needed for `.input-group-text` since it shares the same border-color\n // as our inputs.\n .btn {\n position: relative;\n z-index: 2;\n\n &:focus {\n z-index: 3;\n }\n }\n\n .btn + .btn,\n .btn + .input-group-text,\n .input-group-text + .input-group-text,\n .input-group-text + .btn {\n margin-left: -$input-border-width;\n }\n}\n\n.input-group-prepend { margin-right: -$input-border-width; }\n.input-group-append { margin-left: -$input-border-width; }\n\n\n// Textual addons\n//\n// Serves as a catch-all element for any text or radio/checkbox input you wish\n// to prepend or append to an input.\n\n.input-group-text {\n display: flex;\n align-items: center;\n padding: $input-padding-y $input-padding-x;\n margin-bottom: 0; // Allow use of <label> elements by overriding our default margin-bottom\n @include font-size($input-font-size); // Match inputs\n font-weight: $font-weight-normal;\n line-height: $input-line-height;\n color: $input-group-addon-color;\n text-align: center;\n white-space: nowrap;\n background-color: $input-group-addon-bg;\n border: $input-border-width solid $input-group-addon-border-color;\n @include border-radius($input-border-radius);\n\n // Nuke default margins from checkboxes and radios to vertically center within.\n input[type="radio"],\n input[type="checkbox"] {\n margin-top: 0;\n }\n}\n\n\n// Sizing\n//\n// Remix the default form control sizing classes into new ones for easier\n// manipulation.\n\n.input-group-lg > .form-control:not(textarea),\n.input-group-lg > .custom-select {\n height: $input-height-lg;\n}\n\n.input-group-lg > .form-control,\n.input-group-lg > .custom-select,\n.input-group-lg > .input-group-prepend > .input-group-text,\n.input-group-lg > .input-group-append > .input-group-text,\n.input-group-lg > .input-group-prepend > .btn,\n.input-group-lg > .input-group-append > .btn {\n padding: $input-padding-y-lg $input-padding-x-lg;\n @include font-size($input-font-size-lg);\n line-height: $input-line-height-lg;\n @include border-radius($input-border-radius-lg);\n}\n\n.input-group-sm > .form-control:not(textarea),\n.input-group-sm > .custom-select {\n height: $input-height-sm;\n}\n\n.input-group-sm > .form-control,\n.input-group-sm > .custom-select,\n.input-group-sm > .input-group-prepend > .input-group-text,\n.input-group-sm > .input-group-append > .input-group-text,\n.input-group-sm > .input-group-prepend > .btn,\n.input-group-sm > .input-group-append > .btn {\n padding: $input-padding-y-sm $input-padding-x-sm;\n @include font-size($input-font-size-sm);\n line-height: $input-line-height-sm;\n @include border-radius($input-border-radius-sm);\n}\n\n.input-group-lg > .custom-select,\n.input-group-sm > .custom-select {\n padding-right: $custom-select-padding-x + $custom-select-indicator-padding;\n}\n\n\n// Prepend and append rounded corners\n//\n// These rulesets must come after the sizing ones to properly override sm and lg\n// border-radius values when extending. They\'re more specific than we\'d like\n// with the `.input-group >` part, but without it, we cannot override the sizing.\n\n\n.input-group > .input-group-prepend > .btn,\n.input-group > .input-group-prepend > .input-group-text,\n.input-group:not(.has-validation) > .input-group-append:not(:last-child) > .btn,\n.input-group:not(.has-validation) > .input-group-append:not(:last-child) > .input-group-text,\n.input-group.has-validation > .input-group-append:nth-last-child(n + 3) > .btn,\n.input-group.has-validation > .input-group-append:nth-last-child(n + 3) > .input-group-text,\n.input-group > .input-group-append:last-child > .btn:not(:last-child):not(.dropdown-toggle),\n.input-group > .input-group-append:last-child > .input-group-text:not(:last-child) {\n @include border-right-radius(0);\n}\n\n.input-group > .input-group-append > .btn,\n.input-group > .input-group-append > .input-group-text,\n.input-group > .input-group-prepend:not(:first-child) > .btn,\n.input-group > .input-group-prepend:not(:first-child) > .input-group-text,\n.input-group > .input-group-prepend:first-child > .btn:not(:first-child),\n.input-group > .input-group-prepend:first-child > .input-group-text:not(:first-child) {\n @include border-left-radius(0);\n}\n','// Embedded icons from Open Iconic.\n// Released under MIT and copyright 2014 Waybury.\n// https://useiconic.com/open\n\n\n// Checkboxes and radios\n//\n// Base class takes care of all the key behavioral aspects.\n\n.custom-control {\n position: relative;\n z-index: 1;\n display: block;\n min-height: $font-size-base * $line-height-base;\n padding-left: $custom-control-gutter + $custom-control-indicator-size;\n color-adjust: exact; // Keep themed appearance for print\n}\n\n.custom-control-inline {\n display: inline-flex;\n margin-right: $custom-control-spacer-x;\n}\n\n.custom-control-input {\n position: absolute;\n left: 0;\n z-index: -1; // Put the input behind the label so it doesn\'t overlay text\n width: $custom-control-indicator-size;\n height: ($font-size-base * $line-height-base + $custom-control-indicator-size) / 2;\n opacity: 0;\n\n &:checked ~ .custom-control-label::before {\n color: $custom-control-indicator-checked-color;\n border-color: $custom-control-indicator-checked-border-color;\n @include gradient-bg($custom-control-indicator-checked-bg);\n @include box-shadow($custom-control-indicator-checked-box-shadow);\n }\n\n &:focus ~ .custom-control-label::before {\n // the mixin is not used here to make sure there is feedback\n @if $enable-shadows {\n box-shadow: $input-box-shadow, $custom-control-indicator-focus-box-shadow;\n } @else {\n box-shadow: $custom-control-indicator-focus-box-shadow;\n }\n }\n\n &:focus:not(:checked) ~ .custom-control-label::before {\n border-color: $custom-control-indicator-focus-border-color;\n }\n\n &:not(:disabled):active ~ .custom-control-label::before {\n color: $custom-control-indicator-active-color;\n background-color: $custom-control-indicator-active-bg;\n border-color: $custom-control-indicator-active-border-color;\n @include box-shadow($custom-control-indicator-active-box-shadow);\n }\n\n // Use [disabled] and :disabled to work around https://github.com/twbs/bootstrap/issues/28247\n &[disabled],\n &:disabled {\n ~ .custom-control-label {\n color: $custom-control-label-disabled-color;\n\n &::before {\n background-color: $custom-control-indicator-disabled-bg;\n }\n }\n }\n}\n\n// Custom control indicators\n//\n// Build the custom controls out of pseudo-elements.\n\n.custom-control-label {\n position: relative;\n margin-bottom: 0;\n color: $custom-control-label-color;\n vertical-align: top;\n cursor: $custom-control-cursor;\n\n // Background-color and (when enabled) gradient\n &::before {\n position: absolute;\n top: ($font-size-base * $line-height-base - $custom-control-indicator-size) / 2;\n left: -($custom-control-gutter + $custom-control-indicator-size);\n display: block;\n width: $custom-control-indicator-size;\n height: $custom-control-indicator-size;\n pointer-events: none;\n content: "";\n background-color: $custom-control-indicator-bg;\n border: $custom-control-indicator-border-color solid $custom-control-indicator-border-width;\n @include box-shadow($custom-control-indicator-box-shadow);\n }\n\n // Foreground (icon)\n &::after {\n position: absolute;\n top: ($font-size-base * $line-height-base - $custom-control-indicator-size) / 2;\n left: -($custom-control-gutter + $custom-control-indicator-size);\n display: block;\n width: $custom-control-indicator-size;\n height: $custom-control-indicator-size;\n content: "";\n background: 50% / #{$custom-control-indicator-bg-size} no-repeat;\n }\n}\n\n\n// Checkboxes\n//\n// Tweak just a few things for checkboxes.\n\n.custom-checkbox {\n .custom-control-label::before {\n @include border-radius($custom-checkbox-indicator-border-radius);\n }\n\n .custom-control-input:checked ~ .custom-control-label {\n &::after {\n background-image: escape-svg($custom-checkbox-indicator-icon-checked);\n }\n }\n\n .custom-control-input:indeterminate ~ .custom-control-label {\n &::before {\n border-color: $custom-checkbox-indicator-indeterminate-border-color;\n @include gradient-bg($custom-checkbox-indicator-indeterminate-bg);\n @include box-shadow($custom-checkbox-indicator-indeterminate-box-shadow);\n }\n &::after {\n background-image: escape-svg($custom-checkbox-indicator-icon-indeterminate);\n }\n }\n\n .custom-control-input:disabled {\n &:checked ~ .custom-control-label::before {\n @include gradient-bg($custom-control-indicator-checked-disabled-bg);\n }\n &:indeterminate ~ .custom-control-label::before {\n @include gradient-bg($custom-control-indicator-checked-disabled-bg);\n }\n }\n}\n\n// Radios\n//\n// Tweak just a few things for radios.\n\n.custom-radio {\n .custom-control-label::before {\n // stylelint-disable-next-line property-disallowed-list\n border-radius: $custom-radio-indicator-border-radius;\n }\n\n .custom-control-input:checked ~ .custom-control-label {\n &::after {\n background-image: escape-svg($custom-radio-indicator-icon-checked);\n }\n }\n\n .custom-control-input:disabled {\n &:checked ~ .custom-control-label::before {\n @include gradient-bg($custom-control-indicator-checked-disabled-bg);\n }\n }\n}\n\n\n// switches\n//\n// Tweak a few things for switches\n\n.custom-switch {\n padding-left: $custom-switch-width + $custom-control-gutter;\n\n .custom-control-label {\n &::before {\n left: -($custom-switch-width + $custom-control-gutter);\n width: $custom-switch-width;\n pointer-events: all;\n // stylelint-disable-next-line property-disallowed-list\n border-radius: $custom-switch-indicator-border-radius;\n }\n\n &::after {\n top: add(($font-size-base * $line-height-base - $custom-control-indicator-size) / 2, $custom-control-indicator-border-width * 2);\n left: add(-($custom-switch-width + $custom-control-gutter), $custom-control-indicator-border-width * 2);\n width: $custom-switch-indicator-size;\n height: $custom-switch-indicator-size;\n background-color: $custom-control-indicator-border-color;\n // stylelint-disable-next-line property-disallowed-list\n border-radius: $custom-switch-indicator-border-radius;\n @include transition(transform .15s ease-in-out, $custom-forms-transition);\n }\n }\n\n .custom-control-input:checked ~ .custom-control-label {\n &::after {\n background-color: $custom-control-indicator-bg;\n transform: translateX($custom-switch-width - $custom-control-indicator-size);\n }\n }\n\n .custom-control-input:disabled {\n &:checked ~ .custom-control-label::before {\n @include gradient-bg($custom-control-indicator-checked-disabled-bg);\n }\n }\n}\n\n\n// Select\n//\n// Replaces the browser default select with a custom one, mostly pulled from\n// https://primer.github.io/.\n//\n\n.custom-select {\n display: inline-block;\n width: 100%;\n height: $custom-select-height;\n padding: $custom-select-padding-y ($custom-select-padding-x + $custom-select-indicator-padding) $custom-select-padding-y $custom-select-padding-x;\n font-family: $custom-select-font-family;\n @include font-size($custom-select-font-size);\n font-weight: $custom-select-font-weight;\n line-height: $custom-select-line-height;\n color: $custom-select-color;\n vertical-align: middle;\n background: $custom-select-bg $custom-select-background;\n border: $custom-select-border-width solid $custom-select-border-color;\n @include border-radius($custom-select-border-radius, 0);\n @include box-shadow($custom-select-box-shadow);\n appearance: none;\n\n &:focus {\n border-color: $custom-select-focus-border-color;\n outline: 0;\n @if $enable-shadows {\n @include box-shadow($custom-select-box-shadow, $custom-select-focus-box-shadow);\n } @else {\n // Avoid using mixin so we can pass custom focus shadow properly\n box-shadow: $custom-select-focus-box-shadow;\n }\n\n &::-ms-value {\n // For visual consistency with other platforms/browsers,\n // suppress the default white text on blue background highlight given to\n // the selected option text when the (still closed) <select> receives focus\n // in IE and (under certain conditions) Edge.\n // See https://github.com/twbs/bootstrap/issues/19398.\n color: $input-color;\n background-color: $input-bg;\n }\n }\n\n &[multiple],\n &[size]:not([size="1"]) {\n height: auto;\n padding-right: $custom-select-padding-x;\n background-image: none;\n }\n\n &:disabled {\n color: $custom-select-disabled-color;\n background-color: $custom-select-disabled-bg;\n }\n\n // Hides the default caret in IE11\n &::-ms-expand {\n display: none;\n }\n\n // Remove outline from select box in FF\n &:-moz-focusring {\n color: transparent;\n text-shadow: 0 0 0 $custom-select-color;\n }\n}\n\n.custom-select-sm {\n height: $custom-select-height-sm;\n padding-top: $custom-select-padding-y-sm;\n padding-bottom: $custom-select-padding-y-sm;\n padding-left: $custom-select-padding-x-sm;\n @include font-size($custom-select-font-size-sm);\n}\n\n.custom-select-lg {\n height: $custom-select-height-lg;\n padding-top: $custom-select-padding-y-lg;\n padding-bottom: $custom-select-padding-y-lg;\n padding-left: $custom-select-padding-x-lg;\n @include font-size($custom-select-font-size-lg);\n}\n\n\n// File\n//\n// Custom file input.\n\n.custom-file {\n position: relative;\n display: inline-block;\n width: 100%;\n height: $custom-file-height;\n margin-bottom: 0;\n}\n\n.custom-file-input {\n position: relative;\n z-index: 2;\n width: 100%;\n height: $custom-file-height;\n margin: 0;\n overflow: hidden;\n opacity: 0;\n\n &:focus ~ .custom-file-label {\n border-color: $custom-file-focus-border-color;\n box-shadow: $custom-file-focus-box-shadow;\n }\n\n // Use [disabled] and :disabled to work around https://github.com/twbs/bootstrap/issues/28247\n &[disabled] ~ .custom-file-label,\n &:disabled ~ .custom-file-label {\n background-color: $custom-file-disabled-bg;\n }\n\n @each $lang, $value in $custom-file-text {\n &:lang(#{$lang}) ~ .custom-file-label::after {\n content: $value;\n }\n }\n\n ~ .custom-file-label[data-browse]::after {\n content: attr(data-browse);\n }\n}\n\n.custom-file-label {\n position: absolute;\n top: 0;\n right: 0;\n left: 0;\n z-index: 1;\n height: $custom-file-height;\n padding: $custom-file-padding-y $custom-file-padding-x;\n overflow: hidden;\n font-family: $custom-file-font-family;\n font-weight: $custom-file-font-weight;\n line-height: $custom-file-line-height;\n color: $custom-file-color;\n background-color: $custom-file-bg;\n border: $custom-file-border-width solid $custom-file-border-color;\n @include border-radius($custom-file-border-radius);\n @include box-shadow($custom-file-box-shadow);\n\n &::after {\n position: absolute;\n top: 0;\n right: 0;\n bottom: 0;\n z-index: 3;\n display: block;\n height: $custom-file-height-inner;\n padding: $custom-file-padding-y $custom-file-padding-x;\n line-height: $custom-file-line-height;\n color: $custom-file-button-color;\n content: "Browse";\n @include gradient-bg($custom-file-button-bg);\n border-left: inherit;\n @include border-radius(0 $custom-file-border-radius $custom-file-border-radius 0);\n }\n}\n\n// Range\n//\n// Style range inputs the same across browsers. Vendor-specific rules for pseudo\n// elements cannot be mixed. As such, there are no shared styles for focus or\n// active states on prefixed selectors.\n\n.custom-range {\n width: 100%;\n height: add($custom-range-thumb-height, $custom-range-thumb-focus-box-shadow-width * 2);\n padding: 0; // Need to reset padding\n background-color: transparent;\n appearance: none;\n\n &:focus {\n outline: 0;\n\n // Pseudo-elements must be split across multiple rulesets to have an effect.\n // No box-shadow() mixin for focus accessibility.\n &::-webkit-slider-thumb { box-shadow: $custom-range-thumb-focus-box-shadow; }\n &::-moz-range-thumb { box-shadow: $custom-range-thumb-focus-box-shadow; }\n &::-ms-thumb { box-shadow: $custom-range-thumb-focus-box-shadow; }\n }\n\n &::-moz-focus-outer {\n border: 0;\n }\n\n &::-webkit-slider-thumb {\n width: $custom-range-thumb-width;\n height: $custom-range-thumb-height;\n margin-top: ($custom-range-track-height - $custom-range-thumb-height) / 2; // Webkit specific\n @include gradient-bg($custom-range-thumb-bg);\n border: $custom-range-thumb-border;\n @include border-radius($custom-range-thumb-border-radius);\n @include box-shadow($custom-range-thumb-box-shadow);\n @include transition($custom-forms-transition);\n appearance: none;\n\n &:active {\n @include gradient-bg($custom-range-thumb-active-bg);\n }\n }\n\n &::-webkit-slider-runnable-track {\n width: $custom-range-track-width;\n height: $custom-range-track-height;\n color: transparent; // Why?\n cursor: $custom-range-track-cursor;\n background-color: $custom-range-track-bg;\n border-color: transparent;\n @include border-radius($custom-range-track-border-radius);\n @include box-shadow($custom-range-track-box-shadow);\n }\n\n &::-moz-range-thumb {\n width: $custom-range-thumb-width;\n height: $custom-range-thumb-height;\n @include gradient-bg($custom-range-thumb-bg);\n border: $custom-range-thumb-border;\n @include border-radius($custom-range-thumb-border-radius);\n @include box-shadow($custom-range-thumb-box-shadow);\n @include transition($custom-forms-transition);\n appearance: none;\n\n &:active {\n @include gradient-bg($custom-range-thumb-active-bg);\n }\n }\n\n &::-moz-range-track {\n width: $custom-range-track-width;\n height: $custom-range-track-height;\n color: transparent;\n cursor: $custom-range-track-cursor;\n background-color: $custom-range-track-bg;\n border-color: transparent; // Firefox specific?\n @include border-radius($custom-range-track-border-radius);\n @include box-shadow($custom-range-track-box-shadow);\n }\n\n &::-ms-thumb {\n width: $custom-range-thumb-width;\n height: $custom-range-thumb-height;\n margin-top: 0; // Edge specific\n margin-right: $custom-range-thumb-focus-box-shadow-width; // Workaround that overflowed box-shadow is hidden.\n margin-left: $custom-range-thumb-focus-box-shadow-width; // Workaround that overflowed box-shadow is hidden.\n @include gradient-bg($custom-range-thumb-bg);\n border: $custom-range-thumb-border;\n @include border-radius($custom-range-thumb-border-radius);\n @include box-shadow($custom-range-thumb-box-shadow);\n @include transition($custom-forms-transition);\n appearance: none;\n\n &:active {\n @include gradient-bg($custom-range-thumb-active-bg);\n }\n }\n\n &::-ms-track {\n width: $custom-range-track-width;\n height: $custom-range-track-height;\n color: transparent;\n cursor: $custom-range-track-cursor;\n background-color: transparent;\n border-color: transparent;\n border-width: $custom-range-thumb-height / 2;\n @include box-shadow($custom-range-track-box-shadow);\n }\n\n &::-ms-fill-lower {\n background-color: $custom-range-track-bg;\n @include border-radius($custom-range-track-border-radius);\n }\n\n &::-ms-fill-upper {\n margin-right: 15px; // arbitrary?\n background-color: $custom-range-track-bg;\n @include border-radius($custom-range-track-border-radius);\n }\n\n &:disabled {\n &::-webkit-slider-thumb {\n background-color: $custom-range-thumb-disabled-bg;\n }\n\n &::-webkit-slider-runnable-track {\n cursor: default;\n }\n\n &::-moz-range-thumb {\n background-color: $custom-range-thumb-disabled-bg;\n }\n\n &::-moz-range-track {\n cursor: default;\n }\n\n &::-ms-thumb {\n background-color: $custom-range-thumb-disabled-bg;\n }\n }\n}\n\n.custom-control-label::before,\n.custom-file-label,\n.custom-select {\n @include transition($custom-forms-transition);\n}\n',"// Base class\n//\n// Kickstart any navigation component with a set of style resets. Works with\n// `<nav>`s, `<ul>`s or `<ol>`s.\n\n.nav {\n display: flex;\n flex-wrap: wrap;\n padding-left: 0;\n margin-bottom: 0;\n list-style: none;\n}\n\n.nav-link {\n display: block;\n padding: $nav-link-padding-y $nav-link-padding-x;\n text-decoration: if($link-decoration == none, null, none);\n\n @include hover-focus() {\n text-decoration: none;\n }\n\n // Disabled state lightens text\n &.disabled {\n color: $nav-link-disabled-color;\n pointer-events: none;\n cursor: default;\n }\n}\n\n//\n// Tabs\n//\n\n.nav-tabs {\n border-bottom: $nav-tabs-border-width solid $nav-tabs-border-color;\n\n .nav-link {\n margin-bottom: -$nav-tabs-border-width;\n border: $nav-tabs-border-width solid transparent;\n @include border-top-radius($nav-tabs-border-radius);\n\n @include hover-focus() {\n border-color: $nav-tabs-link-hover-border-color;\n }\n\n &.disabled {\n color: $nav-link-disabled-color;\n background-color: transparent;\n border-color: transparent;\n }\n }\n\n .nav-link.active,\n .nav-item.show .nav-link {\n color: $nav-tabs-link-active-color;\n background-color: $nav-tabs-link-active-bg;\n border-color: $nav-tabs-link-active-border-color;\n }\n\n .dropdown-menu {\n // Make dropdown border overlap tab border\n margin-top: -$nav-tabs-border-width;\n // Remove the top rounded corners here since there is a hard edge above the menu\n @include border-top-radius(0);\n }\n}\n\n\n//\n// Pills\n//\n\n.nav-pills {\n .nav-link {\n @include border-radius($nav-pills-border-radius);\n }\n\n .nav-link.active,\n .show > .nav-link {\n color: $nav-pills-link-active-color;\n background-color: $nav-pills-link-active-bg;\n }\n}\n\n\n//\n// Justified variants\n//\n\n.nav-fill {\n > .nav-link,\n .nav-item {\n flex: 1 1 auto;\n text-align: center;\n }\n}\n\n.nav-justified {\n > .nav-link,\n .nav-item {\n flex-basis: 0;\n flex-grow: 1;\n text-align: center;\n }\n}\n\n\n// Tabbable tabs\n//\n// Hide tabbable panes to start, show them when `.active`\n\n.tab-content {\n > .tab-pane {\n display: none;\n }\n > .active {\n display: block;\n }\n}\n","// Contents\n//\n// Navbar\n// Navbar brand\n// Navbar nav\n// Navbar text\n// Navbar divider\n// Responsive navbar\n// Navbar position\n// Navbar themes\n\n\n// Navbar\n//\n// Provide a static navbar from which we expand to create full-width, fixed, and\n// other navbar variations.\n\n.navbar {\n position: relative;\n display: flex;\n flex-wrap: wrap; // allow us to do the line break for collapsing content\n align-items: center;\n justify-content: space-between; // space out brand from logo\n padding: $navbar-padding-y $navbar-padding-x;\n\n // Because flex properties aren't inherited, we need to redeclare these first\n // few properties so that content nested within behave properly.\n %container-flex-properties {\n display: flex;\n flex-wrap: wrap;\n align-items: center;\n justify-content: space-between;\n }\n\n .container,\n .container-fluid {\n @extend %container-flex-properties;\n }\n\n @each $breakpoint, $container-max-width in $container-max-widths {\n > .container#{breakpoint-infix($breakpoint, $container-max-widths)} {\n @extend %container-flex-properties;\n }\n }\n}\n\n\n// Navbar brand\n//\n// Used for brand, project, or site names.\n\n.navbar-brand {\n display: inline-block;\n padding-top: $navbar-brand-padding-y;\n padding-bottom: $navbar-brand-padding-y;\n margin-right: $navbar-padding-x;\n @include font-size($navbar-brand-font-size);\n line-height: inherit;\n white-space: nowrap;\n\n @include hover-focus() {\n text-decoration: none;\n }\n}\n\n\n// Navbar nav\n//\n// Custom navbar navigation (doesn't require `.nav`, but does make use of `.nav-link`).\n\n.navbar-nav {\n display: flex;\n flex-direction: column; // cannot use `inherit` to get the `.navbar`s value\n padding-left: 0;\n margin-bottom: 0;\n list-style: none;\n\n .nav-link {\n padding-right: 0;\n padding-left: 0;\n }\n\n .dropdown-menu {\n position: static;\n float: none;\n }\n}\n\n\n// Navbar text\n//\n//\n\n.navbar-text {\n display: inline-block;\n padding-top: $nav-link-padding-y;\n padding-bottom: $nav-link-padding-y;\n}\n\n\n// Responsive navbar\n//\n// Custom styles for responsive collapsing and toggling of navbar contents.\n// Powered by the collapse Bootstrap JavaScript plugin.\n\n// When collapsed, prevent the toggleable navbar contents from appearing in\n// the default flexbox row orientation. Requires the use of `flex-wrap: wrap`\n// on the `.navbar` parent.\n.navbar-collapse {\n flex-basis: 100%;\n flex-grow: 1;\n // For always expanded or extra full navbars, ensure content aligns itself\n // properly vertically. Can be easily overridden with flex utilities.\n align-items: center;\n}\n\n// Button for toggling the navbar when in its collapsed state\n.navbar-toggler {\n padding: $navbar-toggler-padding-y $navbar-toggler-padding-x;\n @include font-size($navbar-toggler-font-size);\n line-height: 1;\n background-color: transparent; // remove default button style\n border: $border-width solid transparent; // remove default button style\n @include border-radius($navbar-toggler-border-radius);\n\n @include hover-focus() {\n text-decoration: none;\n }\n}\n\n// Keep as a separate element so folks can easily override it with another icon\n// or image file as needed.\n.navbar-toggler-icon {\n display: inline-block;\n width: 1.5em;\n height: 1.5em;\n vertical-align: middle;\n content: \"\";\n background: 50% / 100% 100% no-repeat;\n}\n\n.navbar-nav-scroll {\n max-height: $navbar-nav-scroll-max-height;\n overflow-y: auto;\n}\n\n// Generate series of `.navbar-expand-*` responsive classes for configuring\n// where your navbar collapses.\n.navbar-expand {\n @each $breakpoint in map-keys($grid-breakpoints) {\n $next: breakpoint-next($breakpoint, $grid-breakpoints);\n $infix: breakpoint-infix($next, $grid-breakpoints);\n\n &#{$infix} {\n @include media-breakpoint-down($breakpoint) {\n %container-navbar-expand-#{$breakpoint} {\n padding-right: 0;\n padding-left: 0;\n }\n\n > .container,\n > .container-fluid {\n @extend %container-navbar-expand-#{$breakpoint};\n }\n\n @each $size, $container-max-width in $container-max-widths {\n > .container#{breakpoint-infix($size, $container-max-widths)} {\n @extend %container-navbar-expand-#{$breakpoint};\n }\n }\n }\n\n @include media-breakpoint-up($next) {\n flex-flow: row nowrap;\n justify-content: flex-start;\n\n .navbar-nav {\n flex-direction: row;\n\n .dropdown-menu {\n position: absolute;\n }\n\n .nav-link {\n padding-right: $navbar-nav-link-padding-x;\n padding-left: $navbar-nav-link-padding-x;\n }\n }\n\n // For nesting containers, have to redeclare for alignment purposes\n %container-nesting-#{$breakpoint} {\n flex-wrap: nowrap;\n }\n\n > .container,\n > .container-fluid {\n @extend %container-nesting-#{$breakpoint};\n }\n\n @each $size, $container-max-width in $container-max-widths {\n > .container#{breakpoint-infix($size, $container-max-widths)} {\n @extend %container-nesting-#{$breakpoint};\n }\n }\n\n .navbar-nav-scroll {\n overflow: visible;\n }\n\n .navbar-collapse {\n display: flex !important; // stylelint-disable-line declaration-no-important\n\n // Changes flex-bases to auto because of an IE10 bug\n flex-basis: auto;\n }\n\n .navbar-toggler {\n display: none;\n }\n }\n }\n }\n}\n\n\n// Navbar themes\n//\n// Styles for switching between navbars with light or dark background.\n\n// Dark links against a light background\n.navbar-light {\n .navbar-brand {\n color: $navbar-light-brand-color;\n\n @include hover-focus() {\n color: $navbar-light-brand-hover-color;\n }\n }\n\n .navbar-nav {\n .nav-link {\n color: $navbar-light-color;\n\n @include hover-focus() {\n color: $navbar-light-hover-color;\n }\n\n &.disabled {\n color: $navbar-light-disabled-color;\n }\n }\n\n .show > .nav-link,\n .active > .nav-link,\n .nav-link.show,\n .nav-link.active {\n color: $navbar-light-active-color;\n }\n }\n\n .navbar-toggler {\n color: $navbar-light-color;\n border-color: $navbar-light-toggler-border-color;\n }\n\n .navbar-toggler-icon {\n background-image: escape-svg($navbar-light-toggler-icon-bg);\n }\n\n .navbar-text {\n color: $navbar-light-color;\n a {\n color: $navbar-light-active-color;\n\n @include hover-focus() {\n color: $navbar-light-active-color;\n }\n }\n }\n}\n\n// White links against a dark background\n.navbar-dark {\n .navbar-brand {\n color: $navbar-dark-brand-color;\n\n @include hover-focus() {\n color: $navbar-dark-brand-hover-color;\n }\n }\n\n .navbar-nav {\n .nav-link {\n color: $navbar-dark-color;\n\n @include hover-focus() {\n color: $navbar-dark-hover-color;\n }\n\n &.disabled {\n color: $navbar-dark-disabled-color;\n }\n }\n\n .show > .nav-link,\n .active > .nav-link,\n .nav-link.show,\n .nav-link.active {\n color: $navbar-dark-active-color;\n }\n }\n\n .navbar-toggler {\n color: $navbar-dark-color;\n border-color: $navbar-dark-toggler-border-color;\n }\n\n .navbar-toggler-icon {\n background-image: escape-svg($navbar-dark-toggler-icon-bg);\n }\n\n .navbar-text {\n color: $navbar-dark-color;\n a {\n color: $navbar-dark-active-color;\n\n @include hover-focus() {\n color: $navbar-dark-active-color;\n }\n }\n }\n}\n","//\n// Base styles\n//\n\n.card {\n position: relative;\n display: flex;\n flex-direction: column;\n min-width: 0; // See https://github.com/twbs/bootstrap/pull/22740#issuecomment-305868106\n height: $card-height;\n word-wrap: break-word;\n background-color: $card-bg;\n background-clip: border-box;\n border: $card-border-width solid $card-border-color;\n @include border-radius($card-border-radius);\n\n > hr {\n margin-right: 0;\n margin-left: 0;\n }\n\n > .list-group {\n border-top: inherit;\n border-bottom: inherit;\n\n &:first-child {\n border-top-width: 0;\n @include border-top-radius($card-inner-border-radius);\n }\n\n &:last-child {\n border-bottom-width: 0;\n @include border-bottom-radius($card-inner-border-radius);\n }\n }\n\n // Due to specificity of the above selector (`.card > .list-group`), we must\n // use a child selector here to prevent double borders.\n > .card-header + .list-group,\n > .list-group + .card-footer {\n border-top: 0;\n }\n}\n\n.card-body {\n // Enable `flex-grow: 1` for decks and groups so that card blocks take up\n // as much space as possible, ensuring footers are aligned to the bottom.\n flex: 1 1 auto;\n // Workaround for the image size bug in IE\n // See: https://github.com/twbs/bootstrap/pull/28855\n min-height: 1px;\n padding: $card-spacer-x;\n color: $card-color;\n}\n\n.card-title {\n margin-bottom: $card-spacer-y;\n}\n\n.card-subtitle {\n margin-top: -$card-spacer-y / 2;\n margin-bottom: 0;\n}\n\n.card-text:last-child {\n margin-bottom: 0;\n}\n\n.card-link {\n @include hover() {\n text-decoration: none;\n }\n\n + .card-link {\n margin-left: $card-spacer-x;\n }\n}\n\n//\n// Optional textual caps\n//\n\n.card-header {\n padding: $card-spacer-y $card-spacer-x;\n margin-bottom: 0; // Removes the default margin-bottom of <hN>\n color: $card-cap-color;\n background-color: $card-cap-bg;\n border-bottom: $card-border-width solid $card-border-color;\n\n &:first-child {\n @include border-radius($card-inner-border-radius $card-inner-border-radius 0 0);\n }\n}\n\n.card-footer {\n padding: $card-spacer-y $card-spacer-x;\n color: $card-cap-color;\n background-color: $card-cap-bg;\n border-top: $card-border-width solid $card-border-color;\n\n &:last-child {\n @include border-radius(0 0 $card-inner-border-radius $card-inner-border-radius);\n }\n}\n\n\n//\n// Header navs\n//\n\n.card-header-tabs {\n margin-right: -$card-spacer-x / 2;\n margin-bottom: -$card-spacer-y;\n margin-left: -$card-spacer-x / 2;\n border-bottom: 0;\n}\n\n.card-header-pills {\n margin-right: -$card-spacer-x / 2;\n margin-left: -$card-spacer-x / 2;\n}\n\n// Card image\n.card-img-overlay {\n position: absolute;\n top: 0;\n right: 0;\n bottom: 0;\n left: 0;\n padding: $card-img-overlay-padding;\n @include border-radius($card-inner-border-radius);\n}\n\n.card-img,\n.card-img-top,\n.card-img-bottom {\n flex-shrink: 0; // For IE: https://github.com/twbs/bootstrap/issues/29396\n width: 100%; // Required because we use flexbox and this inherently applies align-self: stretch\n}\n\n.card-img,\n.card-img-top {\n @include border-top-radius($card-inner-border-radius);\n}\n\n.card-img,\n.card-img-bottom {\n @include border-bottom-radius($card-inner-border-radius);\n}\n\n\n// Card deck\n\n.card-deck {\n .card {\n margin-bottom: $card-deck-margin;\n }\n\n @include media-breakpoint-up(sm) {\n display: flex;\n flex-flow: row wrap;\n margin-right: -$card-deck-margin;\n margin-left: -$card-deck-margin;\n\n .card {\n // Flexbugs #4: https://github.com/philipwalton/flexbugs#flexbug-4\n flex: 1 0 0%;\n margin-right: $card-deck-margin;\n margin-bottom: 0; // Override the default\n margin-left: $card-deck-margin;\n }\n }\n}\n\n\n//\n// Card groups\n//\n\n.card-group {\n // The child selector allows nested `.card` within `.card-group`\n // to display properly.\n > .card {\n margin-bottom: $card-group-margin;\n }\n\n @include media-breakpoint-up(sm) {\n display: flex;\n flex-flow: row wrap;\n // The child selector allows nested `.card` within `.card-group`\n // to display properly.\n > .card {\n // Flexbugs #4: https://github.com/philipwalton/flexbugs#flexbug-4\n flex: 1 0 0%;\n margin-bottom: 0;\n\n + .card {\n margin-left: 0;\n border-left: 0;\n }\n\n // Handle rounded corners\n @if $enable-rounded {\n &:not(:last-child) {\n @include border-right-radius(0);\n\n .card-img-top,\n .card-header {\n // stylelint-disable-next-line property-disallowed-list\n border-top-right-radius: 0;\n }\n .card-img-bottom,\n .card-footer {\n // stylelint-disable-next-line property-disallowed-list\n border-bottom-right-radius: 0;\n }\n }\n\n &:not(:first-child) {\n @include border-left-radius(0);\n\n .card-img-top,\n .card-header {\n // stylelint-disable-next-line property-disallowed-list\n border-top-left-radius: 0;\n }\n .card-img-bottom,\n .card-footer {\n // stylelint-disable-next-line property-disallowed-list\n border-bottom-left-radius: 0;\n }\n }\n }\n }\n }\n}\n\n\n//\n// Columns\n//\n\n.card-columns {\n .card {\n margin-bottom: $card-columns-margin;\n }\n\n @include media-breakpoint-up(sm) {\n column-count: $card-columns-count;\n column-gap: $card-columns-gap;\n orphans: 1;\n widows: 1;\n\n .card {\n display: inline-block; // Don't let them vertically span multiple columns\n width: 100%; // Don't let their width change\n }\n }\n}\n\n\n//\n// Accordion\n//\n\n.accordion {\n overflow-anchor: none;\n\n > .card {\n overflow: hidden;\n\n &:not(:last-of-type) {\n border-bottom: 0;\n @include border-bottom-radius(0);\n }\n\n &:not(:first-of-type) {\n @include border-top-radius(0);\n }\n\n > .card-header {\n @include border-radius(0);\n margin-bottom: -$card-border-width;\n }\n }\n}\n",'.breadcrumb {\n display: flex;\n flex-wrap: wrap;\n padding: $breadcrumb-padding-y $breadcrumb-padding-x;\n margin-bottom: $breadcrumb-margin-bottom;\n @include font-size($breadcrumb-font-size);\n list-style: none;\n background-color: $breadcrumb-bg;\n @include border-radius($breadcrumb-border-radius);\n}\n\n.breadcrumb-item {\n // The separator between breadcrumbs (by default, a forward-slash: "/")\n + .breadcrumb-item {\n padding-left: $breadcrumb-item-padding;\n\n &::before {\n float: left; // Suppress inline spacings and underlining of the separator\n padding-right: $breadcrumb-item-padding;\n color: $breadcrumb-divider-color;\n content: escape-svg($breadcrumb-divider);\n }\n }\n\n // IE9-11 hack to properly handle hyperlink underlines for breadcrumbs built\n // without `<ul>`s. The `::before` pseudo-element generates an element\n // *within* the .breadcrumb-item and thereby inherits the `text-decoration`.\n //\n // To trick IE into suppressing the underline, we give the pseudo-element an\n // underline and then immediately remove it.\n + .breadcrumb-item:hover::before {\n text-decoration: underline;\n }\n // stylelint-disable-next-line no-duplicate-selectors\n + .breadcrumb-item:hover::before {\n text-decoration: none;\n }\n\n &.active {\n color: $breadcrumb-active-color;\n }\n}\n','.pagination {\n display: flex;\n @include list-unstyled();\n @include border-radius();\n}\n\n.page-link {\n position: relative;\n display: block;\n padding: $pagination-padding-y $pagination-padding-x;\n margin-left: -$pagination-border-width;\n line-height: $pagination-line-height;\n color: $pagination-color;\n text-decoration: if($link-decoration == none, null, none);\n background-color: $pagination-bg;\n border: $pagination-border-width solid $pagination-border-color;\n\n &:hover {\n z-index: 2;\n color: $pagination-hover-color;\n text-decoration: none;\n background-color: $pagination-hover-bg;\n border-color: $pagination-hover-border-color;\n }\n\n &:focus {\n z-index: 3;\n outline: $pagination-focus-outline;\n box-shadow: $pagination-focus-box-shadow;\n }\n}\n\n.page-item {\n &:first-child {\n .page-link {\n margin-left: 0;\n @include border-left-radius($border-radius);\n }\n }\n &:last-child {\n .page-link {\n @include border-right-radius($border-radius);\n }\n }\n\n &.active .page-link {\n z-index: 3;\n color: $pagination-active-color;\n background-color: $pagination-active-bg;\n border-color: $pagination-active-border-color;\n }\n\n &.disabled .page-link {\n color: $pagination-disabled-color;\n pointer-events: none;\n // Opinionated: remove the "hand" cursor set previously for .page-link\n cursor: auto;\n background-color: $pagination-disabled-bg;\n border-color: $pagination-disabled-border-color;\n }\n}\n\n\n//\n// Sizing\n//\n\n.pagination-lg {\n @include pagination-size($pagination-padding-y-lg, $pagination-padding-x-lg, $font-size-lg, $line-height-lg, $pagination-border-radius-lg);\n}\n\n.pagination-sm {\n @include pagination-size($pagination-padding-y-sm, $pagination-padding-x-sm, $font-size-sm, $line-height-sm, $pagination-border-radius-sm);\n}\n',"// Pagination\n\n@mixin pagination-size($padding-y, $padding-x, $font-size, $line-height, $border-radius) {\n .page-link {\n padding: $padding-y $padding-x;\n @include font-size($font-size);\n line-height: $line-height;\n }\n\n .page-item {\n &:first-child {\n .page-link {\n @include border-left-radius($border-radius);\n }\n }\n &:last-child {\n .page-link {\n @include border-right-radius($border-radius);\n }\n }\n }\n}\n","// Base class\n//\n// Requires one of the contextual, color modifier classes for `color` and\n// `background-color`.\n\n.badge {\n display: inline-block;\n padding: $badge-padding-y $badge-padding-x;\n @include font-size($badge-font-size);\n font-weight: $badge-font-weight;\n line-height: 1;\n text-align: center;\n white-space: nowrap;\n vertical-align: baseline;\n @include border-radius($badge-border-radius);\n @include transition($badge-transition);\n\n @at-root a#{&} {\n @include hover-focus() {\n text-decoration: none;\n }\n }\n\n // Empty badges collapse automatically\n &:empty {\n display: none;\n }\n}\n\n// Quick fix for badges in buttons\n.btn .badge {\n position: relative;\n top: -1px;\n}\n\n// Pill badges\n//\n// Make them extra rounded with a modifier to replace v3's badges.\n\n.badge-pill {\n padding-right: $badge-pill-padding-x;\n padding-left: $badge-pill-padding-x;\n @include border-radius($badge-pill-border-radius);\n}\n\n// Colors\n//\n// Contextual variations (linked badges get darker on :hover).\n\n@each $color, $value in $theme-colors {\n .badge-#{$color} {\n @include badge-variant($value);\n }\n}\n","@mixin badge-variant($bg) {\n color: color-yiq($bg);\n background-color: $bg;\n\n @at-root a#{&} {\n @include hover-focus() {\n color: color-yiq($bg);\n background-color: darken($bg, 10%);\n }\n\n &:focus,\n &.focus {\n outline: 0;\n box-shadow: 0 0 0 $badge-focus-width rgba($bg, .5);\n }\n }\n}\n",".jumbotron {\n padding: $jumbotron-padding ($jumbotron-padding / 2);\n margin-bottom: $jumbotron-padding;\n color: $jumbotron-color;\n background-color: $jumbotron-bg;\n @include border-radius($border-radius-lg);\n\n @include media-breakpoint-up(sm) {\n padding: ($jumbotron-padding * 2) $jumbotron-padding;\n }\n}\n\n.jumbotron-fluid {\n padding-right: 0;\n padding-left: 0;\n @include border-radius(0);\n}\n","//\n// Base styles\n//\n\n.alert {\n position: relative;\n padding: $alert-padding-y $alert-padding-x;\n margin-bottom: $alert-margin-bottom;\n border: $alert-border-width solid transparent;\n @include border-radius($alert-border-radius);\n}\n\n// Headings for larger alerts\n.alert-heading {\n // Specified to prevent conflicts of changing $headings-color\n color: inherit;\n}\n\n// Provide class for links that match alerts\n.alert-link {\n font-weight: $alert-link-font-weight;\n}\n\n\n// Dismissible alerts\n//\n// Expand the right padding and account for the close button's positioning.\n\n.alert-dismissible {\n padding-right: $close-font-size + $alert-padding-x * 2;\n\n // Adjust close link position\n .close {\n position: absolute;\n top: 0;\n right: 0;\n z-index: 2;\n padding: $alert-padding-y $alert-padding-x;\n color: inherit;\n }\n}\n\n\n// Alternate styles\n//\n// Generate contextual modifier classes for colorizing the alert.\n\n@each $color, $value in $theme-colors {\n .alert-#{$color} {\n @include alert-variant(theme-color-level($color, $alert-bg-level), theme-color-level($color, $alert-border-level), theme-color-level($color, $alert-color-level));\n }\n}\n","@mixin alert-variant($background, $border, $color) {\n color: $color;\n @include gradient-bg($background);\n border-color: $border;\n\n hr {\n border-top-color: darken($border, 5%);\n }\n\n .alert-link {\n color: darken($color, 10%);\n }\n}\n","// Disable animation if transitions are disabled\n@if $enable-transitions {\n @keyframes progress-bar-stripes {\n from { background-position: $progress-height 0; }\n to { background-position: 0 0; }\n }\n}\n\n.progress {\n display: flex;\n height: $progress-height;\n overflow: hidden; // force rounded corners by cropping it\n line-height: 0;\n @include font-size($progress-font-size);\n background-color: $progress-bg;\n @include border-radius($progress-border-radius);\n @include box-shadow($progress-box-shadow);\n}\n\n.progress-bar {\n display: flex;\n flex-direction: column;\n justify-content: center;\n overflow: hidden;\n color: $progress-bar-color;\n text-align: center;\n white-space: nowrap;\n background-color: $progress-bar-bg;\n @include transition($progress-bar-transition);\n}\n\n.progress-bar-striped {\n @include gradient-striped();\n background-size: $progress-height $progress-height;\n}\n\n@if $enable-transitions {\n .progress-bar-animated {\n animation: $progress-bar-animation-timing progress-bar-stripes;\n\n @if $enable-prefers-reduced-motion-media-query {\n @media (prefers-reduced-motion: reduce) {\n animation: none;\n }\n }\n }\n}\n",".media {\n display: flex;\n align-items: flex-start;\n}\n\n.media-body {\n flex: 1;\n}\n","// Base class\n//\n// Easily usable on <ul>, <ol>, or <div>.\n\n.list-group {\n display: flex;\n flex-direction: column;\n\n // No need to set list-style: none; since .list-group-item is block level\n padding-left: 0; // reset padding because ul and ol\n margin-bottom: 0;\n @include border-radius($list-group-border-radius);\n}\n\n\n// Interactive list items\n//\n// Use anchor or button elements instead of `li`s or `div`s to create interactive\n// list items. Includes an extra `.active` modifier class for selected items.\n\n.list-group-item-action {\n width: 100%; // For `<button>`s (anchors become 100% by default though)\n color: $list-group-action-color;\n text-align: inherit; // For `<button>`s (anchors inherit)\n\n // Hover state\n @include hover-focus() {\n z-index: 1; // Place hover/focus items above their siblings for proper border styling\n color: $list-group-action-hover-color;\n text-decoration: none;\n background-color: $list-group-hover-bg;\n }\n\n &:active {\n color: $list-group-action-active-color;\n background-color: $list-group-action-active-bg;\n }\n}\n\n\n// Individual list items\n//\n// Use on `li`s or `div`s within the `.list-group` parent.\n\n.list-group-item {\n position: relative;\n display: block;\n padding: $list-group-item-padding-y $list-group-item-padding-x;\n color: $list-group-color;\n text-decoration: if($link-decoration == none, null, none);\n background-color: $list-group-bg;\n border: $list-group-border-width solid $list-group-border-color;\n\n &:first-child {\n @include border-top-radius(inherit);\n }\n\n &:last-child {\n @include border-bottom-radius(inherit);\n }\n\n &.disabled,\n &:disabled {\n color: $list-group-disabled-color;\n pointer-events: none;\n background-color: $list-group-disabled-bg;\n }\n\n // Include both here for `<a>`s and `<button>`s\n &.active {\n z-index: 2; // Place active items above their siblings for proper border styling\n color: $list-group-active-color;\n background-color: $list-group-active-bg;\n border-color: $list-group-active-border-color;\n }\n\n & + & {\n border-top-width: 0;\n\n &.active {\n margin-top: -$list-group-border-width;\n border-top-width: $list-group-border-width;\n }\n }\n}\n\n\n// Horizontal\n//\n// Change the layout of list group items from vertical (default) to horizontal.\n\n@each $breakpoint in map-keys($grid-breakpoints) {\n @include media-breakpoint-up($breakpoint) {\n $infix: breakpoint-infix($breakpoint, $grid-breakpoints);\n\n .list-group-horizontal#{$infix} {\n flex-direction: row;\n\n > .list-group-item {\n &:first-child {\n @include border-bottom-left-radius($list-group-border-radius);\n @include border-top-right-radius(0);\n }\n\n &:last-child {\n @include border-top-right-radius($list-group-border-radius);\n @include border-bottom-left-radius(0);\n }\n\n &.active {\n margin-top: 0;\n }\n\n + .list-group-item {\n border-top-width: $list-group-border-width;\n border-left-width: 0;\n\n &.active {\n margin-left: -$list-group-border-width;\n border-left-width: $list-group-border-width;\n }\n }\n }\n }\n }\n}\n\n\n// Flush list items\n//\n// Remove borders and border-radius to keep list group items edge-to-edge. Most\n// useful within other components (e.g., cards).\n\n.list-group-flush {\n @include border-radius(0);\n\n > .list-group-item {\n border-width: 0 0 $list-group-border-width;\n\n &:last-child {\n border-bottom-width: 0;\n }\n }\n}\n\n\n// Contextual variants\n//\n// Add modifier classes to change text and background color on individual items.\n// Organizationally, this must come after the `:hover` states.\n\n@each $color, $value in $theme-colors {\n @include list-group-item-variant($color, theme-color-level($color, -9), theme-color-level($color, 6));\n}\n","// List Groups\n\n@mixin list-group-item-variant($state, $background, $color) {\n .list-group-item-#{$state} {\n color: $color;\n background-color: $background;\n\n &.list-group-item-action {\n @include hover-focus() {\n color: $color;\n background-color: darken($background, 5%);\n }\n\n &.active {\n color: $white;\n background-color: $color;\n border-color: $color;\n }\n }\n }\n}\n",'.close {\n float: right;\n @include font-size($close-font-size);\n font-weight: $close-font-weight;\n line-height: 1;\n color: $close-color;\n text-shadow: $close-text-shadow;\n opacity: .5;\n\n // Override <a>\'s hover style\n @include hover() {\n color: $close-color;\n text-decoration: none;\n }\n\n &:not(:disabled):not(.disabled) {\n @include hover-focus() {\n opacity: .75;\n }\n }\n}\n\n// Additional properties for button version\n// iOS requires the button element instead of an anchor tag.\n// If you want the anchor version, it requires `href="#"`.\n// See https://developer.mozilla.org/en-US/docs/Web/Events/click#Safari_Mobile\n\n// stylelint-disable-next-line selector-no-qualifying-type\nbutton.close {\n padding: 0;\n background-color: transparent;\n border: 0;\n}\n\n// Future-proof disabling of clicks on `<a>` elements\n\n// stylelint-disable-next-line selector-no-qualifying-type\na.close.disabled {\n pointer-events: none;\n}\n',".toast {\n // Prevents from shrinking in IE11, when in a flex container\n // See https://github.com/twbs/bootstrap/issues/28341\n flex-basis: $toast-max-width;\n max-width: $toast-max-width;\n @include font-size($toast-font-size);\n color: $toast-color;\n background-color: $toast-background-color;\n background-clip: padding-box;\n border: $toast-border-width solid $toast-border-color;\n box-shadow: $toast-box-shadow;\n opacity: 0;\n @include border-radius($toast-border-radius);\n\n &:not(:last-child) {\n margin-bottom: $toast-padding-x;\n }\n\n &.showing {\n opacity: 1;\n }\n\n &.show {\n display: block;\n opacity: 1;\n }\n\n &.hide {\n display: none;\n }\n}\n\n.toast-header {\n display: flex;\n align-items: center;\n padding: $toast-padding-y $toast-padding-x;\n color: $toast-header-color;\n background-color: $toast-header-background-color;\n background-clip: padding-box;\n border-bottom: $toast-border-width solid $toast-header-border-color;\n @include border-top-radius(subtract($toast-border-radius, $toast-border-width));\n}\n\n.toast-body {\n padding: $toast-padding-x; // apply to both vertical and horizontal\n}\n","// .modal-open - body class for killing the scroll\n// .modal - container to scroll within\n// .modal-dialog - positioning shell for the actual modal\n// .modal-content - actual modal w/ bg and corners and stuff\n\n\n.modal-open {\n // Kill the scroll on the body\n overflow: hidden;\n\n .modal {\n overflow-x: hidden;\n overflow-y: auto;\n }\n}\n\n// Container that the modal scrolls within\n.modal {\n position: fixed;\n top: 0;\n left: 0;\n z-index: $zindex-modal;\n display: none;\n width: 100%;\n height: 100%;\n overflow: hidden;\n // Prevent Chrome on Windows from adding a focus outline. For details, see\n // https://github.com/twbs/bootstrap/pull/10951.\n outline: 0;\n // We deliberately don't use `-webkit-overflow-scrolling: touch;` due to a\n // gnarly iOS Safari bug: https://bugs.webkit.org/show_bug.cgi?id=158342\n // See also https://github.com/twbs/bootstrap/issues/17695\n}\n\n// Shell div to position the modal with bottom padding\n.modal-dialog {\n position: relative;\n width: auto;\n margin: $modal-dialog-margin;\n // allow clicks to pass through for custom click handling to close modal\n pointer-events: none;\n\n // When fading in the modal, animate it to slide down\n .modal.fade & {\n @include transition($modal-transition);\n transform: $modal-fade-transform;\n }\n .modal.show & {\n transform: $modal-show-transform;\n }\n\n // When trying to close, animate focus to scale\n .modal.modal-static & {\n transform: $modal-scale-transform;\n }\n}\n\n.modal-dialog-scrollable {\n display: flex; // IE10/11\n max-height: subtract(100%, $modal-dialog-margin * 2);\n\n .modal-content {\n max-height: subtract(100vh, $modal-dialog-margin * 2); // IE10/11\n overflow: hidden;\n }\n\n .modal-header,\n .modal-footer {\n flex-shrink: 0;\n }\n\n .modal-body {\n overflow-y: auto;\n }\n}\n\n.modal-dialog-centered {\n display: flex;\n align-items: center;\n min-height: subtract(100%, $modal-dialog-margin * 2);\n\n // Ensure `modal-dialog-centered` extends the full height of the view (IE10/11)\n &::before {\n display: block; // IE10\n height: subtract(100vh, $modal-dialog-margin * 2);\n height: min-content; // Reset height to 0 except on IE\n content: \"\";\n }\n\n // Ensure `.modal-body` shows scrollbar (IE10/11)\n &.modal-dialog-scrollable {\n flex-direction: column;\n justify-content: center;\n height: 100%;\n\n .modal-content {\n max-height: none;\n }\n\n &::before {\n content: none;\n }\n }\n}\n\n// Actual modal\n.modal-content {\n position: relative;\n display: flex;\n flex-direction: column;\n width: 100%; // Ensure `.modal-content` extends the full width of the parent `.modal-dialog`\n // counteract the pointer-events: none; in the .modal-dialog\n color: $modal-content-color;\n pointer-events: auto;\n background-color: $modal-content-bg;\n background-clip: padding-box;\n border: $modal-content-border-width solid $modal-content-border-color;\n @include border-radius($modal-content-border-radius);\n @include box-shadow($modal-content-box-shadow-xs);\n // Remove focus outline from opened modal\n outline: 0;\n}\n\n// Modal background\n.modal-backdrop {\n position: fixed;\n top: 0;\n left: 0;\n z-index: $zindex-modal-backdrop;\n width: 100vw;\n height: 100vh;\n background-color: $modal-backdrop-bg;\n\n // Fade for backdrop\n &.fade { opacity: 0; }\n &.show { opacity: $modal-backdrop-opacity; }\n}\n\n// Modal header\n// Top section of the modal w/ title and dismiss\n.modal-header {\n display: flex;\n align-items: flex-start; // so the close btn always stays on the upper right corner\n justify-content: space-between; // Put modal header elements (title and dismiss) on opposite ends\n padding: $modal-header-padding;\n border-bottom: $modal-header-border-width solid $modal-header-border-color;\n @include border-top-radius($modal-content-inner-border-radius);\n\n .close {\n padding: $modal-header-padding;\n // auto on the left force icon to the right even when there is no .modal-title\n margin: (-$modal-header-padding-y) (-$modal-header-padding-x) (-$modal-header-padding-y) auto;\n }\n}\n\n// Title text within header\n.modal-title {\n margin-bottom: 0;\n line-height: $modal-title-line-height;\n}\n\n// Modal body\n// Where all modal content resides (sibling of .modal-header and .modal-footer)\n.modal-body {\n position: relative;\n // Enable `flex-grow: 1` so that the body take up as much space as possible\n // when there should be a fixed height on `.modal-dialog`.\n flex: 1 1 auto;\n padding: $modal-inner-padding;\n}\n\n// Footer (for actions)\n.modal-footer {\n display: flex;\n flex-wrap: wrap;\n align-items: center; // vertically center\n justify-content: flex-end; // Right align buttons with flex property because text-align doesn't work on flex items\n padding: $modal-inner-padding - $modal-footer-margin-between / 2;\n border-top: $modal-footer-border-width solid $modal-footer-border-color;\n @include border-bottom-radius($modal-content-inner-border-radius);\n\n // Place margin between footer elements\n // This solution is far from ideal because of the universal selector usage,\n // but is needed to fix https://github.com/twbs/bootstrap/issues/24800\n > * {\n margin: $modal-footer-margin-between / 2;\n }\n}\n\n// Measure scrollbar width for padding body during modal show/hide\n.modal-scrollbar-measure {\n position: absolute;\n top: -9999px;\n width: 50px;\n height: 50px;\n overflow: scroll;\n}\n\n// Scale up the modal\n@include media-breakpoint-up(sm) {\n // Automatically set modal's width for larger viewports\n .modal-dialog {\n max-width: $modal-md;\n margin: $modal-dialog-margin-y-sm-up auto;\n }\n\n .modal-dialog-scrollable {\n max-height: subtract(100%, $modal-dialog-margin-y-sm-up * 2);\n\n .modal-content {\n max-height: subtract(100vh, $modal-dialog-margin-y-sm-up * 2);\n }\n }\n\n .modal-dialog-centered {\n min-height: subtract(100%, $modal-dialog-margin-y-sm-up * 2);\n\n &::before {\n height: subtract(100vh, $modal-dialog-margin-y-sm-up * 2);\n height: min-content;\n }\n }\n\n .modal-content {\n @include box-shadow($modal-content-box-shadow-sm-up);\n }\n\n .modal-sm { max-width: $modal-sm; }\n}\n\n@include media-breakpoint-up(lg) {\n .modal-lg,\n .modal-xl {\n max-width: $modal-lg;\n }\n}\n\n@include media-breakpoint-up(xl) {\n .modal-xl { max-width: $modal-xl; }\n}\n",'// Base class\n.tooltip {\n position: absolute;\n z-index: $zindex-tooltip;\n display: block;\n margin: $tooltip-margin;\n // Our parent element can be arbitrary since tooltips are by default inserted as a sibling of their target element.\n // So reset our font and text properties to avoid inheriting weird values.\n @include reset-text();\n @include font-size($tooltip-font-size);\n // Allow breaking very long words so they don\'t overflow the tooltip\'s bounds\n word-wrap: break-word;\n opacity: 0;\n\n &.show { opacity: $tooltip-opacity; }\n\n .arrow {\n position: absolute;\n display: block;\n width: $tooltip-arrow-width;\n height: $tooltip-arrow-height;\n\n &::before {\n position: absolute;\n content: "";\n border-color: transparent;\n border-style: solid;\n }\n }\n}\n\n.bs-tooltip-top {\n padding: $tooltip-arrow-height 0;\n\n .arrow {\n bottom: 0;\n\n &::before {\n top: 0;\n border-width: $tooltip-arrow-height ($tooltip-arrow-width / 2) 0;\n border-top-color: $tooltip-arrow-color;\n }\n }\n}\n\n.bs-tooltip-right {\n padding: 0 $tooltip-arrow-height;\n\n .arrow {\n left: 0;\n width: $tooltip-arrow-height;\n height: $tooltip-arrow-width;\n\n &::before {\n right: 0;\n border-width: ($tooltip-arrow-width / 2) $tooltip-arrow-height ($tooltip-arrow-width / 2) 0;\n border-right-color: $tooltip-arrow-color;\n }\n }\n}\n\n.bs-tooltip-bottom {\n padding: $tooltip-arrow-height 0;\n\n .arrow {\n top: 0;\n\n &::before {\n bottom: 0;\n border-width: 0 ($tooltip-arrow-width / 2) $tooltip-arrow-height;\n border-bottom-color: $tooltip-arrow-color;\n }\n }\n}\n\n.bs-tooltip-left {\n padding: 0 $tooltip-arrow-height;\n\n .arrow {\n right: 0;\n width: $tooltip-arrow-height;\n height: $tooltip-arrow-width;\n\n &::before {\n left: 0;\n border-width: ($tooltip-arrow-width / 2) 0 ($tooltip-arrow-width / 2) $tooltip-arrow-height;\n border-left-color: $tooltip-arrow-color;\n }\n }\n}\n\n.bs-tooltip-auto {\n &[x-placement^="top"] {\n @extend .bs-tooltip-top;\n }\n &[x-placement^="right"] {\n @extend .bs-tooltip-right;\n }\n &[x-placement^="bottom"] {\n @extend .bs-tooltip-bottom;\n }\n &[x-placement^="left"] {\n @extend .bs-tooltip-left;\n }\n}\n\n// Wrapper for the tooltip content\n.tooltip-inner {\n max-width: $tooltip-max-width;\n padding: $tooltip-padding-y $tooltip-padding-x;\n color: $tooltip-color;\n text-align: center;\n background-color: $tooltip-bg;\n @include border-radius($tooltip-border-radius);\n}\n',"@mixin reset-text() {\n font-family: $font-family-base;\n // We deliberately do NOT reset font-size or word-wrap.\n font-style: normal;\n font-weight: $font-weight-normal;\n line-height: $line-height-base;\n text-align: left; // Fallback for where `start` is not supported\n text-align: start;\n text-decoration: none;\n text-shadow: none;\n text-transform: none;\n letter-spacing: normal;\n word-break: normal;\n word-spacing: normal;\n white-space: normal;\n line-break: auto;\n}\n",'.popover {\n position: absolute;\n top: 0;\n left: 0;\n z-index: $zindex-popover;\n display: block;\n max-width: $popover-max-width;\n // Our parent element can be arbitrary since tooltips are by default inserted as a sibling of their target element.\n // So reset our font and text properties to avoid inheriting weird values.\n @include reset-text();\n @include font-size($popover-font-size);\n // Allow breaking very long words so they don\'t overflow the popover\'s bounds\n word-wrap: break-word;\n background-color: $popover-bg;\n background-clip: padding-box;\n border: $popover-border-width solid $popover-border-color;\n @include border-radius($popover-border-radius);\n @include box-shadow($popover-box-shadow);\n\n .arrow {\n position: absolute;\n display: block;\n width: $popover-arrow-width;\n height: $popover-arrow-height;\n margin: 0 $popover-border-radius;\n\n &::before,\n &::after {\n position: absolute;\n display: block;\n content: "";\n border-color: transparent;\n border-style: solid;\n }\n }\n}\n\n.bs-popover-top {\n margin-bottom: $popover-arrow-height;\n\n > .arrow {\n bottom: subtract(-$popover-arrow-height, $popover-border-width);\n\n &::before {\n bottom: 0;\n border-width: $popover-arrow-height ($popover-arrow-width / 2) 0;\n border-top-color: $popover-arrow-outer-color;\n }\n\n &::after {\n bottom: $popover-border-width;\n border-width: $popover-arrow-height ($popover-arrow-width / 2) 0;\n border-top-color: $popover-arrow-color;\n }\n }\n}\n\n.bs-popover-right {\n margin-left: $popover-arrow-height;\n\n > .arrow {\n left: subtract(-$popover-arrow-height, $popover-border-width);\n width: $popover-arrow-height;\n height: $popover-arrow-width;\n margin: $popover-border-radius 0; // make sure the arrow does not touch the popover\'s rounded corners\n\n &::before {\n left: 0;\n border-width: ($popover-arrow-width / 2) $popover-arrow-height ($popover-arrow-width / 2) 0;\n border-right-color: $popover-arrow-outer-color;\n }\n\n &::after {\n left: $popover-border-width;\n border-width: ($popover-arrow-width / 2) $popover-arrow-height ($popover-arrow-width / 2) 0;\n border-right-color: $popover-arrow-color;\n }\n }\n}\n\n.bs-popover-bottom {\n margin-top: $popover-arrow-height;\n\n > .arrow {\n top: subtract(-$popover-arrow-height, $popover-border-width);\n\n &::before {\n top: 0;\n border-width: 0 ($popover-arrow-width / 2) $popover-arrow-height ($popover-arrow-width / 2);\n border-bottom-color: $popover-arrow-outer-color;\n }\n\n &::after {\n top: $popover-border-width;\n border-width: 0 ($popover-arrow-width / 2) $popover-arrow-height ($popover-arrow-width / 2);\n border-bottom-color: $popover-arrow-color;\n }\n }\n\n // This will remove the popover-header\'s border just below the arrow\n .popover-header::before {\n position: absolute;\n top: 0;\n left: 50%;\n display: block;\n width: $popover-arrow-width;\n margin-left: -$popover-arrow-width / 2;\n content: "";\n border-bottom: $popover-border-width solid $popover-header-bg;\n }\n}\n\n.bs-popover-left {\n margin-right: $popover-arrow-height;\n\n > .arrow {\n right: subtract(-$popover-arrow-height, $popover-border-width);\n width: $popover-arrow-height;\n height: $popover-arrow-width;\n margin: $popover-border-radius 0; // make sure the arrow does not touch the popover\'s rounded corners\n\n &::before {\n right: 0;\n border-width: ($popover-arrow-width / 2) 0 ($popover-arrow-width / 2) $popover-arrow-height;\n border-left-color: $popover-arrow-outer-color;\n }\n\n &::after {\n right: $popover-border-width;\n border-width: ($popover-arrow-width / 2) 0 ($popover-arrow-width / 2) $popover-arrow-height;\n border-left-color: $popover-arrow-color;\n }\n }\n}\n\n.bs-popover-auto {\n &[x-placement^="top"] {\n @extend .bs-popover-top;\n }\n &[x-placement^="right"] {\n @extend .bs-popover-right;\n }\n &[x-placement^="bottom"] {\n @extend .bs-popover-bottom;\n }\n &[x-placement^="left"] {\n @extend .bs-popover-left;\n }\n}\n\n\n// Offset the popover to account for the popover arrow\n.popover-header {\n padding: $popover-header-padding-y $popover-header-padding-x;\n margin-bottom: 0; // Reset the default from Reboot\n @include font-size($font-size-base);\n color: $popover-header-color;\n background-color: $popover-header-bg;\n border-bottom: $popover-border-width solid darken($popover-header-bg, 5%);\n @include border-top-radius($popover-inner-border-radius);\n\n &:empty {\n display: none;\n }\n}\n\n.popover-body {\n padding: $popover-body-padding-y $popover-body-padding-x;\n color: $popover-body-color;\n}\n',"// Notes on the classes:\n//\n// 1. .carousel.pointer-event should ideally be pan-y (to allow for users to scroll vertically)\n// even when their scroll action started on a carousel, but for compatibility (with Firefox)\n// we're preventing all actions instead\n// 2. The .carousel-item-left and .carousel-item-right is used to indicate where\n// the active slide is heading.\n// 3. .active.carousel-item is the current slide.\n// 4. .active.carousel-item-left and .active.carousel-item-right is the current\n// slide in its in-transition state. Only one of these occurs at a time.\n// 5. .carousel-item-next.carousel-item-left and .carousel-item-prev.carousel-item-right\n// is the upcoming slide in transition.\n\n.carousel {\n position: relative;\n}\n\n.carousel.pointer-event {\n touch-action: pan-y;\n}\n\n.carousel-inner {\n position: relative;\n width: 100%;\n overflow: hidden;\n @include clearfix();\n}\n\n.carousel-item {\n position: relative;\n display: none;\n float: left;\n width: 100%;\n margin-right: -100%;\n backface-visibility: hidden;\n @include transition($carousel-transition);\n}\n\n.carousel-item.active,\n.carousel-item-next,\n.carousel-item-prev {\n display: block;\n}\n\n.carousel-item-next:not(.carousel-item-left),\n.active.carousel-item-right {\n transform: translateX(100%);\n}\n\n.carousel-item-prev:not(.carousel-item-right),\n.active.carousel-item-left {\n transform: translateX(-100%);\n}\n\n\n//\n// Alternate transitions\n//\n\n.carousel-fade {\n .carousel-item {\n opacity: 0;\n transition-property: opacity;\n transform: none;\n }\n\n .carousel-item.active,\n .carousel-item-next.carousel-item-left,\n .carousel-item-prev.carousel-item-right {\n z-index: 1;\n opacity: 1;\n }\n\n .active.carousel-item-left,\n .active.carousel-item-right {\n z-index: 0;\n opacity: 0;\n @include transition(opacity 0s $carousel-transition-duration);\n }\n}\n\n\n//\n// Left/right controls for nav\n//\n\n.carousel-control-prev,\n.carousel-control-next {\n position: absolute;\n top: 0;\n bottom: 0;\n z-index: 1;\n // Use flex for alignment (1-3)\n display: flex; // 1. allow flex styles\n align-items: center; // 2. vertically center contents\n justify-content: center; // 3. horizontally center contents\n width: $carousel-control-width;\n color: $carousel-control-color;\n text-align: center;\n opacity: $carousel-control-opacity;\n @include transition($carousel-control-transition);\n\n // Hover/focus state\n @include hover-focus() {\n color: $carousel-control-color;\n text-decoration: none;\n outline: 0;\n opacity: $carousel-control-hover-opacity;\n }\n}\n.carousel-control-prev {\n left: 0;\n @if $enable-gradients {\n background-image: linear-gradient(90deg, rgba($black, .25), rgba($black, .001));\n }\n}\n.carousel-control-next {\n right: 0;\n @if $enable-gradients {\n background-image: linear-gradient(270deg, rgba($black, .25), rgba($black, .001));\n }\n}\n\n// Icons for within\n.carousel-control-prev-icon,\n.carousel-control-next-icon {\n display: inline-block;\n width: $carousel-control-icon-width;\n height: $carousel-control-icon-width;\n background: 50% / 100% 100% no-repeat;\n}\n.carousel-control-prev-icon {\n background-image: escape-svg($carousel-control-prev-icon-bg);\n}\n.carousel-control-next-icon {\n background-image: escape-svg($carousel-control-next-icon-bg);\n}\n\n\n// Optional indicator pips\n//\n// Add an ordered list with the following class and add a list item for each\n// slide your carousel holds.\n\n.carousel-indicators {\n position: absolute;\n right: 0;\n bottom: 0;\n left: 0;\n z-index: 15;\n display: flex;\n justify-content: center;\n padding-left: 0; // override <ol> default\n // Use the .carousel-control's width as margin so we don't overlay those\n margin-right: $carousel-control-width;\n margin-left: $carousel-control-width;\n list-style: none;\n\n li {\n box-sizing: content-box;\n flex: 0 1 auto;\n width: $carousel-indicator-width;\n height: $carousel-indicator-height;\n margin-right: $carousel-indicator-spacer;\n margin-left: $carousel-indicator-spacer;\n text-indent: -999px;\n cursor: pointer;\n background-color: $carousel-indicator-active-bg;\n background-clip: padding-box;\n // Use transparent borders to increase the hit area by 10px on top and bottom.\n border-top: $carousel-indicator-hit-area-height solid transparent;\n border-bottom: $carousel-indicator-hit-area-height solid transparent;\n opacity: .5;\n @include transition($carousel-indicator-transition);\n }\n\n .active {\n opacity: 1;\n }\n}\n\n\n// Optional captions\n//\n//\n\n.carousel-caption {\n position: absolute;\n right: (100% - $carousel-caption-width) / 2;\n bottom: 20px;\n left: (100% - $carousel-caption-width) / 2;\n z-index: 10;\n padding-top: 20px;\n padding-bottom: 20px;\n color: $carousel-caption-color;\n text-align: center;\n}\n",'@mixin clearfix() {\n &::after {\n display: block;\n clear: both;\n content: "";\n }\n}\n',"//\n// Rotating border\n//\n\n@keyframes spinner-border {\n to { transform: rotate(360deg); }\n}\n\n.spinner-border {\n display: inline-block;\n width: $spinner-width;\n height: $spinner-height;\n vertical-align: text-bottom;\n border: $spinner-border-width solid currentColor;\n border-right-color: transparent;\n // stylelint-disable-next-line property-disallowed-list\n border-radius: 50%;\n animation: .75s linear infinite spinner-border;\n}\n\n.spinner-border-sm {\n width: $spinner-width-sm;\n height: $spinner-height-sm;\n border-width: $spinner-border-width-sm;\n}\n\n//\n// Growing circle\n//\n\n@keyframes spinner-grow {\n 0% {\n transform: scale(0);\n }\n 50% {\n opacity: 1;\n transform: none;\n }\n}\n\n.spinner-grow {\n display: inline-block;\n width: $spinner-width;\n height: $spinner-height;\n vertical-align: text-bottom;\n background-color: currentColor;\n // stylelint-disable-next-line property-disallowed-list\n border-radius: 50%;\n opacity: 0;\n animation: .75s linear infinite spinner-grow;\n}\n\n.spinner-grow-sm {\n width: $spinner-width-sm;\n height: $spinner-height-sm;\n}\n\n@if $enable-prefers-reduced-motion-media-query {\n @media (prefers-reduced-motion: reduce) {\n .spinner-border,\n .spinner-grow {\n animation-duration: 1.5s;\n }\n }\n}\n","// stylelint-disable declaration-no-important\n\n.align-baseline { vertical-align: baseline !important; } // Browser default\n.align-top { vertical-align: top !important; }\n.align-middle { vertical-align: middle !important; }\n.align-bottom { vertical-align: bottom !important; }\n.align-text-bottom { vertical-align: text-bottom !important; }\n.align-text-top { vertical-align: text-top !important; }\n",'// stylelint-disable declaration-no-important\n\n// Contextual backgrounds\n\n@mixin bg-variant($parent, $color, $ignore-warning: false) {\n #{$parent} {\n background-color: $color !important;\n }\n a#{$parent},\n button#{$parent} {\n @include hover-focus() {\n background-color: darken($color, 10%) !important;\n }\n }\n @include deprecate("The `bg-variant` mixin", "v4.4.0", "v5", $ignore-warning);\n}\n\n@mixin bg-gradient-variant($parent, $color, $ignore-warning: false) {\n #{$parent} {\n background: $color linear-gradient(180deg, mix($body-bg, $color, 15%), $color) repeat-x !important;\n }\n @include deprecate("The `bg-gradient-variant` mixin", "v4.5.0", "v5", $ignore-warning);\n}\n','// stylelint-disable declaration-no-important\n\n@each $color, $value in $theme-colors {\n @include bg-variant(".bg-#{$color}", $value, true);\n}\n\n@if $enable-gradients {\n @each $color, $value in $theme-colors {\n @include bg-gradient-variant(".bg-gradient-#{$color}", $value, true);\n }\n}\n\n.bg-white {\n background-color: $white !important;\n}\n\n.bg-transparent {\n background-color: transparent !important;\n}\n',"// stylelint-disable property-disallowed-list, declaration-no-important\n\n//\n// Border\n//\n\n.border { border: $border-width solid $border-color !important; }\n.border-top { border-top: $border-width solid $border-color !important; }\n.border-right { border-right: $border-width solid $border-color !important; }\n.border-bottom { border-bottom: $border-width solid $border-color !important; }\n.border-left { border-left: $border-width solid $border-color !important; }\n\n.border-0 { border: 0 !important; }\n.border-top-0 { border-top: 0 !important; }\n.border-right-0 { border-right: 0 !important; }\n.border-bottom-0 { border-bottom: 0 !important; }\n.border-left-0 { border-left: 0 !important; }\n\n@each $color, $value in $theme-colors {\n .border-#{$color} {\n border-color: $value !important;\n }\n}\n\n.border-white {\n border-color: $white !important;\n}\n\n//\n// Border-radius\n//\n\n.rounded-sm {\n border-radius: $border-radius-sm !important;\n}\n\n.rounded {\n border-radius: $border-radius !important;\n}\n\n.rounded-top {\n border-top-left-radius: $border-radius !important;\n border-top-right-radius: $border-radius !important;\n}\n\n.rounded-right {\n border-top-right-radius: $border-radius !important;\n border-bottom-right-radius: $border-radius !important;\n}\n\n.rounded-bottom {\n border-bottom-right-radius: $border-radius !important;\n border-bottom-left-radius: $border-radius !important;\n}\n\n.rounded-left {\n border-top-left-radius: $border-radius !important;\n border-bottom-left-radius: $border-radius !important;\n}\n\n.rounded-lg {\n border-radius: $border-radius-lg !important;\n}\n\n.rounded-circle {\n border-radius: 50% !important;\n}\n\n.rounded-pill {\n border-radius: $rounded-pill !important;\n}\n\n.rounded-0 {\n border-radius: 0 !important;\n}\n","// stylelint-disable declaration-no-important\n\n//\n// Utilities for common `display` values\n//\n\n@each $breakpoint in map-keys($grid-breakpoints) {\n @include media-breakpoint-up($breakpoint) {\n $infix: breakpoint-infix($breakpoint, $grid-breakpoints);\n\n @each $value in $displays {\n .d#{$infix}-#{$value} { display: $value !important; }\n }\n }\n}\n\n\n//\n// Utilities for toggling `display` in print\n//\n\n@media print {\n @each $value in $displays {\n .d-print-#{$value} { display: $value !important; }\n }\n}\n",'// Credit: Nicolas Gallagher and SUIT CSS.\n\n.embed-responsive {\n position: relative;\n display: block;\n width: 100%;\n padding: 0;\n overflow: hidden;\n\n &::before {\n display: block;\n content: "";\n }\n\n .embed-responsive-item,\n iframe,\n embed,\n object,\n video {\n position: absolute;\n top: 0;\n bottom: 0;\n left: 0;\n width: 100%;\n height: 100%;\n border: 0;\n }\n}\n\n@each $embed-responsive-aspect-ratio in $embed-responsive-aspect-ratios {\n $embed-responsive-aspect-ratio-x: nth($embed-responsive-aspect-ratio, 1);\n $embed-responsive-aspect-ratio-y: nth($embed-responsive-aspect-ratio, 2);\n\n .embed-responsive-#{$embed-responsive-aspect-ratio-x}by#{$embed-responsive-aspect-ratio-y} {\n &::before {\n padding-top: percentage($embed-responsive-aspect-ratio-y / $embed-responsive-aspect-ratio-x);\n }\n }\n}\n',"// stylelint-disable declaration-no-important\n\n// Flex variation\n//\n// Custom styles for additional flex alignment options.\n\n@each $breakpoint in map-keys($grid-breakpoints) {\n @include media-breakpoint-up($breakpoint) {\n $infix: breakpoint-infix($breakpoint, $grid-breakpoints);\n\n .flex#{$infix}-row { flex-direction: row !important; }\n .flex#{$infix}-column { flex-direction: column !important; }\n .flex#{$infix}-row-reverse { flex-direction: row-reverse !important; }\n .flex#{$infix}-column-reverse { flex-direction: column-reverse !important; }\n\n .flex#{$infix}-wrap { flex-wrap: wrap !important; }\n .flex#{$infix}-nowrap { flex-wrap: nowrap !important; }\n .flex#{$infix}-wrap-reverse { flex-wrap: wrap-reverse !important; }\n .flex#{$infix}-fill { flex: 1 1 auto !important; }\n .flex#{$infix}-grow-0 { flex-grow: 0 !important; }\n .flex#{$infix}-grow-1 { flex-grow: 1 !important; }\n .flex#{$infix}-shrink-0 { flex-shrink: 0 !important; }\n .flex#{$infix}-shrink-1 { flex-shrink: 1 !important; }\n\n .justify-content#{$infix}-start { justify-content: flex-start !important; }\n .justify-content#{$infix}-end { justify-content: flex-end !important; }\n .justify-content#{$infix}-center { justify-content: center !important; }\n .justify-content#{$infix}-between { justify-content: space-between !important; }\n .justify-content#{$infix}-around { justify-content: space-around !important; }\n\n .align-items#{$infix}-start { align-items: flex-start !important; }\n .align-items#{$infix}-end { align-items: flex-end !important; }\n .align-items#{$infix}-center { align-items: center !important; }\n .align-items#{$infix}-baseline { align-items: baseline !important; }\n .align-items#{$infix}-stretch { align-items: stretch !important; }\n\n .align-content#{$infix}-start { align-content: flex-start !important; }\n .align-content#{$infix}-end { align-content: flex-end !important; }\n .align-content#{$infix}-center { align-content: center !important; }\n .align-content#{$infix}-between { align-content: space-between !important; }\n .align-content#{$infix}-around { align-content: space-around !important; }\n .align-content#{$infix}-stretch { align-content: stretch !important; }\n\n .align-self#{$infix}-auto { align-self: auto !important; }\n .align-self#{$infix}-start { align-self: flex-start !important; }\n .align-self#{$infix}-end { align-self: flex-end !important; }\n .align-self#{$infix}-center { align-self: center !important; }\n .align-self#{$infix}-baseline { align-self: baseline !important; }\n .align-self#{$infix}-stretch { align-self: stretch !important; }\n }\n}\n","// stylelint-disable declaration-no-important\n\n@each $breakpoint in map-keys($grid-breakpoints) {\n @include media-breakpoint-up($breakpoint) {\n $infix: breakpoint-infix($breakpoint, $grid-breakpoints);\n\n .float#{$infix}-left { float: left !important; }\n .float#{$infix}-right { float: right !important; }\n .float#{$infix}-none { float: none !important; }\n }\n}\n","// stylelint-disable declaration-no-important\n\n@each $value in $user-selects {\n .user-select-#{$value} { user-select: $value !important; }\n}\n","// stylelint-disable declaration-no-important\n\n// Common values\n@each $position in $positions {\n .position-#{$position} { position: $position !important; }\n}\n\n// Shorthand\n\n.fixed-top {\n position: fixed;\n top: 0;\n right: 0;\n left: 0;\n z-index: $zindex-fixed;\n}\n\n.fixed-bottom {\n position: fixed;\n right: 0;\n bottom: 0;\n left: 0;\n z-index: $zindex-fixed;\n}\n\n.sticky-top {\n @supports (position: sticky) {\n position: sticky;\n top: 0;\n z-index: $zindex-sticky;\n }\n}\n","//\n// Screenreaders\n//\n\n.sr-only {\n @include sr-only();\n}\n\n.sr-only-focusable {\n @include sr-only-focusable();\n}\n",'// Only display content to screen readers\n//\n// See: https://www.a11yproject.com/posts/2013-01-11-how-to-hide-content/\n// See: https://hugogiraudel.com/2016/10/13/css-hide-and-seek/\n\n@mixin sr-only() {\n position: absolute;\n width: 1px;\n height: 1px;\n padding: 0;\n margin: -1px; // Fix for https://github.com/twbs/bootstrap/issues/25686\n overflow: hidden;\n clip: rect(0, 0, 0, 0);\n white-space: nowrap;\n border: 0;\n}\n\n// Use in conjunction with .sr-only to only display content when it\'s focused.\n//\n// Useful for "Skip to main content" links; see https://www.w3.org/TR/2013/NOTE-WCAG20-TECHS-20130905/G1\n//\n// Credit: HTML5 Boilerplate\n\n@mixin sr-only-focusable() {\n &:active,\n &:focus {\n position: static;\n width: auto;\n height: auto;\n overflow: visible;\n clip: auto;\n white-space: normal;\n }\n}\n',"// stylelint-disable declaration-no-important\n\n.shadow-sm { box-shadow: $box-shadow-sm !important; }\n.shadow { box-shadow: $box-shadow !important; }\n.shadow-lg { box-shadow: $box-shadow-lg !important; }\n.shadow-none { box-shadow: none !important; }\n","// stylelint-disable declaration-no-important\n\n// Width and height\n\n@each $prop, $abbrev in (width: w, height: h) {\n @each $size, $length in $sizes {\n .#{$abbrev}-#{$size} { #{$prop}: $length !important; }\n }\n}\n\n.mw-100 { max-width: 100% !important; }\n.mh-100 { max-height: 100% !important; }\n\n// Viewport additional helpers\n\n.min-vw-100 { min-width: 100vw !important; }\n.min-vh-100 { min-height: 100vh !important; }\n\n.vw-100 { width: 100vw !important; }\n.vh-100 { height: 100vh !important; }\n","// stylelint-disable declaration-no-important\n\n// Margin and Padding\n\n@each $breakpoint in map-keys($grid-breakpoints) {\n @include media-breakpoint-up($breakpoint) {\n $infix: breakpoint-infix($breakpoint, $grid-breakpoints);\n\n @each $prop, $abbrev in (margin: m, padding: p) {\n @each $size, $length in $spacers {\n .#{$abbrev}#{$infix}-#{$size} { #{$prop}: $length !important; }\n .#{$abbrev}t#{$infix}-#{$size},\n .#{$abbrev}y#{$infix}-#{$size} {\n #{$prop}-top: $length !important;\n }\n .#{$abbrev}r#{$infix}-#{$size},\n .#{$abbrev}x#{$infix}-#{$size} {\n #{$prop}-right: $length !important;\n }\n .#{$abbrev}b#{$infix}-#{$size},\n .#{$abbrev}y#{$infix}-#{$size} {\n #{$prop}-bottom: $length !important;\n }\n .#{$abbrev}l#{$infix}-#{$size},\n .#{$abbrev}x#{$infix}-#{$size} {\n #{$prop}-left: $length !important;\n }\n }\n }\n\n // Negative margins (e.g., where `.mb-n1` is negative version of `.mb-1`)\n @each $size, $length in $spacers {\n @if $size != 0 {\n .m#{$infix}-n#{$size} { margin: -$length !important; }\n .mt#{$infix}-n#{$size},\n .my#{$infix}-n#{$size} {\n margin-top: -$length !important;\n }\n .mr#{$infix}-n#{$size},\n .mx#{$infix}-n#{$size} {\n margin-right: -$length !important;\n }\n .mb#{$infix}-n#{$size},\n .my#{$infix}-n#{$size} {\n margin-bottom: -$length !important;\n }\n .ml#{$infix}-n#{$size},\n .mx#{$infix}-n#{$size} {\n margin-left: -$length !important;\n }\n }\n }\n\n // Some special margin utils\n .m#{$infix}-auto { margin: auto !important; }\n .mt#{$infix}-auto,\n .my#{$infix}-auto {\n margin-top: auto !important;\n }\n .mr#{$infix}-auto,\n .mx#{$infix}-auto {\n margin-right: auto !important;\n }\n .mb#{$infix}-auto,\n .my#{$infix}-auto {\n margin-bottom: auto !important;\n }\n .ml#{$infix}-auto,\n .mx#{$infix}-auto {\n margin-left: auto !important;\n }\n }\n}\n",'//\n// Stretched link\n//\n\n.stretched-link {\n &::after {\n position: absolute;\n top: 0;\n right: 0;\n bottom: 0;\n left: 0;\n z-index: 1;\n // Just in case `pointer-events: none` is set on a parent\n pointer-events: auto;\n content: "";\n // IE10 bugfix, see https://stackoverflow.com/questions/16947967/ie10-hover-pseudo-class-doesnt-work-without-background-color\n background-color: rgba(0, 0, 0, 0);\n }\n}\n','// stylelint-disable declaration-no-important\n\n//\n// Text\n//\n\n.text-monospace { font-family: $font-family-monospace !important; }\n\n// Alignment\n\n.text-justify { text-align: justify !important; }\n.text-wrap { white-space: normal !important; }\n.text-nowrap { white-space: nowrap !important; }\n.text-truncate { @include text-truncate(); }\n\n// Responsive alignment\n\n@each $breakpoint in map-keys($grid-breakpoints) {\n @include media-breakpoint-up($breakpoint) {\n $infix: breakpoint-infix($breakpoint, $grid-breakpoints);\n\n .text#{$infix}-left { text-align: left !important; }\n .text#{$infix}-right { text-align: right !important; }\n .text#{$infix}-center { text-align: center !important; }\n }\n}\n\n// Transformation\n\n.text-lowercase { text-transform: lowercase !important; }\n.text-uppercase { text-transform: uppercase !important; }\n.text-capitalize { text-transform: capitalize !important; }\n\n// Weight and italics\n\n.font-weight-light { font-weight: $font-weight-light !important; }\n.font-weight-lighter { font-weight: $font-weight-lighter !important; }\n.font-weight-normal { font-weight: $font-weight-normal !important; }\n.font-weight-bold { font-weight: $font-weight-bold !important; }\n.font-weight-bolder { font-weight: $font-weight-bolder !important; }\n.font-italic { font-style: italic !important; }\n\n// Contextual colors\n\n.text-white { color: $white !important; }\n\n@each $color, $value in $theme-colors {\n @include text-emphasis-variant(".text-#{$color}", $value, true);\n}\n\n.text-body { color: $body-color !important; }\n.text-muted { color: $text-muted !important; }\n\n.text-black-50 { color: rgba($black, .5) !important; }\n.text-white-50 { color: rgba($white, .5) !important; }\n\n// Misc\n\n.text-hide {\n @include text-hide($ignore-warning: true);\n}\n\n.text-decoration-none { text-decoration: none !important; }\n\n.text-break {\n word-break: break-word !important; // Deprecated, but avoids issues with flex containers\n word-wrap: break-word !important; // Used instead of `overflow-wrap` for IE & Edge Legacy\n}\n\n// Reset\n\n.text-reset { color: inherit !important; }\n',"// Text truncate\n// Requires inline-block or block for proper styling\n\n@mixin text-truncate() {\n overflow: hidden;\n text-overflow: ellipsis;\n white-space: nowrap;\n}\n",'// stylelint-disable declaration-no-important\n\n// Typography\n\n@mixin text-emphasis-variant($parent, $color, $ignore-warning: false) {\n #{$parent} {\n color: $color !important;\n }\n @if $emphasized-link-hover-darken-percentage != 0 {\n a#{$parent} {\n @include hover-focus() {\n color: darken($color, $emphasized-link-hover-darken-percentage) !important;\n }\n }\n }\n @include deprecate("`text-emphasis-variant()`", "v4.4.0", "v5", $ignore-warning);\n}\n','// CSS image replacement\n@mixin text-hide($ignore-warning: false) {\n // stylelint-disable-next-line font-family-no-missing-generic-family-keyword\n font: 0/0 a;\n color: transparent;\n text-shadow: none;\n background-color: transparent;\n border: 0;\n\n @include deprecate("`text-hide()`", "v4.1.0", "v5", $ignore-warning);\n}\n',"// stylelint-disable declaration-no-important\n\n//\n// Visibility utilities\n//\n\n.visible {\n visibility: visible !important;\n}\n\n.invisible {\n visibility: hidden !important;\n}\n",'// stylelint-disable declaration-no-important, selector-no-qualifying-type\n\n// Source: https://github.com/h5bp/main.css/blob/master/src/_print.css\n\n// ==========================================================================\n// Print styles.\n// Inlined to avoid the additional HTTP request:\n// https://www.phpied.com/delay-loading-your-print-css/\n// ==========================================================================\n\n@if $enable-print-styles {\n @media print {\n *,\n *::before,\n *::after {\n // Bootstrap specific; comment out `color` and `background`\n //color: $black !important; // Black prints faster\n text-shadow: none !important;\n //background: transparent !important;\n box-shadow: none !important;\n }\n\n a {\n &:not(.btn) {\n text-decoration: underline;\n }\n }\n\n // Bootstrap specific; comment the following selector out\n //a[href]::after {\n // content: " (" attr(href) ")";\n //}\n\n abbr[title]::after {\n content: " (" attr(title) ")";\n }\n\n // Bootstrap specific; comment the following selector out\n //\n // Don\'t show links that are fragment identifiers,\n // or use the `javascript:` pseudo protocol\n //\n\n //a[href^="#"]::after,\n //a[href^="javascript:"]::after {\n // content: "";\n //}\n\n pre {\n white-space: pre-wrap !important;\n }\n pre,\n blockquote {\n border: $border-width solid $gray-500; // Bootstrap custom code; using `$border-width` instead of 1px\n page-break-inside: avoid;\n }\n\n //\n // Printing Tables:\n // https://web.archive.org/web/20180815150934/http://css-discuss.incutio.com/wiki/Printing_Tables\n //\n\n thead {\n display: table-header-group;\n }\n\n tr,\n img {\n page-break-inside: avoid;\n }\n\n p,\n h2,\n h3 {\n orphans: 3;\n widows: 3;\n }\n\n h2,\n h3 {\n page-break-after: avoid;\n }\n\n // Bootstrap specific changes start\n\n // Specify a size and min-width to make printing closer across browsers.\n // We don\'t set margin here because it breaks `size` in Chrome. We also\n // don\'t use `!important` on `size` as it breaks in Chrome.\n @page {\n size: $print-page-size;\n }\n body {\n min-width: $print-body-min-width !important;\n }\n .container {\n min-width: $print-body-min-width !important;\n }\n\n // Bootstrap components\n .navbar {\n display: none;\n }\n .badge {\n border: $border-width solid $black;\n }\n\n .table {\n border-collapse: collapse !important;\n\n td,\n th {\n background-color: $white !important;\n }\n }\n\n .table-bordered {\n th,\n td {\n border: 1px solid $gray-300 !important;\n }\n }\n\n .table-dark {\n color: inherit;\n\n th,\n td,\n thead th,\n tbody + tbody {\n border-color: $table-border-color;\n }\n }\n\n .table .thead-dark th {\n color: inherit;\n border-color: $table-border-color;\n }\n\n // Bootstrap specific changes end\n }\n}\n'],sourceRoot:""}]),e.Z=a},7394:function(t,e,n){"use strict";var r=n(3601),i=n.n(r),o=n(3495),a=n.n(o)()(i());a.push([t.id,"._1U0d49ic8HYqjjdsAEOewJ{flex:1 1 0%}.plTfKrO9Gv9zKtSvZaeLh{flex:1 1 0%;display:flex;flex-direction:column;align-items:center;padding:5px;border-width:2px;border-radius:2px;border-color:#eee;border-style:dashed;background-color:#fafafa;color:#bdbdbd;outline:none;transition:border .24s ease-in-out}.plTfKrO9Gv9zKtSvZaeLh:focus{border-color:#2196f3}.plTfKrO9Gv9zKtSvZaeLh._3ayLYEkmluTPYhv6rM20Yl{opacity:.6}","",{version:3,sources:["webpack://./src/dataproviders/upload.scss"],names:[],mappings:"AAOC,yBACG,WAAA,CAGJ,uBACI,WAAA,CACA,YAAA,CACA,qBAAA,CACA,kBAAA,CACA,WAAA,CACA,gBAAA,CACA,iBAAA,CACA,iBAAA,CACA,mBAAA,CACA,wBAAA,CACA,aAAA,CACA,YAAA,CACA,kCAAA,CAGJ,6BACI,oBAAA,CAGJ,+CACI,UAAA",sourcesContent:["/*\n * Copyright (c) Facebook, Inc. and its affiliates.\n *\n * This source code is licensed under the MIT license found in the\n * LICENSE file in the root directory of this source tree.\n */\n\n .dropzoneContainer {\n flex: 1 1 0%;\n }\n\n.dropzone {\n flex: 1 1 0%;\n display: flex;\n flex-direction: column;\n align-items: center;\n padding: 5px;\n border-width: 2px;\n border-radius: 2px;\n border-color: #eeeeee;\n border-style: dashed;\n background-color: #fafafa;\n color: #bdbdbd;\n outline: none;\n transition: border .24s ease-in-out;\n}\n\n.dropzone:focus {\n border-color: #2196f3;\n}\n\n.dropzone.disabled {\n opacity: 0.6;\n}\n"],sourceRoot:""}]),a.locals={dropzoneContainer:"_1U0d49ic8HYqjjdsAEOewJ",dropzone:"plTfKrO9Gv9zKtSvZaeLh",disabled:"_3ayLYEkmluTPYhv6rM20Yl"},e.Z=a},6566:function(t,e,n){"use strict";var r=n(3601),i=n.n(r),o=n(3495),a=n.n(o)()(i());a.push([t.id,"._32HeyC7HWVqvVsPvUXaOos svg{font-family:Ubuntu,Tahoma,Helvetica,sans-serif}._32HeyC7HWVqvVsPvUXaOos canvas,._32HeyC7HWVqvVsPvUXaOos svg{position:absolute;top:0;left:0}._32HeyC7HWVqvVsPvUXaOos{position:relative}._1BHre2Oe6TFO4hTuim52P4 rect._1GcXKZcqKY3u_RsHyssxts{fill:rgba(100,100,100,.15);stroke:#fff}._1BHre2Oe6TFO4hTuim52P4:hover rect._1GcXKZcqKY3u_RsHyssxts{stroke:#222;stroke-dasharray:5,5}._1BHre2Oe6TFO4hTuim52P4 rect._1GcXKZcqKY3u_RsHyssxts:hover{stroke-dasharray:none}._2jwlhkQibLWzPLqgPawz-2 .label-name{transform-origin:bottom left}._3jWoJZMEJsghgskeSu6y2r ._26LxRBU1xQqr-IZixZo4Yr{font-size:16px;font-weight:bold}._3jWoJZMEJsghgskeSu6y2r{cursor:move;font-size:16px}._3jWoJZMEJsghgskeSu6y2r text{fill:#111;text-anchor:right;font-size:13px;text-shadow:0 1px 0 #fff,1px 0 0 #fff,0 -1px 0 #fff,-1px 0 0 #fff}._3jWoJZMEJsghgskeSu6y2r line,._3jWoJZMEJsghgskeSu6y2r path{fill:none;stroke:#777;stroke-width:1}._3jWoJZMEJsghgskeSu6y2r .tick{width:200px}.hip_thm--dark ._1BHre2Oe6TFO4hTuim52P4 rect._1GcXKZcqKY3u_RsHyssxts{fill:rgba(100,100,100,.15);stroke:#ddd}.hip_thm--dark ._3jWoJZMEJsghgskeSu6y2r text{fill:#f2f2f2;text-shadow:0 1px 0 #000,1px 0 0 #000,0 -1px 0 #000,-1px 0 0 #000}.hip_thm--dark ._3jWoJZMEJsghgskeSu6y2r line,.hip_thm--dark ._3jWoJZMEJsghgskeSu6y2r path{stroke:#777}._1ZUSF-tbSSCscSmTY4-BEX{margin:0;width:100%;height:100%;padding:0}._1ZUSF-tbSSCscSmTY4-BEX{font-family:Ubuntu,Tahoma,Helvetica,sans-serif}.hip_thm--light{background:#f7f7f7;color:#404040}._1ZUSF-tbSSCscSmTY4-BEX a{text-decoration:none}._1AfhwbHQacWQLj0k2eqYPY{padding:0 3.5%}._3ffmvq_BKNEwt5UY9Gc-3z rect{fill:none}._1ThJRgZ_-ADTF9DxMm1vO3{fill:none}.Z9LpR6Ss9OVkeNf1RPX89{white-space:nowrap}._3jBnCXb7Wq6d6Nj5qU0tZj,._3PwMN63swXgYs2V3NaqW4N,._2fSQp8UpBsNXqy2qBvI5iU{float:left}._3jBnCXb7Wq6d6Nj5qU0tZj{width:23%;margin:0 1%}._3PwMN63swXgYs2V3NaqW4N{width:31.3%;margin:0 1%}._2fSQp8UpBsNXqy2qBvI5iU{width:48%;margin:0 1%}._1ZUSF-tbSSCscSmTY4-BEX h3{margin:12px 0 9px}._1ZUSF-tbSSCscSmTY4-BEX h3 small{color:#888;font-weight:normal}._1ZUSF-tbSSCscSmTY4-BEX p{margin:.6em 0}._1ZUSF-tbSSCscSmTY4-BEX small{line-height:1.2em}._3Xzbpi7clTMlgQuSC3TkSJ,._3jHLkrE3pIpw8R_Qw5_T0S{width:0%;font-weight:bold;height:100%}._3Xzbpi7clTMlgQuSC3TkSJ{background:#3d9aff;border-right:1px solid #666}._3jHLkrE3pIpw8R_Qw5_T0S{background:rgba(171,171,171,.5);border-right:1px solid #999}._1Mg1NRi7I_xMRF7P6dMc27{height:2px;line-height:2px;width:100%}._2ZYBXU2M0MFXTysMcWHNaP{width:268px;float:left}.-wfDlWaWyKfeKj7tWu_NX{float:right;height:24px;line-height:24px}._27zXkTqskweooVZri-rve2 button{border-color:#000 !important}._27zXkTqskweooVZri-rve2 button:disabled{border:solid 1px transparent !important}::-webkit-scrollbar{width:10px;height:10px}::-webkit-scrollbar-track{background:#ddd;border-radius:12px}::-webkit-scrollbar-thumb{background:#b5b5b5;border-radius:12px}._1Bsj-IoFR-3UZmBWt4DK3U .tick line{color:#9a9a9a26}._2TQYADEAYb-yeOW_o05tV6 .tick line{color:#9a9a9a26}.wYt95QU-sFBMT3IkH8bwU{min-height:100vh}.mRwqXRNbsMNf1DyEbEt7a{overflow-x:auto}._37gV_F_HNGkKc8oXAGsUwm{height:10px;width:10px;display:inline-block}._2dARw8OX_2i77zjmu1zT9T{display:inline-block;width:0px}.QfFdce7wIRJIhiVuXhuDW{top:100%;left:0%}._2dARw8OX_2i77zjmu1zT9T ._32FheJCQOHwmFVYLzJnNY6{visibility:hidden;background-color:#000;color:#fff;text-align:center;padding:5px;border-radius:6px}.Z9LpR6Ss9OVkeNf1RPX89:hover+._32FheJCQOHwmFVYLzJnNY6{visibility:visible}.Z9LpR6Ss9OVkeNf1RPX89{color:#5e5e5e}.Z9LpR6Ss9OVkeNf1RPX89:hover{color:#000;text-decoration:underline dotted}.hip_thm--dark .Z9LpR6Ss9OVkeNf1RPX89{color:#b7b7b7}.hip_thm--dark .Z9LpR6Ss9OVkeNf1RPX89:hover{color:#fff}.ZS2MuDjd27slndFC6jn1o line{stroke:#000;stroke-width:2}._3kwumxQ6vpcMAxOpEckXUT rect{fill:#9467bd}._2jYuBVDUw-byb6rjf5UDty{width:100%;height:50px;font-family:monospace;font-size:12pt;resize:none;overflow:hidden}._1084BZwPDL5dGuJyHsG-Kb{height:25px !important}._27zXkTqskweooVZri-rve2{border-bottom:1px solid rgba(100,100,100,.35);background:#e2e2e2;padding:6px 24px 4px;line-height:24px}._27zXkTqskweooVZri-rve2 h1{display:inline-block;margin:0px 14px 0 0}._27zXkTqskweooVZri-rve2 button{vertical-align:top}._1kTtwhJnygQhCtR86nYUmI{margin-left:5px;margin-right:5px}.hip_thm--dark ._3jWoJZMEJsghgskeSu6y2r text._2MRseUYIh66-VQsHtH05Kh{fill:#ddd}.hip_thm--dark ._27zXkTqskweooVZri-rve2{background:#040404;color:#f3f3f3}.hip_thm--dark{background:#131313;color:#e3e3e3}.hip_thm--dark a{color:#5ae}.hip_thm--dark ._1ThJRgZ_-ADTF9DxMm1vO3{fill:none}.hip_thm--dark ::-webkit-scrollbar-track{background:#222}.hip_thm--dark ::-webkit-scrollbar-thumb{background:#444}.hip_thm--dark ._27zXkTqskweooVZri-rve2 button:enabled{border-color:#fff !important}.hip_thm--dark .ZS2MuDjd27slndFC6jn1o line{stroke:#fff;stroke-width:2}.hip_thm--dark ._3kwumxQ6vpcMAxOpEckXUT rect{fill:#635075}","",{version:3,sources:["webpack://./src/parallel/parallel.scss","webpack://./src/hiplot.scss"],names:[],mappings:"AACA,6BACI,8CAAA,CAEF,6DACE,iBAAA,CACA,KAAA,CACA,MAAA,CAEF,yBACE,iBAAA,CAEJ,sDACI,0BAAA,CACA,WAAA,CAEJ,4DACI,WAAA,CACA,oBAAA,CAEJ,4DACI,qBAAA,CAGJ,qCACI,4BAAA,CAGJ,kDACI,cAAA,CACA,gBAAA,CAGJ,yBACI,WAAA,CACA,cAAA,CAEJ,8BACE,SAAA,CACA,iBAAA,CACA,cAAA,CACA,iEAAA,CAGF,4DACI,SAAA,CACA,WAAA,CACA,cAAA,CAEF,+BACE,WAAA,CAIJ,qEACI,0BAAA,CACA,WAAA,CAEJ,6CACI,YAAA,CACA,iEAAA,CAEJ,0FACI,WAAA,CCtDJ,yBACE,QAAA,CACA,UAAA,CACA,WAAA,CACA,SAAA,CAEF,yBACE,8CAAA,CAEF,gBACE,kBAAA,CACA,aAAA,CAEF,2BACE,oBAAA,CAEF,yBACE,cAAA,CAEF,8BACE,SAAA,CAEF,yBACE,SAAA,CAEF,uBACE,kBAAA,CAGF,2EACE,UAAA,CAEF,yBACE,SAAA,CACA,WAAA,CAEF,yBACE,WAAA,CACA,WAAA,CAEF,yBACE,SAAA,CACA,WAAA,CAEF,4BACE,iBAAA,CAEF,kCACE,UAAA,CACA,kBAAA,CAEF,2BACE,aAAA,CAEF,+BACE,iBAAA,CAIF,kDAEE,QAAA,CACA,gBAAA,CACA,WAAA,CAEF,yBACE,kBAAA,CACA,2BAAA,CAEF,yBACE,+BAAA,CACA,2BAAA,CAEF,yBACE,UAAA,CACA,eAAA,CACA,UAAA,CAEF,yBACE,WAAA,CACA,UAAA,CAEF,uBACE,WAAA,CACA,WAAA,CACA,gBAAA,CAEF,gCACE,4BAAA,CAEF,yCACE,uCAAA,CAKF,oBACE,UAAA,CACA,WAAA,CAGF,0BACE,eAAA,CACA,kBAAA,CAGF,0BACE,kBAAA,CACA,kBAAA,CAIF,oCACE,eAAA,CAEF,oCACE,eAAA,CAGF,uBACE,gBAAA,CAGF,uBACE,eAAA,CAGF,yBACE,WAAA,CACA,UAAA,CACA,oBAAA,CAIF,yBACE,oBAAA,CAEA,SAAA,CAGF,uBACE,QAAA,CACA,OAAA,CAGF,kDACE,iBAAA,CACA,qBAAA,CACA,UAAA,CACA,iBAAA,CACA,WAAA,CACA,iBAAA,CAIF,sDACE,kBAAA,CAEF,uBACE,aAAA,CAEF,6BACE,UAAA,CACA,gCAAA,CAGF,sCACE,aAAA,CAEF,4CACE,UAAA,CAIF,4BACE,WAAA,CACA,cAAA,CAEF,8BACE,YAAA,CAIF,yBACE,UAAA,CACA,WAAA,CACA,qBAAA,CACA,cAAA,CACA,WAAA,CACA,eAAA,CAGF,yBACE,sBAAA,CAGF,yBACE,6CAAA,CACA,kBAAA,CACA,oBAAA,CACA,gBAAA,CAEF,4BACE,oBAAA,CACA,mBAAA,CAEF,gCACE,kBAAA,CAGF,yBACE,eAAA,CACA,gBAAA,CAGF,qEACE,SAAA,CAIF,wCACE,kBAAA,CACA,aAAA,CAGF,eACE,kBAAA,CACA,aAAA,CAEF,iBACE,UAAA,CAEF,wCACE,SAAA,CAEF,yCACE,eAAA,CAEF,yCACE,eAAA,CAEF,uDACE,4BAAA,CAEF,2CACE,WAAA,CACA,cAAA,CAEF,6CACE,YAAA",sourcesContent:["\n.parallel-plot-chart svg {\n font-family: Ubuntu, Tahoma, Helvetica, sans-serif;\n }\n .parallel-plot-chart canvas, .parallel-plot-chart svg {\n position: absolute;\n top: 0;\n left: 0;\n }\n .parallel-plot-chart {\n position: relative;\n }\n.brush rect.extent {\n fill: rgba(100,100,100,0.15);\n stroke: #fff;\n}\n.brush:hover rect.extent {\n stroke: #222;\n stroke-dasharray: 5,5;\n}\n.brush rect.extent:hover {\n stroke-dasharray: none;\n}\n\n.pplotLabel :global(.label-name) {\n transform-origin: bottom left;\n}\n\n.axis .tickSelected {\n font-size: 16px;\n font-weight: bold;\n}\n\n.axis {\n cursor: move;\n font-size: 16px;\n}\n.axis text {\n fill: #111;\n text-anchor: right;\n font-size: 13px;\n text-shadow: 0 1px 0 #fff, 1px 0 0 #fff, 0 -1px 0 #fff, -1px 0 0 #fff;\n}\n\n.axis line, .axis path {\n fill: none;\n stroke: #777;\n stroke-width: 1;\n }\n .axis :global(.tick) {\n width: 200px;\n }\n\n/* Dark mode */\n:global(.hip_thm--dark) .brush rect.extent {\n fill: rgba(100,100,100,0.15);\n stroke: #ddd;\n }\n:global(.hip_thm--dark) .axis text {\n fill: #f2f2f2;\n text-shadow: 0 1px 0 #000, 1px 0 0 #000, 0 -1px 0 #000, -1px 0 0 #000;\n}\n:global(.hip_thm--dark) .axis line, :global(.hip_thm--dark) .axis path {\n stroke: #777;\n}\n",'/*\n * Copyright (c) Facebook, Inc. and its affiliates.\n *\n * This source code is licensed under the MIT license found in the\n * LICENSE file in the root directory of this source tree.\n */\n\n@import "parallel/parallel.scss";\n\n.hiplot {\n margin: 0;\n width: 100%;\n height: 100%;\n padding: 0;\n}\n.hiplot {\n font-family: Ubuntu, Tahoma, Helvetica, sans-serif;\n}\n:global(.hip_thm--light) {\n background: #f7f7f7;\n color: #404040;\n}\n.hiplot a {\n text-decoration: none;\n}\n.wrap {\n padding: 0 3.5%;\n}\n.resize rect {\n fill: none;\n}\n.background {\n fill: none;\n}\n.axisLabelText {\n white-space: nowrap;\n}\n\n.quarter, .third, .half {\n float: left;\n}\n.quarter {\n width: 23%;\n margin: 0 1%;\n}\n.third {\n width: 31.3%;\n margin: 0 1%;\n}\n.half {\n width: 48%;\n margin: 0 1%;\n}\n.hiplot h3 {\n margin: 12px 0 9px;\n}\n.hiplot h3 small {\n color: #888;\n font-weight: normal;\n}\n.hiplot p {\n margin: 0.6em 0;\n}\n.hiplot small {\n line-height: 1.2em;\n}\n\n\n.renderedBar,\n.selectedBar {\n width:0%;\n font-weight: bold;\n height: 100%;\n}\n.renderedBar {\n background: #3d9aff;\n border-right: 1px solid #666;\n}\n.selectedBar {\n background: rgba(171, 171, 171, 0.5);\n border-right: 1px solid #999;\n}\n.fillbar {\n height: 2px;\n line-height: 2px;\n width: 100%;\n}\n.little-box {\n width: 268px;\n float: left;\n}\n.controls {\n float: right;\n height: 24px;\n line-height: 24px;\n}\n.header button {\n border-color: black !important;\n}\n.header button:disabled{\n border: solid 1px transparent !important;\n}\n\n/* Scrollbars */\n\n::-webkit-scrollbar {\n width: 10px;\n height: 10px;\n}\n\n::-webkit-scrollbar-track {\n background: #ddd;\n border-radius: 12px;\n}\n\n::-webkit-scrollbar-thumb {\n background: #b5b5b5;\n border-radius: 12px;\n}\n\n\n.plotxy-graph-svg :global(.tick) line {\n color: #9a9a9a26;\n}\n.distr-graph-svg :global(.tick) line {\n color: #9a9a9a26;\n}\n\n.min-height-100 {\n min-height: 100vh;\n}\n\n.horizontal-scrollable {\n overflow-x: auto;\n}\n\n.colorBlock {\n height: 10px;\n width: 10px;\n display: inline-block;\n}\n\n/* Tooltips when hovering column labels */\n.tooltipContainer {\n display: inline-block;\n /* we have overflow:visible so that\'s fine. This prevents from moving the axes by dragging inside the plot area */\n width: 0px;\n}\n\n.tooltipBot {\n top: 100%;\n left: 0%;\n}\n/* Tooltip text */\n.tooltipContainer .tooltiptext {\n visibility: hidden;\n background-color: black;\n color: #fff;\n text-align: center;\n padding: 5px;\n border-radius: 6px;\n}\n\n/* Show the tooltip text when you mouse over the tooltip container */\n.axisLabelText:hover + .tooltiptext {\n visibility: visible;\n}\n.axisLabelText {\n color: #5e5e5e;\n}\n.axisLabelText:hover {\n color: black;\n text-decoration: underline dotted;\n}\n\n:global(.hip_thm--dark) .axisLabelText {\n color: #b7b7b7;\n}\n:global(.hip_thm--dark) .axisLabelText:hover {\n color: white;\n}\n\n/* Histogram */\n.histSelected line {\n stroke: black;\n stroke-width: 2;\n}\n.histAll rect {\n fill: rgb(148, 103, 189);\n}\n\n\n.runsSelectionTextarea {\n width: 100%;\n height: 50px;\n font-family:monospace;\n font-size: 12pt;\n resize: none;\n overflow: hidden;\n}\n\n.hasFocus {\n height: 25px !important;\n}\n\n.header {\n border-bottom: 1px solid rgba(100,100,100,0.35);\n background: #e2e2e2;\n padding: 6px 24px 4px;\n line-height: 24px;\n}\n.header h1 {\n display: inline-block;\n margin: 0px 14px 0 0;\n}\n.header button {\n vertical-align: top;\n}\n\n.controlGroup {\n margin-left: 5px;\n margin-right: 5px;\n}\n\n:global(.hip_thm--dark) .axis text.label {\n fill: #ddd;\n}\n/* dark theme */\n\n:global(.hip_thm--dark) .header {\n background: #040404;\n color: #f3f3f3;\n}\n\n:global(.hip_thm--dark) {\n background: #131313;\n color: #e3e3e3;\n}\n:global(.hip_thm--dark) a {\n color: #5ae;\n}\n:global(.hip_thm--dark) .background {\n fill: none;\n}\n:global(.hip_thm--dark) ::-webkit-scrollbar-track {\n background: #222;\n}\n:global(.hip_thm--dark) ::-webkit-scrollbar-thumb {\n background: #444;\n}\n:global(.hip_thm--dark) .header button:enabled {\n border-color: white !important;\n}\n:global(.hip_thm--dark) .histSelected line {\n stroke: white;\n stroke-width: 2;\n}\n:global(.hip_thm--dark) .histAll rect {\n fill:rgb(99, 80, 117);\n}\n'],sourceRoot:""}]),a.locals={"parallel-plot-chart":"_32HeyC7HWVqvVsPvUXaOos",brush:"_1BHre2Oe6TFO4hTuim52P4",extent:"_1GcXKZcqKY3u_RsHyssxts",pplotLabel:"_2jwlhkQibLWzPLqgPawz-2",axis:"_3jWoJZMEJsghgskeSu6y2r",tickSelected:"_26LxRBU1xQqr-IZixZo4Yr",hiplot:"_1ZUSF-tbSSCscSmTY4-BEX",wrap:"_1AfhwbHQacWQLj0k2eqYPY",resize:"_3ffmvq_BKNEwt5UY9Gc-3z",background:"_1ThJRgZ_-ADTF9DxMm1vO3",axisLabelText:"Z9LpR6Ss9OVkeNf1RPX89",quarter:"_3jBnCXb7Wq6d6Nj5qU0tZj",third:"_3PwMN63swXgYs2V3NaqW4N",half:"_2fSQp8UpBsNXqy2qBvI5iU",renderedBar:"_3Xzbpi7clTMlgQuSC3TkSJ",selectedBar:"_3jHLkrE3pIpw8R_Qw5_T0S",fillbar:"_1Mg1NRi7I_xMRF7P6dMc27","little-box":"_2ZYBXU2M0MFXTysMcWHNaP",controls:"-wfDlWaWyKfeKj7tWu_NX",header:"_27zXkTqskweooVZri-rve2","plotxy-graph-svg":"_1Bsj-IoFR-3UZmBWt4DK3U","distr-graph-svg":"_2TQYADEAYb-yeOW_o05tV6","min-height-100":"wYt95QU-sFBMT3IkH8bwU","horizontal-scrollable":"mRwqXRNbsMNf1DyEbEt7a",colorBlock:"_37gV_F_HNGkKc8oXAGsUwm",tooltipContainer:"_2dARw8OX_2i77zjmu1zT9T",tooltipBot:"QfFdce7wIRJIhiVuXhuDW",tooltiptext:"_32FheJCQOHwmFVYLzJnNY6",histSelected:"ZS2MuDjd27slndFC6jn1o",histAll:"_3kwumxQ6vpcMAxOpEckXUT",runsSelectionTextarea:"_2jYuBVDUw-byb6rjf5UDty",hasFocus:"_1084BZwPDL5dGuJyHsG-Kb",controlGroup:"_1kTtwhJnygQhCtR86nYUmI",label:"_2MRseUYIh66-VQsHtH05Kh"},e.Z=a},6462:function(t,e,n){"use strict";var r=n(3601),i=n.n(r),o=n(3495),a=n.n(o)()(i());a.push([t.id,'._2Xq826jTjWlp9wc4og9O0M{padding-bottom:4px;position:relative}._2Xq826jTjWlp9wc4og9O0M:after{content:" ";background-color:#ccc;position:absolute;bottom:0;left:0;width:100%;height:4px;cursor:row-resize}.rV7zfKDOrm8DfqwxXoww_{background-color:red}',"",{version:3,sources:["webpack://./src/lib/resizable.scss"],names:[],mappings:"AAOA,yBACI,kBAAA,CACA,iBAAA,CAGJ,+BACI,WAAA,CACA,qBAAA,CACA,iBAAA,CACA,QAAA,CACA,MAAA,CACA,UAAA,CACA,UAAA,CACA,iBAAA,CAGJ,uBACI,oBAAA",sourcesContent:['/*\n * Copyright (c) Facebook, Inc. and its affiliates.\n *\n * This source code is licensed under the MIT license found in the\n * LICENSE file in the root directory of this source tree.\n */\n\n.resizableH {\n padding-bottom: 4px;\n position: relative;\n}\n\n.resizableH:after {\n content: " ";\n background-color: #ccc;\n position: absolute;\n bottom: 0;\n left: 0;\n width: 100%;\n height: 4px;\n cursor: row-resize;\n}\n\n.pendingDelete {\n background-color: red;\n}\n'],sourceRoot:""}]),a.locals={resizableH:"_2Xq826jTjWlp9wc4og9O0M",pendingDelete:"rV7zfKDOrm8DfqwxXoww_"},e.Z=a},8083:function(t,e,n){"use strict";var r=n(3601),i=n.n(r),o=n(3495),a=n.n(o)()(i());a.push([t.id,".BtrES-vioJz05GbWpi1Ut{animation-duration:1s;animation-name:Rwr7X6mGHOl7-8LoKK3jv;animation-iteration-count:infinite}@keyframes Rwr7X6mGHOl7-8LoKK3jv{from{fill:#00000000;background-color:#00000000}to{fill:#e0e0e087;background-color:#e0e0e087}}.VH0BWgA00Sls3dC4io4_c{animation-duration:1s;animation-name:_3yyrfZUxv9GyJDsN5ui52r;animation-iteration-count:infinite;font-size:18px !important}@keyframes _3yyrfZUxv9GyJDsN5ui52r{from{fill:#000}to{fill:#00259e}}._3XbzsX-52AhX0ZnGjhFAqK{font-size:16px}","",{version:3,sources:["webpack://./src/tutorial/style.scss"],names:[],mappings:"AAOC,uBACG,qBAAA,CACA,oCAAA,CACA,kCAAA,CAGJ,iCACI,KACI,cAAA,CACA,0BAAA,CAGJ,GACI,cAAA,CACA,0BAAA,CAAA,CAIR,uBACI,qBAAA,CACA,sCAAA,CACA,kCAAA,CACA,yBAAA,CAGJ,mCACI,KACI,SAAA,CAEJ,GACI,YAAA,CAAA,CAKR,yBACI,cAAA",sourcesContent:["/*\n * Copyright (c) Facebook, Inc. and its affiliates.\n *\n * This source code is licensed under the MIT license found in the\n * LICENSE file in the root directory of this source tree.\n */\n\n .highlightElement {\n animation-duration: 1s;\n animation-name: highlightAnimation;\n animation-iteration-count: infinite;\n}\n\n@keyframes highlightAnimation {\n from {\n fill: #00000000;\n background-color: #00000000;\n }\n\n to {\n fill: #e0e0e087;\n background-color: #e0e0e087;\n }\n}\n\n.highlightText {\n animation-duration: 1s;\n animation-name: highlightTextAnimation;\n animation-iteration-count: infinite;\n font-size: 18px !important;\n}\n\n@keyframes highlightTextAnimation {\n from {\n fill: black;\n }\n to {\n fill: #00259e;\n }\n}\n\n\n.tutoAlert {\n font-size: 16px;\n}\n"],sourceRoot:""}]),a.locals={highlightElement:"BtrES-vioJz05GbWpi1Ut",highlightAnimation:"Rwr7X6mGHOl7-8LoKK3jv",highlightText:"VH0BWgA00Sls3dC4io4_c",highlightTextAnimation:"_3yyrfZUxv9GyJDsN5ui52r",tutoAlert:"_3XbzsX-52AhX0ZnGjhFAqK"},e.Z=a},45:function(t,e,n){var r;r=function(t,e,n,r){"use strict";var i=t.fn.dataTable;return t.extend(!0,i.defaults,{dom:"<'row'<'col-sm-12 col-md-6'l><'col-sm-12 col-md-6'f>><'row'<'col-sm-12'tr>><'row'<'col-sm-12 col-md-5'i><'col-sm-12 col-md-7'p>>",renderer:"bootstrap"}),t.extend(i.ext.classes,{sWrapper:"dataTables_wrapper dt-bootstrap4",sFilterInput:"form-control form-control-sm",sLengthSelect:"custom-select custom-select-sm form-control form-control-sm",sProcessing:"dataTables_processing card",sPageButton:"paginate_button page-item"}),i.ext.renderer.pageButton.bootstrap=function(e,o,a,l,h,s){var A,d,c,u=new i.Api(e),p=e.oClasses,m=e.oLanguage.oPaginate,f=e.oLanguage.oAria.paginate||{},g=0,C=function(n,r){var i,o,l,c,b=function(e){e.preventDefault(),t(e.currentTarget).hasClass("disabled")||u.page()==e.data.action||u.page(e.data.action).draw("page")};for(i=0,o=r.length;i<o;i++)if(c=r[i],Array.isArray(c))C(n,c);else{switch(A="",d="",c){case"ellipsis":A="…",d="disabled";break;case"first":A=m.sFirst,d=c+(h>0?"":" disabled");break;case"previous":A=m.sPrevious,d=c+(h>0?"":" disabled");break;case"next":A=m.sNext,d=c+(h<s-1?"":" disabled");break;case"last":A=m.sLast,d=c+(h<s-1?"":" disabled");break;default:A=c+1,d=h===c?"active":""}A&&(l=t("<li>",{class:p.sPageButton+" "+d,id:0===a&&"string"==typeof c?e.sTableId+"_"+c:null}).append(t("<a>",{href:"#","aria-controls":e.sTableId,"aria-label":f[c],"data-dt-idx":g,tabindex:e.iTabIndex,class:"page-link"}).html(A)).appendTo(n),e.oApi._fnBindAction(l,{action:c},b),g++)}};try{c=t(o).find(n.activeElement).data("dt-idx")}catch(t){}C(t(o).empty().html('<ul class="pagination"/>').children("ul"),l),c!==r&&t(o).find("[data-dt-idx="+c+"]").trigger("focus")},i},t.exports=function(t,e){return t||(t=window),e&&e.fn.dataTable||(e=n(557)(t,e).$),r(e,0,t.document)}},9895:function(t,e,n){var r;r=function(t,e,n,r){"use strict";var i=t.fn.dataTable;return t.extend(!0,i.Buttons.defaults,{dom:{container:{className:"dt-buttons btn-group flex-wrap"},button:{className:"btn btn-secondary"},collection:{tag:"div",className:"dropdown-menu",button:{tag:"a",className:"dt-button dropdown-item",active:"active",disabled:"disabled"}}},buttonCreated:function(e,n){return e.buttons?t('<div class="btn-group"/>').append(n):n}}),i.ext.buttons.collection.className+=" dropdown-toggle",i.ext.buttons.collection.rightAlignClassName="dropdown-menu-right",i.Buttons},t.exports=function(t,e){return t||(t=window),e&&e.fn.dataTable||(e=n(45)(t,e).$),e.fn.dataTable.Buttons||n(3302)(t,e),r(e,0,t.document)}},3302:function(t,e,n){var r;r=function(t,e,n,r){"use strict";var i=t.fn.dataTable,o=0,a=0,l=i.ext.buttons;function h(e,n,r){t.fn.animate?e.stop().fadeIn(n,r):(e.css("display","block"),r&&r.call(e))}function s(e,n,r){t.fn.animate?e.stop().fadeOut(n,r):(e.css("display","none"),r&&r.call(e))}var A,d=function(e,n){if(!(this instanceof d))return function(t){return new d(t,e).container()};void 0===n&&(n={}),!0===n&&(n={}),Array.isArray(n)&&(n={buttons:n}),this.c=t.extend(!0,{},d.defaults,n),n.buttons&&(this.c.buttons=n.buttons),this.s={dt:new i.Api(e),buttons:[],listenKeys:"",namespace:"dtb"+o++},this.dom={container:t("<"+this.c.dom.container.tag+"/>").addClass(this.c.dom.container.className)},this._constructor()};t.extend(d.prototype,{action:function(t,e){var n=this._nodeToButton(t);return e===r?n.conf.action:(n.conf.action=e,this)},active:function(e,n){var i=this._nodeToButton(e),o=this.c.dom.button.active,a=t(i.node);return n===r?a.hasClass(o):(a.toggleClass(o,n===r||n),this)},add:function(t,e){var n=this.s.buttons;if("string"==typeof e){for(var i=e.split("-"),o=this.s,a=0,l=i.length-1;a<l;a++)o=o.buttons[1*i[a]];n=o.buttons,e=1*i[i.length-1]}return this._expandButton(n,t,o!==r,e),this._draw(),this},container:function(){return this.dom.container},disable:function(e){var n=this._nodeToButton(e);return t(n.node).addClass(this.c.dom.button.disabled).attr("disabled",!0),this},destroy:function(){t("body").off("keyup."+this.s.namespace);var e,n,r=this.s.buttons.slice();for(e=0,n=r.length;e<n;e++)this.remove(r[e].node);this.dom.container.remove();var i=this.s.dt.settings()[0];for(e=0,n=i.length;e<n;e++)if(i.inst===this){i.splice(e,1);break}return this},enable:function(e,n){if(!1===n)return this.disable(e);var r=this._nodeToButton(e);return t(r.node).removeClass(this.c.dom.button.disabled).removeAttr("disabled"),this},name:function(){return this.c.name},node:function(e){if(!e)return this.dom.container;var n=this._nodeToButton(e);return t(n.node)},processing:function(e,n){var i=this.s.dt,o=this._nodeToButton(e);return n===r?t(o.node).hasClass("processing"):(t(o.node).toggleClass("processing",n),t(i.table().node()).triggerHandler("buttons-processing.dt",[n,i.button(e),i,t(e),o.conf]),this)},remove:function(e){var n=this._nodeToButton(e),r=this._nodeToHost(e),i=this.s.dt;if(n.buttons.length)for(var o=n.buttons.length-1;o>=0;o--)this.remove(n.buttons[o].node);n.conf.destroy&&n.conf.destroy.call(i.button(e),i,t(e),n.conf),this._removeKey(n.conf),t(n.node).remove();var a=t.inArray(n,r);return r.splice(a,1),this},text:function(e,n){var i=this._nodeToButton(e),o=this.c.dom.collection.buttonLiner,a=i.inCollection&&o&&o.tag?o.tag:this.c.dom.buttonLiner.tag,l=this.s.dt,h=t(i.node),s=function(t){return"function"==typeof t?t(l,h,i.conf):t};return n===r?s(i.conf.text):(i.conf.text=n,a?h.children(a).html(s(n)):h.html(s(n)),this)},_constructor:function(){var e=this,r=this.s.dt,i=r.settings()[0],o=this.c.buttons;i._buttons||(i._buttons=[]),i._buttons.push({inst:this,name:this.c.name});for(var a=0,l=o.length;a<l;a++)this.add(o[a]);r.on("destroy",(function(t,n){n===i&&e.destroy()})),t("body").on("keyup."+this.s.namespace,(function(t){if(!n.activeElement||n.activeElement===n.body){var r=String.fromCharCode(t.keyCode).toLowerCase();-1!==e.s.listenKeys.toLowerCase().indexOf(r)&&e._keypress(r,t)}}))},_addKey:function(e){e.key&&(this.s.listenKeys+=t.isPlainObject(e.key)?e.key.key:e.key)},_draw:function(t,e){t||(t=this.dom.container,e=this.s.buttons),t.children().detach();for(var n=0,r=e.length;n<r;n++)t.append(e[n].inserter),t.append(" "),e[n].buttons&&e[n].buttons.length&&this._draw(e[n].collection,e[n].buttons)},_expandButton:function(e,n,i,o){for(var a=this.s.dt,l=Array.isArray(n)?n:[n],h=0,s=l.length;h<s;h++){var A=this._resolveExtends(l[h]);if(A)if(Array.isArray(A))this._expandButton(e,A,i,o);else{var d=this._buildButton(A,i);d&&(o!==r&&null!==o?(e.splice(o,0,d),o++):e.push(d),d.conf.buttons&&(d.collection=t("<"+this.c.dom.collection.tag+"/>"),d.conf._collection=d.collection,this._expandButton(d.buttons,d.conf.buttons,!0,o)),A.init&&A.init.call(a.button(d.node),a,t(d.node),A))}}},_buildButton:function(e,n){var i=this.c.dom.button,o=this.c.dom.buttonLiner,l=this.c.dom.collection,h=this.s.dt,s=function(t){return"function"==typeof t?t(h,u,e):t};if(n&&l.button&&(i=l.button),n&&l.buttonLiner&&(o=l.buttonLiner),e.available&&!e.available(h,e))return!1;var A=function(e,n,r,i){i.action.call(n.button(r),e,n,r,i),t(n.table().node()).triggerHandler("buttons-action.dt",[n.button(r),n,r,i])},d=e.tag||i.tag,c=e.clickBlurs===r||e.clickBlurs,u=t("<"+d+"/>").addClass(i.className).attr("tabindex",this.s.dt.settings()[0].iTabIndex).attr("aria-controls",this.s.dt.table().node().id).on("click.dtb",(function(t){t.preventDefault(),!u.hasClass(i.disabled)&&e.action&&A(t,h,u,e),c&&u.trigger("blur")})).on("keyup.dtb",(function(t){13===t.keyCode&&!u.hasClass(i.disabled)&&e.action&&A(t,h,u,e)}));if("a"===d.toLowerCase()&&u.attr("href","#"),"button"===d.toLowerCase()&&u.attr("type","button"),o.tag){var p=t("<"+o.tag+"/>").html(s(e.text)).addClass(o.className);"a"===o.tag.toLowerCase()&&p.attr("href","#"),u.append(p)}else u.html(s(e.text));!1===e.enabled&&u.addClass(i.disabled),e.className&&u.addClass(e.className),e.titleAttr&&u.attr("title",s(e.titleAttr)),e.attr&&u.attr(e.attr),e.namespace||(e.namespace=".dt-button-"+a++);var m,f=this.c.dom.buttonContainer;return m=f&&f.tag?t("<"+f.tag+"/>").addClass(f.className).append(u):u,this._addKey(e),this.c.buttonCreated&&(m=this.c.buttonCreated(e,m)),{conf:e,node:u.get(0),inserter:m,buttons:[],inCollection:n,collection:null}},_nodeToButton:function(t,e){e||(e=this.s.buttons);for(var n=0,r=e.length;n<r;n++){if(e[n].node===t)return e[n];if(e[n].buttons.length){var i=this._nodeToButton(t,e[n].buttons);if(i)return i}}},_nodeToHost:function(t,e){e||(e=this.s.buttons);for(var n=0,r=e.length;n<r;n++){if(e[n].node===t)return e;if(e[n].buttons.length){var i=this._nodeToHost(t,e[n].buttons);if(i)return i}}},_keypress:function(e,n){if(!n._buttonsHandled){var r=function(r,i){if(r.key)if(r.key===e)n._buttonsHandled=!0,t(i).click();else if(t.isPlainObject(r.key)){if(r.key.key!==e)return;if(r.key.shiftKey&&!n.shiftKey)return;if(r.key.altKey&&!n.altKey)return;if(r.key.ctrlKey&&!n.ctrlKey)return;if(r.key.metaKey&&!n.metaKey)return;n._buttonsHandled=!0,t(i).click()}},i=function(t){for(var e=0,n=t.length;e<n;e++)r(t[e].conf,t[e].node),t[e].buttons.length&&i(t[e].buttons)};i(this.s.buttons)}},_removeKey:function(e){if(e.key){var n=t.isPlainObject(e.key)?e.key.key:e.key,r=this.s.listenKeys.split(""),i=t.inArray(n,r);r.splice(i,1),this.s.listenKeys=r.join("")}},_resolveExtends:function(e){var n,i,o=this.s.dt,a=function(n){for(var i=0;!t.isPlainObject(n)&&!Array.isArray(n);){if(n===r)return;if("function"==typeof n){if(!(n=n(o,e)))return!1}else if("string"==typeof n){if(!l[n])throw"Unknown button type: "+n;n=l[n]}if(++i>30)throw"Buttons: Too many iterations"}return Array.isArray(n)?n:t.extend({},n)};for(e=a(e);e&&e.extend;){if(!l[e.extend])throw"Cannot extend unknown button type: "+e.extend;var h=a(l[e.extend]);if(Array.isArray(h))return h;if(!h)return!1;var s=h.className;e=t.extend({},h,e),s&&e.className!==s&&(e.className=s+" "+e.className);var A=e.postfixButtons;if(A){for(e.buttons||(e.buttons=[]),n=0,i=A.length;n<i;n++)e.buttons.push(A[n]);e.postfixButtons=null}var d=e.prefixButtons;if(d){for(e.buttons||(e.buttons=[]),n=0,i=d.length;n<i;n++)e.buttons.splice(n,0,d[n]);e.prefixButtons=null}e.extend=h.extend}return e},_popover:function(r,i,o){var a=i,l=this.c,A=t.extend({align:"button-left",autoClose:!1,background:!0,backgroundClassName:"dt-button-background",contentClassName:l.dom.collection.className,collectionLayout:"",collectionTitle:"",dropup:!1,fade:400,rightAlignClassName:"dt-button-right",tag:l.dom.collection.tag},o),c=i.node(),u=function(){s(t(".dt-button-collection"),A.fade,(function(){t(this).detach()})),t(a.buttons('[aria-haspopup="true"][aria-expanded="true"]').nodes()).attr("aria-expanded","false"),t("div.dt-button-background").off("click.dtb-collection"),d.background(!1,A.backgroundClassName,A.fade,c),t("body").off(".dtb-collection"),a.off("buttons-action.b-internal")};!1===r&&u();var p=t(a.buttons('[aria-haspopup="true"][aria-expanded="true"]').nodes());p.length&&(c=p.eq(0),u());var m=t("<div/>").addClass("dt-button-collection").addClass(A.collectionLayout).css("display","none");r=t(r).addClass(A.contentClassName).attr("role","menu").appendTo(m),c.attr("aria-expanded","true"),c.parents("body")[0]!==n.body&&(c=n.body.lastChild),A.collectionTitle&&m.prepend('<div class="dt-button-collection-title">'+A.collectionTitle+"</div>"),h(m.insertAfter(c),A.fade);var f=t(i.table().container()),g=m.css("position");if("dt-container"===A.align&&(c=c.parent(),m.css("width",f.width())),"absolute"===g&&(m.hasClass(A.rightAlignClassName)||m.hasClass(A.leftAlignClassName)||"dt-container"===A.align)){var C=c.position();m.css({top:C.top+c.outerHeight(),left:C.left});var b=m.outerHeight(),_=f.offset().top+f.height(),v=C.top+c.outerHeight()+b-_,x=C.top-b,B=(z=f.offset().top)-x,k=C.top-b-5;(v>B||A.dropup)&&-k<z&&m.css("top",k);var w,y,E=f.offset().left,$=E+f.width(),D=(I=m.offset().left)+m.width(),F=(M=c.offset().left)+c.outerWidth(),S=0;m.hasClass(A.rightAlignClassName)?E>I+(S=F-D)&&(S+=(w=E-(I+S))>(y=$-(D+S))?y:w):$<D+(S=E-I)&&(S+=(w=E-(I+S))>(y=$-(D+S))?y:w),m.css("left",m.position().left+S)}else if("absolute"===g){C=c.position(),m.css({top:C.top+c.outerHeight(),left:C.left}),b=m.outerHeight();var M,I,z,T=c.offset().top;S=0,F=(M=c.offset().left)+c.outerWidth(),D=(I=m.offset().left)+r.width(),k=C.top-b-5,_=f.offset().top+f.height(),v=C.top+c.outerHeight()+b-_,x=C.top-b,(v>(B=(z=f.offset().top)-x)||A.dropup)&&-k<z&&m.css("top",k),S="button-right"===A.align?F-D:M-I,m.css("left",m.position().left+S)}else(T=m.height()/2)>t(e).height()/2&&(T=t(e).height()/2),m.css("marginTop",-1*T);A.background&&d.background(!0,A.backgroundClassName,A.fade,c),t("div.dt-button-background").on("click.dtb-collection",(function(){})),t("body").on("click.dtb-collection",(function(e){var n=t.fn.addBack?"addBack":"andSelf",i=t(e.target).parent()[0];(!t(e.target).parents()[n]().filter(r).length&&!t(i).hasClass("dt-buttons")||t(e.target).hasClass("dt-button-background"))&&u()})).on("keyup.dtb-collection",(function(t){27===t.keyCode&&u()})),A.autoClose&&setTimeout((function(){a.on("buttons-action.b-internal",(function(t,e,n,r){r[0]!==c[0]&&u()}))}),0),t(m).trigger("buttons-popover.dt")}}),d.background=function(e,i,o,a){o===r&&(o=400),a||(a=n.body),e?h(t("<div/>").addClass(i).css("display","none").insertAfter(a),o):s(t("div."+i),o,(function(){t(this).removeClass(i).remove()}))},d.instanceSelector=function(e,n){if(e===r||null===e)return t.map(n,(function(t){return t.inst}));var i=[],o=t.map(n,(function(t){return t.name})),a=function(e){if(Array.isArray(e))for(var r=0,l=e.length;r<l;r++)a(e[r]);else if("string"==typeof e)if(-1!==e.indexOf(","))a(e.split(","));else{var h=t.inArray(e.trim(),o);-1!==h&&i.push(n[h].inst)}else"number"==typeof e&&i.push(n[e].inst)};return a(e),i},d.buttonSelector=function(e,n){for(var i=[],o=function(t,e,n){for(var i,a,l=0,h=e.length;l<h;l++)(i=e[l])&&(a=n!==r?n+l:l+"",t.push({node:i.node,name:i.conf.name,idx:a}),i.buttons&&o(t,i.buttons,a+"-"))},a=function(e,n){var l,h,s=[];o(s,n.s.buttons);var A=t.map(s,(function(t){return t.node}));if(Array.isArray(e)||e instanceof t)for(l=0,h=e.length;l<h;l++)a(e[l],n);else if(null===e||e===r||"*"===e)for(l=0,h=s.length;l<h;l++)i.push({inst:n,node:s[l].node});else if("number"==typeof e)i.push({inst:n,node:n.s.buttons[e].node});else if("string"==typeof e)if(-1!==e.indexOf(",")){var d=e.split(",");for(l=0,h=d.length;l<h;l++)a(d[l].trim(),n)}else if(e.match(/^\d+(\-\d+)*$/)){var c=t.map(s,(function(t){return t.idx}));i.push({inst:n,node:s[t.inArray(e,c)].node})}else if(-1!==e.indexOf(":name")){var u=e.replace(":name","");for(l=0,h=s.length;l<h;l++)s[l].name===u&&i.push({inst:n,node:s[l].node})}else t(A).filter(e).each((function(){i.push({inst:n,node:this})}));else if("object"==typeof e&&e.nodeName){var p=t.inArray(e,A);-1!==p&&i.push({inst:n,node:A[p]})}},l=0,h=e.length;l<h;l++){var s=e[l];a(n,s)}return i},d.defaults={buttons:["copy","excel","csv","pdf","print"],name:"main",tabIndex:0,dom:{container:{tag:"div",className:"dt-buttons"},collection:{tag:"div",className:""},button:{tag:"ActiveXObject"in e?"a":"button",className:"dt-button",active:"active",disabled:"disabled"},buttonLiner:{tag:"span",className:""}}},d.version="1.6.5",t.extend(l,{collection:{text:function(t){return t.i18n("buttons.collection","Collection")},className:"buttons-collection",init:function(t,e,n){e.attr("aria-expanded",!1)},action:function(t,e,n,r){t.stopPropagation(),r._collection.parents("body").length?this.popover(!1,r):this.popover(r._collection,r)},attr:{"aria-haspopup":!0}},copy:function(t,e){return l.copyHtml5?"copyHtml5":l.copyFlash&&l.copyFlash.available(t,e)?"copyFlash":void 0},csv:function(t,e){return l.csvHtml5&&l.csvHtml5.available(t,e)?"csvHtml5":l.csvFlash&&l.csvFlash.available(t,e)?"csvFlash":void 0},excel:function(t,e){return l.excelHtml5&&l.excelHtml5.available(t,e)?"excelHtml5":l.excelFlash&&l.excelFlash.available(t,e)?"excelFlash":void 0},pdf:function(t,e){return l.pdfHtml5&&l.pdfHtml5.available(t,e)?"pdfHtml5":l.pdfFlash&&l.pdfFlash.available(t,e)?"pdfFlash":void 0},pageLength:function(e){var n=e.settings()[0].aLengthMenu,r=Array.isArray(n[0])?n[0]:n,i=Array.isArray(n[0])?n[1]:n;return{extend:"collection",text:function(t){return t.i18n("buttons.pageLength",{"-1":"Show all rows",_:"Show %d rows"},t.page.len())},className:"buttons-page-length",autoClose:!0,buttons:t.map(r,(function(t,e){return{text:i[e],className:"button-page-length",action:function(e,n){n.page.len(t).draw()},init:function(e,n,r){var i=this,o=function(){i.active(e.page.len()===t)};e.on("length.dt"+r.namespace,o),o()},destroy:function(t,e,n){t.off("length.dt"+n.namespace)}}})),init:function(t,e,n){var r=this;t.on("length.dt"+n.namespace,(function(){r.text(n.text)}))},destroy:function(t,e,n){t.off("length.dt"+n.namespace)}}}}),i.Api.register("buttons()",(function(t,e){e===r&&(e=t,t=r),this.selector.buttonGroup=t;var n=this.iterator(!0,"table",(function(n){if(n._buttons)return d.buttonSelector(d.instanceSelector(t,n._buttons),e)}),!0);return n._groupSelector=t,n})),i.Api.register("button()",(function(t,e){var n=this.buttons(t,e);return n.length>1&&n.splice(1,n.length),n})),i.Api.registerPlural("buttons().active()","button().active()",(function(t){return t===r?this.map((function(t){return t.inst.active(t.node)})):this.each((function(e){e.inst.active(e.node,t)}))})),i.Api.registerPlural("buttons().action()","button().action()",(function(t){return t===r?this.map((function(t){return t.inst.action(t.node)})):this.each((function(e){e.inst.action(e.node,t)}))})),i.Api.register(["buttons().enable()","button().enable()"],(function(t){return this.each((function(e){e.inst.enable(e.node,t)}))})),i.Api.register(["buttons().disable()","button().disable()"],(function(){return this.each((function(t){t.inst.disable(t.node)}))})),i.Api.registerPlural("buttons().nodes()","button().node()",(function(){var e=t();return t(this.each((function(t){e=e.add(t.inst.node(t.node))}))),e})),i.Api.registerPlural("buttons().processing()","button().processing()",(function(t){return t===r?this.map((function(t){return t.inst.processing(t.node)})):this.each((function(e){e.inst.processing(e.node,t)}))})),i.Api.registerPlural("buttons().text()","button().text()",(function(t){return t===r?this.map((function(t){return t.inst.text(t.node)})):this.each((function(e){e.inst.text(e.node,t)}))})),i.Api.registerPlural("buttons().trigger()","button().trigger()",(function(){return this.each((function(t){t.inst.node(t.node).trigger("click")}))})),i.Api.register("button().popover()",(function(t,e){return this.map((function(n){return n.inst._popover(t,this.button(this[0].node),e)}))})),i.Api.register("buttons().containers()",(function(){var e=t(),n=this._groupSelector;return this.iterator(!0,"table",(function(t){if(t._buttons)for(var r=d.instanceSelector(n,t._buttons),i=0,o=r.length;i<o;i++)e=e.add(r[i].container())})),e})),i.Api.register("buttons().container()",(function(){return this.containers().eq(0)})),i.Api.register("button().add()",(function(t,e){var n=this.context;if(n.length){var r=d.instanceSelector(this._groupSelector,n[0]._buttons);r.length&&r[0].add(e,t)}return this.button(this._groupSelector,t)})),i.Api.register("buttons().destroy()",(function(){return this.pluck("inst").unique().each((function(t){t.destroy()})),this})),i.Api.registerPlural("buttons().remove()","buttons().remove()",(function(){return this.each((function(t){t.inst.remove(t.node)})),this})),i.Api.register("buttons.info()",(function(e,n,i){var o=this;return!1===e?(this.off("destroy.btn-info"),s(t("#datatables_buttons_info"),400,(function(){t(this).remove()})),clearTimeout(A),A=null,this):(A&&clearTimeout(A),t("#datatables_buttons_info").length&&t("#datatables_buttons_info").remove(),e=e?"<h2>"+e+"</h2>":"",h(t('<div id="datatables_buttons_info" class="dt-button-info"/>').html(e).append(t("<div/>")["string"==typeof n?"html":"append"](n)).css("display","none").appendTo("body")),i!==r&&0!==i&&(A=setTimeout((function(){o.buttons.info(!1)}),i)),this.on("destroy.btn-info",(function(){o.buttons.info(!1)})),this)})),i.Api.register("buttons.exportData()",(function(t){if(this.context.length)return g(new i.Api(this.context[0]),t)})),i.Api.register("buttons.exportInfo()",(function(t){return t||(t={}),{filename:c(t),title:p(t),messageTop:m(this,t.message||t.messageTop,"top"),messageBottom:m(this,t.messageBottom,"bottom")}}));var c=function(e){var n="*"===e.filename&&"*"!==e.title&&e.title!==r&&null!==e.title&&""!==e.title?e.title:e.filename;if("function"==typeof n&&(n=n()),n===r||null===n)return null;-1!==n.indexOf("*")&&(n=n.replace("*",t("head > title").text()).trim()),n=n.replace(/[^a-zA-Z0-9_\u00A1-\uFFFF\.,\-_ !\(\)]/g,"");var i=u(e.extension);return i||(i=""),n+i},u=function(t){return null===t||t===r?null:"function"==typeof t?t():t},p=function(e){var n=u(e.title);return null===n?null:-1!==n.indexOf("*")?n.replace("*",t("head > title").text()||"Exported data"):n},m=function(e,n,r){var i=u(n);if(null===i)return null;var o=t("caption",e.table().container()).eq(0);return"*"===i?o.css("caption-side")!==r?null:o.length?o.text():"":i},f=t("<textarea/>")[0],g=function(e,n){var i=t.extend(!0,{},{rows:null,columns:"",modifier:{search:"applied",order:"applied"},orthogonal:"display",stripHtml:!0,stripNewlines:!0,decodeEntities:!0,trim:!0,format:{header:function(t){return o(t)},footer:function(t){return o(t)},body:function(t){return o(t)}},customizeData:null},n),o=function(t){return"string"!=typeof t||(t=(t=t.replace(/<script\b[^<]*(?:(?!<\/script>)<[^<]*)*<\/script>/gi,"")).replace(/<!\-\-.*?\-\->/g,""),i.stripHtml&&(t=t.replace(/<([^>'"]*('[^']*'|"[^"]*")?)*>/g,"")),i.trim&&(t=t.replace(/^\s+|\s+$/g,"")),i.stripNewlines&&(t=t.replace(/\n/g," ")),i.decodeEntities&&(f.innerHTML=t,t=f.value)),t},a=e.columns(i.columns).indexes().map((function(t){var n=e.column(t).header();return i.format.header(n.innerHTML,t,n)})).toArray(),l=e.table().footer()?e.columns(i.columns).indexes().map((function(t){var n=e.column(t).footer();return i.format.footer(n?n.innerHTML:"",t,n)})).toArray():null,h=t.extend({},i.modifier);e.select&&"function"==typeof e.select.info&&h.selected===r&&e.rows(i.rows,t.extend({selected:!0},h)).any()&&t.extend(h,{selected:!0});for(var s=e.rows(i.rows,h).indexes().toArray(),A=e.cells(s,i.columns),d=A.render(i.orthogonal).toArray(),c=A.nodes().toArray(),u=a.length,p=[],m=0,g=0,C=u>0?d.length/u:0;g<C;g++){for(var b=[u],_=0;_<u;_++)b[_]=i.format.body(d[m],g,_,c[m]),m++;p[g]=b}var v={header:a,footer:l,body:p};return i.customizeData&&i.customizeData(v),v};function C(t,e){var n=new i.Api(t),r=e||n.init().buttons||i.defaults.buttons;return new d(n,r).container()}return t.fn.dataTable.Buttons=d,t.fn.DataTable.Buttons=d,t(n).on("init.dt plugin-init.dt",(function(t,e){if("dt"===t.namespace){var n=e.oInit.buttons||i.defaults.buttons;n&&!e._buttons&&new d(e,n).container()}})),i.ext.feature.push({fnInit:C,cFeature:"B"}),i.ext.features&&i.ext.features.register("buttons",C),d},t.exports=function(t,e){return t||(t=window),e&&e.fn.dataTable||(e=n(557)(t,e).$),r(e,t,t.document)}},5843:function(t,e,n){var r;r=function(t,e,n,r){return t.fn.dataTable},t.exports=function(t,e){return t||(t=window),e&&e.fn.dataTable||(e=n(45)(t,e).$),e.fn.dataTable.ColReorder||n(1738)(t,e),r(e,0,t.document)}},1738:function(t,e,n){var r;r=function(t,e,n,r){"use strict";var i=t.fn.dataTable;function o(t){for(var e=[],n=0,r=t.length;n<r;n++)e[t[n]]=n;return e}function a(t,e,n){var r=t.splice(e,1)[0];t.splice(n,0,r)}function l(t,e,n){for(var r=[],i=0,o=t.childNodes.length;i<o;i++)1==t.childNodes[i].nodeType&&r.push(t.childNodes[i]);var a=r[e];null!==n?t.insertBefore(a,r[n]):t.appendChild(a)}t.fn.dataTableExt.oApi.fnColReorder=function(e,n,i,h,s){var A,d,c,u,p,m,f,g=e.aoColumns.length,C=function(t,e,n){if(t[e]&&"function"!=typeof t[e]){var r=t[e].split("."),i=r.shift();isNaN(1*i)||(t[e]=n[1*i]+"."+r.join("."))}};if(n!=i)if(n<0||n>=g)this.oApi._fnLog(e,1,"ColReorder 'from' index is out of bounds: "+n);else if(i<0||i>=g)this.oApi._fnLog(e,1,"ColReorder 'to' index is out of bounds: "+i);else{var b=[];for(A=0,d=g;A<d;A++)b[A]=A;a(b,n,i);var _=o(b);for(A=0,d=e.aaSorting.length;A<d;A++)e.aaSorting[A][0]=_[e.aaSorting[A][0]];if(null!==e.aaSortingFixed)for(A=0,d=e.aaSortingFixed.length;A<d;A++)e.aaSortingFixed[A][0]=_[e.aaSortingFixed[A][0]];for(A=0,d=g;A<d;A++){for(c=0,u=(f=e.aoColumns[A]).aDataSort.length;c<u;c++)f.aDataSort[c]=_[f.aDataSort[c]];f.idx=_[f.idx]}for(t.each(e.aLastSort,(function(t,n){e.aLastSort[t].src=_[n.src]})),A=0,d=g;A<d;A++)"number"==typeof(f=e.aoColumns[A]).mData?f.mData=_[f.mData]:t.isPlainObject(f.mData)&&(C(f.mData,"_",_),C(f.mData,"filter",_),C(f.mData,"sort",_),C(f.mData,"type",_));if(e.aoColumns[n].bVisible){var v=this.oApi._fnColumnIndexToVisible(e,n),x=null;for(A=i<n?i:i+1;null===x&&A<g;)x=this.oApi._fnColumnIndexToVisible(e,A),A++;for(A=0,d=(m=e.nTHead.getElementsByTagName("tr")).length;A<d;A++)l(m[A],v,x);if(null!==e.nTFoot)for(A=0,d=(m=e.nTFoot.getElementsByTagName("tr")).length;A<d;A++)l(m[A],v,x);for(A=0,d=e.aoData.length;A<d;A++)null!==e.aoData[A].nTr&&l(e.aoData[A].nTr,v,x)}for(a(e.aoColumns,n,i),A=0,d=g;A<d;A++)e.oApi._fnColumnOptions(e,A,{});for(a(e.aoPreSearchCols,n,i),A=0,d=e.aoData.length;A<d;A++){var B=e.aoData[A],k=B.anCells;if(k)for(a(k,n,i),c=0,p=k.length;c<p;c++)k[c]&&k[c]._DT_CellIndex&&(k[c]._DT_CellIndex.column=c);"dom"!==B.src&&Array.isArray(B._aData)&&a(B._aData,n,i)}for(A=0,d=e.aoHeader.length;A<d;A++)a(e.aoHeader[A],n,i);if(null!==e.aoFooter)for(A=0,d=e.aoFooter.length;A<d;A++)a(e.aoFooter[A],n,i);for((s||s===r)&&t.fn.dataTable.Api(e).rows().invalidate(),A=0,d=g;A<d;A++)t(e.aoColumns[A].nTh).off(".DT"),this.oApi._fnSortAttachListener(e,e.aoColumns[A].nTh,A);t(e.oInstance).trigger("column-reorder.dt",[e,{from:n,to:i,mapping:_,drop:h,iFrom:n,iTo:i,aiInvertMapping:_}])}};var h=function(e,n){var r=new t.fn.dataTable.Api(e).settings()[0];if(r._colReorder)return r._colReorder;!0===n&&(n={});var i=t.fn.dataTable.camelToHungarian;return i&&(i(h.defaults,h.defaults,!0),i(h.defaults,n||{})),this.s={dt:null,enable:null,init:t.extend(!0,{},h.defaults,n),fixed:0,fixedRight:0,reorderCallback:null,mouse:{startX:-1,startY:-1,offsetX:-1,offsetY:-1,target:-1,targetIndex:-1,fromIndex:-1},aoTargets:[]},this.dom={drag:null,pointer:null},this.s.enable=this.s.init.bEnable,this.s.dt=r,this.s.dt._colReorder=this,this._fnConstruct(),this};return t.extend(h.prototype,{fnEnable:function(t){if(!1===t)return fnDisable();this.s.enable=!0},fnDisable:function(){this.s.enable=!1},fnReset:function(){return this._fnOrderColumns(this.fnOrder()),this},fnGetCurrentOrder:function(){return this.fnOrder()},fnOrder:function(e,n){var i,a,l=[],h=this.s.dt.aoColumns;if(e===r){for(i=0,a=h.length;i<a;i++)l.push(h[i]._ColReorder_iOrigCol);return l}if(n){var s=this.fnOrder();for(i=0,a=e.length;i<a;i++)l.push(t.inArray(e[i],s));e=l}return this._fnOrderColumns(o(e)),this},fnTranspose:function(e,n){n||(n="toCurrent");var r=this.fnOrder(),i=this.s.dt.aoColumns;return"toCurrent"===n?Array.isArray(e)?t.map(e,(function(e){return t.inArray(e,r)})):t.inArray(e,r):Array.isArray(e)?t.map(e,(function(t){return i[t]._ColReorder_iOrigCol})):i[e]._ColReorder_iOrigCol},_fnConstruct:function(){var e,n=this,r=this.s.dt.aoColumns.length,i=this.s.dt.nTable;for(this.s.init.iFixedColumns&&(this.s.fixed=this.s.init.iFixedColumns),this.s.init.iFixedColumnsLeft&&(this.s.fixed=this.s.init.iFixedColumnsLeft),this.s.fixedRight=this.s.init.iFixedColumnsRight?this.s.init.iFixedColumnsRight:0,this.s.init.fnReorderCallback&&(this.s.reorderCallback=this.s.init.fnReorderCallback),e=0;e<r;e++)e>this.s.fixed-1&&e<r-this.s.fixedRight&&this._fnMouseListener(e,this.s.dt.aoColumns[e].nTh),this.s.dt.aoColumns[e]._ColReorder_iOrigCol=e;this.s.dt.oApi._fnCallbackReg(this.s.dt,"aoStateSaveParams",(function(t,e){n._fnStateSave.call(n,e)}),"ColReorder_State");var a=null;if(this.s.init.aiOrder&&(a=this.s.init.aiOrder.slice()),this.s.dt.oLoadedState&&void 0!==this.s.dt.oLoadedState.ColReorder&&this.s.dt.oLoadedState.ColReorder.length==this.s.dt.aoColumns.length&&(a=this.s.dt.oLoadedState.ColReorder),a)if(n.s.dt._bInitComplete){var l=o(a);n._fnOrderColumns.call(n,l)}else{var h=!1;t(i).on("draw.dt.colReorder",(function(){if(!n.s.dt._bInitComplete&&!h){h=!0;var t=o(a);n._fnOrderColumns.call(n,t)}}))}else this._fnSetColumnIndexes();t(i).on("destroy.dt.colReorder",(function(){t(i).off("destroy.dt.colReorder draw.dt.colReorder"),t.each(n.s.dt.aoColumns,(function(e,n){t(n.nTh).off(".ColReorder"),t(n.nTh).removeAttr("data-column-index")})),n.s.dt._colReorder=null,n.s=null}))},_fnOrderColumns:function(e){var n=!1;if(e.length==this.s.dt.aoColumns.length){for(var r=0,i=e.length;r<i;r++){var o=t.inArray(r,e);r!=o&&(a(e,o,r),this.s.dt.oInstance.fnColReorder(o,r,!0,!1),n=!0)}this._fnSetColumnIndexes(),n&&(t.fn.dataTable.Api(this.s.dt).rows().invalidate(),""===this.s.dt.oScroll.sX&&""===this.s.dt.oScroll.sY||this.s.dt.oInstance.fnAdjustColumnSizing(!1),this.s.dt.oInstance.oApi._fnSaveState(this.s.dt),null!==this.s.reorderCallback&&this.s.reorderCallback.call(this))}else this.s.dt.oInstance.oApi._fnLog(this.s.dt,1,"ColReorder - array reorder does not match known number of columns. Skipping.")},_fnStateSave:function(e){var n,r,i,o=this.s.dt.aoColumns;if(e.ColReorder=[],e.aaSorting){for(n=0;n<e.aaSorting.length;n++)e.aaSorting[n][0]=o[e.aaSorting[n][0]]._ColReorder_iOrigCol;var a=t.extend(!0,[],e.aoSearchCols);for(n=0,r=o.length;n<r;n++)i=o[n]._ColReorder_iOrigCol,e.aoSearchCols[i]=a[n],e.abVisCols[i]=o[n].bVisible,e.ColReorder.push(i)}else if(e.order){for(n=0;n<e.order.length;n++)e.order[n][0]=o[e.order[n][0]]._ColReorder_iOrigCol;var l=t.extend(!0,[],e.columns);for(n=0,r=o.length;n<r;n++)i=o[n]._ColReorder_iOrigCol,e.columns[i]=l[n],e.ColReorder.push(i)}},_fnMouseListener:function(e,n){var r=this;t(n).on("mousedown.ColReorder",(function(t){r.s.enable&&1===t.which&&r._fnMouseDown.call(r,t,n)})).on("touchstart.ColReorder",(function(t){r.s.enable&&r._fnMouseDown.call(r,t,n)}))},_fnMouseDown:function(e,i){var o=this,a=t(e.target).closest("th, td").offset(),l=parseInt(t(i).attr("data-column-index"),10);l!==r&&(this.s.mouse.startX=this._fnCursorPosition(e,"pageX"),this.s.mouse.startY=this._fnCursorPosition(e,"pageY"),this.s.mouse.offsetX=this._fnCursorPosition(e,"pageX")-a.left,this.s.mouse.offsetY=this._fnCursorPosition(e,"pageY")-a.top,this.s.mouse.target=this.s.dt.aoColumns[l].nTh,this.s.mouse.targetIndex=l,this.s.mouse.fromIndex=l,this._fnRegions(),t(n).on("mousemove.ColReorder touchmove.ColReorder",(function(t){o._fnMouseMove.call(o,t)})).on("mouseup.ColReorder touchend.ColReorder",(function(t){o._fnMouseUp.call(o,t)})))},_fnMouseMove:function(t){var e,n=this;if(null===this.dom.drag){if(Math.pow(Math.pow(this._fnCursorPosition(t,"pageX")-this.s.mouse.startX,2)+Math.pow(this._fnCursorPosition(t,"pageY")-this.s.mouse.startY,2),.5)<5)return;this._fnCreateDragNode()}this.dom.drag.css({left:this._fnCursorPosition(t,"pageX")-this.s.mouse.offsetX,top:this._fnCursorPosition(t,"pageY")-this.s.mouse.offsetY});for(var r=this.s.mouse.toIndex,i=this._fnCursorPosition(t,"pageX"),o=function(t){for(;t>=0;){if(--t<=0)return null;if(n.s.aoTargets[t+1].x!==n.s.aoTargets[t].x)return n.s.aoTargets[t]}},a=function(){for(var t=0;t<n.s.aoTargets.length-1;t++)if(n.s.aoTargets[t].x!==n.s.aoTargets[t+1].x)return n.s.aoTargets[t]},l=function(){for(var t=n.s.aoTargets.length-1;t>0;t--)if(n.s.aoTargets[t].x!==n.s.aoTargets[t-1].x)return n.s.aoTargets[t]},h=1;h<this.s.aoTargets.length;h++){var s=o(h);s||(s=a());var A=s.x+(this.s.aoTargets[h].x-s.x)/2;if(this._fnIsLtr()){if(i<A){e=s;break}}else if(i>A){e=s;break}}e?(this.dom.pointer.css("left",e.x),this.s.mouse.toIndex=e.to):(this.dom.pointer.css("left",l().x),this.s.mouse.toIndex=l().to),this.s.init.bRealtime&&r!==this.s.mouse.toIndex&&(this.s.dt.oInstance.fnColReorder(this.s.mouse.fromIndex,this.s.mouse.toIndex),this.s.mouse.fromIndex=this.s.mouse.toIndex,""===this.s.dt.oScroll.sX&&""===this.s.dt.oScroll.sY||this.s.dt.oInstance.fnAdjustColumnSizing(!1),this._fnRegions())},_fnMouseUp:function(e){t(n).off(".ColReorder"),null!==this.dom.drag&&(this.dom.drag.remove(),this.dom.pointer.remove(),this.dom.drag=null,this.dom.pointer=null,this.s.dt.oInstance.fnColReorder(this.s.mouse.fromIndex,this.s.mouse.toIndex,!0),this._fnSetColumnIndexes(),""===this.s.dt.oScroll.sX&&""===this.s.dt.oScroll.sY||this.s.dt.oInstance.fnAdjustColumnSizing(!1),this.s.dt.oInstance.oApi._fnSaveState(this.s.dt),null!==this.s.reorderCallback&&this.s.reorderCallback.call(this))},_fnRegions:function(){var e=this.s.dt.aoColumns,n=this._fnIsLtr();this.s.aoTargets.splice(0,this.s.aoTargets.length);var r=t(this.s.dt.nTable).offset().left,i=[];t.each(e,(function(e,o){if(o.bVisible&&"none"!==o.nTh.style.display){var a=t(o.nTh),l=a.offset().left;n&&(l+=a.outerWidth()),i.push({index:e,bound:l}),r=l}else i.push({index:e,bound:r})}));var o=i[0],a=t(e[o.index].nTh).outerWidth();this.s.aoTargets.push({to:0,x:o.bound-a});for(var l=0;l<i.length;l++){var h=i[l],s=h.index;h.index<this.s.mouse.fromIndex&&s++,this.s.aoTargets.push({to:s,x:h.bound})}0!==this.s.fixedRight&&this.s.aoTargets.splice(this.s.aoTargets.length-this.s.fixedRight),0!==this.s.fixed&&this.s.aoTargets.splice(0,this.s.fixed)},_fnCreateDragNode:function(){var e=""!==this.s.dt.oScroll.sX||""!==this.s.dt.oScroll.sY,n=this.s.dt.aoColumns[this.s.mouse.targetIndex].nTh,r=n.parentNode,i=r.parentNode,o=i.parentNode,a=t(n).clone();this.dom.drag=t(o.cloneNode(!1)).addClass("DTCR_clonedTable").append(t(i.cloneNode(!1)).append(t(r.cloneNode(!1)).append(a[0]))).css({position:"absolute",top:0,left:0,width:t(n).outerWidth(),height:t(n).outerHeight()}).appendTo("body"),this.dom.pointer=t("<div></div>").addClass("DTCR_pointer").css({position:"absolute",top:e?t("div.dataTables_scroll",this.s.dt.nTableWrapper).offset().top:t(this.s.dt.nTable).offset().top,height:e?t("div.dataTables_scroll",this.s.dt.nTableWrapper).height():t(this.s.dt.nTable).height()}).appendTo("body")},_fnSetColumnIndexes:function(){t.each(this.s.dt.aoColumns,(function(e,n){t(n.nTh).attr("data-column-index",e)}))},_fnCursorPosition:function(t,e){return-1!==t.type.indexOf("touch")?t.originalEvent.touches[0][e]:t[e]},_fnIsLtr:function(){return"rtl"!==t(this.s.dt.nTable).css("direction")}}),h.defaults={aiOrder:null,bEnable:!0,bRealtime:!0,iFixedColumnsLeft:0,iFixedColumnsRight:0,fnReorderCallback:null},h.version="1.5.3",t.fn.dataTable.ColReorder=h,t.fn.DataTable.ColReorder=h,"function"==typeof t.fn.dataTable&&"function"==typeof t.fn.dataTableExt.fnVersionCheck&&t.fn.dataTableExt.fnVersionCheck("1.10.8")?t.fn.dataTableExt.aoFeatures.push({fnInit:function(t){var e=t.oInstance;if(t._colReorder)e.oApi._fnLog(t,1,"ColReorder attempted to initialise twice. Ignoring second");else{var n=t.oInit,r=n.colReorder||n.oColReorder||{};new h(t,r)}return null},cFeature:"R",sFeature:"ColReorder"}):alert("Warning: ColReorder requires DataTables 1.10.8 or greater - www.datatables.net/download"),t(n).on("preInit.dt.colReorder",(function(e,n){if("dt"===e.namespace){var r=n.oInit.colReorder,o=i.defaults.colReorder;if(r||o){var a=t.extend({},r,o);!1!==r&&new h(n,a)}}})),t.fn.dataTable.Api.register("colReorder.reset()",(function(){return this.iterator("table",(function(t){t._colReorder.fnReset()}))})),t.fn.dataTable.Api.register("colReorder.order()",(function(t,e){return t?this.iterator("table",(function(n){n._colReorder.fnOrder(t,e)})):this.context.length?this.context[0]._colReorder.fnOrder():null})),t.fn.dataTable.Api.register("colReorder.transpose()",(function(t,e){return this.context.length&&this.context[0]._colReorder?this.context[0]._colReorder.fnTranspose(t,e):t})),t.fn.dataTable.Api.register("colReorder.move()",(function(t,e,n,r){return this.context.length&&(this.context[0]._colReorder.s.dt.oInstance.fnColReorder(t,e,n,r),this.context[0]._colReorder._fnSetColumnIndexes()),this})),t.fn.dataTable.Api.register("colReorder.enable()",(function(t){return this.iterator("table",(function(e){e._colReorder&&e._colReorder.fnEnable(t)}))})),t.fn.dataTable.Api.register("colReorder.disable()",(function(){return this.iterator("table",(function(t){t._colReorder&&t._colReorder.fnDisable()}))})),h},t.exports=function(t,e){return t||(t=window),e&&e.fn.dataTable||(e=n(557)(t,e).$),r(e,0,t.document)}},557:function(t,e,n){!function(e){"use strict";t.exports=function(t,e){return t||(t=window),e||(e="undefined"!=typeof window?n(6651):n(6651)(t)),function(t,e,n,r){var i,o,a,l,h=function(e){this.$=function(t,e){return this.api(!0).$(t,e)},this._=function(t,e){return this.api(!0).rows(t,e).data()},this.api=function(t){return new o(t?ae(this[i.iApiIndex]):this)},this.fnAddData=function(e,n){var i=this.api(!0),o=Array.isArray(e)&&(Array.isArray(e[0])||t.isPlainObject(e[0]))?i.rows.add(e):i.row.add(e);return(n===r||n)&&i.draw(),o.flatten().toArray()},this.fnAdjustColumnSizing=function(t){var e=this.api(!0).columns.adjust(),n=e.settings()[0],i=n.oScroll;t===r||t?e.draw(!1):""===i.sX&&""===i.sY||Pt(n)},this.fnClearTable=function(t){var e=this.api(!0).clear();(t===r||t)&&e.draw()},this.fnClose=function(t){this.api(!0).row(t).child.hide()},this.fnDeleteRow=function(t,e,n){var i=this.api(!0),o=i.rows(t),a=o.settings()[0],l=a.aoData[o[0][0]];return o.remove(),e&&e.call(this,a,l),(n===r||n)&&i.draw(),l},this.fnDestroy=function(t){this.api(!0).destroy(t)},this.fnDraw=function(t){this.api(!0).draw(t)},this.fnFilter=function(t,e,n,i,o,a){var l=this.api(!0);null===e||e===r?l.search(t,n,i,a):l.column(e).search(t,n,i,a),l.draw()},this.fnGetData=function(t,e){var n=this.api(!0);if(t!==r){var i=t.nodeName?t.nodeName.toLowerCase():"";return e!==r||"td"==i||"th"==i?n.cell(t,e).data():n.row(t).data()||null}return n.data().toArray()},this.fnGetNodes=function(t){var e=this.api(!0);return t!==r?e.row(t).node():e.rows().nodes().flatten().toArray()},this.fnGetPosition=function(t){var e=this.api(!0),n=t.nodeName.toUpperCase();if("TR"==n)return e.row(t).index();if("TD"==n||"TH"==n){var r=e.cell(t).index();return[r.row,r.columnVisible,r.column]}return null},this.fnIsOpen=function(t){return this.api(!0).row(t).child.isShown()},this.fnOpen=function(t,e,n){return this.api(!0).row(t).child(e,n).show().child()[0]},this.fnPageChange=function(t,e){var n=this.api(!0).page(t);(e===r||e)&&n.draw(!1)},this.fnSetColumnVis=function(t,e,n){var i=this.api(!0).column(t).visible(e);(n===r||n)&&i.columns.adjust().draw()},this.fnSettings=function(){return ae(this[i.iApiIndex])},this.fnSort=function(t){this.api(!0).order(t).draw()},this.fnSortListener=function(t,e,n){this.api(!0).order.listener(t,e,n)},this.fnUpdate=function(t,e,n,i,o){var a=this.api(!0);return n===r||null===n?a.row(e).data(t):a.cell(e,n).data(t),(o===r||o)&&a.columns.adjust(),(i===r||i)&&a.draw(),0},this.fnVersionCheck=i.fnVersionCheck;var n=this,a=e===r,l=this.length;for(var s in a&&(e={}),this.oApi=this.internal=i.internal,h.ext.internal)s&&(this[s]=Te(s));return this.each((function(){var i,o=l>1?se({},e,!0):e,s=0,A=this.getAttribute("id"),d=!1,c=h.defaults,u=t(this);if("table"==this.nodeName.toLowerCase()){S(c),M(c.column),$(c,c,!0),$(c.column,c.column,!0),$(c,t.extend(o,u.data()),!0);var p=h.settings;for(s=0,i=p.length;s<i;s++){var m=p[s];if(m.nTable==this||m.nTHead&&m.nTHead.parentNode==this||m.nTFoot&&m.nTFoot.parentNode==this){var f=o.bRetrieve!==r?o.bRetrieve:c.bRetrieve,g=o.bDestroy!==r?o.bDestroy:c.bDestroy;if(a||f)return m.oInstance;if(g){m.oInstance.fnDestroy();break}return void le(m,0,"Cannot reinitialise DataTable",3)}if(m.sTableId==this.id){p.splice(s,1);break}}null!==A&&""!==A||(A="DataTables_Table_"+h.ext._unique++,this.id=A);var C=t.extend(!0,{},h.models.oSettings,{sDestroyWidth:u[0].style.width,sInstance:A,sTableId:A});C.nTable=this,C.oApi=n.internal,C.oInit=o,p.push(C),C.oInstance=1===n.length?n:u.dataTable(),S(o),D(o.oLanguage),o.aLengthMenu&&!o.iDisplayLength&&(o.iDisplayLength=Array.isArray(o.aLengthMenu[0])?o.aLengthMenu[0][0]:o.aLengthMenu[0]),o=se(t.extend(!0,{},c),o),he(C.oFeatures,o,["bPaginate","bLengthChange","bFilter","bSort","bSortMulti","bInfo","bProcessing","bAutoWidth","bSortClasses","bServerSide","bDeferRender"]),he(C,o,["asStripeClasses","ajax","fnServerData","fnFormatNumber","sServerMethod","aaSorting","aaSortingFixed","aLengthMenu","sPaginationType","sAjaxSource","sAjaxDataProp","iStateDuration","sDom","bSortCellsTop","iTabIndex","fnStateLoadCallback","fnStateSaveCallback","renderer","searchDelay","rowId",["iCookieDuration","iStateDuration"],["oSearch","oPreviousSearch"],["aoSearchCols","aoPreSearchCols"],["iDisplayLength","_iDisplayLength"]]),he(C.oScroll,o,[["sScrollX","sX"],["sScrollXInner","sXInner"],["sScrollY","sY"],["bScrollCollapse","bCollapse"]]),he(C.oLanguage,o,"fnInfoCallback"),de(C,"aoDrawCallback",o.fnDrawCallback,"user"),de(C,"aoServerParams",o.fnServerParams,"user"),de(C,"aoStateSaveParams",o.fnStateSaveParams,"user"),de(C,"aoStateLoadParams",o.fnStateLoadParams,"user"),de(C,"aoStateLoaded",o.fnStateLoaded,"user"),de(C,"aoRowCallback",o.fnRowCallback,"user"),de(C,"aoRowCreatedCallback",o.fnCreatedRow,"user"),de(C,"aoHeaderCallback",o.fnHeaderCallback,"user"),de(C,"aoFooterCallback",o.fnFooterCallback,"user"),de(C,"aoInitComplete",o.fnInitComplete,"user"),de(C,"aoPreDrawCallback",o.fnPreDrawCallback,"user"),C.rowIdFn=K(o.rowId),I(C);var b=C.oClasses;if(t.extend(b,h.ext.classes,o.oClasses),u.addClass(b.sTable),C.iInitDisplayStart===r&&(C.iInitDisplayStart=o.iDisplayStart,C._iDisplayStart=o.iDisplayStart),null!==o.iDeferLoading){C.bDeferLoading=!0;var _=Array.isArray(o.iDeferLoading);C._iRecordsDisplay=_?o.iDeferLoading[0]:o.iDeferLoading,C._iRecordsTotal=_?o.iDeferLoading[1]:o.iDeferLoading}var v=C.oLanguage;t.extend(!0,v,o.oLanguage),v.sUrl&&(t.ajax({dataType:"json",url:v.sUrl,success:function(e){D(e),$(c.oLanguage,e),t.extend(!0,v,e),It(C)},error:function(){It(C)}}),d=!0),null===o.asStripeClasses&&(C.asStripeClasses=[b.sStripeOdd,b.sStripeEven]);var x=C.asStripeClasses,B=u.children("tbody").find("tr").eq(0);-1!==t.inArray(!0,t.map(x,(function(t,e){return B.hasClass(t)})))&&(t("tbody tr",this).removeClass(x.join(" ")),C.asDestroyStripes=x.slice());var k,w=[],y=this.getElementsByTagName("thead");if(0!==y.length&&(dt(C.aoHeader,y[0]),w=ct(C)),null===o.aoColumns)for(k=[],s=0,i=w.length;s<i;s++)k.push(null);else k=o.aoColumns;for(s=0,i=k.length;s<i;s++)T(C,w?w[s]:null);if(G(C,o.aoColumnDefs,k,(function(t,e){N(C,t,e)})),B.length){var E=function(t,e){return null!==t.getAttribute("data-"+e)?e:null};t(B[0]).children("th, td").each((function(t,e){var n=C.aoColumns[t];if(n.mData===t){var i=E(e,"sort")||E(e,"order"),o=E(e,"filter")||E(e,"search");null===i&&null===o||(n.mData={_:t+".display",sort:null!==i?t+".@data-"+i:r,type:null!==i?t+".@data-"+i:r,filter:null!==o?t+".@data-"+o:r},N(C,t))}}))}var F=C.oFeatures,z=function(){if(o.aaSorting===r){var e=C.aaSorting;for(s=0,i=e.length;s<i;s++)e[s][1]=C.aoColumns[s].asSorting[0]}ne(C),F.bSort&&de(C,"aoDrawCallback",(function(){if(C.bSorted){var e=Kt(C),n={};t.each(e,(function(t,e){n[e.src]=e.dir})),ce(C,null,"order",[C,e,n]),Zt(C)}})),de(C,"aoDrawCallback",(function(){(C.bSorted||"ssp"===me(C)||F.bDeferRender)&&ne(C)}),"sc");var n=u.children("caption").each((function(){this._captionSide=t(this).css("caption-side")})),a=u.children("thead");0===a.length&&(a=t("<thead/>").appendTo(u)),C.nTHead=a[0];var l=u.children("tbody");0===l.length&&(l=t("<tbody/>").appendTo(u)),C.nTBody=l[0];var h=u.children("tfoot");if(0===h.length&&n.length>0&&(""!==C.oScroll.sX||""!==C.oScroll.sY)&&(h=t("<tfoot/>").appendTo(u)),0===h.length||0===h.children().length?u.addClass(b.sNoFooter):h.length>0&&(C.nTFoot=h[0],dt(C.aoFooter,C.nTFoot)),o.aaData)for(s=0;s<o.aaData.length;s++)q(C,o.aaData[s]);else(C.bDeferLoading||"dom"==me(C))&&W(C,t(C.nTBody).children("tr"));C.aiDisplay=C.aiDisplayMaster.slice(),C.bInitialised=!0,!1===d&&It(C)};o.bStateSave?(F.bStateSave=!0,de(C,"aoDrawCallback",ie,"state_save"),oe(C,o,z)):z()}else le(null,0,"Non-table node initialisation ("+this.nodeName+")",2)})),n=null,this},s={},A=/[\r\n\u2028]/g,d=/<.*?>/g,c=/^\d{2,4}[\.\/\-]\d{1,2}[\.\/\-]\d{1,2}([T ]{1}\d{1,2}[:\.]\d{2}([\.:]\d{2})?)?$/,u=new RegExp("(\\"+["/",".","*","+","?","|","(",")","[","]","{","}","\\","$","^","-"].join("|\\")+")","g"),p=/['\u00A0,$£€¥%\u2009\u202F\u20BD\u20a9\u20BArfkɃΞ]/gi,m=function(t){return!t||!0===t||"-"===t},f=function(t){var e=parseInt(t,10);return!isNaN(e)&&isFinite(t)?e:null},g=function(t,e){return s[e]||(s[e]=new RegExp(kt(e),"g")),"string"==typeof t&&"."!==e?t.replace(/\./g,"").replace(s[e],"."):t},C=function(t,e,n){var r="string"==typeof t;return!!m(t)||(e&&r&&(t=g(t,e)),n&&r&&(t=t.replace(p,"")),!isNaN(parseFloat(t))&&isFinite(t))},b=function(t,e,n){return!!m(t)||function(t){return m(t)||"string"==typeof t}(t)&&!!C(k(t),e,n)||null},_=function(t,e,n){var i=[],o=0,a=t.length;if(n!==r)for(;o<a;o++)t[o]&&t[o][e]&&i.push(t[o][e][n]);else for(;o<a;o++)t[o]&&i.push(t[o][e]);return i},v=function(t,e,n,i){var o=[],a=0,l=e.length;if(i!==r)for(;a<l;a++)t[e[a]][n]&&o.push(t[e[a]][n][i]);else for(;a<l;a++)o.push(t[e[a]][n]);return o},x=function(t,e){var n,i=[];e===r?(e=0,n=t):(n=e,e=t);for(var o=e;o<n;o++)i.push(o);return i},B=function(t){for(var e=[],n=0,r=t.length;n<r;n++)t[n]&&e.push(t[n]);return e},k=function(t){return t.replace(d,"")},w=function(t){if(function(t){if(t.length<2)return!0;for(var e=t.slice().sort(),n=e[0],r=1,i=e.length;r<i;r++){if(e[r]===n)return!1;n=e[r]}return!0}(t))return t.slice();var e,n,r,i=[],o=t.length,a=0;t:for(n=0;n<o;n++){for(e=t[n],r=0;r<a;r++)if(i[r]===e)continue t;i.push(e),a++}return i},y=function(t,e){if(Array.isArray(e))for(var n=0;n<e.length;n++)y(t,e[n]);else t.push(e);return t};function E(e){var n,r,i={};t.each(e,(function(t,o){(n=t.match(/^([^A-Z]+?)([A-Z])/))&&-1!=="a aa ai ao as b fn i m o s ".indexOf(n[1]+" ")&&(r=t.replace(n[0],n[2].toLowerCase()),i[r]=t,"o"===n[1]&&E(e[t]))})),e._hungarianMap=i}function $(e,n,i){var o;e._hungarianMap||E(e),t.each(n,(function(a,l){(o=e._hungarianMap[a])===r||!i&&n[o]!==r||("o"===o.charAt(0)?(n[o]||(n[o]={}),t.extend(!0,n[o],n[a]),$(e[o],n[o],i)):n[o]=n[a])}))}function D(t){var e=h.defaults.oLanguage,n=e.sDecimal;if(n&&Ie(n),t){var r=t.sZeroRecords;!t.sEmptyTable&&r&&"No data available in table"===e.sEmptyTable&&he(t,t,"sZeroRecords","sEmptyTable"),!t.sLoadingRecords&&r&&"Loading..."===e.sLoadingRecords&&he(t,t,"sZeroRecords","sLoadingRecords"),t.sInfoThousands&&(t.sThousands=t.sInfoThousands);var i=t.sDecimal;i&&n!==i&&Ie(i)}}Array.isArray||(Array.isArray=function(t){return"[object Array]"===Object.prototype.toString.call(t)}),String.prototype.trim||(String.prototype.trim=function(){return this.replace(/^[\s\uFEFF\xA0]+|[\s\uFEFF\xA0]+$/g,"")}),h.util={throttle:function(t,e){var n,i,o=e!==r?e:200;return function(){var e=this,a=+new Date,l=arguments;n&&a<n+o?(clearTimeout(i),i=setTimeout((function(){n=r,t.apply(e,l)}),o)):(n=a,t.apply(e,l))}},escapeRegex:function(t){return t.replace(u,"\\$1")}};var F=function(t,e,n){t[e]!==r&&(t[n]=t[e])};function S(t){F(t,"ordering","bSort"),F(t,"orderMulti","bSortMulti"),F(t,"orderClasses","bSortClasses"),F(t,"orderCellsTop","bSortCellsTop"),F(t,"order","aaSorting"),F(t,"orderFixed","aaSortingFixed"),F(t,"paging","bPaginate"),F(t,"pagingType","sPaginationType"),F(t,"pageLength","iDisplayLength"),F(t,"searching","bFilter"),"boolean"==typeof t.sScrollX&&(t.sScrollX=t.sScrollX?"100%":""),"boolean"==typeof t.scrollX&&(t.scrollX=t.scrollX?"100%":"");var e=t.aoSearchCols;if(e)for(var n=0,r=e.length;n<r;n++)e[n]&&$(h.models.oSearch,e[n])}function M(t){F(t,"orderable","bSortable"),F(t,"orderData","aDataSort"),F(t,"orderSequence","asSorting"),F(t,"orderDataType","sortDataType");var e=t.aDataSort;"number"!=typeof e||Array.isArray(e)||(t.aDataSort=[e])}function I(n){if(!h.__browser){var r={};h.__browser=r;var i=t("<div/>").css({position:"fixed",top:0,left:-1*t(e).scrollLeft(),height:1,width:1,overflow:"hidden"}).append(t("<div/>").css({position:"absolute",top:1,left:1,width:100,overflow:"scroll"}).append(t("<div/>").css({width:"100%",height:10}))).appendTo("body"),o=i.children(),a=o.children();r.barWidth=o[0].offsetWidth-o[0].clientWidth,r.bScrollOversize=100===a[0].offsetWidth&&100!==o[0].clientWidth,r.bScrollbarLeft=1!==Math.round(a.offset().left),r.bBounding=!!i[0].getBoundingClientRect().width,i.remove()}t.extend(n.oBrowser,h.__browser),n.oScroll.iBarWidth=h.__browser.barWidth}function z(t,e,n,i,o,a){var l,h=i,s=!1;for(n!==r&&(l=n,s=!0);h!==o;)t.hasOwnProperty(h)&&(l=s?e(l,t[h],h,t):t[h],s=!0,h+=a);return l}function T(e,r){var i=h.defaults.column,o=e.aoColumns.length,a=t.extend({},h.models.oColumn,i,{nTh:r||n.createElement("th"),sTitle:i.sTitle?i.sTitle:r?r.innerHTML:"",aDataSort:i.aDataSort?i.aDataSort:[o],mData:i.mData?i.mData:o,idx:o});e.aoColumns.push(a);var l=e.aoPreSearchCols;l[o]=t.extend({},h.models.oSearch,l[o]),N(e,o,t(r).data())}function N(e,n,i){var o=e.aoColumns[n],a=e.oClasses,l=t(o.nTh);if(!o.sWidthOrig){o.sWidthOrig=l.attr("width")||null;var s=(l.attr("style")||"").match(/width:\s*(\d+[pxem%]+)/);s&&(o.sWidthOrig=s[1])}i!==r&&null!==i&&(M(i),$(h.defaults.column,i,!0),i.mDataProp===r||i.mData||(i.mData=i.mDataProp),i.sType&&(o._sManualType=i.sType),i.className&&!i.sClass&&(i.sClass=i.className),i.sClass&&l.addClass(i.sClass),t.extend(o,i),he(o,i,"sWidth","sWidthOrig"),i.iDataSort!==r&&(o.aDataSort=[i.iDataSort]),he(o,i,"aDataSort"));var A=o.mData,d=K(A),c=o.mRender?K(o.mRender):null,u=function(t){return"string"==typeof t&&-1!==t.indexOf("@")};o._bAttrSrc=t.isPlainObject(A)&&(u(A.sort)||u(A.type)||u(A.filter)),o._setter=null,o.fnGetData=function(t,e,n){var i=d(t,e,r,n);return c&&e?c(i,e,t,n):i},o.fnSetData=function(t,e,n){return V(A)(t,e,n)},"number"!=typeof A&&(e._rowReadObject=!0),e.oFeatures.bSort||(o.bSortable=!1,l.addClass(a.sSortableNone));var p=-1!==t.inArray("asc",o.asSorting),m=-1!==t.inArray("desc",o.asSorting);o.bSortable&&(p||m)?p&&!m?(o.sSortingClass=a.sSortableAsc,o.sSortingClassJUI=a.sSortJUIAscAllowed):!p&&m?(o.sSortingClass=a.sSortableDesc,o.sSortingClassJUI=a.sSortJUIDescAllowed):(o.sSortingClass=a.sSortable,o.sSortingClassJUI=a.sSortJUI):(o.sSortingClass=a.sSortableNone,o.sSortingClassJUI="")}function j(t){if(!1!==t.oFeatures.bAutoWidth){var e=t.aoColumns;Wt(t);for(var n=0,r=e.length;n<r;n++)e[n].nTh.style.width=e[n].sWidth}var i=t.oScroll;""===i.sY&&""===i.sX||Pt(t),ce(t,null,"column-sizing",[t])}function L(t,e){var n=U(t,"bVisible");return"number"==typeof n[e]?n[e]:null}function O(e,n){var r=U(e,"bVisible"),i=t.inArray(n,r);return-1!==i?i:null}function R(e){var n=0;return t.each(e.aoColumns,(function(e,r){r.bVisible&&"none"!==t(r.nTh).css("display")&&n++})),n}function U(e,n){var r=[];return t.map(e.aoColumns,(function(t,e){t[n]&&r.push(e)})),r}function P(t){var e,n,i,o,a,l,s,A,d,c=t.aoColumns,u=t.aoData,p=h.ext.type.detect;for(e=0,n=c.length;e<n;e++)if(d=[],!(s=c[e]).sType&&s._sManualType)s.sType=s._sManualType;else if(!s.sType){for(i=0,o=p.length;i<o;i++){for(a=0,l=u.length;a<l&&(d[a]===r&&(d[a]=H(t,a,e,"type")),(A=p[i](d[a],t))||i===p.length-1)&&"html"!==A;a++);if(A){s.sType=A;break}}s.sType||(s.sType="string")}}function G(e,n,i,o){var a,l,h,s,A,d,c,u=e.aoColumns;if(n)for(a=n.length-1;a>=0;a--){var p=(c=n[a]).targets!==r?c.targets:c.aTargets;for(Array.isArray(p)||(p=[p]),h=0,s=p.length;h<s;h++)if("number"==typeof p[h]&&p[h]>=0){for(;u.length<=p[h];)T(e);o(p[h],c)}else if("number"==typeof p[h]&&p[h]<0)o(u.length+p[h],c);else if("string"==typeof p[h])for(A=0,d=u.length;A<d;A++)("_all"==p[h]||t(u[A].nTh).hasClass(p[h]))&&o(A,c)}if(i)for(a=0,l=i.length;a<l;a++)o(a,i[a])}function q(e,n,i,o){var a=e.aoData.length,l=t.extend(!0,{},h.models.oRow,{src:i?"dom":"data",idx:a});l._aData=n,e.aoData.push(l);for(var s=e.aoColumns,A=0,d=s.length;A<d;A++)s[A].sType=null;e.aiDisplayMaster.push(a);var c=e.rowIdFn(n);return c!==r&&(e.aIds[c]=l),!i&&e.oFeatures.bDeferRender||it(e,a,i,o),a}function W(e,n){var r;return n instanceof t||(n=t(n)),n.map((function(t,n){return r=rt(e,n),q(e,r.data,n,r.cells)}))}function H(t,e,n,i){var o=t.iDraw,a=t.aoColumns[n],l=t.aoData[e]._aData,h=a.sDefaultContent,s=a.fnGetData(l,i,{settings:t,row:e,col:n});if(s===r)return t.iDrawError!=o&&null===h&&(le(t,0,"Requested unknown parameter "+("function"==typeof a.mData?"{function}":"'"+a.mData+"'")+" for row "+e+", column "+n,4),t.iDrawError=o),h;if(s!==l&&null!==s||null===h||i===r){if("function"==typeof s)return s.call(l)}else s=h;return null===s&&"display"==i?"":s}function Y(t,e,n,r){var i=t.aoColumns[n],o=t.aoData[e]._aData;i.fnSetData(o,r,{settings:t,row:e,col:n})}var J=/\[.*?\]$/,Q=/\(\)$/;function X(e){return t.map(e.match(/(\\.|[^\.])+/g)||[""],(function(t){return t.replace(/\\\./g,".")}))}function K(e){if(t.isPlainObject(e)){var n={};return t.each(e,(function(t,e){e&&(n[t]=K(e))})),function(t,e,i,o){var a=n[e]||n._;return a!==r?a(t,e,i,o):t}}if(null===e)return function(t){return t};if("function"==typeof e)return function(t,n,r,i){return e(t,n,r,i)};if("string"!=typeof e||-1===e.indexOf(".")&&-1===e.indexOf("[")&&-1===e.indexOf("("))return function(t,n){return t[e]};var i=function(t,e,n){var o,a,l,h;if(""!==n)for(var s=X(n),A=0,d=s.length;A<d;A++){if(o=s[A].match(J),a=s[A].match(Q),o){if(s[A]=s[A].replace(J,""),""!==s[A]&&(t=t[s[A]]),l=[],s.splice(0,A+1),h=s.join("."),Array.isArray(t))for(var c=0,u=t.length;c<u;c++)l.push(i(t[c],e,h));var p=o[0].substring(1,o[0].length-1);t=""===p?l:l.join(p);break}if(a)s[A]=s[A].replace(Q,""),t=t[s[A]]();else{if(null===t||t[s[A]]===r)return r;t=t[s[A]]}}return t};return function(t,n){return i(t,n,e)}}function V(e){if(t.isPlainObject(e))return V(e._);if(null===e)return function(){};if("function"==typeof e)return function(t,n,r){e(t,"set",n,r)};if("string"!=typeof e||-1===e.indexOf(".")&&-1===e.indexOf("[")&&-1===e.indexOf("("))return function(t,n){t[e]=n};var n=function(t,e,i){for(var o,a,l,h,s,A=X(i),d=A[A.length-1],c=0,u=A.length-1;c<u;c++){if("__proto__"===A[c]||"constructor"===A[c])throw new Error("Cannot set prototype values");if(a=A[c].match(J),l=A[c].match(Q),a){if(A[c]=A[c].replace(J,""),t[A[c]]=[],(o=A.slice()).splice(0,c+1),s=o.join("."),Array.isArray(e))for(var p=0,m=e.length;p<m;p++)n(h={},e[p],s),t[A[c]].push(h);else t[A[c]]=e;return}l&&(A[c]=A[c].replace(Q,""),t=t[A[c]](e)),null!==t[A[c]]&&t[A[c]]!==r||(t[A[c]]={}),t=t[A[c]]}d.match(Q)?t=t[d.replace(Q,"")](e):t[d.replace(J,"")]=e};return function(t,r){return n(t,r,e)}}function Z(t){return _(t.aoData,"_aData")}function tt(t){t.aoData.length=0,t.aiDisplayMaster.length=0,t.aiDisplay.length=0,t.aIds={}}function et(t,e,n){for(var i=-1,o=0,a=t.length;o<a;o++)t[o]==e?i=o:t[o]>e&&t[o]--;-1!=i&&n===r&&t.splice(i,1)}function nt(t,e,n,i){var o,a,l=t.aoData[e],h=function(n,r){for(;n.childNodes.length;)n.removeChild(n.firstChild);n.innerHTML=H(t,e,r,"display")};if("dom"!==n&&(n&&"auto"!==n||"dom"!==l.src)){var s=l.anCells;if(s)if(i!==r)h(s[i],i);else for(o=0,a=s.length;o<a;o++)h(s[o],o)}else l._aData=rt(t,l,i,i===r?r:l._aData).data;l._aSortData=null,l._aFilterData=null;var A=t.aoColumns;if(i!==r)A[i].sType=null;else{for(o=0,a=A.length;o<a;o++)A[o].sType=null;ot(t,l)}}function rt(t,e,n,i){var o,a,l,h=[],s=e.firstChild,A=0,d=t.aoColumns,c=t._rowReadObject;i=i!==r?i:c?{}:[];var u=function(t,e){if("string"==typeof t){var n=t.indexOf("@");if(-1!==n){var r=t.substring(n+1);V(t)(i,e.getAttribute(r))}}},p=function(t){n!==r&&n!==A||(a=d[A],l=t.innerHTML.trim(),a&&a._bAttrSrc?(V(a.mData._)(i,l),u(a.mData.sort,t),u(a.mData.type,t),u(a.mData.filter,t)):c?(a._setter||(a._setter=V(a.mData)),a._setter(i,l)):i[A]=l),A++};if(s)for(;s;)"TD"!=(o=s.nodeName.toUpperCase())&&"TH"!=o||(p(s),h.push(s)),s=s.nextSibling;else for(var m=0,f=(h=e.anCells).length;m<f;m++)p(h[m]);var g=e.firstChild?e:e.nTr;if(g){var C=g.getAttribute("id");C&&V(t.rowId)(i,C)}return{data:i,cells:h}}function it(e,r,i,o){var a,l,h,s,A,d,c=e.aoData[r],u=c._aData,p=[];if(null===c.nTr){for(a=i||n.createElement("tr"),c.nTr=a,c.anCells=p,a._DT_RowIndex=r,ot(e,c),s=0,A=e.aoColumns.length;s<A;s++)h=e.aoColumns[s],(l=(d=!i)?n.createElement(h.sCellType):o[s])._DT_CellIndex={row:r,column:s},p.push(l),!d&&(!h.mRender&&h.mData===s||t.isPlainObject(h.mData)&&h.mData._===s+".display")||(l.innerHTML=H(e,r,s,"display")),h.sClass&&(l.className+=" "+h.sClass),h.bVisible&&!i?a.appendChild(l):!h.bVisible&&i&&l.parentNode.removeChild(l),h.fnCreatedCell&&h.fnCreatedCell.call(e.oInstance,l,H(e,r,s),u,r,s);ce(e,"aoRowCreatedCallback",null,[a,u,r,p])}}function ot(e,n){var r=n.nTr,i=n._aData;if(r){var o=e.rowIdFn(i);if(o&&(r.id=o),i.DT_RowClass){var a=i.DT_RowClass.split(" ");n.__rowc=n.__rowc?w(n.__rowc.concat(a)):a,t(r).removeClass(n.__rowc.join(" ")).addClass(i.DT_RowClass)}i.DT_RowAttr&&t(r).attr(i.DT_RowAttr),i.DT_RowData&&t(r).data(i.DT_RowData)}}function at(e){var n,r,i,o,a,l=e.nTHead,h=e.nTFoot,s=0===t("th, td",l).length,A=e.oClasses,d=e.aoColumns;for(s&&(o=t("<tr/>").appendTo(l)),n=0,r=d.length;n<r;n++)a=d[n],i=t(a.nTh).addClass(a.sClass),s&&i.appendTo(o),e.oFeatures.bSort&&(i.addClass(a.sSortingClass),!1!==a.bSortable&&(i.attr("tabindex",e.iTabIndex).attr("aria-controls",e.sTableId),ee(e,a.nTh,n))),a.sTitle!=i[0].innerHTML&&i.html(a.sTitle),pe(e,"header")(e,i,a,A);if(s&&dt(e.aoHeader,l),t(l).children("tr").attr("role","row"),t(l).children("tr").children("th, td").addClass(A.sHeaderTH),t(h).children("tr").children("th, td").addClass(A.sFooterTH),null!==h){var c=e.aoFooter[0];for(n=0,r=c.length;n<r;n++)(a=d[n]).nTf=c[n].cell,a.sClass&&t(a.nTf).addClass(a.sClass)}}function lt(e,n,i){var o,a,l,h,s,A,d,c,u,p=[],m=[],f=e.aoColumns.length;if(n){for(i===r&&(i=!1),o=0,a=n.length;o<a;o++){for(p[o]=n[o].slice(),p[o].nTr=n[o].nTr,l=f-1;l>=0;l--)e.aoColumns[l].bVisible||i||p[o].splice(l,1);m.push([])}for(o=0,a=p.length;o<a;o++){if(d=p[o].nTr)for(;A=d.firstChild;)d.removeChild(A);for(l=0,h=p[o].length;l<h;l++)if(c=1,u=1,m[o][l]===r){for(d.appendChild(p[o][l].cell),m[o][l]=1;p[o+c]!==r&&p[o][l].cell==p[o+c][l].cell;)m[o+c][l]=1,c++;for(;p[o][l+u]!==r&&p[o][l].cell==p[o][l+u].cell;){for(s=0;s<c;s++)m[o+s][l+u]=1;u++}t(p[o][l].cell).attr("rowspan",c).attr("colspan",u)}}}}function ht(e){var n=ce(e,"aoPreDrawCallback","preDraw",[e]);if(-1===t.inArray(!1,n)){var i=[],o=0,a=e.asStripeClasses,l=a.length,h=(e.aoOpenRows.length,e.oLanguage),s=e.iInitDisplayStart,A="ssp"==me(e),d=e.aiDisplay;e.bDrawing=!0,s!==r&&-1!==s&&(e._iDisplayStart=A?s:s>=e.fnRecordsDisplay()?0:s,e.iInitDisplayStart=-1);var c=e._iDisplayStart,u=e.fnDisplayEnd();if(e.bDeferLoading)e.bDeferLoading=!1,e.iDraw++,Rt(e,!1);else if(A){if(!e.bDestroying&&!pt(e))return}else e.iDraw++;if(0!==d.length)for(var p=A?0:c,m=A?e.aoData.length:u,f=p;f<m;f++){var g=d[f],C=e.aoData[g];null===C.nTr&&it(e,g);var b=C.nTr;if(0!==l){var _=a[o%l];C._sRowStripe!=_&&(t(b).removeClass(C._sRowStripe).addClass(_),C._sRowStripe=_)}ce(e,"aoRowCallback",null,[b,C._aData,o,f,g]),i.push(b),o++}else{var v=h.sZeroRecords;1==e.iDraw&&"ajax"==me(e)?v=h.sLoadingRecords:h.sEmptyTable&&0===e.fnRecordsTotal()&&(v=h.sEmptyTable),i[0]=t("<tr/>",{class:l?a[0]:""}).append(t("<td />",{valign:"top",colSpan:R(e),class:e.oClasses.sRowEmpty}).html(v))[0]}ce(e,"aoHeaderCallback","header",[t(e.nTHead).children("tr")[0],Z(e),c,u,d]),ce(e,"aoFooterCallback","footer",[t(e.nTFoot).children("tr")[0],Z(e),c,u,d]);var x=t(e.nTBody);x.children().detach(),x.append(t(i)),ce(e,"aoDrawCallback","draw",[e]),e.bSorted=!1,e.bFiltered=!1,e.bDrawing=!1}else Rt(e,!1)}function st(t,e){var n=t.oFeatures,r=n.bSort,i=n.bFilter;r&&Vt(t),i?bt(t,t.oPreviousSearch):t.aiDisplay=t.aiDisplayMaster.slice(),!0!==e&&(t._iDisplayStart=0),t._drawHold=e,ht(t),t._drawHold=!1}function At(e){var n=e.oClasses,r=t(e.nTable),i=t("<div/>").insertBefore(r),o=e.oFeatures,a=t("<div/>",{id:e.sTableId+"_wrapper",class:n.sWrapper+(e.nTFoot?"":" "+n.sNoFooter)});e.nHolding=i[0],e.nTableWrapper=a[0],e.nTableReinsertBefore=e.nTable.nextSibling;for(var l,s,A,d,c,u,p=e.sDom.split(""),m=0;m<p.length;m++){if(l=null,"<"==(s=p[m])){if(A=t("<div/>")[0],"'"==(d=p[m+1])||'"'==d){for(c="",u=2;p[m+u]!=d;)c+=p[m+u],u++;if("H"==c?c=n.sJUIHeader:"F"==c&&(c=n.sJUIFooter),-1!=c.indexOf(".")){var f=c.split(".");A.id=f[0].substr(1,f[0].length-1),A.className=f[1]}else"#"==c.charAt(0)?A.id=c.substr(1,c.length-1):A.className=c;m+=u}a.append(A),a=t(A)}else if(">"==s)a=a.parent();else if("l"==s&&o.bPaginate&&o.bLengthChange)l=Nt(e);else if("f"==s&&o.bFilter)l=Ct(e);else if("r"==s&&o.bProcessing)l=Ot(e);else if("t"==s)l=Ut(e);else if("i"==s&&o.bInfo)l=Ft(e);else if("p"==s&&o.bPaginate)l=jt(e);else if(0!==h.ext.feature.length)for(var g=h.ext.feature,C=0,b=g.length;C<b;C++)if(s==g[C].cFeature){l=g[C].fnInit(e);break}if(l){var _=e.aanFeatures;_[s]||(_[s]=[]),_[s].push(l),a.append(l)}}i.replaceWith(a),e.nHolding=null}function dt(e,n){var r,i,o,a,l,h,s,A,d,c,u=t(n).children("tr"),p=function(t,e,n){for(var r=t[e];r[n];)n++;return n};for(e.splice(0,e.length),o=0,h=u.length;o<h;o++)e.push([]);for(o=0,h=u.length;o<h;o++)for(i=(r=u[o]).firstChild;i;){if("TD"==i.nodeName.toUpperCase()||"TH"==i.nodeName.toUpperCase())for(A=(A=1*i.getAttribute("colspan"))&&0!==A&&1!==A?A:1,d=(d=1*i.getAttribute("rowspan"))&&0!==d&&1!==d?d:1,s=p(e,o,0),c=1===A,l=0;l<A;l++)for(a=0;a<d;a++)e[o+a][s+l]={cell:i,unique:c},e[o+a].nTr=r;i=i.nextSibling}}function ct(t,e,n){var r=[];n||(n=t.aoHeader,e&&dt(n=[],e));for(var i=0,o=n.length;i<o;i++)for(var a=0,l=n[i].length;a<l;a++)!n[i][a].unique||r[a]&&t.bSortCellsTop||(r[a]=n[i][a].cell);return r}function ut(e,n,r){if(ce(e,"aoServerParams","serverParams",[n]),n&&Array.isArray(n)){var i={},o=/(.*?)\[\]$/;t.each(n,(function(t,e){var n=e.name.match(o);if(n){var r=n[0];i[r]||(i[r]=[]),i[r].push(e.value)}else i[e.name]=e.value})),n=i}var a,l=e.ajax,h=e.oInstance,s=function(t){ce(e,null,"xhr",[e,t,e.jqXHR]),r(t)};if(t.isPlainObject(l)&&l.data){var A="function"==typeof(a=l.data)?a(n,e):a;n="function"==typeof a&&A?A:t.extend(!0,n,A),delete l.data}var d={data:n,success:function(t){var n=t.error||t.sError;n&&le(e,0,n),e.json=t,s(t)},dataType:"json",cache:!1,type:e.sServerMethod,error:function(n,r,i){var o=ce(e,null,"xhr",[e,null,e.jqXHR]);-1===t.inArray(!0,o)&&("parsererror"==r?le(e,0,"Invalid JSON response",1):4===n.readyState&&le(e,0,"Ajax error",7)),Rt(e,!1)}};e.oAjaxData=n,ce(e,null,"preXhr",[e,n]),e.fnServerData?e.fnServerData.call(h,e.sAjaxSource,t.map(n,(function(t,e){return{name:e,value:t}})),s,e):e.sAjaxSource||"string"==typeof l?e.jqXHR=t.ajax(t.extend(d,{url:l||e.sAjaxSource})):"function"==typeof l?e.jqXHR=l.call(h,n,s,e):(e.jqXHR=t.ajax(t.extend(d,l)),l.data=a)}function pt(t){return!t.bAjaxDataGet||(t.iDraw++,Rt(t,!0),ut(t,mt(t),(function(e){ft(t,e)})),!1)}function mt(e){var n,r,i,o,a=e.aoColumns,l=a.length,s=e.oFeatures,A=e.oPreviousSearch,d=e.aoPreSearchCols,c=[],u=Kt(e),p=e._iDisplayStart,m=!1!==s.bPaginate?e._iDisplayLength:-1,f=function(t,e){c.push({name:t,value:e})};f("sEcho",e.iDraw),f("iColumns",l),f("sColumns",_(a,"sName").join(",")),f("iDisplayStart",p),f("iDisplayLength",m);var g={draw:e.iDraw,columns:[],order:[],start:p,length:m,search:{value:A.sSearch,regex:A.bRegex}};for(n=0;n<l;n++)i=a[n],o=d[n],r="function"==typeof i.mData?"function":i.mData,g.columns.push({data:r,name:i.sName,searchable:i.bSearchable,orderable:i.bSortable,search:{value:o.sSearch,regex:o.bRegex}}),f("mDataProp_"+n,r),s.bFilter&&(f("sSearch_"+n,o.sSearch),f("bRegex_"+n,o.bRegex),f("bSearchable_"+n,i.bSearchable)),s.bSort&&f("bSortable_"+n,i.bSortable);s.bFilter&&(f("sSearch",A.sSearch),f("bRegex",A.bRegex)),s.bSort&&(t.each(u,(function(t,e){g.order.push({column:e.col,dir:e.dir}),f("iSortCol_"+t,e.col),f("sSortDir_"+t,e.dir)})),f("iSortingCols",u.length));var C=h.ext.legacy.ajax;return null===C?e.sAjaxSource?c:g:C?c:g}function ft(t,e){var n=function(t,n){return e[t]!==r?e[t]:e[n]},i=gt(t,e),o=n("sEcho","draw"),a=n("iTotalRecords","recordsTotal"),l=n("iTotalDisplayRecords","recordsFiltered");if(o!==r){if(1*o<t.iDraw)return;t.iDraw=1*o}tt(t),t._iRecordsTotal=parseInt(a,10),t._iRecordsDisplay=parseInt(l,10);for(var h=0,s=i.length;h<s;h++)q(t,i[h]);t.aiDisplay=t.aiDisplayMaster.slice(),t.bAjaxDataGet=!1,ht(t),t._bInitComplete||zt(t,e),t.bAjaxDataGet=!0,Rt(t,!1)}function gt(e,n){var i=t.isPlainObject(e.ajax)&&e.ajax.dataSrc!==r?e.ajax.dataSrc:e.sAjaxDataProp;return"data"===i?n.aaData||n[i]:""!==i?K(i)(n):n}function Ct(e){var r=e.oClasses,i=e.sTableId,o=e.oLanguage,a=e.oPreviousSearch,l=e.aanFeatures,h='<input type="search" class="'+r.sFilterInput+'"/>',s=o.sSearch;s=s.match(/_INPUT_/)?s.replace("_INPUT_",h):s+h;var A=t("<div/>",{id:l.f?null:i+"_filter",class:r.sFilter}).append(t("<label/>").append(s)),d=function(){l.f;var t=this.value?this.value:"";t!=a.sSearch&&(bt(e,{sSearch:t,bRegex:a.bRegex,bSmart:a.bSmart,bCaseInsensitive:a.bCaseInsensitive}),e._iDisplayStart=0,ht(e))},c=null!==e.searchDelay?e.searchDelay:"ssp"===me(e)?400:0,u=t("input",A).val(a.sSearch).attr("placeholder",o.sSearchPlaceholder).on("keyup.DT search.DT input.DT paste.DT cut.DT",c?Ht(d,c):d).on("mouseup",(function(t){setTimeout((function(){d.call(u[0])}),10)})).on("keypress.DT",(function(t){if(13==t.keyCode)return!1})).attr("aria-controls",i);return t(e.nTable).on("search.dt.DT",(function(t,r){if(e===r)try{u[0]!==n.activeElement&&u.val(a.sSearch)}catch(t){}})),A[0]}function bt(t,e,n){var i=t.oPreviousSearch,o=t.aoPreSearchCols,a=function(t){i.sSearch=t.sSearch,i.bRegex=t.bRegex,i.bSmart=t.bSmart,i.bCaseInsensitive=t.bCaseInsensitive},l=function(t){return t.bEscapeRegex!==r?!t.bEscapeRegex:t.bRegex};if(P(t),"ssp"!=me(t)){xt(t,e.sSearch,n,l(e),e.bSmart,e.bCaseInsensitive),a(e);for(var h=0;h<o.length;h++)vt(t,o[h].sSearch,h,l(o[h]),o[h].bSmart,o[h].bCaseInsensitive);_t(t)}else a(e);t.bFiltered=!0,ce(t,null,"search",[t])}function _t(e){for(var n,r,i=h.ext.search,o=e.aiDisplay,a=0,l=i.length;a<l;a++){for(var s=[],A=0,d=o.length;A<d;A++)r=o[A],n=e.aoData[r],i[a](e,n._aFilterData,r,n._aData,A)&&s.push(r);o.length=0,t.merge(o,s)}}function vt(t,e,n,r,i,o){if(""!==e){for(var a,l=[],h=t.aiDisplay,s=Bt(e,r,i,o),A=0;A<h.length;A++)a=t.aoData[h[A]]._aFilterData[n],s.test(a)&&l.push(h[A]);t.aiDisplay=l}}function xt(t,e,n,r,i,o){var a,l,s,A=Bt(e,r,i,o),d=t.oPreviousSearch.sSearch,c=t.aiDisplayMaster,u=[];if(0!==h.ext.search.length&&(n=!0),l=Et(t),e.length<=0)t.aiDisplay=c.slice();else{for((l||n||r||d.length>e.length||0!==e.indexOf(d)||t.bSorted)&&(t.aiDisplay=c.slice()),a=t.aiDisplay,s=0;s<a.length;s++)A.test(t.aoData[a[s]]._sFilterRow)&&u.push(a[s]);t.aiDisplay=u}}function Bt(e,n,r,i){if(e=n?e:kt(e),r){var o=t.map(e.match(/"[^"]+"|[^ ]+/g)||[""],(function(t){if('"'===t.charAt(0)){var e=t.match(/^"(.*)"$/);t=e?e[1]:t}return t.replace('"',"")}));e="^(?=.*?"+o.join(")(?=.*?")+").*$"}return new RegExp(e,i?"i":"")}var kt=h.util.escapeRegex,wt=t("<div>")[0],yt=wt.textContent!==r;function Et(t){var e,n,r,i,o,a,l,s,A=t.aoColumns,d=h.ext.type.search,c=!1;for(n=0,i=t.aoData.length;n<i;n++)if(!(s=t.aoData[n])._aFilterData){for(a=[],r=0,o=A.length;r<o;r++)(e=A[r]).bSearchable?(l=H(t,n,r,"filter"),d[e.sType]&&(l=d[e.sType](l)),null===l&&(l=""),"string"!=typeof l&&l.toString&&(l=l.toString())):l="",l.indexOf&&-1!==l.indexOf("&")&&(wt.innerHTML=l,l=yt?wt.textContent:wt.innerText),l.replace&&(l=l.replace(/[\r\n\u2028]/g,"")),a.push(l);s._aFilterData=a,s._sFilterRow=a.join(" "),c=!0}return c}function $t(t){return{search:t.sSearch,smart:t.bSmart,regex:t.bRegex,caseInsensitive:t.bCaseInsensitive}}function Dt(t){return{sSearch:t.search,bSmart:t.smart,bRegex:t.regex,bCaseInsensitive:t.caseInsensitive}}function Ft(e){var n=e.sTableId,r=e.aanFeatures.i,i=t("<div/>",{class:e.oClasses.sInfo,id:r?null:n+"_info"});return r||(e.aoDrawCallback.push({fn:St,sName:"information"}),i.attr("role","status").attr("aria-live","polite"),t(e.nTable).attr("aria-describedby",n+"_info")),i[0]}function St(e){var n=e.aanFeatures.i;if(0!==n.length){var r=e.oLanguage,i=e._iDisplayStart+1,o=e.fnDisplayEnd(),a=e.fnRecordsTotal(),l=e.fnRecordsDisplay(),h=l?r.sInfo:r.sInfoEmpty;l!==a&&(h+=" "+r.sInfoFiltered),h=Mt(e,h+=r.sInfoPostFix);var s=r.fnInfoCallback;null!==s&&(h=s.call(e.oInstance,e,i,o,a,l,h)),t(n).html(h)}}function Mt(t,e){var n=t.fnFormatNumber,r=t._iDisplayStart+1,i=t._iDisplayLength,o=t.fnRecordsDisplay(),a=-1===i;return e.replace(/_START_/g,n.call(t,r)).replace(/_END_/g,n.call(t,t.fnDisplayEnd())).replace(/_MAX_/g,n.call(t,t.fnRecordsTotal())).replace(/_TOTAL_/g,n.call(t,o)).replace(/_PAGE_/g,n.call(t,a?1:Math.ceil(r/i))).replace(/_PAGES_/g,n.call(t,a?1:Math.ceil(o/i)))}function It(t){var e,n,r,i=t.iInitDisplayStart,o=t.aoColumns,a=t.oFeatures,l=t.bDeferLoading;if(t.bInitialised){for(At(t),at(t),lt(t,t.aoHeader),lt(t,t.aoFooter),Rt(t,!0),a.bAutoWidth&&Wt(t),e=0,n=o.length;e<n;e++)(r=o[e]).sWidth&&(r.nTh.style.width=Xt(r.sWidth));ce(t,null,"preInit",[t]),st(t);var h=me(t);("ssp"!=h||l)&&("ajax"==h?ut(t,[],(function(n){var r=gt(t,n);for(e=0;e<r.length;e++)q(t,r[e]);t.iInitDisplayStart=i,st(t),Rt(t,!1),zt(t,n)})):(Rt(t,!1),zt(t)))}else setTimeout((function(){It(t)}),200)}function zt(t,e){t._bInitComplete=!0,(e||t.oInit.aaData)&&j(t),ce(t,null,"plugin-init",[t,e]),ce(t,"aoInitComplete","init",[t,e])}function Tt(t,e){var n=parseInt(e,10);t._iDisplayLength=n,ue(t),ce(t,null,"length",[t,n])}function Nt(e){for(var n=e.oClasses,r=e.sTableId,i=e.aLengthMenu,o=Array.isArray(i[0]),a=o?i[0]:i,l=o?i[1]:i,h=t("<select/>",{name:r+"_length","aria-controls":r,class:n.sLengthSelect}),s=0,A=a.length;s<A;s++)h[0][s]=new Option("number"==typeof l[s]?e.fnFormatNumber(l[s]):l[s],a[s]);var d=t("<div><label/></div>").addClass(n.sLength);return e.aanFeatures.l||(d[0].id=r+"_length"),d.children().append(e.oLanguage.sLengthMenu.replace("_MENU_",h[0].outerHTML)),t("select",d).val(e._iDisplayLength).on("change.DT",(function(n){Tt(e,t(this).val()),ht(e)})),t(e.nTable).on("length.dt.DT",(function(n,r,i){e===r&&t("select",d).val(i)})),d[0]}function jt(e){var n=e.sPaginationType,r=h.ext.pager[n],i="function"==typeof r,o=function(t){ht(t)},a=t("<div/>").addClass(e.oClasses.sPaging+n)[0],l=e.aanFeatures;return i||r.fnInit(e,a,o),l.p||(a.id=e.sTableId+"_paginate",e.aoDrawCallback.push({fn:function(t){if(i){var e,n,a=t._iDisplayStart,h=t._iDisplayLength,s=t.fnRecordsDisplay(),A=-1===h,d=A?0:Math.ceil(a/h),c=A?1:Math.ceil(s/h),u=r(d,c);for(e=0,n=l.p.length;e<n;e++)pe(t,"pageButton")(t,l.p[e],e,u,d,c)}else r.fnUpdate(t,o)},sName:"pagination"})),a}function Lt(t,e,n){var r=t._iDisplayStart,i=t._iDisplayLength,o=t.fnRecordsDisplay();0===o||-1===i?r=0:"number"==typeof e?(r=e*i)>o&&(r=0):"first"==e?r=0:"previous"==e?(r=i>=0?r-i:0)<0&&(r=0):"next"==e?r+i<o&&(r+=i):"last"==e?r=Math.floor((o-1)/i)*i:le(t,0,"Unknown paging action: "+e,5);var a=t._iDisplayStart!==r;return t._iDisplayStart=r,a&&(ce(t,null,"page",[t]),n&&ht(t)),a}function Ot(e){return t("<div/>",{id:e.aanFeatures.r?null:e.sTableId+"_processing",class:e.oClasses.sProcessing}).html(e.oLanguage.sProcessing).insertBefore(e.nTable)[0]}function Rt(e,n){e.oFeatures.bProcessing&&t(e.aanFeatures.r).css("display",n?"block":"none"),ce(e,null,"processing",[e,n])}function Ut(e){var n=t(e.nTable);n.attr("role","grid");var r=e.oScroll;if(""===r.sX&&""===r.sY)return e.nTable;var i=r.sX,o=r.sY,a=e.oClasses,l=n.children("caption"),h=l.length?l[0]._captionSide:null,s=t(n[0].cloneNode(!1)),A=t(n[0].cloneNode(!1)),d=n.children("tfoot"),c="<div/>",u=function(t){return t?Xt(t):null};d.length||(d=null);var p=t(c,{class:a.sScrollWrapper}).append(t(c,{class:a.sScrollHead}).css({overflow:"hidden",position:"relative",border:0,width:i?u(i):"100%"}).append(t(c,{class:a.sScrollHeadInner}).css({"box-sizing":"content-box",width:r.sXInner||"100%"}).append(s.removeAttr("id").css("margin-left",0).append("top"===h?l:null).append(n.children("thead"))))).append(t(c,{class:a.sScrollBody}).css({position:"relative",overflow:"auto",width:u(i)}).append(n));d&&p.append(t(c,{class:a.sScrollFoot}).css({overflow:"hidden",border:0,width:i?u(i):"100%"}).append(t(c,{class:a.sScrollFootInner}).append(A.removeAttr("id").css("margin-left",0).append("bottom"===h?l:null).append(n.children("tfoot")))));var m=p.children(),f=m[0],g=m[1],C=d?m[2]:null;return i&&t(g).on("scroll.DT",(function(t){var e=this.scrollLeft;f.scrollLeft=e,d&&(C.scrollLeft=e)})),t(g).css("max-height",o),r.bCollapse||t(g).css("height",o),e.nScrollHead=f,e.nScrollBody=g,e.nScrollFoot=C,e.aoDrawCallback.push({fn:Pt,sName:"scrolling"}),p[0]}function Pt(e){var n,i,o,a,l,h,s,A,d,c=e.oScroll,u=c.sX,p=c.sXInner,m=c.sY,f=c.iBarWidth,g=t(e.nScrollHead),C=g[0].style,b=g.children("div"),v=b[0].style,x=b.children("table"),B=e.nScrollBody,k=t(B),w=B.style,y=t(e.nScrollFoot).children("div"),E=y.children("table"),$=t(e.nTHead),D=t(e.nTable),F=D[0],S=F.style,M=e.nTFoot?t(e.nTFoot):null,I=e.oBrowser,z=I.bScrollOversize,T=_(e.aoColumns,"nTh"),N=[],O=[],R=[],U=[],P=function(t){var e=t.style;e.paddingTop="0",e.paddingBottom="0",e.borderTopWidth="0",e.borderBottomWidth="0",e.height=0},G=B.scrollHeight>B.clientHeight;if(e.scrollBarVis!==G&&e.scrollBarVis!==r)return e.scrollBarVis=G,void j(e);e.scrollBarVis=G,D.children("thead, tfoot").remove(),M&&(h=M.clone().prependTo(D),i=M.find("tr"),a=h.find("tr")),l=$.clone().prependTo(D),n=$.find("tr"),o=l.find("tr"),l.find("th, td").removeAttr("tabindex"),u||(w.width="100%",g[0].style.width="100%"),t.each(ct(e,l),(function(t,n){s=L(e,t),n.style.width=e.aoColumns[s].sWidth})),M&&Gt((function(t){t.style.width=""}),a),d=D.outerWidth(),""===u?(S.width="100%",z&&(D.find("tbody").height()>B.offsetHeight||"scroll"==k.css("overflow-y"))&&(S.width=Xt(D.outerWidth()-f)),d=D.outerWidth()):""!==p&&(S.width=Xt(p),d=D.outerWidth()),Gt(P,o),Gt((function(e){R.push(e.innerHTML),N.push(Xt(t(e).css("width")))}),o),Gt((function(e,n){-1!==t.inArray(e,T)&&(e.style.width=N[n])}),n),t(o).height(0),M&&(Gt(P,a),Gt((function(e){U.push(e.innerHTML),O.push(Xt(t(e).css("width")))}),a),Gt((function(t,e){t.style.width=O[e]}),i),t(a).height(0)),Gt((function(t,e){t.innerHTML='<div class="dataTables_sizing">'+R[e]+"</div>",t.childNodes[0].style.height="0",t.childNodes[0].style.overflow="hidden",t.style.width=N[e]}),o),M&&Gt((function(t,e){t.innerHTML='<div class="dataTables_sizing">'+U[e]+"</div>",t.childNodes[0].style.height="0",t.childNodes[0].style.overflow="hidden",t.style.width=O[e]}),a),D.outerWidth()<d?(A=B.scrollHeight>B.offsetHeight||"scroll"==k.css("overflow-y")?d+f:d,z&&(B.scrollHeight>B.offsetHeight||"scroll"==k.css("overflow-y"))&&(S.width=Xt(A-f)),""!==u&&""===p||le(e,1,"Possible column misalignment",6)):A="100%",w.width=Xt(A),C.width=Xt(A),M&&(e.nScrollFoot.style.width=Xt(A)),m||z&&(w.height=Xt(F.offsetHeight+f));var q=D.outerWidth();x[0].style.width=Xt(q),v.width=Xt(q);var W=D.height()>B.clientHeight||"scroll"==k.css("overflow-y"),H="padding"+(I.bScrollbarLeft?"Left":"Right");v[H]=W?f+"px":"0px",M&&(E[0].style.width=Xt(q),y[0].style.width=Xt(q),y[0].style[H]=W?f+"px":"0px"),D.children("colgroup").insertBefore(D.children("thead")),k.trigger("scroll"),!e.bSorted&&!e.bFiltered||e._drawHold||(B.scrollTop=0)}function Gt(t,e,n){for(var r,i,o=0,a=0,l=e.length;a<l;){for(r=e[a].firstChild,i=n?n[a].firstChild:null;r;)1===r.nodeType&&(n?t(r,i,o):t(r,o),o++),r=r.nextSibling,i=n?i.nextSibling:null;a++}}var qt=/<.*?>/g;function Wt(n){var r,i,o,a=n.nTable,l=n.aoColumns,h=n.oScroll,s=h.sY,A=h.sX,d=h.sXInner,c=l.length,u=U(n,"bVisible"),p=t("th",n.nTHead),m=a.getAttribute("width"),f=a.parentNode,g=!1,C=n.oBrowser,b=C.bScrollOversize,_=a.style.width;for(_&&-1!==_.indexOf("%")&&(m=_),r=0;r<u.length;r++)null!==(i=l[u[r]]).sWidth&&(i.sWidth=Yt(i.sWidthOrig,f),g=!0);if(b||!g&&!A&&!s&&c==R(n)&&c==p.length)for(r=0;r<c;r++){var v=L(n,r);null!==v&&(l[v].sWidth=Xt(p.eq(r).width()))}else{var x=t(a).clone().css("visibility","hidden").removeAttr("id");x.find("tbody tr").remove();var B=t("<tr/>").appendTo(x.find("tbody"));for(x.find("thead, tfoot").remove(),x.append(t(n.nTHead).clone()).append(t(n.nTFoot).clone()),x.find("tfoot th, tfoot td").css("width",""),p=ct(n,x.find("thead")[0]),r=0;r<u.length;r++)i=l[u[r]],p[r].style.width=null!==i.sWidthOrig&&""!==i.sWidthOrig?Xt(i.sWidthOrig):"",i.sWidthOrig&&A&&t(p[r]).append(t("<div/>").css({width:i.sWidthOrig,margin:0,padding:0,border:0,height:1}));if(n.aoData.length)for(r=0;r<u.length;r++)i=l[o=u[r]],t(Jt(n,o)).clone(!1).append(i.sContentPadding).appendTo(B);t("[name]",x).removeAttr("name");var k=t("<div/>").css(A||s?{position:"absolute",top:0,left:0,height:1,right:0,overflow:"hidden"}:{}).append(x).appendTo(f);A&&d?x.width(d):A?(x.css("width","auto"),x.removeAttr("width"),x.width()<f.clientWidth&&m&&x.width(f.clientWidth)):s?x.width(f.clientWidth):m&&x.width(m);var w=0;for(r=0;r<u.length;r++){var y=t(p[r]),E=y.outerWidth()-y.width(),$=C.bBounding?Math.ceil(p[r].getBoundingClientRect().width):y.outerWidth();w+=$,l[u[r]].sWidth=Xt($-E)}a.style.width=Xt(w),k.remove()}if(m&&(a.style.width=Xt(m)),(m||A)&&!n._reszEvt){var D=function(){t(e).on("resize.DT-"+n.sInstance,Ht((function(){j(n)})))};b?setTimeout(D,1e3):D(),n._reszEvt=!0}}var Ht=h.util.throttle;function Yt(e,r){if(!e)return 0;var i=t("<div/>").css("width",Xt(e)).appendTo(r||n.body),o=i[0].offsetWidth;return i.remove(),o}function Jt(e,n){var r=Qt(e,n);if(r<0)return null;var i=e.aoData[r];return i.nTr?i.anCells[n]:t("<td/>").html(H(e,r,n,"display"))[0]}function Qt(t,e){for(var n,r=-1,i=-1,o=0,a=t.aoData.length;o<a;o++)(n=(n=(n=H(t,o,e,"display")+"").replace(qt,"")).replace(/ /g," ")).length>r&&(r=n.length,i=o);return i}function Xt(t){return null===t?"0px":"number"==typeof t?t<0?"0px":t+"px":t.match(/\d$/)?t+"px":t}function Kt(e){var n,i,o,a,l,s,A,d=[],c=e.aoColumns,u=e.aaSortingFixed,p=t.isPlainObject(u),m=[],f=function(e){e.length&&!Array.isArray(e[0])?m.push(e):t.merge(m,e)};for(Array.isArray(u)&&f(u),p&&u.pre&&f(u.pre),f(e.aaSorting),p&&u.post&&f(u.post),n=0;n<m.length;n++)for(i=0,o=(a=c[A=m[n][0]].aDataSort).length;i<o;i++)s=c[l=a[i]].sType||"string",m[n]._idx===r&&(m[n]._idx=t.inArray(m[n][1],c[l].asSorting)),d.push({src:A,col:l,dir:m[n][1],index:m[n]._idx,type:s,formatter:h.ext.type.order[s+"-pre"]});return d}function Vt(t){var e,n,r,i,o,a=[],l=h.ext.type.order,s=t.aoData,A=(t.aoColumns,0),d=t.aiDisplayMaster;for(P(t),e=0,n=(o=Kt(t)).length;e<n;e++)(i=o[e]).formatter&&A++,re(t,i.col);if("ssp"!=me(t)&&0!==o.length){for(e=0,r=d.length;e<r;e++)a[d[e]]=e;A===o.length?d.sort((function(t,e){var n,r,i,l,h,A=o.length,d=s[t]._aSortData,c=s[e]._aSortData;for(i=0;i<A;i++)if(0!=(l=(n=d[(h=o[i]).col])<(r=c[h.col])?-1:n>r?1:0))return"asc"===h.dir?l:-l;return(n=a[t])<(r=a[e])?-1:n>r?1:0})):d.sort((function(t,e){var n,r,i,h,A,d=o.length,c=s[t]._aSortData,u=s[e]._aSortData;for(i=0;i<d;i++)if(n=c[(A=o[i]).col],r=u[A.col],0!==(h=(l[A.type+"-"+A.dir]||l["string-"+A.dir])(n,r)))return h;return(n=a[t])<(r=a[e])?-1:n>r?1:0}))}t.bSorted=!0}function Zt(t){for(var e,n,r=t.aoColumns,i=Kt(t),o=t.oLanguage.oAria,a=0,l=r.length;a<l;a++){var h=r[a],s=h.asSorting,A=h.sTitle.replace(/<.*?>/g,""),d=h.nTh;d.removeAttribute("aria-sort"),h.bSortable?(i.length>0&&i[0].col==a?(d.setAttribute("aria-sort","asc"==i[0].dir?"ascending":"descending"),n=s[i[0].index+1]||s[0]):n=s[0],e=A+("asc"===n?o.sSortAscending:o.sSortDescending)):e=A,d.setAttribute("aria-label",e)}}function te(e,n,i,o){var a,l=e.aoColumns[n],h=e.aaSorting,s=l.asSorting,A=function(e,n){var i=e._idx;return i===r&&(i=t.inArray(e[1],s)),i+1<s.length?i+1:n?null:0};if("number"==typeof h[0]&&(h=e.aaSorting=[h]),i&&e.oFeatures.bSortMulti){var d=t.inArray(n,_(h,"0"));-1!==d?(null===(a=A(h[d],!0))&&1===h.length&&(a=0),null===a?h.splice(d,1):(h[d][1]=s[a],h[d]._idx=a)):(h.push([n,s[0],0]),h[h.length-1]._idx=0)}else h.length&&h[0][0]==n?(a=A(h[0]),h.length=1,h[0][1]=s[a],h[0]._idx=a):(h.length=0,h.push([n,s[0]]),h[0]._idx=0);st(e),"function"==typeof o&&o(e)}function ee(t,e,n,r){var i=t.aoColumns[n];Ae(e,{},(function(e){!1!==i.bSortable&&(t.oFeatures.bProcessing?(Rt(t,!0),setTimeout((function(){te(t,n,e.shiftKey,r),"ssp"!==me(t)&&Rt(t,!1)}),0)):te(t,n,e.shiftKey,r))}))}function ne(e){var n,r,i,o=e.aLastSort,a=e.oClasses.sSortColumn,l=Kt(e),h=e.oFeatures;if(h.bSort&&h.bSortClasses){for(n=0,r=o.length;n<r;n++)i=o[n].src,t(_(e.aoData,"anCells",i)).removeClass(a+(n<2?n+1:3));for(n=0,r=l.length;n<r;n++)i=l[n].src,t(_(e.aoData,"anCells",i)).addClass(a+(n<2?n+1:3))}e.aLastSort=l}function re(t,e){var n,r,i,o=t.aoColumns[e],a=h.ext.order[o.sSortDataType];a&&(n=a.call(t.oInstance,t,e,O(t,e)));for(var l=h.ext.type.order[o.sType+"-pre"],s=0,A=t.aoData.length;s<A;s++)(r=t.aoData[s])._aSortData||(r._aSortData=[]),r._aSortData[e]&&!a||(i=a?n[s]:H(t,s,e,"sort"),r._aSortData[e]=l?l(i):i)}function ie(e){if(e.oFeatures.bStateSave&&!e.bDestroying){var n={time:+new Date,start:e._iDisplayStart,length:e._iDisplayLength,order:t.extend(!0,[],e.aaSorting),search:$t(e.oPreviousSearch),columns:t.map(e.aoColumns,(function(t,n){return{visible:t.bVisible,search:$t(e.aoPreSearchCols[n])}}))};ce(e,"aoStateSaveParams","stateSaveParams",[e,n]),e.oSavedState=n,e.fnStateSaveCallback.call(e.oInstance,e,n)}}function oe(e,n,i){var o,a,l=e.aoColumns,h=function(n){if(n&&n.time){var h=ce(e,"aoStateLoadParams","stateLoadParams",[e,n]);if(-1===t.inArray(!1,h)){var s=e.iStateDuration;if(s>0&&n.time<+new Date-1e3*s)i();else if(n.columns&&l.length!==n.columns.length)i();else{if(e.oLoadedState=t.extend(!0,{},n),n.start!==r&&(e._iDisplayStart=n.start,e.iInitDisplayStart=n.start),n.length!==r&&(e._iDisplayLength=n.length),n.order!==r&&(e.aaSorting=[],t.each(n.order,(function(t,n){e.aaSorting.push(n[0]>=l.length?[0,n[1]]:n)}))),n.search!==r&&t.extend(e.oPreviousSearch,Dt(n.search)),n.columns)for(o=0,a=n.columns.length;o<a;o++){var A=n.columns[o];A.visible!==r&&(l[o].bVisible=A.visible),A.search!==r&&t.extend(e.aoPreSearchCols[o],Dt(A.search))}ce(e,"aoStateLoaded","stateLoaded",[e,n]),i()}}else i()}else i()};if(e.oFeatures.bStateSave){var s=e.fnStateLoadCallback.call(e.oInstance,e,h);s!==r&&h(s)}else i()}function ae(e){var n=h.settings,r=t.inArray(e,_(n,"nTable"));return-1!==r?n[r]:null}function le(t,n,r,i){if(r="DataTables warning: "+(t?"table id="+t.sTableId+" - ":"")+r,i&&(r+=". For more information about this error, please see http://datatables.net/tn/"+i),n)e.console&&console.log&&console.log(r);else{var o=h.ext,a=o.sErrMode||o.errMode;if(t&&ce(t,null,"error",[t,i,r]),"alert"==a)alert(r);else{if("throw"==a)throw new Error(r);"function"==typeof a&&a(t,i,r)}}}function he(e,n,i,o){Array.isArray(i)?t.each(i,(function(t,r){Array.isArray(r)?he(e,n,r[0],r[1]):he(e,n,r)})):(o===r&&(o=i),n[i]!==r&&(e[o]=n[i]))}function se(e,n,r){var i;for(var o in n)n.hasOwnProperty(o)&&(i=n[o],t.isPlainObject(i)?(t.isPlainObject(e[o])||(e[o]={}),t.extend(!0,e[o],i)):r&&"data"!==o&&"aaData"!==o&&Array.isArray(i)?e[o]=i.slice():e[o]=i);return e}function Ae(e,n,r){t(e).on("click.DT",n,(function(n){t(e).trigger("blur"),r(n)})).on("keypress.DT",n,(function(t){13===t.which&&(t.preventDefault(),r(t))})).on("selectstart.DT",(function(){return!1}))}function de(t,e,n,r){n&&t[e].push({fn:n,sName:r})}function ce(e,n,r,i){var o=[];if(n&&(o=t.map(e[n].slice().reverse(),(function(t,n){return t.fn.apply(e.oInstance,i)}))),null!==r){var a=t.Event(r+".dt");t(e.nTable).trigger(a,i),o.push(a.result)}return o}function ue(t){var e=t._iDisplayStart,n=t.fnDisplayEnd(),r=t._iDisplayLength;e>=n&&(e=n-r),e-=e%r,(-1===r||e<0)&&(e=0),t._iDisplayStart=e}function pe(e,n){var r=e.renderer,i=h.ext.renderer[n];return t.isPlainObject(r)&&r[n]?i[r[n]]||i._:"string"==typeof r&&i[r]||i._}function me(t){return t.oFeatures.bServerSide?"ssp":t.ajax||t.sAjaxSource?"ajax":"dom"}var fe=[],ge=Array.prototype;o=function(e,n){if(!(this instanceof o))return new o(e,n);var r=[],i=function(e){var n=function(e){var n,r,i=h.settings,o=t.map(i,(function(t,e){return t.nTable}));return e?e.nTable&&e.oApi?[e]:e.nodeName&&"table"===e.nodeName.toLowerCase()?-1!==(n=t.inArray(e,o))?[i[n]]:null:e&&"function"==typeof e.settings?e.settings().toArray():("string"==typeof e?r=t(e):e instanceof t&&(r=e),r?r.map((function(e){return-1!==(n=t.inArray(this,o))?i[n]:null})).toArray():void 0):[]}(e);n&&r.push.apply(r,n)};if(Array.isArray(e))for(var a=0,l=e.length;a<l;a++)i(e[a]);else i(e);this.context=w(r),n&&t.merge(this,n),this.selector={rows:null,cols:null,opts:null},o.extend(this,this,fe)},h.Api=o,t.extend(o.prototype,{any:function(){return 0!==this.count()},concat:ge.concat,context:[],count:function(){return this.flatten().length},each:function(t){for(var e=0,n=this.length;e<n;e++)t.call(this,this[e],e,this);return this},eq:function(t){var e=this.context;return e.length>t?new o(e[t],this[t]):null},filter:function(t){var e=[];if(ge.filter)e=ge.filter.call(this,t,this);else for(var n=0,r=this.length;n<r;n++)t.call(this,this[n],n,this)&&e.push(this[n]);return new o(this.context,e)},flatten:function(){var t=[];return new o(this.context,t.concat.apply(t,this.toArray()))},join:ge.join,indexOf:ge.indexOf||function(t,e){for(var n=e||0,r=this.length;n<r;n++)if(this[n]===t)return n;return-1},iterator:function(t,e,n,i){var a,l,h,s,A,d,c,u,p=[],m=this.context,f=this.selector;for("string"==typeof t&&(i=n,n=e,e=t,t=!1),l=0,h=m.length;l<h;l++){var g=new o(m[l]);if("table"===e)(a=n.call(g,m[l],l))!==r&&p.push(a);else if("columns"===e||"rows"===e)(a=n.call(g,m[l],this[l],l))!==r&&p.push(a);else if("column"===e||"column-rows"===e||"row"===e||"cell"===e)for(c=this[l],"column-rows"===e&&(d=Be(m[l],f.opts)),s=0,A=c.length;s<A;s++)u=c[s],(a="cell"===e?n.call(g,m[l],u.row,u.column,l,s):n.call(g,m[l],u,l,s,d))!==r&&p.push(a)}if(p.length||i){var C=new o(m,t?p.concat.apply([],p):p),b=C.selector;return b.rows=f.rows,b.cols=f.cols,b.opts=f.opts,C}return this},lastIndexOf:ge.lastIndexOf||function(t,e){return this.indexOf.apply(this.toArray.reverse(),arguments)},length:0,map:function(t){var e=[];if(ge.map)e=ge.map.call(this,t,this);else for(var n=0,r=this.length;n<r;n++)e.push(t.call(this,this[n],n));return new o(this.context,e)},pluck:function(t){return this.map((function(e){return e[t]}))},pop:ge.pop,push:ge.push,reduce:ge.reduce||function(t,e){return z(this,t,e,0,this.length,1)},reduceRight:ge.reduceRight||function(t,e){return z(this,t,e,this.length-1,-1,-1)},reverse:ge.reverse,selector:null,shift:ge.shift,slice:function(){return new o(this.context,this)},sort:ge.sort,splice:ge.splice,toArray:function(){return ge.slice.call(this)},to$:function(){return t(this)},toJQuery:function(){return t(this)},unique:function(){return new o(this.context,w(this))},unshift:ge.unshift}),o.extend=function(t,e,n){if(n.length&&e&&(e instanceof o||e.__dt_wrapper)){var r,i,a,l=function(t,e,n){return function(){var r=e.apply(t,arguments);return o.extend(r,r,n.methodExt),r}};for(r=0,i=n.length;r<i;r++)e[(a=n[r]).name]="function"===a.type?l(t,a.val,a):"object"===a.type?{}:a.val,e[a.name].__dt_wrapper=!0,o.extend(t,e[a.name],a.propExt)}},o.register=a=function(e,n){if(Array.isArray(e))for(var r=0,i=e.length;r<i;r++)o.register(e[r],n);else{var a,l,h,s,A=e.split("."),d=fe,c=function(t,e){for(var n=0,r=t.length;n<r;n++)if(t[n].name===e)return t[n];return null};for(a=0,l=A.length;a<l;a++){var u=c(d,h=(s=-1!==A[a].indexOf("()"))?A[a].replace("()",""):A[a]);u||(u={name:h,val:{},methodExt:[],propExt:[],type:"object"},d.push(u)),a===l-1?(u.val=n,u.type="function"==typeof n?"function":t.isPlainObject(n)?"object":"other"):d=s?u.methodExt:u.propExt}}},o.registerPlural=l=function(t,e,n){o.register(t,n),o.register(e,(function(){var t=n.apply(this,arguments);return t===this?this:t instanceof o?t.length?Array.isArray(t[0])?new o(t.context,t[0]):t[0]:r:t}))};var Ce=function(e,n){if(Array.isArray(e))return t.map(e,(function(t){return Ce(t,n)}));if("number"==typeof e)return[n[e]];var r=t.map(n,(function(t,e){return t.nTable}));return t(r).filter(e).map((function(e){var i=t.inArray(this,r);return n[i]})).toArray()};a("tables()",(function(t){return t!==r&&null!==t?new o(Ce(t,this.context)):this})),a("table()",(function(t){var e=this.tables(t),n=e.context;return n.length?new o(n[0]):e})),l("tables().nodes()","table().node()",(function(){return this.iterator("table",(function(t){return t.nTable}),1)})),l("tables().body()","table().body()",(function(){return this.iterator("table",(function(t){return t.nTBody}),1)})),l("tables().header()","table().header()",(function(){return this.iterator("table",(function(t){return t.nTHead}),1)})),l("tables().footer()","table().footer()",(function(){return this.iterator("table",(function(t){return t.nTFoot}),1)})),l("tables().containers()","table().container()",(function(){return this.iterator("table",(function(t){return t.nTableWrapper}),1)})),a("draw()",(function(t){return this.iterator("table",(function(e){"page"===t?ht(e):("string"==typeof t&&(t="full-hold"!==t),st(e,!1===t))}))})),a("page()",(function(t){return t===r?this.page.info().page:this.iterator("table",(function(e){Lt(e,t)}))})),a("page.info()",(function(t){if(0===this.context.length)return r;var e=this.context[0],n=e._iDisplayStart,i=e.oFeatures.bPaginate?e._iDisplayLength:-1,o=e.fnRecordsDisplay(),a=-1===i;return{page:a?0:Math.floor(n/i),pages:a?1:Math.ceil(o/i),start:n,end:e.fnDisplayEnd(),length:i,recordsTotal:e.fnRecordsTotal(),recordsDisplay:o,serverSide:"ssp"===me(e)}})),a("page.len()",(function(t){return t===r?0!==this.context.length?this.context[0]._iDisplayLength:r:this.iterator("table",(function(e){Tt(e,t)}))}));var be=function(t,e,n){if(n){var r=new o(t);r.one("draw",(function(){n(r.ajax.json())}))}if("ssp"==me(t))st(t,e);else{Rt(t,!0);var i=t.jqXHR;i&&4!==i.readyState&&i.abort(),ut(t,[],(function(n){tt(t);for(var r=gt(t,n),i=0,o=r.length;i<o;i++)q(t,r[i]);st(t,e),Rt(t,!1)}))}};a("ajax.json()",(function(){var t=this.context;if(t.length>0)return t[0].json})),a("ajax.params()",(function(){var t=this.context;if(t.length>0)return t[0].oAjaxData})),a("ajax.reload()",(function(t,e){return this.iterator("table",(function(n){be(n,!1===e,t)}))})),a("ajax.url()",(function(e){var n=this.context;return e===r?0===n.length?r:(n=n[0]).ajax?t.isPlainObject(n.ajax)?n.ajax.url:n.ajax:n.sAjaxSource:this.iterator("table",(function(n){t.isPlainObject(n.ajax)?n.ajax.url=e:n.ajax=e}))})),a("ajax.url().load()",(function(t,e){return this.iterator("table",(function(n){be(n,!1===e,t)}))}));var _e=function(t,e,n,o,a){var l,h,s,A,d,c,u=[],p=typeof e;for(e&&"string"!==p&&"function"!==p&&e.length!==r||(e=[e]),s=0,A=e.length;s<A;s++)for(d=0,c=(h=e[s]&&e[s].split&&!e[s].match(/[\[\(:]/)?e[s].split(","):[e[s]]).length;d<c;d++)(l=n("string"==typeof h[d]?h[d].trim():h[d]))&&l.length&&(u=u.concat(l));var m=i.selector[t];if(m.length)for(s=0,A=m.length;s<A;s++)u=m[s](o,a,u);return w(u)},ve=function(e){return e||(e={}),e.filter&&e.search===r&&(e.search=e.filter),t.extend({search:"none",order:"current",page:"all"},e)},xe=function(t){for(var e=0,n=t.length;e<n;e++)if(t[e].length>0)return t[0]=t[e],t[0].length=1,t.length=1,t.context=[t.context[e]],t;return t.length=0,t},Be=function(e,n){var r,i=[],o=e.aiDisplay,a=e.aiDisplayMaster,l=n.search,h=n.order,s=n.page;if("ssp"==me(e))return"removed"===l?[]:x(0,a.length);if("current"==s)for(d=e._iDisplayStart,c=e.fnDisplayEnd();d<c;d++)i.push(o[d]);else if("current"==h||"applied"==h){if("none"==l)i=a.slice();else if("applied"==l)i=o.slice();else if("removed"==l){for(var A={},d=0,c=o.length;d<c;d++)A[o[d]]=null;i=t.map(a,(function(t){return A.hasOwnProperty(t)?null:t}))}}else if("index"==h||"original"==h)for(d=0,c=e.aoData.length;d<c;d++)("none"==l||-1===(r=t.inArray(d,o))&&"removed"==l||r>=0&&"applied"==l)&&i.push(d);return i};a("rows()",(function(e,n){e===r?e="":t.isPlainObject(e)&&(n=e,e=""),n=ve(n);var i=this.iterator("table",(function(i){return function(e,n,i){var o;return _e("row",n,(function(n){var a=f(n),l=e.aoData;if(null!==a&&!i)return[a];if(o||(o=Be(e,i)),null!==a&&-1!==t.inArray(a,o))return[a];if(null===n||n===r||""===n)return o;if("function"==typeof n)return t.map(o,(function(t){var e=l[t];return n(t,e._aData,e.nTr)?t:null}));if(n.nodeName){var h=n._DT_RowIndex,s=n._DT_CellIndex;if(h!==r)return l[h]&&l[h].nTr===n?[h]:[];if(s)return l[s.row]&&l[s.row].nTr===n.parentNode?[s.row]:[];var A=t(n).closest("*[data-dt-row]");return A.length?[A.data("dt-row")]:[]}if("string"==typeof n&&"#"===n.charAt(0)){var d=e.aIds[n.replace(/^#/,"")];if(d!==r)return[d.idx]}var c=B(v(e.aoData,o,"nTr"));return t(c).filter(n).map((function(){return this._DT_RowIndex})).toArray()}),e,i)}(i,e,n)}),1);return i.selector.rows=e,i.selector.opts=n,i})),a("rows().nodes()",(function(){return this.iterator("row",(function(t,e){return t.aoData[e].nTr||r}),1)})),a("rows().data()",(function(){return this.iterator(!0,"rows",(function(t,e){return v(t.aoData,e,"_aData")}),1)})),l("rows().cache()","row().cache()",(function(t){return this.iterator("row",(function(e,n){var r=e.aoData[n];return"search"===t?r._aFilterData:r._aSortData}),1)})),l("rows().invalidate()","row().invalidate()",(function(t){return this.iterator("row",(function(e,n){nt(e,n,t)}))})),l("rows().indexes()","row().index()",(function(){return this.iterator("row",(function(t,e){return e}),1)})),l("rows().ids()","row().id()",(function(t){for(var e=[],n=this.context,r=0,i=n.length;r<i;r++)for(var a=0,l=this[r].length;a<l;a++){var h=n[r].rowIdFn(n[r].aoData[this[r][a]]._aData);e.push((!0===t?"#":"")+h)}return new o(n,e)})),l("rows().remove()","row().remove()",(function(){var t=this;return this.iterator("row",(function(e,n,i){var o,a,l,h,s,A,d=e.aoData,c=d[n];for(d.splice(n,1),o=0,a=d.length;o<a;o++)if(A=(s=d[o]).anCells,null!==s.nTr&&(s.nTr._DT_RowIndex=o),null!==A)for(l=0,h=A.length;l<h;l++)A[l]._DT_CellIndex.row=o;et(e.aiDisplayMaster,n),et(e.aiDisplay,n),et(t[i],n,!1),e._iRecordsDisplay>0&&e._iRecordsDisplay--,ue(e);var u=e.rowIdFn(c._aData);u!==r&&delete e.aIds[u]})),this.iterator("table",(function(t){for(var e=0,n=t.aoData.length;e<n;e++)t.aoData[e].idx=e})),this})),a("rows.add()",(function(e){var n=this.iterator("table",(function(t){var n,r,i,o=[];for(r=0,i=e.length;r<i;r++)(n=e[r]).nodeName&&"TR"===n.nodeName.toUpperCase()?o.push(W(t,n)[0]):o.push(q(t,n));return o}),1),r=this.rows(-1);return r.pop(),t.merge(r,n),r})),a("row()",(function(t,e){return xe(this.rows(t,e))})),a("row().data()",(function(t){var e=this.context;if(t===r)return e.length&&this.length?e[0].aoData[this[0]]._aData:r;var n=e[0].aoData[this[0]];return n._aData=t,Array.isArray(t)&&n.nTr&&n.nTr.id&&V(e[0].rowId)(t,n.nTr.id),nt(e[0],this[0],"data"),this})),a("row().node()",(function(){var t=this.context;return t.length&&this.length&&t[0].aoData[this[0]].nTr||null})),a("row.add()",(function(e){e instanceof t&&e.length&&(e=e[0]);var n=this.iterator("table",(function(t){return e.nodeName&&"TR"===e.nodeName.toUpperCase()?W(t,e)[0]:q(t,e)}));return this.row(n[0])}));var ke=function(t,e){var n=t.context;if(n.length){var i=n[0].aoData[e!==r?e:t[0]];i&&i._details&&(i._details.remove(),i._detailsShow=r,i._details=r)}},we=function(t,e){var n=t.context;if(n.length&&t.length){var r=n[0].aoData[t[0]];r._details&&(r._detailsShow=e,e?r._details.insertAfter(r.nTr):r._details.detach(),ye(n[0]))}},ye=function(t){var e=new o(t),n=".dt.DT_details",r="draw"+n,i="column-visibility"+n,a="destroy"+n,l=t.aoData;e.off(r+" "+i+" "+a),_(l,"_details").length>0&&(e.on(r,(function(n,r){t===r&&e.rows({page:"current"}).eq(0).each((function(t){var e=l[t];e._detailsShow&&e._details.insertAfter(e.nTr)}))})),e.on(i,(function(e,n,r,i){if(t===n)for(var o,a=R(n),h=0,s=l.length;h<s;h++)(o=l[h])._details&&o._details.children("td[colspan]").attr("colspan",a)})),e.on(a,(function(n,r){if(t===r)for(var i=0,o=l.length;i<o;i++)l[i]._details&&ke(e,i)})))},Ee="row().child()";a(Ee,(function(e,n){var i=this.context;return e===r?i.length&&this.length?i[0].aoData[this[0]]._details:r:(!0===e?this.child.show():!1===e?ke(this):i.length&&this.length&&function(e,n,r,i){var o=[],a=function(n,r){if(Array.isArray(n)||n instanceof t)for(var i=0,l=n.length;i<l;i++)a(n[i],r);else if(n.nodeName&&"tr"===n.nodeName.toLowerCase())o.push(n);else{var h=t("<tr><td></td></tr>").addClass(r);t("td",h).addClass(r).html(n)[0].colSpan=R(e),o.push(h[0])}};a(r,i),n._details&&n._details.detach(),n._details=t(o),n._detailsShow&&n._details.insertAfter(n.nTr)}(i[0],i[0].aoData[this[0]],e,n),this)})),a(["row().child.show()",Ee+".show()"],(function(t){return we(this,!0),this})),a(["row().child.hide()",Ee+".hide()"],(function(){return we(this,!1),this})),a(["row().child.remove()",Ee+".remove()"],(function(){return ke(this),this})),a("row().child.isShown()",(function(){var t=this.context;return t.length&&this.length&&t[0].aoData[this[0]]._detailsShow||!1}));var $e=/^([^:]+):(name|visIdx|visible)$/,De=function(t,e,n,r,i){for(var o=[],a=0,l=i.length;a<l;a++)o.push(H(t,i[a],e));return o};a("columns()",(function(e,n){e===r?e="":t.isPlainObject(e)&&(n=e,e=""),n=ve(n);var i=this.iterator("table",(function(r){return function(e,n,r){var i=e.aoColumns,o=_(i,"sName"),a=_(i,"nTh");return _e("column",n,(function(n){var l=f(n);if(""===n)return x(i.length);if(null!==l)return[l>=0?l:i.length+l];if("function"==typeof n){var h=Be(e,r);return t.map(i,(function(t,r){return n(r,De(e,r,0,0,h),a[r])?r:null}))}var s="string"==typeof n?n.match($e):"";if(s)switch(s[2]){case"visIdx":case"visible":var A=parseInt(s[1],10);if(A<0){var d=t.map(i,(function(t,e){return t.bVisible?e:null}));return[d[d.length+A]]}return[L(e,A)];case"name":return t.map(o,(function(t,e){return t===s[1]?e:null}));default:return[]}if(n.nodeName&&n._DT_CellIndex)return[n._DT_CellIndex.column];var c=t(a).filter(n).map((function(){return t.inArray(this,a)})).toArray();if(c.length||!n.nodeName)return c;var u=t(n).closest("*[data-dt-column]");return u.length?[u.data("dt-column")]:[]}),e,r)}(r,e,n)}),1);return i.selector.cols=e,i.selector.opts=n,i})),l("columns().header()","column().header()",(function(t,e){return this.iterator("column",(function(t,e){return t.aoColumns[e].nTh}),1)})),l("columns().footer()","column().footer()",(function(t,e){return this.iterator("column",(function(t,e){return t.aoColumns[e].nTf}),1)})),l("columns().data()","column().data()",(function(){return this.iterator("column-rows",De,1)})),l("columns().dataSrc()","column().dataSrc()",(function(){return this.iterator("column",(function(t,e){return t.aoColumns[e].mData}),1)})),l("columns().cache()","column().cache()",(function(t){return this.iterator("column-rows",(function(e,n,r,i,o){return v(e.aoData,o,"search"===t?"_aFilterData":"_aSortData",n)}),1)})),l("columns().nodes()","column().nodes()",(function(){return this.iterator("column-rows",(function(t,e,n,r,i){return v(t.aoData,i,"anCells",e)}),1)})),l("columns().visible()","column().visible()",(function(e,n){var i=this,o=this.iterator("column",(function(n,i){if(e===r)return n.aoColumns[i].bVisible;!function(e,n,i){var o,a,l,h,s=e.aoColumns,A=s[n],d=e.aoData;if(i===r)return A.bVisible;if(A.bVisible!==i){if(i){var c=t.inArray(!0,_(s,"bVisible"),n+1);for(a=0,l=d.length;a<l;a++)h=d[a].nTr,o=d[a].anCells,h&&h.insertBefore(o[n],o[c]||null)}else t(_(e.aoData,"anCells",n)).detach();A.bVisible=i}}(n,i,e)}));return e!==r&&this.iterator("table",(function(o){lt(o,o.aoHeader),lt(o,o.aoFooter),o.aiDisplay.length||t(o.nTBody).find("td[colspan]").attr("colspan",R(o)),ie(o),i.iterator("column",(function(t,r){ce(t,null,"column-visibility",[t,r,e,n])})),(n===r||n)&&i.columns.adjust()})),o})),l("columns().indexes()","column().index()",(function(t){return this.iterator("column",(function(e,n){return"visible"===t?O(e,n):n}),1)})),a("columns.adjust()",(function(){return this.iterator("table",(function(t){j(t)}),1)})),a("column.index()",(function(t,e){if(0!==this.context.length){var n=this.context[0];if("fromVisible"===t||"toData"===t)return L(n,e);if("fromData"===t||"toVisible"===t)return O(n,e)}})),a("column()",(function(t,e){return xe(this.columns(t,e))})),a("cells()",(function(e,n,i){if(t.isPlainObject(e)&&(e.row===r?(i=e,e=null):(i=n,n=null)),t.isPlainObject(n)&&(i=n,n=null),null===n||n===r)return this.iterator("table",(function(n){return function(e,n,i){var o,a,l,h,s,A,d,c=e.aoData,u=Be(e,i),p=B(v(c,u,"anCells")),m=t(y([],p)),f=e.aoColumns.length;return _e("cell",n,(function(n){var i="function"==typeof n;if(null===n||n===r||i){for(a=[],l=0,h=u.length;l<h;l++)for(o=u[l],s=0;s<f;s++)A={row:o,column:s},i?(d=c[o],n(A,H(e,o,s),d.anCells?d.anCells[s]:null)&&a.push(A)):a.push(A);return a}if(t.isPlainObject(n))return n.column!==r&&n.row!==r&&-1!==t.inArray(n.row,u)?[n]:[];var p=m.filter(n).map((function(t,e){return{row:e._DT_CellIndex.row,column:e._DT_CellIndex.column}})).toArray();return p.length||!n.nodeName?p:(d=t(n).closest("*[data-dt-row]")).length?[{row:d.data("dt-row"),column:d.data("dt-column")}]:[]}),e,i)}(n,e,ve(i))}));var o,a,l,h,s=i?{page:i.page,order:i.order,search:i.search}:{},A=this.columns(n,s),d=this.rows(e,s),c=this.iterator("table",(function(t,e){var n=[];for(o=0,a=d[e].length;o<a;o++)for(l=0,h=A[e].length;l<h;l++)n.push({row:d[e][o],column:A[e][l]});return n}),1),u=i&&i.selected?this.cells(c,i):c;return t.extend(u.selector,{cols:n,rows:e,opts:i}),u})),l("cells().nodes()","cell().node()",(function(){return this.iterator("cell",(function(t,e,n){var i=t.aoData[e];return i&&i.anCells?i.anCells[n]:r}),1)})),a("cells().data()",(function(){return this.iterator("cell",(function(t,e,n){return H(t,e,n)}),1)})),l("cells().cache()","cell().cache()",(function(t){return t="search"===t?"_aFilterData":"_aSortData",this.iterator("cell",(function(e,n,r){return e.aoData[n][t][r]}),1)})),l("cells().render()","cell().render()",(function(t){return this.iterator("cell",(function(e,n,r){return H(e,n,r,t)}),1)})),l("cells().indexes()","cell().index()",(function(){return this.iterator("cell",(function(t,e,n){return{row:e,column:n,columnVisible:O(t,n)}}),1)})),l("cells().invalidate()","cell().invalidate()",(function(t){return this.iterator("cell",(function(e,n,r){nt(e,n,t,r)}))})),a("cell()",(function(t,e,n){return xe(this.cells(t,e,n))})),a("cell().data()",(function(t){var e=this.context,n=this[0];return t===r?e.length&&n.length?H(e[0],n[0].row,n[0].column):r:(Y(e[0],n[0].row,n[0].column,t),nt(e[0],n[0].row,"data",n[0].column),this)})),a("order()",(function(t,e){var n=this.context;return t===r?0!==n.length?n[0].aaSorting:r:("number"==typeof t?t=[[t,e]]:t.length&&!Array.isArray(t[0])&&(t=Array.prototype.slice.call(arguments)),this.iterator("table",(function(e){e.aaSorting=t.slice()})))})),a("order.listener()",(function(t,e,n){return this.iterator("table",(function(r){ee(r,t,e,n)}))})),a("order.fixed()",(function(e){if(!e){var n=this.context,i=n.length?n[0].aaSortingFixed:r;return Array.isArray(i)?{pre:i}:i}return this.iterator("table",(function(n){n.aaSortingFixed=t.extend(!0,{},e)}))})),a(["columns().order()","column().order()"],(function(e){var n=this;return this.iterator("table",(function(r,i){var o=[];t.each(n[i],(function(t,n){o.push([n,e])})),r.aaSorting=o}))})),a("search()",(function(e,n,i,o){var a=this.context;return e===r?0!==a.length?a[0].oPreviousSearch.sSearch:r:this.iterator("table",(function(r){r.oFeatures.bFilter&&bt(r,t.extend({},r.oPreviousSearch,{sSearch:e+"",bRegex:null!==n&&n,bSmart:null===i||i,bCaseInsensitive:null===o||o}),1)}))})),l("columns().search()","column().search()",(function(e,n,i,o){return this.iterator("column",(function(a,l){var h=a.aoPreSearchCols;if(e===r)return h[l].sSearch;a.oFeatures.bFilter&&(t.extend(h[l],{sSearch:e+"",bRegex:null!==n&&n,bSmart:null===i||i,bCaseInsensitive:null===o||o}),bt(a,a.oPreviousSearch,1))}))})),a("state()",(function(){return this.context.length?this.context[0].oSavedState:null})),a("state.clear()",(function(){return this.iterator("table",(function(t){t.fnStateSaveCallback.call(t.oInstance,t,{})}))})),a("state.loaded()",(function(){return this.context.length?this.context[0].oLoadedState:null})),a("state.save()",(function(){return this.iterator("table",(function(t){ie(t)}))})),h.versionCheck=h.fnVersionCheck=function(t){for(var e,n,r=h.version.split("."),i=t.split("."),o=0,a=i.length;o<a;o++)if((e=parseInt(r[o],10)||0)!==(n=parseInt(i[o],10)||0))return e>n;return!0},h.isDataTable=h.fnIsDataTable=function(e){var n=t(e).get(0),r=!1;return e instanceof h.Api||(t.each(h.settings,(function(e,i){var o=i.nScrollHead?t("table",i.nScrollHead)[0]:null,a=i.nScrollFoot?t("table",i.nScrollFoot)[0]:null;i.nTable!==n&&o!==n&&a!==n||(r=!0)})),r)},h.tables=h.fnTables=function(e){var n=!1;t.isPlainObject(e)&&(n=e.api,e=e.visible);var r=t.map(h.settings,(function(n){if(!e||e&&t(n.nTable).is(":visible"))return n.nTable}));return n?new o(r):r},h.camelToHungarian=$,a("$()",(function(e,n){var r=this.rows(n).nodes(),i=t(r);return t([].concat(i.filter(e).toArray(),i.find(e).toArray()))})),t.each(["on","one","off"],(function(e,n){a(n+"()",(function(){var e=Array.prototype.slice.call(arguments);e[0]=t.map(e[0].split(/\s/),(function(t){return t.match(/\.dt\b/)?t:t+".dt"})).join(" ");var r=t(this.tables().nodes());return r[n].apply(r,e),this}))})),a("clear()",(function(){return this.iterator("table",(function(t){tt(t)}))})),a("settings()",(function(){return new o(this.context,this.context)})),a("init()",(function(){var t=this.context;return t.length?t[0].oInit:null})),a("data()",(function(){return this.iterator("table",(function(t){return _(t.aoData,"_aData")})).flatten()})),a("destroy()",(function(n){return n=n||!1,this.iterator("table",(function(r){var i,a=r.nTableWrapper.parentNode,l=r.oClasses,s=r.nTable,A=r.nTBody,d=r.nTHead,c=r.nTFoot,u=t(s),p=t(A),m=t(r.nTableWrapper),f=t.map(r.aoData,(function(t){return t.nTr}));r.bDestroying=!0,ce(r,"aoDestroyCallback","destroy",[r]),n||new o(r).columns().visible(!0),m.off(".DT").find(":not(tbody *)").off(".DT"),t(e).off(".DT-"+r.sInstance),s!=d.parentNode&&(u.children("thead").detach(),u.append(d)),c&&s!=c.parentNode&&(u.children("tfoot").detach(),u.append(c)),r.aaSorting=[],r.aaSortingFixed=[],ne(r),t(f).removeClass(r.asStripeClasses.join(" ")),t("th, td",d).removeClass(l.sSortable+" "+l.sSortableAsc+" "+l.sSortableDesc+" "+l.sSortableNone),p.children().detach(),p.append(f);var g=n?"remove":"detach";u[g](),m[g](),!n&&a&&(a.insertBefore(s,r.nTableReinsertBefore),u.css("width",r.sDestroyWidth).removeClass(l.sTable),(i=r.asDestroyStripes.length)&&p.children().each((function(e){t(this).addClass(r.asDestroyStripes[e%i])})));var C=t.inArray(r,h.settings);-1!==C&&h.settings.splice(C,1)}))})),t.each(["column","row","cell"],(function(t,e){a(e+"s().every()",(function(t){var n=this.selector.opts,i=this;return this.iterator(e,(function(o,a,l,h,s){t.call(i[e](a,"cell"===e?l:n,"cell"===e?n:r),a,l,h,s)}))}))})),a("i18n()",(function(e,n,i){var o=this.context[0],a=K(e)(o.oLanguage);return a===r&&(a=n),i!==r&&t.isPlainObject(a)&&(a=a[i]!==r?a[i]:a._),a.replace("%d",i)})),h.version="1.10.23",h.settings=[],h.models={},h.models.oSearch={bCaseInsensitive:!0,sSearch:"",bRegex:!1,bSmart:!0},h.models.oRow={nTr:null,anCells:null,_aData:[],_aSortData:null,_aFilterData:null,_sFilterRow:null,_sRowStripe:"",src:null,idx:-1},h.models.oColumn={idx:null,aDataSort:null,asSorting:null,bSearchable:null,bSortable:null,bVisible:null,_sManualType:null,_bAttrSrc:!1,fnCreatedCell:null,fnGetData:null,fnSetData:null,mData:null,mRender:null,nTh:null,nTf:null,sClass:null,sContentPadding:null,sDefaultContent:null,sName:null,sSortDataType:"std",sSortingClass:null,sSortingClassJUI:null,sTitle:null,sType:null,sWidth:null,sWidthOrig:null},h.defaults={aaData:null,aaSorting:[[0,"asc"]],aaSortingFixed:[],ajax:null,aLengthMenu:[10,25,50,100],aoColumns:null,aoColumnDefs:null,aoSearchCols:[],asStripeClasses:null,bAutoWidth:!0,bDeferRender:!1,bDestroy:!1,bFilter:!0,bInfo:!0,bLengthChange:!0,bPaginate:!0,bProcessing:!1,bRetrieve:!1,bScrollCollapse:!1,bServerSide:!1,bSort:!0,bSortMulti:!0,bSortCellsTop:!1,bSortClasses:!0,bStateSave:!1,fnCreatedRow:null,fnDrawCallback:null,fnFooterCallback:null,fnFormatNumber:function(t){return t.toString().replace(/\B(?=(\d{3})+(?!\d))/g,this.oLanguage.sThousands)},fnHeaderCallback:null,fnInfoCallback:null,fnInitComplete:null,fnPreDrawCallback:null,fnRowCallback:null,fnServerData:null,fnServerParams:null,fnStateLoadCallback:function(t){try{return JSON.parse((-1===t.iStateDuration?sessionStorage:localStorage).getItem("DataTables_"+t.sInstance+"_"+location.pathname))}catch(t){return{}}},fnStateLoadParams:null,fnStateLoaded:null,fnStateSaveCallback:function(t,e){try{(-1===t.iStateDuration?sessionStorage:localStorage).setItem("DataTables_"+t.sInstance+"_"+location.pathname,JSON.stringify(e))}catch(t){}},fnStateSaveParams:null,iStateDuration:7200,iDeferLoading:null,iDisplayLength:10,iDisplayStart:0,iTabIndex:0,oClasses:{},oLanguage:{oAria:{sSortAscending:": activate to sort column ascending",sSortDescending:": activate to sort column descending"},oPaginate:{sFirst:"First",sLast:"Last",sNext:"Next",sPrevious:"Previous"},sEmptyTable:"No data available in table",sInfo:"Showing _START_ to _END_ of _TOTAL_ entries",sInfoEmpty:"Showing 0 to 0 of 0 entries",sInfoFiltered:"(filtered from _MAX_ total entries)",sInfoPostFix:"",sDecimal:"",sThousands:",",sLengthMenu:"Show _MENU_ entries",sLoadingRecords:"Loading...",sProcessing:"Processing...",sSearch:"Search:",sSearchPlaceholder:"",sUrl:"",sZeroRecords:"No matching records found"},oSearch:t.extend({},h.models.oSearch),sAjaxDataProp:"data",sAjaxSource:null,sDom:"lfrtip",searchDelay:null,sPaginationType:"simple_numbers",sScrollX:"",sScrollXInner:"",sScrollY:"",sServerMethod:"GET",renderer:null,rowId:"DT_RowId"},E(h.defaults),h.defaults.column={aDataSort:null,iDataSort:-1,asSorting:["asc","desc"],bSearchable:!0,bSortable:!0,bVisible:!0,fnCreatedCell:null,mData:null,mRender:null,sCellType:"td",sClass:"",sContentPadding:"",sDefaultContent:null,sName:"",sSortDataType:"std",sTitle:null,sType:null,sWidth:null},E(h.defaults.column),h.models.oSettings={oFeatures:{bAutoWidth:null,bDeferRender:null,bFilter:null,bInfo:null,bLengthChange:null,bPaginate:null,bProcessing:null,bServerSide:null,bSort:null,bSortMulti:null,bSortClasses:null,bStateSave:null},oScroll:{bCollapse:null,iBarWidth:0,sX:null,sXInner:null,sY:null},oLanguage:{fnInfoCallback:null},oBrowser:{bScrollOversize:!1,bScrollbarLeft:!1,bBounding:!1,barWidth:0},ajax:null,aanFeatures:[],aoData:[],aiDisplay:[],aiDisplayMaster:[],aIds:{},aoColumns:[],aoHeader:[],aoFooter:[],oPreviousSearch:{},aoPreSearchCols:[],aaSorting:null,aaSortingFixed:[],asStripeClasses:null,asDestroyStripes:[],sDestroyWidth:0,aoRowCallback:[],aoHeaderCallback:[],aoFooterCallback:[],aoDrawCallback:[],aoRowCreatedCallback:[],aoPreDrawCallback:[],aoInitComplete:[],aoStateSaveParams:[],aoStateLoadParams:[],aoStateLoaded:[],sTableId:"",nTable:null,nTHead:null,nTFoot:null,nTBody:null,nTableWrapper:null,bDeferLoading:!1,bInitialised:!1,aoOpenRows:[],sDom:null,searchDelay:null,sPaginationType:"two_button",iStateDuration:0,aoStateSave:[],aoStateLoad:[],oSavedState:null,oLoadedState:null,sAjaxSource:null,sAjaxDataProp:null,bAjaxDataGet:!0,jqXHR:null,json:r,oAjaxData:r,fnServerData:null,aoServerParams:[],sServerMethod:null,fnFormatNumber:null,aLengthMenu:null,iDraw:0,bDrawing:!1,iDrawError:-1,_iDisplayLength:10,_iDisplayStart:0,_iRecordsTotal:0,_iRecordsDisplay:0,oClasses:{},bFiltered:!1,bSorted:!1,bSortCellsTop:null,oInit:null,aoDestroyCallback:[],fnRecordsTotal:function(){return"ssp"==me(this)?1*this._iRecordsTotal:this.aiDisplayMaster.length},fnRecordsDisplay:function(){return"ssp"==me(this)?1*this._iRecordsDisplay:this.aiDisplay.length},fnDisplayEnd:function(){var t=this._iDisplayLength,e=this._iDisplayStart,n=e+t,r=this.aiDisplay.length,i=this.oFeatures,o=i.bPaginate;return i.bServerSide?!1===o||-1===t?e+r:Math.min(e+t,this._iRecordsDisplay):!o||n>r||-1===t?r:n},oInstance:null,sInstance:null,iTabIndex:0,nScrollHead:null,nScrollFoot:null,aLastSort:[],oPlugins:{},rowIdFn:null,rowId:null},h.ext=i={buttons:{},classes:{},builder:"-source-",errMode:"alert",feature:[],search:[],selector:{cell:[],column:[],row:[]},internal:{},legacy:{ajax:null},pager:{},renderer:{pageButton:{},header:{}},order:{},type:{detect:[],search:{},order:{}},_unique:0,fnVersionCheck:h.fnVersionCheck,iApiIndex:0,oJUIClasses:{},sVersion:h.version},t.extend(i,{afnFiltering:i.search,aTypes:i.type.detect,ofnSearch:i.type.search,oSort:i.type.order,afnSortData:i.order,aoFeatures:i.feature,oApi:i.internal,oStdClasses:i.classes,oPagination:i.pager}),t.extend(h.ext.classes,{sTable:"dataTable",sNoFooter:"no-footer",sPageButton:"paginate_button",sPageButtonActive:"current",sPageButtonDisabled:"disabled",sStripeOdd:"odd",sStripeEven:"even",sRowEmpty:"dataTables_empty",sWrapper:"dataTables_wrapper",sFilter:"dataTables_filter",sInfo:"dataTables_info",sPaging:"dataTables_paginate paging_",sLength:"dataTables_length",sProcessing:"dataTables_processing",sSortAsc:"sorting_asc",sSortDesc:"sorting_desc",sSortable:"sorting",sSortableAsc:"sorting_asc_disabled",sSortableDesc:"sorting_desc_disabled",sSortableNone:"sorting_disabled",sSortColumn:"sorting_",sFilterInput:"",sLengthSelect:"",sScrollWrapper:"dataTables_scroll",sScrollHead:"dataTables_scrollHead",sScrollHeadInner:"dataTables_scrollHeadInner",sScrollBody:"dataTables_scrollBody",sScrollFoot:"dataTables_scrollFoot",sScrollFootInner:"dataTables_scrollFootInner",sHeaderTH:"",sFooterTH:"",sSortJUIAsc:"",sSortJUIDesc:"",sSortJUI:"",sSortJUIAscAllowed:"",sSortJUIDescAllowed:"",sSortJUIWrapper:"",sSortIcon:"",sJUIHeader:"",sJUIFooter:""});var Fe=h.ext.pager;function Se(t,e){var n=[],r=Fe.numbers_length,i=Math.floor(r/2);return e<=r?n=x(0,e):t<=i?((n=x(0,r-2)).push("ellipsis"),n.push(e-1)):t>=e-1-i?((n=x(e-(r-2),e)).splice(0,0,"ellipsis"),n.splice(0,0,0)):((n=x(t-i+2,t+i-1)).push("ellipsis"),n.push(e-1),n.splice(0,0,"ellipsis"),n.splice(0,0,0)),n.DT_el="span",n}t.extend(Fe,{simple:function(t,e){return["previous","next"]},full:function(t,e){return["first","previous","next","last"]},numbers:function(t,e){return[Se(t,e)]},simple_numbers:function(t,e){return["previous",Se(t,e),"next"]},full_numbers:function(t,e){return["first","previous",Se(t,e),"next","last"]},first_last_numbers:function(t,e){return["first",Se(t,e),"last"]},_numbers:Se,numbers_length:7}),t.extend(!0,h.ext.renderer,{pageButton:{_:function(e,i,o,a,l,h){var s,A,d,c=e.oClasses,u=e.oLanguage.oPaginate,p=e.oLanguage.oAria.paginate||{},m=0,f=function(n,r){var i,a,d,g,C=c.sPageButtonDisabled,b=function(t){Lt(e,t.data.action,!0)};for(i=0,a=r.length;i<a;i++)if(d=r[i],Array.isArray(d)){var _=t("<"+(d.DT_el||"div")+"/>").appendTo(n);f(_,d)}else{switch(s=null,A=d,g=e.iTabIndex,d){case"ellipsis":n.append('<span class="ellipsis">…</span>');break;case"first":s=u.sFirst,0===l&&(g=-1,A+=" "+C);break;case"previous":s=u.sPrevious,0===l&&(g=-1,A+=" "+C);break;case"next":s=u.sNext,0!==h&&l!==h-1||(g=-1,A+=" "+C);break;case"last":s=u.sLast,0!==h&&l!==h-1||(g=-1,A+=" "+C);break;default:s=e.fnFormatNumber(d+1),A=l===d?c.sPageButtonActive:""}null!==s&&(Ae(t("<a>",{class:c.sPageButton+" "+A,"aria-controls":e.sTableId,"aria-label":p[d],"data-dt-idx":m,tabindex:g,id:0===o&&"string"==typeof d?e.sTableId+"_"+d:null}).html(s).appendTo(n),{action:d},b),m++)}};try{d=t(i).find(n.activeElement).data("dt-idx")}catch(t){}f(t(i).empty(),a),d!==r&&t(i).find("[data-dt-idx="+d+"]").trigger("focus")}}}),t.extend(h.ext.type.detect,[function(t,e){var n=e.oLanguage.sDecimal;return C(t,n)?"num"+n:null},function(t,e){if(t&&!(t instanceof Date)&&!c.test(t))return null;var n=Date.parse(t);return null!==n&&!isNaN(n)||m(t)?"date":null},function(t,e){var n=e.oLanguage.sDecimal;return C(t,n,!0)?"num-fmt"+n:null},function(t,e){var n=e.oLanguage.sDecimal;return b(t,n)?"html-num"+n:null},function(t,e){var n=e.oLanguage.sDecimal;return b(t,n,!0)?"html-num-fmt"+n:null},function(t,e){return m(t)||"string"==typeof t&&-1!==t.indexOf("<")?"html":null}]),t.extend(h.ext.type.search,{html:function(t){return m(t)?t:"string"==typeof t?t.replace(A," ").replace(d,""):""},string:function(t){return m(t)?t:"string"==typeof t?t.replace(A," "):t}});var Me=function(t,e,n,r){return 0===t||t&&"-"!==t?(e&&(t=g(t,e)),t.replace&&(n&&(t=t.replace(n,"")),r&&(t=t.replace(r,""))),1*t):-1/0};function Ie(e){t.each({num:function(t){return Me(t,e)},"num-fmt":function(t){return Me(t,e,p)},"html-num":function(t){return Me(t,e,d)},"html-num-fmt":function(t){return Me(t,e,d,p)}},(function(t,n){i.type.order[t+e+"-pre"]=n,t.match(/^html\-/)&&(i.type.search[t+e]=i.type.search.html)}))}t.extend(i.type.order,{"date-pre":function(t){var e=Date.parse(t);return isNaN(e)?-1/0:e},"html-pre":function(t){return m(t)?"":t.replace?t.replace(/<.*?>/g,"").toLowerCase():t+""},"string-pre":function(t){return m(t)?"":"string"==typeof t?t.toLowerCase():t.toString?t.toString():""},"string-asc":function(t,e){return t<e?-1:t>e?1:0},"string-desc":function(t,e){return t<e?1:t>e?-1:0}}),Ie(""),t.extend(!0,h.ext.renderer,{header:{_:function(e,n,r,i){t(e.nTable).on("order.dt.DT",(function(t,o,a,l){if(e===o){var h=r.idx;n.removeClass(r.sSortingClass+" "+i.sSortAsc+" "+i.sSortDesc).addClass("asc"==l[h]?i.sSortAsc:"desc"==l[h]?i.sSortDesc:r.sSortingClass)}}))},jqueryui:function(e,n,r,i){t("<div/>").addClass(i.sSortJUIWrapper).append(n.contents()).append(t("<span/>").addClass(i.sSortIcon+" "+r.sSortingClassJUI)).appendTo(n),t(e.nTable).on("order.dt.DT",(function(t,o,a,l){if(e===o){var h=r.idx;n.removeClass(i.sSortAsc+" "+i.sSortDesc).addClass("asc"==l[h]?i.sSortAsc:"desc"==l[h]?i.sSortDesc:r.sSortingClass),n.find("span."+i.sSortIcon).removeClass(i.sSortJUIAsc+" "+i.sSortJUIDesc+" "+i.sSortJUI+" "+i.sSortJUIAscAllowed+" "+i.sSortJUIDescAllowed).addClass("asc"==l[h]?i.sSortJUIAsc:"desc"==l[h]?i.sSortJUIDesc:r.sSortingClassJUI)}}))}}});var ze=function(t){return"string"==typeof t?t.replace(/&/g,"&").replace(/</g,"<").replace(/>/g,">").replace(/"/g,"""):t};function Te(t){return function(){var e=[ae(this[h.ext.iApiIndex])].concat(Array.prototype.slice.call(arguments));return h.ext.internal[t].apply(this,e)}}return h.render={number:function(t,e,n,r,i){return{display:function(o){if("number"!=typeof o&&"string"!=typeof o)return o;var a=o<0?"-":"",l=parseFloat(o);if(isNaN(l))return ze(o);l=l.toFixed(n),o=Math.abs(l);var h=parseInt(o,10),s=n?e+(o-h).toFixed(n).substring(2):"";return a+(r||"")+h.toString().replace(/\B(?=(\d{3})+(?!\d))/g,t)+s+(i||"")}}},text:function(){return{display:ze,filter:ze}}},t.extend(h.ext.internal,{_fnExternApiFunc:Te,_fnBuildAjax:ut,_fnAjaxUpdate:pt,_fnAjaxParameters:mt,_fnAjaxUpdateDraw:ft,_fnAjaxDataSrc:gt,_fnAddColumn:T,_fnColumnOptions:N,_fnAdjustColumnSizing:j,_fnVisibleToColumnIndex:L,_fnColumnIndexToVisible:O,_fnVisbleColumns:R,_fnGetColumns:U,_fnColumnTypes:P,_fnApplyColumnDefs:G,_fnHungarianMap:E,_fnCamelToHungarian:$,_fnLanguageCompat:D,_fnBrowserDetect:I,_fnAddData:q,_fnAddTr:W,_fnNodeToDataIndex:function(t,e){return e._DT_RowIndex!==r?e._DT_RowIndex:null},_fnNodeToColumnIndex:function(e,n,r){return t.inArray(r,e.aoData[n].anCells)},_fnGetCellData:H,_fnSetCellData:Y,_fnSplitObjNotation:X,_fnGetObjectDataFn:K,_fnSetObjectDataFn:V,_fnGetDataMaster:Z,_fnClearTable:tt,_fnDeleteIndex:et,_fnInvalidate:nt,_fnGetRowElements:rt,_fnCreateTr:it,_fnBuildHead:at,_fnDrawHead:lt,_fnDraw:ht,_fnReDraw:st,_fnAddOptionsHtml:At,_fnDetectHeader:dt,_fnGetUniqueThs:ct,_fnFeatureHtmlFilter:Ct,_fnFilterComplete:bt,_fnFilterCustom:_t,_fnFilterColumn:vt,_fnFilter:xt,_fnFilterCreateSearch:Bt,_fnEscapeRegex:kt,_fnFilterData:Et,_fnFeatureHtmlInfo:Ft,_fnUpdateInfo:St,_fnInfoMacros:Mt,_fnInitialise:It,_fnInitComplete:zt,_fnLengthChange:Tt,_fnFeatureHtmlLength:Nt,_fnFeatureHtmlPaginate:jt,_fnPageChange:Lt,_fnFeatureHtmlProcessing:Ot,_fnProcessingDisplay:Rt,_fnFeatureHtmlTable:Ut,_fnScrollDraw:Pt,_fnApplyToChildren:Gt,_fnCalculateColumnWidths:Wt,_fnThrottle:Ht,_fnConvertToWidth:Yt,_fnGetWidestNode:Jt,_fnGetMaxLenString:Qt,_fnStringToCss:Xt,_fnSortFlatten:Kt,_fnSort:Vt,_fnSortAria:Zt,_fnSortListener:te,_fnSortAttachListener:ee,_fnSortingClasses:ne,_fnSortData:re,_fnSaveState:ie,_fnLoadState:oe,_fnSettingsFromNode:ae,_fnLog:le,_fnMap:he,_fnBindAction:Ae,_fnCallbackReg:de,_fnCallbackFire:ce,_fnLengthOverflow:ue,_fnRenderer:pe,_fnDataSource:me,_fnRowAttributes:ot,_fnExtend:se,_fnCalculateEnd:function(){}}),t.fn.dataTable=h,h.$=t,t.fn.dataTableSettings=h.settings,t.fn.dataTableExt=h.ext,t.fn.DataTable=function(e){return t(this).dataTable(e).api()},t.each(h,(function(e,n){t.fn.DataTable[e]=n})),t.fn.dataTable}(e,t,t.document)}}()},8801:function(t,e){"use strict";e.Z=function(t,e){if(t&&e){var n=Array.isArray(e)?e:e.split(","),r=t.name||"",i=(t.type||"").toLowerCase(),o=i.replace(/\/.*$/,"");return n.some((function(t){var e=t.trim().toLowerCase();return"."===e.charAt(0)?r.toLowerCase().endsWith(e):e.endsWith("/*")?o===e.replace(/\/.*$/,""):i===e}))}return!0}},3495:function(t){"use strict";t.exports=function(t){var e=[];return e.toString=function(){return this.map((function(e){var n=t(e);return e[2]?"@media ".concat(e[2]," {").concat(n,"}"):n})).join("")},e.i=function(t,n,r){"string"==typeof t&&(t=[[null,t,""]]);var i={};if(r)for(var o=0;o<this.length;o++){var a=this[o][0];null!=a&&(i[a]=!0)}for(var l=0;l<t.length;l++){var h=[].concat(t[l]);r&&i[h[0]]||(n&&(h[2]?h[2]="".concat(n," and ").concat(h[2]):h[2]=n),e.push(h))}},e}},3601:function(t){"use strict";function e(t,e){(null==e||e>t.length)&&(e=t.length);for(var n=0,r=new Array(e);n<e;n++)r[n]=t[n];return r}t.exports=function(t){var n,r,i=(r=4,function(t){if(Array.isArray(t))return t}(n=t)||function(t,e){var n=t&&("undefined"!=typeof Symbol&&t[Symbol.iterator]||t["@@iterator"]);if(null!=n){var r,i,o=[],a=!0,l=!1;try{for(n=n.call(t);!(a=(r=n.next()).done)&&(o.push(r.value),!e||o.length!==e);a=!0);}catch(t){l=!0,i=t}finally{try{a||null==n.return||n.return()}finally{if(l)throw i}}return o}}(n,r)||function(t,n){if(t){if("string"==typeof t)return e(t,n);var r=Object.prototype.toString.call(t).slice(8,-1);return"Object"===r&&t.constructor&&(r=t.constructor.name),"Map"===r||"Set"===r?Array.from(t):"Arguments"===r||/^(?:Ui|I)nt(?:8|16|32)(?:Clamped)?Array$/.test(r)?e(t,n):void 0}}(n,r)||function(){throw new TypeError("Invalid attempt to destructure non-iterable instance.\nIn order to be iterable, non-array objects must have a [Symbol.iterator]() method.")}()),o=i[1],a=i[3];if("function"==typeof btoa){var l=btoa(unescape(encodeURIComponent(JSON.stringify(a)))),h="sourceMappingURL=data:application/json;charset=utf-8;base64,".concat(l),s="/*# ".concat(h," */"),A=a.sources.map((function(t){return"/*# sourceURL=".concat(a.sourceRoot||"").concat(t," */")}));return[o].concat(A).concat([s]).join("\n")}return[o].join("\n")}},2673:function(t,e,n){"use strict";n.r(e),n.d(e,{FormatSpecifier:function(){return sh},active:function(){return Zr},arc:function(){return dv},area:function(){return gv},areaRadial:function(){return yv},ascending:function(){return i},autoType:function(){return ja},axisBottom:function(){return it},axisLeft:function(){return ot},axisRight:function(){return rt},axisTop:function(){return nt},bisect:function(){return s},bisectLeft:function(){return h},bisectRight:function(){return l},bisector:function(){return o},blob:function(){return gl},brush:function(){return $i},brushSelection:function(){return wi},brushX:function(){return yi},brushY:function(){return Ei},buffer:function(){return bl},chord:function(){return ji},clientPoint:function(){return Sn},cluster:function(){return wu},color:function(){return Ye},contourDensity:function(){return la},contours:function(){return ea},create:function(){return L_},creator:function(){return ie},cross:function(){return c},csv:function(){return kl},csvFormat:function(){return ka},csvFormatBody:function(){return wa},csvFormatRow:function(){return Ea},csvFormatRows:function(){return ya},csvFormatValue:function(){return $a},csvParse:function(){return xa},csvParseRows:function(){return Ba},cubehelix:function(){return Wo},curveBasis:function(){return ax},curveBasisClosed:function(){return hx},curveBasisOpen:function(){return Ax},curveBundle:function(){return cx},curveCardinal:function(){return mx},curveCardinalClosed:function(){return gx},curveCardinalOpen:function(){return bx},curveCatmullRom:function(){return xx},curveCatmullRomClosed:function(){return kx},curveCatmullRomOpen:function(){return yx},curveLinear:function(){return uv},curveLinearClosed:function(){return $x},curveMonotoneX:function(){return Nx},curveMonotoneY:function(){return jx},curveNatural:function(){return Rx},curveStep:function(){return Px},curveStepAfter:function(){return qx},curveStepBefore:function(){return Gx},customEvent:function(){return fe},descending:function(){return u},deviation:function(){return f},dispatch:function(){return ct},drag:function(){return pa},dragDisable:function(){return Ee},dragEnable:function(){return $e},dsv:function(){return Bl},dsvFormat:function(){return _a},easeBack:function(){return dl},easeBackIn:function(){return sl},easeBackInOut:function(){return dl},easeBackOut:function(){return Al},easeBounce:function(){return al},easeBounceIn:function(){return ol},easeBounceInOut:function(){return ll},easeBounceOut:function(){return al},easeCircle:function(){return rl},easeCircleIn:function(){return el},easeCircleInOut:function(){return rl},easeCircleOut:function(){return nl},easeCubic:function(){return Qr},easeCubicIn:function(){return Yr},easeCubicInOut:function(){return Qr},easeCubicOut:function(){return Jr},easeElastic:function(){return pl},easeElasticIn:function(){return ul},easeElasticInOut:function(){return ml},easeElasticOut:function(){return pl},easeExp:function(){return tl},easeExpIn:function(){return Va},easeExpInOut:function(){return tl},easeExpOut:function(){return Za},easeLinear:function(){return Oa},easePoly:function(){return Wa},easePolyIn:function(){return Ga},easePolyInOut:function(){return Wa},easePolyOut:function(){return qa},easeQuad:function(){return Pa},easeQuadIn:function(){return Ra},easeQuadInOut:function(){return Pa},easeQuadOut:function(){return Ua},easeSin:function(){return Xa},easeSinIn:function(){return Ja},easeSinInOut:function(){return Xa},easeSinOut:function(){return Qa},entries:function(){return mo},event:function(){return Ae},extent:function(){return g},forceCenter:function(){return Il},forceCollide:function(){return Hl},forceLink:function(){return Ql},forceManyBody:function(){return th},forceRadial:function(){return eh},forceSimulation:function(){return Zl},forceX:function(){return nh},forceY:function(){return rh},format:function(){return ph},formatDefaultLocale:function(){return bh},formatLocale:function(){return Ch},formatPrefix:function(){return mh},formatSpecifier:function(){return hh},geoAlbers:function(){return Rc},geoAlbersUsa:function(){return Uc},geoArea:function(){return ms},geoAzimuthalEqualArea:function(){return Wc},geoAzimuthalEqualAreaRaw:function(){return qc},geoAzimuthalEquidistant:function(){return Yc},geoAzimuthalEquidistantRaw:function(){return Hc},geoBounds:function(){return lA},geoCentroid:function(){return bA},geoCircle:function(){return FA},geoClipAntimeridian:function(){return PA},geoClipCircle:function(){return GA},geoClipExtent:function(){return YA},geoClipRectangle:function(){return HA},geoConicConformal:function(){return Zc},geoConicConformalRaw:function(){return Vc},geoConicEqualArea:function(){return Oc},geoConicEqualAreaRaw:function(){return Lc},geoConicEquidistant:function(){return ru},geoConicEquidistantRaw:function(){return nu},geoContains:function(){return pd},geoDistance:function(){return od},geoEqualEarth:function(){return Au},geoEqualEarthRaw:function(){return su},geoEquirectangular:function(){return eu},geoEquirectangularRaw:function(){return tu},geoGnomonic:function(){return cu},geoGnomonicRaw:function(){return du},geoGraticule:function(){return gd},geoGraticule10:function(){return Cd},geoIdentity:function(){return uu},geoInterpolate:function(){return bd},geoLength:function(){return nd},geoMercator:function(){return Qc},geoMercatorRaw:function(){return Jc},geoNaturalEarth1:function(){return mu},geoNaturalEarth1Raw:function(){return pu},geoOrthographic:function(){return gu},geoOrthographicRaw:function(){return fu},geoPath:function(){return vc},geoProjection:function(){return Tc},geoProjectionMutator:function(){return Nc},geoRotation:function(){return EA},geoStereographic:function(){return bu},geoStereographicRaw:function(){return Cu},geoStream:function(){return ns},geoTransform:function(){return xc},geoTransverseMercator:function(){return vu},geoTransverseMercatorRaw:function(){return _u},gray:function(){return ko},hcl:function(){return Io},hierarchy:function(){return Eu},histogram:function(){return S},hsl:function(){return on},html:function(){return Sl},image:function(){return yl},interpolate:function(){return Dn},interpolateArray:function(){return vn},interpolateBasis:function(){return sn},interpolateBasisClosed:function(){return An},interpolateBlues:function(){return d_},interpolateBrBG:function(){return Bb},interpolateBuGn:function(){return Ub},interpolateBuPu:function(){return Gb},interpolateCividis:function(){return x_},interpolateCool:function(){return w_},interpolateCubehelix:function(){return Op},interpolateCubehelixDefault:function(){return B_},interpolateCubehelixLong:function(){return Rp},interpolateDate:function(){return Bn},interpolateDiscrete:function(){return wp},interpolateGnBu:function(){return Wb},interpolateGreens:function(){return u_},interpolateGreys:function(){return m_},interpolateHcl:function(){return Np},interpolateHclLong:function(){return jp},interpolateHsl:function(){return Mp},interpolateHslLong:function(){return Ip},interpolateHue:function(){return yp},interpolateInferno:function(){return N_},interpolateLab:function(){return zp},interpolateMagma:function(){return T_},interpolateNumber:function(){return kn},interpolateNumberArray:function(){return bn},interpolateObject:function(){return wn},interpolateOrRd:function(){return Yb},interpolateOranges:function(){return v_},interpolatePRGn:function(){return wb},interpolatePiYG:function(){return Eb},interpolatePlasma:function(){return j_},interpolatePuBu:function(){return Kb},interpolatePuBuGn:function(){return Qb},interpolatePuOr:function(){return Db},interpolatePuRd:function(){return Zb},interpolatePurples:function(){return g_},interpolateRainbow:function(){return E_},interpolateRdBu:function(){return Sb},interpolateRdGy:function(){return Ib},interpolateRdPu:function(){return e_},interpolateRdYlBu:function(){return Tb},interpolateRdYlGn:function(){return jb},interpolateReds:function(){return b_},interpolateRgb:function(){return mn},interpolateRgbBasis:function(){return gn},interpolateRgbBasisClosed:function(){return Cn},interpolateRound:function(){return Ep},interpolateSinebow:function(){return S_},interpolateSpectral:function(){return Ob},interpolateString:function(){return $n},interpolateTransformCss:function(){return pr},interpolateTransformSvg:function(){return mr},interpolateTurbo:function(){return M_},interpolateViridis:function(){return z_},interpolateWarm:function(){return k_},interpolateYlGn:function(){return o_},interpolateYlGnBu:function(){return r_},interpolateYlOrBr:function(){return l_},interpolateYlOrRd:function(){return s_},interpolateZoom:function(){return Fp},interrupt:function(){return or},interval:function(){return sB},isoFormat:function(){return lB},isoParse:function(){return hB},json:function(){return $l},keys:function(){return uo},lab:function(){return wo},lch:function(){return Mo},line:function(){return fv},lineRadial:function(){return wv},linkHorizontal:function(){return Tv},linkRadial:function(){return jv},linkVertical:function(){return Nv},local:function(){return R_},map:function(){return no},matcher:function(){return gt},max:function(){return T},mean:function(){return N},median:function(){return j},merge:function(){return L},min:function(){return O},mouse:function(){return In},namespace:function(){return wt},namespaces:function(){return kt},nest:function(){return ro},now:function(){return qn},pack:function(){return Vu},packEnclose:function(){return Iu},packSiblings:function(){return Hu},pairs:function(){return A},partition:function(){return ip},path:function(){return Hi},permute:function(){return R},pie:function(){return _v},piecewise:function(){return Up},pointRadial:function(){return Ev},polygonArea:function(){return Gp},polygonCentroid:function(){return qp},polygonContains:function(){return Qp},polygonHull:function(){return Jp},polygonLength:function(){return Xp},precisionFixed:function(){return _h},precisionPrefix:function(){return vh},precisionRound:function(){return xh},quadtree:function(){return Rl},quantile:function(){return M},quantize:function(){return Pp},radialArea:function(){return yv},radialLine:function(){return wv},randomBates:function(){return nm},randomExponential:function(){return rm},randomIrwinHall:function(){return em},randomLogNormal:function(){return tm},randomNormal:function(){return Zp},randomUniform:function(){return Vp},range:function(){return B},rgb:function(){return Ke},ribbon:function(){return Vi},scaleBand:function(){return dm},scaleDiverging:function(){return ob},scaleDivergingLog:function(){return ab},scaleDivergingPow:function(){return hb},scaleDivergingSqrt:function(){return sb},scaleDivergingSymlog:function(){return lb},scaleIdentity:function(){return Em},scaleImplicit:function(){return sm},scaleLinear:function(){return ym},scaleLog:function(){return Nm},scaleOrdinal:function(){return Am},scalePoint:function(){return um},scalePow:function(){return Wm},scaleQuantile:function(){return Ym},scaleQuantize:function(){return Jm},scaleSequential:function(){return VC},scaleSequentialLog:function(){return ZC},scaleSequentialPow:function(){return eb},scaleSequentialQuantile:function(){return rb},scaleSequentialSqrt:function(){return nb},scaleSequentialSymlog:function(){return tb},scaleSqrt:function(){return Hm},scaleSymlog:function(){return Rm},scaleThreshold:function(){return Qm},scaleTime:function(){return OC},scaleUtc:function(){return QC},scan:function(){return U},schemeAccent:function(){return cb},schemeBlues:function(){return A_},schemeBrBG:function(){return xb},schemeBuGn:function(){return Rb},schemeBuPu:function(){return Pb},schemeCategory10:function(){return db},schemeDark2:function(){return ub},schemeGnBu:function(){return qb},schemeGreens:function(){return c_},schemeGreys:function(){return p_},schemeOrRd:function(){return Hb},schemeOranges:function(){return __},schemePRGn:function(){return kb},schemePaired:function(){return pb},schemePastel1:function(){return mb},schemePastel2:function(){return fb},schemePiYG:function(){return yb},schemePuBu:function(){return Xb},schemePuBuGn:function(){return Jb},schemePuOr:function(){return $b},schemePuRd:function(){return Vb},schemePurples:function(){return f_},schemeRdBu:function(){return Fb},schemeRdGy:function(){return Mb},schemeRdPu:function(){return t_},schemeRdYlBu:function(){return zb},schemeRdYlGn:function(){return Nb},schemeReds:function(){return C_},schemeSet1:function(){return gb},schemeSet2:function(){return Cb},schemeSet3:function(){return bb},schemeSpectral:function(){return Lb},schemeTableau10:function(){return _b},schemeYlGn:function(){return i_},schemeYlGnBu:function(){return n_},schemeYlOrBr:function(){return a_},schemeYlOrRd:function(){return h_},select:function(){return ke},selectAll:function(){return P_},selection:function(){return Be},selector:function(){return pt},selectorAll:function(){return ft},set:function(){return co},shuffle:function(){return P},stack:function(){return Jx},stackOffsetDiverging:function(){return Xx},stackOffsetExpand:function(){return Qx},stackOffsetNone:function(){return Wx},stackOffsetSilhouette:function(){return Kx},stackOffsetWiggle:function(){return Vx},stackOrderAppearance:function(){return Zx},stackOrderAscending:function(){return eB},stackOrderDescending:function(){return rB},stackOrderInsideOut:function(){return iB},stackOrderNone:function(){return Hx},stackOrderReverse:function(){return oB},stratify:function(){return sp},style:function(){return Nt},sum:function(){return G},svg:function(){return Ml},symbol:function(){return nx},symbolCircle:function(){return Lv},symbolCross:function(){return Ov},symbolDiamond:function(){return Pv},symbolSquare:function(){return Yv},symbolStar:function(){return Hv},symbolTriangle:function(){return Qv},symbolWye:function(){return tx},symbols:function(){return ex},text:function(){return vl},thresholdFreedmanDiaconis:function(){return I},thresholdScott:function(){return z},thresholdSturges:function(){return F},tickFormat:function(){return km},tickIncrement:function(){return $},tickStep:function(){return D},ticks:function(){return E},timeDay:function(){return Ef},timeDays:function(){return $f},timeFormat:function(){return ug},timeFormatDefaultLocale:function(){return zC},timeFormatLocale:function(){return dg},timeFriday:function(){return gf},timeFridays:function(){return kf},timeHour:function(){return Ff},timeHours:function(){return Sf},timeInterval:function(){return Vm},timeMillisecond:function(){return Of},timeMilliseconds:function(){return Rf},timeMinute:function(){return If},timeMinutes:function(){return zf},timeMonday:function(){return uf},timeMondays:function(){return _f},timeMonth:function(){return rf},timeMonths:function(){return of},timeParse:function(){return pg},timeSaturday:function(){return Cf},timeSaturdays:function(){return wf},timeSecond:function(){return Nf},timeSeconds:function(){return jf},timeSunday:function(){return cf},timeSundays:function(){return bf},timeThursday:function(){return ff},timeThursdays:function(){return Bf},timeTuesday:function(){return pf},timeTuesdays:function(){return vf},timeWednesday:function(){return mf},timeWednesdays:function(){return xf},timeWeek:function(){return cf},timeWeeks:function(){return bf},timeYear:function(){return tf},timeYears:function(){return ef},timeout:function(){return Vn},timer:function(){return Yn},timerFlush:function(){return Jn},touch:function(){return Mn},touches:function(){return G_},transition:function(){return qr},transpose:function(){return q},tree:function(){return fp},treemap:function(){return vp},treemapBinary:function(){return xp},treemapDice:function(){return rp},treemapResquarify:function(){return kp},treemapSlice:function(){return gp},treemapSliceDice:function(){return Bp},treemapSquarify:function(){return _p},tsv:function(){return wl},tsvFormat:function(){return Ma},tsvFormatBody:function(){return Ia},tsvFormatRow:function(){return Ta},tsvFormatRows:function(){return za},tsvFormatValue:function(){return Na},tsvParse:function(){return Fa},tsvParseRows:function(){return Sa},utcDay:function(){return rg},utcDays:function(){return ig},utcFormat:function(){return mg},utcFriday:function(){return Yf},utcFridays:function(){return tg},utcHour:function(){return qC},utcHours:function(){return WC},utcMillisecond:function(){return Of},utcMilliseconds:function(){return Rf},utcMinute:function(){return YC},utcMinutes:function(){return JC},utcMonday:function(){return Gf},utcMondays:function(){return Xf},utcMonth:function(){return UC},utcMonths:function(){return PC},utcParse:function(){return fg},utcSaturday:function(){return Jf},utcSaturdays:function(){return eg},utcSecond:function(){return Nf},utcSeconds:function(){return jf},utcSunday:function(){return Pf},utcSundays:function(){return Qf},utcThursday:function(){return Hf},utcThursdays:function(){return Zf},utcTuesday:function(){return qf},utcTuesdays:function(){return Kf},utcWednesday:function(){return Wf},utcWednesdays:function(){return Vf},utcWeek:function(){return Pf},utcWeeks:function(){return Qf},utcYear:function(){return ag},utcYears:function(){return lg},values:function(){return po},variance:function(){return m},version:function(){return r},voronoi:function(){return QB},window:function(){return Mt},xml:function(){return Fl},zip:function(){return H},zoom:function(){return sk},zoomIdentity:function(){return ZB},zoomTransform:function(){return tk}});var r="5.16.0";function i(t,e){return t<e?-1:t>e?1:t>=e?0:NaN}function o(t){var e;return 1===t.length&&(e=t,t=function(t,n){return i(e(t),n)}),{left:function(e,n,r,i){for(null==r&&(r=0),null==i&&(i=e.length);r<i;){var o=r+i>>>1;t(e[o],n)<0?r=o+1:i=o}return r},right:function(e,n,r,i){for(null==r&&(r=0),null==i&&(i=e.length);r<i;){var o=r+i>>>1;t(e[o],n)>0?i=o:r=o+1}return r}}}var a=o(i),l=a.right,h=a.left,s=l;function A(t,e){null==e&&(e=d);for(var n=0,r=t.length-1,i=t[0],o=new Array(r<0?0:r);n<r;)o[n]=e(i,i=t[++n]);return o}function d(t,e){return[t,e]}function c(t,e,n){var r,i,o,a,l=t.length,h=e.length,s=new Array(l*h);for(null==n&&(n=d),r=o=0;r<l;++r)for(a=t[r],i=0;i<h;++i,++o)s[o]=n(a,e[i]);return s}function u(t,e){return e<t?-1:e>t?1:e>=t?0:NaN}function p(t){return null===t?NaN:+t}function m(t,e){var n,r,i=t.length,o=0,a=-1,l=0,h=0;if(null==e)for(;++a<i;)isNaN(n=p(t[a]))||(h+=(r=n-l)*(n-(l+=r/++o)));else for(;++a<i;)isNaN(n=p(e(t[a],a,t)))||(h+=(r=n-l)*(n-(l+=r/++o)));if(o>1)return h/(o-1)}function f(t,e){var n=m(t,e);return n?Math.sqrt(n):n}function g(t,e){var n,r,i,o=t.length,a=-1;if(null==e){for(;++a<o;)if(null!=(n=t[a])&&n>=n)for(r=i=n;++a<o;)null!=(n=t[a])&&(r>n&&(r=n),i<n&&(i=n))}else for(;++a<o;)if(null!=(n=e(t[a],a,t))&&n>=n)for(r=i=n;++a<o;)null!=(n=e(t[a],a,t))&&(r>n&&(r=n),i<n&&(i=n));return[r,i]}var C=Array.prototype,b=C.slice,_=C.map;function v(t){return function(){return t}}function x(t){return t}function B(t,e,n){t=+t,e=+e,n=(i=arguments.length)<2?(e=t,t=0,1):i<3?1:+n;for(var r=-1,i=0|Math.max(0,Math.ceil((e-t)/n)),o=new Array(i);++r<i;)o[r]=t+r*n;return o}var k=Math.sqrt(50),w=Math.sqrt(10),y=Math.sqrt(2);function E(t,e,n){var r,i,o,a,l=-1;if(n=+n,(t=+t)==(e=+e)&&n>0)return[t];if((r=e<t)&&(i=t,t=e,e=i),0===(a=$(t,e,n))||!isFinite(a))return[];if(a>0)for(t=Math.ceil(t/a),e=Math.floor(e/a),o=new Array(i=Math.ceil(e-t+1));++l<i;)o[l]=(t+l)*a;else for(t=Math.floor(t*a),e=Math.ceil(e*a),o=new Array(i=Math.ceil(t-e+1));++l<i;)o[l]=(t-l)/a;return r&&o.reverse(),o}function $(t,e,n){var r=(e-t)/Math.max(0,n),i=Math.floor(Math.log(r)/Math.LN10),o=r/Math.pow(10,i);return i>=0?(o>=k?10:o>=w?5:o>=y?2:1)*Math.pow(10,i):-Math.pow(10,-i)/(o>=k?10:o>=w?5:o>=y?2:1)}function D(t,e,n){var r=Math.abs(e-t)/Math.max(0,n),i=Math.pow(10,Math.floor(Math.log(r)/Math.LN10)),o=r/i;return o>=k?i*=10:o>=w?i*=5:o>=y&&(i*=2),e<t?-i:i}function F(t){return Math.ceil(Math.log(t.length)/Math.LN2)+1}function S(){var t=x,e=g,n=F;function r(r){var i,o,a=r.length,l=new Array(a);for(i=0;i<a;++i)l[i]=t(r[i],i,r);var h=e(l),A=h[0],d=h[1],c=n(l,A,d);Array.isArray(c)||(c=D(A,d,c),c=B(Math.ceil(A/c)*c,d,c));for(var u=c.length;c[0]<=A;)c.shift(),--u;for(;c[u-1]>d;)c.pop(),--u;var p,m=new Array(u+1);for(i=0;i<=u;++i)(p=m[i]=[]).x0=i>0?c[i-1]:A,p.x1=i<u?c[i]:d;for(i=0;i<a;++i)A<=(o=l[i])&&o<=d&&m[s(c,o,0,u)].push(r[i]);return m}return r.value=function(e){return arguments.length?(t="function"==typeof e?e:v(e),r):t},r.domain=function(t){return arguments.length?(e="function"==typeof t?t:v([t[0],t[1]]),r):e},r.thresholds=function(t){return arguments.length?(n="function"==typeof t?t:Array.isArray(t)?v(b.call(t)):v(t),r):n},r}function M(t,e,n){if(null==n&&(n=p),r=t.length){if((e=+e)<=0||r<2)return+n(t[0],0,t);if(e>=1)return+n(t[r-1],r-1,t);var r,i=(r-1)*e,o=Math.floor(i),a=+n(t[o],o,t);return a+(+n(t[o+1],o+1,t)-a)*(i-o)}}function I(t,e,n){return t=_.call(t,p).sort(i),Math.ceil((n-e)/(2*(M(t,.75)-M(t,.25))*Math.pow(t.length,-1/3)))}function z(t,e,n){return Math.ceil((n-e)/(3.5*f(t)*Math.pow(t.length,-1/3)))}function T(t,e){var n,r,i=t.length,o=-1;if(null==e){for(;++o<i;)if(null!=(n=t[o])&&n>=n)for(r=n;++o<i;)null!=(n=t[o])&&n>r&&(r=n)}else for(;++o<i;)if(null!=(n=e(t[o],o,t))&&n>=n)for(r=n;++o<i;)null!=(n=e(t[o],o,t))&&n>r&&(r=n);return r}function N(t,e){var n,r=t.length,i=r,o=-1,a=0;if(null==e)for(;++o<r;)isNaN(n=p(t[o]))?--i:a+=n;else for(;++o<r;)isNaN(n=p(e(t[o],o,t)))?--i:a+=n;if(i)return a/i}function j(t,e){var n,r=t.length,o=-1,a=[];if(null==e)for(;++o<r;)isNaN(n=p(t[o]))||a.push(n);else for(;++o<r;)isNaN(n=p(e(t[o],o,t)))||a.push(n);return M(a.sort(i),.5)}function L(t){for(var e,n,r,i=t.length,o=-1,a=0;++o<i;)a+=t[o].length;for(n=new Array(a);--i>=0;)for(e=(r=t[i]).length;--e>=0;)n[--a]=r[e];return n}function O(t,e){var n,r,i=t.length,o=-1;if(null==e){for(;++o<i;)if(null!=(n=t[o])&&n>=n)for(r=n;++o<i;)null!=(n=t[o])&&r>n&&(r=n)}else for(;++o<i;)if(null!=(n=e(t[o],o,t))&&n>=n)for(r=n;++o<i;)null!=(n=e(t[o],o,t))&&r>n&&(r=n);return r}function R(t,e){for(var n=e.length,r=new Array(n);n--;)r[n]=t[e[n]];return r}function U(t,e){if(n=t.length){var n,r,o=0,a=0,l=t[a];for(null==e&&(e=i);++o<n;)(e(r=t[o],l)<0||0!==e(l,l))&&(l=r,a=o);return 0===e(l,l)?a:void 0}}function P(t,e,n){for(var r,i,o=(null==n?t.length:n)-(e=null==e?0:+e);o;)i=Math.random()*o--|0,r=t[o+e],t[o+e]=t[i+e],t[i+e]=r;return t}function G(t,e){var n,r=t.length,i=-1,o=0;if(null==e)for(;++i<r;)(n=+t[i])&&(o+=n);else for(;++i<r;)(n=+e(t[i],i,t))&&(o+=n);return o}function q(t){if(!(i=t.length))return[];for(var e=-1,n=O(t,W),r=new Array(n);++e<n;)for(var i,o=-1,a=r[e]=new Array(i);++o<i;)a[o]=t[o][e];return r}function W(t){return t.length}function H(){return q(arguments)}var Y=Array.prototype.slice;function J(t){return t}var Q=1e-6;function X(t){return"translate("+(t+.5)+",0)"}function K(t){return"translate(0,"+(t+.5)+")"}function V(t){return function(e){return+t(e)}}function Z(t){var e=Math.max(0,t.bandwidth()-1)/2;return t.round()&&(e=Math.round(e)),function(n){return+t(n)+e}}function tt(){return!this.__axis}function et(t,e){var n=[],r=null,i=null,o=6,a=6,l=3,h=1===t||4===t?-1:1,s=4===t||2===t?"x":"y",A=1===t||3===t?X:K;function d(d){var c=null==r?e.ticks?e.ticks.apply(e,n):e.domain():r,u=null==i?e.tickFormat?e.tickFormat.apply(e,n):J:i,p=Math.max(o,0)+l,m=e.range(),f=+m[0]+.5,g=+m[m.length-1]+.5,C=(e.bandwidth?Z:V)(e.copy()),b=d.selection?d.selection():d,_=b.selectAll(".domain").data([null]),v=b.selectAll(".tick").data(c,e).order(),x=v.exit(),B=v.enter().append("g").attr("class","tick"),k=v.select("line"),w=v.select("text");_=_.merge(_.enter().insert("path",".tick").attr("class","domain").attr("stroke","currentColor")),v=v.merge(B),k=k.merge(B.append("line").attr("stroke","currentColor").attr(s+"2",h*o)),w=w.merge(B.append("text").attr("fill","currentColor").attr(s,h*p).attr("dy",1===t?"0em":3===t?"0.71em":"0.32em")),d!==b&&(_=_.transition(d),v=v.transition(d),k=k.transition(d),w=w.transition(d),x=x.transition(d).attr("opacity",Q).attr("transform",(function(t){return isFinite(t=C(t))?A(t):this.getAttribute("transform")})),B.attr("opacity",Q).attr("transform",(function(t){var e=this.parentNode.__axis;return A(e&&isFinite(e=e(t))?e:C(t))}))),x.remove(),_.attr("d",4===t||2==t?a?"M"+h*a+","+f+"H0.5V"+g+"H"+h*a:"M0.5,"+f+"V"+g:a?"M"+f+","+h*a+"V0.5H"+g+"V"+h*a:"M"+f+",0.5H"+g),v.attr("opacity",1).attr("transform",(function(t){return A(C(t))})),k.attr(s+"2",h*o),w.attr(s,h*p).text(u),b.filter(tt).attr("fill","none").attr("font-size",10).attr("font-family","sans-serif").attr("text-anchor",2===t?"start":4===t?"end":"middle"),b.each((function(){this.__axis=C}))}return d.scale=function(t){return arguments.length?(e=t,d):e},d.ticks=function(){return n=Y.call(arguments),d},d.tickArguments=function(t){return arguments.length?(n=null==t?[]:Y.call(t),d):n.slice()},d.tickValues=function(t){return arguments.length?(r=null==t?null:Y.call(t),d):r&&r.slice()},d.tickFormat=function(t){return arguments.length?(i=t,d):i},d.tickSize=function(t){return arguments.length?(o=a=+t,d):o},d.tickSizeInner=function(t){return arguments.length?(o=+t,d):o},d.tickSizeOuter=function(t){return arguments.length?(a=+t,d):a},d.tickPadding=function(t){return arguments.length?(l=+t,d):l},d}function nt(t){return et(1,t)}function rt(t){return et(2,t)}function it(t){return et(3,t)}function ot(t){return et(4,t)}var at={value:function(){}};function lt(){for(var t,e=0,n=arguments.length,r={};e<n;++e){if(!(t=arguments[e]+"")||t in r||/[\s.]/.test(t))throw new Error("illegal type: "+t);r[t]=[]}return new ht(r)}function ht(t){this._=t}function st(t,e){return t.trim().split(/^|\s+/).map((function(t){var n="",r=t.indexOf(".");if(r>=0&&(n=t.slice(r+1),t=t.slice(0,r)),t&&!e.hasOwnProperty(t))throw new Error("unknown type: "+t);return{type:t,name:n}}))}function At(t,e){for(var n,r=0,i=t.length;r<i;++r)if((n=t[r]).name===e)return n.value}function dt(t,e,n){for(var r=0,i=t.length;r<i;++r)if(t[r].name===e){t[r]=at,t=t.slice(0,r).concat(t.slice(r+1));break}return null!=n&&t.push({name:e,value:n}),t}ht.prototype=lt.prototype={constructor:ht,on:function(t,e){var n,r=this._,i=st(t+"",r),o=-1,a=i.length;if(!(arguments.length<2)){if(null!=e&&"function"!=typeof e)throw new Error("invalid callback: "+e);for(;++o<a;)if(n=(t=i[o]).type)r[n]=dt(r[n],t.name,e);else if(null==e)for(n in r)r[n]=dt(r[n],t.name,null);return this}for(;++o<a;)if((n=(t=i[o]).type)&&(n=At(r[n],t.name)))return n},copy:function(){var t={},e=this._;for(var n in e)t[n]=e[n].slice();return new ht(t)},call:function(t,e){if((n=arguments.length-2)>0)for(var n,r,i=new Array(n),o=0;o<n;++o)i[o]=arguments[o+2];if(!this._.hasOwnProperty(t))throw new Error("unknown type: "+t);for(o=0,n=(r=this._[t]).length;o<n;++o)r[o].value.apply(e,i)},apply:function(t,e,n){if(!this._.hasOwnProperty(t))throw new Error("unknown type: "+t);for(var r=this._[t],i=0,o=r.length;i<o;++i)r[i].value.apply(e,n)}};var ct=lt;function ut(){}function pt(t){return null==t?ut:function(){return this.querySelector(t)}}function mt(){return[]}function ft(t){return null==t?mt:function(){return this.querySelectorAll(t)}}function gt(t){return function(){return this.matches(t)}}function Ct(t){return new Array(t.length)}function bt(t,e){this.ownerDocument=t.ownerDocument,this.namespaceURI=t.namespaceURI,this._next=null,this._parent=t,this.__data__=e}function _t(t,e,n,r,i,o){for(var a,l=0,h=e.length,s=o.length;l<s;++l)(a=e[l])?(a.__data__=o[l],r[l]=a):n[l]=new bt(t,o[l]);for(;l<h;++l)(a=e[l])&&(i[l]=a)}function vt(t,e,n,r,i,o,a){var l,h,s,A={},d=e.length,c=o.length,u=new Array(d);for(l=0;l<d;++l)(h=e[l])&&(u[l]=s="$"+a.call(h,h.__data__,l,e),s in A?i[l]=h:A[s]=h);for(l=0;l<c;++l)(h=A[s="$"+a.call(t,o[l],l,o)])?(r[l]=h,h.__data__=o[l],A[s]=null):n[l]=new bt(t,o[l]);for(l=0;l<d;++l)(h=e[l])&&A[u[l]]===h&&(i[l]=h)}function xt(t,e){return t<e?-1:t>e?1:t>=e?0:NaN}bt.prototype={constructor:bt,appendChild:function(t){return this._parent.insertBefore(t,this._next)},insertBefore:function(t,e){return this._parent.insertBefore(t,e)},querySelector:function(t){return this._parent.querySelector(t)},querySelectorAll:function(t){return this._parent.querySelectorAll(t)}};var Bt="http://www.w3.org/1999/xhtml",kt={svg:"http://www.w3.org/2000/svg",xhtml:Bt,xlink:"http://www.w3.org/1999/xlink",xml:"http://www.w3.org/XML/1998/namespace",xmlns:"http://www.w3.org/2000/xmlns/"};function wt(t){var e=t+="",n=e.indexOf(":");return n>=0&&"xmlns"!==(e=t.slice(0,n))&&(t=t.slice(n+1)),kt.hasOwnProperty(e)?{space:kt[e],local:t}:t}function yt(t){return function(){this.removeAttribute(t)}}function Et(t){return function(){this.removeAttributeNS(t.space,t.local)}}function $t(t,e){return function(){this.setAttribute(t,e)}}function Dt(t,e){return function(){this.setAttributeNS(t.space,t.local,e)}}function Ft(t,e){return function(){var n=e.apply(this,arguments);null==n?this.removeAttribute(t):this.setAttribute(t,n)}}function St(t,e){return function(){var n=e.apply(this,arguments);null==n?this.removeAttributeNS(t.space,t.local):this.setAttributeNS(t.space,t.local,n)}}function Mt(t){return t.ownerDocument&&t.ownerDocument.defaultView||t.document&&t||t.defaultView}function It(t){return function(){this.style.removeProperty(t)}}function zt(t,e,n){return function(){this.style.setProperty(t,e,n)}}function Tt(t,e,n){return function(){var r=e.apply(this,arguments);null==r?this.style.removeProperty(t):this.style.setProperty(t,r,n)}}function Nt(t,e){return t.style.getPropertyValue(e)||Mt(t).getComputedStyle(t,null).getPropertyValue(e)}function jt(t){return function(){delete this[t]}}function Lt(t,e){return function(){this[t]=e}}function Ot(t,e){return function(){var n=e.apply(this,arguments);null==n?delete this[t]:this[t]=n}}function Rt(t){return t.trim().split(/^|\s+/)}function Ut(t){return t.classList||new Pt(t)}function Pt(t){this._node=t,this._names=Rt(t.getAttribute("class")||"")}function Gt(t,e){for(var n=Ut(t),r=-1,i=e.length;++r<i;)n.add(e[r])}function qt(t,e){for(var n=Ut(t),r=-1,i=e.length;++r<i;)n.remove(e[r])}function Wt(t){return function(){Gt(this,t)}}function Ht(t){return function(){qt(this,t)}}function Yt(t,e){return function(){(e.apply(this,arguments)?Gt:qt)(this,t)}}function Jt(){this.textContent=""}function Qt(t){return function(){this.textContent=t}}function Xt(t){return function(){var e=t.apply(this,arguments);this.textContent=null==e?"":e}}function Kt(){this.innerHTML=""}function Vt(t){return function(){this.innerHTML=t}}function Zt(t){return function(){var e=t.apply(this,arguments);this.innerHTML=null==e?"":e}}function te(){this.nextSibling&&this.parentNode.appendChild(this)}function ee(){this.previousSibling&&this.parentNode.insertBefore(this,this.parentNode.firstChild)}function ne(t){return function(){var e=this.ownerDocument,n=this.namespaceURI;return n===Bt&&e.documentElement.namespaceURI===Bt?e.createElement(t):e.createElementNS(n,t)}}function re(t){return function(){return this.ownerDocument.createElementNS(t.space,t.local)}}function ie(t){var e=wt(t);return(e.local?re:ne)(e)}function oe(){return null}function ae(){var t=this.parentNode;t&&t.removeChild(this)}function le(){var t=this.cloneNode(!1),e=this.parentNode;return e?e.insertBefore(t,this.nextSibling):t}function he(){var t=this.cloneNode(!0),e=this.parentNode;return e?e.insertBefore(t,this.nextSibling):t}Pt.prototype={add:function(t){this._names.indexOf(t)<0&&(this._names.push(t),this._node.setAttribute("class",this._names.join(" ")))},remove:function(t){var e=this._names.indexOf(t);e>=0&&(this._names.splice(e,1),this._node.setAttribute("class",this._names.join(" ")))},contains:function(t){return this._names.indexOf(t)>=0}};var se={},Ae=null;function de(t,e,n){return t=ce(t,e,n),function(e){var n=e.relatedTarget;n&&(n===this||8&n.compareDocumentPosition(this))||t.call(this,e)}}function ce(t,e,n){return function(r){var i=Ae;Ae=r;try{t.call(this,this.__data__,e,n)}finally{Ae=i}}}function ue(t){return t.trim().split(/^|\s+/).map((function(t){var e="",n=t.indexOf(".");return n>=0&&(e=t.slice(n+1),t=t.slice(0,n)),{type:t,name:e}}))}function pe(t){return function(){var e=this.__on;if(e){for(var n,r=0,i=-1,o=e.length;r<o;++r)n=e[r],t.type&&n.type!==t.type||n.name!==t.name?e[++i]=n:this.removeEventListener(n.type,n.listener,n.capture);++i?e.length=i:delete this.__on}}}function me(t,e,n){var r=se.hasOwnProperty(t.type)?de:ce;return function(i,o,a){var l,h=this.__on,s=r(e,o,a);if(h)for(var A=0,d=h.length;A<d;++A)if((l=h[A]).type===t.type&&l.name===t.name)return this.removeEventListener(l.type,l.listener,l.capture),this.addEventListener(l.type,l.listener=s,l.capture=n),void(l.value=e);this.addEventListener(t.type,s,n),l={type:t.type,name:t.name,value:e,listener:s,capture:n},h?h.push(l):this.__on=[l]}}function fe(t,e,n,r){var i=Ae;t.sourceEvent=Ae,Ae=t;try{return e.apply(n,r)}finally{Ae=i}}function ge(t,e,n){var r=Mt(t),i=r.CustomEvent;"function"==typeof i?i=new i(e,n):(i=r.document.createEvent("Event"),n?(i.initEvent(e,n.bubbles,n.cancelable),i.detail=n.detail):i.initEvent(e,!1,!1)),t.dispatchEvent(i)}function Ce(t,e){return function(){return ge(this,t,e)}}function be(t,e){return function(){return ge(this,t,e.apply(this,arguments))}}"undefined"!=typeof document&&("onmouseenter"in document.documentElement||(se={mouseenter:"mouseover",mouseleave:"mouseout"}));var _e=[null];function ve(t,e){this._groups=t,this._parents=e}function xe(){return new ve([[document.documentElement]],_e)}ve.prototype=xe.prototype={constructor:ve,select:function(t){"function"!=typeof t&&(t=pt(t));for(var e=this._groups,n=e.length,r=new Array(n),i=0;i<n;++i)for(var o,a,l=e[i],h=l.length,s=r[i]=new Array(h),A=0;A<h;++A)(o=l[A])&&(a=t.call(o,o.__data__,A,l))&&("__data__"in o&&(a.__data__=o.__data__),s[A]=a);return new ve(r,this._parents)},selectAll:function(t){"function"!=typeof t&&(t=ft(t));for(var e=this._groups,n=e.length,r=[],i=[],o=0;o<n;++o)for(var a,l=e[o],h=l.length,s=0;s<h;++s)(a=l[s])&&(r.push(t.call(a,a.__data__,s,l)),i.push(a));return new ve(r,i)},filter:function(t){"function"!=typeof t&&(t=gt(t));for(var e=this._groups,n=e.length,r=new Array(n),i=0;i<n;++i)for(var o,a=e[i],l=a.length,h=r[i]=[],s=0;s<l;++s)(o=a[s])&&t.call(o,o.__data__,s,a)&&h.push(o);return new ve(r,this._parents)},data:function(t,e){if(!t)return p=new Array(this.size()),A=-1,this.each((function(t){p[++A]=t})),p;var n,r=e?vt:_t,i=this._parents,o=this._groups;"function"!=typeof t&&(n=t,t=function(){return n});for(var a=o.length,l=new Array(a),h=new Array(a),s=new Array(a),A=0;A<a;++A){var d=i[A],c=o[A],u=c.length,p=t.call(d,d&&d.__data__,A,i),m=p.length,f=h[A]=new Array(m),g=l[A]=new Array(m);r(d,c,f,g,s[A]=new Array(u),p,e);for(var C,b,_=0,v=0;_<m;++_)if(C=f[_]){for(_>=v&&(v=_+1);!(b=g[v])&&++v<m;);C._next=b||null}}return(l=new ve(l,i))._enter=h,l._exit=s,l},enter:function(){return new ve(this._enter||this._groups.map(Ct),this._parents)},exit:function(){return new ve(this._exit||this._groups.map(Ct),this._parents)},join:function(t,e,n){var r=this.enter(),i=this,o=this.exit();return r="function"==typeof t?t(r):r.append(t+""),null!=e&&(i=e(i)),null==n?o.remove():n(o),r&&i?r.merge(i).order():i},merge:function(t){for(var e=this._groups,n=t._groups,r=e.length,i=n.length,o=Math.min(r,i),a=new Array(r),l=0;l<o;++l)for(var h,s=e[l],A=n[l],d=s.length,c=a[l]=new Array(d),u=0;u<d;++u)(h=s[u]||A[u])&&(c[u]=h);for(;l<r;++l)a[l]=e[l];return new ve(a,this._parents)},order:function(){for(var t=this._groups,e=-1,n=t.length;++e<n;)for(var r,i=t[e],o=i.length-1,a=i[o];--o>=0;)(r=i[o])&&(a&&4^r.compareDocumentPosition(a)&&a.parentNode.insertBefore(r,a),a=r);return this},sort:function(t){function e(e,n){return e&&n?t(e.__data__,n.__data__):!e-!n}t||(t=xt);for(var n=this._groups,r=n.length,i=new Array(r),o=0;o<r;++o){for(var a,l=n[o],h=l.length,s=i[o]=new Array(h),A=0;A<h;++A)(a=l[A])&&(s[A]=a);s.sort(e)}return new ve(i,this._parents).order()},call:function(){var t=arguments[0];return arguments[0]=this,t.apply(null,arguments),this},nodes:function(){var t=new Array(this.size()),e=-1;return this.each((function(){t[++e]=this})),t},node:function(){for(var t=this._groups,e=0,n=t.length;e<n;++e)for(var r=t[e],i=0,o=r.length;i<o;++i){var a=r[i];if(a)return a}return null},size:function(){var t=0;return this.each((function(){++t})),t},empty:function(){return!this.node()},each:function(t){for(var e=this._groups,n=0,r=e.length;n<r;++n)for(var i,o=e[n],a=0,l=o.length;a<l;++a)(i=o[a])&&t.call(i,i.__data__,a,o);return this},attr:function(t,e){var n=wt(t);if(arguments.length<2){var r=this.node();return n.local?r.getAttributeNS(n.space,n.local):r.getAttribute(n)}return this.each((null==e?n.local?Et:yt:"function"==typeof e?n.local?St:Ft:n.local?Dt:$t)(n,e))},style:function(t,e,n){return arguments.length>1?this.each((null==e?It:"function"==typeof e?Tt:zt)(t,e,null==n?"":n)):Nt(this.node(),t)},property:function(t,e){return arguments.length>1?this.each((null==e?jt:"function"==typeof e?Ot:Lt)(t,e)):this.node()[t]},classed:function(t,e){var n=Rt(t+"");if(arguments.length<2){for(var r=Ut(this.node()),i=-1,o=n.length;++i<o;)if(!r.contains(n[i]))return!1;return!0}return this.each(("function"==typeof e?Yt:e?Wt:Ht)(n,e))},text:function(t){return arguments.length?this.each(null==t?Jt:("function"==typeof t?Xt:Qt)(t)):this.node().textContent},html:function(t){return arguments.length?this.each(null==t?Kt:("function"==typeof t?Zt:Vt)(t)):this.node().innerHTML},raise:function(){return this.each(te)},lower:function(){return this.each(ee)},append:function(t){var e="function"==typeof t?t:ie(t);return this.select((function(){return this.appendChild(e.apply(this,arguments))}))},insert:function(t,e){var n="function"==typeof t?t:ie(t),r=null==e?oe:"function"==typeof e?e:pt(e);return this.select((function(){return this.insertBefore(n.apply(this,arguments),r.apply(this,arguments)||null)}))},remove:function(){return this.each(ae)},clone:function(t){return this.select(t?he:le)},datum:function(t){return arguments.length?this.property("__data__",t):this.node().__data__},on:function(t,e,n){var r,i,o=ue(t+""),a=o.length;if(!(arguments.length<2)){for(l=e?me:pe,null==n&&(n=!1),r=0;r<a;++r)this.each(l(o[r],e,n));return this}var l=this.node().__on;if(l)for(var h,s=0,A=l.length;s<A;++s)for(r=0,h=l[s];r<a;++r)if((i=o[r]).type===h.type&&i.name===h.name)return h.value},dispatch:function(t,e){return this.each(("function"==typeof e?be:Ce)(t,e))}};var Be=xe;function ke(t){return"string"==typeof t?new ve([[document.querySelector(t)]],[document.documentElement]):new ve([[t]],_e)}function we(){Ae.stopImmediatePropagation()}function ye(){Ae.preventDefault(),Ae.stopImmediatePropagation()}function Ee(t){var e=t.document.documentElement,n=ke(t).on("dragstart.drag",ye,!0);"onselectstart"in e?n.on("selectstart.drag",ye,!0):(e.__noselect=e.style.MozUserSelect,e.style.MozUserSelect="none")}function $e(t,e){var n=t.document.documentElement,r=ke(t).on("dragstart.drag",null);e&&(r.on("click.drag",ye,!0),setTimeout((function(){r.on("click.drag",null)}),0)),"onselectstart"in n?r.on("selectstart.drag",null):(n.style.MozUserSelect=n.__noselect,delete n.__noselect)}function De(t,e,n){t.prototype=e.prototype=n,n.constructor=t}function Fe(t,e){var n=Object.create(t.prototype);for(var r in e)n[r]=e[r];return n}function Se(){}var Me=.7,Ie=1/Me,ze="\\s*([+-]?\\d+)\\s*",Te="\\s*([+-]?\\d*\\.?\\d+(?:[eE][+-]?\\d+)?)\\s*",Ne="\\s*([+-]?\\d*\\.?\\d+(?:[eE][+-]?\\d+)?)%\\s*",je=/^#([0-9a-f]{3,8})$/,Le=new RegExp("^rgb\\("+[ze,ze,ze]+"\\)$"),Oe=new RegExp("^rgb\\("+[Ne,Ne,Ne]+"\\)$"),Re=new RegExp("^rgba\\("+[ze,ze,ze,Te]+"\\)$"),Ue=new RegExp("^rgba\\("+[Ne,Ne,Ne,Te]+"\\)$"),Pe=new RegExp("^hsl\\("+[Te,Ne,Ne]+"\\)$"),Ge=new RegExp("^hsla\\("+[Te,Ne,Ne,Te]+"\\)$"),qe={aliceblue:15792383,antiquewhite:16444375,aqua:65535,aquamarine:8388564,azure:15794175,beige:16119260,bisque:16770244,black:0,blanchedalmond:16772045,blue:255,blueviolet:9055202,brown:10824234,burlywood:14596231,cadetblue:6266528,chartreuse:8388352,chocolate:13789470,coral:16744272,cornflowerblue:6591981,cornsilk:16775388,crimson:14423100,cyan:65535,darkblue:139,darkcyan:35723,darkgoldenrod:12092939,darkgray:11119017,darkgreen:25600,darkgrey:11119017,darkkhaki:12433259,darkmagenta:9109643,darkolivegreen:5597999,darkorange:16747520,darkorchid:10040012,darkred:9109504,darksalmon:15308410,darkseagreen:9419919,darkslateblue:4734347,darkslategray:3100495,darkslategrey:3100495,darkturquoise:52945,darkviolet:9699539,deeppink:16716947,deepskyblue:49151,dimgray:6908265,dimgrey:6908265,dodgerblue:2003199,firebrick:11674146,floralwhite:16775920,forestgreen:2263842,fuchsia:16711935,gainsboro:14474460,ghostwhite:16316671,gold:16766720,goldenrod:14329120,gray:8421504,green:32768,greenyellow:11403055,grey:8421504,honeydew:15794160,hotpink:16738740,indianred:13458524,indigo:4915330,ivory:16777200,khaki:15787660,lavender:15132410,lavenderblush:16773365,lawngreen:8190976,lemonchiffon:16775885,lightblue:11393254,lightcoral:15761536,lightcyan:14745599,lightgoldenrodyellow:16448210,lightgray:13882323,lightgreen:9498256,lightgrey:13882323,lightpink:16758465,lightsalmon:16752762,lightseagreen:2142890,lightskyblue:8900346,lightslategray:7833753,lightslategrey:7833753,lightsteelblue:11584734,lightyellow:16777184,lime:65280,limegreen:3329330,linen:16445670,magenta:16711935,maroon:8388608,mediumaquamarine:6737322,mediumblue:205,mediumorchid:12211667,mediumpurple:9662683,mediumseagreen:3978097,mediumslateblue:8087790,mediumspringgreen:64154,mediumturquoise:4772300,mediumvioletred:13047173,midnightblue:1644912,mintcream:16121850,mistyrose:16770273,moccasin:16770229,navajowhite:16768685,navy:128,oldlace:16643558,olive:8421376,olivedrab:7048739,orange:16753920,orangered:16729344,orchid:14315734,palegoldenrod:15657130,palegreen:10025880,paleturquoise:11529966,palevioletred:14381203,papayawhip:16773077,peachpuff:16767673,peru:13468991,pink:16761035,plum:14524637,powderblue:11591910,purple:8388736,rebeccapurple:6697881,red:16711680,rosybrown:12357519,royalblue:4286945,saddlebrown:9127187,salmon:16416882,sandybrown:16032864,seagreen:3050327,seashell:16774638,sienna:10506797,silver:12632256,skyblue:8900331,slateblue:6970061,slategray:7372944,slategrey:7372944,snow:16775930,springgreen:65407,steelblue:4620980,tan:13808780,teal:32896,thistle:14204888,tomato:16737095,turquoise:4251856,violet:15631086,wheat:16113331,white:16777215,whitesmoke:16119285,yellow:16776960,yellowgreen:10145074};function We(){return this.rgb().formatHex()}function He(){return this.rgb().formatRgb()}function Ye(t){var e,n;return t=(t+"").trim().toLowerCase(),(e=je.exec(t))?(n=e[1].length,e=parseInt(e[1],16),6===n?Je(e):3===n?new Ve(e>>8&15|e>>4&240,e>>4&15|240&e,(15&e)<<4|15&e,1):8===n?Qe(e>>24&255,e>>16&255,e>>8&255,(255&e)/255):4===n?Qe(e>>12&15|e>>8&240,e>>8&15|e>>4&240,e>>4&15|240&e,((15&e)<<4|15&e)/255):null):(e=Le.exec(t))?new Ve(e[1],e[2],e[3],1):(e=Oe.exec(t))?new Ve(255*e[1]/100,255*e[2]/100,255*e[3]/100,1):(e=Re.exec(t))?Qe(e[1],e[2],e[3],e[4]):(e=Ue.exec(t))?Qe(255*e[1]/100,255*e[2]/100,255*e[3]/100,e[4]):(e=Pe.exec(t))?nn(e[1],e[2]/100,e[3]/100,1):(e=Ge.exec(t))?nn(e[1],e[2]/100,e[3]/100,e[4]):qe.hasOwnProperty(t)?Je(qe[t]):"transparent"===t?new Ve(NaN,NaN,NaN,0):null}function Je(t){return new Ve(t>>16&255,t>>8&255,255&t,1)}function Qe(t,e,n,r){return r<=0&&(t=e=n=NaN),new Ve(t,e,n,r)}function Xe(t){return t instanceof Se||(t=Ye(t)),t?new Ve((t=t.rgb()).r,t.g,t.b,t.opacity):new Ve}function Ke(t,e,n,r){return 1===arguments.length?Xe(t):new Ve(t,e,n,null==r?1:r)}function Ve(t,e,n,r){this.r=+t,this.g=+e,this.b=+n,this.opacity=+r}function Ze(){return"#"+en(this.r)+en(this.g)+en(this.b)}function tn(){var t=this.opacity;return(1===(t=isNaN(t)?1:Math.max(0,Math.min(1,t)))?"rgb(":"rgba(")+Math.max(0,Math.min(255,Math.round(this.r)||0))+", "+Math.max(0,Math.min(255,Math.round(this.g)||0))+", "+Math.max(0,Math.min(255,Math.round(this.b)||0))+(1===t?")":", "+t+")")}function en(t){return((t=Math.max(0,Math.min(255,Math.round(t)||0)))<16?"0":"")+t.toString(16)}function nn(t,e,n,r){return r<=0?t=e=n=NaN:n<=0||n>=1?t=e=NaN:e<=0&&(t=NaN),new an(t,e,n,r)}function rn(t){if(t instanceof an)return new an(t.h,t.s,t.l,t.opacity);if(t instanceof Se||(t=Ye(t)),!t)return new an;if(t instanceof an)return t;var e=(t=t.rgb()).r/255,n=t.g/255,r=t.b/255,i=Math.min(e,n,r),o=Math.max(e,n,r),a=NaN,l=o-i,h=(o+i)/2;return l?(a=e===o?(n-r)/l+6*(n<r):n===o?(r-e)/l+2:(e-n)/l+4,l/=h<.5?o+i:2-o-i,a*=60):l=h>0&&h<1?0:a,new an(a,l,h,t.opacity)}function on(t,e,n,r){return 1===arguments.length?rn(t):new an(t,e,n,null==r?1:r)}function an(t,e,n,r){this.h=+t,this.s=+e,this.l=+n,this.opacity=+r}function ln(t,e,n){return 255*(t<60?e+(n-e)*t/60:t<180?n:t<240?e+(n-e)*(240-t)/60:e)}function hn(t,e,n,r,i){var o=t*t,a=o*t;return((1-3*t+3*o-a)*e+(4-6*o+3*a)*n+(1+3*t+3*o-3*a)*r+a*i)/6}function sn(t){var e=t.length-1;return function(n){var r=n<=0?n=0:n>=1?(n=1,e-1):Math.floor(n*e),i=t[r],o=t[r+1],a=r>0?t[r-1]:2*i-o,l=r<e-1?t[r+2]:2*o-i;return hn((n-r/e)*e,a,i,o,l)}}function An(t){var e=t.length;return function(n){var r=Math.floor(((n%=1)<0?++n:n)*e),i=t[(r+e-1)%e],o=t[r%e],a=t[(r+1)%e],l=t[(r+2)%e];return hn((n-r/e)*e,i,o,a,l)}}function dn(t){return function(){return t}}function cn(t,e){return function(n){return t+n*e}}function un(t,e){var n=e-t;return n?cn(t,n>180||n<-180?n-360*Math.round(n/360):n):dn(isNaN(t)?e:t)}function pn(t,e){var n=e-t;return n?cn(t,n):dn(isNaN(t)?e:t)}De(Se,Ye,{copy:function(t){return Object.assign(new this.constructor,this,t)},displayable:function(){return this.rgb().displayable()},hex:We,formatHex:We,formatHsl:function(){return rn(this).formatHsl()},formatRgb:He,toString:He}),De(Ve,Ke,Fe(Se,{brighter:function(t){return t=null==t?Ie:Math.pow(Ie,t),new Ve(this.r*t,this.g*t,this.b*t,this.opacity)},darker:function(t){return t=null==t?Me:Math.pow(Me,t),new Ve(this.r*t,this.g*t,this.b*t,this.opacity)},rgb:function(){return this},displayable:function(){return-.5<=this.r&&this.r<255.5&&-.5<=this.g&&this.g<255.5&&-.5<=this.b&&this.b<255.5&&0<=this.opacity&&this.opacity<=1},hex:Ze,formatHex:Ze,formatRgb:tn,toString:tn})),De(an,on,Fe(Se,{brighter:function(t){return t=null==t?Ie:Math.pow(Ie,t),new an(this.h,this.s,this.l*t,this.opacity)},darker:function(t){return t=null==t?Me:Math.pow(Me,t),new an(this.h,this.s,this.l*t,this.opacity)},rgb:function(){var t=this.h%360+360*(this.h<0),e=isNaN(t)||isNaN(this.s)?0:this.s,n=this.l,r=n+(n<.5?n:1-n)*e,i=2*n-r;return new Ve(ln(t>=240?t-240:t+120,i,r),ln(t,i,r),ln(t<120?t+240:t-120,i,r),this.opacity)},displayable:function(){return(0<=this.s&&this.s<=1||isNaN(this.s))&&0<=this.l&&this.l<=1&&0<=this.opacity&&this.opacity<=1},formatHsl:function(){var t=this.opacity;return(1===(t=isNaN(t)?1:Math.max(0,Math.min(1,t)))?"hsl(":"hsla(")+(this.h||0)+", "+100*(this.s||0)+"%, "+100*(this.l||0)+"%"+(1===t?")":", "+t+")")}}));var mn=function t(e){var n=function(t){return 1==(t=+t)?pn:function(e,n){return n-e?function(t,e,n){return t=Math.pow(t,n),e=Math.pow(e,n)-t,n=1/n,function(r){return Math.pow(t+r*e,n)}}(e,n,t):dn(isNaN(e)?n:e)}}(e);function r(t,e){var r=n((t=Ke(t)).r,(e=Ke(e)).r),i=n(t.g,e.g),o=n(t.b,e.b),a=pn(t.opacity,e.opacity);return function(e){return t.r=r(e),t.g=i(e),t.b=o(e),t.opacity=a(e),t+""}}return r.gamma=t,r}(1);function fn(t){return function(e){var n,r,i=e.length,o=new Array(i),a=new Array(i),l=new Array(i);for(n=0;n<i;++n)r=Ke(e[n]),o[n]=r.r||0,a[n]=r.g||0,l[n]=r.b||0;return o=t(o),a=t(a),l=t(l),r.opacity=1,function(t){return r.r=o(t),r.g=a(t),r.b=l(t),r+""}}}var gn=fn(sn),Cn=fn(An);function bn(t,e){e||(e=[]);var n,r=t?Math.min(e.length,t.length):0,i=e.slice();return function(o){for(n=0;n<r;++n)i[n]=t[n]*(1-o)+e[n]*o;return i}}function _n(t){return ArrayBuffer.isView(t)&&!(t instanceof DataView)}function vn(t,e){return(_n(e)?bn:xn)(t,e)}function xn(t,e){var n,r=e?e.length:0,i=t?Math.min(r,t.length):0,o=new Array(i),a=new Array(r);for(n=0;n<i;++n)o[n]=Dn(t[n],e[n]);for(;n<r;++n)a[n]=e[n];return function(t){for(n=0;n<i;++n)a[n]=o[n](t);return a}}function Bn(t,e){var n=new Date;return t=+t,e=+e,function(r){return n.setTime(t*(1-r)+e*r),n}}function kn(t,e){return t=+t,e=+e,function(n){return t*(1-n)+e*n}}function wn(t,e){var n,r={},i={};for(n in null!==t&&"object"==typeof t||(t={}),null!==e&&"object"==typeof e||(e={}),e)n in t?r[n]=Dn(t[n],e[n]):i[n]=e[n];return function(t){for(n in r)i[n]=r[n](t);return i}}var yn=/[-+]?(?:\d+\.?\d*|\.?\d+)(?:[eE][-+]?\d+)?/g,En=new RegExp(yn.source,"g");function $n(t,e){var n,r,i,o=yn.lastIndex=En.lastIndex=0,a=-1,l=[],h=[];for(t+="",e+="";(n=yn.exec(t))&&(r=En.exec(e));)(i=r.index)>o&&(i=e.slice(o,i),l[a]?l[a]+=i:l[++a]=i),(n=n[0])===(r=r[0])?l[a]?l[a]+=r:l[++a]=r:(l[++a]=null,h.push({i:a,x:kn(n,r)})),o=En.lastIndex;return o<e.length&&(i=e.slice(o),l[a]?l[a]+=i:l[++a]=i),l.length<2?h[0]?function(t){return function(e){return t(e)+""}}(h[0].x):function(t){return function(){return t}}(e):(e=h.length,function(t){for(var n,r=0;r<e;++r)l[(n=h[r]).i]=n.x(t);return l.join("")})}function Dn(t,e){var n,r=typeof e;return null==e||"boolean"===r?dn(e):("number"===r?kn:"string"===r?(n=Ye(e))?(e=n,mn):$n:e instanceof Ye?mn:e instanceof Date?Bn:_n(e)?bn:Array.isArray(e)?xn:"function"!=typeof e.valueOf&&"function"!=typeof e.toString||isNaN(e)?wn:kn)(t,e)}function Fn(){for(var t,e=Ae;t=e.sourceEvent;)e=t;return e}function Sn(t,e){var n=t.ownerSVGElement||t;if(n.createSVGPoint){var r=n.createSVGPoint();return r.x=e.clientX,r.y=e.clientY,[(r=r.matrixTransform(t.getScreenCTM().inverse())).x,r.y]}var i=t.getBoundingClientRect();return[e.clientX-i.left-t.clientLeft,e.clientY-i.top-t.clientTop]}function Mn(t,e,n){arguments.length<3&&(n=e,e=Fn().changedTouches);for(var r,i=0,o=e?e.length:0;i<o;++i)if((r=e[i]).identifier===n)return Sn(t,r);return null}function In(t){var e=Fn();return e.changedTouches&&(e=e.changedTouches[0]),Sn(t,e)}var zn,Tn,Nn=0,jn=0,Ln=0,On=0,Rn=0,Un=0,Pn="object"==typeof performance&&performance.now?performance:Date,Gn="object"==typeof window&&window.requestAnimationFrame?window.requestAnimationFrame.bind(window):function(t){setTimeout(t,17)};function qn(){return Rn||(Gn(Wn),Rn=Pn.now()+Un)}function Wn(){Rn=0}function Hn(){this._call=this._time=this._next=null}function Yn(t,e,n){var r=new Hn;return r.restart(t,e,n),r}function Jn(){qn(),++Nn;for(var t,e=zn;e;)(t=Rn-e._time)>=0&&e._call.call(null,t),e=e._next;--Nn}function Qn(){Rn=(On=Pn.now())+Un,Nn=jn=0;try{Jn()}finally{Nn=0,function(){for(var t,e,n=zn,r=1/0;n;)n._call?(r>n._time&&(r=n._time),t=n,n=n._next):(e=n._next,n._next=null,n=t?t._next=e:zn=e);Tn=t,Kn(r)}(),Rn=0}}function Xn(){var t=Pn.now(),e=t-On;e>1e3&&(Un-=e,On=t)}function Kn(t){Nn||(jn&&(jn=clearTimeout(jn)),t-Rn>24?(t<1/0&&(jn=setTimeout(Qn,t-Pn.now()-Un)),Ln&&(Ln=clearInterval(Ln))):(Ln||(On=Pn.now(),Ln=setInterval(Xn,1e3)),Nn=1,Gn(Qn)))}function Vn(t,e,n){var r=new Hn;return e=null==e?0:+e,r.restart((function(n){r.stop(),t(n+e)}),e,n),r}Hn.prototype=Yn.prototype={constructor:Hn,restart:function(t,e,n){if("function"!=typeof t)throw new TypeError("callback is not a function");n=(null==n?qn():+n)+(null==e?0:+e),this._next||Tn===this||(Tn?Tn._next=this:zn=this,Tn=this),this._call=t,this._time=n,Kn()},stop:function(){this._call&&(this._call=null,this._time=1/0,Kn())}};var Zn=ct("start","end","cancel","interrupt"),tr=[];function er(t,e,n,r,i,o){var a=t.__transition;if(a){if(n in a)return}else t.__transition={};!function(t,e,n){var r,i=t.__transition;function o(h){var s,A,d,c;if(1!==n.state)return l();for(s in i)if((c=i[s]).name===n.name){if(3===c.state)return Vn(o);4===c.state?(c.state=6,c.timer.stop(),c.on.call("interrupt",t,t.__data__,c.index,c.group),delete i[s]):+s<e&&(c.state=6,c.timer.stop(),c.on.call("cancel",t,t.__data__,c.index,c.group),delete i[s])}if(Vn((function(){3===n.state&&(n.state=4,n.timer.restart(a,n.delay,n.time),a(h))})),n.state=2,n.on.call("start",t,t.__data__,n.index,n.group),2===n.state){for(n.state=3,r=new Array(d=n.tween.length),s=0,A=-1;s<d;++s)(c=n.tween[s].value.call(t,t.__data__,n.index,n.group))&&(r[++A]=c);r.length=A+1}}function a(e){for(var i=e<n.duration?n.ease.call(null,e/n.duration):(n.timer.restart(l),n.state=5,1),o=-1,a=r.length;++o<a;)r[o].call(t,i);5===n.state&&(n.on.call("end",t,t.__data__,n.index,n.group),l())}function l(){for(var r in n.state=6,n.timer.stop(),delete i[e],i)return;delete t.__transition}i[e]=n,n.timer=Yn((function(t){n.state=1,n.timer.restart(o,n.delay,n.time),n.delay<=t&&o(t-n.delay)}),0,n.time)}(t,n,{name:e,index:r,group:i,on:Zn,tween:tr,time:o.time,delay:o.delay,duration:o.duration,ease:o.ease,timer:null,state:0})}function nr(t,e){var n=ir(t,e);if(n.state>0)throw new Error("too late; already scheduled");return n}function rr(t,e){var n=ir(t,e);if(n.state>3)throw new Error("too late; already running");return n}function ir(t,e){var n=t.__transition;if(!n||!(n=n[e]))throw new Error("transition not found");return n}function or(t,e){var n,r,i,o=t.__transition,a=!0;if(o){for(i in e=null==e?null:e+"",o)(n=o[i]).name===e?(r=n.state>2&&n.state<5,n.state=6,n.timer.stop(),n.on.call(r?"interrupt":"cancel",t,t.__data__,n.index,n.group),delete o[i]):a=!1;a&&delete t.__transition}}var ar,lr,hr,sr,Ar=180/Math.PI,dr={translateX:0,translateY:0,rotate:0,skewX:0,scaleX:1,scaleY:1};function cr(t,e,n,r,i,o){var a,l,h;return(a=Math.sqrt(t*t+e*e))&&(t/=a,e/=a),(h=t*n+e*r)&&(n-=t*h,r-=e*h),(l=Math.sqrt(n*n+r*r))&&(n/=l,r/=l,h/=l),t*r<e*n&&(t=-t,e=-e,h=-h,a=-a),{translateX:i,translateY:o,rotate:Math.atan2(e,t)*Ar,skewX:Math.atan(h)*Ar,scaleX:a,scaleY:l}}function ur(t,e,n,r){function i(t){return t.length?t.pop()+" ":""}return function(o,a){var l=[],h=[];return o=t(o),a=t(a),function(t,r,i,o,a,l){if(t!==i||r!==o){var h=a.push("translate(",null,e,null,n);l.push({i:h-4,x:kn(t,i)},{i:h-2,x:kn(r,o)})}else(i||o)&&a.push("translate("+i+e+o+n)}(o.translateX,o.translateY,a.translateX,a.translateY,l,h),function(t,e,n,o){t!==e?(t-e>180?e+=360:e-t>180&&(t+=360),o.push({i:n.push(i(n)+"rotate(",null,r)-2,x:kn(t,e)})):e&&n.push(i(n)+"rotate("+e+r)}(o.rotate,a.rotate,l,h),function(t,e,n,o){t!==e?o.push({i:n.push(i(n)+"skewX(",null,r)-2,x:kn(t,e)}):e&&n.push(i(n)+"skewX("+e+r)}(o.skewX,a.skewX,l,h),function(t,e,n,r,o,a){if(t!==n||e!==r){var l=o.push(i(o)+"scale(",null,",",null,")");a.push({i:l-4,x:kn(t,n)},{i:l-2,x:kn(e,r)})}else 1===n&&1===r||o.push(i(o)+"scale("+n+","+r+")")}(o.scaleX,o.scaleY,a.scaleX,a.scaleY,l,h),o=a=null,function(t){for(var e,n=-1,r=h.length;++n<r;)l[(e=h[n]).i]=e.x(t);return l.join("")}}}var pr=ur((function(t){return"none"===t?dr:(ar||(ar=document.createElement("DIV"),lr=document.documentElement,hr=document.defaultView),ar.style.transform=t,t=hr.getComputedStyle(lr.appendChild(ar),null).getPropertyValue("transform"),lr.removeChild(ar),cr(+(t=t.slice(7,-1).split(","))[0],+t[1],+t[2],+t[3],+t[4],+t[5]))}),"px, ","px)","deg)"),mr=ur((function(t){return null==t?dr:(sr||(sr=document.createElementNS("http://www.w3.org/2000/svg","g")),sr.setAttribute("transform",t),(t=sr.transform.baseVal.consolidate())?cr((t=t.matrix).a,t.b,t.c,t.d,t.e,t.f):dr)}),", ",")",")");function fr(t,e){var n,r;return function(){var i=rr(this,t),o=i.tween;if(o!==n)for(var a=0,l=(r=n=o).length;a<l;++a)if(r[a].name===e){(r=r.slice()).splice(a,1);break}i.tween=r}}function gr(t,e,n){var r,i;if("function"!=typeof n)throw new Error;return function(){var o=rr(this,t),a=o.tween;if(a!==r){i=(r=a).slice();for(var l={name:e,value:n},h=0,s=i.length;h<s;++h)if(i[h].name===e){i[h]=l;break}h===s&&i.push(l)}o.tween=i}}function Cr(t,e,n){var r=t._id;return t.each((function(){var t=rr(this,r);(t.value||(t.value={}))[e]=n.apply(this,arguments)})),function(t){return ir(t,r).value[e]}}function br(t,e){var n;return("number"==typeof e?kn:e instanceof Ye?mn:(n=Ye(e))?(e=n,mn):$n)(t,e)}function _r(t){return function(){this.removeAttribute(t)}}function vr(t){return function(){this.removeAttributeNS(t.space,t.local)}}function xr(t,e,n){var r,i,o=n+"";return function(){var a=this.getAttribute(t);return a===o?null:a===r?i:i=e(r=a,n)}}function Br(t,e,n){var r,i,o=n+"";return function(){var a=this.getAttributeNS(t.space,t.local);return a===o?null:a===r?i:i=e(r=a,n)}}function kr(t,e,n){var r,i,o;return function(){var a,l,h=n(this);if(null!=h)return(a=this.getAttribute(t))===(l=h+"")?null:a===r&&l===i?o:(i=l,o=e(r=a,h));this.removeAttribute(t)}}function wr(t,e,n){var r,i,o;return function(){var a,l,h=n(this);if(null!=h)return(a=this.getAttributeNS(t.space,t.local))===(l=h+"")?null:a===r&&l===i?o:(i=l,o=e(r=a,h));this.removeAttributeNS(t.space,t.local)}}function yr(t,e){return function(n){this.setAttribute(t,e.call(this,n))}}function Er(t,e){return function(n){this.setAttributeNS(t.space,t.local,e.call(this,n))}}function $r(t,e){var n,r;function i(){var i=e.apply(this,arguments);return i!==r&&(n=(r=i)&&Er(t,i)),n}return i._value=e,i}function Dr(t,e){var n,r;function i(){var i=e.apply(this,arguments);return i!==r&&(n=(r=i)&&yr(t,i)),n}return i._value=e,i}function Fr(t,e){return function(){nr(this,t).delay=+e.apply(this,arguments)}}function Sr(t,e){return e=+e,function(){nr(this,t).delay=e}}function Mr(t,e){return function(){rr(this,t).duration=+e.apply(this,arguments)}}function Ir(t,e){return e=+e,function(){rr(this,t).duration=e}}function zr(t,e){if("function"!=typeof e)throw new Error;return function(){rr(this,t).ease=e}}function Tr(t,e,n){var r,i,o=function(t){return(t+"").trim().split(/^|\s+/).every((function(t){var e=t.indexOf(".");return e>=0&&(t=t.slice(0,e)),!t||"start"===t}))}(e)?nr:rr;return function(){var a=o(this,t),l=a.on;l!==r&&(i=(r=l).copy()).on(e,n),a.on=i}}var Nr=Be.prototype.constructor;function jr(t){return function(){this.style.removeProperty(t)}}function Lr(t,e,n){return function(r){this.style.setProperty(t,e.call(this,r),n)}}function Or(t,e,n){var r,i;function o(){var o=e.apply(this,arguments);return o!==i&&(r=(i=o)&&Lr(t,o,n)),r}return o._value=e,o}function Rr(t){return function(e){this.textContent=t.call(this,e)}}function Ur(t){var e,n;function r(){var r=t.apply(this,arguments);return r!==n&&(e=(n=r)&&Rr(r)),e}return r._value=t,r}var Pr=0;function Gr(t,e,n,r){this._groups=t,this._parents=e,this._name=n,this._id=r}function qr(t){return Be().transition(t)}function Wr(){return++Pr}var Hr=Be.prototype;function Yr(t){return t*t*t}function Jr(t){return--t*t*t+1}function Qr(t){return((t*=2)<=1?t*t*t:(t-=2)*t*t+2)/2}Gr.prototype=qr.prototype={constructor:Gr,select:function(t){var e=this._name,n=this._id;"function"!=typeof t&&(t=pt(t));for(var r=this._groups,i=r.length,o=new Array(i),a=0;a<i;++a)for(var l,h,s=r[a],A=s.length,d=o[a]=new Array(A),c=0;c<A;++c)(l=s[c])&&(h=t.call(l,l.__data__,c,s))&&("__data__"in l&&(h.__data__=l.__data__),d[c]=h,er(d[c],e,n,c,d,ir(l,n)));return new Gr(o,this._parents,e,n)},selectAll:function(t){var e=this._name,n=this._id;"function"!=typeof t&&(t=ft(t));for(var r=this._groups,i=r.length,o=[],a=[],l=0;l<i;++l)for(var h,s=r[l],A=s.length,d=0;d<A;++d)if(h=s[d]){for(var c,u=t.call(h,h.__data__,d,s),p=ir(h,n),m=0,f=u.length;m<f;++m)(c=u[m])&&er(c,e,n,m,u,p);o.push(u),a.push(h)}return new Gr(o,a,e,n)},filter:function(t){"function"!=typeof t&&(t=gt(t));for(var e=this._groups,n=e.length,r=new Array(n),i=0;i<n;++i)for(var o,a=e[i],l=a.length,h=r[i]=[],s=0;s<l;++s)(o=a[s])&&t.call(o,o.__data__,s,a)&&h.push(o);return new Gr(r,this._parents,this._name,this._id)},merge:function(t){if(t._id!==this._id)throw new Error;for(var e=this._groups,n=t._groups,r=e.length,i=n.length,o=Math.min(r,i),a=new Array(r),l=0;l<o;++l)for(var h,s=e[l],A=n[l],d=s.length,c=a[l]=new Array(d),u=0;u<d;++u)(h=s[u]||A[u])&&(c[u]=h);for(;l<r;++l)a[l]=e[l];return new Gr(a,this._parents,this._name,this._id)},selection:function(){return new Nr(this._groups,this._parents)},transition:function(){for(var t=this._name,e=this._id,n=Wr(),r=this._groups,i=r.length,o=0;o<i;++o)for(var a,l=r[o],h=l.length,s=0;s<h;++s)if(a=l[s]){var A=ir(a,e);er(a,t,n,s,l,{time:A.time+A.delay+A.duration,delay:0,duration:A.duration,ease:A.ease})}return new Gr(r,this._parents,t,n)},call:Hr.call,nodes:Hr.nodes,node:Hr.node,size:Hr.size,empty:Hr.empty,each:Hr.each,on:function(t,e){var n=this._id;return arguments.length<2?ir(this.node(),n).on.on(t):this.each(Tr(n,t,e))},attr:function(t,e){var n=wt(t),r="transform"===n?mr:br;return this.attrTween(t,"function"==typeof e?(n.local?wr:kr)(n,r,Cr(this,"attr."+t,e)):null==e?(n.local?vr:_r)(n):(n.local?Br:xr)(n,r,e))},attrTween:function(t,e){var n="attr."+t;if(arguments.length<2)return(n=this.tween(n))&&n._value;if(null==e)return this.tween(n,null);if("function"!=typeof e)throw new Error;var r=wt(t);return this.tween(n,(r.local?$r:Dr)(r,e))},style:function(t,e,n){var r="transform"==(t+="")?pr:br;return null==e?this.styleTween(t,function(t,e){var n,r,i;return function(){var o=Nt(this,t),a=(this.style.removeProperty(t),Nt(this,t));return o===a?null:o===n&&a===r?i:i=e(n=o,r=a)}}(t,r)).on("end.style."+t,jr(t)):"function"==typeof e?this.styleTween(t,function(t,e,n){var r,i,o;return function(){var a=Nt(this,t),l=n(this),h=l+"";return null==l&&(this.style.removeProperty(t),h=l=Nt(this,t)),a===h?null:a===r&&h===i?o:(i=h,o=e(r=a,l))}}(t,r,Cr(this,"style."+t,e))).each(function(t,e){var n,r,i,o,a="style."+e,l="end."+a;return function(){var h=rr(this,t),s=h.on,A=null==h.value[a]?o||(o=jr(e)):void 0;s===n&&i===A||(r=(n=s).copy()).on(l,i=A),h.on=r}}(this._id,t)):this.styleTween(t,function(t,e,n){var r,i,o=n+"";return function(){var a=Nt(this,t);return a===o?null:a===r?i:i=e(r=a,n)}}(t,r,e),n).on("end.style."+t,null)},styleTween:function(t,e,n){var r="style."+(t+="");if(arguments.length<2)return(r=this.tween(r))&&r._value;if(null==e)return this.tween(r,null);if("function"!=typeof e)throw new Error;return this.tween(r,Or(t,e,null==n?"":n))},text:function(t){return this.tween("text","function"==typeof t?function(t){return function(){var e=t(this);this.textContent=null==e?"":e}}(Cr(this,"text",t)):function(t){return function(){this.textContent=t}}(null==t?"":t+""))},textTween:function(t){var e="text";if(arguments.length<1)return(e=this.tween(e))&&e._value;if(null==t)return this.tween(e,null);if("function"!=typeof t)throw new Error;return this.tween(e,Ur(t))},remove:function(){return this.on("end.remove",function(t){return function(){var e=this.parentNode;for(var n in this.__transition)if(+n!==t)return;e&&e.removeChild(this)}}(this._id))},tween:function(t,e){var n=this._id;if(t+="",arguments.length<2){for(var r,i=ir(this.node(),n).tween,o=0,a=i.length;o<a;++o)if((r=i[o]).name===t)return r.value;return null}return this.each((null==e?fr:gr)(n,t,e))},delay:function(t){var e=this._id;return arguments.length?this.each(("function"==typeof t?Fr:Sr)(e,t)):ir(this.node(),e).delay},duration:function(t){var e=this._id;return arguments.length?this.each(("function"==typeof t?Mr:Ir)(e,t)):ir(this.node(),e).duration},ease:function(t){var e=this._id;return arguments.length?this.each(zr(e,t)):ir(this.node(),e).ease},end:function(){var t,e,n=this,r=n._id,i=n.size();return new Promise((function(o,a){var l={value:a},h={value:function(){0==--i&&o()}};n.each((function(){var n=rr(this,r),i=n.on;i!==t&&((e=(t=i).copy())._.cancel.push(l),e._.interrupt.push(l),e._.end.push(h)),n.on=e}))}))}};var Xr={time:null,delay:0,duration:250,ease:Qr};function Kr(t,e){for(var n;!(n=t.__transition)||!(n=n[e]);)if(!(t=t.parentNode))return Xr.time=qn(),Xr;return n}Be.prototype.interrupt=function(t){return this.each((function(){or(this,t)}))},Be.prototype.transition=function(t){var e,n;t instanceof Gr?(e=t._id,t=t._name):(e=Wr(),(n=Xr).time=qn(),t=null==t?null:t+"");for(var r=this._groups,i=r.length,o=0;o<i;++o)for(var a,l=r[o],h=l.length,s=0;s<h;++s)(a=l[s])&&er(a,t,e,s,l,n||Kr(a,e));return new Gr(r,this._parents,t,e)};var Vr=[null];function Zr(t,e){var n,r,i=t.__transition;if(i)for(r in e=null==e?null:e+"",i)if((n=i[r]).state>1&&n.name===e)return new Gr([[t]],Vr,e,+r);return null}function ti(t){return function(){return t}}function ei(t,e,n){this.target=t,this.type=e,this.selection=n}function ni(){Ae.stopImmediatePropagation()}function ri(){Ae.preventDefault(),Ae.stopImmediatePropagation()}var ii={name:"drag"},oi={name:"space"},ai={name:"handle"},li={name:"center"};function hi(t){return[+t[0],+t[1]]}function si(t){return[hi(t[0]),hi(t[1])]}function Ai(t){return function(e){return Mn(e,Ae.touches,t)}}var di={name:"x",handles:["w","e"].map(bi),input:function(t,e){return null==t?null:[[+t[0],e[0][1]],[+t[1],e[1][1]]]},output:function(t){return t&&[t[0][0],t[1][0]]}},ci={name:"y",handles:["n","s"].map(bi),input:function(t,e){return null==t?null:[[e[0][0],+t[0]],[e[1][0],+t[1]]]},output:function(t){return t&&[t[0][1],t[1][1]]}},ui={name:"xy",handles:["n","w","e","s","nw","ne","sw","se"].map(bi),input:function(t){return null==t?null:si(t)},output:function(t){return t}},pi={overlay:"crosshair",selection:"move",n:"ns-resize",e:"ew-resize",s:"ns-resize",w:"ew-resize",nw:"nwse-resize",ne:"nesw-resize",se:"nwse-resize",sw:"nesw-resize"},mi={e:"w",w:"e",nw:"ne",ne:"nw",se:"sw",sw:"se"},fi={n:"s",s:"n",nw:"sw",ne:"se",se:"ne",sw:"nw"},gi={overlay:1,selection:1,n:null,e:1,s:null,w:-1,nw:-1,ne:1,se:1,sw:-1},Ci={overlay:1,selection:1,n:-1,e:null,s:1,w:null,nw:-1,ne:-1,se:1,sw:1};function bi(t){return{type:t}}function _i(){return!Ae.ctrlKey&&!Ae.button}function vi(){var t=this.ownerSVGElement||this;return t.hasAttribute("viewBox")?[[(t=t.viewBox.baseVal).x,t.y],[t.x+t.width,t.y+t.height]]:[[0,0],[t.width.baseVal.value,t.height.baseVal.value]]}function xi(){return navigator.maxTouchPoints||"ontouchstart"in this}function Bi(t){for(;!t.__brush;)if(!(t=t.parentNode))return;return t.__brush}function ki(t){return t[0][0]===t[1][0]||t[0][1]===t[1][1]}function wi(t){var e=t.__brush;return e?e.dim.output(e.selection):null}function yi(){return Di(di)}function Ei(){return Di(ci)}function $i(){return Di(ui)}function Di(t){var e,n=vi,r=_i,i=xi,o=!0,a=ct("start","brush","end"),l=6;function h(e){var n=e.property("__brush",m).selectAll(".overlay").data([bi("overlay")]);n.enter().append("rect").attr("class","overlay").attr("pointer-events","all").attr("cursor",pi.overlay).merge(n).each((function(){var t=Bi(this).extent;ke(this).attr("x",t[0][0]).attr("y",t[0][1]).attr("width",t[1][0]-t[0][0]).attr("height",t[1][1]-t[0][1])})),e.selectAll(".selection").data([bi("selection")]).enter().append("rect").attr("class","selection").attr("cursor",pi.selection).attr("fill","#777").attr("fill-opacity",.3).attr("stroke","#fff").attr("shape-rendering","crispEdges");var r=e.selectAll(".handle").data(t.handles,(function(t){return t.type}));r.exit().remove(),r.enter().append("rect").attr("class",(function(t){return"handle handle--"+t.type})).attr("cursor",(function(t){return pi[t.type]})),e.each(s).attr("fill","none").attr("pointer-events","all").on("mousedown.brush",c).filter(i).on("touchstart.brush",c).on("touchmove.brush",u).on("touchend.brush touchcancel.brush",p).style("touch-action","none").style("-webkit-tap-highlight-color","rgba(0,0,0,0)")}function s(){var t=ke(this),e=Bi(this).selection;e?(t.selectAll(".selection").style("display",null).attr("x",e[0][0]).attr("y",e[0][1]).attr("width",e[1][0]-e[0][0]).attr("height",e[1][1]-e[0][1]),t.selectAll(".handle").style("display",null).attr("x",(function(t){return"e"===t.type[t.type.length-1]?e[1][0]-l/2:e[0][0]-l/2})).attr("y",(function(t){return"s"===t.type[0]?e[1][1]-l/2:e[0][1]-l/2})).attr("width",(function(t){return"n"===t.type||"s"===t.type?e[1][0]-e[0][0]+l:l})).attr("height",(function(t){return"e"===t.type||"w"===t.type?e[1][1]-e[0][1]+l:l}))):t.selectAll(".selection,.handle").style("display","none").attr("x",null).attr("y",null).attr("width",null).attr("height",null)}function A(t,e,n){var r=t.__brush.emitter;return!r||n&&r.clean?new d(t,e,n):r}function d(t,e,n){this.that=t,this.args=e,this.state=t.__brush,this.active=0,this.clean=n}function c(){if((!e||Ae.touches)&&r.apply(this,arguments)){var n,i,a,l,h,d,c,u,p,m,f,g=this,C=Ae.target.__data__.type,b="selection"===(o&&Ae.metaKey?C="overlay":C)?ii:o&&Ae.altKey?li:ai,_=t===ci?null:gi[C],v=t===di?null:Ci[C],x=Bi(g),B=x.extent,k=x.selection,w=B[0][0],y=B[0][1],E=B[1][0],$=B[1][1],D=0,F=0,S=_&&v&&o&&Ae.shiftKey,M=Ae.touches?Ai(Ae.changedTouches[0].identifier):In,I=M(g),z=I,T=A(g,arguments,!0).beforestart();"overlay"===C?(k&&(p=!0),x.selection=k=[[n=t===ci?w:I[0],a=t===di?y:I[1]],[h=t===ci?E:n,c=t===di?$:a]]):(n=k[0][0],a=k[0][1],h=k[1][0],c=k[1][1]),i=n,l=a,d=h,u=c;var N=ke(g).attr("pointer-events","none"),j=N.selectAll(".overlay").attr("cursor",pi[C]);if(Ae.touches)T.moved=O,T.ended=U;else{var L=ke(Ae.view).on("mousemove.brush",O,!0).on("mouseup.brush",U,!0);o&&L.on("keydown.brush",P,!0).on("keyup.brush",G,!0),Ee(Ae.view)}ni(),or(g),s.call(g),T.start()}function O(){var t=M(g);!S||m||f||(Math.abs(t[0]-z[0])>Math.abs(t[1]-z[1])?f=!0:m=!0),z=t,p=!0,ri(),R()}function R(){var t;switch(D=z[0]-I[0],F=z[1]-I[1],b){case oi:case ii:_&&(D=Math.max(w-n,Math.min(E-h,D)),i=n+D,d=h+D),v&&(F=Math.max(y-a,Math.min($-c,F)),l=a+F,u=c+F);break;case ai:_<0?(D=Math.max(w-n,Math.min(E-n,D)),i=n+D,d=h):_>0&&(D=Math.max(w-h,Math.min(E-h,D)),i=n,d=h+D),v<0?(F=Math.max(y-a,Math.min($-a,F)),l=a+F,u=c):v>0&&(F=Math.max(y-c,Math.min($-c,F)),l=a,u=c+F);break;case li:_&&(i=Math.max(w,Math.min(E,n-D*_)),d=Math.max(w,Math.min(E,h+D*_))),v&&(l=Math.max(y,Math.min($,a-F*v)),u=Math.max(y,Math.min($,c+F*v)))}d<i&&(_*=-1,t=n,n=h,h=t,t=i,i=d,d=t,C in mi&&j.attr("cursor",pi[C=mi[C]])),u<l&&(v*=-1,t=a,a=c,c=t,t=l,l=u,u=t,C in fi&&j.attr("cursor",pi[C=fi[C]])),x.selection&&(k=x.selection),m&&(i=k[0][0],d=k[1][0]),f&&(l=k[0][1],u=k[1][1]),k[0][0]===i&&k[0][1]===l&&k[1][0]===d&&k[1][1]===u||(x.selection=[[i,l],[d,u]],s.call(g),T.brush())}function U(){if(ni(),Ae.touches){if(Ae.touches.length)return;e&&clearTimeout(e),e=setTimeout((function(){e=null}),500)}else $e(Ae.view,p),L.on("keydown.brush keyup.brush mousemove.brush mouseup.brush",null);N.attr("pointer-events","all"),j.attr("cursor",pi.overlay),x.selection&&(k=x.selection),ki(k)&&(x.selection=null,s.call(g)),T.end()}function P(){switch(Ae.keyCode){case 16:S=_&&v;break;case 18:b===ai&&(_&&(h=d-D*_,n=i+D*_),v&&(c=u-F*v,a=l+F*v),b=li,R());break;case 32:b!==ai&&b!==li||(_<0?h=d-D:_>0&&(n=i-D),v<0?c=u-F:v>0&&(a=l-F),b=oi,j.attr("cursor",pi.selection),R());break;default:return}ri()}function G(){switch(Ae.keyCode){case 16:S&&(m=f=S=!1,R());break;case 18:b===li&&(_<0?h=d:_>0&&(n=i),v<0?c=u:v>0&&(a=l),b=ai,R());break;case 32:b===oi&&(Ae.altKey?(_&&(h=d-D*_,n=i+D*_),v&&(c=u-F*v,a=l+F*v),b=li):(_<0?h=d:_>0&&(n=i),v<0?c=u:v>0&&(a=l),b=ai),j.attr("cursor",pi[C]),R());break;default:return}ri()}}function u(){A(this,arguments).moved()}function p(){A(this,arguments).ended()}function m(){var e=this.__brush||{selection:null};return e.extent=si(n.apply(this,arguments)),e.dim=t,e}return h.move=function(e,n){e.selection?e.on("start.brush",(function(){A(this,arguments).beforestart().start()})).on("interrupt.brush end.brush",(function(){A(this,arguments).end()})).tween("brush",(function(){var e=this,r=e.__brush,i=A(e,arguments),o=r.selection,a=t.input("function"==typeof n?n.apply(this,arguments):n,r.extent),l=Dn(o,a);function h(t){r.selection=1===t&&null===a?null:l(t),s.call(e),i.brush()}return null!==o&&null!==a?h:h(1)})):e.each((function(){var e=this,r=arguments,i=e.__brush,o=t.input("function"==typeof n?n.apply(e,r):n,i.extent),a=A(e,r).beforestart();or(e),i.selection=null===o?null:o,s.call(e),a.start().brush().end()}))},h.clear=function(t){h.move(t,null)},d.prototype={beforestart:function(){return 1==++this.active&&(this.state.emitter=this,this.starting=!0),this},start:function(){return this.starting?(this.starting=!1,this.emit("start")):this.emit("brush"),this},brush:function(){return this.emit("brush"),this},end:function(){return 0==--this.active&&(delete this.state.emitter,this.emit("end")),this},emit:function(e){fe(new ei(h,e,t.output(this.state.selection)),a.apply,a,[e,this.that,this.args])}},h.extent=function(t){return arguments.length?(n="function"==typeof t?t:ti(si(t)),h):n},h.filter=function(t){return arguments.length?(r="function"==typeof t?t:ti(!!t),h):r},h.touchable=function(t){return arguments.length?(i="function"==typeof t?t:ti(!!t),h):i},h.handleSize=function(t){return arguments.length?(l=+t,h):l},h.keyModifiers=function(t){return arguments.length?(o=!!t,h):o},h.on=function(){var t=a.on.apply(a,arguments);return t===a?h:t},h}var Fi=Math.cos,Si=Math.sin,Mi=Math.PI,Ii=Mi/2,zi=2*Mi,Ti=Math.max;function Ni(t){return function(e,n){return t(e.source.value+e.target.value,n.source.value+n.target.value)}}function ji(){var t=0,e=null,n=null,r=null;function i(i){var o,a,l,h,s,A,d=i.length,c=[],u=B(d),p=[],m=[],f=m.groups=new Array(d),g=new Array(d*d);for(o=0,s=-1;++s<d;){for(a=0,A=-1;++A<d;)a+=i[s][A];c.push(a),p.push(B(d)),o+=a}for(e&&u.sort((function(t,n){return e(c[t],c[n])})),n&&p.forEach((function(t,e){t.sort((function(t,r){return n(i[e][t],i[e][r])}))})),h=(o=Ti(0,zi-t*d)/o)?t:zi/d,a=0,s=-1;++s<d;){for(l=a,A=-1;++A<d;){var C=u[s],b=p[C][A],_=i[C][b],v=a,x=a+=_*o;g[b*d+C]={index:C,subindex:b,startAngle:v,endAngle:x,value:_}}f[C]={index:C,startAngle:l,endAngle:a,value:c[C]},a+=h}for(s=-1;++s<d;)for(A=s-1;++A<d;){var k=g[A*d+s],w=g[s*d+A];(k.value||w.value)&&m.push(k.value<w.value?{source:w,target:k}:{source:k,target:w})}return r?m.sort(r):m}return i.padAngle=function(e){return arguments.length?(t=Ti(0,e),i):t},i.sortGroups=function(t){return arguments.length?(e=t,i):e},i.sortSubgroups=function(t){return arguments.length?(n=t,i):n},i.sortChords=function(t){return arguments.length?(null==t?r=null:(r=Ni(t))._=t,i):r&&r._},i}var Li=Array.prototype.slice;function Oi(t){return function(){return t}}var Ri=Math.PI,Ui=2*Ri,Pi=1e-6,Gi=Ui-Pi;function qi(){this._x0=this._y0=this._x1=this._y1=null,this._=""}function Wi(){return new qi}qi.prototype=Wi.prototype={constructor:qi,moveTo:function(t,e){this._+="M"+(this._x0=this._x1=+t)+","+(this._y0=this._y1=+e)},closePath:function(){null!==this._x1&&(this._x1=this._x0,this._y1=this._y0,this._+="Z")},lineTo:function(t,e){this._+="L"+(this._x1=+t)+","+(this._y1=+e)},quadraticCurveTo:function(t,e,n,r){this._+="Q"+ +t+","+ +e+","+(this._x1=+n)+","+(this._y1=+r)},bezierCurveTo:function(t,e,n,r,i,o){this._+="C"+ +t+","+ +e+","+ +n+","+ +r+","+(this._x1=+i)+","+(this._y1=+o)},arcTo:function(t,e,n,r,i){t=+t,e=+e,n=+n,r=+r,i=+i;var o=this._x1,a=this._y1,l=n-t,h=r-e,s=o-t,A=a-e,d=s*s+A*A;if(i<0)throw new Error("negative radius: "+i);if(null===this._x1)this._+="M"+(this._x1=t)+","+(this._y1=e);else if(d>Pi)if(Math.abs(A*l-h*s)>Pi&&i){var c=n-o,u=r-a,p=l*l+h*h,m=c*c+u*u,f=Math.sqrt(p),g=Math.sqrt(d),C=i*Math.tan((Ri-Math.acos((p+d-m)/(2*f*g)))/2),b=C/g,_=C/f;Math.abs(b-1)>Pi&&(this._+="L"+(t+b*s)+","+(e+b*A)),this._+="A"+i+","+i+",0,0,"+ +(A*c>s*u)+","+(this._x1=t+_*l)+","+(this._y1=e+_*h)}else this._+="L"+(this._x1=t)+","+(this._y1=e)},arc:function(t,e,n,r,i,o){t=+t,e=+e,o=!!o;var a=(n=+n)*Math.cos(r),l=n*Math.sin(r),h=t+a,s=e+l,A=1^o,d=o?r-i:i-r;if(n<0)throw new Error("negative radius: "+n);null===this._x1?this._+="M"+h+","+s:(Math.abs(this._x1-h)>Pi||Math.abs(this._y1-s)>Pi)&&(this._+="L"+h+","+s),n&&(d<0&&(d=d%Ui+Ui),d>Gi?this._+="A"+n+","+n+",0,1,"+A+","+(t-a)+","+(e-l)+"A"+n+","+n+",0,1,"+A+","+(this._x1=h)+","+(this._y1=s):d>Pi&&(this._+="A"+n+","+n+",0,"+ +(d>=Ri)+","+A+","+(this._x1=t+n*Math.cos(i))+","+(this._y1=e+n*Math.sin(i))))},rect:function(t,e,n,r){this._+="M"+(this._x0=this._x1=+t)+","+(this._y0=this._y1=+e)+"h"+ +n+"v"+ +r+"h"+-n+"Z"},toString:function(){return this._}};var Hi=Wi;function Yi(t){return t.source}function Ji(t){return t.target}function Qi(t){return t.radius}function Xi(t){return t.startAngle}function Ki(t){return t.endAngle}function Vi(){var t=Yi,e=Ji,n=Qi,r=Xi,i=Ki,o=null;function a(){var a,l=Li.call(arguments),h=t.apply(this,l),s=e.apply(this,l),A=+n.apply(this,(l[0]=h,l)),d=r.apply(this,l)-Ii,c=i.apply(this,l)-Ii,u=A*Fi(d),p=A*Si(d),m=+n.apply(this,(l[0]=s,l)),f=r.apply(this,l)-Ii,g=i.apply(this,l)-Ii;if(o||(o=a=Hi()),o.moveTo(u,p),o.arc(0,0,A,d,c),d===f&&c===g||(o.quadraticCurveTo(0,0,m*Fi(f),m*Si(f)),o.arc(0,0,m,f,g)),o.quadraticCurveTo(0,0,u,p),o.closePath(),a)return o=null,a+""||null}return a.radius=function(t){return arguments.length?(n="function"==typeof t?t:Oi(+t),a):n},a.startAngle=function(t){return arguments.length?(r="function"==typeof t?t:Oi(+t),a):r},a.endAngle=function(t){return arguments.length?(i="function"==typeof t?t:Oi(+t),a):i},a.source=function(e){return arguments.length?(t=e,a):t},a.target=function(t){return arguments.length?(e=t,a):e},a.context=function(t){return arguments.length?(o=null==t?null:t,a):o},a}var Zi="$";function to(){}function eo(t,e){var n=new to;if(t instanceof to)t.each((function(t,e){n.set(e,t)}));else if(Array.isArray(t)){var r,i=-1,o=t.length;if(null==e)for(;++i<o;)n.set(i,t[i]);else for(;++i<o;)n.set(e(r=t[i],i,t),r)}else if(t)for(var a in t)n.set(a,t[a]);return n}to.prototype=eo.prototype={constructor:to,has:function(t){return Zi+t in this},get:function(t){return this[Zi+t]},set:function(t,e){return this[Zi+t]=e,this},remove:function(t){var e=Zi+t;return e in this&&delete this[e]},clear:function(){for(var t in this)t[0]===Zi&&delete this[t]},keys:function(){var t=[];for(var e in this)e[0]===Zi&&t.push(e.slice(1));return t},values:function(){var t=[];for(var e in this)e[0]===Zi&&t.push(this[e]);return t},entries:function(){var t=[];for(var e in this)e[0]===Zi&&t.push({key:e.slice(1),value:this[e]});return t},size:function(){var t=0;for(var e in this)e[0]===Zi&&++t;return t},empty:function(){for(var t in this)if(t[0]===Zi)return!1;return!0},each:function(t){for(var e in this)e[0]===Zi&&t(this[e],e.slice(1),this)}};var no=eo;function ro(){var t,e,n,r=[],i=[];function o(n,i,a,l){if(i>=r.length)return null!=t&&n.sort(t),null!=e?e(n):n;for(var h,s,A,d=-1,c=n.length,u=r[i++],p=no(),m=a();++d<c;)(A=p.get(h=u(s=n[d])+""))?A.push(s):p.set(h,[s]);return p.each((function(t,e){l(m,e,o(t,i,a,l))})),m}function a(t,n){if(++n>r.length)return t;var o,l=i[n-1];return null!=e&&n>=r.length?o=t.entries():(o=[],t.each((function(t,e){o.push({key:e,values:a(t,n)})}))),null!=l?o.sort((function(t,e){return l(t.key,e.key)})):o}return n={object:function(t){return o(t,0,io,oo)},map:function(t){return o(t,0,ao,lo)},entries:function(t){return a(o(t,0,ao,lo),0)},key:function(t){return r.push(t),n},sortKeys:function(t){return i[r.length-1]=t,n},sortValues:function(e){return t=e,n},rollup:function(t){return e=t,n}}}function io(){return{}}function oo(t,e,n){t[e]=n}function ao(){return no()}function lo(t,e,n){t.set(e,n)}function ho(){}var so=no.prototype;function Ao(t,e){var n=new ho;if(t instanceof ho)t.each((function(t){n.add(t)}));else if(t){var r=-1,i=t.length;if(null==e)for(;++r<i;)n.add(t[r]);else for(;++r<i;)n.add(e(t[r],r,t))}return n}ho.prototype=Ao.prototype={constructor:ho,has:so.has,add:function(t){return this[Zi+(t+="")]=t,this},remove:so.remove,clear:so.clear,values:so.keys,size:so.size,empty:so.empty,each:so.each};var co=Ao;function uo(t){var e=[];for(var n in t)e.push(n);return e}function po(t){var e=[];for(var n in t)e.push(t[n]);return e}function mo(t){var e=[];for(var n in t)e.push({key:n,value:t[n]});return e}var fo=Math.PI/180,go=180/Math.PI,Co=.96422,bo=.82521,_o=4/29,vo=6/29,xo=3*vo*vo;function Bo(t){if(t instanceof yo)return new yo(t.l,t.a,t.b,t.opacity);if(t instanceof zo)return To(t);t instanceof Ve||(t=Xe(t));var e,n,r=Fo(t.r),i=Fo(t.g),o=Fo(t.b),a=Eo((.2225045*r+.7168786*i+.0606169*o)/1);return r===i&&i===o?e=n=a:(e=Eo((.4360747*r+.3850649*i+.1430804*o)/Co),n=Eo((.0139322*r+.0971045*i+.7141733*o)/bo)),new yo(116*a-16,500*(e-a),200*(a-n),t.opacity)}function ko(t,e){return new yo(t,0,0,null==e?1:e)}function wo(t,e,n,r){return 1===arguments.length?Bo(t):new yo(t,e,n,null==r?1:r)}function yo(t,e,n,r){this.l=+t,this.a=+e,this.b=+n,this.opacity=+r}function Eo(t){return t>.008856451679035631?Math.pow(t,1/3):t/xo+_o}function $o(t){return t>vo?t*t*t:xo*(t-_o)}function Do(t){return 255*(t<=.0031308?12.92*t:1.055*Math.pow(t,1/2.4)-.055)}function Fo(t){return(t/=255)<=.04045?t/12.92:Math.pow((t+.055)/1.055,2.4)}function So(t){if(t instanceof zo)return new zo(t.h,t.c,t.l,t.opacity);if(t instanceof yo||(t=Bo(t)),0===t.a&&0===t.b)return new zo(NaN,0<t.l&&t.l<100?0:NaN,t.l,t.opacity);var e=Math.atan2(t.b,t.a)*go;return new zo(e<0?e+360:e,Math.sqrt(t.a*t.a+t.b*t.b),t.l,t.opacity)}function Mo(t,e,n,r){return 1===arguments.length?So(t):new zo(n,e,t,null==r?1:r)}function Io(t,e,n,r){return 1===arguments.length?So(t):new zo(t,e,n,null==r?1:r)}function zo(t,e,n,r){this.h=+t,this.c=+e,this.l=+n,this.opacity=+r}function To(t){if(isNaN(t.h))return new yo(t.l,0,0,t.opacity);var e=t.h*fo;return new yo(t.l,Math.cos(e)*t.c,Math.sin(e)*t.c,t.opacity)}De(yo,wo,Fe(Se,{brighter:function(t){return new yo(this.l+18*(null==t?1:t),this.a,this.b,this.opacity)},darker:function(t){return new yo(this.l-18*(null==t?1:t),this.a,this.b,this.opacity)},rgb:function(){var t=(this.l+16)/116,e=isNaN(this.a)?t:t+this.a/500,n=isNaN(this.b)?t:t-this.b/200;return new Ve(Do(3.1338561*(e=Co*$o(e))-1.6168667*(t=1*$o(t))-.4906146*(n=bo*$o(n))),Do(-.9787684*e+1.9161415*t+.033454*n),Do(.0719453*e-.2289914*t+1.4052427*n),this.opacity)}})),De(zo,Io,Fe(Se,{brighter:function(t){return new zo(this.h,this.c,this.l+18*(null==t?1:t),this.opacity)},darker:function(t){return new zo(this.h,this.c,this.l-18*(null==t?1:t),this.opacity)},rgb:function(){return To(this).rgb()}}));var No=-.14861,jo=1.78277,Lo=-.29227,Oo=-.90649,Ro=1.97294,Uo=Ro*Oo,Po=Ro*jo,Go=jo*Lo-Oo*No;function qo(t){if(t instanceof Ho)return new Ho(t.h,t.s,t.l,t.opacity);t instanceof Ve||(t=Xe(t));var e=t.r/255,n=t.g/255,r=t.b/255,i=(Go*r+Uo*e-Po*n)/(Go+Uo-Po),o=r-i,a=(Ro*(n-i)-Lo*o)/Oo,l=Math.sqrt(a*a+o*o)/(Ro*i*(1-i)),h=l?Math.atan2(a,o)*go-120:NaN;return new Ho(h<0?h+360:h,l,i,t.opacity)}function Wo(t,e,n,r){return 1===arguments.length?qo(t):new Ho(t,e,n,null==r?1:r)}function Ho(t,e,n,r){this.h=+t,this.s=+e,this.l=+n,this.opacity=+r}De(Ho,Wo,Fe(Se,{brighter:function(t){return t=null==t?Ie:Math.pow(Ie,t),new Ho(this.h,this.s,this.l*t,this.opacity)},darker:function(t){return t=null==t?Me:Math.pow(Me,t),new Ho(this.h,this.s,this.l*t,this.opacity)},rgb:function(){var t=isNaN(this.h)?0:(this.h+120)*fo,e=+this.l,n=isNaN(this.s)?0:this.s*e*(1-e),r=Math.cos(t),i=Math.sin(t);return new Ve(255*(e+n*(No*r+jo*i)),255*(e+n*(Lo*r+Oo*i)),255*(e+n*(Ro*r)),this.opacity)}}));var Yo=Array.prototype.slice;function Jo(t,e){return t-e}function Qo(t){return function(){return t}}function Xo(t,e){for(var n,r=-1,i=e.length;++r<i;)if(n=Ko(t,e[r]))return n;return 0}function Ko(t,e){for(var n=e[0],r=e[1],i=-1,o=0,a=t.length,l=a-1;o<a;l=o++){var h=t[o],s=h[0],A=h[1],d=t[l],c=d[0],u=d[1];if(Vo(h,d,e))return 0;A>r!=u>r&&n<(c-s)*(r-A)/(u-A)+s&&(i=-i)}return i}function Vo(t,e,n){var r,i,o,a;return function(t,e,n){return(e[0]-t[0])*(n[1]-t[1])==(n[0]-t[0])*(e[1]-t[1])}(t,e,n)&&(i=t[r=+(t[0]===e[0])],o=n[r],a=e[r],i<=o&&o<=a||a<=o&&o<=i)}function Zo(){}var ta=[[],[[[1,1.5],[.5,1]]],[[[1.5,1],[1,1.5]]],[[[1.5,1],[.5,1]]],[[[1,.5],[1.5,1]]],[[[1,1.5],[.5,1]],[[1,.5],[1.5,1]]],[[[1,.5],[1,1.5]]],[[[1,.5],[.5,1]]],[[[.5,1],[1,.5]]],[[[1,1.5],[1,.5]]],[[[.5,1],[1,.5]],[[1.5,1],[1,1.5]]],[[[1.5,1],[1,.5]]],[[[.5,1],[1.5,1]]],[[[1,1.5],[1.5,1]]],[[[.5,1],[1,1.5]]],[]];function ea(){var t=1,e=1,n=F,r=l;function i(t){var e=n(t);if(Array.isArray(e))e=e.slice().sort(Jo);else{var r=g(t),i=r[0],a=r[1];e=D(i,a,e),e=B(Math.floor(i/e)*e,Math.floor(a/e)*e,e)}return e.map((function(e){return o(t,e)}))}function o(n,i){var o=[],l=[];return function(n,r,i){var o,l,h,s,A,d,c=new Array,u=new Array;for(o=l=-1,s=n[0]>=r,ta[s<<1].forEach(p);++o<t-1;)h=s,s=n[o+1]>=r,ta[h|s<<1].forEach(p);for(ta[s<<0].forEach(p);++l<e-1;){for(o=-1,s=n[l*t+t]>=r,A=n[l*t]>=r,ta[s<<1|A<<2].forEach(p);++o<t-1;)h=s,s=n[l*t+t+o+1]>=r,d=A,A=n[l*t+o+1]>=r,ta[h|s<<1|A<<2|d<<3].forEach(p);ta[s|A<<3].forEach(p)}for(o=-1,A=n[l*t]>=r,ta[A<<2].forEach(p);++o<t-1;)d=A,A=n[l*t+o+1]>=r,ta[A<<2|d<<3].forEach(p);function p(t){var e,n,r=[t[0][0]+o,t[0][1]+l],h=[t[1][0]+o,t[1][1]+l],s=a(r),A=a(h);(e=u[s])?(n=c[A])?(delete u[e.end],delete c[n.start],e===n?(e.ring.push(h),i(e.ring)):c[e.start]=u[n.end]={start:e.start,end:n.end,ring:e.ring.concat(n.ring)}):(delete u[e.end],e.ring.push(h),u[e.end=A]=e):(e=c[A])?(n=u[s])?(delete c[e.start],delete u[n.end],e===n?(e.ring.push(h),i(e.ring)):c[n.start]=u[e.end]={start:n.start,end:e.end,ring:n.ring.concat(e.ring)}):(delete c[e.start],e.ring.unshift(r),c[e.start=s]=e):c[s]=u[A]={start:s,end:A,ring:[r,h]}}ta[A<<3].forEach(p)}(n,i,(function(t){r(t,n,i),function(t){for(var e=0,n=t.length,r=t[n-1][1]*t[0][0]-t[n-1][0]*t[0][1];++e<n;)r+=t[e-1][1]*t[e][0]-t[e-1][0]*t[e][1];return r}(t)>0?o.push([t]):l.push(t)})),l.forEach((function(t){for(var e,n=0,r=o.length;n<r;++n)if(-1!==Xo((e=o[n])[0],t))return void e.push(t)})),{type:"MultiPolygon",value:i,coordinates:o}}function a(e){return 2*e[0]+e[1]*(t+1)*4}function l(n,r,i){n.forEach((function(n){var o,a=n[0],l=n[1],h=0|a,s=0|l,A=r[s*t+h];a>0&&a<t&&h===a&&(o=r[s*t+h-1],n[0]=a+(i-o)/(A-o)-.5),l>0&&l<e&&s===l&&(o=r[(s-1)*t+h],n[1]=l+(i-o)/(A-o)-.5)}))}return i.contour=o,i.size=function(n){if(!arguments.length)return[t,e];var r=Math.ceil(n[0]),o=Math.ceil(n[1]);if(!(r>0&&o>0))throw new Error("invalid size");return t=r,e=o,i},i.thresholds=function(t){return arguments.length?(n="function"==typeof t?t:Array.isArray(t)?Qo(Yo.call(t)):Qo(t),i):n},i.smooth=function(t){return arguments.length?(r=t?l:Zo,i):r===l},i}function na(t,e,n){for(var r=t.width,i=t.height,o=1+(n<<1),a=0;a<i;++a)for(var l=0,h=0;l<r+n;++l)l<r&&(h+=t.data[l+a*r]),l>=n&&(l>=o&&(h-=t.data[l-o+a*r]),e.data[l-n+a*r]=h/Math.min(l+1,r-1+o-l,o))}function ra(t,e,n){for(var r=t.width,i=t.height,o=1+(n<<1),a=0;a<r;++a)for(var l=0,h=0;l<i+n;++l)l<i&&(h+=t.data[a+l*r]),l>=n&&(l>=o&&(h-=t.data[a+(l-o)*r]),e.data[a+(l-n)*r]=h/Math.min(l+1,i-1+o-l,o))}function ia(t){return t[0]}function oa(t){return t[1]}function aa(){return 1}function la(){var t=ia,e=oa,n=aa,r=960,i=500,o=20,a=2,l=3*o,h=r+2*l>>a,s=i+2*l>>a,A=Qo(20);function d(r){var i=new Float32Array(h*s),d=new Float32Array(h*s);r.forEach((function(r,o,A){var d=+t(r,o,A)+l>>a,c=+e(r,o,A)+l>>a,u=+n(r,o,A);d>=0&&d<h&&c>=0&&c<s&&(i[d+c*h]+=u)})),na({width:h,height:s,data:i},{width:h,height:s,data:d},o>>a),ra({width:h,height:s,data:d},{width:h,height:s,data:i},o>>a),na({width:h,height:s,data:i},{width:h,height:s,data:d},o>>a),ra({width:h,height:s,data:d},{width:h,height:s,data:i},o>>a),na({width:h,height:s,data:i},{width:h,height:s,data:d},o>>a),ra({width:h,height:s,data:d},{width:h,height:s,data:i},o>>a);var u=A(i);if(!Array.isArray(u)){var p=T(i);u=D(0,p,u),(u=B(0,Math.floor(p/u)*u,u)).shift()}return ea().thresholds(u).size([h,s])(i).map(c)}function c(t){return t.value*=Math.pow(2,-2*a),t.coordinates.forEach(u),t}function u(t){t.forEach(p)}function p(t){t.forEach(m)}function m(t){t[0]=t[0]*Math.pow(2,a)-l,t[1]=t[1]*Math.pow(2,a)-l}function f(){return h=r+2*(l=3*o)>>a,s=i+2*l>>a,d}return d.x=function(e){return arguments.length?(t="function"==typeof e?e:Qo(+e),d):t},d.y=function(t){return arguments.length?(e="function"==typeof t?t:Qo(+t),d):e},d.weight=function(t){return arguments.length?(n="function"==typeof t?t:Qo(+t),d):n},d.size=function(t){if(!arguments.length)return[r,i];var e=Math.ceil(t[0]),n=Math.ceil(t[1]);if(!(e>=0||e>=0))throw new Error("invalid size");return r=e,i=n,f()},d.cellSize=function(t){if(!arguments.length)return 1<<a;if(!((t=+t)>=1))throw new Error("invalid cell size");return a=Math.floor(Math.log(t)/Math.LN2),f()},d.thresholds=function(t){return arguments.length?(A="function"==typeof t?t:Array.isArray(t)?Qo(Yo.call(t)):Qo(t),d):A},d.bandwidth=function(t){if(!arguments.length)return Math.sqrt(o*(o+1));if(!((t=+t)>=0))throw new Error("invalid bandwidth");return o=Math.round((Math.sqrt(4*t*t+1)-1)/2),f()},d}function ha(t){return function(){return t}}function sa(t,e,n,r,i,o,a,l,h,s){this.target=t,this.type=e,this.subject=n,this.identifier=r,this.active=i,this.x=o,this.y=a,this.dx=l,this.dy=h,this._=s}function Aa(){return!Ae.ctrlKey&&!Ae.button}function da(){return this.parentNode}function ca(t){return null==t?{x:Ae.x,y:Ae.y}:t}function ua(){return navigator.maxTouchPoints||"ontouchstart"in this}function pa(){var t,e,n,r,i=Aa,o=da,a=ca,l=ua,h={},s=ct("start","drag","end"),A=0,d=0;function c(t){t.on("mousedown.drag",u).filter(l).on("touchstart.drag",f).on("touchmove.drag",g).on("touchend.drag touchcancel.drag",C).style("touch-action","none").style("-webkit-tap-highlight-color","rgba(0,0,0,0)")}function u(){if(!r&&i.apply(this,arguments)){var a=b("mouse",o.apply(this,arguments),In,this,arguments);a&&(ke(Ae.view).on("mousemove.drag",p,!0).on("mouseup.drag",m,!0),Ee(Ae.view),we(),n=!1,t=Ae.clientX,e=Ae.clientY,a("start"))}}function p(){if(ye(),!n){var r=Ae.clientX-t,i=Ae.clientY-e;n=r*r+i*i>d}h.mouse("drag")}function m(){ke(Ae.view).on("mousemove.drag mouseup.drag",null),$e(Ae.view,n),ye(),h.mouse("end")}function f(){if(i.apply(this,arguments)){var t,e,n=Ae.changedTouches,r=o.apply(this,arguments),a=n.length;for(t=0;t<a;++t)(e=b(n[t].identifier,r,Mn,this,arguments))&&(we(),e("start"))}}function g(){var t,e,n=Ae.changedTouches,r=n.length;for(t=0;t<r;++t)(e=h[n[t].identifier])&&(ye(),e("drag"))}function C(){var t,e,n=Ae.changedTouches,i=n.length;for(r&&clearTimeout(r),r=setTimeout((function(){r=null}),500),t=0;t<i;++t)(e=h[n[t].identifier])&&(we(),e("end"))}function b(t,e,n,r,i){var o,l,d,u=n(e,t),p=s.copy();if(fe(new sa(c,"beforestart",o,t,A,u[0],u[1],0,0,p),(function(){return null!=(Ae.subject=o=a.apply(r,i))&&(l=o.x-u[0]||0,d=o.y-u[1]||0,!0)})))return function a(s){var m,f=u;switch(s){case"start":h[t]=a,m=A++;break;case"end":delete h[t],--A;case"drag":u=n(e,t),m=A}fe(new sa(c,s,o,t,m,u[0]+l,u[1]+d,u[0]-f[0],u[1]-f[1],p),p.apply,p,[s,r,i])}}return c.filter=function(t){return arguments.length?(i="function"==typeof t?t:ha(!!t),c):i},c.container=function(t){return arguments.length?(o="function"==typeof t?t:ha(t),c):o},c.subject=function(t){return arguments.length?(a="function"==typeof t?t:ha(t),c):a},c.touchable=function(t){return arguments.length?(l="function"==typeof t?t:ha(!!t),c):l},c.on=function(){var t=s.on.apply(s,arguments);return t===s?c:t},c.clickDistance=function(t){return arguments.length?(d=(t=+t)*t,c):Math.sqrt(d)},c}sa.prototype.on=function(){var t=this._.on.apply(this._,arguments);return t===this._?this:t};var ma={},fa={};function ga(t){return new Function("d","return {"+t.map((function(t,e){return JSON.stringify(t)+": d["+e+'] || ""'})).join(",")+"}")}function Ca(t){var e=Object.create(null),n=[];return t.forEach((function(t){for(var r in t)r in e||n.push(e[r]=r)})),n}function ba(t,e){var n=t+"",r=n.length;return r<e?new Array(e-r+1).join(0)+n:n}function _a(t){var e=new RegExp('["'+t+"\n\r]"),n=t.charCodeAt(0);function r(t,e){var r,i=[],o=t.length,a=0,l=0,h=o<=0,s=!1;function A(){if(h)return fa;if(s)return s=!1,ma;var e,r,i=a;if(34===t.charCodeAt(i)){for(;a++<o&&34!==t.charCodeAt(a)||34===t.charCodeAt(++a););return(e=a)>=o?h=!0:10===(r=t.charCodeAt(a++))?s=!0:13===r&&(s=!0,10===t.charCodeAt(a)&&++a),t.slice(i+1,e-1).replace(/""/g,'"')}for(;a<o;){if(10===(r=t.charCodeAt(e=a++)))s=!0;else if(13===r)s=!0,10===t.charCodeAt(a)&&++a;else if(r!==n)continue;return t.slice(i,e)}return h=!0,t.slice(i,o)}for(10===t.charCodeAt(o-1)&&--o,13===t.charCodeAt(o-1)&&--o;(r=A())!==fa;){for(var d=[];r!==ma&&r!==fa;)d.push(r),r=A();e&&null==(d=e(d,l++))||i.push(d)}return i}function i(e,n){return e.map((function(e){return n.map((function(t){return a(e[t])})).join(t)}))}function o(e){return e.map(a).join(t)}function a(t){return null==t?"":t instanceof Date?function(t){var e=t.getUTCHours(),n=t.getUTCMinutes(),r=t.getUTCSeconds(),i=t.getUTCMilliseconds();return isNaN(t)?"Invalid Date":function(t){return t<0?"-"+ba(-t,6):t>9999?"+"+ba(t,6):ba(t,4)}(t.getUTCFullYear())+"-"+ba(t.getUTCMonth()+1,2)+"-"+ba(t.getUTCDate(),2)+(i?"T"+ba(e,2)+":"+ba(n,2)+":"+ba(r,2)+"."+ba(i,3)+"Z":r?"T"+ba(e,2)+":"+ba(n,2)+":"+ba(r,2)+"Z":n||e?"T"+ba(e,2)+":"+ba(n,2)+"Z":"")}(t):e.test(t+="")?'"'+t.replace(/"/g,'""')+'"':t}return{parse:function(t,e){var n,i,o=r(t,(function(t,r){if(n)return n(t,r-1);i=t,n=e?function(t,e){var n=ga(t);return function(r,i){return e(n(r),i,t)}}(t,e):ga(t)}));return o.columns=i||[],o},parseRows:r,format:function(e,n){return null==n&&(n=Ca(e)),[n.map(a).join(t)].concat(i(e,n)).join("\n")},formatBody:function(t,e){return null==e&&(e=Ca(t)),i(t,e).join("\n")},formatRows:function(t){return t.map(o).join("\n")},formatRow:o,formatValue:a}}var va=_a(","),xa=va.parse,Ba=va.parseRows,ka=va.format,wa=va.formatBody,ya=va.formatRows,Ea=va.formatRow,$a=va.formatValue,Da=_a("\t"),Fa=Da.parse,Sa=Da.parseRows,Ma=Da.format,Ia=Da.formatBody,za=Da.formatRows,Ta=Da.formatRow,Na=Da.formatValue;function ja(t){for(var e in t){var n,r,i=t[e].trim();if(i)if("true"===i)i=!0;else if("false"===i)i=!1;else if("NaN"===i)i=NaN;else if(isNaN(n=+i)){if(!(r=i.match(/^([-+]\d{2})?\d{4}(-\d{2}(-\d{2})?)?(T\d{2}:\d{2}(:\d{2}(\.\d{3})?)?(Z|[-+]\d{2}:\d{2})?)?$/)))continue;La&&r[4]&&!r[7]&&(i=i.replace(/-/g,"/").replace(/T/," ")),i=new Date(i)}else i=n;else i=null;t[e]=i}return t}var La=new Date("2019-01-01T00:00").getHours()||new Date("2019-07-01T00:00").getHours();function Oa(t){return+t}function Ra(t){return t*t}function Ua(t){return t*(2-t)}function Pa(t){return((t*=2)<=1?t*t:--t*(2-t)+1)/2}var Ga=function t(e){function n(t){return Math.pow(t,e)}return e=+e,n.exponent=t,n}(3),qa=function t(e){function n(t){return 1-Math.pow(1-t,e)}return e=+e,n.exponent=t,n}(3),Wa=function t(e){function n(t){return((t*=2)<=1?Math.pow(t,e):2-Math.pow(2-t,e))/2}return e=+e,n.exponent=t,n}(3),Ha=Math.PI,Ya=Ha/2;function Ja(t){return 1==+t?1:1-Math.cos(t*Ya)}function Qa(t){return Math.sin(t*Ya)}function Xa(t){return(1-Math.cos(Ha*t))/2}function Ka(t){return 1.0009775171065494*(Math.pow(2,-10*t)-.0009765625)}function Va(t){return Ka(1-+t)}function Za(t){return 1-Ka(t)}function tl(t){return((t*=2)<=1?Ka(1-t):2-Ka(t-1))/2}function el(t){return 1-Math.sqrt(1-t*t)}function nl(t){return Math.sqrt(1- --t*t)}function rl(t){return((t*=2)<=1?1-Math.sqrt(1-t*t):Math.sqrt(1-(t-=2)*t)+1)/2}var il=7.5625;function ol(t){return 1-al(1-t)}function al(t){return(t=+t)<.36363636363636365?il*t*t:t<.7272727272727273?il*(t-=.5454545454545454)*t+.75:t<.9090909090909091?il*(t-=.8181818181818182)*t+.9375:il*(t-=.9545454545454546)*t+.984375}function ll(t){return((t*=2)<=1?1-al(1-t):al(t-1)+1)/2}var hl=1.70158,sl=function t(e){function n(t){return(t=+t)*t*(e*(t-1)+t)}return e=+e,n.overshoot=t,n}(hl),Al=function t(e){function n(t){return--t*t*((t+1)*e+t)+1}return e=+e,n.overshoot=t,n}(hl),dl=function t(e){function n(t){return((t*=2)<1?t*t*((e+1)*t-e):(t-=2)*t*((e+1)*t+e)+2)/2}return e=+e,n.overshoot=t,n}(hl),cl=2*Math.PI,ul=function t(e,n){var r=Math.asin(1/(e=Math.max(1,e)))*(n/=cl);function i(t){return e*Ka(- --t)*Math.sin((r-t)/n)}return i.amplitude=function(e){return t(e,n*cl)},i.period=function(n){return t(e,n)},i}(1,.3),pl=function t(e,n){var r=Math.asin(1/(e=Math.max(1,e)))*(n/=cl);function i(t){return 1-e*Ka(t=+t)*Math.sin((t+r)/n)}return i.amplitude=function(e){return t(e,n*cl)},i.period=function(n){return t(e,n)},i}(1,.3),ml=function t(e,n){var r=Math.asin(1/(e=Math.max(1,e)))*(n/=cl);function i(t){return((t=2*t-1)<0?e*Ka(-t)*Math.sin((r-t)/n):2-e*Ka(t)*Math.sin((r+t)/n))/2}return i.amplitude=function(e){return t(e,n*cl)},i.period=function(n){return t(e,n)},i}(1,.3);function fl(t){if(!t.ok)throw new Error(t.status+" "+t.statusText);return t.blob()}function gl(t,e){return fetch(t,e).then(fl)}function Cl(t){if(!t.ok)throw new Error(t.status+" "+t.statusText);return t.arrayBuffer()}function bl(t,e){return fetch(t,e).then(Cl)}function _l(t){if(!t.ok)throw new Error(t.status+" "+t.statusText);return t.text()}function vl(t,e){return fetch(t,e).then(_l)}function xl(t){return function(e,n,r){return 2===arguments.length&&"function"==typeof n&&(r=n,n=void 0),vl(e,n).then((function(e){return t(e,r)}))}}function Bl(t,e,n,r){3===arguments.length&&"function"==typeof n&&(r=n,n=void 0);var i=_a(t);return vl(e,n).then((function(t){return i.parse(t,r)}))}var kl=xl(xa),wl=xl(Fa);function yl(t,e){return new Promise((function(n,r){var i=new Image;for(var o in e)i[o]=e[o];i.onerror=r,i.onload=function(){n(i)},i.src=t}))}function El(t){if(!t.ok)throw new Error(t.status+" "+t.statusText);if(204!==t.status&&205!==t.status)return t.json()}function $l(t,e){return fetch(t,e).then(El)}function Dl(t){return function(e,n){return vl(e,n).then((function(e){return(new DOMParser).parseFromString(e,t)}))}}var Fl=Dl("application/xml"),Sl=Dl("text/html"),Ml=Dl("image/svg+xml");function Il(t,e){var n;function r(){var r,i,o=n.length,a=0,l=0;for(r=0;r<o;++r)a+=(i=n[r]).x,l+=i.y;for(a=a/o-t,l=l/o-e,r=0;r<o;++r)(i=n[r]).x-=a,i.y-=l}return null==t&&(t=0),null==e&&(e=0),r.initialize=function(t){n=t},r.x=function(e){return arguments.length?(t=+e,r):t},r.y=function(t){return arguments.length?(e=+t,r):e},r}function zl(t){return function(){return t}}function Tl(){return 1e-6*(Math.random()-.5)}function Nl(t,e,n,r){if(isNaN(e)||isNaN(n))return t;var i,o,a,l,h,s,A,d,c,u=t._root,p={data:r},m=t._x0,f=t._y0,g=t._x1,C=t._y1;if(!u)return t._root=p,t;for(;u.length;)if((s=e>=(o=(m+g)/2))?m=o:g=o,(A=n>=(a=(f+C)/2))?f=a:C=a,i=u,!(u=u[d=A<<1|s]))return i[d]=p,t;if(l=+t._x.call(null,u.data),h=+t._y.call(null,u.data),e===l&&n===h)return p.next=u,i?i[d]=p:t._root=p,t;do{i=i?i[d]=new Array(4):t._root=new Array(4),(s=e>=(o=(m+g)/2))?m=o:g=o,(A=n>=(a=(f+C)/2))?f=a:C=a}while((d=A<<1|s)==(c=(h>=a)<<1|l>=o));return i[c]=u,i[d]=p,t}function jl(t,e,n,r,i){this.node=t,this.x0=e,this.y0=n,this.x1=r,this.y1=i}function Ll(t){return t[0]}function Ol(t){return t[1]}function Rl(t,e,n){var r=new Ul(null==e?Ll:e,null==n?Ol:n,NaN,NaN,NaN,NaN);return null==t?r:r.addAll(t)}function Ul(t,e,n,r,i,o){this._x=t,this._y=e,this._x0=n,this._y0=r,this._x1=i,this._y1=o,this._root=void 0}function Pl(t){for(var e={data:t.data},n=e;t=t.next;)n=n.next={data:t.data};return e}var Gl=Rl.prototype=Ul.prototype;function ql(t){return t.x+t.vx}function Wl(t){return t.y+t.vy}function Hl(t){var e,n,r=1,i=1;function o(){for(var t,o,l,h,s,A,d,c=e.length,u=0;u<i;++u)for(o=Rl(e,ql,Wl).visitAfter(a),t=0;t<c;++t)l=e[t],A=n[l.index],d=A*A,h=l.x+l.vx,s=l.y+l.vy,o.visit(p);function p(t,e,n,i,o){var a=t.data,c=t.r,u=A+c;if(!a)return e>h+u||i<h-u||n>s+u||o<s-u;if(a.index>l.index){var p=h-a.x-a.vx,m=s-a.y-a.vy,f=p*p+m*m;f<u*u&&(0===p&&(f+=(p=Tl())*p),0===m&&(f+=(m=Tl())*m),f=(u-(f=Math.sqrt(f)))/f*r,l.vx+=(p*=f)*(u=(c*=c)/(d+c)),l.vy+=(m*=f)*u,a.vx-=p*(u=1-u),a.vy-=m*u)}}}function a(t){if(t.data)return t.r=n[t.data.index];for(var e=t.r=0;e<4;++e)t[e]&&t[e].r>t.r&&(t.r=t[e].r)}function l(){if(e){var r,i,o=e.length;for(n=new Array(o),r=0;r<o;++r)i=e[r],n[i.index]=+t(i,r,e)}}return"function"!=typeof t&&(t=zl(null==t?1:+t)),o.initialize=function(t){e=t,l()},o.iterations=function(t){return arguments.length?(i=+t,o):i},o.strength=function(t){return arguments.length?(r=+t,o):r},o.radius=function(e){return arguments.length?(t="function"==typeof e?e:zl(+e),l(),o):t},o}function Yl(t){return t.index}function Jl(t,e){var n=t.get(e);if(!n)throw new Error("missing: "+e);return n}function Ql(t){var e,n,r,i,o,a=Yl,l=function(t){return 1/Math.min(i[t.source.index],i[t.target.index])},h=zl(30),s=1;function A(r){for(var i=0,a=t.length;i<s;++i)for(var l,h,A,d,c,u,p,m=0;m<a;++m)h=(l=t[m]).source,d=(A=l.target).x+A.vx-h.x-h.vx||Tl(),c=A.y+A.vy-h.y-h.vy||Tl(),d*=u=((u=Math.sqrt(d*d+c*c))-n[m])/u*r*e[m],c*=u,A.vx-=d*(p=o[m]),A.vy-=c*p,h.vx+=d*(p=1-p),h.vy+=c*p}function d(){if(r){var l,h,s=r.length,A=t.length,d=no(r,a);for(l=0,i=new Array(s);l<A;++l)(h=t[l]).index=l,"object"!=typeof h.source&&(h.source=Jl(d,h.source)),"object"!=typeof h.target&&(h.target=Jl(d,h.target)),i[h.source.index]=(i[h.source.index]||0)+1,i[h.target.index]=(i[h.target.index]||0)+1;for(l=0,o=new Array(A);l<A;++l)h=t[l],o[l]=i[h.source.index]/(i[h.source.index]+i[h.target.index]);e=new Array(A),c(),n=new Array(A),u()}}function c(){if(r)for(var n=0,i=t.length;n<i;++n)e[n]=+l(t[n],n,t)}function u(){if(r)for(var e=0,i=t.length;e<i;++e)n[e]=+h(t[e],e,t)}return null==t&&(t=[]),A.initialize=function(t){r=t,d()},A.links=function(e){return arguments.length?(t=e,d(),A):t},A.id=function(t){return arguments.length?(a=t,A):a},A.iterations=function(t){return arguments.length?(s=+t,A):s},A.strength=function(t){return arguments.length?(l="function"==typeof t?t:zl(+t),c(),A):l},A.distance=function(t){return arguments.length?(h="function"==typeof t?t:zl(+t),u(),A):h},A}function Xl(t){return t.x}function Kl(t){return t.y}Gl.copy=function(){var t,e,n=new Ul(this._x,this._y,this._x0,this._y0,this._x1,this._y1),r=this._root;if(!r)return n;if(!r.length)return n._root=Pl(r),n;for(t=[{source:r,target:n._root=new Array(4)}];r=t.pop();)for(var i=0;i<4;++i)(e=r.source[i])&&(e.length?t.push({source:e,target:r.target[i]=new Array(4)}):r.target[i]=Pl(e));return n},Gl.add=function(t){var e=+this._x.call(null,t),n=+this._y.call(null,t);return Nl(this.cover(e,n),e,n,t)},Gl.addAll=function(t){var e,n,r,i,o=t.length,a=new Array(o),l=new Array(o),h=1/0,s=1/0,A=-1/0,d=-1/0;for(n=0;n<o;++n)isNaN(r=+this._x.call(null,e=t[n]))||isNaN(i=+this._y.call(null,e))||(a[n]=r,l[n]=i,r<h&&(h=r),r>A&&(A=r),i<s&&(s=i),i>d&&(d=i));if(h>A||s>d)return this;for(this.cover(h,s).cover(A,d),n=0;n<o;++n)Nl(this,a[n],l[n],t[n]);return this},Gl.cover=function(t,e){if(isNaN(t=+t)||isNaN(e=+e))return this;var n=this._x0,r=this._y0,i=this._x1,o=this._y1;if(isNaN(n))i=(n=Math.floor(t))+1,o=(r=Math.floor(e))+1;else{for(var a,l,h=i-n,s=this._root;n>t||t>=i||r>e||e>=o;)switch(l=(e<r)<<1|t<n,(a=new Array(4))[l]=s,s=a,h*=2,l){case 0:i=n+h,o=r+h;break;case 1:n=i-h,o=r+h;break;case 2:i=n+h,r=o-h;break;case 3:n=i-h,r=o-h}this._root&&this._root.length&&(this._root=s)}return this._x0=n,this._y0=r,this._x1=i,this._y1=o,this},Gl.data=function(){var t=[];return this.visit((function(e){if(!e.length)do{t.push(e.data)}while(e=e.next)})),t},Gl.extent=function(t){return arguments.length?this.cover(+t[0][0],+t[0][1]).cover(+t[1][0],+t[1][1]):isNaN(this._x0)?void 0:[[this._x0,this._y0],[this._x1,this._y1]]},Gl.find=function(t,e,n){var r,i,o,a,l,h,s,A=this._x0,d=this._y0,c=this._x1,u=this._y1,p=[],m=this._root;for(m&&p.push(new jl(m,A,d,c,u)),null==n?n=1/0:(A=t-n,d=e-n,c=t+n,u=e+n,n*=n);h=p.pop();)if(!(!(m=h.node)||(i=h.x0)>c||(o=h.y0)>u||(a=h.x1)<A||(l=h.y1)<d))if(m.length){var f=(i+a)/2,g=(o+l)/2;p.push(new jl(m[3],f,g,a,l),new jl(m[2],i,g,f,l),new jl(m[1],f,o,a,g),new jl(m[0],i,o,f,g)),(s=(e>=g)<<1|t>=f)&&(h=p[p.length-1],p[p.length-1]=p[p.length-1-s],p[p.length-1-s]=h)}else{var C=t-+this._x.call(null,m.data),b=e-+this._y.call(null,m.data),_=C*C+b*b;if(_<n){var v=Math.sqrt(n=_);A=t-v,d=e-v,c=t+v,u=e+v,r=m.data}}return r},Gl.remove=function(t){if(isNaN(o=+this._x.call(null,t))||isNaN(a=+this._y.call(null,t)))return this;var e,n,r,i,o,a,l,h,s,A,d,c,u=this._root,p=this._x0,m=this._y0,f=this._x1,g=this._y1;if(!u)return this;if(u.length)for(;;){if((s=o>=(l=(p+f)/2))?p=l:f=l,(A=a>=(h=(m+g)/2))?m=h:g=h,e=u,!(u=u[d=A<<1|s]))return this;if(!u.length)break;(e[d+1&3]||e[d+2&3]||e[d+3&3])&&(n=e,c=d)}for(;u.data!==t;)if(r=u,!(u=u.next))return this;return(i=u.next)&&delete u.next,r?(i?r.next=i:delete r.next,this):e?(i?e[d]=i:delete e[d],(u=e[0]||e[1]||e[2]||e[3])&&u===(e[3]||e[2]||e[1]||e[0])&&!u.length&&(n?n[c]=u:this._root=u),this):(this._root=i,this)},Gl.removeAll=function(t){for(var e=0,n=t.length;e<n;++e)this.remove(t[e]);return this},Gl.root=function(){return this._root},Gl.size=function(){var t=0;return this.visit((function(e){if(!e.length)do{++t}while(e=e.next)})),t},Gl.visit=function(t){var e,n,r,i,o,a,l=[],h=this._root;for(h&&l.push(new jl(h,this._x0,this._y0,this._x1,this._y1));e=l.pop();)if(!t(h=e.node,r=e.x0,i=e.y0,o=e.x1,a=e.y1)&&h.length){var s=(r+o)/2,A=(i+a)/2;(n=h[3])&&l.push(new jl(n,s,A,o,a)),(n=h[2])&&l.push(new jl(n,r,A,s,a)),(n=h[1])&&l.push(new jl(n,s,i,o,A)),(n=h[0])&&l.push(new jl(n,r,i,s,A))}return this},Gl.visitAfter=function(t){var e,n=[],r=[];for(this._root&&n.push(new jl(this._root,this._x0,this._y0,this._x1,this._y1));e=n.pop();){var i=e.node;if(i.length){var o,a=e.x0,l=e.y0,h=e.x1,s=e.y1,A=(a+h)/2,d=(l+s)/2;(o=i[0])&&n.push(new jl(o,a,l,A,d)),(o=i[1])&&n.push(new jl(o,A,l,h,d)),(o=i[2])&&n.push(new jl(o,a,d,A,s)),(o=i[3])&&n.push(new jl(o,A,d,h,s))}r.push(e)}for(;e=r.pop();)t(e.node,e.x0,e.y0,e.x1,e.y1);return this},Gl.x=function(t){return arguments.length?(this._x=t,this):this._x},Gl.y=function(t){return arguments.length?(this._y=t,this):this._y};var Vl=Math.PI*(3-Math.sqrt(5));function Zl(t){var e,n=1,r=.001,i=1-Math.pow(r,1/300),o=0,a=.6,l=no(),h=Yn(A),s=ct("tick","end");function A(){d(),s.call("tick",e),n<r&&(h.stop(),s.call("end",e))}function d(r){var h,s,A=t.length;void 0===r&&(r=1);for(var d=0;d<r;++d)for(n+=(o-n)*i,l.each((function(t){t(n)})),h=0;h<A;++h)null==(s=t[h]).fx?s.x+=s.vx*=a:(s.x=s.fx,s.vx=0),null==s.fy?s.y+=s.vy*=a:(s.y=s.fy,s.vy=0);return e}function c(){for(var e,n=0,r=t.length;n<r;++n){if((e=t[n]).index=n,null!=e.fx&&(e.x=e.fx),null!=e.fy&&(e.y=e.fy),isNaN(e.x)||isNaN(e.y)){var i=10*Math.sqrt(n),o=n*Vl;e.x=i*Math.cos(o),e.y=i*Math.sin(o)}(isNaN(e.vx)||isNaN(e.vy))&&(e.vx=e.vy=0)}}function u(e){return e.initialize&&e.initialize(t),e}return null==t&&(t=[]),c(),e={tick:d,restart:function(){return h.restart(A),e},stop:function(){return h.stop(),e},nodes:function(n){return arguments.length?(t=n,c(),l.each(u),e):t},alpha:function(t){return arguments.length?(n=+t,e):n},alphaMin:function(t){return arguments.length?(r=+t,e):r},alphaDecay:function(t){return arguments.length?(i=+t,e):+i},alphaTarget:function(t){return arguments.length?(o=+t,e):o},velocityDecay:function(t){return arguments.length?(a=1-t,e):1-a},force:function(t,n){return arguments.length>1?(null==n?l.remove(t):l.set(t,u(n)),e):l.get(t)},find:function(e,n,r){var i,o,a,l,h,s=0,A=t.length;for(null==r?r=1/0:r*=r,s=0;s<A;++s)(a=(i=e-(l=t[s]).x)*i+(o=n-l.y)*o)<r&&(h=l,r=a);return h},on:function(t,n){return arguments.length>1?(s.on(t,n),e):s.on(t)}}}function th(){var t,e,n,r,i=zl(-30),o=1,a=1/0,l=.81;function h(r){var i,o=t.length,a=Rl(t,Xl,Kl).visitAfter(A);for(n=r,i=0;i<o;++i)e=t[i],a.visit(d)}function s(){if(t){var e,n,o=t.length;for(r=new Array(o),e=0;e<o;++e)n=t[e],r[n.index]=+i(n,e,t)}}function A(t){var e,n,i,o,a,l=0,h=0;if(t.length){for(i=o=a=0;a<4;++a)(e=t[a])&&(n=Math.abs(e.value))&&(l+=e.value,h+=n,i+=n*e.x,o+=n*e.y);t.x=i/h,t.y=o/h}else{(e=t).x=e.data.x,e.y=e.data.y;do{l+=r[e.data.index]}while(e=e.next)}t.value=l}function d(t,i,h,s){if(!t.value)return!0;var A=t.x-e.x,d=t.y-e.y,c=s-i,u=A*A+d*d;if(c*c/l<u)return u<a&&(0===A&&(u+=(A=Tl())*A),0===d&&(u+=(d=Tl())*d),u<o&&(u=Math.sqrt(o*u)),e.vx+=A*t.value*n/u,e.vy+=d*t.value*n/u),!0;if(!(t.length||u>=a)){(t.data!==e||t.next)&&(0===A&&(u+=(A=Tl())*A),0===d&&(u+=(d=Tl())*d),u<o&&(u=Math.sqrt(o*u)));do{t.data!==e&&(c=r[t.data.index]*n/u,e.vx+=A*c,e.vy+=d*c)}while(t=t.next)}}return h.initialize=function(e){t=e,s()},h.strength=function(t){return arguments.length?(i="function"==typeof t?t:zl(+t),s(),h):i},h.distanceMin=function(t){return arguments.length?(o=t*t,h):Math.sqrt(o)},h.distanceMax=function(t){return arguments.length?(a=t*t,h):Math.sqrt(a)},h.theta=function(t){return arguments.length?(l=t*t,h):Math.sqrt(l)},h}function eh(t,e,n){var r,i,o,a=zl(.1);function l(t){for(var a=0,l=r.length;a<l;++a){var h=r[a],s=h.x-e||1e-6,A=h.y-n||1e-6,d=Math.sqrt(s*s+A*A),c=(o[a]-d)*i[a]*t/d;h.vx+=s*c,h.vy+=A*c}}function h(){if(r){var e,n=r.length;for(i=new Array(n),o=new Array(n),e=0;e<n;++e)o[e]=+t(r[e],e,r),i[e]=isNaN(o[e])?0:+a(r[e],e,r)}}return"function"!=typeof t&&(t=zl(+t)),null==e&&(e=0),null==n&&(n=0),l.initialize=function(t){r=t,h()},l.strength=function(t){return arguments.length?(a="function"==typeof t?t:zl(+t),h(),l):a},l.radius=function(e){return arguments.length?(t="function"==typeof e?e:zl(+e),h(),l):t},l.x=function(t){return arguments.length?(e=+t,l):e},l.y=function(t){return arguments.length?(n=+t,l):n},l}function nh(t){var e,n,r,i=zl(.1);function o(t){for(var i,o=0,a=e.length;o<a;++o)(i=e[o]).vx+=(r[o]-i.x)*n[o]*t}function a(){if(e){var o,a=e.length;for(n=new Array(a),r=new Array(a),o=0;o<a;++o)n[o]=isNaN(r[o]=+t(e[o],o,e))?0:+i(e[o],o,e)}}return"function"!=typeof t&&(t=zl(null==t?0:+t)),o.initialize=function(t){e=t,a()},o.strength=function(t){return arguments.length?(i="function"==typeof t?t:zl(+t),a(),o):i},o.x=function(e){return arguments.length?(t="function"==typeof e?e:zl(+e),a(),o):t},o}function rh(t){var e,n,r,i=zl(.1);function o(t){for(var i,o=0,a=e.length;o<a;++o)(i=e[o]).vy+=(r[o]-i.y)*n[o]*t}function a(){if(e){var o,a=e.length;for(n=new Array(a),r=new Array(a),o=0;o<a;++o)n[o]=isNaN(r[o]=+t(e[o],o,e))?0:+i(e[o],o,e)}}return"function"!=typeof t&&(t=zl(null==t?0:+t)),o.initialize=function(t){e=t,a()},o.strength=function(t){return arguments.length?(i="function"==typeof t?t:zl(+t),a(),o):i},o.y=function(e){return arguments.length?(t="function"==typeof e?e:zl(+e),a(),o):t},o}function ih(t,e){if((n=(t=e?t.toExponential(e-1):t.toExponential()).indexOf("e"))<0)return null;var n,r=t.slice(0,n);return[r.length>1?r[0]+r.slice(2):r,+t.slice(n+1)]}function oh(t){return(t=ih(Math.abs(t)))?t[1]:NaN}var ah,lh=/^(?:(.)?([<>=^]))?([+\-( ])?([$#])?(0)?(\d+)?(,)?(\.\d+)?(~)?([a-z%])?$/i;function hh(t){if(!(e=lh.exec(t)))throw new Error("invalid format: "+t);var e;return new sh({fill:e[1],align:e[2],sign:e[3],symbol:e[4],zero:e[5],width:e[6],comma:e[7],precision:e[8]&&e[8].slice(1),trim:e[9],type:e[10]})}function sh(t){this.fill=void 0===t.fill?" ":t.fill+"",this.align=void 0===t.align?">":t.align+"",this.sign=void 0===t.sign?"-":t.sign+"",this.symbol=void 0===t.symbol?"":t.symbol+"",this.zero=!!t.zero,this.width=void 0===t.width?void 0:+t.width,this.comma=!!t.comma,this.precision=void 0===t.precision?void 0:+t.precision,this.trim=!!t.trim,this.type=void 0===t.type?"":t.type+""}function Ah(t,e){var n=ih(t,e);if(!n)return t+"";var r=n[0],i=n[1];return i<0?"0."+new Array(-i).join("0")+r:r.length>i+1?r.slice(0,i+1)+"."+r.slice(i+1):r+new Array(i-r.length+2).join("0")}hh.prototype=sh.prototype,sh.prototype.toString=function(){return this.fill+this.align+this.sign+this.symbol+(this.zero?"0":"")+(void 0===this.width?"":Math.max(1,0|this.width))+(this.comma?",":"")+(void 0===this.precision?"":"."+Math.max(0,0|this.precision))+(this.trim?"~":"")+this.type};var dh={"%":function(t,e){return(100*t).toFixed(e)},b:function(t){return Math.round(t).toString(2)},c:function(t){return t+""},d:function(t){return Math.abs(t=Math.round(t))>=1e21?t.toLocaleString("en").replace(/,/g,""):t.toString(10)},e:function(t,e){return t.toExponential(e)},f:function(t,e){return t.toFixed(e)},g:function(t,e){return t.toPrecision(e)},o:function(t){return Math.round(t).toString(8)},p:function(t,e){return Ah(100*t,e)},r:Ah,s:function(t,e){var n=ih(t,e);if(!n)return t+"";var r=n[0],i=n[1],o=i-(ah=3*Math.max(-8,Math.min(8,Math.floor(i/3))))+1,a=r.length;return o===a?r:o>a?r+new Array(o-a+1).join("0"):o>0?r.slice(0,o)+"."+r.slice(o):"0."+new Array(1-o).join("0")+ih(t,Math.max(0,e+o-1))[0]},X:function(t){return Math.round(t).toString(16).toUpperCase()},x:function(t){return Math.round(t).toString(16)}};function ch(t){return t}var uh,ph,mh,fh=Array.prototype.map,gh=["y","z","a","f","p","n","µ","m","","k","M","G","T","P","E","Z","Y"];function Ch(t){var e,n,r=void 0===t.grouping||void 0===t.thousands?ch:(e=fh.call(t.grouping,Number),n=t.thousands+"",function(t,r){for(var i=t.length,o=[],a=0,l=e[0],h=0;i>0&&l>0&&(h+l+1>r&&(l=Math.max(1,r-h)),o.push(t.substring(i-=l,i+l)),!((h+=l+1)>r));)l=e[a=(a+1)%e.length];return o.reverse().join(n)}),i=void 0===t.currency?"":t.currency[0]+"",o=void 0===t.currency?"":t.currency[1]+"",a=void 0===t.decimal?".":t.decimal+"",l=void 0===t.numerals?ch:function(t){return function(e){return e.replace(/[0-9]/g,(function(e){return t[+e]}))}}(fh.call(t.numerals,String)),h=void 0===t.percent?"%":t.percent+"",s=void 0===t.minus?"-":t.minus+"",A=void 0===t.nan?"NaN":t.nan+"";function d(t){var e=(t=hh(t)).fill,n=t.align,d=t.sign,c=t.symbol,u=t.zero,p=t.width,m=t.comma,f=t.precision,g=t.trim,C=t.type;"n"===C?(m=!0,C="g"):dh[C]||(void 0===f&&(f=12),g=!0,C="g"),(u||"0"===e&&"="===n)&&(u=!0,e="0",n="=");var b="$"===c?i:"#"===c&&/[boxX]/.test(C)?"0"+C.toLowerCase():"",_="$"===c?o:/[%p]/.test(C)?h:"",v=dh[C],x=/[defgprs%]/.test(C);function B(t){var i,o,h,c=b,B=_;if("c"===C)B=v(t)+B,t="";else{var k=(t=+t)<0||1/t<0;if(t=isNaN(t)?A:v(Math.abs(t),f),g&&(t=function(t){t:for(var e,n=t.length,r=1,i=-1;r<n;++r)switch(t[r]){case".":i=e=r;break;case"0":0===i&&(i=r),e=r;break;default:if(!+t[r])break t;i>0&&(i=0)}return i>0?t.slice(0,i)+t.slice(e+1):t}(t)),k&&0==+t&&"+"!==d&&(k=!1),c=(k?"("===d?d:s:"-"===d||"("===d?"":d)+c,B=("s"===C?gh[8+ah/3]:"")+B+(k&&"("===d?")":""),x)for(i=-1,o=t.length;++i<o;)if(48>(h=t.charCodeAt(i))||h>57){B=(46===h?a+t.slice(i+1):t.slice(i))+B,t=t.slice(0,i);break}}m&&!u&&(t=r(t,1/0));var w=c.length+t.length+B.length,y=w<p?new Array(p-w+1).join(e):"";switch(m&&u&&(t=r(y+t,y.length?p-B.length:1/0),y=""),n){case"<":t=c+t+B+y;break;case"=":t=c+y+t+B;break;case"^":t=y.slice(0,w=y.length>>1)+c+t+B+y.slice(w);break;default:t=y+c+t+B}return l(t)}return f=void 0===f?6:/[gprs]/.test(C)?Math.max(1,Math.min(21,f)):Math.max(0,Math.min(20,f)),B.toString=function(){return t+""},B}return{format:d,formatPrefix:function(t,e){var n=d(((t=hh(t)).type="f",t)),r=3*Math.max(-8,Math.min(8,Math.floor(oh(e)/3))),i=Math.pow(10,-r),o=gh[8+r/3];return function(t){return n(i*t)+o}}}}function bh(t){return uh=Ch(t),ph=uh.format,mh=uh.formatPrefix,uh}function _h(t){return Math.max(0,-oh(Math.abs(t)))}function vh(t,e){return Math.max(0,3*Math.max(-8,Math.min(8,Math.floor(oh(e)/3)))-oh(Math.abs(t)))}function xh(t,e){return t=Math.abs(t),e=Math.abs(e)-t,Math.max(0,oh(e)-oh(t))+1}function Bh(){return new kh}function kh(){this.reset()}bh({decimal:".",thousands:",",grouping:[3],currency:["$",""],minus:"-"}),kh.prototype={constructor:kh,reset:function(){this.s=this.t=0},add:function(t){yh(wh,t,this.t),yh(this,wh.s,this.s),this.s?this.t+=wh.t:this.s=wh.t},valueOf:function(){return this.s}};var wh=new kh;function yh(t,e,n){var r=t.s=e+n,i=r-e,o=r-i;t.t=e-o+(n-i)}var Eh=1e-6,$h=1e-12,Dh=Math.PI,Fh=Dh/2,Sh=Dh/4,Mh=2*Dh,Ih=180/Dh,zh=Dh/180,Th=Math.abs,Nh=Math.atan,jh=Math.atan2,Lh=Math.cos,Oh=Math.ceil,Rh=Math.exp,Uh=(Math.floor,Math.log),Ph=Math.pow,Gh=Math.sin,qh=Math.sign||function(t){return t>0?1:t<0?-1:0},Wh=Math.sqrt,Hh=Math.tan;function Yh(t){return t>1?0:t<-1?Dh:Math.acos(t)}function Jh(t){return t>1?Fh:t<-1?-Fh:Math.asin(t)}function Qh(t){return(t=Gh(t/2))*t}function Xh(){}function Kh(t,e){t&&Zh.hasOwnProperty(t.type)&&Zh[t.type](t,e)}var Vh={Feature:function(t,e){Kh(t.geometry,e)},FeatureCollection:function(t,e){for(var n=t.features,r=-1,i=n.length;++r<i;)Kh(n[r].geometry,e)}},Zh={Sphere:function(t,e){e.sphere()},Point:function(t,e){t=t.coordinates,e.point(t[0],t[1],t[2])},MultiPoint:function(t,e){for(var n=t.coordinates,r=-1,i=n.length;++r<i;)t=n[r],e.point(t[0],t[1],t[2])},LineString:function(t,e){ts(t.coordinates,e,0)},MultiLineString:function(t,e){for(var n=t.coordinates,r=-1,i=n.length;++r<i;)ts(n[r],e,0)},Polygon:function(t,e){es(t.coordinates,e)},MultiPolygon:function(t,e){for(var n=t.coordinates,r=-1,i=n.length;++r<i;)es(n[r],e)},GeometryCollection:function(t,e){for(var n=t.geometries,r=-1,i=n.length;++r<i;)Kh(n[r],e)}};function ts(t,e,n){var r,i=-1,o=t.length-n;for(e.lineStart();++i<o;)r=t[i],e.point(r[0],r[1],r[2]);e.lineEnd()}function es(t,e){var n=-1,r=t.length;for(e.polygonStart();++n<r;)ts(t[n],e,1);e.polygonEnd()}function ns(t,e){t&&Vh.hasOwnProperty(t.type)?Vh[t.type](t,e):Kh(t,e)}var rs,is,os,as,ls,hs=Bh(),ss=Bh(),As={point:Xh,lineStart:Xh,lineEnd:Xh,polygonStart:function(){hs.reset(),As.lineStart=ds,As.lineEnd=cs},polygonEnd:function(){var t=+hs;ss.add(t<0?Mh+t:t),this.lineStart=this.lineEnd=this.point=Xh},sphere:function(){ss.add(Mh)}};function ds(){As.point=us}function cs(){ps(rs,is)}function us(t,e){As.point=ps,rs=t,is=e,os=t*=zh,as=Lh(e=(e*=zh)/2+Sh),ls=Gh(e)}function ps(t,e){var n=(t*=zh)-os,r=n>=0?1:-1,i=r*n,o=Lh(e=(e*=zh)/2+Sh),a=Gh(e),l=ls*a,h=as*o+l*Lh(i),s=l*r*Gh(i);hs.add(jh(s,h)),os=t,as=o,ls=a}function ms(t){return ss.reset(),ns(t,As),2*ss}function fs(t){return[jh(t[1],t[0]),Jh(t[2])]}function gs(t){var e=t[0],n=t[1],r=Lh(n);return[r*Lh(e),r*Gh(e),Gh(n)]}function Cs(t,e){return t[0]*e[0]+t[1]*e[1]+t[2]*e[2]}function bs(t,e){return[t[1]*e[2]-t[2]*e[1],t[2]*e[0]-t[0]*e[2],t[0]*e[1]-t[1]*e[0]]}function _s(t,e){t[0]+=e[0],t[1]+=e[1],t[2]+=e[2]}function vs(t,e){return[t[0]*e,t[1]*e,t[2]*e]}function xs(t){var e=Wh(t[0]*t[0]+t[1]*t[1]+t[2]*t[2]);t[0]/=e,t[1]/=e,t[2]/=e}var Bs,ks,ws,ys,Es,$s,Ds,Fs,Ss,Ms,Is,zs,Ts,Ns,js,Ls,Os,Rs,Us,Ps,Gs,qs,Ws,Hs,Ys,Js,Qs=Bh(),Xs={point:Ks,lineStart:Zs,lineEnd:tA,polygonStart:function(){Xs.point=eA,Xs.lineStart=nA,Xs.lineEnd=rA,Qs.reset(),As.polygonStart()},polygonEnd:function(){As.polygonEnd(),Xs.point=Ks,Xs.lineStart=Zs,Xs.lineEnd=tA,hs<0?(Bs=-(ws=180),ks=-(ys=90)):Qs>Eh?ys=90:Qs<-1e-6&&(ks=-90),Ms[0]=Bs,Ms[1]=ws},sphere:function(){Bs=-(ws=180),ks=-(ys=90)}};function Ks(t,e){Ss.push(Ms=[Bs=t,ws=t]),e<ks&&(ks=e),e>ys&&(ys=e)}function Vs(t,e){var n=gs([t*zh,e*zh]);if(Fs){var r=bs(Fs,n),i=bs([r[1],-r[0],0],r);xs(i),i=fs(i);var o,a=t-Es,l=a>0?1:-1,h=i[0]*Ih*l,s=Th(a)>180;s^(l*Es<h&&h<l*t)?(o=i[1]*Ih)>ys&&(ys=o):s^(l*Es<(h=(h+360)%360-180)&&h<l*t)?(o=-i[1]*Ih)<ks&&(ks=o):(e<ks&&(ks=e),e>ys&&(ys=e)),s?t<Es?iA(Bs,t)>iA(Bs,ws)&&(ws=t):iA(t,ws)>iA(Bs,ws)&&(Bs=t):ws>=Bs?(t<Bs&&(Bs=t),t>ws&&(ws=t)):t>Es?iA(Bs,t)>iA(Bs,ws)&&(ws=t):iA(t,ws)>iA(Bs,ws)&&(Bs=t)}else Ss.push(Ms=[Bs=t,ws=t]);e<ks&&(ks=e),e>ys&&(ys=e),Fs=n,Es=t}function Zs(){Xs.point=Vs}function tA(){Ms[0]=Bs,Ms[1]=ws,Xs.point=Ks,Fs=null}function eA(t,e){if(Fs){var n=t-Es;Qs.add(Th(n)>180?n+(n>0?360:-360):n)}else $s=t,Ds=e;As.point(t,e),Vs(t,e)}function nA(){As.lineStart()}function rA(){eA($s,Ds),As.lineEnd(),Th(Qs)>Eh&&(Bs=-(ws=180)),Ms[0]=Bs,Ms[1]=ws,Fs=null}function iA(t,e){return(e-=t)<0?e+360:e}function oA(t,e){return t[0]-e[0]}function aA(t,e){return t[0]<=t[1]?t[0]<=e&&e<=t[1]:e<t[0]||t[1]<e}function lA(t){var e,n,r,i,o,a,l;if(ys=ws=-(Bs=ks=1/0),Ss=[],ns(t,Xs),n=Ss.length){for(Ss.sort(oA),e=1,o=[r=Ss[0]];e<n;++e)aA(r,(i=Ss[e])[0])||aA(r,i[1])?(iA(r[0],i[1])>iA(r[0],r[1])&&(r[1]=i[1]),iA(i[0],r[1])>iA(r[0],r[1])&&(r[0]=i[0])):o.push(r=i);for(a=-1/0,e=0,r=o[n=o.length-1];e<=n;r=i,++e)i=o[e],(l=iA(r[1],i[0]))>a&&(a=l,Bs=i[0],ws=r[1])}return Ss=Ms=null,Bs===1/0||ks===1/0?[[NaN,NaN],[NaN,NaN]]:[[Bs,ks],[ws,ys]]}var hA={sphere:Xh,point:sA,lineStart:dA,lineEnd:pA,polygonStart:function(){hA.lineStart=mA,hA.lineEnd=fA},polygonEnd:function(){hA.lineStart=dA,hA.lineEnd=pA}};function sA(t,e){t*=zh;var n=Lh(e*=zh);AA(n*Lh(t),n*Gh(t),Gh(e))}function AA(t,e,n){++Is,Ts+=(t-Ts)/Is,Ns+=(e-Ns)/Is,js+=(n-js)/Is}function dA(){hA.point=cA}function cA(t,e){t*=zh;var n=Lh(e*=zh);Hs=n*Lh(t),Ys=n*Gh(t),Js=Gh(e),hA.point=uA,AA(Hs,Ys,Js)}function uA(t,e){t*=zh;var n=Lh(e*=zh),r=n*Lh(t),i=n*Gh(t),o=Gh(e),a=jh(Wh((a=Ys*o-Js*i)*a+(a=Js*r-Hs*o)*a+(a=Hs*i-Ys*r)*a),Hs*r+Ys*i+Js*o);zs+=a,Ls+=a*(Hs+(Hs=r)),Os+=a*(Ys+(Ys=i)),Rs+=a*(Js+(Js=o)),AA(Hs,Ys,Js)}function pA(){hA.point=sA}function mA(){hA.point=gA}function fA(){CA(qs,Ws),hA.point=sA}function gA(t,e){qs=t,Ws=e,t*=zh,e*=zh,hA.point=CA;var n=Lh(e);Hs=n*Lh(t),Ys=n*Gh(t),Js=Gh(e),AA(Hs,Ys,Js)}function CA(t,e){t*=zh;var n=Lh(e*=zh),r=n*Lh(t),i=n*Gh(t),o=Gh(e),a=Ys*o-Js*i,l=Js*r-Hs*o,h=Hs*i-Ys*r,s=Wh(a*a+l*l+h*h),A=Jh(s),d=s&&-A/s;Us+=d*a,Ps+=d*l,Gs+=d*h,zs+=A,Ls+=A*(Hs+(Hs=r)),Os+=A*(Ys+(Ys=i)),Rs+=A*(Js+(Js=o)),AA(Hs,Ys,Js)}function bA(t){Is=zs=Ts=Ns=js=Ls=Os=Rs=Us=Ps=Gs=0,ns(t,hA);var e=Us,n=Ps,r=Gs,i=e*e+n*n+r*r;return i<$h&&(e=Ls,n=Os,r=Rs,zs<Eh&&(e=Ts,n=Ns,r=js),(i=e*e+n*n+r*r)<$h)?[NaN,NaN]:[jh(n,e)*Ih,Jh(r/Wh(i))*Ih]}function _A(t){return function(){return t}}function vA(t,e){function n(n,r){return n=t(n,r),e(n[0],n[1])}return t.invert&&e.invert&&(n.invert=function(n,r){return(n=e.invert(n,r))&&t.invert(n[0],n[1])}),n}function xA(t,e){return[Th(t)>Dh?t+Math.round(-t/Mh)*Mh:t,e]}function BA(t,e,n){return(t%=Mh)?e||n?vA(wA(t),yA(e,n)):wA(t):e||n?yA(e,n):xA}function kA(t){return function(e,n){return[(e+=t)>Dh?e-Mh:e<-Dh?e+Mh:e,n]}}function wA(t){var e=kA(t);return e.invert=kA(-t),e}function yA(t,e){var n=Lh(t),r=Gh(t),i=Lh(e),o=Gh(e);function a(t,e){var a=Lh(e),l=Lh(t)*a,h=Gh(t)*a,s=Gh(e),A=s*n+l*r;return[jh(h*i-A*o,l*n-s*r),Jh(A*i+h*o)]}return a.invert=function(t,e){var a=Lh(e),l=Lh(t)*a,h=Gh(t)*a,s=Gh(e),A=s*i-h*o;return[jh(h*i+s*o,l*n+A*r),Jh(A*n-l*r)]},a}function EA(t){function e(e){return(e=t(e[0]*zh,e[1]*zh))[0]*=Ih,e[1]*=Ih,e}return t=BA(t[0]*zh,t[1]*zh,t.length>2?t[2]*zh:0),e.invert=function(e){return(e=t.invert(e[0]*zh,e[1]*zh))[0]*=Ih,e[1]*=Ih,e},e}function $A(t,e,n,r,i,o){if(n){var a=Lh(e),l=Gh(e),h=r*n;null==i?(i=e+r*Mh,o=e-h/2):(i=DA(a,i),o=DA(a,o),(r>0?i<o:i>o)&&(i+=r*Mh));for(var s,A=i;r>0?A>o:A<o;A-=h)s=fs([a,-l*Lh(A),-l*Gh(A)]),t.point(s[0],s[1])}}function DA(t,e){(e=gs(e))[0]-=t,xs(e);var n=Yh(-e[1]);return((-e[2]<0?-n:n)+Mh-Eh)%Mh}function FA(){var t,e,n=_A([0,0]),r=_A(90),i=_A(6),o={point:function(n,r){t.push(n=e(n,r)),n[0]*=Ih,n[1]*=Ih}};function a(){var a=n.apply(this,arguments),l=r.apply(this,arguments)*zh,h=i.apply(this,arguments)*zh;return t=[],e=BA(-a[0]*zh,-a[1]*zh,0).invert,$A(o,l,h,1),a={type:"Polygon",coordinates:[t]},t=e=null,a}return a.center=function(t){return arguments.length?(n="function"==typeof t?t:_A([+t[0],+t[1]]),a):n},a.radius=function(t){return arguments.length?(r="function"==typeof t?t:_A(+t),a):r},a.precision=function(t){return arguments.length?(i="function"==typeof t?t:_A(+t),a):i},a}function SA(){var t,e=[];return{point:function(e,n,r){t.push([e,n,r])},lineStart:function(){e.push(t=[])},lineEnd:Xh,rejoin:function(){e.length>1&&e.push(e.pop().concat(e.shift()))},result:function(){var n=e;return e=[],t=null,n}}}function MA(t,e){return Th(t[0]-e[0])<Eh&&Th(t[1]-e[1])<Eh}function IA(t,e,n,r){this.x=t,this.z=e,this.o=n,this.e=r,this.v=!1,this.n=this.p=null}function zA(t,e,n,r,i){var o,a,l=[],h=[];if(t.forEach((function(t){if(!((e=t.length-1)<=0)){var e,n,r=t[0],a=t[e];if(MA(r,a)){if(!r[2]&&!a[2]){for(i.lineStart(),o=0;o<e;++o)i.point((r=t[o])[0],r[1]);return void i.lineEnd()}a[0]+=2e-6}l.push(n=new IA(r,t,null,!0)),h.push(n.o=new IA(r,null,n,!1)),l.push(n=new IA(a,t,null,!1)),h.push(n.o=new IA(a,null,n,!0))}})),l.length){for(h.sort(e),TA(l),TA(h),o=0,a=h.length;o<a;++o)h[o].e=n=!n;for(var s,A,d=l[0];;){for(var c=d,u=!0;c.v;)if((c=c.n)===d)return;s=c.z,i.lineStart();do{if(c.v=c.o.v=!0,c.e){if(u)for(o=0,a=s.length;o<a;++o)i.point((A=s[o])[0],A[1]);else r(c.x,c.n.x,1,i);c=c.n}else{if(u)for(s=c.p.z,o=s.length-1;o>=0;--o)i.point((A=s[o])[0],A[1]);else r(c.x,c.p.x,-1,i);c=c.p}s=(c=c.o).z,u=!u}while(!c.v);i.lineEnd()}}}function TA(t){if(e=t.length){for(var e,n,r=0,i=t[0];++r<e;)i.n=n=t[r],n.p=i,i=n;i.n=n=t[0],n.p=i}}xA.invert=xA;var NA=Bh();function jA(t){return Th(t[0])<=Dh?t[0]:qh(t[0])*((Th(t[0])+Dh)%Mh-Dh)}function LA(t,e){var n=jA(e),r=e[1],i=Gh(r),o=[Gh(n),-Lh(n),0],a=0,l=0;NA.reset(),1===i?r=Fh+Eh:-1===i&&(r=-Fh-Eh);for(var h=0,s=t.length;h<s;++h)if(d=(A=t[h]).length)for(var A,d,c=A[d-1],u=jA(c),p=c[1]/2+Sh,m=Gh(p),f=Lh(p),g=0;g<d;++g,u=b,m=v,f=x,c=C){var C=A[g],b=jA(C),_=C[1]/2+Sh,v=Gh(_),x=Lh(_),B=b-u,k=B>=0?1:-1,w=k*B,y=w>Dh,E=m*v;if(NA.add(jh(E*k*Gh(w),f*x+E*Lh(w))),a+=y?B+k*Mh:B,y^u>=n^b>=n){var $=bs(gs(c),gs(C));xs($);var D=bs(o,$);xs(D);var F=(y^B>=0?-1:1)*Jh(D[2]);(r>F||r===F&&($[0]||$[1]))&&(l+=y^B>=0?1:-1)}}return(a<-1e-6||a<Eh&&NA<-1e-6)^1&l}function OA(t,e,n,r){return function(i){var o,a,l,h=e(i),s=SA(),A=e(s),d=!1,c={point:u,lineStart:m,lineEnd:f,polygonStart:function(){c.point=g,c.lineStart=C,c.lineEnd=b,a=[],o=[]},polygonEnd:function(){c.point=u,c.lineStart=m,c.lineEnd=f,a=L(a);var t=LA(o,r);a.length?(d||(i.polygonStart(),d=!0),zA(a,UA,t,n,i)):t&&(d||(i.polygonStart(),d=!0),i.lineStart(),n(null,null,1,i),i.lineEnd()),d&&(i.polygonEnd(),d=!1),a=o=null},sphere:function(){i.polygonStart(),i.lineStart(),n(null,null,1,i),i.lineEnd(),i.polygonEnd()}};function u(e,n){t(e,n)&&i.point(e,n)}function p(t,e){h.point(t,e)}function m(){c.point=p,h.lineStart()}function f(){c.point=u,h.lineEnd()}function g(t,e){l.push([t,e]),A.point(t,e)}function C(){A.lineStart(),l=[]}function b(){g(l[0][0],l[0][1]),A.lineEnd();var t,e,n,r,h=A.clean(),c=s.result(),u=c.length;if(l.pop(),o.push(l),l=null,u)if(1&h){if((e=(n=c[0]).length-1)>0){for(d||(i.polygonStart(),d=!0),i.lineStart(),t=0;t<e;++t)i.point((r=n[t])[0],r[1]);i.lineEnd()}}else u>1&&2&h&&c.push(c.pop().concat(c.shift())),a.push(c.filter(RA))}return c}}function RA(t){return t.length>1}function UA(t,e){return((t=t.x)[0]<0?t[1]-Fh-Eh:Fh-t[1])-((e=e.x)[0]<0?e[1]-Fh-Eh:Fh-e[1])}var PA=OA((function(){return!0}),(function(t){var e,n=NaN,r=NaN,i=NaN;return{lineStart:function(){t.lineStart(),e=1},point:function(o,a){var l=o>0?Dh:-Dh,h=Th(o-n);Th(h-Dh)<Eh?(t.point(n,r=(r+a)/2>0?Fh:-Fh),t.point(i,r),t.lineEnd(),t.lineStart(),t.point(l,r),t.point(o,r),e=0):i!==l&&h>=Dh&&(Th(n-i)<Eh&&(n-=i*Eh),Th(o-l)<Eh&&(o-=l*Eh),r=function(t,e,n,r){var i,o,a=Gh(t-n);return Th(a)>Eh?Nh((Gh(e)*(o=Lh(r))*Gh(n)-Gh(r)*(i=Lh(e))*Gh(t))/(i*o*a)):(e+r)/2}(n,r,o,a),t.point(i,r),t.lineEnd(),t.lineStart(),t.point(l,r),e=0),t.point(n=o,r=a),i=l},lineEnd:function(){t.lineEnd(),n=r=NaN},clean:function(){return 2-e}}}),(function(t,e,n,r){var i;if(null==t)i=n*Fh,r.point(-Dh,i),r.point(0,i),r.point(Dh,i),r.point(Dh,0),r.point(Dh,-i),r.point(0,-i),r.point(-Dh,-i),r.point(-Dh,0),r.point(-Dh,i);else if(Th(t[0]-e[0])>Eh){var o=t[0]<e[0]?Dh:-Dh;i=n*o/2,r.point(-o,i),r.point(0,i),r.point(o,i)}else r.point(e[0],e[1])}),[-Dh,-Fh]);function GA(t){var e=Lh(t),n=6*zh,r=e>0,i=Th(e)>Eh;function o(t,n){return Lh(t)*Lh(n)>e}function a(t,n,r){var i=[1,0,0],o=bs(gs(t),gs(n)),a=Cs(o,o),l=o[0],h=a-l*l;if(!h)return!r&&t;var s=e*a/h,A=-e*l/h,d=bs(i,o),c=vs(i,s);_s(c,vs(o,A));var u=d,p=Cs(c,u),m=Cs(u,u),f=p*p-m*(Cs(c,c)-1);if(!(f<0)){var g=Wh(f),C=vs(u,(-p-g)/m);if(_s(C,c),C=fs(C),!r)return C;var b,_=t[0],v=n[0],x=t[1],B=n[1];v<_&&(b=_,_=v,v=b);var k=v-_,w=Th(k-Dh)<Eh;if(!w&&B<x&&(b=x,x=B,B=b),w||k<Eh?w?x+B>0^C[1]<(Th(C[0]-_)<Eh?x:B):x<=C[1]&&C[1]<=B:k>Dh^(_<=C[0]&&C[0]<=v)){var y=vs(u,(-p+g)/m);return _s(y,c),[C,fs(y)]}}}function l(e,n){var i=r?t:Dh-t,o=0;return e<-i?o|=1:e>i&&(o|=2),n<-i?o|=4:n>i&&(o|=8),o}return OA(o,(function(t){var e,n,h,s,A;return{lineStart:function(){s=h=!1,A=1},point:function(d,c){var u,p=[d,c],m=o(d,c),f=r?m?0:l(d,c):m?l(d+(d<0?Dh:-Dh),c):0;if(!e&&(s=h=m)&&t.lineStart(),m!==h&&(!(u=a(e,p))||MA(e,u)||MA(p,u))&&(p[2]=1),m!==h)A=0,m?(t.lineStart(),u=a(p,e),t.point(u[0],u[1])):(u=a(e,p),t.point(u[0],u[1],2),t.lineEnd()),e=u;else if(i&&e&&r^m){var g;f&n||!(g=a(p,e,!0))||(A=0,r?(t.lineStart(),t.point(g[0][0],g[0][1]),t.point(g[1][0],g[1][1]),t.lineEnd()):(t.point(g[1][0],g[1][1]),t.lineEnd(),t.lineStart(),t.point(g[0][0],g[0][1],3)))}!m||e&&MA(e,p)||t.point(p[0],p[1]),e=p,h=m,n=f},lineEnd:function(){h&&t.lineEnd(),e=null},clean:function(){return A|(s&&h)<<1}}}),(function(e,r,i,o){$A(o,t,n,i,e,r)}),r?[0,-t]:[-Dh,t-Dh])}var qA=1e9,WA=-qA;function HA(t,e,n,r){function i(i,o){return t<=i&&i<=n&&e<=o&&o<=r}function o(i,o,l,s){var A=0,d=0;if(null==i||(A=a(i,l))!==(d=a(o,l))||h(i,o)<0^l>0)do{s.point(0===A||3===A?t:n,A>1?r:e)}while((A=(A+l+4)%4)!==d);else s.point(o[0],o[1])}function a(r,i){return Th(r[0]-t)<Eh?i>0?0:3:Th(r[0]-n)<Eh?i>0?2:1:Th(r[1]-e)<Eh?i>0?1:0:i>0?3:2}function l(t,e){return h(t.x,e.x)}function h(t,e){var n=a(t,1),r=a(e,1);return n!==r?n-r:0===n?e[1]-t[1]:1===n?t[0]-e[0]:2===n?t[1]-e[1]:e[0]-t[0]}return function(a){var h,s,A,d,c,u,p,m,f,g,C,b=a,_=SA(),v={point:x,lineStart:function(){v.point=B,s&&s.push(A=[]),g=!0,f=!1,p=m=NaN},lineEnd:function(){h&&(B(d,c),u&&f&&_.rejoin(),h.push(_.result())),v.point=x,f&&b.lineEnd()},polygonStart:function(){b=_,h=[],s=[],C=!0},polygonEnd:function(){var e=function(){for(var e=0,n=0,i=s.length;n<i;++n)for(var o,a,l=s[n],h=1,A=l.length,d=l[0],c=d[0],u=d[1];h<A;++h)o=c,a=u,c=(d=l[h])[0],u=d[1],a<=r?u>r&&(c-o)*(r-a)>(u-a)*(t-o)&&++e:u<=r&&(c-o)*(r-a)<(u-a)*(t-o)&&--e;return e}(),n=C&&e,i=(h=L(h)).length;(n||i)&&(a.polygonStart(),n&&(a.lineStart(),o(null,null,1,a),a.lineEnd()),i&&zA(h,l,e,o,a),a.polygonEnd()),b=a,h=s=A=null}};function x(t,e){i(t,e)&&b.point(t,e)}function B(o,a){var l=i(o,a);if(s&&A.push([o,a]),g)d=o,c=a,u=l,g=!1,l&&(b.lineStart(),b.point(o,a));else if(l&&f)b.point(o,a);else{var h=[p=Math.max(WA,Math.min(qA,p)),m=Math.max(WA,Math.min(qA,m))],_=[o=Math.max(WA,Math.min(qA,o)),a=Math.max(WA,Math.min(qA,a))];!function(t,e,n,r,i,o){var a,l=t[0],h=t[1],s=0,A=1,d=e[0]-l,c=e[1]-h;if(a=n-l,d||!(a>0)){if(a/=d,d<0){if(a<s)return;a<A&&(A=a)}else if(d>0){if(a>A)return;a>s&&(s=a)}if(a=i-l,d||!(a<0)){if(a/=d,d<0){if(a>A)return;a>s&&(s=a)}else if(d>0){if(a<s)return;a<A&&(A=a)}if(a=r-h,c||!(a>0)){if(a/=c,c<0){if(a<s)return;a<A&&(A=a)}else if(c>0){if(a>A)return;a>s&&(s=a)}if(a=o-h,c||!(a<0)){if(a/=c,c<0){if(a>A)return;a>s&&(s=a)}else if(c>0){if(a<s)return;a<A&&(A=a)}return s>0&&(t[0]=l+s*d,t[1]=h+s*c),A<1&&(e[0]=l+A*d,e[1]=h+A*c),!0}}}}}(h,_,t,e,n,r)?l&&(b.lineStart(),b.point(o,a),C=!1):(f||(b.lineStart(),b.point(h[0],h[1])),b.point(_[0],_[1]),l||b.lineEnd(),C=!1)}p=o,m=a,f=l}return v}}function YA(){var t,e,n,r=0,i=0,o=960,a=500;return n={stream:function(n){return t&&e===n?t:t=HA(r,i,o,a)(e=n)},extent:function(l){return arguments.length?(r=+l[0][0],i=+l[0][1],o=+l[1][0],a=+l[1][1],t=e=null,n):[[r,i],[o,a]]}}}var JA,QA,XA,KA=Bh(),VA={sphere:Xh,point:Xh,lineStart:function(){VA.point=td,VA.lineEnd=ZA},lineEnd:Xh,polygonStart:Xh,polygonEnd:Xh};function ZA(){VA.point=VA.lineEnd=Xh}function td(t,e){JA=t*=zh,QA=Gh(e*=zh),XA=Lh(e),VA.point=ed}function ed(t,e){t*=zh;var n=Gh(e*=zh),r=Lh(e),i=Th(t-JA),o=Lh(i),a=r*Gh(i),l=XA*n-QA*r*o,h=QA*n+XA*r*o;KA.add(jh(Wh(a*a+l*l),h)),JA=t,QA=n,XA=r}function nd(t){return KA.reset(),ns(t,VA),+KA}var rd=[null,null],id={type:"LineString",coordinates:rd};function od(t,e){return rd[0]=t,rd[1]=e,nd(id)}var ad={Feature:function(t,e){return hd(t.geometry,e)},FeatureCollection:function(t,e){for(var n=t.features,r=-1,i=n.length;++r<i;)if(hd(n[r].geometry,e))return!0;return!1}},ld={Sphere:function(){return!0},Point:function(t,e){return sd(t.coordinates,e)},MultiPoint:function(t,e){for(var n=t.coordinates,r=-1,i=n.length;++r<i;)if(sd(n[r],e))return!0;return!1},LineString:function(t,e){return Ad(t.coordinates,e)},MultiLineString:function(t,e){for(var n=t.coordinates,r=-1,i=n.length;++r<i;)if(Ad(n[r],e))return!0;return!1},Polygon:function(t,e){return dd(t.coordinates,e)},MultiPolygon:function(t,e){for(var n=t.coordinates,r=-1,i=n.length;++r<i;)if(dd(n[r],e))return!0;return!1},GeometryCollection:function(t,e){for(var n=t.geometries,r=-1,i=n.length;++r<i;)if(hd(n[r],e))return!0;return!1}};function hd(t,e){return!(!t||!ld.hasOwnProperty(t.type))&&ld[t.type](t,e)}function sd(t,e){return 0===od(t,e)}function Ad(t,e){for(var n,r,i,o=0,a=t.length;o<a;o++){if(0===(r=od(t[o],e)))return!0;if(o>0&&(i=od(t[o],t[o-1]))>0&&n<=i&&r<=i&&(n+r-i)*(1-Math.pow((n-r)/i,2))<$h*i)return!0;n=r}return!1}function dd(t,e){return!!LA(t.map(cd),ud(e))}function cd(t){return(t=t.map(ud)).pop(),t}function ud(t){return[t[0]*zh,t[1]*zh]}function pd(t,e){return(t&&ad.hasOwnProperty(t.type)?ad[t.type]:hd)(t,e)}function md(t,e,n){var r=B(t,e-Eh,n).concat(e);return function(t){return r.map((function(e){return[t,e]}))}}function fd(t,e,n){var r=B(t,e-Eh,n).concat(e);return function(t){return r.map((function(e){return[e,t]}))}}function gd(){var t,e,n,r,i,o,a,l,h,s,A,d,c=10,u=c,p=90,m=360,f=2.5;function g(){return{type:"MultiLineString",coordinates:C()}}function C(){return B(Oh(r/p)*p,n,p).map(A).concat(B(Oh(l/m)*m,a,m).map(d)).concat(B(Oh(e/c)*c,t,c).filter((function(t){return Th(t%p)>Eh})).map(h)).concat(B(Oh(o/u)*u,i,u).filter((function(t){return Th(t%m)>Eh})).map(s))}return g.lines=function(){return C().map((function(t){return{type:"LineString",coordinates:t}}))},g.outline=function(){return{type:"Polygon",coordinates:[A(r).concat(d(a).slice(1),A(n).reverse().slice(1),d(l).reverse().slice(1))]}},g.extent=function(t){return arguments.length?g.extentMajor(t).extentMinor(t):g.extentMinor()},g.extentMajor=function(t){return arguments.length?(r=+t[0][0],n=+t[1][0],l=+t[0][1],a=+t[1][1],r>n&&(t=r,r=n,n=t),l>a&&(t=l,l=a,a=t),g.precision(f)):[[r,l],[n,a]]},g.extentMinor=function(n){return arguments.length?(e=+n[0][0],t=+n[1][0],o=+n[0][1],i=+n[1][1],e>t&&(n=e,e=t,t=n),o>i&&(n=o,o=i,i=n),g.precision(f)):[[e,o],[t,i]]},g.step=function(t){return arguments.length?g.stepMajor(t).stepMinor(t):g.stepMinor()},g.stepMajor=function(t){return arguments.length?(p=+t[0],m=+t[1],g):[p,m]},g.stepMinor=function(t){return arguments.length?(c=+t[0],u=+t[1],g):[c,u]},g.precision=function(c){return arguments.length?(f=+c,h=md(o,i,90),s=fd(e,t,f),A=md(l,a,90),d=fd(r,n,f),g):f},g.extentMajor([[-180,-89.999999],[180,89.999999]]).extentMinor([[-180,-80.000001],[180,80.000001]])}function Cd(){return gd()()}function bd(t,e){var n=t[0]*zh,r=t[1]*zh,i=e[0]*zh,o=e[1]*zh,a=Lh(r),l=Gh(r),h=Lh(o),s=Gh(o),A=a*Lh(n),d=a*Gh(n),c=h*Lh(i),u=h*Gh(i),p=2*Jh(Wh(Qh(o-r)+a*h*Qh(i-n))),m=Gh(p),f=p?function(t){var e=Gh(t*=p)/m,n=Gh(p-t)/m,r=n*A+e*c,i=n*d+e*u,o=n*l+e*s;return[jh(i,r)*Ih,jh(o,Wh(r*r+i*i))*Ih]}:function(){return[n*Ih,r*Ih]};return f.distance=p,f}function _d(t){return t}var vd,xd,Bd,kd,wd=Bh(),yd=Bh(),Ed={point:Xh,lineStart:Xh,lineEnd:Xh,polygonStart:function(){Ed.lineStart=$d,Ed.lineEnd=Sd},polygonEnd:function(){Ed.lineStart=Ed.lineEnd=Ed.point=Xh,wd.add(Th(yd)),yd.reset()},result:function(){var t=wd/2;return wd.reset(),t}};function $d(){Ed.point=Dd}function Dd(t,e){Ed.point=Fd,vd=Bd=t,xd=kd=e}function Fd(t,e){yd.add(kd*t-Bd*e),Bd=t,kd=e}function Sd(){Fd(vd,xd)}var Md,Id,zd,Td,Nd=Ed,jd=1/0,Ld=jd,Od=-jd,Rd=Od,Ud={point:function(t,e){t<jd&&(jd=t),t>Od&&(Od=t),e<Ld&&(Ld=e),e>Rd&&(Rd=e)},lineStart:Xh,lineEnd:Xh,polygonStart:Xh,polygonEnd:Xh,result:function(){var t=[[jd,Ld],[Od,Rd]];return Od=Rd=-(Ld=jd=1/0),t}},Pd=0,Gd=0,qd=0,Wd=0,Hd=0,Yd=0,Jd=0,Qd=0,Xd=0,Kd={point:Vd,lineStart:Zd,lineEnd:nc,polygonStart:function(){Kd.lineStart=rc,Kd.lineEnd=ic},polygonEnd:function(){Kd.point=Vd,Kd.lineStart=Zd,Kd.lineEnd=nc},result:function(){var t=Xd?[Jd/Xd,Qd/Xd]:Yd?[Wd/Yd,Hd/Yd]:qd?[Pd/qd,Gd/qd]:[NaN,NaN];return Pd=Gd=qd=Wd=Hd=Yd=Jd=Qd=Xd=0,t}};function Vd(t,e){Pd+=t,Gd+=e,++qd}function Zd(){Kd.point=tc}function tc(t,e){Kd.point=ec,Vd(zd=t,Td=e)}function ec(t,e){var n=t-zd,r=e-Td,i=Wh(n*n+r*r);Wd+=i*(zd+t)/2,Hd+=i*(Td+e)/2,Yd+=i,Vd(zd=t,Td=e)}function nc(){Kd.point=Vd}function rc(){Kd.point=oc}function ic(){ac(Md,Id)}function oc(t,e){Kd.point=ac,Vd(Md=zd=t,Id=Td=e)}function ac(t,e){var n=t-zd,r=e-Td,i=Wh(n*n+r*r);Wd+=i*(zd+t)/2,Hd+=i*(Td+e)/2,Yd+=i,Jd+=(i=Td*t-zd*e)*(zd+t),Qd+=i*(Td+e),Xd+=3*i,Vd(zd=t,Td=e)}var lc=Kd;function hc(t){this._context=t}hc.prototype={_radius:4.5,pointRadius:function(t){return this._radius=t,this},polygonStart:function(){this._line=0},polygonEnd:function(){this._line=NaN},lineStart:function(){this._point=0},lineEnd:function(){0===this._line&&this._context.closePath(),this._point=NaN},point:function(t,e){switch(this._point){case 0:this._context.moveTo(t,e),this._point=1;break;case 1:this._context.lineTo(t,e);break;default:this._context.moveTo(t+this._radius,e),this._context.arc(t,e,this._radius,0,Mh)}},result:Xh};var sc,Ac,dc,cc,uc,pc=Bh(),mc={point:Xh,lineStart:function(){mc.point=fc},lineEnd:function(){sc&&gc(Ac,dc),mc.point=Xh},polygonStart:function(){sc=!0},polygonEnd:function(){sc=null},result:function(){var t=+pc;return pc.reset(),t}};function fc(t,e){mc.point=gc,Ac=cc=t,dc=uc=e}function gc(t,e){cc-=t,uc-=e,pc.add(Wh(cc*cc+uc*uc)),cc=t,uc=e}var Cc=mc;function bc(){this._string=[]}function _c(t){return"m0,"+t+"a"+t+","+t+" 0 1,1 0,"+-2*t+"a"+t+","+t+" 0 1,1 0,"+2*t+"z"}function vc(t,e){var n,r,i=4.5;function o(t){return t&&("function"==typeof i&&r.pointRadius(+i.apply(this,arguments)),ns(t,n(r))),r.result()}return o.area=function(t){return ns(t,n(Nd)),Nd.result()},o.measure=function(t){return ns(t,n(Cc)),Cc.result()},o.bounds=function(t){return ns(t,n(Ud)),Ud.result()},o.centroid=function(t){return ns(t,n(lc)),lc.result()},o.projection=function(e){return arguments.length?(n=null==e?(t=null,_d):(t=e).stream,o):t},o.context=function(t){return arguments.length?(r=null==t?(e=null,new bc):new hc(e=t),"function"!=typeof i&&r.pointRadius(i),o):e},o.pointRadius=function(t){return arguments.length?(i="function"==typeof t?t:(r.pointRadius(+t),+t),o):i},o.projection(t).context(e)}function xc(t){return{stream:Bc(t)}}function Bc(t){return function(e){var n=new kc;for(var r in t)n[r]=t[r];return n.stream=e,n}}function kc(){}function wc(t,e,n){var r=t.clipExtent&&t.clipExtent();return t.scale(150).translate([0,0]),null!=r&&t.clipExtent(null),ns(n,t.stream(Ud)),e(Ud.result()),null!=r&&t.clipExtent(r),t}function yc(t,e,n){return wc(t,(function(n){var r=e[1][0]-e[0][0],i=e[1][1]-e[0][1],o=Math.min(r/(n[1][0]-n[0][0]),i/(n[1][1]-n[0][1])),a=+e[0][0]+(r-o*(n[1][0]+n[0][0]))/2,l=+e[0][1]+(i-o*(n[1][1]+n[0][1]))/2;t.scale(150*o).translate([a,l])}),n)}function Ec(t,e,n){return yc(t,[[0,0],e],n)}function $c(t,e,n){return wc(t,(function(n){var r=+e,i=r/(n[1][0]-n[0][0]),o=(r-i*(n[1][0]+n[0][0]))/2,a=-i*n[0][1];t.scale(150*i).translate([o,a])}),n)}function Dc(t,e,n){return wc(t,(function(n){var r=+e,i=r/(n[1][1]-n[0][1]),o=-i*n[0][0],a=(r-i*(n[1][1]+n[0][1]))/2;t.scale(150*i).translate([o,a])}),n)}bc.prototype={_radius:4.5,_circle:_c(4.5),pointRadius:function(t){return(t=+t)!==this._radius&&(this._radius=t,this._circle=null),this},polygonStart:function(){this._line=0},polygonEnd:function(){this._line=NaN},lineStart:function(){this._point=0},lineEnd:function(){0===this._line&&this._string.push("Z"),this._point=NaN},point:function(t,e){switch(this._point){case 0:this._string.push("M",t,",",e),this._point=1;break;case 1:this._string.push("L",t,",",e);break;default:null==this._circle&&(this._circle=_c(this._radius)),this._string.push("M",t,",",e,this._circle)}},result:function(){if(this._string.length){var t=this._string.join("");return this._string=[],t}return null}},kc.prototype={constructor:kc,point:function(t,e){this.stream.point(t,e)},sphere:function(){this.stream.sphere()},lineStart:function(){this.stream.lineStart()},lineEnd:function(){this.stream.lineEnd()},polygonStart:function(){this.stream.polygonStart()},polygonEnd:function(){this.stream.polygonEnd()}};var Fc=Lh(30*zh);function Sc(t,e){return+e?function(t,e){function n(r,i,o,a,l,h,s,A,d,c,u,p,m,f){var g=s-r,C=A-i,b=g*g+C*C;if(b>4*e&&m--){var _=a+c,v=l+u,x=h+p,B=Wh(_*_+v*v+x*x),k=Jh(x/=B),w=Th(Th(x)-1)<Eh||Th(o-d)<Eh?(o+d)/2:jh(v,_),y=t(w,k),E=y[0],$=y[1],D=E-r,F=$-i,S=C*D-g*F;(S*S/b>e||Th((g*D+C*F)/b-.5)>.3||a*c+l*u+h*p<Fc)&&(n(r,i,o,a,l,h,E,$,w,_/=B,v/=B,x,m,f),f.point(E,$),n(E,$,w,_,v,x,s,A,d,c,u,p,m,f))}}return function(e){var r,i,o,a,l,h,s,A,d,c,u,p,m={point:f,lineStart:g,lineEnd:b,polygonStart:function(){e.polygonStart(),m.lineStart=_},polygonEnd:function(){e.polygonEnd(),m.lineStart=g}};function f(n,r){n=t(n,r),e.point(n[0],n[1])}function g(){A=NaN,m.point=C,e.lineStart()}function C(r,i){var o=gs([r,i]),a=t(r,i);n(A,d,s,c,u,p,A=a[0],d=a[1],s=r,c=o[0],u=o[1],p=o[2],16,e),e.point(A,d)}function b(){m.point=f,e.lineEnd()}function _(){g(),m.point=v,m.lineEnd=x}function v(t,e){C(r=t,e),i=A,o=d,a=c,l=u,h=p,m.point=C}function x(){n(A,d,s,c,u,p,i,o,r,a,l,h,16,e),m.lineEnd=b,b()}return m}}(t,e):function(t){return Bc({point:function(e,n){e=t(e,n),this.stream.point(e[0],e[1])}})}(t)}var Mc=Bc({point:function(t,e){this.stream.point(t*zh,e*zh)}});function Ic(t,e,n,r,i){function o(o,a){return[e+t*(o*=r),n-t*(a*=i)]}return o.invert=function(o,a){return[(o-e)/t*r,(n-a)/t*i]},o}function zc(t,e,n,r,i,o){var a=Lh(o),l=Gh(o),h=a*t,s=l*t,A=a/t,d=l/t,c=(l*n-a*e)/t,u=(l*e+a*n)/t;function p(t,o){return[h*(t*=r)-s*(o*=i)+e,n-s*t-h*o]}return p.invert=function(t,e){return[r*(A*t-d*e+c),i*(u-d*t-A*e)]},p}function Tc(t){return Nc((function(){return t}))()}function Nc(t){var e,n,r,i,o,a,l,h,s,A,d=150,c=480,u=250,p=0,m=0,f=0,g=0,C=0,b=0,_=1,v=1,x=null,B=PA,k=null,w=_d,y=.5;function E(t){return h(t[0]*zh,t[1]*zh)}function $(t){return(t=h.invert(t[0],t[1]))&&[t[0]*Ih,t[1]*Ih]}function D(){var t=zc(d,0,0,_,v,b).apply(null,e(p,m)),r=(b?zc:Ic)(d,c-t[0],u-t[1],_,v,b);return n=BA(f,g,C),l=vA(e,r),h=vA(n,l),a=Sc(l,y),F()}function F(){return s=A=null,E}return E.stream=function(t){return s&&A===t?s:s=Mc(function(t){return Bc({point:function(e,n){var r=t(e,n);return this.stream.point(r[0],r[1])}})}(n)(B(a(w(A=t)))))},E.preclip=function(t){return arguments.length?(B=t,x=void 0,F()):B},E.postclip=function(t){return arguments.length?(w=t,k=r=i=o=null,F()):w},E.clipAngle=function(t){return arguments.length?(B=+t?GA(x=t*zh):(x=null,PA),F()):x*Ih},E.clipExtent=function(t){return arguments.length?(w=null==t?(k=r=i=o=null,_d):HA(k=+t[0][0],r=+t[0][1],i=+t[1][0],o=+t[1][1]),F()):null==k?null:[[k,r],[i,o]]},E.scale=function(t){return arguments.length?(d=+t,D()):d},E.translate=function(t){return arguments.length?(c=+t[0],u=+t[1],D()):[c,u]},E.center=function(t){return arguments.length?(p=t[0]%360*zh,m=t[1]%360*zh,D()):[p*Ih,m*Ih]},E.rotate=function(t){return arguments.length?(f=t[0]%360*zh,g=t[1]%360*zh,C=t.length>2?t[2]%360*zh:0,D()):[f*Ih,g*Ih,C*Ih]},E.angle=function(t){return arguments.length?(b=t%360*zh,D()):b*Ih},E.reflectX=function(t){return arguments.length?(_=t?-1:1,D()):_<0},E.reflectY=function(t){return arguments.length?(v=t?-1:1,D()):v<0},E.precision=function(t){return arguments.length?(a=Sc(l,y=t*t),F()):Wh(y)},E.fitExtent=function(t,e){return yc(E,t,e)},E.fitSize=function(t,e){return Ec(E,t,e)},E.fitWidth=function(t,e){return $c(E,t,e)},E.fitHeight=function(t,e){return Dc(E,t,e)},function(){return e=t.apply(this,arguments),E.invert=e.invert&&$,D()}}function jc(t){var e=0,n=Dh/3,r=Nc(t),i=r(e,n);return i.parallels=function(t){return arguments.length?r(e=t[0]*zh,n=t[1]*zh):[e*Ih,n*Ih]},i}function Lc(t,e){var n=Gh(t),r=(n+Gh(e))/2;if(Th(r)<Eh)return function(t){var e=Lh(t);function n(t,n){return[t*e,Gh(n)/e]}return n.invert=function(t,n){return[t/e,Jh(n*e)]},n}(t);var i=1+n*(2*r-n),o=Wh(i)/r;function a(t,e){var n=Wh(i-2*r*Gh(e))/r;return[n*Gh(t*=r),o-n*Lh(t)]}return a.invert=function(t,e){var n=o-e,a=jh(t,Th(n))*qh(n);return n*r<0&&(a-=Dh*qh(t)*qh(n)),[a/r,Jh((i-(t*t+n*n)*r*r)/(2*r))]},a}function Oc(){return jc(Lc).scale(155.424).center([0,33.6442])}function Rc(){return Oc().parallels([29.5,45.5]).scale(1070).translate([480,250]).rotate([96,0]).center([-.6,38.7])}function Uc(){var t,e,n,r,i,o,a=Rc(),l=Oc().rotate([154,0]).center([-2,58.5]).parallels([55,65]),h=Oc().rotate([157,0]).center([-3,19.9]).parallels([8,18]),s={point:function(t,e){o=[t,e]}};function A(t){var e=t[0],a=t[1];return o=null,n.point(e,a),o||(r.point(e,a),o)||(i.point(e,a),o)}function d(){return t=e=null,A}return A.invert=function(t){var e=a.scale(),n=a.translate(),r=(t[0]-n[0])/e,i=(t[1]-n[1])/e;return(i>=.12&&i<.234&&r>=-.425&&r<-.214?l:i>=.166&&i<.234&&r>=-.214&&r<-.115?h:a).invert(t)},A.stream=function(n){return t&&e===n?t:(r=[a.stream(e=n),l.stream(n),h.stream(n)],i=r.length,t={point:function(t,e){for(var n=-1;++n<i;)r[n].point(t,e)},sphere:function(){for(var t=-1;++t<i;)r[t].sphere()},lineStart:function(){for(var t=-1;++t<i;)r[t].lineStart()},lineEnd:function(){for(var t=-1;++t<i;)r[t].lineEnd()},polygonStart:function(){for(var t=-1;++t<i;)r[t].polygonStart()},polygonEnd:function(){for(var t=-1;++t<i;)r[t].polygonEnd()}});var r,i},A.precision=function(t){return arguments.length?(a.precision(t),l.precision(t),h.precision(t),d()):a.precision()},A.scale=function(t){return arguments.length?(a.scale(t),l.scale(.35*t),h.scale(t),A.translate(a.translate())):a.scale()},A.translate=function(t){if(!arguments.length)return a.translate();var e=a.scale(),o=+t[0],A=+t[1];return n=a.translate(t).clipExtent([[o-.455*e,A-.238*e],[o+.455*e,A+.238*e]]).stream(s),r=l.translate([o-.307*e,A+.201*e]).clipExtent([[o-.425*e+Eh,A+.12*e+Eh],[o-.214*e-Eh,A+.234*e-Eh]]).stream(s),i=h.translate([o-.205*e,A+.212*e]).clipExtent([[o-.214*e+Eh,A+.166*e+Eh],[o-.115*e-Eh,A+.234*e-Eh]]).stream(s),d()},A.fitExtent=function(t,e){return yc(A,t,e)},A.fitSize=function(t,e){return Ec(A,t,e)},A.fitWidth=function(t,e){return $c(A,t,e)},A.fitHeight=function(t,e){return Dc(A,t,e)},A.scale(1070)}function Pc(t){return function(e,n){var r=Lh(e),i=Lh(n),o=t(r*i);return[o*i*Gh(e),o*Gh(n)]}}function Gc(t){return function(e,n){var r=Wh(e*e+n*n),i=t(r),o=Gh(i),a=Lh(i);return[jh(e*o,r*a),Jh(r&&n*o/r)]}}var qc=Pc((function(t){return Wh(2/(1+t))}));function Wc(){return Tc(qc).scale(124.75).clipAngle(179.999)}qc.invert=Gc((function(t){return 2*Jh(t/2)}));var Hc=Pc((function(t){return(t=Yh(t))&&t/Gh(t)}));function Yc(){return Tc(Hc).scale(79.4188).clipAngle(179.999)}function Jc(t,e){return[t,Uh(Hh((Fh+e)/2))]}function Qc(){return Xc(Jc).scale(961/Mh)}function Xc(t){var e,n,r,i=Tc(t),o=i.center,a=i.scale,l=i.translate,h=i.clipExtent,s=null;function A(){var o=Dh*a(),l=i(EA(i.rotate()).invert([0,0]));return h(null==s?[[l[0]-o,l[1]-o],[l[0]+o,l[1]+o]]:t===Jc?[[Math.max(l[0]-o,s),e],[Math.min(l[0]+o,n),r]]:[[s,Math.max(l[1]-o,e)],[n,Math.min(l[1]+o,r)]])}return i.scale=function(t){return arguments.length?(a(t),A()):a()},i.translate=function(t){return arguments.length?(l(t),A()):l()},i.center=function(t){return arguments.length?(o(t),A()):o()},i.clipExtent=function(t){return arguments.length?(null==t?s=e=n=r=null:(s=+t[0][0],e=+t[0][1],n=+t[1][0],r=+t[1][1]),A()):null==s?null:[[s,e],[n,r]]},A()}function Kc(t){return Hh((Fh+t)/2)}function Vc(t,e){var n=Lh(t),r=t===e?Gh(t):Uh(n/Lh(e))/Uh(Kc(e)/Kc(t)),i=n*Ph(Kc(t),r)/r;if(!r)return Jc;function o(t,e){i>0?e<-Fh+Eh&&(e=-Fh+Eh):e>Fh-Eh&&(e=Fh-Eh);var n=i/Ph(Kc(e),r);return[n*Gh(r*t),i-n*Lh(r*t)]}return o.invert=function(t,e){var n=i-e,o=qh(r)*Wh(t*t+n*n),a=jh(t,Th(n))*qh(n);return n*r<0&&(a-=Dh*qh(t)*qh(n)),[a/r,2*Nh(Ph(i/o,1/r))-Fh]},o}function Zc(){return jc(Vc).scale(109.5).parallels([30,30])}function tu(t,e){return[t,e]}function eu(){return Tc(tu).scale(152.63)}function nu(t,e){var n=Lh(t),r=t===e?Gh(t):(n-Lh(e))/(e-t),i=n/r+t;if(Th(r)<Eh)return tu;function o(t,e){var n=i-e,o=r*t;return[n*Gh(o),i-n*Lh(o)]}return o.invert=function(t,e){var n=i-e,o=jh(t,Th(n))*qh(n);return n*r<0&&(o-=Dh*qh(t)*qh(n)),[o/r,i-qh(r)*Wh(t*t+n*n)]},o}function ru(){return jc(nu).scale(131.154).center([0,13.9389])}Hc.invert=Gc((function(t){return t})),Jc.invert=function(t,e){return[t,2*Nh(Rh(e))-Fh]},tu.invert=tu;var iu=1.340264,ou=-.081106,au=893e-6,lu=.003796,hu=Wh(3)/2;function su(t,e){var n=Jh(hu*Gh(e)),r=n*n,i=r*r*r;return[t*Lh(n)/(hu*(iu+3*ou*r+i*(7*au+9*lu*r))),n*(iu+ou*r+i*(au+lu*r))]}function Au(){return Tc(su).scale(177.158)}function du(t,e){var n=Lh(e),r=Lh(t)*n;return[n*Gh(t)/r,Gh(e)/r]}function cu(){return Tc(du).scale(144.049).clipAngle(60)}function uu(){var t,e,n,r,i,o,a,l=1,h=0,s=0,A=1,d=1,c=0,u=null,p=1,m=1,f=Bc({point:function(t,e){var n=b([t,e]);this.stream.point(n[0],n[1])}}),g=_d;function C(){return p=l*A,m=l*d,o=a=null,b}function b(n){var r=n[0]*p,i=n[1]*m;if(c){var o=i*t-r*e;r=r*t+i*e,i=o}return[r+h,i+s]}return b.invert=function(n){var r=n[0]-h,i=n[1]-s;if(c){var o=i*t+r*e;r=r*t-i*e,i=o}return[r/p,i/m]},b.stream=function(t){return o&&a===t?o:o=f(g(a=t))},b.postclip=function(t){return arguments.length?(g=t,u=n=r=i=null,C()):g},b.clipExtent=function(t){return arguments.length?(g=null==t?(u=n=r=i=null,_d):HA(u=+t[0][0],n=+t[0][1],r=+t[1][0],i=+t[1][1]),C()):null==u?null:[[u,n],[r,i]]},b.scale=function(t){return arguments.length?(l=+t,C()):l},b.translate=function(t){return arguments.length?(h=+t[0],s=+t[1],C()):[h,s]},b.angle=function(n){return arguments.length?(e=Gh(c=n%360*zh),t=Lh(c),C()):c*Ih},b.reflectX=function(t){return arguments.length?(A=t?-1:1,C()):A<0},b.reflectY=function(t){return arguments.length?(d=t?-1:1,C()):d<0},b.fitExtent=function(t,e){return yc(b,t,e)},b.fitSize=function(t,e){return Ec(b,t,e)},b.fitWidth=function(t,e){return $c(b,t,e)},b.fitHeight=function(t,e){return Dc(b,t,e)},b}function pu(t,e){var n=e*e,r=n*n;return[t*(.8707-.131979*n+r*(r*(.003971*n-.001529*r)-.013791)),e*(1.007226+n*(.015085+r*(.028874*n-.044475-.005916*r)))]}function mu(){return Tc(pu).scale(175.295)}function fu(t,e){return[Lh(e)*Gh(t),Gh(e)]}function gu(){return Tc(fu).scale(249.5).clipAngle(90.000001)}function Cu(t,e){var n=Lh(e),r=1+Lh(t)*n;return[n*Gh(t)/r,Gh(e)/r]}function bu(){return Tc(Cu).scale(250).clipAngle(142)}function _u(t,e){return[Uh(Hh((Fh+e)/2)),-t]}function vu(){var t=Xc(_u),e=t.center,n=t.rotate;return t.center=function(t){return arguments.length?e([-t[1],t[0]]):[(t=e())[1],-t[0]]},t.rotate=function(t){return arguments.length?n([t[0],t[1],t.length>2?t[2]+90:90]):[(t=n())[0],t[1],t[2]-90]},n([0,0,90]).scale(159.155)}function xu(t,e){return t.parent===e.parent?1:2}function Bu(t,e){return t+e.x}function ku(t,e){return Math.max(t,e.y)}function wu(){var t=xu,e=1,n=1,r=!1;function i(i){var o,a=0;i.eachAfter((function(e){var n=e.children;n?(e.x=function(t){return t.reduce(Bu,0)/t.length}(n),e.y=function(t){return 1+t.reduce(ku,0)}(n)):(e.x=o?a+=t(e,o):0,e.y=0,o=e)}));var l=function(t){for(var e;e=t.children;)t=e[0];return t}(i),h=function(t){for(var e;e=t.children;)t=e[e.length-1];return t}(i),s=l.x-t(l,h)/2,A=h.x+t(h,l)/2;return i.eachAfter(r?function(t){t.x=(t.x-i.x)*e,t.y=(i.y-t.y)*n}:function(t){t.x=(t.x-s)/(A-s)*e,t.y=(1-(i.y?t.y/i.y:1))*n})}return i.separation=function(e){return arguments.length?(t=e,i):t},i.size=function(t){return arguments.length?(r=!1,e=+t[0],n=+t[1],i):r?null:[e,n]},i.nodeSize=function(t){return arguments.length?(r=!0,e=+t[0],n=+t[1],i):r?[e,n]:null},i}function yu(t){var e=0,n=t.children,r=n&&n.length;if(r)for(;--r>=0;)e+=n[r].value;else e=1;t.value=e}function Eu(t,e){var n,r,i,o,a,l=new Su(t),h=+t.value&&(l.value=t.value),s=[l];for(null==e&&(e=$u);n=s.pop();)if(h&&(n.value=+n.data.value),(i=e(n.data))&&(a=i.length))for(n.children=new Array(a),o=a-1;o>=0;--o)s.push(r=n.children[o]=new Su(i[o])),r.parent=n,r.depth=n.depth+1;return l.eachBefore(Fu)}function $u(t){return t.children}function Du(t){t.data=t.data.data}function Fu(t){var e=0;do{t.height=e}while((t=t.parent)&&t.height<++e)}function Su(t){this.data=t,this.depth=this.height=0,this.parent=null}su.invert=function(t,e){for(var n,r=e,i=r*r,o=i*i*i,a=0;a<12&&(o=(i=(r-=n=(r*(iu+ou*i+o*(au+lu*i))-e)/(iu+3*ou*i+o*(7*au+9*lu*i)))*r)*i*i,!(Th(n)<$h));++a);return[hu*t*(iu+3*ou*i+o*(7*au+9*lu*i))/Lh(r),Jh(Gh(r)/hu)]},du.invert=Gc(Nh),pu.invert=function(t,e){var n,r=e,i=25;do{var o=r*r,a=o*o;r-=n=(r*(1.007226+o*(.015085+a*(.028874*o-.044475-.005916*a)))-e)/(1.007226+o*(.045255+a*(.259866*o-.311325-.005916*11*a)))}while(Th(n)>Eh&&--i>0);return[t/(.8707+(o=r*r)*(o*(o*o*o*(.003971-.001529*o)-.013791)-.131979)),r]},fu.invert=Gc(Jh),Cu.invert=Gc((function(t){return 2*Nh(t)})),_u.invert=function(t,e){return[-e,2*Nh(Rh(t))-Fh]},Su.prototype=Eu.prototype={constructor:Su,count:function(){return this.eachAfter(yu)},each:function(t){var e,n,r,i,o=this,a=[o];do{for(e=a.reverse(),a=[];o=e.pop();)if(t(o),n=o.children)for(r=0,i=n.length;r<i;++r)a.push(n[r])}while(a.length);return this},eachAfter:function(t){for(var e,n,r,i=this,o=[i],a=[];i=o.pop();)if(a.push(i),e=i.children)for(n=0,r=e.length;n<r;++n)o.push(e[n]);for(;i=a.pop();)t(i);return this},eachBefore:function(t){for(var e,n,r=this,i=[r];r=i.pop();)if(t(r),e=r.children)for(n=e.length-1;n>=0;--n)i.push(e[n]);return this},sum:function(t){return this.eachAfter((function(e){for(var n=+t(e.data)||0,r=e.children,i=r&&r.length;--i>=0;)n+=r[i].value;e.value=n}))},sort:function(t){return this.eachBefore((function(e){e.children&&e.children.sort(t)}))},path:function(t){for(var e=this,n=function(t,e){if(t===e)return t;var n=t.ancestors(),r=e.ancestors(),i=null;for(t=n.pop(),e=r.pop();t===e;)i=t,t=n.pop(),e=r.pop();return i}(e,t),r=[e];e!==n;)e=e.parent,r.push(e);for(var i=r.length;t!==n;)r.splice(i,0,t),t=t.parent;return r},ancestors:function(){for(var t=this,e=[t];t=t.parent;)e.push(t);return e},descendants:function(){var t=[];return this.each((function(e){t.push(e)})),t},leaves:function(){var t=[];return this.eachBefore((function(e){e.children||t.push(e)})),t},links:function(){var t=this,e=[];return t.each((function(n){n!==t&&e.push({source:n.parent,target:n})})),e},copy:function(){return Eu(this).eachBefore(Du)}};var Mu=Array.prototype.slice;function Iu(t){for(var e,n,r=0,i=(t=function(t){for(var e,n,r=t.length;r;)n=Math.random()*r--|0,e=t[r],t[r]=t[n],t[n]=e;return t}(Mu.call(t))).length,o=[];r<i;)e=t[r],n&&Nu(n,e)?++r:(n=Lu(o=zu(o,e)),r=0);return n}function zu(t,e){var n,r;if(ju(e,t))return[e];for(n=0;n<t.length;++n)if(Tu(e,t[n])&&ju(Ou(t[n],e),t))return[t[n],e];for(n=0;n<t.length-1;++n)for(r=n+1;r<t.length;++r)if(Tu(Ou(t[n],t[r]),e)&&Tu(Ou(t[n],e),t[r])&&Tu(Ou(t[r],e),t[n])&&ju(Ru(t[n],t[r],e),t))return[t[n],t[r],e];throw new Error}function Tu(t,e){var n=t.r-e.r,r=e.x-t.x,i=e.y-t.y;return n<0||n*n<r*r+i*i}function Nu(t,e){var n=t.r-e.r+1e-6,r=e.x-t.x,i=e.y-t.y;return n>0&&n*n>r*r+i*i}function ju(t,e){for(var n=0;n<e.length;++n)if(!Nu(t,e[n]))return!1;return!0}function Lu(t){switch(t.length){case 1:return function(t){return{x:t.x,y:t.y,r:t.r}}(t[0]);case 2:return Ou(t[0],t[1]);case 3:return Ru(t[0],t[1],t[2])}}function Ou(t,e){var n=t.x,r=t.y,i=t.r,o=e.x,a=e.y,l=e.r,h=o-n,s=a-r,A=l-i,d=Math.sqrt(h*h+s*s);return{x:(n+o+h/d*A)/2,y:(r+a+s/d*A)/2,r:(d+i+l)/2}}function Ru(t,e,n){var r=t.x,i=t.y,o=t.r,a=e.x,l=e.y,h=e.r,s=n.x,A=n.y,d=n.r,c=r-a,u=r-s,p=i-l,m=i-A,f=h-o,g=d-o,C=r*r+i*i-o*o,b=C-a*a-l*l+h*h,_=C-s*s-A*A+d*d,v=u*p-c*m,x=(p*_-m*b)/(2*v)-r,B=(m*f-p*g)/v,k=(u*b-c*_)/(2*v)-i,w=(c*g-u*f)/v,y=B*B+w*w-1,E=2*(o+x*B+k*w),$=x*x+k*k-o*o,D=-(y?(E+Math.sqrt(E*E-4*y*$))/(2*y):$/E);return{x:r+x+B*D,y:i+k+w*D,r:D}}function Uu(t,e,n){var r,i,o,a,l=t.x-e.x,h=t.y-e.y,s=l*l+h*h;s?(i=e.r+n.r,i*=i,a=t.r+n.r,i>(a*=a)?(r=(s+a-i)/(2*s),o=Math.sqrt(Math.max(0,a/s-r*r)),n.x=t.x-r*l-o*h,n.y=t.y-r*h+o*l):(r=(s+i-a)/(2*s),o=Math.sqrt(Math.max(0,i/s-r*r)),n.x=e.x+r*l-o*h,n.y=e.y+r*h+o*l)):(n.x=e.x+n.r,n.y=e.y)}function Pu(t,e){var n=t.r+e.r-1e-6,r=e.x-t.x,i=e.y-t.y;return n>0&&n*n>r*r+i*i}function Gu(t){var e=t._,n=t.next._,r=e.r+n.r,i=(e.x*n.r+n.x*e.r)/r,o=(e.y*n.r+n.y*e.r)/r;return i*i+o*o}function qu(t){this._=t,this.next=null,this.previous=null}function Wu(t){if(!(i=t.length))return 0;var e,n,r,i,o,a,l,h,s,A,d;if((e=t[0]).x=0,e.y=0,!(i>1))return e.r;if(n=t[1],e.x=-n.r,n.x=e.r,n.y=0,!(i>2))return e.r+n.r;Uu(n,e,r=t[2]),e=new qu(e),n=new qu(n),r=new qu(r),e.next=r.previous=n,n.next=e.previous=r,r.next=n.previous=e;t:for(l=3;l<i;++l){Uu(e._,n._,r=t[l]),r=new qu(r),h=n.next,s=e.previous,A=n._.r,d=e._.r;do{if(A<=d){if(Pu(h._,r._)){n=h,e.next=n,n.previous=e,--l;continue t}A+=h._.r,h=h.next}else{if(Pu(s._,r._)){(e=s).next=n,n.previous=e,--l;continue t}d+=s._.r,s=s.previous}}while(h!==s.next);for(r.previous=e,r.next=n,e.next=n.previous=n=r,o=Gu(e);(r=r.next)!==n;)(a=Gu(r))<o&&(e=r,o=a);n=e.next}for(e=[n._],r=n;(r=r.next)!==n;)e.push(r._);for(r=Iu(e),l=0;l<i;++l)(e=t[l]).x-=r.x,e.y-=r.y;return r.r}function Hu(t){return Wu(t),t}function Yu(t){return null==t?null:Ju(t)}function Ju(t){if("function"!=typeof t)throw new Error;return t}function Qu(){return 0}function Xu(t){return function(){return t}}function Ku(t){return Math.sqrt(t.value)}function Vu(){var t=null,e=1,n=1,r=Qu;function i(i){return i.x=e/2,i.y=n/2,t?i.eachBefore(Zu(t)).eachAfter(tp(r,.5)).eachBefore(ep(1)):i.eachBefore(Zu(Ku)).eachAfter(tp(Qu,1)).eachAfter(tp(r,i.r/Math.min(e,n))).eachBefore(ep(Math.min(e,n)/(2*i.r))),i}return i.radius=function(e){return arguments.length?(t=Yu(e),i):t},i.size=function(t){return arguments.length?(e=+t[0],n=+t[1],i):[e,n]},i.padding=function(t){return arguments.length?(r="function"==typeof t?t:Xu(+t),i):r},i}function Zu(t){return function(e){e.children||(e.r=Math.max(0,+t(e)||0))}}function tp(t,e){return function(n){if(r=n.children){var r,i,o,a=r.length,l=t(n)*e||0;if(l)for(i=0;i<a;++i)r[i].r+=l;if(o=Wu(r),l)for(i=0;i<a;++i)r[i].r-=l;n.r=o+l}}}function ep(t){return function(e){var n=e.parent;e.r*=t,n&&(e.x=n.x+t*e.x,e.y=n.y+t*e.y)}}function np(t){t.x0=Math.round(t.x0),t.y0=Math.round(t.y0),t.x1=Math.round(t.x1),t.y1=Math.round(t.y1)}function rp(t,e,n,r,i){for(var o,a=t.children,l=-1,h=a.length,s=t.value&&(r-e)/t.value;++l<h;)(o=a[l]).y0=n,o.y1=i,o.x0=e,o.x1=e+=o.value*s}function ip(){var t=1,e=1,n=0,r=!1;function i(i){var o=i.height+1;return i.x0=i.y0=n,i.x1=t,i.y1=e/o,i.eachBefore(function(t,e){return function(r){r.children&&rp(r,r.x0,t*(r.depth+1)/e,r.x1,t*(r.depth+2)/e);var i=r.x0,o=r.y0,a=r.x1-n,l=r.y1-n;a<i&&(i=a=(i+a)/2),l<o&&(o=l=(o+l)/2),r.x0=i,r.y0=o,r.x1=a,r.y1=l}}(e,o)),r&&i.eachBefore(np),i}return i.round=function(t){return arguments.length?(r=!!t,i):r},i.size=function(n){return arguments.length?(t=+n[0],e=+n[1],i):[t,e]},i.padding=function(t){return arguments.length?(n=+t,i):n},i}var op={depth:-1},ap={};function lp(t){return t.id}function hp(t){return t.parentId}function sp(){var t=lp,e=hp;function n(n){var r,i,o,a,l,h,s,A=n.length,d=new Array(A),c={};for(i=0;i<A;++i)r=n[i],l=d[i]=new Su(r),null!=(h=t(r,i,n))&&(h+="")&&(c[s="$"+(l.id=h)]=s in c?ap:l);for(i=0;i<A;++i)if(l=d[i],null!=(h=e(n[i],i,n))&&(h+="")){if(!(a=c["$"+h]))throw new Error("missing: "+h);if(a===ap)throw new Error("ambiguous: "+h);a.children?a.children.push(l):a.children=[l],l.parent=a}else{if(o)throw new Error("multiple roots");o=l}if(!o)throw new Error("no root");if(o.parent=op,o.eachBefore((function(t){t.depth=t.parent.depth+1,--A})).eachBefore(Fu),o.parent=null,A>0)throw new Error("cycle");return o}return n.id=function(e){return arguments.length?(t=Ju(e),n):t},n.parentId=function(t){return arguments.length?(e=Ju(t),n):e},n}function Ap(t,e){return t.parent===e.parent?1:2}function dp(t){var e=t.children;return e?e[0]:t.t}function cp(t){var e=t.children;return e?e[e.length-1]:t.t}function up(t,e,n){var r=n/(e.i-t.i);e.c-=r,e.s+=n,t.c+=r,e.z+=n,e.m+=n}function pp(t,e,n){return t.a.parent===e.parent?t.a:n}function mp(t,e){this._=t,this.parent=null,this.children=null,this.A=null,this.a=this,this.z=0,this.m=0,this.c=0,this.s=0,this.t=null,this.i=e}function fp(){var t=Ap,e=1,n=1,r=null;function i(i){var h=function(t){for(var e,n,r,i,o,a=new mp(t,0),l=[a];e=l.pop();)if(r=e._.children)for(e.children=new Array(o=r.length),i=o-1;i>=0;--i)l.push(n=e.children[i]=new mp(r[i],i)),n.parent=e;return(a.parent=new mp(null,0)).children=[a],a}(i);if(h.eachAfter(o),h.parent.m=-h.z,h.eachBefore(a),r)i.eachBefore(l);else{var s=i,A=i,d=i;i.eachBefore((function(t){t.x<s.x&&(s=t),t.x>A.x&&(A=t),t.depth>d.depth&&(d=t)}));var c=s===A?1:t(s,A)/2,u=c-s.x,p=e/(A.x+c+u),m=n/(d.depth||1);i.eachBefore((function(t){t.x=(t.x+u)*p,t.y=t.depth*m}))}return i}function o(e){var n=e.children,r=e.parent.children,i=e.i?r[e.i-1]:null;if(n){!function(t){for(var e,n=0,r=0,i=t.children,o=i.length;--o>=0;)(e=i[o]).z+=n,e.m+=n,n+=e.s+(r+=e.c)}(e);var o=(n[0].z+n[n.length-1].z)/2;i?(e.z=i.z+t(e._,i._),e.m=e.z-o):e.z=o}else i&&(e.z=i.z+t(e._,i._));e.parent.A=function(e,n,r){if(n){for(var i,o=e,a=e,l=n,h=o.parent.children[0],s=o.m,A=a.m,d=l.m,c=h.m;l=cp(l),o=dp(o),l&&o;)h=dp(h),(a=cp(a)).a=e,(i=l.z+d-o.z-s+t(l._,o._))>0&&(up(pp(l,e,r),e,i),s+=i,A+=i),d+=l.m,s+=o.m,c+=h.m,A+=a.m;l&&!cp(a)&&(a.t=l,a.m+=d-A),o&&!dp(h)&&(h.t=o,h.m+=s-c,r=e)}return r}(e,i,e.parent.A||r[0])}function a(t){t._.x=t.z+t.parent.m,t.m+=t.parent.m}function l(t){t.x*=e,t.y=t.depth*n}return i.separation=function(e){return arguments.length?(t=e,i):t},i.size=function(t){return arguments.length?(r=!1,e=+t[0],n=+t[1],i):r?null:[e,n]},i.nodeSize=function(t){return arguments.length?(r=!0,e=+t[0],n=+t[1],i):r?[e,n]:null},i}function gp(t,e,n,r,i){for(var o,a=t.children,l=-1,h=a.length,s=t.value&&(i-n)/t.value;++l<h;)(o=a[l]).x0=e,o.x1=r,o.y0=n,o.y1=n+=o.value*s}mp.prototype=Object.create(Su.prototype);var Cp=(1+Math.sqrt(5))/2;function bp(t,e,n,r,i,o){for(var a,l,h,s,A,d,c,u,p,m,f,g=[],C=e.children,b=0,_=0,v=C.length,x=e.value;b<v;){h=i-n,s=o-r;do{A=C[_++].value}while(!A&&_<v);for(d=c=A,f=A*A*(m=Math.max(s/h,h/s)/(x*t)),p=Math.max(c/f,f/d);_<v;++_){if(A+=l=C[_].value,l<d&&(d=l),l>c&&(c=l),f=A*A*m,(u=Math.max(c/f,f/d))>p){A-=l;break}p=u}g.push(a={value:A,dice:h<s,children:C.slice(b,_)}),a.dice?rp(a,n,r,i,x?r+=s*A/x:o):gp(a,n,r,x?n+=h*A/x:i,o),x-=A,b=_}return g}var _p=function t(e){function n(t,n,r,i,o){bp(e,t,n,r,i,o)}return n.ratio=function(e){return t((e=+e)>1?e:1)},n}(Cp);function vp(){var t=_p,e=!1,n=1,r=1,i=[0],o=Qu,a=Qu,l=Qu,h=Qu,s=Qu;function A(t){return t.x0=t.y0=0,t.x1=n,t.y1=r,t.eachBefore(d),i=[0],e&&t.eachBefore(np),t}function d(e){var n=i[e.depth],r=e.x0+n,A=e.y0+n,d=e.x1-n,c=e.y1-n;d<r&&(r=d=(r+d)/2),c<A&&(A=c=(A+c)/2),e.x0=r,e.y0=A,e.x1=d,e.y1=c,e.children&&(n=i[e.depth+1]=o(e)/2,r+=s(e)-n,A+=a(e)-n,(d-=l(e)-n)<r&&(r=d=(r+d)/2),(c-=h(e)-n)<A&&(A=c=(A+c)/2),t(e,r,A,d,c))}return A.round=function(t){return arguments.length?(e=!!t,A):e},A.size=function(t){return arguments.length?(n=+t[0],r=+t[1],A):[n,r]},A.tile=function(e){return arguments.length?(t=Ju(e),A):t},A.padding=function(t){return arguments.length?A.paddingInner(t).paddingOuter(t):A.paddingInner()},A.paddingInner=function(t){return arguments.length?(o="function"==typeof t?t:Xu(+t),A):o},A.paddingOuter=function(t){return arguments.length?A.paddingTop(t).paddingRight(t).paddingBottom(t).paddingLeft(t):A.paddingTop()},A.paddingTop=function(t){return arguments.length?(a="function"==typeof t?t:Xu(+t),A):a},A.paddingRight=function(t){return arguments.length?(l="function"==typeof t?t:Xu(+t),A):l},A.paddingBottom=function(t){return arguments.length?(h="function"==typeof t?t:Xu(+t),A):h},A.paddingLeft=function(t){return arguments.length?(s="function"==typeof t?t:Xu(+t),A):s},A}function xp(t,e,n,r,i){var o,a,l=t.children,h=l.length,s=new Array(h+1);for(s[0]=a=o=0;o<h;++o)s[o+1]=a+=l[o].value;!function t(e,n,r,i,o,a,h){if(e>=n-1){var A=l[e];return A.x0=i,A.y0=o,A.x1=a,void(A.y1=h)}for(var d=s[e],c=r/2+d,u=e+1,p=n-1;u<p;){var m=u+p>>>1;s[m]<c?u=m+1:p=m}c-s[u-1]<s[u]-c&&e+1<u&&--u;var f=s[u]-d,g=r-f;if(a-i>h-o){var C=(i*g+a*f)/r;t(e,u,f,i,o,C,h),t(u,n,g,C,o,a,h)}else{var b=(o*g+h*f)/r;t(e,u,f,i,o,a,b),t(u,n,g,i,b,a,h)}}(0,h,t.value,e,n,r,i)}function Bp(t,e,n,r,i){(1&t.depth?gp:rp)(t,e,n,r,i)}var kp=function t(e){function n(t,n,r,i,o){if((a=t._squarify)&&a.ratio===e)for(var a,l,h,s,A,d=-1,c=a.length,u=t.value;++d<c;){for(h=(l=a[d]).children,s=l.value=0,A=h.length;s<A;++s)l.value+=h[s].value;l.dice?rp(l,n,r,i,r+=(o-r)*l.value/u):gp(l,n,r,n+=(i-n)*l.value/u,o),u-=l.value}else t._squarify=a=bp(e,t,n,r,i,o),a.ratio=e}return n.ratio=function(e){return t((e=+e)>1?e:1)},n}(Cp);function wp(t){var e=t.length;return function(n){return t[Math.max(0,Math.min(e-1,Math.floor(n*e)))]}}function yp(t,e){var n=un(+t,+e);return function(t){var e=n(t);return e-360*Math.floor(e/360)}}function Ep(t,e){return t=+t,e=+e,function(n){return Math.round(t*(1-n)+e*n)}}var $p=Math.SQRT2;function Dp(t){return((t=Math.exp(t))+1/t)/2}function Fp(t,e){var n,r,i=t[0],o=t[1],a=t[2],l=e[0],h=e[1],s=e[2],A=l-i,d=h-o,c=A*A+d*d;if(c<1e-12)r=Math.log(s/a)/$p,n=function(t){return[i+t*A,o+t*d,a*Math.exp($p*t*r)]};else{var u=Math.sqrt(c),p=(s*s-a*a+4*c)/(2*a*2*u),m=(s*s-a*a-4*c)/(2*s*2*u),f=Math.log(Math.sqrt(p*p+1)-p),g=Math.log(Math.sqrt(m*m+1)-m);r=(g-f)/$p,n=function(t){var e,n=t*r,l=Dp(f),h=a/(2*u)*(l*(e=$p*n+f,((e=Math.exp(2*e))-1)/(e+1))-function(t){return((t=Math.exp(t))-1/t)/2}(f));return[i+h*A,o+h*d,a*l/Dp($p*n+f)]}}return n.duration=1e3*r,n}function Sp(t){return function(e,n){var r=t((e=on(e)).h,(n=on(n)).h),i=pn(e.s,n.s),o=pn(e.l,n.l),a=pn(e.opacity,n.opacity);return function(t){return e.h=r(t),e.s=i(t),e.l=o(t),e.opacity=a(t),e+""}}}var Mp=Sp(un),Ip=Sp(pn);function zp(t,e){var n=pn((t=wo(t)).l,(e=wo(e)).l),r=pn(t.a,e.a),i=pn(t.b,e.b),o=pn(t.opacity,e.opacity);return function(e){return t.l=n(e),t.a=r(e),t.b=i(e),t.opacity=o(e),t+""}}function Tp(t){return function(e,n){var r=t((e=Io(e)).h,(n=Io(n)).h),i=pn(e.c,n.c),o=pn(e.l,n.l),a=pn(e.opacity,n.opacity);return function(t){return e.h=r(t),e.c=i(t),e.l=o(t),e.opacity=a(t),e+""}}}var Np=Tp(un),jp=Tp(pn);function Lp(t){return function e(n){function r(e,r){var i=t((e=Wo(e)).h,(r=Wo(r)).h),o=pn(e.s,r.s),a=pn(e.l,r.l),l=pn(e.opacity,r.opacity);return function(t){return e.h=i(t),e.s=o(t),e.l=a(Math.pow(t,n)),e.opacity=l(t),e+""}}return n=+n,r.gamma=e,r}(1)}var Op=Lp(un),Rp=Lp(pn);function Up(t,e){for(var n=0,r=e.length-1,i=e[0],o=new Array(r<0?0:r);n<r;)o[n]=t(i,i=e[++n]);return function(t){var e=Math.max(0,Math.min(r-1,Math.floor(t*=r)));return o[e](t-e)}}function Pp(t,e){for(var n=new Array(e),r=0;r<e;++r)n[r]=t(r/(e-1));return n}function Gp(t){for(var e,n=-1,r=t.length,i=t[r-1],o=0;++n<r;)e=i,i=t[n],o+=e[1]*i[0]-e[0]*i[1];return o/2}function qp(t){for(var e,n,r=-1,i=t.length,o=0,a=0,l=t[i-1],h=0;++r<i;)e=l,l=t[r],h+=n=e[0]*l[1]-l[0]*e[1],o+=(e[0]+l[0])*n,a+=(e[1]+l[1])*n;return[o/(h*=3),a/h]}function Wp(t,e,n){return(e[0]-t[0])*(n[1]-t[1])-(e[1]-t[1])*(n[0]-t[0])}function Hp(t,e){return t[0]-e[0]||t[1]-e[1]}function Yp(t){for(var e=t.length,n=[0,1],r=2,i=2;i<e;++i){for(;r>1&&Wp(t[n[r-2]],t[n[r-1]],t[i])<=0;)--r;n[r++]=i}return n.slice(0,r)}function Jp(t){if((n=t.length)<3)return null;var e,n,r=new Array(n),i=new Array(n);for(e=0;e<n;++e)r[e]=[+t[e][0],+t[e][1],e];for(r.sort(Hp),e=0;e<n;++e)i[e]=[r[e][0],-r[e][1]];var o=Yp(r),a=Yp(i),l=a[0]===o[0],h=a[a.length-1]===o[o.length-1],s=[];for(e=o.length-1;e>=0;--e)s.push(t[r[o[e]][2]]);for(e=+l;e<a.length-h;++e)s.push(t[r[a[e]][2]]);return s}function Qp(t,e){for(var n,r,i=t.length,o=t[i-1],a=e[0],l=e[1],h=o[0],s=o[1],A=!1,d=0;d<i;++d)n=(o=t[d])[0],(r=o[1])>l!=s>l&&a<(h-n)*(l-r)/(s-r)+n&&(A=!A),h=n,s=r;return A}function Xp(t){for(var e,n,r=-1,i=t.length,o=t[i-1],a=o[0],l=o[1],h=0;++r<i;)e=a,n=l,e-=a=(o=t[r])[0],n-=l=o[1],h+=Math.sqrt(e*e+n*n);return h}function Kp(){return Math.random()}var Vp=function t(e){function n(t,n){return t=null==t?0:+t,n=null==n?1:+n,1===arguments.length?(n=t,t=0):n-=t,function(){return e()*n+t}}return n.source=t,n}(Kp),Zp=function t(e){function n(t,n){var r,i;return t=null==t?0:+t,n=null==n?1:+n,function(){var o;if(null!=r)o=r,r=null;else do{r=2*e()-1,o=2*e()-1,i=r*r+o*o}while(!i||i>1);return t+n*o*Math.sqrt(-2*Math.log(i)/i)}}return n.source=t,n}(Kp),tm=function t(e){function n(){var t=Zp.source(e).apply(this,arguments);return function(){return Math.exp(t())}}return n.source=t,n}(Kp),em=function t(e){function n(t){return function(){for(var n=0,r=0;r<t;++r)n+=e();return n}}return n.source=t,n}(Kp),nm=function t(e){function n(t){var n=em.source(e)(t);return function(){return n()/t}}return n.source=t,n}(Kp),rm=function t(e){function n(t){return function(){return-Math.log(1-e())/t}}return n.source=t,n}(Kp);function im(t,e){switch(arguments.length){case 0:break;case 1:this.range(t);break;default:this.range(e).domain(t)}return this}function om(t,e){switch(arguments.length){case 0:break;case 1:this.interpolator(t);break;default:this.interpolator(e).domain(t)}return this}var am=Array.prototype,lm=am.map,hm=am.slice,sm={name:"implicit"};function Am(){var t=no(),e=[],n=[],r=sm;function i(i){var o=i+"",a=t.get(o);if(!a){if(r!==sm)return r;t.set(o,a=e.push(i))}return n[(a-1)%n.length]}return i.domain=function(n){if(!arguments.length)return e.slice();e=[],t=no();for(var r,o,a=-1,l=n.length;++a<l;)t.has(o=(r=n[a])+"")||t.set(o,e.push(r));return i},i.range=function(t){return arguments.length?(n=hm.call(t),i):n.slice()},i.unknown=function(t){return arguments.length?(r=t,i):r},i.copy=function(){return Am(e,n).unknown(r)},im.apply(i,arguments),i}function dm(){var t,e,n=Am().unknown(void 0),r=n.domain,i=n.range,o=[0,1],a=!1,l=0,h=0,s=.5;function A(){var n=r().length,A=o[1]<o[0],d=o[A-0],c=o[1-A];t=(c-d)/Math.max(1,n-l+2*h),a&&(t=Math.floor(t)),d+=(c-d-t*(n-l))*s,e=t*(1-l),a&&(d=Math.round(d),e=Math.round(e));var u=B(n).map((function(e){return d+t*e}));return i(A?u.reverse():u)}return delete n.unknown,n.domain=function(t){return arguments.length?(r(t),A()):r()},n.range=function(t){return arguments.length?(o=[+t[0],+t[1]],A()):o.slice()},n.rangeRound=function(t){return o=[+t[0],+t[1]],a=!0,A()},n.bandwidth=function(){return e},n.step=function(){return t},n.round=function(t){return arguments.length?(a=!!t,A()):a},n.padding=function(t){return arguments.length?(l=Math.min(1,h=+t),A()):l},n.paddingInner=function(t){return arguments.length?(l=Math.min(1,t),A()):l},n.paddingOuter=function(t){return arguments.length?(h=+t,A()):h},n.align=function(t){return arguments.length?(s=Math.max(0,Math.min(1,t)),A()):s},n.copy=function(){return dm(r(),o).round(a).paddingInner(l).paddingOuter(h).align(s)},im.apply(A(),arguments)}function cm(t){var e=t.copy;return t.padding=t.paddingOuter,delete t.paddingInner,delete t.paddingOuter,t.copy=function(){return cm(e())},t}function um(){return cm(dm.apply(null,arguments).paddingInner(1))}function pm(t){return+t}var mm=[0,1];function fm(t){return t}function gm(t,e){return(e-=t=+t)?function(n){return(n-t)/e}:(n=isNaN(e)?NaN:.5,function(){return n});var n}function Cm(t){var e,n=t[0],r=t[t.length-1];return n>r&&(e=n,n=r,r=e),function(t){return Math.max(n,Math.min(r,t))}}function bm(t,e,n){var r=t[0],i=t[1],o=e[0],a=e[1];return i<r?(r=gm(i,r),o=n(a,o)):(r=gm(r,i),o=n(o,a)),function(t){return o(r(t))}}function _m(t,e,n){var r=Math.min(t.length,e.length)-1,i=new Array(r),o=new Array(r),a=-1;for(t[r]<t[0]&&(t=t.slice().reverse(),e=e.slice().reverse());++a<r;)i[a]=gm(t[a],t[a+1]),o[a]=n(e[a],e[a+1]);return function(e){var n=s(t,e,1,r)-1;return o[n](i[n](e))}}function vm(t,e){return e.domain(t.domain()).range(t.range()).interpolate(t.interpolate()).clamp(t.clamp()).unknown(t.unknown())}function xm(){var t,e,n,r,i,o,a=mm,l=mm,h=Dn,s=fm;function A(){return r=Math.min(a.length,l.length)>2?_m:bm,i=o=null,d}function d(e){return isNaN(e=+e)?n:(i||(i=r(a.map(t),l,h)))(t(s(e)))}return d.invert=function(n){return s(e((o||(o=r(l,a.map(t),kn)))(n)))},d.domain=function(t){return arguments.length?(a=lm.call(t,pm),s===fm||(s=Cm(a)),A()):a.slice()},d.range=function(t){return arguments.length?(l=hm.call(t),A()):l.slice()},d.rangeRound=function(t){return l=hm.call(t),h=Ep,A()},d.clamp=function(t){return arguments.length?(s=t?Cm(a):fm,d):s!==fm},d.interpolate=function(t){return arguments.length?(h=t,A()):h},d.unknown=function(t){return arguments.length?(n=t,d):n},function(n,r){return t=n,e=r,A()}}function Bm(t,e){return xm()(t,e)}function km(t,e,n,r){var i,o=D(t,e,n);switch((r=hh(null==r?",f":r)).type){case"s":var a=Math.max(Math.abs(t),Math.abs(e));return null!=r.precision||isNaN(i=vh(o,a))||(r.precision=i),mh(r,a);case"":case"e":case"g":case"p":case"r":null!=r.precision||isNaN(i=xh(o,Math.max(Math.abs(t),Math.abs(e))))||(r.precision=i-("e"===r.type));break;case"f":case"%":null!=r.precision||isNaN(i=_h(o))||(r.precision=i-2*("%"===r.type))}return ph(r)}function wm(t){var e=t.domain;return t.ticks=function(t){var n=e();return E(n[0],n[n.length-1],null==t?10:t)},t.tickFormat=function(t,n){var r=e();return km(r[0],r[r.length-1],null==t?10:t,n)},t.nice=function(n){null==n&&(n=10);var r,i=e(),o=0,a=i.length-1,l=i[o],h=i[a];return h<l&&(r=l,l=h,h=r,r=o,o=a,a=r),(r=$(l,h,n))>0?r=$(l=Math.floor(l/r)*r,h=Math.ceil(h/r)*r,n):r<0&&(r=$(l=Math.ceil(l*r)/r,h=Math.floor(h*r)/r,n)),r>0?(i[o]=Math.floor(l/r)*r,i[a]=Math.ceil(h/r)*r,e(i)):r<0&&(i[o]=Math.ceil(l*r)/r,i[a]=Math.floor(h*r)/r,e(i)),t},t}function ym(){var t=Bm(fm,fm);return t.copy=function(){return vm(t,ym())},im.apply(t,arguments),wm(t)}function Em(t){var e;function n(t){return isNaN(t=+t)?e:t}return n.invert=n,n.domain=n.range=function(e){return arguments.length?(t=lm.call(e,pm),n):t.slice()},n.unknown=function(t){return arguments.length?(e=t,n):e},n.copy=function(){return Em(t).unknown(e)},t=arguments.length?lm.call(t,pm):[0,1],wm(n)}function $m(t,e){var n,r=0,i=(t=t.slice()).length-1,o=t[r],a=t[i];return a<o&&(n=r,r=i,i=n,n=o,o=a,a=n),t[r]=e.floor(o),t[i]=e.ceil(a),t}function Dm(t){return Math.log(t)}function Fm(t){return Math.exp(t)}function Sm(t){return-Math.log(-t)}function Mm(t){return-Math.exp(-t)}function Im(t){return isFinite(t)?+("1e"+t):t<0?0:t}function zm(t){return function(e){return-t(-e)}}function Tm(t){var e,n,r=t(Dm,Fm),i=r.domain,o=10;function a(){return e=function(t){return t===Math.E?Math.log:10===t&&Math.log10||2===t&&Math.log2||(t=Math.log(t),function(e){return Math.log(e)/t})}(o),n=function(t){return 10===t?Im:t===Math.E?Math.exp:function(e){return Math.pow(t,e)}}(o),i()[0]<0?(e=zm(e),n=zm(n),t(Sm,Mm)):t(Dm,Fm),r}return r.base=function(t){return arguments.length?(o=+t,a()):o},r.domain=function(t){return arguments.length?(i(t),a()):i()},r.ticks=function(t){var r,a=i(),l=a[0],h=a[a.length-1];(r=h<l)&&(c=l,l=h,h=c);var s,A,d,c=e(l),u=e(h),p=null==t?10:+t,m=[];if(!(o%1)&&u-c<p){if(c=Math.round(c)-1,u=Math.round(u)+1,l>0){for(;c<u;++c)for(A=1,s=n(c);A<o;++A)if(!((d=s*A)<l)){if(d>h)break;m.push(d)}}else for(;c<u;++c)for(A=o-1,s=n(c);A>=1;--A)if(!((d=s*A)<l)){if(d>h)break;m.push(d)}}else m=E(c,u,Math.min(u-c,p)).map(n);return r?m.reverse():m},r.tickFormat=function(t,i){if(null==i&&(i=10===o?".0e":","),"function"!=typeof i&&(i=ph(i)),t===1/0)return i;null==t&&(t=10);var a=Math.max(1,o*t/r.ticks().length);return function(t){var r=t/n(Math.round(e(t)));return r*o<o-.5&&(r*=o),r<=a?i(t):""}},r.nice=function(){return i($m(i(),{floor:function(t){return n(Math.floor(e(t)))},ceil:function(t){return n(Math.ceil(e(t)))}}))},r}function Nm(){var t=Tm(xm()).domain([1,10]);return t.copy=function(){return vm(t,Nm()).base(t.base())},im.apply(t,arguments),t}function jm(t){return function(e){return Math.sign(e)*Math.log1p(Math.abs(e/t))}}function Lm(t){return function(e){return Math.sign(e)*Math.expm1(Math.abs(e))*t}}function Om(t){var e=1,n=t(jm(e),Lm(e));return n.constant=function(n){return arguments.length?t(jm(e=+n),Lm(e)):e},wm(n)}function Rm(){var t=Om(xm());return t.copy=function(){return vm(t,Rm()).constant(t.constant())},im.apply(t,arguments)}function Um(t){return function(e){return e<0?-Math.pow(-e,t):Math.pow(e,t)}}function Pm(t){return t<0?-Math.sqrt(-t):Math.sqrt(t)}function Gm(t){return t<0?-t*t:t*t}function qm(t){var e=t(fm,fm),n=1;function r(){return 1===n?t(fm,fm):.5===n?t(Pm,Gm):t(Um(n),Um(1/n))}return e.exponent=function(t){return arguments.length?(n=+t,r()):n},wm(e)}function Wm(){var t=qm(xm());return t.copy=function(){return vm(t,Wm()).exponent(t.exponent())},im.apply(t,arguments),t}function Hm(){return Wm.apply(null,arguments).exponent(.5)}function Ym(){var t,e=[],n=[],r=[];function o(){var t=0,i=Math.max(1,n.length);for(r=new Array(i-1);++t<i;)r[t-1]=M(e,t/i);return a}function a(e){return isNaN(e=+e)?t:n[s(r,e)]}return a.invertExtent=function(t){var i=n.indexOf(t);return i<0?[NaN,NaN]:[i>0?r[i-1]:e[0],i<r.length?r[i]:e[e.length-1]]},a.domain=function(t){if(!arguments.length)return e.slice();e=[];for(var n,r=0,a=t.length;r<a;++r)null==(n=t[r])||isNaN(n=+n)||e.push(n);return e.sort(i),o()},a.range=function(t){return arguments.length?(n=hm.call(t),o()):n.slice()},a.unknown=function(e){return arguments.length?(t=e,a):t},a.quantiles=function(){return r.slice()},a.copy=function(){return Ym().domain(e).range(n).unknown(t)},im.apply(a,arguments)}function Jm(){var t,e=0,n=1,r=1,i=[.5],o=[0,1];function a(e){return e<=e?o[s(i,e,0,r)]:t}function l(){var t=-1;for(i=new Array(r);++t<r;)i[t]=((t+1)*n-(t-r)*e)/(r+1);return a}return a.domain=function(t){return arguments.length?(e=+t[0],n=+t[1],l()):[e,n]},a.range=function(t){return arguments.length?(r=(o=hm.call(t)).length-1,l()):o.slice()},a.invertExtent=function(t){var a=o.indexOf(t);return a<0?[NaN,NaN]:a<1?[e,i[0]]:a>=r?[i[r-1],n]:[i[a-1],i[a]]},a.unknown=function(e){return arguments.length?(t=e,a):a},a.thresholds=function(){return i.slice()},a.copy=function(){return Jm().domain([e,n]).range(o).unknown(t)},im.apply(wm(a),arguments)}function Qm(){var t,e=[.5],n=[0,1],r=1;function i(i){return i<=i?n[s(e,i,0,r)]:t}return i.domain=function(t){return arguments.length?(e=hm.call(t),r=Math.min(e.length,n.length-1),i):e.slice()},i.range=function(t){return arguments.length?(n=hm.call(t),r=Math.min(e.length,n.length-1),i):n.slice()},i.invertExtent=function(t){var r=n.indexOf(t);return[e[r-1],e[r]]},i.unknown=function(e){return arguments.length?(t=e,i):t},i.copy=function(){return Qm().domain(e).range(n).unknown(t)},im.apply(i,arguments)}var Xm=new Date,Km=new Date;function Vm(t,e,n,r){function i(e){return t(e=0===arguments.length?new Date:new Date(+e)),e}return i.floor=function(e){return t(e=new Date(+e)),e},i.ceil=function(n){return t(n=new Date(n-1)),e(n,1),t(n),n},i.round=function(t){var e=i(t),n=i.ceil(t);return t-e<n-t?e:n},i.offset=function(t,n){return e(t=new Date(+t),null==n?1:Math.floor(n)),t},i.range=function(n,r,o){var a,l=[];if(n=i.ceil(n),o=null==o?1:Math.floor(o),!(n<r&&o>0))return l;do{l.push(a=new Date(+n)),e(n,o),t(n)}while(a<n&&n<r);return l},i.filter=function(n){return Vm((function(e){if(e>=e)for(;t(e),!n(e);)e.setTime(e-1)}),(function(t,r){if(t>=t)if(r<0)for(;++r<=0;)for(;e(t,-1),!n(t););else for(;--r>=0;)for(;e(t,1),!n(t););}))},n&&(i.count=function(e,r){return Xm.setTime(+e),Km.setTime(+r),t(Xm),t(Km),Math.floor(n(Xm,Km))},i.every=function(t){return t=Math.floor(t),isFinite(t)&&t>0?t>1?i.filter(r?function(e){return r(e)%t==0}:function(e){return i.count(0,e)%t==0}):i:null}),i}var Zm=Vm((function(t){t.setMonth(0,1),t.setHours(0,0,0,0)}),(function(t,e){t.setFullYear(t.getFullYear()+e)}),(function(t,e){return e.getFullYear()-t.getFullYear()}),(function(t){return t.getFullYear()}));Zm.every=function(t){return isFinite(t=Math.floor(t))&&t>0?Vm((function(e){e.setFullYear(Math.floor(e.getFullYear()/t)*t),e.setMonth(0,1),e.setHours(0,0,0,0)}),(function(e,n){e.setFullYear(e.getFullYear()+n*t)})):null};var tf=Zm,ef=Zm.range,nf=Vm((function(t){t.setDate(1),t.setHours(0,0,0,0)}),(function(t,e){t.setMonth(t.getMonth()+e)}),(function(t,e){return e.getMonth()-t.getMonth()+12*(e.getFullYear()-t.getFullYear())}),(function(t){return t.getMonth()})),rf=nf,of=nf.range,af=1e3,lf=6e4,hf=36e5,sf=864e5,Af=6048e5;function df(t){return Vm((function(e){e.setDate(e.getDate()-(e.getDay()+7-t)%7),e.setHours(0,0,0,0)}),(function(t,e){t.setDate(t.getDate()+7*e)}),(function(t,e){return(e-t-(e.getTimezoneOffset()-t.getTimezoneOffset())*lf)/Af}))}var cf=df(0),uf=df(1),pf=df(2),mf=df(3),ff=df(4),gf=df(5),Cf=df(6),bf=cf.range,_f=uf.range,vf=pf.range,xf=mf.range,Bf=ff.range,kf=gf.range,wf=Cf.range,yf=Vm((function(t){t.setHours(0,0,0,0)}),(function(t,e){t.setDate(t.getDate()+e)}),(function(t,e){return(e-t-(e.getTimezoneOffset()-t.getTimezoneOffset())*lf)/sf}),(function(t){return t.getDate()-1})),Ef=yf,$f=yf.range,Df=Vm((function(t){t.setTime(t-t.getMilliseconds()-t.getSeconds()*af-t.getMinutes()*lf)}),(function(t,e){t.setTime(+t+e*hf)}),(function(t,e){return(e-t)/hf}),(function(t){return t.getHours()})),Ff=Df,Sf=Df.range,Mf=Vm((function(t){t.setTime(t-t.getMilliseconds()-t.getSeconds()*af)}),(function(t,e){t.setTime(+t+e*lf)}),(function(t,e){return(e-t)/lf}),(function(t){return t.getMinutes()})),If=Mf,zf=Mf.range,Tf=Vm((function(t){t.setTime(t-t.getMilliseconds())}),(function(t,e){t.setTime(+t+e*af)}),(function(t,e){return(e-t)/af}),(function(t){return t.getUTCSeconds()})),Nf=Tf,jf=Tf.range,Lf=Vm((function(){}),(function(t,e){t.setTime(+t+e)}),(function(t,e){return e-t}));Lf.every=function(t){return t=Math.floor(t),isFinite(t)&&t>0?t>1?Vm((function(e){e.setTime(Math.floor(e/t)*t)}),(function(e,n){e.setTime(+e+n*t)}),(function(e,n){return(n-e)/t})):Lf:null};var Of=Lf,Rf=Lf.range;function Uf(t){return Vm((function(e){e.setUTCDate(e.getUTCDate()-(e.getUTCDay()+7-t)%7),e.setUTCHours(0,0,0,0)}),(function(t,e){t.setUTCDate(t.getUTCDate()+7*e)}),(function(t,e){return(e-t)/Af}))}var Pf=Uf(0),Gf=Uf(1),qf=Uf(2),Wf=Uf(3),Hf=Uf(4),Yf=Uf(5),Jf=Uf(6),Qf=Pf.range,Xf=Gf.range,Kf=qf.range,Vf=Wf.range,Zf=Hf.range,tg=Yf.range,eg=Jf.range,ng=Vm((function(t){t.setUTCHours(0,0,0,0)}),(function(t,e){t.setUTCDate(t.getUTCDate()+e)}),(function(t,e){return(e-t)/sf}),(function(t){return t.getUTCDate()-1})),rg=ng,ig=ng.range,og=Vm((function(t){t.setUTCMonth(0,1),t.setUTCHours(0,0,0,0)}),(function(t,e){t.setUTCFullYear(t.getUTCFullYear()+e)}),(function(t,e){return e.getUTCFullYear()-t.getUTCFullYear()}),(function(t){return t.getUTCFullYear()}));og.every=function(t){return isFinite(t=Math.floor(t))&&t>0?Vm((function(e){e.setUTCFullYear(Math.floor(e.getUTCFullYear()/t)*t),e.setUTCMonth(0,1),e.setUTCHours(0,0,0,0)}),(function(e,n){e.setUTCFullYear(e.getUTCFullYear()+n*t)})):null};var ag=og,lg=og.range;function hg(t){if(0<=t.y&&t.y<100){var e=new Date(-1,t.m,t.d,t.H,t.M,t.S,t.L);return e.setFullYear(t.y),e}return new Date(t.y,t.m,t.d,t.H,t.M,t.S,t.L)}function sg(t){if(0<=t.y&&t.y<100){var e=new Date(Date.UTC(-1,t.m,t.d,t.H,t.M,t.S,t.L));return e.setUTCFullYear(t.y),e}return new Date(Date.UTC(t.y,t.m,t.d,t.H,t.M,t.S,t.L))}function Ag(t,e,n){return{y:t,m:e,d:n,H:0,M:0,S:0,L:0}}function dg(t){var e=t.dateTime,n=t.date,r=t.time,i=t.periods,o=t.days,a=t.shortDays,l=t.months,h=t.shortMonths,s=Bg(i),A=kg(i),d=Bg(o),c=kg(o),u=Bg(a),p=kg(a),m=Bg(l),f=kg(l),g=Bg(h),C=kg(h),b={a:function(t){return a[t.getDay()]},A:function(t){return o[t.getDay()]},b:function(t){return h[t.getMonth()]},B:function(t){return l[t.getMonth()]},c:null,d:Wg,e:Wg,f:Xg,g:lC,G:sC,H:Hg,I:Yg,j:Jg,L:Qg,m:Kg,M:Vg,p:function(t){return i[+(t.getHours()>=12)]},q:function(t){return 1+~~(t.getMonth()/3)},Q:MC,s:IC,S:Zg,u:tC,U:eC,V:rC,w:iC,W:oC,x:null,X:null,y:aC,Y:hC,Z:AC,"%":SC},_={a:function(t){return a[t.getUTCDay()]},A:function(t){return o[t.getUTCDay()]},b:function(t){return h[t.getUTCMonth()]},B:function(t){return l[t.getUTCMonth()]},c:null,d:dC,e:dC,f:fC,g:EC,G:DC,H:cC,I:uC,j:pC,L:mC,m:gC,M:CC,p:function(t){return i[+(t.getUTCHours()>=12)]},q:function(t){return 1+~~(t.getUTCMonth()/3)},Q:MC,s:IC,S:bC,u:_C,U:vC,V:BC,w:kC,W:wC,x:null,X:null,y:yC,Y:$C,Z:FC,"%":SC},v={a:function(t,e,n){var r=u.exec(e.slice(n));return r?(t.w=p[r[0].toLowerCase()],n+r[0].length):-1},A:function(t,e,n){var r=d.exec(e.slice(n));return r?(t.w=c[r[0].toLowerCase()],n+r[0].length):-1},b:function(t,e,n){var r=g.exec(e.slice(n));return r?(t.m=C[r[0].toLowerCase()],n+r[0].length):-1},B:function(t,e,n){var r=m.exec(e.slice(n));return r?(t.m=f[r[0].toLowerCase()],n+r[0].length):-1},c:function(t,n,r){return k(t,e,n,r)},d:Tg,e:Tg,f:Ug,g:Sg,G:Fg,H:jg,I:jg,j:Ng,L:Rg,m:zg,M:Lg,p:function(t,e,n){var r=s.exec(e.slice(n));return r?(t.p=A[r[0].toLowerCase()],n+r[0].length):-1},q:Ig,Q:Gg,s:qg,S:Og,u:yg,U:Eg,V:$g,w:wg,W:Dg,x:function(t,e,r){return k(t,n,e,r)},X:function(t,e,n){return k(t,r,e,n)},y:Sg,Y:Fg,Z:Mg,"%":Pg};function x(t,e){return function(n){var r,i,o,a=[],l=-1,h=0,s=t.length;for(n instanceof Date||(n=new Date(+n));++l<s;)37===t.charCodeAt(l)&&(a.push(t.slice(h,l)),null!=(i=gg[r=t.charAt(++l)])?r=t.charAt(++l):i="e"===r?" ":"0",(o=e[r])&&(r=o(n,i)),a.push(r),h=l+1);return a.push(t.slice(h,l)),a.join("")}}function B(t,e){return function(n){var r,i,o=Ag(1900,void 0,1);if(k(o,t,n+="",0)!=n.length)return null;if("Q"in o)return new Date(o.Q);if("s"in o)return new Date(1e3*o.s+("L"in o?o.L:0));if(e&&!("Z"in o)&&(o.Z=0),"p"in o&&(o.H=o.H%12+12*o.p),void 0===o.m&&(o.m="q"in o?o.q:0),"V"in o){if(o.V<1||o.V>53)return null;"w"in o||(o.w=1),"Z"in o?(i=(r=sg(Ag(o.y,0,1))).getUTCDay(),r=i>4||0===i?Gf.ceil(r):Gf(r),r=rg.offset(r,7*(o.V-1)),o.y=r.getUTCFullYear(),o.m=r.getUTCMonth(),o.d=r.getUTCDate()+(o.w+6)%7):(i=(r=hg(Ag(o.y,0,1))).getDay(),r=i>4||0===i?uf.ceil(r):uf(r),r=Ef.offset(r,7*(o.V-1)),o.y=r.getFullYear(),o.m=r.getMonth(),o.d=r.getDate()+(o.w+6)%7)}else("W"in o||"U"in o)&&("w"in o||(o.w="u"in o?o.u%7:"W"in o?1:0),i="Z"in o?sg(Ag(o.y,0,1)).getUTCDay():hg(Ag(o.y,0,1)).getDay(),o.m=0,o.d="W"in o?(o.w+6)%7+7*o.W-(i+5)%7:o.w+7*o.U-(i+6)%7);return"Z"in o?(o.H+=o.Z/100|0,o.M+=o.Z%100,sg(o)):hg(o)}}function k(t,e,n,r){for(var i,o,a=0,l=e.length,h=n.length;a<l;){if(r>=h)return-1;if(37===(i=e.charCodeAt(a++))){if(i=e.charAt(a++),!(o=v[i in gg?e.charAt(a++):i])||(r=o(t,n,r))<0)return-1}else if(i!=n.charCodeAt(r++))return-1}return r}return b.x=x(n,b),b.X=x(r,b),b.c=x(e,b),_.x=x(n,_),_.X=x(r,_),_.c=x(e,_),{format:function(t){var e=x(t+="",b);return e.toString=function(){return t},e},parse:function(t){var e=B(t+="",!1);return e.toString=function(){return t},e},utcFormat:function(t){var e=x(t+="",_);return e.toString=function(){return t},e},utcParse:function(t){var e=B(t+="",!0);return e.toString=function(){return t},e}}}var cg,ug,pg,mg,fg,gg={"-":"",_:" ",0:"0"},Cg=/^\s*\d+/,bg=/^%/,_g=/[\\^$*+?|[\]().{}]/g;function vg(t,e,n){var r=t<0?"-":"",i=(r?-t:t)+"",o=i.length;return r+(o<n?new Array(n-o+1).join(e)+i:i)}function xg(t){return t.replace(_g,"\\$&")}function Bg(t){return new RegExp("^(?:"+t.map(xg).join("|")+")","i")}function kg(t){for(var e={},n=-1,r=t.length;++n<r;)e[t[n].toLowerCase()]=n;return e}function wg(t,e,n){var r=Cg.exec(e.slice(n,n+1));return r?(t.w=+r[0],n+r[0].length):-1}function yg(t,e,n){var r=Cg.exec(e.slice(n,n+1));return r?(t.u=+r[0],n+r[0].length):-1}function Eg(t,e,n){var r=Cg.exec(e.slice(n,n+2));return r?(t.U=+r[0],n+r[0].length):-1}function $g(t,e,n){var r=Cg.exec(e.slice(n,n+2));return r?(t.V=+r[0],n+r[0].length):-1}function Dg(t,e,n){var r=Cg.exec(e.slice(n,n+2));return r?(t.W=+r[0],n+r[0].length):-1}function Fg(t,e,n){var r=Cg.exec(e.slice(n,n+4));return r?(t.y=+r[0],n+r[0].length):-1}function Sg(t,e,n){var r=Cg.exec(e.slice(n,n+2));return r?(t.y=+r[0]+(+r[0]>68?1900:2e3),n+r[0].length):-1}function Mg(t,e,n){var r=/^(Z)|([+-]\d\d)(?::?(\d\d))?/.exec(e.slice(n,n+6));return r?(t.Z=r[1]?0:-(r[2]+(r[3]||"00")),n+r[0].length):-1}function Ig(t,e,n){var r=Cg.exec(e.slice(n,n+1));return r?(t.q=3*r[0]-3,n+r[0].length):-1}function zg(t,e,n){var r=Cg.exec(e.slice(n,n+2));return r?(t.m=r[0]-1,n+r[0].length):-1}function Tg(t,e,n){var r=Cg.exec(e.slice(n,n+2));return r?(t.d=+r[0],n+r[0].length):-1}function Ng(t,e,n){var r=Cg.exec(e.slice(n,n+3));return r?(t.m=0,t.d=+r[0],n+r[0].length):-1}function jg(t,e,n){var r=Cg.exec(e.slice(n,n+2));return r?(t.H=+r[0],n+r[0].length):-1}function Lg(t,e,n){var r=Cg.exec(e.slice(n,n+2));return r?(t.M=+r[0],n+r[0].length):-1}function Og(t,e,n){var r=Cg.exec(e.slice(n,n+2));return r?(t.S=+r[0],n+r[0].length):-1}function Rg(t,e,n){var r=Cg.exec(e.slice(n,n+3));return r?(t.L=+r[0],n+r[0].length):-1}function Ug(t,e,n){var r=Cg.exec(e.slice(n,n+6));return r?(t.L=Math.floor(r[0]/1e3),n+r[0].length):-1}function Pg(t,e,n){var r=bg.exec(e.slice(n,n+1));return r?n+r[0].length:-1}function Gg(t,e,n){var r=Cg.exec(e.slice(n));return r?(t.Q=+r[0],n+r[0].length):-1}function qg(t,e,n){var r=Cg.exec(e.slice(n));return r?(t.s=+r[0],n+r[0].length):-1}function Wg(t,e){return vg(t.getDate(),e,2)}function Hg(t,e){return vg(t.getHours(),e,2)}function Yg(t,e){return vg(t.getHours()%12||12,e,2)}function Jg(t,e){return vg(1+Ef.count(tf(t),t),e,3)}function Qg(t,e){return vg(t.getMilliseconds(),e,3)}function Xg(t,e){return Qg(t,e)+"000"}function Kg(t,e){return vg(t.getMonth()+1,e,2)}function Vg(t,e){return vg(t.getMinutes(),e,2)}function Zg(t,e){return vg(t.getSeconds(),e,2)}function tC(t){var e=t.getDay();return 0===e?7:e}function eC(t,e){return vg(cf.count(tf(t)-1,t),e,2)}function nC(t){var e=t.getDay();return e>=4||0===e?ff(t):ff.ceil(t)}function rC(t,e){return t=nC(t),vg(ff.count(tf(t),t)+(4===tf(t).getDay()),e,2)}function iC(t){return t.getDay()}function oC(t,e){return vg(uf.count(tf(t)-1,t),e,2)}function aC(t,e){return vg(t.getFullYear()%100,e,2)}function lC(t,e){return vg((t=nC(t)).getFullYear()%100,e,2)}function hC(t,e){return vg(t.getFullYear()%1e4,e,4)}function sC(t,e){var n=t.getDay();return vg((t=n>=4||0===n?ff(t):ff.ceil(t)).getFullYear()%1e4,e,4)}function AC(t){var e=t.getTimezoneOffset();return(e>0?"-":(e*=-1,"+"))+vg(e/60|0,"0",2)+vg(e%60,"0",2)}function dC(t,e){return vg(t.getUTCDate(),e,2)}function cC(t,e){return vg(t.getUTCHours(),e,2)}function uC(t,e){return vg(t.getUTCHours()%12||12,e,2)}function pC(t,e){return vg(1+rg.count(ag(t),t),e,3)}function mC(t,e){return vg(t.getUTCMilliseconds(),e,3)}function fC(t,e){return mC(t,e)+"000"}function gC(t,e){return vg(t.getUTCMonth()+1,e,2)}function CC(t,e){return vg(t.getUTCMinutes(),e,2)}function bC(t,e){return vg(t.getUTCSeconds(),e,2)}function _C(t){var e=t.getUTCDay();return 0===e?7:e}function vC(t,e){return vg(Pf.count(ag(t)-1,t),e,2)}function xC(t){var e=t.getUTCDay();return e>=4||0===e?Hf(t):Hf.ceil(t)}function BC(t,e){return t=xC(t),vg(Hf.count(ag(t),t)+(4===ag(t).getUTCDay()),e,2)}function kC(t){return t.getUTCDay()}function wC(t,e){return vg(Gf.count(ag(t)-1,t),e,2)}function yC(t,e){return vg(t.getUTCFullYear()%100,e,2)}function EC(t,e){return vg((t=xC(t)).getUTCFullYear()%100,e,2)}function $C(t,e){return vg(t.getUTCFullYear()%1e4,e,4)}function DC(t,e){var n=t.getUTCDay();return vg((t=n>=4||0===n?Hf(t):Hf.ceil(t)).getUTCFullYear()%1e4,e,4)}function FC(){return"+0000"}function SC(){return"%"}function MC(t){return+t}function IC(t){return Math.floor(+t/1e3)}function zC(t){return cg=dg(t),ug=cg.format,pg=cg.parse,mg=cg.utcFormat,fg=cg.utcParse,cg}zC({dateTime:"%x, %X",date:"%-m/%-d/%Y",time:"%-I:%M:%S %p",periods:["AM","PM"],days:["Sunday","Monday","Tuesday","Wednesday","Thursday","Friday","Saturday"],shortDays:["Sun","Mon","Tue","Wed","Thu","Fri","Sat"],months:["January","February","March","April","May","June","July","August","September","October","November","December"],shortMonths:["Jan","Feb","Mar","Apr","May","Jun","Jul","Aug","Sep","Oct","Nov","Dec"]});var TC=31536e6;function NC(t){return new Date(t)}function jC(t){return t instanceof Date?+t:+new Date(+t)}function LC(t,e,n,r,i,a,l,h,s){var A=Bm(fm,fm),d=A.invert,c=A.domain,u=s(".%L"),p=s(":%S"),m=s("%I:%M"),f=s("%I %p"),g=s("%a %d"),C=s("%b %d"),b=s("%B"),_=s("%Y"),v=[[l,1,1e3],[l,5,5e3],[l,15,15e3],[l,30,3e4],[a,1,6e4],[a,5,3e5],[a,15,9e5],[a,30,18e5],[i,1,36e5],[i,3,108e5],[i,6,216e5],[i,12,432e5],[r,1,864e5],[r,2,1728e5],[n,1,6048e5],[e,1,2592e6],[e,3,7776e6],[t,1,TC]];function x(o){return(l(o)<o?u:a(o)<o?p:i(o)<o?m:r(o)<o?f:e(o)<o?n(o)<o?g:C:t(o)<o?b:_)(o)}function B(e,n,r,i){if(null==e&&(e=10),"number"==typeof e){var a=Math.abs(r-n)/e,l=o((function(t){return t[2]})).right(v,a);l===v.length?(i=D(n/TC,r/TC,e),e=t):l?(i=(l=v[a/v[l-1][2]<v[l][2]/a?l-1:l])[1],e=l[0]):(i=Math.max(D(n,r,e),1),e=h)}return null==i?e:e.every(i)}return A.invert=function(t){return new Date(d(t))},A.domain=function(t){return arguments.length?c(lm.call(t,jC)):c().map(NC)},A.ticks=function(t,e){var n,r=c(),i=r[0],o=r[r.length-1],a=o<i;return a&&(n=i,i=o,o=n),n=(n=B(t,i,o,e))?n.range(i,o+1):[],a?n.reverse():n},A.tickFormat=function(t,e){return null==e?x:s(e)},A.nice=function(t,e){var n=c();return(t=B(t,n[0],n[n.length-1],e))?c($m(n,t)):A},A.copy=function(){return vm(A,LC(t,e,n,r,i,a,l,h,s))},A}function OC(){return im.apply(LC(tf,rf,cf,Ef,Ff,If,Nf,Of,ug).domain([new Date(2e3,0,1),new Date(2e3,0,2)]),arguments)}var RC=Vm((function(t){t.setUTCDate(1),t.setUTCHours(0,0,0,0)}),(function(t,e){t.setUTCMonth(t.getUTCMonth()+e)}),(function(t,e){return e.getUTCMonth()-t.getUTCMonth()+12*(e.getUTCFullYear()-t.getUTCFullYear())}),(function(t){return t.getUTCMonth()})),UC=RC,PC=RC.range,GC=Vm((function(t){t.setUTCMinutes(0,0,0)}),(function(t,e){t.setTime(+t+e*hf)}),(function(t,e){return(e-t)/hf}),(function(t){return t.getUTCHours()})),qC=GC,WC=GC.range,HC=Vm((function(t){t.setUTCSeconds(0,0)}),(function(t,e){t.setTime(+t+e*lf)}),(function(t,e){return(e-t)/lf}),(function(t){return t.getUTCMinutes()})),YC=HC,JC=HC.range;function QC(){return im.apply(LC(ag,UC,Pf,rg,qC,YC,Nf,Of,mg).domain([Date.UTC(2e3,0,1),Date.UTC(2e3,0,2)]),arguments)}function XC(){var t,e,n,r,i,o=0,a=1,l=fm,h=!1;function s(e){return isNaN(e=+e)?i:l(0===n?.5:(e=(r(e)-t)*n,h?Math.max(0,Math.min(1,e)):e))}return s.domain=function(i){return arguments.length?(t=r(o=+i[0]),e=r(a=+i[1]),n=t===e?0:1/(e-t),s):[o,a]},s.clamp=function(t){return arguments.length?(h=!!t,s):h},s.interpolator=function(t){return arguments.length?(l=t,s):l},s.unknown=function(t){return arguments.length?(i=t,s):i},function(i){return r=i,t=i(o),e=i(a),n=t===e?0:1/(e-t),s}}function KC(t,e){return e.domain(t.domain()).interpolator(t.interpolator()).clamp(t.clamp()).unknown(t.unknown())}function VC(){var t=wm(XC()(fm));return t.copy=function(){return KC(t,VC())},om.apply(t,arguments)}function ZC(){var t=Tm(XC()).domain([1,10]);return t.copy=function(){return KC(t,ZC()).base(t.base())},om.apply(t,arguments)}function tb(){var t=Om(XC());return t.copy=function(){return KC(t,tb()).constant(t.constant())},om.apply(t,arguments)}function eb(){var t=qm(XC());return t.copy=function(){return KC(t,eb()).exponent(t.exponent())},om.apply(t,arguments)}function nb(){return eb.apply(null,arguments).exponent(.5)}function rb(){var t=[],e=fm;function n(n){if(!isNaN(n=+n))return e((s(t,n)-1)/(t.length-1))}return n.domain=function(e){if(!arguments.length)return t.slice();t=[];for(var r,o=0,a=e.length;o<a;++o)null==(r=e[o])||isNaN(r=+r)||t.push(r);return t.sort(i),n},n.interpolator=function(t){return arguments.length?(e=t,n):e},n.copy=function(){return rb(e).domain(t)},om.apply(n,arguments)}function ib(){var t,e,n,r,i,o,a,l=0,h=.5,s=1,A=fm,d=!1;function c(t){return isNaN(t=+t)?a:(t=.5+((t=+o(t))-e)*(t<e?r:i),A(d?Math.max(0,Math.min(1,t)):t))}return c.domain=function(a){return arguments.length?(t=o(l=+a[0]),e=o(h=+a[1]),n=o(s=+a[2]),r=t===e?0:.5/(e-t),i=e===n?0:.5/(n-e),c):[l,h,s]},c.clamp=function(t){return arguments.length?(d=!!t,c):d},c.interpolator=function(t){return arguments.length?(A=t,c):A},c.unknown=function(t){return arguments.length?(a=t,c):a},function(a){return o=a,t=a(l),e=a(h),n=a(s),r=t===e?0:.5/(e-t),i=e===n?0:.5/(n-e),c}}function ob(){var t=wm(ib()(fm));return t.copy=function(){return KC(t,ob())},om.apply(t,arguments)}function ab(){var t=Tm(ib()).domain([.1,1,10]);return t.copy=function(){return KC(t,ab()).base(t.base())},om.apply(t,arguments)}function lb(){var t=Om(ib());return t.copy=function(){return KC(t,lb()).constant(t.constant())},om.apply(t,arguments)}function hb(){var t=qm(ib());return t.copy=function(){return KC(t,hb()).exponent(t.exponent())},om.apply(t,arguments)}function sb(){return hb.apply(null,arguments).exponent(.5)}function Ab(t){for(var e=t.length/6|0,n=new Array(e),r=0;r<e;)n[r]="#"+t.slice(6*r,6*++r);return n}var db=Ab("1f77b4ff7f0e2ca02cd627289467bd8c564be377c27f7f7fbcbd2217becf"),cb=Ab("7fc97fbeaed4fdc086ffff99386cb0f0027fbf5b17666666"),ub=Ab("1b9e77d95f027570b3e7298a66a61ee6ab02a6761d666666"),pb=Ab("a6cee31f78b4b2df8a33a02cfb9a99e31a1cfdbf6fff7f00cab2d66a3d9affff99b15928"),mb=Ab("fbb4aeb3cde3ccebc5decbe4fed9a6ffffcce5d8bdfddaecf2f2f2"),fb=Ab("b3e2cdfdcdaccbd5e8f4cae4e6f5c9fff2aef1e2cccccccc"),gb=Ab("e41a1c377eb84daf4a984ea3ff7f00ffff33a65628f781bf999999"),Cb=Ab("66c2a5fc8d628da0cbe78ac3a6d854ffd92fe5c494b3b3b3"),bb=Ab("8dd3c7ffffb3bebadafb807280b1d3fdb462b3de69fccde5d9d9d9bc80bdccebc5ffed6f"),_b=Ab("4e79a7f28e2ce1575976b7b259a14fedc949af7aa1ff9da79c755fbab0ab");function vb(t){return gn(t[t.length-1])}var xb=new Array(3).concat("d8b365f5f5f55ab4ac","a6611adfc27d80cdc1018571","a6611adfc27df5f5f580cdc1018571","8c510ad8b365f6e8c3c7eae55ab4ac01665e","8c510ad8b365f6e8c3f5f5f5c7eae55ab4ac01665e","8c510abf812ddfc27df6e8c3c7eae580cdc135978f01665e","8c510abf812ddfc27df6e8c3f5f5f5c7eae580cdc135978f01665e","5430058c510abf812ddfc27df6e8c3c7eae580cdc135978f01665e003c30","5430058c510abf812ddfc27df6e8c3f5f5f5c7eae580cdc135978f01665e003c30").map(Ab),Bb=vb(xb),kb=new Array(3).concat("af8dc3f7f7f77fbf7b","7b3294c2a5cfa6dba0008837","7b3294c2a5cff7f7f7a6dba0008837","762a83af8dc3e7d4e8d9f0d37fbf7b1b7837","762a83af8dc3e7d4e8f7f7f7d9f0d37fbf7b1b7837","762a839970abc2a5cfe7d4e8d9f0d3a6dba05aae611b7837","762a839970abc2a5cfe7d4e8f7f7f7d9f0d3a6dba05aae611b7837","40004b762a839970abc2a5cfe7d4e8d9f0d3a6dba05aae611b783700441b","40004b762a839970abc2a5cfe7d4e8f7f7f7d9f0d3a6dba05aae611b783700441b").map(Ab),wb=vb(kb),yb=new Array(3).concat("e9a3c9f7f7f7a1d76a","d01c8bf1b6dab8e1864dac26","d01c8bf1b6daf7f7f7b8e1864dac26","c51b7de9a3c9fde0efe6f5d0a1d76a4d9221","c51b7de9a3c9fde0eff7f7f7e6f5d0a1d76a4d9221","c51b7dde77aef1b6dafde0efe6f5d0b8e1867fbc414d9221","c51b7dde77aef1b6dafde0eff7f7f7e6f5d0b8e1867fbc414d9221","8e0152c51b7dde77aef1b6dafde0efe6f5d0b8e1867fbc414d9221276419","8e0152c51b7dde77aef1b6dafde0eff7f7f7e6f5d0b8e1867fbc414d9221276419").map(Ab),Eb=vb(yb),$b=new Array(3).concat("998ec3f7f7f7f1a340","5e3c99b2abd2fdb863e66101","5e3c99b2abd2f7f7f7fdb863e66101","542788998ec3d8daebfee0b6f1a340b35806","542788998ec3d8daebf7f7f7fee0b6f1a340b35806","5427888073acb2abd2d8daebfee0b6fdb863e08214b35806","5427888073acb2abd2d8daebf7f7f7fee0b6fdb863e08214b35806","2d004b5427888073acb2abd2d8daebfee0b6fdb863e08214b358067f3b08","2d004b5427888073acb2abd2d8daebf7f7f7fee0b6fdb863e08214b358067f3b08").map(Ab),Db=vb($b),Fb=new Array(3).concat("ef8a62f7f7f767a9cf","ca0020f4a58292c5de0571b0","ca0020f4a582f7f7f792c5de0571b0","b2182bef8a62fddbc7d1e5f067a9cf2166ac","b2182bef8a62fddbc7f7f7f7d1e5f067a9cf2166ac","b2182bd6604df4a582fddbc7d1e5f092c5de4393c32166ac","b2182bd6604df4a582fddbc7f7f7f7d1e5f092c5de4393c32166ac","67001fb2182bd6604df4a582fddbc7d1e5f092c5de4393c32166ac053061","67001fb2182bd6604df4a582fddbc7f7f7f7d1e5f092c5de4393c32166ac053061").map(Ab),Sb=vb(Fb),Mb=new Array(3).concat("ef8a62ffffff999999","ca0020f4a582bababa404040","ca0020f4a582ffffffbababa404040","b2182bef8a62fddbc7e0e0e09999994d4d4d","b2182bef8a62fddbc7ffffffe0e0e09999994d4d4d","b2182bd6604df4a582fddbc7e0e0e0bababa8787874d4d4d","b2182bd6604df4a582fddbc7ffffffe0e0e0bababa8787874d4d4d","67001fb2182bd6604df4a582fddbc7e0e0e0bababa8787874d4d4d1a1a1a","67001fb2182bd6604df4a582fddbc7ffffffe0e0e0bababa8787874d4d4d1a1a1a").map(Ab),Ib=vb(Mb),zb=new Array(3).concat("fc8d59ffffbf91bfdb","d7191cfdae61abd9e92c7bb6","d7191cfdae61ffffbfabd9e92c7bb6","d73027fc8d59fee090e0f3f891bfdb4575b4","d73027fc8d59fee090ffffbfe0f3f891bfdb4575b4","d73027f46d43fdae61fee090e0f3f8abd9e974add14575b4","d73027f46d43fdae61fee090ffffbfe0f3f8abd9e974add14575b4","a50026d73027f46d43fdae61fee090e0f3f8abd9e974add14575b4313695","a50026d73027f46d43fdae61fee090ffffbfe0f3f8abd9e974add14575b4313695").map(Ab),Tb=vb(zb),Nb=new Array(3).concat("fc8d59ffffbf91cf60","d7191cfdae61a6d96a1a9641","d7191cfdae61ffffbfa6d96a1a9641","d73027fc8d59fee08bd9ef8b91cf601a9850","d73027fc8d59fee08bffffbfd9ef8b91cf601a9850","d73027f46d43fdae61fee08bd9ef8ba6d96a66bd631a9850","d73027f46d43fdae61fee08bffffbfd9ef8ba6d96a66bd631a9850","a50026d73027f46d43fdae61fee08bd9ef8ba6d96a66bd631a9850006837","a50026d73027f46d43fdae61fee08bffffbfd9ef8ba6d96a66bd631a9850006837").map(Ab),jb=vb(Nb),Lb=new Array(3).concat("fc8d59ffffbf99d594","d7191cfdae61abdda42b83ba","d7191cfdae61ffffbfabdda42b83ba","d53e4ffc8d59fee08be6f59899d5943288bd","d53e4ffc8d59fee08bffffbfe6f59899d5943288bd","d53e4ff46d43fdae61fee08be6f598abdda466c2a53288bd","d53e4ff46d43fdae61fee08bffffbfe6f598abdda466c2a53288bd","9e0142d53e4ff46d43fdae61fee08be6f598abdda466c2a53288bd5e4fa2","9e0142d53e4ff46d43fdae61fee08bffffbfe6f598abdda466c2a53288bd5e4fa2").map(Ab),Ob=vb(Lb),Rb=new Array(3).concat("e5f5f999d8c92ca25f","edf8fbb2e2e266c2a4238b45","edf8fbb2e2e266c2a42ca25f006d2c","edf8fbccece699d8c966c2a42ca25f006d2c","edf8fbccece699d8c966c2a441ae76238b45005824","f7fcfde5f5f9ccece699d8c966c2a441ae76238b45005824","f7fcfde5f5f9ccece699d8c966c2a441ae76238b45006d2c00441b").map(Ab),Ub=vb(Rb),Pb=new Array(3).concat("e0ecf49ebcda8856a7","edf8fbb3cde38c96c688419d","edf8fbb3cde38c96c68856a7810f7c","edf8fbbfd3e69ebcda8c96c68856a7810f7c","edf8fbbfd3e69ebcda8c96c68c6bb188419d6e016b","f7fcfde0ecf4bfd3e69ebcda8c96c68c6bb188419d6e016b","f7fcfde0ecf4bfd3e69ebcda8c96c68c6bb188419d810f7c4d004b").map(Ab),Gb=vb(Pb),qb=new Array(3).concat("e0f3dba8ddb543a2ca","f0f9e8bae4bc7bccc42b8cbe","f0f9e8bae4bc7bccc443a2ca0868ac","f0f9e8ccebc5a8ddb57bccc443a2ca0868ac","f0f9e8ccebc5a8ddb57bccc44eb3d32b8cbe08589e","f7fcf0e0f3dbccebc5a8ddb57bccc44eb3d32b8cbe08589e","f7fcf0e0f3dbccebc5a8ddb57bccc44eb3d32b8cbe0868ac084081").map(Ab),Wb=vb(qb),Hb=new Array(3).concat("fee8c8fdbb84e34a33","fef0d9fdcc8afc8d59d7301f","fef0d9fdcc8afc8d59e34a33b30000","fef0d9fdd49efdbb84fc8d59e34a33b30000","fef0d9fdd49efdbb84fc8d59ef6548d7301f990000","fff7ecfee8c8fdd49efdbb84fc8d59ef6548d7301f990000","fff7ecfee8c8fdd49efdbb84fc8d59ef6548d7301fb300007f0000").map(Ab),Yb=vb(Hb),Jb=new Array(3).concat("ece2f0a6bddb1c9099","f6eff7bdc9e167a9cf02818a","f6eff7bdc9e167a9cf1c9099016c59","f6eff7d0d1e6a6bddb67a9cf1c9099016c59","f6eff7d0d1e6a6bddb67a9cf3690c002818a016450","fff7fbece2f0d0d1e6a6bddb67a9cf3690c002818a016450","fff7fbece2f0d0d1e6a6bddb67a9cf3690c002818a016c59014636").map(Ab),Qb=vb(Jb),Xb=new Array(3).concat("ece7f2a6bddb2b8cbe","f1eef6bdc9e174a9cf0570b0","f1eef6bdc9e174a9cf2b8cbe045a8d","f1eef6d0d1e6a6bddb74a9cf2b8cbe045a8d","f1eef6d0d1e6a6bddb74a9cf3690c00570b0034e7b","fff7fbece7f2d0d1e6a6bddb74a9cf3690c00570b0034e7b","fff7fbece7f2d0d1e6a6bddb74a9cf3690c00570b0045a8d023858").map(Ab),Kb=vb(Xb),Vb=new Array(3).concat("e7e1efc994c7dd1c77","f1eef6d7b5d8df65b0ce1256","f1eef6d7b5d8df65b0dd1c77980043","f1eef6d4b9dac994c7df65b0dd1c77980043","f1eef6d4b9dac994c7df65b0e7298ace125691003f","f7f4f9e7e1efd4b9dac994c7df65b0e7298ace125691003f","f7f4f9e7e1efd4b9dac994c7df65b0e7298ace125698004367001f").map(Ab),Zb=vb(Vb),t_=new Array(3).concat("fde0ddfa9fb5c51b8a","feebe2fbb4b9f768a1ae017e","feebe2fbb4b9f768a1c51b8a7a0177","feebe2fcc5c0fa9fb5f768a1c51b8a7a0177","feebe2fcc5c0fa9fb5f768a1dd3497ae017e7a0177","fff7f3fde0ddfcc5c0fa9fb5f768a1dd3497ae017e7a0177","fff7f3fde0ddfcc5c0fa9fb5f768a1dd3497ae017e7a017749006a").map(Ab),e_=vb(t_),n_=new Array(3).concat("edf8b17fcdbb2c7fb8","ffffcca1dab441b6c4225ea8","ffffcca1dab441b6c42c7fb8253494","ffffccc7e9b47fcdbb41b6c42c7fb8253494","ffffccc7e9b47fcdbb41b6c41d91c0225ea80c2c84","ffffd9edf8b1c7e9b47fcdbb41b6c41d91c0225ea80c2c84","ffffd9edf8b1c7e9b47fcdbb41b6c41d91c0225ea8253494081d58").map(Ab),r_=vb(n_),i_=new Array(3).concat("f7fcb9addd8e31a354","ffffccc2e69978c679238443","ffffccc2e69978c67931a354006837","ffffccd9f0a3addd8e78c67931a354006837","ffffccd9f0a3addd8e78c67941ab5d238443005a32","ffffe5f7fcb9d9f0a3addd8e78c67941ab5d238443005a32","ffffe5f7fcb9d9f0a3addd8e78c67941ab5d238443006837004529").map(Ab),o_=vb(i_),a_=new Array(3).concat("fff7bcfec44fd95f0e","ffffd4fed98efe9929cc4c02","ffffd4fed98efe9929d95f0e993404","ffffd4fee391fec44ffe9929d95f0e993404","ffffd4fee391fec44ffe9929ec7014cc4c028c2d04","ffffe5fff7bcfee391fec44ffe9929ec7014cc4c028c2d04","ffffe5fff7bcfee391fec44ffe9929ec7014cc4c02993404662506").map(Ab),l_=vb(a_),h_=new Array(3).concat("ffeda0feb24cf03b20","ffffb2fecc5cfd8d3ce31a1c","ffffb2fecc5cfd8d3cf03b20bd0026","ffffb2fed976feb24cfd8d3cf03b20bd0026","ffffb2fed976feb24cfd8d3cfc4e2ae31a1cb10026","ffffccffeda0fed976feb24cfd8d3cfc4e2ae31a1cb10026","ffffccffeda0fed976feb24cfd8d3cfc4e2ae31a1cbd0026800026").map(Ab),s_=vb(h_),A_=new Array(3).concat("deebf79ecae13182bd","eff3ffbdd7e76baed62171b5","eff3ffbdd7e76baed63182bd08519c","eff3ffc6dbef9ecae16baed63182bd08519c","eff3ffc6dbef9ecae16baed64292c62171b5084594","f7fbffdeebf7c6dbef9ecae16baed64292c62171b5084594","f7fbffdeebf7c6dbef9ecae16baed64292c62171b508519c08306b").map(Ab),d_=vb(A_),c_=new Array(3).concat("e5f5e0a1d99b31a354","edf8e9bae4b374c476238b45","edf8e9bae4b374c47631a354006d2c","edf8e9c7e9c0a1d99b74c47631a354006d2c","edf8e9c7e9c0a1d99b74c47641ab5d238b45005a32","f7fcf5e5f5e0c7e9c0a1d99b74c47641ab5d238b45005a32","f7fcf5e5f5e0c7e9c0a1d99b74c47641ab5d238b45006d2c00441b").map(Ab),u_=vb(c_),p_=new Array(3).concat("f0f0f0bdbdbd636363","f7f7f7cccccc969696525252","f7f7f7cccccc969696636363252525","f7f7f7d9d9d9bdbdbd969696636363252525","f7f7f7d9d9d9bdbdbd969696737373525252252525","fffffff0f0f0d9d9d9bdbdbd969696737373525252252525","fffffff0f0f0d9d9d9bdbdbd969696737373525252252525000000").map(Ab),m_=vb(p_),f_=new Array(3).concat("efedf5bcbddc756bb1","f2f0f7cbc9e29e9ac86a51a3","f2f0f7cbc9e29e9ac8756bb154278f","f2f0f7dadaebbcbddc9e9ac8756bb154278f","f2f0f7dadaebbcbddc9e9ac8807dba6a51a34a1486","fcfbfdefedf5dadaebbcbddc9e9ac8807dba6a51a34a1486","fcfbfdefedf5dadaebbcbddc9e9ac8807dba6a51a354278f3f007d").map(Ab),g_=vb(f_),C_=new Array(3).concat("fee0d2fc9272de2d26","fee5d9fcae91fb6a4acb181d","fee5d9fcae91fb6a4ade2d26a50f15","fee5d9fcbba1fc9272fb6a4ade2d26a50f15","fee5d9fcbba1fc9272fb6a4aef3b2ccb181d99000d","fff5f0fee0d2fcbba1fc9272fb6a4aef3b2ccb181d99000d","fff5f0fee0d2fcbba1fc9272fb6a4aef3b2ccb181da50f1567000d").map(Ab),b_=vb(C_),__=new Array(3).concat("fee6cefdae6be6550d","feeddefdbe85fd8d3cd94701","feeddefdbe85fd8d3ce6550da63603","feeddefdd0a2fdae6bfd8d3ce6550da63603","feeddefdd0a2fdae6bfd8d3cf16913d948018c2d04","fff5ebfee6cefdd0a2fdae6bfd8d3cf16913d948018c2d04","fff5ebfee6cefdd0a2fdae6bfd8d3cf16913d94801a636037f2704").map(Ab),v_=vb(__);function x_(t){return t=Math.max(0,Math.min(1,t)),"rgb("+Math.max(0,Math.min(255,Math.round(-4.54-t*(35.34-t*(2381.73-t*(6402.7-t*(7024.72-2710.57*t)))))))+", "+Math.max(0,Math.min(255,Math.round(32.49+t*(170.73+t*(52.82-t*(131.46-t*(176.58-67.37*t)))))))+", "+Math.max(0,Math.min(255,Math.round(81.24+t*(442.36-t*(2482.43-t*(6167.24-t*(6614.94-2475.67*t)))))))+")"}var B_=Rp(Wo(300,.5,0),Wo(-240,.5,1)),k_=Rp(Wo(-100,.75,.35),Wo(80,1.5,.8)),w_=Rp(Wo(260,.75,.35),Wo(80,1.5,.8)),y_=Wo();function E_(t){(t<0||t>1)&&(t-=Math.floor(t));var e=Math.abs(t-.5);return y_.h=360*t-100,y_.s=1.5-1.5*e,y_.l=.8-.9*e,y_+""}var $_=Ke(),D_=Math.PI/3,F_=2*Math.PI/3;function S_(t){var e;return t=(.5-t)*Math.PI,$_.r=255*(e=Math.sin(t))*e,$_.g=255*(e=Math.sin(t+D_))*e,$_.b=255*(e=Math.sin(t+F_))*e,$_+""}function M_(t){return t=Math.max(0,Math.min(1,t)),"rgb("+Math.max(0,Math.min(255,Math.round(34.61+t*(1172.33-t*(10793.56-t*(33300.12-t*(38394.49-14825.05*t)))))))+", "+Math.max(0,Math.min(255,Math.round(23.31+t*(557.33+t*(1225.33-t*(3574.96-t*(1073.77+707.56*t)))))))+", "+Math.max(0,Math.min(255,Math.round(27.2+t*(3211.1-t*(15327.97-t*(27814-t*(22569.18-6838.66*t)))))))+")"}function I_(t){var e=t.length;return function(n){return t[Math.max(0,Math.min(e-1,Math.floor(n*e)))]}}var z_=I_(Ab("44015444025645045745055946075a46085c460a5d460b5e470d60470e6147106347116447136548146748166848176948186a481a6c481b6d481c6e481d6f481f70482071482173482374482475482576482677482878482979472a7a472c7a472d7b472e7c472f7d46307e46327e46337f463480453581453781453882443983443a83443b84433d84433e85423f854240864241864142874144874045884046883f47883f48893e49893e4a893e4c8a3d4d8a3d4e8a3c4f8a3c508b3b518b3b528b3a538b3a548c39558c39568c38588c38598c375a8c375b8d365c8d365d8d355e8d355f8d34608d34618d33628d33638d32648e32658e31668e31678e31688e30698e306a8e2f6b8e2f6c8e2e6d8e2e6e8e2e6f8e2d708e2d718e2c718e2c728e2c738e2b748e2b758e2a768e2a778e2a788e29798e297a8e297b8e287c8e287d8e277e8e277f8e27808e26818e26828e26828e25838e25848e25858e24868e24878e23888e23898e238a8d228b8d228c8d228d8d218e8d218f8d21908d21918c20928c20928c20938c1f948c1f958b1f968b1f978b1f988b1f998a1f9a8a1e9b8a1e9c891e9d891f9e891f9f881fa0881fa1881fa1871fa28720a38620a48621a58521a68522a78522a88423a98324aa8325ab8225ac8226ad8127ad8128ae8029af7f2ab07f2cb17e2db27d2eb37c2fb47c31b57b32b67a34b67935b77937b87838b9773aba763bbb753dbc743fbc7340bd7242be7144bf7046c06f48c16e4ac16d4cc26c4ec36b50c46a52c56954c56856c66758c7655ac8645cc8635ec96260ca6063cb5f65cb5e67cc5c69cd5b6ccd5a6ece5870cf5773d05675d05477d1537ad1517cd2507fd34e81d34d84d44b86d54989d5488bd6468ed64590d74393d74195d84098d83e9bd93c9dd93ba0da39a2da37a5db36a8db34aadc32addc30b0dd2fb2dd2db5de2bb8de29bade28bddf26c0df25c2df23c5e021c8e020cae11fcde11dd0e11cd2e21bd5e21ad8e219dae319dde318dfe318e2e418e5e419e7e419eae51aece51befe51cf1e51df4e61ef6e620f8e621fbe723fde725")),T_=I_(Ab("00000401000501010601010802010902020b02020d03030f03031204041405041606051806051a07061c08071e0907200a08220b09240c09260d0a290e0b2b100b2d110c2f120d31130d34140e36150e38160f3b180f3d19103f1a10421c10441d11471e114920114b21114e22115024125325125527125829115a2a115c2c115f2d11612f116331116533106734106936106b38106c390f6e3b0f703d0f713f0f72400f74420f75440f764510774710784910784a10794c117a4e117b4f127b51127c52137c54137d56147d57157e59157e5a167e5c167f5d177f5f187f601880621980641a80651a80671b80681c816a1c816b1d816d1d816e1e81701f81721f817320817521817621817822817922827b23827c23827e24828025828125818326818426818627818827818928818b29818c29818e2a81902a81912b81932b80942c80962c80982d80992d809b2e7f9c2e7f9e2f7fa02f7fa1307ea3307ea5317ea6317da8327daa337dab337cad347cae347bb0357bb2357bb3367ab5367ab73779b83779ba3878bc3978bd3977bf3a77c03a76c23b75c43c75c53c74c73d73c83e73ca3e72cc3f71cd4071cf4070d0416fd2426fd3436ed5446dd6456cd8456cd9466bdb476adc4869de4968df4a68e04c67e24d66e34e65e44f64e55064e75263e85362e95462ea5661eb5760ec5860ed5a5fee5b5eef5d5ef05f5ef1605df2625df2645cf3655cf4675cf4695cf56b5cf66c5cf66e5cf7705cf7725cf8745cf8765cf9785df9795df97b5dfa7d5efa7f5efa815ffb835ffb8560fb8761fc8961fc8a62fc8c63fc8e64fc9065fd9266fd9467fd9668fd9869fd9a6afd9b6bfe9d6cfe9f6dfea16efea36ffea571fea772fea973feaa74feac76feae77feb078feb27afeb47bfeb67cfeb77efeb97ffebb81febd82febf84fec185fec287fec488fec68afec88cfeca8dfecc8ffecd90fecf92fed194fed395fed597fed799fed89afdda9cfddc9efddea0fde0a1fde2a3fde3a5fde5a7fde7a9fde9aafdebacfcecaefceeb0fcf0b2fcf2b4fcf4b6fcf6b8fcf7b9fcf9bbfcfbbdfcfdbf")),N_=I_(Ab("00000401000501010601010802010a02020c02020e03021004031204031405041706041907051b08051d09061f0a07220b07240c08260d08290e092b10092d110a30120a32140b34150b37160b39180c3c190c3e1b0c411c0c431e0c451f0c48210c4a230c4c240c4f260c51280b53290b552b0b572d0b592f0a5b310a5c320a5e340a5f3609613809623909633b09643d09653e0966400a67420a68440a68450a69470b6a490b6a4a0c6b4c0c6b4d0d6c4f0d6c510e6c520e6d540f6d550f6d57106e59106e5a116e5c126e5d126e5f136e61136e62146e64156e65156e67166e69166e6a176e6c186e6d186e6f196e71196e721a6e741a6e751b6e771c6d781c6d7a1d6d7c1d6d7d1e6d7f1e6c801f6c82206c84206b85216b87216b88226a8a226a8c23698d23698f24699025689225689326679526679727669827669a28659b29649d29649f2a63a02a63a22b62a32c61a52c60a62d60a82e5fa92e5eab2f5ead305dae305cb0315bb1325ab3325ab43359b63458b73557b93556ba3655bc3754bd3853bf3952c03a51c13a50c33b4fc43c4ec63d4dc73e4cc83f4bca404acb4149cc4248ce4347cf4446d04545d24644d34743d44842d54a41d74b3fd84c3ed94d3dda4e3cdb503bdd513ade5238df5337e05536e15635e25734e35933e45a31e55c30e65d2fe75e2ee8602de9612bea632aeb6429eb6628ec6726ed6925ee6a24ef6c23ef6e21f06f20f1711ff1731df2741cf3761bf37819f47918f57b17f57d15f67e14f68013f78212f78410f8850ff8870ef8890cf98b0bf98c0af98e09fa9008fa9207fa9407fb9606fb9706fb9906fb9b06fb9d07fc9f07fca108fca309fca50afca60cfca80dfcaa0ffcac11fcae12fcb014fcb216fcb418fbb61afbb81dfbba1ffbbc21fbbe23fac026fac228fac42afac62df9c72ff9c932f9cb35f8cd37f8cf3af7d13df7d340f6d543f6d746f5d949f5db4cf4dd4ff4df53f4e156f3e35af3e55df2e661f2e865f2ea69f1ec6df1ed71f1ef75f1f179f2f27df2f482f3f586f3f68af4f88ef5f992f6fa96f8fb9af9fc9dfafda1fcffa4")),j_=I_(Ab("0d088710078813078916078a19068c1b068d1d068e20068f2206902406912605912805922a05932c05942e05952f059631059733059735049837049938049a3a049a3c049b3e049c3f049c41049d43039e44039e46039f48039f4903a04b03a14c02a14e02a25002a25102a35302a35502a45601a45801a45901a55b01a55c01a65e01a66001a66100a76300a76400a76600a76700a86900a86a00a86c00a86e00a86f00a87100a87201a87401a87501a87701a87801a87a02a87b02a87d03a87e03a88004a88104a78305a78405a78606a68707a68808a68a09a58b0aa58d0ba58e0ca48f0da4910ea3920fa39410a29511a19613a19814a099159f9a169f9c179e9d189d9e199da01a9ca11b9ba21d9aa31e9aa51f99a62098a72197a82296aa2395ab2494ac2694ad2793ae2892b02991b12a90b22b8fb32c8eb42e8db52f8cb6308bb7318ab83289ba3388bb3488bc3587bd3786be3885bf3984c03a83c13b82c23c81c33d80c43e7fc5407ec6417dc7427cc8437bc9447aca457acb4679cc4778cc4977cd4a76ce4b75cf4c74d04d73d14e72d24f71d35171d45270d5536fd5546ed6556dd7566cd8576bd9586ada5a6ada5b69db5c68dc5d67dd5e66de5f65de6164df6263e06363e16462e26561e26660e3685fe4695ee56a5de56b5de66c5ce76e5be76f5ae87059e97158e97257ea7457eb7556eb7655ec7754ed7953ed7a52ee7b51ef7c51ef7e50f07f4ff0804ef1814df1834cf2844bf3854bf3874af48849f48948f58b47f58c46f68d45f68f44f79044f79143f79342f89441f89540f9973ff9983ef99a3efa9b3dfa9c3cfa9e3bfb9f3afba139fba238fca338fca537fca636fca835fca934fdab33fdac33fdae32fdaf31fdb130fdb22ffdb42ffdb52efeb72dfeb82cfeba2cfebb2bfebd2afebe2afec029fdc229fdc328fdc527fdc627fdc827fdca26fdcb26fccd25fcce25fcd025fcd225fbd324fbd524fbd724fad824fada24f9dc24f9dd25f8df25f8e125f7e225f7e425f6e626f6e826f5e926f5eb27f4ed27f3ee27f3f027f2f227f1f426f1f525f0f724f0f921"));function L_(t){return ke(ie(t).call(document.documentElement))}var O_=0;function R_(){return new U_}function U_(){this._="@"+(++O_).toString(36)}function P_(t){return"string"==typeof t?new ve([document.querySelectorAll(t)],[document.documentElement]):new ve([null==t?[]:t],_e)}function G_(t,e){null==e&&(e=Fn().touches);for(var n=0,r=e?e.length:0,i=new Array(r);n<r;++n)i[n]=Sn(t,e[n]);return i}function q_(t){return function(){return t}}U_.prototype=R_.prototype={constructor:U_,get:function(t){for(var e=this._;!(e in t);)if(!(t=t.parentNode))return;return t[e]},set:function(t,e){return t[this._]=e},remove:function(t){return this._ in t&&delete t[this._]},toString:function(){return this._}};var W_=Math.abs,H_=Math.atan2,Y_=Math.cos,J_=Math.max,Q_=Math.min,X_=Math.sin,K_=Math.sqrt,V_=1e-12,Z_=Math.PI,tv=Z_/2,ev=2*Z_;function nv(t){return t>1?0:t<-1?Z_:Math.acos(t)}function rv(t){return t>=1?tv:t<=-1?-tv:Math.asin(t)}function iv(t){return t.innerRadius}function ov(t){return t.outerRadius}function av(t){return t.startAngle}function lv(t){return t.endAngle}function hv(t){return t&&t.padAngle}function sv(t,e,n,r,i,o,a,l){var h=n-t,s=r-e,A=a-i,d=l-o,c=d*h-A*s;if(!(c*c<V_))return[t+(c=(A*(e-o)-d*(t-i))/c)*h,e+c*s]}function Av(t,e,n,r,i,o,a){var l=t-n,h=e-r,s=(a?o:-o)/K_(l*l+h*h),A=s*h,d=-s*l,c=t+A,u=e+d,p=n+A,m=r+d,f=(c+p)/2,g=(u+m)/2,C=p-c,b=m-u,_=C*C+b*b,v=i-o,x=c*m-p*u,B=(b<0?-1:1)*K_(J_(0,v*v*_-x*x)),k=(x*b-C*B)/_,w=(-x*C-b*B)/_,y=(x*b+C*B)/_,E=(-x*C+b*B)/_,$=k-f,D=w-g,F=y-f,S=E-g;return $*$+D*D>F*F+S*S&&(k=y,w=E),{cx:k,cy:w,x01:-A,y01:-d,x11:k*(i/v-1),y11:w*(i/v-1)}}function dv(){var t=iv,e=ov,n=q_(0),r=null,i=av,o=lv,a=hv,l=null;function h(){var h,s,A=+t.apply(this,arguments),d=+e.apply(this,arguments),c=i.apply(this,arguments)-tv,u=o.apply(this,arguments)-tv,p=W_(u-c),m=u>c;if(l||(l=h=Hi()),d<A&&(s=d,d=A,A=s),d>V_)if(p>ev-V_)l.moveTo(d*Y_(c),d*X_(c)),l.arc(0,0,d,c,u,!m),A>V_&&(l.moveTo(A*Y_(u),A*X_(u)),l.arc(0,0,A,u,c,m));else{var f,g,C=c,b=u,_=c,v=u,x=p,B=p,k=a.apply(this,arguments)/2,w=k>V_&&(r?+r.apply(this,arguments):K_(A*A+d*d)),y=Q_(W_(d-A)/2,+n.apply(this,arguments)),E=y,$=y;if(w>V_){var D=rv(w/A*X_(k)),F=rv(w/d*X_(k));(x-=2*D)>V_?(_+=D*=m?1:-1,v-=D):(x=0,_=v=(c+u)/2),(B-=2*F)>V_?(C+=F*=m?1:-1,b-=F):(B=0,C=b=(c+u)/2)}var S=d*Y_(C),M=d*X_(C),I=A*Y_(v),z=A*X_(v);if(y>V_){var T,N=d*Y_(b),j=d*X_(b),L=A*Y_(_),O=A*X_(_);if(p<Z_&&(T=sv(S,M,L,O,N,j,I,z))){var R=S-T[0],U=M-T[1],P=N-T[0],G=j-T[1],q=1/X_(nv((R*P+U*G)/(K_(R*R+U*U)*K_(P*P+G*G)))/2),W=K_(T[0]*T[0]+T[1]*T[1]);E=Q_(y,(A-W)/(q-1)),$=Q_(y,(d-W)/(q+1))}}B>V_?$>V_?(f=Av(L,O,S,M,d,$,m),g=Av(N,j,I,z,d,$,m),l.moveTo(f.cx+f.x01,f.cy+f.y01),$<y?l.arc(f.cx,f.cy,$,H_(f.y01,f.x01),H_(g.y01,g.x01),!m):(l.arc(f.cx,f.cy,$,H_(f.y01,f.x01),H_(f.y11,f.x11),!m),l.arc(0,0,d,H_(f.cy+f.y11,f.cx+f.x11),H_(g.cy+g.y11,g.cx+g.x11),!m),l.arc(g.cx,g.cy,$,H_(g.y11,g.x11),H_(g.y01,g.x01),!m))):(l.moveTo(S,M),l.arc(0,0,d,C,b,!m)):l.moveTo(S,M),A>V_&&x>V_?E>V_?(f=Av(I,z,N,j,A,-E,m),g=Av(S,M,L,O,A,-E,m),l.lineTo(f.cx+f.x01,f.cy+f.y01),E<y?l.arc(f.cx,f.cy,E,H_(f.y01,f.x01),H_(g.y01,g.x01),!m):(l.arc(f.cx,f.cy,E,H_(f.y01,f.x01),H_(f.y11,f.x11),!m),l.arc(0,0,A,H_(f.cy+f.y11,f.cx+f.x11),H_(g.cy+g.y11,g.cx+g.x11),m),l.arc(g.cx,g.cy,E,H_(g.y11,g.x11),H_(g.y01,g.x01),!m))):l.arc(0,0,A,v,_,m):l.lineTo(I,z)}else l.moveTo(0,0);if(l.closePath(),h)return l=null,h+""||null}return h.centroid=function(){var n=(+t.apply(this,arguments)+ +e.apply(this,arguments))/2,r=(+i.apply(this,arguments)+ +o.apply(this,arguments))/2-Z_/2;return[Y_(r)*n,X_(r)*n]},h.innerRadius=function(e){return arguments.length?(t="function"==typeof e?e:q_(+e),h):t},h.outerRadius=function(t){return arguments.length?(e="function"==typeof t?t:q_(+t),h):e},h.cornerRadius=function(t){return arguments.length?(n="function"==typeof t?t:q_(+t),h):n},h.padRadius=function(t){return arguments.length?(r=null==t?null:"function"==typeof t?t:q_(+t),h):r},h.startAngle=function(t){return arguments.length?(i="function"==typeof t?t:q_(+t),h):i},h.endAngle=function(t){return arguments.length?(o="function"==typeof t?t:q_(+t),h):o},h.padAngle=function(t){return arguments.length?(a="function"==typeof t?t:q_(+t),h):a},h.context=function(t){return arguments.length?(l=null==t?null:t,h):l},h}function cv(t){this._context=t}function uv(t){return new cv(t)}function pv(t){return t[0]}function mv(t){return t[1]}function fv(){var t=pv,e=mv,n=q_(!0),r=null,i=uv,o=null;function a(a){var l,h,s,A=a.length,d=!1;for(null==r&&(o=i(s=Hi())),l=0;l<=A;++l)!(l<A&&n(h=a[l],l,a))===d&&((d=!d)?o.lineStart():o.lineEnd()),d&&o.point(+t(h,l,a),+e(h,l,a));if(s)return o=null,s+""||null}return a.x=function(e){return arguments.length?(t="function"==typeof e?e:q_(+e),a):t},a.y=function(t){return arguments.length?(e="function"==typeof t?t:q_(+t),a):e},a.defined=function(t){return arguments.length?(n="function"==typeof t?t:q_(!!t),a):n},a.curve=function(t){return arguments.length?(i=t,null!=r&&(o=i(r)),a):i},a.context=function(t){return arguments.length?(null==t?r=o=null:o=i(r=t),a):r},a}function gv(){var t=pv,e=null,n=q_(0),r=mv,i=q_(!0),o=null,a=uv,l=null;function h(h){var s,A,d,c,u,p=h.length,m=!1,f=new Array(p),g=new Array(p);for(null==o&&(l=a(u=Hi())),s=0;s<=p;++s){if(!(s<p&&i(c=h[s],s,h))===m)if(m=!m)A=s,l.areaStart(),l.lineStart();else{for(l.lineEnd(),l.lineStart(),d=s-1;d>=A;--d)l.point(f[d],g[d]);l.lineEnd(),l.areaEnd()}m&&(f[s]=+t(c,s,h),g[s]=+n(c,s,h),l.point(e?+e(c,s,h):f[s],r?+r(c,s,h):g[s]))}if(u)return l=null,u+""||null}function s(){return fv().defined(i).curve(a).context(o)}return h.x=function(n){return arguments.length?(t="function"==typeof n?n:q_(+n),e=null,h):t},h.x0=function(e){return arguments.length?(t="function"==typeof e?e:q_(+e),h):t},h.x1=function(t){return arguments.length?(e=null==t?null:"function"==typeof t?t:q_(+t),h):e},h.y=function(t){return arguments.length?(n="function"==typeof t?t:q_(+t),r=null,h):n},h.y0=function(t){return arguments.length?(n="function"==typeof t?t:q_(+t),h):n},h.y1=function(t){return arguments.length?(r=null==t?null:"function"==typeof t?t:q_(+t),h):r},h.lineX0=h.lineY0=function(){return s().x(t).y(n)},h.lineY1=function(){return s().x(t).y(r)},h.lineX1=function(){return s().x(e).y(n)},h.defined=function(t){return arguments.length?(i="function"==typeof t?t:q_(!!t),h):i},h.curve=function(t){return arguments.length?(a=t,null!=o&&(l=a(o)),h):a},h.context=function(t){return arguments.length?(null==t?o=l=null:l=a(o=t),h):o},h}function Cv(t,e){return e<t?-1:e>t?1:e>=t?0:NaN}function bv(t){return t}function _v(){var t=bv,e=Cv,n=null,r=q_(0),i=q_(ev),o=q_(0);function a(a){var l,h,s,A,d,c=a.length,u=0,p=new Array(c),m=new Array(c),f=+r.apply(this,arguments),g=Math.min(ev,Math.max(-ev,i.apply(this,arguments)-f)),C=Math.min(Math.abs(g)/c,o.apply(this,arguments)),b=C*(g<0?-1:1);for(l=0;l<c;++l)(d=m[p[l]=l]=+t(a[l],l,a))>0&&(u+=d);for(null!=e?p.sort((function(t,n){return e(m[t],m[n])})):null!=n&&p.sort((function(t,e){return n(a[t],a[e])})),l=0,s=u?(g-c*b)/u:0;l<c;++l,f=A)h=p[l],A=f+((d=m[h])>0?d*s:0)+b,m[h]={data:a[h],index:l,value:d,startAngle:f,endAngle:A,padAngle:C};return m}return a.value=function(e){return arguments.length?(t="function"==typeof e?e:q_(+e),a):t},a.sortValues=function(t){return arguments.length?(e=t,n=null,a):e},a.sort=function(t){return arguments.length?(n=t,e=null,a):n},a.startAngle=function(t){return arguments.length?(r="function"==typeof t?t:q_(+t),a):r},a.endAngle=function(t){return arguments.length?(i="function"==typeof t?t:q_(+t),a):i},a.padAngle=function(t){return arguments.length?(o="function"==typeof t?t:q_(+t),a):o},a}cv.prototype={areaStart:function(){this._line=0},areaEnd:function(){this._line=NaN},lineStart:function(){this._point=0},lineEnd:function(){(this._line||0!==this._line&&1===this._point)&&this._context.closePath(),this._line=1-this._line},point:function(t,e){switch(t=+t,e=+e,this._point){case 0:this._point=1,this._line?this._context.lineTo(t,e):this._context.moveTo(t,e);break;case 1:this._point=2;default:this._context.lineTo(t,e)}}};var vv=Bv(uv);function xv(t){this._curve=t}function Bv(t){function e(e){return new xv(t(e))}return e._curve=t,e}function kv(t){var e=t.curve;return t.angle=t.x,delete t.x,t.radius=t.y,delete t.y,t.curve=function(t){return arguments.length?e(Bv(t)):e()._curve},t}function wv(){return kv(fv().curve(vv))}function yv(){var t=gv().curve(vv),e=t.curve,n=t.lineX0,r=t.lineX1,i=t.lineY0,o=t.lineY1;return t.angle=t.x,delete t.x,t.startAngle=t.x0,delete t.x0,t.endAngle=t.x1,delete t.x1,t.radius=t.y,delete t.y,t.innerRadius=t.y0,delete t.y0,t.outerRadius=t.y1,delete t.y1,t.lineStartAngle=function(){return kv(n())},delete t.lineX0,t.lineEndAngle=function(){return kv(r())},delete t.lineX1,t.lineInnerRadius=function(){return kv(i())},delete t.lineY0,t.lineOuterRadius=function(){return kv(o())},delete t.lineY1,t.curve=function(t){return arguments.length?e(Bv(t)):e()._curve},t}function Ev(t,e){return[(e=+e)*Math.cos(t-=Math.PI/2),e*Math.sin(t)]}xv.prototype={areaStart:function(){this._curve.areaStart()},areaEnd:function(){this._curve.areaEnd()},lineStart:function(){this._curve.lineStart()},lineEnd:function(){this._curve.lineEnd()},point:function(t,e){this._curve.point(e*Math.sin(t),e*-Math.cos(t))}};var $v=Array.prototype.slice;function Dv(t){return t.source}function Fv(t){return t.target}function Sv(t){var e=Dv,n=Fv,r=pv,i=mv,o=null;function a(){var a,l=$v.call(arguments),h=e.apply(this,l),s=n.apply(this,l);if(o||(o=a=Hi()),t(o,+r.apply(this,(l[0]=h,l)),+i.apply(this,l),+r.apply(this,(l[0]=s,l)),+i.apply(this,l)),a)return o=null,a+""||null}return a.source=function(t){return arguments.length?(e=t,a):e},a.target=function(t){return arguments.length?(n=t,a):n},a.x=function(t){return arguments.length?(r="function"==typeof t?t:q_(+t),a):r},a.y=function(t){return arguments.length?(i="function"==typeof t?t:q_(+t),a):i},a.context=function(t){return arguments.length?(o=null==t?null:t,a):o},a}function Mv(t,e,n,r,i){t.moveTo(e,n),t.bezierCurveTo(e=(e+r)/2,n,e,i,r,i)}function Iv(t,e,n,r,i){t.moveTo(e,n),t.bezierCurveTo(e,n=(n+i)/2,r,n,r,i)}function zv(t,e,n,r,i){var o=Ev(e,n),a=Ev(e,n=(n+i)/2),l=Ev(r,n),h=Ev(r,i);t.moveTo(o[0],o[1]),t.bezierCurveTo(a[0],a[1],l[0],l[1],h[0],h[1])}function Tv(){return Sv(Mv)}function Nv(){return Sv(Iv)}function jv(){var t=Sv(zv);return t.angle=t.x,delete t.x,t.radius=t.y,delete t.y,t}var Lv={draw:function(t,e){var n=Math.sqrt(e/Z_);t.moveTo(n,0),t.arc(0,0,n,0,ev)}},Ov={draw:function(t,e){var n=Math.sqrt(e/5)/2;t.moveTo(-3*n,-n),t.lineTo(-n,-n),t.lineTo(-n,-3*n),t.lineTo(n,-3*n),t.lineTo(n,-n),t.lineTo(3*n,-n),t.lineTo(3*n,n),t.lineTo(n,n),t.lineTo(n,3*n),t.lineTo(-n,3*n),t.lineTo(-n,n),t.lineTo(-3*n,n),t.closePath()}},Rv=Math.sqrt(1/3),Uv=2*Rv,Pv={draw:function(t,e){var n=Math.sqrt(e/Uv),r=n*Rv;t.moveTo(0,-n),t.lineTo(r,0),t.lineTo(0,n),t.lineTo(-r,0),t.closePath()}},Gv=Math.sin(Z_/10)/Math.sin(7*Z_/10),qv=Math.sin(ev/10)*Gv,Wv=-Math.cos(ev/10)*Gv,Hv={draw:function(t,e){var n=Math.sqrt(.8908130915292852*e),r=qv*n,i=Wv*n;t.moveTo(0,-n),t.lineTo(r,i);for(var o=1;o<5;++o){var a=ev*o/5,l=Math.cos(a),h=Math.sin(a);t.lineTo(h*n,-l*n),t.lineTo(l*r-h*i,h*r+l*i)}t.closePath()}},Yv={draw:function(t,e){var n=Math.sqrt(e),r=-n/2;t.rect(r,r,n,n)}},Jv=Math.sqrt(3),Qv={draw:function(t,e){var n=-Math.sqrt(e/(3*Jv));t.moveTo(0,2*n),t.lineTo(-Jv*n,-n),t.lineTo(Jv*n,-n),t.closePath()}},Xv=-.5,Kv=Math.sqrt(3)/2,Vv=1/Math.sqrt(12),Zv=3*(Vv/2+1),tx={draw:function(t,e){var n=Math.sqrt(e/Zv),r=n/2,i=n*Vv,o=r,a=n*Vv+n,l=-o,h=a;t.moveTo(r,i),t.lineTo(o,a),t.lineTo(l,h),t.lineTo(Xv*r-Kv*i,Kv*r+Xv*i),t.lineTo(Xv*o-Kv*a,Kv*o+Xv*a),t.lineTo(Xv*l-Kv*h,Kv*l+Xv*h),t.lineTo(Xv*r+Kv*i,Xv*i-Kv*r),t.lineTo(Xv*o+Kv*a,Xv*a-Kv*o),t.lineTo(Xv*l+Kv*h,Xv*h-Kv*l),t.closePath()}},ex=[Lv,Ov,Pv,Yv,Hv,Qv,tx];function nx(){var t=q_(Lv),e=q_(64),n=null;function r(){var r;if(n||(n=r=Hi()),t.apply(this,arguments).draw(n,+e.apply(this,arguments)),r)return n=null,r+""||null}return r.type=function(e){return arguments.length?(t="function"==typeof e?e:q_(e),r):t},r.size=function(t){return arguments.length?(e="function"==typeof t?t:q_(+t),r):e},r.context=function(t){return arguments.length?(n=null==t?null:t,r):n},r}function rx(){}function ix(t,e,n){t._context.bezierCurveTo((2*t._x0+t._x1)/3,(2*t._y0+t._y1)/3,(t._x0+2*t._x1)/3,(t._y0+2*t._y1)/3,(t._x0+4*t._x1+e)/6,(t._y0+4*t._y1+n)/6)}function ox(t){this._context=t}function ax(t){return new ox(t)}function lx(t){this._context=t}function hx(t){return new lx(t)}function sx(t){this._context=t}function Ax(t){return new sx(t)}function dx(t,e){this._basis=new ox(t),this._beta=e}ox.prototype={areaStart:function(){this._line=0},areaEnd:function(){this._line=NaN},lineStart:function(){this._x0=this._x1=this._y0=this._y1=NaN,this._point=0},lineEnd:function(){switch(this._point){case 3:ix(this,this._x1,this._y1);case 2:this._context.lineTo(this._x1,this._y1)}(this._line||0!==this._line&&1===this._point)&&this._context.closePath(),this._line=1-this._line},point:function(t,e){switch(t=+t,e=+e,this._point){case 0:this._point=1,this._line?this._context.lineTo(t,e):this._context.moveTo(t,e);break;case 1:this._point=2;break;case 2:this._point=3,this._context.lineTo((5*this._x0+this._x1)/6,(5*this._y0+this._y1)/6);default:ix(this,t,e)}this._x0=this._x1,this._x1=t,this._y0=this._y1,this._y1=e}},lx.prototype={areaStart:rx,areaEnd:rx,lineStart:function(){this._x0=this._x1=this._x2=this._x3=this._x4=this._y0=this._y1=this._y2=this._y3=this._y4=NaN,this._point=0},lineEnd:function(){switch(this._point){case 1:this._context.moveTo(this._x2,this._y2),this._context.closePath();break;case 2:this._context.moveTo((this._x2+2*this._x3)/3,(this._y2+2*this._y3)/3),this._context.lineTo((this._x3+2*this._x2)/3,(this._y3+2*this._y2)/3),this._context.closePath();break;case 3:this.point(this._x2,this._y2),this.point(this._x3,this._y3),this.point(this._x4,this._y4)}},point:function(t,e){switch(t=+t,e=+e,this._point){case 0:this._point=1,this._x2=t,this._y2=e;break;case 1:this._point=2,this._x3=t,this._y3=e;break;case 2:this._point=3,this._x4=t,this._y4=e,this._context.moveTo((this._x0+4*this._x1+t)/6,(this._y0+4*this._y1+e)/6);break;default:ix(this,t,e)}this._x0=this._x1,this._x1=t,this._y0=this._y1,this._y1=e}},sx.prototype={areaStart:function(){this._line=0},areaEnd:function(){this._line=NaN},lineStart:function(){this._x0=this._x1=this._y0=this._y1=NaN,this._point=0},lineEnd:function(){(this._line||0!==this._line&&3===this._point)&&this._context.closePath(),this._line=1-this._line},point:function(t,e){switch(t=+t,e=+e,this._point){case 0:this._point=1;break;case 1:this._point=2;break;case 2:this._point=3;var n=(this._x0+4*this._x1+t)/6,r=(this._y0+4*this._y1+e)/6;this._line?this._context.lineTo(n,r):this._context.moveTo(n,r);break;case 3:this._point=4;default:ix(this,t,e)}this._x0=this._x1,this._x1=t,this._y0=this._y1,this._y1=e}},dx.prototype={lineStart:function(){this._x=[],this._y=[],this._basis.lineStart()},lineEnd:function(){var t=this._x,e=this._y,n=t.length-1;if(n>0)for(var r,i=t[0],o=e[0],a=t[n]-i,l=e[n]-o,h=-1;++h<=n;)r=h/n,this._basis.point(this._beta*t[h]+(1-this._beta)*(i+r*a),this._beta*e[h]+(1-this._beta)*(o+r*l));this._x=this._y=null,this._basis.lineEnd()},point:function(t,e){this._x.push(+t),this._y.push(+e)}};var cx=function t(e){function n(t){return 1===e?new ox(t):new dx(t,e)}return n.beta=function(e){return t(+e)},n}(.85);function ux(t,e,n){t._context.bezierCurveTo(t._x1+t._k*(t._x2-t._x0),t._y1+t._k*(t._y2-t._y0),t._x2+t._k*(t._x1-e),t._y2+t._k*(t._y1-n),t._x2,t._y2)}function px(t,e){this._context=t,this._k=(1-e)/6}px.prototype={areaStart:function(){this._line=0},areaEnd:function(){this._line=NaN},lineStart:function(){this._x0=this._x1=this._x2=this._y0=this._y1=this._y2=NaN,this._point=0},lineEnd:function(){switch(this._point){case 2:this._context.lineTo(this._x2,this._y2);break;case 3:ux(this,this._x1,this._y1)}(this._line||0!==this._line&&1===this._point)&&this._context.closePath(),this._line=1-this._line},point:function(t,e){switch(t=+t,e=+e,this._point){case 0:this._point=1,this._line?this._context.lineTo(t,e):this._context.moveTo(t,e);break;case 1:this._point=2,this._x1=t,this._y1=e;break;case 2:this._point=3;default:ux(this,t,e)}this._x0=this._x1,this._x1=this._x2,this._x2=t,this._y0=this._y1,this._y1=this._y2,this._y2=e}};var mx=function t(e){function n(t){return new px(t,e)}return n.tension=function(e){return t(+e)},n}(0);function fx(t,e){this._context=t,this._k=(1-e)/6}fx.prototype={areaStart:rx,areaEnd:rx,lineStart:function(){this._x0=this._x1=this._x2=this._x3=this._x4=this._x5=this._y0=this._y1=this._y2=this._y3=this._y4=this._y5=NaN,this._point=0},lineEnd:function(){switch(this._point){case 1:this._context.moveTo(this._x3,this._y3),this._context.closePath();break;case 2:this._context.lineTo(this._x3,this._y3),this._context.closePath();break;case 3:this.point(this._x3,this._y3),this.point(this._x4,this._y4),this.point(this._x5,this._y5)}},point:function(t,e){switch(t=+t,e=+e,this._point){case 0:this._point=1,this._x3=t,this._y3=e;break;case 1:this._point=2,this._context.moveTo(this._x4=t,this._y4=e);break;case 2:this._point=3,this._x5=t,this._y5=e;break;default:ux(this,t,e)}this._x0=this._x1,this._x1=this._x2,this._x2=t,this._y0=this._y1,this._y1=this._y2,this._y2=e}};var gx=function t(e){function n(t){return new fx(t,e)}return n.tension=function(e){return t(+e)},n}(0);function Cx(t,e){this._context=t,this._k=(1-e)/6}Cx.prototype={areaStart:function(){this._line=0},areaEnd:function(){this._line=NaN},lineStart:function(){this._x0=this._x1=this._x2=this._y0=this._y1=this._y2=NaN,this._point=0},lineEnd:function(){(this._line||0!==this._line&&3===this._point)&&this._context.closePath(),this._line=1-this._line},point:function(t,e){switch(t=+t,e=+e,this._point){case 0:this._point=1;break;case 1:this._point=2;break;case 2:this._point=3,this._line?this._context.lineTo(this._x2,this._y2):this._context.moveTo(this._x2,this._y2);break;case 3:this._point=4;default:ux(this,t,e)}this._x0=this._x1,this._x1=this._x2,this._x2=t,this._y0=this._y1,this._y1=this._y2,this._y2=e}};var bx=function t(e){function n(t){return new Cx(t,e)}return n.tension=function(e){return t(+e)},n}(0);function _x(t,e,n){var r=t._x1,i=t._y1,o=t._x2,a=t._y2;if(t._l01_a>V_){var l=2*t._l01_2a+3*t._l01_a*t._l12_a+t._l12_2a,h=3*t._l01_a*(t._l01_a+t._l12_a);r=(r*l-t._x0*t._l12_2a+t._x2*t._l01_2a)/h,i=(i*l-t._y0*t._l12_2a+t._y2*t._l01_2a)/h}if(t._l23_a>V_){var s=2*t._l23_2a+3*t._l23_a*t._l12_a+t._l12_2a,A=3*t._l23_a*(t._l23_a+t._l12_a);o=(o*s+t._x1*t._l23_2a-e*t._l12_2a)/A,a=(a*s+t._y1*t._l23_2a-n*t._l12_2a)/A}t._context.bezierCurveTo(r,i,o,a,t._x2,t._y2)}function vx(t,e){this._context=t,this._alpha=e}vx.prototype={areaStart:function(){this._line=0},areaEnd:function(){this._line=NaN},lineStart:function(){this._x0=this._x1=this._x2=this._y0=this._y1=this._y2=NaN,this._l01_a=this._l12_a=this._l23_a=this._l01_2a=this._l12_2a=this._l23_2a=this._point=0},lineEnd:function(){switch(this._point){case 2:this._context.lineTo(this._x2,this._y2);break;case 3:this.point(this._x2,this._y2)}(this._line||0!==this._line&&1===this._point)&&this._context.closePath(),this._line=1-this._line},point:function(t,e){if(t=+t,e=+e,this._point){var n=this._x2-t,r=this._y2-e;this._l23_a=Math.sqrt(this._l23_2a=Math.pow(n*n+r*r,this._alpha))}switch(this._point){case 0:this._point=1,this._line?this._context.lineTo(t,e):this._context.moveTo(t,e);break;case 1:this._point=2;break;case 2:this._point=3;default:_x(this,t,e)}this._l01_a=this._l12_a,this._l12_a=this._l23_a,this._l01_2a=this._l12_2a,this._l12_2a=this._l23_2a,this._x0=this._x1,this._x1=this._x2,this._x2=t,this._y0=this._y1,this._y1=this._y2,this._y2=e}};var xx=function t(e){function n(t){return e?new vx(t,e):new px(t,0)}return n.alpha=function(e){return t(+e)},n}(.5);function Bx(t,e){this._context=t,this._alpha=e}Bx.prototype={areaStart:rx,areaEnd:rx,lineStart:function(){this._x0=this._x1=this._x2=this._x3=this._x4=this._x5=this._y0=this._y1=this._y2=this._y3=this._y4=this._y5=NaN,this._l01_a=this._l12_a=this._l23_a=this._l01_2a=this._l12_2a=this._l23_2a=this._point=0},lineEnd:function(){switch(this._point){case 1:this._context.moveTo(this._x3,this._y3),this._context.closePath();break;case 2:this._context.lineTo(this._x3,this._y3),this._context.closePath();break;case 3:this.point(this._x3,this._y3),this.point(this._x4,this._y4),this.point(this._x5,this._y5)}},point:function(t,e){if(t=+t,e=+e,this._point){var n=this._x2-t,r=this._y2-e;this._l23_a=Math.sqrt(this._l23_2a=Math.pow(n*n+r*r,this._alpha))}switch(this._point){case 0:this._point=1,this._x3=t,this._y3=e;break;case 1:this._point=2,this._context.moveTo(this._x4=t,this._y4=e);break;case 2:this._point=3,this._x5=t,this._y5=e;break;default:_x(this,t,e)}this._l01_a=this._l12_a,this._l12_a=this._l23_a,this._l01_2a=this._l12_2a,this._l12_2a=this._l23_2a,this._x0=this._x1,this._x1=this._x2,this._x2=t,this._y0=this._y1,this._y1=this._y2,this._y2=e}};var kx=function t(e){function n(t){return e?new Bx(t,e):new fx(t,0)}return n.alpha=function(e){return t(+e)},n}(.5);function wx(t,e){this._context=t,this._alpha=e}wx.prototype={areaStart:function(){this._line=0},areaEnd:function(){this._line=NaN},lineStart:function(){this._x0=this._x1=this._x2=this._y0=this._y1=this._y2=NaN,this._l01_a=this._l12_a=this._l23_a=this._l01_2a=this._l12_2a=this._l23_2a=this._point=0},lineEnd:function(){(this._line||0!==this._line&&3===this._point)&&this._context.closePath(),this._line=1-this._line},point:function(t,e){if(t=+t,e=+e,this._point){var n=this._x2-t,r=this._y2-e;this._l23_a=Math.sqrt(this._l23_2a=Math.pow(n*n+r*r,this._alpha))}switch(this._point){case 0:this._point=1;break;case 1:this._point=2;break;case 2:this._point=3,this._line?this._context.lineTo(this._x2,this._y2):this._context.moveTo(this._x2,this._y2);break;case 3:this._point=4;default:_x(this,t,e)}this._l01_a=this._l12_a,this._l12_a=this._l23_a,this._l01_2a=this._l12_2a,this._l12_2a=this._l23_2a,this._x0=this._x1,this._x1=this._x2,this._x2=t,this._y0=this._y1,this._y1=this._y2,this._y2=e}};var yx=function t(e){function n(t){return e?new wx(t,e):new Cx(t,0)}return n.alpha=function(e){return t(+e)},n}(.5);function Ex(t){this._context=t}function $x(t){return new Ex(t)}function Dx(t){return t<0?-1:1}function Fx(t,e,n){var r=t._x1-t._x0,i=e-t._x1,o=(t._y1-t._y0)/(r||i<0&&-0),a=(n-t._y1)/(i||r<0&&-0),l=(o*i+a*r)/(r+i);return(Dx(o)+Dx(a))*Math.min(Math.abs(o),Math.abs(a),.5*Math.abs(l))||0}function Sx(t,e){var n=t._x1-t._x0;return n?(3*(t._y1-t._y0)/n-e)/2:e}function Mx(t,e,n){var r=t._x0,i=t._y0,o=t._x1,a=t._y1,l=(o-r)/3;t._context.bezierCurveTo(r+l,i+l*e,o-l,a-l*n,o,a)}function Ix(t){this._context=t}function zx(t){this._context=new Tx(t)}function Tx(t){this._context=t}function Nx(t){return new Ix(t)}function jx(t){return new zx(t)}function Lx(t){this._context=t}function Ox(t){var e,n,r=t.length-1,i=new Array(r),o=new Array(r),a=new Array(r);for(i[0]=0,o[0]=2,a[0]=t[0]+2*t[1],e=1;e<r-1;++e)i[e]=1,o[e]=4,a[e]=4*t[e]+2*t[e+1];for(i[r-1]=2,o[r-1]=7,a[r-1]=8*t[r-1]+t[r],e=1;e<r;++e)n=i[e]/o[e-1],o[e]-=n,a[e]-=n*a[e-1];for(i[r-1]=a[r-1]/o[r-1],e=r-2;e>=0;--e)i[e]=(a[e]-i[e+1])/o[e];for(o[r-1]=(t[r]+i[r-1])/2,e=0;e<r-1;++e)o[e]=2*t[e+1]-i[e+1];return[i,o]}function Rx(t){return new Lx(t)}function Ux(t,e){this._context=t,this._t=e}function Px(t){return new Ux(t,.5)}function Gx(t){return new Ux(t,0)}function qx(t){return new Ux(t,1)}function Wx(t,e){if((i=t.length)>1)for(var n,r,i,o=1,a=t[e[0]],l=a.length;o<i;++o)for(r=a,a=t[e[o]],n=0;n<l;++n)a[n][1]+=a[n][0]=isNaN(r[n][1])?r[n][0]:r[n][1]}function Hx(t){for(var e=t.length,n=new Array(e);--e>=0;)n[e]=e;return n}function Yx(t,e){return t[e]}function Jx(){var t=q_([]),e=Hx,n=Wx,r=Yx;function i(i){var o,a,l=t.apply(this,arguments),h=i.length,s=l.length,A=new Array(s);for(o=0;o<s;++o){for(var d,c=l[o],u=A[o]=new Array(h),p=0;p<h;++p)u[p]=d=[0,+r(i[p],c,p,i)],d.data=i[p];u.key=c}for(o=0,a=e(A);o<s;++o)A[a[o]].index=o;return n(A,a),A}return i.keys=function(e){return arguments.length?(t="function"==typeof e?e:q_($v.call(e)),i):t},i.value=function(t){return arguments.length?(r="function"==typeof t?t:q_(+t),i):r},i.order=function(t){return arguments.length?(e=null==t?Hx:"function"==typeof t?t:q_($v.call(t)),i):e},i.offset=function(t){return arguments.length?(n=null==t?Wx:t,i):n},i}function Qx(t,e){if((r=t.length)>0){for(var n,r,i,o=0,a=t[0].length;o<a;++o){for(i=n=0;n<r;++n)i+=t[n][o][1]||0;if(i)for(n=0;n<r;++n)t[n][o][1]/=i}Wx(t,e)}}function Xx(t,e){if((l=t.length)>0)for(var n,r,i,o,a,l,h=0,s=t[e[0]].length;h<s;++h)for(o=a=0,n=0;n<l;++n)(i=(r=t[e[n]][h])[1]-r[0])>0?(r[0]=o,r[1]=o+=i):i<0?(r[1]=a,r[0]=a+=i):(r[0]=0,r[1]=i)}function Kx(t,e){if((n=t.length)>0){for(var n,r=0,i=t[e[0]],o=i.length;r<o;++r){for(var a=0,l=0;a<n;++a)l+=t[a][r][1]||0;i[r][1]+=i[r][0]=-l/2}Wx(t,e)}}function Vx(t,e){if((i=t.length)>0&&(r=(n=t[e[0]]).length)>0){for(var n,r,i,o=0,a=1;a<r;++a){for(var l=0,h=0,s=0;l<i;++l){for(var A=t[e[l]],d=A[a][1]||0,c=(d-(A[a-1][1]||0))/2,u=0;u<l;++u){var p=t[e[u]];c+=(p[a][1]||0)-(p[a-1][1]||0)}h+=d,s+=c*d}n[a-1][1]+=n[a-1][0]=o,h&&(o-=s/h)}n[a-1][1]+=n[a-1][0]=o,Wx(t,e)}}function Zx(t){var e=t.map(tB);return Hx(t).sort((function(t,n){return e[t]-e[n]}))}function tB(t){for(var e,n=-1,r=0,i=t.length,o=-1/0;++n<i;)(e=+t[n][1])>o&&(o=e,r=n);return r}function eB(t){var e=t.map(nB);return Hx(t).sort((function(t,n){return e[t]-e[n]}))}function nB(t){for(var e,n=0,r=-1,i=t.length;++r<i;)(e=+t[r][1])&&(n+=e);return n}function rB(t){return eB(t).reverse()}function iB(t){var e,n,r=t.length,i=t.map(nB),o=Zx(t),a=0,l=0,h=[],s=[];for(e=0;e<r;++e)n=o[e],a<l?(a+=i[n],h.push(n)):(l+=i[n],s.push(n));return s.reverse().concat(h)}function oB(t){return Hx(t).reverse()}Ex.prototype={areaStart:rx,areaEnd:rx,lineStart:function(){this._point=0},lineEnd:function(){this._point&&this._context.closePath()},point:function(t,e){t=+t,e=+e,this._point?this._context.lineTo(t,e):(this._point=1,this._context.moveTo(t,e))}},Ix.prototype={areaStart:function(){this._line=0},areaEnd:function(){this._line=NaN},lineStart:function(){this._x0=this._x1=this._y0=this._y1=this._t0=NaN,this._point=0},lineEnd:function(){switch(this._point){case 2:this._context.lineTo(this._x1,this._y1);break;case 3:Mx(this,this._t0,Sx(this,this._t0))}(this._line||0!==this._line&&1===this._point)&&this._context.closePath(),this._line=1-this._line},point:function(t,e){var n=NaN;if(e=+e,(t=+t)!==this._x1||e!==this._y1){switch(this._point){case 0:this._point=1,this._line?this._context.lineTo(t,e):this._context.moveTo(t,e);break;case 1:this._point=2;break;case 2:this._point=3,Mx(this,Sx(this,n=Fx(this,t,e)),n);break;default:Mx(this,this._t0,n=Fx(this,t,e))}this._x0=this._x1,this._x1=t,this._y0=this._y1,this._y1=e,this._t0=n}}},(zx.prototype=Object.create(Ix.prototype)).point=function(t,e){Ix.prototype.point.call(this,e,t)},Tx.prototype={moveTo:function(t,e){this._context.moveTo(e,t)},closePath:function(){this._context.closePath()},lineTo:function(t,e){this._context.lineTo(e,t)},bezierCurveTo:function(t,e,n,r,i,o){this._context.bezierCurveTo(e,t,r,n,o,i)}},Lx.prototype={areaStart:function(){this._line=0},areaEnd:function(){this._line=NaN},lineStart:function(){this._x=[],this._y=[]},lineEnd:function(){var t=this._x,e=this._y,n=t.length;if(n)if(this._line?this._context.lineTo(t[0],e[0]):this._context.moveTo(t[0],e[0]),2===n)this._context.lineTo(t[1],e[1]);else for(var r=Ox(t),i=Ox(e),o=0,a=1;a<n;++o,++a)this._context.bezierCurveTo(r[0][o],i[0][o],r[1][o],i[1][o],t[a],e[a]);(this._line||0!==this._line&&1===n)&&this._context.closePath(),this._line=1-this._line,this._x=this._y=null},point:function(t,e){this._x.push(+t),this._y.push(+e)}},Ux.prototype={areaStart:function(){this._line=0},areaEnd:function(){this._line=NaN},lineStart:function(){this._x=this._y=NaN,this._point=0},lineEnd:function(){0<this._t&&this._t<1&&2===this._point&&this._context.lineTo(this._x,this._y),(this._line||0!==this._line&&1===this._point)&&this._context.closePath(),this._line>=0&&(this._t=1-this._t,this._line=1-this._line)},point:function(t,e){switch(t=+t,e=+e,this._point){case 0:this._point=1,this._line?this._context.lineTo(t,e):this._context.moveTo(t,e);break;case 1:this._point=2;default:if(this._t<=0)this._context.lineTo(this._x,e),this._context.lineTo(t,e);else{var n=this._x*(1-this._t)+t*this._t;this._context.lineTo(n,this._y),this._context.lineTo(n,e)}}this._x=t,this._y=e}};var aB="%Y-%m-%dT%H:%M:%S.%LZ",lB=Date.prototype.toISOString?function(t){return t.toISOString()}:mg(aB),hB=+new Date("2000-01-01T00:00:00.000Z")?function(t){var e=new Date(t);return isNaN(e)?null:e}:fg(aB);function sB(t,e,n){var r=new Hn,i=e;return null==e?(r.restart(t,e,n),r):(e=+e,n=null==n?qn():+n,r.restart((function o(a){a+=i,r.restart(o,i+=e,n),t(a)}),e,n),r)}function AB(t){return function(){return t}}function dB(t){return t[0]}function cB(t){return t[1]}function uB(){this._=null}function pB(t){t.U=t.C=t.L=t.R=t.P=t.N=null}function mB(t,e){var n=e,r=e.R,i=n.U;i?i.L===n?i.L=r:i.R=r:t._=r,r.U=i,n.U=r,n.R=r.L,n.R&&(n.R.U=n),r.L=n}function fB(t,e){var n=e,r=e.L,i=n.U;i?i.L===n?i.L=r:i.R=r:t._=r,r.U=i,n.U=r,n.L=r.R,n.L&&(n.L.U=n),r.R=n}function gB(t){for(;t.L;)t=t.L;return t}uB.prototype={constructor:uB,insert:function(t,e){var n,r,i;if(t){if(e.P=t,e.N=t.N,t.N&&(t.N.P=e),t.N=e,t.R){for(t=t.R;t.L;)t=t.L;t.L=e}else t.R=e;n=t}else this._?(t=gB(this._),e.P=null,e.N=t,t.P=t.L=e,n=t):(e.P=e.N=null,this._=e,n=null);for(e.L=e.R=null,e.U=n,e.C=!0,t=e;n&&n.C;)n===(r=n.U).L?(i=r.R)&&i.C?(n.C=i.C=!1,r.C=!0,t=r):(t===n.R&&(mB(this,n),n=(t=n).U),n.C=!1,r.C=!0,fB(this,r)):(i=r.L)&&i.C?(n.C=i.C=!1,r.C=!0,t=r):(t===n.L&&(fB(this,n),n=(t=n).U),n.C=!1,r.C=!0,mB(this,r)),n=t.U;this._.C=!1},remove:function(t){t.N&&(t.N.P=t.P),t.P&&(t.P.N=t.N),t.N=t.P=null;var e,n,r,i=t.U,o=t.L,a=t.R;if(n=o?a?gB(a):o:a,i?i.L===t?i.L=n:i.R=n:this._=n,o&&a?(r=n.C,n.C=t.C,n.L=o,o.U=n,n!==a?(i=n.U,n.U=t.U,t=n.R,i.L=t,n.R=a,a.U=n):(n.U=i,i=n,t=n.R)):(r=t.C,t=n),t&&(t.U=i),!r)if(t&&t.C)t.C=!1;else{do{if(t===this._)break;if(t===i.L){if((e=i.R).C&&(e.C=!1,i.C=!0,mB(this,i),e=i.R),e.L&&e.L.C||e.R&&e.R.C){e.R&&e.R.C||(e.L.C=!1,e.C=!0,fB(this,e),e=i.R),e.C=i.C,i.C=e.R.C=!1,mB(this,i),t=this._;break}}else if((e=i.L).C&&(e.C=!1,i.C=!0,fB(this,i),e=i.L),e.L&&e.L.C||e.R&&e.R.C){e.L&&e.L.C||(e.R.C=!1,e.C=!0,mB(this,e),e=i.L),e.C=i.C,i.C=e.L.C=!1,fB(this,i),t=this._;break}e.C=!0,t=i,i=i.U}while(!t.C);t&&(t.C=!1)}}};var CB=uB;function bB(t,e,n,r){var i=[null,null],o=GB.push(i)-1;return i.left=t,i.right=e,n&&vB(i,t,e,n),r&&vB(i,e,t,r),UB[t.index].halfedges.push(o),UB[e.index].halfedges.push(o),i}function _B(t,e,n){var r=[e,n];return r.left=t,r}function vB(t,e,n,r){t[0]||t[1]?t.left===n?t[1]=r:t[0]=r:(t[0]=r,t.left=e,t.right=n)}function xB(t,e,n,r,i){var o,a=t[0],l=t[1],h=a[0],s=a[1],A=0,d=1,c=l[0]-h,u=l[1]-s;if(o=e-h,c||!(o>0)){if(o/=c,c<0){if(o<A)return;o<d&&(d=o)}else if(c>0){if(o>d)return;o>A&&(A=o)}if(o=r-h,c||!(o<0)){if(o/=c,c<0){if(o>d)return;o>A&&(A=o)}else if(c>0){if(o<A)return;o<d&&(d=o)}if(o=n-s,u||!(o>0)){if(o/=u,u<0){if(o<A)return;o<d&&(d=o)}else if(u>0){if(o>d)return;o>A&&(A=o)}if(o=i-s,u||!(o<0)){if(o/=u,u<0){if(o>d)return;o>A&&(A=o)}else if(u>0){if(o<A)return;o<d&&(d=o)}return!(A>0||d<1)||(A>0&&(t[0]=[h+A*c,s+A*u]),d<1&&(t[1]=[h+d*c,s+d*u]),!0)}}}}}function BB(t,e,n,r,i){var o=t[1];if(o)return!0;var a,l,h=t[0],s=t.left,A=t.right,d=s[0],c=s[1],u=A[0],p=A[1],m=(d+u)/2,f=(c+p)/2;if(p===c){if(m<e||m>=r)return;if(d>u){if(h){if(h[1]>=i)return}else h=[m,n];o=[m,i]}else{if(h){if(h[1]<n)return}else h=[m,i];o=[m,n]}}else if(l=f-(a=(d-u)/(p-c))*m,a<-1||a>1)if(d>u){if(h){if(h[1]>=i)return}else h=[(n-l)/a,n];o=[(i-l)/a,i]}else{if(h){if(h[1]<n)return}else h=[(i-l)/a,i];o=[(n-l)/a,n]}else if(c<p){if(h){if(h[0]>=r)return}else h=[e,a*e+l];o=[r,a*r+l]}else{if(h){if(h[0]<e)return}else h=[r,a*r+l];o=[e,a*e+l]}return t[0]=h,t[1]=o,!0}function kB(t,e){var n=t.site,r=e.left,i=e.right;return n===i&&(i=r,r=n),i?Math.atan2(i[1]-r[1],i[0]-r[0]):(n===r?(r=e[1],i=e[0]):(r=e[0],i=e[1]),Math.atan2(r[0]-i[0],i[1]-r[1]))}function wB(t,e){return e[+(e.left!==t.site)]}function yB(t,e){return e[+(e.left===t.site)]}var EB,$B=[];function DB(){pB(this),this.x=this.y=this.arc=this.site=this.cy=null}function FB(t){var e=t.P,n=t.N;if(e&&n){var r=e.site,i=t.site,o=n.site;if(r!==o){var a=i[0],l=i[1],h=r[0]-a,s=r[1]-l,A=o[0]-a,d=o[1]-l,c=2*(h*d-s*A);if(!(c>=-WB)){var u=h*h+s*s,p=A*A+d*d,m=(d*u-s*p)/c,f=(h*p-A*u)/c,g=$B.pop()||new DB;g.arc=t,g.site=i,g.x=m+a,g.y=(g.cy=f+l)+Math.sqrt(m*m+f*f),t.circle=g;for(var C=null,b=PB._;b;)if(g.y<b.y||g.y===b.y&&g.x<=b.x){if(!b.L){C=b.P;break}b=b.L}else{if(!b.R){C=b;break}b=b.R}PB.insert(C,g),C||(EB=g)}}}}function SB(t){var e=t.circle;e&&(e.P||(EB=e.N),PB.remove(e),$B.push(e),pB(e),t.circle=null)}var MB=[];function IB(){pB(this),this.edge=this.site=this.circle=null}function zB(t){var e=MB.pop()||new IB;return e.site=t,e}function TB(t){SB(t),RB.remove(t),MB.push(t),pB(t)}function NB(t){var e=t.circle,n=e.x,r=e.cy,i=[n,r],o=t.P,a=t.N,l=[t];TB(t);for(var h=o;h.circle&&Math.abs(n-h.circle.x)<qB&&Math.abs(r-h.circle.cy)<qB;)o=h.P,l.unshift(h),TB(h),h=o;l.unshift(h),SB(h);for(var s=a;s.circle&&Math.abs(n-s.circle.x)<qB&&Math.abs(r-s.circle.cy)<qB;)a=s.N,l.push(s),TB(s),s=a;l.push(s),SB(s);var A,d=l.length;for(A=1;A<d;++A)s=l[A],h=l[A-1],vB(s.edge,h.site,s.site,i);h=l[0],(s=l[d-1]).edge=bB(h.site,s.site,null,i),FB(h),FB(s)}function jB(t){for(var e,n,r,i,o=t[0],a=t[1],l=RB._;l;)if((r=LB(l,a)-o)>qB)l=l.L;else{if(!((i=o-OB(l,a))>qB)){r>-qB?(e=l.P,n=l):i>-qB?(e=l,n=l.N):e=n=l;break}if(!l.R){e=l;break}l=l.R}!function(t){UB[t.index]={site:t,halfedges:[]}}(t);var h=zB(t);if(RB.insert(e,h),e||n){if(e===n)return SB(e),n=zB(e.site),RB.insert(h,n),h.edge=n.edge=bB(e.site,h.site),FB(e),void FB(n);if(n){SB(e),SB(n);var s=e.site,A=s[0],d=s[1],c=t[0]-A,u=t[1]-d,p=n.site,m=p[0]-A,f=p[1]-d,g=2*(c*f-u*m),C=c*c+u*u,b=m*m+f*f,_=[(f*C-u*b)/g+A,(c*b-m*C)/g+d];vB(n.edge,s,p,_),h.edge=bB(s,t,null,_),n.edge=bB(t,p,null,_),FB(e),FB(n)}else h.edge=bB(e.site,h.site)}}function LB(t,e){var n=t.site,r=n[0],i=n[1],o=i-e;if(!o)return r;var a=t.P;if(!a)return-1/0;var l=(n=a.site)[0],h=n[1],s=h-e;if(!s)return l;var A=l-r,d=1/o-1/s,c=A/s;return d?(-c+Math.sqrt(c*c-2*d*(A*A/(-2*s)-h+s/2+i-o/2)))/d+r:(r+l)/2}function OB(t,e){var n=t.N;if(n)return LB(n,e);var r=t.site;return r[1]===e?r[0]:1/0}var RB,UB,PB,GB,qB=1e-6,WB=1e-12;function HB(t,e,n){return(t[0]-n[0])*(e[1]-t[1])-(t[0]-e[0])*(n[1]-t[1])}function YB(t,e){return e[1]-t[1]||e[0]-t[0]}function JB(t,e){var n,r,i,o=t.sort(YB).pop();for(GB=[],UB=new Array(t.length),RB=new CB,PB=new CB;;)if(i=EB,o&&(!i||o[1]<i.y||o[1]===i.y&&o[0]<i.x))o[0]===n&&o[1]===r||(jB(o),n=o[0],r=o[1]),o=t.pop();else{if(!i)break;NB(i.arc)}if(function(){for(var t,e,n,r,i=0,o=UB.length;i<o;++i)if((t=UB[i])&&(r=(e=t.halfedges).length)){var a=new Array(r),l=new Array(r);for(n=0;n<r;++n)a[n]=n,l[n]=kB(t,GB[e[n]]);for(a.sort((function(t,e){return l[e]-l[t]})),n=0;n<r;++n)l[n]=e[a[n]];for(n=0;n<r;++n)e[n]=l[n]}}(),e){var a=+e[0][0],l=+e[0][1],h=+e[1][0],s=+e[1][1];!function(t,e,n,r){for(var i,o=GB.length;o--;)BB(i=GB[o],t,e,n,r)&&xB(i,t,e,n,r)&&(Math.abs(i[0][0]-i[1][0])>qB||Math.abs(i[0][1]-i[1][1])>qB)||delete GB[o]}(a,l,h,s),function(t,e,n,r){var i,o,a,l,h,s,A,d,c,u,p,m,f=UB.length,g=!0;for(i=0;i<f;++i)if(o=UB[i]){for(a=o.site,l=(h=o.halfedges).length;l--;)GB[h[l]]||h.splice(l,1);for(l=0,s=h.length;l<s;)p=(u=yB(o,GB[h[l]]))[0],m=u[1],d=(A=wB(o,GB[h[++l%s]]))[0],c=A[1],(Math.abs(p-d)>qB||Math.abs(m-c)>qB)&&(h.splice(l,0,GB.push(_B(a,u,Math.abs(p-t)<qB&&r-m>qB?[t,Math.abs(d-t)<qB?c:r]:Math.abs(m-r)<qB&&n-p>qB?[Math.abs(c-r)<qB?d:n,r]:Math.abs(p-n)<qB&&m-e>qB?[n,Math.abs(d-n)<qB?c:e]:Math.abs(m-e)<qB&&p-t>qB?[Math.abs(c-e)<qB?d:t,e]:null))-1),++s);s&&(g=!1)}if(g){var C,b,_,v=1/0;for(i=0,g=null;i<f;++i)(o=UB[i])&&(_=(C=(a=o.site)[0]-t)*C+(b=a[1]-e)*b)<v&&(v=_,g=o);if(g){var x=[t,e],B=[t,r],k=[n,r],w=[n,e];g.halfedges.push(GB.push(_B(a=g.site,x,B))-1,GB.push(_B(a,B,k))-1,GB.push(_B(a,k,w))-1,GB.push(_B(a,w,x))-1)}}for(i=0;i<f;++i)(o=UB[i])&&(o.halfedges.length||delete UB[i])}(a,l,h,s)}this.edges=GB,this.cells=UB,RB=PB=GB=UB=null}function QB(){var t=dB,e=cB,n=null;function r(r){return new JB(r.map((function(n,i){var o=[Math.round(t(n,i,r)/qB)*qB,Math.round(e(n,i,r)/qB)*qB];return o.index=i,o.data=n,o})),n)}return r.polygons=function(t){return r(t).polygons()},r.links=function(t){return r(t).links()},r.triangles=function(t){return r(t).triangles()},r.x=function(e){return arguments.length?(t="function"==typeof e?e:AB(+e),r):t},r.y=function(t){return arguments.length?(e="function"==typeof t?t:AB(+t),r):e},r.extent=function(t){return arguments.length?(n=null==t?null:[[+t[0][0],+t[0][1]],[+t[1][0],+t[1][1]]],r):n&&[[n[0][0],n[0][1]],[n[1][0],n[1][1]]]},r.size=function(t){return arguments.length?(n=null==t?null:[[0,0],[+t[0],+t[1]]],r):n&&[n[1][0]-n[0][0],n[1][1]-n[0][1]]},r}function XB(t){return function(){return t}}function KB(t,e,n){this.target=t,this.type=e,this.transform=n}function VB(t,e,n){this.k=t,this.x=e,this.y=n}JB.prototype={constructor:JB,polygons:function(){var t=this.edges;return this.cells.map((function(e){var n=e.halfedges.map((function(n){return wB(e,t[n])}));return n.data=e.site.data,n}))},triangles:function(){var t=[],e=this.edges;return this.cells.forEach((function(n,r){if(o=(i=n.halfedges).length)for(var i,o,a,l=n.site,h=-1,s=e[i[o-1]],A=s.left===l?s.right:s.left;++h<o;)a=A,A=(s=e[i[h]]).left===l?s.right:s.left,a&&A&&r<a.index&&r<A.index&&HB(l,a,A)<0&&t.push([l.data,a.data,A.data])})),t},links:function(){return this.edges.filter((function(t){return t.right})).map((function(t){return{source:t.left.data,target:t.right.data}}))},find:function(t,e,n){for(var r,i,o=this,a=o._found||0,l=o.cells.length;!(i=o.cells[a]);)if(++a>=l)return null;var h=t-i.site[0],s=e-i.site[1],A=h*h+s*s;do{i=o.cells[r=a],a=null,i.halfedges.forEach((function(n){var r=o.edges[n],l=r.left;if(l!==i.site&&l||(l=r.right)){var h=t-l[0],s=e-l[1],d=h*h+s*s;d<A&&(A=d,a=l.index)}}))}while(null!==a);return o._found=r,null==n||A<=n*n?i.site:null}},VB.prototype={constructor:VB,scale:function(t){return 1===t?this:new VB(this.k*t,this.x,this.y)},translate:function(t,e){return 0===t&0===e?this:new VB(this.k,this.x+this.k*t,this.y+this.k*e)},apply:function(t){return[t[0]*this.k+this.x,t[1]*this.k+this.y]},applyX:function(t){return t*this.k+this.x},applyY:function(t){return t*this.k+this.y},invert:function(t){return[(t[0]-this.x)/this.k,(t[1]-this.y)/this.k]},invertX:function(t){return(t-this.x)/this.k},invertY:function(t){return(t-this.y)/this.k},rescaleX:function(t){return t.copy().domain(t.range().map(this.invertX,this).map(t.invert,t))},rescaleY:function(t){return t.copy().domain(t.range().map(this.invertY,this).map(t.invert,t))},toString:function(){return"translate("+this.x+","+this.y+") scale("+this.k+")"}};var ZB=new VB(1,0,0);function tk(t){for(;!t.__zoom;)if(!(t=t.parentNode))return ZB;return t.__zoom}function ek(){Ae.stopImmediatePropagation()}function nk(){Ae.preventDefault(),Ae.stopImmediatePropagation()}function rk(){return!Ae.ctrlKey&&!Ae.button}function ik(){var t=this;return t instanceof SVGElement?(t=t.ownerSVGElement||t).hasAttribute("viewBox")?[[(t=t.viewBox.baseVal).x,t.y],[t.x+t.width,t.y+t.height]]:[[0,0],[t.width.baseVal.value,t.height.baseVal.value]]:[[0,0],[t.clientWidth,t.clientHeight]]}function ok(){return this.__zoom||ZB}function ak(){return-Ae.deltaY*(1===Ae.deltaMode?.05:Ae.deltaMode?1:.002)}function lk(){return navigator.maxTouchPoints||"ontouchstart"in this}function hk(t,e,n){var r=t.invertX(e[0][0])-n[0][0],i=t.invertX(e[1][0])-n[1][0],o=t.invertY(e[0][1])-n[0][1],a=t.invertY(e[1][1])-n[1][1];return t.translate(i>r?(r+i)/2:Math.min(0,r)||Math.max(0,i),a>o?(o+a)/2:Math.min(0,o)||Math.max(0,a))}function sk(){var t,e,n=rk,r=ik,i=hk,o=ak,a=lk,l=[0,1/0],h=[[-1/0,-1/0],[1/0,1/0]],s=250,A=Fp,d=ct("start","zoom","end"),c=500,u=0;function p(t){t.property("__zoom",ok).on("wheel.zoom",v).on("mousedown.zoom",x).on("dblclick.zoom",B).filter(a).on("touchstart.zoom",k).on("touchmove.zoom",w).on("touchend.zoom touchcancel.zoom",y).style("touch-action","none").style("-webkit-tap-highlight-color","rgba(0,0,0,0)")}function m(t,e){return(e=Math.max(l[0],Math.min(l[1],e)))===t.k?t:new VB(e,t.x,t.y)}function f(t,e,n){var r=e[0]-n[0]*t.k,i=e[1]-n[1]*t.k;return r===t.x&&i===t.y?t:new VB(t.k,r,i)}function g(t){return[(+t[0][0]+ +t[1][0])/2,(+t[0][1]+ +t[1][1])/2]}function C(t,e,n){t.on("start.zoom",(function(){b(this,arguments).start()})).on("interrupt.zoom end.zoom",(function(){b(this,arguments).end()})).tween("zoom",(function(){var t=this,i=arguments,o=b(t,i),a=r.apply(t,i),l=null==n?g(a):"function"==typeof n?n.apply(t,i):n,h=Math.max(a[1][0]-a[0][0],a[1][1]-a[0][1]),s=t.__zoom,d="function"==typeof e?e.apply(t,i):e,c=A(s.invert(l).concat(h/s.k),d.invert(l).concat(h/d.k));return function(t){if(1===t)t=d;else{var e=c(t),n=h/e[2];t=new VB(n,l[0]-e[0]*n,l[1]-e[1]*n)}o.zoom(null,t)}}))}function b(t,e,n){return!n&&t.__zooming||new _(t,e)}function _(t,e){this.that=t,this.args=e,this.active=0,this.extent=r.apply(t,e),this.taps=0}function v(){if(n.apply(this,arguments)){var t=b(this,arguments),e=this.__zoom,r=Math.max(l[0],Math.min(l[1],e.k*Math.pow(2,o.apply(this,arguments)))),a=In(this);if(t.wheel)t.mouse[0][0]===a[0]&&t.mouse[0][1]===a[1]||(t.mouse[1]=e.invert(t.mouse[0]=a)),clearTimeout(t.wheel);else{if(e.k===r)return;t.mouse=[a,e.invert(a)],or(this),t.start()}nk(),t.wheel=setTimeout(s,150),t.zoom("mouse",i(f(m(e,r),t.mouse[0],t.mouse[1]),t.extent,h))}function s(){t.wheel=null,t.end()}}function x(){if(!e&&n.apply(this,arguments)){var t=b(this,arguments,!0),r=ke(Ae.view).on("mousemove.zoom",s,!0).on("mouseup.zoom",A,!0),o=In(this),a=Ae.clientX,l=Ae.clientY;Ee(Ae.view),ek(),t.mouse=[o,this.__zoom.invert(o)],or(this),t.start()}function s(){if(nk(),!t.moved){var e=Ae.clientX-a,n=Ae.clientY-l;t.moved=e*e+n*n>u}t.zoom("mouse",i(f(t.that.__zoom,t.mouse[0]=In(t.that),t.mouse[1]),t.extent,h))}function A(){r.on("mousemove.zoom mouseup.zoom",null),$e(Ae.view,t.moved),nk(),t.end()}}function B(){if(n.apply(this,arguments)){var t=this.__zoom,e=In(this),o=t.invert(e),a=t.k*(Ae.shiftKey?.5:2),l=i(f(m(t,a),e,o),r.apply(this,arguments),h);nk(),s>0?ke(this).transition().duration(s).call(C,l,e):ke(this).call(p.transform,l)}}function k(){if(n.apply(this,arguments)){var e,r,i,o,a=Ae.touches,l=a.length,h=b(this,arguments,Ae.changedTouches.length===l);for(ek(),r=0;r<l;++r)o=[o=Mn(this,a,(i=a[r]).identifier),this.__zoom.invert(o),i.identifier],h.touch0?h.touch1||h.touch0[2]===o[2]||(h.touch1=o,h.taps=0):(h.touch0=o,e=!0,h.taps=1+!!t);t&&(t=clearTimeout(t)),e&&(h.taps<2&&(t=setTimeout((function(){t=null}),c)),or(this),h.start())}}function w(){if(this.__zooming){var e,n,r,o,a=b(this,arguments),l=Ae.changedTouches,s=l.length;for(nk(),t&&(t=clearTimeout(t)),a.taps=0,e=0;e<s;++e)r=Mn(this,l,(n=l[e]).identifier),a.touch0&&a.touch0[2]===n.identifier?a.touch0[0]=r:a.touch1&&a.touch1[2]===n.identifier&&(a.touch1[0]=r);if(n=a.that.__zoom,a.touch1){var A=a.touch0[0],d=a.touch0[1],c=a.touch1[0],u=a.touch1[1],p=(p=c[0]-A[0])*p+(p=c[1]-A[1])*p,g=(g=u[0]-d[0])*g+(g=u[1]-d[1])*g;n=m(n,Math.sqrt(p/g)),r=[(A[0]+c[0])/2,(A[1]+c[1])/2],o=[(d[0]+u[0])/2,(d[1]+u[1])/2]}else{if(!a.touch0)return;r=a.touch0[0],o=a.touch0[1]}a.zoom("touch",i(f(n,r,o),a.extent,h))}}function y(){if(this.__zooming){var t,n,r=b(this,arguments),i=Ae.changedTouches,o=i.length;for(ek(),e&&clearTimeout(e),e=setTimeout((function(){e=null}),c),t=0;t<o;++t)n=i[t],r.touch0&&r.touch0[2]===n.identifier?delete r.touch0:r.touch1&&r.touch1[2]===n.identifier&&delete r.touch1;if(r.touch1&&!r.touch0&&(r.touch0=r.touch1,delete r.touch1),r.touch0)r.touch0[1]=this.__zoom.invert(r.touch0[0]);else if(r.end(),2===r.taps){var a=ke(this).on("dblclick.zoom");a&&a.apply(this,arguments)}}}return p.transform=function(t,e,n){var r=t.selection?t.selection():t;r.property("__zoom",ok),t!==r?C(t,e,n):r.interrupt().each((function(){b(this,arguments).start().zoom(null,"function"==typeof e?e.apply(this,arguments):e).end()}))},p.scaleBy=function(t,e,n){p.scaleTo(t,(function(){var t=this.__zoom.k,n="function"==typeof e?e.apply(this,arguments):e;return t*n}),n)},p.scaleTo=function(t,e,n){p.transform(t,(function(){var t=r.apply(this,arguments),o=this.__zoom,a=null==n?g(t):"function"==typeof n?n.apply(this,arguments):n,l=o.invert(a),s="function"==typeof e?e.apply(this,arguments):e;return i(f(m(o,s),a,l),t,h)}),n)},p.translateBy=function(t,e,n){p.transform(t,(function(){return i(this.__zoom.translate("function"==typeof e?e.apply(this,arguments):e,"function"==typeof n?n.apply(this,arguments):n),r.apply(this,arguments),h)}))},p.translateTo=function(t,e,n,o){p.transform(t,(function(){var t=r.apply(this,arguments),a=this.__zoom,l=null==o?g(t):"function"==typeof o?o.apply(this,arguments):o;return i(ZB.translate(l[0],l[1]).scale(a.k).translate("function"==typeof e?-e.apply(this,arguments):-e,"function"==typeof n?-n.apply(this,arguments):-n),t,h)}),o)},_.prototype={start:function(){return 1==++this.active&&(this.that.__zooming=this,this.emit("start")),this},zoom:function(t,e){return this.mouse&&"mouse"!==t&&(this.mouse[1]=e.invert(this.mouse[0])),this.touch0&&"touch"!==t&&(this.touch0[1]=e.invert(this.touch0[0])),this.touch1&&"touch"!==t&&(this.touch1[1]=e.invert(this.touch1[0])),this.that.__zoom=e,this.emit("zoom"),this},end:function(){return 0==--this.active&&(delete this.that.__zooming,this.emit("end")),this},emit:function(t){fe(new KB(p,t,this.that.__zoom),d.apply,d,[t,this.that,this.args])}},p.wheelDelta=function(t){return arguments.length?(o="function"==typeof t?t:XB(+t),p):o},p.filter=function(t){return arguments.length?(n="function"==typeof t?t:XB(!!t),p):n},p.touchable=function(t){return arguments.length?(a="function"==typeof t?t:XB(!!t),p):a},p.extent=function(t){return arguments.length?(r="function"==typeof t?t:XB([[+t[0][0],+t[0][1]],[+t[1][0],+t[1][1]]]),p):r},p.scaleExtent=function(t){return arguments.length?(l[0]=+t[0],l[1]=+t[1],p):[l[0],l[1]]},p.translateExtent=function(t){return arguments.length?(h[0][0]=+t[0][0],h[1][0]=+t[1][0],h[0][1]=+t[0][1],h[1][1]=+t[1][1],p):[[h[0][0],h[0][1]],[h[1][0],h[1][1]]]},p.constrain=function(t){return arguments.length?(i=t,p):i},p.duration=function(t){return arguments.length?(s=+t,p):s},p.interpolate=function(t){return arguments.length?(A=t,p):A},p.on=function(){var t=d.on.apply(d,arguments);return t===d?p:t},p.clickDistance=function(t){return arguments.length?(u=(t=+t)*t,p):Math.sqrt(u)},p}tk.prototype=VB.prototype},6651:function(t,e){var n;!function(e,n){"use strict";"object"==typeof t.exports?t.exports=e.document?n(e,!0):function(t){if(!t.document)throw new Error("jQuery requires a window with a document");return n(t)}:n(e)}("undefined"!=typeof window?window:this,(function(r,i){"use strict";var o=[],a=Object.getPrototypeOf,l=o.slice,h=o.flat?function(t){return o.flat.call(t)}:function(t){return o.concat.apply([],t)},s=o.push,A=o.indexOf,d={},c=d.toString,u=d.hasOwnProperty,p=u.toString,m=p.call(Object),f={},g=function(t){return"function"==typeof t&&"number"!=typeof t.nodeType},C=function(t){return null!=t&&t===t.window},b=r.document,_={type:!0,src:!0,nonce:!0,noModule:!0};function v(t,e,n){var r,i,o=(n=n||b).createElement("script");if(o.text=t,e)for(r in _)(i=e[r]||e.getAttribute&&e.getAttribute(r))&&o.setAttribute(r,i);n.head.appendChild(o).parentNode.removeChild(o)}function x(t){return null==t?t+"":"object"==typeof t||"function"==typeof t?d[c.call(t)]||"object":typeof t}var B="3.5.1",k=function(t,e){return new k.fn.init(t,e)};function w(t){var e=!!t&&"length"in t&&t.length,n=x(t);return!g(t)&&!C(t)&&("array"===n||0===e||"number"==typeof e&&e>0&&e-1 in t)}k.fn=k.prototype={jquery:B,constructor:k,length:0,toArray:function(){return l.call(this)},get:function(t){return null==t?l.call(this):t<0?this[t+this.length]:this[t]},pushStack:function(t){var e=k.merge(this.constructor(),t);return e.prevObject=this,e},each:function(t){return k.each(this,t)},map:function(t){return this.pushStack(k.map(this,(function(e,n){return t.call(e,n,e)})))},slice:function(){return this.pushStack(l.apply(this,arguments))},first:function(){return this.eq(0)},last:function(){return this.eq(-1)},even:function(){return this.pushStack(k.grep(this,(function(t,e){return(e+1)%2})))},odd:function(){return this.pushStack(k.grep(this,(function(t,e){return e%2})))},eq:function(t){var e=this.length,n=+t+(t<0?e:0);return this.pushStack(n>=0&&n<e?[this[n]]:[])},end:function(){return this.prevObject||this.constructor()},push:s,sort:o.sort,splice:o.splice},k.extend=k.fn.extend=function(){var t,e,n,r,i,o,a=arguments[0]||{},l=1,h=arguments.length,s=!1;for("boolean"==typeof a&&(s=a,a=arguments[l]||{},l++),"object"==typeof a||g(a)||(a={}),l===h&&(a=this,l--);l<h;l++)if(null!=(t=arguments[l]))for(e in t)r=t[e],"__proto__"!==e&&a!==r&&(s&&r&&(k.isPlainObject(r)||(i=Array.isArray(r)))?(n=a[e],o=i&&!Array.isArray(n)?[]:i||k.isPlainObject(n)?n:{},i=!1,a[e]=k.extend(s,o,r)):void 0!==r&&(a[e]=r));return a},k.extend({expando:"jQuery"+(B+Math.random()).replace(/\D/g,""),isReady:!0,error:function(t){throw new Error(t)},noop:function(){},isPlainObject:function(t){var e,n;return!(!t||"[object Object]"!==c.call(t)||(e=a(t))&&("function"!=typeof(n=u.call(e,"constructor")&&e.constructor)||p.call(n)!==m))},isEmptyObject:function(t){var e;for(e in t)return!1;return!0},globalEval:function(t,e,n){v(t,{nonce:e&&e.nonce},n)},each:function(t,e){var n,r=0;if(w(t))for(n=t.length;r<n&&!1!==e.call(t[r],r,t[r]);r++);else for(r in t)if(!1===e.call(t[r],r,t[r]))break;return t},makeArray:function(t,e){var n=e||[];return null!=t&&(w(Object(t))?k.merge(n,"string"==typeof t?[t]:t):s.call(n,t)),n},inArray:function(t,e,n){return null==e?-1:A.call(e,t,n)},merge:function(t,e){for(var n=+e.length,r=0,i=t.length;r<n;r++)t[i++]=e[r];return t.length=i,t},grep:function(t,e,n){for(var r=[],i=0,o=t.length,a=!n;i<o;i++)!e(t[i],i)!==a&&r.push(t[i]);return r},map:function(t,e,n){var r,i,o=0,a=[];if(w(t))for(r=t.length;o<r;o++)null!=(i=e(t[o],o,n))&&a.push(i);else for(o in t)null!=(i=e(t[o],o,n))&&a.push(i);return h(a)},guid:1,support:f}),"function"==typeof Symbol&&(k.fn[Symbol.iterator]=o[Symbol.iterator]),k.each("Boolean Number String Function Array Date RegExp Object Error Symbol".split(" "),(function(t,e){d["[object "+e+"]"]=e.toLowerCase()}));var y=function(t){var e,n,r,i,o,a,l,h,s,A,d,c,u,p,m,f,g,C,b,_="sizzle"+1*new Date,v=t.document,x=0,B=0,k=ht(),w=ht(),y=ht(),E=ht(),$=function(t,e){return t===e&&(d=!0),0},D={}.hasOwnProperty,F=[],S=F.pop,M=F.push,I=F.push,z=F.slice,T=function(t,e){for(var n=0,r=t.length;n<r;n++)if(t[n]===e)return n;return-1},N="checked|selected|async|autofocus|autoplay|controls|defer|disabled|hidden|ismap|loop|multiple|open|readonly|required|scoped",j="[\\x20\\t\\r\\n\\f]",L="(?:\\\\[\\da-fA-F]{1,6}[\\x20\\t\\r\\n\\f]?|\\\\[^\\r\\n\\f]|[\\w-]|[^\0-\\x7f])+",O="\\[[\\x20\\t\\r\\n\\f]*("+L+")(?:"+j+"*([*^$|!~]?=)"+j+"*(?:'((?:\\\\.|[^\\\\'])*)'|\"((?:\\\\.|[^\\\\\"])*)\"|("+L+"))|)"+j+"*\\]",R=":("+L+")(?:\\((('((?:\\\\.|[^\\\\'])*)'|\"((?:\\\\.|[^\\\\\"])*)\")|((?:\\\\.|[^\\\\()[\\]]|"+O+")*)|.*)\\)|)",U=new RegExp(j+"+","g"),P=new RegExp("^[\\x20\\t\\r\\n\\f]+|((?:^|[^\\\\])(?:\\\\.)*)[\\x20\\t\\r\\n\\f]+$","g"),G=new RegExp("^[\\x20\\t\\r\\n\\f]*,[\\x20\\t\\r\\n\\f]*"),q=new RegExp("^[\\x20\\t\\r\\n\\f]*([>+~]|[\\x20\\t\\r\\n\\f])[\\x20\\t\\r\\n\\f]*"),W=new RegExp(j+"|>"),H=new RegExp(R),Y=new RegExp("^"+L+"$"),J={ID:new RegExp("^#("+L+")"),CLASS:new RegExp("^\\.("+L+")"),TAG:new RegExp("^("+L+"|[*])"),ATTR:new RegExp("^"+O),PSEUDO:new RegExp("^"+R),CHILD:new RegExp("^:(only|first|last|nth|nth-last)-(child|of-type)(?:\\([\\x20\\t\\r\\n\\f]*(even|odd|(([+-]|)(\\d*)n|)[\\x20\\t\\r\\n\\f]*(?:([+-]|)[\\x20\\t\\r\\n\\f]*(\\d+)|))[\\x20\\t\\r\\n\\f]*\\)|)","i"),bool:new RegExp("^(?:"+N+")$","i"),needsContext:new RegExp("^[\\x20\\t\\r\\n\\f]*[>+~]|:(even|odd|eq|gt|lt|nth|first|last)(?:\\([\\x20\\t\\r\\n\\f]*((?:-\\d)?\\d*)[\\x20\\t\\r\\n\\f]*\\)|)(?=[^-]|$)","i")},Q=/HTML$/i,X=/^(?:input|select|textarea|button)$/i,K=/^h\d$/i,V=/^[^{]+\{\s*\[native \w/,Z=/^(?:#([\w-]+)|(\w+)|\.([\w-]+))$/,tt=/[+~]/,et=new RegExp("\\\\[\\da-fA-F]{1,6}[\\x20\\t\\r\\n\\f]?|\\\\([^\\r\\n\\f])","g"),nt=function(t,e){var n="0x"+t.slice(1)-65536;return e||(n<0?String.fromCharCode(n+65536):String.fromCharCode(n>>10|55296,1023&n|56320))},rt=/([\0-\x1f\x7f]|^-?\d)|^-$|[^\0-\x1f\x7f-\uFFFF\w-]/g,it=function(t,e){return e?"\0"===t?"�":t.slice(0,-1)+"\\"+t.charCodeAt(t.length-1).toString(16)+" ":"\\"+t},ot=function(){c()},at=_t((function(t){return!0===t.disabled&&"fieldset"===t.nodeName.toLowerCase()}),{dir:"parentNode",next:"legend"});try{I.apply(F=z.call(v.childNodes),v.childNodes),F[v.childNodes.length].nodeType}catch(t){I={apply:F.length?function(t,e){M.apply(t,z.call(e))}:function(t,e){for(var n=t.length,r=0;t[n++]=e[r++];);t.length=n-1}}}function lt(t,e,r,i){var o,l,s,A,d,p,g,C=e&&e.ownerDocument,v=e?e.nodeType:9;if(r=r||[],"string"!=typeof t||!t||1!==v&&9!==v&&11!==v)return r;if(!i&&(c(e),e=e||u,m)){if(11!==v&&(d=Z.exec(t)))if(o=d[1]){if(9===v){if(!(s=e.getElementById(o)))return r;if(s.id===o)return r.push(s),r}else if(C&&(s=C.getElementById(o))&&b(e,s)&&s.id===o)return r.push(s),r}else{if(d[2])return I.apply(r,e.getElementsByTagName(t)),r;if((o=d[3])&&n.getElementsByClassName&&e.getElementsByClassName)return I.apply(r,e.getElementsByClassName(o)),r}if(n.qsa&&!E[t+" "]&&(!f||!f.test(t))&&(1!==v||"object"!==e.nodeName.toLowerCase())){if(g=t,C=e,1===v&&(W.test(t)||q.test(t))){for((C=tt.test(t)&>(e.parentNode)||e)===e&&n.scope||((A=e.getAttribute("id"))?A=A.replace(rt,it):e.setAttribute("id",A=_)),l=(p=a(t)).length;l--;)p[l]=(A?"#"+A:":scope")+" "+bt(p[l]);g=p.join(",")}try{return I.apply(r,C.querySelectorAll(g)),r}catch(e){E(t,!0)}finally{A===_&&e.removeAttribute("id")}}}return h(t.replace(P,"$1"),e,r,i)}function ht(){var t=[];return function e(n,i){return t.push(n+" ")>r.cacheLength&&delete e[t.shift()],e[n+" "]=i}}function st(t){return t[_]=!0,t}function At(t){var e=u.createElement("fieldset");try{return!!t(e)}catch(t){return!1}finally{e.parentNode&&e.parentNode.removeChild(e),e=null}}function dt(t,e){for(var n=t.split("|"),i=n.length;i--;)r.attrHandle[n[i]]=e}function ct(t,e){var n=e&&t,r=n&&1===t.nodeType&&1===e.nodeType&&t.sourceIndex-e.sourceIndex;if(r)return r;if(n)for(;n=n.nextSibling;)if(n===e)return-1;return t?1:-1}function ut(t){return function(e){return"input"===e.nodeName.toLowerCase()&&e.type===t}}function pt(t){return function(e){var n=e.nodeName.toLowerCase();return("input"===n||"button"===n)&&e.type===t}}function mt(t){return function(e){return"form"in e?e.parentNode&&!1===e.disabled?"label"in e?"label"in e.parentNode?e.parentNode.disabled===t:e.disabled===t:e.isDisabled===t||e.isDisabled!==!t&&at(e)===t:e.disabled===t:"label"in e&&e.disabled===t}}function ft(t){return st((function(e){return e=+e,st((function(n,r){for(var i,o=t([],n.length,e),a=o.length;a--;)n[i=o[a]]&&(n[i]=!(r[i]=n[i]))}))}))}function gt(t){return t&&void 0!==t.getElementsByTagName&&t}for(e in n=lt.support={},o=lt.isXML=function(t){var e=t.namespaceURI,n=(t.ownerDocument||t).documentElement;return!Q.test(e||n&&n.nodeName||"HTML")},c=lt.setDocument=function(t){var e,i,a=t?t.ownerDocument||t:v;return a!=u&&9===a.nodeType&&a.documentElement?(p=(u=a).documentElement,m=!o(u),v!=u&&(i=u.defaultView)&&i.top!==i&&(i.addEventListener?i.addEventListener("unload",ot,!1):i.attachEvent&&i.attachEvent("onunload",ot)),n.scope=At((function(t){return p.appendChild(t).appendChild(u.createElement("div")),void 0!==t.querySelectorAll&&!t.querySelectorAll(":scope fieldset div").length})),n.attributes=At((function(t){return t.className="i",!t.getAttribute("className")})),n.getElementsByTagName=At((function(t){return t.appendChild(u.createComment("")),!t.getElementsByTagName("*").length})),n.getElementsByClassName=V.test(u.getElementsByClassName),n.getById=At((function(t){return p.appendChild(t).id=_,!u.getElementsByName||!u.getElementsByName(_).length})),n.getById?(r.filter.ID=function(t){var e=t.replace(et,nt);return function(t){return t.getAttribute("id")===e}},r.find.ID=function(t,e){if(void 0!==e.getElementById&&m){var n=e.getElementById(t);return n?[n]:[]}}):(r.filter.ID=function(t){var e=t.replace(et,nt);return function(t){var n=void 0!==t.getAttributeNode&&t.getAttributeNode("id");return n&&n.value===e}},r.find.ID=function(t,e){if(void 0!==e.getElementById&&m){var n,r,i,o=e.getElementById(t);if(o){if((n=o.getAttributeNode("id"))&&n.value===t)return[o];for(i=e.getElementsByName(t),r=0;o=i[r++];)if((n=o.getAttributeNode("id"))&&n.value===t)return[o]}return[]}}),r.find.TAG=n.getElementsByTagName?function(t,e){return void 0!==e.getElementsByTagName?e.getElementsByTagName(t):n.qsa?e.querySelectorAll(t):void 0}:function(t,e){var n,r=[],i=0,o=e.getElementsByTagName(t);if("*"===t){for(;n=o[i++];)1===n.nodeType&&r.push(n);return r}return o},r.find.CLASS=n.getElementsByClassName&&function(t,e){if(void 0!==e.getElementsByClassName&&m)return e.getElementsByClassName(t)},g=[],f=[],(n.qsa=V.test(u.querySelectorAll))&&(At((function(t){var e;p.appendChild(t).innerHTML="<a id='"+_+"'></a><select id='"+_+"-\r\\' msallowcapture=''><option selected=''></option></select>",t.querySelectorAll("[msallowcapture^='']").length&&f.push("[*^$]=[\\x20\\t\\r\\n\\f]*(?:''|\"\")"),t.querySelectorAll("[selected]").length||f.push("\\[[\\x20\\t\\r\\n\\f]*(?:value|"+N+")"),t.querySelectorAll("[id~="+_+"-]").length||f.push("~="),(e=u.createElement("input")).setAttribute("name",""),t.appendChild(e),t.querySelectorAll("[name='']").length||f.push("\\[[\\x20\\t\\r\\n\\f]*name[\\x20\\t\\r\\n\\f]*=[\\x20\\t\\r\\n\\f]*(?:''|\"\")"),t.querySelectorAll(":checked").length||f.push(":checked"),t.querySelectorAll("a#"+_+"+*").length||f.push(".#.+[+~]"),t.querySelectorAll("\\\f"),f.push("[\\r\\n\\f]")})),At((function(t){t.innerHTML="<a href='' disabled='disabled'></a><select disabled='disabled'><option/></select>";var e=u.createElement("input");e.setAttribute("type","hidden"),t.appendChild(e).setAttribute("name","D"),t.querySelectorAll("[name=d]").length&&f.push("name[\\x20\\t\\r\\n\\f]*[*^$|!~]?="),2!==t.querySelectorAll(":enabled").length&&f.push(":enabled",":disabled"),p.appendChild(t).disabled=!0,2!==t.querySelectorAll(":disabled").length&&f.push(":enabled",":disabled"),t.querySelectorAll("*,:x"),f.push(",.*:")}))),(n.matchesSelector=V.test(C=p.matches||p.webkitMatchesSelector||p.mozMatchesSelector||p.oMatchesSelector||p.msMatchesSelector))&&At((function(t){n.disconnectedMatch=C.call(t,"*"),C.call(t,"[s!='']:x"),g.push("!=",R)})),f=f.length&&new RegExp(f.join("|")),g=g.length&&new RegExp(g.join("|")),e=V.test(p.compareDocumentPosition),b=e||V.test(p.contains)?function(t,e){var n=9===t.nodeType?t.documentElement:t,r=e&&e.parentNode;return t===r||!(!r||1!==r.nodeType||!(n.contains?n.contains(r):t.compareDocumentPosition&&16&t.compareDocumentPosition(r)))}:function(t,e){if(e)for(;e=e.parentNode;)if(e===t)return!0;return!1},$=e?function(t,e){if(t===e)return d=!0,0;var r=!t.compareDocumentPosition-!e.compareDocumentPosition;return r||(1&(r=(t.ownerDocument||t)==(e.ownerDocument||e)?t.compareDocumentPosition(e):1)||!n.sortDetached&&e.compareDocumentPosition(t)===r?t==u||t.ownerDocument==v&&b(v,t)?-1:e==u||e.ownerDocument==v&&b(v,e)?1:A?T(A,t)-T(A,e):0:4&r?-1:1)}:function(t,e){if(t===e)return d=!0,0;var n,r=0,i=t.parentNode,o=e.parentNode,a=[t],l=[e];if(!i||!o)return t==u?-1:e==u?1:i?-1:o?1:A?T(A,t)-T(A,e):0;if(i===o)return ct(t,e);for(n=t;n=n.parentNode;)a.unshift(n);for(n=e;n=n.parentNode;)l.unshift(n);for(;a[r]===l[r];)r++;return r?ct(a[r],l[r]):a[r]==v?-1:l[r]==v?1:0},u):u},lt.matches=function(t,e){return lt(t,null,null,e)},lt.matchesSelector=function(t,e){if(c(t),n.matchesSelector&&m&&!E[e+" "]&&(!g||!g.test(e))&&(!f||!f.test(e)))try{var r=C.call(t,e);if(r||n.disconnectedMatch||t.document&&11!==t.document.nodeType)return r}catch(t){E(e,!0)}return lt(e,u,null,[t]).length>0},lt.contains=function(t,e){return(t.ownerDocument||t)!=u&&c(t),b(t,e)},lt.attr=function(t,e){(t.ownerDocument||t)!=u&&c(t);var i=r.attrHandle[e.toLowerCase()],o=i&&D.call(r.attrHandle,e.toLowerCase())?i(t,e,!m):void 0;return void 0!==o?o:n.attributes||!m?t.getAttribute(e):(o=t.getAttributeNode(e))&&o.specified?o.value:null},lt.escape=function(t){return(t+"").replace(rt,it)},lt.error=function(t){throw new Error("Syntax error, unrecognized expression: "+t)},lt.uniqueSort=function(t){var e,r=[],i=0,o=0;if(d=!n.detectDuplicates,A=!n.sortStable&&t.slice(0),t.sort($),d){for(;e=t[o++];)e===t[o]&&(i=r.push(o));for(;i--;)t.splice(r[i],1)}return A=null,t},i=lt.getText=function(t){var e,n="",r=0,o=t.nodeType;if(o){if(1===o||9===o||11===o){if("string"==typeof t.textContent)return t.textContent;for(t=t.firstChild;t;t=t.nextSibling)n+=i(t)}else if(3===o||4===o)return t.nodeValue}else for(;e=t[r++];)n+=i(e);return n},(r=lt.selectors={cacheLength:50,createPseudo:st,match:J,attrHandle:{},find:{},relative:{">":{dir:"parentNode",first:!0}," ":{dir:"parentNode"},"+":{dir:"previousSibling",first:!0},"~":{dir:"previousSibling"}},preFilter:{ATTR:function(t){return t[1]=t[1].replace(et,nt),t[3]=(t[3]||t[4]||t[5]||"").replace(et,nt),"~="===t[2]&&(t[3]=" "+t[3]+" "),t.slice(0,4)},CHILD:function(t){return t[1]=t[1].toLowerCase(),"nth"===t[1].slice(0,3)?(t[3]||lt.error(t[0]),t[4]=+(t[4]?t[5]+(t[6]||1):2*("even"===t[3]||"odd"===t[3])),t[5]=+(t[7]+t[8]||"odd"===t[3])):t[3]&<.error(t[0]),t},PSEUDO:function(t){var e,n=!t[6]&&t[2];return J.CHILD.test(t[0])?null:(t[3]?t[2]=t[4]||t[5]||"":n&&H.test(n)&&(e=a(n,!0))&&(e=n.indexOf(")",n.length-e)-n.length)&&(t[0]=t[0].slice(0,e),t[2]=n.slice(0,e)),t.slice(0,3))}},filter:{TAG:function(t){var e=t.replace(et,nt).toLowerCase();return"*"===t?function(){return!0}:function(t){return t.nodeName&&t.nodeName.toLowerCase()===e}},CLASS:function(t){var e=k[t+" "];return e||(e=new RegExp("(^|[\\x20\\t\\r\\n\\f])"+t+"("+j+"|$)"))&&k(t,(function(t){return e.test("string"==typeof t.className&&t.className||void 0!==t.getAttribute&&t.getAttribute("class")||"")}))},ATTR:function(t,e,n){return function(r){var i=lt.attr(r,t);return null==i?"!="===e:!e||(i+="","="===e?i===n:"!="===e?i!==n:"^="===e?n&&0===i.indexOf(n):"*="===e?n&&i.indexOf(n)>-1:"$="===e?n&&i.slice(-n.length)===n:"~="===e?(" "+i.replace(U," ")+" ").indexOf(n)>-1:"|="===e&&(i===n||i.slice(0,n.length+1)===n+"-"))}},CHILD:function(t,e,n,r,i){var o="nth"!==t.slice(0,3),a="last"!==t.slice(-4),l="of-type"===e;return 1===r&&0===i?function(t){return!!t.parentNode}:function(e,n,h){var s,A,d,c,u,p,m=o!==a?"nextSibling":"previousSibling",f=e.parentNode,g=l&&e.nodeName.toLowerCase(),C=!h&&!l,b=!1;if(f){if(o){for(;m;){for(c=e;c=c[m];)if(l?c.nodeName.toLowerCase()===g:1===c.nodeType)return!1;p=m="only"===t&&!p&&"nextSibling"}return!0}if(p=[a?f.firstChild:f.lastChild],a&&C){for(b=(u=(s=(A=(d=(c=f)[_]||(c[_]={}))[c.uniqueID]||(d[c.uniqueID]={}))[t]||[])[0]===x&&s[1])&&s[2],c=u&&f.childNodes[u];c=++u&&c&&c[m]||(b=u=0)||p.pop();)if(1===c.nodeType&&++b&&c===e){A[t]=[x,u,b];break}}else if(C&&(b=u=(s=(A=(d=(c=e)[_]||(c[_]={}))[c.uniqueID]||(d[c.uniqueID]={}))[t]||[])[0]===x&&s[1]),!1===b)for(;(c=++u&&c&&c[m]||(b=u=0)||p.pop())&&((l?c.nodeName.toLowerCase()!==g:1!==c.nodeType)||!++b||(C&&((A=(d=c[_]||(c[_]={}))[c.uniqueID]||(d[c.uniqueID]={}))[t]=[x,b]),c!==e)););return(b-=i)===r||b%r==0&&b/r>=0}}},PSEUDO:function(t,e){var n,i=r.pseudos[t]||r.setFilters[t.toLowerCase()]||lt.error("unsupported pseudo: "+t);return i[_]?i(e):i.length>1?(n=[t,t,"",e],r.setFilters.hasOwnProperty(t.toLowerCase())?st((function(t,n){for(var r,o=i(t,e),a=o.length;a--;)t[r=T(t,o[a])]=!(n[r]=o[a])})):function(t){return i(t,0,n)}):i}},pseudos:{not:st((function(t){var e=[],n=[],r=l(t.replace(P,"$1"));return r[_]?st((function(t,e,n,i){for(var o,a=r(t,null,i,[]),l=t.length;l--;)(o=a[l])&&(t[l]=!(e[l]=o))})):function(t,i,o){return e[0]=t,r(e,null,o,n),e[0]=null,!n.pop()}})),has:st((function(t){return function(e){return lt(t,e).length>0}})),contains:st((function(t){return t=t.replace(et,nt),function(e){return(e.textContent||i(e)).indexOf(t)>-1}})),lang:st((function(t){return Y.test(t||"")||lt.error("unsupported lang: "+t),t=t.replace(et,nt).toLowerCase(),function(e){var n;do{if(n=m?e.lang:e.getAttribute("xml:lang")||e.getAttribute("lang"))return(n=n.toLowerCase())===t||0===n.indexOf(t+"-")}while((e=e.parentNode)&&1===e.nodeType);return!1}})),target:function(e){var n=t.location&&t.location.hash;return n&&n.slice(1)===e.id},root:function(t){return t===p},focus:function(t){return t===u.activeElement&&(!u.hasFocus||u.hasFocus())&&!!(t.type||t.href||~t.tabIndex)},enabled:mt(!1),disabled:mt(!0),checked:function(t){var e=t.nodeName.toLowerCase();return"input"===e&&!!t.checked||"option"===e&&!!t.selected},selected:function(t){return t.parentNode&&t.parentNode.selectedIndex,!0===t.selected},empty:function(t){for(t=t.firstChild;t;t=t.nextSibling)if(t.nodeType<6)return!1;return!0},parent:function(t){return!r.pseudos.empty(t)},header:function(t){return K.test(t.nodeName)},input:function(t){return X.test(t.nodeName)},button:function(t){var e=t.nodeName.toLowerCase();return"input"===e&&"button"===t.type||"button"===e},text:function(t){var e;return"input"===t.nodeName.toLowerCase()&&"text"===t.type&&(null==(e=t.getAttribute("type"))||"text"===e.toLowerCase())},first:ft((function(){return[0]})),last:ft((function(t,e){return[e-1]})),eq:ft((function(t,e,n){return[n<0?n+e:n]})),even:ft((function(t,e){for(var n=0;n<e;n+=2)t.push(n);return t})),odd:ft((function(t,e){for(var n=1;n<e;n+=2)t.push(n);return t})),lt:ft((function(t,e,n){for(var r=n<0?n+e:n>e?e:n;--r>=0;)t.push(r);return t})),gt:ft((function(t,e,n){for(var r=n<0?n+e:n;++r<e;)t.push(r);return t}))}}).pseudos.nth=r.pseudos.eq,{radio:!0,checkbox:!0,file:!0,password:!0,image:!0})r.pseudos[e]=ut(e);for(e in{submit:!0,reset:!0})r.pseudos[e]=pt(e);function Ct(){}function bt(t){for(var e=0,n=t.length,r="";e<n;e++)r+=t[e].value;return r}function _t(t,e,n){var r=e.dir,i=e.next,o=i||r,a=n&&"parentNode"===o,l=B++;return e.first?function(e,n,i){for(;e=e[r];)if(1===e.nodeType||a)return t(e,n,i);return!1}:function(e,n,h){var s,A,d,c=[x,l];if(h){for(;e=e[r];)if((1===e.nodeType||a)&&t(e,n,h))return!0}else for(;e=e[r];)if(1===e.nodeType||a)if(A=(d=e[_]||(e[_]={}))[e.uniqueID]||(d[e.uniqueID]={}),i&&i===e.nodeName.toLowerCase())e=e[r]||e;else{if((s=A[o])&&s[0]===x&&s[1]===l)return c[2]=s[2];if(A[o]=c,c[2]=t(e,n,h))return!0}return!1}}function vt(t){return t.length>1?function(e,n,r){for(var i=t.length;i--;)if(!t[i](e,n,r))return!1;return!0}:t[0]}function xt(t,e,n,r,i){for(var o,a=[],l=0,h=t.length,s=null!=e;l<h;l++)(o=t[l])&&(n&&!n(o,r,i)||(a.push(o),s&&e.push(l)));return a}function Bt(t,e,n,r,i,o){return r&&!r[_]&&(r=Bt(r)),i&&!i[_]&&(i=Bt(i,o)),st((function(o,a,l,h){var s,A,d,c=[],u=[],p=a.length,m=o||function(t,e,n){for(var r=0,i=e.length;r<i;r++)lt(t,e[r],n);return n}(e||"*",l.nodeType?[l]:l,[]),f=!t||!o&&e?m:xt(m,c,t,l,h),g=n?i||(o?t:p||r)?[]:a:f;if(n&&n(f,g,l,h),r)for(s=xt(g,u),r(s,[],l,h),A=s.length;A--;)(d=s[A])&&(g[u[A]]=!(f[u[A]]=d));if(o){if(i||t){if(i){for(s=[],A=g.length;A--;)(d=g[A])&&s.push(f[A]=d);i(null,g=[],s,h)}for(A=g.length;A--;)(d=g[A])&&(s=i?T(o,d):c[A])>-1&&(o[s]=!(a[s]=d))}}else g=xt(g===a?g.splice(p,g.length):g),i?i(null,a,g,h):I.apply(a,g)}))}function kt(t){for(var e,n,i,o=t.length,a=r.relative[t[0].type],l=a||r.relative[" "],h=a?1:0,A=_t((function(t){return t===e}),l,!0),d=_t((function(t){return T(e,t)>-1}),l,!0),c=[function(t,n,r){var i=!a&&(r||n!==s)||((e=n).nodeType?A(t,n,r):d(t,n,r));return e=null,i}];h<o;h++)if(n=r.relative[t[h].type])c=[_t(vt(c),n)];else{if((n=r.filter[t[h].type].apply(null,t[h].matches))[_]){for(i=++h;i<o&&!r.relative[t[i].type];i++);return Bt(h>1&&vt(c),h>1&&bt(t.slice(0,h-1).concat({value:" "===t[h-2].type?"*":""})).replace(P,"$1"),n,h<i&&kt(t.slice(h,i)),i<o&&kt(t=t.slice(i)),i<o&&bt(t))}c.push(n)}return vt(c)}return Ct.prototype=r.filters=r.pseudos,r.setFilters=new Ct,a=lt.tokenize=function(t,e){var n,i,o,a,l,h,s,A=w[t+" "];if(A)return e?0:A.slice(0);for(l=t,h=[],s=r.preFilter;l;){for(a in n&&!(i=G.exec(l))||(i&&(l=l.slice(i[0].length)||l),h.push(o=[])),n=!1,(i=q.exec(l))&&(n=i.shift(),o.push({value:n,type:i[0].replace(P," ")}),l=l.slice(n.length)),r.filter)!(i=J[a].exec(l))||s[a]&&!(i=s[a](i))||(n=i.shift(),o.push({value:n,type:a,matches:i}),l=l.slice(n.length));if(!n)break}return e?l.length:l?lt.error(t):w(t,h).slice(0)},l=lt.compile=function(t,e){var n,i=[],o=[],l=y[t+" "];if(!l){for(e||(e=a(t)),n=e.length;n--;)(l=kt(e[n]))[_]?i.push(l):o.push(l);(l=y(t,function(t,e){var n=e.length>0,i=t.length>0,o=function(o,a,l,h,A){var d,p,f,g=0,C="0",b=o&&[],_=[],v=s,B=o||i&&r.find.TAG("*",A),k=x+=null==v?1:Math.random()||.1,w=B.length;for(A&&(s=a==u||a||A);C!==w&&null!=(d=B[C]);C++){if(i&&d){for(p=0,a||d.ownerDocument==u||(c(d),l=!m);f=t[p++];)if(f(d,a||u,l)){h.push(d);break}A&&(x=k)}n&&((d=!f&&d)&&g--,o&&b.push(d))}if(g+=C,n&&C!==g){for(p=0;f=e[p++];)f(b,_,a,l);if(o){if(g>0)for(;C--;)b[C]||_[C]||(_[C]=S.call(h));_=xt(_)}I.apply(h,_),A&&!o&&_.length>0&&g+e.length>1&<.uniqueSort(h)}return A&&(x=k,s=v),b};return n?st(o):o}(o,i))).selector=t}return l},h=lt.select=function(t,e,n,i){var o,h,s,A,d,c="function"==typeof t&&t,u=!i&&a(t=c.selector||t);if(n=n||[],1===u.length){if((h=u[0]=u[0].slice(0)).length>2&&"ID"===(s=h[0]).type&&9===e.nodeType&&m&&r.relative[h[1].type]){if(!(e=(r.find.ID(s.matches[0].replace(et,nt),e)||[])[0]))return n;c&&(e=e.parentNode),t=t.slice(h.shift().value.length)}for(o=J.needsContext.test(t)?0:h.length;o--&&(s=h[o],!r.relative[A=s.type]);)if((d=r.find[A])&&(i=d(s.matches[0].replace(et,nt),tt.test(h[0].type)&>(e.parentNode)||e))){if(h.splice(o,1),!(t=i.length&&bt(h)))return I.apply(n,i),n;break}}return(c||l(t,u))(i,e,!m,n,!e||tt.test(t)&>(e.parentNode)||e),n},n.sortStable=_.split("").sort($).join("")===_,n.detectDuplicates=!!d,c(),n.sortDetached=At((function(t){return 1&t.compareDocumentPosition(u.createElement("fieldset"))})),At((function(t){return t.innerHTML="<a href='#'></a>","#"===t.firstChild.getAttribute("href")}))||dt("type|href|height|width",(function(t,e,n){if(!n)return t.getAttribute(e,"type"===e.toLowerCase()?1:2)})),n.attributes&&At((function(t){return t.innerHTML="<input/>",t.firstChild.setAttribute("value",""),""===t.firstChild.getAttribute("value")}))||dt("value",(function(t,e,n){if(!n&&"input"===t.nodeName.toLowerCase())return t.defaultValue})),At((function(t){return null==t.getAttribute("disabled")}))||dt(N,(function(t,e,n){var r;if(!n)return!0===t[e]?e.toLowerCase():(r=t.getAttributeNode(e))&&r.specified?r.value:null})),lt}(r);k.find=y,k.expr=y.selectors,k.expr[":"]=k.expr.pseudos,k.uniqueSort=k.unique=y.uniqueSort,k.text=y.getText,k.isXMLDoc=y.isXML,k.contains=y.contains,k.escapeSelector=y.escape;var E=function(t,e,n){for(var r=[],i=void 0!==n;(t=t[e])&&9!==t.nodeType;)if(1===t.nodeType){if(i&&k(t).is(n))break;r.push(t)}return r},$=function(t,e){for(var n=[];t;t=t.nextSibling)1===t.nodeType&&t!==e&&n.push(t);return n},D=k.expr.match.needsContext;function F(t,e){return t.nodeName&&t.nodeName.toLowerCase()===e.toLowerCase()}var S=/^<([a-z][^\/\0>:\x20\t\r\n\f]*)[\x20\t\r\n\f]*\/?>(?:<\/\1>|)$/i;function M(t,e,n){return g(e)?k.grep(t,(function(t,r){return!!e.call(t,r,t)!==n})):e.nodeType?k.grep(t,(function(t){return t===e!==n})):"string"!=typeof e?k.grep(t,(function(t){return A.call(e,t)>-1!==n})):k.filter(e,t,n)}k.filter=function(t,e,n){var r=e[0];return n&&(t=":not("+t+")"),1===e.length&&1===r.nodeType?k.find.matchesSelector(r,t)?[r]:[]:k.find.matches(t,k.grep(e,(function(t){return 1===t.nodeType})))},k.fn.extend({find:function(t){var e,n,r=this.length,i=this;if("string"!=typeof t)return this.pushStack(k(t).filter((function(){for(e=0;e<r;e++)if(k.contains(i[e],this))return!0})));for(n=this.pushStack([]),e=0;e<r;e++)k.find(t,i[e],n);return r>1?k.uniqueSort(n):n},filter:function(t){return this.pushStack(M(this,t||[],!1))},not:function(t){return this.pushStack(M(this,t||[],!0))},is:function(t){return!!M(this,"string"==typeof t&&D.test(t)?k(t):t||[],!1).length}});var I,z=/^(?:\s*(<[\w\W]+>)[^>]*|#([\w-]+))$/;(k.fn.init=function(t,e,n){var r,i;if(!t)return this;if(n=n||I,"string"==typeof t){if(!(r="<"===t[0]&&">"===t[t.length-1]&&t.length>=3?[null,t,null]:z.exec(t))||!r[1]&&e)return!e||e.jquery?(e||n).find(t):this.constructor(e).find(t);if(r[1]){if(e=e instanceof k?e[0]:e,k.merge(this,k.parseHTML(r[1],e&&e.nodeType?e.ownerDocument||e:b,!0)),S.test(r[1])&&k.isPlainObject(e))for(r in e)g(this[r])?this[r](e[r]):this.attr(r,e[r]);return this}return(i=b.getElementById(r[2]))&&(this[0]=i,this.length=1),this}return t.nodeType?(this[0]=t,this.length=1,this):g(t)?void 0!==n.ready?n.ready(t):t(k):k.makeArray(t,this)}).prototype=k.fn,I=k(b);var T=/^(?:parents|prev(?:Until|All))/,N={children:!0,contents:!0,next:!0,prev:!0};function j(t,e){for(;(t=t[e])&&1!==t.nodeType;);return t}k.fn.extend({has:function(t){var e=k(t,this),n=e.length;return this.filter((function(){for(var t=0;t<n;t++)if(k.contains(this,e[t]))return!0}))},closest:function(t,e){var n,r=0,i=this.length,o=[],a="string"!=typeof t&&k(t);if(!D.test(t))for(;r<i;r++)for(n=this[r];n&&n!==e;n=n.parentNode)if(n.nodeType<11&&(a?a.index(n)>-1:1===n.nodeType&&k.find.matchesSelector(n,t))){o.push(n);break}return this.pushStack(o.length>1?k.uniqueSort(o):o)},index:function(t){return t?"string"==typeof t?A.call(k(t),this[0]):A.call(this,t.jquery?t[0]:t):this[0]&&this[0].parentNode?this.first().prevAll().length:-1},add:function(t,e){return this.pushStack(k.uniqueSort(k.merge(this.get(),k(t,e))))},addBack:function(t){return this.add(null==t?this.prevObject:this.prevObject.filter(t))}}),k.each({parent:function(t){var e=t.parentNode;return e&&11!==e.nodeType?e:null},parents:function(t){return E(t,"parentNode")},parentsUntil:function(t,e,n){return E(t,"parentNode",n)},next:function(t){return j(t,"nextSibling")},prev:function(t){return j(t,"previousSibling")},nextAll:function(t){return E(t,"nextSibling")},prevAll:function(t){return E(t,"previousSibling")},nextUntil:function(t,e,n){return E(t,"nextSibling",n)},prevUntil:function(t,e,n){return E(t,"previousSibling",n)},siblings:function(t){return $((t.parentNode||{}).firstChild,t)},children:function(t){return $(t.firstChild)},contents:function(t){return null!=t.contentDocument&&a(t.contentDocument)?t.contentDocument:(F(t,"template")&&(t=t.content||t),k.merge([],t.childNodes))}},(function(t,e){k.fn[t]=function(n,r){var i=k.map(this,e,n);return"Until"!==t.slice(-5)&&(r=n),r&&"string"==typeof r&&(i=k.filter(r,i)),this.length>1&&(N[t]||k.uniqueSort(i),T.test(t)&&i.reverse()),this.pushStack(i)}}));var L=/[^\x20\t\r\n\f]+/g;function O(t){return t}function R(t){throw t}function U(t,e,n,r){var i;try{t&&g(i=t.promise)?i.call(t).done(e).fail(n):t&&g(i=t.then)?i.call(t,e,n):e.apply(void 0,[t].slice(r))}catch(t){n.apply(void 0,[t])}}k.Callbacks=function(t){t="string"==typeof t?function(t){var e={};return k.each(t.match(L)||[],(function(t,n){e[n]=!0})),e}(t):k.extend({},t);var e,n,r,i,o=[],a=[],l=-1,h=function(){for(i=i||t.once,r=e=!0;a.length;l=-1)for(n=a.shift();++l<o.length;)!1===o[l].apply(n[0],n[1])&&t.stopOnFalse&&(l=o.length,n=!1);t.memory||(n=!1),e=!1,i&&(o=n?[]:"")},s={add:function(){return o&&(n&&!e&&(l=o.length-1,a.push(n)),function e(n){k.each(n,(function(n,r){g(r)?t.unique&&s.has(r)||o.push(r):r&&r.length&&"string"!==x(r)&&e(r)}))}(arguments),n&&!e&&h()),this},remove:function(){return k.each(arguments,(function(t,e){for(var n;(n=k.inArray(e,o,n))>-1;)o.splice(n,1),n<=l&&l--})),this},has:function(t){return t?k.inArray(t,o)>-1:o.length>0},empty:function(){return o&&(o=[]),this},disable:function(){return i=a=[],o=n="",this},disabled:function(){return!o},lock:function(){return i=a=[],n||e||(o=n=""),this},locked:function(){return!!i},fireWith:function(t,n){return i||(n=[t,(n=n||[]).slice?n.slice():n],a.push(n),e||h()),this},fire:function(){return s.fireWith(this,arguments),this},fired:function(){return!!r}};return s},k.extend({Deferred:function(t){var e=[["notify","progress",k.Callbacks("memory"),k.Callbacks("memory"),2],["resolve","done",k.Callbacks("once memory"),k.Callbacks("once memory"),0,"resolved"],["reject","fail",k.Callbacks("once memory"),k.Callbacks("once memory"),1,"rejected"]],n="pending",i={state:function(){return n},always:function(){return o.done(arguments).fail(arguments),this},catch:function(t){return i.then(null,t)},pipe:function(){var t=arguments;return k.Deferred((function(n){k.each(e,(function(e,r){var i=g(t[r[4]])&&t[r[4]];o[r[1]]((function(){var t=i&&i.apply(this,arguments);t&&g(t.promise)?t.promise().progress(n.notify).done(n.resolve).fail(n.reject):n[r[0]+"With"](this,i?[t]:arguments)}))})),t=null})).promise()},then:function(t,n,i){var o=0;function a(t,e,n,i){return function(){var l=this,h=arguments,s=function(){var r,s;if(!(t<o)){if((r=n.apply(l,h))===e.promise())throw new TypeError("Thenable self-resolution");s=r&&("object"==typeof r||"function"==typeof r)&&r.then,g(s)?i?s.call(r,a(o,e,O,i),a(o,e,R,i)):(o++,s.call(r,a(o,e,O,i),a(o,e,R,i),a(o,e,O,e.notifyWith))):(n!==O&&(l=void 0,h=[r]),(i||e.resolveWith)(l,h))}},A=i?s:function(){try{s()}catch(r){k.Deferred.exceptionHook&&k.Deferred.exceptionHook(r,A.stackTrace),t+1>=o&&(n!==R&&(l=void 0,h=[r]),e.rejectWith(l,h))}};t?A():(k.Deferred.getStackHook&&(A.stackTrace=k.Deferred.getStackHook()),r.setTimeout(A))}}return k.Deferred((function(r){e[0][3].add(a(0,r,g(i)?i:O,r.notifyWith)),e[1][3].add(a(0,r,g(t)?t:O)),e[2][3].add(a(0,r,g(n)?n:R))})).promise()},promise:function(t){return null!=t?k.extend(t,i):i}},o={};return k.each(e,(function(t,r){var a=r[2],l=r[5];i[r[1]]=a.add,l&&a.add((function(){n=l}),e[3-t][2].disable,e[3-t][3].disable,e[0][2].lock,e[0][3].lock),a.add(r[3].fire),o[r[0]]=function(){return o[r[0]+"With"](this===o?void 0:this,arguments),this},o[r[0]+"With"]=a.fireWith})),i.promise(o),t&&t.call(o,o),o},when:function(t){var e=arguments.length,n=e,r=Array(n),i=l.call(arguments),o=k.Deferred(),a=function(t){return function(n){r[t]=this,i[t]=arguments.length>1?l.call(arguments):n,--e||o.resolveWith(r,i)}};if(e<=1&&(U(t,o.done(a(n)).resolve,o.reject,!e),"pending"===o.state()||g(i[n]&&i[n].then)))return o.then();for(;n--;)U(i[n],a(n),o.reject);return o.promise()}});var P=/^(Eval|Internal|Range|Reference|Syntax|Type|URI)Error$/;k.Deferred.exceptionHook=function(t,e){r.console&&r.console.warn&&t&&P.test(t.name)&&r.console.warn("jQuery.Deferred exception: "+t.message,t.stack,e)},k.readyException=function(t){r.setTimeout((function(){throw t}))};var G=k.Deferred();function q(){b.removeEventListener("DOMContentLoaded",q),r.removeEventListener("load",q),k.ready()}k.fn.ready=function(t){return G.then(t).catch((function(t){k.readyException(t)})),this},k.extend({isReady:!1,readyWait:1,ready:function(t){(!0===t?--k.readyWait:k.isReady)||(k.isReady=!0,!0!==t&&--k.readyWait>0||G.resolveWith(b,[k]))}}),k.ready.then=G.then,"complete"===b.readyState||"loading"!==b.readyState&&!b.documentElement.doScroll?r.setTimeout(k.ready):(b.addEventListener("DOMContentLoaded",q),r.addEventListener("load",q));var W=function(t,e,n,r,i,o,a){var l=0,h=t.length,s=null==n;if("object"===x(n))for(l in i=!0,n)W(t,e,l,n[l],!0,o,a);else if(void 0!==r&&(i=!0,g(r)||(a=!0),s&&(a?(e.call(t,r),e=null):(s=e,e=function(t,e,n){return s.call(k(t),n)})),e))for(;l<h;l++)e(t[l],n,a?r:r.call(t[l],l,e(t[l],n)));return i?t:s?e.call(t):h?e(t[0],n):o},H=/^-ms-/,Y=/-([a-z])/g;function J(t,e){return e.toUpperCase()}function Q(t){return t.replace(H,"ms-").replace(Y,J)}var X=function(t){return 1===t.nodeType||9===t.nodeType||!+t.nodeType};function K(){this.expando=k.expando+K.uid++}K.uid=1,K.prototype={cache:function(t){var e=t[this.expando];return e||(e={},X(t)&&(t.nodeType?t[this.expando]=e:Object.defineProperty(t,this.expando,{value:e,configurable:!0}))),e},set:function(t,e,n){var r,i=this.cache(t);if("string"==typeof e)i[Q(e)]=n;else for(r in e)i[Q(r)]=e[r];return i},get:function(t,e){return void 0===e?this.cache(t):t[this.expando]&&t[this.expando][Q(e)]},access:function(t,e,n){return void 0===e||e&&"string"==typeof e&&void 0===n?this.get(t,e):(this.set(t,e,n),void 0!==n?n:e)},remove:function(t,e){var n,r=t[this.expando];if(void 0!==r){if(void 0!==e){n=(e=Array.isArray(e)?e.map(Q):(e=Q(e))in r?[e]:e.match(L)||[]).length;for(;n--;)delete r[e[n]]}(void 0===e||k.isEmptyObject(r))&&(t.nodeType?t[this.expando]=void 0:delete t[this.expando])}},hasData:function(t){var e=t[this.expando];return void 0!==e&&!k.isEmptyObject(e)}};var V=new K,Z=new K,tt=/^(?:\{[\w\W]*\}|\[[\w\W]*\])$/,et=/[A-Z]/g;function nt(t,e,n){var r;if(void 0===n&&1===t.nodeType)if(r="data-"+e.replace(et,"-$&").toLowerCase(),"string"==typeof(n=t.getAttribute(r))){try{n=function(t){return"true"===t||"false"!==t&&("null"===t?null:t===+t+""?+t:tt.test(t)?JSON.parse(t):t)}(n)}catch(t){}Z.set(t,e,n)}else n=void 0;return n}k.extend({hasData:function(t){return Z.hasData(t)||V.hasData(t)},data:function(t,e,n){return Z.access(t,e,n)},removeData:function(t,e){Z.remove(t,e)},_data:function(t,e,n){return V.access(t,e,n)},_removeData:function(t,e){V.remove(t,e)}}),k.fn.extend({data:function(t,e){var n,r,i,o=this[0],a=o&&o.attributes;if(void 0===t){if(this.length&&(i=Z.get(o),1===o.nodeType&&!V.get(o,"hasDataAttrs"))){for(n=a.length;n--;)a[n]&&0===(r=a[n].name).indexOf("data-")&&(r=Q(r.slice(5)),nt(o,r,i[r]));V.set(o,"hasDataAttrs",!0)}return i}return"object"==typeof t?this.each((function(){Z.set(this,t)})):W(this,(function(e){var n;if(o&&void 0===e)return void 0!==(n=Z.get(o,t))||void 0!==(n=nt(o,t))?n:void 0;this.each((function(){Z.set(this,t,e)}))}),null,e,arguments.length>1,null,!0)},removeData:function(t){return this.each((function(){Z.remove(this,t)}))}}),k.extend({queue:function(t,e,n){var r;if(t)return e=(e||"fx")+"queue",r=V.get(t,e),n&&(!r||Array.isArray(n)?r=V.access(t,e,k.makeArray(n)):r.push(n)),r||[]},dequeue:function(t,e){e=e||"fx";var n=k.queue(t,e),r=n.length,i=n.shift(),o=k._queueHooks(t,e);"inprogress"===i&&(i=n.shift(),r--),i&&("fx"===e&&n.unshift("inprogress"),delete o.stop,i.call(t,(function(){k.dequeue(t,e)}),o)),!r&&o&&o.empty.fire()},_queueHooks:function(t,e){var n=e+"queueHooks";return V.get(t,n)||V.access(t,n,{empty:k.Callbacks("once memory").add((function(){V.remove(t,[e+"queue",n])}))})}}),k.fn.extend({queue:function(t,e){var n=2;return"string"!=typeof t&&(e=t,t="fx",n--),arguments.length<n?k.queue(this[0],t):void 0===e?this:this.each((function(){var n=k.queue(this,t,e);k._queueHooks(this,t),"fx"===t&&"inprogress"!==n[0]&&k.dequeue(this,t)}))},dequeue:function(t){return this.each((function(){k.dequeue(this,t)}))},clearQueue:function(t){return this.queue(t||"fx",[])},promise:function(t,e){var n,r=1,i=k.Deferred(),o=this,a=this.length,l=function(){--r||i.resolveWith(o,[o])};for("string"!=typeof t&&(e=t,t=void 0),t=t||"fx";a--;)(n=V.get(o[a],t+"queueHooks"))&&n.empty&&(r++,n.empty.add(l));return l(),i.promise(e)}});var rt=/[+-]?(?:\d*\.|)\d+(?:[eE][+-]?\d+|)/.source,it=new RegExp("^(?:([+-])=|)("+rt+")([a-z%]*)$","i"),ot=["Top","Right","Bottom","Left"],at=b.documentElement,lt=function(t){return k.contains(t.ownerDocument,t)},ht={composed:!0};at.getRootNode&&(lt=function(t){return k.contains(t.ownerDocument,t)||t.getRootNode(ht)===t.ownerDocument});var st=function(t,e){return"none"===(t=e||t).style.display||""===t.style.display&<(t)&&"none"===k.css(t,"display")};function At(t,e,n,r){var i,o,a=20,l=r?function(){return r.cur()}:function(){return k.css(t,e,"")},h=l(),s=n&&n[3]||(k.cssNumber[e]?"":"px"),A=t.nodeType&&(k.cssNumber[e]||"px"!==s&&+h)&&it.exec(k.css(t,e));if(A&&A[3]!==s){for(h/=2,s=s||A[3],A=+h||1;a--;)k.style(t,e,A+s),(1-o)*(1-(o=l()/h||.5))<=0&&(a=0),A/=o;A*=2,k.style(t,e,A+s),n=n||[]}return n&&(A=+A||+h||0,i=n[1]?A+(n[1]+1)*n[2]:+n[2],r&&(r.unit=s,r.start=A,r.end=i)),i}var dt={};function ct(t){var e,n=t.ownerDocument,r=t.nodeName,i=dt[r];return i||(e=n.body.appendChild(n.createElement(r)),i=k.css(e,"display"),e.parentNode.removeChild(e),"none"===i&&(i="block"),dt[r]=i,i)}function ut(t,e){for(var n,r,i=[],o=0,a=t.length;o<a;o++)(r=t[o]).style&&(n=r.style.display,e?("none"===n&&(i[o]=V.get(r,"display")||null,i[o]||(r.style.display="")),""===r.style.display&&st(r)&&(i[o]=ct(r))):"none"!==n&&(i[o]="none",V.set(r,"display",n)));for(o=0;o<a;o++)null!=i[o]&&(t[o].style.display=i[o]);return t}k.fn.extend({show:function(){return ut(this,!0)},hide:function(){return ut(this)},toggle:function(t){return"boolean"==typeof t?t?this.show():this.hide():this.each((function(){st(this)?k(this).show():k(this).hide()}))}});var pt,mt,ft=/^(?:checkbox|radio)$/i,gt=/<([a-z][^\/\0>\x20\t\r\n\f]*)/i,Ct=/^$|^module$|\/(?:java|ecma)script/i;pt=b.createDocumentFragment().appendChild(b.createElement("div")),(mt=b.createElement("input")).setAttribute("type","radio"),mt.setAttribute("checked","checked"),mt.setAttribute("name","t"),pt.appendChild(mt),f.checkClone=pt.cloneNode(!0).cloneNode(!0).lastChild.checked,pt.innerHTML="<textarea>x</textarea>",f.noCloneChecked=!!pt.cloneNode(!0).lastChild.defaultValue,pt.innerHTML="<option></option>",f.option=!!pt.lastChild;var bt={thead:[1,"<table>","</table>"],col:[2,"<table><colgroup>","</colgroup></table>"],tr:[2,"<table><tbody>","</tbody></table>"],td:[3,"<table><tbody><tr>","</tr></tbody></table>"],_default:[0,"",""]};function _t(t,e){var n;return n=void 0!==t.getElementsByTagName?t.getElementsByTagName(e||"*"):void 0!==t.querySelectorAll?t.querySelectorAll(e||"*"):[],void 0===e||e&&F(t,e)?k.merge([t],n):n}function vt(t,e){for(var n=0,r=t.length;n<r;n++)V.set(t[n],"globalEval",!e||V.get(e[n],"globalEval"))}bt.tbody=bt.tfoot=bt.colgroup=bt.caption=bt.thead,bt.th=bt.td,f.option||(bt.optgroup=bt.option=[1,"<select multiple='multiple'>","</select>"]);var xt=/<|&#?\w+;/;function Bt(t,e,n,r,i){for(var o,a,l,h,s,A,d=e.createDocumentFragment(),c=[],u=0,p=t.length;u<p;u++)if((o=t[u])||0===o)if("object"===x(o))k.merge(c,o.nodeType?[o]:o);else if(xt.test(o)){for(a=a||d.appendChild(e.createElement("div")),l=(gt.exec(o)||["",""])[1].toLowerCase(),h=bt[l]||bt._default,a.innerHTML=h[1]+k.htmlPrefilter(o)+h[2],A=h[0];A--;)a=a.lastChild;k.merge(c,a.childNodes),(a=d.firstChild).textContent=""}else c.push(e.createTextNode(o));for(d.textContent="",u=0;o=c[u++];)if(r&&k.inArray(o,r)>-1)i&&i.push(o);else if(s=lt(o),a=_t(d.appendChild(o),"script"),s&&vt(a),n)for(A=0;o=a[A++];)Ct.test(o.type||"")&&n.push(o);return d}var kt=/^key/,wt=/^(?:mouse|pointer|contextmenu|drag|drop)|click/,yt=/^([^.]*)(?:\.(.+)|)/;function Et(){return!0}function $t(){return!1}function Dt(t,e){return t===function(){try{return b.activeElement}catch(t){}}()==("focus"===e)}function Ft(t,e,n,r,i,o){var a,l;if("object"==typeof e){for(l in"string"!=typeof n&&(r=r||n,n=void 0),e)Ft(t,l,n,r,e[l],o);return t}if(null==r&&null==i?(i=n,r=n=void 0):null==i&&("string"==typeof n?(i=r,r=void 0):(i=r,r=n,n=void 0)),!1===i)i=$t;else if(!i)return t;return 1===o&&(a=i,(i=function(t){return k().off(t),a.apply(this,arguments)}).guid=a.guid||(a.guid=k.guid++)),t.each((function(){k.event.add(this,e,i,r,n)}))}function St(t,e,n){n?(V.set(t,e,!1),k.event.add(t,e,{namespace:!1,handler:function(t){var r,i,o=V.get(this,e);if(1&t.isTrigger&&this[e]){if(o.length)(k.event.special[e]||{}).delegateType&&t.stopPropagation();else if(o=l.call(arguments),V.set(this,e,o),r=n(this,e),this[e](),o!==(i=V.get(this,e))||r?V.set(this,e,!1):i={},o!==i)return t.stopImmediatePropagation(),t.preventDefault(),i.value}else o.length&&(V.set(this,e,{value:k.event.trigger(k.extend(o[0],k.Event.prototype),o.slice(1),this)}),t.stopImmediatePropagation())}})):void 0===V.get(t,e)&&k.event.add(t,e,Et)}k.event={global:{},add:function(t,e,n,r,i){var o,a,l,h,s,A,d,c,u,p,m,f=V.get(t);if(X(t))for(n.handler&&(n=(o=n).handler,i=o.selector),i&&k.find.matchesSelector(at,i),n.guid||(n.guid=k.guid++),(h=f.events)||(h=f.events=Object.create(null)),(a=f.handle)||(a=f.handle=function(e){return void 0!==k&&k.event.triggered!==e.type?k.event.dispatch.apply(t,arguments):void 0}),s=(e=(e||"").match(L)||[""]).length;s--;)u=m=(l=yt.exec(e[s])||[])[1],p=(l[2]||"").split(".").sort(),u&&(d=k.event.special[u]||{},u=(i?d.delegateType:d.bindType)||u,d=k.event.special[u]||{},A=k.extend({type:u,origType:m,data:r,handler:n,guid:n.guid,selector:i,needsContext:i&&k.expr.match.needsContext.test(i),namespace:p.join(".")},o),(c=h[u])||((c=h[u]=[]).delegateCount=0,d.setup&&!1!==d.setup.call(t,r,p,a)||t.addEventListener&&t.addEventListener(u,a)),d.add&&(d.add.call(t,A),A.handler.guid||(A.handler.guid=n.guid)),i?c.splice(c.delegateCount++,0,A):c.push(A),k.event.global[u]=!0)},remove:function(t,e,n,r,i){var o,a,l,h,s,A,d,c,u,p,m,f=V.hasData(t)&&V.get(t);if(f&&(h=f.events)){for(s=(e=(e||"").match(L)||[""]).length;s--;)if(u=m=(l=yt.exec(e[s])||[])[1],p=(l[2]||"").split(".").sort(),u){for(d=k.event.special[u]||{},c=h[u=(r?d.delegateType:d.bindType)||u]||[],l=l[2]&&new RegExp("(^|\\.)"+p.join("\\.(?:.*\\.|)")+"(\\.|$)"),a=o=c.length;o--;)A=c[o],!i&&m!==A.origType||n&&n.guid!==A.guid||l&&!l.test(A.namespace)||r&&r!==A.selector&&("**"!==r||!A.selector)||(c.splice(o,1),A.selector&&c.delegateCount--,d.remove&&d.remove.call(t,A));a&&!c.length&&(d.teardown&&!1!==d.teardown.call(t,p,f.handle)||k.removeEvent(t,u,f.handle),delete h[u])}else for(u in h)k.event.remove(t,u+e[s],n,r,!0);k.isEmptyObject(h)&&V.remove(t,"handle events")}},dispatch:function(t){var e,n,r,i,o,a,l=new Array(arguments.length),h=k.event.fix(t),s=(V.get(this,"events")||Object.create(null))[h.type]||[],A=k.event.special[h.type]||{};for(l[0]=h,e=1;e<arguments.length;e++)l[e]=arguments[e];if(h.delegateTarget=this,!A.preDispatch||!1!==A.preDispatch.call(this,h)){for(a=k.event.handlers.call(this,h,s),e=0;(i=a[e++])&&!h.isPropagationStopped();)for(h.currentTarget=i.elem,n=0;(o=i.handlers[n++])&&!h.isImmediatePropagationStopped();)h.rnamespace&&!1!==o.namespace&&!h.rnamespace.test(o.namespace)||(h.handleObj=o,h.data=o.data,void 0!==(r=((k.event.special[o.origType]||{}).handle||o.handler).apply(i.elem,l))&&!1===(h.result=r)&&(h.preventDefault(),h.stopPropagation()));return A.postDispatch&&A.postDispatch.call(this,h),h.result}},handlers:function(t,e){var n,r,i,o,a,l=[],h=e.delegateCount,s=t.target;if(h&&s.nodeType&&!("click"===t.type&&t.button>=1))for(;s!==this;s=s.parentNode||this)if(1===s.nodeType&&("click"!==t.type||!0!==s.disabled)){for(o=[],a={},n=0;n<h;n++)void 0===a[i=(r=e[n]).selector+" "]&&(a[i]=r.needsContext?k(i,this).index(s)>-1:k.find(i,this,null,[s]).length),a[i]&&o.push(r);o.length&&l.push({elem:s,handlers:o})}return s=this,h<e.length&&l.push({elem:s,handlers:e.slice(h)}),l},addProp:function(t,e){Object.defineProperty(k.Event.prototype,t,{enumerable:!0,configurable:!0,get:g(e)?function(){if(this.originalEvent)return e(this.originalEvent)}:function(){if(this.originalEvent)return this.originalEvent[t]},set:function(e){Object.defineProperty(this,t,{enumerable:!0,configurable:!0,writable:!0,value:e})}})},fix:function(t){return t[k.expando]?t:new k.Event(t)},special:{load:{noBubble:!0},click:{setup:function(t){var e=this||t;return ft.test(e.type)&&e.click&&F(e,"input")&&St(e,"click",Et),!1},trigger:function(t){var e=this||t;return ft.test(e.type)&&e.click&&F(e,"input")&&St(e,"click"),!0},_default:function(t){var e=t.target;return ft.test(e.type)&&e.click&&F(e,"input")&&V.get(e,"click")||F(e,"a")}},beforeunload:{postDispatch:function(t){void 0!==t.result&&t.originalEvent&&(t.originalEvent.returnValue=t.result)}}}},k.removeEvent=function(t,e,n){t.removeEventListener&&t.removeEventListener(e,n)},k.Event=function(t,e){if(!(this instanceof k.Event))return new k.Event(t,e);t&&t.type?(this.originalEvent=t,this.type=t.type,this.isDefaultPrevented=t.defaultPrevented||void 0===t.defaultPrevented&&!1===t.returnValue?Et:$t,this.target=t.target&&3===t.target.nodeType?t.target.parentNode:t.target,this.currentTarget=t.currentTarget,this.relatedTarget=t.relatedTarget):this.type=t,e&&k.extend(this,e),this.timeStamp=t&&t.timeStamp||Date.now(),this[k.expando]=!0},k.Event.prototype={constructor:k.Event,isDefaultPrevented:$t,isPropagationStopped:$t,isImmediatePropagationStopped:$t,isSimulated:!1,preventDefault:function(){var t=this.originalEvent;this.isDefaultPrevented=Et,t&&!this.isSimulated&&t.preventDefault()},stopPropagation:function(){var t=this.originalEvent;this.isPropagationStopped=Et,t&&!this.isSimulated&&t.stopPropagation()},stopImmediatePropagation:function(){var t=this.originalEvent;this.isImmediatePropagationStopped=Et,t&&!this.isSimulated&&t.stopImmediatePropagation(),this.stopPropagation()}},k.each({altKey:!0,bubbles:!0,cancelable:!0,changedTouches:!0,ctrlKey:!0,detail:!0,eventPhase:!0,metaKey:!0,pageX:!0,pageY:!0,shiftKey:!0,view:!0,char:!0,code:!0,charCode:!0,key:!0,keyCode:!0,button:!0,buttons:!0,clientX:!0,clientY:!0,offsetX:!0,offsetY:!0,pointerId:!0,pointerType:!0,screenX:!0,screenY:!0,targetTouches:!0,toElement:!0,touches:!0,which:function(t){var e=t.button;return null==t.which&&kt.test(t.type)?null!=t.charCode?t.charCode:t.keyCode:!t.which&&void 0!==e&&wt.test(t.type)?1&e?1:2&e?3:4&e?2:0:t.which}},k.event.addProp),k.each({focus:"focusin",blur:"focusout"},(function(t,e){k.event.special[t]={setup:function(){return St(this,t,Dt),!1},trigger:function(){return St(this,t),!0},delegateType:e}})),k.each({mouseenter:"mouseover",mouseleave:"mouseout",pointerenter:"pointerover",pointerleave:"pointerout"},(function(t,e){k.event.special[t]={delegateType:e,bindType:e,handle:function(t){var n,r=this,i=t.relatedTarget,o=t.handleObj;return i&&(i===r||k.contains(r,i))||(t.type=o.origType,n=o.handler.apply(this,arguments),t.type=e),n}}})),k.fn.extend({on:function(t,e,n,r){return Ft(this,t,e,n,r)},one:function(t,e,n,r){return Ft(this,t,e,n,r,1)},off:function(t,e,n){var r,i;if(t&&t.preventDefault&&t.handleObj)return r=t.handleObj,k(t.delegateTarget).off(r.namespace?r.origType+"."+r.namespace:r.origType,r.selector,r.handler),this;if("object"==typeof t){for(i in t)this.off(i,e,t[i]);return this}return!1!==e&&"function"!=typeof e||(n=e,e=void 0),!1===n&&(n=$t),this.each((function(){k.event.remove(this,t,n,e)}))}});var Mt=/<script|<style|<link/i,It=/checked\s*(?:[^=]|=\s*.checked.)/i,zt=/^\s*<!(?:\[CDATA\[|--)|(?:\]\]|--)>\s*$/g;function Tt(t,e){return F(t,"table")&&F(11!==e.nodeType?e:e.firstChild,"tr")&&k(t).children("tbody")[0]||t}function Nt(t){return t.type=(null!==t.getAttribute("type"))+"/"+t.type,t}function jt(t){return"true/"===(t.type||"").slice(0,5)?t.type=t.type.slice(5):t.removeAttribute("type"),t}function Lt(t,e){var n,r,i,o,a,l;if(1===e.nodeType){if(V.hasData(t)&&(l=V.get(t).events))for(i in V.remove(e,"handle events"),l)for(n=0,r=l[i].length;n<r;n++)k.event.add(e,i,l[i][n]);Z.hasData(t)&&(o=Z.access(t),a=k.extend({},o),Z.set(e,a))}}function Ot(t,e){var n=e.nodeName.toLowerCase();"input"===n&&ft.test(t.type)?e.checked=t.checked:"input"!==n&&"textarea"!==n||(e.defaultValue=t.defaultValue)}function Rt(t,e,n,r){e=h(e);var i,o,a,l,s,A,d=0,c=t.length,u=c-1,p=e[0],m=g(p);if(m||c>1&&"string"==typeof p&&!f.checkClone&&It.test(p))return t.each((function(i){var o=t.eq(i);m&&(e[0]=p.call(this,i,o.html())),Rt(o,e,n,r)}));if(c&&(o=(i=Bt(e,t[0].ownerDocument,!1,t,r)).firstChild,1===i.childNodes.length&&(i=o),o||r)){for(l=(a=k.map(_t(i,"script"),Nt)).length;d<c;d++)s=i,d!==u&&(s=k.clone(s,!0,!0),l&&k.merge(a,_t(s,"script"))),n.call(t[d],s,d);if(l)for(A=a[a.length-1].ownerDocument,k.map(a,jt),d=0;d<l;d++)s=a[d],Ct.test(s.type||"")&&!V.access(s,"globalEval")&&k.contains(A,s)&&(s.src&&"module"!==(s.type||"").toLowerCase()?k._evalUrl&&!s.noModule&&k._evalUrl(s.src,{nonce:s.nonce||s.getAttribute("nonce")},A):v(s.textContent.replace(zt,""),s,A))}return t}function Ut(t,e,n){for(var r,i=e?k.filter(e,t):t,o=0;null!=(r=i[o]);o++)n||1!==r.nodeType||k.cleanData(_t(r)),r.parentNode&&(n&<(r)&&vt(_t(r,"script")),r.parentNode.removeChild(r));return t}k.extend({htmlPrefilter:function(t){return t},clone:function(t,e,n){var r,i,o,a,l=t.cloneNode(!0),h=lt(t);if(!(f.noCloneChecked||1!==t.nodeType&&11!==t.nodeType||k.isXMLDoc(t)))for(a=_t(l),r=0,i=(o=_t(t)).length;r<i;r++)Ot(o[r],a[r]);if(e)if(n)for(o=o||_t(t),a=a||_t(l),r=0,i=o.length;r<i;r++)Lt(o[r],a[r]);else Lt(t,l);return(a=_t(l,"script")).length>0&&vt(a,!h&&_t(t,"script")),l},cleanData:function(t){for(var e,n,r,i=k.event.special,o=0;void 0!==(n=t[o]);o++)if(X(n)){if(e=n[V.expando]){if(e.events)for(r in e.events)i[r]?k.event.remove(n,r):k.removeEvent(n,r,e.handle);n[V.expando]=void 0}n[Z.expando]&&(n[Z.expando]=void 0)}}}),k.fn.extend({detach:function(t){return Ut(this,t,!0)},remove:function(t){return Ut(this,t)},text:function(t){return W(this,(function(t){return void 0===t?k.text(this):this.empty().each((function(){1!==this.nodeType&&11!==this.nodeType&&9!==this.nodeType||(this.textContent=t)}))}),null,t,arguments.length)},append:function(){return Rt(this,arguments,(function(t){1!==this.nodeType&&11!==this.nodeType&&9!==this.nodeType||Tt(this,t).appendChild(t)}))},prepend:function(){return Rt(this,arguments,(function(t){if(1===this.nodeType||11===this.nodeType||9===this.nodeType){var e=Tt(this,t);e.insertBefore(t,e.firstChild)}}))},before:function(){return Rt(this,arguments,(function(t){this.parentNode&&this.parentNode.insertBefore(t,this)}))},after:function(){return Rt(this,arguments,(function(t){this.parentNode&&this.parentNode.insertBefore(t,this.nextSibling)}))},empty:function(){for(var t,e=0;null!=(t=this[e]);e++)1===t.nodeType&&(k.cleanData(_t(t,!1)),t.textContent="");return this},clone:function(t,e){return t=null!=t&&t,e=null==e?t:e,this.map((function(){return k.clone(this,t,e)}))},html:function(t){return W(this,(function(t){var e=this[0]||{},n=0,r=this.length;if(void 0===t&&1===e.nodeType)return e.innerHTML;if("string"==typeof t&&!Mt.test(t)&&!bt[(gt.exec(t)||["",""])[1].toLowerCase()]){t=k.htmlPrefilter(t);try{for(;n<r;n++)1===(e=this[n]||{}).nodeType&&(k.cleanData(_t(e,!1)),e.innerHTML=t);e=0}catch(t){}}e&&this.empty().append(t)}),null,t,arguments.length)},replaceWith:function(){var t=[];return Rt(this,arguments,(function(e){var n=this.parentNode;k.inArray(this,t)<0&&(k.cleanData(_t(this)),n&&n.replaceChild(e,this))}),t)}}),k.each({appendTo:"append",prependTo:"prepend",insertBefore:"before",insertAfter:"after",replaceAll:"replaceWith"},(function(t,e){k.fn[t]=function(t){for(var n,r=[],i=k(t),o=i.length-1,a=0;a<=o;a++)n=a===o?this:this.clone(!0),k(i[a])[e](n),s.apply(r,n.get());return this.pushStack(r)}}));var Pt=new RegExp("^("+rt+")(?!px)[a-z%]+$","i"),Gt=function(t){var e=t.ownerDocument.defaultView;return e&&e.opener||(e=r),e.getComputedStyle(t)},qt=function(t,e,n){var r,i,o={};for(i in e)o[i]=t.style[i],t.style[i]=e[i];for(i in r=n.call(t),e)t.style[i]=o[i];return r},Wt=new RegExp(ot.join("|"),"i");function Ht(t,e,n){var r,i,o,a,l=t.style;return(n=n||Gt(t))&&(""!==(a=n.getPropertyValue(e)||n[e])||lt(t)||(a=k.style(t,e)),!f.pixelBoxStyles()&&Pt.test(a)&&Wt.test(e)&&(r=l.width,i=l.minWidth,o=l.maxWidth,l.minWidth=l.maxWidth=l.width=a,a=n.width,l.width=r,l.minWidth=i,l.maxWidth=o)),void 0!==a?a+"":a}function Yt(t,e){return{get:function(){if(!t())return(this.get=e).apply(this,arguments);delete this.get}}}!function(){function t(){if(A){s.style.cssText="position:absolute;left:-11111px;width:60px;margin-top:1px;padding:0;border:0",A.style.cssText="position:relative;display:block;box-sizing:border-box;overflow:scroll;margin:auto;border:1px;padding:1px;width:60%;top:1%",at.appendChild(s).appendChild(A);var t=r.getComputedStyle(A);n="1%"!==t.top,h=12===e(t.marginLeft),A.style.right="60%",a=36===e(t.right),i=36===e(t.width),A.style.position="absolute",o=12===e(A.offsetWidth/3),at.removeChild(s),A=null}}function e(t){return Math.round(parseFloat(t))}var n,i,o,a,l,h,s=b.createElement("div"),A=b.createElement("div");A.style&&(A.style.backgroundClip="content-box",A.cloneNode(!0).style.backgroundClip="",f.clearCloneStyle="content-box"===A.style.backgroundClip,k.extend(f,{boxSizingReliable:function(){return t(),i},pixelBoxStyles:function(){return t(),a},pixelPosition:function(){return t(),n},reliableMarginLeft:function(){return t(),h},scrollboxSize:function(){return t(),o},reliableTrDimensions:function(){var t,e,n,i;return null==l&&(t=b.createElement("table"),e=b.createElement("tr"),n=b.createElement("div"),t.style.cssText="position:absolute;left:-11111px",e.style.height="1px",n.style.height="9px",at.appendChild(t).appendChild(e).appendChild(n),i=r.getComputedStyle(e),l=parseInt(i.height)>3,at.removeChild(t)),l}}))}();var Jt=["Webkit","Moz","ms"],Qt=b.createElement("div").style,Xt={};function Kt(t){return k.cssProps[t]||Xt[t]||(t in Qt?t:Xt[t]=function(t){for(var e=t[0].toUpperCase()+t.slice(1),n=Jt.length;n--;)if((t=Jt[n]+e)in Qt)return t}(t)||t)}var Vt=/^(none|table(?!-c[ea]).+)/,Zt=/^--/,te={position:"absolute",visibility:"hidden",display:"block"},ee={letterSpacing:"0",fontWeight:"400"};function ne(t,e,n){var r=it.exec(e);return r?Math.max(0,r[2]-(n||0))+(r[3]||"px"):e}function re(t,e,n,r,i,o){var a="width"===e?1:0,l=0,h=0;if(n===(r?"border":"content"))return 0;for(;a<4;a+=2)"margin"===n&&(h+=k.css(t,n+ot[a],!0,i)),r?("content"===n&&(h-=k.css(t,"padding"+ot[a],!0,i)),"margin"!==n&&(h-=k.css(t,"border"+ot[a]+"Width",!0,i))):(h+=k.css(t,"padding"+ot[a],!0,i),"padding"!==n?h+=k.css(t,"border"+ot[a]+"Width",!0,i):l+=k.css(t,"border"+ot[a]+"Width",!0,i));return!r&&o>=0&&(h+=Math.max(0,Math.ceil(t["offset"+e[0].toUpperCase()+e.slice(1)]-o-h-l-.5))||0),h}function ie(t,e,n){var r=Gt(t),i=(!f.boxSizingReliable()||n)&&"border-box"===k.css(t,"boxSizing",!1,r),o=i,a=Ht(t,e,r),l="offset"+e[0].toUpperCase()+e.slice(1);if(Pt.test(a)){if(!n)return a;a="auto"}return(!f.boxSizingReliable()&&i||!f.reliableTrDimensions()&&F(t,"tr")||"auto"===a||!parseFloat(a)&&"inline"===k.css(t,"display",!1,r))&&t.getClientRects().length&&(i="border-box"===k.css(t,"boxSizing",!1,r),(o=l in t)&&(a=t[l])),(a=parseFloat(a)||0)+re(t,e,n||(i?"border":"content"),o,r,a)+"px"}function oe(t,e,n,r,i){return new oe.prototype.init(t,e,n,r,i)}k.extend({cssHooks:{opacity:{get:function(t,e){if(e){var n=Ht(t,"opacity");return""===n?"1":n}}}},cssNumber:{animationIterationCount:!0,columnCount:!0,fillOpacity:!0,flexGrow:!0,flexShrink:!0,fontWeight:!0,gridArea:!0,gridColumn:!0,gridColumnEnd:!0,gridColumnStart:!0,gridRow:!0,gridRowEnd:!0,gridRowStart:!0,lineHeight:!0,opacity:!0,order:!0,orphans:!0,widows:!0,zIndex:!0,zoom:!0},cssProps:{},style:function(t,e,n,r){if(t&&3!==t.nodeType&&8!==t.nodeType&&t.style){var i,o,a,l=Q(e),h=Zt.test(e),s=t.style;if(h||(e=Kt(l)),a=k.cssHooks[e]||k.cssHooks[l],void 0===n)return a&&"get"in a&&void 0!==(i=a.get(t,!1,r))?i:s[e];"string"==(o=typeof n)&&(i=it.exec(n))&&i[1]&&(n=At(t,e,i),o="number"),null!=n&&n==n&&("number"!==o||h||(n+=i&&i[3]||(k.cssNumber[l]?"":"px")),f.clearCloneStyle||""!==n||0!==e.indexOf("background")||(s[e]="inherit"),a&&"set"in a&&void 0===(n=a.set(t,n,r))||(h?s.setProperty(e,n):s[e]=n))}},css:function(t,e,n,r){var i,o,a,l=Q(e);return Zt.test(e)||(e=Kt(l)),(a=k.cssHooks[e]||k.cssHooks[l])&&"get"in a&&(i=a.get(t,!0,n)),void 0===i&&(i=Ht(t,e,r)),"normal"===i&&e in ee&&(i=ee[e]),""===n||n?(o=parseFloat(i),!0===n||isFinite(o)?o||0:i):i}}),k.each(["height","width"],(function(t,e){k.cssHooks[e]={get:function(t,n,r){if(n)return!Vt.test(k.css(t,"display"))||t.getClientRects().length&&t.getBoundingClientRect().width?ie(t,e,r):qt(t,te,(function(){return ie(t,e,r)}))},set:function(t,n,r){var i,o=Gt(t),a=!f.scrollboxSize()&&"absolute"===o.position,l=(a||r)&&"border-box"===k.css(t,"boxSizing",!1,o),h=r?re(t,e,r,l,o):0;return l&&a&&(h-=Math.ceil(t["offset"+e[0].toUpperCase()+e.slice(1)]-parseFloat(o[e])-re(t,e,"border",!1,o)-.5)),h&&(i=it.exec(n))&&"px"!==(i[3]||"px")&&(t.style[e]=n,n=k.css(t,e)),ne(0,n,h)}}})),k.cssHooks.marginLeft=Yt(f.reliableMarginLeft,(function(t,e){if(e)return(parseFloat(Ht(t,"marginLeft"))||t.getBoundingClientRect().left-qt(t,{marginLeft:0},(function(){return t.getBoundingClientRect().left})))+"px"})),k.each({margin:"",padding:"",border:"Width"},(function(t,e){k.cssHooks[t+e]={expand:function(n){for(var r=0,i={},o="string"==typeof n?n.split(" "):[n];r<4;r++)i[t+ot[r]+e]=o[r]||o[r-2]||o[0];return i}},"margin"!==t&&(k.cssHooks[t+e].set=ne)})),k.fn.extend({css:function(t,e){return W(this,(function(t,e,n){var r,i,o={},a=0;if(Array.isArray(e)){for(r=Gt(t),i=e.length;a<i;a++)o[e[a]]=k.css(t,e[a],!1,r);return o}return void 0!==n?k.style(t,e,n):k.css(t,e)}),t,e,arguments.length>1)}}),k.Tween=oe,oe.prototype={constructor:oe,init:function(t,e,n,r,i,o){this.elem=t,this.prop=n,this.easing=i||k.easing._default,this.options=e,this.start=this.now=this.cur(),this.end=r,this.unit=o||(k.cssNumber[n]?"":"px")},cur:function(){var t=oe.propHooks[this.prop];return t&&t.get?t.get(this):oe.propHooks._default.get(this)},run:function(t){var e,n=oe.propHooks[this.prop];return this.options.duration?this.pos=e=k.easing[this.easing](t,this.options.duration*t,0,1,this.options.duration):this.pos=e=t,this.now=(this.end-this.start)*e+this.start,this.options.step&&this.options.step.call(this.elem,this.now,this),n&&n.set?n.set(this):oe.propHooks._default.set(this),this}},oe.prototype.init.prototype=oe.prototype,oe.propHooks={_default:{get:function(t){var e;return 1!==t.elem.nodeType||null!=t.elem[t.prop]&&null==t.elem.style[t.prop]?t.elem[t.prop]:(e=k.css(t.elem,t.prop,""))&&"auto"!==e?e:0},set:function(t){k.fx.step[t.prop]?k.fx.step[t.prop](t):1!==t.elem.nodeType||!k.cssHooks[t.prop]&&null==t.elem.style[Kt(t.prop)]?t.elem[t.prop]=t.now:k.style(t.elem,t.prop,t.now+t.unit)}}},oe.propHooks.scrollTop=oe.propHooks.scrollLeft={set:function(t){t.elem.nodeType&&t.elem.parentNode&&(t.elem[t.prop]=t.now)}},k.easing={linear:function(t){return t},swing:function(t){return.5-Math.cos(t*Math.PI)/2},_default:"swing"},k.fx=oe.prototype.init,k.fx.step={};var ae,le,he=/^(?:toggle|show|hide)$/,se=/queueHooks$/;function Ae(){le&&(!1===b.hidden&&r.requestAnimationFrame?r.requestAnimationFrame(Ae):r.setTimeout(Ae,k.fx.interval),k.fx.tick())}function de(){return r.setTimeout((function(){ae=void 0})),ae=Date.now()}function ce(t,e){var n,r=0,i={height:t};for(e=e?1:0;r<4;r+=2-e)i["margin"+(n=ot[r])]=i["padding"+n]=t;return e&&(i.opacity=i.width=t),i}function ue(t,e,n){for(var r,i=(pe.tweeners[e]||[]).concat(pe.tweeners["*"]),o=0,a=i.length;o<a;o++)if(r=i[o].call(n,e,t))return r}function pe(t,e,n){var r,i,o=0,a=pe.prefilters.length,l=k.Deferred().always((function(){delete h.elem})),h=function(){if(i)return!1;for(var e=ae||de(),n=Math.max(0,s.startTime+s.duration-e),r=1-(n/s.duration||0),o=0,a=s.tweens.length;o<a;o++)s.tweens[o].run(r);return l.notifyWith(t,[s,r,n]),r<1&&a?n:(a||l.notifyWith(t,[s,1,0]),l.resolveWith(t,[s]),!1)},s=l.promise({elem:t,props:k.extend({},e),opts:k.extend(!0,{specialEasing:{},easing:k.easing._default},n),originalProperties:e,originalOptions:n,startTime:ae||de(),duration:n.duration,tweens:[],createTween:function(e,n){var r=k.Tween(t,s.opts,e,n,s.opts.specialEasing[e]||s.opts.easing);return s.tweens.push(r),r},stop:function(e){var n=0,r=e?s.tweens.length:0;if(i)return this;for(i=!0;n<r;n++)s.tweens[n].run(1);return e?(l.notifyWith(t,[s,1,0]),l.resolveWith(t,[s,e])):l.rejectWith(t,[s,e]),this}}),A=s.props;for(function(t,e){var n,r,i,o,a;for(n in t)if(i=e[r=Q(n)],o=t[n],Array.isArray(o)&&(i=o[1],o=t[n]=o[0]),n!==r&&(t[r]=o,delete t[n]),(a=k.cssHooks[r])&&"expand"in a)for(n in o=a.expand(o),delete t[r],o)n in t||(t[n]=o[n],e[n]=i);else e[r]=i}(A,s.opts.specialEasing);o<a;o++)if(r=pe.prefilters[o].call(s,t,A,s.opts))return g(r.stop)&&(k._queueHooks(s.elem,s.opts.queue).stop=r.stop.bind(r)),r;return k.map(A,ue,s),g(s.opts.start)&&s.opts.start.call(t,s),s.progress(s.opts.progress).done(s.opts.done,s.opts.complete).fail(s.opts.fail).always(s.opts.always),k.fx.timer(k.extend(h,{elem:t,anim:s,queue:s.opts.queue})),s}k.Animation=k.extend(pe,{tweeners:{"*":[function(t,e){var n=this.createTween(t,e);return At(n.elem,t,it.exec(e),n),n}]},tweener:function(t,e){g(t)?(e=t,t=["*"]):t=t.match(L);for(var n,r=0,i=t.length;r<i;r++)n=t[r],pe.tweeners[n]=pe.tweeners[n]||[],pe.tweeners[n].unshift(e)},prefilters:[function(t,e,n){var r,i,o,a,l,h,s,A,d="width"in e||"height"in e,c=this,u={},p=t.style,m=t.nodeType&&st(t),f=V.get(t,"fxshow");for(r in n.queue||(null==(a=k._queueHooks(t,"fx")).unqueued&&(a.unqueued=0,l=a.empty.fire,a.empty.fire=function(){a.unqueued||l()}),a.unqueued++,c.always((function(){c.always((function(){a.unqueued--,k.queue(t,"fx").length||a.empty.fire()}))}))),e)if(i=e[r],he.test(i)){if(delete e[r],o=o||"toggle"===i,i===(m?"hide":"show")){if("show"!==i||!f||void 0===f[r])continue;m=!0}u[r]=f&&f[r]||k.style(t,r)}if((h=!k.isEmptyObject(e))||!k.isEmptyObject(u))for(r in d&&1===t.nodeType&&(n.overflow=[p.overflow,p.overflowX,p.overflowY],null==(s=f&&f.display)&&(s=V.get(t,"display")),"none"===(A=k.css(t,"display"))&&(s?A=s:(ut([t],!0),s=t.style.display||s,A=k.css(t,"display"),ut([t]))),("inline"===A||"inline-block"===A&&null!=s)&&"none"===k.css(t,"float")&&(h||(c.done((function(){p.display=s})),null==s&&(A=p.display,s="none"===A?"":A)),p.display="inline-block")),n.overflow&&(p.overflow="hidden",c.always((function(){p.overflow=n.overflow[0],p.overflowX=n.overflow[1],p.overflowY=n.overflow[2]}))),h=!1,u)h||(f?"hidden"in f&&(m=f.hidden):f=V.access(t,"fxshow",{display:s}),o&&(f.hidden=!m),m&&ut([t],!0),c.done((function(){for(r in m||ut([t]),V.remove(t,"fxshow"),u)k.style(t,r,u[r])}))),h=ue(m?f[r]:0,r,c),r in f||(f[r]=h.start,m&&(h.end=h.start,h.start=0))}],prefilter:function(t,e){e?pe.prefilters.unshift(t):pe.prefilters.push(t)}}),k.speed=function(t,e,n){var r=t&&"object"==typeof t?k.extend({},t):{complete:n||!n&&e||g(t)&&t,duration:t,easing:n&&e||e&&!g(e)&&e};return k.fx.off?r.duration=0:"number"!=typeof r.duration&&(r.duration in k.fx.speeds?r.duration=k.fx.speeds[r.duration]:r.duration=k.fx.speeds._default),null!=r.queue&&!0!==r.queue||(r.queue="fx"),r.old=r.complete,r.complete=function(){g(r.old)&&r.old.call(this),r.queue&&k.dequeue(this,r.queue)},r},k.fn.extend({fadeTo:function(t,e,n,r){return this.filter(st).css("opacity",0).show().end().animate({opacity:e},t,n,r)},animate:function(t,e,n,r){var i=k.isEmptyObject(t),o=k.speed(e,n,r),a=function(){var e=pe(this,k.extend({},t),o);(i||V.get(this,"finish"))&&e.stop(!0)};return a.finish=a,i||!1===o.queue?this.each(a):this.queue(o.queue,a)},stop:function(t,e,n){var r=function(t){var e=t.stop;delete t.stop,e(n)};return"string"!=typeof t&&(n=e,e=t,t=void 0),e&&this.queue(t||"fx",[]),this.each((function(){var e=!0,i=null!=t&&t+"queueHooks",o=k.timers,a=V.get(this);if(i)a[i]&&a[i].stop&&r(a[i]);else for(i in a)a[i]&&a[i].stop&&se.test(i)&&r(a[i]);for(i=o.length;i--;)o[i].elem!==this||null!=t&&o[i].queue!==t||(o[i].anim.stop(n),e=!1,o.splice(i,1));!e&&n||k.dequeue(this,t)}))},finish:function(t){return!1!==t&&(t=t||"fx"),this.each((function(){var e,n=V.get(this),r=n[t+"queue"],i=n[t+"queueHooks"],o=k.timers,a=r?r.length:0;for(n.finish=!0,k.queue(this,t,[]),i&&i.stop&&i.stop.call(this,!0),e=o.length;e--;)o[e].elem===this&&o[e].queue===t&&(o[e].anim.stop(!0),o.splice(e,1));for(e=0;e<a;e++)r[e]&&r[e].finish&&r[e].finish.call(this);delete n.finish}))}}),k.each(["toggle","show","hide"],(function(t,e){var n=k.fn[e];k.fn[e]=function(t,r,i){return null==t||"boolean"==typeof t?n.apply(this,arguments):this.animate(ce(e,!0),t,r,i)}})),k.each({slideDown:ce("show"),slideUp:ce("hide"),slideToggle:ce("toggle"),fadeIn:{opacity:"show"},fadeOut:{opacity:"hide"},fadeToggle:{opacity:"toggle"}},(function(t,e){k.fn[t]=function(t,n,r){return this.animate(e,t,n,r)}})),k.timers=[],k.fx.tick=function(){var t,e=0,n=k.timers;for(ae=Date.now();e<n.length;e++)(t=n[e])()||n[e]!==t||n.splice(e--,1);n.length||k.fx.stop(),ae=void 0},k.fx.timer=function(t){k.timers.push(t),k.fx.start()},k.fx.interval=13,k.fx.start=function(){le||(le=!0,Ae())},k.fx.stop=function(){le=null},k.fx.speeds={slow:600,fast:200,_default:400},k.fn.delay=function(t,e){return t=k.fx&&k.fx.speeds[t]||t,e=e||"fx",this.queue(e,(function(e,n){var i=r.setTimeout(e,t);n.stop=function(){r.clearTimeout(i)}}))},function(){var t=b.createElement("input"),e=b.createElement("select").appendChild(b.createElement("option"));t.type="checkbox",f.checkOn=""!==t.value,f.optSelected=e.selected,(t=b.createElement("input")).value="t",t.type="radio",f.radioValue="t"===t.value}();var me,fe=k.expr.attrHandle;k.fn.extend({attr:function(t,e){return W(this,k.attr,t,e,arguments.length>1)},removeAttr:function(t){return this.each((function(){k.removeAttr(this,t)}))}}),k.extend({attr:function(t,e,n){var r,i,o=t.nodeType;if(3!==o&&8!==o&&2!==o)return void 0===t.getAttribute?k.prop(t,e,n):(1===o&&k.isXMLDoc(t)||(i=k.attrHooks[e.toLowerCase()]||(k.expr.match.bool.test(e)?me:void 0)),void 0!==n?null===n?void k.removeAttr(t,e):i&&"set"in i&&void 0!==(r=i.set(t,n,e))?r:(t.setAttribute(e,n+""),n):i&&"get"in i&&null!==(r=i.get(t,e))?r:null==(r=k.find.attr(t,e))?void 0:r)},attrHooks:{type:{set:function(t,e){if(!f.radioValue&&"radio"===e&&F(t,"input")){var n=t.value;return t.setAttribute("type",e),n&&(t.value=n),e}}}},removeAttr:function(t,e){var n,r=0,i=e&&e.match(L);if(i&&1===t.nodeType)for(;n=i[r++];)t.removeAttribute(n)}}),me={set:function(t,e,n){return!1===e?k.removeAttr(t,n):t.setAttribute(n,n),n}},k.each(k.expr.match.bool.source.match(/\w+/g),(function(t,e){var n=fe[e]||k.find.attr;fe[e]=function(t,e,r){var i,o,a=e.toLowerCase();return r||(o=fe[a],fe[a]=i,i=null!=n(t,e,r)?a:null,fe[a]=o),i}}));var ge=/^(?:input|select|textarea|button)$/i,Ce=/^(?:a|area)$/i;function be(t){return(t.match(L)||[]).join(" ")}function _e(t){return t.getAttribute&&t.getAttribute("class")||""}function ve(t){return Array.isArray(t)?t:"string"==typeof t&&t.match(L)||[]}k.fn.extend({prop:function(t,e){return W(this,k.prop,t,e,arguments.length>1)},removeProp:function(t){return this.each((function(){delete this[k.propFix[t]||t]}))}}),k.extend({prop:function(t,e,n){var r,i,o=t.nodeType;if(3!==o&&8!==o&&2!==o)return 1===o&&k.isXMLDoc(t)||(e=k.propFix[e]||e,i=k.propHooks[e]),void 0!==n?i&&"set"in i&&void 0!==(r=i.set(t,n,e))?r:t[e]=n:i&&"get"in i&&null!==(r=i.get(t,e))?r:t[e]},propHooks:{tabIndex:{get:function(t){var e=k.find.attr(t,"tabindex");return e?parseInt(e,10):ge.test(t.nodeName)||Ce.test(t.nodeName)&&t.href?0:-1}}},propFix:{for:"htmlFor",class:"className"}}),f.optSelected||(k.propHooks.selected={get:function(t){var e=t.parentNode;return e&&e.parentNode&&e.parentNode.selectedIndex,null},set:function(t){var e=t.parentNode;e&&(e.selectedIndex,e.parentNode&&e.parentNode.selectedIndex)}}),k.each(["tabIndex","readOnly","maxLength","cellSpacing","cellPadding","rowSpan","colSpan","useMap","frameBorder","contentEditable"],(function(){k.propFix[this.toLowerCase()]=this})),k.fn.extend({addClass:function(t){var e,n,r,i,o,a,l,h=0;if(g(t))return this.each((function(e){k(this).addClass(t.call(this,e,_e(this)))}));if((e=ve(t)).length)for(;n=this[h++];)if(i=_e(n),r=1===n.nodeType&&" "+be(i)+" "){for(a=0;o=e[a++];)r.indexOf(" "+o+" ")<0&&(r+=o+" ");i!==(l=be(r))&&n.setAttribute("class",l)}return this},removeClass:function(t){var e,n,r,i,o,a,l,h=0;if(g(t))return this.each((function(e){k(this).removeClass(t.call(this,e,_e(this)))}));if(!arguments.length)return this.attr("class","");if((e=ve(t)).length)for(;n=this[h++];)if(i=_e(n),r=1===n.nodeType&&" "+be(i)+" "){for(a=0;o=e[a++];)for(;r.indexOf(" "+o+" ")>-1;)r=r.replace(" "+o+" "," ");i!==(l=be(r))&&n.setAttribute("class",l)}return this},toggleClass:function(t,e){var n=typeof t,r="string"===n||Array.isArray(t);return"boolean"==typeof e&&r?e?this.addClass(t):this.removeClass(t):g(t)?this.each((function(n){k(this).toggleClass(t.call(this,n,_e(this),e),e)})):this.each((function(){var e,i,o,a;if(r)for(i=0,o=k(this),a=ve(t);e=a[i++];)o.hasClass(e)?o.removeClass(e):o.addClass(e);else void 0!==t&&"boolean"!==n||((e=_e(this))&&V.set(this,"__className__",e),this.setAttribute&&this.setAttribute("class",e||!1===t?"":V.get(this,"__className__")||""))}))},hasClass:function(t){var e,n,r=0;for(e=" "+t+" ";n=this[r++];)if(1===n.nodeType&&(" "+be(_e(n))+" ").indexOf(e)>-1)return!0;return!1}});var xe=/\r/g;k.fn.extend({val:function(t){var e,n,r,i=this[0];return arguments.length?(r=g(t),this.each((function(n){var i;1===this.nodeType&&(null==(i=r?t.call(this,n,k(this).val()):t)?i="":"number"==typeof i?i+="":Array.isArray(i)&&(i=k.map(i,(function(t){return null==t?"":t+""}))),(e=k.valHooks[this.type]||k.valHooks[this.nodeName.toLowerCase()])&&"set"in e&&void 0!==e.set(this,i,"value")||(this.value=i))}))):i?(e=k.valHooks[i.type]||k.valHooks[i.nodeName.toLowerCase()])&&"get"in e&&void 0!==(n=e.get(i,"value"))?n:"string"==typeof(n=i.value)?n.replace(xe,""):null==n?"":n:void 0}}),k.extend({valHooks:{option:{get:function(t){var e=k.find.attr(t,"value");return null!=e?e:be(k.text(t))}},select:{get:function(t){var e,n,r,i=t.options,o=t.selectedIndex,a="select-one"===t.type,l=a?null:[],h=a?o+1:i.length;for(r=o<0?h:a?o:0;r<h;r++)if(((n=i[r]).selected||r===o)&&!n.disabled&&(!n.parentNode.disabled||!F(n.parentNode,"optgroup"))){if(e=k(n).val(),a)return e;l.push(e)}return l},set:function(t,e){for(var n,r,i=t.options,o=k.makeArray(e),a=i.length;a--;)((r=i[a]).selected=k.inArray(k.valHooks.option.get(r),o)>-1)&&(n=!0);return n||(t.selectedIndex=-1),o}}}}),k.each(["radio","checkbox"],(function(){k.valHooks[this]={set:function(t,e){if(Array.isArray(e))return t.checked=k.inArray(k(t).val(),e)>-1}},f.checkOn||(k.valHooks[this].get=function(t){return null===t.getAttribute("value")?"on":t.value})})),f.focusin="onfocusin"in r;var Be=/^(?:focusinfocus|focusoutblur)$/,ke=function(t){t.stopPropagation()};k.extend(k.event,{trigger:function(t,e,n,i){var o,a,l,h,s,A,d,c,p=[n||b],m=u.call(t,"type")?t.type:t,f=u.call(t,"namespace")?t.namespace.split("."):[];if(a=c=l=n=n||b,3!==n.nodeType&&8!==n.nodeType&&!Be.test(m+k.event.triggered)&&(m.indexOf(".")>-1&&(f=m.split("."),m=f.shift(),f.sort()),s=m.indexOf(":")<0&&"on"+m,(t=t[k.expando]?t:new k.Event(m,"object"==typeof t&&t)).isTrigger=i?2:3,t.namespace=f.join("."),t.rnamespace=t.namespace?new RegExp("(^|\\.)"+f.join("\\.(?:.*\\.|)")+"(\\.|$)"):null,t.result=void 0,t.target||(t.target=n),e=null==e?[t]:k.makeArray(e,[t]),d=k.event.special[m]||{},i||!d.trigger||!1!==d.trigger.apply(n,e))){if(!i&&!d.noBubble&&!C(n)){for(h=d.delegateType||m,Be.test(h+m)||(a=a.parentNode);a;a=a.parentNode)p.push(a),l=a;l===(n.ownerDocument||b)&&p.push(l.defaultView||l.parentWindow||r)}for(o=0;(a=p[o++])&&!t.isPropagationStopped();)c=a,t.type=o>1?h:d.bindType||m,(A=(V.get(a,"events")||Object.create(null))[t.type]&&V.get(a,"handle"))&&A.apply(a,e),(A=s&&a[s])&&A.apply&&X(a)&&(t.result=A.apply(a,e),!1===t.result&&t.preventDefault());return t.type=m,i||t.isDefaultPrevented()||d._default&&!1!==d._default.apply(p.pop(),e)||!X(n)||s&&g(n[m])&&!C(n)&&((l=n[s])&&(n[s]=null),k.event.triggered=m,t.isPropagationStopped()&&c.addEventListener(m,ke),n[m](),t.isPropagationStopped()&&c.removeEventListener(m,ke),k.event.triggered=void 0,l&&(n[s]=l)),t.result}},simulate:function(t,e,n){var r=k.extend(new k.Event,n,{type:t,isSimulated:!0});k.event.trigger(r,null,e)}}),k.fn.extend({trigger:function(t,e){return this.each((function(){k.event.trigger(t,e,this)}))},triggerHandler:function(t,e){var n=this[0];if(n)return k.event.trigger(t,e,n,!0)}}),f.focusin||k.each({focus:"focusin",blur:"focusout"},(function(t,e){var n=function(t){k.event.simulate(e,t.target,k.event.fix(t))};k.event.special[e]={setup:function(){var r=this.ownerDocument||this.document||this,i=V.access(r,e);i||r.addEventListener(t,n,!0),V.access(r,e,(i||0)+1)},teardown:function(){var r=this.ownerDocument||this.document||this,i=V.access(r,e)-1;i?V.access(r,e,i):(r.removeEventListener(t,n,!0),V.remove(r,e))}}}));var we=r.location,ye={guid:Date.now()},Ee=/\?/;k.parseXML=function(t){var e;if(!t||"string"!=typeof t)return null;try{e=(new r.DOMParser).parseFromString(t,"text/xml")}catch(t){e=void 0}return e&&!e.getElementsByTagName("parsererror").length||k.error("Invalid XML: "+t),e};var $e=/\[\]$/,De=/\r?\n/g,Fe=/^(?:submit|button|image|reset|file)$/i,Se=/^(?:input|select|textarea|keygen)/i;function Me(t,e,n,r){var i;if(Array.isArray(e))k.each(e,(function(e,i){n||$e.test(t)?r(t,i):Me(t+"["+("object"==typeof i&&null!=i?e:"")+"]",i,n,r)}));else if(n||"object"!==x(e))r(t,e);else for(i in e)Me(t+"["+i+"]",e[i],n,r)}k.param=function(t,e){var n,r=[],i=function(t,e){var n=g(e)?e():e;r[r.length]=encodeURIComponent(t)+"="+encodeURIComponent(null==n?"":n)};if(null==t)return"";if(Array.isArray(t)||t.jquery&&!k.isPlainObject(t))k.each(t,(function(){i(this.name,this.value)}));else for(n in t)Me(n,t[n],e,i);return r.join("&")},k.fn.extend({serialize:function(){return k.param(this.serializeArray())},serializeArray:function(){return this.map((function(){var t=k.prop(this,"elements");return t?k.makeArray(t):this})).filter((function(){var t=this.type;return this.name&&!k(this).is(":disabled")&&Se.test(this.nodeName)&&!Fe.test(t)&&(this.checked||!ft.test(t))})).map((function(t,e){var n=k(this).val();return null==n?null:Array.isArray(n)?k.map(n,(function(t){return{name:e.name,value:t.replace(De,"\r\n")}})):{name:e.name,value:n.replace(De,"\r\n")}})).get()}});var Ie=/%20/g,ze=/#.*$/,Te=/([?&])_=[^&]*/,Ne=/^(.*?):[ \t]*([^\r\n]*)$/gm,je=/^(?:GET|HEAD)$/,Le=/^\/\//,Oe={},Re={},Ue="*/".concat("*"),Pe=b.createElement("a");function Ge(t){return function(e,n){"string"!=typeof e&&(n=e,e="*");var r,i=0,o=e.toLowerCase().match(L)||[];if(g(n))for(;r=o[i++];)"+"===r[0]?(r=r.slice(1)||"*",(t[r]=t[r]||[]).unshift(n)):(t[r]=t[r]||[]).push(n)}}function qe(t,e,n,r){var i={},o=t===Re;function a(l){var h;return i[l]=!0,k.each(t[l]||[],(function(t,l){var s=l(e,n,r);return"string"!=typeof s||o||i[s]?o?!(h=s):void 0:(e.dataTypes.unshift(s),a(s),!1)})),h}return a(e.dataTypes[0])||!i["*"]&&a("*")}function We(t,e){var n,r,i=k.ajaxSettings.flatOptions||{};for(n in e)void 0!==e[n]&&((i[n]?t:r||(r={}))[n]=e[n]);return r&&k.extend(!0,t,r),t}Pe.href=we.href,k.extend({active:0,lastModified:{},etag:{},ajaxSettings:{url:we.href,type:"GET",isLocal:/^(?:about|app|app-storage|.+-extension|file|res|widget):$/.test(we.protocol),global:!0,processData:!0,async:!0,contentType:"application/x-www-form-urlencoded; charset=UTF-8",accepts:{"*":Ue,text:"text/plain",html:"text/html",xml:"application/xml, text/xml",json:"application/json, text/javascript"},contents:{xml:/\bxml\b/,html:/\bhtml/,json:/\bjson\b/},responseFields:{xml:"responseXML",text:"responseText",json:"responseJSON"},converters:{"* text":String,"text html":!0,"text json":JSON.parse,"text xml":k.parseXML},flatOptions:{url:!0,context:!0}},ajaxSetup:function(t,e){return e?We(We(t,k.ajaxSettings),e):We(k.ajaxSettings,t)},ajaxPrefilter:Ge(Oe),ajaxTransport:Ge(Re),ajax:function(t,e){"object"==typeof t&&(e=t,t=void 0),e=e||{};var n,i,o,a,l,h,s,A,d,c,u=k.ajaxSetup({},e),p=u.context||u,m=u.context&&(p.nodeType||p.jquery)?k(p):k.event,f=k.Deferred(),g=k.Callbacks("once memory"),C=u.statusCode||{},_={},v={},x="canceled",B={readyState:0,getResponseHeader:function(t){var e;if(s){if(!a)for(a={};e=Ne.exec(o);)a[e[1].toLowerCase()+" "]=(a[e[1].toLowerCase()+" "]||[]).concat(e[2]);e=a[t.toLowerCase()+" "]}return null==e?null:e.join(", ")},getAllResponseHeaders:function(){return s?o:null},setRequestHeader:function(t,e){return null==s&&(t=v[t.toLowerCase()]=v[t.toLowerCase()]||t,_[t]=e),this},overrideMimeType:function(t){return null==s&&(u.mimeType=t),this},statusCode:function(t){var e;if(t)if(s)B.always(t[B.status]);else for(e in t)C[e]=[C[e],t[e]];return this},abort:function(t){var e=t||x;return n&&n.abort(e),w(0,e),this}};if(f.promise(B),u.url=((t||u.url||we.href)+"").replace(Le,we.protocol+"//"),u.type=e.method||e.type||u.method||u.type,u.dataTypes=(u.dataType||"*").toLowerCase().match(L)||[""],null==u.crossDomain){h=b.createElement("a");try{h.href=u.url,h.href=h.href,u.crossDomain=Pe.protocol+"//"+Pe.host!=h.protocol+"//"+h.host}catch(t){u.crossDomain=!0}}if(u.data&&u.processData&&"string"!=typeof u.data&&(u.data=k.param(u.data,u.traditional)),qe(Oe,u,e,B),s)return B;for(d in(A=k.event&&u.global)&&0==k.active++&&k.event.trigger("ajaxStart"),u.type=u.type.toUpperCase(),u.hasContent=!je.test(u.type),i=u.url.replace(ze,""),u.hasContent?u.data&&u.processData&&0===(u.contentType||"").indexOf("application/x-www-form-urlencoded")&&(u.data=u.data.replace(Ie,"+")):(c=u.url.slice(i.length),u.data&&(u.processData||"string"==typeof u.data)&&(i+=(Ee.test(i)?"&":"?")+u.data,delete u.data),!1===u.cache&&(i=i.replace(Te,"$1"),c=(Ee.test(i)?"&":"?")+"_="+ye.guid+++c),u.url=i+c),u.ifModified&&(k.lastModified[i]&&B.setRequestHeader("If-Modified-Since",k.lastModified[i]),k.etag[i]&&B.setRequestHeader("If-None-Match",k.etag[i])),(u.data&&u.hasContent&&!1!==u.contentType||e.contentType)&&B.setRequestHeader("Content-Type",u.contentType),B.setRequestHeader("Accept",u.dataTypes[0]&&u.accepts[u.dataTypes[0]]?u.accepts[u.dataTypes[0]]+("*"!==u.dataTypes[0]?", "+Ue+"; q=0.01":""):u.accepts["*"]),u.headers)B.setRequestHeader(d,u.headers[d]);if(u.beforeSend&&(!1===u.beforeSend.call(p,B,u)||s))return B.abort();if(x="abort",g.add(u.complete),B.done(u.success),B.fail(u.error),n=qe(Re,u,e,B)){if(B.readyState=1,A&&m.trigger("ajaxSend",[B,u]),s)return B;u.async&&u.timeout>0&&(l=r.setTimeout((function(){B.abort("timeout")}),u.timeout));try{s=!1,n.send(_,w)}catch(t){if(s)throw t;w(-1,t)}}else w(-1,"No Transport");function w(t,e,a,h){var d,c,b,_,v,x=e;s||(s=!0,l&&r.clearTimeout(l),n=void 0,o=h||"",B.readyState=t>0?4:0,d=t>=200&&t<300||304===t,a&&(_=function(t,e,n){for(var r,i,o,a,l=t.contents,h=t.dataTypes;"*"===h[0];)h.shift(),void 0===r&&(r=t.mimeType||e.getResponseHeader("Content-Type"));if(r)for(i in l)if(l[i]&&l[i].test(r)){h.unshift(i);break}if(h[0]in n)o=h[0];else{for(i in n){if(!h[0]||t.converters[i+" "+h[0]]){o=i;break}a||(a=i)}o=o||a}if(o)return o!==h[0]&&h.unshift(o),n[o]}(u,B,a)),!d&&k.inArray("script",u.dataTypes)>-1&&(u.converters["text script"]=function(){}),_=function(t,e,n,r){var i,o,a,l,h,s={},A=t.dataTypes.slice();if(A[1])for(a in t.converters)s[a.toLowerCase()]=t.converters[a];for(o=A.shift();o;)if(t.responseFields[o]&&(n[t.responseFields[o]]=e),!h&&r&&t.dataFilter&&(e=t.dataFilter(e,t.dataType)),h=o,o=A.shift())if("*"===o)o=h;else if("*"!==h&&h!==o){if(!(a=s[h+" "+o]||s["* "+o]))for(i in s)if((l=i.split(" "))[1]===o&&(a=s[h+" "+l[0]]||s["* "+l[0]])){!0===a?a=s[i]:!0!==s[i]&&(o=l[0],A.unshift(l[1]));break}if(!0!==a)if(a&&t.throws)e=a(e);else try{e=a(e)}catch(t){return{state:"parsererror",error:a?t:"No conversion from "+h+" to "+o}}}return{state:"success",data:e}}(u,_,B,d),d?(u.ifModified&&((v=B.getResponseHeader("Last-Modified"))&&(k.lastModified[i]=v),(v=B.getResponseHeader("etag"))&&(k.etag[i]=v)),204===t||"HEAD"===u.type?x="nocontent":304===t?x="notmodified":(x=_.state,c=_.data,d=!(b=_.error))):(b=x,!t&&x||(x="error",t<0&&(t=0))),B.status=t,B.statusText=(e||x)+"",d?f.resolveWith(p,[c,x,B]):f.rejectWith(p,[B,x,b]),B.statusCode(C),C=void 0,A&&m.trigger(d?"ajaxSuccess":"ajaxError",[B,u,d?c:b]),g.fireWith(p,[B,x]),A&&(m.trigger("ajaxComplete",[B,u]),--k.active||k.event.trigger("ajaxStop")))}return B},getJSON:function(t,e,n){return k.get(t,e,n,"json")},getScript:function(t,e){return k.get(t,void 0,e,"script")}}),k.each(["get","post"],(function(t,e){k[e]=function(t,n,r,i){return g(n)&&(i=i||r,r=n,n=void 0),k.ajax(k.extend({url:t,type:e,dataType:i,data:n,success:r},k.isPlainObject(t)&&t))}})),k.ajaxPrefilter((function(t){var e;for(e in t.headers)"content-type"===e.toLowerCase()&&(t.contentType=t.headers[e]||"")})),k._evalUrl=function(t,e,n){return k.ajax({url:t,type:"GET",dataType:"script",cache:!0,async:!1,global:!1,converters:{"text script":function(){}},dataFilter:function(t){k.globalEval(t,e,n)}})},k.fn.extend({wrapAll:function(t){var e;return this[0]&&(g(t)&&(t=t.call(this[0])),e=k(t,this[0].ownerDocument).eq(0).clone(!0),this[0].parentNode&&e.insertBefore(this[0]),e.map((function(){for(var t=this;t.firstElementChild;)t=t.firstElementChild;return t})).append(this)),this},wrapInner:function(t){return g(t)?this.each((function(e){k(this).wrapInner(t.call(this,e))})):this.each((function(){var e=k(this),n=e.contents();n.length?n.wrapAll(t):e.append(t)}))},wrap:function(t){var e=g(t);return this.each((function(n){k(this).wrapAll(e?t.call(this,n):t)}))},unwrap:function(t){return this.parent(t).not("body").each((function(){k(this).replaceWith(this.childNodes)})),this}}),k.expr.pseudos.hidden=function(t){return!k.expr.pseudos.visible(t)},k.expr.pseudos.visible=function(t){return!!(t.offsetWidth||t.offsetHeight||t.getClientRects().length)},k.ajaxSettings.xhr=function(){try{return new r.XMLHttpRequest}catch(t){}};var He={0:200,1223:204},Ye=k.ajaxSettings.xhr();f.cors=!!Ye&&"withCredentials"in Ye,f.ajax=Ye=!!Ye,k.ajaxTransport((function(t){var e,n;if(f.cors||Ye&&!t.crossDomain)return{send:function(i,o){var a,l=t.xhr();if(l.open(t.type,t.url,t.async,t.username,t.password),t.xhrFields)for(a in t.xhrFields)l[a]=t.xhrFields[a];for(a in t.mimeType&&l.overrideMimeType&&l.overrideMimeType(t.mimeType),t.crossDomain||i["X-Requested-With"]||(i["X-Requested-With"]="XMLHttpRequest"),i)l.setRequestHeader(a,i[a]);e=function(t){return function(){e&&(e=n=l.onload=l.onerror=l.onabort=l.ontimeout=l.onreadystatechange=null,"abort"===t?l.abort():"error"===t?"number"!=typeof l.status?o(0,"error"):o(l.status,l.statusText):o(He[l.status]||l.status,l.statusText,"text"!==(l.responseType||"text")||"string"!=typeof l.responseText?{binary:l.response}:{text:l.responseText},l.getAllResponseHeaders()))}},l.onload=e(),n=l.onerror=l.ontimeout=e("error"),void 0!==l.onabort?l.onabort=n:l.onreadystatechange=function(){4===l.readyState&&r.setTimeout((function(){e&&n()}))},e=e("abort");try{l.send(t.hasContent&&t.data||null)}catch(t){if(e)throw t}},abort:function(){e&&e()}}})),k.ajaxPrefilter((function(t){t.crossDomain&&(t.contents.script=!1)})),k.ajaxSetup({accepts:{script:"text/javascript, application/javascript, application/ecmascript, application/x-ecmascript"},contents:{script:/\b(?:java|ecma)script\b/},converters:{"text script":function(t){return k.globalEval(t),t}}}),k.ajaxPrefilter("script",(function(t){void 0===t.cache&&(t.cache=!1),t.crossDomain&&(t.type="GET")})),k.ajaxTransport("script",(function(t){var e,n;if(t.crossDomain||t.scriptAttrs)return{send:function(r,i){e=k("<script>").attr(t.scriptAttrs||{}).prop({charset:t.scriptCharset,src:t.url}).on("load error",n=function(t){e.remove(),n=null,t&&i("error"===t.type?404:200,t.type)}),b.head.appendChild(e[0])},abort:function(){n&&n()}}}));var Je,Qe=[],Xe=/(=)\?(?=&|$)|\?\?/;k.ajaxSetup({jsonp:"callback",jsonpCallback:function(){var t=Qe.pop()||k.expando+"_"+ye.guid++;return this[t]=!0,t}}),k.ajaxPrefilter("json jsonp",(function(t,e,n){var i,o,a,l=!1!==t.jsonp&&(Xe.test(t.url)?"url":"string"==typeof t.data&&0===(t.contentType||"").indexOf("application/x-www-form-urlencoded")&&Xe.test(t.data)&&"data");if(l||"jsonp"===t.dataTypes[0])return i=t.jsonpCallback=g(t.jsonpCallback)?t.jsonpCallback():t.jsonpCallback,l?t[l]=t[l].replace(Xe,"$1"+i):!1!==t.jsonp&&(t.url+=(Ee.test(t.url)?"&":"?")+t.jsonp+"="+i),t.converters["script json"]=function(){return a||k.error(i+" was not called"),a[0]},t.dataTypes[0]="json",o=r[i],r[i]=function(){a=arguments},n.always((function(){void 0===o?k(r).removeProp(i):r[i]=o,t[i]&&(t.jsonpCallback=e.jsonpCallback,Qe.push(i)),a&&g(o)&&o(a[0]),a=o=void 0})),"script"})),f.createHTMLDocument=((Je=b.implementation.createHTMLDocument("").body).innerHTML="<form></form><form></form>",2===Je.childNodes.length),k.parseHTML=function(t,e,n){return"string"!=typeof t?[]:("boolean"==typeof e&&(n=e,e=!1),e||(f.createHTMLDocument?((r=(e=b.implementation.createHTMLDocument("")).createElement("base")).href=b.location.href,e.head.appendChild(r)):e=b),o=!n&&[],(i=S.exec(t))?[e.createElement(i[1])]:(i=Bt([t],e,o),o&&o.length&&k(o).remove(),k.merge([],i.childNodes)));var r,i,o},k.fn.load=function(t,e,n){var r,i,o,a=this,l=t.indexOf(" ");return l>-1&&(r=be(t.slice(l)),t=t.slice(0,l)),g(e)?(n=e,e=void 0):e&&"object"==typeof e&&(i="POST"),a.length>0&&k.ajax({url:t,type:i||"GET",dataType:"html",data:e}).done((function(t){o=arguments,a.html(r?k("<div>").append(k.parseHTML(t)).find(r):t)})).always(n&&function(t,e){a.each((function(){n.apply(this,o||[t.responseText,e,t])}))}),this},k.expr.pseudos.animated=function(t){return k.grep(k.timers,(function(e){return t===e.elem})).length},k.offset={setOffset:function(t,e,n){var r,i,o,a,l,h,s=k.css(t,"position"),A=k(t),d={};"static"===s&&(t.style.position="relative"),l=A.offset(),o=k.css(t,"top"),h=k.css(t,"left"),("absolute"===s||"fixed"===s)&&(o+h).indexOf("auto")>-1?(a=(r=A.position()).top,i=r.left):(a=parseFloat(o)||0,i=parseFloat(h)||0),g(e)&&(e=e.call(t,n,k.extend({},l))),null!=e.top&&(d.top=e.top-l.top+a),null!=e.left&&(d.left=e.left-l.left+i),"using"in e?e.using.call(t,d):("number"==typeof d.top&&(d.top+="px"),"number"==typeof d.left&&(d.left+="px"),A.css(d))}},k.fn.extend({offset:function(t){if(arguments.length)return void 0===t?this:this.each((function(e){k.offset.setOffset(this,t,e)}));var e,n,r=this[0];return r?r.getClientRects().length?(e=r.getBoundingClientRect(),n=r.ownerDocument.defaultView,{top:e.top+n.pageYOffset,left:e.left+n.pageXOffset}):{top:0,left:0}:void 0},position:function(){if(this[0]){var t,e,n,r=this[0],i={top:0,left:0};if("fixed"===k.css(r,"position"))e=r.getBoundingClientRect();else{for(e=this.offset(),n=r.ownerDocument,t=r.offsetParent||n.documentElement;t&&(t===n.body||t===n.documentElement)&&"static"===k.css(t,"position");)t=t.parentNode;t&&t!==r&&1===t.nodeType&&((i=k(t).offset()).top+=k.css(t,"borderTopWidth",!0),i.left+=k.css(t,"borderLeftWidth",!0))}return{top:e.top-i.top-k.css(r,"marginTop",!0),left:e.left-i.left-k.css(r,"marginLeft",!0)}}},offsetParent:function(){return this.map((function(){for(var t=this.offsetParent;t&&"static"===k.css(t,"position");)t=t.offsetParent;return t||at}))}}),k.each({scrollLeft:"pageXOffset",scrollTop:"pageYOffset"},(function(t,e){var n="pageYOffset"===e;k.fn[t]=function(r){return W(this,(function(t,r,i){var o;if(C(t)?o=t:9===t.nodeType&&(o=t.defaultView),void 0===i)return o?o[e]:t[r];o?o.scrollTo(n?o.pageXOffset:i,n?i:o.pageYOffset):t[r]=i}),t,r,arguments.length)}})),k.each(["top","left"],(function(t,e){k.cssHooks[e]=Yt(f.pixelPosition,(function(t,n){if(n)return n=Ht(t,e),Pt.test(n)?k(t).position()[e]+"px":n}))})),k.each({Height:"height",Width:"width"},(function(t,e){k.each({padding:"inner"+t,content:e,"":"outer"+t},(function(n,r){k.fn[r]=function(i,o){var a=arguments.length&&(n||"boolean"!=typeof i),l=n||(!0===i||!0===o?"margin":"border");return W(this,(function(e,n,i){var o;return C(e)?0===r.indexOf("outer")?e["inner"+t]:e.document.documentElement["client"+t]:9===e.nodeType?(o=e.documentElement,Math.max(e.body["scroll"+t],o["scroll"+t],e.body["offset"+t],o["offset"+t],o["client"+t])):void 0===i?k.css(e,n,l):k.style(e,n,i,l)}),e,a?i:void 0,a)}}))})),k.each(["ajaxStart","ajaxStop","ajaxComplete","ajaxError","ajaxSuccess","ajaxSend"],(function(t,e){k.fn[e]=function(t){return this.on(e,t)}})),k.fn.extend({bind:function(t,e,n){return this.on(t,null,e,n)},unbind:function(t,e){return this.off(t,null,e)},delegate:function(t,e,n,r){return this.on(e,t,n,r)},undelegate:function(t,e,n){return 1===arguments.length?this.off(t,"**"):this.off(e,t||"**",n)},hover:function(t,e){return this.mouseenter(t).mouseleave(e||t)}}),k.each("blur focus focusin focusout resize scroll click dblclick mousedown mouseup mousemove mouseover mouseout mouseenter mouseleave change select submit keydown keypress keyup contextmenu".split(" "),(function(t,e){k.fn[e]=function(t,n){return arguments.length>0?this.on(e,null,t,n):this.trigger(e)}}));var Ke=/^[\s\uFEFF\xA0]+|[\s\uFEFF\xA0]+$/g;k.proxy=function(t,e){var n,r,i;if("string"==typeof e&&(n=t[e],e=t,t=n),g(t))return r=l.call(arguments,2),(i=function(){return t.apply(e||this,r.concat(l.call(arguments)))}).guid=t.guid=t.guid||k.guid++,i},k.holdReady=function(t){t?k.readyWait++:k.ready(!0)},k.isArray=Array.isArray,k.parseJSON=JSON.parse,k.nodeName=F,k.isFunction=g,k.isWindow=C,k.camelCase=Q,k.type=x,k.now=Date.now,k.isNumeric=function(t){var e=k.type(t);return("number"===e||"string"===e)&&!isNaN(t-parseFloat(t))},k.trim=function(t){return null==t?"":(t+"").replace(Ke,"")},void 0===(n=function(){return k}.apply(e,[]))||(t.exports=n);var Ve=r.jQuery,Ze=r.$;return k.noConflict=function(t){return r.$===k&&(r.$=Ze),t&&r.jQuery===k&&(r.jQuery=Ve),k},void 0===i&&(r.jQuery=r.$=k),k}))},7428:function(t){"use strict";var e=Object.getOwnPropertySymbols,n=Object.prototype.hasOwnProperty,r=Object.prototype.propertyIsEnumerable;function i(t){if(null==t)throw new TypeError("Object.assign cannot be called with null or undefined");return Object(t)}t.exports=function(){try{if(!Object.assign)return!1;var t=new String("abc");if(t[5]="de","5"===Object.getOwnPropertyNames(t)[0])return!1;for(var e={},n=0;n<10;n++)e["_"+String.fromCharCode(n)]=n;if("0123456789"!==Object.getOwnPropertyNames(e).map((function(t){return e[t]})).join(""))return!1;var r={};return"abcdefghijklmnopqrst".split("").forEach((function(t){r[t]=t})),"abcdefghijklmnopqrst"===Object.keys(Object.assign({},r)).join("")}catch(t){return!1}}()?Object.assign:function(t,o){for(var a,l,h=i(t),s=1;s<arguments.length;s++){for(var A in a=Object(arguments[s]))n.call(a,A)&&(h[A]=a[A]);if(e){l=e(a);for(var d=0;d<l.length;d++)r.call(a,l[d])&&(h[l[d]]=a[l[d]])}}return h}},3783:function(t,e,n){"use strict";var r=n(7306);function i(){}function o(){}o.resetWarningCache=i,t.exports=function(){function t(t,e,n,i,o,a){if(a!==r){var l=new Error("Calling PropTypes validators directly is not supported by the `prop-types` package. Use PropTypes.checkPropTypes() to call them. Read more at http://fb.me/use-check-prop-types");throw l.name="Invariant Violation",l}}function e(){return t}t.isRequired=t;var n={array:t,bool:t,func:t,number:t,object:t,string:t,symbol:t,any:t,arrayOf:e,element:t,elementType:t,instanceOf:e,node:t,objectOf:e,oneOf:e,oneOfType:e,shape:e,exact:e,checkPropTypes:o,resetWarningCache:i};return n.PropTypes=n,n}},914:function(t,e,n){t.exports=n(3783)()},7306:function(t){"use strict";t.exports="SECRET_DO_NOT_PASS_THIS_OR_YOU_WILL_BE_FIRED"},6652:function(t,e,n){"use strict";var r=n(6255),i=n(7428),o=n(9164);function a(t){for(var e="https://reactjs.org/docs/error-decoder.html?invariant="+t,n=1;n<arguments.length;n++)e+="&args[]="+encodeURIComponent(arguments[n]);return"Minified React error #"+t+"; visit "+e+" for the full message or use the non-minified dev environment for full errors and additional helpful warnings."}if(!r)throw Error(a(227));var l=new Set,h={};function s(t,e){A(t,e),A(t+"Capture",e)}function A(t,e){for(h[t]=e,t=0;t<e.length;t++)l.add(e[t])}var d=!("undefined"==typeof window||void 0===window.document||void 0===window.document.createElement),c=/^[:A-Z_a-z\u00C0-\u00D6\u00D8-\u00F6\u00F8-\u02FF\u0370-\u037D\u037F-\u1FFF\u200C-\u200D\u2070-\u218F\u2C00-\u2FEF\u3001-\uD7FF\uF900-\uFDCF\uFDF0-\uFFFD][:A-Z_a-z\u00C0-\u00D6\u00D8-\u00F6\u00F8-\u02FF\u0370-\u037D\u037F-\u1FFF\u200C-\u200D\u2070-\u218F\u2C00-\u2FEF\u3001-\uD7FF\uF900-\uFDCF\uFDF0-\uFFFD\-.0-9\u00B7\u0300-\u036F\u203F-\u2040]*$/,u=Object.prototype.hasOwnProperty,p={},m={};function f(t,e,n,r,i,o,a){this.acceptsBooleans=2===e||3===e||4===e,this.attributeName=r,this.attributeNamespace=i,this.mustUseProperty=n,this.propertyName=t,this.type=e,this.sanitizeURL=o,this.removeEmptyString=a}var g={};"children dangerouslySetInnerHTML defaultValue defaultChecked innerHTML suppressContentEditableWarning suppressHydrationWarning style".split(" ").forEach((function(t){g[t]=new f(t,0,!1,t,null,!1,!1)})),[["acceptCharset","accept-charset"],["className","class"],["htmlFor","for"],["httpEquiv","http-equiv"]].forEach((function(t){var e=t[0];g[e]=new f(e,1,!1,t[1],null,!1,!1)})),["contentEditable","draggable","spellCheck","value"].forEach((function(t){g[t]=new f(t,2,!1,t.toLowerCase(),null,!1,!1)})),["autoReverse","externalResourcesRequired","focusable","preserveAlpha"].forEach((function(t){g[t]=new f(t,2,!1,t,null,!1,!1)})),"allowFullScreen async autoFocus autoPlay controls default defer disabled disablePictureInPicture disableRemotePlayback formNoValidate hidden loop noModule noValidate open playsInline readOnly required reversed scoped seamless itemScope".split(" ").forEach((function(t){g[t]=new f(t,3,!1,t.toLowerCase(),null,!1,!1)})),["checked","multiple","muted","selected"].forEach((function(t){g[t]=new f(t,3,!0,t,null,!1,!1)})),["capture","download"].forEach((function(t){g[t]=new f(t,4,!1,t,null,!1,!1)})),["cols","rows","size","span"].forEach((function(t){g[t]=new f(t,6,!1,t,null,!1,!1)})),["rowSpan","start"].forEach((function(t){g[t]=new f(t,5,!1,t.toLowerCase(),null,!1,!1)}));var C=/[\-:]([a-z])/g;function b(t){return t[1].toUpperCase()}function _(t,e,n,r){var i=g.hasOwnProperty(e)?g[e]:null;(null!==i?0===i.type:!r&&2<e.length&&("o"===e[0]||"O"===e[0])&&("n"===e[1]||"N"===e[1]))||(function(t,e,n,r){if(null==e||function(t,e,n,r){if(null!==n&&0===n.type)return!1;switch(typeof e){case"function":case"symbol":return!0;case"boolean":return!r&&(null!==n?!n.acceptsBooleans:"data-"!==(t=t.toLowerCase().slice(0,5))&&"aria-"!==t);default:return!1}}(t,e,n,r))return!0;if(r)return!1;if(null!==n)switch(n.type){case 3:return!e;case 4:return!1===e;case 5:return isNaN(e);case 6:return isNaN(e)||1>e}return!1}(e,n,i,r)&&(n=null),r||null===i?function(t){return!!u.call(m,t)||!u.call(p,t)&&(c.test(t)?m[t]=!0:(p[t]=!0,!1))}(e)&&(null===n?t.removeAttribute(e):t.setAttribute(e,""+n)):i.mustUseProperty?t[i.propertyName]=null===n?3!==i.type&&"":n:(e=i.attributeName,r=i.attributeNamespace,null===n?t.removeAttribute(e):(n=3===(i=i.type)||4===i&&!0===n?"":""+n,r?t.setAttributeNS(r,e,n):t.setAttribute(e,n))))}"accent-height alignment-baseline arabic-form baseline-shift cap-height clip-path clip-rule color-interpolation color-interpolation-filters color-profile color-rendering dominant-baseline enable-background fill-opacity fill-rule flood-color flood-opacity font-family font-size font-size-adjust font-stretch font-style font-variant font-weight glyph-name glyph-orientation-horizontal glyph-orientation-vertical horiz-adv-x horiz-origin-x image-rendering letter-spacing lighting-color marker-end marker-mid marker-start overline-position overline-thickness paint-order panose-1 pointer-events rendering-intent shape-rendering stop-color stop-opacity strikethrough-position strikethrough-thickness stroke-dasharray stroke-dashoffset stroke-linecap stroke-linejoin stroke-miterlimit stroke-opacity stroke-width text-anchor text-decoration text-rendering underline-position underline-thickness unicode-bidi unicode-range units-per-em v-alphabetic v-hanging v-ideographic v-mathematical vector-effect vert-adv-y vert-origin-x vert-origin-y word-spacing writing-mode xmlns:xlink x-height".split(" ").forEach((function(t){var e=t.replace(C,b);g[e]=new f(e,1,!1,t,null,!1,!1)})),"xlink:actuate xlink:arcrole xlink:role xlink:show xlink:title xlink:type".split(" ").forEach((function(t){var e=t.replace(C,b);g[e]=new f(e,1,!1,t,"http://www.w3.org/1999/xlink",!1,!1)})),["xml:base","xml:lang","xml:space"].forEach((function(t){var e=t.replace(C,b);g[e]=new f(e,1,!1,t,"http://www.w3.org/XML/1998/namespace",!1,!1)})),["tabIndex","crossOrigin"].forEach((function(t){g[t]=new f(t,1,!1,t.toLowerCase(),null,!1,!1)})),g.xlinkHref=new f("xlinkHref",1,!1,"xlink:href","http://www.w3.org/1999/xlink",!0,!1),["src","href","action","formAction"].forEach((function(t){g[t]=new f(t,1,!1,t.toLowerCase(),null,!0,!0)}));var v=r.__SECRET_INTERNALS_DO_NOT_USE_OR_YOU_WILL_BE_FIRED,x=60103,B=60106,k=60107,w=60108,y=60114,E=60109,$=60110,D=60112,F=60113,S=60120,M=60115,I=60116,z=60121,T=60128,N=60129,j=60130,L=60131;if("function"==typeof Symbol&&Symbol.for){var O=Symbol.for;x=O("react.element"),B=O("react.portal"),k=O("react.fragment"),w=O("react.strict_mode"),y=O("react.profiler"),E=O("react.provider"),$=O("react.context"),D=O("react.forward_ref"),F=O("react.suspense"),S=O("react.suspense_list"),M=O("react.memo"),I=O("react.lazy"),z=O("react.block"),O("react.scope"),T=O("react.opaque.id"),N=O("react.debug_trace_mode"),j=O("react.offscreen"),L=O("react.legacy_hidden")}var R,U="function"==typeof Symbol&&Symbol.iterator;function P(t){return null===t||"object"!=typeof t?null:"function"==typeof(t=U&&t[U]||t["@@iterator"])?t:null}function G(t){if(void 0===R)try{throw Error()}catch(t){var e=t.stack.trim().match(/\n( *(at )?)/);R=e&&e[1]||""}return"\n"+R+t}var q=!1;function W(t,e){if(!t||q)return"";q=!0;var n=Error.prepareStackTrace;Error.prepareStackTrace=void 0;try{if(e)if(e=function(){throw Error()},Object.defineProperty(e.prototype,"props",{set:function(){throw Error()}}),"object"==typeof Reflect&&Reflect.construct){try{Reflect.construct(e,[])}catch(t){var r=t}Reflect.construct(t,[],e)}else{try{e.call()}catch(t){r=t}t.call(e.prototype)}else{try{throw Error()}catch(t){r=t}t()}}catch(t){if(t&&r&&"string"==typeof t.stack){for(var i=t.stack.split("\n"),o=r.stack.split("\n"),a=i.length-1,l=o.length-1;1<=a&&0<=l&&i[a]!==o[l];)l--;for(;1<=a&&0<=l;a--,l--)if(i[a]!==o[l]){if(1!==a||1!==l)do{if(a--,0>--l||i[a]!==o[l])return"\n"+i[a].replace(" at new "," at ")}while(1<=a&&0<=l);break}}}finally{q=!1,Error.prepareStackTrace=n}return(t=t?t.displayName||t.name:"")?G(t):""}function H(t){switch(t.tag){case 5:return G(t.type);case 16:return G("Lazy");case 13:return G("Suspense");case 19:return G("SuspenseList");case 0:case 2:case 15:return W(t.type,!1);case 11:return W(t.type.render,!1);case 22:return W(t.type._render,!1);case 1:return W(t.type,!0);default:return""}}function Y(t){if(null==t)return null;if("function"==typeof t)return t.displayName||t.name||null;if("string"==typeof t)return t;switch(t){case k:return"Fragment";case B:return"Portal";case y:return"Profiler";case w:return"StrictMode";case F:return"Suspense";case S:return"SuspenseList"}if("object"==typeof t)switch(t.$$typeof){case $:return(t.displayName||"Context")+".Consumer";case E:return(t._context.displayName||"Context")+".Provider";case D:var e=t.render;return e=e.displayName||e.name||"",t.displayName||(""!==e?"ForwardRef("+e+")":"ForwardRef");case M:return Y(t.type);case z:return Y(t._render);case I:e=t._payload,t=t._init;try{return Y(t(e))}catch(t){}}return null}function J(t){switch(typeof t){case"boolean":case"number":case"object":case"string":case"undefined":return t;default:return""}}function Q(t){var e=t.type;return(t=t.nodeName)&&"input"===t.toLowerCase()&&("checkbox"===e||"radio"===e)}function X(t){t._valueTracker||(t._valueTracker=function(t){var e=Q(t)?"checked":"value",n=Object.getOwnPropertyDescriptor(t.constructor.prototype,e),r=""+t[e];if(!t.hasOwnProperty(e)&&void 0!==n&&"function"==typeof n.get&&"function"==typeof n.set){var i=n.get,o=n.set;return Object.defineProperty(t,e,{configurable:!0,get:function(){return i.call(this)},set:function(t){r=""+t,o.call(this,t)}}),Object.defineProperty(t,e,{enumerable:n.enumerable}),{getValue:function(){return r},setValue:function(t){r=""+t},stopTracking:function(){t._valueTracker=null,delete t[e]}}}}(t))}function K(t){if(!t)return!1;var e=t._valueTracker;if(!e)return!0;var n=e.getValue(),r="";return t&&(r=Q(t)?t.checked?"true":"false":t.value),(t=r)!==n&&(e.setValue(t),!0)}function V(t){if(void 0===(t=t||("undefined"!=typeof document?document:void 0)))return null;try{return t.activeElement||t.body}catch(e){return t.body}}function Z(t,e){var n=e.checked;return i({},e,{defaultChecked:void 0,defaultValue:void 0,value:void 0,checked:null!=n?n:t._wrapperState.initialChecked})}function tt(t,e){var n=null==e.defaultValue?"":e.defaultValue,r=null!=e.checked?e.checked:e.defaultChecked;n=J(null!=e.value?e.value:n),t._wrapperState={initialChecked:r,initialValue:n,controlled:"checkbox"===e.type||"radio"===e.type?null!=e.checked:null!=e.value}}function et(t,e){null!=(e=e.checked)&&_(t,"checked",e,!1)}function nt(t,e){et(t,e);var n=J(e.value),r=e.type;if(null!=n)"number"===r?(0===n&&""===t.value||t.value!=n)&&(t.value=""+n):t.value!==""+n&&(t.value=""+n);else if("submit"===r||"reset"===r)return void t.removeAttribute("value");e.hasOwnProperty("value")?it(t,e.type,n):e.hasOwnProperty("defaultValue")&&it(t,e.type,J(e.defaultValue)),null==e.checked&&null!=e.defaultChecked&&(t.defaultChecked=!!e.defaultChecked)}function rt(t,e,n){if(e.hasOwnProperty("value")||e.hasOwnProperty("defaultValue")){var r=e.type;if(!("submit"!==r&&"reset"!==r||void 0!==e.value&&null!==e.value))return;e=""+t._wrapperState.initialValue,n||e===t.value||(t.value=e),t.defaultValue=e}""!==(n=t.name)&&(t.name=""),t.defaultChecked=!!t._wrapperState.initialChecked,""!==n&&(t.name=n)}function it(t,e,n){"number"===e&&V(t.ownerDocument)===t||(null==n?t.defaultValue=""+t._wrapperState.initialValue:t.defaultValue!==""+n&&(t.defaultValue=""+n))}function ot(t,e){return t=i({children:void 0},e),(e=function(t){var e="";return r.Children.forEach(t,(function(t){null!=t&&(e+=t)})),e}(e.children))&&(t.children=e),t}function at(t,e,n,r){if(t=t.options,e){e={};for(var i=0;i<n.length;i++)e["$"+n[i]]=!0;for(n=0;n<t.length;n++)i=e.hasOwnProperty("$"+t[n].value),t[n].selected!==i&&(t[n].selected=i),i&&r&&(t[n].defaultSelected=!0)}else{for(n=""+J(n),e=null,i=0;i<t.length;i++){if(t[i].value===n)return t[i].selected=!0,void(r&&(t[i].defaultSelected=!0));null!==e||t[i].disabled||(e=t[i])}null!==e&&(e.selected=!0)}}function lt(t,e){if(null!=e.dangerouslySetInnerHTML)throw Error(a(91));return i({},e,{value:void 0,defaultValue:void 0,children:""+t._wrapperState.initialValue})}function ht(t,e){var n=e.value;if(null==n){if(n=e.children,e=e.defaultValue,null!=n){if(null!=e)throw Error(a(92));if(Array.isArray(n)){if(!(1>=n.length))throw Error(a(93));n=n[0]}e=n}null==e&&(e=""),n=e}t._wrapperState={initialValue:J(n)}}function st(t,e){var n=J(e.value),r=J(e.defaultValue);null!=n&&((n=""+n)!==t.value&&(t.value=n),null==e.defaultValue&&t.defaultValue!==n&&(t.defaultValue=n)),null!=r&&(t.defaultValue=""+r)}function At(t){var e=t.textContent;e===t._wrapperState.initialValue&&""!==e&&null!==e&&(t.value=e)}var dt="http://www.w3.org/1999/xhtml";function ct(t){switch(t){case"svg":return"http://www.w3.org/2000/svg";case"math":return"http://www.w3.org/1998/Math/MathML";default:return"http://www.w3.org/1999/xhtml"}}function ut(t,e){return null==t||"http://www.w3.org/1999/xhtml"===t?ct(e):"http://www.w3.org/2000/svg"===t&&"foreignObject"===e?"http://www.w3.org/1999/xhtml":t}var pt,mt,ft=(mt=function(t,e){if("http://www.w3.org/2000/svg"!==t.namespaceURI||"innerHTML"in t)t.innerHTML=e;else{for((pt=pt||document.createElement("div")).innerHTML="<svg>"+e.valueOf().toString()+"</svg>",e=pt.firstChild;t.firstChild;)t.removeChild(t.firstChild);for(;e.firstChild;)t.appendChild(e.firstChild)}},"undefined"!=typeof MSApp&&MSApp.execUnsafeLocalFunction?function(t,e,n,r){MSApp.execUnsafeLocalFunction((function(){return mt(t,e)}))}:mt);function gt(t,e){if(e){var n=t.firstChild;if(n&&n===t.lastChild&&3===n.nodeType)return void(n.nodeValue=e)}t.textContent=e}var Ct={animationIterationCount:!0,borderImageOutset:!0,borderImageSlice:!0,borderImageWidth:!0,boxFlex:!0,boxFlexGroup:!0,boxOrdinalGroup:!0,columnCount:!0,columns:!0,flex:!0,flexGrow:!0,flexPositive:!0,flexShrink:!0,flexNegative:!0,flexOrder:!0,gridArea:!0,gridRow:!0,gridRowEnd:!0,gridRowSpan:!0,gridRowStart:!0,gridColumn:!0,gridColumnEnd:!0,gridColumnSpan:!0,gridColumnStart:!0,fontWeight:!0,lineClamp:!0,lineHeight:!0,opacity:!0,order:!0,orphans:!0,tabSize:!0,widows:!0,zIndex:!0,zoom:!0,fillOpacity:!0,floodOpacity:!0,stopOpacity:!0,strokeDasharray:!0,strokeDashoffset:!0,strokeMiterlimit:!0,strokeOpacity:!0,strokeWidth:!0},bt=["Webkit","ms","Moz","O"];function _t(t,e,n){return null==e||"boolean"==typeof e||""===e?"":n||"number"!=typeof e||0===e||Ct.hasOwnProperty(t)&&Ct[t]?(""+e).trim():e+"px"}function vt(t,e){for(var n in t=t.style,e)if(e.hasOwnProperty(n)){var r=0===n.indexOf("--"),i=_t(n,e[n],r);"float"===n&&(n="cssFloat"),r?t.setProperty(n,i):t[n]=i}}Object.keys(Ct).forEach((function(t){bt.forEach((function(e){e=e+t.charAt(0).toUpperCase()+t.substring(1),Ct[e]=Ct[t]}))}));var xt=i({menuitem:!0},{area:!0,base:!0,br:!0,col:!0,embed:!0,hr:!0,img:!0,input:!0,keygen:!0,link:!0,meta:!0,param:!0,source:!0,track:!0,wbr:!0});function Bt(t,e){if(e){if(xt[t]&&(null!=e.children||null!=e.dangerouslySetInnerHTML))throw Error(a(137,t));if(null!=e.dangerouslySetInnerHTML){if(null!=e.children)throw Error(a(60));if("object"!=typeof e.dangerouslySetInnerHTML||!("__html"in e.dangerouslySetInnerHTML))throw Error(a(61))}if(null!=e.style&&"object"!=typeof e.style)throw Error(a(62))}}function kt(t,e){if(-1===t.indexOf("-"))return"string"==typeof e.is;switch(t){case"annotation-xml":case"color-profile":case"font-face":case"font-face-src":case"font-face-uri":case"font-face-format":case"font-face-name":case"missing-glyph":return!1;default:return!0}}function wt(t){return(t=t.target||t.srcElement||window).correspondingUseElement&&(t=t.correspondingUseElement),3===t.nodeType?t.parentNode:t}var yt=null,Et=null,$t=null;function Dt(t){if(t=Zr(t)){if("function"!=typeof yt)throw Error(a(280));var e=t.stateNode;e&&(e=ei(e),yt(t.stateNode,t.type,e))}}function Ft(t){Et?$t?$t.push(t):$t=[t]:Et=t}function St(){if(Et){var t=Et,e=$t;if($t=Et=null,Dt(t),e)for(t=0;t<e.length;t++)Dt(e[t])}}function Mt(t,e){return t(e)}function It(t,e,n,r,i){return t(e,n,r,i)}function zt(){}var Tt=Mt,Nt=!1,jt=!1;function Lt(){null===Et&&null===$t||(zt(),St())}function Ot(t,e){var n=t.stateNode;if(null===n)return null;var r=ei(n);if(null===r)return null;n=r[e];t:switch(e){case"onClick":case"onClickCapture":case"onDoubleClick":case"onDoubleClickCapture":case"onMouseDown":case"onMouseDownCapture":case"onMouseMove":case"onMouseMoveCapture":case"onMouseUp":case"onMouseUpCapture":case"onMouseEnter":(r=!r.disabled)||(r=!("button"===(t=t.type)||"input"===t||"select"===t||"textarea"===t)),t=!r;break t;default:t=!1}if(t)return null;if(n&&"function"!=typeof n)throw Error(a(231,e,typeof n));return n}var Rt=!1;if(d)try{var Ut={};Object.defineProperty(Ut,"passive",{get:function(){Rt=!0}}),window.addEventListener("test",Ut,Ut),window.removeEventListener("test",Ut,Ut)}catch(mt){Rt=!1}function Pt(t,e,n,r,i,o,a,l,h){var s=Array.prototype.slice.call(arguments,3);try{e.apply(n,s)}catch(t){this.onError(t)}}var Gt=!1,qt=null,Wt=!1,Ht=null,Yt={onError:function(t){Gt=!0,qt=t}};function Jt(t,e,n,r,i,o,a,l,h){Gt=!1,qt=null,Pt.apply(Yt,arguments)}function Qt(t){var e=t,n=t;if(t.alternate)for(;e.return;)e=e.return;else{t=e;do{0!=(1026&(e=t).flags)&&(n=e.return),t=e.return}while(t)}return 3===e.tag?n:null}function Xt(t){if(13===t.tag){var e=t.memoizedState;if(null===e&&null!==(t=t.alternate)&&(e=t.memoizedState),null!==e)return e.dehydrated}return null}function Kt(t){if(Qt(t)!==t)throw Error(a(188))}function Vt(t){if(!(t=function(t){var e=t.alternate;if(!e){if(null===(e=Qt(t)))throw Error(a(188));return e!==t?null:t}for(var n=t,r=e;;){var i=n.return;if(null===i)break;var o=i.alternate;if(null===o){if(null!==(r=i.return)){n=r;continue}break}if(i.child===o.child){for(o=i.child;o;){if(o===n)return Kt(i),t;if(o===r)return Kt(i),e;o=o.sibling}throw Error(a(188))}if(n.return!==r.return)n=i,r=o;else{for(var l=!1,h=i.child;h;){if(h===n){l=!0,n=i,r=o;break}if(h===r){l=!0,r=i,n=o;break}h=h.sibling}if(!l){for(h=o.child;h;){if(h===n){l=!0,n=o,r=i;break}if(h===r){l=!0,r=o,n=i;break}h=h.sibling}if(!l)throw Error(a(189))}}if(n.alternate!==r)throw Error(a(190))}if(3!==n.tag)throw Error(a(188));return n.stateNode.current===n?t:e}(t)))return null;for(var e=t;;){if(5===e.tag||6===e.tag)return e;if(e.child)e.child.return=e,e=e.child;else{if(e===t)break;for(;!e.sibling;){if(!e.return||e.return===t)return null;e=e.return}e.sibling.return=e.return,e=e.sibling}}return null}function Zt(t,e){for(var n=t.alternate;null!==e;){if(e===t||e===n)return!0;e=e.return}return!1}var te,ee,ne,re,ie=!1,oe=[],ae=null,le=null,he=null,se=new Map,Ae=new Map,de=[],ce="mousedown mouseup touchcancel touchend touchstart auxclick dblclick pointercancel pointerdown pointerup dragend dragstart drop compositionend compositionstart keydown keypress keyup input textInput copy cut paste click change contextmenu reset submit".split(" ");function ue(t,e,n,r,i){return{blockedOn:t,domEventName:e,eventSystemFlags:16|n,nativeEvent:i,targetContainers:[r]}}function pe(t,e){switch(t){case"focusin":case"focusout":ae=null;break;case"dragenter":case"dragleave":le=null;break;case"mouseover":case"mouseout":he=null;break;case"pointerover":case"pointerout":se.delete(e.pointerId);break;case"gotpointercapture":case"lostpointercapture":Ae.delete(e.pointerId)}}function me(t,e,n,r,i,o){return null===t||t.nativeEvent!==o?(t=ue(e,n,r,i,o),null!==e&&null!==(e=Zr(e))&&ee(e),t):(t.eventSystemFlags|=r,e=t.targetContainers,null!==i&&-1===e.indexOf(i)&&e.push(i),t)}function fe(t){var e=Vr(t.target);if(null!==e){var n=Qt(e);if(null!==n)if(13===(e=n.tag)){if(null!==(e=Xt(n)))return t.blockedOn=e,void re(t.lanePriority,(function(){o.unstable_runWithPriority(t.priority,(function(){ne(n)}))}))}else if(3===e&&n.stateNode.hydrate)return void(t.blockedOn=3===n.tag?n.stateNode.containerInfo:null)}t.blockedOn=null}function ge(t){if(null!==t.blockedOn)return!1;for(var e=t.targetContainers;0<e.length;){var n=Ve(t.domEventName,t.eventSystemFlags,e[0],t.nativeEvent);if(null!==n)return null!==(e=Zr(n))&&ee(e),t.blockedOn=n,!1;e.shift()}return!0}function Ce(t,e,n){ge(t)&&n.delete(e)}function be(){for(ie=!1;0<oe.length;){var t=oe[0];if(null!==t.blockedOn){null!==(t=Zr(t.blockedOn))&&te(t);break}for(var e=t.targetContainers;0<e.length;){var n=Ve(t.domEventName,t.eventSystemFlags,e[0],t.nativeEvent);if(null!==n){t.blockedOn=n;break}e.shift()}null===t.blockedOn&&oe.shift()}null!==ae&&ge(ae)&&(ae=null),null!==le&&ge(le)&&(le=null),null!==he&&ge(he)&&(he=null),se.forEach(Ce),Ae.forEach(Ce)}function _e(t,e){t.blockedOn===e&&(t.blockedOn=null,ie||(ie=!0,o.unstable_scheduleCallback(o.unstable_NormalPriority,be)))}function ve(t){function e(e){return _e(e,t)}if(0<oe.length){_e(oe[0],t);for(var n=1;n<oe.length;n++){var r=oe[n];r.blockedOn===t&&(r.blockedOn=null)}}for(null!==ae&&_e(ae,t),null!==le&&_e(le,t),null!==he&&_e(he,t),se.forEach(e),Ae.forEach(e),n=0;n<de.length;n++)(r=de[n]).blockedOn===t&&(r.blockedOn=null);for(;0<de.length&&null===(n=de[0]).blockedOn;)fe(n),null===n.blockedOn&&de.shift()}function xe(t,e){var n={};return n[t.toLowerCase()]=e.toLowerCase(),n["Webkit"+t]="webkit"+e,n["Moz"+t]="moz"+e,n}var Be={animationend:xe("Animation","AnimationEnd"),animationiteration:xe("Animation","AnimationIteration"),animationstart:xe("Animation","AnimationStart"),transitionend:xe("Transition","TransitionEnd")},ke={},we={};function ye(t){if(ke[t])return ke[t];if(!Be[t])return t;var e,n=Be[t];for(e in n)if(n.hasOwnProperty(e)&&e in we)return ke[t]=n[e];return t}d&&(we=document.createElement("div").style,"AnimationEvent"in window||(delete Be.animationend.animation,delete Be.animationiteration.animation,delete Be.animationstart.animation),"TransitionEvent"in window||delete Be.transitionend.transition);var Ee=ye("animationend"),$e=ye("animationiteration"),De=ye("animationstart"),Fe=ye("transitionend"),Se=new Map,Me=new Map,Ie=["abort","abort",Ee,"animationEnd",$e,"animationIteration",De,"animationStart","canplay","canPlay","canplaythrough","canPlayThrough","durationchange","durationChange","emptied","emptied","encrypted","encrypted","ended","ended","error","error","gotpointercapture","gotPointerCapture","load","load","loadeddata","loadedData","loadedmetadata","loadedMetadata","loadstart","loadStart","lostpointercapture","lostPointerCapture","playing","playing","progress","progress","seeking","seeking","stalled","stalled","suspend","suspend","timeupdate","timeUpdate",Fe,"transitionEnd","waiting","waiting"];function ze(t,e){for(var n=0;n<t.length;n+=2){var r=t[n],i=t[n+1];i="on"+(i[0].toUpperCase()+i.slice(1)),Me.set(r,e),Se.set(r,i),s(i,[r])}}(0,o.unstable_now)();var Te=8;function Ne(t){if(0!=(1&t))return Te=15,1;if(0!=(2&t))return Te=14,2;if(0!=(4&t))return Te=13,4;var e=24&t;return 0!==e?(Te=12,e):0!=(32&t)?(Te=11,32):0!=(e=192&t)?(Te=10,e):0!=(256&t)?(Te=9,256):0!=(e=3584&t)?(Te=8,e):0!=(4096&t)?(Te=7,4096):0!=(e=4186112&t)?(Te=6,e):0!=(e=62914560&t)?(Te=5,e):67108864&t?(Te=4,67108864):0!=(134217728&t)?(Te=3,134217728):0!=(e=805306368&t)?(Te=2,e):0!=(1073741824&t)?(Te=1,1073741824):(Te=8,t)}function je(t,e){var n=t.pendingLanes;if(0===n)return Te=0;var r=0,i=0,o=t.expiredLanes,a=t.suspendedLanes,l=t.pingedLanes;if(0!==o)r=o,i=Te=15;else if(0!=(o=134217727&n)){var h=o&~a;0!==h?(r=Ne(h),i=Te):0!=(l&=o)&&(r=Ne(l),i=Te)}else 0!=(o=n&~a)?(r=Ne(o),i=Te):0!==l&&(r=Ne(l),i=Te);if(0===r)return 0;if(r=n&((0>(r=31-Ge(r))?0:1<<r)<<1)-1,0!==e&&e!==r&&0==(e&a)){if(Ne(e),i<=Te)return e;Te=i}if(0!==(e=t.entangledLanes))for(t=t.entanglements,e&=r;0<e;)i=1<<(n=31-Ge(e)),r|=t[n],e&=~i;return r}function Le(t){return 0!=(t=-1073741825&t.pendingLanes)?t:1073741824&t?1073741824:0}function Oe(t,e){switch(t){case 15:return 1;case 14:return 2;case 12:return 0===(t=Re(24&~e))?Oe(10,e):t;case 10:return 0===(t=Re(192&~e))?Oe(8,e):t;case 8:return 0===(t=Re(3584&~e))&&0===(t=Re(4186112&~e))&&(t=512),t;case 2:return 0===(e=Re(805306368&~e))&&(e=268435456),e}throw Error(a(358,t))}function Re(t){return t&-t}function Ue(t){for(var e=[],n=0;31>n;n++)e.push(t);return e}function Pe(t,e,n){t.pendingLanes|=e;var r=e-1;t.suspendedLanes&=r,t.pingedLanes&=r,(t=t.eventTimes)[e=31-Ge(e)]=n}var Ge=Math.clz32?Math.clz32:function(t){return 0===t?32:31-(qe(t)/We|0)|0},qe=Math.log,We=Math.LN2,He=o.unstable_UserBlockingPriority,Ye=o.unstable_runWithPriority,Je=!0;function Qe(t,e,n,r){Nt||zt();var i=Ke,o=Nt;Nt=!0;try{It(i,t,e,n,r)}finally{(Nt=o)||Lt()}}function Xe(t,e,n,r){Ye(He,Ke.bind(null,t,e,n,r))}function Ke(t,e,n,r){var i;if(Je)if((i=0==(4&e))&&0<oe.length&&-1<ce.indexOf(t))t=ue(null,t,e,n,r),oe.push(t);else{var o=Ve(t,e,n,r);if(null===o)i&&pe(t,r);else{if(i){if(-1<ce.indexOf(t))return t=ue(o,t,e,n,r),void oe.push(t);if(function(t,e,n,r,i){switch(e){case"focusin":return ae=me(ae,t,e,n,r,i),!0;case"dragenter":return le=me(le,t,e,n,r,i),!0;case"mouseover":return he=me(he,t,e,n,r,i),!0;case"pointerover":var o=i.pointerId;return se.set(o,me(se.get(o)||null,t,e,n,r,i)),!0;case"gotpointercapture":return o=i.pointerId,Ae.set(o,me(Ae.get(o)||null,t,e,n,r,i)),!0}return!1}(o,t,e,n,r))return;pe(t,r)}Sr(t,e,r,null,n)}}}function Ve(t,e,n,r){var i=wt(r);if(null!==(i=Vr(i))){var o=Qt(i);if(null===o)i=null;else{var a=o.tag;if(13===a){if(null!==(i=Xt(o)))return i;i=null}else if(3===a){if(o.stateNode.hydrate)return 3===o.tag?o.stateNode.containerInfo:null;i=null}else o!==i&&(i=null)}}return Sr(t,e,r,i,n),null}var Ze=null,tn=null,en=null;function nn(){if(en)return en;var t,e,n=tn,r=n.length,i="value"in Ze?Ze.value:Ze.textContent,o=i.length;for(t=0;t<r&&n[t]===i[t];t++);var a=r-t;for(e=1;e<=a&&n[r-e]===i[o-e];e++);return en=i.slice(t,1<e?1-e:void 0)}function rn(t){var e=t.keyCode;return"charCode"in t?0===(t=t.charCode)&&13===e&&(t=13):t=e,10===t&&(t=13),32<=t||13===t?t:0}function on(){return!0}function an(){return!1}function ln(t){function e(e,n,r,i,o){for(var a in this._reactName=e,this._targetInst=r,this.type=n,this.nativeEvent=i,this.target=o,this.currentTarget=null,t)t.hasOwnProperty(a)&&(e=t[a],this[a]=e?e(i):i[a]);return this.isDefaultPrevented=(null!=i.defaultPrevented?i.defaultPrevented:!1===i.returnValue)?on:an,this.isPropagationStopped=an,this}return i(e.prototype,{preventDefault:function(){this.defaultPrevented=!0;var t=this.nativeEvent;t&&(t.preventDefault?t.preventDefault():"unknown"!=typeof t.returnValue&&(t.returnValue=!1),this.isDefaultPrevented=on)},stopPropagation:function(){var t=this.nativeEvent;t&&(t.stopPropagation?t.stopPropagation():"unknown"!=typeof t.cancelBubble&&(t.cancelBubble=!0),this.isPropagationStopped=on)},persist:function(){},isPersistent:on}),e}var hn,sn,An,dn={eventPhase:0,bubbles:0,cancelable:0,timeStamp:function(t){return t.timeStamp||Date.now()},defaultPrevented:0,isTrusted:0},cn=ln(dn),un=i({},dn,{view:0,detail:0}),pn=ln(un),mn=i({},un,{screenX:0,screenY:0,clientX:0,clientY:0,pageX:0,pageY:0,ctrlKey:0,shiftKey:0,altKey:0,metaKey:0,getModifierState:yn,button:0,buttons:0,relatedTarget:function(t){return void 0===t.relatedTarget?t.fromElement===t.srcElement?t.toElement:t.fromElement:t.relatedTarget},movementX:function(t){return"movementX"in t?t.movementX:(t!==An&&(An&&"mousemove"===t.type?(hn=t.screenX-An.screenX,sn=t.screenY-An.screenY):sn=hn=0,An=t),hn)},movementY:function(t){return"movementY"in t?t.movementY:sn}}),fn=ln(mn),gn=ln(i({},mn,{dataTransfer:0})),Cn=ln(i({},un,{relatedTarget:0})),bn=ln(i({},dn,{animationName:0,elapsedTime:0,pseudoElement:0})),_n=ln(i({},dn,{clipboardData:function(t){return"clipboardData"in t?t.clipboardData:window.clipboardData}})),vn=ln(i({},dn,{data:0})),xn={Esc:"Escape",Spacebar:" ",Left:"ArrowLeft",Up:"ArrowUp",Right:"ArrowRight",Down:"ArrowDown",Del:"Delete",Win:"OS",Menu:"ContextMenu",Apps:"ContextMenu",Scroll:"ScrollLock",MozPrintableKey:"Unidentified"},Bn={8:"Backspace",9:"Tab",12:"Clear",13:"Enter",16:"Shift",17:"Control",18:"Alt",19:"Pause",20:"CapsLock",27:"Escape",32:" ",33:"PageUp",34:"PageDown",35:"End",36:"Home",37:"ArrowLeft",38:"ArrowUp",39:"ArrowRight",40:"ArrowDown",45:"Insert",46:"Delete",112:"F1",113:"F2",114:"F3",115:"F4",116:"F5",117:"F6",118:"F7",119:"F8",120:"F9",121:"F10",122:"F11",123:"F12",144:"NumLock",145:"ScrollLock",224:"Meta"},kn={Alt:"altKey",Control:"ctrlKey",Meta:"metaKey",Shift:"shiftKey"};function wn(t){var e=this.nativeEvent;return e.getModifierState?e.getModifierState(t):!!(t=kn[t])&&!!e[t]}function yn(){return wn}var En=ln(i({},un,{key:function(t){if(t.key){var e=xn[t.key]||t.key;if("Unidentified"!==e)return e}return"keypress"===t.type?13===(t=rn(t))?"Enter":String.fromCharCode(t):"keydown"===t.type||"keyup"===t.type?Bn[t.keyCode]||"Unidentified":""},code:0,location:0,ctrlKey:0,shiftKey:0,altKey:0,metaKey:0,repeat:0,locale:0,getModifierState:yn,charCode:function(t){return"keypress"===t.type?rn(t):0},keyCode:function(t){return"keydown"===t.type||"keyup"===t.type?t.keyCode:0},which:function(t){return"keypress"===t.type?rn(t):"keydown"===t.type||"keyup"===t.type?t.keyCode:0}})),$n=ln(i({},mn,{pointerId:0,width:0,height:0,pressure:0,tangentialPressure:0,tiltX:0,tiltY:0,twist:0,pointerType:0,isPrimary:0})),Dn=ln(i({},un,{touches:0,targetTouches:0,changedTouches:0,altKey:0,metaKey:0,ctrlKey:0,shiftKey:0,getModifierState:yn})),Fn=ln(i({},dn,{propertyName:0,elapsedTime:0,pseudoElement:0})),Sn=ln(i({},mn,{deltaX:function(t){return"deltaX"in t?t.deltaX:"wheelDeltaX"in t?-t.wheelDeltaX:0},deltaY:function(t){return"deltaY"in t?t.deltaY:"wheelDeltaY"in t?-t.wheelDeltaY:"wheelDelta"in t?-t.wheelDelta:0},deltaZ:0,deltaMode:0})),Mn=[9,13,27,32],In=d&&"CompositionEvent"in window,zn=null;d&&"documentMode"in document&&(zn=document.documentMode);var Tn=d&&"TextEvent"in window&&!zn,Nn=d&&(!In||zn&&8<zn&&11>=zn),jn=String.fromCharCode(32),Ln=!1;function On(t,e){switch(t){case"keyup":return-1!==Mn.indexOf(e.keyCode);case"keydown":return 229!==e.keyCode;case"keypress":case"mousedown":case"focusout":return!0;default:return!1}}function Rn(t){return"object"==typeof(t=t.detail)&&"data"in t?t.data:null}var Un=!1,Pn={color:!0,date:!0,datetime:!0,"datetime-local":!0,email:!0,month:!0,number:!0,password:!0,range:!0,search:!0,tel:!0,text:!0,time:!0,url:!0,week:!0};function Gn(t){var e=t&&t.nodeName&&t.nodeName.toLowerCase();return"input"===e?!!Pn[t.type]:"textarea"===e}function qn(t,e,n,r){Ft(r),0<(e=Ir(e,"onChange")).length&&(n=new cn("onChange","change",null,n,r),t.push({event:n,listeners:e}))}var Wn=null,Hn=null;function Yn(t){wr(t,0)}function Jn(t){if(K(ti(t)))return t}function Qn(t,e){if("change"===t)return e}var Xn=!1;if(d){var Kn;if(d){var Vn="oninput"in document;if(!Vn){var Zn=document.createElement("div");Zn.setAttribute("oninput","return;"),Vn="function"==typeof Zn.oninput}Kn=Vn}else Kn=!1;Xn=Kn&&(!document.documentMode||9<document.documentMode)}function tr(){Wn&&(Wn.detachEvent("onpropertychange",er),Hn=Wn=null)}function er(t){if("value"===t.propertyName&&Jn(Hn)){var e=[];if(qn(e,Hn,t,wt(t)),t=Yn,Nt)t(e);else{Nt=!0;try{Mt(t,e)}finally{Nt=!1,Lt()}}}}function nr(t,e,n){"focusin"===t?(tr(),Hn=n,(Wn=e).attachEvent("onpropertychange",er)):"focusout"===t&&tr()}function rr(t){if("selectionchange"===t||"keyup"===t||"keydown"===t)return Jn(Hn)}function ir(t,e){if("click"===t)return Jn(e)}function or(t,e){if("input"===t||"change"===t)return Jn(e)}var ar="function"==typeof Object.is?Object.is:function(t,e){return t===e&&(0!==t||1/t==1/e)||t!=t&&e!=e},lr=Object.prototype.hasOwnProperty;function hr(t,e){if(ar(t,e))return!0;if("object"!=typeof t||null===t||"object"!=typeof e||null===e)return!1;var n=Object.keys(t),r=Object.keys(e);if(n.length!==r.length)return!1;for(r=0;r<n.length;r++)if(!lr.call(e,n[r])||!ar(t[n[r]],e[n[r]]))return!1;return!0}function sr(t){for(;t&&t.firstChild;)t=t.firstChild;return t}function Ar(t,e){var n,r=sr(t);for(t=0;r;){if(3===r.nodeType){if(n=t+r.textContent.length,t<=e&&n>=e)return{node:r,offset:e-t};t=n}t:{for(;r;){if(r.nextSibling){r=r.nextSibling;break t}r=r.parentNode}r=void 0}r=sr(r)}}function dr(t,e){return!(!t||!e)&&(t===e||(!t||3!==t.nodeType)&&(e&&3===e.nodeType?dr(t,e.parentNode):"contains"in t?t.contains(e):!!t.compareDocumentPosition&&!!(16&t.compareDocumentPosition(e))))}function cr(){for(var t=window,e=V();e instanceof t.HTMLIFrameElement;){try{var n="string"==typeof e.contentWindow.location.href}catch(t){n=!1}if(!n)break;e=V((t=e.contentWindow).document)}return e}function ur(t){var e=t&&t.nodeName&&t.nodeName.toLowerCase();return e&&("input"===e&&("text"===t.type||"search"===t.type||"tel"===t.type||"url"===t.type||"password"===t.type)||"textarea"===e||"true"===t.contentEditable)}var pr=d&&"documentMode"in document&&11>=document.documentMode,mr=null,fr=null,gr=null,Cr=!1;function br(t,e,n){var r=n.window===n?n.document:9===n.nodeType?n:n.ownerDocument;Cr||null==mr||mr!==V(r)||(r="selectionStart"in(r=mr)&&ur(r)?{start:r.selectionStart,end:r.selectionEnd}:{anchorNode:(r=(r.ownerDocument&&r.ownerDocument.defaultView||window).getSelection()).anchorNode,anchorOffset:r.anchorOffset,focusNode:r.focusNode,focusOffset:r.focusOffset},gr&&hr(gr,r)||(gr=r,0<(r=Ir(fr,"onSelect")).length&&(e=new cn("onSelect","select",null,e,n),t.push({event:e,listeners:r}),e.target=mr)))}ze("cancel cancel click click close close contextmenu contextMenu copy copy cut cut auxclick auxClick dblclick doubleClick dragend dragEnd dragstart dragStart drop drop focusin focus focusout blur input input invalid invalid keydown keyDown keypress keyPress keyup keyUp mousedown mouseDown mouseup mouseUp paste paste pause pause play play pointercancel pointerCancel pointerdown pointerDown pointerup pointerUp ratechange rateChange reset reset seeked seeked submit submit touchcancel touchCancel touchend touchEnd touchstart touchStart volumechange volumeChange".split(" "),0),ze("drag drag dragenter dragEnter dragexit dragExit dragleave dragLeave dragover dragOver mousemove mouseMove mouseout mouseOut mouseover mouseOver pointermove pointerMove pointerout pointerOut pointerover pointerOver scroll scroll toggle toggle touchmove touchMove wheel wheel".split(" "),1),ze(Ie,2);for(var _r="change selectionchange textInput compositionstart compositionend compositionupdate".split(" "),vr=0;vr<_r.length;vr++)Me.set(_r[vr],0);A("onMouseEnter",["mouseout","mouseover"]),A("onMouseLeave",["mouseout","mouseover"]),A("onPointerEnter",["pointerout","pointerover"]),A("onPointerLeave",["pointerout","pointerover"]),s("onChange","change click focusin focusout input keydown keyup selectionchange".split(" ")),s("onSelect","focusout contextmenu dragend focusin keydown keyup mousedown mouseup selectionchange".split(" ")),s("onBeforeInput",["compositionend","keypress","textInput","paste"]),s("onCompositionEnd","compositionend focusout keydown keypress keyup mousedown".split(" ")),s("onCompositionStart","compositionstart focusout keydown keypress keyup mousedown".split(" ")),s("onCompositionUpdate","compositionupdate focusout keydown keypress keyup mousedown".split(" "));var xr="abort canplay canplaythrough durationchange emptied encrypted ended error loadeddata loadedmetadata loadstart pause play playing progress ratechange seeked seeking stalled suspend timeupdate volumechange waiting".split(" "),Br=new Set("cancel close invalid load scroll toggle".split(" ").concat(xr));function kr(t,e,n){var r=t.type||"unknown-event";t.currentTarget=n,function(t,e,n,r,i,o,l,h,s){if(Jt.apply(this,arguments),Gt){if(!Gt)throw Error(a(198));var A=qt;Gt=!1,qt=null,Wt||(Wt=!0,Ht=A)}}(r,e,void 0,t),t.currentTarget=null}function wr(t,e){e=0!=(4&e);for(var n=0;n<t.length;n++){var r=t[n],i=r.event;r=r.listeners;t:{var o=void 0;if(e)for(var a=r.length-1;0<=a;a--){var l=r[a],h=l.instance,s=l.currentTarget;if(l=l.listener,h!==o&&i.isPropagationStopped())break t;kr(i,l,s),o=h}else for(a=0;a<r.length;a++){if(h=(l=r[a]).instance,s=l.currentTarget,l=l.listener,h!==o&&i.isPropagationStopped())break t;kr(i,l,s),o=h}}}if(Wt)throw t=Ht,Wt=!1,Ht=null,t}function yr(t,e){var n=ni(e),r=t+"__bubble";n.has(r)||(Fr(e,t,2,!1),n.add(r))}var Er="_reactListening"+Math.random().toString(36).slice(2);function $r(t){t[Er]||(t[Er]=!0,l.forEach((function(e){Br.has(e)||Dr(e,!1,t,null),Dr(e,!0,t,null)})))}function Dr(t,e,n,r){var i=4<arguments.length&&void 0!==arguments[4]?arguments[4]:0,o=n;if("selectionchange"===t&&9!==n.nodeType&&(o=n.ownerDocument),null!==r&&!e&&Br.has(t)){if("scroll"!==t)return;i|=2,o=r}var a=ni(o),l=t+"__"+(e?"capture":"bubble");a.has(l)||(e&&(i|=4),Fr(o,t,i,e),a.add(l))}function Fr(t,e,n,r){var i=Me.get(e);switch(void 0===i?2:i){case 0:i=Qe;break;case 1:i=Xe;break;default:i=Ke}n=i.bind(null,e,n,t),i=void 0,!Rt||"touchstart"!==e&&"touchmove"!==e&&"wheel"!==e||(i=!0),r?void 0!==i?t.addEventListener(e,n,{capture:!0,passive:i}):t.addEventListener(e,n,!0):void 0!==i?t.addEventListener(e,n,{passive:i}):t.addEventListener(e,n,!1)}function Sr(t,e,n,r,i){var o=r;if(0==(1&e)&&0==(2&e)&&null!==r)t:for(;;){if(null===r)return;var a=r.tag;if(3===a||4===a){var l=r.stateNode.containerInfo;if(l===i||8===l.nodeType&&l.parentNode===i)break;if(4===a)for(a=r.return;null!==a;){var h=a.tag;if((3===h||4===h)&&((h=a.stateNode.containerInfo)===i||8===h.nodeType&&h.parentNode===i))return;a=a.return}for(;null!==l;){if(null===(a=Vr(l)))return;if(5===(h=a.tag)||6===h){r=o=a;continue t}l=l.parentNode}}r=r.return}!function(t,e,n){if(jt)return t();jt=!0;try{Tt(t,e,n)}finally{jt=!1,Lt()}}((function(){var r=o,i=wt(n),a=[];t:{var l=Se.get(t);if(void 0!==l){var h=cn,s=t;switch(t){case"keypress":if(0===rn(n))break t;case"keydown":case"keyup":h=En;break;case"focusin":s="focus",h=Cn;break;case"focusout":s="blur",h=Cn;break;case"beforeblur":case"afterblur":h=Cn;break;case"click":if(2===n.button)break t;case"auxclick":case"dblclick":case"mousedown":case"mousemove":case"mouseup":case"mouseout":case"mouseover":case"contextmenu":h=fn;break;case"drag":case"dragend":case"dragenter":case"dragexit":case"dragleave":case"dragover":case"dragstart":case"drop":h=gn;break;case"touchcancel":case"touchend":case"touchmove":case"touchstart":h=Dn;break;case Ee:case $e:case De:h=bn;break;case Fe:h=Fn;break;case"scroll":h=pn;break;case"wheel":h=Sn;break;case"copy":case"cut":case"paste":h=_n;break;case"gotpointercapture":case"lostpointercapture":case"pointercancel":case"pointerdown":case"pointermove":case"pointerout":case"pointerover":case"pointerup":h=$n}var A=0!=(4&e),d=!A&&"scroll"===t,c=A?null!==l?l+"Capture":null:l;A=[];for(var u,p=r;null!==p;){var m=(u=p).stateNode;if(5===u.tag&&null!==m&&(u=m,null!==c&&null!=(m=Ot(p,c))&&A.push(Mr(p,m,u))),d)break;p=p.return}0<A.length&&(l=new h(l,s,null,n,i),a.push({event:l,listeners:A}))}}if(0==(7&e)){if(h="mouseout"===t||"pointerout"===t,(!(l="mouseover"===t||"pointerover"===t)||0!=(16&e)||!(s=n.relatedTarget||n.fromElement)||!Vr(s)&&!s[Xr])&&(h||l)&&(l=i.window===i?i:(l=i.ownerDocument)?l.defaultView||l.parentWindow:window,h?(h=r,null!==(s=(s=n.relatedTarget||n.toElement)?Vr(s):null)&&(s!==(d=Qt(s))||5!==s.tag&&6!==s.tag)&&(s=null)):(h=null,s=r),h!==s)){if(A=fn,m="onMouseLeave",c="onMouseEnter",p="mouse","pointerout"!==t&&"pointerover"!==t||(A=$n,m="onPointerLeave",c="onPointerEnter",p="pointer"),d=null==h?l:ti(h),u=null==s?l:ti(s),(l=new A(m,p+"leave",h,n,i)).target=d,l.relatedTarget=u,m=null,Vr(i)===r&&((A=new A(c,p+"enter",s,n,i)).target=u,A.relatedTarget=d,m=A),d=m,h&&s)t:{for(c=s,p=0,u=A=h;u;u=zr(u))p++;for(u=0,m=c;m;m=zr(m))u++;for(;0<p-u;)A=zr(A),p--;for(;0<u-p;)c=zr(c),u--;for(;p--;){if(A===c||null!==c&&A===c.alternate)break t;A=zr(A),c=zr(c)}A=null}else A=null;null!==h&&Tr(a,l,h,A,!1),null!==s&&null!==d&&Tr(a,d,s,A,!0)}if("select"===(h=(l=r?ti(r):window).nodeName&&l.nodeName.toLowerCase())||"input"===h&&"file"===l.type)var f=Qn;else if(Gn(l))if(Xn)f=or;else{f=rr;var g=nr}else(h=l.nodeName)&&"input"===h.toLowerCase()&&("checkbox"===l.type||"radio"===l.type)&&(f=ir);switch(f&&(f=f(t,r))?qn(a,f,n,i):(g&&g(t,l,r),"focusout"===t&&(g=l._wrapperState)&&g.controlled&&"number"===l.type&&it(l,"number",l.value)),g=r?ti(r):window,t){case"focusin":(Gn(g)||"true"===g.contentEditable)&&(mr=g,fr=r,gr=null);break;case"focusout":gr=fr=mr=null;break;case"mousedown":Cr=!0;break;case"contextmenu":case"mouseup":case"dragend":Cr=!1,br(a,n,i);break;case"selectionchange":if(pr)break;case"keydown":case"keyup":br(a,n,i)}var C;if(In)t:{switch(t){case"compositionstart":var b="onCompositionStart";break t;case"compositionend":b="onCompositionEnd";break t;case"compositionupdate":b="onCompositionUpdate";break t}b=void 0}else Un?On(t,n)&&(b="onCompositionEnd"):"keydown"===t&&229===n.keyCode&&(b="onCompositionStart");b&&(Nn&&"ko"!==n.locale&&(Un||"onCompositionStart"!==b?"onCompositionEnd"===b&&Un&&(C=nn()):(tn="value"in(Ze=i)?Ze.value:Ze.textContent,Un=!0)),0<(g=Ir(r,b)).length&&(b=new vn(b,t,null,n,i),a.push({event:b,listeners:g}),(C||null!==(C=Rn(n)))&&(b.data=C))),(C=Tn?function(t,e){switch(t){case"compositionend":return Rn(e);case"keypress":return 32!==e.which?null:(Ln=!0,jn);case"textInput":return(t=e.data)===jn&&Ln?null:t;default:return null}}(t,n):function(t,e){if(Un)return"compositionend"===t||!In&&On(t,e)?(t=nn(),en=tn=Ze=null,Un=!1,t):null;switch(t){case"paste":return null;case"keypress":if(!(e.ctrlKey||e.altKey||e.metaKey)||e.ctrlKey&&e.altKey){if(e.char&&1<e.char.length)return e.char;if(e.which)return String.fromCharCode(e.which)}return null;case"compositionend":return Nn&&"ko"!==e.locale?null:e.data;default:return null}}(t,n))&&0<(r=Ir(r,"onBeforeInput")).length&&(i=new vn("onBeforeInput","beforeinput",null,n,i),a.push({event:i,listeners:r}),i.data=C)}wr(a,e)}))}function Mr(t,e,n){return{instance:t,listener:e,currentTarget:n}}function Ir(t,e){for(var n=e+"Capture",r=[];null!==t;){var i=t,o=i.stateNode;5===i.tag&&null!==o&&(i=o,null!=(o=Ot(t,n))&&r.unshift(Mr(t,o,i)),null!=(o=Ot(t,e))&&r.push(Mr(t,o,i))),t=t.return}return r}function zr(t){if(null===t)return null;do{t=t.return}while(t&&5!==t.tag);return t||null}function Tr(t,e,n,r,i){for(var o=e._reactName,a=[];null!==n&&n!==r;){var l=n,h=l.alternate,s=l.stateNode;if(null!==h&&h===r)break;5===l.tag&&null!==s&&(l=s,i?null!=(h=Ot(n,o))&&a.unshift(Mr(n,h,l)):i||null!=(h=Ot(n,o))&&a.push(Mr(n,h,l))),n=n.return}0!==a.length&&t.push({event:e,listeners:a})}function Nr(){}var jr=null,Lr=null;function Or(t,e){switch(t){case"button":case"input":case"select":case"textarea":return!!e.autoFocus}return!1}function Rr(t,e){return"textarea"===t||"option"===t||"noscript"===t||"string"==typeof e.children||"number"==typeof e.children||"object"==typeof e.dangerouslySetInnerHTML&&null!==e.dangerouslySetInnerHTML&&null!=e.dangerouslySetInnerHTML.__html}var Ur="function"==typeof setTimeout?setTimeout:void 0,Pr="function"==typeof clearTimeout?clearTimeout:void 0;function Gr(t){(1===t.nodeType||9===t.nodeType&&null!=(t=t.body))&&(t.textContent="")}function qr(t){for(;null!=t;t=t.nextSibling){var e=t.nodeType;if(1===e||3===e)break}return t}function Wr(t){t=t.previousSibling;for(var e=0;t;){if(8===t.nodeType){var n=t.data;if("$"===n||"$!"===n||"$?"===n){if(0===e)return t;e--}else"/$"===n&&e++}t=t.previousSibling}return null}var Hr=0,Yr=Math.random().toString(36).slice(2),Jr="__reactFiber$"+Yr,Qr="__reactProps$"+Yr,Xr="__reactContainer$"+Yr,Kr="__reactEvents$"+Yr;function Vr(t){var e=t[Jr];if(e)return e;for(var n=t.parentNode;n;){if(e=n[Xr]||n[Jr]){if(n=e.alternate,null!==e.child||null!==n&&null!==n.child)for(t=Wr(t);null!==t;){if(n=t[Jr])return n;t=Wr(t)}return e}n=(t=n).parentNode}return null}function Zr(t){return!(t=t[Jr]||t[Xr])||5!==t.tag&&6!==t.tag&&13!==t.tag&&3!==t.tag?null:t}function ti(t){if(5===t.tag||6===t.tag)return t.stateNode;throw Error(a(33))}function ei(t){return t[Qr]||null}function ni(t){var e=t[Kr];return void 0===e&&(e=t[Kr]=new Set),e}var ri=[],ii=-1;function oi(t){return{current:t}}function ai(t){0>ii||(t.current=ri[ii],ri[ii]=null,ii--)}function li(t,e){ii++,ri[ii]=t.current,t.current=e}var hi={},si=oi(hi),Ai=oi(!1),di=hi;function ci(t,e){var n=t.type.contextTypes;if(!n)return hi;var r=t.stateNode;if(r&&r.__reactInternalMemoizedUnmaskedChildContext===e)return r.__reactInternalMemoizedMaskedChildContext;var i,o={};for(i in n)o[i]=e[i];return r&&((t=t.stateNode).__reactInternalMemoizedUnmaskedChildContext=e,t.__reactInternalMemoizedMaskedChildContext=o),o}function ui(t){return null!=t.childContextTypes}function pi(){ai(Ai),ai(si)}function mi(t,e,n){if(si.current!==hi)throw Error(a(168));li(si,e),li(Ai,n)}function fi(t,e,n){var r=t.stateNode;if(t=e.childContextTypes,"function"!=typeof r.getChildContext)return n;for(var o in r=r.getChildContext())if(!(o in t))throw Error(a(108,Y(e)||"Unknown",o));return i({},n,r)}function gi(t){return t=(t=t.stateNode)&&t.__reactInternalMemoizedMergedChildContext||hi,di=si.current,li(si,t),li(Ai,Ai.current),!0}function Ci(t,e,n){var r=t.stateNode;if(!r)throw Error(a(169));n?(t=fi(t,e,di),r.__reactInternalMemoizedMergedChildContext=t,ai(Ai),ai(si),li(si,t)):ai(Ai),li(Ai,n)}var bi=null,_i=null,vi=o.unstable_runWithPriority,xi=o.unstable_scheduleCallback,Bi=o.unstable_cancelCallback,ki=o.unstable_shouldYield,wi=o.unstable_requestPaint,yi=o.unstable_now,Ei=o.unstable_getCurrentPriorityLevel,$i=o.unstable_ImmediatePriority,Di=o.unstable_UserBlockingPriority,Fi=o.unstable_NormalPriority,Si=o.unstable_LowPriority,Mi=o.unstable_IdlePriority,Ii={},zi=void 0!==wi?wi:function(){},Ti=null,Ni=null,ji=!1,Li=yi(),Oi=1e4>Li?yi:function(){return yi()-Li};function Ri(){switch(Ei()){case $i:return 99;case Di:return 98;case Fi:return 97;case Si:return 96;case Mi:return 95;default:throw Error(a(332))}}function Ui(t){switch(t){case 99:return $i;case 98:return Di;case 97:return Fi;case 96:return Si;case 95:return Mi;default:throw Error(a(332))}}function Pi(t,e){return t=Ui(t),vi(t,e)}function Gi(t,e,n){return t=Ui(t),xi(t,e,n)}function qi(){if(null!==Ni){var t=Ni;Ni=null,Bi(t)}Wi()}function Wi(){if(!ji&&null!==Ti){ji=!0;var t=0;try{var e=Ti;Pi(99,(function(){for(;t<e.length;t++){var n=e[t];do{n=n(!0)}while(null!==n)}})),Ti=null}catch(e){throw null!==Ti&&(Ti=Ti.slice(t+1)),xi($i,qi),e}finally{ji=!1}}}var Hi=v.ReactCurrentBatchConfig;function Yi(t,e){if(t&&t.defaultProps){for(var n in e=i({},e),t=t.defaultProps)void 0===e[n]&&(e[n]=t[n]);return e}return e}var Ji=oi(null),Qi=null,Xi=null,Ki=null;function Vi(){Ki=Xi=Qi=null}function Zi(t){var e=Ji.current;ai(Ji),t.type._context._currentValue=e}function to(t,e){for(;null!==t;){var n=t.alternate;if((t.childLanes&e)===e){if(null===n||(n.childLanes&e)===e)break;n.childLanes|=e}else t.childLanes|=e,null!==n&&(n.childLanes|=e);t=t.return}}function eo(t,e){Qi=t,Ki=Xi=null,null!==(t=t.dependencies)&&null!==t.firstContext&&(0!=(t.lanes&e)&&(Ia=!0),t.firstContext=null)}function no(t,e){if(Ki!==t&&!1!==e&&0!==e)if("number"==typeof e&&1073741823!==e||(Ki=t,e=1073741823),e={context:t,observedBits:e,next:null},null===Xi){if(null===Qi)throw Error(a(308));Xi=e,Qi.dependencies={lanes:0,firstContext:e,responders:null}}else Xi=Xi.next=e;return t._currentValue}var ro=!1;function io(t){t.updateQueue={baseState:t.memoizedState,firstBaseUpdate:null,lastBaseUpdate:null,shared:{pending:null},effects:null}}function oo(t,e){t=t.updateQueue,e.updateQueue===t&&(e.updateQueue={baseState:t.baseState,firstBaseUpdate:t.firstBaseUpdate,lastBaseUpdate:t.lastBaseUpdate,shared:t.shared,effects:t.effects})}function ao(t,e){return{eventTime:t,lane:e,tag:0,payload:null,callback:null,next:null}}function lo(t,e){if(null!==(t=t.updateQueue)){var n=(t=t.shared).pending;null===n?e.next=e:(e.next=n.next,n.next=e),t.pending=e}}function ho(t,e){var n=t.updateQueue,r=t.alternate;if(null!==r&&n===(r=r.updateQueue)){var i=null,o=null;if(null!==(n=n.firstBaseUpdate)){do{var a={eventTime:n.eventTime,lane:n.lane,tag:n.tag,payload:n.payload,callback:n.callback,next:null};null===o?i=o=a:o=o.next=a,n=n.next}while(null!==n);null===o?i=o=e:o=o.next=e}else i=o=e;return n={baseState:r.baseState,firstBaseUpdate:i,lastBaseUpdate:o,shared:r.shared,effects:r.effects},void(t.updateQueue=n)}null===(t=n.lastBaseUpdate)?n.firstBaseUpdate=e:t.next=e,n.lastBaseUpdate=e}function so(t,e,n,r){var o=t.updateQueue;ro=!1;var a=o.firstBaseUpdate,l=o.lastBaseUpdate,h=o.shared.pending;if(null!==h){o.shared.pending=null;var s=h,A=s.next;s.next=null,null===l?a=A:l.next=A,l=s;var d=t.alternate;if(null!==d){var c=(d=d.updateQueue).lastBaseUpdate;c!==l&&(null===c?d.firstBaseUpdate=A:c.next=A,d.lastBaseUpdate=s)}}if(null!==a){for(c=o.baseState,l=0,d=A=s=null;;){h=a.lane;var u=a.eventTime;if((r&h)===h){null!==d&&(d=d.next={eventTime:u,lane:0,tag:a.tag,payload:a.payload,callback:a.callback,next:null});t:{var p=t,m=a;switch(h=e,u=n,m.tag){case 1:if("function"==typeof(p=m.payload)){c=p.call(u,c,h);break t}c=p;break t;case 3:p.flags=-4097&p.flags|64;case 0:if(null==(h="function"==typeof(p=m.payload)?p.call(u,c,h):p))break t;c=i({},c,h);break t;case 2:ro=!0}}null!==a.callback&&(t.flags|=32,null===(h=o.effects)?o.effects=[a]:h.push(a))}else u={eventTime:u,lane:h,tag:a.tag,payload:a.payload,callback:a.callback,next:null},null===d?(A=d=u,s=c):d=d.next=u,l|=h;if(null===(a=a.next)){if(null===(h=o.shared.pending))break;a=h.next,h.next=null,o.lastBaseUpdate=h,o.shared.pending=null}}null===d&&(s=c),o.baseState=s,o.firstBaseUpdate=A,o.lastBaseUpdate=d,Tl|=l,t.lanes=l,t.memoizedState=c}}function Ao(t,e,n){if(t=e.effects,e.effects=null,null!==t)for(e=0;e<t.length;e++){var r=t[e],i=r.callback;if(null!==i){if(r.callback=null,r=n,"function"!=typeof i)throw Error(a(191,i));i.call(r)}}}var co=(new r.Component).refs;function uo(t,e,n,r){n=null==(n=n(r,e=t.memoizedState))?e:i({},e,n),t.memoizedState=n,0===t.lanes&&(t.updateQueue.baseState=n)}var po={isMounted:function(t){return!!(t=t._reactInternals)&&Qt(t)===t},enqueueSetState:function(t,e,n){t=t._reactInternals;var r=ah(),i=lh(t),o=ao(r,i);o.payload=e,null!=n&&(o.callback=n),lo(t,o),hh(t,i,r)},enqueueReplaceState:function(t,e,n){t=t._reactInternals;var r=ah(),i=lh(t),o=ao(r,i);o.tag=1,o.payload=e,null!=n&&(o.callback=n),lo(t,o),hh(t,i,r)},enqueueForceUpdate:function(t,e){t=t._reactInternals;var n=ah(),r=lh(t),i=ao(n,r);i.tag=2,null!=e&&(i.callback=e),lo(t,i),hh(t,r,n)}};function mo(t,e,n,r,i,o,a){return"function"==typeof(t=t.stateNode).shouldComponentUpdate?t.shouldComponentUpdate(r,o,a):!(e.prototype&&e.prototype.isPureReactComponent&&hr(n,r)&&hr(i,o))}function fo(t,e,n){var r=!1,i=hi,o=e.contextType;return"object"==typeof o&&null!==o?o=no(o):(i=ui(e)?di:si.current,o=(r=null!=(r=e.contextTypes))?ci(t,i):hi),e=new e(n,o),t.memoizedState=null!==e.state&&void 0!==e.state?e.state:null,e.updater=po,t.stateNode=e,e._reactInternals=t,r&&((t=t.stateNode).__reactInternalMemoizedUnmaskedChildContext=i,t.__reactInternalMemoizedMaskedChildContext=o),e}function go(t,e,n,r){t=e.state,"function"==typeof e.componentWillReceiveProps&&e.componentWillReceiveProps(n,r),"function"==typeof e.UNSAFE_componentWillReceiveProps&&e.UNSAFE_componentWillReceiveProps(n,r),e.state!==t&&po.enqueueReplaceState(e,e.state,null)}function Co(t,e,n,r){var i=t.stateNode;i.props=n,i.state=t.memoizedState,i.refs=co,io(t);var o=e.contextType;"object"==typeof o&&null!==o?i.context=no(o):(o=ui(e)?di:si.current,i.context=ci(t,o)),so(t,n,i,r),i.state=t.memoizedState,"function"==typeof(o=e.getDerivedStateFromProps)&&(uo(t,e,o,n),i.state=t.memoizedState),"function"==typeof e.getDerivedStateFromProps||"function"==typeof i.getSnapshotBeforeUpdate||"function"!=typeof i.UNSAFE_componentWillMount&&"function"!=typeof i.componentWillMount||(e=i.state,"function"==typeof i.componentWillMount&&i.componentWillMount(),"function"==typeof i.UNSAFE_componentWillMount&&i.UNSAFE_componentWillMount(),e!==i.state&&po.enqueueReplaceState(i,i.state,null),so(t,n,i,r),i.state=t.memoizedState),"function"==typeof i.componentDidMount&&(t.flags|=4)}var bo=Array.isArray;function _o(t,e,n){if(null!==(t=n.ref)&&"function"!=typeof t&&"object"!=typeof t){if(n._owner){if(n=n._owner){if(1!==n.tag)throw Error(a(309));var r=n.stateNode}if(!r)throw Error(a(147,t));var i=""+t;return null!==e&&null!==e.ref&&"function"==typeof e.ref&&e.ref._stringRef===i?e.ref:((e=function(t){var e=r.refs;e===co&&(e=r.refs={}),null===t?delete e[i]:e[i]=t})._stringRef=i,e)}if("string"!=typeof t)throw Error(a(284));if(!n._owner)throw Error(a(290,t))}return t}function vo(t,e){if("textarea"!==t.type)throw Error(a(31,"[object Object]"===Object.prototype.toString.call(e)?"object with keys {"+Object.keys(e).join(", ")+"}":e))}function xo(t){function e(e,n){if(t){var r=e.lastEffect;null!==r?(r.nextEffect=n,e.lastEffect=n):e.firstEffect=e.lastEffect=n,n.nextEffect=null,n.flags=8}}function n(n,r){if(!t)return null;for(;null!==r;)e(n,r),r=r.sibling;return null}function r(t,e){for(t=new Map;null!==e;)null!==e.key?t.set(e.key,e):t.set(e.index,e),e=e.sibling;return t}function i(t,e){return(t=Rh(t,e)).index=0,t.sibling=null,t}function o(e,n,r){return e.index=r,t?null!==(r=e.alternate)?(r=r.index)<n?(e.flags=2,n):r:(e.flags=2,n):n}function l(e){return t&&null===e.alternate&&(e.flags=2),e}function h(t,e,n,r){return null===e||6!==e.tag?((e=qh(n,t.mode,r)).return=t,e):((e=i(e,n)).return=t,e)}function s(t,e,n,r){return null!==e&&e.elementType===n.type?((r=i(e,n.props)).ref=_o(t,e,n),r.return=t,r):((r=Uh(n.type,n.key,n.props,null,t.mode,r)).ref=_o(t,e,n),r.return=t,r)}function A(t,e,n,r){return null===e||4!==e.tag||e.stateNode.containerInfo!==n.containerInfo||e.stateNode.implementation!==n.implementation?((e=Wh(n,t.mode,r)).return=t,e):((e=i(e,n.children||[])).return=t,e)}function d(t,e,n,r,o){return null===e||7!==e.tag?((e=Ph(n,t.mode,r,o)).return=t,e):((e=i(e,n)).return=t,e)}function c(t,e,n){if("string"==typeof e||"number"==typeof e)return(e=qh(""+e,t.mode,n)).return=t,e;if("object"==typeof e&&null!==e){switch(e.$$typeof){case x:return(n=Uh(e.type,e.key,e.props,null,t.mode,n)).ref=_o(t,null,e),n.return=t,n;case B:return(e=Wh(e,t.mode,n)).return=t,e}if(bo(e)||P(e))return(e=Ph(e,t.mode,n,null)).return=t,e;vo(t,e)}return null}function u(t,e,n,r){var i=null!==e?e.key:null;if("string"==typeof n||"number"==typeof n)return null!==i?null:h(t,e,""+n,r);if("object"==typeof n&&null!==n){switch(n.$$typeof){case x:return n.key===i?n.type===k?d(t,e,n.props.children,r,i):s(t,e,n,r):null;case B:return n.key===i?A(t,e,n,r):null}if(bo(n)||P(n))return null!==i?null:d(t,e,n,r,null);vo(t,n)}return null}function p(t,e,n,r,i){if("string"==typeof r||"number"==typeof r)return h(e,t=t.get(n)||null,""+r,i);if("object"==typeof r&&null!==r){switch(r.$$typeof){case x:return t=t.get(null===r.key?n:r.key)||null,r.type===k?d(e,t,r.props.children,i,r.key):s(e,t,r,i);case B:return A(e,t=t.get(null===r.key?n:r.key)||null,r,i)}if(bo(r)||P(r))return d(e,t=t.get(n)||null,r,i,null);vo(e,r)}return null}function m(i,a,l,h){for(var s=null,A=null,d=a,m=a=0,f=null;null!==d&&m<l.length;m++){d.index>m?(f=d,d=null):f=d.sibling;var g=u(i,d,l[m],h);if(null===g){null===d&&(d=f);break}t&&d&&null===g.alternate&&e(i,d),a=o(g,a,m),null===A?s=g:A.sibling=g,A=g,d=f}if(m===l.length)return n(i,d),s;if(null===d){for(;m<l.length;m++)null!==(d=c(i,l[m],h))&&(a=o(d,a,m),null===A?s=d:A.sibling=d,A=d);return s}for(d=r(i,d);m<l.length;m++)null!==(f=p(d,i,m,l[m],h))&&(t&&null!==f.alternate&&d.delete(null===f.key?m:f.key),a=o(f,a,m),null===A?s=f:A.sibling=f,A=f);return t&&d.forEach((function(t){return e(i,t)})),s}function f(i,l,h,s){var A=P(h);if("function"!=typeof A)throw Error(a(150));if(null==(h=A.call(h)))throw Error(a(151));for(var d=A=null,m=l,f=l=0,g=null,C=h.next();null!==m&&!C.done;f++,C=h.next()){m.index>f?(g=m,m=null):g=m.sibling;var b=u(i,m,C.value,s);if(null===b){null===m&&(m=g);break}t&&m&&null===b.alternate&&e(i,m),l=o(b,l,f),null===d?A=b:d.sibling=b,d=b,m=g}if(C.done)return n(i,m),A;if(null===m){for(;!C.done;f++,C=h.next())null!==(C=c(i,C.value,s))&&(l=o(C,l,f),null===d?A=C:d.sibling=C,d=C);return A}for(m=r(i,m);!C.done;f++,C=h.next())null!==(C=p(m,i,f,C.value,s))&&(t&&null!==C.alternate&&m.delete(null===C.key?f:C.key),l=o(C,l,f),null===d?A=C:d.sibling=C,d=C);return t&&m.forEach((function(t){return e(i,t)})),A}return function(t,r,o,h){var s="object"==typeof o&&null!==o&&o.type===k&&null===o.key;s&&(o=o.props.children);var A="object"==typeof o&&null!==o;if(A)switch(o.$$typeof){case x:t:{for(A=o.key,s=r;null!==s;){if(s.key===A){switch(s.tag){case 7:if(o.type===k){n(t,s.sibling),(r=i(s,o.props.children)).return=t,t=r;break t}break;default:if(s.elementType===o.type){n(t,s.sibling),(r=i(s,o.props)).ref=_o(t,s,o),r.return=t,t=r;break t}}n(t,s);break}e(t,s),s=s.sibling}o.type===k?((r=Ph(o.props.children,t.mode,h,o.key)).return=t,t=r):((h=Uh(o.type,o.key,o.props,null,t.mode,h)).ref=_o(t,r,o),h.return=t,t=h)}return l(t);case B:t:{for(s=o.key;null!==r;){if(r.key===s){if(4===r.tag&&r.stateNode.containerInfo===o.containerInfo&&r.stateNode.implementation===o.implementation){n(t,r.sibling),(r=i(r,o.children||[])).return=t,t=r;break t}n(t,r);break}e(t,r),r=r.sibling}(r=Wh(o,t.mode,h)).return=t,t=r}return l(t)}if("string"==typeof o||"number"==typeof o)return o=""+o,null!==r&&6===r.tag?(n(t,r.sibling),(r=i(r,o)).return=t,t=r):(n(t,r),(r=qh(o,t.mode,h)).return=t,t=r),l(t);if(bo(o))return m(t,r,o,h);if(P(o))return f(t,r,o,h);if(A&&vo(t,o),void 0===o&&!s)switch(t.tag){case 1:case 22:case 0:case 11:case 15:throw Error(a(152,Y(t.type)||"Component"))}return n(t,r)}}var Bo=xo(!0),ko=xo(!1),wo={},yo=oi(wo),Eo=oi(wo),$o=oi(wo);function Do(t){if(t===wo)throw Error(a(174));return t}function Fo(t,e){switch(li($o,e),li(Eo,t),li(yo,wo),t=e.nodeType){case 9:case 11:e=(e=e.documentElement)?e.namespaceURI:ut(null,"");break;default:e=ut(e=(t=8===t?e.parentNode:e).namespaceURI||null,t=t.tagName)}ai(yo),li(yo,e)}function So(){ai(yo),ai(Eo),ai($o)}function Mo(t){Do($o.current);var e=Do(yo.current),n=ut(e,t.type);e!==n&&(li(Eo,t),li(yo,n))}function Io(t){Eo.current===t&&(ai(yo),ai(Eo))}var zo=oi(0);function To(t){for(var e=t;null!==e;){if(13===e.tag){var n=e.memoizedState;if(null!==n&&(null===(n=n.dehydrated)||"$?"===n.data||"$!"===n.data))return e}else if(19===e.tag&&void 0!==e.memoizedProps.revealOrder){if(0!=(64&e.flags))return e}else if(null!==e.child){e.child.return=e,e=e.child;continue}if(e===t)break;for(;null===e.sibling;){if(null===e.return||e.return===t)return null;e=e.return}e.sibling.return=e.return,e=e.sibling}return null}var No=null,jo=null,Lo=!1;function Oo(t,e){var n=Lh(5,null,null,0);n.elementType="DELETED",n.type="DELETED",n.stateNode=e,n.return=t,n.flags=8,null!==t.lastEffect?(t.lastEffect.nextEffect=n,t.lastEffect=n):t.firstEffect=t.lastEffect=n}function Ro(t,e){switch(t.tag){case 5:var n=t.type;return null!==(e=1!==e.nodeType||n.toLowerCase()!==e.nodeName.toLowerCase()?null:e)&&(t.stateNode=e,!0);case 6:return null!==(e=""===t.pendingProps||3!==e.nodeType?null:e)&&(t.stateNode=e,!0);case 13:default:return!1}}function Uo(t){if(Lo){var e=jo;if(e){var n=e;if(!Ro(t,e)){if(!(e=qr(n.nextSibling))||!Ro(t,e))return t.flags=-1025&t.flags|2,Lo=!1,void(No=t);Oo(No,n)}No=t,jo=qr(e.firstChild)}else t.flags=-1025&t.flags|2,Lo=!1,No=t}}function Po(t){for(t=t.return;null!==t&&5!==t.tag&&3!==t.tag&&13!==t.tag;)t=t.return;No=t}function Go(t){if(t!==No)return!1;if(!Lo)return Po(t),Lo=!0,!1;var e=t.type;if(5!==t.tag||"head"!==e&&"body"!==e&&!Rr(e,t.memoizedProps))for(e=jo;e;)Oo(t,e),e=qr(e.nextSibling);if(Po(t),13===t.tag){if(!(t=null!==(t=t.memoizedState)?t.dehydrated:null))throw Error(a(317));t:{for(t=t.nextSibling,e=0;t;){if(8===t.nodeType){var n=t.data;if("/$"===n){if(0===e){jo=qr(t.nextSibling);break t}e--}else"$"!==n&&"$!"!==n&&"$?"!==n||e++}t=t.nextSibling}jo=null}}else jo=No?qr(t.stateNode.nextSibling):null;return!0}function qo(){jo=No=null,Lo=!1}var Wo=[];function Ho(){for(var t=0;t<Wo.length;t++)Wo[t]._workInProgressVersionPrimary=null;Wo.length=0}var Yo=v.ReactCurrentDispatcher,Jo=v.ReactCurrentBatchConfig,Qo=0,Xo=null,Ko=null,Vo=null,Zo=!1,ta=!1;function ea(){throw Error(a(321))}function na(t,e){if(null===e)return!1;for(var n=0;n<e.length&&n<t.length;n++)if(!ar(t[n],e[n]))return!1;return!0}function ra(t,e,n,r,i,o){if(Qo=o,Xo=e,e.memoizedState=null,e.updateQueue=null,e.lanes=0,Yo.current=null===t||null===t.memoizedState?Da:Fa,t=n(r,i),ta){o=0;do{if(ta=!1,!(25>o))throw Error(a(301));o+=1,Vo=Ko=null,e.updateQueue=null,Yo.current=Sa,t=n(r,i)}while(ta)}if(Yo.current=$a,e=null!==Ko&&null!==Ko.next,Qo=0,Vo=Ko=Xo=null,Zo=!1,e)throw Error(a(300));return t}function ia(){var t={memoizedState:null,baseState:null,baseQueue:null,queue:null,next:null};return null===Vo?Xo.memoizedState=Vo=t:Vo=Vo.next=t,Vo}function oa(){if(null===Ko){var t=Xo.alternate;t=null!==t?t.memoizedState:null}else t=Ko.next;var e=null===Vo?Xo.memoizedState:Vo.next;if(null!==e)Vo=e,Ko=t;else{if(null===t)throw Error(a(310));t={memoizedState:(Ko=t).memoizedState,baseState:Ko.baseState,baseQueue:Ko.baseQueue,queue:Ko.queue,next:null},null===Vo?Xo.memoizedState=Vo=t:Vo=Vo.next=t}return Vo}function aa(t,e){return"function"==typeof e?e(t):e}function la(t){var e=oa(),n=e.queue;if(null===n)throw Error(a(311));n.lastRenderedReducer=t;var r=Ko,i=r.baseQueue,o=n.pending;if(null!==o){if(null!==i){var l=i.next;i.next=o.next,o.next=l}r.baseQueue=i=o,n.pending=null}if(null!==i){i=i.next,r=r.baseState;var h=l=o=null,s=i;do{var A=s.lane;if((Qo&A)===A)null!==h&&(h=h.next={lane:0,action:s.action,eagerReducer:s.eagerReducer,eagerState:s.eagerState,next:null}),r=s.eagerReducer===t?s.eagerState:t(r,s.action);else{var d={lane:A,action:s.action,eagerReducer:s.eagerReducer,eagerState:s.eagerState,next:null};null===h?(l=h=d,o=r):h=h.next=d,Xo.lanes|=A,Tl|=A}s=s.next}while(null!==s&&s!==i);null===h?o=r:h.next=l,ar(r,e.memoizedState)||(Ia=!0),e.memoizedState=r,e.baseState=o,e.baseQueue=h,n.lastRenderedState=r}return[e.memoizedState,n.dispatch]}function ha(t){var e=oa(),n=e.queue;if(null===n)throw Error(a(311));n.lastRenderedReducer=t;var r=n.dispatch,i=n.pending,o=e.memoizedState;if(null!==i){n.pending=null;var l=i=i.next;do{o=t(o,l.action),l=l.next}while(l!==i);ar(o,e.memoizedState)||(Ia=!0),e.memoizedState=o,null===e.baseQueue&&(e.baseState=o),n.lastRenderedState=o}return[o,r]}function sa(t,e,n){var r=e._getVersion;r=r(e._source);var i=e._workInProgressVersionPrimary;if(null!==i?t=i===r:(t=t.mutableReadLanes,(t=(Qo&t)===t)&&(e._workInProgressVersionPrimary=r,Wo.push(e))),t)return n(e._source);throw Wo.push(e),Error(a(350))}function Aa(t,e,n,r){var i=El;if(null===i)throw Error(a(349));var o=e._getVersion,l=o(e._source),h=Yo.current,s=h.useState((function(){return sa(i,e,n)})),A=s[1],d=s[0];s=Vo;var c=t.memoizedState,u=c.refs,p=u.getSnapshot,m=c.source;c=c.subscribe;var f=Xo;return t.memoizedState={refs:u,source:e,subscribe:r},h.useEffect((function(){u.getSnapshot=n,u.setSnapshot=A;var t=o(e._source);if(!ar(l,t)){t=n(e._source),ar(d,t)||(A(t),t=lh(f),i.mutableReadLanes|=t&i.pendingLanes),t=i.mutableReadLanes,i.entangledLanes|=t;for(var r=i.entanglements,a=t;0<a;){var h=31-Ge(a),s=1<<h;r[h]|=t,a&=~s}}}),[n,e,r]),h.useEffect((function(){return r(e._source,(function(){var t=u.getSnapshot,n=u.setSnapshot;try{n(t(e._source));var r=lh(f);i.mutableReadLanes|=r&i.pendingLanes}catch(t){n((function(){throw t}))}}))}),[e,r]),ar(p,n)&&ar(m,e)&&ar(c,r)||((t={pending:null,dispatch:null,lastRenderedReducer:aa,lastRenderedState:d}).dispatch=A=Ea.bind(null,Xo,t),s.queue=t,s.baseQueue=null,d=sa(i,e,n),s.memoizedState=s.baseState=d),d}function da(t,e,n){return Aa(oa(),t,e,n)}function ca(t){var e=ia();return"function"==typeof t&&(t=t()),e.memoizedState=e.baseState=t,t=(t=e.queue={pending:null,dispatch:null,lastRenderedReducer:aa,lastRenderedState:t}).dispatch=Ea.bind(null,Xo,t),[e.memoizedState,t]}function ua(t,e,n,r){return t={tag:t,create:e,destroy:n,deps:r,next:null},null===(e=Xo.updateQueue)?(e={lastEffect:null},Xo.updateQueue=e,e.lastEffect=t.next=t):null===(n=e.lastEffect)?e.lastEffect=t.next=t:(r=n.next,n.next=t,t.next=r,e.lastEffect=t),t}function pa(t){return t={current:t},ia().memoizedState=t}function ma(){return oa().memoizedState}function fa(t,e,n,r){var i=ia();Xo.flags|=t,i.memoizedState=ua(1|e,n,void 0,void 0===r?null:r)}function ga(t,e,n,r){var i=oa();r=void 0===r?null:r;var o=void 0;if(null!==Ko){var a=Ko.memoizedState;if(o=a.destroy,null!==r&&na(r,a.deps))return void ua(e,n,o,r)}Xo.flags|=t,i.memoizedState=ua(1|e,n,o,r)}function Ca(t,e){return fa(516,4,t,e)}function ba(t,e){return ga(516,4,t,e)}function _a(t,e){return ga(4,2,t,e)}function va(t,e){return"function"==typeof e?(t=t(),e(t),function(){e(null)}):null!=e?(t=t(),e.current=t,function(){e.current=null}):void 0}function xa(t,e,n){return n=null!=n?n.concat([t]):null,ga(4,2,va.bind(null,e,t),n)}function Ba(){}function ka(t,e){var n=oa();e=void 0===e?null:e;var r=n.memoizedState;return null!==r&&null!==e&&na(e,r[1])?r[0]:(n.memoizedState=[t,e],t)}function wa(t,e){var n=oa();e=void 0===e?null:e;var r=n.memoizedState;return null!==r&&null!==e&&na(e,r[1])?r[0]:(t=t(),n.memoizedState=[t,e],t)}function ya(t,e){var n=Ri();Pi(98>n?98:n,(function(){t(!0)})),Pi(97<n?97:n,(function(){var n=Jo.transition;Jo.transition=1;try{t(!1),e()}finally{Jo.transition=n}}))}function Ea(t,e,n){var r=ah(),i=lh(t),o={lane:i,action:n,eagerReducer:null,eagerState:null,next:null},a=e.pending;if(null===a?o.next=o:(o.next=a.next,a.next=o),e.pending=o,a=t.alternate,t===Xo||null!==a&&a===Xo)ta=Zo=!0;else{if(0===t.lanes&&(null===a||0===a.lanes)&&null!==(a=e.lastRenderedReducer))try{var l=e.lastRenderedState,h=a(l,n);if(o.eagerReducer=a,o.eagerState=h,ar(h,l))return}catch(t){}hh(t,i,r)}}var $a={readContext:no,useCallback:ea,useContext:ea,useEffect:ea,useImperativeHandle:ea,useLayoutEffect:ea,useMemo:ea,useReducer:ea,useRef:ea,useState:ea,useDebugValue:ea,useDeferredValue:ea,useTransition:ea,useMutableSource:ea,useOpaqueIdentifier:ea,unstable_isNewReconciler:!1},Da={readContext:no,useCallback:function(t,e){return ia().memoizedState=[t,void 0===e?null:e],t},useContext:no,useEffect:Ca,useImperativeHandle:function(t,e,n){return n=null!=n?n.concat([t]):null,fa(4,2,va.bind(null,e,t),n)},useLayoutEffect:function(t,e){return fa(4,2,t,e)},useMemo:function(t,e){var n=ia();return e=void 0===e?null:e,t=t(),n.memoizedState=[t,e],t},useReducer:function(t,e,n){var r=ia();return e=void 0!==n?n(e):e,r.memoizedState=r.baseState=e,t=(t=r.queue={pending:null,dispatch:null,lastRenderedReducer:t,lastRenderedState:e}).dispatch=Ea.bind(null,Xo,t),[r.memoizedState,t]},useRef:pa,useState:ca,useDebugValue:Ba,useDeferredValue:function(t){var e=ca(t),n=e[0],r=e[1];return Ca((function(){var e=Jo.transition;Jo.transition=1;try{r(t)}finally{Jo.transition=e}}),[t]),n},useTransition:function(){var t=ca(!1),e=t[0];return pa(t=ya.bind(null,t[1])),[t,e]},useMutableSource:function(t,e,n){var r=ia();return r.memoizedState={refs:{getSnapshot:e,setSnapshot:null},source:t,subscribe:n},Aa(r,t,e,n)},useOpaqueIdentifier:function(){if(Lo){var t=!1,e=function(t){return{$$typeof:T,toString:t,valueOf:t}}((function(){throw t||(t=!0,n("r:"+(Hr++).toString(36))),Error(a(355))})),n=ca(e)[1];return 0==(2&Xo.mode)&&(Xo.flags|=516,ua(5,(function(){n("r:"+(Hr++).toString(36))}),void 0,null)),e}return ca(e="r:"+(Hr++).toString(36)),e},unstable_isNewReconciler:!1},Fa={readContext:no,useCallback:ka,useContext:no,useEffect:ba,useImperativeHandle:xa,useLayoutEffect:_a,useMemo:wa,useReducer:la,useRef:ma,useState:function(){return la(aa)},useDebugValue:Ba,useDeferredValue:function(t){var e=la(aa),n=e[0],r=e[1];return ba((function(){var e=Jo.transition;Jo.transition=1;try{r(t)}finally{Jo.transition=e}}),[t]),n},useTransition:function(){var t=la(aa)[0];return[ma().current,t]},useMutableSource:da,useOpaqueIdentifier:function(){return la(aa)[0]},unstable_isNewReconciler:!1},Sa={readContext:no,useCallback:ka,useContext:no,useEffect:ba,useImperativeHandle:xa,useLayoutEffect:_a,useMemo:wa,useReducer:ha,useRef:ma,useState:function(){return ha(aa)},useDebugValue:Ba,useDeferredValue:function(t){var e=ha(aa),n=e[0],r=e[1];return ba((function(){var e=Jo.transition;Jo.transition=1;try{r(t)}finally{Jo.transition=e}}),[t]),n},useTransition:function(){var t=ha(aa)[0];return[ma().current,t]},useMutableSource:da,useOpaqueIdentifier:function(){return ha(aa)[0]},unstable_isNewReconciler:!1},Ma=v.ReactCurrentOwner,Ia=!1;function za(t,e,n,r){e.child=null===t?ko(e,null,n,r):Bo(e,t.child,n,r)}function Ta(t,e,n,r,i){n=n.render;var o=e.ref;return eo(e,i),r=ra(t,e,n,r,o,i),null===t||Ia?(e.flags|=1,za(t,e,r,i),e.child):(e.updateQueue=t.updateQueue,e.flags&=-517,t.lanes&=~i,Za(t,e,i))}function Na(t,e,n,r,i,o){if(null===t){var a=n.type;return"function"!=typeof a||Oh(a)||void 0!==a.defaultProps||null!==n.compare||void 0!==n.defaultProps?((t=Uh(n.type,null,r,e,e.mode,o)).ref=e.ref,t.return=e,e.child=t):(e.tag=15,e.type=a,ja(t,e,a,r,i,o))}return a=t.child,0==(i&o)&&(i=a.memoizedProps,(n=null!==(n=n.compare)?n:hr)(i,r)&&t.ref===e.ref)?Za(t,e,o):(e.flags|=1,(t=Rh(a,r)).ref=e.ref,t.return=e,e.child=t)}function ja(t,e,n,r,i,o){if(null!==t&&hr(t.memoizedProps,r)&&t.ref===e.ref){if(Ia=!1,0==(o&i))return e.lanes=t.lanes,Za(t,e,o);0!=(16384&t.flags)&&(Ia=!0)}return Ra(t,e,n,r,o)}function La(t,e,n){var r=e.pendingProps,i=r.children,o=null!==t?t.memoizedState:null;if("hidden"===r.mode||"unstable-defer-without-hiding"===r.mode)if(0==(4&e.mode))e.memoizedState={baseLanes:0},fh(0,n);else{if(0==(1073741824&n))return t=null!==o?o.baseLanes|n:n,e.lanes=e.childLanes=1073741824,e.memoizedState={baseLanes:t},fh(0,t),null;e.memoizedState={baseLanes:0},fh(0,null!==o?o.baseLanes:n)}else null!==o?(r=o.baseLanes|n,e.memoizedState=null):r=n,fh(0,r);return za(t,e,i,n),e.child}function Oa(t,e){var n=e.ref;(null===t&&null!==n||null!==t&&t.ref!==n)&&(e.flags|=128)}function Ra(t,e,n,r,i){var o=ui(n)?di:si.current;return o=ci(e,o),eo(e,i),n=ra(t,e,n,r,o,i),null===t||Ia?(e.flags|=1,za(t,e,n,i),e.child):(e.updateQueue=t.updateQueue,e.flags&=-517,t.lanes&=~i,Za(t,e,i))}function Ua(t,e,n,r,i){if(ui(n)){var o=!0;gi(e)}else o=!1;if(eo(e,i),null===e.stateNode)null!==t&&(t.alternate=null,e.alternate=null,e.flags|=2),fo(e,n,r),Co(e,n,r,i),r=!0;else if(null===t){var a=e.stateNode,l=e.memoizedProps;a.props=l;var h=a.context,s=n.contextType;s="object"==typeof s&&null!==s?no(s):ci(e,s=ui(n)?di:si.current);var A=n.getDerivedStateFromProps,d="function"==typeof A||"function"==typeof a.getSnapshotBeforeUpdate;d||"function"!=typeof a.UNSAFE_componentWillReceiveProps&&"function"!=typeof a.componentWillReceiveProps||(l!==r||h!==s)&&go(e,a,r,s),ro=!1;var c=e.memoizedState;a.state=c,so(e,r,a,i),h=e.memoizedState,l!==r||c!==h||Ai.current||ro?("function"==typeof A&&(uo(e,n,A,r),h=e.memoizedState),(l=ro||mo(e,n,l,r,c,h,s))?(d||"function"!=typeof a.UNSAFE_componentWillMount&&"function"!=typeof a.componentWillMount||("function"==typeof a.componentWillMount&&a.componentWillMount(),"function"==typeof a.UNSAFE_componentWillMount&&a.UNSAFE_componentWillMount()),"function"==typeof a.componentDidMount&&(e.flags|=4)):("function"==typeof a.componentDidMount&&(e.flags|=4),e.memoizedProps=r,e.memoizedState=h),a.props=r,a.state=h,a.context=s,r=l):("function"==typeof a.componentDidMount&&(e.flags|=4),r=!1)}else{a=e.stateNode,oo(t,e),l=e.memoizedProps,s=e.type===e.elementType?l:Yi(e.type,l),a.props=s,d=e.pendingProps,c=a.context,h="object"==typeof(h=n.contextType)&&null!==h?no(h):ci(e,h=ui(n)?di:si.current);var u=n.getDerivedStateFromProps;(A="function"==typeof u||"function"==typeof a.getSnapshotBeforeUpdate)||"function"!=typeof a.UNSAFE_componentWillReceiveProps&&"function"!=typeof a.componentWillReceiveProps||(l!==d||c!==h)&&go(e,a,r,h),ro=!1,c=e.memoizedState,a.state=c,so(e,r,a,i);var p=e.memoizedState;l!==d||c!==p||Ai.current||ro?("function"==typeof u&&(uo(e,n,u,r),p=e.memoizedState),(s=ro||mo(e,n,s,r,c,p,h))?(A||"function"!=typeof a.UNSAFE_componentWillUpdate&&"function"!=typeof a.componentWillUpdate||("function"==typeof a.componentWillUpdate&&a.componentWillUpdate(r,p,h),"function"==typeof a.UNSAFE_componentWillUpdate&&a.UNSAFE_componentWillUpdate(r,p,h)),"function"==typeof a.componentDidUpdate&&(e.flags|=4),"function"==typeof a.getSnapshotBeforeUpdate&&(e.flags|=256)):("function"!=typeof a.componentDidUpdate||l===t.memoizedProps&&c===t.memoizedState||(e.flags|=4),"function"!=typeof a.getSnapshotBeforeUpdate||l===t.memoizedProps&&c===t.memoizedState||(e.flags|=256),e.memoizedProps=r,e.memoizedState=p),a.props=r,a.state=p,a.context=h,r=s):("function"!=typeof a.componentDidUpdate||l===t.memoizedProps&&c===t.memoizedState||(e.flags|=4),"function"!=typeof a.getSnapshotBeforeUpdate||l===t.memoizedProps&&c===t.memoizedState||(e.flags|=256),r=!1)}return Pa(t,e,n,r,o,i)}function Pa(t,e,n,r,i,o){Oa(t,e);var a=0!=(64&e.flags);if(!r&&!a)return i&&Ci(e,n,!1),Za(t,e,o);r=e.stateNode,Ma.current=e;var l=a&&"function"!=typeof n.getDerivedStateFromError?null:r.render();return e.flags|=1,null!==t&&a?(e.child=Bo(e,t.child,null,o),e.child=Bo(e,null,l,o)):za(t,e,l,o),e.memoizedState=r.state,i&&Ci(e,n,!0),e.child}function Ga(t){var e=t.stateNode;e.pendingContext?mi(0,e.pendingContext,e.pendingContext!==e.context):e.context&&mi(0,e.context,!1),Fo(t,e.containerInfo)}var qa,Wa,Ha,Ya={dehydrated:null,retryLane:0};function Ja(t,e,n){var r,i=e.pendingProps,o=zo.current,a=!1;return(r=0!=(64&e.flags))||(r=(null===t||null!==t.memoizedState)&&0!=(2&o)),r?(a=!0,e.flags&=-65):null!==t&&null===t.memoizedState||void 0===i.fallback||!0===i.unstable_avoidThisFallback||(o|=1),li(zo,1&o),null===t?(void 0!==i.fallback&&Uo(e),t=i.children,o=i.fallback,a?(t=Qa(e,t,o,n),e.child.memoizedState={baseLanes:n},e.memoizedState=Ya,t):"number"==typeof i.unstable_expectedLoadTime?(t=Qa(e,t,o,n),e.child.memoizedState={baseLanes:n},e.memoizedState=Ya,e.lanes=33554432,t):((n=Gh({mode:"visible",children:t},e.mode,n,null)).return=e,e.child=n)):(t.memoizedState,a?(i=function(t,e,n,r,i){var o=e.mode,a=t.child;t=a.sibling;var l={mode:"hidden",children:n};return 0==(2&o)&&e.child!==a?((n=e.child).childLanes=0,n.pendingProps=l,null!==(a=n.lastEffect)?(e.firstEffect=n.firstEffect,e.lastEffect=a,a.nextEffect=null):e.firstEffect=e.lastEffect=null):n=Rh(a,l),null!==t?r=Rh(t,r):(r=Ph(r,o,i,null)).flags|=2,r.return=e,n.return=e,n.sibling=r,e.child=n,r}(t,e,i.children,i.fallback,n),a=e.child,o=t.child.memoizedState,a.memoizedState=null===o?{baseLanes:n}:{baseLanes:o.baseLanes|n},a.childLanes=t.childLanes&~n,e.memoizedState=Ya,i):(n=function(t,e,n,r){var i=t.child;return t=i.sibling,n=Rh(i,{mode:"visible",children:n}),0==(2&e.mode)&&(n.lanes=r),n.return=e,n.sibling=null,null!==t&&(t.nextEffect=null,t.flags=8,e.firstEffect=e.lastEffect=t),e.child=n}(t,e,i.children,n),e.memoizedState=null,n))}function Qa(t,e,n,r){var i=t.mode,o=t.child;return e={mode:"hidden",children:e},0==(2&i)&&null!==o?(o.childLanes=0,o.pendingProps=e):o=Gh(e,i,0,null),n=Ph(n,i,r,null),o.return=t,n.return=t,o.sibling=n,t.child=o,n}function Xa(t,e){t.lanes|=e;var n=t.alternate;null!==n&&(n.lanes|=e),to(t.return,e)}function Ka(t,e,n,r,i,o){var a=t.memoizedState;null===a?t.memoizedState={isBackwards:e,rendering:null,renderingStartTime:0,last:r,tail:n,tailMode:i,lastEffect:o}:(a.isBackwards=e,a.rendering=null,a.renderingStartTime=0,a.last=r,a.tail=n,a.tailMode=i,a.lastEffect=o)}function Va(t,e,n){var r=e.pendingProps,i=r.revealOrder,o=r.tail;if(za(t,e,r.children,n),0!=(2&(r=zo.current)))r=1&r|2,e.flags|=64;else{if(null!==t&&0!=(64&t.flags))t:for(t=e.child;null!==t;){if(13===t.tag)null!==t.memoizedState&&Xa(t,n);else if(19===t.tag)Xa(t,n);else if(null!==t.child){t.child.return=t,t=t.child;continue}if(t===e)break t;for(;null===t.sibling;){if(null===t.return||t.return===e)break t;t=t.return}t.sibling.return=t.return,t=t.sibling}r&=1}if(li(zo,r),0==(2&e.mode))e.memoizedState=null;else switch(i){case"forwards":for(n=e.child,i=null;null!==n;)null!==(t=n.alternate)&&null===To(t)&&(i=n),n=n.sibling;null===(n=i)?(i=e.child,e.child=null):(i=n.sibling,n.sibling=null),Ka(e,!1,i,n,o,e.lastEffect);break;case"backwards":for(n=null,i=e.child,e.child=null;null!==i;){if(null!==(t=i.alternate)&&null===To(t)){e.child=i;break}t=i.sibling,i.sibling=n,n=i,i=t}Ka(e,!0,n,null,o,e.lastEffect);break;case"together":Ka(e,!1,null,null,void 0,e.lastEffect);break;default:e.memoizedState=null}return e.child}function Za(t,e,n){if(null!==t&&(e.dependencies=t.dependencies),Tl|=e.lanes,0!=(n&e.childLanes)){if(null!==t&&e.child!==t.child)throw Error(a(153));if(null!==e.child){for(n=Rh(t=e.child,t.pendingProps),e.child=n,n.return=e;null!==t.sibling;)t=t.sibling,(n=n.sibling=Rh(t,t.pendingProps)).return=e;n.sibling=null}return e.child}return null}function tl(t,e){if(!Lo)switch(t.tailMode){case"hidden":e=t.tail;for(var n=null;null!==e;)null!==e.alternate&&(n=e),e=e.sibling;null===n?t.tail=null:n.sibling=null;break;case"collapsed":n=t.tail;for(var r=null;null!==n;)null!==n.alternate&&(r=n),n=n.sibling;null===r?e||null===t.tail?t.tail=null:t.tail.sibling=null:r.sibling=null}}function el(t,e,n){var r=e.pendingProps;switch(e.tag){case 2:case 16:case 15:case 0:case 11:case 7:case 8:case 12:case 9:case 14:return null;case 1:return ui(e.type)&&pi(),null;case 3:return So(),ai(Ai),ai(si),Ho(),(r=e.stateNode).pendingContext&&(r.context=r.pendingContext,r.pendingContext=null),null!==t&&null!==t.child||(Go(e)?e.flags|=4:r.hydrate||(e.flags|=256)),null;case 5:Io(e);var o=Do($o.current);if(n=e.type,null!==t&&null!=e.stateNode)Wa(t,e,n,r),t.ref!==e.ref&&(e.flags|=128);else{if(!r){if(null===e.stateNode)throw Error(a(166));return null}if(t=Do(yo.current),Go(e)){r=e.stateNode,n=e.type;var l=e.memoizedProps;switch(r[Jr]=e,r[Qr]=l,n){case"dialog":yr("cancel",r),yr("close",r);break;case"iframe":case"object":case"embed":yr("load",r);break;case"video":case"audio":for(t=0;t<xr.length;t++)yr(xr[t],r);break;case"source":yr("error",r);break;case"img":case"image":case"link":yr("error",r),yr("load",r);break;case"details":yr("toggle",r);break;case"input":tt(r,l),yr("invalid",r);break;case"select":r._wrapperState={wasMultiple:!!l.multiple},yr("invalid",r);break;case"textarea":ht(r,l),yr("invalid",r)}for(var s in Bt(n,l),t=null,l)l.hasOwnProperty(s)&&(o=l[s],"children"===s?"string"==typeof o?r.textContent!==o&&(t=["children",o]):"number"==typeof o&&r.textContent!==""+o&&(t=["children",""+o]):h.hasOwnProperty(s)&&null!=o&&"onScroll"===s&&yr("scroll",r));switch(n){case"input":X(r),rt(r,l,!0);break;case"textarea":X(r),At(r);break;case"select":case"option":break;default:"function"==typeof l.onClick&&(r.onclick=Nr)}r=t,e.updateQueue=r,null!==r&&(e.flags|=4)}else{switch(s=9===o.nodeType?o:o.ownerDocument,t===dt&&(t=ct(n)),t===dt?"script"===n?((t=s.createElement("div")).innerHTML="<script><\/script>",t=t.removeChild(t.firstChild)):"string"==typeof r.is?t=s.createElement(n,{is:r.is}):(t=s.createElement(n),"select"===n&&(s=t,r.multiple?s.multiple=!0:r.size&&(s.size=r.size))):t=s.createElementNS(t,n),t[Jr]=e,t[Qr]=r,qa(t,e),e.stateNode=t,s=kt(n,r),n){case"dialog":yr("cancel",t),yr("close",t),o=r;break;case"iframe":case"object":case"embed":yr("load",t),o=r;break;case"video":case"audio":for(o=0;o<xr.length;o++)yr(xr[o],t);o=r;break;case"source":yr("error",t),o=r;break;case"img":case"image":case"link":yr("error",t),yr("load",t),o=r;break;case"details":yr("toggle",t),o=r;break;case"input":tt(t,r),o=Z(t,r),yr("invalid",t);break;case"option":o=ot(t,r);break;case"select":t._wrapperState={wasMultiple:!!r.multiple},o=i({},r,{value:void 0}),yr("invalid",t);break;case"textarea":ht(t,r),o=lt(t,r),yr("invalid",t);break;default:o=r}Bt(n,o);var A=o;for(l in A)if(A.hasOwnProperty(l)){var d=A[l];"style"===l?vt(t,d):"dangerouslySetInnerHTML"===l?null!=(d=d?d.__html:void 0)&&ft(t,d):"children"===l?"string"==typeof d?("textarea"!==n||""!==d)&>(t,d):"number"==typeof d&>(t,""+d):"suppressContentEditableWarning"!==l&&"suppressHydrationWarning"!==l&&"autoFocus"!==l&&(h.hasOwnProperty(l)?null!=d&&"onScroll"===l&&yr("scroll",t):null!=d&&_(t,l,d,s))}switch(n){case"input":X(t),rt(t,r,!1);break;case"textarea":X(t),At(t);break;case"option":null!=r.value&&t.setAttribute("value",""+J(r.value));break;case"select":t.multiple=!!r.multiple,null!=(l=r.value)?at(t,!!r.multiple,l,!1):null!=r.defaultValue&&at(t,!!r.multiple,r.defaultValue,!0);break;default:"function"==typeof o.onClick&&(t.onclick=Nr)}Or(n,r)&&(e.flags|=4)}null!==e.ref&&(e.flags|=128)}return null;case 6:if(t&&null!=e.stateNode)Ha(0,e,t.memoizedProps,r);else{if("string"!=typeof r&&null===e.stateNode)throw Error(a(166));n=Do($o.current),Do(yo.current),Go(e)?(r=e.stateNode,n=e.memoizedProps,r[Jr]=e,r.nodeValue!==n&&(e.flags|=4)):((r=(9===n.nodeType?n:n.ownerDocument).createTextNode(r))[Jr]=e,e.stateNode=r)}return null;case 13:return ai(zo),r=e.memoizedState,0!=(64&e.flags)?(e.lanes=n,e):(r=null!==r,n=!1,null===t?void 0!==e.memoizedProps.fallback&&Go(e):n=null!==t.memoizedState,r&&!n&&0!=(2&e.mode)&&(null===t&&!0!==e.memoizedProps.unstable_avoidThisFallback||0!=(1&zo.current)?0===Ml&&(Ml=3):(0!==Ml&&3!==Ml||(Ml=4),null===El||0==(134217727&Tl)&&0==(134217727&Nl)||ch(El,Dl))),(r||n)&&(e.flags|=4),null);case 4:return So(),null===t&&$r(e.stateNode.containerInfo),null;case 10:return Zi(e),null;case 17:return ui(e.type)&&pi(),null;case 19:if(ai(zo),null===(r=e.memoizedState))return null;if(l=0!=(64&e.flags),null===(s=r.rendering))if(l)tl(r,!1);else{if(0!==Ml||null!==t&&0!=(64&t.flags))for(t=e.child;null!==t;){if(null!==(s=To(t))){for(e.flags|=64,tl(r,!1),null!==(l=s.updateQueue)&&(e.updateQueue=l,e.flags|=4),null===r.lastEffect&&(e.firstEffect=null),e.lastEffect=r.lastEffect,r=n,n=e.child;null!==n;)t=r,(l=n).flags&=2,l.nextEffect=null,l.firstEffect=null,l.lastEffect=null,null===(s=l.alternate)?(l.childLanes=0,l.lanes=t,l.child=null,l.memoizedProps=null,l.memoizedState=null,l.updateQueue=null,l.dependencies=null,l.stateNode=null):(l.childLanes=s.childLanes,l.lanes=s.lanes,l.child=s.child,l.memoizedProps=s.memoizedProps,l.memoizedState=s.memoizedState,l.updateQueue=s.updateQueue,l.type=s.type,t=s.dependencies,l.dependencies=null===t?null:{lanes:t.lanes,firstContext:t.firstContext}),n=n.sibling;return li(zo,1&zo.current|2),e.child}t=t.sibling}null!==r.tail&&Oi()>Rl&&(e.flags|=64,l=!0,tl(r,!1),e.lanes=33554432)}else{if(!l)if(null!==(t=To(s))){if(e.flags|=64,l=!0,null!==(n=t.updateQueue)&&(e.updateQueue=n,e.flags|=4),tl(r,!0),null===r.tail&&"hidden"===r.tailMode&&!s.alternate&&!Lo)return null!==(e=e.lastEffect=r.lastEffect)&&(e.nextEffect=null),null}else 2*Oi()-r.renderingStartTime>Rl&&1073741824!==n&&(e.flags|=64,l=!0,tl(r,!1),e.lanes=33554432);r.isBackwards?(s.sibling=e.child,e.child=s):(null!==(n=r.last)?n.sibling=s:e.child=s,r.last=s)}return null!==r.tail?(n=r.tail,r.rendering=n,r.tail=n.sibling,r.lastEffect=e.lastEffect,r.renderingStartTime=Oi(),n.sibling=null,e=zo.current,li(zo,l?1&e|2:1&e),n):null;case 23:case 24:return gh(),null!==t&&null!==t.memoizedState!=(null!==e.memoizedState)&&"unstable-defer-without-hiding"!==r.mode&&(e.flags|=4),null}throw Error(a(156,e.tag))}function nl(t){switch(t.tag){case 1:ui(t.type)&&pi();var e=t.flags;return 4096&e?(t.flags=-4097&e|64,t):null;case 3:if(So(),ai(Ai),ai(si),Ho(),0!=(64&(e=t.flags)))throw Error(a(285));return t.flags=-4097&e|64,t;case 5:return Io(t),null;case 13:return ai(zo),4096&(e=t.flags)?(t.flags=-4097&e|64,t):null;case 19:return ai(zo),null;case 4:return So(),null;case 10:return Zi(t),null;case 23:case 24:return gh(),null;default:return null}}function rl(t,e){try{var n="",r=e;do{n+=H(r),r=r.return}while(r);var i=n}catch(t){i="\nError generating stack: "+t.message+"\n"+t.stack}return{value:t,source:e,stack:i}}function il(t,e){try{console.error(e.value)}catch(t){setTimeout((function(){throw t}))}}qa=function(t,e){for(var n=e.child;null!==n;){if(5===n.tag||6===n.tag)t.appendChild(n.stateNode);else if(4!==n.tag&&null!==n.child){n.child.return=n,n=n.child;continue}if(n===e)break;for(;null===n.sibling;){if(null===n.return||n.return===e)return;n=n.return}n.sibling.return=n.return,n=n.sibling}},Wa=function(t,e,n,r){var o=t.memoizedProps;if(o!==r){t=e.stateNode,Do(yo.current);var a,l=null;switch(n){case"input":o=Z(t,o),r=Z(t,r),l=[];break;case"option":o=ot(t,o),r=ot(t,r),l=[];break;case"select":o=i({},o,{value:void 0}),r=i({},r,{value:void 0}),l=[];break;case"textarea":o=lt(t,o),r=lt(t,r),l=[];break;default:"function"!=typeof o.onClick&&"function"==typeof r.onClick&&(t.onclick=Nr)}for(d in Bt(n,r),n=null,o)if(!r.hasOwnProperty(d)&&o.hasOwnProperty(d)&&null!=o[d])if("style"===d){var s=o[d];for(a in s)s.hasOwnProperty(a)&&(n||(n={}),n[a]="")}else"dangerouslySetInnerHTML"!==d&&"children"!==d&&"suppressContentEditableWarning"!==d&&"suppressHydrationWarning"!==d&&"autoFocus"!==d&&(h.hasOwnProperty(d)?l||(l=[]):(l=l||[]).push(d,null));for(d in r){var A=r[d];if(s=null!=o?o[d]:void 0,r.hasOwnProperty(d)&&A!==s&&(null!=A||null!=s))if("style"===d)if(s){for(a in s)!s.hasOwnProperty(a)||A&&A.hasOwnProperty(a)||(n||(n={}),n[a]="");for(a in A)A.hasOwnProperty(a)&&s[a]!==A[a]&&(n||(n={}),n[a]=A[a])}else n||(l||(l=[]),l.push(d,n)),n=A;else"dangerouslySetInnerHTML"===d?(A=A?A.__html:void 0,s=s?s.__html:void 0,null!=A&&s!==A&&(l=l||[]).push(d,A)):"children"===d?"string"!=typeof A&&"number"!=typeof A||(l=l||[]).push(d,""+A):"suppressContentEditableWarning"!==d&&"suppressHydrationWarning"!==d&&(h.hasOwnProperty(d)?(null!=A&&"onScroll"===d&&yr("scroll",t),l||s===A||(l=[])):"object"==typeof A&&null!==A&&A.$$typeof===T?A.toString():(l=l||[]).push(d,A))}n&&(l=l||[]).push("style",n);var d=l;(e.updateQueue=d)&&(e.flags|=4)}},Ha=function(t,e,n,r){n!==r&&(e.flags|=4)};var ol="function"==typeof WeakMap?WeakMap:Map;function al(t,e,n){(n=ao(-1,n)).tag=3,n.payload={element:null};var r=e.value;return n.callback=function(){ql||(ql=!0,Wl=r),il(0,e)},n}function ll(t,e,n){(n=ao(-1,n)).tag=3;var r=t.type.getDerivedStateFromError;if("function"==typeof r){var i=e.value;n.payload=function(){return il(0,e),r(i)}}var o=t.stateNode;return null!==o&&"function"==typeof o.componentDidCatch&&(n.callback=function(){"function"!=typeof r&&(null===Hl?Hl=new Set([this]):Hl.add(this),il(0,e));var t=e.stack;this.componentDidCatch(e.value,{componentStack:null!==t?t:""})}),n}var hl="function"==typeof WeakSet?WeakSet:Set;function sl(t){var e=t.ref;if(null!==e)if("function"==typeof e)try{e(null)}catch(e){zh(t,e)}else e.current=null}function Al(t,e){switch(e.tag){case 0:case 11:case 15:case 22:return;case 1:if(256&e.flags&&null!==t){var n=t.memoizedProps,r=t.memoizedState;e=(t=e.stateNode).getSnapshotBeforeUpdate(e.elementType===e.type?n:Yi(e.type,n),r),t.__reactInternalSnapshotBeforeUpdate=e}return;case 3:return void(256&e.flags&&Gr(e.stateNode.containerInfo));case 5:case 6:case 4:case 17:return}throw Error(a(163))}function dl(t,e,n){switch(n.tag){case 0:case 11:case 15:case 22:if(null!==(e=null!==(e=n.updateQueue)?e.lastEffect:null)){t=e=e.next;do{if(3==(3&t.tag)){var r=t.create;t.destroy=r()}t=t.next}while(t!==e)}if(null!==(e=null!==(e=n.updateQueue)?e.lastEffect:null)){t=e=e.next;do{var i=t;r=i.next,0!=(4&(i=i.tag))&&0!=(1&i)&&(Sh(n,t),Fh(n,t)),t=r}while(t!==e)}return;case 1:return t=n.stateNode,4&n.flags&&(null===e?t.componentDidMount():(r=n.elementType===n.type?e.memoizedProps:Yi(n.type,e.memoizedProps),t.componentDidUpdate(r,e.memoizedState,t.__reactInternalSnapshotBeforeUpdate))),void(null!==(e=n.updateQueue)&&Ao(n,e,t));case 3:if(null!==(e=n.updateQueue)){if(t=null,null!==n.child)switch(n.child.tag){case 5:t=n.child.stateNode;break;case 1:t=n.child.stateNode}Ao(n,e,t)}return;case 5:return t=n.stateNode,void(null===e&&4&n.flags&&Or(n.type,n.memoizedProps)&&t.focus());case 6:case 4:case 12:return;case 13:return void(null===n.memoizedState&&(n=n.alternate,null!==n&&(n=n.memoizedState,null!==n&&(n=n.dehydrated,null!==n&&ve(n)))));case 19:case 17:case 20:case 21:case 23:case 24:return}throw Error(a(163))}function cl(t,e){for(var n=t;;){if(5===n.tag){var r=n.stateNode;if(e)"function"==typeof(r=r.style).setProperty?r.setProperty("display","none","important"):r.display="none";else{r=n.stateNode;var i=n.memoizedProps.style;i=null!=i&&i.hasOwnProperty("display")?i.display:null,r.style.display=_t("display",i)}}else if(6===n.tag)n.stateNode.nodeValue=e?"":n.memoizedProps;else if((23!==n.tag&&24!==n.tag||null===n.memoizedState||n===t)&&null!==n.child){n.child.return=n,n=n.child;continue}if(n===t)break;for(;null===n.sibling;){if(null===n.return||n.return===t)return;n=n.return}n.sibling.return=n.return,n=n.sibling}}function ul(t,e){if(_i&&"function"==typeof _i.onCommitFiberUnmount)try{_i.onCommitFiberUnmount(bi,e)}catch(t){}switch(e.tag){case 0:case 11:case 14:case 15:case 22:if(null!==(t=e.updateQueue)&&null!==(t=t.lastEffect)){var n=t=t.next;do{var r=n,i=r.destroy;if(r=r.tag,void 0!==i)if(0!=(4&r))Sh(e,n);else{r=e;try{i()}catch(t){zh(r,t)}}n=n.next}while(n!==t)}break;case 1:if(sl(e),"function"==typeof(t=e.stateNode).componentWillUnmount)try{t.props=e.memoizedProps,t.state=e.memoizedState,t.componentWillUnmount()}catch(t){zh(e,t)}break;case 5:sl(e);break;case 4:bl(t,e)}}function pl(t){t.alternate=null,t.child=null,t.dependencies=null,t.firstEffect=null,t.lastEffect=null,t.memoizedProps=null,t.memoizedState=null,t.pendingProps=null,t.return=null,t.updateQueue=null}function ml(t){return 5===t.tag||3===t.tag||4===t.tag}function fl(t){t:{for(var e=t.return;null!==e;){if(ml(e))break t;e=e.return}throw Error(a(160))}var n=e;switch(e=n.stateNode,n.tag){case 5:var r=!1;break;case 3:case 4:e=e.containerInfo,r=!0;break;default:throw Error(a(161))}16&n.flags&&(gt(e,""),n.flags&=-17);t:e:for(n=t;;){for(;null===n.sibling;){if(null===n.return||ml(n.return)){n=null;break t}n=n.return}for(n.sibling.return=n.return,n=n.sibling;5!==n.tag&&6!==n.tag&&18!==n.tag;){if(2&n.flags)continue e;if(null===n.child||4===n.tag)continue e;n.child.return=n,n=n.child}if(!(2&n.flags)){n=n.stateNode;break t}}r?gl(t,n,e):Cl(t,n,e)}function gl(t,e,n){var r=t.tag,i=5===r||6===r;if(i)t=i?t.stateNode:t.stateNode.instance,e?8===n.nodeType?n.parentNode.insertBefore(t,e):n.insertBefore(t,e):(8===n.nodeType?(e=n.parentNode).insertBefore(t,n):(e=n).appendChild(t),null!=(n=n._reactRootContainer)||null!==e.onclick||(e.onclick=Nr));else if(4!==r&&null!==(t=t.child))for(gl(t,e,n),t=t.sibling;null!==t;)gl(t,e,n),t=t.sibling}function Cl(t,e,n){var r=t.tag,i=5===r||6===r;if(i)t=i?t.stateNode:t.stateNode.instance,e?n.insertBefore(t,e):n.appendChild(t);else if(4!==r&&null!==(t=t.child))for(Cl(t,e,n),t=t.sibling;null!==t;)Cl(t,e,n),t=t.sibling}function bl(t,e){for(var n,r,i=e,o=!1;;){if(!o){o=i.return;t:for(;;){if(null===o)throw Error(a(160));switch(n=o.stateNode,o.tag){case 5:r=!1;break t;case 3:case 4:n=n.containerInfo,r=!0;break t}o=o.return}o=!0}if(5===i.tag||6===i.tag){t:for(var l=t,h=i,s=h;;)if(ul(l,s),null!==s.child&&4!==s.tag)s.child.return=s,s=s.child;else{if(s===h)break t;for(;null===s.sibling;){if(null===s.return||s.return===h)break t;s=s.return}s.sibling.return=s.return,s=s.sibling}r?(l=n,h=i.stateNode,8===l.nodeType?l.parentNode.removeChild(h):l.removeChild(h)):n.removeChild(i.stateNode)}else if(4===i.tag){if(null!==i.child){n=i.stateNode.containerInfo,r=!0,i.child.return=i,i=i.child;continue}}else if(ul(t,i),null!==i.child){i.child.return=i,i=i.child;continue}if(i===e)break;for(;null===i.sibling;){if(null===i.return||i.return===e)return;4===(i=i.return).tag&&(o=!1)}i.sibling.return=i.return,i=i.sibling}}function _l(t,e){switch(e.tag){case 0:case 11:case 14:case 15:case 22:var n=e.updateQueue;if(null!==(n=null!==n?n.lastEffect:null)){var r=n=n.next;do{3==(3&r.tag)&&(t=r.destroy,r.destroy=void 0,void 0!==t&&t()),r=r.next}while(r!==n)}return;case 1:return;case 5:if(null!=(n=e.stateNode)){r=e.memoizedProps;var i=null!==t?t.memoizedProps:r;t=e.type;var o=e.updateQueue;if(e.updateQueue=null,null!==o){for(n[Qr]=r,"input"===t&&"radio"===r.type&&null!=r.name&&et(n,r),kt(t,i),e=kt(t,r),i=0;i<o.length;i+=2){var l=o[i],h=o[i+1];"style"===l?vt(n,h):"dangerouslySetInnerHTML"===l?ft(n,h):"children"===l?gt(n,h):_(n,l,h,e)}switch(t){case"input":nt(n,r);break;case"textarea":st(n,r);break;case"select":t=n._wrapperState.wasMultiple,n._wrapperState.wasMultiple=!!r.multiple,null!=(o=r.value)?at(n,!!r.multiple,o,!1):t!==!!r.multiple&&(null!=r.defaultValue?at(n,!!r.multiple,r.defaultValue,!0):at(n,!!r.multiple,r.multiple?[]:"",!1))}}}return;case 6:if(null===e.stateNode)throw Error(a(162));return void(e.stateNode.nodeValue=e.memoizedProps);case 3:return void((n=e.stateNode).hydrate&&(n.hydrate=!1,ve(n.containerInfo)));case 12:return;case 13:return null!==e.memoizedState&&(Ol=Oi(),cl(e.child,!0)),void vl(e);case 19:return void vl(e);case 17:return;case 23:case 24:return void cl(e,null!==e.memoizedState)}throw Error(a(163))}function vl(t){var e=t.updateQueue;if(null!==e){t.updateQueue=null;var n=t.stateNode;null===n&&(n=t.stateNode=new hl),e.forEach((function(e){var r=Nh.bind(null,t,e);n.has(e)||(n.add(e),e.then(r,r))}))}}function xl(t,e){return null!==t&&(null===(t=t.memoizedState)||null!==t.dehydrated)&&null!==(e=e.memoizedState)&&null===e.dehydrated}var Bl=Math.ceil,kl=v.ReactCurrentDispatcher,wl=v.ReactCurrentOwner,yl=0,El=null,$l=null,Dl=0,Fl=0,Sl=oi(0),Ml=0,Il=null,zl=0,Tl=0,Nl=0,jl=0,Ll=null,Ol=0,Rl=1/0;function Ul(){Rl=Oi()+500}var Pl,Gl=null,ql=!1,Wl=null,Hl=null,Yl=!1,Jl=null,Ql=90,Xl=[],Kl=[],Vl=null,Zl=0,th=null,eh=-1,nh=0,rh=0,ih=null,oh=!1;function ah(){return 0!=(48&yl)?Oi():-1!==eh?eh:eh=Oi()}function lh(t){if(0==(2&(t=t.mode)))return 1;if(0==(4&t))return 99===Ri()?1:2;if(0===nh&&(nh=zl),0!==Hi.transition){0!==rh&&(rh=null!==Ll?Ll.pendingLanes:0),t=nh;var e=4186112&~rh;return 0==(e&=-e)&&0==(e=(t=4186112&~t)&-t)&&(e=8192),e}return t=Ri(),t=Oe(0!=(4&yl)&&98===t?12:t=function(t){switch(t){case 99:return 15;case 98:return 10;case 97:case 96:return 8;case 95:return 2;default:return 0}}(t),nh)}function hh(t,e,n){if(50<Zl)throw Zl=0,th=null,Error(a(185));if(null===(t=sh(t,e)))return null;Pe(t,e,n),t===El&&(Nl|=e,4===Ml&&ch(t,Dl));var r=Ri();1===e?0!=(8&yl)&&0==(48&yl)?uh(t):(Ah(t,n),0===yl&&(Ul(),qi())):(0==(4&yl)||98!==r&&99!==r||(null===Vl?Vl=new Set([t]):Vl.add(t)),Ah(t,n)),Ll=t}function sh(t,e){t.lanes|=e;var n=t.alternate;for(null!==n&&(n.lanes|=e),n=t,t=t.return;null!==t;)t.childLanes|=e,null!==(n=t.alternate)&&(n.childLanes|=e),n=t,t=t.return;return 3===n.tag?n.stateNode:null}function Ah(t,e){for(var n=t.callbackNode,r=t.suspendedLanes,i=t.pingedLanes,o=t.expirationTimes,l=t.pendingLanes;0<l;){var h=31-Ge(l),s=1<<h,A=o[h];if(-1===A){if(0==(s&r)||0!=(s&i)){A=e,Ne(s);var d=Te;o[h]=10<=d?A+250:6<=d?A+5e3:-1}}else A<=e&&(t.expiredLanes|=s);l&=~s}if(r=je(t,t===El?Dl:0),e=Te,0===r)null!==n&&(n!==Ii&&Bi(n),t.callbackNode=null,t.callbackPriority=0);else{if(null!==n){if(t.callbackPriority===e)return;n!==Ii&&Bi(n)}15===e?(n=uh.bind(null,t),null===Ti?(Ti=[n],Ni=xi($i,Wi)):Ti.push(n),n=Ii):n=14===e?Gi(99,uh.bind(null,t)):Gi(n=function(t){switch(t){case 15:case 14:return 99;case 13:case 12:case 11:case 10:return 98;case 9:case 8:case 7:case 6:case 4:case 5:return 97;case 3:case 2:case 1:return 95;case 0:return 90;default:throw Error(a(358,t))}}(e),dh.bind(null,t)),t.callbackPriority=e,t.callbackNode=n}}function dh(t){if(eh=-1,rh=nh=0,0!=(48&yl))throw Error(a(327));var e=t.callbackNode;if(Dh()&&t.callbackNode!==e)return null;var n=je(t,t===El?Dl:0);if(0===n)return null;var r=n,i=yl;yl|=16;var o=_h();for(El===t&&Dl===r||(Ul(),Ch(t,r));;)try{Bh();break}catch(e){bh(t,e)}if(Vi(),kl.current=o,yl=i,null!==$l?r=0:(El=null,Dl=0,r=Ml),0!=(zl&Nl))Ch(t,0);else if(0!==r){if(2===r&&(yl|=64,t.hydrate&&(t.hydrate=!1,Gr(t.containerInfo)),0!==(n=Le(t))&&(r=vh(t,n))),1===r)throw e=Il,Ch(t,0),ch(t,n),Ah(t,Oi()),e;switch(t.finishedWork=t.current.alternate,t.finishedLanes=n,r){case 0:case 1:throw Error(a(345));case 2:yh(t);break;case 3:if(ch(t,n),(62914560&n)===n&&10<(r=Ol+500-Oi())){if(0!==je(t,0))break;if(((i=t.suspendedLanes)&n)!==n){ah(),t.pingedLanes|=t.suspendedLanes&i;break}t.timeoutHandle=Ur(yh.bind(null,t),r);break}yh(t);break;case 4:if(ch(t,n),(4186112&n)===n)break;for(r=t.eventTimes,i=-1;0<n;){var l=31-Ge(n);o=1<<l,(l=r[l])>i&&(i=l),n&=~o}if(n=i,10<(n=(120>(n=Oi()-n)?120:480>n?480:1080>n?1080:1920>n?1920:3e3>n?3e3:4320>n?4320:1960*Bl(n/1960))-n)){t.timeoutHandle=Ur(yh.bind(null,t),n);break}yh(t);break;case 5:yh(t);break;default:throw Error(a(329))}}return Ah(t,Oi()),t.callbackNode===e?dh.bind(null,t):null}function ch(t,e){for(e&=~jl,e&=~Nl,t.suspendedLanes|=e,t.pingedLanes&=~e,t=t.expirationTimes;0<e;){var n=31-Ge(e),r=1<<n;t[n]=-1,e&=~r}}function uh(t){if(0!=(48&yl))throw Error(a(327));if(Dh(),t===El&&0!=(t.expiredLanes&Dl)){var e=Dl,n=vh(t,e);0!=(zl&Nl)&&(n=vh(t,e=je(t,e)))}else n=vh(t,e=je(t,0));if(0!==t.tag&&2===n&&(yl|=64,t.hydrate&&(t.hydrate=!1,Gr(t.containerInfo)),0!==(e=Le(t))&&(n=vh(t,e))),1===n)throw n=Il,Ch(t,0),ch(t,e),Ah(t,Oi()),n;return t.finishedWork=t.current.alternate,t.finishedLanes=e,yh(t),Ah(t,Oi()),null}function ph(t,e){var n=yl;yl|=1;try{return t(e)}finally{0===(yl=n)&&(Ul(),qi())}}function mh(t,e){var n=yl;yl&=-2,yl|=8;try{return t(e)}finally{0===(yl=n)&&(Ul(),qi())}}function fh(t,e){li(Sl,Fl),Fl|=e,zl|=e}function gh(){Fl=Sl.current,ai(Sl)}function Ch(t,e){t.finishedWork=null,t.finishedLanes=0;var n=t.timeoutHandle;if(-1!==n&&(t.timeoutHandle=-1,Pr(n)),null!==$l)for(n=$l.return;null!==n;){var r=n;switch(r.tag){case 1:null!=(r=r.type.childContextTypes)&&pi();break;case 3:So(),ai(Ai),ai(si),Ho();break;case 5:Io(r);break;case 4:So();break;case 13:case 19:ai(zo);break;case 10:Zi(r);break;case 23:case 24:gh()}n=n.return}El=t,$l=Rh(t.current,null),Dl=Fl=zl=e,Ml=0,Il=null,jl=Nl=Tl=0}function bh(t,e){for(;;){var n=$l;try{if(Vi(),Yo.current=$a,Zo){for(var r=Xo.memoizedState;null!==r;){var i=r.queue;null!==i&&(i.pending=null),r=r.next}Zo=!1}if(Qo=0,Vo=Ko=Xo=null,ta=!1,wl.current=null,null===n||null===n.return){Ml=1,Il=e,$l=null;break}t:{var o=t,a=n.return,l=n,h=e;if(e=Dl,l.flags|=2048,l.firstEffect=l.lastEffect=null,null!==h&&"object"==typeof h&&"function"==typeof h.then){var s=h;if(0==(2&l.mode)){var A=l.alternate;A?(l.updateQueue=A.updateQueue,l.memoizedState=A.memoizedState,l.lanes=A.lanes):(l.updateQueue=null,l.memoizedState=null)}var d=0!=(1&zo.current),c=a;do{var u;if(u=13===c.tag){var p=c.memoizedState;if(null!==p)u=null!==p.dehydrated;else{var m=c.memoizedProps;u=void 0!==m.fallback&&(!0!==m.unstable_avoidThisFallback||!d)}}if(u){var f=c.updateQueue;if(null===f){var g=new Set;g.add(s),c.updateQueue=g}else f.add(s);if(0==(2&c.mode)){if(c.flags|=64,l.flags|=16384,l.flags&=-2981,1===l.tag)if(null===l.alternate)l.tag=17;else{var C=ao(-1,1);C.tag=2,lo(l,C)}l.lanes|=1;break t}h=void 0,l=e;var b=o.pingCache;if(null===b?(b=o.pingCache=new ol,h=new Set,b.set(s,h)):void 0===(h=b.get(s))&&(h=new Set,b.set(s,h)),!h.has(l)){h.add(l);var _=Th.bind(null,o,s,l);s.then(_,_)}c.flags|=4096,c.lanes=e;break t}c=c.return}while(null!==c);h=Error((Y(l.type)||"A React component")+" suspended while rendering, but no fallback UI was specified.\n\nAdd a <Suspense fallback=...> component higher in the tree to provide a loading indicator or placeholder to display.")}5!==Ml&&(Ml=2),h=rl(h,l),c=a;do{switch(c.tag){case 3:o=h,c.flags|=4096,e&=-e,c.lanes|=e,ho(c,al(0,o,e));break t;case 1:o=h;var v=c.type,x=c.stateNode;if(0==(64&c.flags)&&("function"==typeof v.getDerivedStateFromError||null!==x&&"function"==typeof x.componentDidCatch&&(null===Hl||!Hl.has(x)))){c.flags|=4096,e&=-e,c.lanes|=e,ho(c,ll(c,o,e));break t}}c=c.return}while(null!==c)}wh(n)}catch(t){e=t,$l===n&&null!==n&&($l=n=n.return);continue}break}}function _h(){var t=kl.current;return kl.current=$a,null===t?$a:t}function vh(t,e){var n=yl;yl|=16;var r=_h();for(El===t&&Dl===e||Ch(t,e);;)try{xh();break}catch(e){bh(t,e)}if(Vi(),yl=n,kl.current=r,null!==$l)throw Error(a(261));return El=null,Dl=0,Ml}function xh(){for(;null!==$l;)kh($l)}function Bh(){for(;null!==$l&&!ki();)kh($l)}function kh(t){var e=Pl(t.alternate,t,Fl);t.memoizedProps=t.pendingProps,null===e?wh(t):$l=e,wl.current=null}function wh(t){var e=t;do{var n=e.alternate;if(t=e.return,0==(2048&e.flags)){if(null!==(n=el(n,e,Fl)))return void($l=n);if(24!==(n=e).tag&&23!==n.tag||null===n.memoizedState||0!=(1073741824&Fl)||0==(4&n.mode)){for(var r=0,i=n.child;null!==i;)r|=i.lanes|i.childLanes,i=i.sibling;n.childLanes=r}null!==t&&0==(2048&t.flags)&&(null===t.firstEffect&&(t.firstEffect=e.firstEffect),null!==e.lastEffect&&(null!==t.lastEffect&&(t.lastEffect.nextEffect=e.firstEffect),t.lastEffect=e.lastEffect),1<e.flags&&(null!==t.lastEffect?t.lastEffect.nextEffect=e:t.firstEffect=e,t.lastEffect=e))}else{if(null!==(n=nl(e)))return n.flags&=2047,void($l=n);null!==t&&(t.firstEffect=t.lastEffect=null,t.flags|=2048)}if(null!==(e=e.sibling))return void($l=e);$l=e=t}while(null!==e);0===Ml&&(Ml=5)}function yh(t){var e=Ri();return Pi(99,Eh.bind(null,t,e)),null}function Eh(t,e){do{Dh()}while(null!==Jl);if(0!=(48&yl))throw Error(a(327));var n=t.finishedWork;if(null===n)return null;if(t.finishedWork=null,t.finishedLanes=0,n===t.current)throw Error(a(177));t.callbackNode=null;var r=n.lanes|n.childLanes,i=r,o=t.pendingLanes&~i;t.pendingLanes=i,t.suspendedLanes=0,t.pingedLanes=0,t.expiredLanes&=i,t.mutableReadLanes&=i,t.entangledLanes&=i,i=t.entanglements;for(var l=t.eventTimes,h=t.expirationTimes;0<o;){var s=31-Ge(o),A=1<<s;i[s]=0,l[s]=-1,h[s]=-1,o&=~A}if(null!==Vl&&0==(24&r)&&Vl.has(t)&&Vl.delete(t),t===El&&($l=El=null,Dl=0),1<n.flags?null!==n.lastEffect?(n.lastEffect.nextEffect=n,r=n.firstEffect):r=n:r=n.firstEffect,null!==r){if(i=yl,yl|=32,wl.current=null,jr=Je,ur(l=cr())){if("selectionStart"in l)h={start:l.selectionStart,end:l.selectionEnd};else t:if(h=(h=l.ownerDocument)&&h.defaultView||window,(A=h.getSelection&&h.getSelection())&&0!==A.rangeCount){h=A.anchorNode,o=A.anchorOffset,s=A.focusNode,A=A.focusOffset;try{h.nodeType,s.nodeType}catch(t){h=null;break t}var d=0,c=-1,u=-1,p=0,m=0,f=l,g=null;e:for(;;){for(var C;f!==h||0!==o&&3!==f.nodeType||(c=d+o),f!==s||0!==A&&3!==f.nodeType||(u=d+A),3===f.nodeType&&(d+=f.nodeValue.length),null!==(C=f.firstChild);)g=f,f=C;for(;;){if(f===l)break e;if(g===h&&++p===o&&(c=d),g===s&&++m===A&&(u=d),null!==(C=f.nextSibling))break;g=(f=g).parentNode}f=C}h=-1===c||-1===u?null:{start:c,end:u}}else h=null;h=h||{start:0,end:0}}else h=null;Lr={focusedElem:l,selectionRange:h},Je=!1,ih=null,oh=!1,Gl=r;do{try{$h()}catch(t){if(null===Gl)throw Error(a(330));zh(Gl,t),Gl=Gl.nextEffect}}while(null!==Gl);ih=null,Gl=r;do{try{for(l=t;null!==Gl;){var b=Gl.flags;if(16&b&>(Gl.stateNode,""),128&b){var _=Gl.alternate;if(null!==_){var v=_.ref;null!==v&&("function"==typeof v?v(null):v.current=null)}}switch(1038&b){case 2:fl(Gl),Gl.flags&=-3;break;case 6:fl(Gl),Gl.flags&=-3,_l(Gl.alternate,Gl);break;case 1024:Gl.flags&=-1025;break;case 1028:Gl.flags&=-1025,_l(Gl.alternate,Gl);break;case 4:_l(Gl.alternate,Gl);break;case 8:bl(l,h=Gl);var x=h.alternate;pl(h),null!==x&&pl(x)}Gl=Gl.nextEffect}}catch(t){if(null===Gl)throw Error(a(330));zh(Gl,t),Gl=Gl.nextEffect}}while(null!==Gl);if(v=Lr,_=cr(),b=v.focusedElem,l=v.selectionRange,_!==b&&b&&b.ownerDocument&&dr(b.ownerDocument.documentElement,b)){null!==l&&ur(b)&&(_=l.start,void 0===(v=l.end)&&(v=_),"selectionStart"in b?(b.selectionStart=_,b.selectionEnd=Math.min(v,b.value.length)):(v=(_=b.ownerDocument||document)&&_.defaultView||window).getSelection&&(v=v.getSelection(),h=b.textContent.length,x=Math.min(l.start,h),l=void 0===l.end?x:Math.min(l.end,h),!v.extend&&x>l&&(h=l,l=x,x=h),h=Ar(b,x),o=Ar(b,l),h&&o&&(1!==v.rangeCount||v.anchorNode!==h.node||v.anchorOffset!==h.offset||v.focusNode!==o.node||v.focusOffset!==o.offset)&&((_=_.createRange()).setStart(h.node,h.offset),v.removeAllRanges(),x>l?(v.addRange(_),v.extend(o.node,o.offset)):(_.setEnd(o.node,o.offset),v.addRange(_))))),_=[];for(v=b;v=v.parentNode;)1===v.nodeType&&_.push({element:v,left:v.scrollLeft,top:v.scrollTop});for("function"==typeof b.focus&&b.focus(),b=0;b<_.length;b++)(v=_[b]).element.scrollLeft=v.left,v.element.scrollTop=v.top}Je=!!jr,Lr=jr=null,t.current=n,Gl=r;do{try{for(b=t;null!==Gl;){var B=Gl.flags;if(36&B&&dl(b,Gl.alternate,Gl),128&B){_=void 0;var k=Gl.ref;if(null!==k){var w=Gl.stateNode;switch(Gl.tag){case 5:_=w;break;default:_=w}"function"==typeof k?k(_):k.current=_}}Gl=Gl.nextEffect}}catch(t){if(null===Gl)throw Error(a(330));zh(Gl,t),Gl=Gl.nextEffect}}while(null!==Gl);Gl=null,zi(),yl=i}else t.current=n;if(Yl)Yl=!1,Jl=t,Ql=e;else for(Gl=r;null!==Gl;)e=Gl.nextEffect,Gl.nextEffect=null,8&Gl.flags&&((B=Gl).sibling=null,B.stateNode=null),Gl=e;if(0===(r=t.pendingLanes)&&(Hl=null),1===r?t===th?Zl++:(Zl=0,th=t):Zl=0,n=n.stateNode,_i&&"function"==typeof _i.onCommitFiberRoot)try{_i.onCommitFiberRoot(bi,n,void 0,64==(64&n.current.flags))}catch(t){}if(Ah(t,Oi()),ql)throw ql=!1,t=Wl,Wl=null,t;return 0!=(8&yl)||qi(),null}function $h(){for(;null!==Gl;){var t=Gl.alternate;oh||null===ih||(0!=(8&Gl.flags)?Zt(Gl,ih)&&(oh=!0):13===Gl.tag&&xl(t,Gl)&&Zt(Gl,ih)&&(oh=!0));var e=Gl.flags;0!=(256&e)&&Al(t,Gl),0==(512&e)||Yl||(Yl=!0,Gi(97,(function(){return Dh(),null}))),Gl=Gl.nextEffect}}function Dh(){if(90!==Ql){var t=97<Ql?97:Ql;return Ql=90,Pi(t,Mh)}return!1}function Fh(t,e){Xl.push(e,t),Yl||(Yl=!0,Gi(97,(function(){return Dh(),null})))}function Sh(t,e){Kl.push(e,t),Yl||(Yl=!0,Gi(97,(function(){return Dh(),null})))}function Mh(){if(null===Jl)return!1;var t=Jl;if(Jl=null,0!=(48&yl))throw Error(a(331));var e=yl;yl|=32;var n=Kl;Kl=[];for(var r=0;r<n.length;r+=2){var i=n[r],o=n[r+1],l=i.destroy;if(i.destroy=void 0,"function"==typeof l)try{l()}catch(t){if(null===o)throw Error(a(330));zh(o,t)}}for(n=Xl,Xl=[],r=0;r<n.length;r+=2){i=n[r],o=n[r+1];try{var h=i.create;i.destroy=h()}catch(t){if(null===o)throw Error(a(330));zh(o,t)}}for(h=t.current.firstEffect;null!==h;)t=h.nextEffect,h.nextEffect=null,8&h.flags&&(h.sibling=null,h.stateNode=null),h=t;return yl=e,qi(),!0}function Ih(t,e,n){lo(t,e=al(0,e=rl(n,e),1)),e=ah(),null!==(t=sh(t,1))&&(Pe(t,1,e),Ah(t,e))}function zh(t,e){if(3===t.tag)Ih(t,t,e);else for(var n=t.return;null!==n;){if(3===n.tag){Ih(n,t,e);break}if(1===n.tag){var r=n.stateNode;if("function"==typeof n.type.getDerivedStateFromError||"function"==typeof r.componentDidCatch&&(null===Hl||!Hl.has(r))){var i=ll(n,t=rl(e,t),1);if(lo(n,i),i=ah(),null!==(n=sh(n,1)))Pe(n,1,i),Ah(n,i);else if("function"==typeof r.componentDidCatch&&(null===Hl||!Hl.has(r)))try{r.componentDidCatch(e,t)}catch(t){}break}}n=n.return}}function Th(t,e,n){var r=t.pingCache;null!==r&&r.delete(e),e=ah(),t.pingedLanes|=t.suspendedLanes&n,El===t&&(Dl&n)===n&&(4===Ml||3===Ml&&(62914560&Dl)===Dl&&500>Oi()-Ol?Ch(t,0):jl|=n),Ah(t,e)}function Nh(t,e){var n=t.stateNode;null!==n&&n.delete(e),0==(e=0)&&(0==(2&(e=t.mode))?e=1:0==(4&e)?e=99===Ri()?1:2:(0===nh&&(nh=zl),0===(e=Re(62914560&~nh))&&(e=4194304))),n=ah(),null!==(t=sh(t,e))&&(Pe(t,e,n),Ah(t,n))}function jh(t,e,n,r){this.tag=t,this.key=n,this.sibling=this.child=this.return=this.stateNode=this.type=this.elementType=null,this.index=0,this.ref=null,this.pendingProps=e,this.dependencies=this.memoizedState=this.updateQueue=this.memoizedProps=null,this.mode=r,this.flags=0,this.lastEffect=this.firstEffect=this.nextEffect=null,this.childLanes=this.lanes=0,this.alternate=null}function Lh(t,e,n,r){return new jh(t,e,n,r)}function Oh(t){return!(!(t=t.prototype)||!t.isReactComponent)}function Rh(t,e){var n=t.alternate;return null===n?((n=Lh(t.tag,e,t.key,t.mode)).elementType=t.elementType,n.type=t.type,n.stateNode=t.stateNode,n.alternate=t,t.alternate=n):(n.pendingProps=e,n.type=t.type,n.flags=0,n.nextEffect=null,n.firstEffect=null,n.lastEffect=null),n.childLanes=t.childLanes,n.lanes=t.lanes,n.child=t.child,n.memoizedProps=t.memoizedProps,n.memoizedState=t.memoizedState,n.updateQueue=t.updateQueue,e=t.dependencies,n.dependencies=null===e?null:{lanes:e.lanes,firstContext:e.firstContext},n.sibling=t.sibling,n.index=t.index,n.ref=t.ref,n}function Uh(t,e,n,r,i,o){var l=2;if(r=t,"function"==typeof t)Oh(t)&&(l=1);else if("string"==typeof t)l=5;else t:switch(t){case k:return Ph(n.children,i,o,e);case N:l=8,i|=16;break;case w:l=8,i|=1;break;case y:return(t=Lh(12,n,e,8|i)).elementType=y,t.type=y,t.lanes=o,t;case F:return(t=Lh(13,n,e,i)).type=F,t.elementType=F,t.lanes=o,t;case S:return(t=Lh(19,n,e,i)).elementType=S,t.lanes=o,t;case j:return Gh(n,i,o,e);case L:return(t=Lh(24,n,e,i)).elementType=L,t.lanes=o,t;default:if("object"==typeof t&&null!==t)switch(t.$$typeof){case E:l=10;break t;case $:l=9;break t;case D:l=11;break t;case M:l=14;break t;case I:l=16,r=null;break t;case z:l=22;break t}throw Error(a(130,null==t?t:typeof t,""))}return(e=Lh(l,n,e,i)).elementType=t,e.type=r,e.lanes=o,e}function Ph(t,e,n,r){return(t=Lh(7,t,r,e)).lanes=n,t}function Gh(t,e,n,r){return(t=Lh(23,t,r,e)).elementType=j,t.lanes=n,t}function qh(t,e,n){return(t=Lh(6,t,null,e)).lanes=n,t}function Wh(t,e,n){return(e=Lh(4,null!==t.children?t.children:[],t.key,e)).lanes=n,e.stateNode={containerInfo:t.containerInfo,pendingChildren:null,implementation:t.implementation},e}function Hh(t,e,n){this.tag=e,this.containerInfo=t,this.finishedWork=this.pingCache=this.current=this.pendingChildren=null,this.timeoutHandle=-1,this.pendingContext=this.context=null,this.hydrate=n,this.callbackNode=null,this.callbackPriority=0,this.eventTimes=Ue(0),this.expirationTimes=Ue(-1),this.entangledLanes=this.finishedLanes=this.mutableReadLanes=this.expiredLanes=this.pingedLanes=this.suspendedLanes=this.pendingLanes=0,this.entanglements=Ue(0),this.mutableSourceEagerHydrationData=null}function Yh(t,e,n){var r=3<arguments.length&&void 0!==arguments[3]?arguments[3]:null;return{$$typeof:B,key:null==r?null:""+r,children:t,containerInfo:e,implementation:n}}function Jh(t,e,n,r){var i=e.current,o=ah(),l=lh(i);t:if(n){e:{if(Qt(n=n._reactInternals)!==n||1!==n.tag)throw Error(a(170));var h=n;do{switch(h.tag){case 3:h=h.stateNode.context;break e;case 1:if(ui(h.type)){h=h.stateNode.__reactInternalMemoizedMergedChildContext;break e}}h=h.return}while(null!==h);throw Error(a(171))}if(1===n.tag){var s=n.type;if(ui(s)){n=fi(n,s,h);break t}}n=h}else n=hi;return null===e.context?e.context=n:e.pendingContext=n,(e=ao(o,l)).payload={element:t},null!==(r=void 0===r?null:r)&&(e.callback=r),lo(i,e),hh(i,l,o),l}function Qh(t){if(!(t=t.current).child)return null;switch(t.child.tag){case 5:default:return t.child.stateNode}}function Xh(t,e){if(null!==(t=t.memoizedState)&&null!==t.dehydrated){var n=t.retryLane;t.retryLane=0!==n&&n<e?n:e}}function Kh(t,e){Xh(t,e),(t=t.alternate)&&Xh(t,e)}function Vh(t,e,n){var r=null!=n&&null!=n.hydrationOptions&&n.hydrationOptions.mutableSources||null;if(n=new Hh(t,e,null!=n&&!0===n.hydrate),e=Lh(3,null,null,2===e?7:1===e?3:0),n.current=e,e.stateNode=n,io(e),t[Xr]=n.current,$r(8===t.nodeType?t.parentNode:t),r)for(t=0;t<r.length;t++){var i=(e=r[t])._getVersion;i=i(e._source),null==n.mutableSourceEagerHydrationData?n.mutableSourceEagerHydrationData=[e,i]:n.mutableSourceEagerHydrationData.push(e,i)}this._internalRoot=n}function Zh(t){return!(!t||1!==t.nodeType&&9!==t.nodeType&&11!==t.nodeType&&(8!==t.nodeType||" react-mount-point-unstable "!==t.nodeValue))}function ts(t,e,n,r,i){var o=n._reactRootContainer;if(o){var a=o._internalRoot;if("function"==typeof i){var l=i;i=function(){var t=Qh(a);l.call(t)}}Jh(e,a,t,i)}else{if(o=n._reactRootContainer=function(t,e){if(e||(e=!(!(e=t?9===t.nodeType?t.documentElement:t.firstChild:null)||1!==e.nodeType||!e.hasAttribute("data-reactroot"))),!e)for(var n;n=t.lastChild;)t.removeChild(n);return new Vh(t,0,e?{hydrate:!0}:void 0)}(n,r),a=o._internalRoot,"function"==typeof i){var h=i;i=function(){var t=Qh(a);h.call(t)}}mh((function(){Jh(e,a,t,i)}))}return Qh(a)}function es(t,e){var n=2<arguments.length&&void 0!==arguments[2]?arguments[2]:null;if(!Zh(e))throw Error(a(200));return Yh(t,e,null,n)}Pl=function(t,e,n){var r=e.lanes;if(null!==t)if(t.memoizedProps!==e.pendingProps||Ai.current)Ia=!0;else{if(0==(n&r)){switch(Ia=!1,e.tag){case 3:Ga(e),qo();break;case 5:Mo(e);break;case 1:ui(e.type)&&gi(e);break;case 4:Fo(e,e.stateNode.containerInfo);break;case 10:r=e.memoizedProps.value;var i=e.type._context;li(Ji,i._currentValue),i._currentValue=r;break;case 13:if(null!==e.memoizedState)return 0!=(n&e.child.childLanes)?Ja(t,e,n):(li(zo,1&zo.current),null!==(e=Za(t,e,n))?e.sibling:null);li(zo,1&zo.current);break;case 19:if(r=0!=(n&e.childLanes),0!=(64&t.flags)){if(r)return Va(t,e,n);e.flags|=64}if(null!==(i=e.memoizedState)&&(i.rendering=null,i.tail=null,i.lastEffect=null),li(zo,zo.current),r)break;return null;case 23:case 24:return e.lanes=0,La(t,e,n)}return Za(t,e,n)}Ia=0!=(16384&t.flags)}else Ia=!1;switch(e.lanes=0,e.tag){case 2:if(r=e.type,null!==t&&(t.alternate=null,e.alternate=null,e.flags|=2),t=e.pendingProps,i=ci(e,si.current),eo(e,n),i=ra(null,e,r,t,i,n),e.flags|=1,"object"==typeof i&&null!==i&&"function"==typeof i.render&&void 0===i.$$typeof){if(e.tag=1,e.memoizedState=null,e.updateQueue=null,ui(r)){var o=!0;gi(e)}else o=!1;e.memoizedState=null!==i.state&&void 0!==i.state?i.state:null,io(e);var l=r.getDerivedStateFromProps;"function"==typeof l&&uo(e,r,l,t),i.updater=po,e.stateNode=i,i._reactInternals=e,Co(e,r,t,n),e=Pa(null,e,r,!0,o,n)}else e.tag=0,za(null,e,i,n),e=e.child;return e;case 16:i=e.elementType;t:{switch(null!==t&&(t.alternate=null,e.alternate=null,e.flags|=2),t=e.pendingProps,i=(o=i._init)(i._payload),e.type=i,o=e.tag=function(t){if("function"==typeof t)return Oh(t)?1:0;if(null!=t){if((t=t.$$typeof)===D)return 11;if(t===M)return 14}return 2}(i),t=Yi(i,t),o){case 0:e=Ra(null,e,i,t,n);break t;case 1:e=Ua(null,e,i,t,n);break t;case 11:e=Ta(null,e,i,t,n);break t;case 14:e=Na(null,e,i,Yi(i.type,t),r,n);break t}throw Error(a(306,i,""))}return e;case 0:return r=e.type,i=e.pendingProps,Ra(t,e,r,i=e.elementType===r?i:Yi(r,i),n);case 1:return r=e.type,i=e.pendingProps,Ua(t,e,r,i=e.elementType===r?i:Yi(r,i),n);case 3:if(Ga(e),r=e.updateQueue,null===t||null===r)throw Error(a(282));if(r=e.pendingProps,i=null!==(i=e.memoizedState)?i.element:null,oo(t,e),so(e,r,null,n),(r=e.memoizedState.element)===i)qo(),e=Za(t,e,n);else{if((o=(i=e.stateNode).hydrate)&&(jo=qr(e.stateNode.containerInfo.firstChild),No=e,o=Lo=!0),o){if(null!=(t=i.mutableSourceEagerHydrationData))for(i=0;i<t.length;i+=2)(o=t[i])._workInProgressVersionPrimary=t[i+1],Wo.push(o);for(n=ko(e,null,r,n),e.child=n;n;)n.flags=-3&n.flags|1024,n=n.sibling}else za(t,e,r,n),qo();e=e.child}return e;case 5:return Mo(e),null===t&&Uo(e),r=e.type,i=e.pendingProps,o=null!==t?t.memoizedProps:null,l=i.children,Rr(r,i)?l=null:null!==o&&Rr(r,o)&&(e.flags|=16),Oa(t,e),za(t,e,l,n),e.child;case 6:return null===t&&Uo(e),null;case 13:return Ja(t,e,n);case 4:return Fo(e,e.stateNode.containerInfo),r=e.pendingProps,null===t?e.child=Bo(e,null,r,n):za(t,e,r,n),e.child;case 11:return r=e.type,i=e.pendingProps,Ta(t,e,r,i=e.elementType===r?i:Yi(r,i),n);case 7:return za(t,e,e.pendingProps,n),e.child;case 8:case 12:return za(t,e,e.pendingProps.children,n),e.child;case 10:t:{r=e.type._context,i=e.pendingProps,l=e.memoizedProps,o=i.value;var h=e.type._context;if(li(Ji,h._currentValue),h._currentValue=o,null!==l)if(h=l.value,0==(o=ar(h,o)?0:0|("function"==typeof r._calculateChangedBits?r._calculateChangedBits(h,o):1073741823))){if(l.children===i.children&&!Ai.current){e=Za(t,e,n);break t}}else for(null!==(h=e.child)&&(h.return=e);null!==h;){var s=h.dependencies;if(null!==s){l=h.child;for(var A=s.firstContext;null!==A;){if(A.context===r&&0!=(A.observedBits&o)){1===h.tag&&((A=ao(-1,n&-n)).tag=2,lo(h,A)),h.lanes|=n,null!==(A=h.alternate)&&(A.lanes|=n),to(h.return,n),s.lanes|=n;break}A=A.next}}else l=10===h.tag&&h.type===e.type?null:h.child;if(null!==l)l.return=h;else for(l=h;null!==l;){if(l===e){l=null;break}if(null!==(h=l.sibling)){h.return=l.return,l=h;break}l=l.return}h=l}za(t,e,i.children,n),e=e.child}return e;case 9:return i=e.type,r=(o=e.pendingProps).children,eo(e,n),r=r(i=no(i,o.unstable_observedBits)),e.flags|=1,za(t,e,r,n),e.child;case 14:return o=Yi(i=e.type,e.pendingProps),Na(t,e,i,o=Yi(i.type,o),r,n);case 15:return ja(t,e,e.type,e.pendingProps,r,n);case 17:return r=e.type,i=e.pendingProps,i=e.elementType===r?i:Yi(r,i),null!==t&&(t.alternate=null,e.alternate=null,e.flags|=2),e.tag=1,ui(r)?(t=!0,gi(e)):t=!1,eo(e,n),fo(e,r,i),Co(e,r,i,n),Pa(null,e,r,!0,t,n);case 19:return Va(t,e,n);case 23:case 24:return La(t,e,n)}throw Error(a(156,e.tag))},Vh.prototype.render=function(t){Jh(t,this._internalRoot,null,null)},Vh.prototype.unmount=function(){var t=this._internalRoot,e=t.containerInfo;Jh(null,t,null,(function(){e[Xr]=null}))},te=function(t){13===t.tag&&(hh(t,4,ah()),Kh(t,4))},ee=function(t){13===t.tag&&(hh(t,67108864,ah()),Kh(t,67108864))},ne=function(t){if(13===t.tag){var e=ah(),n=lh(t);hh(t,n,e),Kh(t,n)}},re=function(t,e){return e()},yt=function(t,e,n){switch(e){case"input":if(nt(t,n),e=n.name,"radio"===n.type&&null!=e){for(n=t;n.parentNode;)n=n.parentNode;for(n=n.querySelectorAll("input[name="+JSON.stringify(""+e)+'][type="radio"]'),e=0;e<n.length;e++){var r=n[e];if(r!==t&&r.form===t.form){var i=ei(r);if(!i)throw Error(a(90));K(r),nt(r,i)}}}break;case"textarea":st(t,n);break;case"select":null!=(e=n.value)&&at(t,!!n.multiple,e,!1)}},Mt=ph,It=function(t,e,n,r,i){var o=yl;yl|=4;try{return Pi(98,t.bind(null,e,n,r,i))}finally{0===(yl=o)&&(Ul(),qi())}},zt=function(){0==(49&yl)&&(function(){if(null!==Vl){var t=Vl;Vl=null,t.forEach((function(t){t.expiredLanes|=24&t.pendingLanes,Ah(t,Oi())}))}qi()}(),Dh())},Tt=function(t,e){var n=yl;yl|=2;try{return t(e)}finally{0===(yl=n)&&(Ul(),qi())}};var ns={Events:[Zr,ti,ei,Ft,St,Dh,{current:!1}]},rs={findFiberByHostInstance:Vr,bundleType:0,version:"17.0.2",rendererPackageName:"react-dom"},is={bundleType:rs.bundleType,version:rs.version,rendererPackageName:rs.rendererPackageName,rendererConfig:rs.rendererConfig,overrideHookState:null,overrideHookStateDeletePath:null,overrideHookStateRenamePath:null,overrideProps:null,overridePropsDeletePath:null,overridePropsRenamePath:null,setSuspenseHandler:null,scheduleUpdate:null,currentDispatcherRef:v.ReactCurrentDispatcher,findHostInstanceByFiber:function(t){return null===(t=Vt(t))?null:t.stateNode},findFiberByHostInstance:rs.findFiberByHostInstance||function(){return null},findHostInstancesForRefresh:null,scheduleRefresh:null,scheduleRoot:null,setRefreshHandler:null,getCurrentFiber:null};if("undefined"!=typeof __REACT_DEVTOOLS_GLOBAL_HOOK__){var os=__REACT_DEVTOOLS_GLOBAL_HOOK__;if(!os.isDisabled&&os.supportsFiber)try{bi=os.inject(is),_i=os}catch(mt){}}e.__SECRET_INTERNALS_DO_NOT_USE_OR_YOU_WILL_BE_FIRED=ns,e.createPortal=es,e.findDOMNode=function(t){if(null==t)return null;if(1===t.nodeType)return t;var e=t._reactInternals;if(void 0===e){if("function"==typeof t.render)throw Error(a(188));throw Error(a(268,Object.keys(t)))}return null===(t=Vt(e))?null:t.stateNode},e.flushSync=function(t,e){var n=yl;if(0!=(48&n))return t(e);yl|=1;try{if(t)return Pi(99,t.bind(null,e))}finally{yl=n,qi()}},e.hydrate=function(t,e,n){if(!Zh(e))throw Error(a(200));return ts(null,t,e,!0,n)},e.render=function(t,e,n){if(!Zh(e))throw Error(a(200));return ts(null,t,e,!1,n)},e.unmountComponentAtNode=function(t){if(!Zh(t))throw Error(a(40));return!!t._reactRootContainer&&(mh((function(){ts(null,null,t,!1,(function(){t._reactRootContainer=null,t[Xr]=null}))})),!0)},e.unstable_batchedUpdates=ph,e.unstable_createPortal=function(t,e){return es(t,e,2<arguments.length&&void 0!==arguments[2]?arguments[2]:null)},e.unstable_renderSubtreeIntoContainer=function(t,e,n,r){if(!Zh(n))throw Error(a(200));if(null==t||void 0===t._reactInternals)throw Error(a(38));return ts(t,e,n,!1,r)},e.version="17.0.2"},3059:function(t,e,n){"use strict";!function t(){if("undefined"!=typeof __REACT_DEVTOOLS_GLOBAL_HOOK__&&"function"==typeof __REACT_DEVTOOLS_GLOBAL_HOOK__.checkDCE)try{__REACT_DEVTOOLS_GLOBAL_HOOK__.checkDCE(t)}catch(t){console.error(t)}}(),t.exports=n(6652)},2187:function(t,e,n){"use strict";var r=n(7428),i=60103,o=60106;e.Fragment=60107,e.StrictMode=60108,e.Profiler=60114;var a=60109,l=60110,h=60112;e.Suspense=60113;var s=60115,A=60116;if("function"==typeof Symbol&&Symbol.for){var d=Symbol.for;i=d("react.element"),o=d("react.portal"),e.Fragment=d("react.fragment"),e.StrictMode=d("react.strict_mode"),e.Profiler=d("react.profiler"),a=d("react.provider"),l=d("react.context"),h=d("react.forward_ref"),e.Suspense=d("react.suspense"),s=d("react.memo"),A=d("react.lazy")}var c="function"==typeof Symbol&&Symbol.iterator;function u(t){for(var e="https://reactjs.org/docs/error-decoder.html?invariant="+t,n=1;n<arguments.length;n++)e+="&args[]="+encodeURIComponent(arguments[n]);return"Minified React error #"+t+"; visit "+e+" for the full message or use the non-minified dev environment for full errors and additional helpful warnings."}var p={isMounted:function(){return!1},enqueueForceUpdate:function(){},enqueueReplaceState:function(){},enqueueSetState:function(){}},m={};function f(t,e,n){this.props=t,this.context=e,this.refs=m,this.updater=n||p}function g(){}function C(t,e,n){this.props=t,this.context=e,this.refs=m,this.updater=n||p}f.prototype.isReactComponent={},f.prototype.setState=function(t,e){if("object"!=typeof t&&"function"!=typeof t&&null!=t)throw Error(u(85));this.updater.enqueueSetState(this,t,e,"setState")},f.prototype.forceUpdate=function(t){this.updater.enqueueForceUpdate(this,t,"forceUpdate")},g.prototype=f.prototype;var b=C.prototype=new g;b.constructor=C,r(b,f.prototype),b.isPureReactComponent=!0;var _={current:null},v=Object.prototype.hasOwnProperty,x={key:!0,ref:!0,__self:!0,__source:!0};function B(t,e,n){var r,o={},a=null,l=null;if(null!=e)for(r in void 0!==e.ref&&(l=e.ref),void 0!==e.key&&(a=""+e.key),e)v.call(e,r)&&!x.hasOwnProperty(r)&&(o[r]=e[r]);var h=arguments.length-2;if(1===h)o.children=n;else if(1<h){for(var s=Array(h),A=0;A<h;A++)s[A]=arguments[A+2];o.children=s}if(t&&t.defaultProps)for(r in h=t.defaultProps)void 0===o[r]&&(o[r]=h[r]);return{$$typeof:i,type:t,key:a,ref:l,props:o,_owner:_.current}}function k(t){return"object"==typeof t&&null!==t&&t.$$typeof===i}var w=/\/+/g;function y(t,e){return"object"==typeof t&&null!==t&&null!=t.key?function(t){var e={"=":"=0",":":"=2"};return"$"+t.replace(/[=:]/g,(function(t){return e[t]}))}(""+t.key):e.toString(36)}function E(t,e,n,r,a){var l=typeof t;"undefined"!==l&&"boolean"!==l||(t=null);var h=!1;if(null===t)h=!0;else switch(l){case"string":case"number":h=!0;break;case"object":switch(t.$$typeof){case i:case o:h=!0}}if(h)return a=a(h=t),t=""===r?"."+y(h,0):r,Array.isArray(a)?(n="",null!=t&&(n=t.replace(w,"$&/")+"/"),E(a,e,n,"",(function(t){return t}))):null!=a&&(k(a)&&(a=function(t,e){return{$$typeof:i,type:t.type,key:e,ref:t.ref,props:t.props,_owner:t._owner}}(a,n+(!a.key||h&&h.key===a.key?"":(""+a.key).replace(w,"$&/")+"/")+t)),e.push(a)),1;if(h=0,r=""===r?".":r+":",Array.isArray(t))for(var s=0;s<t.length;s++){var A=r+y(l=t[s],s);h+=E(l,e,n,A,a)}else if("function"==typeof(A=function(t){return null===t||"object"!=typeof t?null:"function"==typeof(t=c&&t[c]||t["@@iterator"])?t:null}(t)))for(t=A.call(t),s=0;!(l=t.next()).done;)h+=E(l=l.value,e,n,A=r+y(l,s++),a);else if("object"===l)throw e=""+t,Error(u(31,"[object Object]"===e?"object with keys {"+Object.keys(t).join(", ")+"}":e));return h}function $(t,e,n){if(null==t)return t;var r=[],i=0;return E(t,r,"","",(function(t){return e.call(n,t,i++)})),r}function D(t){if(-1===t._status){var e=t._result;e=e(),t._status=0,t._result=e,e.then((function(e){0===t._status&&(e=e.default,t._status=1,t._result=e)}),(function(e){0===t._status&&(t._status=2,t._result=e)}))}if(1===t._status)return t._result;throw t._result}var F={current:null};function S(){var t=F.current;if(null===t)throw Error(u(321));return t}var M={ReactCurrentDispatcher:F,ReactCurrentBatchConfig:{transition:0},ReactCurrentOwner:_,IsSomeRendererActing:{current:!1},assign:r};e.Children={map:$,forEach:function(t,e,n){$(t,(function(){e.apply(this,arguments)}),n)},count:function(t){var e=0;return $(t,(function(){e++})),e},toArray:function(t){return $(t,(function(t){return t}))||[]},only:function(t){if(!k(t))throw Error(u(143));return t}},e.Component=f,e.PureComponent=C,e.__SECRET_INTERNALS_DO_NOT_USE_OR_YOU_WILL_BE_FIRED=M,e.cloneElement=function(t,e,n){if(null==t)throw Error(u(267,t));var o=r({},t.props),a=t.key,l=t.ref,h=t._owner;if(null!=e){if(void 0!==e.ref&&(l=e.ref,h=_.current),void 0!==e.key&&(a=""+e.key),t.type&&t.type.defaultProps)var s=t.type.defaultProps;for(A in e)v.call(e,A)&&!x.hasOwnProperty(A)&&(o[A]=void 0===e[A]&&void 0!==s?s[A]:e[A])}var A=arguments.length-2;if(1===A)o.children=n;else if(1<A){s=Array(A);for(var d=0;d<A;d++)s[d]=arguments[d+2];o.children=s}return{$$typeof:i,type:t.type,key:a,ref:l,props:o,_owner:h}},e.createContext=function(t,e){return void 0===e&&(e=null),(t={$$typeof:l,_calculateChangedBits:e,_currentValue:t,_currentValue2:t,_threadCount:0,Provider:null,Consumer:null}).Provider={$$typeof:a,_context:t},t.Consumer=t},e.createElement=B,e.createFactory=function(t){var e=B.bind(null,t);return e.type=t,e},e.createRef=function(){return{current:null}},e.forwardRef=function(t){return{$$typeof:h,render:t}},e.isValidElement=k,e.lazy=function(t){return{$$typeof:A,_payload:{_status:-1,_result:t},_init:D}},e.memo=function(t,e){return{$$typeof:s,type:t,compare:void 0===e?null:e}},e.useCallback=function(t,e){return S().useCallback(t,e)},e.useContext=function(t,e){return S().useContext(t,e)},e.useDebugValue=function(){},e.useEffect=function(t,e){return S().useEffect(t,e)},e.useImperativeHandle=function(t,e,n){return S().useImperativeHandle(t,e,n)},e.useLayoutEffect=function(t,e){return S().useLayoutEffect(t,e)},e.useMemo=function(t,e){return S().useMemo(t,e)},e.useReducer=function(t,e,n){return S().useReducer(t,e,n)},e.useRef=function(t){return S().useRef(t)},e.useState=function(t){return S().useState(t)},e.version="17.0.2"},6255:function(t,e,n){"use strict";t.exports=n(2187)},9492:function(t,e){"use strict";var n,r,i,o;if("object"==typeof performance&&"function"==typeof performance.now){var a=performance;e.unstable_now=function(){return a.now()}}else{var l=Date,h=l.now();e.unstable_now=function(){return l.now()-h}}if("undefined"==typeof window||"function"!=typeof MessageChannel){var s=null,A=null,d=function(){if(null!==s)try{var t=e.unstable_now();s(!0,t),s=null}catch(t){throw setTimeout(d,0),t}};n=function(t){null!==s?setTimeout(n,0,t):(s=t,setTimeout(d,0))},r=function(t,e){A=setTimeout(t,e)},i=function(){clearTimeout(A)},e.unstable_shouldYield=function(){return!1},o=e.unstable_forceFrameRate=function(){}}else{var c=window.setTimeout,u=window.clearTimeout;if("undefined"!=typeof console){var p=window.cancelAnimationFrame;"function"!=typeof window.requestAnimationFrame&&console.error("This browser doesn't support requestAnimationFrame. Make sure that you load a polyfill in older browsers. https://reactjs.org/link/react-polyfills"),"function"!=typeof p&&console.error("This browser doesn't support cancelAnimationFrame. Make sure that you load a polyfill in older browsers. https://reactjs.org/link/react-polyfills")}var m=!1,f=null,g=-1,C=5,b=0;e.unstable_shouldYield=function(){return e.unstable_now()>=b},o=function(){},e.unstable_forceFrameRate=function(t){0>t||125<t?console.error("forceFrameRate takes a positive int between 0 and 125, forcing frame rates higher than 125 fps is not supported"):C=0<t?Math.floor(1e3/t):5};var _=new MessageChannel,v=_.port2;_.port1.onmessage=function(){if(null!==f){var t=e.unstable_now();b=t+C;try{f(!0,t)?v.postMessage(null):(m=!1,f=null)}catch(t){throw v.postMessage(null),t}}else m=!1},n=function(t){f=t,m||(m=!0,v.postMessage(null))},r=function(t,n){g=c((function(){t(e.unstable_now())}),n)},i=function(){u(g),g=-1}}function x(t,e){var n=t.length;t.push(e);t:for(;;){var r=n-1>>>1,i=t[r];if(!(void 0!==i&&0<w(i,e)))break t;t[r]=e,t[n]=i,n=r}}function B(t){return void 0===(t=t[0])?null:t}function k(t){var e=t[0];if(void 0!==e){var n=t.pop();if(n!==e){t[0]=n;t:for(var r=0,i=t.length;r<i;){var o=2*(r+1)-1,a=t[o],l=o+1,h=t[l];if(void 0!==a&&0>w(a,n))void 0!==h&&0>w(h,a)?(t[r]=h,t[l]=n,r=l):(t[r]=a,t[o]=n,r=o);else{if(!(void 0!==h&&0>w(h,n)))break t;t[r]=h,t[l]=n,r=l}}}return e}return null}function w(t,e){var n=t.sortIndex-e.sortIndex;return 0!==n?n:t.id-e.id}var y=[],E=[],$=1,D=null,F=3,S=!1,M=!1,I=!1;function z(t){for(var e=B(E);null!==e;){if(null===e.callback)k(E);else{if(!(e.startTime<=t))break;k(E),e.sortIndex=e.expirationTime,x(y,e)}e=B(E)}}function T(t){if(I=!1,z(t),!M)if(null!==B(y))M=!0,n(N);else{var e=B(E);null!==e&&r(T,e.startTime-t)}}function N(t,n){M=!1,I&&(I=!1,i()),S=!0;var o=F;try{for(z(n),D=B(y);null!==D&&(!(D.expirationTime>n)||t&&!e.unstable_shouldYield());){var a=D.callback;if("function"==typeof a){D.callback=null,F=D.priorityLevel;var l=a(D.expirationTime<=n);n=e.unstable_now(),"function"==typeof l?D.callback=l:D===B(y)&&k(y),z(n)}else k(y);D=B(y)}if(null!==D)var h=!0;else{var s=B(E);null!==s&&r(T,s.startTime-n),h=!1}return h}finally{D=null,F=o,S=!1}}var j=o;e.unstable_IdlePriority=5,e.unstable_ImmediatePriority=1,e.unstable_LowPriority=4,e.unstable_NormalPriority=3,e.unstable_Profiling=null,e.unstable_UserBlockingPriority=2,e.unstable_cancelCallback=function(t){t.callback=null},e.unstable_continueExecution=function(){M||S||(M=!0,n(N))},e.unstable_getCurrentPriorityLevel=function(){return F},e.unstable_getFirstCallbackNode=function(){return B(y)},e.unstable_next=function(t){switch(F){case 1:case 2:case 3:var e=3;break;default:e=F}var n=F;F=e;try{return t()}finally{F=n}},e.unstable_pauseExecution=function(){},e.unstable_requestPaint=j,e.unstable_runWithPriority=function(t,e){switch(t){case 1:case 2:case 3:case 4:case 5:break;default:t=3}var n=F;F=t;try{return e()}finally{F=n}},e.unstable_scheduleCallback=function(t,o,a){var l=e.unstable_now();switch(a="object"==typeof a&&null!==a&&"number"==typeof(a=a.delay)&&0<a?l+a:l,t){case 1:var h=-1;break;case 2:h=250;break;case 5:h=1073741823;break;case 4:h=1e4;break;default:h=5e3}return t={id:$++,callback:o,priorityLevel:t,startTime:a,expirationTime:h=a+h,sortIndex:-1},a>l?(t.sortIndex=a,x(E,t),null===B(y)&&t===B(E)&&(I?i():I=!0,r(T,a-l))):(t.sortIndex=h,x(y,t),M||S||(M=!0,n(N))),t},e.unstable_wrapCallback=function(t){var e=F;return function(){var n=F;F=e;try{return t.apply(this,arguments)}finally{F=n}}}},9164:function(t,e,n){"use strict";t.exports=n(9492)},9460:function(t,e,n){var r=n(7727),i=n(107),o=n(2982),a=n(8658),l=n(6736),h=n(1140),s=n(7308);s.alea=r,s.xor128=i,s.xorwow=o,s.xorshift7=a,s.xor4096=l,s.tychei=h,t.exports=s},7727:function(t,e,n){var r;!function(t,i,o){function a(t){var e,n=this,r=(e=4022871197,function(t){t=String(t);for(var n=0;n<t.length;n++){var r=.02519603282416938*(e+=t.charCodeAt(n));r-=e=r>>>0,e=(r*=e)>>>0,e+=4294967296*(r-=e)}return 2.3283064365386963e-10*(e>>>0)});n.next=function(){var t=2091639*n.s0+2.3283064365386963e-10*n.c;return n.s0=n.s1,n.s1=n.s2,n.s2=t-(n.c=0|t)},n.c=1,n.s0=r(" "),n.s1=r(" "),n.s2=r(" "),n.s0-=r(t),n.s0<0&&(n.s0+=1),n.s1-=r(t),n.s1<0&&(n.s1+=1),n.s2-=r(t),n.s2<0&&(n.s2+=1),r=null}function l(t,e){return e.c=t.c,e.s0=t.s0,e.s1=t.s1,e.s2=t.s2,e}function h(t,e){var n=new a(t),r=e&&e.state,i=n.next;return i.int32=function(){return 4294967296*n.next()|0},i.double=function(){return i()+11102230246251565e-32*(2097152*i()|0)},i.quick=i,r&&("object"==typeof r&&l(r,n),i.state=function(){return l(n,{})}),i}i&&i.exports?i.exports=h:n.amdD&&n.amdO?void 0===(r=function(){return h}.call(e,n,e,i))||(i.exports=r):this.alea=h}(0,t=n.nmd(t),n.amdD)},1140:function(t,e,n){var r;!function(t,i,o){function a(t){var e=this,n="";e.next=function(){var t=e.b,n=e.c,r=e.d,i=e.a;return t=t<<25^t>>>7^n,n=n-r|0,r=r<<24^r>>>8^i,i=i-t|0,e.b=t=t<<20^t>>>12^n,e.c=n=n-r|0,e.d=r<<16^n>>>16^i,e.a=i-t|0},e.a=0,e.b=0,e.c=-1640531527,e.d=1367130551,t===Math.floor(t)?(e.a=t/4294967296|0,e.b=0|t):n+=t;for(var r=0;r<n.length+20;r++)e.b^=0|n.charCodeAt(r),e.next()}function l(t,e){return e.a=t.a,e.b=t.b,e.c=t.c,e.d=t.d,e}function h(t,e){var n=new a(t),r=e&&e.state,i=function(){return(n.next()>>>0)/4294967296};return i.double=function(){do{var t=((n.next()>>>11)+(n.next()>>>0)/4294967296)/(1<<21)}while(0===t);return t},i.int32=n.next,i.quick=i,r&&("object"==typeof r&&l(r,n),i.state=function(){return l(n,{})}),i}i&&i.exports?i.exports=h:n.amdD&&n.amdO?void 0===(r=function(){return h}.call(e,n,e,i))||(i.exports=r):this.tychei=h}(0,t=n.nmd(t),n.amdD)},107:function(t,e,n){var r;!function(t,i,o){function a(t){var e=this,n="";e.x=0,e.y=0,e.z=0,e.w=0,e.next=function(){var t=e.x^e.x<<11;return e.x=e.y,e.y=e.z,e.z=e.w,e.w^=e.w>>>19^t^t>>>8},t===(0|t)?e.x=t:n+=t;for(var r=0;r<n.length+64;r++)e.x^=0|n.charCodeAt(r),e.next()}function l(t,e){return e.x=t.x,e.y=t.y,e.z=t.z,e.w=t.w,e}function h(t,e){var n=new a(t),r=e&&e.state,i=function(){return(n.next()>>>0)/4294967296};return i.double=function(){do{var t=((n.next()>>>11)+(n.next()>>>0)/4294967296)/(1<<21)}while(0===t);return t},i.int32=n.next,i.quick=i,r&&("object"==typeof r&&l(r,n),i.state=function(){return l(n,{})}),i}i&&i.exports?i.exports=h:n.amdD&&n.amdO?void 0===(r=function(){return h}.call(e,n,e,i))||(i.exports=r):this.xor128=h}(0,t=n.nmd(t),n.amdD)},6736:function(t,e,n){var r;!function(t,i,o){function a(t){var e=this;e.next=function(){var t,n,r=e.w,i=e.X,o=e.i;return e.w=r=r+1640531527|0,n=i[o+34&127],t=i[o=o+1&127],n^=n<<13,t^=t<<17,n^=n>>>15,t^=t>>>12,n=i[o]=n^t,e.i=o,n+(r^r>>>16)|0},function(t,e){var n,r,i,o,a,l=[],h=128;for(e===(0|e)?(r=e,e=null):(e+="\0",r=0,h=Math.max(h,e.length)),i=0,o=-32;o<h;++o)e&&(r^=e.charCodeAt((o+32)%e.length)),0===o&&(a=r),r^=r<<10,r^=r>>>15,r^=r<<4,r^=r>>>13,o>=0&&(a=a+1640531527|0,i=0==(n=l[127&o]^=r+a)?i+1:0);for(i>=128&&(l[127&(e&&e.length||0)]=-1),i=127,o=512;o>0;--o)r=l[i+34&127],n=l[i=i+1&127],r^=r<<13,n^=n<<17,r^=r>>>15,n^=n>>>12,l[i]=r^n;t.w=a,t.X=l,t.i=i}(e,t)}function l(t,e){return e.i=t.i,e.w=t.w,e.X=t.X.slice(),e}function h(t,e){null==t&&(t=+new Date);var n=new a(t),r=e&&e.state,i=function(){return(n.next()>>>0)/4294967296};return i.double=function(){do{var t=((n.next()>>>11)+(n.next()>>>0)/4294967296)/(1<<21)}while(0===t);return t},i.int32=n.next,i.quick=i,r&&(r.X&&l(r,n),i.state=function(){return l(n,{})}),i}i&&i.exports?i.exports=h:n.amdD&&n.amdO?void 0===(r=function(){return h}.call(e,n,e,i))||(i.exports=r):this.xor4096=h}(0,t=n.nmd(t),n.amdD)},8658:function(t,e,n){var r;!function(t,i,o){function a(t){var e=this;e.next=function(){var t,n,r=e.x,i=e.i;return t=r[i],n=(t^=t>>>7)^t<<24,n^=(t=r[i+1&7])^t>>>10,n^=(t=r[i+3&7])^t>>>3,n^=(t=r[i+4&7])^t<<7,t=r[i+7&7],n^=(t^=t<<13)^t<<9,r[i]=n,e.i=i+1&7,n},function(t,e){var n,r=[];if(e===(0|e))r[0]=e;else for(e=""+e,n=0;n<e.length;++n)r[7&n]=r[7&n]<<15^e.charCodeAt(n)+r[n+1&7]<<13;for(;r.length<8;)r.push(0);for(n=0;n<8&&0===r[n];++n);for(8==n?r[7]=-1:r[n],t.x=r,t.i=0,n=256;n>0;--n)t.next()}(e,t)}function l(t,e){return e.x=t.x.slice(),e.i=t.i,e}function h(t,e){null==t&&(t=+new Date);var n=new a(t),r=e&&e.state,i=function(){return(n.next()>>>0)/4294967296};return i.double=function(){do{var t=((n.next()>>>11)+(n.next()>>>0)/4294967296)/(1<<21)}while(0===t);return t},i.int32=n.next,i.quick=i,r&&(r.x&&l(r,n),i.state=function(){return l(n,{})}),i}i&&i.exports?i.exports=h:n.amdD&&n.amdO?void 0===(r=function(){return h}.call(e,n,e,i))||(i.exports=r):this.xorshift7=h}(0,t=n.nmd(t),n.amdD)},2982:function(t,e,n){var r;!function(t,i,o){function a(t){var e=this,n="";e.next=function(){var t=e.x^e.x>>>2;return e.x=e.y,e.y=e.z,e.z=e.w,e.w=e.v,(e.d=e.d+362437|0)+(e.v=e.v^e.v<<4^t^t<<1)|0},e.x=0,e.y=0,e.z=0,e.w=0,e.v=0,t===(0|t)?e.x=t:n+=t;for(var r=0;r<n.length+64;r++)e.x^=0|n.charCodeAt(r),r==n.length&&(e.d=e.x<<10^e.x>>>4),e.next()}function l(t,e){return e.x=t.x,e.y=t.y,e.z=t.z,e.w=t.w,e.v=t.v,e.d=t.d,e}function h(t,e){var n=new a(t),r=e&&e.state,i=function(){return(n.next()>>>0)/4294967296};return i.double=function(){do{var t=((n.next()>>>11)+(n.next()>>>0)/4294967296)/(1<<21)}while(0===t);return t},i.int32=n.next,i.quick=i,r&&("object"==typeof r&&l(r,n),i.state=function(){return l(n,{})}),i}i&&i.exports?i.exports=h:n.amdD&&n.amdO?void 0===(r=function(){return h}.call(e,n,e,i))||(i.exports=r):this.xorwow=h}(0,t=n.nmd(t),n.amdD)},7308:function(t,e,n){var r;!function(i,o,a){var l,h=256,s=a.pow(h,6),A=a.pow(2,52),d=2*A,c=255;function u(t,e,n){var r=[],c=g(f((e=1==e?{entropy:!0}:e||{}).entropy?[t,C(o)]:null==t?function(){try{var t;return l&&(t=l.randomBytes)?t=t(h):(t=new Uint8Array(h),(i.crypto||i.msCrypto).getRandomValues(t)),C(t)}catch(t){var e=i.navigator,n=e&&e.plugins;return[+new Date,i,n,i.screen,C(o)]}}():t,3),r),u=new p(r),b=function(){for(var t=u.g(6),e=s,n=0;t<A;)t=(t+n)*h,e*=h,n=u.g(1);for(;t>=d;)t/=2,e/=2,n>>>=1;return(t+n)/e};return b.int32=function(){return 0|u.g(4)},b.quick=function(){return u.g(4)/4294967296},b.double=b,g(C(u.S),o),(e.pass||n||function(t,e,n,r){return r&&(r.S&&m(r,u),t.state=function(){return m(u,{})}),n?(a.random=t,e):t})(b,c,"global"in e?e.global:this==a,e.state)}function p(t){var e,n=t.length,r=this,i=0,o=r.i=r.j=0,a=r.S=[];for(n||(t=[n++]);i<h;)a[i]=i++;for(i=0;i<h;i++)a[i]=a[o=c&o+t[i%n]+(e=a[i])],a[o]=e;(r.g=function(t){for(var e,n=0,i=r.i,o=r.j,a=r.S;t--;)e=a[i=c&i+1],n=n*h+a[c&(a[i]=a[o=c&o+e])+(a[o]=e)];return r.i=i,r.j=o,n})(h)}function m(t,e){return e.i=t.i,e.j=t.j,e.S=t.S.slice(),e}function f(t,e){var n,r=[],i=typeof t;if(e&&"object"==i)for(n in t)try{r.push(f(t[n],e-1))}catch(t){}return r.length?r:"string"==i?t:t+"\0"}function g(t,e){for(var n,r=t+"",i=0;i<r.length;)e[c&i]=c&(n^=19*e[c&i])+r.charCodeAt(i++);return C(e)}function C(t){return String.fromCharCode.apply(0,t)}if(g(a.random(),o),t.exports){t.exports=u;try{l=n(5042)}catch(t){}}else void 0===(r=function(){return u}.call(e,n,e,t))||(t.exports=r)}("undefined"!=typeof self?self:this,[],Math)},8060:function(t,e,n){"use strict";var r=n(4109),i=Array.prototype.concat,o=Array.prototype.slice,a=t.exports=function(t){for(var e=[],n=0,a=t.length;n<a;n++){var l=t[n];r(l)?e=i.call(e,o.call(l)):e.push(l)}return e};a.wrap=function(t){return function(){return t(a(arguments))}}},4109:function(t){t.exports=function(t){return!(!t||"string"==typeof t)&&(t instanceof Array||Array.isArray(t)||t.length>=0&&(t.splice instanceof Function||Object.getOwnPropertyDescriptor(t,t.length-1)&&"String"!==t.constructor.name))}},7264:function(t,e,n){"use strict";var r,i=function(){var t={};return function(e){if(void 0===t[e]){var n=document.querySelector(e);if(window.HTMLIFrameElement&&n instanceof window.HTMLIFrameElement)try{n=n.contentDocument.head}catch(t){n=null}t[e]=n}return t[e]}}(),o=[];function a(t){for(var e=-1,n=0;n<o.length;n++)if(o[n].identifier===t){e=n;break}return e}function l(t,e){for(var n={},r=[],i=0;i<t.length;i++){var l=t[i],h=e.base?l[0]+e.base:l[0],s=n[h]||0,A="".concat(h," ").concat(s);n[h]=s+1;var d=a(A),c={css:l[1],media:l[2],sourceMap:l[3]};-1!==d?(o[d].references++,o[d].updater(c)):o.push({identifier:A,updater:m(c,e),references:1}),r.push(A)}return r}function h(t){var e=document.createElement("style"),r=t.attributes||{};if(void 0===r.nonce){var o=n.nc;o&&(r.nonce=o)}if(Object.keys(r).forEach((function(t){e.setAttribute(t,r[t])})),"function"==typeof t.insert)t.insert(e);else{var a=i(t.insert||"head");if(!a)throw new Error("Couldn't find a style target. This probably means that the value for the 'insert' parameter is invalid.");a.appendChild(e)}return e}var s,A=(s=[],function(t,e){return s[t]=e,s.filter(Boolean).join("\n")});function d(t,e,n,r){var i=n?"":r.media?"@media ".concat(r.media," {").concat(r.css,"}"):r.css;if(t.styleSheet)t.styleSheet.cssText=A(e,i);else{var o=document.createTextNode(i),a=t.childNodes;a[e]&&t.removeChild(a[e]),a.length?t.insertBefore(o,a[e]):t.appendChild(o)}}function c(t,e,n){var r=n.css,i=n.media,o=n.sourceMap;if(i?t.setAttribute("media",i):t.removeAttribute("media"),o&&"undefined"!=typeof btoa&&(r+="\n/*# sourceMappingURL=data:application/json;base64,".concat(btoa(unescape(encodeURIComponent(JSON.stringify(o))))," */")),t.styleSheet)t.styleSheet.cssText=r;else{for(;t.firstChild;)t.removeChild(t.firstChild);t.appendChild(document.createTextNode(r))}}var u=null,p=0;function m(t,e){var n,r,i;if(e.singleton){var o=p++;n=u||(u=h(e)),r=d.bind(null,n,o,!1),i=d.bind(null,n,o,!0)}else n=h(e),r=c.bind(null,n,e),i=function(){!function(t){if(null===t.parentNode)return!1;t.parentNode.removeChild(t)}(n)};return r(t),function(e){if(e){if(e.css===t.css&&e.media===t.media&&e.sourceMap===t.sourceMap)return;r(t=e)}else i()}}t.exports=function(t,e){(e=e||{}).singleton||"boolean"==typeof e.singleton||(e.singleton=(void 0===r&&(r=Boolean(window&&document&&document.all&&!window.atob)),r));var n=l(t=t||[],e);return function(t){if(t=t||[],"[object Array]"===Object.prototype.toString.call(t)){for(var r=0;r<n.length;r++){var i=a(n[r]);o[i].references--}for(var h=l(t,e),s=0;s<n.length;s++){var A=a(n[s]);0===o[A].references&&(o[A].updater(),o.splice(A,1))}n=h}}}},7949:function(t,e,n){"use strict";n.d(e,{Ds:function(){return Fe},ZP:function(){return Gn},e5:function(){return Dn},Xy:function(){return mt}});var r={};n.r(r),n.d(r,{VERSION:function(){return i},after:function(){return ze},all:function(){return tn},allKeys:function(){return ft},any:function(){return en},assign:function(){return zt},before:function(){return Te},bind:function(){return xe},bindAll:function(){return we},chain:function(){return Ce},chunk:function(){return Ln},clone:function(){return Lt},collect:function(){return Je},compact:function(){return En},compose:function(){return Ie},constant:function(){return V},contains:function(){return nn},countBy:function(){return mn},create:function(){return jt},debounce:function(){return Fe},default:function(){return Un},defaults:function(){return Tt},defer:function(){return $e},delay:function(){return Ee},detect:function(){return We},difference:function(){return Dn},drop:function(){return wn},each:function(){return Ye},escape:function(){return ae},every:function(){return tn},extend:function(){return It},extendOwn:function(){return zt},filter:function(){return Ve},find:function(){return We},findIndex:function(){return Oe},findKey:function(){return je},findLastIndex:function(){return Re},findWhere:function(){return He},first:function(){return kn},flatten:function(){return $n},foldl:function(){return Xe},foldr:function(){return Ke},forEach:function(){return Ye},functions:function(){return St},get:function(){return Gt},groupBy:function(){return un},has:function(){return qt},head:function(){return kn},identity:function(){return Wt},include:function(){return nn},includes:function(){return nn},indexBy:function(){return pn},indexOf:function(){return Ge},initial:function(){return Bn},inject:function(){return Xe},intersection:function(){return In},invert:function(){return Ft},invoke:function(){return rn},isArguments:function(){return Q},isArray:function(){return H},isArrayBuffer:function(){return j},isBoolean:function(){return $},isDataView:function(){return W},isDate:function(){return I},isElement:function(){return D},isEmpty:function(){return ht},isEqual:function(){return mt},isError:function(){return T},isFinite:function(){return X},isFunction:function(){return R},isMap:function(){return kt},isMatch:function(){return st},isNaN:function(){return K},isNull:function(){return y},isNumber:function(){return M},isObject:function(){return w},isRegExp:function(){return z},isSet:function(){return yt},isString:function(){return S},isSymbol:function(){return N},isTypedArray:function(){return it},isUndefined:function(){return E},isWeakMap:function(){return wt},isWeakSet:function(){return Et},iteratee:function(){return Xt},keys:function(){return lt},last:function(){return yn},lastIndexOf:function(){return qe},map:function(){return Je},mapObject:function(){return Vt},matcher:function(){return Ht},matches:function(){return Ht},max:function(){return ln},memoize:function(){return ye},methods:function(){return St},min:function(){return hn},mixin:function(){return Rn},negate:function(){return Me},noop:function(){return Zt},now:function(){return re},object:function(){return Nn},omit:function(){return xn},once:function(){return Ne},pairs:function(){return Dt},partial:function(){return ve},partition:function(){return fn},pick:function(){return vn},pluck:function(){return on},property:function(){return Yt},propertyOf:function(){return te},random:function(){return ne},range:function(){return jn},reduce:function(){return Xe},reduceRight:function(){return Ke},reject:function(){return Ze},rest:function(){return wn},restArguments:function(){return k},result:function(){return me},sample:function(){return sn},select:function(){return Ve},shuffle:function(){return An},size:function(){return bn},some:function(){return en},sortBy:function(){return dn},sortedIndex:function(){return Ue},tail:function(){return wn},take:function(){return kn},tap:function(){return Ot},template:function(){return pe},templateSettings:function(){return he},throttle:function(){return De},times:function(){return ee},toArray:function(){return Cn},toPath:function(){return Rt},transpose:function(){return zn},unescape:function(){return le},union:function(){return Mn},uniq:function(){return Sn},unique:function(){return Sn},uniqueId:function(){return ge},unzip:function(){return zn},values:function(){return $t},where:function(){return an},without:function(){return Fn},wrap:function(){return Se},zip:function(){return Tn}});var i="1.12.1",o="object"==typeof self&&self.self===self&&self||"object"==typeof n.g&&n.g.global===n.g&&n.g||Function("return this")()||{},a=Array.prototype,l=Object.prototype,h="undefined"!=typeof Symbol?Symbol.prototype:null,s=a.push,A=a.slice,d=l.toString,c=l.hasOwnProperty,u="undefined"!=typeof ArrayBuffer,p="undefined"!=typeof DataView,m=Array.isArray,f=Object.keys,g=Object.create,C=u&&ArrayBuffer.isView,b=isNaN,_=isFinite,v=!{toString:null}.propertyIsEnumerable("toString"),x=["valueOf","isPrototypeOf","toString","propertyIsEnumerable","hasOwnProperty","toLocaleString"],B=Math.pow(2,53)-1;function k(t,e){return e=null==e?t.length-1:+e,function(){for(var n=Math.max(arguments.length-e,0),r=Array(n),i=0;i<n;i++)r[i]=arguments[i+e];switch(e){case 0:return t.call(this,r);case 1:return t.call(this,arguments[0],r);case 2:return t.call(this,arguments[0],arguments[1],r)}var o=Array(e+1);for(i=0;i<e;i++)o[i]=arguments[i];return o[e]=r,t.apply(this,o)}}function w(t){var e=typeof t;return"function"===e||"object"===e&&!!t}function y(t){return null===t}function E(t){return void 0===t}function $(t){return!0===t||!1===t||"[object Boolean]"===d.call(t)}function D(t){return!(!t||1!==t.nodeType)}function F(t){var e="[object "+t+"]";return function(t){return d.call(t)===e}}var S=F("String"),M=F("Number"),I=F("Date"),z=F("RegExp"),T=F("Error"),N=F("Symbol"),j=F("ArrayBuffer"),L=F("Function"),O=o.document&&o.document.childNodes;"object"!=typeof Int8Array&&"function"!=typeof O&&(L=function(t){return"function"==typeof t||!1});var R=L,U=F("Object"),P=p&&U(new DataView(new ArrayBuffer(8))),G="undefined"!=typeof Map&&U(new Map),q=F("DataView"),W=P?function(t){return null!=t&&R(t.getInt8)&&j(t.buffer)}:q,H=m||F("Array");function Y(t,e){return null!=t&&c.call(t,e)}var J=F("Arguments");!function(){J(arguments)||(J=function(t){return Y(t,"callee")})}();var Q=J;function X(t){return!N(t)&&_(t)&&!isNaN(parseFloat(t))}function K(t){return M(t)&&b(t)}function V(t){return function(){return t}}function Z(t){return function(e){var n=t(e);return"number"==typeof n&&n>=0&&n<=B}}function tt(t){return function(e){return null==e?void 0:e[t]}}var et=tt("byteLength"),nt=Z(et),rt=/\[object ((I|Ui)nt(8|16|32)|Float(32|64)|Uint8Clamped|Big(I|Ui)nt64)Array\]/,it=u?function(t){return C?C(t)&&!W(t):nt(t)&&rt.test(d.call(t))}:V(!1),ot=tt("length");function at(t,e){e=function(t){for(var e={},n=t.length,r=0;r<n;++r)e[t[r]]=!0;return{contains:function(t){return e[t]},push:function(n){return e[n]=!0,t.push(n)}}}(e);var n=x.length,r=t.constructor,i=R(r)&&r.prototype||l,o="constructor";for(Y(t,o)&&!e.contains(o)&&e.push(o);n--;)(o=x[n])in t&&t[o]!==i[o]&&!e.contains(o)&&e.push(o)}function lt(t){if(!w(t))return[];if(f)return f(t);var e=[];for(var n in t)Y(t,n)&&e.push(n);return v&&at(t,e),e}function ht(t){if(null==t)return!0;var e=ot(t);return"number"==typeof e&&(H(t)||S(t)||Q(t))?0===e:0===ot(lt(t))}function st(t,e){var n=lt(e),r=n.length;if(null==t)return!r;for(var i=Object(t),o=0;o<r;o++){var a=n[o];if(e[a]!==i[a]||!(a in i))return!1}return!0}function At(t){return t instanceof At?t:this instanceof At?void(this._wrapped=t):new At(t)}function dt(t){return new Uint8Array(t.buffer||t,t.byteOffset||0,et(t))}At.VERSION=i,At.prototype.value=function(){return this._wrapped},At.prototype.valueOf=At.prototype.toJSON=At.prototype.value,At.prototype.toString=function(){return String(this._wrapped)};var ct="[object DataView]";function ut(t,e,n,r){if(t===e)return 0!==t||1/t==1/e;if(null==t||null==e)return!1;if(t!=t)return e!=e;var i=typeof t;return("function"===i||"object"===i||"object"==typeof e)&&pt(t,e,n,r)}function pt(t,e,n,r){t instanceof At&&(t=t._wrapped),e instanceof At&&(e=e._wrapped);var i=d.call(t);if(i!==d.call(e))return!1;if(P&&"[object Object]"==i&&W(t)){if(!W(e))return!1;i=ct}switch(i){case"[object RegExp]":case"[object String]":return""+t==""+e;case"[object Number]":return+t!=+t?+e!=+e:0==+t?1/+t==1/e:+t==+e;case"[object Date]":case"[object Boolean]":return+t==+e;case"[object Symbol]":return h.valueOf.call(t)===h.valueOf.call(e);case"[object ArrayBuffer]":case ct:return pt(dt(t),dt(e),n,r)}var o="[object Array]"===i;if(!o&&it(t)){if(et(t)!==et(e))return!1;if(t.buffer===e.buffer&&t.byteOffset===e.byteOffset)return!0;o=!0}if(!o){if("object"!=typeof t||"object"!=typeof e)return!1;var a=t.constructor,l=e.constructor;if(a!==l&&!(R(a)&&a instanceof a&&R(l)&&l instanceof l)&&"constructor"in t&&"constructor"in e)return!1}r=r||[];for(var s=(n=n||[]).length;s--;)if(n[s]===t)return r[s]===e;if(n.push(t),r.push(e),o){if((s=t.length)!==e.length)return!1;for(;s--;)if(!ut(t[s],e[s],n,r))return!1}else{var A,c=lt(t);if(s=c.length,lt(e).length!==s)return!1;for(;s--;)if(!Y(e,A=c[s])||!ut(t[A],e[A],n,r))return!1}return n.pop(),r.pop(),!0}function mt(t,e){return ut(t,e)}function ft(t){if(!w(t))return[];var e=[];for(var n in t)e.push(n);return v&&at(t,e),e}function gt(t){var e=ot(t);return function(n){if(null==n)return!1;var r=ft(n);if(ot(r))return!1;for(var i=0;i<e;i++)if(!R(n[t[i]]))return!1;return t!==xt||!R(n[Ct])}}var Ct="forEach",bt=["clear","delete"],_t=["get","has","set"],vt=bt.concat(Ct,_t),xt=bt.concat(_t),Bt=["add"].concat(bt,Ct,"has"),kt=G?gt(vt):F("Map"),wt=G?gt(xt):F("WeakMap"),yt=G?gt(Bt):F("Set"),Et=F("WeakSet");function $t(t){for(var e=lt(t),n=e.length,r=Array(n),i=0;i<n;i++)r[i]=t[e[i]];return r}function Dt(t){for(var e=lt(t),n=e.length,r=Array(n),i=0;i<n;i++)r[i]=[e[i],t[e[i]]];return r}function Ft(t){for(var e={},n=lt(t),r=0,i=n.length;r<i;r++)e[t[n[r]]]=n[r];return e}function St(t){var e=[];for(var n in t)R(t[n])&&e.push(n);return e.sort()}function Mt(t,e){return function(n){var r=arguments.length;if(e&&(n=Object(n)),r<2||null==n)return n;for(var i=1;i<r;i++)for(var o=arguments[i],a=t(o),l=a.length,h=0;h<l;h++){var s=a[h];e&&void 0!==n[s]||(n[s]=o[s])}return n}}var It=Mt(ft),zt=Mt(lt),Tt=Mt(ft,!0);function Nt(t){if(!w(t))return{};if(g)return g(t);var e=function(){};e.prototype=t;var n=new e;return e.prototype=null,n}function jt(t,e){var n=Nt(t);return e&&zt(n,e),n}function Lt(t){return w(t)?H(t)?t.slice():It({},t):t}function Ot(t,e){return e(t),t}function Rt(t){return H(t)?t:[t]}function Ut(t){return At.toPath(t)}function Pt(t,e){for(var n=e.length,r=0;r<n;r++){if(null==t)return;t=t[e[r]]}return n?t:void 0}function Gt(t,e,n){var r=Pt(t,Ut(e));return E(r)?n:r}function qt(t,e){for(var n=(e=Ut(e)).length,r=0;r<n;r++){var i=e[r];if(!Y(t,i))return!1;t=t[i]}return!!n}function Wt(t){return t}function Ht(t){return t=zt({},t),function(e){return st(e,t)}}function Yt(t){return t=Ut(t),function(e){return Pt(e,t)}}function Jt(t,e,n){if(void 0===e)return t;switch(null==n?3:n){case 1:return function(n){return t.call(e,n)};case 3:return function(n,r,i){return t.call(e,n,r,i)};case 4:return function(n,r,i,o){return t.call(e,n,r,i,o)}}return function(){return t.apply(e,arguments)}}function Qt(t,e,n){return null==t?Wt:R(t)?Jt(t,e,n):w(t)&&!H(t)?Ht(t):Yt(t)}function Xt(t,e){return Qt(t,e,1/0)}function Kt(t,e,n){return At.iteratee!==Xt?At.iteratee(t,e):Qt(t,e,n)}function Vt(t,e,n){e=Kt(e,n);for(var r=lt(t),i=r.length,o={},a=0;a<i;a++){var l=r[a];o[l]=e(t[l],l,t)}return o}function Zt(){}function te(t){return null==t?Zt:function(e){return Gt(t,e)}}function ee(t,e,n){var r=Array(Math.max(0,t));e=Jt(e,n,1);for(var i=0;i<t;i++)r[i]=e(i);return r}function ne(t,e){return null==e&&(e=t,t=0),t+Math.floor(Math.random()*(e-t+1))}At.toPath=Rt,At.iteratee=Xt;var re=Date.now||function(){return(new Date).getTime()};function ie(t){var e=function(e){return t[e]},n="(?:"+lt(t).join("|")+")",r=RegExp(n),i=RegExp(n,"g");return function(t){return t=null==t?"":""+t,r.test(t)?t.replace(i,e):t}}var oe={"&":"&","<":"<",">":">",'"':""","'":"'","`":"`"},ae=ie(oe),le=ie(Ft(oe)),he=At.templateSettings={evaluate:/<%([\s\S]+?)%>/g,interpolate:/<%=([\s\S]+?)%>/g,escape:/<%-([\s\S]+?)%>/g},se=/(.)^/,Ae={"'":"'","\\":"\\","\r":"r","\n":"n","\u2028":"u2028","\u2029":"u2029"},de=/\\|'|\r|\n|\u2028|\u2029/g;function ce(t){return"\\"+Ae[t]}var ue=/^\s*(\w|\$)+\s*$/;function pe(t,e,n){!e&&n&&(e=n),e=Tt({},e,At.templateSettings);var r=RegExp([(e.escape||se).source,(e.interpolate||se).source,(e.evaluate||se).source].join("|")+"|$","g"),i=0,o="__p+='";t.replace(r,(function(e,n,r,a,l){return o+=t.slice(i,l).replace(de,ce),i=l+e.length,n?o+="'+\n((__t=("+n+"))==null?'':_.escape(__t))+\n'":r?o+="'+\n((__t=("+r+"))==null?'':__t)+\n'":a&&(o+="';\n"+a+"\n__p+='"),e})),o+="';\n";var a,l=e.variable;if(l){if(!ue.test(l))throw new Error(l)}else o="with(obj||{}){\n"+o+"}\n",l="obj";o="var __t,__p='',__j=Array.prototype.join,print=function(){__p+=__j.call(arguments,'');};\n"+o+"return __p;\n";try{a=new Function(l,"_",o)}catch(t){throw t.source=o,t}var h=function(t){return a.call(this,t,At)};return h.source="function("+l+"){\n"+o+"}",h}function me(t,e,n){var r=(e=Ut(e)).length;if(!r)return R(n)?n.call(t):n;for(var i=0;i<r;i++){var o=null==t?void 0:t[e[i]];void 0===o&&(o=n,i=r),t=R(o)?o.call(t):o}return t}var fe=0;function ge(t){var e=++fe+"";return t?t+e:e}function Ce(t){var e=At(t);return e._chain=!0,e}function be(t,e,n,r,i){if(!(r instanceof e))return t.apply(n,i);var o=Nt(t.prototype),a=t.apply(o,i);return w(a)?a:o}var _e=k((function(t,e){var n=_e.placeholder,r=function(){for(var i=0,o=e.length,a=Array(o),l=0;l<o;l++)a[l]=e[l]===n?arguments[i++]:e[l];for(;i<arguments.length;)a.push(arguments[i++]);return be(t,r,this,this,a)};return r}));_e.placeholder=At;var ve=_e,xe=k((function(t,e,n){if(!R(t))throw new TypeError("Bind must be called on a function");var r=k((function(i){return be(t,r,e,this,n.concat(i))}));return r})),Be=Z(ot);function ke(t,e,n,r){if(r=r||[],e||0===e){if(e<=0)return r.concat(t)}else e=1/0;for(var i=r.length,o=0,a=ot(t);o<a;o++){var l=t[o];if(Be(l)&&(H(l)||Q(l)))if(e>1)ke(l,e-1,n,r),i=r.length;else for(var h=0,s=l.length;h<s;)r[i++]=l[h++];else n||(r[i++]=l)}return r}var we=k((function(t,e){var n=(e=ke(e,!1,!1)).length;if(n<1)throw new Error("bindAll must be passed function names");for(;n--;){var r=e[n];t[r]=xe(t[r],t)}return t}));function ye(t,e){var n=function(r){var i=n.cache,o=""+(e?e.apply(this,arguments):r);return Y(i,o)||(i[o]=t.apply(this,arguments)),i[o]};return n.cache={},n}var Ee=k((function(t,e,n){return setTimeout((function(){return t.apply(null,n)}),e)})),$e=ve(Ee,At,1);function De(t,e,n){var r,i,o,a,l=0;n||(n={});var h=function(){l=!1===n.leading?0:re(),r=null,a=t.apply(i,o),r||(i=o=null)},s=function(){var s=re();l||!1!==n.leading||(l=s);var A=e-(s-l);return i=this,o=arguments,A<=0||A>e?(r&&(clearTimeout(r),r=null),l=s,a=t.apply(i,o),r||(i=o=null)):r||!1===n.trailing||(r=setTimeout(h,A)),a};return s.cancel=function(){clearTimeout(r),l=0,r=i=o=null},s}function Fe(t,e,n){var r,i,o,a,l,h=function(){var s=re()-i;e>s?r=setTimeout(h,e-s):(r=null,n||(a=t.apply(l,o)),r||(o=l=null))},s=k((function(s){return l=this,o=s,i=re(),r||(r=setTimeout(h,e),n&&(a=t.apply(l,o))),a}));return s.cancel=function(){clearTimeout(r),r=o=l=null},s}function Se(t,e){return ve(e,t)}function Me(t){return function(){return!t.apply(this,arguments)}}function Ie(){var t=arguments,e=t.length-1;return function(){for(var n=e,r=t[e].apply(this,arguments);n--;)r=t[n].call(this,r);return r}}function ze(t,e){return function(){if(--t<1)return e.apply(this,arguments)}}function Te(t,e){var n;return function(){return--t>0&&(n=e.apply(this,arguments)),t<=1&&(e=null),n}}var Ne=ve(Te,2);function je(t,e,n){e=Kt(e,n);for(var r,i=lt(t),o=0,a=i.length;o<a;o++)if(e(t[r=i[o]],r,t))return r}function Le(t){return function(e,n,r){n=Kt(n,r);for(var i=ot(e),o=t>0?0:i-1;o>=0&&o<i;o+=t)if(n(e[o],o,e))return o;return-1}}var Oe=Le(1),Re=Le(-1);function Ue(t,e,n,r){for(var i=(n=Kt(n,r,1))(e),o=0,a=ot(t);o<a;){var l=Math.floor((o+a)/2);n(t[l])<i?o=l+1:a=l}return o}function Pe(t,e,n){return function(r,i,o){var a=0,l=ot(r);if("number"==typeof o)t>0?a=o>=0?o:Math.max(o+l,a):l=o>=0?Math.min(o+1,l):o+l+1;else if(n&&o&&l)return r[o=n(r,i)]===i?o:-1;if(i!=i)return(o=e(A.call(r,a,l),K))>=0?o+a:-1;for(o=t>0?a:l-1;o>=0&&o<l;o+=t)if(r[o]===i)return o;return-1}}var Ge=Pe(1,Oe,Ue),qe=Pe(-1,Re);function We(t,e,n){var r=(Be(t)?Oe:je)(t,e,n);if(void 0!==r&&-1!==r)return t[r]}function He(t,e){return We(t,Ht(e))}function Ye(t,e,n){var r,i;if(e=Jt(e,n),Be(t))for(r=0,i=t.length;r<i;r++)e(t[r],r,t);else{var o=lt(t);for(r=0,i=o.length;r<i;r++)e(t[o[r]],o[r],t)}return t}function Je(t,e,n){e=Kt(e,n);for(var r=!Be(t)&<(t),i=(r||t).length,o=Array(i),a=0;a<i;a++){var l=r?r[a]:a;o[a]=e(t[l],l,t)}return o}function Qe(t){var e=function(e,n,r,i){var o=!Be(e)&<(e),a=(o||e).length,l=t>0?0:a-1;for(i||(r=e[o?o[l]:l],l+=t);l>=0&&l<a;l+=t){var h=o?o[l]:l;r=n(r,e[h],h,e)}return r};return function(t,n,r,i){var o=arguments.length>=3;return e(t,Jt(n,i,4),r,o)}}var Xe=Qe(1),Ke=Qe(-1);function Ve(t,e,n){var r=[];return e=Kt(e,n),Ye(t,(function(t,n,i){e(t,n,i)&&r.push(t)})),r}function Ze(t,e,n){return Ve(t,Me(Kt(e)),n)}function tn(t,e,n){e=Kt(e,n);for(var r=!Be(t)&<(t),i=(r||t).length,o=0;o<i;o++){var a=r?r[o]:o;if(!e(t[a],a,t))return!1}return!0}function en(t,e,n){e=Kt(e,n);for(var r=!Be(t)&<(t),i=(r||t).length,o=0;o<i;o++){var a=r?r[o]:o;if(e(t[a],a,t))return!0}return!1}function nn(t,e,n,r){return Be(t)||(t=$t(t)),("number"!=typeof n||r)&&(n=0),Ge(t,e,n)>=0}var rn=k((function(t,e,n){var r,i;return R(e)?i=e:(e=Ut(e),r=e.slice(0,-1),e=e[e.length-1]),Je(t,(function(t){var o=i;if(!o){if(r&&r.length&&(t=Pt(t,r)),null==t)return;o=t[e]}return null==o?o:o.apply(t,n)}))}));function on(t,e){return Je(t,Yt(e))}function an(t,e){return Ve(t,Ht(e))}function ln(t,e,n){var r,i,o=-1/0,a=-1/0;if(null==e||"number"==typeof e&&"object"!=typeof t[0]&&null!=t)for(var l=0,h=(t=Be(t)?t:$t(t)).length;l<h;l++)null!=(r=t[l])&&r>o&&(o=r);else e=Kt(e,n),Ye(t,(function(t,n,r){((i=e(t,n,r))>a||i===-1/0&&o===-1/0)&&(o=t,a=i)}));return o}function hn(t,e,n){var r,i,o=1/0,a=1/0;if(null==e||"number"==typeof e&&"object"!=typeof t[0]&&null!=t)for(var l=0,h=(t=Be(t)?t:$t(t)).length;l<h;l++)null!=(r=t[l])&&r<o&&(o=r);else e=Kt(e,n),Ye(t,(function(t,n,r){((i=e(t,n,r))<a||i===1/0&&o===1/0)&&(o=t,a=i)}));return o}function sn(t,e,n){if(null==e||n)return Be(t)||(t=$t(t)),t[ne(t.length-1)];var r=Be(t)?Lt(t):$t(t),i=ot(r);e=Math.max(Math.min(e,i),0);for(var o=i-1,a=0;a<e;a++){var l=ne(a,o),h=r[a];r[a]=r[l],r[l]=h}return r.slice(0,e)}function An(t){return sn(t,1/0)}function dn(t,e,n){var r=0;return e=Kt(e,n),on(Je(t,(function(t,n,i){return{value:t,index:r++,criteria:e(t,n,i)}})).sort((function(t,e){var n=t.criteria,r=e.criteria;if(n!==r){if(n>r||void 0===n)return 1;if(n<r||void 0===r)return-1}return t.index-e.index})),"value")}function cn(t,e){return function(n,r,i){var o=e?[[],[]]:{};return r=Kt(r,i),Ye(n,(function(e,i){var a=r(e,i,n);t(o,e,a)})),o}}var un=cn((function(t,e,n){Y(t,n)?t[n].push(e):t[n]=[e]})),pn=cn((function(t,e,n){t[n]=e})),mn=cn((function(t,e,n){Y(t,n)?t[n]++:t[n]=1})),fn=cn((function(t,e,n){t[n?0:1].push(e)}),!0),gn=/[^\ud800-\udfff]|[\ud800-\udbff][\udc00-\udfff]|[\ud800-\udfff]/g;function Cn(t){return t?H(t)?A.call(t):S(t)?t.match(gn):Be(t)?Je(t,Wt):$t(t):[]}function bn(t){return null==t?0:Be(t)?t.length:lt(t).length}function _n(t,e,n){return e in n}var vn=k((function(t,e){var n={},r=e[0];if(null==t)return n;R(r)?(e.length>1&&(r=Jt(r,e[1])),e=ft(t)):(r=_n,e=ke(e,!1,!1),t=Object(t));for(var i=0,o=e.length;i<o;i++){var a=e[i],l=t[a];r(l,a,t)&&(n[a]=l)}return n})),xn=k((function(t,e){var n,r=e[0];return R(r)?(r=Me(r),e.length>1&&(n=e[1])):(e=Je(ke(e,!1,!1),String),r=function(t,n){return!nn(e,n)}),vn(t,r,n)}));function Bn(t,e,n){return A.call(t,0,Math.max(0,t.length-(null==e||n?1:e)))}function kn(t,e,n){return null==t||t.length<1?null==e||n?void 0:[]:null==e||n?t[0]:Bn(t,t.length-e)}function wn(t,e,n){return A.call(t,null==e||n?1:e)}function yn(t,e,n){return null==t||t.length<1?null==e||n?void 0:[]:null==e||n?t[t.length-1]:wn(t,Math.max(0,t.length-e))}function En(t){return Ve(t,Boolean)}function $n(t,e){return ke(t,e,!1)}var Dn=k((function(t,e){return e=ke(e,!0,!0),Ve(t,(function(t){return!nn(e,t)}))})),Fn=k((function(t,e){return Dn(t,e)}));function Sn(t,e,n,r){$(e)||(r=n,n=e,e=!1),null!=n&&(n=Kt(n,r));for(var i=[],o=[],a=0,l=ot(t);a<l;a++){var h=t[a],s=n?n(h,a,t):h;e&&!n?(a&&o===s||i.push(h),o=s):n?nn(o,s)||(o.push(s),i.push(h)):nn(i,h)||i.push(h)}return i}var Mn=k((function(t){return Sn(ke(t,!0,!0))}));function In(t){for(var e=[],n=arguments.length,r=0,i=ot(t);r<i;r++){var o=t[r];if(!nn(e,o)){var a;for(a=1;a<n&&nn(arguments[a],o);a++);a===n&&e.push(o)}}return e}function zn(t){for(var e=t&&ln(t,ot).length||0,n=Array(e),r=0;r<e;r++)n[r]=on(t,r);return n}var Tn=k(zn);function Nn(t,e){for(var n={},r=0,i=ot(t);r<i;r++)e?n[t[r]]=e[r]:n[t[r][0]]=t[r][1];return n}function jn(t,e,n){null==e&&(e=t||0,t=0),n||(n=e<t?-1:1);for(var r=Math.max(Math.ceil((e-t)/n),0),i=Array(r),o=0;o<r;o++,t+=n)i[o]=t;return i}function Ln(t,e){if(null==e||e<1)return[];for(var n=[],r=0,i=t.length;r<i;)n.push(A.call(t,r,r+=e));return n}function On(t,e){return t._chain?At(e).chain():e}function Rn(t){return Ye(St(t),(function(e){var n=At[e]=t[e];At.prototype[e]=function(){var t=[this._wrapped];return s.apply(t,arguments),On(this,n.apply(At,t))}})),At}Ye(["pop","push","reverse","shift","sort","splice","unshift"],(function(t){var e=a[t];At.prototype[t]=function(){var n=this._wrapped;return null!=n&&(e.apply(n,arguments),"shift"!==t&&"splice"!==t||0!==n.length||delete n[0]),On(this,n)}})),Ye(["concat","join","slice"],(function(t){var e=a[t];At.prototype[t]=function(){var t=this._wrapped;return null!=t&&(t=e.apply(t,arguments)),On(this,t)}}));var Un=At,Pn=Rn(r);Pn._=Pn;var Gn=Pn},9925:function(t,e,n){"use strict";var r=n(7264),i=n.n(r),o=n(6566);i()(o.Z,{insert:"head",singleton:!1}),e.Z=o.Z.locals||{}},377:function(t){"use strict";t.exports={aliceblue:[240,248,255],antiquewhite:[250,235,215],aqua:[0,255,255],aquamarine:[127,255,212],azure:[240,255,255],beige:[245,245,220],bisque:[255,228,196],black:[0,0,0],blanchedalmond:[255,235,205],blue:[0,0,255],blueviolet:[138,43,226],brown:[165,42,42],burlywood:[222,184,135],cadetblue:[95,158,160],chartreuse:[127,255,0],chocolate:[210,105,30],coral:[255,127,80],cornflowerblue:[100,149,237],cornsilk:[255,248,220],crimson:[220,20,60],cyan:[0,255,255],darkblue:[0,0,139],darkcyan:[0,139,139],darkgoldenrod:[184,134,11],darkgray:[169,169,169],darkgreen:[0,100,0],darkgrey:[169,169,169],darkkhaki:[189,183,107],darkmagenta:[139,0,139],darkolivegreen:[85,107,47],darkorange:[255,140,0],darkorchid:[153,50,204],darkred:[139,0,0],darksalmon:[233,150,122],darkseagreen:[143,188,143],darkslateblue:[72,61,139],darkslategray:[47,79,79],darkslategrey:[47,79,79],darkturquoise:[0,206,209],darkviolet:[148,0,211],deeppink:[255,20,147],deepskyblue:[0,191,255],dimgray:[105,105,105],dimgrey:[105,105,105],dodgerblue:[30,144,255],firebrick:[178,34,34],floralwhite:[255,250,240],forestgreen:[34,139,34],fuchsia:[255,0,255],gainsboro:[220,220,220],ghostwhite:[248,248,255],gold:[255,215,0],goldenrod:[218,165,32],gray:[128,128,128],green:[0,128,0],greenyellow:[173,255,47],grey:[128,128,128],honeydew:[240,255,240],hotpink:[255,105,180],indianred:[205,92,92],indigo:[75,0,130],ivory:[255,255,240],khaki:[240,230,140],lavender:[230,230,250],lavenderblush:[255,240,245],lawngreen:[124,252,0],lemonchiffon:[255,250,205],lightblue:[173,216,230],lightcoral:[240,128,128],lightcyan:[224,255,255],lightgoldenrodyellow:[250,250,210],lightgray:[211,211,211],lightgreen:[144,238,144],lightgrey:[211,211,211],lightpink:[255,182,193],lightsalmon:[255,160,122],lightseagreen:[32,178,170],lightskyblue:[135,206,250],lightslategray:[119,136,153],lightslategrey:[119,136,153],lightsteelblue:[176,196,222],lightyellow:[255,255,224],lime:[0,255,0],limegreen:[50,205,50],linen:[250,240,230],magenta:[255,0,255],maroon:[128,0,0],mediumaquamarine:[102,205,170],mediumblue:[0,0,205],mediumorchid:[186,85,211],mediumpurple:[147,112,219],mediumseagreen:[60,179,113],mediumslateblue:[123,104,238],mediumspringgreen:[0,250,154],mediumturquoise:[72,209,204],mediumvioletred:[199,21,133],midnightblue:[25,25,112],mintcream:[245,255,250],mistyrose:[255,228,225],moccasin:[255,228,181],navajowhite:[255,222,173],navy:[0,0,128],oldlace:[253,245,230],olive:[128,128,0],olivedrab:[107,142,35],orange:[255,165,0],orangered:[255,69,0],orchid:[218,112,214],palegoldenrod:[238,232,170],palegreen:[152,251,152],paleturquoise:[175,238,238],palevioletred:[219,112,147],papayawhip:[255,239,213],peachpuff:[255,218,185],peru:[205,133,63],pink:[255,192,203],plum:[221,160,221],powderblue:[176,224,230],purple:[128,0,128],rebeccapurple:[102,51,153],red:[255,0,0],rosybrown:[188,143,143],royalblue:[65,105,225],saddlebrown:[139,69,19],salmon:[250,128,114],sandybrown:[244,164,96],seagreen:[46,139,87],seashell:[255,245,238],sienna:[160,82,45],silver:[192,192,192],skyblue:[135,206,235],slateblue:[106,90,205],slategray:[112,128,144],slategrey:[112,128,144],snow:[255,250,250],springgreen:[0,255,127],steelblue:[70,130,180],tan:[210,180,140],teal:[0,128,128],thistle:[216,191,216],tomato:[255,99,71],turquoise:[64,224,208],violet:[238,130,238],wheat:[245,222,179],white:[255,255,255],whitesmoke:[245,245,245],yellow:[255,255,0],yellowgreen:[154,205,50]}},5770:function(t,e,n){"use strict";var r=n(377),i=n(8060),o={};for(var a in r)r.hasOwnProperty(a)&&(o[r[a]]=a);var l=t.exports={to:{},get:{}};function h(t,e,n){return Math.min(Math.max(e,t),n)}function s(t){var e=t.toString(16).toUpperCase();return e.length<2?"0"+e:e}l.get=function(t){var e,n;switch(t.substring(0,3).toLowerCase()){case"hsl":e=l.get.hsl(t),n="hsl";break;case"hwb":e=l.get.hwb(t),n="hwb";break;default:e=l.get.rgb(t),n="rgb"}return e?{model:n,value:e}:null},l.get.rgb=function(t){if(!t)return null;var e,n,i,o=[0,0,0,1];if(e=t.match(/^#([a-f0-9]{6})([a-f0-9]{2})?$/i)){for(i=e[2],e=e[1],n=0;n<3;n++){var a=2*n;o[n]=parseInt(e.slice(a,a+2),16)}i&&(o[3]=parseInt(i,16)/255)}else if(e=t.match(/^#([a-f0-9]{3,4})$/i)){for(i=(e=e[1])[3],n=0;n<3;n++)o[n]=parseInt(e[n]+e[n],16);i&&(o[3]=parseInt(i+i,16)/255)}else if(e=t.match(/^rgba?\(\s*([+-]?\d+)\s*,\s*([+-]?\d+)\s*,\s*([+-]?\d+)\s*(?:,\s*([+-]?[\d\.]+)\s*)?\)$/)){for(n=0;n<3;n++)o[n]=parseInt(e[n+1],0);e[4]&&(o[3]=parseFloat(e[4]))}else{if(!(e=t.match(/^rgba?\(\s*([+-]?[\d\.]+)\%\s*,\s*([+-]?[\d\.]+)\%\s*,\s*([+-]?[\d\.]+)\%\s*(?:,\s*([+-]?[\d\.]+)\s*)?\)$/)))return(e=t.match(/(\D+)/))?"transparent"===e[1]?[0,0,0,0]:(o=r[e[1]])?(o[3]=1,o):null:null;for(n=0;n<3;n++)o[n]=Math.round(2.55*parseFloat(e[n+1]));e[4]&&(o[3]=parseFloat(e[4]))}for(n=0;n<3;n++)o[n]=h(o[n],0,255);return o[3]=h(o[3],0,1),o},l.get.hsl=function(t){if(!t)return null;var e=t.match(/^hsla?\(\s*([+-]?(?:\d{0,3}\.)?\d+)(?:deg)?\s*,?\s*([+-]?[\d\.]+)%\s*,?\s*([+-]?[\d\.]+)%\s*(?:[,|\/]\s*([+-]?[\d\.]+)\s*)?\)$/);if(e){var n=parseFloat(e[4]);return[(parseFloat(e[1])+360)%360,h(parseFloat(e[2]),0,100),h(parseFloat(e[3]),0,100),h(isNaN(n)?1:n,0,1)]}return null},l.get.hwb=function(t){if(!t)return null;var e=t.match(/^hwb\(\s*([+-]?\d{0,3}(?:\.\d+)?)(?:deg)?\s*,\s*([+-]?[\d\.]+)%\s*,\s*([+-]?[\d\.]+)%\s*(?:,\s*([+-]?[\d\.]+)\s*)?\)$/);if(e){var n=parseFloat(e[4]);return[(parseFloat(e[1])%360+360)%360,h(parseFloat(e[2]),0,100),h(parseFloat(e[3]),0,100),h(isNaN(n)?1:n,0,1)]}return null},l.to.hex=function(){var t=i(arguments);return"#"+s(t[0])+s(t[1])+s(t[2])+(t[3]<1?s(Math.round(255*t[3])):"")},l.to.rgb=function(){var t=i(arguments);return t.length<4||1===t[3]?"rgb("+Math.round(t[0])+", "+Math.round(t[1])+", "+Math.round(t[2])+")":"rgba("+Math.round(t[0])+", "+Math.round(t[1])+", "+Math.round(t[2])+", "+t[3]+")"},l.to.rgb.percent=function(){var t=i(arguments),e=Math.round(t[0]/255*100),n=Math.round(t[1]/255*100),r=Math.round(t[2]/255*100);return t.length<4||1===t[3]?"rgb("+e+"%, "+n+"%, "+r+"%)":"rgba("+e+"%, "+n+"%, "+r+"%, "+t[3]+")"},l.to.hsl=function(){var t=i(arguments);return t.length<4||1===t[3]?"hsl("+t[0]+", "+t[1]+"%, "+t[2]+"%)":"hsla("+t[0]+", "+t[1]+"%, "+t[2]+"%, "+t[3]+")"},l.to.hwb=function(){var t=i(arguments),e="";return t.length>=4&&1!==t[3]&&(e=", "+t[3]),"hwb("+t[0]+", "+t[1]+"%, "+t[2]+"%"+e+")"},l.to.keyword=function(t){return o[t.slice(0,3)]}},9263:function(t,e,n){"use strict";for(var r=n(5770),i=n(7482),o=[].slice,a=["keyword","gray","hex"],l={},h=0,s=Object.keys(i);h<s.length;h++){var A=s[h];l[o.call(i[A].labels).sort().join("")]=A}var d={};function c(t,e){if(!(this instanceof c))return new c(t,e);if(e&&e in a&&(e=null),e&&!(e in i))throw new Error("Unknown model: "+e);var n,h;if(null==t)this.model="rgb",this.color=[0,0,0],this.valpha=1;else if(t instanceof c)this.model=t.model,this.color=t.color.slice(),this.valpha=t.valpha;else if("string"==typeof t){var s=r.get(t);if(null===s)throw new Error("Unable to parse color from string: "+t);this.model=s.model,h=i[this.model].channels,this.color=s.value.slice(0,h),this.valpha="number"==typeof s.value[h]?s.value[h]:1}else if(t.length>0){this.model=e||"rgb",h=i[this.model].channels;var A=o.call(t,0,h);this.color=b(A,h),this.valpha="number"==typeof t[h]?t[h]:1}else if("number"==typeof t)t&=16777215,this.model="rgb",this.color=[t>>16&255,t>>8&255,255&t],this.valpha=1;else{this.valpha=1;var u=Object.keys(t);"alpha"in t&&(u.splice(u.indexOf("alpha"),1),this.valpha="number"==typeof t.alpha?t.alpha:0);var p=u.sort().join("");if(!(p in l))throw new Error("Unable to parse color from object: "+JSON.stringify(t));this.model=l[p];var m=i[this.model].labels,f=[];for(n=0;n<m.length;n++)f.push(t[m[n]]);this.color=b(f)}if(d[this.model])for(h=i[this.model].channels,n=0;n<h;n++){var g=d[this.model][n];g&&(this.color[n]=g(this.color[n]))}this.valpha=Math.max(0,Math.min(1,this.valpha)),Object.freeze&&Object.freeze(this)}c.prototype={toString:function(){return this.string()},toJSON:function(){return this[this.model]()},string:function(t){var e=this.model in r.to?this:this.rgb(),n=1===(e=e.round("number"==typeof t?t:1)).valpha?e.color:e.color.concat(this.valpha);return r.to[e.model](n)},percentString:function(t){var e=this.rgb().round("number"==typeof t?t:1),n=1===e.valpha?e.color:e.color.concat(this.valpha);return r.to.rgb.percent(n)},array:function(){return 1===this.valpha?this.color.slice():this.color.concat(this.valpha)},object:function(){for(var t={},e=i[this.model].channels,n=i[this.model].labels,r=0;r<e;r++)t[n[r]]=this.color[r];return 1!==this.valpha&&(t.alpha=this.valpha),t},unitArray:function(){var t=this.rgb().color;return t[0]/=255,t[1]/=255,t[2]/=255,1!==this.valpha&&t.push(this.valpha),t},unitObject:function(){var t=this.rgb().object();return t.r/=255,t.g/=255,t.b/=255,1!==this.valpha&&(t.alpha=this.valpha),t},round:function(t){return t=Math.max(t||0,0),new c(this.color.map(function(t){return function(e){return function(t,e){return Number(t.toFixed(e))}(e,t)}}(t)).concat(this.valpha),this.model)},alpha:function(t){return arguments.length>0?new c(this.color.concat(Math.max(0,Math.min(1,t))),this.model):this.valpha},red:f("rgb",0,g(255)),green:f("rgb",1,g(255)),blue:f("rgb",2,g(255)),hue:f(["hsl","hsv","hsl","hwb","hcg"],0,(function(t){return(t%360+360)%360})),saturationl:f("hsl",1,g(100)),lightness:f("hsl",2,g(100)),saturationv:f("hsv",1,g(100)),value:f("hsv",2,g(100)),chroma:f("hcg",1,g(100)),gray:f("hcg",2,g(100)),white:f("hwb",1,g(100)),wblack:f("hwb",2,g(100)),cyan:f("cmyk",0,g(100)),magenta:f("cmyk",1,g(100)),yellow:f("cmyk",2,g(100)),black:f("cmyk",3,g(100)),x:f("xyz",0,g(100)),y:f("xyz",1,g(100)),z:f("xyz",2,g(100)),l:f("lab",0,g(100)),a:f("lab",1),b:f("lab",2),keyword:function(t){return arguments.length>0?new c(t):i[this.model].keyword(this.color)},hex:function(t){return arguments.length>0?new c(t):r.to.hex(this.rgb().round().color)},rgbNumber:function(){var t=this.rgb().color;return(255&t[0])<<16|(255&t[1])<<8|255&t[2]},luminosity:function(){for(var t=[],e=0,n=this.rgb().color.entries();e<n.length;e++){var r=n[e],i=r[0],o=r[1]/255;t[i]=o<=.03928?o/12.92:Math.pow((o+.055)/1.055,2.4)}return.2126*t[0]+.7152*t[1]+.0722*t[2]},contrast:function(t){var e=this.luminosity(),n=t.luminosity();return e>n?(e+.05)/(n+.05):(n+.05)/(e+.05)},level:function(t){var e=this.contrast(t);return e>=7.1?"AAA":e>=4.5?"AA":""},isDark:function(){var t=this.rgb().color;return(299*t[0]+587*t[1]+114*t[2])/1e3<128},isLight:function(){return!this.isDark()},negate:function(){for(var t=this.rgb(),e=0;e<3;e++)t.color[e]=255-t.color[e];return t},lighten:function(t){var e=this.hsl();return e.color[2]+=e.color[2]*t,e},darken:function(t){var e=this.hsl();return e.color[2]-=e.color[2]*t,e},saturate:function(t){var e=this.hsl();return e.color[1]+=e.color[1]*t,e},desaturate:function(t){var e=this.hsl();return e.color[1]-=e.color[1]*t,e},whiten:function(t){var e=this.hwb();return e.color[1]+=e.color[1]*t,e},blacken:function(t){var e=this.hwb();return e.color[2]+=e.color[2]*t,e},grayscale:function(){var t=this.rgb().color,e=.3*t[0]+.59*t[1]+.11*t[2];return c.rgb(e,e,e)},fade:function(t){return this.alpha(this.valpha-this.valpha*t)},opaquer:function(t){return this.alpha(this.valpha+this.valpha*t)},rotate:function(t){var e=this.hsl(),n=e.color[0];return n=(n=(n+t)%360)<0?360+n:n,e.color[0]=n,e},mix:function(t,e){if(!t||!t.rgb)throw new Error('Argument to "mix" was not a Color instance, but rather an instance of '+typeof t);var n=t.rgb(),r=this.rgb(),i=void 0===e?.5:e,o=2*i-1,a=n.alpha()-r.alpha(),l=((o*a==-1?o:(o+a)/(1+o*a))+1)/2,h=1-l;return c.rgb(l*n.red()+h*r.red(),l*n.green()+h*r.green(),l*n.blue()+h*r.blue(),n.alpha()*i+r.alpha()*(1-i))}};for(var u=function(t){if(a.includes(t))return"continue";var e=i[t].channels;c.prototype[t]=function(){if(this.model===t)return new c(this);if(arguments.length>0)return new c(arguments,t);var n="number"==typeof arguments[e]?e:this.valpha;return new c(C(i[this.model][t].raw(this.color)).concat(n),t)},c[t]=function(n){return"number"==typeof n&&(n=b(o.call(arguments),e)),new c(n,t)}},p=0,m=Object.keys(i);p<m.length;p++)u(A=m[p]);function f(t,e,n){for(var r=0,i=t=Array.isArray(t)?t:[t];r<i.length;r++){var o=i[r];(d[o]||(d[o]=[]))[e]=n}return t=t[0],function(r){var i;return arguments.length>0?(n&&(r=n(r)),(i=this[t]()).color[e]=r,i):(i=this[t]().color[e],n&&(i=n(i)),i)}}function g(t){return function(e){return Math.max(0,Math.min(t,e))}}function C(t){return Array.isArray(t)?t:[t]}function b(t,e){for(var n=0;n<e;n++)"number"!=typeof t[n]&&(t[n]=0);return t}t.exports=c},5341:function(t,e,n){"use strict";for(var r=n(8477),i={},o=0,a=Object.keys(r);o<a.length;o++){var l=a[o];i[r[l]]=l}var h={rgb:{channels:3,labels:"rgb"},hsl:{channels:3,labels:"hsl"},hsv:{channels:3,labels:"hsv"},hwb:{channels:3,labels:"hwb"},cmyk:{channels:4,labels:"cmyk"},xyz:{channels:3,labels:"xyz"},lab:{channels:3,labels:"lab"},lch:{channels:3,labels:"lch"},hex:{channels:1,labels:["hex"]},keyword:{channels:1,labels:["keyword"]},ansi16:{channels:1,labels:["ansi16"]},ansi256:{channels:1,labels:["ansi256"]},hcg:{channels:3,labels:["h","c","g"]},apple:{channels:3,labels:["r16","g16","b16"]},gray:{channels:1,labels:["gray"]}};t.exports=h;for(var s=0,A=Object.keys(h);s<A.length;s++){var d=A[s];if(!("channels"in h[d]))throw new Error("missing channels property: "+d);if(!("labels"in h[d]))throw new Error("missing channel labels property: "+d);if(h[d].labels.length!==h[d].channels)throw new Error("channel and label counts mismatch: "+d);var c=h[d],u=c.channels,p=c.labels;delete h[d].channels,delete h[d].labels,Object.defineProperty(h[d],"channels",{value:u}),Object.defineProperty(h[d],"labels",{value:p})}h.rgb.hsl=function(t){var e,n=t[0]/255,r=t[1]/255,i=t[2]/255,o=Math.min(n,r,i),a=Math.max(n,r,i),l=a-o;a===o?e=0:n===a?e=(r-i)/l:r===a?e=2+(i-n)/l:i===a&&(e=4+(n-r)/l),(e=Math.min(60*e,360))<0&&(e+=360);var h=(o+a)/2;return[e,100*(a===o?0:h<=.5?l/(a+o):l/(2-a-o)),100*h]},h.rgb.hsv=function(t){var e,n,r,i,o,a=t[0]/255,l=t[1]/255,h=t[2]/255,s=Math.max(a,l,h),A=s-Math.min(a,l,h),d=function(t){return(s-t)/6/A+.5};return 0===A?(i=0,o=0):(o=A/s,e=d(a),n=d(l),r=d(h),a===s?i=r-n:l===s?i=1/3+e-r:h===s&&(i=2/3+n-e),i<0?i+=1:i>1&&(i-=1)),[360*i,100*o,100*s]},h.rgb.hwb=function(t){var e=t[0],n=t[1],r=t[2];return[h.rgb.hsl(t)[0],1/255*Math.min(e,Math.min(n,r))*100,100*(r=1-1/255*Math.max(e,Math.max(n,r)))]},h.rgb.cmyk=function(t){var e=t[0]/255,n=t[1]/255,r=t[2]/255,i=Math.min(1-e,1-n,1-r);return[100*((1-e-i)/(1-i)||0),100*((1-n-i)/(1-i)||0),100*((1-r-i)/(1-i)||0),100*i]},h.rgb.keyword=function(t){var e=i[t];if(e)return e;for(var n,o,a,l=1/0,h=0,s=Object.keys(r);h<s.length;h++){var A=s[h],d=(o=t,a=r[A],Math.pow(o[0]-a[0],2)+Math.pow(o[1]-a[1],2)+Math.pow(o[2]-a[2],2));d<l&&(l=d,n=A)}return n},h.keyword.rgb=function(t){return r[t]},h.rgb.xyz=function(t){var e=t[0]/255,n=t[1]/255,r=t[2]/255;return[100*(.4124*(e=e>.04045?Math.pow((e+.055)/1.055,2.4):e/12.92)+.3576*(n=n>.04045?Math.pow((n+.055)/1.055,2.4):n/12.92)+.1805*(r=r>.04045?Math.pow((r+.055)/1.055,2.4):r/12.92)),100*(.2126*e+.7152*n+.0722*r),100*(.0193*e+.1192*n+.9505*r)]},h.rgb.lab=function(t){var e=h.rgb.xyz(t),n=e[0],r=e[1],i=e[2];return r/=100,i/=108.883,n=(n/=95.047)>.008856?Math.pow(n,1/3):7.787*n+16/116,[116*(r=r>.008856?Math.pow(r,1/3):7.787*r+16/116)-16,500*(n-r),200*(r-(i=i>.008856?Math.pow(i,1/3):7.787*i+16/116))]},h.hsl.rgb=function(t){var e,n,r,i=t[0]/360,o=t[1]/100,a=t[2]/100;if(0===o)return[r=255*a,r,r];for(var l=2*a-(e=a<.5?a*(1+o):a+o-a*o),h=[0,0,0],s=0;s<3;s++)(n=i+1/3*-(s-1))<0&&n++,n>1&&n--,r=6*n<1?l+6*(e-l)*n:2*n<1?e:3*n<2?l+(e-l)*(2/3-n)*6:l,h[s]=255*r;return h},h.hsl.hsv=function(t){var e=t[0],n=t[1]/100,r=t[2]/100,i=n,o=Math.max(r,.01);return n*=(r*=2)<=1?r:2-r,i*=o<=1?o:2-o,[e,100*(0===r?2*i/(o+i):2*n/(r+n)),(r+n)/2*100]},h.hsv.rgb=function(t){var e=t[0]/60,n=t[1]/100,r=t[2]/100,i=Math.floor(e)%6,o=e-Math.floor(e),a=255*r*(1-n),l=255*r*(1-n*o),h=255*r*(1-n*(1-o));switch(r*=255,i){case 0:return[r,h,a];case 1:return[l,r,a];case 2:return[a,r,h];case 3:return[a,l,r];case 4:return[h,a,r];case 5:return[r,a,l]}},h.hsv.hsl=function(t){var e,n,r=t[0],i=t[1]/100,o=t[2]/100,a=Math.max(o,.01);n=(2-i)*o;var l=(2-i)*a;return e=i*a,[r,100*(e=(e/=l<=1?l:2-l)||0),100*(n/=2)]},h.hwb.rgb=function(t){var e,n=t[0]/360,r=t[1]/100,i=t[2]/100,o=r+i;o>1&&(r/=o,i/=o);var a=Math.floor(6*n),l=1-i;e=6*n-a,0!=(1&a)&&(e=1-e);var h,s,A,d=r+e*(l-r);switch(a){default:case 6:case 0:h=l,s=d,A=r;break;case 1:h=d,s=l,A=r;break;case 2:h=r,s=l,A=d;break;case 3:h=r,s=d,A=l;break;case 4:h=d,s=r,A=l;break;case 5:h=l,s=r,A=d}return[255*h,255*s,255*A]},h.cmyk.rgb=function(t){var e=t[0]/100,n=t[1]/100,r=t[2]/100,i=t[3]/100;return[255*(1-Math.min(1,e*(1-i)+i)),255*(1-Math.min(1,n*(1-i)+i)),255*(1-Math.min(1,r*(1-i)+i))]},h.xyz.rgb=function(t){var e,n,r,i=t[0]/100,o=t[1]/100,a=t[2]/100;return n=-.9689*i+1.8758*o+.0415*a,r=.0557*i+-.204*o+1.057*a,e=(e=3.2406*i+-1.5372*o+-.4986*a)>.0031308?1.055*Math.pow(e,1/2.4)-.055:12.92*e,n=n>.0031308?1.055*Math.pow(n,1/2.4)-.055:12.92*n,r=r>.0031308?1.055*Math.pow(r,1/2.4)-.055:12.92*r,[255*(e=Math.min(Math.max(0,e),1)),255*(n=Math.min(Math.max(0,n),1)),255*(r=Math.min(Math.max(0,r),1))]},h.xyz.lab=function(t){var e=t[0],n=t[1],r=t[2];return n/=100,r/=108.883,e=(e/=95.047)>.008856?Math.pow(e,1/3):7.787*e+16/116,[116*(n=n>.008856?Math.pow(n,1/3):7.787*n+16/116)-16,500*(e-n),200*(n-(r=r>.008856?Math.pow(r,1/3):7.787*r+16/116))]},h.lab.xyz=function(t){var e,n,r,i=t[0];e=t[1]/500+(n=(i+16)/116),r=n-t[2]/200;var o=Math.pow(n,3),a=Math.pow(e,3),l=Math.pow(r,3);return n=o>.008856?o:(n-16/116)/7.787,e=a>.008856?a:(e-16/116)/7.787,r=l>.008856?l:(r-16/116)/7.787,[e*=95.047,n*=100,r*=108.883]},h.lab.lch=function(t){var e,n=t[0],r=t[1],i=t[2];return(e=360*Math.atan2(i,r)/2/Math.PI)<0&&(e+=360),[n,Math.sqrt(r*r+i*i),e]},h.lch.lab=function(t){var e=t[0],n=t[1],r=t[2]/360*2*Math.PI;return[e,n*Math.cos(r),n*Math.sin(r)]},h.rgb.ansi16=function(t,e){void 0===e&&(e=null);var n=t[0],r=t[1],i=t[2],o=null===e?h.rgb.hsv(t)[2]:e;if(0===(o=Math.round(o/50)))return 30;var a=30+(Math.round(i/255)<<2|Math.round(r/255)<<1|Math.round(n/255));return 2===o&&(a+=60),a},h.hsv.ansi16=function(t){return h.rgb.ansi16(h.hsv.rgb(t),t[2])},h.rgb.ansi256=function(t){var e=t[0],n=t[1],r=t[2];return e===n&&n===r?e<8?16:e>248?231:Math.round((e-8)/247*24)+232:16+36*Math.round(e/255*5)+6*Math.round(n/255*5)+Math.round(r/255*5)},h.ansi16.rgb=function(t){var e=t%10;if(0===e||7===e)return t>50&&(e+=3.5),[e=e/10.5*255,e,e];var n=.5*(1+~~(t>50));return[(1&e)*n*255,(e>>1&1)*n*255,(e>>2&1)*n*255]},h.ansi256.rgb=function(t){if(t>=232){var e=10*(t-232)+8;return[e,e,e]}var n;return t-=16,[Math.floor(t/36)/5*255,Math.floor((n=t%36)/6)/5*255,n%6/5*255]},h.rgb.hex=function(t){var e=(((255&Math.round(t[0]))<<16)+((255&Math.round(t[1]))<<8)+(255&Math.round(t[2]))).toString(16).toUpperCase();return"000000".substring(e.length)+e},h.hex.rgb=function(t){var e=t.toString(16).match(/[a-f0-9]{6}|[a-f0-9]{3}/i);if(!e)return[0,0,0];var n=e[0];3===e[0].length&&(n=n.split("").map((function(t){return t+t})).join(""));var r=parseInt(n,16);return[r>>16&255,r>>8&255,255&r]},h.rgb.hcg=function(t){var e,n=t[0]/255,r=t[1]/255,i=t[2]/255,o=Math.max(Math.max(n,r),i),a=Math.min(Math.min(n,r),i),l=o-a;return e=l<=0?0:o===n?(r-i)/l%6:o===r?2+(i-n)/l:4+(n-r)/l,e/=6,[360*(e%=1),100*l,100*(l<1?a/(1-l):0)]},h.hsl.hcg=function(t){var e=t[1]/100,n=t[2]/100,r=n<.5?2*e*n:2*e*(1-n),i=0;return r<1&&(i=(n-.5*r)/(1-r)),[t[0],100*r,100*i]},h.hsv.hcg=function(t){var e=t[1]/100,n=t[2]/100,r=e*n,i=0;return r<1&&(i=(n-r)/(1-r)),[t[0],100*r,100*i]},h.hcg.rgb=function(t){var e=t[0]/360,n=t[1]/100,r=t[2]/100;if(0===n)return[255*r,255*r,255*r];var i,o=[0,0,0],a=e%1*6,l=a%1,h=1-l;switch(Math.floor(a)){case 0:o[0]=1,o[1]=l,o[2]=0;break;case 1:o[0]=h,o[1]=1,o[2]=0;break;case 2:o[0]=0,o[1]=1,o[2]=l;break;case 3:o[0]=0,o[1]=h,o[2]=1;break;case 4:o[0]=l,o[1]=0,o[2]=1;break;default:o[0]=1,o[1]=0,o[2]=h}return i=(1-n)*r,[255*(n*o[0]+i),255*(n*o[1]+i),255*(n*o[2]+i)]},h.hcg.hsv=function(t){var e=t[1]/100,n=e+t[2]/100*(1-e),r=0;return n>0&&(r=e/n),[t[0],100*r,100*n]},h.hcg.hsl=function(t){var e=t[1]/100,n=t[2]/100*(1-e)+.5*e,r=0;return n>0&&n<.5?r=e/(2*n):n>=.5&&n<1&&(r=e/(2*(1-n))),[t[0],100*r,100*n]},h.hcg.hwb=function(t){var e=t[1]/100,n=e+t[2]/100*(1-e);return[t[0],100*(n-e),100*(1-n)]},h.hwb.hcg=function(t){var e=t[1]/100,n=1-t[2]/100,r=n-e,i=0;return r<1&&(i=(n-r)/(1-r)),[t[0],100*r,100*i]},h.apple.rgb=function(t){return[t[0]/65535*255,t[1]/65535*255,t[2]/65535*255]},h.rgb.apple=function(t){return[t[0]/255*65535,t[1]/255*65535,t[2]/255*65535]},h.gray.rgb=function(t){return[t[0]/100*255,t[0]/100*255,t[0]/100*255]},h.gray.hsl=function(t){return[0,0,t[0]]},h.gray.hsv=h.gray.hsl,h.gray.hwb=function(t){return[0,100,t[0]]},h.gray.cmyk=function(t){return[0,0,0,t[0]]},h.gray.lab=function(t){return[t[0],0,0]},h.gray.hex=function(t){var e=255&Math.round(t[0]/100*255),n=((e<<16)+(e<<8)+e).toString(16).toUpperCase();return"000000".substring(n.length)+n},h.rgb.gray=function(t){return[(t[0]+t[1]+t[2])/3/255*100]}},7482:function(t,e,n){"use strict";var r=n(5341),i=n(4196),o={};Object.keys(r).forEach((function(t){o[t]={},Object.defineProperty(o[t],"channels",{value:r[t].channels}),Object.defineProperty(o[t],"labels",{value:r[t].labels});var e=i(t);Object.keys(e).forEach((function(n){var r=e[n];o[t][n]=function(t){var e=function(){for(var e=[],n=0;n<arguments.length;n++)e[n]=arguments[n];var r=e[0];if(null==r)return r;r.length>1&&(e=r);var i=t(e);if("object"==typeof i)for(var o=i.length,a=0;a<o;a++)i[a]=Math.round(i[a]);return i};return"conversion"in t&&(e.conversion=t.conversion),e}(r),o[t][n].raw=function(t){var e=function(){for(var e=[],n=0;n<arguments.length;n++)e[n]=arguments[n];var r=e[0];return null==r?r:(r.length>1&&(e=r),t(e))};return"conversion"in t&&(e.conversion=t.conversion),e}(r)}))})),t.exports=o},4196:function(t,e,n){"use strict";var r=n(5341);function i(t,e){return function(n){return e(t(n))}}function o(t,e){for(var n=[e[t].parent,t],o=r[e[t].parent][t],a=e[t].parent;e[a].parent;)n.unshift(e[a].parent),o=i(r[e[a].parent][a],o),a=e[a].parent;return o.conversion=n,o}t.exports=function(t){for(var e=function(t){var e=function(){for(var t={},e=Object.keys(r),n=e.length,i=0;i<n;i++)t[e[i]]={distance:-1,parent:null};return t}(),n=[t];for(e[t].distance=0;n.length;)for(var i=n.pop(),o=Object.keys(r[i]),a=o.length,l=0;l<a;l++){var h=o[l],s=e[h];-1===s.distance&&(s.distance=e[i].distance+1,s.parent=i,n.unshift(h))}return e}(t),n={},i=Object.keys(e),a=i.length,l=0;l<a;l++){var h=i[l];null!==e[h].parent&&(n[h]=o(h,e))}return n}},8477:function(t){"use strict";t.exports={aliceblue:[240,248,255],antiquewhite:[250,235,215],aqua:[0,255,255],aquamarine:[127,255,212],azure:[240,255,255],beige:[245,245,220],bisque:[255,228,196],black:[0,0,0],blanchedalmond:[255,235,205],blue:[0,0,255],blueviolet:[138,43,226],brown:[165,42,42],burlywood:[222,184,135],cadetblue:[95,158,160],chartreuse:[127,255,0],chocolate:[210,105,30],coral:[255,127,80],cornflowerblue:[100,149,237],cornsilk:[255,248,220],crimson:[220,20,60],cyan:[0,255,255],darkblue:[0,0,139],darkcyan:[0,139,139],darkgoldenrod:[184,134,11],darkgray:[169,169,169],darkgreen:[0,100,0],darkgrey:[169,169,169],darkkhaki:[189,183,107],darkmagenta:[139,0,139],darkolivegreen:[85,107,47],darkorange:[255,140,0],darkorchid:[153,50,204],darkred:[139,0,0],darksalmon:[233,150,122],darkseagreen:[143,188,143],darkslateblue:[72,61,139],darkslategray:[47,79,79],darkslategrey:[47,79,79],darkturquoise:[0,206,209],darkviolet:[148,0,211],deeppink:[255,20,147],deepskyblue:[0,191,255],dimgray:[105,105,105],dimgrey:[105,105,105],dodgerblue:[30,144,255],firebrick:[178,34,34],floralwhite:[255,250,240],forestgreen:[34,139,34],fuchsia:[255,0,255],gainsboro:[220,220,220],ghostwhite:[248,248,255],gold:[255,215,0],goldenrod:[218,165,32],gray:[128,128,128],green:[0,128,0],greenyellow:[173,255,47],grey:[128,128,128],honeydew:[240,255,240],hotpink:[255,105,180],indianred:[205,92,92],indigo:[75,0,130],ivory:[255,255,240],khaki:[240,230,140],lavender:[230,230,250],lavenderblush:[255,240,245],lawngreen:[124,252,0],lemonchiffon:[255,250,205],lightblue:[173,216,230],lightcoral:[240,128,128],lightcyan:[224,255,255],lightgoldenrodyellow:[250,250,210],lightgray:[211,211,211],lightgreen:[144,238,144],lightgrey:[211,211,211],lightpink:[255,182,193],lightsalmon:[255,160,122],lightseagreen:[32,178,170],lightskyblue:[135,206,250],lightslategray:[119,136,153],lightslategrey:[119,136,153],lightsteelblue:[176,196,222],lightyellow:[255,255,224],lime:[0,255,0],limegreen:[50,205,50],linen:[250,240,230],magenta:[255,0,255],maroon:[128,0,0],mediumaquamarine:[102,205,170],mediumblue:[0,0,205],mediumorchid:[186,85,211],mediumpurple:[147,112,219],mediumseagreen:[60,179,113],mediumslateblue:[123,104,238],mediumspringgreen:[0,250,154],mediumturquoise:[72,209,204],mediumvioletred:[199,21,133],midnightblue:[25,25,112],mintcream:[245,255,250],mistyrose:[255,228,225],moccasin:[255,228,181],navajowhite:[255,222,173],navy:[0,0,128],oldlace:[253,245,230],olive:[128,128,0],olivedrab:[107,142,35],orange:[255,165,0],orangered:[255,69,0],orchid:[218,112,214],palegoldenrod:[238,232,170],palegreen:[152,251,152],paleturquoise:[175,238,238],palevioletred:[219,112,147],papayawhip:[255,239,213],peachpuff:[255,218,185],peru:[205,133,63],pink:[255,192,203],plum:[221,160,221],powderblue:[176,224,230],purple:[128,0,128],rebeccapurple:[102,51,153],red:[255,0,0],rosybrown:[188,143,143],royalblue:[65,105,225],saddlebrown:[139,69,19],salmon:[250,128,114],sandybrown:[244,164,96],seagreen:[46,139,87],seashell:[255,245,238],sienna:[160,82,45],silver:[192,192,192],skyblue:[135,206,235],slateblue:[106,90,205],slategray:[112,128,144],slategrey:[112,128,144],snow:[255,250,250],springgreen:[0,255,127],steelblue:[70,130,180],tan:[210,180,140],teal:[0,128,128],thistle:[216,191,216],tomato:[255,99,71],turquoise:[64,224,208],violet:[238,130,238],wheat:[245,222,179],white:[255,255,255],whitesmoke:[245,245,245],yellow:[255,255,0],yellowgreen:[154,205,50]}},1308:function(t,e,n){"use strict";n.d(e,{Y$:function(){return K},rP:function(){return X}});var r,i,o,a=n(6651),l=n.n(a),h=n(7949),s=n(6255),A=n(7264),d=n.n(A),c=n(1936),u=(d()(c.Z,{insert:"head",singleton:!1}),c.Z.locals,n(9343)),p=n(3921),m=n(9449),f=n(2207),g=n(7223),C=n(3991),b=n(2673),_=n(9925),v=(r=function(t,e){return(r=Object.setPrototypeOf||{__proto__:[]}instanceof Array&&function(t,e){t.__proto__=e}||function(t,e){for(var n in e)e.hasOwnProperty(n)&&(t[n]=e[n])})(t,e)},function(t,e){function n(){this.constructor=t}r(t,e),t.prototype=null===e?Object.create(e):(n.prototype=e.prototype,new n)}),x=function(t){function e(e){var n=t.call(this,e)||this;return n.btnRef=s.createRef(),n.state={btnEnabled:n.btnEnabled()},n}return v(e,t),e.prototype.btnEnabled=function(){return 0<this.props.rows_selected.length&&this.props.rows_selected.length<this.props.rows_filtered.length},e.prototype.componentDidUpdate=function(){this.state.btnEnabled!=this.btnEnabled()&&this.setState({btnEnabled:this.btnEnabled()})},e.prototype.onClick=function(){this.props.filterRows(this.keep)},e.prototype.render=function(){return s.createElement("button",{title:this.title,ref:this.btnRef,className:"btn btn-sm btn-"+this.style,disabled:!this.state.btnEnabled,onClick:this.onClick.bind(this)},this.label)},e}(s.Component),B=function(t){function e(){var e=null!==t&&t.apply(this,arguments)||this;return e.keep=!0,e.title="Zoom in on selected data",e.label="Keep",e.style="success",e}return v(e,t),e}(x),k=function(t){function e(){var e=null!==t&&t.apply(this,arguments)||this;return e.keep=!1,e.title="Remove selected data",e.label="Exclude",e.style="danger",e}return v(e,t),e}(x),w=function(t){function e(){return null!==t&&t.apply(this,arguments)||this}return v(e,t),e.prototype.onClick=function(){var t,e,n,r=this.props.rows_selected,i=b.csvFormat(r),o=new Blob([i],{type:"text/csv"});t=window.URL.createObjectURL(o),e="hiplot-selected-"+r.length+".csv",(n=document.createElement("a")).setAttribute("href",t),n.setAttribute("download",e),n.style.display="none",document.body.appendChild(n),n.click(),document.body.removeChild(n)},e.prototype.render=function(){return s.createElement("button",{title:"Export data as CSV",className:"btn btn-sm btn-light",onClick:this.onClick.bind(this)},"Export")},e}(s.Component),y=function(t){function e(e){var n=t.call(this,e)||this;return n.state={btnEnabled:n.btnEnabled()},n}return v(e,t),e.prototype.btnEnabled=function(){return this.props.rows_all_unfiltered.length!=this.props.rows_filtered.length},e.prototype.componentDidUpdate=function(){var t=this.btnEnabled();t!=this.state.btnEnabled&&this.setState({btnEnabled:t})},e.prototype.onClick=function(){this.props.restoreAllRows()},e.prototype.render=function(){return s.createElement("button",{title:"Remove all applied filters",className:"btn btn-sm btn-sm btn-info",disabled:!this.state.btnEnabled,onClick:this.onClick.bind(this)},"Restore")},e}(s.Component),E=function(t){function e(){var e=null!==t&&t.apply(this,arguments)||this;return e.selectedBar=s.createRef(),e}return v(e,t),e.prototype.componentDidMount=function(){this.updateBarWidth()},e.prototype.componentDidUpdate=function(){this.updateBarWidth()},e.prototype.updateBarWidth=function(){var t=this.props.rows_selected.length,e=this.props.rows_filtered.length;this.selectedBar.current.style.width=100*t/e+"%"},e.prototype.render=function(){return s.createElement("div",{className:_.Z.fillbar},s.createElement("div",{ref:this.selectedBar,className:_.Z.selectedBar},s.createElement("div",{style:{width:"100%"},className:_.Z.renderedBar}," ")))},e}(s.Component),$=n(8083),D=(d()($.Z,{insert:"head",singleton:!1}),$.Z.locals||{}),F="data:image/svg+xml;base64,PHN2ZyBpZD0iTGF5ZXJfMSIgZGF0YS1uYW1lPSJMYXllciAxIiB4bWxucz0iaHR0cDovL3d3dy53My5vcmcvMjAwMC9zdmciIHZpZXdCb3g9IjAgMCA4OTkuMzMgMzA2LjMzIj48ZGVmcz48c3R5bGU+LmNscy0xLC5jbHMtM3tmaWxsOiM0MjE4Nzc7fS5jbHMtMntmaWxsOiMwMGU1YjY7fS5jbHMtM3tvcGFjaXR5OjAuMzU7fS5jbHMtNHtmaWxsOiNmZmI4MDI7fS5jbHMtNXtmaWxsOiNmZjcwNjA7fTwvc3R5bGU+PC9kZWZzPjx0aXRsZT5IaVBsb3QtTG9nbzwvdGl0bGU+PHBhdGggY2xhc3M9ImNscy0xIiBkPSJNMjYwLjI2LDEwNi4yNkgzMDFWMjY0Ljc5SDI2MC4yNloiLz48cGF0aCBjbGFzcz0iY2xzLTEiIGQ9Ik0zMzkuODMsNDIuMjNoNzguMzNhODMuNzMsODMuNzMsMCwwLDEsMzguNTUsOC44NkE2Ny41NCw2Ny41NCwwLDAsMSw0ODQuMDYsNzZRNDk0LDkyLDQ5NCwxMTIuNDh0LTkuOTUsMzYuNjdhNjcuMjQsNjcuMjQsMCwwLDEtMjcuMzUsMjVBODMuODYsODMuODYsMCwwLDEsNDE4LjE2LDE4M0gzODEuOHY4MS43NWgtNDJabTc5LjU4LDEwMXExNS41NCwwLDI0LjQtOWEyOS45NCwyOS45NCwwLDAsMCw4Ljg2LTIxLjc2LDI5LjQ0LDI5LjQ0LDAsMCwwLTguODYtMjEuNjFRNDM0Ljk0LDgyLDQxOS40MSw4MkgzODEuOHY2MS4yM1oiLz48cGF0aCBjbGFzcz0iY2xzLTEiIGQ9Ik01MTkuMTgsNDIuMjNINTU5LjlWMjY0Ljc5SDUxOS4xOFoiLz48cGF0aCBjbGFzcz0iY2xzLTEiIGQ9Ik02MjcuMzUsMjU4LjcyYTc4LjM0LDc4LjM0LDAsMCwxLTMwLTMwLjE0cS0xMC43MS0xOS4xMi0xMC43Mi00My4wNmE4Ni44MSw4Ni44MSwwLDAsMSwxMC43Mi00Mi44OSw3OC4wOSw3OC4wOSwwLDAsMSwzMC0zMC4zMXExOS4yNy0xMSw0My44My0xMSwyNC4yNCwwLDQzLjUyLDExYTc4LjE0LDc4LjE0LDAsMCwxLDMwLDMwLjMxcTEwLjcyLDE5LjI3LDEwLjcyLDQyLjg5LDAsMjMuOTQtMTAuNzIsNDMuMDZhNzguMzgsNzguMzgsMCwwLDEtMzAsMzAuMTRxLTE5LjI5LDExLTQzLjUyLDExUTY0Ni42MSwyNjkuNzYsNjI3LjM1LDI1OC43MlptNjUuNTktMzIuMTdhNDEsNDEsMCwwLDAsMTUuODUtMTYuMTZxNS45LTEwLjU2LDUuOTEtMjQuODcsMC0xNC01LjkxLTI0LjU1YTQxLjE3LDQxLjE3LDAsMCwwLTE1Ljg1LTE2LjE3LDQ1LjE1LDQ1LjE1LDAsMCwwLTQzLjUyLDAsNDIuMTcsNDIuMTcsMCwwLDAtMTYsMTYuMTdxLTYuMDYsMTAuNTYtNi4wNiwyNC41NWE0OS4zOCw0OS4zOCwwLDAsMCw2LjA2LDI0LjcyLDQxLjgsNDEuOCwwLDAsMCwxNiwxNi4zMSw0NS4wOCw0NS4wOCwwLDAsMCw0My41MiwwWiIvPjxwb2x5Z29uIGNsYXNzPSJjbHMtMSIgcG9pbnRzPSI3NzUuMzIgMjY0Ljc5IDgxNi4xMyAyNjQuNzkgODE2LjEzIDE0MS4wOCA4NTggMTQxLjA4IDg1OCAxMDYuMjcgODE2LjEzIDEwNi4yNyA4MTYuMTMgNjEuNTEgODE2LjA0IDYxLjUxIDc3NS4zMiA2MS41MSA3NzUuMzIgMjY0Ljc5Ii8+PGNpcmNsZSBjbGFzcz0iY2xzLTEiIGN4PSIyODAuNjIiIGN5PSI2Mi41OSIgcj0iMjYuMjciLz48cG9seWdvbiBjbGFzcz0iY2xzLTIiIHBvaW50cz0iMTc2LjMgMTY1LjE2IDE3Ni4zIDIwNS4xMiA4Mi4zNSAyMzAuMDkgODIuMzUgMTkwLjE0IDExMi42OCAxODIuMDggMTM4LjA1IDE3NS4zNCAxNzYuMyAxNjUuMTYiLz48cG9seWdvbiBjbGFzcz0iY2xzLTMiIHBvaW50cz0iMTc2LjMgMTU5LjA0IDE3Ni4zIDE5OC45OSAxMTIuNjggMTgyLjA4IDEzOC4wNSAxNzUuMzQgODIuMzUgMTYwLjUzIDgyLjM1IDEzNC4wNiAxNzYuMyAxNTkuMDQiLz48cGF0aCBjbGFzcz0iY2xzLTEiIGQ9Ik0xNzYuMyw0MS4yOVYyNjQuNzhoNDIuMTVWNDEuMjlaTTQwLjIxLDI2NC43OEg4Mi4zNVY0MS4yOUg0MC4yMVoiLz48cG9seWdvbiBjbGFzcz0iY2xzLTQiIHBvaW50cz0iMTc2LjMgMTQ1LjU0IDE3Ni4zIDE4NS41IDEzOC4wNSAxNzUuMzQgODIuMzUgMTYwLjUzIDgyLjM1IDEyMC41OCAxMjYuNzUgMTMyLjM4IDE1MS4xNyAxMzguODcgMTc2LjMgMTQ1LjU0Ii8+PHBvbHlnb24gY2xhc3M9ImNscy0zIiBwb2ludHM9IjE3Ni4zIDExOS4yIDEyNi43NSAxMzIuMzggMTUxLjE3IDEzOC44NyAxMjUuNzkgMTQ1LjYyIDgyLjM1IDE1Ny4xNiA4Mi4zNSAxMTcuMjEgMTc2LjMgOTIuMjQgMTc2LjMgMTE5LjIiLz48cG9seWdvbiBjbGFzcz0iY2xzLTUiIHBvaW50cz0iMTc2LjMgNzkuMjUgMTc2LjMgMTE5LjIgMTI2Ljc1IDEzMi4zOCAxMDEuMzggMTM5LjEyIDgyLjM1IDE0NC4xOCA4Mi4zNSAxMDQuMjMgMTc2LjMgNzkuMjUiLz48L3N2Zz4K",S=function(){var t=function(e,n){return(t=Object.setPrototypeOf||{__proto__:[]}instanceof Array&&function(t,e){t.__proto__=e}||function(t,e){for(var n in e)e.hasOwnProperty(n)&&(t[n]=e[n])})(e,n)};return function(e,n){function r(){this.constructor=e}t(e,n),e.prototype=null===n?Object.create(n):(r.prototype=n.prototype,new r)}}(),M=function(){return(M=Object.assign||function(t){for(var e,n=1,r=arguments.length;n<r;n++)for(var i in e=arguments[n])Object.prototype.hasOwnProperty.call(e,i)&&(t[i]=e[i]);return t}).apply(this,arguments)},I=function(t){function e(){return null!==t&&t.apply(this,arguments)||this}return S(e,t),e.prototype.render=function(){var t="bundle-hiplot-0.0.0";return void 0===t&&(t="hiplot (no version information)"),s.createElement("div",{className:"alert alert-primary",role:"alert"},s.createElement("div",{className:"row"},s.createElement("div",{className:"col-md-8"},s.createElement("h4",{className:"alert-heading"},'Welcome to HiPlot "getting started" tutorial'),'Click the button "Next" to start'),s.createElement("div",{className:"col-md-4"},s.createElement("img",{style:{height:"50px"},src:F}),s.createElement("br",null),s.createElement("span",{style:{fontFamily:"monospace"}},t))),s.createElement("hr",null),s.createElement("p",null,"Learn more:"),s.createElement("ul",null,s.createElement("li",null,s.createElement("a",{href:"https://ai.facebook.com/blog/hiplot-high-dimensional-interactive-plots-made-easy/"},"HiPlot launch on Facebook AI blog")),s.createElement("li",null,s.createElement("a",{href:"https://github.com/facebookresearch/hiplot"},"https://github.com/facebookresearch/hiplot/"),": star us on github or post issues"),s.createElement("li",null,s.createElement("a",{href:"https://facebookresearch.github.io/hiplot/"},"documentation")),s.createElement("li",null,"We provide both python (",s.createElement("a",{href:"https://pypi.org/project/hiplot/"},"pip"),", ",s.createElement("a",{href:"https://anaconda.org/conda-forge/hiplot"},"conda"),") and javascript (",s.createElement("a",{href:"https://www.npmjs.com/package/hiplot"},"hiplot on NPM"),") packages")),s.createElement("hr",null),s.createElement("p",null,"Did you know that HiPlot can be used:"),s.createElement("ul",null,s.createElement("li",null,"In an ",s.createElement("a",{href:"https://facebookresearch.github.io/hiplot/getting_started.html#option-1-use-hiplot-in-an-ipython-notebook"},"ipython notebook")," or in ",s.createElement("a",{href:"https://facebookresearch.github.io/hiplot/tuto_streamlit.html#tutostreamlit"},"Streamlit apps")),s.createElement("li",null,"As a ",s.createElement("a",{href:"https://facebookresearch.github.io/hiplot/tuto_javascript.html"},"HiPlot react component")),s.createElement("li",null,"As a ",s.createElement("a",{href:"https://facebookresearch.github.io/hiplot/getting_started.html#option-2-use-hiplot-webserver"},"standalone web server")),s.createElement("li",null,"Or simply ",s.createElement("a",{href:"https://facebookresearch.github.io/hiplot/_static/hiplot_upload.html"},"without any setup if you have a CSV file with your data"))))},e}(s.Component),z=function(t){function e(){return null!==t&&t.apply(this,arguments)||this}return S(e,t),e.prototype.componentDidMount=function(){l()(this.props.rootRef.current.parentElement).find(".pplot-root").addClass(D.highlightElement)},e.prototype.componentWillUnmount=function(){l()(this.props.rootRef.current.parentElement).find(".pplot-root").removeClass(D.highlightElement)},e.prototype.render=function(){return s.createElement("div",{className:"alert alert-primary",role:"alert"},s.createElement("h4",{className:"alert-heading"},"Step 1/4: The parallel plot"),s.createElement("p",null,"The first plot you see above is a ",s.createElement("strong",null,"Parallel Plot"),". Parallel plots are a convenient way to visualize and filter high-dimensional data. HiPlot will draw one vertical scaled axis for each metric you have in your dataset, and each training/data point is a continuous line that goes through its value on each of the axes."),s.createElement("hr",null),s.createElement("p",{className:"mb-0"},"Learn more about ",s.createElement("a",{href:"https://en.wikipedia.org/wiki/Parallel_coordinates"},"Parallel coordinates")," on Wikipedia."))},e}(s.Component),T=function(t){function e(){return null!==t&&t.apply(this,arguments)||this}return S(e,t),e.prototype.componentDidMount=function(){l()(this.props.rootRef.current.parentElement).find(".pplot-brush").addClass(D.highlightElement)},e.prototype.componentWillUnmount=function(){l()(this.props.rootRef.current.parentElement).find(".pplot-brush").removeClass(D.highlightElement)},e.prototype.render=function(){return s.createElement("div",{className:"alert alert-primary",role:"alert"},s.createElement("h4",{className:"alert-heading"},"Step 2/4: Slicing data"),s.createElement("p",null,"Slicing along an axis allows to discover patterns in the data. ",s.createElement("strong",null,"Drag vertically along an axis")," to display only a subset of the data. You also can do it on several axis at the same time."),s.createElement("hr",null),s.createElement("p",{className:"mb-0"},"To remove a slicing on an axis, click on the axis."))},e}(s.Component),N=function(t){function e(){return null!==t&&t.apply(this,arguments)||this}return S(e,t),e.prototype.componentDidMount=function(){l()(this.props.rootRef.current.parentElement).find(".pplot-label").addClass(D.highlightText)},e.prototype.componentWillUnmount=function(){l()(this.props.rootRef.current.parentElement).find(".pplot-label").removeClass(D.highlightText)},e.prototype.render=function(){return s.createElement("div",{className:"alert alert-primary",role:"alert"},s.createElement("h4",{className:"alert-heading"},"Step 3/4: Move and remove axis"),s.createElement("p",null,"Move an axis by ",s.createElement("strong",null,"dragging its label above"),". In parallel plots, we can very easily spot relationships between nearby axis. You can also ",s.createElement("strong",null,"remove")," an axis by moving it all the way to the left or to the right."))},e}(s.Component),j=function(t){function e(){return null!==t&&t.apply(this,arguments)||this}return S(e,t),e.prototype.componentDidMount=function(){l()(this.props.rootRef.current.parentElement).find(".pplot-label").addClass(D.highlightText)},e.prototype.componentWillUnmount=function(){l()(this.props.rootRef.current.parentElement).find(".pplot-label").removeClass(D.highlightText)},e.prototype.render=function(){return s.createElement("div",{className:"alert alert-primary",role:"alert"},s.createElement("h4",{className:"alert-heading"},"Step 4/4: Data type and scaling"),s.createElement("p",null,s.createElement("strong",null,"Right click on an axis")," to see options. You can chose how to color your datapoints, change the scaling and more!"),s.createElement("hr",null),s.createElement("p",{className:"mb-0"},"In this same menu, you can enable an ",s.createElement("strong",null,"XY plot")," by selecting an X and Y axis."))},e}(s.Component),L=function(t){function e(e){var n=t.call(this,e)||this;return n.steps=[function(t){return s.createElement(I,M({},t))},function(t){return s.createElement(z,M({},t))},function(t){return s.createElement(T,M({},t))},function(t){return s.createElement(N,M({},t))},function(t){return s.createElement(j,M({},t))}],n.state={stepNum:0},n}return S(e,t),e.prototype.onClickNextTutorial=function(){this.state.stepNum!=this.steps.length-1?this.setState((function(t,e){return{stepNum:Math.min(t.stepNum+1,this.steps.length-1)}})):this.props.onTutorialDone()},e.prototype.onClickPreviousTutorial=function(){0!=this.state.stepNum?this.setState((function(t,e){return{stepNum:Math.max(t.stepNum-1,0)}})):this.props.onTutorialDone()},e.prototype.render=function(){return s.createElement("div",{className:"row "+D.tutoAlert},s.createElement("div",{className:"col-md-9"},this.steps[this.state.stepNum]({rootRef:this.props.navbarRoot})),s.createElement("div",{className:"col-md-3"},s.createElement("button",{className:"btn btn-outline-secondary",style:{width:"6em"},onClick:this.onClickPreviousTutorial.bind(this)},this.state.stepNum>0?"Previous":"Close"),s.createElement("button",{className:"btn btn-outline-primary",style:{width:"6em"},onClick:this.onClickNextTutorial.bind(this)},this.state.stepNum+1<this.steps.length?"Next":"Finish")))},e}(s.Component),O=function(){var t=function(e,n){return(t=Object.setPrototypeOf||{__proto__:[]}instanceof Array&&function(t,e){t.__proto__=e}||function(t,e){for(var n in e)e.hasOwnProperty(n)&&(t[n]=e[n])})(e,n)};return function(e,n){function r(){this.constructor=e}t(e,n),e.prototype=null===n?Object.create(n):(r.prototype=n.prototype,new r)}}(),R=function(){return(R=Object.assign||function(t){for(var e,n=1,r=arguments.length;n<r;n++)for(var i in e=arguments[n])Object.prototype.hasOwnProperty.call(e,i)&&(t[i]=e[i]);return t}).apply(this,arguments)},U=function(t){function e(e){var n=t.call(this,e)||this;return n.dataProviderRef=s.createRef(),n.controls_root_ref=s.createRef(),n.state={isTextareaFocused:!1,hasTutorial:!1,selectedPct:"???",selectedPctWeighted:"???"},n}return O(e,t),e.prototype.recomputeMetrics=function(){(100*this.props.rows_selected.length/this.props.rows_filtered.length).toPrecision(3)!=this.state.selectedPct&&this.setState({selectedPct:(100*this.props.rows_selected.length/this.props.rows_filtered.length).toPrecision(3)})},e.prototype.recomputeSelectedWeightedSum=function(){if(this.props.weightColumn){var t=function(t){var e=parseFloat(t[this.props.weightColumn]);return!isNaN(e)&&isFinite(e)&&e>0?e:1}.bind(this),e=0,n=0;this.props.rows_filtered.forEach((function(n){e+=t(n)})),this.props.rows_selected.forEach((function(e){n+=t(e)}));var r=100*n/e;console.assert(!isNaN(r),{pctage:r,totalWeightFiltered:e,totalWeightSelected:n}),this.setState({selectedPctWeighted:r.toPrecision(3)})}else this.setState({selectedPctWeighted:"???"})},e.prototype.componentDidMount=function(){this.recomputeMetrics(),this.recomputeSelectedWeightedSum()},e.prototype.componentDidUpdate=function(t,e){this.recomputeMetrics(),t.weightColumn==this.props.weightColumn&&this.props.rows_selected==t.rows_selected&&this.props.rows_filtered==t.rows_filtered||this.recomputeSelectedWeightedSum()},e.prototype.onToggleTutorial=function(){this.setState((function(t,e){return{hasTutorial:!t.hasTutorial}}))},e.prototype.onRefresh=function(){var t=this.dataProviderRef.current.refresh();null!==t&&this.props.onLoadExperiment(t)},e.prototype.renderControls=function(){var t=this,e={ref:this.dataProviderRef,persistentState:this.props.persistentState,loadStatus:this.props.loadStatus,hasFocus:this.state.isTextareaFocused,onFocusChange:function(e){return t.setState({isTextareaFocused:e})},onLoadExperiment:this.props.onLoadExperiment};return s.createElement(s.Fragment,null,s.createElement(this.props.dataProvider,e),this.props.loadStatus==u.IH.Loaded&&!this.state.isTextareaFocused&&s.createElement(s.Fragment,null,s.createElement("div",{className:_.Z.controlGroup},s.createElement(y,R({},this.props)),s.createElement(B,R({},this.props)),s.createElement(k,R({},this.props)),this.dataProviderRef.current&&this.dataProviderRef.current.refresh&&s.createElement("button",{title:"Refresh",className:"btn btn-sm btn-light",onClick:this.onRefresh.bind(this)},"Refresh"),s.createElement(w,R({},this.props)),s.createElement("button",{title:"Start HiPlot tutorial",className:"btn btn-sm btn-light",onClick:this.onToggleTutorial.bind(this)},"Help"),s.createElement("div",{style:{clear:"both"}})),s.createElement("div",{className:_.Z.controlGroup},s.createElement("div",{style:{fontFamily:"monospace",fontSize:"14px"}},"Selected: ",s.createElement("strong",{style:{minWidth:"4em",textAlign:"right",display:"inline-block"}},this.props.rows_selected.length),"/",s.createElement("strong",{style:{minWidth:"4em",textAlign:"left",display:"inline-block"}},this.props.rows_filtered.length)," (",!this.props.weightColumn&&s.createElement(s.Fragment,null,s.createElement("span",{style:{minWidth:"3em",textAlign:"right",display:"inline-block"}},this.state.selectedPct),"%"),this.props.weightColumn&&s.createElement(s.Fragment,null,s.createElement("span",{style:{minWidth:"3em",textAlign:"right",display:"inline-block"}},this.state.selectedPctWeighted),"% weighted"),")"))))},e.prototype.render=function(){var t=this;return s.createElement("div",{ref:this.controls_root_ref,className:"container-fluid "+_.Z.header},s.createElement("div",{className:"d-flex flex-wrap"},s.createElement("img",{style:{height:"55px"},src:this.props.dark?"data:image/svg+xml;base64,PHN2ZyBpZD0iTGF5ZXJfMSIgZGF0YS1uYW1lPSJMYXllciAxIiB4bWxucz0iaHR0cDovL3d3dy53My5vcmcvMjAwMC9zdmciIHZpZXdCb3g9IjAgMCA5NDggODQzIj48ZGVmcz48c3R5bGU+LmNscy0xe2ZpbGw6IzAwZTViNjt9LmNscy0ye2ZpbGw6IzQyMTg3NztvcGFjaXR5OjAuMzU7fS5jbHMtM3tmaWxsOiNmZmY7fS5jbHMtNHtmaWxsOiNmZmI4MDI7fS5jbHMtNXtmaWxsOiNmZjcwNjA7fTwvc3R5bGU+PC9kZWZzPjx0aXRsZT5IaVBsb3QtSWNvbi1XaGl0ZTwvdGl0bGU+PHBvbHlnb24gY2xhc3M9ImNscy0xIiBwb2ludHM9IjQ4MC4zNiA0NjIuNDcgNDgwLjM2IDU2OS44OCAyMjcuNzYgNjM3LjAzIDIyNy43NiA1MjkuNjIgMzA5LjMxIDUwNy45NCAzNzcuNTIgNDg5LjgyIDQ4MC4zNiA0NjIuNDciLz48cG9seWdvbiBjbGFzcz0iY2xzLTIiIHBvaW50cz0iNDgwLjM2IDQ0NiA0ODAuMzYgNTUzLjQyIDMwOS4zMSA1MDcuOTQgMzc3LjUyIDQ4OS44MiAyMjcuNzYgNDUwLjAxIDIyNy43NiAzNzguODUgNDgwLjM2IDQ0NiIvPjxwYXRoIGNsYXNzPSJjbHMtMyIgZD0iTTcwNi4xMiwzMDIuM0g4MTYuMDV2NDI4SDcwNi4xMloiLz48Y2lyY2xlIGNsYXNzPSJjbHMtMyIgY3g9Ijc2MS4wOCIgY3k9IjE4NC4zOSIgcj0iNzAuOTIiLz48cGF0aCBjbGFzcz0iY2xzLTMiIGQ9Ik00ODAuMzYsMTI5LjQzVjczMC4zSDU5My42N1YxMjkuNDNaTTExNC40OCw3MzAuM0gyMjcuNzZWMTI5LjQzSDExNC40OFoiLz48cG9seWdvbiBjbGFzcz0iY2xzLTQiIHBvaW50cz0iNDgwLjM2IDQwOS43MiA0ODAuMzYgNTE3LjEzIDM3Ny41MiA0ODkuODIgMjI3Ljc2IDQ1MC4wMSAyMjcuNzYgMzQyLjYgMzQ3LjE0IDM3NC4zMyA0MTIuODEgMzkxLjc3IDQ4MC4zNiA0MDkuNzIiLz48cG9seWdvbiBjbGFzcz0iY2xzLTIiIHBvaW50cz0iNDgwLjM2IDMzOC45IDM0Ny4xNCAzNzQuMzMgNDEyLjgxIDM5MS43NyAzNDQuNTYgNDA5LjkyIDIyNy43NiA0NDAuOTYgMjI3Ljc2IDMzMy41NSA0ODAuMzYgMjY2LjQgNDgwLjM2IDMzOC45Ii8+PHBvbHlnb24gY2xhc3M9ImNscy01IiBwb2ludHM9IjQ4MC4zNiAyMzEuNDkgNDgwLjM2IDMzOC45IDM0Ny4xNCAzNzQuMzMgMjc4LjkzIDM5Mi40NSAyMjcuNzYgNDA2LjA2IDIyNy43NiAyOTguNjQgNDgwLjM2IDIzMS40OSIvPjwvc3ZnPgo=":"data:image/svg+xml;base64,PHN2ZyBpZD0iTGF5ZXJfMSIgZGF0YS1uYW1lPSJMYXllciAxIiB4bWxucz0iaHR0cDovL3d3dy53My5vcmcvMjAwMC9zdmciIHZpZXdCb3g9IjAgMCA5NDggODQzIj48ZGVmcz48c3R5bGU+LmNscy0xe2ZpbGw6IzAwZTViNjt9LmNscy0yLC5jbHMtM3tmaWxsOiM0MjE4Nzc7fS5jbHMtMntvcGFjaXR5OjAuMzU7fS5jbHMtNHtmaWxsOiNmZmI4MDI7fS5jbHMtNXtmaWxsOiNmZjcwNjA7fTwvc3R5bGU+PC9kZWZzPjx0aXRsZT5IaVBsb3QtSWNvbjwvdGl0bGU+PHBvbHlnb24gY2xhc3M9ImNscy0xIiBwb2ludHM9IjQ4MC4zNiA0NjIuNDcgNDgwLjM2IDU2OS44OCAyMjcuNzYgNjM3LjAzIDIyNy43NiA1MjkuNjIgMzA5LjMxIDUwNy45NCAzNzcuNTIgNDg5LjgyIDQ4MC4zNiA0NjIuNDciLz48cG9seWdvbiBjbGFzcz0iY2xzLTIiIHBvaW50cz0iNDgwLjM2IDQ0NiA0ODAuMzYgNTUzLjQyIDMwOS4zMSA1MDcuOTQgMzc3LjUyIDQ4OS44MiAyMjcuNzYgNDUwLjAxIDIyNy43NiAzNzguODUgNDgwLjM2IDQ0NiIvPjxwYXRoIGNsYXNzPSJjbHMtMyIgZD0iTTcwNi4xMiwzMDIuM0g4MTYuMDV2NDI4SDcwNi4xMloiLz48Y2lyY2xlIGNsYXNzPSJjbHMtMyIgY3g9Ijc2MS4wOCIgY3k9IjE4NC4zOSIgcj0iNzAuOTIiLz48cGF0aCBjbGFzcz0iY2xzLTMiIGQ9Ik00ODAuMzYsMTI5LjQzVjczMC4zSDU5My42N1YxMjkuNDNaTTExNC40OCw3MzAuM0gyMjcuNzZWMTI5LjQzSDExNC40OFoiLz48cG9seWdvbiBjbGFzcz0iY2xzLTQiIHBvaW50cz0iNDgwLjM2IDQwOS43MiA0ODAuMzYgNTE3LjEzIDM3Ny41MiA0ODkuODIgMjI3Ljc2IDQ1MC4wMSAyMjcuNzYgMzQyLjYgMzQ3LjE0IDM3NC4zMyA0MTIuODEgMzkxLjc3IDQ4MC4zNiA0MDkuNzIiLz48cG9seWdvbiBjbGFzcz0iY2xzLTIiIHBvaW50cz0iNDgwLjM2IDMzOC45IDM0Ny4xNCAzNzQuMzMgNDEyLjgxIDM5MS43NyAzNDQuNTYgNDA5LjkyIDIyNy43NiA0NDAuOTYgMjI3Ljc2IDMzMy41NSA0ODAuMzYgMjY2LjQgNDgwLjM2IDMzOC45Ii8+PHBvbHlnb24gY2xhc3M9ImNscy01IiBwb2ludHM9IjQ4MC4zNiAyMzEuNDkgNDgwLjM2IDMzOC45IDM0Ny4xNCAzNzQuMzMgMjc4LjkzIDM5Mi40NSAyMjcuNzYgNDA2LjA2IDIyNy43NiAyOTguNjQgNDgwLjM2IDIzMS40OSIvPjwvc3ZnPgo="}),this.renderControls()),this.state.hasTutorial&&s.createElement(L,{navbarRoot:this.controls_root_ref,onTutorialDone:function(){return t.setState({hasTutorial:!1})}.bind(this)}))},e}(s.Component),P=function(t){function e(){return null!==t&&t.apply(this,arguments)||this}return O(e,t),e.prototype.render=function(){return s.createElement("div",{className:"alert alert-danger",role:"alert"},s.createElement("div",{className:"container"},s.createElement("h4",{className:"alert-heading"},this.props.error),s.createElement("p",{className:"mb-0"},"HiPlot encountered the error above - more information might be available in your browser's developer web console, or in the server output")))},e}(s.Component),G=n(973),q=n(8242),W=n(145),H=n(8866),Y=n(7970),J=function(){var t=function(e,n){return(t=Object.setPrototypeOf||{__proto__:[]}instanceof Array&&function(t,e){t.__proto__=e}||function(t,e){for(var n in e)e.hasOwnProperty(n)&&(t[n]=e[n])})(e,n)};return function(e,n){function r(){this.constructor=e}t(e,n),e.prototype=null===n?Object.create(n):(r.prototype=n.prototype,new r)}}(),Q=function(){return(Q=Object.assign||function(t){for(var e,n=1,r=arguments.length;n<r;n++)for(var i in e=arguments[n])Object.prototype.hasOwnProperty.call(e,i)&&(t[i]=e[i]);return t}).apply(this,arguments)};!function(t){t.PARALLEL_PLOT="PARALLEL_PLOT",t.XY="XY",t.DISTRIBUTION="DISTRIBUTION",t.TABLE="TABLE"}(o||(o={}));var X=((i={})[o.PARALLEL_PLOT]=g.J,i[o.XY]=C.V,i[o.DISTRIBUTION]=H.U,i[o.TABLE]=p.X,i),K=function(t){function e(e){var n,r=t.call(this,e)||this;return r.contextMenuRef=s.createRef(),r.rootRef=s.createRef(),r.plugins_window_state={},r.plugins_ref={},r.callSelectedUidsHooks=h.Ds(function(){this.sendMessage("selected_uids",function(){return this.state.rows_selected.map((function(t){return""+t.uid}))}.bind(this))}.bind(r),200),r.callFilteredUidsHooks=h.Ds(function(){this.sendMessage("filtered_uids",function(){return this.state.rows_filtered.map((function(t){return""+t.uid}))}.bind(this))}.bind(r),200),r.state={experiment:null,colormap:null,loadStatus:u.IH.None,loadPromise:null,error:null,dp_lookup:{},rows_all_unfiltered:[],rows_filtered:[],rows_filtered_filters:[],rows_selected:[],rows_selected_filter:null,rows_highlighted:[],params_def:{},params_def_unfiltered:{},colorby:null,dark:null===r.props.dark?(n="data-jp-theme-light",document.body.hasAttribute(n)?"false"==document.body.getAttribute(n):window.matchMedia("(prefers-color-scheme: dark)").matches):r.props.dark,persistentState:void 0!==e.persistentState&&null!==e.persistentState?e.persistentState:new f.s("",{}),dataProvider:r.props.dataProvider?r.props.dataProvider:G.l},Object.keys(e.plugins).forEach((function(t,e){r.plugins_window_state[t]={},r.plugins_ref[t]=s.createRef()})),r}return J(e,t),e.getDerivedStateFromError=function(t){return{experiment:null,loadStatus:u.IH.Error,error:t.toString()}},e.prototype.makeDatasets=function(t,e,n){if(t){var r=t.datapoints.map((function(t){var n=l().extend({uid:t.uid,from_uid:t.from_uid},t.values);return e[t.uid]=n,n})),i=r;try{(i=(0,Y.sS)(r,n)).length||(i=r,console.log("Not reapplying filters (would filter out all rows)"))}catch(t){console.error("Error trying to apply filters",n,":",t)}return{rows_all_unfiltered:r,rows_filtered:i,rows_selected:i,rows_highlighted:[]}}return{rows_all_unfiltered:[],rows_filtered:[],rows_selected:[],rows_highlighted:[]}},e.prototype.sendMessage=function(t,e){if(null!==this.props.onChange&&this.props.onChange[t]){var n=e();this.props.onChange[t](t,n)}},e.prototype._loadExperiment=function(t){var e,n;void 0===t.datapoints&&(t.datapoints=(e=t.datapoints_compressed,n=e.columns,e.rows.map((function(t){var e={},r={uid:t[0],from_uid:t[1],values:e};return n.forEach((function(n,r){e[n]=t[r+2]})),r}))));var r={},i=this.state.persistentState.get(u.Mo,[]),o=this.makeDatasets(t,r,i);o.rows_all_unfiltered==o.rows_filtered&&(i=[]);var a=(0,m.a_)(this.state.persistentState.children(u.tS),o.rows_filtered,t.parameters_definition),l=(0,m.a_)(this.state.persistentState.children(u.tS),o.rows_all_unfiltered,t.parameters_definition);function h(){if(t.colorby&&a[t.colorby])return t.colorby;function e(t){var e=a[t],n=0;return(e.colors||e.colormap)&&(n+=100),e.type==u._R.CATEGORICAL&&(n-=20),e.optional&&(n-=40),n}return Object.keys(a).sort((function(t,n){return e(n)-e(t)}))[0]}var s=this.state.persistentState.get(u.RV,h());void 0===a[s]&&(s=h()),this.setState((function(e,n){return Q({experiment:t,colormap:t.colormap,loadStatus:u.IH.Loaded,dp_lookup:r,colorby:s,params_def:a,params_def_unfiltered:l,rows_filtered_filters:i},o)}))},e.prototype.getColorForRow=function(t,e){return(0,m.Ul)(this.state.params_def[this.state.colorby],t[this.state.colorby],e,this.state.colormap)},e.prototype.loadWithPromise=function(t){var e,n;this.setState({loadStatus:u.IH.Loading,loadPromise:(e=t,n=!1,{promise:new Promise((function(t,r){e.then((function(e){return n?r({isCanceled:!0}):t(e)}),(function(t){return r(n?{isCanceled:!0}:t)}))})),cancel:function(){n=!0}})})},e.prototype.componentWillUnmount=function(){this.contextMenuRef.current&&this.contextMenuRef.current.removeCallbacks(this),this.state.loadPromise&&this.state.loadPromise.cancel(),this.callSelectedUidsHooks.cancel(),this.callFilteredUidsHooks.cancel()},e.prototype.componentDidMount=function(){(0,q.Dy)(this.rootRef.current),this.contextMenuRef.current.addCallback(this.columnContextMenu.bind(this),this),this.props.experiment&&this.loadWithPromise(new Promise(function(t,e){t({experiment:this.props.experiment})}.bind(this)))},e.prototype.componentDidUpdate=function(t,e){if(e.rows_filtered_filters!=this.state.rows_filtered_filters&&this.state.persistentState.set(u.Mo,this.state.rows_filtered_filters),e.colorby!=this.state.colorby&&this.state.colorby&&this.state.persistentState.set(u.RV,this.state.colorby),this.state.loadStatus!=u.IH.Loading&&(null!==this.props.experiment&&(this.state.loadStatus==u.IH.Error&&this.props.experiment!==t.experiment||this.state.loadStatus!=u.IH.Error&&this.props.experiment!==this.state.experiment)?this.loadWithPromise(new Promise(function(t,e){t({experiment:this.props.experiment})}.bind(this))):(e.rows_selected!=this.state.rows_selected&&this.callSelectedUidsHooks(),e.rows_filtered!=this.state.rows_filtered&&this.callFilteredUidsHooks())),this.state.loadStatus==u.IH.Loading&&this.state.loadPromise!=e.loadPromise){var n=this.state.loadPromise.promise,r=this;n.then((function(t){if(void 0!==t.error)return console.log("Experiment loading failed",t),void r.setState({loadStatus:u.IH.Error,experiment:null,error:t.error});r._loadExperiment(t.experiment)})).catch((function(t){if(!t.isCanceled)throw console.log("Error",t),r.setState({loadStatus:u.IH.Error,experiment:null,error:"HTTP error, check server logs / javascript console"}),t}))}},e.prototype.columnContextMenu=function(t,e){var n,r=((n={})[u._R.CATEGORICAL]="Categorical",n[u._R.NUMERIC]="Number",n[u._R.NUMERICLOG]="Number (log-scale)",n[u._R.NUMERICPERCENTILE]="Number (percentile-scale)",n[u._R.TIMESTAMP]="Timestamp",n),i=l()(e);i.append(l()('<h6 class="dropdown-header">Data scaling</h6>')),this.state.params_def[t].type_options.forEach(function(e){var n=l()('<a class="dropdown-item" href="#">').text(r[e]);e==this.state.params_def[t].type&&n.addClass("disabled").css("pointer-events","none"),n.click(function(n){i.css("display","none"),this.setState((function(n,r){var i;return{params_def:Q(Q({},n.params_def),(i={},i[t]=Q(Q({},n.params_def[t]),{type:e}),i))}})),this.state.persistentState.children(u.tS).children(t).set("type",e),n.preventDefault()}.bind(this)),i.append(n)}.bind(this)),i.append(l()('<div class="dropdown-divider"></div>'));var o=l()('<a class="dropdown-item" href="#">Use for coloring</a>');o.click(function(e){this.setState({colorby:t}),e.preventDefault()}.bind(this)),this.state.colorby==t&&o.addClass("disabled").css("pointer-events","none"),i.append(o)},e.prototype.createNewParamsDef=function(t){var e=Object.assign({},this.state.params_def);return Object.assign(e,(0,m.a_)(this.state.persistentState.children(u.tS),t,this.state.params_def)),e},e.prototype.restoreAllRows=function(){this.setState(function(t,e){var n=t.rows_all_unfiltered;return{rows_selected:n,rows_selected_filter:null,rows_filtered:n,rows_filtered_filters:[],params_def:this.createNewParamsDef(n)}}.bind(this))},e.prototype.filterRows=function(t){this.setState(function(e,n){var r=t?e.rows_selected:h.e5(e.rows_filtered,e.rows_selected),i=e.rows_selected_filter;return t||(i={type:Y.vA.Not,data:i}),{rows_filtered:r,params_def:this.createNewParamsDef(r),rows_selected_filter:null,rows_filtered_filters:e.rows_filtered_filters.concat([i])}}.bind(this))},e.prototype.setSelected=function(t,e){if(void 0===e&&(e=null),!e||!h.Xy(e,this.state.rows_selected_filter)){if(e&&this.props.asserts){var n=(0,Y.Ky)(this.state.rows_filtered,e);(n.length!=t.length||h.e5(n,t).length)&&console.error("Warning! Filter ",e," does not match given rows",t," Computed rows with filter:",n)}this.setState({rows_selected:t,rows_selected_filter:e})}},e.prototype.setHighlighted=function(t){this.setState({rows_highlighted:t})},e.prototype.renderRowText=function(t){return t.uid},e.prototype.render=function(){var t={rows_all_unfiltered:this.state.rows_all_unfiltered,rows_filtered:this.state.rows_filtered,rows_highlighted:this.state.rows_highlighted,rows_selected:this.state.rows_selected},e=Q({restoreAllRows:this.restoreAllRows.bind(this),filterRows:this.filterRows.bind(this)},t),n=function(e){return Q(Q(Q({ref:this.plugins_ref[e]},this.state.experiment.display_data&&this.state.experiment.display_data[e]?this.state.experiment.display_data[e]:{}),t),{rows_selected_filter:this.state.rows_selected_filter,name:e,persistentState:this.state.persistentState.children(e),window_state:this.plugins_window_state[e],sendMessage:this.sendMessage.bind(this),get_color_for_row:this.getColorForRow.bind(this),experiment:this.state.experiment,params_def:this.state.params_def,params_def_unfiltered:this.state.params_def_unfiltered,dp_lookup:this.state.dp_lookup,colorby:this.state.colorby,render_row_text:this.renderRowText.bind(this),context_menu_ref:this.contextMenuRef,setSelected:this.setSelected.bind(this),setHighlighted:this.setHighlighted.bind(this),asserts:this.props.asserts})}.bind(this);return s.createElement("div",{ref:this.rootRef,className:"hip_thm--"+(this.state.dark?"dark":"light")},s.createElement("div",{className:_.Z.hiplot},s.createElement(E,Q({},e)),s.createElement(U,Q({weightColumn:this.state.experiment?this.state.experiment.weightcolumn:void 0,onLoadExperiment:this.loadWithPromise.bind(this),persistentState:this.state.persistentState,dataProvider:this.state.dataProvider,loadStatus:this.state.loadStatus,dark:this.state.dark},e)),this.state.loadStatus==u.IH.Error&&s.createElement(P,{error:this.state.error}),this.state.loadStatus!=u.IH.Loaded&&s.createElement(V,{dark:this.state.dark}),s.createElement(W.x,{ref:this.contextMenuRef}),this.state.loadStatus==u.IH.Loaded&&s.createElement("div",null,(void 0!==this.state.experiment.enabled_displays?this.state.experiment.enabled_displays:Object.keys(this.props.plugins)).map(function(t){var e=this.props.plugins[t];return s.createElement(s.Fragment,{key:t},s.createElement(e,n(t)))}.bind(this)))))},e.prototype.getPlugin=function(t){for(var e=Object.entries(this.props.plugins),n=0;n<e.length;++n)if(e[n][1]==t)return this.plugins_ref[e[n][0]].current;throw new Error("Can not find plugin"+t)},e.defaultProps={loadURI:null,comm:null,dark:!1,asserts:!1,plugins:X,experiment:null,dataProvider:null,onChange:null},e}(s.Component),V=function(t){function e(){return null!==t&&t.apply(this,arguments)||this}return J(e,t),e.prototype.render=function(){return s.createElement("div",{className:"container hide-when-loaded"},s.createElement("div",{className:"row"},s.createElement("div",{className:"col-md-3"}),s.createElement("div",{className:"col-md-6"},s.createElement("img",{src:this.props.dark?"data:image/svg+xml;base64,PHN2ZyBpZD0iTGF5ZXJfMSIgZGF0YS1uYW1lPSJMYXllciAxIiB4bWxucz0iaHR0cDovL3d3dy53My5vcmcvMjAwMC9zdmciIHZpZXdCb3g9IjAgMCA4OTkuMzMgMzA2LjMzIj48ZGVmcz48c3R5bGU+LmNscy0xe2ZpbGw6I2ZmZjt9LmNscy0ye2ZpbGw6IzAwZTViNjt9LmNscy0ze2ZpbGw6IzQyMTg3NztvcGFjaXR5OjAuMzU7fS5jbHMtNHtmaWxsOiNmZmI4MDI7fS5jbHMtNXtmaWxsOiNmZjcwNjA7fTwvc3R5bGU+PC9kZWZzPjx0aXRsZT5IaVBsb3QtTG9nby1XaGl0ZTwvdGl0bGU+PHBhdGggY2xhc3M9ImNscy0xIiBkPSJNMjYwLjI2LDEwNi4yNkgzMDFWMjY0Ljc5SDI2MC4yNloiLz48cGF0aCBjbGFzcz0iY2xzLTEiIGQ9Ik0zMzkuODMsNDIuMjNoNzguMzNhODMuNzMsODMuNzMsMCwwLDEsMzguNTUsOC44NkE2Ny41NCw2Ny41NCwwLDAsMSw0ODQuMDYsNzZRNDk0LDkyLDQ5NCwxMTIuNDh0LTkuOTUsMzYuNjdhNjcuMjQsNjcuMjQsMCwwLDEtMjcuMzUsMjVBODMuODYsODMuODYsMCwwLDEsNDE4LjE2LDE4M0gzODEuOHY4MS43NWgtNDJabTc5LjU4LDEwMXExNS41NCwwLDI0LjQtOWEyOS45NCwyOS45NCwwLDAsMCw4Ljg2LTIxLjc2LDI5LjQ0LDI5LjQ0LDAsMCwwLTguODYtMjEuNjFRNDM0Ljk0LDgyLDQxOS40MSw4MkgzODEuOHY2MS4yM1oiLz48cGF0aCBjbGFzcz0iY2xzLTEiIGQ9Ik01MTkuMTgsNDIuMjNINTU5LjlWMjY0Ljc5SDUxOS4xOFoiLz48cGF0aCBjbGFzcz0iY2xzLTEiIGQ9Ik02MjcuMzUsMjU4LjcyYTc4LjM0LDc4LjM0LDAsMCwxLTMwLTMwLjE0cS0xMC43MS0xOS4xMi0xMC43Mi00My4wNmE4Ni44MSw4Ni44MSwwLDAsMSwxMC43Mi00Mi44OSw3OC4wOSw3OC4wOSwwLDAsMSwzMC0zMC4zMXExOS4yNy0xMSw0My44My0xMSwyNC4yNCwwLDQzLjUyLDExYTc4LjE0LDc4LjE0LDAsMCwxLDMwLDMwLjMxcTEwLjcyLDE5LjI3LDEwLjcyLDQyLjg5LDAsMjMuOTQtMTAuNzIsNDMuMDZhNzguMzgsNzguMzgsMCwwLDEtMzAsMzAuMTRxLTE5LjI5LDExLTQzLjUyLDExUTY0Ni42MSwyNjkuNzYsNjI3LjM1LDI1OC43MlptNjUuNTktMzIuMTdhNDEsNDEsMCwwLDAsMTUuODUtMTYuMTZxNS45LTEwLjU2LDUuOTEtMjQuODcsMC0xNC01LjkxLTI0LjU1YTQxLjE3LDQxLjE3LDAsMCwwLTE1Ljg1LTE2LjE3LDQ1LjE1LDQ1LjE1LDAsMCwwLTQzLjUyLDAsNDIuMTcsNDIuMTcsMCwwLDAtMTYsMTYuMTdxLTYuMDYsMTAuNTYtNi4wNiwyNC41NWE0OS4zOCw0OS4zOCwwLDAsMCw2LjA2LDI0LjcyLDQxLjgsNDEuOCwwLDAsMCwxNiwxNi4zMSw0NS4wOCw0NS4wOCwwLDAsMCw0My41MiwwWiIvPjxwb2x5Z29uIGNsYXNzPSJjbHMtMSIgcG9pbnRzPSI3NzUuMzIgMjY0Ljc5IDgxNi4xMyAyNjQuNzkgODE2LjEzIDE0MS4wOCA4NTggMTQxLjA4IDg1OCAxMDYuMjcgODE2LjEzIDEwNi4yNyA4MTYuMTMgNjEuNTEgODE2LjA0IDYxLjUxIDc3NS4zMiA2MS41MSA3NzUuMzIgMjY0Ljc5Ii8+PGNpcmNsZSBjbGFzcz0iY2xzLTEiIGN4PSIyODAuNjIiIGN5PSI2Mi41OSIgcj0iMjYuMjciLz48cG9seWdvbiBjbGFzcz0iY2xzLTIiIHBvaW50cz0iMTc2LjMgMTY1LjE2IDE3Ni4zIDIwNS4xMiA4Mi4zNSAyMzAuMDkgODIuMzUgMTkwLjE0IDExMi42OCAxODIuMDggMTM4LjA1IDE3NS4zNCAxNzYuMyAxNjUuMTYiLz48cG9seWdvbiBjbGFzcz0iY2xzLTMiIHBvaW50cz0iMTc2LjMgMTU5LjA0IDE3Ni4zIDE5OC45OSAxMTIuNjggMTgyLjA4IDEzOC4wNSAxNzUuMzQgODIuMzUgMTYwLjUzIDgyLjM1IDEzNC4wNiAxNzYuMyAxNTkuMDQiLz48cGF0aCBjbGFzcz0iY2xzLTEiIGQ9Ik0xNzYuMyw0MS4yOVYyNjQuNzhoNDIuMTVWNDEuMjlaTTQwLjIxLDI2NC43OEg4Mi4zNVY0MS4yOUg0MC4yMVoiLz48cG9seWdvbiBjbGFzcz0iY2xzLTQiIHBvaW50cz0iMTc2LjMgMTQ1LjU0IDE3Ni4zIDE4NS41IDEzOC4wNSAxNzUuMzQgODIuMzUgMTYwLjUzIDgyLjM1IDEyMC41OCAxMjYuNzUgMTMyLjM4IDE1MS4xNyAxMzguODcgMTc2LjMgMTQ1LjU0Ii8+PHBvbHlnb24gY2xhc3M9ImNscy0zIiBwb2ludHM9IjE3Ni4zIDExOS4yIDEyNi43NSAxMzIuMzggMTUxLjE3IDEzOC44NyAxMjUuNzkgMTQ1LjYyIDgyLjM1IDE1Ny4xNiA4Mi4zNSAxMTcuMjEgMTc2LjMgOTIuMjQgMTc2LjMgMTE5LjIiLz48cG9seWdvbiBjbGFzcz0iY2xzLTUiIHBvaW50cz0iMTc2LjMgNzkuMjUgMTc2LjMgMTE5LjIgMTI2Ljc1IDEzMi4zOCAxMDEuMzggMTM5LjEyIDgyLjM1IDE0NC4xOCA4Mi4zNSAxMDQuMjMgMTc2LjMgNzkuMjUiLz48L3N2Zz4K":F})),s.createElement("div",{className:"col-md-3"}),s.createElement("div",{className:"col-md-6"},s.createElement("h3",null,"Controls"),s.createElement("p",null,s.createElement("strong",null,"Brush"),": Drag vertically along an axis.",s.createElement("br",null),s.createElement("strong",null,"Remove Brush"),": Tap the axis background.",s.createElement("br",null),s.createElement("strong",null,"Reorder Axes"),": Drag a label horizontally.",s.createElement("br",null),s.createElement("strong",null,"Invert Axis"),": Tap an axis label.",s.createElement("br",null),s.createElement("strong",null,"Remove Axis"),": Drag axis label to the left edge.",s.createElement("br",null))),s.createElement("div",{className:"cold-md-6"},s.createElement("h3",null,"Credits & License"),s.createElement("p",null,"Adapted from examples by",s.createElement("br",null),s.createElement("a",{href:"http://bl.ocks.org/syntagmatic/3150059"},"Kai"),", ",s.createElement("a",{href:"http://bl.ocks.org/1341021"},"Mike Bostock")," and ",s.createElement("a",{href:"http://bl.ocks.org/1341281"},"Jason Davies"),s.createElement("br",null)),s.createElement("p",null,"Released under the ",s.createElement("strong",null,"MIT License"),"."))))},e}(s.Component)},145:function(t,e,n){"use strict";n.d(e,{x:function(){return h}});var r,i=n(6651),o=n.n(i),a=n(6255),l=(r=function(t,e){return(r=Object.setPrototypeOf||{__proto__:[]}instanceof Array&&function(t,e){t.__proto__=e}||function(t,e){for(var n in e)e.hasOwnProperty(n)&&(t[n]=e[n])})(t,e)},function(t,e){function n(){this.constructor=t}r(t,e),t.prototype=null===e?Object.create(e):(n.prototype=e.prototype,new n)}),h=function(t){function e(e){var n=t.call(this,e)||this;return n.context_menu_div=a.createRef(),n.trigger_callbacks=[],n.onContextMenu=function(t){this.show(t.pageX,t.pageY,""),t.preventDefault(),t.stopPropagation()}.bind(n),n.state={visible:!1,column:"",top:0,left:0},n.hide=function(){this.state.visible&&this.setState({visible:!1})}.bind(n),o()(window).on("click",n.hide),n}return l(e,t),e.prototype.addCallback=function(t,e){this.trigger_callbacks.push({cb:t,obj:e})},e.prototype.removeCallbacks=function(t){this.trigger_callbacks=this.trigger_callbacks.filter((function(e){return e.obj!=t}))},e.prototype.show=function(t,e,n){var r=o()(this.context_menu_div.current.parentElement).offset();this.setState({top:Math.max(0,e-10-r.top),left:Math.max(0,t-90-r.left),visible:!0,column:n})},e.prototype.componentWillUnmount=function(){o()(window).off("click",this.hide)},e.prototype.componentDidUpdate=function(t,e){var n=this.context_menu_div.current;if(n.style.display=this.state.visible?"block":"none",n.style.top=this.state.top+"px",n.style.left=this.state.left+"px",n.classList.toggle("show",this.state.visible),this.state.visible&&!e.visible||this.state.column!=e.column){n.innerHTML="";var r=this;this.trigger_callbacks.forEach((function(t){t.cb(r.state.column,n)}))}},e.prototype.render=function(){return a.createElement("div",{ref:this.context_menu_div,className:"dropdown-menu dropdown-menu-sm context-menu",style:{fontSize:16}})},e}(a.Component)},973:function(t,e,n){"use strict";n.d(e,{l:function(){return a}});var r,i=n(6255),o=(r=function(t,e){return(r=Object.setPrototypeOf||{__proto__:[]}instanceof Array&&function(t,e){t.__proto__=e}||function(t,e){for(var n in e)e.hasOwnProperty(n)&&(t[n]=e[n])})(t,e)},function(t,e){function n(){this.constructor=t}r(t,e),t.prototype=null===e?Object.create(e):(n.prototype=e.prototype,new n)}),a=function(t){function e(){return null!==t&&t.apply(this,arguments)||this}return o(e,t),e.prototype.render=function(){return[]},e}(i.Component)},6929:function(__unused_webpack_module,__webpack_exports__,__webpack_require__){"use strict";__webpack_require__.d(__webpack_exports__,{vc:function(){return WebserverDataProvider}});var jquery__WEBPACK_IMPORTED_MODULE_0__=__webpack_require__(6651),jquery__WEBPACK_IMPORTED_MODULE_0___default=__webpack_require__.n(jquery__WEBPACK_IMPORTED_MODULE_0__),_types__WEBPACK_IMPORTED_MODULE_1__=__webpack_require__(9343),react__WEBPACK_IMPORTED_MODULE_2__=__webpack_require__(6255),_hiplot_scss__WEBPACK_IMPORTED_MODULE_3__=__webpack_require__(9925),__extends=(extendStatics=function(t,e){return(extendStatics=Object.setPrototypeOf||{__proto__:[]}instanceof Array&&function(t,e){t.__proto__=e}||function(t,e){for(var n in e)e.hasOwnProperty(n)&&(t[n]=e[n])})(t,e)},function(t,e){function n(){this.constructor=t}extendStatics(t,e),t.prototype=null===e?Object.create(e):(n.prototype=e.prototype,new n)}),extendStatics,PSTATE_LOAD_URI="load_uri",RunsSelectionTextArea=function(t){function e(e){var n=t.call(this,e)||this;return n.textarea=react__WEBPACK_IMPORTED_MODULE_2__.createRef(),n.state={value:e.initialValue},n}return __extends(e,t),e.prototype.onInput=function(){var t=this.textarea.current;if(this.props.hasFocus||!this.props.minimizeWhenOutOfFocus)return t.style.height="auto",void(t.style.height=t.scrollHeight+"px");t.style.height="55px"},e.prototype.onKeyDown=function(t){13!==t.which||t.shiftKey||(this.props.onSubmit(this.textarea.current.value),this.props.onFocusChange(!1),t.preventDefault())},e.prototype.onFocusChange=function(t){"focus"==t.type?this.props.onFocusChange(!0):"blur"==t.type&&this.props.onFocusChange(!1)},e.prototype.componentDidMount=function(){this.onInput()},e.prototype.componentDidUpdate=function(){this.onInput()},e.prototype.render=function(){var t=this;return react__WEBPACK_IMPORTED_MODULE_2__.createElement("textarea",{style:{height:"55px",flex:1,minWidth:"100px"},ref:this.textarea,className:_hiplot_scss__WEBPACK_IMPORTED_MODULE_3__.Z.runsSelectionTextarea,disabled:!this.props.enabled,value:this.state.value,onKeyDown:this.onKeyDown.bind(this),onInput:this.onInput.bind(this),onChange:function(e){return t.setState({value:e.target.value})},onFocus:this.onFocusChange.bind(this),onBlur:this.onFocusChange.bind(this),placeholder:"Experiments to load"})},e}(react__WEBPACK_IMPORTED_MODULE_2__.Component);function loadURIFromWebServer(uri){return new Promise((function(resolve,reject){jquery__WEBPACK_IMPORTED_MODULE_0___default().get("/data?uri="+encodeURIComponent(uri),resolve,"json").fail((function(data){if(4==data.readyState&&200==data.status)console.log("Unable to parse JSON with JS default decoder (Maybe it contains NaNs?). Using eval"),resolve(eval("("+data.responseText+")"));else{if(0==data.status)return void resolve({error:"Network error"});reject(data)}}))}))}var WebserverDataProvider=function(t){function e(e){var n=t.call(this,e)||this;return n.state={uri:n.props.persistentState.get(PSTATE_LOAD_URI)},n}return __extends(e,t),e.prototype.refresh=function(){return console.assert(this.state.uri),loadURIFromWebServer(this.state.uri)},e.prototype.componentDidMount=function(){void 0!==this.state.uri&&this.props.onLoadExperiment(loadURIFromWebServer(this.state.uri))},e.prototype.componentDidUpdate=function(t,e){this.state.uri!=e.uri&&(this.props.onLoadExperiment(loadURIFromWebServer(this.state.uri)),this.props.persistentState.set(PSTATE_LOAD_URI,this.state.uri))},e.prototype.loadExperiment=function(t){this.setState({uri:t})},e.prototype.render=function(){return react__WEBPACK_IMPORTED_MODULE_2__.createElement(RunsSelectionTextArea,{initialValue:this.state.uri,enabled:this.props.loadStatus!=_types__WEBPACK_IMPORTED_MODULE_1__.IH.Loading,minimizeWhenOutOfFocus:this.props.loadStatus==_types__WEBPACK_IMPORTED_MODULE_1__.IH.Loaded,onSubmit:this.loadExperiment.bind(this),onFocusChange:this.props.onFocusChange,hasFocus:this.props.hasFocus})},e}(react__WEBPACK_IMPORTED_MODULE_2__.Component)},8866:function(t,e,n){"use strict";n.d(e,{U:function(){return C}});var r,i=n(6651),o=n.n(i),a=n(6255),l=n(2673),h=n(7949),s=n(9925),A=n(9449),d=n(1312),c=n(9343),u=(r=function(t,e){return(r=Object.setPrototypeOf||{__proto__:[]}instanceof Array&&function(t,e){t.__proto__=e}||function(t,e){for(var n in e)e.hasOwnProperty(n)&&(t[n]=e[n])})(t,e)},function(t,e){function n(){this.constructor=t}r(t,e),t.prototype=null===e?Object.create(e):(n.prototype=e.prototype,new n)}),p=function(t){function e(){var e=null!==t&&t.apply(this,arguments)||this;return e.axisBottom=a.createRef(),e.axisLeft=a.createRef(),e.axisRight=a.createRef(),e.axisBottomName=a.createRef(),e.svgContainer=a.createRef(),e.histAll=a.createRef(),e.histSelected=a.createRef(),e}return u(e,t),e.prototype.isVertical=function(){return this.props.param_def.type!=c._R.CATEGORICAL||this.props.param_def.distinct_values.length<3},e.prototype.figureWidth=function(){return this.props.width-60-20},e.prototype.figureHeight=function(){return this.props.height-20-50},e.prototype.createDataAxis=function(t,e){this.isVertical()?(t.range([0,this.figureWidth()]),l.select(this.axisBottom.current).call(l.axisBottom(t).ticks(1+this.props.width/50)),l.select(this.axisBottomName.current).html(null).append(function(){return(0,d.p)(this.props.param_def,null,null)}.bind(this)).classed("distrplot_axislabel",!0).attr("x",-4).attr("text-anchor","end"),l.select(this.axisBottomName.current).select(".distrplot_axislabel").each((function(){(0,d.F)(this)})),this.axisRight.current.innerHTML=""):(t.range([this.figureHeight(),0]),l.select(this.axisRight.current).transition().duration(e?this.props.animateMs:0).call(l.axisRight(t).ticks(1+this.props.height/50)).attr("text-anchor","end"),l.select(this.axisLeft.current).transition().duration(e?this.props.animateMs:0).call(l.axisLeft(t).ticks(1+this.props.height/50)))},e.prototype.createDataScaleAndAxis=function(){this.dataScale=(0,A.L_)(this.props.param_def),this.createDataAxis(this.dataScale,!1)},e.prototype.createHistogram=function(){var t=this,e=this.dataScale.copy().range([0,1]),n=[];if(this.props.param_def.type==c._R.CATEGORICAL)n=(n=this.props.param_def.distinct_values.map((function(t){return e(t)}))).map((function(t,e){return 0==e?t:(t+n[e-1])/2}));else for(var r=1;r<this.props.nbins;++r)n.push(r/this.props.nbins);return l.histogram().value((function(n){return e(n[t.props.axis])})).domain([0,1]).thresholds(n)},e.prototype.drawAllHistograms=function(t){var e=this.createHistogram(),n={selected:{bins:e(this.props.histData.selected),g:this.histAll.current,draw_fn:this.drawHistogramRects.bind(this)},all:{bins:e(this.props.histData.all),g:this.histSelected.current,draw_fn:this.drawHistogramLines.bind(this)}},r=l.max(Object.values(n),(function(t){var e=l.sum(t.bins,(function(t){return t.length}));return e?l.max(t.bins,(function(t){return t.length/e})):0})),i=l.scaleLinear().domain([0,r]),o=n.all.bins.map((function(t,e){return e}));if(this.isVertical())i=i.range([this.figureHeight(),0]),l.select(this.axisLeft.current).transition().duration(t?this.props.animateMs:0).call(l.axisLeft(i).ticks(1+this.props.height/50).tickSizeInner(-(this.props.width-60-20)));else{i=i.range([0,this.figureWidth()]),l.select(this.axisBottom.current).transition().duration(t?this.props.animateMs:0).call(l.axisBottom(i).ticks(1+this.props.width/50));var a=Array.from(o).sort((function(t,e){return n.selected.bins[t].length-n.selected.bins[e].length}));a.forEach((function(t,e){o[t]=e}));var h=this.dataScale.domain(),s=h.map((function(t,e){return h[a[e]]}));this.createDataAxis(l.scalePoint().domain(s).range(this.dataScale.range()),!0)}Object.values(n).forEach(function(e){e.draw_fn(e,i,t,o)}.bind(this))},e.prototype.drawHistogramLines=function(t,e,n,r){var i=l.sum(t.bins,(function(t){return t.length})),o=function(t){return e(i?t.length/i:0)},a=l.scaleLinear().range(this.dataScale.range()),h=l.select(t.g).selectAll("line").data(t.bins),s=this.isVertical()?"x":"y",A=this.isVertical()?"y":"x";h.enter().append("line").merge(h).transition().duration(n?this.props.animateMs:0).attr(s+"1",(function(e,n){return a(t.bins[r[n]].x0)+1})).attr(A+"1",(function(t,e){return o(t)})).attr(s+"2",(function(e,n){return a(t.bins[r[n]].x1)})).attr(A+"2",(function(t,e){return o(t)})),h.exit().remove()},e.prototype.drawHistogramRects=function(t,e,n,r){var i=l.sum(t.bins,(function(t){return t.length})),o=function(t){return e(i?t.length/i:0)},a=l.scaleLinear().range(this.dataScale.range()),h=l.select(t.g).selectAll("rect").data(t.bins),s=h.enter().append("rect").merge(h).attr("data-value-sample",function(t,e){return t.length?t[0][this.props.axis]:"empty"}.bind(this)).on("mouseover",(function(t,e){l.select(this).transition().duration(150).attr("opacity",".5")})).on("mouseout",(function(t,e){l.select(this).transition().duration(150).attr("opacity","1")})).transition().duration(n?this.props.animateMs:0);this.isVertical()?s.attr("x",1).attr("transform",(function(t){return"translate("+a(t.x0)+","+o(t)+")"})).attr("width",(function(t){return a(t.x1)-a(t.x0)-1})).attr("height",function(t){return this.figureHeight()-o(t)}.bind(this)):s.attr("transform",(function(e,n){return"translate(0,"+a(t.bins[r[n]].x1)+")"})).attr("width",(function(t){return o(t)})).attr("height",function(e,n){var i=Math.abs(a(t.bins[r[n]].x1)-a(t.bins[r[n]].x0));return i>2?i-1:i}.bind(this)),h.exit().remove()},e.prototype.componentDidMount=function(){this.createDataScaleAndAxis(),this.drawAllHistograms(!1)},e.prototype.componentDidUpdate=function(t,e){if(t.axis==this.props.axis&&t.param_def==this.props.param_def&&t.width==this.props.width&&t.height==this.props.height||this.createDataScaleAndAxis(),t.axis!=this.props.axis||t.param_def!=this.props.param_def||t.nbins!=this.props.nbins||t.histData!=this.props.histData||t.width!=this.props.width||t.height!=this.props.height){var n=t.nbins!=this.props.nbins||t.histData!=this.props.histData;this.drawAllHistograms(n)}},e.prototype.render=function(){var t=this.isVertical()?"Density":this.props.axis;return a.createElement("div",null,a.createElement("svg",{width:this.props.width,height:this.props.height},a.createElement("g",{transform:"translate(60, 15)",textAnchor:"start",fontWeight:"bold"},a.createElement("text",{style:{stroke:"white",strokeWidth:"0.2em"}},t),a.createElement("text",null,t)),a.createElement("g",{ref:this.svgContainer,className:s.Z["distr-graph-svg"],transform:"translate(60, 20)"},a.createElement("g",{className:s.Z.histAll,ref:this.histAll}),a.createElement("g",{className:s.Z.histSelected,ref:this.histSelected}),a.createElement("g",{className:"axisLeft",ref:this.axisLeft}),a.createElement("g",{className:"axisRight",ref:this.axisRight,transform:"translate("+this.figureWidth()+", 0)"}),a.createElement("g",{className:"axisBottom",ref:this.axisBottom,transform:"translate(0, "+this.figureHeight()+")"}),a.createElement("g",{ref:this.axisBottomName,transform:"translate("+this.figureWidth()+", "+(this.props.height-20-30)+")",textAnchor:"end",fontWeight:"bold"}))))},e}(a.Component),m=n(5273),f=function(){var t=function(e,n){return(t=Object.setPrototypeOf||{__proto__:[]}instanceof Array&&function(t,e){t.__proto__=e}||function(t,e){for(var n in e)e.hasOwnProperty(n)&&(t[n]=e[n])})(e,n)};return function(e,n){function r(){this.constructor=e}t(e,n),e.prototype=null===n?Object.create(n):(r.prototype=n.prototype,new r)}}(),g=function(){return(g=Object.assign||function(t){for(var e,n=1,r=arguments.length;n<r;n++)for(var i in e=arguments[n])Object.prototype.hasOwnProperty.call(e,i)&&(t[i]=e[i]);return t}).apply(this,arguments)},C=function(t){function e(e){var n=t.call(this,e)||this;n.container_ref=a.createRef(),n.onResize=h.ZP.debounce(function(t,e){t==this.state.height&&e==this.state.width||(this.setState({height:t,width:e}),this.props.sendMessage("height_changed",(function(){return null})))}.bind(n),150);var r=n.props.persistentState.get("axis",null);r&&void 0===n.props.params_def[r]&&(r=null),r||(r=n.props.axis),r&&void 0===n.props.params_def[r]&&(r=null);var i=l.min([l.max([document.body.clientHeight-540,240]),500]);return n.state={initialHeight:i,height:i,width:0,histData:{selected:[],all:e.rows_filtered},axis:void 0!==r?r:null},n}return f(e,t),e.prototype.componentDidMount=function(){if(this.props.context_menu_ref&&this.props.context_menu_ref.current){var t=this;this.props.context_menu_ref.current.addCallback((function(e,n){var r=o()(n);r.append(o()('<div class="dropdown-divider"></div>'));var i=o()('<a class="dropdown-item" href="#">').text("View distribution");t.state.axis==e&&i.addClass("disabled").css("pointer-events","none"),i.click((function(n){t.setState({axis:e}),n.preventDefault()})),r.append(i)}),this)}},e.prototype.componentDidUpdate=function(t,e){e.axis!=this.state.axis&&(this.props.sendMessage("height_changed",(function(){return null})),this.props.persistentState&&this.props.persistentState.set("axis",this.state.axis)),this.state.histData.all!=this.props.rows_filtered?this.setState(function(t,e){return{histData:g(g({},t.histData),{all:this.props.rows_filtered,selected:this.props.rows_selected})}}.bind(this)):this.state.histData.selected!=this.props.rows_selected&&this.setState(function(t,e){return{histData:g(g({},t.histData),{selected:this.props.rows_selected})}}.bind(this))},e.prototype.componentWillUnmount=function(){this.props.context_menu_ref&&this.props.context_menu_ref.current&&this.props.context_menu_ref.current.removeCallbacks(this),this.onResize.cancel()},e.prototype.disable=function(){this.setState({width:0,axis:null,height:this.state.initialHeight})},e.prototype.render=function(){if(null===this.state.axis)return[];var t=this.props.params_def[this.state.axis];return console.assert(void 0!==t,this.state.axis),a.createElement(m.o,{initialHeight:this.state.height,onResize:this.onResize,onRemove:this.disable.bind(this)},this.state.width>0&&a.createElement(p,{axis:this.state.axis,height:this.state.height,width:this.state.width,histData:this.state.histData,param_def:t,nbins:this.props.nbins,animateMs:this.props.animateMs}))},e.defaultProps={nbins:10,animateMs:750},e}(a.Component)},7970:function(t,e,n){"use strict";n.d(e,{vA:function(){return i},Ky:function(){return A},sS:function(){return d}});var r,i,o=n(6651),a=n.n(o),l=n(5979),h=n(9343);!function(t){t.All="All",t.Range="Range",t.Not="Not",t.Search="Search",t.None="None"}(i||(i={}));var s=((r={})[i.All]=function(t){var e=t.map((function(t){return s[t.type](t.data)}));return function(t){return e.every((function(e){return e(t)}))}},r[i.Range]=function(t){return t.type==h._R.CATEGORICAL?(console.assert(typeof t.min==typeof t.max,t.min,t.max),function(e){var n=e[t.col];return void 0!==n&&(n=(0,l.__)(n),t.min<=n&&n<=t.max)}):function(e){var n=e[t.col];return void 0!==n&&(n=parseFloat(n),t.min<=n&&n<=t.max||!!t.include_infnans&&(Number.isNaN(n)||!Number.isFinite(n)))}},r[i.Not]=function(t){var e=s[t.type];console.assert(void 0!==e,"Invalid filter",t);var n=e(t.data);return function(t){return!n(t)}},r[i.Search]=function(t){var e=(0,a().fn.dataTable.util.escapeRegex)(t),n=new RegExp(e,"i");return function(t){var e=Object.values(t).join(" ");return n.test(e)}},r[i.None]=function(){return function(t){return!1}},r);function A(t,e){var n=s[e.type];return console.assert(void 0!==n,"Invalid filter",e),t.filter(n(e.data))}function d(t,e){return e.forEach((function(e){t=A(t,e)})),t}},9449:function(t,e,n){"use strict";n.d(e,{Ul:function(){return m},lM:function(){return c},L_:function(){return d},a_:function(){return f},Bw:function(){return u}});var r=n(6651),i=n.n(r),o=n(2673),a=n(9263),l=n(9460),h=n.n(l),s=n(5979),A=n(9343);function d(t){var e=t.distinct_values;if(t.type==A._R.CATEGORICAL)return(0,s.Lq)(e);if(t.type==A._R.NUMERICPERCENTILE)return(0,s.um)(e);var n=function(t){var e=t.force_value_min,n=t.force_value_max;return t.distinct_values.forEach((function(t){var r=parseFloat(t);(0,s.n2)(r)||((null===e||r<e)&&(e=r),(null===n||r>n)&&(n=r))})),[e,n]}(t),r=n[0],i=n[1];return console.assert(!isNaN(r)),console.assert(!isNaN(i)),console.assert(r<=i),t.type==A._R.TIMESTAMP?(0,s.US)().domain([r,i]):t.type==A._R.NUMERICLOG?(console.assert(r>0,'Min value for "'+t.name+'" is negative ('+r+"), can't use log-scale"),o.scaleLog().domain([r,i])):(console.assert(t.type==A._R.NUMERIC,"Unknown variable type "+t.type),o.scaleLinear().domain([r,i]))}function c(t){var e=d(t);return function(t){for(var e=0;e<t.distinct_values.length;++e){var n=parseFloat(t.distinct_values[e]);if((0,s.n2)(n))return!0}return!1}(t)&&[A._R.NUMERIC,A._R.NUMERICLOG,A._R.NUMERICPERCENTILE].indexOf(t.type)>=0&&(e=(0,s._u)(e)),e.hip_type=t.type,e.hip_num_values=t.distinct_values.length,e}function u(t,e){console.assert(t,"No scale provided to `scale_pixels_range`"),console.assert(e,"No extents provided to `scale_pixels_range`",e);var n=o.scaleLinear().domain(t.range()).range([0,1]),r=[n(e[0]),n(e[1])];switch(t.hip_type){case A._R.CATEGORICAL:var i=t.domain(),a=Math.ceil(Math.min(r[0],r[1])*(i.length-1)),l=Math.floor(Math.max(r[0],r[1])*(i.length-1)+1);return{type:t.hip_type,brush_extents_normalized:r,values:i.slice(a,l)};case A._R.NUMERIC:case A._R.NUMERICLOG:case A._R.NUMERICPERCENTILE:case A._R.TIMESTAMP:for(var h=t.range(),s=0;s<2;++s)e[s]==Math.min.apply(Math,h)&&--e[s],e[s]==Math.max.apply(Math,h)&&++e[s];var d=[t.invert(e[0]),t.invert(e[1])];return{type:t.hip_type,brush_extents_normalized:r,range:d,include_infnans:e[0]<=t(1/0)&&t(1/0)<=e[1]}}}function p(t,e){if(!t)return o.interpolateTurbo;var n=t.split("#"),r=n[0],i=o[r];if(!i)throw new Error("Invalid color map "+r+" "+e);if(!r.startsWith("interpolate")){"string"!=typeof i[0]&&(i=i[i.length-1]);var a=i;i=function(t){return a[Math.max(0,Math.min(a.length-1,Math.floor(t*a.length)))]}}return n.length>1&&n[1].split(",").forEach((function(t){if("inverse"==t){var e=i;i=function(t){return e(-t)}}})),i}function m(t,e,n,r){if(t.type==A._R.CATEGORICAL){!function(t){if(void 0===t.__val2color){t.__val2color=null!==t.colors?t.colors:{};for(var e=0;e<t.distinct_values.length;++e)t.__val2color[t.distinct_values[e]]||(t.distinct_values.length<=20?t.__val2color[t.distinct_values[e]]=a(["#1f77b4","#ff7f0e","#d62728","#9467bd","#8c564b","#e377c2","#7f7f7f","#bcbd22","#17becf","#1f77b4","#aec7e8","#ffbb78","#ff9896","#c5b0d5","#c49c94","#f7b6d2","#c7c7c7","#dbdb8d","#9edae5","#2ca02c"][e]).rgb().string():t.__val2color[t.distinct_values[e]]=(n=t.distinct_values[e],void 0,void 0,void 0,s=void 0,i=function(t){var e,n=0;if(0===t.length)return n;for(e=0;e<t.length;e++)n=(n<<5)-n+t.charCodeAt(e),n|=0;return n}(r=JSON.stringify(n)),l=h()(r)(),s=a(o.interpolateTurbo(l)).hsv().object(),i%3==1&&(s.v-=20),i%3==2&&(s.s-=20),a(s).rgb().string()));var n,r,i,l,s}}(t);var i=t.__val2color[e];return void 0===i?"rgb(100,100,100,"+n+")":(console.assert(i.startsWith("rgb(")||i.startsWith("hsl("),i),i.slice(0,3)+"a"+i.slice(3,i.length-1)+","+n+")")}if(null==e||(0,s.n2)(e))return"rgb(100,100,100,"+n+")";t.__colorscale&&t.__colorscale.__type===t.type||(t.__colorscale=d(t),t.__colorscale.range([0,1]),t.__colorscale.__type=t.type);var l=Math.max(0,Math.min(1,t.__colorscale(e))),c=function(t,e){return t.colormap?(t.__colormap||(t.__colormap=p(t.colormap,"for column "+t.name)),t.__colormap):p(e,"(global default color map)")}(t,r);try{var u=c(l),m=a(u).rgb().object();return"rgba("+m.r+", "+m.g+", "+m.b+", "+n+")"}catch(e){throw new Error('Error below happened while computing color using color map "'+t.colormap+'" for column '+t.name+": is the colormap valid? ("+e.toString()+")")}}function f(t,e,n){void 0===n&&(n={});var r=new Set;e.forEach((function(t){Object.keys(t).forEach((function(t){r.add(t)}))}));var o={};return r.forEach((function(r){o[r]=function(n,r){var o=t.children(n),a=!1,l=-1==["uid","from_uid"].indexOf(n),h=l,d=[];e.forEach((function(t){!function(t){if(void 0!==t){var e=(0,s.n2)(t);d.push(t),("number"!=typeof t&&!e&&isNaN(t)||!0===t||!1===t)&&(l=!1,h=!1),(!Number.isSafeInteger(t)||t<0)&&(h=!1)}else a=!0}(t[n])}));var c=d,u=Array.from(new Set(c)),p=l?(0,s.Sg)(u):[],m=void 0!==r&&null!=r.force_value_min&&void 0!==r.force_value_min&&r.force_value_min<=0,f=p[0]>0&&!m,g=!1;p.length>10&&p[0]>0&&(g=p[Math.min(p.length-1,~~(19*p.length/20))]/p[~~(p.length/20)]>100);var C=!l||Math.max(c.length,10)/u.length>10&&u.length<6,b=A._R.CATEGORICAL;l&&!C&&(b=A._R.NUMERIC,g&&(b=f?A._R.NUMERICLOG:A._R.NUMERICPERCENTILE)),b=void 0!==r&&null!==r.type?r.type:o.get("type",b);var _={name:n,optional:a,numeric:l,distinct_values:u,type_options:[A._R.CATEGORICAL],type:b,colors:void 0!==r?r.colors:null,colormap:void 0!==r?r.colormap:null,force_value_min:void 0!==r&&null!=r.force_value_min?r.force_value_min:null,force_value_max:void 0!==r&&null!=r.force_value_max?r.force_value_max:null,label_css:void 0!==r&&null!==r.label_css?r.label_css:"",label_html:void 0!==r&&null!==r.label_html&&void 0!==r.label_html?r.label_html:i()("<div>").text(n).html()};return l&&(_.type_options.push(A._R.NUMERIC),f&&_.type_options.push(A._R.NUMERICLOG),_.type_options.push(A._R.NUMERICPERCENTILE),h&&_.type_options.push(A._R.TIMESTAMP)),_}(r,n[r])})),o}},8242:function(t,e,n){"use strict";n.d(e,{s$:function(){return r},E0:function(){return o},Dy:function(){return a}});var r=/^((?!chrome|android).)*safari/i.test(navigator.userAgent);function i(t){var e=t.parentNode;e.removeChild(t),e.appendChild(t)}function o(){if(r){var t=document.getElementsByTagName("foreignObject");Array.from(t).forEach(i)}}function a(t){r&&t.addEventListener("wheel",o)}},5979:function(t,e,n){"use strict";n.d(e,{n2:function(){return o},__:function(){return l},Lq:function(){return h},Sg:function(){return s},um:function(){return A},_u:function(){return u},US:function(){return m}});var r=n(2673),i=["inf","-inf",1/0,-1/0,null,"","NaN"];function o(t){return i.indexOf(t)>=0||Number.isNaN(t)}function a(t,e){if(t<0)return-a(-t,e);if(0==t)return 0;var n=Math.pow(10,e-1-Math.floor(Math.log10(t)));return Math.floor(t*n)/n}function l(t){return""===t?"(empty)":""+t}function h(t){for(var e=new Set,n=0;n<t.length;++n)e.add(l(t[n]));(t=Array.from(e)).sort();var i=r.scalePoint().domain(t);function o(t){return i(l(t))}return Object.assign(o,{copy:i.copy,range:i.range,rangeRound:i.rangeRound,round:i.round,domain:i.domain}),o}function s(t){return t=t.map((function(t){return parseFloat(t)})).filter((function(t){return Number.isFinite(t)})),(t=Array.from(new Set(t))).sort((function(t,e){return parseFloat(t)-parseFloat(e)})),t}function A(t){return d(s(t))}function d(t){console.assert(t.length>=2);var e=[0,t.length-1],n=r.scaleLinear().domain([0,1]),i=function(i){if(i==1/0||i==-1/0||isNaN(i))return n(-1);if(i>t[e[e.length-1]])return n(1);if(i<t[e[0]])return n(0);var o=r.bisectLeft(t,i,e[0],e[1]),a=(o-e[0])/(e[1]-e[0]);if(t[o]!==i&&o>e[0]){var l=o-1,h=t[l],s=t[o];console.assert(h!=s,"values should be distinct",h,s),console.assert(h<=i&&i<=s,"percentile_scale("+i+"): lowerV="+h+", x="+i+", upperV="+s,{x:i,values:t,lower:l,domain_idx:e}),a=(l+(i-h)/(s-h))/(e[1]-e[0])}return n(a)};return Object.assign(i,{invert:function(r){r=n.invert(r)*(e[1]-e[0]),r=Math.min(r,e[1]),r=Math.max(r,e[0]);var i=Math.floor(r),o=Math.ceil(r);if(i==o)return t[i];var a=r-i;return t[o]*a+t[i]*(1-a)},copy:function(){var r=d(t);return r.domain_idx(e),r.range(n.range()),r},range:function(t){return void 0===t?n.range():(n.range(t),i)},domain:function(n){return void 0===n?[t[e[0]],t[e[1]]]:((e=[r.bisect(t,n[0]),r.bisect(t,n[1])])[0]==e[1]&&(e[0]-=1,e[1]+=1),e[0]=e[0]<0?0:e[0],e[1]=e[1]>=t.length?t.length-1:e[1],i)},domain_idx:function(t){return e=t,i},tickFormat:function(){return function(t){for(var e=1;e<20&&parseFloat(t.toPrecision(e))!=t;)++e;return t.toPrecision(e)}},ticks:function(n){if(n>=e[1]-e[0]+1)return t.slice(e[0],e[1]+1);for(var r=[],i=0;i<n;++i){var o,l=e[0]+Math.floor(i/n*(e[1]-e[0])),h=e[0]+Math.floor((i+1)/n*(e[1]-e[0])),s=t[l],A=h>e[1]?t[e[1]]:t[h];if(s==A)o=s;else{for(var d=1,c=i>0?r[r.length-1]:s;d<20&&a(c,d)==a(A,d);)++d;o=parseFloat(((c+A)/2).toPrecision(d))}i>0&&r[i-1]==o||r.push(o)}return r}}),i}function c(t,e){for(var n in t)t.hasOwnProperty(n)&&(e[n]=t[n])}function u(t){function e(){return Math.abs(t.range()[1]-t.range()[0])-30}var n=function(n){var r=t.range(),i=e(),a=r[0]<r[1];if(o(n))return r[1];var l=(t(n)-r[0])/(r[1]-r[0])*i;return a?r[0]+l:r[0]-l};c(t,n);var r={},i={};return Object.assign(n,{invert:function(n){var r=t.domain(),i=t.range(),o=e();if(i[0]<i[1]){if(n>i[0]+o)return 1.1*r[1];n-=i[0]}else{if(n<i[0]-o)return 1.1*r[1];n=-n+i[0]}return n=n/o*(i[1]-i[0]),n+=i[0],t.invert(n)},__scale_orig:t,ticks:r,tickFormat:i}),c(t.ticks,r),c(t.tickFormat,i),n.ticks.apply=function(e,n){var r=[n[0]-1],i=t.ticks.apply(t,r);return i.push(NaN),i},n.tickFormat.apply=function(e,n){var r=[n[0]],i=t.tickFormat.apply(t,r);return function(t){return Number.isNaN(t)?"nan/inf/null":i(t)}},n.range=function(e){return void 0===e?t.range():t.range(e)},n.copy=function(){return u(t.copy())},n}function p(t,e,n){var r=function(n){return t(e(n))},i={},o={};return c(t,r),Object.assign(r,{domain:function(i){if(void 0===i){var o=t.domain();return[n(o[0]),n(o[1])]}return t.domain([e(i[0]),e(i[1])]),r},range:function(){var e=t.range.apply(t,arguments);return e==t?r:e},invert:function(e){return n(t.invert(e))},copy:function(){return p(t.copy(),e,n)},__scale_orig:t,ticks:i,tickFormat:o}),c(t.ticks,i),c(t.tickFormat,o),r.ticks.apply=function(e,r){var i=[r[0]];return t.ticks.apply(t,i).map(n)},r.tickFormat.apply=function(n,r){var i=[r[0]],o=t.tickFormat.apply(t,i);return function(t){return o(e(t))}},r}function m(){return p(r.scaleTime(),(function(t){return t instanceof Date?t:new Date(1e3*t)}),(function(t){return t.getTime()/1e3}))}},5273:function(t,e,n){"use strict";n.d(e,{o:function(){return u}});var r,i=n(7264),o=n.n(i),a=n(6462),l=(o()(a.Z,{insert:"head",singleton:!1}),a.Z.locals||{}),h=n(6651),s=n.n(h),A=n(6255),d=n(7949),c=(r=function(t,e){return(r=Object.setPrototypeOf||{__proto__:[]}instanceof Array&&function(t,e){t.__proto__=e}||function(t,e){for(var n in e)e.hasOwnProperty(n)&&(t[n]=e[n])})(t,e)},function(t,e){function n(){this.constructor=t}r(t,e),t.prototype=null===e?Object.create(e):(n.prototype=e.prototype,new n)}),u=function(t){function e(e){var n=t.call(this,e)||this;return n.div_ref=A.createRef(),n.m_pos=null,n.onMouseMove=function(t){var e=t.clientY-this.m_pos;if(this.m_pos=t.clientY,0!=e){var n=this.state.internalHeight+e;this.setState({height:Math.max(this.props.minHeight,n),internalHeight:n,position:t.clientY,removing:this.props.onRemove&&n<this.props.minHeight})}}.bind(n),n.onMouseUp=function(t){null!=this.m_pos&&(this.m_pos=null,document.removeEventListener("mousemove",this.onMouseMove,!1),this.props.onRemove&&this.state.removing&&this.props.onRemove())}.bind(n),n.onWindowResize=d.ZP.debounce(function(){this.div_ref.current&&this.setState({width:this.div_ref.current.offsetWidth})}.bind(n),100),n.state={width:0,height:n.props.initialHeight,internalHeight:n.props.initialHeight,removing:!1},n}return c(e,t),e.prototype.componentDidMount=function(){var t=s()(this.div_ref.current);t.on("mousedown",function(e){e.offsetY>t.height()-this.props.borderSize&&(this.m_pos=e.clientY,document.addEventListener("mousemove",this.onMouseMove,!1))}.bind(this)),document.addEventListener("mouseup",this.onMouseUp),s()(window).on("resize",this.onWindowResize),this.setState({width:this.div_ref.current.parentElement.offsetWidth})},e.prototype.componentDidUpdate=function(t,e){e.height==this.state.height&&e.width==this.state.width||this.props.onResize(this.state.height,this.state.width)},e.prototype.componentWillUnmount=function(){document.removeEventListener("mousemove",this.onMouseMove,!1),document.removeEventListener("mouseup",this.onMouseUp),s()(window).off("resize",this.onWindowResize),this.onWindowResize.cancel()},e.prototype.render=function(){return A.createElement("div",{ref:this.div_ref,style:{height:this.state.height},className:l.resizableH+" "+(this.state.removing?l.pendingDelete:"")},this.props.children)},e.defaultProps={borderSize:4,minHeight:100},e}(A.Component)},2207:function(t,e,n){"use strict";n.d(e,{t:function(){return r},s:function(){return i}});var r=function(){function t(t){this.params={},this.prefix=""==t?"":t+"."}return t.prototype.get=function(t,e){return this._get(this.prefix+t,e)},t.prototype.set=function(t,e){this._set(this.prefix+t,e)},t.prototype._get=function(t,e){if(void 0!==this.params[t])return this.params[t];var n=new URLSearchParams(location.search).get(t);return null===n?e:JSON.parse(n)},t.prototype._set=function(t,e){var n=new URLSearchParams(location.search);n.set(t,JSON.stringify(e));try{history.replaceState({},"title","?"+n.toString())}catch(n){this.params[t]=e}},t.prototype.children=function(e){return new t(this.prefix+e)},t}(),i=function(){function t(t,e){this.params={},this.prefix=""==t?"":t+".",this.params=e}return t.prototype.get=function(t,e){var n=this.params[this.prefix+t];return void 0!==n?n:e},t.prototype.set=function(t,e){this.params[this.prefix+t]=e},t.prototype.clear=function(){var t=this;Object.keys(this.params).filter((function(e){return e.startsWith(t.prefix)})).forEach((function(e){return delete t.params[e]}))},t.prototype.children=function(e){return new t(this.prefix+e,this.params)},t}()},1312:function(t,e,n){"use strict";n.d(e,{F:function(){return a},p:function(){return l}});var r=n(2673),i=n(9925);function o(t,e,n){var r={end:-e,start:0,left:0,middle:-e/2}[t];return n&&(r<n[0]?r=n[0]:r+e>n[1]&&(r=n[1]-e)),r}function a(t,e){var n=Math.floor(t.children[0].children[0].clientWidth+2),r=Math.floor(t.children[0].children[0].clientHeight+2),i=t.getAttribute("text-anchor"),a=t.children[0].children[1],l=o(i,n,e);if(t.setAttribute("x",""+l),a){var h=o(i,80,e)-l,s=Math.min(80,80-h);a.style.marginLeft=h+"px",a.style.width=s+"px"}t.style.width=n+"px",t.style.height=r+"px",t.style.overflow="visible"}function l(t,e,n){void 0===n&&(n="Right click for options");var o=document.createElementNS("http://www.w3.org/2000/svg","foreignObject"),a=r.select(o).append("xhtml:div").classed(i.Z.tooltipContainer,!0).classed(i.Z.label,!0);return a.append("xhtml:span").attr("class",t.label_css).classed("label-name",!0).classed(i.Z.axisLabelText,!0).classed("d-inline-block",!0).html(t.label_html).on("contextmenu",(function(){e&&(e.current.show(r.event.pageX,r.event.pageY,t.name),r.event.preventDefault(),r.event.stopPropagation())})),n&&a.append("div").classed(i.Z.tooltiptext,!0).classed(i.Z.tooltipBot,!0).text(n),o}},7223:function(t,e,n){"use strict";n.d(e,{J:function(){return g}});var r,i=n(6651),o=n.n(i),a=n(6255),l=n(2673),h=n(7949),s=n(9343),A=n(9449),d=n(9925),c=n(5273),u=n(7970),p=n(1312),m=n(8242),f=(r=function(t,e){return(r=Object.setPrototypeOf||{__proto__:[]}instanceof Array&&function(t,e){t.__proto__=e}||function(t,e){for(var n in e)e.hasOwnProperty(n)&&(t[n]=e[n])})(t,e)},function(t,e){function n(){this.constructor=t}r(t,e),t.prototype=null===e?Object.create(e):(n.prototype=e.prototype,new n)}),g=function(t){function e(e){var n=t.call(this,e)||this;return n.on_resize=null,n.m=[80,40,10,10],n.dimensions_dom=null,n.render_speed=10,n.animloop=null,n.root_ref=a.createRef(),n.foreground_ref=a.createRef(),n.highlighted_ref=a.createRef(),n.svg_ref=a.createRef(),n.svgg_ref=a.createRef(),n.yscale={},n.d3brush=l.brushY(),n.onBrushChange=h.ZP.throttle(function(){this.sendBrushExtents(),this.pplot.brush()}.bind(n),75),n.sendBrushExtents=h.ZP.debounce(function(){this.props.sendMessage("brush_extents",function(){var t=this.yscale,e={};return this.dimensions_dom.selectAll("."+d.Z.brush).each((function(n){var r=l.brushSelection(this);null!==r&&(e[n]=(0,A.Bw)(t[n],r))})),e}.bind(this))}.bind(n),400),n.forceHideColumn=function(t){return void 0===t||t.distinct_values.length<=1||t.type==s._R.CATEGORICAL&&t.distinct_values.length>this.props.categoricalMaximumValues}.bind(n),n.position=function(t){return this.state.dragging&&t==this.state.dragging.col?this.state.dragging.pos:this.xscale(t)}.bind(n),n.update_ticks=function(t,e){var n=l.select(this.root_ref.current),r=this;if(t){var i=l.select(this.svg_ref.current).selectAll("."+d.Z.brush).filter((function(e){return e==t}));this.d3brush.move(i,e)}else l.select(this.svg_ref.current).selectAll("."+d.Z.brush).each((function(t){l.select(this).call(r.d3brush)}));n.selectAll("."+d.Z.axis+" g").style("display",null),n.selectAll(".background").style("visibility",null),n.selectAll("."+d.Z.axis).each((function(t,e){l.select(this).selectAll("line").style("display","none"),l.select(this).transition().duration(720).call(r.axis.scale(r.yscale[t])),l.select(this).selectAll("line").transition().delay(800).style("display",null),l.select(this).selectAll("text").style("font-weight",null).style("font-size",null).style("display",null)})),r.setState((function(t){return{brush_count:t.brush_count+1}}))}.bind(n),n.paths=function(t,e,n){var r=this,i=t.length,o=0,a=l.min([2/Math.pow(i,.3),1]),s=(new Date).getTime(),A=h.ZP.shuffle(t);e.clearRect(0,0,this.w+1,this.h+1),this.animloop&&this.animloop.stop(),i>0&&(this.animloop=l.timer((function(){if(o>=i||n<r.state.brush_count)return!0;var t=l.min([o+r.render_speed,i]);!function(t,n,i,o){t.slice(n,i).forEach((function(t){r.path(t,e,r.props.get_color_for_row(t,o))}))}(A,o,t,a),o=t,s=function(t){var e=(new Date).getTime()-t;return r.render_speed=Math.max(Math.ceil(30*r.render_speed/e),8),r.render_speed=Math.min(r.render_speed,300),(new Date).getTime()}(s)})))}.bind(n),n.path=function(t,e,n){n&&(e.strokeStyle=n);var r,i,o=!1;this.state.dimensions.map(function(n){var a=void 0===t[n];a||"inf"!=t[n]&&"-inf"!=t[n]||!this.props.params_def[n].numeric||(a=!0);var l=this.xscale(n),h=this.yscale[n](t[n]);if(isNaN(h)&&(a=!0),a)return o&&(e.lineTo(r+15,i),e.stroke()),void(o=!1);o||(r=l-15,i=h,e.moveTo(r,i),e.beginPath(),o=!0);var s=l-.88*(l-r),A=i,d=l-.12*(l-r),c=h;e.bezierCurveTo(s,A,d,c,l,h),r=l,i=h}.bind(this)),o&&(e.lineTo(r+15,i),e.stroke())}.bind(n),n.state={height:e.persistentState.get("height",e.window_state.height?e.window_state.height:600),width:0,order:e.persistentState.get("order",e.order?e.order:[]),hide:new Set(e.persistentState.get("hide",e.hide?e.hide:[])),invert:new Set(e.persistentState.get("invert",e.invert?e.invert:[])),dimensions:[],brush_count:0,dragging:null},n}return f(e,t),e.prototype.componentWillUnmount=function(){l.select(this.svgg_ref.current).selectAll("*").remove(),this.animloop&&this.animloop.stop(),this.props.context_menu_ref&&this.props.context_menu_ref.current&&this.props.context_menu_ref.current.removeCallbacks(this),this.onBrushChange.cancel(),this.sendBrushExtents.cancel()},e.prototype.componentDidUpdate=function(t,e){if(e.height==this.state.height&&e.width==this.state.width||null!=this.on_resize&&this.on_resize(),e.invert!=this.state.invert&&this.props.persistentState.set("invert",Array.from(this.state.invert)),e.hide!=this.state.hide&&this.props.persistentState.set("hide",Array.from(this.state.hide)),e.order!=this.state.order&&this.props.persistentState.set("order",this.state.order),e.dimensions!=this.state.dimensions&&void 0!==this.xscale){var n=l.select(this.svgg_ref.current).selectAll(".dimension");this.xscale.domain(this.state.dimensions),this.dimensions_dom.filter(function(t){return-1==this.state.dimensions.indexOf(t)}.bind(this)).remove(),this.dimensions_dom=this.dimensions_dom.filter(function(t){return-1!==this.state.dimensions.indexOf(t)}.bind(this)),this.state.dragging||m.s$||(n=n.transition()),n.attr("transform",function(t){return"translate("+this.position(t)+")"}.bind(this)),(0,m.E0)(),this.update_ticks(),this.updateAxisTitlesAnglesAndFontSize()}if(t.rows_highlighted!=this.props.rows_highlighted&&(this.highlighted.clearRect(0,0,this.w,this.h),0==this.props.rows_highlighted.length?l.select(this.foreground_ref.current).style("opacity",null):(l.select(this.foreground_ref.current).style("opacity","0.25"),this.props.rows_highlighted.forEach(function(t){this.path(t,this.highlighted,this.props.get_color_for_row(t,1))}.bind(this)))),this.pplot&&(this.state.dimensions!=e.dimensions||t.params_def!=this.props.params_def)){var r=[];this.state.dimensions.forEach(function(t){var e=this.createScale(t);null!==e?this.yscale[t]=e:r.push(t)}.bind(this)),r.forEach(function(t){this.remove_axis(t)}.bind(this))}var i=new Set(e.dimensions);this.pplot&&!function(){for(var t=0,e=0,n=arguments.length;e<n;e++)t+=arguments[e].length;var r=Array(t),i=0;for(e=0;e<n;e++)for(var o=arguments[e],a=0,l=o.length;a<l;a++,i++)r[i]=o[a];return r}(this.state.dimensions).every((function(t){return i.has(t)}))&&this.pplot.redraw_axis(),this.pplot&&t.params_def!=this.props.params_def&&(this.brush_clear_all(),this.update_ticks(),this.animloop&&this.animloop.stop()),t.rows_selected!=this.props.rows_selected||t.colorby!=this.props.colorby||e.height!=this.state.height||e.width!=this.state.width?this.setState((function(t){return{brush_count:t.brush_count+1}})):e.brush_count!=this.state.brush_count&&this.paths(this.props.rows_selected,this.foreground,this.state.brush_count),this.props.window_state.height=this.state.height},e.prototype.onResize=function(t,e){this.state.height==t&&this.state.width==e||this.setState({height:t,width:e})},e.prototype.render=function(){return a.createElement(c.o,{initialHeight:this.state.height,onResize:this.onResize.bind(this)},a.createElement("div",{ref:this.root_ref,className:d.Z["parallel-plot-chart"]+" pplot-root",style:{height:this.state.height}},a.createElement("canvas",{ref:this.foreground_ref,className:d.Z["background-canvas"]}),a.createElement("canvas",{ref:this.highlighted_ref,className:d.Z["highlight-canvas"]}),a.createElement("svg",{ref:this.svg_ref,width:this.state.width,height:this.state.height},a.createElement("g",{ref:this.svgg_ref,transform:"translate("+this.m[3]+", "+this.m[0]+")"}))))},e.prototype.componentDidMount=function(){var t=l.keys(this.props.params_def).filter(function(t){return!this.forceHideColumn(this.props.params_def_unfiltered[t])&&!this.state.hide.has(t)&&(this.yscale[t]=this.createScale(t),!0)}.bind(this)).reverse().sort(function(t,e){var n=this.state.order.findIndex((function(e){return e==t})),r=this.state.order.findIndex((function(t){return t==e}));return(-1==r?this.state.order.length:r)-(-1==n?this.state.order.length:n)}.bind(this));this.setState({width:0==this.state.width?this.root_ref.current.offsetWidth:this.state.width,dimensions:t,order:Array.from(t)},this.initParallelPlot.bind(this)),this.props.context_menu_ref&&this.props.context_menu_ref.current&&this.props.context_menu_ref.current.addCallback(this.columnContextMenu.bind(this),this)},e.prototype.columnContextMenu=function(t,e){if(this.can_restore_axis(t)){var n=o()('<a class="dropdown-item" href="#">Restore in Parallel Plot</a>');n.click(function(e){this.restore_axis(t),e.preventDefault()}.bind(this)),o()(e).append(n)}},e.prototype.initParallelPlot=function(){var t=this,e=this.div=l.select(t.root_ref.current),n=l.select(t.svg_ref.current);function r(){t.xscale.domain(t.state.dimensions),t.dimensions_dom&&t.dimensions_dom.remove(),t.dimensions_dom=l.select(t.svgg_ref.current).selectAll(".dimension").data(t.state.dimensions.slice().reverse()).enter().append("svg:g").attr("class","dimension").attr("transform",(function(e){return"translate("+t.xscale(e)+")"})).call(l.drag().on("start",(function(e){t.setState({dragging:{col:e,pos:t.xscale(e),origin:t.xscale(e),dragging:!1}}),l.select(t.foreground_ref.current).style("opacity","0.35")})).on("drag",(function(e){var n=l.event.dx,r=l.select(this).select("."+d.Z.brush);t.setState((function(r,i){return{dragging:{col:e,pos:Math.min(t.w,Math.max(0,r.dragging.pos+n)),origin:r.dragging.origin,dragging:!0}}}),(function(){t.state.dragging.pos<12||t.state.dragging.pos>t.w-12?r.style("fill","red"):r.style("fill",null)}));var i=Array.from(t.state.dimensions);i.sort((function(e,n){return t.position(e)-t.position(n)})),i.every((function(e,n){return e==t.state.dimensions[n]}))||t.setState({dimensions:i}),t.dimensions_dom.attr("transform",(function(e){return"translate("+t.position(e)+")"})),(0,m.E0)()})).on("end",(function(n){if(t.state.dragging.dragging){var r=l.select(this);m.s$||(r=r.transition()),r.attr("transform","translate("+t.xscale(n)+")"),o=i()[n]}else var o=function(n){var r=i(),o=null!==r[n]?[t.h-r[n][1],t.h-r[n][0]]:null;return t.state.invert.has(n)?(t.setState((function(t,e){var r=new Set(t.invert);return r.delete(n),{invert:r}})),t.setScaleRange(n),e.selectAll("."+d.Z.label).filter((function(t){return t==n})).style("text-decoration",null)):(t.setState((function(t,e){var r=new Set(t.invert);return r.add(n),{invert:r}})),t.setScaleRange(n),e.selectAll("."+d.Z.label).filter((function(t){return t==n})).style("text-decoration","underline")),o}(n);t.state.dragging.pos<12||t.state.dragging.pos>t.w-12?t.remove_axis(n):t.setState({order:Array.from(t.state.dimensions)}),t.update_ticks(n,o),l.select(t.foreground_ref.current).style("opacity",null),t.setState({dragging:null})}))),t.dimensions_dom.append("svg:g").attr("class",d.Z.axis).attr("transform","translate(0,0)").each((function(e){console.assert(t.yscale[e],e,t.yscale,this),l.select(this).call(t.axis.scale(t.yscale[e]))})).append((function(e){return(0,p.p)(t.props.params_def[e],t.props.context_menu_ref,"Drag to move, right click for options")})).attr("y",-20).attr("text-anchor","left").classed("pplot-label",!0).classed(d.Z.pplotLabel,!0),t.dimensions_dom.selectAll(".label-name").style("font-size","20px"),t.dimensions_dom.selectAll(".pplot-label").each((function(e){(0,p.F)(this,[5-t.xscale(e),-t.xscale(e)+t.state.width-5])})).attr("x",0).style("width","1px"),t.updateAxisTitlesAnglesAndFontSize(),t.dimensions_dom.append("svg:g").classed(d.Z.brush,!0).classed("pplot-brush",!0).each((function(e){l.select(this).call(t.d3brush)})).selectAll("rect").style("visibility",null).append("title").text("Drag up or down to brush along this axis"),t.dimensions_dom.selectAll(".extent").append("title").text("Drag or resize this filter")}function i(){var e={};return t.dimensions_dom.selectAll("."+d.Z.brush).each((function(t){e[t]=l.brushSelection(this)})),e}function o(){void 0!==t.props.context_menu_ref&&t.props.context_menu_ref.current.hide();var n=i(),r=t.state.dimensions.filter((function(t){return null!==n[t]&&void 0!==n[t]}));t.dimensions_dom.each((function(e){if(h.ZP.include(r,e)){var i=t.yscale[e],o=n[e];l.select(this).selectAll("text").classed(d.Z.tickSelected,!0).style("display",(function(){if(l.select(this).classed(d.Z.label))return null;var t=l.select(this).data();return o[0]<=i(t)&&i(t)<=o[1]?null:"none"}))}else l.select(this).selectAll("text").classed(d.Z.tickSelected,!1).style("display",null);l.select(this).selectAll("."+d.Z.label).style("display",null)})),e.selectAll("."+d.Z.label).style("font-weight",(function(t){return h.ZP.include(r,t)?"bold":null}));var o=r.map((function(e){var r,i,o=t.yscale[e],a=n[e],l=(0,A.Bw)(o,a);if(l.type==s._R.CATEGORICAL&&!l.values)return{type:u.vA.Not,data:{type:u.vA.All,data:[]}};if(l.type==s._R.CATEGORICAL){if(0==l.values.length)return{type:u.vA.None,data:{}};r=l.values[0],i=l.values[l.values.length-1],console.assert(typeof r==typeof i,r,i)}else r=Math.min.apply(Math,l.range),i=Math.max.apply(Math,l.range);return{type:u.vA.Range,data:{col:e,type:l.type,min:r,max:i,include_infnans:l.include_infnans}}})),a=(0,u.sS)(t.props.rows_filtered,o);if(t.props.asserts){var c=[],p=[];t.props.rows_filtered.forEach((function(e){r.every((function(r){var i=t.yscale[r],o=n[r],a=e[r];return o[0]+1<=i(a)&&i(a)<=o[1]-1}))&&c.push(e),r.every((function(r){var i=t.yscale[r],o=n[r],a=e[r];return o[0]-1<=i(a)&&i(a)<=o[1]+1}))&&p.push(e)}));var m=h.ZP.difference(c,a),f=h.ZP.difference(a,p);(f.length||m.length)&&(console.error("Warning! Filter on "+r.join(" ")+" (",o,") does not match actually selected rows"," Computed rows with filter:",a," Missed:",m," Falsely selected:",f),console.error("filters",o,JSON.stringify(o)),m.length&&console.error("first missed",JSON.stringify(m[0])),f.length&&console.error("first falsely selected",JSON.stringify(f[0])))}t.props.setSelected(a,{type:u.vA.All,data:o})}t.foreground=this.foreground_ref.current.getContext("2d"),t.foreground.globalCompositeOperation="destination-over",t.highlighted=this.highlighted_ref.current.getContext("2d"),this.on_resize=h.ZP.debounce((function(){t.compute_dimensions(),e.selectAll(".dimension").attr("transform",(function(e){return"translate("+t.xscale(e)+")"})),n.selectAll("."+d.Z.brush).each((function(e){l.select(this).call(t.d3brush)})),t.axis=t.axis.ticks(1+t.state.height/50),e.selectAll("."+d.Z.axis).each((function(e){l.select(this).call(t.axis.scale(t.yscale[e]))})),t.updateAxisTitlesAnglesAndFontSize(),this.setState((function(t){return{brush_count:t.brush_count+1}})),this.props.sendMessage("height_changed",(function(){return null}))}),100),t.compute_dimensions(),r(),o(),t.sendBrushExtents(),t.setState((function(t){return{brush_count:t.brush_count+1}})),t.pplot={redraw_axis:r,brush:o}},e.prototype.setScaleRange=function(t){var e=[this.h,0];this.state.invert.has(t)&&(e=[0,this.h]),this.yscale[t].range(e)},e.prototype.createScale=function(t){var e=this.props.params_def[t];if(void 0===e)return null;var n=[this.h,0];this.state.invert.has(t)&&(n=[0,this.h]);var r=(0,A.lM)(e);return r.range(n),r.parallel_plot_axis=t,r},e.prototype.updateAxisTitlesAnglesAndFontSize=function(){var t=this.dimensions_dom.node().parentElement.parentElement.getBoundingClientRect().right,e=Math.max(20*Math.PI/180,Math.min(70*Math.PI/180,Math.atan(24*this.state.dimensions.length/this.state.width))),n=80/Math.sin(e)-16;this.dimensions_dom.selectAll(".label-name").each((function(){var r=this.getBoundingClientRect().left,i=Math.min(n,(t-r)/Math.cos(e)),o=Math.min(16,Math.max(6,i/this.clientWidth*parseFloat(this.style.fontSize)));this.style.fontSize=o+"px",this.style.transform="rotate("+(360-180*e/Math.PI)+"deg)",m.s$&&(this.parentElement.style.position="fixed"),this.parentElement.parentElement.setAttribute("y",-o+"")}))},e.prototype.compute_dimensions=function(){this.w=this.state.width-this.m[1]-this.m[3],this.h=this.state.height-this.m[0]-this.m[2],this.axis=l.axisLeft(l.scaleLinear()).ticks(1+this.state.height/50),this.d3brush.extent([[-23,0],[15,this.h]]).on("brush",this.onBrushChange).on("end",this.onBrushChange),this.div.style("height",this.state.height+"px"),this.div.selectAll("canvas").attr("width",this.w).attr("height",this.h).style("padding",this.m.join("px ")+"px"),this.xscale=l.scalePoint().range([40,this.w-40]).domain(this.state.dimensions);var t=this;this.state.dimensions.forEach((function(e){t.setScaleRange(e)})),this.highlighted.lineWidth=4},e.prototype.brush_clear_all=function(){this.d3brush.on("brush",null).on("end",null),this.d3brush.move(this.dimensions_dom.selectAll("."+d.Z.brush),null),this.d3brush.on("brush",this.onBrushChange).on("end",this.onBrushChange),this.onBrushChange()},e.prototype.remove_axis=function(t){void 0!==this.props.params_def[t]&&this.setState((function(e,n){var r=new Set(e.hide);return r.add(t),{hide:r}})),this.setState((function(e,n){return{dimensions:h.ZP.difference(e.dimensions,[t])}}))},e.prototype.can_restore_axis=function(t){var e=this.props.params_def_unfiltered[t];return void 0!==e&&-1===this.state.dimensions.indexOf(t)&&!this.forceHideColumn(e)},e.prototype.restore_axis=function(t){this.can_restore_axis(t)&&this.setState((function(e){var n=new Set(e.hide);return n.delete(t),{hide:n,dimensions:e.dimensions.concat([t])}}))},e.defaultProps={categoricalMaximumValues:80,data:{}},e}(a.Component)},3991:function(t,e,n){"use strict";n.d(e,{V:function(){return C}});var r,i=n(6651),o=n.n(i),a=n(2673),l=n(9449),h=n(9925),s=n(6255),A=n(5273),d=n(7949),c=n(1312),u=n(145),p=(r=function(t,e){return(r=Object.setPrototypeOf||{__proto__:[]}instanceof Array&&function(t,e){t.__proto__=e}||function(t,e){for(var n in e)e.hasOwnProperty(n)&&(t[n]=e[n])})(t,e)},function(t,e){function n(){this.constructor=t}r(t,e),t.prototype=null===e?Object.create(e):(n.prototype=e.prototype,new n)}),m=function(){return(m=Object.assign||function(t){for(var e,n=1,r=arguments.length;n<r;n++)for(var i in e=arguments[n])Object.prototype.hasOwnProperty.call(e,i)&&(t[i]=e[i]);return t}).apply(this,arguments)},f="parent",g="children",C=function(t){function e(e){var n,r=t.call(this,e)||this;r.root_ref=s.createRef(),r.container_ref=s.createRef(),r.canvas_lines_ref=s.createRef(),r.canvas_highlighted_ref=s.createRef(),r.plotXYcontextMenuRef=s.createRef(),r.onResize=d.ZP.debounce(function(t,e){this.state.height==t&&this.state.width==e||this.setState({height:t,width:e})}.bind(r),100),r.drawSelected=function(){this.plot&&this.plot.draw_selected_rows()}.bind(r),r.drawSelectedThrottled=d.ZP.throttle(r.drawSelected,100),n=e.window_state.height?e.window_state.height:e.height?e.height:a.min([a.max([document.body.clientHeight-540,240]),500]);var i=r.props;function o(t){var n=e.persistentState.get(t,e[t]);return void 0===n&&(n=null),null!=n&&void 0===e.params_def[n]?null:n}var l=m(m({},i),{axis_x:o("axis_x"),axis_y:o("axis_y"),width:0,height:n,initialHeight:n});return r.state=m(m({},l),{hover_uid:null,highlightType:r.props.persistentState.get("highlightType",f)}),r}return p(e,t),e.prototype.componentDidMount=function(){if(this.props.context_menu_ref&&this.props.context_menu_ref.current){var t=this;this.props.context_menu_ref.current.addCallback((function(e,n){var r=o()(n);r.append(o()('<div class="dropdown-divider"></div>')),r.append(o()('<h6 class="dropdown-header">'+t.props.name+"</h6>")),["axis_x","axis_y"].forEach((function(n,i){var a="Set as "+["X","Y"][i]+" axis",l=o()('<a class="dropdown-item" href="#">').text(a);t.state[n]==e&&l.addClass("disabled").css("pointer-events","none"),l.click((function(n){0==i?t.setState({axis_x:e}):t.setState({axis_y:e}),n.preventDefault()})),r.append(l)}))}),this)}},e.prototype.mountPlotXY=function(){var t=this;t.plotXYcontextMenuRef.current.removeCallbacks(this),t.plotXYcontextMenuRef.current.addCallback((function(e,n){var r=o()(n);[f,g].forEach((function(e){var n=o()('<a class="dropdown-item" href="#">').text("Highlight: "+e);t.state.highlightType==e&&n.addClass("disabled").css("pointer-events","none"),n.click((function(n){t.setState({highlightType:e}),n.preventDefault()})),r.append(n)}))}),t);var e=a.select(this.root_ref.current);t.svg=e.select("svg");var n,r=[],i=this.canvas_lines_ref.current.getContext("2d");i.globalCompositeOperation="destination-over";var h=this.canvas_highlighted_ref.current.getContext("2d");h.globalCompositeOperation="destination-over";var s,A,u,p,m,C,b,_,v=40,x=20,B=70,k=60;function w(e,n){var r=(0,l.lM)(t.props.params_def[e]);return r.range(n),r}function y(){t.svg.selectAll(".axis_render").remove(),t.svg.selectAll(".brush").remove(),t.svg.attr("viewBox",[0,0,t.state.width,t.state.height]),t.svg.append("g").attr("class","axis_render").call(p),t.svg.append("g").attr("class","axis_render").call(u),t.svg.append("g").attr("class","brush").call(n)}function E(r){if(void 0===r&&(r=!1),r||t.isEnabled()){var i=Math.max(t.props.dots_thickness,t.props.dots_highlighed_thickness,0);m=s=w(t.state.axis_x,[k+i,t.state.width-x-i]),C=A=w(t.state.axis_y,[t.state.height-B-i,v+i]),n=a.brush().extent([[k,v],[t.state.width-x,t.state.height-B]]).on("end",$),u=function(e){return e.attr("transform","translate(50,0)").call(a.axisLeft(A).ticks(1+t.state.height/40).tickSizeInner(80-t.state.width)).call((function(t){return t.select(".domain").remove()})).call((function(e){return e.select(".tick:last-of-type").append((function(){var e=(0,c.p)(t.props.params_def[t.state.axis_y],t.props.context_menu_ref);return a.select(e).attr("y",""+(10-this.transform.baseVal[0].matrix.f)),e})).attr("x",3).attr("text-anchor","start").attr("font-weight","bold").classed("plotxy-label",!0)})).attr("font-size",null).call((function(t){return t.selectAll(".plotxy-label").each((function(){(0,c.F)(this)}))}))},p=function(e){return e.attr("transform","translate(0,"+(t.state.height-B)+")").call(a.axisBottom(s).ticks(1+t.state.width/80).tickSizeInner(110-t.state.height)).call((function(e){return e.select(".tick:last-of-type").each((function(){var e=(0,c.p)(t.props.params_def[t.state.axis_x],t.props.context_menu_ref,null);a.select(e).attr("y",40).attr("text-anchor","end").attr("font-weight","bold").classed("plotxy-label",!0);var n=this.cloneNode(!1);n.appendChild(e),this.parentElement.appendChild(n)}))})).call((function(t){return t.selectAll(".tick").each((function(t,e){var n=this.children[0];2==this.childElementCount&&this.children[1].textLength.baseVal.value&&"line"==n.nodeName&&(this.transform.baseVal.getItem(0).matrix.f+=e%2*20,n.setAttribute("y2",""+(parseFloat(n.getAttribute("y2"))-e%2*20)))}))})).attr("font-size",null).call((function(t){return t.selectAll(".plotxy-label").each((function(){(0,c.F)(this)}))}))},e.selectAll("canvas").attr("width",t.state.width-k-x).attr("height",t.state.height-v-B),e.selectAll("svg").attr("width",t.state.width).attr("height",t.state.height),e.style("height",t.state.height+"px"),e.selectAll("canvas").style("margin","40px 20px 70px 60px"),y()}}function $(){var e=a.event.selection;if(e){if(void 0!==s.invert){var n=[s.invert(e[0][0]),s.invert(e[1][0])];(s=w(t.state.axis_x,[k,t.state.width-x])).domain(n)}if(void 0!==A.invert){var r=[A.invert(e[1][1]),A.invert(e[0][1])];(A=w(t.state.axis_y,[t.state.height-B,v])).domain(r)}}else{if(s===m&&A===C)return;s=m,A=C}y(),S(),t.drawSelectedThrottled()}function D(e,n,i){i.lines_color&&(n.strokeStyle=i.lines_color),i.dots_color&&(n.fillStyle=i.dots_color),i.lines_width&&(n.lineWidth=i.lines_width);var o=t.props.params_def[t.state.axis_x],a=t.props.params_def[t.state.axis_y];function l(t,e,n){return null==t||isNaN(e)||n.numeric&&("inf"==t||"-inf"==t)}function h(e){var n=s(e[t.state.axis_x]),h=A(e[t.state.axis_y]);return n-=k,h-=v,l(e[t.state.axis_x],n,o)||l(e[t.state.axis_y],h,a)?null:(i.remember&&r.push({layerX:n+k,layerY:h+v,dp:e}),{x:n,y:h})}var d=h(e);if(null!==d){if(e.from_uid&&i.lines_width>0){var c=t.props.dp_lookup[e.from_uid];if(c){var u=h(c);null!==u&&(n.beginPath(),n.moveTo(u.x,u.y),n.lineTo(d.x,d.y),n.stroke())}else console.log("DataPoint with id "+e.from_uid+" not found (dp.from_uid)",e)}i.dots_thickness>0&&(n.beginPath(),n.arc(d.x,d.y,i.dots_thickness,0,2*Math.PI,!0),n.fill())}}function F(){if(t.isEnabled()){S();var e=t.props,n=t.state.height*t.state.width/4e5,r=null!==e.lines_opacity?e.lines_opacity:a.min([3*n/Math.pow(t.props.rows_selected.length,.3),1]),o=null!==e.dots_opacity?e.dots_opacity:a.min([4*n/Math.pow(t.props.rows_selected.length,.3),1]);t.props.rows_selected.forEach((function(n){D(n,i,{lines_color:t.props.get_color_for_row(n,r),lines_width:e.lines_thickness,dots_color:t.props.get_color_for_row(n,o),dots_thickness:e.dots_thickness,remember:!0})}))}}function S(){i.clearRect(0,0,t.state.width,t.state.height),h.clearRect(0,0,t.state.width,t.state.height),r=[]}function M(e){if(null===e.from_uid)return[];var n=t.props.dp_lookup[e.from_uid];return void 0===n?[]:[n]}b=o()(t.root_ref.current).position().top,_=o()(t.root_ref.current).position().left,e.selectAll("canvas").style("top",b+"px").style("left",_+"px"),t.svg.style("top",b+"px").style("left",_+"px"),t.svg.call((function(e,n){var i=t.svg.append("g").attr("display","none");function l(){a.event.preventDefault();var e=null,n=null;if(o().each(r,(function(t,r){var i=Math.pow(r.layerX-a.event.layerX,2)+Math.pow(r.layerY-a.event.layerY,2);(null==n||i<n)&&(n=i,e=r)})),null===e)return i.attr("transform","translate("+a.event.layerX+","+a.event.layerY+")"),void i.select("text").text("No point found?!");t.setState({hover_uid:e.dp.uid}),i.attr("transform","translate("+e.layerX+","+e.layerY+")"),i.select("text").text(t.props.render_row_text(e.dp))}function h(){i.attr("display",null)}function s(){t.setState({hover_uid:null}),i.attr("display","none")}i.append("circle").attr("r",2.5),i.append("text").style("font","10px sans-serif").attr("text-anchor","middle").attr("y",-8),"ontouchstart"in document?e.style("-webkit-tap-highlight-color","transparent").on("touchmove",l).on("touchstart",h).on("touchend",s):e.on("mousemove",l).on("mouseenter",h).on("mouseleave",s)}));var I={};function z(t){return I[t.uid]||[]}function T(){E(!0),S(),t.drawSelectedThrottled()}return T(),F(),t.drawSelectedThrottled.cancel(),{clear_canvas:S,update_axis:T,recompute_scale:E,draw_selected_rows:F,draw_highlighted:function(){var e;if(t.isEnabled()){var n=t.props.rows_highlighted;if(h.clearRect(0,0,t.state.width,t.state.height),a.select(t.canvas_highlighted_ref.current).style("opacity","0"),a.select(t.canvas_lines_ref.current).style("opacity","1.0"),n.length){a.select(t.canvas_highlighted_ref.current).style("opacity","1.0"),a.select(t.canvas_lines_ref.current).style("opacity","0.5"),I={},t.state.highlightType==g&&t.props.rows_filtered.forEach((function(t){null!==t.from_uid&&(void 0===I[t.from_uid]?I[t.from_uid]=[t]:I[t.from_uid].push(t))}));for(var r=(e={},e[g]=z,e[f]=M,e)[t.state.highlightType],i=new Set(n),o=new Set;i.size;){var l=i;i=new Set,l.forEach((function(t){o.has(t)||(o.add(t),r(t).forEach((function(t){i.add(t)})))}))}o.forEach((function(e){var n=t.props.get_color_for_row(e,1).split(",");D(e,h,{lines_color:[n[0],n[1],n[2],"1)"].join(","),lines_width:4,dots_color:[n[0],n[1],n[2],"0.8)"].join(","),dots_thickness:t.props.dots_highlighed_thickness})}))}}},on_resize:d.ZP.debounce(function(){this.isEnabled()&&(E(),F())}.bind(this),150)}},e.prototype.disable=function(){this.setState({axis_x:null,axis_y:null,height:this.state.initialHeight})},e.prototype.render=function(){return this.isEnabled()?s.createElement(A.o,{initialHeight:this.state.height,onResize:this.onResize,onRemove:this.disable.bind(this)},s.createElement(u.x,{ref:this.plotXYcontextMenuRef}),this.state.width>0&&s.createElement("div",{onContextMenu:this.plotXYcontextMenuRef.current.onContextMenu,ref:this.root_ref,style:{height:this.state.height}},s.createElement("canvas",{ref:this.canvas_lines_ref,className:h.Z["plotxy-graph-lines"],style:{position:"absolute"}}),s.createElement("canvas",{ref:this.canvas_highlighted_ref,className:h.Z["plotxy-graph-highlights"],style:{position:"absolute"}}),s.createElement("svg",{className:h.Z["plotxy-graph-svg"],style:{position:"absolute"}}))):[]},e.prototype.componentWillUnmount=function(){this.plot&&(this.plot.clear_canvas(),this.plot.on_resize.cancel(),this.svg.selectAll("*").remove()),this.props.context_menu_ref&&this.props.context_menu_ref.current&&this.props.context_menu_ref.current.removeCallbacks(this),this.drawSelectedThrottled.cancel(),this.onResize.cancel(),this.plotXYcontextMenuRef.current&&this.plotXYcontextMenuRef.current.removeCallbacks(this)},e.prototype.isEnabled=function(){return null!==this.state.axis_x&&null!==this.state.axis_y},e.prototype.componentDidUpdate=function(t,e){var n=!1;if(["axis_x","axis_y"].forEach(function(t){e[t]!=this.state[t]&&(this.props.persistentState.set(t,this.state[t]),n=!0)}.bind(this)),this.state.highlightType!=e.highlightType&&this.props.persistentState.set("highlightType",this.state.highlightType),0!=this.state.width){if(this.isEnabled()&&!this.plot&&(this.plot=this.mountPlotXY()),e.height==this.state.height&&e.width==this.state.width||this.plot&&(this.plot.on_resize(),this.props.sendMessage("height_changed",(function(){return null}))),this.isEnabled()?n&&(this.plot.update_axis(),this.props.sendMessage("height_changed",(function(){return null}))):(null!==this.plot&&(this.plot=null,this.props.sendMessage("height_changed",(function(){return null}))),null!==this.state.hover_uid&&this.setState({hover_uid:null})),this.state.hover_uid!=e.hover_uid&&(null===this.state.hover_uid?this.props.setHighlighted([]):this.props.setHighlighted([this.props.dp_lookup[this.state.hover_uid]])),this.plot){var r=!1,i=this.props.params_def[this.props.colorby]!=t.params_def[t.colorby];this.props.params_def[this.state.axis_x]==t.params_def[this.state.axis_x]&&this.props.params_def[this.state.axis_y]==t.params_def[this.state.axis_y]||(this.plot.recompute_scale(),r=!0),(this.props.rows_selected!=t.rows_selected||r||i)&&this.drawSelectedThrottled(),(this.props.rows_highlighted!=t.rows_highlighted||r||i||this.state.highlightType!=e.highlightType)&&this.plot.draw_highlighted()}this.props.window_state.height=this.state.height}},e.defaultProps={axis_x:null,axis_y:null,lines_thickness:1.2,lines_opacity:null,dots_highlighed_thickness:5,dots_thickness:1.4,dots_opacity:null,data:{}},e}(s.Component)},3921:function(t,e,n){"use strict";n.d(e,{X:function(){return B}});var r,i=n(6651),o=n.n(i),a=n(6255),l=n(557),h=n.n(l),s=n(45),A=n.n(s),d=n(1738),c=n.n(d),u=n(5843),p=n.n(u),m=n(3302),f=n.n(m),g=n(9895),C=n.n(g),b=n(9925),_=n(7949),v=n(7970),x=(r=function(t,e){return(r=Object.setPrototypeOf||{__proto__:[]}instanceof Array&&function(t,e){t.__proto__=e}||function(t,e){for(var n in e)e.hasOwnProperty(n)&&(t[n]=e[n])})(t,e)},function(t,e){function n(){this.constructor=t}r(t,e),t.prototype=null===e?Object.create(e):(n.prototype=e.prototype,new n)});h()(window,o()),A()(window,o()),c()(window,o()),p()(window,o()),f()(window,o()),C()(window,o());var B=function(t){function e(e){var n=t.call(this,e)||this;return n.table_ref=a.createRef(),n.table_container=a.createRef(),n.dt=null,n.ordered_cols=[],n.setSelected_debounced=_.ZP.debounce(n.setSelected,150),n.state={},n}return x(e,t),e.prototype.componentDidMount=function(){this.mountDt()},e.prototype.mountDt=function(){if(this.props.params_def.uid){var t=o()(this.table_ref.current);this.ordered_cols=["uid"];var e=this;if(o().each(this.props.params_def,(function(t,n){"uid"!=t&&e.ordered_cols.push(t)})),e.props.order){var n=function(t){var n=e.props.order.indexOf(t);return-1==n?e.props.order.length:n};e.ordered_cols.sort((function(t,e){return n(t)-n(e)}))}e.ordered_cols.unshift("");var r=e.ordered_cols.indexOf("uid");t.empty();var i=this.ordered_cols.map((function(t){var n=e.props.params_def[t];return{title:""==t?"":o()("<span />").attr("class",n.label_css).html(n.label_html)[0].outerHTML,defaultContent:"null",type:""==t?"html":n.numeric?"num":"string",visible:!e.props.hide||!e.props.hide.includes(t),orderable:""!=t}})),a=this.props.order_by.map((function(t){var n=e.ordered_cols.indexOf(t[0]);return console.assert(n>=0,"TABLE: Column for ordering "+t[0]+" does not exist. Available columns: "+e.ordered_cols.join(",")),[n,t[1]]}));i[0].render=function(t,n,i,o){if(!e.dt)return"";var a=e.dt.colReorder.order().indexOf(r),l=e.props.get_color_for_row(e.props.dp_lookup[i[a]],1);return'<span class="'+b.Z.colorBlock+'" style="background-color: '+l+'" />'},this.dt=t.DataTable({columns:i,data:[],order:a,deferRender:!0,headerCallback:function(t,n,r,i,o){Array.from(t.cells).forEach((function(t,n){var r=t.innerText;""!=r&&null===e.dt&&void 0!==e.props.context_menu_ref&&t.addEventListener("contextmenu",(function(t){e.props.context_menu_ref.current.show(t.pageX,t.pageY,r),t.preventDefault(),t.stopPropagation()}))}))},buttons:[{text:"Select results",className:"btn-sm btn-outline-primary d-none",action:this.setSelectedToSearchResult.bind(this)}],colReorder:!0});var l=o()(this.table_container.current).find(".col-md-6:eq(1)");l.addClass("btn-group"),this.dt.buttons().container().appendTo(l),l.find(".dt-buttons").removeClass("btn-group"),t.on("search.dt",function(){if(this.dt){var t=this.dt.buttons()[0].node;t.classList.remove("d-none"),t.classList.remove("btn-secondary");var e=this.dt.rows({filter:"applied"});""!=this.dt.search()&&0!=e.nodes().length||t.classList.add("d-none")}}.bind(this)),this.empty=!0,t.find("tbody").on("mouseenter","td",(function(){if(e.dt&&!e.empty){var n=e.dt.cell(this).index().row,i=e.dt.row(n),a=e.dt.colReorder.order().indexOf(r);t.find(".table-primary").removeClass("table-primary"),o()(i.nodes()).addClass("table-primary"),e.props.setHighlighted([e.props.dp_lookup[i.data()[a]]])}})).on("mouseout","td",(function(){if(e.dt&&!e.empty){var t=e.dt.cell(this).index().row;o()(e.dt.row(t).nodes()).removeClass("table-primary"),e.props.setHighlighted([])}})),e.setSelected(e.props.rows_selected)}},e.prototype.componentDidUpdate=function(t){var e=!1;if(t.params_def!=this.props.params_def){var n=Object.keys(t.params_def),r=Object.keys(this.props.params_def);if(n.sort(),r.sort(),n.length!=r.length)e=!0;else for(var i=0;i<n.length;++i)if(n[i]!=r[i]||t.params_def[n[i]].numeric!=this.props.params_def[r[i]].numeric){e=!0;break}}e?(this.destroyDt(),this.mountDt()):t.rows_selected==this.props.rows_selected&&t.colorby==this.props.colorby&&t.params_def==this.props.params_def||this.setSelected_debounced(this.props.rows_selected)},e.prototype.setSelectedToSearchResult=function(){var t=this.dt;if(t){var e=t.rows({filter:"applied"}),n=this.ordered_cols.indexOf("uid"),r=[];o().each(e.data(),function(t,e){r.push(this.props.dp_lookup[e[n]])}.bind(this));var i={type:v.vA.Search,data:t.search()};this.props.rows_selected_filter&&(i={type:v.vA.All,data:[this.props.rows_selected_filter,i]}),this.props.setSelected(r,i)}},e.prototype.setSelected=function(t){var e=this.dt;if(e){var n=this.ordered_cols,r=e.colReorder.transpose(Array.from(Array(n.length).keys()),"toOriginal");e.clear(),e.rows.add(t.map((function(t){return r.map((function(e){return""==e?"":t[n[e]]}))}))),""==e.search()?(e.settings()[0].oFeatures.bFilter=!1,e.draw(),e.settings()[0].oFeatures.bFilter=!0):e.draw(),this.empty=0==t.length}},e.prototype.render=function(){return a.createElement("div",{className:b.Z.wrap+" container-fluid "+b.Z["horizontal-scrollable"]},a.createElement("div",{className:"row"},a.createElement("div",{ref:this.table_container,className:"col-md-12 sample-table-container"},a.createElement("table",{ref:this.table_ref,className:"table-hover table-sm sample-rows-table display table-striped table-bordered dataTable"}))))},e.prototype.destroyDt=function(){if(this.dt){var t=this.dt;this.dt=null,t.destroy()}},e.prototype.componentWillUnmount=function(){this.destroyDt(),this.setSelected_debounced.cancel()},e.defaultProps={hide:[],order_by:[["uid","asc"]]},e}(a.Component)},9343:function(t,e,n){"use strict";var r;n.d(e,{_R:function(){return r},KS:function(){return o},IH:function(){return i},RV:function(){return a},tS:function(){return l},Mo:function(){return h}}),function(t){t.CATEGORICAL="categorical",t.NUMERIC="numeric",t.NUMERICLOG="numericlog",t.NUMERICPERCENTILE="numericpercentile",t.TIMESTAMP="timestamp"}(r||(r={}));var i,o=function(){function t(){}return t.from_iterable=function(t){return{datapoints:t.map((function(t,e){var n=void 0!==t.uid?t.uid:""+e,r=void 0!==t.from_uid?t.from_uid:null,i=Object.assign({},t);return delete i.uid,delete i.from_uid,{uid:n,from_uid:r,values:i}})),parameters_definition:{},display_data:{}}},t}();!function(t){t[t.None=0]="None",t[t.Loading=1]="Loading",t[t.Loaded=2]="Loaded",t[t.Error=3]="Error"}(i||(i={}));var a="color_by",l="params",h="filters"},5042:function(){}},__webpack_module_cache__={};function __webpack_require__(t){var e=__webpack_module_cache__[t];if(void 0!==e)return e.exports;var n=__webpack_module_cache__[t]={id:t,loaded:!1,exports:{}};return __webpack_modules__[t].call(n.exports,n,n.exports,__webpack_require__),n.loaded=!0,n.exports}__webpack_require__.amdD=function(){throw new Error("define cannot be used indirect")},__webpack_require__.amdO={},__webpack_require__.n=function(t){var e=t&&t.__esModule?function(){return t.default}:function(){return t};return __webpack_require__.d(e,{a:e}),e},__webpack_require__.d=function(t,e){for(var n in e)__webpack_require__.o(e,n)&&!__webpack_require__.o(t,n)&&Object.defineProperty(t,n,{enumerable:!0,get:e[n]})},__webpack_require__.g=function(){if("object"==typeof globalThis)return globalThis;try{return this||new Function("return this")()}catch(t){if("object"==typeof window)return window}}(),__webpack_require__.o=function(t,e){return Object.prototype.hasOwnProperty.call(t,e)},__webpack_require__.r=function(t){"undefined"!=typeof Symbol&&Symbol.toStringTag&&Object.defineProperty(t,Symbol.toStringTag,{value:"Module"}),Object.defineProperty(t,"__esModule",{value:!0})},__webpack_require__.nmd=function(t){return t.paths=[],t.children||(t.children=[]),t};var __webpack_exports__={};!function(){"use strict";__webpack_require__.r(__webpack_exports__),__webpack_require__.d(__webpack_exports__,{build_props:function(){return ct},render:function(){return ut}});var t=__webpack_require__(3059),e=__webpack_require__(1308),n=__webpack_require__(6255),r=__webpack_require__(2207),i=__webpack_require__(6929),o=__webpack_require__(973),a=__webpack_require__(914),l=__webpack_require__.n(a);function h(t,e,n,r){return new(n||(n=Promise))((function(i,o){function a(t){try{h(r.next(t))}catch(t){o(t)}}function l(t){try{h(r.throw(t))}catch(t){o(t)}}function h(t){var e;t.done?i(t.value):(e=t.value,e instanceof n?e:new n((function(t){t(e)}))).then(a,l)}h((r=r.apply(t,e||[])).next())}))}function s(t,e){var n,r,i,o,a={label:0,sent:function(){if(1&i[0])throw i[1];return i[1]},trys:[],ops:[]};return o={next:l(0),throw:l(1),return:l(2)},"function"==typeof Symbol&&(o[Symbol.iterator]=function(){return this}),o;function l(o){return function(l){return function(o){if(n)throw new TypeError("Generator is already executing.");for(;a;)try{if(n=1,r&&(i=2&o[0]?r.return:o[0]?r.throw||((i=r.return)&&i.call(r),0):r.next)&&!(i=i.call(r,o[1])).done)return i;switch(r=0,i&&(o=[2&o[0],i.value]),o[0]){case 0:case 1:i=o;break;case 4:return a.label++,{value:o[1],done:!1};case 5:a.label++,r=o[1],o=[0];continue;case 7:o=a.ops.pop(),a.trys.pop();continue;default:if(!((i=(i=a.trys).length>0&&i[i.length-1])||6!==o[0]&&2!==o[0])){a=0;continue}if(3===o[0]&&(!i||o[1]>i[0]&&o[1]<i[3])){a.label=o[1];break}if(6===o[0]&&a.label<i[1]){a.label=i[1],i=o;break}if(i&&a.label<i[2]){a.label=i[2],a.ops.push(o);break}i[2]&&a.ops.pop(),a.trys.pop();continue}o=e.call(t,a)}catch(t){o=[6,t],r=0}finally{n=i=0}if(5&o[0])throw o[1];return{value:o[0]?o[1]:void 0,done:!0}}([o,l])}}}function A(t,e){var n="function"==typeof Symbol&&t[Symbol.iterator];if(!n)return t;var r,i,o=n.call(t),a=[];try{for(;(void 0===e||e-- >0)&&!(r=o.next()).done;)a.push(r.value)}catch(t){i={error:t}}finally{try{r&&!r.done&&(n=o.return)&&n.call(o)}finally{if(i)throw i.error}}return a}Object.create,Object.create;var d=new Map([["avi","video/avi"],["gif","image/gif"],["ico","image/x-icon"],["jpeg","image/jpeg"],["jpg","image/jpeg"],["mkv","video/x-matroska"],["mov","video/quicktime"],["mp4","video/mp4"],["pdf","application/pdf"],["png","image/png"],["zip","application/zip"],["doc","application/msword"],["docx","application/vnd.openxmlformats-officedocument.wordprocessingml.document"]]);function c(t,e){var n=function(t){var e=t.name;if(e&&-1!==e.lastIndexOf(".")&&!t.type){var n=e.split(".").pop().toLowerCase(),r=d.get(n);r&&Object.defineProperty(t,"type",{value:r,writable:!1,configurable:!1,enumerable:!0})}return t}(t);if("string"!=typeof n.path){var r=t.webkitRelativePath;Object.defineProperty(n,"path",{value:"string"==typeof e?e:"string"==typeof r&&r.length>0?r:t.name,writable:!1,configurable:!1,enumerable:!0})}return n}var u=[".DS_Store","Thumbs.db"];function p(t){return(null!==t.target&&t.target.files?g(t.target.files):[]).map((function(t){return c(t)}))}function m(t,e){return h(this,void 0,void 0,(function(){var n;return s(this,(function(r){switch(r.label){case 0:return t.items?(n=g(t.items).filter((function(t){return"file"===t.kind})),"drop"!==e?[2,n]:[4,Promise.all(n.map(C))]):[3,2];case 1:return[2,f(b(r.sent()))];case 2:return[2,f(g(t.files).map((function(t){return c(t)})))]}}))}))}function f(t){return t.filter((function(t){return-1===u.indexOf(t.name)}))}function g(t){for(var e=[],n=0;n<t.length;n++){var r=t[n];e.push(r)}return e}function C(t){if("function"!=typeof t.webkitGetAsEntry)return _(t);var e=t.webkitGetAsEntry();return e&&e.isDirectory?x(e):_(t)}function b(t){return t.reduce((function(t,e){return function(){for(var t=[],e=0;e<arguments.length;e++)t=t.concat(A(arguments[e]));return t}(t,Array.isArray(e)?b(e):[e])}),[])}function _(t){var e=t.getAsFile();if(!e)return Promise.reject(t+" is not a File");var n=c(e);return Promise.resolve(n)}function v(t){return h(this,void 0,void 0,(function(){return s(this,(function(e){return[2,t.isDirectory?x(t):B(t)]}))}))}function x(t){var e=t.createReader();return new Promise((function(t,n){var r=[];!function i(){var o=this;e.readEntries((function(e){return h(o,void 0,void 0,(function(){var o,a,l;return s(this,(function(h){switch(h.label){case 0:if(e.length)return[3,5];h.label=1;case 1:return h.trys.push([1,3,,4]),[4,Promise.all(r)];case 2:return o=h.sent(),t(o),[3,4];case 3:return a=h.sent(),n(a),[3,4];case 4:return[3,6];case 5:l=Promise.all(e.map(v)),r.push(l),i(),h.label=6;case 6:return[2]}}))}))}),(function(t){n(t)}))}()}))}function B(t){return h(this,void 0,void 0,(function(){return s(this,(function(e){return[2,new Promise((function(e,n){t.file((function(n){var r=c(n,t.fullPath);e(r)}),(function(t){n(t)}))}))]}))}))}var k=__webpack_require__(8801);function w(t,e){return function(t){if(Array.isArray(t))return t}(t)||function(t,e){if("undefined"!=typeof Symbol&&Symbol.iterator in Object(t)){var n=[],r=!0,i=!1,o=void 0;try{for(var a,l=t[Symbol.iterator]();!(r=(a=l.next()).done)&&(n.push(a.value),!e||n.length!==e);r=!0);}catch(t){i=!0,o=t}finally{try{r||null==l.return||l.return()}finally{if(i)throw o}}return n}}(t,e)||function(t,e){if(t){if("string"==typeof t)return y(t,e);var n=Object.prototype.toString.call(t).slice(8,-1);return"Object"===n&&t.constructor&&(n=t.constructor.name),"Map"===n||"Set"===n?Array.from(t):"Arguments"===n||/^(?:Ui|I)nt(?:8|16|32)(?:Clamped)?Array$/.test(n)?y(t,e):void 0}}(t,e)||function(){throw new TypeError("Invalid attempt to destructure non-iterable instance.\nIn order to be iterable, non-array objects must have a [Symbol.iterator]() method.")}()}function y(t,e){(null==e||e>t.length)&&(e=t.length);for(var n=0,r=new Array(e);n<e;n++)r[n]=t[n];return r}var E=function(t){t=Array.isArray(t)&&1===t.length?t[0]:t;var e=Array.isArray(t)?"one of ".concat(t.join(", ")):t;return{code:"file-invalid-type",message:"File type must be ".concat(e)}},$=function(t){return{code:"file-too-large",message:"File is larger than ".concat(t," bytes")}},D=function(t){return{code:"file-too-small",message:"File is smaller than ".concat(t," bytes")}},F={code:"too-many-files",message:"Too many files"};function S(t,e){var n="application/x-moz-file"===t.type||(0,k.Z)(t,e);return[n,n?null:E(e)]}function M(t,e,n){if(I(t.size))if(I(e)&&I(n)){if(t.size>n)return[!1,$(n)];if(t.size<e)return[!1,D(e)]}else{if(I(e)&&t.size<e)return[!1,D(e)];if(I(n)&&t.size>n)return[!1,$(n)]}return[!0,null]}function I(t){return null!=t}function z(t){var e=t.files,n=t.accept,r=t.minSize,i=t.maxSize,o=t.multiple,a=t.maxFiles;return!(!o&&e.length>1||o&&a>=1&&e.length>a)&&e.every((function(t){var e=w(S(t,n),1)[0],o=w(M(t,r,i),1)[0];return e&&o}))}function T(t){return"function"==typeof t.isPropagationStopped?t.isPropagationStopped():void 0!==t.cancelBubble&&t.cancelBubble}function N(t){return t.dataTransfer?Array.prototype.some.call(t.dataTransfer.types,(function(t){return"Files"===t||"application/x-moz-file"===t})):!!t.target&&!!t.target.files}function j(t){t.preventDefault()}function L(t){return-1!==t.indexOf("MSIE")||-1!==t.indexOf("Trident/")}function O(t){return-1!==t.indexOf("Edge/")}function R(){var t=arguments.length>0&&void 0!==arguments[0]?arguments[0]:window.navigator.userAgent;return L(t)||O(t)}function U(){for(var t=arguments.length,e=new Array(t),n=0;n<t;n++)e[n]=arguments[n];return function(t){for(var n=arguments.length,r=new Array(n>1?n-1:0),i=1;i<n;i++)r[i-1]=arguments[i];return e.some((function(e){return!T(t)&&e&&e.apply(void 0,[t].concat(r)),T(t)}))}}function P(t){return function(t){if(Array.isArray(t))return W(t)}(t)||function(t){if("undefined"!=typeof Symbol&&Symbol.iterator in Object(t))return Array.from(t)}(t)||q(t)||function(){throw new TypeError("Invalid attempt to spread non-iterable instance.\nIn order to be iterable, non-array objects must have a [Symbol.iterator]() method.")}()}function G(t,e){return function(t){if(Array.isArray(t))return t}(t)||function(t,e){if("undefined"!=typeof Symbol&&Symbol.iterator in Object(t)){var n=[],r=!0,i=!1,o=void 0;try{for(var a,l=t[Symbol.iterator]();!(r=(a=l.next()).done)&&(n.push(a.value),!e||n.length!==e);r=!0);}catch(t){i=!0,o=t}finally{try{r||null==l.return||l.return()}finally{if(i)throw o}}return n}}(t,e)||q(t,e)||function(){throw new TypeError("Invalid attempt to destructure non-iterable instance.\nIn order to be iterable, non-array objects must have a [Symbol.iterator]() method.")}()}function q(t,e){if(t){if("string"==typeof t)return W(t,e);var n=Object.prototype.toString.call(t).slice(8,-1);return"Object"===n&&t.constructor&&(n=t.constructor.name),"Map"===n||"Set"===n?Array.from(t):"Arguments"===n||/^(?:Ui|I)nt(?:8|16|32)(?:Clamped)?Array$/.test(n)?W(t,e):void 0}}function W(t,e){(null==e||e>t.length)&&(e=t.length);for(var n=0,r=new Array(e);n<e;n++)r[n]=t[n];return r}function H(t,e){var n=Object.keys(t);if(Object.getOwnPropertySymbols){var r=Object.getOwnPropertySymbols(t);e&&(r=r.filter((function(e){return Object.getOwnPropertyDescriptor(t,e).enumerable}))),n.push.apply(n,r)}return n}function Y(t){for(var e=1;e<arguments.length;e++){var n=null!=arguments[e]?arguments[e]:{};e%2?H(Object(n),!0).forEach((function(e){J(t,e,n[e])})):Object.getOwnPropertyDescriptors?Object.defineProperties(t,Object.getOwnPropertyDescriptors(n)):H(Object(n)).forEach((function(e){Object.defineProperty(t,e,Object.getOwnPropertyDescriptor(n,e))}))}return t}function J(t,e,n){return e in t?Object.defineProperty(t,e,{value:n,enumerable:!0,configurable:!0,writable:!0}):t[e]=n,t}function Q(t,e){if(null==t)return{};var n,r,i=function(t,e){if(null==t)return{};var n,r,i={},o=Object.keys(t);for(r=0;r<o.length;r++)n=o[r],e.indexOf(n)>=0||(i[n]=t[n]);return i}(t,e);if(Object.getOwnPropertySymbols){var o=Object.getOwnPropertySymbols(t);for(r=0;r<o.length;r++)n=o[r],e.indexOf(n)>=0||Object.prototype.propertyIsEnumerable.call(t,n)&&(i[n]=t[n])}return i}var X=(0,n.forwardRef)((function(t,e){var r=t.children,i=function(){var t=arguments.length>0&&void 0!==arguments[0]?arguments[0]:{},e=Y(Y({},K),t),r=e.accept,i=e.disabled,o=e.getFilesFromEvent,a=e.maxSize,l=e.minSize,h=e.multiple,s=e.maxFiles,A=e.onDragEnter,d=e.onDragLeave,c=e.onDragOver,u=e.onDrop,p=e.onDropAccepted,m=e.onDropRejected,f=e.onFileDialogCancel,g=e.preventDropOnDocument,C=e.noClick,b=e.noKeyboard,_=e.noDrag,v=e.noDragEventsBubbling,x=(0,n.useRef)(null),B=(0,n.useRef)(null),k=G((0,n.useReducer)(tt,Z),2),w=k[0],y=k[1],E=w.isFocused,$=w.isFileDialogActive,D=w.draggedFiles,I=(0,n.useCallback)((function(){B.current&&(y({type:"openDialog"}),B.current.value=null,B.current.click())}),[y]),L=function(){$&&setTimeout((function(){B.current&&(B.current.files.length||(y({type:"closeDialog"}),"function"==typeof f&&f()))}),300)};(0,n.useEffect)((function(){return window.addEventListener("focus",L,!1),function(){window.removeEventListener("focus",L,!1)}}),[B,$,f]);var O=(0,n.useCallback)((function(t){x.current&&x.current.isEqualNode(t.target)&&(32!==t.keyCode&&13!==t.keyCode||(t.preventDefault(),I()))}),[x,B]),q=(0,n.useCallback)((function(){y({type:"focus"})}),[]),W=(0,n.useCallback)((function(){y({type:"blur"})}),[]),H=(0,n.useCallback)((function(){C||(R()?setTimeout(I,0):I())}),[B,C]),X=(0,n.useRef)([]),V=function(t){x.current&&x.current.contains(t.target)||(t.preventDefault(),X.current=[])};(0,n.useEffect)((function(){return g&&(document.addEventListener("dragover",j,!1),document.addEventListener("drop",V,!1)),function(){g&&(document.removeEventListener("dragover",j),document.removeEventListener("drop",V))}}),[x,g]);var et=(0,n.useCallback)((function(t){t.preventDefault(),t.persist(),ht(t),X.current=[].concat(P(X.current),[t.target]),N(t)&&Promise.resolve(o(t)).then((function(e){T(t)&&!v||(y({draggedFiles:e,isDragActive:!0,type:"setDraggedFiles"}),A&&A(t))}))}),[o,A,v]),nt=(0,n.useCallback)((function(t){if(t.preventDefault(),t.persist(),ht(t),t.dataTransfer)try{t.dataTransfer.dropEffect="copy"}catch(t){}return N(t)&&c&&c(t),!1}),[c,v]),rt=(0,n.useCallback)((function(t){t.preventDefault(),t.persist(),ht(t);var e=X.current.filter((function(t){return x.current&&x.current.contains(t)})),n=e.indexOf(t.target);-1!==n&&e.splice(n,1),X.current=e,e.length>0||(y({isDragActive:!1,type:"setDraggedFiles",draggedFiles:[]}),N(t)&&d&&d(t))}),[x,d,v]),it=(0,n.useCallback)((function(t){t.preventDefault(),t.persist(),ht(t),X.current=[],N(t)&&Promise.resolve(o(t)).then((function(e){if(!T(t)||v){var n=[],i=[];e.forEach((function(t){var e=G(S(t,r),2),o=e[0],h=e[1],s=G(M(t,l,a),2),A=s[0],d=s[1];if(o&&A)n.push(t);else{var c=[h,d].filter((function(t){return t}));i.push({file:t,errors:c})}})),(!h&&n.length>1||h&&s>=1&&n.length>s)&&(n.forEach((function(t){i.push({file:t,errors:[F]})})),n.splice(0)),y({acceptedFiles:n,fileRejections:i,type:"setFiles"}),u&&u(n,i,t),i.length>0&&m&&m(i,t),n.length>0&&p&&p(n,t)}})),y({type:"reset"})}),[h,r,l,a,s,o,u,p,m,v]),ot=function(t){return i?null:t},at=function(t){return b?null:ot(t)},lt=function(t){return _?null:ot(t)},ht=function(t){v&&t.stopPropagation()},st=(0,n.useMemo)((function(){return function(){var t=arguments.length>0&&void 0!==arguments[0]?arguments[0]:{},e=t.refKey,n=void 0===e?"ref":e,r=t.onKeyDown,o=t.onFocus,a=t.onBlur,l=t.onClick,h=t.onDragEnter,s=t.onDragOver,A=t.onDragLeave,d=t.onDrop,c=Q(t,["refKey","onKeyDown","onFocus","onBlur","onClick","onDragEnter","onDragOver","onDragLeave","onDrop"]);return Y(Y(J({onKeyDown:at(U(r,O)),onFocus:at(U(o,q)),onBlur:at(U(a,W)),onClick:ot(U(l,H)),onDragEnter:lt(U(h,et)),onDragOver:lt(U(s,nt)),onDragLeave:lt(U(A,rt)),onDrop:lt(U(d,it))},n,x),i||b?{}:{tabIndex:0}),c)}}),[x,O,q,W,H,et,nt,rt,it,b,_,i]),At=(0,n.useCallback)((function(t){t.stopPropagation()}),[]),dt=(0,n.useMemo)((function(){return function(){var t=arguments.length>0&&void 0!==arguments[0]?arguments[0]:{},e=t.refKey,n=void 0===e?"ref":e,i=t.onChange,o=t.onClick,a=Q(t,["refKey","onChange","onClick"]);return Y(Y({},J({accept:r,multiple:h,type:"file",style:{display:"none"},onChange:ot(U(i,it)),onClick:ot(U(o,At)),autoComplete:"off",tabIndex:-1},n,B)),a)}}),[B,r,h,it,i]),ct=D.length,ut=ct>0&&z({files:D,accept:r,minSize:l,maxSize:a,multiple:h,maxFiles:s}),pt=ct>0&&!ut;return Y(Y({},w),{},{isDragAccept:ut,isDragReject:pt,isFocused:E&&!i,getRootProps:st,getInputProps:dt,rootRef:x,inputRef:B,open:ot(I)})}(Q(t,["children"])),o=i.open,a=Q(i,["open"]);return(0,n.useImperativeHandle)(e,(function(){return{open:o}}),[o]),n.createElement(n.Fragment,null,r(Y(Y({},a),{},{open:o})))}));X.displayName="Dropzone";var K={disabled:!1,getFilesFromEvent:function(t){return h(this,void 0,void 0,(function(){return s(this,(function(e){return[2,(n=t,n.dataTransfer&&t.dataTransfer?m(t.dataTransfer,t.type):p(t))];var n}))}))},maxSize:1/0,minSize:0,multiple:!0,maxFiles:0,preventDropOnDocument:!0,noClick:!1,noKeyboard:!1,noDrag:!1,noDragEventsBubbling:!1};X.defaultProps=K,X.propTypes={children:l().func,accept:l().oneOfType([l().string,l().arrayOf(l().string)]),multiple:l().bool,preventDropOnDocument:l().bool,noClick:l().bool,noKeyboard:l().bool,noDrag:l().bool,noDragEventsBubbling:l().bool,minSize:l().number,maxSize:l().number,maxFiles:l().number,disabled:l().bool,getFilesFromEvent:l().func,onFileDialogCancel:l().func,onDragEnter:l().func,onDragLeave:l().func,onDragOver:l().func,onDrop:l().func,onDropAccepted:l().func,onDropRejected:l().func};var V=X,Z={isFocused:!1,isFileDialogActive:!1,isDragActive:!1,isDragAccept:!1,isDragReject:!1,draggedFiles:[],acceptedFiles:[],fileRejections:[]};function tt(t,e){switch(e.type){case"focus":return Y(Y({},t),{},{isFocused:!0});case"blur":return Y(Y({},t),{},{isFocused:!1});case"openDialog":return Y(Y({},t),{},{isFileDialogActive:!0});case"closeDialog":return Y(Y({},t),{},{isFileDialogActive:!1});case"setDraggedFiles":var n=e.isDragActive,r=e.draggedFiles;return Y(Y({},t),{},{draggedFiles:r,isDragActive:n});case"setFiles":return Y(Y({},t),{},{acceptedFiles:e.acceptedFiles,fileRejections:e.fileRejections});case"reset":return Y(Y({},t),{},{isFileDialogActive:!1,isDragActive:!1,draggedFiles:[],acceptedFiles:[],fileRejections:[]});default:return t}}var et,nt=__webpack_require__(7264),rt=__webpack_require__.n(nt),it=__webpack_require__(7394),ot=(rt()(it.Z,{insert:"head",singleton:!1}),it.Z.locals||{}),at=__webpack_require__(2673),lt=__webpack_require__(9343),ht=(et=function(t,e){return(et=Object.setPrototypeOf||{__proto__:[]}instanceof Array&&function(t,e){t.__proto__=e}||function(t,e){for(var n in e)e.hasOwnProperty(n)&&(t[n]=e[n])})(t,e)},function(t,e){function n(){this.constructor=t}et(t,e),t.prototype=null===e?Object.create(e):(n.prototype=e.prototype,new n)}),st=function(){return(st=Object.assign||function(t){for(var e,n=1,r=arguments.length;n<r;n++)for(var i in e=arguments[n])Object.prototype.hasOwnProperty.call(e,i)&&(t[i]=e[i]);return t}).apply(this,arguments)},At=function(t){function e(e){var n=t.call(this,e)||this;return n.state={currentFileName:null},n}return ht(e,t),e.prototype.componentDidMount=function(){},e.prototype.onDropFiles=function(t,e,n){this.props.onLoadExperiment(new Promise(function(n,r){var i=this;e.length&&n({error:"Unexpected file (is it a CSV file?): "+e[0].file.name+" - "+e[0].errors[0].message}),t.length>1&&n({error:"Uploading more than one file is not supported"}),0==t.length&&n({error:"No file uploaded?"});var o=t[0],a=new FileReader;a.onabort=function(){return n({error:"file reading aborted"})},a.onerror=function(){return n({error:"file reading has failed"})},a.onload=function(){var t,e;n((t=a.result,e=at.csvParse(t),{experiment:lt.KS.from_iterable(e)})),i.setState({currentFileName:o.name})},a.readAsText(o)}.bind(this)))},e.prototype.render=function(){var t=this;return n.createElement(V,{accept:["text/csv","text/plain"],onDrop:this.onDropFiles.bind(this)},(function(e){var r=e.getRootProps,i=e.getInputProps;return n.createElement("section",{className:ot.dropzoneContainer},n.createElement("div",st({},r(),{className:ot.dropzone}),n.createElement("input",st({},i())),null===t.state.currentFileName?n.createElement("p",null,"Drag 'n' drop or click to load a CSV file"):n.createElement("p",null,"Loaded: ",t.state.currentFileName,n.createElement("br",null),"Click to load another CSV file, or drop it here")))}))},e}(n.Component),dt=function(){return(dt=Object.assign||function(t){for(var e,n=1,r=arguments.length;n<r;n++)for(var i in e=arguments[n])Object.prototype.hasOwnProperty.call(e,i)&&(t[i]=e[i]);return t}).apply(this,arguments)};function ct(t){var n={experiment:null,persistentState:new r.t("hip"),plugins:e.rP,comm:null,asserts:!1,dataProvider:i.vc,dark:!1,onChange:null};return void 0!==t&&Object.assign(n,t),void 0!==t.dataProviderName&&(n.dataProvider={webserver:i.vc,upload:At,none:o.l}[t.dataProviderName]),void 0!==t.persistentStateUrlPrefix&&(n.persistentState=new r.t(t.persistentStateUrlPrefix)),n}function ut(r,i){return t.render(n.createElement(n.StrictMode,null,n.createElement(e.Y$,dt({},ct(i)))),r)}}(),hiplot=__webpack_exports__})(); +//# sourceMappingURL=hiplot.bundle.js.map</script> +<script type="text/javascript"> + function _hiplot_setup() { + if (typeof hiplot == "undefined") { + console.info("waiting for HiPlot bundle to be loaded..."); + setTimeout(_hiplot_setup, 1000); + return; + } + var options = {}; + /*ON_LOAD_SCRIPT_INJECT*/ + Object.assign(options, eval('(' + "{\"dataProviderName\": \"none\", \"experiment\": {\"parameters_definition\": {}, \"colormap\": \"interpolateTurbo\", \"colorby\": null, \"weightcolumn\": null, \"display_data\": {\"PARALLEL_PLOT\": {\"order\": [\"loss\", \"trainer.learning_rate\"]}, \"TABLE\": {\"order\": [\"loss\", \"trainer.learning_rate\"]}}, \"enabled_displays\": [\"PARALLEL_PLOT\", \"XY\", \"DISTRIBUTION\", \"TABLE\"], \"datapoints\": [{\"uid\": \"0\", \"values\": {\"loss\": 0.069842129945755, \"trainer.learning_rate\": 0.07741820925074075}, \"from_uid\": null}, {\"uid\": \"1\", \"values\": {\"loss\": 0.07177631556987762, \"trainer.learning_rate\": 0.04394395613123003}, \"from_uid\": null}]}}" + ')')); + + var hiplot_instance = hiplot.render(document.getElementById("hiplot_2c9202c32b1741959c5fc63c934c36c8"), options); + Object.assign(window, {'hiplot_last_instance': hiplot_instance}); // For debugging + /*AFTER_SETUP_SCRIPT_INJECT*/ + } + if (document.readyState == "complete") { + _hiplot_setup(); + } + else { + document.addEventListener("DOMContentLoaded", _hiplot_setup); + } + </script> +</body> +</html></div>uid is the identifier for different hyperopt runs<br><br><div class="plot"><h3>hyperopt_trainer.learning_rate</h3><img src="data:image/png;base64,iVBORw0KGgoAAAANSUhEUgAAAoAAAAHgCAYAAAA10dzkAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuNSwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy/xnp5ZAAAACXBIWXMAAA9hAAAPYQGoP6dpAABd4ElEQVR4nO3dfVxUZf4//hcMYJKJ3CclaigDAoMgohKJQPkx1LgTzASBWFxLqw1aMUsLzRBroxVsC3WR0iwTTC1wV7a1bRdSQ03xi4aRAqLJvQgaOnN+f/Tj6MiNAwwycl7Px4PHNtecc533dTHga891zkFPEAQBRERERCQZ+v1dABERERHdXQyARERERBLDAEhEREQkMQyARERERBLDAEhEREQkMQyARERERBLDAEhEREQkMQyARERERBLDAEhEREQkMQyARERERBLDAEhEREQkMQyARERERBLDAEhEREQkMQyARERERBLDAEhERJ2KjIxEZGRkf5ch0rV6OrNs2TL4+fn1dxlEnWIAJLrLcnJyIJfLceLEiQ7fj4yMxKxZs+5yVf3v119/RVpaGkpKSjTavm0e277GjRuHxx57DMuWLcOvv/7ax9Vqx7Zt25CTk9OrPs6cOYO0tDRUVlZqqSoidXv37sWWLVv6uwzSMoP+LoCICAAuXbqE9PR0PPTQQ3B0dNR4vxdffBEPP/wwWltbcezYMezatQtFRUX46quvMGjQoD6suPe2b98OU1NThISE9LiPM2fOID09HZ6ennj44Ye1WN3vNm/erPU+pWD16tUQBKG/y9CKr776CqWlpYiOju7vUkiLGACJqFtaWlpgbGzc32WIpk6dChcXFwBAWFgYTE1NsXHjRvzrX/9CQEBAP1fXsatXr2Lw4MF3/biCIOC3337Dfffdp/E+RkZGfVhR53Tpc9aTeTM0NOzDinqnvz5/pFu4BEyk4yIiIvDUU091+N7//d//ITY2FgBQWVkJuVyOzZs3Y8uWLfD19YVCoUBERAR++umndvv+/PPPePHFF+Hp6QkXFxeEhITgX//6l9o2bcushw4dwptvvokpU6bAx8dHfH/btm2YOXMmnJ2d4e3tjaSkJFy+fFmtj7Yl7eLiYjz99NNQKBTw8/PD9u3bxW0OHjyIOXPmAABeffVVcVm3J8ujHh4eAICKiooej/fw4cNYuXIlJk2aBHd3dyxduhSNjY3tjtXd8c+fPx+urq5477334Ofnh9LSUhw6dEgc763XtpWXl6O8vLzLsebk5OCll14CACxYsEDs5+DBgwAAPz8//PGPf8R3332HkJAQKBQKfPbZZwCA7OxsLFiwAFOmTIGzszMCAgLw6aeftjvG7dfcHTx4EHK5HLm5ufjb3/4mBvCoqCicO3eu3f4//vgjYmNjMWHCBLi6uiIiIgJFRUVq26SlpUEul+PMmTNISEjAxIkT8cwzz3Q59lu1trZi/fr1eOKJJ+Ds7AwfHx+sW7cOra2tattpOubO5q07Y7/9GsBbfz4///xzPP7443B2dkZoaCiOHz/eroa8vDwEBATAxcUFs2bNwv79+3t0XWFnnz8AyM/Px8KFC+Ht7Q1nZ2c8/vjj2LBhA5RKpdr+Bw4cwPnz58XP1601aDr3pHt4BpCon1y5cgV1dXXt2q9fv672OjAwEK+//jp++ukn2Nvbi+3Hjx/H2bNn8dxzz6lt/+WXX6K5uRnPPPMMfvvtN3zyySeIiorC3r17YWFhAQAoLS3FvHnzYG1tjbi4OBgbGyMvLw+LFy9GWloannjiCbU+k5KSYGZmhsWLF6OlpQXA7/9op6enw8vLC/PmzcMvv/yC7du348SJE9i+fbvaGZDGxkYsXLgQTz75JGbOnIm8vDy8+eabMDQ0xJw5c2BnZ4cXX3wR69evx9y5czFhwgQAgLu7e7fn9fz58wCAoUOHim3dHe+qVaswdOhQLFmyRBxXVVUVPvnkE+jp6XV7/A0NDYiLi8PMmTPx1FNPwdzcHJMmTcLq1athbGyMRYsWAYD4/QEgLrd98803nY514sSJiIyMxCeffIJFixbhkUceAQDY2dmJ2/zyyy9ISEjA3LlzER4ejtGjRwP4ffl57Nix8PPzg4GBAf79738jKSkJgiBg/vz5d5znjRs3Qk9PD88++yyuXLmCTZs24ZVXXsEXX3whblNYWIi4uDg4OztjyZIl0NPTQ05ODqKiovDpp59CoVCo9fnSSy9h5MiRePnllzVePlWpVHjuuedQVFSE8PBw2NnZ4aeffkJWVhbOnj2LDz74QNy2O2PubN40HXtnvvrqKzQ3N2Pu3LnQ09PDpk2b8MILLyA/P1/8zBw4cAAvv/wy7O3tkZCQgMbGRrz22muwtrbWaE5u19HnDwB27doFY2NjxMTEwNjYGN9//z3Wr1+PK1euIDExEQCwaNEiNDU14eLFi3j11VcBAPfff3+35550kEBEd1V2drZgb2/f5dfMmTPF7S9fviy4uLgI77zzjlo/q1evFsaPHy80NzcLgiAIFRUVgr29vaBQKISLFy+K2/3444+Cvb298Pbbb4ttUVFRwqxZs4TffvtNbFOpVMLcuXOF6dOnt6t13rx5wo0bN8T22tpawcnJSXj22WcFpVIptm/dulWwt7cXdu7cKbZFREQI9vb2wt///nex7bfffhMCAwOFKVOmCK2trYIgCMLx48cFe3t7ITs7u1vzWFBQINTW1goXLlwQ9u3bJ0yePFlwdnYWLly40OPxBgcHi3UJgiBs3LhRsLe3F/Lz83s8/u3bt7cbw8yZM4WIiIgOx+fr6yv4+vrecR7y8vIEe3t74fvvv++wD3t7e+E///lPu/euXr3aru3ZZ58V/P391doiIiLUavz+++8Fe3t74cknn1Sbz6ysLMHe3l44ffq0IAi/z+/06dOFZ599VlCpVGrH9fPzE2JiYsS29evXC/b29kJ8fPwdx3t7PV9++aXg4OAgHD58WG277du3C/b29kJRUVG3x9zZvGk6dkEQhMTERLXvX9vPp6enp9DQ0CC25+fnC/b29sI333wjts2aNUuYOnWqcOXKFbHt4MGDgr29vUafiVt19fnraD5WrFghuLq6qo1v4cKFHR63O3NPuodLwET9ZOXKlcjMzGz3JZfL1bZ74IEH4O/vj6+//lo8K6JUKpGXlwd/f/9210k9/vjjamcKFAoFXF1d8e233wL4/WzA999/jyeffFI8C1lXV4f6+np4e3vj7Nmz7e6iDQ8Ph0wmE18XFBTg+vXrWLBgAfT1b/4aCQsLw5AhQ8RjtTEwMMDcuXPF10ZGRpg7dy5qa2tx8uTJnkyfKDo6WlyafvHFFzF48GD87W9/w4MPPtjj8c6dO1ftDN68efNgYGAgjqu74zcyMur2jR7ffPNNl2f/NPXwww/jsccea9d+6/VsTU1NqKurg6enJyoqKtDU1HTHfkNCQtSuD7x96b2kpARnz57F7NmzUV9fL857S0sLpkyZgsOHD0OlUqn1+fTTT3d7fPv27YOdnR0eeeQR8Rh1dXWYPHkyAIjL4d0dc2fzpsnYuxIQEAATE5NO9/3111/x008/ISgoSDzTBgCenp5qKwDd0dnn79b5aPvZ8PDwwNWrV1FWVnbHfrsz96R7uARM1E8UCoV488KtTExMUF9fr9YWFBSE3Nxc/PDDD5g4cSIKCgpQU1ODwMDAdvuPHDmyXduoUaOQl5cH4PdrywRBwF//+lf89a9/7bC22tpatRB5+92lVVVVACAuObYxMjLCiBEjxGXYNlZWVu2C6qhRowD8vmQ7fvz4DuvQxMqVKzF69Gg0NTUhOzsbhw8fVvvHuSfjvX0O77//flhaWorj6u74ra2t++1mis7uDC4qKkJaWhqOHTuGq1evqr3X1NSEBx54oMt+bWxs1F63Lbm3XQN59uxZABCXEjvS1NSkFoZ6chfzuXPn8PPPP2PKlCkdvl9bWyv+d3fG3FUtdxp7V4YPH672um38bfu2fbZsbW3b7Tty5Ej8v//3/+54jNt19vkrLS3F+++/j++//x5XrlxRe0+T/xPQnbkn3cMASHQP8Pb2hoWFBfbs2YOJEydiz549sLS0hJeXV7f7ajvr8uyzz3Z6huP2f3x0+XEqtwbpxx9/HM888wwSEhKwb98+3H///T0ar7Z15+7Ru3Hs8vJyREdH45FHHsGyZcswfPhwGBoa4ttvv8WWLVvanZnryK1nPm/Vdpa67X+XLl3a6WN9bv8/BT35nKlUKtjb24vXp92u7Uxwd8fc1ffsTmPvyq1n0ru7b091NJbLly8jIiICQ4YMwYsvvghbW1sMGjQIJ0+exLvvvqvRZ0DTuSfdxABIdA+QyWSYNWsWdu3ahVdeeQX5+fntlmXbdHQn5tmzZ/HQQw8BAEaMGAHg98dU9CRAAjfPgJSVlYn9Ab/fEVhZWdmu30uXLrV7rEfbGaK2utpurugNmUyG+Ph4LFiwANu2bcPChQt7NN5z586Jy1gA0NzcjOrqakydOhVA98ffGW2MuSd9fPPNN2htbcXf/vY3tbNZ2lyya5uXIUOG9PhzpglbW1ucOnUKU6ZM6XIu7saYtaGtto7uAO/oZ7unDh06hIaGBqSnp2PixIlie0cPFO9sXjWde9JNvAaQ6B4RGBiIxsZGrFy5Ei0tLZ0+GiY/P1/tmrbjx4/jxx9/FMOLubk5PD098fnnn+PSpUvt9u/ozuTbeXl5wdDQEJ988onamYudO3eiqalJ7VExAHDjxg18/vnn4uvW1lZ8/vnnMDMzg5OTEwCIzyXTZBmtK5MmTYJCoUBWVhZ+++23Ho33888/V7sbe/v27bhx44Y4h90df2cGDx7c6Xg1eQxMWx+AZkt2bdr+j8OttbctoWuLs7MzbG1t8fe//x3Nzc3t3tfkc6bJHDz55JP49ddfsWPHjnbvXbt2Tbxr/W6MWRusra1hb28v3s3f5tChQx0+zqmn2s5i3jofra2tHT4WZ/DgwR1+vjSde9JNPANIdI8YN24c7O3txQuv24LT7WxtbTFv3jzMmzcPra2t+PjjjzFs2DD84Q9/ELd544038Mwzz2D27NkIDw/HiBEjUFNTg2PHjuHixYvYs2dPl7WYmZnhj3/8I9LT0/GHP/wBfn5++OWXX/Dpp5/CxcWlXTi1srLCxo0bcf78eYwaNQq5ubkoKSnB6tWrxZstbG1tMXToUHz22We4//77YWxsDIVCoXaGTVOxsbF46aWXkJOTg3nz5nV7vNevX0d0dDSefPJJcVwTJkyAv79/j8bfGScnJ2zfvh0ffPABRo4cCTMzM/F6Kk0eAwMAjo6OkMlk2LhxI5qammBkZITJkyeLj/royKOPPgpDQ0MsWrQITz/9NJqbm/HFF1/A3Nwc1dXVGtV+J/r6+njrrbcQFxeHWbNmISQkBNbW1vj1119x8OBBDBkyBB9++GGXfWgyB4GBgcjLy8Mbb7yBgwcPwt3dHUqlEmVlZdi3bx82bdoEFxeXuzJmbXn55Zfx/PPPY968eQgJCcHly5exbds22Nvbdxime8LNzQ0mJiZYtmwZIiMjoaenh927d3e4FO3k5ITc3FwkJyfDxcUFxsbG8PPz03juSTcxABLdQwIDA/HOO+90ePNHm6CgIOjr6yMrKwu1tbVQKBRYsWIFrKysxG3GjBmD7OxspKenY9euXWhoaICZmRnGjRuHxYsXa1TLCy+8ADMzM2zduhXJyckwMTFBeHg44uPj2/0VBBMTE6xduxZvvfUWduzYAQsLC6xcuRLh4eHiNoaGhli7di3ee+89vPnmm7hx4waSk5N7FACnT58unn0KDw/v9nhXrlyJvXv3Yv369bh+/TpmzpyJ119/XW2Zqzvj78zixYtRVVWFTZs2obm5GZ6enp1eUN8ZS0tLJCUl4aOPPsJrr70GpVKJjz/+uMsA+Mgjj2D9+vV4//33kZKSAgsLC8ybNw9mZmZYvnx5t47flUmTJuHzzz/HBx98gK1bt6KlpQWWlpZQKBRqd4X3hr6+PjZs2IAtW7Zg9+7d2L9/PwYPHoyHH34YkZGR4vP77taYtcHPzw/vvfce0tLS8Je//AWjRo1CcnIyvvzyS5SWlmrlGKampvjwww+RkpKC999/H0OHDsVTTz2FKVOmiA+Xb/PMM8+gpKQEOTk52LJlCx566CH4+flpPPekm/SEvrzylIi0KisrC8nJyfjmm2/a3YlYWVkJf39/LF26tN0v8P4UGRmJ+vp6fPXVV/1dyh3l5OTg1Vdfxc6dO3nmgnROYGAgzMzMkJmZ2d+l0ADAawCJ7hGCIGDnzp2YOHFiu/BHRAPH9evXcePGDbW2gwcP4tSpU/D09Oynqmig4RIwkY5raWnBN998g4MHD+Knn37in1ciGuB+/fVXxMTE4KmnnoKVlRXKysrw2WefwdLSUnxYdkNDQ7s/G3krmUwGMzOzu1Uy3YMYAIl0XF1dHRISEjB06FAsWrRIvBGBiAYmExMTODk54YsvvkBdXR2MjY3h4+ODV155BaampgB+vwb10KFDnfbx0EMPaeUvydDAxWsAiYiI7jHFxcVdPjJp0KBBmDBhwl2siO41DIBEREREEsObQIiIiIgkhtcAkkilUuHGjRvQ19fnn/UhIiLSYYIgQKVSwcDAoNO/T90VBkAS3bhxAydOnOjvMoiIiEhDLi4uMDIy6vZ+DIAkavt/EC4uLuLfzexvSqUSJ06c0Kma+gPn4SbOxU2ci5s4FzdxLm4ayHPRNraenP0DGADpFm3LvjKZTOd+UHSxpv7AebiJc3ET5+ImzsVNnIubBvJc9PSSLd4EQkRERCQxDIBEREREEsMASERERCQxDIBEREREEsMASERERCQxDIBEREREEsMASERERCQxDIBEREREEsMASERERCQxDIBEREREEsMASERERCQx/FvA1KcaW1pRc6UVl69dx9DBhrC43wgmxkb9XRYREZGkMQBSn6lquIrE7OP4rrRGbJs61gJrQxWwGTa4HysjIiKSNi4BD1AXLlxAZGQkAgICMHv2bOTl5d3V4ze2tLYLfwDwn9IaLMs+jsaW1rtaDxEREd3EM4ADlEwmw/Lly+Ho6Ijq6mqEhITAx8cHxsbGd+X4NVda24W/Nv8prUHNlVYuBRMREfUTBsABysrKClZWVgAAS0tLmJqaorGx8a4FwMvXrnf5ftMd3iciIqK+o5NLwH5+fpDL5e2+kpKSOt3n8OHDWLRoEby9vSGXy5Gfn9/tftPS0tq9N2PGDK2PT5NaAWDbtm3w8/ODi4sLwsLCcPz48R4dr7i4GCqVCsOHD+9N2d0y9D7DLt9/4A7vExERUd/RyTOAO3fuhFKpFF+XlpYiJiamyzDW0tICuVyO0NBQLFmypMf9jh07FpmZmeJrmUzWZa1FRUVQKBQwNFQPNGfOnMGwYcNgYWHRo1pzc3ORnJyMpKQkuLq6IisrC7Gxsdi3bx/Mzc0BAIGBgWrjabN582ZYW1sDABoaGpCYmIjVq1d3OQ5tsxhihKljLfCfDpaBp461gMUQLv8SERH1F50MgGZmZmqvMzIyYGtrC09Pz0738fHxgY+PT6/7lclksLS01KhOlUqFVatWYeTIkUhNTRXDYllZGaKiohAdHY24uLge1ZqZmYnw8HCEhoYCAJKSknDgwAFkZ2dj4cKFAIDdu3d32UdraysWL16MuLg4uLu7azQmbTExNsLaUAWWZR9XC4FTx1ogJVTB6/+IiIj6kU4GwFu1trZiz549iImJgZ6eXp/3e+7cOXh7e2PQoEEYP348EhISYGNj02Ef+vr6yMjIQEREBJYuXYp33nkHlZWViIqKgr+/f4fhT9PaTp48iT/+8Y9qx/Ly8sLRo0c16kMQBCxbtgyTJ09GUFBQj+roLZthg5E2zw01V1rRdO06HrjPEBZD+BxAIiKi/qbzATA/Px9NTU0IDg7u834VCgWSk5MxevRoVFdXY8OGDZg/fz727t2LIUOGdNiPtbU1srKyMH/+fCQkJODYsWPw8vLq8nrFO6mvr4dSqRSXetuYm5ujrKxMoz6KioqQm5urdo3hunXrIJfLe1xXT5gYM/ARERHpGp0PgNnZ2Zg6dap4TVtf9nvrsqyDgwNcXV3h6+uLvLw8hIWFddqXjY0N1q1bh4iICIwYMQJr1qzR6tnKnvDw8MCpU6f6tQYiIiLSTTp5F3Cb8+fPo6CgAHPmzOmXfocOHYpRo0ahvLy8y+1qamqwYsUK+Pr64tq1a0hOTu5VfaamppDJZKitrVVrr62t7fCmEiIiIqLu0OkAmJOTA3Nzc0ybNq1f+m1ubkZFRUWXN4XU1dUhOjoadnZ2SE9Px5YtW5Cbm4uUlJQe12dkZAQnJycUFhaKbSqVCoWFhXBzc+txv0RERESADi8Bq1Qq5OTkICgoCAYG6mVu3boV+/fvR1ZWltjW3NysdqausrISJSUlMDExUbuJo6t+U1JS4OvrCxsbG1y6dAlpaWnQ19fHrFmzOq0xLi4ONjY2SE1NhYGBAcaMGYPMzExERUXB2toa0dHR7fbTpNaYmBgkJibC2dkZCoUCWVlZuHr1KkJCQjSfRCIiIqIO6GwALCgoQFVVlfgYlFvV19ejoqJCra24uBgLFiwQX7ctwwYHB2Pt2rUa9Xvx4kXEx8ejoaEBZmZmmDBhAnbs2NHu8TFt9PX1ER8fDw8PDxgZ3bzRwcHBAZmZmZ3up0mtAQEBqKurw/r161FdXQ1HR0ds2rSJS8BERETUa3qCIAj9XQTpBqVSiWPHjmH8+PF3fAD23aKLNfUHzsNNnIubOBc3cS5u4lzcNJDnordj0+lrAImIiIhI+xgAiYiIiCSGAZCIiIhIYhgAiYiIiCSGAZCIiIhIYhgAiYiIiCSGAZCIiIhIYhgAiYiIiCSGAZCIiIhIYhgAiYiIiCSGAZCIiIhIYhgAiYiIiCSGAZCIiIhIYhgAiYiIiCSGAZCIiIhIYhgAiYiIiCSGAZCIiIhIYhgAiYiIiCSGAZCIiIhIYhgAiYiIiCSGAZCIiIhIYhgAiYiIiCSGAZCIiIhIYhgAiYiIiCSGAZCIiIhIYhgAiYiIiCSGAZCIiIhIYhgAiYiIiCSGAZCIiIhIYhgAiYiIiCSGAZCIiIhIYhgAB6ALFy4gMjISAQEBmD17NvLy8vq7JCIiItIhBv1dAGmfTCbD8uXL4ejoiOrqaoSEhMDHxwfGxsb9XRoRERHpAAbAAcjKygpWVlYAAEtLS5iamqKxsZEBkIiIiADco0vAfn5+kMvl7b6SkpI63efw4cNYtGgRvL29IZfLkZ+f326btLS0dn3OmDFDq7VrUgcAbNu2DX5+fnBxcUFYWBiOHz/eo+MVFxdDpVJh+PDhvSmbiIiIBpB78gzgzp07oVQqxdelpaWIiYnpMqy1tLRALpcjNDQUS5Ys6XS7sWPHIjMzU3wtk8k63baoqAgKhQKGhoZq7WfOnMGwYcNgYWHRozpyc3ORnJyMpKQkuLq6IisrC7Gxsdi3bx/Mzc0BAIGBgWpz0Gbz5s2wtrYGADQ0NCAxMRGrV6/udAxEREQkPfdkADQzM1N7nZGRAVtbW3h6ena6j4+PD3x8fO7Yt0wmg6Wl5R23U6lUWLVqFUaOHInU1FQxKJaVlSEqKgrR0dGIi4vrUR2ZmZkIDw9HaGgoACApKQkHDhxAdnY2Fi5cCADYvXt3l320trZi8eLFiIuLg7u7+x3HQ0RERNJxTy4B36q1tRV79uxBaGgo9PT0et3fuXPn4O3tDX9/fyQkJKCqqqrD7fT19ZGRkYGSkhIsXboUKpUK5eXliIqKgr+/f4fhTxOtra04efIkvLy81I7l5eWFo0ePatSHIAhYtmwZJk+ejKCgoB7VQURERAPXPXkG8Fb5+floampCcHBwr/tSKBRITk7G6NGjUV1djQ0bNmD+/PnYu3cvhgwZ0m57a2trZGVlYf78+UhISMCxY8fg5eXV5bWId1JfXw+lUiku9bYxNzdHWVmZRn0UFRUhNzdX7RrDdevWQS6X97guIiIiGjju+QCYnZ2NqVOnite99catS7MODg5wdXWFr68v8vLyEBYW1uE+NjY2WLduHSIiIjBixAisWbNGK2cie8PDwwOnTp3q1xqIiIhId93TS8Dnz59HQUEB5syZ0yf9Dx06FKNGjUJ5eXmn29TU1GDFihXw9fXFtWvXkJyc3KtjmpqaQiaToba2Vq29tra2w5tKiIiIiLrrng6AOTk5MDc3x7Rp0/qk/+bmZlRUVHR6U0hdXR2io6NhZ2eH9PR0bNmyBbm5uUhJSenxMY2MjODk5ITCwkKxTaVSobCwEG5ubj3ul4iIiKjNPbsErFKpkJOTg6CgIBgYqA9j69at2L9/P7KyssS25uZmtTN5lZWVKCkpgYmJCWxsbAAAKSkp8PX1hY2NDS5duoS0tDTo6+tj1qxZHR4/Li4ONjY2SE1NhYGBAcaMGYPMzExERUXB2toa0dHR7fbTpI6YmBgkJibC2dkZCoUCWVlZuHr1KkJCQno1Z0RERETAPRwACwoKUFVVJT4q5Vb19fWoqKhQaysuLsaCBQvE121LtcHBwVi7di0A4OLFi4iPj0dDQwPMzMwwYcIE7Nixo91jZ4Df78yNj4+Hh4cHjIyMxHYHBwdkZmZ2uI+mdQQEBKCurg7r169HdXU1HB0dsWnTJi4BExERkVbcswHQ29sbp0+f7vC9F154AS+88IJa26RJkzrdvk1qamq3anj00Uc7bB83blyn+2hSBwBEREQgIiKiW/UQERERaeKevgaQiIiIiLqPAZCIiIhIYhgAiYiIiCSGAZCIiIhIYhgAiYiIiCSGAZCIiIhIYhgAiYiIiCSGAZCIiIhIYhgAiYiIiCSGAZCIiIhIYhgAiYiIiCSGAZCIiIhIYhgAiYiIiCSGAZCIiIhIYhgAiYiIiCSGAZCIiIhIYhgAiYiIiCSGAZCIiIhIYhgAiYiIiCSGAZCIiIhIYhgAiYiIiCSGAZCIiIhIYhgAiYiIiCSGAZCIiIhIYhgAiYiIiCSGAZCIiIhIYhgAiYiIiCSGAZCIiIhIYhgAiYiIiCSGAZCIiIhIYhgAiYiIiCSGAXCAunDhAiIjIxEQEIDZs2cjLy+vv0siIiIiHWHQ3wVQ35DJZFi+fDkcHR1RXV2NkJAQ+Pj4wNjYuL9LIyIion7GADhAWVlZwcrKCgBgaWkJU1NTNDY2MgASERGRbi4B+/n5QS6Xt/tKSkrqdJ/Dhw9j0aJF8Pb2hlwuR35+frttPvroI4SGhsLNzQ1TpkzB888/j7KyMvH9tLS0dsecMWOG1senSa0AsG3bNvj5+cHFxQVhYWE4fvx4j45XXFwMlUqF4cOH96ZsIiIiGiB08gzgzp07oVQqxdelpaWIiYnpMoy1tLRALpcjNDQUS5Ys6XCbQ4cOYf78+XBxcYFSqcR7772H2NhYfP311+KZsbFjxyIzM1PcRyaTdVlrUVERFAoFDA0N1drPnDmDYcOGwcLCoke15ubmIjk5GUlJSXB1dUVWVhZiY2Oxb98+mJubAwACAwPV5qnN5s2bYW1tDQBoaGhAYmIiVq9e3eU4iIiISDp0MgCamZmpvc7IyICtrS08PT073cfHxwc+Pj5d9rt582a112vXrsWUKVNw8uRJTJw4EcDvgc/S0lKjOlUqFVatWoWRI0ciNTVVDItlZWWIiopCdHQ04uLielRrZmYmwsPDERoaCgBISkrCgQMHkJ2djYULFwIAdu/e3WUfra2tWLx4MeLi4uDu7q7RmIiIiGjg08kl4Fu1trZiz549CA0NhZ6enlb7bmpqAgCYmJiIbefOnYO3tzf8/f2RkJCAqqqqTvfX19dHRkYGSkpKsHTpUqhUKpSXlyMqKgr+/v4dhj9NtLa24uTJk/Dy8lI7lpeXF44ePapRH4IgYNmyZZg8eTKCgoJ6VAcRERENTDp5BvBW+fn5aGpqQnBwsFb7ValUePvtt+Hu7g57e3sAgEKhQHJyMkaPHo3q6mps2LAB8+fPx969ezFkyJAO+7G2tkZWVhbmz5+PhIQEHDt2DF5eXl1er3gn9fX1UCqV4lJvG3Nzc7VrFrtSVFSE3NxctWsM161bB7lc3uO6iIiIaGDQ+QCYnZ2NqVOnite0aUtSUhJKS0vx6aefim23Lss6ODjA1dUVvr6+yMvLQ1hYWKd92djYYN26dYiIiMCIESOwZs0arZ+t7C4PDw+cOnWqX2sgIiIi3aTTS8Dnz59HQUEB5syZo9V+V61ahQMHDiArKwsPPvhgp9sNHToUo0aNQnl5eZf91dTUYMWKFfD19cW1a9eQnJzcq/pMTU0hk8lQW1ur1l5bW9vhTSVERERE3aHTATAnJwfm5uaYNm2aVvoTBAGrVq3C/v37kZWVhREjRnS5fXNzMyoqKrq8KaSurg7R0dGws7NDeno6tmzZgtzcXKSkpPS4TiMjIzg5OaGwsFBsU6lUKCwshJubW4/7JSIiIgJ0eAlYpVIhJycHQUFBMDBQL3Pr1q1iiGvT3NysdqausrISJSUlMDExgY2NDYDfl32/+uorfPDBB7j//vtRXV0NAHjggQdw3333ISUlBb6+vrCxscGlS5eQlpYGfX19zJo1q9Ma4+LiYGNjg9TUVBgYGGDMmDHIzMxEVFQUrK2tER0d3W4/TWqNiYlBYmIinJ2doVAokJWVhatXryIkJKRnE0pERET0/9PZAFhQUICqqirxMSi3qq+vR0VFhVpbcXExFixYIL5uW4YNDg7G2rVrAQDbt28HAERGRqrtm5ycjJCQEFy8eBHx8fFoaGiAmZkZJkyYgB07drR7LE0bfX19xMfHw8PDA0ZGRmK7g4MDMjMzO91Pk1oDAgJQV1eH9evXo7q6Go6Ojti0aROXgImIiKjX9ARBEPq7CNINSqUSx44dw/jx4+/4AOy7RRdr6g+ch5s4FzdxLm7iXNzEubhpIM9Fb8em09cAEhEREZH2MQASERERSQwDIBEREZHEMAASERERSQwDIBEREZHEMAASERERSQwDIBEREZHEMAASERERSQwDIBEREZHEMAASERERSQwDIBEREZHEMAASERERSQwDIBEREZHEMAASERERSQwDIBEREZHEMAASERERSQwDIBEREZHEMAASERERSQwDIBEREZHEMAASERERSQwDIBEREZHEMAASERERSQwDIBEREZHEMAASERERSQwDIBEREZHEMAASERERSQwDIBEREZHEMAASERERSQwDIBEREZHEMAASERERSQwDIBEREZHEMAAOUBcuXEBkZCQCAgIwe/Zs5OXl9XdJREREpCMM+rsA6hsymQzLly+Ho6MjqqurERISAh8fHxgbG/d3aURERNTPGAAHKCsrK1hZWQEALC0tYWpqisbGRgZAIiIiGrhLwH5+fpDL5e2+kpKSOt3n8OHDWLRoEby9vSGXy5Gfn98ntWlynG3btsHPzw8uLi4ICwvD8ePHe3y84uJiqFQqDB8+vDdlExER0QAxYM8A7ty5E0qlUnxdWlqKmJgYzJgxo9N9WlpaIJfLERoaiiVLltzxGEVFRVAoFDA0NFRrP3PmDIYNGwYLC4seHSc3NxfJyclISkqCq6srsrKyEBsbi3379sHc3BwAEBgYqDa+Nps3b4a1tbX4uqGhAYmJiVi9evUdx0NERETSMGADoJmZmdrrjIwM2NrawtPTs9N9fHx84OPjo1H/KpUKq1atwsiRI5GamgqZTAYAKCsrQ1RUFKKjoxEXF9ej42RmZiI8PByhoaEAgKSkJBw4cADZ2dlYuHAhAGD37t13rLG1tRWLFy9GXFwc3N3dNRoXERERDXwDdgn4Vq2trdizZw9CQ0Ohp6enlT719fWRkZGBkpISLF26FCqVCuXl5YiKioK/v3+n4U+TWk+ePAkvLy+1Y3l5eeHo0aMa9yMIApYtW4bJkycjKCioR7UQERHRwCSJAJifn4+mpiYEBwdrtV9ra2tkZWXhyJEjSEhIQFRUFLy8vLq8zvBO6uvroVQqxaXeNubm5qipqdG4n6KiIuTm5iI/Px+BgYEIDAzE6dOne1wXERERDRwDdgn4VtnZ2Zg6daratXHaYmNjg3Xr1iEiIgIjRozAmjVrtHaWsTc8PDxw6tSp/i6DiIiIdNCAPwN4/vx5FBQUYM6cOX3Sf01NDVasWAFfX19cu3YNycnJverP1NQUMpkMtbW1au21tbWd3lRCRERE1B0DPgDm5OTA3Nwc06ZN03rfdXV1iI6Ohp2dHdLT07Flyxbk5uYiJSWlx30aGRnByckJhYWFYptKpUJhYSHc3Ny0UTYRERFJ3IAOgCqVCjk5OQgKCoKBgfpq99atWxEVFaXW1tzcjJKSEpSUlAAAKisrUVJSgqqqqg77jouLg42NDVJTU2FgYIAxY8YgMzMTOTk52LJlS6d13ek4MTEx2LFjB3bt2oWff/4Zb775Jq5evYqQkJDeTAcRERERgAF+DWBBQQGqqqrEx6ncqr6+HhUVFWptxcXFWLBggfi6bTk3ODgYa9euVdtWX18f8fHx8PDwgJGRkdju4OCAzMzMdo+h6c5xAgICUFdXh/Xr16O6uhqOjo7YtGkTl4CJiIhIKwZ0APT29u70ztcXXngBL7zwglrbpEmTunWn7KOPPtph+7hx47rcT5PjREREICIiQuNaiIiIiDQ1oJeAiYiIiKg9BkAiIiIiiWEAJCIiIpIYBkAiIiIiiWEAJCIiIpIYBkAiIiIiiWEAJCIiIpIYBkAiIiIiiWEAJCIiIpIYBkAiIiIiiWEAJCIiIpIYBkAiIiIiiWEAJCIiIpIYBkAiIiIiiWEAJCIiIpIYBkAiIiIiiWEAJCIiIpIYBkAiIiIiidFaANy1axcOHDggvl63bh08PDzw9NNP4/z589o6DBERERH1ktYC4IcffohBgwYBAI4ePYpPP/0Uf/7znzFs2DAkJydr6zBERERE1EsG2uro4sWLGDlyJAAgPz8f06dPx9y5c+Hu7o7IyEhtHYaIiIiIeklrZwCNjY3R0NAAAPjf//4HLy8vAMCgQYPw22+/aeswRERERNRLWjsD6OXlhddffx2Ojo44e/YsfHx8AAClpaV46KGHtHUYIiIiIuolrZ0BfOONNzB+/HjU1dVh/fr1MDU1BQCcPHkSM2fO1NZhiIiIiKiXtHYGcOjQoVi5cmW79hdffFFbhyAiIiIiLdDaGcD//Oc/+OGHH8TX27ZtQ2BgIBISEtDY2KitwxARERFRL2ktAL7zzjtobm4GAJw+fRpr166Fj48PKisrsXbtWm0dhoiIiIh6SWtLwJWVlbCzswMA/POf/4Svry/i4+Nx8uRJLFy4UFuHISIiIqJe0toZQENDQ1y7dg0AUFBQgEcffRQAYGJigitXrmjrMERERETUS1o7A+ju7o7k5GS4u7vjxIkTeP/99wEAZ8+exYMPPqitwxARERFRL2ntDODKlSthYGCAf/zjH3jjjTdgbW0N4PebQx577DFtHYaIiIiIeklrZwBtbGzw0UcftWtfvny5tg5B3XDhwgUsXboUtbW1kMlkeP755/Hkk0/2d1lERESkA7QWAAFAqVQiPz8fP//8MwBg7Nix8PPzg0wm0+ZhSAMymQzLly+Ho6MjqqurERISAh8fHxgbG/d3aURERNTPtBYAz507h4ULF+LXX3/F6NGjAQAZGRl48MEHkZGRAVtbW20dijRgZWUFKysrAIClpSVMTU3R2NjIAEhERETauwbwrbfewogRI3DgwAHs2rULu3btwr///W88/PDDeOutt7rVl5+fH+RyebuvpKSkLvfbtm0b/Pz84OLigrCwMBw/frxb/aalpbV7b8aMGd2bCA0cPnwYixYtgre3N+RyOfLz83s0Hk0VFxdDpVJh+PDhvSmbiIiIBgitnQE8fPgwPv/8cwwbNkxsMzU1xSuvvIJ58+Z1q6+dO3dCqVSKr0tLSxETE9NlGMvNzUVycjKSkpLg6uqKrKwsxMbGYt++fTA3N9e437FjxyIzM1N8fafl66KiIigUChgaGqq1nzlzBsOGDYOFhUW7fVpaWiCXyxEaGoolS5b0eDyBgYFq42mzefNm8SachoYGJCYmYvXq1V2Og4iIiKRDawHQyMhI/Esgt2pubm4Xju7EzMxM7XXbErKnp2en+2RmZiI8PByhoaEAgKSkJBw4cADZ2dnig6g16Vcmk8HS0lKjOlUqFVatWoWRI0ciNTVVDItlZWWIiopCdHQ04uLi2u3n4+MDHx+fLvvWZDy7d+/uso/W1lYsXrwYcXFxcHd312hMRERENPBpbQl42rRpWLlyJX788UcIggBBEHDs2DG8+eab8PPz63G/ra2t2LNnD0JDQ6Gnp9fpNidPnoSXl5fYpq+vDy8vLxw9erRb/Z47dw7e3t7w9/dHQkICqqqqOq1NX18fGRkZKCkpwdKlS6FSqVBeXo6oqCj4+/t3GP40HXN3x3M7QRCwbNkyTJ48GUFBQT2qg4iIiAYmrZ0BfP3115GYmIi5c+fCwOD3bm/cuAF/f/9ePQomPz8fTU1NCA4O7nSb+vp6KJVKcWm0jbm5OcrKyjTuV6FQIDk5GaNHj0Z1dTU2bNiA+fPnY+/evRgyZEiH/VhbWyMrKwvz589HQkICjh07Bi8vrzter9iVnozndkVFRcjNzVW7xnDdunWQy+U9rouIiIgGBq0FwKFDh+Jvf/sbzp07Jz4Gxs7ODiNHjuxVv9nZ2Zg6dap4TZu2dNTvrcuyDg4OcHV1ha+vL/Ly8hAWFtZpXzY2Nli3bh0iIiIwYsQIrFmzptOzlXeLh4cHTp061a81EBERkW7qVQBMTk7u8v2DBw+K//3qq692u//z58+joKAAaWlpXW5namoKmUyG2tpatfba2toOb8LQtN+hQ4di1KhRKC8v73K7mpoarFixAr6+viguLkZycjJWrFjR5T5d6e54iIiIiLqjVwHw//2//6fRdj09G5aTkwNzc3NMmzaty+2MjIzg5OSEwsJCPP744wB+v0GjsLAQERERPe63ubkZFRUVXd4UUldXh+joaNjZ2eGvf/0rzp49i8jISBgZGSExMfGOY9TGeIiIiIi6o1cB8JNPPtFWHe2oVCrk5OQgKChIvKawzdatW7F//35kZWWJbTExMUhMTISzszMUCgWysrJw9epVhISEaNxvSkoKfH19YWNjg0uXLiEtLQ36+vqYNWtWpzXGxcXBxsYGqampMDAwwJgxY5CZmYmoqChYW1sjOjq63X7Nzc1qZxUrKytRUlICExMT2NjYdGs8RERERN2l1T8Fp00FBQWoqqoSH4Nyq/r6elRUVKi1BQQEoK6uDuvXr0d1dTUcHR2xadOmdkumXfV78eJFxMfHo6GhAWZmZpgwYQJ27NjR7vExbfT19REfHw8PDw8YGRmJ7Q4ODsjMzOx0v+LiYixYsEB83baUHhwcjLVr13ZrPERERETdpScIgtDfRZBuUCqVOHbsGMaPH68zf79ZF2vqD5yHmzgXN3EubuJc3MS5uGkgz0Vvx6a15wASERER0b2BAZCIiIhIYhgAiYiIiCSGAZCIiIhIYhgAiYiIiCSGAZCIiIhIYhgAiYiIiCSGAZCIiIhIYhgAiYiIiCSGAZCIiIhIYhgAiYiIiCSGAZCIiIhIYhgAiYiIiCSGAZCIiIhIYhgAiYiIiCSGAZCIiIhIYhgAiYiIiCSGAZCIiIhIYhgAiYiIiCSGAZCIiIhIYhgAiYiIiCSGAZCIiIhIYhgAiYiIiCSGAZCIiIhIYhgAiYiIiCSGAZCIiIhIYhgAiYiIiCSGAZCIiIhIYhgAiYiIiCSGAZCIiIhIYhgAiYiIiCSGAXAAunDhAiIjIxEQEIDZs2cjLy+vv0siIiIiHWLQ3wWQ9slkMixfvhyOjo6orq5GSEgIfHx8YGxs3N+lERERkQ5gAByArKysYGVlBQCwtLSEqakpGhsbGQCJiIgIwD26BOzn5we5XN7uKykpqcv9tm3bBj8/P7i4uCAsLAzHjx9Xez8tLa1dnzNmzNBq7YcPH8aiRYvg7e0NuVyO/Pz8HtWqqeLiYqhUKgwfPrw3ZRMREdEAck+eAdy5cyeUSqX4urS0FDExMV2GtdzcXCQnJyMpKQmurq7IyspCbGws9u3bB3Nzc3G7sWPHIjMzU3wtk8k67bOoqAgKhQKGhoZq7WfOnMGwYcNgYWHRbp+WlhbI5XKEhoZiyZIlPa41MDBQbQ7abN68GdbW1gCAhoYGJCYmYvXq1Z2OgYiIiKTnngyAZmZmaq8zMjJga2sLT0/PTvfJzMxEeHg4QkNDAQBJSUk4cOAAsrOzsXDhQnE7mUwGS0vLO9agUqmwatUqjBw5EqmpqWJQLCsrQ1RUFKKjoxEXF9duPx8fH/j4+HTZtya17t69u8s+WltbsXjxYsTFxcHd3f2O4yEiIiLpuCeXgG/V2tqKPXv2IDQ0FHp6ep1uc/LkSXh5eYlt+vr68PLywtGjR9W2PXfuHLy9veHv74+EhARUVVV12Ke+vj4yMjJQUlKCpUuXQqVSoby8HFFRUfD39+8w/Gk6Hk1r7YwgCFi2bBkmT56MoKCgHtVBREREA9c9HwDz8/PR1NSE4ODgTrepr6+HUqlUW+oFAHNzc9TU1IivFQoFkpOTsWnTJrz55ps4f/485s+fjytXrnTYr7W1NbKysnDkyBEkJCQgKioKXl5ed7wWsSua1tqVoqIi5ObmIj8/H4GBgQgMDMTp06d7XBMRERENLPfkEvCtsrOzMXXqVPG6t964dWnWwcEBrq6u8PX1RV5eHsLCwjrcx8bGBuvWrUNERARGjBiBNWvWdHom8m7x8PDAqVOn+rUGIiIi0l339BnA8+fPo6CgAHPmzOlyO1NTU8hkMtTW1qq119bWdnijRpuhQ4di1KhRKC8v73SbmpoarFixAr6+vrh27RqSk5O7Nwgt1UpERESkqXs6AObk5MDc3BzTpk3rcjsjIyM4OTmhsLBQbFOpVCgsLISbm1un+zU3N6OioqLTm0Lq6uoQHR0NOzs7pKenY8uWLcjNzUVKSkqPxtObWomIiIg0dc8uAatUKuTk5CAoKAgGBurD2Lp1K/bv34+srCyxLSYmBomJiXB2doZCoUBWVhauXr2KkJAQcZuUlBT4+vrCxsYGly5dQlpaGvT19TFr1qwOjx8XFwcbGxukpqbCwMAAY8aMQWZmJqKiomBtbY3o6Oh2+zU3N6udUaysrERJSQlMTExgY2Ojca1EREREPXXPBsCCggJUVVWJj0q5VX19PSoqKtTaAgICUFdXh/Xr16O6uhqOjo7YtGmT2rLqxYsXER8fj4aGBpiZmWHChAnYsWNHu8fOAL/fmRsfHw8PDw8YGRmJ7Q4ODsjMzOxwH+D3BzMvWLBAfN22ZBwcHIy1a9dqXCsRERFRT+kJgiD0dxGkG5RKJY4dO4bx48d3+QDsu0kXa+oPnIebOBc3cS5u4lzcxLm4aSDPRW/Hdk9fA0hERERE3ccASERERCQxDIBEREREEsMASERERCQxDIBEREREEsMASERERCQxDIBEREREEsMASERERCQxDIBEREREEsMASERERCQxDIBEREREEsMASERERCQxDIBEREREEsMASERERCQxDIBEREREEsMASERERCQxDIBEREREEsMASERERCQxDIBEREREEsMASERERCQxDIBEREREEsMASERERCQxDIBEREREEsMASERERCQxDIBEREREEsMASERERCQxDIBEREREEsMASERERCQxDIBEREREEsMASERERCQxDIBEREREEsMAOEBduHABkZGRCAgIwOzZs5GXl9ffJREREZGOMOjvAqhvyGQyLF++HI6OjqiurkZISAh8fHxgbGzc36URERFRP2MAHKCsrKxgZWUFALC0tISpqSkaGxsZAImIiEg3l4D9/Pwgl8vbfSUlJXW537Zt2+Dn5wcXFxeEhYXh+PHjau9/9NFHCA0NhZubG6ZMmYLnn38eZWVl4vtpaWntjjljxgytj+/w4cNYtGgRvL29IZfLkZ+f36PxaKq4uBgqlQrDhw/vTdlEREQ0QOjkGcCdO3dCqVSKr0tLSxETE9NlGMvNzUVycjKSkpLg6uqKrKwsxMbGYt++fTA3NwcAHDp0CPPnz4eLiwuUSiXee+89xMbG4uuvvxbPjI0dOxaZmZlivzKZrMtai4qKoFAoYGhoqNZ+5swZDBs2DBYWFu32aWlpgVwuR2hoKJYsWdLj8QQGBqrNU5vNmzfD2toaANDQ0IDExESsXr26y3EQERGRdOhkADQzM1N7nZGRAVtbW3h6ena6T2ZmJsLDwxEaGgoASEpKwoEDB5CdnY2FCxcC+D0Y3Wrt2rWYMmUKTp48iYkTJwL4PfBZWlpqVKdKpcKqVaswcuRIpKamimGxrKwMUVFRiI6ORlxcXLv9fHx84OPj02Xfmoxn9+7dXfbR2tqKxYsXIy4uDu7u7hqNiYiIiAY+nVwCvlVrayv27NmD0NBQ6OnpdbrNyZMn4eXlJbbp6+vDy8sLR48e7bTvpqYmAICJiYnYdu7cOXh7e8Pf3x8JCQmoqqrqdH99fX1kZGSgpKQES5cuhUqlQnl5OaKiouDv799h+NNET8dzK0EQsGzZMkyePBlBQUE9qoOIiIgGJp0PgPn5+WhqakJwcHCn29TX10OpVIpLo23Mzc1RU1PT4T4qlQpvv/023N3dYW9vDwBQKBRITk7Gpk2b8Oabb+L8+fOYP38+rly50umxra2tkZWVhSNHjiAhIQFRUVHw8vK64/WKXenJeG5XVFSE3Nxc5OfnIzAwEIGBgTh9+nSPayIiIqKBQyeXgG+VnZ2NqVOnite0aUtSUhJKS0vx6aefim23Lss6ODjA1dUVvr6+yMvLQ1hYWKd92djYYN26dYiIiMCIESOwZs2aTs9W3i0eHh44depUv9ZAREREukmnzwCeP38eBQUFmDNnTpfbmZqaQiaToba2Vq29tra2w5swVq1ahQMHDiArKwsPPvhgp/0OHToUo0aNQnl5eZfHr6mpwYoVK+Dr64tr164hOTm5y+3vpLvjISIiIuoOnQ6AOTk5MDc3x7Rp07rczsjICE5OTigsLBTbVCoVCgsL4ebmJrYJgoBVq1Zh//79yMrKwogRI7rst7m5GRUVFV3eFFJXV4fo6GjY2dkhPT0dW7ZsQW5uLlJSUjQbZC/GQ0RERNQTOrsErFKpkJOTg6CgIBgYqJe5detWMcS1iYmJQWJiIpydnaFQKJCVlYWrV68iJCRE3CYpKQlfffUVPvjgA9x///2orq4GADzwwAO47777kJKSAl9fX9jY2ODSpUtIS0uDvr4+Zs2a1WmNcXFxsLGxQWpqKgwMDDBmzBhkZmYiKioK1tbWiI6Obrdfc3Oz2lnFyspKlJSUwMTEBDY2NhqPh4iIiKgndDYAFhQUoKqqSnwMyq3q6+tRUVGh1hYQEIC6ujqsX78e1dXVcHR0xKZNm9SWTLdv3w4AiIyMVNs3OTkZISEhuHjxIuLj49HQ0AAzMzNMmDABO3bsaPdYmjb6+vqIj4+Hh4cHjIyMxHYHBwdkZmZ2ul9xcTEWLFigdnwACA4Oxtq1azUeDxEREVFP6AmCIPR3EaQblEoljh07hvHjx9/xAdh3iy7W1B84DzdxLm7iXNzEubiJc3HTQJ6L3o5Np68BJCIiIiLtYwAkIiIikhgGQCIiIiKJYQAkIiIikhgGQCIiIiKJYQAkIiIikhgGQCIiIiKJYQAkIiIikhgGQCIiIiKJYQAkIiIikhgGQCIiIiKJYQAkIiIikhgGQCIiIiKJYQAkIiIikhgGQCIiIiKJYQAkIiIikhgGQCIiIiKJYQAkIiIikhgGQCIiIiKJYQAkIiIikhgGQCIiIiKJYQAkIiIikhgGQCIiIiKJYQAkIiIikhgGQCIiIiKJYQAkIiIikhgGQCIiIiKJYQAkIiIikhgGQCIiIiKJYQAkIiIikhgGQCIiIiKJYQAkIiIikhgGwAHowoULiIyMREBAAGbPno28vLz+LomIiIh0iEF/F0DaJ5PJsHz5cjg6OqK6uhohISHw8fGBsbFxf5dGREREOoABcACysrKClZUVAMDS0hKmpqZobGxkACQiIiIAXAJW4+fnB7lc3u4rKSlJa8c4fPgwFi1aBG9vb8jlcuTn53e43bZt2+Dn5wcXFxeEhYXh+PHjPTpecXExVCoVhg8f3puyiYiIaADhGcBb7Ny5E0qlUnxdWlqKmJgYzJgxo8Pti4qKoFAoYGhoqNZ+5swZDBs2DBYWFu32aWlpgVwuR2hoKJYsWdJhv7m5uUhOTkZSUhJcXV2RlZWF2NhY7Nu3D+bm5gCAwMBAtVrbbN68GdbW1gCAhoYGJCYmYvXq1ZpNABEREUkCA+AtzMzM1F5nZGTA1tYWnp6e7bZVqVRYtWoVRo4cidTUVMhkMgBAWVkZoqKiEB0djbi4uHb7+fj4wMfHp8s6MjMzER4ejtDQUABAUlISDhw4gOzsbCxcuBAAsHv37i77aG1txeLFixEXFwd3d/cutyUiIiJp4RJwJ1pbW7Fnzx6EhoZCT0+v3fv6+vrIyMhASUkJli5dCpVKhfLyckRFRcHf37/D8KfpcU+ePAkvLy+1Y3l5eeHo0aMa9SEIApYtW4bJkycjKCioR3UQERHRwMUA2In8/Hw0NTUhODi4022sra2RlZWFI0eOICEhAVFRUfDy8urVNYP19fVQKpXiUm8bc3Nz1NTUaNRHUVERcnNzkZ+fj8DAQAQGBuL06dM9romIiIgGFi4BdyI7OxtTp04Vr6frjI2NDdatW4eIiAiMGDECa9as6fCM4d3k4eGBU6dO9WsNREREpLt4BrAD58+fR0FBAebMmXPHbWtqarBixQr4+vri2rVrSE5O7tWxTU1NIZPJUFtbq9ZeW1vb4U0lRERERN3FANiBnJwcmJubY9q0aV1uV1dXh+joaNjZ2SE9PR1btmxBbm4uUlJSenxsIyMjODk5obCwUGxTqVQoLCyEm5tbj/slIiIiasMl4NuoVCrk5OQgKCgIBgadT49KpUJcXBxsbGyQmpoKAwMDjBkzBpmZmYiKioK1tTWio6Pb7dfc3Izy8nLxdWVlJUpKSmBiYgIbGxsAQExMDBITE+Hs7AyFQoGsrCxcvXoVISEhWh8vERERSQ8D4G0KCgpQVVUlPoKlM/r6+oiPj4eHhweMjIzEdgcHB2RmZrZ7pEyb4uJiLFiwQHzdtmQcHByMtWvXAgACAgJQV1eH9evXo7q6Go6Ojti0aROXgImIiEgrGABv4+3trfEds48++miH7ePGjet0n0mTJmnUf0REBCIiIjSqg4iIiKg7eA0gERERkcQwABIRERFJDAMgERERkcQwABIRERFJDAMgERERkcQwABIRERFJDAMgERERkcQwABIRERFJDAMgERERkcQwABIRERFJDAMgERERkcQwABIRERFJDAMgERERkcQwABIRERFJDAMgERERkcQwABIRERFJDAMgERERkcQY9HcBRERERANRY0sraq604vK16xg62BAW9xvBxNiov8sCwABIREREpHVVDVeRmH0c35XWiG1Tx1pgbagCNsMG92Nlv+MSMBEREZEWNba0tgt/APCf0hosyz6OxpbWfqrsJgZAIiIiIi2qudLaLvy1+U9pDWquMAASERERDSiXr13v8v2mO7x/NzAAEhEREWnR0PsMu3z/gTu8fzcwABIRERFpkcUQI0wda9Hhe1PHWsBiSP/fCcwASERERKRFJsZGWBuqaBcCp461QEqoQiceBcPHwBARERFpmc2wwUib54aaK61ounYdD9xnCIshfA4gERER0YBmYqw7ge92XAImIiIikhgGQCIiIiKJYQAkIiIikhgGQCIiIiKJYQAkIiIikhgGwAHqwoULiIyMREBAAGbPno28vLz+LomIiIh0BB8DM0DJZDIsX74cjo6OqK6uRkhICHx8fGBsbNzfpREREVE/YwAcoKysrGBlZQUAsLS0hKmpKRobGxkAiYiISHeXgH/99Ve88sormDRpEhQKBWbPno0TJ050uv2VK1ewZs0a+Pr6QqFQ4Omnn8bx48fVtvHz84NcLm/3lZSUBABIS0tr996MGTO0PrbDhw9j0aJF8Pb2hlwuR35+fofbbdu2DX5+fnBxcUFYWFi78WiquLgYKpUKw4cP703ZRERENEDo5BnAxsZGzJs3D5MmTcLGjRthamqKc+fOwcTEpNN9Xn/9dZSWlmLdunWwsrLCnj17EBMTg9zcXFhbWwMAdu7cCaVSKe5TWlqKmJgYtZA3duxYZGZmiq9lMlmXtRYVFUGhUMDQ0FCt/cyZMxg2bBgsLNr/MeiWlhbI5XKEhoZiyZIlHfabm5uL5ORkJCUlwdXVFVlZWYiNjcW+fftgbm4OAAgMDFQbT5vNmzeLY25oaEBiYiJWr17d5TiIiIhIOnQyAG7cuBEPPvggkpOTxbYRI0Z0uv21a9fwz3/+Ex988AEmTpwIAHjhhRfw73//G59++ilefvllAICZmZnafhkZGbC1tYWnp6fYJpPJYGlpqVGdKpUKq1atwsiRI5GamiqGxbKyMkRFRSE6OhpxcXHt9vPx8YGPj0+XfWdmZiI8PByhoaEAgKSkJBw4cADZ2dlYuHAhAGD37t1d9tHa2orFixcjLi4O7u7uGo2JiIiIBj6dDIDffPMNvL298eKLL+Lw4cOwtrbGM888g/Dw8A63v3HjBpRKJQYNGqTWPmjQIBw5cqTDfVpbW8WzhHp6emL7uXPn4O3tjUGDBmH8+PFISEiAjY1Nh33o6+sjIyMDERERWLp0Kd555x1UVlYiKioK/v7+HYY/TbS2tuLkyZP44x//qHYsLy8vHD16VKM+BEHAsmXLMHnyZAQFBWm8D4AOzyr2l7ZadKmm/sB5uIlzcRPn4ibOxU2ci5sG8ly0jant3+7u0skAWFFRge3btyMmJgaLFi3CiRMn8NZbb8HQ0BDBwcHtth8yZAjc3NzwwQcf4JFHHoGFhQW++uorHDt2DLa2th0eIz8/H01NTWr9KRQKJCcnY/To0aiursaGDRswf/587N27F0OGDOmwH2tra2RlZWH+/PlISEjAsWPH4OXlJV5X2BP19fVQKpXiUm8bc3NzlJWVadRHUVERcnNz1a4xXLduHeRyeaf7qFQqAOjyWsv+oos19QfOw02ci5s4FzdxLm7iXNw0kOei7d/u7tLJACgIApydnREfHw8AGDduHEpLS/HZZ591GACB38PN8uXLMXXqVMhkMowbNw4zZ87EyZMnO9w+OzsbU6dOFa+VA6C2LOvg4ABXV1f4+voiLy8PYWFhndZrY2ODdevWISIiAiNGjMCaNWvUzir2Bw8PD5w6dapb+xgYGMDFxQX6+vr9Xj8RERF1ThAEqFQqGBj0LMrpZAC0tLSEnZ2dWtsjjzyCf/zjH53uY2tri61bt6KlpQVXrlyBlZUV/vSnP3V47eD58+dRUFCAtLS0LusYOnQoRo0ahfLy8i63q6mpwYoVK+Dr64vi4mIkJydjxYoVXe7TFVNTU8hkMtTW1qq119bWdnhTibbo6+vDyMioz/onIiIi3aCTj4Fxd3fHL7/8otZ29uxZPPTQQ3fc19jYGFZWVmhsbMR///tf+Pv7t9smJycH5ubmmDZtWpd9NTc3o6KiosubQurq6hAdHQ07Ozukp6djy5YtyM3NRUpKyh1r7YyRkRGcnJxQWFgotqlUKhQWFsLNza3H/RIREREBOhoAo6Ki8OOPP+LDDz/EuXPnsHfvXuzYsQPPPPMMAGDr1q2IiopS2+e7777Df/7zH1RUVOB///sfFixYgEceeQQhISFq26lUKuTk5CAoKKjdadOUlBQcOnQIlZWVOHLkCJYsWQJ9fX3MmjWrwzpVKhXi4uJgY2OD1NRUGBgYYMyYMcjMzEROTg62bNnS4X7Nzc0oKSlBSUkJAKCyshIlJSWoqqoSt4mJicGOHTuwa9cu/Pzzz3jzzTdx9erVduMhIiIi6i6dXAJWKBRIT0/He++9hw0bNuDhhx/G8uXL8dRTTwH4/SaJiooKtX2amprw3nvv4eLFixg2bBimT5+Ol19+ud3z+QoKClBVVSU+XuVWFy9eRHx8PBoaGmBmZoYJEyZgx44d7R4f00ZfXx/x8fHw8PBQWzp1cHBAZmZmp/sVFxdjwYIF4uu2x90EBwdj7dq1AICAgADU1dVh/fr1qK6uhqOjIzZt2tSnS8BEREQkDXpCT+8fJiIiIqJ7kk4uARMRERFR32EAJCIiIpIYBkAiIiIiiWEApD61bds2+Pn5wcXFBWFhYTh+/HiX2+fl5WHGjBlwcXHB7Nmz8e2333a67cqVKyGXy9vdbe3n5we5XK72lZGRoY3h9Iq252LZsmXtxhkbG6u2TUNDAxISEuDu7g4PDw8sX74czc3NWh9bd/XHXOji56Ivfj5+/vlnLFq0CBMmTMD48eMRGhqq9oSB3377DUlJSZg0aRLc3NzwwgsvoKamRutj667+mIvIyMh2n4mVK1dqfWzdpe25uH2MbV+bNm0St5HK7wpN5kIXf1f0CYGoj3z99deCk5OTsHPnTqG0tFR4/fXXBQ8PD6GmpqbD7YuKigRHR0dh48aNwpkzZ4TU1FTByclJOH36dLtt//nPfwpPPfWU4O3tLWRmZqq95+vrK6SnpwuXLl0Sv5qbm/tiiBrri7lITEwUYmNj1cbZ0NCg1k9sbKzw1FNPCceOHRMOHz4sPPHEE0J8fHyfjvVO+msudO1z0RfzcO7cOcHT01NISUkRTp48KZw7d07Iz89X63PlypWCj4+PUFBQIJw4cUIIDw8X5s6d2+fj7Up/zUVERITw+uuvq30mmpqa+ny8XemLubh1fJcuXRJ27twpyOVyoby8XNxGKr8rNJkLXftd0VcYAKnPzJkzR0hKShJfK5VKwdvbW/joo4863P6ll14SFi5cqNYWFhYmrFixQq3t4sWLwmOPPSb89NNPgq+vb4cB8Pa2/tYXc5GYmCg899xznR7zzJkzgr29vXD8+HGx7dtvvxXkcrlw8eLFng6l1/pjLgRB9z4XfTEPf/rTn4RXXnml02NevnxZcHJyEvLy8sS2ts/J0aNHeziS3uuPuRCE3wPgW2+91YvKta+vfm/e6rnnnhMWLFggvpbS74rb3T4XgqB7vyv6CpeAqU+0trbi5MmT8PLyEtv09fXh5eWFo0ePdrjPsWPHMGXKFLU2b29vHDt2THytUqnw5z//GbGxsRg7dmynx9+4cSMmTZqEoKAgbNq0CTdu3OjdgHqhr+YCAA4dOoQpU6bg//7v//DGG2+gvr5efO/o0aMYOnQoXFxcxDYvLy/o6+vfcRmlr/TXXLTRlc9FX8yDSqXCgQMHMGrUKMTGxmLKlCkICwtDfn6+uH1xcTGuX7+udlw7OzvY2Ni0m8+7pb/mos3evXsxadIkzJo1C3/5y19w9epV7Q2um/ry56NNTU0Nvv32W8yZM0dsk9rvijYdzUUbXfld0Zd08kHQdO+rr6+HUqmEubm5Wru5uTnKyso63Kempqbdg67Nzc3Vrk/auHEjDAwM1B6kfbvIyEiMGzcOJiYmOHr0KN577z1UV1fj1Vdf7cWIeq6v5uKxxx7DE088gYcffhgVFRV47733EBcXh88//xwymQw1NTXtHkZuYGAAExMTVFdXa2l03dNfcwHo1ueiL+ahtrYWLS0t2LhxI/70pz/hlVdewXfffYclS5bg448/hqenJ2pqamBoaIihQ4e262cgfSY0mQsAmDVrFmxsbGBlZYXTp0/j3XffxS+//IL09PQ+GOmd9dXPx6127dqF+++/H9OnT1frQyq/K27V0VwAuvW7oi8xANI9o7i4GB9//DFycnKgp6fX6XYxMTHifzs4OMDQ0BBvvPEGEhIS1P5iy71u5syZ4n+3Xaj8+OOPi2fCpESTuRjonwuVSgUA8Pf3R3R0NADA0dERR44cwWeffSaGHinQdC7mzp0r7iOXy2FpaYno6GiUl5fD1tb2rtd9N2RnZ2P27NkYNGhQf5fS7zqbi4H+u6INl4CpT5iamkImk6G2tlatvba2ttM/Z2dhYdHu/6nduv0PP/yA2tpa+Pr6Yty4cRg3bhzOnz+PlJQU+Pn5dVqLq6srbty4gcrKyl6Oqmf6Yi46MmLECJiamuLcuXNiH3V1dWrb3LhxA42NjbC0tOzJUHqtv+aiI/35ueiLeTA1NYWBgQHs7OzUtrGzsxPvfLWwsMD169dx+fLldv0MpM+EJnPREVdXVwDo8nPTl/r65+OHH37AL7/8grCwsHZ9SO13RWdz0ZH+/jekrzAAUp8wMjKCk5MTCgsLxTaVSoXCwkK4ubl1uM/48ePx/fffq7UVFBRg/PjxAIDAwEDs2bMHX375pfhlZWWF2NhYtVv4b1dSUgJ9ff12Swl3S1/MRUcuXryIhoYG8Re2m5sbLl++jOLiYnGb77//HiqVCgqFohcj6rn+mouO9Ofnoi/mwcjICC4uLvjll1/Utjl79iweeughAICzszMMDQ3VjltWVoaqqqou57Mv9ddcdKSkpAQA+i309PXPx86dO+Hk5AQHBwe1din+ruhsLjrS3/+G9Jn+vguFBq6vv/5acHZ2FnJycoQzZ84IK1asEDw8PITq6mpBEAThz3/+s/Duu++K2xcVFQnjxo0TNm/eLJw5c0ZYv359p4+BaXP73VpHjhwRMjMzhZKSEqG8vFzYvXu3MHnyZGHp0qV9Nk5NaHsurly5Iqxdu1Y4evSoUFFRIRQUFAjBwcHC9OnThd9++03sJzY2VggKChJ+/PFH4YcffhCmT5+uE492uNtzoYufi774+fjnP/8pODk5CZ9//rlw9uxZ4ZNPPhEcHR2Fw4cPi9usXLlSmDZtmlBYWCicOHFCmDt3rk48BuZuz8W5c+eE9PR04cSJE0JFRYWQn58v+Pv7C/Pnz7+7g79NX/3ebGpqElxdXYVPP/20w+NK4XdFm67mQhd/V/QVBkDqU5988okwbdo0wcnJSZgzZ45w7Ngx8b2IiAghMTFRbfvc3Fxh+vTpgpOTkzBz5kzhwIEDXfZ/ewAsLi4WwsLChAkTJgguLi7Ck08+KXz44Ydqoai/aHMurl69Kjz77LPC5MmTBScnJ8HX11d4/fXXxV+Mberr64X4+Hhh/Pjxgru7u7Bs2TLhypUrfTtQDdztudDVz0Vf/Hx88cUXwhNPPCG4uLgITz31lLB//361969duya8+eabwsSJEwVXV1dh8eLFwqVLl/pmgN1wt+eiqqpKmD9/vuDp6Sk4OzsLTzzxhJCSktLvzwEUhL6Zi88++0xQKBTC5cuXOzymFH5XtOlqLnT1d0Vf0BMEQejvs5BEREREdPfwGkAiIiIiiWEAJCIiIpIYBkAiIiIiiWEAJCIiIpIYBkAiIiIiiWEAJCIiIpIYBkAiIiIiiWEAJCIiIpIYBkAiok74+flhy5YtkjluR5YtW4bnn3++v8sgIi0z6O8CiIi0KTIyEg4ODnjttdd63dfOnTsxePBgLVR173rttddwr/zBKG1+74kGOgZAIpIUQRCgVCphYHDnX39mZmZ9Xk9rayuMjIz6/Dg9Pe4DDzxwF6rp2vXr12FoaNjfZRANKFwCJqIBY9myZTh06BA+/vhjyOVyyOVy5OTkQC6X49tvv0VISAhcXFxQVFSE8vJyPPfcc/Dy8oKbmxtCQ0NRUFCg1t/tS7FyuRxffPEFFi9eDFdXV0yfPh3/+te/1Pb56aef8Ic//AFubm7w8vLCn//8Z9TV1YnvR0ZGYtWqVVizZg0mTZqE2NjYO47r8uXLeO211zB58mS4u7tjwYIFOHXqlPi+pmPZsGEDli5dCnd3d6xcuRI5OTnw8PDAd999hyeffBJubm6IjY3FpUuX1Ob01iXgyMhIvPXWW1i3bh08PT3x6KOPIi0tTe1YP//8M+bNmwcXFxcEBASgoKAAcrkc+fn5dxxrZWUl5HI5cnNzERERARcXF+zduxf19fWIj4/HY489BldXV8yePRtfffWVWp23f+8rKys1+p4QSREDIBENGK+99hrc3NwQHh6O//73v/jvf/+L4cOHAwD+8pe/ICEhAbm5uZDL5WhpaYGPjw+2bNmCXbt24bHHHsOiRYtQVVXV5THS09Px5JNPYs+ePZg6dSpeeeUVNDQ0APg9qEVFRWHcuHHYuXMnNm3ahNraWvzpT39S62PXrl0wNDTE9u3bkZSUdMdxvfTSS6itrcXGjRuRk5MDJycnREVFicfVdCx///vf4eDggC+//FIMddeuXcPf//53rFu3Dlu3bsWFCxeQkpLSZT27du2CsbExduzYgT//+c/YsGED/ve//wEAlEolFi9ejMGDB+OLL77AqlWrkJqaescx3u7dd9/FggULkJubC29vb7S2tsLJyQkZGRn46quvEB4ejqVLl+L48eMAOv/ea/o9IZIcgYhoAImIiBDeeust8fX3338v2NvbC/v377/jvjNnzhQ++eQT8bWvr6+QmZkpvra3txdSU1PF183NzYK9vb3w7bffCoIgCBs2bBCeffZZtT4vXLgg2NvbC2VlZWJ9QUFBXdZx63EPHz4suLu7C7/99pvaNo8//rjw2WefdWsszz//vNo22dnZgr29vXDu3DmxbevWrYKXl5f4OjExUXjuuefE1xEREcK8efPU+gkNDRXeeecdQRAE4dtvvxXGjRsnXLp0SXz/f//7n8bfg4qKCsHe3l7YsmXLHbdduHChsHbtWrXabv3eC4Jm3xMiKeI1gEQkCS4uLmqvm5ubkZ6ejgMHDqC6uhpKpRLXrl274xlAuVwu/rexsTGGDBkiLieeOnUKBw8ehJubW7v9ysvLMXr0aACAk5OTxnWfPn0aLS0tmDRpklr7tWvXUF5e3q2xODs7t+t/8ODBsLW1FV9bWVmhtra2y5punQMAsLS0FPf55Zdf8OCDD8LS0lJ8X6FQaDBSdbfXqlQq8eGHH2Lfvn349ddfcf36dbS2tuK+++7rsh9NvydEUsMASESScPvdvCkpKSgoKEBiYiJsbW1x33334cUXX8T169e77Of2mxH09PSgUqkA/L4U6+vri1deeaXdfrcGou7cWdzc3AxLS0t88skn7d5ru0FD07F0dNzbb4bR09O7412/Pdmnu4yNjdVeb968GR9//DGWL18OuVyOwYMH4+23377j90vT7wmR1DAAEtGAYmhoKAayrhw9ehTBwcF44oknAPwetM6fP9+rYzs5OeEf//gHHnroIY3uMta0z5qaGshkMjz88MMdbtMXY+mp0aNH4+LFi6ipqYGFhQUA4MSJE73u98iRI/D390dgYCAAQKVS4ezZs7CzsxO36eh73xffE6KBgDeBENGA8tBDD+HHH39EZWUl6urqOg2DI0eOxP79+1FSUoJTp04hISFBo+DYlWeeeQaNjY2Ij4/H8ePHUV5eju+++w6vvvoqlEplp/vNmDED+/fv7/A9Ly8vjB8/HosXL8Z///tfVFZW4siRI0hNTRWDVV+MpaceffRRjBgxAomJiTh16hSKiorw/vvv97rfkSNHoqCgAEeOHMHPP/+MlStXoqamRm2bjr73Pf2eEA10DIBENKA8++yzkMlkmDlzJqZMmYILFy50uN2yZcswdOhQPP3001i0aBEee+yxbl2b1xFra2ts374dKpUKsbGxmD17Nt5++2088MAD0Nfv/NftL7/8gqampg7f09PTQ0ZGBiZOnIhXX30VM2bMQHx8PM6fPy+eYeuLsfSUTCbDhg0b0NLSgjlz5uD111/HokWLAACDBg3qcb/PPfccxo0bh9jYWERGRsLCwgKPP/642ja3f++rqqp6/D0hGuj0BG1fuEFERHSLoqIiPPPMM9i/f7/aDSdE1H94QQQREWnV/v37YWxsjJEjR6K8vBxr1qyBu7s7wx+RDmEAJCIirWpubsa7776LqqoqmJqawsvLC4mJiQCADz/8EB999FGH+02YMAGbNm26m6USSRaXgImI6K5paGhAY2Njh+/dd999sLa2vssVEUkTAyARERGRxPAWKCIiIiKJYQAkIiIikhgGQCIiIiKJYQAkIiIikhgGQCIiIiKJYQAkIiIikhgGQCIiIiKJYQAkIiIikhgGQCIiIiKJYQAkIiIikhgGQCIiIiKJYQAkIiIikhgGQCIiIiKJ+f8AgJgoKSv6/CEAAAAASUVORK5CYII=" alt="hyperopt_trainer.learning_rate.png"></div> + + </div> + </body> + </html> + + \ No newline at end of file
--- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/test-data/ludwig_train_report_test.html Tue Jan 07 22:45:18 2025 +0000 @@ -0,0 +1,78 @@ + + + <html> + <head> + <title>Galaxy-Ludwig Report</title> + <style> + body { + font-family: Arial, sans-serif; + margin: 0; + padding: 20px; + background-color: #f4f4f4; + } + .container { + max-width: 800px; + margin: auto; + background: white; + padding: 20px; + box-shadow: 0 0 10px rgba(0, 0, 0, 0.1); + overflow-x: auto; + } + h1 { + text-align: center; + color: #333; + } + h2 { + border-bottom: 2px solid #4CAF50; + color: #4CAF50; + padding-bottom: 5px; + } + table { + border-collapse: collapse; + margin: 20px 0; + width: 100%; + table-layout: fixed; /* Enforces consistent column widths */ + } + table, th, td { + border: 1px solid #ddd; + } + th, td { + padding: 8px; + text-align: center; /* Center-align text */ + vertical-align: middle; /* Center-align content vertically */ + word-wrap: break-word; /* Break long words to avoid overflow */ + } + th:first-child, td:first-child { + width: 5%; /* Smaller width for the first column */ + } + th:nth-child(2), td:nth-child(2) { + width: 50%; /* Wider for the metric/description column */ + } + th:last-child, td:last-child { + width: 25%; /* Value column gets remaining space */ + } + th { + background-color: #4CAF50; + color: white; + } + .plot { + text-align: center; + margin: 20px 0; + } + .plot img { + max-width: 100%; + height: auto; + } + </style> + </head> + <body> + <div class="container"> + + <h1>Ludwig Train</h1> + <h2>Visualizations</h2><div class="plot"><h3>learning_curves_temperature_loss</h3><img src="data:image/png;base64,iVBORw0KGgoAAAANSUhEUgAAAoAAAAHgCAYAAAA10dzkAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuNSwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy/xnp5ZAAAACXBIWXMAAA9hAAAPYQGoP6dpAAB7TElEQVR4nO3dd1hTZxsG8DsJS1RkugeKgKgg4AQBFbUqalXcVq2r1YoDa+torau21o2gbW1dddQ60TrQalsFFTe4B8OFk+Vik5zvDz9TQ1BBEnIg9++6vFrO++bkSV7Qm3NOniMRBEEAEREREekNqa4LICIiIqLixQBIREREpGcYAImIiIj0DAMgERERkZ5hACQiIiLSMwyARERERHqGAZCIiIhIzzAAEhEREekZBkAiIiIiPcMASERERKRnGACJiIiI9AwDIBEREZGeYQAkIiIi0jMMgERERER6hgGQiDTG19cXU6ZM0XUZRET0DgyARCKzY8cOODo64uLFi7oupcTJysrC2rVr0bt3bzRu3BjOzs7o0KEDZs+ejZs3b+q6PK3IyMhASEgITp48qetSRCc2NhYhISFISEjQdSlEomOg6wKIqPTYv38/JBKJTp47JSUFI0aMwOXLl9GmTRt06dIFpqamuHnzJvbt24ctW7bg0qVLOqlNmzIyMrBs2TKMGTMGzZs313U5ohIbG4tly5ahWbNmqF69uq7LIRIVBkAiyldubi4UCgWMjIwK/JjCzNW0qVOn4urVqwgODkaHDh1UxgIDA7FkyRKNPM/7vC+kGenp6TA1NdV1GaKpg6goeAqYqIR69OgRpk6dCk9PTzRs2BCdO3fGtm3bVOZkZ2dj6dKl8Pf3R+PGjeHq6ooBAwbgxIkTKvMSEhLg6OiIVatWYe3atWjXrh2cnZ0RFxeHkJAQODo64vbt25gyZQqaNGmCxo0bY+rUqcjIyFDZT95rAF+dzj579izmzp2LFi1awNXVFQEBAUhJSVF5rEKhQEhICLy8vNCoUSMMGjQIsbGxBbqu8Pz58zh8+DB69eqlFv6Al8F08uTJyq8HDRqEQYMGqc2bMmUKfH193/m+XL16FfXr18eyZcvU9hEfHw9HR0ds2LBBue3Zs2f47rvv0KpVKzRs2BDt27fHL7/8AoVCofLYvXv3wt/fH25ubnB3d0fXrl3x22+/vfF1JyQkwMPDAwCwbNkyODo6wtHRESEhIco5cXFxGDduHJo1awZnZ2f4+/vj77//VtnPq3U6c+YM5syZgxYtWqBJkyaYPn06srOz8ezZM0yaNAlNmzZF06ZNMX/+fAiC8Mb3qU2bNnBxccHAgQNx48YNtboLU9OpU6cwc+ZMeHh4oFWrVgCAe/fuYebMmejQoQNcXFzQvHlzjBs3TuVU744dOzB+/HgAwODBg5XvzatT5Xnfp1fe9D2cXx0AcOTIEQwYMACurq5wc3PDp59+ipiYmDeuGZFY8AggUQmUlJSEPn36QCKR4KOPPoKlpSXCw8Px9ddf48WLFxgyZAgA4MWLF9i6dSu6dOmC3r17Iy0tDdu2bcOIESOwdetWODk5qex3x44dyMrKQp8+fWBkZIQKFSooxwIDA1G9enV8/vnnuHLlCrZu3QpLS0t8+eWX76x3zpw5MDMzw5gxY3Dv3j389ttvmD17NoKCgpRzFi1ahJUrV6JNmzbw9vbGtWvXMHz4cGRlZb1z///88w8AoFu3bgV49wov7/tiY2ODpk2bIiwsDGPGjFGZu2/fPshkMnTs2BHAy1O0AwcOxKNHj9CvXz9UqVIFUVFRWLx4MRITE/H1118DAI4dO4bPP/8cHh4e+OKLLwC8DJPnzp3Dxx9/nG9dlpaWmDlzJmbOnIn27dujffv2AF6GGwCIiYlB//79UalSJXzyyScwNTVFWFgYAgICEBISopz/ypw5c2BtbY2xY8fi/Pnz2Lx5M8qXL4+oqChUqVIFEyZMQHh4OFatWgUHBwd0795d5fE7d+5EWloaBgwYgKysLKxfvx4ff/wxdu/eDWtr6/eqadasWbC0tERAQADS09MBABcvXkRUVBQ6d+6MypUr4969e9i0aRMGDx6MvXv3okyZMmjatCkGDRqE9evXY9SoUahTpw4AwM7OruAL/446du7ciSlTpsDLywtffPEFMjIysGnTJgwYMAChoaE87UziJhCRqGzfvl1wcHAQLly48MY5X331ldCyZUshJSVFZfuECROExo0bCxkZGYIgCEJubq6QlZWlMufp06eCp6enMHXqVOW2u3fvCg4ODoK7u7uQnJysMj84OFhwcHBQmS8IghAQECA0a9ZMZVubNm2EyZMnq72WIUOGCAqFQrn9+++/F5ycnIRnz54JgiAIiYmJQv369YXRo0er7C8kJERwcHBQ2Wd+AgICBAcHB+Hp06dvnffKwIEDhYEDB6ptnzx5stCmTRvl1297X/744w/BwcFBuH79usp2Pz8/YfDgwcqvly9fLri6ugo3b95Umbdw4ULByclJuH//viAIgjBnzhzB3d1dyM3NLdBreCU5OVlwcHAQgoOD1cY+/vhjoUuXLirfAwqFQujbt6/wwQcfKLe9Wqdhw4aprFPfvn0FR0dHYfr06cptubm5go+Pj8r79+p9cnFxER4+fKjcfv78ecHBwUH4/vvv37um/v37q70nr76/XxcVFSU4ODgIoaGhym1hYWGCg4ODcOLECbX5b3rP3vQ9nLeOFy9eCE2aNBGmTZum8vjExEShcePGatuJxIangIlKGEEQ8Ndff8HX1xeCICAlJUX5x8vLC8+fP8fly5cBADKZTHmtmkKhwJMnT5Cbm4uGDRviypUravv+4IMPYGlpme/z9uvXT+XrJk2a4MmTJ3jx4sU7a351tPL1x8rlcty7dw8AEBkZidzcXAwYMEDlcQMHDnznvgEoayhbtmyB5hdWfu9L+/btYWBggH379im33bhxA7GxsfDz81Nu279/Pxo3bgwzMzOVtfL09IRcLsfp06cBAGZmZsjIyMCxY8c0UvOTJ09w4sQJdOrUCS9evFA+b2pqKry8vHDr1i08evRI5TG9evVSWScXFxcIgoBevXopt8lkMjRs2BB3795Ve8527dqhUqVKKo9v1KgRjhw58t419enTBzKZTGWbiYmJ8v9zcnKQmpqKmjVrwszMLN/va03IW8fx48fx7NkzdO7cWWVdpVIpGjVqxE9lk+jxFDBRCZOSkoJnz55h8+bN2Lx58xvnvBIaGorVq1fj5s2byMnJUW7P7/TU205ZVa1aVeVrMzMzAMDTp09Rrly5t9b8psc+e/YMAHD//n0AQM2aNVXmmZubq5yGfpNXz5+Wlqbctybl975YWlqiRYsWCAsLQ2BgIICXp38NDAxUTmPevn0b169fV16rl9ertRowYADCwsLwySefoFKlSmjZsiU6deoEHx+f96r5zp07EAQBS5cuxdKlS/Odk5ycrBLY8q5T+fLlAQBVqlRR2/706VO1/dWqVUttm62tLcLCwt67pvze+8zMTKxYsQI7duzAo0ePVK5HfP78eb77Laq8ddy6dQsA3nh6/l0/E0S6xgBIVMK8+uDAhx9+iB49euQ759U1YLt27cKUKVPQrl07DB8+HFZWVpDJZFixYkW+R3BeP7KSl1Sa/wmD1//x1cZjC+LV9V03btxAkyZN3ns/crk83+1vel86d+6s/PSxk5MTwsLC0KJFC5WjhQqFAi1btsSIESPy3YetrS0AwMrKCjt37sTRo0cRHh6O8PBw7NixA927d8e8efMK/VpefZ8MGzYM3t7e+c7JG7jftE5v2l4cNRkbG6vN+fbbb7Fjxw58/PHHcHV1Rfny5SGRSDBhwoQif0+96Xsgbx2vnmf+/PmwsbFRm5/3qCWR2DAAEpUwlpaWKFu2LBQKBTw9Pd8698CBA6hRowaWLVumcmovODhY22UWyqsjT3fu3EGNGjWU21NTU/M90pRXmzZtsGLFCvz5558FCoAVKlTINwC/OhJZUO3atcP06dOVp4Fv3bqFkSNHqsypWbMm0tPT37lWwMtPK/v6+sLX1xcKhQIzZ87E5s2bMXr06HyPrgF4Y9/FV++joaFhgZ5bE27fvq227datW6hWrZpGazpw4AC6d++u8mndrKwstaN/b+tJWaFCBeUR6Feys7ORmJhYoBpevRYrK6tie3+JNInXABKVMDKZDB06dMCBAwfybbHx+unfV0chXj8qcv78eURHR2u9zsLw8PCAgYEBNm3apLJ948aNBXq8m5sbvL29sXXrVhw6dEhtPDs7W+UoWo0aNRAfH6/yXl27dg3nzp0rVN1mZmbw8vJCWFgY9u7dC0NDQ7Rr105lTqdOnRAVFYWIiAi1xz979gy5ubkAXobd10mlUuWR3Ozs7DfWUKZMGeW+XmdlZYVmzZph8+bNePz4sdrj8rbh0YRDhw6pXMN34cIFnD9/XnkaW1M15Xd0bf369WpH7169N/mdFq5RowbOnDmjsm3Lli1vPAKYl7e3N8qVK4cVK1aoXFrxijbeXyJN4hFAIpHavn17vqFh8ODBmDhxIk6ePIk+ffqgd+/eqFu3Lp4+fYrLly8jMjISp06dAgC0bt0af/31FwICAtC6dWskJCTgjz/+QN26dZWtLMTA2toagwcPxurVqzFq1Ch4e3vj+vXrCA8Ph4WFRYHuLjJ//nwMGzYMY8aMQZs2beDh4YEyZcrg9u3b2LdvHx4/fqzsBdirVy+sXbsWw4cPR69evZCcnKx8X9LS0gpVu5+fH7788kv8/vvv8PLyUrsGcfjw4fjnn38watQo9OjRAw0aNEBGRgZu3LiBAwcO4O+//4alpSWmTZuGp0+fokWLFqhUqRLu37+PDRs2wMnJ6a2tS0xMTFC3bl2EhYXB1tYW5ubmsLe3h4ODA2bMmIEBAwaga9eu6NOnD2rUqIGkpCRER0fj4cOH+PPPPwv1Wt+lZs2a6N+/P/r374/s7GysW7cO5ubmKqe/NVFT69atsWvXLpQrVw5169ZFdHQ0jh8/DnNzc5V5Tk5OkMlk+PXXX/H8+XMYGRmhRYsWsLKyQu/evTFjxgyMHTsWnp6euHbtGo4ePQoLC4sCvdZy5cph5syZmDRpEvz9/eHn5wdLS0vcv38fR44cgbu7O6ZPn16o94+oODEAEolU3qNhr/j7+6Ny5crYunUrli9fjoMHD2LTpk0wNzdH3bp1lT3kXs1NSkrC5s2bcfToUdStWxcLFizA/v37lSFRLL744guYmJhg69atiIyMhKurK1atWoUBAwYU6K4blpaW+OOPP/D7779j3759WLJkCXJyclCtWjX4+vpi8ODByrl2dnaYN28egoODMXfuXNStWxfz58/Hnj17Cv2++Pr6wsTEBGlpaSqf/n2lTJkyWL9+PVasWIH9+/dj586dKFeuHGxtbTF27FjlBy0+/PBDbNmyBb///juePXsGGxsbdOrUCWPHjn3nNXhz5szBt99+i7lz5yInJwdjxoyBg4MD6tati+3bt2PZsmUIDQ3FkydPYGlpifr16yMgIKBQr7MgunfvDqlUit9++w3JyclwcXHBN998g4oVKyrnaKKmr7/+GlKpFLt370ZWVhbc3d2xZs0atessbWxsMGvWLKxYsQJff/015HI51q1bBysrK/Tp0wcJCQnYtm0bIiIi0LhxY6xZs0bZQ7MgunbtiooVK+KXX37BqlWrkJ2djUqVKqFJkybw9/cv8H6IdEEiaOoqbCIiDXv27BmaNm2KwMBAfPbZZ7ouh94gISEBbdu2xaRJkzB8+HBdl0NEBcBrAIlIFDIzM9W2vboNWrNmzYq7HCKiUo2ngIlIFPbt24fQ0FD4+PjA1NQU586dw549e+Dl5YXGjRvrujwiolKFAZCIRMHR0REymQwrV65EWloarKysMHjwYGWTZSIi0hxeA0hERESkZ3gNIBEREZGeYQAkIiIi0jO8BrCAFAoFcnNzIZVKC9SUloiIiEhbBEGAQqGAgYHBe92vmwGwgHJzc3Hx4kVdl0FERESk5OzsXKBm+XkxABbQq3Tt7Oyc730oNUGhUCAuLg52dnbvleZJs7ge4sL1EBeuh7hwPcSlONZDLpfj4sWL771/BsACenXaVyaTaS0ASiQSSCQSyGQy/gCLANdDXLge4sL1EBeuh7gU53q872Vp/C4hIiIi0jMMgERERER6hgGQiIiISM/wGkAiIqJSQi6XIzs7W9dl6D2FQgGFQoHMzMz3vgbQ0NBQa585ABgAiYiISjxBEJCdnY2YmBj2qhUBQRCQm5uLW7duFWk9zM3NUblyZa2sKQMgERFRCffo0SMAQMWKFVG2bFmGQB17FciNjIzeay0EQUB6ejoeP34MAKhSpYqmS2QAJCIiKsnkcjmePHkCGxsbWFlZMfyJgCAIkEgkMDY2fu/1KFOmDADg8ePHqFixosZPB/NDIERERCVYTk4OAMDExETHlZCmmZqaAvhvjTVJlAFw48aN8PX1hbOzM3r37o0LFy68cW5MTAzGjh0LX19fODo6Yu3atWpzTp8+jVGjRsHLywuOjo44dOiQFqsnIiIqfjzyV/poc01FFwD37duHuXPnIiAgAKGhoahXrx6GDx+O5OTkfOdnZGSgevXqmDhxImxsbPKdk56eDkdHR8yYMUObpRMRERGVCKILgGvWrEGfPn3Qs2dP1K1bF7NmzYKJiQm2b9+e73wXFxdMnjwZnTt3fuPNkFu1aoUJEyagffv22iydiIiIdMTX1zffs4BvcvLkSTg6OuLZs2faK0rERBUAs7OzcfnyZXh6eiq3SaVSeHp6IioqSoeVERERkaYNGjQI3333nUb2tW3bNvTt27fA893c3HD06FGUL19eI89f0ojqU8CpqamQy+WwsrJS2W5lZYX4+HgdVaVKoVBo7Zx84rMM3EnNQh25XCv7p8JRKBQQBAEKhULXpRC4HmLD9RCPV2sgCILKf0uCd9UsCALkcjkMDN4dVywsLN66r7wMDQ1hbW1dqMcUhibWQxAE5c9Z3p+1ov7siSoAlgRxcXFaCYD/xD3HgohHUAhA/eOJ+MK7IqqZ5X9Km4pPZmYm4uLidF0G/R/XQ1y4HuKgUCiQm5sLQRCQlZWl3C5XCHiaoflPj75NhTKGkEkL9m/kN998g9OnT+P06dNYt24dAGD27NmYPn06li9fjmXLliEmJgY///wzKleujIULF+LChQvIyMhAnTp1MG7cOLRo0UK5v06dOuGjjz7CwIEDAQCNGjXCjBkzEB4ejsjISFSsWBETJ05E69atAbz8gOiIESMQEREBMzMz7Nq1CwsWLMC8efOwYMECPHz4EG5ubpg9e7byMwa5ublYuHAh9uzZA6lUih49eiA5ORkvXrxAUFCQyuvLux7vIzs7G7m5ubh9+7baHUWKGlpFFQAtLCwgk8nUPvCRnJysTOm6Zmdnp5Vbs4zZGwHF/9fyyuNMjNl9D9M6O6Fvk+r8ZJeOKBQKxMbGws7O7r1v5UOaw/UQF66HeGRmZirvOGFsbAwA2HvxAWb8eRnJL4r3tnBW5Yww68MG6Oz87sbF33zzDe7cuQN7e3uMGzcOABAbGwsACA4OxqRJk1CjRg2YmZnh4cOHaN26NT7//HMYGRlh165dGDduHMLCwlC1alXlPg0MDJTvAQCsWLECX3zxBaZMmYINGzZg6tSp+Oeff2Bubg5DQ0MAgLGxMYyNjWFgYIDMzExs2LAB8+fPh1QqxaRJkxAUFISFCxcCePk5hX379uH777+HnZ0d1q1bh3///RfNmzdXeV7g5brk3VZYgiDAwMAAtWrVUmvzI5fL39ol5V1EFQCNjIzQoEEDREZGol27dgBe/iUTGRmpTPS6JpVKtfKXXSUzE8Q8fqH8Oj1bjq9CL+Gfa4n4oaczrMsV7ZuI3o9EItHamlPhcT3EheshDq/e/1cHCyQSCabuuIjnmbnFXkvyi2xM3XERXVyqvnOumZkZjIyMUKZMGVSsWBEAcPPmTQDAuHHj4OXlpZxrYWEBJycn5deBgYE4dOgQ/v33X2U+eP31v9KjRw907doVAPD5559j/fr1uHjxInx8fFTmv/qTk5ODWbNmoWbNmgCAjz76CD/++KNy7oYNGzBy5Eh88MEHAIDp06cjPDxc7XlfNYLOu72wXtWV389ZqToCCABDhw7F5MmT0bBhQ7i4uOC3335DRkYG/P39AQCTJk1CpUqVMHHiRAAvD4++OgWRnZ2NR48e4erVqzA1NUWtWrUAAGlpabhz547yORISEnD16lVUqFBB5TcHXZrr74yBq07idnK6yvZDVx+hY1AqfvB3Qbv6lXRUHRERUfFxdnZW+TotLQ3Lli3D4cOHkZiYCLlcjszMTNy/f/+t+3F0dFT+v6mpKcqVK4eUlJQ3zi9Tpowy/AEvb6336qzk8+fPkZSUBBcXF+W4TCZDgwYNSuS1sKILgH5+fkhJSUFwcDASExPh5OSElStXKk8BP3jwQCUFP378GN27d1d+vXr1aqxevRrNmjXD+vXrAQCXLl3C4MGDlXPmzp0L4OVvBj/88EMxvKp3q2Fpir1jW2LSppPYd131I+lJL7IxYt0Z9G9WE9M6O6GsseiWjYiIROQHfxfM+PMSkor5FLB1OSPM+rBhkffz6jZor8ybNw/Hjx/H5MmTUbNmTZiYmGDcuHHvvEPGq9O8r0gkkreGtbwfNpFIJCXqQzWFIcokMXDgwDee8n0V6l6pXr06rl+//tb9NW/e/J1zxMDUyADjPSuiR3N7TN1xUe0Hd9OpO4iMS8KSvq5wq2mhoyqJiEjsOrtUQceGlfEkvXgDoLmpUYE/BAK8DGgFOXoWFRWFHj16KPv5pqWl4d69e+9d5/soX748rK2tcfHiRTRt2hTAy+vwrly5gnr16hVrLZogygCo79rWq4j9gT6Ysv0iDl19pDJ2KzkdvX6OxJg2dTHGty4MZbz2hoiI1MmkEliJ/PrxatWq4fz580hISICpqekbw2CtWrVw8OBB+Pr6QiKRICgoSCenXQcOHIgVK1agZs2aqFOnDjZs2ICnT5+WyA9rMj2IlHU5Y/w6uDF+8HeGqZHqp47lCgFL/45Br58jcTMpTUcVEhERFc2wYcMgk8nQuXNneHh44MGDB/nOmzJlCszMzNCvXz+MGjUK3t7eaNCgQTFXC3zyySfo0qULJk+ejH79+sHU1BReXl5F/rSvLkiE0npyW8Pkcjmio6Ph6uqqlTYwwMtPPMfExMDe3l7lOsdbSWmYsCUaUXeeqD2mjKEM07o4YUCzmiXyNxAxe9N6kG5wPcSF6yEemZmZiI+PR7Vq1WBmZsZ/C4qRQqFAp06d0KlTJwQGBiq3v+oBaGxsXKT1yMzMxM2bN1G7du1828AUJZfwp7YEsLUui60jPfB5ewe1aysycuT4OvQSRvx2BonPi9ZwkoiIiN7s3r172LJlC27evInr169j5syZuHfvnrLVTEnCAFhCGMikGNfWHjs+80Qd67Jq439fe4wOQeH46/JDHVRHRERU+kmlUuzYsQO9evVC//79cePGDaxZswZ2dna6Lq3Q+CGQEqZRDXPsGeeF7/ddxYYTd1TGUtKy8en6s+jbpAamd63PdjFEREQaVKVKFfzxxx+6LkMjeASwBDI1MsCc7s5YM6RpvncI2XzmLvyCI3D2dqoOqiMiIiKxYwAswdrUq4gDgd74IJ87hNxOTkfvn49j8V/XkSMveR3KiYiISHsYAEs4q3LGWDGoMeb3dEHZPO1iFAIQ/E8sev50HHGJL96wByIiItI3DIClgEQiQZ+mNRA23geNa6nfIeRCwlN0Do7A+shbpfaWNkRERFRwDIClSE0rU2wZ6YEvOzjCIE+7mMwcBb7ZdRlD157G4+eZOqqQiIiIxIABsJSRSSUIaFMXoaNbws5GvV3M4euJ6LAkHPsvsV0MERGRvmIALKWcq1fAnrHeGOxRS20sNT0HozacxZdbz+NFVq4OqiMiIio6X19frF27Vvm1o6MjDh069Mb5CQkJcHR0xNWrV4v0vJrajy4xAJZiZYxkmN2tIdYObQqb8urtYraeTUCnpeE4cytFB9URERFp1tGjR+Hj46PRfU6ZMgWjR49W2ValShUcPXoU9vb2Gn2u4sQAqAdaO1bEgUAfdGxQWW3sbkoG+qyIxIID15Cdy3YxRERUctnY2MDIyEjrzyOTyWBjYwMDg5J7wwUGQD1hWdYIPw10x8LejVAuzx1CFAKw/N84+P90DLGPn+uoQiIi0iiFHEhLKt4/CnmBy9u8eTO8vLygUKgefPjss88wdepU3LlzB5999hk8PT3h5uaGnj174vjx42/dZ95TwBcuXED37t3h7OwMf39/tVO2crkcX331FXx9feHi4oIOHTrgt99+U46HhIQgNDQUf//9NxwdHeHo6IiTJ0/mewr41KlT6NWrFxo2bAhvb28EBQUhN/e/y6wGDRqEOXPmYP78+WjWrBlatmyJkJCQAr9fmlZyoysVmkQiQa/G1dG8tiU+3xKN07dU7xRy6d4zdA4+iq/8nDDYoxYkEskb9kRERKJ2ORTY9yWQlli8z1vWBvBbADTo8c6pHTt2xLfffouTJ0/Cw8MDAPDkyRNERETg119/RXp6Olq1aoUJEybAyMgIO3fuxKhRo7B//35UrVr1nftPS0vDyJEj4enpiQULFiAhIQHfffedyhyFQoHKlStj6dKlMDc3R1RUFKZPnw4bGxv4+flh2LBhiIuLw4sXLzB37lwAQIUKFfD48WOV/Tx69AiffvopevTogXnz5iE+Ph7ffPMNTE1NMW7cOOW80NBQDB06FFu2bEF0dDSmTJkCd3d3tGzZ8p2vR9N4BFAP1bA0xR+femBSR0cYylRDXlauAjP+vIyP15zGo2dsF0NEVCL9Ob74wx/w8jn/HF+gqRUqVICPjw92796t3HbgwAFYWFigefPmqFevHvr16wcHBwfY2toiMDAQNWvWxD///FOg/e/ZswcKhQLff/897O3t0aZNGwwfPlxljqGhIcaNGwdnZ2fUqFEDH374Ifz9/bF//34AQNmyZWFiYgIjIyPY2Ni88RTz77//jsqVK2P69Omws7NDu3bt8Nlnn2HNmjUqRzgdHR0xZswY2Nraonv37mjYsCEiIyML9Ho0jQFQT8mkEoxu/bJdTN2K5dTGw28kokNQOMIuPtBBdUREpA+6du2Kv/76C9nZ2QCA3bt3o3PnzpBKpUhLS8O8efPQqVMnNGnSBG5uboiLi8P9+/cLtO+4uDg4OjrC2Pi/D0G6ubmpzdu4cSP8/f3RokULuLm5YcuWLQV+jtefy83NTeXMmaurK9LT0/Hw4X9t1xwdHVUeZ2Njg+Tk5EI9l6YwAOq5htUqYM9YLwzxtFUbe5Keg882nsPELefxPDOn+IsjIqL38+HSl6dji1tZm5fPXUC+vr4QBAGHDx/GgwcPcObMGXTt2hUAMG/ePBw8eBCff/45Nm7ciJ07d8LBwQE5OZr792jv3r2YN28eevbsidWrV2Pnzp3w9/fX6HO8Lu+HRiQSic7u0MVrAAkmhjLM/LAB2jpVxBdbz+PRsyyV8e3nEnDyZjIW93FFs9qWOqqSiIgKrEEPwOlDICP13XM1qYwFIJW9e97/GRsb44MPPsDu3btx+/Zt1K5dGw0aNAAAREVFoUePHmjfvj2Al9f03bt3r8D7trOzw65du5CVlaU8ChgdHa0y59y5c3Bzc8NHH32k3Hbnzh2VOYaGhmofVMnvuQ4cOABBEJRHAaOjo1G2bFlUrqzegUMMeASQlLztbXAg0AednauojSWkZqDvL5GYt5/tYoiISgSpDChrXbx/ChH+XunatSsOHz6M7du3K4/+AUCtWrVw8OBBXL16FdeuXcPEiRPfGcRe16VLF0gkEkybNg2xsbE4cuQIVq9erTKnVq1auHTpEiIiInDz5k0EBQXh4sWLKnOqVauG69evIz4+HikpKfkeHRwwYAAePnyIb7/9FnFxcfj777/x008/YciQIZBKxRm1xFkV6Yy5qRGWDXDD4j6NUD5PuxhBAH46HIcePx5DzCO2iyEioqJr0aIFKlSogJs3b6oEwClTpsDMzAz9+vXDqFGj4O3trTw6WBBly5bFzz//jBs3bqB79+5YsmQJvvjiC5U5/fr1wwcffIAJEyagT58+ePLkCQYMGKAyp0+fPqhduzZ69uwJDw8PnDt3Tu25KlWqhF9++QUXLlxAt27dMHPmTHTv3h2fffZZId+N4iMRdHXyuYSRy+WIjo6Gq6srZLLC/4ZTEAqFAjExMbC3txfFbwwJqen4fMt5nLqpfqcQYwMppnSqh489bCGVls52MWJbD33H9RAXrod4ZGZmIj4+HtWqVYOZmRlbeImAIAjKU89FWY/MzEzcvHkTtWvXhomJicpYUXMJf2rpjapbmGLTJy0wpVO9fNvFzNp9BR+vOYWHT9kuhoiIqCRhAKS3kkklGNXKDjsDWsKhknq7mIiYJHQICseeC4X7yDwRERHpDgMgFUiDqhXw5xgvDGtZW23saUYOxvwehQmbo/GM7WKIiIhEjwGQCszEUIbpXetjw/DmqGxmojYeGnUPnYIicDJeN00tiYiIqGAYAKnQvOytsT/QG11c1NvF3HuSgX6/nsDcsKvIyi34TcGJiIio+DAA0nsxNzVCSH83BPV1RXkT9XYxK47Eo/vy47j+kO1iiIiKQ2F65FHJoM015Z1A6L1JJBJ0d6uGprUtMXFLNE7Eq7aLufrgGbouO4pJHRwxrGXtUtsuhohIl4yMjCCVSvHo0SNIpVIYGRmxFYyOCYKA7OxslTuDvM/jExMTlWuqaQyAVGTVzMvg9xEtsOroTSw4cB3Z8v9+Y8nOVWDO3qv49/pjLOzdCFUqlNFhpUREpY9UKoWtrS1u3LiBe/fuMfyJgCAIyM3NhYGBQZHWw9TUFDVr1tRKr00GQNIIqVSCT3zqwMveGoF/RON6njuFHItNRocl4ZjTwxkfNqqqoyqJiEonIyMjGBkZoXbt2uD9HXRPoVDg9u3bqFWr1nuHN5lMVuQA+TYMgKRRTlXMsGtMSyw8cB0rj95UGXuWmYtxm6Lw99VHmN2tISqUMdRRlUREpY9EIoGhoSHvzCICCoUCUqkUJiYmol0PcVZFJZqJoQzTutTH7yOao0oF9XYxu6Lvo1NQOI7HJemgOiIiImIAJK3xrGuN/eN90M1V/ZTv/aeZ+GjlSXy39wrbxRARERUzBkDSqgqmhljazw3B/d1glk+7mF8jbqLbsmO49vCZjiokIiLSP6INgBs3boSvry+cnZ3Ru3dvXLhw4Y1zY2JiMHbsWPj6+sLR0RFr164t8j5Jsz5sVBX7A33gaWelNnbt4XN8GHIMv4bHQ6HgxctERETaJsoAuG/fPsydOxcBAQEIDQ1FvXr1MHz4cCQn53+LsYyMDFSvXh0TJ06EjY2NRvZJmlfVvAw2DG+OaZ2dYGSg+q2XLVfgu31X8dHKk7j/JENHFRIREekHUQbANWvWoE+fPujZsyfq1q2LWbNmwcTEBNu3b893vouLCyZPnozOnTu/sVliYfdJ2iGVSjDCuw52j/FCvcrl1cYj45PRISgcu6Lv6aA6IiIi/SC6AJidnY3Lly/D09NTuU0qlcLT0xNRUVGi2ScVjWPl8tg1piVG+tRB3hZHzzNzMf6PaIzdFIWn6Tm6KZCIiKgUE10fwNTUVMjlclhZqV4rZmVlhfj4eJ3vU6FQaK0po0KhgCAIenM/R0OpBJM7OqK1gzUmbruA+08yVcZ3n7+PM7dSML+nM1rWtS72+vRtPcSO6yEuXA9x4XqIS3GsR1H3LboAKHZxcXFavc1OZmYm4uLitLZ/MbIEsKxzFSw/kYS/41TvIPLgaSYGrT4N/wYVMNTdSu3aQW3Tx/UQM66HuHA9xIXrIS7aXo+i3vFFdAHQwsICMplM7cMZycnJsLZ+v6NAmtynnZ0dZDLZe9XxLgqFArGxsbCzsxNt53Bt+rUBsPfCA0zbdRlPM1RP/e64/BSXkuRY0qcRnKqYFUs9+r4eYsP1EBeuh7hwPcSlONZDLpcXqZuJ6AKgkZERGjRogMjISLRr1w7AyzcyMjISAwcO1Pk+pVKpVn+4JBKJ1p9DzLq6VkPT2lb4Yut5HI1VvVPIjUcv0OPHSEz8wAEjvOtAJtX+Dc/1fT3EhushLlwPceF6iIu216OoRwBF+V0ydOhQbNmyBaGhoYiLi8PMmTORkZEBf39/AMCkSZOwaNEi5fzs7GxcvXoVV69eRXZ2Nh49eoSrV6/i9u3bBd4niUflCiZYN6wZpnepn2+7mLlh19D/1xNISE3XUYVEREQlm+iOAAKAn58fUlJSEBwcjMTERDg5OWHlypXK07UPHjxQSdSPHz9G9+7dlV+vXr0aq1evRrNmzbB+/foC7ZPERSqVYJhXbXjZWyPwj2hceaB6p5BTN1PQKSgCs7o1QA+3alq9LpOIiKi0kQhFPYaoJ+RyOaKjo+Hq6qrVawBjYmJgb2/PQ/ivyc5VYPHBG1gRHof8vls7O1fBdz0awtw0/x6Q74vrIS5cD3HheogL10NcimM9ippL+F1ComdkIMWUTvXwxyctUM28jNr43osP0CEoHEdjkvJ5NBEREeXFAEglRvM6VggL9Ia/ezW1sUfPsjBw1UnM2n0ZmTlyHVRHRERUcjAAUoliZmKIxX1c8eNH7jA3NVQbX3PsFrqGHMWle091UB0REVHJwABIJZKfcxUcCPSBt736h3hiHr9Ajx+P4cfDsZAreIkrERFRXgyAVGJVMnvZLmbWhw1gnKddTI5cwPz919H/lxO4m8J2MURERK9jAKQSTSKR4GNPW+wd54UGVdXvEHLqVgo6LY3AtrMJRW6aSUREVFowAFKpULdieYSObonRre2Q9wYhL7Jy8cXW8xi98RxS07J1UyAREZGIMABSqWFkIMWkjvWweaQHqluot4sJu/QQHYLCceRGog6qIyIiEg8GQCp1mtpaImy8N3o3rq429vh5Fj5efQozdl1CRjbbxRARkX5iAKRSqbyJIRb0boSfB7rDIp92Mb9F3kaXkAi2iyEiIr3EAEilWseGL9vFtHKwURuLS0xD9+XHsPxftoshIiL9wgBIpV5FMxOsHdoU33ZrABND1W/5XIWABQeuo++KSLaLISIivcEASHpBIpFgkIct9oz1hnO1CmrjZ26nomNQOLacuct2MUREVOoxAJJeqVuxHHaM9sRY37pq7WLSsuWYtO0CRm04ixS2iyEiolKMAZD0jqFMiokfOGLrKA/UtDRVGz9w+RE6BIXj8HW2iyEiotKJAZD0VuNaltg33ht9m9RQG0t8noVhv53BsshEtoshIqJShwGQ9Fo5YwPM6+WCFYMaw7Kskdr47mtP0XXZMVxIeFL8xREREWkJAyARgA4NKmN/oDfaOKq3i4lPSoP/j8cR8ncMcuUKHVRHRESkWQyARP9XsbwJVg9pijndG6KMoUxlLFchYNHBG+izIhK3k9N0VCEREZFmMAASvUYikWBgi1rYO84LLtXV28Wcu/MEnZZG4I9Td9guhoiISiwGQKJ81LEph60jW+AjVwvI8vSLSc+WY8qOi/h0/Vkkv8jSUYVERETvjwGQ6A0MZVIMdrPClk+bo5aVeruYg1ceoUNQBP659kgH1REREb0/BkCid3CraYF947zRv5l6u5ikF1kYtvYMvg69iPTsXB1UR0REVHgMgEQFUNbYAHP9XfDr4CawyqddzMaTd9A5+Cii7z4p/uKIiIgKiQGQqBDa16+E/YE+aFuvotrYzaQ09PzpOIIO3WC7GCIiEjUGQKJCsilvjJUfN8Fcf2e1djFyhYCgQzHo9XMkbiaxXQwREYkTAyDRe5BIJOjfrCb2jfeGaw1ztfHou0/gtzQCv59kuxgiIhIfBkCiIqhtXRbbRnkgsJ29WruYjBw5vgq9iE/WnUES28UQEZGIMAASFZGBTIrAdg7YNsoDta3Lqo0fuvoYHZaE49AVtoshIiJxYAAk0hC3mhbYO84LHzWvqTaWnJaNEevOYOqOC0jLYrsYIiLSLQZAIg0yNTLAdz2csXpIE1iXU28Xs+nUXXQOjsC5O6k6qI6IiOglBkAiLfCtVwkHAn3Qvn4ltbFbyeno/XMkFh+8gRy2iyEiIh1gACTSEqtyxvhlUGPM6+kMUyP1djHBf8eg10/HEZ/4QkcVEhGRvmIAJNIiiUSCvk1rImy8N9xrmquNn094is7BR7HhxG22iyEiomLDAEhUDGpZlcWWkR6Y2N4BBvm0i5m28xKG/3YGj59n6qhCIiLSJwyARMXEQCbF2Lb22DHaE3Vs1NvF/HPtMToGReCvyw91UB0REekTBkCiYuZS3Rx7x3pjUItaamMpadn4dP1ZTN52AS/YLoaIiLREtAFw48aN8PX1hbOzM3r37o0LFy68dX5YWBg6duwIZ2dndO3aFUeOHFEZT0pKwpQpU+Dl5YVGjRph+PDhuHXrlhZfAdGblTGS4dvuDbFmaFPYlDdWG9985i78lkbg7G22iyEiIs0TZQDct28f5s6di4CAAISGhqJevXoYPnw4kpOT851/7tw5TJw4Eb169cLOnTvRtm1bBAQE4MaNGwAAQRAQEBCAu3fv4scff0RoaCiqVauGoUOHIj09vThfGpGKNo4VcSDQBx0aqLeLuZOSjt4/H8eiv66zXQwREWmUKAPgmjVr0KdPH/Ts2RN169bFrFmzYGJigu3bt+c7f926dfD29saIESNgZ2eHwMBA1K9fHxs2bAAA3Lp1C9HR0Zg5cyZcXFxQp04dzJw5E5mZmdi7d29xvjQiNZZljfDzwMaY38sFZfO0i1EIQMg/sfD/8ThiH7NdDBERaYboAmB2djYuX74MT09P5TapVApPT09ERUXl+5jo6Gh4eHiobPPy8kJ0dLRynwBgbPzfqTapVAojIyOcPXtWw6+AqPAkEgn6NKmBsPE+aFLLQm384r2n6BISgXWRt9guhoiIisxA1wXklZqaCrlcDisrK5XtVlZWiI+Pz/cxSUlJsLa2VpuflJQEAKhTpw6qVq2KRYsWYfbs2ShTpgzWrl2Lhw8fIjExsVD1KRQKSCSSd098DwqFAoIgQKHg6T4x0MV6VLcwwaZPmuPn8HgsPRSDXMV/YS8zR4Hpuy7j76uPMM/fGRXNTIqtLjHgz4e4cD3EheshLsWxHkXdt+gCoDYYGhoiJCQEX3/9NZo1awaZTAYPDw/4+PgU+mhKXFyc1gIgAGRmZiIuLk5r+6fC0dV6fFANqN25GuaFP8LdpzkqY0duJOGDJUcQ2LIiWtYqV+y16RJ/PsSF6yEuXA9x0fZ6FPVskOgCoIWFBWQymdoHPpKTk9WO8r1ibW2tPNr3pvkNGzbErl278Pz5c+Tk5MDS0hK9e/dGw4YNC1WfnZ0dZDLZuye+B4VCgdjYWNjZ2UEqFd3Zeb2j6/WwtwfaNK6PefuvY92J2ypjz7IUmP3PQ/RqXA3fdHZCeRPDYq+vuOl6PUgV10NcuB7iUhzrIZfL39kh5W1EFwCNjIzQoEEDREZGol27dgBevpGRkZEYOHBgvo9xdXXFiRMnMGTIEOW248ePw9XVVW1u+fLlAbz8YMilS5cwfvz4QtUnlUq1+sMlkUi0/hxUcLpej7ImUszu3hBt61fCl1vP4/HzLJXxbWfv4UR8Cpb0dUVTW0ud1FicdL0epIrrIS5cD3HR9noU9QigKL9Lhg4dii1btiA0NBRxcXGYOXMmMjIy4O/vDwCYNGkSFi1apJw/ePBgREREYPXq1YiLi0NISAguXbqkEhjDwsJw8uRJ3L17F4cOHcKwYcPQrl07eHl5FfvrIyqsVg42OBDoAz/nympjCakZ6LsiEvP3X0N2Lq//ISKidxPdEUAA8PPzQ0pKCoKDg5GYmAgnJyesXLlSeUr3wYMHKona3d0dCxcuRFBQEBYvXgxbW1ssX74cDg4OyjmJiYn44YcfkJycDBsbG3Tr1g2jR48u9tdG9L4syhph+QB37Dh3DzP+vKxypxCFAPx4OA7hMYkI6uuKuhXL67BSIiISO4nAnhIFIpfLER0dDVdXV61eAxgTEwN7e3sewhcBMa/H3ZR0fL4lGqdvqd8pxNhAiqmd6uFjT1utfmCpuIl5PfQR10NcuB7iUhzrUdRcwu8SohKohqUp/vjUA5M6OsJQphrysnIVmLn7CgavPoVHzzJ1VCEREYkZAyBRCSWTSjC6dV2Ejm6JuhXV28FExCShQ1A49l18oIPqiIhIzBgAiUq4htUqYM9YLwxtaas29iQ9B6M3nsPnW6LxLDNH/cFERKSXGACJSgETQxlmdG2A9cOboZKZsdr4jnP30CkoAqdupuigOiIiEhsGQKJSxNv+ZbuYzi5V1MbuPclA318i8UMY28UQEek7BkCiUsbc1AjL+rthSd9GKG+s2ulJEICfj8Sh+/JjuPHouY4qJCIiXWMAJCqFJBIJerhVR1igN5rXVr9DyJUHz9Al5ChWH70JhYKdoIiI9A0DIFEpVt3CFL9/0gJTO9VTaxeTnavA7D0v28U8fMp2MURE+oQBkKiUk0klGNnKDrsCvOBQSb1dzNHYl+1i9ly4r4PqiIhIFxgAifRE/apm+HOMF4Z71VYbe5qRgzG/R2HCZraLISLSBwyARHrExFCGb7rUx8YRzVHZzERtPDTqZbuYE/HJOqiOiIiKCwMgkR5qWdcaBwJ90LVRVbWxe08y0P/XE5i77yqycuU6qI6IiLSNAZBIT1UwNURIfzcs7eeK8ibq7WJWhMej27JjuPbwmY4qJCIibWEAJNJz3VyrYX+gDzzqWKmNXXv4HB+GHMPKiHi2iyEiKkUYAIkI1czLYOOI5vjazwlGMtW/FrLlCszZexUDV53E/ScZOqqQiIg0iQGQiAAAUqkEn/jUwa4xLVGvcnm18eNxyegYFI4/z7NdDBFRSccASEQqnKqYYWdAS3ziXRsS1d7ReJaZi3GbojD+jyg8TWe7GCKikooBkIjUmBjK8HXnl+1iqlZQbxezK/o+Oi4Nx/HYJB1UR0RERcUASERv5GlnjbBAH3R3VW8X8+BpJgasPIk5e64gM4ftYoiIShIGQCJ6qwplDBHUzw0h/d1glqddDACsPHoT3Zcfw9UHbBdDRFRSMAASUYF0bVQVByb4wNMu/3Yx3ZYdwy/hcWwXQ0RUAjAAElGBValQBhuGN8e0zk4wMlBvF/P9vmsYsPIE7rFdDBGRqDEAElGhSKUSjPCug91jvOBUxUxt/ER8CjoGhWNn1D0IAo8GEhGJEQMgEb0Xx8rlsTPAEyNb1VFrF/M8MxeBm6MxdhPbxRARiREDIBG9N2MDGaZ2csKmT1qgmnkZtfE9Fx6gQ1A4jrFdDBGRqDAAElGRtahjhbBAb/i7VVMbe/gsEx+tPInZu9kuhohILBgAiUgjzEwMsbivK5YPcEeFMoZq46uP3cSHy47iyn22iyEi0jUGQCLSqM4uVXAg0Afe9tZqYzcevUC35Ufx85E4yNkuhohIZxgAiUjjKlcwwW9Dm2FG1/owztMuJkcu4Iewa+j/6wkkpKbrqEIiIv3GAEhEWiGVSjC0ZW3sGeuF+vm0izl1MwWdgiKw41wC28UQERUzBkAi0ir7SuWxM6AlPmttp94uJisXn285jzG/R+FJerZuCiQi0kMMgESkdUYGUkzuWA+bP/XIt13M3osv28VExCTqoDoiIv3DAEhExaZZbUvsD/RGT/fqamOPnmVh0KpTmPnnZbaLISLSMgZAIipW5U0MsahPI/z0kTvMTdXbxaw9fgtdQo7i0r2nOqiOiEg/MAASkU50cn7ZLsbHwUZtLPbxC/T48RiW/xvLdjFERFrAAEhEOlPJzAS/DW2KWR82yLddzIID19Hvl0jcTWG7GCIiTWIAJCKdkkgk+NjTFnvHeaFhNfV2MadvpaLT0ghsZ7sYIiKNYQAkIlGoW7E8dnzWEgFt7CDN0y7mRVYuvtx2EXP+fYiUNLaLISIqKtEGwI0bN8LX1xfOzs7o3bs3Lly48Nb5YWFh6NixI5ydndG1a1ccOXJEZTwtLQ2zZ8+Gj48PXFxc4Ofnh02bNmnzJRBRIRkZSPFlh3rYMtIDNSzV28UcvZ2GTsFHcfj6Yx1UR0RUeogyAO7btw9z585FQEAAQkNDUa9ePQwfPhzJycn5zj937hwmTpyIXr16YefOnWjbti0CAgJw48YN5ZwffvgBERERWLBgAfbt24ePP/4Y3377Lf7+++/iellEVEBNbC0RNt4HfZqot4tJfJ6FIWtOY/quS8jIZrsYIqL3IcoAuGbNGvTp0wc9e/ZE3bp1MWvWLJiYmGD79u35zl+3bh28vb0xYsQI2NnZITAwEPXr18eGDRuUc6KiotC9e3c0b94c1atXR9++fVGvXr13HlkkIt0oZ2yA+b0a4eeBjWGRT7uYdZG30SUkAhcT2C6GiKiwDHRdQF7Z2dm4fPkyRo4cqdwmlUrh6emJqKiofB8THR2NIUOGqGzz8vLCoUOHlF+7ubnhn3/+Qa9evVCxYkWcPHkSN2/exNSpUwtVn0KhgCTv/aw0RKFQQBAEKBQKreyfCofrIQ4f1K8I1+pemLzjIo7cSFIZi0tMQ48fj2F827oY1coOsrwXD5LW8OdDXLge4lIc61HUfYsuAKampkIul8PKykplu5WVFeLj4/N9TFJSEqytrdXmJyX994/FN998g2+++QY+Pj4wMDCARCLBnDlz0LRp00LVFxcXp7UACACZmZmIi4vT2v6pcLge4jHVswIcy+fgt+hnyJL/92ngXIWARQdjEHb+Lib5VEKV8upHC0k7+PMhLlwPcdH2ehS1K4LoAqC2rF+/HtHR0fjpp59QtWpVnDlzBrNmzULFihXh6elZ4P3Y2dlBJpNppUaFQoHY2FjY2dlBKhXl2Xm9wvUQF4VCAX8AvbycMXHbRVzMc6eQK48zEfBnAr7p4oTejatr9Rc14s+H2HA9xKU41kMulxfpMjbRBUALCwvIZDK1D3wkJyerHeV7xdraWuVoX975mZmZWLJkCZYtW4bWrVsDAOrVq4erV69i1apVhQqAUqlUqz9cEolE689BBcf1EBeJRIK6lcpjx2hPhPwdg2X/xuL1G4WkZcsxZccl/HMtEXP9nWFVzlh3xeoB/nyIC9dDXLS9HkU9Aii67xIjIyM0aNAAkZGRym0KhQKRkZFwc3PL9zGurq44ceKEyrbjx4/D1dUVAJCbm4ucnBy1IwIymYyNZYlKIEOZFJ9/4IitozxRy8pUbfyvK4/QISgC/15juxgiovyILgACwNChQ7FlyxaEhoYiLi4OM2fOREZGBvz9/QEAkyZNwqJFi5TzBw8ejIiICKxevRpxcXEICQnBpUuXMHDgQABAuXLl0KxZMyxYsAAnT57E3bt3sWPHDuzcuRPt2rXTyWskoqJrXMsC+8Z5o1/TGmpjSS+yMHTtaUzbeZHtYoiI8hDdKWAA8PPzQ0pKCoKDg5GYmAgnJyesXLlSeUr3wYMHKodU3d3dsXDhQgQFBWHx4sWwtbXF8uXL4eDgoJyzePFiLF68GF988QWePn2KqlWrYsKECejfv3+xvz4i0pyyxgb4oacLfOtVxJQdF9XuFLLhxB0cj03Gkr6uaFTDXDdFEhGJjETgOdACkcvliI6Ohqurq1Y/BBITEwN7e3tewyECXA9xKch6JD7PwuTtF/BPPqd+ZVIJxre1x+jWdjCQcT2Lij8f4sL1EJfiWI+i5hJ+lxBRqWFT3hirPm6C73o0RBlD1b8Q5QoBiw/eQO8VkbidnKajComIxIEBkIhKFYlEgo+a18LecV75nvKNuvMEnZZG4I9Td/ghMCLSWwyARFQq1bEph22jPDC+rb3aHULSs+WYsuMiPll3FkkvsnRUIRGR7jAAElGpZSiTYkJ7B2wb5QHbfNrFHLr6CB2DwvHPtUc6qI6ISHcYAImo1HOraYG947zRv1lNtbGkF9kYtvYMvgq9iPTsXB1UR0RU/BgAiUgvlDU2wFx/Z6wc3ATW5YzUxn8/eQd+SyMQdSdVB9URERUvBkAi0ivt6lfC/kAftHOqqDZ2KzkdvX6OxJKDN5ArV+igOiKi4sEASER6x7qcMX4d3ARz/Z1haqTeLmbp3zHo+XMkbiaxXQwRlU4MgESklyQSCfo3q4l947zhmk+7mPN3n8BvaQR+P8l2MURU+jAAEpFes7Uui22jPDChnYNau5iMHDm+Cr2IEb+dQeJztoshotKDAZCI9J6BTIrx7eyx/TNP1LYuqzb+97XH6BgUjoNX2C6GiEoHBkAiov9zrWGOveO8MLCFeruY5LRsfLLuDKZsv4C0LLaLIaKSjQGQiOg1pkYGmNPdGWuGNIV1OWO18T9O34VfcATO3ma7GCIquRgAiYjy0aZeRRwI9Eb7+pXUxm4np6P3z8ex+K/ryGG7GCIqgRgAiYjewKqcMX4Z1Bjzeqq3i1EIQPA/sej103HEJb7QUYVERO+HAZCI6C0kEgn6Nq2JsPHeaFzLQm38fMJTdA6OwPoTt9kuhohKDI0FwNDQUBw+fFj59fz589GkSRP069cP9+7d09TTEBHpRC2rstj8aQt88YEDDPK0i8nMUeCbnZcwbO1pPH6eqaMKiYgKTmMB8Oeff4ax8csLpqOiovD777/jyy+/hLm5OebOnauppyEi0hkDmRRjfO2xY7Qn6tiot4v593oiOgZF4MDlhzqojoio4DQWAB8+fIhatWoBAA4dOoQPPvgAffv2xcSJE3HmzBlNPQ0Rkc65VDfH3rHeGOxRS20sJS0bI9efxaRt5/GC7WKISKQ0FgBNTU3x5MkTAMCxY8fg6ekJADA2NkZWFjvoE1HpUsZIhtndGmLt0KawKa/eLmbLmQT4LY3A2dspOqiOiOjtNBYAPT09MW3aNHz99de4desWWrVqBQCIiYlBtWrVNPU0RESi0tqxIg4E+qBjg8pqY3dS0tH750gsPMB2MUQkLhoLgDNmzICrqytSUlIQHBwMC4uXn5a7fPkyOnfurKmnISISHcuyRvhpoDsW9HJBOWMDlTGFACz7Nxb+Px5H7GO2iyEicTB495SCMTMzw/Tp09W2jxs3TlNPQUQkWhKJBL2b1ECLOlaYsDkaZ/LcKeTivafoEhKBr/ycMKhFLUgkkjfsiYhI+zR2BDA8PFzlwx4bN25Et27dMHHiRDx9+lRTT0NEJGo1LE2xeaQHvuzgmG+7mOm7LmPImtN4/IztYohIdzQWABcsWIC0tDQAwPXr1/HDDz+gVatWSEhIwA8//KCppyEiEj2ZVIKANnWxM6Al6lYspzZ+5EYiOgSFY/+lBzqojohIgwEwISEBdnZ2AIC//voLbdq0weeff47p06cjPDxcU09DRFRiNKxWAXvGemGIp63aWGp6DkZtOIcvtp7H88yc4i+OiPSaxgKgoaEhMjNfntI4fvw4WrZsCQCoUKECXrzghc9EpJ9MDGWY+WED/DasGSrm0y5m29kEdFoagVM32S6GiIqPxgKgu7s75s6di+XLl+PixYto3bo1AODWrVuoXFm9PQIRkT5p5WCDA4E+8HNW//swITUDfX+JxLz915Cdy3YxRKR9GguA06dPh4GBAQ4cOIAZM2agUqVKAF5+OMTb21tTT0NEVGJZlDXC8gHuWNS7kVq7GEEAfjochx4/HkPMo+c6qpCI9IXG2sBUrVoVK1asUNv+1VdfaeopiIhKPIlEgp6Nq6NZbUtM3HIep26pnvq9fP8ZuoQcxdRO9TDYwxZSKdvFEJHmaSwAAoBcLsehQ4cQFxcHALC3t4evry9kMpkmn4aIqMSrYWmKTZ+2wC/h8Vh88Dpy5IJyLCtXgZm7r+Dva4+xoFcjVK5gosNKiag00lgAvH37Nj799FM8evQItWvXBgD88ssvqFy5Mn755RfUrFlTU09FRFQqyKQSfNbaDt721piwORoxee4UEhGThA5B4fi+hzM6u1TRUZVEVBpp7BrAOXPmoEaNGjh8+DBCQ0MRGhqKf//9F9WrV8ecOXM09TRERKVOw2oVsHusF4a1rK029jQjBwG/n8Pnm6PxjO1iiEhDNBYAT58+jS+//BLm5ubKbRYWFvjiiy9w+vRpTT0NEVGpZGIow/Su9bFheHNUNlM/5bsj6h46BUXgZHyyDqojotJGYwHQyMhIeSeQ16WlpcHQ0FBTT0NEVKp52Vtjf6B3vqd87z3JQL9fT2Bu2FVk5cp1UB0RlRYaC4CtW7fG9OnTcf78eQiCAEEQEB0djZkzZ8LX11dTT0NEVOqZmxphWX83LOnbCOXzaRez4kg8ui8/jhtsF0NE70ljAXDatGmoUaMG+vbtC2dnZzg7O6Nfv36oWbMmW8EQERWSRCJBD7fq2D/BBy3qWKqNX33wsl3MqqM3oVAI+eyBiOjNNPYpYDMzM/z000+4ffu2sg2MnZ0datWq9V7727hxI1atWoXExETUq1cP33zzDVxcXN44PywsDEuXLsW9e/dga2uLL774Aq1atVKOOzo65vu4L7/8EiNGjHivGomItK2aeRn8PqIFVh6Nx8IDN5At/+9OIdm5Cny75wr+ufYIC3s3QpUKZXRYKRGVJEUKgHPnzn3r+MmTJ5X/P3Xq1ALvd9++fZg7dy5mzZqFRo0a4bfffsPw4cOxf/9+WFlZqc0/d+4cJk6ciM8//xxt2rTB7t27ERAQgB07dsDBwQEAcPToUZXHhIeH4+uvv0aHDh0KXBcRkS5IpRJ86mMHb3sbBP4Rjet5Tv0ei01GhyXh+K6HM7o2qqqjKomoJClSALxy5UqB5kkkhetkv2bNGvTp0wc9e/YEAMyaNQuHDx/G9u3b8emnn6rNX7duHby9vZVH8gIDA3H8+HFs2LABs2fPBgDY2NioPObvv/9G8+bNUaNGjULVRkSkK05VzLBrTEssPHAdK4/eVBl7lpmLsZui8PfVR5jVrSEqlOGH74jozYoUANevX6+pOpSys7Nx+fJljBw5UrlNKpXC09MTUVFR+T4mOjoaQ4YMUdnm5eWFQ4cO5Ts/KSkJR44cwQ8//FDo+hQKRaEDbWH2LQgCFAreDF4MuB7iwvV4yUgmwVd+9dDa0QZfbruAB08zVcZ3Rt/HyZspWNTbBS3qqJ8x0RSuh7hwPcSlONajqPvW6K3gNCE1NRVyuVztVK+VlRXi4+PzfUxSUhKsra3V5iclJeU7PzQ0FGXLlsUHH3xQ6Pri4uK0FgABIDMzU3kNJeke10NcuB7/sQEQ0rkKlp1IxOF41TuIPHiaiY9WnkLPhub42N0KRjLt/J3F9RAXroe4aHs9BKFoH/4SXQAsDtu3b0fXrl1hbGxc6Mfa2dlp7d7GCoUCsbGxsLOzg1SqsQ9o03vieogL1yN/qxvWw5/n7+ObXZfxPDNXuV0AsO3SE1xKkmNxn0aoV7m8Rp+X6yEuXA9xKY71kMvluHDhwns/XnQB0MLCAjKZDMnJqt3uk5OT1Y7yvWJtba12tO9N88+cOYObN28iKCjoveqTSqVa/eGSSCRafw4qOK6HuHA98tfdrTqa1bbCxC3nEZnnTiHXHj5H9+XHMamjI4a1rA2pVHNHA7ke4sL1EBdtr0dRjwCK7rvEyMgIDRo0QGRkpHKbQqFAZGQk3Nzc8n2Mq6srTpw4obLt+PHjcHV1VZu7bds2NGjQAPXq1dNo3UREulTVvAw2jmiOaZ2dYCRT/as9W67AnL1XMXDVSdx/kqGjColITEQXAAFg6NCh2LJlC0JDQxEXF4eZM2ciIyMD/v7+AIBJkyZh0aJFyvmDBw9GREQEVq9ejbi4OISEhODSpUsYOHCgyn5fvHiB/fv3o3fv3sX6eoiIioNUKsEI7zr4c2zLfE/5Ho9LRsegcOyKvqeD6ohITER3ChgA/Pz8kJKSguDgYCQmJsLJyQkrV65UntJ98OCByiFVd3d3LFy4EEFBQVi8eDFsbW2xfPlyZQ/AV/bu3QtBENClS5difT1ERMWpXuWX7WIW/XUDv0bE4/UzRc8yczH+j2gcuvoYc7o1RAVTtosh0kcSoagnkfWEXC5HdHQ0XF1dtfohkJiYGNjb2/MaDhHgeogL1+P9RMYlY+KWaNzP0y4GAKpUMMGi3o3gWTf/66vfhushLlwPcSmO9ShqLuF3CRFRKeZhZ4WwQB90d1W/Q8iDp5kYsPIkvt1zBZk5ch1UR0S6wgBIRFTKVShjiKB+bgjp7wYzE/Urf1YdvYluy47h6oNnOqiOiHSBAZCISE90bVQVByb4oGVd9TuEXH/0HN2WHcMv4XFQKHhlEFFpxwBIRKRHqlQog/XDmuObLvVhZKDeLub7fdcwYOUJJKSm66hCIioODIBERHpGKpVguFdt7B7jBacqZmrjJ+JT0CkoAqFRCUVuNktE4sQASESkpxwrl8fOAE+MamWHvLc4f56Viwmbz2PMpig8Sc/WTYFEpDUMgEREeszYQIYpnerhj09aoJp5GbXxvRceoGNQBI7GJOXzaCIqqRgAiYgIzetYISzQG/5u1dTGHj7LxMBVJzFr92W2iyEqJRgAiYgIAGBmYojFfV2xfIA7KpRRv0PImmO30DXkKC7ff6qD6ohIkxgAiYhIRWeXKjgQ6ANve/U7hMQ8foHuy4/h5yNxkLNdDFGJxQBIRERqKlcwwW9Dm2Fm1/owztMuJkcuYP6BG5i0/x7bxRCVUAyARESUL6lUgiEta2PPWC80qKreLubSo0z4BR/F9rNsF0NU0jAAEhHRW9lXKo/Q0S0xurV6u5gXWXJM3HoeAb+fQ2oa28UQlRQMgERE9E5GBlJM6lgPW0Z6oLqFeruYfRcfokNQOMJvJOqgOiIqLAZAIiIqsKa2lggb742e7urtYh4/z8Lg1acw80+2iyESOwZAIiIqlPImhljQywXftKkMC1P1djFrj99Cl5CjuHSP7WKIxIoBkIiI3ouXbTmEjfNCKwcbtbHY/7eLWf5vLNvFEIkQAyAREb23imYmWDu0KWZ3a6DWLiZXIWDBgevo90sk7qawXQyRmDAAEhFRkUgkEgz2sMXecd5wrlZBbfz0rVR0WhqBrWfusl0MkUgwABIRkUbUrVgO2z/zxJg2dSFVaxeTiy+3XcCoDWeRwnYxRDrHAEhERBpjZCDFFx0csXWUB2pamqqNH7j8CB2CwvHv9cc6qI6IXmEAJCIijWtcyxL7xnujT5PqamOJz7MwdM1pfLPzEjKy2S6GSBcYAImISCvKGRtgfq9GWDGoMSzLGqmNrz9xG51DInAxge1iiIobAyAREWlVhwaVsT/QG60d1dvFxCemocePxxDydwxy5QodVEeknxgAiYhI6yqWN8GaIU3xbfeGMDFUbxez6OAN9FkRidvJaTqqkEi/MAASEVGxkEgkGNSiFvaO80aj6urtYs7deQK/pRHYfPoO28UQaRkDIBERFSs7m3LY9pknxrW1V2sXk5Ytx+TtFzFy/Vkkv8jSTYFEeoABkIiIip2hTIrP2ztg22eeqGWl3i7mryuP0CEoAv9eY7sYIm1gACQiIp1xr2mBfeO80a9pDbWxpBdZGLr2NL4OvYj07FwdVEdUejEAEhGRTpU1NsAPPV3w6+AmsMqnXczGk3fQJfgoou8+Kf7iiEopBkAiIhKF9vUrYX+gD9rWq6g2Fp+Uhp4/HcfSQ2wXQ6QJDIBERCQaNuWNsfLjJvi+hzPKGMpUxuQKAUsO3UDvFZG4lcR2MURFwQBIRESiIpFIMKB5Tewb7w3XGuZq41F3nsAvOAKbTrFdDNH7YgAkIiJRqm1dFttGeSCwnT1kefrFpGfLMXXHRXyy7iyS2C6GqNAYAImISLQMZFIEtnPAtlEesM2nXcyhq4/QMSgch6480kF1RCUXAyAREYmeW00L7BvvjQHNa6qNJb3Ixoh1ZzB1x0WkZbFdDFFBMAASEVGJYGpkgO97OGPVx01gXU69XcymU3fQOTgCUXdSdVAdUcki2gC4ceNG+Pr6wtnZGb1798aFCxfeOj8sLAwdO3aEs7MzunbtiiNHjqjNiYuLw6hRo9C4cWO4urqiZ8+euH//vrZeAhERaUFbp5ftYto5VVIbu5Wcjl4/R2LJwRvIYbsYojcSZQDct28f5s6di4CAAISGhqJevXoYPnw4kpOT851/7tw5TJw4Eb169cLOnTvRtm1bBAQE4MaNG8o5d+7cwYABA1CnTh2sX78ef/75J0aPHg1jY+PiellERKQh1uWM8evgxvjB3xmmRurtYpb+HYNeP0fiJtvFEOVLlAFwzZo16NOnD3r27Im6deti1qxZMDExwfbt2/Odv27dOnh7e2PEiBGws7NDYGAg6tevjw0bNijnLFmyBD4+Ppg0aRLq16+PmjVrom3btrCysiqul0VERBokkUjQr1lN7BvnDbea5mrj5+8+gd/SCGw8eZvtYojyMNB1AXllZ2fj8uXLGDlypHKbVCqFp6cnoqKi8n1MdHQ0hgwZorLNy8sLhw4dAgAoFAocPnwYI0aMwPDhw3HlyhVUr14dI0eORLt27QpVn0KhgEQieffE96BQKCAIAhQKnrYQA66HuHA9xEVM61HTsgw2f9IcPx2JR/A/sZAr/gt7GTlyfB16CYeuPMIP/s6wKV86z/qIaT2oeNajqPsWXQBMTU2FXC5XOzJnZWWF+Pj4fB+TlJQEa2trtflJSUkAgOTkZKSnp+PXX39FYGAgvvjiC0RERGDMmDFYt24dmjVrVuD64uLitBYAASAzMxNxcXFa2z8VDtdDXLge4iK29ehYA6jtVw3zwx8h4VmOyti/1xPxweLDCGxZEZ61yumoQu0S23roO22vR1GPaosuAGrDq5Tctm1b5ZFCJycnnDt3Dn/88UehAqCdnR1kMtm7J74HhUKB2NhY2NnZQSoV5dl5vcL1EBeuh7iIdT3s7QHfJk6YG3YdG0/eURl7mqXArH8eok+T6vimsxPKGpeefwLFuh76qjjWQy6Xv/MDsm8juu9+CwsLyGQytQ98JCcnqx3le8Xa2lp5tC+/+RYWFjAwMICdnZ3KHDs7O5w9e7ZQ9UmlUq3+cEkkEq0/BxUc10NcuB7iItb1KGdihO96OKOdUyV8ue2C2p1CtpxJwMmbKVjcxxWNa1noqErNE+t66Cttr0dRjwCK7rvEyMgIDRo0QGRkpHKbQqFAZGQk3Nzc8n2Mq6srTpw4obLt+PHjcHV1Ve7T2dkZN2/eVJlz69YtVKtWTbMvgIiIRKFNvYo4EOiND+qrt4u5nZyO3j8fx6K/rrNdDOkl0QVAABg6dCi2bNmC0NBQxMXFYebMmcjIyIC/vz8AYNKkSVi0aJFy/uDBgxEREYHVq1cjLi4OISEhuHTpEgYOHKicM3z4cISFhWHLli24ffs2NmzYgH///Rf9+/cv9tdHRETFw6qcMVYMaoz5vVxQNk+7GIUAhPwTi54/HUdc4gsdVUikG6I7BQwAfn5+SElJQXBwMBITE+Hk5ISVK1cqT+k+ePBA5ZCqu7s7Fi5ciKCgICxevBi2trZYvnw5HBwclHPat2+PmTNn4pdffsGcOXNQu3ZtBAcHo0mTJsX++oiIqPhIJBL0aVIDLWpb4fMt0ThzW/VOIRcSnqJzcAS+9nPCwBa1tPpBPyKxkAhsjlQgcrkc0dHRcHV11eqHQGJiYmBvb89rOESA6yEuXA9xKanrIVcI+PlIHJYcvIFchfo/f60dbTC/lwsqljfRQXXvr6SuR2lVHOtR1FzC7xIiItIbMqkEAW3qInR0S9jZlFUbP3w9ER2WhGP/pYc6qI6o+DAAEhGR3nGuXgF7xnpjsEcttbHU9ByM2nAWX249jxdZuTqojkj7GACJiEgvlTGSYXa3hlg7tGm+dwjZejYBnZaG48ytFB1UR6RdDIBERKTXWjtWxIFAH3RsUFlt7G5KBvqsiMSCA9eQnct2MVR6MAASEZHesyxrhJ8GumNh70Yol+cOIQoBWP5vHPx/OobYx891VCGRZjEAEhER4WW7mF6NqyNsvDea2qrfIeTSvWfoHHwUvx2/VeS7MBDpGgMgERHRa2pYmuKPTz0wqaMjDGWqPQGzchWY8edlfLzmNB49y9RRhURFxwBIRESUh0wqwejWL9vF1K1YTm08/EYiOgSFI+ziAx1UR1R0DIBERERv0LBaBewZ64UhnrZqY0/Sc/DZxnOYuOU8nmfmFH9xREXAAEhERPQWJoYyzPywAdYPb4ZKZurtYrafS0CnpRE4dZPtYqjkYAAkIiIqAG97GxwI9EFn5ypqYwmpGej7SyTm7We7GCoZGACJiIgKyNzUCMsGuGFxn0Yon6ddjCAAPx2OQ48fjyHmEdvFkLgxABIRERWCRCKBv3t1hAV6o1ltS7Xxy/efoUvIUaw5dhMKBdvFkDgxABIREb2H6ham2PRJC0zpVC/fdjGzdl/Bx2tO4eFTtosh8WEAJCIiek8yqQSjWtlhZ0BLOFRSbxcTEZOEDkHh2HPhvg6qI3ozBkAiIqIialC1Av4c44VhLWurjT3NyMGY36MwYXM0nrFdDIkEAyAREZEGmBjKML1rfWwY3hyVzUzUxkOj7qFTUAROxifroDoiVQyAREREGuRlb439gd7o4qLeLubekwz0+/UE5u67iqxcuQ6qI3qJAZCIiEjDzE2NENLfDUv7uaK8iXq7mBXh8ei+/DiuP2S7GNINBkAiIiItkEgk6OZaDfsDfdCijnq7mKsPnqHrsqNYGRHPdjFU7BgAiYiItKiaeRn8PqIFvvZzgpFM9Z/d7FwF5uy9ikGrT+LB0wwdVUj6iAGQiIhIy6RSCT7xqYNdY1rCsVJ5tfFjscnosCQcf55nuxgqHgyARERExcSpihl2jWmJEV7q7WKeZeZi3KYojP8jCk8z2C6GtIsBkIiIqBiZGMowrUt9/D6iOapWUG8Xsyv6PjoFheN4XJIOqiN9wQBIRESkA551rREW6INurlXVxu4/zcRHK0/iu71X2C6GtIIBkIiISEcqlDHE0n5uCO7vBrN82sX8GnET3ZYdw7WHz3RUIZVWDIBEREQ69mGjqtgf6ANPOyu1sWsPn+PDkGP4NZztYkhzGACJiIhEoKp5GWwY3hzTOjvByCBPuxi5At/tu4qPVp7E/SdsF0NFxwBIREQkElKpBCO862D3GC/Uq6zeLiYyPhkdgsKxK/qeDqqj0oQBkIiISGQcK5fHrjEtMdKnDiQS1bHnmbkY/0c0xm6KwtN0touh98MASEREJELGBjJM9XPCpk9aoJp5GbXx3efvo+PScByLZbsYKjwGQCIiIhFrUccKYYHe6OFWTW3swf/bxczZexXZuQodVEclFQMgERGRyJmZGGJJX1csG+CGCmUM1cZXH7uFsbsTcPUB28VQwTAAEhERlRBdXKriQKAPvOpaq43depKNHj8ex4ojcZCzXQy9AwMgERFRCVK5ggnWDWuG6V3q59MuRsDcsGvo/+sJJKSm66hCKgkYAImIiEoYqVSCYV61sWesF+pXMVMbP3UzBZ2CIrDjXAIEgUcDSR0DIBERUQnlUKk8dgb8v11MnrHnWbn4fMt5jPk9Ck/Ss3VSH4mXaAPgxo0b4evrC2dnZ/Tu3RsXLlx46/ywsDB07NgRzs7O6Nq1K44cOaIyPmXKFDg6Oqr8GT58uDZfAhERkdYZGUgxuaMjFnSqlm+7mL0XH6BDUDiOxrBdDP1HlAFw3759mDt3LgICAhAaGop69eph+PDhSE5Oznf+uXPnMHHiRPTq1Qs7d+5E27ZtERAQgBs3bqjM8/b2xtGjR5V/Fi9eXBwvh4iISOucK5fB3nEt4e+u3i7m0bMsDFx1ErN2X0ZmjlwH1ZHYiDIArlmzBn369EHPnj1Rt25dzJo1CyYmJti+fXu+89etWwdvb2+MGDECdnZ2CAwMRP369bFhwwaVeUZGRrCxsVH+qVChQnG8HCIiomJhZmKIxX1c8eNH7jA3VW8Xs+bYLXQNOYpL957qoDoSE9EFwOzsbFy+fBmenp7KbVKpFJ6enoiKisr3MdHR0fDw8FDZ5uXlhejoaJVtp06dgoeHBzp06IAZM2YgNTVV4/UTERHpmp9zFRwI9IGPg43aWMzjF+jx4zH8eDiW7WL0mIGuC8grNTUVcrkcVlZWKtutrKwQHx+f72OSkpJgbW2tNj8p6b/rHby9vdG+fXtUr14dd+/exeLFi/HJJ59g8+bNkMlkBa5PoVBAkvfGjBqiUCggCAIUCnZzFwOuh7hwPcSF6yEu+a2HTTkjrPm4MdafuIO5YdeQ9dqdQnLkAubvv45/rz3Got4uqG5hqouyS63i+Pko6r5FFwC1pXPnzsr/f/UhkHbt2imPChZUXFyc1gIgAGRmZiIuLk5r+6fC4XqIC9dDXLge4vKm9fCwBpZ1rY55Rx4hNiVLZez0rVR0DArH6OY2aFe3vFb/fdM32v75KGp7H9EFQAsLC8hkMrUPfCQnJ6sd5XvF2tpa5Wjfu+YDQI0aNWBhYYHbt28XKgDa2dkV6ohhYSgUCsTGxsLOzg5SqejOzusdroe4cD3EheshLu9aD3sA3m5OWPp3DFaEx+P1M7/pOQIWHn2MS6kSfNejISxMjYqv8FKqOH4+5HL5OzukvI3oAqCRkREaNGiAyMhItGvXDsDLNzIyMhIDBw7M9zGurq44ceIEhgwZotx2/PhxuLq6vvF5Hj58iCdPnsDGRv36iLeRSqVa/ctOIpFo/Tmo4Lge4sL1EBeuh7i8az1MjKSY3MkJvk6V8PmWaNxNyVAZ33/5Ec7deYIFvRuhVT7XDlLhaPvno6hHAEX5Uzt06FBs2bIFoaGhiIuLw8yZM5GRkQF/f38AwKRJk7Bo0SLl/MGDByMiIgKrV69GXFwcQkJCcOnSJWVgTEtLw7x58xAdHY2EhARERkZi9OjRqFWrFry9vXXyGomIiHShqa0l9o3zRu/G1dXGHj/PwserT2HGrkvIyGa7mNJMdEcAAcDPzw8pKSkIDg5GYmIinJycsHLlSuUp3QcPHqgkand3dyxcuBBBQUFYvHgxbG1tsXz5cjg4OAAAZDIZbty4gZ07d+L58+eoWLEiWrZsifHjx8PIiIe6iYhIv5Q3McSC3o3Q1qkipu64iNT0HJXx3yJv42hsEpb2c0PDamyZVhpJBN4ksEDkcjmio6Ph6uqq1WsAY2JiYG9vz1MqIsD1EBeuh7hwPcSlKOvx+Fkmvtx2AUduJKqNGUglmNDeAaNa2UEm5QdECqo4fj6Kmkv4U0tERKTHKpqZYO3Qpvi2WwOYGKrGglyFgAUHrqPvikjcSU7XUYWkDQyAREREek4ikWCQhy32jPWGcz6nfM/cTkWnpeHYcuZukT98QOLAAEhEREQAgLoVy2HHaE+M9a2LvGd807LlmLTtAkZtOIuUtGzdFEgawwBIRERESoYyKSZ+4IitozxQ01L9DiEHLj9Ch6Bw/Hv9sQ6qI01hACQiIiI1jWtZYt94b/RtUkNtLPF5FoauOY1vdrJdTEnFAEhERET5KmdsgHm9XLBiUGNYllVvm7b+xG10DonAhYQnxV8cFQkDIBEREb1VhwaVsT/QG20c1e8QEp+YBv8fjyPk7xjkyhU6qI7eBwMgERERvVPF8iZYPaQp5nRviDKGqn3nchUCFh28gT4rInE7OU1HFVJhMAASERFRgUgkEgxsUQt7x3mhUXX1djHn7jxBp6UR+OPUHbaLETkGQCIiIiqUOjblsO0zT4xra692h5D0bDmm7LiIT9efRfKLLB1VSO/CAEhERESFZiiT4vP2Dtg6ygO1rNTbxRy88ggdgiLwz7VHOqiO3oUBkIiIiN6be00L7Bvnjf7N1NvFJL3IwrC1Z/B16EWkZ+fqoDp6EwZAIiIiKpKyxgaY6++CXwc3gVU+7WI2nryDzsFHEX33SfEXR/liACQiIiKNaF+/Eg5M8EE7p4pqYzeT0tDzp+MIOnSD7WJEgAGQiIiINMa6nDF+HdwEc/2d1drFyBUCgg7FoNfPkbiZxHYxusQASERERBolkUjQv1lN7BvvDdca5mrj0XefwG9pBH4/yXYxusIASERERFpR27osto3yQGA79XYxGTlyfBV6EZ+sO4PE52wXU9wYAImIiEhrDGRSBLZzwPbPPFHbuqza+KGrj9ExKByHrrBdTHFiACQiIiKtc61hjr3jvPBR85pqY8lp2Rix7gym7riAtCy2iykODIBERERULEyNDPBdD2esHtIE1uXU28VsOnUXnYMjcO5Oqg6q0y8MgERERFSsfOtVwoFAH7SvX0lt7FZyOnr/HInFB28gh+1itIYBkIiIiIqdVTlj/DKoMeb1dIapkXq7mOC/Y9Drp+OIT3yhowpLNwZAIiIi0gmJRIK+TWsibLw33Guaq42fT3gKv+AIbDhxm+1iNIwBkIiIiHSqllVZbBnpgYntHWCQp11MZo4C03ZewvDfzuDx80wdVVj6MAASERGRzhnIpBjb1h47Rnuijo16u5h/rj1Gx6AI/HX5oQ6qK30YAImIiEg0XKqbY+9YbwxqUUttLCUtG5+uP4vJ2y7gBdvFFAkDIBEREYlKGSMZvu3eEGuGNoVNeWO18c1n7sJvaQTO3ma7mPfFAEhERESi1MaxIg4E+qBDA/V2MXdS0tH75+NY9Nd1tot5DwyAREREJFqWZY3w88DGmN/LBWXztItRCEDIP7Hw//E4Yh+zXUxhMAASERGRqEkkEvRpUgNh433QpJaF2vjFe0/RJSQC6yJvsV1MATEAEhERUYlQ08oUm0d64MsOjvm2i5m+6zKGrDmNx8/YLuZdGACJiIioxJBJJQhoUxeho1vCLp92MUduJKJDUDj2X2K7mLdhACQiIqISx7l6BewZ642PPdTbxaSm52DUhrP4cut5PM/M0UF14scASERERCVSGSMZZnVriN+GNUPFfNrFbD2bgE5LI3D6VooOqhM3BkAiIiIq0Vo52OBAoA/8nCurjSWkZqDvikjM338N2blsF/MKAyARERGVeBZljbB8gDsW9W6EcsYGKmMKAfjxcBz8fzqG2MfPdVShuDAAEhERUakgkUjQs3F1hI33RlNb9XYxl+49Q+fgo1h77Kbet4sRbQDcuHEjfH194ezsjN69e+PChQtvnR8WFoaOHTvC2dkZXbt2xZEjR944d/r06XB0dMTatWs1XDURERHpWg1LU/zxqQcmdXSEoUy1XUxWrgIzd1/B4NWn8EiP28WIMgDu27cPc+fORUBAAEJDQ1GvXj0MHz4cycnJ+c4/d+4cJk6ciF69emHnzp1o27YtAgICcOPGDbW5Bw8exPnz51GxYkVtvwwiIiLSEZlUgtGtX7aLsa9YTm08IiYJHYLCse/iAx1Up3uiDIBr1qxBnz590LNnT9StWxezZs2CiYkJtm/fnu/8devWwdvbGyNGjICdnR0CAwNRv359bNiwQWXeo0eP8O2332LhwoUwNDQsjpdCREREOtSwWgXsHuuFoS1t1caepOdg9MZz+HxLNJ7pWbsYg3dPKV7Z2dm4fPkyRo4cqdwmlUrh6emJqKiofB8THR2NIUOGqGzz8vLCoUOHlF8rFAp8+eWXGD58OOzt7bVSe5E8vQfJ37Nge+sUJMbGgET6/z+S//4fr/2/yp/8tufd9qbHvr7ft8xRjhdkjibqfUs9KvvVRM3/n5e3XgCyjCQgzRyQGry2nwI8JxERiYaJoQwzujaAb72K+GLreTx6lqUyvuPcPZyMT8GSvq5oVttSR1UWL9EFwNTUVMjlclhZWalst7KyQnx8fL6PSUpKgrW1tdr8pKQk5de//vorDAwMMHjw4CLVp1AoINHCP/CS3eMhiT0I9S5GpCtSAHXf87HCW0Pw24JxAQN2YfarsYCfNyC/O4irvg8F3Xf+r00QJCj3+DGEzAtQyGSFf21v/IUkv8dr6f0tRRQKBQRBgELBthpiwPUomJZ2Vggb54Vvdl3G3ouqdwq59yQDfX+JxKfedTChnT2MDKTv/TzFsR5F3bfoAqA2XLp0CevWrcOOHTuKHN7i4uK0EgBtH8cy/JUiEkEBCPyLWNM/KdU0vL/iJrwWFgX8FxpV///1kC/5f4iWAJBCUP4CIP1v7FW4fn1cuf88z/X/fQv/n//f/l/u5/Xnevm418JtnucXJBJYyxV4ccbwv8eq7T+f53rtlwHh9VCOvK9V+v9voNcfm3c/0jz7fMPrzvMeA+q/pL2pZpW68tSc73q+vr/X3iuo1QyVddaEzMxMxMXFaWRfpd3YxmXRwKISlkUmIj3nv7+rBQFYER6PQ5cSMMmnEmwt3v9fZm2vR1E/xSy6AGhhYQGZTKb2gY/k5GS1o3yvWFtbqxztyzv/zJkzSE5ORps2bZTjcrkc8+bNw7p16/DPP/8UuD47OzvIZLICzy8wn0Bgz3jN75eIREMCARDkgKD5cEwll/DOo9MFuJwGUuTk5sLQ6A2XEGn8qHhRjoi/+UyGUNTnz/NLxtue38FOit6VcvHrsVu48jANCrz8pUchSKFIlWDNHhk+alELnZyrQiqV5dnn24/4KxQCYh9lw87ODlLp+x9JfBu5XP7ODilvI7oAaGRkhAYNGiAyMhLt2rUD8PIwZ2RkJAYOHJjvY1xdXXHixAmV6wCPHz8OV1dXAEC3bt3g6emp8pjhw4ejW7du8Pf3L1R9UqlUO4vZZAgUdVrjwdl9qFK5EqQQXv4q8upI0ut/8Pr2N8xRGX/XnP/PQ0H29a7nzbNdbZ9vew6hAHM0VCv0u/8TEYnHf78YyIu0HyMN1aNLxf2LkQ2Ar4A3v3ln/v+nkKQA7A3LQ9J5AaSu/d+3vLcqdUcAAWDo0KGYPHkyGjZsCBcXF/z222/IyMhQhrVJkyahUqVKmDhxIgBg8ODBGDRoEFavXo1WrVph3759uHTpEmbPng3g5VFFCwvVhpCGhoawtrZGnTp1ivfFvY15Tbyo2Rawtwe09BsD/d+bgvFrwVIhlyMuLgZ2tWtDKsF7BuLX91vAIF6gUP+mgP22egoRxlHQMK54maUL9LqKVq8gKJCdmQkjIwNI3viLRhF/IeIvBkSkIbKc5xD2fQFoKQAWlSgDoJ+fH1JSUhAcHIzExEQ4OTlh5cqVylO6Dx48UDkK5+7ujoULFyIoKAiLFy+Gra0tli9fDgcHB129BBK7V6dV3tYJSaGAwtgcKGvNQC4CgkKBWzExsLe3h0Rb6/F6QHzrUeaChum3/5Lx7tBaiCD+8k0qWBAv0HO+7ZcMAYJCjiepKTCvYPb/I1h5H6uJX4o0V2+R3l/+YkDvS6qFS8Y0RJQBEAAGDhz4xlO+69evV9vWqVMndOrUqcD7L8x1f0SkJwryiwEBAASFAo9jYlBBm4FcTAp8BL+gR6I18UvGa2csFLl4cP8eqlSunOeMhSZC9v/HtXGZUL7vg+4vFcqRy5GZnQMIAqRQ4OXHiARIoIBUAsgkwssP+71FTpmKkHVdJNrrfUUbAImIiERDIgEkMgAiPaKjUOCFNIaXEGmIIYD09BxM23UJu8/fVxuXSIBPvOtgYnt7GMskauFSIc9B/O0HsHdwLP7iC4jfJURERER5VDA1REh/Nyzt54ryJqrHywQB+CU8Ht2WH8e1x2mAzBAwMAYMywBGZQFjM7xqOSRW4q6OiIiISIe6uVbD/kAfeNSxUhu79vA5Pgw5hpUR8VAoSta1ogyARERERG9RzbwMNo5ojq/9nGAkU41O2XIF5uy9ioGrTuL+kwwdVVh4DIBERERE7yCVSvCJTx3sGtMS9SqXVxs/HpeMjkHh+DOfawbFiAGQiIiIqICcqphhZ0BLfOJdW+0ufs8yczFuUxQCN0fjeVbRGntrGwMgERERUSGYGMrwdef62DiiOapWMFEb//P8A4zaeRdX7j/TQXUFwwBIRERE9B487awRFuiD7q5V1caS0nMRsClKB1UVDAMgERER0XuqUMYQQf3cENLfDWZ52sXcTUnXUVXvxgBIREREVERdG1XFgQk+8Kprrdw23Ku2Dit6O94JhIiIiEgDqlQog/XDm+HGw2e4ees2PmheT9clvREDIBEREZGGSCQS2FcqDzwz1nUpb8VTwERERER6hgGQiIiISM8wABIRERHpGQZAIiIiIj3DAEhERESkZxgAiYiIiPQMAyARERGRnmEAJCIiItIzDIBEREREeoYBkIiIiEjPMAASERER6RkGQCIiIiI9wwBIREREpGcMdF1ASSEIAgBALpdr7TkUCgUEQYBcLlc+H+kO10NcuB7iwvUQF66HuBTHerzKI++7f4nA75QCyc7OxsWLF3VdBhEREZGSs7MzjIyMCv04BsACUigUyM3NhVQqhUQi0XU5REREpMcEQYBCoYCBgQGk0sJf0ccASERERKRn+CEQIiIiIj3DAEhERESkZxgAiYiIiPQMAyARERGRnmEAJCIiItIzDIBEREREeoYBkIiIiEjPMAAWo9OnT2PUqFHw8vKCo6MjDh069M7HnDx5Ej169EDDhg3Rvn177Nixoxgq1Q+FXY+//voLQ4cORYsWLeDu7o6+ffsiIiKimKot/d7n5+OVs2fPon79+ujWrZsWK9Qv77Me2dnZWLJkCdq0aYOGDRvC19cX27ZtK4ZqS7/3WY8///wTH374IRo1agQvLy9MnToVqampxVBt6bZixQr07NkTbm5u8PDwwOjRoxEfH//Ox4WFhaFjx45wdnZG165dceTIkWKo9s0YAItReno6HB0dMWPGjALNv3v3LkaOHInmzZtj165d+PjjjzFt2jSGDg0p7HqcPn0anp6e+OWXX7Bjxw40b94cn332Ga5cuaLlSvVDYdfjlWfPnmHy5Mnw8PDQUmX66X3WY/z48YiMjMR3332H/fv3Y9GiRahdu7YWq9QfhV2Ps2fPYvLkyejVqxf27NmDoKAgXLx4Ed98842WKy39Tp06hY8++ghbtmzBmjVrkJubi+HDhyM9Pf2Njzl37hwmTpyIXr16YefOnWjbti0CAgJw48aNYqw8D4F0wsHBQTh48OBb58yfP1/o3LmzyrbAwEBh2LBh2ixNLxVkPfLj5+cnhISEaKEi/VaY9QgMDBSWLFkiBAcHCx9++KGWK9NPBVmPI0eOCI0bNxZSU1OLpyg9VpD1WLlypdC2bVuVbevWrRO8vb21WZpeSk5OFhwcHIRTp069cc748eOFTz/9VGVb7969hW+++Ubb5b0RjwCKWHR0tNpRDS8vL0RHR+umIFKhUCiQlpYGc3NzXZeit7Zv3467d+9izJgxui5F7/3zzz9o2LAhVq5cCW9vb3To0AHz5s1DZmamrkvTS66urnj48CGOHDkCQRCQlJSEAwcOoFWrVrourdR5/vw5AKBChQpvnCPGf88NdPbM9E5JSUmwtrZW2WZtbY0XL14gMzMTJiYmOqqMAGDVqlVIT09Hp06ddF2KXrp16xYWLVqEjRs3wsCAf5Xp2t27d3H27FkYGxtj+fLlSE1NxaxZs/DkyRPMnTtX1+XpncaNG2PBggUIDAxEdnY2cnNz0aZNG0yfPl3XpZUqCoUC33//Pdzd3eHg4PDGefn9e25lZYWkpCRtl/hGPAJI9B52796N5cuXIygoCFZWVrouR+/I5XJMnDgRY8eO5TVmIiEIAiQSCRYuXAgXFxe0atUKU6ZMQWhoKI8C6kBsbCy+++47BAQEYPv27Vi5ciXu3btX6Gts6e1mzZqFmJgYLFmyRNelFBp/bRYxa2trtd8OkpKSUK5cOR7906G9e/di2rRpWLp0KTw9PXVdjl5KS0vDpUuXcPXqVXz77bcAXv4mLggC6tevj1WrVvFDIcXMxsYGlSpVQvny5ZXb7OzsIAgCHj58CFtbW90Vp4dWrFgBd3d3jBgxAgBQr149lClTBh999BECAwNRsWJFHVdY8s2ePRuHDx/Ghg0bULly5bfOze/f8+TkZLWjgsWJAVDEXF1dER4errLt+PHjcHV11U1BhD179uCrr77C4sWL0bp1a12Xo7fKlSuH3bt3q2z7/fffceLECQQHB6N69eo6qkx/ubu7Y//+/UhLS0PZsmUBADdv3oRUKn3nP46keZmZmZDJZCrbXn0tCIIuSio1BEHAt99+i4MHD2L9+vWoUaPGOx/j6uqKEydOYMiQIcptuv73nKeAi1FaWhquXr2Kq1evAgASEhJw9epV3L9/HwCwaNEiTJo0STm/X79+uHv3LubPn4+4uDhs3LgRYWFhKt9A9P4Kux67d+/G5MmTMXnyZDRq1AiJiYlITExUXgBMRVOY9ZBKpXBwcFD5Y2VlBWNjYzg4OMDU1FRnr6O0KOzPR5cuXWBubo6pU6ciNjYWp0+fxoIFC9CzZ0+esdCAwq5HmzZtcPDgQfz+++/K6zPnzJkDFxcXVKpUSSevobSYNWsW/vzzTyxatAhly5ZV/lvw+qUOkyZNwqJFi5RfDx48GBEREVi9ejXi4uIQEhKCS5cuYeDAgbp4CQB4BLBYXbp0CYMHD1Z+/erC6B49euCHH35AYmIiHjx4oByvUaMGVqxYgblz52LdunWoXLky5syZA29v72KvvTQq7Hps2bIFubm5mD17NmbPnq3c/mo+FU1h14O0q7DrUbZsWaxevRpz5sxBz549YW5ujk6dOiEwMLC4Sy+VCrse/v7+SEtLw8aNGzFv3jyUL18eLVq0wJdfflnstZc2mzZtAgAMGjRIZfvcuXPh7+8PAHjw4AGk0v+Osbm7u2PhwoUICgrC4sWLYWtri+XLl7/1gyPaJhF4LJiIiIhIr/AUMBEREZGeYQAkIiIi0jMMgERERER6hgGQiIiISM8wABIRERHpGQZAIiIiIj3DAEhERESkZxgAiYiIiPQMAyARUQlw8uRJODo64tmzZ7ouhYhKAQZAIiIiIj3DAEhERESkZxgAiYgKQKFQYMWKFfD19YWLiws+/PBD7N+/H8B/p2cPHz6Mrl27wtnZGX369MGNGzdU9nHgwAF07twZDRs2hK+vL1avXq0ynp2djQULFqBVq1Zo2LAh2rdvj61bt6rMuXz5Mvz9/dGoUSP069cP8fHx2n3hRFQqGei6ACKikmDFihX4888/MWvWLNja2uL06dP48ssvYWlpqZwzf/58fP3117C2tsaSJUswatQoHDhwAIaGhrh06RICAwMxZswY+Pn5ISoqCrNmzYK5uTn8/f0BAJMmTUJ0dDSmTZuGevXqISEhAampqSp1LFmyBFOmTIGlpSVmzJiBr776Cn/88UexvhdEVPIxABIRvUN2djZWrFiBNWvWwM3NDQBQo0YNnD17Fps3b0afPn0AAGPGjEHLli0BAD/88ANatWqFgwcPws/PD2vWrIGHhwcCAgIAALVr10ZsbCxWrVoFf39/3Lx5E2FhYVizZg08PT2Vz5HXhAkT0KxZMwDAp59+ik8//RRZWVkwNjbW+vtARKUHAyAR0Tvcvn0bGRkZGDZsmMr2nJwcODk5Kb92dXVV/r+5uTlq166tPEUbHx+Ptm3bqjze3d0d69atg1wux9WrVyGTydC0adO31uLo6Kj8fxsbGwBAcnIyqlat+l6vjYj0EwMgEdE7pKenA3h5GrhSpUoqY0ZGRrhz506Rn8PExKRA8wwM/vtrWyKRAHh5fSIRUWHwQyBERO9gZ2cHIyMj3L9/H7Vq1VL5U6VKFeW86Oho5f8/ffoUt27dQp06dQAAderUwblz51T2e+7cOdja2kImk8HBwQEKhQKnT58ultdERPqNRwCJiN6hXLlyGDZsGObOnQtBENC4cWM8f/4c586dQ7ly5ZSnX3/88UdYWFjAysoKS5YsgYWFBdq1awcAGDZsGHr16oXly5fDz88P0dHR2LhxI2bMmAEAqF69Onr06IGvvvoK06ZNg6OjI+7fv4/k5GT4+fnp7LUTUenEAEhEVACBgYGwtLTEihUrkJCQgPLly6N+/foYNWqU8hTsxIkT8d133+HWrVtwcnLCTz/9BCMjIwBAgwYNEBQUhODgYPz000+wsbHBuHHjlJ8ABoCZM2di8eLFmDlzJp48eYKqVati5MiROnm9RFS6SQRBEHRdBBFRSXby5EkMHjwYp0+fhpmZma7LISJ6J14DSERERKRnGACJiIiI9AxPARMRERHpGR4BJCIiItIzDIBEREREeoYBkIiIiEjPMAASERER6RkGQCIiIiI9wwBIREREpGcYAImIiIj0DAMgERERkZ5hACQiIiLSMwyARERERHqGAZCIiIhIzzAAEhEREekZBkAiIiIiPcMASERERKRn/gccBzEHEowsoAAAAABJRU5ErkJggg==" alt="learning_curves_temperature_loss.png"></div><div class="plot"><h3>roc_curves</h3><img src="data:image/png;base64,iVBORw0KGgoAAAANSUhEUgAAAoAAAAHgCAYAAAA10dzkAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuNSwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy/xnp5ZAAAACXBIWXMAAA9hAAAPYQGoP6dpAABzpklEQVR4nO3deViN+f8/8Oc5LUKGCtlnqFEhyjJMsoVBdsbegmzJzljGmi1jbGMbe7ZmjM9QY4gxmDGGbInKGKNsGakklEp17vv3h5/zdeacqJzOOXfn+biuub7f7vd93+/X8XJ8nt2rTBRFEURERERkNOT6LoCIiIiIdIsBkIiIiMjIMAASERERGRkGQCIiIiIjwwBIREREZGQYAImIiIiMDAMgERERkZFhACQiIiIyMgyAREREREaGAZCIiIjIyDAAEhERERkZBkAiIiIiI8MASERERGRkGACJiIiIjAwDIBEREZGRMdV3AUREbzp48CBmzZql/NnExAQ2NjZo2bIlJk+eDFtbW7VtRFHETz/9hP/973+4efMmcnNzUatWLXTq1AnDhw9HmTJlNM7166+/4ocffkBMTAxevHiBChUqoEmTJhg4cCA+/fTTYvuMRET6JhNFUdR3EUREr70OgBMmTECNGjWQk5ODq1evIjQ0FNWrV8fhw4dRqlQp5foKhQJTp07F0aNH0bRpU3Ts2BGlS5fG5cuXcfjwYdjb2yM4OBgVK1ZUbiOKIr788kscPHgQ9erVQ6dOnVCxYkWkpKTg119/xfXr1/H999+jcePG+vgjICIqdjwCSEQGqXXr1nB2dgYA9OvXD1ZWVti6dStOnjwJT09P5Xrbtm3D0aNHMXz4cMyYMUO5fMCAAejSpQsCAgIwc+ZMbNu2TTm2Y8cOHDx4EL6+vpg1axZkMplyzN/fH2FhYTA11e8/j5mZmfkeuSQiel+8BpCIJKFp06YAgISEBOWy7OxsbN++HR999BGmTp2qto2Hhwd69eqFM2fO4OrVq8pttmzZgjp16mDGjBkq4e+1Xr16oWHDhm+tRxAE7Nq1C927d4ezszNatGgBPz8/xMTEAAAePHgABwcHHDx4UG1bBwcHrFu3TvnzunXr4ODggLi4OEydOhXNmjXD4MGDsX37djg4OODff/9V28fKlSvRoEEDPHv2TLns2rVr8PPzQ5MmTdCoUSN4eXkhMjJSZbuMjAwsWbIEHh4eaNCgAT799FMMGzYM169ff+vnJaKShQGQiCThdQj64IMPlMsiIyPx7NkzdO/ePd8jdr169QIA/Pbbb8ptnj59im7dusHExKTI9cyePRtLly5FlSpVMG3aNIwaNQqlSpXCtWvXirzPiRMnIisrC5MnT0a/fv3QpUsXyGQyHD16VG3do0ePomXLlihfvjwAICIiAkOGDMGLFy8wbtw4TJ48Gc+fP4evry+io6OV282fPx/ff/89PvvsM8yfPx/Dhw9HqVKlEB8fX+S6iUh6eAqYiAxSRkYGnjx5gpycHFy7dg3r16+Hubk52rVrp1wnLi4OAODo6Jjvfl6P3b59GwCUQcfBwaHItZ0/fx4HDx6Et7c35syZo1w+fPhwvM9l1Y6Ojli5cqXKMhcXF4SHh2PEiBHKZdHR0UhISMC4ceMAvLqmccGCBWjevDm2bdumPKo5cOBAdO3aFWvWrMGOHTsAAKdPn0b//v0xc+ZM5f5GjhxZ5JqJSJoYAInIIA0dOlTl5+rVq+Prr79GlSpVlMtevHgBAChbtmy++3k9lpGRofJ/37bNuxw/fhwymUwZwN6k6ZRyQQ0cOFBtWZcuXbB06VLcv38ftWrVAvDq6J+5uTk6dOgAALhx4wbu3r0Lf39/pKWlqWz/6aef4qeffoIgCJDL5fjggw9w7do1JCUlabyjmoiMAwMgERmkefPmoXbt2khPT8eBAwdw6dIlmJubq6zzOsS9DoKa/DckWlpavnObd7l//z4qV66MChUqFHkfmtSoUUNtWefOnbFs2TKEh4djzJgxEEURx44dQ+vWrZWf5e7duwCgchPMf6Wnp6N8+fKYNm0aZs6cibZt26J+/fpo06YNevXqhZo1a2r1sxCRYWMAJCKD1LBhQ+VdwB06dMDgwYMxdepUHDt2TBnm7OzsAAB///238mjYf928eVNl3Tp16iiX57eNNuR3JFChUOS7zZuPt3nN1tYWTZs2xdGjRzFmzBhcvXoVDx8+xLRp05TrvD7tPH36dDg5OWnc9+s7ij09PdG0aVP8+uuvOHv2LLZv346tW7di3bp1aNOmTYE/HxFJG28CISKDZ2JigilTpiA5ORkhISHK5U2aNMEHH3yAw4cP5xuswsLCAEB57WCTJk1Qvnx5HDly5K1h7G1q1aqF5ORkPH36NN91Xt+c8fz5c5XlDx8+LPR8Xbp0wd9//43bt28jPDwcpUuXVrkW8vXRO0tLS7i5uWn8z8zMTLl+5cqVMWTIEGzcuBEnT55EhQoVsGnTpkLXRUTSxQBIRJLQvHlzNGzYELt27cLLly8BAKVLl8bw4cNx584drF69Wm2b33//HaGhoXB3d4eLi4tymxEjRiA+Ph4rVqzQeNPGTz/9pHLn7H999tlnEEUR69evVxt7vT9LS0tYWVnh8uXLKuPfffddgT/za506dYKJiQmOHDmCY8eOoW3btirPCGzQoAFq1aqFHTt2aDy1/eTJEwCvjj6mp6erjNnY2KBy5crIyckpdF1EJF08BUxEkuHn54eJEyfi4MGDGDRoEABg1KhRuHHjBrZu3YqrV6/is88+g4WFBSIjI3Ho0CHY2dnhq6++UtnPiBEjEBcXhx07duDChQvKN4E8fvwYJ06cQHR0NPbt25dvHS1atEDPnj2xZ88e3Lt3D61atYIgCIiMjETz5s3h5eUF4NUDrLds2YLZs2ejQYMGuHz5Mu7cuVPoz21jY4PmzZsjODgYL168UHkQNgDI5XIsXrwYI0eORLdu3dCnTx/Y2toiKSkJFy5cgKWlJTZt2oQXL16gTZs26NSpExwdHVGmTBmcO3cOMTExKncFE1HJxwBIRJLx2WefKY909e/fHyYmJjAxMcGaNWsQFhaG//3vf/jmm2+U7wIOCAjQ+C5guVyO5cuXo3379ti/fz927NiBjIwMWFlZoVmzZvjiiy/g6ur61lqCgoLg4OCAH3/8EcuXL0e5cuXQoEEDle0CAgLw5MkT/PLLLzh69Chat26Nbdu2Fek9w56enjh37hzKli2r8Vq95s2b44cffsDGjRuxd+9eZGZmolKlSmjYsCEGDBgAALCwsMCgQYNw9uxZHD9+HKIoolatWpg/fz4GDx5c6JqISLr4LmAiIiIiI8NrAImIiIiMDAMgERERkZFhACQiIiIyMgYXAC9duoQxY8bA3d0dDg4OOHHixDu3uXDhAnr37o0GDRqgY8eOOHjwoA4qJSIiIpImgwuAmZmZcHBwwPz58wu0fkJCAkaPHo3mzZvjp59+gq+vL+bMmYMzZ84Uc6VERERE0mRwj4Fp06ZNoV5HtG/fPtSoUUP5DCs7OztERkZi586daNWqVXGVSURERCRZBhcAC+vq1atqz9Ryd3fH0qVLC7wPQRCQl5cHuVye7/s7iYiIiIqTKIoQBAGmpqaQy4v3JK3kA+Djx49RsWJFlWUVK1ZERkYGsrOzYWFh8c595OXlISYmprhKJCIiIiowZ2dnmJubF+sckg+A2vA6ZTs5Oam8MJ0MmyAIuH37NurUqVPsvymRdrBn0sS+SQ97ZthEUcT//vc/TJs2TeX93GXKlMHRo0d10jPJB8DX7+980+PHj2FpaVmgo38AlKd9zczMGAAlRBAEyOVymJmZ8R84iWDPpIl9kx72zLBt27YNI0eOVFv+Oo/o4nI0yf+tcHFxwfnz51WWnTt3Di4uLvopiIiIiOgtBg4cCHt7e5VlH374IQ4fPqyzGgwuAL548QI3btzAjRs3AAAPHjzAjRs38PDhQwDAypUrMX36dOX6AwcOREJCApYvX474+HiEhITg6NGjGDp0qD7KJyIiInorS0tL7N27FyYmJgAAHx8fXLt2DW5ubjqrweBOAcfGxsLHx0f5c1BQEACgd+/eWLZsGVJSUpCYmKgcr1mzJjZv3oygoCDs3r0bVapUweLFi/kIGCIiIjJYzZs3x/Lly1GjRg30798fAJCbm6uz+Q0uADZv3hw3b97Md3zZsmUatwkLCyvGql5RKBRvbY65uTmvtSAiIiIIgoB169ahZ8+e+OijjzSuM2XKFN0W9QaDC4CGSBRFPHr0CE+fPn3renK5HLVr1y72W7eJiIjIcD148AC+vr44deoUDhw4gN9++015utdQMAAWwOvwV7lyZZQpU0bj3TmCIODhw4dITExErVq1+EBpIiIiI/TDDz9gzJgxyoNGZ86cwddff618Y5mh4PnKd1AoFMrwZ2Njg9KlS8PCwkLtvzJlyqBSpUrIzMxEXl6evssmIiIiHXr27Bm8vb0xcOBAtTOG8+fPV7l/wRAwAL7D62v+ypQp8851X5/6VSgUxVoTERERGY7Tp0+jYcOG2Lt3r9pYjRo1cOzYMVStWlUPleWPAbCACnJKl6d9iYiIjEdOTg5mzpyJdu3a4f79+2rjgwYNQnR0NNq1a6eH6t6O1wASERERFdJff/2FIUOG4OrVq2pj5cuXx8aNGzF48GDdF1ZAPAJIREREVECvH+/SpEkTjeGvTZs2iI6ONujwBzAAEhERERXIw4cP4enpiQkTJiA7O1tlzMzMDMuXL8fJkydRq1YtPVVYcDwFTERERFQA+/fvxy+//KK2vF69eggJCYGLi4vuiyoiHgEsIEEQ3rmOKIo6qISIiIj0YcKECWjbtq3KsokTJ+Ly5cuSCn8AjwC+0+vXuz18+BCVKlWCubm5xrt9RVFESkoKZDIZzMzM9FApERERFSe5XI5du3ahYcOGKFu2LHbu3ImOHTvqu6wiYQB8h9evd0tMTMTDhw/fuq5MJkONGjUM7nUvREREVHCiKOb7aLdatWrh0KFDqF+/PmxsbHRcmfYwAL5BEASNp3pNTU1Ro0YN5OXlvfUhz2ZmZjAxMSnQ6WJ6f4IgQBRF/nlLCHsmTeyb9LBnRXfz5k0MGzYMK1asgJubm8Z13N3dARTs8rDC0GW/GADfkJyczKN3EiKKInJycpCUlMSHcEsEeyZN7Jv0sGeFJ4oi9uzZg8DAQGRnZ8PLywvHjx+HpaWlzmrQ5ZvEGADfULlyZV6/JyGCICA9PR22traQy3k/kxSwZ9LEvkkPe1Y4SUlJGDlyJMLDw5XL7t27h2XLlmHbtm06qyM3NxfJyck6mYsB8A1yuZxfFImRyWTsm8SwZ9LEvkkPe1Ywhw4dwogRI5CSkqI2du7cOWRkZOCDDz7QSS267BX/VhAREZHRycjIwKhRo9CzZ0+N4S8gIABXrlzRWfjTNR4BJCIiIqNy4cIFeHl5IS4uTm3M1tYWO3bsgKenpx4q0x0eASQiIiKjkJeXh8DAQLRs2VJj+OvVqxdiYmJKfPgDeASQiIiIjEBcXBy8vLxw4cIFtbGyZcvim2++wfDhw43mrmkGQCIiIirRQkJCMHr0aLx48UJtrEWLFtizZw/s7e31UJn+8BQwERERlWhly5ZVC38mJiYIDAzEmTNnjC78AQyAREREVML16tULfn5+yp/t7e1x9uxZzJs3D6amxnkylAGQiIiISrw1a9bAzs4Oo0aNQlRUFJo3b67vkvTKOGMvERERlTjx8fGws7PTOGZpaVmin+tXWDwCSERERJKmUCiwZMkSODo64rvvvst3PYa//8MASERERJJ1584dtGnTBnPmzEFeXh7Gjh2L+/fv67ssg2eQATAkJAQeHh5wdnZGv379EB0dne+6ubm5WL9+PTp06ABnZ2f06NEDf/zxhw6rJSIiIl0TRRG7du1Co0aNcPbsWeXyZ8+ewcfHBwqFQo/VGT6DC4Dh4eEICgpCQEAAQkND4ejoCD8/P6Smpmpcf82aNfjhhx8wd+5chIeHY+DAgRg3bhz++usvHVdOREREupCamor+/ftj6NChSE9PVxmTy+Vo1aoVRFHUU3XSYHABMDg4GP3790ffvn1hb2+PwMBAWFhY4MCBAxrX/+mnnzBmzBi0adMGNWvWxODBg9GmTRvs2LFDx5UTERFRcTt+/DicnZ3x448/qo3Vrl0bZ86cwaJFi4z28S4FZVABMCcnB9evX4ebm5tymVwuh5ubG6KiojRuk5ubC3Nzc5VlpUqVwpUrV4q1ViIiItKdrKwsTJw4EZ06dUJiYqLa+LBhw3Dt2jWVDEH5M6h4nJaWBoVCARsbG5XlNjY2uH37tsZt3N3dsXPnTjRr1gy1atVCREQEfv311yKd+xcEAYIgFKl20j1BECCKInsmIeyZNLFv0lPSenb16lV4e3trvLzL2toamzdvRp8+fQBA0p9Zl7UbVAAsitmzZ2POnDno0qULZDIZatasiT59+uR7yvht7ty5YzQvgS4psrOzER8fr+8yqBDYM2li36SnJPRMoVBg586dWLNmDXJzc9XG3d3dsWTJEtja2uLWrVt6qFC7dHndokEFQCsrK5iYmKjd8JGamoqKFStq3Mba2hobN27Ey5cv8fTpU1SuXBkrVqxAzZo1Cz1/7dq1YWZmVqTaSfcEQUBcXBzs7OwglxvU1QyUD/ZMmtg36SkpPRszZgy2bt2qttzCwgLLly/H2LFjS9SBm9zcXMTGxupkLoMKgObm5qhfvz4iIiLQoUMHAK/+EkdERMDLy+ut25YqVQq2trbIzc3F8ePH0aVLl0LPL5fLJf1FMUYymYx9kxj2TJrYN+kpCT3z9/fHzp07VY7+ubi4ICQkBPXq1dNjZcVDl70yuL8Vw4YNw/79+xEaGor4+HgsWLAAWVlZynP706dPx8qVK5XrX7t2DcePH0dCQgIuX76MESNGQBAEjBgxQl8fgYiIiLTA1dUVixYtAvAq0M6YMQMXLlwokeFP1wzqCCAAeHp64smTJ1i7di1SUlLg5OSEbdu2KU8BJyYmqiTkly9fYs2aNUhISECZMmXQpk0bLF++nK97ISIiKgGmTZuG2NhYjBw5Eq1bt9Z3OSWGwQVAAPDy8sr3lO+ePXtUfv7kk08QHh6ui7KIiIhIy16+fIlvv/0WAQEBGq/DNzExUfvffnp/BhkAiYiIqOSLiYmBl5cXoqOj8fTpUyxYsEDfJRkNg7sGkIiIiEo2QRCwevVqNGvWDNHR0QCAxYsX4/z583quzHgwABIREZHOPHjwAJ999hmmTJmCly9fKpcrFArljZxU/BgAiYiISCf2798PZ2dnnDx5Um3M2dkZ33//vaQfWyMl/FMmIiKiYvXs2TN4e3tjwIABePr0qdr41KlTcfHiRTg7O+u+OCPFm0CIiIio2Pzxxx/w9vbG/fv31cZq1KiBXbt2wcPDQw+VGTceASQiIiKty8nJwaxZs9C2bVuN4W/gwIGIjo5m+NMTHgEkIiIirfrrr7/g5eWFqKgotbHy5ctj48aNGDx4sB4qo9cYAImIiEirvvzyS43hr02bNti9ezdq1aqlh6roTTwFTERERFq1ceNGWFtbK382MzPD8uXLcfLkSYY/A8EASERERFpVrVo1bN26FQBQr149XLx4EV988QVMTEz0XBm9xlPAREREpHV9+vTBd999h169eqF06dL6Lof+gwHwDYIg8AnkEiIIAkRRZM8khD2TJvZNenTRs3PnzmHu3Lk4cOAAKlSooHGdAQMGKOuhd9PlnxMD4BuSk5N5eFpCRFFETk4OkpKSIJPJ9F0OFQB7Jk3sm/QUZ89yc3OxevVqrFu3DoIgYOTIkVi3bp1W5zBWCoVCZ3MxAL6hcuXKMDMz03cZVECCICA9PR22trZ8dZBEsGfSxL5JT3H17ObNm/Dx8cHly5eVyw4ePIi+ffti4MCBWpvHWOXm5iI5OVknczEAvkEul/MfN4mRyWTsm8SwZ9LEvkmPNnsmiiI2b96MKVOmICsrS238+++/53P9tECX3y9+k4mIiChfSUlJ6N69O/z9/dXCn6mpKZYsWYKwsDD9FEdFxiOAREREpNHPP/8MPz8/pKSkqI05ODhg7969aNq0qR4qo/fFI4BERESk4sWLFxg9ejR69OihMfyNHTsWV65cYfiTMB4BJCIiIqWLFy/Cy8sLt27dUhuztbXFjh074OnpqYfKSJt4BJCIiIggiiIWLVoENzc3jeGvZ8+eiImJYfgrIRgAiYiICDKZDElJSWrPoitbtiy2bt2K0NBQVKpUSU/VkbYxABIREREAYPny5XB0dFT+3Lx5c1y9ehUjRozgQ8BLGAZAIiIiAgCUKVMGe/fuhYWFBRYsWIA///wT9vb2+i6LigFvAiEiIjIyiYmJqFq1qsaxJk2a4O7du7C1tdVxVaRLPAJIRERkJDIzMxEQEIC6desiPj4+3/UY/ko+BkAiIiIjEBkZicaNG2Pjxo3IyMiAl5cX8vLy9F0W6QkDIBERUQmmUCgQFBSEFi1a4ObNm8rl58+fR1BQkB4rI30yyAAYEhICDw8PODs7o1+/foiOjn7r+jt37kSnTp3QsGFDtGnTBkuXLsXLly91VC0REZFhunPnDtq2bYsvv/xS7Whf6dKlearXiBlcAAwPD0dQUBACAgIQGhoKR0dH+Pn5ITU1VeP6P//8M1auXIlx48YhPDwcS5YsQXh4OFatWqXjyomIiAyDKIoIDQ2Fq6sr/vzzT7Xxpk2bIioqCqNGjdJDdWQIDC4ABgcHo3///ujbty/s7e0RGBgICwsLHDhwQOP6UVFRaNy4Mbp3744aNWrA3d0d3bp1e+dRQyIiopIoNTUVAwYMwKxZs5Cenq4yJpfLMWfOHJw7dw4ODg56qpAMgUE9BiYnJwfXr1/H6NGjlcvkcjnc3NwQFRWlcRtXV1ccOnQI0dHRaNiwIRISEnD69Gn07Nmz0PMLggBBEIpcP+mWIAgQRZE9kxD2TJrYN+k4fvw4hg8fjsTERLWx2rVrY/fu3XBzcwMA9tMA6bInBhUA09LSoFAoYGNjo7LcxsYGt2/f1rhN9+7dkZaWhsGDB0MUReTl5WHgwIEYM2ZMoee/c+cOn3QuMdnZ2W99lAEZHvZMmtg3w5adnY2VK1diz549Gsf79OmDL7/8EpaWlhrf80uGQRRFnc1lUAGwKC5cuIDNmzdj/vz5aNiwIe7fv48lS5Zgw4YNCAgIKNS+ateuDTMzs2KqlLRNEATExcXBzs4OcrnBXc1AGrBn0sS+GTaFQoFPP/0UkZGRamPW1tbYvHkz+vTpo4fKqLByc3MRGxurk7kMKgBaWVnBxMRE7YaP1NRUVKxYUeM233zzDXr06IF+/foBABwcHJCZmYl58+bB39+/UP9YyeVy/uMmMTKZjH2TGPZMmtg3wyWXy+Ht7a0WAN3d3fH999+jRo0aeqqMCkuX3y+D+iabm5ujfv36iIiIUC4TBAERERFwdXXVuE12drbaH5iJiQkA3R5KJSIi0pfx48ejQ4cOAAALCwusXbsWW7duRbVq1fRcGRkqgwqAADBs2DDs378foaGhiI+Px4IFC5CVlaU8fD19+nSsXLlSuX67du3w/fff48iRI0hISMDZs2fxzTffoF27dsogSEREVJLJ5XLs3LkT7du3R2RkJAICAnhNO72VQZ0CBgBPT088efIEa9euRUpKCpycnLBt2zblKeDExESVI37+/v6QyWRYs2YNkpKSYG1tjXbt2mHy5Mn6+ghERERal5aWhl9//RX9+/fXOF69enWcOHECAO/wpXczuAAIAF5eXvDy8tI49t87nExNTTFu3DiMGzdOF6URERHp3G+//QYfHx/8+++/qFq1Klq1aqXvkkjiDO4UMBEREb3y8uVLfPHFF2jfvj0ePHgAURTh7e2NZ8+e6bs0kjgGQCIiIgMUGxuLTz75BCtWrFC5qfHevXuYMWOGHiujkoABkIiIyIAIgoA1a9agadOmGl9r6uHhgTlz5uihMipJDPIaQCIiImP077//YujQocqbOd5kbm6OZcuWYeLEiXweI703BkAiIiID8L///Q+jR49GWlqa2pizszNCQkLg7Oysh8qoJOKvEERERHr07Nkz+Pr6on///hrD35QpU3Dx4kWGP9IqHgEkIiLSkzNnzsDb2xv37t1TG6tevTp27dqF9u3b66EyKul4BJCIiEgPsrOzMWDAAI3hb8CAAYiJiWH4o2LDAEhERKQHFhYW2Lp1q8qyDz74AHv37sX3338PKysrPVVGxoABkIiISE+6du0Kf39/AEDr1q0RHR2NIUOG8D2+VOx4DSAREZEerVixAs7Ozhg1ahRMTEz0XQ4ZCQbANwiCwBdoS4ggCBBFkT2TEPZMmti39xMaGopjx45h06ZNGo/sWVhYYPTo0QCgtT9j9kyadNkvBsA3JCcn87cvCRFFETk5OUhKSuLpEolgz6SJfSuajIwMzJ8/H/v27QMA1KtXDwMGDNDJ3OyZNCkUCp3NxQD4hsqVK8PMzEzfZVABCYKA9PR02Nra8qn4EsGeSRP7Vnjnzp2Dr68vbt++rVw2b948dO/eHXXq1Cn2+dkzacrNzUVycrJO5mIAfINcLucXRWJkMhn7JjHsmTSxbwWTm5uLRYsWYcmSJWqn8zIyMhASEoL58+frpBb2THp02SsGQCIiIi34559/4OXlhUuXLqmNWVpaYv369fDx8dFDZUTq+GsBERHRexBFEZs2bYKrq6vG8NeyZUtcu3YNvr6+vB6PDAYDIBERURElJSWhe/fu8Pf3R2ZmpsqYqakplixZgtOnT+vkuj+iwuApYCIioiL4+eef4efnh5SUFLUxBwcH7N27F02bNtVDZUTvxiOAREREhZCZmYnRo0ejR48eGsPf2LFjceXKFYY/Mmg8AkhERFQIcrkcERERasttbW2xY8cOeHp66qEqosLhEUAiIqJCsLCwQEhICMzNzZXLevbsiZiYGIY/kgwGQCIiokJydnZGUFAQypYti23btiE0NBSVKlXSd1lEBcZTwERERBqIoohnz56hQoUKGscnTZqEzz//HLVq1dJtYURawCOARERE//H48WP06dMHHTp0QG5ursZ15HI5wx9JFgMgERHRG44ePQpnZ2eEhYUhMjISgYGB+i6JSOsYAImIiPDq8S7jxo2Dp6cnHj16pFweFBSEP//8U4+VEWmfwV4DGBISgu3btyMlJQWOjo6YO3cuGjZsqHFdb29vXLx4UW15mzZtsGXLluIulYiIJO7KlSsYMmQI/v77b7Uxa2trvHjxQg9VERUfgwyA4eHhCAoKQmBgIBo1aoRdu3bBz88Px44dg42Njdr669atU7lG4+nTp+jZsyc6d+6sy7KJiEhiFAoFli9fjnnz5iEvL09t3NPTE9u3b0eVKlX0UB1R8THIU8DBwcHo378/+vbtC3t7ewQGBsLCwgIHDhzQuH6FChVQqVIl5X9nz56FhYUFAyAREeXr7t27aNu2Lb788ku18Fe6dGls3LgRhw8fZvijEsngAmBOTg6uX78ONzc35TK5XA43NzdERUUVaB8HDhxA165dUaZMmeIqk4iIJEoURezevRsNGzbUeG1fkyZNEBUVBX9/f8hkMj1USFT8DO4UcFpaGhQKhdqpXhsbG9y+ffud20dHR+Off/7BkiVLCj23IAgQBKHQ25F+CIIAURTZMwlhz6SpJPXtyZMn8Pf3x48//qg2JpfLMXPmTMybNw9mZmaS/rwlqWfGRJf9MrgA+L5+/PFH1K1bN98bRt7mzp07/G1PYrKzsxEfH6/vMqgQ2DNpKgl9e/ToEfr374/k5GS1sRo1amD58uVo3Lgx7t69q/viikFJ6JmxEUVRZ3MZXAC0srKCiYkJUlNTVZanpqaiYsWKb902MzMTR44cwYQJE4o0d+3atWFmZlakbUn3BEFAXFwc7OzsIJcb3NUMpAF7Jk0lpW/29vZo2rQpwsPDVZb7+vpizZo1+OCDD/RUmfaVlJ4Zm9zcXMTGxupkLoMLgObm5qhfvz4iIiLQoUMHAK/+IkdERMDLy+ut2x47dgw5OTno0aNHkeaWy+X8okiMTCZj3ySGPZOmktK3HTt2wNnZGSkpKbC2tsaWLVvQt29ffZdVLEpKz4yJLntlkH8rhg0bhv379yM0NBTx8fFYsGABsrKy0KdPHwDA9OnTsXLlSrXtfvzxR3To0AFWVla6LpmIiCTA1tYW27dvx2effYaYmJgSG/6I3sXgjgACr5679OTJE6xduxYpKSlwcnLCtm3blKeAExMT1VLy7du3ERkZiR07duijZCIiMhD3799HYmIimjdvrnG8e/fu6NatG6/5JqNmkAEQALy8vPI95btnzx61ZXXq1MHNmzeLuywiIjJg3333HcaOHYuyZcsiJiYG1tbWGtdj+CNjZ5CngImIiAojLS0NgwcPxpAhQ/Ds2TM8fPgQo0eP1uldlURSwgBIRESS9ttvv6FRo0b4/vvvVZb/+OOP2Ldvn56qIjJsDIBERCRJL1++xBdffIH27dsjISFBbdzLywuenp56qIzI8BnsNYBERET5iY2NxZAhQxAdHa02VqFCBWzatAkDBgzQQ2VE0sAjgEREJBmCIGDNmjVo2rSpxvDn4eGBmJgYhj+id+ARQCIikoQHDx5g6NChOHnypNqYubk5goKCMGnSJD74mKgAGACJiMjg7d+/H2PGjEFaWpramLOzM/bu3Vukd8ATGSv+mkRERAYtNjYWAwYM0Bj+pkyZgosXLzL8ERUSAyARERm0Bg0aYNKkSSrLqlevjhMnTmDlypWwsLDQT2FEEsYASEREBi8oKAj169cHAPTv3x/R0dFo3769nqsiki5eA0hERAbPwsICISEhiImJwZAhQ/gqN6L3pLUAmJeXh4sXL+L+/fvo1q0bLC0tkZSUBEtLS5QtW1Zb0xARUQkkiiI2btyI0qVLY/jw4RrXadSoERo1aqTjyohKJq0EwH///RcjRoxAYmIicnJy0LJlS1haWmLr1q3IycnBwoULtTFNsRMEAYIg6LsMKiBBECCKInsmIeyZNBV33xITE+Hn54dffvkFZcqUgZubG+rWrVsscxkLftekSZf90koAXLJkCRo0aICffvoJzZs3Vy7v2LEj5s6dq40pdCI5ORkmJib6LoMKSBRF5OTkICkpiaeDJII9k6bi7NvRo0fxxRdfKO/wzczMxKBBgxAWFgYzMzOtzmVM+F2TJoVCobO5tBIAIyMj8f3338Pc3FxlefXq1ZGUlKSNKXSicuXK/AdHQgRBQHp6OmxtbfngV4lgz6SpOPqWnp6OKVOmYMeOHWpjV69eRXR0NLp27aqVuYwRv2vSlJubi+TkZJ3MpZUAmN+p00ePHknq+j+5XM4visTIZDL2TWLYM2nSZt8iIiLg5eWF27dvq41VrVoVwcHB6NSp03vPY+z4XZMeXfZKKzO1bNkSu3btUln24sULrFu3Dm3atNHGFEREJHG5ubmYN28e3N3dNYa/Pn36ICYmhuGPSAe0cgRw5syZ8PPzg6enJ3JycjBt2jTcvXsXVlZWWLVqlTamICIiCfvnn3/g5eWFS5cuqY1ZWlpi3bp18PX15fVqRDqilQBYpUoV/PTTTwgPD8fff/+NzMxMfP755+jevTuf0E5EZMREUcTWrVsxefJkZGZmqo27ublhz549qFOnjh6qIzJeWgmAly5dgqurK3r06IEePXool+fl5eHSpUto1qyZNqYhIiIJSU5Ohp+fHw4fPqw2ZmpqigULFmDGjBkwNeU7CYh0TSvXAPr4+ODZs2dqy9PT0+Hj46ONKYiISGKePHmCkydPqi2vW7cuIiIiMHv2bIY/Ij3RSgAURVHjdRtPnz5F6dKltTEFERFJjKOjI1asWKGyzN/fH1euXEHTpk31VBURAe95CnjcuHEAXt1qPnPmTJXnACoUCty8eROurq7vVyEREUmWv78/Dh8+jMjISOzYsYPP9iMyEO8VAMuVKwfg1RHAsmXLqtzwYWZmBhcXF/Tr1+/9KiQiIoOWl5cHQRDUXgYAvDpAsHPnTgCvHrZPRIbhvQJgUFAQgFdv/Bg+fDjKlCmjlaKIiEga4uPj4e3tjU8//RQrV67UuA6DH5Hh0co1gOPGjWP4IyIyIqIoYseOHXBxcUFERARWrVql8YYPIjJMWrv96tixYzh69CgSExORm5urMhYaGqqtaYiISM8eP36MkSNHIiwsTGW5r68vYmJiYGVlpZ/CiKjAtHIEcPfu3Zg1axYqVqyIv/76C87OzqhQoQISEhLQunVrbUxBREQG4OjRo3B2dlYLfwBgYWGBxMRE3RdFRIWmlQD43XffYdGiRZg7dy7MzMwwcuRIBAcHw9vbG+np6YXeX0hICDw8PODs7Ix+/fohOjr6res/f/4cgYGBcHd3R4MGDdCpUyecPn26qB+HiIj+IysrC+PHj4enpycePXqkNj5y5EhcvXoV9erV00N1RFRYWgmAiYmJyse9WFhY4MWLFwCAnj174siRI4XaV3h4OIKCghAQEIDQ0FA4OjrCz88PqampGtfPycnBsGHD8O+//+Kbb77BsWPHsGjRItja2r7fhyIiIgDAlStX0LdvX2zcuFFtrGLFiggLC8OWLVtgaWmph+qIqCi0EgArVqyofBNI1apVcfXqVQDAgwcPIIpiofYVHByM/v37o2/fvrC3t0dgYCAsLCxw4MABjesfOHAAz549w4YNG9CkSRPUqFEDn3zyCRwdHd/rMxERGTuFQoGgoCB8+umnuH37ttq4p6cnYmJi0LNnTz1UR0TvQys3gbRo0QKnTp1CvXr10LdvXwQFBeGXX35BbGwsOnbsWOD95OTk4Pr16xg9erRymVwuh5ubG6KiojRuc+rUKbi4uGDhwoU4efIkrK2t0a1bN4wcORImJiaF+hyCIEAQhEJtQ/ojCAJEUWTPJIQ9k467d+/C19cXf/75p9pY6dKl8fXXX2PMmDGQyWTspwHid02adNkvrQTARYsWKYseMmQIKlSogKioKHh4eGDAgAEF3k9aWhoUCgVsbGxUltvY2Gj87RMAEhIScP78eXTv3h1btmzB/fv3ERgYiLy8POWbSgrqzp07Gl9pR4YrOzsb8fHx+i6DCoE9M3znz59HQECA8nKeN9WvXx9ff/016tSpg7i4OD1URwXF75r0FPas6ft47wCYl5eHTZs24fPPP0eVKlUAAF27dtXZ635EUYSNjQ0WLVoEExMTNGjQAElJSdi+fXuhA2Dt2rVhZmZWTJWStgmCgLi4ONjZ2UEu18rVDFTM2DNpsLKywgcffKASAOVyOWbMmIF58+ZpfOMHGRZ+16QpNzcXsbGxOpnrvQOgqakptm/fjl69er13MVZWVjAxMVG74SM1NRUVK1bUuE2lSpVgamqqcrq3Tp06SElJQU5OTqH+oZLL5fyiSIxMJmPfJIY9M3yVK1dGcHAwOnfuDAD46KOPsGTJEgwcOJB9kxB+16RHl73SykwtWrTApUuX3ns/5ubmqF+/PiIiIpTLBEFARESE8i7j/2rcuDHu37+vct787t27qFSpEn9LJSIqok6dOmH8+PHw9fVFVFQUmjRpou+SiEiLtHINYOvWrbFy5Ur8888/qF+/PkqXLq0y3r59+wLva9iwYZgxYwYaNGiAhg0bYteuXcjKykKfPn0AANOnT4etrS2mTp0KABg0aBD27t2LJUuWwMvLC/fu3cPmzZvh7e2tjY9GRFRiRUdHo0qVKvm+q3f16tUwMTGBIAhISkrScXVEVJy0EgADAwMBvHqEy3/JZDLcuHGjwPvy9PTEkydPsHbtWqSkpMDJyQnbtm1TngJOTExUOURatWpVbN++HUFBQejRowdsbW3h4+ODkSNHvuenIiIqmQRBwKpVqzB79mx07twZYWFhGm+AK+yTFIhIOmSiLm85MVAKhQJXr15Fw4YNeROIhAiCgFu3buHjjz/mNS4SwZ7pX0JCAnx9ffHbb78pl23duhUjRozIdxv2TXrYM2nKzc1FdHQ0XFxciv0XMP6tICIyEt9//z2cnZ1Vwh8ATJw4kY8LITIyDIBERCXc06dPMWTIEAwePFj51qbXZDIZxo8fjxo1auipOiLSB61cA0hERIbp999/h4+PDxISEtTGatWqhd27d6NNmzZ6qIyI9IlHAImISqCXL19i+vTp8PDw0Bj+hgwZgmvXrjH8ERkpHgEkIiphYmNj4eXlhWvXrqmNVahQAd9++y0GDhyoh8qIyFBo7Qjg/fv3sXr1akyZMkX5Jo/Tp0/j1q1b2pqCiIjeQhAEfPPNN2jatKnG8Ofh4YHo6GiGPyLSTgC8ePEiunfvjujoaBw/fhyZmZkAgJs3b2LdunXamIKIiN5hx44dmDRpEl6+fKmy3NzcHCtXrsSvv/6KmjVr6qk6IjIkWgmAK1euxKRJkxAcHKzyHL0WLVrg6tWr2piCiIjewcfHR+21mQ0aNMClS5cwZcoUPg+OiJS08q/BP//8gw4dOqgtt7a2RlpamjamICKidzA3N8fevXthYWEBAJgyZQouXbqEhg0b6rkyIjI0WrkJpFy5ckhJSVE7tXDjxg3Y2tpqYwoiIiqAevXqYdOmTahRo0ah3sNORMZFK0cAu3btihUrViAlJQUymQyCICAyMhJfffUVevXqpY0piIgIQE5ODubMmYPY2Nh81/H19WX4I6K30soRwMmTJ2PhwoVo27YtFAoFunbtCoVCgW7dusHf318bU+iEIAgQBEHfZVABCYIAURTZMwlhz97PjRs34OPjgytXruDw4cOIiIhAqVKlin1e9k162DNp0mW/ZKIoitra2cOHD3Hr1i28ePEC9erVw0cffaStXRcrhUKBq1evonLlysX+8mXSHlEUkZqaChsbG8hkMn2XQwXAnhWNKIrYtWsXFi1ahOzsbOVyf39/zJkzRyfzs2/Swp5Jk0KhQHJyMlxcXIo9j2jlCODly5fRtGlTVKtWDdWqVdPGLvWicuXKKncxk2ETBAHp6emwtbXl3Y0SwZ4V3qNHjzBixAgcO3ZMbWzHjh2YNWsWqlevXqw1sG/Sw55JU25uLpKTk3Uyl1YC4NChQ1G5cmV069YNPXr0gL29vTZ2q3NyuZxfFImRyWTsm8SwZwUXGhqKkSNHKh+u/yYnJyfs3btXZ8/1Y9+khz2THl32Sisz/fHHHxg+fDguXryIbt26oWfPnti2bRsePXqkjd0TERmVjIwMjBgxAn369NEY/saPH4/IyEg0btxYD9URUUmglQBobW0NLy8v7Nu3D7/++is6d+6MsLAweHh4wMfHRxtTEBEZhYiICLi4uGD79u1qY1WqVMHRo0exdu1alC5dWg/VEVFJofVjjTVr1sSoUaMwdepU1K1bF5cuXdL2FEREJU5ubi7mz58Pd3d3xMfHq4337t0bMTEx6Ny5sx6qI6KSRivXAL4WGRmJn3/+Gb/88gtevnyJ9u3bY8qUKdqcgoioxLl16xa8vLxw8eJFtTFLS0usXbsWQ4cO5d2cRKQ1WgmAK1euxJEjR5CcnIyWLVti9uzZaN++PU9REBEVwB9//KEx/Lm5uWHPnj2oU6eOHqoiopJMKwHw0qVL8PPzQ5cuXWBtba2NXRIRGY3hw4fj8OHDCAsLAwCYmppi/vz5mDlzJkxNtXqihogIgJYC4L59+7SxGyIioySTybBlyxZERESgfPny2Lt3L5o1a6bvsoioBCtyADx58iRat24NMzMznDx58q3r8p2URESvbvTI72HzlSpVwi+//AJ7e3uULVtWx5URkbEpcgAMCAjA2bNnYWNjg4CAgHzXk8lkuHHjRlGnISIqES5dugRvb2+sXr0aXbp00bhOo0aNdFwVERmrIgfAv//+W+P/T0RE/ycvLw/Lli1DYGAg8vLyMHz4cERHR6NSpUr6Lo2IjJhWngMYFhaGnJwcteU5OTnKi5qJiIxNfHw8Wrdujblz5yIvLw/Aq3f7jho1CqIo6rk6IjJmWgmAs2bNQnp6utryFy9eYNasWdqYgohIMkRRxI4dO+Di4oKIiAi18YcPH+L58+d6qIyI6BWtBEBRFDU+oDQpKQnlypUr0j5DQkLg4eEBZ2dn9OvXD9HR0fmue/DgQTg4OKj85+zsXKR5iYjex+PHj/H555/Dz88PGRkZKmMmJiaYP38+/vzzT5QvX15PFRIRvedjYHr16gWZTAaZTAZfX1+V51UpFAo8ePAArVq1KvR+w8PDERQUhMDAQDRq1Ai7du2Cn58fjh07BhsbG43bWFpa4tixY8qf+cR8ItK1X375BUOHDsWjR4/Uxuzs7LB37160aNFCD5UREal6rwDYoUMHAMCNGzfg7u6u8ugCMzMzVK9eHZ999lmh9xscHIz+/fujb9++AIDAwED8/vvvOHDgAEaNGqVxG5lMxouqiUgvsrKyMH36dKxfv17j+IgRI7B69WpYWlrquDIiIs3eKwCOGzcOAFC9enV4enqiVKlS711QTk4Orl+/jtGjRyuXyeVyuLm5ISoqKt/tMjMz0a5dOwiCgHr16mHKlCn4+OOP37seIqK3uXLlCry8vDQ+7qpixYrYunUrevXqpfvCiIjeQitvAundu7c2dgMASEtLg0KhUDvVa2Njg9u3b2vcpnbt2li6dCkcHByQnp6OHTt2YODAgThy5AiqVKlS4LkFQYAgCO9VP+mOIAgQRZE9k5CS1rMtW7ZgwoQJyM3NVRvr3Lkztm/fjipVqkj+85a0vhkD9kyadNmvIgfATz75BMeOHYO1tTWaNWv21mvuNL3kXJtcXV3h6uqq8rOnpyf27duHSZMmFXg/d+7c4bWDEpOdnY34+Hh9l0GFUJJ6VqZMGeXjXV6zsLDA9OnTMWjQIKSnp2t8QoIUlaS+GQv2THp0+XioIgfAWbNmKa9nmTVrltaCk5WVFUxMTJCamqqyPDU1FRUrVizQPszMzODk5IT79+8Xau7atWvn+5omMjyCICAuLg52dnaQy7VyQzsVs5LWs48//hgxMTFYsWIFAKBx48bYs2cPHB0d9VyZdpW0vhkD9kyacnNzERsbq5O5ihwA3zzt26dPH60UAwDm5uaoX78+IiIilDeZCIKAiIgIeHl5FWgfCoUC//zzD9q0aVOoueVyOb8oEiOTydg3iSlpPVu8eDFOnTqFzp07Y/78+TA3N9d3ScWipPXNGLBn0qPLXmnlGsDr16/D1NQUDg4OAIATJ07g4MGDsLe3x7hx4wr9D+KwYcMwY8YMNGjQAA0bNsSuXbuQlZWlDJrTp0+Hra0tpk6dCgBYv349XFxc8OGHH+L58+fYvn07Hj58iH79+mnj4xGRkbt8+TKaNGmi8UxHqVKlEBERUWKDHxGVTFqJmvPmzcPdu3cBAAkJCZg8eTJKly6NY8eO4euvvy70/jw9PTFjxgysXbsWPXv2xI0bN7Bt2zblKeDExESkpKQo13/+/Dnmzp2LLl26YNSoUcjIyMC+fftgb2+vjY9HREYqOzsbU6ZMQbNmzbBhw4Z812P4IyKpkYlauOKwSZMmCA0NRa1atbBlyxZcuHAB27dvR2RkJKZMmYLTp09ro9Zio1AocPXqVTRs2JDXAEqIIAi4desWPv74Y57ikAgp9Sw6OhpDhgxRXo9jYWGByMhI1KtXT8+V6Z6U+kavsGfSlJubi+joaLi4uMDExKRY59Laq+Be37ocERGB1q1bAwCqVq2KtLQ0bUxBRKQTgiBg1apVaNasmcrF2NnZ2RgyZAhycnL0WB0RkXZoJQA2aNAA3377LcLCwnDp0iW0bdsWAPDgwYMC37lLRKRvCQkJ6NixI6ZOnaoW9EqVKoWhQ4eqvPKSiEiqtPIv2ZdffokvvvgCJ06cwJgxY/Dhhx8CePVezDefz0dEZKj27dsHf39/PH36VG2sUaNG2Lt3Lxo0aKD7woiIioFWAqCjoyN+/vlnteXTp0/ntQdEZNCePn2KcePGISQkRG1MJpNh2rRpWLRokVZedUlEZCi0ei4jNjZW+dRxe3t71K9fX5u7JyLSqtOnT8PHx0fjQ+Nr1qyJ3bt3Ky9pISIqSbQSAFNTUzFp0iRcunQJH3zwAYBXj2Zp3rw5Vq9eDWtra21MQ0SkFS9fvsS8efPw9ddfa3z10uDBg7FhwwZUqFBB98UREemAVs7PLlq0CJmZmThy5AguXryIixcv4vDhw8jIyMDixYu1MQURkdYEBARg+fLlauGvfPny+O677xASEsLwR0QlmlYC4JkzZzB//nzY2dkpl9nb22P+/Pn4448/tDEFEZHWzJgxA2XKlFFZ1q5dO8TExGDQoEF6qoqISHe0EgAFQdD4AGVTU1Pl8wGJiAzFxx9/jDVr1gB49RaPFStW4MSJE6hZs6Z+CyMi0hGtBMAWLVpgyZIlSEpKUi5LSkpCUFAQPv30U21MQUSkVSNGjMDUqVNx8eJFTJ06lU8sICKjorV3AWdkZKB9+/bo0KEDOnTogPbt2yMjIwNz587VxhRERIXy/PlzfPnll8jKytI4LpPJsGLFCjRq1EjHlRER6Z9W7gKuWrUqQkNDce7cOdy+fRsAYGdnBzc3N23snoioUP788094e3vj7t27yMjIwNq1a/VdEhGRQdHacwBlMhlatmyJli1bamuXOicIAq9ZlBBBEFTeQ02Gr7h7lpOTg4ULF+Krr75SzrFu3Tp06dIFnTp1KpY5jQG/a9LDnkmTLvultQAYERGBnTt3Kh8EbWdnB19fX0kdBUxOToaJiYm+y6ACEkUROTk5SEpKgkwm03c5VADF2bO4uDiMHz8e0dHRamMTJkzAb7/9xuv8iojfNelhz6RJoVDobC6tBMCQkBAsXboUnTp1go+PDwDg2rVrGDVqFGbNmoUhQ4ZoY5piV7lyZY13M5NhEgQB6enpsLW15f+wS0Rx9EwURWzatAlffPGFxuv9WrdujZ07d6JatWpamc8Y8bsmPeyZNOXm5iI5OVknc2klAG7evBmzZs2Cl5eXyvLGjRtj06ZNkgmAcrmcXxSJkclk7JvEaLNnjx49wvDhw3H06FG1MTMzMyxatAjTpk3jkX0t4HdNetgz6dFlr7QyU3p6Olq1aqW2vGXLlsjIyNDGFEREKsLCwuDs7Kwx/Dk5OeH8+fOYMWMGwx8RkQZaCYAeHh749ddf1ZafPHmSL1InIq3KyMjAiBEj0Lt3bzx+/FhtfPz48YiMjETjxo31UB0RkTRo5RSwnZ0dNm3ahIsXL8LFxQXAq2sAr1y5gmHDhmH37t3KdV9fI0hEVFjnz5+Hl5eX8mazN1WpUgU7d+7k3b5ERAWglQD4448/4oMPPkBcXBzi4uKUy8uVK4cff/xR+bNMJmMAJKIiW79+vcbw17t3b2zZsgUVK1bUQ1VERNKjlQB46tQpbeyGiOit1q1bh9OnT+PBgwcAAEtLS6xduxZDhw7loy6IiAqBtwYRkWRYWVlh9+7dkMlkcHNzw7Vr1zBs2DCGPyKiQtLag6CJiLRFEIR8H4fQrl07HD9+HG3btoWpKf8JIyIqCh4BJCKDcuTIETRq1AiPHj3Kd50OHTow/BERvQcGQCIyCJmZmRg7diy6deuG2NhYDB8+HKIo6rssIqISiQGQiPTu8uXLcHV1xbfffqtcdvToUZWfiYhIe7QWAC9fvoxp06ZhwIABSEpKAvDqSf2XL1/W1hREVMLk5eVhyZIl+PTTT/HPP/+ojZ8+fZpHAYmIioFWAuAvv/wCPz8/WFhY4K+//kJOTg6AV0/s37x5c5H2GRISAg8PDzg7O6Nfv36Ijo4u0HZHjhyBg4MDxo4dW6R5iUg3bt++jTZt2mDOnDnIy8tTGStTpgw2b96Mffv28Q5fIqJioJUA+O233yIwMBCLFy9WuTC7cePG+Ouvvwq9v/DwcAQFBSEgIAChoaFwdHSEn58fUlNT37rdgwcP8NVXX6Fp06aFnpOIdEMURezcuRONGjXCuXPn1MY/+eQTREVFYdSoUQx/RETFRCsB8M6dOxpDV7ly5fD8+fNC7y84OBj9+/dH3759YW9vj8DAQFhYWODAgQP5bqNQKDBt2jSMHz8eNWvWLPScRFT8UlNTMWHCBPj5+SEjI0NlTC6XY968efjzzz9Rt25dPVVIRGQctBIAK1asiPv376stj4yMLHQYy8nJwfXr1+Hm5qZcJpfL4ebmhqioqHy327BhA2xsbNCvX79CzUdEuvHLL7+gUaNG+PXXX9XG6tSpgz///BOBgYEwMzPTQ3VERMZFKw/S6t+/P5YsWYKlS5dCJpMhKSkJUVFR+Oqrrwp9LV5aWhoUCgVsbGxUltvY2OD27dsat7l8+TJ+/PFHhIWFFfUjAHj18FlBEN5rH6Q7giBAFEX2zMCJoohp06ZhzZo1GseHDx+OVatWoVy5cuylgeJ3TXrYM2nSZb+0EgBHjRoFQRAwdOhQZGVlwcvLC+bm5hg+fDi8vb21MUW+MjIyMH36dCxatAjW1tbvta87d+7wmiOJyc7ORnx8vL7LoHd4fWPYmypUqIDFixejQ4cOePTo0Vsf/Ez6x++a9LBn0qPLpx5oJQDKZDL4+/vDz88P9+/fR2ZmJuzs7FC2bNlC78vKygomJiZqN3ykpqaiYsWKausnJCTg33//hb+/v3LZ6wRdr149HDt2DLVq1SrQ3LVr1+bpJwkRBAFxcXGws7PL97VhZBhWrVqFS5cu4dKlSwCATp06Yfv27ahataqeK6OC4HdNetgzacrNzUVsbKxO5tLqu5TMzc1hb2//3vuoX78+IiIi0KFDBwCv/iJHRETAy8tLbf06derg559/Vlm2Zs0avHjxArNnz0aVKlUKPLdcLucXRWJkMhn7JgGlSpXC3r170bJlS4wdOxbz5s2DiYmJvsuiQuB3TXrYM+nRZa+0EgC9vb3feup09+7dhdrfsGHDMGPGDDRo0AANGzbErl27kJWVhT59+gAApk+fDltbW0ydOhWlSpVSu2Pwgw8+AADeSUikQ6Io4ubNm3B0dNQ4XrduXdy+fRsPHz7kpRZERHqmlQDo5OSk8nNeXh5u3LiBW7duoVevXoXen6enJ548eYK1a9ciJSUFTk5O2LZtm/IUcGJiIn+jITIgaWlp8Pf3x8GDB3Hp0iU0atRI43pFuSyEiIi0TysB8Msvv9S4fN26dcjMzCzSPr28vDSe8gWAPXv2vHXbZcuWFWlOIiq8kydPwtfXF//++y8AYMiQIbh8+TIsLCz0XBkREeWnWA+j9ejR460PbyYi6crOzsaUKVPQoUMHZfgDgOvXr2PWrFl6rIyIiN5FqzeB/FdUVBTMzc2Lcwoi0oPo6GgMGTJE491qVlZWaNmypR6qIiKigtJKABw3bpzKz6IoIiUlBbGxsYV+EDQRGS5BELBmzRrMmjVL47P9OnbsiODgYFSvXl0P1RERUUFpJQCWK1dO5WeZTIbatWtjwoQJcHd318YURKRnCQkJGDp0KE6dOqU2VqpUKXz11VcYP348b9AiIpKA9w6ACoUCffr0Qd26dVG+fHlt1EREBmbfvn3w9/fH06dP1cYaNWqEkJAQ1K9fX/eFERFRkbz3r+omJiYYPnw4nj9/ro16iMiAPH36FF5eXhg0aJBa+JPJZJg+fTouXLjA8EdEJDFaOQX88ccf48GDB6hZs6Y2dkdEBkAQBLRu3RoxMTFqYzVr1sTu3bvRtm1b3RdGRETvTSsX60yaNAlfffUVfvvtNyQnJyMjI0PlPyKSHrlcji+++EJt+eDBgxEdHc3wR0QkYe91BHD9+vUYPnw4Ro0aBQDw9/dXecWTKIqQyWS4cePG+1VJRHrh5eWFw4cPY//+/Shfvjy+/fZbDBo0SN9lERHRe3qvALhhwwYMGjSo0O/6JSJpkMlk+Pbbb2FiYoJly5ahVq1a+i6JiIi04L0CoCiKAIBPPvlEK8UQke49fPgQoaGhCAgI0DhubW2N7777TsdVERFRcXrvm0DePOVLRNJy4MABjBo1Ck+ePEGtWrXQvXt3fZdEREQ68N4BsFOnTu8MgRcvXnzfaXRCEAQIgqDvMqiABEGAKIrsWRE8f/4ckyZNwq5du5TL/Pz8cO3aNdja2hbbvOyZNLFv0sOeSZMu+/XeAXD8+PFqbwKRquTkZJiYmOi7DCogURSRk5ODpKQkHokuhEuXLmHChAm4f/++yvKUlBRMnjwZq1atKra52TNpYt+khz2TJoVCobO53jsAdu3aFTY2NtqoRe8qV64MMzMzfZdBBSQIAtLT02Fra8vXjxVAbm4uFi5ciGXLlmn8LbNv375Yv349rK2ti60G9kya2DfpYc+kKTc3F8nJyTqZ670CYEn7rUIul/OLIjEymYx9K4CbN2/Cy8sLly9fVhsrV64c1q9fD29vb518p9kzaWLfpIc9kx5d9uq9Znp9FzARGSZRFPHtt9/C1dVVY/hzd3dHdHQ0fHx8StwvdERElL/3OgL4999/a6sOItKypKQkDB8+HOHh4WpjpqamWLRoEb744gte90pEZIS08i5gIjIshw4dwogRI5CSkqI25ujoiJCQEDRu3FgPlRERkSHghQFEJczLly8xadIkjeFv3LhxiIyMZPgjIjJyDIBEJUypUqWwe/dulYuJq1SpgqNHj2LdunUoU6aMHqsjIiJDwABIVAK5u7tj5syZAIBevXohJiYGnTt31nNVRERkKHgNIJGEiaKY79278+fPh6urK/r27cs7fImISAWPABJJkCiK2Lp1K3r27Jnvq4PMzc3x+eefM/wREZEaBkAiiUlJSUGvXr0watQo/Pzzz1izZo2+SyIiIolhACSSkPDwcDg7O+PQoUPKZbNmzUJ0dLQeqyIiIqlhACSSgMzMTIwdOxZdu3ZFUlKSylhOTg6OHj2qp8qIiEiKeBMIkYG7fPkyhgwZgn/++UdtrFKlStixYwe6deumh8qIiEiqDPYIYEhICDw8PODs7Ix+/fq99RTX8ePH0adPHzRt2hQuLi7o2bMnwsLCdFcsUTHIy8vDkiVL8Omnn2oMf926dUNMTAzDHxERFZpBHgEMDw9HUFAQAgMD0ahRI+zatQt+fn44duwYbGxs1NYvX748/P39UadOHZiZmeG3337Dl19+CRsbG7Rq1UoPn4Do/dy+fRve3t44d+6c2liZMmWwevVqjBw5knf4EhFRkRjkEcDg4GD0798fffv2hb29PQIDA2FhYYEDBw5oXL958+bo2LEj7OzsUKtWLfj6+sLBwQGRkZE6rpzo/YiiiODgYDRq1Ehj+GvWrBmioqIwatQohj8iIioygzsCmJOTg+vXr2P06NHKZXK5HG5uboiKinrn9qIo4vz587hz5w6mTZtWqLkFQcj3mWpkeARBgCiKJaZn6enpGDZsGEJDQ9XG5HI5Zs+ejdmzZ8PMzEyyn7mk9cxYsG/Sw55Jky77ZXABMC0tDQqFQu1Ur42NDW7fvp3vdunp6WjdujVycnIgl8sxf/58tGzZslBz37lzh0dVJCY7Oxvx8fH6LkMrFAoF7t27p7a8Zs2aWL58OVxdXXH37l3dF6ZlJalnxoR9kx72THpEUdTZXAYXAIuqbNmyCAsLQ2ZmJiIiIrBs2TLUrFkTzZs3L/A+ateuDTMzs2KskrRJEATExcXBzs4OcrlBXs1QaPv374erqyvS09MBAMOGDcPq1atRrlw5PVemHSWxZ8aAfZMe9kyacnNzERsbq5O5DC4AWllZwcTEBKmpqSrLU1NTUbFixXy3k8vl+PDDDwEATk5OiI+Px5YtWwoVAOVyOb8oEiOTyUpU3+zs7LB27VpMmzYNW7duRe/evfVdktaVtJ4ZC/ZNetgz6dFlrwzub4W5uTnq16+PiIgI5TJBEBAREQFXV9cC70cQBOTk5BRHiUTvRaFQ4N9//8133NfXF//880+JDH9ERGQYDC4AAq9Oe+3fvx+hoaGIj4/HggULkJWVhT59+gAApk+fjpUrVyrX37x5M86ePYuEhATEx8djx44dOHToEHr06KGvj0Ck0b179+Dh4QEPDw+8ePFC4zoymQzW1tY6royIiIyJwZ0CBgBPT088efIEa9euRUpKCpycnLBt2zblKeDExESVw6SZmZkIDAzEo0ePYGFhgTp16uDrr7+Gp6envj4CkQpRFPHdd99h7NixeP78OQBg2rRp+Pbbb/VcGRERGSOZqMtbTgyUQqHA1atX0bBhQ94EIiGCIODWrVv4+OOPDfoal7S0NPj7++OHH35QGzt8+DC6du2qh6r0Qyo9I1Xsm/SwZ9KUm5uL6OhouLi4wMTEpFjnMsgjgEQlxalTp+Dr64sHDx6ojX344YcoX768HqoiIiJjx18LiIrBy5cvMW3aNLRv315j+PPx8cG1a9fg7u6uh+qIiMjY8QggkZbFxMRgyJAhiImJURuzsrLC5s2b0a9fPz1URkRE9AqPABJpiSAIWLVqFZo2baox/HXo0AExMTEMf0REpHc8AkikBQ8ePICvry9OnTqlNlaqVCl89dVXGD9+PC/GJiIig8AASPSeHj58CGdnZzx9+lRtrGHDhggJCUGDBg10XxgREVE+eDiC6D1Vq1YN3bt3V1kmk8kwbdo0XLx4keGPiIgMDgMgkRasW7dO+S7qmjVr4uTJk/j6669RqlQpPVdGRESkjgGQSAvKly+PPXv2YMiQIYiOjka7du30XRIREVG+eA0gUQH99ddfSEhIQKdOnTSOt2rVCq1atdJxVURERIXHI4BE7yAIAtatW4cmTZpg0KBB+Pfff/VdEhER0XthACR6i4cPH6JLly6YMGECsrOzkZaWhqFDh0IQBH2XRkREVGQ8BfwGQRD4P+wSIggCRFEstp4dPHgQo0ePxpMnT1SWnzhxAsHBwRg2bFixzFuSFXfPqHiwb9LDnkmTLvvFAPiG5ORkmJiY6LsMKiBRFJGTk4OkpCTIZDKt7Tc9PR3z5s3D/v37NY6PHDkS7dq1w6NHj7Q2p7Eorp5R8WLfpIc9kyaFQqGzuRgA31C5cmWYmZnpuwwqIEEQkJ6eDltbW629YePs2bPw9fXFnTt31MaqVauG4OBgdOjQQStzGaPi6BkVP/ZNetgzacrNzUVycrJO5mIAfINcLucXRWJkMplW+pabm4uFCxdi6dKlGg/Bf/7559i8eTOsra3fax7SXs9It9g36WHPpEeXvWIAJKN38+ZNeHl54fLly2pj5cqVw/r16+Ht7c3TKEREVGLw1wIyWqIo4ttvv4Wrq6vG8Ofu7o7o6Gj4+Pgw/BERUYnCAEhG6++//8b48eORlZWlstzU1BRLly7F77//jo8++kg/xRERERUjBkAyWk5OTpg/f77KMkdHR5w/fx6zZs3iHeFERFRiMQCSUZs1axZatGgBAAgICEBkZCSaNGmi56qIiIiKF28CIaNmamqKvXv34ubNm/D09NR3OURERDrBAEglWl5eHpYsWYLSpUtj+vTpGtexs7ODnZ2djisjIiLSHwZAKrHi4uLg5eWFCxcuwNTUFO3bt+fpXSIiIvAaQCqBRFHEtm3b4OLiggsXLgB4dSRwyJAhyMzM1HN1RERE+scASCVKSkoKevfujZEjR+LFixcqY3FxcTh9+rSeKiMiIjIcDIBUYoSHh8PZ2Rk//fST2pi9vT3OnTuHLl266KEyIiIiw2KwATAkJAQeHh5wdnZGv379EB0dne+6+/fvx+DBg9GsWTM0a9YMQ4cOfev6VLJkZmYiICAAXbt2RVJSktr4qFGjEBUVhU8++UQP1RERERkegwyA4eHhCAoKQkBAAEJDQ+Ho6Ag/Pz+kpqZqXP/ChQvo2rUrdu/ejX379qFq1aoYPny4xjBAJUtMTAyaNm2KjRs3qo1VqlQJhw4dwubNm2FpaamH6oiIiAyTQQbA4OBg9O/fH3379oW9vT0CAwNhYWGBAwcOaFx/5cqVGDJkCJycnGBnZ4fFixdDEARERETouHLSFYVCgaCgIAwaNAg3b95UG+/WrRtiYmLQvXt3PVRHRERk2AwuAObk5OD69etwc3NTLpPL5XBzc0NUVFSB9pGVlYW8vDyUL1++uMokPbp//z7atGmDOXPmIC8vT2WsTJky2LRpEw4dOgRbW1s9VUhERGTYDO45gGlpaVAoFLCxsVFZbmNjg9u3bxdoHytWrEDlypVVQmRBCIIAQRAKtQ3pniiKuH79utryZs2aYffu3ahbty5EUYQoinqojt5GEASIosjvmcSwb9LDnkmTLvtlcAHwfW3ZsgXh4eHYvXs3SpUqVaht79y5A5lMVkyVkTbNnTsXU6dOBfDqCPGYMWPg7+8PmUyGW7du6bk6epvs7GzEx8fruwwqJPZNetgz6dHlgQuDC4BWVlYwMTFRu+EjNTUVFStWfOu227dvx5YtWxAcHAxHR8dCz127dm2YmZkVejvSvUmTJuHSpUs4e/YsQkJC0LJlS32XRAUgCALi4uJgZ2cHudzgrkChfLBv0sOeSVNubi5iY2N1MpfBBUBzc3PUr18fERER6NChAwAob+jw8vLKd7utW7di06ZN2L59O5ydnYs0t1wu5xfFgGRlZUGhUOR7B+/GjRtx+/ZtuLq6sm8SIpPJ+F2TIPZNetgz6dFlrwzyb8WwYcOwf/9+hIaGIj4+HgsWLEBWVhb69OkDAJg+fTpWrlypXH/Lli345ptvsHTpUlSvXh0pKSlISUlRexMEScfVq1fRtGlTjB8/Pt91ypcvz8e7EBERFYHBHQEEAE9PTzx58gRr165FSkoKnJycsG3bNuUp4MTERJWUvG/fPuTm5mLChAkq+xk3btxbAwQZHoVCgZUrV2LOnDnIzc3FX3/9he7duyvDPxEREb0/gwyAAODl5ZXvKd89e/ao/Hzq1CldlETF7N69e/D19VV7X+/IkSPRokULVKtWTU+VERERlSwGeQqYjIsoiggJCUHDhg3Vwh8AfPjhh8jMzNRDZURERCUTAyDpVVpaGgYPHgwvLy88f/5cZUwmk2HmzJk4f/487O3t9VQhERFRyWOwp4Cp5Dt16hR8fX3x4MEDtbEPP/wQu3fvRuvWrfVQGRERUcnGI4Ckcy9fvsS0adPQvn17jeHP29sb165dY/gjIiIqJjwCSDoVExODIUOGICYmRm3MysoKmzZtQv/+/fVQGRERkfFgACSdOXHiBLp164aXL1+qjbVv3x47d+5EjRo19FAZERGRceEpYNKZFi1aqAW8UqVKYdWqVTh+/DjDHxERkY4wAJLOWFpaYu/evTAxMQEAODs749KlS5g8eTJfVURERKRDPAVMOtWiRQvMmzcP6enpWLx4MUqVKqXvkoiIiIwOAyBp3R9//IEPP/wQH374ocbxefPm6bgiIiIiehPPu5HW5OTkYObMmWjbti18fHygUCj0XRIRERFpwABIWvHXX3+hefPm+OqrryCKIv744w+sWLFC32URERGRBjwF/AZBECAIgr7LkBRRFLFhwwbMmDED2dnZKmNz585F165dUa9evWKZWxAEiKLInkkIeyZN7Jv0sGfSpMt+MQC+ITk5WXmHKr3bo0ePMHXqVPz+++9qY2ZmZpgxYwbKly+PR48eFcv8oigiJycHSUlJkMlkxTIHaRd7Jk3sm/SwZ9Kky0unGADfULlyZZiZmem7DEk4ePAgRo8ejSdPnqiN1a9fH7t374aLi0ux1iAIAtLT02Fra8vHyEgEeyZN7Jv0sGfSlJubi+TkZJ3MxQD4Brlczi/KO6Snp2PixIkIDg7WOD5x4kQEBQWhdOnSOqlHJpOxbxLDnkkT+yY97Jn06LJXDIBUYOfOnYO3tzdu376tNlatWjXs3LkTHTt21ENlREREVBj8tYDeKTc3F3PnzkWrVq00hr/PP/8cMTExDH9EREQSwQBI77R3714sXrxY7e6kcuXKYdeuXdi/fz+sra31VB0REREVFgMgvZOPjw/atGmjsqxly5a4du0afHx8eIcZERGRxDAA0juZmJhg9+7dKF++PExNTbF06VKcPn0atWvX1ndpREREVAS8CYQKpFatWtizZw+qVauGJk2a6LscIiIieg88AkgAgBcvXsDf3x8RERH5rtO9e3eGPyIiohKAAZBw8eJFuLq6YtOmTfD29kZ6erq+SyIiIqJixABoxPLy8rBw4UK4ubnh1q1bAID4+HhMnjxZz5URERFRcWIANFLx8fFo1aoV5s+fr/buwX379uHBgwd6qoyIiIiKGwOgkRFFEdu3b0ejRo1w/vx5tfEWLVrg6tWrqFGjhh6qIyIiIl1gADQiKSkp6NOnD0aMGIEXL16ojJmYmCAwMBBnzpyBvb29niokIiIiXTDIABgSEgIPDw84OzujX79+iI6OznfdW7duYfz48fDw8ICDgwN27typu0Il5OjRo3B2dkZYWJjamL29Pc6ePYt58+bB1JRPBiIiIirpDC4AhoeHIygoCAEBAQgNDYWjoyP8/PyQmpqqcf2srCzUqFEDU6dORaVKlXRcreHLzMxEQEAAPD09kZSUpDY+atQoREVFoXnz5nqojoiIiPTB4AJgcHAw+vfvj759+8Le3h6BgYGwsLDAgQMHNK7fsGFDzJgxA127doW5ubmOqzVsV65cQePGjbFx40a1sUqVKuGnn37C5s2bYWlpqYfqiIiISF8M6nxfTk4Orl+/jtGjRyuXyeVyuLm5ISoqqtjnFwQBgiAU+zy6cufOHdy8eVNtuaenJ7Zt2wZbW1tJf15BECCKoqQ/g7Fhz6SJfZMe9kyadNkvgwqAaWlpUCgUsLGxUVluY2OD27dvF/v8d+7cgUwmK/Z5dKVBgwbo27ev8uiphYUFZs6ciQEDBuD58+d4/vy5nit8f9nZ2YiPj9d3GVQI7Jk0sW/Sw55JjyiKOpvLoAKgvtWuXRtmZmb6LkOrtm/fjqioKFhbW2P37t1wcHDQd0laIwgC4uLiYGdnB7nc4K5mIA3YM2li36SHPZOm3NxcxMbG6mQugwqAVlZWMDExUbvhIzU1FRUrViz2+eVyuSS/KOnp6ShXrpzGsfLly+PEiROoUaNGiQu3ACCTySTbN2PFnkkT+yY97Jn06LJXBvW3wtzcHPXr10dERIRymSAIiIiIgKurqx4rM1zHjx+Hg4MDvvvuu3zXKYlHNomIiKjoDCoAAsCwYcOwf/9+hIaGIj4+HgsWLEBWVhb69OkDAJg+fTpWrlypXD8nJwc3btzAjRs3kJOTg6SkJNy4cQP37t3T10fQiaysLEycOBGdOnVCYmIixo4di/v37+u7LCIiIpIAgzoFDLy6Q/XJkydYu3YtUlJS4OTkhG3btilPAScmJqocIk1OTkavXr2UP+/YsQM7duzAJ598gj179ui6fJ24evUqhgwZgr/++ku57NmzZ/Dx8cHJkydhYmKix+qIiIjI0BlcAAQALy8veHl5aRz7b6irUaOGxkedlEQKhQKrVq3C7NmzkZubqzZuYWGBjIwMlC9fXg/VERERkVQYZAAkdffv34ePjw9Onz6tNmZhYYGvv/4aAQEBJeoxNkRERFQ8GAAl4LvvvsPYsWPx7NkztTFXV1eEhITAyclJD5URERGRFBncTSD0f9LS0jBo0CAMGTJELfzJZDLMnDkT58+fZ/gjIiKiQuERQAP122+/wcfHBw8ePFAb+/DDD7F79260bt1aD5URERGR1PEIoAFas2YN2rdvrzH8eXt749q1awx/REREVGQ8AmiAWrduDVNTU5U7fa2srLBp0yb0799fj5URERFRScAjgAaocePGWLhwofLnDh06ICYmhuGPiIiItIJHAA3UF198gVOnTsHT0xMTJkzguxyJiIhIaxgA9eiXX35B+/btYWqq3gYTExP88ssvfK4fERERaR0PK+nBs2fP4Ovri86dO2Pp0qX5rsfwR0RERMWBAVDHzpw5g0aNGmH37t0AgIULF+LChQt6roqIiIiMCQOgjuTk5GDWrFlo06YN7t27p1yuUCjg5eWF7OxsPVZHRERExoTXAL5BEAQIgqD1/d64cQPe3t6IiopSGytfvjzmz58Pc3PzYpm7JBMEAaIo8s9NQtgzaWLfpIc9kyZd9osB8A3JyckwMTHR2v5EUcTOnTuxePFijUf4Pv30U6xZswY1atTAo0ePtDavsRBFETk5OUhKSuL1khLBnkkT+yY97Jk0KRQKnc3FAPiGypUrw8zMTCv7SkxMhJ+fH3755Re1MTMzMyxatAhTpkzRauA0NoIgID09Hba2tnxMjkSwZ9LEvkkPeyZNubm5SE5O1slcDIBvkMvlWvmihIaGYuTIkUhNTVUbq1evHkJCQuDi4vLe89CrO6W11TfSDfZMmtg36WHPpEeXveLfCi1KT0+Hn58f+vTpozH8TZw4EZcvX2b4IyIiIr3iEUAtmjx5Mnbs2KG2vGrVqti5cyc+++wzPVRFREREpIpHALVo4cKFsLa2VlnWt29fxMTEMPwRERGRwWAA1KJq1aph8+bNAIBy5cph586d+N///gcbGxs9V0ZERET0f3gKWMs+//xzLF++HJ9//jlq166t73KIiIiI1PAIYCElJSVh5MiRePbsWb7rfPHFFwx/REREZLB4BLAQDh06hBEjRiAlJQXZ2dnYs2ePvksiIiIiKjQeASyAFy9eYPTo0ejZsydSUlIAAHv37sW+ffv0XBkRERFR4TEAvsPFixfh6uqKLVu2qI0FBgbq9LUtRERERNrAAJiPvLw8LFy4EG5ubrh165baeM+ePfHHH3/wVW5EREQkObwGUIO4uDh4e3vj/PnzamNly5bFN998g+HDh/MF20RERCRJBnsEMCQkBB4eHnB2dka/fv0QHR391vWPHj2Kzp07w9nZGd27d8fp06cLPacoiti+fTtcXFw0hr/mzZvj6tWr8PPzY/gjIiIiyTLIABgeHo6goCAEBAQgNDQUjo6O8PPz0/h+XQC4cuUKpk6dis8//xxhYWFo3749AgIC8M8//xRqXi8vL4wYMQIvXrxQWW5iYoIFCxbgzz//hL29fZE/FxEREZEhMMgAGBwcjP79+6Nv376wt7dHYGAgLCwscODAAY3r7969G61atcKIESNgZ2eHSZMmoV69eti7d2+h5g0PD1dbZm9vj7Nnz2L+/PkwNeUZcyIiIpI+gwuAOTk5uH79Otzc3JTL5HI53NzcEBUVpXGbq1ev4tNPP1VZ5u7ujqtXr75XLaNGjUJUVBSaN2/+XvshIiIiMiQGd0grLS0NCoVC7f25NjY2uH37tsZtHj9+jIoVK6qt//jx4wLNKYoiAKBMmTLKbdeuXQtPT08AQG5ubqE+A+mGIAgQBAG5ubmQyw3udxnSgD2TJvZNetgzaXqdN17nkuJkcAFQHwRBAPDqRpI3vevGEzIMsbGx+i6BCok9kyb2TXrYM2l6nUuKk8EFQCsrK5iYmKjd8JGamqp2lO+1ihUrqh3te9v6/2VqagpnZ2fI5XLe3UtERER6IYoiBEHQyT0HBhcAzc3NUb9+fURERKBDhw4AXiXhiIgIeHl5adzm9WNbhg4dqlx27tw5uLi4FGhOuVwOc3Pz9y2diIiISBIM8sKAYcOGYf/+/QgNDUV8fDwWLFiArKws9OnTBwAwffp0rFy5Urm+j48Pzpw5gx07diA+Ph7r1q1DbGxsvoGRiIiIyJgZ3BFAAPD09MSTJ0+wdu1apKSkwMnJCdu2bVOe0k1MTFS5qLVx48ZYsWIF1qxZg1WrVuGjjz7Chg0bULduXX19BCIiIiKDJRN1casJERERERkMgzwFTERERETFhwGQiIiIyMgwABIREREZGQZAIiIiIiNjNAEwJCQEHh4ecHZ2Rr9+/d75lo+jR4+ic+fOcHZ2Rvfu3XH69GkdVUpvKkzf9u/fj8GDB6NZs2Zo1qwZhg4dyre56EFhv2uvHTlyBA4ODhg7dmwxV0iaFLZvz58/R2BgINzd3dGgQQN06tSJ/07qWGF7tnPnTnTq1AkNGzZEmzZtsHTpUrx8+VJH1RIAXLp0CWPGjIG7uzscHBxw4sSJd25z4cIF9O7dGw0aNEDHjh1x8OBB7RQjGoEjR46I9evXF3/88Ufx1q1b4pw5c8SmTZuKjx8/1rh+ZGSk6OTkJG7dulWMi4sTV69eLdavX1+8efOmjis3boXt25QpU8S9e/eKf/31lxgXFyfOnDlTbNKkifjo0SMdV268Ctuz1xISEsRWrVqJgwcPFv39/XVULb1W2L69fPlS7NOnjzhy5Ejx8uXLYkJCgnjhwgXxxo0bOq7ceBW2Z4cOHRIbNGggHjp0SExISBDPnDkjtmzZUly6dKmOKzduv//+u7hq1Srx+PHjYt26dcVff/31revfv39fbNSokRgUFCTGxcWJe/bsEZ2cnMQ//vjjvWsxigD4+eefi4GBgcqfFQqF6O7uLm7evFnj+hMnThRHjRqlsqxfv37i3Llzi7VOUlXYvv1XXl6e6OrqKoaGhhZThfRfRelZXl6eOGDAAHH//v3ijBkzGAD1oLB9++6778T27duLOTk5uiqR/qOwPQsMDBR9fHxUlgUFBYkDBw4s1jopfwUJgMuXLxe7du2qsmzSpEni8OHD33v+En8KOCcnB9evX4ebm5tymVwuh5ubG6KiojRuc/XqVXz66acqy9zd3XH16tXiLJXeUJS+/VdWVhby8vJQvnz54iqT3lDUnm3YsAE2Njbo16+fLsqk/yhK306dOgUXFxcsXLgQbm5u6NatGzZt2gSFQqGrso1aUXrm6uqK69evK08TJyQk4PTp02jTpo1OaqaiKc48YpBvAtGmtLQ0KBQK2NjYqCy3sbHB7du3NW7z+PFj5VtH3lz/8ePHxVYnqSpK3/5rxYoVqFy5sso/klR8itKzy5cv48cff0RYWJgOKiRNitK3hIQEnD9/Ht27d8eWLVtw//59BAYGIi8vD+PGjdNF2UatKD3r3r070tLSMHjwYIiiiLy8PAwcOBBjxozRRclURJrySMWKFZGRkYHs7GxYWFgUed8l/gggGactW7YgPDwc69evR6lSpfRdDmmQkZGB6dOnY9GiRbC2ttZ3OVQIoijCxsYGixYtQoMGDeDp6YkxY8Zg3759+i6N8nHhwgVs3rwZ8+fPx8GDB7F+/XqcPn0aGzZs0HdppCcl/giglZUVTExMkJqaqrI8NTVVLVW/VrFiRbWjfW9bn7SvKH17bfv27diyZQuCg4Ph6OhYnGXSGwrbs4SEBPz777/w9/dXLhMEAQBQr149HDt2DLVq1SreoqlI37VKlSrB1NQUJiYmymV16tRBSkoKcnJyYG5uXqw1G7ui9Oybb75Bjx49lJdaODg4IDMzE/PmzYO/vz/kch4PMkSa8sjjx49haWn5Xkf/ACM4Amhubo769esjIiJCuUwQBERERMDV1VXjNi4uLjh//rzKsnPnzsHFxaU4S6U3FKVvALB161Zs3LgR27Ztg7Ozsy5Kpf+vsD2rU6cOfv75Z4SFhSn/8/DwQPPmzREWFoYqVarosnyjVZTvWuPGjXH//n1lYAeAu3fvolKlSgx/OlCUnmVnZ6uFvNcBXhTF4iuW3ktx5pESHwABYNiwYdi/fz9CQ0MRHx+PBQsWICsrC3369AEATJ8+HStXrlSu7+PjgzNnzmDHjh2Ij4/HunXrEBsbCy8vL319BKNU2L5t2bIF33zzDZYuXYrq1asjJSUFKSkpePHihb4+gtEpTM9KlSqFunXrqvz3wQcfoGzZsqhbty6DhA4V9rs2aNAgPH36FEuWLMGdO3fw+++/Y/PmzRgyZIi+PoLRKWzP2rVrh++//x5HjhxBQkICzp49i2+++Qbt2rVTOZJLxevFixe4ceMGbty4AQB48OABbty4gYcPHwIAVq5cienTpyvXHzhwIBISErB8+XLEx8cjJCQER48exdChQ9+7lhJ/ChgAPD098eTJE6xduxYpKSlwcnLCtm3blIfKExMTVX4zaty4MVasWIE1a9Zg1apV+Oijj7BhwwbUrVtXXx/BKBW2b/v27UNubi4mTJigsp9x48Zh/PjxOq3dWBW2Z2QYCtu3qlWrYvv27QgKCkKPHj1ga2sLHx8fjBw5Ul8fwegUtmf+/v6QyWRYs2YNkpKSYG1tjXbt2mHy5Mn6+ghGKTY2Fj4+Psqfg4KCAAC9e/fGsmXLkJKSgsTEROV4zZo1sXnzZgQFBWH37t2oUqUKFi9ejFatWr13LTKRx36JiIiIjAp/FSciIiIyMgyAREREREaGAZCIiIjIyDAAEhERERkZBkAiIiIiI8MASERERGRkGACJiIiIjAwDIBEREZGRYQAkIoNy8OBBNG3aVN9lvBcHBwecOHHirevMnDkTY8eO1VFFRESqGACJSOtmzpwJBwcHtf/u3bun79J04s8//0Tr1q0BvHrXp4ODg/Ldn6/Nnj0by5Yt00d573ThwgU4ODjg+fPn+i6FiIqJUbwLmIh0r1WrVsr3XL5mbW2tp2p0q1KlSu9cp1y5cjqoRFVOTg7Mzc11Pi8RGR4eASSiYmFubo5KlSqp/GdiYoLg4GB0794dLi4uaNOmDRYsWIAXL17ku5+///4b3t7ecHV1RePGjdGnTx/ExMQoxy9fvozBgwejYcOGaNOmDRYvXozMzMx897du3Tr07NkT+/btQ5s2bdCoUSNMnDgR6enpynUEQcD69evRunVrNGjQAD179sQff/yhHM/JycHChQvh7u4OZ2dntGvXDps3b1aOv3kKuH379gCAXr16wcHBAd7e3gBUTwH/8MMPcHd3hyAIKrX6+/tj1qxZyp9PnDiB3r17w9nZGe3bt8f69euRl5eX72d9Pce3334Ld3d3dO7cGQAQFhaGPn36wNXVFS1btsTUqVORmpoK4NURy9cvq2/WrBkcHBwwc+ZM5Z/L5s2b4eHhgYYNG6JHjx44duxYvvMTkeFiACQinZLJZJg9ezYOHz6MZcuW4fz58/j666/zXX/atGmoUqUKfvzxRxw8eBAjR46EmZkZAOD+/fsYOXIkPvvsMxw6dAirV69GZGQkFi1a9NYa7t+/j6NHj2LTpk3Ytm0bbty4gQULFijHd+/ejeDgYMyYMQOHDh2Cu7s7xo4di7t37wIA9uzZg1OnTmHNmjU4duwYvv76a1SvXl3jXP/73/8AADt37sSff/6JdevWqa3TuXNnPH36FBcuXFAue/r0Kc6cOYMePXoAeBV0Z8yYAR8fH4SHh2PhwoU4ePAgNm3a9NbPGhERgTt37iA4OFgZUvPy8jBx4kQcOnQIGzZswL///qsMeVWrVlXWeOzYMfz555+YPXs2AGDz5s0ICwtDYGAgjhw5gqFDh+KLL77AxYsX31oDERkgkYhIy2bMmCE6OTmJLi4uyv/Gjx+vcd2jR4+Kn3zyifLnAwcOiE2aNFH+7OrqKh48eFDjtl9++aU4d+5clWWXLl0SHR0dxezsbI3brF27VnRychIfPXqkXHb69GnR0dFRTE5OFkVRFN3d3cVvv/1WZbu+ffuKCxYsEEVRFBctWiT6+PiIgiBonKNu3brir7/+KoqiKCYkJIh169YV//rrL5V1ZsyYIfr7+yt/9vf3F2fNmqX8ed++faK7u7uoUChEURRFX19fcdOmTSr7CAsLE1u2bKmxhtdzuLm5iS9fvsx3HVEUxejoaLFu3bpiRkaGKIqieP78ebFu3bris2fPlOu8fPlSbNSokXjlyhWVbb/88ktxypQpb90/ERkeXgNIRMWiefPmKkfVSpcuDQA4d+4cNm/ejNu3byMjIwMKhQIvX75EVlaWcp03DRs2DHPmzMFPP/0ENzc3dO7cGbVq1QLw6vTwzZs38fPPPyvXF0URgiDgwYMHsLOz01hb1apVYWtrq/zZ1dUVgiDgzp07KF26NJKTk9G4cWOVbRo3boy///4bANC7d28MHz4cnTt3RqtWrdC2bVu4u7sX7Q/q/+vevTvmzp2LBQsWwNzcHD///DO6du0KuVyu/KxXrlxROeL3rj87AKhbt67adX+xsbFYv349/v77bzx79gyiKAIAEhMTYW9vr3E/9+7dQ1ZWFoYPH66yPDc3F05OTkX+3ESkHwyARFQsSpcujQ8//FBl2YMHDzB69GgMGjQIkydPRvny5REZGYnZs2cjNzdXY4gZP348unXrhtOnT+OPP/7A2rVrsXr1anTs2BGZmZkYOHCg8rq6N1WtWrXYPlv9+vVx8uRJ/PHHHzh37hwmTZoENzc3rF27tsj79PDwwJw5c/D777/D2dkZly9fVrn+LzMzE+PHj8dnn32mtm2pUqXy3e9//0wzMzPh5+cHd3d3rFixAlZWVkhMTISfnx9yc3Pz3c/r6yo3b96sEp4B8MYSIgliACQinbl+/TpEUcTMmTOVR7aOHj36zu1q166N2rVrY+jQoZgyZQoOHDiAjh07ol69eoiLi1MLmu+SmJiIpKQkZZC5evUq5HI5ateuDUtLS1SuXBlXrlzBJ598otzmypUraNiwofJnS0tLeHp6wtPTE506dcKIESPw9OlTVKhQQWWu19crKhSKt9ZUqlQpfPbZZ/j5559x79491K5dG/Xr11eO16tXD3fu3Cn0Z/2v27dv4+nTp5g2bZoyJMfGxr6zZjs7O5ibm+Phw4cqfy5EJE0MgESkMx9++CFyc3OxZ88eeHh4IDIyEvv27ct3/ezsbCxfvhydOnVCjRo18OjRI8TExCiPgo0cORIDBgzAwoUL0a9fP5QuXRpxcXE4d+4c5s2bl+9+S5UqhZkzZ2LGjBnIyMjA4sWL0aVLF+XjW/z8/LBu3TrUqlULjo6OOHjwIP7++2+sWLECABAcHIxKlSrByckJcrkcx44dQ6VKlfDBBx+ozWVjYwMLCwucOXMGVapUQalSpfJ9BEz37t0xevRo3Lp1S3nzx2sBAQEYM2YMqlWrhk6dOkEul+Pvv//GP//8g8mTJ7/9D/4N1apVg5mZGfbs2YNBgwbhn3/+wcaNG1XWqV69OmQyGX7//Xe0adMGpUqVgqWlJYYPH46goCCIoogmTZogPT0dV65cgaWlJXr37l3gGohI/xgAiUhnHB0dMWvWLGzduhWrVq1C06ZNMWXKFMyYMUPj+nK5HE+fPsWMGTPw+PFjWFlZ4bPPPsOECROU+9uzZw/WrFmDwYMHAwBq1qwJT0/Pt9ZRq1YtdOzYESNHjsSzZ8/Qtm1bzJ8/Xznu4+ODjIwMLFu2DE+ePIGdnR02btyIjz76CABQtmxZbNu2Dffu3YNcLoezszO2bNmiPKr5JlNTU8yZMwcbNmzA2rVr0bRpU+zZs0djXS1atED58uVx584ddO/eXWWsVatW2LRpEzZs2ICtW7fC1NQUderUQb9+/d76Wf/L2toay5Ytw6pVq7Bnzx7Ur18fM2bMgL+/v3IdW1tbjB8/HitXrsSsWbPQq1cvLFu2DJMmTYK1tTU2b96MBw8eoFy5cqhXrx7GjBlTqBqISP9k4uurf4mIjMC6detw4sQJ/PTTT/ouhYhIb/gcQCIiIiIjwwBIREREZGR4CpiIiIjIyPAIIBEREZGRYQAkIiIiMjIMgERERERGhgGQiIiIyMgwABIREREZGQZAIiIiIiPDAEhERERkZBgAiYiIiIwMAyARERGRkWEAJCIiIjIyDIBERERERoYBkIiIiMjIMAASERERGRkGQCIiIiIj8/8AREUoWyIiracAAAAASUVORK5CYII=" alt="roc_curves.png"></div><div class="plot"><h3>roc_curves_from_prediction_statistics</h3><img src="data:image/png;base64,iVBORw0KGgoAAAANSUhEUgAAAoAAAAHgCAYAAAA10dzkAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuNSwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy/xnp5ZAAAACXBIWXMAAA9hAAAPYQGoP6dpAABzpklEQVR4nO3deViN+f8/8Oc5LUKGCtlnqFEhyjJMsoVBdsbegmzJzljGmi1jbGMbe7ZmjM9QY4gxmDGGbInKGKNsGakklEp17vv3h5/zdeacqJzOOXfn+biuub7f7vd93+/X8XJ8nt2rTBRFEURERERkNOT6LoCIiIiIdIsBkIiIiMjIMAASERERGRkGQCIiIiIjwwBIREREZGQYAImIiIiMDAMgERERkZFhACQiIiIyMgyAREREREaGAZCIiIjIyDAAEhERERkZBkAiIiIiI8MASERERGRkGACJiIiIjAwDIBEREZGRMdV3AUREbzp48CBmzZql/NnExAQ2NjZo2bIlJk+eDFtbW7VtRFHETz/9hP/973+4efMmcnNzUatWLXTq1AnDhw9HmTJlNM7166+/4ocffkBMTAxevHiBChUqoEmTJhg4cCA+/fTTYvuMRET6JhNFUdR3EUREr70OgBMmTECNGjWQk5ODq1evIjQ0FNWrV8fhw4dRqlQp5foKhQJTp07F0aNH0bRpU3Ts2BGlS5fG5cuXcfjwYdjb2yM4OBgVK1ZUbiOKIr788kscPHgQ9erVQ6dOnVCxYkWkpKTg119/xfXr1/H999+jcePG+vgjICIqdjwCSEQGqXXr1nB2dgYA9OvXD1ZWVti6dStOnjwJT09P5Xrbtm3D0aNHMXz4cMyYMUO5fMCAAejSpQsCAgIwc+ZMbNu2TTm2Y8cOHDx4EL6+vpg1axZkMplyzN/fH2FhYTA11e8/j5mZmfkeuSQiel+8BpCIJKFp06YAgISEBOWy7OxsbN++HR999BGmTp2qto2Hhwd69eqFM2fO4OrVq8pttmzZgjp16mDGjBkq4e+1Xr16oWHDhm+tRxAE7Nq1C927d4ezszNatGgBPz8/xMTEAAAePHgABwcHHDx4UG1bBwcHrFu3TvnzunXr4ODggLi4OEydOhXNmjXD4MGDsX37djg4OODff/9V28fKlSvRoEEDPHv2TLns2rVr8PPzQ5MmTdCoUSN4eXkhMjJSZbuMjAwsWbIEHh4eaNCgAT799FMMGzYM169ff+vnJaKShQGQiCThdQj64IMPlMsiIyPx7NkzdO/ePd8jdr169QIA/Pbbb8ptnj59im7dusHExKTI9cyePRtLly5FlSpVMG3aNIwaNQqlSpXCtWvXirzPiRMnIisrC5MnT0a/fv3QpUsXyGQyHD16VG3do0ePomXLlihfvjwAICIiAkOGDMGLFy8wbtw4TJ48Gc+fP4evry+io6OV282fPx/ff/89PvvsM8yfPx/Dhw9HqVKlEB8fX+S6iUh6eAqYiAxSRkYGnjx5gpycHFy7dg3r16+Hubk52rVrp1wnLi4OAODo6Jjvfl6P3b59GwCUQcfBwaHItZ0/fx4HDx6Et7c35syZo1w+fPhwvM9l1Y6Ojli5cqXKMhcXF4SHh2PEiBHKZdHR0UhISMC4ceMAvLqmccGCBWjevDm2bdumPKo5cOBAdO3aFWvWrMGOHTsAAKdPn0b//v0xc+ZM5f5GjhxZ5JqJSJoYAInIIA0dOlTl5+rVq+Prr79GlSpVlMtevHgBAChbtmy++3k9lpGRofJ/37bNuxw/fhwymUwZwN6k6ZRyQQ0cOFBtWZcuXbB06VLcv38ftWrVAvDq6J+5uTk6dOgAALhx4wbu3r0Lf39/pKWlqWz/6aef4qeffoIgCJDL5fjggw9w7do1JCUlabyjmoiMAwMgERmkefPmoXbt2khPT8eBAwdw6dIlmJubq6zzOsS9DoKa/DckWlpavnObd7l//z4qV66MChUqFHkfmtSoUUNtWefOnbFs2TKEh4djzJgxEEURx44dQ+vWrZWf5e7duwCgchPMf6Wnp6N8+fKYNm0aZs6cibZt26J+/fpo06YNevXqhZo1a2r1sxCRYWMAJCKD1LBhQ+VdwB06dMDgwYMxdepUHDt2TBnm7OzsAAB///238mjYf928eVNl3Tp16iiX57eNNuR3JFChUOS7zZuPt3nN1tYWTZs2xdGjRzFmzBhcvXoVDx8+xLRp05TrvD7tPH36dDg5OWnc9+s7ij09PdG0aVP8+uuvOHv2LLZv346tW7di3bp1aNOmTYE/HxFJG28CISKDZ2JigilTpiA5ORkhISHK5U2aNMEHH3yAw4cP5xuswsLCAEB57WCTJk1Qvnx5HDly5K1h7G1q1aqF5ORkPH36NN91Xt+c8fz5c5XlDx8+LPR8Xbp0wd9//43bt28jPDwcpUuXVrkW8vXRO0tLS7i5uWn8z8zMTLl+5cqVMWTIEGzcuBEnT55EhQoVsGnTpkLXRUTSxQBIRJLQvHlzNGzYELt27cLLly8BAKVLl8bw4cNx584drF69Wm2b33//HaGhoXB3d4eLi4tymxEjRiA+Ph4rVqzQeNPGTz/9pHLn7H999tlnEEUR69evVxt7vT9LS0tYWVnh8uXLKuPfffddgT/za506dYKJiQmOHDmCY8eOoW3btirPCGzQoAFq1aqFHTt2aDy1/eTJEwCvjj6mp6erjNnY2KBy5crIyckpdF1EJF08BUxEkuHn54eJEyfi4MGDGDRoEABg1KhRuHHjBrZu3YqrV6/is88+g4WFBSIjI3Ho0CHY2dnhq6++UtnPiBEjEBcXhx07duDChQvKN4E8fvwYJ06cQHR0NPbt25dvHS1atEDPnj2xZ88e3Lt3D61atYIgCIiMjETz5s3h5eUF4NUDrLds2YLZs2ejQYMGuHz5Mu7cuVPoz21jY4PmzZsjODgYL168UHkQNgDI5XIsXrwYI0eORLdu3dCnTx/Y2toiKSkJFy5cgKWlJTZt2oQXL16gTZs26NSpExwdHVGmTBmcO3cOMTExKncFE1HJxwBIRJLx2WefKY909e/fHyYmJjAxMcGaNWsQFhaG//3vf/jmm2+U7wIOCAjQ+C5guVyO5cuXo3379ti/fz927NiBjIwMWFlZoVmzZvjiiy/g6ur61lqCgoLg4OCAH3/8EcuXL0e5cuXQoEEDle0CAgLw5MkT/PLLLzh69Chat26Nbdu2Fek9w56enjh37hzKli2r8Vq95s2b44cffsDGjRuxd+9eZGZmolKlSmjYsCEGDBgAALCwsMCgQYNw9uxZHD9+HKIoolatWpg/fz4GDx5c6JqISLr4LmAiIiIiI8NrAImIiIiMDAMgERERkZFhACQiIiIyMgYXAC9duoQxY8bA3d0dDg4OOHHixDu3uXDhAnr37o0GDRqgY8eOOHjwoA4qJSIiIpImgwuAmZmZcHBwwPz58wu0fkJCAkaPHo3mzZvjp59+gq+vL+bMmYMzZ84Uc6VERERE0mRwj4Fp06ZNoV5HtG/fPtSoUUP5DCs7OztERkZi586daNWqVXGVSURERCRZBhcAC+vq1atqz9Ryd3fH0qVLC7wPQRCQl5cHuVye7/s7iYiIiIqTKIoQBAGmpqaQy4v3JK3kA+Djx49RsWJFlWUVK1ZERkYGsrOzYWFh8c595OXlISYmprhKJCIiIiowZ2dnmJubF+sckg+A2vA6ZTs5Oam8MJ0MmyAIuH37NurUqVPsvymRdrBn0sS+SQ97ZthEUcT//vc/TJs2TeX93GXKlMHRo0d10jPJB8DX7+980+PHj2FpaVmgo38AlKd9zczMGAAlRBAEyOVymJmZ8R84iWDPpIl9kx72zLBt27YNI0eOVFv+Oo/o4nI0yf+tcHFxwfnz51WWnTt3Di4uLvopiIiIiOgtBg4cCHt7e5VlH374IQ4fPqyzGgwuAL548QI3btzAjRs3AAAPHjzAjRs38PDhQwDAypUrMX36dOX6AwcOREJCApYvX474+HiEhITg6NGjGDp0qD7KJyIiInorS0tL7N27FyYmJgAAHx8fXLt2DW5ubjqrweBOAcfGxsLHx0f5c1BQEACgd+/eWLZsGVJSUpCYmKgcr1mzJjZv3oygoCDs3r0bVapUweLFi/kIGCIiIjJYzZs3x/Lly1GjRg30798fAJCbm6uz+Q0uADZv3hw3b97Md3zZsmUatwkLCyvGql5RKBRvbY65uTmvtSAiIiIIgoB169ahZ8+e+OijjzSuM2XKFN0W9QaDC4CGSBRFPHr0CE+fPn3renK5HLVr1y72W7eJiIjIcD148AC+vr44deoUDhw4gN9++015utdQMAAWwOvwV7lyZZQpU0bj3TmCIODhw4dITExErVq1+EBpIiIiI/TDDz9gzJgxyoNGZ86cwddff618Y5mh4PnKd1AoFMrwZ2Njg9KlS8PCwkLtvzJlyqBSpUrIzMxEXl6evssmIiIiHXr27Bm8vb0xcOBAtTOG8+fPV7l/wRAwAL7D62v+ypQp8851X5/6VSgUxVoTERERGY7Tp0+jYcOG2Lt3r9pYjRo1cOzYMVStWlUPleWPAbCACnJKl6d9iYiIjEdOTg5mzpyJdu3a4f79+2rjgwYNQnR0NNq1a6eH6t6O1wASERERFdJff/2FIUOG4OrVq2pj5cuXx8aNGzF48GDdF1ZAPAJIREREVECvH+/SpEkTjeGvTZs2iI6ONujwBzAAEhERERXIw4cP4enpiQkTJiA7O1tlzMzMDMuXL8fJkydRq1YtPVVYcDwFTERERFQA+/fvxy+//KK2vF69eggJCYGLi4vuiyoiHgEsIEEQ3rmOKIo6qISIiIj0YcKECWjbtq3KsokTJ+Ly5cuSCn8AjwC+0+vXuz18+BCVKlWCubm5xrt9RVFESkoKZDIZzMzM9FApERERFSe5XI5du3ahYcOGKFu2LHbu3ImOHTvqu6wiYQB8h9evd0tMTMTDhw/fuq5MJkONGjUM7nUvREREVHCiKOb7aLdatWrh0KFDqF+/PmxsbHRcmfYwAL5BEASNp3pNTU1Ro0YN5OXlvfUhz2ZmZjAxMSnQ6WJ6f4IgQBRF/nlLCHsmTeyb9LBnRXfz5k0MGzYMK1asgJubm8Z13N3dARTs8rDC0GW/GADfkJyczKN3EiKKInJycpCUlMSHcEsEeyZN7Jv0sGeFJ4oi9uzZg8DAQGRnZ8PLywvHjx+HpaWlzmrQ5ZvEGADfULlyZV6/JyGCICA9PR22traQy3k/kxSwZ9LEvkkPe1Y4SUlJGDlyJMLDw5XL7t27h2XLlmHbtm06qyM3NxfJyck6mYsB8A1yuZxfFImRyWTsm8SwZ9LEvkkPe1Ywhw4dwogRI5CSkqI2du7cOWRkZOCDDz7QSS267BX/VhAREZHRycjIwKhRo9CzZ0+N4S8gIABXrlzRWfjTNR4BJCIiIqNy4cIFeHl5IS4uTm3M1tYWO3bsgKenpx4q0x0eASQiIiKjkJeXh8DAQLRs2VJj+OvVqxdiYmJKfPgDeASQiIiIjEBcXBy8vLxw4cIFtbGyZcvim2++wfDhw43mrmkGQCIiIirRQkJCMHr0aLx48UJtrEWLFtizZw/s7e31UJn+8BQwERERlWhly5ZVC38mJiYIDAzEmTNnjC78AQyAREREVML16tULfn5+yp/t7e1x9uxZzJs3D6amxnkylAGQiIiISrw1a9bAzs4Oo0aNQlRUFJo3b67vkvTKOGMvERERlTjx8fGws7PTOGZpaVmin+tXWDwCSERERJKmUCiwZMkSODo64rvvvst3PYa//8MASERERJJ1584dtGnTBnPmzEFeXh7Gjh2L+/fv67ssg2eQATAkJAQeHh5wdnZGv379EB0dne+6ubm5WL9+PTp06ABnZ2f06NEDf/zxhw6rJSIiIl0TRRG7du1Co0aNcPbsWeXyZ8+ewcfHBwqFQo/VGT6DC4Dh4eEICgpCQEAAQkND4ejoCD8/P6Smpmpcf82aNfjhhx8wd+5chIeHY+DAgRg3bhz++usvHVdOREREupCamor+/ftj6NChSE9PVxmTy+Vo1aoVRFHUU3XSYHABMDg4GP3790ffvn1hb2+PwMBAWFhY4MCBAxrX/+mnnzBmzBi0adMGNWvWxODBg9GmTRvs2LFDx5UTERFRcTt+/DicnZ3x448/qo3Vrl0bZ86cwaJFi4z28S4FZVABMCcnB9evX4ebm5tymVwuh5ubG6KiojRuk5ubC3Nzc5VlpUqVwpUrV4q1ViIiItKdrKwsTJw4EZ06dUJiYqLa+LBhw3Dt2jWVDEH5M6h4nJaWBoVCARsbG5XlNjY2uH37tsZt3N3dsXPnTjRr1gy1atVCREQEfv311yKd+xcEAYIgFKl20j1BECCKInsmIeyZNLFv0lPSenb16lV4e3trvLzL2toamzdvRp8+fQBA0p9Zl7UbVAAsitmzZ2POnDno0qULZDIZatasiT59+uR7yvht7ty5YzQvgS4psrOzER8fr+8yqBDYM2li36SnJPRMoVBg586dWLNmDXJzc9XG3d3dsWTJEtja2uLWrVt6qFC7dHndokEFQCsrK5iYmKjd8JGamoqKFStq3Mba2hobN27Ey5cv8fTpU1SuXBkrVqxAzZo1Cz1/7dq1YWZmVqTaSfcEQUBcXBzs7OwglxvU1QyUD/ZMmtg36SkpPRszZgy2bt2qttzCwgLLly/H2LFjS9SBm9zcXMTGxupkLoMKgObm5qhfvz4iIiLQoUMHAK/+EkdERMDLy+ut25YqVQq2trbIzc3F8ePH0aVLl0LPL5fLJf1FMUYymYx9kxj2TJrYN+kpCT3z9/fHzp07VY7+ubi4ICQkBPXq1dNjZcVDl70yuL8Vw4YNw/79+xEaGor4+HgsWLAAWVlZynP706dPx8qVK5XrX7t2DcePH0dCQgIuX76MESNGQBAEjBgxQl8fgYiIiLTA1dUVixYtAvAq0M6YMQMXLlwokeFP1wzqCCAAeHp64smTJ1i7di1SUlLg5OSEbdu2KU8BJyYmqiTkly9fYs2aNUhISECZMmXQpk0bLF++nK97ISIiKgGmTZuG2NhYjBw5Eq1bt9Z3OSWGwQVAAPDy8sr3lO+ePXtUfv7kk08QHh6ui7KIiIhIy16+fIlvv/0WAQEBGq/DNzExUfvffnp/BhkAiYiIqOSLiYmBl5cXoqOj8fTpUyxYsEDfJRkNg7sGkIiIiEo2QRCwevVqNGvWDNHR0QCAxYsX4/z583quzHgwABIREZHOPHjwAJ999hmmTJmCly9fKpcrFArljZxU/BgAiYiISCf2798PZ2dnnDx5Um3M2dkZ33//vaQfWyMl/FMmIiKiYvXs2TN4e3tjwIABePr0qdr41KlTcfHiRTg7O+u+OCPFm0CIiIio2Pzxxx/w9vbG/fv31cZq1KiBXbt2wcPDQw+VGTceASQiIiKty8nJwaxZs9C2bVuN4W/gwIGIjo5m+NMTHgEkIiIirfrrr7/g5eWFqKgotbHy5ctj48aNGDx4sB4qo9cYAImIiEirvvzyS43hr02bNti9ezdq1aqlh6roTTwFTERERFq1ceNGWFtbK382MzPD8uXLcfLkSYY/A8EASERERFpVrVo1bN26FQBQr149XLx4EV988QVMTEz0XBm9xlPAREREpHV9+vTBd999h169eqF06dL6Lof+gwHwDYIg8AnkEiIIAkRRZM8khD2TJvZNenTRs3PnzmHu3Lk4cOAAKlSooHGdAQMGKOuhd9PlnxMD4BuSk5N5eFpCRFFETk4OkpKSIJPJ9F0OFQB7Jk3sm/QUZ89yc3OxevVqrFu3DoIgYOTIkVi3bp1W5zBWCoVCZ3MxAL6hcuXKMDMz03cZVECCICA9PR22trZ8dZBEsGfSxL5JT3H17ObNm/Dx8cHly5eVyw4ePIi+ffti4MCBWpvHWOXm5iI5OVknczEAvkEul/MfN4mRyWTsm8SwZ9LEvkmPNnsmiiI2b96MKVOmICsrS238+++/53P9tECX3y9+k4mIiChfSUlJ6N69O/z9/dXCn6mpKZYsWYKwsDD9FEdFxiOAREREpNHPP/8MPz8/pKSkqI05ODhg7969aNq0qR4qo/fFI4BERESk4sWLFxg9ejR69OihMfyNHTsWV65cYfiTMB4BJCIiIqWLFy/Cy8sLt27dUhuztbXFjh074OnpqYfKSJt4BJCIiIggiiIWLVoENzc3jeGvZ8+eiImJYfgrIRgAiYiICDKZDElJSWrPoitbtiy2bt2K0NBQVKpUSU/VkbYxABIREREAYPny5XB0dFT+3Lx5c1y9ehUjRozgQ8BLGAZAIiIiAgCUKVMGe/fuhYWFBRYsWIA///wT9vb2+i6LigFvAiEiIjIyiYmJqFq1qsaxJk2a4O7du7C1tdVxVaRLPAJIRERkJDIzMxEQEIC6desiPj4+3/UY/ko+BkAiIiIjEBkZicaNG2Pjxo3IyMiAl5cX8vLy9F0W6QkDIBERUQmmUCgQFBSEFi1a4ObNm8rl58+fR1BQkB4rI30yyAAYEhICDw8PODs7o1+/foiOjn7r+jt37kSnTp3QsGFDtGnTBkuXLsXLly91VC0REZFhunPnDtq2bYsvv/xS7Whf6dKlearXiBlcAAwPD0dQUBACAgIQGhoKR0dH+Pn5ITU1VeP6P//8M1auXIlx48YhPDwcS5YsQXh4OFatWqXjyomIiAyDKIoIDQ2Fq6sr/vzzT7Xxpk2bIioqCqNGjdJDdWQIDC4ABgcHo3///ujbty/s7e0RGBgICwsLHDhwQOP6UVFRaNy4Mbp3744aNWrA3d0d3bp1e+dRQyIiopIoNTUVAwYMwKxZs5Cenq4yJpfLMWfOHJw7dw4ODg56qpAMgUE9BiYnJwfXr1/H6NGjlcvkcjnc3NwQFRWlcRtXV1ccOnQI0dHRaNiwIRISEnD69Gn07Nmz0PMLggBBEIpcP+mWIAgQRZE9kxD2TJrYN+k4fvw4hg8fjsTERLWx2rVrY/fu3XBzcwMA9tMA6bInBhUA09LSoFAoYGNjo7LcxsYGt2/f1rhN9+7dkZaWhsGDB0MUReTl5WHgwIEYM2ZMoee/c+cOn3QuMdnZ2W99lAEZHvZMmtg3w5adnY2VK1diz549Gsf79OmDL7/8EpaWlhrf80uGQRRFnc1lUAGwKC5cuIDNmzdj/vz5aNiwIe7fv48lS5Zgw4YNCAgIKNS+ateuDTMzs2KqlLRNEATExcXBzs4OcrnBXc1AGrBn0sS+GTaFQoFPP/0UkZGRamPW1tbYvHkz+vTpo4fKqLByc3MRGxurk7kMKgBaWVnBxMRE7YaP1NRUVKxYUeM233zzDXr06IF+/foBABwcHJCZmYl58+bB39+/UP9YyeVy/uMmMTKZjH2TGPZMmtg3wyWXy+Ht7a0WAN3d3fH999+jRo0aeqqMCkuX3y+D+iabm5ujfv36iIiIUC4TBAERERFwdXXVuE12drbaH5iJiQkA3R5KJSIi0pfx48ejQ4cOAAALCwusXbsWW7duRbVq1fRcGRkqgwqAADBs2DDs378foaGhiI+Px4IFC5CVlaU8fD19+nSsXLlSuX67du3w/fff48iRI0hISMDZs2fxzTffoF27dsogSEREVJLJ5XLs3LkT7du3R2RkJAICAnhNO72VQZ0CBgBPT088efIEa9euRUpKCpycnLBt2zblKeDExESVI37+/v6QyWRYs2YNkpKSYG1tjXbt2mHy5Mn6+ghERERal5aWhl9//RX9+/fXOF69enWcOHECAO/wpXczuAAIAF5eXvDy8tI49t87nExNTTFu3DiMGzdOF6URERHp3G+//QYfHx/8+++/qFq1Klq1aqXvkkjiDO4UMBEREb3y8uVLfPHFF2jfvj0ePHgAURTh7e2NZ8+e6bs0kjgGQCIiIgMUGxuLTz75BCtWrFC5qfHevXuYMWOGHiujkoABkIiIyIAIgoA1a9agadOmGl9r6uHhgTlz5uihMipJDPIaQCIiImP077//YujQocqbOd5kbm6OZcuWYeLEiXweI703BkAiIiID8L///Q+jR49GWlqa2pizszNCQkLg7Oysh8qoJOKvEERERHr07Nkz+Pr6on///hrD35QpU3Dx4kWGP9IqHgEkIiLSkzNnzsDb2xv37t1TG6tevTp27dqF9u3b66EyKul4BJCIiEgPsrOzMWDAAI3hb8CAAYiJiWH4o2LDAEhERKQHFhYW2Lp1q8qyDz74AHv37sX3338PKysrPVVGxoABkIiISE+6du0Kf39/AEDr1q0RHR2NIUOG8D2+VOx4DSAREZEerVixAs7Ozhg1ahRMTEz0XQ4ZCQbANwiCwBdoS4ggCBBFkT2TEPZMmti39xMaGopjx45h06ZNGo/sWVhYYPTo0QCgtT9j9kyadNkvBsA3JCcn87cvCRFFETk5OUhKSuLpEolgz6SJfSuajIwMzJ8/H/v27QMA1KtXDwMGDNDJ3OyZNCkUCp3NxQD4hsqVK8PMzEzfZVABCYKA9PR02Nra8qn4EsGeSRP7Vnjnzp2Dr68vbt++rVw2b948dO/eHXXq1Cn2+dkzacrNzUVycrJO5mIAfINcLucXRWJkMhn7JjHsmTSxbwWTm5uLRYsWYcmSJWqn8zIyMhASEoL58+frpBb2THp02SsGQCIiIi34559/4OXlhUuXLqmNWVpaYv369fDx8dFDZUTq+GsBERHRexBFEZs2bYKrq6vG8NeyZUtcu3YNvr6+vB6PDAYDIBERURElJSWhe/fu8Pf3R2ZmpsqYqakplixZgtOnT+vkuj+iwuApYCIioiL4+eef4efnh5SUFLUxBwcH7N27F02bNtVDZUTvxiOAREREhZCZmYnRo0ejR48eGsPf2LFjceXKFYY/Mmg8AkhERFQIcrkcERERasttbW2xY8cOeHp66qEqosLhEUAiIqJCsLCwQEhICMzNzZXLevbsiZiYGIY/kgwGQCIiokJydnZGUFAQypYti23btiE0NBSVKlXSd1lEBcZTwERERBqIoohnz56hQoUKGscnTZqEzz//HLVq1dJtYURawCOARERE//H48WP06dMHHTp0QG5ursZ15HI5wx9JFgMgERHRG44ePQpnZ2eEhYUhMjISgYGB+i6JSOsYAImIiPDq8S7jxo2Dp6cnHj16pFweFBSEP//8U4+VEWmfwV4DGBISgu3btyMlJQWOjo6YO3cuGjZsqHFdb29vXLx4UW15mzZtsGXLluIulYiIJO7KlSsYMmQI/v77b7Uxa2trvHjxQg9VERUfgwyA4eHhCAoKQmBgIBo1aoRdu3bBz88Px44dg42Njdr669atU7lG4+nTp+jZsyc6d+6sy7KJiEhiFAoFli9fjnnz5iEvL09t3NPTE9u3b0eVKlX0UB1R8THIU8DBwcHo378/+vbtC3t7ewQGBsLCwgIHDhzQuH6FChVQqVIl5X9nz56FhYUFAyAREeXr7t27aNu2Lb788ku18Fe6dGls3LgRhw8fZvijEsngAmBOTg6uX78ONzc35TK5XA43NzdERUUVaB8HDhxA165dUaZMmeIqk4iIJEoURezevRsNGzbUeG1fkyZNEBUVBX9/f8hkMj1USFT8DO4UcFpaGhQKhdqpXhsbG9y+ffud20dHR+Off/7BkiVLCj23IAgQBKHQ25F+CIIAURTZMwlhz6SpJPXtyZMn8Pf3x48//qg2JpfLMXPmTMybNw9mZmaS/rwlqWfGRJf9MrgA+L5+/PFH1K1bN98bRt7mzp07/G1PYrKzsxEfH6/vMqgQ2DNpKgl9e/ToEfr374/k5GS1sRo1amD58uVo3Lgx7t69q/viikFJ6JmxEUVRZ3MZXAC0srKCiYkJUlNTVZanpqaiYsWKb902MzMTR44cwYQJE4o0d+3atWFmZlakbUn3BEFAXFwc7OzsIJcb3NUMpAF7Jk0lpW/29vZo2rQpwsPDVZb7+vpizZo1+OCDD/RUmfaVlJ4Zm9zcXMTGxupkLoMLgObm5qhfvz4iIiLQoUMHAK/+IkdERMDLy+ut2x47dgw5OTno0aNHkeaWy+X8okiMTCZj3ySGPZOmktK3HTt2wNnZGSkpKbC2tsaWLVvQt29ffZdVLEpKz4yJLntlkH8rhg0bhv379yM0NBTx8fFYsGABsrKy0KdPHwDA9OnTsXLlSrXtfvzxR3To0AFWVla6LpmIiCTA1tYW27dvx2effYaYmJgSG/6I3sXgjgACr5679OTJE6xduxYpKSlwcnLCtm3blKeAExMT1VLy7du3ERkZiR07duijZCIiMhD3799HYmIimjdvrnG8e/fu6NatG6/5JqNmkAEQALy8vPI95btnzx61ZXXq1MHNmzeLuywiIjJg3333HcaOHYuyZcsiJiYG1tbWGtdj+CNjZ5CngImIiAojLS0NgwcPxpAhQ/Ds2TM8fPgQo0eP1uldlURSwgBIRESS9ttvv6FRo0b4/vvvVZb/+OOP2Ldvn56qIjJsDIBERCRJL1++xBdffIH27dsjISFBbdzLywuenp56qIzI8BnsNYBERET5iY2NxZAhQxAdHa02VqFCBWzatAkDBgzQQ2VE0sAjgEREJBmCIGDNmjVo2rSpxvDn4eGBmJgYhj+id+ARQCIikoQHDx5g6NChOHnypNqYubk5goKCMGnSJD74mKgAGACJiMjg7d+/H2PGjEFaWpramLOzM/bu3Vukd8ATGSv+mkRERAYtNjYWAwYM0Bj+pkyZgosXLzL8ERUSAyARERm0Bg0aYNKkSSrLqlevjhMnTmDlypWwsLDQT2FEEsYASEREBi8oKAj169cHAPTv3x/R0dFo3769nqsiki5eA0hERAbPwsICISEhiImJwZAhQ/gqN6L3pLUAmJeXh4sXL+L+/fvo1q0bLC0tkZSUBEtLS5QtW1Zb0xARUQkkiiI2btyI0qVLY/jw4RrXadSoERo1aqTjyohKJq0EwH///RcjRoxAYmIicnJy0LJlS1haWmLr1q3IycnBwoULtTFNsRMEAYIg6LsMKiBBECCKInsmIeyZNBV33xITE+Hn54dffvkFZcqUgZubG+rWrVsscxkLftekSZf90koAXLJkCRo0aICffvoJzZs3Vy7v2LEj5s6dq40pdCI5ORkmJib6LoMKSBRF5OTkICkpiaeDJII9k6bi7NvRo0fxxRdfKO/wzczMxKBBgxAWFgYzMzOtzmVM+F2TJoVCobO5tBIAIyMj8f3338Pc3FxlefXq1ZGUlKSNKXSicuXK/AdHQgRBQHp6OmxtbfngV4lgz6SpOPqWnp6OKVOmYMeOHWpjV69eRXR0NLp27aqVuYwRv2vSlJubi+TkZJ3MpZUAmN+p00ePHknq+j+5XM4visTIZDL2TWLYM2nSZt8iIiLg5eWF27dvq41VrVoVwcHB6NSp03vPY+z4XZMeXfZKKzO1bNkSu3btUln24sULrFu3Dm3atNHGFEREJHG5ubmYN28e3N3dNYa/Pn36ICYmhuGPSAe0cgRw5syZ8PPzg6enJ3JycjBt2jTcvXsXVlZWWLVqlTamICIiCfvnn3/g5eWFS5cuqY1ZWlpi3bp18PX15fVqRDqilQBYpUoV/PTTTwgPD8fff/+NzMxMfP755+jevTuf0E5EZMREUcTWrVsxefJkZGZmqo27ublhz549qFOnjh6qIzJeWgmAly5dgqurK3r06IEePXool+fl5eHSpUto1qyZNqYhIiIJSU5Ohp+fHw4fPqw2ZmpqigULFmDGjBkwNeU7CYh0TSvXAPr4+ODZs2dqy9PT0+Hj46ONKYiISGKePHmCkydPqi2vW7cuIiIiMHv2bIY/Ij3RSgAURVHjdRtPnz5F6dKltTEFERFJjKOjI1asWKGyzN/fH1euXEHTpk31VBURAe95CnjcuHEAXt1qPnPmTJXnACoUCty8eROurq7vVyEREUmWv78/Dh8+jMjISOzYsYPP9iMyEO8VAMuVKwfg1RHAsmXLqtzwYWZmBhcXF/Tr1+/9KiQiIoOWl5cHQRDUXgYAvDpAsHPnTgCvHrZPRIbhvQJgUFAQgFdv/Bg+fDjKlCmjlaKIiEga4uPj4e3tjU8//RQrV67UuA6DH5Hh0co1gOPGjWP4IyIyIqIoYseOHXBxcUFERARWrVql8YYPIjJMWrv96tixYzh69CgSExORm5urMhYaGqqtaYiISM8eP36MkSNHIiwsTGW5r68vYmJiYGVlpZ/CiKjAtHIEcPfu3Zg1axYqVqyIv/76C87OzqhQoQISEhLQunVrbUxBREQG4OjRo3B2dlYLfwBgYWGBxMRE3RdFRIWmlQD43XffYdGiRZg7dy7MzMwwcuRIBAcHw9vbG+np6YXeX0hICDw8PODs7Ix+/fohOjr6res/f/4cgYGBcHd3R4MGDdCpUyecPn26qB+HiIj+IysrC+PHj4enpycePXqkNj5y5EhcvXoV9erV00N1RFRYWgmAiYmJyse9WFhY4MWLFwCAnj174siRI4XaV3h4OIKCghAQEIDQ0FA4OjrCz88PqampGtfPycnBsGHD8O+//+Kbb77BsWPHsGjRItja2r7fhyIiIgDAlStX0LdvX2zcuFFtrGLFiggLC8OWLVtgaWmph+qIqCi0EgArVqyofBNI1apVcfXqVQDAgwcPIIpiofYVHByM/v37o2/fvrC3t0dgYCAsLCxw4MABjesfOHAAz549w4YNG9CkSRPUqFEDn3zyCRwdHd/rMxERGTuFQoGgoCB8+umnuH37ttq4p6cnYmJi0LNnTz1UR0TvQys3gbRo0QKnTp1CvXr10LdvXwQFBeGXX35BbGwsOnbsWOD95OTk4Pr16xg9erRymVwuh5ubG6KiojRuc+rUKbi4uGDhwoU4efIkrK2t0a1bN4wcORImJiaF+hyCIEAQhEJtQ/ojCAJEUWTPJIQ9k467d+/C19cXf/75p9pY6dKl8fXXX2PMmDGQyWTspwHid02adNkvrQTARYsWKYseMmQIKlSogKioKHh4eGDAgAEF3k9aWhoUCgVsbGxUltvY2Gj87RMAEhIScP78eXTv3h1btmzB/fv3ERgYiLy8POWbSgrqzp07Gl9pR4YrOzsb8fHx+i6DCoE9M3znz59HQECA8nKeN9WvXx9ff/016tSpg7i4OD1URwXF75r0FPas6ft47wCYl5eHTZs24fPPP0eVKlUAAF27dtXZ635EUYSNjQ0WLVoEExMTNGjQAElJSdi+fXuhA2Dt2rVhZmZWTJWStgmCgLi4ONjZ2UEu18rVDFTM2DNpsLKywgcffKASAOVyOWbMmIF58+ZpfOMHGRZ+16QpNzcXsbGxOpnrvQOgqakptm/fjl69er13MVZWVjAxMVG74SM1NRUVK1bUuE2lSpVgamqqcrq3Tp06SElJQU5OTqH+oZLL5fyiSIxMJmPfJIY9M3yVK1dGcHAwOnfuDAD46KOPsGTJEgwcOJB9kxB+16RHl73SykwtWrTApUuX3ns/5ubmqF+/PiIiIpTLBEFARESE8i7j/2rcuDHu37+vct787t27qFSpEn9LJSIqok6dOmH8+PHw9fVFVFQUmjRpou+SiEiLtHINYOvWrbFy5Ur8888/qF+/PkqXLq0y3r59+wLva9iwYZgxYwYaNGiAhg0bYteuXcjKykKfPn0AANOnT4etrS2mTp0KABg0aBD27t2LJUuWwMvLC/fu3cPmzZvh7e2tjY9GRFRiRUdHo0qVKvm+q3f16tUwMTGBIAhISkrScXVEVJy0EgADAwMBvHqEy3/JZDLcuHGjwPvy9PTEkydPsHbtWqSkpMDJyQnbtm1TngJOTExUOURatWpVbN++HUFBQejRowdsbW3h4+ODkSNHvuenIiIqmQRBwKpVqzB79mx07twZYWFhGm+AK+yTFIhIOmSiLm85MVAKhQJXr15Fw4YNeROIhAiCgFu3buHjjz/mNS4SwZ7pX0JCAnx9ffHbb78pl23duhUjRozIdxv2TXrYM2nKzc1FdHQ0XFxciv0XMP6tICIyEt9//z2cnZ1Vwh8ATJw4kY8LITIyDIBERCXc06dPMWTIEAwePFj51qbXZDIZxo8fjxo1auipOiLSB61cA0hERIbp999/h4+PDxISEtTGatWqhd27d6NNmzZ6qIyI9IlHAImISqCXL19i+vTp8PDw0Bj+hgwZgmvXrjH8ERkpHgEkIiphYmNj4eXlhWvXrqmNVahQAd9++y0GDhyoh8qIyFBo7Qjg/fv3sXr1akyZMkX5Jo/Tp0/j1q1b2pqCiIjeQhAEfPPNN2jatKnG8Ofh4YHo6GiGPyLSTgC8ePEiunfvjujoaBw/fhyZmZkAgJs3b2LdunXamIKIiN5hx44dmDRpEl6+fKmy3NzcHCtXrsSvv/6KmjVr6qk6IjIkWgmAK1euxKRJkxAcHKzyHL0WLVrg6tWr2piCiIjewcfHR+21mQ0aNMClS5cwZcoUPg+OiJS08q/BP//8gw4dOqgtt7a2RlpamjamICKidzA3N8fevXthYWEBAJgyZQouXbqEhg0b6rkyIjI0WrkJpFy5ckhJSVE7tXDjxg3Y2tpqYwoiIiqAevXqYdOmTahRo0ah3sNORMZFK0cAu3btihUrViAlJQUymQyCICAyMhJfffUVevXqpY0piIgIQE5ODubMmYPY2Nh81/H19WX4I6K30soRwMmTJ2PhwoVo27YtFAoFunbtCoVCgW7dusHf318bU+iEIAgQBEHfZVABCYIAURTZMwlhz97PjRs34OPjgytXruDw4cOIiIhAqVKlin1e9k162DNp0mW/ZKIoitra2cOHD3Hr1i28ePEC9erVw0cffaStXRcrhUKBq1evonLlysX+8mXSHlEUkZqaChsbG8hkMn2XQwXAnhWNKIrYtWsXFi1ahOzsbOVyf39/zJkzRyfzs2/Swp5Jk0KhQHJyMlxcXIo9j2jlCODly5fRtGlTVKtWDdWqVdPGLvWicuXKKncxk2ETBAHp6emwtbXl3Y0SwZ4V3qNHjzBixAgcO3ZMbWzHjh2YNWsWqlevXqw1sG/Sw55JU25uLpKTk3Uyl1YC4NChQ1G5cmV069YNPXr0gL29vTZ2q3NyuZxfFImRyWTsm8SwZwUXGhqKkSNHKh+u/yYnJyfs3btXZ8/1Y9+khz2THl32Sisz/fHHHxg+fDguXryIbt26oWfPnti2bRsePXqkjd0TERmVjIwMjBgxAn369NEY/saPH4/IyEg0btxYD9URUUmglQBobW0NLy8v7Nu3D7/++is6d+6MsLAweHh4wMfHRxtTEBEZhYiICLi4uGD79u1qY1WqVMHRo0exdu1alC5dWg/VEVFJofVjjTVr1sSoUaMwdepU1K1bF5cuXdL2FEREJU5ubi7mz58Pd3d3xMfHq4337t0bMTEx6Ny5sx6qI6KSRivXAL4WGRmJn3/+Gb/88gtevnyJ9u3bY8qUKdqcgoioxLl16xa8vLxw8eJFtTFLS0usXbsWQ4cO5d2cRKQ1WgmAK1euxJEjR5CcnIyWLVti9uzZaN++PU9REBEVwB9//KEx/Lm5uWHPnj2oU6eOHqoiopJMKwHw0qVL8PPzQ5cuXWBtba2NXRIRGY3hw4fj8OHDCAsLAwCYmppi/vz5mDlzJkxNtXqihogIgJYC4L59+7SxGyIioySTybBlyxZERESgfPny2Lt3L5o1a6bvsoioBCtyADx58iRat24NMzMznDx58q3r8p2URESvbvTI72HzlSpVwi+//AJ7e3uULVtWx5URkbEpcgAMCAjA2bNnYWNjg4CAgHzXk8lkuHHjRlGnISIqES5dugRvb2+sXr0aXbp00bhOo0aNdFwVERmrIgfAv//+W+P/T0RE/ycvLw/Lli1DYGAg8vLyMHz4cERHR6NSpUr6Lo2IjJhWngMYFhaGnJwcteU5OTnKi5qJiIxNfHw8Wrdujblz5yIvLw/Aq3f7jho1CqIo6rk6IjJmWgmAs2bNQnp6utryFy9eYNasWdqYgohIMkRRxI4dO+Di4oKIiAi18YcPH+L58+d6qIyI6BWtBEBRFDU+oDQpKQnlypUr0j5DQkLg4eEBZ2dn9OvXD9HR0fmue/DgQTg4OKj85+zsXKR5iYjex+PHj/H555/Dz88PGRkZKmMmJiaYP38+/vzzT5QvX15PFRIRvedjYHr16gWZTAaZTAZfX1+V51UpFAo8ePAArVq1KvR+w8PDERQUhMDAQDRq1Ai7du2Cn58fjh07BhsbG43bWFpa4tixY8qf+cR8ItK1X375BUOHDsWjR4/Uxuzs7LB37160aNFCD5UREal6rwDYoUMHAMCNGzfg7u6u8ugCMzMzVK9eHZ999lmh9xscHIz+/fujb9++AIDAwED8/vvvOHDgAEaNGqVxG5lMxouqiUgvsrKyMH36dKxfv17j+IgRI7B69WpYWlrquDIiIs3eKwCOGzcOAFC9enV4enqiVKlS711QTk4Orl+/jtGjRyuXyeVyuLm5ISoqKt/tMjMz0a5dOwiCgHr16mHKlCn4+OOP37seIqK3uXLlCry8vDQ+7qpixYrYunUrevXqpfvCiIjeQitvAundu7c2dgMASEtLg0KhUDvVa2Njg9u3b2vcpnbt2li6dCkcHByQnp6OHTt2YODAgThy5AiqVKlS4LkFQYAgCO9VP+mOIAgQRZE9k5CS1rMtW7ZgwoQJyM3NVRvr3Lkztm/fjipVqkj+85a0vhkD9kyadNmvIgfATz75BMeOHYO1tTWaNWv21mvuNL3kXJtcXV3h6uqq8rOnpyf27duHSZMmFXg/d+7c4bWDEpOdnY34+Hh9l0GFUJJ6VqZMGeXjXV6zsLDA9OnTMWjQIKSnp2t8QoIUlaS+GQv2THp0+XioIgfAWbNmKa9nmTVrltaCk5WVFUxMTJCamqqyPDU1FRUrVizQPszMzODk5IT79+8Xau7atWvn+5omMjyCICAuLg52dnaQy7VyQzsVs5LWs48//hgxMTFYsWIFAKBx48bYs2cPHB0d9VyZdpW0vhkD9kyacnNzERsbq5O5ihwA3zzt26dPH60UAwDm5uaoX78+IiIilDeZCIKAiIgIeHl5FWgfCoUC//zzD9q0aVOoueVyOb8oEiOTydg3iSlpPVu8eDFOnTqFzp07Y/78+TA3N9d3ScWipPXNGLBn0qPLXmnlGsDr16/D1NQUDg4OAIATJ07g4MGDsLe3x7hx4wr9D+KwYcMwY8YMNGjQAA0bNsSuXbuQlZWlDJrTp0+Hra0tpk6dCgBYv349XFxc8OGHH+L58+fYvn07Hj58iH79+mnj4xGRkbt8+TKaNGmi8UxHqVKlEBERUWKDHxGVTFqJmvPmzcPdu3cBAAkJCZg8eTJKly6NY8eO4euvvy70/jw9PTFjxgysXbsWPXv2xI0bN7Bt2zblKeDExESkpKQo13/+/Dnmzp2LLl26YNSoUcjIyMC+fftgb2+vjY9HREYqOzsbU6ZMQbNmzbBhw4Z812P4IyKpkYlauOKwSZMmCA0NRa1atbBlyxZcuHAB27dvR2RkJKZMmYLTp09ro9Zio1AocPXqVTRs2JDXAEqIIAi4desWPv74Y57ikAgp9Sw6OhpDhgxRXo9jYWGByMhI1KtXT8+V6Z6U+kavsGfSlJubi+joaLi4uMDExKRY59Laq+Be37ocERGB1q1bAwCqVq2KtLQ0bUxBRKQTgiBg1apVaNasmcrF2NnZ2RgyZAhycnL0WB0RkXZoJQA2aNAA3377LcLCwnDp0iW0bdsWAPDgwYMC37lLRKRvCQkJ6NixI6ZOnaoW9EqVKoWhQ4eqvPKSiEiqtPIv2ZdffokvvvgCJ06cwJgxY/Dhhx8CePVezDefz0dEZKj27dsHf39/PH36VG2sUaNG2Lt3Lxo0aKD7woiIioFWAqCjoyN+/vlnteXTp0/ntQdEZNCePn2KcePGISQkRG1MJpNh2rRpWLRokVZedUlEZCi0ei4jNjZW+dRxe3t71K9fX5u7JyLSqtOnT8PHx0fjQ+Nr1qyJ3bt3Ky9pISIqSbQSAFNTUzFp0iRcunQJH3zwAYBXj2Zp3rw5Vq9eDWtra21MQ0SkFS9fvsS8efPw9ddfa3z10uDBg7FhwwZUqFBB98UREemAVs7PLlq0CJmZmThy5AguXryIixcv4vDhw8jIyMDixYu1MQURkdYEBARg+fLlauGvfPny+O677xASEsLwR0QlmlYC4JkzZzB//nzY2dkpl9nb22P+/Pn4448/tDEFEZHWzJgxA2XKlFFZ1q5dO8TExGDQoEF6qoqISHe0EgAFQdD4AGVTU1Pl8wGJiAzFxx9/jDVr1gB49RaPFStW4MSJE6hZs6Z+CyMi0hGtBMAWLVpgyZIlSEpKUi5LSkpCUFAQPv30U21MQUSkVSNGjMDUqVNx8eJFTJ06lU8sICKjorV3AWdkZKB9+/bo0KEDOnTogPbt2yMjIwNz587VxhRERIXy/PlzfPnll8jKytI4LpPJsGLFCjRq1EjHlRER6Z9W7gKuWrUqQkNDce7cOdy+fRsAYGdnBzc3N23snoioUP788094e3vj7t27yMjIwNq1a/VdEhGRQdHacwBlMhlatmyJli1bamuXOicIAq9ZlBBBEFTeQ02Gr7h7lpOTg4ULF+Krr75SzrFu3Tp06dIFnTp1KpY5jQG/a9LDnkmTLvultQAYERGBnTt3Kh8EbWdnB19fX0kdBUxOToaJiYm+y6ACEkUROTk5SEpKgkwm03c5VADF2bO4uDiMHz8e0dHRamMTJkzAb7/9xuv8iojfNelhz6RJoVDobC6tBMCQkBAsXboUnTp1go+PDwDg2rVrGDVqFGbNmoUhQ4ZoY5piV7lyZY13M5NhEgQB6enpsLW15f+wS0Rx9EwURWzatAlffPGFxuv9WrdujZ07d6JatWpamc8Y8bsmPeyZNOXm5iI5OVknc2klAG7evBmzZs2Cl5eXyvLGjRtj06ZNkgmAcrmcXxSJkclk7JvEaLNnjx49wvDhw3H06FG1MTMzMyxatAjTpk3jkX0t4HdNetgz6dFlr7QyU3p6Olq1aqW2vGXLlsjIyNDGFEREKsLCwuDs7Kwx/Dk5OeH8+fOYMWMGwx8RkQZaCYAeHh749ddf1ZafPHmSL1InIq3KyMjAiBEj0Lt3bzx+/FhtfPz48YiMjETjxo31UB0RkTRo5RSwnZ0dNm3ahIsXL8LFxQXAq2sAr1y5gmHDhmH37t3KdV9fI0hEVFjnz5+Hl5eX8mazN1WpUgU7d+7k3b5ERAWglQD4448/4oMPPkBcXBzi4uKUy8uVK4cff/xR+bNMJmMAJKIiW79+vcbw17t3b2zZsgUVK1bUQ1VERNKjlQB46tQpbeyGiOit1q1bh9OnT+PBgwcAAEtLS6xduxZDhw7loy6IiAqBtwYRkWRYWVlh9+7dkMlkcHNzw7Vr1zBs2DCGPyKiQtLag6CJiLRFEIR8H4fQrl07HD9+HG3btoWpKf8JIyIqCh4BJCKDcuTIETRq1AiPHj3Kd50OHTow/BERvQcGQCIyCJmZmRg7diy6deuG2NhYDB8+HKIo6rssIqISiQGQiPTu8uXLcHV1xbfffqtcdvToUZWfiYhIe7QWAC9fvoxp06ZhwIABSEpKAvDqSf2XL1/W1hREVMLk5eVhyZIl+PTTT/HPP/+ojZ8+fZpHAYmIioFWAuAvv/wCPz8/WFhY4K+//kJOTg6AV0/s37x5c5H2GRISAg8PDzg7O6Nfv36Ijo4u0HZHjhyBg4MDxo4dW6R5iUg3bt++jTZt2mDOnDnIy8tTGStTpgw2b96Mffv28Q5fIqJioJUA+O233yIwMBCLFy9WuTC7cePG+Ouvvwq9v/DwcAQFBSEgIAChoaFwdHSEn58fUlNT37rdgwcP8NVXX6Fp06aFnpOIdEMURezcuRONGjXCuXPn1MY/+eQTREVFYdSoUQx/RETFRCsB8M6dOxpDV7ly5fD8+fNC7y84OBj9+/dH3759YW9vj8DAQFhYWODAgQP5bqNQKDBt2jSMHz8eNWvWLPScRFT8UlNTMWHCBPj5+SEjI0NlTC6XY968efjzzz9Rt25dPVVIRGQctBIAK1asiPv376stj4yMLHQYy8nJwfXr1+Hm5qZcJpfL4ebmhqioqHy327BhA2xsbNCvX79CzUdEuvHLL7+gUaNG+PXXX9XG6tSpgz///BOBgYEwMzPTQ3VERMZFKw/S6t+/P5YsWYKlS5dCJpMhKSkJUVFR+Oqrrwp9LV5aWhoUCgVsbGxUltvY2OD27dsat7l8+TJ+/PFHhIWFFfUjAHj18FlBEN5rH6Q7giBAFEX2zMCJoohp06ZhzZo1GseHDx+OVatWoVy5cuylgeJ3TXrYM2nSZb+0EgBHjRoFQRAwdOhQZGVlwcvLC+bm5hg+fDi8vb21MUW+MjIyMH36dCxatAjW1tbvta87d+7wmiOJyc7ORnx8vL7LoHd4fWPYmypUqIDFixejQ4cOePTo0Vsf/Ez6x++a9LBn0qPLpx5oJQDKZDL4+/vDz88P9+/fR2ZmJuzs7FC2bNlC78vKygomJiZqN3ykpqaiYsWKausnJCTg33//hb+/v3LZ6wRdr149HDt2DLVq1SrQ3LVr1+bpJwkRBAFxcXGws7PL97VhZBhWrVqFS5cu4dKlSwCATp06Yfv27ahataqeK6OC4HdNetgzacrNzUVsbKxO5tLqu5TMzc1hb2//3vuoX78+IiIi0KFDBwCv/iJHRETAy8tLbf06derg559/Vlm2Zs0avHjxArNnz0aVKlUKPLdcLucXRWJkMhn7JgGlSpXC3r170bJlS4wdOxbz5s2DiYmJvsuiQuB3TXrYM+nRZa+0EgC9vb3feup09+7dhdrfsGHDMGPGDDRo0AANGzbErl27kJWVhT59+gAApk+fDltbW0ydOhWlSpVSu2Pwgw8+AADeSUikQ6Io4ubNm3B0dNQ4XrduXdy+fRsPHz7kpRZERHqmlQDo5OSk8nNeXh5u3LiBW7duoVevXoXen6enJ548eYK1a9ciJSUFTk5O2LZtm/IUcGJiIn+jITIgaWlp8Pf3x8GDB3Hp0iU0atRI43pFuSyEiIi0TysB8Msvv9S4fN26dcjMzCzSPr28vDSe8gWAPXv2vHXbZcuWFWlOIiq8kydPwtfXF//++y8AYMiQIbh8+TIsLCz0XBkREeWnWA+j9ejR460PbyYi6crOzsaUKVPQoUMHZfgDgOvXr2PWrFl6rIyIiN5FqzeB/FdUVBTMzc2Lcwoi0oPo6GgMGTJE491qVlZWaNmypR6qIiKigtJKABw3bpzKz6IoIiUlBbGxsYV+EDQRGS5BELBmzRrMmjVL47P9OnbsiODgYFSvXl0P1RERUUFpJQCWK1dO5WeZTIbatWtjwoQJcHd318YURKRnCQkJGDp0KE6dOqU2VqpUKXz11VcYP348b9AiIpKA9w6ACoUCffr0Qd26dVG+fHlt1EREBmbfvn3w9/fH06dP1cYaNWqEkJAQ1K9fX/eFERFRkbz3r+omJiYYPnw4nj9/ro16iMiAPH36FF5eXhg0aJBa+JPJZJg+fTouXLjA8EdEJDFaOQX88ccf48GDB6hZs6Y2dkdEBkAQBLRu3RoxMTFqYzVr1sTu3bvRtm1b3RdGRETvTSsX60yaNAlfffUVfvvtNyQnJyMjI0PlPyKSHrlcji+++EJt+eDBgxEdHc3wR0QkYe91BHD9+vUYPnw4Ro0aBQDw9/dXecWTKIqQyWS4cePG+1VJRHrh5eWFw4cPY//+/Shfvjy+/fZbDBo0SN9lERHRe3qvALhhwwYMGjSo0O/6JSJpkMlk+Pbbb2FiYoJly5ahVq1a+i6JiIi04L0CoCiKAIBPPvlEK8UQke49fPgQoaGhCAgI0DhubW2N7777TsdVERFRcXrvm0DePOVLRNJy4MABjBo1Ck+ePEGtWrXQvXt3fZdEREQ68N4BsFOnTu8MgRcvXnzfaXRCEAQIgqDvMqiABEGAKIrsWRE8f/4ckyZNwq5du5TL/Pz8cO3aNdja2hbbvOyZNLFv0sOeSZMu+/XeAXD8+PFqbwKRquTkZJiYmOi7DCogURSRk5ODpKQkHokuhEuXLmHChAm4f/++yvKUlBRMnjwZq1atKra52TNpYt+khz2TJoVCobO53jsAdu3aFTY2NtqoRe8qV64MMzMzfZdBBSQIAtLT02Fra8vXjxVAbm4uFi5ciGXLlmn8LbNv375Yv349rK2ti60G9kya2DfpYc+kKTc3F8nJyTqZ670CYEn7rUIul/OLIjEymYx9K4CbN2/Cy8sLly9fVhsrV64c1q9fD29vb518p9kzaWLfpIc9kx5d9uq9Znp9FzARGSZRFPHtt9/C1dVVY/hzd3dHdHQ0fHx8StwvdERElL/3OgL4999/a6sOItKypKQkDB8+HOHh4WpjpqamWLRoEb744gte90pEZIS08i5gIjIshw4dwogRI5CSkqI25ujoiJCQEDRu3FgPlRERkSHghQFEJczLly8xadIkjeFv3LhxiIyMZPgjIjJyDIBEJUypUqWwe/dulYuJq1SpgqNHj2LdunUoU6aMHqsjIiJDwABIVAK5u7tj5syZAIBevXohJiYGnTt31nNVRERkKHgNIJGEiaKY79278+fPh6urK/r27cs7fImISAWPABJJkCiK2Lp1K3r27Jnvq4PMzc3x+eefM/wREZEaBkAiiUlJSUGvXr0watQo/Pzzz1izZo2+SyIiIolhACSSkPDwcDg7O+PQoUPKZbNmzUJ0dLQeqyIiIqlhACSSgMzMTIwdOxZdu3ZFUlKSylhOTg6OHj2qp8qIiEiKeBMIkYG7fPkyhgwZgn/++UdtrFKlStixYwe6deumh8qIiEiqDPYIYEhICDw8PODs7Ix+/fq99RTX8ePH0adPHzRt2hQuLi7o2bMnwsLCdFcsUTHIy8vDkiVL8Omnn2oMf926dUNMTAzDHxERFZpBHgEMDw9HUFAQAgMD0ahRI+zatQt+fn44duwYbGxs1NYvX748/P39UadOHZiZmeG3337Dl19+CRsbG7Rq1UoPn4Do/dy+fRve3t44d+6c2liZMmWwevVqjBw5knf4EhFRkRjkEcDg4GD0798fffv2hb29PQIDA2FhYYEDBw5oXL958+bo2LEj7OzsUKtWLfj6+sLBwQGRkZE6rpzo/YiiiODgYDRq1Ehj+GvWrBmioqIwatQohj8iIioygzsCmJOTg+vXr2P06NHKZXK5HG5uboiKinrn9qIo4vz587hz5w6mTZtWqLkFQcj3mWpkeARBgCiKJaZn6enpGDZsGEJDQ9XG5HI5Zs+ejdmzZ8PMzEyyn7mk9cxYsG/Sw55Jky77ZXABMC0tDQqFQu1Ur42NDW7fvp3vdunp6WjdujVycnIgl8sxf/58tGzZslBz37lzh0dVJCY7Oxvx8fH6LkMrFAoF7t27p7a8Zs2aWL58OVxdXXH37l3dF6ZlJalnxoR9kx72THpEUdTZXAYXAIuqbNmyCAsLQ2ZmJiIiIrBs2TLUrFkTzZs3L/A+ateuDTMzs2KskrRJEATExcXBzs4OcrlBXs1QaPv374erqyvS09MBAMOGDcPq1atRrlw5PVemHSWxZ8aAfZMe9kyacnNzERsbq5O5DC4AWllZwcTEBKmpqSrLU1NTUbFixXy3k8vl+PDDDwEATk5OiI+Px5YtWwoVAOVyOb8oEiOTyUpU3+zs7LB27VpMmzYNW7duRe/evfVdktaVtJ4ZC/ZNetgz6dFlrwzub4W5uTnq16+PiIgI5TJBEBAREQFXV9cC70cQBOTk5BRHiUTvRaFQ4N9//8133NfXF//880+JDH9ERGQYDC4AAq9Oe+3fvx+hoaGIj4/HggULkJWVhT59+gAApk+fjpUrVyrX37x5M86ePYuEhATEx8djx44dOHToEHr06KGvj0Ck0b179+Dh4QEPDw+8ePFC4zoymQzW1tY6royIiIyJwZ0CBgBPT088efIEa9euRUpKCpycnLBt2zblKeDExESVw6SZmZkIDAzEo0ePYGFhgTp16uDrr7+Gp6envj4CkQpRFPHdd99h7NixeP78OQBg2rRp+Pbbb/VcGRERGSOZqMtbTgyUQqHA1atX0bBhQ94EIiGCIODWrVv4+OOPDfoal7S0NPj7++OHH35QGzt8+DC6du2qh6r0Qyo9I1Xsm/SwZ9KUm5uL6OhouLi4wMTEpFjnMsgjgEQlxalTp+Dr64sHDx6ojX344YcoX768HqoiIiJjx18LiIrBy5cvMW3aNLRv315j+PPx8cG1a9fg7u6uh+qIiMjY8QggkZbFxMRgyJAhiImJURuzsrLC5s2b0a9fPz1URkRE9AqPABJpiSAIWLVqFZo2baox/HXo0AExMTEMf0REpHc8AkikBQ8ePICvry9OnTqlNlaqVCl89dVXGD9+PC/GJiIig8AASPSeHj58CGdnZzx9+lRtrGHDhggJCUGDBg10XxgREVE+eDiC6D1Vq1YN3bt3V1kmk8kwbdo0XLx4keGPiIgMDgMgkRasW7dO+S7qmjVr4uTJk/j6669RqlQpPVdGRESkjgGQSAvKly+PPXv2YMiQIYiOjka7du30XRIREVG+eA0gUQH99ddfSEhIQKdOnTSOt2rVCq1atdJxVURERIXHI4BE7yAIAtatW4cmTZpg0KBB+Pfff/VdEhER0XthACR6i4cPH6JLly6YMGECsrOzkZaWhqFDh0IQBH2XRkREVGQ8BfwGQRD4P+wSIggCRFEstp4dPHgQo0ePxpMnT1SWnzhxAsHBwRg2bFixzFuSFXfPqHiwb9LDnkmTLvvFAPiG5ORkmJiY6LsMKiBRFJGTk4OkpCTIZDKt7Tc9PR3z5s3D/v37NY6PHDkS7dq1w6NHj7Q2p7Eorp5R8WLfpIc9kyaFQqGzuRgA31C5cmWYmZnpuwwqIEEQkJ6eDltbW629YePs2bPw9fXFnTt31MaqVauG4OBgdOjQQStzGaPi6BkVP/ZNetgzacrNzUVycrJO5mIAfINcLucXRWJkMplW+pabm4uFCxdi6dKlGg/Bf/7559i8eTOsra3fax7SXs9It9g36WHPpEeXvWIAJKN38+ZNeHl54fLly2pj5cqVw/r16+Ht7c3TKEREVGLw1wIyWqIo4ttvv4Wrq6vG8Ofu7o7o6Gj4+Pgw/BERUYnCAEhG6++//8b48eORlZWlstzU1BRLly7F77//jo8++kg/xRERERUjBkAyWk5OTpg/f77KMkdHR5w/fx6zZs3iHeFERFRiMQCSUZs1axZatGgBAAgICEBkZCSaNGmi56qIiIiKF28CIaNmamqKvXv34ubNm/D09NR3OURERDrBAEglWl5eHpYsWYLSpUtj+vTpGtexs7ODnZ2djisjIiLSHwZAKrHi4uLg5eWFCxcuwNTUFO3bt+fpXSIiIvAaQCqBRFHEtm3b4OLiggsXLgB4dSRwyJAhyMzM1HN1RERE+scASCVKSkoKevfujZEjR+LFixcqY3FxcTh9+rSeKiMiIjIcDIBUYoSHh8PZ2Rk//fST2pi9vT3OnTuHLl266KEyIiIiw2KwATAkJAQeHh5wdnZGv379EB0dne+6+/fvx+DBg9GsWTM0a9YMQ4cOfev6VLJkZmYiICAAXbt2RVJSktr4qFGjEBUVhU8++UQP1RERERkegwyA4eHhCAoKQkBAAEJDQ+Ho6Ag/Pz+kpqZqXP/ChQvo2rUrdu/ejX379qFq1aoYPny4xjBAJUtMTAyaNm2KjRs3qo1VqlQJhw4dwubNm2FpaamH6oiIiAyTQQbA4OBg9O/fH3379oW9vT0CAwNhYWGBAwcOaFx/5cqVGDJkCJycnGBnZ4fFixdDEARERETouHLSFYVCgaCgIAwaNAg3b95UG+/WrRtiYmLQvXt3PVRHRERk2AwuAObk5OD69etwc3NTLpPL5XBzc0NUVFSB9pGVlYW8vDyUL1++uMokPbp//z7atGmDOXPmIC8vT2WsTJky2LRpEw4dOgRbW1s9VUhERGTYDO45gGlpaVAoFLCxsVFZbmNjg9u3bxdoHytWrEDlypVVQmRBCIIAQRAKtQ3pniiKuH79utryZs2aYffu3ahbty5EUYQoinqojt5GEASIosjvmcSwb9LDnkmTLvtlcAHwfW3ZsgXh4eHYvXs3SpUqVaht79y5A5lMVkyVkTbNnTsXU6dOBfDqCPGYMWPg7+8PmUyGW7du6bk6epvs7GzEx8fruwwqJPZNetgz6dHlgQuDC4BWVlYwMTFRu+EjNTUVFStWfOu227dvx5YtWxAcHAxHR8dCz127dm2YmZkVejvSvUmTJuHSpUs4e/YsQkJC0LJlS32XRAUgCALi4uJgZ2cHudzgrkChfLBv0sOeSVNubi5iY2N1MpfBBUBzc3PUr18fERER6NChAwAob+jw8vLKd7utW7di06ZN2L59O5ydnYs0t1wu5xfFgGRlZUGhUOR7B+/GjRtx+/ZtuLq6sm8SIpPJ+F2TIPZNetgz6dFlrwzyb8WwYcOwf/9+hIaGIj4+HgsWLEBWVhb69OkDAJg+fTpWrlypXH/Lli345ptvsHTpUlSvXh0pKSlISUlRexMEScfVq1fRtGlTjB8/Pt91ypcvz8e7EBERFYHBHQEEAE9PTzx58gRr165FSkoKnJycsG3bNuUp4MTERJWUvG/fPuTm5mLChAkq+xk3btxbAwQZHoVCgZUrV2LOnDnIzc3FX3/9he7duyvDPxEREb0/gwyAAODl5ZXvKd89e/ao/Hzq1CldlETF7N69e/D19VV7X+/IkSPRokULVKtWTU+VERERlSwGeQqYjIsoiggJCUHDhg3Vwh8AfPjhh8jMzNRDZURERCUTAyDpVVpaGgYPHgwvLy88f/5cZUwmk2HmzJk4f/487O3t9VQhERFRyWOwp4Cp5Dt16hR8fX3x4MEDtbEPP/wQu3fvRuvWrfVQGRERUcnGI4Ckcy9fvsS0adPQvn17jeHP29sb165dY/gjIiIqJjwCSDoVExODIUOGICYmRm3MysoKmzZtQv/+/fVQGRERkfFgACSdOXHiBLp164aXL1+qjbVv3x47d+5EjRo19FAZERGRceEpYNKZFi1aqAW8UqVKYdWqVTh+/DjDHxERkY4wAJLOWFpaYu/evTAxMQEAODs749KlS5g8eTJfVURERKRDPAVMOtWiRQvMmzcP6enpWLx4MUqVKqXvkoiIiIwOAyBp3R9//IEPP/wQH374ocbxefPm6bgiIiIiehPPu5HW5OTkYObMmWjbti18fHygUCj0XRIRERFpwABIWvHXX3+hefPm+OqrryCKIv744w+sWLFC32URERGRBjwF/AZBECAIgr7LkBRRFLFhwwbMmDED2dnZKmNz585F165dUa9evWKZWxAEiKLInkkIeyZN7Jv0sGfSpMt+MQC+ITk5WXmHKr3bo0ePMHXqVPz+++9qY2ZmZpgxYwbKly+PR48eFcv8oigiJycHSUlJkMlkxTIHaRd7Jk3sm/SwZ9Kky0unGADfULlyZZiZmem7DEk4ePAgRo8ejSdPnqiN1a9fH7t374aLi0ux1iAIAtLT02Fra8vHyEgEeyZN7Jv0sGfSlJubi+TkZJ3MxQD4Brlczi/KO6Snp2PixIkIDg7WOD5x4kQEBQWhdOnSOqlHJpOxbxLDnkkT+yY97Jn06LJXDIBUYOfOnYO3tzdu376tNlatWjXs3LkTHTt21ENlREREVBj8tYDeKTc3F3PnzkWrVq00hr/PP/8cMTExDH9EREQSwQBI77R3714sXrxY7e6kcuXKYdeuXdi/fz+sra31VB0REREVFgMgvZOPjw/atGmjsqxly5a4du0afHx8eIcZERGRxDAA0juZmJhg9+7dKF++PExNTbF06VKcPn0atWvX1ndpREREVAS8CYQKpFatWtizZw+qVauGJk2a6LscIiIieg88AkgAgBcvXsDf3x8RERH5rtO9e3eGPyIiohKAAZBw8eJFuLq6YtOmTfD29kZ6erq+SyIiIqJixABoxPLy8rBw4UK4ubnh1q1bAID4+HhMnjxZz5URERFRcWIANFLx8fFo1aoV5s+fr/buwX379uHBgwd6qoyIiIiKGwOgkRFFEdu3b0ejRo1w/vx5tfEWLVrg6tWrqFGjhh6qIyIiIl1gADQiKSkp6NOnD0aMGIEXL16ojJmYmCAwMBBnzpyBvb29niokIiIiXTDIABgSEgIPDw84OzujX79+iI6OznfdW7duYfz48fDw8ICDgwN27typu0Il5OjRo3B2dkZYWJjamL29Pc6ePYt58+bB1JRPBiIiIirpDC4AhoeHIygoCAEBAQgNDYWjoyP8/PyQmpqqcf2srCzUqFEDU6dORaVKlXRcreHLzMxEQEAAPD09kZSUpDY+atQoREVFoXnz5nqojoiIiPTB4AJgcHAw+vfvj759+8Le3h6BgYGwsLDAgQMHNK7fsGFDzJgxA127doW5ubmOqzVsV65cQePGjbFx40a1sUqVKuGnn37C5s2bYWlpqYfqiIiISF8M6nxfTk4Orl+/jtGjRyuXyeVyuLm5ISoqqtjnFwQBgiAU+zy6cufOHdy8eVNtuaenJ7Zt2wZbW1tJf15BECCKoqQ/g7Fhz6SJfZMe9kyadNkvgwqAaWlpUCgUsLGxUVluY2OD27dvF/v8d+7cgUwmK/Z5dKVBgwbo27ev8uiphYUFZs6ciQEDBuD58+d4/vy5nit8f9nZ2YiPj9d3GVQI7Jk0sW/Sw55JjyiKOpvLoAKgvtWuXRtmZmb6LkOrtm/fjqioKFhbW2P37t1wcHDQd0laIwgC4uLiYGdnB7nc4K5mIA3YM2li36SHPZOm3NxcxMbG6mQugwqAVlZWMDExUbvhIzU1FRUrViz2+eVyuSS/KOnp6ShXrpzGsfLly+PEiROoUaNGiQu3ACCTySTbN2PFnkkT+yY97Jn06LJXBvW3wtzcHPXr10dERIRymSAIiIiIgKurqx4rM1zHjx+Hg4MDvvvuu3zXKYlHNomIiKjoDCoAAsCwYcOwf/9+hIaGIj4+HgsWLEBWVhb69OkDAJg+fTpWrlypXD8nJwc3btzAjRs3kJOTg6SkJNy4cQP37t3T10fQiaysLEycOBGdOnVCYmIixo4di/v37+u7LCIiIpIAgzoFDLy6Q/XJkydYu3YtUlJS4OTkhG3btilPAScmJqocIk1OTkavXr2UP+/YsQM7duzAJ598gj179ui6fJ24evUqhgwZgr/++ku57NmzZ/Dx8cHJkydhYmKix+qIiIjI0BlcAAQALy8veHl5aRz7b6irUaOGxkedlEQKhQKrVq3C7NmzkZubqzZuYWGBjIwMlC9fXg/VERERkVQYZAAkdffv34ePjw9Onz6tNmZhYYGvv/4aAQEBJeoxNkRERFQ8GAAl4LvvvsPYsWPx7NkztTFXV1eEhITAyclJD5URERGRFBncTSD0f9LS0jBo0CAMGTJELfzJZDLMnDkT58+fZ/gjIiKiQuERQAP122+/wcfHBw8ePFAb+/DDD7F79260bt1aD5URERGR1PEIoAFas2YN2rdvrzH8eXt749q1awx/REREVGQ8AmiAWrduDVNTU5U7fa2srLBp0yb0799fj5URERFRScAjgAaocePGWLhwofLnDh06ICYmhuGPiIiItIJHAA3UF198gVOnTsHT0xMTJkzguxyJiIhIaxgA9eiXX35B+/btYWqq3gYTExP88ssvfK4fERERaR0PK+nBs2fP4Ovri86dO2Pp0qX5rsfwR0RERMWBAVDHzpw5g0aNGmH37t0AgIULF+LChQt6roqIiIiMCQOgjuTk5GDWrFlo06YN7t27p1yuUCjg5eWF7OxsPVZHRERExoTXAL5BEAQIgqD1/d64cQPe3t6IiopSGytfvjzmz58Pc3PzYpm7JBMEAaIo8s9NQtgzaWLfpIc9kyZd9osB8A3JyckwMTHR2v5EUcTOnTuxePFijUf4Pv30U6xZswY1atTAo0ePtDavsRBFETk5OUhKSuL1khLBnkkT+yY97Jk0KRQKnc3FAPiGypUrw8zMTCv7SkxMhJ+fH3755Re1MTMzMyxatAhTpkzRauA0NoIgID09Hba2tnxMjkSwZ9LEvkkPeyZNubm5SE5O1slcDIBvkMvlWvmihIaGYuTIkUhNTVUbq1evHkJCQuDi4vLe89CrO6W11TfSDfZMmtg36WHPpEeXveLfCi1KT0+Hn58f+vTpozH8TZw4EZcvX2b4IyIiIr3iEUAtmjx5Mnbs2KG2vGrVqti5cyc+++wzPVRFREREpIpHALVo4cKFsLa2VlnWt29fxMTEMPwRERGRwWAA1KJq1aph8+bNAIBy5cph586d+N///gcbGxs9V0ZERET0f3gKWMs+//xzLF++HJ9//jlq166t73KIiIiI1PAIYCElJSVh5MiRePbsWb7rfPHFFwx/REREZLB4BLAQDh06hBEjRiAlJQXZ2dnYs2ePvksiIiIiKjQeASyAFy9eYPTo0ejZsydSUlIAAHv37sW+ffv0XBkRERFR4TEAvsPFixfh6uqKLVu2qI0FBgbq9LUtRERERNrAAJiPvLw8LFy4EG5ubrh165baeM+ePfHHH3/wVW5EREQkObwGUIO4uDh4e3vj/PnzamNly5bFN998g+HDh/MF20RERCRJBnsEMCQkBB4eHnB2dka/fv0QHR391vWPHj2Kzp07w9nZGd27d8fp06cLPacoiti+fTtcXFw0hr/mzZvj6tWr8PPzY/gjIiIiyTLIABgeHo6goCAEBAQgNDQUjo6O8PPz0/h+XQC4cuUKpk6dis8//xxhYWFo3749AgIC8M8//xRqXi8vL4wYMQIvXrxQWW5iYoIFCxbgzz//hL29fZE/FxEREZEhMMgAGBwcjP79+6Nv376wt7dHYGAgLCwscODAAY3r7969G61atcKIESNgZ2eHSZMmoV69eti7d2+h5g0PD1dbZm9vj7Nnz2L+/PkwNeUZcyIiIpI+gwuAOTk5uH79Otzc3JTL5HI53NzcEBUVpXGbq1ev4tNPP1VZ5u7ujqtXr75XLaNGjUJUVBSaN2/+XvshIiIiMiQGd0grLS0NCoVC7f25NjY2uH37tsZtHj9+jIoVK6qt//jx4wLNKYoiAKBMmTLKbdeuXQtPT08AQG5ubqE+A+mGIAgQBAG5ubmQyw3udxnSgD2TJvZNetgzaXqdN17nkuJkcAFQHwRBAPDqRpI3vevGEzIMsbGx+i6BCok9kyb2TXrYM2l6nUuKk8EFQCsrK5iYmKjd8JGamqp2lO+1ihUrqh3te9v6/2VqagpnZ2fI5XLe3UtERER6IYoiBEHQyT0HBhcAzc3NUb9+fURERKBDhw4AXiXhiIgIeHl5adzm9WNbhg4dqlx27tw5uLi4FGhOuVwOc3Pz9y2diIiISBIM8sKAYcOGYf/+/QgNDUV8fDwWLFiArKws9OnTBwAwffp0rFy5Urm+j48Pzpw5gx07diA+Ph7r1q1DbGxsvoGRiIiIyJgZ3BFAAPD09MSTJ0+wdu1apKSkwMnJCdu2bVOe0k1MTFS5qLVx48ZYsWIF1qxZg1WrVuGjjz7Chg0bULduXX19BCIiIiKDJRN1casJERERERkMgzwFTERERETFhwGQiIiIyMgwABIREREZGQZAIiIiIiNjNAEwJCQEHh4ecHZ2Rr9+/d75lo+jR4+ic+fOcHZ2Rvfu3XH69GkdVUpvKkzf9u/fj8GDB6NZs2Zo1qwZhg4dyre56EFhv2uvHTlyBA4ODhg7dmwxV0iaFLZvz58/R2BgINzd3dGgQQN06tSJ/07qWGF7tnPnTnTq1AkNGzZEmzZtsHTpUrx8+VJH1RIAXLp0CWPGjIG7uzscHBxw4sSJd25z4cIF9O7dGw0aNEDHjh1x8OBB7RQjGoEjR46I9evXF3/88Ufx1q1b4pw5c8SmTZuKjx8/1rh+ZGSk6OTkJG7dulWMi4sTV69eLdavX1+8efOmjis3boXt25QpU8S9e/eKf/31lxgXFyfOnDlTbNKkifjo0SMdV268Ctuz1xISEsRWrVqJgwcPFv39/XVULb1W2L69fPlS7NOnjzhy5Ejx8uXLYkJCgnjhwgXxxo0bOq7ceBW2Z4cOHRIbNGggHjp0SExISBDPnDkjtmzZUly6dKmOKzduv//+u7hq1Srx+PHjYt26dcVff/31revfv39fbNSokRgUFCTGxcWJe/bsEZ2cnMQ//vjjvWsxigD4+eefi4GBgcqfFQqF6O7uLm7evFnj+hMnThRHjRqlsqxfv37i3Llzi7VOUlXYvv1XXl6e6OrqKoaGhhZThfRfRelZXl6eOGDAAHH//v3ijBkzGAD1oLB9++6778T27duLOTk5uiqR/qOwPQsMDBR9fHxUlgUFBYkDBw4s1jopfwUJgMuXLxe7du2qsmzSpEni8OHD33v+En8KOCcnB9evX4ebm5tymVwuh5ubG6KiojRuc/XqVXz66acqy9zd3XH16tXiLJXeUJS+/VdWVhby8vJQvnz54iqT3lDUnm3YsAE2Njbo16+fLsqk/yhK306dOgUXFxcsXLgQbm5u6NatGzZt2gSFQqGrso1aUXrm6uqK69evK08TJyQk4PTp02jTpo1OaqaiKc48YpBvAtGmtLQ0KBQK2NjYqCy3sbHB7du3NW7z+PFj5VtH3lz/8ePHxVYnqSpK3/5rxYoVqFy5sso/klR8itKzy5cv48cff0RYWJgOKiRNitK3hIQEnD9/Ht27d8eWLVtw//59BAYGIi8vD+PGjdNF2UatKD3r3r070tLSMHjwYIiiiLy8PAwcOBBjxozRRclURJrySMWKFZGRkYHs7GxYWFgUed8l/gggGactW7YgPDwc69evR6lSpfRdDmmQkZGB6dOnY9GiRbC2ttZ3OVQIoijCxsYGixYtQoMGDeDp6YkxY8Zg3759+i6N8nHhwgVs3rwZ8+fPx8GDB7F+/XqcPn0aGzZs0HdppCcl/giglZUVTExMkJqaqrI8NTVVLVW/VrFiRbWjfW9bn7SvKH17bfv27diyZQuCg4Ph6OhYnGXSGwrbs4SEBPz777/w9/dXLhMEAQBQr149HDt2DLVq1SreoqlI37VKlSrB1NQUJiYmymV16tRBSkoKcnJyYG5uXqw1G7ui9Oybb75Bjx49lJdaODg4IDMzE/PmzYO/vz/kch4PMkSa8sjjx49haWn5Xkf/ACM4Amhubo769esjIiJCuUwQBERERMDV1VXjNi4uLjh//rzKsnPnzsHFxaU4S6U3FKVvALB161Zs3LgR27Ztg7Ozsy5Kpf+vsD2rU6cOfv75Z4SFhSn/8/DwQPPmzREWFoYqVarosnyjVZTvWuPGjXH//n1lYAeAu3fvolKlSgx/OlCUnmVnZ6uFvNcBXhTF4iuW3ktx5pESHwABYNiwYdi/fz9CQ0MRHx+PBQsWICsrC3369AEATJ8+HStXrlSu7+PjgzNnzmDHjh2Ij4/HunXrEBsbCy8vL319BKNU2L5t2bIF33zzDZYuXYrq1asjJSUFKSkpePHihb4+gtEpTM9KlSqFunXrqvz3wQcfoGzZsqhbty6DhA4V9rs2aNAgPH36FEuWLMGdO3fw+++/Y/PmzRgyZIi+PoLRKWzP2rVrh++//x5HjhxBQkICzp49i2+++Qbt2rVTOZJLxevFixe4ceMGbty4AQB48OABbty4gYcPHwIAVq5cienTpyvXHzhwIBISErB8+XLEx8cjJCQER48exdChQ9+7lhJ/ChgAPD098eTJE6xduxYpKSlwcnLCtm3blIfKExMTVX4zaty4MVasWIE1a9Zg1apV+Oijj7BhwwbUrVtXXx/BKBW2b/v27UNubi4mTJigsp9x48Zh/PjxOq3dWBW2Z2QYCtu3qlWrYvv27QgKCkKPHj1ga2sLHx8fjBw5Ul8fwegUtmf+/v6QyWRYs2YNkpKSYG1tjXbt2mHy5Mn6+ghGKTY2Fj4+Psqfg4KCAAC9e/fGsmXLkJKSgsTEROV4zZo1sXnzZgQFBWH37t2oUqUKFi9ejFatWr13LTKRx36JiIiIjAp/FSciIiIyMgyAREREREaGAZCIiIjIyDAAEhERERkZBkAiIiIiI8MASERERGRkGACJiIiIjAwDIBEREZGRYQAkIoNy8OBBNG3aVN9lvBcHBwecOHHirevMnDkTY8eO1VFFRESqGACJSOtmzpwJBwcHtf/u3bun79J04s8//0Tr1q0BvHrXp4ODg/Ldn6/Nnj0by5Yt00d573ThwgU4ODjg+fPn+i6FiIqJUbwLmIh0r1WrVsr3XL5mbW2tp2p0q1KlSu9cp1y5cjqoRFVOTg7Mzc11Pi8RGR4eASSiYmFubo5KlSqp/GdiYoLg4GB0794dLi4uaNOmDRYsWIAXL17ku5+///4b3t7ecHV1RePGjdGnTx/ExMQoxy9fvozBgwejYcOGaNOmDRYvXozMzMx897du3Tr07NkT+/btQ5s2bdCoUSNMnDgR6enpynUEQcD69evRunVrNGjQAD179sQff/yhHM/JycHChQvh7u4OZ2dntGvXDps3b1aOv3kKuH379gCAXr16wcHBAd7e3gBUTwH/8MMPcHd3hyAIKrX6+/tj1qxZyp9PnDiB3r17w9nZGe3bt8f69euRl5eX72d9Pce3334Ld3d3dO7cGQAQFhaGPn36wNXVFS1btsTUqVORmpoK4NURy9cvq2/WrBkcHBwwc+ZM5Z/L5s2b4eHhgYYNG6JHjx44duxYvvMTkeFiACQinZLJZJg9ezYOHz6MZcuW4fz58/j666/zXX/atGmoUqUKfvzxRxw8eBAjR46EmZkZAOD+/fsYOXIkPvvsMxw6dAirV69GZGQkFi1a9NYa7t+/j6NHj2LTpk3Ytm0bbty4gQULFijHd+/ejeDgYMyYMQOHDh2Cu7s7xo4di7t37wIA9uzZg1OnTmHNmjU4duwYvv76a1SvXl3jXP/73/8AADt37sSff/6JdevWqa3TuXNnPH36FBcuXFAue/r0Kc6cOYMePXoAeBV0Z8yYAR8fH4SHh2PhwoU4ePAgNm3a9NbPGhERgTt37iA4OFgZUvPy8jBx4kQcOnQIGzZswL///qsMeVWrVlXWeOzYMfz555+YPXs2AGDz5s0ICwtDYGAgjhw5gqFDh+KLL77AxYsX31oDERkgkYhIy2bMmCE6OTmJLi4uyv/Gjx+vcd2jR4+Kn3zyifLnAwcOiE2aNFH+7OrqKh48eFDjtl9++aU4d+5clWWXLl0SHR0dxezsbI3brF27VnRychIfPXqkXHb69GnR0dFRTE5OFkVRFN3d3cVvv/1WZbu+ffuKCxYsEEVRFBctWiT6+PiIgiBonKNu3brir7/+KoqiKCYkJIh169YV//rrL5V1ZsyYIfr7+yt/9vf3F2fNmqX8ed++faK7u7uoUChEURRFX19fcdOmTSr7CAsLE1u2bKmxhtdzuLm5iS9fvsx3HVEUxejoaLFu3bpiRkaGKIqieP78ebFu3bris2fPlOu8fPlSbNSokXjlyhWVbb/88ktxypQpb90/ERkeXgNIRMWiefPmKkfVSpcuDQA4d+4cNm/ejNu3byMjIwMKhQIvX75EVlaWcp03DRs2DHPmzMFPP/0ENzc3dO7cGbVq1QLw6vTwzZs38fPPPyvXF0URgiDgwYMHsLOz01hb1apVYWtrq/zZ1dUVgiDgzp07KF26NJKTk9G4cWOVbRo3boy///4bANC7d28MHz4cnTt3RqtWrdC2bVu4u7sX7Q/q/+vevTvmzp2LBQsWwNzcHD///DO6du0KuVyu/KxXrlxROeL3rj87AKhbt67adX+xsbFYv349/v77bzx79gyiKAIAEhMTYW9vr3E/9+7dQ1ZWFoYPH66yPDc3F05OTkX+3ESkHwyARFQsSpcujQ8//FBl2YMHDzB69GgMGjQIkydPRvny5REZGYnZs2cjNzdXY4gZP348unXrhtOnT+OPP/7A2rVrsXr1anTs2BGZmZkYOHCg8rq6N1WtWrXYPlv9+vVx8uRJ/PHHHzh37hwmTZoENzc3rF27tsj79PDwwJw5c/D777/D2dkZly9fVrn+LzMzE+PHj8dnn32mtm2pUqXy3e9//0wzMzPh5+cHd3d3rFixAlZWVkhMTISfnx9yc3Pz3c/r6yo3b96sEp4B8MYSIgliACQinbl+/TpEUcTMmTOVR7aOHj36zu1q166N2rVrY+jQoZgyZQoOHDiAjh07ol69eoiLi1MLmu+SmJiIpKQkZZC5evUq5HI5ateuDUtLS1SuXBlXrlzBJ598otzmypUraNiwofJnS0tLeHp6wtPTE506dcKIESPw9OlTVKhQQWWu19crKhSKt9ZUqlQpfPbZZ/j5559x79491K5dG/Xr11eO16tXD3fu3Cn0Z/2v27dv4+nTp5g2bZoyJMfGxr6zZjs7O5ibm+Phw4cqfy5EJE0MgESkMx9++CFyc3OxZ88eeHh4IDIyEvv27ct3/ezsbCxfvhydOnVCjRo18OjRI8TExCiPgo0cORIDBgzAwoUL0a9fP5QuXRpxcXE4d+4c5s2bl+9+S5UqhZkzZ2LGjBnIyMjA4sWL0aVLF+XjW/z8/LBu3TrUqlULjo6OOHjwIP7++2+sWLECABAcHIxKlSrByckJcrkcx44dQ6VKlfDBBx+ozWVjYwMLCwucOXMGVapUQalSpfJ9BEz37t0xevRo3Lp1S3nzx2sBAQEYM2YMqlWrhk6dOkEul+Pvv//GP//8g8mTJ7/9D/4N1apVg5mZGfbs2YNBgwbhn3/+wcaNG1XWqV69OmQyGX7//Xe0adMGpUqVgqWlJYYPH46goCCIoogmTZogPT0dV65cgaWlJXr37l3gGohI/xgAiUhnHB0dMWvWLGzduhWrVq1C06ZNMWXKFMyYMUPj+nK5HE+fPsWMGTPw+PFjWFlZ4bPPPsOECROU+9uzZw/WrFmDwYMHAwBq1qwJT0/Pt9ZRq1YtdOzYESNHjsSzZ8/Qtm1bzJ8/Xznu4+ODjIwMLFu2DE+ePIGdnR02btyIjz76CABQtmxZbNu2Dffu3YNcLoezszO2bNmiPKr5JlNTU8yZMwcbNmzA2rVr0bRpU+zZs0djXS1atED58uVx584ddO/eXWWsVatW2LRpEzZs2ICtW7fC1NQUderUQb9+/d76Wf/L2toay5Ytw6pVq7Bnzx7Ur18fM2bMgL+/v3IdW1tbjB8/HitXrsSsWbPQq1cvLFu2DJMmTYK1tTU2b96MBw8eoFy5cqhXrx7GjBlTqBqISP9k4uurf4mIjMC6detw4sQJ/PTTT/ouhYhIb/gcQCIiIiIjwwBIREREZGR4CpiIiIjIyPAIIBEREZGRYQAkIiIiMjIMgERERERGhgGQiIiIyMgwABIREREZGQZAIiIiIiPDAEhERERkZBgAiYiIiIwMAyARERGRkWEAJCIiIjIyDIBERERERoYBkIiIiMjIMAASERERGRkGQCIiIiIj8/8AREUoWyIiracAAAAASUVORK5CYII=" alt="roc_curves_from_prediction_statistics.png"></div> + + </div> + </body> + </html> + + \ No newline at end of file
--- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/test-data/render_config01.yml Tue Jan 07 22:45:18 2025 +0000 @@ -0,0 +1,26 @@ +input_features: +- name: '' + encoder: + type: passthrough + type: number +output_features: +- name: '' + decoder: + num_fc_layers: 0 + output_size: 256 + fc_dropout: 0.0 + type: classifier + loss: + type: softmax_cross_entropy + top_k: 3 + type: category +combiner: + type: concat +trainer: + batch_size: 128 + epochs: 100 + optimizer: + type: adam + learning_rate: 0.001 + early_stop: 5 +model_type: ecd
--- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/test-data/temp_description.json Tue Jan 07 22:45:18 2025 +0000 @@ -0,0 +1,868 @@ +{ + "command": "/home/ubuntu24/Galaxy-Ludwig/tools/ludwig_experiment.py --config /tmp/tmp0u6yc1yw/job_working_directory/000/3/working/config.yml --dataset /tmp/tmp0u6yc1yw/job_working_directory/000/3/working/temperature_la.csv --output_directory /tmp/tmp0u6yc1yw/job_working_directory/000/3/working --data_format csv --backend local --eval_split test --random_seed 42 --skip_save_unprocessed_output --skip_save_k_fold_split_indices", + "compute": { + "num_nodes": 1 + }, + "config": { + "backend": null, + "combiner": { + "activation": "relu", + "bias_initializer": "zeros", + "dropout": 0.0, + "fc_layers": null, + "flatten_inputs": false, + "norm": null, + "norm_params": null, + "num_fc_layers": 0, + "output_size": 256, + "residual": false, + "type": "concat", + "use_bias": true, + "weights_initializer": "xavier_uniform" + }, + "defaults": { + "audio": { + "encoder": { + "activation": "relu", + "bias_initializer": "zeros", + "conv_layers": null, + "dropout": 0.0, + "embedding_size": 256, + "embeddings_on_cpu": false, + "embeddings_trainable": true, + "fc_layers": null, + "filter_size": 3, + "max_sequence_length": null, + "norm": null, + "norm_params": null, + "num_conv_layers": null, + "num_fc_layers": null, + "num_filters": 256, + "output_size": 256, + "pool_function": "max", + "pool_size": null, + "pretrained_embeddings": null, + "reduce_output": "sum", + "representation": "dense", + "should_embed": true, + "skip": false, + "type": "parallel_cnn", + "use_bias": true, + "vocab": null, + "weights_initializer": "xavier_uniform" + }, + "preprocessing": { + "audio_file_length_limit_in_s": 7.5, + "computed_fill_value": null, + "fill_value": null, + "in_memory": true, + "missing_value_strategy": "bfill", + "norm": null, + "num_fft_points": null, + "num_filter_bands": 80, + "padding_value": 0.0, + "type": "fbank", + "window_length_in_s": 0.04, + "window_shift_in_s": 0.02, + "window_type": "hamming" + } + }, + "bag": { + "encoder": { + "activation": "relu", + "bias_initializer": "zeros", + "dropout": 0.0, + "embedding_size": 50, + "embeddings_on_cpu": false, + "embeddings_trainable": true, + "fc_layers": null, + "force_embedding_size": false, + "norm": null, + "norm_params": null, + "num_fc_layers": 0, + "output_size": 10, + "pretrained_embeddings": null, + "representation": "dense", + "skip": false, + "type": "embed", + "use_bias": true, + "vocab": null, + "weights_initializer": "xavier_uniform" + }, + "preprocessing": { + "computed_fill_value": "<UNK>", + "fill_value": "<UNK>", + "lowercase": false, + "missing_value_strategy": "fill_with_const", + "most_common": 10000, + "tokenizer": "space" + } + }, + "binary": { + "decoder": { + "bias_initializer": "zeros", + "fc_activation": "relu", + "fc_bias_initializer": "zeros", + "fc_dropout": 0.0, + "fc_layers": null, + "fc_norm": null, + "fc_norm_params": null, + "fc_output_size": 256, + "fc_use_bias": true, + "fc_weights_initializer": "xavier_uniform", + "input_size": null, + "num_fc_layers": 0, + "type": "regressor", + "use_bias": true, + "weights_initializer": "xavier_uniform" + }, + "encoder": { + "skip": false, + "type": "passthrough" + }, + "loss": { + "confidence_penalty": 0, + "positive_class_weight": null, + "robust_lambda": 0, + "type": "binary_weighted_cross_entropy", + "weight": 1.0 + }, + "preprocessing": { + "computed_fill_value": null, + "fallback_true_label": null, + "fill_value": null, + "missing_value_strategy": "fill_with_false" + } + }, + "category": { + "decoder": { + "bias_initializer": "zeros", + "fc_activation": "relu", + "fc_bias_initializer": "zeros", + "fc_dropout": 0.0, + "fc_layers": null, + "fc_norm": null, + "fc_norm_params": null, + "fc_output_size": 256, + "fc_use_bias": true, + "fc_weights_initializer": "xavier_uniform", + "input_size": null, + "num_classes": null, + "num_fc_layers": 0, + "type": "classifier", + "use_bias": true, + "weights_initializer": "xavier_uniform" + }, + "encoder": { + "dropout": 0.0, + "embedding_initializer": null, + "embedding_size": 50, + "embeddings_on_cpu": false, + "embeddings_trainable": true, + "pretrained_embeddings": null, + "skip": false, + "type": "dense", + "vocab": null + }, + "loss": { + "class_similarities": null, + "class_similarities_temperature": 0, + "class_weights": null, + "confidence_penalty": 0, + "robust_lambda": 0, + "type": "softmax_cross_entropy", + "weight": 1.0 + }, + "preprocessing": { + "cache_encoder_embeddings": false, + "computed_fill_value": "<UNK>", + "fill_value": "<UNK>", + "lowercase": false, + "missing_value_strategy": "fill_with_const", + "most_common": 10000 + } + }, + "date": { + "encoder": { + "activation": "relu", + "bias_initializer": "zeros", + "dropout": 0.0, + "embedding_size": 10, + "embeddings_on_cpu": false, + "fc_layers": null, + "norm": null, + "norm_params": null, + "num_fc_layers": 0, + "output_size": 10, + "skip": false, + "type": "embed", + "use_bias": true, + "weights_initializer": "xavier_uniform" + }, + "preprocessing": { + "computed_fill_value": "", + "datetime_format": null, + "fill_value": "", + "missing_value_strategy": "fill_with_const" + } + }, + "h3": { + "encoder": { + "activation": "relu", + "bias_initializer": "zeros", + "dropout": 0.0, + "embedding_size": 10, + "embeddings_on_cpu": false, + "fc_layers": null, + "norm": null, + "norm_params": null, + "num_fc_layers": 0, + "output_size": 10, + "reduce_output": "sum", + "skip": false, + "type": "embed", + "use_bias": true, + "weights_initializer": "xavier_uniform" + }, + "preprocessing": { + "computed_fill_value": 576495936675512319, + "fill_value": 576495936675512319, + "missing_value_strategy": "fill_with_const" + } + }, + "image": { + "augmentation": [], + "decoder": { + "conv_norm": "batch", + "fc_activation": "relu", + "fc_bias_initializer": "zeros", + "fc_dropout": 0.0, + "fc_layers": null, + "fc_norm": null, + "fc_norm_params": null, + "fc_output_size": 256, + "fc_use_bias": true, + "fc_weights_initializer": "xavier_uniform", + "height": null, + "input_size": 1024, + "num_channels": null, + "num_classes": null, + "num_fc_layers": 0, + "type": "unet", + "width": null + }, + "encoder": { + "conv_activation": "relu", + "conv_dropout": 0.0, + "conv_layers": null, + "conv_norm": null, + "conv_norm_params": null, + "conv_use_bias": true, + "dilation": 1, + "fc_activation": "relu", + "fc_bias_initializer": "zeros", + "fc_dropout": 0.0, + "fc_layers": null, + "fc_norm": null, + "fc_norm_params": null, + "fc_use_bias": true, + "fc_weights_initializer": "xavier_uniform", + "groups": 1, + "height": null, + "kernel_size": 3, + "num_channels": null, + "num_conv_layers": null, + "num_fc_layers": 1, + "out_channels": 32, + "output_size": 128, + "padding": "valid", + "padding_mode": "zeros", + "pool_dilation": 1, + "pool_function": "max", + "pool_kernel_size": 2, + "pool_padding": 0, + "pool_stride": null, + "skip": false, + "stride": 1, + "type": "stacked_cnn", + "width": null + }, + "loss": { + "class_similarities": null, + "class_similarities_temperature": 0, + "class_weights": null, + "confidence_penalty": 0, + "robust_lambda": 0, + "type": "softmax_cross_entropy", + "weight": 1.0 + }, + "preprocessing": { + "computed_fill_value": null, + "fill_value": null, + "height": null, + "in_memory": true, + "infer_image_dimensions": true, + "infer_image_max_height": 256, + "infer_image_max_width": 256, + "infer_image_num_channels": true, + "infer_image_num_classes": false, + "infer_image_sample_size": 100, + "missing_value_strategy": "bfill", + "num_channels": null, + "num_classes": null, + "num_processes": 1, + "requires_equal_dimensions": false, + "resize_method": "interpolate", + "standardize_image": null, + "width": null + } + }, + "number": { + "decoder": { + "bias_initializer": "zeros", + "fc_activation": "relu", + "fc_bias_initializer": "zeros", + "fc_dropout": 0.0, + "fc_layers": null, + "fc_norm": null, + "fc_norm_params": null, + "fc_output_size": 256, + "fc_use_bias": true, + "fc_weights_initializer": "xavier_uniform", + "input_size": null, + "num_fc_layers": 0, + "type": "regressor", + "use_bias": true, + "weights_initializer": "xavier_uniform" + }, + "encoder": { + "skip": false, + "type": "passthrough" + }, + "loss": { + "type": "mean_squared_error", + "weight": 1.0 + }, + "preprocessing": { + "computed_fill_value": 0.0, + "computed_outlier_fill_value": 0.0, + "fill_value": 0.0, + "missing_value_strategy": "fill_with_const", + "normalization": "zscore", + "outlier_strategy": null, + "outlier_threshold": 3.0 + } + }, + "sequence": { + "decoder": { + "cell_type": "gru", + "fc_activation": "relu", + "fc_bias_initializer": "zeros", + "fc_dropout": 0.0, + "fc_layers": null, + "fc_norm": null, + "fc_norm_params": null, + "fc_output_size": 256, + "fc_use_bias": true, + "fc_weights_initializer": "xavier_uniform", + "input_size": 256, + "max_sequence_length": null, + "num_fc_layers": 0, + "num_layers": 1, + "reduce_input": "sum", + "type": "generator", + "vocab_size": null + }, + "encoder": { + "dropout": 0.0, + "embedding_size": 256, + "embeddings_on_cpu": false, + "embeddings_trainable": true, + "max_sequence_length": null, + "pretrained_embeddings": null, + "reduce_output": "sum", + "representation": "dense", + "skip": false, + "type": "embed", + "vocab": null, + "weights_initializer": "uniform" + }, + "loss": { + "class_similarities": null, + "class_similarities_temperature": 0, + "class_weights": null, + "confidence_penalty": 0, + "robust_lambda": 0, + "type": "sequence_softmax_cross_entropy", + "unique": false, + "weight": 1.0 + }, + "preprocessing": { + "cache_encoder_embeddings": false, + "computed_fill_value": "<UNK>", + "fill_value": "<UNK>", + "lowercase": false, + "max_sequence_length": 256, + "missing_value_strategy": "fill_with_const", + "most_common": 20000, + "ngram_size": 2, + "padding": "right", + "padding_symbol": "<PAD>", + "sequence_length": null, + "tokenizer": "space", + "unknown_symbol": "<UNK>", + "vocab_file": null + } + }, + "set": { + "decoder": { + "bias_initializer": "zeros", + "fc_activation": "relu", + "fc_bias_initializer": "zeros", + "fc_dropout": 0.0, + "fc_layers": null, + "fc_norm": null, + "fc_norm_params": null, + "fc_output_size": 256, + "fc_use_bias": true, + "fc_weights_initializer": "xavier_uniform", + "input_size": null, + "num_classes": null, + "num_fc_layers": 0, + "type": "classifier", + "use_bias": true, + "weights_initializer": "xavier_uniform" + }, + "encoder": { + "activation": "relu", + "bias_initializer": "zeros", + "dropout": 0.0, + "embedding_size": 50, + "embeddings_on_cpu": false, + "embeddings_trainable": true, + "fc_layers": null, + "norm": null, + "norm_params": null, + "num_fc_layers": 0, + "output_size": 10, + "pretrained_embeddings": null, + "representation": "dense", + "skip": false, + "type": "embed", + "use_bias": true, + "vocab": null, + "weights_initializer": "xavier_uniform" + }, + "loss": { + "class_weights": null, + "type": "sigmoid_cross_entropy", + "weight": 1.0 + }, + "preprocessing": { + "computed_fill_value": "<UNK>", + "fill_value": "<UNK>", + "lowercase": false, + "missing_value_strategy": "fill_with_const", + "most_common": 10000, + "tokenizer": "space" + } + }, + "text": { + "decoder": { + "cell_type": "gru", + "fc_activation": "relu", + "fc_bias_initializer": "zeros", + "fc_dropout": 0.0, + "fc_layers": null, + "fc_norm": null, + "fc_norm_params": null, + "fc_output_size": 256, + "fc_use_bias": true, + "fc_weights_initializer": "xavier_uniform", + "input_size": 256, + "max_sequence_length": null, + "num_fc_layers": 0, + "num_layers": 1, + "reduce_input": "sum", + "type": "generator", + "vocab_size": null + }, + "encoder": { + "activation": "relu", + "bias_initializer": "zeros", + "conv_layers": null, + "dropout": 0.0, + "embedding_size": 256, + "embeddings_on_cpu": false, + "embeddings_trainable": true, + "fc_layers": null, + "filter_size": 3, + "max_sequence_length": null, + "norm": null, + "norm_params": null, + "num_conv_layers": null, + "num_fc_layers": null, + "num_filters": 256, + "output_size": 256, + "pool_function": "max", + "pool_size": null, + "pretrained_embeddings": null, + "reduce_output": "sum", + "representation": "dense", + "should_embed": true, + "skip": false, + "type": "parallel_cnn", + "use_bias": true, + "vocab": null, + "weights_initializer": "xavier_uniform" + }, + "loss": { + "class_similarities": null, + "class_similarities_temperature": 0, + "class_weights": null, + "confidence_penalty": 0, + "robust_lambda": 0, + "type": "sequence_softmax_cross_entropy", + "unique": false, + "weight": 1.0 + }, + "preprocessing": { + "cache_encoder_embeddings": false, + "compute_idf": false, + "computed_fill_value": "<UNK>", + "fill_value": "<UNK>", + "lowercase": false, + "max_sequence_length": 256, + "missing_value_strategy": "fill_with_const", + "most_common": 20000, + "ngram_size": 2, + "padding": "right", + "padding_symbol": "<PAD>", + "pretrained_model_name_or_path": null, + "prompt": { + "retrieval": { + "index_name": null, + "k": 0, + "model_name": null, + "type": null + }, + "task": null, + "template": null + }, + "sequence_length": null, + "tokenizer": "space_punct", + "unknown_symbol": "<UNK>", + "vocab_file": null + } + }, + "timeseries": { + "decoder": { + "activation": null, + "bias_initializer": "zeros", + "clip": null, + "fc_activation": "relu", + "fc_bias_initializer": "zeros", + "fc_dropout": 0.0, + "fc_layers": null, + "fc_norm": null, + "fc_norm_params": null, + "fc_output_size": 256, + "fc_use_bias": true, + "fc_weights_initializer": "xavier_uniform", + "input_size": null, + "multiplier": 1.0, + "num_fc_layers": 0, + "output_size": null, + "type": "projector", + "use_bias": true, + "weights_initializer": "xavier_uniform" + }, + "encoder": { + "activation": "relu", + "bias_initializer": "zeros", + "conv_layers": null, + "dropout": 0.0, + "embedding_size": 256, + "embeddings_on_cpu": false, + "embeddings_trainable": true, + "fc_layers": null, + "filter_size": 3, + "max_sequence_length": null, + "norm": null, + "norm_params": null, + "num_conv_layers": null, + "num_fc_layers": null, + "num_filters": 256, + "output_size": 256, + "pool_function": "max", + "pool_size": null, + "pretrained_embeddings": null, + "reduce_output": "sum", + "representation": "dense", + "should_embed": true, + "skip": false, + "type": "parallel_cnn", + "use_bias": true, + "vocab": null, + "weights_initializer": "xavier_uniform" + }, + "loss": { + "delta": 1.0, + "type": "huber", + "weight": 1.0 + }, + "preprocessing": { + "computed_fill_value": "", + "fill_value": "", + "missing_value_strategy": "fill_with_const", + "padding": "right", + "padding_value": 0.0, + "timeseries_length_limit": 256, + "tokenizer": "space", + "window_size": 0 + } + }, + "vector": { + "decoder": { + "activation": null, + "bias_initializer": "zeros", + "clip": null, + "fc_activation": "relu", + "fc_bias_initializer": "zeros", + "fc_dropout": 0.0, + "fc_layers": null, + "fc_norm": null, + "fc_norm_params": null, + "fc_output_size": 256, + "fc_use_bias": true, + "fc_weights_initializer": "xavier_uniform", + "input_size": null, + "multiplier": 1.0, + "num_fc_layers": 0, + "output_size": null, + "type": "projector", + "use_bias": true, + "weights_initializer": "xavier_uniform" + }, + "encoder": { + "activation": "relu", + "bias_initializer": "zeros", + "dropout": 0.0, + "fc_layers": null, + "input_size": null, + "norm": null, + "norm_params": null, + "num_layers": 1, + "output_size": 256, + "skip": false, + "type": "dense", + "use_bias": true, + "weights_initializer": "xavier_uniform" + }, + "loss": { + "type": "mean_squared_error", + "weight": 1.0 + }, + "preprocessing": { + "computed_fill_value": "", + "fill_value": "", + "missing_value_strategy": "fill_with_const", + "vector_size": null + } + } + }, + "hyperopt": null, + "input_features": [ + { + "active": true, + "column": "temperature_feature", + "encoder": { + "activation": "tanh", + "bias_initializer": "zeros", + "bidirectional": false, + "cell_type": "rnn", + "dropout": 0.0, + "embedding_size": 32, + "embeddings_on_cpu": false, + "embeddings_trainable": true, + "fc_activation": "relu", + "fc_dropout": 0.0, + "fc_layers": null, + "max_sequence_length": null, + "norm": null, + "norm_params": null, + "num_fc_layers": 0, + "num_layers": 1, + "output_size": 256, + "pretrained_embeddings": null, + "recurrent_activation": "sigmoid", + "recurrent_dropout": 0.0, + "recurrent_initializer": "orthogonal", + "reduce_output": "last", + "representation": "dense", + "should_embed": true, + "skip": false, + "state_size": 32, + "type": "rnn", + "unit_forget_bias": true, + "use_bias": true, + "vocab": null, + "weights_initializer": "xavier_uniform" + }, + "name": "temperature_feature", + "preprocessing": { + "cache_encoder_embeddings": false, + "computed_fill_value": "", + "fill_value": "", + "missing_value_strategy": "fill_with_const", + "padding": "right", + "padding_value": 0.0, + "timeseries_length_limit": 256, + "tokenizer": "space", + "window_size": 0 + }, + "proc_column": "temperature_feature_XJMv7q", + "tied": null, + "type": "timeseries" + } + ], + "ludwig_version": "0.10.1", + "model_type": "ecd", + "output_features": [ + { + "active": true, + "clip": null, + "column": "temperature", + "decoder": { + "bias_initializer": "zeros", + "fc_activation": "relu", + "fc_bias_initializer": "zeros", + "fc_dropout": 0.0, + "fc_layers": null, + "fc_norm": null, + "fc_norm_params": null, + "fc_output_size": 256, + "fc_use_bias": true, + "fc_weights_initializer": "xavier_uniform", + "input_size": null, + "num_fc_layers": 0, + "type": "regressor", + "use_bias": true, + "weights_initializer": "xavier_uniform" + }, + "default_validation_metric": "mean_squared_error", + "dependencies": [], + "input_size": null, + "loss": { + "type": "mean_squared_error", + "weight": 1.0 + }, + "name": "temperature", + "num_classes": null, + "preprocessing": { + "computed_fill_value": 0.0, + "computed_outlier_fill_value": 0.0, + "fill_value": 0.0, + "missing_value_strategy": "drop_row", + "normalization": null, + "outlier_strategy": null, + "outlier_threshold": 3.0 + }, + "proc_column": "temperature_VO1XAD", + "reduce_dependencies": "sum", + "reduce_input": "sum", + "type": "number" + } + ], + "preprocessing": { + "global_max_sequence_length": null, + "oversample_minority": null, + "sample_ratio": 1.0, + "sample_size": null, + "split": { + "probabilities": [ + 0.7, + 0.1, + 0.2 + ], + "type": "random" + }, + "undersample_majority": null + }, + "trainer": { + "batch_size": "auto", + "bucketing_field": null, + "checkpoints_per_epoch": 0, + "compile": false, + "early_stop": 5, + "effective_batch_size": "auto", + "enable_gradient_checkpointing": false, + "enable_profiling": false, + "epochs": 2, + "eval_batch_size": null, + "eval_steps": null, + "evaluate_training_set": false, + "gradient_accumulation_steps": "auto", + "gradient_clipping": { + "clipglobalnorm": 0.5, + "clipnorm": null, + "clipvalue": null + }, + "increase_batch_size_eval_metric": "loss", + "increase_batch_size_eval_split": "training", + "increase_batch_size_on_plateau": 0, + "increase_batch_size_on_plateau_patience": 5, + "increase_batch_size_on_plateau_rate": 2.0, + "learning_rate": 0.001, + "learning_rate_scaling": "linear", + "learning_rate_scheduler": { + "decay": null, + "decay_rate": 0.96, + "decay_steps": 10000, + "eta_min": 0, + "reduce_eval_metric": "loss", + "reduce_eval_split": "training", + "reduce_on_plateau": 0, + "reduce_on_plateau_patience": 10, + "reduce_on_plateau_rate": 0.1, + "staircase": false, + "t_0": null, + "t_mult": 1, + "warmup_evaluations": 0, + "warmup_fraction": 0.0 + }, + "max_batch_size": 1099511627776, + "optimizer": { + "amsgrad": false, + "betas": [ + 0.9, + 0.999 + ], + "eps": 1e-08, + "type": "adam", + "weight_decay": 0.0 + }, + "profiler": { + "active": 3, + "repeat": 5, + "skip_first": 0, + "wait": 1, + "warmup": 1 + }, + "regularization_lambda": 0.0, + "regularization_type": "l2", + "should_shuffle": true, + "skip_all_evaluation": false, + "steps_per_checkpoint": 0, + "train_steps": null, + "use_mixed_precision": false, + "validation_field": "temperature", + "validation_metric": "mean_squared_error" + } + }, + "data_format": "csv", + "dataset": "/tmp/tmp0u6yc1yw/job_working_directory/000/3/working/temperature_la.csv", + "ludwig_version": "0.10.1", + "random_seed": 42, + "torch_version": "2.1.0+cu118" +} \ No newline at end of file
--- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/test-data/temp_model01/ludwig_model.html Tue Jan 07 22:45:18 2025 +0000 @@ -0,0 +1,7 @@ +<html><head><title>Ludwig Model Composite Dataset.</title></head><p/> +<div>This model dataset is composed of the following items:<p/><ul> +<li><a href="model_hyperparameters.json" type="text/plain">model_hyperparameters.json (Model hyperparameters)</a></li> +<li><a href="model_weights" type="text/plain">model_weights (Model weights)</a></li> +<li><a href="training_set_metadata.json" type="text/plain">training_set_metadata.json (Training set metadata)</a></li> +<li><a href="training_progress.json" type="text/plain">training_progress.json (Training progress)</a> (optional)</li> +</ul></div></html> \ No newline at end of file
--- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/test-data/temp_model01/model_hyperparameters.json Tue Jan 07 22:45:18 2025 +0000 @@ -0,0 +1,859 @@ +{ + "backend": null, + "combiner": { + "activation": "relu", + "bias_initializer": "zeros", + "dropout": 0.0, + "fc_layers": null, + "flatten_inputs": false, + "norm": null, + "norm_params": null, + "num_fc_layers": 0, + "output_size": 256, + "residual": false, + "type": "concat", + "use_bias": true, + "weights_initializer": "xavier_uniform" + }, + "defaults": { + "audio": { + "encoder": { + "activation": "relu", + "bias_initializer": "zeros", + "conv_layers": null, + "dropout": 0.0, + "embedding_size": 256, + "embeddings_on_cpu": false, + "embeddings_trainable": true, + "fc_layers": null, + "filter_size": 3, + "max_sequence_length": null, + "norm": null, + "norm_params": null, + "num_conv_layers": null, + "num_fc_layers": null, + "num_filters": 256, + "output_size": 256, + "pool_function": "max", + "pool_size": null, + "pretrained_embeddings": null, + "reduce_output": "sum", + "representation": "dense", + "should_embed": true, + "skip": false, + "type": "parallel_cnn", + "use_bias": true, + "vocab": null, + "weights_initializer": "xavier_uniform" + }, + "preprocessing": { + "audio_file_length_limit_in_s": 7.5, + "computed_fill_value": null, + "fill_value": null, + "in_memory": true, + "missing_value_strategy": "bfill", + "norm": null, + "num_fft_points": null, + "num_filter_bands": 80, + "padding_value": 0.0, + "type": "fbank", + "window_length_in_s": 0.04, + "window_shift_in_s": 0.02, + "window_type": "hamming" + } + }, + "bag": { + "encoder": { + "activation": "relu", + "bias_initializer": "zeros", + "dropout": 0.0, + "embedding_size": 50, + "embeddings_on_cpu": false, + "embeddings_trainable": true, + "fc_layers": null, + "force_embedding_size": false, + "norm": null, + "norm_params": null, + "num_fc_layers": 0, + "output_size": 10, + "pretrained_embeddings": null, + "representation": "dense", + "skip": false, + "type": "embed", + "use_bias": true, + "vocab": null, + "weights_initializer": "xavier_uniform" + }, + "preprocessing": { + "computed_fill_value": "<UNK>", + "fill_value": "<UNK>", + "lowercase": false, + "missing_value_strategy": "fill_with_const", + "most_common": 10000, + "tokenizer": "space" + } + }, + "binary": { + "decoder": { + "bias_initializer": "zeros", + "fc_activation": "relu", + "fc_bias_initializer": "zeros", + "fc_dropout": 0.0, + "fc_layers": null, + "fc_norm": null, + "fc_norm_params": null, + "fc_output_size": 256, + "fc_use_bias": true, + "fc_weights_initializer": "xavier_uniform", + "input_size": null, + "num_fc_layers": 0, + "type": "regressor", + "use_bias": true, + "weights_initializer": "xavier_uniform" + }, + "encoder": { + "skip": false, + "type": "passthrough" + }, + "loss": { + "confidence_penalty": 0, + "positive_class_weight": null, + "robust_lambda": 0, + "type": "binary_weighted_cross_entropy", + "weight": 1.0 + }, + "preprocessing": { + "computed_fill_value": null, + "fallback_true_label": null, + "fill_value": null, + "missing_value_strategy": "fill_with_false" + } + }, + "category": { + "decoder": { + "bias_initializer": "zeros", + "fc_activation": "relu", + "fc_bias_initializer": "zeros", + "fc_dropout": 0.0, + "fc_layers": null, + "fc_norm": null, + "fc_norm_params": null, + "fc_output_size": 256, + "fc_use_bias": true, + "fc_weights_initializer": "xavier_uniform", + "input_size": null, + "num_classes": null, + "num_fc_layers": 0, + "type": "classifier", + "use_bias": true, + "weights_initializer": "xavier_uniform" + }, + "encoder": { + "dropout": 0.0, + "embedding_initializer": null, + "embedding_size": 50, + "embeddings_on_cpu": false, + "embeddings_trainable": true, + "pretrained_embeddings": null, + "skip": false, + "type": "dense", + "vocab": null + }, + "loss": { + "class_similarities": null, + "class_similarities_temperature": 0, + "class_weights": null, + "confidence_penalty": 0, + "robust_lambda": 0, + "type": "softmax_cross_entropy", + "weight": 1.0 + }, + "preprocessing": { + "cache_encoder_embeddings": false, + "computed_fill_value": "<UNK>", + "fill_value": "<UNK>", + "lowercase": false, + "missing_value_strategy": "fill_with_const", + "most_common": 10000 + } + }, + "date": { + "encoder": { + "activation": "relu", + "bias_initializer": "zeros", + "dropout": 0.0, + "embedding_size": 10, + "embeddings_on_cpu": false, + "fc_layers": null, + "norm": null, + "norm_params": null, + "num_fc_layers": 0, + "output_size": 10, + "skip": false, + "type": "embed", + "use_bias": true, + "weights_initializer": "xavier_uniform" + }, + "preprocessing": { + "computed_fill_value": "", + "datetime_format": null, + "fill_value": "", + "missing_value_strategy": "fill_with_const" + } + }, + "h3": { + "encoder": { + "activation": "relu", + "bias_initializer": "zeros", + "dropout": 0.0, + "embedding_size": 10, + "embeddings_on_cpu": false, + "fc_layers": null, + "norm": null, + "norm_params": null, + "num_fc_layers": 0, + "output_size": 10, + "reduce_output": "sum", + "skip": false, + "type": "embed", + "use_bias": true, + "weights_initializer": "xavier_uniform" + }, + "preprocessing": { + "computed_fill_value": 576495936675512319, + "fill_value": 576495936675512319, + "missing_value_strategy": "fill_with_const" + } + }, + "image": { + "augmentation": [], + "decoder": { + "conv_norm": "batch", + "fc_activation": "relu", + "fc_bias_initializer": "zeros", + "fc_dropout": 0.0, + "fc_layers": null, + "fc_norm": null, + "fc_norm_params": null, + "fc_output_size": 256, + "fc_use_bias": true, + "fc_weights_initializer": "xavier_uniform", + "height": null, + "input_size": 1024, + "num_channels": null, + "num_classes": null, + "num_fc_layers": 0, + "type": "unet", + "width": null + }, + "encoder": { + "conv_activation": "relu", + "conv_dropout": 0.0, + "conv_layers": null, + "conv_norm": null, + "conv_norm_params": null, + "conv_use_bias": true, + "dilation": 1, + "fc_activation": "relu", + "fc_bias_initializer": "zeros", + "fc_dropout": 0.0, + "fc_layers": null, + "fc_norm": null, + "fc_norm_params": null, + "fc_use_bias": true, + "fc_weights_initializer": "xavier_uniform", + "groups": 1, + "height": null, + "kernel_size": 3, + "num_channels": null, + "num_conv_layers": null, + "num_fc_layers": 1, + "out_channels": 32, + "output_size": 128, + "padding": "valid", + "padding_mode": "zeros", + "pool_dilation": 1, + "pool_function": "max", + "pool_kernel_size": 2, + "pool_padding": 0, + "pool_stride": null, + "skip": false, + "stride": 1, + "type": "stacked_cnn", + "width": null + }, + "loss": { + "class_similarities": null, + "class_similarities_temperature": 0, + "class_weights": null, + "confidence_penalty": 0, + "robust_lambda": 0, + "type": "softmax_cross_entropy", + "weight": 1.0 + }, + "preprocessing": { + "computed_fill_value": null, + "fill_value": null, + "height": null, + "in_memory": true, + "infer_image_dimensions": true, + "infer_image_max_height": 256, + "infer_image_max_width": 256, + "infer_image_num_channels": true, + "infer_image_num_classes": false, + "infer_image_sample_size": 100, + "missing_value_strategy": "bfill", + "num_channels": null, + "num_classes": null, + "num_processes": 1, + "requires_equal_dimensions": false, + "resize_method": "interpolate", + "standardize_image": null, + "width": null + } + }, + "number": { + "decoder": { + "bias_initializer": "zeros", + "fc_activation": "relu", + "fc_bias_initializer": "zeros", + "fc_dropout": 0.0, + "fc_layers": null, + "fc_norm": null, + "fc_norm_params": null, + "fc_output_size": 256, + "fc_use_bias": true, + "fc_weights_initializer": "xavier_uniform", + "input_size": null, + "num_fc_layers": 0, + "type": "regressor", + "use_bias": true, + "weights_initializer": "xavier_uniform" + }, + "encoder": { + "skip": false, + "type": "passthrough" + }, + "loss": { + "type": "mean_squared_error", + "weight": 1.0 + }, + "preprocessing": { + "computed_fill_value": 0.0, + "computed_outlier_fill_value": 0.0, + "fill_value": 0.0, + "missing_value_strategy": "fill_with_const", + "normalization": "zscore", + "outlier_strategy": null, + "outlier_threshold": 3.0 + } + }, + "sequence": { + "decoder": { + "cell_type": "gru", + "fc_activation": "relu", + "fc_bias_initializer": "zeros", + "fc_dropout": 0.0, + "fc_layers": null, + "fc_norm": null, + "fc_norm_params": null, + "fc_output_size": 256, + "fc_use_bias": true, + "fc_weights_initializer": "xavier_uniform", + "input_size": 256, + "max_sequence_length": null, + "num_fc_layers": 0, + "num_layers": 1, + "reduce_input": "sum", + "type": "generator", + "vocab_size": null + }, + "encoder": { + "dropout": 0.0, + "embedding_size": 256, + "embeddings_on_cpu": false, + "embeddings_trainable": true, + "max_sequence_length": null, + "pretrained_embeddings": null, + "reduce_output": "sum", + "representation": "dense", + "skip": false, + "type": "embed", + "vocab": null, + "weights_initializer": "uniform" + }, + "loss": { + "class_similarities": null, + "class_similarities_temperature": 0, + "class_weights": null, + "confidence_penalty": 0, + "robust_lambda": 0, + "type": "sequence_softmax_cross_entropy", + "unique": false, + "weight": 1.0 + }, + "preprocessing": { + "cache_encoder_embeddings": false, + "computed_fill_value": "<UNK>", + "fill_value": "<UNK>", + "lowercase": false, + "max_sequence_length": 256, + "missing_value_strategy": "fill_with_const", + "most_common": 20000, + "ngram_size": 2, + "padding": "right", + "padding_symbol": "<PAD>", + "sequence_length": null, + "tokenizer": "space", + "unknown_symbol": "<UNK>", + "vocab_file": null + } + }, + "set": { + "decoder": { + "bias_initializer": "zeros", + "fc_activation": "relu", + "fc_bias_initializer": "zeros", + "fc_dropout": 0.0, + "fc_layers": null, + "fc_norm": null, + "fc_norm_params": null, + "fc_output_size": 256, + "fc_use_bias": true, + "fc_weights_initializer": "xavier_uniform", + "input_size": null, + "num_classes": null, + "num_fc_layers": 0, + "type": "classifier", + "use_bias": true, + "weights_initializer": "xavier_uniform" + }, + "encoder": { + "activation": "relu", + "bias_initializer": "zeros", + "dropout": 0.0, + "embedding_size": 50, + "embeddings_on_cpu": false, + "embeddings_trainable": true, + "fc_layers": null, + "norm": null, + "norm_params": null, + "num_fc_layers": 0, + "output_size": 10, + "pretrained_embeddings": null, + "representation": "dense", + "skip": false, + "type": "embed", + "use_bias": true, + "vocab": null, + "weights_initializer": "xavier_uniform" + }, + "loss": { + "class_weights": null, + "type": "sigmoid_cross_entropy", + "weight": 1.0 + }, + "preprocessing": { + "computed_fill_value": "<UNK>", + "fill_value": "<UNK>", + "lowercase": false, + "missing_value_strategy": "fill_with_const", + "most_common": 10000, + "tokenizer": "space" + } + }, + "text": { + "decoder": { + "cell_type": "gru", + "fc_activation": "relu", + "fc_bias_initializer": "zeros", + "fc_dropout": 0.0, + "fc_layers": null, + "fc_norm": null, + "fc_norm_params": null, + "fc_output_size": 256, + "fc_use_bias": true, + "fc_weights_initializer": "xavier_uniform", + "input_size": 256, + "max_sequence_length": null, + "num_fc_layers": 0, + "num_layers": 1, + "reduce_input": "sum", + "type": "generator", + "vocab_size": null + }, + "encoder": { + "activation": "relu", + "bias_initializer": "zeros", + "conv_layers": null, + "dropout": 0.0, + "embedding_size": 256, + "embeddings_on_cpu": false, + "embeddings_trainable": true, + "fc_layers": null, + "filter_size": 3, + "max_sequence_length": null, + "norm": null, + "norm_params": null, + "num_conv_layers": null, + "num_fc_layers": null, + "num_filters": 256, + "output_size": 256, + "pool_function": "max", + "pool_size": null, + "pretrained_embeddings": null, + "reduce_output": "sum", + "representation": "dense", + "should_embed": true, + "skip": false, + "type": "parallel_cnn", + "use_bias": true, + "vocab": null, + "weights_initializer": "xavier_uniform" + }, + "loss": { + "class_similarities": null, + "class_similarities_temperature": 0, + "class_weights": null, + "confidence_penalty": 0, + "robust_lambda": 0, + "type": "sequence_softmax_cross_entropy", + "unique": false, + "weight": 1.0 + }, + "preprocessing": { + "cache_encoder_embeddings": false, + "compute_idf": false, + "computed_fill_value": "<UNK>", + "fill_value": "<UNK>", + "lowercase": false, + "max_sequence_length": 256, + "missing_value_strategy": "fill_with_const", + "most_common": 20000, + "ngram_size": 2, + "padding": "right", + "padding_symbol": "<PAD>", + "pretrained_model_name_or_path": null, + "prompt": { + "retrieval": { + "index_name": null, + "k": 0, + "model_name": null, + "type": null + }, + "task": null, + "template": null + }, + "sequence_length": null, + "tokenizer": "space_punct", + "unknown_symbol": "<UNK>", + "vocab_file": null + } + }, + "timeseries": { + "decoder": { + "activation": null, + "bias_initializer": "zeros", + "clip": null, + "fc_activation": "relu", + "fc_bias_initializer": "zeros", + "fc_dropout": 0.0, + "fc_layers": null, + "fc_norm": null, + "fc_norm_params": null, + "fc_output_size": 256, + "fc_use_bias": true, + "fc_weights_initializer": "xavier_uniform", + "input_size": null, + "multiplier": 1.0, + "num_fc_layers": 0, + "output_size": null, + "type": "projector", + "use_bias": true, + "weights_initializer": "xavier_uniform" + }, + "encoder": { + "activation": "relu", + "bias_initializer": "zeros", + "conv_layers": null, + "dropout": 0.0, + "embedding_size": 256, + "embeddings_on_cpu": false, + "embeddings_trainable": true, + "fc_layers": null, + "filter_size": 3, + "max_sequence_length": null, + "norm": null, + "norm_params": null, + "num_conv_layers": null, + "num_fc_layers": null, + "num_filters": 256, + "output_size": 256, + "pool_function": "max", + "pool_size": null, + "pretrained_embeddings": null, + "reduce_output": "sum", + "representation": "dense", + "should_embed": true, + "skip": false, + "type": "parallel_cnn", + "use_bias": true, + "vocab": null, + "weights_initializer": "xavier_uniform" + }, + "loss": { + "delta": 1.0, + "type": "huber", + "weight": 1.0 + }, + "preprocessing": { + "computed_fill_value": "", + "fill_value": "", + "missing_value_strategy": "fill_with_const", + "padding": "right", + "padding_value": 0.0, + "timeseries_length_limit": 256, + "tokenizer": "space", + "window_size": 0 + } + }, + "vector": { + "decoder": { + "activation": null, + "bias_initializer": "zeros", + "clip": null, + "fc_activation": "relu", + "fc_bias_initializer": "zeros", + "fc_dropout": 0.0, + "fc_layers": null, + "fc_norm": null, + "fc_norm_params": null, + "fc_output_size": 256, + "fc_use_bias": true, + "fc_weights_initializer": "xavier_uniform", + "input_size": null, + "multiplier": 1.0, + "num_fc_layers": 0, + "output_size": null, + "type": "projector", + "use_bias": true, + "weights_initializer": "xavier_uniform" + }, + "encoder": { + "activation": "relu", + "bias_initializer": "zeros", + "dropout": 0.0, + "fc_layers": null, + "input_size": null, + "norm": null, + "norm_params": null, + "num_layers": 1, + "output_size": 256, + "skip": false, + "type": "dense", + "use_bias": true, + "weights_initializer": "xavier_uniform" + }, + "loss": { + "type": "mean_squared_error", + "weight": 1.0 + }, + "preprocessing": { + "computed_fill_value": "", + "fill_value": "", + "missing_value_strategy": "fill_with_const", + "vector_size": null + } + } + }, + "hyperopt": null, + "input_features": [ + { + "active": true, + "column": "temperature_feature", + "encoder": { + "activation": "tanh", + "bias_initializer": "zeros", + "bidirectional": false, + "cell_type": "rnn", + "dropout": 0.0, + "embedding_size": 1, + "embeddings_on_cpu": false, + "embeddings_trainable": true, + "fc_activation": "relu", + "fc_dropout": 0.0, + "fc_layers": null, + "input_size": 20, + "max_sequence_length": 20, + "norm": null, + "norm_params": null, + "num_fc_layers": 0, + "num_layers": 1, + "output_size": 256, + "pretrained_embeddings": null, + "recurrent_activation": "sigmoid", + "recurrent_dropout": 0.0, + "recurrent_initializer": "orthogonal", + "reduce_output": "last", + "representation": "dense", + "saved_weights_in_checkpoint": true, + "should_embed": false, + "skip": false, + "state_size": 32, + "type": "rnn", + "unit_forget_bias": true, + "use_bias": true, + "vocab": null, + "weights_initializer": "xavier_uniform" + }, + "name": "temperature_feature", + "preprocessing": { + "cache_encoder_embeddings": false, + "computed_fill_value": "", + "fill_value": "", + "missing_value_strategy": "fill_with_const", + "padding": "right", + "padding_value": 0.0, + "timeseries_length_limit": 256, + "tokenizer": "space", + "window_size": 0 + }, + "proc_column": "temperature_feature_XJMv7q", + "tied": null, + "type": "timeseries" + } + ], + "ludwig_version": "0.10.1", + "model_type": "ecd", + "output_features": [ + { + "active": true, + "clip": null, + "column": "temperature", + "decoder": { + "bias_initializer": "zeros", + "fc_activation": "relu", + "fc_bias_initializer": "zeros", + "fc_dropout": 0.0, + "fc_layers": null, + "fc_norm": null, + "fc_norm_params": null, + "fc_output_size": 256, + "fc_use_bias": true, + "fc_weights_initializer": "xavier_uniform", + "input_size": 32, + "num_fc_layers": 0, + "type": "regressor", + "use_bias": true, + "weights_initializer": "xavier_uniform" + }, + "default_validation_metric": "mean_squared_error", + "dependencies": [], + "input_size": 32, + "loss": { + "type": "mean_squared_error", + "weight": 1.0 + }, + "name": "temperature", + "num_classes": null, + "preprocessing": { + "computed_fill_value": 0.0, + "computed_outlier_fill_value": 0.0, + "fill_value": 0.0, + "missing_value_strategy": "drop_row", + "normalization": null, + "outlier_strategy": null, + "outlier_threshold": 3.0 + }, + "proc_column": "temperature_VO1XAD", + "reduce_dependencies": "sum", + "reduce_input": "sum", + "type": "number" + } + ], + "preprocessing": { + "global_max_sequence_length": null, + "oversample_minority": null, + "sample_ratio": 1.0, + "sample_size": null, + "split": { + "probabilities": [ + 0.7, + 0.1, + 0.2 + ], + "type": "random" + }, + "undersample_majority": null + }, + "trainer": { + "batch_size": 8, + "bucketing_field": null, + "checkpoints_per_epoch": 0, + "compile": false, + "early_stop": 5, + "effective_batch_size": "auto", + "enable_gradient_checkpointing": false, + "enable_profiling": false, + "epochs": 2, + "eval_batch_size": 128, + "eval_steps": null, + "evaluate_training_set": false, + "gradient_accumulation_steps": 1, + "gradient_clipping": { + "clipglobalnorm": 0.5, + "clipnorm": null, + "clipvalue": null + }, + "increase_batch_size_eval_metric": "loss", + "increase_batch_size_eval_split": "training", + "increase_batch_size_on_plateau": 0, + "increase_batch_size_on_plateau_patience": 5, + "increase_batch_size_on_plateau_rate": 2.0, + "learning_rate": 0.001, + "learning_rate_scaling": "linear", + "learning_rate_scheduler": { + "decay": null, + "decay_rate": 0.96, + "decay_steps": 10000, + "eta_min": 0, + "reduce_eval_metric": "loss", + "reduce_eval_split": "training", + "reduce_on_plateau": 0, + "reduce_on_plateau_patience": 10, + "reduce_on_plateau_rate": 0.1, + "staircase": false, + "t_0": null, + "t_mult": 1, + "warmup_evaluations": 0, + "warmup_fraction": 0.0 + }, + "max_batch_size": 1099511627776, + "optimizer": { + "amsgrad": false, + "betas": [ + 0.9, + 0.999 + ], + "eps": 1e-08, + "type": "adam", + "weight_decay": 0.0 + }, + "profiler": { + "active": 3, + "repeat": 5, + "skip_first": 0, + "wait": 1, + "warmup": 1 + }, + "regularization_lambda": 0.0, + "regularization_type": "l2", + "should_shuffle": true, + "skip_all_evaluation": false, + "steps_per_checkpoint": 0, + "train_steps": null, + "use_mixed_precision": false, + "validation_field": "temperature", + "validation_metric": "mean_squared_error" + } +} \ No newline at end of file
--- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/test-data/temp_model01/training_progress.json Tue Jan 07 22:45:18 2025 +0000 @@ -0,0 +1,16239 @@ +{ + "batch_size": 8, + "best_eval_metric_checkpoint_number": 2, + "best_eval_metric_epoch": 2, + "best_eval_metric_steps": 7920, + "best_eval_metric_value": 0.03676793724298477, + "best_eval_test_metrics": { + "combined": { + "loss": 0.034924305975437164 + }, + "temperature": { + "loss": 0.0349070206284523, + "mean_absolute_error": 0.12148800492286682, + "mean_absolute_percentage_error": 0.8238826990127563, + "mean_squared_error": 0.034907016903162, + "r2": 0.965436577796936, + "root_mean_squared_error": 0.1868342012166977, + "root_mean_squared_percentage_error": 4.463254451751709 + } + }, + "best_eval_train_metrics": { + "combined": { + "loss": 0.03793109953403473 + }, + "temperature": { + "loss": 0.0379304401576519, + "mean_absolute_error": 0.12627674639225006, + "mean_absolute_percentage_error": 0.6703584790229797, + "mean_squared_error": 0.037930358201265335, + "r2": 0.9618573188781738, + "root_mean_squared_error": 0.19475717842578888, + "root_mean_squared_percentage_error": 1.442940354347229 + } + }, + "best_eval_validation_metrics": { + "combined": { + "loss": 0.036504052579402924 + }, + "temperature": { + "loss": 0.03676793724298477, + "mean_absolute_error": 0.12290890514850616, + "mean_absolute_percentage_error": 0.7752142548561096, + "mean_squared_error": 0.03676793724298477, + "r2": 0.9638720750808716, + "root_mean_squared_error": 0.1917496770620346, + "root_mean_squared_percentage_error": 4.137958526611328 + } + }, + "best_increase_batch_size_eval_metric": Infinity, + "checkpoint_number": 4, + "checkpoint_to_epoch": { + "1": 1, + "2": 1, + "3": 2, + "4": 2 + }, + "checkpoint_to_step": { + "1": 3960, + "2": 3960, + "3": 7920, + "4": 7920 + }, + "cumulative_checkpoint_token_usage": { + "1": 665238, + "2": 665238, + "3": 1330476, + "4": 1330476 + }, + "cumulative_step_token_usage": { + "0": 168, + "1": 336, + "10": 1848, + "100": 16968, + "1000": 168168, + "1001": 168336, + "1002": 168504, + "1003": 168672, + "1004": 168840, + "1005": 169008, + "1006": 169176, + "1007": 169344, + "1008": 169512, + "1009": 169680, + "101": 17136, + "1010": 169848, + "1011": 170016, + "1012": 170184, + "1013": 170352, + "1014": 170520, + "1015": 170688, + "1016": 170856, + "1017": 171024, + "1018": 171192, + "1019": 171360, + "102": 17304, + "1020": 171528, + "1021": 171696, + "1022": 171864, + "1023": 172032, + "1024": 172200, + "1025": 172368, + "1026": 172536, + "1027": 172704, + "1028": 172872, + "1029": 173040, + "103": 17472, + "1030": 173208, + "1031": 173376, + "1032": 173544, + "1033": 173712, + "1034": 173880, + "1035": 174048, + "1036": 174216, + "1037": 174384, + "1038": 174552, + "1039": 174720, + "104": 17640, + "1040": 174888, + "1041": 175056, + "1042": 175224, + "1043": 175392, + "1044": 175560, + "1045": 175728, + "1046": 175896, + "1047": 176064, + "1048": 176232, + "1049": 176400, + "105": 17808, + "1050": 176568, + "1051": 176736, + "1052": 176904, + "1053": 177072, + "1054": 177240, + "1055": 177408, + "1056": 177576, + "1057": 177744, + "1058": 177912, + "1059": 178080, + "106": 17976, + "1060": 178248, + "1061": 178416, + "1062": 178584, + "1063": 178752, + "1064": 178920, + "1065": 179088, + "1066": 179256, + "1067": 179424, + "1068": 179592, + "1069": 179760, + "107": 18144, + "1070": 179928, + "1071": 180096, + "1072": 180264, + "1073": 180432, + "1074": 180600, + "1075": 180768, + "1076": 180936, + "1077": 181104, + "1078": 181272, + "1079": 181440, + "108": 18312, + "1080": 181608, + "1081": 181776, + "1082": 181944, + "1083": 182112, + "1084": 182280, + "1085": 182448, + "1086": 182616, + "1087": 182784, + "1088": 182952, + "1089": 183120, + "109": 18480, + "1090": 183288, + "1091": 183456, + "1092": 183624, + "1093": 183792, + "1094": 183960, + "1095": 184128, + "1096": 184296, + "1097": 184464, + "1098": 184632, + "1099": 184800, + "11": 2016, + "110": 18648, + "1100": 184968, + "1101": 185136, + "1102": 185304, + "1103": 185472, + "1104": 185640, + "1105": 185808, + "1106": 185976, + "1107": 186144, + "1108": 186312, + "1109": 186480, + "111": 18816, + "1110": 186648, + "1111": 186816, + "1112": 186984, + "1113": 187152, + "1114": 187320, + "1115": 187488, + "1116": 187656, + "1117": 187824, + "1118": 187992, + "1119": 188160, + "112": 18984, + "1120": 188328, + "1121": 188496, + "1122": 188664, + "1123": 188832, + "1124": 189000, + "1125": 189168, + "1126": 189336, + "1127": 189504, + "1128": 189672, + "1129": 189840, + "113": 19152, + "1130": 190008, + "1131": 190176, + "1132": 190344, + "1133": 190512, + "1134": 190680, + "1135": 190848, + "1136": 191016, + "1137": 191184, + "1138": 191352, + "1139": 191520, + "114": 19320, + "1140": 191688, + "1141": 191856, + "1142": 192024, + "1143": 192192, + "1144": 192360, + "1145": 192528, + "1146": 192696, + "1147": 192864, + "1148": 193032, + "1149": 193200, + "115": 19488, + "1150": 193368, + "1151": 193536, + "1152": 193704, + "1153": 193872, + "1154": 194040, + "1155": 194208, + "1156": 194376, + "1157": 194544, + "1158": 194712, + "1159": 194880, + "116": 19656, + "1160": 195048, + "1161": 195216, + "1162": 195384, + "1163": 195552, + "1164": 195720, + "1165": 195888, + "1166": 196056, + "1167": 196224, + "1168": 196392, + "1169": 196560, + "117": 19824, + "1170": 196728, + "1171": 196896, + "1172": 197064, + "1173": 197232, + "1174": 197400, + "1175": 197568, + "1176": 197736, + "1177": 197904, + "1178": 198072, + "1179": 198240, + "118": 19992, + "1180": 198408, + "1181": 198576, + "1182": 198744, + "1183": 198912, + "1184": 199080, + "1185": 199248, + "1186": 199416, + "1187": 199584, + "1188": 199752, + "1189": 199920, + "119": 20160, + "1190": 200088, + "1191": 200256, + "1192": 200424, + "1193": 200592, + "1194": 200760, + "1195": 200928, + "1196": 201096, + "1197": 201264, + "1198": 201432, + "1199": 201600, + "12": 2184, + "120": 20328, + "1200": 201768, + "1201": 201936, + "1202": 202104, + "1203": 202272, + "1204": 202440, + "1205": 202608, + "1206": 202776, + "1207": 202944, + "1208": 203112, + "1209": 203280, + "121": 20496, + "1210": 203448, + "1211": 203616, + "1212": 203784, + "1213": 203952, + "1214": 204120, + "1215": 204288, + "1216": 204456, + "1217": 204624, + "1218": 204792, + "1219": 204960, + "122": 20664, + "1220": 205128, + "1221": 205296, + "1222": 205464, + "1223": 205632, + "1224": 205800, + "1225": 205968, + "1226": 206136, + "1227": 206304, + "1228": 206472, + "1229": 206640, + "123": 20832, + "1230": 206808, + "1231": 206976, + "1232": 207144, + "1233": 207312, + "1234": 207480, + "1235": 207648, + "1236": 207816, + "1237": 207984, + "1238": 208152, + "1239": 208320, + "124": 21000, + "1240": 208488, + "1241": 208656, + "1242": 208824, + "1243": 208992, + "1244": 209160, + "1245": 209328, + "1246": 209496, + "1247": 209664, + "1248": 209832, + "1249": 210000, + "125": 21168, + "1250": 210168, + "1251": 210336, + "1252": 210504, + "1253": 210672, + "1254": 210840, + "1255": 211008, + "1256": 211176, + "1257": 211344, + "1258": 211512, + "1259": 211680, + "126": 21336, + "1260": 211848, + "1261": 212016, + "1262": 212184, + "1263": 212352, + "1264": 212520, + "1265": 212688, + "1266": 212856, + "1267": 213024, + "1268": 213192, + "1269": 213360, + "127": 21504, + "1270": 213528, + "1271": 213696, + "1272": 213864, + "1273": 214032, + "1274": 214200, + "1275": 214368, + "1276": 214536, + "1277": 214704, + "1278": 214872, + "1279": 215040, + "128": 21672, + "1280": 215208, + "1281": 215376, + "1282": 215544, + "1283": 215712, + "1284": 215880, + "1285": 216048, + "1286": 216216, + "1287": 216384, + "1288": 216552, + "1289": 216720, + "129": 21840, + "1290": 216888, + "1291": 217056, + "1292": 217224, + "1293": 217392, + "1294": 217560, + "1295": 217728, + "1296": 217896, + "1297": 218064, + "1298": 218232, + "1299": 218400, + "13": 2352, + "130": 22008, + "1300": 218568, + "1301": 218736, + "1302": 218904, + "1303": 219072, + "1304": 219240, + "1305": 219408, + "1306": 219576, + "1307": 219744, + "1308": 219912, + "1309": 220080, + "131": 22176, + "1310": 220248, + "1311": 220416, + "1312": 220584, + "1313": 220752, + "1314": 220920, + "1315": 221088, + "1316": 221256, + "1317": 221424, + "1318": 221592, + "1319": 221760, + "132": 22344, + "1320": 221928, + "1321": 222096, + "1322": 222264, + "1323": 222432, + "1324": 222600, + "1325": 222768, + "1326": 222936, + "1327": 223104, + "1328": 223272, + "1329": 223440, + "133": 22512, + "1330": 223608, + "1331": 223776, + "1332": 223944, + "1333": 224112, + "1334": 224280, + "1335": 224448, + "1336": 224616, + "1337": 224784, + "1338": 224952, + "1339": 225120, + "134": 22680, + "1340": 225288, + "1341": 225456, + "1342": 225624, + "1343": 225792, + "1344": 225960, + "1345": 226128, + "1346": 226296, + "1347": 226464, + "1348": 226632, + "1349": 226800, + "135": 22848, + "1350": 226968, + "1351": 227136, + "1352": 227304, + "1353": 227472, + "1354": 227640, + "1355": 227808, + "1356": 227976, + "1357": 228144, + "1358": 228312, + "1359": 228480, + "136": 23016, + "1360": 228648, + "1361": 228816, + "1362": 228984, + "1363": 229152, + "1364": 229320, + "1365": 229488, + "1366": 229656, + "1367": 229824, + "1368": 229992, + "1369": 230160, + "137": 23184, + "1370": 230328, + "1371": 230496, + "1372": 230664, + "1373": 230832, + "1374": 231000, + "1375": 231168, + "1376": 231336, + "1377": 231504, + "1378": 231672, + "1379": 231840, + "138": 23352, + "1380": 232008, + "1381": 232176, + "1382": 232344, + "1383": 232512, + "1384": 232680, + "1385": 232848, + "1386": 233016, + "1387": 233184, + "1388": 233352, + "1389": 233520, + "139": 23520, + "1390": 233688, + "1391": 233856, + "1392": 234024, + "1393": 234192, + "1394": 234360, + "1395": 234528, + "1396": 234696, + "1397": 234864, + "1398": 235032, + "1399": 235200, + "14": 2520, + "140": 23688, + "1400": 235368, + "1401": 235536, + "1402": 235704, + "1403": 235872, + "1404": 236040, + "1405": 236208, + "1406": 236376, + "1407": 236544, + "1408": 236712, + "1409": 236880, + "141": 23856, + "1410": 237048, + "1411": 237216, + "1412": 237384, + "1413": 237552, + "1414": 237720, + "1415": 237888, + "1416": 238056, + "1417": 238224, + "1418": 238392, + "1419": 238560, + "142": 24024, + "1420": 238728, + "1421": 238896, + "1422": 239064, + "1423": 239232, + "1424": 239400, + "1425": 239568, + "1426": 239736, + "1427": 239904, + "1428": 240072, + "1429": 240240, + "143": 24192, + "1430": 240408, + "1431": 240576, + "1432": 240744, + "1433": 240912, + "1434": 241080, + "1435": 241248, + "1436": 241416, + "1437": 241584, + "1438": 241752, + "1439": 241920, + "144": 24360, + "1440": 242088, + "1441": 242256, + "1442": 242424, + "1443": 242592, + "1444": 242760, + "1445": 242928, + "1446": 243096, + "1447": 243264, + "1448": 243432, + "1449": 243600, + "145": 24528, + "1450": 243768, + "1451": 243936, + "1452": 244104, + "1453": 244272, + "1454": 244440, + "1455": 244608, + "1456": 244776, + "1457": 244944, + "1458": 245112, + "1459": 245280, + "146": 24696, + "1460": 245448, + "1461": 245616, + "1462": 245784, + "1463": 245952, + "1464": 246120, + "1465": 246288, + "1466": 246456, + "1467": 246624, + "1468": 246792, + "1469": 246960, + "147": 24864, + "1470": 247128, + "1471": 247296, + "1472": 247464, + "1473": 247632, + "1474": 247800, + "1475": 247968, + "1476": 248136, + "1477": 248304, + "1478": 248472, + "1479": 248640, + "148": 25032, + "1480": 248808, + "1481": 248976, + "1482": 249144, + "1483": 249312, + "1484": 249480, + "1485": 249648, + "1486": 249816, + "1487": 249984, + "1488": 250152, + "1489": 250320, + "149": 25200, + "1490": 250488, + "1491": 250656, + "1492": 250824, + "1493": 250992, + "1494": 251160, + "1495": 251328, + "1496": 251496, + "1497": 251664, + "1498": 251832, + "1499": 252000, + "15": 2688, + "150": 25368, + "1500": 252168, + "1501": 252336, + "1502": 252504, + "1503": 252672, + "1504": 252840, + "1505": 253008, + "1506": 253176, + "1507": 253344, + "1508": 253512, + "1509": 253680, + "151": 25536, + "1510": 253848, + "1511": 254016, + "1512": 254184, + "1513": 254352, + "1514": 254520, + "1515": 254688, + "1516": 254856, + "1517": 255024, + "1518": 255192, + "1519": 255360, + "152": 25704, + "1520": 255528, + "1521": 255696, + "1522": 255864, + "1523": 256032, + "1524": 256200, + "1525": 256368, + "1526": 256536, + "1527": 256704, + "1528": 256872, + "1529": 257040, + "153": 25872, + "1530": 257208, + "1531": 257376, + "1532": 257544, + "1533": 257712, + "1534": 257880, + "1535": 258048, + "1536": 258216, + "1537": 258384, + "1538": 258552, + "1539": 258720, + "154": 26040, + "1540": 258888, + "1541": 259056, + "1542": 259224, + "1543": 259392, + "1544": 259560, + "1545": 259728, + "1546": 259896, + "1547": 260064, + "1548": 260232, + "1549": 260400, + "155": 26208, + "1550": 260568, + "1551": 260736, + "1552": 260904, + "1553": 261072, + "1554": 261240, + "1555": 261408, + "1556": 261576, + "1557": 261744, + "1558": 261912, + "1559": 262080, + "156": 26376, + "1560": 262248, + "1561": 262416, + "1562": 262584, + "1563": 262752, + "1564": 262920, + "1565": 263088, + "1566": 263256, + "1567": 263424, + "1568": 263592, + "1569": 263760, + "157": 26544, + "1570": 263928, + "1571": 264096, + "1572": 264264, + "1573": 264432, + "1574": 264600, + "1575": 264768, + "1576": 264936, + "1577": 265104, + "1578": 265272, + "1579": 265440, + "158": 26712, + "1580": 265608, + "1581": 265776, + "1582": 265944, + "1583": 266112, + "1584": 266280, + "1585": 266448, + "1586": 266616, + "1587": 266784, + "1588": 266952, + "1589": 267120, + "159": 26880, + "1590": 267288, + "1591": 267456, + "1592": 267624, + "1593": 267792, + "1594": 267960, + "1595": 268128, + "1596": 268296, + "1597": 268464, + "1598": 268632, + "1599": 268800, + "16": 2856, + "160": 27048, + "1600": 268968, + "1601": 269136, + "1602": 269304, + "1603": 269472, + "1604": 269640, + "1605": 269808, + "1606": 269976, + "1607": 270144, + "1608": 270312, + "1609": 270480, + "161": 27216, + "1610": 270648, + "1611": 270816, + "1612": 270984, + "1613": 271152, + "1614": 271320, + "1615": 271488, + "1616": 271656, + "1617": 271824, + "1618": 271992, + "1619": 272160, + "162": 27384, + "1620": 272328, + "1621": 272496, + "1622": 272664, + "1623": 272832, + "1624": 273000, + "1625": 273168, + "1626": 273336, + "1627": 273504, + "1628": 273672, + "1629": 273840, + "163": 27552, + "1630": 274008, + "1631": 274176, + "1632": 274344, + "1633": 274512, + "1634": 274680, + "1635": 274848, + "1636": 275016, + "1637": 275184, + "1638": 275352, + "1639": 275520, + "164": 27720, + "1640": 275688, + "1641": 275856, + "1642": 276024, + "1643": 276192, + "1644": 276360, + "1645": 276528, + "1646": 276696, + "1647": 276864, + "1648": 277032, + "1649": 277200, + "165": 27888, + "1650": 277368, + "1651": 277536, + "1652": 277704, + "1653": 277872, + "1654": 278040, + "1655": 278208, + "1656": 278376, + "1657": 278544, + "1658": 278712, + "1659": 278880, + "166": 28056, + "1660": 279048, + "1661": 279216, + "1662": 279384, + "1663": 279552, + "1664": 279720, + "1665": 279888, + "1666": 280056, + "1667": 280224, + "1668": 280392, + "1669": 280560, + "167": 28224, + "1670": 280728, + "1671": 280896, + "1672": 281064, + "1673": 281232, + "1674": 281400, + "1675": 281568, + "1676": 281736, + "1677": 281904, + "1678": 282072, + "1679": 282240, + "168": 28392, + "1680": 282408, + "1681": 282576, + "1682": 282744, + "1683": 282912, + "1684": 283080, + "1685": 283248, + "1686": 283416, + "1687": 283584, + "1688": 283752, + "1689": 283920, + "169": 28560, + "1690": 284088, + "1691": 284256, + "1692": 284424, + "1693": 284592, + "1694": 284760, + "1695": 284928, + "1696": 285096, + "1697": 285264, + "1698": 285432, + "1699": 285600, + "17": 3024, + "170": 28728, + "1700": 285768, + "1701": 285936, + "1702": 286104, + "1703": 286272, + "1704": 286440, + "1705": 286608, + "1706": 286776, + "1707": 286944, + "1708": 287112, + "1709": 287280, + "171": 28896, + "1710": 287448, + "1711": 287616, + "1712": 287784, + "1713": 287952, + "1714": 288120, + "1715": 288288, + "1716": 288456, + "1717": 288624, + "1718": 288792, + "1719": 288960, + "172": 29064, + "1720": 289128, + "1721": 289296, + "1722": 289464, + "1723": 289632, + "1724": 289800, + "1725": 289968, + "1726": 290136, + "1727": 290304, + "1728": 290472, + "1729": 290640, + "173": 29232, + "1730": 290808, + "1731": 290976, + "1732": 291144, + "1733": 291312, + "1734": 291480, + "1735": 291648, + "1736": 291816, + "1737": 291984, + "1738": 292152, + "1739": 292320, + "174": 29400, + "1740": 292488, + "1741": 292656, + "1742": 292824, + "1743": 292992, + "1744": 293160, + "1745": 293328, + "1746": 293496, + "1747": 293664, + "1748": 293832, + "1749": 294000, + "175": 29568, + "1750": 294168, + "1751": 294336, + "1752": 294504, + "1753": 294672, + "1754": 294840, + "1755": 295008, + "1756": 295176, + "1757": 295344, + "1758": 295512, + "1759": 295680, + "176": 29736, + "1760": 295848, + "1761": 296016, + "1762": 296184, + "1763": 296352, + "1764": 296520, + "1765": 296688, + "1766": 296856, + "1767": 297024, + "1768": 297192, + "1769": 297360, + "177": 29904, + "1770": 297528, + "1771": 297696, + "1772": 297864, + "1773": 298032, + "1774": 298200, + "1775": 298368, + "1776": 298536, + "1777": 298704, + "1778": 298872, + "1779": 299040, + "178": 30072, + "1780": 299208, + "1781": 299376, + "1782": 299544, + "1783": 299712, + "1784": 299880, + "1785": 300048, + "1786": 300216, + "1787": 300384, + "1788": 300552, + "1789": 300720, + "179": 30240, + "1790": 300888, + "1791": 301056, + "1792": 301224, + "1793": 301392, + "1794": 301560, + "1795": 301728, + "1796": 301896, + "1797": 302064, + "1798": 302232, + "1799": 302400, + "18": 3192, + "180": 30408, + "1800": 302568, + "1801": 302736, + "1802": 302904, + "1803": 303072, + "1804": 303240, + "1805": 303408, + "1806": 303576, + "1807": 303744, + "1808": 303912, + "1809": 304080, + "181": 30576, + "1810": 304248, + "1811": 304416, + "1812": 304584, + "1813": 304752, + "1814": 304920, + "1815": 305088, + "1816": 305256, + "1817": 305424, + "1818": 305592, + "1819": 305760, + "182": 30744, + "1820": 305928, + "1821": 306096, + "1822": 306264, + "1823": 306432, + "1824": 306600, + "1825": 306768, + "1826": 306936, + "1827": 307104, + "1828": 307272, + "1829": 307440, + "183": 30912, + "1830": 307608, + "1831": 307776, + "1832": 307944, + "1833": 308112, + "1834": 308280, + "1835": 308448, + "1836": 308616, + "1837": 308784, + "1838": 308952, + "1839": 309120, + "184": 31080, + "1840": 309288, + "1841": 309456, + "1842": 309624, + "1843": 309792, + "1844": 309960, + "1845": 310128, + "1846": 310296, + "1847": 310464, + "1848": 310632, + "1849": 310800, + "185": 31248, + "1850": 310968, + "1851": 311136, + "1852": 311304, + "1853": 311472, + "1854": 311640, + "1855": 311808, + "1856": 311976, + "1857": 312144, + "1858": 312312, + "1859": 312480, + "186": 31416, + "1860": 312648, + "1861": 312816, + "1862": 312984, + "1863": 313152, + "1864": 313320, + "1865": 313488, + "1866": 313656, + "1867": 313824, + "1868": 313992, + "1869": 314160, + "187": 31584, + "1870": 314328, + "1871": 314496, + "1872": 314664, + "1873": 314832, + "1874": 315000, + "1875": 315168, + "1876": 315336, + "1877": 315504, + "1878": 315672, + "1879": 315840, + "188": 31752, + "1880": 316008, + "1881": 316176, + "1882": 316344, + "1883": 316512, + "1884": 316680, + "1885": 316848, + "1886": 317016, + "1887": 317184, + "1888": 317352, + "1889": 317520, + "189": 31920, + "1890": 317688, + "1891": 317856, + "1892": 318024, + "1893": 318192, + "1894": 318360, + "1895": 318528, + "1896": 318696, + "1897": 318864, + "1898": 319032, + "1899": 319200, + "19": 3360, + "190": 32088, + "1900": 319368, + "1901": 319536, + "1902": 319704, + "1903": 319872, + "1904": 320040, + "1905": 320208, + "1906": 320376, + "1907": 320544, + "1908": 320712, + "1909": 320880, + "191": 32256, + "1910": 321048, + "1911": 321216, + "1912": 321384, + "1913": 321552, + "1914": 321720, + "1915": 321888, + "1916": 322056, + "1917": 322224, + "1918": 322392, + "1919": 322560, + "192": 32424, + "1920": 322728, + "1921": 322896, + "1922": 323064, + "1923": 323232, + "1924": 323400, + "1925": 323568, + "1926": 323736, + "1927": 323904, + "1928": 324072, + "1929": 324240, + "193": 32592, + "1930": 324408, + "1931": 324576, + "1932": 324744, + "1933": 324912, + "1934": 325080, + "1935": 325248, + "1936": 325416, + "1937": 325584, + "1938": 325752, + "1939": 325920, + "194": 32760, + "1940": 326088, + "1941": 326256, + "1942": 326424, + "1943": 326592, + "1944": 326760, + "1945": 326928, + "1946": 327096, + "1947": 327264, + "1948": 327432, + "1949": 327600, + "195": 32928, + "1950": 327768, + "1951": 327936, + "1952": 328104, + "1953": 328272, + "1954": 328440, + "1955": 328608, + "1956": 328776, + "1957": 328944, + "1958": 329112, + "1959": 329280, + "196": 33096, + "1960": 329448, + "1961": 329616, + "1962": 329784, + "1963": 329952, + "1964": 330120, + "1965": 330288, + "1966": 330456, + "1967": 330624, + "1968": 330792, + "1969": 330960, + "197": 33264, + "1970": 331128, + "1971": 331296, + "1972": 331464, + "1973": 331632, + "1974": 331800, + "1975": 331968, + "1976": 332136, + "1977": 332304, + "1978": 332472, + "1979": 332640, + "198": 33432, + "1980": 332808, + "1981": 332976, + "1982": 333144, + "1983": 333312, + "1984": 333480, + "1985": 333648, + "1986": 333816, + "1987": 333984, + "1988": 334152, + "1989": 334320, + "199": 33600, + "1990": 334488, + "1991": 334656, + "1992": 334824, + "1993": 334992, + "1994": 335160, + "1995": 335328, + "1996": 335496, + "1997": 335664, + "1998": 335832, + "1999": 336000, + "2": 504, + "20": 3528, + "200": 33768, + "2000": 336168, + "2001": 336336, + "2002": 336504, + "2003": 336672, + "2004": 336840, + "2005": 337008, + "2006": 337176, + "2007": 337344, + "2008": 337512, + "2009": 337680, + "201": 33936, + "2010": 337848, + "2011": 338016, + "2012": 338184, + "2013": 338352, + "2014": 338520, + "2015": 338688, + "2016": 338856, + "2017": 339024, + "2018": 339192, + "2019": 339360, + "202": 34104, + "2020": 339528, + "2021": 339696, + "2022": 339864, + "2023": 340032, + "2024": 340200, + "2025": 340368, + "2026": 340536, + "2027": 340704, + "2028": 340872, + "2029": 341040, + "203": 34272, + "2030": 341208, + "2031": 341376, + "2032": 341544, + "2033": 341712, + "2034": 341880, + "2035": 342048, + "2036": 342216, + "2037": 342384, + "2038": 342552, + "2039": 342720, + "204": 34440, + "2040": 342888, + "2041": 343056, + "2042": 343224, + "2043": 343392, + "2044": 343560, + "2045": 343728, + "2046": 343896, + "2047": 344064, + "2048": 344232, + "2049": 344400, + "205": 34608, + "2050": 344568, + "2051": 344736, + "2052": 344904, + "2053": 345072, + "2054": 345240, + "2055": 345408, + "2056": 345576, + "2057": 345744, + "2058": 345912, + "2059": 346080, + "206": 34776, + "2060": 346248, + "2061": 346416, + "2062": 346584, + "2063": 346752, + "2064": 346920, + "2065": 347088, + "2066": 347256, + "2067": 347424, + "2068": 347592, + "2069": 347760, + "207": 34944, + "2070": 347928, + "2071": 348096, + "2072": 348264, + "2073": 348432, + "2074": 348600, + "2075": 348768, + "2076": 348936, + "2077": 349104, + "2078": 349272, + "2079": 349440, + "208": 35112, + "2080": 349608, + "2081": 349776, + "2082": 349944, + "2083": 350112, + "2084": 350280, + "2085": 350448, + "2086": 350616, + "2087": 350784, + "2088": 350952, + "2089": 351120, + "209": 35280, + "2090": 351288, + "2091": 351456, + "2092": 351624, + "2093": 351792, + "2094": 351960, + "2095": 352128, + "2096": 352296, + "2097": 352464, + "2098": 352632, + "2099": 352800, + "21": 3696, + "210": 35448, + "2100": 352968, + "2101": 353136, + "2102": 353304, + "2103": 353472, + "2104": 353640, + "2105": 353808, + "2106": 353976, + "2107": 354144, + "2108": 354312, + "2109": 354480, + "211": 35616, + "2110": 354648, + "2111": 354816, + "2112": 354984, + "2113": 355152, + "2114": 355320, + "2115": 355488, + "2116": 355656, + "2117": 355824, + "2118": 355992, + "2119": 356160, + "212": 35784, + "2120": 356328, + "2121": 356496, + "2122": 356664, + "2123": 356832, + "2124": 357000, + "2125": 357168, + "2126": 357336, + "2127": 357504, + "2128": 357672, + "2129": 357840, + "213": 35952, + "2130": 358008, + "2131": 358176, + "2132": 358344, + "2133": 358512, + "2134": 358680, + "2135": 358848, + "2136": 359016, + "2137": 359184, + "2138": 359352, + "2139": 359520, + "214": 36120, + "2140": 359688, + "2141": 359856, + "2142": 360024, + "2143": 360192, + "2144": 360360, + "2145": 360528, + "2146": 360696, + "2147": 360864, + "2148": 361032, + "2149": 361200, + "215": 36288, + "2150": 361368, + "2151": 361536, + "2152": 361704, + "2153": 361872, + "2154": 362040, + "2155": 362208, + "2156": 362376, + "2157": 362544, + "2158": 362712, + "2159": 362880, + "216": 36456, + "2160": 363048, + "2161": 363216, + "2162": 363384, + "2163": 363552, + "2164": 363720, + "2165": 363888, + "2166": 364056, + "2167": 364224, + "2168": 364392, + "2169": 364560, + "217": 36624, + "2170": 364728, + "2171": 364896, + "2172": 365064, + "2173": 365232, + "2174": 365400, + "2175": 365568, + "2176": 365736, + "2177": 365904, + "2178": 366072, + "2179": 366240, + "218": 36792, + "2180": 366408, + "2181": 366576, + "2182": 366744, + "2183": 366912, + "2184": 367080, + "2185": 367248, + "2186": 367416, + "2187": 367584, + "2188": 367752, + "2189": 367920, + "219": 36960, + "2190": 368088, + "2191": 368256, + "2192": 368424, + "2193": 368592, + "2194": 368760, + "2195": 368928, + "2196": 369096, + "2197": 369264, + "2198": 369432, + "2199": 369600, + "22": 3864, + "220": 37128, + "2200": 369768, + "2201": 369936, + "2202": 370104, + "2203": 370272, + "2204": 370440, + "2205": 370608, + "2206": 370776, + "2207": 370944, + "2208": 371112, + "2209": 371280, + "221": 37296, + "2210": 371448, + "2211": 371616, + "2212": 371784, + "2213": 371952, + "2214": 372120, + "2215": 372288, + "2216": 372456, + "2217": 372624, + "2218": 372792, + "2219": 372960, + "222": 37464, + "2220": 373128, + "2221": 373296, + "2222": 373464, + "2223": 373632, + "2224": 373800, + "2225": 373968, + "2226": 374136, + "2227": 374304, + "2228": 374472, + "2229": 374640, + "223": 37632, + "2230": 374808, + "2231": 374976, + "2232": 375144, + "2233": 375312, + "2234": 375480, + "2235": 375648, + "2236": 375816, + "2237": 375984, + "2238": 376152, + "2239": 376320, + "224": 37800, + "2240": 376488, + "2241": 376656, + "2242": 376824, + "2243": 376992, + "2244": 377160, + "2245": 377328, + "2246": 377496, + "2247": 377664, + "2248": 377832, + "2249": 378000, + "225": 37968, + "2250": 378168, + "2251": 378336, + "2252": 378504, + "2253": 378672, + "2254": 378840, + "2255": 379008, + "2256": 379176, + "2257": 379344, + "2258": 379512, + "2259": 379680, + "226": 38136, + "2260": 379848, + "2261": 380016, + "2262": 380184, + "2263": 380352, + "2264": 380520, + "2265": 380688, + "2266": 380856, + "2267": 381024, + "2268": 381192, + "2269": 381360, + "227": 38304, + "2270": 381528, + "2271": 381696, + "2272": 381864, + "2273": 382032, + "2274": 382200, + "2275": 382368, + "2276": 382536, + "2277": 382704, + "2278": 382872, + "2279": 383040, + "228": 38472, + "2280": 383208, + "2281": 383376, + "2282": 383544, + "2283": 383712, + "2284": 383880, + "2285": 384048, + "2286": 384216, + "2287": 384384, + "2288": 384552, + "2289": 384720, + "229": 38640, + "2290": 384888, + "2291": 385056, + "2292": 385224, + "2293": 385392, + "2294": 385560, + "2295": 385728, + "2296": 385896, + "2297": 386064, + "2298": 386232, + "2299": 386400, + "23": 4032, + "230": 38808, + "2300": 386568, + "2301": 386736, + "2302": 386904, + "2303": 387072, + "2304": 387240, + "2305": 387408, + "2306": 387576, + "2307": 387744, + "2308": 387912, + "2309": 388080, + "231": 38976, + "2310": 388248, + "2311": 388416, + "2312": 388584, + "2313": 388752, + "2314": 388920, + "2315": 389088, + "2316": 389256, + "2317": 389424, + "2318": 389592, + "2319": 389760, + "232": 39144, + "2320": 389928, + "2321": 390096, + "2322": 390264, + "2323": 390432, + "2324": 390600, + "2325": 390768, + "2326": 390936, + "2327": 391104, + "2328": 391272, + "2329": 391440, + "233": 39312, + "2330": 391608, + "2331": 391776, + "2332": 391944, + "2333": 392112, + "2334": 392280, + "2335": 392448, + "2336": 392616, + "2337": 392784, + "2338": 392952, + "2339": 393120, + "234": 39480, + "2340": 393288, + "2341": 393456, + "2342": 393624, + "2343": 393792, + "2344": 393960, + "2345": 394128, + "2346": 394296, + "2347": 394464, + "2348": 394632, + "2349": 394800, + "235": 39648, + "2350": 394968, + "2351": 395136, + "2352": 395304, + "2353": 395472, + "2354": 395640, + "2355": 395808, + "2356": 395976, + "2357": 396144, + "2358": 396312, + "2359": 396480, + "236": 39816, + "2360": 396648, + "2361": 396816, + "2362": 396984, + "2363": 397152, + "2364": 397320, + "2365": 397488, + "2366": 397656, + "2367": 397824, + "2368": 397992, + "2369": 398160, + "237": 39984, + "2370": 398328, + "2371": 398496, + "2372": 398664, + "2373": 398832, + "2374": 399000, + "2375": 399168, + "2376": 399336, + "2377": 399504, + "2378": 399672, + "2379": 399840, + "238": 40152, + "2380": 400008, + "2381": 400176, + "2382": 400344, + "2383": 400512, + "2384": 400680, + "2385": 400848, + "2386": 401016, + "2387": 401184, + "2388": 401352, + "2389": 401520, + "239": 40320, + "2390": 401688, + "2391": 401856, + "2392": 402024, + "2393": 402192, + "2394": 402360, + "2395": 402528, + "2396": 402696, + "2397": 402864, + "2398": 403032, + "2399": 403200, + "24": 4200, + "240": 40488, + "2400": 403368, + "2401": 403536, + "2402": 403704, + "2403": 403872, + "2404": 404040, + "2405": 404208, + "2406": 404376, + "2407": 404544, + "2408": 404712, + "2409": 404880, + "241": 40656, + "2410": 405048, + "2411": 405216, + "2412": 405384, + "2413": 405552, + "2414": 405720, + "2415": 405888, + "2416": 406056, + "2417": 406224, + "2418": 406392, + "2419": 406560, + "242": 40824, + "2420": 406728, + "2421": 406896, + "2422": 407064, + "2423": 407232, + "2424": 407400, + "2425": 407568, + "2426": 407736, + "2427": 407904, + "2428": 408072, + "2429": 408240, + "243": 40992, + "2430": 408408, + "2431": 408576, + "2432": 408744, + "2433": 408912, + "2434": 409080, + "2435": 409248, + "2436": 409416, + "2437": 409584, + "2438": 409752, + "2439": 409920, + "244": 41160, + "2440": 410088, + "2441": 410256, + "2442": 410424, + "2443": 410592, + "2444": 410760, + "2445": 410928, + "2446": 411096, + "2447": 411264, + "2448": 411432, + "2449": 411600, + "245": 41328, + "2450": 411768, + "2451": 411936, + "2452": 412104, + "2453": 412272, + "2454": 412440, + "2455": 412608, + "2456": 412776, + "2457": 412944, + "2458": 413112, + "2459": 413280, + "246": 41496, + "2460": 413448, + "2461": 413616, + "2462": 413784, + "2463": 413952, + "2464": 414120, + "2465": 414288, + "2466": 414456, + "2467": 414624, + "2468": 414792, + "2469": 414960, + "247": 41664, + "2470": 415128, + "2471": 415296, + "2472": 415464, + "2473": 415632, + "2474": 415800, + "2475": 415968, + "2476": 416136, + "2477": 416304, + "2478": 416472, + "2479": 416640, + "248": 41832, + "2480": 416808, + "2481": 416976, + "2482": 417144, + "2483": 417312, + "2484": 417480, + "2485": 417648, + "2486": 417816, + "2487": 417984, + "2488": 418152, + "2489": 418320, + "249": 42000, + "2490": 418488, + "2491": 418656, + "2492": 418824, + "2493": 418992, + "2494": 419160, + "2495": 419328, + "2496": 419496, + "2497": 419664, + "2498": 419832, + "2499": 420000, + "25": 4368, + "250": 42168, + "2500": 420168, + "2501": 420336, + "2502": 420504, + "2503": 420672, + "2504": 420840, + "2505": 421008, + "2506": 421176, + "2507": 421344, + "2508": 421512, + "2509": 421680, + "251": 42336, + "2510": 421848, + "2511": 422016, + "2512": 422184, + "2513": 422352, + "2514": 422520, + "2515": 422688, + "2516": 422856, + "2517": 423024, + "2518": 423192, + "2519": 423360, + "252": 42504, + "2520": 423528, + "2521": 423696, + "2522": 423864, + "2523": 424032, + "2524": 424200, + "2525": 424368, + "2526": 424536, + "2527": 424704, + "2528": 424872, + "2529": 425040, + "253": 42672, + "2530": 425208, + "2531": 425376, + "2532": 425544, + "2533": 425712, + "2534": 425880, + "2535": 426048, + "2536": 426216, + "2537": 426384, + "2538": 426552, + "2539": 426720, + "254": 42840, + "2540": 426888, + "2541": 427056, + "2542": 427224, + "2543": 427392, + "2544": 427560, + "2545": 427728, + "2546": 427896, + "2547": 428064, + "2548": 428232, + "2549": 428400, + "255": 43008, + "2550": 428568, + "2551": 428736, + "2552": 428904, + "2553": 429072, + "2554": 429240, + "2555": 429408, + "2556": 429576, + "2557": 429744, + "2558": 429912, + "2559": 430080, + "256": 43176, + "2560": 430248, + "2561": 430416, + "2562": 430584, + "2563": 430752, + "2564": 430920, + "2565": 431088, + "2566": 431256, + "2567": 431424, + "2568": 431592, + "2569": 431760, + "257": 43344, + "2570": 431928, + "2571": 432096, + "2572": 432264, + "2573": 432432, + "2574": 432600, + "2575": 432768, + "2576": 432936, + "2577": 433104, + "2578": 433272, + "2579": 433440, + "258": 43512, + "2580": 433608, + "2581": 433776, + "2582": 433944, + "2583": 434112, + "2584": 434280, + "2585": 434448, + "2586": 434616, + "2587": 434784, + "2588": 434952, + "2589": 435120, + "259": 43680, + "2590": 435288, + "2591": 435456, + "2592": 435624, + "2593": 435792, + "2594": 435960, + "2595": 436128, + "2596": 436296, + "2597": 436464, + "2598": 436632, + "2599": 436800, + "26": 4536, + "260": 43848, + "2600": 436968, + "2601": 437136, + "2602": 437304, + "2603": 437472, + "2604": 437640, + "2605": 437808, + "2606": 437976, + "2607": 438144, + "2608": 438312, + "2609": 438480, + "261": 44016, + "2610": 438648, + "2611": 438816, + "2612": 438984, + "2613": 439152, + "2614": 439320, + "2615": 439488, + "2616": 439656, + "2617": 439824, + "2618": 439992, + "2619": 440160, + "262": 44184, + "2620": 440328, + "2621": 440496, + "2622": 440664, + "2623": 440832, + "2624": 441000, + "2625": 441168, + "2626": 441336, + "2627": 441504, + "2628": 441672, + "2629": 441840, + "263": 44352, + "2630": 442008, + "2631": 442176, + "2632": 442344, + "2633": 442512, + "2634": 442680, + "2635": 442848, + "2636": 443016, + "2637": 443184, + "2638": 443352, + "2639": 443520, + "264": 44520, + "2640": 443688, + "2641": 443856, + "2642": 444024, + "2643": 444192, + "2644": 444360, + "2645": 444528, + "2646": 444696, + "2647": 444864, + "2648": 445032, + "2649": 445200, + "265": 44688, + "2650": 445368, + "2651": 445536, + "2652": 445704, + "2653": 445872, + "2654": 446040, + "2655": 446208, + "2656": 446376, + "2657": 446544, + "2658": 446712, + "2659": 446880, + "266": 44856, + "2660": 447048, + "2661": 447216, + "2662": 447384, + "2663": 447552, + "2664": 447720, + "2665": 447888, + "2666": 448056, + "2667": 448224, + "2668": 448392, + "2669": 448560, + "267": 45024, + "2670": 448728, + "2671": 448896, + "2672": 449064, + "2673": 449232, + "2674": 449400, + "2675": 449568, + "2676": 449736, + "2677": 449904, + "2678": 450072, + "2679": 450240, + "268": 45192, + "2680": 450408, + "2681": 450576, + "2682": 450744, + "2683": 450912, + "2684": 451080, + "2685": 451248, + "2686": 451416, + "2687": 451584, + "2688": 451752, + "2689": 451920, + "269": 45360, + "2690": 452088, + "2691": 452256, + "2692": 452424, + "2693": 452592, + "2694": 452760, + "2695": 452928, + "2696": 453096, + "2697": 453264, + "2698": 453432, + "2699": 453600, + "27": 4704, + "270": 45528, + "2700": 453768, + "2701": 453936, + "2702": 454104, + "2703": 454272, + "2704": 454440, + "2705": 454608, + "2706": 454776, + "2707": 454944, + "2708": 455112, + "2709": 455280, + "271": 45696, + "2710": 455448, + "2711": 455616, + "2712": 455784, + "2713": 455952, + "2714": 456120, + "2715": 456288, + "2716": 456456, + "2717": 456624, + "2718": 456792, + "2719": 456960, + "272": 45864, + "2720": 457128, + "2721": 457296, + "2722": 457464, + "2723": 457632, + "2724": 457800, + "2725": 457968, + "2726": 458136, + "2727": 458304, + "2728": 458472, + "2729": 458640, + "273": 46032, + "2730": 458808, + "2731": 458976, + "2732": 459144, + "2733": 459312, + "2734": 459480, + "2735": 459648, + "2736": 459816, + "2737": 459984, + "2738": 460152, + "2739": 460320, + "274": 46200, + "2740": 460488, + "2741": 460656, + "2742": 460824, + "2743": 460992, + "2744": 461160, + "2745": 461328, + "2746": 461496, + "2747": 461664, + "2748": 461832, + "2749": 462000, + "275": 46368, + "2750": 462168, + "2751": 462336, + "2752": 462504, + "2753": 462672, + "2754": 462840, + "2755": 463008, + "2756": 463176, + "2757": 463344, + "2758": 463512, + "2759": 463680, + "276": 46536, + "2760": 463848, + "2761": 464016, + "2762": 464184, + "2763": 464352, + "2764": 464520, + "2765": 464688, + "2766": 464856, + "2767": 465024, + "2768": 465192, + "2769": 465360, + "277": 46704, + "2770": 465528, + "2771": 465696, + "2772": 465864, + "2773": 466032, + "2774": 466200, + "2775": 466368, + "2776": 466536, + "2777": 466704, + "2778": 466872, + "2779": 467040, + "278": 46872, + "2780": 467208, + "2781": 467376, + "2782": 467544, + "2783": 467712, + "2784": 467880, + "2785": 468048, + "2786": 468216, + "2787": 468384, + "2788": 468552, + "2789": 468720, + "279": 47040, + "2790": 468888, + "2791": 469056, + "2792": 469224, + "2793": 469392, + "2794": 469560, + "2795": 469728, + "2796": 469896, + "2797": 470064, + "2798": 470232, + "2799": 470400, + "28": 4872, + "280": 47208, + "2800": 470568, + "2801": 470736, + "2802": 470904, + "2803": 471072, + "2804": 471240, + "2805": 471408, + "2806": 471576, + "2807": 471744, + "2808": 471912, + "2809": 472080, + "281": 47376, + "2810": 472248, + "2811": 472416, + "2812": 472584, + "2813": 472752, + "2814": 472920, + "2815": 473088, + "2816": 473256, + "2817": 473424, + "2818": 473592, + "2819": 473760, + "282": 47544, + "2820": 473928, + "2821": 474096, + "2822": 474264, + "2823": 474432, + "2824": 474600, + "2825": 474768, + "2826": 474936, + "2827": 475104, + "2828": 475272, + "2829": 475440, + "283": 47712, + "2830": 475608, + "2831": 475776, + "2832": 475944, + "2833": 476112, + "2834": 476280, + "2835": 476448, + "2836": 476616, + "2837": 476784, + "2838": 476952, + "2839": 477120, + "284": 47880, + "2840": 477288, + "2841": 477456, + "2842": 477624, + "2843": 477792, + "2844": 477960, + "2845": 478128, + "2846": 478296, + "2847": 478464, + "2848": 478632, + "2849": 478800, + "285": 48048, + "2850": 478968, + "2851": 479136, + "2852": 479304, + "2853": 479472, + "2854": 479640, + "2855": 479808, + "2856": 479976, + "2857": 480144, + "2858": 480312, + "2859": 480480, + "286": 48216, + "2860": 480648, + "2861": 480816, + "2862": 480984, + "2863": 481152, + "2864": 481320, + "2865": 481488, + "2866": 481656, + "2867": 481824, + "2868": 481992, + "2869": 482160, + "287": 48384, + "2870": 482328, + "2871": 482496, + "2872": 482664, + "2873": 482832, + "2874": 483000, + "2875": 483168, + "2876": 483336, + "2877": 483504, + "2878": 483672, + "2879": 483840, + "288": 48552, + "2880": 484008, + "2881": 484176, + "2882": 484344, + "2883": 484512, + "2884": 484680, + "2885": 484848, + "2886": 485016, + "2887": 485184, + "2888": 485352, + "2889": 485520, + "289": 48720, + "2890": 485688, + "2891": 485856, + "2892": 486024, + "2893": 486192, + "2894": 486360, + "2895": 486528, + "2896": 486696, + "2897": 486864, + "2898": 487032, + "2899": 487200, + "29": 5040, + "290": 48888, + "2900": 487368, + "2901": 487536, + "2902": 487704, + "2903": 487872, + "2904": 488040, + "2905": 488208, + "2906": 488376, + "2907": 488544, + "2908": 488712, + "2909": 488880, + "291": 49056, + "2910": 489048, + "2911": 489216, + "2912": 489384, + "2913": 489552, + "2914": 489720, + "2915": 489888, + "2916": 490056, + "2917": 490224, + "2918": 490392, + "2919": 490560, + "292": 49224, + "2920": 490728, + "2921": 490896, + "2922": 491064, + "2923": 491232, + "2924": 491400, + "2925": 491568, + "2926": 491736, + "2927": 491904, + "2928": 492072, + "2929": 492240, + "293": 49392, + "2930": 492408, + "2931": 492576, + "2932": 492744, + "2933": 492912, + "2934": 493080, + "2935": 493248, + "2936": 493416, + "2937": 493584, + "2938": 493752, + "2939": 493920, + "294": 49560, + "2940": 494088, + "2941": 494256, + "2942": 494424, + "2943": 494592, + "2944": 494760, + "2945": 494928, + "2946": 495096, + "2947": 495264, + "2948": 495432, + "2949": 495600, + "295": 49728, + "2950": 495768, + "2951": 495936, + "2952": 496104, + "2953": 496272, + "2954": 496440, + "2955": 496608, + "2956": 496776, + "2957": 496944, + "2958": 497112, + "2959": 497280, + "296": 49896, + "2960": 497448, + "2961": 497616, + "2962": 497784, + "2963": 497952, + "2964": 498120, + "2965": 498288, + "2966": 498456, + "2967": 498624, + "2968": 498792, + "2969": 498960, + "297": 50064, + "2970": 499128, + "2971": 499296, + "2972": 499464, + "2973": 499632, + "2974": 499800, + "2975": 499968, + "2976": 500136, + "2977": 500304, + "2978": 500472, + "2979": 500640, + "298": 50232, + "2980": 500808, + "2981": 500976, + "2982": 501144, + "2983": 501312, + "2984": 501480, + "2985": 501648, + "2986": 501816, + "2987": 501984, + "2988": 502152, + "2989": 502320, + "299": 50400, + "2990": 502488, + "2991": 502656, + "2992": 502824, + "2993": 502992, + "2994": 503160, + "2995": 503328, + "2996": 503496, + "2997": 503664, + "2998": 503832, + "2999": 504000, + "3": 672, + "30": 5208, + "300": 50568, + "3000": 504168, + "3001": 504336, + "3002": 504504, + "3003": 504672, + "3004": 504840, + "3005": 505008, + "3006": 505176, + "3007": 505344, + "3008": 505512, + "3009": 505680, + "301": 50736, + "3010": 505848, + "3011": 506016, + "3012": 506184, + "3013": 506352, + "3014": 506520, + "3015": 506688, + "3016": 506856, + "3017": 507024, + "3018": 507192, + "3019": 507360, + "302": 50904, + "3020": 507528, + "3021": 507696, + "3022": 507864, + "3023": 508032, + "3024": 508200, + "3025": 508368, + "3026": 508536, + "3027": 508704, + "3028": 508872, + "3029": 509040, + "303": 51072, + "3030": 509208, + "3031": 509376, + "3032": 509544, + "3033": 509712, + "3034": 509880, + "3035": 510048, + "3036": 510216, + "3037": 510384, + "3038": 510552, + "3039": 510720, + "304": 51240, + "3040": 510888, + "3041": 511056, + "3042": 511224, + "3043": 511392, + "3044": 511560, + "3045": 511728, + "3046": 511896, + "3047": 512064, + "3048": 512232, + "3049": 512400, + "305": 51408, + "3050": 512568, + "3051": 512736, + "3052": 512904, + "3053": 513072, + "3054": 513240, + "3055": 513408, + "3056": 513576, + "3057": 513744, + "3058": 513912, + "3059": 514080, + "306": 51576, + "3060": 514248, + "3061": 514416, + "3062": 514584, + "3063": 514752, + "3064": 514920, + "3065": 515088, + "3066": 515256, + "3067": 515424, + "3068": 515592, + "3069": 515760, + "307": 51744, + "3070": 515928, + "3071": 516096, + "3072": 516264, + "3073": 516432, + "3074": 516600, + "3075": 516768, + "3076": 516936, + "3077": 517104, + "3078": 517272, + "3079": 517440, + "308": 51912, + "3080": 517608, + "3081": 517776, + "3082": 517944, + "3083": 518112, + "3084": 518280, + "3085": 518448, + "3086": 518616, + "3087": 518784, + "3088": 518952, + "3089": 519120, + "309": 52080, + "3090": 519288, + "3091": 519456, + "3092": 519624, + "3093": 519792, + "3094": 519960, + "3095": 520128, + "3096": 520296, + "3097": 520464, + "3098": 520632, + "3099": 520800, + "31": 5376, + "310": 52248, + "3100": 520968, + "3101": 521136, + "3102": 521304, + "3103": 521472, + "3104": 521640, + "3105": 521808, + "3106": 521976, + "3107": 522144, + "3108": 522312, + "3109": 522480, + "311": 52416, + "3110": 522648, + "3111": 522816, + "3112": 522984, + "3113": 523152, + "3114": 523320, + "3115": 523488, + "3116": 523656, + "3117": 523824, + "3118": 523992, + "3119": 524160, + "312": 52584, + "3120": 524328, + "3121": 524496, + "3122": 524664, + "3123": 524832, + "3124": 525000, + "3125": 525168, + "3126": 525336, + "3127": 525504, + "3128": 525672, + "3129": 525840, + "313": 52752, + "3130": 526008, + "3131": 526176, + "3132": 526344, + "3133": 526512, + "3134": 526680, + "3135": 526848, + "3136": 527016, + "3137": 527184, + "3138": 527352, + "3139": 527520, + "314": 52920, + "3140": 527688, + "3141": 527856, + "3142": 528024, + "3143": 528192, + "3144": 528360, + "3145": 528528, + "3146": 528696, + "3147": 528864, + "3148": 529032, + "3149": 529200, + "315": 53088, + "3150": 529368, + "3151": 529536, + "3152": 529704, + "3153": 529872, + "3154": 530040, + "3155": 530208, + "3156": 530376, + "3157": 530544, + "3158": 530712, + "3159": 530880, + "316": 53256, + "3160": 531048, + "3161": 531216, + "3162": 531384, + "3163": 531552, + "3164": 531720, + "3165": 531888, + "3166": 532056, + "3167": 532224, + "3168": 532392, + "3169": 532560, + "317": 53424, + "3170": 532728, + "3171": 532896, + "3172": 533064, + "3173": 533232, + "3174": 533400, + "3175": 533568, + "3176": 533736, + "3177": 533904, + "3178": 534072, + "3179": 534240, + "318": 53592, + "3180": 534408, + "3181": 534576, + "3182": 534744, + "3183": 534912, + "3184": 535080, + "3185": 535248, + "3186": 535416, + "3187": 535584, + "3188": 535752, + "3189": 535920, + "319": 53760, + "3190": 536088, + "3191": 536256, + "3192": 536424, + "3193": 536592, + "3194": 536760, + "3195": 536928, + "3196": 537096, + "3197": 537264, + "3198": 537432, + "3199": 537600, + "32": 5544, + "320": 53928, + "3200": 537768, + "3201": 537936, + "3202": 538104, + "3203": 538272, + "3204": 538440, + "3205": 538608, + "3206": 538776, + "3207": 538944, + "3208": 539112, + "3209": 539280, + "321": 54096, + "3210": 539448, + "3211": 539616, + "3212": 539784, + "3213": 539952, + "3214": 540120, + "3215": 540288, + "3216": 540456, + "3217": 540624, + "3218": 540792, + "3219": 540960, + "322": 54264, + "3220": 541128, + "3221": 541296, + "3222": 541464, + "3223": 541632, + "3224": 541800, + "3225": 541968, + "3226": 542136, + "3227": 542304, + "3228": 542472, + "3229": 542640, + "323": 54432, + "3230": 542808, + "3231": 542976, + "3232": 543144, + "3233": 543312, + "3234": 543480, + "3235": 543648, + "3236": 543816, + "3237": 543984, + "3238": 544152, + "3239": 544320, + "324": 54600, + "3240": 544488, + "3241": 544656, + "3242": 544824, + "3243": 544992, + "3244": 545160, + "3245": 545328, + "3246": 545496, + "3247": 545664, + "3248": 545832, + "3249": 546000, + "325": 54768, + "3250": 546168, + "3251": 546336, + "3252": 546504, + "3253": 546672, + "3254": 546840, + "3255": 547008, + "3256": 547176, + "3257": 547344, + "3258": 547512, + "3259": 547680, + "326": 54936, + "3260": 547848, + "3261": 548016, + "3262": 548184, + "3263": 548352, + "3264": 548520, + "3265": 548688, + "3266": 548856, + "3267": 549024, + "3268": 549192, + "3269": 549360, + "327": 55104, + "3270": 549528, + "3271": 549696, + "3272": 549864, + "3273": 550032, + "3274": 550200, + "3275": 550368, + "3276": 550536, + "3277": 550704, + "3278": 550872, + "3279": 551040, + "328": 55272, + "3280": 551208, + "3281": 551376, + "3282": 551544, + "3283": 551712, + "3284": 551880, + "3285": 552048, + "3286": 552216, + "3287": 552384, + "3288": 552552, + "3289": 552720, + "329": 55440, + "3290": 552888, + "3291": 553056, + "3292": 553224, + "3293": 553392, + "3294": 553560, + "3295": 553728, + "3296": 553896, + "3297": 554064, + "3298": 554232, + "3299": 554400, + "33": 5712, + "330": 55608, + "3300": 554568, + "3301": 554736, + "3302": 554904, + "3303": 555072, + "3304": 555240, + "3305": 555408, + "3306": 555576, + "3307": 555744, + "3308": 555912, + "3309": 556080, + "331": 55776, + "3310": 556248, + "3311": 556416, + "3312": 556584, + "3313": 556752, + "3314": 556920, + "3315": 557088, + "3316": 557256, + "3317": 557424, + "3318": 557592, + "3319": 557760, + "332": 55944, + "3320": 557928, + "3321": 558096, + "3322": 558264, + "3323": 558432, + "3324": 558600, + "3325": 558768, + "3326": 558936, + "3327": 559104, + "3328": 559272, + "3329": 559440, + "333": 56112, + "3330": 559608, + "3331": 559776, + "3332": 559944, + "3333": 560112, + "3334": 560280, + "3335": 560448, + "3336": 560616, + "3337": 560784, + "3338": 560952, + "3339": 561120, + "334": 56280, + "3340": 561288, + "3341": 561456, + "3342": 561624, + "3343": 561792, + "3344": 561960, + "3345": 562128, + "3346": 562296, + "3347": 562464, + "3348": 562632, + "3349": 562800, + "335": 56448, + "3350": 562968, + "3351": 563136, + "3352": 563304, + "3353": 563472, + "3354": 563640, + "3355": 563808, + "3356": 563976, + "3357": 564144, + "3358": 564312, + "3359": 564480, + "336": 56616, + "3360": 564648, + "3361": 564816, + "3362": 564984, + "3363": 565152, + "3364": 565320, + "3365": 565488, + "3366": 565656, + "3367": 565824, + "3368": 565992, + "3369": 566160, + "337": 56784, + "3370": 566328, + "3371": 566496, + "3372": 566664, + "3373": 566832, + "3374": 567000, + "3375": 567168, + "3376": 567336, + "3377": 567504, + "3378": 567672, + "3379": 567840, + "338": 56952, + "3380": 568008, + "3381": 568176, + "3382": 568344, + "3383": 568512, + "3384": 568680, + "3385": 568848, + "3386": 569016, + "3387": 569184, + "3388": 569352, + "3389": 569520, + "339": 57120, + "3390": 569688, + "3391": 569856, + "3392": 570024, + "3393": 570192, + "3394": 570360, + "3395": 570528, + "3396": 570696, + "3397": 570864, + "3398": 571032, + "3399": 571200, + "34": 5880, + "340": 57288, + "3400": 571368, + "3401": 571536, + "3402": 571704, + "3403": 571872, + "3404": 572040, + "3405": 572208, + "3406": 572376, + "3407": 572544, + "3408": 572712, + "3409": 572880, + "341": 57456, + "3410": 573048, + "3411": 573216, + "3412": 573384, + "3413": 573552, + "3414": 573720, + "3415": 573888, + "3416": 574056, + "3417": 574224, + "3418": 574392, + "3419": 574560, + "342": 57624, + "3420": 574728, + "3421": 574896, + "3422": 575064, + "3423": 575232, + "3424": 575400, + "3425": 575568, + "3426": 575736, + "3427": 575904, + "3428": 576072, + "3429": 576240, + "343": 57792, + "3430": 576408, + "3431": 576576, + "3432": 576744, + "3433": 576912, + "3434": 577080, + "3435": 577248, + "3436": 577416, + "3437": 577584, + "3438": 577752, + "3439": 577920, + "344": 57960, + "3440": 578088, + "3441": 578256, + "3442": 578424, + "3443": 578592, + "3444": 578760, + "3445": 578928, + "3446": 579096, + "3447": 579264, + "3448": 579432, + "3449": 579600, + "345": 58128, + "3450": 579768, + "3451": 579936, + "3452": 580104, + "3453": 580272, + "3454": 580440, + "3455": 580608, + "3456": 580776, + "3457": 580944, + "3458": 581112, + "3459": 581280, + "346": 58296, + "3460": 581448, + "3461": 581616, + "3462": 581784, + "3463": 581952, + "3464": 582120, + "3465": 582288, + "3466": 582456, + "3467": 582624, + "3468": 582792, + "3469": 582960, + "347": 58464, + "3470": 583128, + "3471": 583296, + "3472": 583464, + "3473": 583632, + "3474": 583800, + "3475": 583968, + "3476": 584136, + "3477": 584304, + "3478": 584472, + "3479": 584640, + "348": 58632, + "3480": 584808, + "3481": 584976, + "3482": 585144, + "3483": 585312, + "3484": 585480, + "3485": 585648, + "3486": 585816, + "3487": 585984, + "3488": 586152, + "3489": 586320, + "349": 58800, + "3490": 586488, + "3491": 586656, + "3492": 586824, + "3493": 586992, + "3494": 587160, + "3495": 587328, + "3496": 587496, + "3497": 587664, + "3498": 587832, + "3499": 588000, + "35": 6048, + "350": 58968, + "3500": 588168, + "3501": 588336, + "3502": 588504, + "3503": 588672, + "3504": 588840, + "3505": 589008, + "3506": 589176, + "3507": 589344, + "3508": 589512, + "3509": 589680, + "351": 59136, + "3510": 589848, + "3511": 590016, + "3512": 590184, + "3513": 590352, + "3514": 590520, + "3515": 590688, + "3516": 590856, + "3517": 591024, + "3518": 591192, + "3519": 591360, + "352": 59304, + "3520": 591528, + "3521": 591696, + "3522": 591864, + "3523": 592032, + "3524": 592200, + "3525": 592368, + "3526": 592536, + "3527": 592704, + "3528": 592872, + "3529": 593040, + "353": 59472, + "3530": 593208, + "3531": 593376, + "3532": 593544, + "3533": 593712, + "3534": 593880, + "3535": 594048, + "3536": 594216, + "3537": 594384, + "3538": 594552, + "3539": 594720, + "354": 59640, + "3540": 594888, + "3541": 595056, + "3542": 595224, + "3543": 595392, + "3544": 595560, + "3545": 595728, + "3546": 595896, + "3547": 596064, + "3548": 596232, + "3549": 596400, + "355": 59808, + "3550": 596568, + "3551": 596736, + "3552": 596904, + "3553": 597072, + "3554": 597240, + "3555": 597408, + "3556": 597576, + "3557": 597744, + "3558": 597912, + "3559": 598080, + "356": 59976, + "3560": 598248, + "3561": 598416, + "3562": 598584, + "3563": 598752, + "3564": 598920, + "3565": 599088, + "3566": 599256, + "3567": 599424, + "3568": 599592, + "3569": 599760, + "357": 60144, + "3570": 599928, + "3571": 600096, + "3572": 600264, + "3573": 600432, + "3574": 600600, + "3575": 600768, + "3576": 600936, + "3577": 601104, + "3578": 601272, + "3579": 601440, + "358": 60312, + "3580": 601608, + "3581": 601776, + "3582": 601944, + "3583": 602112, + "3584": 602280, + "3585": 602448, + "3586": 602616, + "3587": 602784, + "3588": 602952, + "3589": 603120, + "359": 60480, + "3590": 603288, + "3591": 603456, + "3592": 603624, + "3593": 603792, + "3594": 603960, + "3595": 604128, + "3596": 604296, + "3597": 604464, + "3598": 604632, + "3599": 604800, + "36": 6216, + "360": 60648, + "3600": 604968, + "3601": 605136, + "3602": 605304, + "3603": 605472, + "3604": 605640, + "3605": 605808, + "3606": 605976, + "3607": 606144, + "3608": 606312, + "3609": 606480, + "361": 60816, + "3610": 606648, + "3611": 606816, + "3612": 606984, + "3613": 607152, + "3614": 607320, + "3615": 607488, + "3616": 607656, + "3617": 607824, + "3618": 607992, + "3619": 608160, + "362": 60984, + "3620": 608328, + "3621": 608496, + "3622": 608664, + "3623": 608832, + "3624": 609000, + "3625": 609168, + "3626": 609336, + "3627": 609504, + "3628": 609672, + "3629": 609840, + "363": 61152, + "3630": 610008, + "3631": 610176, + "3632": 610344, + "3633": 610512, + "3634": 610680, + "3635": 610848, + "3636": 611016, + "3637": 611184, + "3638": 611352, + "3639": 611520, + "364": 61320, + "3640": 611688, + "3641": 611856, + "3642": 612024, + "3643": 612192, + "3644": 612360, + "3645": 612528, + "3646": 612696, + "3647": 612864, + "3648": 613032, + "3649": 613200, + "365": 61488, + "3650": 613368, + "3651": 613536, + "3652": 613704, + "3653": 613872, + "3654": 614040, + "3655": 614208, + "3656": 614376, + "3657": 614544, + "3658": 614712, + "3659": 614880, + "366": 61656, + "3660": 615048, + "3661": 615216, + "3662": 615384, + "3663": 615552, + "3664": 615720, + "3665": 615888, + "3666": 616056, + "3667": 616224, + "3668": 616392, + "3669": 616560, + "367": 61824, + "3670": 616728, + "3671": 616896, + "3672": 617064, + "3673": 617232, + "3674": 617400, + "3675": 617568, + "3676": 617736, + "3677": 617904, + "3678": 618072, + "3679": 618240, + "368": 61992, + "3680": 618408, + "3681": 618576, + "3682": 618744, + "3683": 618912, + "3684": 619080, + "3685": 619248, + "3686": 619416, + "3687": 619584, + "3688": 619752, + "3689": 619920, + "369": 62160, + "3690": 620088, + "3691": 620256, + "3692": 620424, + "3693": 620592, + "3694": 620760, + "3695": 620928, + "3696": 621096, + "3697": 621264, + "3698": 621432, + "3699": 621600, + "37": 6384, + "370": 62328, + "3700": 621768, + "3701": 621936, + "3702": 622104, + "3703": 622272, + "3704": 622440, + "3705": 622608, + "3706": 622776, + "3707": 622944, + "3708": 623112, + "3709": 623280, + "371": 62496, + "3710": 623448, + "3711": 623616, + "3712": 623784, + "3713": 623952, + "3714": 624120, + "3715": 624288, + "3716": 624456, + "3717": 624624, + "3718": 624792, + "3719": 624960, + "372": 62664, + "3720": 625128, + "3721": 625296, + "3722": 625464, + "3723": 625632, + "3724": 625800, + "3725": 625968, + "3726": 626136, + "3727": 626304, + "3728": 626472, + "3729": 626640, + "373": 62832, + "3730": 626808, + "3731": 626976, + "3732": 627144, + "3733": 627312, + "3734": 627480, + "3735": 627648, + "3736": 627816, + "3737": 627984, + "3738": 628152, + "3739": 628320, + "374": 63000, + "3740": 628488, + "3741": 628656, + "3742": 628824, + "3743": 628992, + "3744": 629160, + "3745": 629328, + "3746": 629496, + "3747": 629664, + "3748": 629832, + "3749": 630000, + "375": 63168, + "3750": 630168, + "3751": 630336, + "3752": 630504, + "3753": 630672, + "3754": 630840, + "3755": 631008, + "3756": 631176, + "3757": 631344, + "3758": 631512, + "3759": 631680, + "376": 63336, + "3760": 631848, + "3761": 632016, + "3762": 632184, + "3763": 632352, + "3764": 632520, + "3765": 632688, + "3766": 632856, + "3767": 633024, + "3768": 633192, + "3769": 633360, + "377": 63504, + "3770": 633528, + "3771": 633696, + "3772": 633864, + "3773": 634032, + "3774": 634200, + "3775": 634368, + "3776": 634536, + "3777": 634704, + "3778": 634872, + "3779": 635040, + "378": 63672, + "3780": 635208, + "3781": 635376, + "3782": 635544, + "3783": 635712, + "3784": 635880, + "3785": 636048, + "3786": 636216, + "3787": 636384, + "3788": 636552, + "3789": 636720, + "379": 63840, + "3790": 636888, + "3791": 637056, + "3792": 637224, + "3793": 637392, + "3794": 637560, + "3795": 637728, + "3796": 637896, + "3797": 638064, + "3798": 638232, + "3799": 638400, + "38": 6552, + "380": 64008, + "3800": 638568, + "3801": 638736, + "3802": 638904, + "3803": 639072, + "3804": 639240, + "3805": 639408, + "3806": 639576, + "3807": 639744, + "3808": 639912, + "3809": 640080, + "381": 64176, + "3810": 640248, + "3811": 640416, + "3812": 640584, + "3813": 640752, + "3814": 640920, + "3815": 641088, + "3816": 641256, + "3817": 641424, + "3818": 641592, + "3819": 641760, + "382": 64344, + "3820": 641928, + "3821": 642096, + "3822": 642264, + "3823": 642432, + "3824": 642600, + "3825": 642768, + "3826": 642936, + "3827": 643104, + "3828": 643272, + "3829": 643440, + "383": 64512, + "3830": 643608, + "3831": 643776, + "3832": 643944, + "3833": 644112, + "3834": 644280, + "3835": 644448, + "3836": 644616, + "3837": 644784, + "3838": 644952, + "3839": 645120, + "384": 64680, + "3840": 645288, + "3841": 645456, + "3842": 645624, + "3843": 645792, + "3844": 645960, + "3845": 646128, + "3846": 646296, + "3847": 646464, + "3848": 646632, + "3849": 646800, + "385": 64848, + "3850": 646968, + "3851": 647136, + "3852": 647304, + "3853": 647472, + "3854": 647640, + "3855": 647808, + "3856": 647976, + "3857": 648144, + "3858": 648312, + "3859": 648480, + "386": 65016, + "3860": 648648, + "3861": 648816, + "3862": 648984, + "3863": 649152, + "3864": 649320, + "3865": 649488, + "3866": 649656, + "3867": 649824, + "3868": 649992, + "3869": 650160, + "387": 65184, + "3870": 650328, + "3871": 650496, + "3872": 650664, + "3873": 650832, + "3874": 651000, + "3875": 651168, + "3876": 651336, + "3877": 651504, + "3878": 651672, + "3879": 651840, + "388": 65352, + "3880": 652008, + "3881": 652176, + "3882": 652344, + "3883": 652512, + "3884": 652680, + "3885": 652848, + "3886": 653016, + "3887": 653184, + "3888": 653352, + "3889": 653520, + "389": 65520, + "3890": 653688, + "3891": 653856, + "3892": 654024, + "3893": 654192, + "3894": 654360, + "3895": 654528, + "3896": 654696, + "3897": 654864, + "3898": 655032, + "3899": 655200, + "39": 6720, + "390": 65688, + "3900": 655368, + "3901": 655536, + "3902": 655704, + "3903": 655872, + "3904": 656040, + "3905": 656208, + "3906": 656376, + "3907": 656544, + "3908": 656712, + "3909": 656880, + "391": 65856, + "3910": 657048, + "3911": 657216, + "3912": 657384, + "3913": 657552, + "3914": 657720, + "3915": 657888, + "3916": 658056, + "3917": 658224, + "3918": 658392, + "3919": 658560, + "392": 66024, + "3920": 658728, + "3921": 658896, + "3922": 659064, + "3923": 659232, + "3924": 659400, + "3925": 659568, + "3926": 659736, + "3927": 659904, + "3928": 660072, + "3929": 660240, + "393": 66192, + "3930": 660408, + "3931": 660576, + "3932": 660744, + "3933": 660912, + "3934": 661080, + "3935": 661248, + "3936": 661416, + "3937": 661584, + "3938": 661752, + "3939": 661920, + "394": 66360, + "3940": 662088, + "3941": 662256, + "3942": 662424, + "3943": 662592, + "3944": 662760, + "3945": 662928, + "3946": 663096, + "3947": 663264, + "3948": 663432, + "3949": 663600, + "395": 66528, + "3950": 663768, + "3951": 663936, + "3952": 664104, + "3953": 664272, + "3954": 664440, + "3955": 664608, + "3956": 664776, + "3957": 664944, + "3958": 665112, + "3959": 665238, + "396": 66696, + "3960": 665406, + "3961": 665574, + "3962": 665742, + "3963": 665910, + "3964": 666078, + "3965": 666246, + "3966": 666414, + "3967": 666582, + "3968": 666750, + "3969": 666918, + "397": 66864, + "3970": 667086, + "3971": 667254, + "3972": 667422, + "3973": 667590, + "3974": 667758, + "3975": 667926, + "3976": 668094, + "3977": 668262, + "3978": 668430, + "3979": 668598, + "398": 67032, + "3980": 668766, + "3981": 668934, + "3982": 669102, + "3983": 669270, + "3984": 669438, + "3985": 669606, + "3986": 669774, + "3987": 669942, + "3988": 670110, + "3989": 670278, + "399": 67200, + "3990": 670446, + "3991": 670614, + "3992": 670782, + "3993": 670950, + "3994": 671118, + "3995": 671286, + "3996": 671454, + "3997": 671622, + "3998": 671790, + "3999": 671958, + "4": 840, + "40": 6888, + "400": 67368, + "4000": 672126, + "4001": 672294, + "4002": 672462, + "4003": 672630, + "4004": 672798, + "4005": 672966, + "4006": 673134, + "4007": 673302, + "4008": 673470, + "4009": 673638, + "401": 67536, + "4010": 673806, + "4011": 673974, + "4012": 674142, + "4013": 674310, + "4014": 674478, + "4015": 674646, + "4016": 674814, + "4017": 674982, + "4018": 675150, + "4019": 675318, + "402": 67704, + "4020": 675486, + "4021": 675654, + "4022": 675822, + "4023": 675990, + "4024": 676158, + "4025": 676326, + "4026": 676494, + "4027": 676662, + "4028": 676830, + "4029": 676998, + "403": 67872, + "4030": 677166, + "4031": 677334, + "4032": 677502, + "4033": 677670, + "4034": 677838, + "4035": 678006, + "4036": 678174, + "4037": 678342, + "4038": 678510, + "4039": 678678, + "404": 68040, + "4040": 678846, + "4041": 679014, + "4042": 679182, + "4043": 679350, + "4044": 679518, + "4045": 679686, + "4046": 679854, + "4047": 680022, + "4048": 680190, + "4049": 680358, + "405": 68208, + "4050": 680526, + "4051": 680694, + "4052": 680862, + "4053": 681030, + "4054": 681198, + "4055": 681366, + "4056": 681534, + "4057": 681702, + "4058": 681870, + "4059": 682038, + "406": 68376, + "4060": 682206, + "4061": 682374, + "4062": 682542, + "4063": 682710, + "4064": 682878, + "4065": 683046, + "4066": 683214, + "4067": 683382, + "4068": 683550, + "4069": 683718, + "407": 68544, + "4070": 683886, + "4071": 684054, + "4072": 684222, + "4073": 684390, + "4074": 684558, + "4075": 684726, + "4076": 684894, + "4077": 685062, + "4078": 685230, + "4079": 685398, + "408": 68712, + "4080": 685566, + "4081": 685734, + "4082": 685902, + "4083": 686070, + "4084": 686238, + "4085": 686406, + "4086": 686574, + "4087": 686742, + "4088": 686910, + "4089": 687078, + "409": 68880, + "4090": 687246, + "4091": 687414, + "4092": 687582, + "4093": 687750, + "4094": 687918, + "4095": 688086, + "4096": 688254, + "4097": 688422, + "4098": 688590, + "4099": 688758, + "41": 7056, + "410": 69048, + "4100": 688926, + "4101": 689094, + "4102": 689262, + "4103": 689430, + "4104": 689598, + "4105": 689766, + "4106": 689934, + "4107": 690102, + "4108": 690270, + "4109": 690438, + "411": 69216, + "4110": 690606, + "4111": 690774, + "4112": 690942, + "4113": 691110, + "4114": 691278, + "4115": 691446, + "4116": 691614, + "4117": 691782, + "4118": 691950, + "4119": 692118, + "412": 69384, + "4120": 692286, + "4121": 692454, + "4122": 692622, + "4123": 692790, + "4124": 692958, + "4125": 693126, + "4126": 693294, + "4127": 693462, + "4128": 693630, + "4129": 693798, + "413": 69552, + "4130": 693966, + "4131": 694134, + "4132": 694302, + "4133": 694470, + "4134": 694638, + "4135": 694806, + "4136": 694974, + "4137": 695142, + "4138": 695310, + "4139": 695478, + "414": 69720, + "4140": 695646, + "4141": 695814, + "4142": 695982, + "4143": 696150, + "4144": 696318, + "4145": 696486, + "4146": 696654, + "4147": 696822, + "4148": 696990, + "4149": 697158, + "415": 69888, + "4150": 697326, + "4151": 697494, + "4152": 697662, + "4153": 697830, + "4154": 697998, + "4155": 698166, + "4156": 698334, + "4157": 698502, + "4158": 698670, + "4159": 698838, + "416": 70056, + "4160": 699006, + "4161": 699174, + "4162": 699342, + "4163": 699510, + "4164": 699678, + "4165": 699846, + "4166": 700014, + "4167": 700182, + "4168": 700350, + "4169": 700518, + "417": 70224, + "4170": 700686, + "4171": 700854, + "4172": 701022, + "4173": 701190, + "4174": 701358, + "4175": 701526, + "4176": 701694, + "4177": 701862, + "4178": 702030, + "4179": 702198, + "418": 70392, + "4180": 702366, + "4181": 702534, + "4182": 702702, + "4183": 702870, + "4184": 703038, + "4185": 703206, + "4186": 703374, + "4187": 703542, + "4188": 703710, + "4189": 703878, + "419": 70560, + "4190": 704046, + "4191": 704214, + "4192": 704382, + "4193": 704550, + "4194": 704718, + "4195": 704886, + "4196": 705054, + "4197": 705222, + "4198": 705390, + "4199": 705558, + "42": 7224, + "420": 70728, + "4200": 705726, + "4201": 705894, + "4202": 706062, + "4203": 706230, + "4204": 706398, + "4205": 706566, + "4206": 706734, + "4207": 706902, + "4208": 707070, + "4209": 707238, + "421": 70896, + "4210": 707406, + "4211": 707574, + "4212": 707742, + "4213": 707910, + "4214": 708078, + "4215": 708246, + "4216": 708414, + "4217": 708582, + "4218": 708750, + "4219": 708918, + "422": 71064, + "4220": 709086, + "4221": 709254, + "4222": 709422, + "4223": 709590, + "4224": 709758, + "4225": 709926, + "4226": 710094, + "4227": 710262, + "4228": 710430, + "4229": 710598, + "423": 71232, + "4230": 710766, + "4231": 710934, + "4232": 711102, + "4233": 711270, + "4234": 711438, + "4235": 711606, + "4236": 711774, + "4237": 711942, + "4238": 712110, + "4239": 712278, + "424": 71400, + "4240": 712446, + "4241": 712614, + "4242": 712782, + "4243": 712950, + "4244": 713118, + "4245": 713286, + "4246": 713454, + "4247": 713622, + "4248": 713790, + "4249": 713958, + "425": 71568, + "4250": 714126, + "4251": 714294, + "4252": 714462, + "4253": 714630, + "4254": 714798, + "4255": 714966, + "4256": 715134, + "4257": 715302, + "4258": 715470, + "4259": 715638, + "426": 71736, + "4260": 715806, + "4261": 715974, + "4262": 716142, + "4263": 716310, + "4264": 716478, + "4265": 716646, + "4266": 716814, + "4267": 716982, + "4268": 717150, + "4269": 717318, + "427": 71904, + "4270": 717486, + "4271": 717654, + "4272": 717822, + "4273": 717990, + "4274": 718158, + "4275": 718326, + "4276": 718494, + "4277": 718662, + "4278": 718830, + "4279": 718998, + "428": 72072, + "4280": 719166, + "4281": 719334, + "4282": 719502, + "4283": 719670, + "4284": 719838, + "4285": 720006, + "4286": 720174, + "4287": 720342, + "4288": 720510, + "4289": 720678, + "429": 72240, + "4290": 720846, + "4291": 721014, + "4292": 721182, + "4293": 721350, + "4294": 721518, + "4295": 721686, + "4296": 721854, + "4297": 722022, + "4298": 722190, + "4299": 722358, + "43": 7392, + "430": 72408, + "4300": 722526, + "4301": 722694, + "4302": 722862, + "4303": 723030, + "4304": 723198, + "4305": 723366, + "4306": 723534, + "4307": 723702, + "4308": 723870, + "4309": 724038, + "431": 72576, + "4310": 724206, + "4311": 724374, + "4312": 724542, + "4313": 724710, + "4314": 724878, + "4315": 725046, + "4316": 725214, + "4317": 725382, + "4318": 725550, + "4319": 725718, + "432": 72744, + "4320": 725886, + "4321": 726054, + "4322": 726222, + "4323": 726390, + "4324": 726558, + "4325": 726726, + "4326": 726894, + "4327": 727062, + "4328": 727230, + "4329": 727398, + "433": 72912, + "4330": 727566, + "4331": 727734, + "4332": 727902, + "4333": 728070, + "4334": 728238, + "4335": 728406, + "4336": 728574, + "4337": 728742, + "4338": 728910, + "4339": 729078, + "434": 73080, + "4340": 729246, + "4341": 729414, + "4342": 729582, + "4343": 729750, + "4344": 729918, + "4345": 730086, + "4346": 730254, + "4347": 730422, + "4348": 730590, + "4349": 730758, + "435": 73248, + "4350": 730926, + "4351": 731094, + "4352": 731262, + "4353": 731430, + "4354": 731598, + "4355": 731766, + "4356": 731934, + "4357": 732102, + "4358": 732270, + "4359": 732438, + "436": 73416, + "4360": 732606, + "4361": 732774, + "4362": 732942, + "4363": 733110, + "4364": 733278, + "4365": 733446, + "4366": 733614, + "4367": 733782, + "4368": 733950, + "4369": 734118, + "437": 73584, + "4370": 734286, + "4371": 734454, + "4372": 734622, + "4373": 734790, + "4374": 734958, + "4375": 735126, + "4376": 735294, + "4377": 735462, + "4378": 735630, + "4379": 735798, + "438": 73752, + "4380": 735966, + "4381": 736134, + "4382": 736302, + "4383": 736470, + "4384": 736638, + "4385": 736806, + "4386": 736974, + "4387": 737142, + "4388": 737310, + "4389": 737478, + "439": 73920, + "4390": 737646, + "4391": 737814, + "4392": 737982, + "4393": 738150, + "4394": 738318, + "4395": 738486, + "4396": 738654, + "4397": 738822, + "4398": 738990, + "4399": 739158, + "44": 7560, + "440": 74088, + "4400": 739326, + "4401": 739494, + "4402": 739662, + "4403": 739830, + "4404": 739998, + "4405": 740166, + "4406": 740334, + "4407": 740502, + "4408": 740670, + "4409": 740838, + "441": 74256, + "4410": 741006, + "4411": 741174, + "4412": 741342, + "4413": 741510, + "4414": 741678, + "4415": 741846, + "4416": 742014, + "4417": 742182, + "4418": 742350, + "4419": 742518, + "442": 74424, + "4420": 742686, + "4421": 742854, + "4422": 743022, + "4423": 743190, + "4424": 743358, + "4425": 743526, + "4426": 743694, + "4427": 743862, + "4428": 744030, + "4429": 744198, + "443": 74592, + "4430": 744366, + "4431": 744534, + "4432": 744702, + "4433": 744870, + "4434": 745038, + "4435": 745206, + "4436": 745374, + "4437": 745542, + "4438": 745710, + "4439": 745878, + "444": 74760, + "4440": 746046, + "4441": 746214, + "4442": 746382, + "4443": 746550, + "4444": 746718, + "4445": 746886, + "4446": 747054, + "4447": 747222, + "4448": 747390, + "4449": 747558, + "445": 74928, + "4450": 747726, + "4451": 747894, + "4452": 748062, + "4453": 748230, + "4454": 748398, + "4455": 748566, + "4456": 748734, + "4457": 748902, + "4458": 749070, + "4459": 749238, + "446": 75096, + "4460": 749406, + "4461": 749574, + "4462": 749742, + "4463": 749910, + "4464": 750078, + "4465": 750246, + "4466": 750414, + "4467": 750582, + "4468": 750750, + "4469": 750918, + "447": 75264, + "4470": 751086, + "4471": 751254, + "4472": 751422, + "4473": 751590, + "4474": 751758, + "4475": 751926, + "4476": 752094, + "4477": 752262, + "4478": 752430, + "4479": 752598, + "448": 75432, + "4480": 752766, + "4481": 752934, + "4482": 753102, + "4483": 753270, + "4484": 753438, + "4485": 753606, + "4486": 753774, + "4487": 753942, + "4488": 754110, + "4489": 754278, + "449": 75600, + "4490": 754446, + "4491": 754614, + "4492": 754782, + "4493": 754950, + "4494": 755118, + "4495": 755286, + "4496": 755454, + "4497": 755622, + "4498": 755790, + "4499": 755958, + "45": 7728, + "450": 75768, + "4500": 756126, + "4501": 756294, + "4502": 756462, + "4503": 756630, + "4504": 756798, + "4505": 756966, + "4506": 757134, + "4507": 757302, + "4508": 757470, + "4509": 757638, + "451": 75936, + "4510": 757806, + "4511": 757974, + "4512": 758142, + "4513": 758310, + "4514": 758478, + "4515": 758646, + "4516": 758814, + "4517": 758982, + "4518": 759150, + "4519": 759318, + "452": 76104, + "4520": 759486, + "4521": 759654, + "4522": 759822, + "4523": 759990, + "4524": 760158, + "4525": 760326, + "4526": 760494, + "4527": 760662, + "4528": 760830, + "4529": 760998, + "453": 76272, + "4530": 761166, + "4531": 761334, + "4532": 761502, + "4533": 761670, + "4534": 761838, + "4535": 762006, + "4536": 762174, + "4537": 762342, + "4538": 762510, + "4539": 762678, + "454": 76440, + "4540": 762846, + "4541": 763014, + "4542": 763182, + "4543": 763350, + "4544": 763518, + "4545": 763686, + "4546": 763854, + "4547": 764022, + "4548": 764190, + "4549": 764358, + "455": 76608, + "4550": 764526, + "4551": 764694, + "4552": 764862, + "4553": 765030, + "4554": 765198, + "4555": 765366, + "4556": 765534, + "4557": 765702, + "4558": 765870, + "4559": 766038, + "456": 76776, + "4560": 766206, + "4561": 766374, + "4562": 766542, + "4563": 766710, + "4564": 766878, + "4565": 767046, + "4566": 767214, + "4567": 767382, + "4568": 767550, + "4569": 767718, + "457": 76944, + "4570": 767886, + "4571": 768054, + "4572": 768222, + "4573": 768390, + "4574": 768558, + "4575": 768726, + "4576": 768894, + "4577": 769062, + "4578": 769230, + "4579": 769398, + "458": 77112, + "4580": 769566, + "4581": 769734, + "4582": 769902, + "4583": 770070, + "4584": 770238, + "4585": 770406, + "4586": 770574, + "4587": 770742, + "4588": 770910, + "4589": 771078, + "459": 77280, + "4590": 771246, + "4591": 771414, + "4592": 771582, + "4593": 771750, + "4594": 771918, + "4595": 772086, + "4596": 772254, + "4597": 772422, + "4598": 772590, + "4599": 772758, + "46": 7896, + "460": 77448, + "4600": 772926, + "4601": 773094, + "4602": 773262, + "4603": 773430, + "4604": 773598, + "4605": 773766, + "4606": 773934, + "4607": 774102, + "4608": 774270, + "4609": 774438, + "461": 77616, + "4610": 774606, + "4611": 774774, + "4612": 774942, + "4613": 775110, + "4614": 775278, + "4615": 775446, + "4616": 775614, + "4617": 775782, + "4618": 775950, + "4619": 776118, + "462": 77784, + "4620": 776286, + "4621": 776454, + "4622": 776622, + "4623": 776790, + "4624": 776958, + "4625": 777126, + "4626": 777294, + "4627": 777462, + "4628": 777630, + "4629": 777798, + "463": 77952, + "4630": 777966, + "4631": 778134, + "4632": 778302, + "4633": 778470, + "4634": 778638, + "4635": 778806, + "4636": 778974, + "4637": 779142, + "4638": 779310, + "4639": 779478, + "464": 78120, + "4640": 779646, + "4641": 779814, + "4642": 779982, + "4643": 780150, + "4644": 780318, + "4645": 780486, + "4646": 780654, + "4647": 780822, + "4648": 780990, + "4649": 781158, + "465": 78288, + "4650": 781326, + "4651": 781494, + "4652": 781662, + "4653": 781830, + "4654": 781998, + "4655": 782166, + "4656": 782334, + "4657": 782502, + "4658": 782670, + "4659": 782838, + "466": 78456, + "4660": 783006, + "4661": 783174, + "4662": 783342, + "4663": 783510, + "4664": 783678, + "4665": 783846, + "4666": 784014, + "4667": 784182, + "4668": 784350, + "4669": 784518, + "467": 78624, + "4670": 784686, + "4671": 784854, + "4672": 785022, + "4673": 785190, + "4674": 785358, + "4675": 785526, + "4676": 785694, + "4677": 785862, + "4678": 786030, + "4679": 786198, + "468": 78792, + "4680": 786366, + "4681": 786534, + "4682": 786702, + "4683": 786870, + "4684": 787038, + "4685": 787206, + "4686": 787374, + "4687": 787542, + "4688": 787710, + "4689": 787878, + "469": 78960, + "4690": 788046, + "4691": 788214, + "4692": 788382, + "4693": 788550, + "4694": 788718, + "4695": 788886, + "4696": 789054, + "4697": 789222, + "4698": 789390, + "4699": 789558, + "47": 8064, + "470": 79128, + "4700": 789726, + "4701": 789894, + "4702": 790062, + "4703": 790230, + "4704": 790398, + "4705": 790566, + "4706": 790734, + "4707": 790902, + "4708": 791070, + "4709": 791238, + "471": 79296, + "4710": 791406, + "4711": 791574, + "4712": 791742, + "4713": 791910, + "4714": 792078, + "4715": 792246, + "4716": 792414, + "4717": 792582, + "4718": 792750, + "4719": 792918, + "472": 79464, + "4720": 793086, + "4721": 793254, + "4722": 793422, + "4723": 793590, + "4724": 793758, + "4725": 793926, + "4726": 794094, + "4727": 794262, + "4728": 794430, + "4729": 794598, + "473": 79632, + "4730": 794766, + "4731": 794934, + "4732": 795102, + "4733": 795270, + "4734": 795438, + "4735": 795606, + "4736": 795774, + "4737": 795942, + "4738": 796110, + "4739": 796278, + "474": 79800, + "4740": 796446, + "4741": 796614, + "4742": 796782, + "4743": 796950, + "4744": 797118, + "4745": 797286, + "4746": 797454, + "4747": 797622, + "4748": 797790, + "4749": 797958, + "475": 79968, + "4750": 798126, + "4751": 798294, + "4752": 798462, + "4753": 798630, + "4754": 798798, + "4755": 798966, + "4756": 799134, + "4757": 799302, + "4758": 799470, + "4759": 799638, + "476": 80136, + "4760": 799806, + "4761": 799974, + "4762": 800142, + "4763": 800310, + "4764": 800478, + "4765": 800646, + "4766": 800814, + "4767": 800982, + "4768": 801150, + "4769": 801318, + "477": 80304, + "4770": 801486, + "4771": 801654, + "4772": 801822, + "4773": 801990, + "4774": 802158, + "4775": 802326, + "4776": 802494, + "4777": 802662, + "4778": 802830, + "4779": 802998, + "478": 80472, + "4780": 803166, + "4781": 803334, + "4782": 803502, + "4783": 803670, + "4784": 803838, + "4785": 804006, + "4786": 804174, + "4787": 804342, + "4788": 804510, + "4789": 804678, + "479": 80640, + "4790": 804846, + "4791": 805014, + "4792": 805182, + "4793": 805350, + "4794": 805518, + "4795": 805686, + "4796": 805854, + "4797": 806022, + "4798": 806190, + "4799": 806358, + "48": 8232, + "480": 80808, + "4800": 806526, + "4801": 806694, + "4802": 806862, + "4803": 807030, + "4804": 807198, + "4805": 807366, + "4806": 807534, + "4807": 807702, + "4808": 807870, + "4809": 808038, + "481": 80976, + "4810": 808206, + "4811": 808374, + "4812": 808542, + "4813": 808710, + "4814": 808878, + "4815": 809046, + "4816": 809214, + "4817": 809382, + "4818": 809550, + "4819": 809718, + "482": 81144, + "4820": 809886, + "4821": 810054, + "4822": 810222, + "4823": 810390, + "4824": 810558, + "4825": 810726, + "4826": 810894, + "4827": 811062, + "4828": 811230, + "4829": 811398, + "483": 81312, + "4830": 811566, + "4831": 811734, + "4832": 811902, + "4833": 812070, + "4834": 812238, + "4835": 812406, + "4836": 812574, + "4837": 812742, + "4838": 812910, + "4839": 813078, + "484": 81480, + "4840": 813246, + "4841": 813414, + "4842": 813582, + "4843": 813750, + "4844": 813918, + "4845": 814086, + "4846": 814254, + "4847": 814422, + "4848": 814590, + "4849": 814758, + "485": 81648, + "4850": 814926, + "4851": 815094, + "4852": 815262, + "4853": 815430, + "4854": 815598, + "4855": 815766, + "4856": 815934, + "4857": 816102, + "4858": 816270, + "4859": 816438, + "486": 81816, + "4860": 816606, + "4861": 816774, + "4862": 816942, + "4863": 817110, + "4864": 817278, + "4865": 817446, + "4866": 817614, + "4867": 817782, + "4868": 817950, + "4869": 818118, + "487": 81984, + "4870": 818286, + "4871": 818454, + "4872": 818622, + "4873": 818790, + "4874": 818958, + "4875": 819126, + "4876": 819294, + "4877": 819462, + "4878": 819630, + "4879": 819798, + "488": 82152, + "4880": 819966, + "4881": 820134, + "4882": 820302, + "4883": 820470, + "4884": 820638, + "4885": 820806, + "4886": 820974, + "4887": 821142, + "4888": 821310, + "4889": 821478, + "489": 82320, + "4890": 821646, + "4891": 821814, + "4892": 821982, + "4893": 822150, + "4894": 822318, + "4895": 822486, + "4896": 822654, + "4897": 822822, + "4898": 822990, + "4899": 823158, + "49": 8400, + "490": 82488, + "4900": 823326, + "4901": 823494, + "4902": 823662, + "4903": 823830, + "4904": 823998, + "4905": 824166, + "4906": 824334, + "4907": 824502, + "4908": 824670, + "4909": 824838, + "491": 82656, + "4910": 825006, + "4911": 825174, + "4912": 825342, + "4913": 825510, + "4914": 825678, + "4915": 825846, + "4916": 826014, + "4917": 826182, + "4918": 826350, + "4919": 826518, + "492": 82824, + "4920": 826686, + "4921": 826854, + "4922": 827022, + "4923": 827190, + "4924": 827358, + "4925": 827526, + "4926": 827694, + "4927": 827862, + "4928": 828030, + "4929": 828198, + "493": 82992, + "4930": 828366, + "4931": 828534, + "4932": 828702, + "4933": 828870, + "4934": 829038, + "4935": 829206, + "4936": 829374, + "4937": 829542, + "4938": 829710, + "4939": 829878, + "494": 83160, + "4940": 830046, + "4941": 830214, + "4942": 830382, + "4943": 830550, + "4944": 830718, + "4945": 830886, + "4946": 831054, + "4947": 831222, + "4948": 831390, + "4949": 831558, + "495": 83328, + "4950": 831726, + "4951": 831894, + "4952": 832062, + "4953": 832230, + "4954": 832398, + "4955": 832566, + "4956": 832734, + "4957": 832902, + "4958": 833070, + "4959": 833238, + "496": 83496, + "4960": 833406, + "4961": 833574, + "4962": 833742, + "4963": 833910, + "4964": 834078, + "4965": 834246, + "4966": 834414, + "4967": 834582, + "4968": 834750, + "4969": 834918, + "497": 83664, + "4970": 835086, + "4971": 835254, + "4972": 835422, + "4973": 835590, + "4974": 835758, + "4975": 835926, + "4976": 836094, + "4977": 836262, + "4978": 836430, + "4979": 836598, + "498": 83832, + "4980": 836766, + "4981": 836934, + "4982": 837102, + "4983": 837270, + "4984": 837438, + "4985": 837606, + "4986": 837774, + "4987": 837942, + "4988": 838110, + "4989": 838278, + "499": 84000, + "4990": 838446, + "4991": 838614, + "4992": 838782, + "4993": 838950, + "4994": 839118, + "4995": 839286, + "4996": 839454, + "4997": 839622, + "4998": 839790, + "4999": 839958, + "5": 1008, + "50": 8568, + "500": 84168, + "5000": 840126, + "5001": 840294, + "5002": 840462, + "5003": 840630, + "5004": 840798, + "5005": 840966, + "5006": 841134, + "5007": 841302, + "5008": 841470, + "5009": 841638, + "501": 84336, + "5010": 841806, + "5011": 841974, + "5012": 842142, + "5013": 842310, + "5014": 842478, + "5015": 842646, + "5016": 842814, + "5017": 842982, + "5018": 843150, + "5019": 843318, + "502": 84504, + "5020": 843486, + "5021": 843654, + "5022": 843822, + "5023": 843990, + "5024": 844158, + "5025": 844326, + "5026": 844494, + "5027": 844662, + "5028": 844830, + "5029": 844998, + "503": 84672, + "5030": 845166, + "5031": 845334, + "5032": 845502, + "5033": 845670, + "5034": 845838, + "5035": 846006, + "5036": 846174, + "5037": 846342, + "5038": 846510, + "5039": 846678, + "504": 84840, + "5040": 846846, + "5041": 847014, + "5042": 847182, + "5043": 847350, + "5044": 847518, + "5045": 847686, + "5046": 847854, + "5047": 848022, + "5048": 848190, + "5049": 848358, + "505": 85008, + "5050": 848526, + "5051": 848694, + "5052": 848862, + "5053": 849030, + "5054": 849198, + "5055": 849366, + "5056": 849534, + "5057": 849702, + "5058": 849870, + "5059": 850038, + "506": 85176, + "5060": 850206, + "5061": 850374, + "5062": 850542, + "5063": 850710, + "5064": 850878, + "5065": 851046, + "5066": 851214, + "5067": 851382, + "5068": 851550, + "5069": 851718, + "507": 85344, + "5070": 851886, + "5071": 852054, + "5072": 852222, + "5073": 852390, + "5074": 852558, + "5075": 852726, + "5076": 852894, + "5077": 853062, + "5078": 853230, + "5079": 853398, + "508": 85512, + "5080": 853566, + "5081": 853734, + "5082": 853902, + "5083": 854070, + "5084": 854238, + "5085": 854406, + "5086": 854574, + "5087": 854742, + "5088": 854910, + "5089": 855078, + "509": 85680, + "5090": 855246, + "5091": 855414, + "5092": 855582, + "5093": 855750, + "5094": 855918, + "5095": 856086, + "5096": 856254, + "5097": 856422, + "5098": 856590, + "5099": 856758, + "51": 8736, + "510": 85848, + "5100": 856926, + "5101": 857094, + "5102": 857262, + "5103": 857430, + "5104": 857598, + "5105": 857766, + "5106": 857934, + "5107": 858102, + "5108": 858270, + "5109": 858438, + "511": 86016, + "5110": 858606, + "5111": 858774, + "5112": 858942, + "5113": 859110, + "5114": 859278, + "5115": 859446, + "5116": 859614, + "5117": 859782, + "5118": 859950, + "5119": 860118, + "512": 86184, + "5120": 860286, + "5121": 860454, + "5122": 860622, + "5123": 860790, + "5124": 860958, + "5125": 861126, + "5126": 861294, + "5127": 861462, + "5128": 861630, + "5129": 861798, + "513": 86352, + "5130": 861966, + "5131": 862134, + "5132": 862302, + "5133": 862470, + "5134": 862638, + "5135": 862806, + "5136": 862974, + "5137": 863142, + "5138": 863310, + "5139": 863478, + "514": 86520, + "5140": 863646, + "5141": 863814, + "5142": 863982, + "5143": 864150, + "5144": 864318, + "5145": 864486, + "5146": 864654, + "5147": 864822, + "5148": 864990, + "5149": 865158, + "515": 86688, + "5150": 865326, + "5151": 865494, + "5152": 865662, + "5153": 865830, + "5154": 865998, + "5155": 866166, + "5156": 866334, + "5157": 866502, + "5158": 866670, + "5159": 866838, + "516": 86856, + "5160": 867006, + "5161": 867174, + "5162": 867342, + "5163": 867510, + "5164": 867678, + "5165": 867846, + "5166": 868014, + "5167": 868182, + "5168": 868350, + "5169": 868518, + "517": 87024, + "5170": 868686, + "5171": 868854, + "5172": 869022, + "5173": 869190, + "5174": 869358, + "5175": 869526, + "5176": 869694, + "5177": 869862, + "5178": 870030, + "5179": 870198, + "518": 87192, + "5180": 870366, + "5181": 870534, + "5182": 870702, + "5183": 870870, + "5184": 871038, + "5185": 871206, + "5186": 871374, + "5187": 871542, + "5188": 871710, + "5189": 871878, + "519": 87360, + "5190": 872046, + "5191": 872214, + "5192": 872382, + "5193": 872550, + "5194": 872718, + "5195": 872886, + "5196": 873054, + "5197": 873222, + "5198": 873390, + "5199": 873558, + "52": 8904, + "520": 87528, + "5200": 873726, + "5201": 873894, + "5202": 874062, + "5203": 874230, + "5204": 874398, + "5205": 874566, + "5206": 874734, + "5207": 874902, + "5208": 875070, + "5209": 875238, + "521": 87696, + "5210": 875406, + "5211": 875574, + "5212": 875742, + "5213": 875910, + "5214": 876078, + "5215": 876246, + "5216": 876414, + "5217": 876582, + "5218": 876750, + "5219": 876918, + "522": 87864, + "5220": 877086, + "5221": 877254, + "5222": 877422, + "5223": 877590, + "5224": 877758, + "5225": 877926, + "5226": 878094, + "5227": 878262, + "5228": 878430, + "5229": 878598, + "523": 88032, + "5230": 878766, + "5231": 878934, + "5232": 879102, + "5233": 879270, + "5234": 879438, + "5235": 879606, + "5236": 879774, + "5237": 879942, + "5238": 880110, + "5239": 880278, + "524": 88200, + "5240": 880446, + "5241": 880614, + "5242": 880782, + "5243": 880950, + "5244": 881118, + "5245": 881286, + "5246": 881454, + "5247": 881622, + "5248": 881790, + "5249": 881958, + "525": 88368, + "5250": 882126, + "5251": 882294, + "5252": 882462, + "5253": 882630, + "5254": 882798, + "5255": 882966, + "5256": 883134, + "5257": 883302, + "5258": 883470, + "5259": 883638, + "526": 88536, + "5260": 883806, + "5261": 883974, + "5262": 884142, + "5263": 884310, + "5264": 884478, + "5265": 884646, + "5266": 884814, + "5267": 884982, + "5268": 885150, + "5269": 885318, + "527": 88704, + "5270": 885486, + "5271": 885654, + "5272": 885822, + "5273": 885990, + "5274": 886158, + "5275": 886326, + "5276": 886494, + "5277": 886662, + "5278": 886830, + "5279": 886998, + "528": 88872, + "5280": 887166, + "5281": 887334, + "5282": 887502, + "5283": 887670, + "5284": 887838, + "5285": 888006, + "5286": 888174, + "5287": 888342, + "5288": 888510, + "5289": 888678, + "529": 89040, + "5290": 888846, + "5291": 889014, + "5292": 889182, + "5293": 889350, + "5294": 889518, + "5295": 889686, + "5296": 889854, + "5297": 890022, + "5298": 890190, + "5299": 890358, + "53": 9072, + "530": 89208, + "5300": 890526, + "5301": 890694, + "5302": 890862, + "5303": 891030, + "5304": 891198, + "5305": 891366, + "5306": 891534, + "5307": 891702, + "5308": 891870, + "5309": 892038, + "531": 89376, + "5310": 892206, + "5311": 892374, + "5312": 892542, + "5313": 892710, + "5314": 892878, + "5315": 893046, + "5316": 893214, + "5317": 893382, + "5318": 893550, + "5319": 893718, + "532": 89544, + "5320": 893886, + "5321": 894054, + "5322": 894222, + "5323": 894390, + "5324": 894558, + "5325": 894726, + "5326": 894894, + "5327": 895062, + "5328": 895230, + "5329": 895398, + "533": 89712, + "5330": 895566, + "5331": 895734, + "5332": 895902, + "5333": 896070, + "5334": 896238, + "5335": 896406, + "5336": 896574, + "5337": 896742, + "5338": 896910, + "5339": 897078, + "534": 89880, + "5340": 897246, + "5341": 897414, + "5342": 897582, + "5343": 897750, + "5344": 897918, + "5345": 898086, + "5346": 898254, + "5347": 898422, + "5348": 898590, + "5349": 898758, + "535": 90048, + "5350": 898926, + "5351": 899094, + "5352": 899262, + "5353": 899430, + "5354": 899598, + "5355": 899766, + "5356": 899934, + "5357": 900102, + "5358": 900270, + "5359": 900438, + "536": 90216, + "5360": 900606, + "5361": 900774, + "5362": 900942, + "5363": 901110, + "5364": 901278, + "5365": 901446, + "5366": 901614, + "5367": 901782, + "5368": 901950, + "5369": 902118, + "537": 90384, + "5370": 902286, + "5371": 902454, + "5372": 902622, + "5373": 902790, + "5374": 902958, + "5375": 903126, + "5376": 903294, + "5377": 903462, + "5378": 903630, + "5379": 903798, + "538": 90552, + "5380": 903966, + "5381": 904134, + "5382": 904302, + "5383": 904470, + "5384": 904638, + "5385": 904806, + "5386": 904974, + "5387": 905142, + "5388": 905310, + "5389": 905478, + "539": 90720, + "5390": 905646, + "5391": 905814, + "5392": 905982, + "5393": 906150, + "5394": 906318, + "5395": 906486, + "5396": 906654, + "5397": 906822, + "5398": 906990, + "5399": 907158, + "54": 9240, + "540": 90888, + "5400": 907326, + "5401": 907494, + "5402": 907662, + "5403": 907830, + "5404": 907998, + "5405": 908166, + "5406": 908334, + "5407": 908502, + "5408": 908670, + "5409": 908838, + "541": 91056, + "5410": 909006, + "5411": 909174, + "5412": 909342, + "5413": 909510, + "5414": 909678, + "5415": 909846, + "5416": 910014, + "5417": 910182, + "5418": 910350, + "5419": 910518, + "542": 91224, + "5420": 910686, + "5421": 910854, + "5422": 911022, + "5423": 911190, + "5424": 911358, + "5425": 911526, + "5426": 911694, + "5427": 911862, + "5428": 912030, + "5429": 912198, + "543": 91392, + "5430": 912366, + "5431": 912534, + "5432": 912702, + "5433": 912870, + "5434": 913038, + "5435": 913206, + "5436": 913374, + "5437": 913542, + "5438": 913710, + "5439": 913878, + "544": 91560, + "5440": 914046, + "5441": 914214, + "5442": 914382, + "5443": 914550, + "5444": 914718, + "5445": 914886, + "5446": 915054, + "5447": 915222, + "5448": 915390, + "5449": 915558, + "545": 91728, + "5450": 915726, + "5451": 915894, + "5452": 916062, + "5453": 916230, + "5454": 916398, + "5455": 916566, + "5456": 916734, + "5457": 916902, + "5458": 917070, + "5459": 917238, + "546": 91896, + "5460": 917406, + "5461": 917574, + "5462": 917742, + "5463": 917910, + "5464": 918078, + "5465": 918246, + "5466": 918414, + "5467": 918582, + "5468": 918750, + "5469": 918918, + "547": 92064, + "5470": 919086, + "5471": 919254, + "5472": 919422, + "5473": 919590, + "5474": 919758, + "5475": 919926, + "5476": 920094, + "5477": 920262, + "5478": 920430, + "5479": 920598, + "548": 92232, + "5480": 920766, + "5481": 920934, + "5482": 921102, + "5483": 921270, + "5484": 921438, + "5485": 921606, + "5486": 921774, + "5487": 921942, + "5488": 922110, + "5489": 922278, + "549": 92400, + "5490": 922446, + "5491": 922614, + "5492": 922782, + "5493": 922950, + "5494": 923118, + "5495": 923286, + "5496": 923454, + "5497": 923622, + "5498": 923790, + "5499": 923958, + "55": 9408, + "550": 92568, + "5500": 924126, + "5501": 924294, + "5502": 924462, + "5503": 924630, + "5504": 924798, + "5505": 924966, + "5506": 925134, + "5507": 925302, + "5508": 925470, + "5509": 925638, + "551": 92736, + "5510": 925806, + "5511": 925974, + "5512": 926142, + "5513": 926310, + "5514": 926478, + "5515": 926646, + "5516": 926814, + "5517": 926982, + "5518": 927150, + "5519": 927318, + "552": 92904, + "5520": 927486, + "5521": 927654, + "5522": 927822, + "5523": 927990, + "5524": 928158, + "5525": 928326, + "5526": 928494, + "5527": 928662, + "5528": 928830, + "5529": 928998, + "553": 93072, + "5530": 929166, + "5531": 929334, + "5532": 929502, + "5533": 929670, + "5534": 929838, + "5535": 930006, + "5536": 930174, + "5537": 930342, + "5538": 930510, + "5539": 930678, + "554": 93240, + "5540": 930846, + "5541": 931014, + "5542": 931182, + "5543": 931350, + "5544": 931518, + "5545": 931686, + "5546": 931854, + "5547": 932022, + "5548": 932190, + "5549": 932358, + "555": 93408, + "5550": 932526, + "5551": 932694, + "5552": 932862, + "5553": 933030, + "5554": 933198, + "5555": 933366, + "5556": 933534, + "5557": 933702, + "5558": 933870, + "5559": 934038, + "556": 93576, + "5560": 934206, + "5561": 934374, + "5562": 934542, + "5563": 934710, + "5564": 934878, + "5565": 935046, + "5566": 935214, + "5567": 935382, + "5568": 935550, + "5569": 935718, + "557": 93744, + "5570": 935886, + "5571": 936054, + "5572": 936222, + "5573": 936390, + "5574": 936558, + "5575": 936726, + "5576": 936894, + "5577": 937062, + "5578": 937230, + "5579": 937398, + "558": 93912, + "5580": 937566, + "5581": 937734, + "5582": 937902, + "5583": 938070, + "5584": 938238, + "5585": 938406, + "5586": 938574, + "5587": 938742, + "5588": 938910, + "5589": 939078, + "559": 94080, + "5590": 939246, + "5591": 939414, + "5592": 939582, + "5593": 939750, + "5594": 939918, + "5595": 940086, + "5596": 940254, + "5597": 940422, + "5598": 940590, + "5599": 940758, + "56": 9576, + "560": 94248, + "5600": 940926, + "5601": 941094, + "5602": 941262, + "5603": 941430, + "5604": 941598, + "5605": 941766, + "5606": 941934, + "5607": 942102, + "5608": 942270, + "5609": 942438, + "561": 94416, + "5610": 942606, + "5611": 942774, + "5612": 942942, + "5613": 943110, + "5614": 943278, + "5615": 943446, + "5616": 943614, + "5617": 943782, + "5618": 943950, + "5619": 944118, + "562": 94584, + "5620": 944286, + "5621": 944454, + "5622": 944622, + "5623": 944790, + "5624": 944958, + "5625": 945126, + "5626": 945294, + "5627": 945462, + "5628": 945630, + "5629": 945798, + "563": 94752, + "5630": 945966, + "5631": 946134, + "5632": 946302, + "5633": 946470, + "5634": 946638, + "5635": 946806, + "5636": 946974, + "5637": 947142, + "5638": 947310, + "5639": 947478, + "564": 94920, + "5640": 947646, + "5641": 947814, + "5642": 947982, + "5643": 948150, + "5644": 948318, + "5645": 948486, + "5646": 948654, + "5647": 948822, + "5648": 948990, + "5649": 949158, + "565": 95088, + "5650": 949326, + "5651": 949494, + "5652": 949662, + "5653": 949830, + "5654": 949998, + "5655": 950166, + "5656": 950334, + "5657": 950502, + "5658": 950670, + "5659": 950838, + "566": 95256, + "5660": 951006, + "5661": 951174, + "5662": 951342, + "5663": 951510, + "5664": 951678, + "5665": 951846, + "5666": 952014, + "5667": 952182, + "5668": 952350, + "5669": 952518, + "567": 95424, + "5670": 952686, + "5671": 952854, + "5672": 953022, + "5673": 953190, + "5674": 953358, + "5675": 953526, + "5676": 953694, + "5677": 953862, + "5678": 954030, + "5679": 954198, + "568": 95592, + "5680": 954366, + "5681": 954534, + "5682": 954702, + "5683": 954870, + "5684": 955038, + "5685": 955206, + "5686": 955374, + "5687": 955542, + "5688": 955710, + "5689": 955878, + "569": 95760, + "5690": 956046, + "5691": 956214, + "5692": 956382, + "5693": 956550, + "5694": 956718, + "5695": 956886, + "5696": 957054, + "5697": 957222, + "5698": 957390, + "5699": 957558, + "57": 9744, + "570": 95928, + "5700": 957726, + "5701": 957894, + "5702": 958062, + "5703": 958230, + "5704": 958398, + "5705": 958566, + "5706": 958734, + "5707": 958902, + "5708": 959070, + "5709": 959238, + "571": 96096, + "5710": 959406, + "5711": 959574, + "5712": 959742, + "5713": 959910, + "5714": 960078, + "5715": 960246, + "5716": 960414, + "5717": 960582, + "5718": 960750, + "5719": 960918, + "572": 96264, + "5720": 961086, + "5721": 961254, + "5722": 961422, + "5723": 961590, + "5724": 961758, + "5725": 961926, + "5726": 962094, + "5727": 962262, + "5728": 962430, + "5729": 962598, + "573": 96432, + "5730": 962766, + "5731": 962934, + "5732": 963102, + "5733": 963270, + "5734": 963438, + "5735": 963606, + "5736": 963774, + "5737": 963942, + "5738": 964110, + "5739": 964278, + "574": 96600, + "5740": 964446, + "5741": 964614, + "5742": 964782, + "5743": 964950, + "5744": 965118, + "5745": 965286, + "5746": 965454, + "5747": 965622, + "5748": 965790, + "5749": 965958, + "575": 96768, + "5750": 966126, + "5751": 966294, + "5752": 966462, + "5753": 966630, + "5754": 966798, + "5755": 966966, + "5756": 967134, + "5757": 967302, + "5758": 967470, + "5759": 967638, + "576": 96936, + "5760": 967806, + "5761": 967974, + "5762": 968142, + "5763": 968310, + "5764": 968478, + "5765": 968646, + "5766": 968814, + "5767": 968982, + "5768": 969150, + "5769": 969318, + "577": 97104, + "5770": 969486, + "5771": 969654, + "5772": 969822, + "5773": 969990, + "5774": 970158, + "5775": 970326, + "5776": 970494, + "5777": 970662, + "5778": 970830, + "5779": 970998, + "578": 97272, + "5780": 971166, + "5781": 971334, + "5782": 971502, + "5783": 971670, + "5784": 971838, + "5785": 972006, + "5786": 972174, + "5787": 972342, + "5788": 972510, + "5789": 972678, + "579": 97440, + "5790": 972846, + "5791": 973014, + "5792": 973182, + "5793": 973350, + "5794": 973518, + "5795": 973686, + "5796": 973854, + "5797": 974022, + "5798": 974190, + "5799": 974358, + "58": 9912, + "580": 97608, + "5800": 974526, + "5801": 974694, + "5802": 974862, + "5803": 975030, + "5804": 975198, + "5805": 975366, + "5806": 975534, + "5807": 975702, + "5808": 975870, + "5809": 976038, + "581": 97776, + "5810": 976206, + "5811": 976374, + "5812": 976542, + "5813": 976710, + "5814": 976878, + "5815": 977046, + "5816": 977214, + "5817": 977382, + "5818": 977550, + "5819": 977718, + "582": 97944, + "5820": 977886, + "5821": 978054, + "5822": 978222, + "5823": 978390, + "5824": 978558, + "5825": 978726, + "5826": 978894, + "5827": 979062, + "5828": 979230, + "5829": 979398, + "583": 98112, + "5830": 979566, + "5831": 979734, + "5832": 979902, + "5833": 980070, + "5834": 980238, + "5835": 980406, + "5836": 980574, + "5837": 980742, + "5838": 980910, + "5839": 981078, + "584": 98280, + "5840": 981246, + "5841": 981414, + "5842": 981582, + "5843": 981750, + "5844": 981918, + "5845": 982086, + "5846": 982254, + "5847": 982422, + "5848": 982590, + "5849": 982758, + "585": 98448, + "5850": 982926, + "5851": 983094, + "5852": 983262, + "5853": 983430, + "5854": 983598, + "5855": 983766, + "5856": 983934, + "5857": 984102, + "5858": 984270, + "5859": 984438, + "586": 98616, + "5860": 984606, + "5861": 984774, + "5862": 984942, + "5863": 985110, + "5864": 985278, + "5865": 985446, + "5866": 985614, + "5867": 985782, + "5868": 985950, + "5869": 986118, + "587": 98784, + "5870": 986286, + "5871": 986454, + "5872": 986622, + "5873": 986790, + "5874": 986958, + "5875": 987126, + "5876": 987294, + "5877": 987462, + "5878": 987630, + "5879": 987798, + "588": 98952, + "5880": 987966, + "5881": 988134, + "5882": 988302, + "5883": 988470, + "5884": 988638, + "5885": 988806, + "5886": 988974, + "5887": 989142, + "5888": 989310, + "5889": 989478, + "589": 99120, + "5890": 989646, + "5891": 989814, + "5892": 989982, + "5893": 990150, + "5894": 990318, + "5895": 990486, + "5896": 990654, + "5897": 990822, + "5898": 990990, + "5899": 991158, + "59": 10080, + "590": 99288, + "5900": 991326, + "5901": 991494, + "5902": 991662, + "5903": 991830, + "5904": 991998, + "5905": 992166, + "5906": 992334, + "5907": 992502, + "5908": 992670, + "5909": 992838, + "591": 99456, + "5910": 993006, + "5911": 993174, + "5912": 993342, + "5913": 993510, + "5914": 993678, + "5915": 993846, + "5916": 994014, + "5917": 994182, + "5918": 994350, + "5919": 994518, + "592": 99624, + "5920": 994686, + "5921": 994854, + "5922": 995022, + "5923": 995190, + "5924": 995358, + "5925": 995526, + "5926": 995694, + "5927": 995862, + "5928": 996030, + "5929": 996198, + "593": 99792, + "5930": 996366, + "5931": 996534, + "5932": 996702, + "5933": 996870, + "5934": 997038, + "5935": 997206, + "5936": 997374, + "5937": 997542, + "5938": 997710, + "5939": 997878, + "594": 99960, + "5940": 998046, + "5941": 998214, + "5942": 998382, + "5943": 998550, + "5944": 998718, + "5945": 998886, + "5946": 999054, + "5947": 999222, + "5948": 999390, + "5949": 999558, + "595": 100128, + "5950": 999726, + "5951": 999894, + "5952": 1000062, + "5953": 1000230, + "5954": 1000398, + "5955": 1000566, + "5956": 1000734, + "5957": 1000902, + "5958": 1001070, + "5959": 1001238, + "596": 100296, + "5960": 1001406, + "5961": 1001574, + "5962": 1001742, + "5963": 1001910, + "5964": 1002078, + "5965": 1002246, + "5966": 1002414, + "5967": 1002582, + "5968": 1002750, + "5969": 1002918, + "597": 100464, + "5970": 1003086, + "5971": 1003254, + "5972": 1003422, + "5973": 1003590, + "5974": 1003758, + "5975": 1003926, + "5976": 1004094, + "5977": 1004262, + "5978": 1004430, + "5979": 1004598, + "598": 100632, + "5980": 1004766, + "5981": 1004934, + "5982": 1005102, + "5983": 1005270, + "5984": 1005438, + "5985": 1005606, + "5986": 1005774, + "5987": 1005942, + "5988": 1006110, + "5989": 1006278, + "599": 100800, + "5990": 1006446, + "5991": 1006614, + "5992": 1006782, + "5993": 1006950, + "5994": 1007118, + "5995": 1007286, + "5996": 1007454, + "5997": 1007622, + "5998": 1007790, + "5999": 1007958, + "6": 1176, + "60": 10248, + "600": 100968, + "6000": 1008126, + "6001": 1008294, + "6002": 1008462, + "6003": 1008630, + "6004": 1008798, + "6005": 1008966, + "6006": 1009134, + "6007": 1009302, + "6008": 1009470, + "6009": 1009638, + "601": 101136, + "6010": 1009806, + "6011": 1009974, + "6012": 1010142, + "6013": 1010310, + "6014": 1010478, + "6015": 1010646, + "6016": 1010814, + "6017": 1010982, + "6018": 1011150, + "6019": 1011318, + "602": 101304, + "6020": 1011486, + "6021": 1011654, + "6022": 1011822, + "6023": 1011990, + "6024": 1012158, + "6025": 1012326, + "6026": 1012494, + "6027": 1012662, + "6028": 1012830, + "6029": 1012998, + "603": 101472, + "6030": 1013166, + "6031": 1013334, + "6032": 1013502, + "6033": 1013670, + "6034": 1013838, + "6035": 1014006, + "6036": 1014174, + "6037": 1014342, + "6038": 1014510, + "6039": 1014678, + "604": 101640, + "6040": 1014846, + "6041": 1015014, + "6042": 1015182, + "6043": 1015350, + "6044": 1015518, + "6045": 1015686, + "6046": 1015854, + "6047": 1016022, + "6048": 1016190, + "6049": 1016358, + "605": 101808, + "6050": 1016526, + "6051": 1016694, + "6052": 1016862, + "6053": 1017030, + "6054": 1017198, + "6055": 1017366, + "6056": 1017534, + "6057": 1017702, + "6058": 1017870, + "6059": 1018038, + "606": 101976, + "6060": 1018206, + "6061": 1018374, + "6062": 1018542, + "6063": 1018710, + "6064": 1018878, + "6065": 1019046, + "6066": 1019214, + "6067": 1019382, + "6068": 1019550, + "6069": 1019718, + "607": 102144, + "6070": 1019886, + "6071": 1020054, + "6072": 1020222, + "6073": 1020390, + "6074": 1020558, + "6075": 1020726, + "6076": 1020894, + "6077": 1021062, + "6078": 1021230, + "6079": 1021398, + "608": 102312, + "6080": 1021566, + "6081": 1021734, + "6082": 1021902, + "6083": 1022070, + "6084": 1022238, + "6085": 1022406, + "6086": 1022574, + "6087": 1022742, + "6088": 1022910, + "6089": 1023078, + "609": 102480, + "6090": 1023246, + "6091": 1023414, + "6092": 1023582, + "6093": 1023750, + "6094": 1023918, + "6095": 1024086, + "6096": 1024254, + "6097": 1024422, + "6098": 1024590, + "6099": 1024758, + "61": 10416, + "610": 102648, + "6100": 1024926, + "6101": 1025094, + "6102": 1025262, + "6103": 1025430, + "6104": 1025598, + "6105": 1025766, + "6106": 1025934, + "6107": 1026102, + "6108": 1026270, + "6109": 1026438, + "611": 102816, + "6110": 1026606, + "6111": 1026774, + "6112": 1026942, + "6113": 1027110, + "6114": 1027278, + "6115": 1027446, + "6116": 1027614, + "6117": 1027782, + "6118": 1027950, + "6119": 1028118, + "612": 102984, + "6120": 1028286, + "6121": 1028454, + "6122": 1028622, + "6123": 1028790, + "6124": 1028958, + "6125": 1029126, + "6126": 1029294, + "6127": 1029462, + "6128": 1029630, + "6129": 1029798, + "613": 103152, + "6130": 1029966, + "6131": 1030134, + "6132": 1030302, + "6133": 1030470, + "6134": 1030638, + "6135": 1030806, + "6136": 1030974, + "6137": 1031142, + "6138": 1031310, + "6139": 1031478, + "614": 103320, + "6140": 1031646, + "6141": 1031814, + "6142": 1031982, + "6143": 1032150, + "6144": 1032318, + "6145": 1032486, + "6146": 1032654, + "6147": 1032822, + "6148": 1032990, + "6149": 1033158, + "615": 103488, + "6150": 1033326, + "6151": 1033494, + "6152": 1033662, + "6153": 1033830, + "6154": 1033998, + "6155": 1034166, + "6156": 1034334, + "6157": 1034502, + "6158": 1034670, + "6159": 1034838, + "616": 103656, + "6160": 1035006, + "6161": 1035174, + "6162": 1035342, + "6163": 1035510, + "6164": 1035678, + "6165": 1035846, + "6166": 1036014, + "6167": 1036182, + "6168": 1036350, + "6169": 1036518, + "617": 103824, + "6170": 1036686, + "6171": 1036854, + "6172": 1037022, + "6173": 1037190, + "6174": 1037358, + "6175": 1037526, + "6176": 1037694, + "6177": 1037862, + "6178": 1038030, + "6179": 1038198, + "618": 103992, + "6180": 1038366, + "6181": 1038534, + "6182": 1038702, + "6183": 1038870, + "6184": 1039038, + "6185": 1039206, + "6186": 1039374, + "6187": 1039542, + "6188": 1039710, + "6189": 1039878, + "619": 104160, + "6190": 1040046, + "6191": 1040214, + "6192": 1040382, + "6193": 1040550, + "6194": 1040718, + "6195": 1040886, + "6196": 1041054, + "6197": 1041222, + "6198": 1041390, + "6199": 1041558, + "62": 10584, + "620": 104328, + "6200": 1041726, + "6201": 1041894, + "6202": 1042062, + "6203": 1042230, + "6204": 1042398, + "6205": 1042566, + "6206": 1042734, + "6207": 1042902, + "6208": 1043070, + "6209": 1043238, + "621": 104496, + "6210": 1043406, + "6211": 1043574, + "6212": 1043742, + "6213": 1043910, + "6214": 1044078, + "6215": 1044246, + "6216": 1044414, + "6217": 1044582, + "6218": 1044750, + "6219": 1044918, + "622": 104664, + "6220": 1045086, + "6221": 1045254, + "6222": 1045422, + "6223": 1045590, + "6224": 1045758, + "6225": 1045926, + "6226": 1046094, + "6227": 1046262, + "6228": 1046430, + "6229": 1046598, + "623": 104832, + "6230": 1046766, + "6231": 1046934, + "6232": 1047102, + "6233": 1047270, + "6234": 1047438, + "6235": 1047606, + "6236": 1047774, + "6237": 1047942, + "6238": 1048110, + "6239": 1048278, + "624": 105000, + "6240": 1048446, + "6241": 1048614, + "6242": 1048782, + "6243": 1048950, + "6244": 1049118, + "6245": 1049286, + "6246": 1049454, + "6247": 1049622, + "6248": 1049790, + "6249": 1049958, + "625": 105168, + "6250": 1050126, + "6251": 1050294, + "6252": 1050462, + "6253": 1050630, + "6254": 1050798, + "6255": 1050966, + "6256": 1051134, + "6257": 1051302, + "6258": 1051470, + "6259": 1051638, + "626": 105336, + "6260": 1051806, + "6261": 1051974, + "6262": 1052142, + "6263": 1052310, + "6264": 1052478, + "6265": 1052646, + "6266": 1052814, + "6267": 1052982, + "6268": 1053150, + "6269": 1053318, + "627": 105504, + "6270": 1053486, + "6271": 1053654, + "6272": 1053822, + "6273": 1053990, + "6274": 1054158, + "6275": 1054326, + "6276": 1054494, + "6277": 1054662, + "6278": 1054830, + "6279": 1054998, + "628": 105672, + "6280": 1055166, + "6281": 1055334, + "6282": 1055502, + "6283": 1055670, + "6284": 1055838, + "6285": 1056006, + "6286": 1056174, + "6287": 1056342, + "6288": 1056510, + "6289": 1056678, + "629": 105840, + "6290": 1056846, + "6291": 1057014, + "6292": 1057182, + "6293": 1057350, + "6294": 1057518, + "6295": 1057686, + "6296": 1057854, + "6297": 1058022, + "6298": 1058190, + "6299": 1058358, + "63": 10752, + "630": 106008, + "6300": 1058526, + "6301": 1058694, + "6302": 1058862, + "6303": 1059030, + "6304": 1059198, + "6305": 1059366, + "6306": 1059534, + "6307": 1059702, + "6308": 1059870, + "6309": 1060038, + "631": 106176, + "6310": 1060206, + "6311": 1060374, + "6312": 1060542, + "6313": 1060710, + "6314": 1060878, + "6315": 1061046, + "6316": 1061214, + "6317": 1061382, + "6318": 1061550, + "6319": 1061718, + "632": 106344, + "6320": 1061886, + "6321": 1062054, + "6322": 1062222, + "6323": 1062390, + "6324": 1062558, + "6325": 1062726, + "6326": 1062894, + "6327": 1063062, + "6328": 1063230, + "6329": 1063398, + "633": 106512, + "6330": 1063566, + "6331": 1063734, + "6332": 1063902, + "6333": 1064070, + "6334": 1064238, + "6335": 1064406, + "6336": 1064574, + "6337": 1064742, + "6338": 1064910, + "6339": 1065078, + "634": 106680, + "6340": 1065246, + "6341": 1065414, + "6342": 1065582, + "6343": 1065750, + "6344": 1065918, + "6345": 1066086, + "6346": 1066254, + "6347": 1066422, + "6348": 1066590, + "6349": 1066758, + "635": 106848, + "6350": 1066926, + "6351": 1067094, + "6352": 1067262, + "6353": 1067430, + "6354": 1067598, + "6355": 1067766, + "6356": 1067934, + "6357": 1068102, + "6358": 1068270, + "6359": 1068438, + "636": 107016, + "6360": 1068606, + "6361": 1068774, + "6362": 1068942, + "6363": 1069110, + "6364": 1069278, + "6365": 1069446, + "6366": 1069614, + "6367": 1069782, + "6368": 1069950, + "6369": 1070118, + "637": 107184, + "6370": 1070286, + "6371": 1070454, + "6372": 1070622, + "6373": 1070790, + "6374": 1070958, + "6375": 1071126, + "6376": 1071294, + "6377": 1071462, + "6378": 1071630, + "6379": 1071798, + "638": 107352, + "6380": 1071966, + "6381": 1072134, + "6382": 1072302, + "6383": 1072470, + "6384": 1072638, + "6385": 1072806, + "6386": 1072974, + "6387": 1073142, + "6388": 1073310, + "6389": 1073478, + "639": 107520, + "6390": 1073646, + "6391": 1073814, + "6392": 1073982, + "6393": 1074150, + "6394": 1074318, + "6395": 1074486, + "6396": 1074654, + "6397": 1074822, + "6398": 1074990, + "6399": 1075158, + "64": 10920, + "640": 107688, + "6400": 1075326, + "6401": 1075494, + "6402": 1075662, + "6403": 1075830, + "6404": 1075998, + "6405": 1076166, + "6406": 1076334, + "6407": 1076502, + "6408": 1076670, + "6409": 1076838, + "641": 107856, + "6410": 1077006, + "6411": 1077174, + "6412": 1077342, + "6413": 1077510, + "6414": 1077678, + "6415": 1077846, + "6416": 1078014, + "6417": 1078182, + "6418": 1078350, + "6419": 1078518, + "642": 108024, + "6420": 1078686, + "6421": 1078854, + "6422": 1079022, + "6423": 1079190, + "6424": 1079358, + "6425": 1079526, + "6426": 1079694, + "6427": 1079862, + "6428": 1080030, + "6429": 1080198, + "643": 108192, + "6430": 1080366, + "6431": 1080534, + "6432": 1080702, + "6433": 1080870, + "6434": 1081038, + "6435": 1081206, + "6436": 1081374, + "6437": 1081542, + "6438": 1081710, + "6439": 1081878, + "644": 108360, + "6440": 1082046, + "6441": 1082214, + "6442": 1082382, + "6443": 1082550, + "6444": 1082718, + "6445": 1082886, + "6446": 1083054, + "6447": 1083222, + "6448": 1083390, + "6449": 1083558, + "645": 108528, + "6450": 1083726, + "6451": 1083894, + "6452": 1084062, + "6453": 1084230, + "6454": 1084398, + "6455": 1084566, + "6456": 1084734, + "6457": 1084902, + "6458": 1085070, + "6459": 1085238, + "646": 108696, + "6460": 1085406, + "6461": 1085574, + "6462": 1085742, + "6463": 1085910, + "6464": 1086078, + "6465": 1086246, + "6466": 1086414, + "6467": 1086582, + "6468": 1086750, + "6469": 1086918, + "647": 108864, + "6470": 1087086, + "6471": 1087254, + "6472": 1087422, + "6473": 1087590, + "6474": 1087758, + "6475": 1087926, + "6476": 1088094, + "6477": 1088262, + "6478": 1088430, + "6479": 1088598, + "648": 109032, + "6480": 1088766, + "6481": 1088934, + "6482": 1089102, + "6483": 1089270, + "6484": 1089438, + "6485": 1089606, + "6486": 1089774, + "6487": 1089942, + "6488": 1090110, + "6489": 1090278, + "649": 109200, + "6490": 1090446, + "6491": 1090614, + "6492": 1090782, + "6493": 1090950, + "6494": 1091118, + "6495": 1091286, + "6496": 1091454, + "6497": 1091622, + "6498": 1091790, + "6499": 1091958, + "65": 11088, + "650": 109368, + "6500": 1092126, + "6501": 1092294, + "6502": 1092462, + "6503": 1092630, + "6504": 1092798, + "6505": 1092966, + "6506": 1093134, + "6507": 1093302, + "6508": 1093470, + "6509": 1093638, + "651": 109536, + "6510": 1093806, + "6511": 1093974, + "6512": 1094142, + "6513": 1094310, + "6514": 1094478, + "6515": 1094646, + "6516": 1094814, + "6517": 1094982, + "6518": 1095150, + "6519": 1095318, + "652": 109704, + "6520": 1095486, + "6521": 1095654, + "6522": 1095822, + "6523": 1095990, + "6524": 1096158, + "6525": 1096326, + "6526": 1096494, + "6527": 1096662, + "6528": 1096830, + "6529": 1096998, + "653": 109872, + "6530": 1097166, + "6531": 1097334, + "6532": 1097502, + "6533": 1097670, + "6534": 1097838, + "6535": 1098006, + "6536": 1098174, + "6537": 1098342, + "6538": 1098510, + "6539": 1098678, + "654": 110040, + "6540": 1098846, + "6541": 1099014, + "6542": 1099182, + "6543": 1099350, + "6544": 1099518, + "6545": 1099686, + "6546": 1099854, + "6547": 1100022, + "6548": 1100190, + "6549": 1100358, + "655": 110208, + "6550": 1100526, + "6551": 1100694, + "6552": 1100862, + "6553": 1101030, + "6554": 1101198, + "6555": 1101366, + "6556": 1101534, + "6557": 1101702, + "6558": 1101870, + "6559": 1102038, + "656": 110376, + "6560": 1102206, + "6561": 1102374, + "6562": 1102542, + "6563": 1102710, + "6564": 1102878, + "6565": 1103046, + "6566": 1103214, + "6567": 1103382, + "6568": 1103550, + "6569": 1103718, + "657": 110544, + "6570": 1103886, + "6571": 1104054, + "6572": 1104222, + "6573": 1104390, + "6574": 1104558, + "6575": 1104726, + "6576": 1104894, + "6577": 1105062, + "6578": 1105230, + "6579": 1105398, + "658": 110712, + "6580": 1105566, + "6581": 1105734, + "6582": 1105902, + "6583": 1106070, + "6584": 1106238, + "6585": 1106406, + "6586": 1106574, + "6587": 1106742, + "6588": 1106910, + "6589": 1107078, + "659": 110880, + "6590": 1107246, + "6591": 1107414, + "6592": 1107582, + "6593": 1107750, + "6594": 1107918, + "6595": 1108086, + "6596": 1108254, + "6597": 1108422, + "6598": 1108590, + "6599": 1108758, + "66": 11256, + "660": 111048, + "6600": 1108926, + "6601": 1109094, + "6602": 1109262, + "6603": 1109430, + "6604": 1109598, + "6605": 1109766, + "6606": 1109934, + "6607": 1110102, + "6608": 1110270, + "6609": 1110438, + "661": 111216, + "6610": 1110606, + "6611": 1110774, + "6612": 1110942, + "6613": 1111110, + "6614": 1111278, + "6615": 1111446, + "6616": 1111614, + "6617": 1111782, + "6618": 1111950, + "6619": 1112118, + "662": 111384, + "6620": 1112286, + "6621": 1112454, + "6622": 1112622, + "6623": 1112790, + "6624": 1112958, + "6625": 1113126, + "6626": 1113294, + "6627": 1113462, + "6628": 1113630, + "6629": 1113798, + "663": 111552, + "6630": 1113966, + "6631": 1114134, + "6632": 1114302, + "6633": 1114470, + "6634": 1114638, + "6635": 1114806, + "6636": 1114974, + "6637": 1115142, + "6638": 1115310, + "6639": 1115478, + "664": 111720, + "6640": 1115646, + "6641": 1115814, + "6642": 1115982, + "6643": 1116150, + "6644": 1116318, + "6645": 1116486, + "6646": 1116654, + "6647": 1116822, + "6648": 1116990, + "6649": 1117158, + "665": 111888, + "6650": 1117326, + "6651": 1117494, + "6652": 1117662, + "6653": 1117830, + "6654": 1117998, + "6655": 1118166, + "6656": 1118334, + "6657": 1118502, + "6658": 1118670, + "6659": 1118838, + "666": 112056, + "6660": 1119006, + "6661": 1119174, + "6662": 1119342, + "6663": 1119510, + "6664": 1119678, + "6665": 1119846, + "6666": 1120014, + "6667": 1120182, + "6668": 1120350, + "6669": 1120518, + "667": 112224, + "6670": 1120686, + "6671": 1120854, + "6672": 1121022, + "6673": 1121190, + "6674": 1121358, + "6675": 1121526, + "6676": 1121694, + "6677": 1121862, + "6678": 1122030, + "6679": 1122198, + "668": 112392, + "6680": 1122366, + "6681": 1122534, + "6682": 1122702, + "6683": 1122870, + "6684": 1123038, + "6685": 1123206, + "6686": 1123374, + "6687": 1123542, + "6688": 1123710, + "6689": 1123878, + "669": 112560, + "6690": 1124046, + "6691": 1124214, + "6692": 1124382, + "6693": 1124550, + "6694": 1124718, + "6695": 1124886, + "6696": 1125054, + "6697": 1125222, + "6698": 1125390, + "6699": 1125558, + "67": 11424, + "670": 112728, + "6700": 1125726, + "6701": 1125894, + "6702": 1126062, + "6703": 1126230, + "6704": 1126398, + "6705": 1126566, + "6706": 1126734, + "6707": 1126902, + "6708": 1127070, + "6709": 1127238, + "671": 112896, + "6710": 1127406, + "6711": 1127574, + "6712": 1127742, + "6713": 1127910, + "6714": 1128078, + "6715": 1128246, + "6716": 1128414, + "6717": 1128582, + "6718": 1128750, + "6719": 1128918, + "672": 113064, + "6720": 1129086, + "6721": 1129254, + "6722": 1129422, + "6723": 1129590, + "6724": 1129758, + "6725": 1129926, + "6726": 1130094, + "6727": 1130262, + "6728": 1130430, + "6729": 1130598, + "673": 113232, + "6730": 1130766, + "6731": 1130934, + "6732": 1131102, + "6733": 1131270, + "6734": 1131438, + "6735": 1131606, + "6736": 1131774, + "6737": 1131942, + "6738": 1132110, + "6739": 1132278, + "674": 113400, + "6740": 1132446, + "6741": 1132614, + "6742": 1132782, + "6743": 1132950, + "6744": 1133118, + "6745": 1133286, + "6746": 1133454, + "6747": 1133622, + "6748": 1133790, + "6749": 1133958, + "675": 113568, + "6750": 1134126, + "6751": 1134294, + "6752": 1134462, + "6753": 1134630, + "6754": 1134798, + "6755": 1134966, + "6756": 1135134, + "6757": 1135302, + "6758": 1135470, + "6759": 1135638, + "676": 113736, + "6760": 1135806, + "6761": 1135974, + "6762": 1136142, + "6763": 1136310, + "6764": 1136478, + "6765": 1136646, + "6766": 1136814, + "6767": 1136982, + "6768": 1137150, + "6769": 1137318, + "677": 113904, + "6770": 1137486, + "6771": 1137654, + "6772": 1137822, + "6773": 1137990, + "6774": 1138158, + "6775": 1138326, + "6776": 1138494, + "6777": 1138662, + "6778": 1138830, + "6779": 1138998, + "678": 114072, + "6780": 1139166, + "6781": 1139334, + "6782": 1139502, + "6783": 1139670, + "6784": 1139838, + "6785": 1140006, + "6786": 1140174, + "6787": 1140342, + "6788": 1140510, + "6789": 1140678, + "679": 114240, + "6790": 1140846, + "6791": 1141014, + "6792": 1141182, + "6793": 1141350, + "6794": 1141518, + "6795": 1141686, + "6796": 1141854, + "6797": 1142022, + "6798": 1142190, + "6799": 1142358, + "68": 11592, + "680": 114408, + "6800": 1142526, + "6801": 1142694, + "6802": 1142862, + "6803": 1143030, + "6804": 1143198, + "6805": 1143366, + "6806": 1143534, + "6807": 1143702, + "6808": 1143870, + "6809": 1144038, + "681": 114576, + "6810": 1144206, + "6811": 1144374, + "6812": 1144542, + "6813": 1144710, + "6814": 1144878, + "6815": 1145046, + "6816": 1145214, + "6817": 1145382, + "6818": 1145550, + "6819": 1145718, + "682": 114744, + "6820": 1145886, + "6821": 1146054, + "6822": 1146222, + "6823": 1146390, + "6824": 1146558, + "6825": 1146726, + "6826": 1146894, + "6827": 1147062, + "6828": 1147230, + "6829": 1147398, + "683": 114912, + "6830": 1147566, + "6831": 1147734, + "6832": 1147902, + "6833": 1148070, + "6834": 1148238, + "6835": 1148406, + "6836": 1148574, + "6837": 1148742, + "6838": 1148910, + "6839": 1149078, + "684": 115080, + "6840": 1149246, + "6841": 1149414, + "6842": 1149582, + "6843": 1149750, + "6844": 1149918, + "6845": 1150086, + "6846": 1150254, + "6847": 1150422, + "6848": 1150590, + "6849": 1150758, + "685": 115248, + "6850": 1150926, + "6851": 1151094, + "6852": 1151262, + "6853": 1151430, + "6854": 1151598, + "6855": 1151766, + "6856": 1151934, + "6857": 1152102, + "6858": 1152270, + "6859": 1152438, + "686": 115416, + "6860": 1152606, + "6861": 1152774, + "6862": 1152942, + "6863": 1153110, + "6864": 1153278, + "6865": 1153446, + "6866": 1153614, + "6867": 1153782, + "6868": 1153950, + "6869": 1154118, + "687": 115584, + "6870": 1154286, + "6871": 1154454, + "6872": 1154622, + "6873": 1154790, + "6874": 1154958, + "6875": 1155126, + "6876": 1155294, + "6877": 1155462, + "6878": 1155630, + "6879": 1155798, + "688": 115752, + "6880": 1155966, + "6881": 1156134, + "6882": 1156302, + "6883": 1156470, + "6884": 1156638, + "6885": 1156806, + "6886": 1156974, + "6887": 1157142, + "6888": 1157310, + "6889": 1157478, + "689": 115920, + "6890": 1157646, + "6891": 1157814, + "6892": 1157982, + "6893": 1158150, + "6894": 1158318, + "6895": 1158486, + "6896": 1158654, + "6897": 1158822, + "6898": 1158990, + "6899": 1159158, + "69": 11760, + "690": 116088, + "6900": 1159326, + "6901": 1159494, + "6902": 1159662, + "6903": 1159830, + "6904": 1159998, + "6905": 1160166, + "6906": 1160334, + "6907": 1160502, + "6908": 1160670, + "6909": 1160838, + "691": 116256, + "6910": 1161006, + "6911": 1161174, + "6912": 1161342, + "6913": 1161510, + "6914": 1161678, + "6915": 1161846, + "6916": 1162014, + "6917": 1162182, + "6918": 1162350, + "6919": 1162518, + "692": 116424, + "6920": 1162686, + "6921": 1162854, + "6922": 1163022, + "6923": 1163190, + "6924": 1163358, + "6925": 1163526, + "6926": 1163694, + "6927": 1163862, + "6928": 1164030, + "6929": 1164198, + "693": 116592, + "6930": 1164366, + "6931": 1164534, + "6932": 1164702, + "6933": 1164870, + "6934": 1165038, + "6935": 1165206, + "6936": 1165374, + "6937": 1165542, + "6938": 1165710, + "6939": 1165878, + "694": 116760, + "6940": 1166046, + "6941": 1166214, + "6942": 1166382, + "6943": 1166550, + "6944": 1166718, + "6945": 1166886, + "6946": 1167054, + "6947": 1167222, + "6948": 1167390, + "6949": 1167558, + "695": 116928, + "6950": 1167726, + "6951": 1167894, + "6952": 1168062, + "6953": 1168230, + "6954": 1168398, + "6955": 1168566, + "6956": 1168734, + "6957": 1168902, + "6958": 1169070, + "6959": 1169238, + "696": 117096, + "6960": 1169406, + "6961": 1169574, + "6962": 1169742, + "6963": 1169910, + "6964": 1170078, + "6965": 1170246, + "6966": 1170414, + "6967": 1170582, + "6968": 1170750, + "6969": 1170918, + "697": 117264, + "6970": 1171086, + "6971": 1171254, + "6972": 1171422, + "6973": 1171590, + "6974": 1171758, + "6975": 1171926, + "6976": 1172094, + "6977": 1172262, + "6978": 1172430, + "6979": 1172598, + "698": 117432, + "6980": 1172766, + "6981": 1172934, + "6982": 1173102, + "6983": 1173270, + "6984": 1173438, + "6985": 1173606, + "6986": 1173774, + "6987": 1173942, + "6988": 1174110, + "6989": 1174278, + "699": 117600, + "6990": 1174446, + "6991": 1174614, + "6992": 1174782, + "6993": 1174950, + "6994": 1175118, + "6995": 1175286, + "6996": 1175454, + "6997": 1175622, + "6998": 1175790, + "6999": 1175958, + "7": 1344, + "70": 11928, + "700": 117768, + "7000": 1176126, + "7001": 1176294, + "7002": 1176462, + "7003": 1176630, + "7004": 1176798, + "7005": 1176966, + "7006": 1177134, + "7007": 1177302, + "7008": 1177470, + "7009": 1177638, + "701": 117936, + "7010": 1177806, + "7011": 1177974, + "7012": 1178142, + "7013": 1178310, + "7014": 1178478, + "7015": 1178646, + "7016": 1178814, + "7017": 1178982, + "7018": 1179150, + "7019": 1179318, + "702": 118104, + "7020": 1179486, + "7021": 1179654, + "7022": 1179822, + "7023": 1179990, + "7024": 1180158, + "7025": 1180326, + "7026": 1180494, + "7027": 1180662, + "7028": 1180830, + "7029": 1180998, + "703": 118272, + "7030": 1181166, + "7031": 1181334, + "7032": 1181502, + "7033": 1181670, + "7034": 1181838, + "7035": 1182006, + "7036": 1182174, + "7037": 1182342, + "7038": 1182510, + "7039": 1182678, + "704": 118440, + "7040": 1182846, + "7041": 1183014, + "7042": 1183182, + "7043": 1183350, + "7044": 1183518, + "7045": 1183686, + "7046": 1183854, + "7047": 1184022, + "7048": 1184190, + "7049": 1184358, + "705": 118608, + "7050": 1184526, + "7051": 1184694, + "7052": 1184862, + "7053": 1185030, + "7054": 1185198, + "7055": 1185366, + "7056": 1185534, + "7057": 1185702, + "7058": 1185870, + "7059": 1186038, + "706": 118776, + "7060": 1186206, + "7061": 1186374, + "7062": 1186542, + "7063": 1186710, + "7064": 1186878, + "7065": 1187046, + "7066": 1187214, + "7067": 1187382, + "7068": 1187550, + "7069": 1187718, + "707": 118944, + "7070": 1187886, + "7071": 1188054, + "7072": 1188222, + "7073": 1188390, + "7074": 1188558, + "7075": 1188726, + "7076": 1188894, + "7077": 1189062, + "7078": 1189230, + "7079": 1189398, + "708": 119112, + "7080": 1189566, + "7081": 1189734, + "7082": 1189902, + "7083": 1190070, + "7084": 1190238, + "7085": 1190406, + "7086": 1190574, + "7087": 1190742, + "7088": 1190910, + "7089": 1191078, + "709": 119280, + "7090": 1191246, + "7091": 1191414, + "7092": 1191582, + "7093": 1191750, + "7094": 1191918, + "7095": 1192086, + "7096": 1192254, + "7097": 1192422, + "7098": 1192590, + "7099": 1192758, + "71": 12096, + "710": 119448, + "7100": 1192926, + "7101": 1193094, + "7102": 1193262, + "7103": 1193430, + "7104": 1193598, + "7105": 1193766, + "7106": 1193934, + "7107": 1194102, + "7108": 1194270, + "7109": 1194438, + "711": 119616, + "7110": 1194606, + "7111": 1194774, + "7112": 1194942, + "7113": 1195110, + "7114": 1195278, + "7115": 1195446, + "7116": 1195614, + "7117": 1195782, + "7118": 1195950, + "7119": 1196118, + "712": 119784, + "7120": 1196286, + "7121": 1196454, + "7122": 1196622, + "7123": 1196790, + "7124": 1196958, + "7125": 1197126, + "7126": 1197294, + "7127": 1197462, + "7128": 1197630, + "7129": 1197798, + "713": 119952, + "7130": 1197966, + "7131": 1198134, + "7132": 1198302, + "7133": 1198470, + "7134": 1198638, + "7135": 1198806, + "7136": 1198974, + "7137": 1199142, + "7138": 1199310, + "7139": 1199478, + "714": 120120, + "7140": 1199646, + "7141": 1199814, + "7142": 1199982, + "7143": 1200150, + "7144": 1200318, + "7145": 1200486, + "7146": 1200654, + "7147": 1200822, + "7148": 1200990, + "7149": 1201158, + "715": 120288, + "7150": 1201326, + "7151": 1201494, + "7152": 1201662, + "7153": 1201830, + "7154": 1201998, + "7155": 1202166, + "7156": 1202334, + "7157": 1202502, + "7158": 1202670, + "7159": 1202838, + "716": 120456, + "7160": 1203006, + "7161": 1203174, + "7162": 1203342, + "7163": 1203510, + "7164": 1203678, + "7165": 1203846, + "7166": 1204014, + "7167": 1204182, + "7168": 1204350, + "7169": 1204518, + "717": 120624, + "7170": 1204686, + "7171": 1204854, + "7172": 1205022, + "7173": 1205190, + "7174": 1205358, + "7175": 1205526, + "7176": 1205694, + "7177": 1205862, + "7178": 1206030, + "7179": 1206198, + "718": 120792, + "7180": 1206366, + "7181": 1206534, + "7182": 1206702, + "7183": 1206870, + "7184": 1207038, + "7185": 1207206, + "7186": 1207374, + "7187": 1207542, + "7188": 1207710, + "7189": 1207878, + "719": 120960, + "7190": 1208046, + "7191": 1208214, + "7192": 1208382, + "7193": 1208550, + "7194": 1208718, + "7195": 1208886, + "7196": 1209054, + "7197": 1209222, + "7198": 1209390, + "7199": 1209558, + "72": 12264, + "720": 121128, + "7200": 1209726, + "7201": 1209894, + "7202": 1210062, + "7203": 1210230, + "7204": 1210398, + "7205": 1210566, + "7206": 1210734, + "7207": 1210902, + "7208": 1211070, + "7209": 1211238, + "721": 121296, + "7210": 1211406, + "7211": 1211574, + "7212": 1211742, + "7213": 1211910, + "7214": 1212078, + "7215": 1212246, + "7216": 1212414, + "7217": 1212582, + "7218": 1212750, + "7219": 1212918, + "722": 121464, + "7220": 1213086, + "7221": 1213254, + "7222": 1213422, + "7223": 1213590, + "7224": 1213758, + "7225": 1213926, + "7226": 1214094, + "7227": 1214262, + "7228": 1214430, + "7229": 1214598, + "723": 121632, + "7230": 1214766, + "7231": 1214934, + "7232": 1215102, + "7233": 1215270, + "7234": 1215438, + "7235": 1215606, + "7236": 1215774, + "7237": 1215942, + "7238": 1216110, + "7239": 1216278, + "724": 121800, + "7240": 1216446, + "7241": 1216614, + "7242": 1216782, + "7243": 1216950, + "7244": 1217118, + "7245": 1217286, + "7246": 1217454, + "7247": 1217622, + "7248": 1217790, + "7249": 1217958, + "725": 121968, + "7250": 1218126, + "7251": 1218294, + "7252": 1218462, + "7253": 1218630, + "7254": 1218798, + "7255": 1218966, + "7256": 1219134, + "7257": 1219302, + "7258": 1219470, + "7259": 1219638, + "726": 122136, + "7260": 1219806, + "7261": 1219974, + "7262": 1220142, + "7263": 1220310, + "7264": 1220478, + "7265": 1220646, + "7266": 1220814, + "7267": 1220982, + "7268": 1221150, + "7269": 1221318, + "727": 122304, + "7270": 1221486, + "7271": 1221654, + "7272": 1221822, + "7273": 1221990, + "7274": 1222158, + "7275": 1222326, + "7276": 1222494, + "7277": 1222662, + "7278": 1222830, + "7279": 1222998, + "728": 122472, + "7280": 1223166, + "7281": 1223334, + "7282": 1223502, + "7283": 1223670, + "7284": 1223838, + "7285": 1224006, + "7286": 1224174, + "7287": 1224342, + "7288": 1224510, + "7289": 1224678, + "729": 122640, + "7290": 1224846, + "7291": 1225014, + "7292": 1225182, + "7293": 1225350, + "7294": 1225518, + "7295": 1225686, + "7296": 1225854, + "7297": 1226022, + "7298": 1226190, + "7299": 1226358, + "73": 12432, + "730": 122808, + "7300": 1226526, + "7301": 1226694, + "7302": 1226862, + "7303": 1227030, + "7304": 1227198, + "7305": 1227366, + "7306": 1227534, + "7307": 1227702, + "7308": 1227870, + "7309": 1228038, + "731": 122976, + "7310": 1228206, + "7311": 1228374, + "7312": 1228542, + "7313": 1228710, + "7314": 1228878, + "7315": 1229046, + "7316": 1229214, + "7317": 1229382, + "7318": 1229550, + "7319": 1229718, + "732": 123144, + "7320": 1229886, + "7321": 1230054, + "7322": 1230222, + "7323": 1230390, + "7324": 1230558, + "7325": 1230726, + "7326": 1230894, + "7327": 1231062, + "7328": 1231230, + "7329": 1231398, + "733": 123312, + "7330": 1231566, + "7331": 1231734, + "7332": 1231902, + "7333": 1232070, + "7334": 1232238, + "7335": 1232406, + "7336": 1232574, + "7337": 1232742, + "7338": 1232910, + "7339": 1233078, + "734": 123480, + "7340": 1233246, + "7341": 1233414, + "7342": 1233582, + "7343": 1233750, + "7344": 1233918, + "7345": 1234086, + "7346": 1234254, + "7347": 1234422, + "7348": 1234590, + "7349": 1234758, + "735": 123648, + "7350": 1234926, + "7351": 1235094, + "7352": 1235262, + "7353": 1235430, + "7354": 1235598, + "7355": 1235766, + "7356": 1235934, + "7357": 1236102, + "7358": 1236270, + "7359": 1236438, + "736": 123816, + "7360": 1236606, + "7361": 1236774, + "7362": 1236942, + "7363": 1237110, + "7364": 1237278, + "7365": 1237446, + "7366": 1237614, + "7367": 1237782, + "7368": 1237950, + "7369": 1238118, + "737": 123984, + "7370": 1238286, + "7371": 1238454, + "7372": 1238622, + "7373": 1238790, + "7374": 1238958, + "7375": 1239126, + "7376": 1239294, + "7377": 1239462, + "7378": 1239630, + "7379": 1239798, + "738": 124152, + "7380": 1239966, + "7381": 1240134, + "7382": 1240302, + "7383": 1240470, + "7384": 1240638, + "7385": 1240806, + "7386": 1240974, + "7387": 1241142, + "7388": 1241310, + "7389": 1241478, + "739": 124320, + "7390": 1241646, + "7391": 1241814, + "7392": 1241982, + "7393": 1242150, + "7394": 1242318, + "7395": 1242486, + "7396": 1242654, + "7397": 1242822, + "7398": 1242990, + "7399": 1243158, + "74": 12600, + "740": 124488, + "7400": 1243326, + "7401": 1243494, + "7402": 1243662, + "7403": 1243830, + "7404": 1243998, + "7405": 1244166, + "7406": 1244334, + "7407": 1244502, + "7408": 1244670, + "7409": 1244838, + "741": 124656, + "7410": 1245006, + "7411": 1245174, + "7412": 1245342, + "7413": 1245510, + "7414": 1245678, + "7415": 1245846, + "7416": 1246014, + "7417": 1246182, + "7418": 1246350, + "7419": 1246518, + "742": 124824, + "7420": 1246686, + "7421": 1246854, + "7422": 1247022, + "7423": 1247190, + "7424": 1247358, + "7425": 1247526, + "7426": 1247694, + "7427": 1247862, + "7428": 1248030, + "7429": 1248198, + "743": 124992, + "7430": 1248366, + "7431": 1248534, + "7432": 1248702, + "7433": 1248870, + "7434": 1249038, + "7435": 1249206, + "7436": 1249374, + "7437": 1249542, + "7438": 1249710, + "7439": 1249878, + "744": 125160, + "7440": 1250046, + "7441": 1250214, + "7442": 1250382, + "7443": 1250550, + "7444": 1250718, + "7445": 1250886, + "7446": 1251054, + "7447": 1251222, + "7448": 1251390, + "7449": 1251558, + "745": 125328, + "7450": 1251726, + "7451": 1251894, + "7452": 1252062, + "7453": 1252230, + "7454": 1252398, + "7455": 1252566, + "7456": 1252734, + "7457": 1252902, + "7458": 1253070, + "7459": 1253238, + "746": 125496, + "7460": 1253406, + "7461": 1253574, + "7462": 1253742, + "7463": 1253910, + "7464": 1254078, + "7465": 1254246, + "7466": 1254414, + "7467": 1254582, + "7468": 1254750, + "7469": 1254918, + "747": 125664, + "7470": 1255086, + "7471": 1255254, + "7472": 1255422, + "7473": 1255590, + "7474": 1255758, + "7475": 1255926, + "7476": 1256094, + "7477": 1256262, + "7478": 1256430, + "7479": 1256598, + "748": 125832, + "7480": 1256766, + "7481": 1256934, + "7482": 1257102, + "7483": 1257270, + "7484": 1257438, + "7485": 1257606, + "7486": 1257774, + "7487": 1257942, + "7488": 1258110, + "7489": 1258278, + "749": 126000, + "7490": 1258446, + "7491": 1258614, + "7492": 1258782, + "7493": 1258950, + "7494": 1259118, + "7495": 1259286, + "7496": 1259454, + "7497": 1259622, + "7498": 1259790, + "7499": 1259958, + "75": 12768, + "750": 126168, + "7500": 1260126, + "7501": 1260294, + "7502": 1260462, + "7503": 1260630, + "7504": 1260798, + "7505": 1260966, + "7506": 1261134, + "7507": 1261302, + "7508": 1261470, + "7509": 1261638, + "751": 126336, + "7510": 1261806, + "7511": 1261974, + "7512": 1262142, + "7513": 1262310, + "7514": 1262478, + "7515": 1262646, + "7516": 1262814, + "7517": 1262982, + "7518": 1263150, + "7519": 1263318, + "752": 126504, + "7520": 1263486, + "7521": 1263654, + "7522": 1263822, + "7523": 1263990, + "7524": 1264158, + "7525": 1264326, + "7526": 1264494, + "7527": 1264662, + "7528": 1264830, + "7529": 1264998, + "753": 126672, + "7530": 1265166, + "7531": 1265334, + "7532": 1265502, + "7533": 1265670, + "7534": 1265838, + "7535": 1266006, + "7536": 1266174, + "7537": 1266342, + "7538": 1266510, + "7539": 1266678, + "754": 126840, + "7540": 1266846, + "7541": 1267014, + "7542": 1267182, + "7543": 1267350, + "7544": 1267518, + "7545": 1267686, + "7546": 1267854, + "7547": 1268022, + "7548": 1268190, + "7549": 1268358, + "755": 127008, + "7550": 1268526, + "7551": 1268694, + "7552": 1268862, + "7553": 1269030, + "7554": 1269198, + "7555": 1269366, + "7556": 1269534, + "7557": 1269702, + "7558": 1269870, + "7559": 1270038, + "756": 127176, + "7560": 1270206, + "7561": 1270374, + "7562": 1270542, + "7563": 1270710, + "7564": 1270878, + "7565": 1271046, + "7566": 1271214, + "7567": 1271382, + "7568": 1271550, + "7569": 1271718, + "757": 127344, + "7570": 1271886, + "7571": 1272054, + "7572": 1272222, + "7573": 1272390, + "7574": 1272558, + "7575": 1272726, + "7576": 1272894, + "7577": 1273062, + "7578": 1273230, + "7579": 1273398, + "758": 127512, + "7580": 1273566, + "7581": 1273734, + "7582": 1273902, + "7583": 1274070, + "7584": 1274238, + "7585": 1274406, + "7586": 1274574, + "7587": 1274742, + "7588": 1274910, + "7589": 1275078, + "759": 127680, + "7590": 1275246, + "7591": 1275414, + "7592": 1275582, + "7593": 1275750, + "7594": 1275918, + "7595": 1276086, + "7596": 1276254, + "7597": 1276422, + "7598": 1276590, + "7599": 1276758, + "76": 12936, + "760": 127848, + "7600": 1276926, + "7601": 1277094, + "7602": 1277262, + "7603": 1277430, + "7604": 1277598, + "7605": 1277766, + "7606": 1277934, + "7607": 1278102, + "7608": 1278270, + "7609": 1278438, + "761": 128016, + "7610": 1278606, + "7611": 1278774, + "7612": 1278942, + "7613": 1279110, + "7614": 1279278, + "7615": 1279446, + "7616": 1279614, + "7617": 1279782, + "7618": 1279950, + "7619": 1280118, + "762": 128184, + "7620": 1280286, + "7621": 1280454, + "7622": 1280622, + "7623": 1280790, + "7624": 1280958, + "7625": 1281126, + "7626": 1281294, + "7627": 1281462, + "7628": 1281630, + "7629": 1281798, + "763": 128352, + "7630": 1281966, + "7631": 1282134, + "7632": 1282302, + "7633": 1282470, + "7634": 1282638, + "7635": 1282806, + "7636": 1282974, + "7637": 1283142, + "7638": 1283310, + "7639": 1283478, + "764": 128520, + "7640": 1283646, + "7641": 1283814, + "7642": 1283982, + "7643": 1284150, + "7644": 1284318, + "7645": 1284486, + "7646": 1284654, + "7647": 1284822, + "7648": 1284990, + "7649": 1285158, + "765": 128688, + "7650": 1285326, + "7651": 1285494, + "7652": 1285662, + "7653": 1285830, + "7654": 1285998, + "7655": 1286166, + "7656": 1286334, + "7657": 1286502, + "7658": 1286670, + "7659": 1286838, + "766": 128856, + "7660": 1287006, + "7661": 1287174, + "7662": 1287342, + "7663": 1287510, + "7664": 1287678, + "7665": 1287846, + "7666": 1288014, + "7667": 1288182, + "7668": 1288350, + "7669": 1288518, + "767": 129024, + "7670": 1288686, + "7671": 1288854, + "7672": 1289022, + "7673": 1289190, + "7674": 1289358, + "7675": 1289526, + "7676": 1289694, + "7677": 1289862, + "7678": 1290030, + "7679": 1290198, + "768": 129192, + "7680": 1290366, + "7681": 1290534, + "7682": 1290702, + "7683": 1290870, + "7684": 1291038, + "7685": 1291206, + "7686": 1291374, + "7687": 1291542, + "7688": 1291710, + "7689": 1291878, + "769": 129360, + "7690": 1292046, + "7691": 1292214, + "7692": 1292382, + "7693": 1292550, + "7694": 1292718, + "7695": 1292886, + "7696": 1293054, + "7697": 1293222, + "7698": 1293390, + "7699": 1293558, + "77": 13104, + "770": 129528, + "7700": 1293726, + "7701": 1293894, + "7702": 1294062, + "7703": 1294230, + "7704": 1294398, + "7705": 1294566, + "7706": 1294734, + "7707": 1294902, + "7708": 1295070, + "7709": 1295238, + "771": 129696, + "7710": 1295406, + "7711": 1295574, + "7712": 1295742, + "7713": 1295910, + "7714": 1296078, + "7715": 1296246, + "7716": 1296414, + "7717": 1296582, + "7718": 1296750, + "7719": 1296918, + "772": 129864, + "7720": 1297086, + "7721": 1297254, + "7722": 1297422, + "7723": 1297590, + "7724": 1297758, + "7725": 1297926, + "7726": 1298094, + "7727": 1298262, + "7728": 1298430, + "7729": 1298598, + "773": 130032, + "7730": 1298766, + "7731": 1298934, + "7732": 1299102, + "7733": 1299270, + "7734": 1299438, + "7735": 1299606, + "7736": 1299774, + "7737": 1299942, + "7738": 1300110, + "7739": 1300278, + "774": 130200, + "7740": 1300446, + "7741": 1300614, + "7742": 1300782, + "7743": 1300950, + "7744": 1301118, + "7745": 1301286, + "7746": 1301454, + "7747": 1301622, + "7748": 1301790, + "7749": 1301958, + "775": 130368, + "7750": 1302126, + "7751": 1302294, + "7752": 1302462, + "7753": 1302630, + "7754": 1302798, + "7755": 1302966, + "7756": 1303134, + "7757": 1303302, + "7758": 1303470, + "7759": 1303638, + "776": 130536, + "7760": 1303806, + "7761": 1303974, + "7762": 1304142, + "7763": 1304310, + "7764": 1304478, + "7765": 1304646, + "7766": 1304814, + "7767": 1304982, + "7768": 1305150, + "7769": 1305318, + "777": 130704, + "7770": 1305486, + "7771": 1305654, + "7772": 1305822, + "7773": 1305990, + "7774": 1306158, + "7775": 1306326, + "7776": 1306494, + "7777": 1306662, + "7778": 1306830, + "7779": 1306998, + "778": 130872, + "7780": 1307166, + "7781": 1307334, + "7782": 1307502, + "7783": 1307670, + "7784": 1307838, + "7785": 1308006, + "7786": 1308174, + "7787": 1308342, + "7788": 1308510, + "7789": 1308678, + "779": 131040, + "7790": 1308846, + "7791": 1309014, + "7792": 1309182, + "7793": 1309350, + "7794": 1309518, + "7795": 1309686, + "7796": 1309854, + "7797": 1310022, + "7798": 1310190, + "7799": 1310358, + "78": 13272, + "780": 131208, + "7800": 1310526, + "7801": 1310694, + "7802": 1310862, + "7803": 1311030, + "7804": 1311198, + "7805": 1311366, + "7806": 1311534, + "7807": 1311702, + "7808": 1311870, + "7809": 1312038, + "781": 131376, + "7810": 1312206, + "7811": 1312374, + "7812": 1312542, + "7813": 1312710, + "7814": 1312878, + "7815": 1313046, + "7816": 1313214, + "7817": 1313382, + "7818": 1313550, + "7819": 1313718, + "782": 131544, + "7820": 1313886, + "7821": 1314054, + "7822": 1314222, + "7823": 1314390, + "7824": 1314558, + "7825": 1314726, + "7826": 1314894, + "7827": 1315062, + "7828": 1315230, + "7829": 1315398, + "783": 131712, + "7830": 1315566, + "7831": 1315734, + "7832": 1315902, + "7833": 1316070, + "7834": 1316238, + "7835": 1316406, + "7836": 1316574, + "7837": 1316742, + "7838": 1316910, + "7839": 1317078, + "784": 131880, + "7840": 1317246, + "7841": 1317414, + "7842": 1317582, + "7843": 1317750, + "7844": 1317918, + "7845": 1318086, + "7846": 1318254, + "7847": 1318422, + "7848": 1318590, + "7849": 1318758, + "785": 132048, + "7850": 1318926, + "7851": 1319094, + "7852": 1319262, + "7853": 1319430, + "7854": 1319598, + "7855": 1319766, + "7856": 1319934, + "7857": 1320102, + "7858": 1320270, + "7859": 1320438, + "786": 132216, + "7860": 1320606, + "7861": 1320774, + "7862": 1320942, + "7863": 1321110, + "7864": 1321278, + "7865": 1321446, + "7866": 1321614, + "7867": 1321782, + "7868": 1321950, + "7869": 1322118, + "787": 132384, + "7870": 1322286, + "7871": 1322454, + "7872": 1322622, + "7873": 1322790, + "7874": 1322958, + "7875": 1323126, + "7876": 1323294, + "7877": 1323462, + "7878": 1323630, + "7879": 1323798, + "788": 132552, + "7880": 1323966, + "7881": 1324134, + "7882": 1324302, + "7883": 1324470, + "7884": 1324638, + "7885": 1324806, + "7886": 1324974, + "7887": 1325142, + "7888": 1325310, + "7889": 1325478, + "789": 132720, + "7890": 1325646, + "7891": 1325814, + "7892": 1325982, + "7893": 1326150, + "7894": 1326318, + "7895": 1326486, + "7896": 1326654, + "7897": 1326822, + "7898": 1326990, + "7899": 1327158, + "79": 13440, + "790": 132888, + "7900": 1327326, + "7901": 1327494, + "7902": 1327662, + "7903": 1327830, + "7904": 1327998, + "7905": 1328166, + "7906": 1328334, + "7907": 1328502, + "7908": 1328670, + "7909": 1328838, + "791": 133056, + "7910": 1329006, + "7911": 1329174, + "7912": 1329342, + "7913": 1329510, + "7914": 1329678, + "7915": 1329846, + "7916": 1330014, + "7917": 1330182, + "7918": 1330350, + "7919": 1330476, + "792": 133224, + "793": 133392, + "794": 133560, + "795": 133728, + "796": 133896, + "797": 134064, + "798": 134232, + "799": 134400, + "8": 1512, + "80": 13608, + "800": 134568, + "801": 134736, + "802": 134904, + "803": 135072, + "804": 135240, + "805": 135408, + "806": 135576, + "807": 135744, + "808": 135912, + "809": 136080, + "81": 13776, + "810": 136248, + "811": 136416, + "812": 136584, + "813": 136752, + "814": 136920, + "815": 137088, + "816": 137256, + "817": 137424, + "818": 137592, + "819": 137760, + "82": 13944, + "820": 137928, + "821": 138096, + "822": 138264, + "823": 138432, + "824": 138600, + "825": 138768, + "826": 138936, + "827": 139104, + "828": 139272, + "829": 139440, + "83": 14112, + "830": 139608, + "831": 139776, + "832": 139944, + "833": 140112, + "834": 140280, + "835": 140448, + "836": 140616, + "837": 140784, + "838": 140952, + "839": 141120, + "84": 14280, + "840": 141288, + "841": 141456, + "842": 141624, + "843": 141792, + "844": 141960, + "845": 142128, + "846": 142296, + "847": 142464, + "848": 142632, + "849": 142800, + "85": 14448, + "850": 142968, + "851": 143136, + "852": 143304, + "853": 143472, + "854": 143640, + "855": 143808, + "856": 143976, + "857": 144144, + "858": 144312, + "859": 144480, + "86": 14616, + "860": 144648, + "861": 144816, + "862": 144984, + "863": 145152, + "864": 145320, + "865": 145488, + "866": 145656, + "867": 145824, + "868": 145992, + "869": 146160, + "87": 14784, + "870": 146328, + "871": 146496, + "872": 146664, + "873": 146832, + "874": 147000, + "875": 147168, + "876": 147336, + "877": 147504, + "878": 147672, + "879": 147840, + "88": 14952, + "880": 148008, + "881": 148176, + "882": 148344, + "883": 148512, + "884": 148680, + "885": 148848, + "886": 149016, + "887": 149184, + "888": 149352, + "889": 149520, + "89": 15120, + "890": 149688, + "891": 149856, + "892": 150024, + "893": 150192, + "894": 150360, + "895": 150528, + "896": 150696, + "897": 150864, + "898": 151032, + "899": 151200, + "9": 1680, + "90": 15288, + "900": 151368, + "901": 151536, + "902": 151704, + "903": 151872, + "904": 152040, + "905": 152208, + "906": 152376, + "907": 152544, + "908": 152712, + "909": 152880, + "91": 15456, + "910": 153048, + "911": 153216, + "912": 153384, + "913": 153552, + "914": 153720, + "915": 153888, + "916": 154056, + "917": 154224, + "918": 154392, + "919": 154560, + "92": 15624, + "920": 154728, + "921": 154896, + "922": 155064, + "923": 155232, + "924": 155400, + "925": 155568, + "926": 155736, + "927": 155904, + "928": 156072, + "929": 156240, + "93": 15792, + "930": 156408, + "931": 156576, + "932": 156744, + "933": 156912, + "934": 157080, + "935": 157248, + "936": 157416, + "937": 157584, + "938": 157752, + "939": 157920, + "94": 15960, + "940": 158088, + "941": 158256, + "942": 158424, + "943": 158592, + "944": 158760, + "945": 158928, + "946": 159096, + "947": 159264, + "948": 159432, + "949": 159600, + "95": 16128, + "950": 159768, + "951": 159936, + "952": 160104, + "953": 160272, + "954": 160440, + "955": 160608, + "956": 160776, + "957": 160944, + "958": 161112, + "959": 161280, + "96": 16296, + "960": 161448, + "961": 161616, + "962": 161784, + "963": 161952, + "964": 162120, + "965": 162288, + "966": 162456, + "967": 162624, + "968": 162792, + "969": 162960, + "97": 16464, + "970": 163128, + "971": 163296, + "972": 163464, + "973": 163632, + "974": 163800, + "975": 163968, + "976": 164136, + "977": 164304, + "978": 164472, + "979": 164640, + "98": 16632, + "980": 164808, + "981": 164976, + "982": 165144, + "983": 165312, + "984": 165480, + "985": 165648, + "986": 165816, + "987": 165984, + "988": 166152, + "989": 166320, + "99": 16800, + "990": 166488, + "991": 166656, + "992": 166824, + "993": 166992, + "994": 167160, + "995": 167328, + "996": 167496, + "997": 167664, + "998": 167832, + "999": 168000 + }, + "epoch": 2, + "incremental_checkpoint_token_usage": { + "1": 665238, + "2": 0, + "3": 665238, + "4": 0 + }, + "incremental_step_token_usage": { + "0": 168, + "1": 168, + "10": 168, + "100": 168, + "1000": 168, + "1001": 168, + "1002": 168, + "1003": 168, + "1004": 168, + "1005": 168, + "1006": 168, + "1007": 168, + "1008": 168, + "1009": 168, + "101": 168, + "1010": 168, + "1011": 168, + "1012": 168, + "1013": 168, + "1014": 168, + "1015": 168, + "1016": 168, + "1017": 168, + "1018": 168, + "1019": 168, + "102": 168, + "1020": 168, + "1021": 168, + "1022": 168, + "1023": 168, + "1024": 168, + "1025": 168, + "1026": 168, + "1027": 168, + "1028": 168, + "1029": 168, + "103": 168, + "1030": 168, + "1031": 168, + "1032": 168, + "1033": 168, + "1034": 168, + "1035": 168, + "1036": 168, + "1037": 168, + "1038": 168, + "1039": 168, + "104": 168, + "1040": 168, + "1041": 168, + "1042": 168, + "1043": 168, + "1044": 168, + "1045": 168, + "1046": 168, + "1047": 168, + "1048": 168, + "1049": 168, + "105": 168, + "1050": 168, + "1051": 168, + "1052": 168, + "1053": 168, + "1054": 168, + "1055": 168, + "1056": 168, + "1057": 168, + "1058": 168, + "1059": 168, + "106": 168, + "1060": 168, + "1061": 168, + "1062": 168, + "1063": 168, + "1064": 168, + "1065": 168, + "1066": 168, + "1067": 168, + "1068": 168, + "1069": 168, + "107": 168, + "1070": 168, + "1071": 168, + "1072": 168, + "1073": 168, + "1074": 168, + "1075": 168, + "1076": 168, + "1077": 168, + "1078": 168, + "1079": 168, + "108": 168, + "1080": 168, + "1081": 168, + "1082": 168, + "1083": 168, + "1084": 168, + "1085": 168, + "1086": 168, + "1087": 168, + "1088": 168, + "1089": 168, + "109": 168, + "1090": 168, + "1091": 168, + "1092": 168, + "1093": 168, + "1094": 168, + "1095": 168, + "1096": 168, + "1097": 168, + "1098": 168, + "1099": 168, + "11": 168, + "110": 168, + "1100": 168, + "1101": 168, + "1102": 168, + "1103": 168, + "1104": 168, + "1105": 168, + "1106": 168, + "1107": 168, + "1108": 168, + "1109": 168, + "111": 168, + "1110": 168, + "1111": 168, + "1112": 168, + "1113": 168, + "1114": 168, + "1115": 168, + "1116": 168, + "1117": 168, + "1118": 168, + "1119": 168, + "112": 168, + "1120": 168, + "1121": 168, + "1122": 168, + "1123": 168, + "1124": 168, + "1125": 168, + "1126": 168, + "1127": 168, + "1128": 168, + "1129": 168, + "113": 168, + "1130": 168, + "1131": 168, + "1132": 168, + "1133": 168, + "1134": 168, + "1135": 168, + "1136": 168, + "1137": 168, + "1138": 168, + "1139": 168, + "114": 168, + "1140": 168, + "1141": 168, + "1142": 168, + "1143": 168, + "1144": 168, + "1145": 168, + "1146": 168, + "1147": 168, + "1148": 168, + "1149": 168, + "115": 168, + "1150": 168, + "1151": 168, + "1152": 168, + "1153": 168, + "1154": 168, + "1155": 168, + "1156": 168, + "1157": 168, + "1158": 168, + "1159": 168, + "116": 168, + "1160": 168, + "1161": 168, + "1162": 168, + "1163": 168, + "1164": 168, + "1165": 168, + "1166": 168, + "1167": 168, + "1168": 168, + "1169": 168, + "117": 168, + "1170": 168, + "1171": 168, + "1172": 168, + "1173": 168, + "1174": 168, + "1175": 168, + "1176": 168, + "1177": 168, + "1178": 168, + "1179": 168, + "118": 168, + "1180": 168, + "1181": 168, + "1182": 168, + "1183": 168, + "1184": 168, + "1185": 168, + "1186": 168, + "1187": 168, + "1188": 168, + "1189": 168, + "119": 168, + "1190": 168, + "1191": 168, + "1192": 168, + "1193": 168, + "1194": 168, + "1195": 168, + "1196": 168, + "1197": 168, + "1198": 168, + "1199": 168, + "12": 168, + "120": 168, + "1200": 168, + "1201": 168, + "1202": 168, + "1203": 168, + "1204": 168, + "1205": 168, + "1206": 168, + "1207": 168, + "1208": 168, + "1209": 168, + "121": 168, + "1210": 168, + "1211": 168, + "1212": 168, + "1213": 168, + "1214": 168, + "1215": 168, + "1216": 168, + "1217": 168, + "1218": 168, + "1219": 168, + "122": 168, + "1220": 168, + "1221": 168, + "1222": 168, + "1223": 168, + "1224": 168, + "1225": 168, + "1226": 168, + "1227": 168, + "1228": 168, + "1229": 168, + "123": 168, + "1230": 168, + "1231": 168, + "1232": 168, + "1233": 168, + "1234": 168, + "1235": 168, + "1236": 168, + "1237": 168, + "1238": 168, + "1239": 168, + "124": 168, + "1240": 168, + "1241": 168, + "1242": 168, + "1243": 168, + "1244": 168, + "1245": 168, + "1246": 168, + "1247": 168, + "1248": 168, + "1249": 168, + "125": 168, + "1250": 168, + "1251": 168, + "1252": 168, + "1253": 168, + "1254": 168, + "1255": 168, + "1256": 168, + "1257": 168, + "1258": 168, + "1259": 168, + "126": 168, + "1260": 168, + "1261": 168, + "1262": 168, + "1263": 168, + "1264": 168, + "1265": 168, + "1266": 168, + "1267": 168, + "1268": 168, + "1269": 168, + "127": 168, + "1270": 168, + "1271": 168, + "1272": 168, + "1273": 168, + "1274": 168, + "1275": 168, + "1276": 168, + "1277": 168, + "1278": 168, + "1279": 168, + "128": 168, + "1280": 168, + "1281": 168, + "1282": 168, + "1283": 168, + "1284": 168, + "1285": 168, + "1286": 168, + "1287": 168, + "1288": 168, + "1289": 168, + "129": 168, + "1290": 168, + "1291": 168, + "1292": 168, + "1293": 168, + "1294": 168, + "1295": 168, + "1296": 168, + "1297": 168, + "1298": 168, + "1299": 168, + "13": 168, + "130": 168, + "1300": 168, + "1301": 168, + "1302": 168, + "1303": 168, + "1304": 168, + "1305": 168, + "1306": 168, + "1307": 168, + "1308": 168, + "1309": 168, + "131": 168, + "1310": 168, + "1311": 168, + "1312": 168, + "1313": 168, + "1314": 168, + "1315": 168, + "1316": 168, + "1317": 168, + "1318": 168, + "1319": 168, + "132": 168, + "1320": 168, + "1321": 168, + "1322": 168, + "1323": 168, + "1324": 168, + "1325": 168, + "1326": 168, + "1327": 168, + "1328": 168, + "1329": 168, + "133": 168, + "1330": 168, + "1331": 168, + "1332": 168, + "1333": 168, + "1334": 168, + "1335": 168, + "1336": 168, + "1337": 168, + "1338": 168, + "1339": 168, + "134": 168, + "1340": 168, + "1341": 168, + "1342": 168, + "1343": 168, + "1344": 168, + "1345": 168, + "1346": 168, + "1347": 168, + "1348": 168, + "1349": 168, + "135": 168, + "1350": 168, + "1351": 168, + "1352": 168, + "1353": 168, + "1354": 168, + "1355": 168, + "1356": 168, + "1357": 168, + "1358": 168, + "1359": 168, + "136": 168, + "1360": 168, + "1361": 168, + "1362": 168, + "1363": 168, + "1364": 168, + "1365": 168, + "1366": 168, + "1367": 168, + "1368": 168, + "1369": 168, + "137": 168, + "1370": 168, + "1371": 168, + "1372": 168, + "1373": 168, + "1374": 168, + "1375": 168, + "1376": 168, + "1377": 168, + "1378": 168, + "1379": 168, + "138": 168, + "1380": 168, + "1381": 168, + "1382": 168, + "1383": 168, + "1384": 168, + "1385": 168, + "1386": 168, + "1387": 168, + "1388": 168, + "1389": 168, + "139": 168, + "1390": 168, + "1391": 168, + "1392": 168, + "1393": 168, + "1394": 168, + "1395": 168, + "1396": 168, + "1397": 168, + "1398": 168, + "1399": 168, + "14": 168, + "140": 168, + "1400": 168, + "1401": 168, + "1402": 168, + "1403": 168, + "1404": 168, + "1405": 168, + "1406": 168, + "1407": 168, + "1408": 168, + "1409": 168, + "141": 168, + "1410": 168, + "1411": 168, + "1412": 168, + "1413": 168, + "1414": 168, + "1415": 168, + "1416": 168, + "1417": 168, + "1418": 168, + "1419": 168, + "142": 168, + "1420": 168, + "1421": 168, + "1422": 168, + "1423": 168, + "1424": 168, + "1425": 168, + "1426": 168, + "1427": 168, + "1428": 168, + "1429": 168, + "143": 168, + "1430": 168, + "1431": 168, + "1432": 168, + "1433": 168, + "1434": 168, + "1435": 168, + "1436": 168, + "1437": 168, + "1438": 168, + "1439": 168, + "144": 168, + "1440": 168, + "1441": 168, + "1442": 168, + "1443": 168, + "1444": 168, + "1445": 168, + "1446": 168, + "1447": 168, + "1448": 168, + "1449": 168, + "145": 168, + "1450": 168, + "1451": 168, + "1452": 168, + "1453": 168, + "1454": 168, + "1455": 168, + "1456": 168, + "1457": 168, + "1458": 168, + "1459": 168, + "146": 168, + "1460": 168, + "1461": 168, + "1462": 168, + "1463": 168, + "1464": 168, + "1465": 168, + "1466": 168, + "1467": 168, + "1468": 168, + "1469": 168, + "147": 168, + "1470": 168, + "1471": 168, + "1472": 168, + "1473": 168, + "1474": 168, + "1475": 168, + "1476": 168, + "1477": 168, + "1478": 168, + "1479": 168, + "148": 168, + "1480": 168, + "1481": 168, + "1482": 168, + "1483": 168, + "1484": 168, + "1485": 168, + "1486": 168, + "1487": 168, + "1488": 168, + "1489": 168, + "149": 168, + "1490": 168, + "1491": 168, + "1492": 168, + "1493": 168, + "1494": 168, + "1495": 168, + "1496": 168, + "1497": 168, + "1498": 168, + "1499": 168, + "15": 168, + "150": 168, + "1500": 168, + "1501": 168, + "1502": 168, + "1503": 168, + "1504": 168, + "1505": 168, + "1506": 168, + "1507": 168, + "1508": 168, + "1509": 168, + "151": 168, + "1510": 168, + "1511": 168, + "1512": 168, + "1513": 168, + "1514": 168, + "1515": 168, + "1516": 168, + "1517": 168, + "1518": 168, + "1519": 168, + "152": 168, + "1520": 168, + "1521": 168, + "1522": 168, + "1523": 168, + "1524": 168, + "1525": 168, + "1526": 168, + "1527": 168, + "1528": 168, + "1529": 168, + "153": 168, + "1530": 168, + "1531": 168, + "1532": 168, + "1533": 168, + "1534": 168, + "1535": 168, + "1536": 168, + "1537": 168, + "1538": 168, + "1539": 168, + "154": 168, + "1540": 168, + "1541": 168, + "1542": 168, + "1543": 168, + "1544": 168, + "1545": 168, + "1546": 168, + "1547": 168, + "1548": 168, + "1549": 168, + "155": 168, + "1550": 168, + "1551": 168, + "1552": 168, + "1553": 168, + "1554": 168, + "1555": 168, + "1556": 168, + "1557": 168, + "1558": 168, + "1559": 168, + "156": 168, + "1560": 168, + "1561": 168, + "1562": 168, + "1563": 168, + "1564": 168, + "1565": 168, + "1566": 168, + "1567": 168, + "1568": 168, + "1569": 168, + "157": 168, + "1570": 168, + "1571": 168, + "1572": 168, + "1573": 168, + "1574": 168, + "1575": 168, + "1576": 168, + "1577": 168, + "1578": 168, + "1579": 168, + "158": 168, + "1580": 168, + "1581": 168, + "1582": 168, + "1583": 168, + "1584": 168, + "1585": 168, + "1586": 168, + "1587": 168, + "1588": 168, + "1589": 168, + "159": 168, + "1590": 168, + "1591": 168, + "1592": 168, + "1593": 168, + "1594": 168, + "1595": 168, + "1596": 168, + "1597": 168, + "1598": 168, + "1599": 168, + "16": 168, + "160": 168, + "1600": 168, + "1601": 168, + "1602": 168, + "1603": 168, + "1604": 168, + "1605": 168, + "1606": 168, + "1607": 168, + "1608": 168, + "1609": 168, + "161": 168, + "1610": 168, + "1611": 168, + "1612": 168, + "1613": 168, + "1614": 168, + "1615": 168, + "1616": 168, + "1617": 168, + "1618": 168, + "1619": 168, + "162": 168, + "1620": 168, + "1621": 168, + "1622": 168, + "1623": 168, + "1624": 168, + "1625": 168, + "1626": 168, + "1627": 168, + "1628": 168, + "1629": 168, + "163": 168, + "1630": 168, + "1631": 168, + "1632": 168, + "1633": 168, + "1634": 168, + "1635": 168, + "1636": 168, + "1637": 168, + "1638": 168, + "1639": 168, + "164": 168, + "1640": 168, + "1641": 168, + "1642": 168, + "1643": 168, + "1644": 168, + "1645": 168, + "1646": 168, + "1647": 168, + "1648": 168, + "1649": 168, + "165": 168, + "1650": 168, + "1651": 168, + "1652": 168, + "1653": 168, + "1654": 168, + "1655": 168, + "1656": 168, + "1657": 168, + "1658": 168, + "1659": 168, + "166": 168, + "1660": 168, + "1661": 168, + "1662": 168, + "1663": 168, + "1664": 168, + "1665": 168, + "1666": 168, + "1667": 168, + "1668": 168, + "1669": 168, + "167": 168, + "1670": 168, + "1671": 168, + "1672": 168, + "1673": 168, + "1674": 168, + "1675": 168, + "1676": 168, + "1677": 168, + "1678": 168, + "1679": 168, + "168": 168, + "1680": 168, + "1681": 168, + "1682": 168, + "1683": 168, + "1684": 168, + "1685": 168, + "1686": 168, + "1687": 168, + "1688": 168, + "1689": 168, + "169": 168, + "1690": 168, + "1691": 168, + "1692": 168, + "1693": 168, + "1694": 168, + "1695": 168, + "1696": 168, + "1697": 168, + "1698": 168, + "1699": 168, + "17": 168, + "170": 168, + "1700": 168, + "1701": 168, + "1702": 168, + "1703": 168, + "1704": 168, + "1705": 168, + "1706": 168, + "1707": 168, + "1708": 168, + "1709": 168, + "171": 168, + "1710": 168, + "1711": 168, + "1712": 168, + "1713": 168, + "1714": 168, + "1715": 168, + "1716": 168, + "1717": 168, + "1718": 168, + "1719": 168, + "172": 168, + "1720": 168, + "1721": 168, + "1722": 168, + "1723": 168, + "1724": 168, + "1725": 168, + "1726": 168, + "1727": 168, + "1728": 168, + "1729": 168, + "173": 168, + "1730": 168, + "1731": 168, + "1732": 168, + "1733": 168, + "1734": 168, + "1735": 168, + "1736": 168, + "1737": 168, + "1738": 168, + "1739": 168, + "174": 168, + "1740": 168, + "1741": 168, + "1742": 168, + "1743": 168, + "1744": 168, + "1745": 168, + "1746": 168, + "1747": 168, + "1748": 168, + "1749": 168, + "175": 168, + "1750": 168, + "1751": 168, + "1752": 168, + "1753": 168, + "1754": 168, + "1755": 168, + "1756": 168, + "1757": 168, + "1758": 168, + "1759": 168, + "176": 168, + "1760": 168, + "1761": 168, + "1762": 168, + "1763": 168, + "1764": 168, + "1765": 168, + "1766": 168, + "1767": 168, + "1768": 168, + "1769": 168, + "177": 168, + "1770": 168, + "1771": 168, + "1772": 168, + "1773": 168, + "1774": 168, + "1775": 168, + "1776": 168, + "1777": 168, + "1778": 168, + "1779": 168, + "178": 168, + "1780": 168, + "1781": 168, + "1782": 168, + "1783": 168, + "1784": 168, + "1785": 168, + "1786": 168, + "1787": 168, + "1788": 168, + "1789": 168, + "179": 168, + "1790": 168, + "1791": 168, + "1792": 168, + "1793": 168, + "1794": 168, + "1795": 168, + "1796": 168, + "1797": 168, + "1798": 168, + "1799": 168, + "18": 168, + "180": 168, + "1800": 168, + "1801": 168, + "1802": 168, + "1803": 168, + "1804": 168, + "1805": 168, + "1806": 168, + "1807": 168, + "1808": 168, + "1809": 168, + "181": 168, + "1810": 168, + "1811": 168, + "1812": 168, + "1813": 168, + "1814": 168, + "1815": 168, + "1816": 168, + "1817": 168, + "1818": 168, + "1819": 168, + "182": 168, + "1820": 168, + "1821": 168, + "1822": 168, + "1823": 168, + "1824": 168, + "1825": 168, + "1826": 168, + "1827": 168, + "1828": 168, + "1829": 168, + "183": 168, + "1830": 168, + "1831": 168, + "1832": 168, + "1833": 168, + "1834": 168, + "1835": 168, + "1836": 168, + "1837": 168, + "1838": 168, + "1839": 168, + "184": 168, + "1840": 168, + "1841": 168, + "1842": 168, + "1843": 168, + "1844": 168, + "1845": 168, + "1846": 168, + "1847": 168, + "1848": 168, + "1849": 168, + "185": 168, + "1850": 168, + "1851": 168, + "1852": 168, + "1853": 168, + "1854": 168, + "1855": 168, + "1856": 168, + "1857": 168, + "1858": 168, + "1859": 168, + "186": 168, + "1860": 168, + "1861": 168, + "1862": 168, + "1863": 168, + "1864": 168, + "1865": 168, + "1866": 168, + "1867": 168, + "1868": 168, + "1869": 168, + "187": 168, + "1870": 168, + "1871": 168, + "1872": 168, + "1873": 168, + "1874": 168, + "1875": 168, + "1876": 168, + "1877": 168, + "1878": 168, + "1879": 168, + "188": 168, + "1880": 168, + "1881": 168, + "1882": 168, + "1883": 168, + "1884": 168, + "1885": 168, + "1886": 168, + "1887": 168, + "1888": 168, + "1889": 168, + "189": 168, + "1890": 168, + "1891": 168, + "1892": 168, + "1893": 168, + "1894": 168, + "1895": 168, + "1896": 168, + "1897": 168, + "1898": 168, + "1899": 168, + "19": 168, + "190": 168, + "1900": 168, + "1901": 168, + "1902": 168, + "1903": 168, + "1904": 168, + "1905": 168, + "1906": 168, + "1907": 168, + "1908": 168, + "1909": 168, + "191": 168, + "1910": 168, + "1911": 168, + "1912": 168, + "1913": 168, + "1914": 168, + "1915": 168, + "1916": 168, + "1917": 168, + "1918": 168, + "1919": 168, + "192": 168, + "1920": 168, + "1921": 168, + "1922": 168, + "1923": 168, + "1924": 168, + "1925": 168, + "1926": 168, + "1927": 168, + "1928": 168, + "1929": 168, + "193": 168, + "1930": 168, + "1931": 168, + "1932": 168, + "1933": 168, + "1934": 168, + "1935": 168, + "1936": 168, + "1937": 168, + "1938": 168, + "1939": 168, + "194": 168, + "1940": 168, + "1941": 168, + "1942": 168, + "1943": 168, + "1944": 168, + "1945": 168, + "1946": 168, + "1947": 168, + "1948": 168, + "1949": 168, + "195": 168, + "1950": 168, + "1951": 168, + "1952": 168, + "1953": 168, + "1954": 168, + "1955": 168, + "1956": 168, + "1957": 168, + "1958": 168, + "1959": 168, + "196": 168, + "1960": 168, + "1961": 168, + "1962": 168, + "1963": 168, + "1964": 168, + "1965": 168, + "1966": 168, + "1967": 168, + "1968": 168, + "1969": 168, + "197": 168, + "1970": 168, + "1971": 168, + "1972": 168, + "1973": 168, + "1974": 168, + "1975": 168, + "1976": 168, + "1977": 168, + "1978": 168, + "1979": 168, + "198": 168, + "1980": 168, + "1981": 168, + "1982": 168, + "1983": 168, + "1984": 168, + "1985": 168, + "1986": 168, + "1987": 168, + "1988": 168, + "1989": 168, + "199": 168, + "1990": 168, + "1991": 168, + "1992": 168, + "1993": 168, + "1994": 168, + "1995": 168, + "1996": 168, + "1997": 168, + "1998": 168, + "1999": 168, + "2": 168, + "20": 168, + "200": 168, + "2000": 168, + "2001": 168, + "2002": 168, + "2003": 168, + "2004": 168, + "2005": 168, + "2006": 168, + "2007": 168, + "2008": 168, + "2009": 168, + "201": 168, + "2010": 168, + "2011": 168, + "2012": 168, + "2013": 168, + "2014": 168, + "2015": 168, + "2016": 168, + "2017": 168, + "2018": 168, + "2019": 168, + "202": 168, + "2020": 168, + "2021": 168, + "2022": 168, + "2023": 168, + "2024": 168, + "2025": 168, + "2026": 168, + "2027": 168, + "2028": 168, + "2029": 168, + "203": 168, + "2030": 168, + "2031": 168, + "2032": 168, + "2033": 168, + "2034": 168, + "2035": 168, + "2036": 168, + "2037": 168, + "2038": 168, + "2039": 168, + "204": 168, + "2040": 168, + "2041": 168, + "2042": 168, + "2043": 168, + "2044": 168, + "2045": 168, + "2046": 168, + "2047": 168, + "2048": 168, + "2049": 168, + "205": 168, + "2050": 168, + "2051": 168, + "2052": 168, + "2053": 168, + "2054": 168, + "2055": 168, + "2056": 168, + "2057": 168, + "2058": 168, + "2059": 168, + "206": 168, + "2060": 168, + "2061": 168, + "2062": 168, + "2063": 168, + "2064": 168, + "2065": 168, + "2066": 168, + "2067": 168, + "2068": 168, + "2069": 168, + "207": 168, + "2070": 168, + "2071": 168, + "2072": 168, + "2073": 168, + "2074": 168, + "2075": 168, + "2076": 168, + "2077": 168, + "2078": 168, + "2079": 168, + "208": 168, + "2080": 168, + "2081": 168, + "2082": 168, + "2083": 168, + "2084": 168, + "2085": 168, + "2086": 168, + "2087": 168, + "2088": 168, + "2089": 168, + "209": 168, + "2090": 168, + "2091": 168, + "2092": 168, + "2093": 168, + "2094": 168, + "2095": 168, + "2096": 168, + "2097": 168, + "2098": 168, + "2099": 168, + "21": 168, + "210": 168, + "2100": 168, + "2101": 168, + "2102": 168, + "2103": 168, + "2104": 168, + "2105": 168, + "2106": 168, + "2107": 168, + "2108": 168, + "2109": 168, + "211": 168, + "2110": 168, + "2111": 168, + "2112": 168, + "2113": 168, + "2114": 168, + "2115": 168, + "2116": 168, + "2117": 168, + "2118": 168, + "2119": 168, + "212": 168, + "2120": 168, + "2121": 168, + "2122": 168, + "2123": 168, + "2124": 168, + "2125": 168, + "2126": 168, + "2127": 168, + "2128": 168, + "2129": 168, + "213": 168, + "2130": 168, + "2131": 168, + "2132": 168, + "2133": 168, + "2134": 168, + "2135": 168, + "2136": 168, + "2137": 168, + "2138": 168, + "2139": 168, + "214": 168, + "2140": 168, + "2141": 168, + "2142": 168, + "2143": 168, + "2144": 168, + "2145": 168, + "2146": 168, + "2147": 168, + "2148": 168, + "2149": 168, + "215": 168, + "2150": 168, + "2151": 168, + "2152": 168, + "2153": 168, + "2154": 168, + "2155": 168, + "2156": 168, + "2157": 168, + "2158": 168, + "2159": 168, + "216": 168, + "2160": 168, + "2161": 168, + "2162": 168, + "2163": 168, + "2164": 168, + "2165": 168, + "2166": 168, + "2167": 168, + "2168": 168, + "2169": 168, + "217": 168, + "2170": 168, + "2171": 168, + "2172": 168, + "2173": 168, + "2174": 168, + "2175": 168, + "2176": 168, + "2177": 168, + "2178": 168, + "2179": 168, + "218": 168, + "2180": 168, + "2181": 168, + "2182": 168, + "2183": 168, + "2184": 168, + "2185": 168, + "2186": 168, + "2187": 168, + "2188": 168, + "2189": 168, + "219": 168, + "2190": 168, + "2191": 168, + "2192": 168, + "2193": 168, + "2194": 168, + "2195": 168, + "2196": 168, + "2197": 168, + "2198": 168, + "2199": 168, + "22": 168, + "220": 168, + "2200": 168, + "2201": 168, + "2202": 168, + "2203": 168, + "2204": 168, + "2205": 168, + "2206": 168, + "2207": 168, + "2208": 168, + "2209": 168, + "221": 168, + "2210": 168, + "2211": 168, + "2212": 168, + "2213": 168, + "2214": 168, + "2215": 168, + "2216": 168, + "2217": 168, + "2218": 168, + "2219": 168, + "222": 168, + "2220": 168, + "2221": 168, + "2222": 168, + "2223": 168, + "2224": 168, + "2225": 168, + "2226": 168, + "2227": 168, + "2228": 168, + "2229": 168, + "223": 168, + "2230": 168, + "2231": 168, + "2232": 168, + "2233": 168, + "2234": 168, + "2235": 168, + "2236": 168, + "2237": 168, + "2238": 168, + "2239": 168, + "224": 168, + "2240": 168, + "2241": 168, + "2242": 168, + "2243": 168, + "2244": 168, + "2245": 168, + "2246": 168, + "2247": 168, + "2248": 168, + "2249": 168, + "225": 168, + "2250": 168, + "2251": 168, + "2252": 168, + "2253": 168, + "2254": 168, + "2255": 168, + "2256": 168, + "2257": 168, + "2258": 168, + "2259": 168, + "226": 168, + "2260": 168, + "2261": 168, + "2262": 168, + "2263": 168, + "2264": 168, + "2265": 168, + "2266": 168, + "2267": 168, + "2268": 168, + "2269": 168, + "227": 168, + "2270": 168, + "2271": 168, + "2272": 168, + "2273": 168, + "2274": 168, + "2275": 168, + "2276": 168, + "2277": 168, + "2278": 168, + "2279": 168, + "228": 168, + "2280": 168, + "2281": 168, + "2282": 168, + "2283": 168, + "2284": 168, + "2285": 168, + "2286": 168, + "2287": 168, + "2288": 168, + "2289": 168, + "229": 168, + "2290": 168, + "2291": 168, + "2292": 168, + "2293": 168, + "2294": 168, + "2295": 168, + "2296": 168, + "2297": 168, + "2298": 168, + "2299": 168, + "23": 168, + "230": 168, + "2300": 168, + "2301": 168, + "2302": 168, + "2303": 168, + "2304": 168, + "2305": 168, + "2306": 168, + "2307": 168, + "2308": 168, + "2309": 168, + "231": 168, + "2310": 168, + "2311": 168, + "2312": 168, + "2313": 168, + "2314": 168, + "2315": 168, + "2316": 168, + "2317": 168, + "2318": 168, + "2319": 168, + "232": 168, + "2320": 168, + "2321": 168, + "2322": 168, + "2323": 168, + "2324": 168, + "2325": 168, + "2326": 168, + "2327": 168, + "2328": 168, + "2329": 168, + "233": 168, + "2330": 168, + "2331": 168, + "2332": 168, + "2333": 168, + "2334": 168, + "2335": 168, + "2336": 168, + "2337": 168, + "2338": 168, + "2339": 168, + "234": 168, + "2340": 168, + "2341": 168, + "2342": 168, + "2343": 168, + "2344": 168, + "2345": 168, + "2346": 168, + "2347": 168, + "2348": 168, + "2349": 168, + "235": 168, + "2350": 168, + "2351": 168, + "2352": 168, + "2353": 168, + "2354": 168, + "2355": 168, + "2356": 168, + "2357": 168, + "2358": 168, + "2359": 168, + "236": 168, + "2360": 168, + "2361": 168, + "2362": 168, + "2363": 168, + "2364": 168, + "2365": 168, + "2366": 168, + "2367": 168, + "2368": 168, + "2369": 168, + "237": 168, + "2370": 168, + "2371": 168, + "2372": 168, + "2373": 168, + "2374": 168, + "2375": 168, + "2376": 168, + "2377": 168, + "2378": 168, + "2379": 168, + "238": 168, + "2380": 168, + "2381": 168, + "2382": 168, + "2383": 168, + "2384": 168, + "2385": 168, + "2386": 168, + "2387": 168, + "2388": 168, + "2389": 168, + "239": 168, + "2390": 168, + "2391": 168, + "2392": 168, + "2393": 168, + "2394": 168, + "2395": 168, + "2396": 168, + "2397": 168, + "2398": 168, + "2399": 168, + "24": 168, + "240": 168, + "2400": 168, + "2401": 168, + "2402": 168, + "2403": 168, + "2404": 168, + "2405": 168, + "2406": 168, + "2407": 168, + "2408": 168, + "2409": 168, + "241": 168, + "2410": 168, + "2411": 168, + "2412": 168, + "2413": 168, + "2414": 168, + "2415": 168, + "2416": 168, + "2417": 168, + "2418": 168, + "2419": 168, + "242": 168, + "2420": 168, + "2421": 168, + "2422": 168, + "2423": 168, + "2424": 168, + "2425": 168, + "2426": 168, + "2427": 168, + "2428": 168, + "2429": 168, + "243": 168, + "2430": 168, + "2431": 168, + "2432": 168, + "2433": 168, + "2434": 168, + "2435": 168, + "2436": 168, + "2437": 168, + "2438": 168, + "2439": 168, + "244": 168, + "2440": 168, + "2441": 168, + "2442": 168, + "2443": 168, + "2444": 168, + "2445": 168, + "2446": 168, + "2447": 168, + "2448": 168, + "2449": 168, + "245": 168, + "2450": 168, + "2451": 168, + "2452": 168, + "2453": 168, + "2454": 168, + "2455": 168, + "2456": 168, + "2457": 168, + "2458": 168, + "2459": 168, + "246": 168, + "2460": 168, + "2461": 168, + "2462": 168, + "2463": 168, + "2464": 168, + "2465": 168, + "2466": 168, + "2467": 168, + "2468": 168, + "2469": 168, + "247": 168, + "2470": 168, + "2471": 168, + "2472": 168, + "2473": 168, + "2474": 168, + "2475": 168, + "2476": 168, + "2477": 168, + "2478": 168, + "2479": 168, + "248": 168, + "2480": 168, + "2481": 168, + "2482": 168, + "2483": 168, + "2484": 168, + "2485": 168, + "2486": 168, + "2487": 168, + "2488": 168, + "2489": 168, + "249": 168, + "2490": 168, + "2491": 168, + "2492": 168, + "2493": 168, + "2494": 168, + "2495": 168, + "2496": 168, + "2497": 168, + "2498": 168, + "2499": 168, + "25": 168, + "250": 168, + "2500": 168, + "2501": 168, + "2502": 168, + "2503": 168, + "2504": 168, + "2505": 168, + "2506": 168, + "2507": 168, + "2508": 168, + "2509": 168, + "251": 168, + "2510": 168, + "2511": 168, + "2512": 168, + "2513": 168, + "2514": 168, + "2515": 168, + "2516": 168, + "2517": 168, + "2518": 168, + "2519": 168, + "252": 168, + "2520": 168, + "2521": 168, + "2522": 168, + "2523": 168, + "2524": 168, + "2525": 168, + "2526": 168, + "2527": 168, + "2528": 168, + "2529": 168, + "253": 168, + "2530": 168, + "2531": 168, + "2532": 168, + "2533": 168, + "2534": 168, + "2535": 168, + "2536": 168, + "2537": 168, + "2538": 168, + "2539": 168, + "254": 168, + "2540": 168, + "2541": 168, + "2542": 168, + "2543": 168, + "2544": 168, + "2545": 168, + "2546": 168, + "2547": 168, + "2548": 168, + "2549": 168, + "255": 168, + "2550": 168, + "2551": 168, + "2552": 168, + "2553": 168, + "2554": 168, + "2555": 168, + "2556": 168, + "2557": 168, + "2558": 168, + "2559": 168, + "256": 168, + "2560": 168, + "2561": 168, + "2562": 168, + "2563": 168, + "2564": 168, + "2565": 168, + "2566": 168, + "2567": 168, + "2568": 168, + "2569": 168, + "257": 168, + "2570": 168, + "2571": 168, + "2572": 168, + "2573": 168, + "2574": 168, + "2575": 168, + "2576": 168, + "2577": 168, + "2578": 168, + "2579": 168, + "258": 168, + "2580": 168, + "2581": 168, + "2582": 168, + "2583": 168, + "2584": 168, + "2585": 168, + "2586": 168, + "2587": 168, + "2588": 168, + "2589": 168, + "259": 168, + "2590": 168, + "2591": 168, + "2592": 168, + "2593": 168, + "2594": 168, + "2595": 168, + "2596": 168, + "2597": 168, + "2598": 168, + "2599": 168, + "26": 168, + "260": 168, + "2600": 168, + "2601": 168, + "2602": 168, + "2603": 168, + "2604": 168, + "2605": 168, + "2606": 168, + "2607": 168, + "2608": 168, + "2609": 168, + "261": 168, + "2610": 168, + "2611": 168, + "2612": 168, + "2613": 168, + "2614": 168, + "2615": 168, + "2616": 168, + "2617": 168, + "2618": 168, + "2619": 168, + "262": 168, + "2620": 168, + "2621": 168, + "2622": 168, + "2623": 168, + "2624": 168, + "2625": 168, + "2626": 168, + "2627": 168, + "2628": 168, + "2629": 168, + "263": 168, + "2630": 168, + "2631": 168, + "2632": 168, + "2633": 168, + "2634": 168, + "2635": 168, + "2636": 168, + "2637": 168, + "2638": 168, + "2639": 168, + "264": 168, + "2640": 168, + "2641": 168, + "2642": 168, + "2643": 168, + "2644": 168, + "2645": 168, + "2646": 168, + "2647": 168, + "2648": 168, + "2649": 168, + "265": 168, + "2650": 168, + "2651": 168, + "2652": 168, + "2653": 168, + "2654": 168, + "2655": 168, + "2656": 168, + "2657": 168, + "2658": 168, + "2659": 168, + "266": 168, + "2660": 168, + "2661": 168, + "2662": 168, + "2663": 168, + "2664": 168, + "2665": 168, + "2666": 168, + "2667": 168, + "2668": 168, + "2669": 168, + "267": 168, + "2670": 168, + "2671": 168, + "2672": 168, + "2673": 168, + "2674": 168, + "2675": 168, + "2676": 168, + "2677": 168, + "2678": 168, + "2679": 168, + "268": 168, + "2680": 168, + "2681": 168, + "2682": 168, + "2683": 168, + "2684": 168, + "2685": 168, + "2686": 168, + "2687": 168, + "2688": 168, + "2689": 168, + "269": 168, + "2690": 168, + "2691": 168, + "2692": 168, + "2693": 168, + "2694": 168, + "2695": 168, + "2696": 168, + "2697": 168, + "2698": 168, + "2699": 168, + "27": 168, + "270": 168, + "2700": 168, + "2701": 168, + "2702": 168, + "2703": 168, + "2704": 168, + "2705": 168, + "2706": 168, + "2707": 168, + "2708": 168, + "2709": 168, + "271": 168, + "2710": 168, + "2711": 168, + "2712": 168, + "2713": 168, + "2714": 168, + "2715": 168, + "2716": 168, + "2717": 168, + "2718": 168, + "2719": 168, + "272": 168, + "2720": 168, + "2721": 168, + "2722": 168, + "2723": 168, + "2724": 168, + "2725": 168, + "2726": 168, + "2727": 168, + "2728": 168, + "2729": 168, + "273": 168, + "2730": 168, + "2731": 168, + "2732": 168, + "2733": 168, + "2734": 168, + "2735": 168, + "2736": 168, + "2737": 168, + "2738": 168, + "2739": 168, + "274": 168, + "2740": 168, + "2741": 168, + "2742": 168, + "2743": 168, + "2744": 168, + "2745": 168, + "2746": 168, + "2747": 168, + "2748": 168, + "2749": 168, + "275": 168, + "2750": 168, + "2751": 168, + "2752": 168, + "2753": 168, + "2754": 168, + "2755": 168, + "2756": 168, + "2757": 168, + "2758": 168, + "2759": 168, + "276": 168, + "2760": 168, + "2761": 168, + "2762": 168, + "2763": 168, + "2764": 168, + "2765": 168, + "2766": 168, + "2767": 168, + "2768": 168, + "2769": 168, + "277": 168, + "2770": 168, + "2771": 168, + "2772": 168, + "2773": 168, + "2774": 168, + "2775": 168, + "2776": 168, + "2777": 168, + "2778": 168, + "2779": 168, + "278": 168, + "2780": 168, + "2781": 168, + "2782": 168, + "2783": 168, + "2784": 168, + "2785": 168, + "2786": 168, + "2787": 168, + "2788": 168, + "2789": 168, + "279": 168, + "2790": 168, + "2791": 168, + "2792": 168, + "2793": 168, + "2794": 168, + "2795": 168, + "2796": 168, + "2797": 168, + "2798": 168, + "2799": 168, + "28": 168, + "280": 168, + "2800": 168, + "2801": 168, + "2802": 168, + "2803": 168, + "2804": 168, + "2805": 168, + "2806": 168, + "2807": 168, + "2808": 168, + "2809": 168, + "281": 168, + "2810": 168, + "2811": 168, + "2812": 168, + "2813": 168, + "2814": 168, + "2815": 168, + "2816": 168, + "2817": 168, + "2818": 168, + "2819": 168, + "282": 168, + "2820": 168, + "2821": 168, + "2822": 168, + "2823": 168, + "2824": 168, + "2825": 168, + "2826": 168, + "2827": 168, + "2828": 168, + "2829": 168, + "283": 168, + "2830": 168, + "2831": 168, + "2832": 168, + "2833": 168, + "2834": 168, + "2835": 168, + "2836": 168, + "2837": 168, + "2838": 168, + "2839": 168, + "284": 168, + "2840": 168, + "2841": 168, + "2842": 168, + "2843": 168, + "2844": 168, + "2845": 168, + "2846": 168, + "2847": 168, + "2848": 168, + "2849": 168, + "285": 168, + "2850": 168, + "2851": 168, + "2852": 168, + "2853": 168, + "2854": 168, + "2855": 168, + "2856": 168, + "2857": 168, + "2858": 168, + "2859": 168, + "286": 168, + "2860": 168, + "2861": 168, + "2862": 168, + "2863": 168, + "2864": 168, + "2865": 168, + "2866": 168, + "2867": 168, + "2868": 168, + "2869": 168, + "287": 168, + "2870": 168, + "2871": 168, + "2872": 168, + "2873": 168, + "2874": 168, + "2875": 168, + "2876": 168, + "2877": 168, + "2878": 168, + "2879": 168, + "288": 168, + "2880": 168, + "2881": 168, + "2882": 168, + "2883": 168, + "2884": 168, + "2885": 168, + "2886": 168, + "2887": 168, + "2888": 168, + "2889": 168, + "289": 168, + "2890": 168, + "2891": 168, + "2892": 168, + "2893": 168, + "2894": 168, + "2895": 168, + "2896": 168, + "2897": 168, + "2898": 168, + "2899": 168, + "29": 168, + "290": 168, + "2900": 168, + "2901": 168, + "2902": 168, + "2903": 168, + "2904": 168, + "2905": 168, + "2906": 168, + "2907": 168, + "2908": 168, + "2909": 168, + "291": 168, + "2910": 168, + "2911": 168, + "2912": 168, + "2913": 168, + "2914": 168, + "2915": 168, + "2916": 168, + "2917": 168, + "2918": 168, + "2919": 168, + "292": 168, + "2920": 168, + "2921": 168, + "2922": 168, + "2923": 168, + "2924": 168, + "2925": 168, + "2926": 168, + "2927": 168, + "2928": 168, + "2929": 168, + "293": 168, + "2930": 168, + "2931": 168, + "2932": 168, + "2933": 168, + "2934": 168, + "2935": 168, + "2936": 168, + "2937": 168, + "2938": 168, + "2939": 168, + "294": 168, + "2940": 168, + "2941": 168, + "2942": 168, + "2943": 168, + "2944": 168, + "2945": 168, + "2946": 168, + "2947": 168, + "2948": 168, + "2949": 168, + "295": 168, + "2950": 168, + "2951": 168, + "2952": 168, + "2953": 168, + "2954": 168, + "2955": 168, + "2956": 168, + "2957": 168, + "2958": 168, + "2959": 168, + "296": 168, + "2960": 168, + "2961": 168, + "2962": 168, + "2963": 168, + "2964": 168, + "2965": 168, + "2966": 168, + "2967": 168, + "2968": 168, + "2969": 168, + "297": 168, + "2970": 168, + "2971": 168, + "2972": 168, + "2973": 168, + "2974": 168, + "2975": 168, + "2976": 168, + "2977": 168, + "2978": 168, + "2979": 168, + "298": 168, + "2980": 168, + "2981": 168, + "2982": 168, + "2983": 168, + "2984": 168, + "2985": 168, + "2986": 168, + "2987": 168, + "2988": 168, + "2989": 168, + "299": 168, + "2990": 168, + "2991": 168, + "2992": 168, + "2993": 168, + "2994": 168, + "2995": 168, + "2996": 168, + "2997": 168, + "2998": 168, + "2999": 168, + "3": 168, + "30": 168, + "300": 168, + "3000": 168, + "3001": 168, + "3002": 168, + "3003": 168, + "3004": 168, + "3005": 168, + "3006": 168, + "3007": 168, + "3008": 168, + "3009": 168, + "301": 168, + "3010": 168, + "3011": 168, + "3012": 168, + "3013": 168, + "3014": 168, + "3015": 168, + "3016": 168, + "3017": 168, + "3018": 168, + "3019": 168, + "302": 168, + "3020": 168, + "3021": 168, + "3022": 168, + "3023": 168, + "3024": 168, + "3025": 168, + "3026": 168, + "3027": 168, + "3028": 168, + "3029": 168, + "303": 168, + "3030": 168, + "3031": 168, + "3032": 168, + "3033": 168, + "3034": 168, + "3035": 168, + "3036": 168, + "3037": 168, + "3038": 168, + "3039": 168, + "304": 168, + "3040": 168, + "3041": 168, + "3042": 168, + "3043": 168, + "3044": 168, + "3045": 168, + "3046": 168, + "3047": 168, + "3048": 168, + "3049": 168, + "305": 168, + "3050": 168, + "3051": 168, + "3052": 168, + "3053": 168, + "3054": 168, + "3055": 168, + "3056": 168, + "3057": 168, + "3058": 168, + "3059": 168, + "306": 168, + "3060": 168, + "3061": 168, + "3062": 168, + "3063": 168, + "3064": 168, + "3065": 168, + "3066": 168, + "3067": 168, + "3068": 168, + "3069": 168, + "307": 168, + "3070": 168, + "3071": 168, + "3072": 168, + "3073": 168, + "3074": 168, + "3075": 168, + "3076": 168, + "3077": 168, + "3078": 168, + "3079": 168, + "308": 168, + "3080": 168, + "3081": 168, + "3082": 168, + "3083": 168, + "3084": 168, + "3085": 168, + "3086": 168, + "3087": 168, + "3088": 168, + "3089": 168, + "309": 168, + "3090": 168, + "3091": 168, + "3092": 168, + "3093": 168, + "3094": 168, + "3095": 168, + "3096": 168, + "3097": 168, + "3098": 168, + "3099": 168, + "31": 168, + "310": 168, + "3100": 168, + "3101": 168, + "3102": 168, + "3103": 168, + "3104": 168, + "3105": 168, + "3106": 168, + "3107": 168, + "3108": 168, + "3109": 168, + "311": 168, + "3110": 168, + "3111": 168, + "3112": 168, + "3113": 168, + "3114": 168, + "3115": 168, + "3116": 168, + "3117": 168, + "3118": 168, + "3119": 168, + "312": 168, + "3120": 168, + "3121": 168, + "3122": 168, + "3123": 168, + "3124": 168, + "3125": 168, + "3126": 168, + "3127": 168, + "3128": 168, + "3129": 168, + "313": 168, + "3130": 168, + "3131": 168, + "3132": 168, + "3133": 168, + "3134": 168, + "3135": 168, + "3136": 168, + "3137": 168, + "3138": 168, + "3139": 168, + "314": 168, + "3140": 168, + "3141": 168, + "3142": 168, + "3143": 168, + "3144": 168, + "3145": 168, + "3146": 168, + "3147": 168, + "3148": 168, + "3149": 168, + "315": 168, + "3150": 168, + "3151": 168, + "3152": 168, + "3153": 168, + "3154": 168, + "3155": 168, + "3156": 168, + "3157": 168, + "3158": 168, + "3159": 168, + "316": 168, + "3160": 168, + "3161": 168, + "3162": 168, + "3163": 168, + "3164": 168, + "3165": 168, + "3166": 168, + "3167": 168, + "3168": 168, + "3169": 168, + "317": 168, + "3170": 168, + "3171": 168, + "3172": 168, + "3173": 168, + "3174": 168, + "3175": 168, + "3176": 168, + "3177": 168, + "3178": 168, + "3179": 168, + "318": 168, + "3180": 168, + "3181": 168, + "3182": 168, + "3183": 168, + "3184": 168, + "3185": 168, + "3186": 168, + "3187": 168, + "3188": 168, + "3189": 168, + "319": 168, + "3190": 168, + "3191": 168, + "3192": 168, + "3193": 168, + "3194": 168, + "3195": 168, + "3196": 168, + "3197": 168, + "3198": 168, + "3199": 168, + "32": 168, + "320": 168, + "3200": 168, + "3201": 168, + "3202": 168, + "3203": 168, + "3204": 168, + "3205": 168, + "3206": 168, + "3207": 168, + "3208": 168, + "3209": 168, + "321": 168, + "3210": 168, + "3211": 168, + "3212": 168, + "3213": 168, + "3214": 168, + "3215": 168, + "3216": 168, + "3217": 168, + "3218": 168, + "3219": 168, + "322": 168, + "3220": 168, + "3221": 168, + "3222": 168, + "3223": 168, + "3224": 168, + "3225": 168, + "3226": 168, + "3227": 168, + "3228": 168, + "3229": 168, + "323": 168, + "3230": 168, + "3231": 168, + "3232": 168, + "3233": 168, + "3234": 168, + "3235": 168, + "3236": 168, + "3237": 168, + "3238": 168, + "3239": 168, + "324": 168, + "3240": 168, + "3241": 168, + "3242": 168, + "3243": 168, + "3244": 168, + "3245": 168, + "3246": 168, + "3247": 168, + "3248": 168, + "3249": 168, + "325": 168, + "3250": 168, + "3251": 168, + "3252": 168, + "3253": 168, + "3254": 168, + "3255": 168, + "3256": 168, + "3257": 168, + "3258": 168, + "3259": 168, + "326": 168, + "3260": 168, + "3261": 168, + "3262": 168, + "3263": 168, + "3264": 168, + "3265": 168, + "3266": 168, + "3267": 168, + "3268": 168, + "3269": 168, + "327": 168, + "3270": 168, + "3271": 168, + "3272": 168, + "3273": 168, + "3274": 168, + "3275": 168, + "3276": 168, + "3277": 168, + "3278": 168, + "3279": 168, + "328": 168, + "3280": 168, + "3281": 168, + "3282": 168, + "3283": 168, + "3284": 168, + "3285": 168, + "3286": 168, + "3287": 168, + "3288": 168, + "3289": 168, + "329": 168, + "3290": 168, + "3291": 168, + "3292": 168, + "3293": 168, + "3294": 168, + "3295": 168, + "3296": 168, + "3297": 168, + "3298": 168, + "3299": 168, + "33": 168, + "330": 168, + "3300": 168, + "3301": 168, + "3302": 168, + "3303": 168, + "3304": 168, + "3305": 168, + "3306": 168, + "3307": 168, + "3308": 168, + "3309": 168, + "331": 168, + "3310": 168, + "3311": 168, + "3312": 168, + "3313": 168, + "3314": 168, + "3315": 168, + "3316": 168, + "3317": 168, + "3318": 168, + "3319": 168, + "332": 168, + "3320": 168, + "3321": 168, + "3322": 168, + "3323": 168, + "3324": 168, + "3325": 168, + "3326": 168, + "3327": 168, + "3328": 168, + "3329": 168, + "333": 168, + "3330": 168, + "3331": 168, + "3332": 168, + "3333": 168, + "3334": 168, + "3335": 168, + "3336": 168, + "3337": 168, + "3338": 168, + "3339": 168, + "334": 168, + "3340": 168, + "3341": 168, + "3342": 168, + "3343": 168, + "3344": 168, + "3345": 168, + "3346": 168, + "3347": 168, + "3348": 168, + "3349": 168, + "335": 168, + "3350": 168, + "3351": 168, + "3352": 168, + "3353": 168, + "3354": 168, + "3355": 168, + "3356": 168, + "3357": 168, + "3358": 168, + "3359": 168, + "336": 168, + "3360": 168, + "3361": 168, + "3362": 168, + "3363": 168, + "3364": 168, + "3365": 168, + "3366": 168, + "3367": 168, + "3368": 168, + "3369": 168, + "337": 168, + "3370": 168, + "3371": 168, + "3372": 168, + "3373": 168, + "3374": 168, + "3375": 168, + "3376": 168, + "3377": 168, + "3378": 168, + "3379": 168, + "338": 168, + "3380": 168, + "3381": 168, + "3382": 168, + "3383": 168, + "3384": 168, + "3385": 168, + "3386": 168, + "3387": 168, + "3388": 168, + "3389": 168, + "339": 168, + "3390": 168, + "3391": 168, + "3392": 168, + "3393": 168, + "3394": 168, + "3395": 168, + "3396": 168, + "3397": 168, + "3398": 168, + "3399": 168, + "34": 168, + "340": 168, + "3400": 168, + "3401": 168, + "3402": 168, + "3403": 168, + "3404": 168, + "3405": 168, + "3406": 168, + "3407": 168, + "3408": 168, + "3409": 168, + "341": 168, + "3410": 168, + "3411": 168, + "3412": 168, + "3413": 168, + "3414": 168, + "3415": 168, + "3416": 168, + "3417": 168, + "3418": 168, + "3419": 168, + "342": 168, + "3420": 168, + "3421": 168, + "3422": 168, + "3423": 168, + "3424": 168, + "3425": 168, + "3426": 168, + "3427": 168, + "3428": 168, + "3429": 168, + "343": 168, + "3430": 168, + "3431": 168, + "3432": 168, + "3433": 168, + "3434": 168, + "3435": 168, + "3436": 168, + "3437": 168, + "3438": 168, + "3439": 168, + "344": 168, + "3440": 168, + "3441": 168, + "3442": 168, + "3443": 168, + "3444": 168, + "3445": 168, + "3446": 168, + "3447": 168, + "3448": 168, + "3449": 168, + "345": 168, + "3450": 168, + "3451": 168, + "3452": 168, + "3453": 168, + "3454": 168, + "3455": 168, + "3456": 168, + "3457": 168, + "3458": 168, + "3459": 168, + "346": 168, + "3460": 168, + "3461": 168, + "3462": 168, + "3463": 168, + "3464": 168, + "3465": 168, + "3466": 168, + "3467": 168, + "3468": 168, + "3469": 168, + "347": 168, + "3470": 168, + "3471": 168, + "3472": 168, + "3473": 168, + "3474": 168, + "3475": 168, + "3476": 168, + "3477": 168, + "3478": 168, + "3479": 168, + "348": 168, + "3480": 168, + "3481": 168, + "3482": 168, + "3483": 168, + "3484": 168, + "3485": 168, + "3486": 168, + "3487": 168, + "3488": 168, + "3489": 168, + "349": 168, + "3490": 168, + "3491": 168, + "3492": 168, + "3493": 168, + "3494": 168, + "3495": 168, + "3496": 168, + "3497": 168, + "3498": 168, + "3499": 168, + "35": 168, + "350": 168, + "3500": 168, + "3501": 168, + "3502": 168, + "3503": 168, + "3504": 168, + "3505": 168, + "3506": 168, + "3507": 168, + "3508": 168, + "3509": 168, + "351": 168, + "3510": 168, + "3511": 168, + "3512": 168, + "3513": 168, + "3514": 168, + "3515": 168, + "3516": 168, + "3517": 168, + "3518": 168, + "3519": 168, + "352": 168, + "3520": 168, + "3521": 168, + "3522": 168, + "3523": 168, + "3524": 168, + "3525": 168, + "3526": 168, + "3527": 168, + "3528": 168, + "3529": 168, + "353": 168, + "3530": 168, + "3531": 168, + "3532": 168, + "3533": 168, + "3534": 168, + "3535": 168, + "3536": 168, + "3537": 168, + "3538": 168, + "3539": 168, + "354": 168, + "3540": 168, + "3541": 168, + "3542": 168, + "3543": 168, + "3544": 168, + "3545": 168, + "3546": 168, + "3547": 168, + "3548": 168, + "3549": 168, + "355": 168, + "3550": 168, + "3551": 168, + "3552": 168, + "3553": 168, + "3554": 168, + "3555": 168, + "3556": 168, + "3557": 168, + "3558": 168, + "3559": 168, + "356": 168, + "3560": 168, + "3561": 168, + "3562": 168, + "3563": 168, + "3564": 168, + "3565": 168, + "3566": 168, + "3567": 168, + "3568": 168, + "3569": 168, + "357": 168, + "3570": 168, + "3571": 168, + "3572": 168, + "3573": 168, + "3574": 168, + "3575": 168, + "3576": 168, + "3577": 168, + "3578": 168, + "3579": 168, + "358": 168, + "3580": 168, + "3581": 168, + "3582": 168, + "3583": 168, + "3584": 168, + "3585": 168, + "3586": 168, + "3587": 168, + "3588": 168, + "3589": 168, + "359": 168, + "3590": 168, + "3591": 168, + "3592": 168, + "3593": 168, + "3594": 168, + "3595": 168, + "3596": 168, + "3597": 168, + "3598": 168, + "3599": 168, + "36": 168, + "360": 168, + "3600": 168, + "3601": 168, + "3602": 168, + "3603": 168, + "3604": 168, + "3605": 168, + "3606": 168, + "3607": 168, + "3608": 168, + "3609": 168, + "361": 168, + "3610": 168, + "3611": 168, + "3612": 168, + "3613": 168, + "3614": 168, + "3615": 168, + "3616": 168, + "3617": 168, + "3618": 168, + "3619": 168, + "362": 168, + "3620": 168, + "3621": 168, + "3622": 168, + "3623": 168, + "3624": 168, + "3625": 168, + "3626": 168, + "3627": 168, + "3628": 168, + "3629": 168, + "363": 168, + "3630": 168, + "3631": 168, + "3632": 168, + "3633": 168, + "3634": 168, + "3635": 168, + "3636": 168, + "3637": 168, + "3638": 168, + "3639": 168, + "364": 168, + "3640": 168, + "3641": 168, + "3642": 168, + "3643": 168, + "3644": 168, + "3645": 168, + "3646": 168, + "3647": 168, + "3648": 168, + "3649": 168, + "365": 168, + "3650": 168, + "3651": 168, + "3652": 168, + "3653": 168, + "3654": 168, + "3655": 168, + "3656": 168, + "3657": 168, + "3658": 168, + "3659": 168, + "366": 168, + "3660": 168, + "3661": 168, + "3662": 168, + "3663": 168, + "3664": 168, + "3665": 168, + "3666": 168, + "3667": 168, + "3668": 168, + "3669": 168, + "367": 168, + "3670": 168, + "3671": 168, + "3672": 168, + "3673": 168, + "3674": 168, + "3675": 168, + "3676": 168, + "3677": 168, + "3678": 168, + "3679": 168, + "368": 168, + "3680": 168, + "3681": 168, + "3682": 168, + "3683": 168, + "3684": 168, + "3685": 168, + "3686": 168, + "3687": 168, + "3688": 168, + "3689": 168, + "369": 168, + "3690": 168, + "3691": 168, + "3692": 168, + "3693": 168, + "3694": 168, + "3695": 168, + "3696": 168, + "3697": 168, + "3698": 168, + "3699": 168, + "37": 168, + "370": 168, + "3700": 168, + "3701": 168, + "3702": 168, + "3703": 168, + "3704": 168, + "3705": 168, + "3706": 168, + "3707": 168, + "3708": 168, + "3709": 168, + "371": 168, + "3710": 168, + "3711": 168, + "3712": 168, + "3713": 168, + "3714": 168, + "3715": 168, + "3716": 168, + "3717": 168, + "3718": 168, + "3719": 168, + "372": 168, + "3720": 168, + "3721": 168, + "3722": 168, + "3723": 168, + "3724": 168, + "3725": 168, + "3726": 168, + "3727": 168, + "3728": 168, + "3729": 168, + "373": 168, + "3730": 168, + "3731": 168, + "3732": 168, + "3733": 168, + "3734": 168, + "3735": 168, + "3736": 168, + "3737": 168, + "3738": 168, + "3739": 168, + "374": 168, + "3740": 168, + "3741": 168, + "3742": 168, + "3743": 168, + "3744": 168, + "3745": 168, + "3746": 168, + "3747": 168, + "3748": 168, + "3749": 168, + "375": 168, + "3750": 168, + "3751": 168, + "3752": 168, + "3753": 168, + "3754": 168, + "3755": 168, + "3756": 168, + "3757": 168, + "3758": 168, + "3759": 168, + "376": 168, + "3760": 168, + "3761": 168, + "3762": 168, + "3763": 168, + "3764": 168, + "3765": 168, + "3766": 168, + "3767": 168, + "3768": 168, + "3769": 168, + "377": 168, + "3770": 168, + "3771": 168, + "3772": 168, + "3773": 168, + "3774": 168, + "3775": 168, + "3776": 168, + "3777": 168, + "3778": 168, + "3779": 168, + "378": 168, + "3780": 168, + "3781": 168, + "3782": 168, + "3783": 168, + "3784": 168, + "3785": 168, + "3786": 168, + "3787": 168, + "3788": 168, + "3789": 168, + "379": 168, + "3790": 168, + "3791": 168, + "3792": 168, + "3793": 168, + "3794": 168, + "3795": 168, + "3796": 168, + "3797": 168, + "3798": 168, + "3799": 168, + "38": 168, + "380": 168, + "3800": 168, + "3801": 168, + "3802": 168, + "3803": 168, + "3804": 168, + "3805": 168, + "3806": 168, + "3807": 168, + "3808": 168, + "3809": 168, + "381": 168, + "3810": 168, + "3811": 168, + "3812": 168, + "3813": 168, + "3814": 168, + "3815": 168, + "3816": 168, + "3817": 168, + "3818": 168, + "3819": 168, + "382": 168, + "3820": 168, + "3821": 168, + "3822": 168, + "3823": 168, + "3824": 168, + "3825": 168, + "3826": 168, + "3827": 168, + "3828": 168, + "3829": 168, + "383": 168, + "3830": 168, + "3831": 168, + "3832": 168, + "3833": 168, + "3834": 168, + "3835": 168, + "3836": 168, + "3837": 168, + "3838": 168, + "3839": 168, + "384": 168, + "3840": 168, + "3841": 168, + "3842": 168, + "3843": 168, + "3844": 168, + "3845": 168, + "3846": 168, + "3847": 168, + "3848": 168, + "3849": 168, + "385": 168, + "3850": 168, + "3851": 168, + "3852": 168, + "3853": 168, + "3854": 168, + "3855": 168, + "3856": 168, + "3857": 168, + "3858": 168, + "3859": 168, + "386": 168, + "3860": 168, + "3861": 168, + "3862": 168, + "3863": 168, + "3864": 168, + "3865": 168, + "3866": 168, + "3867": 168, + "3868": 168, + "3869": 168, + "387": 168, + "3870": 168, + "3871": 168, + "3872": 168, + "3873": 168, + "3874": 168, + "3875": 168, + "3876": 168, + "3877": 168, + "3878": 168, + "3879": 168, + "388": 168, + "3880": 168, + "3881": 168, + "3882": 168, + "3883": 168, + "3884": 168, + "3885": 168, + "3886": 168, + "3887": 168, + "3888": 168, + "3889": 168, + "389": 168, + "3890": 168, + "3891": 168, + "3892": 168, + "3893": 168, + "3894": 168, + "3895": 168, + "3896": 168, + "3897": 168, + "3898": 168, + "3899": 168, + "39": 168, + "390": 168, + "3900": 168, + "3901": 168, + "3902": 168, + "3903": 168, + "3904": 168, + "3905": 168, + "3906": 168, + "3907": 168, + "3908": 168, + "3909": 168, + "391": 168, + "3910": 168, + "3911": 168, + "3912": 168, + "3913": 168, + "3914": 168, + "3915": 168, + "3916": 168, + "3917": 168, + "3918": 168, + "3919": 168, + "392": 168, + "3920": 168, + "3921": 168, + "3922": 168, + "3923": 168, + "3924": 168, + "3925": 168, + "3926": 168, + "3927": 168, + "3928": 168, + "3929": 168, + "393": 168, + "3930": 168, + "3931": 168, + "3932": 168, + "3933": 168, + "3934": 168, + "3935": 168, + "3936": 168, + "3937": 168, + "3938": 168, + "3939": 168, + "394": 168, + "3940": 168, + "3941": 168, + "3942": 168, + "3943": 168, + "3944": 168, + "3945": 168, + "3946": 168, + "3947": 168, + "3948": 168, + "3949": 168, + "395": 168, + "3950": 168, + "3951": 168, + "3952": 168, + "3953": 168, + "3954": 168, + "3955": 168, + "3956": 168, + "3957": 168, + "3958": 168, + "3959": 126, + "396": 168, + "3960": 168, + "3961": 168, + "3962": 168, + "3963": 168, + "3964": 168, + "3965": 168, + "3966": 168, + "3967": 168, + "3968": 168, + "3969": 168, + "397": 168, + "3970": 168, + "3971": 168, + "3972": 168, + "3973": 168, + "3974": 168, + "3975": 168, + "3976": 168, + "3977": 168, + "3978": 168, + "3979": 168, + "398": 168, + "3980": 168, + "3981": 168, + "3982": 168, + "3983": 168, + "3984": 168, + "3985": 168, + "3986": 168, + "3987": 168, + "3988": 168, + "3989": 168, + "399": 168, + "3990": 168, + "3991": 168, + "3992": 168, + "3993": 168, + "3994": 168, + "3995": 168, + "3996": 168, + "3997": 168, + "3998": 168, + "3999": 168, + "4": 168, + "40": 168, + "400": 168, + "4000": 168, + "4001": 168, + "4002": 168, + "4003": 168, + "4004": 168, + "4005": 168, + "4006": 168, + "4007": 168, + "4008": 168, + "4009": 168, + "401": 168, + "4010": 168, + "4011": 168, + "4012": 168, + "4013": 168, + "4014": 168, + "4015": 168, + "4016": 168, + "4017": 168, + "4018": 168, + "4019": 168, + "402": 168, + "4020": 168, + "4021": 168, + "4022": 168, + "4023": 168, + "4024": 168, + "4025": 168, + "4026": 168, + "4027": 168, + "4028": 168, + "4029": 168, + "403": 168, + "4030": 168, + "4031": 168, + "4032": 168, + "4033": 168, + "4034": 168, + "4035": 168, + "4036": 168, + "4037": 168, + "4038": 168, + "4039": 168, + "404": 168, + "4040": 168, + "4041": 168, + "4042": 168, + "4043": 168, + "4044": 168, + "4045": 168, + "4046": 168, + "4047": 168, + "4048": 168, + "4049": 168, + "405": 168, + "4050": 168, + "4051": 168, + "4052": 168, + "4053": 168, + "4054": 168, + "4055": 168, + "4056": 168, + "4057": 168, + "4058": 168, + "4059": 168, + "406": 168, + "4060": 168, + "4061": 168, + "4062": 168, + "4063": 168, + "4064": 168, + "4065": 168, + "4066": 168, + "4067": 168, + "4068": 168, + "4069": 168, + "407": 168, + "4070": 168, + "4071": 168, + "4072": 168, + "4073": 168, + "4074": 168, + "4075": 168, + "4076": 168, + "4077": 168, + "4078": 168, + "4079": 168, + "408": 168, + "4080": 168, + "4081": 168, + "4082": 168, + "4083": 168, + "4084": 168, + "4085": 168, + "4086": 168, + "4087": 168, + "4088": 168, + "4089": 168, + "409": 168, + "4090": 168, + "4091": 168, + "4092": 168, + "4093": 168, + "4094": 168, + "4095": 168, + "4096": 168, + "4097": 168, + "4098": 168, + "4099": 168, + "41": 168, + "410": 168, + "4100": 168, + "4101": 168, + "4102": 168, + "4103": 168, + "4104": 168, + "4105": 168, + "4106": 168, + "4107": 168, + "4108": 168, + "4109": 168, + "411": 168, + "4110": 168, + "4111": 168, + "4112": 168, + "4113": 168, + "4114": 168, + "4115": 168, + "4116": 168, + "4117": 168, + "4118": 168, + "4119": 168, + "412": 168, + "4120": 168, + "4121": 168, + "4122": 168, + "4123": 168, + "4124": 168, + "4125": 168, + "4126": 168, + "4127": 168, + "4128": 168, + "4129": 168, + "413": 168, + "4130": 168, + "4131": 168, + "4132": 168, + "4133": 168, + "4134": 168, + "4135": 168, + "4136": 168, + "4137": 168, + "4138": 168, + "4139": 168, + "414": 168, + "4140": 168, + "4141": 168, + "4142": 168, + "4143": 168, + "4144": 168, + "4145": 168, + "4146": 168, + "4147": 168, + "4148": 168, + "4149": 168, + "415": 168, + "4150": 168, + "4151": 168, + "4152": 168, + "4153": 168, + "4154": 168, + "4155": 168, + "4156": 168, + "4157": 168, + "4158": 168, + "4159": 168, + "416": 168, + "4160": 168, + "4161": 168, + "4162": 168, + "4163": 168, + "4164": 168, + "4165": 168, + "4166": 168, + "4167": 168, + "4168": 168, + "4169": 168, + "417": 168, + "4170": 168, + "4171": 168, + "4172": 168, + "4173": 168, + "4174": 168, + "4175": 168, + "4176": 168, + "4177": 168, + "4178": 168, + "4179": 168, + "418": 168, + "4180": 168, + "4181": 168, + "4182": 168, + "4183": 168, + "4184": 168, + "4185": 168, + "4186": 168, + "4187": 168, + "4188": 168, + "4189": 168, + "419": 168, + "4190": 168, + "4191": 168, + "4192": 168, + "4193": 168, + "4194": 168, + "4195": 168, + "4196": 168, + "4197": 168, + "4198": 168, + "4199": 168, + "42": 168, + "420": 168, + "4200": 168, + "4201": 168, + "4202": 168, + "4203": 168, + "4204": 168, + "4205": 168, + "4206": 168, + "4207": 168, + "4208": 168, + "4209": 168, + "421": 168, + "4210": 168, + "4211": 168, + "4212": 168, + "4213": 168, + "4214": 168, + "4215": 168, + "4216": 168, + "4217": 168, + "4218": 168, + "4219": 168, + "422": 168, + "4220": 168, + "4221": 168, + "4222": 168, + "4223": 168, + "4224": 168, + "4225": 168, + "4226": 168, + "4227": 168, + "4228": 168, + "4229": 168, + "423": 168, + "4230": 168, + "4231": 168, + "4232": 168, + "4233": 168, + "4234": 168, + "4235": 168, + "4236": 168, + "4237": 168, + "4238": 168, + "4239": 168, + "424": 168, + "4240": 168, + "4241": 168, + "4242": 168, + "4243": 168, + "4244": 168, + "4245": 168, + "4246": 168, + "4247": 168, + "4248": 168, + "4249": 168, + "425": 168, + "4250": 168, + "4251": 168, + "4252": 168, + "4253": 168, + "4254": 168, + "4255": 168, + "4256": 168, + "4257": 168, + "4258": 168, + "4259": 168, + "426": 168, + "4260": 168, + "4261": 168, + "4262": 168, + "4263": 168, + "4264": 168, + "4265": 168, + "4266": 168, + "4267": 168, + "4268": 168, + "4269": 168, + "427": 168, + "4270": 168, + "4271": 168, + "4272": 168, + "4273": 168, + "4274": 168, + "4275": 168, + "4276": 168, + "4277": 168, + "4278": 168, + "4279": 168, + "428": 168, + "4280": 168, + "4281": 168, + "4282": 168, + "4283": 168, + "4284": 168, + "4285": 168, + "4286": 168, + "4287": 168, + "4288": 168, + "4289": 168, + "429": 168, + "4290": 168, + "4291": 168, + "4292": 168, + "4293": 168, + "4294": 168, + "4295": 168, + "4296": 168, + "4297": 168, + "4298": 168, + "4299": 168, + "43": 168, + "430": 168, + "4300": 168, + "4301": 168, + "4302": 168, + "4303": 168, + "4304": 168, + "4305": 168, + "4306": 168, + "4307": 168, + "4308": 168, + "4309": 168, + "431": 168, + "4310": 168, + "4311": 168, + "4312": 168, + "4313": 168, + "4314": 168, + "4315": 168, + "4316": 168, + "4317": 168, + "4318": 168, + "4319": 168, + "432": 168, + "4320": 168, + "4321": 168, + "4322": 168, + "4323": 168, + "4324": 168, + "4325": 168, + "4326": 168, + "4327": 168, + "4328": 168, + "4329": 168, + "433": 168, + "4330": 168, + "4331": 168, + "4332": 168, + "4333": 168, + "4334": 168, + "4335": 168, + "4336": 168, + "4337": 168, + "4338": 168, + "4339": 168, + "434": 168, + "4340": 168, + "4341": 168, + "4342": 168, + "4343": 168, + "4344": 168, + "4345": 168, + "4346": 168, + "4347": 168, + "4348": 168, + "4349": 168, + "435": 168, + "4350": 168, + "4351": 168, + "4352": 168, + "4353": 168, + "4354": 168, + "4355": 168, + "4356": 168, + "4357": 168, + "4358": 168, + "4359": 168, + "436": 168, + "4360": 168, + "4361": 168, + "4362": 168, + "4363": 168, + "4364": 168, + "4365": 168, + "4366": 168, + "4367": 168, + "4368": 168, + "4369": 168, + "437": 168, + "4370": 168, + "4371": 168, + "4372": 168, + "4373": 168, + "4374": 168, + "4375": 168, + "4376": 168, + "4377": 168, + "4378": 168, + "4379": 168, + "438": 168, + "4380": 168, + "4381": 168, + "4382": 168, + "4383": 168, + "4384": 168, + "4385": 168, + "4386": 168, + "4387": 168, + "4388": 168, + "4389": 168, + "439": 168, + "4390": 168, + "4391": 168, + "4392": 168, + "4393": 168, + "4394": 168, + "4395": 168, + "4396": 168, + "4397": 168, + "4398": 168, + "4399": 168, + "44": 168, + "440": 168, + "4400": 168, + "4401": 168, + "4402": 168, + "4403": 168, + "4404": 168, + "4405": 168, + "4406": 168, + "4407": 168, + "4408": 168, + "4409": 168, + "441": 168, + "4410": 168, + "4411": 168, + "4412": 168, + "4413": 168, + "4414": 168, + "4415": 168, + "4416": 168, + "4417": 168, + "4418": 168, + "4419": 168, + "442": 168, + "4420": 168, + "4421": 168, + "4422": 168, + "4423": 168, + "4424": 168, + "4425": 168, + "4426": 168, + "4427": 168, + "4428": 168, + "4429": 168, + "443": 168, + "4430": 168, + "4431": 168, + "4432": 168, + "4433": 168, + "4434": 168, + "4435": 168, + "4436": 168, + "4437": 168, + "4438": 168, + "4439": 168, + "444": 168, + "4440": 168, + "4441": 168, + "4442": 168, + "4443": 168, + "4444": 168, + "4445": 168, + "4446": 168, + "4447": 168, + "4448": 168, + "4449": 168, + "445": 168, + "4450": 168, + "4451": 168, + "4452": 168, + "4453": 168, + "4454": 168, + "4455": 168, + "4456": 168, + "4457": 168, + "4458": 168, + "4459": 168, + "446": 168, + "4460": 168, + "4461": 168, + "4462": 168, + "4463": 168, + "4464": 168, + "4465": 168, + "4466": 168, + "4467": 168, + "4468": 168, + "4469": 168, + "447": 168, + "4470": 168, + "4471": 168, + "4472": 168, + "4473": 168, + "4474": 168, + "4475": 168, + "4476": 168, + "4477": 168, + "4478": 168, + "4479": 168, + "448": 168, + "4480": 168, + "4481": 168, + "4482": 168, + "4483": 168, + "4484": 168, + "4485": 168, + "4486": 168, + "4487": 168, + "4488": 168, + "4489": 168, + "449": 168, + "4490": 168, + "4491": 168, + "4492": 168, + "4493": 168, + "4494": 168, + "4495": 168, + "4496": 168, + "4497": 168, + "4498": 168, + "4499": 168, + "45": 168, + "450": 168, + "4500": 168, + "4501": 168, + "4502": 168, + "4503": 168, + "4504": 168, + "4505": 168, + "4506": 168, + "4507": 168, + "4508": 168, + "4509": 168, + "451": 168, + "4510": 168, + "4511": 168, + "4512": 168, + "4513": 168, + "4514": 168, + "4515": 168, + "4516": 168, + "4517": 168, + "4518": 168, + "4519": 168, + "452": 168, + "4520": 168, + "4521": 168, + "4522": 168, + "4523": 168, + "4524": 168, + "4525": 168, + "4526": 168, + "4527": 168, + "4528": 168, + "4529": 168, + "453": 168, + "4530": 168, + "4531": 168, + "4532": 168, + "4533": 168, + "4534": 168, + "4535": 168, + "4536": 168, + "4537": 168, + "4538": 168, + "4539": 168, + "454": 168, + "4540": 168, + "4541": 168, + "4542": 168, + "4543": 168, + "4544": 168, + "4545": 168, + "4546": 168, + "4547": 168, + "4548": 168, + "4549": 168, + "455": 168, + "4550": 168, + "4551": 168, + "4552": 168, + "4553": 168, + "4554": 168, + "4555": 168, + "4556": 168, + "4557": 168, + "4558": 168, + "4559": 168, + "456": 168, + "4560": 168, + "4561": 168, + "4562": 168, + "4563": 168, + "4564": 168, + "4565": 168, + "4566": 168, + "4567": 168, + "4568": 168, + "4569": 168, + "457": 168, + "4570": 168, + "4571": 168, + "4572": 168, + "4573": 168, + "4574": 168, + "4575": 168, + "4576": 168, + "4577": 168, + "4578": 168, + "4579": 168, + "458": 168, + "4580": 168, + "4581": 168, + "4582": 168, + "4583": 168, + "4584": 168, + "4585": 168, + "4586": 168, + "4587": 168, + "4588": 168, + "4589": 168, + "459": 168, + "4590": 168, + "4591": 168, + "4592": 168, + "4593": 168, + "4594": 168, + "4595": 168, + "4596": 168, + "4597": 168, + "4598": 168, + "4599": 168, + "46": 168, + "460": 168, + "4600": 168, + "4601": 168, + "4602": 168, + "4603": 168, + "4604": 168, + "4605": 168, + "4606": 168, + "4607": 168, + "4608": 168, + "4609": 168, + "461": 168, + "4610": 168, + "4611": 168, + "4612": 168, + "4613": 168, + "4614": 168, + "4615": 168, + "4616": 168, + "4617": 168, + "4618": 168, + "4619": 168, + "462": 168, + "4620": 168, + "4621": 168, + "4622": 168, + "4623": 168, + "4624": 168, + "4625": 168, + "4626": 168, + "4627": 168, + "4628": 168, + "4629": 168, + "463": 168, + "4630": 168, + "4631": 168, + "4632": 168, + "4633": 168, + "4634": 168, + "4635": 168, + "4636": 168, + "4637": 168, + "4638": 168, + "4639": 168, + "464": 168, + "4640": 168, + "4641": 168, + "4642": 168, + "4643": 168, + "4644": 168, + "4645": 168, + "4646": 168, + "4647": 168, + "4648": 168, + "4649": 168, + "465": 168, + "4650": 168, + "4651": 168, + "4652": 168, + "4653": 168, + "4654": 168, + "4655": 168, + "4656": 168, + "4657": 168, + "4658": 168, + "4659": 168, + "466": 168, + "4660": 168, + "4661": 168, + "4662": 168, + "4663": 168, + "4664": 168, + "4665": 168, + "4666": 168, + "4667": 168, + "4668": 168, + "4669": 168, + "467": 168, + "4670": 168, + "4671": 168, + "4672": 168, + "4673": 168, + "4674": 168, + "4675": 168, + "4676": 168, + "4677": 168, + "4678": 168, + "4679": 168, + "468": 168, + "4680": 168, + "4681": 168, + "4682": 168, + "4683": 168, + "4684": 168, + "4685": 168, + "4686": 168, + "4687": 168, + "4688": 168, + "4689": 168, + "469": 168, + "4690": 168, + "4691": 168, + "4692": 168, + "4693": 168, + "4694": 168, + "4695": 168, + "4696": 168, + "4697": 168, + "4698": 168, + "4699": 168, + "47": 168, + "470": 168, + "4700": 168, + "4701": 168, + "4702": 168, + "4703": 168, + "4704": 168, + "4705": 168, + "4706": 168, + "4707": 168, + "4708": 168, + "4709": 168, + "471": 168, + "4710": 168, + "4711": 168, + "4712": 168, + "4713": 168, + "4714": 168, + "4715": 168, + "4716": 168, + "4717": 168, + "4718": 168, + "4719": 168, + "472": 168, + "4720": 168, + "4721": 168, + "4722": 168, + "4723": 168, + "4724": 168, + "4725": 168, + "4726": 168, + "4727": 168, + "4728": 168, + "4729": 168, + "473": 168, + "4730": 168, + "4731": 168, + "4732": 168, + "4733": 168, + "4734": 168, + "4735": 168, + "4736": 168, + "4737": 168, + "4738": 168, + "4739": 168, + "474": 168, + "4740": 168, + "4741": 168, + "4742": 168, + "4743": 168, + "4744": 168, + "4745": 168, + "4746": 168, + "4747": 168, + "4748": 168, + "4749": 168, + "475": 168, + "4750": 168, + "4751": 168, + "4752": 168, + "4753": 168, + "4754": 168, + "4755": 168, + "4756": 168, + "4757": 168, + "4758": 168, + "4759": 168, + "476": 168, + "4760": 168, + "4761": 168, + "4762": 168, + "4763": 168, + "4764": 168, + "4765": 168, + "4766": 168, + "4767": 168, + "4768": 168, + "4769": 168, + "477": 168, + "4770": 168, + "4771": 168, + "4772": 168, + "4773": 168, + "4774": 168, + "4775": 168, + "4776": 168, + "4777": 168, + "4778": 168, + "4779": 168, + "478": 168, + "4780": 168, + "4781": 168, + "4782": 168, + "4783": 168, + "4784": 168, + "4785": 168, + "4786": 168, + "4787": 168, + "4788": 168, + "4789": 168, + "479": 168, + "4790": 168, + "4791": 168, + "4792": 168, + "4793": 168, + "4794": 168, + "4795": 168, + "4796": 168, + "4797": 168, + "4798": 168, + "4799": 168, + "48": 168, + "480": 168, + "4800": 168, + "4801": 168, + "4802": 168, + "4803": 168, + "4804": 168, + "4805": 168, + "4806": 168, + "4807": 168, + "4808": 168, + "4809": 168, + "481": 168, + "4810": 168, + "4811": 168, + "4812": 168, + "4813": 168, + "4814": 168, + "4815": 168, + "4816": 168, + "4817": 168, + "4818": 168, + "4819": 168, + "482": 168, + "4820": 168, + "4821": 168, + "4822": 168, + "4823": 168, + "4824": 168, + "4825": 168, + "4826": 168, + "4827": 168, + "4828": 168, + "4829": 168, + "483": 168, + "4830": 168, + "4831": 168, + "4832": 168, + "4833": 168, + "4834": 168, + "4835": 168, + "4836": 168, + "4837": 168, + "4838": 168, + "4839": 168, + "484": 168, + "4840": 168, + "4841": 168, + "4842": 168, + "4843": 168, + "4844": 168, + "4845": 168, + "4846": 168, + "4847": 168, + "4848": 168, + "4849": 168, + "485": 168, + "4850": 168, + "4851": 168, + "4852": 168, + "4853": 168, + "4854": 168, + "4855": 168, + "4856": 168, + "4857": 168, + "4858": 168, + "4859": 168, + "486": 168, + "4860": 168, + "4861": 168, + "4862": 168, + "4863": 168, + "4864": 168, + "4865": 168, + "4866": 168, + "4867": 168, + "4868": 168, + "4869": 168, + "487": 168, + "4870": 168, + "4871": 168, + "4872": 168, + "4873": 168, + "4874": 168, + "4875": 168, + "4876": 168, + "4877": 168, + "4878": 168, + "4879": 168, + "488": 168, + "4880": 168, + "4881": 168, + "4882": 168, + "4883": 168, + "4884": 168, + "4885": 168, + "4886": 168, + "4887": 168, + "4888": 168, + "4889": 168, + "489": 168, + "4890": 168, + "4891": 168, + "4892": 168, + "4893": 168, + "4894": 168, + "4895": 168, + "4896": 168, + "4897": 168, + "4898": 168, + "4899": 168, + "49": 168, + "490": 168, + "4900": 168, + "4901": 168, + "4902": 168, + "4903": 168, + "4904": 168, + "4905": 168, + "4906": 168, + "4907": 168, + "4908": 168, + "4909": 168, + "491": 168, + "4910": 168, + "4911": 168, + "4912": 168, + "4913": 168, + "4914": 168, + "4915": 168, + "4916": 168, + "4917": 168, + "4918": 168, + "4919": 168, + "492": 168, + "4920": 168, + "4921": 168, + "4922": 168, + "4923": 168, + "4924": 168, + "4925": 168, + "4926": 168, + "4927": 168, + "4928": 168, + "4929": 168, + "493": 168, + "4930": 168, + "4931": 168, + "4932": 168, + "4933": 168, + "4934": 168, + "4935": 168, + "4936": 168, + "4937": 168, + "4938": 168, + "4939": 168, + "494": 168, + "4940": 168, + "4941": 168, + "4942": 168, + "4943": 168, + "4944": 168, + "4945": 168, + "4946": 168, + "4947": 168, + "4948": 168, + "4949": 168, + "495": 168, + "4950": 168, + "4951": 168, + "4952": 168, + "4953": 168, + "4954": 168, + "4955": 168, + "4956": 168, + "4957": 168, + "4958": 168, + "4959": 168, + "496": 168, + "4960": 168, + "4961": 168, + "4962": 168, + "4963": 168, + "4964": 168, + "4965": 168, + "4966": 168, + "4967": 168, + "4968": 168, + "4969": 168, + "497": 168, + "4970": 168, + "4971": 168, + "4972": 168, + "4973": 168, + "4974": 168, + "4975": 168, + "4976": 168, + "4977": 168, + "4978": 168, + "4979": 168, + "498": 168, + "4980": 168, + "4981": 168, + "4982": 168, + "4983": 168, + "4984": 168, + "4985": 168, + "4986": 168, + "4987": 168, + "4988": 168, + "4989": 168, + "499": 168, + "4990": 168, + "4991": 168, + "4992": 168, + "4993": 168, + "4994": 168, + "4995": 168, + "4996": 168, + "4997": 168, + "4998": 168, + "4999": 168, + "5": 168, + "50": 168, + "500": 168, + "5000": 168, + "5001": 168, + "5002": 168, + "5003": 168, + "5004": 168, + "5005": 168, + "5006": 168, + "5007": 168, + "5008": 168, + "5009": 168, + "501": 168, + "5010": 168, + "5011": 168, + "5012": 168, + "5013": 168, + "5014": 168, + "5015": 168, + "5016": 168, + "5017": 168, + "5018": 168, + "5019": 168, + "502": 168, + "5020": 168, + "5021": 168, + "5022": 168, + "5023": 168, + "5024": 168, + "5025": 168, + "5026": 168, + "5027": 168, + "5028": 168, + "5029": 168, + "503": 168, + "5030": 168, + "5031": 168, + "5032": 168, + "5033": 168, + "5034": 168, + "5035": 168, + "5036": 168, + "5037": 168, + "5038": 168, + "5039": 168, + "504": 168, + "5040": 168, + "5041": 168, + "5042": 168, + "5043": 168, + "5044": 168, + "5045": 168, + "5046": 168, + "5047": 168, + "5048": 168, + "5049": 168, + "505": 168, + "5050": 168, + "5051": 168, + "5052": 168, + "5053": 168, + "5054": 168, + "5055": 168, + "5056": 168, + "5057": 168, + "5058": 168, + "5059": 168, + "506": 168, + "5060": 168, + "5061": 168, + "5062": 168, + "5063": 168, + "5064": 168, + "5065": 168, + "5066": 168, + "5067": 168, + "5068": 168, + "5069": 168, + "507": 168, + "5070": 168, + "5071": 168, + "5072": 168, + "5073": 168, + "5074": 168, + "5075": 168, + "5076": 168, + "5077": 168, + "5078": 168, + "5079": 168, + "508": 168, + "5080": 168, + "5081": 168, + "5082": 168, + "5083": 168, + "5084": 168, + "5085": 168, + "5086": 168, + "5087": 168, + "5088": 168, + "5089": 168, + "509": 168, + "5090": 168, + "5091": 168, + "5092": 168, + "5093": 168, + "5094": 168, + "5095": 168, + "5096": 168, + "5097": 168, + "5098": 168, + "5099": 168, + "51": 168, + "510": 168, + "5100": 168, + "5101": 168, + "5102": 168, + "5103": 168, + "5104": 168, + "5105": 168, + "5106": 168, + "5107": 168, + "5108": 168, + "5109": 168, + "511": 168, + "5110": 168, + "5111": 168, + "5112": 168, + "5113": 168, + "5114": 168, + "5115": 168, + "5116": 168, + "5117": 168, + "5118": 168, + "5119": 168, + "512": 168, + "5120": 168, + "5121": 168, + "5122": 168, + "5123": 168, + "5124": 168, + "5125": 168, + "5126": 168, + "5127": 168, + "5128": 168, + "5129": 168, + "513": 168, + "5130": 168, + "5131": 168, + "5132": 168, + "5133": 168, + "5134": 168, + "5135": 168, + "5136": 168, + "5137": 168, + "5138": 168, + "5139": 168, + "514": 168, + "5140": 168, + "5141": 168, + "5142": 168, + "5143": 168, + "5144": 168, + "5145": 168, + "5146": 168, + "5147": 168, + "5148": 168, + "5149": 168, + "515": 168, + "5150": 168, + "5151": 168, + "5152": 168, + "5153": 168, + "5154": 168, + "5155": 168, + "5156": 168, + "5157": 168, + "5158": 168, + "5159": 168, + "516": 168, + "5160": 168, + "5161": 168, + "5162": 168, + "5163": 168, + "5164": 168, + "5165": 168, + "5166": 168, + "5167": 168, + "5168": 168, + "5169": 168, + "517": 168, + "5170": 168, + "5171": 168, + "5172": 168, + "5173": 168, + "5174": 168, + "5175": 168, + "5176": 168, + "5177": 168, + "5178": 168, + "5179": 168, + "518": 168, + "5180": 168, + "5181": 168, + "5182": 168, + "5183": 168, + "5184": 168, + "5185": 168, + "5186": 168, + "5187": 168, + "5188": 168, + "5189": 168, + "519": 168, + "5190": 168, + "5191": 168, + "5192": 168, + "5193": 168, + "5194": 168, + "5195": 168, + "5196": 168, + "5197": 168, + "5198": 168, + "5199": 168, + "52": 168, + "520": 168, + "5200": 168, + "5201": 168, + "5202": 168, + "5203": 168, + "5204": 168, + "5205": 168, + "5206": 168, + "5207": 168, + "5208": 168, + "5209": 168, + "521": 168, + "5210": 168, + "5211": 168, + "5212": 168, + "5213": 168, + "5214": 168, + "5215": 168, + "5216": 168, + "5217": 168, + "5218": 168, + "5219": 168, + "522": 168, + "5220": 168, + "5221": 168, + "5222": 168, + "5223": 168, + "5224": 168, + "5225": 168, + "5226": 168, + "5227": 168, + "5228": 168, + "5229": 168, + "523": 168, + "5230": 168, + "5231": 168, + "5232": 168, + "5233": 168, + "5234": 168, + "5235": 168, + "5236": 168, + "5237": 168, + "5238": 168, + "5239": 168, + "524": 168, + "5240": 168, + "5241": 168, + "5242": 168, + "5243": 168, + "5244": 168, + "5245": 168, + "5246": 168, + "5247": 168, + "5248": 168, + "5249": 168, + "525": 168, + "5250": 168, + "5251": 168, + "5252": 168, + "5253": 168, + "5254": 168, + "5255": 168, + "5256": 168, + "5257": 168, + "5258": 168, + "5259": 168, + "526": 168, + "5260": 168, + "5261": 168, + "5262": 168, + "5263": 168, + "5264": 168, + "5265": 168, + "5266": 168, + "5267": 168, + "5268": 168, + "5269": 168, + "527": 168, + "5270": 168, + "5271": 168, + "5272": 168, + "5273": 168, + "5274": 168, + "5275": 168, + "5276": 168, + "5277": 168, + "5278": 168, + "5279": 168, + "528": 168, + "5280": 168, + "5281": 168, + "5282": 168, + "5283": 168, + "5284": 168, + "5285": 168, + "5286": 168, + "5287": 168, + "5288": 168, + "5289": 168, + "529": 168, + "5290": 168, + "5291": 168, + "5292": 168, + "5293": 168, + "5294": 168, + "5295": 168, + "5296": 168, + "5297": 168, + "5298": 168, + "5299": 168, + "53": 168, + "530": 168, + "5300": 168, + "5301": 168, + "5302": 168, + "5303": 168, + "5304": 168, + "5305": 168, + "5306": 168, + "5307": 168, + "5308": 168, + "5309": 168, + "531": 168, + "5310": 168, + "5311": 168, + "5312": 168, + "5313": 168, + "5314": 168, + "5315": 168, + "5316": 168, + "5317": 168, + "5318": 168, + "5319": 168, + "532": 168, + "5320": 168, + "5321": 168, + "5322": 168, + "5323": 168, + "5324": 168, + "5325": 168, + "5326": 168, + "5327": 168, + "5328": 168, + "5329": 168, + "533": 168, + "5330": 168, + "5331": 168, + "5332": 168, + "5333": 168, + "5334": 168, + "5335": 168, + "5336": 168, + "5337": 168, + "5338": 168, + "5339": 168, + "534": 168, + "5340": 168, + "5341": 168, + "5342": 168, + "5343": 168, + "5344": 168, + "5345": 168, + "5346": 168, + "5347": 168, + "5348": 168, + "5349": 168, + "535": 168, + "5350": 168, + "5351": 168, + "5352": 168, + "5353": 168, + "5354": 168, + "5355": 168, + "5356": 168, + "5357": 168, + "5358": 168, + "5359": 168, + "536": 168, + "5360": 168, + "5361": 168, + "5362": 168, + "5363": 168, + "5364": 168, + "5365": 168, + "5366": 168, + "5367": 168, + "5368": 168, + "5369": 168, + "537": 168, + "5370": 168, + "5371": 168, + "5372": 168, + "5373": 168, + "5374": 168, + "5375": 168, + "5376": 168, + "5377": 168, + "5378": 168, + "5379": 168, + "538": 168, + "5380": 168, + "5381": 168, + "5382": 168, + "5383": 168, + "5384": 168, + "5385": 168, + "5386": 168, + "5387": 168, + "5388": 168, + "5389": 168, + "539": 168, + "5390": 168, + "5391": 168, + "5392": 168, + "5393": 168, + "5394": 168, + "5395": 168, + "5396": 168, + "5397": 168, + "5398": 168, + "5399": 168, + "54": 168, + "540": 168, + "5400": 168, + "5401": 168, + "5402": 168, + "5403": 168, + "5404": 168, + "5405": 168, + "5406": 168, + "5407": 168, + "5408": 168, + "5409": 168, + "541": 168, + "5410": 168, + "5411": 168, + "5412": 168, + "5413": 168, + "5414": 168, + "5415": 168, + "5416": 168, + "5417": 168, + "5418": 168, + "5419": 168, + "542": 168, + "5420": 168, + "5421": 168, + "5422": 168, + "5423": 168, + "5424": 168, + "5425": 168, + "5426": 168, + "5427": 168, + "5428": 168, + "5429": 168, + "543": 168, + "5430": 168, + "5431": 168, + "5432": 168, + "5433": 168, + "5434": 168, + "5435": 168, + "5436": 168, + "5437": 168, + "5438": 168, + "5439": 168, + "544": 168, + "5440": 168, + "5441": 168, + "5442": 168, + "5443": 168, + "5444": 168, + "5445": 168, + "5446": 168, + "5447": 168, + "5448": 168, + "5449": 168, + "545": 168, + "5450": 168, + "5451": 168, + "5452": 168, + "5453": 168, + "5454": 168, + "5455": 168, + "5456": 168, + "5457": 168, + "5458": 168, + "5459": 168, + "546": 168, + "5460": 168, + "5461": 168, + "5462": 168, + "5463": 168, + "5464": 168, + "5465": 168, + "5466": 168, + "5467": 168, + "5468": 168, + "5469": 168, + "547": 168, + "5470": 168, + "5471": 168, + "5472": 168, + "5473": 168, + "5474": 168, + "5475": 168, + "5476": 168, + "5477": 168, + "5478": 168, + "5479": 168, + "548": 168, + "5480": 168, + "5481": 168, + "5482": 168, + "5483": 168, + "5484": 168, + "5485": 168, + "5486": 168, + "5487": 168, + "5488": 168, + "5489": 168, + "549": 168, + "5490": 168, + "5491": 168, + "5492": 168, + "5493": 168, + "5494": 168, + "5495": 168, + "5496": 168, + "5497": 168, + "5498": 168, + "5499": 168, + "55": 168, + "550": 168, + "5500": 168, + "5501": 168, + "5502": 168, + "5503": 168, + "5504": 168, + "5505": 168, + "5506": 168, + "5507": 168, + "5508": 168, + "5509": 168, + "551": 168, + "5510": 168, + "5511": 168, + "5512": 168, + "5513": 168, + "5514": 168, + "5515": 168, + "5516": 168, + "5517": 168, + "5518": 168, + "5519": 168, + "552": 168, + "5520": 168, + "5521": 168, + "5522": 168, + "5523": 168, + "5524": 168, + "5525": 168, + "5526": 168, + "5527": 168, + "5528": 168, + "5529": 168, + "553": 168, + "5530": 168, + "5531": 168, + "5532": 168, + "5533": 168, + "5534": 168, + "5535": 168, + "5536": 168, + "5537": 168, + "5538": 168, + "5539": 168, + "554": 168, + "5540": 168, + "5541": 168, + "5542": 168, + "5543": 168, + "5544": 168, + "5545": 168, + "5546": 168, + "5547": 168, + "5548": 168, + "5549": 168, + "555": 168, + "5550": 168, + "5551": 168, + "5552": 168, + "5553": 168, + "5554": 168, + "5555": 168, + "5556": 168, + "5557": 168, + "5558": 168, + "5559": 168, + "556": 168, + "5560": 168, + "5561": 168, + "5562": 168, + "5563": 168, + "5564": 168, + "5565": 168, + "5566": 168, + "5567": 168, + "5568": 168, + "5569": 168, + "557": 168, + "5570": 168, + "5571": 168, + "5572": 168, + "5573": 168, + "5574": 168, + "5575": 168, + "5576": 168, + "5577": 168, + "5578": 168, + "5579": 168, + "558": 168, + "5580": 168, + "5581": 168, + "5582": 168, + "5583": 168, + "5584": 168, + "5585": 168, + "5586": 168, + "5587": 168, + "5588": 168, + "5589": 168, + "559": 168, + "5590": 168, + "5591": 168, + "5592": 168, + "5593": 168, + "5594": 168, + "5595": 168, + "5596": 168, + "5597": 168, + "5598": 168, + "5599": 168, + "56": 168, + "560": 168, + "5600": 168, + "5601": 168, + "5602": 168, + "5603": 168, + "5604": 168, + "5605": 168, + "5606": 168, + "5607": 168, + "5608": 168, + "5609": 168, + "561": 168, + "5610": 168, + "5611": 168, + "5612": 168, + "5613": 168, + "5614": 168, + "5615": 168, + "5616": 168, + "5617": 168, + "5618": 168, + "5619": 168, + "562": 168, + "5620": 168, + "5621": 168, + "5622": 168, + "5623": 168, + "5624": 168, + "5625": 168, + "5626": 168, + "5627": 168, + "5628": 168, + "5629": 168, + "563": 168, + "5630": 168, + "5631": 168, + "5632": 168, + "5633": 168, + "5634": 168, + "5635": 168, + "5636": 168, + "5637": 168, + "5638": 168, + "5639": 168, + "564": 168, + "5640": 168, + "5641": 168, + "5642": 168, + "5643": 168, + "5644": 168, + "5645": 168, + "5646": 168, + "5647": 168, + "5648": 168, + "5649": 168, + "565": 168, + "5650": 168, + "5651": 168, + "5652": 168, + "5653": 168, + "5654": 168, + "5655": 168, + "5656": 168, + "5657": 168, + "5658": 168, + "5659": 168, + "566": 168, + "5660": 168, + "5661": 168, + "5662": 168, + "5663": 168, + "5664": 168, + "5665": 168, + "5666": 168, + "5667": 168, + "5668": 168, + "5669": 168, + "567": 168, + "5670": 168, + "5671": 168, + "5672": 168, + "5673": 168, + "5674": 168, + "5675": 168, + "5676": 168, + "5677": 168, + "5678": 168, + "5679": 168, + "568": 168, + "5680": 168, + "5681": 168, + "5682": 168, + "5683": 168, + "5684": 168, + "5685": 168, + "5686": 168, + "5687": 168, + "5688": 168, + "5689": 168, + "569": 168, + "5690": 168, + "5691": 168, + "5692": 168, + "5693": 168, + "5694": 168, + "5695": 168, + "5696": 168, + "5697": 168, + "5698": 168, + "5699": 168, + "57": 168, + "570": 168, + "5700": 168, + "5701": 168, + "5702": 168, + "5703": 168, + "5704": 168, + "5705": 168, + "5706": 168, + "5707": 168, + "5708": 168, + "5709": 168, + "571": 168, + "5710": 168, + "5711": 168, + "5712": 168, + "5713": 168, + "5714": 168, + "5715": 168, + "5716": 168, + "5717": 168, + "5718": 168, + "5719": 168, + "572": 168, + "5720": 168, + "5721": 168, + "5722": 168, + "5723": 168, + "5724": 168, + "5725": 168, + "5726": 168, + "5727": 168, + "5728": 168, + "5729": 168, + "573": 168, + "5730": 168, + "5731": 168, + "5732": 168, + "5733": 168, + "5734": 168, + "5735": 168, + "5736": 168, + "5737": 168, + "5738": 168, + "5739": 168, + "574": 168, + "5740": 168, + "5741": 168, + "5742": 168, + "5743": 168, + "5744": 168, + "5745": 168, + "5746": 168, + "5747": 168, + "5748": 168, + "5749": 168, + "575": 168, + "5750": 168, + "5751": 168, + "5752": 168, + "5753": 168, + "5754": 168, + "5755": 168, + "5756": 168, + "5757": 168, + "5758": 168, + "5759": 168, + "576": 168, + "5760": 168, + "5761": 168, + "5762": 168, + "5763": 168, + "5764": 168, + "5765": 168, + "5766": 168, + "5767": 168, + "5768": 168, + "5769": 168, + "577": 168, + "5770": 168, + "5771": 168, + "5772": 168, + "5773": 168, + "5774": 168, + "5775": 168, + "5776": 168, + "5777": 168, + "5778": 168, + "5779": 168, + "578": 168, + "5780": 168, + "5781": 168, + "5782": 168, + "5783": 168, + "5784": 168, + "5785": 168, + "5786": 168, + "5787": 168, + "5788": 168, + "5789": 168, + "579": 168, + "5790": 168, + "5791": 168, + "5792": 168, + "5793": 168, + "5794": 168, + "5795": 168, + "5796": 168, + "5797": 168, + "5798": 168, + "5799": 168, + "58": 168, + "580": 168, + "5800": 168, + "5801": 168, + "5802": 168, + "5803": 168, + "5804": 168, + "5805": 168, + "5806": 168, + "5807": 168, + "5808": 168, + "5809": 168, + "581": 168, + "5810": 168, + "5811": 168, + "5812": 168, + "5813": 168, + "5814": 168, + "5815": 168, + "5816": 168, + "5817": 168, + "5818": 168, + "5819": 168, + "582": 168, + "5820": 168, + "5821": 168, + "5822": 168, + "5823": 168, + "5824": 168, + "5825": 168, + "5826": 168, + "5827": 168, + "5828": 168, + "5829": 168, + "583": 168, + "5830": 168, + "5831": 168, + "5832": 168, + "5833": 168, + "5834": 168, + "5835": 168, + "5836": 168, + "5837": 168, + "5838": 168, + "5839": 168, + "584": 168, + "5840": 168, + "5841": 168, + "5842": 168, + "5843": 168, + "5844": 168, + "5845": 168, + "5846": 168, + "5847": 168, + "5848": 168, + "5849": 168, + "585": 168, + "5850": 168, + "5851": 168, + "5852": 168, + "5853": 168, + "5854": 168, + "5855": 168, + "5856": 168, + "5857": 168, + "5858": 168, + "5859": 168, + "586": 168, + "5860": 168, + "5861": 168, + "5862": 168, + "5863": 168, + "5864": 168, + "5865": 168, + "5866": 168, + "5867": 168, + "5868": 168, + "5869": 168, + "587": 168, + "5870": 168, + "5871": 168, + "5872": 168, + "5873": 168, + "5874": 168, + "5875": 168, + "5876": 168, + "5877": 168, + "5878": 168, + "5879": 168, + "588": 168, + "5880": 168, + "5881": 168, + "5882": 168, + "5883": 168, + "5884": 168, + "5885": 168, + "5886": 168, + "5887": 168, + "5888": 168, + "5889": 168, + "589": 168, + "5890": 168, + "5891": 168, + "5892": 168, + "5893": 168, + "5894": 168, + "5895": 168, + "5896": 168, + "5897": 168, + "5898": 168, + "5899": 168, + "59": 168, + "590": 168, + "5900": 168, + "5901": 168, + "5902": 168, + "5903": 168, + "5904": 168, + "5905": 168, + "5906": 168, + "5907": 168, + "5908": 168, + "5909": 168, + "591": 168, + "5910": 168, + "5911": 168, + "5912": 168, + "5913": 168, + "5914": 168, + "5915": 168, + "5916": 168, + "5917": 168, + "5918": 168, + "5919": 168, + "592": 168, + "5920": 168, + "5921": 168, + "5922": 168, + "5923": 168, + "5924": 168, + "5925": 168, + "5926": 168, + "5927": 168, + "5928": 168, + "5929": 168, + "593": 168, + "5930": 168, + "5931": 168, + "5932": 168, + "5933": 168, + "5934": 168, + "5935": 168, + "5936": 168, + "5937": 168, + "5938": 168, + "5939": 168, + "594": 168, + "5940": 168, + "5941": 168, + "5942": 168, + "5943": 168, + "5944": 168, + "5945": 168, + "5946": 168, + "5947": 168, + "5948": 168, + "5949": 168, + "595": 168, + "5950": 168, + "5951": 168, + "5952": 168, + "5953": 168, + "5954": 168, + "5955": 168, + "5956": 168, + "5957": 168, + "5958": 168, + "5959": 168, + "596": 168, + "5960": 168, + "5961": 168, + "5962": 168, + "5963": 168, + "5964": 168, + "5965": 168, + "5966": 168, + "5967": 168, + "5968": 168, + "5969": 168, + "597": 168, + "5970": 168, + "5971": 168, + "5972": 168, + "5973": 168, + "5974": 168, + "5975": 168, + "5976": 168, + "5977": 168, + "5978": 168, + "5979": 168, + "598": 168, + "5980": 168, + "5981": 168, + "5982": 168, + "5983": 168, + "5984": 168, + "5985": 168, + "5986": 168, + "5987": 168, + "5988": 168, + "5989": 168, + "599": 168, + "5990": 168, + "5991": 168, + "5992": 168, + "5993": 168, + "5994": 168, + "5995": 168, + "5996": 168, + "5997": 168, + "5998": 168, + "5999": 168, + "6": 168, + "60": 168, + "600": 168, + "6000": 168, + "6001": 168, + "6002": 168, + "6003": 168, + "6004": 168, + "6005": 168, + "6006": 168, + "6007": 168, + "6008": 168, + "6009": 168, + "601": 168, + "6010": 168, + "6011": 168, + "6012": 168, + "6013": 168, + "6014": 168, + "6015": 168, + "6016": 168, + "6017": 168, + "6018": 168, + "6019": 168, + "602": 168, + "6020": 168, + "6021": 168, + "6022": 168, + "6023": 168, + "6024": 168, + "6025": 168, + "6026": 168, + "6027": 168, + "6028": 168, + "6029": 168, + "603": 168, + "6030": 168, + "6031": 168, + "6032": 168, + "6033": 168, + "6034": 168, + "6035": 168, + "6036": 168, + "6037": 168, + "6038": 168, + "6039": 168, + "604": 168, + "6040": 168, + "6041": 168, + "6042": 168, + "6043": 168, + "6044": 168, + "6045": 168, + "6046": 168, + "6047": 168, + "6048": 168, + "6049": 168, + "605": 168, + "6050": 168, + "6051": 168, + "6052": 168, + "6053": 168, + "6054": 168, + "6055": 168, + "6056": 168, + "6057": 168, + "6058": 168, + "6059": 168, + "606": 168, + "6060": 168, + "6061": 168, + "6062": 168, + "6063": 168, + "6064": 168, + "6065": 168, + "6066": 168, + "6067": 168, + "6068": 168, + "6069": 168, + "607": 168, + "6070": 168, + "6071": 168, + "6072": 168, + "6073": 168, + "6074": 168, + "6075": 168, + "6076": 168, + "6077": 168, + "6078": 168, + "6079": 168, + "608": 168, + "6080": 168, + "6081": 168, + "6082": 168, + "6083": 168, + "6084": 168, + "6085": 168, + "6086": 168, + "6087": 168, + "6088": 168, + "6089": 168, + "609": 168, + "6090": 168, + "6091": 168, + "6092": 168, + "6093": 168, + "6094": 168, + "6095": 168, + "6096": 168, + "6097": 168, + "6098": 168, + "6099": 168, + "61": 168, + "610": 168, + "6100": 168, + "6101": 168, + "6102": 168, + "6103": 168, + "6104": 168, + "6105": 168, + "6106": 168, + "6107": 168, + "6108": 168, + "6109": 168, + "611": 168, + "6110": 168, + "6111": 168, + "6112": 168, + "6113": 168, + "6114": 168, + "6115": 168, + "6116": 168, + "6117": 168, + "6118": 168, + "6119": 168, + "612": 168, + "6120": 168, + "6121": 168, + "6122": 168, + "6123": 168, + "6124": 168, + "6125": 168, + "6126": 168, + "6127": 168, + "6128": 168, + "6129": 168, + "613": 168, + "6130": 168, + "6131": 168, + "6132": 168, + "6133": 168, + "6134": 168, + "6135": 168, + "6136": 168, + "6137": 168, + "6138": 168, + "6139": 168, + "614": 168, + "6140": 168, + "6141": 168, + "6142": 168, + "6143": 168, + "6144": 168, + "6145": 168, + "6146": 168, + "6147": 168, + "6148": 168, + "6149": 168, + "615": 168, + "6150": 168, + "6151": 168, + "6152": 168, + "6153": 168, + "6154": 168, + "6155": 168, + "6156": 168, + "6157": 168, + "6158": 168, + "6159": 168, + "616": 168, + "6160": 168, + "6161": 168, + "6162": 168, + "6163": 168, + "6164": 168, + "6165": 168, + "6166": 168, + "6167": 168, + "6168": 168, + "6169": 168, + "617": 168, + "6170": 168, + "6171": 168, + "6172": 168, + "6173": 168, + "6174": 168, + "6175": 168, + "6176": 168, + "6177": 168, + "6178": 168, + "6179": 168, + "618": 168, + "6180": 168, + "6181": 168, + "6182": 168, + "6183": 168, + "6184": 168, + "6185": 168, + "6186": 168, + "6187": 168, + "6188": 168, + "6189": 168, + "619": 168, + "6190": 168, + "6191": 168, + "6192": 168, + "6193": 168, + "6194": 168, + "6195": 168, + "6196": 168, + "6197": 168, + "6198": 168, + "6199": 168, + "62": 168, + "620": 168, + "6200": 168, + "6201": 168, + "6202": 168, + "6203": 168, + "6204": 168, + "6205": 168, + "6206": 168, + "6207": 168, + "6208": 168, + "6209": 168, + "621": 168, + "6210": 168, + "6211": 168, + "6212": 168, + "6213": 168, + "6214": 168, + "6215": 168, + "6216": 168, + "6217": 168, + "6218": 168, + "6219": 168, + "622": 168, + "6220": 168, + "6221": 168, + "6222": 168, + "6223": 168, + "6224": 168, + "6225": 168, + "6226": 168, + "6227": 168, + "6228": 168, + "6229": 168, + "623": 168, + "6230": 168, + "6231": 168, + "6232": 168, + "6233": 168, + "6234": 168, + "6235": 168, + "6236": 168, + "6237": 168, + "6238": 168, + "6239": 168, + "624": 168, + "6240": 168, + "6241": 168, + "6242": 168, + "6243": 168, + "6244": 168, + "6245": 168, + "6246": 168, + "6247": 168, + "6248": 168, + "6249": 168, + "625": 168, + "6250": 168, + "6251": 168, + "6252": 168, + "6253": 168, + "6254": 168, + "6255": 168, + "6256": 168, + "6257": 168, + "6258": 168, + "6259": 168, + "626": 168, + "6260": 168, + "6261": 168, + "6262": 168, + "6263": 168, + "6264": 168, + "6265": 168, + "6266": 168, + "6267": 168, + "6268": 168, + "6269": 168, + "627": 168, + "6270": 168, + "6271": 168, + "6272": 168, + "6273": 168, + "6274": 168, + "6275": 168, + "6276": 168, + "6277": 168, + "6278": 168, + "6279": 168, + "628": 168, + "6280": 168, + "6281": 168, + "6282": 168, + "6283": 168, + "6284": 168, + "6285": 168, + "6286": 168, + "6287": 168, + "6288": 168, + "6289": 168, + "629": 168, + "6290": 168, + "6291": 168, + "6292": 168, + "6293": 168, + "6294": 168, + "6295": 168, + "6296": 168, + "6297": 168, + "6298": 168, + "6299": 168, + "63": 168, + "630": 168, + "6300": 168, + "6301": 168, + "6302": 168, + "6303": 168, + "6304": 168, + "6305": 168, + "6306": 168, + "6307": 168, + "6308": 168, + "6309": 168, + "631": 168, + "6310": 168, + "6311": 168, + "6312": 168, + "6313": 168, + "6314": 168, + "6315": 168, + "6316": 168, + "6317": 168, + "6318": 168, + "6319": 168, + "632": 168, + "6320": 168, + "6321": 168, + "6322": 168, + "6323": 168, + "6324": 168, + "6325": 168, + "6326": 168, + "6327": 168, + "6328": 168, + "6329": 168, + "633": 168, + "6330": 168, + "6331": 168, + "6332": 168, + "6333": 168, + "6334": 168, + "6335": 168, + "6336": 168, + "6337": 168, + "6338": 168, + "6339": 168, + "634": 168, + "6340": 168, + "6341": 168, + "6342": 168, + "6343": 168, + "6344": 168, + "6345": 168, + "6346": 168, + "6347": 168, + "6348": 168, + "6349": 168, + "635": 168, + "6350": 168, + "6351": 168, + "6352": 168, + "6353": 168, + "6354": 168, + "6355": 168, + "6356": 168, + "6357": 168, + "6358": 168, + "6359": 168, + "636": 168, + "6360": 168, + "6361": 168, + "6362": 168, + "6363": 168, + "6364": 168, + "6365": 168, + "6366": 168, + "6367": 168, + "6368": 168, + "6369": 168, + "637": 168, + "6370": 168, + "6371": 168, + "6372": 168, + "6373": 168, + "6374": 168, + "6375": 168, + "6376": 168, + "6377": 168, + "6378": 168, + "6379": 168, + "638": 168, + "6380": 168, + "6381": 168, + "6382": 168, + "6383": 168, + "6384": 168, + "6385": 168, + "6386": 168, + "6387": 168, + "6388": 168, + "6389": 168, + "639": 168, + "6390": 168, + "6391": 168, + "6392": 168, + "6393": 168, + "6394": 168, + "6395": 168, + "6396": 168, + "6397": 168, + "6398": 168, + "6399": 168, + "64": 168, + "640": 168, + "6400": 168, + "6401": 168, + "6402": 168, + "6403": 168, + "6404": 168, + "6405": 168, + "6406": 168, + "6407": 168, + "6408": 168, + "6409": 168, + "641": 168, + "6410": 168, + "6411": 168, + "6412": 168, + "6413": 168, + "6414": 168, + "6415": 168, + "6416": 168, + "6417": 168, + "6418": 168, + "6419": 168, + "642": 168, + "6420": 168, + "6421": 168, + "6422": 168, + "6423": 168, + "6424": 168, + "6425": 168, + "6426": 168, + "6427": 168, + "6428": 168, + "6429": 168, + "643": 168, + "6430": 168, + "6431": 168, + "6432": 168, + "6433": 168, + "6434": 168, + "6435": 168, + "6436": 168, + "6437": 168, + "6438": 168, + "6439": 168, + "644": 168, + "6440": 168, + "6441": 168, + "6442": 168, + "6443": 168, + "6444": 168, + "6445": 168, + "6446": 168, + "6447": 168, + "6448": 168, + "6449": 168, + "645": 168, + "6450": 168, + "6451": 168, + "6452": 168, + "6453": 168, + "6454": 168, + "6455": 168, + "6456": 168, + "6457": 168, + "6458": 168, + "6459": 168, + "646": 168, + "6460": 168, + "6461": 168, + "6462": 168, + "6463": 168, + "6464": 168, + "6465": 168, + "6466": 168, + "6467": 168, + "6468": 168, + "6469": 168, + "647": 168, + "6470": 168, + "6471": 168, + "6472": 168, + "6473": 168, + "6474": 168, + "6475": 168, + "6476": 168, + "6477": 168, + "6478": 168, + "6479": 168, + "648": 168, + "6480": 168, + "6481": 168, + "6482": 168, + "6483": 168, + "6484": 168, + "6485": 168, + "6486": 168, + "6487": 168, + "6488": 168, + "6489": 168, + "649": 168, + "6490": 168, + "6491": 168, + "6492": 168, + "6493": 168, + "6494": 168, + "6495": 168, + "6496": 168, + "6497": 168, + "6498": 168, + "6499": 168, + "65": 168, + "650": 168, + "6500": 168, + "6501": 168, + "6502": 168, + "6503": 168, + "6504": 168, + "6505": 168, + "6506": 168, + "6507": 168, + "6508": 168, + "6509": 168, + "651": 168, + "6510": 168, + "6511": 168, + "6512": 168, + "6513": 168, + "6514": 168, + "6515": 168, + "6516": 168, + "6517": 168, + "6518": 168, + "6519": 168, + "652": 168, + "6520": 168, + "6521": 168, + "6522": 168, + "6523": 168, + "6524": 168, + "6525": 168, + "6526": 168, + "6527": 168, + "6528": 168, + "6529": 168, + "653": 168, + "6530": 168, + "6531": 168, + "6532": 168, + "6533": 168, + "6534": 168, + "6535": 168, + "6536": 168, + "6537": 168, + "6538": 168, + "6539": 168, + "654": 168, + "6540": 168, + "6541": 168, + "6542": 168, + "6543": 168, + "6544": 168, + "6545": 168, + "6546": 168, + "6547": 168, + "6548": 168, + "6549": 168, + "655": 168, + "6550": 168, + "6551": 168, + "6552": 168, + "6553": 168, + "6554": 168, + "6555": 168, + "6556": 168, + "6557": 168, + "6558": 168, + "6559": 168, + "656": 168, + "6560": 168, + "6561": 168, + "6562": 168, + "6563": 168, + "6564": 168, + "6565": 168, + "6566": 168, + "6567": 168, + "6568": 168, + "6569": 168, + "657": 168, + "6570": 168, + "6571": 168, + "6572": 168, + "6573": 168, + "6574": 168, + "6575": 168, + "6576": 168, + "6577": 168, + "6578": 168, + "6579": 168, + "658": 168, + "6580": 168, + "6581": 168, + "6582": 168, + "6583": 168, + "6584": 168, + "6585": 168, + "6586": 168, + "6587": 168, + "6588": 168, + "6589": 168, + "659": 168, + "6590": 168, + "6591": 168, + "6592": 168, + "6593": 168, + "6594": 168, + "6595": 168, + "6596": 168, + "6597": 168, + "6598": 168, + "6599": 168, + "66": 168, + "660": 168, + "6600": 168, + "6601": 168, + "6602": 168, + "6603": 168, + "6604": 168, + "6605": 168, + "6606": 168, + "6607": 168, + "6608": 168, + "6609": 168, + "661": 168, + "6610": 168, + "6611": 168, + "6612": 168, + "6613": 168, + "6614": 168, + "6615": 168, + "6616": 168, + "6617": 168, + "6618": 168, + "6619": 168, + "662": 168, + "6620": 168, + "6621": 168, + "6622": 168, + "6623": 168, + "6624": 168, + "6625": 168, + "6626": 168, + "6627": 168, + "6628": 168, + "6629": 168, + "663": 168, + "6630": 168, + "6631": 168, + "6632": 168, + "6633": 168, + "6634": 168, + "6635": 168, + "6636": 168, + "6637": 168, + "6638": 168, + "6639": 168, + "664": 168, + "6640": 168, + "6641": 168, + "6642": 168, + "6643": 168, + "6644": 168, + "6645": 168, + "6646": 168, + "6647": 168, + "6648": 168, + "6649": 168, + "665": 168, + "6650": 168, + "6651": 168, + "6652": 168, + "6653": 168, + "6654": 168, + "6655": 168, + "6656": 168, + "6657": 168, + "6658": 168, + "6659": 168, + "666": 168, + "6660": 168, + "6661": 168, + "6662": 168, + "6663": 168, + "6664": 168, + "6665": 168, + "6666": 168, + "6667": 168, + "6668": 168, + "6669": 168, + "667": 168, + "6670": 168, + "6671": 168, + "6672": 168, + "6673": 168, + "6674": 168, + "6675": 168, + "6676": 168, + "6677": 168, + "6678": 168, + "6679": 168, + "668": 168, + "6680": 168, + "6681": 168, + "6682": 168, + "6683": 168, + "6684": 168, + "6685": 168, + "6686": 168, + "6687": 168, + "6688": 168, + "6689": 168, + "669": 168, + "6690": 168, + "6691": 168, + "6692": 168, + "6693": 168, + "6694": 168, + "6695": 168, + "6696": 168, + "6697": 168, + "6698": 168, + "6699": 168, + "67": 168, + "670": 168, + "6700": 168, + "6701": 168, + "6702": 168, + "6703": 168, + "6704": 168, + "6705": 168, + "6706": 168, + "6707": 168, + "6708": 168, + "6709": 168, + "671": 168, + "6710": 168, + "6711": 168, + "6712": 168, + "6713": 168, + "6714": 168, + "6715": 168, + "6716": 168, + "6717": 168, + "6718": 168, + "6719": 168, + "672": 168, + "6720": 168, + "6721": 168, + "6722": 168, + "6723": 168, + "6724": 168, + "6725": 168, + "6726": 168, + "6727": 168, + "6728": 168, + "6729": 168, + "673": 168, + "6730": 168, + "6731": 168, + "6732": 168, + "6733": 168, + "6734": 168, + "6735": 168, + "6736": 168, + "6737": 168, + "6738": 168, + "6739": 168, + "674": 168, + "6740": 168, + "6741": 168, + "6742": 168, + "6743": 168, + "6744": 168, + "6745": 168, + "6746": 168, + "6747": 168, + "6748": 168, + "6749": 168, + "675": 168, + "6750": 168, + "6751": 168, + "6752": 168, + "6753": 168, + "6754": 168, + "6755": 168, + "6756": 168, + "6757": 168, + "6758": 168, + "6759": 168, + "676": 168, + "6760": 168, + "6761": 168, + "6762": 168, + "6763": 168, + "6764": 168, + "6765": 168, + "6766": 168, + "6767": 168, + "6768": 168, + "6769": 168, + "677": 168, + "6770": 168, + "6771": 168, + "6772": 168, + "6773": 168, + "6774": 168, + "6775": 168, + "6776": 168, + "6777": 168, + "6778": 168, + "6779": 168, + "678": 168, + "6780": 168, + "6781": 168, + "6782": 168, + "6783": 168, + "6784": 168, + "6785": 168, + "6786": 168, + "6787": 168, + "6788": 168, + "6789": 168, + "679": 168, + "6790": 168, + "6791": 168, + "6792": 168, + "6793": 168, + "6794": 168, + "6795": 168, + "6796": 168, + "6797": 168, + "6798": 168, + "6799": 168, + "68": 168, + "680": 168, + "6800": 168, + "6801": 168, + "6802": 168, + "6803": 168, + "6804": 168, + "6805": 168, + "6806": 168, + "6807": 168, + "6808": 168, + "6809": 168, + "681": 168, + "6810": 168, + "6811": 168, + "6812": 168, + "6813": 168, + "6814": 168, + "6815": 168, + "6816": 168, + "6817": 168, + "6818": 168, + "6819": 168, + "682": 168, + "6820": 168, + "6821": 168, + "6822": 168, + "6823": 168, + "6824": 168, + "6825": 168, + "6826": 168, + "6827": 168, + "6828": 168, + "6829": 168, + "683": 168, + "6830": 168, + "6831": 168, + "6832": 168, + "6833": 168, + "6834": 168, + "6835": 168, + "6836": 168, + "6837": 168, + "6838": 168, + "6839": 168, + "684": 168, + "6840": 168, + "6841": 168, + "6842": 168, + "6843": 168, + "6844": 168, + "6845": 168, + "6846": 168, + "6847": 168, + "6848": 168, + "6849": 168, + "685": 168, + "6850": 168, + "6851": 168, + "6852": 168, + "6853": 168, + "6854": 168, + "6855": 168, + "6856": 168, + "6857": 168, + "6858": 168, + "6859": 168, + "686": 168, + "6860": 168, + "6861": 168, + "6862": 168, + "6863": 168, + "6864": 168, + "6865": 168, + "6866": 168, + "6867": 168, + "6868": 168, + "6869": 168, + "687": 168, + "6870": 168, + "6871": 168, + "6872": 168, + "6873": 168, + "6874": 168, + "6875": 168, + "6876": 168, + "6877": 168, + "6878": 168, + "6879": 168, + "688": 168, + "6880": 168, + "6881": 168, + "6882": 168, + "6883": 168, + "6884": 168, + "6885": 168, + "6886": 168, + "6887": 168, + "6888": 168, + "6889": 168, + "689": 168, + "6890": 168, + "6891": 168, + "6892": 168, + "6893": 168, + "6894": 168, + "6895": 168, + "6896": 168, + "6897": 168, + "6898": 168, + "6899": 168, + "69": 168, + "690": 168, + "6900": 168, + "6901": 168, + "6902": 168, + "6903": 168, + "6904": 168, + "6905": 168, + "6906": 168, + "6907": 168, + "6908": 168, + "6909": 168, + "691": 168, + "6910": 168, + "6911": 168, + "6912": 168, + "6913": 168, + "6914": 168, + "6915": 168, + "6916": 168, + "6917": 168, + "6918": 168, + "6919": 168, + "692": 168, + "6920": 168, + "6921": 168, + "6922": 168, + "6923": 168, + "6924": 168, + "6925": 168, + "6926": 168, + "6927": 168, + "6928": 168, + "6929": 168, + "693": 168, + "6930": 168, + "6931": 168, + "6932": 168, + "6933": 168, + "6934": 168, + "6935": 168, + "6936": 168, + "6937": 168, + "6938": 168, + "6939": 168, + "694": 168, + "6940": 168, + "6941": 168, + "6942": 168, + "6943": 168, + "6944": 168, + "6945": 168, + "6946": 168, + "6947": 168, + "6948": 168, + "6949": 168, + "695": 168, + "6950": 168, + "6951": 168, + "6952": 168, + "6953": 168, + "6954": 168, + "6955": 168, + "6956": 168, + "6957": 168, + "6958": 168, + "6959": 168, + "696": 168, + "6960": 168, + "6961": 168, + "6962": 168, + "6963": 168, + "6964": 168, + "6965": 168, + "6966": 168, + "6967": 168, + "6968": 168, + "6969": 168, + "697": 168, + "6970": 168, + "6971": 168, + "6972": 168, + "6973": 168, + "6974": 168, + "6975": 168, + "6976": 168, + "6977": 168, + "6978": 168, + "6979": 168, + "698": 168, + "6980": 168, + "6981": 168, + "6982": 168, + "6983": 168, + "6984": 168, + "6985": 168, + "6986": 168, + "6987": 168, + "6988": 168, + "6989": 168, + "699": 168, + "6990": 168, + "6991": 168, + "6992": 168, + "6993": 168, + "6994": 168, + "6995": 168, + "6996": 168, + "6997": 168, + "6998": 168, + "6999": 168, + "7": 168, + "70": 168, + "700": 168, + "7000": 168, + "7001": 168, + "7002": 168, + "7003": 168, + "7004": 168, + "7005": 168, + "7006": 168, + "7007": 168, + "7008": 168, + "7009": 168, + "701": 168, + "7010": 168, + "7011": 168, + "7012": 168, + "7013": 168, + "7014": 168, + "7015": 168, + "7016": 168, + "7017": 168, + "7018": 168, + "7019": 168, + "702": 168, + "7020": 168, + "7021": 168, + "7022": 168, + "7023": 168, + "7024": 168, + "7025": 168, + "7026": 168, + "7027": 168, + "7028": 168, + "7029": 168, + "703": 168, + "7030": 168, + "7031": 168, + "7032": 168, + "7033": 168, + "7034": 168, + "7035": 168, + "7036": 168, + "7037": 168, + "7038": 168, + "7039": 168, + "704": 168, + "7040": 168, + "7041": 168, + "7042": 168, + "7043": 168, + "7044": 168, + "7045": 168, + "7046": 168, + "7047": 168, + "7048": 168, + "7049": 168, + "705": 168, + "7050": 168, + "7051": 168, + "7052": 168, + "7053": 168, + "7054": 168, + "7055": 168, + "7056": 168, + "7057": 168, + "7058": 168, + "7059": 168, + "706": 168, + "7060": 168, + "7061": 168, + "7062": 168, + "7063": 168, + "7064": 168, + "7065": 168, + "7066": 168, + "7067": 168, + "7068": 168, + "7069": 168, + "707": 168, + "7070": 168, + "7071": 168, + "7072": 168, + "7073": 168, + "7074": 168, + "7075": 168, + "7076": 168, + "7077": 168, + "7078": 168, + "7079": 168, + "708": 168, + "7080": 168, + "7081": 168, + "7082": 168, + "7083": 168, + "7084": 168, + "7085": 168, + "7086": 168, + "7087": 168, + "7088": 168, + "7089": 168, + "709": 168, + "7090": 168, + "7091": 168, + "7092": 168, + "7093": 168, + "7094": 168, + "7095": 168, + "7096": 168, + "7097": 168, + "7098": 168, + "7099": 168, + "71": 168, + "710": 168, + "7100": 168, + "7101": 168, + "7102": 168, + "7103": 168, + "7104": 168, + "7105": 168, + "7106": 168, + "7107": 168, + "7108": 168, + "7109": 168, + "711": 168, + "7110": 168, + "7111": 168, + "7112": 168, + "7113": 168, + "7114": 168, + "7115": 168, + "7116": 168, + "7117": 168, + "7118": 168, + "7119": 168, + "712": 168, + "7120": 168, + "7121": 168, + "7122": 168, + "7123": 168, + "7124": 168, + "7125": 168, + "7126": 168, + "7127": 168, + "7128": 168, + "7129": 168, + "713": 168, + "7130": 168, + "7131": 168, + "7132": 168, + "7133": 168, + "7134": 168, + "7135": 168, + "7136": 168, + "7137": 168, + "7138": 168, + "7139": 168, + "714": 168, + "7140": 168, + "7141": 168, + "7142": 168, + "7143": 168, + "7144": 168, + "7145": 168, + "7146": 168, + "7147": 168, + "7148": 168, + "7149": 168, + "715": 168, + "7150": 168, + "7151": 168, + "7152": 168, + "7153": 168, + "7154": 168, + "7155": 168, + "7156": 168, + "7157": 168, + "7158": 168, + "7159": 168, + "716": 168, + "7160": 168, + "7161": 168, + "7162": 168, + "7163": 168, + "7164": 168, + "7165": 168, + "7166": 168, + "7167": 168, + "7168": 168, + "7169": 168, + "717": 168, + "7170": 168, + "7171": 168, + "7172": 168, + "7173": 168, + "7174": 168, + "7175": 168, + "7176": 168, + "7177": 168, + "7178": 168, + "7179": 168, + "718": 168, + "7180": 168, + "7181": 168, + "7182": 168, + "7183": 168, + "7184": 168, + "7185": 168, + "7186": 168, + "7187": 168, + "7188": 168, + "7189": 168, + "719": 168, + "7190": 168, + "7191": 168, + "7192": 168, + "7193": 168, + "7194": 168, + "7195": 168, + "7196": 168, + "7197": 168, + "7198": 168, + "7199": 168, + "72": 168, + "720": 168, + "7200": 168, + "7201": 168, + "7202": 168, + "7203": 168, + "7204": 168, + "7205": 168, + "7206": 168, + "7207": 168, + "7208": 168, + "7209": 168, + "721": 168, + "7210": 168, + "7211": 168, + "7212": 168, + "7213": 168, + "7214": 168, + "7215": 168, + "7216": 168, + "7217": 168, + "7218": 168, + "7219": 168, + "722": 168, + "7220": 168, + "7221": 168, + "7222": 168, + "7223": 168, + "7224": 168, + "7225": 168, + "7226": 168, + "7227": 168, + "7228": 168, + "7229": 168, + "723": 168, + "7230": 168, + "7231": 168, + "7232": 168, + "7233": 168, + "7234": 168, + "7235": 168, + "7236": 168, + "7237": 168, + "7238": 168, + "7239": 168, + "724": 168, + "7240": 168, + "7241": 168, + "7242": 168, + "7243": 168, + "7244": 168, + "7245": 168, + "7246": 168, + "7247": 168, + "7248": 168, + "7249": 168, + "725": 168, + "7250": 168, + "7251": 168, + "7252": 168, + "7253": 168, + "7254": 168, + "7255": 168, + "7256": 168, + "7257": 168, + "7258": 168, + "7259": 168, + "726": 168, + "7260": 168, + "7261": 168, + "7262": 168, + "7263": 168, + "7264": 168, + "7265": 168, + "7266": 168, + "7267": 168, + "7268": 168, + "7269": 168, + "727": 168, + "7270": 168, + "7271": 168, + "7272": 168, + "7273": 168, + "7274": 168, + "7275": 168, + "7276": 168, + "7277": 168, + "7278": 168, + "7279": 168, + "728": 168, + "7280": 168, + "7281": 168, + "7282": 168, + "7283": 168, + "7284": 168, + "7285": 168, + "7286": 168, + "7287": 168, + "7288": 168, + "7289": 168, + "729": 168, + "7290": 168, + "7291": 168, + "7292": 168, + "7293": 168, + "7294": 168, + "7295": 168, + "7296": 168, + "7297": 168, + "7298": 168, + "7299": 168, + "73": 168, + "730": 168, + "7300": 168, + "7301": 168, + "7302": 168, + "7303": 168, + "7304": 168, + "7305": 168, + "7306": 168, + "7307": 168, + "7308": 168, + "7309": 168, + "731": 168, + "7310": 168, + "7311": 168, + "7312": 168, + "7313": 168, + "7314": 168, + "7315": 168, + "7316": 168, + "7317": 168, + "7318": 168, + "7319": 168, + "732": 168, + "7320": 168, + "7321": 168, + "7322": 168, + "7323": 168, + "7324": 168, + "7325": 168, + "7326": 168, + "7327": 168, + "7328": 168, + "7329": 168, + "733": 168, + "7330": 168, + "7331": 168, + "7332": 168, + "7333": 168, + "7334": 168, + "7335": 168, + "7336": 168, + "7337": 168, + "7338": 168, + "7339": 168, + "734": 168, + "7340": 168, + "7341": 168, + "7342": 168, + "7343": 168, + "7344": 168, + "7345": 168, + "7346": 168, + "7347": 168, + "7348": 168, + "7349": 168, + "735": 168, + "7350": 168, + "7351": 168, + "7352": 168, + "7353": 168, + "7354": 168, + "7355": 168, + "7356": 168, + "7357": 168, + "7358": 168, + "7359": 168, + "736": 168, + "7360": 168, + "7361": 168, + "7362": 168, + "7363": 168, + "7364": 168, + "7365": 168, + "7366": 168, + "7367": 168, + "7368": 168, + "7369": 168, + "737": 168, + "7370": 168, + "7371": 168, + "7372": 168, + "7373": 168, + "7374": 168, + "7375": 168, + "7376": 168, + "7377": 168, + "7378": 168, + "7379": 168, + "738": 168, + "7380": 168, + "7381": 168, + "7382": 168, + "7383": 168, + "7384": 168, + "7385": 168, + "7386": 168, + "7387": 168, + "7388": 168, + "7389": 168, + "739": 168, + "7390": 168, + "7391": 168, + "7392": 168, + "7393": 168, + "7394": 168, + "7395": 168, + "7396": 168, + "7397": 168, + "7398": 168, + "7399": 168, + "74": 168, + "740": 168, + "7400": 168, + "7401": 168, + "7402": 168, + "7403": 168, + "7404": 168, + "7405": 168, + "7406": 168, + "7407": 168, + "7408": 168, + "7409": 168, + "741": 168, + "7410": 168, + "7411": 168, + "7412": 168, + "7413": 168, + "7414": 168, + "7415": 168, + "7416": 168, + "7417": 168, + "7418": 168, + "7419": 168, + "742": 168, + "7420": 168, + "7421": 168, + "7422": 168, + "7423": 168, + "7424": 168, + "7425": 168, + "7426": 168, + "7427": 168, + "7428": 168, + "7429": 168, + "743": 168, + "7430": 168, + "7431": 168, + "7432": 168, + "7433": 168, + "7434": 168, + "7435": 168, + "7436": 168, + "7437": 168, + "7438": 168, + "7439": 168, + "744": 168, + "7440": 168, + "7441": 168, + "7442": 168, + "7443": 168, + "7444": 168, + "7445": 168, + "7446": 168, + "7447": 168, + "7448": 168, + "7449": 168, + "745": 168, + "7450": 168, + "7451": 168, + "7452": 168, + "7453": 168, + "7454": 168, + "7455": 168, + "7456": 168, + "7457": 168, + "7458": 168, + "7459": 168, + "746": 168, + "7460": 168, + "7461": 168, + "7462": 168, + "7463": 168, + "7464": 168, + "7465": 168, + "7466": 168, + "7467": 168, + "7468": 168, + "7469": 168, + "747": 168, + "7470": 168, + "7471": 168, + "7472": 168, + "7473": 168, + "7474": 168, + "7475": 168, + "7476": 168, + "7477": 168, + "7478": 168, + "7479": 168, + "748": 168, + "7480": 168, + "7481": 168, + "7482": 168, + "7483": 168, + "7484": 168, + "7485": 168, + "7486": 168, + "7487": 168, + "7488": 168, + "7489": 168, + "749": 168, + "7490": 168, + "7491": 168, + "7492": 168, + "7493": 168, + "7494": 168, + "7495": 168, + "7496": 168, + "7497": 168, + "7498": 168, + "7499": 168, + "75": 168, + "750": 168, + "7500": 168, + "7501": 168, + "7502": 168, + "7503": 168, + "7504": 168, + "7505": 168, + "7506": 168, + "7507": 168, + "7508": 168, + "7509": 168, + "751": 168, + "7510": 168, + "7511": 168, + "7512": 168, + "7513": 168, + "7514": 168, + "7515": 168, + "7516": 168, + "7517": 168, + "7518": 168, + "7519": 168, + "752": 168, + "7520": 168, + "7521": 168, + "7522": 168, + "7523": 168, + "7524": 168, + "7525": 168, + "7526": 168, + "7527": 168, + "7528": 168, + "7529": 168, + "753": 168, + "7530": 168, + "7531": 168, + "7532": 168, + "7533": 168, + "7534": 168, + "7535": 168, + "7536": 168, + "7537": 168, + "7538": 168, + "7539": 168, + "754": 168, + "7540": 168, + "7541": 168, + "7542": 168, + "7543": 168, + "7544": 168, + "7545": 168, + "7546": 168, + "7547": 168, + "7548": 168, + "7549": 168, + "755": 168, + "7550": 168, + "7551": 168, + "7552": 168, + "7553": 168, + "7554": 168, + "7555": 168, + "7556": 168, + "7557": 168, + "7558": 168, + "7559": 168, + "756": 168, + "7560": 168, + "7561": 168, + "7562": 168, + "7563": 168, + "7564": 168, + "7565": 168, + "7566": 168, + "7567": 168, + "7568": 168, + "7569": 168, + "757": 168, + "7570": 168, + "7571": 168, + "7572": 168, + "7573": 168, + "7574": 168, + "7575": 168, + "7576": 168, + "7577": 168, + "7578": 168, + "7579": 168, + "758": 168, + "7580": 168, + "7581": 168, + "7582": 168, + "7583": 168, + "7584": 168, + "7585": 168, + "7586": 168, + "7587": 168, + "7588": 168, + "7589": 168, + "759": 168, + "7590": 168, + "7591": 168, + "7592": 168, + "7593": 168, + "7594": 168, + "7595": 168, + "7596": 168, + "7597": 168, + "7598": 168, + "7599": 168, + "76": 168, + "760": 168, + "7600": 168, + "7601": 168, + "7602": 168, + "7603": 168, + "7604": 168, + "7605": 168, + "7606": 168, + "7607": 168, + "7608": 168, + "7609": 168, + "761": 168, + "7610": 168, + "7611": 168, + "7612": 168, + "7613": 168, + "7614": 168, + "7615": 168, + "7616": 168, + "7617": 168, + "7618": 168, + "7619": 168, + "762": 168, + "7620": 168, + "7621": 168, + "7622": 168, + "7623": 168, + "7624": 168, + "7625": 168, + "7626": 168, + "7627": 168, + "7628": 168, + "7629": 168, + "763": 168, + "7630": 168, + "7631": 168, + "7632": 168, + "7633": 168, + "7634": 168, + "7635": 168, + "7636": 168, + "7637": 168, + "7638": 168, + "7639": 168, + "764": 168, + "7640": 168, + "7641": 168, + "7642": 168, + "7643": 168, + "7644": 168, + "7645": 168, + "7646": 168, + "7647": 168, + "7648": 168, + "7649": 168, + "765": 168, + "7650": 168, + "7651": 168, + "7652": 168, + "7653": 168, + "7654": 168, + "7655": 168, + "7656": 168, + "7657": 168, + "7658": 168, + "7659": 168, + "766": 168, + "7660": 168, + "7661": 168, + "7662": 168, + "7663": 168, + "7664": 168, + "7665": 168, + "7666": 168, + "7667": 168, + "7668": 168, + "7669": 168, + "767": 168, + "7670": 168, + "7671": 168, + "7672": 168, + "7673": 168, + "7674": 168, + "7675": 168, + "7676": 168, + "7677": 168, + "7678": 168, + "7679": 168, + "768": 168, + "7680": 168, + "7681": 168, + "7682": 168, + "7683": 168, + "7684": 168, + "7685": 168, + "7686": 168, + "7687": 168, + "7688": 168, + "7689": 168, + "769": 168, + "7690": 168, + "7691": 168, + "7692": 168, + "7693": 168, + "7694": 168, + "7695": 168, + "7696": 168, + "7697": 168, + "7698": 168, + "7699": 168, + "77": 168, + "770": 168, + "7700": 168, + "7701": 168, + "7702": 168, + "7703": 168, + "7704": 168, + "7705": 168, + "7706": 168, + "7707": 168, + "7708": 168, + "7709": 168, + "771": 168, + "7710": 168, + "7711": 168, + "7712": 168, + "7713": 168, + "7714": 168, + "7715": 168, + "7716": 168, + "7717": 168, + "7718": 168, + "7719": 168, + "772": 168, + "7720": 168, + "7721": 168, + "7722": 168, + "7723": 168, + "7724": 168, + "7725": 168, + "7726": 168, + "7727": 168, + "7728": 168, + "7729": 168, + "773": 168, + "7730": 168, + "7731": 168, + "7732": 168, + "7733": 168, + "7734": 168, + "7735": 168, + "7736": 168, + "7737": 168, + "7738": 168, + "7739": 168, + "774": 168, + "7740": 168, + "7741": 168, + "7742": 168, + "7743": 168, + "7744": 168, + "7745": 168, + "7746": 168, + "7747": 168, + "7748": 168, + "7749": 168, + "775": 168, + "7750": 168, + "7751": 168, + "7752": 168, + "7753": 168, + "7754": 168, + "7755": 168, + "7756": 168, + "7757": 168, + "7758": 168, + "7759": 168, + "776": 168, + "7760": 168, + "7761": 168, + "7762": 168, + "7763": 168, + "7764": 168, + "7765": 168, + "7766": 168, + "7767": 168, + "7768": 168, + "7769": 168, + "777": 168, + "7770": 168, + "7771": 168, + "7772": 168, + "7773": 168, + "7774": 168, + "7775": 168, + "7776": 168, + "7777": 168, + "7778": 168, + "7779": 168, + "778": 168, + "7780": 168, + "7781": 168, + "7782": 168, + "7783": 168, + "7784": 168, + "7785": 168, + "7786": 168, + "7787": 168, + "7788": 168, + "7789": 168, + "779": 168, + "7790": 168, + "7791": 168, + "7792": 168, + "7793": 168, + "7794": 168, + "7795": 168, + "7796": 168, + "7797": 168, + "7798": 168, + "7799": 168, + "78": 168, + "780": 168, + "7800": 168, + "7801": 168, + "7802": 168, + "7803": 168, + "7804": 168, + "7805": 168, + "7806": 168, + "7807": 168, + "7808": 168, + "7809": 168, + "781": 168, + "7810": 168, + "7811": 168, + "7812": 168, + "7813": 168, + "7814": 168, + "7815": 168, + "7816": 168, + "7817": 168, + "7818": 168, + "7819": 168, + "782": 168, + "7820": 168, + "7821": 168, + "7822": 168, + "7823": 168, + "7824": 168, + "7825": 168, + "7826": 168, + "7827": 168, + "7828": 168, + "7829": 168, + "783": 168, + "7830": 168, + "7831": 168, + "7832": 168, + "7833": 168, + "7834": 168, + "7835": 168, + "7836": 168, + "7837": 168, + "7838": 168, + "7839": 168, + "784": 168, + "7840": 168, + "7841": 168, + "7842": 168, + "7843": 168, + "7844": 168, + "7845": 168, + "7846": 168, + "7847": 168, + "7848": 168, + "7849": 168, + "785": 168, + "7850": 168, + "7851": 168, + "7852": 168, + "7853": 168, + "7854": 168, + "7855": 168, + "7856": 168, + "7857": 168, + "7858": 168, + "7859": 168, + "786": 168, + "7860": 168, + "7861": 168, + "7862": 168, + "7863": 168, + "7864": 168, + "7865": 168, + "7866": 168, + "7867": 168, + "7868": 168, + "7869": 168, + "787": 168, + "7870": 168, + "7871": 168, + "7872": 168, + "7873": 168, + "7874": 168, + "7875": 168, + "7876": 168, + "7877": 168, + "7878": 168, + "7879": 168, + "788": 168, + "7880": 168, + "7881": 168, + "7882": 168, + "7883": 168, + "7884": 168, + "7885": 168, + "7886": 168, + "7887": 168, + "7888": 168, + "7889": 168, + "789": 168, + "7890": 168, + "7891": 168, + "7892": 168, + "7893": 168, + "7894": 168, + "7895": 168, + "7896": 168, + "7897": 168, + "7898": 168, + "7899": 168, + "79": 168, + "790": 168, + "7900": 168, + "7901": 168, + "7902": 168, + "7903": 168, + "7904": 168, + "7905": 168, + "7906": 168, + "7907": 168, + "7908": 168, + "7909": 168, + "791": 168, + "7910": 168, + "7911": 168, + "7912": 168, + "7913": 168, + "7914": 168, + "7915": 168, + "7916": 168, + "7917": 168, + "7918": 168, + "7919": 126, + "792": 168, + "793": 168, + "794": 168, + "795": 168, + "796": 168, + "797": 168, + "798": 168, + "799": 168, + "8": 168, + "80": 168, + "800": 168, + "801": 168, + "802": 168, + "803": 168, + "804": 168, + "805": 168, + "806": 168, + "807": 168, + "808": 168, + "809": 168, + "81": 168, + "810": 168, + "811": 168, + "812": 168, + "813": 168, + "814": 168, + "815": 168, + "816": 168, + "817": 168, + "818": 168, + "819": 168, + "82": 168, + "820": 168, + "821": 168, + "822": 168, + "823": 168, + "824": 168, + "825": 168, + "826": 168, + "827": 168, + "828": 168, + "829": 168, + "83": 168, + "830": 168, + "831": 168, + "832": 168, + "833": 168, + "834": 168, + "835": 168, + "836": 168, + "837": 168, + "838": 168, + "839": 168, + "84": 168, + "840": 168, + "841": 168, + "842": 168, + "843": 168, + "844": 168, + "845": 168, + "846": 168, + "847": 168, + "848": 168, + "849": 168, + "85": 168, + "850": 168, + "851": 168, + "852": 168, + "853": 168, + "854": 168, + "855": 168, + "856": 168, + "857": 168, + "858": 168, + "859": 168, + "86": 168, + "860": 168, + "861": 168, + "862": 168, + "863": 168, + "864": 168, + "865": 168, + "866": 168, + "867": 168, + "868": 168, + "869": 168, + "87": 168, + "870": 168, + "871": 168, + "872": 168, + "873": 168, + "874": 168, + "875": 168, + "876": 168, + "877": 168, + "878": 168, + "879": 168, + "88": 168, + "880": 168, + "881": 168, + "882": 168, + "883": 168, + "884": 168, + "885": 168, + "886": 168, + "887": 168, + "888": 168, + "889": 168, + "89": 168, + "890": 168, + "891": 168, + "892": 168, + "893": 168, + "894": 168, + "895": 168, + "896": 168, + "897": 168, + "898": 168, + "899": 168, + "9": 168, + "90": 168, + "900": 168, + "901": 168, + "902": 168, + "903": 168, + "904": 168, + "905": 168, + "906": 168, + "907": 168, + "908": 168, + "909": 168, + "91": 168, + "910": 168, + "911": 168, + "912": 168, + "913": 168, + "914": 168, + "915": 168, + "916": 168, + "917": 168, + "918": 168, + "919": 168, + "92": 168, + "920": 168, + "921": 168, + "922": 168, + "923": 168, + "924": 168, + "925": 168, + "926": 168, + "927": 168, + "928": 168, + "929": 168, + "93": 168, + "930": 168, + "931": 168, + "932": 168, + "933": 168, + "934": 168, + "935": 168, + "936": 168, + "937": 168, + "938": 168, + "939": 168, + "94": 168, + "940": 168, + "941": 168, + "942": 168, + "943": 168, + "944": 168, + "945": 168, + "946": 168, + "947": 168, + "948": 168, + "949": 168, + "95": 168, + "950": 168, + "951": 168, + "952": 168, + "953": 168, + "954": 168, + "955": 168, + "956": 168, + "957": 168, + "958": 168, + "959": 168, + "96": 168, + "960": 168, + "961": 168, + "962": 168, + "963": 168, + "964": 168, + "965": 168, + "966": 168, + "967": 168, + "968": 168, + "969": 168, + "97": 168, + "970": 168, + "971": 168, + "972": 168, + "973": 168, + "974": 168, + "975": 168, + "976": 168, + "977": 168, + "978": 168, + "979": 168, + "98": 168, + "980": 168, + "981": 168, + "982": 168, + "983": 168, + "984": 168, + "985": 168, + "986": 168, + "987": 168, + "988": 168, + "989": 168, + "99": 168, + "990": 168, + "991": 168, + "992": 168, + "993": 168, + "994": 168, + "995": 168, + "996": 168, + "997": 168, + "998": 168, + "999": 168 + }, + "last_improvement_steps": 0, + "last_increase_batch_size": 0, + "last_increase_batch_size_eval_metric_improvement": 0, + "last_increase_batch_size_steps": 0, + "last_learning_rate_reduction": 0, + "last_learning_rate_reduction_steps": 0, + "learning_rate": 0.001, + "llm_eval_examples": {}, + "num_increases_batch_size": 0, + "num_reductions_learning_rate": 0, + "steps": 7920, + "test_metrics": { + "combined": { + "loss": [ + [ + 1, + 3960, + 0.03600487485527992 + ], + [ + 2, + 7920, + 0.034924305975437164 + ] + ] + }, + "temperature": { + "loss": [ + [ + 1, + 3960, + 0.03599943965673447 + ], + [ + 2, + 7920, + 0.0349070206284523 + ] + ], + "mean_absolute_error": [ + [ + 1, + 3960, + 0.12318266183137894 + ], + [ + 2, + 7920, + 0.12148800492286682 + ] + ], + "mean_absolute_percentage_error": [ + [ + 1, + 3960, + 0.7979416847229004 + ], + [ + 2, + 7920, + 0.8238826990127563 + ] + ], + "mean_squared_error": [ + [ + 1, + 3960, + 0.035999447107315063 + ], + [ + 2, + 7920, + 0.034907016903162 + ] + ], + "r2": [ + [ + 1, + 3960, + 0.9643548727035522 + ], + [ + 2, + 7920, + 0.965436577796936 + ] + ], + "root_mean_squared_error": [ + [ + 1, + 3960, + 0.18973520398139954 + ], + [ + 2, + 7920, + 0.1868342012166977 + ] + ], + "root_mean_squared_percentage_error": [ + [ + 1, + 3960, + 4.341328144073486 + ], + [ + 2, + 7920, + 4.463254451751709 + ] + ] + } + }, + "total_tokens_used": 1330476, + "train_metrics": { + "combined": { + "loss": [ + [ + 1, + 3960, + 0.04510357230901718 + ], + [ + 2, + 7920, + 0.03793109953403473 + ] + ] + }, + "temperature": { + "loss": [ + [ + 1, + 3960, + 0.045103706419467926 + ], + [ + 2, + 7920, + 0.0379304401576519 + ] + ], + "mean_absolute_error": [ + [ + 1, + 3960, + 0.13576214015483856 + ], + [ + 2, + 7920, + 0.12627674639225006 + ] + ], + "mean_absolute_percentage_error": [ + [ + 1, + 3960, + 0.6923912167549133 + ], + [ + 2, + 7920, + 0.6703584790229797 + ] + ], + "mean_squared_error": [ + [ + 1, + 3960, + 0.04510355740785599 + ], + [ + 2, + 7920, + 0.037930358201265335 + ] + ], + "r2": [ + [ + 1, + 3960, + 0.954643964767456 + ], + [ + 2, + 7920, + 0.9618573188781738 + ] + ], + "root_mean_squared_error": [ + [ + 1, + 3960, + 0.21237598359584808 + ], + [ + 2, + 7920, + 0.19475717842578888 + ] + ], + "root_mean_squared_percentage_error": [ + [ + 1, + 3960, + 1.4766242504119873 + ], + [ + 2, + 7920, + 1.442940354347229 + ] + ] + } + }, + "tune_checkpoint_num": 0, + "validation_metrics": { + "combined": { + "loss": [ + [ + 1, + 3960, + 0.037515006959438324 + ], + [ + 2, + 7920, + 0.036504052579402924 + ] + ] + }, + "temperature": { + "loss": [ + [ + 1, + 3960, + 0.03775906190276146 + ], + [ + 2, + 7920, + 0.03676793724298477 + ] + ], + "mean_absolute_error": [ + [ + 1, + 3960, + 0.12497841566801071 + ], + [ + 2, + 7920, + 0.12290890514850616 + ] + ], + "mean_absolute_percentage_error": [ + [ + 1, + 3960, + 0.7104169726371765 + ], + [ + 2, + 7920, + 0.7752142548561096 + ] + ], + "mean_squared_error": [ + [ + 1, + 3960, + 0.03775905817747116 + ], + [ + 2, + 7920, + 0.03676793724298477 + ] + ], + "r2": [ + [ + 1, + 3960, + 0.9628981947898865 + ], + [ + 2, + 7920, + 0.9638720750808716 + ] + ], + "root_mean_squared_error": [ + [ + 1, + 3960, + 0.19431690871715546 + ], + [ + 2, + 7920, + 0.1917496770620346 + ] + ], + "root_mean_squared_percentage_error": [ + [ + 1, + 3960, + 3.7046444416046143 + ], + [ + 2, + 7920, + 4.137958526611328 + ] + ] + } + } +} \ No newline at end of file
--- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/test-data/temp_model01/training_set_metadata.json Tue Jan 07 22:45:18 2025 +0000 @@ -0,0 +1,30 @@ +{ + "checksum": "Jbmy_ivercWYnCSYbcBm8A==", + "data_train_hdf5_fp": "/tmp/tmp_nv27oze/job_working_directory/000/3/working/temperature_la.training.hdf5", + "dataset_src": "/tmp/tmp_nv27oze/job_working_directory/000/3/working/temperature_la.csv", + "temperature": { + "preprocessing": { + "computed_fill_value": 0.0, + "computed_outlier_fill_value": 0.0, + "fill_value": 0.0, + "missing_value_strategy": "drop_row", + "normalization": null, + "outlier_strategy": null, + "outlier_threshold": 3.0 + } + }, + "temperature_feature": { + "max_timeseries_length": 20, + "preprocessing": { + "cache_encoder_embeddings": false, + "computed_fill_value": "", + "fill_value": "", + "missing_value_strategy": "fill_with_const", + "padding": "right", + "padding_value": 0.0, + "timeseries_length_limit": 256, + "tokenizer": "space", + "window_size": 0 + } + } +} \ No newline at end of file
--- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/test-data/temp_predictions.shapes.json Tue Jan 07 22:45:18 2025 +0000 @@ -0,0 +1,1 @@ +{} \ No newline at end of file
--- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/test-data/temp_test_statistics.json Tue Jan 07 22:45:18 2025 +0000 @@ -0,0 +1,14 @@ +{ + "combined": { + "loss": 0.03626325726509094 + }, + "temperature": { + "loss": 0.036242932081222534, + "mean_absolute_error": 0.13141514360904694, + "mean_absolute_percentage_error": 0.8438004851341248, + "mean_squared_error": 0.03624293953180313, + "r2": 0.9641138315200806, + "root_mean_squared_error": 0.19037578999996185, + "root_mean_squared_percentage_error": 3.6561713218688965 + } +} \ No newline at end of file
--- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/test-data/temp_training_statistics.json Tue Jan 07 22:45:18 2025 +0000 @@ -0,0 +1,120 @@ +{ + "evaluation_frequency": { + "frequency": 1, + "period": "epoch" + }, + "test": { + "combined": { + "loss": [ + 0.03626325726509094, + 0.037422094494104385 + ] + }, + "temperature": { + "loss": [ + 0.036242932081222534, + 0.03742266446352005 + ], + "mean_absolute_error": [ + 0.13141514360904694, + 0.12915410101413727 + ], + "mean_absolute_percentage_error": [ + 0.8438004851341248, + 0.8239747285842896 + ], + "mean_squared_error": [ + 0.03624293953180313, + 0.03742267191410065 + ], + "r2": [ + 0.9641138315200806, + 0.9629456996917725 + ], + "root_mean_squared_error": [ + 0.19037578999996185, + 0.19344940781593323 + ], + "root_mean_squared_percentage_error": [ + 3.6561713218688965, + 3.7394864559173584 + ] + } + }, + "training": { + "combined": { + "loss": [ + 0.07550770789384842, + 0.036782510578632355 + ] + }, + "temperature": { + "loss": [ + 0.07551046460866928, + 0.03678234666585922 + ], + "mean_absolute_error": [ + 0.16977444291114807, + 0.12643378973007202 + ], + "mean_absolute_percentage_error": [ + 0.8133856058120728, + 0.6740127801895142 + ], + "mean_squared_error": [ + 0.07551039755344391, + 0.036782290786504745 + ], + "r2": [ + 0.924066960811615, + 0.9630118012428284 + ], + "root_mean_squared_error": [ + 0.27479153871536255, + 0.19178709387779236 + ], + "root_mean_squared_percentage_error": [ + 3.1263492107391357, + 2.683183431625366 + ] + } + }, + "validation": { + "combined": { + "loss": [ + 0.03811013326048851, + 0.03889709338545799 + ] + }, + "temperature": { + "loss": [ + 0.03817461058497429, + 0.038950882852077484 + ], + "mean_absolute_error": [ + 0.1331280916929245, + 0.1309405416250229 + ], + "mean_absolute_percentage_error": [ + 0.849341630935669, + 0.7708249688148499 + ], + "mean_squared_error": [ + 0.0381745919585228, + 0.038950905203819275 + ], + "r2": [ + 0.962489902973175, + 0.9617270827293396 + ], + "root_mean_squared_error": [ + 0.1953831911087036, + 0.1973598301410675 + ], + "root_mean_squared_percentage_error": [ + 3.68666410446167, + 3.304331064224243 + ] + } + } +} \ No newline at end of file
--- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/test-data/temperature_config.yml Tue Jan 07 22:45:18 2025 +0000 @@ -0,0 +1,15 @@ +input_features: + - + name: temperature_feature + type: timeseries + encoder: rnn + embedding_size: 32 + state_size: 32 + +output_features: + - + name: temperature + type: number + +training: + epochs: 2
--- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/test-data/temperature_experiment_report.html Tue Jan 07 22:45:18 2025 +0000 @@ -0,0 +1,1306 @@ +<!doctype html> +<html> +<head> + <meta charset="utf-8"> + <title>Ludwig Experiment</title> + <style> + html, body { + padding: 0; + margin: 0; +} + +body { + font-family: "Source Sans Pro", Helvetica, Arial, sans-serif; +} + +header { + background-color: #eee; + color: #666; + padding: 10px; + margin-bottom: 2em; +} + +header h1 { + font-size: 1em; + font-weight: normal; + margin: 0; +} + +main { + margin: 0 auto; + width: 70%; + display: inline-block; +} + +section div h1 { + color: #777; + font-weight: 400; + margin-bottom: 2em; + font-size: 1.3em; + padding-bottom: 5px; + border-bottom: 1px solid #eee; +} + +section div h2 { + font-size: 1.1em; +} + +caption { + caption-side: bottom; + text-align: left; + font-size: .9em; + margin-top: 1em; +} + +#metadata-row { + display: flex; + flex-direction: row; +} + +#history-section { + flex-grow: 1; +} + +#background-section { + flex-grow: 2; +} + +.row { + margin-bottom: 3em; +} + +.signature-row { + display: flex; +} + +.column { + flex: 33.33%; + padding: 10px; +} + +.regulator-row { + display: flex; +} + +.regulator-drugs, .regulator-viz { + padding: 0 20px; +} + +.regulator-viz img { + max-width: 500px; + display: block; +} + +.regulator-drugs { + border-left: 1px solid #eee +} + +#pathway-cancernetwork { + height: 400px; + margin: 0 auto; + display: block; +} + +#cnvkit-heatmap, #pathway-image{ + height: 500px; + margin: 0 auto; + display: block; +} + +#hrd-image, #stemness-image, #eurydice-image { + height: 300px; + margin: 0 auto; + display: block; +} + +table { + width: 100%; + text-align: left; + border-collapse: collapse; + margin-bottom: 35px; +} + +th { + font-weight: normal; + background-color: #eee; + padding: 5px; + color: #666; +} + +td { + padding: 10px 5px; +} + +tr:first-child td { + padding-top: 20px +} + +tr { + page-break-inside: avoid +} + +footer { + background-color: #eee; + text-align: center; + padding: 2px 0; + color: #666; + font-size: .8em; +} + +.element_title { + text-align: justify; + font-weight: bold; + font-size: large; +} + +.mqc_mplplot_plotgroup { + display: flexbox +} + +.resources-section { + margin-bottom: 1.5rem; +} + +.resources img { + max-height: 400px; + margin: 0 auto; + display: block; +} + +.resources iframe { + aspect-ratio: 2 / 1; + max-width: 100%; + margin: 0 auto; + display: block; +} + /* CSS Styles for Default MultiQC Report Template */ + +/* General Styles */ +code { + background-color: #f3f3f3; + color: #666; +} +kbd { + background-color: #ccc; + color: #333; +} +@media only screen and (max-width: 768px) { + code { + display: inline-block; + max-width: 90%; + overflow: auto; + } +} + +.radio.input-sm { + height: 20px; +} +.radio.input-sm input { + margin: 2px 0 0 -20px; +} +.mqc_thousandSep { + padding: 0 2px; +} + +/* Page Template */ +@media only screen and (min-width: 768px) { + .mainpage { + margin-left: 270px; + } + .footer { + margin-left: 250px; + } + .mainpage, + .footer { + -moz-transition: margin-left 0.5s; + -webkit-transition: margin-left 0.5s; + transition: margin-left 0.5s; + } + .mainpage.hidden-nav, + .footer.hidden-nav { + margin-left: 0; + } + + .side-nav-wrapper { + position: fixed; + } + .side-nav { + height: 100%; + width: 250px; + border-right: 1px solid #ccc; + overflow: auto; + padding-bottom: 30px; + -webkit-transition: margin-left 0.5s; + transition: margin-left 0.5s; + margin-left: 0; + } + .side-nav.hidden-nav { + margin-left: -250px; + } +} +.mainpage { + padding: 20px; +} +.side-nav-wrapper { + height: 100%; + background-color: #ededed; +} +.side-nav h1 { + font-size: 18px; + text-align: center; + margin: 0; + border-bottom: 1px solid #ccc; +} +.side-nav h1 a { + padding: 20px 0 15px; +} +.side-nav h1 img { + height: 26px; +} +.side-nav h1 small { + font-size: 12px; +} +.side-nav .side-nav-title a { + color: #333; + font-size: 16px; + font-weight: normal; + padding: 15px 0; +} +.side-nav .mqc_loading_warning { + text-align: center; + border-bottom: 1px solid #ccc; + color: #ca424c; +} +.side-nav p { + font-size: 0.8em; + color: #999; + padding: 10px; +} +.side-nav ul.mqc-nav { + border-bottom: 1px solid #ccc; +} +.side-nav ul.mqc-nav, +.side-nav ul.mqc-nav ul { + margin: 0; + padding: 0; + list-style-type: none; +} +.side-nav a { + display: inline-block; + width: 100%; + text-decoration: none; +} +.side-nav a:hover, +.side-nav a:active, +.side-nav a:focus { + background-color: #dedede; +} +.side-nav .mqc-nav a.nav-l1 { + padding: 10px; + border-top: 1px solid #ccc; +} +.side-nav .mqc-nav li:first-child .nav-l1 { + border-top: 0; +} +.side-nav .mqc-nav a.nav-l2 { + padding: 5px 10px 5px 15px; + border-top: 1px solid #dedede; + font-size: 0.9em; + color: #788fa4; +} +.side-nav .mqc-nav li { + position: relative; +} + +#side-nav-handle { + display: block; + position: absolute; + top: 50%; + right: -14px; + height: 50px; + width: 15px; + padding-top: 14px; + border: 1px solid #ccc; + border-left: 0; + background-color: #ededed; + border-top-right-radius: 5px; + border-bottom-right-radius: 5px; + color: #ccc; + cursor: pointer; +} +#side-nav-handle .glyphicon-triangle-right { + color: #999; +} +@media only screen and (max-width: 768px) { + #side-nav-handle { + display: none; + } +} + +.side-nav .navbar-toggle { + background-color: #ddd; + border-color: #999; + position: absolute; + right: 10px; + top: 15px; + margin: 0; +} +.side-nav .navbar-toggle:hover, +.side-nav .navbar-toggle:focus, +.side-nav .navbar-toggle:active { + background-color: #ccc; +} +.side-nav .navbar-toggle .icon-bar { + background-color: #999; +} + +#page_title { + margin: 0 0 20px; +} +#page_title img { + max-width: 260px; +} +.report_comment, +.mqc-section-comment { + border-left: 5px solid #8eb9dd; + background-color: #e8f1f8; +} +#analysis_dirs_wrapper { + max-height: 80px; + overflow: auto; + margin-bottom: 15px; +} +#mqc_sname_switches_txt { + margin-bottom: 15px; +} +#mqc_sname_switches { + display: inline-block; + margin-left: 10px; +} +#mqc_header_hr { + margin: 0; +} + +#mqc_welcome .close { + top: 2px; +} +#mqc_hide_welcome_btn { + position: relative; + float: right; + top: -2px; + right: -21px; + color: inherit; + opacity: 0.4; +} +#mqc_hide_welcome_btn:hover, +#mqc_hide_welcome_btn:active, +#mqc_hide_welcome_btn:focus { + opacity: 1; +} + +.footer { + background-color: #ededed; + border-top: 1px solid #ccc; + font-size: 0.9em; + color: #999; + padding: 20px 0; + margin-top: 50px; +} +.footer p { + margin: 0; +} +.footer a { + color: #999; + text-decoration: underline; +} + +/* Epic scroll bar of joy */ +::-webkit-scrollbar { + width: 10px; + height: 10px; +} +::-webkit-scrollbar-track { + background: #ffffff; + border-left: 1px solid #d8d8d8; + border-right: 1px solid #d8d8d8; +} +::-webkit-scrollbar-thumb { + background: #dedede; +} +::-webkit-scrollbar-thumb:hover { + -moz-box-shadow: inset 1px 1px 2px rgba(0, 0, 0, 0.1); + -webkit-box-shadow: inset 1px 1px 2px rgba(0, 0, 0, 0.1); + box-shadow: inset 1px 1px 2px rgba(0, 0, 0, 0.1); +} +::-webkit-scrollbar-thumb:active { + background: #dddddd; + -moz-box-shadow: inset 1px 1px 10px rgba(0, 0, 0, 0.4); + -webkit-box-shadow: inset 1px 1px 10px rgba(0, 0, 0, 0.4); + box-shadow: inset 1px 1px 10px rgba(0, 0, 0, 0.2); +} + +/* Stop the headings from "head-butting" the top of the browser +https://css-tricks.com/hash-tag-links-padding/ */ +h1:before, +h2:before, +h3:before, +h4:before { + display: block; + content: " "; + margin-top: -20px; + height: 20px; + visibility: hidden; +} + +/* Fancy sample highlighting in the side nav */ +input.form-control[type="color"] { + padding: 0 2px; + width: 30px; +} + +.hc_handle { + display: inline-block; + padding: 9px 4px; + height: 28px; + cursor: pointer; +} +.hc_handle span { + display: inline-block; + height: 100%; + width: 1px; + margin: 0 1px; + background-color: #999; +} + +/* Toolbox */ +@media only screen and (max-width: 768px) { + .mqc-toolbox { + padding: 0 15px; + background-color: #ededed; + border-bottom: 1px solid #ccc; + } + #mqc_saveconfig { + margin: 0 -15px; + } +} +@media only screen and (min-width: 768px) { + .mqc-toolbox { + display: block; + position: fixed; + z-index: 1040; + width: 36px; + height: 100% !important; + top: 0; + right: 0; + -o-transition: width 0.5s; + -webkit-transition: width 0.5s; + transition: width 0.5s; + } + .mqc-toolbox.active { + width: 282px; + } + .mqc-toolbox .row { + margin: 0; + } + .mainpage { + padding-right: 50px; + } + .mqc-toolbox-buttons { + position: absolute; + width: 36px; + top: 100px; + left: 0; + z-index: 20; + } + .mqc-toolbox-wrapper { + position: absolute; + width: 250px; + height: 100%; + overflow: auto; + left: 36px; + margin: 0; + background-color: #ededed; + border-left: 1px solid #ccc; + z-index: 10; + } + .mqc_filter_section { + display: none; + } + .mqc_filter_section.active { + display: block; + } +} +.mqc-toolbox-label { + display: inline-block; + background-color: #ededed; + color: #999; + height: 31px; + width: 67px; + padding: 3px 6px; + margin-left: -6px; + margin-bottom: 30px; + -ms-transform: rotate(270deg); + -moz-transform: rotate(270deg); + -webkit-transform: rotate(270deg); + transform: rotate(270deg); +} +.mqc-toolbox-label:hover, +.mqc-toolbox-label:focus, +.mqc-toolbox-label:active { + color: #999; + text-decoration: none; +} +.mqc-toolbox-header { + margin: 10px; + border-bottom: 1px solid #ccc; +} +.mqc-toolbox-buttons ul, +.mqc-toolbox-buttons li { + padding: 0; + margin: 0; + list-style-type: none; +} +.mqc-toolbox-buttons li { + margin: 5px 0; + display: inline-block; + width: 36px; + height: 36px; +} +.mqc-toolbox-buttons li a { + display: inline-block; + font-size: 18px; + width: 37px; + height: 36px; + padding: 7px 8px 9px; + color: #999; + background-color: #dedede; + border: 1px solid transparent; + border-right: 1px solid #ccc; +} +.mqc-toolbox-buttons li a:hover, +.mqc-toolbox-buttons li a.active { + color: #333; + background-color: #ededed; + border: 1px solid #ccc; +} +.mqc-toolbox-buttons li .in_use { + color: #333; + border: 3px solid #5bc0de; + padding: 5px 8px 7px 6px; + border-right: 1px solid #ededed; +} +.mqc-toolbox-buttons li a.active { + border-right: 1px solid #ededed; +} + +.mqc-toplink, +.mqc-toplink:visited { + display: block; + position: absolute; + bottom: 5px; + width: 28px; + height: 28px; + text-align: center; + padding: 5px 0 5px 2px; + border-radius: 28px; + background-color: #ededed; + color: #999; +} +.mqc-toplink:hover, +.mqc-toplink:focus { + color: #333; +} + +.mqc_filters { + margin: 10px 0; + padding: 0; + list-style-type: none; + font-size: 0.9em; +} +.mqc_filters button { + padding: 7px 10px 0; +} +.mqc_filters li { + padding: 0; + clear: both; +} +.mqc_filters li .close { + margin-top: -3px; +} +.mqc_filters li:hover { + background-color: #dedede; +} +.mqc_filter_section .mqc_regex_mode_p { + margin-top: 12px; + white-space: nowrap; +} +.mqc_switch_wrapper { + cursor: pointer; +} +.mqc_switch_wrapper .mqc_switch { + display: inline-block; + border: 1px solid #999; + border-radius: 3px; + padding: 2px 5px; + margin-left: 5px; + background-color: #ddd; +} +.mqc_switch_wrapper .off::after, +.mqc_switch_wrapper .on::before { + content: ""; + display: inline-block; + height: 0; + width: 0; + border-radius: 6px; + border: 6px solid #fff; +} +.mqc_switch_wrapper .off::after { + margin: 0 0 -2px 5px; +} +.mqc_switch_wrapper .on::before { + margin: 0 5px -2px 0; +} +.mqc_switch_wrapper .on { + background-color: #5bc0de; + color: #fff; +} + +.mqc_filter_section { + padding: 10px; +} +.mqc_filter_section hr { + margin: 10px 0; + border-top: 1px solid #ccc; +} +.mqc_filter_section p { + font-size: 85%; + padding: 0; + margin: 5px 0; + color: #666; +} +.mqc_filter_section .text-danger { + color: #a94442; +} +.mqc_filter_section p a { + color: #666; +} +.mqc_filter_section p .btn { + color: #333; +} +.mqc_filter_section .text-success { + color: #3c763d; +} +.mqc_filter_section .form-inline .form-control { + vertical-align: middle; +} +@media only screen and (max-width: 768px) { + .mqc_filter_section .form-control { + display: inline-block; + } + .mqc_filter_section input[type="text"] { + width: auto; + } +} +#mqc_renamesamples input[type="text"] { + width: 80px; +} + +#mqc_renamesamples_bulk_collapse { + border-top: 1px solid #ccc; +} +#mqc_renamesamples_bulk_update { + margin-top: 5px; +} +#mqc_renamesamples_bulk_form textarea { + font-size: 8px; + color: #999; +} +.f_text { + border: 0; + border-bottom: 1px solid #ccc; + padding: 5px 0 5px 10px; + margin: 0; + background-color: transparent; + outline: none; + width: -moz-calc(100% - 55px); + width: -webkit-calc(100% - 55px); + width: calc(100% - 55px); +} +.f_text:focus { + background-color: #f6f6f6; +} +.from_text, +.to_text { + width: -moz-calc(49% - 20px); + width: -webkit-calc(49% - 20px); + width: calc(49% - 20px); +} + +#mqc_exportplots .col-sm-6 { + padding: 0 10px 0 0; +} +#mqc_exportplots .checkbox, +#mqc_exportplots .data-format { + margin: 8px 0 0; + font-size: 12px; + line-height: normal; +} +#mqc_exportplots .data-format label { + font-weight: 400; +} +#mqc_exportplots .checkbox label { + min-height: 0; +} +#mqc_exportplots .checkbox input { + margin-top: 0; +} +#mqc_exportplots blockquote { + font-size: 0.7em; + padding: 0 0 0 10px; + border-left: 2px solid #cccccc; + color: #666; +} +#mqc_exportplots blockquote a { + text-decoration: underline; +} + +#mqc_exportplots .nav-tabs { + border-color: #cccccc; + margin-bottom: 15px; +} +#mqc_exportplots .nav-tabs li a { + background-color: #dddddd; + border-color: #cccccc; + padding: 8px 10px; + color: #999; + font-size: 12px; +} +#mqc_exportplots .nav-tabs li.active a { + background-color: #eeeeee; + border-bottom-color: transparent; + color: #333; +} + +#mqc-save-success { + color: #3c763d; + background-color: #dff0d8; +} +#mqc-cleared-success { + color: #a94442; + background-color: #f2dede; +} + +#mqc_about p { + margin-bottom: 10px; +} +#mqc_about a { + text-decoration: underline; +} +#mqc_about blockquote { + font-size: 0.8em; + padding: 0 0 0 10px; + border-left: 2px solid #cccccc; + color: #666; +} + +/* Regex help modal */ +.regex_example_buttons button { + float: left; + clear: left; + margin-bottom: 8px; +} +.regex_example_demo input { + margin-bottom: 8px; + font-family: "Consolas", "Monaco", "Courier New", Courier, monospace; +} + +/* MultiQC tables */ +.table tr td { + font-size: 0.9em; + height: 30px; +} +.mqc_table tbody tr td .wrapper .val { + z-index: -1; +} +.mqc_table tbody tr td .wrapper .val .label { + font-size: 100%; + display: inline-block; + min-width: 10px; + padding: 3px 7px; + font-size: 12px; + vertical-align: middle; + border-radius: 10px; +} +.mqc-table-responsive.mqc-table-collapse { + max-height: 500px; +} +.mqc-table-responsive { + overflow: auto; +} +.table.mqc_table > thead > tr > th { + cursor: pointer; + /* Border doesn't scroll with the CSS transform, so just a box-shadow instead. */ + border-bottom: 0; + -webkit-box-shadow: inset 0px -2px 0px 0 #ddd; + -moz-box-shadow: inset 0px -2px 0px 0 #ddd; + box-shadow: inset 0px -2px 0px 0 #ddd; +} +.mqc_table thead th, +.mqc_table thead td { + background-color: #ffffff; +} +.mqc_table thead th:after { + content: ""; + display: inline-block; + width: 0; + height: 0; + margin-left: 4px; + vertical-align: middle; + border-right: 4px solid transparent; + border-left: 4px solid transparent; +} +.mqc_table thead th.headerSortDown:after { + border-bottom: 4px dashed; +} +.mqc_table thead th.headerSortUp:after { + border-top: 4px dashed; +} +.mqc_table thead th.headerSortDown, +.mqc_table thead th.headerSortUp { + background-color: #ededed; + color: #1ca8dd; + border-bottom: 2px solid #1ca8dd; +} +.mqc_table th { + white-space: nowrap; +} +.mqc-table-expand { + text-align: center; + color: #999; + padding: 5px; + cursor: pointer; + background-color: #ffffff; + -webkit-transition: background-color 0.2s; + transition: background-color 0.2s; +} +.mqc-table-expand:hover, +.mqc-table-expand:focus, +.mqc-table-expand:active { + background-color: #ededed; +} + +.mqc_table_numrows_text { + padding: 5px 10px; + font-size: 12px; + vertical-align: middle; +} + +.sorthandle { + border-right: none; + font-weight: bold; + text-align: center; +} +tbody .sorthandle { + cursor: pointer; + color: #ccc; +} +.mqc_configModal_table tbody .sorthandle { + color: #999; +} +.mqc_table .rowheader { + border-left: none; +} +.mqc_table tr, +.mqc_table td { + height: 100%; +} +.mqc_table .data-coloured { + padding: 0; +} +.mqc_table .wrapper { + display: inline-block; + position: relative; + height: 100%; + width: 100%; + z-index: -10; +} +@media print { + /* Hide the side-navigation and toolbox */ + .side-nav-wrapper, + .mqc-toolbox { + display: none; + } + .mainpage { + padding: 20px; + } + /* Don't limit the height of the sources */ + #analysis_dirs_wrapper { + max-height: none !important; + } + /* Expand long tables */ + .mqc-table-expand { + display: none; + } + .mqc-table-responsive.mqc-table-collapse { + max-height: none !important; + } + .mqc_table thead { + transform: none !important; + } + /* keep section titles with the first bit of content, and try to keep sections together */ + .mqc-module-section-first, + .mqc-section { + page-break-inside: avoid; + } + /* make sure table cell contents show up */ + .mqc_table .wrapper { + z-index: 0; + } + /* no use printing a useless expand button */ + .mqc-table-expand { + display: none; + } + .mqc-section-plot .text-info { + display: none; + } + /* make sure logos aren't dominantly huge */ + .multiqc_logo, + .custom_logo { + width: 200px; + } + /* print cell background colors in table */ + td, + span.bar { + -webkit-print-color-adjust: exact; + color-adjust: exact; + } + /* tidy up user-provided report header info */ + .dl-horizontal { + display: flex; + flex-wrap: wrap; + } + /* ensure kv pairs take up a whole row */ + .dl-horizontal dt { + flex: 0 0 34%; + float: none; + width: 300px; + font-weight: 900; /* bold the key in the kv pair */ + } + .dl-horizontal dd { + flex: 1 0 34%; /* let the val grow to fill the space */ + margin-left: 0; + } + /* no need to print buttons */ + button.btn-help { + display: none; + } + /* printed link text is fairly ugly */ + a[href]:after { + content: none !important; + } + .table.mqc_table { + table-layout: fixed; + } + .mqc_table th { + white-space: normal; /* make sure that table header text can wrap */ + font-weight: 900; /* and that table headers are bolded */ + } + .table > thead > tr > th { + vertical-align: top; /* looks better when all the table-headers are top-aligned, especially when some wrap */ + } +} +.mqc_table .bar { + display: block; + position: absolute; + top: 0; + left: 0; + bottom: 0; + background-color: #dedede; + z-index: -1; +} +.mqc_table .val { + display: block; + position: absolute; + padding: 5px; + left: 0; +} + +/* Flat MatPlotLib plots */ +.mqc_mplplot { + border: 1px solid #dedede; + margin-top: 15px; +} +.mqc_mplplot img { + max-width: 100%; +} + +/* Draggable height bar for HighCharts Plots */ +.hc-plot { + height: 500px; + width: 100%; +} +.hc-plot.not_rendered { + background-color: #ededed; + text-align: center; +} +.hc-plot.not_rendered small { + display: inline-block; + font-style: italic; + padding-top: 40px; + color: #999; +} +.hc-plot .render_plot { + margin-top: 40px; +} +.hc-plot-wrapper { + width: 100%; + height: 512px; + position: relative; + border: 1px solid #dedede; + border-bottom: 1px solid #ccc; + margin-top: 15px; +} +.hc-plot-handle { + position: absolute; + bottom: 0; + width: 100%; + height: 10px; + background-color: #dedede; + cursor: row-resize; + padding: 1px 0; + border-top: 1px solid #ededed; + -moz-transition: background-color 0.1s; + -webkit-transition: background-color 0.1s; + transition: background-color 0.1s; +} +.hc-plot-handle span { + display: block; + height: 1px; + width: 20px; + margin: 1px auto; + background-color: #999; +} +.hc-plot-handle:hover { + background-color: #cdcdcd; +} +.hc-plot-handle:hover span { + background-color: #999; +} + +.mqc_hcplot_range_sliders { + display: inline-block; +} +.mqc_hcplot_range_sliders div { + display: inline-block; + white-space: nowrap; + margin-left: 30px; +} +.mqc_hcplot_range_sliders input { + display: inline-block; + width: 200px; +} +.mqc_hcplot_range_sliders input.form-control { + width: 100px; +} +.mqc_hcplot_yaxis_limit_toggle { + float: right; + font-size: 11px; + margin-top: -30px; +} +.mqc_hcplot_yaxis_limit_toggle .mqc_switch_wrapper { + margin-left: 20px; +} + +.beeswarm-hovertext { + height: 29px; + padding: 5px 8px; + font-size: 13px; + border-left: 2px solid #46b8da; + border-bottom: 1px solid #dedede; + background-color: #d9edf7; + color: #31708f; +} +.beeswarm-plots { + height: calc(100% - 25px); +} +.beeswarm-plot:nth-child(odd) { + background-color: #ededed; +} + +.mqc-custom-content-image img { + max-width: 100%; +} + </style> + + + +</head> + +<body> + + + + + +<div class="side-nav-wrapper"> + <div class="side-nav"> + + <h1 class="side-nav-title"><a href="#">Ludwig Experiment</a></h1> + + <p class="mqc_loading_warning">Loading report..</p> + + + + + + <ul class="mqc-nav collapse navbar-collapse"> + <li> + <a href="#section_2" class="nav-l1">visualizations</a> + </li> + <ul> + + <li> + <a href="#image_0" class="nav-l2">learning_curves_combined_loss</a> + </li> + + <li> + <a href="#image_1" class="nav-l2">learning_curves_temperature_loss</a> + </li> + + </ul> + </ul> + + + + <ul class="mqc-nav collapse navbar-collapse"> + <li> + <a href="#section_3" class="nav-l1">raw outputs</a> + </li> + <ul> + + <li> + <a href="#json_0" class="nav-l2">description</a> + </li> + + <li> + <a href="#unclassified_0" class="nav-l2">predictions.parquet</a> + </li> + + <li> + <a href="#json_1" class="nav-l2">predictions.shapes</a> + </li> + + <li> + <a href="#json_2" class="nav-l2">test_statistics</a> + </li> + + <li> + <a href="#json_3" class="nav-l2">training_statistics</a> + </li> + + </ul> + </ul> + + + + + + </div> + <!-- Nav Width Toggle Button --> + <div id="side-nav-handle"><span class="glyphicon glyphicon-triangle-left" aria-hidden="true"></span></div> +</div> + + + + <div class="mainpage"> + + <main> + + <header> + <h1>Ludwig Experiment</h1> + </header> + + + + + + + + <section class="resources-section" id="section_2"> + + + <div class="resources image-type" id="image_0"> + + <h1>learning_curves_combined_loss</h1> + + <img src="visualizations/learning_curves_combined_loss.png" height="400" /> + </div> + + + <div class="resources image-type" id="image_1"> + + <h1>learning_curves_temperature_loss</h1> + + <img src="visualizations/learning_curves_temperature_loss.png" height="400" /> + </div> + + </section> + + + + <section class="resources-section" id="section_3"> + + + <div class="resources json-type" id="json_0"> + + <h1>description</h1> + + <iframe src="description.json" height="400" width="100%"></iframe> + </div> + + + <div class="resources unclassified-type" id="unclassified_0"> + + <h1>predictions.parquet</h1> + + <a href="predictions.parquet" >predictions.parquet</a> + </div> + + + <div class="resources json-type" id="json_1"> + + <h1>predictions.shapes</h1> + + <iframe src="predictions.shapes.json" height="400" width="100%"></iframe> + </div> + + + <div class="resources json-type" id="json_2"> + + <h1>test_statistics</h1> + + <iframe src="test_statistics.json" height="400" width="100%"></iframe> + </div> + + + <div class="resources json-type" id="json_3"> + + <h1>training_statistics</h1> + + <iframe src="training_statistics.json" height="400" width="100%"></iframe> + </div> + + </section> + + + + + + + + </div> + <footer> + <p>Report generated on 2024-12-20 14:26.</p> + </footer> +</body> +</html> \ No newline at end of file
--- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/test-data/temperature_hyperopt.yml Tue Jan 07 22:45:18 2025 +0000 @@ -0,0 +1,28 @@ +input_features: + - + name: temperature_feature + type: timeseries + encoder: rnn + embedding_size: 32 + state_size: 32 + +output_features: + - + name: temperature + type: numerical + +training: + epochs: 1 + +hyperopt: + search_alg: + type: random + executor: + type: ray + num_samples: 2 + parameters: + training.learning_rate: + space: uniform + lower: 0.0001 + upper: 0.1 + split: validation
--- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/test-data/temperature_hyperopt_report.html Tue Jan 07 22:45:18 2025 +0000 @@ -0,0 +1,1260 @@ +<!doctype html> +<html> +<head> + <meta charset="utf-8"> + <title>Ludwig Hyperopt</title> + <style> + html, body { + padding: 0; + margin: 0; +} + +body { + font-family: "Source Sans Pro", Helvetica, Arial, sans-serif; +} + +header { + background-color: #eee; + color: #666; + padding: 10px; + margin-bottom: 2em; +} + +header h1 { + font-size: 1em; + font-weight: normal; + margin: 0; +} + +main { + margin: 0 auto; + width: 70%; + display: inline-block; +} + +section div h1 { + color: #777; + font-weight: 400; + margin-bottom: 2em; + font-size: 1.3em; + padding-bottom: 5px; + border-bottom: 1px solid #eee; +} + +section div h2 { + font-size: 1.1em; +} + +caption { + caption-side: bottom; + text-align: left; + font-size: .9em; + margin-top: 1em; +} + +#metadata-row { + display: flex; + flex-direction: row; +} + +#history-section { + flex-grow: 1; +} + +#background-section { + flex-grow: 2; +} + +.row { + margin-bottom: 3em; +} + +.signature-row { + display: flex; +} + +.column { + flex: 33.33%; + padding: 10px; +} + +.regulator-row { + display: flex; +} + +.regulator-drugs, .regulator-viz { + padding: 0 20px; +} + +.regulator-viz img { + max-width: 500px; + display: block; +} + +.regulator-drugs { + border-left: 1px solid #eee +} + +#pathway-cancernetwork { + height: 400px; + margin: 0 auto; + display: block; +} + +#cnvkit-heatmap, #pathway-image{ + height: 500px; + margin: 0 auto; + display: block; +} + +#hrd-image, #stemness-image, #eurydice-image { + height: 300px; + margin: 0 auto; + display: block; +} + +table { + width: 100%; + text-align: left; + border-collapse: collapse; + margin-bottom: 35px; +} + +th { + font-weight: normal; + background-color: #eee; + padding: 5px; + color: #666; +} + +td { + padding: 10px 5px; +} + +tr:first-child td { + padding-top: 20px +} + +tr { + page-break-inside: avoid +} + +footer { + background-color: #eee; + text-align: center; + padding: 2px 0; + color: #666; + font-size: .8em; +} + +.element_title { + text-align: justify; + font-weight: bold; + font-size: large; +} + +.mqc_mplplot_plotgroup { + display: flexbox +} + +.resources-section { + margin-bottom: 1.5rem; +} + +.resources img { + max-height: 400px; + margin: 0 auto; + display: block; +} + +.resources iframe { + aspect-ratio: 2 / 1; + max-width: 100%; + margin: 0 auto; + display: block; +} + /* CSS Styles for Default MultiQC Report Template */ + +/* General Styles */ +code { + background-color: #f3f3f3; + color: #666; +} +kbd { + background-color: #ccc; + color: #333; +} +@media only screen and (max-width: 768px) { + code { + display: inline-block; + max-width: 90%; + overflow: auto; + } +} + +.radio.input-sm { + height: 20px; +} +.radio.input-sm input { + margin: 2px 0 0 -20px; +} +.mqc_thousandSep { + padding: 0 2px; +} + +/* Page Template */ +@media only screen and (min-width: 768px) { + .mainpage { + margin-left: 270px; + } + .footer { + margin-left: 250px; + } + .mainpage, + .footer { + -moz-transition: margin-left 0.5s; + -webkit-transition: margin-left 0.5s; + transition: margin-left 0.5s; + } + .mainpage.hidden-nav, + .footer.hidden-nav { + margin-left: 0; + } + + .side-nav-wrapper { + position: fixed; + } + .side-nav { + height: 100%; + width: 250px; + border-right: 1px solid #ccc; + overflow: auto; + padding-bottom: 30px; + -webkit-transition: margin-left 0.5s; + transition: margin-left 0.5s; + margin-left: 0; + } + .side-nav.hidden-nav { + margin-left: -250px; + } +} +.mainpage { + padding: 20px; +} +.side-nav-wrapper { + height: 100%; + background-color: #ededed; +} +.side-nav h1 { + font-size: 18px; + text-align: center; + margin: 0; + border-bottom: 1px solid #ccc; +} +.side-nav h1 a { + padding: 20px 0 15px; +} +.side-nav h1 img { + height: 26px; +} +.side-nav h1 small { + font-size: 12px; +} +.side-nav .side-nav-title a { + color: #333; + font-size: 16px; + font-weight: normal; + padding: 15px 0; +} +.side-nav .mqc_loading_warning { + text-align: center; + border-bottom: 1px solid #ccc; + color: #ca424c; +} +.side-nav p { + font-size: 0.8em; + color: #999; + padding: 10px; +} +.side-nav ul.mqc-nav { + border-bottom: 1px solid #ccc; +} +.side-nav ul.mqc-nav, +.side-nav ul.mqc-nav ul { + margin: 0; + padding: 0; + list-style-type: none; +} +.side-nav a { + display: inline-block; + width: 100%; + text-decoration: none; +} +.side-nav a:hover, +.side-nav a:active, +.side-nav a:focus { + background-color: #dedede; +} +.side-nav .mqc-nav a.nav-l1 { + padding: 10px; + border-top: 1px solid #ccc; +} +.side-nav .mqc-nav li:first-child .nav-l1 { + border-top: 0; +} +.side-nav .mqc-nav a.nav-l2 { + padding: 5px 10px 5px 15px; + border-top: 1px solid #dedede; + font-size: 0.9em; + color: #788fa4; +} +.side-nav .mqc-nav li { + position: relative; +} + +#side-nav-handle { + display: block; + position: absolute; + top: 50%; + right: -14px; + height: 50px; + width: 15px; + padding-top: 14px; + border: 1px solid #ccc; + border-left: 0; + background-color: #ededed; + border-top-right-radius: 5px; + border-bottom-right-radius: 5px; + color: #ccc; + cursor: pointer; +} +#side-nav-handle .glyphicon-triangle-right { + color: #999; +} +@media only screen and (max-width: 768px) { + #side-nav-handle { + display: none; + } +} + +.side-nav .navbar-toggle { + background-color: #ddd; + border-color: #999; + position: absolute; + right: 10px; + top: 15px; + margin: 0; +} +.side-nav .navbar-toggle:hover, +.side-nav .navbar-toggle:focus, +.side-nav .navbar-toggle:active { + background-color: #ccc; +} +.side-nav .navbar-toggle .icon-bar { + background-color: #999; +} + +#page_title { + margin: 0 0 20px; +} +#page_title img { + max-width: 260px; +} +.report_comment, +.mqc-section-comment { + border-left: 5px solid #8eb9dd; + background-color: #e8f1f8; +} +#analysis_dirs_wrapper { + max-height: 80px; + overflow: auto; + margin-bottom: 15px; +} +#mqc_sname_switches_txt { + margin-bottom: 15px; +} +#mqc_sname_switches { + display: inline-block; + margin-left: 10px; +} +#mqc_header_hr { + margin: 0; +} + +#mqc_welcome .close { + top: 2px; +} +#mqc_hide_welcome_btn { + position: relative; + float: right; + top: -2px; + right: -21px; + color: inherit; + opacity: 0.4; +} +#mqc_hide_welcome_btn:hover, +#mqc_hide_welcome_btn:active, +#mqc_hide_welcome_btn:focus { + opacity: 1; +} + +.footer { + background-color: #ededed; + border-top: 1px solid #ccc; + font-size: 0.9em; + color: #999; + padding: 20px 0; + margin-top: 50px; +} +.footer p { + margin: 0; +} +.footer a { + color: #999; + text-decoration: underline; +} + +/* Epic scroll bar of joy */ +::-webkit-scrollbar { + width: 10px; + height: 10px; +} +::-webkit-scrollbar-track { + background: #ffffff; + border-left: 1px solid #d8d8d8; + border-right: 1px solid #d8d8d8; +} +::-webkit-scrollbar-thumb { + background: #dedede; +} +::-webkit-scrollbar-thumb:hover { + -moz-box-shadow: inset 1px 1px 2px rgba(0, 0, 0, 0.1); + -webkit-box-shadow: inset 1px 1px 2px rgba(0, 0, 0, 0.1); + box-shadow: inset 1px 1px 2px rgba(0, 0, 0, 0.1); +} +::-webkit-scrollbar-thumb:active { + background: #dddddd; + -moz-box-shadow: inset 1px 1px 10px rgba(0, 0, 0, 0.4); + -webkit-box-shadow: inset 1px 1px 10px rgba(0, 0, 0, 0.4); + box-shadow: inset 1px 1px 10px rgba(0, 0, 0, 0.2); +} + +/* Stop the headings from "head-butting" the top of the browser +https://css-tricks.com/hash-tag-links-padding/ */ +h1:before, +h2:before, +h3:before, +h4:before { + display: block; + content: " "; + margin-top: -20px; + height: 20px; + visibility: hidden; +} + +/* Fancy sample highlighting in the side nav */ +input.form-control[type="color"] { + padding: 0 2px; + width: 30px; +} + +.hc_handle { + display: inline-block; + padding: 9px 4px; + height: 28px; + cursor: pointer; +} +.hc_handle span { + display: inline-block; + height: 100%; + width: 1px; + margin: 0 1px; + background-color: #999; +} + +/* Toolbox */ +@media only screen and (max-width: 768px) { + .mqc-toolbox { + padding: 0 15px; + background-color: #ededed; + border-bottom: 1px solid #ccc; + } + #mqc_saveconfig { + margin: 0 -15px; + } +} +@media only screen and (min-width: 768px) { + .mqc-toolbox { + display: block; + position: fixed; + z-index: 1040; + width: 36px; + height: 100% !important; + top: 0; + right: 0; + -o-transition: width 0.5s; + -webkit-transition: width 0.5s; + transition: width 0.5s; + } + .mqc-toolbox.active { + width: 282px; + } + .mqc-toolbox .row { + margin: 0; + } + .mainpage { + padding-right: 50px; + } + .mqc-toolbox-buttons { + position: absolute; + width: 36px; + top: 100px; + left: 0; + z-index: 20; + } + .mqc-toolbox-wrapper { + position: absolute; + width: 250px; + height: 100%; + overflow: auto; + left: 36px; + margin: 0; + background-color: #ededed; + border-left: 1px solid #ccc; + z-index: 10; + } + .mqc_filter_section { + display: none; + } + .mqc_filter_section.active { + display: block; + } +} +.mqc-toolbox-label { + display: inline-block; + background-color: #ededed; + color: #999; + height: 31px; + width: 67px; + padding: 3px 6px; + margin-left: -6px; + margin-bottom: 30px; + -ms-transform: rotate(270deg); + -moz-transform: rotate(270deg); + -webkit-transform: rotate(270deg); + transform: rotate(270deg); +} +.mqc-toolbox-label:hover, +.mqc-toolbox-label:focus, +.mqc-toolbox-label:active { + color: #999; + text-decoration: none; +} +.mqc-toolbox-header { + margin: 10px; + border-bottom: 1px solid #ccc; +} +.mqc-toolbox-buttons ul, +.mqc-toolbox-buttons li { + padding: 0; + margin: 0; + list-style-type: none; +} +.mqc-toolbox-buttons li { + margin: 5px 0; + display: inline-block; + width: 36px; + height: 36px; +} +.mqc-toolbox-buttons li a { + display: inline-block; + font-size: 18px; + width: 37px; + height: 36px; + padding: 7px 8px 9px; + color: #999; + background-color: #dedede; + border: 1px solid transparent; + border-right: 1px solid #ccc; +} +.mqc-toolbox-buttons li a:hover, +.mqc-toolbox-buttons li a.active { + color: #333; + background-color: #ededed; + border: 1px solid #ccc; +} +.mqc-toolbox-buttons li .in_use { + color: #333; + border: 3px solid #5bc0de; + padding: 5px 8px 7px 6px; + border-right: 1px solid #ededed; +} +.mqc-toolbox-buttons li a.active { + border-right: 1px solid #ededed; +} + +.mqc-toplink, +.mqc-toplink:visited { + display: block; + position: absolute; + bottom: 5px; + width: 28px; + height: 28px; + text-align: center; + padding: 5px 0 5px 2px; + border-radius: 28px; + background-color: #ededed; + color: #999; +} +.mqc-toplink:hover, +.mqc-toplink:focus { + color: #333; +} + +.mqc_filters { + margin: 10px 0; + padding: 0; + list-style-type: none; + font-size: 0.9em; +} +.mqc_filters button { + padding: 7px 10px 0; +} +.mqc_filters li { + padding: 0; + clear: both; +} +.mqc_filters li .close { + margin-top: -3px; +} +.mqc_filters li:hover { + background-color: #dedede; +} +.mqc_filter_section .mqc_regex_mode_p { + margin-top: 12px; + white-space: nowrap; +} +.mqc_switch_wrapper { + cursor: pointer; +} +.mqc_switch_wrapper .mqc_switch { + display: inline-block; + border: 1px solid #999; + border-radius: 3px; + padding: 2px 5px; + margin-left: 5px; + background-color: #ddd; +} +.mqc_switch_wrapper .off::after, +.mqc_switch_wrapper .on::before { + content: ""; + display: inline-block; + height: 0; + width: 0; + border-radius: 6px; + border: 6px solid #fff; +} +.mqc_switch_wrapper .off::after { + margin: 0 0 -2px 5px; +} +.mqc_switch_wrapper .on::before { + margin: 0 5px -2px 0; +} +.mqc_switch_wrapper .on { + background-color: #5bc0de; + color: #fff; +} + +.mqc_filter_section { + padding: 10px; +} +.mqc_filter_section hr { + margin: 10px 0; + border-top: 1px solid #ccc; +} +.mqc_filter_section p { + font-size: 85%; + padding: 0; + margin: 5px 0; + color: #666; +} +.mqc_filter_section .text-danger { + color: #a94442; +} +.mqc_filter_section p a { + color: #666; +} +.mqc_filter_section p .btn { + color: #333; +} +.mqc_filter_section .text-success { + color: #3c763d; +} +.mqc_filter_section .form-inline .form-control { + vertical-align: middle; +} +@media only screen and (max-width: 768px) { + .mqc_filter_section .form-control { + display: inline-block; + } + .mqc_filter_section input[type="text"] { + width: auto; + } +} +#mqc_renamesamples input[type="text"] { + width: 80px; +} + +#mqc_renamesamples_bulk_collapse { + border-top: 1px solid #ccc; +} +#mqc_renamesamples_bulk_update { + margin-top: 5px; +} +#mqc_renamesamples_bulk_form textarea { + font-size: 8px; + color: #999; +} +.f_text { + border: 0; + border-bottom: 1px solid #ccc; + padding: 5px 0 5px 10px; + margin: 0; + background-color: transparent; + outline: none; + width: -moz-calc(100% - 55px); + width: -webkit-calc(100% - 55px); + width: calc(100% - 55px); +} +.f_text:focus { + background-color: #f6f6f6; +} +.from_text, +.to_text { + width: -moz-calc(49% - 20px); + width: -webkit-calc(49% - 20px); + width: calc(49% - 20px); +} + +#mqc_exportplots .col-sm-6 { + padding: 0 10px 0 0; +} +#mqc_exportplots .checkbox, +#mqc_exportplots .data-format { + margin: 8px 0 0; + font-size: 12px; + line-height: normal; +} +#mqc_exportplots .data-format label { + font-weight: 400; +} +#mqc_exportplots .checkbox label { + min-height: 0; +} +#mqc_exportplots .checkbox input { + margin-top: 0; +} +#mqc_exportplots blockquote { + font-size: 0.7em; + padding: 0 0 0 10px; + border-left: 2px solid #cccccc; + color: #666; +} +#mqc_exportplots blockquote a { + text-decoration: underline; +} + +#mqc_exportplots .nav-tabs { + border-color: #cccccc; + margin-bottom: 15px; +} +#mqc_exportplots .nav-tabs li a { + background-color: #dddddd; + border-color: #cccccc; + padding: 8px 10px; + color: #999; + font-size: 12px; +} +#mqc_exportplots .nav-tabs li.active a { + background-color: #eeeeee; + border-bottom-color: transparent; + color: #333; +} + +#mqc-save-success { + color: #3c763d; + background-color: #dff0d8; +} +#mqc-cleared-success { + color: #a94442; + background-color: #f2dede; +} + +#mqc_about p { + margin-bottom: 10px; +} +#mqc_about a { + text-decoration: underline; +} +#mqc_about blockquote { + font-size: 0.8em; + padding: 0 0 0 10px; + border-left: 2px solid #cccccc; + color: #666; +} + +/* Regex help modal */ +.regex_example_buttons button { + float: left; + clear: left; + margin-bottom: 8px; +} +.regex_example_demo input { + margin-bottom: 8px; + font-family: "Consolas", "Monaco", "Courier New", Courier, monospace; +} + +/* MultiQC tables */ +.table tr td { + font-size: 0.9em; + height: 30px; +} +.mqc_table tbody tr td .wrapper .val { + z-index: -1; +} +.mqc_table tbody tr td .wrapper .val .label { + font-size: 100%; + display: inline-block; + min-width: 10px; + padding: 3px 7px; + font-size: 12px; + vertical-align: middle; + border-radius: 10px; +} +.mqc-table-responsive.mqc-table-collapse { + max-height: 500px; +} +.mqc-table-responsive { + overflow: auto; +} +.table.mqc_table > thead > tr > th { + cursor: pointer; + /* Border doesn't scroll with the CSS transform, so just a box-shadow instead. */ + border-bottom: 0; + -webkit-box-shadow: inset 0px -2px 0px 0 #ddd; + -moz-box-shadow: inset 0px -2px 0px 0 #ddd; + box-shadow: inset 0px -2px 0px 0 #ddd; +} +.mqc_table thead th, +.mqc_table thead td { + background-color: #ffffff; +} +.mqc_table thead th:after { + content: ""; + display: inline-block; + width: 0; + height: 0; + margin-left: 4px; + vertical-align: middle; + border-right: 4px solid transparent; + border-left: 4px solid transparent; +} +.mqc_table thead th.headerSortDown:after { + border-bottom: 4px dashed; +} +.mqc_table thead th.headerSortUp:after { + border-top: 4px dashed; +} +.mqc_table thead th.headerSortDown, +.mqc_table thead th.headerSortUp { + background-color: #ededed; + color: #1ca8dd; + border-bottom: 2px solid #1ca8dd; +} +.mqc_table th { + white-space: nowrap; +} +.mqc-table-expand { + text-align: center; + color: #999; + padding: 5px; + cursor: pointer; + background-color: #ffffff; + -webkit-transition: background-color 0.2s; + transition: background-color 0.2s; +} +.mqc-table-expand:hover, +.mqc-table-expand:focus, +.mqc-table-expand:active { + background-color: #ededed; +} + +.mqc_table_numrows_text { + padding: 5px 10px; + font-size: 12px; + vertical-align: middle; +} + +.sorthandle { + border-right: none; + font-weight: bold; + text-align: center; +} +tbody .sorthandle { + cursor: pointer; + color: #ccc; +} +.mqc_configModal_table tbody .sorthandle { + color: #999; +} +.mqc_table .rowheader { + border-left: none; +} +.mqc_table tr, +.mqc_table td { + height: 100%; +} +.mqc_table .data-coloured { + padding: 0; +} +.mqc_table .wrapper { + display: inline-block; + position: relative; + height: 100%; + width: 100%; + z-index: -10; +} +@media print { + /* Hide the side-navigation and toolbox */ + .side-nav-wrapper, + .mqc-toolbox { + display: none; + } + .mainpage { + padding: 20px; + } + /* Don't limit the height of the sources */ + #analysis_dirs_wrapper { + max-height: none !important; + } + /* Expand long tables */ + .mqc-table-expand { + display: none; + } + .mqc-table-responsive.mqc-table-collapse { + max-height: none !important; + } + .mqc_table thead { + transform: none !important; + } + /* keep section titles with the first bit of content, and try to keep sections together */ + .mqc-module-section-first, + .mqc-section { + page-break-inside: avoid; + } + /* make sure table cell contents show up */ + .mqc_table .wrapper { + z-index: 0; + } + /* no use printing a useless expand button */ + .mqc-table-expand { + display: none; + } + .mqc-section-plot .text-info { + display: none; + } + /* make sure logos aren't dominantly huge */ + .multiqc_logo, + .custom_logo { + width: 200px; + } + /* print cell background colors in table */ + td, + span.bar { + -webkit-print-color-adjust: exact; + color-adjust: exact; + } + /* tidy up user-provided report header info */ + .dl-horizontal { + display: flex; + flex-wrap: wrap; + } + /* ensure kv pairs take up a whole row */ + .dl-horizontal dt { + flex: 0 0 34%; + float: none; + width: 300px; + font-weight: 900; /* bold the key in the kv pair */ + } + .dl-horizontal dd { + flex: 1 0 34%; /* let the val grow to fill the space */ + margin-left: 0; + } + /* no need to print buttons */ + button.btn-help { + display: none; + } + /* printed link text is fairly ugly */ + a[href]:after { + content: none !important; + } + .table.mqc_table { + table-layout: fixed; + } + .mqc_table th { + white-space: normal; /* make sure that table header text can wrap */ + font-weight: 900; /* and that table headers are bolded */ + } + .table > thead > tr > th { + vertical-align: top; /* looks better when all the table-headers are top-aligned, especially when some wrap */ + } +} +.mqc_table .bar { + display: block; + position: absolute; + top: 0; + left: 0; + bottom: 0; + background-color: #dedede; + z-index: -1; +} +.mqc_table .val { + display: block; + position: absolute; + padding: 5px; + left: 0; +} + +/* Flat MatPlotLib plots */ +.mqc_mplplot { + border: 1px solid #dedede; + margin-top: 15px; +} +.mqc_mplplot img { + max-width: 100%; +} + +/* Draggable height bar for HighCharts Plots */ +.hc-plot { + height: 500px; + width: 100%; +} +.hc-plot.not_rendered { + background-color: #ededed; + text-align: center; +} +.hc-plot.not_rendered small { + display: inline-block; + font-style: italic; + padding-top: 40px; + color: #999; +} +.hc-plot .render_plot { + margin-top: 40px; +} +.hc-plot-wrapper { + width: 100%; + height: 512px; + position: relative; + border: 1px solid #dedede; + border-bottom: 1px solid #ccc; + margin-top: 15px; +} +.hc-plot-handle { + position: absolute; + bottom: 0; + width: 100%; + height: 10px; + background-color: #dedede; + cursor: row-resize; + padding: 1px 0; + border-top: 1px solid #ededed; + -moz-transition: background-color 0.1s; + -webkit-transition: background-color 0.1s; + transition: background-color 0.1s; +} +.hc-plot-handle span { + display: block; + height: 1px; + width: 20px; + margin: 1px auto; + background-color: #999; +} +.hc-plot-handle:hover { + background-color: #cdcdcd; +} +.hc-plot-handle:hover span { + background-color: #999; +} + +.mqc_hcplot_range_sliders { + display: inline-block; +} +.mqc_hcplot_range_sliders div { + display: inline-block; + white-space: nowrap; + margin-left: 30px; +} +.mqc_hcplot_range_sliders input { + display: inline-block; + width: 200px; +} +.mqc_hcplot_range_sliders input.form-control { + width: 100px; +} +.mqc_hcplot_yaxis_limit_toggle { + float: right; + font-size: 11px; + margin-top: -30px; +} +.mqc_hcplot_yaxis_limit_toggle .mqc_switch_wrapper { + margin-left: 20px; +} + +.beeswarm-hovertext { + height: 29px; + padding: 5px 8px; + font-size: 13px; + border-left: 2px solid #46b8da; + border-bottom: 1px solid #dedede; + background-color: #d9edf7; + color: #31708f; +} +.beeswarm-plots { + height: calc(100% - 25px); +} +.beeswarm-plot:nth-child(odd) { + background-color: #ededed; +} + +.mqc-custom-content-image img { + max-width: 100%; +} + </style> + + + +</head> + +<body> + + + + + +<div class="side-nav-wrapper"> + <div class="side-nav"> + + <h1 class="side-nav-title"><a href="#">Ludwig Hyperopt</a></h1> + + <p class="mqc_loading_warning">Loading report..</p> + + + + + + <ul class="mqc-nav collapse navbar-collapse"> + <li> + <a href="#section_2" class="nav-l1">visualizations</a> + </li> + <ul> + + <li> + <a href="#html_0" class="nav-l2">hyperopt_hiplot</a> + </li> + + <li> + <a href="#image_0" class="nav-l2">hyperopt_trainer.learning_rate</a> + </li> + + </ul> + </ul> + + + + <ul class="mqc-nav collapse navbar-collapse"> + <li> + <a href="#section_3" class="nav-l1">raw stats</a> + </li> + <ul> + + <li> + <a href="#json_0" class="nav-l2">hyperopt_statistics</a> + </li> + + </ul> + </ul> + + + + + + </div> + <!-- Nav Width Toggle Button --> + <div id="side-nav-handle"><span class="glyphicon glyphicon-triangle-left" aria-hidden="true"></span></div> +</div> + + + + <div class="mainpage"> + + <main> + + <header> + <h1>Ludwig Hyperopt</h1> + </header> + + + + + + + + <section class="resources-section" id="section_2"> + + + <div class="resources html-type" id="html_0"> + + <h1>hyperopt_hiplot</h1> + + <div> + <iframe src="visualizations/hyperopt_hiplot.html" height="800" ></iframe> + </div> + </div> + + + <div class="resources image-type" id="image_0"> + + <h1>hyperopt_trainer.learning_rate</h1> + + <img src="visualizations/hyperopt_trainer.learning_rate.png" height="400" /> + </div> + + </section> + + + + <section class="resources-section" id="section_3"> + + + <div class="resources json-type" id="json_0"> + + <h1>hyperopt_statistics</h1> + + <iframe src="hyperopt_statistics.json" height="400" width="100%"></iframe> + </div> + + </section> + + + + + + + + </div> + <footer> + <p>Report generated on 2024-12-11 17:46.</p> + </footer> +</body> +</html> \ No newline at end of file
--- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/test-data/temperature_hyperopt_statistics.json Tue Jan 07 22:45:18 2025 +0000 @@ -0,0 +1,229 @@ +{ + "hyperopt_config": { + "executor": { + "num_samples": 2, + "type": "ray" + }, + "goal": "minimize", + "metric": "loss", + "output_feature": "combined", + "parameters": { + "trainer.learning_rate": { + "lower": 0.0001, + "space": "uniform", + "upper": 0.1 + } + }, + "search_alg": { + "random_state": 42, + "type": "random" + }, + "split": "validation" + }, + "hyperopt_results": [ + { + "eval_stats": { + "combined": { + "loss": 0.053195301443338394 + }, + "temperature": { + "loss": 0.053407300263643265, + "mean_absolute_error": 0.14618726074695587, + "mean_squared_error": 0.05340731143951416, + "r2": 0.9475131630897522, + "root_mean_squared_error": 0.23110021650791168, + "root_mean_squared_percentage_error": 4.772668361663818 + } + }, + "metric_score": 0.053195301443338394, + "parameters": { + "trainer.learning_rate": 0.04394395613123003 + }, + "training_stats": { + "test": { + "combined": { + "loss": [ + 0.05267306789755821 + ] + }, + "temperature": { + "loss": [ + 0.05264146253466606 + ], + "mean_absolute_error": [ + 0.14691536128520966 + ], + "mean_squared_error": [ + 0.052641451358795166 + ], + "r2": [ + 0.9478765726089478 + ], + "root_mean_squared_error": [ + 0.22943724691867828 + ], + "root_mean_squared_percentage_error": [ + 6.454731464385986 + ] + } + }, + "training": { + "combined": { + "loss": [ + 0.052854184061288834 + ] + }, + "temperature": { + "loss": [ + 0.052901823073625565 + ], + "mean_absolute_error": [ + 0.14576640725135803 + ], + "mean_squared_error": [ + 0.05290185287594795 + ], + "r2": [ + 0.9468033909797668 + ], + "root_mean_squared_error": [ + 0.23000402748584747 + ], + "root_mean_squared_percentage_error": [ + 4.057754039764404 + ] + } + }, + "validation": { + "combined": { + "loss": [ + 0.053195301443338394 + ] + }, + "temperature": { + "loss": [ + 0.053407300263643265 + ], + "mean_absolute_error": [ + 0.14618726074695587 + ], + "mean_squared_error": [ + 0.05340731143951416 + ], + "r2": [ + 0.9475131630897522 + ], + "root_mean_squared_error": [ + 0.23110021650791168 + ], + "root_mean_squared_percentage_error": [ + 4.772668361663818 + ] + } + } + } + }, + { + "eval_stats": { + "combined": { + "loss": 0.07325493544340134 + }, + "temperature": { + "loss": 0.07352239638566971, + "mean_absolute_error": 0.2023126631975174, + "mean_squared_error": 0.07352243363857269, + "r2": 0.9277446866035461, + "root_mean_squared_error": 0.2711502015590668, + "root_mean_squared_percentage_error": 6.274576187133789 + } + }, + "metric_score": 0.07325493544340134, + "parameters": { + "trainer.learning_rate": 0.07741820925074075 + }, + "training_stats": { + "test": { + "combined": { + "loss": [ + 0.07461598515510559 + ] + }, + "temperature": { + "loss": [ + 0.07462907582521439 + ], + "mean_absolute_error": [ + 0.20498159527778625 + ], + "mean_squared_error": [ + 0.07462908327579498 + ], + "r2": [ + 0.926105260848999 + ], + "root_mean_squared_error": [ + 0.2731832265853882 + ], + "root_mean_squared_percentage_error": [ + 6.231832981109619 + ] + } + }, + "training": { + "combined": { + "loss": [ + 0.07510020583868027 + ] + }, + "temperature": { + "loss": [ + 0.07517903298139572 + ], + "mean_absolute_error": [ + 0.20425966382026672 + ], + "mean_squared_error": [ + 0.07517902553081512 + ], + "r2": [ + 0.9244020581245422 + ], + "root_mean_squared_error": [ + 0.27418795228004456 + ], + "root_mean_squared_percentage_error": [ + 5.540431499481201 + ] + } + }, + "validation": { + "combined": { + "loss": [ + 0.07325493544340134 + ] + }, + "temperature": { + "loss": [ + 0.07352239638566971 + ], + "mean_absolute_error": [ + 0.2023126631975174 + ], + "mean_squared_error": [ + 0.07352243363857269 + ], + "r2": [ + 0.9277446866035461 + ], + "root_mean_squared_error": [ + 0.2711502015590668 + ], + "root_mean_squared_percentage_error": [ + 6.274576187133789 + ] + } + } + } + } + ] +} \ No newline at end of file
--- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/test-data/temperature_la.csv Tue Jan 07 22:45:18 2025 +0000 @@ -0,0 +1,45254 @@ +,temperature,split,temperature_feature +0,0.15852827495691552,0,0.15852827495691552 0.15852827495691552 0.1582474327317841 0.15742075088857002 0.1565940688905703 0.155767387047365 0.15494070504936527 0.1541140232061512 0.15328734136294592 0.15246065936494618 0.1516339775217321 0.15080729552374117 0.1499806136805271 0.14915393168253613 0.14832724983932208 0.147500567996108 0.14667388599811704 0.145847204154903 0.14502052215691202 0.14419384031369797 +1,0.15852827495691552,0,0.15852827495691552 0.15852827495691552 0.1582474327317841 0.15742075088857002 0.1565940688905703 0.155767387047365 0.15494070504936527 0.1541140232061512 0.15328734136294592 0.15246065936494618 0.1516339775217321 0.15080729552374117 0.1499806136805271 0.14915393168253613 0.14832724983932208 0.147500567996108 0.14667388599811704 0.145847204154903 0.14502052215691202 0.14419384031369797 +2,0.1582474327317841,0,0.15852827495691552 0.15852827495691552 0.1582474327317841 0.15742075088857002 0.1565940688905703 0.155767387047365 0.15494070504936527 0.1541140232061512 0.15328734136294592 0.15246065936494618 0.1516339775217321 0.15080729552374117 0.1499806136805271 0.14915393168253613 0.14832724983932208 0.147500567996108 0.14667388599811704 0.145847204154903 0.14502052215691202 0.14419384031369797 +3,0.15742075088857002,0,0.15852827495691552 0.15852827495691552 0.1582474327317841 0.15742075088857002 0.1565940688905703 0.155767387047365 0.15494070504936527 0.1541140232061512 0.15328734136294592 0.15246065936494618 0.1516339775217321 0.15080729552374117 0.1499806136805271 0.14915393168253613 0.14832724983932208 0.147500567996108 0.14667388599811704 0.145847204154903 0.14502052215691202 0.14419384031369797 +4,0.1565940688905703,0,0.15852827495691552 0.15852827495691552 0.1582474327317841 0.15742075088857002 0.1565940688905703 0.155767387047365 0.15494070504936527 0.1541140232061512 0.15328734136294592 0.15246065936494618 0.1516339775217321 0.15080729552374117 0.1499806136805271 0.14915393168253613 0.14832724983932208 0.147500567996108 0.14667388599811704 0.145847204154903 0.14502052215691202 0.14419384031369797 +5,0.155767387047365,0,0.15852827495691552 0.15852827495691552 0.1582474327317841 0.15742075088857002 0.1565940688905703 0.155767387047365 0.15494070504936527 0.1541140232061512 0.15328734136294592 0.15246065936494618 0.1516339775217321 0.15080729552374117 0.1499806136805271 0.14915393168253613 0.14832724983932208 0.147500567996108 0.14667388599811704 0.145847204154903 0.14502052215691202 0.14419384031369797 +6,0.15494070504936527,0,0.15852827495691552 0.15852827495691552 0.1582474327317841 0.15742075088857002 0.1565940688905703 0.155767387047365 0.15494070504936527 0.1541140232061512 0.15328734136294592 0.15246065936494618 0.1516339775217321 0.15080729552374117 0.1499806136805271 0.14915393168253613 0.14832724983932208 0.147500567996108 0.14667388599811704 0.145847204154903 0.14502052215691202 0.14419384031369797 +7,0.1541140232061512,0,0.15852827495691552 0.15852827495691552 0.1582474327317841 0.15742075088857002 0.1565940688905703 0.155767387047365 0.15494070504936527 0.1541140232061512 0.15328734136294592 0.15246065936494618 0.1516339775217321 0.15080729552374117 0.1499806136805271 0.14915393168253613 0.14832724983932208 0.147500567996108 0.14667388599811704 0.145847204154903 0.14502052215691202 0.14419384031369797 +8,0.15328734136294592,0,0.15852827495691552 0.15852827495691552 0.1582474327317841 0.15742075088857002 0.1565940688905703 0.155767387047365 0.15494070504936527 0.1541140232061512 0.15328734136294592 0.15246065936494618 0.1516339775217321 0.15080729552374117 0.1499806136805271 0.14915393168253613 0.14832724983932208 0.147500567996108 0.14667388599811704 0.145847204154903 0.14502052215691202 0.14419384031369797 +9,0.15246065936494618,0,0.15852827495691552 0.15852827495691552 0.1582474327317841 0.15742075088857002 0.1565940688905703 0.155767387047365 0.15494070504936527 0.1541140232061512 0.15328734136294592 0.15246065936494618 0.1516339775217321 0.15080729552374117 0.1499806136805271 0.14915393168253613 0.14832724983932208 0.147500567996108 0.14667388599811704 0.145847204154903 0.14502052215691202 0.14419384031369797 +10,0.1516339775217321,0,0.15852827495691552 0.15852827495691552 0.1582474327317841 0.15742075088857002 0.1565940688905703 0.155767387047365 0.15494070504936527 0.1541140232061512 0.15328734136294592 0.15246065936494618 0.1516339775217321 0.15080729552374117 0.1499806136805271 0.14915393168253613 0.14832724983932208 0.147500567996108 0.14667388599811704 0.145847204154903 0.14502052215691202 0.14419384031369797 +11,0.15080729552374117,0,0.15852827495691552 0.15852827495691552 0.1582474327317841 0.15742075088857002 0.1565940688905703 0.155767387047365 0.15494070504936527 0.1541140232061512 0.15328734136294592 0.15246065936494618 0.1516339775217321 0.15080729552374117 0.1499806136805271 0.14915393168253613 0.14832724983932208 0.147500567996108 0.14667388599811704 0.145847204154903 0.14502052215691202 0.14419384031369797 +12,0.1499806136805271,0,0.15852827495691552 0.15852827495691552 0.1582474327317841 0.15742075088857002 0.1565940688905703 0.155767387047365 0.15494070504936527 0.1541140232061512 0.15328734136294592 0.15246065936494618 0.1516339775217321 0.15080729552374117 0.1499806136805271 0.14915393168253613 0.14832724983932208 0.147500567996108 0.14667388599811704 0.145847204154903 0.14502052215691202 0.14419384031369797 +13,0.14915393168253613,0,0.15852827495691552 0.15852827495691552 0.1582474327317841 0.15742075088857002 0.1565940688905703 0.155767387047365 0.15494070504936527 0.1541140232061512 0.15328734136294592 0.15246065936494618 0.1516339775217321 0.15080729552374117 0.1499806136805271 0.14915393168253613 0.14832724983932208 0.147500567996108 0.14667388599811704 0.145847204154903 0.14502052215691202 0.14419384031369797 +14,0.14832724983932208,0,0.15852827495691552 0.15852827495691552 0.1582474327317841 0.15742075088857002 0.1565940688905703 0.155767387047365 0.15494070504936527 0.1541140232061512 0.15328734136294592 0.15246065936494618 0.1516339775217321 0.15080729552374117 0.1499806136805271 0.14915393168253613 0.14832724983932208 0.147500567996108 0.14667388599811704 0.145847204154903 0.14502052215691202 0.14419384031369797 +15,0.147500567996108,0,0.15852827495691552 0.15852827495691552 0.1582474327317841 0.15742075088857002 0.1565940688905703 0.155767387047365 0.15494070504936527 0.1541140232061512 0.15328734136294592 0.15246065936494618 0.1516339775217321 0.15080729552374117 0.1499806136805271 0.14915393168253613 0.14832724983932208 0.147500567996108 0.14667388599811704 0.145847204154903 0.14502052215691202 0.14419384031369797 +16,0.14667388599811704,0,0.15852827495691552 0.15852827495691552 0.1582474327317841 0.15742075088857002 0.1565940688905703 0.155767387047365 0.15494070504936527 0.1541140232061512 0.15328734136294592 0.15246065936494618 0.1516339775217321 0.15080729552374117 0.1499806136805271 0.14915393168253613 0.14832724983932208 0.147500567996108 0.14667388599811704 0.145847204154903 0.14502052215691202 0.14419384031369797 +17,0.145847204154903,0,0.15852827495691552 0.15852827495691552 0.1582474327317841 0.15742075088857002 0.1565940688905703 0.155767387047365 0.15494070504936527 0.1541140232061512 0.15328734136294592 0.15246065936494618 0.1516339775217321 0.15080729552374117 0.1499806136805271 0.14915393168253613 0.14832724983932208 0.147500567996108 0.14667388599811704 0.145847204154903 0.14502052215691202 0.14419384031369797 +18,0.14502052215691202,0,0.15852827495691552 0.15852827495691552 0.1582474327317841 0.15742075088857002 0.1565940688905703 0.155767387047365 0.15494070504936527 0.1541140232061512 0.15328734136294592 0.15246065936494618 0.1516339775217321 0.15080729552374117 0.1499806136805271 0.14915393168253613 0.14832724983932208 0.147500567996108 0.14667388599811704 0.145847204154903 0.14502052215691202 0.14419384031369797 +19,0.14419384031369797,0,0.15852827495691552 0.15852827495691552 0.1582474327317841 0.15742075088857002 0.1565940688905703 0.155767387047365 0.15494070504936527 0.1541140232061512 0.15328734136294592 0.15246065936494618 0.1516339775217321 0.15080729552374117 0.1499806136805271 0.14915393168253613 0.14832724983932208 0.147500567996108 0.14667388599811704 0.145847204154903 0.14502052215691202 0.14419384031369797 +20,0.1433671584704839,0,0.15852827495691552 0.15852827495691552 0.1582474327317841 0.15742075088857002 0.1565940688905703 0.155767387047365 0.15494070504936527 0.1541140232061512 0.15328734136294592 0.15246065936494618 0.1516339775217321 0.15080729552374117 0.1499806136805271 0.14915393168253613 0.14832724983932208 0.147500567996108 0.14667388599811704 0.145847204154903 0.14502052215691202 0.14419384031369797 +21,0.14254047647249293,0,0.15852827495691552 0.1582474327317841 0.15742075088857002 0.1565940688905703 0.155767387047365 0.15494070504936527 0.1541140232061512 0.15328734136294592 0.15246065936494618 0.1516339775217321 0.15080729552374117 0.1499806136805271 0.14915393168253613 0.14832724983932208 0.147500567996108 0.14667388599811704 0.145847204154903 0.14502052215691202 0.14419384031369797 0.1433671584704839 +22,0.14171379462927888,0,0.1582474327317841 0.15742075088857002 0.1565940688905703 0.155767387047365 0.15494070504936527 0.1541140232061512 0.15328734136294592 0.15246065936494618 0.1516339775217321 0.15080729552374117 0.1499806136805271 0.14915393168253613 0.14832724983932208 0.147500567996108 0.14667388599811704 0.145847204154903 0.14502052215691202 0.14419384031369797 0.1433671584704839 0.14254047647249293 +23,0.14088711263128792,0,0.15742075088857002 0.1565940688905703 0.155767387047365 0.15494070504936527 0.1541140232061512 0.15328734136294592 0.15246065936494618 0.1516339775217321 0.15080729552374117 0.1499806136805271 0.14915393168253613 0.14832724983932208 0.147500567996108 0.14667388599811704 0.145847204154903 0.14502052215691202 0.14419384031369797 0.1433671584704839 0.14254047647249293 0.14171379462927888 +24,0.14006043078807387,0,0.1565940688905703 0.155767387047365 0.15494070504936527 0.1541140232061512 0.15328734136294592 0.15246065936494618 0.1516339775217321 0.15080729552374117 0.1499806136805271 0.14915393168253613 0.14832724983932208 0.147500567996108 0.14667388599811704 0.145847204154903 0.14502052215691202 0.14419384031369797 0.1433671584704839 0.14254047647249293 0.14171379462927888 0.14088711263128792 +25,0.1392337487900829,0,0.155767387047365 0.15494070504936527 0.1541140232061512 0.15328734136294592 0.15246065936494618 0.1516339775217321 0.15080729552374117 0.1499806136805271 0.14915393168253613 0.14832724983932208 0.147500567996108 0.14667388599811704 0.145847204154903 0.14502052215691202 0.14419384031369797 0.1433671584704839 0.14254047647249293 0.14171379462927888 0.14088711263128792 0.14006043078807387 +26,0.13840706694686883,0,0.15494070504936527 0.1541140232061512 0.15328734136294592 0.15246065936494618 0.1516339775217321 0.15080729552374117 0.1499806136805271 0.14915393168253613 0.14832724983932208 0.147500567996108 0.14667388599811704 0.145847204154903 0.14502052215691202 0.14419384031369797 0.1433671584704839 0.14254047647249293 0.14171379462927888 0.14088711263128792 0.14006043078807387 0.1392337487900829 +27,0.4835631735807611,0,0.1541140232061512 0.15328734136294592 0.15246065936494618 0.1516339775217321 0.15080729552374117 0.1499806136805271 0.14915393168253613 0.14832724983932208 0.147500567996108 0.14667388599811704 0.145847204154903 0.14502052215691202 0.14419384031369797 0.1433671584704839 0.14254047647249293 0.14171379462927888 0.14088711263128792 0.14006043078807387 0.1392337487900829 0.13840706694686883 +28,0.734304381090574,0,0.15328734136294592 0.15246065936494618 0.1516339775217321 0.15080729552374117 0.1499806136805271 0.14915393168253613 0.14832724983932208 0.147500567996108 0.14667388599811704 0.145847204154903 0.14502052215691202 0.14419384031369797 0.1433671584704839 0.14254047647249293 0.14171379462927888 0.14088711263128792 0.14006043078807387 0.1392337487900829 0.13840706694686883 0.4835631735807611 +29,1.0964861252714315,0,0.15246065936494618 0.1516339775217321 0.15080729552374117 0.1499806136805271 0.14915393168253613 0.14832724983932208 0.147500567996108 0.14667388599811704 0.145847204154903 0.14502052215691202 0.14419384031369797 0.1433671584704839 0.14254047647249293 0.14171379462927888 0.14088711263128792 0.14006043078807387 0.1392337487900829 0.13840706694686883 0.4835631735807611 0.734304381090574 +30,2.00967941188127,0,0.1516339775217321 0.15080729552374117 0.1499806136805271 0.14915393168253613 0.14832724983932208 0.147500567996108 0.14667388599811704 0.145847204154903 0.14502052215691202 0.14419384031369797 0.1433671584704839 0.14254047647249293 0.14171379462927888 0.14088711263128792 0.14006043078807387 0.1392337487900829 0.13840706694686883 0.4835631735807611 0.734304381090574 1.0964861252714315 +31,2.195413639666321,0,0.15080729552374117 0.1499806136805271 0.14915393168253613 0.14832724983932208 0.147500567996108 0.14667388599811704 0.145847204154903 0.14502052215691202 0.14419384031369797 0.1433671584704839 0.14254047647249293 0.14171379462927888 0.14088711263128792 0.14006043078807387 0.1392337487900829 0.13840706694686883 0.4835631735807611 0.734304381090574 1.0964861252714315 2.00967941188127 +32,2.364122229904415,0,0.1499806136805271 0.14915393168253613 0.14832724983932208 0.147500567996108 0.14667388599811704 0.145847204154903 0.14502052215691202 0.14419384031369797 0.1433671584704839 0.14254047647249293 0.14171379462927888 0.14088711263128792 0.14006043078807387 0.1392337487900829 0.13840706694686883 0.4835631735807611 0.734304381090574 1.0964861252714315 2.00967941188127 2.195413639666321 +33,2.6024811555619025,0,0.14915393168253613 0.14832724983932208 0.147500567996108 0.14667388599811704 0.145847204154903 0.14502052215691202 0.14419384031369797 0.1433671584704839 0.14254047647249293 0.14171379462927888 0.14088711263128792 0.14006043078807387 0.1392337487900829 0.13840706694686883 0.4835631735807611 0.734304381090574 1.0964861252714315 2.00967941188127 2.195413639666321 2.364122229904415 +34,2.610220081719606,0,0.14832724983932208 0.147500567996108 0.14667388599811704 0.145847204154903 0.14502052215691202 0.14419384031369797 0.1433671584704839 0.14254047647249293 0.14171379462927888 0.14088711263128792 0.14006043078807387 0.1392337487900829 0.13840706694686883 0.4835631735807611 0.734304381090574 1.0964861252714315 2.00967941188127 2.195413639666321 2.364122229904415 2.6024811555619025 +35,2.480206122270073,0,0.147500567996108 0.14667388599811704 0.145847204154903 0.14502052215691202 0.14419384031369797 0.1433671584704839 0.14254047647249293 0.14171379462927888 0.14088711263128792 0.14006043078807387 0.1392337487900829 0.13840706694686883 0.4835631735807611 0.734304381090574 1.0964861252714315 2.00967941188127 2.195413639666321 2.364122229904415 2.6024811555619025 2.610220081719606 +36,2.2991152501796446,0,0.14667388599811704 0.145847204154903 0.14502052215691202 0.14419384031369797 0.1433671584704839 0.14254047647249293 0.14171379462927888 0.14088711263128792 0.14006043078807387 0.1392337487900829 0.13840706694686883 0.4835631735807611 0.734304381090574 1.0964861252714315 2.00967941188127 2.195413639666321 2.364122229904415 2.6024811555619025 2.610220081719606 2.480206122270073 +37,1.9880104186396828,0,0.145847204154903 0.14502052215691202 0.14419384031369797 0.1433671584704839 0.14254047647249293 0.14171379462927888 0.14088711263128792 0.14006043078807387 0.1392337487900829 0.13840706694686883 0.4835631735807611 0.734304381090574 1.0964861252714315 2.00967941188127 2.195413639666321 2.364122229904415 2.6024811555619025 2.610220081719606 2.480206122270073 2.2991152501796446 +38,1.7295302849721488,0,0.14502052215691202 0.14419384031369797 0.1433671584704839 0.14254047647249293 0.14171379462927888 0.14088711263128792 0.14006043078807387 0.1392337487900829 0.13840706694686883 0.4835631735807611 0.734304381090574 1.0964861252714315 2.00967941188127 2.195413639666321 2.364122229904415 2.6024811555619025 2.610220081719606 2.480206122270073 2.2991152501796446 1.9880104186396828 +39,1.481884647925417,0,0.14419384031369797 0.1433671584704839 0.14254047647249293 0.14171379462927888 0.14088711263128792 0.14006043078807387 0.1392337487900829 0.13840706694686883 0.4835631735807611 0.734304381090574 1.0964861252714315 2.00967941188127 2.195413639666321 2.364122229904415 2.6024811555619025 2.610220081719606 2.480206122270073 2.2991152501796446 1.9880104186396828 1.7295302849721488 +40,1.3611573998651283,0,0.1433671584704839 0.14254047647249293 0.14171379462927888 0.14088711263128792 0.14006043078807387 0.1392337487900829 0.13840706694686883 0.4835631735807611 0.734304381090574 1.0964861252714315 2.00967941188127 2.195413639666321 2.364122229904415 2.6024811555619025 2.610220081719606 2.480206122270073 2.2991152501796446 1.9880104186396828 1.7295302849721488 1.481884647925417 +41,1.358061829402047,0,0.14254047647249293 0.14171379462927888 0.14088711263128792 0.14006043078807387 0.1392337487900829 0.13840706694686883 0.4835631735807611 0.734304381090574 1.0964861252714315 2.00967941188127 2.195413639666321 2.364122229904415 2.6024811555619025 2.610220081719606 2.480206122270073 2.2991152501796446 1.9880104186396828 1.7295302849721488 1.481884647925417 1.3611573998651283 +42,0.8565794143824035,0,0.14171379462927888 0.14088711263128792 0.14006043078807387 0.1392337487900829 0.13840706694686883 0.4835631735807611 0.734304381090574 1.0964861252714315 2.00967941188127 2.195413639666321 2.364122229904415 2.6024811555619025 2.610220081719606 2.480206122270073 2.2991152501796446 1.9880104186396828 1.7295302849721488 1.481884647925417 1.3611573998651283 1.358061829402047 +43,0.673940757060434,0,0.14088711263128792 0.14006043078807387 0.1392337487900829 0.13840706694686883 0.4835631735807611 0.734304381090574 1.0964861252714315 2.00967941188127 2.195413639666321 2.364122229904415 2.6024811555619025 2.610220081719606 2.480206122270073 2.2991152501796446 1.9880104186396828 1.7295302849721488 1.481884647925417 1.3611573998651283 1.358061829402047 0.8565794143824035 +44,0.673940757060434,0,0.14006043078807387 0.1392337487900829 0.13840706694686883 0.4835631735807611 0.734304381090574 1.0964861252714315 2.00967941188127 2.195413639666321 2.364122229904415 2.6024811555619025 2.610220081719606 2.480206122270073 2.2991152501796446 1.9880104186396828 1.7295302849721488 1.481884647925417 1.3611573998651283 1.358061829402047 0.8565794143824035 0.673940757060434 +45,0.590360354557166,0,0.1392337487900829 0.13840706694686883 0.4835631735807611 0.734304381090574 1.0964861252714315 2.00967941188127 2.195413639666321 2.364122229904415 2.6024811555619025 2.610220081719606 2.480206122270073 2.2991152501796446 1.9880104186396828 1.7295302849721488 1.481884647925417 1.3611573998651283 1.358061829402047 0.8565794143824035 0.673940757060434 0.673940757060434 +46,0.5222578043693137,0,0.13840706694686883 0.4835631735807611 0.734304381090574 1.0964861252714315 2.00967941188127 2.195413639666321 2.364122229904415 2.6024811555619025 2.610220081719606 2.480206122270073 2.2991152501796446 1.9880104186396828 1.7295302849721488 1.481884647925417 1.3611573998651283 1.358061829402047 0.8565794143824035 0.673940757060434 0.673940757060434 0.590360354557166 +47,0.46653753603379583,0,0.4835631735807611 0.734304381090574 1.0964861252714315 2.00967941188127 2.195413639666321 2.364122229904415 2.6024811555619025 2.610220081719606 2.480206122270073 2.2991152501796446 1.9880104186396828 1.7295302849721488 1.481884647925417 1.3611573998651283 1.358061829402047 0.8565794143824035 0.673940757060434 0.673940757060434 0.590360354557166 0.5222578043693137 +48,0.3698009590624143,0,0.734304381090574 1.0964861252714315 2.00967941188127 2.195413639666321 2.364122229904415 2.6024811555619025 2.610220081719606 2.480206122270073 2.2991152501796446 1.9880104186396828 1.7295302849721488 1.481884647925417 1.3611573998651283 1.358061829402047 0.8565794143824035 0.673940757060434 0.673940757060434 0.590360354557166 0.5222578043693137 0.46653753603379583 +49,0.2730643820910327,0,1.0964861252714315 2.00967941188127 2.195413639666321 2.364122229904415 2.6024811555619025 2.610220081719606 2.480206122270073 2.2991152501796446 1.9880104186396828 1.7295302849721488 1.481884647925417 1.3611573998651283 1.358061829402047 0.8565794143824035 0.673940757060434 0.673940757060434 0.590360354557166 0.5222578043693137 0.46653753603379583 0.3698009590624143 +50,0.24675203315481445,0,2.00967941188127 2.195413639666321 2.364122229904415 2.6024811555619025 2.610220081719606 2.480206122270073 2.2991152501796446 1.9880104186396828 1.7295302849721488 1.481884647925417 1.3611573998651283 1.358061829402047 0.8565794143824035 0.673940757060434 0.673940757060434 0.590360354557166 0.5222578043693137 0.46653753603379583 0.3698009590624143 0.2730643820910327 +51,0.6662018309027218,0,2.195413639666321 2.364122229904415 2.6024811555619025 2.610220081719606 2.480206122270073 2.2991152501796446 1.9880104186396828 1.7295302849721488 1.481884647925417 1.3611573998651283 1.358061829402047 0.8565794143824035 0.673940757060434 0.673940757060434 0.590360354557166 0.5222578043693137 0.46653753603379583 0.3698009590624143 0.2730643820910327 0.24675203315481445 +52,1.085651628650638,0,2.364122229904415 2.6024811555619025 2.610220081719606 2.480206122270073 2.2991152501796446 1.9880104186396828 1.7295302849721488 1.481884647925417 1.3611573998651283 1.358061829402047 0.8565794143824035 0.673940757060434 0.673940757060434 0.590360354557166 0.5222578043693137 0.46653753603379583 0.3698009590624143 0.2730643820910327 0.24675203315481445 0.6662018309027218 +53,1.5051014263985452,0,2.6024811555619025 2.610220081719606 2.480206122270073 2.2991152501796446 1.9880104186396828 1.7295302849721488 1.481884647925417 1.3611573998651283 1.358061829402047 0.8565794143824035 0.673940757060434 0.673940757060434 0.590360354557166 0.5222578043693137 0.46653753603379583 0.3698009590624143 0.2730643820910327 0.24675203315481445 0.6662018309027218 1.085651628650638 +54,1.898238875210243,0,2.610220081719606 2.480206122270073 2.2991152501796446 1.9880104186396828 1.7295302849721488 1.481884647925417 1.3611573998651283 1.358061829402047 0.8565794143824035 0.673940757060434 0.673940757060434 0.590360354557166 0.5222578043693137 0.46653753603379583 0.3698009590624143 0.2730643820910327 0.24675203315481445 0.6662018309027218 1.085651628650638 1.5051014263985452 +55,2.046826257438282,0,2.480206122270073 2.2991152501796446 1.9880104186396828 1.7295302849721488 1.481884647925417 1.3611573998651283 1.358061829402047 0.8565794143824035 0.673940757060434 0.673940757060434 0.590360354557166 0.5222578043693137 0.46653753603379583 0.3698009590624143 0.2730643820910327 0.24675203315481445 0.6662018309027218 1.085651628650638 1.5051014263985452 1.898238875210243 +56,2.037539546049029,0,2.2991152501796446 1.9880104186396828 1.7295302849721488 1.481884647925417 1.3611573998651283 1.358061829402047 0.8565794143824035 0.673940757060434 0.673940757060434 0.590360354557166 0.5222578043693137 0.46653753603379583 0.3698009590624143 0.2730643820910327 0.24675203315481445 0.6662018309027218 1.085651628650638 1.5051014263985452 1.898238875210243 2.046826257438282 +57,2.153623438414687,0,1.9880104186396828 1.7295302849721488 1.481884647925417 1.3611573998651283 1.358061829402047 0.8565794143824035 0.673940757060434 0.673940757060434 0.590360354557166 0.5222578043693137 0.46653753603379583 0.3698009590624143 0.2730643820910327 0.24675203315481445 0.6662018309027218 1.085651628650638 1.5051014263985452 1.898238875210243 2.046826257438282 2.037539546049029 +58,2.0638518949852473,0,1.7295302849721488 1.481884647925417 1.3611573998651283 1.358061829402047 0.8565794143824035 0.673940757060434 0.673940757060434 0.590360354557166 0.5222578043693137 0.46653753603379583 0.3698009590624143 0.2730643820910327 0.24675203315481445 0.6662018309027218 1.085651628650638 1.5051014263985452 1.898238875210243 2.046826257438282 2.037539546049029 2.153623438414687 +59,1.9740803515558076,0,1.481884647925417 1.3611573998651283 1.358061829402047 0.8565794143824035 0.673940757060434 0.673940757060434 0.590360354557166 0.5222578043693137 0.46653753603379583 0.3698009590624143 0.2730643820910327 0.24675203315481445 0.6662018309027218 1.085651628650638 1.5051014263985452 1.898238875210243 2.046826257438282 2.037539546049029 2.153623438414687 2.0638518949852473 +60,1.774416056686873,0,1.3611573998651283 1.358061829402047 0.8565794143824035 0.673940757060434 0.673940757060434 0.590360354557166 0.5222578043693137 0.46653753603379583 0.3698009590624143 0.2730643820910327 0.24675203315481445 0.6662018309027218 1.085651628650638 1.5051014263985452 1.898238875210243 2.046826257438282 2.037539546049029 2.153623438414687 2.0638518949852473 1.9740803515558076 +61,1.5283182048716821,0,1.358061829402047 0.8565794143824035 0.673940757060434 0.673940757060434 0.590360354557166 0.5222578043693137 0.46653753603379583 0.3698009590624143 0.2730643820910327 0.24675203315481445 0.6662018309027218 1.085651628650638 1.5051014263985452 1.898238875210243 2.046826257438282 2.037539546049029 2.153623438414687 2.0638518949852473 1.9740803515558076 1.774416056686873 +62,1.2791247825934011,0,0.8565794143824035 0.673940757060434 0.673940757060434 0.590360354557166 0.5222578043693137 0.46653753603379583 0.3698009590624143 0.2730643820910327 0.24675203315481445 0.6662018309027218 1.085651628650638 1.5051014263985452 1.898238875210243 2.046826257438282 2.037539546049029 2.153623438414687 2.0638518949852473 1.9740803515558076 1.774416056686873 1.5283182048716821 +63,1.0825560581875477,0,0.673940757060434 0.673940757060434 0.590360354557166 0.5222578043693137 0.46653753603379583 0.3698009590624143 0.2730643820910327 0.24675203315481445 0.6662018309027218 1.085651628650638 1.5051014263985452 1.898238875210243 2.046826257438282 2.037539546049029 2.153623438414687 2.0638518949852473 1.9740803515558076 1.774416056686873 1.5283182048716821 1.2791247825934011 +64,0.8240759245200224,0,0.673940757060434 0.590360354557166 0.5222578043693137 0.46653753603379583 0.3698009590624143 0.2730643820910327 0.24675203315481445 0.6662018309027218 1.085651628650638 1.5051014263985452 1.898238875210243 2.046826257438282 2.037539546049029 2.153623438414687 2.0638518949852473 1.9740803515558076 1.774416056686873 1.5283182048716821 1.2791247825934011 1.0825560581875477 +65,0.641437267198053,0,0.590360354557166 0.5222578043693137 0.46653753603379583 0.3698009590624143 0.2730643820910327 0.24675203315481445 0.6662018309027218 1.085651628650638 1.5051014263985452 1.898238875210243 2.046826257438282 2.037539546049029 2.153623438414687 2.0638518949852473 1.9740803515558076 1.774416056686873 1.5283182048716821 1.2791247825934011 1.0825560581875477 0.8240759245200224 +66,0.5160666634431421,0,0.5222578043693137 0.46653753603379583 0.3698009590624143 0.2730643820910327 0.24675203315481445 0.6662018309027218 1.085651628650638 1.5051014263985452 1.898238875210243 2.046826257438282 2.037539546049029 2.153623438414687 2.0638518949852473 1.9740803515558076 1.774416056686873 1.5283182048716821 1.2791247825934011 1.0825560581875477 0.8240759245200224 0.641437267198053 +67,0.4835631735807611,0,0.46653753603379583 0.3698009590624143 0.2730643820910327 0.24675203315481445 0.6662018309027218 1.085651628650638 1.5051014263985452 1.898238875210243 2.046826257438282 2.037539546049029 2.153623438414687 2.0638518949852473 1.9740803515558076 1.774416056686873 1.5283182048716821 1.2791247825934011 1.0825560581875477 0.8240759245200224 0.641437267198053 0.5160666634431421 +68,0.35354921413121937,0,0.3698009590624143 0.2730643820910327 0.24675203315481445 0.6662018309027218 1.085651628650638 1.5051014263985452 1.898238875210243 2.046826257438282 2.037539546049029 2.153623438414687 2.0638518949852473 1.9740803515558076 1.774416056686873 1.5283182048716821 1.2791247825934011 1.0825560581875477 0.8240759245200224 0.641437267198053 0.5160666634431421 0.4835631735807611 +69,0.3272368651950011,0,0.2730643820910327 0.24675203315481445 0.6662018309027218 1.085651628650638 1.5051014263985452 1.898238875210243 2.046826257438282 2.037539546049029 2.153623438414687 2.0638518949852473 1.9740803515558076 1.774416056686873 1.5283182048716821 1.2791247825934011 1.0825560581875477 0.8240759245200224 0.641437267198053 0.5160666634431421 0.4835631735807611 0.35354921413121937 +70,0.2219874694501369,0,0.24675203315481445 0.6662018309027218 1.085651628650638 1.5051014263985452 1.898238875210243 2.046826257438282 2.037539546049029 2.153623438414687 2.0638518949852473 1.9740803515558076 1.774416056686873 1.5283182048716821 1.2791247825934011 1.0825560581875477 0.8240759245200224 0.641437267198053 0.5160666634431421 0.4835631735807611 0.35354921413121937 0.3272368651950011 +71,0.14459820787303163,0,0.6662018309027218 1.085651628650638 1.5051014263985452 1.898238875210243 2.046826257438282 2.037539546049029 2.153623438414687 2.0638518949852473 1.9740803515558076 1.774416056686873 1.5283182048716821 1.2791247825934011 1.0825560581875477 0.8240759245200224 0.641437267198053 0.5160666634431421 0.4835631735807611 0.35354921413121937 0.3272368651950011 0.2219874694501369 +72,0.09506908046368533,0,1.085651628650638 1.5051014263985452 1.898238875210243 2.046826257438282 2.037539546049029 2.153623438414687 2.0638518949852473 1.9740803515558076 1.774416056686873 1.5283182048716821 1.2791247825934011 1.0825560581875477 0.8240759245200224 0.641437267198053 0.5160666634431421 0.4835631735807611 0.35354921413121937 0.3272368651950011 0.2219874694501369 0.14459820787303163 +73,0.07804344291672885,0,1.5051014263985452 1.898238875210243 2.046826257438282 2.037539546049029 2.153623438414687 2.0638518949852473 1.9740803515558076 1.774416056686873 1.5283182048716821 1.2791247825934011 1.0825560581875477 0.8240759245200224 0.641437267198053 0.5160666634431421 0.4835631735807611 0.35354921413121937 0.3272368651950011 0.2219874694501369 0.14459820787303163 0.09506908046368533 +74,0.07340008722209797,0,1.898238875210243 2.046826257438282 2.037539546049029 2.153623438414687 2.0638518949852473 1.9740803515558076 1.774416056686873 1.5283182048716821 1.2791247825934011 1.0825560581875477 0.8240759245200224 0.641437267198053 0.5160666634431421 0.4835631735807611 0.35354921413121937 0.3272368651950011 0.2219874694501369 0.14459820787303163 0.09506908046368533 0.07804344291672885 +75,0.3256890799634604,0,2.046826257438282 2.037539546049029 2.153623438414687 2.0638518949852473 1.9740803515558076 1.774416056686873 1.5283182048716821 1.2791247825934011 1.0825560581875477 0.8240759245200224 0.641437267198053 0.5160666634431421 0.4835631735807611 0.35354921413121937 0.3272368651950011 0.2219874694501369 0.14459820787303163 0.09506908046368533 0.07804344291672885 0.07340008722209797 +76,0.5145188782116015,0,2.037539546049029 2.153623438414687 2.0638518949852473 1.9740803515558076 1.774416056686873 1.5283182048716821 1.2791247825934011 1.0825560581875477 0.8240759245200224 0.641437267198053 0.5160666634431421 0.4835631735807611 0.35354921413121937 0.3272368651950011 0.2219874694501369 0.14459820787303163 0.09506908046368533 0.07804344291672885 0.07340008722209797 0.3256890799634604 +77,0.8689616962347378,0,2.153623438414687 2.0638518949852473 1.9740803515558076 1.774416056686873 1.5283182048716821 1.2791247825934011 1.0825560581875477 0.8240759245200224 0.641437267198053 0.5160666634431421 0.4835631735807611 0.35354921413121937 0.3272368651950011 0.2219874694501369 0.14459820787303163 0.09506908046368533 0.07804344291672885 0.07340008722209797 0.3256890799634604 0.5145188782116015 +78,1.1119639775868473,0,2.0638518949852473 1.9740803515558076 1.774416056686873 1.5283182048716821 1.2791247825934011 1.0825560581875477 0.8240759245200224 0.641437267198053 0.5160666634431421 0.4835631735807611 0.35354921413121937 0.3272368651950011 0.2219874694501369 0.14459820787303163 0.09506908046368533 0.07804344291672885 0.07340008722209797 0.3256890799634604 0.5145188782116015 0.8689616962347378 +79,1.2682902859726073,0,1.9740803515558076 1.774416056686873 1.5283182048716821 1.2791247825934011 1.0825560581875477 0.8240759245200224 0.641437267198053 0.5160666634431421 0.4835631735807611 0.35354921413121937 0.3272368651950011 0.2219874694501369 0.14459820787303163 0.09506908046368533 0.07804344291672885 0.07340008722209797 0.3256890799634604 0.5145188782116015 0.8689616962347378 1.1119639775868473 +80,1.3952086749590589,0,1.774416056686873 1.5283182048716821 1.2791247825934011 1.0825560581875477 0.8240759245200224 0.641437267198053 0.5160666634431421 0.4835631735807611 0.35354921413121937 0.3272368651950011 0.2219874694501369 0.14459820787303163 0.09506908046368533 0.07804344291672885 0.07340008722209797 0.3256890799634604 0.5145188782116015 0.8689616962347378 1.1119639775868473 1.2682902859726073 +81,1.418425453432187,0,1.5283182048716821 1.2791247825934011 1.0825560581875477 0.8240759245200224 0.641437267198053 0.5160666634431421 0.4835631735807611 0.35354921413121937 0.3272368651950011 0.2219874694501369 0.14459820787303163 0.09506908046368533 0.07804344291672885 0.07340008722209797 0.3256890799634604 0.5145188782116015 0.8689616962347378 1.1119639775868473 1.2682902859726073 1.3952086749590589 +82,1.4803368626938764,0,1.2791247825934011 1.0825560581875477 0.8240759245200224 0.641437267198053 0.5160666634431421 0.4835631735807611 0.35354921413121937 0.3272368651950011 0.2219874694501369 0.14459820787303163 0.09506908046368533 0.07804344291672885 0.07340008722209797 0.3256890799634604 0.5145188782116015 0.8689616962347378 1.1119639775868473 1.2682902859726073 1.3952086749590589 1.418425453432187 +83,1.3317494804658287,0,1.0825560581875477 0.8240759245200224 0.641437267198053 0.5160666634431421 0.4835631735807611 0.35354921413121937 0.3272368651950011 0.2219874694501369 0.14459820787303163 0.09506908046368533 0.07804344291672885 0.07340008722209797 0.3256890799634604 0.5145188782116015 0.8689616962347378 1.1119639775868473 1.2682902859726073 1.3952086749590589 1.418425453432187 1.4803368626938764 +84,1.1630408902277432,0,0.8240759245200224 0.641437267198053 0.5160666634431421 0.4835631735807611 0.35354921413121937 0.3272368651950011 0.2219874694501369 0.14459820787303163 0.09506908046368533 0.07804344291672885 0.07340008722209797 0.3256890799634604 0.5145188782116015 0.8689616962347378 1.1119639775868473 1.2682902859726073 1.3952086749590589 1.418425453432187 1.4803368626938764 1.3317494804658287 +85,1.0036190113789016,0,0.641437267198053 0.5160666634431421 0.4835631735807611 0.35354921413121937 0.3272368651950011 0.2219874694501369 0.14459820787303163 0.09506908046368533 0.07804344291672885 0.07340008722209797 0.3256890799634604 0.5145188782116015 0.8689616962347378 1.1119639775868473 1.2682902859726073 1.3952086749590589 1.418425453432187 1.4803368626938764 1.3317494804658287 1.1630408902277432 +86,0.6832274684496871,0,0.5160666634431421 0.4835631735807611 0.35354921413121937 0.3272368651950011 0.2219874694501369 0.14459820787303163 0.09506908046368533 0.07804344291672885 0.07340008722209797 0.3256890799634604 0.5145188782116015 0.8689616962347378 1.1119639775868473 1.2682902859726073 1.3952086749590589 1.418425453432187 1.4803368626938764 1.3317494804658287 1.1630408902277432 1.0036190113789016 +87,0.5284489452954765,0,0.4835631735807611 0.35354921413121937 0.3272368651950011 0.2219874694501369 0.14459820787303163 0.09506908046368533 0.07804344291672885 0.07340008722209797 0.3256890799634604 0.5145188782116015 0.8689616962347378 1.1119639775868473 1.2682902859726073 1.3952086749590589 1.418425453432187 1.4803368626938764 1.3317494804658287 1.1630408902277432 1.0036190113789016 0.6832274684496871 +88,0.4061739120036558,0,0.35354921413121937 0.3272368651950011 0.2219874694501369 0.14459820787303163 0.09506908046368533 0.07804344291672885 0.07340008722209797 0.3256890799634604 0.5145188782116015 0.8689616962347378 1.1119639775868473 1.2682902859726073 1.3952086749590589 1.418425453432187 1.4803368626938764 1.3317494804658287 1.1630408902277432 1.0036190113789016 0.6832274684496871 0.5284489452954765 +89,0.2668732411648611,0,0.3272368651950011 0.2219874694501369 0.14459820787303163 0.09506908046368533 0.07804344291672885 0.07340008722209797 0.3256890799634604 0.5145188782116015 0.8689616962347378 1.1119639775868473 1.2682902859726073 1.3952086749590589 1.418425453432187 1.4803368626938764 1.3317494804658287 1.1630408902277432 1.0036190113789016 0.6832274684496871 0.5284489452954765 0.4061739120036558 +90,0.030062100738923243,0,0.2219874694501369 0.14459820787303163 0.09506908046368533 0.07804344291672885 0.07340008722209797 0.3256890799634604 0.5145188782116015 0.8689616962347378 1.1119639775868473 1.2682902859726073 1.3952086749590589 1.418425453432187 1.4803368626938764 1.3317494804658287 1.1630408902277432 1.0036190113789016 0.6832274684496871 0.5284489452954765 0.4061739120036558 0.2668732411648611 +91,-0.13013367072568852,0,0.14459820787303163 0.09506908046368533 0.07804344291672885 0.07340008722209797 0.3256890799634604 0.5145188782116015 0.8689616962347378 1.1119639775868473 1.2682902859726073 1.3952086749590589 1.418425453432187 1.4803368626938764 1.3317494804658287 1.1630408902277432 1.0036190113789016 0.6832274684496871 0.5284489452954765 0.4061739120036558 0.2668732411648611 0.030062100738923243 +92,-0.29032944219029144,0,0.09506908046368533 0.07804344291672885 0.07340008722209797 0.3256890799634604 0.5145188782116015 0.8689616962347378 1.1119639775868473 1.2682902859726073 1.3952086749590589 1.418425453432187 1.4803368626938764 1.3317494804658287 1.1630408902277432 1.0036190113789016 0.6832274684496871 0.5284489452954765 0.4061739120036558 0.2668732411648611 0.030062100738923243 -0.13013367072568852 +93,-0.243121992628265,0,0.07804344291672885 0.07340008722209797 0.3256890799634604 0.5145188782116015 0.8689616962347378 1.1119639775868473 1.2682902859726073 1.3952086749590589 1.418425453432187 1.4803368626938764 1.3317494804658287 1.1630408902277432 1.0036190113789016 0.6832274684496871 0.5284489452954765 0.4061739120036558 0.2668732411648611 0.030062100738923243 -0.13013367072568852 -0.29032944219029144 +94,-0.19591454306622974,0,0.07340008722209797 0.3256890799634604 0.5145188782116015 0.8689616962347378 1.1119639775868473 1.2682902859726073 1.3952086749590589 1.418425453432187 1.4803368626938764 1.3317494804658287 1.1630408902277432 1.0036190113789016 0.6832274684496871 0.5284489452954765 0.4061739120036558 0.2668732411648611 0.030062100738923243 -0.13013367072568852 -0.29032944219029144 -0.243121992628265 +95,-0.18198447598234585,0,0.3256890799634604 0.5145188782116015 0.8689616962347378 1.1119639775868473 1.2682902859726073 1.3952086749590589 1.418425453432187 1.4803368626938764 1.3317494804658287 1.1630408902277432 1.0036190113789016 0.6832274684496871 0.5284489452954765 0.4061739120036558 0.2668732411648611 0.030062100738923243 -0.13013367072568852 -0.29032944219029144 -0.243121992628265 -0.19591454306622974 +96,-0.1587676975092178,0,0.5145188782116015 0.8689616962347378 1.1119639775868473 1.2682902859726073 1.3952086749590589 1.418425453432187 1.4803368626938764 1.3317494804658287 1.1630408902277432 1.0036190113789016 0.6832274684496871 0.5284489452954765 0.4061739120036558 0.2668732411648611 0.030062100738923243 -0.13013367072568852 -0.29032944219029144 -0.243121992628265 -0.19591454306622974 -0.18198447598234585 +97,-0.09221293255290623,0,0.8689616962347378 1.1119639775868473 1.2682902859726073 1.3952086749590589 1.418425453432187 1.4803368626938764 1.3317494804658287 1.1630408902277432 1.0036190113789016 0.6832274684496871 0.5284489452954765 0.4061739120036558 0.2668732411648611 0.030062100738923243 -0.13013367072568852 -0.29032944219029144 -0.243121992628265 -0.19591454306622974 -0.18198447598234585 -0.1587676975092178 +98,-0.06744836884822868,0,1.1119639775868473 1.2682902859726073 1.3952086749590589 1.418425453432187 1.4803368626938764 1.3317494804658287 1.1630408902277432 1.0036190113789016 0.6832274684496871 0.5284489452954765 0.4061739120036558 0.2668732411648611 0.030062100738923243 -0.13013367072568852 -0.29032944219029144 -0.243121992628265 -0.19591454306622974 -0.18198447598234585 -0.1587676975092178 -0.09221293255290623 +99,-0.030301523291225544,0,1.2682902859726073 1.3952086749590589 1.418425453432187 1.4803368626938764 1.3317494804658287 1.1630408902277432 1.0036190113789016 0.6832274684496871 0.5284489452954765 0.4061739120036558 0.2668732411648611 0.030062100738923243 -0.13013367072568852 -0.29032944219029144 -0.243121992628265 -0.19591454306622974 -0.18198447598234585 -0.1587676975092178 -0.09221293255290623 -0.06744836884822868 +100,0.14614599310458112,0,1.3952086749590589 1.418425453432187 1.4803368626938764 1.3317494804658287 1.1630408902277432 1.0036190113789016 0.6832274684496871 0.5284489452954765 0.4061739120036558 0.2668732411648611 0.030062100738923243 -0.13013367072568852 -0.29032944219029144 -0.243121992628265 -0.19591454306622974 -0.18198447598234585 -0.1587676975092178 -0.09221293255290623 -0.06744836884822868 -0.030301523291225544 +101,0.25758652977560814,0,1.418425453432187 1.4803368626938764 1.3317494804658287 1.1630408902277432 1.0036190113789016 0.6832274684496871 0.5284489452954765 0.4061739120036558 0.2668732411648611 0.030062100738923243 -0.13013367072568852 -0.29032944219029144 -0.243121992628265 -0.19591454306622974 -0.18198447598234585 -0.1587676975092178 -0.09221293255290623 -0.06744836884822868 -0.030301523291225544 0.14614599310458112 +102,0.4943976702015548,0,1.4803368626938764 1.3317494804658287 1.1630408902277432 1.0036190113789016 0.6832274684496871 0.5284489452954765 0.4061739120036558 0.2668732411648611 0.030062100738923243 -0.13013367072568852 -0.29032944219029144 -0.243121992628265 -0.19591454306622974 -0.18198447598234585 -0.1587676975092178 -0.09221293255290623 -0.06744836884822868 -0.030301523291225544 0.14614599310458112 0.25758652977560814 +103,0.622863844419547,0,1.3317494804658287 1.1630408902277432 1.0036190113789016 0.6832274684496871 0.5284489452954765 0.4061739120036558 0.2668732411648611 0.030062100738923243 -0.13013367072568852 -0.29032944219029144 -0.243121992628265 -0.19591454306622974 -0.18198447598234585 -0.1587676975092178 -0.09221293255290623 -0.06744836884822868 -0.030301523291225544 0.14614599310458112 0.25758652977560814 0.4943976702015548 +104,0.7559733743321702,0,1.1630408902277432 1.0036190113789016 0.6832274684496871 0.5284489452954765 0.4061739120036558 0.2668732411648611 0.030062100738923243 -0.13013367072568852 -0.29032944219029144 -0.243121992628265 -0.19591454306622974 -0.18198447598234585 -0.1587676975092178 -0.09221293255290623 -0.06744836884822868 -0.030301523291225544 0.14614599310458112 0.25758652977560814 0.4943976702015548 0.622863844419547 +105,0.9045607565602091,0,1.0036190113789016 0.6832274684496871 0.5284489452954765 0.4061739120036558 0.2668732411648611 0.030062100738923243 -0.13013367072568852 -0.29032944219029144 -0.243121992628265 -0.19591454306622974 -0.18198447598234585 -0.1587676975092178 -0.09221293255290623 -0.06744836884822868 -0.030301523291225544 0.14614599310458112 0.25758652977560814 0.4943976702015548 0.622863844419547 0.7559733743321702 +106,1.016001293231245,0,0.6832274684496871 0.5284489452954765 0.4061739120036558 0.2668732411648611 0.030062100738923243 -0.13013367072568852 -0.29032944219029144 -0.243121992628265 -0.19591454306622974 -0.18198447598234585 -0.1587676975092178 -0.09221293255290623 -0.06744836884822868 -0.030301523291225544 0.14614599310458112 0.25758652977560814 0.4943976702015548 0.622863844419547 0.7559733743321702 0.9045607565602091 +107,0.9215863941071744,0,0.5284489452954765 0.4061739120036558 0.2668732411648611 0.030062100738923243 -0.13013367072568852 -0.29032944219029144 -0.243121992628265 -0.19591454306622974 -0.18198447598234585 -0.1587676975092178 -0.09221293255290623 -0.06744836884822868 -0.030301523291225544 0.14614599310458112 0.25758652977560814 0.4943976702015548 0.622863844419547 0.7559733743321702 0.9045607565602091 1.016001293231245 +108,0.7869290789630106,0,0.4061739120036558 0.2668732411648611 0.030062100738923243 -0.13013367072568852 -0.29032944219029144 -0.243121992628265 -0.19591454306622974 -0.18198447598234585 -0.1587676975092178 -0.09221293255290623 -0.06744836884822868 -0.030301523291225544 0.14614599310458112 0.25758652977560814 0.4943976702015548 0.622863844419547 0.7559733743321702 0.9045607565602091 1.016001293231245 0.9215863941071744 +109,0.6151249182618348,0,0.2668732411648611 0.030062100738923243 -0.13013367072568852 -0.29032944219029144 -0.243121992628265 -0.19591454306622974 -0.18198447598234585 -0.1587676975092178 -0.09221293255290623 -0.06744836884822868 -0.030301523291225544 0.14614599310458112 0.25758652977560814 0.4943976702015548 0.622863844419547 0.7559733743321702 0.9045607565602091 1.016001293231245 0.9215863941071744 0.7869290789630106 +110,0.443320757560659,0,0.030062100738923243 -0.13013367072568852 -0.29032944219029144 -0.243121992628265 -0.19591454306622974 -0.18198447598234585 -0.1587676975092178 -0.09221293255290623 -0.06744836884822868 -0.030301523291225544 0.14614599310458112 0.25758652977560814 0.4943976702015548 0.622863844419547 0.7559733743321702 0.9045607565602091 1.016001293231245 0.9215863941071744 0.7869290789630106 0.6151249182618348 +111,0.2173441137555148,0,-0.13013367072568852 -0.29032944219029144 -0.243121992628265 -0.19591454306622974 -0.18198447598234585 -0.1587676975092178 -0.09221293255290623 -0.06744836884822868 -0.030301523291225544 0.14614599310458112 0.25758652977560814 0.4943976702015548 0.622863844419547 0.7559733743321702 0.9045607565602091 1.016001293231245 0.9215863941071744 0.7869290789630106 0.6151249182618348 0.443320757560659 +112,0.15698048972537482,0,-0.29032944219029144 -0.243121992628265 -0.19591454306622974 -0.18198447598234585 -0.1587676975092178 -0.09221293255290623 -0.06744836884822868 -0.030301523291225544 0.14614599310458112 0.25758652977560814 0.4943976702015548 0.622863844419547 0.7559733743321702 0.9045607565602091 1.016001293231245 0.9215863941071744 0.7869290789630106 0.6151249182618348 0.443320757560659 0.2173441137555148 +113,0.054826664443592,0,-0.243121992628265 -0.19591454306622974 -0.18198447598234585 -0.1587676975092178 -0.09221293255290623 -0.06744836884822868 -0.030301523291225544 0.14614599310458112 0.25758652977560814 0.4943976702015548 0.622863844419547 0.7559733743321702 0.9045607565602091 1.016001293231245 0.9215863941071744 0.7869290789630106 0.6151249182618348 0.443320757560659 0.2173441137555148 0.15698048972537482 +114,-0.09995185871061851,0,-0.19591454306622974 -0.18198447598234585 -0.1587676975092178 -0.09221293255290623 -0.06744836884822868 -0.030301523291225544 0.14614599310458112 0.25758652977560814 0.4943976702015548 0.622863844419547 0.7559733743321702 0.9045607565602091 1.016001293231245 0.9215863941071744 0.7869290789630106 0.6151249182618348 0.443320757560659 0.2173441137555148 0.15698048972537482 0.054826664443592 +115,-0.11542971102603429,0,-0.18198447598234585 -0.1587676975092178 -0.09221293255290623 -0.06744836884822868 -0.030301523291225544 0.14614599310458112 0.25758652977560814 0.4943976702015548 0.622863844419547 0.7559733743321702 0.9045607565602091 1.016001293231245 0.9215863941071744 0.7869290789630106 0.6151249182618348 0.443320757560659 0.2173441137555148 0.15698048972537482 0.054826664443592 -0.09995185871061851 +116,-0.19746232829777044,0,-0.1587676975092178 -0.09221293255290623 -0.06744836884822868 -0.030301523291225544 0.14614599310458112 0.25758652977560814 0.4943976702015548 0.622863844419547 0.7559733743321702 0.9045607565602091 1.016001293231245 0.9215863941071744 0.7869290789630106 0.6151249182618348 0.443320757560659 0.2173441137555148 0.15698048972537482 0.054826664443592 -0.09995185871061851 -0.11542971102603429 +117,-0.2794949455694978,0,-0.09221293255290623 -0.06744836884822868 -0.030301523291225544 0.14614599310458112 0.25758652977560814 0.4943976702015548 0.622863844419547 0.7559733743321702 0.9045607565602091 1.016001293231245 0.9215863941071744 0.7869290789630106 0.6151249182618348 0.443320757560659 0.2173441137555148 0.15698048972537482 0.054826664443592 -0.09995185871061851 -0.11542971102603429 -0.19746232829777044 +118,-0.28723387172721004,0,-0.06744836884822868 -0.030301523291225544 0.14614599310458112 0.25758652977560814 0.4943976702015548 0.622863844419547 0.7559733743321702 0.9045607565602091 1.016001293231245 0.9215863941071744 0.7869290789630106 0.6151249182618348 0.443320757560659 0.2173441137555148 0.15698048972537482 0.054826664443592 -0.09995185871061851 -0.11542971102603429 -0.19746232829777044 -0.2794949455694978 +119,-0.28723387172721004,0,-0.030301523291225544 0.14614599310458112 0.25758652977560814 0.4943976702015548 0.622863844419547 0.7559733743321702 0.9045607565602091 1.016001293231245 0.9215863941071744 0.7869290789630106 0.6151249182618348 0.443320757560659 0.2173441137555148 0.15698048972537482 0.054826664443592 -0.09995185871061851 -0.11542971102603429 -0.19746232829777044 -0.2794949455694978 -0.28723387172721004 +120,-0.28723387172721004,0,0.14614599310458112 0.25758652977560814 0.4943976702015548 0.622863844419547 0.7559733743321702 0.9045607565602091 1.016001293231245 0.9215863941071744 0.7869290789630106 0.6151249182618348 0.443320757560659 0.2173441137555148 0.15698048972537482 0.054826664443592 -0.09995185871061851 -0.11542971102603429 -0.19746232829777044 -0.2794949455694978 -0.28723387172721004 -0.28723387172721004 +121,-0.25937373755945115,0,0.25758652977560814 0.4943976702015548 0.622863844419547 0.7559733743321702 0.9045607565602091 1.016001293231245 0.9215863941071744 0.7869290789630106 0.6151249182618348 0.443320757560659 0.2173441137555148 0.15698048972537482 0.054826664443592 -0.09995185871061851 -0.11542971102603429 -0.19746232829777044 -0.2794949455694978 -0.28723387172721004 -0.28723387172721004 -0.28723387172721004 +122,-0.23925252954940446,0,0.4943976702015548 0.622863844419547 0.7559733743321702 0.9045607565602091 1.016001293231245 0.9215863941071744 0.7869290789630106 0.6151249182618348 0.443320757560659 0.2173441137555148 0.15698048972537482 0.054826664443592 -0.09995185871061851 -0.11542971102603429 -0.19746232829777044 -0.2794949455694978 -0.28723387172721004 -0.28723387172721004 -0.28723387172721004 -0.25937373755945115 +123,-0.12162085195220587,0,0.622863844419547 0.7559733743321702 0.9045607565602091 1.016001293231245 0.9215863941071744 0.7869290789630106 0.6151249182618348 0.443320757560659 0.2173441137555148 0.15698048972537482 0.054826664443592 -0.09995185871061851 -0.11542971102603429 -0.19746232829777044 -0.2794949455694978 -0.28723387172721004 -0.28723387172721004 -0.28723387172721004 -0.25937373755945115 -0.23925252954940446 +124,0.017679818886580066,0,0.7559733743321702 0.9045607565602091 1.016001293231245 0.9215863941071744 0.7869290789630106 0.6151249182618348 0.443320757560659 0.2173441137555148 0.15698048972537482 0.054826664443592 -0.09995185871061851 -0.11542971102603429 -0.19746232829777044 -0.2794949455694978 -0.28723387172721004 -0.28723387172721004 -0.28723387172721004 -0.25937373755945115 -0.23925252954940446 -0.12162085195220587 +125,0.2219874694501369,0,0.9045607565602091 1.016001293231245 0.9215863941071744 0.7869290789630106 0.6151249182618348 0.443320757560659 0.2173441137555148 0.15698048972537482 0.054826664443592 -0.09995185871061851 -0.11542971102603429 -0.19746232829777044 -0.2794949455694978 -0.28723387172721004 -0.28723387172721004 -0.28723387172721004 -0.25937373755945115 -0.23925252954940446 -0.12162085195220587 0.017679818886580066 +126,0.599647065946419,0,1.016001293231245 0.9215863941071744 0.7869290789630106 0.6151249182618348 0.443320757560659 0.2173441137555148 0.15698048972537482 0.054826664443592 -0.09995185871061851 -0.11542971102603429 -0.19746232829777044 -0.2794949455694978 -0.28723387172721004 -0.28723387172721004 -0.28723387172721004 -0.25937373755945115 -0.23925252954940446 -0.12162085195220587 0.017679818886580066 0.2219874694501369 +127,0.8070502869730573,0,0.9215863941071744 0.7869290789630106 0.6151249182618348 0.443320757560659 0.2173441137555148 0.15698048972537482 0.054826664443592 -0.09995185871061851 -0.11542971102603429 -0.19746232829777044 -0.2794949455694978 -0.28723387172721004 -0.28723387172721004 -0.28723387172721004 -0.25937373755945115 -0.23925252954940446 -0.12162085195220587 0.017679818886580066 0.2219874694501369 0.599647065946419 +128,0.941707602117221,0,0.7869290789630106 0.6151249182618348 0.443320757560659 0.2173441137555148 0.15698048972537482 0.054826664443592 -0.09995185871061851 -0.11542971102603429 -0.19746232829777044 -0.2794949455694978 -0.28723387172721004 -0.28723387172721004 -0.28723387172721004 -0.25937373755945115 -0.23925252954940446 -0.12162085195220587 0.017679818886580066 0.2219874694501369 0.599647065946419 0.8070502869730573 +129,0.9742110919796021,0,0.6151249182618348 0.443320757560659 0.2173441137555148 0.15698048972537482 0.054826664443592 -0.09995185871061851 -0.11542971102603429 -0.19746232829777044 -0.2794949455694978 -0.28723387172721004 -0.28723387172721004 -0.28723387172721004 -0.25937373755945115 -0.23925252954940446 -0.12162085195220587 0.017679818886580066 0.2219874694501369 0.599647065946419 0.8070502869730573 0.941707602117221 +130,1.0005234409158204,0,0.443320757560659 0.2173441137555148 0.15698048972537482 0.054826664443592 -0.09995185871061851 -0.11542971102603429 -0.19746232829777044 -0.2794949455694978 -0.28723387172721004 -0.28723387172721004 -0.28723387172721004 -0.25937373755945115 -0.23925252954940446 -0.12162085195220587 0.017679818886580066 0.2219874694501369 0.599647065946419 0.8070502869730573 0.941707602117221 0.9742110919796021 +131,0.9943322999896488,0,0.2173441137555148 0.15698048972537482 0.054826664443592 -0.09995185871061851 -0.11542971102603429 -0.19746232829777044 -0.2794949455694978 -0.28723387172721004 -0.28723387172721004 -0.28723387172721004 -0.25937373755945115 -0.23925252954940446 -0.12162085195220587 0.017679818886580066 0.2219874694501369 0.599647065946419 0.8070502869730573 0.941707602117221 0.9742110919796021 1.0005234409158204 +132,0.8797961928555316,0,0.15698048972537482 0.054826664443592 -0.09995185871061851 -0.11542971102603429 -0.19746232829777044 -0.2794949455694978 -0.28723387172721004 -0.28723387172721004 -0.28723387172721004 -0.25937373755945115 -0.23925252954940446 -0.12162085195220587 0.017679818886580066 0.2219874694501369 0.599647065946419 0.8070502869730573 0.941707602117221 0.9742110919796021 1.0005234409158204 0.9943322999896488 +133,0.673940757060434,0,0.054826664443592 -0.09995185871061851 -0.11542971102603429 -0.19746232829777044 -0.2794949455694978 -0.28723387172721004 -0.28723387172721004 -0.28723387172721004 -0.25937373755945115 -0.23925252954940446 -0.12162085195220587 0.017679818886580066 0.2219874694501369 0.599647065946419 0.8070502869730573 0.941707602117221 0.9742110919796021 1.0005234409158204 0.9943322999896488 0.8797961928555316 +134,0.46653753603379583,0,-0.09995185871061851 -0.11542971102603429 -0.19746232829777044 -0.2794949455694978 -0.28723387172721004 -0.28723387172721004 -0.28723387172721004 -0.25937373755945115 -0.23925252954940446 -0.12162085195220587 0.017679818886580066 0.2219874694501369 0.599647065946419 0.8070502869730573 0.941707602117221 0.9742110919796021 1.0005234409158204 0.9943322999896488 0.8797961928555316 0.673940757060434 +135,0.3767659926043474,0,-0.11542971102603429 -0.19746232829777044 -0.2794949455694978 -0.28723387172721004 -0.28723387172721004 -0.28723387172721004 -0.25937373755945115 -0.23925252954940446 -0.12162085195220587 0.017679818886580066 0.2219874694501369 0.599647065946419 0.8070502869730573 0.941707602117221 0.9742110919796021 1.0005234409158204 0.9943322999896488 0.8797961928555316 0.673940757060434 0.46653753603379583 +136,0.23436975130248006,0,-0.19746232829777044 -0.2794949455694978 -0.28723387172721004 -0.28723387172721004 -0.28723387172721004 -0.25937373755945115 -0.23925252954940446 -0.12162085195220587 0.017679818886580066 0.2219874694501369 0.599647065946419 0.8070502869730573 0.941707602117221 0.9742110919796021 1.0005234409158204 0.9943322999896488 0.8797961928555316 0.673940757060434 0.46653753603379583 0.3767659926043474 +137,0.11673807370528148,0,-0.2794949455694978 -0.28723387172721004 -0.28723387172721004 -0.28723387172721004 -0.25937373755945115 -0.23925252954940446 -0.12162085195220587 0.017679818886580066 0.2219874694501369 0.599647065946419 0.8070502869730573 0.941707602117221 0.9742110919796021 1.0005234409158204 0.9943322999896488 0.8797961928555316 0.673940757060434 0.46653753603379583 0.3767659926043474 0.23436975130248006 +138,0.02077538934967026,0,-0.28723387172721004 -0.28723387172721004 -0.28723387172721004 -0.25937373755945115 -0.23925252954940446 -0.12162085195220587 0.017679818886580066 0.2219874694501369 0.599647065946419 0.8070502869730573 0.941707602117221 0.9742110919796021 1.0005234409158204 0.9943322999896488 0.8797961928555316 0.673940757060434 0.46653753603379583 0.3767659926043474 0.23436975130248006 0.11673807370528148 +139,-0.07518729500594096,0,-0.28723387172721004 -0.28723387172721004 -0.25937373755945115 -0.23925252954940446 -0.12162085195220587 0.017679818886580066 0.2219874694501369 0.599647065946419 0.8070502869730573 0.941707602117221 0.9742110919796021 1.0005234409158204 0.9943322999896488 0.8797961928555316 0.673940757060434 0.46653753603379583 0.3767659926043474 0.23436975130248006 0.11673807370528148 0.02077538934967026 +140,-0.17114997936155218,0,-0.28723387172721004 -0.25937373755945115 -0.23925252954940446 -0.12162085195220587 0.017679818886580066 0.2219874694501369 0.599647065946419 0.8070502869730573 0.941707602117221 0.9742110919796021 1.0005234409158204 0.9943322999896488 0.8797961928555316 0.673940757060434 0.46653753603379583 0.3767659926043474 0.23436975130248006 0.11673807370528148 0.02077538934967026 -0.07518729500594096 +141,-0.18198447598234585,0,-0.25937373755945115 -0.23925252954940446 -0.12162085195220587 0.017679818886580066 0.2219874694501369 0.599647065946419 0.8070502869730573 0.941707602117221 0.9742110919796021 1.0005234409158204 0.9943322999896488 0.8797961928555316 0.673940757060434 0.46653753603379583 0.3767659926043474 0.23436975130248006 0.11673807370528148 0.02077538934967026 -0.07518729500594096 -0.17114997936155218 +142,-0.24234810001249465,0,-0.23925252954940446 -0.12162085195220587 0.017679818886580066 0.2219874694501369 0.599647065946419 0.8070502869730573 0.941707602117221 0.9742110919796021 1.0005234409158204 0.9943322999896488 0.8797961928555316 0.673940757060434 0.46653753603379583 0.3767659926043474 0.23436975130248006 0.11673807370528148 0.02077538934967026 -0.07518729500594096 -0.17114997936155218 -0.18198447598234585 +143,-0.29342501265338167,0,-0.12162085195220587 0.017679818886580066 0.2219874694501369 0.599647065946419 0.8070502869730573 0.941707602117221 0.9742110919796021 1.0005234409158204 0.9943322999896488 0.8797961928555316 0.673940757060434 0.46653753603379583 0.3767659926043474 0.23436975130248006 0.11673807370528148 0.02077538934967026 -0.07518729500594096 -0.17114997936155218 -0.18198447598234585 -0.24234810001249465 +144,-0.2763993751064164,0,0.017679818886580066 0.2219874694501369 0.599647065946419 0.8070502869730573 0.941707602117221 0.9742110919796021 1.0005234409158204 0.9943322999896488 0.8797961928555316 0.673940757060434 0.46653753603379583 0.3767659926043474 0.23436975130248006 0.11673807370528148 0.02077538934967026 -0.07518729500594096 -0.17114997936155218 -0.18198447598234585 -0.24234810001249465 -0.29342501265338167 +145,-0.3367629991365564,0,0.2219874694501369 0.599647065946419 0.8070502869730573 0.941707602117221 0.9742110919796021 1.0005234409158204 0.9943322999896488 0.8797961928555316 0.673940757060434 0.46653753603379583 0.3767659926043474 0.23436975130248006 0.11673807370528148 0.02077538934967026 -0.07518729500594096 -0.17114997936155218 -0.18198447598234585 -0.24234810001249465 -0.29342501265338167 -0.2763993751064164 +146,-0.29806836834800376,0,0.599647065946419 0.8070502869730573 0.941707602117221 0.9742110919796021 1.0005234409158204 0.9943322999896488 0.8797961928555316 0.673940757060434 0.46653753603379583 0.3767659926043474 0.23436975130248006 0.11673807370528148 0.02077538934967026 -0.07518729500594096 -0.17114997936155218 -0.18198447598234585 -0.24234810001249465 -0.29342501265338167 -0.2763993751064164 -0.3367629991365564 +147,-0.14948098611996483,0,0.8070502869730573 0.941707602117221 0.9742110919796021 1.0005234409158204 0.9943322999896488 0.8797961928555316 0.673940757060434 0.46653753603379583 0.3767659926043474 0.23436975130248006 0.11673807370528148 0.02077538934967026 -0.07518729500594096 -0.17114997936155218 -0.18198447598234585 -0.24234810001249465 -0.29342501265338167 -0.2763993751064164 -0.3367629991365564 -0.29806836834800376 +148,0.13995485217840953,0,0.941707602117221 0.9742110919796021 1.0005234409158204 0.9943322999896488 0.8797961928555316 0.673940757060434 0.46653753603379583 0.3767659926043474 0.23436975130248006 0.11673807370528148 0.02077538934967026 -0.07518729500594096 -0.17114997936155218 -0.18198447598234585 -0.24234810001249465 -0.29342501265338167 -0.2763993751064164 -0.3367629991365564 -0.29806836834800376 -0.14948098611996483 +149,0.5733347170102008,0,0.9742110919796021 1.0005234409158204 0.9943322999896488 0.8797961928555316 0.673940757060434 0.46653753603379583 0.3767659926043474 0.23436975130248006 0.11673807370528148 0.02077538934967026 -0.07518729500594096 -0.17114997936155218 -0.18198447598234585 -0.24234810001249465 -0.29342501265338167 -0.2763993751064164 -0.3367629991365564 -0.29806836834800376 -0.14948098611996483 0.13995485217840953 +150,0.8178847835938509,0,1.0005234409158204 0.9943322999896488 0.8797961928555316 0.673940757060434 0.46653753603379583 0.3767659926043474 0.23436975130248006 0.11673807370528148 0.02077538934967026 -0.07518729500594096 -0.17114997936155218 -0.18198447598234585 -0.24234810001249465 -0.29342501265338167 -0.2763993751064164 -0.3367629991365564 -0.29806836834800376 -0.14948098611996483 0.13995485217840953 0.5733347170102008 +151,1.0144535079996955,0,0.9943322999896488 0.8797961928555316 0.673940757060434 0.46653753603379583 0.3767659926043474 0.23436975130248006 0.11673807370528148 0.02077538934967026 -0.07518729500594096 -0.17114997936155218 -0.18198447598234585 -0.24234810001249465 -0.29342501265338167 -0.2763993751064164 -0.3367629991365564 -0.29806836834800376 -0.14948098611996483 0.13995485217840953 0.5733347170102008 0.8178847835938509 +152,1.1398241117546062,0,0.8797961928555316 0.673940757060434 0.46653753603379583 0.3767659926043474 0.23436975130248006 0.11673807370528148 0.02077538934967026 -0.07518729500594096 -0.17114997936155218 -0.18198447598234585 -0.24234810001249465 -0.29342501265338167 -0.2763993751064164 -0.3367629991365564 -0.29806836834800376 -0.14948098611996483 0.13995485217840953 0.5733347170102008 0.8178847835938509 1.0144535079996955 +153,1.108868407123766,0,0.673940757060434 0.46653753603379583 0.3767659926043474 0.23436975130248006 0.11673807370528148 0.02077538934967026 -0.07518729500594096 -0.17114997936155218 -0.18198447598234585 -0.24234810001249465 -0.29342501265338167 -0.2763993751064164 -0.3367629991365564 -0.29806836834800376 -0.14948098611996483 0.13995485217840953 0.5733347170102008 0.8178847835938509 1.0144535079996955 1.1398241117546062 +154,1.0980339105029722,0,0.46653753603379583 0.3767659926043474 0.23436975130248006 0.11673807370528148 0.02077538934967026 -0.07518729500594096 -0.17114997936155218 -0.18198447598234585 -0.24234810001249465 -0.29342501265338167 -0.2763993751064164 -0.3367629991365564 -0.29806836834800376 -0.14948098611996483 0.13995485217840953 0.5733347170102008 0.8178847835938509 1.0144535079996955 1.1398241117546062 1.108868407123766 +155,1.1011294809660537,0,0.3767659926043474 0.23436975130248006 0.11673807370528148 0.02077538934967026 -0.07518729500594096 -0.17114997936155218 -0.18198447598234585 -0.24234810001249465 -0.29342501265338167 -0.2763993751064164 -0.3367629991365564 -0.29806836834800376 -0.14948098611996483 0.13995485217840953 0.5733347170102008 0.8178847835938509 1.0144535079996955 1.1398241117546062 1.108868407123766 1.0980339105029722 +156,0.9618288101272677,0,0.23436975130248006 0.11673807370528148 0.02077538934967026 -0.07518729500594096 -0.17114997936155218 -0.18198447598234585 -0.24234810001249465 -0.29342501265338167 -0.2763993751064164 -0.3367629991365564 -0.29806836834800376 -0.14948098611996483 0.13995485217840953 0.5733347170102008 0.8178847835938509 1.0144535079996955 1.1398241117546062 1.108868407123766 1.0980339105029722 1.1011294809660537 +157,0.8674139110031972,0,0.11673807370528148 0.02077538934967026 -0.07518729500594096 -0.17114997936155218 -0.18198447598234585 -0.24234810001249465 -0.29342501265338167 -0.2763993751064164 -0.3367629991365564 -0.29806836834800376 -0.14948098611996483 0.13995485217840953 0.5733347170102008 0.8178847835938509 1.0144535079996955 1.1398241117546062 1.108868407123766 1.0980339105029722 1.1011294809660537 0.9618288101272677 +158,0.660010689976559,0,0.02077538934967026 -0.07518729500594096 -0.17114997936155218 -0.18198447598234585 -0.24234810001249465 -0.29342501265338167 -0.2763993751064164 -0.3367629991365564 -0.29806836834800376 -0.14948098611996483 0.13995485217840953 0.5733347170102008 0.8178847835938509 1.0144535079996955 1.1398241117546062 1.108868407123766 1.0980339105029722 1.1011294809660537 0.9618288101272677 0.8674139110031972 +159,0.5299967305270172,0,-0.07518729500594096 -0.17114997936155218 -0.18198447598234585 -0.24234810001249465 -0.29342501265338167 -0.2763993751064164 -0.3367629991365564 -0.29806836834800376 -0.14948098611996483 0.13995485217840953 0.5733347170102008 0.8178847835938509 1.0144535079996955 1.1398241117546062 1.108868407123766 1.0980339105029722 1.1011294809660537 0.9618288101272677 0.8674139110031972 0.660010689976559 +160,0.44641632802374914,0,-0.17114997936155218 -0.18198447598234585 -0.24234810001249465 -0.29342501265338167 -0.2763993751064164 -0.3367629991365564 -0.29806836834800376 -0.14948098611996483 0.13995485217840953 0.5733347170102008 0.8178847835938509 1.0144535079996955 1.1398241117546062 1.108868407123766 1.0980339105029722 1.1011294809660537 0.9618288101272677 0.8674139110031972 0.660010689976559 0.5299967305270172 +161,0.3272368651950011,0,-0.18198447598234585 -0.24234810001249465 -0.29342501265338167 -0.2763993751064164 -0.3367629991365564 -0.29806836834800376 -0.14948098611996483 0.13995485217840953 0.5733347170102008 0.8178847835938509 1.0144535079996955 1.1398241117546062 1.108868407123766 1.0980339105029722 1.1011294809660537 0.9618288101272677 0.8674139110031972 0.660010689976559 0.5299967305270172 0.44641632802374914 +162,0.30402008672187303,0,-0.24234810001249465 -0.29342501265338167 -0.2763993751064164 -0.3367629991365564 -0.29806836834800376 -0.14948098611996483 0.13995485217840953 0.5733347170102008 0.8178847835938509 1.0144535079996955 1.1398241117546062 1.108868407123766 1.0980339105029722 1.1011294809660537 0.9618288101272677 0.8674139110031972 0.660010689976559 0.5299967305270172 0.44641632802374914 0.3272368651950011 +163,0.2235352546816864,0,-0.29342501265338167 -0.2763993751064164 -0.3367629991365564 -0.29806836834800376 -0.14948098611996483 0.13995485217840953 0.5733347170102008 0.8178847835938509 1.0144535079996955 1.1398241117546062 1.108868407123766 1.0980339105029722 1.1011294809660537 0.9618288101272677 0.8674139110031972 0.660010689976559 0.5299967305270172 0.44641632802374914 0.3272368651950011 0.30402008672187303 +164,0.19412733528238674,0,-0.2763993751064164 -0.3367629991365564 -0.29806836834800376 -0.14948098611996483 0.13995485217840953 0.5733347170102008 0.8178847835938509 1.0144535079996955 1.1398241117546062 1.108868407123766 1.0980339105029722 1.1011294809660537 0.9618288101272677 0.8674139110031972 0.660010689976559 0.5299967305270172 0.44641632802374914 0.3272368651950011 0.30402008672187303 0.2235352546816864 +165,0.1089991475475692,0,-0.3367629991365564 -0.29806836834800376 -0.14948098611996483 0.13995485217840953 0.5733347170102008 0.8178847835938509 1.0144535079996955 1.1398241117546062 1.108868407123766 1.0980339105029722 1.1011294809660537 0.9618288101272677 0.8674139110031972 0.660010689976559 0.5299967305270172 0.44641632802374914 0.3272368651950011 0.30402008672187303 0.2235352546816864 0.19412733528238674 +166,0.04863552351742921,0,-0.29806836834800376 -0.14948098611996483 0.13995485217840953 0.5733347170102008 0.8178847835938509 1.0144535079996955 1.1398241117546062 1.108868407123766 1.0980339105029722 1.1011294809660537 0.9618288101272677 0.8674139110031972 0.660010689976559 0.5299967305270172 0.44641632802374914 0.3272368651950011 0.30402008672187303 0.2235352546816864 0.19412733528238674 0.1089991475475692 +167,0.013036463191957975,0,-0.14948098611996483 0.13995485217840953 0.5733347170102008 0.8178847835938509 1.0144535079996955 1.1398241117546062 1.108868407123766 1.0980339105029722 1.1011294809660537 0.9618288101272677 0.8674139110031972 0.660010689976559 0.5299967305270172 0.44641632802374914 0.3272368651950011 0.30402008672187303 0.2235352546816864 0.19412733528238674 0.1089991475475692 0.04863552351742921 +168,-0.1092385700998715,0,0.13995485217840953 0.5733347170102008 0.8178847835938509 1.0144535079996955 1.1398241117546062 1.108868407123766 1.0980339105029722 1.1011294809660537 0.9618288101272677 0.8674139110031972 0.660010689976559 0.5299967305270172 0.44641632802374914 0.3272368651950011 0.30402008672187303 0.2235352546816864 0.19412733528238674 0.1089991475475692 0.04863552351742921 0.013036463191957975 +169,-0.11542971102603429,0,0.5733347170102008 0.8178847835938509 1.0144535079996955 1.1398241117546062 1.108868407123766 1.0980339105029722 1.1011294809660537 0.9618288101272677 0.8674139110031972 0.660010689976559 0.5299967305270172 0.44641632802374914 0.3272368651950011 0.30402008672187303 0.2235352546816864 0.19412733528238674 0.1089991475475692 0.04863552351742921 0.013036463191957975 -0.1092385700998715 +170,-0.08911736208982483,0,0.8178847835938509 1.0144535079996955 1.1398241117546062 1.108868407123766 1.0980339105029722 1.1011294809660537 0.9618288101272677 0.8674139110031972 0.660010689976559 0.5299967305270172 0.44641632802374914 0.3272368651950011 0.30402008672187303 0.2235352546816864 0.19412733528238674 0.1089991475475692 0.04863552351742921 0.013036463191957975 -0.1092385700998715 -0.11542971102603429 +171,-0.002441389123466596,0,1.0144535079996955 1.1398241117546062 1.108868407123766 1.0980339105029722 1.1011294809660537 0.9618288101272677 0.8674139110031972 0.660010689976559 0.5299967305270172 0.44641632802374914 0.3272368651950011 0.30402008672187303 0.2235352546816864 0.19412733528238674 0.1089991475475692 0.04863552351742921 0.013036463191957975 -0.1092385700998715 -0.11542971102603429 -0.08911736208982483 +172,0.41700840862444954,0,1.1398241117546062 1.108868407123766 1.0980339105029722 1.1011294809660537 0.9618288101272677 0.8674139110031972 0.660010689976559 0.5299967305270172 0.44641632802374914 0.3272368651950011 0.30402008672187303 0.2235352546816864 0.19412733528238674 0.1089991475475692 0.04863552351742921 0.013036463191957975 -0.1092385700998715 -0.11542971102603429 -0.08911736208982483 -0.002441389123466596 +173,0.5625002203894071,0,1.108868407123766 1.0980339105029722 1.1011294809660537 0.9618288101272677 0.8674139110031972 0.660010689976559 0.5299967305270172 0.44641632802374914 0.3272368651950011 0.30402008672187303 0.2235352546816864 0.19412733528238674 0.1089991475475692 0.04863552351742921 0.013036463191957975 -0.1092385700998715 -0.11542971102603429 -0.08911736208982483 -0.002441389123466596 0.41700840862444954 +174,0.8658661257716564,0,1.0980339105029722 1.1011294809660537 0.9618288101272677 0.8674139110031972 0.660010689976559 0.5299967305270172 0.44641632802374914 0.3272368651950011 0.30402008672187303 0.2235352546816864 0.19412733528238674 0.1089991475475692 0.04863552351742921 0.013036463191957975 -0.1092385700998715 -0.11542971102603429 -0.08911736208982483 -0.002441389123466596 0.41700840862444954 0.5625002203894071 +175,0.9262297498017965,0,1.1011294809660537 0.9618288101272677 0.8674139110031972 0.660010689976559 0.5299967305270172 0.44641632802374914 0.3272368651950011 0.30402008672187303 0.2235352546816864 0.19412733528238674 0.1089991475475692 0.04863552351742921 0.013036463191957975 -0.1092385700998715 -0.11542971102603429 -0.08911736208982483 -0.002441389123466596 0.41700840862444954 0.5625002203894071 0.8658661257716564 +176,1.0546959240197975,0,0.9618288101272677 0.8674139110031972 0.660010689976559 0.5299967305270172 0.44641632802374914 0.3272368651950011 0.30402008672187303 0.2235352546816864 0.19412733528238674 0.1089991475475692 0.04863552351742921 0.013036463191957975 -0.1092385700998715 -0.11542971102603429 -0.08911736208982483 -0.002441389123466596 0.41700840862444954 0.5625002203894071 0.8658661257716564 0.9262297498017965 +177,1.057791494482879,0,0.8674139110031972 0.660010689976559 0.5299967305270172 0.44641632802374914 0.3272368651950011 0.30402008672187303 0.2235352546816864 0.19412733528238674 0.1089991475475692 0.04863552351742921 0.013036463191957975 -0.1092385700998715 -0.11542971102603429 -0.08911736208982483 -0.002441389123466596 0.41700840862444954 0.5625002203894071 0.8658661257716564 0.9262297498017965 1.0546959240197975 +178,1.0933905548083502,0,0.660010689976559 0.5299967305270172 0.44641632802374914 0.3272368651950011 0.30402008672187303 0.2235352546816864 0.19412733528238674 0.1089991475475692 0.04863552351742921 0.013036463191957975 -0.1092385700998715 -0.11542971102603429 -0.08911736208982483 -0.002441389123466596 0.41700840862444954 0.5625002203894071 0.8658661257716564 0.9262297498017965 1.0546959240197975 1.057791494482879 +179,1.0686259911036726,0,0.5299967305270172 0.44641632802374914 0.3272368651950011 0.30402008672187303 0.2235352546816864 0.19412733528238674 0.1089991475475692 0.04863552351742921 0.013036463191957975 -0.1092385700998715 -0.11542971102603429 -0.08911736208982483 -0.002441389123466596 0.41700840862444954 0.5625002203894071 0.8658661257716564 0.9262297498017965 1.0546959240197975 1.057791494482879 1.0933905548083502 +180,0.8844395485501625,0,0.44641632802374914 0.3272368651950011 0.30402008672187303 0.2235352546816864 0.19412733528238674 0.1089991475475692 0.04863552351742921 0.013036463191957975 -0.1092385700998715 -0.11542971102603429 -0.08911736208982483 -0.002441389123466596 0.41700840862444954 0.5625002203894071 0.8658661257716564 0.9262297498017965 1.0546959240197975 1.057791494482879 1.0933905548083502 1.0686259911036726 +181,0.7188265287751583,0,0.3272368651950011 0.30402008672187303 0.2235352546816864 0.19412733528238674 0.1089991475475692 0.04863552351742921 0.013036463191957975 -0.1092385700998715 -0.11542971102603429 -0.08911736208982483 -0.002441389123466596 0.41700840862444954 0.5625002203894071 0.8658661257716564 0.9262297498017965 1.0546959240197975 1.057791494482879 1.0933905548083502 1.0686259911036726 0.8844395485501625 +182,0.5361878714531888,0,0.30402008672187303 0.2235352546816864 0.19412733528238674 0.1089991475475692 0.04863552351742921 0.013036463191957975 -0.1092385700998715 -0.11542971102603429 -0.08911736208982483 -0.002441389123466596 0.41700840862444954 0.5625002203894071 0.8658661257716564 0.9262297498017965 1.0546959240197975 1.057791494482879 1.0933905548083502 1.0686259911036726 0.8844395485501625 0.7188265287751583 +183,0.4108172676982779,0,0.2235352546816864 0.19412733528238674 0.1089991475475692 0.04863552351742921 0.013036463191957975 -0.1092385700998715 -0.11542971102603429 -0.08911736208982483 -0.002441389123466596 0.41700840862444954 0.5625002203894071 0.8658661257716564 0.9262297498017965 1.0546959240197975 1.057791494482879 1.0933905548083502 1.0686259911036726 0.8844395485501625 0.7188265287751583 0.5361878714531888 +184,0.3210457242688383,0,0.19412733528238674 0.1089991475475692 0.04863552351742921 0.013036463191957975 -0.1092385700998715 -0.11542971102603429 -0.08911736208982483 -0.002441389123466596 0.41700840862444954 0.5625002203894071 0.8658661257716564 0.9262297498017965 1.0546959240197975 1.057791494482879 1.0933905548083502 1.0686259911036726 0.8844395485501625 0.7188265287751583 0.5361878714531888 0.4108172676982779 +185,0.12292921463144427,0,0.1089991475475692 0.04863552351742921 0.013036463191957975 -0.1092385700998715 -0.11542971102603429 -0.08911736208982483 -0.002441389123466596 0.41700840862444954 0.5625002203894071 0.8658661257716564 0.9262297498017965 1.0546959240197975 1.057791494482879 1.0933905548083502 1.0686259911036726 0.8844395485501625 0.7188265287751583 0.5361878714531888 0.4108172676982779 0.3210457242688383 +186,0.04863552351742921,0,0.04863552351742921 0.013036463191957975 -0.1092385700998715 -0.11542971102603429 -0.08911736208982483 -0.002441389123466596 0.41700840862444954 0.5625002203894071 0.8658661257716564 0.9262297498017965 1.0546959240197975 1.057791494482879 1.0933905548083502 1.0686259911036726 0.8844395485501625 0.7188265287751583 0.5361878714531888 0.4108172676982779 0.3210457242688383 0.12292921463144427 +187,0.09816465092677551,0,0.013036463191957975 -0.1092385700998715 -0.11542971102603429 -0.08911736208982483 -0.002441389123466596 0.41700840862444954 0.5625002203894071 0.8658661257716564 0.9262297498017965 1.0546959240197975 1.057791494482879 1.0933905548083502 1.0686259911036726 0.8844395485501625 0.7188265287751583 0.5361878714531888 0.4108172676982779 0.3210457242688383 0.12292921463144427 0.04863552351742921 +188,-0.08524789901096429,0,-0.1092385700998715 -0.11542971102603429 -0.08911736208982483 -0.002441389123466596 0.41700840862444954 0.5625002203894071 0.8658661257716564 0.9262297498017965 1.0546959240197975 1.057791494482879 1.0933905548083502 1.0686259911036726 0.8844395485501625 0.7188265287751583 0.5361878714531888 0.4108172676982779 0.3210457242688383 0.12292921463144427 0.04863552351742921 0.09816465092677551 +189,-0.2686604489487041,0,-0.11542971102603429 -0.08911736208982483 -0.002441389123466596 0.41700840862444954 0.5625002203894071 0.8658661257716564 0.9262297498017965 1.0546959240197975 1.057791494482879 1.0933905548083502 1.0686259911036726 0.8844395485501625 0.7188265287751583 0.5361878714531888 0.4108172676982779 0.3210457242688383 0.12292921463144427 0.04863552351742921 0.09816465092677551 -0.08524789901096429 +190,-0.3135462206634283,0,-0.08911736208982483 -0.002441389123466596 0.41700840862444954 0.5625002203894071 0.8658661257716564 0.9262297498017965 1.0546959240197975 1.057791494482879 1.0933905548083502 1.0686259911036726 0.8844395485501625 0.7188265287751583 0.5361878714531888 0.4108172676982779 0.3210457242688383 0.12292921463144427 0.04863552351742921 0.09816465092677551 -0.08524789901096429 -0.2686604489487041 +191,-0.3506930662204403,0,-0.002441389123466596 0.41700840862444954 0.5625002203894071 0.8658661257716564 0.9262297498017965 1.0546959240197975 1.057791494482879 1.0933905548083502 1.0686259911036726 0.8844395485501625 0.7188265287751583 0.5361878714531888 0.4108172676982779 0.3210457242688383 0.12292921463144427 0.04863552351742921 0.09816465092677551 -0.08524789901096429 -0.2686604489487041 -0.3135462206634283 +192,-0.3506930662204403,0,0.41700840862444954 0.5625002203894071 0.8658661257716564 0.9262297498017965 1.0546959240197975 1.057791494482879 1.0933905548083502 1.0686259911036726 0.8844395485501625 0.7188265287751583 0.5361878714531888 0.4108172676982779 0.3210457242688383 0.12292921463144427 0.04863552351742921 0.09816465092677551 -0.08524789901096429 -0.2686604489487041 -0.3135462206634283 -0.3506930662204403 +193,-0.3305718582103936,0,0.5625002203894071 0.8658661257716564 0.9262297498017965 1.0546959240197975 1.057791494482879 1.0933905548083502 1.0686259911036726 0.8844395485501625 0.7188265287751583 0.5361878714531888 0.4108172676982779 0.3210457242688383 0.12292921463144427 0.04863552351742921 0.09816465092677551 -0.08524789901096429 -0.2686604489487041 -0.3135462206634283 -0.3506930662204403 -0.3506930662204403 +194,-0.25627816709636975,0,0.8658661257716564 0.9262297498017965 1.0546959240197975 1.057791494482879 1.0933905548083502 1.0686259911036726 0.8844395485501625 0.7188265287751583 0.5361878714531888 0.4108172676982779 0.3210457242688383 0.12292921463144427 0.04863552351742921 0.09816465092677551 -0.08524789901096429 -0.2686604489487041 -0.3135462206634283 -0.3506930662204403 -0.3506930662204403 -0.3305718582103936 +195,-0.15412434181458692,0,0.9262297498017965 1.0546959240197975 1.057791494482879 1.0933905548083502 1.0686259911036726 0.8844395485501625 0.7188265287751583 0.5361878714531888 0.4108172676982779 0.3210457242688383 0.12292921463144427 0.04863552351742921 0.09816465092677551 -0.08524789901096429 -0.2686604489487041 -0.3135462206634283 -0.3506930662204403 -0.3506930662204403 -0.3305718582103936 -0.25627816709636975 +196,0.06256559060130429,0,1.0546959240197975 1.057791494482879 1.0933905548083502 1.0686259911036726 0.8844395485501625 0.7188265287751583 0.5361878714531888 0.4108172676982779 0.3210457242688383 0.12292921463144427 0.04863552351742921 0.09816465092677551 -0.08524789901096429 -0.2686604489487041 -0.3135462206634283 -0.3506930662204403 -0.3506930662204403 -0.3305718582103936 -0.25627816709636975 -0.15412434181458692 +197,0.13840706694686883,0,1.057791494482879 1.0933905548083502 1.0686259911036726 0.8844395485501625 0.7188265287751583 0.5361878714531888 0.4108172676982779 0.3210457242688383 0.12292921463144427 0.04863552351742921 0.09816465092677551 -0.08524789901096429 -0.2686604489487041 -0.3135462206634283 -0.3506930662204403 -0.3506930662204403 -0.3305718582103936 -0.25627816709636975 -0.15412434181458692 0.06256559060130429 +198,0.4773720326545895,0,1.0933905548083502 1.0686259911036726 0.8844395485501625 0.7188265287751583 0.5361878714531888 0.4108172676982779 0.3210457242688383 0.12292921463144427 0.04863552351742921 0.09816465092677551 -0.08524789901096429 -0.2686604489487041 -0.3135462206634283 -0.3506930662204403 -0.3506930662204403 -0.3305718582103936 -0.25627816709636975 -0.15412434181458692 0.06256559060130429 0.13840706694686883 +199,0.6538195490503874,0,1.0686259911036726 0.8844395485501625 0.7188265287751583 0.5361878714531888 0.4108172676982779 0.3210457242688383 0.12292921463144427 0.04863552351742921 0.09816465092677551 -0.08524789901096429 -0.2686604489487041 -0.3135462206634283 -0.3506930662204403 -0.3506930662204403 -0.3305718582103936 -0.25627816709636975 -0.15412434181458692 0.06256559060130429 0.13840706694686883 0.4773720326545895 +200,0.8209803540569323,0,0.8844395485501625 0.7188265287751583 0.5361878714531888 0.4108172676982779 0.3210457242688383 0.12292921463144427 0.04863552351742921 0.09816465092677551 -0.08524789901096429 -0.2686604489487041 -0.3135462206634283 -0.3506930662204403 -0.3506930662204403 -0.3305718582103936 -0.25627816709636975 -0.15412434181458692 0.06256559060130429 0.13840706694686883 0.4773720326545895 0.6538195490503874 +201,0.8983696156340375,0,0.7188265287751583 0.5361878714531888 0.4108172676982779 0.3210457242688383 0.12292921463144427 0.04863552351742921 0.09816465092677551 -0.08524789901096429 -0.2686604489487041 -0.3135462206634283 -0.3506930662204403 -0.3506930662204403 -0.3305718582103936 -0.25627816709636975 -0.15412434181458692 0.06256559060130429 0.13840706694686883 0.4773720326545895 0.6538195490503874 0.8209803540569323 +202,0.9571854544326368,0,0.5361878714531888 0.4108172676982779 0.3210457242688383 0.12292921463144427 0.04863552351742921 0.09816465092677551 -0.08524789901096429 -0.2686604489487041 -0.3135462206634283 -0.3506930662204403 -0.3506930662204403 -0.3305718582103936 -0.25627816709636975 -0.15412434181458692 0.06256559060130429 0.13840706694686883 0.4773720326545895 0.6538195490503874 0.8209803540569323 0.8983696156340375 +203,0.8828917633186217,0,0.4108172676982779 0.3210457242688383 0.12292921463144427 0.04863552351742921 0.09816465092677551 -0.08524789901096429 -0.2686604489487041 -0.3135462206634283 -0.3506930662204403 -0.3506930662204403 -0.3305718582103936 -0.25627816709636975 -0.15412434181458692 0.06256559060130429 0.13840706694686883 0.4773720326545895 0.6538195490503874 0.8209803540569323 0.8983696156340375 0.9571854544326368 +204,0.7281132401644113,0,0.3210457242688383 0.12292921463144427 0.04863552351742921 0.09816465092677551 -0.08524789901096429 -0.2686604489487041 -0.3135462206634283 -0.3506930662204403 -0.3506930662204403 -0.3305718582103936 -0.25627816709636975 -0.15412434181458692 0.06256559060130429 0.13840706694686883 0.4773720326545895 0.6538195490503874 0.8209803540569323 0.8983696156340375 0.9571854544326368 0.8828917633186217 +205,0.5655957908524885,0,0.12292921463144427 0.04863552351742921 0.09816465092677551 -0.08524789901096429 -0.2686604489487041 -0.3135462206634283 -0.3506930662204403 -0.3506930662204403 -0.3305718582103936 -0.25627816709636975 -0.15412434181458692 0.06256559060130429 0.13840706694686883 0.4773720326545895 0.6538195490503874 0.8209803540569323 0.8983696156340375 0.9571854544326368 0.8828917633186217 0.7281132401644113 +206,0.34581028797350705,0,0.04863552351742921 0.09816465092677551 -0.08524789901096429 -0.2686604489487041 -0.3135462206634283 -0.3506930662204403 -0.3506930662204403 -0.3305718582103936 -0.25627816709636975 -0.15412434181458692 0.06256559060130429 0.13840706694686883 0.4773720326545895 0.6538195490503874 0.8209803540569323 0.8983696156340375 0.9571854544326368 0.8828917633186217 0.7281132401644113 0.5655957908524885 +207,0.2281786103763085,0,0.09816465092677551 -0.08524789901096429 -0.2686604489487041 -0.3135462206634283 -0.3506930662204403 -0.3506930662204403 -0.3305718582103936 -0.25627816709636975 -0.15412434181458692 0.06256559060130429 0.13840706694686883 0.4773720326545895 0.6538195490503874 0.8209803540569323 0.8983696156340375 0.9571854544326368 0.8828917633186217 0.7281132401644113 0.5655957908524885 0.34581028797350705 +208,0.13221592602069726,0,-0.08524789901096429 -0.2686604489487041 -0.3135462206634283 -0.3506930662204403 -0.3506930662204403 -0.3305718582103936 -0.25627816709636975 -0.15412434181458692 0.06256559060130429 0.13840706694686883 0.4773720326545895 0.6538195490503874 0.8209803540569323 0.8983696156340375 0.9571854544326368 0.8828917633186217 0.7281132401644113 0.5655957908524885 0.34581028797350705 0.2281786103763085 +209,0.02077538934967026,0,-0.2686604489487041 -0.3135462206634283 -0.3506930662204403 -0.3506930662204403 -0.3305718582103936 -0.25627816709636975 -0.15412434181458692 0.06256559060130429 0.13840706694686883 0.4773720326545895 0.6538195490503874 0.8209803540569323 0.8983696156340375 0.9571854544326368 0.8828917633186217 0.7281132401644113 0.5655957908524885 0.34581028797350705 0.2281786103763085 0.13221592602069726 +210,-0.20210568399239254,0,-0.3135462206634283 -0.3506930662204403 -0.3506930662204403 -0.3305718582103936 -0.25627816709636975 -0.15412434181458692 0.06256559060130429 0.13840706694686883 0.4773720326545895 0.6538195490503874 0.8209803540569323 0.8983696156340375 0.9571854544326368 0.8828917633186217 0.7281132401644113 0.5655957908524885 0.34581028797350705 0.2281786103763085 0.13221592602069726 0.02077538934967026 +211,-0.3352152139050157,0,-0.3506930662204403 -0.3506930662204403 -0.3305718582103936 -0.25627816709636975 -0.15412434181458692 0.06256559060130429 0.13840706694686883 0.4773720326545895 0.6538195490503874 0.8209803540569323 0.8983696156340375 0.9571854544326368 0.8828917633186217 0.7281132401644113 0.5655957908524885 0.34581028797350705 0.2281786103763085 0.13221592602069726 0.02077538934967026 -0.20210568399239254 +212,-0.36152756284123394,0,-0.3506930662204403 -0.3305718582103936 -0.25627816709636975 -0.15412434181458692 0.06256559060130429 0.13840706694686883 0.4773720326545895 0.6538195490503874 0.8209803540569323 0.8983696156340375 0.9571854544326368 0.8828917633186217 0.7281132401644113 0.5655957908524885 0.34581028797350705 0.2281786103763085 0.13221592602069726 0.02077538934967026 -0.20210568399239254 -0.3352152139050157 +213,-0.4734840278711822,0,-0.3305718582103936 -0.25627816709636975 -0.15412434181458692 0.06256559060130429 0.13840706694686883 0.4773720326545895 0.6538195490503874 0.8209803540569323 0.8983696156340375 0.9571854544326368 0.8828917633186217 0.7281132401644113 0.5655957908524885 0.34581028797350705 0.2281786103763085 0.13221592602069726 0.02077538934967026 -0.20210568399239254 -0.3352152139050157 -0.36152756284123394 +214,-0.5854404930559162,0,-0.25627816709636975 -0.15412434181458692 0.06256559060130429 0.13840706694686883 0.4773720326545895 0.6538195490503874 0.8209803540569323 0.8983696156340375 0.9571854544326368 0.8828917633186217 0.7281132401644113 0.5655957908524885 0.34581028797350705 0.2281786103763085 0.13221592602069726 0.02077538934967026 -0.20210568399239254 -0.3352152139050157 -0.36152756284123394 -0.4734840278711822 +215,-0.6973969580858732,0,-0.15412434181458692 0.06256559060130429 0.13840706694686883 0.4773720326545895 0.6538195490503874 0.8209803540569323 0.8983696156340375 0.9571854544326368 0.8828917633186217 0.7281132401644113 0.5655957908524885 0.34581028797350705 0.2281786103763085 0.13221592602069726 0.02077538934967026 -0.20210568399239254 -0.3352152139050157 -0.36152756284123394 -0.4734840278711822 -0.5854404930559162 +216,-0.5519051463209157,0,0.06256559060130429 0.13840706694686883 0.4773720326545895 0.6538195490503874 0.8209803540569323 0.8983696156340375 0.9571854544326368 0.8828917633186217 0.7281132401644113 0.5655957908524885 0.34581028797350705 0.2281786103763085 0.13221592602069726 0.02077538934967026 -0.20210568399239254 -0.3352152139050157 -0.36152756284123394 -0.4734840278711822 -0.5854404930559162 -0.6973969580858732 +217,-0.5132105155323631,0,0.13840706694686883 0.4773720326545895 0.6538195490503874 0.8209803540569323 0.8983696156340375 0.9571854544326368 0.8828917633186217 0.7281132401644113 0.5655957908524885 0.34581028797350705 0.2281786103763085 0.13221592602069726 0.02077538934967026 -0.20210568399239254 -0.3352152139050157 -0.36152756284123394 -0.4734840278711822 -0.5854404930559162 -0.6973969580858732 -0.5519051463209157 +218,-0.40176997886132726,0,0.4773720326545895 0.6538195490503874 0.8209803540569323 0.8983696156340375 0.9571854544326368 0.8828917633186217 0.7281132401644113 0.5655957908524885 0.34581028797350705 0.2281786103763085 0.13221592602069726 0.02077538934967026 -0.20210568399239254 -0.3352152139050157 -0.36152756284123394 -0.4734840278711822 -0.5854404930559162 -0.6973969580858732 -0.5519051463209157 -0.5132105155323631 +219,-0.3119984354318876,0,0.6538195490503874 0.8209803540569323 0.8983696156340375 0.9571854544326368 0.8828917633186217 0.7281132401644113 0.5655957908524885 0.34581028797350705 0.2281786103763085 0.13221592602069726 0.02077538934967026 -0.20210568399239254 -0.3352152139050157 -0.36152756284123394 -0.4734840278711822 -0.5854404930559162 -0.6973969580858732 -0.5519051463209157 -0.5132105155323631 -0.40176997886132726 +220,-0.12162085195220587,0,0.8209803540569323 0.8983696156340375 0.9571854544326368 0.8828917633186217 0.7281132401644113 0.5655957908524885 0.34581028797350705 0.2281786103763085 0.13221592602069726 0.02077538934967026 -0.20210568399239254 -0.3352152139050157 -0.36152756284123394 -0.4734840278711822 -0.5854404930559162 -0.6973969580858732 -0.5519051463209157 -0.5132105155323631 -0.40176997886132726 -0.3119984354318876 +221,0.25603874454406744,0,0.8983696156340375 0.9571854544326368 0.8828917633186217 0.7281132401644113 0.5655957908524885 0.34581028797350705 0.2281786103763085 0.13221592602069726 0.02077538934967026 -0.20210568399239254 -0.3352152139050157 -0.36152756284123394 -0.4734840278711822 -0.5854404930559162 -0.6973969580858732 -0.5519051463209157 -0.5132105155323631 -0.40176997886132726 -0.3119984354318876 -0.12162085195220587 +222,0.4123650529298186,0,0.9571854544326368 0.8828917633186217 0.7281132401644113 0.5655957908524885 0.34581028797350705 0.2281786103763085 0.13221592602069726 0.02077538934967026 -0.20210568399239254 -0.3352152139050157 -0.36152756284123394 -0.4734840278711822 -0.5854404930559162 -0.6973969580858732 -0.5519051463209157 -0.5132105155323631 -0.40176997886132726 -0.3119984354318876 -0.12162085195220587 0.25603874454406744 +223,0.5547612942316947,0,0.8828917633186217 0.7281132401644113 0.5655957908524885 0.34581028797350705 0.2281786103763085 0.13221592602069726 0.02077538934967026 -0.20210568399239254 -0.3352152139050157 -0.36152756284123394 -0.4734840278711822 -0.5854404930559162 -0.6973969580858732 -0.5519051463209157 -0.5132105155323631 -0.40176997886132726 -0.3119984354318876 -0.12162085195220587 0.25603874454406744 0.4123650529298186 +224,0.599647065946419,0,0.7281132401644113 0.5655957908524885 0.34581028797350705 0.2281786103763085 0.13221592602069726 0.02077538934967026 -0.20210568399239254 -0.3352152139050157 -0.36152756284123394 -0.4734840278711822 -0.5854404930559162 -0.6973969580858732 -0.5519051463209157 -0.5132105155323631 -0.40176997886132726 -0.3119984354318876 -0.12162085195220587 0.25603874454406744 0.4123650529298186 0.5547612942316947 +225,0.75287780386908,0,0.5655957908524885 0.34581028797350705 0.2281786103763085 0.13221592602069726 0.02077538934967026 -0.20210568399239254 -0.3352152139050157 -0.36152756284123394 -0.4734840278711822 -0.5854404930559162 -0.6973969580858732 -0.5519051463209157 -0.5132105155323631 -0.40176997886132726 -0.3119984354318876 -0.12162085195220587 0.25603874454406744 0.4123650529298186 0.5547612942316947 0.599647065946419 +226,0.8527099513035518,0,0.34581028797350705 0.2281786103763085 0.13221592602069726 0.02077538934967026 -0.20210568399239254 -0.3352152139050157 -0.36152756284123394 -0.4734840278711822 -0.5854404930559162 -0.6973969580858732 -0.5519051463209157 -0.5132105155323631 -0.40176997886132726 -0.3119984354318876 -0.12162085195220587 0.25603874454406744 0.4123650529298186 0.5547612942316947 0.599647065946419 0.75287780386908 +227,0.9525420987380148,0,0.2281786103763085 0.13221592602069726 0.02077538934967026 -0.20210568399239254 -0.3352152139050157 -0.36152756284123394 -0.4734840278711822 -0.5854404930559162 -0.6973969580858732 -0.5519051463209157 -0.5132105155323631 -0.40176997886132726 -0.3119984354318876 -0.12162085195220587 0.25603874454406744 0.4123650529298186 0.5547612942316947 0.599647065946419 0.75287780386908 0.8527099513035518 +228,0.9525420987380148,0,0.13221592602069726 0.02077538934967026 -0.20210568399239254 -0.3352152139050157 -0.36152756284123394 -0.4734840278711822 -0.5854404930559162 -0.6973969580858732 -0.5519051463209157 -0.5132105155323631 -0.40176997886132726 -0.3119984354318876 -0.12162085195220587 0.25603874454406744 0.4123650529298186 0.5547612942316947 0.599647065946419 0.75287780386908 0.8527099513035518 0.9525420987380148 +229,0.9525420987380148,0,0.02077538934967026 -0.20210568399239254 -0.3352152139050157 -0.36152756284123394 -0.4734840278711822 -0.5854404930559162 -0.6973969580858732 -0.5519051463209157 -0.5132105155323631 -0.40176997886132726 -0.3119984354318876 -0.12162085195220587 0.25603874454406744 0.4123650529298186 0.5547612942316947 0.599647065946419 0.75287780386908 0.8527099513035518 0.9525420987380148 0.9525420987380148 +230,0.9525420987380148,0,-0.20210568399239254 -0.3352152139050157 -0.36152756284123394 -0.4734840278711822 -0.5854404930559162 -0.6973969580858732 -0.5519051463209157 -0.5132105155323631 -0.40176997886132726 -0.3119984354318876 -0.12162085195220587 0.25603874454406744 0.4123650529298186 0.5547612942316947 0.599647065946419 0.75287780386908 0.8527099513035518 0.9525420987380148 0.9525420987380148 0.9525420987380148 +231,0.9525420987380148,0,-0.3352152139050157 -0.36152756284123394 -0.4734840278711822 -0.5854404930559162 -0.6973969580858732 -0.5519051463209157 -0.5132105155323631 -0.40176997886132726 -0.3119984354318876 -0.12162085195220587 0.25603874454406744 0.4123650529298186 0.5547612942316947 0.599647065946419 0.75287780386908 0.8527099513035518 0.9525420987380148 0.9525420987380148 0.9525420987380148 0.9525420987380148 +232,0.9525420987380148,0,-0.36152756284123394 -0.4734840278711822 -0.5854404930559162 -0.6973969580858732 -0.5519051463209157 -0.5132105155323631 -0.40176997886132726 -0.3119984354318876 -0.12162085195220587 0.25603874454406744 0.4123650529298186 0.5547612942316947 0.599647065946419 0.75287780386908 0.8527099513035518 0.9525420987380148 0.9525420987380148 0.9525420987380148 0.9525420987380148 0.9525420987380148 +233,0.16549330849885743,0,-0.4734840278711822 -0.5854404930559162 -0.6973969580858732 -0.5519051463209157 -0.5132105155323631 -0.40176997886132726 -0.3119984354318876 -0.12162085195220587 0.25603874454406744 0.4123650529298186 0.5547612942316947 0.599647065946419 0.75287780386908 0.8527099513035518 0.9525420987380148 0.9525420987380148 0.9525420987380148 0.9525420987380148 0.9525420987380148 0.9525420987380148 +234,-0.6215554817403086,0,-0.5854404930559162 -0.6973969580858732 -0.5519051463209157 -0.5132105155323631 -0.40176997886132726 -0.3119984354318876 -0.12162085195220587 0.25603874454406744 0.4123650529298186 0.5547612942316947 0.599647065946419 0.75287780386908 0.8527099513035518 0.9525420987380148 0.9525420987380148 0.9525420987380148 0.9525420987380148 0.9525420987380148 0.9525420987380148 0.16549330849885743 +235,-0.282590516032588,0,-0.6973969580858732 -0.5519051463209157 -0.5132105155323631 -0.40176997886132726 -0.3119984354318876 -0.12162085195220587 0.25603874454406744 0.4123650529298186 0.5547612942316947 0.599647065946419 0.75287780386908 0.8527099513035518 0.9525420987380148 0.9525420987380148 0.9525420987380148 0.9525420987380148 0.9525420987380148 0.9525420987380148 0.16549330849885743 -0.6215554817403086 +236,-0.14948098611996483,0,-0.5519051463209157 -0.5132105155323631 -0.40176997886132726 -0.3119984354318876 -0.12162085195220587 0.25603874454406744 0.4123650529298186 0.5547612942316947 0.599647065946419 0.75287780386908 0.8527099513035518 0.9525420987380148 0.9525420987380148 0.9525420987380148 0.9525420987380148 0.9525420987380148 0.9525420987380148 0.16549330849885743 -0.6215554817403086 -0.282590516032588 +237,-0.19901011352931114,0,-0.5132105155323631 -0.40176997886132726 -0.3119984354318876 -0.12162085195220587 0.25603874454406744 0.4123650529298186 0.5547612942316947 0.599647065946419 0.75287780386908 0.8527099513035518 0.9525420987380148 0.9525420987380148 0.9525420987380148 0.9525420987380148 0.9525420987380148 0.9525420987380148 0.16549330849885743 -0.6215554817403086 -0.282590516032588 -0.14948098611996483 +238,-0.2160357510762764,0,-0.40176997886132726 -0.3119984354318876 -0.12162085195220587 0.25603874454406744 0.4123650529298186 0.5547612942316947 0.599647065946419 0.75287780386908 0.8527099513035518 0.9525420987380148 0.9525420987380148 0.9525420987380148 0.9525420987380148 0.9525420987380148 0.9525420987380148 0.16549330849885743 -0.6215554817403086 -0.282590516032588 -0.14948098611996483 -0.19901011352931114 +239,-0.315094005894969,0,-0.3119984354318876 -0.12162085195220587 0.25603874454406744 0.4123650529298186 0.5547612942316947 0.599647065946419 0.75287780386908 0.8527099513035518 0.9525420987380148 0.9525420987380148 0.9525420987380148 0.9525420987380148 0.9525420987380148 0.9525420987380148 0.16549330849885743 -0.6215554817403086 -0.282590516032588 -0.14948098611996483 -0.19901011352931114 -0.2160357510762764 +240,-0.3212851468211406,0,-0.12162085195220587 0.25603874454406744 0.4123650529298186 0.5547612942316947 0.599647065946419 0.75287780386908 0.8527099513035518 0.9525420987380148 0.9525420987380148 0.9525420987380148 0.9525420987380148 0.9525420987380148 0.9525420987380148 0.16549330849885743 -0.6215554817403086 -0.282590516032588 -0.14948098611996483 -0.19901011352931114 -0.2160357510762764 -0.315094005894969 +241,-0.333667428673475,0,0.25603874454406744 0.4123650529298186 0.5547612942316947 0.599647065946419 0.75287780386908 0.8527099513035518 0.9525420987380148 0.9525420987380148 0.9525420987380148 0.9525420987380148 0.9525420987380148 0.9525420987380148 0.16549330849885743 -0.6215554817403086 -0.282590516032588 -0.14948098611996483 -0.19901011352931114 -0.2160357510762764 -0.315094005894969 -0.3212851468211406 +242,-0.3506930662204403,0,0.4123650529298186 0.5547612942316947 0.599647065946419 0.75287780386908 0.8527099513035518 0.9525420987380148 0.9525420987380148 0.9525420987380148 0.9525420987380148 0.9525420987380148 0.9525420987380148 0.16549330849885743 -0.6215554817403086 -0.282590516032588 -0.14948098611996483 -0.19901011352931114 -0.2160357510762764 -0.315094005894969 -0.3212851468211406 -0.333667428673475 +243,-0.20055789876085184,0,0.5547612942316947 0.599647065946419 0.75287780386908 0.8527099513035518 0.9525420987380148 0.9525420987380148 0.9525420987380148 0.9525420987380148 0.9525420987380148 0.9525420987380148 0.16549330849885743 -0.6215554817403086 -0.282590516032588 -0.14948098611996483 -0.19901011352931114 -0.2160357510762764 -0.315094005894969 -0.3212851468211406 -0.333667428673475 -0.3506930662204403 +244,0.025805691352177525,0,0.599647065946419 0.75287780386908 0.8527099513035518 0.9525420987380148 0.9525420987380148 0.9525420987380148 0.9525420987380148 0.9525420987380148 0.9525420987380148 0.16549330849885743 -0.6215554817403086 -0.282590516032588 -0.14948098611996483 -0.19901011352931114 -0.2160357510762764 -0.315094005894969 -0.3212851468211406 -0.333667428673475 -0.3506930662204403 -0.20055789876085184 +245,0.25216928146521567,0,0.75287780386908 0.8527099513035518 0.9525420987380148 0.9525420987380148 0.9525420987380148 0.9525420987380148 0.9525420987380148 0.9525420987380148 0.16549330849885743 -0.6215554817403086 -0.282590516032588 -0.14948098611996483 -0.19901011352931114 -0.2160357510762764 -0.315094005894969 -0.3212851468211406 -0.333667428673475 -0.3506930662204403 -0.20055789876085184 0.025805691352177525 +246,0.47853287157824503,0,0.8527099513035518 0.9525420987380148 0.9525420987380148 0.9525420987380148 0.9525420987380148 0.9525420987380148 0.9525420987380148 0.16549330849885743 -0.6215554817403086 -0.282590516032588 -0.14948098611996483 -0.19901011352931114 -0.2160357510762764 -0.315094005894969 -0.3212851468211406 -0.333667428673475 -0.3506930662204403 -0.20055789876085184 0.025805691352177525 0.25216928146521567 +247,0.7048964616912744,0,0.9525420987380148 0.9525420987380148 0.9525420987380148 0.9525420987380148 0.9525420987380148 0.9525420987380148 0.16549330849885743 -0.6215554817403086 -0.282590516032588 -0.14948098611996483 -0.19901011352931114 -0.2160357510762764 -0.315094005894969 -0.3212851468211406 -0.333667428673475 -0.3506930662204403 -0.20055789876085184 0.025805691352177525 0.25216928146521567 0.47853287157824503 +248,0.7048964616912744,0,0.9525420987380148 0.9525420987380148 0.9525420987380148 0.9525420987380148 0.9525420987380148 0.16549330849885743 -0.6215554817403086 -0.282590516032588 -0.14948098611996483 -0.19901011352931114 -0.2160357510762764 -0.315094005894969 -0.3212851468211406 -0.333667428673475 -0.3506930662204403 -0.20055789876085184 0.025805691352177525 0.25216928146521567 0.47853287157824503 0.7048964616912744 +249,0.660010689976559,0,0.9525420987380148 0.9525420987380148 0.9525420987380148 0.9525420987380148 0.16549330849885743 -0.6215554817403086 -0.282590516032588 -0.14948098611996483 -0.19901011352931114 -0.2160357510762764 -0.315094005894969 -0.3212851468211406 -0.333667428673475 -0.3506930662204403 -0.20055789876085184 0.025805691352177525 0.25216928146521567 0.47853287157824503 0.7048964616912744 0.7048964616912744 +250,0.6522717638188467,0,0.9525420987380148 0.9525420987380148 0.9525420987380148 0.16549330849885743 -0.6215554817403086 -0.282590516032588 -0.14948098611996483 -0.19901011352931114 -0.2160357510762764 -0.315094005894969 -0.3212851468211406 -0.333667428673475 -0.3506930662204403 -0.20055789876085184 0.025805691352177525 0.25216928146521567 0.47853287157824503 0.7048964616912744 0.7048964616912744 0.660010689976559 +251,0.6244116296510878,0,0.9525420987380148 0.9525420987380148 0.16549330849885743 -0.6215554817403086 -0.282590516032588 -0.14948098611996483 -0.19901011352931114 -0.2160357510762764 -0.315094005894969 -0.3212851468211406 -0.333667428673475 -0.3506930662204403 -0.20055789876085184 0.025805691352177525 0.25216928146521567 0.47853287157824503 0.7048964616912744 0.7048964616912744 0.660010689976559 0.6522717638188467 +252,0.4897543145069239,0,0.9525420987380148 0.16549330849885743 -0.6215554817403086 -0.282590516032588 -0.14948098611996483 -0.19901011352931114 -0.2160357510762764 -0.315094005894969 -0.3212851468211406 -0.333667428673475 -0.3506930662204403 -0.20055789876085184 0.025805691352177525 0.25216928146521567 0.47853287157824503 0.7048964616912744 0.7048964616912744 0.660010689976559 0.6522717638188467 0.6244116296510878 +253,0.3164023685742074,0,0.16549330849885743 -0.6215554817403086 -0.282590516032588 -0.14948098611996483 -0.19901011352931114 -0.2160357510762764 -0.315094005894969 -0.3212851468211406 -0.333667428673475 -0.3506930662204403 -0.20055789876085184 0.025805691352177525 0.25216928146521567 0.47853287157824503 0.7048964616912744 0.7048964616912744 0.660010689976559 0.6522717638188467 0.6244116296510878 0.4897543145069239 +254,0.16317163065153759,0,-0.6215554817403086 -0.282590516032588 -0.14948098611996483 -0.19901011352931114 -0.2160357510762764 -0.315094005894969 -0.3212851468211406 -0.333667428673475 -0.3506930662204403 -0.20055789876085184 0.025805691352177525 0.25216928146521567 0.47853287157824503 0.7048964616912744 0.7048964616912744 0.660010689976559 0.6522717638188467 0.6244116296510878 0.4897543145069239 0.3164023685742074 +255,0.0501833087489699,0,-0.282590516032588 -0.14948098611996483 -0.19901011352931114 -0.2160357510762764 -0.315094005894969 -0.3212851468211406 -0.333667428673475 -0.3506930662204403 -0.20055789876085184 0.025805691352177525 0.25216928146521567 0.47853287157824503 0.7048964616912744 0.7048964616912744 0.660010689976559 0.6522717638188467 0.6244116296510878 0.4897543145069239 0.3164023685742074 0.16317163065153759 +256,0.0037497518027049923,0,-0.14948098611996483 -0.19901011352931114 -0.2160357510762764 -0.315094005894969 -0.3212851468211406 -0.333667428673475 -0.3506930662204403 -0.20055789876085184 0.025805691352177525 0.25216928146521567 0.47853287157824503 0.7048964616912744 0.7048964616912744 0.660010689976559 0.6522717638188467 0.6244116296510878 0.4897543145069239 0.3164023685742074 0.16317163065153759 0.0501833087489699 +257,-0.04423159037510062,0,-0.19901011352931114 -0.2160357510762764 -0.315094005894969 -0.3212851468211406 -0.333667428673475 -0.3506930662204403 -0.20055789876085184 0.025805691352177525 0.25216928146521567 0.47853287157824503 0.7048964616912744 0.7048964616912744 0.660010689976559 0.6522717638188467 0.6244116296510878 0.4897543145069239 0.3164023685742074 0.16317163065153759 0.0501833087489699 0.0037497518027049923 +258,-0.11852528148912447,0,-0.2160357510762764 -0.315094005894969 -0.3212851468211406 -0.333667428673475 -0.3506930662204403 -0.20055789876085184 0.025805691352177525 0.25216928146521567 0.47853287157824503 0.7048964616912744 0.7048964616912744 0.660010689976559 0.6522717638188467 0.6244116296510878 0.4897543145069239 0.3164023685742074 0.16317163065153759 0.0501833087489699 0.0037497518027049923 -0.04423159037510062 +259,-0.264017093254082,0,-0.315094005894969 -0.3212851468211406 -0.333667428673475 -0.3506930662204403 -0.20055789876085184 0.025805691352177525 0.25216928146521567 0.47853287157824503 0.7048964616912744 0.7048964616912744 0.660010689976559 0.6522717638188467 0.6244116296510878 0.4897543145069239 0.3164023685742074 0.16317163065153759 0.0501833087489699 0.0037497518027049923 -0.04423159037510062 -0.11852528148912447 +260,-0.33985856959964655,0,-0.3212851468211406 -0.333667428673475 -0.3506930662204403 -0.20055789876085184 0.025805691352177525 0.25216928146521567 0.47853287157824503 0.7048964616912744 0.7048964616912744 0.660010689976559 0.6522717638188467 0.6244116296510878 0.4897543145069239 0.3164023685742074 0.16317163065153759 0.0501833087489699 0.0037497518027049923 -0.04423159037510062 -0.11852528148912447 -0.264017093254082 +261,-0.39867440839824586,0,-0.333667428673475 -0.3506930662204403 -0.20055789876085184 0.025805691352177525 0.25216928146521567 0.47853287157824503 0.7048964616912744 0.7048964616912744 0.660010689976559 0.6522717638188467 0.6244116296510878 0.4897543145069239 0.3164023685742074 0.16317163065153759 0.0501833087489699 0.0037497518027049923 -0.04423159037510062 -0.11852528148912447 -0.264017093254082 -0.33985856959964655 +262,-0.46522917335455743,0,-0.3506930662204403 -0.20055789876085184 0.025805691352177525 0.25216928146521567 0.47853287157824503 0.7048964616912744 0.7048964616912744 0.660010689976559 0.6522717638188467 0.6244116296510878 0.4897543145069239 0.3164023685742074 0.16317163065153759 0.0501833087489699 0.0037497518027049923 -0.04423159037510062 -0.11852528148912447 -0.264017093254082 -0.33985856959964655 -0.39867440839824586 +263,-0.5039238041431101,0,-0.20055789876085184 0.025805691352177525 0.25216928146521567 0.47853287157824503 0.7048964616912744 0.7048964616912744 0.660010689976559 0.6522717638188467 0.6244116296510878 0.4897543145069239 0.3164023685742074 0.16317163065153759 0.0501833087489699 0.0037497518027049923 -0.04423159037510062 -0.11852528148912447 -0.264017093254082 -0.33985856959964655 -0.39867440839824586 -0.46522917335455743 +264,-0.5054715893746508,0,0.025805691352177525 0.25216928146521567 0.47853287157824503 0.7048964616912744 0.7048964616912744 0.660010689976559 0.6522717638188467 0.6244116296510878 0.4897543145069239 0.3164023685742074 0.16317163065153759 0.0501833087489699 0.0037497518027049923 -0.04423159037510062 -0.11852528148912447 -0.264017093254082 -0.33985856959964655 -0.39867440839824586 -0.46522917335455743 -0.5039238041431101 +265,-0.46522917335455743,0,0.25216928146521567 0.47853287157824503 0.7048964616912744 0.7048964616912744 0.660010689976559 0.6522717638188467 0.6244116296510878 0.4897543145069239 0.3164023685742074 0.16317163065153759 0.0501833087489699 0.0037497518027049923 -0.04423159037510062 -0.11852528148912447 -0.264017093254082 -0.33985856959964655 -0.39867440839824586 -0.46522917335455743 -0.5039238041431101 -0.5054715893746508 +266,-0.4822548109015139,0,0.47853287157824503 0.7048964616912744 0.7048964616912744 0.660010689976559 0.6522717638188467 0.6244116296510878 0.4897543145069239 0.3164023685742074 0.16317163065153759 0.0501833087489699 0.0037497518027049923 -0.04423159037510062 -0.11852528148912447 -0.264017093254082 -0.33985856959964655 -0.39867440839824586 -0.46522917335455743 -0.5039238041431101 -0.5054715893746508 -0.46522917335455743 +267,-0.4358212539552578,0,0.7048964616912744 0.7048964616912744 0.660010689976559 0.6522717638188467 0.6244116296510878 0.4897543145069239 0.3164023685742074 0.16317163065153759 0.0501833087489699 0.0037497518027049923 -0.04423159037510062 -0.11852528148912447 -0.264017093254082 -0.33985856959964655 -0.39867440839824586 -0.46522917335455743 -0.5039238041431101 -0.5054715893746508 -0.46522917335455743 -0.4822548109015139 +268,-0.264017093254082,0,0.7048964616912744 0.660010689976559 0.6522717638188467 0.6244116296510878 0.4897543145069239 0.3164023685742074 0.16317163065153759 0.0501833087489699 0.0037497518027049923 -0.04423159037510062 -0.11852528148912447 -0.264017093254082 -0.33985856959964655 -0.39867440839824586 -0.46522917335455743 -0.5039238041431101 -0.5054715893746508 -0.46522917335455743 -0.4822548109015139 -0.4358212539552578 +269,-0.11697749625758379,0,0.660010689976559 0.6522717638188467 0.6244116296510878 0.4897543145069239 0.3164023685742074 0.16317163065153759 0.0501833087489699 0.0037497518027049923 -0.04423159037510062 -0.11852528148912447 -0.264017093254082 -0.33985856959964655 -0.39867440839824586 -0.46522917335455743 -0.5039238041431101 -0.5054715893746508 -0.46522917335455743 -0.4822548109015139 -0.4358212539552578 -0.264017093254082 +270,0.12757257032607516,0,0.6522717638188467 0.6244116296510878 0.4897543145069239 0.3164023685742074 0.16317163065153759 0.0501833087489699 0.0037497518027049923 -0.04423159037510062 -0.11852528148912447 -0.264017093254082 -0.33985856959964655 -0.39867440839824586 -0.46522917335455743 -0.5039238041431101 -0.5054715893746508 -0.46522917335455743 -0.4822548109015139 -0.4358212539552578 -0.264017093254082 -0.11697749625758379 +271,0.2854466639433671,0,0.6244116296510878 0.4897543145069239 0.3164023685742074 0.16317163065153759 0.0501833087489699 0.0037497518027049923 -0.04423159037510062 -0.11852528148912447 -0.264017093254082 -0.33985856959964655 -0.39867440839824586 -0.46522917335455743 -0.5039238041431101 -0.5054715893746508 -0.46522917335455743 -0.4822548109015139 -0.4358212539552578 -0.264017093254082 -0.11697749625758379 0.12757257032607516 +272,0.392243844919772,0,0.4897543145069239 0.3164023685742074 0.16317163065153759 0.0501833087489699 0.0037497518027049923 -0.04423159037510062 -0.11852528148912447 -0.264017093254082 -0.33985856959964655 -0.39867440839824586 -0.46522917335455743 -0.5039238041431101 -0.5054715893746508 -0.46522917335455743 -0.4822548109015139 -0.4358212539552578 -0.264017093254082 -0.11697749625758379 0.12757257032607516 0.2854466639433671 +273,0.29009001963799796,0,0.3164023685742074 0.16317163065153759 0.0501833087489699 0.0037497518027049923 -0.04423159037510062 -0.11852528148912447 -0.264017093254082 -0.33985856959964655 -0.39867440839824586 -0.46522917335455743 -0.5039238041431101 -0.5054715893746508 -0.46522917335455743 -0.4822548109015139 -0.4358212539552578 -0.264017093254082 -0.11697749625758379 0.12757257032607516 0.2854466639433671 0.392243844919772 +274,0.2761599525541141,0,0.16317163065153759 0.0501833087489699 0.0037497518027049923 -0.04423159037510062 -0.11852528148912447 -0.264017093254082 -0.33985856959964655 -0.39867440839824586 -0.46522917335455743 -0.5039238041431101 -0.5054715893746508 -0.46522917335455743 -0.4822548109015139 -0.4358212539552578 -0.264017093254082 -0.11697749625758379 0.12757257032607516 0.2854466639433671 0.392243844919772 0.29009001963799796 +275,0.0022019665711642948,0,0.0501833087489699 0.0037497518027049923 -0.04423159037510062 -0.11852528148912447 -0.264017093254082 -0.33985856959964655 -0.39867440839824586 -0.46522917335455743 -0.5039238041431101 -0.5054715893746508 -0.46522917335455743 -0.4822548109015139 -0.4358212539552578 -0.264017093254082 -0.11697749625758379 0.12757257032607516 0.2854466639433671 0.392243844919772 0.29009001963799796 0.2761599525541141 +276,0.07154274494424737,0,0.0037497518027049923 -0.04423159037510062 -0.11852528148912447 -0.264017093254082 -0.33985856959964655 -0.39867440839824586 -0.46522917335455743 -0.5039238041431101 -0.5054715893746508 -0.46522917335455743 -0.4822548109015139 -0.4358212539552578 -0.264017093254082 -0.11697749625758379 0.12757257032607516 0.2854466639433671 0.392243844919772 0.29009001963799796 0.2761599525541141 0.0022019665711642948 +277,0.14088352331733045,0,-0.04423159037510062 -0.11852528148912447 -0.264017093254082 -0.33985856959964655 -0.39867440839824586 -0.46522917335455743 -0.5039238041431101 -0.5054715893746508 -0.46522917335455743 -0.4822548109015139 -0.4358212539552578 -0.264017093254082 -0.11697749625758379 0.12757257032607516 0.2854466639433671 0.392243844919772 0.29009001963799796 0.2761599525541141 0.0022019665711642948 0.07154274494424737 +278,0.2102243016904223,0,-0.11852528148912447 -0.264017093254082 -0.33985856959964655 -0.39867440839824586 -0.46522917335455743 -0.5039238041431101 -0.5054715893746508 -0.46522917335455743 -0.4822548109015139 -0.4358212539552578 -0.264017093254082 -0.11697749625758379 0.12757257032607516 0.2854466639433671 0.392243844919772 0.29009001963799796 0.2761599525541141 0.0022019665711642948 0.07154274494424737 0.14088352331733045 +279,0.2795650800635054,0,-0.264017093254082 -0.33985856959964655 -0.39867440839824586 -0.46522917335455743 -0.5039238041431101 -0.5054715893746508 -0.46522917335455743 -0.4822548109015139 -0.4358212539552578 -0.264017093254082 -0.11697749625758379 0.12757257032607516 0.2854466639433671 0.392243844919772 0.29009001963799796 0.2761599525541141 0.0022019665711642948 0.07154274494424737 0.14088352331733045 0.2102243016904223 +280,0.34890585843659727,0,-0.33985856959964655 -0.39867440839824586 -0.46522917335455743 -0.5039238041431101 -0.5054715893746508 -0.46522917335455743 -0.4822548109015139 -0.4358212539552578 -0.264017093254082 -0.11697749625758379 0.12757257032607516 0.2854466639433671 0.392243844919772 0.29009001963799796 0.2761599525541141 0.0022019665711642948 0.07154274494424737 0.14088352331733045 0.2102243016904223 0.2795650800635054 +281,-0.4791592404384325,0,-0.39867440839824586 -0.46522917335455743 -0.5039238041431101 -0.5054715893746508 -0.46522917335455743 -0.4822548109015139 -0.4358212539552578 -0.264017093254082 -0.11697749625758379 0.12757257032607516 0.2854466639433671 0.392243844919772 0.29009001963799796 0.2761599525541141 0.0022019665711642948 0.07154274494424737 0.14088352331733045 0.2102243016904223 0.2795650800635054 0.34890585843659727 +282,-0.5070193746061915,0,-0.46522917335455743 -0.5039238041431101 -0.5054715893746508 -0.46522917335455743 -0.4822548109015139 -0.4358212539552578 -0.264017093254082 -0.11697749625758379 0.12757257032607516 0.2854466639433671 0.392243844919772 0.29009001963799796 0.2761599525541141 0.0022019665711642948 0.07154274494424737 0.14088352331733045 0.2102243016904223 0.2795650800635054 0.34890585843659727 -0.4791592404384325 +283,-0.5580962872470785,0,-0.5039238041431101 -0.5054715893746508 -0.46522917335455743 -0.4822548109015139 -0.4358212539552578 -0.264017093254082 -0.11697749625758379 0.12757257032607516 0.2854466639433671 0.392243844919772 0.29009001963799796 0.2761599525541141 0.0022019665711642948 0.07154274494424737 0.14088352331733045 0.2102243016904223 0.2795650800635054 0.34890585843659727 -0.4791592404384325 -0.5070193746061915 +284,-0.6447722602134367,0,-0.5054715893746508 -0.46522917335455743 -0.4822548109015139 -0.4358212539552578 -0.264017093254082 -0.11697749625758379 0.12757257032607516 0.2854466639433671 0.392243844919772 0.29009001963799796 0.2761599525541141 0.0022019665711642948 0.07154274494424737 0.14088352331733045 0.2102243016904223 0.2795650800635054 0.34890585843659727 -0.4791592404384325 -0.5070193746061915 -0.5580962872470785 +285,-0.7252570922536233,0,-0.46522917335455743 -0.4822548109015139 -0.4358212539552578 -0.264017093254082 -0.11697749625758379 0.12757257032607516 0.2854466639433671 0.392243844919772 0.29009001963799796 0.2761599525541141 0.0022019665711642948 0.07154274494424737 0.14088352331733045 0.2102243016904223 0.2795650800635054 0.34890585843659727 -0.4791592404384325 -0.5070193746061915 -0.5580962872470785 -0.6447722602134367 +286,-0.754665011652923,0,-0.4822548109015139 -0.4358212539552578 -0.264017093254082 -0.11697749625758379 0.12757257032607516 0.2854466639433671 0.392243844919772 0.29009001963799796 0.2761599525541141 0.0022019665711642948 0.07154274494424737 0.14088352331733045 0.2102243016904223 0.2795650800635054 0.34890585843659727 -0.4791592404384325 -0.5070193746061915 -0.5580962872470785 -0.6447722602134367 -0.7252570922536233 +287,-0.7964552129045658,0,-0.4358212539552578 -0.264017093254082 -0.11697749625758379 0.12757257032607516 0.2854466639433671 0.392243844919772 0.29009001963799796 0.2761599525541141 0.0022019665711642948 0.07154274494424737 0.14088352331733045 0.2102243016904223 0.2795650800635054 0.34890585843659727 -0.4791592404384325 -0.5070193746061915 -0.5580962872470785 -0.6447722602134367 -0.7252570922536233 -0.754665011652923 +288,-0.8568188369347058,0,-0.264017093254082 -0.11697749625758379 0.12757257032607516 0.2854466639433671 0.392243844919772 0.29009001963799796 0.2761599525541141 0.0022019665711642948 0.07154274494424737 0.14088352331733045 0.2102243016904223 0.2795650800635054 0.34890585843659727 -0.4791592404384325 -0.5070193746061915 -0.5580962872470785 -0.6447722602134367 -0.7252570922536233 -0.754665011652923 -0.7964552129045658 +289,-0.8552710517031651,0,-0.11697749625758379 0.12757257032607516 0.2854466639433671 0.392243844919772 0.29009001963799796 0.2761599525541141 0.0022019665711642948 0.07154274494424737 0.14088352331733045 0.2102243016904223 0.2795650800635054 0.34890585843659727 -0.4791592404384325 -0.5070193746061915 -0.5580962872470785 -0.6447722602134367 -0.7252570922536233 -0.754665011652923 -0.7964552129045658 -0.8568188369347058 +290,-0.8630099778608774,0,0.12757257032607516 0.2854466639433671 0.392243844919772 0.29009001963799796 0.2761599525541141 0.0022019665711642948 0.07154274494424737 0.14088352331733045 0.2102243016904223 0.2795650800635054 0.34890585843659727 -0.4791592404384325 -0.5070193746061915 -0.5580962872470785 -0.6447722602134367 -0.7252570922536233 -0.754665011652923 -0.7964552129045658 -0.8568188369347058 -0.8552710517031651 +291,-0.643224474981896,0,0.2854466639433671 0.392243844919772 0.29009001963799796 0.2761599525541141 0.0022019665711642948 0.07154274494424737 0.14088352331733045 0.2102243016904223 0.2795650800635054 0.34890585843659727 -0.4791592404384325 -0.5070193746061915 -0.5580962872470785 -0.6447722602134367 -0.7252570922536233 -0.754665011652923 -0.7964552129045658 -0.8568188369347058 -0.8552710517031651 -0.8630099778608774 +292,-0.29806836834800376,0,0.392243844919772 0.29009001963799796 0.2761599525541141 0.0022019665711642948 0.07154274494424737 0.14088352331733045 0.2102243016904223 0.2795650800635054 0.34890585843659727 -0.4791592404384325 -0.5070193746061915 -0.5580962872470785 -0.6447722602134367 -0.7252570922536233 -0.754665011652923 -0.7964552129045658 -0.8568188369347058 -0.8552710517031651 -0.8630099778608774 -0.643224474981896 +293,-0.15412434181458692,0,0.29009001963799796 0.2761599525541141 0.0022019665711642948 0.07154274494424737 0.14088352331733045 0.2102243016904223 0.2795650800635054 0.34890585843659727 -0.4791592404384325 -0.5070193746061915 -0.5580962872470785 -0.6447722602134367 -0.7252570922536233 -0.754665011652923 -0.7964552129045658 -0.8568188369347058 -0.8552710517031651 -0.8630099778608774 -0.643224474981896 -0.29806836834800376 +294,0.014584248423498673,0,0.2761599525541141 0.0022019665711642948 0.07154274494424737 0.14088352331733045 0.2102243016904223 0.2795650800635054 0.34890585843659727 -0.4791592404384325 -0.5070193746061915 -0.5580962872470785 -0.6447722602134367 -0.7252570922536233 -0.754665011652923 -0.7964552129045658 -0.8568188369347058 -0.8552710517031651 -0.8630099778608774 -0.643224474981896 -0.29806836834800376 -0.15412434181458692 +295,0.26068210023868954,0,0.0022019665711642948 0.07154274494424737 0.14088352331733045 0.2102243016904223 0.2795650800635054 0.34890585843659727 -0.4791592404384325 -0.5070193746061915 -0.5580962872470785 -0.6447722602134367 -0.7252570922536233 -0.754665011652923 -0.7964552129045658 -0.8568188369347058 -0.8552710517031651 -0.8630099778608774 -0.643224474981896 -0.29806836834800376 -0.15412434181458692 0.014584248423498673 +296,0.36593149598355373,0,0.07154274494424737 0.14088352331733045 0.2102243016904223 0.2795650800635054 0.34890585843659727 -0.4791592404384325 -0.5070193746061915 -0.5580962872470785 -0.6447722602134367 -0.7252570922536233 -0.754665011652923 -0.7964552129045658 -0.8568188369347058 -0.8552710517031651 -0.8630099778608774 -0.643224474981896 -0.29806836834800376 -0.15412434181458692 0.014584248423498673 0.26068210023868954 +297,0.4324862609398653,0,0.14088352331733045 0.2102243016904223 0.2795650800635054 0.34890585843659727 -0.4791592404384325 -0.5070193746061915 -0.5580962872470785 -0.6447722602134367 -0.7252570922536233 -0.754665011652923 -0.7964552129045658 -0.8568188369347058 -0.8552710517031651 -0.8630099778608774 -0.643224474981896 -0.29806836834800376 -0.15412434181458692 0.014584248423498673 0.26068210023868954 0.36593149598355373 +298,0.4882065292753832,0,0.2102243016904223 0.2795650800635054 0.34890585843659727 -0.4791592404384325 -0.5070193746061915 -0.5580962872470785 -0.6447722602134367 -0.7252570922536233 -0.754665011652923 -0.7964552129045658 -0.8568188369347058 -0.8552710517031651 -0.8630099778608774 -0.643224474981896 -0.29806836834800376 -0.15412434181458692 0.014584248423498673 0.26068210023868954 0.36593149598355373 0.4324862609398653 +299,0.40307834154056565,0,0.2795650800635054 0.34890585843659727 -0.4791592404384325 -0.5070193746061915 -0.5580962872470785 -0.6447722602134367 -0.7252570922536233 -0.754665011652923 -0.7964552129045658 -0.8568188369347058 -0.8552710517031651 -0.8630099778608774 -0.643224474981896 -0.29806836834800376 -0.15412434181458692 0.014584248423498673 0.26068210023868954 0.36593149598355373 0.4324862609398653 0.4882065292753832 +300,0.29318559010107936,0,0.34890585843659727 -0.4791592404384325 -0.5070193746061915 -0.5580962872470785 -0.6447722602134367 -0.7252570922536233 -0.754665011652923 -0.7964552129045658 -0.8568188369347058 -0.8552710517031651 -0.8630099778608774 -0.643224474981896 -0.29806836834800376 -0.15412434181458692 0.014584248423498673 0.26068210023868954 0.36593149598355373 0.4324862609398653 0.4882065292753832 0.40307834154056565 +301,0.20341404667163973,0,-0.4791592404384325 -0.5070193746061915 -0.5580962872470785 -0.6447722602134367 -0.7252570922536233 -0.754665011652923 -0.7964552129045658 -0.8568188369347058 -0.8552710517031651 -0.8630099778608774 -0.643224474981896 -0.29806836834800376 -0.15412434181458692 0.014584248423498673 0.26068210023868954 0.36593149598355373 0.4324862609398653 0.4882065292753832 0.40307834154056565 0.29318559010107936 +302,0.08887793953752253,0,-0.5070193746061915 -0.5580962872470785 -0.6447722602134367 -0.7252570922536233 -0.754665011652923 -0.7964552129045658 -0.8568188369347058 -0.8552710517031651 -0.8630099778608774 -0.643224474981896 -0.29806836834800376 -0.15412434181458692 0.014584248423498673 0.26068210023868954 0.36593149598355373 0.4324862609398653 0.4882065292753832 0.40307834154056565 0.29318559010107936 0.20341404667163973 +303,-0.02101481190197256,0,-0.5580962872470785 -0.6447722602134367 -0.7252570922536233 -0.754665011652923 -0.7964552129045658 -0.8568188369347058 -0.8552710517031651 -0.8630099778608774 -0.643224474981896 -0.29806836834800376 -0.15412434181458692 0.014584248423498673 0.26068210023868954 0.36593149598355373 0.4324862609398653 0.4882065292753832 0.40307834154056565 0.29318559010107936 0.20341404667163973 0.08887793953752253 +304,-0.09376071778444693,0,-0.6447722602134367 -0.7252570922536233 -0.754665011652923 -0.7964552129045658 -0.8568188369347058 -0.8552710517031651 -0.8630099778608774 -0.643224474981896 -0.29806836834800376 -0.15412434181458692 0.014584248423498673 0.26068210023868954 0.36593149598355373 0.4324862609398653 0.4882065292753832 0.40307834154056565 0.29318559010107936 0.20341404667163973 0.08887793953752253 -0.02101481190197256 +305,-0.18043669075080518,0,-0.7252570922536233 -0.754665011652923 -0.7964552129045658 -0.8568188369347058 -0.8552710517031651 -0.8630099778608774 -0.643224474981896 -0.29806836834800376 -0.15412434181458692 0.014584248423498673 0.26068210023868954 0.36593149598355373 0.4324862609398653 0.4882065292753832 0.40307834154056565 0.29318559010107936 0.20341404667163973 0.08887793953752253 -0.02101481190197256 -0.09376071778444693 +306,-0.22841803292861076,0,-0.754665011652923 -0.7964552129045658 -0.8568188369347058 -0.8552710517031651 -0.8630099778608774 -0.643224474981896 -0.29806836834800376 -0.15412434181458692 0.014584248423498673 0.26068210023868954 0.36593149598355373 0.4324862609398653 0.4882065292753832 0.40307834154056565 0.29318559010107936 0.20341404667163973 0.08887793953752253 -0.02101481190197256 -0.09376071778444693 -0.18043669075080518 +307,-0.33985856959964655,0,-0.7964552129045658 -0.8568188369347058 -0.8552710517031651 -0.8630099778608774 -0.643224474981896 -0.29806836834800376 -0.15412434181458692 0.014584248423498673 0.26068210023868954 0.36593149598355373 0.4324862609398653 0.4882065292753832 0.40307834154056565 0.29318559010107936 0.20341404667163973 0.08887793953752253 -0.02101481190197256 -0.09376071778444693 -0.18043669075080518 -0.22841803292861076 +308,-0.40331776409286796,0,-0.8568188369347058 -0.8552710517031651 -0.8630099778608774 -0.643224474981896 -0.29806836834800376 -0.15412434181458692 0.014584248423498673 0.26068210023868954 0.36593149598355373 0.4324862609398653 0.4882065292753832 0.40307834154056565 0.29318559010107936 0.20341404667163973 0.08887793953752253 -0.02101481190197256 -0.09376071778444693 -0.18043669075080518 -0.22841803292861076 -0.33985856959964655 +309,-0.48999373705922616,0,-0.8552710517031651 -0.8630099778608774 -0.643224474981896 -0.29806836834800376 -0.15412434181458692 0.014584248423498673 0.26068210023868954 0.36593149598355373 0.4324862609398653 0.4882065292753832 0.40307834154056565 0.29318559010107936 0.20341404667163973 0.08887793953752253 -0.02101481190197256 -0.09376071778444693 -0.18043669075080518 -0.22841803292861076 -0.33985856959964655 -0.40331776409286796 +310,-0.6215554817403086,0,-0.8630099778608774 -0.643224474981896 -0.29806836834800376 -0.15412434181458692 0.014584248423498673 0.26068210023868954 0.36593149598355373 0.4324862609398653 0.4882065292753832 0.40307834154056565 0.29318559010107936 0.20341404667163973 0.08887793953752253 -0.02101481190197256 -0.09376071778444693 -0.18043669075080518 -0.22841803292861076 -0.33985856959964655 -0.40331776409286796 -0.48999373705922616 +311,-0.6679890386865736,0,-0.643224474981896 -0.29806836834800376 -0.15412434181458692 0.014584248423498673 0.26068210023868954 0.36593149598355373 0.4324862609398653 0.4882065292753832 0.40307834154056565 0.29318559010107936 0.20341404667163973 0.08887793953752253 -0.02101481190197256 -0.09376071778444693 -0.18043669075080518 -0.22841803292861076 -0.33985856959964655 -0.40331776409286796 -0.48999373705922616 -0.6215554817403086 +312,-0.7391871593375072,0,-0.29806836834800376 -0.15412434181458692 0.014584248423498673 0.26068210023868954 0.36593149598355373 0.4324862609398653 0.4882065292753832 0.40307834154056565 0.29318559010107936 0.20341404667163973 0.08887793953752253 -0.02101481190197256 -0.09376071778444693 -0.18043669075080518 -0.22841803292861076 -0.33985856959964655 -0.40331776409286796 -0.48999373705922616 -0.6215554817403086 -0.6679890386865736 +313,-0.8088374947569001,0,-0.15412434181458692 0.014584248423498673 0.26068210023868954 0.36593149598355373 0.4324862609398653 0.4882065292753832 0.40307834154056565 0.29318559010107936 0.20341404667163973 0.08887793953752253 -0.02101481190197256 -0.09376071778444693 -0.18043669075080518 -0.22841803292861076 -0.33985856959964655 -0.40331776409286796 -0.48999373705922616 -0.6215554817403086 -0.6679890386865736 -0.7391871593375072 +314,-0.7794295753576006,0,0.014584248423498673 0.26068210023868954 0.36593149598355373 0.4324862609398653 0.4882065292753832 0.40307834154056565 0.29318559010107936 0.20341404667163973 0.08887793953752253 -0.02101481190197256 -0.09376071778444693 -0.18043669075080518 -0.22841803292861076 -0.33985856959964655 -0.40331776409286796 -0.48999373705922616 -0.6215554817403086 -0.6679890386865736 -0.7391871593375072 -0.8088374947569001 +315,-0.4760636699753511,0,0.26068210023868954 0.36593149598355373 0.4324862609398653 0.4882065292753832 0.40307834154056565 0.29318559010107936 0.20341404667163973 0.08887793953752253 -0.02101481190197256 -0.09376071778444693 -0.18043669075080518 -0.22841803292861076 -0.33985856959964655 -0.40331776409286796 -0.48999373705922616 -0.6215554817403086 -0.6679890386865736 -0.7391871593375072 -0.8088374947569001 -0.7794295753576006 +316,-0.06280501315360658,0,0.36593149598355373 0.4324862609398653 0.4882065292753832 0.40307834154056565 0.29318559010107936 0.20341404667163973 0.08887793953752253 -0.02101481190197256 -0.09376071778444693 -0.18043669075080518 -0.22841803292861076 -0.33985856959964655 -0.40331776409286796 -0.48999373705922616 -0.6215554817403086 -0.6679890386865736 -0.7391871593375072 -0.8088374947569001 -0.7794295753576006 -0.4760636699753511 +317,0.18484062389313374,0,0.4324862609398653 0.4882065292753832 0.40307834154056565 0.29318559010107936 0.20341404667163973 0.08887793953752253 -0.02101481190197256 -0.09376071778444693 -0.18043669075080518 -0.22841803292861076 -0.33985856959964655 -0.40331776409286796 -0.48999373705922616 -0.6215554817403086 -0.6679890386865736 -0.7391871593375072 -0.8088374947569001 -0.7794295753576006 -0.4760636699753511 -0.06280501315360658 +318,0.44796411325528984,0,0.4882065292753832 0.40307834154056565 0.29318559010107936 0.20341404667163973 0.08887793953752253 -0.02101481190197256 -0.09376071778444693 -0.18043669075080518 -0.22841803292861076 -0.33985856959964655 -0.40331776409286796 -0.48999373705922616 -0.6215554817403086 -0.6679890386865736 -0.7391871593375072 -0.8088374947569001 -0.7794295753576006 -0.4760636699753511 -0.06280501315360658 0.18484062389313374 +319,0.6785841127550649,0,0.40307834154056565 0.29318559010107936 0.20341404667163973 0.08887793953752253 -0.02101481190197256 -0.09376071778444693 -0.18043669075080518 -0.22841803292861076 -0.33985856959964655 -0.40331776409286796 -0.48999373705922616 -0.6215554817403086 -0.6679890386865736 -0.7391871593375072 -0.8088374947569001 -0.7794295753576006 -0.4760636699753511 -0.06280501315360658 0.18484062389313374 0.44796411325528984 +320,0.7714512266475859,0,0.29318559010107936 0.20341404667163973 0.08887793953752253 -0.02101481190197256 -0.09376071778444693 -0.18043669075080518 -0.22841803292861076 -0.33985856959964655 -0.40331776409286796 -0.48999373705922616 -0.6215554817403086 -0.6679890386865736 -0.7391871593375072 -0.8088374947569001 -0.7794295753576006 -0.4760636699753511 -0.06280501315360658 0.18484062389313374 0.44796411325528984 0.6785841127550649 +321,0.7946680051207228,0,0.20341404667163973 0.08887793953752253 -0.02101481190197256 -0.09376071778444693 -0.18043669075080518 -0.22841803292861076 -0.33985856959964655 -0.40331776409286796 -0.48999373705922616 -0.6215554817403086 -0.6679890386865736 -0.7391871593375072 -0.8088374947569001 -0.7794295753576006 -0.4760636699753511 -0.06280501315360658 0.18484062389313374 0.44796411325528984 0.6785841127550649 0.7714512266475859 +322,0.8333626359092754,0,0.08887793953752253 -0.02101481190197256 -0.09376071778444693 -0.18043669075080518 -0.22841803292861076 -0.33985856959964655 -0.40331776409286796 -0.48999373705922616 -0.6215554817403086 -0.6679890386865736 -0.7391871593375072 -0.8088374947569001 -0.7794295753576006 -0.4760636699753511 -0.06280501315360658 0.18484062389313374 0.44796411325528984 0.6785841127550649 0.7714512266475859 0.7946680051207228 +323,0.8782484076239908,0,-0.02101481190197256 -0.09376071778444693 -0.18043669075080518 -0.22841803292861076 -0.33985856959964655 -0.40331776409286796 -0.48999373705922616 -0.6215554817403086 -0.6679890386865736 -0.7391871593375072 -0.8088374947569001 -0.7794295753576006 -0.4760636699753511 -0.06280501315360658 0.18484062389313374 0.44796411325528984 0.6785841127550649 0.7714512266475859 0.7946680051207228 0.8333626359092754 +324,0.7915724346576326,0,-0.09376071778444693 -0.18043669075080518 -0.22841803292861076 -0.33985856959964655 -0.40331776409286796 -0.48999373705922616 -0.6215554817403086 -0.6679890386865736 -0.7391871593375072 -0.8088374947569001 -0.7794295753576006 -0.4760636699753511 -0.06280501315360658 0.18484062389313374 0.44796411325528984 0.6785841127550649 0.7714512266475859 0.7946680051207228 0.8333626359092754 0.8782484076239908 +325,0.590360354557166,0,-0.18043669075080518 -0.22841803292861076 -0.33985856959964655 -0.40331776409286796 -0.48999373705922616 -0.6215554817403086 -0.6679890386865736 -0.7391871593375072 -0.8088374947569001 -0.7794295753576006 -0.4760636699753511 -0.06280501315360658 0.18484062389313374 0.44796411325528984 0.6785841127550649 0.7714512266475859 0.7946680051207228 0.8333626359092754 0.8782484076239908 0.7915724346576326 +326,0.33961914704734425,0,-0.22841803292861076 -0.33985856959964655 -0.40331776409286796 -0.48999373705922616 -0.6215554817403086 -0.6679890386865736 -0.7391871593375072 -0.8088374947569001 -0.7794295753576006 -0.4760636699753511 -0.06280501315360658 0.18484062389313374 0.44796411325528984 0.6785841127550649 0.7714512266475859 0.7946680051207228 0.8333626359092754 0.8782484076239908 0.7915724346576326 0.590360354557166 +327,0.16007606018845622,0,-0.33985856959964655 -0.40331776409286796 -0.48999373705922616 -0.6215554817403086 -0.6679890386865736 -0.7391871593375072 -0.8088374947569001 -0.7794295753576006 -0.4760636699753511 -0.06280501315360658 0.18484062389313374 0.44796411325528984 0.6785841127550649 0.7714512266475859 0.7946680051207228 0.8333626359092754 0.8782484076239908 0.7915724346576326 0.590360354557166 0.33961914704734425 +328,0.11828585893682218,0,-0.40331776409286796 -0.48999373705922616 -0.6215554817403086 -0.6679890386865736 -0.7391871593375072 -0.8088374947569001 -0.7794295753576006 -0.4760636699753511 -0.06280501315360658 0.18484062389313374 0.44796411325528984 0.6785841127550649 0.7714512266475859 0.7946680051207228 0.8333626359092754 0.8782484076239908 0.7915724346576326 0.590360354557166 0.33961914704734425 0.16007606018845622 +329,0.02696653027583305,0,-0.48999373705922616 -0.6215554817403086 -0.6679890386865736 -0.7391871593375072 -0.8088374947569001 -0.7794295753576006 -0.4760636699753511 -0.06280501315360658 0.18484062389313374 0.44796411325528984 0.6785841127550649 0.7714512266475859 0.7946680051207228 0.8333626359092754 0.8782484076239908 0.7915724346576326 0.590360354557166 0.33961914704734425 0.16007606018845622 0.11828585893682218 +330,0.005297537034245689,0,-0.6215554817403086 -0.6679890386865736 -0.7391871593375072 -0.8088374947569001 -0.7794295753576006 -0.4760636699753511 -0.06280501315360658 0.18484062389313374 0.44796411325528984 0.6785841127550649 0.7714512266475859 0.7946680051207228 0.8333626359092754 0.8782484076239908 0.7915724346576326 0.590360354557166 0.33961914704734425 0.16007606018845622 0.11828585893682218 0.02696653027583305 +331,-0.12316863718374657,0,-0.6679890386865736 -0.7391871593375072 -0.8088374947569001 -0.7794295753576006 -0.4760636699753511 -0.06280501315360658 0.18484062389313374 0.44796411325528984 0.6785841127550649 0.7714512266475859 0.7946680051207228 0.8333626359092754 0.8782484076239908 0.7915724346576326 0.590360354557166 0.33961914704734425 0.16007606018845622 0.11828585893682218 0.02696653027583305 0.005297537034245689 +332,-0.1603154827407585,0,-0.7391871593375072 -0.8088374947569001 -0.7794295753576006 -0.4760636699753511 -0.06280501315360658 0.18484062389313374 0.44796411325528984 0.6785841127550649 0.7714512266475859 0.7946680051207228 0.8333626359092754 0.8782484076239908 0.7915724346576326 0.590360354557166 0.33961914704734425 0.16007606018845622 0.11828585893682218 0.02696653027583305 0.005297537034245689 -0.12316863718374657 +333,-0.23925252954940446,0,-0.8088374947569001 -0.7794295753576006 -0.4760636699753511 -0.06280501315360658 0.18484062389313374 0.44796411325528984 0.6785841127550649 0.7714512266475859 0.7946680051207228 0.8333626359092754 0.8782484076239908 0.7915724346576326 0.590360354557166 0.33961914704734425 0.16007606018845622 0.11828585893682218 0.02696653027583305 0.005297537034245689 -0.12316863718374657 -0.1603154827407585 +334,-0.2655648784856227,0,-0.7794295753576006 -0.4760636699753511 -0.06280501315360658 0.18484062389313374 0.44796411325528984 0.6785841127550649 0.7714512266475859 0.7946680051207228 0.8333626359092754 0.8782484076239908 0.7915724346576326 0.590360354557166 0.33961914704734425 0.16007606018845622 0.11828585893682218 0.02696653027583305 0.005297537034245689 -0.12316863718374657 -0.1603154827407585 -0.23925252954940446 +335,-0.3506930662204403,0,-0.4760636699753511 -0.06280501315360658 0.18484062389313374 0.44796411325528984 0.6785841127550649 0.7714512266475859 0.7946680051207228 0.8333626359092754 0.8782484076239908 0.7915724346576326 0.590360354557166 0.33961914704734425 0.16007606018845622 0.11828585893682218 0.02696653027583305 0.005297537034245689 -0.12316863718374657 -0.1603154827407585 -0.23925252954940446 -0.2655648784856227 +336,-0.29032944219029144,0,-0.06280501315360658 0.18484062389313374 0.44796411325528984 0.6785841127550649 0.7714512266475859 0.7946680051207228 0.8333626359092754 0.8782484076239908 0.7915724346576326 0.590360354557166 0.33961914704734425 0.16007606018845622 0.11828585893682218 0.02696653027583305 0.005297537034245689 -0.12316863718374657 -0.1603154827407585 -0.23925252954940446 -0.2655648784856227 -0.3506930662204403 +337,-0.3212851468211406,0,0.18484062389313374 0.44796411325528984 0.6785841127550649 0.7714512266475859 0.7946680051207228 0.8333626359092754 0.8782484076239908 0.7915724346576326 0.590360354557166 0.33961914704734425 0.16007606018845622 0.11828585893682218 0.02696653027583305 0.005297537034245689 -0.12316863718374657 -0.1603154827407585 -0.23925252954940446 -0.2655648784856227 -0.3506930662204403 -0.29032944219029144 +338,-0.38164877085128057,0,0.44796411325528984 0.6785841127550649 0.7714512266475859 0.7946680051207228 0.8333626359092754 0.8782484076239908 0.7915724346576326 0.590360354557166 0.33961914704734425 0.16007606018845622 0.11828585893682218 0.02696653027583305 0.005297537034245689 -0.12316863718374657 -0.1603154827407585 -0.23925252954940446 -0.2655648784856227 -0.3506930662204403 -0.29032944219029144 -0.3212851468211406 +339,-0.16960219413001149,0,0.6785841127550649 0.7714512266475859 0.7946680051207228 0.8333626359092754 0.8782484076239908 0.7915724346576326 0.590360354557166 0.33961914704734425 0.16007606018845622 0.11828585893682218 0.02696653027583305 0.005297537034245689 -0.12316863718374657 -0.1603154827407585 -0.23925252954940446 -0.2655648784856227 -0.3506930662204403 -0.29032944219029144 -0.3212851468211406 -0.38164877085128057 +340,0.39843498584594356,0,0.7714512266475859 0.7946680051207228 0.8333626359092754 0.8782484076239908 0.7915724346576326 0.590360354557166 0.33961914704734425 0.16007606018845622 0.11828585893682218 0.02696653027583305 0.005297537034245689 -0.12316863718374657 -0.1603154827407585 -0.23925252954940446 -0.2655648784856227 -0.3506930662204403 -0.29032944219029144 -0.3212851468211406 -0.38164877085128057 -0.16960219413001149 +341,0.9896889442950266,0,0.7946680051207228 0.8333626359092754 0.8782484076239908 0.7915724346576326 0.590360354557166 0.33961914704734425 0.16007606018845622 0.11828585893682218 0.02696653027583305 0.005297537034245689 -0.12316863718374657 -0.1603154827407585 -0.23925252954940446 -0.2655648784856227 -0.3506930662204403 -0.29032944219029144 -0.3212851468211406 -0.38164877085128057 -0.16960219413001149 0.39843498584594356 +342,1.0933905548083502,0,0.8333626359092754 0.8782484076239908 0.7915724346576326 0.590360354557166 0.33961914704734425 0.16007606018845622 0.11828585893682218 0.02696653027583305 0.005297537034245689 -0.12316863718374657 -0.1603154827407585 -0.23925252954940446 -0.2655648784856227 -0.3506930662204403 -0.29032944219029144 -0.3212851468211406 -0.38164877085128057 -0.16960219413001149 0.39843498584594356 0.9896889442950266 +343,1.500458070703923,0,0.8782484076239908 0.7915724346576326 0.590360354557166 0.33961914704734425 0.16007606018845622 0.11828585893682218 0.02696653027583305 0.005297537034245689 -0.12316863718374657 -0.1603154827407585 -0.23925252954940446 -0.2655648784856227 -0.3506930662204403 -0.29032944219029144 -0.3212851468211406 -0.38164877085128057 -0.16960219413001149 0.39843498584594356 0.9896889442950266 1.0933905548083502 +344,1.6954790098782269,0,0.7915724346576326 0.590360354557166 0.33961914704734425 0.16007606018845622 0.11828585893682218 0.02696653027583305 0.005297537034245689 -0.12316863718374657 -0.1603154827407585 -0.23925252954940446 -0.2655648784856227 -0.3506930662204403 -0.29032944219029144 -0.3212851468211406 -0.38164877085128057 -0.16960219413001149 0.39843498584594356 0.9896889442950266 1.0933905548083502 1.500458070703923 +345,1.6134463926064908,0,0.590360354557166 0.33961914704734425 0.16007606018845622 0.11828585893682218 0.02696653027583305 0.005297537034245689 -0.12316863718374657 -0.1603154827407585 -0.23925252954940446 -0.2655648784856227 -0.3506930662204403 -0.29032944219029144 -0.3212851468211406 -0.38164877085128057 -0.16960219413001149 0.39843498584594356 0.9896889442950266 1.0933905548083502 1.500458070703923 1.6954790098782269 +346,1.5685606208917753,0,0.33961914704734425 0.16007606018845622 0.11828585893682218 0.02696653027583305 0.005297537034245689 -0.12316863718374657 -0.1603154827407585 -0.23925252954940446 -0.2655648784856227 -0.3506930662204403 -0.29032944219029144 -0.3212851468211406 -0.38164877085128057 -0.16960219413001149 0.39843498584594356 0.9896889442950266 1.0933905548083502 1.500458070703923 1.6954790098782269 1.6134463926064908 +347,1.5051014263985452,0,0.16007606018845622 0.11828585893682218 0.02696653027583305 0.005297537034245689 -0.12316863718374657 -0.1603154827407585 -0.23925252954940446 -0.2655648784856227 -0.3506930662204403 -0.29032944219029144 -0.3212851468211406 -0.38164877085128057 -0.16960219413001149 0.39843498584594356 0.9896889442950266 1.0933905548083502 1.500458070703923 1.6954790098782269 1.6134463926064908 1.5685606208917753 +348,1.3286539100027472,0,0.11828585893682218 0.02696653027583305 0.005297537034245689 -0.12316863718374657 -0.1603154827407585 -0.23925252954940446 -0.2655648784856227 -0.3506930662204403 -0.29032944219029144 -0.3212851468211406 -0.38164877085128057 -0.16960219413001149 0.39843498584594356 0.9896889442950266 1.0933905548083502 1.500458070703923 1.6954790098782269 1.6134463926064908 1.5685606208917753 1.5051014263985452 +349,1.1939965948585836,0,0.02696653027583305 0.005297537034245689 -0.12316863718374657 -0.1603154827407585 -0.23925252954940446 -0.2655648784856227 -0.3506930662204403 -0.29032944219029144 -0.3212851468211406 -0.38164877085128057 -0.16960219413001149 0.39843498584594356 0.9896889442950266 1.0933905548083502 1.500458070703923 1.6954790098782269 1.6134463926064908 1.5685606208917753 1.5051014263985452 1.3286539100027472 +350,1.025288004620498,0,0.005297537034245689 -0.12316863718374657 -0.1603154827407585 -0.23925252954940446 -0.2655648784856227 -0.3506930662204403 -0.29032944219029144 -0.3212851468211406 -0.38164877085128057 -0.16960219413001149 0.39843498584594356 0.9896889442950266 1.0933905548083502 1.500458070703923 1.6954790098782269 1.6134463926064908 1.5685606208917753 1.5051014263985452 1.3286539100027472 1.1939965948585836 +351,0.8395537768354382,0,-0.12316863718374657 -0.1603154827407585 -0.23925252954940446 -0.2655648784856227 -0.3506930662204403 -0.29032944219029144 -0.3212851468211406 -0.38164877085128057 -0.16960219413001149 0.39843498584594356 0.9896889442950266 1.0933905548083502 1.500458070703923 1.6954790098782269 1.6134463926064908 1.5685606208917753 1.5051014263985452 1.3286539100027472 1.1939965948585836 1.025288004620498 +352,0.780737938036839,0,-0.1603154827407585 -0.23925252954940446 -0.2655648784856227 -0.3506930662204403 -0.29032944219029144 -0.3212851468211406 -0.38164877085128057 -0.16960219413001149 0.39843498584594356 0.9896889442950266 1.0933905548083502 1.500458070703923 1.6954790098782269 1.6134463926064908 1.5685606208917753 1.5051014263985452 1.3286539100027472 1.1939965948585836 1.025288004620498 0.8395537768354382 +353,0.6398894819665123,0,-0.23925252954940446 -0.2655648784856227 -0.3506930662204403 -0.29032944219029144 -0.3212851468211406 -0.38164877085128057 -0.16960219413001149 0.39843498584594356 0.9896889442950266 1.0933905548083502 1.500458070703923 1.6954790098782269 1.6134463926064908 1.5685606208917753 1.5051014263985452 1.3286539100027472 1.1939965948585836 1.025288004620498 0.8395537768354382 0.780737938036839 +354,0.4262951200137025,0,-0.2655648784856227 -0.3506930662204403 -0.29032944219029144 -0.3212851468211406 -0.38164877085128057 -0.16960219413001149 0.39843498584594356 0.9896889442950266 1.0933905548083502 1.500458070703923 1.6954790098782269 1.6134463926064908 1.5685606208917753 1.5051014263985452 1.3286539100027472 1.1939965948585836 1.025288004620498 0.8395537768354382 0.780737938036839 0.6398894819665123 +355,0.3164023685742074,0,-0.3506930662204403 -0.29032944219029144 -0.3212851468211406 -0.38164877085128057 -0.16960219413001149 0.39843498584594356 0.9896889442950266 1.0933905548083502 1.500458070703923 1.6954790098782269 1.6134463926064908 1.5685606208917753 1.5051014263985452 1.3286539100027472 1.1939965948585836 1.025288004620498 0.8395537768354382 0.780737938036839 0.6398894819665123 0.4262951200137025 +356,0.24829981838635515,0,-0.29032944219029144 -0.3212851468211406 -0.38164877085128057 -0.16960219413001149 0.39843498584594356 0.9896889442950266 1.0933905548083502 1.500458070703923 1.6954790098782269 1.6134463926064908 1.5685606208917753 1.5051014263985452 1.3286539100027472 1.1939965948585836 1.025288004620498 0.8395537768354382 0.780737938036839 0.6398894819665123 0.4262951200137025 0.3164023685742074 +357,0.16471941588308708,0,-0.3212851468211406 -0.38164877085128057 -0.16960219413001149 0.39843498584594356 0.9896889442950266 1.0933905548083502 1.500458070703923 1.6954790098782269 1.6134463926064908 1.5685606208917753 1.5051014263985452 1.3286539100027472 1.1939965948585836 1.025288004620498 0.8395537768354382 0.780737938036839 0.6398894819665123 0.4262951200137025 0.3164023685742074 0.24829981838635515 +358,0.13840706694686883,0,-0.38164877085128057 -0.16960219413001149 0.39843498584594356 0.9896889442950266 1.0933905548083502 1.500458070703923 1.6954790098782269 1.6134463926064908 1.5685606208917753 1.5051014263985452 1.3286539100027472 1.1939965948585836 1.025288004620498 0.8395537768354382 0.780737938036839 0.6398894819665123 0.4262951200137025 0.3164023685742074 0.24829981838635515 0.16471941588308708 +359,0.09352129523214463,0,-0.16960219413001149 0.39843498584594356 0.9896889442950266 1.0933905548083502 1.500458070703923 1.6954790098782269 1.6134463926064908 1.5685606208917753 1.5051014263985452 1.3286539100027472 1.1939965948585836 1.025288004620498 0.8395537768354382 0.780737938036839 0.6398894819665123 0.4262951200137025 0.3164023685742074 0.24829981838635515 0.16471941588308708 0.13840706694686883 +360,0.00994089272887658,0,0.39843498584594356 0.9896889442950266 1.0933905548083502 1.500458070703923 1.6954790098782269 1.6134463926064908 1.5685606208917753 1.5051014263985452 1.3286539100027472 1.1939965948585836 1.025288004620498 0.8395537768354382 0.780737938036839 0.6398894819665123 0.4262951200137025 0.3164023685742074 0.24829981838635515 0.16471941588308708 0.13840706694686883 0.09352129523214463 +361,-0.04577937560664132,0,0.9896889442950266 1.0933905548083502 1.500458070703923 1.6954790098782269 1.6134463926064908 1.5685606208917753 1.5051014263985452 1.3286539100027472 1.1939965948585836 1.025288004620498 0.8395537768354382 0.780737938036839 0.6398894819665123 0.4262951200137025 0.3164023685742074 0.24829981838635515 0.16471941588308708 0.13840706694686883 0.09352129523214463 0.00994089272887658 +362,0.06566116106438567,0,1.0933905548083502 1.500458070703923 1.6954790098782269 1.6134463926064908 1.5685606208917753 1.5051014263985452 1.3286539100027472 1.1939965948585836 1.025288004620498 0.8395537768354382 0.780737938036839 0.6398894819665123 0.4262951200137025 0.3164023685742074 0.24829981838635515 0.16471941588308708 0.13840706694686883 0.09352129523214463 0.00994089272887658 -0.04577937560664132 +363,0.25603874454406744,0,1.500458070703923 1.6954790098782269 1.6134463926064908 1.5685606208917753 1.5051014263985452 1.3286539100027472 1.1939965948585836 1.025288004620498 0.8395537768354382 0.780737938036839 0.6398894819665123 0.4262951200137025 0.3164023685742074 0.24829981838635515 0.16471941588308708 0.13840706694686883 0.09352129523214463 0.00994089272887658 -0.04577937560664132 0.06566116106438567 +364,0.8890829042447845,0,1.6954790098782269 1.6134463926064908 1.5685606208917753 1.5051014263985452 1.3286539100027472 1.1939965948585836 1.025288004620498 0.8395537768354382 0.780737938036839 0.6398894819665123 0.4262951200137025 0.3164023685742074 0.24829981838635515 0.16471941588308708 0.13840706694686883 0.09352129523214463 0.00994089272887658 -0.04577937560664132 0.06566116106438567 0.25603874454406744 +365,1.3797308226436342,0,1.6134463926064908 1.5685606208917753 1.5051014263985452 1.3286539100027472 1.1939965948585836 1.025288004620498 0.8395537768354382 0.780737938036839 0.6398894819665123 0.4262951200137025 0.3164023685742074 0.24829981838635515 0.16471941588308708 0.13840706694686883 0.09352129523214463 0.00994089272887658 -0.04577937560664132 0.06566116106438567 0.25603874454406744 0.8890829042447845 +366,1.3781830374120936,0,1.5685606208917753 1.5051014263985452 1.3286539100027472 1.1939965948585836 1.025288004620498 0.8395537768354382 0.780737938036839 0.6398894819665123 0.4262951200137025 0.3164023685742074 0.24829981838635515 0.16471941588308708 0.13840706694686883 0.09352129523214463 0.00994089272887658 -0.04577937560664132 0.06566116106438567 0.25603874454406744 0.8890829042447845 1.3797308226436342 +367,1.6444020972373399,0,1.5051014263985452 1.3286539100027472 1.1939965948585836 1.025288004620498 0.8395537768354382 0.780737938036839 0.6398894819665123 0.4262951200137025 0.3164023685742074 0.24829981838635515 0.16471941588308708 0.13840706694686883 0.09352129523214463 0.00994089272887658 -0.04577937560664132 0.06566116106438567 0.25603874454406744 0.8890829042447845 1.3797308226436342 1.3781830374120936 +368,1.7589382043714483,0,1.3286539100027472 1.1939965948585836 1.025288004620498 0.8395537768354382 0.780737938036839 0.6398894819665123 0.4262951200137025 0.3164023685742074 0.24829981838635515 0.16471941588308708 0.13840706694686883 0.09352129523214463 0.00994089272887658 -0.04577937560664132 0.06566116106438567 0.25603874454406744 0.8890829042447845 1.3797308226436342 1.3781830374120936 1.6444020972373399 +369,1.7063135064990207,0,1.1939965948585836 1.025288004620498 0.8395537768354382 0.780737938036839 0.6398894819665123 0.4262951200137025 0.3164023685742074 0.24829981838635515 0.16471941588308708 0.13840706694686883 0.09352129523214463 0.00994089272887658 -0.04577937560664132 0.06566116106438567 0.25603874454406744 0.8890829042447845 1.3797308226436342 1.3781830374120936 1.6444020972373399 1.7589382043714483 +370,1.6753578018681803,0,1.025288004620498 0.8395537768354382 0.780737938036839 0.6398894819665123 0.4262951200137025 0.3164023685742074 0.24829981838635515 0.16471941588308708 0.13840706694686883 0.09352129523214463 0.00994089272887658 -0.04577937560664132 0.06566116106438567 0.25603874454406744 0.8890829042447845 1.3797308226436342 1.3781830374120936 1.6444020972373399 1.7589382043714483 1.7063135064990207 +371,1.649045452931962,0,0.8395537768354382 0.780737938036839 0.6398894819665123 0.4262951200137025 0.3164023685742074 0.24829981838635515 0.16471941588308708 0.13840706694686883 0.09352129523214463 0.00994089272887658 -0.04577937560664132 0.06566116106438567 0.25603874454406744 0.8890829042447845 1.3797308226436342 1.3781830374120936 1.6444020972373399 1.7589382043714483 1.7063135064990207 1.6753578018681803 +372,1.4060431715798525,0,0.780737938036839 0.6398894819665123 0.4262951200137025 0.3164023685742074 0.24829981838635515 0.16471941588308708 0.13840706694686883 0.09352129523214463 0.00994089272887658 -0.04577937560664132 0.06566116106438567 0.25603874454406744 0.8890829042447845 1.3797308226436342 1.3781830374120936 1.6444020972373399 1.7589382043714483 1.7063135064990207 1.6753578018681803 1.649045452931962 +373,1.1862576687008712,0,0.6398894819665123 0.4262951200137025 0.3164023685742074 0.24829981838635515 0.16471941588308708 0.13840706694686883 0.09352129523214463 0.00994089272887658 -0.04577937560664132 0.06566116106438567 0.25603874454406744 0.8890829042447845 1.3797308226436342 1.3781830374120936 1.6444020972373399 1.7589382043714483 1.7063135064990207 1.6753578018681803 1.649045452931962 1.4060431715798525 +374,0.9804022329057737,0,0.4262951200137025 0.3164023685742074 0.24829981838635515 0.16471941588308708 0.13840706694686883 0.09352129523214463 0.00994089272887658 -0.04577937560664132 0.06566116106438567 0.25603874454406744 0.8890829042447845 1.3797308226436342 1.3781830374120936 1.6444020972373399 1.7589382043714483 1.7063135064990207 1.6753578018681803 1.649045452931962 1.4060431715798525 1.1862576687008712 +375,0.7791901528052982,0,0.3164023685742074 0.24829981838635515 0.16471941588308708 0.13840706694686883 0.09352129523214463 0.00994089272887658 -0.04577937560664132 0.06566116106438567 0.25603874454406744 0.8890829042447845 1.3797308226436342 1.3781830374120936 1.6444020972373399 1.7589382043714483 1.7063135064990207 1.6753578018681803 1.649045452931962 1.4060431715798525 1.1862576687008712 0.9804022329057737 +376,0.7219220992382397,0,0.24829981838635515 0.16471941588308708 0.13840706694686883 0.09352129523214463 0.00994089272887658 -0.04577937560664132 0.06566116106438567 0.25603874454406744 0.8890829042447845 1.3797308226436342 1.3781830374120936 1.6444020972373399 1.7589382043714483 1.7063135064990207 1.6753578018681803 1.649045452931962 1.4060431715798525 1.1862576687008712 0.9804022329057737 0.7791901528052982 +377,0.5330923009901074,0,0.16471941588308708 0.13840706694686883 0.09352129523214463 0.00994089272887658 -0.04577937560664132 0.06566116106438567 0.25603874454406744 0.8890829042447845 1.3797308226436342 1.3781830374120936 1.6444020972373399 1.7589382043714483 1.7063135064990207 1.6753578018681803 1.649045452931962 1.4060431715798525 1.1862576687008712 0.9804022329057737 0.7791901528052982 0.7219220992382397 +378,0.4092694824667372,0,0.13840706694686883 0.09352129523214463 0.00994089272887658 -0.04577937560664132 0.06566116106438567 0.25603874454406744 0.8890829042447845 1.3797308226436342 1.3781830374120936 1.6444020972373399 1.7589382043714483 1.7063135064990207 1.6753578018681803 1.649045452931962 1.4060431715798525 1.1862576687008712 0.9804022329057737 0.7791901528052982 0.7219220992382397 0.5330923009901074 +379,0.24365646269173305,0,0.09352129523214463 0.00994089272887658 -0.04577937560664132 0.06566116106438567 0.25603874454406744 0.8890829042447845 1.3797308226436342 1.3781830374120936 1.6444020972373399 1.7589382043714483 1.7063135064990207 1.6753578018681803 1.649045452931962 1.4060431715798525 1.1862576687008712 0.9804022329057737 0.7791901528052982 0.7219220992382397 0.5330923009901074 0.4092694824667372 +380,0.11983364416836288,0,0.00994089272887658 -0.04577937560664132 0.06566116106438567 0.25603874454406744 0.8890829042447845 1.3797308226436342 1.3781830374120936 1.6444020972373399 1.7589382043714483 1.7063135064990207 1.6753578018681803 1.649045452931962 1.4060431715798525 1.1862576687008712 0.9804022329057737 0.7791901528052982 0.7219220992382397 0.5330923009901074 0.4092694824667372 0.24365646269173305 +381,0.02696653027583305,0,-0.04577937560664132 0.06566116106438567 0.25603874454406744 0.8890829042447845 1.3797308226436342 1.3781830374120936 1.6444020972373399 1.7589382043714483 1.7063135064990207 1.6753578018681803 1.649045452931962 1.4060431715798525 1.1862576687008712 0.9804022329057737 0.7791901528052982 0.7219220992382397 0.5330923009901074 0.4092694824667372 0.24365646269173305 0.11983364416836288 +382,-0.008632530049629385,0,0.06566116106438567 0.25603874454406744 0.8890829042447845 1.3797308226436342 1.3781830374120936 1.6444020972373399 1.7589382043714483 1.7063135064990207 1.6753578018681803 1.649045452931962 1.4060431715798525 1.1862576687008712 0.9804022329057737 0.7791901528052982 0.7219220992382397 0.5330923009901074 0.4092694824667372 0.24365646269173305 0.11983364416836288 0.02696653027583305 +383,-0.04268380514355992,0,0.25603874454406744 0.8890829042447845 1.3797308226436342 1.3781830374120936 1.6444020972373399 1.7589382043714483 1.7063135064990207 1.6753578018681803 1.649045452931962 1.4060431715798525 1.1862576687008712 0.9804022329057737 0.7791901528052982 0.7219220992382397 0.5330923009901074 0.4092694824667372 0.24365646269173305 0.11983364416836288 0.02696653027583305 -0.008632530049629385 +384,-0.12316863718374657,0,0.8890829042447845 1.3797308226436342 1.3781830374120936 1.6444020972373399 1.7589382043714483 1.7063135064990207 1.6753578018681803 1.649045452931962 1.4060431715798525 1.1862576687008712 0.9804022329057737 0.7791901528052982 0.7219220992382397 0.5330923009901074 0.4092694824667372 0.24365646269173305 0.11983364416836288 0.02696653027583305 -0.008632530049629385 -0.04268380514355992 +385,-0.18972340214005814,0,1.3797308226436342 1.3781830374120936 1.6444020972373399 1.7589382043714483 1.7063135064990207 1.6753578018681803 1.649045452931962 1.4060431715798525 1.1862576687008712 0.9804022329057737 0.7791901528052982 0.7219220992382397 0.5330923009901074 0.4092694824667372 0.24365646269173305 0.11983364416836288 0.02696653027583305 -0.008632530049629385 -0.04268380514355992 -0.12316863718374657 +386,-0.19591454306622974,0,1.3781830374120936 1.6444020972373399 1.7589382043714483 1.7063135064990207 1.6753578018681803 1.649045452931962 1.4060431715798525 1.1862576687008712 0.9804022329057737 0.7791901528052982 0.7219220992382397 0.5330923009901074 0.4092694824667372 0.24365646269173305 0.11983364416836288 0.02696653027583305 -0.008632530049629385 -0.04268380514355992 -0.12316863718374657 -0.18972340214005814 +387,-0.04577937560664132,0,1.6444020972373399 1.7589382043714483 1.7063135064990207 1.6753578018681803 1.649045452931962 1.4060431715798525 1.1862576687008712 0.9804022329057737 0.7791901528052982 0.7219220992382397 0.5330923009901074 0.4092694824667372 0.24365646269173305 0.11983364416836288 0.02696653027583305 -0.008632530049629385 -0.04268380514355992 -0.12316863718374657 -0.18972340214005814 -0.19591454306622974 +388,0.313306798111126,0,1.7589382043714483 1.7063135064990207 1.6753578018681803 1.649045452931962 1.4060431715798525 1.1862576687008712 0.9804022329057737 0.7791901528052982 0.7219220992382397 0.5330923009901074 0.4092694824667372 0.24365646269173305 0.11983364416836288 0.02696653027583305 -0.008632530049629385 -0.04268380514355992 -0.12316863718374657 -0.18972340214005814 -0.19591454306622974 -0.04577937560664132 +389,0.4386774018660369,0,1.7063135064990207 1.6753578018681803 1.649045452931962 1.4060431715798525 1.1862576687008712 0.9804022329057737 0.7791901528052982 0.7219220992382397 0.5330923009901074 0.4092694824667372 0.24365646269173305 0.11983364416836288 0.02696653027583305 -0.008632530049629385 -0.04268380514355992 -0.12316863718374657 -0.18972340214005814 -0.19591454306622974 -0.04577937560664132 0.313306798111126 +390,0.9122996827179214,0,1.6753578018681803 1.649045452931962 1.4060431715798525 1.1862576687008712 0.9804022329057737 0.7791901528052982 0.7219220992382397 0.5330923009901074 0.4092694824667372 0.24365646269173305 0.11983364416836288 0.02696653027583305 -0.008632530049629385 -0.04268380514355992 -0.12316863718374657 -0.18972340214005814 -0.19591454306622974 -0.04577937560664132 0.313306798111126 0.4386774018660369 +391,1.3658007555597593,0,1.649045452931962 1.4060431715798525 1.1862576687008712 0.9804022329057737 0.7791901528052982 0.7219220992382397 0.5330923009901074 0.4092694824667372 0.24365646269173305 0.11983364416836288 0.02696653027583305 -0.008632530049629385 -0.04268380514355992 -0.12316863718374657 -0.18972340214005814 -0.19591454306622974 -0.04577937560664132 0.313306798111126 0.4386774018660369 0.9122996827179214 +392,1.718695788351355,0,1.4060431715798525 1.1862576687008712 0.9804022329057737 0.7791901528052982 0.7219220992382397 0.5330923009901074 0.4092694824667372 0.24365646269173305 0.11983364416836288 0.02696653027583305 -0.008632530049629385 -0.04268380514355992 -0.12316863718374657 -0.18972340214005814 -0.19591454306622974 -0.04577937560664132 0.313306798111126 0.4386774018660369 0.9122996827179214 1.3658007555597593 +393,1.6444020972373399,0,1.1862576687008712 0.9804022329057737 0.7791901528052982 0.7219220992382397 0.5330923009901074 0.4092694824667372 0.24365646269173305 0.11983364416836288 0.02696653027583305 -0.008632530049629385 -0.04268380514355992 -0.12316863718374657 -0.18972340214005814 -0.19591454306622974 -0.04577937560664132 0.313306798111126 0.4386774018660369 0.9122996827179214 1.3658007555597593 1.718695788351355 +394,1.5267704196401326,0,0.9804022329057737 0.7791901528052982 0.7219220992382397 0.5330923009901074 0.4092694824667372 0.24365646269173305 0.11983364416836288 0.02696653027583305 -0.008632530049629385 -0.04268380514355992 -0.12316863718374657 -0.18972340214005814 -0.19591454306622974 -0.04577937560664132 0.313306798111126 0.4386774018660369 0.9122996827179214 1.3658007555597593 1.718695788351355 1.6444020972373399 +395,1.4958147150092922,0,0.7791901528052982 0.7219220992382397 0.5330923009901074 0.4092694824667372 0.24365646269173305 0.11983364416836288 0.02696653027583305 -0.008632530049629385 -0.04268380514355992 -0.12316863718374657 -0.18972340214005814 -0.19591454306622974 -0.04577937560664132 0.313306798111126 0.4386774018660369 0.9122996827179214 1.3658007555597593 1.718695788351355 1.6444020972373399 1.5267704196401326 +396,1.2466212927310112,0,0.7219220992382397 0.5330923009901074 0.4092694824667372 0.24365646269173305 0.11983364416836288 0.02696653027583305 -0.008632530049629385 -0.04268380514355992 -0.12316863718374657 -0.18972340214005814 -0.19591454306622974 -0.04577937560664132 0.313306798111126 0.4386774018660369 0.9122996827179214 1.3658007555597593 1.718695788351355 1.6444020972373399 1.5267704196401326 1.4958147150092922 +397,1.2528124336571829,0,0.5330923009901074 0.4092694824667372 0.24365646269173305 0.11983364416836288 0.02696653027583305 -0.008632530049629385 -0.04268380514355992 -0.12316863718374657 -0.18972340214005814 -0.19591454306622974 -0.04577937560664132 0.313306798111126 0.4386774018660369 0.9122996827179214 1.3658007555597593 1.718695788351355 1.6444020972373399 1.5267704196401326 1.4958147150092922 1.2466212927310112 +398,0.8767006223924502,0,0.4092694824667372 0.24365646269173305 0.11983364416836288 0.02696653027583305 -0.008632530049629385 -0.04268380514355992 -0.12316863718374657 -0.18972340214005814 -0.19591454306622974 -0.04577937560664132 0.313306798111126 0.4386774018660369 0.9122996827179214 1.3658007555597593 1.718695788351355 1.6444020972373399 1.5267704196401326 1.4958147150092922 1.2466212927310112 1.2528124336571829 +399,0.7296610253959519,0,0.24365646269173305 0.11983364416836288 0.02696653027583305 -0.008632530049629385 -0.04268380514355992 -0.12316863718374657 -0.18972340214005814 -0.19591454306622974 -0.04577937560664132 0.313306798111126 0.4386774018660369 0.9122996827179214 1.3658007555597593 1.718695788351355 1.6444020972373399 1.5267704196401326 1.4958147150092922 1.2466212927310112 1.2528124336571829 0.8767006223924502 +400,0.6553673342819281,0,0.11983364416836288 0.02696653027583305 -0.008632530049629385 -0.04268380514355992 -0.12316863718374657 -0.18972340214005814 -0.19591454306622974 -0.04577937560664132 0.313306798111126 0.4386774018660369 0.9122996827179214 1.3658007555597593 1.718695788351355 1.6444020972373399 1.5267704196401326 1.4958147150092922 1.2466212927310112 1.2528124336571829 0.8767006223924502 0.7296610253959519 +401,0.5269011600639358,0,0.02696653027583305 -0.008632530049629385 -0.04268380514355992 -0.12316863718374657 -0.18972340214005814 -0.19591454306622974 -0.04577937560664132 0.313306798111126 0.4386774018660369 0.9122996827179214 1.3658007555597593 1.718695788351355 1.6444020972373399 1.5267704196401326 1.4958147150092922 1.2466212927310112 1.2528124336571829 0.8767006223924502 0.7296610253959519 0.6553673342819281 +402,0.4139128381613593,0,-0.008632530049629385 -0.04268380514355992 -0.12316863718374657 -0.18972340214005814 -0.19591454306622974 -0.04577937560664132 0.313306798111126 0.4386774018660369 0.9122996827179214 1.3658007555597593 1.718695788351355 1.6444020972373399 1.5267704196401326 1.4958147150092922 1.2466212927310112 1.2528124336571829 0.8767006223924502 0.7296610253959519 0.6553673342819281 0.5269011600639358 +403,0.34426250274196635,0,-0.04268380514355992 -0.12316863718374657 -0.18972340214005814 -0.19591454306622974 -0.04577937560664132 0.313306798111126 0.4386774018660369 0.9122996827179214 1.3658007555597593 1.718695788351355 1.6444020972373399 1.5267704196401326 1.4958147150092922 1.2466212927310112 1.2528124336571829 0.8767006223924502 0.7296610253959519 0.6553673342819281 0.5269011600639358 0.4139128381613593 +404,0.29473337533262006,0,-0.12316863718374657 -0.18972340214005814 -0.19591454306622974 -0.04577937560664132 0.313306798111126 0.4386774018660369 0.9122996827179214 1.3658007555597593 1.718695788351355 1.6444020972373399 1.5267704196401326 1.4958147150092922 1.2466212927310112 1.2528124336571829 0.8767006223924502 0.7296610253959519 0.6553673342819281 0.5269011600639358 0.4139128381613593 0.34426250274196635 +405,0.15852827495691552,0,-0.18972340214005814 -0.19591454306622974 -0.04577937560664132 0.313306798111126 0.4386774018660369 0.9122996827179214 1.3658007555597593 1.718695788351355 1.6444020972373399 1.5267704196401326 1.4958147150092922 1.2466212927310112 1.2528124336571829 0.8767006223924502 0.7296610253959519 0.6553673342819281 0.5269011600639358 0.4139128381613593 0.34426250274196635 0.29473337533262006 +406,0.06256559060130429,0,-0.19591454306622974 -0.04577937560664132 0.313306798111126 0.4386774018660369 0.9122996827179214 1.3658007555597593 1.718695788351355 1.6444020972373399 1.5267704196401326 1.4958147150092922 1.2466212927310112 1.2528124336571829 0.8767006223924502 0.7296610253959519 0.6553673342819281 0.5269011600639358 0.4139128381613593 0.34426250274196635 0.29473337533262006 0.15852827495691552 +407,-0.0535183017643536,0,-0.04577937560664132 0.313306798111126 0.4386774018660369 0.9122996827179214 1.3658007555597593 1.718695788351355 1.6444020972373399 1.5267704196401326 1.4958147150092922 1.2466212927310112 1.2528124336571829 0.8767006223924502 0.7296610253959519 0.6553673342819281 0.5269011600639358 0.4139128381613593 0.34426250274196635 0.29473337533262006 0.15852827495691552 0.06256559060130429 +408,-0.03958823468047853,0,0.313306798111126 0.4386774018660369 0.9122996827179214 1.3658007555597593 1.718695788351355 1.6444020972373399 1.5267704196401326 1.4958147150092922 1.2466212927310112 1.2528124336571829 0.8767006223924502 0.7296610253959519 0.6553673342819281 0.5269011600639358 0.4139128381613593 0.34426250274196635 0.29473337533262006 0.15852827495691552 0.06256559060130429 -0.0535183017643536 +409,-0.05042273130127221,0,0.4386774018660369 0.9122996827179214 1.3658007555597593 1.718695788351355 1.6444020972373399 1.5267704196401326 1.4958147150092922 1.2466212927310112 1.2528124336571829 0.8767006223924502 0.7296610253959519 0.6553673342819281 0.5269011600639358 0.4139128381613593 0.34426250274196635 0.29473337533262006 0.15852827495691552 0.06256559060130429 -0.0535183017643536 -0.03958823468047853 +410,-0.04577937560664132,0,0.9122996827179214 1.3658007555597593 1.718695788351355 1.6444020972373399 1.5267704196401326 1.4958147150092922 1.2466212927310112 1.2528124336571829 0.8767006223924502 0.7296610253959519 0.6553673342819281 0.5269011600639358 0.4139128381613593 0.34426250274196635 0.29473337533262006 0.15852827495691552 0.06256559060130429 -0.0535183017643536 -0.03958823468047853 -0.05042273130127221 +411,0.1089991475475692,0,1.3658007555597593 1.718695788351355 1.6444020972373399 1.5267704196401326 1.4958147150092922 1.2466212927310112 1.2528124336571829 0.8767006223924502 0.7296610253959519 0.6553673342819281 0.5269011600639358 0.4139128381613593 0.34426250274196635 0.29473337533262006 0.15852827495691552 0.06256559060130429 -0.0535183017643536 -0.03958823468047853 -0.05042273130127221 -0.04577937560664132 +412,0.7157309583120769,0,1.718695788351355 1.6444020972373399 1.5267704196401326 1.4958147150092922 1.2466212927310112 1.2528124336571829 0.8767006223924502 0.7296610253959519 0.6553673342819281 0.5269011600639358 0.4139128381613593 0.34426250274196635 0.29473337533262006 0.15852827495691552 0.06256559060130429 -0.0535183017643536 -0.03958823468047853 -0.05042273130127221 -0.04577937560664132 0.1089991475475692 +413,1.3317494804658287,0,1.6444020972373399 1.5267704196401326 1.4958147150092922 1.2466212927310112 1.2528124336571829 0.8767006223924502 0.7296610253959519 0.6553673342819281 0.5269011600639358 0.4139128381613593 0.34426250274196635 0.29473337533262006 0.15852827495691552 0.06256559060130429 -0.0535183017643536 -0.03958823468047853 -0.05042273130127221 -0.04577937560664132 0.1089991475475692 0.7157309583120769 +414,1.9276467946095428,0,1.5267704196401326 1.4958147150092922 1.2466212927310112 1.2528124336571829 0.8767006223924502 0.7296610253959519 0.6553673342819281 0.5269011600639358 0.4139128381613593 0.34426250274196635 0.29473337533262006 0.15852827495691552 0.06256559060130429 -0.0535183017643536 -0.03958823468047853 -0.05042273130127221 -0.04577937560664132 0.1089991475475692 0.7157309583120769 1.3317494804658287 +415,2.2016047805924925,0,1.4958147150092922 1.2466212927310112 1.2528124336571829 0.8767006223924502 0.7296610253959519 0.6553673342819281 0.5269011600639358 0.4139128381613593 0.34426250274196635 0.29473337533262006 0.15852827495691552 0.06256559060130429 -0.0535183017643536 -0.03958823468047853 -0.05042273130127221 -0.04577937560664132 0.1089991475475692 0.7157309583120769 1.3317494804658287 1.9276467946095428 +416,2.2604206193910916,0,1.2466212927310112 1.2528124336571829 0.8767006223924502 0.7296610253959519 0.6553673342819281 0.5269011600639358 0.4139128381613593 0.34426250274196635 0.29473337533262006 0.15852827495691552 0.06256559060130429 -0.0535183017643536 -0.03958823468047853 -0.05042273130127221 -0.04577937560664132 0.1089991475475692 0.7157309583120769 1.3317494804658287 1.9276467946095428 2.2016047805924925 +417,2.345548807125909,0,1.2528124336571829 0.8767006223924502 0.7296610253959519 0.6553673342819281 0.5269011600639358 0.4139128381613593 0.34426250274196635 0.29473337533262006 0.15852827495691552 0.06256559060130429 -0.0535183017643536 -0.03958823468047853 -0.05042273130127221 -0.04577937560664132 0.1089991475475692 0.7157309583120769 1.3317494804658287 1.9276467946095428 2.2016047805924925 2.2604206193910916 +418,2.1876747135086174,0,0.8767006223924502 0.7296610253959519 0.6553673342819281 0.5269011600639358 0.4139128381613593 0.34426250274196635 0.29473337533262006 0.15852827495691552 0.06256559060130429 -0.0535183017643536 -0.03958823468047853 -0.05042273130127221 -0.04577937560664132 0.1089991475475692 0.7157309583120769 1.3317494804658287 1.9276467946095428 2.2016047805924925 2.2604206193910916 2.345548807125909 +419,2.1365978008677216,0,0.7296610253959519 0.6553673342819281 0.5269011600639358 0.4139128381613593 0.34426250274196635 0.29473337533262006 0.15852827495691552 0.06256559060130429 -0.0535183017643536 -0.03958823468047853 -0.05042273130127221 -0.04577937560664132 0.1089991475475692 0.7157309583120769 1.3317494804658287 1.9276467946095428 2.2016047805924925 2.2604206193910916 2.345548807125909 2.1876747135086174 +420,1.8951433047471529,0,0.6553673342819281 0.5269011600639358 0.4139128381613593 0.34426250274196635 0.29473337533262006 0.15852827495691552 0.06256559060130429 -0.0535183017643536 -0.03958823468047853 -0.05042273130127221 -0.04577937560664132 0.1089991475475692 0.7157309583120769 1.3317494804658287 1.9276467946095428 2.2016047805924925 2.2604206193910916 2.345548807125909 2.1876747135086174 2.1365978008677216 +421,1.7945372646969195,0,0.5269011600639358 0.4139128381613593 0.34426250274196635 0.29473337533262006 0.15852827495691552 0.06256559060130429 -0.0535183017643536 -0.03958823468047853 -0.05042273130127221 -0.04577937560664132 0.1089991475475692 0.7157309583120769 1.3317494804658287 1.9276467946095428 2.2016047805924925 2.2604206193910916 2.345548807125909 2.1876747135086174 2.1365978008677216 1.8951433047471529 +422,1.385921963569806,0,0.4139128381613593 0.34426250274196635 0.29473337533262006 0.15852827495691552 0.06256559060130429 -0.0535183017643536 -0.03958823468047853 -0.05042273130127221 -0.04577937560664132 0.1089991475475692 0.7157309583120769 1.3317494804658287 1.9276467946095428 2.2016047805924925 2.2604206193910916 2.345548807125909 2.1876747135086174 2.1365978008677216 1.8951433047471529 1.7945372646969195 +423,1.2295956551840548,0,0.34426250274196635 0.29473337533262006 0.15852827495691552 0.06256559060130429 -0.0535183017643536 -0.03958823468047853 -0.05042273130127221 -0.04577937560664132 0.1089991475475692 0.7157309583120769 1.3317494804658287 1.9276467946095428 2.2016047805924925 2.2604206193910916 2.345548807125909 2.1876747135086174 2.1365978008677216 1.8951433047471529 1.7945372646969195 1.385921963569806 +424,1.0841038434190973,0,0.29473337533262006 0.15852827495691552 0.06256559060130429 -0.0535183017643536 -0.03958823468047853 -0.05042273130127221 -0.04577937560664132 0.1089991475475692 0.7157309583120769 1.3317494804658287 1.9276467946095428 2.2016047805924925 2.2604206193910916 2.345548807125909 2.1876747135086174 2.1365978008677216 1.8951433047471529 1.7945372646969195 1.385921963569806 1.2295956551840548 +425,0.9169430384125435,0,0.15852827495691552 0.06256559060130429 -0.0535183017643536 -0.03958823468047853 -0.05042273130127221 -0.04577937560664132 0.1089991475475692 0.7157309583120769 1.3317494804658287 1.9276467946095428 2.2016047805924925 2.2604206193910916 2.345548807125909 2.1876747135086174 2.1365978008677216 1.8951433047471529 1.7945372646969195 1.385921963569806 1.2295956551840548 1.0841038434190973 +426,0.7946680051207228,0,0.06256559060130429 -0.0535183017643536 -0.03958823468047853 -0.05042273130127221 -0.04577937560664132 0.1089991475475692 0.7157309583120769 1.3317494804658287 1.9276467946095428 2.2016047805924925 2.2604206193910916 2.345548807125909 2.1876747135086174 2.1365978008677216 1.8951433047471529 1.7945372646969195 1.385921963569806 1.2295956551840548 1.0841038434190973 0.9169430384125435 +427,0.6770363275235243,0,-0.0535183017643536 -0.03958823468047853 -0.05042273130127221 -0.04577937560664132 0.1089991475475692 0.7157309583120769 1.3317494804658287 1.9276467946095428 2.2016047805924925 2.2604206193910916 2.345548807125909 2.1876747135086174 2.1365978008677216 1.8951433047471529 1.7945372646969195 1.385921963569806 1.2295956551840548 1.0841038434190973 0.9169430384125435 0.7946680051207228 +428,0.6275072001141692,0,-0.03958823468047853 -0.05042273130127221 -0.04577937560664132 0.1089991475475692 0.7157309583120769 1.3317494804658287 1.9276467946095428 2.2016047805924925 2.2604206193910916 2.345548807125909 2.1876747135086174 2.1365978008677216 1.8951433047471529 1.7945372646969195 1.385921963569806 1.2295956551840548 1.0841038434190973 0.9169430384125435 0.7946680051207228 0.6770363275235243 +429,0.5346400862216482,0,-0.05042273130127221 -0.04577937560664132 0.1089991475475692 0.7157309583120769 1.3317494804658287 1.9276467946095428 2.2016047805924925 2.2604206193910916 2.345548807125909 2.1876747135086174 2.1365978008677216 1.8951433047471529 1.7945372646969195 1.385921963569806 1.2295956551840548 1.0841038434190973 0.9169430384125435 0.7946680051207228 0.6770363275235243 0.6275072001141692 +430,0.5377356566847294,0,-0.04577937560664132 0.1089991475475692 0.7157309583120769 1.3317494804658287 1.9276467946095428 2.2016047805924925 2.2604206193910916 2.345548807125909 2.1876747135086174 2.1365978008677216 1.8951433047471529 1.7945372646969195 1.385921963569806 1.2295956551840548 1.0841038434190973 0.9169430384125435 0.7946680051207228 0.6770363275235243 0.6275072001141692 0.5346400862216482 +431,0.6259594148826284,0,0.1089991475475692 0.7157309583120769 1.3317494804658287 1.9276467946095428 2.2016047805924925 2.2604206193910916 2.345548807125909 2.1876747135086174 2.1365978008677216 1.8951433047471529 1.7945372646969195 1.385921963569806 1.2295956551840548 1.0841038434190973 0.9169430384125435 0.7946680051207228 0.6770363275235243 0.6275072001141692 0.5346400862216482 0.5377356566847294 +432,0.5563090794632355,0,0.7157309583120769 1.3317494804658287 1.9276467946095428 2.2016047805924925 2.2604206193910916 2.345548807125909 2.1876747135086174 2.1365978008677216 1.8951433047471529 1.7945372646969195 1.385921963569806 1.2295956551840548 1.0841038434190973 0.9169430384125435 0.7946680051207228 0.6770363275235243 0.6275072001141692 0.5346400862216482 0.5377356566847294 0.6259594148826284 +433,0.599647065946419,0,1.3317494804658287 1.9276467946095428 2.2016047805924925 2.2604206193910916 2.345548807125909 2.1876747135086174 2.1365978008677216 1.8951433047471529 1.7945372646969195 1.385921963569806 1.2295956551840548 1.0841038434190973 0.9169430384125435 0.7946680051207228 0.6770363275235243 0.6275072001141692 0.5346400862216482 0.5377356566847294 0.6259594148826284 0.5563090794632355 +434,0.6275072001141692,0,1.9276467946095428 2.2016047805924925 2.2604206193910916 2.345548807125909 2.1876747135086174 2.1365978008677216 1.8951433047471529 1.7945372646969195 1.385921963569806 1.2295956551840548 1.0841038434190973 0.9169430384125435 0.7946680051207228 0.6770363275235243 0.6275072001141692 0.5346400862216482 0.5377356566847294 0.6259594148826284 0.5563090794632355 0.599647065946419 +435,0.6244116296510878,0,2.2016047805924925 2.2604206193910916 2.345548807125909 2.1876747135086174 2.1365978008677216 1.8951433047471529 1.7945372646969195 1.385921963569806 1.2295956551840548 1.0841038434190973 0.9169430384125435 0.7946680051207228 0.6770363275235243 0.6275072001141692 0.5346400862216482 0.5377356566847294 0.6259594148826284 0.5563090794632355 0.599647065946419 0.6275072001141692 +436,0.7064442469228239,0,2.2604206193910916 2.345548807125909 2.1876747135086174 2.1365978008677216 1.8951433047471529 1.7945372646969195 1.385921963569806 1.2295956551840548 1.0841038434190973 0.9169430384125435 0.7946680051207228 0.6770363275235243 0.6275072001141692 0.5346400862216482 0.5377356566847294 0.6259594148826284 0.5563090794632355 0.599647065946419 0.6275072001141692 0.6244116296510878 +437,0.7606167300267923,0,2.345548807125909 2.1876747135086174 2.1365978008677216 1.8951433047471529 1.7945372646969195 1.385921963569806 1.2295956551840548 1.0841038434190973 0.9169430384125435 0.7946680051207228 0.6770363275235243 0.6275072001141692 0.5346400862216482 0.5377356566847294 0.6259594148826284 0.5563090794632355 0.599647065946419 0.6275072001141692 0.6244116296510878 0.7064442469228239 +438,0.8937262599394155,0,2.1876747135086174 2.1365978008677216 1.8951433047471529 1.7945372646969195 1.385921963569806 1.2295956551840548 1.0841038434190973 0.9169430384125435 0.7946680051207228 0.6770363275235243 0.6275072001141692 0.5346400862216482 0.5377356566847294 0.6259594148826284 0.5563090794632355 0.599647065946419 0.6275072001141692 0.6244116296510878 0.7064442469228239 0.7606167300267923 +439,1.020644648925867,0,2.1365978008677216 1.8951433047471529 1.7945372646969195 1.385921963569806 1.2295956551840548 1.0841038434190973 0.9169430384125435 0.7946680051207228 0.6770363275235243 0.6275072001141692 0.5346400862216482 0.5377356566847294 0.6259594148826284 0.5563090794632355 0.599647065946419 0.6275072001141692 0.6244116296510878 0.7064442469228239 0.7606167300267923 0.8937262599394155 +440,1.0887471991137192,0,1.8951433047471529 1.7945372646969195 1.385921963569806 1.2295956551840548 1.0841038434190973 0.9169430384125435 0.7946680051207228 0.6770363275235243 0.6275072001141692 0.5346400862216482 0.5377356566847294 0.6259594148826284 0.5563090794632355 0.599647065946419 0.6275072001141692 0.6244116296510878 0.7064442469228239 0.7606167300267923 0.8937262599394155 1.020644648925867 +441,1.1645886754592838,0,1.7945372646969195 1.385921963569806 1.2295956551840548 1.0841038434190973 0.9169430384125435 0.7946680051207228 0.6770363275235243 0.6275072001141692 0.5346400862216482 0.5377356566847294 0.6259594148826284 0.5563090794632355 0.599647065946419 0.6275072001141692 0.6244116296510878 0.7064442469228239 0.7606167300267923 0.8937262599394155 1.020644648925867 1.0887471991137192 +442,1.1831620982377897,0,1.385921963569806 1.2295956551840548 1.0841038434190973 0.9169430384125435 0.7946680051207228 0.6770363275235243 0.6275072001141692 0.5346400862216482 0.5377356566847294 0.6259594148826284 0.5563090794632355 0.599647065946419 0.6275072001141692 0.6244116296510878 0.7064442469228239 0.7606167300267923 0.8937262599394155 1.020644648925867 1.0887471991137192 1.1645886754592838 +443,1.1893532391639525,0,1.2295956551840548 1.0841038434190973 0.9169430384125435 0.7946680051207228 0.6770363275235243 0.6275072001141692 0.5346400862216482 0.5377356566847294 0.6259594148826284 0.5563090794632355 0.599647065946419 0.6275072001141692 0.6244116296510878 0.7064442469228239 0.7606167300267923 0.8937262599394155 1.020644648925867 1.0887471991137192 1.1645886754592838 1.1831620982377897 +444,1.0732693467982948,0,1.0841038434190973 0.9169430384125435 0.7946680051207228 0.6770363275235243 0.6275072001141692 0.5346400862216482 0.5377356566847294 0.6259594148826284 0.5563090794632355 0.599647065946419 0.6275072001141692 0.6244116296510878 0.7064442469228239 0.7606167300267923 0.8937262599394155 1.020644648925867 1.0887471991137192 1.1645886754592838 1.1831620982377897 1.1893532391639525 +445,0.8565794143824035,0,0.9169430384125435 0.7946680051207228 0.6770363275235243 0.6275072001141692 0.5346400862216482 0.5377356566847294 0.6259594148826284 0.5563090794632355 0.599647065946419 0.6275072001141692 0.6244116296510878 0.7064442469228239 0.7606167300267923 0.8937262599394155 1.020644648925867 1.0887471991137192 1.1645886754592838 1.1831620982377897 1.1893532391639525 1.0732693467982948 +446,0.6708451865973527,0,0.7946680051207228 0.6770363275235243 0.6275072001141692 0.5346400862216482 0.5377356566847294 0.6259594148826284 0.5563090794632355 0.599647065946419 0.6275072001141692 0.6244116296510878 0.7064442469228239 0.7606167300267923 0.8937262599394155 1.020644648925867 1.0887471991137192 1.1645886754592838 1.1831620982377897 1.1893532391639525 1.0732693467982948 0.8565794143824035 +447,0.6259594148826284,0,0.6770363275235243 0.6275072001141692 0.5346400862216482 0.5377356566847294 0.6259594148826284 0.5563090794632355 0.599647065946419 0.6275072001141692 0.6244116296510878 0.7064442469228239 0.7606167300267923 0.8937262599394155 1.020644648925867 1.0887471991137192 1.1645886754592838 1.1831620982377897 1.1893532391639525 1.0732693467982948 0.8565794143824035 0.6708451865973527 +448,0.4386774018660369,0,0.6275072001141692 0.5346400862216482 0.5377356566847294 0.6259594148826284 0.5563090794632355 0.599647065946419 0.6275072001141692 0.6244116296510878 0.7064442469228239 0.7606167300267923 0.8937262599394155 1.020644648925867 1.0887471991137192 1.1645886754592838 1.1831620982377897 1.1893532391639525 1.0732693467982948 0.8565794143824035 0.6708451865973527 0.6259594148826284 +449,0.3752182073728067,0,0.5346400862216482 0.5377356566847294 0.6259594148826284 0.5563090794632355 0.599647065946419 0.6275072001141692 0.6244116296510878 0.7064442469228239 0.7606167300267923 0.8937262599394155 1.020644648925867 1.0887471991137192 1.1645886754592838 1.1831620982377897 1.1893532391639525 1.0732693467982948 0.8565794143824035 0.6708451865973527 0.6259594148826284 0.4386774018660369 +450,0.29473337533262006,0,0.5377356566847294 0.6259594148826284 0.5563090794632355 0.599647065946419 0.6275072001141692 0.6244116296510878 0.7064442469228239 0.7606167300267923 0.8937262599394155 1.020644648925867 1.0887471991137192 1.1645886754592838 1.1831620982377897 1.1893532391639525 1.0732693467982948 0.8565794143824035 0.6708451865973527 0.6259594148826284 0.4386774018660369 0.3752182073728067 +451,0.20186626144009023,0,0.6259594148826284 0.5563090794632355 0.599647065946419 0.6275072001141692 0.6244116296510878 0.7064442469228239 0.7606167300267923 0.8937262599394155 1.020644648925867 1.0887471991137192 1.1645886754592838 1.1831620982377897 1.1893532391639525 1.0732693467982948 0.8565794143824035 0.6708451865973527 0.6259594148826284 0.4386774018660369 0.3752182073728067 0.29473337533262006 +452,0.16317163065153759,0,0.5563090794632355 0.599647065946419 0.6275072001141692 0.6244116296510878 0.7064442469228239 0.7606167300267923 0.8937262599394155 1.020644648925867 1.0887471991137192 1.1645886754592838 1.1831620982377897 1.1893532391639525 1.0732693467982948 0.8565794143824035 0.6708451865973527 0.6259594148826284 0.4386774018660369 0.3752182073728067 0.29473337533262006 0.20186626144009023 +453,0.14924156356766252,0,0.599647065946419 0.6275072001141692 0.6244116296510878 0.7064442469228239 0.7606167300267923 0.8937262599394155 1.020644648925867 1.0887471991137192 1.1645886754592838 1.1831620982377897 1.1893532391639525 1.0732693467982948 0.8565794143824035 0.6708451865973527 0.6259594148826284 0.4386774018660369 0.3752182073728067 0.29473337533262006 0.20186626144009023 0.16317163065153759 +454,0.09042572476906323,0,0.6275072001141692 0.6244116296510878 0.7064442469228239 0.7606167300267923 0.8937262599394155 1.020644648925867 1.0887471991137192 1.1645886754592838 1.1831620982377897 1.1893532391639525 1.0732693467982948 0.8565794143824035 0.6708451865973527 0.6259594148826284 0.4386774018660369 0.3752182073728067 0.29473337533262006 0.20186626144009023 0.16317163065153759 0.14924156356766252 +455,0.019227604118129564,0,0.6244116296510878 0.7064442469228239 0.7606167300267923 0.8937262599394155 1.020644648925867 1.0887471991137192 1.1645886754592838 1.1831620982377897 1.1893532391639525 1.0732693467982948 0.8565794143824035 0.6708451865973527 0.6259594148826284 0.4386774018660369 0.3752182073728067 0.29473337533262006 0.20186626144009023 0.16317163065153759 0.14924156356766252 0.09042572476906323 +456,-0.03184930852276624,0,0.7064442469228239 0.7606167300267923 0.8937262599394155 1.020644648925867 1.0887471991137192 1.1645886754592838 1.1831620982377897 1.1893532391639525 1.0732693467982948 0.8565794143824035 0.6708451865973527 0.6259594148826284 0.4386774018660369 0.3752182073728067 0.29473337533262006 0.20186626144009023 0.16317163065153759 0.14924156356766252 0.09042572476906323 0.019227604118129564 +457,-0.05970944269052519,0,0.7606167300267923 0.8937262599394155 1.020644648925867 1.0887471991137192 1.1645886754592838 1.1831620982377897 1.1893532391639525 1.0732693467982948 0.8565794143824035 0.6708451865973527 0.6259594148826284 0.4386774018660369 0.3752182073728067 0.29473337533262006 0.20186626144009023 0.16317163065153759 0.14924156356766252 0.09042572476906323 0.019227604118129564 -0.03184930852276624 +458,-0.06280501315360658,0,0.8937262599394155 1.020644648925867 1.0887471991137192 1.1645886754592838 1.1831620982377897 1.1893532391639525 1.0732693467982948 0.8565794143824035 0.6708451865973527 0.6259594148826284 0.4386774018660369 0.3752182073728067 0.29473337533262006 0.20186626144009023 0.16317163065153759 0.14924156356766252 0.09042572476906323 0.019227604118129564 -0.03184930852276624 -0.05970944269052519 +459,0.0501833087489699,0,1.020644648925867 1.0887471991137192 1.1645886754592838 1.1831620982377897 1.1893532391639525 1.0732693467982948 0.8565794143824035 0.6708451865973527 0.6259594148826284 0.4386774018660369 0.3752182073728067 0.29473337533262006 0.20186626144009023 0.16317163065153759 0.14924156356766252 0.09042572476906323 0.019227604118129564 -0.03184930852276624 -0.05970944269052519 -0.06280501315360658 +460,0.4154606233929,0,1.0887471991137192 1.1645886754592838 1.1831620982377897 1.1893532391639525 1.0732693467982948 0.8565794143824035 0.6708451865973527 0.6259594148826284 0.4386774018660369 0.3752182073728067 0.29473337533262006 0.20186626144009023 0.16317163065153759 0.14924156356766252 0.09042572476906323 0.019227604118129564 -0.03184930852276624 -0.05970944269052519 -0.06280501315360658 0.0501833087489699 +461,0.6182204887249162,0,1.1645886754592838 1.1831620982377897 1.1893532391639525 1.0732693467982948 0.8565794143824035 0.6708451865973527 0.6259594148826284 0.4386774018660369 0.3752182073728067 0.29473337533262006 0.20186626144009023 0.16317163065153759 0.14924156356766252 0.09042572476906323 0.019227604118129564 -0.03184930852276624 -0.05970944269052519 -0.06280501315360658 0.0501833087489699 0.4154606233929 +462,0.7869290789630106,0,1.1831620982377897 1.1893532391639525 1.0732693467982948 0.8565794143824035 0.6708451865973527 0.6259594148826284 0.4386774018660369 0.3752182073728067 0.29473337533262006 0.20186626144009023 0.16317163065153759 0.14924156356766252 0.09042572476906323 0.019227604118129564 -0.03184930852276624 -0.05970944269052519 -0.06280501315360658 0.0501833087489699 0.4154606233929 0.6182204887249162 +463,0.9169430384125435,0,1.1893532391639525 1.0732693467982948 0.8565794143824035 0.6708451865973527 0.6259594148826284 0.4386774018660369 0.3752182073728067 0.29473337533262006 0.20186626144009023 0.16317163065153759 0.14924156356766252 0.09042572476906323 0.019227604118129564 -0.03184930852276624 -0.05970944269052519 -0.06280501315360658 0.0501833087489699 0.4154606233929 0.6182204887249162 0.7869290789630106 +464,0.9571854544326368,0,1.0732693467982948 0.8565794143824035 0.6708451865973527 0.6259594148826284 0.4386774018660369 0.3752182073728067 0.29473337533262006 0.20186626144009023 0.16317163065153759 0.14924156356766252 0.09042572476906323 0.019227604118129564 -0.03184930852276624 -0.05970944269052519 -0.06280501315360658 0.0501833087489699 0.4154606233929 0.6182204887249162 0.7869290789630106 0.9169430384125435 +465,0.9742110919796021,0,0.8565794143824035 0.6708451865973527 0.6259594148826284 0.4386774018660369 0.3752182073728067 0.29473337533262006 0.20186626144009023 0.16317163065153759 0.14924156356766252 0.09042572476906323 0.019227604118129564 -0.03184930852276624 -0.05970944269052519 -0.06280501315360658 0.0501833087489699 0.4154606233929 0.6182204887249162 0.7869290789630106 0.9169430384125435 0.9571854544326368 +466,0.8720572666978281,0,0.6708451865973527 0.6259594148826284 0.4386774018660369 0.3752182073728067 0.29473337533262006 0.20186626144009023 0.16317163065153759 0.14924156356766252 0.09042572476906323 0.019227604118129564 -0.03184930852276624 -0.05970944269052519 -0.06280501315360658 0.0501833087489699 0.4154606233929 0.6182204887249162 0.7869290789630106 0.9169430384125435 0.9571854544326368 0.9742110919796021 +467,0.8024069312784263,0,0.6259594148826284 0.4386774018660369 0.3752182073728067 0.29473337533262006 0.20186626144009023 0.16317163065153759 0.14924156356766252 0.09042572476906323 0.019227604118129564 -0.03184930852276624 -0.05970944269052519 -0.06280501315360658 0.0501833087489699 0.4154606233929 0.6182204887249162 0.7869290789630106 0.9169430384125435 0.9571854544326368 0.9742110919796021 0.8720572666978281 +468,0.6104815625672126,0,0.4386774018660369 0.3752182073728067 0.29473337533262006 0.20186626144009023 0.16317163065153759 0.14924156356766252 0.09042572476906323 0.019227604118129564 -0.03184930852276624 -0.05970944269052519 -0.06280501315360658 0.0501833087489699 0.4154606233929 0.6182204887249162 0.7869290789630106 0.9169430384125435 0.9571854544326368 0.9742110919796021 0.8720572666978281 0.8024069312784263 +469,0.3891482744566906,0,0.3752182073728067 0.29473337533262006 0.20186626144009023 0.16317163065153759 0.14924156356766252 0.09042572476906323 0.019227604118129564 -0.03184930852276624 -0.05970944269052519 -0.06280501315360658 0.0501833087489699 0.4154606233929 0.6182204887249162 0.7869290789630106 0.9169430384125435 0.9571854544326368 0.9742110919796021 0.8720572666978281 0.8024069312784263 0.6104815625672126 +470,0.2281786103763085,0,0.29473337533262006 0.20186626144009023 0.16317163065153759 0.14924156356766252 0.09042572476906323 0.019227604118129564 -0.03184930852276624 -0.05970944269052519 -0.06280501315360658 0.0501833087489699 0.4154606233929 0.6182204887249162 0.7869290789630106 0.9169430384125435 0.9571854544326368 0.9742110919796021 0.8720572666978281 0.8024069312784263 0.6104815625672126 0.3891482744566906 +471,0.2204396842185962,0,0.20186626144009023 0.16317163065153759 0.14924156356766252 0.09042572476906323 0.019227604118129564 -0.03184930852276624 -0.05970944269052519 -0.06280501315360658 0.0501833087489699 0.4154606233929 0.6182204887249162 0.7869290789630106 0.9169430384125435 0.9571854544326368 0.9742110919796021 0.8720572666978281 0.8024069312784263 0.6104815625672126 0.3891482744566906 0.2281786103763085 +472,0.20186626144009023,0,0.16317163065153759 0.14924156356766252 0.09042572476906323 0.019227604118129564 -0.03184930852276624 -0.05970944269052519 -0.06280501315360658 0.0501833087489699 0.4154606233929 0.6182204887249162 0.7869290789630106 0.9169430384125435 0.9571854544326368 0.9742110919796021 0.8720572666978281 0.8024069312784263 0.6104815625672126 0.3891482744566906 0.2281786103763085 0.2204396842185962 +473,0.16007606018845622,0,0.14924156356766252 0.09042572476906323 0.019227604118129564 -0.03184930852276624 -0.05970944269052519 -0.06280501315360658 0.0501833087489699 0.4154606233929 0.6182204887249162 0.7869290789630106 0.9169430384125435 0.9571854544326368 0.9742110919796021 0.8720572666978281 0.8024069312784263 0.6104815625672126 0.3891482744566906 0.2281786103763085 0.2204396842185962 0.20186626144009023 +474,0.15195018772285873,0,0.09042572476906323 0.019227604118129564 -0.03184930852276624 -0.05970944269052519 -0.06280501315360658 0.0501833087489699 0.4154606233929 0.6182204887249162 0.7869290789630106 0.9169430384125435 0.9571854544326368 0.9742110919796021 0.8720572666978281 0.8024069312784263 0.6104815625672126 0.3891482744566906 0.2281786103763085 0.2204396842185962 0.20186626144009023 0.16007606018845622 +475,0.14382431525726128,0,0.019227604118129564 -0.03184930852276624 -0.05970944269052519 -0.06280501315360658 0.0501833087489699 0.4154606233929 0.6182204887249162 0.7869290789630106 0.9169430384125435 0.9571854544326368 0.9742110919796021 0.8720572666978281 0.8024069312784263 0.6104815625672126 0.3891482744566906 0.2281786103763085 0.2204396842185962 0.20186626144009023 0.16007606018845622 0.15195018772285873 +476,0.13569844279167262,0,-0.03184930852276624 -0.05970944269052519 -0.06280501315360658 0.0501833087489699 0.4154606233929 0.6182204887249162 0.7869290789630106 0.9169430384125435 0.9571854544326368 0.9742110919796021 0.8720572666978281 0.8024069312784263 0.6104815625672126 0.3891482744566906 0.2281786103763085 0.2204396842185962 0.20186626144009023 0.16007606018845622 0.15195018772285873 0.14382431525726128 +477,0.12757257032607516,0,-0.05970944269052519 -0.06280501315360658 0.0501833087489699 0.4154606233929 0.6182204887249162 0.7869290789630106 0.9169430384125435 0.9571854544326368 0.9742110919796021 0.8720572666978281 0.8024069312784263 0.6104815625672126 0.3891482744566906 0.2281786103763085 0.2204396842185962 0.20186626144009023 0.16007606018845622 0.15195018772285873 0.14382431525726128 0.13569844279167262 +478,0.11944669786047771,0,-0.06280501315360658 0.0501833087489699 0.4154606233929 0.6182204887249162 0.7869290789630106 0.9169430384125435 0.9571854544326368 0.9742110919796021 0.8720572666978281 0.8024069312784263 0.6104815625672126 0.3891482744566906 0.2281786103763085 0.2204396842185962 0.20186626144009023 0.16007606018845622 0.15195018772285873 0.14382431525726128 0.13569844279167262 0.12757257032607516 +479,0.11132082539488024,0,0.0501833087489699 0.4154606233929 0.6182204887249162 0.7869290789630106 0.9169430384125435 0.9571854544326368 0.9742110919796021 0.8720572666978281 0.8024069312784263 0.6104815625672126 0.3891482744566906 0.2281786103763085 0.2204396842185962 0.20186626144009023 0.16007606018845622 0.15195018772285873 0.14382431525726128 0.13569844279167262 0.12757257032607516 0.11944669786047771 +480,0.10319495292928278,0,0.4154606233929 0.6182204887249162 0.7869290789630106 0.9169430384125435 0.9571854544326368 0.9742110919796021 0.8720572666978281 0.8024069312784263 0.6104815625672126 0.3891482744566906 0.2281786103763085 0.2204396842185962 0.20186626144009023 0.16007606018845622 0.15195018772285873 0.14382431525726128 0.13569844279167262 0.12757257032607516 0.11944669786047771 0.11132082539488024 +481,0.09506908046368533,0,0.6182204887249162 0.7869290789630106 0.9169430384125435 0.9571854544326368 0.9742110919796021 0.8720572666978281 0.8024069312784263 0.6104815625672126 0.3891482744566906 0.2281786103763085 0.2204396842185962 0.20186626144009023 0.16007606018845622 0.15195018772285873 0.14382431525726128 0.13569844279167262 0.12757257032607516 0.11944669786047771 0.11132082539488024 0.10319495292928278 +482,0.14408227951411917,0,0.7869290789630106 0.9169430384125435 0.9571854544326368 0.9742110919796021 0.8720572666978281 0.8024069312784263 0.6104815625672126 0.3891482744566906 0.2281786103763085 0.2204396842185962 0.20186626144009023 0.16007606018845622 0.15195018772285873 0.14382431525726128 0.13569844279167262 0.12757257032607516 0.11944669786047771 0.11132082539488024 0.10319495292928278 0.09506908046368533 +483,0.19309547840975852,0,0.9169430384125435 0.9571854544326368 0.9742110919796021 0.8720572666978281 0.8024069312784263 0.6104815625672126 0.3891482744566906 0.2281786103763085 0.2204396842185962 0.20186626144009023 0.16007606018845622 0.15195018772285873 0.14382431525726128 0.13569844279167262 0.12757257032607516 0.11944669786047771 0.11132082539488024 0.10319495292928278 0.09506908046368533 0.14408227951411917 +484,0.24210867746019235,0,0.9571854544326368 0.9742110919796021 0.8720572666978281 0.8024069312784263 0.6104815625672126 0.3891482744566906 0.2281786103763085 0.2204396842185962 0.20186626144009023 0.16007606018845622 0.15195018772285873 0.14382431525726128 0.13569844279167262 0.12757257032607516 0.11944669786047771 0.11132082539488024 0.10319495292928278 0.09506908046368533 0.14408227951411917 0.19309547840975852 +485,0.2911218765106174,0,0.9742110919796021 0.8720572666978281 0.8024069312784263 0.6104815625672126 0.3891482744566906 0.2281786103763085 0.2204396842185962 0.20186626144009023 0.16007606018845622 0.15195018772285873 0.14382431525726128 0.13569844279167262 0.12757257032607516 0.11944669786047771 0.11132082539488024 0.10319495292928278 0.09506908046368533 0.14408227951411917 0.19309547840975852 0.24210867746019235 +486,0.34013507540625676,0,0.8720572666978281 0.8024069312784263 0.6104815625672126 0.3891482744566906 0.2281786103763085 0.2204396842185962 0.20186626144009023 0.16007606018845622 0.15195018772285873 0.14382431525726128 0.13569844279167262 0.12757257032607516 0.11944669786047771 0.11132082539488024 0.10319495292928278 0.09506908046368533 0.14408227951411917 0.19309547840975852 0.24210867746019235 0.2911218765106174 +487,0.3891482744566906,0,0.8024069312784263 0.6104815625672126 0.3891482744566906 0.2281786103763085 0.2204396842185962 0.20186626144009023 0.16007606018845622 0.15195018772285873 0.14382431525726128 0.13569844279167262 0.12757257032607516 0.11944669786047771 0.11132082539488024 0.10319495292928278 0.09506908046368533 0.14408227951411917 0.19309547840975852 0.24210867746019235 0.2911218765106174 0.34013507540625676 +488,0.4381614735071156,0,0.6104815625672126 0.3891482744566906 0.2281786103763085 0.2204396842185962 0.20186626144009023 0.16007606018845622 0.15195018772285873 0.14382431525726128 0.13569844279167262 0.12757257032607516 0.11944669786047771 0.11132082539488024 0.10319495292928278 0.09506908046368533 0.14408227951411917 0.19309547840975852 0.24210867746019235 0.2911218765106174 0.34013507540625676 0.3891482744566906 +489,0.48717467240276374,0,0.3891482744566906 0.2281786103763085 0.2204396842185962 0.20186626144009023 0.16007606018845622 0.15195018772285873 0.14382431525726128 0.13569844279167262 0.12757257032607516 0.11944669786047771 0.11132082539488024 0.10319495292928278 0.09506908046368533 0.14408227951411917 0.19309547840975852 0.24210867746019235 0.2911218765106174 0.34013507540625676 0.3891482744566906 0.4381614735071156 +490,0.5361878714531888,0,0.2281786103763085 0.2204396842185962 0.20186626144009023 0.16007606018845622 0.15195018772285873 0.14382431525726128 0.13569844279167262 0.12757257032607516 0.11944669786047771 0.11132082539488024 0.10319495292928278 0.09506908046368533 0.14408227951411917 0.19309547840975852 0.24210867746019235 0.2911218765106174 0.34013507540625676 0.3891482744566906 0.4381614735071156 0.48717467240276374 +491,0.45725082464454286,0,0.2204396842185962 0.20186626144009023 0.16007606018845622 0.15195018772285873 0.14382431525726128 0.13569844279167262 0.12757257032607516 0.11944669786047771 0.11132082539488024 0.10319495292928278 0.09506908046368533 0.14408227951411917 0.19309547840975852 0.24210867746019235 0.2911218765106174 0.34013507540625676 0.3891482744566906 0.4381614735071156 0.48717467240276374 0.5361878714531888 +492,0.38721354291726473,0,0.20186626144009023 0.16007606018845622 0.15195018772285873 0.14382431525726128 0.13569844279167262 0.12757257032607516 0.11944669786047771 0.11132082539488024 0.10319495292928278 0.09506908046368533 0.14408227951411917 0.19309547840975852 0.24210867746019235 0.2911218765106174 0.34013507540625676 0.3891482744566906 0.4381614735071156 0.48717467240276374 0.5361878714531888 0.45725082464454286 +493,0.31717626118997777,0,0.16007606018845622 0.15195018772285873 0.14382431525726128 0.13569844279167262 0.12757257032607516 0.11944669786047771 0.11132082539488024 0.10319495292928278 0.09506908046368533 0.14408227951411917 0.19309547840975852 0.24210867746019235 0.2911218765106174 0.34013507540625676 0.3891482744566906 0.4381614735071156 0.48717467240276374 0.5361878714531888 0.45725082464454286 0.38721354291726473 +494,0.2471389794626996,0,0.15195018772285873 0.14382431525726128 0.13569844279167262 0.12757257032607516 0.11944669786047771 0.11132082539488024 0.10319495292928278 0.09506908046368533 0.14408227951411917 0.19309547840975852 0.24210867746019235 0.2911218765106174 0.34013507540625676 0.3891482744566906 0.4381614735071156 0.48717467240276374 0.5361878714531888 0.45725082464454286 0.38721354291726473 0.31717626118997777 +495,0.17710169773542148,0,0.14382431525726128 0.13569844279167262 0.12757257032607516 0.11944669786047771 0.11132082539488024 0.10319495292928278 0.09506908046368533 0.14408227951411917 0.19309547840975852 0.24210867746019235 0.2911218765106174 0.34013507540625676 0.3891482744566906 0.4381614735071156 0.48717467240276374 0.5361878714531888 0.45725082464454286 0.38721354291726473 0.31717626118997777 0.2471389794626996 +496,0.17400612727234008,0,0.13569844279167262 0.12757257032607516 0.11944669786047771 0.11132082539488024 0.10319495292928278 0.09506908046368533 0.14408227951411917 0.19309547840975852 0.24210867746019235 0.2911218765106174 0.34013507540625676 0.3891482744566906 0.4381614735071156 0.48717467240276374 0.5361878714531888 0.45725082464454286 0.38721354291726473 0.31717626118997777 0.2471389794626996 0.17710169773542148 +497,0.17864948296696218,0,0.12757257032607516 0.11944669786047771 0.11132082539488024 0.10319495292928278 0.09506908046368533 0.14408227951411917 0.19309547840975852 0.24210867746019235 0.2911218765106174 0.34013507540625676 0.3891482744566906 0.4381614735071156 0.48717467240276374 0.5361878714531888 0.45725082464454286 0.38721354291726473 0.31717626118997777 0.2471389794626996 0.17710169773542148 0.17400612727234008 +498,0.15388491926228462,0,0.11944669786047771 0.11132082539488024 0.10319495292928278 0.09506908046368533 0.14408227951411917 0.19309547840975852 0.24210867746019235 0.2911218765106174 0.34013507540625676 0.3891482744566906 0.4381614735071156 0.48717467240276374 0.5361878714531888 0.45725082464454286 0.38721354291726473 0.31717626118997777 0.2471389794626996 0.17710169773542148 0.17400612727234008 0.17864948296696218 +499,0.13066814078915656,0,0.11132082539488024 0.10319495292928278 0.09506908046368533 0.14408227951411917 0.19309547840975852 0.24210867746019235 0.2911218765106174 0.34013507540625676 0.3891482744566906 0.4381614735071156 0.48717467240276374 0.5361878714531888 0.45725082464454286 0.38721354291726473 0.31717626118997777 0.2471389794626996 0.17710169773542148 0.17400612727234008 0.17864948296696218 0.15388491926228462 +500,0.105903577084479,0,0.10319495292928278 0.09506908046368533 0.14408227951411917 0.19309547840975852 0.24210867746019235 0.2911218765106174 0.34013507540625676 0.3891482744566906 0.4381614735071156 0.48717467240276374 0.5361878714531888 0.45725082464454286 0.38721354291726473 0.31717626118997777 0.2471389794626996 0.17710169773542148 0.17400612727234008 0.17864948296696218 0.15388491926228462 0.13066814078915656 +501,0.09661686569523482,0,0.09506908046368533 0.14408227951411917 0.19309547840975852 0.24210867746019235 0.2911218765106174 0.34013507540625676 0.3891482744566906 0.4381614735071156 0.48717467240276374 0.5361878714531888 0.45725082464454286 0.38721354291726473 0.31717626118997777 0.2471389794626996 0.17710169773542148 0.17400612727234008 0.17864948296696218 0.15388491926228462 0.13066814078915656 0.105903577084479 +502,0.08268679861135095,0,0.14408227951411917 0.19309547840975852 0.24210867746019235 0.2911218765106174 0.34013507540625676 0.3891482744566906 0.4381614735071156 0.48717467240276374 0.5361878714531888 0.45725082464454286 0.38721354291726473 0.31717626118997777 0.2471389794626996 0.17710169773542148 0.17400612727234008 0.17864948296696218 0.15388491926228462 0.13066814078915656 0.105903577084479 0.09661686569523482 +503,0.07340008722209797,0,0.19309547840975852 0.24210867746019235 0.2911218765106174 0.34013507540625676 0.3891482744566906 0.4381614735071156 0.48717467240276374 0.5361878714531888 0.45725082464454286 0.38721354291726473 0.31717626118997777 0.2471389794626996 0.17710169773542148 0.17400612727234008 0.17864948296696218 0.15388491926228462 0.13066814078915656 0.105903577084479 0.09661686569523482 0.08268679861135095 +504,-0.04268380514355992,0,0.24210867746019235 0.2911218765106174 0.34013507540625676 0.3891482744566906 0.4381614735071156 0.48717467240276374 0.5361878714531888 0.45725082464454286 0.38721354291726473 0.31717626118997777 0.2471389794626996 0.17710169773542148 0.17400612727234008 0.17864948296696218 0.15388491926228462 0.13066814078915656 0.105903577084479 0.09661686569523482 0.08268679861135095 0.07340008722209797 +505,-0.1587676975092178,0,0.2911218765106174 0.34013507540625676 0.3891482744566906 0.4381614735071156 0.48717467240276374 0.5361878714531888 0.45725082464454286 0.38721354291726473 0.31717626118997777 0.2471389794626996 0.17710169773542148 0.17400612727234008 0.17864948296696218 0.15388491926228462 0.13066814078915656 0.105903577084479 0.09661686569523482 0.08268679861135095 0.07340008722209797 -0.04268380514355992 +506,-0.06641651197560924,0,0.34013507540625676 0.3891482744566906 0.4381614735071156 0.48717467240276374 0.5361878714531888 0.45725082464454286 0.38721354291726473 0.31717626118997777 0.2471389794626996 0.17710169773542148 0.17400612727234008 0.17864948296696218 0.15388491926228462 0.13066814078915656 0.105903577084479 0.09661686569523482 0.08268679861135095 0.07340008722209797 -0.04268380514355992 -0.1587676975092178 +507,0.025934673403213624,0,0.3891482744566906 0.4381614735071156 0.48717467240276374 0.5361878714531888 0.45725082464454286 0.38721354291726473 0.31717626118997777 0.2471389794626996 0.17710169773542148 0.17400612727234008 0.17864948296696218 0.15388491926228462 0.13066814078915656 0.105903577084479 0.09661686569523482 0.08268679861135095 0.07340008722209797 -0.04268380514355992 -0.1587676975092178 -0.06641651197560924 +508,0.11828585893682218,0,0.4381614735071156 0.48717467240276374 0.5361878714531888 0.45725082464454286 0.38721354291726473 0.31717626118997777 0.2471389794626996 0.17710169773542148 0.17400612727234008 0.17864948296696218 0.15388491926228462 0.13066814078915656 0.105903577084479 0.09661686569523482 0.08268679861135095 0.07340008722209797 -0.04268380514355992 -0.1587676975092178 -0.06641651197560924 0.025934673403213624 +509,0.2281786103763085,0,0.48717467240276374 0.5361878714531888 0.45725082464454286 0.38721354291726473 0.31717626118997777 0.2471389794626996 0.17710169773542148 0.17400612727234008 0.17864948296696218 0.15388491926228462 0.13066814078915656 0.105903577084479 0.09661686569523482 0.08268679861135095 0.07340008722209797 -0.04268380514355992 -0.1587676975092178 -0.06641651197560924 0.025934673403213624 0.11828585893682218 +510,0.38605270399360037,0,0.5361878714531888 0.45725082464454286 0.38721354291726473 0.31717626118997777 0.2471389794626996 0.17710169773542148 0.17400612727234008 0.17864948296696218 0.15388491926228462 0.13066814078915656 0.105903577084479 0.09661686569523482 0.08268679861135095 0.07340008722209797 -0.04268380514355992 -0.1587676975092178 -0.06641651197560924 0.025934673403213624 0.11828585893682218 0.2281786103763085 +511,0.5392834419162702,0,0.45725082464454286 0.38721354291726473 0.31717626118997777 0.2471389794626996 0.17710169773542148 0.17400612727234008 0.17864948296696218 0.15388491926228462 0.13066814078915656 0.105903577084479 0.09661686569523482 0.08268679861135095 0.07340008722209797 -0.04268380514355992 -0.1587676975092178 -0.06641651197560924 0.025934673403213624 0.11828585893682218 0.2281786103763085 0.38605270399360037 +512,0.6073859921041225,0,0.38721354291726473 0.31717626118997777 0.2471389794626996 0.17710169773542148 0.17400612727234008 0.17864948296696218 0.15388491926228462 0.13066814078915656 0.105903577084479 0.09661686569523482 0.08268679861135095 0.07340008722209797 -0.04268380514355992 -0.1587676975092178 -0.06641651197560924 0.025934673403213624 0.11828585893682218 0.2281786103763085 0.38605270399360037 0.5392834419162702 +513,0.7079920321543646,0,0.31717626118997777 0.2471389794626996 0.17710169773542148 0.17400612727234008 0.17864948296696218 0.15388491926228462 0.13066814078915656 0.105903577084479 0.09661686569523482 0.08268679861135095 0.07340008722209797 -0.04268380514355992 -0.1587676975092178 -0.06641651197560924 0.025934673403213624 0.11828585893682218 0.2281786103763085 0.38605270399360037 0.5392834419162702 0.6073859921041225 +514,0.6615584752080996,0,0.2471389794626996 0.17710169773542148 0.17400612727234008 0.17864948296696218 0.15388491926228462 0.13066814078915656 0.105903577084479 0.09661686569523482 0.08268679861135095 0.07340008722209797 -0.04268380514355992 -0.1587676975092178 -0.06641651197560924 0.025934673403213624 0.11828585893682218 0.2281786103763085 0.38605270399360037 0.5392834419162702 0.6073859921041225 0.7079920321543646 +515,0.5686913613155699,0,0.17710169773542148 0.17400612727234008 0.17864948296696218 0.15388491926228462 0.13066814078915656 0.105903577084479 0.09661686569523482 0.08268679861135095 0.07340008722209797 -0.04268380514355992 -0.1587676975092178 -0.06641651197560924 0.025934673403213624 0.11828585893682218 0.2281786103763085 0.38605270399360037 0.5392834419162702 0.6073859921041225 0.7079920321543646 0.6615584752080996 +516,0.46344196557070566,0,0.17400612727234008 0.17864948296696218 0.15388491926228462 0.13066814078915656 0.105903577084479 0.09661686569523482 0.08268679861135095 0.07340008722209797 -0.04268380514355992 -0.1587676975092178 -0.06641651197560924 0.025934673403213624 0.11828585893682218 0.2281786103763085 0.38605270399360037 0.5392834419162702 0.6073859921041225 0.7079920321543646 0.6615584752080996 0.5686913613155699 +517,0.2668732411648611,0,0.17864948296696218 0.15388491926228462 0.13066814078915656 0.105903577084479 0.09661686569523482 0.08268679861135095 0.07340008722209797 -0.04268380514355992 -0.1587676975092178 -0.06641651197560924 0.025934673403213624 0.11828585893682218 0.2281786103763085 0.38605270399360037 0.5392834419162702 0.6073859921041225 0.7079920321543646 0.6615584752080996 0.5686913613155699 0.46344196557070566 +518,0.14614599310458112,0,0.15388491926228462 0.13066814078915656 0.105903577084479 0.09661686569523482 0.08268679861135095 0.07340008722209797 -0.04268380514355992 -0.1587676975092178 -0.06641651197560924 0.025934673403213624 0.11828585893682218 0.2281786103763085 0.38605270399360037 0.5392834419162702 0.6073859921041225 0.7079920321543646 0.6615584752080996 0.5686913613155699 0.46344196557070566 0.2668732411648611 +519,0.07185230199055727,0,0.13066814078915656 0.105903577084479 0.09661686569523482 0.08268679861135095 0.07340008722209797 -0.04268380514355992 -0.1587676975092178 -0.06641651197560924 0.025934673403213624 0.11828585893682218 0.2281786103763085 0.38605270399360037 0.5392834419162702 0.6073859921041225 0.7079920321543646 0.6615584752080996 0.5686913613155699 0.46344196557070566 0.2668732411648611 0.14614599310458112 +520,0.008393107497327084,0,0.105903577084479 0.09661686569523482 0.08268679861135095 0.07340008722209797 -0.04268380514355992 -0.1587676975092178 -0.06641651197560924 0.025934673403213624 0.11828585893682218 0.2281786103763085 0.38605270399360037 0.5392834419162702 0.6073859921041225 0.7079920321543646 0.6615584752080996 0.5686913613155699 0.46344196557070566 0.2668732411648611 0.14614599310458112 0.07185230199055727 +521,-0.05042273130127221,0,0.09661686569523482 0.08268679861135095 0.07340008722209797 -0.04268380514355992 -0.1587676975092178 -0.06641651197560924 0.025934673403213624 0.11828585893682218 0.2281786103763085 0.38605270399360037 0.5392834419162702 0.6073859921041225 0.7079920321543646 0.6615584752080996 0.5686913613155699 0.46344196557070566 0.2668732411648611 0.14614599310458112 0.07185230199055727 0.008393107497327084 +522,-0.01637145620734167,0,0.08268679861135095 0.07340008722209797 -0.04268380514355992 -0.1587676975092178 -0.06641651197560924 0.025934673403213624 0.11828585893682218 0.2281786103763085 0.38605270399360037 0.5392834419162702 0.6073859921041225 0.7079920321543646 0.6615584752080996 0.5686913613155699 0.46344196557070566 0.2668732411648611 0.14614599310458112 0.07185230199055727 0.008393107497327084 -0.05042273130127221 +523,-0.030301523291225544,0,0.07340008722209797 -0.04268380514355992 -0.1587676975092178 -0.06641651197560924 0.025934673403213624 0.11828585893682218 0.2281786103763085 0.38605270399360037 0.5392834419162702 0.6073859921041225 0.7079920321543646 0.6615584752080996 0.5686913613155699 0.46344196557070566 0.2668732411648611 0.14614599310458112 0.07185230199055727 0.008393107497327084 -0.05042273130127221 -0.01637145620734167 +524,-0.04268380514355992,0,-0.04268380514355992 -0.1587676975092178 -0.06641651197560924 0.025934673403213624 0.11828585893682218 0.2281786103763085 0.38605270399360037 0.5392834419162702 0.6073859921041225 0.7079920321543646 0.6615584752080996 0.5686913613155699 0.46344196557070566 0.2668732411648611 0.14614599310458112 0.07185230199055727 0.008393107497327084 -0.05042273130127221 -0.01637145620734167 -0.030301523291225544 +525,-0.06590058361668798,0,-0.1587676975092178 -0.06641651197560924 0.025934673403213624 0.11828585893682218 0.2281786103763085 0.38605270399360037 0.5392834419162702 0.6073859921041225 0.7079920321543646 0.6615584752080996 0.5686913613155699 0.46344196557070566 0.2668732411648611 0.14614599310458112 0.07185230199055727 0.008393107497327084 -0.05042273130127221 -0.01637145620734167 -0.030301523291225544 -0.04268380514355992 +526,-0.07983065070057185,0,-0.06641651197560924 0.025934673403213624 0.11828585893682218 0.2281786103763085 0.38605270399360037 0.5392834419162702 0.6073859921041225 0.7079920321543646 0.6615584752080996 0.5686913613155699 0.46344196557070566 0.2668732411648611 0.14614599310458112 0.07185230199055727 0.008393107497327084 -0.05042273130127221 -0.01637145620734167 -0.030301523291225544 -0.04268380514355992 -0.06590058361668798 +527,-0.11078635533141219,0,0.025934673403213624 0.11828585893682218 0.2281786103763085 0.38605270399360037 0.5392834419162702 0.6073859921041225 0.7079920321543646 0.6615584752080996 0.5686913613155699 0.46344196557070566 0.2668732411648611 0.14614599310458112 0.07185230199055727 0.008393107497327084 -0.05042273130127221 -0.01637145620734167 -0.030301523291225544 -0.04268380514355992 -0.06590058361668798 -0.07983065070057185 +528,-0.11078635533141219,0,0.11828585893682218 0.2281786103763085 0.38605270399360037 0.5392834419162702 0.6073859921041225 0.7079920321543646 0.6615584752080996 0.5686913613155699 0.46344196557070566 0.2668732411648611 0.14614599310458112 0.07185230199055727 0.008393107497327084 -0.05042273130127221 -0.01637145620734167 -0.030301523291225544 -0.04268380514355992 -0.06590058361668798 -0.07983065070057185 -0.11078635533141219 +529,-0.11852528148912447,0,0.2281786103763085 0.38605270399360037 0.5392834419162702 0.6073859921041225 0.7079920321543646 0.6615584752080996 0.5686913613155699 0.46344196557070566 0.2668732411648611 0.14614599310458112 0.07185230199055727 0.008393107497327084 -0.05042273130127221 -0.01637145620734167 -0.030301523291225544 -0.04268380514355992 -0.06590058361668798 -0.07983065070057185 -0.11078635533141219 -0.11078635533141219 +530,-0.10304742917369991,0,0.38605270399360037 0.5392834419162702 0.6073859921041225 0.7079920321543646 0.6615584752080996 0.5686913613155699 0.46344196557070566 0.2668732411648611 0.14614599310458112 0.07185230199055727 0.008393107497327084 -0.05042273130127221 -0.01637145620734167 -0.030301523291225544 -0.04268380514355992 -0.06590058361668798 -0.07983065070057185 -0.11078635533141219 -0.11078635533141219 -0.11852528148912447 +531,-0.08447400639519394,0,0.5392834419162702 0.6073859921041225 0.7079920321543646 0.6615584752080996 0.5686913613155699 0.46344196557070566 0.2668732411648611 0.14614599310458112 0.07185230199055727 0.008393107497327084 -0.05042273130127221 -0.01637145620734167 -0.030301523291225544 -0.04268380514355992 -0.06590058361668798 -0.07983065070057185 -0.11078635533141219 -0.11078635533141219 -0.11852528148912447 -0.10304742917369991 +532,0.04244438259125762,0,0.6073859921041225 0.7079920321543646 0.6615584752080996 0.5686913613155699 0.46344196557070566 0.2668732411648611 0.14614599310458112 0.07185230199055727 0.008393107497327084 -0.05042273130127221 -0.01637145620734167 -0.030301523291225544 -0.04268380514355992 -0.06590058361668798 -0.07983065070057185 -0.11078635533141219 -0.11078635533141219 -0.11852528148912447 -0.10304742917369991 -0.08447400639519394 +533,0.1616238454199969,0,0.7079920321543646 0.6615584752080996 0.5686913613155699 0.46344196557070566 0.2668732411648611 0.14614599310458112 0.07185230199055727 0.008393107497327084 -0.05042273130127221 -0.01637145620734167 -0.030301523291225544 -0.04268380514355992 -0.06590058361668798 -0.07983065070057185 -0.11078635533141219 -0.11078635533141219 -0.11852528148912447 -0.10304742917369991 -0.08447400639519394 0.04244438259125762 +534,0.20031847620854953,0,0.6615584752080996 0.5686913613155699 0.46344196557070566 0.2668732411648611 0.14614599310458112 0.07185230199055727 0.008393107497327084 -0.05042273130127221 -0.01637145620734167 -0.030301523291225544 -0.04268380514355992 -0.06590058361668798 -0.07983065070057185 -0.11078635533141219 -0.11078635533141219 -0.11852528148912447 -0.10304742917369991 -0.08447400639519394 0.04244438259125762 0.1616238454199969 +535,0.3767659926043474,0,0.5686913613155699 0.46344196557070566 0.2668732411648611 0.14614599310458112 0.07185230199055727 0.008393107497327084 -0.05042273130127221 -0.01637145620734167 -0.030301523291225544 -0.04268380514355992 -0.06590058361668798 -0.07983065070057185 -0.11078635533141219 -0.11078635533141219 -0.11852528148912447 -0.10304742917369991 -0.08447400639519394 0.04244438259125762 0.1616238454199969 0.20031847620854953 +536,0.46808532126533653,0,0.46344196557070566 0.2668732411648611 0.14614599310458112 0.07185230199055727 0.008393107497327084 -0.05042273130127221 -0.01637145620734167 -0.030301523291225544 -0.04268380514355992 -0.06590058361668798 -0.07983065070057185 -0.11078635533141219 -0.11078635533141219 -0.11852528148912447 -0.10304742917369991 -0.08447400639519394 0.04244438259125762 0.1616238454199969 0.20031847620854953 0.3767659926043474 +537,0.42010397908753094,0,0.2668732411648611 0.14614599310458112 0.07185230199055727 0.008393107497327084 -0.05042273130127221 -0.01637145620734167 -0.030301523291225544 -0.04268380514355992 -0.06590058361668798 -0.07983065070057185 -0.11078635533141219 -0.11078635533141219 -0.11852528148912447 -0.10304742917369991 -0.08447400639519394 0.04244438259125762 0.1616238454199969 0.20031847620854953 0.3767659926043474 0.46808532126533653 +538,0.45260746894991194,0,0.14614599310458112 0.07185230199055727 0.008393107497327084 -0.05042273130127221 -0.01637145620734167 -0.030301523291225544 -0.04268380514355992 -0.06590058361668798 -0.07983065070057185 -0.11078635533141219 -0.11078635533141219 -0.11852528148912447 -0.10304742917369991 -0.08447400639519394 0.04244438259125762 0.1616238454199969 0.20031847620854953 0.3767659926043474 0.46808532126533653 0.42010397908753094 +539,0.37986156306743757,0,0.07185230199055727 0.008393107497327084 -0.05042273130127221 -0.01637145620734167 -0.030301523291225544 -0.04268380514355992 -0.06590058361668798 -0.07983065070057185 -0.11078635533141219 -0.11078635533141219 -0.11852528148912447 -0.10304742917369991 -0.08447400639519394 0.04244438259125762 0.1616238454199969 0.20031847620854953 0.3767659926043474 0.46808532126533653 0.42010397908753094 0.45260746894991194 +540,0.24829981838635515,0,0.008393107497327084 -0.05042273130127221 -0.01637145620734167 -0.030301523291225544 -0.04268380514355992 -0.06590058361668798 -0.07983065070057185 -0.11078635533141219 -0.11078635533141219 -0.11852528148912447 -0.10304742917369991 -0.08447400639519394 0.04244438259125762 0.1616238454199969 0.20031847620854953 0.3767659926043474 0.46808532126533653 0.42010397908753094 0.45260746894991194 0.37986156306743757 +541,0.06566116106438567,0,-0.05042273130127221 -0.01637145620734167 -0.030301523291225544 -0.04268380514355992 -0.06590058361668798 -0.07983065070057185 -0.11078635533141219 -0.11078635533141219 -0.11852528148912447 -0.10304742917369991 -0.08447400639519394 0.04244438259125762 0.1616238454199969 0.20031847620854953 0.3767659926043474 0.46808532126533653 0.42010397908753094 0.45260746894991194 0.37986156306743757 0.24829981838635515 +542,0.043992167822798314,0,-0.01637145620734167 -0.030301523291225544 -0.04268380514355992 -0.06590058361668798 -0.07983065070057185 -0.11078635533141219 -0.11078635533141219 -0.11852528148912447 -0.10304742917369991 -0.08447400639519394 0.04244438259125762 0.1616238454199969 0.20031847620854953 0.3767659926043474 0.46808532126533653 0.42010397908753094 0.45260746894991194 0.37986156306743757 0.24829981838635515 0.06566116106438567 +543,-0.02720595282813535,0,-0.030301523291225544 -0.04268380514355992 -0.06590058361668798 -0.07983065070057185 -0.11078635533141219 -0.11078635533141219 -0.11852528148912447 -0.10304742917369991 -0.08447400639519394 0.04244438259125762 0.1616238454199969 0.20031847620854953 0.3767659926043474 0.46808532126533653 0.42010397908753094 0.45260746894991194 0.37986156306743757 0.24829981838635515 0.06566116106438567 0.043992167822798314 +544,-0.056613872227435,0,-0.04268380514355992 -0.06590058361668798 -0.07983065070057185 -0.11078635533141219 -0.11078635533141219 -0.11852528148912447 -0.10304742917369991 -0.08447400639519394 0.04244438259125762 0.1616238454199969 0.20031847620854953 0.3767659926043474 0.46808532126533653 0.42010397908753094 0.45260746894991194 0.37986156306743757 0.24829981838635515 0.06566116106438567 0.043992167822798314 -0.02720595282813535 +545,-0.09530850301598763,0,-0.06590058361668798 -0.07983065070057185 -0.11078635533141219 -0.11078635533141219 -0.11852528148912447 -0.10304742917369991 -0.08447400639519394 0.04244438259125762 0.1616238454199969 0.20031847620854953 0.3767659926043474 0.46808532126533653 0.42010397908753094 0.45260746894991194 0.37986156306743757 0.24829981838635515 0.06566116106438567 0.043992167822798314 -0.02720595282813535 -0.056613872227435 +546,-0.12471642241528727,0,-0.07983065070057185 -0.11078635533141219 -0.11078635533141219 -0.11852528148912447 -0.10304742917369991 -0.08447400639519394 0.04244438259125762 0.1616238454199969 0.20031847620854953 0.3767659926043474 0.46808532126533653 0.42010397908753094 0.45260746894991194 0.37986156306743757 0.24829981838635515 0.06566116106438567 0.043992167822798314 -0.02720595282813535 -0.056613872227435 -0.09530850301598763 +547,-0.10149964394215921,0,-0.11078635533141219 -0.11078635533141219 -0.11852528148912447 -0.10304742917369991 -0.08447400639519394 0.04244438259125762 0.1616238454199969 0.20031847620854953 0.3767659926043474 0.46808532126533653 0.42010397908753094 0.45260746894991194 0.37986156306743757 0.24829981838635515 0.06566116106438567 0.043992167822798314 -0.02720595282813535 -0.056613872227435 -0.09530850301598763 -0.12471642241528727 +548,-0.12316863718374657,0,-0.11078635533141219 -0.11852528148912447 -0.10304742917369991 -0.08447400639519394 0.04244438259125762 0.1616238454199969 0.20031847620854953 0.3767659926043474 0.46808532126533653 0.42010397908753094 0.45260746894991194 0.37986156306743757 0.24829981838635515 0.06566116106438567 0.043992167822798314 -0.02720595282813535 -0.056613872227435 -0.09530850301598763 -0.12471642241528727 -0.10149964394215921 +549,-0.20365346922394204,0,-0.11852528148912447 -0.10304742917369991 -0.08447400639519394 0.04244438259125762 0.1616238454199969 0.20031847620854953 0.3767659926043474 0.46808532126533653 0.42010397908753094 0.45260746894991194 0.37986156306743757 0.24829981838635515 0.06566116106438567 0.043992167822798314 -0.02720595282813535 -0.056613872227435 -0.09530850301598763 -0.12471642241528727 -0.10149964394215921 -0.12316863718374657 +550,-0.2779471603379571,0,-0.10304742917369991 -0.08447400639519394 0.04244438259125762 0.1616238454199969 0.20031847620854953 0.3767659926043474 0.46808532126533653 0.42010397908753094 0.45260746894991194 0.37986156306743757 0.24829981838635515 0.06566116106438567 0.043992167822798314 -0.02720595282813535 -0.056613872227435 -0.09530850301598763 -0.12471642241528727 -0.10149964394215921 -0.12316863718374657 -0.20365346922394204 +551,-0.33985856959964655,0,-0.08447400639519394 0.04244438259125762 0.1616238454199969 0.20031847620854953 0.3767659926043474 0.46808532126533653 0.42010397908753094 0.45260746894991194 0.37986156306743757 0.24829981838635515 0.06566116106438567 0.043992167822798314 -0.02720595282813535 -0.056613872227435 -0.09530850301598763 -0.12471642241528727 -0.10149964394215921 -0.12316863718374657 -0.20365346922394204 -0.2779471603379571 +552,-0.3692664889989462,0,0.04244438259125762 0.1616238454199969 0.20031847620854953 0.3767659926043474 0.46808532126533653 0.42010397908753094 0.45260746894991194 0.37986156306743757 0.24829981838635515 0.06566116106438567 0.043992167822798314 -0.02720595282813535 -0.056613872227435 -0.09530850301598763 -0.12471642241528727 -0.10149964394215921 -0.12316863718374657 -0.20365346922394204 -0.2779471603379571 -0.33985856959964655 +553,-0.3785532003881992,0,0.1616238454199969 0.20031847620854953 0.3767659926043474 0.46808532126533653 0.42010397908753094 0.45260746894991194 0.37986156306743757 0.24829981838635515 0.06566116106438567 0.043992167822798314 -0.02720595282813535 -0.056613872227435 -0.09530850301598763 -0.12471642241528727 -0.10149964394215921 -0.12316863718374657 -0.20365346922394204 -0.2779471603379571 -0.33985856959964655 -0.3692664889989462 +554,-0.40176997886132726,0,0.20031847620854953 0.3767659926043474 0.46808532126533653 0.42010397908753094 0.45260746894991194 0.37986156306743757 0.24829981838635515 0.06566116106438567 0.043992167822798314 -0.02720595282813535 -0.056613872227435 -0.09530850301598763 -0.12471642241528727 -0.10149964394215921 -0.12316863718374657 -0.20365346922394204 -0.2779471603379571 -0.33985856959964655 -0.3692664889989462 -0.3785532003881992 +555,-0.3739098446935683,0,0.3767659926043474 0.46808532126533653 0.42010397908753094 0.45260746894991194 0.37986156306743757 0.24829981838635515 0.06566116106438567 0.043992167822798314 -0.02720595282813535 -0.056613872227435 -0.09530850301598763 -0.12471642241528727 -0.10149964394215921 -0.12316863718374657 -0.20365346922394204 -0.2779471603379571 -0.33985856959964655 -0.3692664889989462 -0.3785532003881992 -0.40176997886132726 +556,-0.19127118737159884,0,0.46808532126533653 0.42010397908753094 0.45260746894991194 0.37986156306743757 0.24829981838635515 0.06566116106438567 0.043992167822798314 -0.02720595282813535 -0.056613872227435 -0.09530850301598763 -0.12471642241528727 -0.10149964394215921 -0.12316863718374657 -0.20365346922394204 -0.2779471603379571 -0.33985856959964655 -0.3692664889989462 -0.3785532003881992 -0.40176997886132726 -0.3739098446935683 +557,-0.03339709375430694,0,0.42010397908753094 0.45260746894991194 0.37986156306743757 0.24829981838635515 0.06566116106438567 0.043992167822798314 -0.02720595282813535 -0.056613872227435 -0.09530850301598763 -0.12471642241528727 -0.10149964394215921 -0.12316863718374657 -0.20365346922394204 -0.2779471603379571 -0.33985856959964655 -0.3692664889989462 -0.3785532003881992 -0.40176997886132726 -0.3739098446935683 -0.19127118737159884 +558,0.13840706694686883,0,0.45260746894991194 0.37986156306743757 0.24829981838635515 0.06566116106438567 0.043992167822798314 -0.02720595282813535 -0.056613872227435 -0.09530850301598763 -0.12471642241528727 -0.10149964394215921 -0.12316863718374657 -0.20365346922394204 -0.2779471603379571 -0.33985856959964655 -0.3692664889989462 -0.3785532003881992 -0.40176997886132726 -0.3739098446935683 -0.19127118737159884 -0.03339709375430694 +559,0.26068210023868954,0,0.37986156306743757 0.24829981838635515 0.06566116106438567 0.043992167822798314 -0.02720595282813535 -0.056613872227435 -0.09530850301598763 -0.12471642241528727 -0.10149964394215921 -0.12316863718374657 -0.20365346922394204 -0.2779471603379571 -0.33985856959964655 -0.3692664889989462 -0.3785532003881992 -0.40176997886132726 -0.3739098446935683 -0.19127118737159884 -0.03339709375430694 0.13840706694686883 +560,0.38605270399360037,0,0.24829981838635515 0.06566116106438567 0.043992167822798314 -0.02720595282813535 -0.056613872227435 -0.09530850301598763 -0.12471642241528727 -0.10149964394215921 -0.12316863718374657 -0.20365346922394204 -0.2779471603379571 -0.33985856959964655 -0.3692664889989462 -0.3785532003881992 -0.40176997886132726 -0.3739098446935683 -0.19127118737159884 -0.03339709375430694 0.13840706694686883 0.26068210023868954 +561,0.434034046171406,0,0.06566116106438567 0.043992167822798314 -0.02720595282813535 -0.056613872227435 -0.09530850301598763 -0.12471642241528727 -0.10149964394215921 -0.12316863718374657 -0.20365346922394204 -0.2779471603379571 -0.33985856959964655 -0.3692664889989462 -0.3785532003881992 -0.40176997886132726 -0.3739098446935683 -0.19127118737159884 -0.03339709375430694 0.13840706694686883 0.26068210023868954 0.38605270399360037 +562,0.45725082464454286,0,0.043992167822798314 -0.02720595282813535 -0.056613872227435 -0.09530850301598763 -0.12471642241528727 -0.10149964394215921 -0.12316863718374657 -0.20365346922394204 -0.2779471603379571 -0.33985856959964655 -0.3692664889989462 -0.3785532003881992 -0.40176997886132726 -0.3739098446935683 -0.19127118737159884 -0.03339709375430694 0.13840706694686883 0.26068210023868954 0.38605270399360037 0.434034046171406 +563,0.45105968371837124,0,-0.02720595282813535 -0.056613872227435 -0.09530850301598763 -0.12471642241528727 -0.10149964394215921 -0.12316863718374657 -0.20365346922394204 -0.2779471603379571 -0.33985856959964655 -0.3692664889989462 -0.3785532003881992 -0.40176997886132726 -0.3739098446935683 -0.19127118737159884 -0.03339709375430694 0.13840706694686883 0.26068210023868954 0.38605270399360037 0.434034046171406 0.45725082464454286 +564,0.2823510934802857,0,-0.056613872227435 -0.09530850301598763 -0.12471642241528727 -0.10149964394215921 -0.12316863718374657 -0.20365346922394204 -0.2779471603379571 -0.33985856959964655 -0.3692664889989462 -0.3785532003881992 -0.40176997886132726 -0.3739098446935683 -0.19127118737159884 -0.03339709375430694 0.13840706694686883 0.26068210023868954 0.38605270399360037 0.434034046171406 0.45725082464454286 0.45105968371837124 +565,0.13376371125223796,0,-0.09530850301598763 -0.12471642241528727 -0.10149964394215921 -0.12316863718374657 -0.20365346922394204 -0.2779471603379571 -0.33985856959964655 -0.3692664889989462 -0.3785532003881992 -0.40176997886132726 -0.3739098446935683 -0.19127118737159884 -0.03339709375430694 0.13840706694686883 0.26068210023868954 0.38605270399360037 0.434034046171406 0.45725082464454286 0.45105968371837124 0.2823510934802857 +566,0.014584248423498673,0,-0.12471642241528727 -0.10149964394215921 -0.12316863718374657 -0.20365346922394204 -0.2779471603379571 -0.33985856959964655 -0.3692664889989462 -0.3785532003881992 -0.40176997886132726 -0.3739098446935683 -0.19127118737159884 -0.03339709375430694 0.13840706694686883 0.26068210023868954 0.38605270399360037 0.434034046171406 0.45725082464454286 0.45105968371837124 0.2823510934802857 0.13376371125223796 +567,-0.11233414056295289,0,-0.10149964394215921 -0.12316863718374657 -0.20365346922394204 -0.2779471603379571 -0.33985856959964655 -0.3692664889989462 -0.3785532003881992 -0.40176997886132726 -0.3739098446935683 -0.19127118737159884 -0.03339709375430694 0.13840706694686883 0.26068210023868954 0.38605270399360037 0.434034046171406 0.45725082464454286 0.45105968371837124 0.2823510934802857 0.13376371125223796 0.014584248423498673 +568,-0.14174205996225253,0,-0.12316863718374657 -0.20365346922394204 -0.2779471603379571 -0.33985856959964655 -0.3692664889989462 -0.3785532003881992 -0.40176997886132726 -0.3739098446935683 -0.19127118737159884 -0.03339709375430694 0.13840706694686883 0.26068210023868954 0.38605270399360037 0.434034046171406 0.45725082464454286 0.45105968371837124 0.2823510934802857 0.13376371125223796 0.014584248423498673 -0.11233414056295289 +569,-0.24544367047557605,0,-0.20365346922394204 -0.2779471603379571 -0.33985856959964655 -0.3692664889989462 -0.3785532003881992 -0.40176997886132726 -0.3739098446935683 -0.19127118737159884 -0.03339709375430694 0.13840706694686883 0.26068210023868954 0.38605270399360037 0.434034046171406 0.45725082464454286 0.45105968371837124 0.2823510934802857 0.13376371125223796 0.014584248423498673 -0.11233414056295289 -0.14174205996225253 +570,-0.3104506502003469,0,-0.2779471603379571 -0.33985856959964655 -0.3692664889989462 -0.3785532003881992 -0.40176997886132726 -0.3739098446935683 -0.19127118737159884 -0.03339709375430694 0.13840706694686883 0.26068210023868954 0.38605270399360037 0.434034046171406 0.45725082464454286 0.45105968371837124 0.2823510934802857 0.13376371125223796 0.014584248423498673 -0.11233414056295289 -0.14174205996225253 -0.24544367047557605 +571,-0.4126044754821209,0,-0.33985856959964655 -0.3692664889989462 -0.3785532003881992 -0.40176997886132726 -0.3739098446935683 -0.19127118737159884 -0.03339709375430694 0.13840706694686883 0.26068210023868954 0.38605270399360037 0.434034046171406 0.45725082464454286 0.45105968371837124 0.2823510934802857 0.13376371125223796 0.014584248423498673 -0.11233414056295289 -0.14174205996225253 -0.24544367047557605 -0.3104506502003469 +572,-0.4249867573344553,0,-0.3692664889989462 -0.3785532003881992 -0.40176997886132726 -0.3739098446935683 -0.19127118737159884 -0.03339709375430694 0.13840706694686883 0.26068210023868954 0.38605270399360037 0.434034046171406 0.45725082464454286 0.45105968371837124 0.2823510934802857 0.13376371125223796 0.014584248423498673 -0.11233414056295289 -0.14174205996225253 -0.24544367047557605 -0.3104506502003469 -0.4126044754821209 +573,-0.46987252904917953,0,-0.3785532003881992 -0.40176997886132726 -0.3739098446935683 -0.19127118737159884 -0.03339709375430694 0.13840706694686883 0.26068210023868954 0.38605270399360037 0.434034046171406 0.45725082464454286 0.45105968371837124 0.2823510934802857 0.13376371125223796 0.014584248423498673 -0.11233414056295289 -0.14174205996225253 -0.24544367047557605 -0.3104506502003469 -0.4126044754821209 -0.4249867573344553 +574,-0.5580962872470785,0,-0.40176997886132726 -0.3739098446935683 -0.19127118737159884 -0.03339709375430694 0.13840706694686883 0.26068210023868954 0.38605270399360037 0.434034046171406 0.45725082464454286 0.45105968371837124 0.2823510934802857 0.13376371125223796 0.014584248423498673 -0.11233414056295289 -0.14174205996225253 -0.24544367047557605 -0.3104506502003469 -0.4126044754821209 -0.4249867573344553 -0.46987252904917953 +575,-0.6323899783611023,0,-0.3739098446935683 -0.19127118737159884 -0.03339709375430694 0.13840706694686883 0.26068210023868954 0.38605270399360037 0.434034046171406 0.45725082464454286 0.45105968371837124 0.2823510934802857 0.13376371125223796 0.014584248423498673 -0.11233414056295289 -0.14174205996225253 -0.24544367047557605 -0.3104506502003469 -0.4126044754821209 -0.4249867573344553 -0.46987252904917953 -0.5580962872470785 +576,-0.6819191057704487,0,-0.19127118737159884 -0.03339709375430694 0.13840706694686883 0.26068210023868954 0.38605270399360037 0.434034046171406 0.45725082464454286 0.45105968371837124 0.2823510934802857 0.13376371125223796 0.014584248423498673 -0.11233414056295289 -0.14174205996225253 -0.24544367047557605 -0.3104506502003469 -0.4126044754821209 -0.4249867573344553 -0.46987252904917953 -0.5580962872470785 -0.6323899783611023 +577,-0.6679890386865736,0,-0.03339709375430694 0.13840706694686883 0.26068210023868954 0.38605270399360037 0.434034046171406 0.45725082464454286 0.45105968371837124 0.2823510934802857 0.13376371125223796 0.014584248423498673 -0.11233414056295289 -0.14174205996225253 -0.24544367047557605 -0.3104506502003469 -0.4126044754821209 -0.4249867573344553 -0.46987252904917953 -0.5580962872470785 -0.6323899783611023 -0.6819191057704487 +578,-0.6238771595876197,0,0.13840706694686883 0.26068210023868954 0.38605270399360037 0.434034046171406 0.45725082464454286 0.45105968371837124 0.2823510934802857 0.13376371125223796 0.014584248423498673 -0.11233414056295289 -0.14174205996225253 -0.24544367047557605 -0.3104506502003469 -0.4126044754821209 -0.4249867573344553 -0.46987252904917953 -0.5580962872470785 -0.6323899783611023 -0.6819191057704487 -0.6679890386865736 +579,-0.5797652804886658,0,0.26068210023868954 0.38605270399360037 0.434034046171406 0.45725082464454286 0.45105968371837124 0.2823510934802857 0.13376371125223796 0.014584248423498673 -0.11233414056295289 -0.14174205996225253 -0.24544367047557605 -0.3104506502003469 -0.4126044754821209 -0.4249867573344553 -0.46987252904917953 -0.5580962872470785 -0.6323899783611023 -0.6819191057704487 -0.6679890386865736 -0.6238771595876197 +580,-0.20365346922394204,0,0.38605270399360037 0.434034046171406 0.45725082464454286 0.45105968371837124 0.2823510934802857 0.13376371125223796 0.014584248423498673 -0.11233414056295289 -0.14174205996225253 -0.24544367047557605 -0.3104506502003469 -0.4126044754821209 -0.4249867573344553 -0.46987252904917953 -0.5580962872470785 -0.6323899783611023 -0.6819191057704487 -0.6679890386865736 -0.6238771595876197 -0.5797652804886658 +581,0.06101780536976358,0,0.434034046171406 0.45725082464454286 0.45105968371837124 0.2823510934802857 0.13376371125223796 0.014584248423498673 -0.11233414056295289 -0.14174205996225253 -0.24544367047557605 -0.3104506502003469 -0.4126044754821209 -0.4249867573344553 -0.46987252904917953 -0.5580962872470785 -0.6323899783611023 -0.6819191057704487 -0.6679890386865736 -0.6238771595876197 -0.5797652804886658 -0.20365346922394204 +582,0.16007606018845622,0,0.45725082464454286 0.45105968371837124 0.2823510934802857 0.13376371125223796 0.014584248423498673 -0.11233414056295289 -0.14174205996225253 -0.24544367047557605 -0.3104506502003469 -0.4126044754821209 -0.4249867573344553 -0.46987252904917953 -0.5580962872470785 -0.6323899783611023 -0.6819191057704487 -0.6679890386865736 -0.6238771595876197 -0.5797652804886658 -0.20365346922394204 0.06101780536976358 +583,0.46498975080225513,0,0.45105968371837124 0.2823510934802857 0.13376371125223796 0.014584248423498673 -0.11233414056295289 -0.14174205996225253 -0.24544367047557605 -0.3104506502003469 -0.4126044754821209 -0.4249867573344553 -0.46987252904917953 -0.5580962872470785 -0.6323899783611023 -0.6819191057704487 -0.6679890386865736 -0.6238771595876197 -0.5797652804886658 -0.20365346922394204 0.06101780536976358 0.16007606018845622 +584,0.5501179385370639,0,0.2823510934802857 0.13376371125223796 0.014584248423498673 -0.11233414056295289 -0.14174205996225253 -0.24544367047557605 -0.3104506502003469 -0.4126044754821209 -0.4249867573344553 -0.46987252904917953 -0.5580962872470785 -0.6323899783611023 -0.6819191057704487 -0.6679890386865736 -0.6238771595876197 -0.5797652804886658 -0.20365346922394204 0.06101780536976358 0.16007606018845622 0.46498975080225513 +585,0.5052321668223485,0,0.13376371125223796 0.014584248423498673 -0.11233414056295289 -0.14174205996225253 -0.24544367047557605 -0.3104506502003469 -0.4126044754821209 -0.4249867573344553 -0.46987252904917953 -0.5580962872470785 -0.6323899783611023 -0.6819191057704487 -0.6679890386865736 -0.6238771595876197 -0.5797652804886658 -0.20365346922394204 0.06101780536976358 0.16007606018845622 0.46498975080225513 0.5501179385370639 +586,0.6151249182618348,0,0.014584248423498673 -0.11233414056295289 -0.14174205996225253 -0.24544367047557605 -0.3104506502003469 -0.4126044754821209 -0.4249867573344553 -0.46987252904917953 -0.5580962872470785 -0.6323899783611023 -0.6819191057704487 -0.6679890386865736 -0.6238771595876197 -0.5797652804886658 -0.20365346922394204 0.06101780536976358 0.16007606018845622 0.46498975080225513 0.5501179385370639 0.5052321668223485 +587,0.6011948511779597,0,-0.11233414056295289 -0.14174205996225253 -0.24544367047557605 -0.3104506502003469 -0.4126044754821209 -0.4249867573344553 -0.46987252904917953 -0.5580962872470785 -0.6323899783611023 -0.6819191057704487 -0.6679890386865736 -0.6238771595876197 -0.5797652804886658 -0.20365346922394204 0.06101780536976358 0.16007606018845622 0.46498975080225513 0.5501179385370639 0.5052321668223485 0.6151249182618348 +588,0.5594046499263169,0,-0.14174205996225253 -0.24544367047557605 -0.3104506502003469 -0.4126044754821209 -0.4249867573344553 -0.46987252904917953 -0.5580962872470785 -0.6323899783611023 -0.6819191057704487 -0.6679890386865736 -0.6238771595876197 -0.5797652804886658 -0.20365346922394204 0.06101780536976358 0.16007606018845622 0.46498975080225513 0.5501179385370639 0.5052321668223485 0.6151249182618348 0.6011948511779597 +589,0.3752182073728067,0,-0.24544367047557605 -0.3104506502003469 -0.4126044754821209 -0.4249867573344553 -0.46987252904917953 -0.5580962872470785 -0.6323899783611023 -0.6819191057704487 -0.6679890386865736 -0.6238771595876197 -0.5797652804886658 -0.20365346922394204 0.06101780536976358 0.16007606018845622 0.46498975080225513 0.5501179385370639 0.5052321668223485 0.6151249182618348 0.6011948511779597 0.5594046499263169 +590,0.30402008672187303,0,-0.3104506502003469 -0.4126044754821209 -0.4249867573344553 -0.46987252904917953 -0.5580962872470785 -0.6323899783611023 -0.6819191057704487 -0.6679890386865736 -0.6238771595876197 -0.5797652804886658 -0.20365346922394204 0.06101780536976358 0.16007606018845622 0.46498975080225513 0.5501179385370639 0.5052321668223485 0.6151249182618348 0.6011948511779597 0.5594046499263169 0.3752182073728067 +591,0.2080574023662618,0,-0.4126044754821209 -0.4249867573344553 -0.46987252904917953 -0.5580962872470785 -0.6323899783611023 -0.6819191057704487 -0.6679890386865736 -0.6238771595876197 -0.5797652804886658 -0.20365346922394204 0.06101780536976358 0.16007606018845622 0.46498975080225513 0.5501179385370639 0.5052321668223485 0.6151249182618348 0.6011948511779597 0.5594046499263169 0.3752182073728067 0.30402008672187303 +592,0.13066814078915656,0,-0.4249867573344553 -0.46987252904917953 -0.5580962872470785 -0.6323899783611023 -0.6819191057704487 -0.6679890386865736 -0.6238771595876197 -0.5797652804886658 -0.20365346922394204 0.06101780536976358 0.16007606018845622 0.46498975080225513 0.5501179385370639 0.5052321668223485 0.6151249182618348 0.6011948511779597 0.5594046499263169 0.3752182073728067 0.30402008672187303 0.2080574023662618 +593,0.0501833087489699,0,-0.46987252904917953 -0.5580962872470785 -0.6323899783611023 -0.6819191057704487 -0.6679890386865736 -0.6238771595876197 -0.5797652804886658 -0.20365346922394204 0.06101780536976358 0.16007606018845622 0.46498975080225513 0.5501179385370639 0.5052321668223485 0.6151249182618348 0.6011948511779597 0.5594046499263169 0.3752182073728067 0.30402008672187303 0.2080574023662618 0.13066814078915656 +594,-0.05970944269052519,0,-0.5580962872470785 -0.6323899783611023 -0.6819191057704487 -0.6679890386865736 -0.6238771595876197 -0.5797652804886658 -0.20365346922394204 0.06101780536976358 0.16007606018845622 0.46498975080225513 0.5501179385370639 0.5052321668223485 0.6151249182618348 0.6011948511779597 0.5594046499263169 0.3752182073728067 0.30402008672187303 0.2080574023662618 0.13066814078915656 0.0501833087489699 +595,-0.15721991227767712,0,-0.6323899783611023 -0.6819191057704487 -0.6679890386865736 -0.6238771595876197 -0.5797652804886658 -0.20365346922394204 0.06101780536976358 0.16007606018845622 0.46498975080225513 0.5501179385370639 0.5052321668223485 0.6151249182618348 0.6011948511779597 0.5594046499263169 0.3752182073728067 0.30402008672187303 0.2080574023662618 0.13066814078915656 0.0501833087489699 -0.05970944269052519 +596,-0.2129401806131862,0,-0.6819191057704487 -0.6679890386865736 -0.6238771595876197 -0.5797652804886658 -0.20365346922394204 0.06101780536976358 0.16007606018845622 0.46498975080225513 0.5501179385370639 0.5052321668223485 0.6151249182618348 0.6011948511779597 0.5594046499263169 0.3752182073728067 0.30402008672187303 0.2080574023662618 0.13066814078915656 0.0501833087489699 -0.05970944269052519 -0.15721991227767712 +597,-0.2500870261701981,0,-0.6679890386865736 -0.6238771595876197 -0.5797652804886658 -0.20365346922394204 0.06101780536976358 0.16007606018845622 0.46498975080225513 0.5501179385370639 0.5052321668223485 0.6151249182618348 0.6011948511779597 0.5594046499263169 0.3752182073728067 0.30402008672187303 0.2080574023662618 0.13066814078915656 0.0501833087489699 -0.05970944269052519 -0.15721991227767712 -0.2129401806131862 +598,-0.4327256834921676,0,-0.6238771595876197 -0.5797652804886658 -0.20365346922394204 0.06101780536976358 0.16007606018845622 0.46498975080225513 0.5501179385370639 0.5052321668223485 0.6151249182618348 0.6011948511779597 0.5594046499263169 0.3752182073728067 0.30402008672187303 0.2080574023662618 0.13066814078915656 0.0501833087489699 -0.05970944269052519 -0.15721991227767712 -0.2129401806131862 -0.2500870261701981 +599,-0.46058581765992657,0,-0.5797652804886658 -0.20365346922394204 0.06101780536976358 0.16007606018845622 0.46498975080225513 0.5501179385370639 0.5052321668223485 0.6151249182618348 0.6011948511779597 0.5594046499263169 0.3752182073728067 0.30402008672187303 0.2080574023662618 0.13066814078915656 0.0501833087489699 -0.05970944269052519 -0.15721991227767712 -0.2129401806131862 -0.2500870261701981 -0.4327256834921676 +600,-0.4946370927538571,0,-0.20365346922394204 0.06101780536976358 0.16007606018845622 0.46498975080225513 0.5501179385370639 0.5052321668223485 0.6151249182618348 0.6011948511779597 0.5594046499263169 0.3752182073728067 0.30402008672187303 0.2080574023662618 0.13066814078915656 0.0501833087489699 -0.05970944269052519 -0.15721991227767712 -0.2129401806131862 -0.2500870261701981 -0.4327256834921676 -0.46058581765992657 +601,-0.9140868905017644,0,0.06101780536976358 0.16007606018845622 0.46498975080225513 0.5501179385370639 0.5052321668223485 0.6151249182618348 0.6011948511779597 0.5594046499263169 0.3752182073728067 0.30402008672187303 0.2080574023662618 0.13066814078915656 0.0501833087489699 -0.05970944269052519 -0.15721991227767712 -0.2129401806131862 -0.2500870261701981 -0.4327256834921676 -0.46058581765992657 -0.4946370927538571 +602,-0.6726323943811956,0,0.16007606018845622 0.46498975080225513 0.5501179385370639 0.5052321668223485 0.6151249182618348 0.6011948511779597 0.5594046499263169 0.3752182073728067 0.30402008672187303 0.2080574023662618 0.13066814078915656 0.0501833087489699 -0.05970944269052519 -0.15721991227767712 -0.2129401806131862 -0.2500870261701981 -0.4327256834921676 -0.46058581765992657 -0.4946370927538571 -0.9140868905017644 +603,-0.273303804643335,0,0.46498975080225513 0.5501179385370639 0.5052321668223485 0.6151249182618348 0.6011948511779597 0.5594046499263169 0.3752182073728067 0.30402008672187303 0.2080574023662618 0.13066814078915656 0.0501833087489699 -0.05970944269052519 -0.15721991227767712 -0.2129401806131862 -0.2500870261701981 -0.4327256834921676 -0.46058581765992657 -0.4946370927538571 -0.9140868905017644 -0.6726323943811956 +604,0.030062100738923243,0,0.5501179385370639 0.5052321668223485 0.6151249182618348 0.6011948511779597 0.5594046499263169 0.3752182073728067 0.30402008672187303 0.2080574023662618 0.13066814078915656 0.0501833087489699 -0.05970944269052519 -0.15721991227767712 -0.2129401806131862 -0.2500870261701981 -0.4327256834921676 -0.46058581765992657 -0.4946370927538571 -0.9140868905017644 -0.6726323943811956 -0.273303804643335 +605,0.4293906904767839,0,0.5052321668223485 0.6151249182618348 0.6011948511779597 0.5594046499263169 0.3752182073728067 0.30402008672187303 0.2080574023662618 0.13066814078915656 0.0501833087489699 -0.05970944269052519 -0.15721991227767712 -0.2129401806131862 -0.2500870261701981 -0.4327256834921676 -0.46058581765992657 -0.4946370927538571 -0.9140868905017644 -0.6726323943811956 -0.273303804643335 0.030062100738923243 +606,0.8008591460468856,0,0.6151249182618348 0.6011948511779597 0.5594046499263169 0.3752182073728067 0.30402008672187303 0.2080574023662618 0.13066814078915656 0.0501833087489699 -0.05970944269052519 -0.15721991227767712 -0.2129401806131862 -0.2500870261701981 -0.4327256834921676 -0.46058581765992657 -0.4946370927538571 -0.9140868905017644 -0.6726323943811956 -0.273303804643335 0.030062100738923243 0.4293906904767839 +607,0.8844395485501625,0,0.6011948511779597 0.5594046499263169 0.3752182073728067 0.30402008672187303 0.2080574023662618 0.13066814078915656 0.0501833087489699 -0.05970944269052519 -0.15721991227767712 -0.2129401806131862 -0.2500870261701981 -0.4327256834921676 -0.46058581765992657 -0.4946370927538571 -0.9140868905017644 -0.6726323943811956 -0.273303804643335 0.030062100738923243 0.4293906904767839 0.8008591460468856 +608,0.978854447674233,0,0.5594046499263169 0.3752182073728067 0.30402008672187303 0.2080574023662618 0.13066814078915656 0.0501833087489699 -0.05970944269052519 -0.15721991227767712 -0.2129401806131862 -0.2500870261701981 -0.4327256834921676 -0.46058581765992657 -0.4946370927538571 -0.9140868905017644 -0.6726323943811956 -0.273303804643335 0.030062100738923243 0.4293906904767839 0.8008591460468856 0.8844395485501625 +609,1.1026772661976032,0,0.3752182073728067 0.30402008672187303 0.2080574023662618 0.13066814078915656 0.0501833087489699 -0.05970944269052519 -0.15721991227767712 -0.2129401806131862 -0.2500870261701981 -0.4327256834921676 -0.46058581765992657 -0.4946370927538571 -0.9140868905017644 -0.6726323943811956 -0.273303804643335 0.030062100738923243 0.4293906904767839 0.8008591460468856 0.8844395485501625 0.978854447674233 +610,1.1212506889761003,0,0.30402008672187303 0.2080574023662618 0.13066814078915656 0.0501833087489699 -0.05970944269052519 -0.15721991227767712 -0.2129401806131862 -0.2500870261701981 -0.4327256834921676 -0.46058581765992657 -0.4946370927538571 -0.9140868905017644 -0.6726323943811956 -0.273303804643335 0.030062100738923243 0.4293906904767839 0.8008591460468856 0.8844395485501625 0.978854447674233 1.1026772661976032 +611,1.1197029037445596,0,0.2080574023662618 0.13066814078915656 0.0501833087489699 -0.05970944269052519 -0.15721991227767712 -0.2129401806131862 -0.2500870261701981 -0.4327256834921676 -0.46058581765992657 -0.4946370927538571 -0.9140868905017644 -0.6726323943811956 -0.273303804643335 0.030062100738923243 0.4293906904767839 0.8008591460468856 0.8844395485501625 0.978854447674233 1.1026772661976032 1.1212506889761003 +612,0.9757588772111427,0,0.13066814078915656 0.0501833087489699 -0.05970944269052519 -0.15721991227767712 -0.2129401806131862 -0.2500870261701981 -0.4327256834921676 -0.46058581765992657 -0.4946370927538571 -0.9140868905017644 -0.6726323943811956 -0.273303804643335 0.030062100738923243 0.4293906904767839 0.8008591460468856 0.8844395485501625 0.978854447674233 1.1026772661976032 1.1212506889761003 1.1197029037445596 +613,0.7668078709529639,0,0.0501833087489699 -0.05970944269052519 -0.15721991227767712 -0.2129401806131862 -0.2500870261701981 -0.4327256834921676 -0.46058581765992657 -0.4946370927538571 -0.9140868905017644 -0.6726323943811956 -0.273303804643335 0.030062100738923243 0.4293906904767839 0.8008591460468856 0.8844395485501625 0.978854447674233 1.1026772661976032 1.1212506889761003 1.1197029037445596 0.9757588772111427 +614,0.7373999515536642,0,-0.05970944269052519 -0.15721991227767712 -0.2129401806131862 -0.2500870261701981 -0.4327256834921676 -0.46058581765992657 -0.4946370927538571 -0.9140868905017644 -0.6726323943811956 -0.273303804643335 0.030062100738923243 0.4293906904767839 0.8008591460468856 0.8844395485501625 0.978854447674233 1.1026772661976032 1.1212506889761003 1.1197029037445596 0.9757588772111427 0.7668078709529639 +615,0.6321505558088,0,-0.15721991227767712 -0.2129401806131862 -0.2500870261701981 -0.4327256834921676 -0.46058581765992657 -0.4946370927538571 -0.9140868905017644 -0.6726323943811956 -0.273303804643335 0.030062100738923243 0.4293906904767839 0.8008591460468856 0.8844395485501625 0.978854447674233 1.1026772661976032 1.1212506889761003 1.1197029037445596 0.9757588772111427 0.7668078709529639 0.7373999515536642 +616,0.4804676031176709,0,-0.2129401806131862 -0.2500870261701981 -0.4327256834921676 -0.46058581765992657 -0.4946370927538571 -0.9140868905017644 -0.6726323943811956 -0.273303804643335 0.030062100738923243 0.4293906904767839 0.8008591460468856 0.8844395485501625 0.978854447674233 1.1026772661976032 1.1212506889761003 1.1197029037445596 0.9757588772111427 0.7668078709529639 0.7373999515536642 0.6321505558088 +617,0.29318559010107936,0,-0.2500870261701981 -0.4327256834921676 -0.46058581765992657 -0.4946370927538571 -0.9140868905017644 -0.6726323943811956 -0.273303804643335 0.030062100738923243 0.4293906904767839 0.8008591460468856 0.8844395485501625 0.978854447674233 1.1026772661976032 1.1212506889761003 1.1197029037445596 0.9757588772111427 0.7668078709529639 0.7373999515536642 0.6321505558088 0.4804676031176709 +618,0.25603874454406744,0,-0.4327256834921676 -0.46058581765992657 -0.4946370927538571 -0.9140868905017644 -0.6726323943811956 -0.273303804643335 0.030062100738923243 0.4293906904767839 0.8008591460468856 0.8844395485501625 0.978854447674233 1.1026772661976032 1.1212506889761003 1.1197029037445596 0.9757588772111427 0.7668078709529639 0.7373999515536642 0.6321505558088 0.4804676031176709 0.29318559010107936 +619,0.19257955005083724,0,-0.46058581765992657 -0.4946370927538571 -0.9140868905017644 -0.6726323943811956 -0.273303804643335 0.030062100738923243 0.4293906904767839 0.8008591460468856 0.8844395485501625 0.978854447674233 1.1026772661976032 1.1212506889761003 1.1197029037445596 0.9757588772111427 0.7668078709529639 0.7373999515536642 0.6321505558088 0.4804676031176709 0.29318559010107936 0.25603874454406744 +620,-0.03494487898584764,0,-0.4946370927538571 -0.9140868905017644 -0.6726323943811956 -0.273303804643335 0.030062100738923243 0.4293906904767839 0.8008591460468856 0.8844395485501625 0.978854447674233 1.1026772661976032 1.1212506889761003 1.1197029037445596 0.9757588772111427 0.7668078709529639 0.7373999515536642 0.6321505558088 0.4804676031176709 0.29318559010107936 0.25603874454406744 0.19257955005083724 +621,-0.14019427473071183,0,-0.9140868905017644 -0.6726323943811956 -0.273303804643335 0.030062100738923243 0.4293906904767839 0.8008591460468856 0.8844395485501625 0.978854447674233 1.1026772661976032 1.1212506889761003 1.1197029037445596 0.9757588772111427 0.7668078709529639 0.7373999515536642 0.6321505558088 0.4804676031176709 0.29318559010107936 0.25603874454406744 0.19257955005083724 -0.03494487898584764 +622,-0.25318259663328835,0,-0.6726323943811956 -0.273303804643335 0.030062100738923243 0.4293906904767839 0.8008591460468856 0.8844395485501625 0.978854447674233 1.1026772661976032 1.1212506889761003 1.1197029037445596 0.9757588772111427 0.7668078709529639 0.7373999515536642 0.6321505558088 0.4804676031176709 0.29318559010107936 0.25603874454406744 0.19257955005083724 -0.03494487898584764 -0.14019427473071183 +623,-0.30735507973725673,0,-0.273303804643335 0.030062100738923243 0.4293906904767839 0.8008591460468856 0.8844395485501625 0.978854447674233 1.1026772661976032 1.1212506889761003 1.1197029037445596 0.9757588772111427 0.7668078709529639 0.7373999515536642 0.6321505558088 0.4804676031176709 0.29318559010107936 0.25603874454406744 0.19257955005083724 -0.03494487898584764 -0.14019427473071183 -0.25318259663328835 +624,-0.3321196434419343,0,0.030062100738923243 0.4293906904767839 0.8008591460468856 0.8844395485501625 0.978854447674233 1.1026772661976032 1.1212506889761003 1.1197029037445596 0.9757588772111427 0.7668078709529639 0.7373999515536642 0.6321505558088 0.4804676031176709 0.29318559010107936 0.25603874454406744 0.19257955005083724 -0.03494487898584764 -0.14019427473071183 -0.25318259663328835 -0.30735507973725673 +625,-0.3367629991365564,0,0.4293906904767839 0.8008591460468856 0.8844395485501625 0.978854447674233 1.1026772661976032 1.1212506889761003 1.1197029037445596 0.9757588772111427 0.7668078709529639 0.7373999515536642 0.6321505558088 0.4804676031176709 0.29318559010107936 0.25603874454406744 0.19257955005083724 -0.03494487898584764 -0.14019427473071183 -0.25318259663328835 -0.30735507973725673 -0.3321196434419343 +626,-0.40641333455594936,0,0.8008591460468856 0.8844395485501625 0.978854447674233 1.1026772661976032 1.1212506889761003 1.1197029037445596 0.9757588772111427 0.7668078709529639 0.7373999515536642 0.6321505558088 0.4804676031176709 0.29318559010107936 0.25603874454406744 0.19257955005083724 -0.03494487898584764 -0.14019427473071183 -0.25318259663328835 -0.30735507973725673 -0.3321196434419343 -0.3367629991365564 +627,-0.29187722742184097,0,0.8844395485501625 0.978854447674233 1.1026772661976032 1.1212506889761003 1.1197029037445596 0.9757588772111427 0.7668078709529639 0.7373999515536642 0.6321505558088 0.4804676031176709 0.29318559010107936 0.25603874454406744 0.19257955005083724 -0.03494487898584764 -0.14019427473071183 -0.25318259663328835 -0.30735507973725673 -0.3321196434419343 -0.3367629991365564 -0.40641333455594936 +628,0.3272368651950011,0,0.978854447674233 1.1026772661976032 1.1212506889761003 1.1197029037445596 0.9757588772111427 0.7668078709529639 0.7373999515536642 0.6321505558088 0.4804676031176709 0.29318559010107936 0.25603874454406744 0.19257955005083724 -0.03494487898584764 -0.14019427473071183 -0.25318259663328835 -0.30735507973725673 -0.3321196434419343 -0.3367629991365564 -0.40641333455594936 -0.29187722742184097 +629,0.8333626359092754,0,1.1026772661976032 1.1212506889761003 1.1197029037445596 0.9757588772111427 0.7668078709529639 0.7373999515536642 0.6321505558088 0.4804676031176709 0.29318559010107936 0.25603874454406744 0.19257955005083724 -0.03494487898584764 -0.14019427473071183 -0.25318259663328835 -0.30735507973725673 -0.3321196434419343 -0.3367629991365564 -0.40641333455594936 -0.29187722742184097 0.3272368651950011 +630,1.2172133733317116,0,1.1212506889761003 1.1197029037445596 0.9757588772111427 0.7668078709529639 0.7373999515536642 0.6321505558088 0.4804676031176709 0.29318559010107936 0.25603874454406744 0.19257955005083724 -0.03494487898584764 -0.14019427473071183 -0.25318259663328835 -0.30735507973725673 -0.3321196434419343 -0.3367629991365564 -0.40641333455594936 -0.29187722742184097 0.3272368651950011 0.8333626359092754 +631,1.4493811580630274,0,1.1197029037445596 0.9757588772111427 0.7668078709529639 0.7373999515536642 0.6321505558088 0.4804676031176709 0.29318559010107936 0.25603874454406744 0.19257955005083724 -0.03494487898584764 -0.14019427473071183 -0.25318259663328835 -0.30735507973725673 -0.3321196434419343 -0.3367629991365564 -0.40641333455594936 -0.29187722742184097 0.3272368651950011 0.8333626359092754 1.2172133733317116 +632,1.6645233052473867,0,0.9757588772111427 0.7668078709529639 0.7373999515536642 0.6321505558088 0.4804676031176709 0.29318559010107936 0.25603874454406744 0.19257955005083724 -0.03494487898584764 -0.14019427473071183 -0.25318259663328835 -0.30735507973725673 -0.3321196434419343 -0.3367629991365564 -0.40641333455594936 -0.29187722742184097 0.3272368651950011 0.8333626359092754 1.2172133733317116 1.4493811580630274 +633,1.7171480031198143,0,0.7668078709529639 0.7373999515536642 0.6321505558088 0.4804676031176709 0.29318559010107936 0.25603874454406744 0.19257955005083724 -0.03494487898584764 -0.14019427473071183 -0.25318259663328835 -0.30735507973725673 -0.3321196434419343 -0.3367629991365564 -0.40641333455594936 -0.29187722742184097 0.3272368651950011 0.8333626359092754 1.2172133733317116 1.4493811580630274 1.6645233052473867 +634,1.7217913588144451,0,0.7373999515536642 0.6321505558088 0.4804676031176709 0.29318559010107936 0.25603874454406744 0.19257955005083724 -0.03494487898584764 -0.14019427473071183 -0.25318259663328835 -0.30735507973725673 -0.3321196434419343 -0.3367629991365564 -0.40641333455594936 -0.29187722742184097 0.3272368651950011 0.8333626359092754 1.2172133733317116 1.4493811580630274 1.6645233052473867 1.7171480031198143 +635,1.8084673317807947,0,0.6321505558088 0.4804676031176709 0.29318559010107936 0.25603874454406744 0.19257955005083724 -0.03494487898584764 -0.14019427473071183 -0.25318259663328835 -0.30735507973725673 -0.3321196434419343 -0.3367629991365564 -0.40641333455594936 -0.29187722742184097 0.3272368651950011 0.8333626359092754 1.2172133733317116 1.4493811580630274 1.6645233052473867 1.7171480031198143 1.7217913588144451 +636,1.5964207550595344,0,0.4804676031176709 0.29318559010107936 0.25603874454406744 0.19257955005083724 -0.03494487898584764 -0.14019427473071183 -0.25318259663328835 -0.30735507973725673 -0.3321196434419343 -0.3367629991365564 -0.40641333455594936 -0.29187722742184097 0.3272368651950011 0.8333626359092754 1.2172133733317116 1.4493811580630274 1.6645233052473867 1.7171480031198143 1.7217913588144451 1.8084673317807947 +637,1.358061829402047,0,0.29318559010107936 0.25603874454406744 0.19257955005083724 -0.03494487898584764 -0.14019427473071183 -0.25318259663328835 -0.30735507973725673 -0.3321196434419343 -0.3367629991365564 -0.40641333455594936 -0.29187722742184097 0.3272368651950011 0.8333626359092754 1.2172133733317116 1.4493811580630274 1.6645233052473867 1.7171480031198143 1.7217913588144451 1.8084673317807947 1.5964207550595344 +638,1.085651628650638,0,0.25603874454406744 0.19257955005083724 -0.03494487898584764 -0.14019427473071183 -0.25318259663328835 -0.30735507973725673 -0.3321196434419343 -0.3367629991365564 -0.40641333455594936 -0.29187722742184097 0.3272368651950011 0.8333626359092754 1.2172133733317116 1.4493811580630274 1.6645233052473867 1.7171480031198143 1.7217913588144451 1.8084673317807947 1.5964207550595344 1.358061829402047 +639,0.8550316291508628,0,0.19257955005083724 -0.03494487898584764 -0.14019427473071183 -0.25318259663328835 -0.30735507973725673 -0.3321196434419343 -0.3367629991365564 -0.40641333455594936 -0.29187722742184097 0.3272368651950011 0.8333626359092754 1.2172133733317116 1.4493811580630274 1.6645233052473867 1.7171480031198143 1.7217913588144451 1.8084673317807947 1.5964207550595344 1.358061829402047 1.085651628650638 +640,0.701800891228193,0,-0.03494487898584764 -0.14019427473071183 -0.25318259663328835 -0.30735507973725673 -0.3321196434419343 -0.3367629991365564 -0.40641333455594936 -0.29187722742184097 0.3272368651950011 0.8333626359092754 1.2172133733317116 1.4493811580630274 1.6645233052473867 1.7171480031198143 1.7217913588144451 1.8084673317807947 1.5964207550595344 1.358061829402047 1.085651628650638 0.8550316291508628 +641,0.599647065946419,0,-0.14019427473071183 -0.25318259663328835 -0.30735507973725673 -0.3321196434419343 -0.3367629991365564 -0.40641333455594936 -0.29187722742184097 0.3272368651950011 0.8333626359092754 1.2172133733317116 1.4493811580630274 1.6645233052473867 1.7171480031198143 1.7217913588144451 1.8084673317807947 1.5964207550595344 1.358061829402047 1.085651628650638 0.8550316291508628 0.701800891228193 +642,0.4077216972351965,0,-0.25318259663328835 -0.30735507973725673 -0.3321196434419343 -0.3367629991365564 -0.40641333455594936 -0.29187722742184097 0.3272368651950011 0.8333626359092754 1.2172133733317116 1.4493811580630274 1.6645233052473867 1.7171480031198143 1.7217913588144451 1.8084673317807947 1.5964207550595344 1.358061829402047 1.085651628650638 0.8550316291508628 0.701800891228193 0.599647065946419 +643,0.28699444917490774,0,-0.30735507973725673 -0.3321196434419343 -0.3367629991365564 -0.40641333455594936 -0.29187722742184097 0.3272368651950011 0.8333626359092754 1.2172133733317116 1.4493811580630274 1.6645233052473867 1.7171480031198143 1.7217913588144451 1.8084673317807947 1.5964207550595344 1.358061829402047 1.085651628650638 0.8550316291508628 0.701800891228193 0.599647065946419 0.4077216972351965 +644,0.14459820787303163,0,-0.3321196434419343 -0.3367629991365564 -0.40641333455594936 -0.29187722742184097 0.3272368651950011 0.8333626359092754 1.2172133733317116 1.4493811580630274 1.6645233052473867 1.7171480031198143 1.7217913588144451 1.8084673317807947 1.5964207550595344 1.358061829402047 1.085651628650638 0.8550316291508628 0.701800891228193 0.599647065946419 0.4077216972351965 0.28699444917490774 +645,0.043992167822798314,0,-0.3367629991365564 -0.40641333455594936 -0.29187722742184097 0.3272368651950011 0.8333626359092754 1.2172133733317116 1.4493811580630274 1.6645233052473867 1.7171480031198143 1.7217913588144451 1.8084673317807947 1.5964207550595344 1.358061829402047 1.085651628650638 0.8550316291508628 0.701800891228193 0.599647065946419 0.4077216972351965 0.28699444917490774 0.14459820787303163 +646,-0.11388192579449359,0,-0.40641333455594936 -0.29187722742184097 0.3272368651950011 0.8333626359092754 1.2172133733317116 1.4493811580630274 1.6645233052473867 1.7171480031198143 1.7217913588144451 1.8084673317807947 1.5964207550595344 1.358061829402047 1.085651628650638 0.8550316291508628 0.701800891228193 0.599647065946419 0.4077216972351965 0.28699444917490774 0.14459820787303163 0.043992167822798314 +647,-0.23306138862324166,0,-0.29187722742184097 0.3272368651950011 0.8333626359092754 1.2172133733317116 1.4493811580630274 1.6645233052473867 1.7171480031198143 1.7217913588144451 1.8084673317807947 1.5964207550595344 1.358061829402047 1.085651628650638 0.8550316291508628 0.701800891228193 0.599647065946419 0.4077216972351965 0.28699444917490774 0.14459820787303163 0.043992167822798314 -0.11388192579449359 +648,-0.24080031478094516,0,0.3272368651950011 0.8333626359092754 1.2172133733317116 1.4493811580630274 1.6645233052473867 1.7171480031198143 1.7217913588144451 1.8084673317807947 1.5964207550595344 1.358061829402047 1.085651628650638 0.8550316291508628 0.701800891228193 0.599647065946419 0.4077216972351965 0.28699444917490774 0.14459820787303163 0.043992167822798314 -0.11388192579449359 -0.23306138862324166 +649,-0.24699145570711675,0,0.8333626359092754 1.2172133733317116 1.4493811580630274 1.6645233052473867 1.7171480031198143 1.7217913588144451 1.8084673317807947 1.5964207550595344 1.358061829402047 1.085651628650638 0.8550316291508628 0.701800891228193 0.599647065946419 0.4077216972351965 0.28699444917490774 0.14459820787303163 0.043992167822798314 -0.11388192579449359 -0.23306138862324166 -0.24080031478094516 +650,-0.24080031478094516,0,1.2172133733317116 1.4493811580630274 1.6645233052473867 1.7171480031198143 1.7217913588144451 1.8084673317807947 1.5964207550595344 1.358061829402047 1.085651628650638 0.8550316291508628 0.701800891228193 0.599647065946419 0.4077216972351965 0.28699444917490774 0.14459820787303163 0.043992167822798314 -0.11388192579449359 -0.23306138862324166 -0.24080031478094516 -0.24699145570711675 +651,-0.14328984519379323,0,1.4493811580630274 1.6645233052473867 1.7171480031198143 1.7217913588144451 1.8084673317807947 1.5964207550595344 1.358061829402047 1.085651628650638 0.8550316291508628 0.701800891228193 0.599647065946419 0.4077216972351965 0.28699444917490774 0.14459820787303163 0.043992167822798314 -0.11388192579449359 -0.23306138862324166 -0.24080031478094516 -0.24699145570711675 -0.24080031478094516 +652,0.4773720326545895,0,1.6645233052473867 1.7171480031198143 1.7217913588144451 1.8084673317807947 1.5964207550595344 1.358061829402047 1.085651628650638 0.8550316291508628 0.701800891228193 0.599647065946419 0.4077216972351965 0.28699444917490774 0.14459820787303163 0.043992167822798314 -0.11388192579449359 -0.23306138862324166 -0.24080031478094516 -0.24699145570711675 -0.24080031478094516 -0.14328984519379323 +653,1.0330269307782014,0,1.7171480031198143 1.7217913588144451 1.8084673317807947 1.5964207550595344 1.358061829402047 1.085651628650638 0.8550316291508628 0.701800891228193 0.599647065946419 0.4077216972351965 0.28699444917490774 0.14459820787303163 0.043992167822798314 -0.11388192579449359 -0.23306138862324166 -0.24080031478094516 -0.24699145570711675 -0.24080031478094516 -0.14328984519379323 0.4773720326545895 +654,1.4246165943583586,0,1.7217913588144451 1.8084673317807947 1.5964207550595344 1.358061829402047 1.085651628650638 0.8550316291508628 0.701800891228193 0.599647065946419 0.4077216972351965 0.28699444917490774 0.14459820787303163 0.043992167822798314 -0.11388192579449359 -0.23306138862324166 -0.24080031478094516 -0.24699145570711675 -0.24080031478094516 -0.14328984519379323 0.4773720326545895 1.0330269307782014 +655,1.6939312246466862,0,1.8084673317807947 1.5964207550595344 1.358061829402047 1.085651628650638 0.8550316291508628 0.701800891228193 0.599647065946419 0.4077216972351965 0.28699444917490774 0.14459820787303163 0.043992167822798314 -0.11388192579449359 -0.23306138862324166 -0.24080031478094516 -0.24699145570711675 -0.24080031478094516 -0.14328984519379323 0.4773720326545895 1.0330269307782014 1.4246165943583586 +656,1.7852505533076666,0,1.5964207550595344 1.358061829402047 1.085651628650638 0.8550316291508628 0.701800891228193 0.599647065946419 0.4077216972351965 0.28699444917490774 0.14459820787303163 0.043992167822798314 -0.11388192579449359 -0.23306138862324166 -0.24080031478094516 -0.24699145570711675 -0.24080031478094516 -0.14328984519379323 0.4773720326545895 1.0330269307782014 1.4246165943583586 1.6939312246466862 +657,1.995749344797395,0,1.358061829402047 1.085651628650638 0.8550316291508628 0.701800891228193 0.599647065946419 0.4077216972351965 0.28699444917490774 0.14459820787303163 0.043992167822798314 -0.11388192579449359 -0.23306138862324166 -0.24080031478094516 -0.24699145570711675 -0.24080031478094516 -0.14328984519379323 0.4773720326545895 1.0330269307782014 1.4246165943583586 1.6939312246466862 1.7852505533076666 +658,1.953959143545761,0,1.085651628650638 0.8550316291508628 0.701800891228193 0.599647065946419 0.4077216972351965 0.28699444917490774 0.14459820787303163 0.043992167822798314 -0.11388192579449359 -0.23306138862324166 -0.24080031478094516 -0.24699145570711675 -0.24080031478094516 -0.14328984519379323 0.4773720326545895 1.0330269307782014 1.4246165943583586 1.6939312246466862 1.7852505533076666 1.995749344797395 +659,1.7852505533076666,0,0.8550316291508628 0.701800891228193 0.599647065946419 0.4077216972351965 0.28699444917490774 0.14459820787303163 0.043992167822798314 -0.11388192579449359 -0.23306138862324166 -0.24080031478094516 -0.24699145570711675 -0.24080031478094516 -0.14328984519379323 0.4773720326545895 1.0330269307782014 1.4246165943583586 1.6939312246466862 1.7852505533076666 1.995749344797395 1.953959143545761 +660,1.5964207550595344,0,0.701800891228193 0.599647065946419 0.4077216972351965 0.28699444917490774 0.14459820787303163 0.043992167822798314 -0.11388192579449359 -0.23306138862324166 -0.24080031478094516 -0.24699145570711675 -0.24080031478094516 -0.14328984519379323 0.4773720326545895 1.0330269307782014 1.4246165943583586 1.6939312246466862 1.7852505533076666 1.995749344797395 1.953959143545761 1.7852505533076666 +661,1.2822203530564824,0,0.599647065946419 0.4077216972351965 0.28699444917490774 0.14459820787303163 0.043992167822798314 -0.11388192579449359 -0.23306138862324166 -0.24080031478094516 -0.24699145570711675 -0.24080031478094516 -0.14328984519379323 0.4773720326545895 1.0330269307782014 1.4246165943583586 1.6939312246466862 1.7852505533076666 1.995749344797395 1.953959143545761 1.7852505533076666 1.5964207550595344 +662,0.9076563270232905,0,0.4077216972351965 0.28699444917490774 0.14459820787303163 0.043992167822798314 -0.11388192579449359 -0.23306138862324166 -0.24080031478094516 -0.24699145570711675 -0.24080031478094516 -0.14328984519379323 0.4773720326545895 1.0330269307782014 1.4246165943583586 1.6939312246466862 1.7852505533076666 1.995749344797395 1.953959143545761 1.7852505533076666 1.5964207550595344 1.2822203530564824 +663,0.6770363275235243,0,0.28699444917490774 0.14459820787303163 0.043992167822798314 -0.11388192579449359 -0.23306138862324166 -0.24080031478094516 -0.24699145570711675 -0.24080031478094516 -0.14328984519379323 0.4773720326545895 1.0330269307782014 1.4246165943583586 1.6939312246466862 1.7852505533076666 1.995749344797395 1.953959143545761 1.7852505533076666 1.5964207550595344 1.2822203530564824 0.9076563270232905 +664,0.5129710929800607,0,0.14459820787303163 0.043992167822798314 -0.11388192579449359 -0.23306138862324166 -0.24080031478094516 -0.24699145570711675 -0.24080031478094516 -0.14328984519379323 0.4773720326545895 1.0330269307782014 1.4246165943583586 1.6939312246466862 1.7852505533076666 1.995749344797395 1.953959143545761 1.7852505533076666 1.5964207550595344 1.2822203530564824 0.9076563270232905 0.6770363275235243 +665,0.3303324356580913,0,0.043992167822798314 -0.11388192579449359 -0.23306138862324166 -0.24080031478094516 -0.24699145570711675 -0.24080031478094516 -0.14328984519379323 0.4773720326545895 1.0330269307782014 1.4246165943583586 1.6939312246466862 1.7852505533076666 1.995749344797395 1.953959143545761 1.7852505533076666 1.5964207550595344 1.2822203530564824 0.9076563270232905 0.6770363275235243 0.5129710929800607 +666,0.17710169773542148,0,-0.11388192579449359 -0.23306138862324166 -0.24080031478094516 -0.24699145570711675 -0.24080031478094516 -0.14328984519379323 0.4773720326545895 1.0330269307782014 1.4246165943583586 1.6939312246466862 1.7852505533076666 1.995749344797395 1.953959143545761 1.7852505533076666 1.5964207550595344 1.2822203530564824 0.9076563270232905 0.6770363275235243 0.5129710929800607 0.3303324356580913 +667,0.05792223490668219,0,-0.23306138862324166 -0.24080031478094516 -0.24699145570711675 -0.24080031478094516 -0.14328984519379323 0.4773720326545895 1.0330269307782014 1.4246165943583586 1.6939312246466862 1.7852505533076666 1.995749344797395 1.953959143545761 1.7852505533076666 1.5964207550595344 1.2822203530564824 0.9076563270232905 0.6770363275235243 0.5129710929800607 0.3303324356580913 0.17710169773542148 +668,-0.1076907848683308,0,-0.24080031478094516 -0.24699145570711675 -0.24080031478094516 -0.14328984519379323 0.4773720326545895 1.0330269307782014 1.4246165943583586 1.6939312246466862 1.7852505533076666 1.995749344797395 1.953959143545761 1.7852505533076666 1.5964207550595344 1.2822203530564824 0.9076563270232905 0.6770363275235243 0.5129710929800607 0.3303324356580913 0.17710169773542148 0.05792223490668219 +669,-0.2144879658447357,0,-0.24699145570711675 -0.24080031478094516 -0.14328984519379323 0.4773720326545895 1.0330269307782014 1.4246165943583586 1.6939312246466862 1.7852505533076666 1.995749344797395 1.953959143545761 1.7852505533076666 1.5964207550595344 1.2822203530564824 0.9076563270232905 0.6770363275235243 0.5129710929800607 0.3303324356580913 0.17710169773542148 0.05792223490668219 -0.1076907848683308 +670,-0.29652058311646307,0,-0.24080031478094516 -0.14328984519379323 0.4773720326545895 1.0330269307782014 1.4246165943583586 1.6939312246466862 1.7852505533076666 1.995749344797395 1.953959143545761 1.7852505533076666 1.5964207550595344 1.2822203530564824 0.9076563270232905 0.6770363275235243 0.5129710929800607 0.3303324356580913 0.17710169773542148 0.05792223490668219 -0.1076907848683308 -0.2144879658447357 +671,-0.3259285025157627,0,-0.14328984519379323 0.4773720326545895 1.0330269307782014 1.4246165943583586 1.6939312246466862 1.7852505533076666 1.995749344797395 1.953959143545761 1.7852505533076666 1.5964207550595344 1.2822203530564824 0.9076563270232905 0.6770363275235243 0.5129710929800607 0.3303324356580913 0.17710169773542148 0.05792223490668219 -0.1076907848683308 -0.2144879658447357 -0.29652058311646307 +672,-0.41724783117675185,0,0.4773720326545895 1.0330269307782014 1.4246165943583586 1.6939312246466862 1.7852505533076666 1.995749344797395 1.953959143545761 1.7852505533076666 1.5964207550595344 1.2822203530564824 0.9076563270232905 0.6770363275235243 0.5129710929800607 0.3303324356580913 0.17710169773542148 0.05792223490668219 -0.1076907848683308 -0.2144879658447357 -0.29652058311646307 -0.3259285025157627 +673,-0.3352152139050157,0,1.0330269307782014 1.4246165943583586 1.6939312246466862 1.7852505533076666 1.995749344797395 1.953959143545761 1.7852505533076666 1.5964207550595344 1.2822203530564824 0.9076563270232905 0.6770363275235243 0.5129710929800607 0.3303324356580913 0.17710169773542148 0.05792223490668219 -0.1076907848683308 -0.2144879658447357 -0.29652058311646307 -0.3259285025157627 -0.41724783117675185 +674,-0.46213360289146727,0,1.4246165943583586 1.6939312246466862 1.7852505533076666 1.995749344797395 1.953959143545761 1.7852505533076666 1.5964207550595344 1.2822203530564824 0.9076563270232905 0.6770363275235243 0.5129710929800607 0.3303324356580913 0.17710169773542148 0.05792223490668219 -0.1076907848683308 -0.2144879658447357 -0.29652058311646307 -0.3259285025157627 -0.41724783117675185 -0.3352152139050157 +675,-0.3739098446935683,0,1.6939312246466862 1.7852505533076666 1.995749344797395 1.953959143545761 1.7852505533076666 1.5964207550595344 1.2822203530564824 0.9076563270232905 0.6770363275235243 0.5129710929800607 0.3303324356580913 0.17710169773542148 0.05792223490668219 -0.1076907848683308 -0.2144879658447357 -0.29652058311646307 -0.3259285025157627 -0.41724783117675185 -0.3352152139050157 -0.46213360289146727 +676,0.29318559010107936,0,1.7852505533076666 1.995749344797395 1.953959143545761 1.7852505533076666 1.5964207550595344 1.2822203530564824 0.9076563270232905 0.6770363275235243 0.5129710929800607 0.3303324356580913 0.17710169773542148 0.05792223490668219 -0.1076907848683308 -0.2144879658447357 -0.29652058311646307 -0.3259285025157627 -0.41724783117675185 -0.3352152139050157 -0.46213360289146727 -0.3739098446935683 +677,0.8070502869730573,0,1.995749344797395 1.953959143545761 1.7852505533076666 1.5964207550595344 1.2822203530564824 0.9076563270232905 0.6770363275235243 0.5129710929800607 0.3303324356580913 0.17710169773542148 0.05792223490668219 -0.1076907848683308 -0.2144879658447357 -0.29652058311646307 -0.3259285025157627 -0.41724783117675185 -0.3352152139050157 -0.46213360289146727 -0.3739098446935683 0.29318559010107936 +678,1.3410361918550817,0,1.953959143545761 1.7852505533076666 1.5964207550595344 1.2822203530564824 0.9076563270232905 0.6770363275235243 0.5129710929800607 0.3303324356580913 0.17710169773542148 0.05792223490668219 -0.1076907848683308 -0.2144879658447357 -0.29652058311646307 -0.3259285025157627 -0.41724783117675185 -0.3352152139050157 -0.46213360289146727 -0.3739098446935683 0.29318559010107936 0.8070502869730573 +679,1.4571200842207397,0,1.7852505533076666 1.5964207550595344 1.2822203530564824 0.9076563270232905 0.6770363275235243 0.5129710929800607 0.3303324356580913 0.17710169773542148 0.05792223490668219 -0.1076907848683308 -0.2144879658447357 -0.29652058311646307 -0.3259285025157627 -0.41724783117675185 -0.3352152139050157 -0.46213360289146727 -0.3739098446935683 0.29318559010107936 0.8070502869730573 1.3410361918550817 +680,1.5128403525562575,0,1.5964207550595344 1.2822203530564824 0.9076563270232905 0.6770363275235243 0.5129710929800607 0.3303324356580913 0.17710169773542148 0.05792223490668219 -0.1076907848683308 -0.2144879658447357 -0.29652058311646307 -0.3259285025157627 -0.41724783117675185 -0.3352152139050157 -0.46213360289146727 -0.3739098446935683 0.29318559010107936 0.8070502869730573 1.3410361918550817 1.4571200842207397 +681,1.5221270639455105,0,1.2822203530564824 0.9076563270232905 0.6770363275235243 0.5129710929800607 0.3303324356580913 0.17710169773542148 0.05792223490668219 -0.1076907848683308 -0.2144879658447357 -0.29652058311646307 -0.3259285025157627 -0.41724783117675185 -0.3352152139050157 -0.46213360289146727 -0.3739098446935683 0.29318559010107936 0.8070502869730573 1.3410361918550817 1.4571200842207397 1.5128403525562575 +682,1.450928943294577,0,0.9076563270232905 0.6770363275235243 0.5129710929800607 0.3303324356580913 0.17710169773542148 0.05792223490668219 -0.1076907848683308 -0.2144879658447357 -0.29652058311646307 -0.3259285025157627 -0.41724783117675185 -0.3352152139050157 -0.46213360289146727 -0.3739098446935683 0.29318559010107936 0.8070502869730573 1.3410361918550817 1.4571200842207397 1.5128403525562575 1.5221270639455105 +683,1.3224627690765758,0,0.6770363275235243 0.5129710929800607 0.3303324356580913 0.17710169773542148 0.05792223490668219 -0.1076907848683308 -0.2144879658447357 -0.29652058311646307 -0.3259285025157627 -0.41724783117675185 -0.3352152139050157 -0.46213360289146727 -0.3739098446935683 0.29318559010107936 0.8070502869730573 1.3410361918550817 1.4571200842207397 1.5128403525562575 1.5221270639455105 1.450928943294577 +684,1.1568497493015715,0,0.5129710929800607 0.3303324356580913 0.17710169773542148 0.05792223490668219 -0.1076907848683308 -0.2144879658447357 -0.29652058311646307 -0.3259285025157627 -0.41724783117675185 -0.3352152139050157 -0.46213360289146727 -0.3739098446935683 0.29318559010107936 0.8070502869730573 1.3410361918550817 1.4571200842207397 1.5128403525562575 1.5221270639455105 1.450928943294577 1.3224627690765758 +685,0.8859873337817031,0,0.3303324356580913 0.17710169773542148 0.05792223490668219 -0.1076907848683308 -0.2144879658447357 -0.29652058311646307 -0.3259285025157627 -0.41724783117675185 -0.3352152139050157 -0.46213360289146727 -0.3739098446935683 0.29318559010107936 0.8070502869730573 1.3410361918550817 1.4571200842207397 1.5128403525562575 1.5221270639455105 1.450928943294577 1.3224627690765758 1.1568497493015715 +686,0.6058382068725817,0,0.17710169773542148 0.05792223490668219 -0.1076907848683308 -0.2144879658447357 -0.29652058311646307 -0.3259285025157627 -0.41724783117675185 -0.3352152139050157 -0.46213360289146727 -0.3739098446935683 0.29318559010107936 0.8070502869730573 1.3410361918550817 1.4571200842207397 1.5128403525562575 1.5221270639455105 1.450928943294577 1.3224627690765758 1.1568497493015715 0.8859873337817031 +687,0.42010397908753094,0,0.05792223490668219 -0.1076907848683308 -0.2144879658447357 -0.29652058311646307 -0.3259285025157627 -0.41724783117675185 -0.3352152139050157 -0.46213360289146727 -0.3739098446935683 0.29318559010107936 0.8070502869730573 1.3410361918550817 1.4571200842207397 1.5128403525562575 1.5221270639455105 1.450928943294577 1.3224627690765758 1.1568497493015715 0.8859873337817031 0.6058382068725817 +688,0.20031847620854953,0,-0.1076907848683308 -0.2144879658447357 -0.29652058311646307 -0.3259285025157627 -0.41724783117675185 -0.3352152139050157 -0.46213360289146727 -0.3739098446935683 0.29318559010107936 0.8070502869730573 1.3410361918550817 1.4571200842207397 1.5128403525562575 1.5221270639455105 1.450928943294577 1.3224627690765758 1.1568497493015715 0.8859873337817031 0.6058382068725817 0.42010397908753094 +689,0.05947002013822289,0,-0.2144879658447357 -0.29652058311646307 -0.3259285025157627 -0.41724783117675185 -0.3352152139050157 -0.46213360289146727 -0.3739098446935683 0.29318559010107936 0.8070502869730573 1.3410361918550817 1.4571200842207397 1.5128403525562575 1.5221270639455105 1.450928943294577 1.3224627690765758 1.1568497493015715 0.8859873337817031 0.6058382068725817 0.42010397908753094 0.20031847620854953 +690,-0.09376071778444693,0,-0.29652058311646307 -0.3259285025157627 -0.41724783117675185 -0.3352152139050157 -0.46213360289146727 -0.3739098446935683 0.29318559010107936 0.8070502869730573 1.3410361918550817 1.4571200842207397 1.5128403525562575 1.5221270639455105 1.450928943294577 1.3224627690765758 1.1568497493015715 0.8859873337817031 0.6058382068725817 0.42010397908753094 0.20031847620854953 0.05947002013822289 +691,-0.23151360339169216,0,-0.3259285025157627 -0.41724783117675185 -0.3352152139050157 -0.46213360289146727 -0.3739098446935683 0.29318559010107936 0.8070502869730573 1.3410361918550817 1.4571200842207397 1.5128403525562575 1.5221270639455105 1.450928943294577 1.3224627690765758 1.1568497493015715 0.8859873337817031 0.6058382068725817 0.42010397908753094 0.20031847620854953 0.05947002013822289 -0.09376071778444693 +692,-0.3104506502003469,0,-0.41724783117675185 -0.3352152139050157 -0.46213360289146727 -0.3739098446935683 0.29318559010107936 0.8070502869730573 1.3410361918550817 1.4571200842207397 1.5128403525562575 1.5221270639455105 1.450928943294577 1.3224627690765758 1.1568497493015715 0.8859873337817031 0.6058382068725817 0.42010397908753094 0.20031847620854953 0.05947002013822289 -0.09376071778444693 -0.23151360339169216 +693,-0.3924832674720743,0,-0.3352152139050157 -0.46213360289146727 -0.3739098446935683 0.29318559010107936 0.8070502869730573 1.3410361918550817 1.4571200842207397 1.5128403525562575 1.5221270639455105 1.450928943294577 1.3224627690765758 1.1568497493015715 0.8859873337817031 0.6058382068725817 0.42010397908753094 0.20031847620854953 0.05947002013822289 -0.09376071778444693 -0.23151360339169216 -0.3104506502003469 +694,-0.536427294005491,0,-0.46213360289146727 -0.3739098446935683 0.29318559010107936 0.8070502869730573 1.3410361918550817 1.4571200842207397 1.5128403525562575 1.5221270639455105 1.450928943294577 1.3224627690765758 1.1568497493015715 0.8859873337817031 0.6058382068725817 0.42010397908753094 0.20031847620854953 0.05947002013822289 -0.09376071778444693 -0.23151360339169216 -0.3104506502003469 -0.3924832674720743 +695,-0.6308421931295616,0,-0.3739098446935683 0.29318559010107936 0.8070502869730573 1.3410361918550817 1.4571200842207397 1.5128403525562575 1.5221270639455105 1.450928943294577 1.3224627690765758 1.1568497493015715 0.8859873337817031 0.6058382068725817 0.42010397908753094 0.20031847620854953 0.05947002013822289 -0.09376071778444693 -0.23151360339169216 -0.3104506502003469 -0.3924832674720743 -0.536427294005491 +696,-0.6509634011396083,0,0.29318559010107936 0.8070502869730573 1.3410361918550817 1.4571200842207397 1.5128403525562575 1.5221270639455105 1.450928943294577 1.3224627690765758 1.1568497493015715 0.8859873337817031 0.6058382068725817 0.42010397908753094 0.20031847620854953 0.05947002013822289 -0.09376071778444693 -0.23151360339169216 -0.3104506502003469 -0.3924832674720743 -0.536427294005491 -0.6308421931295616 +697,-0.671084609149655,0,0.8070502869730573 1.3410361918550817 1.4571200842207397 1.5128403525562575 1.5221270639455105 1.450928943294577 1.3224627690765758 1.1568497493015715 0.8859873337817031 0.6058382068725817 0.42010397908753094 0.20031847620854953 0.05947002013822289 -0.09376071778444693 -0.23151360339169216 -0.3104506502003469 -0.3924832674720743 -0.536427294005491 -0.6308421931295616 -0.6509634011396083 +698,-0.6695368239181143,0,1.3410361918550817 1.4571200842207397 1.5128403525562575 1.5221270639455105 1.450928943294577 1.3224627690765758 1.1568497493015715 0.8859873337817031 0.6058382068725817 0.42010397908753094 0.20031847620854953 0.05947002013822289 -0.09376071778444693 -0.23151360339169216 -0.3104506502003469 -0.3924832674720743 -0.536427294005491 -0.6308421931295616 -0.6509634011396083 -0.671084609149655 +699,-0.5317839383108602,0,1.4571200842207397 1.5128403525562575 1.5221270639455105 1.450928943294577 1.3224627690765758 1.1568497493015715 0.8859873337817031 0.6058382068725817 0.42010397908753094 0.20031847620854953 0.05947002013822289 -0.09376071778444693 -0.23151360339169216 -0.3104506502003469 -0.3924832674720743 -0.536427294005491 -0.6308421931295616 -0.6509634011396083 -0.671084609149655 -0.6695368239181143 +700,0.008393107497327084,0,1.5128403525562575 1.5221270639455105 1.450928943294577 1.3224627690765758 1.1568497493015715 0.8859873337817031 0.6058382068725817 0.42010397908753094 0.20031847620854953 0.05947002013822289 -0.09376071778444693 -0.23151360339169216 -0.3104506502003469 -0.3924832674720743 -0.536427294005491 -0.6308421931295616 -0.6509634011396083 -0.671084609149655 -0.6695368239181143 -0.5317839383108602 +701,0.46498975080225513,0,1.5221270639455105 1.450928943294577 1.3224627690765758 1.1568497493015715 0.8859873337817031 0.6058382068725817 0.42010397908753094 0.20031847620854953 0.05947002013822289 -0.09376071778444693 -0.23151360339169216 -0.3104506502003469 -0.3924832674720743 -0.536427294005491 -0.6308421931295616 -0.6509634011396083 -0.671084609149655 -0.6695368239181143 -0.5317839383108602 0.008393107497327084 +702,0.7822857232683796,0,1.450928943294577 1.3224627690765758 1.1568497493015715 0.8859873337817031 0.6058382068725817 0.42010397908753094 0.20031847620854953 0.05947002013822289 -0.09376071778444693 -0.23151360339169216 -0.3104506502003469 -0.3924832674720743 -0.536427294005491 -0.6308421931295616 -0.6509634011396083 -0.671084609149655 -0.6695368239181143 -0.5317839383108602 0.008393107497327084 0.46498975080225513 +703,0.8039547165099759,0,1.3224627690765758 1.1568497493015715 0.8859873337817031 0.6058382068725817 0.42010397908753094 0.20031847620854953 0.05947002013822289 -0.09376071778444693 -0.23151360339169216 -0.3104506502003469 -0.3924832674720743 -0.536427294005491 -0.6308421931295616 -0.6509634011396083 -0.671084609149655 -0.6695368239181143 -0.5317839383108602 0.008393107497327084 0.46498975080225513 0.7822857232683796 +704,1.2032833062478365,0,1.1568497493015715 0.8859873337817031 0.6058382068725817 0.42010397908753094 0.20031847620854953 0.05947002013822289 -0.09376071778444693 -0.23151360339169216 -0.3104506502003469 -0.3924832674720743 -0.536427294005491 -0.6308421931295616 -0.6509634011396083 -0.671084609149655 -0.6695368239181143 -0.5317839383108602 0.008393107497327084 0.46498975080225513 0.7822857232683796 0.8039547165099759 +705,1.3100804872242413,0,0.8859873337817031 0.6058382068725817 0.42010397908753094 0.20031847620854953 0.05947002013822289 -0.09376071778444693 -0.23151360339169216 -0.3104506502003469 -0.3924832674720743 -0.536427294005491 -0.6308421931295616 -0.6509634011396083 -0.671084609149655 -0.6695368239181143 -0.5317839383108602 0.008393107497327084 0.46498975080225513 0.7822857232683796 0.8039547165099759 1.2032833062478365 +706,1.2915070644457354,0,0.6058382068725817 0.42010397908753094 0.20031847620854953 0.05947002013822289 -0.09376071778444693 -0.23151360339169216 -0.3104506502003469 -0.3924832674720743 -0.536427294005491 -0.6308421931295616 -0.6509634011396083 -0.671084609149655 -0.6695368239181143 -0.5317839383108602 0.008393107497327084 0.46498975080225513 0.7822857232683796 0.8039547165099759 1.2032833062478365 1.3100804872242413 +707,1.0794604877244662,0,0.42010397908753094 0.20031847620854953 0.05947002013822289 -0.09376071778444693 -0.23151360339169216 -0.3104506502003469 -0.3924832674720743 -0.536427294005491 -0.6308421931295616 -0.6509634011396083 -0.671084609149655 -0.6695368239181143 -0.5317839383108602 0.008393107497327084 0.46498975080225513 0.7822857232683796 0.8039547165099759 1.2032833062478365 1.3100804872242413 1.2915070644457354 +708,0.7745467971106762,0,0.20031847620854953 0.05947002013822289 -0.09376071778444693 -0.23151360339169216 -0.3104506502003469 -0.3924832674720743 -0.536427294005491 -0.6308421931295616 -0.6509634011396083 -0.671084609149655 -0.6695368239181143 -0.5317839383108602 0.008393107497327084 0.46498975080225513 0.7822857232683796 0.8039547165099759 1.2032833062478365 1.3100804872242413 1.2915070644457354 1.0794604877244662 +709,0.45879860987608356,0,0.05947002013822289 -0.09376071778444693 -0.23151360339169216 -0.3104506502003469 -0.3924832674720743 -0.536427294005491 -0.6308421931295616 -0.6509634011396083 -0.671084609149655 -0.6695368239181143 -0.5317839383108602 0.008393107497327084 0.46498975080225513 0.7822857232683796 0.8039547165099759 1.2032833062478365 1.3100804872242413 1.2915070644457354 1.0794604877244662 0.7745467971106762 +710,0.16781498634616848,0,-0.09376071778444693 -0.23151360339169216 -0.3104506502003469 -0.3924832674720743 -0.536427294005491 -0.6308421931295616 -0.6509634011396083 -0.671084609149655 -0.6695368239181143 -0.5317839383108602 0.008393107497327084 0.46498975080225513 0.7822857232683796 0.8039547165099759 1.2032833062478365 1.3100804872242413 1.2915070644457354 1.0794604877244662 0.7745467971106762 0.45879860987608356 +711,-0.003989174355007293,0,-0.23151360339169216 -0.3104506502003469 -0.3924832674720743 -0.536427294005491 -0.6308421931295616 -0.6509634011396083 -0.671084609149655 -0.6695368239181143 -0.5317839383108602 0.008393107497327084 0.46498975080225513 0.7822857232683796 0.8039547165099759 1.2032833062478365 1.3100804872242413 1.2915070644457354 1.0794604877244662 0.7745467971106762 0.45879860987608356 0.16781498634616848 +712,-0.09530850301598763,0,-0.3104506502003469 -0.3924832674720743 -0.536427294005491 -0.6308421931295616 -0.6509634011396083 -0.671084609149655 -0.6695368239181143 -0.5317839383108602 0.008393107497327084 0.46498975080225513 0.7822857232683796 0.8039547165099759 1.2032833062478365 1.3100804872242413 1.2915070644457354 1.0794604877244662 0.7745467971106762 0.45879860987608356 0.16781498634616848 -0.003989174355007293 +713,-0.2082968249185641,0,-0.3924832674720743 -0.536427294005491 -0.6308421931295616 -0.6509634011396083 -0.671084609149655 -0.6695368239181143 -0.5317839383108602 0.008393107497327084 0.46498975080225513 0.7822857232683796 0.8039547165099759 1.2032833062478365 1.3100804872242413 1.2915070644457354 1.0794604877244662 0.7745467971106762 0.45879860987608356 0.16781498634616848 -0.003989174355007293 -0.09530850301598763 +714,-0.30425950927417533,0,-0.536427294005491 -0.6308421931295616 -0.6509634011396083 -0.671084609149655 -0.6695368239181143 -0.5317839383108602 0.008393107497327084 0.46498975080225513 0.7822857232683796 0.8039547165099759 1.2032833062478365 1.3100804872242413 1.2915070644457354 1.0794604877244662 0.7745467971106762 0.45879860987608356 0.16781498634616848 -0.003989174355007293 -0.09530850301598763 -0.2082968249185641 +715,-0.394031052703615,0,-0.6308421931295616 -0.6509634011396083 -0.671084609149655 -0.6695368239181143 -0.5317839383108602 0.008393107497327084 0.46498975080225513 0.7822857232683796 0.8039547165099759 1.2032833062478365 1.3100804872242413 1.2915070644457354 1.0794604877244662 0.7745467971106762 0.45879860987608356 0.16781498634616848 -0.003989174355007293 -0.09530850301598763 -0.2082968249185641 -0.30425950927417533 +716,-0.5472617906262848,0,-0.6509634011396083 -0.671084609149655 -0.6695368239181143 -0.5317839383108602 0.008393107497327084 0.46498975080225513 0.7822857232683796 0.8039547165099759 1.2032833062478365 1.3100804872242413 1.2915070644457354 1.0794604877244662 0.7745467971106762 0.45879860987608356 0.16781498634616848 -0.003989174355007293 -0.09530850301598763 -0.2082968249185641 -0.30425950927417533 -0.394031052703615 +717,-0.5255927973846974,0,-0.671084609149655 -0.6695368239181143 -0.5317839383108602 0.008393107497327084 0.46498975080225513 0.7822857232683796 0.8039547165099759 1.2032833062478365 1.3100804872242413 1.2915070644457354 1.0794604877244662 0.7745467971106762 0.45879860987608356 0.16781498634616848 -0.003989174355007293 -0.09530850301598763 -0.2082968249185641 -0.30425950927417533 -0.394031052703615 -0.5472617906262848 +718,-0.5395228644685724,0,-0.6695368239181143 -0.5317839383108602 0.008393107497327084 0.46498975080225513 0.7822857232683796 0.8039547165099759 1.2032833062478365 1.3100804872242413 1.2915070644457354 1.0794604877244662 0.7745467971106762 0.45879860987608356 0.16781498634616848 -0.003989174355007293 -0.09530850301598763 -0.2082968249185641 -0.30425950927417533 -0.394031052703615 -0.5472617906262848 -0.5255927973846974 +719,-0.671084609149655,0,-0.5317839383108602 0.008393107497327084 0.46498975080225513 0.7822857232683796 0.8039547165099759 1.2032833062478365 1.3100804872242413 1.2915070644457354 1.0794604877244662 0.7745467971106762 0.45879860987608356 0.16781498634616848 -0.003989174355007293 -0.09530850301598763 -0.2082968249185641 -0.30425950927417533 -0.394031052703615 -0.5472617906262848 -0.5255927973846974 -0.5395228644685724 +720,-0.6958491728543237,0,0.008393107497327084 0.46498975080225513 0.7822857232683796 0.8039547165099759 1.2032833062478365 1.3100804872242413 1.2915070644457354 1.0794604877244662 0.7745467971106762 0.45879860987608356 0.16781498634616848 -0.003989174355007293 -0.09530850301598763 -0.2082968249185641 -0.30425950927417533 -0.394031052703615 -0.5472617906262848 -0.5255927973846974 -0.5395228644685724 -0.671084609149655 +721,-0.6958491728543237,0,0.46498975080225513 0.7822857232683796 0.8039547165099759 1.2032833062478365 1.3100804872242413 1.2915070644457354 1.0794604877244662 0.7745467971106762 0.45879860987608356 0.16781498634616848 -0.003989174355007293 -0.09530850301598763 -0.2082968249185641 -0.30425950927417533 -0.394031052703615 -0.5472617906262848 -0.5255927973846974 -0.5395228644685724 -0.671084609149655 -0.6958491728543237 +722,-0.8072897095253595,0,0.7822857232683796 0.8039547165099759 1.2032833062478365 1.3100804872242413 1.2915070644457354 1.0794604877244662 0.7745467971106762 0.45879860987608356 0.16781498634616848 -0.003989174355007293 -0.09530850301598763 -0.2082968249185641 -0.30425950927417533 -0.394031052703615 -0.5472617906262848 -0.5255927973846974 -0.5395228644685724 -0.671084609149655 -0.6958491728543237 -0.6958491728543237 +723,-0.7670472935052661,0,0.8039547165099759 1.2032833062478365 1.3100804872242413 1.2915070644457354 1.0794604877244662 0.7745467971106762 0.45879860987608356 0.16781498634616848 -0.003989174355007293 -0.09530850301598763 -0.2082968249185641 -0.30425950927417533 -0.394031052703615 -0.5472617906262848 -0.5255927973846974 -0.5395228644685724 -0.671084609149655 -0.6958491728543237 -0.6958491728543237 -0.8072897095253595 +724,-0.4358212539552578,0,1.2032833062478365 1.3100804872242413 1.2915070644457354 1.0794604877244662 0.7745467971106762 0.45879860987608356 0.16781498634616848 -0.003989174355007293 -0.09530850301598763 -0.2082968249185641 -0.30425950927417533 -0.394031052703615 -0.5472617906262848 -0.5255927973846974 -0.5395228644685724 -0.671084609149655 -0.6958491728543237 -0.6958491728543237 -0.8072897095253595 -0.7670472935052661 +725,0.16781498634616848,0,1.3100804872242413 1.2915070644457354 1.0794604877244662 0.7745467971106762 0.45879860987608356 0.16781498634616848 -0.003989174355007293 -0.09530850301598763 -0.2082968249185641 -0.30425950927417533 -0.394031052703615 -0.5472617906262848 -0.5255927973846974 -0.5395228644685724 -0.671084609149655 -0.6958491728543237 -0.6958491728543237 -0.8072897095253595 -0.7670472935052661 -0.4358212539552578 +726,0.4974932406646362,0,1.2915070644457354 1.0794604877244662 0.7745467971106762 0.45879860987608356 0.16781498634616848 -0.003989174355007293 -0.09530850301598763 -0.2082968249185641 -0.30425950927417533 -0.394031052703615 -0.5472617906262848 -0.5255927973846974 -0.5395228644685724 -0.671084609149655 -0.6958491728543237 -0.6958491728543237 -0.8072897095253595 -0.7670472935052661 -0.4358212539552578 0.16781498634616848 +727,0.5919081397887067,0,1.0794604877244662 0.7745467971106762 0.45879860987608356 0.16781498634616848 -0.003989174355007293 -0.09530850301598763 -0.2082968249185641 -0.30425950927417533 -0.394031052703615 -0.5472617906262848 -0.5255927973846974 -0.5395228644685724 -0.671084609149655 -0.6958491728543237 -0.6958491728543237 -0.8072897095253595 -0.7670472935052661 -0.4358212539552578 0.16781498634616848 0.4974932406646362 +728,0.7126353878489867,0,0.7745467971106762 0.45879860987608356 0.16781498634616848 -0.003989174355007293 -0.09530850301598763 -0.2082968249185641 -0.30425950927417533 -0.394031052703615 -0.5472617906262848 -0.5255927973846974 -0.5395228644685724 -0.671084609149655 -0.6958491728543237 -0.6958491728543237 -0.8072897095253595 -0.7670472935052661 -0.4358212539552578 0.16781498634616848 0.4974932406646362 0.5919081397887067 +729,0.8689616962347378,0,0.45879860987608356 0.16781498634616848 -0.003989174355007293 -0.09530850301598763 -0.2082968249185641 -0.30425950927417533 -0.394031052703615 -0.5472617906262848 -0.5255927973846974 -0.5395228644685724 -0.671084609149655 -0.6958491728543237 -0.6958491728543237 -0.8072897095253595 -0.7670472935052661 -0.4358212539552578 0.16781498634616848 0.4974932406646362 0.5919081397887067 0.7126353878489867 +730,0.8395537768354382,0,0.16781498634616848 -0.003989174355007293 -0.09530850301598763 -0.2082968249185641 -0.30425950927417533 -0.394031052703615 -0.5472617906262848 -0.5255927973846974 -0.5395228644685724 -0.671084609149655 -0.6958491728543237 -0.6958491728543237 -0.8072897095253595 -0.7670472935052661 -0.4358212539552578 0.16781498634616848 0.4974932406646362 0.5919081397887067 0.7126353878489867 0.8689616962347378 +731,0.7776423675737576,0,-0.003989174355007293 -0.09530850301598763 -0.2082968249185641 -0.30425950927417533 -0.394031052703615 -0.5472617906262848 -0.5255927973846974 -0.5395228644685724 -0.671084609149655 -0.6958491728543237 -0.6958491728543237 -0.8072897095253595 -0.7670472935052661 -0.4358212539552578 0.16781498634616848 0.4974932406646362 0.5919081397887067 0.7126353878489867 0.8689616962347378 0.8395537768354382 +732,0.5872647840940758,0,-0.09530850301598763 -0.2082968249185641 -0.30425950927417533 -0.394031052703615 -0.5472617906262848 -0.5255927973846974 -0.5395228644685724 -0.671084609149655 -0.6958491728543237 -0.6958491728543237 -0.8072897095253595 -0.7670472935052661 -0.4358212539552578 0.16781498634616848 0.4974932406646362 0.5919081397887067 0.7126353878489867 0.8689616962347378 0.8395537768354382 0.7776423675737576 +733,0.29009001963799796,0,-0.2082968249185641 -0.30425950927417533 -0.394031052703615 -0.5472617906262848 -0.5255927973846974 -0.5395228644685724 -0.671084609149655 -0.6958491728543237 -0.6958491728543237 -0.8072897095253595 -0.7670472935052661 -0.4358212539552578 0.16781498634616848 0.4974932406646362 0.5919081397887067 0.7126353878489867 0.8689616962347378 0.8395537768354382 0.7776423675737576 0.5872647840940758 +734,0.04244438259125762,0,-0.30425950927417533 -0.394031052703615 -0.5472617906262848 -0.5255927973846974 -0.5395228644685724 -0.671084609149655 -0.6958491728543237 -0.6958491728543237 -0.8072897095253595 -0.7670472935052661 -0.4358212539552578 0.16781498634616848 0.4974932406646362 0.5919081397887067 0.7126353878489867 0.8689616962347378 0.8395537768354382 0.7776423675737576 0.5872647840940758 0.29009001963799796 +735,-0.02875373805967605,0,-0.394031052703615 -0.5472617906262848 -0.5255927973846974 -0.5395228644685724 -0.671084609149655 -0.6958491728543237 -0.6958491728543237 -0.8072897095253595 -0.7670472935052661 -0.4358212539552578 0.16781498634616848 0.4974932406646362 0.5919081397887067 0.7126353878489867 0.8689616962347378 0.8395537768354382 0.7776423675737576 0.5872647840940758 0.29009001963799796 0.04244438259125762 +736,-0.12471642241528727,0,-0.5472617906262848 -0.5255927973846974 -0.5395228644685724 -0.671084609149655 -0.6958491728543237 -0.6958491728543237 -0.8072897095253595 -0.7670472935052661 -0.4358212539552578 0.16781498634616848 0.4974932406646362 0.5919081397887067 0.7126353878489867 0.8689616962347378 0.8395537768354382 0.7776423675737576 0.5872647840940758 0.29009001963799796 0.04244438259125762 -0.02875373805967605 +737,-0.25782595232791045,0,-0.5255927973846974 -0.5395228644685724 -0.671084609149655 -0.6958491728543237 -0.6958491728543237 -0.8072897095253595 -0.7670472935052661 -0.4358212539552578 0.16781498634616848 0.4974932406646362 0.5919081397887067 0.7126353878489867 0.8689616962347378 0.8395537768354382 0.7776423675737576 0.5872647840940758 0.29009001963799796 0.04244438259125762 -0.02875373805967605 -0.12471642241528727 +738,-0.38164877085128057,0,-0.5395228644685724 -0.671084609149655 -0.6958491728543237 -0.6958491728543237 -0.8072897095253595 -0.7670472935052661 -0.4358212539552578 0.16781498634616848 0.4974932406646362 0.5919081397887067 0.7126353878489867 0.8689616962347378 0.8395537768354382 0.7776423675737576 0.5872647840940758 0.29009001963799796 0.04244438259125762 -0.02875373805967605 -0.12471642241528727 -0.25782595232791045 +739,-0.49154152229076686,0,-0.671084609149655 -0.6958491728543237 -0.6958491728543237 -0.8072897095253595 -0.7670472935052661 -0.4358212539552578 0.16781498634616848 0.4974932406646362 0.5919081397887067 0.7126353878489867 0.8689616962347378 0.8395537768354382 0.7776423675737576 0.5872647840940758 0.29009001963799796 0.04244438259125762 -0.02875373805967605 -0.12471642241528727 -0.25782595232791045 -0.38164877085128057 +740,-0.5101149450692729,0,-0.6958491728543237 -0.6958491728543237 -0.8072897095253595 -0.7670472935052661 -0.4358212539552578 0.16781498634616848 0.4974932406646362 0.5919081397887067 0.7126353878489867 0.8689616962347378 0.8395537768354382 0.7776423675737576 0.5872647840940758 0.29009001963799796 0.04244438259125762 -0.02875373805967605 -0.12471642241528727 -0.25782595232791045 -0.38164877085128057 -0.49154152229076686 +741,-0.5503573610893662,0,-0.6958491728543237 -0.8072897095253595 -0.7670472935052661 -0.4358212539552578 0.16781498634616848 0.4974932406646362 0.5919081397887067 0.7126353878489867 0.8689616962347378 0.8395537768354382 0.7776423675737576 0.5872647840940758 0.29009001963799796 0.04244438259125762 -0.02875373805967605 -0.12471642241528727 -0.25782595232791045 -0.38164877085128057 -0.49154152229076686 -0.5101149450692729 +742,-0.5519051463209157,0,-0.8072897095253595 -0.7670472935052661 -0.4358212539552578 0.16781498634616848 0.4974932406646362 0.5919081397887067 0.7126353878489867 0.8689616962347378 0.8395537768354382 0.7776423675737576 0.5872647840940758 0.29009001963799796 0.04244438259125762 -0.02875373805967605 -0.12471642241528727 -0.25782595232791045 -0.38164877085128057 -0.49154152229076686 -0.5101149450692729 -0.5503573610893662 +743,-0.5457140053947441,0,-0.7670472935052661 -0.4358212539552578 0.16781498634616848 0.4974932406646362 0.5919081397887067 0.7126353878489867 0.8689616962347378 0.8395537768354382 0.7776423675737576 0.5872647840940758 0.29009001963799796 0.04244438259125762 -0.02875373805967605 -0.12471642241528727 -0.25782595232791045 -0.38164877085128057 -0.49154152229076686 -0.5101149450692729 -0.5503573610893662 -0.5519051463209157 +744,-0.6927536023912423,0,-0.4358212539552578 0.16781498634616848 0.4974932406646362 0.5919081397887067 0.7126353878489867 0.8689616962347378 0.8395537768354382 0.7776423675737576 0.5872647840940758 0.29009001963799796 0.04244438259125762 -0.02875373805967605 -0.12471642241528727 -0.25782595232791045 -0.38164877085128057 -0.49154152229076686 -0.5101149450692729 -0.5503573610893662 -0.5519051463209157 -0.5457140053947441 +745,-0.7097792399382076,0,0.16781498634616848 0.4974932406646362 0.5919081397887067 0.7126353878489867 0.8689616962347378 0.8395537768354382 0.7776423675737576 0.5872647840940758 0.29009001963799796 0.04244438259125762 -0.02875373805967605 -0.12471642241528727 -0.25782595232791045 -0.38164877085128057 -0.49154152229076686 -0.5101149450692729 -0.5503573610893662 -0.5519051463209157 -0.5457140053947441 -0.6927536023912423 +746,-0.6896580319281609,0,0.4974932406646362 0.5919081397887067 0.7126353878489867 0.8689616962347378 0.8395537768354382 0.7776423675737576 0.5872647840940758 0.29009001963799796 0.04244438259125762 -0.02875373805967605 -0.12471642241528727 -0.25782595232791045 -0.38164877085128057 -0.49154152229076686 -0.5101149450692729 -0.5503573610893662 -0.5519051463209157 -0.5457140053947441 -0.6927536023912423 -0.7097792399382076 +747,-0.5720263543309624,0,0.5919081397887067 0.7126353878489867 0.8689616962347378 0.8395537768354382 0.7776423675737576 0.5872647840940758 0.29009001963799796 0.04244438259125762 -0.02875373805967605 -0.12471642241528727 -0.25782595232791045 -0.38164877085128057 -0.49154152229076686 -0.5101149450692729 -0.5503573610893662 -0.5519051463209157 -0.5457140053947441 -0.6927536023912423 -0.7097792399382076 -0.6896580319281609 +748,-0.45594246196530447,0,0.7126353878489867 0.8689616962347378 0.8395537768354382 0.7776423675737576 0.5872647840940758 0.29009001963799796 0.04244438259125762 -0.02875373805967605 -0.12471642241528727 -0.25782595232791045 -0.38164877085128057 -0.49154152229076686 -0.5101149450692729 -0.5503573610893662 -0.5519051463209157 -0.5457140053947441 -0.6927536023912423 -0.7097792399382076 -0.6896580319281609 -0.5720263543309624 +749,-0.2129401806131862,0,0.8689616962347378 0.8395537768354382 0.7776423675737576 0.5872647840940758 0.29009001963799796 0.04244438259125762 -0.02875373805967605 -0.12471642241528727 -0.25782595232791045 -0.38164877085128057 -0.49154152229076686 -0.5101149450692729 -0.5503573610893662 -0.5519051463209157 -0.5457140053947441 -0.6927536023912423 -0.7097792399382076 -0.6896580319281609 -0.5720263543309624 -0.45594246196530447 +750,0.019227604118129564,0,0.8395537768354382 0.7776423675737576 0.5872647840940758 0.29009001963799796 0.04244438259125762 -0.02875373805967605 -0.12471642241528727 -0.25782595232791045 -0.38164877085128057 -0.49154152229076686 -0.5101149450692729 -0.5503573610893662 -0.5519051463209157 -0.5457140053947441 -0.6927536023912423 -0.7097792399382076 -0.6896580319281609 -0.5720263543309624 -0.45594246196530447 -0.2129401806131862 +751,0.2204396842185962,0,0.7776423675737576 0.5872647840940758 0.29009001963799796 0.04244438259125762 -0.02875373805967605 -0.12471642241528727 -0.25782595232791045 -0.38164877085128057 -0.49154152229076686 -0.5101149450692729 -0.5503573610893662 -0.5519051463209157 -0.5457140053947441 -0.6927536023912423 -0.7097792399382076 -0.6896580319281609 -0.5720263543309624 -0.45594246196530447 -0.2129401806131862 0.019227604118129564 +752,0.36438371075201303,0,0.5872647840940758 0.29009001963799796 0.04244438259125762 -0.02875373805967605 -0.12471642241528727 -0.25782595232791045 -0.38164877085128057 -0.49154152229076686 -0.5101149450692729 -0.5503573610893662 -0.5519051463209157 -0.5457140053947441 -0.6927536023912423 -0.7097792399382076 -0.6896580319281609 -0.5720263543309624 -0.45594246196530447 -0.2129401806131862 0.019227604118129564 0.2204396842185962 +753,0.4293906904767839,0,0.29009001963799796 0.04244438259125762 -0.02875373805967605 -0.12471642241528727 -0.25782595232791045 -0.38164877085128057 -0.49154152229076686 -0.5101149450692729 -0.5503573610893662 -0.5519051463209157 -0.5457140053947441 -0.6927536023912423 -0.7097792399382076 -0.6896580319281609 -0.5720263543309624 -0.45594246196530447 -0.2129401806131862 0.019227604118129564 0.2204396842185962 0.36438371075201303 +754,0.5269011600639358,0,0.04244438259125762 -0.02875373805967605 -0.12471642241528727 -0.25782595232791045 -0.38164877085128057 -0.49154152229076686 -0.5101149450692729 -0.5503573610893662 -0.5519051463209157 -0.5457140053947441 -0.6927536023912423 -0.7097792399382076 -0.6896580319281609 -0.5720263543309624 -0.45594246196530447 -0.2129401806131862 0.019227604118129564 0.2204396842185962 0.36438371075201303 0.4293906904767839 +755,0.5036843815908078,0,-0.02875373805967605 -0.12471642241528727 -0.25782595232791045 -0.38164877085128057 -0.49154152229076686 -0.5101149450692729 -0.5503573610893662 -0.5519051463209157 -0.5457140053947441 -0.6927536023912423 -0.7097792399382076 -0.6896580319281609 -0.5720263543309624 -0.45594246196530447 -0.2129401806131862 0.019227604118129564 0.2204396842185962 0.36438371075201303 0.4293906904767839 0.5269011600639358 +756,0.322593509500379,0,-0.12471642241528727 -0.25782595232791045 -0.38164877085128057 -0.49154152229076686 -0.5101149450692729 -0.5503573610893662 -0.5519051463209157 -0.5457140053947441 -0.6927536023912423 -0.7097792399382076 -0.6896580319281609 -0.5720263543309624 -0.45594246196530447 -0.2129401806131862 0.019227604118129564 0.2204396842185962 0.36438371075201303 0.4293906904767839 0.5269011600639358 0.5036843815908078 +757,0.11983364416836288,0,-0.25782595232791045 -0.38164877085128057 -0.49154152229076686 -0.5101149450692729 -0.5503573610893662 -0.5519051463209157 -0.5457140053947441 -0.6927536023912423 -0.7097792399382076 -0.6896580319281609 -0.5720263543309624 -0.45594246196530447 -0.2129401806131862 0.019227604118129564 0.2204396842185962 0.36438371075201303 0.4293906904767839 0.5269011600639358 0.5036843815908078 0.322593509500379 +758,-0.14019427473071183,0,-0.38164877085128057 -0.49154152229076686 -0.5101149450692729 -0.5503573610893662 -0.5519051463209157 -0.5457140053947441 -0.6927536023912423 -0.7097792399382076 -0.6896580319281609 -0.5720263543309624 -0.45594246196530447 -0.2129401806131862 0.019227604118129564 0.2204396842185962 0.36438371075201303 0.4293906904767839 0.5269011600639358 0.5036843815908078 0.322593509500379 0.11983364416836288 +759,-0.2779471603379571,0,-0.49154152229076686 -0.5101149450692729 -0.5503573610893662 -0.5519051463209157 -0.5457140053947441 -0.6927536023912423 -0.7097792399382076 -0.6896580319281609 -0.5720263543309624 -0.45594246196530447 -0.2129401806131862 0.019227604118129564 0.2204396842185962 0.36438371075201303 0.4293906904767839 0.5269011600639358 0.5036843815908078 0.322593509500379 0.11983364416836288 -0.14019427473071183 +760,-0.375457629925109,0,-0.5101149450692729 -0.5503573610893662 -0.5519051463209157 -0.5457140053947441 -0.6927536023912423 -0.7097792399382076 -0.6896580319281609 -0.5720263543309624 -0.45594246196530447 -0.2129401806131862 0.019227604118129564 0.2204396842185962 0.36438371075201303 0.4293906904767839 0.5269011600639358 0.5036843815908078 0.322593509500379 0.11983364416836288 -0.14019427473071183 -0.2779471603379571 +761,-0.4203434016398332,0,-0.5503573610893662 -0.5519051463209157 -0.5457140053947441 -0.6927536023912423 -0.7097792399382076 -0.6896580319281609 -0.5720263543309624 -0.45594246196530447 -0.2129401806131862 0.019227604118129564 0.2204396842185962 0.36438371075201303 0.4293906904767839 0.5269011600639358 0.5036843815908078 0.322593509500379 0.11983364416836288 -0.14019427473071183 -0.2779471603379571 -0.375457629925109 +762,-0.5085671598377322,0,-0.5519051463209157 -0.5457140053947441 -0.6927536023912423 -0.7097792399382076 -0.6896580319281609 -0.5720263543309624 -0.45594246196530447 -0.2129401806131862 0.019227604118129564 0.2204396842185962 0.36438371075201303 0.4293906904767839 0.5269011600639358 0.5036843815908078 0.322593509500379 0.11983364416836288 -0.14019427473071183 -0.2779471603379571 -0.375457629925109 -0.4203434016398332 +763,-0.5844086361832967,0,-0.5457140053947441 -0.6927536023912423 -0.7097792399382076 -0.6896580319281609 -0.5720263543309624 -0.45594246196530447 -0.2129401806131862 0.019227604118129564 0.2204396842185962 0.36438371075201303 0.4293906904767839 0.5269011600639358 0.5036843815908078 0.322593509500379 0.11983364416836288 -0.14019427473071183 -0.2779471603379571 -0.375457629925109 -0.4203434016398332 -0.5085671598377322 +764,-0.6463200454449775,0,-0.6927536023912423 -0.7097792399382076 -0.6896580319281609 -0.5720263543309624 -0.45594246196530447 -0.2129401806131862 0.019227604118129564 0.2204396842185962 0.36438371075201303 0.4293906904767839 0.5269011600639358 0.5036843815908078 0.322593509500379 0.11983364416836288 -0.14019427473071183 -0.2779471603379571 -0.375457629925109 -0.4203434016398332 -0.5085671598377322 -0.5844086361832967 +765,-0.6602501125288612,0,-0.7097792399382076 -0.6896580319281609 -0.5720263543309624 -0.45594246196530447 -0.2129401806131862 0.019227604118129564 0.2204396842185962 0.36438371075201303 0.4293906904767839 0.5269011600639358 0.5036843815908078 0.322593509500379 0.11983364416836288 -0.14019427473071183 -0.2779471603379571 -0.375457629925109 -0.4203434016398332 -0.5085671598377322 -0.5844086361832967 -0.6463200454449775 +766,-0.6850146762335301,0,-0.6896580319281609 -0.5720263543309624 -0.45594246196530447 -0.2129401806131862 0.019227604118129564 0.2204396842185962 0.36438371075201303 0.4293906904767839 0.5269011600639358 0.5036843815908078 0.322593509500379 0.11983364416836288 -0.14019427473071183 -0.2779471603379571 -0.375457629925109 -0.4203434016398332 -0.5085671598377322 -0.5844086361832967 -0.6463200454449775 -0.6602501125288612 +767,-0.6045298441933433,0,-0.5720263543309624 -0.45594246196530447 -0.2129401806131862 0.019227604118129564 0.2204396842185962 0.36438371075201303 0.4293906904767839 0.5269011600639358 0.5036843815908078 0.322593509500379 0.11983364416836288 -0.14019427473071183 -0.2779471603379571 -0.375457629925109 -0.4203434016398332 -0.5085671598377322 -0.5844086361832967 -0.6463200454449775 -0.6602501125288612 -0.6850146762335301 +768,-0.5565485020155377,0,-0.45594246196530447 -0.2129401806131862 0.019227604118129564 0.2204396842185962 0.36438371075201303 0.4293906904767839 0.5269011600639358 0.5036843815908078 0.322593509500379 0.11983364416836288 -0.14019427473071183 -0.2779471603379571 -0.375457629925109 -0.4203434016398332 -0.5085671598377322 -0.5844086361832967 -0.6463200454449775 -0.6602501125288612 -0.6850146762335301 -0.6045298441933433 +769,-0.5642874281732501,0,-0.2129401806131862 0.019227604118129564 0.2204396842185962 0.36438371075201303 0.4293906904767839 0.5269011600639358 0.5036843815908078 0.322593509500379 0.11983364416836288 -0.14019427473071183 -0.2779471603379571 -0.375457629925109 -0.4203434016398332 -0.5085671598377322 -0.5844086361832967 -0.6463200454449775 -0.6602501125288612 -0.6850146762335301 -0.6045298441933433 -0.5565485020155377 +770,-0.5348795087739504,0,0.019227604118129564 0.2204396842185962 0.36438371075201303 0.4293906904767839 0.5269011600639358 0.5036843815908078 0.322593509500379 0.11983364416836288 -0.14019427473071183 -0.2779471603379571 -0.375457629925109 -0.4203434016398332 -0.5085671598377322 -0.5844086361832967 -0.6463200454449775 -0.6602501125288612 -0.6850146762335301 -0.6045298441933433 -0.5565485020155377 -0.5642874281732501 +771,-0.5255927973846974,0,0.2204396842185962 0.36438371075201303 0.4293906904767839 0.5269011600639358 0.5036843815908078 0.322593509500379 0.11983364416836288 -0.14019427473071183 -0.2779471603379571 -0.375457629925109 -0.4203434016398332 -0.5085671598377322 -0.5844086361832967 -0.6463200454449775 -0.6602501125288612 -0.6850146762335301 -0.6045298441933433 -0.5565485020155377 -0.5642874281732501 -0.5348795087739504 +772,-0.46058581765992657,0,0.36438371075201303 0.4293906904767839 0.5269011600639358 0.5036843815908078 0.322593509500379 0.11983364416836288 -0.14019427473071183 -0.2779471603379571 -0.375457629925109 -0.4203434016398332 -0.5085671598377322 -0.5844086361832967 -0.6463200454449775 -0.6602501125288612 -0.6850146762335301 -0.6045298441933433 -0.5565485020155377 -0.5642874281732501 -0.5348795087739504 -0.5255927973846974 +773,-0.34295414006272795,0,0.4293906904767839 0.5269011600639358 0.5036843815908078 0.322593509500379 0.11983364416836288 -0.14019427473071183 -0.2779471603379571 -0.375457629925109 -0.4203434016398332 -0.5085671598377322 -0.5844086361832967 -0.6463200454449775 -0.6602501125288612 -0.6850146762335301 -0.6045298441933433 -0.5565485020155377 -0.5642874281732501 -0.5348795087739504 -0.5255927973846974 -0.46058581765992657 +774,-0.17269776459309288,0,0.5269011600639358 0.5036843815908078 0.322593509500379 0.11983364416836288 -0.14019427473071183 -0.2779471603379571 -0.375457629925109 -0.4203434016398332 -0.5085671598377322 -0.5844086361832967 -0.6463200454449775 -0.6602501125288612 -0.6850146762335301 -0.6045298441933433 -0.5565485020155377 -0.5642874281732501 -0.5348795087739504 -0.5255927973846974 -0.46058581765992657 -0.34295414006272795 +775,-0.09066514732136553,0,0.5036843815908078 0.322593509500379 0.11983364416836288 -0.14019427473071183 -0.2779471603379571 -0.375457629925109 -0.4203434016398332 -0.5085671598377322 -0.5844086361832967 -0.6463200454449775 -0.6602501125288612 -0.6850146762335301 -0.6045298441933433 -0.5565485020155377 -0.5642874281732501 -0.5348795087739504 -0.5255927973846974 -0.46058581765992657 -0.34295414006272795 -0.17269776459309288 +776,0.16471941588308708,0,0.322593509500379 0.11983364416836288 -0.14019427473071183 -0.2779471603379571 -0.375457629925109 -0.4203434016398332 -0.5085671598377322 -0.5844086361832967 -0.6463200454449775 -0.6602501125288612 -0.6850146762335301 -0.6045298441933433 -0.5565485020155377 -0.5642874281732501 -0.5348795087739504 -0.5255927973846974 -0.46058581765992657 -0.34295414006272795 -0.17269776459309288 -0.09066514732136553 +777,0.25758652977560814,0,0.11983364416836288 -0.14019427473071183 -0.2779471603379571 -0.375457629925109 -0.4203434016398332 -0.5085671598377322 -0.5844086361832967 -0.6463200454449775 -0.6602501125288612 -0.6850146762335301 -0.6045298441933433 -0.5565485020155377 -0.5642874281732501 -0.5348795087739504 -0.5255927973846974 -0.46058581765992657 -0.34295414006272795 -0.17269776459309288 -0.09066514732136553 0.16471941588308708 +778,0.2684210263964018,0,-0.14019427473071183 -0.2779471603379571 -0.375457629925109 -0.4203434016398332 -0.5085671598377322 -0.5844086361832967 -0.6463200454449775 -0.6602501125288612 -0.6850146762335301 -0.6045298441933433 -0.5565485020155377 -0.5642874281732501 -0.5348795087739504 -0.5255927973846974 -0.46058581765992657 -0.34295414006272795 -0.17269776459309288 -0.09066514732136553 0.16471941588308708 0.25758652977560814 +779,0.271516596859492,0,-0.2779471603379571 -0.375457629925109 -0.4203434016398332 -0.5085671598377322 -0.5844086361832967 -0.6463200454449775 -0.6602501125288612 -0.6850146762335301 -0.6045298441933433 -0.5565485020155377 -0.5642874281732501 -0.5348795087739504 -0.5255927973846974 -0.46058581765992657 -0.34295414006272795 -0.17269776459309288 -0.09066514732136553 0.16471941588308708 0.25758652977560814 0.2684210263964018 +780,0.12602478509453446,0,-0.375457629925109 -0.4203434016398332 -0.5085671598377322 -0.5844086361832967 -0.6463200454449775 -0.6602501125288612 -0.6850146762335301 -0.6045298441933433 -0.5565485020155377 -0.5642874281732501 -0.5348795087739504 -0.5255927973846974 -0.46058581765992657 -0.34295414006272795 -0.17269776459309288 -0.09066514732136553 0.16471941588308708 0.25758652977560814 0.2684210263964018 0.271516596859492 +781,-0.08292622116365325,0,-0.4203434016398332 -0.5085671598377322 -0.5844086361832967 -0.6463200454449775 -0.6602501125288612 -0.6850146762335301 -0.6045298441933433 -0.5565485020155377 -0.5642874281732501 -0.5348795087739504 -0.5255927973846974 -0.46058581765992657 -0.34295414006272795 -0.17269776459309288 -0.09066514732136553 0.16471941588308708 0.25758652977560814 0.2684210263964018 0.271516596859492 0.12602478509453446 +782,-0.15567212704613642,0,-0.5085671598377322 -0.5844086361832967 -0.6463200454449775 -0.6602501125288612 -0.6850146762335301 -0.6045298441933433 -0.5565485020155377 -0.5642874281732501 -0.5348795087739504 -0.5255927973846974 -0.46058581765992657 -0.34295414006272795 -0.17269776459309288 -0.09066514732136553 0.16471941588308708 0.25758652977560814 0.2684210263964018 0.271516596859492 0.12602478509453446 -0.08292622116365325 +783,-0.2763993751064164,0,-0.5844086361832967 -0.6463200454449775 -0.6602501125288612 -0.6850146762335301 -0.6045298441933433 -0.5565485020155377 -0.5642874281732501 -0.5348795087739504 -0.5255927973846974 -0.46058581765992657 -0.34295414006272795 -0.17269776459309288 -0.09066514732136553 0.16471941588308708 0.25758652977560814 0.2684210263964018 0.271516596859492 0.12602478509453446 -0.08292622116365325 -0.15567212704613642 +784,-0.3785532003881992,0,-0.6463200454449775 -0.6602501125288612 -0.6850146762335301 -0.6045298441933433 -0.5565485020155377 -0.5642874281732501 -0.5348795087739504 -0.5255927973846974 -0.46058581765992657 -0.34295414006272795 -0.17269776459309288 -0.09066514732136553 0.16471941588308708 0.25758652977560814 0.2684210263964018 0.271516596859492 0.12602478509453446 -0.08292622116365325 -0.15567212704613642 -0.2763993751064164 +785,-0.573574139562503,0,-0.6602501125288612 -0.6850146762335301 -0.6045298441933433 -0.5565485020155377 -0.5642874281732501 -0.5348795087739504 -0.5255927973846974 -0.46058581765992657 -0.34295414006272795 -0.17269776459309288 -0.09066514732136553 0.16471941588308708 0.25758652977560814 0.2684210263964018 0.271516596859492 0.12602478509453446 -0.08292622116365325 -0.15567212704613642 -0.2763993751064164 -0.3785532003881992 +786,-0.6648934682234834,0,-0.6850146762335301 -0.6045298441933433 -0.5565485020155377 -0.5642874281732501 -0.5348795087739504 -0.5255927973846974 -0.46058581765992657 -0.34295414006272795 -0.17269776459309288 -0.09066514732136553 0.16471941588308708 0.25758652977560814 0.2684210263964018 0.271516596859492 0.12602478509453446 -0.08292622116365325 -0.15567212704613642 -0.2763993751064164 -0.3785532003881992 -0.573574139562503 +787,-0.6989447433174139,0,-0.6045298441933433 -0.5565485020155377 -0.5642874281732501 -0.5348795087739504 -0.5255927973846974 -0.46058581765992657 -0.34295414006272795 -0.17269776459309288 -0.09066514732136553 0.16471941588308708 0.25758652977560814 0.2684210263964018 0.271516596859492 0.12602478509453446 -0.08292622116365325 -0.15567212704613642 -0.2763993751064164 -0.3785532003881992 -0.573574139562503 -0.6648934682234834 +788,-0.8475321255454529,0,-0.5565485020155377 -0.5642874281732501 -0.5348795087739504 -0.5255927973846974 -0.46058581765992657 -0.34295414006272795 -0.17269776459309288 -0.09066514732136553 0.16471941588308708 0.25758652977560814 0.2684210263964018 0.271516596859492 0.12602478509453446 -0.08292622116365325 -0.15567212704613642 -0.2763993751064164 -0.3785532003881992 -0.573574139562503 -0.6648934682234834 -0.6989447433174139 +789,-0.8336020584615778,0,-0.5642874281732501 -0.5348795087739504 -0.5255927973846974 -0.46058581765992657 -0.34295414006272795 -0.17269776459309288 -0.09066514732136553 0.16471941588308708 0.25758652977560814 0.2684210263964018 0.271516596859492 0.12602478509453446 -0.08292622116365325 -0.15567212704613642 -0.2763993751064164 -0.3785532003881992 -0.573574139562503 -0.6648934682234834 -0.6989447433174139 -0.8475321255454529 +790,-0.7314482331797949,0,-0.5348795087739504 -0.5255927973846974 -0.46058581765992657 -0.34295414006272795 -0.17269776459309288 -0.09066514732136553 0.16471941588308708 0.25758652977560814 0.2684210263964018 0.271516596859492 0.12602478509453446 -0.08292622116365325 -0.15567212704613642 -0.2763993751064164 -0.3785532003881992 -0.573574139562503 -0.6648934682234834 -0.6989447433174139 -0.8475321255454529 -0.8336020584615778 +791,-0.666441253455024,0,-0.5255927973846974 -0.46058581765992657 -0.34295414006272795 -0.17269776459309288 -0.09066514732136553 0.16471941588308708 0.25758652977560814 0.2684210263964018 0.271516596859492 0.12602478509453446 -0.08292622116365325 -0.15567212704613642 -0.2763993751064164 -0.3785532003881992 -0.573574139562503 -0.6648934682234834 -0.6989447433174139 -0.8475321255454529 -0.8336020584615778 -0.7314482331797949 +792,-0.633937763592643,0,-0.46058581765992657 -0.34295414006272795 -0.17269776459309288 -0.09066514732136553 0.16471941588308708 0.25758652977560814 0.2684210263964018 0.271516596859492 0.12602478509453446 -0.08292622116365325 -0.15567212704613642 -0.2763993751064164 -0.3785532003881992 -0.573574139562503 -0.6648934682234834 -0.6989447433174139 -0.8475321255454529 -0.8336020584615778 -0.7314482331797949 -0.666441253455024 +793,-0.5967909180356311,0,-0.34295414006272795 -0.17269776459309288 -0.09066514732136553 0.16471941588308708 0.25758652977560814 0.2684210263964018 0.271516596859492 0.12602478509453446 -0.08292622116365325 -0.15567212704613642 -0.2763993751064164 -0.3785532003881992 -0.573574139562503 -0.6648934682234834 -0.6989447433174139 -0.8475321255454529 -0.8336020584615778 -0.7314482331797949 -0.666441253455024 -0.633937763592643 +794,-0.5426184349316627,0,-0.17269776459309288 -0.09066514732136553 0.16471941588308708 0.25758652977560814 0.2684210263964018 0.271516596859492 0.12602478509453446 -0.08292622116365325 -0.15567212704613642 -0.2763993751064164 -0.3785532003881992 -0.573574139562503 -0.6648934682234834 -0.6989447433174139 -0.8475321255454529 -0.8336020584615778 -0.7314482331797949 -0.666441253455024 -0.633937763592643 -0.5967909180356311 +795,-0.5039238041431101,0,-0.09066514732136553 0.16471941588308708 0.25758652977560814 0.2684210263964018 0.271516596859492 0.12602478509453446 -0.08292622116365325 -0.15567212704613642 -0.2763993751064164 -0.3785532003881992 -0.573574139562503 -0.6648934682234834 -0.6989447433174139 -0.8475321255454529 -0.8336020584615778 -0.7314482331797949 -0.666441253455024 -0.633937763592643 -0.5967909180356311 -0.5426184349316627 +796,-0.34450192529426865,0,0.16471941588308708 0.25758652977560814 0.2684210263964018 0.271516596859492 0.12602478509453446 -0.08292622116365325 -0.15567212704613642 -0.2763993751064164 -0.3785532003881992 -0.573574139562503 -0.6648934682234834 -0.6989447433174139 -0.8475321255454529 -0.8336020584615778 -0.7314482331797949 -0.666441253455024 -0.633937763592643 -0.5967909180356311 -0.5426184349316627 -0.5039238041431101 +797,-0.14174205996225253,0,0.25758652977560814 0.2684210263964018 0.271516596859492 0.12602478509453446 -0.08292622116365325 -0.15567212704613642 -0.2763993751064164 -0.3785532003881992 -0.573574139562503 -0.6648934682234834 -0.6989447433174139 -0.8475321255454529 -0.8336020584615778 -0.7314482331797949 -0.666441253455024 -0.633937763592643 -0.5967909180356311 -0.5426184349316627 -0.5039238041431101 -0.34450192529426865 +798,0.03780102689662673,0,0.2684210263964018 0.271516596859492 0.12602478509453446 -0.08292622116365325 -0.15567212704613642 -0.2763993751064164 -0.3785532003881992 -0.573574139562503 -0.6648934682234834 -0.6989447433174139 -0.8475321255454529 -0.8336020584615778 -0.7314482331797949 -0.666441253455024 -0.633937763592643 -0.5967909180356311 -0.5426184349316627 -0.5039238041431101 -0.34450192529426865 -0.14174205996225253 +799,0.13685928171532816,0,0.271516596859492 0.12602478509453446 -0.08292622116365325 -0.15567212704613642 -0.2763993751064164 -0.3785532003881992 -0.573574139562503 -0.6648934682234834 -0.6989447433174139 -0.8475321255454529 -0.8336020584615778 -0.7314482331797949 -0.666441253455024 -0.633937763592643 -0.5967909180356311 -0.5426184349316627 -0.5039238041431101 -0.34450192529426865 -0.14174205996225253 0.03780102689662673 +800,0.25294317408098604,0,0.12602478509453446 -0.08292622116365325 -0.15567212704613642 -0.2763993751064164 -0.3785532003881992 -0.573574139562503 -0.6648934682234834 -0.6989447433174139 -0.8475321255454529 -0.8336020584615778 -0.7314482331797949 -0.666441253455024 -0.633937763592643 -0.5967909180356311 -0.5426184349316627 -0.5039238041431101 -0.34450192529426865 -0.14174205996225253 0.03780102689662673 0.13685928171532816 +801,0.35819256982585024,0,-0.08292622116365325 -0.15567212704613642 -0.2763993751064164 -0.3785532003881992 -0.573574139562503 -0.6648934682234834 -0.6989447433174139 -0.8475321255454529 -0.8336020584615778 -0.7314482331797949 -0.666441253455024 -0.633937763592643 -0.5967909180356311 -0.5426184349316627 -0.5039238041431101 -0.34450192529426865 -0.14174205996225253 0.03780102689662673 0.13685928171532816 0.25294317408098604 +802,0.46963310649687723,0,-0.15567212704613642 -0.2763993751064164 -0.3785532003881992 -0.573574139562503 -0.6648934682234834 -0.6989447433174139 -0.8475321255454529 -0.8336020584615778 -0.7314482331797949 -0.666441253455024 -0.633937763592643 -0.5967909180356311 -0.5426184349316627 -0.5039238041431101 -0.34450192529426865 -0.14174205996225253 0.03780102689662673 0.13685928171532816 0.25294317408098604 0.35819256982585024 +803,0.5036843815908078,0,-0.2763993751064164 -0.3785532003881992 -0.573574139562503 -0.6648934682234834 -0.6989447433174139 -0.8475321255454529 -0.8336020584615778 -0.7314482331797949 -0.666441253455024 -0.633937763592643 -0.5967909180356311 -0.5426184349316627 -0.5039238041431101 -0.34450192529426865 -0.14174205996225253 0.03780102689662673 0.13685928171532816 0.25294317408098604 0.35819256982585024 0.46963310649687723 +804,0.34271471751042565,0,-0.3785532003881992 -0.573574139562503 -0.6648934682234834 -0.6989447433174139 -0.8475321255454529 -0.8336020584615778 -0.7314482331797949 -0.666441253455024 -0.633937763592643 -0.5967909180356311 -0.5426184349316627 -0.5039238041431101 -0.34450192529426865 -0.14174205996225253 0.03780102689662673 0.13685928171532816 0.25294317408098604 0.35819256982585024 0.46963310649687723 0.5036843815908078 +805,0.13066814078915656,0,-0.573574139562503 -0.6648934682234834 -0.6989447433174139 -0.8475321255454529 -0.8336020584615778 -0.7314482331797949 -0.666441253455024 -0.633937763592643 -0.5967909180356311 -0.5426184349316627 -0.5039238041431101 -0.34450192529426865 -0.14174205996225253 0.03780102689662673 0.13685928171532816 0.25294317408098604 0.35819256982585024 0.46963310649687723 0.5036843815908078 0.34271471751042565 +806,-0.11388192579449359,0,-0.6648934682234834 -0.6989447433174139 -0.8475321255454529 -0.8336020584615778 -0.7314482331797949 -0.666441253455024 -0.633937763592643 -0.5967909180356311 -0.5426184349316627 -0.5039238041431101 -0.34450192529426865 -0.14174205996225253 0.03780102689662673 0.13685928171532816 0.25294317408098604 0.35819256982585024 0.46963310649687723 0.5036843815908078 0.34271471751042565 0.13066814078915656 +807,-0.2082968249185641,0,-0.6989447433174139 -0.8475321255454529 -0.8336020584615778 -0.7314482331797949 -0.666441253455024 -0.633937763592643 -0.5967909180356311 -0.5426184349316627 -0.5039238041431101 -0.34450192529426865 -0.14174205996225253 0.03780102689662673 0.13685928171532816 0.25294317408098604 0.35819256982585024 0.46963310649687723 0.5036843815908078 0.34271471751042565 0.13066814078915656 -0.11388192579449359 +808,-0.2748515898748757,0,-0.8475321255454529 -0.8336020584615778 -0.7314482331797949 -0.666441253455024 -0.633937763592643 -0.5967909180356311 -0.5426184349316627 -0.5039238041431101 -0.34450192529426865 -0.14174205996225253 0.03780102689662673 0.13685928171532816 0.25294317408098604 0.35819256982585024 0.46963310649687723 0.5036843815908078 0.34271471751042565 0.13066814078915656 -0.11388192579449359 -0.2082968249185641 +809,-0.3924832674720743,0,-0.8336020584615778 -0.7314482331797949 -0.666441253455024 -0.633937763592643 -0.5967909180356311 -0.5426184349316627 -0.5039238041431101 -0.34450192529426865 -0.14174205996225253 0.03780102689662673 0.13685928171532816 0.25294317408098604 0.35819256982585024 0.46963310649687723 0.5036843815908078 0.34271471751042565 0.13066814078915656 -0.11388192579449359 -0.2082968249185641 -0.2748515898748757 +810,-0.40331776409286796,0,-0.7314482331797949 -0.666441253455024 -0.633937763592643 -0.5967909180356311 -0.5426184349316627 -0.5039238041431101 -0.34450192529426865 -0.14174205996225253 0.03780102689662673 0.13685928171532816 0.25294317408098604 0.35819256982585024 0.46963310649687723 0.5036843815908078 0.34271471751042565 0.13066814078915656 -0.11388192579449359 -0.2082968249185641 -0.2748515898748757 -0.3924832674720743 +811,-0.47142031428072023,0,-0.666441253455024 -0.633937763592643 -0.5967909180356311 -0.5426184349316627 -0.5039238041431101 -0.34450192529426865 -0.14174205996225253 0.03780102689662673 0.13685928171532816 0.25294317408098604 0.35819256982585024 0.46963310649687723 0.5036843815908078 0.34271471751042565 0.13066814078915656 -0.11388192579449359 -0.2082968249185641 -0.2748515898748757 -0.3924832674720743 -0.40331776409286796 +812,-0.582860850951756,0,-0.633937763592643 -0.5967909180356311 -0.5426184349316627 -0.5039238041431101 -0.34450192529426865 -0.14174205996225253 0.03780102689662673 0.13685928171532816 0.25294317408098604 0.35819256982585024 0.46963310649687723 0.5036843815908078 0.34271471751042565 0.13066814078915656 -0.11388192579449359 -0.2082968249185641 -0.2748515898748757 -0.3924832674720743 -0.40331776409286796 -0.47142031428072023 +813,-0.6819191057704487,0,-0.5967909180356311 -0.5426184349316627 -0.5039238041431101 -0.34450192529426865 -0.14174205996225253 0.03780102689662673 0.13685928171532816 0.25294317408098604 0.35819256982585024 0.46963310649687723 0.5036843815908078 0.34271471751042565 0.13066814078915656 -0.11388192579449359 -0.2082968249185641 -0.2748515898748757 -0.3924832674720743 -0.40331776409286796 -0.47142031428072023 -0.582860850951756 +814,-0.7446044076478997,0,-0.5426184349316627 -0.5039238041431101 -0.34450192529426865 -0.14174205996225253 0.03780102689662673 0.13685928171532816 0.25294317408098604 0.35819256982585024 0.46963310649687723 0.5036843815908078 0.34271471751042565 0.13066814078915656 -0.11388192579449359 -0.2082968249185641 -0.2748515898748757 -0.3924832674720743 -0.40331776409286796 -0.47142031428072023 -0.582860850951756 -0.6819191057704487 +815,-0.8072897095253595,0,-0.5039238041431101 -0.34450192529426865 -0.14174205996225253 0.03780102689662673 0.13685928171532816 0.25294317408098604 0.35819256982585024 0.46963310649687723 0.5036843815908078 0.34271471751042565 0.13066814078915656 -0.11388192579449359 -0.2082968249185641 -0.2748515898748757 -0.3924832674720743 -0.40331776409286796 -0.47142031428072023 -0.582860850951756 -0.6819191057704487 -0.7446044076478997 +816,-0.8676533335554995,0,-0.34450192529426865 -0.14174205996225253 0.03780102689662673 0.13685928171532816 0.25294317408098604 0.35819256982585024 0.46963310649687723 0.5036843815908078 0.34271471751042565 0.13066814078915656 -0.11388192579449359 -0.2082968249185641 -0.2748515898748757 -0.3924832674720743 -0.40331776409286796 -0.47142031428072023 -0.582860850951756 -0.6819191057704487 -0.7446044076478997 -0.8072897095253595 +817,-0.9342080985118111,0,-0.14174205996225253 0.03780102689662673 0.13685928171532816 0.25294317408098604 0.35819256982585024 0.46963310649687723 0.5036843815908078 0.34271471751042565 0.13066814078915656 -0.11388192579449359 -0.2082968249185641 -0.2748515898748757 -0.3924832674720743 -0.40331776409286796 -0.47142031428072023 -0.582860850951756 -0.6819191057704487 -0.7446044076478997 -0.8072897095253595 -0.8676533335554995 +818,-0.9280169575856395,0,0.03780102689662673 0.13685928171532816 0.25294317408098604 0.35819256982585024 0.46963310649687723 0.5036843815908078 0.34271471751042565 0.13066814078915656 -0.11388192579449359 -0.2082968249185641 -0.2748515898748757 -0.3924832674720743 -0.40331776409286796 -0.47142031428072023 -0.582860850951756 -0.6819191057704487 -0.7446044076478997 -0.8072897095253595 -0.8676533335554995 -0.9342080985118111 +819,-0.9048001791125114,0,0.13685928171532816 0.25294317408098604 0.35819256982585024 0.46963310649687723 0.5036843815908078 0.34271471751042565 0.13066814078915656 -0.11388192579449359 -0.2082968249185641 -0.2748515898748757 -0.3924832674720743 -0.40331776409286796 -0.47142031428072023 -0.582860850951756 -0.6819191057704487 -0.7446044076478997 -0.8072897095253595 -0.8676533335554995 -0.9342080985118111 -0.9280169575856395 +820,-0.36462313330431534,0,0.25294317408098604 0.35819256982585024 0.46963310649687723 0.5036843815908078 0.34271471751042565 0.13066814078915656 -0.11388192579449359 -0.2082968249185641 -0.2748515898748757 -0.3924832674720743 -0.40331776409286796 -0.47142031428072023 -0.582860850951756 -0.6819191057704487 -0.7446044076478997 -0.8072897095253595 -0.8676533335554995 -0.9342080985118111 -0.9280169575856395 -0.9048001791125114 +821,0.04863552351742921,0,0.35819256982585024 0.46963310649687723 0.5036843815908078 0.34271471751042565 0.13066814078915656 -0.11388192579449359 -0.2082968249185641 -0.2748515898748757 -0.3924832674720743 -0.40331776409286796 -0.47142031428072023 -0.582860850951756 -0.6819191057704487 -0.7446044076478997 -0.8072897095253595 -0.8676533335554995 -0.9342080985118111 -0.9280169575856395 -0.9048001791125114 -0.36462313330431534 +822,0.06411337583284497,0,0.46963310649687723 0.5036843815908078 0.34271471751042565 0.13066814078915656 -0.11388192579449359 -0.2082968249185641 -0.2748515898748757 -0.3924832674720743 -0.40331776409286796 -0.47142031428072023 -0.582860850951756 -0.6819191057704487 -0.7446044076478997 -0.8072897095253595 -0.8676533335554995 -0.9342080985118111 -0.9280169575856395 -0.9048001791125114 -0.36462313330431534 0.04863552351742921 +823,0.3891482744566906,0,0.5036843815908078 0.34271471751042565 0.13066814078915656 -0.11388192579449359 -0.2082968249185641 -0.2748515898748757 -0.3924832674720743 -0.40331776409286796 -0.47142031428072023 -0.582860850951756 -0.6819191057704487 -0.7446044076478997 -0.8072897095253595 -0.8676533335554995 -0.9342080985118111 -0.9280169575856395 -0.9048001791125114 -0.36462313330431534 0.04863552351742921 0.06411337583284497 +824,0.7219220992382397,0,0.34271471751042565 0.13066814078915656 -0.11388192579449359 -0.2082968249185641 -0.2748515898748757 -0.3924832674720743 -0.40331776409286796 -0.47142031428072023 -0.582860850951756 -0.6819191057704487 -0.7446044076478997 -0.8072897095253595 -0.8676533335554995 -0.9342080985118111 -0.9280169575856395 -0.9048001791125114 -0.36462313330431534 0.04863552351742921 0.06411337583284497 0.3891482744566906 +825,0.9277775350333372,0,0.13066814078915656 -0.11388192579449359 -0.2082968249185641 -0.2748515898748757 -0.3924832674720743 -0.40331776409286796 -0.47142031428072023 -0.582860850951756 -0.6819191057704487 -0.7446044076478997 -0.8072897095253595 -0.8676533335554995 -0.9342080985118111 -0.9280169575856395 -0.9048001791125114 -0.36462313330431534 0.04863552351742921 0.06411337583284497 0.3891482744566906 0.7219220992382397 +826,0.9138474679494621,0,-0.11388192579449359 -0.2082968249185641 -0.2748515898748757 -0.3924832674720743 -0.40331776409286796 -0.47142031428072023 -0.582860850951756 -0.6819191057704487 -0.7446044076478997 -0.8072897095253595 -0.8676533335554995 -0.9342080985118111 -0.9280169575856395 -0.9048001791125114 -0.36462313330431534 0.04863552351742921 0.06411337583284497 0.3891482744566906 0.7219220992382397 0.9277775350333372 +827,0.8302670654461852,0,-0.2082968249185641 -0.2748515898748757 -0.3924832674720743 -0.40331776409286796 -0.47142031428072023 -0.582860850951756 -0.6819191057704487 -0.7446044076478997 -0.8072897095253595 -0.8676533335554995 -0.9342080985118111 -0.9280169575856395 -0.9048001791125114 -0.36462313330431534 0.04863552351742921 0.06411337583284497 0.3891482744566906 0.7219220992382397 0.9277775350333372 0.9138474679494621 +828,0.6708451865973527,0,-0.2748515898748757 -0.3924832674720743 -0.40331776409286796 -0.47142031428072023 -0.582860850951756 -0.6819191057704487 -0.7446044076478997 -0.8072897095253595 -0.8676533335554995 -0.9342080985118111 -0.9280169575856395 -0.9048001791125114 -0.36462313330431534 0.04863552351742921 0.06411337583284497 0.3891482744566906 0.7219220992382397 0.9277775350333372 0.9138474679494621 0.8302670654461852 +829,0.322593509500379,0,-0.3924832674720743 -0.40331776409286796 -0.47142031428072023 -0.582860850951756 -0.6819191057704487 -0.7446044076478997 -0.8072897095253595 -0.8676533335554995 -0.9342080985118111 -0.9280169575856395 -0.9048001791125114 -0.36462313330431534 0.04863552351742921 0.06411337583284497 0.3891482744566906 0.7219220992382397 0.9277775350333372 0.9138474679494621 0.8302670654461852 0.6708451865973527 +830,0.271516596859492,0,-0.40331776409286796 -0.47142031428072023 -0.582860850951756 -0.6819191057704487 -0.7446044076478997 -0.8072897095253595 -0.8676533335554995 -0.9342080985118111 -0.9280169575856395 -0.9048001791125114 -0.36462313330431534 0.04863552351742921 0.06411337583284497 0.3891482744566906 0.7219220992382397 0.9277775350333372 0.9138474679494621 0.8302670654461852 0.6708451865973527 0.322593509500379 +831,0.07649565768517935,0,-0.47142031428072023 -0.582860850951756 -0.6819191057704487 -0.7446044076478997 -0.8072897095253595 -0.8676533335554995 -0.9342080985118111 -0.9280169575856395 -0.9048001791125114 -0.36462313330431534 0.04863552351742921 0.06411337583284497 0.3891482744566906 0.7219220992382397 0.9277775350333372 0.9138474679494621 0.8302670654461852 0.6708451865973527 0.322593509500379 0.271516596859492 +832,-0.06435279838514728,0,-0.582860850951756 -0.6819191057704487 -0.7446044076478997 -0.8072897095253595 -0.8676533335554995 -0.9342080985118111 -0.9280169575856395 -0.9048001791125114 -0.36462313330431534 0.04863552351742921 0.06411337583284497 0.3891482744566906 0.7219220992382397 0.9277775350333372 0.9138474679494621 0.8302670654461852 0.6708451865973527 0.322593509500379 0.271516596859492 0.07649565768517935 +833,-0.19746232829777044,0,-0.6819191057704487 -0.7446044076478997 -0.8072897095253595 -0.8676533335554995 -0.9342080985118111 -0.9280169575856395 -0.9048001791125114 -0.36462313330431534 0.04863552351742921 0.06411337583284497 0.3891482744566906 0.7219220992382397 0.9277775350333372 0.9138474679494621 0.8302670654461852 0.6708451865973527 0.322593509500379 0.271516596859492 0.07649565768517935 -0.06435279838514728 +834,-0.25782595232791045,0,-0.7446044076478997 -0.8072897095253595 -0.8676533335554995 -0.9342080985118111 -0.9280169575856395 -0.9048001791125114 -0.36462313330431534 0.04863552351742921 0.06411337583284497 0.3891482744566906 0.7219220992382397 0.9277775350333372 0.9138474679494621 0.8302670654461852 0.6708451865973527 0.322593509500379 0.271516596859492 0.07649565768517935 -0.06435279838514728 -0.19746232829777044 +835,-0.34450192529426865,0,-0.8072897095253595 -0.8676533335554995 -0.9342080985118111 -0.9280169575856395 -0.9048001791125114 -0.36462313330431534 0.04863552351742921 0.06411337583284497 0.3891482744566906 0.7219220992382397 0.9277775350333372 0.9138474679494621 0.8302670654461852 0.6708451865973527 0.322593509500379 0.271516596859492 0.07649565768517935 -0.06435279838514728 -0.19746232829777044 -0.25782595232791045 +836,-0.445107965344502,0,-0.8676533335554995 -0.9342080985118111 -0.9280169575856395 -0.9048001791125114 -0.36462313330431534 0.04863552351742921 0.06411337583284497 0.3891482744566906 0.7219220992382397 0.9277775350333372 0.9138474679494621 0.8302670654461852 0.6708451865973527 0.322593509500379 0.271516596859492 0.07649565768517935 -0.06435279838514728 -0.19746232829777044 -0.25782595232791045 -0.34450192529426865 +837,-0.6509634011396083,0,-0.9342080985118111 -0.9280169575856395 -0.9048001791125114 -0.36462313330431534 0.04863552351742921 0.06411337583284497 0.3891482744566906 0.7219220992382397 0.9277775350333372 0.9138474679494621 0.8302670654461852 0.6708451865973527 0.322593509500379 0.271516596859492 0.07649565768517935 -0.06435279838514728 -0.19746232829777044 -0.25782595232791045 -0.34450192529426865 -0.445107965344502 +838,-0.7933596424414756,0,-0.9280169575856395 -0.9048001791125114 -0.36462313330431534 0.04863552351742921 0.06411337583284497 0.3891482744566906 0.7219220992382397 0.9277775350333372 0.9138474679494621 0.8302670654461852 0.6708451865973527 0.322593509500379 0.271516596859492 0.07649565768517935 -0.06435279838514728 -0.19746232829777044 -0.25782595232791045 -0.34450192529426865 -0.445107965344502 -0.6509634011396083 +839,-0.7175181660959199,0,-0.9048001791125114 -0.36462313330431534 0.04863552351742921 0.06411337583284497 0.3891482744566906 0.7219220992382397 0.9277775350333372 0.9138474679494621 0.8302670654461852 0.6708451865973527 0.322593509500379 0.271516596859492 0.07649565768517935 -0.06435279838514728 -0.19746232829777044 -0.25782595232791045 -0.34450192529426865 -0.445107965344502 -0.6509634011396083 -0.7933596424414756 +840,-0.6385811192872651,0,-0.36462313330431534 0.04863552351742921 0.06411337583284497 0.3891482744566906 0.7219220992382397 0.9277775350333372 0.9138474679494621 0.8302670654461852 0.6708451865973527 0.322593509500379 0.271516596859492 0.07649565768517935 -0.06435279838514728 -0.19746232829777044 -0.25782595232791045 -0.34450192529426865 -0.445107965344502 -0.6509634011396083 -0.7933596424414756 -0.7175181660959199 +841,-0.5952431328040904,0,0.04863552351742921 0.06411337583284497 0.3891482744566906 0.7219220992382397 0.9277775350333372 0.9138474679494621 0.8302670654461852 0.6708451865973527 0.322593509500379 0.271516596859492 0.07649565768517935 -0.06435279838514728 -0.19746232829777044 -0.25782595232791045 -0.34450192529426865 -0.445107965344502 -0.6509634011396083 -0.7933596424414756 -0.7175181660959199 -0.6385811192872651 +842,-0.7902640719783942,0,0.06411337583284497 0.3891482744566906 0.7219220992382397 0.9277775350333372 0.9138474679494621 0.8302670654461852 0.6708451865973527 0.322593509500379 0.271516596859492 0.07649565768517935 -0.06435279838514728 -0.19746232829777044 -0.25782595232791045 -0.34450192529426865 -0.445107965344502 -0.6509634011396083 -0.7933596424414756 -0.7175181660959199 -0.6385811192872651 -0.5952431328040904 +843,-0.7809773605891412,0,0.3891482744566906 0.7219220992382397 0.9277775350333372 0.9138474679494621 0.8302670654461852 0.6708451865973527 0.322593509500379 0.271516596859492 0.07649565768517935 -0.06435279838514728 -0.19746232829777044 -0.25782595232791045 -0.34450192529426865 -0.445107965344502 -0.6509634011396083 -0.7933596424414756 -0.7175181660959199 -0.6385811192872651 -0.5952431328040904 -0.7902640719783942 +844,-0.6261988374349308,0,0.7219220992382397 0.9277775350333372 0.9138474679494621 0.8302670654461852 0.6708451865973527 0.322593509500379 0.271516596859492 0.07649565768517935 -0.06435279838514728 -0.19746232829777044 -0.25782595232791045 -0.34450192529426865 -0.445107965344502 -0.6509634011396083 -0.7933596424414756 -0.7175181660959199 -0.6385811192872651 -0.5952431328040904 -0.7902640719783942 -0.7809773605891412 +845,0.11209471801065059,0,0.9277775350333372 0.9138474679494621 0.8302670654461852 0.6708451865973527 0.322593509500379 0.271516596859492 0.07649565768517935 -0.06435279838514728 -0.19746232829777044 -0.25782595232791045 -0.34450192529426865 -0.445107965344502 -0.6509634011396083 -0.7933596424414756 -0.7175181660959199 -0.6385811192872651 -0.5952431328040904 -0.7902640719783942 -0.7809773605891412 -0.6261988374349308 +846,0.8705094814662874,0,0.9138474679494621 0.8302670654461852 0.6708451865973527 0.322593509500379 0.271516596859492 0.07649565768517935 -0.06435279838514728 -0.19746232829777044 -0.25782595232791045 -0.34450192529426865 -0.445107965344502 -0.6509634011396083 -0.7933596424414756 -0.7175181660959199 -0.6385811192872651 -0.5952431328040904 -0.7902640719783942 -0.7809773605891412 -0.6261988374349308 0.11209471801065059 +847,1.4942669297777516,0,0.8302670654461852 0.6708451865973527 0.322593509500379 0.271516596859492 0.07649565768517935 -0.06435279838514728 -0.19746232829777044 -0.25782595232791045 -0.34450192529426865 -0.445107965344502 -0.6509634011396083 -0.7933596424414756 -0.7175181660959199 -0.6385811192872651 -0.5952431328040904 -0.7902640719783942 -0.7809773605891412 -0.6261988374349308 0.11209471801065059 0.8705094814662874 +848,1.690835654183596,0,0.6708451865973527 0.322593509500379 0.271516596859492 0.07649565768517935 -0.06435279838514728 -0.19746232829777044 -0.25782595232791045 -0.34450192529426865 -0.445107965344502 -0.6509634011396083 -0.7933596424414756 -0.7175181660959199 -0.6385811192872651 -0.5952431328040904 -0.7902640719783942 -0.7809773605891412 -0.6261988374349308 0.11209471801065059 0.8705094814662874 1.4942669297777516 +849,1.8487097478008967,0,0.322593509500379 0.271516596859492 0.07649565768517935 -0.06435279838514728 -0.19746232829777044 -0.25782595232791045 -0.34450192529426865 -0.445107965344502 -0.6509634011396083 -0.7933596424414756 -0.7175181660959199 -0.6385811192872651 -0.5952431328040904 -0.7902640719783942 -0.7809773605891412 -0.6261988374349308 0.11209471801065059 0.8705094814662874 1.4942669297777516 1.690835654183596 +850,2.0065838414181885,0,0.271516596859492 0.07649565768517935 -0.06435279838514728 -0.19746232829777044 -0.25782595232791045 -0.34450192529426865 -0.445107965344502 -0.6509634011396083 -0.7933596424414756 -0.7175181660959199 -0.6385811192872651 -0.5952431328040904 -0.7902640719783942 -0.7809773605891412 -0.6261988374349308 0.11209471801065059 0.8705094814662874 1.4942669297777516 1.690835654183596 1.8487097478008967 +851,2.0065838414181885,0,0.07649565768517935 -0.06435279838514728 -0.19746232829777044 -0.25782595232791045 -0.34450192529426865 -0.445107965344502 -0.6509634011396083 -0.7933596424414756 -0.7175181660959199 -0.6385811192872651 -0.5952431328040904 -0.7902640719783942 -0.7809773605891412 -0.6261988374349308 0.11209471801065059 0.8705094814662874 1.4942669297777516 1.690835654183596 1.8487097478008967 2.0065838414181885 +852,2.0065838414181885,0,-0.06435279838514728 -0.19746232829777044 -0.25782595232791045 -0.34450192529426865 -0.445107965344502 -0.6509634011396083 -0.7933596424414756 -0.7175181660959199 -0.6385811192872651 -0.5952431328040904 -0.7902640719783942 -0.7809773605891412 -0.6261988374349308 0.11209471801065059 0.8705094814662874 1.4942669297777516 1.690835654183596 1.8487097478008967 2.0065838414181885 2.0065838414181885 +853,2.0065838414181885,0,-0.19746232829777044 -0.25782595232791045 -0.34450192529426865 -0.445107965344502 -0.6509634011396083 -0.7933596424414756 -0.7175181660959199 -0.6385811192872651 -0.5952431328040904 -0.7902640719783942 -0.7809773605891412 -0.6261988374349308 0.11209471801065059 0.8705094814662874 1.4942669297777516 1.690835654183596 1.8487097478008967 2.0065838414181885 2.0065838414181885 2.0065838414181885 +854,2.0065838414181885,0,-0.25782595232791045 -0.34450192529426865 -0.445107965344502 -0.6509634011396083 -0.7933596424414756 -0.7175181660959199 -0.6385811192872651 -0.5952431328040904 -0.7902640719783942 -0.7809773605891412 -0.6261988374349308 0.11209471801065059 0.8705094814662874 1.4942669297777516 1.690835654183596 1.8487097478008967 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 +855,2.0065838414181885,0,-0.34450192529426865 -0.445107965344502 -0.6509634011396083 -0.7933596424414756 -0.7175181660959199 -0.6385811192872651 -0.5952431328040904 -0.7902640719783942 -0.7809773605891412 -0.6261988374349308 0.11209471801065059 0.8705094814662874 1.4942669297777516 1.690835654183596 1.8487097478008967 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 +856,2.0065838414181885,0,-0.445107965344502 -0.6509634011396083 -0.7933596424414756 -0.7175181660959199 -0.6385811192872651 -0.5952431328040904 -0.7902640719783942 -0.7809773605891412 -0.6261988374349308 0.11209471801065059 0.8705094814662874 1.4942669297777516 1.690835654183596 1.8487097478008967 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 +857,2.0065838414181885,0,-0.6509634011396083 -0.7933596424414756 -0.7175181660959199 -0.6385811192872651 -0.5952431328040904 -0.7902640719783942 -0.7809773605891412 -0.6261988374349308 0.11209471801065059 0.8705094814662874 1.4942669297777516 1.690835654183596 1.8487097478008967 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 +858,2.0065838414181885,0,-0.7933596424414756 -0.7175181660959199 -0.6385811192872651 -0.5952431328040904 -0.7902640719783942 -0.7809773605891412 -0.6261988374349308 0.11209471801065059 0.8705094814662874 1.4942669297777516 1.690835654183596 1.8487097478008967 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 +859,0.44641632802374914,0,-0.7175181660959199 -0.6385811192872651 -0.5952431328040904 -0.7902640719783942 -0.7809773605891412 -0.6261988374349308 0.11209471801065059 0.8705094814662874 1.4942669297777516 1.690835654183596 1.8487097478008967 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 +860,0.44641632802374914,0,-0.6385811192872651 -0.5952431328040904 -0.7902640719783942 -0.7809773605891412 -0.6261988374349308 0.11209471801065059 0.8705094814662874 1.4942669297777516 1.690835654183596 1.8487097478008967 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 0.44641632802374914 +861,0.44641632802374914,0,-0.5952431328040904 -0.7902640719783942 -0.7809773605891412 -0.6261988374349308 0.11209471801065059 0.8705094814662874 1.4942669297777516 1.690835654183596 1.8487097478008967 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 0.44641632802374914 0.44641632802374914 +862,0.44641632802374914,0,-0.7902640719783942 -0.7809773605891412 -0.6261988374349308 0.11209471801065059 0.8705094814662874 1.4942669297777516 1.690835654183596 1.8487097478008967 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 0.44641632802374914 0.44641632802374914 0.44641632802374914 +863,0.44641632802374914,0,-0.7809773605891412 -0.6261988374349308 0.11209471801065059 0.8705094814662874 1.4942669297777516 1.690835654183596 1.8487097478008967 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 0.44641632802374914 0.44641632802374914 0.44641632802374914 0.44641632802374914 +864,0.44641632802374914,0,-0.6261988374349308 0.11209471801065059 0.8705094814662874 1.4942669297777516 1.690835654183596 1.8487097478008967 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 0.44641632802374914 0.44641632802374914 0.44641632802374914 0.44641632802374914 0.44641632802374914 +865,0.3953394153828534,0,0.11209471801065059 0.8705094814662874 1.4942669297777516 1.690835654183596 1.8487097478008967 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 0.44641632802374914 0.44641632802374914 0.44641632802374914 0.44641632802374914 0.44641632802374914 0.44641632802374914 +866,0.3953394153828534,0,0.8705094814662874 1.4942669297777516 1.690835654183596 1.8487097478008967 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 0.44641632802374914 0.44641632802374914 0.44641632802374914 0.44641632802374914 0.44641632802374914 0.44641632802374914 0.3953394153828534 +867,0.3953394153828534,0,1.4942669297777516 1.690835654183596 1.8487097478008967 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 0.44641632802374914 0.44641632802374914 0.44641632802374914 0.44641632802374914 0.44641632802374914 0.44641632802374914 0.3953394153828534 0.3953394153828534 +868,0.3953394153828534,0,1.690835654183596 1.8487097478008967 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 0.44641632802374914 0.44641632802374914 0.44641632802374914 0.44641632802374914 0.44641632802374914 0.44641632802374914 0.3953394153828534 0.3953394153828534 0.3953394153828534 +869,0.9618288101272677,0,1.8487097478008967 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 0.44641632802374914 0.44641632802374914 0.44641632802374914 0.44641632802374914 0.44641632802374914 0.44641632802374914 0.3953394153828534 0.3953394153828534 0.3953394153828534 0.3953394153828534 +870,1.5283182048716821,0,2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 0.44641632802374914 0.44641632802374914 0.44641632802374914 0.44641632802374914 0.44641632802374914 0.44641632802374914 0.3953394153828534 0.3953394153828534 0.3953394153828534 0.3953394153828534 0.9618288101272677 +871,2.0948075996160878,0,2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 0.44641632802374914 0.44641632802374914 0.44641632802374914 0.44641632802374914 0.44641632802374914 0.44641632802374914 0.3953394153828534 0.3953394153828534 0.3953394153828534 0.3953394153828534 0.9618288101272677 1.5283182048716821 +872,2.34709659235745,0,2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 0.44641632802374914 0.44641632802374914 0.44641632802374914 0.44641632802374914 0.44641632802374914 0.44641632802374914 0.3953394153828534 0.3953394153828534 0.3953394153828534 0.3953394153828534 0.9618288101272677 1.5283182048716821 2.0948075996160878 +873,2.2433949818441263,0,2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 0.44641632802374914 0.44641632802374914 0.44641632802374914 0.44641632802374914 0.44641632802374914 0.44641632802374914 0.3953394153828534 0.3953394153828534 0.3953394153828534 0.3953394153828534 0.9618288101272677 1.5283182048716821 2.0948075996160878 2.34709659235745 +874,2.1907702839716987,0,2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 0.44641632802374914 0.44641632802374914 0.44641632802374914 0.44641632802374914 0.44641632802374914 0.44641632802374914 0.3953394153828534 0.3953394153828534 0.3953394153828534 0.3953394153828534 0.9618288101272677 1.5283182048716821 2.0948075996160878 2.34709659235745 2.2433949818441263 +875,1.8951433047471529,0,2.0065838414181885 2.0065838414181885 2.0065838414181885 2.0065838414181885 0.44641632802374914 0.44641632802374914 0.44641632802374914 0.44641632802374914 0.44641632802374914 0.44641632802374914 0.3953394153828534 0.3953394153828534 0.3953394153828534 0.3953394153828534 0.9618288101272677 1.5283182048716821 2.0948075996160878 2.34709659235745 2.2433949818441263 2.1907702839716987 +876,1.8038239760861725,0,2.0065838414181885 2.0065838414181885 2.0065838414181885 0.44641632802374914 0.44641632802374914 0.44641632802374914 0.44641632802374914 0.44641632802374914 0.44641632802374914 0.3953394153828534 0.3953394153828534 0.3953394153828534 0.3953394153828534 0.9618288101272677 1.5283182048716821 2.0948075996160878 2.34709659235745 2.2433949818441263 2.1907702839716987 1.8951433047471529 +877,1.3332972656973694,0,2.0065838414181885 2.0065838414181885 0.44641632802374914 0.44641632802374914 0.44641632802374914 0.44641632802374914 0.44641632802374914 0.44641632802374914 0.3953394153828534 0.3953394153828534 0.3953394153828534 0.3953394153828534 0.9618288101272677 1.5283182048716821 2.0948075996160878 2.34709659235745 2.2433949818441263 2.1907702839716987 1.8951433047471529 1.8038239760861725 +878,1.0655304206405911,0,2.0065838414181885 0.44641632802374914 0.44641632802374914 0.44641632802374914 0.44641632802374914 0.44641632802374914 0.44641632802374914 0.3953394153828534 0.3953394153828534 0.3953394153828534 0.3953394153828534 0.9618288101272677 1.5283182048716821 2.0948075996160878 2.34709659235745 2.2433949818441263 2.1907702839716987 1.8951433047471529 1.8038239760861725 1.3332972656973694 +879,0.8287192802146446,0,0.44641632802374914 0.44641632802374914 0.44641632802374914 0.44641632802374914 0.44641632802374914 0.44641632802374914 0.3953394153828534 0.3953394153828534 0.3953394153828534 0.3953394153828534 0.9618288101272677 1.5283182048716821 2.0948075996160878 2.34709659235745 2.2433949818441263 2.1907702839716987 1.8951433047471529 1.8038239760861725 1.3332972656973694 1.0655304206405911 +880,0.6213160591880064,0,0.44641632802374914 0.44641632802374914 0.44641632802374914 0.44641632802374914 0.44641632802374914 0.3953394153828534 0.3953394153828534 0.3953394153828534 0.3953394153828534 0.9618288101272677 1.5283182048716821 2.0948075996160878 2.34709659235745 2.2433949818441263 2.1907702839716987 1.8951433047471529 1.8038239760861725 1.3332972656973694 1.0655304206405911 0.8287192802146446 +881,0.5485701533055232,0,0.44641632802374914 0.44641632802374914 0.44641632802374914 0.44641632802374914 0.3953394153828534 0.3953394153828534 0.3953394153828534 0.3953394153828534 0.9618288101272677 1.5283182048716821 2.0948075996160878 2.34709659235745 2.2433949818441263 2.1907702839716987 1.8951433047471529 1.8038239760861725 1.3332972656973694 1.0655304206405911 0.8287192802146446 0.6213160591880064 +882,0.3148545833426667,0,0.44641632802374914 0.44641632802374914 0.44641632802374914 0.3953394153828534 0.3953394153828534 0.3953394153828534 0.3953394153828534 0.9618288101272677 1.5283182048716821 2.0948075996160878 2.34709659235745 2.2433949818441263 2.1907702839716987 1.8951433047471529 1.8038239760861725 1.3332972656973694 1.0655304206405911 0.8287192802146446 0.6213160591880064 0.5485701533055232 +883,0.11983364416836288,0,0.44641632802374914 0.44641632802374914 0.3953394153828534 0.3953394153828534 0.3953394153828534 0.3953394153828534 0.9618288101272677 1.5283182048716821 2.0948075996160878 2.34709659235745 2.2433949818441263 2.1907702839716987 1.8951433047471529 1.8038239760861725 1.3332972656973694 1.0655304206405911 0.8287192802146446 0.6213160591880064 0.5485701533055232 0.3148545833426667 +884,-0.017919241438882367,0,0.44641632802374914 0.3953394153828534 0.3953394153828534 0.3953394153828534 0.3953394153828534 0.9618288101272677 1.5283182048716821 2.0948075996160878 2.34709659235745 2.2433949818441263 2.1907702839716987 1.8951433047471529 1.8038239760861725 1.3332972656973694 1.0655304206405911 0.8287192802146446 0.6213160591880064 0.5485701533055232 0.3148545833426667 0.11983364416836288 +885,-0.14019427473071183,0,0.3953394153828534 0.3953394153828534 0.3953394153828534 0.3953394153828534 0.9618288101272677 1.5283182048716821 2.0948075996160878 2.34709659235745 2.2433949818441263 2.1907702839716987 1.8951433047471529 1.8038239760861725 1.3332972656973694 1.0655304206405911 0.8287192802146446 0.6213160591880064 0.5485701533055232 0.3148545833426667 0.11983364416836288 -0.017919241438882367 +886,-0.13400313380454026,0,0.3953394153828534 0.3953394153828534 0.3953394153828534 0.9618288101272677 1.5283182048716821 2.0948075996160878 2.34709659235745 2.2433949818441263 2.1907702839716987 1.8951433047471529 1.8038239760861725 1.3332972656973694 1.0655304206405911 0.8287192802146446 0.6213160591880064 0.5485701533055232 0.3148545833426667 0.11983364416836288 -0.017919241438882367 -0.14019427473071183 +887,-0.24389588524403535,0,0.3953394153828534 0.3953394153828534 0.9618288101272677 1.5283182048716821 2.0948075996160878 2.34709659235745 2.2433949818441263 2.1907702839716987 1.8951433047471529 1.8038239760861725 1.3332972656973694 1.0655304206405911 0.8287192802146446 0.6213160591880064 0.5485701533055232 0.3148545833426667 0.11983364416836288 -0.017919241438882367 -0.14019427473071183 -0.13400313380454026 +888,-0.3197373615895999,0,0.3953394153828534 0.9618288101272677 1.5283182048716821 2.0948075996160878 2.34709659235745 2.2433949818441263 2.1907702839716987 1.8951433047471529 1.8038239760861725 1.3332972656973694 1.0655304206405911 0.8287192802146446 0.6213160591880064 0.5485701533055232 0.3148545833426667 0.11983364416836288 -0.017919241438882367 -0.14019427473071183 -0.13400313380454026 -0.24389588524403535 +889,-0.40331776409286796,0,0.9618288101272677 1.5283182048716821 2.0948075996160878 2.34709659235745 2.2433949818441263 2.1907702839716987 1.8951433047471529 1.8038239760861725 1.3332972656973694 1.0655304206405911 0.8287192802146446 0.6213160591880064 0.5485701533055232 0.3148545833426667 0.11983364416836288 -0.017919241438882367 -0.14019427473071183 -0.13400313380454026 -0.24389588524403535 -0.3197373615895999 +890,-0.4265345425660048,0,1.5283182048716821 2.0948075996160878 2.34709659235745 2.2433949818441263 2.1907702839716987 1.8951433047471529 1.8038239760861725 1.3332972656973694 1.0655304206405911 0.8287192802146446 0.6213160591880064 0.5485701533055232 0.3148545833426667 0.11983364416836288 -0.017919241438882367 -0.14019427473071183 -0.13400313380454026 -0.24389588524403535 -0.3197373615895999 -0.40331776409286796 +891,-0.3383107843680971,0,2.0948075996160878 2.34709659235745 2.2433949818441263 2.1907702839716987 1.8951433047471529 1.8038239760861725 1.3332972656973694 1.0655304206405911 0.8287192802146446 0.6213160591880064 0.5485701533055232 0.3148545833426667 0.11983364416836288 -0.017919241438882367 -0.14019427473071183 -0.13400313380454026 -0.24389588524403535 -0.3197373615895999 -0.40331776409286796 -0.4265345425660048 +892,0.2173441137555148,0,2.34709659235745 2.2433949818441263 2.1907702839716987 1.8951433047471529 1.8038239760861725 1.3332972656973694 1.0655304206405911 0.8287192802146446 0.6213160591880064 0.5485701533055232 0.3148545833426667 0.11983364416836288 -0.017919241438882367 -0.14019427473071183 -0.13400313380454026 -0.24389588524403535 -0.3197373615895999 -0.40331776409286796 -0.4265345425660048 -0.3383107843680971 +893,0.6027426364095004,0,2.2433949818441263 2.1907702839716987 1.8951433047471529 1.8038239760861725 1.3332972656973694 1.0655304206405911 0.8287192802146446 0.6213160591880064 0.5485701533055232 0.3148545833426667 0.11983364416836288 -0.017919241438882367 -0.14019427473071183 -0.13400313380454026 -0.24389588524403535 -0.3197373615895999 -0.40331776409286796 -0.4265345425660048 -0.3383107843680971 0.2173441137555148 +894,0.950994313506474,0,2.1907702839716987 1.8951433047471529 1.8038239760861725 1.3332972656973694 1.0655304206405911 0.8287192802146446 0.6213160591880064 0.5485701533055232 0.3148545833426667 0.11983364416836288 -0.017919241438882367 -0.14019427473071183 -0.13400313380454026 -0.24389588524403535 -0.3197373615895999 -0.40331776409286796 -0.4265345425660048 -0.3383107843680971 0.2173441137555148 0.6027426364095004 +895,1.2017355210162957,0,1.8951433047471529 1.8038239760861725 1.3332972656973694 1.0655304206405911 0.8287192802146446 0.6213160591880064 0.5485701533055232 0.3148545833426667 0.11983364416836288 -0.017919241438882367 -0.14019427473071183 -0.13400313380454026 -0.24389588524403535 -0.3197373615895999 -0.40331776409286796 -0.4265345425660048 -0.3383107843680971 0.2173441137555148 0.6027426364095004 0.950994313506474 +896,1.3472273327812534,0,1.8038239760861725 1.3332972656973694 1.0655304206405911 0.8287192802146446 0.6213160591880064 0.5485701533055232 0.3148545833426667 0.11983364416836288 -0.017919241438882367 -0.14019427473071183 -0.13400313380454026 -0.24389588524403535 -0.3197373615895999 -0.40331776409286796 -0.4265345425660048 -0.3383107843680971 0.2173441137555148 0.6027426364095004 0.950994313506474 1.2017355210162957 +897,1.348775118012794,0,1.3332972656973694 1.0655304206405911 0.8287192802146446 0.6213160591880064 0.5485701533055232 0.3148545833426667 0.11983364416836288 -0.017919241438882367 -0.14019427473071183 -0.13400313380454026 -0.24389588524403535 -0.3197373615895999 -0.40331776409286796 -0.4265345425660048 -0.3383107843680971 0.2173441137555148 0.6027426364095004 0.950994313506474 1.2017355210162957 1.3472273327812534 +898,1.3209149838450351,0,1.0655304206405911 0.8287192802146446 0.6213160591880064 0.5485701533055232 0.3148545833426667 0.11983364416836288 -0.017919241438882367 -0.14019427473071183 -0.13400313380454026 -0.24389588524403535 -0.3197373615895999 -0.40331776409286796 -0.4265345425660048 -0.3383107843680971 0.2173441137555148 0.6027426364095004 0.950994313506474 1.2017355210162957 1.3472273327812534 1.348775118012794 +899,1.1676842459223653,0,0.8287192802146446 0.6213160591880064 0.5485701533055232 0.3148545833426667 0.11983364416836288 -0.017919241438882367 -0.14019427473071183 -0.13400313380454026 -0.24389588524403535 -0.3197373615895999 -0.40331776409286796 -0.4265345425660048 -0.3383107843680971 0.2173441137555148 0.6027426364095004 0.950994313506474 1.2017355210162957 1.3472273327812534 1.348775118012794 1.3209149838450351 +900,0.8720572666978281,0,0.6213160591880064 0.5485701533055232 0.3148545833426667 0.11983364416836288 -0.017919241438882367 -0.14019427473071183 -0.13400313380454026 -0.24389588524403535 -0.3197373615895999 -0.40331776409286796 -0.4265345425660048 -0.3383107843680971 0.2173441137555148 0.6027426364095004 0.950994313506474 1.2017355210162957 1.3472273327812534 1.348775118012794 1.3209149838450351 1.1676842459223653 +901,0.5083277372854299,0,0.5485701533055232 0.3148545833426667 0.11983364416836288 -0.017919241438882367 -0.14019427473071183 -0.13400313380454026 -0.24389588524403535 -0.3197373615895999 -0.40331776409286796 -0.4265345425660048 -0.3383107843680971 0.2173441137555148 0.6027426364095004 0.950994313506474 1.2017355210162957 1.3472273327812534 1.348775118012794 1.3209149838450351 1.1676842459223653 0.8720572666978281 +902,0.3256890799634604,0,0.3148545833426667 0.11983364416836288 -0.017919241438882367 -0.14019427473071183 -0.13400313380454026 -0.24389588524403535 -0.3197373615895999 -0.40331776409286796 -0.4265345425660048 -0.3383107843680971 0.2173441137555148 0.6027426364095004 0.950994313506474 1.2017355210162957 1.3472273327812534 1.348775118012794 1.3209149838450351 1.1676842459223653 0.8720572666978281 0.5083277372854299 +903,0.2142485432924334,0,0.11983364416836288 -0.017919241438882367 -0.14019427473071183 -0.13400313380454026 -0.24389588524403535 -0.3197373615895999 -0.40331776409286796 -0.4265345425660048 -0.3383107843680971 0.2173441137555148 0.6027426364095004 0.950994313506474 1.2017355210162957 1.3472273327812534 1.348775118012794 1.3209149838450351 1.1676842459223653 0.8720572666978281 0.5083277372854299 0.3256890799634604 +904,0.06875673152747587,0,-0.017919241438882367 -0.14019427473071183 -0.13400313380454026 -0.24389588524403535 -0.3197373615895999 -0.40331776409286796 -0.4265345425660048 -0.3383107843680971 0.2173441137555148 0.6027426364095004 0.950994313506474 1.2017355210162957 1.3472273327812534 1.348775118012794 1.3209149838450351 1.1676842459223653 0.8720572666978281 0.5083277372854299 0.3256890799634604 0.2142485432924334 +905,0.006845322265786387,0,-0.14019427473071183 -0.13400313380454026 -0.24389588524403535 -0.3197373615895999 -0.40331776409286796 -0.4265345425660048 -0.3383107843680971 0.2173441137555148 0.6027426364095004 0.950994313506474 1.2017355210162957 1.3472273327812534 1.348775118012794 1.3209149838450351 1.1676842459223653 0.8720572666978281 0.5083277372854299 0.3256890799634604 0.2142485432924334 0.06875673152747587 +906,-0.12471642241528727,0,-0.13400313380454026 -0.24389588524403535 -0.3197373615895999 -0.40331776409286796 -0.4265345425660048 -0.3383107843680971 0.2173441137555148 0.6027426364095004 0.950994313506474 1.2017355210162957 1.3472273327812534 1.348775118012794 1.3209149838450351 1.1676842459223653 0.8720572666978281 0.5083277372854299 0.3256890799634604 0.2142485432924334 0.06875673152747587 0.006845322265786387 +907,-0.14948098611996483,0,-0.24389588524403535 -0.3197373615895999 -0.40331776409286796 -0.4265345425660048 -0.3383107843680971 0.2173441137555148 0.6027426364095004 0.950994313506474 1.2017355210162957 1.3472273327812534 1.348775118012794 1.3209149838450351 1.1676842459223653 0.8720572666978281 0.5083277372854299 0.3256890799634604 0.2142485432924334 0.06875673152747587 0.006845322265786387 -0.12471642241528727 +908,-0.17734112028772378,0,-0.3197373615895999 -0.40331776409286796 -0.4265345425660048 -0.3383107843680971 0.2173441137555148 0.6027426364095004 0.950994313506474 1.2017355210162957 1.3472273327812534 1.348775118012794 1.3209149838450351 1.1676842459223653 0.8720572666978281 0.5083277372854299 0.3256890799634604 0.2142485432924334 0.06875673152747587 0.006845322265786387 -0.12471642241528727 -0.14948098611996483 +909,-0.2516348114017388,0,-0.40331776409286796 -0.4265345425660048 -0.3383107843680971 0.2173441137555148 0.6027426364095004 0.950994313506474 1.2017355210162957 1.3472273327812534 1.348775118012794 1.3209149838450351 1.1676842459223653 0.8720572666978281 0.5083277372854299 0.3256890799634604 0.2142485432924334 0.06875673152747587 0.006845322265786387 -0.12471642241528727 -0.14948098611996483 -0.17734112028772378 +910,-0.28413830126412865,0,-0.4265345425660048 -0.3383107843680971 0.2173441137555148 0.6027426364095004 0.950994313506474 1.2017355210162957 1.3472273327812534 1.348775118012794 1.3209149838450351 1.1676842459223653 0.8720572666978281 0.5083277372854299 0.3256890799634604 0.2142485432924334 0.06875673152747587 0.006845322265786387 -0.12471642241528727 -0.14948098611996483 -0.17734112028772378 -0.2516348114017388 +911,-0.34604971052580935,0,-0.3383107843680971 0.2173441137555148 0.6027426364095004 0.950994313506474 1.2017355210162957 1.3472273327812534 1.348775118012794 1.3209149838450351 1.1676842459223653 0.8720572666978281 0.5083277372854299 0.3256890799634604 0.2142485432924334 0.06875673152747587 0.006845322265786387 -0.12471642241528727 -0.14948098611996483 -0.17734112028772378 -0.2516348114017388 -0.28413830126412865 +912,-0.35997977760969324,0,0.2173441137555148 0.6027426364095004 0.950994313506474 1.2017355210162957 1.3472273327812534 1.348775118012794 1.3209149838450351 1.1676842459223653 0.8720572666978281 0.5083277372854299 0.3256890799634604 0.2142485432924334 0.06875673152747587 0.006845322265786387 -0.12471642241528727 -0.14948098611996483 -0.17734112028772378 -0.2516348114017388 -0.28413830126412865 -0.34604971052580935 +913,-0.3197373615895999,0,0.6027426364095004 0.950994313506474 1.2017355210162957 1.3472273327812534 1.348775118012794 1.3209149838450351 1.1676842459223653 0.8720572666978281 0.5083277372854299 0.3256890799634604 0.2142485432924334 0.06875673152747587 0.006845322265786387 -0.12471642241528727 -0.14948098611996483 -0.17734112028772378 -0.2516348114017388 -0.28413830126412865 -0.34604971052580935 -0.35997977760969324 +914,-0.34604971052580935,0,0.950994313506474 1.2017355210162957 1.3472273327812534 1.348775118012794 1.3209149838450351 1.1676842459223653 0.8720572666978281 0.5083277372854299 0.3256890799634604 0.2142485432924334 0.06875673152747587 0.006845322265786387 -0.12471642241528727 -0.14948098611996483 -0.17734112028772378 -0.2516348114017388 -0.28413830126412865 -0.34604971052580935 -0.35997977760969324 -0.3197373615895999 +915,-0.315094005894969,0,1.2017355210162957 1.3472273327812534 1.348775118012794 1.3209149838450351 1.1676842459223653 0.8720572666978281 0.5083277372854299 0.3256890799634604 0.2142485432924334 0.06875673152747587 0.006845322265786387 -0.12471642241528727 -0.14948098611996483 -0.17734112028772378 -0.2516348114017388 -0.28413830126412865 -0.34604971052580935 -0.35997977760969324 -0.3197373615895999 -0.34604971052580935 +916,-0.3305718582103936,0,1.3472273327812534 1.348775118012794 1.3209149838450351 1.1676842459223653 0.8720572666978281 0.5083277372854299 0.3256890799634604 0.2142485432924334 0.06875673152747587 0.006845322265786387 -0.12471642241528727 -0.14948098611996483 -0.17734112028772378 -0.2516348114017388 -0.28413830126412865 -0.34604971052580935 -0.35997977760969324 -0.3197373615895999 -0.34604971052580935 -0.315094005894969 +917,-0.22687024769707007,0,1.348775118012794 1.3209149838450351 1.1676842459223653 0.8720572666978281 0.5083277372854299 0.3256890799634604 0.2142485432924334 0.06875673152747587 0.006845322265786387 -0.12471642241528727 -0.14948098611996483 -0.17734112028772378 -0.2516348114017388 -0.28413830126412865 -0.34604971052580935 -0.35997977760969324 -0.3197373615895999 -0.34604971052580935 -0.315094005894969 -0.3305718582103936 +918,0.04244438259125762,0,1.3209149838450351 1.1676842459223653 0.8720572666978281 0.5083277372854299 0.3256890799634604 0.2142485432924334 0.06875673152747587 0.006845322265786387 -0.12471642241528727 -0.14948098611996483 -0.17734112028772378 -0.2516348114017388 -0.28413830126412865 -0.34604971052580935 -0.35997977760969324 -0.3197373615895999 -0.34604971052580935 -0.315094005894969 -0.3305718582103936 -0.22687024769707007 +919,0.17864948296696218,0,1.1676842459223653 0.8720572666978281 0.5083277372854299 0.3256890799634604 0.2142485432924334 0.06875673152747587 0.006845322265786387 -0.12471642241528727 -0.14948098611996483 -0.17734112028772378 -0.2516348114017388 -0.28413830126412865 -0.34604971052580935 -0.35997977760969324 -0.3197373615895999 -0.34604971052580935 -0.315094005894969 -0.3305718582103936 -0.22687024769707007 0.04244438259125762 +920,0.34426250274196635,0,0.8720572666978281 0.5083277372854299 0.3256890799634604 0.2142485432924334 0.06875673152747587 0.006845322265786387 -0.12471642241528727 -0.14948098611996483 -0.17734112028772378 -0.2516348114017388 -0.28413830126412865 -0.34604971052580935 -0.35997977760969324 -0.3197373615895999 -0.34604971052580935 -0.315094005894969 -0.3305718582103936 -0.22687024769707007 0.04244438259125762 0.17864948296696218 +921,0.49130209973846456,0,0.5083277372854299 0.3256890799634604 0.2142485432924334 0.06875673152747587 0.006845322265786387 -0.12471642241528727 -0.14948098611996483 -0.17734112028772378 -0.2516348114017388 -0.28413830126412865 -0.34604971052580935 -0.35997977760969324 -0.3197373615895999 -0.34604971052580935 -0.315094005894969 -0.3305718582103936 -0.22687024769707007 0.04244438259125762 0.17864948296696218 0.34426250274196635 +922,0.5779780727048228,0,0.3256890799634604 0.2142485432924334 0.06875673152747587 0.006845322265786387 -0.12471642241528727 -0.14948098611996483 -0.17734112028772378 -0.2516348114017388 -0.28413830126412865 -0.34604971052580935 -0.35997977760969324 -0.3197373615895999 -0.34604971052580935 -0.315094005894969 -0.3305718582103936 -0.22687024769707007 0.04244438259125762 0.17864948296696218 0.34426250274196635 0.49130209973846456 +923,0.4959454554330955,0,0.2142485432924334 0.06875673152747587 0.006845322265786387 -0.12471642241528727 -0.14948098611996483 -0.17734112028772378 -0.2516348114017388 -0.28413830126412865 -0.34604971052580935 -0.35997977760969324 -0.3197373615895999 -0.34604971052580935 -0.315094005894969 -0.3305718582103936 -0.22687024769707007 0.04244438259125762 0.17864948296696218 0.34426250274196635 0.49130209973846456 0.5779780727048228 +924,0.35200142889967867,0,0.06875673152747587 0.006845322265786387 -0.12471642241528727 -0.14948098611996483 -0.17734112028772378 -0.2516348114017388 -0.28413830126412865 -0.34604971052580935 -0.35997977760969324 -0.3197373615895999 -0.34604971052580935 -0.315094005894969 -0.3305718582103936 -0.22687024769707007 0.04244438259125762 0.17864948296696218 0.34426250274196635 0.49130209973846456 0.5779780727048228 0.4959454554330955 +925,0.034705456433545334,0,0.006845322265786387 -0.12471642241528727 -0.14948098611996483 -0.17734112028772378 -0.2516348114017388 -0.28413830126412865 -0.34604971052580935 -0.35997977760969324 -0.3197373615895999 -0.34604971052580935 -0.315094005894969 -0.3305718582103936 -0.22687024769707007 0.04244438259125762 0.17864948296696218 0.34426250274196635 0.49130209973846456 0.5779780727048228 0.4959454554330955 0.35200142889967867 +926,-0.14019427473071183,0,-0.12471642241528727 -0.14948098611996483 -0.17734112028772378 -0.2516348114017388 -0.28413830126412865 -0.34604971052580935 -0.35997977760969324 -0.3197373615895999 -0.34604971052580935 -0.315094005894969 -0.3305718582103936 -0.22687024769707007 0.04244438259125762 0.17864948296696218 0.34426250274196635 0.49130209973846456 0.5779780727048228 0.4959454554330955 0.35200142889967867 0.034705456433545334 +927,-0.1665066236669301,0,-0.14948098611996483 -0.17734112028772378 -0.2516348114017388 -0.28413830126412865 -0.34604971052580935 -0.35997977760969324 -0.3197373615895999 -0.34604971052580935 -0.315094005894969 -0.3305718582103936 -0.22687024769707007 0.04244438259125762 0.17864948296696218 0.34426250274196635 0.49130209973846456 0.5779780727048228 0.4959454554330955 0.35200142889967867 0.034705456433545334 -0.14019427473071183 +928,-0.273303804643335,0,-0.17734112028772378 -0.2516348114017388 -0.28413830126412865 -0.34604971052580935 -0.35997977760969324 -0.3197373615895999 -0.34604971052580935 -0.315094005894969 -0.3305718582103936 -0.22687024769707007 0.04244438259125762 0.17864948296696218 0.34426250274196635 0.49130209973846456 0.5779780727048228 0.4959454554330955 0.35200142889967867 0.034705456433545334 -0.14019427473071183 -0.1665066236669301 +929,-0.3181895763580504,0,-0.2516348114017388 -0.28413830126412865 -0.34604971052580935 -0.35997977760969324 -0.3197373615895999 -0.34604971052580935 -0.315094005894969 -0.3305718582103936 -0.22687024769707007 0.04244438259125762 0.17864948296696218 0.34426250274196635 0.49130209973846456 0.5779780727048228 0.4959454554330955 0.35200142889967867 0.034705456433545334 -0.14019427473071183 -0.1665066236669301 -0.273303804643335 +930,-0.4110566902505802,0,-0.28413830126412865 -0.34604971052580935 -0.35997977760969324 -0.3197373615895999 -0.34604971052580935 -0.315094005894969 -0.3305718582103936 -0.22687024769707007 0.04244438259125762 0.17864948296696218 0.34426250274196635 0.49130209973846456 0.5779780727048228 0.4959454554330955 0.35200142889967867 0.034705456433545334 -0.14019427473071183 -0.1665066236669301 -0.273303804643335 -0.3181895763580504 +931,-0.375457629925109,0,-0.34604971052580935 -0.35997977760969324 -0.3197373615895999 -0.34604971052580935 -0.315094005894969 -0.3305718582103936 -0.22687024769707007 0.04244438259125762 0.17864948296696218 0.34426250274196635 0.49130209973846456 0.5779780727048228 0.4959454554330955 0.35200142889967867 0.034705456433545334 -0.14019427473071183 -0.1665066236669301 -0.273303804643335 -0.3181895763580504 -0.4110566902505802 +932,-0.3305718582103936,0,-0.35997977760969324 -0.3197373615895999 -0.34604971052580935 -0.315094005894969 -0.3305718582103936 -0.22687024769707007 0.04244438259125762 0.17864948296696218 0.34426250274196635 0.49130209973846456 0.5779780727048228 0.4959454554330955 0.35200142889967867 0.034705456433545334 -0.14019427473071183 -0.1665066236669301 -0.273303804643335 -0.3181895763580504 -0.4110566902505802 -0.375457629925109 +933,-0.3228329320526813,0,-0.3197373615895999 -0.34604971052580935 -0.315094005894969 -0.3305718582103936 -0.22687024769707007 0.04244438259125762 0.17864948296696218 0.34426250274196635 0.49130209973846456 0.5779780727048228 0.4959454554330955 0.35200142889967867 0.034705456433545334 -0.14019427473071183 -0.1665066236669301 -0.273303804643335 -0.3181895763580504 -0.4110566902505802 -0.375457629925109 -0.3305718582103936 +934,-0.30116393881109393,0,-0.34604971052580935 -0.315094005894969 -0.3305718582103936 -0.22687024769707007 0.04244438259125762 0.17864948296696218 0.34426250274196635 0.49130209973846456 0.5779780727048228 0.4959454554330955 0.35200142889967867 0.034705456433545334 -0.14019427473071183 -0.1665066236669301 -0.273303804643335 -0.3181895763580504 -0.4110566902505802 -0.375457629925109 -0.3305718582103936 -0.3228329320526813 +935,-0.29342501265338167,0,-0.315094005894969 -0.3305718582103936 -0.22687024769707007 0.04244438259125762 0.17864948296696218 0.34426250274196635 0.49130209973846456 0.5779780727048228 0.4959454554330955 0.35200142889967867 0.034705456433545334 -0.14019427473071183 -0.1665066236669301 -0.273303804643335 -0.3181895763580504 -0.4110566902505802 -0.375457629925109 -0.3305718582103936 -0.3228329320526813 -0.30116393881109393 +936,-0.29652058311646307,0,-0.3305718582103936 -0.22687024769707007 0.04244438259125762 0.17864948296696218 0.34426250274196635 0.49130209973846456 0.5779780727048228 0.4959454554330955 0.35200142889967867 0.034705456433545334 -0.14019427473071183 -0.1665066236669301 -0.273303804643335 -0.3181895763580504 -0.4110566902505802 -0.375457629925109 -0.3305718582103936 -0.3228329320526813 -0.30116393881109393 -0.29342501265338167 +937,-0.29497279788492237,0,-0.22687024769707007 0.04244438259125762 0.17864948296696218 0.34426250274196635 0.49130209973846456 0.5779780727048228 0.4959454554330955 0.35200142889967867 0.034705456433545334 -0.14019427473071183 -0.1665066236669301 -0.273303804643335 -0.3181895763580504 -0.4110566902505802 -0.375457629925109 -0.3305718582103936 -0.3228329320526813 -0.30116393881109393 -0.29342501265338167 -0.29652058311646307 +938,-0.3553364219150623,0,0.04244438259125762 0.17864948296696218 0.34426250274196635 0.49130209973846456 0.5779780727048228 0.4959454554330955 0.35200142889967867 0.034705456433545334 -0.14019427473071183 -0.1665066236669301 -0.273303804643335 -0.3181895763580504 -0.4110566902505802 -0.375457629925109 -0.3305718582103936 -0.3228329320526813 -0.30116393881109393 -0.29342501265338167 -0.29652058311646307 -0.29497279788492237 +939,-0.3909354822405336,0,0.17864948296696218 0.34426250274196635 0.49130209973846456 0.5779780727048228 0.4959454554330955 0.35200142889967867 0.034705456433545334 -0.14019427473071183 -0.1665066236669301 -0.273303804643335 -0.3181895763580504 -0.4110566902505802 -0.375457629925109 -0.3305718582103936 -0.3228329320526813 -0.30116393881109393 -0.29342501265338167 -0.29652058311646307 -0.29497279788492237 -0.3553364219150623 +940,-0.34759749575735005,0,0.34426250274196635 0.49130209973846456 0.5779780727048228 0.4959454554330955 0.35200142889967867 0.034705456433545334 -0.14019427473071183 -0.1665066236669301 -0.273303804643335 -0.3181895763580504 -0.4110566902505802 -0.375457629925109 -0.3305718582103936 -0.3228329320526813 -0.30116393881109393 -0.29342501265338167 -0.29652058311646307 -0.29497279788492237 -0.3553364219150623 -0.3909354822405336 +941,-0.1680544088984708,0,0.49130209973846456 0.5779780727048228 0.4959454554330955 0.35200142889967867 0.034705456433545334 -0.14019427473071183 -0.1665066236669301 -0.273303804643335 -0.3181895763580504 -0.4110566902505802 -0.375457629925109 -0.3305718582103936 -0.3228329320526813 -0.30116393881109393 -0.29342501265338167 -0.29652058311646307 -0.29497279788492237 -0.3553364219150623 -0.3909354822405336 -0.34759749575735005 +942,-0.14483763042533393,0,0.5779780727048228 0.4959454554330955 0.35200142889967867 0.034705456433545334 -0.14019427473071183 -0.1665066236669301 -0.273303804643335 -0.3181895763580504 -0.4110566902505802 -0.375457629925109 -0.3305718582103936 -0.3228329320526813 -0.30116393881109393 -0.29342501265338167 -0.29652058311646307 -0.29497279788492237 -0.3553364219150623 -0.3909354822405336 -0.34759749575735005 -0.1680544088984708 +943,0.013036463191957975,0,0.4959454554330955 0.35200142889967867 0.034705456433545334 -0.14019427473071183 -0.1665066236669301 -0.273303804643335 -0.3181895763580504 -0.4110566902505802 -0.375457629925109 -0.3305718582103936 -0.3228329320526813 -0.30116393881109393 -0.29342501265338167 -0.29652058311646307 -0.29497279788492237 -0.3553364219150623 -0.3909354822405336 -0.34759749575735005 -0.1680544088984708 -0.14483763042533393 +944,0.12602478509453446,0,0.35200142889967867 0.034705456433545334 -0.14019427473071183 -0.1665066236669301 -0.273303804643335 -0.3181895763580504 -0.4110566902505802 -0.375457629925109 -0.3305718582103936 -0.3228329320526813 -0.30116393881109393 -0.29342501265338167 -0.29652058311646307 -0.29497279788492237 -0.3553364219150623 -0.3909354822405336 -0.34759749575735005 -0.1680544088984708 -0.14483763042533393 0.013036463191957975 +945,0.034705456433545334,0,0.034705456433545334 -0.14019427473071183 -0.1665066236669301 -0.273303804643335 -0.3181895763580504 -0.4110566902505802 -0.375457629925109 -0.3305718582103936 -0.3228329320526813 -0.30116393881109393 -0.29342501265338167 -0.29652058311646307 -0.29497279788492237 -0.3553364219150623 -0.3909354822405336 -0.34759749575735005 -0.1680544088984708 -0.14483763042533393 0.013036463191957975 0.12602478509453446 +946,-0.04113601991201923,0,-0.14019427473071183 -0.1665066236669301 -0.273303804643335 -0.3181895763580504 -0.4110566902505802 -0.375457629925109 -0.3305718582103936 -0.3228329320526813 -0.30116393881109393 -0.29342501265338167 -0.29652058311646307 -0.29497279788492237 -0.3553364219150623 -0.3909354822405336 -0.34759749575735005 -0.1680544088984708 -0.14483763042533393 0.013036463191957975 0.12602478509453446 0.034705456433545334 +947,-0.19901011352931114,0,-0.1665066236669301 -0.273303804643335 -0.3181895763580504 -0.4110566902505802 -0.375457629925109 -0.3305718582103936 -0.3228329320526813 -0.30116393881109393 -0.29342501265338167 -0.29652058311646307 -0.29497279788492237 -0.3553364219150623 -0.3909354822405336 -0.34759749575735005 -0.1680544088984708 -0.14483763042533393 0.013036463191957975 0.12602478509453446 0.034705456433545334 -0.04113601991201923 +948,-0.2624693080225413,0,-0.273303804643335 -0.3181895763580504 -0.4110566902505802 -0.375457629925109 -0.3305718582103936 -0.3228329320526813 -0.30116393881109393 -0.29342501265338167 -0.29652058311646307 -0.29497279788492237 -0.3553364219150623 -0.3909354822405336 -0.34759749575735005 -0.1680544088984708 -0.14483763042533393 0.013036463191957975 0.12602478509453446 0.034705456433545334 -0.04113601991201923 -0.19901011352931114 +949,-0.30580729450571603,0,-0.3181895763580504 -0.4110566902505802 -0.375457629925109 -0.3305718582103936 -0.3228329320526813 -0.30116393881109393 -0.29342501265338167 -0.29652058311646307 -0.29497279788492237 -0.3553364219150623 -0.3909354822405336 -0.34759749575735005 -0.1680544088984708 -0.14483763042533393 0.013036463191957975 0.12602478509453446 0.034705456433545334 -0.04113601991201923 -0.19901011352931114 -0.2624693080225413 +950,-0.3367629991365564,0,-0.4110566902505802 -0.375457629925109 -0.3305718582103936 -0.3228329320526813 -0.30116393881109393 -0.29342501265338167 -0.29652058311646307 -0.29497279788492237 -0.3553364219150623 -0.3909354822405336 -0.34759749575735005 -0.1680544088984708 -0.14483763042533393 0.013036463191957975 0.12602478509453446 0.034705456433545334 -0.04113601991201923 -0.19901011352931114 -0.2624693080225413 -0.30580729450571603 +951,-0.3367629991365564,0,-0.375457629925109 -0.3305718582103936 -0.3228329320526813 -0.30116393881109393 -0.29342501265338167 -0.29652058311646307 -0.29497279788492237 -0.3553364219150623 -0.3909354822405336 -0.34759749575735005 -0.1680544088984708 -0.14483763042533393 0.013036463191957975 0.12602478509453446 0.034705456433545334 -0.04113601991201923 -0.19901011352931114 -0.2624693080225413 -0.30580729450571603 -0.3367629991365564 +952,-0.38164877085128057,0,-0.3305718582103936 -0.3228329320526813 -0.30116393881109393 -0.29342501265338167 -0.29652058311646307 -0.29497279788492237 -0.3553364219150623 -0.3909354822405336 -0.34759749575735005 -0.1680544088984708 -0.14483763042533393 0.013036463191957975 0.12602478509453446 0.034705456433545334 -0.04113601991201923 -0.19901011352931114 -0.2624693080225413 -0.30580729450571603 -0.3367629991365564 -0.3367629991365564 +953,-0.34295414006272795,0,-0.3228329320526813 -0.30116393881109393 -0.29342501265338167 -0.29652058311646307 -0.29497279788492237 -0.3553364219150623 -0.3909354822405336 -0.34759749575735005 -0.1680544088984708 -0.14483763042533393 0.013036463191957975 0.12602478509453446 0.034705456433545334 -0.04113601991201923 -0.19901011352931114 -0.2624693080225413 -0.30580729450571603 -0.3367629991365564 -0.3367629991365564 -0.38164877085128057 +954,-0.3723620594620276,0,-0.30116393881109393 -0.29342501265338167 -0.29652058311646307 -0.29497279788492237 -0.3553364219150623 -0.3909354822405336 -0.34759749575735005 -0.1680544088984708 -0.14483763042533393 0.013036463191957975 0.12602478509453446 0.034705456433545334 -0.04113601991201923 -0.19901011352931114 -0.2624693080225413 -0.30580729450571603 -0.3367629991365564 -0.3367629991365564 -0.38164877085128057 -0.34295414006272795 +955,-0.40331776409286796,0,-0.29342501265338167 -0.29652058311646307 -0.29497279788492237 -0.3553364219150623 -0.3909354822405336 -0.34759749575735005 -0.1680544088984708 -0.14483763042533393 0.013036463191957975 0.12602478509453446 0.034705456433545334 -0.04113601991201923 -0.19901011352931114 -0.2624693080225413 -0.30580729450571603 -0.3367629991365564 -0.3367629991365564 -0.38164877085128057 -0.34295414006272795 -0.3723620594620276 +956,-0.45594246196530447,0,-0.29652058311646307 -0.29497279788492237 -0.3553364219150623 -0.3909354822405336 -0.34759749575735005 -0.1680544088984708 -0.14483763042533393 0.013036463191957975 0.12602478509453446 0.034705456433545334 -0.04113601991201923 -0.19901011352931114 -0.2624693080225413 -0.30580729450571603 -0.3367629991365564 -0.3367629991365564 -0.38164877085128057 -0.34295414006272795 -0.3723620594620276 -0.40331776409286796 +957,-0.5255927973846974,0,-0.29497279788492237 -0.3553364219150623 -0.3909354822405336 -0.34759749575735005 -0.1680544088984708 -0.14483763042533393 0.013036463191957975 0.12602478509453446 0.034705456433545334 -0.04113601991201923 -0.19901011352931114 -0.2624693080225413 -0.30580729450571603 -0.3367629991365564 -0.3367629991365564 -0.38164877085128057 -0.34295414006272795 -0.3723620594620276 -0.40331776409286796 -0.45594246196530447 +958,-0.6138165555825964,0,-0.3553364219150623 -0.3909354822405336 -0.34759749575735005 -0.1680544088984708 -0.14483763042533393 0.013036463191957975 0.12602478509453446 0.034705456433545334 -0.04113601991201923 -0.19901011352931114 -0.2624693080225413 -0.30580729450571603 -0.3367629991365564 -0.3367629991365564 -0.38164877085128057 -0.34295414006272795 -0.3723620594620276 -0.40331776409286796 -0.45594246196530447 -0.5255927973846974 +959,-0.7237093070220827,0,-0.3909354822405336 -0.34759749575735005 -0.1680544088984708 -0.14483763042533393 0.013036463191957975 0.12602478509453446 0.034705456433545334 -0.04113601991201923 -0.19901011352931114 -0.2624693080225413 -0.30580729450571603 -0.3367629991365564 -0.3367629991365564 -0.38164877085128057 -0.34295414006272795 -0.3723620594620276 -0.40331776409286796 -0.45594246196530447 -0.5255927973846974 -0.6138165555825964 +960,-0.8041941390622781,0,-0.34759749575735005 -0.1680544088984708 -0.14483763042533393 0.013036463191957975 0.12602478509453446 0.034705456433545334 -0.04113601991201923 -0.19901011352931114 -0.2624693080225413 -0.30580729450571603 -0.3367629991365564 -0.3367629991365564 -0.38164877085128057 -0.34295414006272795 -0.3723620594620276 -0.40331776409286796 -0.45594246196530447 -0.5255927973846974 -0.6138165555825964 -0.7237093070220827 +961,-0.8196719913776939,0,-0.1680544088984708 -0.14483763042533393 0.013036463191957975 0.12602478509453446 0.034705456433545334 -0.04113601991201923 -0.19901011352931114 -0.2624693080225413 -0.30580729450571603 -0.3367629991365564 -0.3367629991365564 -0.38164877085128057 -0.34295414006272795 -0.3723620594620276 -0.40331776409286796 -0.45594246196530447 -0.5255927973846974 -0.6138165555825964 -0.7237093070220827 -0.8041941390622781 +962,-0.7701428639683475,0,-0.14483763042533393 0.013036463191957975 0.12602478509453446 0.034705456433545334 -0.04113601991201923 -0.19901011352931114 -0.2624693080225413 -0.30580729450571603 -0.3367629991365564 -0.3367629991365564 -0.38164877085128057 -0.34295414006272795 -0.3723620594620276 -0.40331776409286796 -0.45594246196530447 -0.5255927973846974 -0.6138165555825964 -0.7237093070220827 -0.8041941390622781 -0.8196719913776939 +963,-0.7747862196629784,0,0.013036463191957975 0.12602478509453446 0.034705456433545334 -0.04113601991201923 -0.19901011352931114 -0.2624693080225413 -0.30580729450571603 -0.3367629991365564 -0.3367629991365564 -0.38164877085128057 -0.34295414006272795 -0.3723620594620276 -0.40331776409286796 -0.45594246196530447 -0.5255927973846974 -0.6138165555825964 -0.7237093070220827 -0.8041941390622781 -0.8196719913776939 -0.7701428639683475 +964,-0.5983387032671718,0,0.12602478509453446 0.034705456433545334 -0.04113601991201923 -0.19901011352931114 -0.2624693080225413 -0.30580729450571603 -0.3367629991365564 -0.3367629991365564 -0.38164877085128057 -0.34295414006272795 -0.3723620594620276 -0.40331776409286796 -0.45594246196530447 -0.5255927973846974 -0.6138165555825964 -0.7237093070220827 -0.8041941390622781 -0.8196719913776939 -0.7701428639683475 -0.7747862196629784 +965,-0.46058581765992657,0,0.034705456433545334 -0.04113601991201923 -0.19901011352931114 -0.2624693080225413 -0.30580729450571603 -0.3367629991365564 -0.3367629991365564 -0.38164877085128057 -0.34295414006272795 -0.3723620594620276 -0.40331776409286796 -0.45594246196530447 -0.5255927973846974 -0.6138165555825964 -0.7237093070220827 -0.8041941390622781 -0.8196719913776939 -0.7701428639683475 -0.7747862196629784 -0.5983387032671718 +966,-0.3522408514519809,0,-0.04113601991201923 -0.19901011352931114 -0.2624693080225413 -0.30580729450571603 -0.3367629991365564 -0.3367629991365564 -0.38164877085128057 -0.34295414006272795 -0.3723620594620276 -0.40331776409286796 -0.45594246196530447 -0.5255927973846974 -0.6138165555825964 -0.7237093070220827 -0.8041941390622781 -0.8196719913776939 -0.7701428639683475 -0.7747862196629784 -0.5983387032671718 -0.46058581765992657 +967,-0.23151360339169216,0,-0.19901011352931114 -0.2624693080225413 -0.30580729450571603 -0.3367629991365564 -0.3367629991365564 -0.38164877085128057 -0.34295414006272795 -0.3723620594620276 -0.40331776409286796 -0.45594246196530447 -0.5255927973846974 -0.6138165555825964 -0.7237093070220827 -0.8041941390622781 -0.8196719913776939 -0.7701428639683475 -0.7747862196629784 -0.5983387032671718 -0.46058581765992657 -0.3522408514519809 +968,-0.14638541565688343,0,-0.2624693080225413 -0.30580729450571603 -0.3367629991365564 -0.3367629991365564 -0.38164877085128057 -0.34295414006272795 -0.3723620594620276 -0.40331776409286796 -0.45594246196530447 -0.5255927973846974 -0.6138165555825964 -0.7237093070220827 -0.8041941390622781 -0.8196719913776939 -0.7701428639683475 -0.7747862196629784 -0.5983387032671718 -0.46058581765992657 -0.3522408514519809 -0.23151360339169216 +969,-0.14638541565688343,0,-0.30580729450571603 -0.3367629991365564 -0.3367629991365564 -0.38164877085128057 -0.34295414006272795 -0.3723620594620276 -0.40331776409286796 -0.45594246196530447 -0.5255927973846974 -0.6138165555825964 -0.7237093070220827 -0.8041941390622781 -0.8196719913776939 -0.7701428639683475 -0.7747862196629784 -0.5983387032671718 -0.46058581765992657 -0.3522408514519809 -0.23151360339169216 -0.14638541565688343 +970,-0.13400313380454026,0,-0.3367629991365564 -0.3367629991365564 -0.38164877085128057 -0.34295414006272795 -0.3723620594620276 -0.40331776409286796 -0.45594246196530447 -0.5255927973846974 -0.6138165555825964 -0.7237093070220827 -0.8041941390622781 -0.8196719913776939 -0.7701428639683475 -0.7747862196629784 -0.5983387032671718 -0.46058581765992657 -0.3522408514519809 -0.23151360339169216 -0.14638541565688343 -0.14638541565688343 +971,-0.19746232829777044,0,-0.3367629991365564 -0.38164877085128057 -0.34295414006272795 -0.3723620594620276 -0.40331776409286796 -0.45594246196530447 -0.5255927973846974 -0.6138165555825964 -0.7237093070220827 -0.8041941390622781 -0.8196719913776939 -0.7701428639683475 -0.7747862196629784 -0.5983387032671718 -0.46058581765992657 -0.3522408514519809 -0.23151360339169216 -0.14638541565688343 -0.14638541565688343 -0.13400313380454026 +972,-0.3135462206634283,0,-0.38164877085128057 -0.34295414006272795 -0.3723620594620276 -0.40331776409286796 -0.45594246196530447 -0.5255927973846974 -0.6138165555825964 -0.7237093070220827 -0.8041941390622781 -0.8196719913776939 -0.7701428639683475 -0.7747862196629784 -0.5983387032671718 -0.46058581765992657 -0.3522408514519809 -0.23151360339169216 -0.14638541565688343 -0.14638541565688343 -0.13400313380454026 -0.19746232829777044 +973,-0.5085671598377322,0,-0.34295414006272795 -0.3723620594620276 -0.40331776409286796 -0.45594246196530447 -0.5255927973846974 -0.6138165555825964 -0.7237093070220827 -0.8041941390622781 -0.8196719913776939 -0.7701428639683475 -0.7747862196629784 -0.5983387032671718 -0.46058581765992657 -0.3522408514519809 -0.23151360339169216 -0.14638541565688343 -0.14638541565688343 -0.13400313380454026 -0.19746232829777044 -0.3135462206634283 +974,-0.592147562341009,0,-0.3723620594620276 -0.40331776409286796 -0.45594246196530447 -0.5255927973846974 -0.6138165555825964 -0.7237093070220827 -0.8041941390622781 -0.8196719913776939 -0.7701428639683475 -0.7747862196629784 -0.5983387032671718 -0.46058581765992657 -0.3522408514519809 -0.23151360339169216 -0.14638541565688343 -0.14638541565688343 -0.13400313380454026 -0.19746232829777044 -0.3135462206634283 -0.5085671598377322 +975,-0.6850146762335301,0,-0.40331776409286796 -0.45594246196530447 -0.5255927973846974 -0.6138165555825964 -0.7237093070220827 -0.8041941390622781 -0.8196719913776939 -0.7701428639683475 -0.7747862196629784 -0.5983387032671718 -0.46058581765992657 -0.3522408514519809 -0.23151360339169216 -0.14638541565688343 -0.14638541565688343 -0.13400313380454026 -0.19746232829777044 -0.3135462206634283 -0.5085671598377322 -0.592147562341009 +976,-0.763951723042176,0,-0.45594246196530447 -0.5255927973846974 -0.6138165555825964 -0.7237093070220827 -0.8041941390622781 -0.8196719913776939 -0.7701428639683475 -0.7747862196629784 -0.5983387032671718 -0.46058581765992657 -0.3522408514519809 -0.23151360339169216 -0.14638541565688343 -0.14638541565688343 -0.13400313380454026 -0.19746232829777044 -0.3135462206634283 -0.5085671598377322 -0.592147562341009 -0.6850146762335301 +977,-0.8181242061461532,0,-0.5255927973846974 -0.6138165555825964 -0.7237093070220827 -0.8041941390622781 -0.8196719913776939 -0.7701428639683475 -0.7747862196629784 -0.5983387032671718 -0.46058581765992657 -0.3522408514519809 -0.23151360339169216 -0.14638541565688343 -0.14638541565688343 -0.13400313380454026 -0.19746232829777044 -0.3135462206634283 -0.5085671598377322 -0.592147562341009 -0.6850146762335301 -0.763951723042176 +978,-0.9187302461963865,0,-0.6138165555825964 -0.7237093070220827 -0.8041941390622781 -0.8196719913776939 -0.7701428639683475 -0.7747862196629784 -0.5983387032671718 -0.46058581765992657 -0.3522408514519809 -0.23151360339169216 -0.14638541565688343 -0.14638541565688343 -0.13400313380454026 -0.19746232829777044 -0.3135462206634283 -0.5085671598377322 -0.592147562341009 -0.6850146762335301 -0.763951723042176 -0.8181242061461532 +979,-1.0193362862466286,0,-0.7237093070220827 -0.8041941390622781 -0.8196719913776939 -0.7701428639683475 -0.7747862196629784 -0.5983387032671718 -0.46058581765992657 -0.3522408514519809 -0.23151360339169216 -0.14638541565688343 -0.14638541565688343 -0.13400313380454026 -0.19746232829777044 -0.3135462206634283 -0.5085671598377322 -0.592147562341009 -0.6850146762335301 -0.763951723042176 -0.8181242061461532 -0.9187302461963865 +980,-1.1478024604646209,0,-0.8041941390622781 -0.8196719913776939 -0.7701428639683475 -0.7747862196629784 -0.5983387032671718 -0.46058581765992657 -0.3522408514519809 -0.23151360339169216 -0.14638541565688343 -0.14638541565688343 -0.13400313380454026 -0.19746232829777044 -0.3135462206634283 -0.5085671598377322 -0.592147562341009 -0.6850146762335301 -0.763951723042176 -0.8181242061461532 -0.9187302461963865 -1.0193362862466286 +981,-1.2406695743571508,0,-0.8196719913776939 -0.7701428639683475 -0.7747862196629784 -0.5983387032671718 -0.46058581765992657 -0.3522408514519809 -0.23151360339169216 -0.14638541565688343 -0.14638541565688343 -0.13400313380454026 -0.19746232829777044 -0.3135462206634283 -0.5085671598377322 -0.592147562341009 -0.6850146762335301 -0.763951723042176 -0.8181242061461532 -0.9187302461963865 -1.0193362862466286 -1.1478024604646209 +982,-1.3737791042697651,0,-0.7701428639683475 -0.7747862196629784 -0.5983387032671718 -0.46058581765992657 -0.3522408514519809 -0.23151360339169216 -0.14638541565688343 -0.14638541565688343 -0.13400313380454026 -0.19746232829777044 -0.3135462206634283 -0.5085671598377322 -0.592147562341009 -0.6850146762335301 -0.763951723042176 -0.8181242061461532 -0.9187302461963865 -1.0193362862466286 -1.1478024604646209 -1.2406695743571508 +983,-1.4542639363099605,0,-0.7747862196629784 -0.5983387032671718 -0.46058581765992657 -0.3522408514519809 -0.23151360339169216 -0.14638541565688343 -0.14638541565688343 -0.13400313380454026 -0.19746232829777044 -0.3135462206634283 -0.5085671598377322 -0.592147562341009 -0.6850146762335301 -0.763951723042176 -0.8181242061461532 -0.9187302461963865 -1.0193362862466286 -1.1478024604646209 -1.2406695743571508 -1.3737791042697651 +984,-1.4620028624676729,0,-0.5983387032671718 -0.46058581765992657 -0.3522408514519809 -0.23151360339169216 -0.14638541565688343 -0.14638541565688343 -0.13400313380454026 -0.19746232829777044 -0.3135462206634283 -0.5085671598377322 -0.592147562341009 -0.6850146762335301 -0.763951723042176 -0.8181242061461532 -0.9187302461963865 -1.0193362862466286 -1.1478024604646209 -1.2406695743571508 -1.3737791042697651 -1.4542639363099605 +985,-1.5440354797394,0,-0.46058581765992657 -0.3522408514519809 -0.23151360339169216 -0.14638541565688343 -0.14638541565688343 -0.13400313380454026 -0.19746232829777044 -0.3135462206634283 -0.5085671598377322 -0.592147562341009 -0.6850146762335301 -0.763951723042176 -0.8181242061461532 -0.9187302461963865 -1.0193362862466286 -1.1478024604646209 -1.2406695743571508 -1.3737791042697651 -1.4542639363099605 -1.4620028624676729 +986,-1.6477370902527237,0,-0.3522408514519809 -0.23151360339169216 -0.14638541565688343 -0.14638541565688343 -0.13400313380454026 -0.19746232829777044 -0.3135462206634283 -0.5085671598377322 -0.592147562341009 -0.6850146762335301 -0.763951723042176 -0.8181242061461532 -0.9187302461963865 -1.0193362862466286 -1.1478024604646209 -1.2406695743571508 -1.3737791042697651 -1.4542639363099605 -1.4620028624676729 -1.5440354797394 +987,-1.6384503788634706,0,-0.23151360339169216 -0.14638541565688343 -0.14638541565688343 -0.13400313380454026 -0.19746232829777044 -0.3135462206634283 -0.5085671598377322 -0.592147562341009 -0.6850146762335301 -0.763951723042176 -0.8181242061461532 -0.9187302461963865 -1.0193362862466286 -1.1478024604646209 -1.2406695743571508 -1.3737791042697651 -1.4542639363099605 -1.4620028624676729 -1.5440354797394 -1.6477370902527237 +988,-1.1091078296760681,0,-0.14638541565688343 -0.14638541565688343 -0.13400313380454026 -0.19746232829777044 -0.3135462206634283 -0.5085671598377322 -0.592147562341009 -0.6850146762335301 -0.763951723042176 -0.8181242061461532 -0.9187302461963865 -1.0193362862466286 -1.1478024604646209 -1.2406695743571508 -1.3737791042697651 -1.4542639363099605 -1.4620028624676729 -1.5440354797394 -1.6477370902527237 -1.6384503788634706 +989,-0.7020403137804953,0,-0.14638541565688343 -0.13400313380454026 -0.19746232829777044 -0.3135462206634283 -0.5085671598377322 -0.592147562341009 -0.6850146762335301 -0.763951723042176 -0.8181242061461532 -0.9187302461963865 -1.0193362862466286 -1.1478024604646209 -1.2406695743571508 -1.3737791042697651 -1.4542639363099605 -1.4620028624676729 -1.5440354797394 -1.6477370902527237 -1.6384503788634706 -1.1091078296760681 +990,-0.5132105155323631,0,-0.13400313380454026 -0.19746232829777044 -0.3135462206634283 -0.5085671598377322 -0.592147562341009 -0.6850146762335301 -0.763951723042176 -0.8181242061461532 -0.9187302461963865 -1.0193362862466286 -1.1478024604646209 -1.2406695743571508 -1.3737791042697651 -1.4542639363099605 -1.4620028624676729 -1.5440354797394 -1.6477370902527237 -1.6384503788634706 -1.1091078296760681 -0.7020403137804953 +991,-0.35997977760969324,0,-0.19746232829777044 -0.3135462206634283 -0.5085671598377322 -0.592147562341009 -0.6850146762335301 -0.763951723042176 -0.8181242061461532 -0.9187302461963865 -1.0193362862466286 -1.1478024604646209 -1.2406695743571508 -1.3737791042697651 -1.4542639363099605 -1.4620028624676729 -1.5440354797394 -1.6477370902527237 -1.6384503788634706 -1.1091078296760681 -0.7020403137804953 -0.5132105155323631 +992,-0.28568608649566934,0,-0.3135462206634283 -0.5085671598377322 -0.592147562341009 -0.6850146762335301 -0.763951723042176 -0.8181242061461532 -0.9187302461963865 -1.0193362862466286 -1.1478024604646209 -1.2406695743571508 -1.3737791042697651 -1.4542639363099605 -1.4620028624676729 -1.5440354797394 -1.6477370902527237 -1.6384503788634706 -1.1091078296760681 -0.7020403137804953 -0.5132105155323631 -0.35997977760969324 +993,-0.2516348114017388,0,-0.5085671598377322 -0.592147562341009 -0.6850146762335301 -0.763951723042176 -0.8181242061461532 -0.9187302461963865 -1.0193362862466286 -1.1478024604646209 -1.2406695743571508 -1.3737791042697651 -1.4542639363099605 -1.4620028624676729 -1.5440354797394 -1.6477370902527237 -1.6384503788634706 -1.1091078296760681 -0.7020403137804953 -0.5132105155323631 -0.35997977760969324 -0.28568608649566934 +994,-0.18817561690851745,0,-0.592147562341009 -0.6850146762335301 -0.763951723042176 -0.8181242061461532 -0.9187302461963865 -1.0193362862466286 -1.1478024604646209 -1.2406695743571508 -1.3737791042697651 -1.4542639363099605 -1.4620028624676729 -1.5440354797394 -1.6477370902527237 -1.6384503788634706 -1.1091078296760681 -0.7020403137804953 -0.5132105155323631 -0.35997977760969324 -0.28568608649566934 -0.2516348114017388 +995,-0.23460917385478236,0,-0.6850146762335301 -0.763951723042176 -0.8181242061461532 -0.9187302461963865 -1.0193362862466286 -1.1478024604646209 -1.2406695743571508 -1.3737791042697651 -1.4542639363099605 -1.4620028624676729 -1.5440354797394 -1.6477370902527237 -1.6384503788634706 -1.1091078296760681 -0.7020403137804953 -0.5132105155323631 -0.35997977760969324 -0.28568608649566934 -0.2516348114017388 -0.18817561690851745 +996,-0.36462313330431534,0,-0.763951723042176 -0.8181242061461532 -0.9187302461963865 -1.0193362862466286 -1.1478024604646209 -1.2406695743571508 -1.3737791042697651 -1.4542639363099605 -1.4620028624676729 -1.5440354797394 -1.6477370902527237 -1.6384503788634706 -1.1091078296760681 -0.7020403137804953 -0.5132105155323631 -0.35997977760969324 -0.28568608649566934 -0.2516348114017388 -0.18817561690851745 -0.23460917385478236 +997,-0.45129910627067354,0,-0.8181242061461532 -0.9187302461963865 -1.0193362862466286 -1.1478024604646209 -1.2406695743571508 -1.3737791042697651 -1.4542639363099605 -1.4620028624676729 -1.5440354797394 -1.6477370902527237 -1.6384503788634706 -1.1091078296760681 -0.7020403137804953 -0.5132105155323631 -0.35997977760969324 -0.28568608649566934 -0.2516348114017388 -0.18817561690851745 -0.23460917385478236 -0.36462313330431534 +998,-0.5596440724786191,0,-0.9187302461963865 -1.0193362862466286 -1.1478024604646209 -1.2406695743571508 -1.3737791042697651 -1.4542639363099605 -1.4620028624676729 -1.5440354797394 -1.6477370902527237 -1.6384503788634706 -1.1091078296760681 -0.7020403137804953 -0.5132105155323631 -0.35997977760969324 -0.28568608649566934 -0.2516348114017388 -0.18817561690851745 -0.23460917385478236 -0.36462313330431534 -0.45129910627067354 +999,-0.7299004479482543,0,-1.0193362862466286 -1.1478024604646209 -1.2406695743571508 -1.3737791042697651 -1.4542639363099605 -1.4620028624676729 -1.5440354797394 -1.6477370902527237 -1.6384503788634706 -1.1091078296760681 -0.7020403137804953 -0.5132105155323631 -0.35997977760969324 -0.28568608649566934 -0.2516348114017388 -0.18817561690851745 -0.23460917385478236 -0.36462313330431534 -0.45129910627067354 -0.5596440724786191 +1000,-0.5387489718528021,0,-1.1478024604646209 -1.2406695743571508 -1.3737791042697651 -1.4542639363099605 -1.4620028624676729 -1.5440354797394 -1.6477370902527237 -1.6384503788634706 -1.1091078296760681 -0.7020403137804953 -0.5132105155323631 -0.35997977760969324 -0.28568608649566934 -0.2516348114017388 -0.18817561690851745 -0.23460917385478236 -0.36462313330431534 -0.45129910627067354 -0.5596440724786191 -0.7299004479482543 +1001,-0.34759749575735005,0,-1.2406695743571508 -1.3737791042697651 -1.4542639363099605 -1.4620028624676729 -1.5440354797394 -1.6477370902527237 -1.6384503788634706 -1.1091078296760681 -0.7020403137804953 -0.5132105155323631 -0.35997977760969324 -0.28568608649566934 -0.2516348114017388 -0.18817561690851745 -0.23460917385478236 -0.36462313330431534 -0.45129910627067354 -0.5596440724786191 -0.7299004479482543 -0.5387489718528021 +1002,-0.34759749575735005,0,-1.3737791042697651 -1.4542639363099605 -1.4620028624676729 -1.5440354797394 -1.6477370902527237 -1.6384503788634706 -1.1091078296760681 -0.7020403137804953 -0.5132105155323631 -0.35997977760969324 -0.28568608649566934 -0.2516348114017388 -0.18817561690851745 -0.23460917385478236 -0.36462313330431534 -0.45129910627067354 -0.5596440724786191 -0.7299004479482543 -0.5387489718528021 -0.34759749575735005 +1003,-1.7963244724807625,0,-1.4542639363099605 -1.4620028624676729 -1.5440354797394 -1.6477370902527237 -1.6384503788634706 -1.1091078296760681 -0.7020403137804953 -0.5132105155323631 -0.35997977760969324 -0.28568608649566934 -0.2516348114017388 -0.18817561690851745 -0.23460917385478236 -0.36462313330431534 -0.45129910627067354 -0.5596440724786191 -0.7299004479482543 -0.5387489718528021 -0.34759749575735005 -0.34759749575735005 +1004,-1.7963244724807625,0,-1.4620028624676729 -1.5440354797394 -1.6477370902527237 -1.6384503788634706 -1.1091078296760681 -0.7020403137804953 -0.5132105155323631 -0.35997977760969324 -0.28568608649566934 -0.2516348114017388 -0.18817561690851745 -0.23460917385478236 -0.36462313330431534 -0.45129910627067354 -0.5596440724786191 -0.7299004479482543 -0.5387489718528021 -0.34759749575735005 -0.34759749575735005 -1.7963244724807625 +1005,-1.7963244724807625,0,-1.5440354797394 -1.6477370902527237 -1.6384503788634706 -1.1091078296760681 -0.7020403137804953 -0.5132105155323631 -0.35997977760969324 -0.28568608649566934 -0.2516348114017388 -0.18817561690851745 -0.23460917385478236 -0.36462313330431534 -0.45129910627067354 -0.5596440724786191 -0.7299004479482543 -0.5387489718528021 -0.34759749575735005 -0.34759749575735005 -1.7963244724807625 -1.7963244724807625 +1006,-1.7963244724807625,0,-1.6477370902527237 -1.6384503788634706 -1.1091078296760681 -0.7020403137804953 -0.5132105155323631 -0.35997977760969324 -0.28568608649566934 -0.2516348114017388 -0.18817561690851745 -0.23460917385478236 -0.36462313330431534 -0.45129910627067354 -0.5596440724786191 -0.7299004479482543 -0.5387489718528021 -0.34759749575735005 -0.34759749575735005 -1.7963244724807625 -1.7963244724807625 -1.7963244724807625 +1007,-1.7963244724807625,0,-1.6384503788634706 -1.1091078296760681 -0.7020403137804953 -0.5132105155323631 -0.35997977760969324 -0.28568608649566934 -0.2516348114017388 -0.18817561690851745 -0.23460917385478236 -0.36462313330431534 -0.45129910627067354 -0.5596440724786191 -0.7299004479482543 -0.5387489718528021 -0.34759749575735005 -0.34759749575735005 -1.7963244724807625 -1.7963244724807625 -1.7963244724807625 -1.7963244724807625 +1008,-1.7963244724807625,0,-1.1091078296760681 -0.7020403137804953 -0.5132105155323631 -0.35997977760969324 -0.28568608649566934 -0.2516348114017388 -0.18817561690851745 -0.23460917385478236 -0.36462313330431534 -0.45129910627067354 -0.5596440724786191 -0.7299004479482543 -0.5387489718528021 -0.34759749575735005 -0.34759749575735005 -1.7963244724807625 -1.7963244724807625 -1.7963244724807625 -1.7963244724807625 -1.7963244724807625 +1009,-1.8427580294270274,0,-0.7020403137804953 -0.5132105155323631 -0.35997977760969324 -0.28568608649566934 -0.2516348114017388 -0.18817561690851745 -0.23460917385478236 -0.36462313330431534 -0.45129910627067354 -0.5596440724786191 -0.7299004479482543 -0.5387489718528021 -0.34759749575735005 -0.34759749575735005 -1.7963244724807625 -1.7963244724807625 -1.7963244724807625 -1.7963244724807625 -1.7963244724807625 -1.7963244724807625 +1010,-1.8427580294270274,0,-0.5132105155323631 -0.35997977760969324 -0.28568608649566934 -0.2516348114017388 -0.18817561690851745 -0.23460917385478236 -0.36462313330431534 -0.45129910627067354 -0.5596440724786191 -0.7299004479482543 -0.5387489718528021 -0.34759749575735005 -0.34759749575735005 -1.7963244724807625 -1.7963244724807625 -1.7963244724807625 -1.7963244724807625 -1.7963244724807625 -1.7963244724807625 -1.8427580294270274 +1011,-1.8427580294270274,0,-0.35997977760969324 -0.28568608649566934 -0.2516348114017388 -0.18817561690851745 -0.23460917385478236 -0.36462313330431534 -0.45129910627067354 -0.5596440724786191 -0.7299004479482543 -0.5387489718528021 -0.34759749575735005 -0.34759749575735005 -1.7963244724807625 -1.7963244724807625 -1.7963244724807625 -1.7963244724807625 -1.7963244724807625 -1.7963244724807625 -1.8427580294270274 -1.8427580294270274 +1012,-1.1617325275485046,0,-0.28568608649566934 -0.2516348114017388 -0.18817561690851745 -0.23460917385478236 -0.36462313330431534 -0.45129910627067354 -0.5596440724786191 -0.7299004479482543 -0.5387489718528021 -0.34759749575735005 -0.34759749575735005 -1.7963244724807625 -1.7963244724807625 -1.7963244724807625 -1.7963244724807625 -1.7963244724807625 -1.7963244724807625 -1.8427580294270274 -1.8427580294270274 -1.8427580294270274 +1013,-0.8753922597132118,0,-0.2516348114017388 -0.18817561690851745 -0.23460917385478236 -0.36462313330431534 -0.45129910627067354 -0.5596440724786191 -0.7299004479482543 -0.5387489718528021 -0.34759749575735005 -0.34759749575735005 -1.7963244724807625 -1.7963244724807625 -1.7963244724807625 -1.7963244724807625 -1.7963244724807625 -1.7963244724807625 -1.8427580294270274 -1.8427580294270274 -1.8427580294270274 -1.1617325275485046 +1014,-0.6308421931295616,0,-0.18817561690851745 -0.23460917385478236 -0.36462313330431534 -0.45129910627067354 -0.5596440724786191 -0.7299004479482543 -0.5387489718528021 -0.34759749575735005 -0.34759749575735005 -1.7963244724807625 -1.7963244724807625 -1.7963244724807625 -1.7963244724807625 -1.7963244724807625 -1.7963244724807625 -1.8427580294270274 -1.8427580294270274 -1.8427580294270274 -1.1617325275485046 -0.8753922597132118 +1015,-0.34604971052580935,0,-0.23460917385478236 -0.36462313330431534 -0.45129910627067354 -0.5596440724786191 -0.7299004479482543 -0.5387489718528021 -0.34759749575735005 -0.34759749575735005 -1.7963244724807625 -1.7963244724807625 -1.7963244724807625 -1.7963244724807625 -1.7963244724807625 -1.7963244724807625 -1.8427580294270274 -1.8427580294270274 -1.8427580294270274 -1.1617325275485046 -0.8753922597132118 -0.6308421931295616 +1016,0.005297537034245689,0,-0.36462313330431534 -0.45129910627067354 -0.5596440724786191 -0.7299004479482543 -0.5387489718528021 -0.34759749575735005 -0.34759749575735005 -1.7963244724807625 -1.7963244724807625 -1.7963244724807625 -1.7963244724807625 -1.7963244724807625 -1.7963244724807625 -1.8427580294270274 -1.8427580294270274 -1.8427580294270274 -1.1617325275485046 -0.8753922597132118 -0.6308421931295616 -0.34604971052580935 +1017,0.03160988597046394,0,-0.45129910627067354 -0.5596440724786191 -0.7299004479482543 -0.5387489718528021 -0.34759749575735005 -0.34759749575735005 -1.7963244724807625 -1.7963244724807625 -1.7963244724807625 -1.7963244724807625 -1.7963244724807625 -1.7963244724807625 -1.8427580294270274 -1.8427580294270274 -1.8427580294270274 -1.1617325275485046 -0.8753922597132118 -0.6308421931295616 -0.34604971052580935 0.005297537034245689 +1018,0.11673807370528148,0,-0.5596440724786191 -0.7299004479482543 -0.5387489718528021 -0.34759749575735005 -0.34759749575735005 -1.7963244724807625 -1.7963244724807625 -1.7963244724807625 -1.7963244724807625 -1.7963244724807625 -1.7963244724807625 -1.8427580294270274 -1.8427580294270274 -1.8427580294270274 -1.1617325275485046 -0.8753922597132118 -0.6308421931295616 -0.34604971052580935 0.005297537034245689 0.03160988597046394 +1019,0.15233713403074392,0,-0.7299004479482543 -0.5387489718528021 -0.34759749575735005 -0.34759749575735005 -1.7963244724807625 -1.7963244724807625 -1.7963244724807625 -1.7963244724807625 -1.7963244724807625 -1.7963244724807625 -1.8427580294270274 -1.8427580294270274 -1.8427580294270274 -1.1617325275485046 -0.8753922597132118 -0.6308421931295616 -0.34604971052580935 0.005297537034245689 0.03160988597046394 0.11673807370528148 +1020,-0.008632530049629385,0,-0.5387489718528021 -0.34759749575735005 -0.34759749575735005 -1.7963244724807625 -1.7963244724807625 -1.7963244724807625 -1.7963244724807625 -1.7963244724807625 -1.7963244724807625 -1.8427580294270274 -1.8427580294270274 -1.8427580294270274 -1.1617325275485046 -0.8753922597132118 -0.6308421931295616 -0.34604971052580935 0.005297537034245689 0.03160988597046394 0.11673807370528148 0.15233713403074392 +1021,-0.2702082341802448,0,-0.34759749575735005 -0.34759749575735005 -1.7963244724807625 -1.7963244724807625 -1.7963244724807625 -1.7963244724807625 -1.7963244724807625 -1.7963244724807625 -1.8427580294270274 -1.8427580294270274 -1.8427580294270274 -1.1617325275485046 -0.8753922597132118 -0.6308421931295616 -0.34604971052580935 0.005297537034245689 0.03160988597046394 0.11673807370528148 0.15233713403074392 -0.008632530049629385 +1022,-0.4760636699753511,0,-0.34759749575735005 -1.7963244724807625 -1.7963244724807625 -1.7963244724807625 -1.7963244724807625 -1.7963244724807625 -1.7963244724807625 -1.8427580294270274 -1.8427580294270274 -1.8427580294270274 -1.1617325275485046 -0.8753922597132118 -0.6308421931295616 -0.34604971052580935 0.005297537034245689 0.03160988597046394 0.11673807370528148 0.15233713403074392 -0.008632530049629385 -0.2702082341802448 +1023,-0.4946370927538571,0,-1.7963244724807625 -1.7963244724807625 -1.7963244724807625 -1.7963244724807625 -1.7963244724807625 -1.7963244724807625 -1.8427580294270274 -1.8427580294270274 -1.8427580294270274 -1.1617325275485046 -0.8753922597132118 -0.6308421931295616 -0.34604971052580935 0.005297537034245689 0.03160988597046394 0.11673807370528148 0.15233713403074392 -0.008632530049629385 -0.2702082341802448 -0.4760636699753511 +1024,-0.6881102466966202,0,-1.7963244724807625 -1.7963244724807625 -1.7963244724807625 -1.7963244724807625 -1.7963244724807625 -1.8427580294270274 -1.8427580294270274 -1.8427580294270274 -1.1617325275485046 -0.8753922597132118 -0.6308421931295616 -0.34604971052580935 0.005297537034245689 0.03160988597046394 0.11673807370528148 0.15233713403074392 -0.008632530049629385 -0.2702082341802448 -0.4760636699753511 -0.4946370927538571 +1025,-0.8692011187870402,0,-1.7963244724807625 -1.7963244724807625 -1.7963244724807625 -1.7963244724807625 -1.8427580294270274 -1.8427580294270274 -1.8427580294270274 -1.1617325275485046 -0.8753922597132118 -0.6308421931295616 -0.34604971052580935 0.005297537034245689 0.03160988597046394 0.11673807370528148 0.15233713403074392 -0.008632530049629385 -0.2702082341802448 -0.4760636699753511 -0.4946370927538571 -0.6881102466966202 +1026,-0.9729027293003637,0,-1.7963244724807625 -1.7963244724807625 -1.7963244724807625 -1.8427580294270274 -1.8427580294270274 -1.8427580294270274 -1.1617325275485046 -0.8753922597132118 -0.6308421931295616 -0.34604971052580935 0.005297537034245689 0.03160988597046394 0.11673807370528148 0.15233713403074392 -0.008632530049629385 -0.2702082341802448 -0.4760636699753511 -0.4946370927538571 -0.6881102466966202 -0.8692011187870402 +1027,-1.050291990877469,0,-1.7963244724807625 -1.7963244724807625 -1.8427580294270274 -1.8427580294270274 -1.8427580294270274 -1.1617325275485046 -0.8753922597132118 -0.6308421931295616 -0.34604971052580935 0.005297537034245689 0.03160988597046394 0.11673807370528148 0.15233713403074392 -0.008632530049629385 -0.2702082341802448 -0.4760636699753511 -0.4946370927538571 -0.6881102466966202 -0.8692011187870402 -0.9729027293003637 +1028,-1.0889866216660216,0,-1.7963244724807625 -1.8427580294270274 -1.8427580294270274 -1.8427580294270274 -1.1617325275485046 -0.8753922597132118 -0.6308421931295616 -0.34604971052580935 0.005297537034245689 0.03160988597046394 0.11673807370528148 0.15233713403074392 -0.008632530049629385 -0.2702082341802448 -0.4760636699753511 -0.4946370927538571 -0.6881102466966202 -0.8692011187870402 -0.9729027293003637 -1.050291990877469 +1029,-1.2159050106524731,0,-1.8427580294270274 -1.8427580294270274 -1.8427580294270274 -1.1617325275485046 -0.8753922597132118 -0.6308421931295616 -0.34604971052580935 0.005297537034245689 0.03160988597046394 0.11673807370528148 0.15233713403074392 -0.008632530049629385 -0.2702082341802448 -0.4760636699753511 -0.4946370927538571 -0.6881102466966202 -0.8692011187870402 -0.9729027293003637 -1.050291990877469 -1.0889866216660216 +1030,-1.2050705140316795,0,-1.8427580294270274 -1.8427580294270274 -1.1617325275485046 -0.8753922597132118 -0.6308421931295616 -0.34604971052580935 0.005297537034245689 0.03160988597046394 0.11673807370528148 0.15233713403074392 -0.008632530049629385 -0.2702082341802448 -0.4760636699753511 -0.4946370927538571 -0.6881102466966202 -0.8692011187870402 -0.9729027293003637 -1.050291990877469 -1.0889866216660216 -1.2159050106524731 +1031,-1.2468607152833135,0,-1.8427580294270274 -1.1617325275485046 -0.8753922597132118 -0.6308421931295616 -0.34604971052580935 0.005297537034245689 0.03160988597046394 0.11673807370528148 0.15233713403074392 -0.008632530049629385 -0.2702082341802448 -0.4760636699753511 -0.4946370927538571 -0.6881102466966202 -0.8692011187870402 -0.9729027293003637 -1.050291990877469 -1.0889866216660216 -1.2159050106524731 -1.2050705140316795 +1032,-1.3722313190382243,0,-1.1617325275485046 -0.8753922597132118 -0.6308421931295616 -0.34604971052580935 0.005297537034245689 0.03160988597046394 0.11673807370528148 0.15233713403074392 -0.008632530049629385 -0.2702082341802448 -0.4760636699753511 -0.4946370927538571 -0.6881102466966202 -0.8692011187870402 -0.9729027293003637 -1.050291990877469 -1.0889866216660216 -1.2159050106524731 -1.2050705140316795 -1.2468607152833135 +1033,-1.4589072920045827,0,-0.8753922597132118 -0.6308421931295616 -0.34604971052580935 0.005297537034245689 0.03160988597046394 0.11673807370528148 0.15233713403074392 -0.008632530049629385 -0.2702082341802448 -0.4760636699753511 -0.4946370927538571 -0.6881102466966202 -0.8692011187870402 -0.9729027293003637 -1.050291990877469 -1.0889866216660216 -1.2159050106524731 -1.2050705140316795 -1.2468607152833135 -1.3722313190382243 +1034,-1.4496205806153295,0,-0.6308421931295616 -0.34604971052580935 0.005297537034245689 0.03160988597046394 0.11673807370528148 0.15233713403074392 -0.008632530049629385 -0.2702082341802448 -0.4760636699753511 -0.4946370927538571 -0.6881102466966202 -0.8692011187870402 -0.9729027293003637 -1.050291990877469 -1.0889866216660216 -1.2159050106524731 -1.2050705140316795 -1.2468607152833135 -1.3722313190382243 -1.4589072920045827 +1035,-1.3103199097765437,0,-0.34604971052580935 0.005297537034245689 0.03160988597046394 0.11673807370528148 0.15233713403074392 -0.008632530049629385 -0.2702082341802448 -0.4760636699753511 -0.4946370927538571 -0.6881102466966202 -0.8692011187870402 -0.9729027293003637 -1.050291990877469 -1.0889866216660216 -1.2159050106524731 -1.2050705140316795 -1.2468607152833135 -1.3722313190382243 -1.4589072920045827 -1.4496205806153295 +1036,-1.1307768229176556,0,0.005297537034245689 0.03160988597046394 0.11673807370528148 0.15233713403074392 -0.008632530049629385 -0.2702082341802448 -0.4760636699753511 -0.4946370927538571 -0.6881102466966202 -0.8692011187870402 -0.9729027293003637 -1.050291990877469 -1.0889866216660216 -1.2159050106524731 -1.2050705140316795 -1.2468607152833135 -1.3722313190382243 -1.4589072920045827 -1.4496205806153295 -1.3103199097765437 +1037,-0.7391871593375072,0,0.03160988597046394 0.11673807370528148 0.15233713403074392 -0.008632530049629385 -0.2702082341802448 -0.4760636699753511 -0.4946370927538571 -0.6881102466966202 -0.8692011187870402 -0.9729027293003637 -1.050291990877469 -1.0889866216660216 -1.2159050106524731 -1.2050705140316795 -1.2468607152833135 -1.3722313190382243 -1.4589072920045827 -1.4496205806153295 -1.3103199097765437 -1.1307768229176556 +1038,-0.24699145570711675,0,0.11673807370528148 0.15233713403074392 -0.008632530049629385 -0.2702082341802448 -0.4760636699753511 -0.4946370927538571 -0.6881102466966202 -0.8692011187870402 -0.9729027293003637 -1.050291990877469 -1.0889866216660216 -1.2159050106524731 -1.2050705140316795 -1.2468607152833135 -1.3722313190382243 -1.4589072920045827 -1.4496205806153295 -1.3103199097765437 -1.1307768229176556 -0.7391871593375072 +1039,0.3891482744566906,0,0.15233713403074392 -0.008632530049629385 -0.2702082341802448 -0.4760636699753511 -0.4946370927538571 -0.6881102466966202 -0.8692011187870402 -0.9729027293003637 -1.050291990877469 -1.0889866216660216 -1.2159050106524731 -1.2050705140316795 -1.2468607152833135 -1.3722313190382243 -1.4589072920045827 -1.4496205806153295 -1.3103199097765437 -1.1307768229176556 -0.7391871593375072 -0.24699145570711675 +1040,0.44951189848683054,0,-0.008632530049629385 -0.2702082341802448 -0.4760636699753511 -0.4946370927538571 -0.6881102466966202 -0.8692011187870402 -0.9729027293003637 -1.050291990877469 -1.0889866216660216 -1.2159050106524731 -1.2050705140316795 -1.2468607152833135 -1.3722313190382243 -1.4589072920045827 -1.4496205806153295 -1.3103199097765437 -1.1307768229176556 -0.7391871593375072 -0.24699145570711675 0.3891482744566906 +1041,0.6011948511779597,0,-0.2702082341802448 -0.4760636699753511 -0.4946370927538571 -0.6881102466966202 -0.8692011187870402 -0.9729027293003637 -1.050291990877469 -1.0889866216660216 -1.2159050106524731 -1.2050705140316795 -1.2468607152833135 -1.3722313190382243 -1.4589072920045827 -1.4496205806153295 -1.3103199097765437 -1.1307768229176556 -0.7391871593375072 -0.24699145570711675 0.3891482744566906 0.44951189848683054 +1042,0.5686913613155699,0,-0.4760636699753511 -0.4946370927538571 -0.6881102466966202 -0.8692011187870402 -0.9729027293003637 -1.050291990877469 -1.0889866216660216 -1.2159050106524731 -1.2050705140316795 -1.2468607152833135 -1.3722313190382243 -1.4589072920045827 -1.4496205806153295 -1.3103199097765437 -1.1307768229176556 -0.7391871593375072 -0.24699145570711675 0.3891482744566906 0.44951189848683054 0.6011948511779597 +1043,0.4309384757083246,0,-0.4946370927538571 -0.6881102466966202 -0.8692011187870402 -0.9729027293003637 -1.050291990877469 -1.0889866216660216 -1.2159050106524731 -1.2050705140316795 -1.2468607152833135 -1.3722313190382243 -1.4589072920045827 -1.4496205806153295 -1.3103199097765437 -1.1307768229176556 -0.7391871593375072 -0.24699145570711675 0.3891482744566906 0.44951189848683054 0.6011948511779597 0.5686913613155699 +1044,0.2637776707017797,0,-0.6881102466966202 -0.8692011187870402 -0.9729027293003637 -1.050291990877469 -1.0889866216660216 -1.2159050106524731 -1.2050705140316795 -1.2468607152833135 -1.3722313190382243 -1.4589072920045827 -1.4496205806153295 -1.3103199097765437 -1.1307768229176556 -0.7391871593375072 -0.24699145570711675 0.3891482744566906 0.44951189848683054 0.6011948511779597 0.5686913613155699 0.4309384757083246 +1045,-0.008632530049629385,0,-0.8692011187870402 -0.9729027293003637 -1.050291990877469 -1.0889866216660216 -1.2159050106524731 -1.2050705140316795 -1.2468607152833135 -1.3722313190382243 -1.4589072920045827 -1.4496205806153295 -1.3103199097765437 -1.1307768229176556 -0.7391871593375072 -0.24699145570711675 0.3891482744566906 0.44951189848683054 0.6011948511779597 0.5686913613155699 0.4309384757083246 0.2637776707017797 +1046,-0.18043669075080518,0,-0.9729027293003637 -1.050291990877469 -1.0889866216660216 -1.2159050106524731 -1.2050705140316795 -1.2468607152833135 -1.3722313190382243 -1.4589072920045827 -1.4496205806153295 -1.3103199097765437 -1.1307768229176556 -0.7391871593375072 -0.24699145570711675 0.3891482744566906 0.44951189848683054 0.6011948511779597 0.5686913613155699 0.4309384757083246 0.2637776707017797 -0.008632530049629385 +1047,-0.3522408514519809,0,-1.050291990877469 -1.0889866216660216 -1.2159050106524731 -1.2050705140316795 -1.2468607152833135 -1.3722313190382243 -1.4589072920045827 -1.4496205806153295 -1.3103199097765437 -1.1307768229176556 -0.7391871593375072 -0.24699145570711675 0.3891482744566906 0.44951189848683054 0.6011948511779597 0.5686913613155699 0.4309384757083246 0.2637776707017797 -0.008632530049629385 -0.18043669075080518 +1048,-0.5519051463209157,0,-1.0889866216660216 -1.2159050106524731 -1.2050705140316795 -1.2468607152833135 -1.3722313190382243 -1.4589072920045827 -1.4496205806153295 -1.3103199097765437 -1.1307768229176556 -0.7391871593375072 -0.24699145570711675 0.3891482744566906 0.44951189848683054 0.6011948511779597 0.5686913613155699 0.4309384757083246 0.2637776707017797 -0.008632530049629385 -0.18043669075080518 -0.3522408514519809 +1049,-0.6850146762335301,0,-1.2159050106524731 -1.2050705140316795 -1.2468607152833135 -1.3722313190382243 -1.4589072920045827 -1.4496205806153295 -1.3103199097765437 -1.1307768229176556 -0.7391871593375072 -0.24699145570711675 0.3891482744566906 0.44951189848683054 0.6011948511779597 0.5686913613155699 0.4309384757083246 0.2637776707017797 -0.008632530049629385 -0.18043669075080518 -0.3522408514519809 -0.5519051463209157 +1050,-0.7237093070220827,0,-1.2050705140316795 -1.2468607152833135 -1.3722313190382243 -1.4589072920045827 -1.4496205806153295 -1.3103199097765437 -1.1307768229176556 -0.7391871593375072 -0.24699145570711675 0.3891482744566906 0.44951189848683054 0.6011948511779597 0.5686913613155699 0.4309384757083246 0.2637776707017797 -0.008632530049629385 -0.18043669075080518 -0.3522408514519809 -0.5519051463209157 -0.6850146762335301 +1051,-0.7190659513274605,0,-1.2468607152833135 -1.3722313190382243 -1.4589072920045827 -1.4496205806153295 -1.3103199097765437 -1.1307768229176556 -0.7391871593375072 -0.24699145570711675 0.3891482744566906 0.44951189848683054 0.6011948511779597 0.5686913613155699 0.4309384757083246 0.2637776707017797 -0.008632530049629385 -0.18043669075080518 -0.3522408514519809 -0.5519051463209157 -0.6850146762335301 -0.7237093070220827 +1052,-0.7082314547066669,0,-1.3722313190382243 -1.4589072920045827 -1.4496205806153295 -1.3103199097765437 -1.1307768229176556 -0.7391871593375072 -0.24699145570711675 0.3891482744566906 0.44951189848683054 0.6011948511779597 0.5686913613155699 0.4309384757083246 0.2637776707017797 -0.008632530049629385 -0.18043669075080518 -0.3522408514519809 -0.5519051463209157 -0.6850146762335301 -0.7237093070220827 -0.7190659513274605 +1053,-0.8428887698508307,0,-1.4589072920045827 -1.4496205806153295 -1.3103199097765437 -1.1307768229176556 -0.7391871593375072 -0.24699145570711675 0.3891482744566906 0.44951189848683054 0.6011948511779597 0.5686913613155699 0.4309384757083246 0.2637776707017797 -0.008632530049629385 -0.18043669075080518 -0.3522408514519809 -0.5519051463209157 -0.6850146762335301 -0.7237093070220827 -0.7190659513274605 -0.7082314547066669 +1054,-1.0812476955083092,0,-1.4496205806153295 -1.3103199097765437 -1.1307768229176556 -0.7391871593375072 -0.24699145570711675 0.3891482744566906 0.44951189848683054 0.6011948511779597 0.5686913613155699 0.4309384757083246 0.2637776707017797 -0.008632530049629385 -0.18043669075080518 -0.3522408514519809 -0.5519051463209157 -0.6850146762335301 -0.7237093070220827 -0.7190659513274605 -0.7082314547066669 -0.8428887698508307 +1055,-0.9326603132802703,0,-1.3103199097765437 -1.1307768229176556 -0.7391871593375072 -0.24699145570711675 0.3891482744566906 0.44951189848683054 0.6011948511779597 0.5686913613155699 0.4309384757083246 0.2637776707017797 -0.008632530049629385 -0.18043669075080518 -0.3522408514519809 -0.5519051463209157 -0.6850146762335301 -0.7237093070220827 -0.7190659513274605 -0.7082314547066669 -0.8428887698508307 -1.0812476955083092 +1056,-0.9543293065218578,0,-1.1307768229176556 -0.7391871593375072 -0.24699145570711675 0.3891482744566906 0.44951189848683054 0.6011948511779597 0.5686913613155699 0.4309384757083246 0.2637776707017797 -0.008632530049629385 -0.18043669075080518 -0.3522408514519809 -0.5519051463209157 -0.6850146762335301 -0.7237093070220827 -0.7190659513274605 -0.7082314547066669 -0.8428887698508307 -1.0812476955083092 -0.9326603132802703 +1057,-1.0115973600889163,0,-0.7391871593375072 -0.24699145570711675 0.3891482744566906 0.44951189848683054 0.6011948511779597 0.5686913613155699 0.4309384757083246 0.2637776707017797 -0.008632530049629385 -0.18043669075080518 -0.3522408514519809 -0.5519051463209157 -0.6850146762335301 -0.7237093070220827 -0.7190659513274605 -0.7082314547066669 -0.8428887698508307 -1.0812476955083092 -0.9326603132802703 -0.9543293065218578 +1058,-1.013145145320457,0,-0.24699145570711675 0.3891482744566906 0.44951189848683054 0.6011948511779597 0.5686913613155699 0.4309384757083246 0.2637776707017797 -0.008632530049629385 -0.18043669075080518 -0.3522408514519809 -0.5519051463209157 -0.6850146762335301 -0.7237093070220827 -0.7190659513274605 -0.7082314547066669 -0.8428887698508307 -1.0812476955083092 -0.9326603132802703 -0.9543293065218578 -1.0115973600889163 +1059,-0.8583666221662465,0,0.3891482744566906 0.44951189848683054 0.6011948511779597 0.5686913613155699 0.4309384757083246 0.2637776707017797 -0.008632530049629385 -0.18043669075080518 -0.3522408514519809 -0.5519051463209157 -0.6850146762335301 -0.7237093070220827 -0.7190659513274605 -0.7082314547066669 -0.8428887698508307 -1.0812476955083092 -0.9326603132802703 -0.9543293065218578 -1.0115973600889163 -1.013145145320457 +1060,-0.39712662316670516,0,0.44951189848683054 0.6011948511779597 0.5686913613155699 0.4309384757083246 0.2637776707017797 -0.008632530049629385 -0.18043669075080518 -0.3522408514519809 -0.5519051463209157 -0.6850146762335301 -0.7237093070220827 -0.7190659513274605 -0.7082314547066669 -0.8428887698508307 -1.0812476955083092 -0.9326603132802703 -0.9543293065218578 -1.0115973600889163 -1.013145145320457 -0.8583666221662465 +1061,-0.29806836834800376,0,0.6011948511779597 0.5686913613155699 0.4309384757083246 0.2637776707017797 -0.008632530049629385 -0.18043669075080518 -0.3522408514519809 -0.5519051463209157 -0.6850146762335301 -0.7237093070220827 -0.7190659513274605 -0.7082314547066669 -0.8428887698508307 -1.0812476955083092 -0.9326603132802703 -0.9543293065218578 -1.0115973600889163 -1.013145145320457 -0.8583666221662465 -0.39712662316670516 +1062,0.3241412947319197,0,0.5686913613155699 0.4309384757083246 0.2637776707017797 -0.008632530049629385 -0.18043669075080518 -0.3522408514519809 -0.5519051463209157 -0.6850146762335301 -0.7237093070220827 -0.7190659513274605 -0.7082314547066669 -0.8428887698508307 -1.0812476955083092 -0.9326603132802703 -0.9543293065218578 -1.0115973600889163 -1.013145145320457 -0.8583666221662465 -0.39712662316670516 -0.29806836834800376 +1063,0.8472927029931505,0,0.4309384757083246 0.2637776707017797 -0.008632530049629385 -0.18043669075080518 -0.3522408514519809 -0.5519051463209157 -0.6850146762335301 -0.7237093070220827 -0.7190659513274605 -0.7082314547066669 -0.8428887698508307 -1.0812476955083092 -0.9326603132802703 -0.9543293065218578 -1.0115973600889163 -1.013145145320457 -0.8583666221662465 -0.39712662316670516 -0.29806836834800376 0.3241412947319197 +1064,1.1707798163854555,0,0.2637776707017797 -0.008632530049629385 -0.18043669075080518 -0.3522408514519809 -0.5519051463209157 -0.6850146762335301 -0.7237093070220827 -0.7190659513274605 -0.7082314547066669 -0.8428887698508307 -1.0812476955083092 -0.9326603132802703 -0.9543293065218578 -1.0115973600889163 -1.013145145320457 -0.8583666221662465 -0.39712662316670516 -0.29806836834800376 0.3241412947319197 0.8472927029931505 +1065,1.200187735784755,0,-0.008632530049629385 -0.18043669075080518 -0.3522408514519809 -0.5519051463209157 -0.6850146762335301 -0.7237093070220827 -0.7190659513274605 -0.7082314547066669 -0.8428887698508307 -1.0812476955083092 -0.9326603132802703 -0.9543293065218578 -1.0115973600889163 -1.013145145320457 -0.8583666221662465 -0.39712662316670516 -0.29806836834800376 0.3241412947319197 0.8472927029931505 1.1707798163854555 +1066,1.0887471991137192,0,-0.18043669075080518 -0.3522408514519809 -0.5519051463209157 -0.6850146762335301 -0.7237093070220827 -0.7190659513274605 -0.7082314547066669 -0.8428887698508307 -1.0812476955083092 -0.9326603132802703 -0.9543293065218578 -1.0115973600889163 -1.013145145320457 -0.8583666221662465 -0.39712662316670516 -0.29806836834800376 0.3241412947319197 0.8472927029931505 1.1707798163854555 1.200187735784755 +1067,1.0330269307782014,0,-0.3522408514519809 -0.5519051463209157 -0.6850146762335301 -0.7237093070220827 -0.7190659513274605 -0.7082314547066669 -0.8428887698508307 -1.0812476955083092 -0.9326603132802703 -0.9543293065218578 -1.0115973600889163 -1.013145145320457 -0.8583666221662465 -0.39712662316670516 -0.29806836834800376 0.3241412947319197 0.8472927029931505 1.1707798163854555 1.200187735784755 1.0887471991137192 +1068,0.7729990118791267,0,-0.5519051463209157 -0.6850146762335301 -0.7237093070220827 -0.7190659513274605 -0.7082314547066669 -0.8428887698508307 -1.0812476955083092 -0.9326603132802703 -0.9543293065218578 -1.0115973600889163 -1.013145145320457 -0.8583666221662465 -0.39712662316670516 -0.29806836834800376 0.3241412947319197 0.8472927029931505 1.1707798163854555 1.200187735784755 1.0887471991137192 1.0330269307782014 +1069,0.4278429052452432,0,-0.6850146762335301 -0.7237093070220827 -0.7190659513274605 -0.7082314547066669 -0.8428887698508307 -1.0812476955083092 -0.9326603132802703 -0.9543293065218578 -1.0115973600889163 -1.013145145320457 -0.8583666221662465 -0.39712662316670516 -0.29806836834800376 0.3241412947319197 0.8472927029931505 1.1707798163854555 1.200187735784755 1.0887471991137192 1.0330269307782014 0.7729990118791267 +1070,0.3164023685742074,0,-0.7237093070220827 -0.7190659513274605 -0.7082314547066669 -0.8428887698508307 -1.0812476955083092 -0.9326603132802703 -0.9543293065218578 -1.0115973600889163 -1.013145145320457 -0.8583666221662465 -0.39712662316670516 -0.29806836834800376 0.3241412947319197 0.8472927029931505 1.1707798163854555 1.200187735784755 1.0887471991137192 1.0330269307782014 0.7729990118791267 0.4278429052452432 +1071,0.13376371125223796,0,-0.7190659513274605 -0.7082314547066669 -0.8428887698508307 -1.0812476955083092 -0.9326603132802703 -0.9543293065218578 -1.0115973600889163 -1.013145145320457 -0.8583666221662465 -0.39712662316670516 -0.29806836834800376 0.3241412947319197 0.8472927029931505 1.1707798163854555 1.200187735784755 1.0887471991137192 1.0330269307782014 0.7729990118791267 0.4278429052452432 0.3164023685742074 +1072,-0.008632530049629385,0,-0.7082314547066669 -0.8428887698508307 -1.0812476955083092 -0.9326603132802703 -0.9543293065218578 -1.0115973600889163 -1.013145145320457 -0.8583666221662465 -0.39712662316670516 -0.29806836834800376 0.3241412947319197 0.8472927029931505 1.1707798163854555 1.200187735784755 1.0887471991137192 1.0330269307782014 0.7729990118791267 0.4278429052452432 0.3164023685742074 0.13376371125223796 +1073,-0.22841803292861076,0,-0.8428887698508307 -1.0812476955083092 -0.9326603132802703 -0.9543293065218578 -1.0115973600889163 -1.013145145320457 -0.8583666221662465 -0.39712662316670516 -0.29806836834800376 0.3241412947319197 0.8472927029931505 1.1707798163854555 1.200187735784755 1.0887471991137192 1.0330269307782014 0.7729990118791267 0.4278429052452432 0.3164023685742074 0.13376371125223796 -0.008632530049629385 +1074,-0.12007306672066517,0,-1.0812476955083092 -0.9326603132802703 -0.9543293065218578 -1.0115973600889163 -1.013145145320457 -0.8583666221662465 -0.39712662316670516 -0.29806836834800376 0.3241412947319197 0.8472927029931505 1.1707798163854555 1.200187735784755 1.0887471991137192 1.0330269307782014 0.7729990118791267 0.4278429052452432 0.3164023685742074 0.13376371125223796 -0.008632530049629385 -0.22841803292861076 +1075,-0.17734112028772378,0,-0.9326603132802703 -0.9543293065218578 -1.0115973600889163 -1.013145145320457 -0.8583666221662465 -0.39712662316670516 -0.29806836834800376 0.3241412947319197 0.8472927029931505 1.1707798163854555 1.200187735784755 1.0887471991137192 1.0330269307782014 0.7729990118791267 0.4278429052452432 0.3164023685742074 0.13376371125223796 -0.008632530049629385 -0.22841803292861076 -0.12007306672066517 +1076,-0.5317839383108602,0,-0.9543293065218578 -1.0115973600889163 -1.013145145320457 -0.8583666221662465 -0.39712662316670516 -0.29806836834800376 0.3241412947319197 0.8472927029931505 1.1707798163854555 1.200187735784755 1.0887471991137192 1.0330269307782014 0.7729990118791267 0.4278429052452432 0.3164023685742074 0.13376371125223796 -0.008632530049629385 -0.22841803292861076 -0.12007306672066517 -0.17734112028772378 +1077,-0.5797652804886658,0,-1.0115973600889163 -1.013145145320457 -0.8583666221662465 -0.39712662316670516 -0.29806836834800376 0.3241412947319197 0.8472927029931505 1.1707798163854555 1.200187735784755 1.0887471991137192 1.0330269307782014 0.7729990118791267 0.4278429052452432 0.3164023685742074 0.13376371125223796 -0.008632530049629385 -0.22841803292861076 -0.12007306672066517 -0.17734112028772378 -0.5317839383108602 +1078,-0.8274109175354062,0,-1.013145145320457 -0.8583666221662465 -0.39712662316670516 -0.29806836834800376 0.3241412947319197 0.8472927029931505 1.1707798163854555 1.200187735784755 1.0887471991137192 1.0330269307782014 0.7729990118791267 0.4278429052452432 0.3164023685742074 0.13376371125223796 -0.008632530049629385 -0.22841803292861076 -0.12007306672066517 -0.17734112028772378 -0.5317839383108602 -0.5797652804886658 +1079,-0.8800356154078338,0,-0.8583666221662465 -0.39712662316670516 -0.29806836834800376 0.3241412947319197 0.8472927029931505 1.1707798163854555 1.200187735784755 1.0887471991137192 1.0330269307782014 0.7729990118791267 0.4278429052452432 0.3164023685742074 0.13376371125223796 -0.008632530049629385 -0.22841803292861076 -0.12007306672066517 -0.17734112028772378 -0.5317839383108602 -0.5797652804886658 -0.8274109175354062 +1080,-0.9636160179111107,0,-0.39712662316670516 -0.29806836834800376 0.3241412947319197 0.8472927029931505 1.1707798163854555 1.200187735784755 1.0887471991137192 1.0330269307782014 0.7729990118791267 0.4278429052452432 0.3164023685742074 0.13376371125223796 -0.008632530049629385 -0.22841803292861076 -0.12007306672066517 -0.17734112028772378 -0.5317839383108602 -0.5797652804886658 -0.8274109175354062 -0.8800356154078338 +1081,-0.9930239373104104,0,-0.29806836834800376 0.3241412947319197 0.8472927029931505 1.1707798163854555 1.200187735784755 1.0887471991137192 1.0330269307782014 0.7729990118791267 0.4278429052452432 0.3164023685742074 0.13376371125223796 -0.008632530049629385 -0.22841803292861076 -0.12007306672066517 -0.17734112028772378 -0.5317839383108602 -0.5797652804886658 -0.8274109175354062 -0.8800356154078338 -0.9636160179111107 +1082,-0.999215078236582,0,0.3241412947319197 0.8472927029931505 1.1707798163854555 1.200187735784755 1.0887471991137192 1.0330269307782014 0.7729990118791267 0.4278429052452432 0.3164023685742074 0.13376371125223796 -0.008632530049629385 -0.22841803292861076 -0.12007306672066517 -0.17734112028772378 -0.5317839383108602 -0.5797652804886658 -0.8274109175354062 -0.8800356154078338 -0.9636160179111107 -0.9930239373104104 +1083,-0.8800356154078338,0,0.8472927029931505 1.1707798163854555 1.200187735784755 1.0887471991137192 1.0330269307782014 0.7729990118791267 0.4278429052452432 0.3164023685742074 0.13376371125223796 -0.008632530049629385 -0.22841803292861076 -0.12007306672066517 -0.17734112028772378 -0.5317839383108602 -0.5797652804886658 -0.8274109175354062 -0.8800356154078338 -0.9636160179111107 -0.9930239373104104 -0.999215078236582 +1084,-0.4095089050190395,0,1.1707798163854555 1.200187735784755 1.0887471991137192 1.0330269307782014 0.7729990118791267 0.4278429052452432 0.3164023685742074 0.13376371125223796 -0.008632530049629385 -0.22841803292861076 -0.12007306672066517 -0.17734112028772378 -0.5317839383108602 -0.5797652804886658 -0.8274109175354062 -0.8800356154078338 -0.9636160179111107 -0.9930239373104104 -0.999215078236582 -0.8800356154078338 +1085,-0.3692664889989462,0,1.200187735784755 1.0887471991137192 1.0330269307782014 0.7729990118791267 0.4278429052452432 0.3164023685742074 0.13376371125223796 -0.008632530049629385 -0.22841803292861076 -0.12007306672066517 -0.17734112028772378 -0.5317839383108602 -0.5797652804886658 -0.8274109175354062 -0.8800356154078338 -0.9636160179111107 -0.9930239373104104 -0.999215078236582 -0.8800356154078338 -0.4095089050190395 +1086,0.2653254559333204,0,1.0887471991137192 1.0330269307782014 0.7729990118791267 0.4278429052452432 0.3164023685742074 0.13376371125223796 -0.008632530049629385 -0.22841803292861076 -0.12007306672066517 -0.17734112028772378 -0.5317839383108602 -0.5797652804886658 -0.8274109175354062 -0.8800356154078338 -0.9636160179111107 -0.9930239373104104 -0.999215078236582 -0.8800356154078338 -0.4095089050190395 -0.3692664889989462 +1087,0.8859873337817031,0,1.0330269307782014 0.7729990118791267 0.4278429052452432 0.3164023685742074 0.13376371125223796 -0.008632530049629385 -0.22841803292861076 -0.12007306672066517 -0.17734112028772378 -0.5317839383108602 -0.5797652804886658 -0.8274109175354062 -0.8800356154078338 -0.9636160179111107 -0.9930239373104104 -0.999215078236582 -0.8800356154078338 -0.4095089050190395 -0.3692664889989462 0.2653254559333204 +1088,1.002071226147361,0,0.7729990118791267 0.4278429052452432 0.3164023685742074 0.13376371125223796 -0.008632530049629385 -0.22841803292861076 -0.12007306672066517 -0.17734112028772378 -0.5317839383108602 -0.5797652804886658 -0.8274109175354062 -0.8800356154078338 -0.9636160179111107 -0.9930239373104104 -0.999215078236582 -0.8800356154078338 -0.4095089050190395 -0.3692664889989462 0.2653254559333204 0.8859873337817031 +1089,0.90920411225484,0,0.4278429052452432 0.3164023685742074 0.13376371125223796 -0.008632530049629385 -0.22841803292861076 -0.12007306672066517 -0.17734112028772378 -0.5317839383108602 -0.5797652804886658 -0.8274109175354062 -0.8800356154078338 -0.9636160179111107 -0.9930239373104104 -0.999215078236582 -0.8800356154078338 -0.4095089050190395 -0.3692664889989462 0.2653254559333204 0.8859873337817031 1.002071226147361 +1090,0.8101458574361385,0,0.3164023685742074 0.13376371125223796 -0.008632530049629385 -0.22841803292861076 -0.12007306672066517 -0.17734112028772378 -0.5317839383108602 -0.5797652804886658 -0.8274109175354062 -0.8800356154078338 -0.9636160179111107 -0.9930239373104104 -0.999215078236582 -0.8800356154078338 -0.4095089050190395 -0.3692664889989462 0.2653254559333204 0.8859873337817031 1.002071226147361 0.90920411225484 +1091,0.5888125693256165,0,0.13376371125223796 -0.008632530049629385 -0.22841803292861076 -0.12007306672066517 -0.17734112028772378 -0.5317839383108602 -0.5797652804886658 -0.8274109175354062 -0.8800356154078338 -0.9636160179111107 -0.9930239373104104 -0.999215078236582 -0.8800356154078338 -0.4095089050190395 -0.3692664889989462 0.2653254559333204 0.8859873337817031 1.002071226147361 0.90920411225484 0.8101458574361385 +1092,0.4262951200137025,0,-0.008632530049629385 -0.22841803292861076 -0.12007306672066517 -0.17734112028772378 -0.5317839383108602 -0.5797652804886658 -0.8274109175354062 -0.8800356154078338 -0.9636160179111107 -0.9930239373104104 -0.999215078236582 -0.8800356154078338 -0.4095089050190395 -0.3692664889989462 0.2653254559333204 0.8859873337817031 1.002071226147361 0.90920411225484 0.8101458574361385 0.5888125693256165 +1093,0.09352129523214463,0,-0.22841803292861076 -0.12007306672066517 -0.17734112028772378 -0.5317839383108602 -0.5797652804886658 -0.8274109175354062 -0.8800356154078338 -0.9636160179111107 -0.9930239373104104 -0.999215078236582 -0.8800356154078338 -0.4095089050190395 -0.3692664889989462 0.2653254559333204 0.8859873337817031 1.002071226147361 0.90920411225484 0.8101458574361385 0.5888125693256165 0.4262951200137025 +1094,-0.04887494606973151,0,-0.12007306672066517 -0.17734112028772378 -0.5317839383108602 -0.5797652804886658 -0.8274109175354062 -0.8800356154078338 -0.9636160179111107 -0.9930239373104104 -0.999215078236582 -0.8800356154078338 -0.4095089050190395 -0.3692664889989462 0.2653254559333204 0.8859873337817031 1.002071226147361 0.90920411225484 0.8101458574361385 0.5888125693256165 0.4262951200137025 0.09352129523214463 +1095,-0.2717560194117943,0,-0.17734112028772378 -0.5317839383108602 -0.5797652804886658 -0.8274109175354062 -0.8800356154078338 -0.9636160179111107 -0.9930239373104104 -0.999215078236582 -0.8800356154078338 -0.4095089050190395 -0.3692664889989462 0.2653254559333204 0.8859873337817031 1.002071226147361 0.90920411225484 0.8101458574361385 0.5888125693256165 0.4262951200137025 0.09352129523214463 -0.04887494606973151 +1096,0.35896646244162056,0,-0.5317839383108602 -0.5797652804886658 -0.8274109175354062 -0.8800356154078338 -0.9636160179111107 -0.9930239373104104 -0.999215078236582 -0.8800356154078338 -0.4095089050190395 -0.3692664889989462 0.2653254559333204 0.8859873337817031 1.002071226147361 0.90920411225484 0.8101458574361385 0.5888125693256165 0.4262951200137025 0.09352129523214463 -0.04887494606973151 -0.2717560194117943 +1097,0.9896889442950266,0,-0.5797652804886658 -0.8274109175354062 -0.8800356154078338 -0.9636160179111107 -0.9930239373104104 -0.999215078236582 -0.8800356154078338 -0.4095089050190395 -0.3692664889989462 0.2653254559333204 0.8859873337817031 1.002071226147361 0.90920411225484 0.8101458574361385 0.5888125693256165 0.4262951200137025 0.09352129523214463 -0.04887494606973151 -0.2717560194117943 0.35896646244162056 +1098,0.9896889442950266,0,-0.8274109175354062 -0.8800356154078338 -0.9636160179111107 -0.9930239373104104 -0.999215078236582 -0.8800356154078338 -0.4095089050190395 -0.3692664889989462 0.2653254559333204 0.8859873337817031 1.002071226147361 0.90920411225484 0.8101458574361385 0.5888125693256165 0.4262951200137025 0.09352129523214463 -0.04887494606973151 -0.2717560194117943 0.35896646244162056 0.9896889442950266 +1099,-0.8893223267970869,0,-0.8800356154078338 -0.9636160179111107 -0.9930239373104104 -0.999215078236582 -0.8800356154078338 -0.4095089050190395 -0.3692664889989462 0.2653254559333204 0.8859873337817031 1.002071226147361 0.90920411225484 0.8101458574361385 0.5888125693256165 0.4262951200137025 0.09352129523214463 -0.04887494606973151 -0.2717560194117943 0.35896646244162056 0.9896889442950266 0.9896889442950266 +1100,-0.8893223267970869,0,-0.9636160179111107 -0.9930239373104104 -0.999215078236582 -0.8800356154078338 -0.4095089050190395 -0.3692664889989462 0.2653254559333204 0.8859873337817031 1.002071226147361 0.90920411225484 0.8101458574361385 0.5888125693256165 0.4262951200137025 0.09352129523214463 -0.04887494606973151 -0.2717560194117943 0.35896646244162056 0.9896889442950266 0.9896889442950266 -0.8893223267970869 +1101,-0.8893223267970869,0,-0.9930239373104104 -0.999215078236582 -0.8800356154078338 -0.4095089050190395 -0.3692664889989462 0.2653254559333204 0.8859873337817031 1.002071226147361 0.90920411225484 0.8101458574361385 0.5888125693256165 0.4262951200137025 0.09352129523214463 -0.04887494606973151 -0.2717560194117943 0.35896646244162056 0.9896889442950266 0.9896889442950266 -0.8893223267970869 -0.8893223267970869 +1102,-0.8893223267970869,0,-0.999215078236582 -0.8800356154078338 -0.4095089050190395 -0.3692664889989462 0.2653254559333204 0.8859873337817031 1.002071226147361 0.90920411225484 0.8101458574361385 0.5888125693256165 0.4262951200137025 0.09352129523214463 -0.04887494606973151 -0.2717560194117943 0.35896646244162056 0.9896889442950266 0.9896889442950266 -0.8893223267970869 -0.8893223267970869 -0.8893223267970869 +1103,-0.8893223267970869,0,-0.8800356154078338 -0.4095089050190395 -0.3692664889989462 0.2653254559333204 0.8859873337817031 1.002071226147361 0.90920411225484 0.8101458574361385 0.5888125693256165 0.4262951200137025 0.09352129523214463 -0.04887494606973151 -0.2717560194117943 0.35896646244162056 0.9896889442950266 0.9896889442950266 -0.8893223267970869 -0.8893223267970869 -0.8893223267970869 -0.8893223267970869 +1104,-0.8893223267970869,0,-0.4095089050190395 -0.3692664889989462 0.2653254559333204 0.8859873337817031 1.002071226147361 0.90920411225484 0.8101458574361385 0.5888125693256165 0.4262951200137025 0.09352129523214463 -0.04887494606973151 -0.2717560194117943 0.35896646244162056 0.9896889442950266 0.9896889442950266 -0.8893223267970869 -0.8893223267970869 -0.8893223267970869 -0.8893223267970869 -0.8893223267970869 +1105,-0.7299004479482543,0,-0.3692664889989462 0.2653254559333204 0.8859873337817031 1.002071226147361 0.90920411225484 0.8101458574361385 0.5888125693256165 0.4262951200137025 0.09352129523214463 -0.04887494606973151 -0.2717560194117943 0.35896646244162056 0.9896889442950266 0.9896889442950266 -0.8893223267970869 -0.8893223267970869 -0.8893223267970869 -0.8893223267970869 -0.8893223267970869 -0.8893223267970869 +1106,-0.7299004479482543,0,0.2653254559333204 0.8859873337817031 1.002071226147361 0.90920411225484 0.8101458574361385 0.5888125693256165 0.4262951200137025 0.09352129523214463 -0.04887494606973151 -0.2717560194117943 0.35896646244162056 0.9896889442950266 0.9896889442950266 -0.8893223267970869 -0.8893223267970869 -0.8893223267970869 -0.8893223267970869 -0.8893223267970869 -0.8893223267970869 -0.7299004479482543 +1107,-0.7299004479482543,0,0.8859873337817031 1.002071226147361 0.90920411225484 0.8101458574361385 0.5888125693256165 0.4262951200137025 0.09352129523214463 -0.04887494606973151 -0.2717560194117943 0.35896646244162056 0.9896889442950266 0.9896889442950266 -0.8893223267970869 -0.8893223267970869 -0.8893223267970869 -0.8893223267970869 -0.8893223267970869 -0.8893223267970869 -0.7299004479482543 -0.7299004479482543 +1108,-0.7299004479482543,0,1.002071226147361 0.90920411225484 0.8101458574361385 0.5888125693256165 0.4262951200137025 0.09352129523214463 -0.04887494606973151 -0.2717560194117943 0.35896646244162056 0.9896889442950266 0.9896889442950266 -0.8893223267970869 -0.8893223267970869 -0.8893223267970869 -0.8893223267970869 -0.8893223267970869 -0.8893223267970869 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 +1109,-0.7299004479482543,0,0.90920411225484 0.8101458574361385 0.5888125693256165 0.4262951200137025 0.09352129523214463 -0.04887494606973151 -0.2717560194117943 0.35896646244162056 0.9896889442950266 0.9896889442950266 -0.8893223267970869 -0.8893223267970869 -0.8893223267970869 -0.8893223267970869 -0.8893223267970869 -0.8893223267970869 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 +1110,-0.7299004479482543,0,0.8101458574361385 0.5888125693256165 0.4262951200137025 0.09352129523214463 -0.04887494606973151 -0.2717560194117943 0.35896646244162056 0.9896889442950266 0.9896889442950266 -0.8893223267970869 -0.8893223267970869 -0.8893223267970869 -0.8893223267970869 -0.8893223267970869 -0.8893223267970869 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 +1111,-0.7299004479482543,0,0.5888125693256165 0.4262951200137025 0.09352129523214463 -0.04887494606973151 -0.2717560194117943 0.35896646244162056 0.9896889442950266 0.9896889442950266 -0.8893223267970869 -0.8893223267970869 -0.8893223267970869 -0.8893223267970869 -0.8893223267970869 -0.8893223267970869 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 +1112,0.2746121673225734,0,0.4262951200137025 0.09352129523214463 -0.04887494606973151 -0.2717560194117943 0.35896646244162056 0.9896889442950266 0.9896889442950266 -0.8893223267970869 -0.8893223267970869 -0.8893223267970869 -0.8893223267970869 -0.8893223267970869 -0.8893223267970869 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 +1113,0.2746121673225734,0,0.09352129523214463 -0.04887494606973151 -0.2717560194117943 0.35896646244162056 0.9896889442950266 0.9896889442950266 -0.8893223267970869 -0.8893223267970869 -0.8893223267970869 -0.8893223267970869 -0.8893223267970869 -0.8893223267970869 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 0.2746121673225734 +1114,0.2746121673225734,0,-0.04887494606973151 -0.2717560194117943 0.35896646244162056 0.9896889442950266 0.9896889442950266 -0.8893223267970869 -0.8893223267970869 -0.8893223267970869 -0.8893223267970869 -0.8893223267970869 -0.8893223267970869 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 0.2746121673225734 0.2746121673225734 +1115,0.2746121673225734,0,-0.2717560194117943 0.35896646244162056 0.9896889442950266 0.9896889442950266 -0.8893223267970869 -0.8893223267970869 -0.8893223267970869 -0.8893223267970869 -0.8893223267970869 -0.8893223267970869 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 0.2746121673225734 0.2746121673225734 0.2746121673225734 +1116,0.2746121673225734,0,0.35896646244162056 0.9896889442950266 0.9896889442950266 -0.8893223267970869 -0.8893223267970869 -0.8893223267970869 -0.8893223267970869 -0.8893223267970869 -0.8893223267970869 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 +1117,0.2746121673225734,0,0.9896889442950266 0.9896889442950266 -0.8893223267970869 -0.8893223267970869 -0.8893223267970869 -0.8893223267970869 -0.8893223267970869 -0.8893223267970869 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 +1118,0.2746121673225734,0,0.9896889442950266 -0.8893223267970869 -0.8893223267970869 -0.8893223267970869 -0.8893223267970869 -0.8893223267970869 -0.8893223267970869 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 +1119,0.2746121673225734,0,-0.8893223267970869 -0.8893223267970869 -0.8893223267970869 -0.8893223267970869 -0.8893223267970869 -0.8893223267970869 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 +1120,0.2746121673225734,0,-0.8893223267970869 -0.8893223267970869 -0.8893223267970869 -0.8893223267970869 -0.8893223267970869 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 +1121,0.2746121673225734,0,-0.8893223267970869 -0.8893223267970869 -0.8893223267970869 -0.8893223267970869 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 +1122,0.2746121673225734,0,-0.8893223267970869 -0.8893223267970869 -0.8893223267970869 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 +1123,-0.5116627303008136,0,-0.8893223267970869 -0.8893223267970869 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 +1124,-0.5116627303008136,0,-0.8893223267970869 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 -0.5116627303008136 +1125,-0.5116627303008136,0,-0.7299004479482543 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 -0.5116627303008136 -0.5116627303008136 +1126,-0.5116627303008136,0,-0.7299004479482543 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 -0.5116627303008136 -0.5116627303008136 -0.5116627303008136 +1127,-0.5410706497001132,0,-0.7299004479482543 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 -0.5116627303008136 -0.5116627303008136 -0.5116627303008136 -0.5116627303008136 +1128,-0.6602501125288612,0,-0.7299004479482543 -0.7299004479482543 -0.7299004479482543 -0.7299004479482543 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 -0.5116627303008136 -0.5116627303008136 -0.5116627303008136 -0.5116627303008136 -0.5410706497001132 +1129,-0.666441253455024,0,-0.7299004479482543 -0.7299004479482543 -0.7299004479482543 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 -0.5116627303008136 -0.5116627303008136 -0.5116627303008136 -0.5116627303008136 -0.5410706497001132 -0.6602501125288612 +1130,-0.6850146762335301,0,-0.7299004479482543 -0.7299004479482543 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 -0.5116627303008136 -0.5116627303008136 -0.5116627303008136 -0.5116627303008136 -0.5410706497001132 -0.6602501125288612 -0.666441253455024 +1131,-0.582860850951756,0,-0.7299004479482543 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 -0.5116627303008136 -0.5116627303008136 -0.5116627303008136 -0.5116627303008136 -0.5410706497001132 -0.6602501125288612 -0.666441253455024 -0.6850146762335301 +1132,-0.46213360289146727,0,0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 -0.5116627303008136 -0.5116627303008136 -0.5116627303008136 -0.5116627303008136 -0.5410706497001132 -0.6602501125288612 -0.666441253455024 -0.6850146762335301 -0.582860850951756 +1133,-0.22687024769707007,0,0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 -0.5116627303008136 -0.5116627303008136 -0.5116627303008136 -0.5116627303008136 -0.5410706497001132 -0.6602501125288612 -0.666441253455024 -0.6850146762335301 -0.582860850951756 -0.46213360289146727 +1134,-0.07828286546903115,0,0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 -0.5116627303008136 -0.5116627303008136 -0.5116627303008136 -0.5116627303008136 -0.5410706497001132 -0.6602501125288612 -0.666441253455024 -0.6850146762335301 -0.582860850951756 -0.46213360289146727 -0.22687024769707007 +1135,0.039348812128176223,0,0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 -0.5116627303008136 -0.5116627303008136 -0.5116627303008136 -0.5116627303008136 -0.5410706497001132 -0.6602501125288612 -0.666441253455024 -0.6850146762335301 -0.582860850951756 -0.46213360289146727 -0.22687024769707007 -0.07828286546903115 +1136,0.18174505343004357,0,0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 -0.5116627303008136 -0.5116627303008136 -0.5116627303008136 -0.5116627303008136 -0.5410706497001132 -0.6602501125288612 -0.666441253455024 -0.6850146762335301 -0.582860850951756 -0.46213360289146727 -0.22687024769707007 -0.07828286546903115 0.039348812128176223 +1137,0.40307834154056565,0,0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 -0.5116627303008136 -0.5116627303008136 -0.5116627303008136 -0.5116627303008136 -0.5410706497001132 -0.6602501125288612 -0.666441253455024 -0.6850146762335301 -0.582860850951756 -0.46213360289146727 -0.22687024769707007 -0.07828286546903115 0.039348812128176223 0.18174505343004357 +1138,0.45260746894991194,0,0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 -0.5116627303008136 -0.5116627303008136 -0.5116627303008136 -0.5116627303008136 -0.5410706497001132 -0.6602501125288612 -0.666441253455024 -0.6850146762335301 -0.582860850951756 -0.46213360289146727 -0.22687024769707007 -0.07828286546903115 0.039348812128176223 0.18174505343004357 0.40307834154056565 +1139,0.34271471751042565,0,0.2746121673225734 0.2746121673225734 0.2746121673225734 0.2746121673225734 -0.5116627303008136 -0.5116627303008136 -0.5116627303008136 -0.5116627303008136 -0.5410706497001132 -0.6602501125288612 -0.666441253455024 -0.6850146762335301 -0.582860850951756 -0.46213360289146727 -0.22687024769707007 -0.07828286546903115 0.039348812128176223 0.18174505343004357 0.40307834154056565 0.45260746894991194 +1140,0.1840667312773634,0,0.2746121673225734 0.2746121673225734 0.2746121673225734 -0.5116627303008136 -0.5116627303008136 -0.5116627303008136 -0.5116627303008136 -0.5410706497001132 -0.6602501125288612 -0.666441253455024 -0.6850146762335301 -0.582860850951756 -0.46213360289146727 -0.22687024769707007 -0.07828286546903115 0.039348812128176223 0.18174505343004357 0.40307834154056565 0.45260746894991194 0.34271471751042565 +1141,0.02541874504429235,0,0.2746121673225734 0.2746121673225734 -0.5116627303008136 -0.5116627303008136 -0.5116627303008136 -0.5116627303008136 -0.5410706497001132 -0.6602501125288612 -0.666441253455024 -0.6850146762335301 -0.582860850951756 -0.46213360289146727 -0.22687024769707007 -0.07828286546903115 0.039348812128176223 0.18174505343004357 0.40307834154056565 0.45260746894991194 0.34271471751042565 0.1840667312773634 +1142,-0.03958823468047853,0,0.2746121673225734 -0.5116627303008136 -0.5116627303008136 -0.5116627303008136 -0.5116627303008136 -0.5410706497001132 -0.6602501125288612 -0.666441253455024 -0.6850146762335301 -0.582860850951756 -0.46213360289146727 -0.22687024769707007 -0.07828286546903115 0.039348812128176223 0.18174505343004357 0.40307834154056565 0.45260746894991194 0.34271471751042565 0.1840667312773634 0.02541874504429235 +1143,-0.07518729500594096,0,-0.5116627303008136 -0.5116627303008136 -0.5116627303008136 -0.5116627303008136 -0.5410706497001132 -0.6602501125288612 -0.666441253455024 -0.6850146762335301 -0.582860850951756 -0.46213360289146727 -0.22687024769707007 -0.07828286546903115 0.039348812128176223 0.18174505343004357 0.40307834154056565 0.45260746894991194 0.34271471751042565 0.1840667312773634 0.02541874504429235 -0.03958823468047853 +1144,-0.11697749625758379,0,-0.5116627303008136 -0.5116627303008136 -0.5116627303008136 -0.5410706497001132 -0.6602501125288612 -0.666441253455024 -0.6850146762335301 -0.582860850951756 -0.46213360289146727 -0.22687024769707007 -0.07828286546903115 0.039348812128176223 0.18174505343004357 0.40307834154056565 0.45260746894991194 0.34271471751042565 0.1840667312773634 0.02541874504429235 -0.03958823468047853 -0.07518729500594096 +1145,-0.12626420764683677,0,-0.5116627303008136 -0.5116627303008136 -0.5410706497001132 -0.6602501125288612 -0.666441253455024 -0.6850146762335301 -0.582860850951756 -0.46213360289146727 -0.22687024769707007 -0.07828286546903115 0.039348812128176223 0.18174505343004357 0.40307834154056565 0.45260746894991194 0.34271471751042565 0.1840667312773634 0.02541874504429235 -0.03958823468047853 -0.07518729500594096 -0.11697749625758379 +1146,-0.14793320088842413,0,-0.5116627303008136 -0.5410706497001132 -0.6602501125288612 -0.666441253455024 -0.6850146762335301 -0.582860850951756 -0.46213360289146727 -0.22687024769707007 -0.07828286546903115 0.039348812128176223 0.18174505343004357 0.40307834154056565 0.45260746894991194 0.34271471751042565 0.1840667312773634 0.02541874504429235 -0.03958823468047853 -0.07518729500594096 -0.11697749625758379 -0.12626420764683677 +1147,-0.1618632679722992,0,-0.5410706497001132 -0.6602501125288612 -0.666441253455024 -0.6850146762335301 -0.582860850951756 -0.46213360289146727 -0.22687024769707007 -0.07828286546903115 0.039348812128176223 0.18174505343004357 0.40307834154056565 0.45260746894991194 0.34271471751042565 0.1840667312773634 0.02541874504429235 -0.03958823468047853 -0.07518729500594096 -0.11697749625758379 -0.12626420764683677 -0.14793320088842413 +1148,-0.24080031478094516,0,-0.6602501125288612 -0.666441253455024 -0.6850146762335301 -0.582860850951756 -0.46213360289146727 -0.22687024769707007 -0.07828286546903115 0.039348812128176223 0.18174505343004357 0.40307834154056565 0.45260746894991194 0.34271471751042565 0.1840667312773634 0.02541874504429235 -0.03958823468047853 -0.07518729500594096 -0.11697749625758379 -0.12626420764683677 -0.14793320088842413 -0.1618632679722992 +1149,-0.24699145570711675,0,-0.666441253455024 -0.6850146762335301 -0.582860850951756 -0.46213360289146727 -0.22687024769707007 -0.07828286546903115 0.039348812128176223 0.18174505343004357 0.40307834154056565 0.45260746894991194 0.34271471751042565 0.1840667312773634 0.02541874504429235 -0.03958823468047853 -0.07518729500594096 -0.11697749625758379 -0.12626420764683677 -0.14793320088842413 -0.1618632679722992 -0.24080031478094516 +1150,-0.282590516032588,0,-0.6850146762335301 -0.582860850951756 -0.46213360289146727 -0.22687024769707007 -0.07828286546903115 0.039348812128176223 0.18174505343004357 0.40307834154056565 0.45260746894991194 0.34271471751042565 0.1840667312773634 0.02541874504429235 -0.03958823468047853 -0.07518729500594096 -0.11697749625758379 -0.12626420764683677 -0.14793320088842413 -0.1618632679722992 -0.24080031478094516 -0.24699145570711675 +1151,-0.3197373615895999,0,-0.582860850951756 -0.46213360289146727 -0.22687024769707007 -0.07828286546903115 0.039348812128176223 0.18174505343004357 0.40307834154056565 0.45260746894991194 0.34271471751042565 0.1840667312773634 0.02541874504429235 -0.03958823468047853 -0.07518729500594096 -0.11697749625758379 -0.12626420764683677 -0.14793320088842413 -0.1618632679722992 -0.24080031478094516 -0.24699145570711675 -0.282590516032588 +1152,-0.36462313330431534,0,-0.46213360289146727 -0.22687024769707007 -0.07828286546903115 0.039348812128176223 0.18174505343004357 0.40307834154056565 0.45260746894991194 0.34271471751042565 0.1840667312773634 0.02541874504429235 -0.03958823468047853 -0.07518729500594096 -0.11697749625758379 -0.12626420764683677 -0.14793320088842413 -0.1618632679722992 -0.24080031478094516 -0.24699145570711675 -0.282590516032588 -0.3197373615895999 +1153,-0.3785532003881992,0,-0.22687024769707007 -0.07828286546903115 0.039348812128176223 0.18174505343004357 0.40307834154056565 0.45260746894991194 0.34271471751042565 0.1840667312773634 0.02541874504429235 -0.03958823468047853 -0.07518729500594096 -0.11697749625758379 -0.12626420764683677 -0.14793320088842413 -0.1618632679722992 -0.24080031478094516 -0.24699145570711675 -0.282590516032588 -0.3197373615895999 -0.36462313330431534 +1154,-0.40022219362978656,0,-0.07828286546903115 0.039348812128176223 0.18174505343004357 0.40307834154056565 0.45260746894991194 0.34271471751042565 0.1840667312773634 0.02541874504429235 -0.03958823468047853 -0.07518729500594096 -0.11697749625758379 -0.12626420764683677 -0.14793320088842413 -0.1618632679722992 -0.24080031478094516 -0.24699145570711675 -0.282590516032588 -0.3197373615895999 -0.36462313330431534 -0.3785532003881992 +1155,-0.34140635483118725,0,0.039348812128176223 0.18174505343004357 0.40307834154056565 0.45260746894991194 0.34271471751042565 0.1840667312773634 0.02541874504429235 -0.03958823468047853 -0.07518729500594096 -0.11697749625758379 -0.12626420764683677 -0.14793320088842413 -0.1618632679722992 -0.24080031478094516 -0.24699145570711675 -0.282590516032588 -0.3197373615895999 -0.36462313330431534 -0.3785532003881992 -0.40022219362978656 +1156,-0.333667428673475,0,0.18174505343004357 0.40307834154056565 0.45260746894991194 0.34271471751042565 0.1840667312773634 0.02541874504429235 -0.03958823468047853 -0.07518729500594096 -0.11697749625758379 -0.12626420764683677 -0.14793320088842413 -0.1618632679722992 -0.24080031478094516 -0.24699145570711675 -0.282590516032588 -0.3197373615895999 -0.36462313330431534 -0.3785532003881992 -0.40022219362978656 -0.34140635483118725 +1157,-0.22687024769707007,0,0.40307834154056565 0.45260746894991194 0.34271471751042565 0.1840667312773634 0.02541874504429235 -0.03958823468047853 -0.07518729500594096 -0.11697749625758379 -0.12626420764683677 -0.14793320088842413 -0.1618632679722992 -0.24080031478094516 -0.24699145570711675 -0.282590516032588 -0.3197373615895999 -0.36462313330431534 -0.3785532003881992 -0.40022219362978656 -0.34140635483118725 -0.333667428673475 +1158,-0.11697749625758379,0,0.45260746894991194 0.34271471751042565 0.1840667312773634 0.02541874504429235 -0.03958823468047853 -0.07518729500594096 -0.11697749625758379 -0.12626420764683677 -0.14793320088842413 -0.1618632679722992 -0.24080031478094516 -0.24699145570711675 -0.282590516032588 -0.3197373615895999 -0.36462313330431534 -0.3785532003881992 -0.40022219362978656 -0.34140635483118725 -0.333667428673475 -0.22687024769707007 +1159,0.054826664443592,0,0.34271471751042565 0.1840667312773634 0.02541874504429235 -0.03958823468047853 -0.07518729500594096 -0.11697749625758379 -0.12626420764683677 -0.14793320088842413 -0.1618632679722992 -0.24080031478094516 -0.24699145570711675 -0.282590516032588 -0.3197373615895999 -0.36462313330431534 -0.3785532003881992 -0.40022219362978656 -0.34140635483118725 -0.333667428673475 -0.22687024769707007 -0.11697749625758379 +1160,0.15233713403074392,0,0.1840667312773634 0.02541874504429235 -0.03958823468047853 -0.07518729500594096 -0.11697749625758379 -0.12626420764683677 -0.14793320088842413 -0.1618632679722992 -0.24080031478094516 -0.24699145570711675 -0.282590516032588 -0.3197373615895999 -0.36462313330431534 -0.3785532003881992 -0.40022219362978656 -0.34140635483118725 -0.333667428673475 -0.22687024769707007 -0.11697749625758379 0.054826664443592 +1161,0.15233713403074392,0,0.02541874504429235 -0.03958823468047853 -0.07518729500594096 -0.11697749625758379 -0.12626420764683677 -0.14793320088842413 -0.1618632679722992 -0.24080031478094516 -0.24699145570711675 -0.282590516032588 -0.3197373615895999 -0.36462313330431534 -0.3785532003881992 -0.40022219362978656 -0.34140635483118725 -0.333667428673475 -0.22687024769707007 -0.11697749625758379 0.054826664443592 0.15233713403074392 +1162,0.12912035555761586,0,-0.03958823468047853 -0.07518729500594096 -0.11697749625758379 -0.12626420764683677 -0.14793320088842413 -0.1618632679722992 -0.24080031478094516 -0.24699145570711675 -0.282590516032588 -0.3197373615895999 -0.36462313330431534 -0.3785532003881992 -0.40022219362978656 -0.34140635483118725 -0.333667428673475 -0.22687024769707007 -0.11697749625758379 0.054826664443592 0.15233713403074392 0.15233713403074392 +1163,0.05637444967513269,0,-0.07518729500594096 -0.11697749625758379 -0.12626420764683677 -0.14793320088842413 -0.1618632679722992 -0.24080031478094516 -0.24699145570711675 -0.282590516032588 -0.3197373615895999 -0.36462313330431534 -0.3785532003881992 -0.40022219362978656 -0.34140635483118725 -0.333667428673475 -0.22687024769707007 -0.11697749625758379 0.054826664443592 0.15233713403074392 0.15233713403074392 0.12912035555761586 +1164,0.01613203365503937,0,-0.11697749625758379 -0.12626420764683677 -0.14793320088842413 -0.1618632679722992 -0.24080031478094516 -0.24699145570711675 -0.282590516032588 -0.3197373615895999 -0.36462313330431534 -0.3785532003881992 -0.40022219362978656 -0.34140635483118725 -0.333667428673475 -0.22687024769707007 -0.11697749625758379 0.054826664443592 0.15233713403074392 0.15233713403074392 0.12912035555761586 0.05637444967513269 +1165,-0.1587676975092178,0,-0.12626420764683677 -0.14793320088842413 -0.1618632679722992 -0.24080031478094516 -0.24699145570711675 -0.282590516032588 -0.3197373615895999 -0.36462313330431534 -0.3785532003881992 -0.40022219362978656 -0.34140635483118725 -0.333667428673475 -0.22687024769707007 -0.11697749625758379 0.054826664443592 0.15233713403074392 0.15233713403074392 0.12912035555761586 0.05637444967513269 0.01613203365503937 +1166,-0.23925252954940446,0,-0.14793320088842413 -0.1618632679722992 -0.24080031478094516 -0.24699145570711675 -0.282590516032588 -0.3197373615895999 -0.36462313330431534 -0.3785532003881992 -0.40022219362978656 -0.34140635483118725 -0.333667428673475 -0.22687024769707007 -0.11697749625758379 0.054826664443592 0.15233713403074392 0.15233713403074392 0.12912035555761586 0.05637444967513269 0.01613203365503937 -0.1587676975092178 +1167,-0.2717560194117943,0,-0.1618632679722992 -0.24080031478094516 -0.24699145570711675 -0.282590516032588 -0.3197373615895999 -0.36462313330431534 -0.3785532003881992 -0.40022219362978656 -0.34140635483118725 -0.333667428673475 -0.22687024769707007 -0.11697749625758379 0.054826664443592 0.15233713403074392 0.15233713403074392 0.12912035555761586 0.05637444967513269 0.01613203365503937 -0.1587676975092178 -0.23925252954940446 +1168,-0.2810427308010473,0,-0.24080031478094516 -0.24699145570711675 -0.282590516032588 -0.3197373615895999 -0.36462313330431534 -0.3785532003881992 -0.40022219362978656 -0.34140635483118725 -0.333667428673475 -0.22687024769707007 -0.11697749625758379 0.054826664443592 0.15233713403074392 0.15233713403074392 0.12912035555761586 0.05637444967513269 0.01613203365503937 -0.1587676975092178 -0.23925252954940446 -0.2717560194117943 +1169,-0.29961615357954446,0,-0.24699145570711675 -0.282590516032588 -0.3197373615895999 -0.36462313330431534 -0.3785532003881992 -0.40022219362978656 -0.34140635483118725 -0.333667428673475 -0.22687024769707007 -0.11697749625758379 0.054826664443592 0.15233713403074392 0.15233713403074392 0.12912035555761586 0.05637444967513269 0.01613203365503937 -0.1587676975092178 -0.23925252954940446 -0.2717560194117943 -0.2810427308010473 +1170,-0.3135462206634283,0,-0.282590516032588 -0.3197373615895999 -0.36462313330431534 -0.3785532003881992 -0.40022219362978656 -0.34140635483118725 -0.333667428673475 -0.22687024769707007 -0.11697749625758379 0.054826664443592 0.15233713403074392 0.15233713403074392 0.12912035555761586 0.05637444967513269 0.01613203365503937 -0.1587676975092178 -0.23925252954940446 -0.2717560194117943 -0.2810427308010473 -0.29961615357954446 +1171,-0.3491452809888996,0,-0.3197373615895999 -0.36462313330431534 -0.3785532003881992 -0.40022219362978656 -0.34140635483118725 -0.333667428673475 -0.22687024769707007 -0.11697749625758379 0.054826664443592 0.15233713403074392 0.15233713403074392 0.12912035555761586 0.05637444967513269 0.01613203365503937 -0.1587676975092178 -0.23925252954940446 -0.2717560194117943 -0.2810427308010473 -0.29961615357954446 -0.3135462206634283 +1172,-0.356884207146603,0,-0.36462313330431534 -0.3785532003881992 -0.40022219362978656 -0.34140635483118725 -0.333667428673475 -0.22687024769707007 -0.11697749625758379 0.054826664443592 0.15233713403074392 0.15233713403074392 0.12912035555761586 0.05637444967513269 0.01613203365503937 -0.1587676975092178 -0.23925252954940446 -0.2717560194117943 -0.2810427308010473 -0.29961615357954446 -0.3135462206634283 -0.3491452809888996 +1173,-0.356884207146603,0,-0.3785532003881992 -0.40022219362978656 -0.34140635483118725 -0.333667428673475 -0.22687024769707007 -0.11697749625758379 0.054826664443592 0.15233713403074392 0.15233713403074392 0.12912035555761586 0.05637444967513269 0.01613203365503937 -0.1587676975092178 -0.23925252954940446 -0.2717560194117943 -0.2810427308010473 -0.29961615357954446 -0.3135462206634283 -0.3491452809888996 -0.356884207146603 +1174,-0.3801009856197399,0,-0.40022219362978656 -0.34140635483118725 -0.333667428673475 -0.22687024769707007 -0.11697749625758379 0.054826664443592 0.15233713403074392 0.15233713403074392 0.12912035555761586 0.05637444967513269 0.01613203365503937 -0.1587676975092178 -0.23925252954940446 -0.2717560194117943 -0.2810427308010473 -0.29961615357954446 -0.3135462206634283 -0.3491452809888996 -0.356884207146603 -0.356884207146603 +1175,-0.4079611197874988,0,-0.34140635483118725 -0.333667428673475 -0.22687024769707007 -0.11697749625758379 0.054826664443592 0.15233713403074392 0.15233713403074392 0.12912035555761586 0.05637444967513269 0.01613203365503937 -0.1587676975092178 -0.23925252954940446 -0.2717560194117943 -0.2810427308010473 -0.29961615357954446 -0.3135462206634283 -0.3491452809888996 -0.356884207146603 -0.356884207146603 -0.3801009856197399 +1176,-0.3801009856197399,0,-0.333667428673475 -0.22687024769707007 -0.11697749625758379 0.054826664443592 0.15233713403074392 0.15233713403074392 0.12912035555761586 0.05637444967513269 0.01613203365503937 -0.1587676975092178 -0.23925252954940446 -0.2717560194117943 -0.2810427308010473 -0.29961615357954446 -0.3135462206634283 -0.3491452809888996 -0.356884207146603 -0.356884207146603 -0.3801009856197399 -0.4079611197874988 +1177,-0.4249867573344553,0,-0.22687024769707007 -0.11697749625758379 0.054826664443592 0.15233713403074392 0.15233713403074392 0.12912035555761586 0.05637444967513269 0.01613203365503937 -0.1587676975092178 -0.23925252954940446 -0.2717560194117943 -0.2810427308010473 -0.29961615357954446 -0.3135462206634283 -0.3491452809888996 -0.356884207146603 -0.356884207146603 -0.3801009856197399 -0.4079611197874988 -0.3801009856197399 +1178,-0.45284689150221424,0,-0.11697749625758379 0.054826664443592 0.15233713403074392 0.15233713403074392 0.12912035555761586 0.05637444967513269 0.01613203365503937 -0.1587676975092178 -0.23925252954940446 -0.2717560194117943 -0.2810427308010473 -0.29961615357954446 -0.3135462206634283 -0.3491452809888996 -0.356884207146603 -0.356884207146603 -0.3801009856197399 -0.4079611197874988 -0.3801009856197399 -0.4249867573344553 +1179,-0.4157000459452023,0,0.054826664443592 0.15233713403074392 0.15233713403074392 0.12912035555761586 0.05637444967513269 0.01613203365503937 -0.1587676975092178 -0.23925252954940446 -0.2717560194117943 -0.2810427308010473 -0.29961615357954446 -0.3135462206634283 -0.3491452809888996 -0.356884207146603 -0.356884207146603 -0.3801009856197399 -0.4079611197874988 -0.3801009856197399 -0.4249867573344553 -0.45284689150221424 +1180,-0.3352152139050157,0,0.15233713403074392 0.15233713403074392 0.12912035555761586 0.05637444967513269 0.01613203365503937 -0.1587676975092178 -0.23925252954940446 -0.2717560194117943 -0.2810427308010473 -0.29961615357954446 -0.3135462206634283 -0.3491452809888996 -0.356884207146603 -0.356884207146603 -0.3801009856197399 -0.4079611197874988 -0.3801009856197399 -0.4249867573344553 -0.45284689150221424 -0.4157000459452023 +1181,-0.19127118737159884,0,0.15233713403074392 0.12912035555761586 0.05637444967513269 0.01613203365503937 -0.1587676975092178 -0.23925252954940446 -0.2717560194117943 -0.2810427308010473 -0.29961615357954446 -0.3135462206634283 -0.3491452809888996 -0.356884207146603 -0.356884207146603 -0.3801009856197399 -0.4079611197874988 -0.3801009856197399 -0.4249867573344553 -0.45284689150221424 -0.4157000459452023 -0.3352152139050157 +1182,-0.05042273130127221,0,0.12912035555761586 0.05637444967513269 0.01613203365503937 -0.1587676975092178 -0.23925252954940446 -0.2717560194117943 -0.2810427308010473 -0.29961615357954446 -0.3135462206634283 -0.3491452809888996 -0.356884207146603 -0.356884207146603 -0.3801009856197399 -0.4079611197874988 -0.3801009856197399 -0.4249867573344553 -0.45284689150221424 -0.4157000459452023 -0.3352152139050157 -0.19127118737159884 +1183,0.08733015430598183,0,0.05637444967513269 0.01613203365503937 -0.1587676975092178 -0.23925252954940446 -0.2717560194117943 -0.2810427308010473 -0.29961615357954446 -0.3135462206634283 -0.3491452809888996 -0.356884207146603 -0.356884207146603 -0.3801009856197399 -0.4079611197874988 -0.3801009856197399 -0.4249867573344553 -0.45284689150221424 -0.4157000459452023 -0.3352152139050157 -0.19127118737159884 -0.05042273130127221 +1184,0.2188918989870555,0,0.01613203365503937 -0.1587676975092178 -0.23925252954940446 -0.2717560194117943 -0.2810427308010473 -0.29961615357954446 -0.3135462206634283 -0.3491452809888996 -0.356884207146603 -0.356884207146603 -0.3801009856197399 -0.4079611197874988 -0.3801009856197399 -0.4249867573344553 -0.45284689150221424 -0.4157000459452023 -0.3352152139050157 -0.19127118737159884 -0.05042273130127221 0.08733015430598183 +1185,0.25294317408098604,0,-0.1587676975092178 -0.23925252954940446 -0.2717560194117943 -0.2810427308010473 -0.29961615357954446 -0.3135462206634283 -0.3491452809888996 -0.356884207146603 -0.356884207146603 -0.3801009856197399 -0.4079611197874988 -0.3801009856197399 -0.4249867573344553 -0.45284689150221424 -0.4157000459452023 -0.3352152139050157 -0.19127118737159884 -0.05042273130127221 0.08733015430598183 0.2188918989870555 +1186,0.17710169773542148,0,-0.23925252954940446 -0.2717560194117943 -0.2810427308010473 -0.29961615357954446 -0.3135462206634283 -0.3491452809888996 -0.356884207146603 -0.356884207146603 -0.3801009856197399 -0.4079611197874988 -0.3801009856197399 -0.4249867573344553 -0.45284689150221424 -0.4157000459452023 -0.3352152139050157 -0.19127118737159884 -0.05042273130127221 0.08733015430598183 0.2188918989870555 0.25294317408098604 +1187,0.14769377833612182,0,-0.2717560194117943 -0.2810427308010473 -0.29961615357954446 -0.3135462206634283 -0.3491452809888996 -0.356884207146603 -0.356884207146603 -0.3801009856197399 -0.4079611197874988 -0.3801009856197399 -0.4249867573344553 -0.45284689150221424 -0.4157000459452023 -0.3352152139050157 -0.19127118737159884 -0.05042273130127221 0.08733015430598183 0.2188918989870555 0.25294317408098604 0.17710169773542148 +1188,0.02541874504429235,0,-0.2810427308010473 -0.29961615357954446 -0.3135462206634283 -0.3491452809888996 -0.356884207146603 -0.356884207146603 -0.3801009856197399 -0.4079611197874988 -0.3801009856197399 -0.4249867573344553 -0.45284689150221424 -0.4157000459452023 -0.3352152139050157 -0.19127118737159884 -0.05042273130127221 0.08733015430598183 0.2188918989870555 0.25294317408098604 0.17710169773542148 0.14769377833612182 +1189,-0.16960219413001149,0,-0.29961615357954446 -0.3135462206634283 -0.3491452809888996 -0.356884207146603 -0.356884207146603 -0.3801009856197399 -0.4079611197874988 -0.3801009856197399 -0.4249867573344553 -0.45284689150221424 -0.4157000459452023 -0.3352152139050157 -0.19127118737159884 -0.05042273130127221 0.08733015430598183 0.2188918989870555 0.25294317408098604 0.17710169773542148 0.14769377833612182 0.02541874504429235 +1190,-0.2702082341802448,0,-0.3135462206634283 -0.3491452809888996 -0.356884207146603 -0.356884207146603 -0.3801009856197399 -0.4079611197874988 -0.3801009856197399 -0.4249867573344553 -0.45284689150221424 -0.4157000459452023 -0.3352152139050157 -0.19127118737159884 -0.05042273130127221 0.08733015430598183 0.2188918989870555 0.25294317408098604 0.17710169773542148 0.14769377833612182 0.02541874504429235 -0.16960219413001149 +1191,-0.324380717284222,0,-0.3491452809888996 -0.356884207146603 -0.356884207146603 -0.3801009856197399 -0.4079611197874988 -0.3801009856197399 -0.4249867573344553 -0.45284689150221424 -0.4157000459452023 -0.3352152139050157 -0.19127118737159884 -0.05042273130127221 0.08733015430598183 0.2188918989870555 0.25294317408098604 0.17710169773542148 0.14769377833612182 0.02541874504429235 -0.16960219413001149 -0.2702082341802448 +1192,-0.4280823277975455,0,-0.356884207146603 -0.356884207146603 -0.3801009856197399 -0.4079611197874988 -0.3801009856197399 -0.4249867573344553 -0.45284689150221424 -0.4157000459452023 -0.3352152139050157 -0.19127118737159884 -0.05042273130127221 0.08733015430598183 0.2188918989870555 0.25294317408098604 0.17710169773542148 0.14769377833612182 0.02541874504429235 -0.16960219413001149 -0.2702082341802448 -0.324380717284222 +1193,-0.5395228644685724,0,-0.356884207146603 -0.3801009856197399 -0.4079611197874988 -0.3801009856197399 -0.4249867573344553 -0.45284689150221424 -0.4157000459452023 -0.3352152139050157 -0.19127118737159884 -0.05042273130127221 0.08733015430598183 0.2188918989870555 0.25294317408098604 0.17710169773542148 0.14769377833612182 0.02541874504429235 -0.16960219413001149 -0.2702082341802448 -0.324380717284222 -0.4280823277975455 +1194,-0.5983387032671718,0,-0.3801009856197399 -0.4079611197874988 -0.3801009856197399 -0.4249867573344553 -0.45284689150221424 -0.4157000459452023 -0.3352152139050157 -0.19127118737159884 -0.05042273130127221 0.08733015430598183 0.2188918989870555 0.25294317408098604 0.17710169773542148 0.14769377833612182 0.02541874504429235 -0.16960219413001149 -0.2702082341802448 -0.324380717284222 -0.4280823277975455 -0.5395228644685724 +1195,-0.666441253455024,0,-0.4079611197874988 -0.3801009856197399 -0.4249867573344553 -0.45284689150221424 -0.4157000459452023 -0.3352152139050157 -0.19127118737159884 -0.05042273130127221 0.08733015430598183 0.2188918989870555 0.25294317408098604 0.17710169773542148 0.14769377833612182 0.02541874504429235 -0.16960219413001149 -0.2702082341802448 -0.324380717284222 -0.4280823277975455 -0.5395228644685724 -0.5983387032671718 +1196,-0.7515694411898416,0,-0.3801009856197399 -0.4249867573344553 -0.45284689150221424 -0.4157000459452023 -0.3352152139050157 -0.19127118737159884 -0.05042273130127221 0.08733015430598183 0.2188918989870555 0.25294317408098604 0.17710169773542148 0.14769377833612182 0.02541874504429235 -0.16960219413001149 -0.2702082341802448 -0.324380717284222 -0.4280823277975455 -0.5395228644685724 -0.5983387032671718 -0.666441253455024 +1197,-0.7794295753576006,0,-0.4249867573344553 -0.45284689150221424 -0.4157000459452023 -0.3352152139050157 -0.19127118737159884 -0.05042273130127221 0.08733015430598183 0.2188918989870555 0.25294317408098604 0.17710169773542148 0.14769377833612182 0.02541874504429235 -0.16960219413001149 -0.2702082341802448 -0.324380717284222 -0.4280823277975455 -0.5395228644685724 -0.5983387032671718 -0.666441253455024 -0.7515694411898416 +1198,-0.9125391052702237,0,-0.45284689150221424 -0.4157000459452023 -0.3352152139050157 -0.19127118737159884 -0.05042273130127221 0.08733015430598183 0.2188918989870555 0.25294317408098604 0.17710169773542148 0.14769377833612182 0.02541874504429235 -0.16960219413001149 -0.2702082341802448 -0.324380717284222 -0.4280823277975455 -0.5395228644685724 -0.5983387032671718 -0.666441253455024 -0.7515694411898416 -0.7794295753576006 +1199,-0.8831311858709241,0,-0.4157000459452023 -0.3352152139050157 -0.19127118737159884 -0.05042273130127221 0.08733015430598183 0.2188918989870555 0.25294317408098604 0.17710169773542148 0.14769377833612182 0.02541874504429235 -0.16960219413001149 -0.2702082341802448 -0.324380717284222 -0.4280823277975455 -0.5395228644685724 -0.5983387032671718 -0.666441253455024 -0.7515694411898416 -0.7794295753576006 -0.9125391052702237 +1200,-0.9264691723540988,0,-0.3352152139050157 -0.19127118737159884 -0.05042273130127221 0.08733015430598183 0.2188918989870555 0.25294317408098604 0.17710169773542148 0.14769377833612182 0.02541874504429235 -0.16960219413001149 -0.2702082341802448 -0.324380717284222 -0.4280823277975455 -0.5395228644685724 -0.5983387032671718 -0.666441253455024 -0.7515694411898416 -0.7794295753576006 -0.9125391052702237 -0.8831311858709241 +1201,-0.9729027293003637,0,-0.19127118737159884 -0.05042273130127221 0.08733015430598183 0.2188918989870555 0.25294317408098604 0.17710169773542148 0.14769377833612182 0.02541874504429235 -0.16960219413001149 -0.2702082341802448 -0.324380717284222 -0.4280823277975455 -0.5395228644685724 -0.5983387032671718 -0.666441253455024 -0.7515694411898416 -0.7794295753576006 -0.9125391052702237 -0.8831311858709241 -0.9264691723540988 +1202,-0.9218258166594767,0,-0.05042273130127221 0.08733015430598183 0.2188918989870555 0.25294317408098604 0.17710169773542148 0.14769377833612182 0.02541874504429235 -0.16960219413001149 -0.2702082341802448 -0.324380717284222 -0.4280823277975455 -0.5395228644685724 -0.5983387032671718 -0.666441253455024 -0.7515694411898416 -0.7794295753576006 -0.9125391052702237 -0.8831311858709241 -0.9264691723540988 -0.9729027293003637 +1203,-0.8072897095253595,0,0.08733015430598183 0.2188918989870555 0.25294317408098604 0.17710169773542148 0.14769377833612182 0.02541874504429235 -0.16960219413001149 -0.2702082341802448 -0.324380717284222 -0.4280823277975455 -0.5395228644685724 -0.5983387032671718 -0.666441253455024 -0.7515694411898416 -0.7794295753576006 -0.9125391052702237 -0.8831311858709241 -0.9264691723540988 -0.9729027293003637 -0.9218258166594767 +1204,-0.7051358842435766,0,0.2188918989870555 0.25294317408098604 0.17710169773542148 0.14769377833612182 0.02541874504429235 -0.16960219413001149 -0.2702082341802448 -0.324380717284222 -0.4280823277975455 -0.5395228644685724 -0.5983387032671718 -0.666441253455024 -0.7515694411898416 -0.7794295753576006 -0.9125391052702237 -0.8831311858709241 -0.9264691723540988 -0.9729027293003637 -0.9218258166594767 -0.8072897095253595 +1205,-0.25473038186482905,0,0.25294317408098604 0.17710169773542148 0.14769377833612182 0.02541874504429235 -0.16960219413001149 -0.2702082341802448 -0.324380717284222 -0.4280823277975455 -0.5395228644685724 -0.5983387032671718 -0.666441253455024 -0.7515694411898416 -0.7794295753576006 -0.9125391052702237 -0.8831311858709241 -0.9264691723540988 -0.9729027293003637 -0.9218258166594767 -0.8072897095253595 -0.7051358842435766 +1206,-0.011728100512719579,0,0.17710169773542148 0.14769377833612182 0.02541874504429235 -0.16960219413001149 -0.2702082341802448 -0.324380717284222 -0.4280823277975455 -0.5395228644685724 -0.5983387032671718 -0.666441253455024 -0.7515694411898416 -0.7794295753576006 -0.9125391052702237 -0.8831311858709241 -0.9264691723540988 -0.9729027293003637 -0.9218258166594767 -0.8072897095253595 -0.7051358842435766 -0.25473038186482905 +1207,0.14769377833612182,0,0.14769377833612182 0.02541874504429235 -0.16960219413001149 -0.2702082341802448 -0.324380717284222 -0.4280823277975455 -0.5395228644685724 -0.5983387032671718 -0.666441253455024 -0.7515694411898416 -0.7794295753576006 -0.9125391052702237 -0.8831311858709241 -0.9264691723540988 -0.9729027293003637 -0.9218258166594767 -0.8072897095253595 -0.7051358842435766 -0.25473038186482905 -0.011728100512719579 +1208,0.19877069097700883,0,0.02541874504429235 -0.16960219413001149 -0.2702082341802448 -0.324380717284222 -0.4280823277975455 -0.5395228644685724 -0.5983387032671718 -0.666441253455024 -0.7515694411898416 -0.7794295753576006 -0.9125391052702237 -0.8831311858709241 -0.9264691723540988 -0.9729027293003637 -0.9218258166594767 -0.8072897095253595 -0.7051358842435766 -0.25473038186482905 -0.011728100512719579 0.14769377833612182 +1209,0.3086634424164951,0,-0.16960219413001149 -0.2702082341802448 -0.324380717284222 -0.4280823277975455 -0.5395228644685724 -0.5983387032671718 -0.666441253455024 -0.7515694411898416 -0.7794295753576006 -0.9125391052702237 -0.8831311858709241 -0.9264691723540988 -0.9729027293003637 -0.9218258166594767 -0.8072897095253595 -0.7051358842435766 -0.25473038186482905 -0.011728100512719579 0.14769377833612182 0.19877069097700883 +1210,0.3241412947319197,0,-0.2702082341802448 -0.324380717284222 -0.4280823277975455 -0.5395228644685724 -0.5983387032671718 -0.666441253455024 -0.7515694411898416 -0.7794295753576006 -0.9125391052702237 -0.8831311858709241 -0.9264691723540988 -0.9729027293003637 -0.9218258166594767 -0.8072897095253595 -0.7051358842435766 -0.25473038186482905 -0.011728100512719579 0.14769377833612182 0.19877069097700883 0.3086634424164951 +1211,0.24829981838635515,0,-0.324380717284222 -0.4280823277975455 -0.5395228644685724 -0.5983387032671718 -0.666441253455024 -0.7515694411898416 -0.7794295753576006 -0.9125391052702237 -0.8831311858709241 -0.9264691723540988 -0.9729027293003637 -0.9218258166594767 -0.8072897095253595 -0.7051358842435766 -0.25473038186482905 -0.011728100512719579 0.14769377833612182 0.19877069097700883 0.3086634424164951 0.3241412947319197 +1212,0.028514315507373746,0,-0.4280823277975455 -0.5395228644685724 -0.5983387032671718 -0.666441253455024 -0.7515694411898416 -0.7794295753576006 -0.9125391052702237 -0.8831311858709241 -0.9264691723540988 -0.9729027293003637 -0.9218258166594767 -0.8072897095253595 -0.7051358842435766 -0.25473038186482905 -0.011728100512719579 0.14769377833612182 0.19877069097700883 0.3086634424164951 0.3241412947319197 0.24829981838635515 +1213,-0.11697749625758379,0,-0.5395228644685724 -0.5983387032671718 -0.666441253455024 -0.7515694411898416 -0.7794295753576006 -0.9125391052702237 -0.8831311858709241 -0.9264691723540988 -0.9729027293003637 -0.9218258166594767 -0.8072897095253595 -0.7051358842435766 -0.25473038186482905 -0.011728100512719579 0.14769377833612182 0.19877069097700883 0.3086634424164951 0.3241412947319197 0.24829981838635515 0.028514315507373746 +1214,-0.28723387172721004,0,-0.5983387032671718 -0.666441253455024 -0.7515694411898416 -0.7794295753576006 -0.9125391052702237 -0.8831311858709241 -0.9264691723540988 -0.9729027293003637 -0.9218258166594767 -0.8072897095253595 -0.7051358842435766 -0.25473038186482905 -0.011728100512719579 0.14769377833612182 0.19877069097700883 0.3086634424164951 0.3241412947319197 0.24829981838635515 0.028514315507373746 -0.11697749625758379 +1215,-0.3893876970089929,0,-0.666441253455024 -0.7515694411898416 -0.7794295753576006 -0.9125391052702237 -0.8831311858709241 -0.9264691723540988 -0.9729027293003637 -0.9218258166594767 -0.8072897095253595 -0.7051358842435766 -0.25473038186482905 -0.011728100512719579 0.14769377833612182 0.19877069097700883 0.3086634424164951 0.3241412947319197 0.24829981838635515 0.028514315507373746 -0.11697749625758379 -0.28723387172721004 +1216,-0.5194016564585259,0,-0.7515694411898416 -0.7794295753576006 -0.9125391052702237 -0.8831311858709241 -0.9264691723540988 -0.9729027293003637 -0.9218258166594767 -0.8072897095253595 -0.7051358842435766 -0.25473038186482905 -0.011728100512719579 0.14769377833612182 0.19877069097700883 0.3086634424164951 0.3241412947319197 0.24829981838635515 0.028514315507373746 -0.11697749625758379 -0.28723387172721004 -0.3893876970089929 +1217,-0.592147562341009,0,-0.7794295753576006 -0.9125391052702237 -0.8831311858709241 -0.9264691723540988 -0.9729027293003637 -0.9218258166594767 -0.8072897095253595 -0.7051358842435766 -0.25473038186482905 -0.011728100512719579 0.14769377833612182 0.19877069097700883 0.3086634424164951 0.3241412947319197 0.24829981838635515 0.028514315507373746 -0.11697749625758379 -0.28723387172721004 -0.3893876970089929 -0.5194016564585259 +1218,-0.6695368239181143,0,-0.9125391052702237 -0.8831311858709241 -0.9264691723540988 -0.9729027293003637 -0.9218258166594767 -0.8072897095253595 -0.7051358842435766 -0.25473038186482905 -0.011728100512719579 0.14769377833612182 0.19877069097700883 0.3086634424164951 0.3241412947319197 0.24829981838635515 0.028514315507373746 -0.11697749625758379 -0.28723387172721004 -0.3893876970089929 -0.5194016564585259 -0.592147562341009 +1219,-0.7716906491998883,0,-0.8831311858709241 -0.9264691723540988 -0.9729027293003637 -0.9218258166594767 -0.8072897095253595 -0.7051358842435766 -0.25473038186482905 -0.011728100512719579 0.14769377833612182 0.19877069097700883 0.3086634424164951 0.3241412947319197 0.24829981838635515 0.028514315507373746 -0.11697749625758379 -0.28723387172721004 -0.3893876970089929 -0.5194016564585259 -0.592147562341009 -0.6695368239181143 +1220,-0.8366976289246592,0,-0.9264691723540988 -0.9729027293003637 -0.9218258166594767 -0.8072897095253595 -0.7051358842435766 -0.25473038186482905 -0.011728100512719579 0.14769377833612182 0.19877069097700883 0.3086634424164951 0.3241412947319197 0.24829981838635515 0.028514315507373746 -0.11697749625758379 -0.28723387172721004 -0.3893876970089929 -0.5194016564585259 -0.592147562341009 -0.6695368239181143 -0.7716906491998883 +1221,-0.910991320038683,0,-0.9729027293003637 -0.9218258166594767 -0.8072897095253595 -0.7051358842435766 -0.25473038186482905 -0.011728100512719579 0.14769377833612182 0.19877069097700883 0.3086634424164951 0.3241412947319197 0.24829981838635515 0.028514315507373746 -0.11697749625758379 -0.28723387172721004 -0.3893876970089929 -0.5194016564585259 -0.592147562341009 -0.6695368239181143 -0.7716906491998883 -0.8366976289246592 +1222,-0.9667115883741921,0,-0.9218258166594767 -0.8072897095253595 -0.7051358842435766 -0.25473038186482905 -0.011728100512719579 0.14769377833612182 0.19877069097700883 0.3086634424164951 0.3241412947319197 0.24829981838635515 0.028514315507373746 -0.11697749625758379 -0.28723387172721004 -0.3893876970089929 -0.5194016564585259 -0.592147562341009 -0.6695368239181143 -0.7716906491998883 -0.8366976289246592 -0.910991320038683 +1223,-0.980641655458076,0,-0.8072897095253595 -0.7051358842435766 -0.25473038186482905 -0.011728100512719579 0.14769377833612182 0.19877069097700883 0.3086634424164951 0.3241412947319197 0.24829981838635515 0.028514315507373746 -0.11697749625758379 -0.28723387172721004 -0.3893876970089929 -0.5194016564585259 -0.592147562341009 -0.6695368239181143 -0.7716906491998883 -0.8366976289246592 -0.910991320038683 -0.9667115883741921 +1224,-1.0843432659713994,0,-0.7051358842435766 -0.25473038186482905 -0.011728100512719579 0.14769377833612182 0.19877069097700883 0.3086634424164951 0.3241412947319197 0.24829981838635515 0.028514315507373746 -0.11697749625758379 -0.28723387172721004 -0.3893876970089929 -0.5194016564585259 -0.592147562341009 -0.6695368239181143 -0.7716906491998883 -0.8366976289246592 -0.910991320038683 -0.9667115883741921 -0.980641655458076 +1225,-1.1214901115284026,0,-0.25473038186482905 -0.011728100512719579 0.14769377833612182 0.19877069097700883 0.3086634424164951 0.3241412947319197 0.24829981838635515 0.028514315507373746 -0.11697749625758379 -0.28723387172721004 -0.3893876970089929 -0.5194016564585259 -0.592147562341009 -0.6695368239181143 -0.7716906491998883 -0.8366976289246592 -0.910991320038683 -0.9667115883741921 -0.980641655458076 -1.0843432659713994 +1226,-1.1431591047699987,0,-0.011728100512719579 0.14769377833612182 0.19877069097700883 0.3086634424164951 0.3241412947319197 0.24829981838635515 0.028514315507373746 -0.11697749625758379 -0.28723387172721004 -0.3893876970089929 -0.5194016564585259 -0.592147562341009 -0.6695368239181143 -0.7716906491998883 -0.8366976289246592 -0.910991320038683 -0.9667115883741921 -0.980641655458076 -1.0843432659713994 -1.1214901115284026 +1227,-1.0580309170351812,0,0.14769377833612182 0.19877069097700883 0.3086634424164951 0.3241412947319197 0.24829981838635515 0.028514315507373746 -0.11697749625758379 -0.28723387172721004 -0.3893876970089929 -0.5194016564585259 -0.592147562341009 -0.6695368239181143 -0.7716906491998883 -0.8366976289246592 -0.910991320038683 -0.9667115883741921 -0.980641655458076 -1.0843432659713994 -1.1214901115284026 -1.1431591047699987 +1228,-0.7175181660959199,0,0.19877069097700883 0.3086634424164951 0.3241412947319197 0.24829981838635515 0.028514315507373746 -0.11697749625758379 -0.28723387172721004 -0.3893876970089929 -0.5194016564585259 -0.592147562341009 -0.6695368239181143 -0.7716906491998883 -0.8366976289246592 -0.910991320038683 -0.9667115883741921 -0.980641655458076 -1.0843432659713994 -1.1214901115284026 -1.1431591047699987 -1.0580309170351812 +1229,-0.2794949455694978,0,0.3086634424164951 0.3241412947319197 0.24829981838635515 0.028514315507373746 -0.11697749625758379 -0.28723387172721004 -0.3893876970089929 -0.5194016564585259 -0.592147562341009 -0.6695368239181143 -0.7716906491998883 -0.8366976289246592 -0.910991320038683 -0.9667115883741921 -0.980641655458076 -1.0843432659713994 -1.1214901115284026 -1.1431591047699987 -1.0580309170351812 -0.7175181660959199 +1230,0.04089659735971692,0,0.3241412947319197 0.24829981838635515 0.028514315507373746 -0.11697749625758379 -0.28723387172721004 -0.3893876970089929 -0.5194016564585259 -0.592147562341009 -0.6695368239181143 -0.7716906491998883 -0.8366976289246592 -0.910991320038683 -0.9667115883741921 -0.980641655458076 -1.0843432659713994 -1.1214901115284026 -1.1431591047699987 -1.0580309170351812 -0.7175181660959199 -0.2794949455694978 +1231,0.2157963285239741,0,0.24829981838635515 0.028514315507373746 -0.11697749625758379 -0.28723387172721004 -0.3893876970089929 -0.5194016564585259 -0.592147562341009 -0.6695368239181143 -0.7716906491998883 -0.8366976289246592 -0.910991320038683 -0.9667115883741921 -0.980641655458076 -1.0843432659713994 -1.1214901115284026 -1.1431591047699987 -1.0580309170351812 -0.7175181660959199 -0.2794949455694978 0.04089659735971692 +1232,0.34581028797350705,0,0.028514315507373746 -0.11697749625758379 -0.28723387172721004 -0.3893876970089929 -0.5194016564585259 -0.592147562341009 -0.6695368239181143 -0.7716906491998883 -0.8366976289246592 -0.910991320038683 -0.9667115883741921 -0.980641655458076 -1.0843432659713994 -1.1214901115284026 -1.1431591047699987 -1.0580309170351812 -0.7175181660959199 -0.2794949455694978 0.04089659735971692 0.2157963285239741 +1233,0.4371296166344962,0,-0.11697749625758379 -0.28723387172721004 -0.3893876970089929 -0.5194016564585259 -0.592147562341009 -0.6695368239181143 -0.7716906491998883 -0.8366976289246592 -0.910991320038683 -0.9667115883741921 -0.980641655458076 -1.0843432659713994 -1.1214901115284026 -1.1431591047699987 -1.0580309170351812 -0.7175181660959199 -0.2794949455694978 0.04089659735971692 0.2157963285239741 0.34581028797350705 +1234,0.4742764621915081,0,-0.28723387172721004 -0.3893876970089929 -0.5194016564585259 -0.592147562341009 -0.6695368239181143 -0.7716906491998883 -0.8366976289246592 -0.910991320038683 -0.9667115883741921 -0.980641655458076 -1.0843432659713994 -1.1214901115284026 -1.1431591047699987 -1.0580309170351812 -0.7175181660959199 -0.2794949455694978 0.04089659735971692 0.2157963285239741 0.34581028797350705 0.4371296166344962 +1235,0.3102112276480446,0,-0.3893876970089929 -0.5194016564585259 -0.592147562341009 -0.6695368239181143 -0.7716906491998883 -0.8366976289246592 -0.910991320038683 -0.9667115883741921 -0.980641655458076 -1.0843432659713994 -1.1214901115284026 -1.1431591047699987 -1.0580309170351812 -0.7175181660959199 -0.2794949455694978 0.04089659735971692 0.2157963285239741 0.34581028797350705 0.4371296166344962 0.4742764621915081 +1236,0.09816465092677551,0,-0.5194016564585259 -0.592147562341009 -0.6695368239181143 -0.7716906491998883 -0.8366976289246592 -0.910991320038683 -0.9667115883741921 -0.980641655458076 -1.0843432659713994 -1.1214901115284026 -1.1431591047699987 -1.0580309170351812 -0.7175181660959199 -0.2794949455694978 0.04089659735971692 0.2157963285239741 0.34581028797350705 0.4371296166344962 0.4742764621915081 0.3102112276480446 +1237,-0.03649266421738833,0,-0.592147562341009 -0.6695368239181143 -0.7716906491998883 -0.8366976289246592 -0.910991320038683 -0.9667115883741921 -0.980641655458076 -1.0843432659713994 -1.1214901115284026 -1.1431591047699987 -1.0580309170351812 -0.7175181660959199 -0.2794949455694978 0.04089659735971692 0.2157963285239741 0.34581028797350705 0.4371296166344962 0.4742764621915081 0.3102112276480446 0.09816465092677551 +1238,-0.20365346922394204,0,-0.6695368239181143 -0.7716906491998883 -0.8366976289246592 -0.910991320038683 -0.9667115883741921 -0.980641655458076 -1.0843432659713994 -1.1214901115284026 -1.1431591047699987 -1.0580309170351812 -0.7175181660959199 -0.2794949455694978 0.04089659735971692 0.2157963285239741 0.34581028797350705 0.4371296166344962 0.4742764621915081 0.3102112276480446 0.09816465092677551 -0.03649266421738833 +1239,-0.282590516032588,0,-0.7716906491998883 -0.8366976289246592 -0.910991320038683 -0.9667115883741921 -0.980641655458076 -1.0843432659713994 -1.1214901115284026 -1.1431591047699987 -1.0580309170351812 -0.7175181660959199 -0.2794949455694978 0.04089659735971692 0.2157963285239741 0.34581028797350705 0.4371296166344962 0.4742764621915081 0.3102112276480446 0.09816465092677551 -0.03649266421738833 -0.20365346922394204 +1240,-0.3955788379351557,0,-0.8366976289246592 -0.910991320038683 -0.9667115883741921 -0.980641655458076 -1.0843432659713994 -1.1214901115284026 -1.1431591047699987 -1.0580309170351812 -0.7175181660959199 -0.2794949455694978 0.04089659735971692 0.2157963285239741 0.34581028797350705 0.4371296166344962 0.4742764621915081 0.3102112276480446 0.09816465092677551 -0.03649266421738833 -0.20365346922394204 -0.282590516032588 +1241,-0.5488095758578255,0,-0.910991320038683 -0.9667115883741921 -0.980641655458076 -1.0843432659713994 -1.1214901115284026 -1.1431591047699987 -1.0580309170351812 -0.7175181660959199 -0.2794949455694978 0.04089659735971692 0.2157963285239741 0.34581028797350705 0.4371296166344962 0.4742764621915081 0.3102112276480446 0.09816465092677551 -0.03649266421738833 -0.20365346922394204 -0.282590516032588 -0.3955788379351557 +1242,-0.6122687703510556,0,-0.9667115883741921 -0.980641655458076 -1.0843432659713994 -1.1214901115284026 -1.1431591047699987 -1.0580309170351812 -0.7175181660959199 -0.2794949455694978 0.04089659735971692 0.2157963285239741 0.34581028797350705 0.4371296166344962 0.4742764621915081 0.3102112276480446 0.09816465092677551 -0.03649266421738833 -0.20365346922394204 -0.282590516032588 -0.3955788379351557 -0.5488095758578255 +1243,-0.6927536023912423,0,-0.980641655458076 -1.0843432659713994 -1.1214901115284026 -1.1431591047699987 -1.0580309170351812 -0.7175181660959199 -0.2794949455694978 0.04089659735971692 0.2157963285239741 0.34581028797350705 0.4371296166344962 0.4742764621915081 0.3102112276480446 0.09816465092677551 -0.03649266421738833 -0.20365346922394204 -0.282590516032588 -0.3955788379351557 -0.5488095758578255 -0.6122687703510556 +1244,-0.7995507833676472,0,-1.0843432659713994 -1.1214901115284026 -1.1431591047699987 -1.0580309170351812 -0.7175181660959199 -0.2794949455694978 0.04089659735971692 0.2157963285239741 0.34581028797350705 0.4371296166344962 0.4742764621915081 0.3102112276480446 0.09816465092677551 -0.03649266421738833 -0.20365346922394204 -0.282590516032588 -0.3955788379351557 -0.5488095758578255 -0.6122687703510556 -0.6927536023912423 +1245,-0.8243153470723248,0,-1.1214901115284026 -1.1431591047699987 -1.0580309170351812 -0.7175181660959199 -0.2794949455694978 0.04089659735971692 0.2157963285239741 0.34581028797350705 0.4371296166344962 0.4742764621915081 0.3102112276480446 0.09816465092677551 -0.03649266421738833 -0.20365346922394204 -0.282590516032588 -0.3955788379351557 -0.5488095758578255 -0.6122687703510556 -0.6927536023912423 -0.7995507833676472 +1246,-0.8475321255454529,0,-1.1431591047699987 -1.0580309170351812 -0.7175181660959199 -0.2794949455694978 0.04089659735971692 0.2157963285239741 0.34581028797350705 0.4371296166344962 0.4742764621915081 0.3102112276480446 0.09816465092677551 -0.03649266421738833 -0.20365346922394204 -0.282590516032588 -0.3955788379351557 -0.5488095758578255 -0.6122687703510556 -0.6927536023912423 -0.7995507833676472 -0.8243153470723248 +1247,-0.9342080985118111,0,-1.0580309170351812 -0.7175181660959199 -0.2794949455694978 0.04089659735971692 0.2157963285239741 0.34581028797350705 0.4371296166344962 0.4742764621915081 0.3102112276480446 0.09816465092677551 -0.03649266421738833 -0.20365346922394204 -0.282590516032588 -0.3955788379351557 -0.5488095758578255 -0.6122687703510556 -0.6927536023912423 -0.7995507833676472 -0.8243153470723248 -0.8475321255454529 +1248,-0.9357558837433517,0,-0.7175181660959199 -0.2794949455694978 0.04089659735971692 0.2157963285239741 0.34581028797350705 0.4371296166344962 0.4742764621915081 0.3102112276480446 0.09816465092677551 -0.03649266421738833 -0.20365346922394204 -0.282590516032588 -0.3955788379351557 -0.5488095758578255 -0.6122687703510556 -0.6927536023912423 -0.7995507833676472 -0.8243153470723248 -0.8475321255454529 -0.9342080985118111 +1249,-0.9558770917533984,0,-0.2794949455694978 0.04089659735971692 0.2157963285239741 0.34581028797350705 0.4371296166344962 0.4742764621915081 0.3102112276480446 0.09816465092677551 -0.03649266421738833 -0.20365346922394204 -0.282590516032588 -0.3955788379351557 -0.5488095758578255 -0.6122687703510556 -0.6927536023912423 -0.7995507833676472 -0.8243153470723248 -0.8475321255454529 -0.9342080985118111 -0.9357558837433517 +1250,-1.0208840714781693,0,0.04089659735971692 0.2157963285239741 0.34581028797350705 0.4371296166344962 0.4742764621915081 0.3102112276480446 0.09816465092677551 -0.03649266421738833 -0.20365346922394204 -0.282590516032588 -0.3955788379351557 -0.5488095758578255 -0.6122687703510556 -0.6927536023912423 -0.7995507833676472 -0.8243153470723248 -0.8475321255454529 -0.9342080985118111 -0.9357558837433517 -0.9558770917533984 +1251,-0.9419470246695234,0,0.2157963285239741 0.34581028797350705 0.4371296166344962 0.4742764621915081 0.3102112276480446 0.09816465092677551 -0.03649266421738833 -0.20365346922394204 -0.282590516032588 -0.3955788379351557 -0.5488095758578255 -0.6122687703510556 -0.6927536023912423 -0.7995507833676472 -0.8243153470723248 -0.8475321255454529 -0.9342080985118111 -0.9357558837433517 -0.9558770917533984 -1.0208840714781693 +1252,-0.7237093070220827,0,0.34581028797350705 0.4371296166344962 0.4742764621915081 0.3102112276480446 0.09816465092677551 -0.03649266421738833 -0.20365346922394204 -0.282590516032588 -0.3955788379351557 -0.5488095758578255 -0.6122687703510556 -0.6927536023912423 -0.7995507833676472 -0.8243153470723248 -0.8475321255454529 -0.9342080985118111 -0.9357558837433517 -0.9558770917533984 -1.0208840714781693 -0.9419470246695234 +1253,-0.5379750792370318,0,0.4371296166344962 0.4742764621915081 0.3102112276480446 0.09816465092677551 -0.03649266421738833 -0.20365346922394204 -0.282590516032588 -0.3955788379351557 -0.5488095758578255 -0.6122687703510556 -0.6927536023912423 -0.7995507833676472 -0.8243153470723248 -0.8475321255454529 -0.9342080985118111 -0.9357558837433517 -0.9558770917533984 -1.0208840714781693 -0.9419470246695234 -0.7237093070220827 +1254,-0.29961615357954446,0,0.4742764621915081 0.3102112276480446 0.09816465092677551 -0.03649266421738833 -0.20365346922394204 -0.282590516032588 -0.3955788379351557 -0.5488095758578255 -0.6122687703510556 -0.6927536023912423 -0.7995507833676472 -0.8243153470723248 -0.8475321255454529 -0.9342080985118111 -0.9357558837433517 -0.9558770917533984 -1.0208840714781693 -0.9419470246695234 -0.7237093070220827 -0.5379750792370318 +1255,-0.11233414056295289,0,0.3102112276480446 0.09816465092677551 -0.03649266421738833 -0.20365346922394204 -0.282590516032588 -0.3955788379351557 -0.5488095758578255 -0.6122687703510556 -0.6927536023912423 -0.7995507833676472 -0.8243153470723248 -0.8475321255454529 -0.9342080985118111 -0.9357558837433517 -0.9558770917533984 -1.0208840714781693 -0.9419470246695234 -0.7237093070220827 -0.5379750792370318 -0.29961615357954446 +1256,0.12447699986298497,0,0.09816465092677551 -0.03649266421738833 -0.20365346922394204 -0.282590516032588 -0.3955788379351557 -0.5488095758578255 -0.6122687703510556 -0.6927536023912423 -0.7995507833676472 -0.8243153470723248 -0.8475321255454529 -0.9342080985118111 -0.9357558837433517 -0.9558770917533984 -1.0208840714781693 -0.9419470246695234 -0.7237093070220827 -0.5379750792370318 -0.29961615357954446 -0.11233414056295289 +1257,0.2281786103763085,0,-0.03649266421738833 -0.20365346922394204 -0.282590516032588 -0.3955788379351557 -0.5488095758578255 -0.6122687703510556 -0.6927536023912423 -0.7995507833676472 -0.8243153470723248 -0.8475321255454529 -0.9342080985118111 -0.9357558837433517 -0.9558770917533984 -1.0208840714781693 -0.9419470246695234 -0.7237093070220827 -0.5379750792370318 -0.29961615357954446 -0.11233414056295289 0.12447699986298497 +1258,0.2127007580608927,0,-0.20365346922394204 -0.282590516032588 -0.3955788379351557 -0.5488095758578255 -0.6122687703510556 -0.6927536023912423 -0.7995507833676472 -0.8243153470723248 -0.8475321255454529 -0.9342080985118111 -0.9357558837433517 -0.9558770917533984 -1.0208840714781693 -0.9419470246695234 -0.7237093070220827 -0.5379750792370318 -0.29961615357954446 -0.11233414056295289 0.12447699986298497 0.2281786103763085 +1259,0.16936277157770918,0,-0.282590516032588 -0.3955788379351557 -0.5488095758578255 -0.6122687703510556 -0.6927536023912423 -0.7995507833676472 -0.8243153470723248 -0.8475321255454529 -0.9342080985118111 -0.9357558837433517 -0.9558770917533984 -1.0208840714781693 -0.9419470246695234 -0.7237093070220827 -0.5379750792370318 -0.29961615357954446 -0.11233414056295289 0.12447699986298497 0.2281786103763085 0.2127007580608927 +1260,-0.003989174355007293,0,-0.3955788379351557 -0.5488095758578255 -0.6122687703510556 -0.6927536023912423 -0.7995507833676472 -0.8243153470723248 -0.8475321255454529 -0.9342080985118111 -0.9357558837433517 -0.9558770917533984 -1.0208840714781693 -0.9419470246695234 -0.7237093070220827 -0.5379750792370318 -0.29961615357954446 -0.11233414056295289 0.12447699986298497 0.2281786103763085 0.2127007580608927 0.16936277157770918 +1261,-0.12935977810991817,0,-0.5488095758578255 -0.6122687703510556 -0.6927536023912423 -0.7995507833676472 -0.8243153470723248 -0.8475321255454529 -0.9342080985118111 -0.9357558837433517 -0.9558770917533984 -1.0208840714781693 -0.9419470246695234 -0.7237093070220827 -0.5379750792370318 -0.29961615357954446 -0.11233414056295289 0.12447699986298497 0.2281786103763085 0.2127007580608927 0.16936277157770918 -0.003989174355007293 +1262,-0.23460917385478236,0,-0.6122687703510556 -0.6927536023912423 -0.7995507833676472 -0.8243153470723248 -0.8475321255454529 -0.9342080985118111 -0.9357558837433517 -0.9558770917533984 -1.0208840714781693 -0.9419470246695234 -0.7237093070220827 -0.5379750792370318 -0.29961615357954446 -0.11233414056295289 0.12447699986298497 0.2281786103763085 0.2127007580608927 0.16936277157770918 -0.003989174355007293 -0.12935977810991817 +1263,-0.3692664889989462,0,-0.6927536023912423 -0.7995507833676472 -0.8243153470723248 -0.8475321255454529 -0.9342080985118111 -0.9357558837433517 -0.9558770917533984 -1.0208840714781693 -0.9419470246695234 -0.7237093070220827 -0.5379750792370318 -0.29961615357954446 -0.11233414056295289 0.12447699986298497 0.2281786103763085 0.2127007580608927 0.16936277157770918 -0.003989174355007293 -0.12935977810991817 -0.23460917385478236 +1264,-0.45903803242838587,0,-0.7995507833676472 -0.8243153470723248 -0.8475321255454529 -0.9342080985118111 -0.9357558837433517 -0.9558770917533984 -1.0208840714781693 -0.9419470246695234 -0.7237093070220827 -0.5379750792370318 -0.29961615357954446 -0.11233414056295289 0.12447699986298497 0.2281786103763085 0.2127007580608927 0.16936277157770918 -0.003989174355007293 -0.12935977810991817 -0.23460917385478236 -0.3692664889989462 +1265,-0.5410706497001132,0,-0.8243153470723248 -0.8475321255454529 -0.9342080985118111 -0.9357558837433517 -0.9558770917533984 -1.0208840714781693 -0.9419470246695234 -0.7237093070220827 -0.5379750792370318 -0.29961615357954446 -0.11233414056295289 0.12447699986298497 0.2281786103763085 0.2127007580608927 0.16936277157770918 -0.003989174355007293 -0.12935977810991817 -0.23460917385478236 -0.3692664889989462 -0.45903803242838587 +1266,-0.620007696508768,0,-0.8475321255454529 -0.9342080985118111 -0.9357558837433517 -0.9558770917533984 -1.0208840714781693 -0.9419470246695234 -0.7237093070220827 -0.5379750792370318 -0.29961615357954446 -0.11233414056295289 0.12447699986298497 0.2281786103763085 0.2127007580608927 0.16936277157770918 -0.003989174355007293 -0.12935977810991817 -0.23460917385478236 -0.3692664889989462 -0.45903803242838587 -0.5410706497001132 +1267,-0.6834668910019893,0,-0.9342080985118111 -0.9357558837433517 -0.9558770917533984 -1.0208840714781693 -0.9419470246695234 -0.7237093070220827 -0.5379750792370318 -0.29961615357954446 -0.11233414056295289 0.12447699986298497 0.2281786103763085 0.2127007580608927 0.16936277157770918 -0.003989174355007293 -0.12935977810991817 -0.23460917385478236 -0.3692664889989462 -0.45903803242838587 -0.5410706497001132 -0.620007696508768 +1268,-0.750021655958301,0,-0.9357558837433517 -0.9558770917533984 -1.0208840714781693 -0.9419470246695234 -0.7237093070220827 -0.5379750792370318 -0.29961615357954446 -0.11233414056295289 0.12447699986298497 0.2281786103763085 0.2127007580608927 0.16936277157770918 -0.003989174355007293 -0.12935977810991817 -0.23460917385478236 -0.3692664889989462 -0.45903803242838587 -0.5410706497001132 -0.620007696508768 -0.6834668910019893 +1269,-0.7515694411898416,0,-0.9558770917533984 -1.0208840714781693 -0.9419470246695234 -0.7237093070220827 -0.5379750792370318 -0.29961615357954446 -0.11233414056295289 0.12447699986298497 0.2281786103763085 0.2127007580608927 0.16936277157770918 -0.003989174355007293 -0.12935977810991817 -0.23460917385478236 -0.3692664889989462 -0.45903803242838587 -0.5410706497001132 -0.620007696508768 -0.6834668910019893 -0.750021655958301 +1270,-0.7577605821160132,0,-1.0208840714781693 -0.9419470246695234 -0.7237093070220827 -0.5379750792370318 -0.29961615357954446 -0.11233414056295289 0.12447699986298497 0.2281786103763085 0.2127007580608927 0.16936277157770918 -0.003989174355007293 -0.12935977810991817 -0.23460917385478236 -0.3692664889989462 -0.45903803242838587 -0.5410706497001132 -0.620007696508768 -0.6834668910019893 -0.750021655958301 -0.7515694411898416 +1271,-0.7608561525790946,0,-0.9419470246695234 -0.7237093070220827 -0.5379750792370318 -0.29961615357954446 -0.11233414056295289 0.12447699986298497 0.2281786103763085 0.2127007580608927 0.16936277157770918 -0.003989174355007293 -0.12935977810991817 -0.23460917385478236 -0.3692664889989462 -0.45903803242838587 -0.5410706497001132 -0.620007696508768 -0.6834668910019893 -0.750021655958301 -0.7515694411898416 -0.7577605821160132 +1272,-0.8753922597132118,0,-0.7237093070220827 -0.5379750792370318 -0.29961615357954446 -0.11233414056295289 0.12447699986298497 0.2281786103763085 0.2127007580608927 0.16936277157770918 -0.003989174355007293 -0.12935977810991817 -0.23460917385478236 -0.3692664889989462 -0.45903803242838587 -0.5410706497001132 -0.620007696508768 -0.6834668910019893 -0.750021655958301 -0.7515694411898416 -0.7577605821160132 -0.7608561525790946 +1273,-0.9465903803641454,0,-0.5379750792370318 -0.29961615357954446 -0.11233414056295289 0.12447699986298497 0.2281786103763085 0.2127007580608927 0.16936277157770918 -0.003989174355007293 -0.12935977810991817 -0.23460917385478236 -0.3692664889989462 -0.45903803242838587 -0.5410706497001132 -0.620007696508768 -0.6834668910019893 -0.750021655958301 -0.7515694411898416 -0.7577605821160132 -0.7608561525790946 -0.8753922597132118 +1274,-0.989928366847329,0,-0.29961615357954446 -0.11233414056295289 0.12447699986298497 0.2281786103763085 0.2127007580608927 0.16936277157770918 -0.003989174355007293 -0.12935977810991817 -0.23460917385478236 -0.3692664889989462 -0.45903803242838587 -0.5410706497001132 -0.620007696508768 -0.6834668910019893 -0.750021655958301 -0.7515694411898416 -0.7577605821160132 -0.7608561525790946 -0.8753922597132118 -0.9465903803641454 +1275,-0.8661055483239588,0,-0.11233414056295289 0.12447699986298497 0.2281786103763085 0.2127007580608927 0.16936277157770918 -0.003989174355007293 -0.12935977810991817 -0.23460917385478236 -0.3692664889989462 -0.45903803242838587 -0.5410706497001132 -0.620007696508768 -0.6834668910019893 -0.750021655958301 -0.7515694411898416 -0.7577605821160132 -0.7608561525790946 -0.8753922597132118 -0.9465903803641454 -0.989928366847329 +1276,-0.7360915888744258,0,0.12447699986298497 0.2281786103763085 0.2127007580608927 0.16936277157770918 -0.003989174355007293 -0.12935977810991817 -0.23460917385478236 -0.3692664889989462 -0.45903803242838587 -0.5410706497001132 -0.620007696508768 -0.6834668910019893 -0.750021655958301 -0.7515694411898416 -0.7577605821160132 -0.7608561525790946 -0.8753922597132118 -0.9465903803641454 -0.989928366847329 -0.8661055483239588 +1277,-0.3955788379351557,0,0.2281786103763085 0.2127007580608927 0.16936277157770918 -0.003989174355007293 -0.12935977810991817 -0.23460917385478236 -0.3692664889989462 -0.45903803242838587 -0.5410706497001132 -0.620007696508768 -0.6834668910019893 -0.750021655958301 -0.7515694411898416 -0.7577605821160132 -0.7608561525790946 -0.8753922597132118 -0.9465903803641454 -0.989928366847329 -0.8661055483239588 -0.7360915888744258 +1278,-0.07363950977440026,0,0.2127007580608927 0.16936277157770918 -0.003989174355007293 -0.12935977810991817 -0.23460917385478236 -0.3692664889989462 -0.45903803242838587 -0.5410706497001132 -0.620007696508768 -0.6834668910019893 -0.750021655958301 -0.7515694411898416 -0.7577605821160132 -0.7608561525790946 -0.8753922597132118 -0.9465903803641454 -0.989928366847329 -0.8661055483239588 -0.7360915888744258 -0.3955788379351557 +1279,0.11673807370528148,0,0.16936277157770918 -0.003989174355007293 -0.12935977810991817 -0.23460917385478236 -0.3692664889989462 -0.45903803242838587 -0.5410706497001132 -0.620007696508768 -0.6834668910019893 -0.750021655958301 -0.7515694411898416 -0.7577605821160132 -0.7608561525790946 -0.8753922597132118 -0.9465903803641454 -0.989928366847329 -0.8661055483239588 -0.7360915888744258 -0.3955788379351557 -0.07363950977440026 +1280,0.331880220889632,0,-0.003989174355007293 -0.12935977810991817 -0.23460917385478236 -0.3692664889989462 -0.45903803242838587 -0.5410706497001132 -0.620007696508768 -0.6834668910019893 -0.750021655958301 -0.7515694411898416 -0.7577605821160132 -0.7608561525790946 -0.8753922597132118 -0.9465903803641454 -0.989928366847329 -0.8661055483239588 -0.7360915888744258 -0.3955788379351557 -0.07363950977440026 0.11673807370528148 +1281,0.45879860987608356,0,-0.12935977810991817 -0.23460917385478236 -0.3692664889989462 -0.45903803242838587 -0.5410706497001132 -0.620007696508768 -0.6834668910019893 -0.750021655958301 -0.7515694411898416 -0.7577605821160132 -0.7608561525790946 -0.8753922597132118 -0.9465903803641454 -0.989928366847329 -0.8661055483239588 -0.7360915888744258 -0.3955788379351557 -0.07363950977440026 0.11673807370528148 0.331880220889632 +1282,0.4139128381613593,0,-0.23460917385478236 -0.3692664889989462 -0.45903803242838587 -0.5410706497001132 -0.620007696508768 -0.6834668910019893 -0.750021655958301 -0.7515694411898416 -0.7577605821160132 -0.7608561525790946 -0.8753922597132118 -0.9465903803641454 -0.989928366847329 -0.8661055483239588 -0.7360915888744258 -0.3955788379351557 -0.07363950977440026 0.11673807370528148 0.331880220889632 0.45879860987608356 +1283,0.3148545833426667,0,-0.3692664889989462 -0.45903803242838587 -0.5410706497001132 -0.620007696508768 -0.6834668910019893 -0.750021655958301 -0.7515694411898416 -0.7577605821160132 -0.7608561525790946 -0.8753922597132118 -0.9465903803641454 -0.989928366847329 -0.8661055483239588 -0.7360915888744258 -0.3955788379351557 -0.07363950977440026 0.11673807370528148 0.331880220889632 0.45879860987608356 0.4139128381613593 +1284,0.09352129523214463,0,-0.45903803242838587 -0.5410706497001132 -0.620007696508768 -0.6834668910019893 -0.750021655958301 -0.7515694411898416 -0.7577605821160132 -0.7608561525790946 -0.8753922597132118 -0.9465903803641454 -0.989928366847329 -0.8661055483239588 -0.7360915888744258 -0.3955788379351557 -0.07363950977440026 0.11673807370528148 0.331880220889632 0.45879860987608356 0.4139128381613593 0.3148545833426667 +1285,-0.10149964394215921,0,-0.5410706497001132 -0.620007696508768 -0.6834668910019893 -0.750021655958301 -0.7515694411898416 -0.7577605821160132 -0.7608561525790946 -0.8753922597132118 -0.9465903803641454 -0.989928366847329 -0.8661055483239588 -0.7360915888744258 -0.3955788379351557 -0.07363950977440026 0.11673807370528148 0.331880220889632 0.45879860987608356 0.4139128381613593 0.3148545833426667 0.09352129523214463 +1286,-0.18508004644543605,0,-0.620007696508768 -0.6834668910019893 -0.750021655958301 -0.7515694411898416 -0.7577605821160132 -0.7608561525790946 -0.8753922597132118 -0.9465903803641454 -0.989928366847329 -0.8661055483239588 -0.7360915888744258 -0.3955788379351557 -0.07363950977440026 0.11673807370528148 0.331880220889632 0.45879860987608356 0.4139128381613593 0.3148545833426667 0.09352129523214463 -0.10149964394215921 +1287,-0.3739098446935683,0,-0.6834668910019893 -0.750021655958301 -0.7515694411898416 -0.7577605821160132 -0.7608561525790946 -0.8753922597132118 -0.9465903803641454 -0.989928366847329 -0.8661055483239588 -0.7360915888744258 -0.3955788379351557 -0.07363950977440026 0.11673807370528148 0.331880220889632 0.45879860987608356 0.4139128381613593 0.3148545833426667 0.09352129523214463 -0.10149964394215921 -0.18508004644543605 +1288,-0.4435601801129613,0,-0.750021655958301 -0.7515694411898416 -0.7577605821160132 -0.7608561525790946 -0.8753922597132118 -0.9465903803641454 -0.989928366847329 -0.8661055483239588 -0.7360915888744258 -0.3955788379351557 -0.07363950977440026 0.11673807370528148 0.331880220889632 0.45879860987608356 0.4139128381613593 0.3148545833426667 0.09352129523214463 -0.10149964394215921 -0.18508004644543605 -0.3739098446935683 +1289,-0.5317839383108602,0,-0.7515694411898416 -0.7577605821160132 -0.7608561525790946 -0.8753922597132118 -0.9465903803641454 -0.989928366847329 -0.8661055483239588 -0.7360915888744258 -0.3955788379351557 -0.07363950977440026 0.11673807370528148 0.331880220889632 0.45879860987608356 0.4139128381613593 0.3148545833426667 0.09352129523214463 -0.10149964394215921 -0.18508004644543605 -0.3739098446935683 -0.4435601801129613 +1290,-0.6633456829919426,0,-0.7577605821160132 -0.7608561525790946 -0.8753922597132118 -0.9465903803641454 -0.989928366847329 -0.8661055483239588 -0.7360915888744258 -0.3955788379351557 -0.07363950977440026 0.11673807370528148 0.331880220889632 0.45879860987608356 0.4139128381613593 0.3148545833426667 0.09352129523214463 -0.10149964394215921 -0.18508004644543605 -0.3739098446935683 -0.4435601801129613 -0.5317839383108602 +1291,-0.7206137365590013,0,-0.7608561525790946 -0.8753922597132118 -0.9465903803641454 -0.989928366847329 -0.8661055483239588 -0.7360915888744258 -0.3955788379351557 -0.07363950977440026 0.11673807370528148 0.331880220889632 0.45879860987608356 0.4139128381613593 0.3148545833426667 0.09352129523214463 -0.10149964394215921 -0.18508004644543605 -0.3739098446935683 -0.4435601801129613 -0.5317839383108602 -0.6633456829919426 +1292,-0.7778817901260598,0,-0.8753922597132118 -0.9465903803641454 -0.989928366847329 -0.8661055483239588 -0.7360915888744258 -0.3955788379351557 -0.07363950977440026 0.11673807370528148 0.331880220889632 0.45879860987608356 0.4139128381613593 0.3148545833426667 0.09352129523214463 -0.10149964394215921 -0.18508004644543605 -0.3739098446935683 -0.4435601801129613 -0.5317839383108602 -0.6633456829919426 -0.7206137365590013 +1293,-0.8258631323038654,0,-0.9465903803641454 -0.989928366847329 -0.8661055483239588 -0.7360915888744258 -0.3955788379351557 -0.07363950977440026 0.11673807370528148 0.331880220889632 0.45879860987608356 0.4139128381613593 0.3148545833426667 0.09352129523214463 -0.10149964394215921 -0.18508004644543605 -0.3739098446935683 -0.4435601801129613 -0.5317839383108602 -0.6633456829919426 -0.7206137365590013 -0.7778817901260598 +1294,-0.8428887698508307,0,-0.989928366847329 -0.8661055483239588 -0.7360915888744258 -0.3955788379351557 -0.07363950977440026 0.11673807370528148 0.331880220889632 0.45879860987608356 0.4139128381613593 0.3148545833426667 0.09352129523214463 -0.10149964394215921 -0.18508004644543605 -0.3739098446935683 -0.4435601801129613 -0.5317839383108602 -0.6633456829919426 -0.7206137365590013 -0.7778817901260598 -0.8258631323038654 +1295,-0.8428887698508307,0,-0.8661055483239588 -0.7360915888744258 -0.3955788379351557 -0.07363950977440026 0.11673807370528148 0.331880220889632 0.45879860987608356 0.4139128381613593 0.3148545833426667 0.09352129523214463 -0.10149964394215921 -0.18508004644543605 -0.3739098446935683 -0.4435601801129613 -0.5317839383108602 -0.6633456829919426 -0.7206137365590013 -0.7778817901260598 -0.8258631323038654 -0.8428887698508307 +1296,-0.8707489040185808,0,-0.7360915888744258 -0.3955788379351557 -0.07363950977440026 0.11673807370528148 0.331880220889632 0.45879860987608356 0.4139128381613593 0.3148545833426667 0.09352129523214463 -0.10149964394215921 -0.18508004644543605 -0.3739098446935683 -0.4435601801129613 -0.5317839383108602 -0.6633456829919426 -0.7206137365590013 -0.7778817901260598 -0.8258631323038654 -0.8428887698508307 -0.8428887698508307 +1297,-0.8599144073977872,0,-0.3955788379351557 -0.07363950977440026 0.11673807370528148 0.331880220889632 0.45879860987608356 0.4139128381613593 0.3148545833426667 0.09352129523214463 -0.10149964394215921 -0.18508004644543605 -0.3739098446935683 -0.4435601801129613 -0.5317839383108602 -0.6633456829919426 -0.7206137365590013 -0.7778817901260598 -0.8258631323038654 -0.8428887698508307 -0.8428887698508307 -0.8707489040185808 +1298,-0.8521754812400837,0,-0.07363950977440026 0.11673807370528148 0.331880220889632 0.45879860987608356 0.4139128381613593 0.3148545833426667 0.09352129523214463 -0.10149964394215921 -0.18508004644543605 -0.3739098446935683 -0.4435601801129613 -0.5317839383108602 -0.6633456829919426 -0.7206137365590013 -0.7778817901260598 -0.8258631323038654 -0.8428887698508307 -0.8428887698508307 -0.8707489040185808 -0.8599144073977872 +1299,-0.9032523938809707,0,0.11673807370528148 0.331880220889632 0.45879860987608356 0.4139128381613593 0.3148545833426667 0.09352129523214463 -0.10149964394215921 -0.18508004644543605 -0.3739098446935683 -0.4435601801129613 -0.5317839383108602 -0.6633456829919426 -0.7206137365590013 -0.7778817901260598 -0.8258631323038654 -0.8428887698508307 -0.8428887698508307 -0.8707489040185808 -0.8599144073977872 -0.8521754812400837 +1300,-0.8846789711024647,0,0.331880220889632 0.45879860987608356 0.4139128381613593 0.3148545833426667 0.09352129523214463 -0.10149964394215921 -0.18508004644543605 -0.3739098446935683 -0.4435601801129613 -0.5317839383108602 -0.6633456829919426 -0.7206137365590013 -0.7778817901260598 -0.8258631323038654 -0.8428887698508307 -0.8428887698508307 -0.8707489040185808 -0.8599144073977872 -0.8521754812400837 -0.9032523938809707 +1301,-0.62465105220339,0,0.45879860987608356 0.4139128381613593 0.3148545833426667 0.09352129523214463 -0.10149964394215921 -0.18508004644543605 -0.3739098446935683 -0.4435601801129613 -0.5317839383108602 -0.6633456829919426 -0.7206137365590013 -0.7778817901260598 -0.8258631323038654 -0.8428887698508307 -0.8428887698508307 -0.8707489040185808 -0.8599144073977872 -0.8521754812400837 -0.9032523938809707 -0.8846789711024647 +1302,-0.4745158847438104,0,0.4139128381613593 0.3148545833426667 0.09352129523214463 -0.10149964394215921 -0.18508004644543605 -0.3739098446935683 -0.4435601801129613 -0.5317839383108602 -0.6633456829919426 -0.7206137365590013 -0.7778817901260598 -0.8258631323038654 -0.8428887698508307 -0.8428887698508307 -0.8707489040185808 -0.8599144073977872 -0.8521754812400837 -0.9032523938809707 -0.8846789711024647 -0.62465105220339 +1303,-0.08447400639519394,0,0.3148545833426667 0.09352129523214463 -0.10149964394215921 -0.18508004644543605 -0.3739098446935683 -0.4435601801129613 -0.5317839383108602 -0.6633456829919426 -0.7206137365590013 -0.7778817901260598 -0.8258631323038654 -0.8428887698508307 -0.8428887698508307 -0.8707489040185808 -0.8599144073977872 -0.8521754812400837 -0.9032523938809707 -0.8846789711024647 -0.62465105220339 -0.4745158847438104 +1304,0.13376371125223796,0,0.09352129523214463 -0.10149964394215921 -0.18508004644543605 -0.3739098446935683 -0.4435601801129613 -0.5317839383108602 -0.6633456829919426 -0.7206137365590013 -0.7778817901260598 -0.8258631323038654 -0.8428887698508307 -0.8428887698508307 -0.8707489040185808 -0.8599144073977872 -0.8521754812400837 -0.9032523938809707 -0.8846789711024647 -0.62465105220339 -0.4745158847438104 -0.08447400639519394 +1305,0.42165176431907164,0,-0.10149964394215921 -0.18508004644543605 -0.3739098446935683 -0.4435601801129613 -0.5317839383108602 -0.6633456829919426 -0.7206137365590013 -0.7778817901260598 -0.8258631323038654 -0.8428887698508307 -0.8428887698508307 -0.8707489040185808 -0.8599144073977872 -0.8521754812400837 -0.9032523938809707 -0.8846789711024647 -0.62465105220339 -0.4745158847438104 -0.08447400639519394 0.13376371125223796 +1306,0.5207100191377643,0,-0.18508004644543605 -0.3739098446935683 -0.4435601801129613 -0.5317839383108602 -0.6633456829919426 -0.7206137365590013 -0.7778817901260598 -0.8258631323038654 -0.8428887698508307 -0.8428887698508307 -0.8707489040185808 -0.8599144073977872 -0.8521754812400837 -0.9032523938809707 -0.8846789711024647 -0.62465105220339 -0.4745158847438104 -0.08447400639519394 0.13376371125223796 0.42165176431907164 +1307,0.5160666634431421,0,-0.3739098446935683 -0.4435601801129613 -0.5317839383108602 -0.6633456829919426 -0.7206137365590013 -0.7778817901260598 -0.8258631323038654 -0.8428887698508307 -0.8428887698508307 -0.8707489040185808 -0.8599144073977872 -0.8521754812400837 -0.9032523938809707 -0.8846789711024647 -0.62465105220339 -0.4745158847438104 -0.08447400639519394 0.13376371125223796 0.42165176431907164 0.5207100191377643 +1308,0.3102112276480446,0,-0.4435601801129613 -0.5317839383108602 -0.6633456829919426 -0.7206137365590013 -0.7778817901260598 -0.8258631323038654 -0.8428887698508307 -0.8428887698508307 -0.8707489040185808 -0.8599144073977872 -0.8521754812400837 -0.9032523938809707 -0.8846789711024647 -0.62465105220339 -0.4745158847438104 -0.08447400639519394 0.13376371125223796 0.42165176431907164 0.5207100191377643 0.5160666634431421 +1309,-0.13555091903608096,0,-0.5317839383108602 -0.6633456829919426 -0.7206137365590013 -0.7778817901260598 -0.8258631323038654 -0.8428887698508307 -0.8428887698508307 -0.8707489040185808 -0.8599144073977872 -0.8521754812400837 -0.9032523938809707 -0.8846789711024647 -0.62465105220339 -0.4745158847438104 -0.08447400639519394 0.13376371125223796 0.42165176431907164 0.5207100191377643 0.5160666634431421 0.3102112276480446 +1310,-0.3321196434419343,0,-0.6633456829919426 -0.7206137365590013 -0.7778817901260598 -0.8258631323038654 -0.8428887698508307 -0.8428887698508307 -0.8707489040185808 -0.8599144073977872 -0.8521754812400837 -0.9032523938809707 -0.8846789711024647 -0.62465105220339 -0.4745158847438104 -0.08447400639519394 0.13376371125223796 0.42165176431907164 0.5207100191377643 0.5160666634431421 0.3102112276480446 -0.13555091903608096 +1311,-0.41136624729689014,0,-0.7206137365590013 -0.7778817901260598 -0.8258631323038654 -0.8428887698508307 -0.8428887698508307 -0.8707489040185808 -0.8599144073977872 -0.8521754812400837 -0.9032523938809707 -0.8846789711024647 -0.62465105220339 -0.4745158847438104 -0.08447400639519394 0.13376371125223796 0.42165176431907164 0.5207100191377643 0.5160666634431421 0.3102112276480446 -0.13555091903608096 -0.3321196434419343 +1312,-0.490612851151846,0,-0.7778817901260598 -0.8258631323038654 -0.8428887698508307 -0.8428887698508307 -0.8707489040185808 -0.8599144073977872 -0.8521754812400837 -0.9032523938809707 -0.8846789711024647 -0.62465105220339 -0.4745158847438104 -0.08447400639519394 0.13376371125223796 0.42165176431907164 0.5207100191377643 0.5160666634431421 0.3102112276480446 -0.13555091903608096 -0.3321196434419343 -0.41136624729689014 +1313,-0.5698594550068018,0,-0.8258631323038654 -0.8428887698508307 -0.8428887698508307 -0.8707489040185808 -0.8599144073977872 -0.8521754812400837 -0.9032523938809707 -0.8846789711024647 -0.62465105220339 -0.4745158847438104 -0.08447400639519394 0.13376371125223796 0.42165176431907164 0.5207100191377643 0.5160666634431421 0.3102112276480446 -0.13555091903608096 -0.3321196434419343 -0.41136624729689014 -0.490612851151846 +1314,-0.6491060588617577,0,-0.8428887698508307 -0.8428887698508307 -0.8707489040185808 -0.8599144073977872 -0.8521754812400837 -0.9032523938809707 -0.8846789711024647 -0.62465105220339 -0.4745158847438104 -0.08447400639519394 0.13376371125223796 0.42165176431907164 0.5207100191377643 0.5160666634431421 0.3102112276480446 -0.13555091903608096 -0.3321196434419343 -0.41136624729689014 -0.490612851151846 -0.5698594550068018 +1315,-0.7283526627167135,0,-0.8428887698508307 -0.8707489040185808 -0.8599144073977872 -0.8521754812400837 -0.9032523938809707 -0.8846789711024647 -0.62465105220339 -0.4745158847438104 -0.08447400639519394 0.13376371125223796 0.42165176431907164 0.5207100191377643 0.5160666634431421 0.3102112276480446 -0.13555091903608096 -0.3321196434419343 -0.41136624729689014 -0.490612851151846 -0.5698594550068018 -0.6491060588617577 +1316,-0.7933596424414756,0,-0.8707489040185808 -0.8599144073977872 -0.8521754812400837 -0.9032523938809707 -0.8846789711024647 -0.62465105220339 -0.4745158847438104 -0.08447400639519394 0.13376371125223796 0.42165176431907164 0.5207100191377643 0.5160666634431421 0.3102112276480446 -0.13555091903608096 -0.3321196434419343 -0.41136624729689014 -0.490612851151846 -0.5698594550068018 -0.6491060588617577 -0.7283526627167135 +1317,-0.7964552129045658,0,-0.8599144073977872 -0.8521754812400837 -0.9032523938809707 -0.8846789711024647 -0.62465105220339 -0.4745158847438104 -0.08447400639519394 0.13376371125223796 0.42165176431907164 0.5207100191377643 0.5160666634431421 0.3102112276480446 -0.13555091903608096 -0.3321196434419343 -0.41136624729689014 -0.490612851151846 -0.5698594550068018 -0.6491060588617577 -0.7283526627167135 -0.7933596424414756 +1318,-0.8289587027669468,0,-0.8521754812400837 -0.9032523938809707 -0.8846789711024647 -0.62465105220339 -0.4745158847438104 -0.08447400639519394 0.13376371125223796 0.42165176431907164 0.5207100191377643 0.5160666634431421 0.3102112276480446 -0.13555091903608096 -0.3321196434419343 -0.41136624729689014 -0.490612851151846 -0.5698594550068018 -0.6491060588617577 -0.7283526627167135 -0.7933596424414756 -0.7964552129045658 +1319,-0.8831311858709241,0,-0.9032523938809707 -0.8846789711024647 -0.62465105220339 -0.4745158847438104 -0.08447400639519394 0.13376371125223796 0.42165176431907164 0.5207100191377643 0.5160666634431421 0.3102112276480446 -0.13555091903608096 -0.3321196434419343 -0.41136624729689014 -0.490612851151846 -0.5698594550068018 -0.6491060588617577 -0.7283526627167135 -0.7933596424414756 -0.7964552129045658 -0.8289587027669468 +1320,-0.9775460849949946,0,-0.8846789711024647 -0.62465105220339 -0.4745158847438104 -0.08447400639519394 0.13376371125223796 0.42165176431907164 0.5207100191377643 0.5160666634431421 0.3102112276480446 -0.13555091903608096 -0.3321196434419343 -0.41136624729689014 -0.490612851151846 -0.5698594550068018 -0.6491060588617577 -0.7283526627167135 -0.7933596424414756 -0.7964552129045658 -0.8289587027669468 -0.8831311858709241 +1321,-0.9930239373104104,0,-0.62465105220339 -0.4745158847438104 -0.08447400639519394 0.13376371125223796 0.42165176431907164 0.5207100191377643 0.5160666634431421 0.3102112276480446 -0.13555091903608096 -0.3321196434419343 -0.41136624729689014 -0.490612851151846 -0.5698594550068018 -0.6491060588617577 -0.7283526627167135 -0.7933596424414756 -0.7964552129045658 -0.8289587027669468 -0.8831311858709241 -0.9775460849949946 +1322,-1.0348141385620444,0,-0.4745158847438104 -0.08447400639519394 0.13376371125223796 0.42165176431907164 0.5207100191377643 0.5160666634431421 0.3102112276480446 -0.13555091903608096 -0.3321196434419343 -0.41136624729689014 -0.490612851151846 -0.5698594550068018 -0.6491060588617577 -0.7283526627167135 -0.7933596424414756 -0.7964552129045658 -0.8289587027669468 -0.8831311858709241 -0.9775460849949946 -0.9930239373104104 +1323,-1.0301707828674223,0,-0.08447400639519394 0.13376371125223796 0.42165176431907164 0.5207100191377643 0.5160666634431421 0.3102112276480446 -0.13555091903608096 -0.3321196434419343 -0.41136624729689014 -0.490612851151846 -0.5698594550068018 -0.6491060588617577 -0.7283526627167135 -0.7933596424414756 -0.7964552129045658 -0.8289587027669468 -0.8831311858709241 -0.9775460849949946 -0.9930239373104104 -1.0348141385620444 +1324,-0.8738444744816711,0,0.13376371125223796 0.42165176431907164 0.5207100191377643 0.5160666634431421 0.3102112276480446 -0.13555091903608096 -0.3321196434419343 -0.41136624729689014 -0.490612851151846 -0.5698594550068018 -0.6491060588617577 -0.7283526627167135 -0.7933596424414756 -0.7964552129045658 -0.8289587027669468 -0.8831311858709241 -0.9775460849949946 -0.9930239373104104 -1.0348141385620444 -1.0301707828674223 +1325,-0.3506930662204403,0,0.42165176431907164 0.5207100191377643 0.5160666634431421 0.3102112276480446 -0.13555091903608096 -0.3321196434419343 -0.41136624729689014 -0.490612851151846 -0.5698594550068018 -0.6491060588617577 -0.7283526627167135 -0.7933596424414756 -0.7964552129045658 -0.8289587027669468 -0.8831311858709241 -0.9775460849949946 -0.9930239373104104 -1.0348141385620444 -1.0301707828674223 -0.8738444744816711 +1326,0.4293906904767839,0,0.5207100191377643 0.5160666634431421 0.3102112276480446 -0.13555091903608096 -0.3321196434419343 -0.41136624729689014 -0.490612851151846 -0.5698594550068018 -0.6491060588617577 -0.7283526627167135 -0.7933596424414756 -0.7964552129045658 -0.8289587027669468 -0.8831311858709241 -0.9775460849949946 -0.9930239373104104 -1.0348141385620444 -1.0301707828674223 -0.8738444744816711 -0.3506930662204403 +1327,0.9200386088756337,0,0.5160666634431421 0.3102112276480446 -0.13555091903608096 -0.3321196434419343 -0.41136624729689014 -0.490612851151846 -0.5698594550068018 -0.6491060588617577 -0.7283526627167135 -0.7933596424414756 -0.7964552129045658 -0.8289587027669468 -0.8831311858709241 -0.9775460849949946 -0.9930239373104104 -1.0348141385620444 -1.0301707828674223 -0.8738444744816711 -0.3506930662204403 0.4293906904767839 +1328,1.0686259911036726,0,0.3102112276480446 -0.13555091903608096 -0.3321196434419343 -0.41136624729689014 -0.490612851151846 -0.5698594550068018 -0.6491060588617577 -0.7283526627167135 -0.7933596424414756 -0.7964552129045658 -0.8289587027669468 -0.8831311858709241 -0.9775460849949946 -0.9930239373104104 -1.0348141385620444 -1.0301707828674223 -0.8738444744816711 -0.3506930662204403 0.4293906904767839 0.9200386088756337 +1329,1.190901024395502,0,-0.13555091903608096 -0.3321196434419343 -0.41136624729689014 -0.490612851151846 -0.5698594550068018 -0.6491060588617577 -0.7283526627167135 -0.7933596424414756 -0.7964552129045658 -0.8289587027669468 -0.8831311858709241 -0.9775460849949946 -0.9930239373104104 -1.0348141385620444 -1.0301707828674223 -0.8738444744816711 -0.3506930662204403 0.4293906904767839 0.9200386088756337 1.0686259911036726 +1330,1.316271628150413,0,-0.3321196434419343 -0.41136624729689014 -0.490612851151846 -0.5698594550068018 -0.6491060588617577 -0.7283526627167135 -0.7933596424414756 -0.7964552129045658 -0.8289587027669468 -0.8831311858709241 -0.9775460849949946 -0.9930239373104104 -1.0348141385620444 -1.0301707828674223 -0.8738444744816711 -0.3506930662204403 0.4293906904767839 0.9200386088756337 1.0686259911036726 1.190901024395502 +1331,0.8890829042447845,0,-0.41136624729689014 -0.490612851151846 -0.5698594550068018 -0.6491060588617577 -0.7283526627167135 -0.7933596424414756 -0.7964552129045658 -0.8289587027669468 -0.8831311858709241 -0.9775460849949946 -0.9930239373104104 -1.0348141385620444 -1.0301707828674223 -0.8738444744816711 -0.3506930662204403 0.4293906904767839 0.9200386088756337 1.0686259911036726 1.190901024395502 1.316271628150413 +1332,0.5872647840940758,0,-0.490612851151846 -0.5698594550068018 -0.6491060588617577 -0.7283526627167135 -0.7933596424414756 -0.7964552129045658 -0.8289587027669468 -0.8831311858709241 -0.9775460849949946 -0.9930239373104104 -1.0348141385620444 -1.0301707828674223 -0.8738444744816711 -0.3506930662204403 0.4293906904767839 0.9200386088756337 1.0686259911036726 1.190901024395502 1.316271628150413 0.8890829042447845 +1333,0.26068210023868954,0,-0.5698594550068018 -0.6491060588617577 -0.7283526627167135 -0.7933596424414756 -0.7964552129045658 -0.8289587027669468 -0.8831311858709241 -0.9775460849949946 -0.9930239373104104 -1.0348141385620444 -1.0301707828674223 -0.8738444744816711 -0.3506930662204403 0.4293906904767839 0.9200386088756337 1.0686259911036726 1.190901024395502 1.316271628150413 0.8890829042447845 0.5872647840940758 +1334,0.12602478509453446,0,-0.6491060588617577 -0.7283526627167135 -0.7933596424414756 -0.7964552129045658 -0.8289587027669468 -0.8831311858709241 -0.9775460849949946 -0.9930239373104104 -1.0348141385620444 -1.0301707828674223 -0.8738444744816711 -0.3506930662204403 0.4293906904767839 0.9200386088756337 1.0686259911036726 1.190901024395502 1.316271628150413 0.8890829042447845 0.5872647840940758 0.26068210023868954 +1335,-0.02256259713351326,0,-0.7283526627167135 -0.7933596424414756 -0.7964552129045658 -0.8289587027669468 -0.8831311858709241 -0.9775460849949946 -0.9930239373104104 -1.0348141385620444 -1.0301707828674223 -0.8738444744816711 -0.3506930662204403 0.4293906904767839 0.9200386088756337 1.0686259911036726 1.190901024395502 1.316271628150413 0.8890829042447845 0.5872647840940758 0.26068210023868954 0.12602478509453446 +1336,-0.12471642241528727,0,-0.7933596424414756 -0.7964552129045658 -0.8289587027669468 -0.8831311858709241 -0.9775460849949946 -0.9930239373104104 -1.0348141385620444 -1.0301707828674223 -0.8738444744816711 -0.3506930662204403 0.4293906904767839 0.9200386088756337 1.0686259911036726 1.190901024395502 1.316271628150413 0.8890829042447845 0.5872647840940758 0.26068210023868954 0.12602478509453446 -0.02256259713351326 +1337,-0.24234810001249465,0,-0.7964552129045658 -0.8289587027669468 -0.8831311858709241 -0.9775460849949946 -0.9930239373104104 -1.0348141385620444 -1.0301707828674223 -0.8738444744816711 -0.3506930662204403 0.4293906904767839 0.9200386088756337 1.0686259911036726 1.190901024395502 1.316271628150413 0.8890829042447845 0.5872647840940758 0.26068210023868954 0.12602478509453446 -0.02256259713351326 -0.12471642241528727 +1338,-0.36617091853585604,0,-0.8289587027669468 -0.8831311858709241 -0.9775460849949946 -0.9930239373104104 -1.0348141385620444 -1.0301707828674223 -0.8738444744816711 -0.3506930662204403 0.4293906904767839 0.9200386088756337 1.0686259911036726 1.190901024395502 1.316271628150413 0.8890829042447845 0.5872647840940758 0.26068210023868954 0.12602478509453446 -0.02256259713351326 -0.12471642241528727 -0.24234810001249465 +1339,-0.5271405826162381,0,-0.8831311858709241 -0.9775460849949946 -0.9930239373104104 -1.0348141385620444 -1.0301707828674223 -0.8738444744816711 -0.3506930662204403 0.4293906904767839 0.9200386088756337 1.0686259911036726 1.190901024395502 1.316271628150413 0.8890829042447845 0.5872647840940758 0.26068210023868954 0.12602478509453446 -0.02256259713351326 -0.12471642241528727 -0.24234810001249465 -0.36617091853585604 +1340,-0.615364340814137,0,-0.9775460849949946 -0.9930239373104104 -1.0348141385620444 -1.0301707828674223 -0.8738444744816711 -0.3506930662204403 0.4293906904767839 0.9200386088756337 1.0686259911036726 1.190901024395502 1.316271628150413 0.8890829042447845 0.5872647840940758 0.26068210023868954 0.12602478509453446 -0.02256259713351326 -0.12471642241528727 -0.24234810001249465 -0.36617091853585604 -0.5271405826162381 +1341,-0.6401289045188147,0,-0.9930239373104104 -1.0348141385620444 -1.0301707828674223 -0.8738444744816711 -0.3506930662204403 0.4293906904767839 0.9200386088756337 1.0686259911036726 1.190901024395502 1.316271628150413 0.8890829042447845 0.5872647840940758 0.26068210023868954 0.12602478509453446 -0.02256259713351326 -0.12471642241528727 -0.24234810001249465 -0.36617091853585604 -0.5271405826162381 -0.615364340814137 +1342,-0.6881102466966202,0,-1.0348141385620444 -1.0301707828674223 -0.8738444744816711 -0.3506930662204403 0.4293906904767839 0.9200386088756337 1.0686259911036726 1.190901024395502 1.316271628150413 0.8890829042447845 0.5872647840940758 0.26068210023868954 0.12602478509453446 -0.02256259713351326 -0.12471642241528727 -0.24234810001249465 -0.36617091853585604 -0.5271405826162381 -0.615364340814137 -0.6401289045188147 +1343,-0.7159703808643704,0,-1.0301707828674223 -0.8738444744816711 -0.3506930662204403 0.4293906904767839 0.9200386088756337 1.0686259911036726 1.190901024395502 1.316271628150413 0.8890829042447845 0.5872647840940758 0.26068210023868954 0.12602478509453446 -0.02256259713351326 -0.12471642241528727 -0.24234810001249465 -0.36617091853585604 -0.5271405826162381 -0.615364340814137 -0.6401289045188147 -0.6881102466966202 +1344,-0.6989447433174139,0,-0.8738444744816711 -0.3506930662204403 0.4293906904767839 0.9200386088756337 1.0686259911036726 1.190901024395502 1.316271628150413 0.8890829042447845 0.5872647840940758 0.26068210023868954 0.12602478509453446 -0.02256259713351326 -0.12471642241528727 -0.24234810001249465 -0.36617091853585604 -0.5271405826162381 -0.615364340814137 -0.6401289045188147 -0.6881102466966202 -0.7159703808643704 +1345,-0.7732384344314289,0,-0.3506930662204403 0.4293906904767839 0.9200386088756337 1.0686259911036726 1.190901024395502 1.316271628150413 0.8890829042447845 0.5872647840940758 0.26068210023868954 0.12602478509453446 -0.02256259713351326 -0.12471642241528727 -0.24234810001249465 -0.36617091853585604 -0.5271405826162381 -0.615364340814137 -0.6401289045188147 -0.6881102466966202 -0.7159703808643704 -0.6989447433174139 +1346,-0.7871685015153128,0,0.4293906904767839 0.9200386088756337 1.0686259911036726 1.190901024395502 1.316271628150413 0.8890829042447845 0.5872647840940758 0.26068210023868954 0.12602478509453446 -0.02256259713351326 -0.12471642241528727 -0.24234810001249465 -0.36617091853585604 -0.5271405826162381 -0.615364340814137 -0.6401289045188147 -0.6881102466966202 -0.7159703808643704 -0.6989447433174139 -0.7732384344314289 +1347,-0.7438305150321293,0,0.9200386088756337 1.0686259911036726 1.190901024395502 1.316271628150413 0.8890829042447845 0.5872647840940758 0.26068210023868954 0.12602478509453446 -0.02256259713351326 -0.12471642241528727 -0.24234810001249465 -0.36617091853585604 -0.5271405826162381 -0.615364340814137 -0.6401289045188147 -0.6881102466966202 -0.7159703808643704 -0.6989447433174139 -0.7732384344314289 -0.7871685015153128 +1348,-0.6416766897503553,0,1.0686259911036726 1.190901024395502 1.316271628150413 0.8890829042447845 0.5872647840940758 0.26068210023868954 0.12602478509453446 -0.02256259713351326 -0.12471642241528727 -0.24234810001249465 -0.36617091853585604 -0.5271405826162381 -0.615364340814137 -0.6401289045188147 -0.6881102466966202 -0.7159703808643704 -0.6989447433174139 -0.7732384344314289 -0.7871685015153128 -0.7438305150321293 +1349,-0.40641333455594936,0,1.190901024395502 1.316271628150413 0.8890829042447845 0.5872647840940758 0.26068210023868954 0.12602478509453446 -0.02256259713351326 -0.12471642241528727 -0.24234810001249465 -0.36617091853585604 -0.5271405826162381 -0.615364340814137 -0.6401289045188147 -0.6881102466966202 -0.7159703808643704 -0.6989447433174139 -0.7732384344314289 -0.7871685015153128 -0.7438305150321293 -0.6416766897503553 +1350,-0.34140635483118725,0,1.316271628150413 0.8890829042447845 0.5872647840940758 0.26068210023868954 0.12602478509453446 -0.02256259713351326 -0.12471642241528727 -0.24234810001249465 -0.36617091853585604 -0.5271405826162381 -0.615364340814137 -0.6401289045188147 -0.6881102466966202 -0.7159703808643704 -0.6989447433174139 -0.7732384344314289 -0.7871685015153128 -0.7438305150321293 -0.6416766897503553 -0.40641333455594936 +1351,-0.08292622116365325,0,0.8890829042447845 0.5872647840940758 0.26068210023868954 0.12602478509453446 -0.02256259713351326 -0.12471642241528727 -0.24234810001249465 -0.36617091853585604 -0.5271405826162381 -0.615364340814137 -0.6401289045188147 -0.6881102466966202 -0.7159703808643704 -0.6989447433174139 -0.7732384344314289 -0.7871685015153128 -0.7438305150321293 -0.6416766897503553 -0.40641333455594936 -0.34140635483118725 +1352,0.06875673152747587,0,0.5872647840940758 0.26068210023868954 0.12602478509453446 -0.02256259713351326 -0.12471642241528727 -0.24234810001249465 -0.36617091853585604 -0.5271405826162381 -0.615364340814137 -0.6401289045188147 -0.6881102466966202 -0.7159703808643704 -0.6989447433174139 -0.7732384344314289 -0.7871685015153128 -0.7438305150321293 -0.6416766897503553 -0.40641333455594936 -0.34140635483118725 -0.08292622116365325 +1353,0.2204396842185962,0,0.26068210023868954 0.12602478509453446 -0.02256259713351326 -0.12471642241528727 -0.24234810001249465 -0.36617091853585604 -0.5271405826162381 -0.615364340814137 -0.6401289045188147 -0.6881102466966202 -0.7159703808643704 -0.6989447433174139 -0.7732384344314289 -0.7871685015153128 -0.7438305150321293 -0.6416766897503553 -0.40641333455594936 -0.34140635483118725 -0.08292622116365325 0.06875673152747587 +1354,0.24056089222864285,0,0.12602478509453446 -0.02256259713351326 -0.12471642241528727 -0.24234810001249465 -0.36617091853585604 -0.5271405826162381 -0.615364340814137 -0.6401289045188147 -0.6881102466966202 -0.7159703808643704 -0.6989447433174139 -0.7732384344314289 -0.7871685015153128 -0.7438305150321293 -0.6416766897503553 -0.40641333455594936 -0.34140635483118725 -0.08292622116365325 0.06875673152747587 0.2204396842185962 +1355,0.20031847620854953,0,-0.02256259713351326 -0.12471642241528727 -0.24234810001249465 -0.36617091853585604 -0.5271405826162381 -0.615364340814137 -0.6401289045188147 -0.6881102466966202 -0.7159703808643704 -0.6989447433174139 -0.7732384344314289 -0.7871685015153128 -0.7438305150321293 -0.6416766897503553 -0.40641333455594936 -0.34140635483118725 -0.08292622116365325 0.06875673152747587 0.2204396842185962 0.24056089222864285 +1356,0.0501833087489699,0,-0.12471642241528727 -0.24234810001249465 -0.36617091853585604 -0.5271405826162381 -0.615364340814137 -0.6401289045188147 -0.6881102466966202 -0.7159703808643704 -0.6989447433174139 -0.7732384344314289 -0.7871685015153128 -0.7438305150321293 -0.6416766897503553 -0.40641333455594936 -0.34140635483118725 -0.08292622116365325 0.06875673152747587 0.2204396842185962 0.24056089222864285 0.20031847620854953 +1357,-0.2206791067708985,0,-0.24234810001249465 -0.36617091853585604 -0.5271405826162381 -0.615364340814137 -0.6401289045188147 -0.6881102466966202 -0.7159703808643704 -0.6989447433174139 -0.7732384344314289 -0.7871685015153128 -0.7438305150321293 -0.6416766897503553 -0.40641333455594936 -0.34140635483118725 -0.08292622116365325 0.06875673152747587 0.2204396842185962 0.24056089222864285 0.20031847620854953 0.0501833087489699 +1358,-0.3181895763580504,0,-0.36617091853585604 -0.5271405826162381 -0.615364340814137 -0.6401289045188147 -0.6881102466966202 -0.7159703808643704 -0.6989447433174139 -0.7732384344314289 -0.7871685015153128 -0.7438305150321293 -0.6416766897503553 -0.40641333455594936 -0.34140635483118725 -0.08292622116365325 0.06875673152747587 0.2204396842185962 0.24056089222864285 0.20031847620854953 0.0501833087489699 -0.2206791067708985 +1359,-0.4141522607136616,0,-0.5271405826162381 -0.615364340814137 -0.6401289045188147 -0.6881102466966202 -0.7159703808643704 -0.6989447433174139 -0.7732384344314289 -0.7871685015153128 -0.7438305150321293 -0.6416766897503553 -0.40641333455594936 -0.34140635483118725 -0.08292622116365325 0.06875673152747587 0.2204396842185962 0.24056089222864285 0.20031847620854953 0.0501833087489699 -0.2206791067708985 -0.3181895763580504 +1360,-0.445107965344502,0,-0.615364340814137 -0.6401289045188147 -0.6881102466966202 -0.7159703808643704 -0.6989447433174139 -0.7732384344314289 -0.7871685015153128 -0.7438305150321293 -0.6416766897503553 -0.40641333455594936 -0.34140635483118725 -0.08292622116365325 0.06875673152747587 0.2204396842185962 0.24056089222864285 0.20031847620854953 0.0501833087489699 -0.2206791067708985 -0.3181895763580504 -0.4141522607136616 +1361,-0.4435601801129613,0,-0.6401289045188147 -0.6881102466966202 -0.7159703808643704 -0.6989447433174139 -0.7732384344314289 -0.7871685015153128 -0.7438305150321293 -0.6416766897503553 -0.40641333455594936 -0.34140635483118725 -0.08292622116365325 0.06875673152747587 0.2204396842185962 0.24056089222864285 0.20031847620854953 0.0501833087489699 -0.2206791067708985 -0.3181895763580504 -0.4141522607136616 -0.445107965344502 +1362,-0.4807070256699732,0,-0.6881102466966202 -0.7159703808643704 -0.6989447433174139 -0.7732384344314289 -0.7871685015153128 -0.7438305150321293 -0.6416766897503553 -0.40641333455594936 -0.34140635483118725 -0.08292622116365325 0.06875673152747587 0.2204396842185962 0.24056089222864285 0.20031847620854953 0.0501833087489699 -0.2206791067708985 -0.3181895763580504 -0.4141522607136616 -0.445107965344502 -0.4435601801129613 +1363,-0.4946370927538571,0,-0.7159703808643704 -0.6989447433174139 -0.7732384344314289 -0.7871685015153128 -0.7438305150321293 -0.6416766897503553 -0.40641333455594936 -0.34140635483118725 -0.08292622116365325 0.06875673152747587 0.2204396842185962 0.24056089222864285 0.20031847620854953 0.0501833087489699 -0.2206791067708985 -0.3181895763580504 -0.4141522607136616 -0.445107965344502 -0.4435601801129613 -0.4807070256699732 +1364,-0.5457140053947441,0,-0.6989447433174139 -0.7732384344314289 -0.7871685015153128 -0.7438305150321293 -0.6416766897503553 -0.40641333455594936 -0.34140635483118725 -0.08292622116365325 0.06875673152747587 0.2204396842185962 0.24056089222864285 0.20031847620854953 0.0501833087489699 -0.2206791067708985 -0.3181895763580504 -0.4141522607136616 -0.445107965344502 -0.4435601801129613 -0.4807070256699732 -0.4946370927538571 +1365,-0.5101149450692729,0,-0.7732384344314289 -0.7871685015153128 -0.7438305150321293 -0.6416766897503553 -0.40641333455594936 -0.34140635483118725 -0.08292622116365325 0.06875673152747587 0.2204396842185962 0.24056089222864285 0.20031847620854953 0.0501833087489699 -0.2206791067708985 -0.3181895763580504 -0.4141522607136616 -0.445107965344502 -0.4435601801129613 -0.4807070256699732 -0.4946370927538571 -0.5457140053947441 +1366,-0.5317839383108602,0,-0.7871685015153128 -0.7438305150321293 -0.6416766897503553 -0.40641333455594936 -0.34140635483118725 -0.08292622116365325 0.06875673152747587 0.2204396842185962 0.24056089222864285 0.20031847620854953 0.0501833087489699 -0.2206791067708985 -0.3181895763580504 -0.4141522607136616 -0.445107965344502 -0.4435601801129613 -0.4807070256699732 -0.4946370927538571 -0.5457140053947441 -0.5101149450692729 +1367,-0.5023760189115606,0,-0.7438305150321293 -0.6416766897503553 -0.40641333455594936 -0.34140635483118725 -0.08292622116365325 0.06875673152747587 0.2204396842185962 0.24056089222864285 0.20031847620854953 0.0501833087489699 -0.2206791067708985 -0.3181895763580504 -0.4141522607136616 -0.445107965344502 -0.4435601801129613 -0.4807070256699732 -0.4946370927538571 -0.5457140053947441 -0.5101149450692729 -0.5317839383108602 +1368,-0.5395228644685724,0,-0.6416766897503553 -0.40641333455594936 -0.34140635483118725 -0.08292622116365325 0.06875673152747587 0.2204396842185962 0.24056089222864285 0.20031847620854953 0.0501833087489699 -0.2206791067708985 -0.3181895763580504 -0.4141522607136616 -0.445107965344502 -0.4435601801129613 -0.4807070256699732 -0.4946370927538571 -0.5457140053947441 -0.5101149450692729 -0.5317839383108602 -0.5023760189115606 +1369,-0.5472617906262848,0,-0.40641333455594936 -0.34140635483118725 -0.08292622116365325 0.06875673152747587 0.2204396842185962 0.24056089222864285 0.20031847620854953 0.0501833087489699 -0.2206791067708985 -0.3181895763580504 -0.4141522607136616 -0.445107965344502 -0.4435601801129613 -0.4807070256699732 -0.4946370927538571 -0.5457140053947441 -0.5101149450692729 -0.5317839383108602 -0.5023760189115606 -0.5395228644685724 +1370,-0.592147562341009,0,-0.34140635483118725 -0.08292622116365325 0.06875673152747587 0.2204396842185962 0.24056089222864285 0.20031847620854953 0.0501833087489699 -0.2206791067708985 -0.3181895763580504 -0.4141522607136616 -0.445107965344502 -0.4435601801129613 -0.4807070256699732 -0.4946370927538571 -0.5457140053947441 -0.5101149450692729 -0.5317839383108602 -0.5023760189115606 -0.5395228644685724 -0.5472617906262848 +1371,-0.5890519918779188,0,-0.08292622116365325 0.06875673152747587 0.2204396842185962 0.24056089222864285 0.20031847620854953 0.0501833087489699 -0.2206791067708985 -0.3181895763580504 -0.4141522607136616 -0.445107965344502 -0.4435601801129613 -0.4807070256699732 -0.4946370927538571 -0.5457140053947441 -0.5101149450692729 -0.5317839383108602 -0.5023760189115606 -0.5395228644685724 -0.5472617906262848 -0.592147562341009 +1372,-0.5813130657202153,0,0.06875673152747587 0.2204396842185962 0.24056089222864285 0.20031847620854953 0.0501833087489699 -0.2206791067708985 -0.3181895763580504 -0.4141522607136616 -0.445107965344502 -0.4435601801129613 -0.4807070256699732 -0.4946370927538571 -0.5457140053947441 -0.5101149450692729 -0.5317839383108602 -0.5023760189115606 -0.5395228644685724 -0.5472617906262848 -0.592147562341009 -0.5890519918779188 +1373,-0.5488095758578255,0,0.2204396842185962 0.24056089222864285 0.20031847620854953 0.0501833087489699 -0.2206791067708985 -0.3181895763580504 -0.4141522607136616 -0.445107965344502 -0.4435601801129613 -0.4807070256699732 -0.4946370927538571 -0.5457140053947441 -0.5101149450692729 -0.5317839383108602 -0.5023760189115606 -0.5395228644685724 -0.5472617906262848 -0.592147562341009 -0.5890519918779188 -0.5813130657202153 +1374,-0.3228329320526813,0,0.24056089222864285 0.20031847620854953 0.0501833087489699 -0.2206791067708985 -0.3181895763580504 -0.4141522607136616 -0.445107965344502 -0.4435601801129613 -0.4807070256699732 -0.4946370927538571 -0.5457140053947441 -0.5101149450692729 -0.5317839383108602 -0.5023760189115606 -0.5395228644685724 -0.5472617906262848 -0.592147562341009 -0.5890519918779188 -0.5813130657202153 -0.5488095758578255 +1375,-0.12007306672066517,0,0.20031847620854953 0.0501833087489699 -0.2206791067708985 -0.3181895763580504 -0.4141522607136616 -0.445107965344502 -0.4435601801129613 -0.4807070256699732 -0.4946370927538571 -0.5457140053947441 -0.5101149450692729 -0.5317839383108602 -0.5023760189115606 -0.5395228644685724 -0.5472617906262848 -0.592147562341009 -0.5890519918779188 -0.5813130657202153 -0.5488095758578255 -0.3228329320526813 +1376,-0.03804044944892903,0,0.0501833087489699 -0.2206791067708985 -0.3181895763580504 -0.4141522607136616 -0.445107965344502 -0.4435601801129613 -0.4807070256699732 -0.4946370927538571 -0.5457140053947441 -0.5101149450692729 -0.5317839383108602 -0.5023760189115606 -0.5395228644685724 -0.5472617906262848 -0.592147562341009 -0.5890519918779188 -0.5813130657202153 -0.5488095758578255 -0.3228329320526813 -0.12007306672066517 +1377,0.11673807370528148,0,-0.2206791067708985 -0.3181895763580504 -0.4141522607136616 -0.445107965344502 -0.4435601801129613 -0.4807070256699732 -0.4946370927538571 -0.5457140053947441 -0.5101149450692729 -0.5317839383108602 -0.5023760189115606 -0.5395228644685724 -0.5472617906262848 -0.592147562341009 -0.5890519918779188 -0.5813130657202153 -0.5488095758578255 -0.3228329320526813 -0.12007306672066517 -0.03804044944892903 +1378,0.13531149648378746,0,-0.3181895763580504 -0.4141522607136616 -0.445107965344502 -0.4435601801129613 -0.4807070256699732 -0.4946370927538571 -0.5457140053947441 -0.5101149450692729 -0.5317839383108602 -0.5023760189115606 -0.5395228644685724 -0.5472617906262848 -0.592147562341009 -0.5890519918779188 -0.5813130657202153 -0.5488095758578255 -0.3228329320526813 -0.12007306672066517 -0.03804044944892903 0.11673807370528148 +1379,0.06256559060130429,0,-0.4141522607136616 -0.445107965344502 -0.4435601801129613 -0.4807070256699732 -0.4946370927538571 -0.5457140053947441 -0.5101149450692729 -0.5317839383108602 -0.5023760189115606 -0.5395228644685724 -0.5472617906262848 -0.592147562341009 -0.5890519918779188 -0.5813130657202153 -0.5488095758578255 -0.3228329320526813 -0.12007306672066517 -0.03804044944892903 0.11673807370528148 0.13531149648378746 +1380,-0.09376071778444693,0,-0.445107965344502 -0.4435601801129613 -0.4807070256699732 -0.4946370927538571 -0.5457140053947441 -0.5101149450692729 -0.5317839383108602 -0.5023760189115606 -0.5395228644685724 -0.5472617906262848 -0.592147562341009 -0.5890519918779188 -0.5813130657202153 -0.5488095758578255 -0.3228329320526813 -0.12007306672066517 -0.03804044944892903 0.11673807370528148 0.13531149648378746 0.06256559060130429 +1381,-0.2810427308010473,0,-0.4435601801129613 -0.4807070256699732 -0.4946370927538571 -0.5457140053947441 -0.5101149450692729 -0.5317839383108602 -0.5023760189115606 -0.5395228644685724 -0.5472617906262848 -0.592147562341009 -0.5890519918779188 -0.5813130657202153 -0.5488095758578255 -0.3228329320526813 -0.12007306672066517 -0.03804044944892903 0.11673807370528148 0.13531149648378746 0.06256559060130429 -0.09376071778444693 +1382,-0.4157000459452023,0,-0.4807070256699732 -0.4946370927538571 -0.5457140053947441 -0.5101149450692729 -0.5317839383108602 -0.5023760189115606 -0.5395228644685724 -0.5472617906262848 -0.592147562341009 -0.5890519918779188 -0.5813130657202153 -0.5488095758578255 -0.3228329320526813 -0.12007306672066517 -0.03804044944892903 0.11673807370528148 0.13531149648378746 0.06256559060130429 -0.09376071778444693 -0.2810427308010473 +1383,-0.5209494416900665,0,-0.4946370927538571 -0.5457140053947441 -0.5101149450692729 -0.5317839383108602 -0.5023760189115606 -0.5395228644685724 -0.5472617906262848 -0.592147562341009 -0.5890519918779188 -0.5813130657202153 -0.5488095758578255 -0.3228329320526813 -0.12007306672066517 -0.03804044944892903 0.11673807370528148 0.13531149648378746 0.06256559060130429 -0.09376071778444693 -0.2810427308010473 -0.4157000459452023 +1384,-0.6571545420657711,0,-0.5457140053947441 -0.5101149450692729 -0.5317839383108602 -0.5023760189115606 -0.5395228644685724 -0.5472617906262848 -0.592147562341009 -0.5890519918779188 -0.5813130657202153 -0.5488095758578255 -0.3228329320526813 -0.12007306672066517 -0.03804044944892903 0.11673807370528148 0.13531149648378746 0.06256559060130429 -0.09376071778444693 -0.2810427308010473 -0.4157000459452023 -0.5209494416900665 +1385,-0.7144225956328297,0,-0.5101149450692729 -0.5317839383108602 -0.5023760189115606 -0.5395228644685724 -0.5472617906262848 -0.592147562341009 -0.5890519918779188 -0.5813130657202153 -0.5488095758578255 -0.3228329320526813 -0.12007306672066517 -0.03804044944892903 0.11673807370528148 0.13531149648378746 0.06256559060130429 -0.09376071778444693 -0.2810427308010473 -0.4157000459452023 -0.5209494416900665 -0.6571545420657711 +1386,-0.8088374947569001,0,-0.5317839383108602 -0.5023760189115606 -0.5395228644685724 -0.5472617906262848 -0.592147562341009 -0.5890519918779188 -0.5813130657202153 -0.5488095758578255 -0.3228329320526813 -0.12007306672066517 -0.03804044944892903 0.11673807370528148 0.13531149648378746 0.06256559060130429 -0.09376071778444693 -0.2810427308010473 -0.4157000459452023 -0.5209494416900665 -0.6571545420657711 -0.7144225956328297 +1387,-0.8459843403139121,0,-0.5023760189115606 -0.5395228644685724 -0.5472617906262848 -0.592147562341009 -0.5890519918779188 -0.5813130657202153 -0.5488095758578255 -0.3228329320526813 -0.12007306672066517 -0.03804044944892903 0.11673807370528148 0.13531149648378746 0.06256559060130429 -0.09376071778444693 -0.2810427308010473 -0.4157000459452023 -0.5209494416900665 -0.6571545420657711 -0.7144225956328297 -0.8088374947569001 +1388,-0.9094435348071335,0,-0.5395228644685724 -0.5472617906262848 -0.592147562341009 -0.5890519918779188 -0.5813130657202153 -0.5488095758578255 -0.3228329320526813 -0.12007306672066517 -0.03804044944892903 0.11673807370528148 0.13531149648378746 0.06256559060130429 -0.09376071778444693 -0.2810427308010473 -0.4157000459452023 -0.5209494416900665 -0.6571545420657711 -0.7144225956328297 -0.8088374947569001 -0.8459843403139121 +1389,-0.96206823267957,0,-0.5472617906262848 -0.592147562341009 -0.5890519918779188 -0.5813130657202153 -0.5488095758578255 -0.3228329320526813 -0.12007306672066517 -0.03804044944892903 0.11673807370528148 0.13531149648378746 0.06256559060130429 -0.09376071778444693 -0.2810427308010473 -0.4157000459452023 -0.5209494416900665 -0.6571545420657711 -0.7144225956328297 -0.8088374947569001 -0.8459843403139121 -0.9094435348071335 +1390,-1.0704131988875156,0,-0.592147562341009 -0.5890519918779188 -0.5813130657202153 -0.5488095758578255 -0.3228329320526813 -0.12007306672066517 -0.03804044944892903 0.11673807370528148 0.13531149648378746 0.06256559060130429 -0.09376071778444693 -0.2810427308010473 -0.4157000459452023 -0.5209494416900665 -0.6571545420657711 -0.7144225956328297 -0.8088374947569001 -0.8459843403139121 -0.9094435348071335 -0.96206823267957 +1391,-1.0766043398136873,0,-0.5890519918779188 -0.5813130657202153 -0.5488095758578255 -0.3228329320526813 -0.12007306672066517 -0.03804044944892903 0.11673807370528148 0.13531149648378746 0.06256559060130429 -0.09376071778444693 -0.2810427308010473 -0.4157000459452023 -0.5209494416900665 -0.6571545420657711 -0.7144225956328297 -0.8088374947569001 -0.8459843403139121 -0.9094435348071335 -0.96206823267957 -1.0704131988875156 +1392,-1.1122034001391496,0,-0.5813130657202153 -0.5488095758578255 -0.3228329320526813 -0.12007306672066517 -0.03804044944892903 0.11673807370528148 0.13531149648378746 0.06256559060130429 -0.09376071778444693 -0.2810427308010473 -0.4157000459452023 -0.5209494416900665 -0.6571545420657711 -0.7144225956328297 -0.8088374947569001 -0.8459843403139121 -0.9094435348071335 -0.96206823267957 -1.0704131988875156 -1.0766043398136873 +1393,-1.0750565545821464,0,-0.5488095758578255 -0.3228329320526813 -0.12007306672066517 -0.03804044944892903 0.11673807370528148 0.13531149648378746 0.06256559060130429 -0.09376071778444693 -0.2810427308010473 -0.4157000459452023 -0.5209494416900665 -0.6571545420657711 -0.7144225956328297 -0.8088374947569001 -0.8459843403139121 -0.9094435348071335 -0.96206823267957 -1.0704131988875156 -1.0766043398136873 -1.1122034001391496 +1394,-0.9821894406896167,0,-0.3228329320526813 -0.12007306672066517 -0.03804044944892903 0.11673807370528148 0.13531149648378746 0.06256559060130429 -0.09376071778444693 -0.2810427308010473 -0.4157000459452023 -0.5209494416900665 -0.6571545420657711 -0.7144225956328297 -0.8088374947569001 -0.8459843403139121 -0.9094435348071335 -0.96206823267957 -1.0704131988875156 -1.0766043398136873 -1.1122034001391496 -1.0750565545821464 +1395,-0.9233736018910174,0,-0.12007306672066517 -0.03804044944892903 0.11673807370528148 0.13531149648378746 0.06256559060130429 -0.09376071778444693 -0.2810427308010473 -0.4157000459452023 -0.5209494416900665 -0.6571545420657711 -0.7144225956328297 -0.8088374947569001 -0.8459843403139121 -0.9094435348071335 -0.96206823267957 -1.0704131988875156 -1.0766043398136873 -1.1122034001391496 -1.0750565545821464 -0.9821894406896167 +1396,-0.6679890386865736,0,-0.03804044944892903 0.11673807370528148 0.13531149648378746 0.06256559060130429 -0.09376071778444693 -0.2810427308010473 -0.4157000459452023 -0.5209494416900665 -0.6571545420657711 -0.7144225956328297 -0.8088374947569001 -0.8459843403139121 -0.9094435348071335 -0.96206823267957 -1.0704131988875156 -1.0766043398136873 -1.1122034001391496 -1.0750565545821464 -0.9821894406896167 -0.9233736018910174 +1397,-0.445107965344502,0,0.11673807370528148 0.13531149648378746 0.06256559060130429 -0.09376071778444693 -0.2810427308010473 -0.4157000459452023 -0.5209494416900665 -0.6571545420657711 -0.7144225956328297 -0.8088374947569001 -0.8459843403139121 -0.9094435348071335 -0.96206823267957 -1.0704131988875156 -1.0766043398136873 -1.1122034001391496 -1.0750565545821464 -0.9821894406896167 -0.9233736018910174 -0.6679890386865736 +1398,-0.2175835363078171,0,0.13531149648378746 0.06256559060130429 -0.09376071778444693 -0.2810427308010473 -0.4157000459452023 -0.5209494416900665 -0.6571545420657711 -0.7144225956328297 -0.8088374947569001 -0.8459843403139121 -0.9094435348071335 -0.96206823267957 -1.0704131988875156 -1.0766043398136873 -1.1122034001391496 -1.0750565545821464 -0.9821894406896167 -0.9233736018910174 -0.6679890386865736 -0.445107965344502 +1399,0.03625324166508603,0,0.06256559060130429 -0.09376071778444693 -0.2810427308010473 -0.4157000459452023 -0.5209494416900665 -0.6571545420657711 -0.7144225956328297 -0.8088374947569001 -0.8459843403139121 -0.9094435348071335 -0.96206823267957 -1.0704131988875156 -1.0766043398136873 -1.1122034001391496 -1.0750565545821464 -0.9821894406896167 -0.9233736018910174 -0.6679890386865736 -0.445107965344502 -0.2175835363078171 +1400,0.14769377833612182,0,-0.09376071778444693 -0.2810427308010473 -0.4157000459452023 -0.5209494416900665 -0.6571545420657711 -0.7144225956328297 -0.8088374947569001 -0.8459843403139121 -0.9094435348071335 -0.96206823267957 -1.0704131988875156 -1.0766043398136873 -1.1122034001391496 -1.0750565545821464 -0.9821894406896167 -0.9233736018910174 -0.6679890386865736 -0.445107965344502 -0.2175835363078171 0.03625324166508603 +1401,0.2173441137555148,0,-0.2810427308010473 -0.4157000459452023 -0.5209494416900665 -0.6571545420657711 -0.7144225956328297 -0.8088374947569001 -0.8459843403139121 -0.9094435348071335 -0.96206823267957 -1.0704131988875156 -1.0766043398136873 -1.1122034001391496 -1.0750565545821464 -0.9821894406896167 -0.9233736018910174 -0.6679890386865736 -0.445107965344502 -0.2175835363078171 0.03625324166508603 0.14769377833612182 +1402,0.19103176481929654,0,-0.4157000459452023 -0.5209494416900665 -0.6571545420657711 -0.7144225956328297 -0.8088374947569001 -0.8459843403139121 -0.9094435348071335 -0.96206823267957 -1.0704131988875156 -1.0766043398136873 -1.1122034001391496 -1.0750565545821464 -0.9821894406896167 -0.9233736018910174 -0.6679890386865736 -0.445107965344502 -0.2175835363078171 0.03625324166508603 0.14769377833612182 0.2173441137555148 +1403,0.005297537034245689,0,-0.5209494416900665 -0.6571545420657711 -0.7144225956328297 -0.8088374947569001 -0.8459843403139121 -0.9094435348071335 -0.96206823267957 -1.0704131988875156 -1.0766043398136873 -1.1122034001391496 -1.0750565545821464 -0.9821894406896167 -0.9233736018910174 -0.6679890386865736 -0.445107965344502 -0.2175835363078171 0.03625324166508603 0.14769377833612182 0.2173441137555148 0.19103176481929654 +1404,-0.10459521440524061,0,-0.6571545420657711 -0.7144225956328297 -0.8088374947569001 -0.8459843403139121 -0.9094435348071335 -0.96206823267957 -1.0704131988875156 -1.0766043398136873 -1.1122034001391496 -1.0750565545821464 -0.9821894406896167 -0.9233736018910174 -0.6679890386865736 -0.445107965344502 -0.2175835363078171 0.03625324166508603 0.14769377833612182 0.2173441137555148 0.19103176481929654 0.005297537034245689 +1405,-0.20365346922394204,0,-0.7144225956328297 -0.8088374947569001 -0.8459843403139121 -0.9094435348071335 -0.96206823267957 -1.0704131988875156 -1.0766043398136873 -1.1122034001391496 -1.0750565545821464 -0.9821894406896167 -0.9233736018910174 -0.6679890386865736 -0.445107965344502 -0.2175835363078171 0.03625324166508603 0.14769377833612182 0.2173441137555148 0.19103176481929654 0.005297537034245689 -0.10459521440524061 +1406,-0.3723620594620276,0,-0.8088374947569001 -0.8459843403139121 -0.9094435348071335 -0.96206823267957 -1.0704131988875156 -1.0766043398136873 -1.1122034001391496 -1.0750565545821464 -0.9821894406896167 -0.9233736018910174 -0.6679890386865736 -0.445107965344502 -0.2175835363078171 0.03625324166508603 0.14769377833612182 0.2173441137555148 0.19103176481929654 0.005297537034245689 -0.10459521440524061 -0.20365346922394204 +1407,-0.4977326632169385,0,-0.8459843403139121 -0.9094435348071335 -0.96206823267957 -1.0704131988875156 -1.0766043398136873 -1.1122034001391496 -1.0750565545821464 -0.9821894406896167 -0.9233736018910174 -0.6679890386865736 -0.445107965344502 -0.2175835363078171 0.03625324166508603 0.14769377833612182 0.2173441137555148 0.19103176481929654 0.005297537034245689 -0.10459521440524061 -0.20365346922394204 -0.3723620594620276 +1408,-0.5766697100255844,0,-0.9094435348071335 -0.96206823267957 -1.0704131988875156 -1.0766043398136873 -1.1122034001391496 -1.0750565545821464 -0.9821894406896167 -0.9233736018910174 -0.6679890386865736 -0.445107965344502 -0.2175835363078171 0.03625324166508603 0.14769377833612182 0.2173441137555148 0.19103176481929654 0.005297537034245689 -0.10459521440524061 -0.20365346922394204 -0.3723620594620276 -0.4977326632169385 +1409,-0.6571545420657711,0,-0.96206823267957 -1.0704131988875156 -1.0766043398136873 -1.1122034001391496 -1.0750565545821464 -0.9821894406896167 -0.9233736018910174 -0.6679890386865736 -0.445107965344502 -0.2175835363078171 0.03625324166508603 0.14769377833612182 0.2173441137555148 0.19103176481929654 0.005297537034245689 -0.10459521440524061 -0.20365346922394204 -0.3723620594620276 -0.4977326632169385 -0.5766697100255844 +1410,-0.6571545420657711,0,-1.0704131988875156 -1.0766043398136873 -1.1122034001391496 -1.0750565545821464 -0.9821894406896167 -0.9233736018910174 -0.6679890386865736 -0.445107965344502 -0.2175835363078171 0.03625324166508603 0.14769377833612182 0.2173441137555148 0.19103176481929654 0.005297537034245689 -0.10459521440524061 -0.20365346922394204 -0.3723620594620276 -0.4977326632169385 -0.5766697100255844 -0.6571545420657711 +1411,-0.7422827298005886,0,-1.0766043398136873 -1.1122034001391496 -1.0750565545821464 -0.9821894406896167 -0.9233736018910174 -0.6679890386865736 -0.445107965344502 -0.2175835363078171 0.03625324166508603 0.14769377833612182 0.2173441137555148 0.19103176481929654 0.005297537034245689 -0.10459521440524061 -0.20365346922394204 -0.3723620594620276 -0.4977326632169385 -0.5766697100255844 -0.6571545420657711 -0.6571545420657711 +1412,-0.7747862196629784,0,-1.1122034001391496 -1.0750565545821464 -0.9821894406896167 -0.9233736018910174 -0.6679890386865736 -0.445107965344502 -0.2175835363078171 0.03625324166508603 0.14769377833612182 0.2173441137555148 0.19103176481929654 0.005297537034245689 -0.10459521440524061 -0.20365346922394204 -0.3723620594620276 -0.4977326632169385 -0.5766697100255844 -0.6571545420657711 -0.6571545420657711 -0.7422827298005886 +1413,-0.694301387622783,0,-1.0750565545821464 -0.9821894406896167 -0.9233736018910174 -0.6679890386865736 -0.445107965344502 -0.2175835363078171 0.03625324166508603 0.14769377833612182 0.2173441137555148 0.19103176481929654 0.005297537034245689 -0.10459521440524061 -0.20365346922394204 -0.3723620594620276 -0.4977326632169385 -0.5766697100255844 -0.6571545420657711 -0.6571545420657711 -0.7422827298005886 -0.7747862196629784 +1414,-0.7004925285489546,0,-0.9821894406896167 -0.9233736018910174 -0.6679890386865736 -0.445107965344502 -0.2175835363078171 0.03625324166508603 0.14769377833612182 0.2173441137555148 0.19103176481929654 0.005297537034245689 -0.10459521440524061 -0.20365346922394204 -0.3723620594620276 -0.4977326632169385 -0.5766697100255844 -0.6571545420657711 -0.6571545420657711 -0.7422827298005886 -0.7747862196629784 -0.694301387622783 +1415,-0.6648934682234834,0,-0.9233736018910174 -0.6679890386865736 -0.445107965344502 -0.2175835363078171 0.03625324166508603 0.14769377833612182 0.2173441137555148 0.19103176481929654 0.005297537034245689 -0.10459521440524061 -0.20365346922394204 -0.3723620594620276 -0.4977326632169385 -0.5766697100255844 -0.6571545420657711 -0.6571545420657711 -0.7422827298005886 -0.7747862196629784 -0.694301387622783 -0.7004925285489546 +1416,-0.6587023272973206,0,-0.6679890386865736 -0.445107965344502 -0.2175835363078171 0.03625324166508603 0.14769377833612182 0.2173441137555148 0.19103176481929654 0.005297537034245689 -0.10459521440524061 -0.20365346922394204 -0.3723620594620276 -0.4977326632169385 -0.5766697100255844 -0.6571545420657711 -0.6571545420657711 -0.7422827298005886 -0.7747862196629784 -0.694301387622783 -0.7004925285489546 -0.6648934682234834 +1417,-0.6648934682234834,0,-0.445107965344502 -0.2175835363078171 0.03625324166508603 0.14769377833612182 0.2173441137555148 0.19103176481929654 0.005297537034245689 -0.10459521440524061 -0.20365346922394204 -0.3723620594620276 -0.4977326632169385 -0.5766697100255844 -0.6571545420657711 -0.6571545420657711 -0.7422827298005886 -0.7747862196629784 -0.694301387622783 -0.7004925285489546 -0.6648934682234834 -0.6587023272973206 +1418,-0.671084609149655,0,-0.2175835363078171 0.03625324166508603 0.14769377833612182 0.2173441137555148 0.19103176481929654 0.005297537034245689 -0.10459521440524061 -0.20365346922394204 -0.3723620594620276 -0.4977326632169385 -0.5766697100255844 -0.6571545420657711 -0.6571545420657711 -0.7422827298005886 -0.7747862196629784 -0.694301387622783 -0.7004925285489546 -0.6648934682234834 -0.6587023272973206 -0.6648934682234834 +1419,-0.610720985119515,0,0.03625324166508603 0.14769377833612182 0.2173441137555148 0.19103176481929654 0.005297537034245689 -0.10459521440524061 -0.20365346922394204 -0.3723620594620276 -0.4977326632169385 -0.5766697100255844 -0.6571545420657711 -0.6571545420657711 -0.7422827298005886 -0.7747862196629784 -0.694301387622783 -0.7004925285489546 -0.6648934682234834 -0.6587023272973206 -0.6648934682234834 -0.671084609149655 +1420,-0.5054715893746508,0,0.14769377833612182 0.2173441137555148 0.19103176481929654 0.005297537034245689 -0.10459521440524061 -0.20365346922394204 -0.3723620594620276 -0.4977326632169385 -0.5766697100255844 -0.6571545420657711 -0.6571545420657711 -0.7422827298005886 -0.7747862196629784 -0.694301387622783 -0.7004925285489546 -0.6648934682234834 -0.6587023272973206 -0.6648934682234834 -0.671084609149655 -0.610720985119515 +1421,-0.4327256834921676,0,0.2173441137555148 0.19103176481929654 0.005297537034245689 -0.10459521440524061 -0.20365346922394204 -0.3723620594620276 -0.4977326632169385 -0.5766697100255844 -0.6571545420657711 -0.6571545420657711 -0.7422827298005886 -0.7747862196629784 -0.694301387622783 -0.7004925285489546 -0.6648934682234834 -0.6587023272973206 -0.6648934682234834 -0.671084609149655 -0.610720985119515 -0.5054715893746508 +1422,-0.2175835363078171,0,0.19103176481929654 0.005297537034245689 -0.10459521440524061 -0.20365346922394204 -0.3723620594620276 -0.4977326632169385 -0.5766697100255844 -0.6571545420657711 -0.6571545420657711 -0.7422827298005886 -0.7747862196629784 -0.694301387622783 -0.7004925285489546 -0.6648934682234834 -0.6587023272973206 -0.6648934682234834 -0.671084609149655 -0.610720985119515 -0.5054715893746508 -0.4327256834921676 +1423,-0.12781199287837747,0,0.005297537034245689 -0.10459521440524061 -0.20365346922394204 -0.3723620594620276 -0.4977326632169385 -0.5766697100255844 -0.6571545420657711 -0.6571545420657711 -0.7422827298005886 -0.7747862196629784 -0.694301387622783 -0.7004925285489546 -0.6648934682234834 -0.6587023272973206 -0.6648934682234834 -0.671084609149655 -0.610720985119515 -0.5054715893746508 -0.4327256834921676 -0.2175835363078171 +1424,0.034705456433545334,0,-0.10459521440524061 -0.20365346922394204 -0.3723620594620276 -0.4977326632169385 -0.5766697100255844 -0.6571545420657711 -0.6571545420657711 -0.7422827298005886 -0.7747862196629784 -0.694301387622783 -0.7004925285489546 -0.6648934682234834 -0.6587023272973206 -0.6648934682234834 -0.671084609149655 -0.610720985119515 -0.5054715893746508 -0.4327256834921676 -0.2175835363078171 -0.12781199287837747 +1425,0.13685928171532816,0,-0.20365346922394204 -0.3723620594620276 -0.4977326632169385 -0.5766697100255844 -0.6571545420657711 -0.6571545420657711 -0.7422827298005886 -0.7747862196629784 -0.694301387622783 -0.7004925285489546 -0.6648934682234834 -0.6587023272973206 -0.6648934682234834 -0.671084609149655 -0.610720985119515 -0.5054715893746508 -0.4327256834921676 -0.2175835363078171 -0.12781199287837747 0.034705456433545334 +1426,-0.02256259713351326,0,-0.3723620594620276 -0.4977326632169385 -0.5766697100255844 -0.6571545420657711 -0.6571545420657711 -0.7422827298005886 -0.7747862196629784 -0.694301387622783 -0.7004925285489546 -0.6648934682234834 -0.6587023272973206 -0.6648934682234834 -0.671084609149655 -0.610720985119515 -0.5054715893746508 -0.4327256834921676 -0.2175835363078171 -0.12781199287837747 0.034705456433545334 0.13685928171532816 +1427,-0.017919241438882367,0,-0.4977326632169385 -0.5766697100255844 -0.6571545420657711 -0.6571545420657711 -0.7422827298005886 -0.7747862196629784 -0.694301387622783 -0.7004925285489546 -0.6648934682234834 -0.6587023272973206 -0.6648934682234834 -0.671084609149655 -0.610720985119515 -0.5054715893746508 -0.4327256834921676 -0.2175835363078171 -0.12781199287837747 0.034705456433545334 0.13685928171532816 -0.02256259713351326 +1428,-0.13709870426763043,0,-0.5766697100255844 -0.6571545420657711 -0.6571545420657711 -0.7422827298005886 -0.7747862196629784 -0.694301387622783 -0.7004925285489546 -0.6648934682234834 -0.6587023272973206 -0.6648934682234834 -0.671084609149655 -0.610720985119515 -0.5054715893746508 -0.4327256834921676 -0.2175835363078171 -0.12781199287837747 0.034705456433545334 0.13685928171532816 -0.02256259713351326 -0.017919241438882367 +1429,-0.17579333505618308,0,-0.6571545420657711 -0.6571545420657711 -0.7422827298005886 -0.7747862196629784 -0.694301387622783 -0.7004925285489546 -0.6648934682234834 -0.6587023272973206 -0.6648934682234834 -0.671084609149655 -0.610720985119515 -0.5054715893746508 -0.4327256834921676 -0.2175835363078171 -0.12781199287837747 0.034705456433545334 0.13685928171532816 -0.02256259713351326 -0.017919241438882367 -0.13709870426763043 +1430,-0.2253224624655294,0,-0.6571545420657711 -0.7422827298005886 -0.7747862196629784 -0.694301387622783 -0.7004925285489546 -0.6648934682234834 -0.6587023272973206 -0.6648934682234834 -0.671084609149655 -0.610720985119515 -0.5054715893746508 -0.4327256834921676 -0.2175835363078171 -0.12781199287837747 0.034705456433545334 0.13685928171532816 -0.02256259713351326 -0.017919241438882367 -0.13709870426763043 -0.17579333505618308 +1431,-0.40176997886132726,0,-0.7422827298005886 -0.7747862196629784 -0.694301387622783 -0.7004925285489546 -0.6648934682234834 -0.6587023272973206 -0.6648934682234834 -0.671084609149655 -0.610720985119515 -0.5054715893746508 -0.4327256834921676 -0.2175835363078171 -0.12781199287837747 0.034705456433545334 0.13685928171532816 -0.02256259713351326 -0.017919241438882367 -0.13709870426763043 -0.17579333505618308 -0.2253224624655294 +1432,-0.19281897260313954,0,-0.7747862196629784 -0.694301387622783 -0.7004925285489546 -0.6648934682234834 -0.6587023272973206 -0.6648934682234834 -0.671084609149655 -0.610720985119515 -0.5054715893746508 -0.4327256834921676 -0.2175835363078171 -0.12781199287837747 0.034705456433545334 0.13685928171532816 -0.02256259713351326 -0.017919241438882367 -0.13709870426763043 -0.17579333505618308 -0.2253224624655294 -0.40176997886132726 +1433,0.01613203365503937,0,-0.694301387622783 -0.7004925285489546 -0.6648934682234834 -0.6587023272973206 -0.6648934682234834 -0.671084609149655 -0.610720985119515 -0.5054715893746508 -0.4327256834921676 -0.2175835363078171 -0.12781199287837747 0.034705456433545334 0.13685928171532816 -0.02256259713351326 -0.017919241438882367 -0.13709870426763043 -0.17579333505618308 -0.2253224624655294 -0.40176997886132726 -0.19281897260313954 +1434,0.01613203365503937,0,-0.7004925285489546 -0.6648934682234834 -0.6587023272973206 -0.6648934682234834 -0.671084609149655 -0.610720985119515 -0.5054715893746508 -0.4327256834921676 -0.2175835363078171 -0.12781199287837747 0.034705456433545334 0.13685928171532816 -0.02256259713351326 -0.017919241438882367 -0.13709870426763043 -0.17579333505618308 -0.2253224624655294 -0.40176997886132726 -0.19281897260313954 0.01613203365503937 +1435,-0.7763340048945192,0,-0.6648934682234834 -0.6587023272973206 -0.6648934682234834 -0.671084609149655 -0.610720985119515 -0.5054715893746508 -0.4327256834921676 -0.2175835363078171 -0.12781199287837747 0.034705456433545334 0.13685928171532816 -0.02256259713351326 -0.017919241438882367 -0.13709870426763043 -0.17579333505618308 -0.2253224624655294 -0.40176997886132726 -0.19281897260313954 0.01613203365503937 0.01613203365503937 +1436,-0.7763340048945192,0,-0.6587023272973206 -0.6648934682234834 -0.671084609149655 -0.610720985119515 -0.5054715893746508 -0.4327256834921676 -0.2175835363078171 -0.12781199287837747 0.034705456433545334 0.13685928171532816 -0.02256259713351326 -0.017919241438882367 -0.13709870426763043 -0.17579333505618308 -0.2253224624655294 -0.40176997886132726 -0.19281897260313954 0.01613203365503937 0.01613203365503937 -0.7763340048945192 +1437,-0.7763340048945192,0,-0.6648934682234834 -0.671084609149655 -0.610720985119515 -0.5054715893746508 -0.4327256834921676 -0.2175835363078171 -0.12781199287837747 0.034705456433545334 0.13685928171532816 -0.02256259713351326 -0.017919241438882367 -0.13709870426763043 -0.17579333505618308 -0.2253224624655294 -0.40176997886132726 -0.19281897260313954 0.01613203365503937 0.01613203365503937 -0.7763340048945192 -0.7763340048945192 +1438,-0.7763340048945192,0,-0.671084609149655 -0.610720985119515 -0.5054715893746508 -0.4327256834921676 -0.2175835363078171 -0.12781199287837747 0.034705456433545334 0.13685928171532816 -0.02256259713351326 -0.017919241438882367 -0.13709870426763043 -0.17579333505618308 -0.2253224624655294 -0.40176997886132726 -0.19281897260313954 0.01613203365503937 0.01613203365503937 -0.7763340048945192 -0.7763340048945192 -0.7763340048945192 +1439,-0.7763340048945192,0,-0.610720985119515 -0.5054715893746508 -0.4327256834921676 -0.2175835363078171 -0.12781199287837747 0.034705456433545334 0.13685928171532816 -0.02256259713351326 -0.017919241438882367 -0.13709870426763043 -0.17579333505618308 -0.2253224624655294 -0.40176997886132726 -0.19281897260313954 0.01613203365503937 0.01613203365503937 -0.7763340048945192 -0.7763340048945192 -0.7763340048945192 -0.7763340048945192 +1440,-0.7763340048945192,0,-0.5054715893746508 -0.4327256834921676 -0.2175835363078171 -0.12781199287837747 0.034705456433545334 0.13685928171532816 -0.02256259713351326 -0.017919241438882367 -0.13709870426763043 -0.17579333505618308 -0.2253224624655294 -0.40176997886132726 -0.19281897260313954 0.01613203365503937 0.01613203365503937 -0.7763340048945192 -0.7763340048945192 -0.7763340048945192 -0.7763340048945192 -0.7763340048945192 +1441,-0.5890519918779188,0,-0.4327256834921676 -0.2175835363078171 -0.12781199287837747 0.034705456433545334 0.13685928171532816 -0.02256259713351326 -0.017919241438882367 -0.13709870426763043 -0.17579333505618308 -0.2253224624655294 -0.40176997886132726 -0.19281897260313954 0.01613203365503937 0.01613203365503937 -0.7763340048945192 -0.7763340048945192 -0.7763340048945192 -0.7763340048945192 -0.7763340048945192 -0.7763340048945192 +1442,-0.5890519918779188,0,-0.2175835363078171 -0.12781199287837747 0.034705456433545334 0.13685928171532816 -0.02256259713351326 -0.017919241438882367 -0.13709870426763043 -0.17579333505618308 -0.2253224624655294 -0.40176997886132726 -0.19281897260313954 0.01613203365503937 0.01613203365503937 -0.7763340048945192 -0.7763340048945192 -0.7763340048945192 -0.7763340048945192 -0.7763340048945192 -0.7763340048945192 -0.5890519918779188 +1443,-0.5890519918779188,0,-0.12781199287837747 0.034705456433545334 0.13685928171532816 -0.02256259713351326 -0.017919241438882367 -0.13709870426763043 -0.17579333505618308 -0.2253224624655294 -0.40176997886132726 -0.19281897260313954 0.01613203365503937 0.01613203365503937 -0.7763340048945192 -0.7763340048945192 -0.7763340048945192 -0.7763340048945192 -0.7763340048945192 -0.7763340048945192 -0.5890519918779188 -0.5890519918779188 +1444,-0.5890519918779188,0,0.034705456433545334 0.13685928171532816 -0.02256259713351326 -0.017919241438882367 -0.13709870426763043 -0.17579333505618308 -0.2253224624655294 -0.40176997886132726 -0.19281897260313954 0.01613203365503937 0.01613203365503937 -0.7763340048945192 -0.7763340048945192 -0.7763340048945192 -0.7763340048945192 -0.7763340048945192 -0.7763340048945192 -0.5890519918779188 -0.5890519918779188 -0.5890519918779188 +1445,-0.5890519918779188,0,0.13685928171532816 -0.02256259713351326 -0.017919241438882367 -0.13709870426763043 -0.17579333505618308 -0.2253224624655294 -0.40176997886132726 -0.19281897260313954 0.01613203365503937 0.01613203365503937 -0.7763340048945192 -0.7763340048945192 -0.7763340048945192 -0.7763340048945192 -0.7763340048945192 -0.7763340048945192 -0.5890519918779188 -0.5890519918779188 -0.5890519918779188 -0.5890519918779188 +1446,-0.4249867573344553,0,-0.02256259713351326 -0.017919241438882367 -0.13709870426763043 -0.17579333505618308 -0.2253224624655294 -0.40176997886132726 -0.19281897260313954 0.01613203365503937 0.01613203365503937 -0.7763340048945192 -0.7763340048945192 -0.7763340048945192 -0.7763340048945192 -0.7763340048945192 -0.7763340048945192 -0.5890519918779188 -0.5890519918779188 -0.5890519918779188 -0.5890519918779188 -0.5890519918779188 +1447,-0.26092152279099184,0,-0.017919241438882367 -0.13709870426763043 -0.17579333505618308 -0.2253224624655294 -0.40176997886132726 -0.19281897260313954 0.01613203365503937 0.01613203365503937 -0.7763340048945192 -0.7763340048945192 -0.7763340048945192 -0.7763340048945192 -0.7763340048945192 -0.7763340048945192 -0.5890519918779188 -0.5890519918779188 -0.5890519918779188 -0.5890519918779188 -0.5890519918779188 -0.4249867573344553 +1448,-0.18198447598234585,0,-0.13709870426763043 -0.17579333505618308 -0.2253224624655294 -0.40176997886132726 -0.19281897260313954 0.01613203365503937 0.01613203365503937 -0.7763340048945192 -0.7763340048945192 -0.7763340048945192 -0.7763340048945192 -0.7763340048945192 -0.7763340048945192 -0.5890519918779188 -0.5890519918779188 -0.5890519918779188 -0.5890519918779188 -0.5890519918779188 -0.4249867573344553 -0.26092152279099184 +1449,-0.20365346922394204,0,-0.17579333505618308 -0.2253224624655294 -0.40176997886132726 -0.19281897260313954 0.01613203365503937 0.01613203365503937 -0.7763340048945192 -0.7763340048945192 -0.7763340048945192 -0.7763340048945192 -0.7763340048945192 -0.7763340048945192 -0.5890519918779188 -0.5890519918779188 -0.5890519918779188 -0.5890519918779188 -0.5890519918779188 -0.4249867573344553 -0.26092152279099184 -0.18198447598234585 +1450,-0.20365346922394204,0,-0.2253224624655294 -0.40176997886132726 -0.19281897260313954 0.01613203365503937 0.01613203365503937 -0.7763340048945192 -0.7763340048945192 -0.7763340048945192 -0.7763340048945192 -0.7763340048945192 -0.7763340048945192 -0.5890519918779188 -0.5890519918779188 -0.5890519918779188 -0.5890519918779188 -0.5890519918779188 -0.4249867573344553 -0.26092152279099184 -0.18198447598234585 -0.20365346922394204 +1451,-0.19901011352931114,0,-0.40176997886132726 -0.19281897260313954 0.01613203365503937 0.01613203365503937 -0.7763340048945192 -0.7763340048945192 -0.7763340048945192 -0.7763340048945192 -0.7763340048945192 -0.7763340048945192 -0.5890519918779188 -0.5890519918779188 -0.5890519918779188 -0.5890519918779188 -0.5890519918779188 -0.4249867573344553 -0.26092152279099184 -0.18198447598234585 -0.20365346922394204 -0.20365346922394204 +1452,-0.18662783167697675,0,-0.19281897260313954 0.01613203365503937 0.01613203365503937 -0.7763340048945192 -0.7763340048945192 -0.7763340048945192 -0.7763340048945192 -0.7763340048945192 -0.7763340048945192 -0.5890519918779188 -0.5890519918779188 -0.5890519918779188 -0.5890519918779188 -0.5890519918779188 -0.4249867573344553 -0.26092152279099184 -0.18198447598234585 -0.20365346922394204 -0.20365346922394204 -0.19901011352931114 +1453,-0.2052012544554827,0,0.01613203365503937 0.01613203365503937 -0.7763340048945192 -0.7763340048945192 -0.7763340048945192 -0.7763340048945192 -0.7763340048945192 -0.7763340048945192 -0.5890519918779188 -0.5890519918779188 -0.5890519918779188 -0.5890519918779188 -0.5890519918779188 -0.4249867573344553 -0.26092152279099184 -0.18198447598234585 -0.20365346922394204 -0.20365346922394204 -0.19901011352931114 -0.18662783167697675 +1454,-0.2052012544554827,0,0.01613203365503937 -0.7763340048945192 -0.7763340048945192 -0.7763340048945192 -0.7763340048945192 -0.7763340048945192 -0.7763340048945192 -0.5890519918779188 -0.5890519918779188 -0.5890519918779188 -0.5890519918779188 -0.5890519918779188 -0.4249867573344553 -0.26092152279099184 -0.18198447598234585 -0.20365346922394204 -0.20365346922394204 -0.19901011352931114 -0.18662783167697675 -0.2052012544554827 +1455,-0.2113923953816455,0,-0.7763340048945192 -0.7763340048945192 -0.7763340048945192 -0.7763340048945192 -0.7763340048945192 -0.7763340048945192 -0.5890519918779188 -0.5890519918779188 -0.5890519918779188 -0.5890519918779188 -0.5890519918779188 -0.4249867573344553 -0.26092152279099184 -0.18198447598234585 -0.20365346922394204 -0.20365346922394204 -0.19901011352931114 -0.18662783167697675 -0.2052012544554827 -0.2052012544554827 +1456,-0.19901011352931114,0,-0.7763340048945192 -0.7763340048945192 -0.7763340048945192 -0.7763340048945192 -0.7763340048945192 -0.5890519918779188 -0.5890519918779188 -0.5890519918779188 -0.5890519918779188 -0.5890519918779188 -0.4249867573344553 -0.26092152279099184 -0.18198447598234585 -0.20365346922394204 -0.20365346922394204 -0.19901011352931114 -0.18662783167697675 -0.2052012544554827 -0.2052012544554827 -0.2113923953816455 +1457,-0.20365346922394204,0,-0.7763340048945192 -0.7763340048945192 -0.7763340048945192 -0.7763340048945192 -0.5890519918779188 -0.5890519918779188 -0.5890519918779188 -0.5890519918779188 -0.5890519918779188 -0.4249867573344553 -0.26092152279099184 -0.18198447598234585 -0.20365346922394204 -0.20365346922394204 -0.19901011352931114 -0.18662783167697675 -0.2052012544554827 -0.2052012544554827 -0.2113923953816455 -0.19901011352931114 +1458,-0.20365346922394204,0,-0.7763340048945192 -0.7763340048945192 -0.7763340048945192 -0.5890519918779188 -0.5890519918779188 -0.5890519918779188 -0.5890519918779188 -0.5890519918779188 -0.4249867573344553 -0.26092152279099184 -0.18198447598234585 -0.20365346922394204 -0.20365346922394204 -0.19901011352931114 -0.18662783167697675 -0.2052012544554827 -0.2052012544554827 -0.2113923953816455 -0.19901011352931114 -0.20365346922394204 +1459,-0.20365346922394204,0,-0.7763340048945192 -0.7763340048945192 -0.5890519918779188 -0.5890519918779188 -0.5890519918779188 -0.5890519918779188 -0.5890519918779188 -0.4249867573344553 -0.26092152279099184 -0.18198447598234585 -0.20365346922394204 -0.20365346922394204 -0.19901011352931114 -0.18662783167697675 -0.2052012544554827 -0.2052012544554827 -0.2113923953816455 -0.19901011352931114 -0.20365346922394204 -0.20365346922394204 +1460,-0.20365346922394204,0,-0.7763340048945192 -0.5890519918779188 -0.5890519918779188 -0.5890519918779188 -0.5890519918779188 -0.5890519918779188 -0.4249867573344553 -0.26092152279099184 -0.18198447598234585 -0.20365346922394204 -0.20365346922394204 -0.19901011352931114 -0.18662783167697675 -0.2052012544554827 -0.2052012544554827 -0.2113923953816455 -0.19901011352931114 -0.20365346922394204 -0.20365346922394204 -0.20365346922394204 +1461,-0.22687024769707007,0,-0.5890519918779188 -0.5890519918779188 -0.5890519918779188 -0.5890519918779188 -0.5890519918779188 -0.4249867573344553 -0.26092152279099184 -0.18198447598234585 -0.20365346922394204 -0.20365346922394204 -0.19901011352931114 -0.18662783167697675 -0.2052012544554827 -0.2052012544554827 -0.2113923953816455 -0.19901011352931114 -0.20365346922394204 -0.20365346922394204 -0.20365346922394204 -0.20365346922394204 +1462,-0.2175835363078171,0,-0.5890519918779188 -0.5890519918779188 -0.5890519918779188 -0.5890519918779188 -0.4249867573344553 -0.26092152279099184 -0.18198447598234585 -0.20365346922394204 -0.20365346922394204 -0.19901011352931114 -0.18662783167697675 -0.2052012544554827 -0.2052012544554827 -0.2113923953816455 -0.19901011352931114 -0.20365346922394204 -0.20365346922394204 -0.20365346922394204 -0.20365346922394204 -0.22687024769707007 +1463,-0.24080031478094516,0,-0.5890519918779188 -0.5890519918779188 -0.5890519918779188 -0.4249867573344553 -0.26092152279099184 -0.18198447598234585 -0.20365346922394204 -0.20365346922394204 -0.19901011352931114 -0.18662783167697675 -0.2052012544554827 -0.2052012544554827 -0.2113923953816455 -0.19901011352931114 -0.20365346922394204 -0.20365346922394204 -0.20365346922394204 -0.20365346922394204 -0.22687024769707007 -0.2175835363078171 +1464,-0.24699145570711675,0,-0.5890519918779188 -0.5890519918779188 -0.4249867573344553 -0.26092152279099184 -0.18198447598234585 -0.20365346922394204 -0.20365346922394204 -0.19901011352931114 -0.18662783167697675 -0.2052012544554827 -0.2052012544554827 -0.2113923953816455 -0.19901011352931114 -0.20365346922394204 -0.20365346922394204 -0.20365346922394204 -0.20365346922394204 -0.22687024769707007 -0.2175835363078171 -0.24080031478094516 +1465,-0.25318259663328835,0,-0.5890519918779188 -0.4249867573344553 -0.26092152279099184 -0.18198447598234585 -0.20365346922394204 -0.20365346922394204 -0.19901011352931114 -0.18662783167697675 -0.2052012544554827 -0.2052012544554827 -0.2113923953816455 -0.19901011352931114 -0.20365346922394204 -0.20365346922394204 -0.20365346922394204 -0.20365346922394204 -0.22687024769707007 -0.2175835363078171 -0.24080031478094516 -0.24699145570711675 +1466,-0.2253224624655294,0,-0.4249867573344553 -0.26092152279099184 -0.18198447598234585 -0.20365346922394204 -0.20365346922394204 -0.19901011352931114 -0.18662783167697675 -0.2052012544554827 -0.2052012544554827 -0.2113923953816455 -0.19901011352931114 -0.20365346922394204 -0.20365346922394204 -0.20365346922394204 -0.20365346922394204 -0.22687024769707007 -0.2175835363078171 -0.24080031478094516 -0.24699145570711675 -0.25318259663328835 +1467,-0.2160357510762764,0,-0.26092152279099184 -0.18198447598234585 -0.20365346922394204 -0.20365346922394204 -0.19901011352931114 -0.18662783167697675 -0.2052012544554827 -0.2052012544554827 -0.2113923953816455 -0.19901011352931114 -0.20365346922394204 -0.20365346922394204 -0.20365346922394204 -0.20365346922394204 -0.22687024769707007 -0.2175835363078171 -0.24080031478094516 -0.24699145570711675 -0.25318259663328835 -0.2253224624655294 +1468,-0.2052012544554827,0,-0.18198447598234585 -0.20365346922394204 -0.20365346922394204 -0.19901011352931114 -0.18662783167697675 -0.2052012544554827 -0.2052012544554827 -0.2113923953816455 -0.19901011352931114 -0.20365346922394204 -0.20365346922394204 -0.20365346922394204 -0.20365346922394204 -0.22687024769707007 -0.2175835363078171 -0.24080031478094516 -0.24699145570711675 -0.25318259663328835 -0.2253224624655294 -0.2160357510762764 +1469,-0.14174205996225253,0,-0.20365346922394204 -0.20365346922394204 -0.19901011352931114 -0.18662783167697675 -0.2052012544554827 -0.2052012544554827 -0.2113923953816455 -0.19901011352931114 -0.20365346922394204 -0.20365346922394204 -0.20365346922394204 -0.20365346922394204 -0.22687024769707007 -0.2175835363078171 -0.24080031478094516 -0.24699145570711675 -0.25318259663328835 -0.2253224624655294 -0.2160357510762764 -0.2052012544554827 +1470,-0.07673508023748166,0,-0.20365346922394204 -0.19901011352931114 -0.18662783167697675 -0.2052012544554827 -0.2052012544554827 -0.2113923953816455 -0.19901011352931114 -0.20365346922394204 -0.20365346922394204 -0.20365346922394204 -0.20365346922394204 -0.22687024769707007 -0.2175835363078171 -0.24080031478094516 -0.24699145570711675 -0.25318259663328835 -0.2253224624655294 -0.2160357510762764 -0.2052012544554827 -0.14174205996225253 +1471,-0.03958823468047853,0,-0.19901011352931114 -0.18662783167697675 -0.2052012544554827 -0.2052012544554827 -0.2113923953816455 -0.19901011352931114 -0.20365346922394204 -0.20365346922394204 -0.20365346922394204 -0.20365346922394204 -0.22687024769707007 -0.2175835363078171 -0.24080031478094516 -0.24699145570711675 -0.25318259663328835 -0.2253224624655294 -0.2160357510762764 -0.2052012544554827 -0.14174205996225253 -0.07673508023748166 +1472,0.0022019665711642948,0,-0.18662783167697675 -0.2052012544554827 -0.2052012544554827 -0.2113923953816455 -0.19901011352931114 -0.20365346922394204 -0.20365346922394204 -0.20365346922394204 -0.20365346922394204 -0.22687024769707007 -0.2175835363078171 -0.24080031478094516 -0.24699145570711675 -0.25318259663328835 -0.2253224624655294 -0.2160357510762764 -0.2052012544554827 -0.14174205996225253 -0.07673508023748166 -0.03958823468047853 +1473,0.07649565768517935,0,-0.2052012544554827 -0.2052012544554827 -0.2113923953816455 -0.19901011352931114 -0.20365346922394204 -0.20365346922394204 -0.20365346922394204 -0.20365346922394204 -0.22687024769707007 -0.2175835363078171 -0.24080031478094516 -0.24699145570711675 -0.25318259663328835 -0.2253224624655294 -0.2160357510762764 -0.2052012544554827 -0.14174205996225253 -0.07673508023748166 -0.03958823468047853 0.0022019665711642948 +1474,0.08113901337981025,0,-0.2052012544554827 -0.2113923953816455 -0.19901011352931114 -0.20365346922394204 -0.20365346922394204 -0.20365346922394204 -0.20365346922394204 -0.22687024769707007 -0.2175835363078171 -0.24080031478094516 -0.24699145570711675 -0.25318259663328835 -0.2253224624655294 -0.2160357510762764 -0.2052012544554827 -0.14174205996225253 -0.07673508023748166 -0.03958823468047853 0.0022019665711642948 0.07649565768517935 +1475,0.09197351000060393,0,-0.2113923953816455 -0.19901011352931114 -0.20365346922394204 -0.20365346922394204 -0.20365346922394204 -0.20365346922394204 -0.22687024769707007 -0.2175835363078171 -0.24080031478094516 -0.24699145570711675 -0.25318259663328835 -0.2253224624655294 -0.2160357510762764 -0.2052012544554827 -0.14174205996225253 -0.07673508023748166 -0.03958823468047853 0.0022019665711642948 0.07649565768517935 0.08113901337981025 +1476,0.02077538934967026,0,-0.19901011352931114 -0.20365346922394204 -0.20365346922394204 -0.20365346922394204 -0.20365346922394204 -0.22687024769707007 -0.2175835363078171 -0.24080031478094516 -0.24699145570711675 -0.25318259663328835 -0.2253224624655294 -0.2160357510762764 -0.2052012544554827 -0.14174205996225253 -0.07673508023748166 -0.03958823468047853 0.0022019665711642948 0.07649565768517935 0.08113901337981025 0.09197351000060393 +1477,-0.02720595282813535,0,-0.20365346922394204 -0.20365346922394204 -0.20365346922394204 -0.20365346922394204 -0.22687024769707007 -0.2175835363078171 -0.24080031478094516 -0.24699145570711675 -0.25318259663328835 -0.2253224624655294 -0.2160357510762764 -0.2052012544554827 -0.14174205996225253 -0.07673508023748166 -0.03958823468047853 0.0022019665711642948 0.07649565768517935 0.08113901337981025 0.09197351000060393 0.02077538934967026 +1478,-0.08911736208982483,0,-0.20365346922394204 -0.20365346922394204 -0.20365346922394204 -0.22687024769707007 -0.2175835363078171 -0.24080031478094516 -0.24699145570711675 -0.25318259663328835 -0.2253224624655294 -0.2160357510762764 -0.2052012544554827 -0.14174205996225253 -0.07673508023748166 -0.03958823468047853 0.0022019665711642948 0.07649565768517935 0.08113901337981025 0.09197351000060393 0.02077538934967026 -0.02720595282813535 +1479,-0.11542971102603429,0,-0.20365346922394204 -0.20365346922394204 -0.22687024769707007 -0.2175835363078171 -0.24080031478094516 -0.24699145570711675 -0.25318259663328835 -0.2253224624655294 -0.2160357510762764 -0.2052012544554827 -0.14174205996225253 -0.07673508023748166 -0.03958823468047853 0.0022019665711642948 0.07649565768517935 0.08113901337981025 0.09197351000060393 0.02077538934967026 -0.02720595282813535 -0.08911736208982483 +1480,-0.17269776459309288,0,-0.20365346922394204 -0.22687024769707007 -0.2175835363078171 -0.24080031478094516 -0.24699145570711675 -0.25318259663328835 -0.2253224624655294 -0.2160357510762764 -0.2052012544554827 -0.14174205996225253 -0.07673508023748166 -0.03958823468047853 0.0022019665711642948 0.07649565768517935 0.08113901337981025 0.09197351000060393 0.02077538934967026 -0.02720595282813535 -0.08911736208982483 -0.11542971102603429 +1481,-0.22687024769707007,0,-0.22687024769707007 -0.2175835363078171 -0.24080031478094516 -0.24699145570711675 -0.25318259663328835 -0.2253224624655294 -0.2160357510762764 -0.2052012544554827 -0.14174205996225253 -0.07673508023748166 -0.03958823468047853 0.0022019665711642948 0.07649565768517935 0.08113901337981025 0.09197351000060393 0.02077538934967026 -0.02720595282813535 -0.08911736208982483 -0.11542971102603429 -0.17269776459309288 +1482,-0.3135462206634283,0,-0.2175835363078171 -0.24080031478094516 -0.24699145570711675 -0.25318259663328835 -0.2253224624655294 -0.2160357510762764 -0.2052012544554827 -0.14174205996225253 -0.07673508023748166 -0.03958823468047853 0.0022019665711642948 0.07649565768517935 0.08113901337981025 0.09197351000060393 0.02077538934967026 -0.02720595282813535 -0.08911736208982483 -0.11542971102603429 -0.17269776459309288 -0.22687024769707007 +1483,-0.3135462206634283,0,-0.24080031478094516 -0.24699145570711675 -0.25318259663328835 -0.2253224624655294 -0.2160357510762764 -0.2052012544554827 -0.14174205996225253 -0.07673508023748166 -0.03958823468047853 0.0022019665711642948 0.07649565768517935 0.08113901337981025 0.09197351000060393 0.02077538934967026 -0.02720595282813535 -0.08911736208982483 -0.11542971102603429 -0.17269776459309288 -0.22687024769707007 -0.3135462206634283 +1484,-0.3352152139050157,0,-0.24699145570711675 -0.25318259663328835 -0.2253224624655294 -0.2160357510762764 -0.2052012544554827 -0.14174205996225253 -0.07673508023748166 -0.03958823468047853 0.0022019665711642948 0.07649565768517935 0.08113901337981025 0.09197351000060393 0.02077538934967026 -0.02720595282813535 -0.08911736208982483 -0.11542971102603429 -0.17269776459309288 -0.22687024769707007 -0.3135462206634283 -0.3135462206634283 +1485,-0.356884207146603,0,-0.25318259663328835 -0.2253224624655294 -0.2160357510762764 -0.2052012544554827 -0.14174205996225253 -0.07673508023748166 -0.03958823468047853 0.0022019665711642948 0.07649565768517935 0.08113901337981025 0.09197351000060393 0.02077538934967026 -0.02720595282813535 -0.08911736208982483 -0.11542971102603429 -0.17269776459309288 -0.22687024769707007 -0.3135462206634283 -0.3135462206634283 -0.3352152139050157 +1486,-0.38474434131436197,0,-0.2253224624655294 -0.2160357510762764 -0.2052012544554827 -0.14174205996225253 -0.07673508023748166 -0.03958823468047853 0.0022019665711642948 0.07649565768517935 0.08113901337981025 0.09197351000060393 0.02077538934967026 -0.02720595282813535 -0.08911736208982483 -0.11542971102603429 -0.17269776459309288 -0.22687024769707007 -0.3135462206634283 -0.3135462206634283 -0.3352152139050157 -0.356884207146603 +1487,-0.40022219362978656,0,-0.2160357510762764 -0.2052012544554827 -0.14174205996225253 -0.07673508023748166 -0.03958823468047853 0.0022019665711642948 0.07649565768517935 0.08113901337981025 0.09197351000060393 0.02077538934967026 -0.02720595282813535 -0.08911736208982483 -0.11542971102603429 -0.17269776459309288 -0.22687024769707007 -0.3135462206634283 -0.3135462206634283 -0.3352152139050157 -0.356884207146603 -0.38474434131436197 +1488,-0.45129910627067354,0,-0.2052012544554827 -0.14174205996225253 -0.07673508023748166 -0.03958823468047853 0.0022019665711642948 0.07649565768517935 0.08113901337981025 0.09197351000060393 0.02077538934967026 -0.02720595282813535 -0.08911736208982483 -0.11542971102603429 -0.17269776459309288 -0.22687024769707007 -0.3135462206634283 -0.3135462206634283 -0.3352152139050157 -0.356884207146603 -0.38474434131436197 -0.40022219362978656 +1489,-0.44975132103913285,0,-0.14174205996225253 -0.07673508023748166 -0.03958823468047853 0.0022019665711642948 0.07649565768517935 0.08113901337981025 0.09197351000060393 0.02077538934967026 -0.02720595282813535 -0.08911736208982483 -0.11542971102603429 -0.17269776459309288 -0.22687024769707007 -0.3135462206634283 -0.3135462206634283 -0.3352152139050157 -0.356884207146603 -0.38474434131436197 -0.40022219362978656 -0.45129910627067354 +1490,-0.5070193746061915,0,-0.07673508023748166 -0.03958823468047853 0.0022019665711642948 0.07649565768517935 0.08113901337981025 0.09197351000060393 0.02077538934967026 -0.02720595282813535 -0.08911736208982483 -0.11542971102603429 -0.17269776459309288 -0.22687024769707007 -0.3135462206634283 -0.3135462206634283 -0.3352152139050157 -0.356884207146603 -0.38474434131436197 -0.40022219362978656 -0.45129910627067354 -0.44975132103913285 +1491,-0.6772757500758178,0,-0.03958823468047853 0.0022019665711642948 0.07649565768517935 0.08113901337981025 0.09197351000060393 0.02077538934967026 -0.02720595282813535 -0.08911736208982483 -0.11542971102603429 -0.17269776459309288 -0.22687024769707007 -0.3135462206634283 -0.3135462206634283 -0.3352152139050157 -0.356884207146603 -0.38474434131436197 -0.40022219362978656 -0.45129910627067354 -0.44975132103913285 -0.5070193746061915 +1492,-0.8475321255454529,0,0.0022019665711642948 0.07649565768517935 0.08113901337981025 0.09197351000060393 0.02077538934967026 -0.02720595282813535 -0.08911736208982483 -0.11542971102603429 -0.17269776459309288 -0.22687024769707007 -0.3135462206634283 -0.3135462206634283 -0.3352152139050157 -0.356884207146603 -0.38474434131436197 -0.40022219362978656 -0.45129910627067354 -0.44975132103913285 -0.5070193746061915 -0.6772757500758178 +1493,-0.8475321255454529,0,0.07649565768517935 0.08113901337981025 0.09197351000060393 0.02077538934967026 -0.02720595282813535 -0.08911736208982483 -0.11542971102603429 -0.17269776459309288 -0.22687024769707007 -0.3135462206634283 -0.3135462206634283 -0.3352152139050157 -0.356884207146603 -0.38474434131436197 -0.40022219362978656 -0.45129910627067354 -0.44975132103913285 -0.5070193746061915 -0.6772757500758178 -0.8475321255454529 +1494,-0.05042273130127221,0,0.08113901337981025 0.09197351000060393 0.02077538934967026 -0.02720595282813535 -0.08911736208982483 -0.11542971102603429 -0.17269776459309288 -0.22687024769707007 -0.3135462206634283 -0.3135462206634283 -0.3352152139050157 -0.356884207146603 -0.38474434131436197 -0.40022219362978656 -0.45129910627067354 -0.44975132103913285 -0.5070193746061915 -0.6772757500758178 -0.8475321255454529 -0.8475321255454529 +1495,0.04708773828587971,0,0.09197351000060393 0.02077538934967026 -0.02720595282813535 -0.08911736208982483 -0.11542971102603429 -0.17269776459309288 -0.22687024769707007 -0.3135462206634283 -0.3135462206634283 -0.3352152139050157 -0.356884207146603 -0.38474434131436197 -0.40022219362978656 -0.45129910627067354 -0.44975132103913285 -0.5070193746061915 -0.6772757500758178 -0.8475321255454529 -0.8475321255454529 -0.05042273130127221 +1496,0.07185230199055727,0,0.02077538934967026 -0.02720595282813535 -0.08911736208982483 -0.11542971102603429 -0.17269776459309288 -0.22687024769707007 -0.3135462206634283 -0.3135462206634283 -0.3352152139050157 -0.356884207146603 -0.38474434131436197 -0.40022219362978656 -0.45129910627067354 -0.44975132103913285 -0.5070193746061915 -0.6772757500758178 -0.8475321255454529 -0.8475321255454529 -0.05042273130127221 0.04708773828587971 +1497,0.05947002013822289,0,-0.02720595282813535 -0.08911736208982483 -0.11542971102603429 -0.17269776459309288 -0.22687024769707007 -0.3135462206634283 -0.3135462206634283 -0.3352152139050157 -0.356884207146603 -0.38474434131436197 -0.40022219362978656 -0.45129910627067354 -0.44975132103913285 -0.5070193746061915 -0.6772757500758178 -0.8475321255454529 -0.8475321255454529 -0.05042273130127221 0.04708773828587971 0.07185230199055727 +1498,0.033157671202004635,0,-0.08911736208982483 -0.11542971102603429 -0.17269776459309288 -0.22687024769707007 -0.3135462206634283 -0.3135462206634283 -0.3352152139050157 -0.356884207146603 -0.38474434131436197 -0.40022219362978656 -0.45129910627067354 -0.44975132103913285 -0.5070193746061915 -0.6772757500758178 -0.8475321255454529 -0.8475321255454529 -0.05042273130127221 0.04708773828587971 0.07185230199055727 0.05947002013822289 +1499,0.06720894629592637,0,-0.11542971102603429 -0.17269776459309288 -0.22687024769707007 -0.3135462206634283 -0.3135462206634283 -0.3352152139050157 -0.356884207146603 -0.38474434131436197 -0.40022219362978656 -0.45129910627067354 -0.44975132103913285 -0.5070193746061915 -0.6772757500758178 -0.8475321255454529 -0.8475321255454529 -0.05042273130127221 0.04708773828587971 0.07185230199055727 0.05947002013822289 0.033157671202004635 +1500,-0.0008936038919258983,0,-0.17269776459309288 -0.22687024769707007 -0.3135462206634283 -0.3135462206634283 -0.3352152139050157 -0.356884207146603 -0.38474434131436197 -0.40022219362978656 -0.45129910627067354 -0.44975132103913285 -0.5070193746061915 -0.6772757500758178 -0.8475321255454529 -0.8475321255454529 -0.05042273130127221 0.04708773828587971 0.07185230199055727 0.05947002013822289 0.033157671202004635 0.06720894629592637 +1501,-0.08137843593211255,0,-0.22687024769707007 -0.3135462206634283 -0.3135462206634283 -0.3352152139050157 -0.356884207146603 -0.38474434131436197 -0.40022219362978656 -0.45129910627067354 -0.44975132103913285 -0.5070193746061915 -0.6772757500758178 -0.8475321255454529 -0.8475321255454529 -0.05042273130127221 0.04708773828587971 0.07185230199055727 0.05947002013822289 0.033157671202004635 0.06720894629592637 -0.0008936038919258983 +1502,-0.12471642241528727,0,-0.3135462206634283 -0.3135462206634283 -0.3352152139050157 -0.356884207146603 -0.38474434131436197 -0.40022219362978656 -0.45129910627067354 -0.44975132103913285 -0.5070193746061915 -0.6772757500758178 -0.8475321255454529 -0.8475321255454529 -0.05042273130127221 0.04708773828587971 0.07185230199055727 0.05947002013822289 0.033157671202004635 0.06720894629592637 -0.0008936038919258983 -0.08137843593211255 +1503,-0.15412434181458692,0,-0.3135462206634283 -0.3352152139050157 -0.356884207146603 -0.38474434131436197 -0.40022219362978656 -0.45129910627067354 -0.44975132103913285 -0.5070193746061915 -0.6772757500758178 -0.8475321255454529 -0.8475321255454529 -0.05042273130127221 0.04708773828587971 0.07185230199055727 0.05947002013822289 0.033157671202004635 0.06720894629592637 -0.0008936038919258983 -0.08137843593211255 -0.12471642241528727 +1504,-0.14483763042533393,0,-0.3352152139050157 -0.356884207146603 -0.38474434131436197 -0.40022219362978656 -0.45129910627067354 -0.44975132103913285 -0.5070193746061915 -0.6772757500758178 -0.8475321255454529 -0.8475321255454529 -0.05042273130127221 0.04708773828587971 0.07185230199055727 0.05947002013822289 0.033157671202004635 0.06720894629592637 -0.0008936038919258983 -0.08137843593211255 -0.12471642241528727 -0.15412434181458692 +1505,-0.17269776459309288,0,-0.356884207146603 -0.38474434131436197 -0.40022219362978656 -0.45129910627067354 -0.44975132103913285 -0.5070193746061915 -0.6772757500758178 -0.8475321255454529 -0.8475321255454529 -0.05042273130127221 0.04708773828587971 0.07185230199055727 0.05947002013822289 0.033157671202004635 0.06720894629592637 -0.0008936038919258983 -0.08137843593211255 -0.12471642241528727 -0.15412434181458692 -0.14483763042533393 +1506,-0.18662783167697675,0,-0.38474434131436197 -0.40022219362978656 -0.45129910627067354 -0.44975132103913285 -0.5070193746061915 -0.6772757500758178 -0.8475321255454529 -0.8475321255454529 -0.05042273130127221 0.04708773828587971 0.07185230199055727 0.05947002013822289 0.033157671202004635 0.06720894629592637 -0.0008936038919258983 -0.08137843593211255 -0.12471642241528727 -0.15412434181458692 -0.14483763042533393 -0.17269776459309288 +1507,-0.2098446101501048,0,-0.40022219362978656 -0.45129910627067354 -0.44975132103913285 -0.5070193746061915 -0.6772757500758178 -0.8475321255454529 -0.8475321255454529 -0.05042273130127221 0.04708773828587971 0.07185230199055727 0.05947002013822289 0.033157671202004635 0.06720894629592637 -0.0008936038919258983 -0.08137843593211255 -0.12471642241528727 -0.15412434181458692 -0.14483763042533393 -0.17269776459309288 -0.18662783167697675 +1508,-0.2175835363078171,0,-0.45129910627067354 -0.44975132103913285 -0.5070193746061915 -0.6772757500758178 -0.8475321255454529 -0.8475321255454529 -0.05042273130127221 0.04708773828587971 0.07185230199055727 0.05947002013822289 0.033157671202004635 0.06720894629592637 -0.0008936038919258983 -0.08137843593211255 -0.12471642241528727 -0.15412434181458692 -0.14483763042533393 -0.17269776459309288 -0.18662783167697675 -0.2098446101501048 +1509,-0.24699145570711675,0,-0.44975132103913285 -0.5070193746061915 -0.6772757500758178 -0.8475321255454529 -0.8475321255454529 -0.05042273130127221 0.04708773828587971 0.07185230199055727 0.05947002013822289 0.033157671202004635 0.06720894629592637 -0.0008936038919258983 -0.08137843593211255 -0.12471642241528727 -0.15412434181458692 -0.14483763042533393 -0.17269776459309288 -0.18662783167697675 -0.2098446101501048 -0.2175835363078171 +1510,-0.2624693080225413,0,-0.5070193746061915 -0.6772757500758178 -0.8475321255454529 -0.8475321255454529 -0.05042273130127221 0.04708773828587971 0.07185230199055727 0.05947002013822289 0.033157671202004635 0.06720894629592637 -0.0008936038919258983 -0.08137843593211255 -0.12471642241528727 -0.15412434181458692 -0.14483763042533393 -0.17269776459309288 -0.18662783167697675 -0.2098446101501048 -0.2175835363078171 -0.24699145570711675 +1511,-0.2702082341802448,0,-0.6772757500758178 -0.8475321255454529 -0.8475321255454529 -0.05042273130127221 0.04708773828587971 0.07185230199055727 0.05947002013822289 0.033157671202004635 0.06720894629592637 -0.0008936038919258983 -0.08137843593211255 -0.12471642241528727 -0.15412434181458692 -0.14483763042533393 -0.17269776459309288 -0.18662783167697675 -0.2098446101501048 -0.2175835363078171 -0.24699145570711675 -0.2624693080225413 +1512,-0.29961615357954446,0,-0.8475321255454529 -0.8475321255454529 -0.05042273130127221 0.04708773828587971 0.07185230199055727 0.05947002013822289 0.033157671202004635 0.06720894629592637 -0.0008936038919258983 -0.08137843593211255 -0.12471642241528727 -0.15412434181458692 -0.14483763042533393 -0.17269776459309288 -0.18662783167697675 -0.2098446101501048 -0.2175835363078171 -0.24699145570711675 -0.2624693080225413 -0.2702082341802448 +1513,-0.3135462206634283,0,-0.8475321255454529 -0.05042273130127221 0.04708773828587971 0.07185230199055727 0.05947002013822289 0.033157671202004635 0.06720894629592637 -0.0008936038919258983 -0.08137843593211255 -0.12471642241528727 -0.15412434181458692 -0.14483763042533393 -0.17269776459309288 -0.18662783167697675 -0.2098446101501048 -0.2175835363078171 -0.24699145570711675 -0.2624693080225413 -0.2702082341802448 -0.29961615357954446 +1514,-0.3181895763580504,0,-0.05042273130127221 0.04708773828587971 0.07185230199055727 0.05947002013822289 0.033157671202004635 0.06720894629592637 -0.0008936038919258983 -0.08137843593211255 -0.12471642241528727 -0.15412434181458692 -0.14483763042533393 -0.17269776459309288 -0.18662783167697675 -0.2098446101501048 -0.2175835363078171 -0.24699145570711675 -0.2624693080225413 -0.2702082341802448 -0.29961615357954446 -0.3135462206634283 +1515,-0.30890286496879743,0,0.04708773828587971 0.07185230199055727 0.05947002013822289 0.033157671202004635 0.06720894629592637 -0.0008936038919258983 -0.08137843593211255 -0.12471642241528727 -0.15412434181458692 -0.14483763042533393 -0.17269776459309288 -0.18662783167697675 -0.2098446101501048 -0.2175835363078171 -0.24699145570711675 -0.2624693080225413 -0.2702082341802448 -0.29961615357954446 -0.3135462206634283 -0.3181895763580504 +1516,-0.25937373755945115,0,0.07185230199055727 0.05947002013822289 0.033157671202004635 0.06720894629592637 -0.0008936038919258983 -0.08137843593211255 -0.12471642241528727 -0.15412434181458692 -0.14483763042533393 -0.17269776459309288 -0.18662783167697675 -0.2098446101501048 -0.2175835363078171 -0.24699145570711675 -0.2624693080225413 -0.2702082341802448 -0.29961615357954446 -0.3135462206634283 -0.3181895763580504 -0.30890286496879743 +1517,-0.14328984519379323,0,0.05947002013822289 0.033157671202004635 0.06720894629592637 -0.0008936038919258983 -0.08137843593211255 -0.12471642241528727 -0.15412434181458692 -0.14483763042533393 -0.17269776459309288 -0.18662783167697675 -0.2098446101501048 -0.2175835363078171 -0.24699145570711675 -0.2624693080225413 -0.2702082341802448 -0.29961615357954446 -0.3135462206634283 -0.3181895763580504 -0.30890286496879743 -0.25937373755945115 +1518,-0.002441389123466596,0,0.033157671202004635 0.06720894629592637 -0.0008936038919258983 -0.08137843593211255 -0.12471642241528727 -0.15412434181458692 -0.14483763042533393 -0.17269776459309288 -0.18662783167697675 -0.2098446101501048 -0.2175835363078171 -0.24699145570711675 -0.2624693080225413 -0.2702082341802448 -0.29961615357954446 -0.3135462206634283 -0.3181895763580504 -0.30890286496879743 -0.25937373755945115 -0.14328984519379323 +1519,0.03160988597046394,0,0.06720894629592637 -0.0008936038919258983 -0.08137843593211255 -0.12471642241528727 -0.15412434181458692 -0.14483763042533393 -0.17269776459309288 -0.18662783167697675 -0.2098446101501048 -0.2175835363078171 -0.24699145570711675 -0.2624693080225413 -0.2702082341802448 -0.29961615357954446 -0.3135462206634283 -0.3181895763580504 -0.30890286496879743 -0.25937373755945115 -0.14328984519379323 -0.002441389123466596 +1520,0.033157671202004635,0,-0.0008936038919258983 -0.08137843593211255 -0.12471642241528727 -0.15412434181458692 -0.14483763042533393 -0.17269776459309288 -0.18662783167697675 -0.2098446101501048 -0.2175835363078171 -0.24699145570711675 -0.2624693080225413 -0.2702082341802448 -0.29961615357954446 -0.3135462206634283 -0.3181895763580504 -0.30890286496879743 -0.25937373755945115 -0.14328984519379323 -0.002441389123466596 0.03160988597046394 +1521,-0.056613872227435,0,-0.08137843593211255 -0.12471642241528727 -0.15412434181458692 -0.14483763042533393 -0.17269776459309288 -0.18662783167697675 -0.2098446101501048 -0.2175835363078171 -0.24699145570711675 -0.2624693080225413 -0.2702082341802448 -0.29961615357954446 -0.3135462206634283 -0.3181895763580504 -0.30890286496879743 -0.25937373755945115 -0.14328984519379323 -0.002441389123466596 0.03160988597046394 0.033157671202004635 +1522,-0.09530850301598763,0,-0.12471642241528727 -0.15412434181458692 -0.14483763042533393 -0.17269776459309288 -0.18662783167697675 -0.2098446101501048 -0.2175835363078171 -0.24699145570711675 -0.2624693080225413 -0.2702082341802448 -0.29961615357954446 -0.3135462206634283 -0.3181895763580504 -0.30890286496879743 -0.25937373755945115 -0.14328984519379323 -0.002441389123466596 0.03160988597046394 0.033157671202004635 -0.056613872227435 +1523,-0.11852528148912447,0,-0.15412434181458692 -0.14483763042533393 -0.17269776459309288 -0.18662783167697675 -0.2098446101501048 -0.2175835363078171 -0.24699145570711675 -0.2624693080225413 -0.2702082341802448 -0.29961615357954446 -0.3135462206634283 -0.3181895763580504 -0.30890286496879743 -0.25937373755945115 -0.14328984519379323 -0.002441389123466596 0.03160988597046394 0.033157671202004635 -0.056613872227435 -0.09530850301598763 +1524,-0.12007306672066517,0,-0.14483763042533393 -0.17269776459309288 -0.18662783167697675 -0.2098446101501048 -0.2175835363078171 -0.24699145570711675 -0.2624693080225413 -0.2702082341802448 -0.29961615357954446 -0.3135462206634283 -0.3181895763580504 -0.30890286496879743 -0.25937373755945115 -0.14328984519379323 -0.002441389123466596 0.03160988597046394 0.033157671202004635 -0.056613872227435 -0.09530850301598763 -0.11852528148912447 +1525,-0.14019427473071183,0,-0.17269776459309288 -0.18662783167697675 -0.2098446101501048 -0.2175835363078171 -0.24699145570711675 -0.2624693080225413 -0.2702082341802448 -0.29961615357954446 -0.3135462206634283 -0.3181895763580504 -0.30890286496879743 -0.25937373755945115 -0.14328984519379323 -0.002441389123466596 0.03160988597046394 0.033157671202004635 -0.056613872227435 -0.09530850301598763 -0.11852528148912447 -0.12007306672066517 +1526,-0.17734112028772378,0,-0.18662783167697675 -0.2098446101501048 -0.2175835363078171 -0.24699145570711675 -0.2624693080225413 -0.2702082341802448 -0.29961615357954446 -0.3135462206634283 -0.3181895763580504 -0.30890286496879743 -0.25937373755945115 -0.14328984519379323 -0.002441389123466596 0.03160988597046394 0.033157671202004635 -0.056613872227435 -0.09530850301598763 -0.11852528148912447 -0.12007306672066517 -0.14019427473071183 +1527,-0.19281897260313954,0,-0.2098446101501048 -0.2175835363078171 -0.24699145570711675 -0.2624693080225413 -0.2702082341802448 -0.29961615357954446 -0.3135462206634283 -0.3181895763580504 -0.30890286496879743 -0.25937373755945115 -0.14328984519379323 -0.002441389123466596 0.03160988597046394 0.033157671202004635 -0.056613872227435 -0.09530850301598763 -0.11852528148912447 -0.12007306672066517 -0.14019427473071183 -0.17734112028772378 +1528,-0.18198447598234585,0,-0.2175835363078171 -0.24699145570711675 -0.2624693080225413 -0.2702082341802448 -0.29961615357954446 -0.3135462206634283 -0.3181895763580504 -0.30890286496879743 -0.25937373755945115 -0.14328984519379323 -0.002441389123466596 0.03160988597046394 0.033157671202004635 -0.056613872227435 -0.09530850301598763 -0.11852528148912447 -0.12007306672066517 -0.14019427473071183 -0.17734112028772378 -0.19281897260313954 +1529,-0.19591454306622974,0,-0.24699145570711675 -0.2624693080225413 -0.2702082341802448 -0.29961615357954446 -0.3135462206634283 -0.3181895763580504 -0.30890286496879743 -0.25937373755945115 -0.14328984519379323 -0.002441389123466596 0.03160988597046394 0.033157671202004635 -0.056613872227435 -0.09530850301598763 -0.11852528148912447 -0.12007306672066517 -0.14019427473071183 -0.17734112028772378 -0.19281897260313954 -0.18198447598234585 +1530,-0.23151360339169216,0,-0.2624693080225413 -0.2702082341802448 -0.29961615357954446 -0.3135462206634283 -0.3181895763580504 -0.30890286496879743 -0.25937373755945115 -0.14328984519379323 -0.002441389123466596 0.03160988597046394 0.033157671202004635 -0.056613872227435 -0.09530850301598763 -0.11852528148912447 -0.12007306672066517 -0.14019427473071183 -0.17734112028772378 -0.19281897260313954 -0.18198447598234585 -0.19591454306622974 +1531,-0.2253224624655294,0,-0.2702082341802448 -0.29961615357954446 -0.3135462206634283 -0.3181895763580504 -0.30890286496879743 -0.25937373755945115 -0.14328984519379323 -0.002441389123466596 0.03160988597046394 0.033157671202004635 -0.056613872227435 -0.09530850301598763 -0.11852528148912447 -0.12007306672066517 -0.14019427473071183 -0.17734112028772378 -0.19281897260313954 -0.18198447598234585 -0.19591454306622974 -0.23151360339169216 +1532,-0.2160357510762764,0,-0.29961615357954446 -0.3135462206634283 -0.3181895763580504 -0.30890286496879743 -0.25937373755945115 -0.14328984519379323 -0.002441389123466596 0.03160988597046394 0.033157671202004635 -0.056613872227435 -0.09530850301598763 -0.11852528148912447 -0.12007306672066517 -0.14019427473071183 -0.17734112028772378 -0.19281897260313954 -0.18198447598234585 -0.19591454306622974 -0.23151360339169216 -0.2253224624655294 +1533,-0.2098446101501048,0,-0.3135462206634283 -0.3181895763580504 -0.30890286496879743 -0.25937373755945115 -0.14328984519379323 -0.002441389123466596 0.03160988597046394 0.033157671202004635 -0.056613872227435 -0.09530850301598763 -0.11852528148912447 -0.12007306672066517 -0.14019427473071183 -0.17734112028772378 -0.19281897260313954 -0.18198447598234585 -0.19591454306622974 -0.23151360339169216 -0.2253224624655294 -0.2160357510762764 +1534,-0.24544367047557605,0,-0.3181895763580504 -0.30890286496879743 -0.25937373755945115 -0.14328984519379323 -0.002441389123466596 0.03160988597046394 0.033157671202004635 -0.056613872227435 -0.09530850301598763 -0.11852528148912447 -0.12007306672066517 -0.14019427473071183 -0.17734112028772378 -0.19281897260313954 -0.18198447598234585 -0.19591454306622974 -0.23151360339169216 -0.2253224624655294 -0.2160357510762764 -0.2098446101501048 +1535,-0.23151360339169216,0,-0.30890286496879743 -0.25937373755945115 -0.14328984519379323 -0.002441389123466596 0.03160988597046394 0.033157671202004635 -0.056613872227435 -0.09530850301598763 -0.11852528148912447 -0.12007306672066517 -0.14019427473071183 -0.17734112028772378 -0.19281897260313954 -0.18198447598234585 -0.19591454306622974 -0.23151360339169216 -0.2253224624655294 -0.2160357510762764 -0.2098446101501048 -0.24544367047557605 +1536,-0.2415742073967155,0,-0.25937373755945115 -0.14328984519379323 -0.002441389123466596 0.03160988597046394 0.033157671202004635 -0.056613872227435 -0.09530850301598763 -0.11852528148912447 -0.12007306672066517 -0.14019427473071183 -0.17734112028772378 -0.19281897260313954 -0.18198447598234585 -0.19591454306622974 -0.23151360339169216 -0.2253224624655294 -0.2160357510762764 -0.2098446101501048 -0.24544367047557605 -0.23151360339169216 +1537,-0.2516348114017388,0,-0.14328984519379323 -0.002441389123466596 0.03160988597046394 0.033157671202004635 -0.056613872227435 -0.09530850301598763 -0.11852528148912447 -0.12007306672066517 -0.14019427473071183 -0.17734112028772378 -0.19281897260313954 -0.18198447598234585 -0.19591454306622974 -0.23151360339169216 -0.2253224624655294 -0.2160357510762764 -0.2098446101501048 -0.24544367047557605 -0.23151360339169216 -0.2415742073967155 +1538,-0.2748515898748757,0,-0.002441389123466596 0.03160988597046394 0.033157671202004635 -0.056613872227435 -0.09530850301598763 -0.11852528148912447 -0.12007306672066517 -0.14019427473071183 -0.17734112028772378 -0.19281897260313954 -0.18198447598234585 -0.19591454306622974 -0.23151360339169216 -0.2253224624655294 -0.2160357510762764 -0.2098446101501048 -0.24544367047557605 -0.23151360339169216 -0.2415742073967155 -0.2516348114017388 +1539,-0.24853924093865745,0,0.03160988597046394 0.033157671202004635 -0.056613872227435 -0.09530850301598763 -0.11852528148912447 -0.12007306672066517 -0.14019427473071183 -0.17734112028772378 -0.19281897260313954 -0.18198447598234585 -0.19591454306622974 -0.23151360339169216 -0.2253224624655294 -0.2160357510762764 -0.2098446101501048 -0.24544367047557605 -0.23151360339169216 -0.2415742073967155 -0.2516348114017388 -0.2748515898748757 +1540,-0.2763993751064164,0,0.033157671202004635 -0.056613872227435 -0.09530850301598763 -0.11852528148912447 -0.12007306672066517 -0.14019427473071183 -0.17734112028772378 -0.19281897260313954 -0.18198447598234585 -0.19591454306622974 -0.23151360339169216 -0.2253224624655294 -0.2160357510762764 -0.2098446101501048 -0.24544367047557605 -0.23151360339169216 -0.2415742073967155 -0.2516348114017388 -0.2748515898748757 -0.24853924093865745 +1541,-0.14638541565688343,0,-0.056613872227435 -0.09530850301598763 -0.11852528148912447 -0.12007306672066517 -0.14019427473071183 -0.17734112028772378 -0.19281897260313954 -0.18198447598234585 -0.19591454306622974 -0.23151360339169216 -0.2253224624655294 -0.2160357510762764 -0.2098446101501048 -0.24544367047557605 -0.23151360339169216 -0.2415742073967155 -0.2516348114017388 -0.2748515898748757 -0.24853924093865745 -0.2763993751064164 +1542,-0.07518729500594096,0,-0.09530850301598763 -0.11852528148912447 -0.12007306672066517 -0.14019427473071183 -0.17734112028772378 -0.19281897260313954 -0.18198447598234585 -0.19591454306622974 -0.23151360339169216 -0.2253224624655294 -0.2160357510762764 -0.2098446101501048 -0.24544367047557605 -0.23151360339169216 -0.2415742073967155 -0.2516348114017388 -0.2748515898748757 -0.24853924093865745 -0.2763993751064164 -0.14638541565688343 +1543,0.02232317458121096,0,-0.11852528148912447 -0.12007306672066517 -0.14019427473071183 -0.17734112028772378 -0.19281897260313954 -0.18198447598234585 -0.19591454306622974 -0.23151360339169216 -0.2253224624655294 -0.2160357510762764 -0.2098446101501048 -0.24544367047557605 -0.23151360339169216 -0.2415742073967155 -0.2516348114017388 -0.2748515898748757 -0.24853924093865745 -0.2763993751064164 -0.14638541565688343 -0.07518729500594096 +1544,0.11054693277910989,0,-0.12007306672066517 -0.14019427473071183 -0.17734112028772378 -0.19281897260313954 -0.18198447598234585 -0.19591454306622974 -0.23151360339169216 -0.2253224624655294 -0.2160357510762764 -0.2098446101501048 -0.24544367047557605 -0.23151360339169216 -0.2415742073967155 -0.2516348114017388 -0.2748515898748757 -0.24853924093865745 -0.2763993751064164 -0.14638541565688343 -0.07518729500594096 0.02232317458121096 +1545,0.2235352546816864,0,-0.14019427473071183 -0.17734112028772378 -0.19281897260313954 -0.18198447598234585 -0.19591454306622974 -0.23151360339169216 -0.2253224624655294 -0.2160357510762764 -0.2098446101501048 -0.24544367047557605 -0.23151360339169216 -0.2415742073967155 -0.2516348114017388 -0.2748515898748757 -0.24853924093865745 -0.2763993751064164 -0.14638541565688343 -0.07518729500594096 0.02232317458121096 0.11054693277910989 +1546,0.262229885470239,0,-0.17734112028772378 -0.19281897260313954 -0.18198447598234585 -0.19591454306622974 -0.23151360339169216 -0.2253224624655294 -0.2160357510762764 -0.2098446101501048 -0.24544367047557605 -0.23151360339169216 -0.2415742073967155 -0.2516348114017388 -0.2748515898748757 -0.24853924093865745 -0.2763993751064164 -0.14638541565688343 -0.07518729500594096 0.02232317458121096 0.11054693277910989 0.2235352546816864 +1547,0.15852827495691552,0,-0.19281897260313954 -0.18198447598234585 -0.19591454306622974 -0.23151360339169216 -0.2253224624655294 -0.2160357510762764 -0.2098446101501048 -0.24544367047557605 -0.23151360339169216 -0.2415742073967155 -0.2516348114017388 -0.2748515898748757 -0.24853924093865745 -0.2763993751064164 -0.14638541565688343 -0.07518729500594096 0.02232317458121096 0.11054693277910989 0.2235352546816864 0.262229885470239 +1548,0.03160988597046394,0,-0.18198447598234585 -0.19591454306622974 -0.23151360339169216 -0.2253224624655294 -0.2160357510762764 -0.2098446101501048 -0.24544367047557605 -0.23151360339169216 -0.2415742073967155 -0.2516348114017388 -0.2748515898748757 -0.24853924093865745 -0.2763993751064164 -0.14638541565688343 -0.07518729500594096 0.02232317458121096 0.11054693277910989 0.2235352546816864 0.262229885470239 0.15852827495691552 +1549,-0.1587676975092178,0,-0.19591454306622974 -0.23151360339169216 -0.2253224624655294 -0.2160357510762764 -0.2098446101501048 -0.24544367047557605 -0.23151360339169216 -0.2415742073967155 -0.2516348114017388 -0.2748515898748757 -0.24853924093865745 -0.2763993751064164 -0.14638541565688343 -0.07518729500594096 0.02232317458121096 0.11054693277910989 0.2235352546816864 0.262229885470239 0.15852827495691552 0.03160988597046394 +1550,-0.2175835363078171,0,-0.23151360339169216 -0.2253224624655294 -0.2160357510762764 -0.2098446101501048 -0.24544367047557605 -0.23151360339169216 -0.2415742073967155 -0.2516348114017388 -0.2748515898748757 -0.24853924093865745 -0.2763993751064164 -0.14638541565688343 -0.07518729500594096 0.02232317458121096 0.11054693277910989 0.2235352546816864 0.262229885470239 0.15852827495691552 0.03160988597046394 -0.1587676975092178 +1551,-0.30271172404263463,0,-0.2253224624655294 -0.2160357510762764 -0.2098446101501048 -0.24544367047557605 -0.23151360339169216 -0.2415742073967155 -0.2516348114017388 -0.2748515898748757 -0.24853924093865745 -0.2763993751064164 -0.14638541565688343 -0.07518729500594096 0.02232317458121096 0.11054693277910989 0.2235352546816864 0.262229885470239 0.15852827495691552 0.03160988597046394 -0.1587676975092178 -0.2175835363078171 +1552,-0.3924832674720743,0,-0.2160357510762764 -0.2098446101501048 -0.24544367047557605 -0.23151360339169216 -0.2415742073967155 -0.2516348114017388 -0.2748515898748757 -0.24853924093865745 -0.2763993751064164 -0.14638541565688343 -0.07518729500594096 0.02232317458121096 0.11054693277910989 0.2235352546816864 0.262229885470239 0.15852827495691552 0.03160988597046394 -0.1587676975092178 -0.2175835363078171 -0.30271172404263463 +1553,-0.4822548109015139,0,-0.2098446101501048 -0.24544367047557605 -0.23151360339169216 -0.2415742073967155 -0.2516348114017388 -0.2748515898748757 -0.24853924093865745 -0.2763993751064164 -0.14638541565688343 -0.07518729500594096 0.02232317458121096 0.11054693277910989 0.2235352546816864 0.262229885470239 0.15852827495691552 0.03160988597046394 -0.1587676975092178 -0.2175835363078171 -0.30271172404263463 -0.3924832674720743 +1554,-0.5139844081481334,0,-0.24544367047557605 -0.23151360339169216 -0.2415742073967155 -0.2516348114017388 -0.2748515898748757 -0.24853924093865745 -0.2763993751064164 -0.14638541565688343 -0.07518729500594096 0.02232317458121096 0.11054693277910989 0.2235352546816864 0.262229885470239 0.15852827495691552 0.03160988597046394 -0.1587676975092178 -0.2175835363078171 -0.30271172404263463 -0.3924832674720743 -0.4822548109015139 +1555,-0.5457140053947441,0,-0.23151360339169216 -0.2415742073967155 -0.2516348114017388 -0.2748515898748757 -0.24853924093865745 -0.2763993751064164 -0.14638541565688343 -0.07518729500594096 0.02232317458121096 0.11054693277910989 0.2235352546816864 0.262229885470239 0.15852827495691552 0.03160988597046394 -0.1587676975092178 -0.2175835363078171 -0.30271172404263463 -0.3924832674720743 -0.4822548109015139 -0.5139844081481334 +1556,-0.5905997771094683,0,-0.2415742073967155 -0.2516348114017388 -0.2748515898748757 -0.24853924093865745 -0.2763993751064164 -0.14638541565688343 -0.07518729500594096 0.02232317458121096 0.11054693277910989 0.2235352546816864 0.262229885470239 0.15852827495691552 0.03160988597046394 -0.1587676975092178 -0.2175835363078171 -0.30271172404263463 -0.3924832674720743 -0.4822548109015139 -0.5139844081481334 -0.5457140053947441 +1557,-0.671084609149655,0,-0.2516348114017388 -0.2748515898748757 -0.24853924093865745 -0.2763993751064164 -0.14638541565688343 -0.07518729500594096 0.02232317458121096 0.11054693277910989 0.2235352546816864 0.262229885470239 0.15852827495691552 0.03160988597046394 -0.1587676975092178 -0.2175835363078171 -0.30271172404263463 -0.3924832674720743 -0.4822548109015139 -0.5139844081481334 -0.5457140053947441 -0.5905997771094683 +1558,-0.5875042066463781,0,-0.2748515898748757 -0.24853924093865745 -0.2763993751064164 -0.14638541565688343 -0.07518729500594096 0.02232317458121096 0.11054693277910989 0.2235352546816864 0.262229885470239 0.15852827495691552 0.03160988597046394 -0.1587676975092178 -0.2175835363078171 -0.30271172404263463 -0.3924832674720743 -0.4822548109015139 -0.5139844081481334 -0.5457140053947441 -0.5905997771094683 -0.671084609149655 +1559,-0.6029820589618027,0,-0.24853924093865745 -0.2763993751064164 -0.14638541565688343 -0.07518729500594096 0.02232317458121096 0.11054693277910989 0.2235352546816864 0.262229885470239 0.15852827495691552 0.03160988597046394 -0.1587676975092178 -0.2175835363078171 -0.30271172404263463 -0.3924832674720743 -0.4822548109015139 -0.5139844081481334 -0.5457140053947441 -0.5905997771094683 -0.671084609149655 -0.5875042066463781 +1560,-0.6571545420657711,0,-0.2763993751064164 -0.14638541565688343 -0.07518729500594096 0.02232317458121096 0.11054693277910989 0.2235352546816864 0.262229885470239 0.15852827495691552 0.03160988597046394 -0.1587676975092178 -0.2175835363078171 -0.30271172404263463 -0.3924832674720743 -0.4822548109015139 -0.5139844081481334 -0.5457140053947441 -0.5905997771094683 -0.671084609149655 -0.5875042066463781 -0.6029820589618027 +1561,-0.6494156159080676,0,-0.14638541565688343 -0.07518729500594096 0.02232317458121096 0.11054693277910989 0.2235352546816864 0.262229885470239 0.15852827495691552 0.03160988597046394 -0.1587676975092178 -0.2175835363078171 -0.30271172404263463 -0.3924832674720743 -0.4822548109015139 -0.5139844081481334 -0.5457140053947441 -0.5905997771094683 -0.671084609149655 -0.5875042066463781 -0.6029820589618027 -0.6571545420657711 +1562,-0.6494156159080676,0,-0.07518729500594096 0.02232317458121096 0.11054693277910989 0.2235352546816864 0.262229885470239 0.15852827495691552 0.03160988597046394 -0.1587676975092178 -0.2175835363078171 -0.30271172404263463 -0.3924832674720743 -0.4822548109015139 -0.5139844081481334 -0.5457140053947441 -0.5905997771094683 -0.671084609149655 -0.5875042066463781 -0.6029820589618027 -0.6571545420657711 -0.6494156159080676 +1563,-0.6060776294248841,0,0.02232317458121096 0.11054693277910989 0.2235352546816864 0.262229885470239 0.15852827495691552 0.03160988597046394 -0.1587676975092178 -0.2175835363078171 -0.30271172404263463 -0.3924832674720743 -0.4822548109015139 -0.5139844081481334 -0.5457140053947441 -0.5905997771094683 -0.671084609149655 -0.5875042066463781 -0.6029820589618027 -0.6571545420657711 -0.6494156159080676 -0.6494156159080676 +1564,-0.5875042066463781,0,0.11054693277910989 0.2235352546816864 0.262229885470239 0.15852827495691552 0.03160988597046394 -0.1587676975092178 -0.2175835363078171 -0.30271172404263463 -0.3924832674720743 -0.4822548109015139 -0.5139844081481334 -0.5457140053947441 -0.5905997771094683 -0.671084609149655 -0.5875042066463781 -0.6029820589618027 -0.6571545420657711 -0.6494156159080676 -0.6494156159080676 -0.6060776294248841 +1565,-0.28723387172721004,0,0.2235352546816864 0.262229885470239 0.15852827495691552 0.03160988597046394 -0.1587676975092178 -0.2175835363078171 -0.30271172404263463 -0.3924832674720743 -0.4822548109015139 -0.5139844081481334 -0.5457140053947441 -0.5905997771094683 -0.671084609149655 -0.5875042066463781 -0.6029820589618027 -0.6571545420657711 -0.6494156159080676 -0.6494156159080676 -0.6060776294248841 -0.5875042066463781 +1566,-0.04887494606973151,0,0.262229885470239 0.15852827495691552 0.03160988597046394 -0.1587676975092178 -0.2175835363078171 -0.30271172404263463 -0.3924832674720743 -0.4822548109015139 -0.5139844081481334 -0.5457140053947441 -0.5905997771094683 -0.671084609149655 -0.5875042066463781 -0.6029820589618027 -0.6571545420657711 -0.6494156159080676 -0.6494156159080676 -0.6060776294248841 -0.5875042066463781 -0.28723387172721004 +1567,0.06566116106438567,0,0.15852827495691552 0.03160988597046394 -0.1587676975092178 -0.2175835363078171 -0.30271172404263463 -0.3924832674720743 -0.4822548109015139 -0.5139844081481334 -0.5457140053947441 -0.5905997771094683 -0.671084609149655 -0.5875042066463781 -0.6029820589618027 -0.6571545420657711 -0.6494156159080676 -0.6494156159080676 -0.6060776294248841 -0.5875042066463781 -0.28723387172721004 -0.04887494606973151 +1568,0.07340008722209797,0,0.03160988597046394 -0.1587676975092178 -0.2175835363078171 -0.30271172404263463 -0.3924832674720743 -0.4822548109015139 -0.5139844081481334 -0.5457140053947441 -0.5905997771094683 -0.671084609149655 -0.5875042066463781 -0.6029820589618027 -0.6571545420657711 -0.6494156159080676 -0.6494156159080676 -0.6060776294248841 -0.5875042066463781 -0.28723387172721004 -0.04887494606973151 0.06566116106438567 +1569,0.15233713403074392,0,-0.1587676975092178 -0.2175835363078171 -0.30271172404263463 -0.3924832674720743 -0.4822548109015139 -0.5139844081481334 -0.5457140053947441 -0.5905997771094683 -0.671084609149655 -0.5875042066463781 -0.6029820589618027 -0.6571545420657711 -0.6494156159080676 -0.6494156159080676 -0.6060776294248841 -0.5875042066463781 -0.28723387172721004 -0.04887494606973151 0.06566116106438567 0.07340008722209797 +1570,0.13376371125223796,0,-0.2175835363078171 -0.30271172404263463 -0.3924832674720743 -0.4822548109015139 -0.5139844081481334 -0.5457140053947441 -0.5905997771094683 -0.671084609149655 -0.5875042066463781 -0.6029820589618027 -0.6571545420657711 -0.6494156159080676 -0.6494156159080676 -0.6060776294248841 -0.5875042066463781 -0.28723387172721004 -0.04887494606973151 0.06566116106438567 0.07340008722209797 0.15233713403074392 +1571,0.09971243615831621,0,-0.30271172404263463 -0.3924832674720743 -0.4822548109015139 -0.5139844081481334 -0.5457140053947441 -0.5905997771094683 -0.671084609149655 -0.5875042066463781 -0.6029820589618027 -0.6571545420657711 -0.6494156159080676 -0.6494156159080676 -0.6060776294248841 -0.5875042066463781 -0.28723387172721004 -0.04887494606973151 0.06566116106438567 0.07340008722209797 0.15233713403074392 0.13376371125223796 +1572,0.019227604118129564,0,-0.3924832674720743 -0.4822548109015139 -0.5139844081481334 -0.5457140053947441 -0.5905997771094683 -0.671084609149655 -0.5875042066463781 -0.6029820589618027 -0.6571545420657711 -0.6494156159080676 -0.6494156159080676 -0.6060776294248841 -0.5875042066463781 -0.28723387172721004 -0.04887494606973151 0.06566116106438567 0.07340008722209797 0.15233713403074392 0.13376371125223796 0.09971243615831621 +1573,-0.15721991227767712,0,-0.4822548109015139 -0.5139844081481334 -0.5457140053947441 -0.5905997771094683 -0.671084609149655 -0.5875042066463781 -0.6029820589618027 -0.6571545420657711 -0.6494156159080676 -0.6494156159080676 -0.6060776294248841 -0.5875042066463781 -0.28723387172721004 -0.04887494606973151 0.06566116106438567 0.07340008722209797 0.15233713403074392 0.13376371125223796 0.09971243615831621 0.019227604118129564 +1574,-0.264017093254082,0,-0.5139844081481334 -0.5457140053947441 -0.5905997771094683 -0.671084609149655 -0.5875042066463781 -0.6029820589618027 -0.6571545420657711 -0.6494156159080676 -0.6494156159080676 -0.6060776294248841 -0.5875042066463781 -0.28723387172721004 -0.04887494606973151 0.06566116106438567 0.07340008722209797 0.15233713403074392 0.13376371125223796 0.09971243615831621 0.019227604118129564 -0.15721991227767712 +1575,-0.3739098446935683,0,-0.5457140053947441 -0.5905997771094683 -0.671084609149655 -0.5875042066463781 -0.6029820589618027 -0.6571545420657711 -0.6494156159080676 -0.6494156159080676 -0.6060776294248841 -0.5875042066463781 -0.28723387172721004 -0.04887494606973151 0.06566116106438567 0.07340008722209797 0.15233713403074392 0.13376371125223796 0.09971243615831621 0.019227604118129564 -0.15721991227767712 -0.264017093254082 +1576,-0.4853503813646041,0,-0.5905997771094683 -0.671084609149655 -0.5875042066463781 -0.6029820589618027 -0.6571545420657711 -0.6494156159080676 -0.6494156159080676 -0.6060776294248841 -0.5875042066463781 -0.28723387172721004 -0.04887494606973151 0.06566116106438567 0.07340008722209797 0.15233713403074392 0.13376371125223796 0.09971243615831621 0.019227604118129564 -0.15721991227767712 -0.264017093254082 -0.3739098446935683 +1577,-0.592147562341009,0,-0.671084609149655 -0.5875042066463781 -0.6029820589618027 -0.6571545420657711 -0.6494156159080676 -0.6494156159080676 -0.6060776294248841 -0.5875042066463781 -0.28723387172721004 -0.04887494606973151 0.06566116106438567 0.07340008722209797 0.15233713403074392 0.13376371125223796 0.09971243615831621 0.019227604118129564 -0.15721991227767712 -0.264017093254082 -0.3739098446935683 -0.4853503813646041 +1578,-0.6571545420657711,0,-0.5875042066463781 -0.6029820589618027 -0.6571545420657711 -0.6494156159080676 -0.6494156159080676 -0.6060776294248841 -0.5875042066463781 -0.28723387172721004 -0.04887494606973151 0.06566116106438567 0.07340008722209797 0.15233713403074392 0.13376371125223796 0.09971243615831621 0.019227604118129564 -0.15721991227767712 -0.264017093254082 -0.3739098446935683 -0.4853503813646041 -0.592147562341009 +1579,-0.7360915888744258,0,-0.6029820589618027 -0.6571545420657711 -0.6494156159080676 -0.6494156159080676 -0.6060776294248841 -0.5875042066463781 -0.28723387172721004 -0.04887494606973151 0.06566116106438567 0.07340008722209797 0.15233713403074392 0.13376371125223796 0.09971243615831621 0.019227604118129564 -0.15721991227767712 -0.264017093254082 -0.3739098446935683 -0.4853503813646041 -0.592147562341009 -0.6571545420657711 +1580,-0.7949074276730251,0,-0.6571545420657711 -0.6494156159080676 -0.6494156159080676 -0.6060776294248841 -0.5875042066463781 -0.28723387172721004 -0.04887494606973151 0.06566116106438567 0.07340008722209797 0.15233713403074392 0.13376371125223796 0.09971243615831621 0.019227604118129564 -0.15721991227767712 -0.264017093254082 -0.3739098446935683 -0.4853503813646041 -0.592147562341009 -0.6571545420657711 -0.7360915888744258 +1581,-0.9171824609648458,0,-0.6494156159080676 -0.6494156159080676 -0.6060776294248841 -0.5875042066463781 -0.28723387172721004 -0.04887494606973151 0.06566116106438567 0.07340008722209797 0.15233713403074392 0.13376371125223796 0.09971243615831621 0.019227604118129564 -0.15721991227767712 -0.264017093254082 -0.3739098446935683 -0.4853503813646041 -0.592147562341009 -0.6571545420657711 -0.7360915888744258 -0.7949074276730251 +1582,-0.9078957495755928,0,-0.6494156159080676 -0.6060776294248841 -0.5875042066463781 -0.28723387172721004 -0.04887494606973151 0.06566116106438567 0.07340008722209797 0.15233713403074392 0.13376371125223796 0.09971243615831621 0.019227604118129564 -0.15721991227767712 -0.264017093254082 -0.3739098446935683 -0.4853503813646041 -0.592147562341009 -0.6571545420657711 -0.7360915888744258 -0.7949074276730251 -0.9171824609648458 +1583,-0.943494809901064,0,-0.6060776294248841 -0.5875042066463781 -0.28723387172721004 -0.04887494606973151 0.06566116106438567 0.07340008722209797 0.15233713403074392 0.13376371125223796 0.09971243615831621 0.019227604118129564 -0.15721991227767712 -0.264017093254082 -0.3739098446935683 -0.4853503813646041 -0.592147562341009 -0.6571545420657711 -0.7360915888744258 -0.7949074276730251 -0.9171824609648458 -0.9078957495755928 +1584,-0.9883805816157882,0,-0.5875042066463781 -0.28723387172721004 -0.04887494606973151 0.06566116106438567 0.07340008722209797 0.15233713403074392 0.13376371125223796 0.09971243615831621 0.019227604118129564 -0.15721991227767712 -0.264017093254082 -0.3739098446935683 -0.4853503813646041 -0.592147562341009 -0.6571545420657711 -0.7360915888744258 -0.7949074276730251 -0.9171824609648458 -0.9078957495755928 -0.943494809901064 +1585,-1.0162407157835471,0,-0.28723387172721004 -0.04887494606973151 0.06566116106438567 0.07340008722209797 0.15233713403074392 0.13376371125223796 0.09971243615831621 0.019227604118129564 -0.15721991227767712 -0.264017093254082 -0.3739098446935683 -0.4853503813646041 -0.592147562341009 -0.6571545420657711 -0.7360915888744258 -0.7949074276730251 -0.9171824609648458 -0.9078957495755928 -0.943494809901064 -0.9883805816157882 +1586,-1.0115973600889163,0,-0.04887494606973151 0.06566116106438567 0.07340008722209797 0.15233713403074392 0.13376371125223796 0.09971243615831621 0.019227604118129564 -0.15721991227767712 -0.264017093254082 -0.3739098446935683 -0.4853503813646041 -0.592147562341009 -0.6571545420657711 -0.7360915888744258 -0.7949074276730251 -0.9171824609648458 -0.9078957495755928 -0.943494809901064 -0.9883805816157882 -1.0162407157835471 +1587,-0.9976672930050412,0,0.06566116106438567 0.07340008722209797 0.15233713403074392 0.13376371125223796 0.09971243615831621 0.019227604118129564 -0.15721991227767712 -0.264017093254082 -0.3739098446935683 -0.4853503813646041 -0.592147562341009 -0.6571545420657711 -0.7360915888744258 -0.7949074276730251 -0.9171824609648458 -0.9078957495755928 -0.943494809901064 -0.9883805816157882 -1.0162407157835471 -1.0115973600889163 +1588,-0.8134808504515311,0,0.07340008722209797 0.15233713403074392 0.13376371125223796 0.09971243615831621 0.019227604118129564 -0.15721991227767712 -0.264017093254082 -0.3739098446935683 -0.4853503813646041 -0.592147562341009 -0.6571545420657711 -0.7360915888744258 -0.7949074276730251 -0.9171824609648458 -0.9078957495755928 -0.943494809901064 -0.9883805816157882 -1.0162407157835471 -1.0115973600889163 -0.9976672930050412 +1589,-0.5983387032671718,0,0.15233713403074392 0.13376371125223796 0.09971243615831621 0.019227604118129564 -0.15721991227767712 -0.264017093254082 -0.3739098446935683 -0.4853503813646041 -0.592147562341009 -0.6571545420657711 -0.7360915888744258 -0.7949074276730251 -0.9171824609648458 -0.9078957495755928 -0.943494809901064 -0.9883805816157882 -1.0162407157835471 -1.0115973600889163 -0.9976672930050412 -0.8134808504515311 +1590,-0.4218911868713739,0,0.13376371125223796 0.09971243615831621 0.019227604118129564 -0.15721991227767712 -0.264017093254082 -0.3739098446935683 -0.4853503813646041 -0.592147562341009 -0.6571545420657711 -0.7360915888744258 -0.7949074276730251 -0.9171824609648458 -0.9078957495755928 -0.943494809901064 -0.9883805816157882 -1.0162407157835471 -1.0115973600889163 -0.9976672930050412 -0.8134808504515311 -0.5983387032671718 +1591,-0.282590516032588,0,0.09971243615831621 0.019227604118129564 -0.15721991227767712 -0.264017093254082 -0.3739098446935683 -0.4853503813646041 -0.592147562341009 -0.6571545420657711 -0.7360915888744258 -0.7949074276730251 -0.9171824609648458 -0.9078957495755928 -0.943494809901064 -0.9883805816157882 -1.0162407157835471 -1.0115973600889163 -0.9976672930050412 -0.8134808504515311 -0.5983387032671718 -0.4218911868713739 +1592,-0.08447400639519394,0,0.019227604118129564 -0.15721991227767712 -0.264017093254082 -0.3739098446935683 -0.4853503813646041 -0.592147562341009 -0.6571545420657711 -0.7360915888744258 -0.7949074276730251 -0.9171824609648458 -0.9078957495755928 -0.943494809901064 -0.9883805816157882 -1.0162407157835471 -1.0115973600889163 -0.9976672930050412 -0.8134808504515311 -0.5983387032671718 -0.4218911868713739 -0.282590516032588 +1593,0.06875673152747587,0,-0.15721991227767712 -0.264017093254082 -0.3739098446935683 -0.4853503813646041 -0.592147562341009 -0.6571545420657711 -0.7360915888744258 -0.7949074276730251 -0.9171824609648458 -0.9078957495755928 -0.943494809901064 -0.9883805816157882 -1.0162407157835471 -1.0115973600889163 -0.9976672930050412 -0.8134808504515311 -0.5983387032671718 -0.4218911868713739 -0.282590516032588 -0.08447400639519394 +1594,0.13995485217840953,0,-0.264017093254082 -0.3739098446935683 -0.4853503813646041 -0.592147562341009 -0.6571545420657711 -0.7360915888744258 -0.7949074276730251 -0.9171824609648458 -0.9078957495755928 -0.943494809901064 -0.9883805816157882 -1.0162407157835471 -1.0115973600889163 -0.9976672930050412 -0.8134808504515311 -0.5983387032671718 -0.4218911868713739 -0.282590516032588 -0.08447400639519394 0.06875673152747587 +1595,0.07030451675901657,0,-0.3739098446935683 -0.4853503813646041 -0.592147562341009 -0.6571545420657711 -0.7360915888744258 -0.7949074276730251 -0.9171824609648458 -0.9078957495755928 -0.943494809901064 -0.9883805816157882 -1.0162407157835471 -1.0115973600889163 -0.9976672930050412 -0.8134808504515311 -0.5983387032671718 -0.4218911868713739 -0.282590516032588 -0.08447400639519394 0.06875673152747587 0.13995485217840953 +1596,-0.09221293255290623,0,-0.4853503813646041 -0.592147562341009 -0.6571545420657711 -0.7360915888744258 -0.7949074276730251 -0.9171824609648458 -0.9078957495755928 -0.943494809901064 -0.9883805816157882 -1.0162407157835471 -1.0115973600889163 -0.9976672930050412 -0.8134808504515311 -0.5983387032671718 -0.4218911868713739 -0.282590516032588 -0.08447400639519394 0.06875673152747587 0.13995485217840953 0.07030451675901657 +1597,-0.25782595232791045,0,-0.592147562341009 -0.6571545420657711 -0.7360915888744258 -0.7949074276730251 -0.9171824609648458 -0.9078957495755928 -0.943494809901064 -0.9883805816157882 -1.0162407157835471 -1.0115973600889163 -0.9976672930050412 -0.8134808504515311 -0.5983387032671718 -0.4218911868713739 -0.282590516032588 -0.08447400639519394 0.06875673152747587 0.13995485217840953 0.07030451675901657 -0.09221293255290623 +1598,-0.3274762877473034,0,-0.6571545420657711 -0.7360915888744258 -0.7949074276730251 -0.9171824609648458 -0.9078957495755928 -0.943494809901064 -0.9883805816157882 -1.0162407157835471 -1.0115973600889163 -0.9976672930050412 -0.8134808504515311 -0.5983387032671718 -0.4218911868713739 -0.282590516032588 -0.08447400639519394 0.06875673152747587 0.13995485217840953 0.07030451675901657 -0.09221293255290623 -0.25782595232791045 +1599,-0.3955788379351557,0,-0.7360915888744258 -0.7949074276730251 -0.9171824609648458 -0.9078957495755928 -0.943494809901064 -0.9883805816157882 -1.0162407157835471 -1.0115973600889163 -0.9976672930050412 -0.8134808504515311 -0.5983387032671718 -0.4218911868713739 -0.282590516032588 -0.08447400639519394 0.06875673152747587 0.13995485217840953 0.07030451675901657 -0.09221293255290623 -0.25782595232791045 -0.3274762877473034 +1600,-0.41724783117675185,0,-0.7949074276730251 -0.9171824609648458 -0.9078957495755928 -0.943494809901064 -0.9883805816157882 -1.0162407157835471 -1.0115973600889163 -0.9976672930050412 -0.8134808504515311 -0.5983387032671718 -0.4218911868713739 -0.282590516032588 -0.08447400639519394 0.06875673152747587 0.13995485217840953 0.07030451675901657 -0.09221293255290623 -0.25782595232791045 -0.3274762877473034 -0.3955788379351557 +1601,-0.46213360289146727,0,-0.9171824609648458 -0.9078957495755928 -0.943494809901064 -0.9883805816157882 -1.0162407157835471 -1.0115973600889163 -0.9976672930050412 -0.8134808504515311 -0.5983387032671718 -0.4218911868713739 -0.282590516032588 -0.08447400639519394 0.06875673152747587 0.13995485217840953 0.07030451675901657 -0.09221293255290623 -0.25782595232791045 -0.3274762877473034 -0.3955788379351557 -0.41724783117675185 +1602,-0.46832474381763883,0,-0.9078957495755928 -0.943494809901064 -0.9883805816157882 -1.0162407157835471 -1.0115973600889163 -0.9976672930050412 -0.8134808504515311 -0.5983387032671718 -0.4218911868713739 -0.282590516032588 -0.08447400639519394 0.06875673152747587 0.13995485217840953 0.07030451675901657 -0.09221293255290623 -0.25782595232791045 -0.3274762877473034 -0.3955788379351557 -0.41724783117675185 -0.46213360289146727 +1603,-0.45284689150221424,0,-0.943494809901064 -0.9883805816157882 -1.0162407157835471 -1.0115973600889163 -0.9976672930050412 -0.8134808504515311 -0.5983387032671718 -0.4218911868713739 -0.282590516032588 -0.08447400639519394 0.06875673152747587 0.13995485217840953 0.07030451675901657 -0.09221293255290623 -0.25782595232791045 -0.3274762877473034 -0.3955788379351557 -0.41724783117675185 -0.46213360289146727 -0.46832474381763883 +1604,-0.4373690391867985,0,-0.9883805816157882 -1.0162407157835471 -1.0115973600889163 -0.9976672930050412 -0.8134808504515311 -0.5983387032671718 -0.4218911868713739 -0.282590516032588 -0.08447400639519394 0.06875673152747587 0.13995485217840953 0.07030451675901657 -0.09221293255290623 -0.25782595232791045 -0.3274762877473034 -0.3955788379351557 -0.41724783117675185 -0.46213360289146727 -0.46832474381763883 -0.45284689150221424 +1605,-0.40486554932440866,0,-1.0162407157835471 -1.0115973600889163 -0.9976672930050412 -0.8134808504515311 -0.5983387032671718 -0.4218911868713739 -0.282590516032588 -0.08447400639519394 0.06875673152747587 0.13995485217840953 0.07030451675901657 -0.09221293255290623 -0.25782595232791045 -0.3274762877473034 -0.3955788379351557 -0.41724783117675185 -0.46213360289146727 -0.46832474381763883 -0.45284689150221424 -0.4373690391867985 +1606,-0.4280823277975455,0,-1.0115973600889163 -0.9976672930050412 -0.8134808504515311 -0.5983387032671718 -0.4218911868713739 -0.282590516032588 -0.08447400639519394 0.06875673152747587 0.13995485217840953 0.07030451675901657 -0.09221293255290623 -0.25782595232791045 -0.3274762877473034 -0.3955788379351557 -0.41724783117675185 -0.46213360289146727 -0.46832474381763883 -0.45284689150221424 -0.4373690391867985 -0.40486554932440866 +1607,-0.4435601801129613,0,-0.9976672930050412 -0.8134808504515311 -0.5983387032671718 -0.4218911868713739 -0.282590516032588 -0.08447400639519394 0.06875673152747587 0.13995485217840953 0.07030451675901657 -0.09221293255290623 -0.25782595232791045 -0.3274762877473034 -0.3955788379351557 -0.41724783117675185 -0.46213360289146727 -0.46832474381763883 -0.45284689150221424 -0.4373690391867985 -0.40486554932440866 -0.4280823277975455 +1608,-0.6494156159080676,0,-0.8134808504515311 -0.5983387032671718 -0.4218911868713739 -0.282590516032588 -0.08447400639519394 0.06875673152747587 0.13995485217840953 0.07030451675901657 -0.09221293255290623 -0.25782595232791045 -0.3274762877473034 -0.3955788379351557 -0.41724783117675185 -0.46213360289146727 -0.46832474381763883 -0.45284689150221424 -0.4373690391867985 -0.40486554932440866 -0.4280823277975455 -0.4435601801129613 +1609,-0.5983387032671718,0,-0.5983387032671718 -0.4218911868713739 -0.282590516032588 -0.08447400639519394 0.06875673152747587 0.13995485217840953 0.07030451675901657 -0.09221293255290623 -0.25782595232791045 -0.3274762877473034 -0.3955788379351557 -0.41724783117675185 -0.46213360289146727 -0.46832474381763883 -0.45284689150221424 -0.4373690391867985 -0.40486554932440866 -0.4280823277975455 -0.4435601801129613 -0.6494156159080676 +1610,-0.5472617906262848,0,-0.4218911868713739 -0.282590516032588 -0.08447400639519394 0.06875673152747587 0.13995485217840953 0.07030451675901657 -0.09221293255290623 -0.25782595232791045 -0.3274762877473034 -0.3955788379351557 -0.41724783117675185 -0.46213360289146727 -0.46832474381763883 -0.45284689150221424 -0.4373690391867985 -0.40486554932440866 -0.4280823277975455 -0.4435601801129613 -0.6494156159080676 -0.5983387032671718 +1611,-0.5163060859954445,0,-0.282590516032588 -0.08447400639519394 0.06875673152747587 0.13995485217840953 0.07030451675901657 -0.09221293255290623 -0.25782595232791045 -0.3274762877473034 -0.3955788379351557 -0.41724783117675185 -0.46213360289146727 -0.46832474381763883 -0.45284689150221424 -0.4373690391867985 -0.40486554932440866 -0.4280823277975455 -0.4435601801129613 -0.6494156159080676 -0.5983387032671718 -0.5472617906262848 +1612,-0.4992804484484792,0,-0.08447400639519394 0.06875673152747587 0.13995485217840953 0.07030451675901657 -0.09221293255290623 -0.25782595232791045 -0.3274762877473034 -0.3955788379351557 -0.41724783117675185 -0.46213360289146727 -0.46832474381763883 -0.45284689150221424 -0.4373690391867985 -0.40486554932440866 -0.4280823277975455 -0.4435601801129613 -0.6494156159080676 -0.5983387032671718 -0.5472617906262848 -0.5163060859954445 +1613,-0.3522408514519809,0,0.06875673152747587 0.13995485217840953 0.07030451675901657 -0.09221293255290623 -0.25782595232791045 -0.3274762877473034 -0.3955788379351557 -0.41724783117675185 -0.46213360289146727 -0.46832474381763883 -0.45284689150221424 -0.4373690391867985 -0.40486554932440866 -0.4280823277975455 -0.4435601801129613 -0.6494156159080676 -0.5983387032671718 -0.5472617906262848 -0.5163060859954445 -0.4992804484484792 +1614,-0.2129401806131862,0,0.13995485217840953 0.07030451675901657 -0.09221293255290623 -0.25782595232791045 -0.3274762877473034 -0.3955788379351557 -0.41724783117675185 -0.46213360289146727 -0.46832474381763883 -0.45284689150221424 -0.4373690391867985 -0.40486554932440866 -0.4280823277975455 -0.4435601801129613 -0.6494156159080676 -0.5983387032671718 -0.5472617906262848 -0.5163060859954445 -0.4992804484484792 -0.3522408514519809 +1615,-0.12781199287837747,0,0.07030451675901657 -0.09221293255290623 -0.25782595232791045 -0.3274762877473034 -0.3955788379351557 -0.41724783117675185 -0.46213360289146727 -0.46832474381763883 -0.45284689150221424 -0.4373690391867985 -0.40486554932440866 -0.4280823277975455 -0.4435601801129613 -0.6494156159080676 -0.5983387032671718 -0.5472617906262848 -0.5163060859954445 -0.4992804484484792 -0.3522408514519809 -0.2129401806131862 +1616,0.02541874504429235,0,-0.09221293255290623 -0.25782595232791045 -0.3274762877473034 -0.3955788379351557 -0.41724783117675185 -0.46213360289146727 -0.46832474381763883 -0.45284689150221424 -0.4373690391867985 -0.40486554932440866 -0.4280823277975455 -0.4435601801129613 -0.6494156159080676 -0.5983387032671718 -0.5472617906262848 -0.5163060859954445 -0.4992804484484792 -0.3522408514519809 -0.2129401806131862 -0.12781199287837747 +1617,0.15852827495691552,0,-0.25782595232791045 -0.3274762877473034 -0.3955788379351557 -0.41724783117675185 -0.46213360289146727 -0.46832474381763883 -0.45284689150221424 -0.4373690391867985 -0.40486554932440866 -0.4280823277975455 -0.4435601801129613 -0.6494156159080676 -0.5983387032671718 -0.5472617906262848 -0.5163060859954445 -0.4992804484484792 -0.3522408514519809 -0.2129401806131862 -0.12781199287837747 0.02541874504429235 +1618,0.17555391250388078,0,-0.3274762877473034 -0.3955788379351557 -0.41724783117675185 -0.46213360289146727 -0.46832474381763883 -0.45284689150221424 -0.4373690391867985 -0.40486554932440866 -0.4280823277975455 -0.4435601801129613 -0.6494156159080676 -0.5983387032671718 -0.5472617906262848 -0.5163060859954445 -0.4992804484484792 -0.3522408514519809 -0.2129401806131862 -0.12781199287837747 0.02541874504429235 0.15852827495691552 +1619,0.1074513623160285,0,-0.3955788379351557 -0.41724783117675185 -0.46213360289146727 -0.46832474381763883 -0.45284689150221424 -0.4373690391867985 -0.40486554932440866 -0.4280823277975455 -0.4435601801129613 -0.6494156159080676 -0.5983387032671718 -0.5472617906262848 -0.5163060859954445 -0.4992804484484792 -0.3522408514519809 -0.2129401806131862 -0.12781199287837747 0.02541874504429235 0.15852827495691552 0.17555391250388078 +1620,-0.05970944269052519,0,-0.41724783117675185 -0.46213360289146727 -0.46832474381763883 -0.45284689150221424 -0.4373690391867985 -0.40486554932440866 -0.4280823277975455 -0.4435601801129613 -0.6494156159080676 -0.5983387032671718 -0.5472617906262848 -0.5163060859954445 -0.4992804484484792 -0.3522408514519809 -0.2129401806131862 -0.12781199287837747 0.02541874504429235 0.15852827495691552 0.17555391250388078 0.1074513623160285 +1621,-0.2253224624655294,0,-0.46213360289146727 -0.46832474381763883 -0.45284689150221424 -0.4373690391867985 -0.40486554932440866 -0.4280823277975455 -0.4435601801129613 -0.6494156159080676 -0.5983387032671718 -0.5472617906262848 -0.5163060859954445 -0.4992804484484792 -0.3522408514519809 -0.2129401806131862 -0.12781199287837747 0.02541874504429235 0.15852827495691552 0.17555391250388078 0.1074513623160285 -0.05970944269052519 +1622,-0.3259285025157627,0,-0.46832474381763883 -0.45284689150221424 -0.4373690391867985 -0.40486554932440866 -0.4280823277975455 -0.4435601801129613 -0.6494156159080676 -0.5983387032671718 -0.5472617906262848 -0.5163060859954445 -0.4992804484484792 -0.3522408514519809 -0.2129401806131862 -0.12781199287837747 0.02541874504429235 0.15852827495691552 0.17555391250388078 0.1074513623160285 -0.05970944269052519 -0.2253224624655294 +1623,-0.30580729450571603,0,-0.45284689150221424 -0.4373690391867985 -0.40486554932440866 -0.4280823277975455 -0.4435601801129613 -0.6494156159080676 -0.5983387032671718 -0.5472617906262848 -0.5163060859954445 -0.4992804484484792 -0.3522408514519809 -0.2129401806131862 -0.12781199287837747 0.02541874504429235 0.15852827495691552 0.17555391250388078 0.1074513623160285 -0.05970944269052519 -0.2253224624655294 -0.3259285025157627 +1624,-0.38164877085128057,0,-0.4373690391867985 -0.40486554932440866 -0.4280823277975455 -0.4435601801129613 -0.6494156159080676 -0.5983387032671718 -0.5472617906262848 -0.5163060859954445 -0.4992804484484792 -0.3522408514519809 -0.2129401806131862 -0.12781199287837747 0.02541874504429235 0.15852827495691552 0.17555391250388078 0.1074513623160285 -0.05970944269052519 -0.2253224624655294 -0.3259285025157627 -0.30580729450571603 +1625,-0.4420123948814206,0,-0.40486554932440866 -0.4280823277975455 -0.4435601801129613 -0.6494156159080676 -0.5983387032671718 -0.5472617906262848 -0.5163060859954445 -0.4992804484484792 -0.3522408514519809 -0.2129401806131862 -0.12781199287837747 0.02541874504429235 0.15852827495691552 0.17555391250388078 0.1074513623160285 -0.05970944269052519 -0.2253224624655294 -0.3259285025157627 -0.30580729450571603 -0.38164877085128057 +1626,-0.592147562341009,0,-0.4280823277975455 -0.4435601801129613 -0.6494156159080676 -0.5983387032671718 -0.5472617906262848 -0.5163060859954445 -0.4992804484484792 -0.3522408514519809 -0.2129401806131862 -0.12781199287837747 0.02541874504429235 0.15852827495691552 0.17555391250388078 0.1074513623160285 -0.05970944269052519 -0.2253224624655294 -0.3259285025157627 -0.30580729450571603 -0.38164877085128057 -0.4420123948814206 +1627,-0.6308421931295616,0,-0.4435601801129613 -0.6494156159080676 -0.5983387032671718 -0.5472617906262848 -0.5163060859954445 -0.4992804484484792 -0.3522408514519809 -0.2129401806131862 -0.12781199287837747 0.02541874504429235 0.15852827495691552 0.17555391250388078 0.1074513623160285 -0.05970944269052519 -0.2253224624655294 -0.3259285025157627 -0.30580729450571603 -0.38164877085128057 -0.4420123948814206 -0.592147562341009 +1628,-0.7453783002636788,0,-0.6494156159080676 -0.5983387032671718 -0.5472617906262848 -0.5163060859954445 -0.4992804484484792 -0.3522408514519809 -0.2129401806131862 -0.12781199287837747 0.02541874504429235 0.15852827495691552 0.17555391250388078 0.1074513623160285 -0.05970944269052519 -0.2253224624655294 -0.3259285025157627 -0.30580729450571603 -0.38164877085128057 -0.4420123948814206 -0.592147562341009 -0.6308421931295616 +1629,-0.7097792399382076,0,-0.5983387032671718 -0.5472617906262848 -0.5163060859954445 -0.4992804484484792 -0.3522408514519809 -0.2129401806131862 -0.12781199287837747 0.02541874504429235 0.15852827495691552 0.17555391250388078 0.1074513623160285 -0.05970944269052519 -0.2253224624655294 -0.3259285025157627 -0.30580729450571603 -0.38164877085128057 -0.4420123948814206 -0.592147562341009 -0.6308421931295616 -0.7453783002636788 +1630,-0.7391871593375072,0,-0.5472617906262848 -0.5163060859954445 -0.4992804484484792 -0.3522408514519809 -0.2129401806131862 -0.12781199287837747 0.02541874504429235 0.15852827495691552 0.17555391250388078 0.1074513623160285 -0.05970944269052519 -0.2253224624655294 -0.3259285025157627 -0.30580729450571603 -0.38164877085128057 -0.4420123948814206 -0.592147562341009 -0.6308421931295616 -0.7453783002636788 -0.7097792399382076 +1631,-0.8181242061461532,0,-0.5163060859954445 -0.4992804484484792 -0.3522408514519809 -0.2129401806131862 -0.12781199287837747 0.02541874504429235 0.15852827495691552 0.17555391250388078 0.1074513623160285 -0.05970944269052519 -0.2253224624655294 -0.3259285025157627 -0.30580729450571603 -0.38164877085128057 -0.4420123948814206 -0.592147562341009 -0.6308421931295616 -0.7453783002636788 -0.7097792399382076 -0.7391871593375072 +1632,-0.8397931993877406,0,-0.4992804484484792 -0.3522408514519809 -0.2129401806131862 -0.12781199287837747 0.02541874504429235 0.15852827495691552 0.17555391250388078 0.1074513623160285 -0.05970944269052519 -0.2253224624655294 -0.3259285025157627 -0.30580729450571603 -0.38164877085128057 -0.4420123948814206 -0.592147562341009 -0.6308421931295616 -0.7453783002636788 -0.7097792399382076 -0.7391871593375072 -0.8181242061461532 +1633,-0.9249213871225581,0,-0.3522408514519809 -0.2129401806131862 -0.12781199287837747 0.02541874504429235 0.15852827495691552 0.17555391250388078 0.1074513623160285 -0.05970944269052519 -0.2253224624655294 -0.3259285025157627 -0.30580729450571603 -0.38164877085128057 -0.4420123948814206 -0.592147562341009 -0.6308421931295616 -0.7453783002636788 -0.7097792399382076 -0.7391871593375072 -0.8181242061461532 -0.8397931993877406 +1634,-0.8815834006393833,0,-0.2129401806131862 -0.12781199287837747 0.02541874504429235 0.15852827495691552 0.17555391250388078 0.1074513623160285 -0.05970944269052519 -0.2253224624655294 -0.3259285025157627 -0.30580729450571603 -0.38164877085128057 -0.4420123948814206 -0.592147562341009 -0.6308421931295616 -0.7453783002636788 -0.7097792399382076 -0.7391871593375072 -0.8181242061461532 -0.8397931993877406 -0.9249213871225581 +1635,-0.8490799107769935,0,-0.12781199287837747 0.02541874504429235 0.15852827495691552 0.17555391250388078 0.1074513623160285 -0.05970944269052519 -0.2253224624655294 -0.3259285025157627 -0.30580729450571603 -0.38164877085128057 -0.4420123948814206 -0.592147562341009 -0.6308421931295616 -0.7453783002636788 -0.7097792399382076 -0.7391871593375072 -0.8181242061461532 -0.8397931993877406 -0.9249213871225581 -0.8815834006393833 +1636,-0.7747862196629784,0,0.02541874504429235 0.15852827495691552 0.17555391250388078 0.1074513623160285 -0.05970944269052519 -0.2253224624655294 -0.3259285025157627 -0.30580729450571603 -0.38164877085128057 -0.4420123948814206 -0.592147562341009 -0.6308421931295616 -0.7453783002636788 -0.7097792399382076 -0.7391871593375072 -0.8181242061461532 -0.8397931993877406 -0.9249213871225581 -0.8815834006393833 -0.8490799107769935 +1637,-0.6184599112772184,0,0.15852827495691552 0.17555391250388078 0.1074513623160285 -0.05970944269052519 -0.2253224624655294 -0.3259285025157627 -0.30580729450571603 -0.38164877085128057 -0.4420123948814206 -0.592147562341009 -0.6308421931295616 -0.7453783002636788 -0.7097792399382076 -0.7391871593375072 -0.8181242061461532 -0.8397931993877406 -0.9249213871225581 -0.8815834006393833 -0.8490799107769935 -0.7747862196629784 +1638,-0.4404646096498799,0,0.17555391250388078 0.1074513623160285 -0.05970944269052519 -0.2253224624655294 -0.3259285025157627 -0.30580729450571603 -0.38164877085128057 -0.4420123948814206 -0.592147562341009 -0.6308421931295616 -0.7453783002636788 -0.7097792399382076 -0.7391871593375072 -0.8181242061461532 -0.8397931993877406 -0.9249213871225581 -0.8815834006393833 -0.8490799107769935 -0.7747862196629784 -0.6184599112772184 +1639,-0.2082968249185641,0,0.1074513623160285 -0.05970944269052519 -0.2253224624655294 -0.3259285025157627 -0.30580729450571603 -0.38164877085128057 -0.4420123948814206 -0.592147562341009 -0.6308421931295616 -0.7453783002636788 -0.7097792399382076 -0.7391871593375072 -0.8181242061461532 -0.8397931993877406 -0.9249213871225581 -0.8815834006393833 -0.8490799107769935 -0.7747862196629784 -0.6184599112772184 -0.4404646096498799 +1640,0.12912035555761586,0,-0.05970944269052519 -0.2253224624655294 -0.3259285025157627 -0.30580729450571603 -0.38164877085128057 -0.4420123948814206 -0.592147562341009 -0.6308421931295616 -0.7453783002636788 -0.7097792399382076 -0.7391871593375072 -0.8181242061461532 -0.8397931993877406 -0.9249213871225581 -0.8815834006393833 -0.8490799107769935 -0.7747862196629784 -0.6184599112772184 -0.4404646096498799 -0.2082968249185641 +1641,0.17864948296696218,0,-0.2253224624655294 -0.3259285025157627 -0.30580729450571603 -0.38164877085128057 -0.4420123948814206 -0.592147562341009 -0.6308421931295616 -0.7453783002636788 -0.7097792399382076 -0.7391871593375072 -0.8181242061461532 -0.8397931993877406 -0.9249213871225581 -0.8815834006393833 -0.8490799107769935 -0.7747862196629784 -0.6184599112772184 -0.4404646096498799 -0.2082968249185641 0.12912035555761586 +1642,0.2096051875978025,0,-0.3259285025157627 -0.30580729450571603 -0.38164877085128057 -0.4420123948814206 -0.592147562341009 -0.6308421931295616 -0.7453783002636788 -0.7097792399382076 -0.7391871593375072 -0.8181242061461532 -0.8397931993877406 -0.9249213871225581 -0.8815834006393833 -0.8490799107769935 -0.7747862196629784 -0.6184599112772184 -0.4404646096498799 -0.2082968249185641 0.12912035555761586 0.17864948296696218 +1643,0.12602478509453446,0,-0.30580729450571603 -0.38164877085128057 -0.4420123948814206 -0.592147562341009 -0.6308421931295616 -0.7453783002636788 -0.7097792399382076 -0.7391871593375072 -0.8181242061461532 -0.8397931993877406 -0.9249213871225581 -0.8815834006393833 -0.8490799107769935 -0.7747862196629784 -0.6184599112772184 -0.4404646096498799 -0.2082968249185641 0.12912035555761586 0.17864948296696218 0.2096051875978025 +1644,0.4851109588123018,0,-0.38164877085128057 -0.4420123948814206 -0.592147562341009 -0.6308421931295616 -0.7453783002636788 -0.7097792399382076 -0.7391871593375072 -0.8181242061461532 -0.8397931993877406 -0.9249213871225581 -0.8815834006393833 -0.8490799107769935 -0.7747862196629784 -0.6184599112772184 -0.4404646096498799 -0.2082968249185641 0.12912035555761586 0.17864948296696218 0.2096051875978025 0.12602478509453446 +1645,0.8441971325300691,0,-0.4420123948814206 -0.592147562341009 -0.6308421931295616 -0.7453783002636788 -0.7097792399382076 -0.7391871593375072 -0.8181242061461532 -0.8397931993877406 -0.9249213871225581 -0.8815834006393833 -0.8490799107769935 -0.7747862196629784 -0.6184599112772184 -0.4404646096498799 -0.2082968249185641 0.12912035555761586 0.17864948296696218 0.2096051875978025 0.12602478509453446 0.4851109588123018 +1646,0.8441971325300691,0,-0.592147562341009 -0.6308421931295616 -0.7453783002636788 -0.7097792399382076 -0.7391871593375072 -0.8181242061461532 -0.8397931993877406 -0.9249213871225581 -0.8815834006393833 -0.8490799107769935 -0.7747862196629784 -0.6184599112772184 -0.4404646096498799 -0.2082968249185641 0.12912035555761586 0.17864948296696218 0.2096051875978025 0.12602478509453446 0.4851109588123018 0.8441971325300691 +1647,0.8441971325300691,0,-0.6308421931295616 -0.7453783002636788 -0.7097792399382076 -0.7391871593375072 -0.8181242061461532 -0.8397931993877406 -0.9249213871225581 -0.8815834006393833 -0.8490799107769935 -0.7747862196629784 -0.6184599112772184 -0.4404646096498799 -0.2082968249185641 0.12912035555761586 0.17864948296696218 0.2096051875978025 0.12602478509453446 0.4851109588123018 0.8441971325300691 0.8441971325300691 +1648,0.8441971325300691,0,-0.7453783002636788 -0.7097792399382076 -0.7391871593375072 -0.8181242061461532 -0.8397931993877406 -0.9249213871225581 -0.8815834006393833 -0.8490799107769935 -0.7747862196629784 -0.6184599112772184 -0.4404646096498799 -0.2082968249185641 0.12912035555761586 0.17864948296696218 0.2096051875978025 0.12602478509453446 0.4851109588123018 0.8441971325300691 0.8441971325300691 0.8441971325300691 +1649,0.8441971325300691,0,-0.7097792399382076 -0.7391871593375072 -0.8181242061461532 -0.8397931993877406 -0.9249213871225581 -0.8815834006393833 -0.8490799107769935 -0.7747862196629784 -0.6184599112772184 -0.4404646096498799 -0.2082968249185641 0.12912035555761586 0.17864948296696218 0.2096051875978025 0.12602478509453446 0.4851109588123018 0.8441971325300691 0.8441971325300691 0.8441971325300691 0.8441971325300691 +1650,0.14924156356766252,0,-0.7391871593375072 -0.8181242061461532 -0.8397931993877406 -0.9249213871225581 -0.8815834006393833 -0.8490799107769935 -0.7747862196629784 -0.6184599112772184 -0.4404646096498799 -0.2082968249185641 0.12912035555761586 0.17864948296696218 0.2096051875978025 0.12602478509453446 0.4851109588123018 0.8441971325300691 0.8441971325300691 0.8441971325300691 0.8441971325300691 0.8441971325300691 +1651,-0.5457140053947441,0,-0.8181242061461532 -0.8397931993877406 -0.9249213871225581 -0.8815834006393833 -0.8490799107769935 -0.7747862196629784 -0.6184599112772184 -0.4404646096498799 -0.2082968249185641 0.12912035555761586 0.17864948296696218 0.2096051875978025 0.12602478509453446 0.4851109588123018 0.8441971325300691 0.8441971325300691 0.8441971325300691 0.8441971325300691 0.8441971325300691 0.14924156356766252 +1652,-0.5457140053947441,0,-0.8397931993877406 -0.9249213871225581 -0.8815834006393833 -0.8490799107769935 -0.7747862196629784 -0.6184599112772184 -0.4404646096498799 -0.2082968249185641 0.12912035555761586 0.17864948296696218 0.2096051875978025 0.12602478509453446 0.4851109588123018 0.8441971325300691 0.8441971325300691 0.8441971325300691 0.8441971325300691 0.8441971325300691 0.14924156356766252 -0.5457140053947441 +1653,-0.5457140053947441,0,-0.9249213871225581 -0.8815834006393833 -0.8490799107769935 -0.7747862196629784 -0.6184599112772184 -0.4404646096498799 -0.2082968249185641 0.12912035555761586 0.17864948296696218 0.2096051875978025 0.12602478509453446 0.4851109588123018 0.8441971325300691 0.8441971325300691 0.8441971325300691 0.8441971325300691 0.8441971325300691 0.14924156356766252 -0.5457140053947441 -0.5457140053947441 +1654,-0.5457140053947441,0,-0.8815834006393833 -0.8490799107769935 -0.7747862196629784 -0.6184599112772184 -0.4404646096498799 -0.2082968249185641 0.12912035555761586 0.17864948296696218 0.2096051875978025 0.12602478509453446 0.4851109588123018 0.8441971325300691 0.8441971325300691 0.8441971325300691 0.8441971325300691 0.8441971325300691 0.14924156356766252 -0.5457140053947441 -0.5457140053947441 -0.5457140053947441 +1655,-0.5457140053947441,0,-0.8490799107769935 -0.7747862196629784 -0.6184599112772184 -0.4404646096498799 -0.2082968249185641 0.12912035555761586 0.17864948296696218 0.2096051875978025 0.12602478509453446 0.4851109588123018 0.8441971325300691 0.8441971325300691 0.8441971325300691 0.8441971325300691 0.8441971325300691 0.14924156356766252 -0.5457140053947441 -0.5457140053947441 -0.5457140053947441 -0.5457140053947441 +1656,-0.5457140053947441,0,-0.7747862196629784 -0.6184599112772184 -0.4404646096498799 -0.2082968249185641 0.12912035555761586 0.17864948296696218 0.2096051875978025 0.12602478509453446 0.4851109588123018 0.8441971325300691 0.8441971325300691 0.8441971325300691 0.8441971325300691 0.8441971325300691 0.14924156356766252 -0.5457140053947441 -0.5457140053947441 -0.5457140053947441 -0.5457140053947441 -0.5457140053947441 +1657,-0.9852850111526981,0,-0.6184599112772184 -0.4404646096498799 -0.2082968249185641 0.12912035555761586 0.17864948296696218 0.2096051875978025 0.12602478509453446 0.4851109588123018 0.8441971325300691 0.8441971325300691 0.8441971325300691 0.8441971325300691 0.8441971325300691 0.14924156356766252 -0.5457140053947441 -0.5457140053947441 -0.5457140053947441 -0.5457140053947441 -0.5457140053947441 -0.5457140053947441 +1658,-0.9852850111526981,0,-0.4404646096498799 -0.2082968249185641 0.12912035555761586 0.17864948296696218 0.2096051875978025 0.12602478509453446 0.4851109588123018 0.8441971325300691 0.8441971325300691 0.8441971325300691 0.8441971325300691 0.8441971325300691 0.14924156356766252 -0.5457140053947441 -0.5457140053947441 -0.5457140053947441 -0.5457140053947441 -0.5457140053947441 -0.5457140053947441 -0.9852850111526981 +1659,-0.9852850111526981,0,-0.2082968249185641 0.12912035555761586 0.17864948296696218 0.2096051875978025 0.12602478509453446 0.4851109588123018 0.8441971325300691 0.8441971325300691 0.8441971325300691 0.8441971325300691 0.8441971325300691 0.14924156356766252 -0.5457140053947441 -0.5457140053947441 -0.5457140053947441 -0.5457140053947441 -0.5457140053947441 -0.5457140053947441 -0.9852850111526981 -0.9852850111526981 +1660,-0.9852850111526981,0,0.12912035555761586 0.17864948296696218 0.2096051875978025 0.12602478509453446 0.4851109588123018 0.8441971325300691 0.8441971325300691 0.8441971325300691 0.8441971325300691 0.8441971325300691 0.14924156356766252 -0.5457140053947441 -0.5457140053947441 -0.5457140053947441 -0.5457140053947441 -0.5457140053947441 -0.5457140053947441 -0.9852850111526981 -0.9852850111526981 -0.9852850111526981 +1661,-0.9852850111526981,0,0.17864948296696218 0.2096051875978025 0.12602478509453446 0.4851109588123018 0.8441971325300691 0.8441971325300691 0.8441971325300691 0.8441971325300691 0.8441971325300691 0.14924156356766252 -0.5457140053947441 -0.5457140053947441 -0.5457140053947441 -0.5457140053947441 -0.5457140053947441 -0.5457140053947441 -0.9852850111526981 -0.9852850111526981 -0.9852850111526981 -0.9852850111526981 +1662,-0.9852850111526981,0,0.2096051875978025 0.12602478509453446 0.4851109588123018 0.8441971325300691 0.8441971325300691 0.8441971325300691 0.8441971325300691 0.8441971325300691 0.14924156356766252 -0.5457140053947441 -0.5457140053947441 -0.5457140053947441 -0.5457140053947441 -0.5457140053947441 -0.5457140053947441 -0.9852850111526981 -0.9852850111526981 -0.9852850111526981 -0.9852850111526981 -0.9852850111526981 +1663,0.4897543145069239,0,0.12602478509453446 0.4851109588123018 0.8441971325300691 0.8441971325300691 0.8441971325300691 0.8441971325300691 0.8441971325300691 0.14924156356766252 -0.5457140053947441 -0.5457140053947441 -0.5457140053947441 -0.5457140053947441 -0.5457140053947441 -0.5457140053947441 -0.9852850111526981 -0.9852850111526981 -0.9852850111526981 -0.9852850111526981 -0.9852850111526981 -0.9852850111526981 +1664,0.4897543145069239,0,0.4851109588123018 0.8441971325300691 0.8441971325300691 0.8441971325300691 0.8441971325300691 0.8441971325300691 0.14924156356766252 -0.5457140053947441 -0.5457140053947441 -0.5457140053947441 -0.5457140053947441 -0.5457140053947441 -0.5457140053947441 -0.9852850111526981 -0.9852850111526981 -0.9852850111526981 -0.9852850111526981 -0.9852850111526981 -0.9852850111526981 0.4897543145069239 +1665,0.045539953054339014,0,0.8441971325300691 0.8441971325300691 0.8441971325300691 0.8441971325300691 0.8441971325300691 0.14924156356766252 -0.5457140053947441 -0.5457140053947441 -0.5457140053947441 -0.5457140053947441 -0.5457140053947441 -0.5457140053947441 -0.9852850111526981 -0.9852850111526981 -0.9852850111526981 -0.9852850111526981 -0.9852850111526981 -0.9852850111526981 0.4897543145069239 0.4897543145069239 +1666,0.11364250324219129,0,0.8441971325300691 0.8441971325300691 0.8441971325300691 0.8441971325300691 0.14924156356766252 -0.5457140053947441 -0.5457140053947441 -0.5457140053947441 -0.5457140053947441 -0.5457140053947441 -0.5457140053947441 -0.9852850111526981 -0.9852850111526981 -0.9852850111526981 -0.9852850111526981 -0.9852850111526981 -0.9852850111526981 0.4897543145069239 0.4897543145069239 0.045539953054339014 +1667,0.15388491926228462,0,0.8441971325300691 0.8441971325300691 0.8441971325300691 0.14924156356766252 -0.5457140053947441 -0.5457140053947441 -0.5457140053947441 -0.5457140053947441 -0.5457140053947441 -0.5457140053947441 -0.9852850111526981 -0.9852850111526981 -0.9852850111526981 -0.9852850111526981 -0.9852850111526981 -0.9852850111526981 0.4897543145069239 0.4897543145069239 0.045539953054339014 0.11364250324219129 +1668,-0.04268380514355992,0,0.8441971325300691 0.8441971325300691 0.14924156356766252 -0.5457140053947441 -0.5457140053947441 -0.5457140053947441 -0.5457140053947441 -0.5457140053947441 -0.5457140053947441 -0.9852850111526981 -0.9852850111526981 -0.9852850111526981 -0.9852850111526981 -0.9852850111526981 -0.9852850111526981 0.4897543145069239 0.4897543145069239 0.045539953054339014 0.11364250324219129 0.15388491926228462 +1669,-0.2655648784856227,0,0.8441971325300691 0.14924156356766252 -0.5457140053947441 -0.5457140053947441 -0.5457140053947441 -0.5457140053947441 -0.5457140053947441 -0.5457140053947441 -0.9852850111526981 -0.9852850111526981 -0.9852850111526981 -0.9852850111526981 -0.9852850111526981 -0.9852850111526981 0.4897543145069239 0.4897543145069239 0.045539953054339014 0.11364250324219129 0.15388491926228462 -0.04268380514355992 +1670,-0.46058581765992657,0,0.14924156356766252 -0.5457140053947441 -0.5457140053947441 -0.5457140053947441 -0.5457140053947441 -0.5457140053947441 -0.5457140053947441 -0.9852850111526981 -0.9852850111526981 -0.9852850111526981 -0.9852850111526981 -0.9852850111526981 -0.9852850111526981 0.4897543145069239 0.4897543145069239 0.045539953054339014 0.11364250324219129 0.15388491926228462 -0.04268380514355992 -0.2655648784856227 +1671,-0.5627396429417093,0,-0.5457140053947441 -0.5457140053947441 -0.5457140053947441 -0.5457140053947441 -0.5457140053947441 -0.5457140053947441 -0.9852850111526981 -0.9852850111526981 -0.9852850111526981 -0.9852850111526981 -0.9852850111526981 -0.9852850111526981 0.4897543145069239 0.4897543145069239 0.045539953054339014 0.11364250324219129 0.15388491926228462 -0.04268380514355992 -0.2655648784856227 -0.46058581765992657 +1672,-0.7314482331797949,0,-0.5457140053947441 -0.5457140053947441 -0.5457140053947441 -0.5457140053947441 -0.5457140053947441 -0.9852850111526981 -0.9852850111526981 -0.9852850111526981 -0.9852850111526981 -0.9852850111526981 -0.9852850111526981 0.4897543145069239 0.4897543145069239 0.045539953054339014 0.11364250324219129 0.15388491926228462 -0.04268380514355992 -0.2655648784856227 -0.46058581765992657 -0.5627396429417093 +1673,-0.7732384344314289,0,-0.5457140053947441 -0.5457140053947441 -0.5457140053947441 -0.5457140053947441 -0.9852850111526981 -0.9852850111526981 -0.9852850111526981 -0.9852850111526981 -0.9852850111526981 -0.9852850111526981 0.4897543145069239 0.4897543145069239 0.045539953054339014 0.11364250324219129 0.15388491926228462 -0.04268380514355992 -0.2655648784856227 -0.46058581765992657 -0.5627396429417093 -0.7314482331797949 +1674,-0.6958491728543237,0,-0.5457140053947441 -0.5457140053947441 -0.5457140053947441 -0.9852850111526981 -0.9852850111526981 -0.9852850111526981 -0.9852850111526981 -0.9852850111526981 -0.9852850111526981 0.4897543145069239 0.4897543145069239 0.045539953054339014 0.11364250324219129 0.15388491926228462 -0.04268380514355992 -0.2655648784856227 -0.46058581765992657 -0.5627396429417093 -0.7314482331797949 -0.7732384344314289 +1675,-0.6834668910019893,0,-0.5457140053947441 -0.5457140053947441 -0.9852850111526981 -0.9852850111526981 -0.9852850111526981 -0.9852850111526981 -0.9852850111526981 -0.9852850111526981 0.4897543145069239 0.4897543145069239 0.045539953054339014 0.11364250324219129 0.15388491926228462 -0.04268380514355992 -0.2655648784856227 -0.46058581765992657 -0.5627396429417093 -0.7314482331797949 -0.7732384344314289 -0.6958491728543237 +1676,-0.6741801796127364,0,-0.5457140053947441 -0.9852850111526981 -0.9852850111526981 -0.9852850111526981 -0.9852850111526981 -0.9852850111526981 -0.9852850111526981 0.4897543145069239 0.4897543145069239 0.045539953054339014 0.11364250324219129 0.15388491926228462 -0.04268380514355992 -0.2655648784856227 -0.46058581765992657 -0.5627396429417093 -0.7314482331797949 -0.7732384344314289 -0.6958491728543237 -0.6834668910019893 +1677,-0.694301387622783,0,-0.9852850111526981 -0.9852850111526981 -0.9852850111526981 -0.9852850111526981 -0.9852850111526981 -0.9852850111526981 0.4897543145069239 0.4897543145069239 0.045539953054339014 0.11364250324219129 0.15388491926228462 -0.04268380514355992 -0.2655648784856227 -0.46058581765992657 -0.5627396429417093 -0.7314482331797949 -0.7732384344314289 -0.6958491728543237 -0.6834668910019893 -0.6741801796127364 +1678,-0.6045298441933433,0,-0.9852850111526981 -0.9852850111526981 -0.9852850111526981 -0.9852850111526981 -0.9852850111526981 0.4897543145069239 0.4897543145069239 0.045539953054339014 0.11364250324219129 0.15388491926228462 -0.04268380514355992 -0.2655648784856227 -0.46058581765992657 -0.5627396429417093 -0.7314482331797949 -0.7732384344314289 -0.6958491728543237 -0.6834668910019893 -0.6741801796127364 -0.694301387622783 +1679,-0.6138165555825964,0,-0.9852850111526981 -0.9852850111526981 -0.9852850111526981 -0.9852850111526981 0.4897543145069239 0.4897543145069239 0.045539953054339014 0.11364250324219129 0.15388491926228462 -0.04268380514355992 -0.2655648784856227 -0.46058581765992657 -0.5627396429417093 -0.7314482331797949 -0.7732384344314289 -0.6958491728543237 -0.6834668910019893 -0.6741801796127364 -0.694301387622783 -0.6045298441933433 +1680,-0.7624039378106353,0,-0.9852850111526981 -0.9852850111526981 -0.9852850111526981 0.4897543145069239 0.4897543145069239 0.045539953054339014 0.11364250324219129 0.15388491926228462 -0.04268380514355992 -0.2655648784856227 -0.46058581765992657 -0.5627396429417093 -0.7314482331797949 -0.7732384344314289 -0.6958491728543237 -0.6834668910019893 -0.6741801796127364 -0.694301387622783 -0.6045298441933433 -0.6138165555825964 +1681,-0.7531172264213823,0,-0.9852850111526981 -0.9852850111526981 0.4897543145069239 0.4897543145069239 0.045539953054339014 0.11364250324219129 0.15388491926228462 -0.04268380514355992 -0.2655648784856227 -0.46058581765992657 -0.5627396429417093 -0.7314482331797949 -0.7732384344314289 -0.6958491728543237 -0.6834668910019893 -0.6741801796127364 -0.694301387622783 -0.6045298441933433 -0.6138165555825964 -0.7624039378106353 +1682,-0.7933596424414756,0,-0.9852850111526981 0.4897543145069239 0.4897543145069239 0.045539953054339014 0.11364250324219129 0.15388491926228462 -0.04268380514355992 -0.2655648784856227 -0.46058581765992657 -0.5627396429417093 -0.7314482331797949 -0.7732384344314289 -0.6958491728543237 -0.6834668910019893 -0.6741801796127364 -0.694301387622783 -0.6045298441933433 -0.6138165555825964 -0.7624039378106353 -0.7531172264213823 +1683,-0.7933596424414756,0,0.4897543145069239 0.4897543145069239 0.045539953054339014 0.11364250324219129 0.15388491926228462 -0.04268380514355992 -0.2655648784856227 -0.46058581765992657 -0.5627396429417093 -0.7314482331797949 -0.7732384344314289 -0.6958491728543237 -0.6834668910019893 -0.6741801796127364 -0.694301387622783 -0.6045298441933433 -0.6138165555825964 -0.7624039378106353 -0.7531172264213823 -0.7933596424414756 +1684,-0.8274109175354062,0,0.4897543145069239 0.045539953054339014 0.11364250324219129 0.15388491926228462 -0.04268380514355992 -0.2655648784856227 -0.46058581765992657 -0.5627396429417093 -0.7314482331797949 -0.7732384344314289 -0.6958491728543237 -0.6834668910019893 -0.6741801796127364 -0.694301387622783 -0.6045298441933433 -0.6138165555825964 -0.7624039378106353 -0.7531172264213823 -0.7933596424414756 -0.7933596424414756 +1685,-0.6819191057704487,0,0.045539953054339014 0.11364250324219129 0.15388491926228462 -0.04268380514355992 -0.2655648784856227 -0.46058581765992657 -0.5627396429417093 -0.7314482331797949 -0.7732384344314289 -0.6958491728543237 -0.6834668910019893 -0.6741801796127364 -0.694301387622783 -0.6045298441933433 -0.6138165555825964 -0.7624039378106353 -0.7531172264213823 -0.7933596424414756 -0.7933596424414756 -0.8274109175354062 +1686,-0.3955788379351557,0,0.11364250324219129 0.15388491926228462 -0.04268380514355992 -0.2655648784856227 -0.46058581765992657 -0.5627396429417093 -0.7314482331797949 -0.7732384344314289 -0.6958491728543237 -0.6834668910019893 -0.6741801796127364 -0.694301387622783 -0.6045298441933433 -0.6138165555825964 -0.7624039378106353 -0.7531172264213823 -0.7933596424414756 -0.7933596424414756 -0.8274109175354062 -0.6819191057704487 +1687,-0.13400313380454026,0,0.15388491926228462 -0.04268380514355992 -0.2655648784856227 -0.46058581765992657 -0.5627396429417093 -0.7314482331797949 -0.7732384344314289 -0.6958491728543237 -0.6834668910019893 -0.6741801796127364 -0.694301387622783 -0.6045298441933433 -0.6138165555825964 -0.7624039378106353 -0.7531172264213823 -0.7933596424414756 -0.7933596424414756 -0.8274109175354062 -0.6819191057704487 -0.3955788379351557 +1688,0.08113901337981025,0,-0.04268380514355992 -0.2655648784856227 -0.46058581765992657 -0.5627396429417093 -0.7314482331797949 -0.7732384344314289 -0.6958491728543237 -0.6834668910019893 -0.6741801796127364 -0.694301387622783 -0.6045298441933433 -0.6138165555825964 -0.7624039378106353 -0.7531172264213823 -0.7933596424414756 -0.7933596424414756 -0.8274109175354062 -0.6819191057704487 -0.3955788379351557 -0.13400313380454026 +1689,0.13685928171532816,0,-0.2655648784856227 -0.46058581765992657 -0.5627396429417093 -0.7314482331797949 -0.7732384344314289 -0.6958491728543237 -0.6834668910019893 -0.6741801796127364 -0.694301387622783 -0.6045298441933433 -0.6138165555825964 -0.7624039378106353 -0.7531172264213823 -0.7933596424414756 -0.7933596424414756 -0.8274109175354062 -0.6819191057704487 -0.3955788379351557 -0.13400313380454026 0.08113901337981025 +1690,0.18793619435621514,0,-0.46058581765992657 -0.5627396429417093 -0.7314482331797949 -0.7732384344314289 -0.6958491728543237 -0.6834668910019893 -0.6741801796127364 -0.694301387622783 -0.6045298441933433 -0.6138165555825964 -0.7624039378106353 -0.7531172264213823 -0.7933596424414756 -0.7933596424414756 -0.8274109175354062 -0.6819191057704487 -0.3955788379351557 -0.13400313380454026 0.08113901337981025 0.13685928171532816 +1691,0.11209471801065059,0,-0.5627396429417093 -0.7314482331797949 -0.7732384344314289 -0.6958491728543237 -0.6834668910019893 -0.6741801796127364 -0.694301387622783 -0.6045298441933433 -0.6138165555825964 -0.7624039378106353 -0.7531172264213823 -0.7933596424414756 -0.7933596424414756 -0.8274109175354062 -0.6819191057704487 -0.3955788379351557 -0.13400313380454026 0.08113901337981025 0.13685928171532816 0.18793619435621514 +1692,-0.12162085195220587,0,-0.7314482331797949 -0.7732384344314289 -0.6958491728543237 -0.6834668910019893 -0.6741801796127364 -0.694301387622783 -0.6045298441933433 -0.6138165555825964 -0.7624039378106353 -0.7531172264213823 -0.7933596424414756 -0.7933596424414756 -0.8274109175354062 -0.6819191057704487 -0.3955788379351557 -0.13400313380454026 0.08113901337981025 0.13685928171532816 0.18793619435621514 0.11209471801065059 +1693,-0.25473038186482905,0,-0.7732384344314289 -0.6958491728543237 -0.6834668910019893 -0.6741801796127364 -0.694301387622783 -0.6045298441933433 -0.6138165555825964 -0.7624039378106353 -0.7531172264213823 -0.7933596424414756 -0.7933596424414756 -0.8274109175354062 -0.6819191057704487 -0.3955788379351557 -0.13400313380454026 0.08113901337981025 0.13685928171532816 0.18793619435621514 0.11209471801065059 -0.12162085195220587 +1694,-0.4435601801129613,0,-0.6958491728543237 -0.6834668910019893 -0.6741801796127364 -0.694301387622783 -0.6045298441933433 -0.6138165555825964 -0.7624039378106353 -0.7531172264213823 -0.7933596424414756 -0.7933596424414756 -0.8274109175354062 -0.6819191057704487 -0.3955788379351557 -0.13400313380454026 0.08113901337981025 0.13685928171532816 0.18793619435621514 0.11209471801065059 -0.12162085195220587 -0.25473038186482905 +1695,-0.5797652804886658,0,-0.6834668910019893 -0.6741801796127364 -0.694301387622783 -0.6045298441933433 -0.6138165555825964 -0.7624039378106353 -0.7531172264213823 -0.7933596424414756 -0.7933596424414756 -0.8274109175354062 -0.6819191057704487 -0.3955788379351557 -0.13400313380454026 0.08113901337981025 0.13685928171532816 0.18793619435621514 0.11209471801065059 -0.12162085195220587 -0.25473038186482905 -0.4435601801129613 +1696,-0.6803713205389079,0,-0.6741801796127364 -0.694301387622783 -0.6045298441933433 -0.6138165555825964 -0.7624039378106353 -0.7531172264213823 -0.7933596424414756 -0.7933596424414756 -0.8274109175354062 -0.6819191057704487 -0.3955788379351557 -0.13400313380454026 0.08113901337981025 0.13685928171532816 0.18793619435621514 0.11209471801065059 -0.12162085195220587 -0.25473038186482905 -0.4435601801129613 -0.5797652804886658 +1697,-0.7871685015153128,0,-0.694301387622783 -0.6045298441933433 -0.6138165555825964 -0.7624039378106353 -0.7531172264213823 -0.7933596424414756 -0.7933596424414756 -0.8274109175354062 -0.6819191057704487 -0.3955788379351557 -0.13400313380454026 0.08113901337981025 0.13685928171532816 0.18793619435621514 0.11209471801065059 -0.12162085195220587 -0.25473038186482905 -0.4435601801129613 -0.5797652804886658 -0.6803713205389079 +1698,-0.8753922597132118,0,-0.6045298441933433 -0.6138165555825964 -0.7624039378106353 -0.7531172264213823 -0.7933596424414756 -0.7933596424414756 -0.8274109175354062 -0.6819191057704487 -0.3955788379351557 -0.13400313380454026 0.08113901337981025 0.13685928171532816 0.18793619435621514 0.11209471801065059 -0.12162085195220587 -0.25473038186482905 -0.4435601801129613 -0.5797652804886658 -0.6803713205389079 -0.7871685015153128 +1699,-0.9094435348071335,0,-0.6138165555825964 -0.7624039378106353 -0.7531172264213823 -0.7933596424414756 -0.7933596424414756 -0.8274109175354062 -0.6819191057704487 -0.3955788379351557 -0.13400313380454026 0.08113901337981025 0.13685928171532816 0.18793619435621514 0.11209471801065059 -0.12162085195220587 -0.25473038186482905 -0.4435601801129613 -0.5797652804886658 -0.6803713205389079 -0.7871685015153128 -0.8753922597132118 +1700,-0.980641655458076,0,-0.7624039378106353 -0.7531172264213823 -0.7933596424414756 -0.7933596424414756 -0.8274109175354062 -0.6819191057704487 -0.3955788379351557 -0.13400313380454026 0.08113901337981025 0.13685928171532816 0.18793619435621514 0.11209471801065059 -0.12162085195220587 -0.25473038186482905 -0.4435601801129613 -0.5797652804886658 -0.6803713205389079 -0.7871685015153128 -0.8753922597132118 -0.9094435348071335 +1701,-0.9311125280487297,0,-0.7531172264213823 -0.7933596424414756 -0.7933596424414756 -0.8274109175354062 -0.6819191057704487 -0.3955788379351557 -0.13400313380454026 0.08113901337981025 0.13685928171532816 0.18793619435621514 0.11209471801065059 -0.12162085195220587 -0.25473038186482905 -0.4435601801129613 -0.5797652804886658 -0.6803713205389079 -0.7871685015153128 -0.8753922597132118 -0.9094435348071335 -0.980641655458076 +1702,-1.132324608149205,0,-0.7933596424414756 -0.7933596424414756 -0.8274109175354062 -0.6819191057704487 -0.3955788379351557 -0.13400313380454026 0.08113901337981025 0.13685928171532816 0.18793619435621514 0.11209471801065059 -0.12162085195220587 -0.25473038186482905 -0.4435601801129613 -0.5797652804886658 -0.6803713205389079 -0.7871685015153128 -0.8753922597132118 -0.9094435348071335 -0.980641655458076 -0.9311125280487297 +1703,-1.1601847423169553,0,-0.7933596424414756 -0.8274109175354062 -0.6819191057704487 -0.3955788379351557 -0.13400313380454026 0.08113901337981025 0.13685928171532816 0.18793619435621514 0.11209471801065059 -0.12162085195220587 -0.25473038186482905 -0.4435601801129613 -0.5797652804886658 -0.6803713205389079 -0.7871685015153128 -0.8753922597132118 -0.9094435348071335 -0.980641655458076 -0.9311125280487297 -1.132324608149205 +1704,-1.1942360174108857,0,-0.8274109175354062 -0.6819191057704487 -0.3955788379351557 -0.13400313380454026 0.08113901337981025 0.13685928171532816 0.18793619435621514 0.11209471801065059 -0.12162085195220587 -0.25473038186482905 -0.4435601801129613 -0.5797652804886658 -0.6803713205389079 -0.7871685015153128 -0.8753922597132118 -0.9094435348071335 -0.980641655458076 -0.9311125280487297 -1.132324608149205 -1.1601847423169553 +1705,-1.2576952119041072,0,-0.6819191057704487 -0.3955788379351557 -0.13400313380454026 0.08113901337981025 0.13685928171532816 0.18793619435621514 0.11209471801065059 -0.12162085195220587 -0.25473038186482905 -0.4435601801129613 -0.5797652804886658 -0.6803713205389079 -0.7871685015153128 -0.8753922597132118 -0.9094435348071335 -0.980641655458076 -0.9311125280487297 -1.132324608149205 -1.1601847423169553 -1.1942360174108857 +1706,-1.1694714537062083,0,-0.3955788379351557 -0.13400313380454026 0.08113901337981025 0.13685928171532816 0.18793619435621514 0.11209471801065059 -0.12162085195220587 -0.25473038186482905 -0.4435601801129613 -0.5797652804886658 -0.6803713205389079 -0.7871685015153128 -0.8753922597132118 -0.9094435348071335 -0.980641655458076 -0.9311125280487297 -1.132324608149205 -1.1601847423169553 -1.1942360174108857 -1.2576952119041072 +1707,-1.1617325275485046,0,-0.13400313380454026 0.08113901337981025 0.13685928171532816 0.18793619435621514 0.11209471801065059 -0.12162085195220587 -0.25473038186482905 -0.4435601801129613 -0.5797652804886658 -0.6803713205389079 -0.7871685015153128 -0.8753922597132118 -0.9094435348071335 -0.980641655458076 -0.9311125280487297 -1.132324608149205 -1.1601847423169553 -1.1942360174108857 -1.2576952119041072 -1.1694714537062083 +1708,-0.8305064879984876,0,0.08113901337981025 0.13685928171532816 0.18793619435621514 0.11209471801065059 -0.12162085195220587 -0.25473038186482905 -0.4435601801129613 -0.5797652804886658 -0.6803713205389079 -0.7871685015153128 -0.8753922597132118 -0.9094435348071335 -0.980641655458076 -0.9311125280487297 -1.132324608149205 -1.1601847423169553 -1.1942360174108857 -1.2576952119041072 -1.1694714537062083 -1.1617325275485046 +1709,-0.17579333505618308,0,0.13685928171532816 0.18793619435621514 0.11209471801065059 -0.12162085195220587 -0.25473038186482905 -0.4435601801129613 -0.5797652804886658 -0.6803713205389079 -0.7871685015153128 -0.8753922597132118 -0.9094435348071335 -0.980641655458076 -0.9311125280487297 -1.132324608149205 -1.1601847423169553 -1.1942360174108857 -1.2576952119041072 -1.1694714537062083 -1.1617325275485046 -0.8305064879984876 +1710,0.2684210263964018,0,0.18793619435621514 0.11209471801065059 -0.12162085195220587 -0.25473038186482905 -0.4435601801129613 -0.5797652804886658 -0.6803713205389079 -0.7871685015153128 -0.8753922597132118 -0.9094435348071335 -0.980641655458076 -0.9311125280487297 -1.132324608149205 -1.1601847423169553 -1.1942360174108857 -1.2576952119041072 -1.1694714537062083 -1.1617325275485046 -0.8305064879984876 -0.17579333505618308 +1711,0.4448685427922085,0,0.11209471801065059 -0.12162085195220587 -0.25473038186482905 -0.4435601801129613 -0.5797652804886658 -0.6803713205389079 -0.7871685015153128 -0.8753922597132118 -0.9094435348071335 -0.980641655458076 -0.9311125280487297 -1.132324608149205 -1.1601847423169553 -1.1942360174108857 -1.2576952119041072 -1.1694714537062083 -1.1617325275485046 -0.8305064879984876 -0.17579333505618308 0.2684210263964018 +1712,0.6058382068725817,0,-0.12162085195220587 -0.25473038186482905 -0.4435601801129613 -0.5797652804886658 -0.6803713205389079 -0.7871685015153128 -0.8753922597132118 -0.9094435348071335 -0.980641655458076 -0.9311125280487297 -1.132324608149205 -1.1601847423169553 -1.1942360174108857 -1.2576952119041072 -1.1694714537062083 -1.1617325275485046 -0.8305064879984876 -0.17579333505618308 0.2684210263964018 0.4448685427922085 +1713,0.6321505558088,0,-0.25473038186482905 -0.4435601801129613 -0.5797652804886658 -0.6803713205389079 -0.7871685015153128 -0.8753922597132118 -0.9094435348071335 -0.980641655458076 -0.9311125280487297 -1.132324608149205 -1.1601847423169553 -1.1942360174108857 -1.2576952119041072 -1.1694714537062083 -1.1617325275485046 -0.8305064879984876 -0.17579333505618308 0.2684210263964018 0.4448685427922085 0.6058382068725817 +1714,0.6027426364095004,0,-0.4435601801129613 -0.5797652804886658 -0.6803713205389079 -0.7871685015153128 -0.8753922597132118 -0.9094435348071335 -0.980641655458076 -0.9311125280487297 -1.132324608149205 -1.1601847423169553 -1.1942360174108857 -1.2576952119041072 -1.1694714537062083 -1.1617325275485046 -0.8305064879984876 -0.17579333505618308 0.2684210263964018 0.4448685427922085 0.6058382068725817 0.6321505558088 +1715,0.45105968371837124,0,-0.5797652804886658 -0.6803713205389079 -0.7871685015153128 -0.8753922597132118 -0.9094435348071335 -0.980641655458076 -0.9311125280487297 -1.132324608149205 -1.1601847423169553 -1.1942360174108857 -1.2576952119041072 -1.1694714537062083 -1.1617325275485046 -0.8305064879984876 -0.17579333505618308 0.2684210263964018 0.4448685427922085 0.6058382068725817 0.6321505558088 0.6027426364095004 +1716,0.2668732411648611,0,-0.6803713205389079 -0.7871685015153128 -0.8753922597132118 -0.9094435348071335 -0.980641655458076 -0.9311125280487297 -1.132324608149205 -1.1601847423169553 -1.1942360174108857 -1.2576952119041072 -1.1694714537062083 -1.1617325275485046 -0.8305064879984876 -0.17579333505618308 0.2684210263964018 0.4448685427922085 0.6058382068725817 0.6321505558088 0.6027426364095004 0.45105968371837124 +1717,0.00994089272887658,0,-0.7871685015153128 -0.8753922597132118 -0.9094435348071335 -0.980641655458076 -0.9311125280487297 -1.132324608149205 -1.1601847423169553 -1.1942360174108857 -1.2576952119041072 -1.1694714537062083 -1.1617325275485046 -0.8305064879984876 -0.17579333505618308 0.2684210263964018 0.4448685427922085 0.6058382068725817 0.6321505558088 0.6027426364095004 0.45105968371837124 0.2668732411648611 +1718,-0.23925252954940446,0,-0.8753922597132118 -0.9094435348071335 -0.980641655458076 -0.9311125280487297 -1.132324608149205 -1.1601847423169553 -1.1942360174108857 -1.2576952119041072 -1.1694714537062083 -1.1617325275485046 -0.8305064879984876 -0.17579333505618308 0.2684210263964018 0.4448685427922085 0.6058382068725817 0.6321505558088 0.6027426364095004 0.45105968371837124 0.2668732411648611 0.00994089272887658 +1719,-0.4141522607136616,0,-0.9094435348071335 -0.980641655458076 -0.9311125280487297 -1.132324608149205 -1.1601847423169553 -1.1942360174108857 -1.2576952119041072 -1.1694714537062083 -1.1617325275485046 -0.8305064879984876 -0.17579333505618308 0.2684210263964018 0.4448685427922085 0.6058382068725817 0.6321505558088 0.6027426364095004 0.45105968371837124 0.2668732411648611 0.00994089272887658 -0.23925252954940446 +1720,-0.5720263543309624,0,-0.980641655458076 -0.9311125280487297 -1.132324608149205 -1.1601847423169553 -1.1942360174108857 -1.2576952119041072 -1.1694714537062083 -1.1617325275485046 -0.8305064879984876 -0.17579333505618308 0.2684210263964018 0.4448685427922085 0.6058382068725817 0.6321505558088 0.6027426364095004 0.45105968371837124 0.2668732411648611 0.00994089272887658 -0.23925252954940446 -0.4141522607136616 +1721,-0.6803713205389079,0,-0.9311125280487297 -1.132324608149205 -1.1601847423169553 -1.1942360174108857 -1.2576952119041072 -1.1694714537062083 -1.1617325275485046 -0.8305064879984876 -0.17579333505618308 0.2684210263964018 0.4448685427922085 0.6058382068725817 0.6321505558088 0.6027426364095004 0.45105968371837124 0.2668732411648611 0.00994089272887658 -0.23925252954940446 -0.4141522607136616 -0.5720263543309624 +1722,-0.712874810401289,0,-1.132324608149205 -1.1601847423169553 -1.1942360174108857 -1.2576952119041072 -1.1694714537062083 -1.1617325275485046 -0.8305064879984876 -0.17579333505618308 0.2684210263964018 0.4448685427922085 0.6058382068725817 0.6321505558088 0.6027426364095004 0.45105968371837124 0.2668732411648611 0.00994089272887658 -0.23925252954940446 -0.4141522607136616 -0.5720263543309624 -0.6803713205389079 +1723,-0.9094435348071335,0,-1.1601847423169553 -1.1942360174108857 -1.2576952119041072 -1.1694714537062083 -1.1617325275485046 -0.8305064879984876 -0.17579333505618308 0.2684210263964018 0.4448685427922085 0.6058382068725817 0.6321505558088 0.6027426364095004 0.45105968371837124 0.2668732411648611 0.00994089272887658 -0.23925252954940446 -0.4141522607136616 -0.5720263543309624 -0.6803713205389079 -0.712874810401289 +1724,-0.989928366847329,0,-1.1942360174108857 -1.2576952119041072 -1.1694714537062083 -1.1617325275485046 -0.8305064879984876 -0.17579333505618308 0.2684210263964018 0.4448685427922085 0.6058382068725817 0.6321505558088 0.6027426364095004 0.45105968371837124 0.2668732411648611 0.00994089272887658 -0.23925252954940446 -0.4141522607136616 -0.5720263543309624 -0.6803713205389079 -0.712874810401289 -0.9094435348071335 +1725,-1.0967255478237339,0,-1.2576952119041072 -1.1694714537062083 -1.1617325275485046 -0.8305064879984876 -0.17579333505618308 0.2684210263964018 0.4448685427922085 0.6058382068725817 0.6321505558088 0.6027426364095004 0.45105968371837124 0.2668732411648611 0.00994089272887658 -0.23925252954940446 -0.4141522607136616 -0.5720263543309624 -0.6803713205389079 -0.712874810401289 -0.9094435348071335 -0.989928366847329 +1726,-1.0518397761090097,0,-1.1694714537062083 -1.1617325275485046 -0.8305064879984876 -0.17579333505618308 0.2684210263964018 0.4448685427922085 0.6058382068725817 0.6321505558088 0.6027426364095004 0.45105968371837124 0.2668732411648611 0.00994089272887658 -0.23925252954940446 -0.4141522607136616 -0.5720263543309624 -0.6803713205389079 -0.712874810401289 -0.9094435348071335 -0.989928366847329 -1.0967255478237339 +1727,-1.073508769350597,0,-1.1617325275485046 -0.8305064879984876 -0.17579333505618308 0.2684210263964018 0.4448685427922085 0.6058382068725817 0.6321505558088 0.6027426364095004 0.45105968371837124 0.2668732411648611 0.00994089272887658 -0.23925252954940446 -0.4141522607136616 -0.5720263543309624 -0.6803713205389079 -0.712874810401289 -0.9094435348071335 -0.989928366847329 -1.0967255478237339 -1.0518397761090097 +1728,-1.1787581650954613,0,-0.8305064879984876 -0.17579333505618308 0.2684210263964018 0.4448685427922085 0.6058382068725817 0.6321505558088 0.6027426364095004 0.45105968371837124 0.2668732411648611 0.00994089272887658 -0.23925252954940446 -0.4141522607136616 -0.5720263543309624 -0.6803713205389079 -0.712874810401289 -0.9094435348071335 -0.989928366847329 -1.0967255478237339 -1.0518397761090097 -1.073508769350597 +1729,-1.3613968224174307,0,-0.17579333505618308 0.2684210263964018 0.4448685427922085 0.6058382068725817 0.6321505558088 0.6027426364095004 0.45105968371837124 0.2668732411648611 0.00994089272887658 -0.23925252954940446 -0.4141522607136616 -0.5720263543309624 -0.6803713205389079 -0.712874810401289 -0.9094435348071335 -0.989928366847329 -1.0967255478237339 -1.0518397761090097 -1.073508769350597 -1.1787581650954613 +1730,-1.3288933325550496,0,0.2684210263964018 0.4448685427922085 0.6058382068725817 0.6321505558088 0.6027426364095004 0.45105968371837124 0.2668732411648611 0.00994089272887658 -0.23925252954940446 -0.4141522607136616 -0.5720263543309624 -0.6803713205389079 -0.712874810401289 -0.9094435348071335 -0.989928366847329 -1.0967255478237339 -1.0518397761090097 -1.073508769350597 -1.1787581650954613 -1.3613968224174307 +1731,-1.271625278987991,0,0.4448685427922085 0.6058382068725817 0.6321505558088 0.6027426364095004 0.45105968371837124 0.2668732411648611 0.00994089272887658 -0.23925252954940446 -0.4141522607136616 -0.5720263543309624 -0.6803713205389079 -0.712874810401289 -0.9094435348071335 -0.989928366847329 -1.0967255478237339 -1.0518397761090097 -1.073508769350597 -1.1787581650954613 -1.3613968224174307 -1.3288933325550496 +1732,-0.9775460849949946,0,0.6058382068725817 0.6321505558088 0.6027426364095004 0.45105968371837124 0.2668732411648611 0.00994089272887658 -0.23925252954940446 -0.4141522607136616 -0.5720263543309624 -0.6803713205389079 -0.712874810401289 -0.9094435348071335 -0.989928366847329 -1.0967255478237339 -1.0518397761090097 -1.073508769350597 -1.1787581650954613 -1.3613968224174307 -1.3288933325550496 -1.271625278987991 +1733,-0.8134808504515311,0,0.6321505558088 0.6027426364095004 0.45105968371837124 0.2668732411648611 0.00994089272887658 -0.23925252954940446 -0.4141522607136616 -0.5720263543309624 -0.6803713205389079 -0.712874810401289 -0.9094435348071335 -0.989928366847329 -1.0967255478237339 -1.0518397761090097 -1.073508769350597 -1.1787581650954613 -1.3613968224174307 -1.3288933325550496 -1.271625278987991 -0.9775460849949946 +1734,-0.1680544088984708,0,0.6027426364095004 0.45105968371837124 0.2668732411648611 0.00994089272887658 -0.23925252954940446 -0.4141522607136616 -0.5720263543309624 -0.6803713205389079 -0.712874810401289 -0.9094435348071335 -0.989928366847329 -1.0967255478237339 -1.0518397761090097 -1.073508769350597 -1.1787581650954613 -1.3613968224174307 -1.3288933325550496 -1.271625278987991 -0.9775460849949946 -0.8134808504515311 +1735,0.4773720326545895,0,0.45105968371837124 0.2668732411648611 0.00994089272887658 -0.23925252954940446 -0.4141522607136616 -0.5720263543309624 -0.6803713205389079 -0.712874810401289 -0.9094435348071335 -0.989928366847329 -1.0967255478237339 -1.0518397761090097 -1.073508769350597 -1.1787581650954613 -1.3613968224174307 -1.3288933325550496 -1.271625278987991 -0.9775460849949946 -0.8134808504515311 -0.1680544088984708 +1736,0.4773720326545895,0,0.2668732411648611 0.00994089272887658 -0.23925252954940446 -0.4141522607136616 -0.5720263543309624 -0.6803713205389079 -0.712874810401289 -0.9094435348071335 -0.989928366847329 -1.0967255478237339 -1.0518397761090097 -1.073508769350597 -1.1787581650954613 -1.3613968224174307 -1.3288933325550496 -1.271625278987991 -0.9775460849949946 -0.8134808504515311 -0.1680544088984708 0.4773720326545895 +1737,0.4773720326545895,0,0.00994089272887658 -0.23925252954940446 -0.4141522607136616 -0.5720263543309624 -0.6803713205389079 -0.712874810401289 -0.9094435348071335 -0.989928366847329 -1.0967255478237339 -1.0518397761090097 -1.073508769350597 -1.1787581650954613 -1.3613968224174307 -1.3288933325550496 -1.271625278987991 -0.9775460849949946 -0.8134808504515311 -0.1680544088984708 0.4773720326545895 0.4773720326545895 +1738,0.3876004892251499,0,-0.23925252954940446 -0.4141522607136616 -0.5720263543309624 -0.6803713205389079 -0.712874810401289 -0.9094435348071335 -0.989928366847329 -1.0967255478237339 -1.0518397761090097 -1.073508769350597 -1.1787581650954613 -1.3613968224174307 -1.3288933325550496 -1.271625278987991 -0.9775460849949946 -0.8134808504515311 -0.1680544088984708 0.4773720326545895 0.4773720326545895 0.4773720326545895 +1739,0.2281786103763085,0,-0.4141522607136616 -0.5720263543309624 -0.6803713205389079 -0.712874810401289 -0.9094435348071335 -0.989928366847329 -1.0967255478237339 -1.0518397761090097 -1.073508769350597 -1.1787581650954613 -1.3613968224174307 -1.3288933325550496 -1.271625278987991 -0.9775460849949946 -0.8134808504515311 -0.1680544088984708 0.4773720326545895 0.4773720326545895 0.4773720326545895 0.3876004892251499 +1740,-0.1649588384353894,0,-0.5720263543309624 -0.6803713205389079 -0.712874810401289 -0.9094435348071335 -0.989928366847329 -1.0967255478237339 -1.0518397761090097 -1.073508769350597 -1.1787581650954613 -1.3613968224174307 -1.3288933325550496 -1.271625278987991 -0.9775460849949946 -0.8134808504515311 -0.1680544088984708 0.4773720326545895 0.4773720326545895 0.4773720326545895 0.3876004892251499 0.2281786103763085 +1741,-0.4203434016398332,0,-0.6803713205389079 -0.712874810401289 -0.9094435348071335 -0.989928366847329 -1.0967255478237339 -1.0518397761090097 -1.073508769350597 -1.1787581650954613 -1.3613968224174307 -1.3288933325550496 -1.271625278987991 -0.9775460849949946 -0.8134808504515311 -0.1680544088984708 0.4773720326545895 0.4773720326545895 0.4773720326545895 0.3876004892251499 0.2281786103763085 -0.1649588384353894 +1742,-0.356884207146603,0,-0.712874810401289 -0.9094435348071335 -0.989928366847329 -1.0967255478237339 -1.0518397761090097 -1.073508769350597 -1.1787581650954613 -1.3613968224174307 -1.3288933325550496 -1.271625278987991 -0.9775460849949946 -0.8134808504515311 -0.1680544088984708 0.4773720326545895 0.4773720326545895 0.4773720326545895 0.3876004892251499 0.2281786103763085 -0.1649588384353894 -0.4203434016398332 +1743,-0.5178538712269851,0,-0.9094435348071335 -0.989928366847329 -1.0967255478237339 -1.0518397761090097 -1.073508769350597 -1.1787581650954613 -1.3613968224174307 -1.3288933325550496 -1.271625278987991 -0.9775460849949946 -0.8134808504515311 -0.1680544088984708 0.4773720326545895 0.4773720326545895 0.4773720326545895 0.3876004892251499 0.2281786103763085 -0.1649588384353894 -0.4203434016398332 -0.356884207146603 +1744,-0.6354855488241837,0,-0.989928366847329 -1.0967255478237339 -1.0518397761090097 -1.073508769350597 -1.1787581650954613 -1.3613968224174307 -1.3288933325550496 -1.271625278987991 -0.9775460849949946 -0.8134808504515311 -0.1680544088984708 0.4773720326545895 0.4773720326545895 0.4773720326545895 0.3876004892251499 0.2281786103763085 -0.1649588384353894 -0.4203434016398332 -0.356884207146603 -0.5178538712269851 +1745,-0.7345438036428763,0,-1.0967255478237339 -1.0518397761090097 -1.073508769350597 -1.1787581650954613 -1.3613968224174307 -1.3288933325550496 -1.271625278987991 -0.9775460849949946 -0.8134808504515311 -0.1680544088984708 0.4773720326545895 0.4773720326545895 0.4773720326545895 0.3876004892251499 0.2281786103763085 -0.1649588384353894 -0.4203434016398332 -0.356884207146603 -0.5178538712269851 -0.6354855488241837 +1746,-0.8150286356830718,0,-1.0518397761090097 -1.073508769350597 -1.1787581650954613 -1.3613968224174307 -1.3288933325550496 -1.271625278987991 -0.9775460849949946 -0.8134808504515311 -0.1680544088984708 0.4773720326545895 0.4773720326545895 0.4773720326545895 0.3876004892251499 0.2281786103763085 -0.1649588384353894 -0.4203434016398332 -0.356884207146603 -0.5178538712269851 -0.6354855488241837 -0.7345438036428763 +1747,-0.7763340048945192,0,-1.073508769350597 -1.1787581650954613 -1.3613968224174307 -1.3288933325550496 -1.271625278987991 -0.9775460849949946 -0.8134808504515311 -0.1680544088984708 0.4773720326545895 0.4773720326545895 0.4773720326545895 0.3876004892251499 0.2281786103763085 -0.1649588384353894 -0.4203434016398332 -0.356884207146603 -0.5178538712269851 -0.6354855488241837 -0.7345438036428763 -0.8150286356830718 +1748,-0.7531172264213823,0,-1.1787581650954613 -1.3613968224174307 -1.3288933325550496 -1.271625278987991 -0.9775460849949946 -0.8134808504515311 -0.1680544088984708 0.4773720326545895 0.4773720326545895 0.4773720326545895 0.3876004892251499 0.2281786103763085 -0.1649588384353894 -0.4203434016398332 -0.356884207146603 -0.5178538712269851 -0.6354855488241837 -0.7345438036428763 -0.8150286356830718 -0.7763340048945192 +1749,-0.6772757500758178,0,-1.3613968224174307 -1.3288933325550496 -1.271625278987991 -0.9775460849949946 -0.8134808504515311 -0.1680544088984708 0.4773720326545895 0.4773720326545895 0.4773720326545895 0.3876004892251499 0.2281786103763085 -0.1649588384353894 -0.4203434016398332 -0.356884207146603 -0.5178538712269851 -0.6354855488241837 -0.7345438036428763 -0.8150286356830718 -0.7763340048945192 -0.7531172264213823 +1750,-0.675727964844277,0,-1.3288933325550496 -1.271625278987991 -0.9775460849949946 -0.8134808504515311 -0.1680544088984708 0.4773720326545895 0.4773720326545895 0.4773720326545895 0.3876004892251499 0.2281786103763085 -0.1649588384353894 -0.4203434016398332 -0.356884207146603 -0.5178538712269851 -0.6354855488241837 -0.7345438036428763 -0.8150286356830718 -0.7763340048945192 -0.7531172264213823 -0.6772757500758178 +1751,-0.7190659513274605,0,-1.271625278987991 -0.9775460849949946 -0.8134808504515311 -0.1680544088984708 0.4773720326545895 0.4773720326545895 0.4773720326545895 0.3876004892251499 0.2281786103763085 -0.1649588384353894 -0.4203434016398332 -0.356884207146603 -0.5178538712269851 -0.6354855488241837 -0.7345438036428763 -0.8150286356830718 -0.7763340048945192 -0.7531172264213823 -0.6772757500758178 -0.675727964844277 +1752,-0.7283526627167135,0,-0.9775460849949946 -0.8134808504515311 -0.1680544088984708 0.4773720326545895 0.4773720326545895 0.4773720326545895 0.3876004892251499 0.2281786103763085 -0.1649588384353894 -0.4203434016398332 -0.356884207146603 -0.5178538712269851 -0.6354855488241837 -0.7345438036428763 -0.8150286356830718 -0.7763340048945192 -0.7531172264213823 -0.6772757500758178 -0.675727964844277 -0.7190659513274605 +1753,-0.7113270251697483,0,-0.8134808504515311 -0.1680544088984708 0.4773720326545895 0.4773720326545895 0.4773720326545895 0.3876004892251499 0.2281786103763085 -0.1649588384353894 -0.4203434016398332 -0.356884207146603 -0.5178538712269851 -0.6354855488241837 -0.7345438036428763 -0.8150286356830718 -0.7763340048945192 -0.7531172264213823 -0.6772757500758178 -0.675727964844277 -0.7190659513274605 -0.7283526627167135 +1754,-0.7206137365590013,0,-0.1680544088984708 0.4773720326545895 0.4773720326545895 0.4773720326545895 0.3876004892251499 0.2281786103763085 -0.1649588384353894 -0.4203434016398332 -0.356884207146603 -0.5178538712269851 -0.6354855488241837 -0.7345438036428763 -0.8150286356830718 -0.7763340048945192 -0.7531172264213823 -0.6772757500758178 -0.675727964844277 -0.7190659513274605 -0.7283526627167135 -0.7113270251697483 +1755,-0.6927536023912423,0,0.4773720326545895 0.4773720326545895 0.4773720326545895 0.3876004892251499 0.2281786103763085 -0.1649588384353894 -0.4203434016398332 -0.356884207146603 -0.5178538712269851 -0.6354855488241837 -0.7345438036428763 -0.8150286356830718 -0.7763340048945192 -0.7531172264213823 -0.6772757500758178 -0.675727964844277 -0.7190659513274605 -0.7283526627167135 -0.7113270251697483 -0.7206137365590013 +1756,-0.6803713205389079,0,0.4773720326545895 0.4773720326545895 0.3876004892251499 0.2281786103763085 -0.1649588384353894 -0.4203434016398332 -0.356884207146603 -0.5178538712269851 -0.6354855488241837 -0.7345438036428763 -0.8150286356830718 -0.7763340048945192 -0.7531172264213823 -0.6772757500758178 -0.675727964844277 -0.7190659513274605 -0.7283526627167135 -0.7113270251697483 -0.7206137365590013 -0.6927536023912423 +1757,-0.5766697100255844,0,0.4773720326545895 0.3876004892251499 0.2281786103763085 -0.1649588384353894 -0.4203434016398332 -0.356884207146603 -0.5178538712269851 -0.6354855488241837 -0.7345438036428763 -0.8150286356830718 -0.7763340048945192 -0.7531172264213823 -0.6772757500758178 -0.675727964844277 -0.7190659513274605 -0.7283526627167135 -0.7113270251697483 -0.7206137365590013 -0.6927536023912423 -0.6803713205389079 +1758,-0.44665575057605145,0,0.3876004892251499 0.2281786103763085 -0.1649588384353894 -0.4203434016398332 -0.356884207146603 -0.5178538712269851 -0.6354855488241837 -0.7345438036428763 -0.8150286356830718 -0.7763340048945192 -0.7531172264213823 -0.6772757500758178 -0.675727964844277 -0.7190659513274605 -0.7283526627167135 -0.7113270251697483 -0.7206137365590013 -0.6927536023912423 -0.6803713205389079 -0.5766697100255844 +1759,-0.3893876970089929,0,0.2281786103763085 -0.1649588384353894 -0.4203434016398332 -0.356884207146603 -0.5178538712269851 -0.6354855488241837 -0.7345438036428763 -0.8150286356830718 -0.7763340048945192 -0.7531172264213823 -0.6772757500758178 -0.675727964844277 -0.7190659513274605 -0.7283526627167135 -0.7113270251697483 -0.7206137365590013 -0.6927536023912423 -0.6803713205389079 -0.5766697100255844 -0.44665575057605145 +1760,-0.3708142742304869,0,-0.1649588384353894 -0.4203434016398332 -0.356884207146603 -0.5178538712269851 -0.6354855488241837 -0.7345438036428763 -0.8150286356830718 -0.7763340048945192 -0.7531172264213823 -0.6772757500758178 -0.675727964844277 -0.7190659513274605 -0.7283526627167135 -0.7113270251697483 -0.7206137365590013 -0.6927536023912423 -0.6803713205389079 -0.5766697100255844 -0.44665575057605145 -0.3893876970089929 +1761,-0.3290240729788441,0,-0.4203434016398332 -0.356884207146603 -0.5178538712269851 -0.6354855488241837 -0.7345438036428763 -0.8150286356830718 -0.7763340048945192 -0.7531172264213823 -0.6772757500758178 -0.675727964844277 -0.7190659513274605 -0.7283526627167135 -0.7113270251697483 -0.7206137365590013 -0.6927536023912423 -0.6803713205389079 -0.5766697100255844 -0.44665575057605145 -0.3893876970089929 -0.3708142742304869 +1762,-0.29961615357954446,0,-0.356884207146603 -0.5178538712269851 -0.6354855488241837 -0.7345438036428763 -0.8150286356830718 -0.7763340048945192 -0.7531172264213823 -0.6772757500758178 -0.675727964844277 -0.7190659513274605 -0.7283526627167135 -0.7113270251697483 -0.7206137365590013 -0.6927536023912423 -0.6803713205389079 -0.5766697100255844 -0.44665575057605145 -0.3893876970089929 -0.3708142742304869 -0.3290240729788441 +1763,-0.34140635483118725,0,-0.5178538712269851 -0.6354855488241837 -0.7345438036428763 -0.8150286356830718 -0.7763340048945192 -0.7531172264213823 -0.6772757500758178 -0.675727964844277 -0.7190659513274605 -0.7283526627167135 -0.7113270251697483 -0.7206137365590013 -0.6927536023912423 -0.6803713205389079 -0.5766697100255844 -0.44665575057605145 -0.3893876970089929 -0.3708142742304869 -0.3290240729788441 -0.29961615357954446 +1764,-0.4358212539552578,0,-0.6354855488241837 -0.7345438036428763 -0.8150286356830718 -0.7763340048945192 -0.7531172264213823 -0.6772757500758178 -0.675727964844277 -0.7190659513274605 -0.7283526627167135 -0.7113270251697483 -0.7206137365590013 -0.6927536023912423 -0.6803713205389079 -0.5766697100255844 -0.44665575057605145 -0.3893876970089929 -0.3708142742304869 -0.3290240729788441 -0.29961615357954446 -0.34140635483118725 +1765,-0.4157000459452023,0,-0.7345438036428763 -0.8150286356830718 -0.7763340048945192 -0.7531172264213823 -0.6772757500758178 -0.675727964844277 -0.7190659513274605 -0.7283526627167135 -0.7113270251697483 -0.7206137365590013 -0.6927536023912423 -0.6803713205389079 -0.5766697100255844 -0.44665575057605145 -0.3893876970089929 -0.3708142742304869 -0.3290240729788441 -0.29961615357954446 -0.34140635483118725 -0.4358212539552578 +1766,-0.4157000459452023,0,-0.8150286356830718 -0.7763340048945192 -0.7531172264213823 -0.6772757500758178 -0.675727964844277 -0.7190659513274605 -0.7283526627167135 -0.7113270251697483 -0.7206137365590013 -0.6927536023912423 -0.6803713205389079 -0.5766697100255844 -0.44665575057605145 -0.3893876970089929 -0.3708142742304869 -0.3290240729788441 -0.29961615357954446 -0.34140635483118725 -0.4358212539552578 -0.4157000459452023 +1767,-0.45129910627067354,0,-0.7763340048945192 -0.7531172264213823 -0.6772757500758178 -0.675727964844277 -0.7190659513274605 -0.7283526627167135 -0.7113270251697483 -0.7206137365590013 -0.6927536023912423 -0.6803713205389079 -0.5766697100255844 -0.44665575057605145 -0.3893876970089929 -0.3708142742304869 -0.3290240729788441 -0.29961615357954446 -0.34140635483118725 -0.4358212539552578 -0.4157000459452023 -0.4157000459452023 +1768,-0.47142031428072023,0,-0.7531172264213823 -0.6772757500758178 -0.675727964844277 -0.7190659513274605 -0.7283526627167135 -0.7113270251697483 -0.7206137365590013 -0.6927536023912423 -0.6803713205389079 -0.5766697100255844 -0.44665575057605145 -0.3893876970089929 -0.3708142742304869 -0.3290240729788441 -0.29961615357954446 -0.34140635483118725 -0.4358212539552578 -0.4157000459452023 -0.4157000459452023 -0.45129910627067354 +1769,-0.5611918577101599,0,-0.6772757500758178 -0.675727964844277 -0.7190659513274605 -0.7283526627167135 -0.7113270251697483 -0.7206137365590013 -0.6927536023912423 -0.6803713205389079 -0.5766697100255844 -0.44665575057605145 -0.3893876970089929 -0.3708142742304869 -0.3290240729788441 -0.29961615357954446 -0.34140635483118725 -0.4358212539552578 -0.4157000459452023 -0.4157000459452023 -0.45129910627067354 -0.47142031428072023 +1770,-0.620007696508768,0,-0.675727964844277 -0.7190659513274605 -0.7283526627167135 -0.7113270251697483 -0.7206137365590013 -0.6927536023912423 -0.6803713205389079 -0.5766697100255844 -0.44665575057605145 -0.3893876970089929 -0.3708142742304869 -0.3290240729788441 -0.29961615357954446 -0.34140635483118725 -0.4358212539552578 -0.4157000459452023 -0.4157000459452023 -0.45129910627067354 -0.47142031428072023 -0.5611918577101599 +1771,-0.7144225956328297,0,-0.7190659513274605 -0.7283526627167135 -0.7113270251697483 -0.7206137365590013 -0.6927536023912423 -0.6803713205389079 -0.5766697100255844 -0.44665575057605145 -0.3893876970089929 -0.3708142742304869 -0.3290240729788441 -0.29961615357954446 -0.34140635483118725 -0.4358212539552578 -0.4157000459452023 -0.4157000459452023 -0.45129910627067354 -0.47142031428072023 -0.5611918577101599 -0.620007696508768 +1772,-0.7345438036428763,0,-0.7283526627167135 -0.7113270251697483 -0.7206137365590013 -0.6927536023912423 -0.6803713205389079 -0.5766697100255844 -0.44665575057605145 -0.3893876970089929 -0.3708142742304869 -0.3290240729788441 -0.29961615357954446 -0.34140635483118725 -0.4358212539552578 -0.4157000459452023 -0.4157000459452023 -0.45129910627067354 -0.47142031428072023 -0.5611918577101599 -0.620007696508768 -0.7144225956328297 +1773,-0.7577605821160132,0,-0.7113270251697483 -0.7206137365590013 -0.6927536023912423 -0.6803713205389079 -0.5766697100255844 -0.44665575057605145 -0.3893876970089929 -0.3708142742304869 -0.3290240729788441 -0.29961615357954446 -0.34140635483118725 -0.4358212539552578 -0.4157000459452023 -0.4157000459452023 -0.45129910627067354 -0.47142031428072023 -0.5611918577101599 -0.620007696508768 -0.7144225956328297 -0.7345438036428763 +1774,-0.7654995082737255,0,-0.7206137365590013 -0.6927536023912423 -0.6803713205389079 -0.5766697100255844 -0.44665575057605145 -0.3893876970089929 -0.3708142742304869 -0.3290240729788441 -0.29961615357954446 -0.34140635483118725 -0.4358212539552578 -0.4157000459452023 -0.4157000459452023 -0.45129910627067354 -0.47142031428072023 -0.5611918577101599 -0.620007696508768 -0.7144225956328297 -0.7345438036428763 -0.7577605821160132 +1775,-0.7809773605891412,0,-0.6927536023912423 -0.6803713205389079 -0.5766697100255844 -0.44665575057605145 -0.3893876970089929 -0.3708142742304869 -0.3290240729788441 -0.29961615357954446 -0.34140635483118725 -0.4358212539552578 -0.4157000459452023 -0.4157000459452023 -0.45129910627067354 -0.47142031428072023 -0.5611918577101599 -0.620007696508768 -0.7144225956328297 -0.7345438036428763 -0.7577605821160132 -0.7654995082737255 +1776,-0.8103852799884409,0,-0.6803713205389079 -0.5766697100255844 -0.44665575057605145 -0.3893876970089929 -0.3708142742304869 -0.3290240729788441 -0.29961615357954446 -0.34140635483118725 -0.4358212539552578 -0.4157000459452023 -0.4157000459452023 -0.45129910627067354 -0.47142031428072023 -0.5611918577101599 -0.620007696508768 -0.7144225956328297 -0.7345438036428763 -0.7577605821160132 -0.7654995082737255 -0.7809773605891412 +1777,-0.8475321255454529,0,-0.5766697100255844 -0.44665575057605145 -0.3893876970089929 -0.3708142742304869 -0.3290240729788441 -0.29961615357954446 -0.34140635483118725 -0.4358212539552578 -0.4157000459452023 -0.4157000459452023 -0.45129910627067354 -0.47142031428072023 -0.5611918577101599 -0.620007696508768 -0.7144225956328297 -0.7345438036428763 -0.7577605821160132 -0.7654995082737255 -0.7809773605891412 -0.8103852799884409 +1778,-0.8692011187870402,0,-0.44665575057605145 -0.3893876970089929 -0.3708142742304869 -0.3290240729788441 -0.29961615357954446 -0.34140635483118725 -0.4358212539552578 -0.4157000459452023 -0.4157000459452023 -0.45129910627067354 -0.47142031428072023 -0.5611918577101599 -0.620007696508768 -0.7144225956328297 -0.7345438036428763 -0.7577605821160132 -0.7654995082737255 -0.7809773605891412 -0.8103852799884409 -0.8475321255454529 +1779,-0.8397931993877406,0,-0.3893876970089929 -0.3708142742304869 -0.3290240729788441 -0.29961615357954446 -0.34140635483118725 -0.4358212539552578 -0.4157000459452023 -0.4157000459452023 -0.45129910627067354 -0.47142031428072023 -0.5611918577101599 -0.620007696508768 -0.7144225956328297 -0.7345438036428763 -0.7577605821160132 -0.7654995082737255 -0.7809773605891412 -0.8103852799884409 -0.8475321255454529 -0.8692011187870402 +1780,-0.7949074276730251,0,-0.3708142742304869 -0.3290240729788441 -0.29961615357954446 -0.34140635483118725 -0.4358212539552578 -0.4157000459452023 -0.4157000459452023 -0.45129910627067354 -0.47142031428072023 -0.5611918577101599 -0.620007696508768 -0.7144225956328297 -0.7345438036428763 -0.7577605821160132 -0.7654995082737255 -0.7809773605891412 -0.8103852799884409 -0.8475321255454529 -0.8692011187870402 -0.8397931993877406 +1781,-0.7159703808643704,0,-0.3290240729788441 -0.29961615357954446 -0.34140635483118725 -0.4358212539552578 -0.4157000459452023 -0.4157000459452023 -0.45129910627067354 -0.47142031428072023 -0.5611918577101599 -0.620007696508768 -0.7144225956328297 -0.7345438036428763 -0.7577605821160132 -0.7654995082737255 -0.7809773605891412 -0.8103852799884409 -0.8475321255454529 -0.8692011187870402 -0.8397931993877406 -0.7949074276730251 +1782,-0.5534529315524563,0,-0.29961615357954446 -0.34140635483118725 -0.4358212539552578 -0.4157000459452023 -0.4157000459452023 -0.45129910627067354 -0.47142031428072023 -0.5611918577101599 -0.620007696508768 -0.7144225956328297 -0.7345438036428763 -0.7577605821160132 -0.7654995082737255 -0.7809773605891412 -0.8103852799884409 -0.8475321255454529 -0.8692011187870402 -0.8397931993877406 -0.7949074276730251 -0.7159703808643704 +1783,-0.4822548109015139,0,-0.34140635483118725 -0.4358212539552578 -0.4157000459452023 -0.4157000459452023 -0.45129910627067354 -0.47142031428072023 -0.5611918577101599 -0.620007696508768 -0.7144225956328297 -0.7345438036428763 -0.7577605821160132 -0.7654995082737255 -0.7809773605891412 -0.8103852799884409 -0.8475321255454529 -0.8692011187870402 -0.8397931993877406 -0.7949074276730251 -0.7159703808643704 -0.5534529315524563 +1784,-0.47142031428072023,0,-0.4358212539552578 -0.4157000459452023 -0.4157000459452023 -0.45129910627067354 -0.47142031428072023 -0.5611918577101599 -0.620007696508768 -0.7144225956328297 -0.7345438036428763 -0.7577605821160132 -0.7654995082737255 -0.7809773605891412 -0.8103852799884409 -0.8475321255454529 -0.8692011187870402 -0.8397931993877406 -0.7949074276730251 -0.7159703808643704 -0.5534529315524563 -0.4822548109015139 +1785,-0.39712662316670516,0,-0.4157000459452023 -0.4157000459452023 -0.45129910627067354 -0.47142031428072023 -0.5611918577101599 -0.620007696508768 -0.7144225956328297 -0.7345438036428763 -0.7577605821160132 -0.7654995082737255 -0.7809773605891412 -0.8103852799884409 -0.8475321255454529 -0.8692011187870402 -0.8397931993877406 -0.7949074276730251 -0.7159703808643704 -0.5534529315524563 -0.4822548109015139 -0.47142031428072023 +1786,-0.3924832674720743,0,-0.4157000459452023 -0.45129910627067354 -0.47142031428072023 -0.5611918577101599 -0.620007696508768 -0.7144225956328297 -0.7345438036428763 -0.7577605821160132 -0.7654995082737255 -0.7809773605891412 -0.8103852799884409 -0.8475321255454529 -0.8692011187870402 -0.8397931993877406 -0.7949074276730251 -0.7159703808643704 -0.5534529315524563 -0.4822548109015139 -0.47142031428072023 -0.39712662316670516 +1787,-0.4358212539552578,0,-0.45129910627067354 -0.47142031428072023 -0.5611918577101599 -0.620007696508768 -0.7144225956328297 -0.7345438036428763 -0.7577605821160132 -0.7654995082737255 -0.7809773605891412 -0.8103852799884409 -0.8475321255454529 -0.8692011187870402 -0.8397931993877406 -0.7949074276730251 -0.7159703808643704 -0.5534529315524563 -0.4822548109015139 -0.47142031428072023 -0.39712662316670516 -0.3924832674720743 +1788,-0.5720263543309624,0,-0.47142031428072023 -0.5611918577101599 -0.620007696508768 -0.7144225956328297 -0.7345438036428763 -0.7577605821160132 -0.7654995082737255 -0.7809773605891412 -0.8103852799884409 -0.8475321255454529 -0.8692011187870402 -0.8397931993877406 -0.7949074276730251 -0.7159703808643704 -0.5534529315524563 -0.4822548109015139 -0.47142031428072023 -0.39712662316670516 -0.3924832674720743 -0.4358212539552578 +1789,-0.7871685015153128,0,-0.5611918577101599 -0.620007696508768 -0.7144225956328297 -0.7345438036428763 -0.7577605821160132 -0.7654995082737255 -0.7809773605891412 -0.8103852799884409 -0.8475321255454529 -0.8692011187870402 -0.8397931993877406 -0.7949074276730251 -0.7159703808643704 -0.5534529315524563 -0.4822548109015139 -0.47142031428072023 -0.39712662316670516 -0.3924832674720743 -0.4358212539552578 -0.5720263543309624 +1790,-0.9543293065218578,0,-0.620007696508768 -0.7144225956328297 -0.7345438036428763 -0.7577605821160132 -0.7654995082737255 -0.7809773605891412 -0.8103852799884409 -0.8475321255454529 -0.8692011187870402 -0.8397931993877406 -0.7949074276730251 -0.7159703808643704 -0.5534529315524563 -0.4822548109015139 -0.47142031428072023 -0.39712662316670516 -0.3924832674720743 -0.4358212539552578 -0.5720263543309624 -0.7871685015153128 +1791,-1.0626742727298033,0,-0.7144225956328297 -0.7345438036428763 -0.7577605821160132 -0.7654995082737255 -0.7809773605891412 -0.8103852799884409 -0.8475321255454529 -0.8692011187870402 -0.8397931993877406 -0.7949074276730251 -0.7159703808643704 -0.5534529315524563 -0.4822548109015139 -0.47142031428072023 -0.39712662316670516 -0.3924832674720743 -0.4358212539552578 -0.5720263543309624 -0.7871685015153128 -0.9543293065218578 +1792,-1.1524458161592517,0,-0.7345438036428763 -0.7577605821160132 -0.7654995082737255 -0.7809773605891412 -0.8103852799884409 -0.8475321255454529 -0.8692011187870402 -0.8397931993877406 -0.7949074276730251 -0.7159703808643704 -0.5534529315524563 -0.4822548109015139 -0.47142031428072023 -0.39712662316670516 -0.3924832674720743 -0.4358212539552578 -0.5720263543309624 -0.7871685015153128 -0.9543293065218578 -1.0626742727298033 +1793,-1.2576952119041072,0,-0.7577605821160132 -0.7654995082737255 -0.7809773605891412 -0.8103852799884409 -0.8475321255454529 -0.8692011187870402 -0.8397931993877406 -0.7949074276730251 -0.7159703808643704 -0.5534529315524563 -0.4822548109015139 -0.47142031428072023 -0.39712662316670516 -0.3924832674720743 -0.4358212539552578 -0.5720263543309624 -0.7871685015153128 -0.9543293065218578 -1.0626742727298033 -1.1524458161592517 +1794,-1.1942360174108857,0,-0.7654995082737255 -0.7809773605891412 -0.8103852799884409 -0.8475321255454529 -0.8692011187870402 -0.8397931993877406 -0.7949074276730251 -0.7159703808643704 -0.5534529315524563 -0.4822548109015139 -0.47142031428072023 -0.39712662316670516 -0.3924832674720743 -0.4358212539552578 -0.5720263543309624 -0.7871685015153128 -0.9543293065218578 -1.0626742727298033 -1.1524458161592517 -1.2576952119041072 +1795,-1.3768746747328553,0,-0.7809773605891412 -0.8103852799884409 -0.8475321255454529 -0.8692011187870402 -0.8397931993877406 -0.7949074276730251 -0.7159703808643704 -0.5534529315524563 -0.4822548109015139 -0.47142031428072023 -0.39712662316670516 -0.3924832674720743 -0.4358212539552578 -0.5720263543309624 -0.7871685015153128 -0.9543293065218578 -1.0626742727298033 -1.1524458161592517 -1.2576952119041072 -1.1942360174108857 +1796,-1.4000914532059834,0,-0.8103852799884409 -0.8475321255454529 -0.8692011187870402 -0.8397931993877406 -0.7949074276730251 -0.7159703808643704 -0.5534529315524563 -0.4822548109015139 -0.47142031428072023 -0.39712662316670516 -0.3924832674720743 -0.4358212539552578 -0.5720263543309624 -0.7871685015153128 -0.9543293065218578 -1.0626742727298033 -1.1524458161592517 -1.2576952119041072 -1.1942360174108857 -1.3768746747328553 +1797,-1.5084364194139288,0,-0.8475321255454529 -0.8692011187870402 -0.8397931993877406 -0.7949074276730251 -0.7159703808643704 -0.5534529315524563 -0.4822548109015139 -0.47142031428072023 -0.39712662316670516 -0.3924832674720743 -0.4358212539552578 -0.5720263543309624 -0.7871685015153128 -0.9543293065218578 -1.0626742727298033 -1.1524458161592517 -1.2576952119041072 -1.1942360174108857 -1.3768746747328553 -1.4000914532059834 +1798,-1.6152336003903338,0,-0.8692011187870402 -0.8397931993877406 -0.7949074276730251 -0.7159703808643704 -0.5534529315524563 -0.4822548109015139 -0.47142031428072023 -0.39712662316670516 -0.3924832674720743 -0.4358212539552578 -0.5720263543309624 -0.7871685015153128 -0.9543293065218578 -1.0626742727298033 -1.1524458161592517 -1.2576952119041072 -1.1942360174108857 -1.3768746747328553 -1.4000914532059834 -1.5084364194139288 +1799,-1.6817883653466454,0,-0.8397931993877406 -0.7949074276730251 -0.7159703808643704 -0.5534529315524563 -0.4822548109015139 -0.47142031428072023 -0.39712662316670516 -0.3924832674720743 -0.4358212539552578 -0.5720263543309624 -0.7871685015153128 -0.9543293065218578 -1.0626742727298033 -1.1524458161592517 -1.2576952119041072 -1.1942360174108857 -1.3768746747328553 -1.4000914532059834 -1.5084364194139288 -1.6152336003903338 +1800,-1.7127440699774945,0,-0.7949074276730251 -0.7159703808643704 -0.5534529315524563 -0.4822548109015139 -0.47142031428072023 -0.39712662316670516 -0.3924832674720743 -0.4358212539552578 -0.5720263543309624 -0.7871685015153128 -0.9543293065218578 -1.0626742727298033 -1.1524458161592517 -1.2576952119041072 -1.1942360174108857 -1.3768746747328553 -1.4000914532059834 -1.5084364194139288 -1.6152336003903338 -1.6817883653466454 +1801,-1.7081007142828637,0,-0.7159703808643704 -0.5534529315524563 -0.4822548109015139 -0.47142031428072023 -0.39712662316670516 -0.3924832674720743 -0.4358212539552578 -0.5720263543309624 -0.7871685015153128 -0.9543293065218578 -1.0626742727298033 -1.1524458161592517 -1.2576952119041072 -1.1942360174108857 -1.3768746747328553 -1.4000914532059834 -1.5084364194139288 -1.6152336003903338 -1.6817883653466454 -1.7127440699774945 +1802,-1.785489975859969,0,-0.5534529315524563 -0.4822548109015139 -0.47142031428072023 -0.39712662316670516 -0.3924832674720743 -0.4358212539552578 -0.5720263543309624 -0.7871685015153128 -0.9543293065218578 -1.0626742727298033 -1.1524458161592517 -1.2576952119041072 -1.1942360174108857 -1.3768746747328553 -1.4000914532059834 -1.5084364194139288 -1.6152336003903338 -1.6817883653466454 -1.7127440699774945 -1.7081007142828637 +1803,-1.7127440699774945,0,-0.4822548109015139 -0.47142031428072023 -0.39712662316670516 -0.3924832674720743 -0.4358212539552578 -0.5720263543309624 -0.7871685015153128 -0.9543293065218578 -1.0626742727298033 -1.1524458161592517 -1.2576952119041072 -1.1942360174108857 -1.3768746747328553 -1.4000914532059834 -1.5084364194139288 -1.6152336003903338 -1.6817883653466454 -1.7127440699774945 -1.7081007142828637 -1.785489975859969 +1804,-1.5301054126555251,0,-0.47142031428072023 -0.39712662316670516 -0.3924832674720743 -0.4358212539552578 -0.5720263543309624 -0.7871685015153128 -0.9543293065218578 -1.0626742727298033 -1.1524458161592517 -1.2576952119041072 -1.1942360174108857 -1.3768746747328553 -1.4000914532059834 -1.5084364194139288 -1.6152336003903338 -1.6817883653466454 -1.7127440699774945 -1.7081007142828637 -1.785489975859969 -1.7127440699774945 +1805,-1.0858910512029403,0,-0.39712662316670516 -0.3924832674720743 -0.4358212539552578 -0.5720263543309624 -0.7871685015153128 -0.9543293065218578 -1.0626742727298033 -1.1524458161592517 -1.2576952119041072 -1.1942360174108857 -1.3768746747328553 -1.4000914532059834 -1.5084364194139288 -1.6152336003903338 -1.6817883653466454 -1.7127440699774945 -1.7081007142828637 -1.785489975859969 -1.7127440699774945 -1.5301054126555251 +1806,-0.7747862196629784,0,-0.3924832674720743 -0.4358212539552578 -0.5720263543309624 -0.7871685015153128 -0.9543293065218578 -1.0626742727298033 -1.1524458161592517 -1.2576952119041072 -1.1942360174108857 -1.3768746747328553 -1.4000914532059834 -1.5084364194139288 -1.6152336003903338 -1.6817883653466454 -1.7127440699774945 -1.7081007142828637 -1.785489975859969 -1.7127440699774945 -1.5301054126555251 -1.0858910512029403 +1807,-0.6463200454449775,0,-0.4358212539552578 -0.5720263543309624 -0.7871685015153128 -0.9543293065218578 -1.0626742727298033 -1.1524458161592517 -1.2576952119041072 -1.1942360174108857 -1.3768746747328553 -1.4000914532059834 -1.5084364194139288 -1.6152336003903338 -1.6817883653466454 -1.7127440699774945 -1.7081007142828637 -1.785489975859969 -1.7127440699774945 -1.5301054126555251 -1.0858910512029403 -0.7747862196629784 +1808,-0.6076254146564247,0,-0.5720263543309624 -0.7871685015153128 -0.9543293065218578 -1.0626742727298033 -1.1524458161592517 -1.2576952119041072 -1.1942360174108857 -1.3768746747328553 -1.4000914532059834 -1.5084364194139288 -1.6152336003903338 -1.6817883653466454 -1.7127440699774945 -1.7081007142828637 -1.785489975859969 -1.7127440699774945 -1.5301054126555251 -1.0858910512029403 -0.7747862196629784 -0.6463200454449775 +1809,-0.6308421931295616,0,-0.7871685015153128 -0.9543293065218578 -1.0626742727298033 -1.1524458161592517 -1.2576952119041072 -1.1942360174108857 -1.3768746747328553 -1.4000914532059834 -1.5084364194139288 -1.6152336003903338 -1.6817883653466454 -1.7127440699774945 -1.7081007142828637 -1.785489975859969 -1.7127440699774945 -1.5301054126555251 -1.0858910512029403 -0.7747862196629784 -0.6463200454449775 -0.6076254146564247 +1810,-0.7283526627167135,0,-0.9543293065218578 -1.0626742727298033 -1.1524458161592517 -1.2576952119041072 -1.1942360174108857 -1.3768746747328553 -1.4000914532059834 -1.5084364194139288 -1.6152336003903338 -1.6817883653466454 -1.7127440699774945 -1.7081007142828637 -1.785489975859969 -1.7127440699774945 -1.5301054126555251 -1.0858910512029403 -0.7747862196629784 -0.6463200454449775 -0.6076254146564247 -0.6308421931295616 +1811,-0.7562127968844725,0,-1.0626742727298033 -1.1524458161592517 -1.2576952119041072 -1.1942360174108857 -1.3768746747328553 -1.4000914532059834 -1.5084364194139288 -1.6152336003903338 -1.6817883653466454 -1.7127440699774945 -1.7081007142828637 -1.785489975859969 -1.7127440699774945 -1.5301054126555251 -1.0858910512029403 -0.7747862196629784 -0.6463200454449775 -0.6076254146564247 -0.6308421931295616 -0.7283526627167135 +1812,-0.8707489040185808,0,-1.1524458161592517 -1.2576952119041072 -1.1942360174108857 -1.3768746747328553 -1.4000914532059834 -1.5084364194139288 -1.6152336003903338 -1.6817883653466454 -1.7127440699774945 -1.7081007142828637 -1.785489975859969 -1.7127440699774945 -1.5301054126555251 -1.0858910512029403 -0.7747862196629784 -0.6463200454449775 -0.6076254146564247 -0.6308421931295616 -0.7283526627167135 -0.7562127968844725 +1813,-0.9852850111526981,0,-1.2576952119041072 -1.1942360174108857 -1.3768746747328553 -1.4000914532059834 -1.5084364194139288 -1.6152336003903338 -1.6817883653466454 -1.7127440699774945 -1.7081007142828637 -1.785489975859969 -1.7127440699774945 -1.5301054126555251 -1.0858910512029403 -0.7747862196629784 -0.6463200454449775 -0.6076254146564247 -0.6308421931295616 -0.7283526627167135 -0.7562127968844725 -0.8707489040185808 +1814,-1.0905344068975622,0,-1.1942360174108857 -1.3768746747328553 -1.4000914532059834 -1.5084364194139288 -1.6152336003903338 -1.6817883653466454 -1.7127440699774945 -1.7081007142828637 -1.785489975859969 -1.7127440699774945 -1.5301054126555251 -1.0858910512029403 -0.7747862196629784 -0.6463200454449775 -0.6076254146564247 -0.6308421931295616 -0.7283526627167135 -0.7562127968844725 -0.8707489040185808 -0.9852850111526981 +1815,-1.1261334672230334,0,-1.3768746747328553 -1.4000914532059834 -1.5084364194139288 -1.6152336003903338 -1.6817883653466454 -1.7127440699774945 -1.7081007142828637 -1.785489975859969 -1.7127440699774945 -1.5301054126555251 -1.0858910512029403 -0.7747862196629784 -0.6463200454449775 -0.6076254146564247 -0.6308421931295616 -0.7283526627167135 -0.7562127968844725 -0.8707489040185808 -0.9852850111526981 -1.0905344068975622 +1816,-1.1137511853706992,0,-1.4000914532059834 -1.5084364194139288 -1.6152336003903338 -1.6817883653466454 -1.7127440699774945 -1.7081007142828637 -1.785489975859969 -1.7127440699774945 -1.5301054126555251 -1.0858910512029403 -0.7747862196629784 -0.6463200454449775 -0.6076254146564247 -0.6308421931295616 -0.7283526627167135 -0.7562127968844725 -0.8707489040185808 -0.9852850111526981 -1.0905344068975622 -1.1261334672230334 +1817,-1.1911404469478044,0,-1.5084364194139288 -1.6152336003903338 -1.6817883653466454 -1.7127440699774945 -1.7081007142828637 -1.785489975859969 -1.7127440699774945 -1.5301054126555251 -1.0858910512029403 -0.7747862196629784 -0.6463200454449775 -0.6076254146564247 -0.6308421931295616 -0.7283526627167135 -0.7562127968844725 -0.8707489040185808 -0.9852850111526981 -1.0905344068975622 -1.1261334672230334 -1.1137511853706992 +1818,-1.2793642051457033,0,-1.6152336003903338 -1.6817883653466454 -1.7127440699774945 -1.7081007142828637 -1.785489975859969 -1.7127440699774945 -1.5301054126555251 -1.0858910512029403 -0.7747862196629784 -0.6463200454449775 -0.6076254146564247 -0.6308421931295616 -0.7283526627167135 -0.7562127968844725 -0.8707489040185808 -0.9852850111526981 -1.0905344068975622 -1.1261334672230334 -1.1137511853706992 -1.1911404469478044 +1819,-1.3583012519543494,0,-1.6817883653466454 -1.7127440699774945 -1.7081007142828637 -1.785489975859969 -1.7127440699774945 -1.5301054126555251 -1.0858910512029403 -0.7747862196629784 -0.6463200454449775 -0.6076254146564247 -0.6308421931295616 -0.7283526627167135 -0.7562127968844725 -0.8707489040185808 -0.9852850111526981 -1.0905344068975622 -1.1261334672230334 -1.1137511853706992 -1.1911404469478044 -1.2793642051457033 +1820,-1.4171170907529487,0,-1.7127440699774945 -1.7081007142828637 -1.785489975859969 -1.7127440699774945 -1.5301054126555251 -1.0858910512029403 -0.7747862196629784 -0.6463200454449775 -0.6076254146564247 -0.6308421931295616 -0.7283526627167135 -0.7562127968844725 -0.8707489040185808 -0.9852850111526981 -1.0905344068975622 -1.1261334672230334 -1.1137511853706992 -1.1911404469478044 -1.2793642051457033 -1.3583012519543494 +1821,-1.4310471578368236,0,-1.7081007142828637 -1.785489975859969 -1.7127440699774945 -1.5301054126555251 -1.0858910512029403 -0.7747862196629784 -0.6463200454449775 -0.6076254146564247 -0.6308421931295616 -0.7283526627167135 -0.7562127968844725 -0.8707489040185808 -0.9852850111526981 -1.0905344068975622 -1.1261334672230334 -1.1137511853706992 -1.1911404469478044 -1.2793642051457033 -1.3583012519543494 -1.4171170907529487 +1822,-1.4233082316791201,0,-1.785489975859969 -1.7127440699774945 -1.5301054126555251 -1.0858910512029403 -0.7747862196629784 -0.6463200454449775 -0.6076254146564247 -0.6308421931295616 -0.7283526627167135 -0.7562127968844725 -0.8707489040185808 -0.9852850111526981 -1.0905344068975622 -1.1261334672230334 -1.1137511853706992 -1.1911404469478044 -1.2793642051457033 -1.3583012519543494 -1.4171170907529487 -1.4310471578368236 +1823,-1.401639238437524,0,-1.7127440699774945 -1.5301054126555251 -1.0858910512029403 -0.7747862196629784 -0.6463200454449775 -0.6076254146564247 -0.6308421931295616 -0.7283526627167135 -0.7562127968844725 -0.8707489040185808 -0.9852850111526981 -1.0905344068975622 -1.1261334672230334 -1.1137511853706992 -1.1911404469478044 -1.2793642051457033 -1.3583012519543494 -1.4171170907529487 -1.4310471578368236 -1.4233082316791201 +1824,-1.3722313190382243,0,-1.5301054126555251 -1.0858910512029403 -0.7747862196629784 -0.6463200454449775 -0.6076254146564247 -0.6308421931295616 -0.7283526627167135 -0.7562127968844725 -0.8707489040185808 -0.9852850111526981 -1.0905344068975622 -1.1261334672230334 -1.1137511853706992 -1.1911404469478044 -1.2793642051457033 -1.3583012519543494 -1.4171170907529487 -1.4310471578368236 -1.4233082316791201 -1.401639238437524 +1825,-1.4264038021422016,0,-1.0858910512029403 -0.7747862196629784 -0.6463200454449775 -0.6076254146564247 -0.6308421931295616 -0.7283526627167135 -0.7562127968844725 -0.8707489040185808 -0.9852850111526981 -1.0905344068975622 -1.1261334672230334 -1.1137511853706992 -1.1911404469478044 -1.2793642051457033 -1.3583012519543494 -1.4171170907529487 -1.4310471578368236 -1.4233082316791201 -1.401639238437524 -1.3722313190382243 +1826,-1.5037930637193069,0,-0.7747862196629784 -0.6463200454449775 -0.6076254146564247 -0.6308421931295616 -0.7283526627167135 -0.7562127968844725 -0.8707489040185808 -0.9852850111526981 -1.0905344068975622 -1.1261334672230334 -1.1137511853706992 -1.1911404469478044 -1.2793642051457033 -1.3583012519543494 -1.4171170907529487 -1.4310471578368236 -1.4233082316791201 -1.401639238437524 -1.3722313190382243 -1.4264038021422016 +1827,-1.5161753455716411,0,-0.6463200454449775 -0.6076254146564247 -0.6308421931295616 -0.7283526627167135 -0.7562127968844725 -0.8707489040185808 -0.9852850111526981 -1.0905344068975622 -1.1261334672230334 -1.1137511853706992 -1.1911404469478044 -1.2793642051457033 -1.3583012519543494 -1.4171170907529487 -1.4310471578368236 -1.4233082316791201 -1.401639238437524 -1.3722313190382243 -1.4264038021422016 -1.5037930637193069 +1828,-1.3753268895013147,0,-0.6076254146564247 -0.6308421931295616 -0.7283526627167135 -0.7562127968844725 -0.8707489040185808 -0.9852850111526981 -1.0905344068975622 -1.1261334672230334 -1.1137511853706992 -1.1911404469478044 -1.2793642051457033 -1.3583012519543494 -1.4171170907529487 -1.4310471578368236 -1.4233082316791201 -1.401639238437524 -1.3722313190382243 -1.4264038021422016 -1.5037930637193069 -1.5161753455716411 +1829,-1.0193362862466286,0,-0.6308421931295616 -0.7283526627167135 -0.7562127968844725 -0.8707489040185808 -0.9852850111526981 -1.0905344068975622 -1.1261334672230334 -1.1137511853706992 -1.1911404469478044 -1.2793642051457033 -1.3583012519543494 -1.4171170907529487 -1.4310471578368236 -1.4233082316791201 -1.401639238437524 -1.3722313190382243 -1.4264038021422016 -1.5037930637193069 -1.5161753455716411 -1.3753268895013147 +1830,-0.7840729310522314,0,-0.7283526627167135 -0.7562127968844725 -0.8707489040185808 -0.9852850111526981 -1.0905344068975622 -1.1261334672230334 -1.1137511853706992 -1.1911404469478044 -1.2793642051457033 -1.3583012519543494 -1.4171170907529487 -1.4310471578368236 -1.4233082316791201 -1.401639238437524 -1.3722313190382243 -1.4264038021422016 -1.5037930637193069 -1.5161753455716411 -1.3753268895013147 -1.0193362862466286 +1831,-0.6726323943811956,0,-0.7562127968844725 -0.8707489040185808 -0.9852850111526981 -1.0905344068975622 -1.1261334672230334 -1.1137511853706992 -1.1911404469478044 -1.2793642051457033 -1.3583012519543494 -1.4171170907529487 -1.4310471578368236 -1.4233082316791201 -1.401639238437524 -1.3722313190382243 -1.4264038021422016 -1.5037930637193069 -1.5161753455716411 -1.3753268895013147 -1.0193362862466286 -0.7840729310522314 +1832,-0.5163060859954445,0,-0.8707489040185808 -0.9852850111526981 -1.0905344068975622 -1.1261334672230334 -1.1137511853706992 -1.1911404469478044 -1.2793642051457033 -1.3583012519543494 -1.4171170907529487 -1.4310471578368236 -1.4233082316791201 -1.401639238437524 -1.3722313190382243 -1.4264038021422016 -1.5037930637193069 -1.5161753455716411 -1.3753268895013147 -1.0193362862466286 -0.7840729310522314 -0.6726323943811956 +1833,-0.4265345425660048,0,-0.9852850111526981 -1.0905344068975622 -1.1261334672230334 -1.1137511853706992 -1.1911404469478044 -1.2793642051457033 -1.3583012519543494 -1.4171170907529487 -1.4310471578368236 -1.4233082316791201 -1.401639238437524 -1.3722313190382243 -1.4264038021422016 -1.5037930637193069 -1.5161753455716411 -1.3753268895013147 -1.0193362862466286 -0.7840729310522314 -0.6726323943811956 -0.5163060859954445 +1834,-0.4296301130290862,0,-1.0905344068975622 -1.1261334672230334 -1.1137511853706992 -1.1911404469478044 -1.2793642051457033 -1.3583012519543494 -1.4171170907529487 -1.4310471578368236 -1.4233082316791201 -1.401639238437524 -1.3722313190382243 -1.4264038021422016 -1.5037930637193069 -1.5161753455716411 -1.3753268895013147 -1.0193362862466286 -0.7840729310522314 -0.6726323943811956 -0.5163060859954445 -0.4265345425660048 +1835,-0.45749024719684517,0,-1.1261334672230334 -1.1137511853706992 -1.1911404469478044 -1.2793642051457033 -1.3583012519543494 -1.4171170907529487 -1.4310471578368236 -1.4233082316791201 -1.401639238437524 -1.3722313190382243 -1.4264038021422016 -1.5037930637193069 -1.5161753455716411 -1.3753268895013147 -1.0193362862466286 -0.7840729310522314 -0.6726323943811956 -0.5163060859954445 -0.4265345425660048 -0.4296301130290862 +1836,-0.6138165555825964,0,-1.1137511853706992 -1.1911404469478044 -1.2793642051457033 -1.3583012519543494 -1.4171170907529487 -1.4310471578368236 -1.4233082316791201 -1.401639238437524 -1.3722313190382243 -1.4264038021422016 -1.5037930637193069 -1.5161753455716411 -1.3753268895013147 -1.0193362862466286 -0.7840729310522314 -0.6726323943811956 -0.5163060859954445 -0.4265345425660048 -0.4296301130290862 -0.45749024719684517 +1837,-0.7020403137804953,0,-1.1911404469478044 -1.2793642051457033 -1.3583012519543494 -1.4171170907529487 -1.4310471578368236 -1.4233082316791201 -1.401639238437524 -1.3722313190382243 -1.4264038021422016 -1.5037930637193069 -1.5161753455716411 -1.3753268895013147 -1.0193362862466286 -0.7840729310522314 -0.6726323943811956 -0.5163060859954445 -0.4265345425660048 -0.4296301130290862 -0.45749024719684517 -0.6138165555825964 +1838,-0.7871685015153128,0,-1.2793642051457033 -1.3583012519543494 -1.4171170907529487 -1.4310471578368236 -1.4233082316791201 -1.401639238437524 -1.3722313190382243 -1.4264038021422016 -1.5037930637193069 -1.5161753455716411 -1.3753268895013147 -1.0193362862466286 -0.7840729310522314 -0.6726323943811956 -0.5163060859954445 -0.4265345425660048 -0.4296301130290862 -0.45749024719684517 -0.6138165555825964 -0.7020403137804953 +1839,-0.7809773605891412,0,-1.3583012519543494 -1.4171170907529487 -1.4310471578368236 -1.4233082316791201 -1.401639238437524 -1.3722313190382243 -1.4264038021422016 -1.5037930637193069 -1.5161753455716411 -1.3753268895013147 -1.0193362862466286 -0.7840729310522314 -0.6726323943811956 -0.5163060859954445 -0.4265345425660048 -0.4296301130290862 -0.45749024719684517 -0.6138165555825964 -0.7020403137804953 -0.7871685015153128 +1840,-0.7685950787368069,0,-1.4171170907529487 -1.4310471578368236 -1.4233082316791201 -1.401639238437524 -1.3722313190382243 -1.4264038021422016 -1.5037930637193069 -1.5161753455716411 -1.3753268895013147 -1.0193362862466286 -0.7840729310522314 -0.6726323943811956 -0.5163060859954445 -0.4265345425660048 -0.4296301130290862 -0.45749024719684517 -0.6138165555825964 -0.7020403137804953 -0.7871685015153128 -0.7809773605891412 +1841,-0.7964552129045658,0,-1.4310471578368236 -1.4233082316791201 -1.401639238437524 -1.3722313190382243 -1.4264038021422016 -1.5037930637193069 -1.5161753455716411 -1.3753268895013147 -1.0193362862466286 -0.7840729310522314 -0.6726323943811956 -0.5163060859954445 -0.4265345425660048 -0.4296301130290862 -0.45749024719684517 -0.6138165555825964 -0.7020403137804953 -0.7871685015153128 -0.7809773605891412 -0.7685950787368069 +1842,-0.8165764209146125,0,-1.4233082316791201 -1.401639238437524 -1.3722313190382243 -1.4264038021422016 -1.5037930637193069 -1.5161753455716411 -1.3753268895013147 -1.0193362862466286 -0.7840729310522314 -0.6726323943811956 -0.5163060859954445 -0.4265345425660048 -0.4296301130290862 -0.45749024719684517 -0.6138165555825964 -0.7020403137804953 -0.7871685015153128 -0.7809773605891412 -0.7685950787368069 -0.7964552129045658 +1843,-0.8026463538307286,0,-1.401639238437524 -1.3722313190382243 -1.4264038021422016 -1.5037930637193069 -1.5161753455716411 -1.3753268895013147 -1.0193362862466286 -0.7840729310522314 -0.6726323943811956 -0.5163060859954445 -0.4265345425660048 -0.4296301130290862 -0.45749024719684517 -0.6138165555825964 -0.7020403137804953 -0.7871685015153128 -0.7809773605891412 -0.7685950787368069 -0.7964552129045658 -0.8165764209146125 +1844,-0.8490799107769935,0,-1.3722313190382243 -1.4264038021422016 -1.5037930637193069 -1.5161753455716411 -1.3753268895013147 -1.0193362862466286 -0.7840729310522314 -0.6726323943811956 -0.5163060859954445 -0.4265345425660048 -0.4296301130290862 -0.45749024719684517 -0.6138165555825964 -0.7020403137804953 -0.7871685015153128 -0.7809773605891412 -0.7685950787368069 -0.7964552129045658 -0.8165764209146125 -0.8026463538307286 +1845,-0.8784878301762932,0,-1.4264038021422016 -1.5037930637193069 -1.5161753455716411 -1.3753268895013147 -1.0193362862466286 -0.7840729310522314 -0.6726323943811956 -0.5163060859954445 -0.4265345425660048 -0.4296301130290862 -0.45749024719684517 -0.6138165555825964 -0.7020403137804953 -0.7871685015153128 -0.7809773605891412 -0.7685950787368069 -0.7964552129045658 -0.8165764209146125 -0.8026463538307286 -0.8490799107769935 +1846,-0.9063479643440521,0,-1.5037930637193069 -1.5161753455716411 -1.3753268895013147 -1.0193362862466286 -0.7840729310522314 -0.6726323943811956 -0.5163060859954445 -0.4265345425660048 -0.4296301130290862 -0.45749024719684517 -0.6138165555825964 -0.7020403137804953 -0.7871685015153128 -0.7809773605891412 -0.7685950787368069 -0.7964552129045658 -0.8165764209146125 -0.8026463538307286 -0.8490799107769935 -0.8784878301762932 +1847,-0.9032523938809707,0,-1.5161753455716411 -1.3753268895013147 -1.0193362862466286 -0.7840729310522314 -0.6726323943811956 -0.5163060859954445 -0.4265345425660048 -0.4296301130290862 -0.45749024719684517 -0.6138165555825964 -0.7020403137804953 -0.7871685015153128 -0.7809773605891412 -0.7685950787368069 -0.7964552129045658 -0.8165764209146125 -0.8026463538307286 -0.8490799107769935 -0.8784878301762932 -0.9063479643440521 +1848,-0.8831311858709241,0,-1.3753268895013147 -1.0193362862466286 -0.7840729310522314 -0.6726323943811956 -0.5163060859954445 -0.4265345425660048 -0.4296301130290862 -0.45749024719684517 -0.6138165555825964 -0.7020403137804953 -0.7871685015153128 -0.7809773605891412 -0.7685950787368069 -0.7964552129045658 -0.8165764209146125 -0.8026463538307286 -0.8490799107769935 -0.8784878301762932 -0.9063479643440521 -0.9032523938809707 +1849,-0.9125391052702237,0,-1.0193362862466286 -0.7840729310522314 -0.6726323943811956 -0.5163060859954445 -0.4265345425660048 -0.4296301130290862 -0.45749024719684517 -0.6138165555825964 -0.7020403137804953 -0.7871685015153128 -0.7809773605891412 -0.7685950787368069 -0.7964552129045658 -0.8165764209146125 -0.8026463538307286 -0.8490799107769935 -0.8784878301762932 -0.9063479643440521 -0.9032523938809707 -0.8831311858709241 +1850,-0.9419470246695234,0,-0.7840729310522314 -0.6726323943811956 -0.5163060859954445 -0.4265345425660048 -0.4296301130290862 -0.45749024719684517 -0.6138165555825964 -0.7020403137804953 -0.7871685015153128 -0.7809773605891412 -0.7685950787368069 -0.7964552129045658 -0.8165764209146125 -0.8026463538307286 -0.8490799107769935 -0.8784878301762932 -0.9063479643440521 -0.9032523938809707 -0.8831311858709241 -0.9125391052702237 +1851,-0.9078957495755928,0,-0.6726323943811956 -0.5163060859954445 -0.4265345425660048 -0.4296301130290862 -0.45749024719684517 -0.6138165555825964 -0.7020403137804953 -0.7871685015153128 -0.7809773605891412 -0.7685950787368069 -0.7964552129045658 -0.8165764209146125 -0.8026463538307286 -0.8490799107769935 -0.8784878301762932 -0.9063479643440521 -0.9032523938809707 -0.8831311858709241 -0.9125391052702237 -0.9419470246695234 +1852,-0.9001568234178893,0,-0.5163060859954445 -0.4265345425660048 -0.4296301130290862 -0.45749024719684517 -0.6138165555825964 -0.7020403137804953 -0.7871685015153128 -0.7809773605891412 -0.7685950787368069 -0.7964552129045658 -0.8165764209146125 -0.8026463538307286 -0.8490799107769935 -0.8784878301762932 -0.9063479643440521 -0.9032523938809707 -0.8831311858709241 -0.9125391052702237 -0.9419470246695234 -0.9078957495755928 +1853,-0.8506276960085343,0,-0.4265345425660048 -0.4296301130290862 -0.45749024719684517 -0.6138165555825964 -0.7020403137804953 -0.7871685015153128 -0.7809773605891412 -0.7685950787368069 -0.7964552129045658 -0.8165764209146125 -0.8026463538307286 -0.8490799107769935 -0.8784878301762932 -0.9063479643440521 -0.9032523938809707 -0.8831311858709241 -0.9125391052702237 -0.9419470246695234 -0.9078957495755928 -0.9001568234178893 +1854,-0.8382454141561998,0,-0.4296301130290862 -0.45749024719684517 -0.6138165555825964 -0.7020403137804953 -0.7871685015153128 -0.7809773605891412 -0.7685950787368069 -0.7964552129045658 -0.8165764209146125 -0.8026463538307286 -0.8490799107769935 -0.8784878301762932 -0.9063479643440521 -0.9032523938809707 -0.8831311858709241 -0.9125391052702237 -0.9419470246695234 -0.9078957495755928 -0.9001568234178893 -0.8506276960085343 +1855,-0.8320542732300282,0,-0.45749024719684517 -0.6138165555825964 -0.7020403137804953 -0.7871685015153128 -0.7809773605891412 -0.7685950787368069 -0.7964552129045658 -0.8165764209146125 -0.8026463538307286 -0.8490799107769935 -0.8784878301762932 -0.9063479643440521 -0.9032523938809707 -0.8831311858709241 -0.9125391052702237 -0.9419470246695234 -0.9078957495755928 -0.9001568234178893 -0.8506276960085343 -0.8382454141561998 +1856,-0.8397931993877406,0,-0.6138165555825964 -0.7020403137804953 -0.7871685015153128 -0.7809773605891412 -0.7685950787368069 -0.7964552129045658 -0.8165764209146125 -0.8026463538307286 -0.8490799107769935 -0.8784878301762932 -0.9063479643440521 -0.9032523938809707 -0.8831311858709241 -0.9125391052702237 -0.9419470246695234 -0.9078957495755928 -0.9001568234178893 -0.8506276960085343 -0.8382454141561998 -0.8320542732300282 +1857,-0.8026463538307286,0,-0.7020403137804953 -0.7871685015153128 -0.7809773605891412 -0.7685950787368069 -0.7964552129045658 -0.8165764209146125 -0.8026463538307286 -0.8490799107769935 -0.8784878301762932 -0.9063479643440521 -0.9032523938809707 -0.8831311858709241 -0.9125391052702237 -0.9419470246695234 -0.9078957495755928 -0.9001568234178893 -0.8506276960085343 -0.8382454141561998 -0.8320542732300282 -0.8397931993877406 +1858,-0.7778817901260598,0,-0.7871685015153128 -0.7809773605891412 -0.7685950787368069 -0.7964552129045658 -0.8165764209146125 -0.8026463538307286 -0.8490799107769935 -0.8784878301762932 -0.9063479643440521 -0.9032523938809707 -0.8831311858709241 -0.9125391052702237 -0.9419470246695234 -0.9078957495755928 -0.9001568234178893 -0.8506276960085343 -0.8382454141561998 -0.8320542732300282 -0.8397931993877406 -0.8026463538307286 +1859,-0.8072897095253595,0,-0.7809773605891412 -0.7685950787368069 -0.7964552129045658 -0.8165764209146125 -0.8026463538307286 -0.8490799107769935 -0.8784878301762932 -0.9063479643440521 -0.9032523938809707 -0.8831311858709241 -0.9125391052702237 -0.9419470246695234 -0.9078957495755928 -0.9001568234178893 -0.8506276960085343 -0.8382454141561998 -0.8320542732300282 -0.8397931993877406 -0.8026463538307286 -0.7778817901260598 +1860,-0.8707489040185808,0,-0.7685950787368069 -0.7964552129045658 -0.8165764209146125 -0.8026463538307286 -0.8490799107769935 -0.8784878301762932 -0.9063479643440521 -0.9032523938809707 -0.8831311858709241 -0.9125391052702237 -0.9419470246695234 -0.9078957495755928 -0.9001568234178893 -0.8506276960085343 -0.8382454141561998 -0.8320542732300282 -0.8397931993877406 -0.8026463538307286 -0.7778817901260598 -0.8072897095253595 +1861,-0.8599144073977872,0,-0.7964552129045658 -0.8165764209146125 -0.8026463538307286 -0.8490799107769935 -0.8784878301762932 -0.9063479643440521 -0.9032523938809707 -0.8831311858709241 -0.9125391052702237 -0.9419470246695234 -0.9078957495755928 -0.9001568234178893 -0.8506276960085343 -0.8382454141561998 -0.8320542732300282 -0.8397931993877406 -0.8026463538307286 -0.7778817901260598 -0.8072897095253595 -0.8707489040185808 +1862,-0.8738444744816711,0,-0.8165764209146125 -0.8026463538307286 -0.8490799107769935 -0.8784878301762932 -0.9063479643440521 -0.9032523938809707 -0.8831311858709241 -0.9125391052702237 -0.9419470246695234 -0.9078957495755928 -0.9001568234178893 -0.8506276960085343 -0.8382454141561998 -0.8320542732300282 -0.8397931993877406 -0.8026463538307286 -0.7778817901260598 -0.8072897095253595 -0.8707489040185808 -0.8599144073977872 +1863,-0.8692011187870402,0,-0.8026463538307286 -0.8490799107769935 -0.8784878301762932 -0.9063479643440521 -0.9032523938809707 -0.8831311858709241 -0.9125391052702237 -0.9419470246695234 -0.9078957495755928 -0.9001568234178893 -0.8506276960085343 -0.8382454141561998 -0.8320542732300282 -0.8397931993877406 -0.8026463538307286 -0.7778817901260598 -0.8072897095253595 -0.8707489040185808 -0.8599144073977872 -0.8738444744816711 +1864,-0.8336020584615778,0,-0.8490799107769935 -0.8784878301762932 -0.9063479643440521 -0.9032523938809707 -0.8831311858709241 -0.9125391052702237 -0.9419470246695234 -0.9078957495755928 -0.9001568234178893 -0.8506276960085343 -0.8382454141561998 -0.8320542732300282 -0.8397931993877406 -0.8026463538307286 -0.7778817901260598 -0.8072897095253595 -0.8707489040185808 -0.8599144073977872 -0.8738444744816711 -0.8692011187870402 +1865,-0.8521754812400837,0,-0.8784878301762932 -0.9063479643440521 -0.9032523938809707 -0.8831311858709241 -0.9125391052702237 -0.9419470246695234 -0.9078957495755928 -0.9001568234178893 -0.8506276960085343 -0.8382454141561998 -0.8320542732300282 -0.8397931993877406 -0.8026463538307286 -0.7778817901260598 -0.8072897095253595 -0.8707489040185808 -0.8599144073977872 -0.8738444744816711 -0.8692011187870402 -0.8336020584615778 +1866,-0.8521754812400837,0,-0.9063479643440521 -0.9032523938809707 -0.8831311858709241 -0.9125391052702237 -0.9419470246695234 -0.9078957495755928 -0.9001568234178893 -0.8506276960085343 -0.8382454141561998 -0.8320542732300282 -0.8397931993877406 -0.8026463538307286 -0.7778817901260598 -0.8072897095253595 -0.8707489040185808 -0.8599144073977872 -0.8738444744816711 -0.8692011187870402 -0.8336020584615778 -0.8521754812400837 +1867,-0.8305064879984876,0,-0.9032523938809707 -0.8831311858709241 -0.9125391052702237 -0.9419470246695234 -0.9078957495755928 -0.9001568234178893 -0.8506276960085343 -0.8382454141561998 -0.8320542732300282 -0.8397931993877406 -0.8026463538307286 -0.7778817901260598 -0.8072897095253595 -0.8707489040185808 -0.8599144073977872 -0.8738444744816711 -0.8692011187870402 -0.8336020584615778 -0.8521754812400837 -0.8521754812400837 +1868,-0.8521754812400837,0,-0.8831311858709241 -0.9125391052702237 -0.9419470246695234 -0.9078957495755928 -0.9001568234178893 -0.8506276960085343 -0.8382454141561998 -0.8320542732300282 -0.8397931993877406 -0.8026463538307286 -0.7778817901260598 -0.8072897095253595 -0.8707489040185808 -0.8599144073977872 -0.8738444744816711 -0.8692011187870402 -0.8336020584615778 -0.8521754812400837 -0.8521754812400837 -0.8305064879984876 +1869,-0.8382454141561998,0,-0.9125391052702237 -0.9419470246695234 -0.9078957495755928 -0.9001568234178893 -0.8506276960085343 -0.8382454141561998 -0.8320542732300282 -0.8397931993877406 -0.8026463538307286 -0.7778817901260598 -0.8072897095253595 -0.8707489040185808 -0.8599144073977872 -0.8738444744816711 -0.8692011187870402 -0.8336020584615778 -0.8521754812400837 -0.8521754812400837 -0.8305064879984876 -0.8521754812400837 +1870,-0.8382454141561998,0,-0.9419470246695234 -0.9078957495755928 -0.9001568234178893 -0.8506276960085343 -0.8382454141561998 -0.8320542732300282 -0.8397931993877406 -0.8026463538307286 -0.7778817901260598 -0.8072897095253595 -0.8707489040185808 -0.8599144073977872 -0.8738444744816711 -0.8692011187870402 -0.8336020584615778 -0.8521754812400837 -0.8521754812400837 -0.8305064879984876 -0.8521754812400837 -0.8382454141561998 +1871,-0.8243153470723248,0,-0.9078957495755928 -0.9001568234178893 -0.8506276960085343 -0.8382454141561998 -0.8320542732300282 -0.8397931993877406 -0.8026463538307286 -0.7778817901260598 -0.8072897095253595 -0.8707489040185808 -0.8599144073977872 -0.8738444744816711 -0.8692011187870402 -0.8336020584615778 -0.8521754812400837 -0.8521754812400837 -0.8305064879984876 -0.8521754812400837 -0.8382454141561998 -0.8382454141561998 +1872,-0.8537232664716244,0,-0.9001568234178893 -0.8506276960085343 -0.8382454141561998 -0.8320542732300282 -0.8397931993877406 -0.8026463538307286 -0.7778817901260598 -0.8072897095253595 -0.8707489040185808 -0.8599144073977872 -0.8738444744816711 -0.8692011187870402 -0.8336020584615778 -0.8521754812400837 -0.8521754812400837 -0.8305064879984876 -0.8521754812400837 -0.8382454141561998 -0.8382454141561998 -0.8243153470723248 +1873,-0.8475321255454529,0,-0.8506276960085343 -0.8382454141561998 -0.8320542732300282 -0.8397931993877406 -0.8026463538307286 -0.7778817901260598 -0.8072897095253595 -0.8707489040185808 -0.8599144073977872 -0.8738444744816711 -0.8692011187870402 -0.8336020584615778 -0.8521754812400837 -0.8521754812400837 -0.8305064879984876 -0.8521754812400837 -0.8382454141561998 -0.8382454141561998 -0.8243153470723248 -0.8537232664716244 +1874,-0.8475321255454529,0,-0.8382454141561998 -0.8320542732300282 -0.8397931993877406 -0.8026463538307286 -0.7778817901260598 -0.8072897095253595 -0.8707489040185808 -0.8599144073977872 -0.8738444744816711 -0.8692011187870402 -0.8336020584615778 -0.8521754812400837 -0.8521754812400837 -0.8305064879984876 -0.8521754812400837 -0.8382454141561998 -0.8382454141561998 -0.8243153470723248 -0.8537232664716244 -0.8475321255454529 +1875,-0.7871685015153128,0,-0.8320542732300282 -0.8397931993877406 -0.8026463538307286 -0.7778817901260598 -0.8072897095253595 -0.8707489040185808 -0.8599144073977872 -0.8738444744816711 -0.8692011187870402 -0.8336020584615778 -0.8521754812400837 -0.8521754812400837 -0.8305064879984876 -0.8521754812400837 -0.8382454141561998 -0.8382454141561998 -0.8243153470723248 -0.8537232664716244 -0.8475321255454529 -0.8475321255454529 +1876,-0.7562127968844725,0,-0.8397931993877406 -0.8026463538307286 -0.7778817901260598 -0.8072897095253595 -0.8707489040185808 -0.8599144073977872 -0.8738444744816711 -0.8692011187870402 -0.8336020584615778 -0.8521754812400837 -0.8521754812400837 -0.8305064879984876 -0.8521754812400837 -0.8382454141561998 -0.8382454141561998 -0.8243153470723248 -0.8537232664716244 -0.8475321255454529 -0.8475321255454529 -0.7871685015153128 +1877,-0.5658352134047907,0,-0.8026463538307286 -0.7778817901260598 -0.8072897095253595 -0.8707489040185808 -0.8599144073977872 -0.8738444744816711 -0.8692011187870402 -0.8336020584615778 -0.8521754812400837 -0.8521754812400837 -0.8305064879984876 -0.8521754812400837 -0.8382454141561998 -0.8382454141561998 -0.8243153470723248 -0.8537232664716244 -0.8475321255454529 -0.8475321255454529 -0.7871685015153128 -0.7562127968844725 +1878,-0.3770054151566497,0,-0.7778817901260598 -0.8072897095253595 -0.8707489040185808 -0.8599144073977872 -0.8738444744816711 -0.8692011187870402 -0.8336020584615778 -0.8521754812400837 -0.8521754812400837 -0.8305064879984876 -0.8521754812400837 -0.8382454141561998 -0.8382454141561998 -0.8243153470723248 -0.8537232664716244 -0.8475321255454529 -0.8475321255454529 -0.7871685015153128 -0.7562127968844725 -0.5658352134047907 +1879,-0.28723387172721004,0,-0.8072897095253595 -0.8707489040185808 -0.8599144073977872 -0.8738444744816711 -0.8692011187870402 -0.8336020584615778 -0.8521754812400837 -0.8521754812400837 -0.8305064879984876 -0.8521754812400837 -0.8382454141561998 -0.8382454141561998 -0.8243153470723248 -0.8537232664716244 -0.8475321255454529 -0.8475321255454529 -0.7871685015153128 -0.7562127968844725 -0.5658352134047907 -0.3770054151566497 +1880,-0.18972340214005814,0,-0.8707489040185808 -0.8599144073977872 -0.8738444744816711 -0.8692011187870402 -0.8336020584615778 -0.8521754812400837 -0.8521754812400837 -0.8305064879984876 -0.8521754812400837 -0.8382454141561998 -0.8382454141561998 -0.8243153470723248 -0.8537232664716244 -0.8475321255454529 -0.8475321255454529 -0.7871685015153128 -0.7562127968844725 -0.5658352134047907 -0.3770054151566497 -0.28723387172721004 +1881,-0.19901011352931114,0,-0.8599144073977872 -0.8738444744816711 -0.8692011187870402 -0.8336020584615778 -0.8521754812400837 -0.8521754812400837 -0.8305064879984876 -0.8521754812400837 -0.8382454141561998 -0.8382454141561998 -0.8243153470723248 -0.8537232664716244 -0.8475321255454529 -0.8475321255454529 -0.7871685015153128 -0.7562127968844725 -0.5658352134047907 -0.3770054151566497 -0.28723387172721004 -0.18972340214005814 +1882,-0.20055789876085184,0,-0.8738444744816711 -0.8692011187870402 -0.8336020584615778 -0.8521754812400837 -0.8521754812400837 -0.8305064879984876 -0.8521754812400837 -0.8382454141561998 -0.8382454141561998 -0.8243153470723248 -0.8537232664716244 -0.8475321255454529 -0.8475321255454529 -0.7871685015153128 -0.7562127968844725 -0.5658352134047907 -0.3770054151566497 -0.28723387172721004 -0.18972340214005814 -0.19901011352931114 +1883,-0.26092152279099184,0,-0.8692011187870402 -0.8336020584615778 -0.8521754812400837 -0.8521754812400837 -0.8305064879984876 -0.8521754812400837 -0.8382454141561998 -0.8382454141561998 -0.8243153470723248 -0.8537232664716244 -0.8475321255454529 -0.8475321255454529 -0.7871685015153128 -0.7562127968844725 -0.5658352134047907 -0.3770054151566497 -0.28723387172721004 -0.18972340214005814 -0.19901011352931114 -0.20055789876085184 +1884,-0.30735507973725673,0,-0.8336020584615778 -0.8521754812400837 -0.8521754812400837 -0.8305064879984876 -0.8521754812400837 -0.8382454141561998 -0.8382454141561998 -0.8243153470723248 -0.8537232664716244 -0.8475321255454529 -0.8475321255454529 -0.7871685015153128 -0.7562127968844725 -0.5658352134047907 -0.3770054151566497 -0.28723387172721004 -0.18972340214005814 -0.19901011352931114 -0.20055789876085184 -0.26092152279099184 +1885,-0.375457629925109,0,-0.8521754812400837 -0.8521754812400837 -0.8305064879984876 -0.8521754812400837 -0.8382454141561998 -0.8382454141561998 -0.8243153470723248 -0.8537232664716244 -0.8475321255454529 -0.8475321255454529 -0.7871685015153128 -0.7562127968844725 -0.5658352134047907 -0.3770054151566497 -0.28723387172721004 -0.18972340214005814 -0.19901011352931114 -0.20055789876085184 -0.26092152279099184 -0.30735507973725673 +1886,-0.4327256834921676,0,-0.8521754812400837 -0.8305064879984876 -0.8521754812400837 -0.8382454141561998 -0.8382454141561998 -0.8243153470723248 -0.8537232664716244 -0.8475321255454529 -0.8475321255454529 -0.7871685015153128 -0.7562127968844725 -0.5658352134047907 -0.3770054151566497 -0.28723387172721004 -0.18972340214005814 -0.19901011352931114 -0.20055789876085184 -0.26092152279099184 -0.30735507973725673 -0.375457629925109 +1887,-0.46213360289146727,0,-0.8305064879984876 -0.8521754812400837 -0.8382454141561998 -0.8382454141561998 -0.8243153470723248 -0.8537232664716244 -0.8475321255454529 -0.8475321255454529 -0.7871685015153128 -0.7562127968844725 -0.5658352134047907 -0.3770054151566497 -0.28723387172721004 -0.18972340214005814 -0.19901011352931114 -0.20055789876085184 -0.26092152279099184 -0.30735507973725673 -0.375457629925109 -0.4327256834921676 +1888,-0.5023760189115606,0,-0.8521754812400837 -0.8382454141561998 -0.8382454141561998 -0.8243153470723248 -0.8537232664716244 -0.8475321255454529 -0.8475321255454529 -0.7871685015153128 -0.7562127968844725 -0.5658352134047907 -0.3770054151566497 -0.28723387172721004 -0.18972340214005814 -0.19901011352931114 -0.20055789876085184 -0.26092152279099184 -0.30735507973725673 -0.375457629925109 -0.4327256834921676 -0.46213360289146727 +1889,-0.5488095758578255,0,-0.8382454141561998 -0.8382454141561998 -0.8243153470723248 -0.8537232664716244 -0.8475321255454529 -0.8475321255454529 -0.7871685015153128 -0.7562127968844725 -0.5658352134047907 -0.3770054151566497 -0.28723387172721004 -0.18972340214005814 -0.19901011352931114 -0.20055789876085184 -0.26092152279099184 -0.30735507973725673 -0.375457629925109 -0.4327256834921676 -0.46213360289146727 -0.5023760189115606 +1890,-0.6045298441933433,0,-0.8382454141561998 -0.8243153470723248 -0.8537232664716244 -0.8475321255454529 -0.8475321255454529 -0.7871685015153128 -0.7562127968844725 -0.5658352134047907 -0.3770054151566497 -0.28723387172721004 -0.18972340214005814 -0.19901011352931114 -0.20055789876085184 -0.26092152279099184 -0.30735507973725673 -0.375457629925109 -0.4327256834921676 -0.46213360289146727 -0.5023760189115606 -0.5488095758578255 +1891,-0.6277466226664714,0,-0.8243153470723248 -0.8537232664716244 -0.8475321255454529 -0.8475321255454529 -0.7871685015153128 -0.7562127968844725 -0.5658352134047907 -0.3770054151566497 -0.28723387172721004 -0.18972340214005814 -0.19901011352931114 -0.20055789876085184 -0.26092152279099184 -0.30735507973725673 -0.375457629925109 -0.4327256834921676 -0.46213360289146727 -0.5023760189115606 -0.5488095758578255 -0.6045298441933433 +1892,-0.6277466226664714,0,-0.8537232664716244 -0.8475321255454529 -0.8475321255454529 -0.7871685015153128 -0.7562127968844725 -0.5658352134047907 -0.3770054151566497 -0.28723387172721004 -0.18972340214005814 -0.19901011352931114 -0.20055789876085184 -0.26092152279099184 -0.30735507973725673 -0.375457629925109 -0.4327256834921676 -0.46213360289146727 -0.5023760189115606 -0.5488095758578255 -0.6045298441933433 -0.6277466226664714 +1893,-0.6416766897503553,0,-0.8475321255454529 -0.8475321255454529 -0.7871685015153128 -0.7562127968844725 -0.5658352134047907 -0.3770054151566497 -0.28723387172721004 -0.18972340214005814 -0.19901011352931114 -0.20055789876085184 -0.26092152279099184 -0.30735507973725673 -0.375457629925109 -0.4327256834921676 -0.46213360289146727 -0.5023760189115606 -0.5488095758578255 -0.6045298441933433 -0.6277466226664714 -0.6277466226664714 +1894,-0.6045298441933433,0,-0.8475321255454529 -0.7871685015153128 -0.7562127968844725 -0.5658352134047907 -0.3770054151566497 -0.28723387172721004 -0.18972340214005814 -0.19901011352931114 -0.20055789876085184 -0.26092152279099184 -0.30735507973725673 -0.375457629925109 -0.4327256834921676 -0.46213360289146727 -0.5023760189115606 -0.5488095758578255 -0.6045298441933433 -0.6277466226664714 -0.6277466226664714 -0.6416766897503553 +1895,-0.610720985119515,0,-0.7871685015153128 -0.7562127968844725 -0.5658352134047907 -0.3770054151566497 -0.28723387172721004 -0.18972340214005814 -0.19901011352931114 -0.20055789876085184 -0.26092152279099184 -0.30735507973725673 -0.375457629925109 -0.4327256834921676 -0.46213360289146727 -0.5023760189115606 -0.5488095758578255 -0.6045298441933433 -0.6277466226664714 -0.6277466226664714 -0.6416766897503553 -0.6045298441933433 +1896,-0.7299004479482543,0,-0.7562127968844725 -0.5658352134047907 -0.3770054151566497 -0.28723387172721004 -0.18972340214005814 -0.19901011352931114 -0.20055789876085184 -0.26092152279099184 -0.30735507973725673 -0.375457629925109 -0.4327256834921676 -0.46213360289146727 -0.5023760189115606 -0.5488095758578255 -0.6045298441933433 -0.6277466226664714 -0.6277466226664714 -0.6416766897503553 -0.6045298441933433 -0.610720985119515 +1897,-0.750021655958301,0,-0.5658352134047907 -0.3770054151566497 -0.28723387172721004 -0.18972340214005814 -0.19901011352931114 -0.20055789876085184 -0.26092152279099184 -0.30735507973725673 -0.375457629925109 -0.4327256834921676 -0.46213360289146727 -0.5023760189115606 -0.5488095758578255 -0.6045298441933433 -0.6277466226664714 -0.6277466226664714 -0.6416766897503553 -0.6045298441933433 -0.610720985119515 -0.7299004479482543 +1898,-0.7577605821160132,0,-0.3770054151566497 -0.28723387172721004 -0.18972340214005814 -0.19901011352931114 -0.20055789876085184 -0.26092152279099184 -0.30735507973725673 -0.375457629925109 -0.4327256834921676 -0.46213360289146727 -0.5023760189115606 -0.5488095758578255 -0.6045298441933433 -0.6277466226664714 -0.6277466226664714 -0.6416766897503553 -0.6045298441933433 -0.610720985119515 -0.7299004479482543 -0.750021655958301 +1899,-0.7407349445690479,0,-0.28723387172721004 -0.18972340214005814 -0.19901011352931114 -0.20055789876085184 -0.26092152279099184 -0.30735507973725673 -0.375457629925109 -0.4327256834921676 -0.46213360289146727 -0.5023760189115606 -0.5488095758578255 -0.6045298441933433 -0.6277466226664714 -0.6277466226664714 -0.6416766897503553 -0.6045298441933433 -0.610720985119515 -0.7299004479482543 -0.750021655958301 -0.7577605821160132 +1900,-0.6927536023912423,0,-0.18972340214005814 -0.19901011352931114 -0.20055789876085184 -0.26092152279099184 -0.30735507973725673 -0.375457629925109 -0.4327256834921676 -0.46213360289146727 -0.5023760189115606 -0.5488095758578255 -0.6045298441933433 -0.6277466226664714 -0.6277466226664714 -0.6416766897503553 -0.6045298441933433 -0.610720985119515 -0.7299004479482543 -0.750021655958301 -0.7577605821160132 -0.7407349445690479 +1901,-0.592147562341009,0,-0.19901011352931114 -0.20055789876085184 -0.26092152279099184 -0.30735507973725673 -0.375457629925109 -0.4327256834921676 -0.46213360289146727 -0.5023760189115606 -0.5488095758578255 -0.6045298441933433 -0.6277466226664714 -0.6277466226664714 -0.6416766897503553 -0.6045298441933433 -0.610720985119515 -0.7299004479482543 -0.750021655958301 -0.7577605821160132 -0.7407349445690479 -0.6927536023912423 +1902,-0.5519051463209157,0,-0.20055789876085184 -0.26092152279099184 -0.30735507973725673 -0.375457629925109 -0.4327256834921676 -0.46213360289146727 -0.5023760189115606 -0.5488095758578255 -0.6045298441933433 -0.6277466226664714 -0.6277466226664714 -0.6416766897503553 -0.6045298441933433 -0.610720985119515 -0.7299004479482543 -0.750021655958301 -0.7577605821160132 -0.7407349445690479 -0.6927536023912423 -0.592147562341009 +1903,-0.4373690391867985,0,-0.26092152279099184 -0.30735507973725673 -0.375457629925109 -0.4327256834921676 -0.46213360289146727 -0.5023760189115606 -0.5488095758578255 -0.6045298441933433 -0.6277466226664714 -0.6277466226664714 -0.6416766897503553 -0.6045298441933433 -0.610720985119515 -0.7299004479482543 -0.750021655958301 -0.7577605821160132 -0.7407349445690479 -0.6927536023912423 -0.592147562341009 -0.5519051463209157 +1904,-0.4157000459452023,0,-0.30735507973725673 -0.375457629925109 -0.4327256834921676 -0.46213360289146727 -0.5023760189115606 -0.5488095758578255 -0.6045298441933433 -0.6277466226664714 -0.6277466226664714 -0.6416766897503553 -0.6045298441933433 -0.610720985119515 -0.7299004479482543 -0.750021655958301 -0.7577605821160132 -0.7407349445690479 -0.6927536023912423 -0.592147562341009 -0.5519051463209157 -0.4373690391867985 +1905,-0.3924832674720743,0,-0.375457629925109 -0.4327256834921676 -0.46213360289146727 -0.5023760189115606 -0.5488095758578255 -0.6045298441933433 -0.6277466226664714 -0.6277466226664714 -0.6416766897503553 -0.6045298441933433 -0.610720985119515 -0.7299004479482543 -0.750021655958301 -0.7577605821160132 -0.7407349445690479 -0.6927536023912423 -0.592147562341009 -0.5519051463209157 -0.4373690391867985 -0.4157000459452023 +1906,-0.38629212654590267,0,-0.4327256834921676 -0.46213360289146727 -0.5023760189115606 -0.5488095758578255 -0.6045298441933433 -0.6277466226664714 -0.6277466226664714 -0.6416766897503553 -0.6045298441933433 -0.610720985119515 -0.7299004479482543 -0.750021655958301 -0.7577605821160132 -0.7407349445690479 -0.6927536023912423 -0.592147562341009 -0.5519051463209157 -0.4373690391867985 -0.4157000459452023 -0.3924832674720743 +1907,-0.4234389721029146,0,-0.46213360289146727 -0.5023760189115606 -0.5488095758578255 -0.6045298441933433 -0.6277466226664714 -0.6277466226664714 -0.6416766897503553 -0.6045298441933433 -0.610720985119515 -0.7299004479482543 -0.750021655958301 -0.7577605821160132 -0.7407349445690479 -0.6927536023912423 -0.592147562341009 -0.5519051463209157 -0.4373690391867985 -0.4157000459452023 -0.3924832674720743 -0.38629212654590267 +1908,-0.5704785690994129,0,-0.5023760189115606 -0.5488095758578255 -0.6045298441933433 -0.6277466226664714 -0.6277466226664714 -0.6416766897503553 -0.6045298441933433 -0.610720985119515 -0.7299004479482543 -0.750021655958301 -0.7577605821160132 -0.7407349445690479 -0.6927536023912423 -0.592147562341009 -0.5519051463209157 -0.4373690391867985 -0.4157000459452023 -0.3924832674720743 -0.38629212654590267 -0.4234389721029146 +1909,-0.7515694411898416,0,-0.5488095758578255 -0.6045298441933433 -0.6277466226664714 -0.6277466226664714 -0.6416766897503553 -0.6045298441933433 -0.610720985119515 -0.7299004479482543 -0.750021655958301 -0.7577605821160132 -0.7407349445690479 -0.6927536023912423 -0.592147562341009 -0.5519051463209157 -0.4373690391867985 -0.4157000459452023 -0.3924832674720743 -0.38629212654590267 -0.4234389721029146 -0.5704785690994129 +1910,-0.9496859508272356,0,-0.6045298441933433 -0.6277466226664714 -0.6277466226664714 -0.6416766897503553 -0.6045298441933433 -0.610720985119515 -0.7299004479482543 -0.750021655958301 -0.7577605821160132 -0.7407349445690479 -0.6927536023912423 -0.592147562341009 -0.5519051463209157 -0.4373690391867985 -0.4157000459452023 -0.3924832674720743 -0.38629212654590267 -0.4234389721029146 -0.5704785690994129 -0.7515694411898416 +1911,-1.0611264874982627,0,-0.6277466226664714 -0.6277466226664714 -0.6416766897503553 -0.6045298441933433 -0.610720985119515 -0.7299004479482543 -0.750021655958301 -0.7577605821160132 -0.7407349445690479 -0.6927536023912423 -0.592147562341009 -0.5519051463209157 -0.4373690391867985 -0.4157000459452023 -0.3924832674720743 -0.38629212654590267 -0.4234389721029146 -0.5704785690994129 -0.7515694411898416 -0.9496859508272356 +1912,-1.1276812524545743,0,-0.6277466226664714 -0.6416766897503553 -0.6045298441933433 -0.610720985119515 -0.7299004479482543 -0.750021655958301 -0.7577605821160132 -0.7407349445690479 -0.6927536023912423 -0.592147562341009 -0.5519051463209157 -0.4373690391867985 -0.4157000459452023 -0.3924832674720743 -0.38629212654590267 -0.4234389721029146 -0.5704785690994129 -0.7515694411898416 -0.9496859508272356 -1.0611264874982627 +1913,-1.1694714537062083,0,-0.6416766897503553 -0.6045298441933433 -0.610720985119515 -0.7299004479482543 -0.750021655958301 -0.7577605821160132 -0.7407349445690479 -0.6927536023912423 -0.592147562341009 -0.5519051463209157 -0.4373690391867985 -0.4157000459452023 -0.3924832674720743 -0.38629212654590267 -0.4234389721029146 -0.5704785690994129 -0.7515694411898416 -0.9496859508272356 -1.0611264874982627 -1.1276812524545743 +1914,-1.271625278987991,0,-0.6045298441933433 -0.610720985119515 -0.7299004479482543 -0.750021655958301 -0.7577605821160132 -0.7407349445690479 -0.6927536023912423 -0.592147562341009 -0.5519051463209157 -0.4373690391867985 -0.4157000459452023 -0.3924832674720743 -0.38629212654590267 -0.4234389721029146 -0.5704785690994129 -0.7515694411898416 -0.9496859508272356 -1.0611264874982627 -1.1276812524545743 -1.1694714537062083 +1915,-1.327345547323509,0,-0.610720985119515 -0.7299004479482543 -0.750021655958301 -0.7577605821160132 -0.7407349445690479 -0.6927536023912423 -0.592147562341009 -0.5519051463209157 -0.4373690391867985 -0.4157000459452023 -0.3924832674720743 -0.38629212654590267 -0.4234389721029146 -0.5704785690994129 -0.7515694411898416 -0.9496859508272356 -1.0611264874982627 -1.1276812524545743 -1.1694714537062083 -1.271625278987991 +1916,-1.3675879633436023,0,-0.7299004479482543 -0.750021655958301 -0.7577605821160132 -0.7407349445690479 -0.6927536023912423 -0.592147562341009 -0.5519051463209157 -0.4373690391867985 -0.4157000459452023 -0.3924832674720743 -0.38629212654590267 -0.4234389721029146 -0.5704785690994129 -0.7515694411898416 -0.9496859508272356 -1.0611264874982627 -1.1276812524545743 -1.1694714537062083 -1.271625278987991 -1.327345547323509 +1917,-1.4310471578368236,0,-0.750021655958301 -0.7577605821160132 -0.7407349445690479 -0.6927536023912423 -0.592147562341009 -0.5519051463209157 -0.4373690391867985 -0.4157000459452023 -0.3924832674720743 -0.38629212654590267 -0.4234389721029146 -0.5704785690994129 -0.7515694411898416 -0.9496859508272356 -1.0611264874982627 -1.1276812524545743 -1.1694714537062083 -1.271625278987991 -1.327345547323509 -1.3675879633436023 +1918,-1.494506352330054,0,-0.7577605821160132 -0.7407349445690479 -0.6927536023912423 -0.592147562341009 -0.5519051463209157 -0.4373690391867985 -0.4157000459452023 -0.3924832674720743 -0.38629212654590267 -0.4234389721029146 -0.5704785690994129 -0.7515694411898416 -0.9496859508272356 -1.0611264874982627 -1.1276812524545743 -1.1694714537062083 -1.271625278987991 -1.327345547323509 -1.3675879633436023 -1.4310471578368236 +1919,-1.4759329295515478,0,-0.7407349445690479 -0.6927536023912423 -0.592147562341009 -0.5519051463209157 -0.4373690391867985 -0.4157000459452023 -0.3924832674720743 -0.38629212654590267 -0.4234389721029146 -0.5704785690994129 -0.7515694411898416 -0.9496859508272356 -1.0611264874982627 -1.1276812524545743 -1.1694714537062083 -1.271625278987991 -1.327345547323509 -1.3675879633436023 -1.4310471578368236 -1.494506352330054 +1920,-1.525462056960894,0,-0.6927536023912423 -0.592147562341009 -0.5519051463209157 -0.4373690391867985 -0.4157000459452023 -0.3924832674720743 -0.38629212654590267 -0.4234389721029146 -0.5704785690994129 -0.7515694411898416 -0.9496859508272356 -1.0611264874982627 -1.1276812524545743 -1.1694714537062083 -1.271625278987991 -1.327345547323509 -1.3675879633436023 -1.4310471578368236 -1.494506352330054 -1.4759329295515478 +1921,-1.5889212514541244,0,-0.592147562341009 -0.5519051463209157 -0.4373690391867985 -0.4157000459452023 -0.3924832674720743 -0.38629212654590267 -0.4234389721029146 -0.5704785690994129 -0.7515694411898416 -0.9496859508272356 -1.0611264874982627 -1.1276812524545743 -1.1694714537062083 -1.271625278987991 -1.327345547323509 -1.3675879633436023 -1.4310471578368236 -1.494506352330054 -1.4759329295515478 -1.525462056960894 +1922,-1.6678582982627703,0,-0.5519051463209157 -0.4373690391867985 -0.4157000459452023 -0.3924832674720743 -0.38629212654590267 -0.4234389721029146 -0.5704785690994129 -0.7515694411898416 -0.9496859508272356 -1.0611264874982627 -1.1276812524545743 -1.1694714537062083 -1.271625278987991 -1.327345547323509 -1.3675879633436023 -1.4310471578368236 -1.494506352330054 -1.4759329295515478 -1.525462056960894 -1.5889212514541244 +1923,-1.6972662176620699,0,-0.4373690391867985 -0.4157000459452023 -0.3924832674720743 -0.38629212654590267 -0.4234389721029146 -0.5704785690994129 -0.7515694411898416 -0.9496859508272356 -1.0611264874982627 -1.1276812524545743 -1.1694714537062083 -1.271625278987991 -1.327345547323509 -1.3675879633436023 -1.4310471578368236 -1.494506352330054 -1.4759329295515478 -1.525462056960894 -1.5889212514541244 -1.6678582982627703 +1924,-1.576538969601781,0,-0.4157000459452023 -0.3924832674720743 -0.38629212654590267 -0.4234389721029146 -0.5704785690994129 -0.7515694411898416 -0.9496859508272356 -1.0611264874982627 -1.1276812524545743 -1.1694714537062083 -1.271625278987991 -1.327345547323509 -1.3675879633436023 -1.4310471578368236 -1.494506352330054 -1.4759329295515478 -1.525462056960894 -1.5889212514541244 -1.6678582982627703 -1.6972662176620699 +1925,-1.2499562857464037,0,-0.3924832674720743 -0.38629212654590267 -0.4234389721029146 -0.5704785690994129 -0.7515694411898416 -0.9496859508272356 -1.0611264874982627 -1.1276812524545743 -1.1694714537062083 -1.271625278987991 -1.327345547323509 -1.3675879633436023 -1.4310471578368236 -1.494506352330054 -1.4759329295515478 -1.525462056960894 -1.5889212514541244 -1.6678582982627703 -1.6972662176620699 -1.576538969601781 +1926,-0.9218258166594767,0,-0.38629212654590267 -0.4234389721029146 -0.5704785690994129 -0.7515694411898416 -0.9496859508272356 -1.0611264874982627 -1.1276812524545743 -1.1694714537062083 -1.271625278987991 -1.327345547323509 -1.3675879633436023 -1.4310471578368236 -1.494506352330054 -1.4759329295515478 -1.525462056960894 -1.5889212514541244 -1.6678582982627703 -1.6972662176620699 -1.576538969601781 -1.2499562857464037 +1927,-0.7391871593375072,0,-0.4234389721029146 -0.5704785690994129 -0.7515694411898416 -0.9496859508272356 -1.0611264874982627 -1.1276812524545743 -1.1694714537062083 -1.271625278987991 -1.327345547323509 -1.3675879633436023 -1.4310471578368236 -1.494506352330054 -1.4759329295515478 -1.525462056960894 -1.5889212514541244 -1.6678582982627703 -1.6972662176620699 -1.576538969601781 -1.2499562857464037 -0.9218258166594767 +1928,-0.8639386489997983,0,-0.5704785690994129 -0.7515694411898416 -0.9496859508272356 -1.0611264874982627 -1.1276812524545743 -1.1694714537062083 -1.271625278987991 -1.327345547323509 -1.3675879633436023 -1.4310471578368236 -1.494506352330054 -1.4759329295515478 -1.525462056960894 -1.5889212514541244 -1.6678582982627703 -1.6972662176620699 -1.576538969601781 -1.2499562857464037 -0.9218258166594767 -0.7391871593375072 +1929,-0.4776114552068918,0,-0.7515694411898416 -0.9496859508272356 -1.0611264874982627 -1.1276812524545743 -1.1694714537062083 -1.271625278987991 -1.327345547323509 -1.3675879633436023 -1.4310471578368236 -1.494506352330054 -1.4759329295515478 -1.525462056960894 -1.5889212514541244 -1.6678582982627703 -1.6972662176620699 -1.576538969601781 -1.2499562857464037 -0.9218258166594767 -0.7391871593375072 -0.8639386489997983 +1930,-0.4079611197874988,0,-0.9496859508272356 -1.0611264874982627 -1.1276812524545743 -1.1694714537062083 -1.271625278987991 -1.327345547323509 -1.3675879633436023 -1.4310471578368236 -1.494506352330054 -1.4759329295515478 -1.525462056960894 -1.5889212514541244 -1.6678582982627703 -1.6972662176620699 -1.576538969601781 -1.2499562857464037 -0.9218258166594767 -0.7391871593375072 -0.8639386489997983 -0.4776114552068918 +1931,-0.4420123948814206,0,-1.0611264874982627 -1.1276812524545743 -1.1694714537062083 -1.271625278987991 -1.327345547323509 -1.3675879633436023 -1.4310471578368236 -1.494506352330054 -1.4759329295515478 -1.525462056960894 -1.5889212514541244 -1.6678582982627703 -1.6972662176620699 -1.576538969601781 -1.2499562857464037 -0.9218258166594767 -0.7391871593375072 -0.8639386489997983 -0.4776114552068918 -0.4079611197874988 +1932,-0.5596440724786191,0,-1.1276812524545743 -1.1694714537062083 -1.271625278987991 -1.327345547323509 -1.3675879633436023 -1.4310471578368236 -1.494506352330054 -1.4759329295515478 -1.525462056960894 -1.5889212514541244 -1.6678582982627703 -1.6972662176620699 -1.576538969601781 -1.2499562857464037 -0.9218258166594767 -0.7391871593375072 -0.8639386489997983 -0.4776114552068918 -0.4079611197874988 -0.4420123948814206 +1933,-0.7949074276730251,0,-1.1694714537062083 -1.271625278987991 -1.327345547323509 -1.3675879633436023 -1.4310471578368236 -1.494506352330054 -1.4759329295515478 -1.525462056960894 -1.5889212514541244 -1.6678582982627703 -1.6972662176620699 -1.576538969601781 -1.2499562857464037 -0.9218258166594767 -0.7391871593375072 -0.8639386489997983 -0.4776114552068918 -0.4079611197874988 -0.4420123948814206 -0.5596440724786191 +1934,-1.045648635182847,0,-1.271625278987991 -1.327345547323509 -1.3675879633436023 -1.4310471578368236 -1.494506352330054 -1.4759329295515478 -1.525462056960894 -1.5889212514541244 -1.6678582982627703 -1.6972662176620699 -1.576538969601781 -1.2499562857464037 -0.9218258166594767 -0.7391871593375072 -0.8639386489997983 -0.4776114552068918 -0.4079611197874988 -0.4420123948814206 -0.5596440724786191 -0.7949074276730251 +1935,-1.1369679638438273,0,-1.327345547323509 -1.3675879633436023 -1.4310471578368236 -1.494506352330054 -1.4759329295515478 -1.525462056960894 -1.5889212514541244 -1.6678582982627703 -1.6972662176620699 -1.576538969601781 -1.2499562857464037 -0.9218258166594767 -0.7391871593375072 -0.8639386489997983 -0.4776114552068918 -0.4079611197874988 -0.4420123948814206 -0.5596440724786191 -0.7949074276730251 -1.045648635182847 +1936,-1.276268634682613,0,-1.3675879633436023 -1.4310471578368236 -1.494506352330054 -1.4759329295515478 -1.525462056960894 -1.5889212514541244 -1.6678582982627703 -1.6972662176620699 -1.576538969601781 -1.2499562857464037 -0.9218258166594767 -0.7391871593375072 -0.8639386489997983 -0.4776114552068918 -0.4079611197874988 -0.4420123948814206 -0.5596440724786191 -0.7949074276730251 -1.045648635182847 -1.1369679638438273 +1937,-1.3939003122798206,0,-1.4310471578368236 -1.494506352330054 -1.4759329295515478 -1.525462056960894 -1.5889212514541244 -1.6678582982627703 -1.6972662176620699 -1.576538969601781 -1.2499562857464037 -0.9218258166594767 -0.7391871593375072 -0.8639386489997983 -0.4776114552068918 -0.4079611197874988 -0.4420123948814206 -0.5596440724786191 -0.7949074276730251 -1.045648635182847 -1.1369679638438273 -1.276268634682613 +1938,-1.5161753455716411,0,-1.494506352330054 -1.4759329295515478 -1.525462056960894 -1.5889212514541244 -1.6678582982627703 -1.6972662176620699 -1.576538969601781 -1.2499562857464037 -0.9218258166594767 -0.7391871593375072 -0.8639386489997983 -0.4776114552068918 -0.4079611197874988 -0.4420123948814206 -0.5596440724786191 -0.7949074276730251 -1.045648635182847 -1.1369679638438273 -1.276268634682613 -1.3939003122798206 +1939,-1.5285576274239756,0,-1.4759329295515478 -1.525462056960894 -1.5889212514541244 -1.6678582982627703 -1.6972662176620699 -1.576538969601781 -1.2499562857464037 -0.9218258166594767 -0.7391871593375072 -0.8639386489997983 -0.4776114552068918 -0.4079611197874988 -0.4420123948814206 -0.5596440724786191 -0.7949074276730251 -1.045648635182847 -1.1369679638438273 -1.276268634682613 -1.3939003122798206 -1.5161753455716411 +1940,-1.6198769560849646,0,-1.525462056960894 -1.5889212514541244 -1.6678582982627703 -1.6972662176620699 -1.576538969601781 -1.2499562857464037 -0.9218258166594767 -0.7391871593375072 -0.8639386489997983 -0.4776114552068918 -0.4079611197874988 -0.4420123948814206 -0.5596440724786191 -0.7949074276730251 -1.045648635182847 -1.1369679638438273 -1.276268634682613 -1.3939003122798206 -1.5161753455716411 -1.5285576274239756 +1941,-1.6214247413165055,0,-1.5889212514541244 -1.6678582982627703 -1.6972662176620699 -1.576538969601781 -1.2499562857464037 -0.9218258166594767 -0.7391871593375072 -0.8639386489997983 -0.4776114552068918 -0.4079611197874988 -0.4420123948814206 -0.5596440724786191 -0.7949074276730251 -1.045648635182847 -1.1369679638438273 -1.276268634682613 -1.3939003122798206 -1.5161753455716411 -1.5285576274239756 -1.6198769560849646 +1942,-1.7359608484506226,0,-1.6678582982627703 -1.6972662176620699 -1.576538969601781 -1.2499562857464037 -0.9218258166594767 -0.7391871593375072 -0.8639386489997983 -0.4776114552068918 -0.4079611197874988 -0.4420123948814206 -0.5596440724786191 -0.7949074276730251 -1.045648635182847 -1.1369679638438273 -1.276268634682613 -1.3939003122798206 -1.5161753455716411 -1.5285576274239756 -1.6198769560849646 -1.6214247413165055 +1943,-1.8334713180377744,0,-1.6972662176620699 -1.576538969601781 -1.2499562857464037 -0.9218258166594767 -0.7391871593375072 -0.8639386489997983 -0.4776114552068918 -0.4079611197874988 -0.4420123948814206 -0.5596440724786191 -0.7949074276730251 -1.045648635182847 -1.1369679638438273 -1.276268634682613 -1.3939003122798206 -1.5161753455716411 -1.5285576274239756 -1.6198769560849646 -1.6214247413165055 -1.7359608484506226 +1944,-1.678692794883564,0,-1.576538969601781 -1.2499562857464037 -0.9218258166594767 -0.7391871593375072 -0.8639386489997983 -0.4776114552068918 -0.4079611197874988 -0.4420123948814206 -0.5596440724786191 -0.7949074276730251 -1.045648635182847 -1.1369679638438273 -1.276268634682613 -1.3939003122798206 -1.5161753455716411 -1.5285576274239756 -1.6198769560849646 -1.6214247413165055 -1.7359608484506226 -1.8334713180377744 +1945,-1.766916553081463,0,-1.2499562857464037 -0.9218258166594767 -0.7391871593375072 -0.8639386489997983 -0.4776114552068918 -0.4079611197874988 -0.4420123948814206 -0.5596440724786191 -0.7949074276730251 -1.045648635182847 -1.1369679638438273 -1.276268634682613 -1.3939003122798206 -1.5161753455716411 -1.5285576274239756 -1.6198769560849646 -1.6214247413165055 -1.7359608484506226 -1.8334713180377744 -1.678692794883564 +1946,-1.8535925260478212,0,-0.9218258166594767 -0.7391871593375072 -0.8639386489997983 -0.4776114552068918 -0.4079611197874988 -0.4420123948814206 -0.5596440724786191 -0.7949074276730251 -1.045648635182847 -1.1369679638438273 -1.276268634682613 -1.3939003122798206 -1.5161753455716411 -1.5285576274239756 -1.6198769560849646 -1.6214247413165055 -1.7359608484506226 -1.8334713180377744 -1.678692794883564 -1.766916553081463 +1947,-1.7591776269237507,0,-0.7391871593375072 -0.8639386489997983 -0.4776114552068918 -0.4079611197874988 -0.4420123948814206 -0.5596440724786191 -0.7949074276730251 -1.045648635182847 -1.1369679638438273 -1.276268634682613 -1.3939003122798206 -1.5161753455716411 -1.5285576274239756 -1.6198769560849646 -1.6214247413165055 -1.7359608484506226 -1.8334713180377744 -1.678692794883564 -1.766916553081463 -1.8535925260478212 +1948,-1.4511683658468704,0,-0.8639386489997983 -0.4776114552068918 -0.4079611197874988 -0.4420123948814206 -0.5596440724786191 -0.7949074276730251 -1.045648635182847 -1.1369679638438273 -1.276268634682613 -1.3939003122798206 -1.5161753455716411 -1.5285576274239756 -1.6198769560849646 -1.6214247413165055 -1.7359608484506226 -1.8334713180377744 -1.678692794883564 -1.766916553081463 -1.8535925260478212 -1.7591776269237507 +1949,-1.02243185670971,0,-0.4776114552068918 -0.4079611197874988 -0.4420123948814206 -0.5596440724786191 -0.7949074276730251 -1.045648635182847 -1.1369679638438273 -1.276268634682613 -1.3939003122798206 -1.5161753455716411 -1.5285576274239756 -1.6198769560849646 -1.6214247413165055 -1.7359608484506226 -1.8334713180377744 -1.678692794883564 -1.766916553081463 -1.8535925260478212 -1.7591776269237507 -1.4511683658468704 +1950,-0.6927536023912423,0,-0.4079611197874988 -0.4420123948814206 -0.5596440724786191 -0.7949074276730251 -1.045648635182847 -1.1369679638438273 -1.276268634682613 -1.3939003122798206 -1.5161753455716411 -1.5285576274239756 -1.6198769560849646 -1.6214247413165055 -1.7359608484506226 -1.8334713180377744 -1.678692794883564 -1.766916553081463 -1.8535925260478212 -1.7591776269237507 -1.4511683658468704 -1.02243185670971 +1951,-0.36307534807277464,0,-0.4420123948814206 -0.5596440724786191 -0.7949074276730251 -1.045648635182847 -1.1369679638438273 -1.276268634682613 -1.3939003122798206 -1.5161753455716411 -1.5285576274239756 -1.6198769560849646 -1.6214247413165055 -1.7359608484506226 -1.8334713180377744 -1.678692794883564 -1.766916553081463 -1.8535925260478212 -1.7591776269237507 -1.4511683658468704 -1.02243185670971 -0.6927536023912423 +1952,-0.15102877135150553,0,-0.5596440724786191 -0.7949074276730251 -1.045648635182847 -1.1369679638438273 -1.276268634682613 -1.3939003122798206 -1.5161753455716411 -1.5285576274239756 -1.6198769560849646 -1.6214247413165055 -1.7359608484506226 -1.8334713180377744 -1.678692794883564 -1.766916553081463 -1.8535925260478212 -1.7591776269237507 -1.4511683658468704 -1.02243185670971 -0.6927536023912423 -0.36307534807277464 +1953,-0.008632530049629385,0,-0.7949074276730251 -1.045648635182847 -1.1369679638438273 -1.276268634682613 -1.3939003122798206 -1.5161753455716411 -1.5285576274239756 -1.6198769560849646 -1.6214247413165055 -1.7359608484506226 -1.8334713180377744 -1.678692794883564 -1.766916553081463 -1.8535925260478212 -1.7591776269237507 -1.4511683658468704 -1.02243185670971 -0.6927536023912423 -0.36307534807277464 -0.15102877135150553 +1954,-0.011728100512719579,0,-1.045648635182847 -1.1369679638438273 -1.276268634682613 -1.3939003122798206 -1.5161753455716411 -1.5285576274239756 -1.6198769560849646 -1.6214247413165055 -1.7359608484506226 -1.8334713180377744 -1.678692794883564 -1.766916553081463 -1.8535925260478212 -1.7591776269237507 -1.4511683658468704 -1.02243185670971 -0.6927536023912423 -0.36307534807277464 -0.15102877135150553 -0.008632530049629385 +1955,-0.02256259713351326,0,-1.1369679638438273 -1.276268634682613 -1.3939003122798206 -1.5161753455716411 -1.5285576274239756 -1.6198769560849646 -1.6214247413165055 -1.7359608484506226 -1.8334713180377744 -1.678692794883564 -1.766916553081463 -1.8535925260478212 -1.7591776269237507 -1.4511683658468704 -1.02243185670971 -0.6927536023912423 -0.36307534807277464 -0.15102877135150553 -0.008632530049629385 -0.011728100512719579 +1956,-0.29806836834800376,0,-1.276268634682613 -1.3939003122798206 -1.5161753455716411 -1.5285576274239756 -1.6198769560849646 -1.6214247413165055 -1.7359608484506226 -1.8334713180377744 -1.678692794883564 -1.766916553081463 -1.8535925260478212 -1.7591776269237507 -1.4511683658468704 -1.02243185670971 -0.6927536023912423 -0.36307534807277464 -0.15102877135150553 -0.008632530049629385 -0.011728100512719579 -0.02256259713351326 +1957,-0.5224972269216073,0,-1.3939003122798206 -1.5161753455716411 -1.5285576274239756 -1.6198769560849646 -1.6214247413165055 -1.7359608484506226 -1.8334713180377744 -1.678692794883564 -1.766916553081463 -1.8535925260478212 -1.7591776269237507 -1.4511683658468704 -1.02243185670971 -0.6927536023912423 -0.36307534807277464 -0.15102877135150553 -0.008632530049629385 -0.011728100512719579 -0.02256259713351326 -0.29806836834800376 +1958,-0.8351498436931184,0,-1.5161753455716411 -1.5285576274239756 -1.6198769560849646 -1.6214247413165055 -1.7359608484506226 -1.8334713180377744 -1.678692794883564 -1.766916553081463 -1.8535925260478212 -1.7591776269237507 -1.4511683658468704 -1.02243185670971 -0.6927536023912423 -0.36307534807277464 -0.15102877135150553 -0.008632530049629385 -0.011728100512719579 -0.02256259713351326 -0.29806836834800376 -0.5224972269216073 +1959,-0.9512337360587764,0,-1.5285576274239756 -1.6198769560849646 -1.6214247413165055 -1.7359608484506226 -1.8334713180377744 -1.678692794883564 -1.766916553081463 -1.8535925260478212 -1.7591776269237507 -1.4511683658468704 -1.02243185670971 -0.6927536023912423 -0.36307534807277464 -0.15102877135150553 -0.008632530049629385 -0.011728100512719579 -0.02256259713351326 -0.29806836834800376 -0.5224972269216073 -0.8351498436931184 +1960,-1.0967255478237339,0,-1.6198769560849646 -1.6214247413165055 -1.7359608484506226 -1.8334713180377744 -1.678692794883564 -1.766916553081463 -1.8535925260478212 -1.7591776269237507 -1.4511683658468704 -1.02243185670971 -0.6927536023912423 -0.36307534807277464 -0.15102877135150553 -0.008632530049629385 -0.011728100512719579 -0.02256259713351326 -0.29806836834800376 -0.5224972269216073 -0.8351498436931184 -0.9512337360587764 +1961,-1.229835077736357,0,-1.6214247413165055 -1.7359608484506226 -1.8334713180377744 -1.678692794883564 -1.766916553081463 -1.8535925260478212 -1.7591776269237507 -1.4511683658468704 -1.02243185670971 -0.6927536023912423 -0.36307534807277464 -0.15102877135150553 -0.008632530049629385 -0.011728100512719579 -0.02256259713351326 -0.29806836834800376 -0.5224972269216073 -0.8351498436931184 -0.9512337360587764 -1.0967255478237339 +1962,-1.271625278987991,0,-1.7359608484506226 -1.8334713180377744 -1.678692794883564 -1.766916553081463 -1.8535925260478212 -1.7591776269237507 -1.4511683658468704 -1.02243185670971 -0.6927536023912423 -0.36307534807277464 -0.15102877135150553 -0.008632530049629385 -0.011728100512719579 -0.02256259713351326 -0.29806836834800376 -0.5224972269216073 -0.8351498436931184 -0.9512337360587764 -1.0967255478237339 -1.229835077736357 +1963,-1.4279515873737423,0,-1.8334713180377744 -1.678692794883564 -1.766916553081463 -1.8535925260478212 -1.7591776269237507 -1.4511683658468704 -1.02243185670971 -0.6927536023912423 -0.36307534807277464 -0.15102877135150553 -0.008632530049629385 -0.011728100512719579 -0.02256259713351326 -0.29806836834800376 -0.5224972269216073 -0.8351498436931184 -0.9512337360587764 -1.0967255478237339 -1.229835077736357 -1.271625278987991 +1964,-1.5626089025179062,0,-1.678692794883564 -1.766916553081463 -1.8535925260478212 -1.7591776269237507 -1.4511683658468704 -1.02243185670971 -0.6927536023912423 -0.36307534807277464 -0.15102877135150553 -0.008632530049629385 -0.011728100512719579 -0.02256259713351326 -0.29806836834800376 -0.5224972269216073 -0.8351498436931184 -0.9512337360587764 -1.0967255478237339 -1.229835077736357 -1.271625278987991 -1.4279515873737423 +1965,-1.5935646071487464,0,-1.766916553081463 -1.8535925260478212 -1.7591776269237507 -1.4511683658468704 -1.02243185670971 -0.6927536023912423 -0.36307534807277464 -0.15102877135150553 -0.008632530049629385 -0.011728100512719579 -0.02256259713351326 -0.29806836834800376 -0.5224972269216073 -0.8351498436931184 -0.9512337360587764 -1.0967255478237339 -1.229835077736357 -1.271625278987991 -1.4279515873737423 -1.5626089025179062 +1966,-1.585825680991034,0,-1.8535925260478212 -1.7591776269237507 -1.4511683658468704 -1.02243185670971 -0.6927536023912423 -0.36307534807277464 -0.15102877135150553 -0.008632530049629385 -0.011728100512719579 -0.02256259713351326 -0.29806836834800376 -0.5224972269216073 -0.8351498436931184 -0.9512337360587764 -1.0967255478237339 -1.229835077736357 -1.271625278987991 -1.4279515873737423 -1.5626089025179062 -1.5935646071487464 +1967,-1.692622861967439,0,-1.7591776269237507 -1.4511683658468704 -1.02243185670971 -0.6927536023912423 -0.36307534807277464 -0.15102877135150553 -0.008632530049629385 -0.011728100512719579 -0.02256259713351326 -0.29806836834800376 -0.5224972269216073 -0.8351498436931184 -0.9512337360587764 -1.0967255478237339 -1.229835077736357 -1.271625278987991 -1.4279515873737423 -1.5626089025179062 -1.5935646071487464 -1.585825680991034 +1968,-1.7235785665982881,0,-1.4511683658468704 -1.02243185670971 -0.6927536023912423 -0.36307534807277464 -0.15102877135150553 -0.008632530049629385 -0.011728100512719579 -0.02256259713351326 -0.29806836834800376 -0.5224972269216073 -0.8351498436931184 -0.9512337360587764 -1.0967255478237339 -1.229835077736357 -1.271625278987991 -1.4279515873737423 -1.5626089025179062 -1.5935646071487464 -1.585825680991034 -1.692622861967439 +1969,-1.8025156134069342,0,-1.02243185670971 -0.6927536023912423 -0.36307534807277464 -0.15102877135150553 -0.008632530049629385 -0.011728100512719579 -0.02256259713351326 -0.29806836834800376 -0.5224972269216073 -0.8351498436931184 -0.9512337360587764 -1.0967255478237339 -1.229835077736357 -1.271625278987991 -1.4279515873737423 -1.5626089025179062 -1.5935646071487464 -1.585825680991034 -1.692622861967439 -1.7235785665982881 +1970,-1.8148978952592685,0,-0.6927536023912423 -0.36307534807277464 -0.15102877135150553 -0.008632530049629385 -0.011728100512719579 -0.02256259713351326 -0.29806836834800376 -0.5224972269216073 -0.8351498436931184 -0.9512337360587764 -1.0967255478237339 -1.229835077736357 -1.271625278987991 -1.4279515873737423 -1.5626089025179062 -1.5935646071487464 -1.585825680991034 -1.692622861967439 -1.7235785665982881 -1.8025156134069342 +1971,-1.8071589691015562,0,-0.36307534807277464 -0.15102877135150553 -0.008632530049629385 -0.011728100512719579 -0.02256259713351326 -0.29806836834800376 -0.5224972269216073 -0.8351498436931184 -0.9512337360587764 -1.0967255478237339 -1.229835077736357 -1.271625278987991 -1.4279515873737423 -1.5626089025179062 -1.5935646071487464 -1.585825680991034 -1.692622861967439 -1.7235785665982881 -1.8025156134069342 -1.8148978952592685 +1972,-1.6074946742326304,0,-0.15102877135150553 -0.008632530049629385 -0.011728100512719579 -0.02256259713351326 -0.29806836834800376 -0.5224972269216073 -0.8351498436931184 -0.9512337360587764 -1.0967255478237339 -1.229835077736357 -1.271625278987991 -1.4279515873737423 -1.5626089025179062 -1.5935646071487464 -1.585825680991034 -1.692622861967439 -1.7235785665982881 -1.8025156134069342 -1.8148978952592685 -1.8071589691015562 +1973,-1.059578702266722,0,-0.008632530049629385 -0.011728100512719579 -0.02256259713351326 -0.29806836834800376 -0.5224972269216073 -0.8351498436931184 -0.9512337360587764 -1.0967255478237339 -1.229835077736357 -1.271625278987991 -1.4279515873737423 -1.5626089025179062 -1.5935646071487464 -1.585825680991034 -1.692622861967439 -1.7235785665982881 -1.8025156134069342 -1.8148978952592685 -1.8071589691015562 -1.6074946742326304 +1974,-0.6169121260456778,0,-0.011728100512719579 -0.02256259713351326 -0.29806836834800376 -0.5224972269216073 -0.8351498436931184 -0.9512337360587764 -1.0967255478237339 -1.229835077736357 -1.271625278987991 -1.4279515873737423 -1.5626089025179062 -1.5935646071487464 -1.585825680991034 -1.692622861967439 -1.7235785665982881 -1.8025156134069342 -1.8148978952592685 -1.8071589691015562 -1.6074946742326304 -1.059578702266722 +1975,-0.3723620594620276,0,-0.02256259713351326 -0.29806836834800376 -0.5224972269216073 -0.8351498436931184 -0.9512337360587764 -1.0967255478237339 -1.229835077736357 -1.271625278987991 -1.4279515873737423 -1.5626089025179062 -1.5935646071487464 -1.585825680991034 -1.692622861967439 -1.7235785665982881 -1.8025156134069342 -1.8148978952592685 -1.8071589691015562 -1.6074946742326304 -1.059578702266722 -0.6169121260456778 +1976,-0.17114997936155218,0,-0.29806836834800376 -0.5224972269216073 -0.8351498436931184 -0.9512337360587764 -1.0967255478237339 -1.229835077736357 -1.271625278987991 -1.4279515873737423 -1.5626089025179062 -1.5935646071487464 -1.585825680991034 -1.692622861967439 -1.7235785665982881 -1.8025156134069342 -1.8148978952592685 -1.8071589691015562 -1.6074946742326304 -1.059578702266722 -0.6169121260456778 -0.3723620594620276 +1977,-0.07673508023748166,0,-0.5224972269216073 -0.8351498436931184 -0.9512337360587764 -1.0967255478237339 -1.229835077736357 -1.271625278987991 -1.4279515873737423 -1.5626089025179062 -1.5935646071487464 -1.585825680991034 -1.692622861967439 -1.7235785665982881 -1.8025156134069342 -1.8148978952592685 -1.8071589691015562 -1.6074946742326304 -1.059578702266722 -0.6169121260456778 -0.3723620594620276 -0.17114997936155218 +1978,-0.12162085195220587,0,-0.8351498436931184 -0.9512337360587764 -1.0967255478237339 -1.229835077736357 -1.271625278987991 -1.4279515873737423 -1.5626089025179062 -1.5935646071487464 -1.585825680991034 -1.692622861967439 -1.7235785665982881 -1.8025156134069342 -1.8148978952592685 -1.8071589691015562 -1.6074946742326304 -1.059578702266722 -0.6169121260456778 -0.3723620594620276 -0.17114997936155218 -0.07673508023748166 +1979,-0.2191313215393578,0,-0.9512337360587764 -1.0967255478237339 -1.229835077736357 -1.271625278987991 -1.4279515873737423 -1.5626089025179062 -1.5935646071487464 -1.585825680991034 -1.692622861967439 -1.7235785665982881 -1.8025156134069342 -1.8148978952592685 -1.8071589691015562 -1.6074946742326304 -1.059578702266722 -0.6169121260456778 -0.3723620594620276 -0.17114997936155218 -0.07673508023748166 -0.12162085195220587 +1980,-0.38629212654590267,0,-1.0967255478237339 -1.229835077736357 -1.271625278987991 -1.4279515873737423 -1.5626089025179062 -1.5935646071487464 -1.585825680991034 -1.692622861967439 -1.7235785665982881 -1.8025156134069342 -1.8148978952592685 -1.8071589691015562 -1.6074946742326304 -1.059578702266722 -0.6169121260456778 -0.3723620594620276 -0.17114997936155218 -0.07673508023748166 -0.12162085195220587 -0.2191313215393578 +1981,-0.652511186371149,0,-1.229835077736357 -1.271625278987991 -1.4279515873737423 -1.5626089025179062 -1.5935646071487464 -1.585825680991034 -1.692622861967439 -1.7235785665982881 -1.8025156134069342 -1.8148978952592685 -1.8071589691015562 -1.6074946742326304 -1.059578702266722 -0.6169121260456778 -0.3723620594620276 -0.17114997936155218 -0.07673508023748166 -0.12162085195220587 -0.2191313215393578 -0.38629212654590267 +1982,-0.8815834006393833,0,-1.271625278987991 -1.4279515873737423 -1.5626089025179062 -1.5935646071487464 -1.585825680991034 -1.692622861967439 -1.7235785665982881 -1.8025156134069342 -1.8148978952592685 -1.8071589691015562 -1.6074946742326304 -1.059578702266722 -0.6169121260456778 -0.3723620594620276 -0.17114997936155218 -0.07673508023748166 -0.12162085195220587 -0.2191313215393578 -0.38629212654590267 -0.652511186371149 +1983,-1.129229037686115,0,-1.4279515873737423 -1.5626089025179062 -1.5935646071487464 -1.585825680991034 -1.692622861967439 -1.7235785665982881 -1.8025156134069342 -1.8148978952592685 -1.8071589691015562 -1.6074946742326304 -1.059578702266722 -0.6169121260456778 -0.3723620594620276 -0.17114997936155218 -0.07673508023748166 -0.12162085195220587 -0.2191313215393578 -0.38629212654590267 -0.652511186371149 -0.8815834006393833 +1984,-1.3025809836188313,0,-1.5626089025179062 -1.5935646071487464 -1.585825680991034 -1.692622861967439 -1.7235785665982881 -1.8025156134069342 -1.8148978952592685 -1.8071589691015562 -1.6074946742326304 -1.059578702266722 -0.6169121260456778 -0.3723620594620276 -0.17114997936155218 -0.07673508023748166 -0.12162085195220587 -0.2191313215393578 -0.38629212654590267 -0.652511186371149 -0.8815834006393833 -1.129229037686115 +1985,-1.4124737350583176,0,-1.5935646071487464 -1.585825680991034 -1.692622861967439 -1.7235785665982881 -1.8025156134069342 -1.8148978952592685 -1.8071589691015562 -1.6074946742326304 -1.059578702266722 -0.6169121260456778 -0.3723620594620276 -0.17114997936155218 -0.07673508023748166 -0.12162085195220587 -0.2191313215393578 -0.38629212654590267 -0.652511186371149 -0.8815834006393833 -1.129229037686115 -1.3025809836188313 +1986,-1.4774807147830886,0,-1.585825680991034 -1.692622861967439 -1.7235785665982881 -1.8025156134069342 -1.8148978952592685 -1.8071589691015562 -1.6074946742326304 -1.059578702266722 -0.6169121260456778 -0.3723620594620276 -0.17114997936155218 -0.07673508023748166 -0.12162085195220587 -0.2191313215393578 -0.38629212654590267 -0.652511186371149 -0.8815834006393833 -1.129229037686115 -1.3025809836188313 -1.4124737350583176 +1987,-1.6957184324305292,0,-1.692622861967439 -1.7235785665982881 -1.8025156134069342 -1.8148978952592685 -1.8071589691015562 -1.6074946742326304 -1.059578702266722 -0.6169121260456778 -0.3723620594620276 -0.17114997936155218 -0.07673508023748166 -0.12162085195220587 -0.2191313215393578 -0.38629212654590267 -0.652511186371149 -0.8815834006393833 -1.129229037686115 -1.3025809836188313 -1.4124737350583176 -1.4774807147830886 +1988,-1.766916553081463,0,-1.7235785665982881 -1.8025156134069342 -1.8148978952592685 -1.8071589691015562 -1.6074946742326304 -1.059578702266722 -0.6169121260456778 -0.3723620594620276 -0.17114997936155218 -0.07673508023748166 -0.12162085195220587 -0.2191313215393578 -0.38629212654590267 -0.652511186371149 -0.8815834006393833 -1.129229037686115 -1.3025809836188313 -1.4124737350583176 -1.4774807147830886 -1.6957184324305292 +1989,-1.7901333315545997,0,-1.8025156134069342 -1.8148978952592685 -1.8071589691015562 -1.6074946742326304 -1.059578702266722 -0.6169121260456778 -0.3723620594620276 -0.17114997936155218 -0.07673508023748166 -0.12162085195220587 -0.2191313215393578 -0.38629212654590267 -0.652511186371149 -0.8815834006393833 -1.129229037686115 -1.3025809836188313 -1.4124737350583176 -1.4774807147830886 -1.6957184324305292 -1.766916553081463 +1990,-1.8133501100277278,0,-1.8148978952592685 -1.8071589691015562 -1.6074946742326304 -1.059578702266722 -0.6169121260456778 -0.3723620594620276 -0.17114997936155218 -0.07673508023748166 -0.12162085195220587 -0.2191313215393578 -0.38629212654590267 -0.652511186371149 -0.8815834006393833 -1.129229037686115 -1.3025809836188313 -1.4124737350583176 -1.4774807147830886 -1.6957184324305292 -1.766916553081463 -1.7901333315545997 +1991,-1.8922871568363737,0,-1.8071589691015562 -1.6074946742326304 -1.059578702266722 -0.6169121260456778 -0.3723620594620276 -0.17114997936155218 -0.07673508023748166 -0.12162085195220587 -0.2191313215393578 -0.38629212654590267 -0.652511186371149 -0.8815834006393833 -1.129229037686115 -1.3025809836188313 -1.4124737350583176 -1.4774807147830886 -1.6957184324305292 -1.766916553081463 -1.7901333315545997 -1.8133501100277278 +1992,-1.8783570897524986,0,-1.6074946742326304 -1.059578702266722 -0.6169121260456778 -0.3723620594620276 -0.17114997936155218 -0.07673508023748166 -0.12162085195220587 -0.2191313215393578 -0.38629212654590267 -0.652511186371149 -0.8815834006393833 -1.129229037686115 -1.3025809836188313 -1.4124737350583176 -1.4774807147830886 -1.6957184324305292 -1.766916553081463 -1.7901333315545997 -1.8133501100277278 -1.8922871568363737 +1993,-1.8891915863732924,0,-1.059578702266722 -0.6169121260456778 -0.3723620594620276 -0.17114997936155218 -0.07673508023748166 -0.12162085195220587 -0.2191313215393578 -0.38629212654590267 -0.652511186371149 -0.8815834006393833 -1.129229037686115 -1.3025809836188313 -1.4124737350583176 -1.4774807147830886 -1.6957184324305292 -1.766916553081463 -1.7901333315545997 -1.8133501100277278 -1.8922871568363737 -1.8783570897524986 +1994,-1.839662458963946,0,-0.6169121260456778 -0.3723620594620276 -0.17114997936155218 -0.07673508023748166 -0.12162085195220587 -0.2191313215393578 -0.38629212654590267 -0.652511186371149 -0.8815834006393833 -1.129229037686115 -1.3025809836188313 -1.4124737350583176 -1.4774807147830886 -1.6957184324305292 -1.766916553081463 -1.7901333315545997 -1.8133501100277278 -1.8922871568363737 -1.8783570897524986 -1.8891915863732924 +1995,-1.7916811167861404,0,-0.3723620594620276 -0.17114997936155218 -0.07673508023748166 -0.12162085195220587 -0.2191313215393578 -0.38629212654590267 -0.652511186371149 -0.8815834006393833 -1.129229037686115 -1.3025809836188313 -1.4124737350583176 -1.4774807147830886 -1.6957184324305292 -1.766916553081463 -1.7901333315545997 -1.8133501100277278 -1.8922871568363737 -1.8783570897524986 -1.8891915863732924 -1.839662458963946 +1996,-1.7529864859975879,0,-0.17114997936155218 -0.07673508023748166 -0.12162085195220587 -0.2191313215393578 -0.38629212654590267 -0.652511186371149 -0.8815834006393833 -1.129229037686115 -1.3025809836188313 -1.4124737350583176 -1.4774807147830886 -1.6957184324305292 -1.766916553081463 -1.7901333315545997 -1.8133501100277278 -1.8922871568363737 -1.8783570897524986 -1.8891915863732924 -1.839662458963946 -1.7916811167861404 +1997,-1.2422173595886914,0,-0.07673508023748166 -0.12162085195220587 -0.2191313215393578 -0.38629212654590267 -0.652511186371149 -0.8815834006393833 -1.129229037686115 -1.3025809836188313 -1.4124737350583176 -1.4774807147830886 -1.6957184324305292 -1.766916553081463 -1.7901333315545997 -1.8133501100277278 -1.8922871568363737 -1.8783570897524986 -1.8891915863732924 -1.839662458963946 -1.7916811167861404 -1.7529864859975879 +1998,-0.8305064879984876,0,-0.12162085195220587 -0.2191313215393578 -0.38629212654590267 -0.652511186371149 -0.8815834006393833 -1.129229037686115 -1.3025809836188313 -1.4124737350583176 -1.4774807147830886 -1.6957184324305292 -1.766916553081463 -1.7901333315545997 -1.8133501100277278 -1.8922871568363737 -1.8783570897524986 -1.8891915863732924 -1.839662458963946 -1.7916811167861404 -1.7529864859975879 -1.2422173595886914 +1999,-0.573574139562503,0,-0.2191313215393578 -0.38629212654590267 -0.652511186371149 -0.8815834006393833 -1.129229037686115 -1.3025809836188313 -1.4124737350583176 -1.4774807147830886 -1.6957184324305292 -1.766916553081463 -1.7901333315545997 -1.8133501100277278 -1.8922871568363737 -1.8783570897524986 -1.8891915863732924 -1.839662458963946 -1.7916811167861404 -1.7529864859975879 -1.2422173595886914 -0.8305064879984876 +2000,-0.3491452809888996,0,-0.38629212654590267 -0.652511186371149 -0.8815834006393833 -1.129229037686115 -1.3025809836188313 -1.4124737350583176 -1.4774807147830886 -1.6957184324305292 -1.766916553081463 -1.7901333315545997 -1.8133501100277278 -1.8922871568363737 -1.8783570897524986 -1.8891915863732924 -1.839662458963946 -1.7916811167861404 -1.7529864859975879 -1.2422173595886914 -0.8305064879984876 -0.573574139562503 +2001,-0.28413830126412865,0,-0.652511186371149 -0.8815834006393833 -1.129229037686115 -1.3025809836188313 -1.4124737350583176 -1.4774807147830886 -1.6957184324305292 -1.766916553081463 -1.7901333315545997 -1.8133501100277278 -1.8922871568363737 -1.8783570897524986 -1.8891915863732924 -1.839662458963946 -1.7916811167861404 -1.7529864859975879 -1.2422173595886914 -0.8305064879984876 -0.573574139562503 -0.3491452809888996 +2002,-0.3166417911265097,0,-0.8815834006393833 -1.129229037686115 -1.3025809836188313 -1.4124737350583176 -1.4774807147830886 -1.6957184324305292 -1.766916553081463 -1.7901333315545997 -1.8133501100277278 -1.8922871568363737 -1.8783570897524986 -1.8891915863732924 -1.839662458963946 -1.7916811167861404 -1.7529864859975879 -1.2422173595886914 -0.8305064879984876 -0.573574139562503 -0.3491452809888996 -0.28413830126412865 +2003,-0.41879561640829255,0,-1.129229037686115 -1.3025809836188313 -1.4124737350583176 -1.4774807147830886 -1.6957184324305292 -1.766916553081463 -1.7901333315545997 -1.8133501100277278 -1.8922871568363737 -1.8783570897524986 -1.8891915863732924 -1.839662458963946 -1.7916811167861404 -1.7529864859975879 -1.2422173595886914 -0.8305064879984876 -0.573574139562503 -0.3491452809888996 -0.28413830126412865 -0.3166417911265097 +2004,-0.5085671598377322,0,-1.3025809836188313 -1.4124737350583176 -1.4774807147830886 -1.6957184324305292 -1.766916553081463 -1.7901333315545997 -1.8133501100277278 -1.8922871568363737 -1.8783570897524986 -1.8891915863732924 -1.839662458963946 -1.7916811167861404 -1.7529864859975879 -1.2422173595886914 -0.8305064879984876 -0.573574139562503 -0.3491452809888996 -0.28413830126412865 -0.3166417911265097 -0.41879561640829255 +2005,-0.5905997771094683,0,-1.4124737350583176 -1.4774807147830886 -1.6957184324305292 -1.766916553081463 -1.7901333315545997 -1.8133501100277278 -1.8922871568363737 -1.8783570897524986 -1.8891915863732924 -1.839662458963946 -1.7916811167861404 -1.7529864859975879 -1.2422173595886914 -0.8305064879984876 -0.573574139562503 -0.3491452809888996 -0.28413830126412865 -0.3166417911265097 -0.41879561640829255 -0.5085671598377322 +2006,-0.6602501125288612,0,-1.4774807147830886 -1.6957184324305292 -1.766916553081463 -1.7901333315545997 -1.8133501100277278 -1.8922871568363737 -1.8783570897524986 -1.8891915863732924 -1.839662458963946 -1.7916811167861404 -1.7529864859975879 -1.2422173595886914 -0.8305064879984876 -0.573574139562503 -0.3491452809888996 -0.28413830126412865 -0.3166417911265097 -0.41879561640829255 -0.5085671598377322 -0.5905997771094683 +2007,-0.7004925285489546,0,-1.6957184324305292 -1.766916553081463 -1.7901333315545997 -1.8133501100277278 -1.8922871568363737 -1.8783570897524986 -1.8891915863732924 -1.839662458963946 -1.7916811167861404 -1.7529864859975879 -1.2422173595886914 -0.8305064879984876 -0.573574139562503 -0.3491452809888996 -0.28413830126412865 -0.3166417911265097 -0.41879561640829255 -0.5085671598377322 -0.5905997771094683 -0.6602501125288612 +2008,-0.7438305150321293,0,-1.766916553081463 -1.7901333315545997 -1.8133501100277278 -1.8922871568363737 -1.8783570897524986 -1.8891915863732924 -1.839662458963946 -1.7916811167861404 -1.7529864859975879 -1.2422173595886914 -0.8305064879984876 -0.573574139562503 -0.3491452809888996 -0.28413830126412865 -0.3166417911265097 -0.41879561640829255 -0.5085671598377322 -0.5905997771094683 -0.6602501125288612 -0.7004925285489546 +2009,-0.8614621926293367,0,-1.7901333315545997 -1.8133501100277278 -1.8922871568363737 -1.8783570897524986 -1.8891915863732924 -1.839662458963946 -1.7916811167861404 -1.7529864859975879 -1.2422173595886914 -0.8305064879984876 -0.573574139562503 -0.3491452809888996 -0.28413830126412865 -0.3166417911265097 -0.41879561640829255 -0.5085671598377322 -0.5905997771094683 -0.6602501125288612 -0.7004925285489546 -0.7438305150321293 +2010,-0.910991320038683,0,-1.8133501100277278 -1.8922871568363737 -1.8783570897524986 -1.8891915863732924 -1.839662458963946 -1.7916811167861404 -1.7529864859975879 -1.2422173595886914 -0.8305064879984876 -0.573574139562503 -0.3491452809888996 -0.28413830126412865 -0.3166417911265097 -0.41879561640829255 -0.5085671598377322 -0.5905997771094683 -0.6602501125288612 -0.7004925285489546 -0.7438305150321293 -0.8614621926293367 +2011,-0.8676533335554995,0,-1.8922871568363737 -1.8783570897524986 -1.8891915863732924 -1.839662458963946 -1.7916811167861404 -1.7529864859975879 -1.2422173595886914 -0.8305064879984876 -0.573574139562503 -0.3491452809888996 -0.28413830126412865 -0.3166417911265097 -0.41879561640829255 -0.5085671598377322 -0.5905997771094683 -0.6602501125288612 -0.7004925285489546 -0.7438305150321293 -0.8614621926293367 -0.910991320038683 +2012,-0.8815834006393833,0,-1.8783570897524986 -1.8891915863732924 -1.839662458963946 -1.7916811167861404 -1.7529864859975879 -1.2422173595886914 -0.8305064879984876 -0.573574139562503 -0.3491452809888996 -0.28413830126412865 -0.3166417911265097 -0.41879561640829255 -0.5085671598377322 -0.5905997771094683 -0.6602501125288612 -0.7004925285489546 -0.7438305150321293 -0.8614621926293367 -0.910991320038683 -0.8676533335554995 +2013,-0.8831311858709241,0,-1.8891915863732924 -1.839662458963946 -1.7916811167861404 -1.7529864859975879 -1.2422173595886914 -0.8305064879984876 -0.573574139562503 -0.3491452809888996 -0.28413830126412865 -0.3166417911265097 -0.41879561640829255 -0.5085671598377322 -0.5905997771094683 -0.6602501125288612 -0.7004925285489546 -0.7438305150321293 -0.8614621926293367 -0.910991320038683 -0.8676533335554995 -0.8815834006393833 +2014,-0.9048001791125114,0,-1.839662458963946 -1.7916811167861404 -1.7529864859975879 -1.2422173595886914 -0.8305064879984876 -0.573574139562503 -0.3491452809888996 -0.28413830126412865 -0.3166417911265097 -0.41879561640829255 -0.5085671598377322 -0.5905997771094683 -0.6602501125288612 -0.7004925285489546 -0.7438305150321293 -0.8614621926293367 -0.910991320038683 -0.8676533335554995 -0.8815834006393833 -0.8831311858709241 +2015,-0.8986090381863399,0,-1.7916811167861404 -1.7529864859975879 -1.2422173595886914 -0.8305064879984876 -0.573574139562503 -0.3491452809888996 -0.28413830126412865 -0.3166417911265097 -0.41879561640829255 -0.5085671598377322 -0.5905997771094683 -0.6602501125288612 -0.7004925285489546 -0.7438305150321293 -0.8614621926293367 -0.910991320038683 -0.8676533335554995 -0.8815834006393833 -0.8831311858709241 -0.9048001791125114 +2016,-0.9326603132802703,0,-1.7529864859975879 -1.2422173595886914 -0.8305064879984876 -0.573574139562503 -0.3491452809888996 -0.28413830126412865 -0.3166417911265097 -0.41879561640829255 -0.5085671598377322 -0.5905997771094683 -0.6602501125288612 -0.7004925285489546 -0.7438305150321293 -0.8614621926293367 -0.910991320038683 -0.8676533335554995 -0.8815834006393833 -0.8831311858709241 -0.9048001791125114 -0.8986090381863399 +2017,-0.96206823267957,0,-1.2422173595886914 -0.8305064879984876 -0.573574139562503 -0.3491452809888996 -0.28413830126412865 -0.3166417911265097 -0.41879561640829255 -0.5085671598377322 -0.5905997771094683 -0.6602501125288612 -0.7004925285489546 -0.7438305150321293 -0.8614621926293367 -0.910991320038683 -0.8676533335554995 -0.8815834006393833 -0.8831311858709241 -0.9048001791125114 -0.8986090381863399 -0.9326603132802703 +2018,-0.9976672930050412,0,-0.8305064879984876 -0.573574139562503 -0.3491452809888996 -0.28413830126412865 -0.3166417911265097 -0.41879561640829255 -0.5085671598377322 -0.5905997771094683 -0.6602501125288612 -0.7004925285489546 -0.7438305150321293 -0.8614621926293367 -0.910991320038683 -0.8676533335554995 -0.8815834006393833 -0.8831311858709241 -0.9048001791125114 -0.8986090381863399 -0.9326603132802703 -0.96206823267957 +2019,-0.9558770917533984,0,-0.573574139562503 -0.3491452809888996 -0.28413830126412865 -0.3166417911265097 -0.41879561640829255 -0.5085671598377322 -0.5905997771094683 -0.6602501125288612 -0.7004925285489546 -0.7438305150321293 -0.8614621926293367 -0.910991320038683 -0.8676533335554995 -0.8815834006393833 -0.8831311858709241 -0.9048001791125114 -0.8986090381863399 -0.9326603132802703 -0.96206823267957 -0.9976672930050412 +2020,-0.9078957495755928,0,-0.3491452809888996 -0.28413830126412865 -0.3166417911265097 -0.41879561640829255 -0.5085671598377322 -0.5905997771094683 -0.6602501125288612 -0.7004925285489546 -0.7438305150321293 -0.8614621926293367 -0.910991320038683 -0.8676533335554995 -0.8815834006393833 -0.8831311858709241 -0.9048001791125114 -0.8986090381863399 -0.9326603132802703 -0.96206823267957 -0.9976672930050412 -0.9558770917533984 +2021,-0.7515694411898416,0,-0.28413830126412865 -0.3166417911265097 -0.41879561640829255 -0.5085671598377322 -0.5905997771094683 -0.6602501125288612 -0.7004925285489546 -0.7438305150321293 -0.8614621926293367 -0.910991320038683 -0.8676533335554995 -0.8815834006393833 -0.8831311858709241 -0.9048001791125114 -0.8986090381863399 -0.9326603132802703 -0.96206823267957 -0.9976672930050412 -0.9558770917533984 -0.9078957495755928 +2022,-0.6060776294248841,0,-0.3166417911265097 -0.41879561640829255 -0.5085671598377322 -0.5905997771094683 -0.6602501125288612 -0.7004925285489546 -0.7438305150321293 -0.8614621926293367 -0.910991320038683 -0.8676533335554995 -0.8815834006393833 -0.8831311858709241 -0.9048001791125114 -0.8986090381863399 -0.9326603132802703 -0.96206823267957 -0.9976672930050412 -0.9558770917533984 -0.9078957495755928 -0.7515694411898416 +2023,-0.46368138812300796,0,-0.41879561640829255 -0.5085671598377322 -0.5905997771094683 -0.6602501125288612 -0.7004925285489546 -0.7438305150321293 -0.8614621926293367 -0.910991320038683 -0.8676533335554995 -0.8815834006393833 -0.8831311858709241 -0.9048001791125114 -0.8986090381863399 -0.9326603132802703 -0.96206823267957 -0.9976672930050412 -0.9558770917533984 -0.9078957495755928 -0.7515694411898416 -0.6060776294248841 +2024,-0.30116393881109393,0,-0.5085671598377322 -0.5905997771094683 -0.6602501125288612 -0.7004925285489546 -0.7438305150321293 -0.8614621926293367 -0.910991320038683 -0.8676533335554995 -0.8815834006393833 -0.8831311858709241 -0.9048001791125114 -0.8986090381863399 -0.9326603132802703 -0.96206823267957 -0.9976672930050412 -0.9558770917533984 -0.9078957495755928 -0.7515694411898416 -0.6060776294248841 -0.46368138812300796 +2025,-0.24080031478094516,0,-0.5905997771094683 -0.6602501125288612 -0.7004925285489546 -0.7438305150321293 -0.8614621926293367 -0.910991320038683 -0.8676533335554995 -0.8815834006393833 -0.8831311858709241 -0.9048001791125114 -0.8986090381863399 -0.9326603132802703 -0.96206823267957 -0.9976672930050412 -0.9558770917533984 -0.9078957495755928 -0.7515694411898416 -0.6060776294248841 -0.46368138812300796 -0.30116393881109393 +2026,-0.26092152279099184,0,-0.6602501125288612 -0.7004925285489546 -0.7438305150321293 -0.8614621926293367 -0.910991320038683 -0.8676533335554995 -0.8815834006393833 -0.8831311858709241 -0.9048001791125114 -0.8986090381863399 -0.9326603132802703 -0.96206823267957 -0.9976672930050412 -0.9558770917533984 -0.9078957495755928 -0.7515694411898416 -0.6060776294248841 -0.46368138812300796 -0.30116393881109393 -0.24080031478094516 +2027,-0.3181895763580504,0,-0.7004925285489546 -0.7438305150321293 -0.8614621926293367 -0.910991320038683 -0.8676533335554995 -0.8815834006393833 -0.8831311858709241 -0.9048001791125114 -0.8986090381863399 -0.9326603132802703 -0.96206823267957 -0.9976672930050412 -0.9558770917533984 -0.9078957495755928 -0.7515694411898416 -0.6060776294248841 -0.46368138812300796 -0.30116393881109393 -0.24080031478094516 -0.26092152279099184 +2028,-0.4420123948814206,0,-0.7438305150321293 -0.8614621926293367 -0.910991320038683 -0.8676533335554995 -0.8815834006393833 -0.8831311858709241 -0.9048001791125114 -0.8986090381863399 -0.9326603132802703 -0.96206823267957 -0.9976672930050412 -0.9558770917533984 -0.9078957495755928 -0.7515694411898416 -0.6060776294248841 -0.46368138812300796 -0.30116393881109393 -0.24080031478094516 -0.26092152279099184 -0.3181895763580504 +2029,-0.5395228644685724,0,-0.8614621926293367 -0.910991320038683 -0.8676533335554995 -0.8815834006393833 -0.8831311858709241 -0.9048001791125114 -0.8986090381863399 -0.9326603132802703 -0.96206823267957 -0.9976672930050412 -0.9558770917533984 -0.9078957495755928 -0.7515694411898416 -0.6060776294248841 -0.46368138812300796 -0.30116393881109393 -0.24080031478094516 -0.26092152279099184 -0.3181895763580504 -0.4420123948814206 +2030,-0.6076254146564247,0,-0.910991320038683 -0.8676533335554995 -0.8815834006393833 -0.8831311858709241 -0.9048001791125114 -0.8986090381863399 -0.9326603132802703 -0.96206823267957 -0.9976672930050412 -0.9558770917533984 -0.9078957495755928 -0.7515694411898416 -0.6060776294248841 -0.46368138812300796 -0.30116393881109393 -0.24080031478094516 -0.26092152279099184 -0.3181895763580504 -0.4420123948814206 -0.5395228644685724 +2031,-0.6571545420657711,0,-0.8676533335554995 -0.8815834006393833 -0.8831311858709241 -0.9048001791125114 -0.8986090381863399 -0.9326603132802703 -0.96206823267957 -0.9976672930050412 -0.9558770917533984 -0.9078957495755928 -0.7515694411898416 -0.6060776294248841 -0.46368138812300796 -0.30116393881109393 -0.24080031478094516 -0.26092152279099184 -0.3181895763580504 -0.4420123948814206 -0.5395228644685724 -0.6076254146564247 +2032,-0.661797897760402,0,-0.8815834006393833 -0.8831311858709241 -0.9048001791125114 -0.8986090381863399 -0.9326603132802703 -0.96206823267957 -0.9976672930050412 -0.9558770917533984 -0.9078957495755928 -0.7515694411898416 -0.6060776294248841 -0.46368138812300796 -0.30116393881109393 -0.24080031478094516 -0.26092152279099184 -0.3181895763580504 -0.4420123948814206 -0.5395228644685724 -0.6076254146564247 -0.6571545420657711 +2033,-0.6556067568342304,0,-0.8831311858709241 -0.9048001791125114 -0.8986090381863399 -0.9326603132802703 -0.96206823267957 -0.9976672930050412 -0.9558770917533984 -0.9078957495755928 -0.7515694411898416 -0.6060776294248841 -0.46368138812300796 -0.30116393881109393 -0.24080031478094516 -0.26092152279099184 -0.3181895763580504 -0.4420123948814206 -0.5395228644685724 -0.6076254146564247 -0.6571545420657711 -0.661797897760402 +2034,-0.6788235353073673,0,-0.9048001791125114 -0.8986090381863399 -0.9326603132802703 -0.96206823267957 -0.9976672930050412 -0.9558770917533984 -0.9078957495755928 -0.7515694411898416 -0.6060776294248841 -0.46368138812300796 -0.30116393881109393 -0.24080031478094516 -0.26092152279099184 -0.3181895763580504 -0.4420123948814206 -0.5395228644685724 -0.6076254146564247 -0.6571545420657711 -0.661797897760402 -0.6556067568342304 +2035,-0.6695368239181143,0,-0.8986090381863399 -0.9326603132802703 -0.96206823267957 -0.9976672930050412 -0.9558770917533984 -0.9078957495755928 -0.7515694411898416 -0.6060776294248841 -0.46368138812300796 -0.30116393881109393 -0.24080031478094516 -0.26092152279099184 -0.3181895763580504 -0.4420123948814206 -0.5395228644685724 -0.6076254146564247 -0.6571545420657711 -0.661797897760402 -0.6556067568342304 -0.6788235353073673 +2036,-0.7144225956328297,0,-0.9326603132802703 -0.96206823267957 -0.9976672930050412 -0.9558770917533984 -0.9078957495755928 -0.7515694411898416 -0.6060776294248841 -0.46368138812300796 -0.30116393881109393 -0.24080031478094516 -0.26092152279099184 -0.3181895763580504 -0.4420123948814206 -0.5395228644685724 -0.6076254146564247 -0.6571545420657711 -0.661797897760402 -0.6556067568342304 -0.6788235353073673 -0.6695368239181143 +2037,-0.7329960184113357,0,-0.96206823267957 -0.9976672930050412 -0.9558770917533984 -0.9078957495755928 -0.7515694411898416 -0.6060776294248841 -0.46368138812300796 -0.30116393881109393 -0.24080031478094516 -0.26092152279099184 -0.3181895763580504 -0.4420123948814206 -0.5395228644685724 -0.6076254146564247 -0.6571545420657711 -0.661797897760402 -0.6556067568342304 -0.6788235353073673 -0.6695368239181143 -0.7144225956328297 +2038,-0.7871685015153128,0,-0.9976672930050412 -0.9558770917533984 -0.9078957495755928 -0.7515694411898416 -0.6060776294248841 -0.46368138812300796 -0.30116393881109393 -0.24080031478094516 -0.26092152279099184 -0.3181895763580504 -0.4420123948814206 -0.5395228644685724 -0.6076254146564247 -0.6571545420657711 -0.661797897760402 -0.6556067568342304 -0.6788235353073673 -0.6695368239181143 -0.7144225956328297 -0.7329960184113357 +2039,-0.8506276960085343,0,-0.9558770917533984 -0.9078957495755928 -0.7515694411898416 -0.6060776294248841 -0.46368138812300796 -0.30116393881109393 -0.24080031478094516 -0.26092152279099184 -0.3181895763580504 -0.4420123948814206 -0.5395228644685724 -0.6076254146564247 -0.6571545420657711 -0.661797897760402 -0.6556067568342304 -0.6788235353073673 -0.6695368239181143 -0.7144225956328297 -0.7329960184113357 -0.7871685015153128 +2040,-0.8862267563340055,0,-0.9078957495755928 -0.7515694411898416 -0.6060776294248841 -0.46368138812300796 -0.30116393881109393 -0.24080031478094516 -0.26092152279099184 -0.3181895763580504 -0.4420123948814206 -0.5395228644685724 -0.6076254146564247 -0.6571545420657711 -0.661797897760402 -0.6556067568342304 -0.6788235353073673 -0.6695368239181143 -0.7144225956328297 -0.7329960184113357 -0.7871685015153128 -0.8506276960085343 +2041,-0.8707489040185808,0,-0.7515694411898416 -0.6060776294248841 -0.46368138812300796 -0.30116393881109393 -0.24080031478094516 -0.26092152279099184 -0.3181895763580504 -0.4420123948814206 -0.5395228644685724 -0.6076254146564247 -0.6571545420657711 -0.661797897760402 -0.6556067568342304 -0.6788235353073673 -0.6695368239181143 -0.7144225956328297 -0.7329960184113357 -0.7871685015153128 -0.8506276960085343 -0.8862267563340055 +2042,-0.9156346757333051,0,-0.6060776294248841 -0.46368138812300796 -0.30116393881109393 -0.24080031478094516 -0.26092152279099184 -0.3181895763580504 -0.4420123948814206 -0.5395228644685724 -0.6076254146564247 -0.6571545420657711 -0.661797897760402 -0.6556067568342304 -0.6788235353073673 -0.6695368239181143 -0.7144225956328297 -0.7329960184113357 -0.7871685015153128 -0.8506276960085343 -0.8862267563340055 -0.8707489040185808 +2043,-0.8815834006393833,0,-0.46368138812300796 -0.30116393881109393 -0.24080031478094516 -0.26092152279099184 -0.3181895763580504 -0.4420123948814206 -0.5395228644685724 -0.6076254146564247 -0.6571545420657711 -0.661797897760402 -0.6556067568342304 -0.6788235353073673 -0.6695368239181143 -0.7144225956328297 -0.7329960184113357 -0.7871685015153128 -0.8506276960085343 -0.8862267563340055 -0.8707489040185808 -0.9156346757333051 +2044,-0.8722966892501304,0,-0.30116393881109393 -0.24080031478094516 -0.26092152279099184 -0.3181895763580504 -0.4420123948814206 -0.5395228644685724 -0.6076254146564247 -0.6571545420657711 -0.661797897760402 -0.6556067568342304 -0.6788235353073673 -0.6695368239181143 -0.7144225956328297 -0.7329960184113357 -0.7871685015153128 -0.8506276960085343 -0.8862267563340055 -0.8707489040185808 -0.9156346757333051 -0.8815834006393833 +2045,-0.822767561840784,0,-0.24080031478094516 -0.26092152279099184 -0.3181895763580504 -0.4420123948814206 -0.5395228644685724 -0.6076254146564247 -0.6571545420657711 -0.661797897760402 -0.6556067568342304 -0.6788235353073673 -0.6695368239181143 -0.7144225956328297 -0.7329960184113357 -0.7871685015153128 -0.8506276960085343 -0.8862267563340055 -0.8707489040185808 -0.9156346757333051 -0.8815834006393833 -0.8722966892501304 +2046,-0.7376393741059666,0,-0.26092152279099184 -0.3181895763580504 -0.4420123948814206 -0.5395228644685724 -0.6076254146564247 -0.6571545420657711 -0.661797897760402 -0.6556067568342304 -0.6788235353073673 -0.6695368239181143 -0.7144225956328297 -0.7329960184113357 -0.7871685015153128 -0.8506276960085343 -0.8862267563340055 -0.8707489040185808 -0.9156346757333051 -0.8815834006393833 -0.8722966892501304 -0.822767561840784 +2047,-0.5844086361832967,0,-0.3181895763580504 -0.4420123948814206 -0.5395228644685724 -0.6076254146564247 -0.6571545420657711 -0.661797897760402 -0.6556067568342304 -0.6788235353073673 -0.6695368239181143 -0.7144225956328297 -0.7329960184113357 -0.7871685015153128 -0.8506276960085343 -0.8862267563340055 -0.8707489040185808 -0.9156346757333051 -0.8815834006393833 -0.8722966892501304 -0.822767561840784 -0.7376393741059666 +2048,-0.46213360289146727,0,-0.4420123948814206 -0.5395228644685724 -0.6076254146564247 -0.6571545420657711 -0.661797897760402 -0.6556067568342304 -0.6788235353073673 -0.6695368239181143 -0.7144225956328297 -0.7329960184113357 -0.7871685015153128 -0.8506276960085343 -0.8862267563340055 -0.8707489040185808 -0.9156346757333051 -0.8815834006393833 -0.8722966892501304 -0.822767561840784 -0.7376393741059666 -0.5844086361832967 +2049,-0.445107965344502,0,-0.5395228644685724 -0.6076254146564247 -0.6571545420657711 -0.661797897760402 -0.6556067568342304 -0.6788235353073673 -0.6695368239181143 -0.7144225956328297 -0.7329960184113357 -0.7871685015153128 -0.8506276960085343 -0.8862267563340055 -0.8707489040185808 -0.9156346757333051 -0.8815834006393833 -0.8722966892501304 -0.822767561840784 -0.7376393741059666 -0.5844086361832967 -0.46213360289146727 +2050,-0.2129401806131862,0,-0.6076254146564247 -0.6571545420657711 -0.661797897760402 -0.6556067568342304 -0.6788235353073673 -0.6695368239181143 -0.7144225956328297 -0.7329960184113357 -0.7871685015153128 -0.8506276960085343 -0.8862267563340055 -0.8707489040185808 -0.9156346757333051 -0.8815834006393833 -0.8722966892501304 -0.822767561840784 -0.7376393741059666 -0.5844086361832967 -0.46213360289146727 -0.445107965344502 +2051,-0.22996581816015146,0,-0.6571545420657711 -0.661797897760402 -0.6556067568342304 -0.6788235353073673 -0.6695368239181143 -0.7144225956328297 -0.7329960184113357 -0.7871685015153128 -0.8506276960085343 -0.8862267563340055 -0.8707489040185808 -0.9156346757333051 -0.8815834006393833 -0.8722966892501304 -0.822767561840784 -0.7376393741059666 -0.5844086361832967 -0.46213360289146727 -0.445107965344502 -0.2129401806131862 +2052,-0.333667428673475,0,-0.661797897760402 -0.6556067568342304 -0.6788235353073673 -0.6695368239181143 -0.7144225956328297 -0.7329960184113357 -0.7871685015153128 -0.8506276960085343 -0.8862267563340055 -0.8707489040185808 -0.9156346757333051 -0.8815834006393833 -0.8722966892501304 -0.822767561840784 -0.7376393741059666 -0.5844086361832967 -0.46213360289146727 -0.445107965344502 -0.2129401806131862 -0.22996581816015146 +2053,-0.5472617906262848,0,-0.6556067568342304 -0.6788235353073673 -0.6695368239181143 -0.7144225956328297 -0.7329960184113357 -0.7871685015153128 -0.8506276960085343 -0.8862267563340055 -0.8707489040185808 -0.9156346757333051 -0.8815834006393833 -0.8722966892501304 -0.822767561840784 -0.7376393741059666 -0.5844086361832967 -0.46213360289146727 -0.445107965344502 -0.2129401806131862 -0.22996581816015146 -0.333667428673475 +2054,-0.6726323943811956,0,-0.6788235353073673 -0.6695368239181143 -0.7144225956328297 -0.7329960184113357 -0.7871685015153128 -0.8506276960085343 -0.8862267563340055 -0.8707489040185808 -0.9156346757333051 -0.8815834006393833 -0.8722966892501304 -0.822767561840784 -0.7376393741059666 -0.5844086361832967 -0.46213360289146727 -0.445107965344502 -0.2129401806131862 -0.22996581816015146 -0.333667428673475 -0.5472617906262848 +2055,-0.7949074276730251,0,-0.6695368239181143 -0.7144225956328297 -0.7329960184113357 -0.7871685015153128 -0.8506276960085343 -0.8862267563340055 -0.8707489040185808 -0.9156346757333051 -0.8815834006393833 -0.8722966892501304 -0.822767561840784 -0.7376393741059666 -0.5844086361832967 -0.46213360289146727 -0.445107965344502 -0.2129401806131862 -0.22996581816015146 -0.333667428673475 -0.5472617906262848 -0.6726323943811956 +2056,-0.9032523938809707,0,-0.7144225956328297 -0.7329960184113357 -0.7871685015153128 -0.8506276960085343 -0.8862267563340055 -0.8707489040185808 -0.9156346757333051 -0.8815834006393833 -0.8722966892501304 -0.822767561840784 -0.7376393741059666 -0.5844086361832967 -0.46213360289146727 -0.445107965344502 -0.2129401806131862 -0.22996581816015146 -0.333667428673475 -0.5472617906262848 -0.6726323943811956 -0.7949074276730251 +2057,-0.9295647428171889,0,-0.7329960184113357 -0.7871685015153128 -0.8506276960085343 -0.8862267563340055 -0.8707489040185808 -0.9156346757333051 -0.8815834006393833 -0.8722966892501304 -0.822767561840784 -0.7376393741059666 -0.5844086361832967 -0.46213360289146727 -0.445107965344502 -0.2129401806131862 -0.22996581816015146 -0.333667428673475 -0.5472617906262848 -0.6726323943811956 -0.7949074276730251 -0.9032523938809707 +2058,-1.0657698431928935,0,-0.7871685015153128 -0.8506276960085343 -0.8862267563340055 -0.8707489040185808 -0.9156346757333051 -0.8815834006393833 -0.8722966892501304 -0.822767561840784 -0.7376393741059666 -0.5844086361832967 -0.46213360289146727 -0.445107965344502 -0.2129401806131862 -0.22996581816015146 -0.333667428673475 -0.5472617906262848 -0.6726323943811956 -0.7949074276730251 -0.9032523938809707 -0.9295647428171889 +2059,-1.1431591047699987,0,-0.8506276960085343 -0.8862267563340055 -0.8707489040185808 -0.9156346757333051 -0.8815834006393833 -0.8722966892501304 -0.822767561840784 -0.7376393741059666 -0.5844086361832967 -0.46213360289146727 -0.445107965344502 -0.2129401806131862 -0.22996581816015146 -0.333667428673475 -0.5472617906262848 -0.6726323943811956 -0.7949074276730251 -0.9032523938809707 -0.9295647428171889 -1.0657698431928935 +2060,-1.3443711848704654,0,-0.8862267563340055 -0.8707489040185808 -0.9156346757333051 -0.8815834006393833 -0.8722966892501304 -0.822767561840784 -0.7376393741059666 -0.5844086361832967 -0.46213360289146727 -0.445107965344502 -0.2129401806131862 -0.22996581816015146 -0.333667428673475 -0.5472617906262848 -0.6726323943811956 -0.7949074276730251 -0.9032523938809707 -0.9295647428171889 -1.0657698431928935 -1.1431591047699987 +2061,-1.331988903018131,0,-0.8707489040185808 -0.9156346757333051 -0.8815834006393833 -0.8722966892501304 -0.822767561840784 -0.7376393741059666 -0.5844086361832967 -0.46213360289146727 -0.445107965344502 -0.2129401806131862 -0.22996581816015146 -0.333667428673475 -0.5472617906262848 -0.6726323943811956 -0.7949074276730251 -0.9032523938809707 -0.9295647428171889 -1.0657698431928935 -1.1431591047699987 -1.3443711848704654 +2062,-1.331988903018131,0,-0.9156346757333051 -0.8815834006393833 -0.8722966892501304 -0.822767561840784 -0.7376393741059666 -0.5844086361832967 -0.46213360289146727 -0.445107965344502 -0.2129401806131862 -0.22996581816015146 -0.333667428673475 -0.5472617906262848 -0.6726323943811956 -0.7949074276730251 -0.9032523938809707 -0.9295647428171889 -1.0657698431928935 -1.1431591047699987 -1.3443711848704654 -1.331988903018131 +2063,-1.3443711848704654,0,-0.8815834006393833 -0.8722966892501304 -0.822767561840784 -0.7376393741059666 -0.5844086361832967 -0.46213360289146727 -0.445107965344502 -0.2129401806131862 -0.22996581816015146 -0.333667428673475 -0.5472617906262848 -0.6726323943811956 -0.7949074276730251 -0.9032523938809707 -0.9295647428171889 -1.0657698431928935 -1.1431591047699987 -1.3443711848704654 -1.331988903018131 -1.331988903018131 +2064,-1.3397278291758432,0,-0.8722966892501304 -0.822767561840784 -0.7376393741059666 -0.5844086361832967 -0.46213360289146727 -0.445107965344502 -0.2129401806131862 -0.22996581816015146 -0.333667428673475 -0.5472617906262848 -0.6726323943811956 -0.7949074276730251 -0.9032523938809707 -0.9295647428171889 -1.0657698431928935 -1.1431591047699987 -1.3443711848704654 -1.331988903018131 -1.331988903018131 -1.3443711848704654 +2065,-1.4279515873737423,0,-0.822767561840784 -0.7376393741059666 -0.5844086361832967 -0.46213360289146727 -0.445107965344502 -0.2129401806131862 -0.22996581816015146 -0.333667428673475 -0.5472617906262848 -0.6726323943811956 -0.7949074276730251 -0.9032523938809707 -0.9295647428171889 -1.0657698431928935 -1.1431591047699987 -1.3443711848704654 -1.331988903018131 -1.331988903018131 -1.3443711848704654 -1.3397278291758432 +2066,-1.3939003122798206,0,-0.7376393741059666 -0.5844086361832967 -0.46213360289146727 -0.445107965344502 -0.2129401806131862 -0.22996581816015146 -0.333667428673475 -0.5472617906262848 -0.6726323943811956 -0.7949074276730251 -0.9032523938809707 -0.9295647428171889 -1.0657698431928935 -1.1431591047699987 -1.3443711848704654 -1.331988903018131 -1.331988903018131 -1.3443711848704654 -1.3397278291758432 -1.4279515873737423 +2067,-1.2313828629678978,0,-0.5844086361832967 -0.46213360289146727 -0.445107965344502 -0.2129401806131862 -0.22996581816015146 -0.333667428673475 -0.5472617906262848 -0.6726323943811956 -0.7949074276730251 -0.9032523938809707 -0.9295647428171889 -1.0657698431928935 -1.1431591047699987 -1.3443711848704654 -1.331988903018131 -1.331988903018131 -1.3443711848704654 -1.3397278291758432 -1.4279515873737423 -1.3939003122798206 +2068,-1.2220961515786448,0,-0.46213360289146727 -0.445107965344502 -0.2129401806131862 -0.22996581816015146 -0.333667428673475 -0.5472617906262848 -0.6726323943811956 -0.7949074276730251 -0.9032523938809707 -0.9295647428171889 -1.0657698431928935 -1.1431591047699987 -1.3443711848704654 -1.331988903018131 -1.331988903018131 -1.3443711848704654 -1.3397278291758432 -1.4279515873737423 -1.3939003122798206 -1.2313828629678978 +2069,-0.9821894406896167,0,-0.445107965344502 -0.2129401806131862 -0.22996581816015146 -0.333667428673475 -0.5472617906262848 -0.6726323943811956 -0.7949074276730251 -0.9032523938809707 -0.9295647428171889 -1.0657698431928935 -1.1431591047699987 -1.3443711848704654 -1.331988903018131 -1.331988903018131 -1.3443711848704654 -1.3397278291758432 -1.4279515873737423 -1.3939003122798206 -1.2313828629678978 -1.2220961515786448 +2070,-0.6850146762335301,0,-0.2129401806131862 -0.22996581816015146 -0.333667428673475 -0.5472617906262848 -0.6726323943811956 -0.7949074276730251 -0.9032523938809707 -0.9295647428171889 -1.0657698431928935 -1.1431591047699987 -1.3443711848704654 -1.331988903018131 -1.331988903018131 -1.3443711848704654 -1.3397278291758432 -1.4279515873737423 -1.3939003122798206 -1.2313828629678978 -1.2220961515786448 -0.9821894406896167 +2071,-0.5658352134047907,0,-0.22996581816015146 -0.333667428673475 -0.5472617906262848 -0.6726323943811956 -0.7949074276730251 -0.9032523938809707 -0.9295647428171889 -1.0657698431928935 -1.1431591047699987 -1.3443711848704654 -1.331988903018131 -1.331988903018131 -1.3443711848704654 -1.3397278291758432 -1.4279515873737423 -1.3939003122798206 -1.2313828629678978 -1.2220961515786448 -0.9821894406896167 -0.6850146762335301 +2072,-0.4946370927538571,0,-0.333667428673475 -0.5472617906262848 -0.6726323943811956 -0.7949074276730251 -0.9032523938809707 -0.9295647428171889 -1.0657698431928935 -1.1431591047699987 -1.3443711848704654 -1.331988903018131 -1.331988903018131 -1.3443711848704654 -1.3397278291758432 -1.4279515873737423 -1.3939003122798206 -1.2313828629678978 -1.2220961515786448 -0.9821894406896167 -0.6850146762335301 -0.5658352134047907 +2073,-0.3770054151566497,0,-0.5472617906262848 -0.6726323943811956 -0.7949074276730251 -0.9032523938809707 -0.9295647428171889 -1.0657698431928935 -1.1431591047699987 -1.3443711848704654 -1.331988903018131 -1.331988903018131 -1.3443711848704654 -1.3397278291758432 -1.4279515873737423 -1.3939003122798206 -1.2313828629678978 -1.2220961515786448 -0.9821894406896167 -0.6850146762335301 -0.5658352134047907 -0.4946370927538571 +2074,-0.3104506502003469,0,-0.6726323943811956 -0.7949074276730251 -0.9032523938809707 -0.9295647428171889 -1.0657698431928935 -1.1431591047699987 -1.3443711848704654 -1.331988903018131 -1.331988903018131 -1.3443711848704654 -1.3397278291758432 -1.4279515873737423 -1.3939003122798206 -1.2313828629678978 -1.2220961515786448 -0.9821894406896167 -0.6850146762335301 -0.5658352134047907 -0.4946370927538571 -0.3770054151566497 +2075,-0.3506930662204403,0,-0.7949074276730251 -0.9032523938809707 -0.9295647428171889 -1.0657698431928935 -1.1431591047699987 -1.3443711848704654 -1.331988903018131 -1.331988903018131 -1.3443711848704654 -1.3397278291758432 -1.4279515873737423 -1.3939003122798206 -1.2313828629678978 -1.2220961515786448 -0.9821894406896167 -0.6850146762335301 -0.5658352134047907 -0.4946370927538571 -0.3770054151566497 -0.3104506502003469 +2076,-0.5039238041431101,0,-0.9032523938809707 -0.9295647428171889 -1.0657698431928935 -1.1431591047699987 -1.3443711848704654 -1.331988903018131 -1.331988903018131 -1.3443711848704654 -1.3397278291758432 -1.4279515873737423 -1.3939003122798206 -1.2313828629678978 -1.2220961515786448 -0.9821894406896167 -0.6850146762335301 -0.5658352134047907 -0.4946370927538571 -0.3770054151566497 -0.3104506502003469 -0.3506930662204403 +2077,-0.6587023272973206,0,-0.9295647428171889 -1.0657698431928935 -1.1431591047699987 -1.3443711848704654 -1.331988903018131 -1.331988903018131 -1.3443711848704654 -1.3397278291758432 -1.4279515873737423 -1.3939003122798206 -1.2313828629678978 -1.2220961515786448 -0.9821894406896167 -0.6850146762335301 -0.5658352134047907 -0.4946370927538571 -0.3770054151566497 -0.3104506502003469 -0.3506930662204403 -0.5039238041431101 +2078,-0.8196719913776939,0,-1.0657698431928935 -1.1431591047699987 -1.3443711848704654 -1.331988903018131 -1.331988903018131 -1.3443711848704654 -1.3397278291758432 -1.4279515873737423 -1.3939003122798206 -1.2313828629678978 -1.2220961515786448 -0.9821894406896167 -0.6850146762335301 -0.5658352134047907 -0.4946370927538571 -0.3770054151566497 -0.3104506502003469 -0.3506930662204403 -0.5039238041431101 -0.6587023272973206 +2079,-1.0162407157835471,0,-1.1431591047699987 -1.3443711848704654 -1.331988903018131 -1.331988903018131 -1.3443711848704654 -1.3397278291758432 -1.4279515873737423 -1.3939003122798206 -1.2313828629678978 -1.2220961515786448 -0.9821894406896167 -0.6850146762335301 -0.5658352134047907 -0.4946370927538571 -0.3770054151566497 -0.3104506502003469 -0.3506930662204403 -0.5039238041431101 -0.6587023272973206 -0.8196719913776939 +2080,-1.0936299773606524,0,-1.3443711848704654 -1.331988903018131 -1.331988903018131 -1.3443711848704654 -1.3397278291758432 -1.4279515873737423 -1.3939003122798206 -1.2313828629678978 -1.2220961515786448 -0.9821894406896167 -0.6850146762335301 -0.5658352134047907 -0.4946370927538571 -0.3770054151566497 -0.3104506502003469 -0.3506930662204403 -0.5039238041431101 -0.6587023272973206 -0.8196719913776939 -1.0162407157835471 +2081,-1.1988793731055079,0,-1.331988903018131 -1.331988903018131 -1.3443711848704654 -1.3397278291758432 -1.4279515873737423 -1.3939003122798206 -1.2313828629678978 -1.2220961515786448 -0.9821894406896167 -0.6850146762335301 -0.5658352134047907 -0.4946370927538571 -0.3770054151566497 -0.3104506502003469 -0.3506930662204403 -0.5039238041431101 -0.6587023272973206 -0.8196719913776939 -1.0162407157835471 -1.0936299773606524 +2082,-1.492958567098513,0,-1.331988903018131 -1.3443711848704654 -1.3397278291758432 -1.4279515873737423 -1.3939003122798206 -1.2313828629678978 -1.2220961515786448 -0.9821894406896167 -0.6850146762335301 -0.5658352134047907 -0.4946370927538571 -0.3770054151566497 -0.3104506502003469 -0.3506930662204403 -0.5039238041431101 -0.6587023272973206 -0.8196719913776939 -1.0162407157835471 -1.0936299773606524 -1.1988793731055079 +2083,-1.3288933325550496,0,-1.3443711848704654 -1.3397278291758432 -1.4279515873737423 -1.3939003122798206 -1.2313828629678978 -1.2220961515786448 -0.9821894406896167 -0.6850146762335301 -0.5658352134047907 -0.4946370927538571 -0.3770054151566497 -0.3104506502003469 -0.3506930662204403 -0.5039238041431101 -0.6587023272973206 -0.8196719913776939 -1.0162407157835471 -1.0936299773606524 -1.1988793731055079 -1.492958567098513 +2084,-1.276268634682613,0,-1.3397278291758432 -1.4279515873737423 -1.3939003122798206 -1.2313828629678978 -1.2220961515786448 -0.9821894406896167 -0.6850146762335301 -0.5658352134047907 -0.4946370927538571 -0.3770054151566497 -0.3104506502003469 -0.3506930662204403 -0.5039238041431101 -0.6587023272973206 -0.8196719913776939 -1.0162407157835471 -1.0936299773606524 -1.1988793731055079 -1.492958567098513 -1.3288933325550496 +2085,-1.2097138697263103,0,-1.4279515873737423 -1.3939003122798206 -1.2313828629678978 -1.2220961515786448 -0.9821894406896167 -0.6850146762335301 -0.5658352134047907 -0.4946370927538571 -0.3770054151566497 -0.3104506502003469 -0.3506930662204403 -0.5039238041431101 -0.6587023272973206 -0.8196719913776939 -1.0162407157835471 -1.0936299773606524 -1.1988793731055079 -1.492958567098513 -1.3288933325550496 -1.276268634682613 +2086,-1.1880448764847142,0,-1.3939003122798206 -1.2313828629678978 -1.2220961515786448 -0.9821894406896167 -0.6850146762335301 -0.5658352134047907 -0.4946370927538571 -0.3770054151566497 -0.3104506502003469 -0.3506930662204403 -0.5039238041431101 -0.6587023272973206 -0.8196719913776939 -1.0162407157835471 -1.0936299773606524 -1.1988793731055079 -1.492958567098513 -1.3288933325550496 -1.276268634682613 -1.2097138697263103 +2087,-1.2174527958840138,0,-1.2313828629678978 -1.2220961515786448 -0.9821894406896167 -0.6850146762335301 -0.5658352134047907 -0.4946370927538571 -0.3770054151566497 -0.3104506502003469 -0.3506930662204403 -0.5039238041431101 -0.6587023272973206 -0.8196719913776939 -1.0162407157835471 -1.0936299773606524 -1.1988793731055079 -1.492958567098513 -1.3288933325550496 -1.276268634682613 -1.2097138697263103 -1.1880448764847142 +2088,-1.1864970912531736,0,-1.2220961515786448 -0.9821894406896167 -0.6850146762335301 -0.5658352134047907 -0.4946370927538571 -0.3770054151566497 -0.3104506502003469 -0.3506930662204403 -0.5039238041431101 -0.6587023272973206 -0.8196719913776939 -1.0162407157835471 -1.0936299773606524 -1.1988793731055079 -1.492958567098513 -1.3288933325550496 -1.276268634682613 -1.2097138697263103 -1.1880448764847142 -1.2174527958840138 +2089,-1.1431591047699987,0,-0.9821894406896167 -0.6850146762335301 -0.5658352134047907 -0.4946370927538571 -0.3770054151566497 -0.3104506502003469 -0.3506930662204403 -0.5039238041431101 -0.6587023272973206 -0.8196719913776939 -1.0162407157835471 -1.0936299773606524 -1.1988793731055079 -1.492958567098513 -1.3288933325550496 -1.276268634682613 -1.2097138697263103 -1.1880448764847142 -1.2174527958840138 -1.1864970912531736 +2090,-1.0843432659713994,0,-0.6850146762335301 -0.5658352134047907 -0.4946370927538571 -0.3770054151566497 -0.3104506502003469 -0.3506930662204403 -0.5039238041431101 -0.6587023272973206 -0.8196719913776939 -1.0162407157835471 -1.0936299773606524 -1.1988793731055079 -1.492958567098513 -1.3288933325550496 -1.276268634682613 -1.2097138697263103 -1.1880448764847142 -1.2174527958840138 -1.1864970912531736 -1.1431591047699987 +2091,-1.0441008499512974,0,-0.5658352134047907 -0.4946370927538571 -0.3770054151566497 -0.3104506502003469 -0.3506930662204403 -0.5039238041431101 -0.6587023272973206 -0.8196719913776939 -1.0162407157835471 -1.0936299773606524 -1.1988793731055079 -1.492958567098513 -1.3288933325550496 -1.276268634682613 -1.2097138697263103 -1.1880448764847142 -1.2174527958840138 -1.1864970912531736 -1.1431591047699987 -1.0843432659713994 +2092,-1.0255274271727914,0,-0.4946370927538571 -0.3770054151566497 -0.3104506502003469 -0.3506930662204403 -0.5039238041431101 -0.6587023272973206 -0.8196719913776939 -1.0162407157835471 -1.0936299773606524 -1.1988793731055079 -1.492958567098513 -1.3288933325550496 -1.276268634682613 -1.2097138697263103 -1.1880448764847142 -1.2174527958840138 -1.1864970912531736 -1.1431591047699987 -1.0843432659713994 -1.0441008499512974 +2093,-0.8846789711024647,0,-0.3770054151566497 -0.3104506502003469 -0.3506930662204403 -0.5039238041431101 -0.6587023272973206 -0.8196719913776939 -1.0162407157835471 -1.0936299773606524 -1.1988793731055079 -1.492958567098513 -1.3288933325550496 -1.276268634682613 -1.2097138697263103 -1.1880448764847142 -1.2174527958840138 -1.1864970912531736 -1.1431591047699987 -1.0843432659713994 -1.0441008499512974 -1.0255274271727914 +2094,-0.6788235353073673,0,-0.3104506502003469 -0.3506930662204403 -0.5039238041431101 -0.6587023272973206 -0.8196719913776939 -1.0162407157835471 -1.0936299773606524 -1.1988793731055079 -1.492958567098513 -1.3288933325550496 -1.276268634682613 -1.2097138697263103 -1.1880448764847142 -1.2174527958840138 -1.1864970912531736 -1.1431591047699987 -1.0843432659713994 -1.0441008499512974 -1.0255274271727914 -0.8846789711024647 +2095,-0.5890519918779188,0,-0.3506930662204403 -0.5039238041431101 -0.6587023272973206 -0.8196719913776939 -1.0162407157835471 -1.0936299773606524 -1.1988793731055079 -1.492958567098513 -1.3288933325550496 -1.276268634682613 -1.2097138697263103 -1.1880448764847142 -1.2174527958840138 -1.1864970912531736 -1.1431591047699987 -1.0843432659713994 -1.0441008499512974 -1.0255274271727914 -0.8846789711024647 -0.6788235353073673 +2096,-0.4265345425660048,0,-0.5039238041431101 -0.6587023272973206 -0.8196719913776939 -1.0162407157835471 -1.0936299773606524 -1.1988793731055079 -1.492958567098513 -1.3288933325550496 -1.276268634682613 -1.2097138697263103 -1.1880448764847142 -1.2174527958840138 -1.1864970912531736 -1.1431591047699987 -1.0843432659713994 -1.0441008499512974 -1.0255274271727914 -0.8846789711024647 -0.6788235353073673 -0.5890519918779188 +2097,-0.29806836834800376,0,-0.6587023272973206 -0.8196719913776939 -1.0162407157835471 -1.0936299773606524 -1.1988793731055079 -1.492958567098513 -1.3288933325550496 -1.276268634682613 -1.2097138697263103 -1.1880448764847142 -1.2174527958840138 -1.1864970912531736 -1.1431591047699987 -1.0843432659713994 -1.0441008499512974 -1.0255274271727914 -0.8846789711024647 -0.6788235353073673 -0.5890519918779188 -0.4265345425660048 +2098,-0.23770474431786376,0,-0.8196719913776939 -1.0162407157835471 -1.0936299773606524 -1.1988793731055079 -1.492958567098513 -1.3288933325550496 -1.276268634682613 -1.2097138697263103 -1.1880448764847142 -1.2174527958840138 -1.1864970912531736 -1.1431591047699987 -1.0843432659713994 -1.0441008499512974 -1.0255274271727914 -0.8846789711024647 -0.6788235353073673 -0.5890519918779188 -0.4265345425660048 -0.29806836834800376 +2099,-0.3259285025157627,0,-1.0162407157835471 -1.0936299773606524 -1.1988793731055079 -1.492958567098513 -1.3288933325550496 -1.276268634682613 -1.2097138697263103 -1.1880448764847142 -1.2174527958840138 -1.1864970912531736 -1.1431591047699987 -1.0843432659713994 -1.0441008499512974 -1.0255274271727914 -0.8846789711024647 -0.6788235353073673 -0.5890519918779188 -0.4265345425660048 -0.29806836834800376 -0.23770474431786376 +2100,-0.445107965344502,0,-1.0936299773606524 -1.1988793731055079 -1.492958567098513 -1.3288933325550496 -1.276268634682613 -1.2097138697263103 -1.1880448764847142 -1.2174527958840138 -1.1864970912531736 -1.1431591047699987 -1.0843432659713994 -1.0441008499512974 -1.0255274271727914 -0.8846789711024647 -0.6788235353073673 -0.5890519918779188 -0.4265345425660048 -0.29806836834800376 -0.23770474431786376 -0.3259285025157627 +2101,-0.6447722602134367,0,-1.1988793731055079 -1.492958567098513 -1.3288933325550496 -1.276268634682613 -1.2097138697263103 -1.1880448764847142 -1.2174527958840138 -1.1864970912531736 -1.1431591047699987 -1.0843432659713994 -1.0441008499512974 -1.0255274271727914 -0.8846789711024647 -0.6788235353073673 -0.5890519918779188 -0.4265345425660048 -0.29806836834800376 -0.23770474431786376 -0.3259285025157627 -0.445107965344502 +2102,-0.7469260854952195,0,-1.492958567098513 -1.3288933325550496 -1.276268634682613 -1.2097138697263103 -1.1880448764847142 -1.2174527958840138 -1.1864970912531736 -1.1431591047699987 -1.0843432659713994 -1.0441008499512974 -1.0255274271727914 -0.8846789711024647 -0.6788235353073673 -0.5890519918779188 -0.4265345425660048 -0.29806836834800376 -0.23770474431786376 -0.3259285025157627 -0.445107965344502 -0.6447722602134367 +2103,-0.8614621926293367,0,-1.3288933325550496 -1.276268634682613 -1.2097138697263103 -1.1880448764847142 -1.2174527958840138 -1.1864970912531736 -1.1431591047699987 -1.0843432659713994 -1.0441008499512974 -1.0255274271727914 -0.8846789711024647 -0.6788235353073673 -0.5890519918779188 -0.4265345425660048 -0.29806836834800376 -0.23770474431786376 -0.3259285025157627 -0.445107965344502 -0.6447722602134367 -0.7469260854952195 +2104,-0.9651638031426514,0,-1.276268634682613 -1.2097138697263103 -1.1880448764847142 -1.2174527958840138 -1.1864970912531736 -1.1431591047699987 -1.0843432659713994 -1.0441008499512974 -1.0255274271727914 -0.8846789711024647 -0.6788235353073673 -0.5890519918779188 -0.4265345425660048 -0.29806836834800376 -0.23770474431786376 -0.3259285025157627 -0.445107965344502 -0.6447722602134367 -0.7469260854952195 -0.8614621926293367 +2105,-0.9976672930050412,0,-1.2097138697263103 -1.1880448764847142 -1.2174527958840138 -1.1864970912531736 -1.1431591047699987 -1.0843432659713994 -1.0441008499512974 -1.0255274271727914 -0.8846789711024647 -0.6788235353073673 -0.5890519918779188 -0.4265345425660048 -0.29806836834800376 -0.23770474431786376 -0.3259285025157627 -0.445107965344502 -0.6447722602134367 -0.7469260854952195 -0.8614621926293367 -0.9651638031426514 +2106,-1.0580309170351812,0,-1.1880448764847142 -1.2174527958840138 -1.1864970912531736 -1.1431591047699987 -1.0843432659713994 -1.0441008499512974 -1.0255274271727914 -0.8846789711024647 -0.6788235353073673 -0.5890519918779188 -0.4265345425660048 -0.29806836834800376 -0.23770474431786376 -0.3259285025157627 -0.445107965344502 -0.6447722602134367 -0.7469260854952195 -0.8614621926293367 -0.9651638031426514 -0.9976672930050412 +2107,-1.2081660844947608,0,-1.2174527958840138 -1.1864970912531736 -1.1431591047699987 -1.0843432659713994 -1.0441008499512974 -1.0255274271727914 -0.8846789711024647 -0.6788235353073673 -0.5890519918779188 -0.4265345425660048 -0.29806836834800376 -0.23770474431786376 -0.3259285025157627 -0.445107965344502 -0.6447722602134367 -0.7469260854952195 -0.8614621926293367 -0.9651638031426514 -0.9976672930050412 -1.0580309170351812 +2108,-1.23912178912561,0,-1.1864970912531736 -1.1431591047699987 -1.0843432659713994 -1.0441008499512974 -1.0255274271727914 -0.8846789711024647 -0.6788235353073673 -0.5890519918779188 -0.4265345425660048 -0.29806836834800376 -0.23770474431786376 -0.3259285025157627 -0.445107965344502 -0.6447722602134367 -0.7469260854952195 -0.8614621926293367 -0.9651638031426514 -0.9976672930050412 -1.0580309170351812 -1.2081660844947608 +2109,-1.2468607152833135,0,-1.1431591047699987 -1.0843432659713994 -1.0441008499512974 -1.0255274271727914 -0.8846789711024647 -0.6788235353073673 -0.5890519918779188 -0.4265345425660048 -0.29806836834800376 -0.23770474431786376 -0.3259285025157627 -0.445107965344502 -0.6447722602134367 -0.7469260854952195 -0.8614621926293367 -0.9651638031426514 -0.9976672930050412 -1.0580309170351812 -1.2081660844947608 -1.23912178912561 +2110,-1.2669819232933601,0,-1.0843432659713994 -1.0441008499512974 -1.0255274271727914 -0.8846789711024647 -0.6788235353073673 -0.5890519918779188 -0.4265345425660048 -0.29806836834800376 -0.23770474431786376 -0.3259285025157627 -0.445107965344502 -0.6447722602134367 -0.7469260854952195 -0.8614621926293367 -0.9651638031426514 -0.9976672930050412 -1.0580309170351812 -1.2081660844947608 -1.23912178912561 -1.2468607152833135 +2111,-1.225191722041726,0,-1.0441008499512974 -1.0255274271727914 -0.8846789711024647 -0.6788235353073673 -0.5890519918779188 -0.4265345425660048 -0.29806836834800376 -0.23770474431786376 -0.3259285025157627 -0.445107965344502 -0.6447722602134367 -0.7469260854952195 -0.8614621926293367 -0.9651638031426514 -0.9976672930050412 -1.0580309170351812 -1.2081660844947608 -1.23912178912561 -1.2468607152833135 -1.2669819232933601 +2112,-1.3381800439443026,0,-1.0255274271727914 -0.8846789711024647 -0.6788235353073673 -0.5890519918779188 -0.4265345425660048 -0.29806836834800376 -0.23770474431786376 -0.3259285025157627 -0.445107965344502 -0.6447722602134367 -0.7469260854952195 -0.8614621926293367 -0.9651638031426514 -0.9976672930050412 -1.0580309170351812 -1.2081660844947608 -1.23912178912561 -1.2468607152833135 -1.2669819232933601 -1.225191722041726 +2113,-1.4867674261723416,0,-0.8846789711024647 -0.6788235353073673 -0.5890519918779188 -0.4265345425660048 -0.29806836834800376 -0.23770474431786376 -0.3259285025157627 -0.445107965344502 -0.6447722602134367 -0.7469260854952195 -0.8614621926293367 -0.9651638031426514 -0.9976672930050412 -1.0580309170351812 -1.2081660844947608 -1.23912178912561 -1.2468607152833135 -1.2669819232933601 -1.225191722041726 -1.3381800439443026 +2114,-1.6229725265480461,0,-0.6788235353073673 -0.5890519918779188 -0.4265345425660048 -0.29806836834800376 -0.23770474431786376 -0.3259285025157627 -0.445107965344502 -0.6447722602134367 -0.7469260854952195 -0.8614621926293367 -0.9651638031426514 -0.9976672930050412 -1.0580309170351812 -1.2081660844947608 -1.23912178912561 -1.2468607152833135 -1.2669819232933601 -1.225191722041726 -1.3381800439443026 -1.4867674261723416 +2115,-1.3985436679744425,0,-0.5890519918779188 -0.4265345425660048 -0.29806836834800376 -0.23770474431786376 -0.3259285025157627 -0.445107965344502 -0.6447722602134367 -0.7469260854952195 -0.8614621926293367 -0.9651638031426514 -0.9976672930050412 -1.0580309170351812 -1.2081660844947608 -1.23912178912561 -1.2468607152833135 -1.2669819232933601 -1.225191722041726 -1.3381800439443026 -1.4867674261723416 -1.6229725265480461 +2116,-1.253051856209485,0,-0.4265345425660048 -0.29806836834800376 -0.23770474431786376 -0.3259285025157627 -0.445107965344502 -0.6447722602134367 -0.7469260854952195 -0.8614621926293367 -0.9651638031426514 -0.9976672930050412 -1.0580309170351812 -1.2081660844947608 -1.23912178912561 -1.2468607152833135 -1.2669819232933601 -1.225191722041726 -1.3381800439443026 -1.4867674261723416 -1.6229725265480461 -1.3985436679744425 +2117,-0.9512337360587764,0,-0.29806836834800376 -0.23770474431786376 -0.3259285025157627 -0.445107965344502 -0.6447722602134367 -0.7469260854952195 -0.8614621926293367 -0.9651638031426514 -0.9976672930050412 -1.0580309170351812 -1.2081660844947608 -1.23912178912561 -1.2468607152833135 -1.2669819232933601 -1.225191722041726 -1.3381800439443026 -1.4867674261723416 -1.6229725265480461 -1.3985436679744425 -1.253051856209485 +2118,-0.7159703808643704,0,-0.23770474431786376 -0.3259285025157627 -0.445107965344502 -0.6447722602134367 -0.7469260854952195 -0.8614621926293367 -0.9651638031426514 -0.9976672930050412 -1.0580309170351812 -1.2081660844947608 -1.23912178912561 -1.2468607152833135 -1.2669819232933601 -1.225191722041726 -1.3381800439443026 -1.4867674261723416 -1.6229725265480461 -1.3985436679744425 -1.253051856209485 -0.9512337360587764 +2119,-0.4807070256699732,0,-0.3259285025157627 -0.445107965344502 -0.6447722602134367 -0.7469260854952195 -0.8614621926293367 -0.9651638031426514 -0.9976672930050412 -1.0580309170351812 -1.2081660844947608 -1.23912178912561 -1.2468607152833135 -1.2669819232933601 -1.225191722041726 -1.3381800439443026 -1.4867674261723416 -1.6229725265480461 -1.3985436679744425 -1.253051856209485 -0.9512337360587764 -0.7159703808643704 +2120,-0.324380717284222,0,-0.445107965344502 -0.6447722602134367 -0.7469260854952195 -0.8614621926293367 -0.9651638031426514 -0.9976672930050412 -1.0580309170351812 -1.2081660844947608 -1.23912178912561 -1.2468607152833135 -1.2669819232933601 -1.225191722041726 -1.3381800439443026 -1.4867674261723416 -1.6229725265480461 -1.3985436679744425 -1.253051856209485 -0.9512337360587764 -0.7159703808643704 -0.4807070256699732 +2121,-0.28723387172721004,0,-0.6447722602134367 -0.7469260854952195 -0.8614621926293367 -0.9651638031426514 -0.9976672930050412 -1.0580309170351812 -1.2081660844947608 -1.23912178912561 -1.2468607152833135 -1.2669819232933601 -1.225191722041726 -1.3381800439443026 -1.4867674261723416 -1.6229725265480461 -1.3985436679744425 -1.253051856209485 -0.9512337360587764 -0.7159703808643704 -0.4807070256699732 -0.324380717284222 +2122,-0.2810427308010473,0,-0.7469260854952195 -0.8614621926293367 -0.9651638031426514 -0.9976672930050412 -1.0580309170351812 -1.2081660844947608 -1.23912178912561 -1.2468607152833135 -1.2669819232933601 -1.225191722041726 -1.3381800439443026 -1.4867674261723416 -1.6229725265480461 -1.3985436679744425 -1.253051856209485 -0.9512337360587764 -0.7159703808643704 -0.4807070256699732 -0.324380717284222 -0.28723387172721004 +2123,-0.375457629925109,0,-0.8614621926293367 -0.9651638031426514 -0.9976672930050412 -1.0580309170351812 -1.2081660844947608 -1.23912178912561 -1.2468607152833135 -1.2669819232933601 -1.225191722041726 -1.3381800439443026 -1.4867674261723416 -1.6229725265480461 -1.3985436679744425 -1.253051856209485 -0.9512337360587764 -0.7159703808643704 -0.4807070256699732 -0.324380717284222 -0.28723387172721004 -0.2810427308010473 +2124,-0.49308930752230756,0,-0.9651638031426514 -0.9976672930050412 -1.0580309170351812 -1.2081660844947608 -1.23912178912561 -1.2468607152833135 -1.2669819232933601 -1.225191722041726 -1.3381800439443026 -1.4867674261723416 -1.6229725265480461 -1.3985436679744425 -1.253051856209485 -0.9512337360587764 -0.7159703808643704 -0.4807070256699732 -0.324380717284222 -0.28723387172721004 -0.2810427308010473 -0.375457629925109 +2125,-0.6540589716026897,0,-0.9976672930050412 -1.0580309170351812 -1.2081660844947608 -1.23912178912561 -1.2468607152833135 -1.2669819232933601 -1.225191722041726 -1.3381800439443026 -1.4867674261723416 -1.6229725265480461 -1.3985436679744425 -1.253051856209485 -0.9512337360587764 -0.7159703808643704 -0.4807070256699732 -0.324380717284222 -0.28723387172721004 -0.2810427308010473 -0.375457629925109 -0.49308930752230756 +2126,-0.864557763092418,0,-1.0580309170351812 -1.2081660844947608 -1.23912178912561 -1.2468607152833135 -1.2669819232933601 -1.225191722041726 -1.3381800439443026 -1.4867674261723416 -1.6229725265480461 -1.3985436679744425 -1.253051856209485 -0.9512337360587764 -0.7159703808643704 -0.4807070256699732 -0.324380717284222 -0.28723387172721004 -0.2810427308010473 -0.375457629925109 -0.49308930752230756 -0.6540589716026897 +2127,-0.9667115883741921,0,-1.2081660844947608 -1.23912178912561 -1.2468607152833135 -1.2669819232933601 -1.225191722041726 -1.3381800439443026 -1.4867674261723416 -1.6229725265480461 -1.3985436679744425 -1.253051856209485 -0.9512337360587764 -0.7159703808643704 -0.4807070256699732 -0.324380717284222 -0.28723387172721004 -0.2810427308010473 -0.375457629925109 -0.49308930752230756 -0.6540589716026897 -0.864557763092418 +2128,-1.0564831318036405,0,-1.23912178912561 -1.2468607152833135 -1.2669819232933601 -1.225191722041726 -1.3381800439443026 -1.4867674261723416 -1.6229725265480461 -1.3985436679744425 -1.253051856209485 -0.9512337360587764 -0.7159703808643704 -0.4807070256699732 -0.324380717284222 -0.28723387172721004 -0.2810427308010473 -0.375457629925109 -0.49308930752230756 -0.6540589716026897 -0.864557763092418 -0.9667115883741921 +2129,-1.2066182992632202,0,-1.2468607152833135 -1.2669819232933601 -1.225191722041726 -1.3381800439443026 -1.4867674261723416 -1.6229725265480461 -1.3985436679744425 -1.253051856209485 -0.9512337360587764 -0.7159703808643704 -0.4807070256699732 -0.324380717284222 -0.28723387172721004 -0.2810427308010473 -0.375457629925109 -0.49308930752230756 -0.6540589716026897 -0.864557763092418 -0.9667115883741921 -1.0564831318036405 +2130,-1.2700774937564503,0,-1.2669819232933601 -1.225191722041726 -1.3381800439443026 -1.4867674261723416 -1.6229725265480461 -1.3985436679744425 -1.253051856209485 -0.9512337360587764 -0.7159703808643704 -0.4807070256699732 -0.324380717284222 -0.28723387172721004 -0.2810427308010473 -0.375457629925109 -0.49308930752230756 -0.6540589716026897 -0.864557763092418 -0.9667115883741921 -1.0564831318036405 -1.2066182992632202 +2131,-1.3459189701020149,0,-1.225191722041726 -1.3381800439443026 -1.4867674261723416 -1.6229725265480461 -1.3985436679744425 -1.253051856209485 -0.9512337360587764 -0.7159703808643704 -0.4807070256699732 -0.324380717284222 -0.28723387172721004 -0.2810427308010473 -0.375457629925109 -0.49308930752230756 -0.6540589716026897 -0.864557763092418 -0.9667115883741921 -1.0564831318036405 -1.2066182992632202 -1.2700774937564503 +2132,-1.4542639363099605,0,-1.3381800439443026 -1.4867674261723416 -1.6229725265480461 -1.3985436679744425 -1.253051856209485 -0.9512337360587764 -0.7159703808643704 -0.4807070256699732 -0.324380717284222 -0.28723387172721004 -0.2810427308010473 -0.375457629925109 -0.49308930752230756 -0.6540589716026897 -0.864557763092418 -0.9667115883741921 -1.0564831318036405 -1.2066182992632202 -1.2700774937564503 -1.3459189701020149 +2133,-1.585825680991034,0,-1.4867674261723416 -1.6229725265480461 -1.3985436679744425 -1.253051856209485 -0.9512337360587764 -0.7159703808643704 -0.4807070256699732 -0.324380717284222 -0.28723387172721004 -0.2810427308010473 -0.375457629925109 -0.49308930752230756 -0.6540589716026897 -0.864557763092418 -0.9667115883741921 -1.0564831318036405 -1.2066182992632202 -1.2700774937564503 -1.3459189701020149 -1.4542639363099605 +2134,-1.701909573356692,0,-1.6229725265480461 -1.3985436679744425 -1.253051856209485 -0.9512337360587764 -0.7159703808643704 -0.4807070256699732 -0.324380717284222 -0.28723387172721004 -0.2810427308010473 -0.375457629925109 -0.49308930752230756 -0.6540589716026897 -0.864557763092418 -0.9667115883741921 -1.0564831318036405 -1.2066182992632202 -1.2700774937564503 -1.3459189701020149 -1.4542639363099605 -1.585825680991034 +2135,-1.678692794883564,0,-1.3985436679744425 -1.253051856209485 -0.9512337360587764 -0.7159703808643704 -0.4807070256699732 -0.324380717284222 -0.28723387172721004 -0.2810427308010473 -0.375457629925109 -0.49308930752230756 -0.6540589716026897 -0.864557763092418 -0.9667115883741921 -1.0564831318036405 -1.2066182992632202 -1.2700774937564503 -1.3459189701020149 -1.4542639363099605 -1.585825680991034 -1.701909573356692 +2136,-2.0826647403160554,0,-1.253051856209485 -0.9512337360587764 -0.7159703808643704 -0.4807070256699732 -0.324380717284222 -0.28723387172721004 -0.2810427308010473 -0.375457629925109 -0.49308930752230756 -0.6540589716026897 -0.864557763092418 -0.9667115883741921 -1.0564831318036405 -1.2066182992632202 -1.2700774937564503 -1.3459189701020149 -1.4542639363099605 -1.585825680991034 -1.701909573356692 -1.678692794883564 +2137,-1.8752615192894084,0,-0.9512337360587764 -0.7159703808643704 -0.4807070256699732 -0.324380717284222 -0.28723387172721004 -0.2810427308010473 -0.375457629925109 -0.49308930752230756 -0.6540589716026897 -0.864557763092418 -0.9667115883741921 -1.0564831318036405 -1.2066182992632202 -1.2700774937564503 -1.3459189701020149 -1.4542639363099605 -1.585825680991034 -1.701909573356692 -1.678692794883564 -2.0826647403160554 +2138,-1.9031216534571676,0,-0.7159703808643704 -0.4807070256699732 -0.324380717284222 -0.28723387172721004 -0.2810427308010473 -0.375457629925109 -0.49308930752230756 -0.6540589716026897 -0.864557763092418 -0.9667115883741921 -1.0564831318036405 -1.2066182992632202 -1.2700774937564503 -1.3459189701020149 -1.4542639363099605 -1.585825680991034 -1.701909573356692 -1.678692794883564 -2.0826647403160554 -1.8752615192894084 +2139,-1.8288279623431525,0,-0.4807070256699732 -0.324380717284222 -0.28723387172721004 -0.2810427308010473 -0.375457629925109 -0.49308930752230756 -0.6540589716026897 -0.864557763092418 -0.9667115883741921 -1.0564831318036405 -1.2066182992632202 -1.2700774937564503 -1.3459189701020149 -1.4542639363099605 -1.585825680991034 -1.701909573356692 -1.678692794883564 -2.0826647403160554 -1.8752615192894084 -1.9031216534571676 +2140,-1.660119372105058,0,-0.324380717284222 -0.28723387172721004 -0.2810427308010473 -0.375457629925109 -0.49308930752230756 -0.6540589716026897 -0.864557763092418 -0.9667115883741921 -1.0564831318036405 -1.2066182992632202 -1.2700774937564503 -1.3459189701020149 -1.4542639363099605 -1.585825680991034 -1.701909573356692 -1.678692794883564 -2.0826647403160554 -1.8752615192894084 -1.9031216534571676 -1.8288279623431525 +2141,-1.0905344068975622,0,-0.28723387172721004 -0.2810427308010473 -0.375457629925109 -0.49308930752230756 -0.6540589716026897 -0.864557763092418 -0.9667115883741921 -1.0564831318036405 -1.2066182992632202 -1.2700774937564503 -1.3459189701020149 -1.4542639363099605 -1.585825680991034 -1.701909573356692 -1.678692794883564 -2.0826647403160554 -1.8752615192894084 -1.9031216534571676 -1.8288279623431525 -1.660119372105058 +2142,-0.7608561525790946,0,-0.2810427308010473 -0.375457629925109 -0.49308930752230756 -0.6540589716026897 -0.864557763092418 -0.9667115883741921 -1.0564831318036405 -1.2066182992632202 -1.2700774937564503 -1.3459189701020149 -1.4542639363099605 -1.585825680991034 -1.701909573356692 -1.678692794883564 -2.0826647403160554 -1.8752615192894084 -1.9031216534571676 -1.8288279623431525 -1.660119372105058 -1.0905344068975622 +2143,-0.4853503813646041,0,-0.375457629925109 -0.49308930752230756 -0.6540589716026897 -0.864557763092418 -0.9667115883741921 -1.0564831318036405 -1.2066182992632202 -1.2700774937564503 -1.3459189701020149 -1.4542639363099605 -1.585825680991034 -1.701909573356692 -1.678692794883564 -2.0826647403160554 -1.8752615192894084 -1.9031216534571676 -1.8288279623431525 -1.660119372105058 -1.0905344068975622 -0.7608561525790946 +2144,-0.30735507973725673,0,-0.49308930752230756 -0.6540589716026897 -0.864557763092418 -0.9667115883741921 -1.0564831318036405 -1.2066182992632202 -1.2700774937564503 -1.3459189701020149 -1.4542639363099605 -1.585825680991034 -1.701909573356692 -1.678692794883564 -2.0826647403160554 -1.8752615192894084 -1.9031216534571676 -1.8288279623431525 -1.660119372105058 -1.0905344068975622 -0.7608561525790946 -0.4853503813646041 +2145,-0.1603154827407585,0,-0.6540589716026897 -0.864557763092418 -0.9667115883741921 -1.0564831318036405 -1.2066182992632202 -1.2700774937564503 -1.3459189701020149 -1.4542639363099605 -1.585825680991034 -1.701909573356692 -1.678692794883564 -2.0826647403160554 -1.8752615192894084 -1.9031216534571676 -1.8288279623431525 -1.660119372105058 -1.0905344068975622 -0.7608561525790946 -0.4853503813646041 -0.30735507973725673 +2146,-0.1603154827407585,0,-0.864557763092418 -0.9667115883741921 -1.0564831318036405 -1.2066182992632202 -1.2700774937564503 -1.3459189701020149 -1.4542639363099605 -1.585825680991034 -1.701909573356692 -1.678692794883564 -2.0826647403160554 -1.8752615192894084 -1.9031216534571676 -1.8288279623431525 -1.660119372105058 -1.0905344068975622 -0.7608561525790946 -0.4853503813646041 -0.30735507973725673 -0.1603154827407585 +2147,-0.2779471603379571,0,-0.9667115883741921 -1.0564831318036405 -1.2066182992632202 -1.2700774937564503 -1.3459189701020149 -1.4542639363099605 -1.585825680991034 -1.701909573356692 -1.678692794883564 -2.0826647403160554 -1.8752615192894084 -1.9031216534571676 -1.8288279623431525 -1.660119372105058 -1.0905344068975622 -0.7608561525790946 -0.4853503813646041 -0.30735507973725673 -0.1603154827407585 -0.1603154827407585 +2148,-0.4249867573344553,0,-1.0564831318036405 -1.2066182992632202 -1.2700774937564503 -1.3459189701020149 -1.4542639363099605 -1.585825680991034 -1.701909573356692 -1.678692794883564 -2.0826647403160554 -1.8752615192894084 -1.9031216534571676 -1.8288279623431525 -1.660119372105058 -1.0905344068975622 -0.7608561525790946 -0.4853503813646041 -0.30735507973725673 -0.1603154827407585 -0.1603154827407585 -0.2779471603379571 +2149,-0.675727964844277,0,-1.2066182992632202 -1.2700774937564503 -1.3459189701020149 -1.4542639363099605 -1.585825680991034 -1.701909573356692 -1.678692794883564 -2.0826647403160554 -1.8752615192894084 -1.9031216534571676 -1.8288279623431525 -1.660119372105058 -1.0905344068975622 -0.7608561525790946 -0.4853503813646041 -0.30735507973725673 -0.1603154827407585 -0.1603154827407585 -0.2779471603379571 -0.4249867573344553 +2150,-0.8521754812400837,0,-1.2700774937564503 -1.3459189701020149 -1.4542639363099605 -1.585825680991034 -1.701909573356692 -1.678692794883564 -2.0826647403160554 -1.8752615192894084 -1.9031216534571676 -1.8288279623431525 -1.660119372105058 -1.0905344068975622 -0.7608561525790946 -0.4853503813646041 -0.30735507973725673 -0.1603154827407585 -0.1603154827407585 -0.2779471603379571 -0.4249867573344553 -0.675727964844277 +2151,-1.0023106486996634,0,-1.3459189701020149 -1.4542639363099605 -1.585825680991034 -1.701909573356692 -1.678692794883564 -2.0826647403160554 -1.8752615192894084 -1.9031216534571676 -1.8288279623431525 -1.660119372105058 -1.0905344068975622 -0.7608561525790946 -0.4853503813646041 -0.30735507973725673 -0.1603154827407585 -0.1603154827407585 -0.2779471603379571 -0.4249867573344553 -0.675727964844277 -0.8521754812400837 +2152,-1.050291990877469,0,-1.4542639363099605 -1.585825680991034 -1.701909573356692 -1.678692794883564 -2.0826647403160554 -1.8752615192894084 -1.9031216534571676 -1.8288279623431525 -1.660119372105058 -1.0905344068975622 -0.7608561525790946 -0.4853503813646041 -0.30735507973725673 -0.1603154827407585 -0.1603154827407585 -0.2779471603379571 -0.4249867573344553 -0.675727964844277 -0.8521754812400837 -1.0023106486996634 +2153,-1.0827954807398499,0,-1.585825680991034 -1.701909573356692 -1.678692794883564 -2.0826647403160554 -1.8752615192894084 -1.9031216534571676 -1.8288279623431525 -1.660119372105058 -1.0905344068975622 -0.7608561525790946 -0.4853503813646041 -0.30735507973725673 -0.1603154827407585 -0.1603154827407585 -0.2779471603379571 -0.4249867573344553 -0.675727964844277 -0.8521754812400837 -1.0023106486996634 -1.050291990877469 +2154,-1.2592429971356567,0,-1.701909573356692 -1.678692794883564 -2.0826647403160554 -1.8752615192894084 -1.9031216534571676 -1.8288279623431525 -1.660119372105058 -1.0905344068975622 -0.7608561525790946 -0.4853503813646041 -0.30735507973725673 -0.1603154827407585 -0.1603154827407585 -0.2779471603379571 -0.4249867573344553 -0.675727964844277 -0.8521754812400837 -1.0023106486996634 -1.050291990877469 -1.0827954807398499 +2155,-1.3861613861221083,0,-1.678692794883564 -2.0826647403160554 -1.8752615192894084 -1.9031216534571676 -1.8288279623431525 -1.660119372105058 -1.0905344068975622 -0.7608561525790946 -0.4853503813646041 -0.30735507973725673 -0.1603154827407585 -0.1603154827407585 -0.2779471603379571 -0.4249867573344553 -0.675727964844277 -0.8521754812400837 -1.0023106486996634 -1.050291990877469 -1.0827954807398499 -1.2592429971356567 +2156,-1.5006974932562254,0,-2.0826647403160554 -1.8752615192894084 -1.9031216534571676 -1.8288279623431525 -1.660119372105058 -1.0905344068975622 -0.7608561525790946 -0.4853503813646041 -0.30735507973725673 -0.1603154827407585 -0.1603154827407585 -0.2779471603379571 -0.4249867573344553 -0.675727964844277 -0.8521754812400837 -1.0023106486996634 -1.050291990877469 -1.0827954807398499 -1.2592429971356567 -1.3861613861221083 +2157,-1.5657044729809875,0,-1.8752615192894084 -1.9031216534571676 -1.8288279623431525 -1.660119372105058 -1.0905344068975622 -0.7608561525790946 -0.4853503813646041 -0.30735507973725673 -0.1603154827407585 -0.1603154827407585 -0.2779471603379571 -0.4249867573344553 -0.675727964844277 -0.8521754812400837 -1.0023106486996634 -1.050291990877469 -1.0827954807398499 -1.2592429971356567 -1.3861613861221083 -1.5006974932562254 +2158,-1.6245203117795868,0,-1.9031216534571676 -1.8288279623431525 -1.660119372105058 -1.0905344068975622 -0.7608561525790946 -0.4853503813646041 -0.30735507973725673 -0.1603154827407585 -0.1603154827407585 -0.2779471603379571 -0.4249867573344553 -0.675727964844277 -0.8521754812400837 -1.0023106486996634 -1.050291990877469 -1.0827954807398499 -1.2592429971356567 -1.3861613861221083 -1.5006974932562254 -1.5657044729809875 +2159,-1.6755972244204826,0,-1.8288279623431525 -1.660119372105058 -1.0905344068975622 -0.7608561525790946 -0.4853503813646041 -0.30735507973725673 -0.1603154827407585 -0.1603154827407585 -0.2779471603379571 -0.4249867573344553 -0.675727964844277 -0.8521754812400837 -1.0023106486996634 -1.050291990877469 -1.0827954807398499 -1.2592429971356567 -1.3861613861221083 -1.5006974932562254 -1.5657044729809875 -1.6245203117795868 +2160,-1.7638209826183815,0,-1.660119372105058 -1.0905344068975622 -0.7608561525790946 -0.4853503813646041 -0.30735507973725673 -0.1603154827407585 -0.1603154827407585 -0.2779471603379571 -0.4249867573344553 -0.675727964844277 -0.8521754812400837 -1.0023106486996634 -1.050291990877469 -1.0827954807398499 -1.2592429971356567 -1.3861613861221083 -1.5006974932562254 -1.5657044729809875 -1.6245203117795868 -1.6755972244204826 +2161,-2.5729257124070113,0,-1.0905344068975622 -0.7608561525790946 -0.4853503813646041 -0.30735507973725673 -0.1603154827407585 -0.1603154827407585 -0.2779471603379571 -0.4249867573344553 -0.675727964844277 -0.8521754812400837 -1.0023106486996634 -1.050291990877469 -1.0827954807398499 -1.2592429971356567 -1.3861613861221083 -1.5006974932562254 -1.5657044729809875 -1.6245203117795868 -1.6755972244204826 -1.7638209826183815 +2162,-1.7978722577123032,0,-0.7608561525790946 -0.4853503813646041 -0.30735507973725673 -0.1603154827407585 -0.1603154827407585 -0.2779471603379571 -0.4249867573344553 -0.675727964844277 -0.8521754812400837 -1.0023106486996634 -1.050291990877469 -1.0827954807398499 -1.2592429971356567 -1.3861613861221083 -1.5006974932562254 -1.5657044729809875 -1.6245203117795868 -1.6755972244204826 -1.7638209826183815 -2.5729257124070113 +2163,-1.720482996135198,0,-0.4853503813646041 -0.30735507973725673 -0.1603154827407585 -0.1603154827407585 -0.2779471603379571 -0.4249867573344553 -0.675727964844277 -0.8521754812400837 -1.0023106486996634 -1.050291990877469 -1.0827954807398499 -1.2592429971356567 -1.3861613861221083 -1.5006974932562254 -1.5657044729809875 -1.6245203117795868 -1.6755972244204826 -1.7638209826183815 -2.5729257124070113 -1.7978722577123032 +2164,-1.5285576274239756,0,-0.30735507973725673 -0.1603154827407585 -0.1603154827407585 -0.2779471603379571 -0.4249867573344553 -0.675727964844277 -0.8521754812400837 -1.0023106486996634 -1.050291990877469 -1.0827954807398499 -1.2592429971356567 -1.3861613861221083 -1.5006974932562254 -1.5657044729809875 -1.6245203117795868 -1.6755972244204826 -1.7638209826183815 -2.5729257124070113 -1.7978722577123032 -1.720482996135198 +2165,-1.5177231308031818,0,-0.1603154827407585 -0.1603154827407585 -0.2779471603379571 -0.4249867573344553 -0.675727964844277 -0.8521754812400837 -1.0023106486996634 -1.050291990877469 -1.0827954807398499 -1.2592429971356567 -1.3861613861221083 -1.5006974932562254 -1.5657044729809875 -1.6245203117795868 -1.6755972244204826 -1.7638209826183815 -2.5729257124070113 -1.7978722577123032 -1.720482996135198 -1.5285576274239756 +2166,-1.5301054126555251,0,-0.1603154827407585 -0.2779471603379571 -0.4249867573344553 -0.675727964844277 -0.8521754812400837 -1.0023106486996634 -1.050291990877469 -1.0827954807398499 -1.2592429971356567 -1.3861613861221083 -1.5006974932562254 -1.5657044729809875 -1.6245203117795868 -1.6755972244204826 -1.7638209826183815 -2.5729257124070113 -1.7978722577123032 -1.720482996135198 -1.5285576274239756 -1.5177231308031818 +2167,-1.5161753455716411,0,-0.2779471603379571 -0.4249867573344553 -0.675727964844277 -0.8521754812400837 -1.0023106486996634 -1.050291990877469 -1.0827954807398499 -1.2592429971356567 -1.3861613861221083 -1.5006974932562254 -1.5657044729809875 -1.6245203117795868 -1.6755972244204826 -1.7638209826183815 -2.5729257124070113 -1.7978722577123032 -1.720482996135198 -1.5285576274239756 -1.5177231308031818 -1.5301054126555251 +2168,-1.313415480239625,0,-0.4249867573344553 -0.675727964844277 -0.8521754812400837 -1.0023106486996634 -1.050291990877469 -1.0827954807398499 -1.2592429971356567 -1.3861613861221083 -1.5006974932562254 -1.5657044729809875 -1.6245203117795868 -1.6755972244204826 -1.7638209826183815 -2.5729257124070113 -1.7978722577123032 -1.720482996135198 -1.5285576274239756 -1.5177231308031818 -1.5301054126555251 -1.5161753455716411 +2169,-1.1539936013907925,0,-0.675727964844277 -0.8521754812400837 -1.0023106486996634 -1.050291990877469 -1.0827954807398499 -1.2592429971356567 -1.3861613861221083 -1.5006974932562254 -1.5657044729809875 -1.6245203117795868 -1.6755972244204826 -1.7638209826183815 -2.5729257124070113 -1.7978722577123032 -1.720482996135198 -1.5285576274239756 -1.5177231308031818 -1.5301054126555251 -1.5161753455716411 -1.313415480239625 +2170,-1.0441008499512974,0,-0.8521754812400837 -1.0023106486996634 -1.050291990877469 -1.0827954807398499 -1.2592429971356567 -1.3861613861221083 -1.5006974932562254 -1.5657044729809875 -1.6245203117795868 -1.6755972244204826 -1.7638209826183815 -2.5729257124070113 -1.7978722577123032 -1.720482996135198 -1.5285576274239756 -1.5177231308031818 -1.5301054126555251 -1.5161753455716411 -1.313415480239625 -1.1539936013907925 +2171,-0.9961195077734918,0,-1.0023106486996634 -1.050291990877469 -1.0827954807398499 -1.2592429971356567 -1.3861613861221083 -1.5006974932562254 -1.5657044729809875 -1.6245203117795868 -1.6755972244204826 -1.7638209826183815 -2.5729257124070113 -1.7978722577123032 -1.720482996135198 -1.5285576274239756 -1.5177231308031818 -1.5301054126555251 -1.5161753455716411 -1.313415480239625 -1.1539936013907925 -1.0441008499512974 +2172,-1.0348141385620444,0,-1.050291990877469 -1.0827954807398499 -1.2592429971356567 -1.3861613861221083 -1.5006974932562254 -1.5657044729809875 -1.6245203117795868 -1.6755972244204826 -1.7638209826183815 -2.5729257124070113 -1.7978722577123032 -1.720482996135198 -1.5285576274239756 -1.5177231308031818 -1.5301054126555251 -1.5161753455716411 -1.313415480239625 -1.1539936013907925 -1.0441008499512974 -0.9961195077734918 +2173,-1.1137511853706992,0,-1.0827954807398499 -1.2592429971356567 -1.3861613861221083 -1.5006974932562254 -1.5657044729809875 -1.6245203117795868 -1.6755972244204826 -1.7638209826183815 -2.5729257124070113 -1.7978722577123032 -1.720482996135198 -1.5285576274239756 -1.5177231308031818 -1.5301054126555251 -1.5161753455716411 -1.313415480239625 -1.1539936013907925 -1.0441008499512974 -0.9961195077734918 -1.0348141385620444 +2174,-1.2050705140316795,0,-1.2592429971356567 -1.3861613861221083 -1.5006974932562254 -1.5657044729809875 -1.6245203117795868 -1.6755972244204826 -1.7638209826183815 -2.5729257124070113 -1.7978722577123032 -1.720482996135198 -1.5285576274239756 -1.5177231308031818 -1.5301054126555251 -1.5161753455716411 -1.313415480239625 -1.1539936013907925 -1.0441008499512974 -0.9961195077734918 -1.0348141385620444 -1.1137511853706992 +2175,-1.308772124545003,0,-1.3861613861221083 -1.5006974932562254 -1.5657044729809875 -1.6245203117795868 -1.6755972244204826 -1.7638209826183815 -2.5729257124070113 -1.7978722577123032 -1.720482996135198 -1.5285576274239756 -1.5177231308031818 -1.5301054126555251 -1.5161753455716411 -1.313415480239625 -1.1539936013907925 -1.0441008499512974 -0.9961195077734918 -1.0348141385620444 -1.1137511853706992 -1.2050705140316795 +2176,-1.4635506476992135,0,-1.5006974932562254 -1.5657044729809875 -1.6245203117795868 -1.6755972244204826 -1.7638209826183815 -2.5729257124070113 -1.7978722577123032 -1.720482996135198 -1.5285576274239756 -1.5177231308031818 -1.5301054126555251 -1.5161753455716411 -1.313415480239625 -1.1539936013907925 -1.0441008499512974 -0.9961195077734918 -1.0348141385620444 -1.1137511853706992 -1.2050705140316795 -1.308772124545003 +2177,-1.6678582982627703,0,-1.5657044729809875 -1.6245203117795868 -1.6755972244204826 -1.7638209826183815 -2.5729257124070113 -1.7978722577123032 -1.720482996135198 -1.5285576274239756 -1.5177231308031818 -1.5301054126555251 -1.5161753455716411 -1.313415480239625 -1.1539936013907925 -1.0441008499512974 -0.9961195077734918 -1.0348141385620444 -1.1137511853706992 -1.2050705140316795 -1.308772124545003 -1.4635506476992135 +2178,-1.7893594389388205,0,-1.6245203117795868 -1.6755972244204826 -1.7638209826183815 -2.5729257124070113 -1.7978722577123032 -1.720482996135198 -1.5285576274239756 -1.5177231308031818 -1.5301054126555251 -1.5161753455716411 -1.313415480239625 -1.1539936013907925 -1.0441008499512974 -0.9961195077734918 -1.0348141385620444 -1.1137511853706992 -1.2050705140316795 -1.308772124545003 -1.4635506476992135 -1.6678582982627703 +2179,-1.9108605796148797,0,-1.6755972244204826 -1.7638209826183815 -2.5729257124070113 -1.7978722577123032 -1.720482996135198 -1.5285576274239756 -1.5177231308031818 -1.5301054126555251 -1.5161753455716411 -1.313415480239625 -1.1539936013907925 -1.0441008499512974 -0.9961195077734918 -1.0348141385620444 -1.1137511853706992 -1.2050705140316795 -1.308772124545003 -1.4635506476992135 -1.6678582982627703 -1.7893594389388205 +2180,-1.9108605796148797,0,-1.7638209826183815 -2.5729257124070113 -1.7978722577123032 -1.720482996135198 -1.5285576274239756 -1.5177231308031818 -1.5301054126555251 -1.5161753455716411 -1.313415480239625 -1.1539936013907925 -1.0441008499512974 -0.9961195077734918 -1.0348141385620444 -1.1137511853706992 -1.2050705140316795 -1.308772124545003 -1.4635506476992135 -1.6678582982627703 -1.7893594389388205 -1.9108605796148797 +2181,-1.8520447408162806,0,-2.5729257124070113 -1.7978722577123032 -1.720482996135198 -1.5285576274239756 -1.5177231308031818 -1.5301054126555251 -1.5161753455716411 -1.313415480239625 -1.1539936013907925 -1.0441008499512974 -0.9961195077734918 -1.0348141385620444 -1.1137511853706992 -1.2050705140316795 -1.308772124545003 -1.4635506476992135 -1.6678582982627703 -1.7893594389388205 -1.9108605796148797 -1.9108605796148797 +2182,-1.8241846066485214,0,-1.7978722577123032 -1.720482996135198 -1.5285576274239756 -1.5177231308031818 -1.5301054126555251 -1.5161753455716411 -1.313415480239625 -1.1539936013907925 -1.0441008499512974 -0.9961195077734918 -1.0348141385620444 -1.1137511853706992 -1.2050705140316795 -1.308772124545003 -1.4635506476992135 -1.6678582982627703 -1.7893594389388205 -1.9108605796148797 -1.9108605796148797 -1.8520447408162806 +2183,-1.8799048749840395,0,-1.720482996135198 -1.5285576274239756 -1.5177231308031818 -1.5301054126555251 -1.5161753455716411 -1.313415480239625 -1.1539936013907925 -1.0441008499512974 -0.9961195077734918 -1.0348141385620444 -1.1137511853706992 -1.2050705140316795 -1.308772124545003 -1.4635506476992135 -1.6678582982627703 -1.7893594389388205 -1.9108605796148797 -1.9108605796148797 -1.8520447408162806 -1.8241846066485214 +2184,-1.9108605796148797,0,-1.5285576274239756 -1.5177231308031818 -1.5301054126555251 -1.5161753455716411 -1.313415480239625 -1.1539936013907925 -1.0441008499512974 -0.9961195077734918 -1.0348141385620444 -1.1137511853706992 -1.2050705140316795 -1.308772124545003 -1.4635506476992135 -1.6678582982627703 -1.7893594389388205 -1.9108605796148797 -1.9108605796148797 -1.8520447408162806 -1.8241846066485214 -1.8799048749840395 +2185,-2.0223011162859157,0,-1.5177231308031818 -1.5301054126555251 -1.5161753455716411 -1.313415480239625 -1.1539936013907925 -1.0441008499512974 -0.9961195077734918 -1.0348141385620444 -1.1137511853706992 -1.2050705140316795 -1.308772124545003 -1.4635506476992135 -1.6678582982627703 -1.7893594389388205 -1.9108605796148797 -1.9108605796148797 -1.8520447408162806 -1.8241846066485214 -1.8799048749840395 -1.9108605796148797 +2186,-2.112072659715355,0,-1.5301054126555251 -1.5161753455716411 -1.313415480239625 -1.1539936013907925 -1.0441008499512974 -0.9961195077734918 -1.0348141385620444 -1.1137511853706992 -1.2050705140316795 -1.308772124545003 -1.4635506476992135 -1.6678582982627703 -1.7893594389388205 -1.9108605796148797 -1.9108605796148797 -1.8520447408162806 -1.8241846066485214 -1.8799048749840395 -1.9108605796148797 -2.0223011162859157 +2187,-2.1476717200408175,0,-1.5161753455716411 -1.313415480239625 -1.1539936013907925 -1.0441008499512974 -0.9961195077734918 -1.0348141385620444 -1.1137511853706992 -1.2050705140316795 -1.308772124545003 -1.4635506476992135 -1.6678582982627703 -1.7893594389388205 -1.9108605796148797 -1.9108605796148797 -1.8520447408162806 -1.8241846066485214 -1.8799048749840395 -1.9108605796148797 -2.0223011162859157 -2.112072659715355 +2188,-1.9031216534571676,0,-1.313415480239625 -1.1539936013907925 -1.0441008499512974 -0.9961195077734918 -1.0348141385620444 -1.1137511853706992 -1.2050705140316795 -1.308772124545003 -1.4635506476992135 -1.6678582982627703 -1.7893594389388205 -1.9108605796148797 -1.9108605796148797 -1.8520447408162806 -1.8241846066485214 -1.8799048749840395 -1.9108605796148797 -2.0223011162859157 -2.112072659715355 -2.1476717200408175 +2189,-1.4264038021422016,0,-1.1539936013907925 -1.0441008499512974 -0.9961195077734918 -1.0348141385620444 -1.1137511853706992 -1.2050705140316795 -1.308772124545003 -1.4635506476992135 -1.6678582982627703 -1.7893594389388205 -1.9108605796148797 -1.9108605796148797 -1.8520447408162806 -1.8241846066485214 -1.8799048749840395 -1.9108605796148797 -2.0223011162859157 -2.112072659715355 -2.1476717200408175 -1.9031216534571676 +2190,-1.0549353465720999,0,-1.0441008499512974 -0.9961195077734918 -1.0348141385620444 -1.1137511853706992 -1.2050705140316795 -1.308772124545003 -1.4635506476992135 -1.6678582982627703 -1.7893594389388205 -1.9108605796148797 -1.9108605796148797 -1.8520447408162806 -1.8241846066485214 -1.8799048749840395 -1.9108605796148797 -2.0223011162859157 -2.112072659715355 -2.1476717200408175 -1.9031216534571676 -1.4264038021422016 +2191,-0.8428887698508307,0,-0.9961195077734918 -1.0348141385620444 -1.1137511853706992 -1.2050705140316795 -1.308772124545003 -1.4635506476992135 -1.6678582982627703 -1.7893594389388205 -1.9108605796148797 -1.9108605796148797 -1.8520447408162806 -1.8241846066485214 -1.8799048749840395 -1.9108605796148797 -2.0223011162859157 -2.112072659715355 -2.1476717200408175 -1.9031216534571676 -1.4264038021422016 -1.0549353465720999 +2192,-0.7887162867468536,0,-1.0348141385620444 -1.1137511853706992 -1.2050705140316795 -1.308772124545003 -1.4635506476992135 -1.6678582982627703 -1.7893594389388205 -1.9108605796148797 -1.9108605796148797 -1.8520447408162806 -1.8241846066485214 -1.8799048749840395 -1.9108605796148797 -2.0223011162859157 -2.112072659715355 -2.1476717200408175 -1.9031216534571676 -1.4264038021422016 -1.0549353465720999 -0.8428887698508307 +2193,-0.7360915888744258,0,-1.1137511853706992 -1.2050705140316795 -1.308772124545003 -1.4635506476992135 -1.6678582982627703 -1.7893594389388205 -1.9108605796148797 -1.9108605796148797 -1.8520447408162806 -1.8241846066485214 -1.8799048749840395 -1.9108605796148797 -2.0223011162859157 -2.112072659715355 -2.1476717200408175 -1.9031216534571676 -1.4264038021422016 -1.0549353465720999 -0.8428887698508307 -0.7887162867468536 +2194,-0.7732384344314289,0,-1.2050705140316795 -1.308772124545003 -1.4635506476992135 -1.6678582982627703 -1.7893594389388205 -1.9108605796148797 -1.9108605796148797 -1.8520447408162806 -1.8241846066485214 -1.8799048749840395 -1.9108605796148797 -2.0223011162859157 -2.112072659715355 -2.1476717200408175 -1.9031216534571676 -1.4264038021422016 -1.0549353465720999 -0.8428887698508307 -0.7887162867468536 -0.7360915888744258 +2195,-1.0394574942566752,0,-1.308772124545003 -1.4635506476992135 -1.6678582982627703 -1.7893594389388205 -1.9108605796148797 -1.9108605796148797 -1.8520447408162806 -1.8241846066485214 -1.8799048749840395 -1.9108605796148797 -2.0223011162859157 -2.112072659715355 -2.1476717200408175 -1.9031216534571676 -1.4264038021422016 -1.0549353465720999 -0.8428887698508307 -0.7887162867468536 -0.7360915888744258 -0.7732384344314289 +2196,-0.9342080985118111,0,-1.4635506476992135 -1.6678582982627703 -1.7893594389388205 -1.9108605796148797 -1.9108605796148797 -1.8520447408162806 -1.8241846066485214 -1.8799048749840395 -1.9108605796148797 -2.0223011162859157 -2.112072659715355 -2.1476717200408175 -1.9031216534571676 -1.4264038021422016 -1.0549353465720999 -0.8428887698508307 -0.7887162867468536 -0.7360915888744258 -0.7732384344314289 -1.0394574942566752 +2197,-1.087438836434481,0,-1.6678582982627703 -1.7893594389388205 -1.9108605796148797 -1.9108605796148797 -1.8520447408162806 -1.8241846066485214 -1.8799048749840395 -1.9108605796148797 -2.0223011162859157 -2.112072659715355 -2.1476717200408175 -1.9031216534571676 -1.4264038021422016 -1.0549353465720999 -0.8428887698508307 -0.7887162867468536 -0.7360915888744258 -0.7732384344314289 -1.0394574942566752 -0.9342080985118111 +2198,-1.2050705140316795,0,-1.7893594389388205 -1.9108605796148797 -1.9108605796148797 -1.8520447408162806 -1.8241846066485214 -1.8799048749840395 -1.9108605796148797 -2.0223011162859157 -2.112072659715355 -2.1476717200408175 -1.9031216534571676 -1.4264038021422016 -1.0549353465720999 -0.8428887698508307 -0.7887162867468536 -0.7360915888744258 -0.7732384344314289 -1.0394574942566752 -0.9342080985118111 -1.087438836434481 +2199,-1.294842057461119,0,-1.9108605796148797 -1.9108605796148797 -1.8520447408162806 -1.8241846066485214 -1.8799048749840395 -1.9108605796148797 -2.0223011162859157 -2.112072659715355 -2.1476717200408175 -1.9031216534571676 -1.4264038021422016 -1.0549353465720999 -0.8428887698508307 -0.7887162867468536 -0.7360915888744258 -0.7732384344314289 -1.0394574942566752 -0.9342080985118111 -1.087438836434481 -1.2050705140316795 +2200,-1.3737791042697651,0,-1.9108605796148797 -1.8520447408162806 -1.8241846066485214 -1.8799048749840395 -1.9108605796148797 -2.0223011162859157 -2.112072659715355 -2.1476717200408175 -1.9031216534571676 -1.4264038021422016 -1.0549353465720999 -0.8428887698508307 -0.7887162867468536 -0.7360915888744258 -0.7732384344314289 -1.0394574942566752 -0.9342080985118111 -1.087438836434481 -1.2050705140316795 -1.294842057461119 +2201,-1.3861613861221083,0,-1.8520447408162806 -1.8241846066485214 -1.8799048749840395 -1.9108605796148797 -2.0223011162859157 -2.112072659715355 -2.1476717200408175 -1.9031216534571676 -1.4264038021422016 -1.0549353465720999 -0.8428887698508307 -0.7887162867468536 -0.7360915888744258 -0.7732384344314289 -1.0394574942566752 -0.9342080985118111 -1.087438836434481 -1.2050705140316795 -1.294842057461119 -1.3737791042697651 +2202,-1.6725016539573925,0,-1.8241846066485214 -1.8799048749840395 -1.9108605796148797 -2.0223011162859157 -2.112072659715355 -2.1476717200408175 -1.9031216534571676 -1.4264038021422016 -1.0549353465720999 -0.8428887698508307 -0.7887162867468536 -0.7360915888744258 -0.7732384344314289 -1.0394574942566752 -0.9342080985118111 -1.087438836434481 -1.2050705140316795 -1.294842057461119 -1.3737791042697651 -1.3861613861221083 +2203,-1.5332009831186064,0,-1.8799048749840395 -1.9108605796148797 -2.0223011162859157 -2.112072659715355 -2.1476717200408175 -1.9031216534571676 -1.4264038021422016 -1.0549353465720999 -0.8428887698508307 -0.7887162867468536 -0.7360915888744258 -0.7732384344314289 -1.0394574942566752 -0.9342080985118111 -1.087438836434481 -1.2050705140316795 -1.294842057461119 -1.3737791042697651 -1.3861613861221083 -1.6725016539573925 +2204,-1.7003617881251514,0,-1.9108605796148797 -2.0223011162859157 -2.112072659715355 -2.1476717200408175 -1.9031216534571676 -1.4264038021422016 -1.0549353465720999 -0.8428887698508307 -0.7887162867468536 -0.7360915888744258 -0.7732384344314289 -1.0394574942566752 -0.9342080985118111 -1.087438836434481 -1.2050705140316795 -1.294842057461119 -1.3737791042697651 -1.3861613861221083 -1.6725016539573925 -1.5332009831186064 +2205,-1.7142918552090352,0,-2.0223011162859157 -2.112072659715355 -2.1476717200408175 -1.9031216534571676 -1.4264038021422016 -1.0549353465720999 -0.8428887698508307 -0.7887162867468536 -0.7360915888744258 -0.7732384344314289 -1.0394574942566752 -0.9342080985118111 -1.087438836434481 -1.2050705140316795 -1.294842057461119 -1.3737791042697651 -1.3861613861221083 -1.6725016539573925 -1.5332009831186064 -1.7003617881251514 +2206,-1.799420042943844,0,-2.112072659715355 -2.1476717200408175 -1.9031216534571676 -1.4264038021422016 -1.0549353465720999 -0.8428887698508307 -0.7887162867468536 -0.7360915888744258 -0.7732384344314289 -1.0394574942566752 -0.9342080985118111 -1.087438836434481 -1.2050705140316795 -1.294842057461119 -1.3737791042697651 -1.3861613861221083 -1.6725016539573925 -1.5332009831186064 -1.7003617881251514 -1.7142918552090352 +2207,-1.8659748079001555,0,-2.1476717200408175 -1.9031216534571676 -1.4264038021422016 -1.0549353465720999 -0.8428887698508307 -0.7887162867468536 -0.7360915888744258 -0.7732384344314289 -1.0394574942566752 -0.9342080985118111 -1.087438836434481 -1.2050705140316795 -1.294842057461119 -1.3737791042697651 -1.3861613861221083 -1.6725016539573925 -1.5332009831186064 -1.7003617881251514 -1.7142918552090352 -1.799420042943844 +2208,-1.9495552104034324,0,-1.9031216534571676 -1.4264038021422016 -1.0549353465720999 -0.8428887698508307 -0.7887162867468536 -0.7360915888744258 -0.7732384344314289 -1.0394574942566752 -0.9342080985118111 -1.087438836434481 -1.2050705140316795 -1.294842057461119 -1.3737791042697651 -1.3861613861221083 -1.6725016539573925 -1.5332009831186064 -1.7003617881251514 -1.7142918552090352 -1.799420042943844 -1.8659748079001555 +2209,-1.9356251433195573,0,-1.4264038021422016 -1.0549353465720999 -0.8428887698508307 -0.7887162867468536 -0.7360915888744258 -0.7732384344314289 -1.0394574942566752 -0.9342080985118111 -1.087438836434481 -1.2050705140316795 -1.294842057461119 -1.3737791042697651 -1.3861613861221083 -1.6725016539573925 -1.5332009831186064 -1.7003617881251514 -1.7142918552090352 -1.799420042943844 -1.8659748079001555 -1.9495552104034324 +2210,-2.0238489015174563,0,-1.0549353465720999 -0.8428887698508307 -0.7887162867468536 -0.7360915888744258 -0.7732384344314289 -1.0394574942566752 -0.9342080985118111 -1.087438836434481 -1.2050705140316795 -1.294842057461119 -1.3737791042697651 -1.3861613861221083 -1.6725016539573925 -1.5332009831186064 -1.7003617881251514 -1.7142918552090352 -1.799420042943844 -1.8659748079001555 -1.9495552104034324 -1.9356251433195573 +2211,-1.9572941365611447,0,-0.8428887698508307 -0.7887162867468536 -0.7360915888744258 -0.7732384344314289 -1.0394574942566752 -0.9342080985118111 -1.087438836434481 -1.2050705140316795 -1.294842057461119 -1.3737791042697651 -1.3861613861221083 -1.6725016539573925 -1.5332009831186064 -1.7003617881251514 -1.7142918552090352 -1.799420042943844 -1.8659748079001555 -1.9495552104034324 -1.9356251433195573 -2.0238489015174563 +2212,-1.7870377610915096,0,-0.7887162867468536 -0.7360915888744258 -0.7732384344314289 -1.0394574942566752 -0.9342080985118111 -1.087438836434481 -1.2050705140316795 -1.294842057461119 -1.3737791042697651 -1.3861613861221083 -1.6725016539573925 -1.5332009831186064 -1.7003617881251514 -1.7142918552090352 -1.799420042943844 -1.8659748079001555 -1.9495552104034324 -1.9356251433195573 -2.0238489015174563 -1.9572941365611447 +2213,-1.3010331983872907,0,-0.7360915888744258 -0.7732384344314289 -1.0394574942566752 -0.9342080985118111 -1.087438836434481 -1.2050705140316795 -1.294842057461119 -1.3737791042697651 -1.3861613861221083 -1.6725016539573925 -1.5332009831186064 -1.7003617881251514 -1.7142918552090352 -1.799420042943844 -1.8659748079001555 -1.9495552104034324 -1.9356251433195573 -2.0238489015174563 -1.9572941365611447 -1.7870377610915096 +2214,-0.9744505145319043,0,-0.7732384344314289 -1.0394574942566752 -0.9342080985118111 -1.087438836434481 -1.2050705140316795 -1.294842057461119 -1.3737791042697651 -1.3861613861221083 -1.6725016539573925 -1.5332009831186064 -1.7003617881251514 -1.7142918552090352 -1.799420042943844 -1.8659748079001555 -1.9495552104034324 -1.9356251433195573 -2.0238489015174563 -1.9572941365611447 -1.7870377610915096 -1.3010331983872907 +2215,-0.8800356154078338,0,-1.0394574942566752 -0.9342080985118111 -1.087438836434481 -1.2050705140316795 -1.294842057461119 -1.3737791042697651 -1.3861613861221083 -1.6725016539573925 -1.5332009831186064 -1.7003617881251514 -1.7142918552090352 -1.799420042943844 -1.8659748079001555 -1.9495552104034324 -1.9356251433195573 -2.0238489015174563 -1.9572941365611447 -1.7870377610915096 -1.3010331983872907 -0.9744505145319043 +2216,-0.7391871593375072,0,-0.9342080985118111 -1.087438836434481 -1.2050705140316795 -1.294842057461119 -1.3737791042697651 -1.3861613861221083 -1.6725016539573925 -1.5332009831186064 -1.7003617881251514 -1.7142918552090352 -1.799420042943844 -1.8659748079001555 -1.9495552104034324 -1.9356251433195573 -2.0238489015174563 -1.9572941365611447 -1.7870377610915096 -1.3010331983872907 -0.9744505145319043 -0.8800356154078338 +2217,-0.582860850951756,0,-1.087438836434481 -1.2050705140316795 -1.294842057461119 -1.3737791042697651 -1.3861613861221083 -1.6725016539573925 -1.5332009831186064 -1.7003617881251514 -1.7142918552090352 -1.799420042943844 -1.8659748079001555 -1.9495552104034324 -1.9356251433195573 -2.0238489015174563 -1.9572941365611447 -1.7870377610915096 -1.3010331983872907 -0.9744505145319043 -0.8800356154078338 -0.7391871593375072 +2218,-0.5642874281732501,0,-1.2050705140316795 -1.294842057461119 -1.3737791042697651 -1.3861613861221083 -1.6725016539573925 -1.5332009831186064 -1.7003617881251514 -1.7142918552090352 -1.799420042943844 -1.8659748079001555 -1.9495552104034324 -1.9356251433195573 -2.0238489015174563 -1.9572941365611447 -1.7870377610915096 -1.3010331983872907 -0.9744505145319043 -0.8800356154078338 -0.7391871593375072 -0.582860850951756 +2219,-0.5689307838678721,0,-1.294842057461119 -1.3737791042697651 -1.3861613861221083 -1.6725016539573925 -1.5332009831186064 -1.7003617881251514 -1.7142918552090352 -1.799420042943844 -1.8659748079001555 -1.9495552104034324 -1.9356251433195573 -2.0238489015174563 -1.9572941365611447 -1.7870377610915096 -1.3010331983872907 -0.9744505145319043 -0.8800356154078338 -0.7391871593375072 -0.582860850951756 -0.5642874281732501 +2220,-0.6958491728543237,0,-1.3737791042697651 -1.3861613861221083 -1.6725016539573925 -1.5332009831186064 -1.7003617881251514 -1.7142918552090352 -1.799420042943844 -1.8659748079001555 -1.9495552104034324 -1.9356251433195573 -2.0238489015174563 -1.9572941365611447 -1.7870377610915096 -1.3010331983872907 -0.9744505145319043 -0.8800356154078338 -0.7391871593375072 -0.582860850951756 -0.5642874281732501 -0.5689307838678721 +2221,-0.910991320038683,0,-1.3861613861221083 -1.6725016539573925 -1.5332009831186064 -1.7003617881251514 -1.7142918552090352 -1.799420042943844 -1.8659748079001555 -1.9495552104034324 -1.9356251433195573 -2.0238489015174563 -1.9572941365611447 -1.7870377610915096 -1.3010331983872907 -0.9744505145319043 -0.8800356154078338 -0.7391871593375072 -0.582860850951756 -0.5642874281732501 -0.5689307838678721 -0.6958491728543237 +2222,-1.1152989706022398,0,-1.6725016539573925 -1.5332009831186064 -1.7003617881251514 -1.7142918552090352 -1.799420042943844 -1.8659748079001555 -1.9495552104034324 -1.9356251433195573 -2.0238489015174563 -1.9572941365611447 -1.7870377610915096 -1.3010331983872907 -0.9744505145319043 -0.8800356154078338 -0.7391871593375072 -0.582860850951756 -0.5642874281732501 -0.5689307838678721 -0.6958491728543237 -0.910991320038683 +2223,-1.262338567598738,0,-1.5332009831186064 -1.7003617881251514 -1.7142918552090352 -1.799420042943844 -1.8659748079001555 -1.9495552104034324 -1.9356251433195573 -2.0238489015174563 -1.9572941365611447 -1.7870377610915096 -1.3010331983872907 -0.9744505145319043 -0.8800356154078338 -0.7391871593375072 -0.582860850951756 -0.5642874281732501 -0.5689307838678721 -0.6958491728543237 -0.910991320038683 -1.1152989706022398 +2224,-1.4589072920045827,0,-1.7003617881251514 -1.7142918552090352 -1.799420042943844 -1.8659748079001555 -1.9495552104034324 -1.9356251433195573 -2.0238489015174563 -1.9572941365611447 -1.7870377610915096 -1.3010331983872907 -0.9744505145319043 -0.8800356154078338 -0.7391871593375072 -0.582860850951756 -0.5642874281732501 -0.5689307838678721 -0.6958491728543237 -0.910991320038683 -1.1152989706022398 -1.262338567598738 +2225,-1.4991497080246758,0,-1.7142918552090352 -1.799420042943844 -1.8659748079001555 -1.9495552104034324 -1.9356251433195573 -2.0238489015174563 -1.9572941365611447 -1.7870377610915096 -1.3010331983872907 -0.9744505145319043 -0.8800356154078338 -0.7391871593375072 -0.582860850951756 -0.5642874281732501 -0.5689307838678721 -0.6958491728543237 -0.910991320038683 -1.1152989706022398 -1.262338567598738 -1.4589072920045827 +2226,-1.5842778957594934,0,-1.799420042943844 -1.8659748079001555 -1.9495552104034324 -1.9356251433195573 -2.0238489015174563 -1.9572941365611447 -1.7870377610915096 -1.3010331983872907 -0.9744505145319043 -0.8800356154078338 -0.7391871593375072 -0.582860850951756 -0.5642874281732501 -0.5689307838678721 -0.6958491728543237 -0.910991320038683 -1.1152989706022398 -1.262338567598738 -1.4589072920045827 -1.4991497080246758 +2227,-1.6338070231688397,0,-1.8659748079001555 -1.9495552104034324 -1.9356251433195573 -2.0238489015174563 -1.9572941365611447 -1.7870377610915096 -1.3010331983872907 -0.9744505145319043 -0.8800356154078338 -0.7391871593375072 -0.582860850951756 -0.5642874281732501 -0.5689307838678721 -0.6958491728543237 -0.910991320038683 -1.1152989706022398 -1.262338567598738 -1.4589072920045827 -1.4991497080246758 -1.5842778957594934 +2228,-1.7545342712291285,0,-1.9495552104034324 -1.9356251433195573 -2.0238489015174563 -1.9572941365611447 -1.7870377610915096 -1.3010331983872907 -0.9744505145319043 -0.8800356154078338 -0.7391871593375072 -0.582860850951756 -0.5642874281732501 -0.5689307838678721 -0.6958491728543237 -0.910991320038683 -1.1152989706022398 -1.262338567598738 -1.4589072920045827 -1.4991497080246758 -1.5842778957594934 -1.6338070231688397 +2229,-1.8148978952592685,0,-1.9356251433195573 -2.0238489015174563 -1.9572941365611447 -1.7870377610915096 -1.3010331983872907 -0.9744505145319043 -0.8800356154078338 -0.7391871593375072 -0.582860850951756 -0.5642874281732501 -0.5689307838678721 -0.6958491728543237 -0.910991320038683 -1.1152989706022398 -1.262338567598738 -1.4589072920045827 -1.4991497080246758 -1.5842778957594934 -1.6338070231688397 -1.7545342712291285 +2230,-1.8241846066485214,0,-2.0238489015174563 -1.9572941365611447 -1.7870377610915096 -1.3010331983872907 -0.9744505145319043 -0.8800356154078338 -0.7391871593375072 -0.582860850951756 -0.5642874281732501 -0.5689307838678721 -0.6958491728543237 -0.910991320038683 -1.1152989706022398 -1.262338567598738 -1.4589072920045827 -1.4991497080246758 -1.5842778957594934 -1.6338070231688397 -1.7545342712291285 -1.8148978952592685 +2231,-1.8009678281753934,0,-1.9572941365611447 -1.7870377610915096 -1.3010331983872907 -0.9744505145319043 -0.8800356154078338 -0.7391871593375072 -0.582860850951756 -0.5642874281732501 -0.5689307838678721 -0.6958491728543237 -0.910991320038683 -1.1152989706022398 -1.262338567598738 -1.4589072920045827 -1.4991497080246758 -1.5842778957594934 -1.6338070231688397 -1.7545342712291285 -1.8148978952592685 -1.8241846066485214 +2232,-1.8381146737323966,0,-1.7870377610915096 -1.3010331983872907 -0.9744505145319043 -0.8800356154078338 -0.7391871593375072 -0.582860850951756 -0.5642874281732501 -0.5689307838678721 -0.6958491728543237 -0.910991320038683 -1.1152989706022398 -1.262338567598738 -1.4589072920045827 -1.4991497080246758 -1.5842778957594934 -1.6338070231688397 -1.7545342712291285 -1.8148978952592685 -1.8241846066485214 -1.8009678281753934 +2233,-1.8659748079001555,0,-1.3010331983872907 -0.9744505145319043 -0.8800356154078338 -0.7391871593375072 -0.582860850951756 -0.5642874281732501 -0.5689307838678721 -0.6958491728543237 -0.910991320038683 -1.1152989706022398 -1.262338567598738 -1.4589072920045827 -1.4991497080246758 -1.5842778957594934 -1.6338070231688397 -1.7545342712291285 -1.8148978952592685 -1.8241846066485214 -1.8009678281753934 -1.8381146737323966 +2234,-1.839662458963946,0,-0.9744505145319043 -0.8800356154078338 -0.7391871593375072 -0.582860850951756 -0.5642874281732501 -0.5689307838678721 -0.6958491728543237 -0.910991320038683 -1.1152989706022398 -1.262338567598738 -1.4589072920045827 -1.4991497080246758 -1.5842778957594934 -1.6338070231688397 -1.7545342712291285 -1.8148978952592685 -1.8241846066485214 -1.8009678281753934 -1.8381146737323966 -1.8659748079001555 +2235,-1.8319235328062338,0,-0.8800356154078338 -0.7391871593375072 -0.582860850951756 -0.5642874281732501 -0.5689307838678721 -0.6958491728543237 -0.910991320038683 -1.1152989706022398 -1.262338567598738 -1.4589072920045827 -1.4991497080246758 -1.5842778957594934 -1.6338070231688397 -1.7545342712291285 -1.8148978952592685 -1.8241846066485214 -1.8009678281753934 -1.8381146737323966 -1.8659748079001555 -1.839662458963946 +2236,-1.7560820564606692,0,-0.7391871593375072 -0.582860850951756 -0.5642874281732501 -0.5689307838678721 -0.6958491728543237 -0.910991320038683 -1.1152989706022398 -1.262338567598738 -1.4589072920045827 -1.4991497080246758 -1.5842778957594934 -1.6338070231688397 -1.7545342712291285 -1.8148978952592685 -1.8241846066485214 -1.8009678281753934 -1.8381146737323966 -1.8659748079001555 -1.839662458963946 -1.8319235328062338 +2237,-1.3490145405650964,0,-0.582860850951756 -0.5642874281732501 -0.5689307838678721 -0.6958491728543237 -0.910991320038683 -1.1152989706022398 -1.262338567598738 -1.4589072920045827 -1.4991497080246758 -1.5842778957594934 -1.6338070231688397 -1.7545342712291285 -1.8148978952592685 -1.8241846066485214 -1.8009678281753934 -1.8381146737323966 -1.8659748079001555 -1.839662458963946 -1.8319235328062338 -1.7560820564606692 +2238,-0.9574248769849392,0,-0.5642874281732501 -0.5689307838678721 -0.6958491728543237 -0.910991320038683 -1.1152989706022398 -1.262338567598738 -1.4589072920045827 -1.4991497080246758 -1.5842778957594934 -1.6338070231688397 -1.7545342712291285 -1.8148978952592685 -1.8241846066485214 -1.8009678281753934 -1.8381146737323966 -1.8659748079001555 -1.839662458963946 -1.8319235328062338 -1.7560820564606692 -1.3490145405650964 +2239,-0.6772757500758178,0,-0.5689307838678721 -0.6958491728543237 -0.910991320038683 -1.1152989706022398 -1.262338567598738 -1.4589072920045827 -1.4991497080246758 -1.5842778957594934 -1.6338070231688397 -1.7545342712291285 -1.8148978952592685 -1.8241846066485214 -1.8009678281753934 -1.8381146737323966 -1.8659748079001555 -1.839662458963946 -1.8319235328062338 -1.7560820564606692 -1.3490145405650964 -0.9574248769849392 +2240,-0.5426184349316627,0,-0.6958491728543237 -0.910991320038683 -1.1152989706022398 -1.262338567598738 -1.4589072920045827 -1.4991497080246758 -1.5842778957594934 -1.6338070231688397 -1.7545342712291285 -1.8148978952592685 -1.8241846066485214 -1.8009678281753934 -1.8381146737323966 -1.8659748079001555 -1.839662458963946 -1.8319235328062338 -1.7560820564606692 -1.3490145405650964 -0.9574248769849392 -0.6772757500758178 +2241,-0.4126044754821209,0,-0.910991320038683 -1.1152989706022398 -1.262338567598738 -1.4589072920045827 -1.4991497080246758 -1.5842778957594934 -1.6338070231688397 -1.7545342712291285 -1.8148978952592685 -1.8241846066485214 -1.8009678281753934 -1.8381146737323966 -1.8659748079001555 -1.839662458963946 -1.8319235328062338 -1.7560820564606692 -1.3490145405650964 -0.9574248769849392 -0.6772757500758178 -0.5426184349316627 +2242,-0.4358212539552578,0,-1.1152989706022398 -1.262338567598738 -1.4589072920045827 -1.4991497080246758 -1.5842778957594934 -1.6338070231688397 -1.7545342712291285 -1.8148978952592685 -1.8241846066485214 -1.8009678281753934 -1.8381146737323966 -1.8659748079001555 -1.839662458963946 -1.8319235328062338 -1.7560820564606692 -1.3490145405650964 -0.9574248769849392 -0.6772757500758178 -0.5426184349316627 -0.4126044754821209 +2243,-0.3955788379351557,0,-1.262338567598738 -1.4589072920045827 -1.4991497080246758 -1.5842778957594934 -1.6338070231688397 -1.7545342712291285 -1.8148978952592685 -1.8241846066485214 -1.8009678281753934 -1.8381146737323966 -1.8659748079001555 -1.839662458963946 -1.8319235328062338 -1.7560820564606692 -1.3490145405650964 -0.9574248769849392 -0.6772757500758178 -0.5426184349316627 -0.4126044754821209 -0.4358212539552578 +2244,-0.40176997886132726,0,-1.4589072920045827 -1.4991497080246758 -1.5842778957594934 -1.6338070231688397 -1.7545342712291285 -1.8148978952592685 -1.8241846066485214 -1.8009678281753934 -1.8381146737323966 -1.8659748079001555 -1.839662458963946 -1.8319235328062338 -1.7560820564606692 -1.3490145405650964 -0.9574248769849392 -0.6772757500758178 -0.5426184349316627 -0.4126044754821209 -0.4358212539552578 -0.3955788379351557 +2245,-0.6912058171597016,0,-1.4991497080246758 -1.5842778957594934 -1.6338070231688397 -1.7545342712291285 -1.8148978952592685 -1.8241846066485214 -1.8009678281753934 -1.8381146737323966 -1.8659748079001555 -1.839662458963946 -1.8319235328062338 -1.7560820564606692 -1.3490145405650964 -0.9574248769849392 -0.6772757500758178 -0.5426184349316627 -0.4126044754821209 -0.4358212539552578 -0.3955788379351557 -0.40176997886132726 +2246,-0.9419470246695234,0,-1.5842778957594934 -1.6338070231688397 -1.7545342712291285 -1.8148978952592685 -1.8241846066485214 -1.8009678281753934 -1.8381146737323966 -1.8659748079001555 -1.839662458963946 -1.8319235328062338 -1.7560820564606692 -1.3490145405650964 -0.9574248769849392 -0.6772757500758178 -0.5426184349316627 -0.4126044754821209 -0.4358212539552578 -0.3955788379351557 -0.40176997886132726 -0.6912058171597016 +2247,-0.9450425951326047,0,-1.6338070231688397 -1.7545342712291285 -1.8148978952592685 -1.8241846066485214 -1.8009678281753934 -1.8381146737323966 -1.8659748079001555 -1.839662458963946 -1.8319235328062338 -1.7560820564606692 -1.3490145405650964 -0.9574248769849392 -0.6772757500758178 -0.5426184349316627 -0.4126044754821209 -0.4358212539552578 -0.3955788379351557 -0.40176997886132726 -0.6912058171597016 -0.9419470246695234 +2248,-1.0115973600889163,0,-1.7545342712291285 -1.8148978952592685 -1.8241846066485214 -1.8009678281753934 -1.8381146737323966 -1.8659748079001555 -1.839662458963946 -1.8319235328062338 -1.7560820564606692 -1.3490145405650964 -0.9574248769849392 -0.6772757500758178 -0.5426184349316627 -0.4126044754821209 -0.4358212539552578 -0.3955788379351557 -0.40176997886132726 -0.6912058171597016 -0.9419470246695234 -0.9450425951326047 +2249,-1.318058835934256,0,-1.8148978952592685 -1.8241846066485214 -1.8009678281753934 -1.8381146737323966 -1.8659748079001555 -1.839662458963946 -1.8319235328062338 -1.7560820564606692 -1.3490145405650964 -0.9574248769849392 -0.6772757500758178 -0.5426184349316627 -0.4126044754821209 -0.4358212539552578 -0.3955788379351557 -0.40176997886132726 -0.6912058171597016 -0.9419470246695234 -0.9450425951326047 -1.0115973600889163 +2250,-1.5657044729809875,0,-1.8241846066485214 -1.8009678281753934 -1.8381146737323966 -1.8659748079001555 -1.839662458963946 -1.8319235328062338 -1.7560820564606692 -1.3490145405650964 -0.9574248769849392 -0.6772757500758178 -0.5426184349316627 -0.4126044754821209 -0.4358212539552578 -0.3955788379351557 -0.40176997886132726 -0.6912058171597016 -0.9419470246695234 -0.9450425951326047 -1.0115973600889163 -1.318058835934256 +2251,-1.8133501100277278,0,-1.8009678281753934 -1.8381146737323966 -1.8659748079001555 -1.839662458963946 -1.8319235328062338 -1.7560820564606692 -1.3490145405650964 -0.9574248769849392 -0.6772757500758178 -0.5426184349316627 -0.4126044754821209 -0.4358212539552578 -0.3955788379351557 -0.40176997886132726 -0.6912058171597016 -0.9419470246695234 -0.9450425951326047 -1.0115973600889163 -1.318058835934256 -1.5657044729809875 +2252,-1.8133501100277278,0,-1.8381146737323966 -1.8659748079001555 -1.839662458963946 -1.8319235328062338 -1.7560820564606692 -1.3490145405650964 -0.9574248769849392 -0.6772757500758178 -0.5426184349316627 -0.4126044754821209 -0.4358212539552578 -0.3955788379351557 -0.40176997886132726 -0.6912058171597016 -0.9419470246695234 -0.9450425951326047 -1.0115973600889163 -1.318058835934256 -1.5657044729809875 -1.8133501100277278 +2253,-1.8133501100277278,0,-1.8659748079001555 -1.839662458963946 -1.8319235328062338 -1.7560820564606692 -1.3490145405650964 -0.9574248769849392 -0.6772757500758178 -0.5426184349316627 -0.4126044754821209 -0.4358212539552578 -0.3955788379351557 -0.40176997886132726 -0.6912058171597016 -0.9419470246695234 -0.9450425951326047 -1.0115973600889163 -1.318058835934256 -1.5657044729809875 -1.8133501100277278 -1.8133501100277278 +2254,-1.8133501100277278,0,-1.839662458963946 -1.8319235328062338 -1.7560820564606692 -1.3490145405650964 -0.9574248769849392 -0.6772757500758178 -0.5426184349316627 -0.4126044754821209 -0.4358212539552578 -0.3955788379351557 -0.40176997886132726 -0.6912058171597016 -0.9419470246695234 -0.9450425951326047 -1.0115973600889163 -1.318058835934256 -1.5657044729809875 -1.8133501100277278 -1.8133501100277278 -1.8133501100277278 +2255,-1.8133501100277278,0,-1.8319235328062338 -1.7560820564606692 -1.3490145405650964 -0.9574248769849392 -0.6772757500758178 -0.5426184349316627 -0.4126044754821209 -0.4358212539552578 -0.3955788379351557 -0.40176997886132726 -0.6912058171597016 -0.9419470246695234 -0.9450425951326047 -1.0115973600889163 -1.318058835934256 -1.5657044729809875 -1.8133501100277278 -1.8133501100277278 -1.8133501100277278 -1.8133501100277278 +2256,-1.8133501100277278,0,-1.7560820564606692 -1.3490145405650964 -0.9574248769849392 -0.6772757500758178 -0.5426184349316627 -0.4126044754821209 -0.4358212539552578 -0.3955788379351557 -0.40176997886132726 -0.6912058171597016 -0.9419470246695234 -0.9450425951326047 -1.0115973600889163 -1.318058835934256 -1.5657044729809875 -1.8133501100277278 -1.8133501100277278 -1.8133501100277278 -1.8133501100277278 -1.8133501100277278 +2257,-1.937172928551098,0,-1.3490145405650964 -0.9574248769849392 -0.6772757500758178 -0.5426184349316627 -0.4126044754821209 -0.4358212539552578 -0.3955788379351557 -0.40176997886132726 -0.6912058171597016 -0.9419470246695234 -0.9450425951326047 -1.0115973600889163 -1.318058835934256 -1.5657044729809875 -1.8133501100277278 -1.8133501100277278 -1.8133501100277278 -1.8133501100277278 -1.8133501100277278 -1.8133501100277278 +2258,-2.365522491380373,0,-0.9574248769849392 -0.6772757500758178 -0.5426184349316627 -0.4126044754821209 -0.4358212539552578 -0.3955788379351557 -0.40176997886132726 -0.6912058171597016 -0.9419470246695234 -0.9450425951326047 -1.0115973600889163 -1.318058835934256 -1.5657044729809875 -1.8133501100277278 -1.8133501100277278 -1.8133501100277278 -1.8133501100277278 -1.8133501100277278 -1.8133501100277278 -1.937172928551098 +2259,-1.827280177111603,0,-0.6772757500758178 -0.5426184349316627 -0.4126044754821209 -0.4358212539552578 -0.3955788379351557 -0.40176997886132726 -0.6912058171597016 -0.9419470246695234 -0.9450425951326047 -1.0115973600889163 -1.318058835934256 -1.5657044729809875 -1.8133501100277278 -1.8133501100277278 -1.8133501100277278 -1.8133501100277278 -1.8133501100277278 -1.8133501100277278 -1.937172928551098 -2.365522491380373 +2260,-1.5935646071487464,0,-0.5426184349316627 -0.4126044754821209 -0.4358212539552578 -0.3955788379351557 -0.40176997886132726 -0.6912058171597016 -0.9419470246695234 -0.9450425951326047 -1.0115973600889163 -1.318058835934256 -1.5657044729809875 -1.8133501100277278 -1.8133501100277278 -1.8133501100277278 -1.8133501100277278 -1.8133501100277278 -1.8133501100277278 -1.937172928551098 -2.365522491380373 -1.827280177111603 +2261,-0.9605204474480293,0,-0.4126044754821209 -0.4358212539552578 -0.3955788379351557 -0.40176997886132726 -0.6912058171597016 -0.9419470246695234 -0.9450425951326047 -1.0115973600889163 -1.318058835934256 -1.5657044729809875 -1.8133501100277278 -1.8133501100277278 -1.8133501100277278 -1.8133501100277278 -1.8133501100277278 -1.8133501100277278 -1.937172928551098 -2.365522491380373 -1.827280177111603 -1.5935646071487464 +2262,-0.6091731998879655,0,-0.4358212539552578 -0.3955788379351557 -0.40176997886132726 -0.6912058171597016 -0.9419470246695234 -0.9450425951326047 -1.0115973600889163 -1.318058835934256 -1.5657044729809875 -1.8133501100277278 -1.8133501100277278 -1.8133501100277278 -1.8133501100277278 -1.8133501100277278 -1.8133501100277278 -1.937172928551098 -2.365522491380373 -1.827280177111603 -1.5935646071487464 -0.9605204474480293 +2263,-0.2113923953816455,0,-0.3955788379351557 -0.40176997886132726 -0.6912058171597016 -0.9419470246695234 -0.9450425951326047 -1.0115973600889163 -1.318058835934256 -1.5657044729809875 -1.8133501100277278 -1.8133501100277278 -1.8133501100277278 -1.8133501100277278 -1.8133501100277278 -1.8133501100277278 -1.937172928551098 -2.365522491380373 -1.827280177111603 -1.5935646071487464 -0.9605204474480293 -0.6091731998879655 +2264,-0.09221293255290623,0,-0.40176997886132726 -0.6912058171597016 -0.9419470246695234 -0.9450425951326047 -1.0115973600889163 -1.318058835934256 -1.5657044729809875 -1.8133501100277278 -1.8133501100277278 -1.8133501100277278 -1.8133501100277278 -1.8133501100277278 -1.8133501100277278 -1.937172928551098 -2.365522491380373 -1.827280177111603 -1.5935646071487464 -0.9605204474480293 -0.6091731998879655 -0.2113923953816455 +2265,-0.024110382365053955,0,-0.6912058171597016 -0.9419470246695234 -0.9450425951326047 -1.0115973600889163 -1.318058835934256 -1.5657044729809875 -1.8133501100277278 -1.8133501100277278 -1.8133501100277278 -1.8133501100277278 -1.8133501100277278 -1.8133501100277278 -1.937172928551098 -2.365522491380373 -1.827280177111603 -1.5935646071487464 -0.9605204474480293 -0.6091731998879655 -0.2113923953816455 -0.09221293255290623 +2266,0.06256559060130429,0,-0.9419470246695234 -0.9450425951326047 -1.0115973600889163 -1.318058835934256 -1.5657044729809875 -1.8133501100277278 -1.8133501100277278 -1.8133501100277278 -1.8133501100277278 -1.8133501100277278 -1.8133501100277278 -1.937172928551098 -2.365522491380373 -1.827280177111603 -1.5935646071487464 -0.9605204474480293 -0.6091731998879655 -0.2113923953816455 -0.09221293255290623 -0.024110382365053955 +2267,-0.1634110532038399,0,-0.9450425951326047 -1.0115973600889163 -1.318058835934256 -1.5657044729809875 -1.8133501100277278 -1.8133501100277278 -1.8133501100277278 -1.8133501100277278 -1.8133501100277278 -1.8133501100277278 -1.937172928551098 -2.365522491380373 -1.827280177111603 -1.5935646071487464 -0.9605204474480293 -0.6091731998879655 -0.2113923953816455 -0.09221293255290623 -0.024110382365053955 0.06256559060130429 +2268,-0.2129401806131862,0,-1.0115973600889163 -1.318058835934256 -1.5657044729809875 -1.8133501100277278 -1.8133501100277278 -1.8133501100277278 -1.8133501100277278 -1.8133501100277278 -1.8133501100277278 -1.937172928551098 -2.365522491380373 -1.827280177111603 -1.5935646071487464 -0.9605204474480293 -0.6091731998879655 -0.2113923953816455 -0.09221293255290623 -0.024110382365053955 0.06256559060130429 -0.1634110532038399 +2269,-0.48999373705922616,0,-1.318058835934256 -1.5657044729809875 -1.8133501100277278 -1.8133501100277278 -1.8133501100277278 -1.8133501100277278 -1.8133501100277278 -1.8133501100277278 -1.937172928551098 -2.365522491380373 -1.827280177111603 -1.5935646071487464 -0.9605204474480293 -0.6091731998879655 -0.2113923953816455 -0.09221293255290623 -0.024110382365053955 0.06256559060130429 -0.1634110532038399 -0.2129401806131862 +2270,-0.763951723042176,0,-1.5657044729809875 -1.8133501100277278 -1.8133501100277278 -1.8133501100277278 -1.8133501100277278 -1.8133501100277278 -1.8133501100277278 -1.937172928551098 -2.365522491380373 -1.827280177111603 -1.5935646071487464 -0.9605204474480293 -0.6091731998879655 -0.2113923953816455 -0.09221293255290623 -0.024110382365053955 0.06256559060130429 -0.1634110532038399 -0.2129401806131862 -0.48999373705922616 +2271,-0.9558770917533984,0,-1.8133501100277278 -1.8133501100277278 -1.8133501100277278 -1.8133501100277278 -1.8133501100277278 -1.8133501100277278 -1.937172928551098 -2.365522491380373 -1.827280177111603 -1.5935646071487464 -0.9605204474480293 -0.6091731998879655 -0.2113923953816455 -0.09221293255290623 -0.024110382365053955 0.06256559060130429 -0.1634110532038399 -0.2129401806131862 -0.48999373705922616 -0.763951723042176 +2272,-1.1849493060216327,0,-1.8133501100277278 -1.8133501100277278 -1.8133501100277278 -1.8133501100277278 -1.8133501100277278 -1.937172928551098 -2.365522491380373 -1.827280177111603 -1.5935646071487464 -0.9605204474480293 -0.6091731998879655 -0.2113923953816455 -0.09221293255290623 -0.024110382365053955 0.06256559060130429 -0.1634110532038399 -0.2129401806131862 -0.48999373705922616 -0.763951723042176 -0.9558770917533984 +2273,-1.2576952119041072,0,-1.8133501100277278 -1.8133501100277278 -1.8133501100277278 -1.8133501100277278 -1.937172928551098 -2.365522491380373 -1.827280177111603 -1.5935646071487464 -0.9605204474480293 -0.6091731998879655 -0.2113923953816455 -0.09221293255290623 -0.024110382365053955 0.06256559060130429 -0.1634110532038399 -0.2129401806131862 -0.48999373705922616 -0.763951723042176 -0.9558770917533984 -1.1849493060216327 +2274,-1.3613968224174307,0,-1.8133501100277278 -1.8133501100277278 -1.8133501100277278 -1.937172928551098 -2.365522491380373 -1.827280177111603 -1.5935646071487464 -0.9605204474480293 -0.6091731998879655 -0.2113923953816455 -0.09221293255290623 -0.024110382365053955 0.06256559060130429 -0.1634110532038399 -0.2129401806131862 -0.48999373705922616 -0.763951723042176 -0.9558770917533984 -1.1849493060216327 -1.2576952119041072 +2275,-1.441881654457626,0,-1.8133501100277278 -1.8133501100277278 -1.937172928551098 -2.365522491380373 -1.827280177111603 -1.5935646071487464 -0.9605204474480293 -0.6091731998879655 -0.2113923953816455 -0.09221293255290623 -0.024110382365053955 0.06256559060130429 -0.1634110532038399 -0.2129401806131862 -0.48999373705922616 -0.763951723042176 -0.9558770917533984 -1.1849493060216327 -1.2576952119041072 -1.3613968224174307 +2276,-1.5842778957594934,0,-1.8133501100277278 -1.937172928551098 -2.365522491380373 -1.827280177111603 -1.5935646071487464 -0.9605204474480293 -0.6091731998879655 -0.2113923953816455 -0.09221293255290623 -0.024110382365053955 0.06256559060130429 -0.1634110532038399 -0.2129401806131862 -0.48999373705922616 -0.763951723042176 -0.9558770917533984 -1.1849493060216327 -1.2576952119041072 -1.3613968224174307 -1.441881654457626 +2277,-1.6214247413165055,0,-1.937172928551098 -2.365522491380373 -1.827280177111603 -1.5935646071487464 -0.9605204474480293 -0.6091731998879655 -0.2113923953816455 -0.09221293255290623 -0.024110382365053955 0.06256559060130429 -0.1634110532038399 -0.2129401806131862 -0.48999373705922616 -0.763951723042176 -0.9558770917533984 -1.1849493060216327 -1.2576952119041072 -1.3613968224174307 -1.441881654457626 -1.5842778957594934 +2278,-1.7034573585882415,0,-2.365522491380373 -1.827280177111603 -1.5935646071487464 -0.9605204474480293 -0.6091731998879655 -0.2113923953816455 -0.09221293255290623 -0.024110382365053955 0.06256559060130429 -0.1634110532038399 -0.2129401806131862 -0.48999373705922616 -0.763951723042176 -0.9558770917533984 -1.1849493060216327 -1.2576952119041072 -1.3613968224174307 -1.441881654457626 -1.5842778957594934 -1.6214247413165055 +2279,-1.8210890361854402,0,-1.827280177111603 -1.5935646071487464 -0.9605204474480293 -0.6091731998879655 -0.2113923953816455 -0.09221293255290623 -0.024110382365053955 0.06256559060130429 -0.1634110532038399 -0.2129401806131862 -0.48999373705922616 -0.763951723042176 -0.9558770917533984 -1.1849493060216327 -1.2576952119041072 -1.3613968224174307 -1.441881654457626 -1.5842778957594934 -1.6214247413165055 -1.7034573585882415 +2280,-1.955746351329604,0,-1.5935646071487464 -0.9605204474480293 -0.6091731998879655 -0.2113923953816455 -0.09221293255290623 -0.024110382365053955 0.06256559060130429 -0.1634110532038399 -0.2129401806131862 -0.48999373705922616 -0.763951723042176 -0.9558770917533984 -1.1849493060216327 -1.2576952119041072 -1.3613968224174307 -1.441881654457626 -1.5842778957594934 -1.6214247413165055 -1.7034573585882415 -1.8210890361854402 +2281,-1.8628792374370742,0,-0.9605204474480293 -0.6091731998879655 -0.2113923953816455 -0.09221293255290623 -0.024110382365053955 0.06256559060130429 -0.1634110532038399 -0.2129401806131862 -0.48999373705922616 -0.763951723042176 -0.9558770917533984 -1.1849493060216327 -1.2576952119041072 -1.3613968224174307 -1.441881654457626 -1.5842778957594934 -1.6214247413165055 -1.7034573585882415 -1.8210890361854402 -1.955746351329604 +2282,-1.8427580294270274,0,-0.6091731998879655 -0.2113923953816455 -0.09221293255290623 -0.024110382365053955 0.06256559060130429 -0.1634110532038399 -0.2129401806131862 -0.48999373705922616 -0.763951723042176 -0.9558770917533984 -1.1849493060216327 -1.2576952119041072 -1.3613968224174307 -1.441881654457626 -1.5842778957594934 -1.6214247413165055 -1.7034573585882415 -1.8210890361854402 -1.955746351329604 -1.8628792374370742 +2283,-1.7545342712291285,0,-0.2113923953816455 -0.09221293255290623 -0.024110382365053955 0.06256559060130429 -0.1634110532038399 -0.2129401806131862 -0.48999373705922616 -0.763951723042176 -0.9558770917533984 -1.1849493060216327 -1.2576952119041072 -1.3613968224174307 -1.441881654457626 -1.5842778957594934 -1.6214247413165055 -1.7034573585882415 -1.8210890361854402 -1.955746351329604 -1.8628792374370742 -1.8427580294270274 +2284,-1.5718956139071592,0,-0.09221293255290623 -0.024110382365053955 0.06256559060130429 -0.1634110532038399 -0.2129401806131862 -0.48999373705922616 -0.763951723042176 -0.9558770917533984 -1.1849493060216327 -1.2576952119041072 -1.3613968224174307 -1.441881654457626 -1.5842778957594934 -1.6214247413165055 -1.7034573585882415 -1.8210890361854402 -1.955746351329604 -1.8628792374370742 -1.8427580294270274 -1.7545342712291285 +2285,-0.8877745415655461,0,-0.024110382365053955 0.06256559060130429 -0.1634110532038399 -0.2129401806131862 -0.48999373705922616 -0.763951723042176 -0.9558770917533984 -1.1849493060216327 -1.2576952119041072 -1.3613968224174307 -1.441881654457626 -1.5842778957594934 -1.6214247413165055 -1.7034573585882415 -1.8210890361854402 -1.955746351329604 -1.8628792374370742 -1.8427580294270274 -1.7545342712291285 -1.5718956139071592 +2286,-0.29652058311646307,0,0.06256559060130429 -0.1634110532038399 -0.2129401806131862 -0.48999373705922616 -0.763951723042176 -0.9558770917533984 -1.1849493060216327 -1.2576952119041072 -1.3613968224174307 -1.441881654457626 -1.5842778957594934 -1.6214247413165055 -1.7034573585882415 -1.8210890361854402 -1.955746351329604 -1.8628792374370742 -1.8427580294270274 -1.7545342712291285 -1.5718956139071592 -0.8877745415655461 +2287,0.019227604118129564,0,-0.1634110532038399 -0.2129401806131862 -0.48999373705922616 -0.763951723042176 -0.9558770917533984 -1.1849493060216327 -1.2576952119041072 -1.3613968224174307 -1.441881654457626 -1.5842778957594934 -1.6214247413165055 -1.7034573585882415 -1.8210890361854402 -1.955746351329604 -1.8628792374370742 -1.8427580294270274 -1.7545342712291285 -1.5718956139071592 -0.8877745415655461 -0.29652058311646307 +2288,0.29937673102724216,0,-0.2129401806131862 -0.48999373705922616 -0.763951723042176 -0.9558770917533984 -1.1849493060216327 -1.2576952119041072 -1.3613968224174307 -1.441881654457626 -1.5842778957594934 -1.6214247413165055 -1.7034573585882415 -1.8210890361854402 -1.955746351329604 -1.8628792374370742 -1.8427580294270274 -1.7545342712291285 -1.5718956139071592 -0.8877745415655461 -0.29652058311646307 0.019227604118129564 +2289,0.45415525418145264,0,-0.48999373705922616 -0.763951723042176 -0.9558770917533984 -1.1849493060216327 -1.2576952119041072 -1.3613968224174307 -1.441881654457626 -1.5842778957594934 -1.6214247413165055 -1.7034573585882415 -1.8210890361854402 -1.955746351329604 -1.8628792374370742 -1.8427580294270274 -1.7545342712291285 -1.5718956139071592 -0.8877745415655461 -0.29652058311646307 0.019227604118129564 0.29937673102724216 +2290,0.45725082464454286,0,-0.763951723042176 -0.9558770917533984 -1.1849493060216327 -1.2576952119041072 -1.3613968224174307 -1.441881654457626 -1.5842778957594934 -1.6214247413165055 -1.7034573585882415 -1.8210890361854402 -1.955746351329604 -1.8628792374370742 -1.8427580294270274 -1.7545342712291285 -1.5718956139071592 -0.8877745415655461 -0.29652058311646307 0.019227604118129564 0.29937673102724216 0.45415525418145264 +2291,0.35819256982585024,0,-0.9558770917533984 -1.1849493060216327 -1.2576952119041072 -1.3613968224174307 -1.441881654457626 -1.5842778957594934 -1.6214247413165055 -1.7034573585882415 -1.8210890361854402 -1.955746351329604 -1.8628792374370742 -1.8427580294270274 -1.7545342712291285 -1.5718956139071592 -0.8877745415655461 -0.29652058311646307 0.019227604118129564 0.29937673102724216 0.45415525418145264 0.45725082464454286 +2292,0.06875673152747587,0,-1.1849493060216327 -1.2576952119041072 -1.3613968224174307 -1.441881654457626 -1.5842778957594934 -1.6214247413165055 -1.7034573585882415 -1.8210890361854402 -1.955746351329604 -1.8628792374370742 -1.8427580294270274 -1.7545342712291285 -1.5718956139071592 -0.8877745415655461 -0.29652058311646307 0.019227604118129564 0.29937673102724216 0.45415525418145264 0.45725082464454286 0.35819256982585024 +2293,-0.2113923953816455,0,-1.2576952119041072 -1.3613968224174307 -1.441881654457626 -1.5842778957594934 -1.6214247413165055 -1.7034573585882415 -1.8210890361854402 -1.955746351329604 -1.8628792374370742 -1.8427580294270274 -1.7545342712291285 -1.5718956139071592 -0.8877745415655461 -0.29652058311646307 0.019227604118129564 0.29937673102724216 0.45415525418145264 0.45725082464454286 0.35819256982585024 0.06875673152747587 +2294,-0.4203434016398332,0,-1.3613968224174307 -1.441881654457626 -1.5842778957594934 -1.6214247413165055 -1.7034573585882415 -1.8210890361854402 -1.955746351329604 -1.8628792374370742 -1.8427580294270274 -1.7545342712291285 -1.5718956139071592 -0.8877745415655461 -0.29652058311646307 0.019227604118129564 0.29937673102724216 0.45415525418145264 0.45725082464454286 0.35819256982585024 0.06875673152747587 -0.2113923953816455 +2295,-0.7175181660959199,0,-1.441881654457626 -1.5842778957594934 -1.6214247413165055 -1.7034573585882415 -1.8210890361854402 -1.955746351329604 -1.8628792374370742 -1.8427580294270274 -1.7545342712291285 -1.5718956139071592 -0.8877745415655461 -0.29652058311646307 0.019227604118129564 0.29937673102724216 0.45415525418145264 0.45725082464454286 0.35819256982585024 0.06875673152747587 -0.2113923953816455 -0.4203434016398332 +2296,-0.9636160179111107,0,-1.5842778957594934 -1.6214247413165055 -1.7034573585882415 -1.8210890361854402 -1.955746351329604 -1.8628792374370742 -1.8427580294270274 -1.7545342712291285 -1.5718956139071592 -0.8877745415655461 -0.29652058311646307 0.019227604118129564 0.29937673102724216 0.45415525418145264 0.45725082464454286 0.35819256982585024 0.06875673152747587 -0.2113923953816455 -0.4203434016398332 -0.7175181660959199 +2297,-0.9667115883741921,0,-1.6214247413165055 -1.7034573585882415 -1.8210890361854402 -1.955746351329604 -1.8628792374370742 -1.8427580294270274 -1.7545342712291285 -1.5718956139071592 -0.8877745415655461 -0.29652058311646307 0.019227604118129564 0.29937673102724216 0.45415525418145264 0.45725082464454286 0.35819256982585024 0.06875673152747587 -0.2113923953816455 -0.4203434016398332 -0.7175181660959199 -0.9636160179111107 +2298,-1.286058376272123,0,-1.7034573585882415 -1.8210890361854402 -1.955746351329604 -1.8628792374370742 -1.8427580294270274 -1.7545342712291285 -1.5718956139071592 -0.8877745415655461 -0.29652058311646307 0.019227604118129564 0.29937673102724216 0.45415525418145264 0.45725082464454286 0.35819256982585024 0.06875673152747587 -0.2113923953816455 -0.4203434016398332 -0.7175181660959199 -0.9636160179111107 -0.9667115883741921 +2299,-2.476988824523523,0,-1.8210890361854402 -1.955746351329604 -1.8628792374370742 -1.8427580294270274 -1.7545342712291285 -1.5718956139071592 -0.8877745415655461 -0.29652058311646307 0.019227604118129564 0.29937673102724216 0.45415525418145264 0.45725082464454286 0.35819256982585024 0.06875673152747587 -0.2113923953816455 -0.4203434016398332 -0.7175181660959199 -0.9636160179111107 -0.9667115883741921 -1.286058376272123 +2300,-2.360543782167318,0,-1.955746351329604 -1.8628792374370742 -1.8427580294270274 -1.7545342712291285 -1.5718956139071592 -0.8877745415655461 -0.29652058311646307 0.019227604118129564 0.29937673102724216 0.45415525418145264 0.45725082464454286 0.35819256982585024 0.06875673152747587 -0.2113923953816455 -0.4203434016398332 -0.7175181660959199 -0.9636160179111107 -0.9667115883741921 -1.286058376272123 -2.476988824523523 +2301,-1.8493361166610842,0,-1.8628792374370742 -1.8427580294270274 -1.7545342712291285 -1.5718956139071592 -0.8877745415655461 -0.29652058311646307 0.019227604118129564 0.29937673102724216 0.45415525418145264 0.45725082464454286 0.35819256982585024 0.06875673152747587 -0.2113923953816455 -0.4203434016398332 -0.7175181660959199 -0.9636160179111107 -0.9667115883741921 -1.286058376272123 -2.476988824523523 -2.360543782167318 +2302,-1.6013035333064587,0,-1.8427580294270274 -1.7545342712291285 -1.5718956139071592 -0.8877745415655461 -0.29652058311646307 0.019227604118129564 0.29937673102724216 0.45415525418145264 0.45725082464454286 0.35819256982585024 0.06875673152747587 -0.2113923953816455 -0.4203434016398332 -0.7175181660959199 -0.9636160179111107 -0.9667115883741921 -1.286058376272123 -2.476988824523523 -2.360543782167318 -1.8493361166610842 +2303,-1.609042459464171,0,-1.7545342712291285 -1.5718956139071592 -0.8877745415655461 -0.29652058311646307 0.019227604118129564 0.29937673102724216 0.45415525418145264 0.45725082464454286 0.35819256982585024 0.06875673152747587 -0.2113923953816455 -0.4203434016398332 -0.7175181660959199 -0.9636160179111107 -0.9667115883741921 -1.286058376272123 -2.476988824523523 -2.360543782167318 -1.8493361166610842 -1.6013035333064587 +2304,-1.6910750767358984,0,-1.5718956139071592 -0.8877745415655461 -0.29652058311646307 0.019227604118129564 0.29937673102724216 0.45415525418145264 0.45725082464454286 0.35819256982585024 0.06875673152747587 -0.2113923953816455 -0.4203434016398332 -0.7175181660959199 -0.9636160179111107 -0.9667115883741921 -1.286058376272123 -2.476988824523523 -2.360543782167318 -1.8493361166610842 -1.6013035333064587 -1.609042459464171 +2305,-1.7731076940076345,0,-0.8877745415655461 -0.29652058311646307 0.019227604118129564 0.29937673102724216 0.45415525418145264 0.45725082464454286 0.35819256982585024 0.06875673152747587 -0.2113923953816455 -0.4203434016398332 -0.7175181660959199 -0.9636160179111107 -0.9667115883741921 -1.286058376272123 -2.476988824523523 -2.360543782167318 -1.8493361166610842 -1.6013035333064587 -1.609042459464171 -1.6910750767358984 +2306,-1.7916811167861404,0,-0.29652058311646307 0.019227604118129564 0.29937673102724216 0.45415525418145264 0.45725082464454286 0.35819256982585024 0.06875673152747587 -0.2113923953816455 -0.4203434016398332 -0.7175181660959199 -0.9636160179111107 -0.9667115883741921 -1.286058376272123 -2.476988824523523 -2.360543782167318 -1.8493361166610842 -1.6013035333064587 -1.609042459464171 -1.6910750767358984 -1.7731076940076345 +2307,-1.8040633986384749,0,0.019227604118129564 0.29937673102724216 0.45415525418145264 0.45725082464454286 0.35819256982585024 0.06875673152747587 -0.2113923953816455 -0.4203434016398332 -0.7175181660959199 -0.9636160179111107 -0.9667115883741921 -1.286058376272123 -2.476988824523523 -2.360543782167318 -1.8493361166610842 -1.6013035333064587 -1.609042459464171 -1.6910750767358984 -1.7731076940076345 -1.7916811167861404 +2308,-1.6028513185379993,0,0.29937673102724216 0.45415525418145264 0.45725082464454286 0.35819256982585024 0.06875673152747587 -0.2113923953816455 -0.4203434016398332 -0.7175181660959199 -0.9636160179111107 -0.9667115883741921 -1.286058376272123 -2.476988824523523 -2.360543782167318 -1.8493361166610842 -1.6013035333064587 -1.609042459464171 -1.6910750767358984 -1.7731076940076345 -1.7916811167861404 -1.8040633986384749 +2309,-1.0193362862466286,0,0.45415525418145264 0.45725082464454286 0.35819256982585024 0.06875673152747587 -0.2113923953816455 -0.4203434016398332 -0.7175181660959199 -0.9636160179111107 -0.9667115883741921 -1.286058376272123 -2.476988824523523 -2.360543782167318 -1.8493361166610842 -1.6013035333064587 -1.609042459464171 -1.6910750767358984 -1.7731076940076345 -1.7916811167861404 -1.8040633986384749 -1.6028513185379993 +2310,-0.49154152229076686,0,0.45725082464454286 0.35819256982585024 0.06875673152747587 -0.2113923953816455 -0.4203434016398332 -0.7175181660959199 -0.9636160179111107 -0.9667115883741921 -1.286058376272123 -2.476988824523523 -2.360543782167318 -1.8493361166610842 -1.6013035333064587 -1.609042459464171 -1.6910750767358984 -1.7731076940076345 -1.7916811167861404 -1.8040633986384749 -1.6028513185379993 -1.0193362862466286 +2311,-0.2175835363078171,0,0.35819256982585024 0.06875673152747587 -0.2113923953816455 -0.4203434016398332 -0.7175181660959199 -0.9636160179111107 -0.9667115883741921 -1.286058376272123 -2.476988824523523 -2.360543782167318 -1.8493361166610842 -1.6013035333064587 -1.609042459464171 -1.6910750767358984 -1.7731076940076345 -1.7916811167861404 -1.8040633986384749 -1.6028513185379993 -1.0193362862466286 -0.49154152229076686 +2312,-0.03339709375430694,0,0.06875673152747587 -0.2113923953816455 -0.4203434016398332 -0.7175181660959199 -0.9636160179111107 -0.9667115883741921 -1.286058376272123 -2.476988824523523 -2.360543782167318 -1.8493361166610842 -1.6013035333064587 -1.609042459464171 -1.6910750767358984 -1.7731076940076345 -1.7916811167861404 -1.8040633986384749 -1.6028513185379993 -1.0193362862466286 -0.49154152229076686 -0.2175835363078171 +2313,0.12138142939990357,0,-0.2113923953816455 -0.4203434016398332 -0.7175181660959199 -0.9636160179111107 -0.9667115883741921 -1.286058376272123 -2.476988824523523 -2.360543782167318 -1.8493361166610842 -1.6013035333064587 -1.609042459464171 -1.6910750767358984 -1.7731076940076345 -1.7916811167861404 -1.8040633986384749 -1.6028513185379993 -1.0193362862466286 -0.49154152229076686 -0.2175835363078171 -0.03339709375430694 +2314,0.12447699986298497,0,-0.4203434016398332 -0.7175181660959199 -0.9636160179111107 -0.9667115883741921 -1.286058376272123 -2.476988824523523 -2.360543782167318 -1.8493361166610842 -1.6013035333064587 -1.609042459464171 -1.6910750767358984 -1.7731076940076345 -1.7916811167861404 -1.8040633986384749 -1.6028513185379993 -1.0193362862466286 -0.49154152229076686 -0.2175835363078171 -0.03339709375430694 0.12138142939990357 +2315,0.013036463191957975,0,-0.7175181660959199 -0.9636160179111107 -0.9667115883741921 -1.286058376272123 -2.476988824523523 -2.360543782167318 -1.8493361166610842 -1.6013035333064587 -1.609042459464171 -1.6910750767358984 -1.7731076940076345 -1.7916811167861404 -1.8040633986384749 -1.6028513185379993 -1.0193362862466286 -0.49154152229076686 -0.2175835363078171 -0.03339709375430694 0.12138142939990357 0.12447699986298497 +2316,-0.14483763042533393,0,-0.9636160179111107 -0.9667115883741921 -1.286058376272123 -2.476988824523523 -2.360543782167318 -1.8493361166610842 -1.6013035333064587 -1.609042459464171 -1.6910750767358984 -1.7731076940076345 -1.7916811167861404 -1.8040633986384749 -1.6028513185379993 -1.0193362862466286 -0.49154152229076686 -0.2175835363078171 -0.03339709375430694 0.12138142939990357 0.12447699986298497 0.013036463191957975 +2317,-0.5209494416900665,0,-0.9667115883741921 -1.286058376272123 -2.476988824523523 -2.360543782167318 -1.8493361166610842 -1.6013035333064587 -1.609042459464171 -1.6910750767358984 -1.7731076940076345 -1.7916811167861404 -1.8040633986384749 -1.6028513185379993 -1.0193362862466286 -0.49154152229076686 -0.2175835363078171 -0.03339709375430694 0.12138142939990357 0.12447699986298497 0.013036463191957975 -0.14483763042533393 +2318,-0.8366976289246592,0,-1.286058376272123 -2.476988824523523 -2.360543782167318 -1.8493361166610842 -1.6013035333064587 -1.609042459464171 -1.6910750767358984 -1.7731076940076345 -1.7916811167861404 -1.8040633986384749 -1.6028513185379993 -1.0193362862466286 -0.49154152229076686 -0.2175835363078171 -0.03339709375430694 0.12138142939990357 0.12447699986298497 0.013036463191957975 -0.14483763042533393 -0.5209494416900665 +2319,-1.1276812524545743,0,-2.476988824523523 -2.360543782167318 -1.8493361166610842 -1.6013035333064587 -1.609042459464171 -1.6910750767358984 -1.7731076940076345 -1.7916811167861404 -1.8040633986384749 -1.6028513185379993 -1.0193362862466286 -0.49154152229076686 -0.2175835363078171 -0.03339709375430694 0.12138142939990357 0.12447699986298497 0.013036463191957975 -0.14483763042533393 -0.5209494416900665 -0.8366976289246592 +2320,-1.248408500514863,0,-2.360543782167318 -1.8493361166610842 -1.6013035333064587 -1.609042459464171 -1.6910750767358984 -1.7731076940076345 -1.7916811167861404 -1.8040633986384749 -1.6028513185379993 -1.0193362862466286 -0.49154152229076686 -0.2175835363078171 -0.03339709375430694 0.12138142939990357 0.12447699986298497 0.013036463191957975 -0.14483763042533393 -0.5209494416900665 -0.8366976289246592 -1.1276812524545743 +2321,-1.3939003122798206,0,-1.8493361166610842 -1.6013035333064587 -1.609042459464171 -1.6910750767358984 -1.7731076940076345 -1.7916811167861404 -1.8040633986384749 -1.6028513185379993 -1.0193362862466286 -0.49154152229076686 -0.2175835363078171 -0.03339709375430694 0.12138142939990357 0.12447699986298497 0.013036463191957975 -0.14483763042533393 -0.5209494416900665 -0.8366976289246592 -1.1276812524545743 -1.248408500514863 +2322,-1.4774807147830886,0,-1.6013035333064587 -1.609042459464171 -1.6910750767358984 -1.7731076940076345 -1.7916811167861404 -1.8040633986384749 -1.6028513185379993 -1.0193362862466286 -0.49154152229076686 -0.2175835363078171 -0.03339709375430694 0.12138142939990357 0.12447699986298497 0.013036463191957975 -0.14483763042533393 -0.5209494416900665 -0.8366976289246592 -1.1276812524545743 -1.248408500514863 -1.3939003122798206 +2323,-1.6461893050211829,0,-1.609042459464171 -1.6910750767358984 -1.7731076940076345 -1.7916811167861404 -1.8040633986384749 -1.6028513185379993 -1.0193362862466286 -0.49154152229076686 -0.2175835363078171 -0.03339709375430694 0.12138142939990357 0.12447699986298497 0.013036463191957975 -0.14483763042533393 -0.5209494416900665 -0.8366976289246592 -1.1276812524545743 -1.248408500514863 -1.3939003122798206 -1.4774807147830886 +2324,-1.7050051438197822,0,-1.6910750767358984 -1.7731076940076345 -1.7916811167861404 -1.8040633986384749 -1.6028513185379993 -1.0193362862466286 -0.49154152229076686 -0.2175835363078171 -0.03339709375430694 0.12138142939990357 0.12447699986298497 0.013036463191957975 -0.14483763042533393 -0.5209494416900665 -0.8366976289246592 -1.1276812524545743 -1.248408500514863 -1.3939003122798206 -1.4774807147830886 -1.6461893050211829 +2325,-1.6709538687258516,0,-1.7731076940076345 -1.7916811167861404 -1.8040633986384749 -1.6028513185379993 -1.0193362862466286 -0.49154152229076686 -0.2175835363078171 -0.03339709375430694 0.12138142939990357 0.12447699986298497 0.013036463191957975 -0.14483763042533393 -0.5209494416900665 -0.8366976289246592 -1.1276812524545743 -1.248408500514863 -1.3939003122798206 -1.4774807147830886 -1.6461893050211829 -1.7050051438197822 +2326,-1.7622731973868409,0,-1.7916811167861404 -1.8040633986384749 -1.6028513185379993 -1.0193362862466286 -0.49154152229076686 -0.2175835363078171 -0.03339709375430694 0.12138142939990357 0.12447699986298497 0.013036463191957975 -0.14483763042533393 -0.5209494416900665 -0.8366976289246592 -1.1276812524545743 -1.248408500514863 -1.3939003122798206 -1.4774807147830886 -1.6461893050211829 -1.7050051438197822 -1.6709538687258516 +2327,-1.8412102441954867,0,-1.8040633986384749 -1.6028513185379993 -1.0193362862466286 -0.49154152229076686 -0.2175835363078171 -0.03339709375430694 0.12138142939990357 0.12447699986298497 0.013036463191957975 -0.14483763042533393 -0.5209494416900665 -0.8366976289246592 -1.1276812524545743 -1.248408500514863 -1.3939003122798206 -1.4774807147830886 -1.6461893050211829 -1.7050051438197822 -1.6709538687258516 -1.7622731973868409 +2328,-1.8783570897524986,0,-1.6028513185379993 -1.0193362862466286 -0.49154152229076686 -0.2175835363078171 -0.03339709375430694 0.12138142939990357 0.12447699986298497 0.013036463191957975 -0.14483763042533393 -0.5209494416900665 -0.8366976289246592 -1.1276812524545743 -1.248408500514863 -1.3939003122798206 -1.4774807147830886 -1.6461893050211829 -1.7050051438197822 -1.6709538687258516 -1.7622731973868409 -1.8412102441954867 +2329,-1.9480074251718917,0,-1.0193362862466286 -0.49154152229076686 -0.2175835363078171 -0.03339709375430694 0.12138142939990357 0.12447699986298497 0.013036463191957975 -0.14483763042533393 -0.5209494416900665 -0.8366976289246592 -1.1276812524545743 -1.248408500514863 -1.3939003122798206 -1.4774807147830886 -1.6461893050211829 -1.7050051438197822 -1.6709538687258516 -1.7622731973868409 -1.8412102441954867 -1.8783570897524986 +2330,-1.9712242036450198,0,-0.49154152229076686 -0.2175835363078171 -0.03339709375430694 0.12138142939990357 0.12447699986298497 0.013036463191957975 -0.14483763042533393 -0.5209494416900665 -0.8366976289246592 -1.1276812524545743 -1.248408500514863 -1.3939003122798206 -1.4774807147830886 -1.6461893050211829 -1.7050051438197822 -1.6709538687258516 -1.7622731973868409 -1.8412102441954867 -1.8783570897524986 -1.9480074251718917 +2331,-1.951102995634973,0,-0.2175835363078171 -0.03339709375430694 0.12138142939990357 0.12447699986298497 0.013036463191957975 -0.14483763042533393 -0.5209494416900665 -0.8366976289246592 -1.1276812524545743 -1.248408500514863 -1.3939003122798206 -1.4774807147830886 -1.6461893050211829 -1.7050051438197822 -1.6709538687258516 -1.7622731973868409 -1.8412102441954867 -1.8783570897524986 -1.9480074251718917 -1.9712242036450198 +2332,-1.766916553081463,0,-0.03339709375430694 0.12138142939990357 0.12447699986298497 0.013036463191957975 -0.14483763042533393 -0.5209494416900665 -0.8366976289246592 -1.1276812524545743 -1.248408500514863 -1.3939003122798206 -1.4774807147830886 -1.6461893050211829 -1.7050051438197822 -1.6709538687258516 -1.7622731973868409 -1.8412102441954867 -1.8783570897524986 -1.9480074251718917 -1.9712242036450198 -1.951102995634973 +2333,-1.2128094401893919,0,0.12138142939990357 0.12447699986298497 0.013036463191957975 -0.14483763042533393 -0.5209494416900665 -0.8366976289246592 -1.1276812524545743 -1.248408500514863 -1.3939003122798206 -1.4774807147830886 -1.6461893050211829 -1.7050051438197822 -1.6709538687258516 -1.7622731973868409 -1.8412102441954867 -1.8783570897524986 -1.9480074251718917 -1.9712242036450198 -1.951102995634973 -1.766916553081463 +2334,-0.6896580319281609,0,0.12447699986298497 0.013036463191957975 -0.14483763042533393 -0.5209494416900665 -0.8366976289246592 -1.1276812524545743 -1.248408500514863 -1.3939003122798206 -1.4774807147830886 -1.6461893050211829 -1.7050051438197822 -1.6709538687258516 -1.7622731973868409 -1.8412102441954867 -1.8783570897524986 -1.9480074251718917 -1.9712242036450198 -1.951102995634973 -1.766916553081463 -1.2128094401893919 +2335,-0.35997977760969324,0,0.013036463191957975 -0.14483763042533393 -0.5209494416900665 -0.8366976289246592 -1.1276812524545743 -1.248408500514863 -1.3939003122798206 -1.4774807147830886 -1.6461893050211829 -1.7050051438197822 -1.6709538687258516 -1.7622731973868409 -1.8412102441954867 -1.8783570897524986 -1.9480074251718917 -1.9712242036450198 -1.951102995634973 -1.766916553081463 -1.2128094401893919 -0.6896580319281609 +2336,-0.14328984519379323,0,-0.14483763042533393 -0.5209494416900665 -0.8366976289246592 -1.1276812524545743 -1.248408500514863 -1.3939003122798206 -1.4774807147830886 -1.6461893050211829 -1.7050051438197822 -1.6709538687258516 -1.7622731973868409 -1.8412102441954867 -1.8783570897524986 -1.9480074251718917 -1.9712242036450198 -1.951102995634973 -1.766916553081463 -1.2128094401893919 -0.6896580319281609 -0.35997977760969324 +2337,-0.07363950977440026,0,-0.5209494416900665 -0.8366976289246592 -1.1276812524545743 -1.248408500514863 -1.3939003122798206 -1.4774807147830886 -1.6461893050211829 -1.7050051438197822 -1.6709538687258516 -1.7622731973868409 -1.8412102441954867 -1.8783570897524986 -1.9480074251718917 -1.9712242036450198 -1.951102995634973 -1.766916553081463 -1.2128094401893919 -0.6896580319281609 -0.35997977760969324 -0.14328984519379323 +2338,-0.12626420764683677,0,-0.8366976289246592 -1.1276812524545743 -1.248408500514863 -1.3939003122798206 -1.4774807147830886 -1.6461893050211829 -1.7050051438197822 -1.6709538687258516 -1.7622731973868409 -1.8412102441954867 -1.8783570897524986 -1.9480074251718917 -1.9712242036450198 -1.951102995634973 -1.766916553081463 -1.2128094401893919 -0.6896580319281609 -0.35997977760969324 -0.14328984519379323 -0.07363950977440026 +2339,-0.2113923953816455,0,-1.1276812524545743 -1.248408500514863 -1.3939003122798206 -1.4774807147830886 -1.6461893050211829 -1.7050051438197822 -1.6709538687258516 -1.7622731973868409 -1.8412102441954867 -1.8783570897524986 -1.9480074251718917 -1.9712242036450198 -1.951102995634973 -1.766916553081463 -1.2128094401893919 -0.6896580319281609 -0.35997977760969324 -0.14328984519379323 -0.07363950977440026 -0.12626420764683677 +2340,-0.5689307838678721,0,-1.248408500514863 -1.3939003122798206 -1.4774807147830886 -1.6461893050211829 -1.7050051438197822 -1.6709538687258516 -1.7622731973868409 -1.8412102441954867 -1.8783570897524986 -1.9480074251718917 -1.9712242036450198 -1.951102995634973 -1.766916553081463 -1.2128094401893919 -0.6896580319281609 -0.35997977760969324 -0.14328984519379323 -0.07363950977440026 -0.12626420764683677 -0.2113923953816455 +2341,-0.7624039378106353,0,-1.3939003122798206 -1.4774807147830886 -1.6461893050211829 -1.7050051438197822 -1.6709538687258516 -1.7622731973868409 -1.8412102441954867 -1.8783570897524986 -1.9480074251718917 -1.9712242036450198 -1.951102995634973 -1.766916553081463 -1.2128094401893919 -0.6896580319281609 -0.35997977760969324 -0.14328984519379323 -0.07363950977440026 -0.12626420764683677 -0.2113923953816455 -0.5689307838678721 +2342,-0.9357558837433517,0,-1.4774807147830886 -1.6461893050211829 -1.7050051438197822 -1.6709538687258516 -1.7622731973868409 -1.8412102441954867 -1.8783570897524986 -1.9480074251718917 -1.9712242036450198 -1.951102995634973 -1.766916553081463 -1.2128094401893919 -0.6896580319281609 -0.35997977760969324 -0.14328984519379323 -0.07363950977440026 -0.12626420764683677 -0.2113923953816455 -0.5689307838678721 -0.7624039378106353 +2343,-1.1075600444445275,0,-1.6461893050211829 -1.7050051438197822 -1.6709538687258516 -1.7622731973868409 -1.8412102441954867 -1.8783570897524986 -1.9480074251718917 -1.9712242036450198 -1.951102995634973 -1.766916553081463 -1.2128094401893919 -0.6896580319281609 -0.35997977760969324 -0.14328984519379323 -0.07363950977440026 -0.12626420764683677 -0.2113923953816455 -0.5689307838678721 -0.7624039378106353 -0.9357558837433517 +2344,-1.0766043398136873,0,-1.7050051438197822 -1.6709538687258516 -1.7622731973868409 -1.8412102441954867 -1.8783570897524986 -1.9480074251718917 -1.9712242036450198 -1.951102995634973 -1.766916553081463 -1.2128094401893919 -0.6896580319281609 -0.35997977760969324 -0.14328984519379323 -0.07363950977440026 -0.12626420764683677 -0.2113923953816455 -0.5689307838678721 -0.7624039378106353 -0.9357558837433517 -1.1075600444445275 +2345,-1.220548366347104,0,-1.6709538687258516 -1.7622731973868409 -1.8412102441954867 -1.8783570897524986 -1.9480074251718917 -1.9712242036450198 -1.951102995634973 -1.766916553081463 -1.2128094401893919 -0.6896580319281609 -0.35997977760969324 -0.14328984519379323 -0.07363950977440026 -0.12626420764683677 -0.2113923953816455 -0.5689307838678721 -0.7624039378106353 -0.9357558837433517 -1.1075600444445275 -1.0766043398136873 +2346,-1.3459189701020149,0,-1.7622731973868409 -1.8412102441954867 -1.8783570897524986 -1.9480074251718917 -1.9712242036450198 -1.951102995634973 -1.766916553081463 -1.2128094401893919 -0.6896580319281609 -0.35997977760969324 -0.14328984519379323 -0.07363950977440026 -0.12626420764683677 -0.2113923953816455 -0.5689307838678721 -0.7624039378106353 -0.9357558837433517 -1.1075600444445275 -1.0766043398136873 -1.220548366347104 +2347,-1.2824597756087848,0,-1.8412102441954867 -1.8783570897524986 -1.9480074251718917 -1.9712242036450198 -1.951102995634973 -1.766916553081463 -1.2128094401893919 -0.6896580319281609 -0.35997977760969324 -0.14328984519379323 -0.07363950977440026 -0.12626420764683677 -0.2113923953816455 -0.5689307838678721 -0.7624039378106353 -0.9357558837433517 -1.1075600444445275 -1.0766043398136873 -1.220548366347104 -1.3459189701020149 +2348,-1.3474667553335555,0,-1.8783570897524986 -1.9480074251718917 -1.9712242036450198 -1.951102995634973 -1.766916553081463 -1.2128094401893919 -0.6896580319281609 -0.35997977760969324 -0.14328984519379323 -0.07363950977440026 -0.12626420764683677 -0.2113923953816455 -0.5689307838678721 -0.7624039378106353 -0.9357558837433517 -1.1075600444445275 -1.0766043398136873 -1.220548366347104 -1.3459189701020149 -1.2824597756087848 +2349,-1.3443711848704654,0,-1.9480074251718917 -1.9712242036450198 -1.951102995634973 -1.766916553081463 -1.2128094401893919 -0.6896580319281609 -0.35997977760969324 -0.14328984519379323 -0.07363950977440026 -0.12626420764683677 -0.2113923953816455 -0.5689307838678721 -0.7624039378106353 -0.9357558837433517 -1.1075600444445275 -1.0766043398136873 -1.220548366347104 -1.3459189701020149 -1.2824597756087848 -1.3474667553335555 +2350,-1.2793642051457033,0,-1.9712242036450198 -1.951102995634973 -1.766916553081463 -1.2128094401893919 -0.6896580319281609 -0.35997977760969324 -0.14328984519379323 -0.07363950977440026 -0.12626420764683677 -0.2113923953816455 -0.5689307838678721 -0.7624039378106353 -0.9357558837433517 -1.1075600444445275 -1.0766043398136873 -1.220548366347104 -1.3459189701020149 -1.2824597756087848 -1.3474667553335555 -1.3443711848704654 +2351,-1.3397278291758432,0,-1.951102995634973 -1.766916553081463 -1.2128094401893919 -0.6896580319281609 -0.35997977760969324 -0.14328984519379323 -0.07363950977440026 -0.12626420764683677 -0.2113923953816455 -0.5689307838678721 -0.7624039378106353 -0.9357558837433517 -1.1075600444445275 -1.0766043398136873 -1.220548366347104 -1.3459189701020149 -1.2824597756087848 -1.3474667553335555 -1.3443711848704654 -1.2793642051457033 +2352,-1.4047348089006142,0,-1.766916553081463 -1.2128094401893919 -0.6896580319281609 -0.35997977760969324 -0.14328984519379323 -0.07363950977440026 -0.12626420764683677 -0.2113923953816455 -0.5689307838678721 -0.7624039378106353 -0.9357558837433517 -1.1075600444445275 -1.0766043398136873 -1.220548366347104 -1.3459189701020149 -1.2824597756087848 -1.3474667553335555 -1.3443711848704654 -1.2793642051457033 -1.3397278291758432 +2353,-1.4805762852461788,0,-1.2128094401893919 -0.6896580319281609 -0.35997977760969324 -0.14328984519379323 -0.07363950977440026 -0.12626420764683677 -0.2113923953816455 -0.5689307838678721 -0.7624039378106353 -0.9357558837433517 -1.1075600444445275 -1.0766043398136873 -1.220548366347104 -1.3459189701020149 -1.2824597756087848 -1.3474667553335555 -1.3443711848704654 -1.2793642051457033 -1.3397278291758432 -1.4047348089006142 +2354,-1.5115319898770192,0,-0.6896580319281609 -0.35997977760969324 -0.14328984519379323 -0.07363950977440026 -0.12626420764683677 -0.2113923953816455 -0.5689307838678721 -0.7624039378106353 -0.9357558837433517 -1.1075600444445275 -1.0766043398136873 -1.220548366347104 -1.3459189701020149 -1.2824597756087848 -1.3474667553335555 -1.3443711848704654 -1.2793642051457033 -1.3397278291758432 -1.4047348089006142 -1.4805762852461788 +2355,-1.4821240704777194,0,-0.35997977760969324 -0.14328984519379323 -0.07363950977440026 -0.12626420764683677 -0.2113923953816455 -0.5689307838678721 -0.7624039378106353 -0.9357558837433517 -1.1075600444445275 -1.0766043398136873 -1.220548366347104 -1.3459189701020149 -1.2824597756087848 -1.3474667553335555 -1.3443711848704654 -1.2793642051457033 -1.3397278291758432 -1.4047348089006142 -1.4805762852461788 -1.5115319898770192 +2356,-1.4062825941321548,0,-0.14328984519379323 -0.07363950977440026 -0.12626420764683677 -0.2113923953816455 -0.5689307838678721 -0.7624039378106353 -0.9357558837433517 -1.1075600444445275 -1.0766043398136873 -1.220548366347104 -1.3459189701020149 -1.2824597756087848 -1.3474667553335555 -1.3443711848704654 -1.2793642051457033 -1.3397278291758432 -1.4047348089006142 -1.4805762852461788 -1.5115319898770192 -1.4821240704777194 +2357,-1.2313828629678978,0,-0.07363950977440026 -0.12626420764683677 -0.2113923953816455 -0.5689307838678721 -0.7624039378106353 -0.9357558837433517 -1.1075600444445275 -1.0766043398136873 -1.220548366347104 -1.3459189701020149 -1.2824597756087848 -1.3474667553335555 -1.3443711848704654 -1.2793642051457033 -1.3397278291758432 -1.4047348089006142 -1.4805762852461788 -1.5115319898770192 -1.4821240704777194 -1.4062825941321548 +2358,-0.952781521290317,0,-0.12626420764683677 -0.2113923953816455 -0.5689307838678721 -0.7624039378106353 -0.9357558837433517 -1.1075600444445275 -1.0766043398136873 -1.220548366347104 -1.3459189701020149 -1.2824597756087848 -1.3474667553335555 -1.3443711848704654 -1.2793642051457033 -1.3397278291758432 -1.4047348089006142 -1.4805762852461788 -1.5115319898770192 -1.4821240704777194 -1.4062825941321548 -1.2313828629678978 +2359,-0.7809773605891412,0,-0.2113923953816455 -0.5689307838678721 -0.7624039378106353 -0.9357558837433517 -1.1075600444445275 -1.0766043398136873 -1.220548366347104 -1.3459189701020149 -1.2824597756087848 -1.3474667553335555 -1.3443711848704654 -1.2793642051457033 -1.3397278291758432 -1.4047348089006142 -1.4805762852461788 -1.5115319898770192 -1.4821240704777194 -1.4062825941321548 -1.2313828629678978 -0.952781521290317 +2360,-0.7484738707267602,0,-0.5689307838678721 -0.7624039378106353 -0.9357558837433517 -1.1075600444445275 -1.0766043398136873 -1.220548366347104 -1.3459189701020149 -1.2824597756087848 -1.3474667553335555 -1.3443711848704654 -1.2793642051457033 -1.3397278291758432 -1.4047348089006142 -1.4805762852461788 -1.5115319898770192 -1.4821240704777194 -1.4062825941321548 -1.2313828629678978 -0.952781521290317 -0.7809773605891412 +2361,-0.6695368239181143,0,-0.7624039378106353 -0.9357558837433517 -1.1075600444445275 -1.0766043398136873 -1.220548366347104 -1.3459189701020149 -1.2824597756087848 -1.3474667553335555 -1.3443711848704654 -1.2793642051457033 -1.3397278291758432 -1.4047348089006142 -1.4805762852461788 -1.5115319898770192 -1.4821240704777194 -1.4062825941321548 -1.2313828629678978 -0.952781521290317 -0.7809773605891412 -0.7484738707267602 +2362,-0.6819191057704487,0,-0.9357558837433517 -1.1075600444445275 -1.0766043398136873 -1.220548366347104 -1.3459189701020149 -1.2824597756087848 -1.3474667553335555 -1.3443711848704654 -1.2793642051457033 -1.3397278291758432 -1.4047348089006142 -1.4805762852461788 -1.5115319898770192 -1.4821240704777194 -1.4062825941321548 -1.2313828629678978 -0.952781521290317 -0.7809773605891412 -0.7484738707267602 -0.6695368239181143 +2363,-0.8196719913776939,0,-1.1075600444445275 -1.0766043398136873 -1.220548366347104 -1.3459189701020149 -1.2824597756087848 -1.3474667553335555 -1.3443711848704654 -1.2793642051457033 -1.3397278291758432 -1.4047348089006142 -1.4805762852461788 -1.5115319898770192 -1.4821240704777194 -1.4062825941321548 -1.2313828629678978 -0.952781521290317 -0.7809773605891412 -0.7484738707267602 -0.6695368239181143 -0.6819191057704487 +2364,-0.8893223267970869,0,-1.0766043398136873 -1.220548366347104 -1.3459189701020149 -1.2824597756087848 -1.3474667553335555 -1.3443711848704654 -1.2793642051457033 -1.3397278291758432 -1.4047348089006142 -1.4805762852461788 -1.5115319898770192 -1.4821240704777194 -1.4062825941321548 -1.2313828629678978 -0.952781521290317 -0.7809773605891412 -0.7484738707267602 -0.6695368239181143 -0.6819191057704487 -0.8196719913776939 +2365,-0.994571722541951,0,-1.220548366347104 -1.3459189701020149 -1.2824597756087848 -1.3474667553335555 -1.3443711848704654 -1.2793642051457033 -1.3397278291758432 -1.4047348089006142 -1.4805762852461788 -1.5115319898770192 -1.4821240704777194 -1.4062825941321548 -1.2313828629678978 -0.952781521290317 -0.7809773605891412 -0.7484738707267602 -0.6695368239181143 -0.6819191057704487 -0.8196719913776939 -0.8893223267970869 +2366,-1.0471964204143875,0,-1.3459189701020149 -1.2824597756087848 -1.3474667553335555 -1.3443711848704654 -1.2793642051457033 -1.3397278291758432 -1.4047348089006142 -1.4805762852461788 -1.5115319898770192 -1.4821240704777194 -1.4062825941321548 -1.2313828629678978 -0.952781521290317 -0.7809773605891412 -0.7484738707267602 -0.6695368239181143 -0.6819191057704487 -0.8196719913776939 -0.8893223267970869 -0.994571722541951 +2367,-1.064222057961344,0,-1.2824597756087848 -1.3474667553335555 -1.3443711848704654 -1.2793642051457033 -1.3397278291758432 -1.4047348089006142 -1.4805762852461788 -1.5115319898770192 -1.4821240704777194 -1.4062825941321548 -1.2313828629678978 -0.952781521290317 -0.7809773605891412 -0.7484738707267602 -0.6695368239181143 -0.6819191057704487 -0.8196719913776939 -0.8893223267970869 -0.994571722541951 -1.0471964204143875 +2368,-1.119942326296862,0,-1.3474667553335555 -1.3443711848704654 -1.2793642051457033 -1.3397278291758432 -1.4047348089006142 -1.4805762852461788 -1.5115319898770192 -1.4821240704777194 -1.4062825941321548 -1.2313828629678978 -0.952781521290317 -0.7809773605891412 -0.7484738707267602 -0.6695368239181143 -0.6819191057704487 -0.8196719913776939 -0.8893223267970869 -0.994571722541951 -1.0471964204143875 -1.064222057961344 +2369,-1.220548366347104,0,-1.3443711848704654 -1.2793642051457033 -1.3397278291758432 -1.4047348089006142 -1.4805762852461788 -1.5115319898770192 -1.4821240704777194 -1.4062825941321548 -1.2313828629678978 -0.952781521290317 -0.7809773605891412 -0.7484738707267602 -0.6695368239181143 -0.6819191057704487 -0.8196719913776939 -0.8893223267970869 -0.994571722541951 -1.0471964204143875 -1.064222057961344 -1.119942326296862 +2370,-1.2128094401893919,0,-1.2793642051457033 -1.3397278291758432 -1.4047348089006142 -1.4805762852461788 -1.5115319898770192 -1.4821240704777194 -1.4062825941321548 -1.2313828629678978 -0.952781521290317 -0.7809773605891412 -0.7484738707267602 -0.6695368239181143 -0.6819191057704487 -0.8196719913776939 -0.8893223267970869 -0.994571722541951 -1.0471964204143875 -1.064222057961344 -1.119942326296862 -1.220548366347104 +2371,-1.29948541315575,0,-1.3397278291758432 -1.4047348089006142 -1.4805762852461788 -1.5115319898770192 -1.4821240704777194 -1.4062825941321548 -1.2313828629678978 -0.952781521290317 -0.7809773605891412 -0.7484738707267602 -0.6695368239181143 -0.6819191057704487 -0.8196719913776939 -0.8893223267970869 -0.994571722541951 -1.0471964204143875 -1.064222057961344 -1.119942326296862 -1.220548366347104 -1.2128094401893919 +2372,-1.3644923928805208,0,-1.4047348089006142 -1.4805762852461788 -1.5115319898770192 -1.4821240704777194 -1.4062825941321548 -1.2313828629678978 -0.952781521290317 -0.7809773605891412 -0.7484738707267602 -0.6695368239181143 -0.6819191057704487 -0.8196719913776939 -0.8893223267970869 -0.994571722541951 -1.0471964204143875 -1.064222057961344 -1.119942326296862 -1.220548366347104 -1.2128094401893919 -1.29948541315575 +2373,-1.3799702451959366,0,-1.4805762852461788 -1.5115319898770192 -1.4821240704777194 -1.4062825941321548 -1.2313828629678978 -0.952781521290317 -0.7809773605891412 -0.7484738707267602 -0.6695368239181143 -0.6819191057704487 -0.8196719913776939 -0.8893223267970869 -0.994571722541951 -1.0471964204143875 -1.064222057961344 -1.119942326296862 -1.220548366347104 -1.2128094401893919 -1.29948541315575 -1.3644923928805208 +2374,-1.534748768350147,0,-1.5115319898770192 -1.4821240704777194 -1.4062825941321548 -1.2313828629678978 -0.952781521290317 -0.7809773605891412 -0.7484738707267602 -0.6695368239181143 -0.6819191057704487 -0.8196719913776939 -0.8893223267970869 -0.994571722541951 -1.0471964204143875 -1.064222057961344 -1.119942326296862 -1.220548366347104 -1.2128094401893919 -1.29948541315575 -1.3644923928805208 -1.3799702451959366 +2375,-1.5239142717293535,0,-1.4821240704777194 -1.4062825941321548 -1.2313828629678978 -0.952781521290317 -0.7809773605891412 -0.7484738707267602 -0.6695368239181143 -0.6819191057704487 -0.8196719913776939 -0.8893223267970869 -0.994571722541951 -1.0471964204143875 -1.064222057961344 -1.119942326296862 -1.220548366347104 -1.2128094401893919 -1.29948541315575 -1.3644923928805208 -1.3799702451959366 -1.534748768350147 +2376,-1.4743851443200071,0,-1.4062825941321548 -1.2313828629678978 -0.952781521290317 -0.7809773605891412 -0.7484738707267602 -0.6695368239181143 -0.6819191057704487 -0.8196719913776939 -0.8893223267970869 -0.994571722541951 -1.0471964204143875 -1.064222057961344 -1.119942326296862 -1.220548366347104 -1.2128094401893919 -1.29948541315575 -1.3644923928805208 -1.3799702451959366 -1.534748768350147 -1.5239142717293535 +2377,-1.5301054126555251,0,-1.2313828629678978 -0.952781521290317 -0.7809773605891412 -0.7484738707267602 -0.6695368239181143 -0.6819191057704487 -0.8196719913776939 -0.8893223267970869 -0.994571722541951 -1.0471964204143875 -1.064222057961344 -1.119942326296862 -1.220548366347104 -1.2128094401893919 -1.29948541315575 -1.3644923928805208 -1.3799702451959366 -1.534748768350147 -1.5239142717293535 -1.4743851443200071 +2378,-1.6136858151587932,0,-0.952781521290317 -0.7809773605891412 -0.7484738707267602 -0.6695368239181143 -0.6819191057704487 -0.8196719913776939 -0.8893223267970869 -0.994571722541951 -1.0471964204143875 -1.064222057961344 -1.119942326296862 -1.220548366347104 -1.2128094401893919 -1.29948541315575 -1.3644923928805208 -1.3799702451959366 -1.534748768350147 -1.5239142717293535 -1.4743851443200071 -1.5301054126555251 +2379,-1.6663105130312297,0,-0.7809773605891412 -0.7484738707267602 -0.6695368239181143 -0.6819191057704487 -0.8196719913776939 -0.8893223267970869 -0.994571722541951 -1.0471964204143875 -1.064222057961344 -1.119942326296862 -1.220548366347104 -1.2128094401893919 -1.29948541315575 -1.3644923928805208 -1.3799702451959366 -1.534748768350147 -1.5239142717293535 -1.4743851443200071 -1.5301054126555251 -1.6136858151587932 +2380,-1.401639238437524,0,-0.7484738707267602 -0.6695368239181143 -0.6819191057704487 -0.8196719913776939 -0.8893223267970869 -0.994571722541951 -1.0471964204143875 -1.064222057961344 -1.119942326296862 -1.220548366347104 -1.2128094401893919 -1.29948541315575 -1.3644923928805208 -1.3799702451959366 -1.534748768350147 -1.5239142717293535 -1.4743851443200071 -1.5301054126555251 -1.6136858151587932 -1.6663105130312297 +2381,-0.9295647428171889,0,-0.6695368239181143 -0.6819191057704487 -0.8196719913776939 -0.8893223267970869 -0.994571722541951 -1.0471964204143875 -1.064222057961344 -1.119942326296862 -1.220548366347104 -1.2128094401893919 -1.29948541315575 -1.3644923928805208 -1.3799702451959366 -1.534748768350147 -1.5239142717293535 -1.4743851443200071 -1.5301054126555251 -1.6136858151587932 -1.6663105130312297 -1.401639238437524 +2382,-0.4992804484484792,0,-0.6819191057704487 -0.8196719913776939 -0.8893223267970869 -0.994571722541951 -1.0471964204143875 -1.064222057961344 -1.119942326296862 -1.220548366347104 -1.2128094401893919 -1.29948541315575 -1.3644923928805208 -1.3799702451959366 -1.534748768350147 -1.5239142717293535 -1.4743851443200071 -1.5301054126555251 -1.6136858151587932 -1.6663105130312297 -1.401639238437524 -0.9295647428171889 +2383,-0.22996581816015146,0,-0.8196719913776939 -0.8893223267970869 -0.994571722541951 -1.0471964204143875 -1.064222057961344 -1.119942326296862 -1.220548366347104 -1.2128094401893919 -1.29948541315575 -1.3644923928805208 -1.3799702451959366 -1.534748768350147 -1.5239142717293535 -1.4743851443200071 -1.5301054126555251 -1.6136858151587932 -1.6663105130312297 -1.401639238437524 -0.9295647428171889 -0.4992804484484792 +2384,0.10605835560763835,0,-0.8893223267970869 -0.994571722541951 -1.0471964204143875 -1.064222057961344 -1.119942326296862 -1.220548366347104 -1.2128094401893919 -1.29948541315575 -1.3644923928805208 -1.3799702451959366 -1.534748768350147 -1.5239142717293535 -1.4743851443200071 -1.5301054126555251 -1.6136858151587932 -1.6663105130312297 -1.401639238437524 -0.9295647428171889 -0.4992804484484792 -0.22996581816015146 +2385,-0.030817451650138016,0,-0.994571722541951 -1.0471964204143875 -1.064222057961344 -1.119942326296862 -1.220548366347104 -1.2128094401893919 -1.29948541315575 -1.3644923928805208 -1.3799702451959366 -1.534748768350147 -1.5239142717293535 -1.4743851443200071 -1.5301054126555251 -1.6136858151587932 -1.6663105130312297 -1.401639238437524 -0.9295647428171889 -0.4992804484484792 -0.22996581816015146 0.10605835560763835 +2386,0.06875673152747587,0,-1.0471964204143875 -1.064222057961344 -1.119942326296862 -1.220548366347104 -1.2128094401893919 -1.29948541315575 -1.3644923928805208 -1.3799702451959366 -1.534748768350147 -1.5239142717293535 -1.4743851443200071 -1.5301054126555251 -1.6136858151587932 -1.6663105130312297 -1.401639238437524 -0.9295647428171889 -0.4992804484484792 -0.22996581816015146 0.10605835560763835 -0.030817451650138016 +2387,0.08423458384289165,0,-1.064222057961344 -1.119942326296862 -1.220548366347104 -1.2128094401893919 -1.29948541315575 -1.3644923928805208 -1.3799702451959366 -1.534748768350147 -1.5239142717293535 -1.4743851443200071 -1.5301054126555251 -1.6136858151587932 -1.6663105130312297 -1.401639238437524 -0.9295647428171889 -0.4992804484484792 -0.22996581816015146 0.10605835560763835 -0.030817451650138016 0.06875673152747587 +2388,-0.06280501315360658,0,-1.119942326296862 -1.220548366347104 -1.2128094401893919 -1.29948541315575 -1.3644923928805208 -1.3799702451959366 -1.534748768350147 -1.5239142717293535 -1.4743851443200071 -1.5301054126555251 -1.6136858151587932 -1.6663105130312297 -1.401639238437524 -0.9295647428171889 -0.4992804484484792 -0.22996581816015146 0.10605835560763835 -0.030817451650138016 0.06875673152747587 0.08423458384289165 +2389,-0.3212851468211406,0,-1.220548366347104 -1.2128094401893919 -1.29948541315575 -1.3644923928805208 -1.3799702451959366 -1.534748768350147 -1.5239142717293535 -1.4743851443200071 -1.5301054126555251 -1.6136858151587932 -1.6663105130312297 -1.401639238437524 -0.9295647428171889 -0.4992804484484792 -0.22996581816015146 0.10605835560763835 -0.030817451650138016 0.06875673152747587 0.08423458384289165 -0.06280501315360658 +2390,-0.5580962872470785,0,-1.2128094401893919 -1.29948541315575 -1.3644923928805208 -1.3799702451959366 -1.534748768350147 -1.5239142717293535 -1.4743851443200071 -1.5301054126555251 -1.6136858151587932 -1.6663105130312297 -1.401639238437524 -0.9295647428171889 -0.4992804484484792 -0.22996581816015146 0.10605835560763835 -0.030817451650138016 0.06875673152747587 0.08423458384289165 -0.06280501315360658 -0.3212851468211406 +2391,-0.7190659513274605,0,-1.29948541315575 -1.3644923928805208 -1.3799702451959366 -1.534748768350147 -1.5239142717293535 -1.4743851443200071 -1.5301054126555251 -1.6136858151587932 -1.6663105130312297 -1.401639238437524 -0.9295647428171889 -0.4992804484484792 -0.22996581816015146 0.10605835560763835 -0.030817451650138016 0.06875673152747587 0.08423458384289165 -0.06280501315360658 -0.3212851468211406 -0.5580962872470785 +2392,-0.9543293065218578,0,-1.3644923928805208 -1.3799702451959366 -1.534748768350147 -1.5239142717293535 -1.4743851443200071 -1.5301054126555251 -1.6136858151587932 -1.6663105130312297 -1.401639238437524 -0.9295647428171889 -0.4992804484484792 -0.22996581816015146 0.10605835560763835 -0.030817451650138016 0.06875673152747587 0.08423458384289165 -0.06280501315360658 -0.3212851468211406 -0.5580962872470785 -0.7190659513274605 +2393,-1.068865413655975,0,-1.3799702451959366 -1.534748768350147 -1.5239142717293535 -1.4743851443200071 -1.5301054126555251 -1.6136858151587932 -1.6663105130312297 -1.401639238437524 -0.9295647428171889 -0.4992804484484792 -0.22996581816015146 0.10605835560763835 -0.030817451650138016 0.06875673152747587 0.08423458384289165 -0.06280501315360658 -0.3212851468211406 -0.5580962872470785 -0.7190659513274605 -0.9543293065218578 +2394,-1.2267395072732667,0,-1.534748768350147 -1.5239142717293535 -1.4743851443200071 -1.5301054126555251 -1.6136858151587932 -1.6663105130312297 -1.401639238437524 -0.9295647428171889 -0.4992804484484792 -0.22996581816015146 0.10605835560763835 -0.030817451650138016 0.06875673152747587 0.08423458384289165 -0.06280501315360658 -0.3212851468211406 -0.5580962872470785 -0.7190659513274605 -0.9543293065218578 -1.068865413655975 +2395,-1.2979376279242092,0,-1.5239142717293535 -1.4743851443200071 -1.5301054126555251 -1.6136858151587932 -1.6663105130312297 -1.401639238437524 -0.9295647428171889 -0.4992804484484792 -0.22996581816015146 0.10605835560763835 -0.030817451650138016 0.06875673152747587 0.08423458384289165 -0.06280501315360658 -0.3212851468211406 -0.5580962872470785 -0.7190659513274605 -0.9543293065218578 -1.068865413655975 -1.2267395072732667 +2396,-1.3644923928805208,0,-1.4743851443200071 -1.5301054126555251 -1.6136858151587932 -1.6663105130312297 -1.401639238437524 -0.9295647428171889 -0.4992804484484792 -0.22996581816015146 0.10605835560763835 -0.030817451650138016 0.06875673152747587 0.08423458384289165 -0.06280501315360658 -0.3212851468211406 -0.5580962872470785 -0.7190659513274605 -0.9543293065218578 -1.068865413655975 -1.2267395072732667 -1.2979376279242092 +2397,-1.4705156812411466,0,-1.5301054126555251 -1.6136858151587932 -1.6663105130312297 -1.401639238437524 -0.9295647428171889 -0.4992804484484792 -0.22996581816015146 0.10605835560763835 -0.030817451650138016 0.06875673152747587 0.08423458384289165 -0.06280501315360658 -0.3212851468211406 -0.5580962872470785 -0.7190659513274605 -0.9543293065218578 -1.068865413655975 -1.2267395072732667 -1.2979376279242092 -1.3644923928805208 +2398,-1.576538969601781,0,-1.6136858151587932 -1.6663105130312297 -1.401639238437524 -0.9295647428171889 -0.4992804484484792 -0.22996581816015146 0.10605835560763835 -0.030817451650138016 0.06875673152747587 0.08423458384289165 -0.06280501315360658 -0.3212851468211406 -0.5580962872470785 -0.7190659513274605 -0.9543293065218578 -1.068865413655975 -1.2267395072732667 -1.2979376279242092 -1.3644923928805208 -1.4705156812411466 +2399,-1.6198769560849646,0,-1.6663105130312297 -1.401639238437524 -0.9295647428171889 -0.4992804484484792 -0.22996581816015146 0.10605835560763835 -0.030817451650138016 0.06875673152747587 0.08423458384289165 -0.06280501315360658 -0.3212851468211406 -0.5580962872470785 -0.7190659513274605 -0.9543293065218578 -1.068865413655975 -1.2267395072732667 -1.2979376279242092 -1.3644923928805208 -1.4705156812411466 -1.576538969601781 +2400,-1.6399981640950114,0,-1.401639238437524 -0.9295647428171889 -0.4992804484484792 -0.22996581816015146 0.10605835560763835 -0.030817451650138016 0.06875673152747587 0.08423458384289165 -0.06280501315360658 -0.3212851468211406 -0.5580962872470785 -0.7190659513274605 -0.9543293065218578 -1.068865413655975 -1.2267395072732667 -1.2979376279242092 -1.3644923928805208 -1.4705156812411466 -1.576538969601781 -1.6198769560849646 +2401,-1.660119372105058,0,-0.9295647428171889 -0.4992804484484792 -0.22996581816015146 0.10605835560763835 -0.030817451650138016 0.06875673152747587 0.08423458384289165 -0.06280501315360658 -0.3212851468211406 -0.5580962872470785 -0.7190659513274605 -0.9543293065218578 -1.068865413655975 -1.2267395072732667 -1.2979376279242092 -1.3644923928805208 -1.4705156812411466 -1.576538969601781 -1.6198769560849646 -1.6399981640950114 +2402,-1.6709538687258516,0,-0.4992804484484792 -0.22996581816015146 0.10605835560763835 -0.030817451650138016 0.06875673152747587 0.08423458384289165 -0.06280501315360658 -0.3212851468211406 -0.5580962872470785 -0.7190659513274605 -0.9543293065218578 -1.068865413655975 -1.2267395072732667 -1.2979376279242092 -1.3644923928805208 -1.4705156812411466 -1.576538969601781 -1.6198769560849646 -1.6399981640950114 -1.660119372105058 +2403,-1.5966601776118365,0,-0.22996581816015146 0.10605835560763835 -0.030817451650138016 0.06875673152747587 0.08423458384289165 -0.06280501315360658 -0.3212851468211406 -0.5580962872470785 -0.7190659513274605 -0.9543293065218578 -1.068865413655975 -1.2267395072732667 -1.2979376279242092 -1.3644923928805208 -1.4705156812411466 -1.576538969601781 -1.6198769560849646 -1.6399981640950114 -1.660119372105058 -1.6709538687258516 +2404,-1.3428233996389247,0,0.10605835560763835 -0.030817451650138016 0.06875673152747587 0.08423458384289165 -0.06280501315360658 -0.3212851468211406 -0.5580962872470785 -0.7190659513274605 -0.9543293065218578 -1.068865413655975 -1.2267395072732667 -1.2979376279242092 -1.3644923928805208 -1.4705156812411466 -1.576538969601781 -1.6198769560849646 -1.6399981640950114 -1.660119372105058 -1.6709538687258516 -1.5966601776118365 +2405,-0.8366976289246592,0,-0.030817451650138016 0.06875673152747587 0.08423458384289165 -0.06280501315360658 -0.3212851468211406 -0.5580962872470785 -0.7190659513274605 -0.9543293065218578 -1.068865413655975 -1.2267395072732667 -1.2979376279242092 -1.3644923928805208 -1.4705156812411466 -1.576538969601781 -1.6198769560849646 -1.6399981640950114 -1.660119372105058 -1.6709538687258516 -1.5966601776118365 -1.3428233996389247 +2406,-0.24234810001249465,0,0.06875673152747587 0.08423458384289165 -0.06280501315360658 -0.3212851468211406 -0.5580962872470785 -0.7190659513274605 -0.9543293065218578 -1.068865413655975 -1.2267395072732667 -1.2979376279242092 -1.3644923928805208 -1.4705156812411466 -1.576538969601781 -1.6198769560849646 -1.6399981640950114 -1.660119372105058 -1.6709538687258516 -1.5966601776118365 -1.3428233996389247 -0.8366976289246592 +2407,0.006845322265786387,0,0.08423458384289165 -0.06280501315360658 -0.3212851468211406 -0.5580962872470785 -0.7190659513274605 -0.9543293065218578 -1.068865413655975 -1.2267395072732667 -1.2979376279242092 -1.3644923928805208 -1.4705156812411466 -1.576538969601781 -1.6198769560849646 -1.6399981640950114 -1.660119372105058 -1.6709538687258516 -1.5966601776118365 -1.3428233996389247 -0.8366976289246592 -0.24234810001249465 +2408,0.3241412947319197,0,-0.06280501315360658 -0.3212851468211406 -0.5580962872470785 -0.7190659513274605 -0.9543293065218578 -1.068865413655975 -1.2267395072732667 -1.2979376279242092 -1.3644923928805208 -1.4705156812411466 -1.576538969601781 -1.6198769560849646 -1.6399981640950114 -1.660119372105058 -1.6709538687258516 -1.5966601776118365 -1.3428233996389247 -0.8366976289246592 -0.24234810001249465 0.006845322265786387 +2409,0.4061739120036558,0,-0.3212851468211406 -0.5580962872470785 -0.7190659513274605 -0.9543293065218578 -1.068865413655975 -1.2267395072732667 -1.2979376279242092 -1.3644923928805208 -1.4705156812411466 -1.576538969601781 -1.6198769560849646 -1.6399981640950114 -1.660119372105058 -1.6709538687258516 -1.5966601776118365 -1.3428233996389247 -0.8366976289246592 -0.24234810001249465 0.006845322265786387 0.3241412947319197 +2410,0.3256890799634604,0,-0.5580962872470785 -0.7190659513274605 -0.9543293065218578 -1.068865413655975 -1.2267395072732667 -1.2979376279242092 -1.3644923928805208 -1.4705156812411466 -1.576538969601781 -1.6198769560849646 -1.6399981640950114 -1.660119372105058 -1.6709538687258516 -1.5966601776118365 -1.3428233996389247 -0.8366976289246592 -0.24234810001249465 0.006845322265786387 0.3241412947319197 0.4061739120036558 +2411,0.13840706694686883,0,-0.7190659513274605 -0.9543293065218578 -1.068865413655975 -1.2267395072732667 -1.2979376279242092 -1.3644923928805208 -1.4705156812411466 -1.576538969601781 -1.6198769560849646 -1.6399981640950114 -1.660119372105058 -1.6709538687258516 -1.5966601776118365 -1.3428233996389247 -0.8366976289246592 -0.24234810001249465 0.006845322265786387 0.3241412947319197 0.4061739120036558 0.3256890799634604 +2412,-0.07054393931131887,0,-0.9543293065218578 -1.068865413655975 -1.2267395072732667 -1.2979376279242092 -1.3644923928805208 -1.4705156812411466 -1.576538969601781 -1.6198769560849646 -1.6399981640950114 -1.660119372105058 -1.6709538687258516 -1.5966601776118365 -1.3428233996389247 -0.8366976289246592 -0.24234810001249465 0.006845322265786387 0.3241412947319197 0.4061739120036558 0.3256890799634604 0.13840706694686883 +2413,-0.29032944219029144,0,-1.068865413655975 -1.2267395072732667 -1.2979376279242092 -1.3644923928805208 -1.4705156812411466 -1.576538969601781 -1.6198769560849646 -1.6399981640950114 -1.660119372105058 -1.6709538687258516 -1.5966601776118365 -1.3428233996389247 -0.8366976289246592 -0.24234810001249465 0.006845322265786387 0.3241412947319197 0.4061739120036558 0.3256890799634604 0.13840706694686883 -0.07054393931131887 +2414,-0.643224474981896,0,-1.2267395072732667 -1.2979376279242092 -1.3644923928805208 -1.4705156812411466 -1.576538969601781 -1.6198769560849646 -1.6399981640950114 -1.660119372105058 -1.6709538687258516 -1.5966601776118365 -1.3428233996389247 -0.8366976289246592 -0.24234810001249465 0.006845322265786387 0.3241412947319197 0.4061739120036558 0.3256890799634604 0.13840706694686883 -0.07054393931131887 -0.29032944219029144 +2415,-1.0231670546946927,0,-1.2979376279242092 -1.3644923928805208 -1.4705156812411466 -1.576538969601781 -1.6198769560849646 -1.6399981640950114 -1.660119372105058 -1.6709538687258516 -1.5966601776118365 -1.3428233996389247 -0.8366976289246592 -0.24234810001249465 0.006845322265786387 0.3241412947319197 0.4061739120036558 0.3256890799634604 0.13840706694686883 -0.07054393931131887 -0.29032944219029144 -0.643224474981896 +2416,-1.7382825262979336,0,-1.3644923928805208 -1.4705156812411466 -1.576538969601781 -1.6198769560849646 -1.6399981640950114 -1.660119372105058 -1.6709538687258516 -1.5966601776118365 -1.3428233996389247 -0.8366976289246592 -0.24234810001249465 0.006845322265786387 0.3241412947319197 0.4061739120036558 0.3256890799634604 0.13840706694686883 -0.07054393931131887 -0.29032944219029144 -0.643224474981896 -1.0231670546946927 +2417,-1.9506386600655126,0,-1.4705156812411466 -1.576538969601781 -1.6198769560849646 -1.6399981640950114 -1.660119372105058 -1.6709538687258516 -1.5966601776118365 -1.3428233996389247 -0.8366976289246592 -0.24234810001249465 0.006845322265786387 0.3241412947319197 0.4061739120036558 0.3256890799634604 0.13840706694686883 -0.07054393931131887 -0.29032944219029144 -0.643224474981896 -1.0231670546946927 -1.7382825262979336 +2418,-1.287907979623809,0,-1.576538969601781 -1.6198769560849646 -1.6399981640950114 -1.660119372105058 -1.6709538687258516 -1.5966601776118365 -1.3428233996389247 -0.8366976289246592 -0.24234810001249465 0.006845322265786387 0.3241412947319197 0.4061739120036558 0.3256890799634604 0.13840706694686883 -0.07054393931131887 -0.29032944219029144 -0.643224474981896 -1.0231670546946927 -1.7382825262979336 -1.9506386600655126 +2419,-1.646111915759599,0,-1.6198769560849646 -1.6399981640950114 -1.660119372105058 -1.6709538687258516 -1.5966601776118365 -1.3428233996389247 -0.8366976289246592 -0.24234810001249465 0.006845322265786387 0.3241412947319197 0.4061739120036558 0.3256890799634604 0.13840706694686883 -0.07054393931131887 -0.29032944219029144 -0.643224474981896 -1.0231670546946927 -1.7382825262979336 -1.9506386600655126 -1.287907979623809 +2420,-1.129229037686115,0,-1.6399981640950114 -1.660119372105058 -1.6709538687258516 -1.5966601776118365 -1.3428233996389247 -0.8366976289246592 -0.24234810001249465 0.006845322265786387 0.3241412947319197 0.4061739120036558 0.3256890799634604 0.13840706694686883 -0.07054393931131887 -0.29032944219029144 -0.643224474981896 -1.0231670546946927 -1.7382825262979336 -1.9506386600655126 -1.287907979623809 -1.646111915759599 +2421,-1.285555346071866,0,-1.660119372105058 -1.6709538687258516 -1.5966601776118365 -1.3428233996389247 -0.8366976289246592 -0.24234810001249465 0.006845322265786387 0.3241412947319197 0.4061739120036558 0.3256890799634604 0.13840706694686883 -0.07054393931131887 -0.29032944219029144 -0.643224474981896 -1.0231670546946927 -1.7382825262979336 -1.9506386600655126 -1.287907979623809 -1.646111915759599 -1.129229037686115 +2422,-2.2897068115069317,0,-1.6709538687258516 -1.5966601776118365 -1.3428233996389247 -0.8366976289246592 -0.24234810001249465 0.006845322265786387 0.3241412947319197 0.4061739120036558 0.3256890799634604 0.13840706694686883 -0.07054393931131887 -0.29032944219029144 -0.643224474981896 -1.0231670546946927 -1.7382825262979336 -1.9506386600655126 -1.287907979623809 -1.646111915759599 -1.129229037686115 -1.285555346071866 +2423,-2.156236131603761,0,-1.5966601776118365 -1.3428233996389247 -0.8366976289246592 -0.24234810001249465 0.006845322265786387 0.3241412947319197 0.4061739120036558 0.3256890799634604 0.13840706694686883 -0.07054393931131887 -0.29032944219029144 -0.643224474981896 -1.0231670546946927 -1.7382825262979336 -1.9506386600655126 -1.287907979623809 -1.646111915759599 -1.129229037686115 -1.285555346071866 -2.2897068115069317 +2424,-2.161447008601551,0,-1.3428233996389247 -0.8366976289246592 -0.24234810001249465 0.006845322265786387 0.3241412947319197 0.4061739120036558 0.3256890799634604 0.13840706694686883 -0.07054393931131887 -0.29032944219029144 -0.643224474981896 -1.0231670546946927 -1.7382825262979336 -1.9506386600655126 -1.287907979623809 -1.646111915759599 -1.129229037686115 -1.285555346071866 -2.2897068115069317 -2.156236131603761 +2425,-1.9817491432195036,0,-0.8366976289246592 -0.24234810001249465 0.006845322265786387 0.3241412947319197 0.4061739120036558 0.3256890799634604 0.13840706694686883 -0.07054393931131887 -0.29032944219029144 -0.643224474981896 -1.0231670546946927 -1.7382825262979336 -1.9506386600655126 -1.287907979623809 -1.646111915759599 -1.129229037686115 -1.285555346071866 -2.2897068115069317 -2.156236131603761 -2.161447008601551 +2426,-1.9407328345836399,0,-0.24234810001249465 0.006845322265786387 0.3241412947319197 0.4061739120036558 0.3256890799634604 0.13840706694686883 -0.07054393931131887 -0.29032944219029144 -0.643224474981896 -1.0231670546946927 -1.7382825262979336 -1.9506386600655126 -1.287907979623809 -1.646111915759599 -1.129229037686115 -1.285555346071866 -2.2897068115069317 -2.156236131603761 -2.161447008601551 -1.9817491432195036 +2427,-1.7926097879250613,0,0.006845322265786387 0.3241412947319197 0.4061739120036558 0.3256890799634604 0.13840706694686883 -0.07054393931131887 -0.29032944219029144 -0.643224474981896 -1.0231670546946927 -1.7382825262979336 -1.9506386600655126 -1.287907979623809 -1.646111915759599 -1.129229037686115 -1.285555346071866 -2.2897068115069317 -2.156236131603761 -2.161447008601551 -1.9817491432195036 -1.9407328345836399 +2428,-1.7872957253483586,0,0.3241412947319197 0.4061739120036558 0.3256890799634604 0.13840706694686883 -0.07054393931131887 -0.29032944219029144 -0.643224474981896 -1.0231670546946927 -1.7382825262979336 -1.9506386600655126 -1.287907979623809 -1.646111915759599 -1.129229037686115 -1.285555346071866 -2.2897068115069317 -2.156236131603761 -2.161447008601551 -1.9817491432195036 -1.9407328345836399 -1.7926097879250613 +2429,-1.6748749245941643,0,0.4061739120036558 0.3256890799634604 0.13840706694686883 -0.07054393931131887 -0.29032944219029144 -0.643224474981896 -1.0231670546946927 -1.7382825262979336 -1.9506386600655126 -1.287907979623809 -1.646111915759599 -1.129229037686115 -1.285555346071866 -2.2897068115069317 -2.156236131603761 -2.161447008601551 -1.9817491432195036 -1.9407328345836399 -1.7926097879250613 -1.7872957253483586 +2430,-0.5742706429166982,0,0.3256890799634604 0.13840706694686883 -0.07054393931131887 -0.29032944219029144 -0.643224474981896 -1.0231670546946927 -1.7382825262979336 -1.9506386600655126 -1.287907979623809 -1.646111915759599 -1.129229037686115 -1.285555346071866 -2.2897068115069317 -2.156236131603761 -2.161447008601551 -1.9817491432195036 -1.9407328345836399 -1.7926097879250613 -1.7872957253483586 -1.6748749245941643 +2431,-0.13245534857299956,0,0.13840706694686883 -0.07054393931131887 -0.29032944219029144 -0.643224474981896 -1.0231670546946927 -1.7382825262979336 -1.9506386600655126 -1.287907979623809 -1.646111915759599 -1.129229037686115 -1.285555346071866 -2.2897068115069317 -2.156236131603761 -2.161447008601551 -1.9817491432195036 -1.9407328345836399 -1.7926097879250613 -1.7872957253483586 -1.6748749245941643 -0.5742706429166982 +2432,-0.7287396090245987,0,-0.07054393931131887 -0.29032944219029144 -0.643224474981896 -1.0231670546946927 -1.7382825262979336 -1.9506386600655126 -1.287907979623809 -1.646111915759599 -1.129229037686115 -1.285555346071866 -2.2897068115069317 -2.156236131603761 -2.161447008601551 -1.9817491432195036 -1.9407328345836399 -1.7926097879250613 -1.7872957253483586 -1.6748749245941643 -0.5742706429166982 -0.13245534857299956 +2433,-0.1272960645194562,0,-0.29032944219029144 -0.643224474981896 -1.0231670546946927 -1.7382825262979336 -1.9506386600655126 -1.287907979623809 -1.646111915759599 -1.129229037686115 -1.285555346071866 -2.2897068115069317 -2.156236131603761 -2.161447008601551 -1.9817491432195036 -1.9407328345836399 -1.7926097879250613 -1.7872957253483586 -1.6748749245941643 -0.5742706429166982 -0.13245534857299956 -0.7287396090245987 +2434,-0.12471642241528727,0,-0.643224474981896 -1.0231670546946927 -1.7382825262979336 -1.9506386600655126 -1.287907979623809 -1.646111915759599 -1.129229037686115 -1.285555346071866 -2.2897068115069317 -2.156236131603761 -2.161447008601551 -1.9817491432195036 -1.9407328345836399 -1.7926097879250613 -1.7872957253483586 -1.6748749245941643 -0.5742706429166982 -0.13245534857299956 -0.7287396090245987 -0.1272960645194562 +2435,-0.8652542664466132,0,-1.0231670546946927 -1.7382825262979336 -1.9506386600655126 -1.287907979623809 -1.646111915759599 -1.129229037686115 -1.285555346071866 -2.2897068115069317 -2.156236131603761 -2.161447008601551 -1.9817491432195036 -1.9407328345836399 -1.7926097879250613 -1.7872957253483586 -1.6748749245941643 -0.5742706429166982 -0.13245534857299956 -0.7287396090245987 -0.1272960645194562 -0.12471642241528727 +2436,-0.20055789876085184,0,-1.7382825262979336 -1.9506386600655126 -1.287907979623809 -1.646111915759599 -1.129229037686115 -1.285555346071866 -2.2897068115069317 -2.156236131603761 -2.161447008601551 -1.9817491432195036 -1.9407328345836399 -1.7926097879250613 -1.7872957253483586 -1.6748749245941643 -0.5742706429166982 -0.13245534857299956 -0.7287396090245987 -0.1272960645194562 -0.12471642241528727 -0.8652542664466132 +2437,-0.5023760189115606,0,-1.9506386600655126 -1.287907979623809 -1.646111915759599 -1.129229037686115 -1.285555346071866 -2.2897068115069317 -2.156236131603761 -2.161447008601551 -1.9817491432195036 -1.9407328345836399 -1.7926097879250613 -1.7872957253483586 -1.6748749245941643 -0.5742706429166982 -0.13245534857299956 -0.7287396090245987 -0.1272960645194562 -0.12471642241528727 -0.8652542664466132 -0.20055789876085184 +2438,-0.675727964844277,0,-1.287907979623809 -1.646111915759599 -1.129229037686115 -1.285555346071866 -2.2897068115069317 -2.156236131603761 -2.161447008601551 -1.9817491432195036 -1.9407328345836399 -1.7926097879250613 -1.7872957253483586 -1.6748749245941643 -0.5742706429166982 -0.13245534857299956 -0.7287396090245987 -0.1272960645194562 -0.12471642241528727 -0.8652542664466132 -0.20055789876085184 -0.5023760189115606 +2439,-0.7624039378106353,0,-1.646111915759599 -1.129229037686115 -1.285555346071866 -2.2897068115069317 -2.156236131603761 -2.161447008601551 -1.9817491432195036 -1.9407328345836399 -1.7926097879250613 -1.7872957253483586 -1.6748749245941643 -0.5742706429166982 -0.13245534857299956 -0.7287396090245987 -0.1272960645194562 -0.12471642241528727 -0.8652542664466132 -0.20055789876085184 -0.5023760189115606 -0.675727964844277 +2440,-1.583117056835838,0,-1.129229037686115 -1.285555346071866 -2.2897068115069317 -2.156236131603761 -2.161447008601551 -1.9817491432195036 -1.9407328345836399 -1.7926097879250613 -1.7872957253483586 -1.6748749245941643 -0.5742706429166982 -0.13245534857299956 -0.7287396090245987 -0.1272960645194562 -0.12471642241528727 -0.8652542664466132 -0.20055789876085184 -0.5023760189115606 -0.675727964844277 -0.7624039378106353 +2441,-0.920278031427936,0,-1.285555346071866 -2.2897068115069317 -2.156236131603761 -2.161447008601551 -1.9817491432195036 -1.9407328345836399 -1.7926097879250613 -1.7872957253483586 -1.6748749245941643 -0.5742706429166982 -0.13245534857299956 -0.7287396090245987 -0.1272960645194562 -0.12471642241528727 -0.8652542664466132 -0.20055789876085184 -0.5023760189115606 -0.675727964844277 -0.7624039378106353 -1.583117056835838 +2442,-0.7484738707267602,0,-2.2897068115069317 -2.156236131603761 -2.161447008601551 -1.9817491432195036 -1.9407328345836399 -1.7926097879250613 -1.7872957253483586 -1.6748749245941643 -0.5742706429166982 -0.13245534857299956 -0.7287396090245987 -0.1272960645194562 -0.12471642241528727 -0.8652542664466132 -0.20055789876085184 -0.5023760189115606 -0.675727964844277 -0.7624039378106353 -1.583117056835838 -0.920278031427936 +2443,-1.60501821786216,0,-2.156236131603761 -2.161447008601551 -1.9817491432195036 -1.9407328345836399 -1.7926097879250613 -1.7872957253483586 -1.6748749245941643 -0.5742706429166982 -0.13245534857299956 -0.7287396090245987 -0.1272960645194562 -0.12471642241528727 -0.8652542664466132 -0.20055789876085184 -0.5023760189115606 -0.675727964844277 -0.7624039378106353 -1.583117056835838 -0.920278031427936 -0.7484738707267602 +2444,-0.7933596424414756,0,-2.161447008601551 -1.9817491432195036 -1.9407328345836399 -1.7926097879250613 -1.7872957253483586 -1.6748749245941643 -0.5742706429166982 -0.13245534857299956 -0.7287396090245987 -0.1272960645194562 -0.12471642241528727 -0.8652542664466132 -0.20055789876085184 -0.5023760189115606 -0.675727964844277 -0.7624039378106353 -1.583117056835838 -0.920278031427936 -0.7484738707267602 -1.60501821786216 +2445,-0.7933596424414756,0,-1.9817491432195036 -1.9407328345836399 -1.7926097879250613 -1.7872957253483586 -1.6748749245941643 -0.5742706429166982 -0.13245534857299956 -0.7287396090245987 -0.1272960645194562 -0.12471642241528727 -0.8652542664466132 -0.20055789876085184 -0.5023760189115606 -0.675727964844277 -0.7624039378106353 -1.583117056835838 -0.920278031427936 -0.7484738707267602 -1.60501821786216 -0.7933596424414756 +2446,-0.8034202464465078,0,-1.9407328345836399 -1.7926097879250613 -1.7872957253483586 -1.6748749245941643 -0.5742706429166982 -0.13245534857299956 -0.7287396090245987 -0.1272960645194562 -0.12471642241528727 -0.8652542664466132 -0.20055789876085184 -0.5023760189115606 -0.675727964844277 -0.7624039378106353 -1.583117056835838 -0.920278031427936 -0.7484738707267602 -1.60501821786216 -0.7933596424414756 -0.7933596424414756 +2447,-0.8134808504515311,0,-1.7926097879250613 -1.7872957253483586 -1.6748749245941643 -0.5742706429166982 -0.13245534857299956 -0.7287396090245987 -0.1272960645194562 -0.12471642241528727 -0.8652542664466132 -0.20055789876085184 -0.5023760189115606 -0.675727964844277 -0.7624039378106353 -1.583117056835838 -0.920278031427936 -0.7484738707267602 -1.60501821786216 -0.7933596424414756 -0.7933596424414756 -0.8034202464465078 +2448,-0.9032523938809707,0,-1.7872957253483586 -1.6748749245941643 -0.5742706429166982 -0.13245534857299956 -0.7287396090245987 -0.1272960645194562 -0.12471642241528727 -0.8652542664466132 -0.20055789876085184 -0.5023760189115606 -0.675727964844277 -0.7624039378106353 -1.583117056835838 -0.920278031427936 -0.7484738707267602 -1.60501821786216 -0.7933596424414756 -0.7933596424414756 -0.8034202464465078 -0.8134808504515311 +2449,-2.047530015560045,0,-1.6748749245941643 -0.5742706429166982 -0.13245534857299956 -0.7287396090245987 -0.1272960645194562 -0.12471642241528727 -0.8652542664466132 -0.20055789876085184 -0.5023760189115606 -0.675727964844277 -0.7624039378106353 -1.583117056835838 -0.920278031427936 -0.7484738707267602 -1.60501821786216 -0.7933596424414756 -0.7933596424414756 -0.8034202464465078 -0.8134808504515311 -0.9032523938809707 +2450,-0.9032523938809707,0,-0.5742706429166982 -0.13245534857299956 -0.7287396090245987 -0.1272960645194562 -0.12471642241528727 -0.8652542664466132 -0.20055789876085184 -0.5023760189115606 -0.675727964844277 -0.7624039378106353 -1.583117056835838 -0.920278031427936 -0.7484738707267602 -1.60501821786216 -0.7933596424414756 -0.7933596424414756 -0.8034202464465078 -0.8134808504515311 -0.9032523938809707 -2.047530015560045 +2451,-1.1122034001391496,0,-0.13245534857299956 -0.7287396090245987 -0.1272960645194562 -0.12471642241528727 -0.8652542664466132 -0.20055789876085184 -0.5023760189115606 -0.675727964844277 -0.7624039378106353 -1.583117056835838 -0.920278031427936 -0.7484738707267602 -1.60501821786216 -0.7933596424414756 -0.7933596424414756 -0.8034202464465078 -0.8134808504515311 -0.9032523938809707 -2.047530015560045 -0.9032523938809707 +2452,-1.0054062191627446,0,-0.7287396090245987 -0.1272960645194562 -0.12471642241528727 -0.8652542664466132 -0.20055789876085184 -0.5023760189115606 -0.675727964844277 -0.7624039378106353 -1.583117056835838 -0.920278031427936 -0.7484738707267602 -1.60501821786216 -0.7933596424414756 -0.7933596424414756 -0.8034202464465078 -0.8134808504515311 -0.9032523938809707 -2.047530015560045 -0.9032523938809707 -1.1122034001391496 +2453,-0.8900962194128572,0,-0.1272960645194562 -0.12471642241528727 -0.8652542664466132 -0.20055789876085184 -0.5023760189115606 -0.675727964844277 -0.7624039378106353 -1.583117056835838 -0.920278031427936 -0.7484738707267602 -1.60501821786216 -0.7933596424414756 -0.7933596424414756 -0.8034202464465078 -0.8134808504515311 -0.9032523938809707 -2.047530015560045 -0.9032523938809707 -1.1122034001391496 -1.0054062191627446 +2454,-0.7747862196629784,0,-0.12471642241528727 -0.8652542664466132 -0.20055789876085184 -0.5023760189115606 -0.675727964844277 -0.7624039378106353 -1.583117056835838 -0.920278031427936 -0.7484738707267602 -1.60501821786216 -0.7933596424414756 -0.7933596424414756 -0.8034202464465078 -0.8134808504515311 -0.9032523938809707 -2.047530015560045 -0.9032523938809707 -1.1122034001391496 -1.0054062191627446 -0.8900962194128572 +2455,-0.7004925285489546,0,-0.8652542664466132 -0.20055789876085184 -0.5023760189115606 -0.675727964844277 -0.7624039378106353 -1.583117056835838 -0.920278031427936 -0.7484738707267602 -1.60501821786216 -0.7933596424414756 -0.7933596424414756 -0.8034202464465078 -0.8134808504515311 -0.9032523938809707 -2.047530015560045 -0.9032523938809707 -1.1122034001391496 -1.0054062191627446 -0.8900962194128572 -0.7747862196629784 +2456,-0.62465105220339,0,-0.20055789876085184 -0.5023760189115606 -0.675727964844277 -0.7624039378106353 -1.583117056835838 -0.920278031427936 -0.7484738707267602 -1.60501821786216 -0.7933596424414756 -0.7933596424414756 -0.8034202464465078 -0.8134808504515311 -0.9032523938809707 -2.047530015560045 -0.9032523938809707 -1.1122034001391496 -1.0054062191627446 -0.8900962194128572 -0.7747862196629784 -0.7004925285489546 +2457,-0.6323899783611023,0,-0.5023760189115606 -0.675727964844277 -0.7624039378106353 -1.583117056835838 -0.920278031427936 -0.7484738707267602 -1.60501821786216 -0.7933596424414756 -0.7933596424414756 -0.8034202464465078 -0.8134808504515311 -0.9032523938809707 -2.047530015560045 -0.9032523938809707 -1.1122034001391496 -1.0054062191627446 -0.8900962194128572 -0.7747862196629784 -0.7004925285489546 -0.62465105220339 +2458,-0.6401289045188147,0,-0.675727964844277 -0.7624039378106353 -1.583117056835838 -0.920278031427936 -0.7484738707267602 -1.60501821786216 -0.7933596424414756 -0.7933596424414756 -0.8034202464465078 -0.8134808504515311 -0.9032523938809707 -2.047530015560045 -0.9032523938809707 -1.1122034001391496 -1.0054062191627446 -0.8900962194128572 -0.7747862196629784 -0.7004925285489546 -0.62465105220339 -0.6323899783611023 +2459,-0.8212197766092346,0,-0.7624039378106353 -1.583117056835838 -0.920278031427936 -0.7484738707267602 -1.60501821786216 -0.7933596424414756 -0.7933596424414756 -0.8034202464465078 -0.8134808504515311 -0.9032523938809707 -2.047530015560045 -0.9032523938809707 -1.1122034001391496 -1.0054062191627446 -0.8900962194128572 -0.7747862196629784 -0.7004925285489546 -0.62465105220339 -0.6323899783611023 -0.6401289045188147 +2460,-0.971354944068823,0,-1.583117056835838 -0.920278031427936 -0.7484738707267602 -1.60501821786216 -0.7933596424414756 -0.7933596424414756 -0.8034202464465078 -0.8134808504515311 -0.9032523938809707 -2.047530015560045 -0.9032523938809707 -1.1122034001391496 -1.0054062191627446 -0.8900962194128572 -0.7747862196629784 -0.7004925285489546 -0.62465105220339 -0.6323899783611023 -0.6401289045188147 -0.8212197766092346 +2461,-1.129229037686115,0,-0.920278031427936 -0.7484738707267602 -1.60501821786216 -0.7933596424414756 -0.7933596424414756 -0.8034202464465078 -0.8134808504515311 -0.9032523938809707 -2.047530015560045 -0.9032523938809707 -1.1122034001391496 -1.0054062191627446 -0.8900962194128572 -0.7747862196629784 -0.7004925285489546 -0.62465105220339 -0.6323899783611023 -0.6401289045188147 -0.8212197766092346 -0.971354944068823 +2462,-1.35984903718589,0,-0.7484738707267602 -1.60501821786216 -0.7933596424414756 -0.7933596424414756 -0.8034202464465078 -0.8134808504515311 -0.9032523938809707 -2.047530015560045 -0.9032523938809707 -1.1122034001391496 -1.0054062191627446 -0.8900962194128572 -0.7747862196629784 -0.7004925285489546 -0.62465105220339 -0.6323899783611023 -0.6401289045188147 -0.8212197766092346 -0.971354944068823 -1.129229037686115 +2463,-1.401639238437524,0,-1.60501821786216 -0.7933596424414756 -0.7933596424414756 -0.8034202464465078 -0.8134808504515311 -0.9032523938809707 -2.047530015560045 -0.9032523938809707 -1.1122034001391496 -1.0054062191627446 -0.8900962194128572 -0.7747862196629784 -0.7004925285489546 -0.62465105220339 -0.6323899783611023 -0.6401289045188147 -0.8212197766092346 -0.971354944068823 -1.129229037686115 -1.35984903718589 +2464,-1.369135748575143,0,-0.7933596424414756 -0.7933596424414756 -0.8034202464465078 -0.8134808504515311 -0.9032523938809707 -2.047530015560045 -0.9032523938809707 -1.1122034001391496 -1.0054062191627446 -0.8900962194128572 -0.7747862196629784 -0.7004925285489546 -0.62465105220339 -0.6323899783611023 -0.6401289045188147 -0.8212197766092346 -0.971354944068823 -1.129229037686115 -1.35984903718589 -1.401639238437524 +2465,-1.3892569565851896,0,-0.7933596424414756 -0.8034202464465078 -0.8134808504515311 -0.9032523938809707 -2.047530015560045 -0.9032523938809707 -1.1122034001391496 -1.0054062191627446 -0.8900962194128572 -0.7747862196629784 -0.7004925285489546 -0.62465105220339 -0.6323899783611023 -0.6401289045188147 -0.8212197766092346 -0.971354944068823 -1.129229037686115 -1.35984903718589 -1.401639238437524 -1.369135748575143 +2466,-1.4356905135314546,0,-0.8034202464465078 -0.8134808504515311 -0.9032523938809707 -2.047530015560045 -0.9032523938809707 -1.1122034001391496 -1.0054062191627446 -0.8900962194128572 -0.7747862196629784 -0.7004925285489546 -0.62465105220339 -0.6323899783611023 -0.6401289045188147 -0.8212197766092346 -0.971354944068823 -1.129229037686115 -1.35984903718589 -1.401639238437524 -1.369135748575143 -1.3892569565851896 +2467,-1.5424876945078594,0,-0.8134808504515311 -0.9032523938809707 -2.047530015560045 -0.9032523938809707 -1.1122034001391496 -1.0054062191627446 -0.8900962194128572 -0.7747862196629784 -0.7004925285489546 -0.62465105220339 -0.6323899783611023 -0.6401289045188147 -0.8212197766092346 -0.971354944068823 -1.129229037686115 -1.35984903718589 -1.401639238437524 -1.369135748575143 -1.3892569565851896 -1.4356905135314546 +2468,-1.525462056960894,0,-0.9032523938809707 -2.047530015560045 -0.9032523938809707 -1.1122034001391496 -1.0054062191627446 -0.8900962194128572 -0.7747862196629784 -0.7004925285489546 -0.62465105220339 -0.6323899783611023 -0.6401289045188147 -0.8212197766092346 -0.971354944068823 -1.129229037686115 -1.35984903718589 -1.401639238437524 -1.369135748575143 -1.3892569565851896 -1.4356905135314546 -1.5424876945078594 +2469,-1.5424876945078594,0,-2.047530015560045 -0.9032523938809707 -1.1122034001391496 -1.0054062191627446 -0.8900962194128572 -0.7747862196629784 -0.7004925285489546 -0.62465105220339 -0.6323899783611023 -0.6401289045188147 -0.8212197766092346 -0.971354944068823 -1.129229037686115 -1.35984903718589 -1.401639238437524 -1.369135748575143 -1.3892569565851896 -1.4356905135314546 -1.5424876945078594 -1.525462056960894 +2470,-1.5734433991386998,0,-0.9032523938809707 -1.1122034001391496 -1.0054062191627446 -0.8900962194128572 -0.7747862196629784 -0.7004925285489546 -0.62465105220339 -0.6323899783611023 -0.6401289045188147 -0.8212197766092346 -0.971354944068823 -1.129229037686115 -1.35984903718589 -1.401639238437524 -1.369135748575143 -1.3892569565851896 -1.4356905135314546 -1.5424876945078594 -1.525462056960894 -1.5424876945078594 +2471,-1.6446415197896334,0,-1.1122034001391496 -1.0054062191627446 -0.8900962194128572 -0.7747862196629784 -0.7004925285489546 -0.62465105220339 -0.6323899783611023 -0.6401289045188147 -0.8212197766092346 -0.971354944068823 -1.129229037686115 -1.35984903718589 -1.401639238437524 -1.369135748575143 -1.3892569565851896 -1.4356905135314546 -1.5424876945078594 -1.525462056960894 -1.5424876945078594 -1.5734433991386998 +2472,-1.6941706471989886,0,-1.0054062191627446 -0.8900962194128572 -0.7747862196629784 -0.7004925285489546 -0.62465105220339 -0.6323899783611023 -0.6401289045188147 -0.8212197766092346 -0.971354944068823 -1.129229037686115 -1.35984903718589 -1.401639238437524 -1.369135748575143 -1.3892569565851896 -1.4356905135314546 -1.5424876945078594 -1.525462056960894 -1.5424876945078594 -1.5734433991386998 -1.6446415197896334 +2473,-1.692622861967439,0,-0.8900962194128572 -0.7747862196629784 -0.7004925285489546 -0.62465105220339 -0.6323899783611023 -0.6401289045188147 -0.8212197766092346 -0.971354944068823 -1.129229037686115 -1.35984903718589 -1.401639238437524 -1.369135748575143 -1.3892569565851896 -1.4356905135314546 -1.5424876945078594 -1.525462056960894 -1.5424876945078594 -1.5734433991386998 -1.6446415197896334 -1.6941706471989886 +2474,-1.8040633986384749,0,-0.7747862196629784 -0.7004925285489546 -0.62465105220339 -0.6323899783611023 -0.6401289045188147 -0.8212197766092346 -0.971354944068823 -1.129229037686115 -1.35984903718589 -1.401639238437524 -1.369135748575143 -1.3892569565851896 -1.4356905135314546 -1.5424876945078594 -1.525462056960894 -1.5424876945078594 -1.5734433991386998 -1.6446415197896334 -1.6941706471989886 -1.692622861967439 +2475,-1.8458535998901089,0,-0.7004925285489546 -0.62465105220339 -0.6323899783611023 -0.6401289045188147 -0.8212197766092346 -0.971354944068823 -1.129229037686115 -1.35984903718589 -1.401639238437524 -1.369135748575143 -1.3892569565851896 -1.4356905135314546 -1.5424876945078594 -1.525462056960894 -1.5424876945078594 -1.5734433991386998 -1.6446415197896334 -1.6941706471989886 -1.692622861967439 -1.8040633986384749 +2476,-1.5177231308031818,0,-0.62465105220339 -0.6323899783611023 -0.6401289045188147 -0.8212197766092346 -0.971354944068823 -1.129229037686115 -1.35984903718589 -1.401639238437524 -1.369135748575143 -1.3892569565851896 -1.4356905135314546 -1.5424876945078594 -1.525462056960894 -1.5424876945078594 -1.5734433991386998 -1.6446415197896334 -1.6941706471989886 -1.692622861967439 -1.8040633986384749 -1.8458535998901089 +2477,-1.0951777625921932,0,-0.6323899783611023 -0.6401289045188147 -0.8212197766092346 -0.971354944068823 -1.129229037686115 -1.35984903718589 -1.401639238437524 -1.369135748575143 -1.3892569565851896 -1.4356905135314546 -1.5424876945078594 -1.525462056960894 -1.5424876945078594 -1.5734433991386998 -1.6446415197896334 -1.6941706471989886 -1.692622861967439 -1.8040633986384749 -1.8458535998901089 -1.5177231308031818 +2478,-0.9868327963842388,0,-0.6401289045188147 -0.8212197766092346 -0.971354944068823 -1.129229037686115 -1.35984903718589 -1.401639238437524 -1.369135748575143 -1.3892569565851896 -1.4356905135314546 -1.5424876945078594 -1.525462056960894 -1.5424876945078594 -1.5734433991386998 -1.6446415197896334 -1.6941706471989886 -1.692622861967439 -1.8040633986384749 -1.8458535998901089 -1.5177231308031818 -1.0951777625921932 +2479,-0.9852850111526981,0,-0.8212197766092346 -0.971354944068823 -1.129229037686115 -1.35984903718589 -1.401639238437524 -1.369135748575143 -1.3892569565851896 -1.4356905135314546 -1.5424876945078594 -1.525462056960894 -1.5424876945078594 -1.5734433991386998 -1.6446415197896334 -1.6941706471989886 -1.692622861967439 -1.8040633986384749 -1.8458535998901089 -1.5177231308031818 -1.0951777625921932 -0.9868327963842388 +2480,-0.9071218569598225,0,-0.971354944068823 -1.129229037686115 -1.35984903718589 -1.401639238437524 -1.369135748575143 -1.3892569565851896 -1.4356905135314546 -1.5424876945078594 -1.525462056960894 -1.5424876945078594 -1.5734433991386998 -1.6446415197896334 -1.6941706471989886 -1.692622861967439 -1.8040633986384749 -1.8458535998901089 -1.5177231308031818 -1.0951777625921932 -0.9868327963842388 -0.9852850111526981 +2481,-0.8289587027669468,0,-1.129229037686115 -1.35984903718589 -1.401639238437524 -1.369135748575143 -1.3892569565851896 -1.4356905135314546 -1.5424876945078594 -1.525462056960894 -1.5424876945078594 -1.5734433991386998 -1.6446415197896334 -1.6941706471989886 -1.692622861967439 -1.8040633986384749 -1.8458535998901089 -1.5177231308031818 -1.0951777625921932 -0.9868327963842388 -0.9852850111526981 -0.9071218569598225 +2482,-0.8506276960085343,0,-1.35984903718589 -1.401639238437524 -1.369135748575143 -1.3892569565851896 -1.4356905135314546 -1.5424876945078594 -1.525462056960894 -1.5424876945078594 -1.5734433991386998 -1.6446415197896334 -1.6941706471989886 -1.692622861967439 -1.8040633986384749 -1.8458535998901089 -1.5177231308031818 -1.0951777625921932 -0.9868327963842388 -0.9852850111526981 -0.9071218569598225 -0.8289587027669468 +2483,-0.9775460849949946,0,-1.401639238437524 -1.369135748575143 -1.3892569565851896 -1.4356905135314546 -1.5424876945078594 -1.525462056960894 -1.5424876945078594 -1.5734433991386998 -1.6446415197896334 -1.6941706471989886 -1.692622861967439 -1.8040633986384749 -1.8458535998901089 -1.5177231308031818 -1.0951777625921932 -0.9868327963842388 -0.9852850111526981 -0.9071218569598225 -0.8289587027669468 -0.8506276960085343 +2484,-1.0719609841190563,0,-1.369135748575143 -1.3892569565851896 -1.4356905135314546 -1.5424876945078594 -1.525462056960894 -1.5424876945078594 -1.5734433991386998 -1.6446415197896334 -1.6941706471989886 -1.692622861967439 -1.8040633986384749 -1.8458535998901089 -1.5177231308031818 -1.0951777625921932 -0.9868327963842388 -0.9852850111526981 -0.9071218569598225 -0.8289587027669468 -0.8506276960085343 -0.9775460849949946 +2485,-1.1895926617162549,0,-1.3892569565851896 -1.4356905135314546 -1.5424876945078594 -1.525462056960894 -1.5424876945078594 -1.5734433991386998 -1.6446415197896334 -1.6941706471989886 -1.692622861967439 -1.8040633986384749 -1.8458535998901089 -1.5177231308031818 -1.0951777625921932 -0.9868327963842388 -0.9852850111526981 -0.9071218569598225 -0.8289587027669468 -0.8506276960085343 -0.9775460849949946 -1.0719609841190563 +2486,-1.2669819232933601,0,-1.4356905135314546 -1.5424876945078594 -1.525462056960894 -1.5424876945078594 -1.5734433991386998 -1.6446415197896334 -1.6941706471989886 -1.692622861967439 -1.8040633986384749 -1.8458535998901089 -1.5177231308031818 -1.0951777625921932 -0.9868327963842388 -0.9852850111526981 -0.9071218569598225 -0.8289587027669468 -0.8506276960085343 -0.9775460849949946 -1.0719609841190563 -1.1895926617162549 +2487,-1.3737791042697651,0,-1.5424876945078594 -1.525462056960894 -1.5424876945078594 -1.5734433991386998 -1.6446415197896334 -1.6941706471989886 -1.692622861967439 -1.8040633986384749 -1.8458535998901089 -1.5177231308031818 -1.0951777625921932 -0.9868327963842388 -0.9852850111526981 -0.9071218569598225 -0.8289587027669468 -0.8506276960085343 -0.9775460849949946 -1.0719609841190563 -1.1895926617162549 -1.2669819232933601 +2488,-1.387709171353649,0,-1.525462056960894 -1.5424876945078594 -1.5734433991386998 -1.6446415197896334 -1.6941706471989886 -1.692622861967439 -1.8040633986384749 -1.8458535998901089 -1.5177231308031818 -1.0951777625921932 -0.9868327963842388 -0.9852850111526981 -0.9071218569598225 -0.8289587027669468 -0.8506276960085343 -0.9775460849949946 -1.0719609841190563 -1.1895926617162549 -1.2669819232933601 -1.3737791042697651 +2489,-1.4310471578368236,0,-1.5424876945078594 -1.5734433991386998 -1.6446415197896334 -1.6941706471989886 -1.692622861967439 -1.8040633986384749 -1.8458535998901089 -1.5177231308031818 -1.0951777625921932 -0.9868327963842388 -0.9852850111526981 -0.9071218569598225 -0.8289587027669468 -0.8506276960085343 -0.9775460849949946 -1.0719609841190563 -1.1895926617162549 -1.2669819232933601 -1.3737791042697651 -1.387709171353649 +2490,-1.4759329295515478,0,-1.5734433991386998 -1.6446415197896334 -1.6941706471989886 -1.692622861967439 -1.8040633986384749 -1.8458535998901089 -1.5177231308031818 -1.0951777625921932 -0.9868327963842388 -0.9852850111526981 -0.9071218569598225 -0.8289587027669468 -0.8506276960085343 -0.9775460849949946 -1.0719609841190563 -1.1895926617162549 -1.2669819232933601 -1.3737791042697651 -1.387709171353649 -1.4310471578368236 +2491,-1.5424876945078594,0,-1.6446415197896334 -1.6941706471989886 -1.692622861967439 -1.8040633986384749 -1.8458535998901089 -1.5177231308031818 -1.0951777625921932 -0.9868327963842388 -0.9852850111526981 -0.9071218569598225 -0.8289587027669468 -0.8506276960085343 -0.9775460849949946 -1.0719609841190563 -1.1895926617162549 -1.2669819232933601 -1.3737791042697651 -1.387709171353649 -1.4310471578368236 -1.4759329295515478 +2492,-1.6725016539573925,0,-1.6941706471989886 -1.692622861967439 -1.8040633986384749 -1.8458535998901089 -1.5177231308031818 -1.0951777625921932 -0.9868327963842388 -0.9852850111526981 -0.9071218569598225 -0.8289587027669468 -0.8506276960085343 -0.9775460849949946 -1.0719609841190563 -1.1895926617162549 -1.2669819232933601 -1.3737791042697651 -1.387709171353649 -1.4310471578368236 -1.4759329295515478 -1.5424876945078594 +2493,-1.6725016539573925,0,-1.692622861967439 -1.8040633986384749 -1.8458535998901089 -1.5177231308031818 -1.0951777625921932 -0.9868327963842388 -0.9852850111526981 -0.9071218569598225 -0.8289587027669468 -0.8506276960085343 -0.9775460849949946 -1.0719609841190563 -1.1895926617162549 -1.2669819232933601 -1.3737791042697651 -1.387709171353649 -1.4310471578368236 -1.4759329295515478 -1.5424876945078594 -1.6725016539573925 +2494,-1.6941706471989886,0,-1.8040633986384749 -1.8458535998901089 -1.5177231308031818 -1.0951777625921932 -0.9868327963842388 -0.9852850111526981 -0.9071218569598225 -0.8289587027669468 -0.8506276960085343 -0.9775460849949946 -1.0719609841190563 -1.1895926617162549 -1.2669819232933601 -1.3737791042697651 -1.387709171353649 -1.4310471578368236 -1.4759329295515478 -1.5424876945078594 -1.6725016539573925 -1.6725016539573925 +2495,-1.7808466201653468,0,-1.8458535998901089 -1.5177231308031818 -1.0951777625921932 -0.9868327963842388 -0.9852850111526981 -0.9071218569598225 -0.8289587027669468 -0.8506276960085343 -0.9775460849949946 -1.0719609841190563 -1.1895926617162549 -1.2669819232933601 -1.3737791042697651 -1.387709171353649 -1.4310471578368236 -1.4759329295515478 -1.5424876945078594 -1.6725016539573925 -1.6725016539573925 -1.6941706471989886 +2496,-1.890739371604833,0,-1.5177231308031818 -1.0951777625921932 -0.9868327963842388 -0.9852850111526981 -0.9071218569598225 -0.8289587027669468 -0.8506276960085343 -0.9775460849949946 -1.0719609841190563 -1.1895926617162549 -1.2669819232933601 -1.3737791042697651 -1.387709171353649 -1.4310471578368236 -1.4759329295515478 -1.5424876945078594 -1.6725016539573925 -1.6725016539573925 -1.6941706471989886 -1.7808466201653468 +2497,-1.9108605796148797,0,-1.0951777625921932 -0.9868327963842388 -0.9852850111526981 -0.9071218569598225 -0.8289587027669468 -0.8506276960085343 -0.9775460849949946 -1.0719609841190563 -1.1895926617162549 -1.2669819232933601 -1.3737791042697651 -1.387709171353649 -1.4310471578368236 -1.4759329295515478 -1.5424876945078594 -1.6725016539573925 -1.6725016539573925 -1.6941706471989886 -1.7808466201653468 -1.890739371604833 +2498,-1.9658069553346273,0,-0.9868327963842388 -0.9852850111526981 -0.9071218569598225 -0.8289587027669468 -0.8506276960085343 -0.9775460849949946 -1.0719609841190563 -1.1895926617162549 -1.2669819232933601 -1.3737791042697651 -1.387709171353649 -1.4310471578368236 -1.4759329295515478 -1.5424876945078594 -1.6725016539573925 -1.6725016539573925 -1.6941706471989886 -1.7808466201653468 -1.890739371604833 -1.9108605796148797 +2499,-2.020753331054366,0,-0.9852850111526981 -0.9071218569598225 -0.8289587027669468 -0.8506276960085343 -0.9775460849949946 -1.0719609841190563 -1.1895926617162549 -1.2669819232933601 -1.3737791042697651 -1.387709171353649 -1.4310471578368236 -1.4759329295515478 -1.5424876945078594 -1.6725016539573925 -1.6725016539573925 -1.6941706471989886 -1.7808466201653468 -1.890739371604833 -1.9108605796148797 -1.9658069553346273 +2500,-1.4774807147830886,0,-0.9071218569598225 -0.8289587027669468 -0.8506276960085343 -0.9775460849949946 -1.0719609841190563 -1.1895926617162549 -1.2669819232933601 -1.3737791042697651 -1.387709171353649 -1.4310471578368236 -1.4759329295515478 -1.5424876945078594 -1.6725016539573925 -1.6725016539573925 -1.6941706471989886 -1.7808466201653468 -1.890739371604833 -1.9108605796148797 -1.9658069553346273 -2.020753331054366 +2501,-1.7846386939826233,0,-0.8289587027669468 -0.8506276960085343 -0.9775460849949946 -1.0719609841190563 -1.1895926617162549 -1.2669819232933601 -1.3737791042697651 -1.387709171353649 -1.4310471578368236 -1.4759329295515478 -1.5424876945078594 -1.6725016539573925 -1.6725016539573925 -1.6941706471989886 -1.7808466201653468 -1.890739371604833 -1.9108605796148797 -1.9658069553346273 -2.020753331054366 -1.4774807147830886 +2502,-1.0358459954346726,0,-0.8506276960085343 -0.9775460849949946 -1.0719609841190563 -1.1895926617162549 -1.2669819232933601 -1.3737791042697651 -1.387709171353649 -1.4310471578368236 -1.4759329295515478 -1.5424876945078594 -1.6725016539573925 -1.6725016539573925 -1.6941706471989886 -1.7808466201653468 -1.890739371604833 -1.9108605796148797 -1.9658069553346273 -2.020753331054366 -1.4774807147830886 -1.7846386939826233 +2503,-0.8150286356830718,0,-0.9775460849949946 -1.0719609841190563 -1.1895926617162549 -1.2669819232933601 -1.3737791042697651 -1.387709171353649 -1.4310471578368236 -1.4759329295515478 -1.5424876945078594 -1.6725016539573925 -1.6725016539573925 -1.6941706471989886 -1.7808466201653468 -1.890739371604833 -1.9108605796148797 -1.9658069553346273 -2.020753331054366 -1.4774807147830886 -1.7846386939826233 -1.0358459954346726 +2504,-1.1067861518287572,0,-1.0719609841190563 -1.1895926617162549 -1.2669819232933601 -1.3737791042697651 -1.387709171353649 -1.4310471578368236 -1.4759329295515478 -1.5424876945078594 -1.6725016539573925 -1.6725016539573925 -1.6941706471989886 -1.7808466201653468 -1.890739371604833 -1.9108605796148797 -1.9658069553346273 -2.020753331054366 -1.4774807147830886 -1.7846386939826233 -1.0358459954346726 -0.8150286356830718 +2505,-0.7577605821160132,0,-1.1895926617162549 -1.2669819232933601 -1.3737791042697651 -1.387709171353649 -1.4310471578368236 -1.4759329295515478 -1.5424876945078594 -1.6725016539573925 -1.6725016539573925 -1.6941706471989886 -1.7808466201653468 -1.890739371604833 -1.9108605796148797 -1.9658069553346273 -2.020753331054366 -1.4774807147830886 -1.7846386939826233 -1.0358459954346726 -0.8150286356830718 -1.1067861518287572 +2506,-0.7670472935052661,0,-1.2669819232933601 -1.3737791042697651 -1.387709171353649 -1.4310471578368236 -1.4759329295515478 -1.5424876945078594 -1.6725016539573925 -1.6725016539573925 -1.6941706471989886 -1.7808466201653468 -1.890739371604833 -1.9108605796148797 -1.9658069553346273 -2.020753331054366 -1.4774807147830886 -1.7846386939826233 -1.0358459954346726 -0.8150286356830718 -1.1067861518287572 -0.7577605821160132 +2507,-0.9171824609648458,0,-1.3737791042697651 -1.387709171353649 -1.4310471578368236 -1.4759329295515478 -1.5424876945078594 -1.6725016539573925 -1.6725016539573925 -1.6941706471989886 -1.7808466201653468 -1.890739371604833 -1.9108605796148797 -1.9658069553346273 -2.020753331054366 -1.4774807147830886 -1.7846386939826233 -1.0358459954346726 -0.8150286356830718 -1.1067861518287572 -0.7577605821160132 -0.7670472935052661 +2508,-1.0673176284244341,0,-1.387709171353649 -1.4310471578368236 -1.4759329295515478 -1.5424876945078594 -1.6725016539573925 -1.6725016539573925 -1.6941706471989886 -1.7808466201653468 -1.890739371604833 -1.9108605796148797 -1.9658069553346273 -2.020753331054366 -1.4774807147830886 -1.7846386939826233 -1.0358459954346726 -0.8150286356830718 -1.1067861518287572 -0.7577605821160132 -0.7670472935052661 -0.9171824609648458 +2509,-1.1741148094008391,0,-1.4310471578368236 -1.4759329295515478 -1.5424876945078594 -1.6725016539573925 -1.6725016539573925 -1.6941706471989886 -1.7808466201653468 -1.890739371604833 -1.9108605796148797 -1.9658069553346273 -2.020753331054366 -1.4774807147830886 -1.7846386939826233 -1.0358459954346726 -0.8150286356830718 -1.1067861518287572 -0.7577605821160132 -0.7670472935052661 -0.9171824609648458 -1.0673176284244341 +2510,-1.3737791042697651,0,-1.4759329295515478 -1.5424876945078594 -1.6725016539573925 -1.6725016539573925 -1.6941706471989886 -1.7808466201653468 -1.890739371604833 -1.9108605796148797 -1.9658069553346273 -2.020753331054366 -1.4774807147830886 -1.7846386939826233 -1.0358459954346726 -0.8150286356830718 -1.1067861518287572 -0.7577605821160132 -0.7670472935052661 -0.9171824609648458 -1.0673176284244341 -1.1741148094008391 +2511,-1.4774807147830886,0,-1.5424876945078594 -1.6725016539573925 -1.6725016539573925 -1.6941706471989886 -1.7808466201653468 -1.890739371604833 -1.9108605796148797 -1.9658069553346273 -2.020753331054366 -1.4774807147830886 -1.7846386939826233 -1.0358459954346726 -0.8150286356830718 -1.1067861518287572 -0.7577605821160132 -0.7670472935052661 -0.9171824609648458 -1.0673176284244341 -1.1741148094008391 -1.3737791042697651 +2512,-1.6013035333064587,0,-1.6725016539573925 -1.6725016539573925 -1.6941706471989886 -1.7808466201653468 -1.890739371604833 -1.9108605796148797 -1.9658069553346273 -2.020753331054366 -1.4774807147830886 -1.7846386939826233 -1.0358459954346726 -0.8150286356830718 -1.1067861518287572 -0.7577605821160132 -0.7670472935052661 -0.9171824609648458 -1.0673176284244341 -1.1741148094008391 -1.3737791042697651 -1.4774807147830886 +2513,-1.7359608484506226,0,-1.6725016539573925 -1.6941706471989886 -1.7808466201653468 -1.890739371604833 -1.9108605796148797 -1.9658069553346273 -2.020753331054366 -1.4774807147830886 -1.7846386939826233 -1.0358459954346726 -0.8150286356830718 -1.1067861518287572 -0.7577605821160132 -0.7670472935052661 -0.9171824609648458 -1.0673176284244341 -1.1741148094008391 -1.3737791042697651 -1.4774807147830886 -1.6013035333064587 +2514,-1.8458535998901089,0,-1.6941706471989886 -1.7808466201653468 -1.890739371604833 -1.9108605796148797 -1.9658069553346273 -2.020753331054366 -1.4774807147830886 -1.7846386939826233 -1.0358459954346726 -0.8150286356830718 -1.1067861518287572 -0.7577605821160132 -0.7670472935052661 -0.9171824609648458 -1.0673176284244341 -1.1741148094008391 -1.3737791042697651 -1.4774807147830886 -1.6013035333064587 -1.7359608484506226 +2515,-1.9309817876249264,0,-1.7808466201653468 -1.890739371604833 -1.9108605796148797 -1.9658069553346273 -2.020753331054366 -1.4774807147830886 -1.7846386939826233 -1.0358459954346726 -0.8150286356830718 -1.1067861518287572 -0.7577605821160132 -0.7670472935052661 -0.9171824609648458 -1.0673176284244341 -1.1741148094008391 -1.3737791042697651 -1.4774807147830886 -1.6013035333064587 -1.7359608484506226 -1.8458535998901089 +2516,-1.932529572856467,0,-1.890739371604833 -1.9108605796148797 -1.9658069553346273 -2.020753331054366 -1.4774807147830886 -1.7846386939826233 -1.0358459954346726 -0.8150286356830718 -1.1067861518287572 -0.7577605821160132 -0.7670472935052661 -0.9171824609648458 -1.0673176284244341 -1.1741148094008391 -1.3737791042697651 -1.4774807147830886 -1.6013035333064587 -1.7359608484506226 -1.8458535998901089 -1.9309817876249264 +2517,-1.932529572856467,0,-1.9108605796148797 -1.9658069553346273 -2.020753331054366 -1.4774807147830886 -1.7846386939826233 -1.0358459954346726 -0.8150286356830718 -1.1067861518287572 -0.7577605821160132 -0.7670472935052661 -0.9171824609648458 -1.0673176284244341 -1.1741148094008391 -1.3737791042697651 -1.4774807147830886 -1.6013035333064587 -1.7359608484506226 -1.8458535998901089 -1.9309817876249264 -1.932529572856467 +2518,-1.9124083648464205,0,-1.9658069553346273 -2.020753331054366 -1.4774807147830886 -1.7846386939826233 -1.0358459954346726 -0.8150286356830718 -1.1067861518287572 -0.7577605821160132 -0.7670472935052661 -0.9171824609648458 -1.0673176284244341 -1.1741148094008391 -1.3737791042697651 -1.4774807147830886 -1.6013035333064587 -1.7359608484506226 -1.8458535998901089 -1.9309817876249264 -1.932529572856467 -1.932529572856467 +2519,-2.020753331054366,0,-2.020753331054366 -1.4774807147830886 -1.7846386939826233 -1.0358459954346726 -0.8150286356830718 -1.1067861518287572 -0.7577605821160132 -0.7670472935052661 -0.9171824609648458 -1.0673176284244341 -1.1741148094008391 -1.3737791042697651 -1.4774807147830886 -1.6013035333064587 -1.7359608484506226 -1.8458535998901089 -1.9309817876249264 -1.932529572856467 -1.932529572856467 -1.9124083648464205 +2520,-2.087308096010678,0,-1.4774807147830886 -1.7846386939826233 -1.0358459954346726 -0.8150286356830718 -1.1067861518287572 -0.7577605821160132 -0.7670472935052661 -0.9171824609648458 -1.0673176284244341 -1.1741148094008391 -1.3737791042697651 -1.4774807147830886 -1.6013035333064587 -1.7359608484506226 -1.8458535998901089 -1.9309817876249264 -1.932529572856467 -1.932529572856467 -1.9124083648464205 -2.020753331054366 +2521,-3.1605423755619775,0,-1.7846386939826233 -1.0358459954346726 -0.8150286356830718 -1.1067861518287572 -0.7577605821160132 -0.7670472935052661 -0.9171824609648458 -1.0673176284244341 -1.1741148094008391 -1.3737791042697651 -1.4774807147830886 -1.6013035333064587 -1.7359608484506226 -1.8458535998901089 -1.9309817876249264 -1.932529572856467 -1.932529572856467 -1.9124083648464205 -2.020753331054366 -2.087308096010678 +2522,-2.293163531805784,0,-1.0358459954346726 -0.8150286356830718 -1.1067861518287572 -0.7577605821160132 -0.7670472935052661 -0.9171824609648458 -1.0673176284244341 -1.1741148094008391 -1.3737791042697651 -1.4774807147830886 -1.6013035333064587 -1.7359608484506226 -1.8458535998901089 -1.9309817876249264 -1.932529572856467 -1.932529572856467 -1.9124083648464205 -2.020753331054366 -2.087308096010678 -3.1605423755619775 +2523,-2.33959708875204,0,-0.8150286356830718 -1.1067861518287572 -0.7577605821160132 -0.7670472935052661 -0.9171824609648458 -1.0673176284244341 -1.1741148094008391 -1.3737791042697651 -1.4774807147830886 -1.6013035333064587 -1.7359608484506226 -1.8458535998901089 -1.9309817876249264 -1.932529572856467 -1.932529572856467 -1.9124083648464205 -2.020753331054366 -2.087308096010678 -3.1605423755619775 -2.293163531805784 +2524,-1.632259237937299,0,-1.1067861518287572 -0.7577605821160132 -0.7670472935052661 -0.9171824609648458 -1.0673176284244341 -1.1741148094008391 -1.3737791042697651 -1.4774807147830886 -1.6013035333064587 -1.7359608484506226 -1.8458535998901089 -1.9309817876249264 -1.932529572856467 -1.932529572856467 -1.9124083648464205 -2.020753331054366 -2.087308096010678 -3.1605423755619775 -2.293163531805784 -2.33959708875204 +2525,-1.2561474266725665,0,-0.7577605821160132 -0.7670472935052661 -0.9171824609648458 -1.0673176284244341 -1.1741148094008391 -1.3737791042697651 -1.4774807147830886 -1.6013035333064587 -1.7359608484506226 -1.8458535998901089 -1.9309817876249264 -1.932529572856467 -1.932529572856467 -1.9124083648464205 -2.020753331054366 -2.087308096010678 -3.1605423755619775 -2.293163531805784 -2.33959708875204 -1.632259237937299 +2526,-0.9326603132802703,0,-0.7670472935052661 -0.9171824609648458 -1.0673176284244341 -1.1741148094008391 -1.3737791042697651 -1.4774807147830886 -1.6013035333064587 -1.7359608484506226 -1.8458535998901089 -1.9309817876249264 -1.932529572856467 -1.932529572856467 -1.9124083648464205 -2.020753331054366 -2.087308096010678 -3.1605423755619775 -2.293163531805784 -2.33959708875204 -1.632259237937299 -1.2561474266725665 +2527,-0.8103852799884409,0,-0.9171824609648458 -1.0673176284244341 -1.1741148094008391 -1.3737791042697651 -1.4774807147830886 -1.6013035333064587 -1.7359608484506226 -1.8458535998901089 -1.9309817876249264 -1.932529572856467 -1.932529572856467 -1.9124083648464205 -2.020753331054366 -2.087308096010678 -3.1605423755619775 -2.293163531805784 -2.33959708875204 -1.632259237937299 -1.2561474266725665 -0.9326603132802703 +2528,-0.7910379645941645,0,-1.0673176284244341 -1.1741148094008391 -1.3737791042697651 -1.4774807147830886 -1.6013035333064587 -1.7359608484506226 -1.8458535998901089 -1.9309817876249264 -1.932529572856467 -1.932529572856467 -1.9124083648464205 -2.020753331054366 -2.087308096010678 -3.1605423755619775 -2.293163531805784 -2.33959708875204 -1.632259237937299 -1.2561474266725665 -0.9326603132802703 -0.8103852799884409 +2529,-0.7716906491998883,0,-1.1741148094008391 -1.3737791042697651 -1.4774807147830886 -1.6013035333064587 -1.7359608484506226 -1.8458535998901089 -1.9309817876249264 -1.932529572856467 -1.932529572856467 -1.9124083648464205 -2.020753331054366 -2.087308096010678 -3.1605423755619775 -2.293163531805784 -2.33959708875204 -1.632259237937299 -1.2561474266725665 -0.9326603132802703 -0.8103852799884409 -0.7910379645941645 +2530,-0.782525145820682,0,-1.3737791042697651 -1.4774807147830886 -1.6013035333064587 -1.7359608484506226 -1.8458535998901089 -1.9309817876249264 -1.932529572856467 -1.932529572856467 -1.9124083648464205 -2.020753331054366 -2.087308096010678 -3.1605423755619775 -2.293163531805784 -2.33959708875204 -1.632259237937299 -1.2561474266725665 -0.9326603132802703 -0.8103852799884409 -0.7910379645941645 -0.7716906491998883 +2531,-0.8614621926293367,0,-1.4774807147830886 -1.6013035333064587 -1.7359608484506226 -1.8458535998901089 -1.9309817876249264 -1.932529572856467 -1.932529572856467 -1.9124083648464205 -2.020753331054366 -2.087308096010678 -3.1605423755619775 -2.293163531805784 -2.33959708875204 -1.632259237937299 -1.2561474266725665 -0.9326603132802703 -0.8103852799884409 -0.7910379645941645 -0.7716906491998883 -0.782525145820682 +2532,-1.003858433931204,0,-1.6013035333064587 -1.7359608484506226 -1.8458535998901089 -1.9309817876249264 -1.932529572856467 -1.932529572856467 -1.9124083648464205 -2.020753331054366 -2.087308096010678 -3.1605423755619775 -2.293163531805784 -2.33959708875204 -1.632259237937299 -1.2561474266725665 -0.9326603132802703 -0.8103852799884409 -0.7910379645941645 -0.7716906491998883 -0.782525145820682 -0.8614621926293367 +2533,-1.1539936013907925,0,-1.7359608484506226 -1.8458535998901089 -1.9309817876249264 -1.932529572856467 -1.932529572856467 -1.9124083648464205 -2.020753331054366 -2.087308096010678 -3.1605423755619775 -2.293163531805784 -2.33959708875204 -1.632259237937299 -1.2561474266725665 -0.9326603132802703 -0.8103852799884409 -0.7910379645941645 -0.7716906491998883 -0.782525145820682 -0.8614621926293367 -1.003858433931204 +2534,-1.3072243393134624,0,-1.8458535998901089 -1.9309817876249264 -1.932529572856467 -1.932529572856467 -1.9124083648464205 -2.020753331054366 -2.087308096010678 -3.1605423755619775 -2.293163531805784 -2.33959708875204 -1.632259237937299 -1.2561474266725665 -0.9326603132802703 -0.8103852799884409 -0.7910379645941645 -0.7716906491998883 -0.782525145820682 -0.8614621926293367 -1.003858433931204 -1.1539936013907925 +2535,-1.4511683658468704,0,-1.9309817876249264 -1.932529572856467 -1.932529572856467 -1.9124083648464205 -2.020753331054366 -2.087308096010678 -3.1605423755619775 -2.293163531805784 -2.33959708875204 -1.632259237937299 -1.2561474266725665 -0.9326603132802703 -0.8103852799884409 -0.7910379645941645 -0.7716906491998883 -0.782525145820682 -0.8614621926293367 -1.003858433931204 -1.1539936013907925 -1.3072243393134624 +2536,-1.5409399092763187,0,-1.932529572856467 -1.932529572856467 -1.9124083648464205 -2.020753331054366 -2.087308096010678 -3.1605423755619775 -2.293163531805784 -2.33959708875204 -1.632259237937299 -1.2561474266725665 -0.9326603132802703 -0.8103852799884409 -0.7910379645941645 -0.7716906491998883 -0.782525145820682 -0.8614621926293367 -1.003858433931204 -1.1539936013907925 -1.3072243393134624 -1.4511683658468704 +2537,-1.7375086336821632,0,-1.932529572856467 -1.9124083648464205 -2.020753331054366 -2.087308096010678 -3.1605423755619775 -2.293163531805784 -2.33959708875204 -1.632259237937299 -1.2561474266725665 -0.9326603132802703 -0.8103852799884409 -0.7910379645941645 -0.7716906491998883 -0.782525145820682 -0.8614621926293367 -1.003858433931204 -1.1539936013907925 -1.3072243393134624 -1.4511683658468704 -1.5409399092763187 +2538,-1.8876438011417518,0,-1.9124083648464205 -2.020753331054366 -2.087308096010678 -3.1605423755619775 -2.293163531805784 -2.33959708875204 -1.632259237937299 -1.2561474266725665 -0.9326603132802703 -0.8103852799884409 -0.7910379645941645 -0.7716906491998883 -0.782525145820682 -0.8614621926293367 -1.003858433931204 -1.1539936013907925 -1.3072243393134624 -1.4511683658468704 -1.5409399092763187 -1.7375086336821632 +2539,-1.890739371604833,0,-2.020753331054366 -2.087308096010678 -3.1605423755619775 -2.293163531805784 -2.33959708875204 -1.632259237937299 -1.2561474266725665 -0.9326603132802703 -0.8103852799884409 -0.7910379645941645 -0.7716906491998883 -0.782525145820682 -0.8614621926293367 -1.003858433931204 -1.1539936013907925 -1.3072243393134624 -1.4511683658468704 -1.5409399092763187 -1.7375086336821632 -1.8876438011417518 +2540,-1.8381146737323966,0,-2.087308096010678 -3.1605423755619775 -2.293163531805784 -2.33959708875204 -1.632259237937299 -1.2561474266725665 -0.9326603132802703 -0.8103852799884409 -0.7910379645941645 -0.7716906491998883 -0.782525145820682 -0.8614621926293367 -1.003858433931204 -1.1539936013907925 -1.3072243393134624 -1.4511683658468704 -1.5409399092763187 -1.7375086336821632 -1.8876438011417518 -1.890739371604833 +2541,-1.9170517205410513,0,-3.1605423755619775 -2.293163531805784 -2.33959708875204 -1.632259237937299 -1.2561474266725665 -0.9326603132802703 -0.8103852799884409 -0.7910379645941645 -0.7716906491998883 -0.782525145820682 -0.8614621926293367 -1.003858433931204 -1.1539936013907925 -1.3072243393134624 -1.4511683658468704 -1.5409399092763187 -1.7375086336821632 -1.8876438011417518 -1.890739371604833 -1.8381146737323966 +2542,-1.955746351329604,0,-2.293163531805784 -2.33959708875204 -1.632259237937299 -1.2561474266725665 -0.9326603132802703 -0.8103852799884409 -0.7910379645941645 -0.7716906491998883 -0.782525145820682 -0.8614621926293367 -1.003858433931204 -1.1539936013907925 -1.3072243393134624 -1.4511683658468704 -1.5409399092763187 -1.7375086336821632 -1.8876438011417518 -1.890739371604833 -1.8381146737323966 -1.9170517205410513 +2543,-2.0377789686013315,0,-2.33959708875204 -1.632259237937299 -1.2561474266725665 -0.9326603132802703 -0.8103852799884409 -0.7910379645941645 -0.7716906491998883 -0.782525145820682 -0.8614621926293367 -1.003858433931204 -1.1539936013907925 -1.3072243393134624 -1.4511683658468704 -1.5409399092763187 -1.7375086336821632 -1.8876438011417518 -1.890739371604833 -1.8381146737323966 -1.9170517205410513 -1.955746351329604 +2544,-2.1198115858730673,0,-1.632259237937299 -1.2561474266725665 -0.9326603132802703 -0.8103852799884409 -0.7910379645941645 -0.7716906491998883 -0.782525145820682 -0.8614621926293367 -1.003858433931204 -1.1539936013907925 -1.3072243393134624 -1.4511683658468704 -1.5409399092763187 -1.7375086336821632 -1.8876438011417518 -1.890739371604833 -1.8381146737323966 -1.9170517205410513 -1.955746351329604 -2.0377789686013315 +2545,-2.136837223420024,0,-1.2561474266725665 -0.9326603132802703 -0.8103852799884409 -0.7910379645941645 -0.7716906491998883 -0.782525145820682 -0.8614621926293367 -1.003858433931204 -1.1539936013907925 -1.3072243393134624 -1.4511683658468704 -1.5409399092763187 -1.7375086336821632 -1.8876438011417518 -1.890739371604833 -1.8381146737323966 -1.9170517205410513 -1.955746351329604 -2.0377789686013315 -2.1198115858730673 +2546,-2.141480579114655,0,-0.9326603132802703 -0.8103852799884409 -0.7910379645941645 -0.7716906491998883 -0.782525145820682 -0.8614621926293367 -1.003858433931204 -1.1539936013907925 -1.3072243393134624 -1.4511683658468704 -1.5409399092763187 -1.7375086336821632 -1.8876438011417518 -1.890739371604833 -1.8381146737323966 -1.9170517205410513 -1.955746351329604 -2.0377789686013315 -2.1198115858730673 -2.136837223420024 +2547,-2.1058815187891837,0,-0.8103852799884409 -0.7910379645941645 -0.7716906491998883 -0.782525145820682 -0.8614621926293367 -1.003858433931204 -1.1539936013907925 -1.3072243393134624 -1.4511683658468704 -1.5409399092763187 -1.7375086336821632 -1.8876438011417518 -1.890739371604833 -1.8381146737323966 -1.9170517205410513 -1.955746351329604 -2.0377789686013315 -2.1198115858730673 -2.136837223420024 -2.141480579114655 +2548,-2.0702824584637125,0,-0.7910379645941645 -0.7716906491998883 -0.782525145820682 -0.8614621926293367 -1.003858433931204 -1.1539936013907925 -1.3072243393134624 -1.4511683658468704 -1.5409399092763187 -1.7375086336821632 -1.8876438011417518 -1.890739371604833 -1.8381146737323966 -1.9170517205410513 -1.955746351329604 -2.0377789686013315 -2.1198115858730673 -2.136837223420024 -2.141480579114655 -2.1058815187891837 +2549,-1.687979506272817,0,-0.7716906491998883 -0.782525145820682 -0.8614621926293367 -1.003858433931204 -1.1539936013907925 -1.3072243393134624 -1.4511683658468704 -1.5409399092763187 -1.7375086336821632 -1.8876438011417518 -1.890739371604833 -1.8381146737323966 -1.9170517205410513 -1.955746351329604 -2.0377789686013315 -2.1198115858730673 -2.136837223420024 -2.141480579114655 -2.1058815187891837 -2.0702824584637125 +2550,-1.42021266121603,0,-0.782525145820682 -0.8614621926293367 -1.003858433931204 -1.1539936013907925 -1.3072243393134624 -1.4511683658468704 -1.5409399092763187 -1.7375086336821632 -1.8876438011417518 -1.890739371604833 -1.8381146737323966 -1.9170517205410513 -1.955746351329604 -2.0377789686013315 -2.1198115858730673 -2.136837223420024 -2.141480579114655 -2.1058815187891837 -2.0702824584637125 -1.687979506272817 +2551,-1.1524458161592517,0,-0.8614621926293367 -1.003858433931204 -1.1539936013907925 -1.3072243393134624 -1.4511683658468704 -1.5409399092763187 -1.7375086336821632 -1.8876438011417518 -1.890739371604833 -1.8381146737323966 -1.9170517205410513 -1.955746351329604 -2.0377789686013315 -2.1198115858730673 -2.136837223420024 -2.141480579114655 -2.1058815187891837 -2.0702824584637125 -1.687979506272817 -1.42021266121603 +2552,-0.9883805816157882,0,-1.003858433931204 -1.1539936013907925 -1.3072243393134624 -1.4511683658468704 -1.5409399092763187 -1.7375086336821632 -1.8876438011417518 -1.890739371604833 -1.8381146737323966 -1.9170517205410513 -1.955746351329604 -2.0377789686013315 -2.1198115858730673 -2.136837223420024 -2.141480579114655 -2.1058815187891837 -2.0702824584637125 -1.687979506272817 -1.42021266121603 -1.1524458161592517 +2553,-0.8661055483239588,0,-1.1539936013907925 -1.3072243393134624 -1.4511683658468704 -1.5409399092763187 -1.7375086336821632 -1.8876438011417518 -1.890739371604833 -1.8381146737323966 -1.9170517205410513 -1.955746351329604 -2.0377789686013315 -2.1198115858730673 -2.136837223420024 -2.141480579114655 -2.1058815187891837 -2.0702824584637125 -1.687979506272817 -1.42021266121603 -1.1524458161592517 -0.9883805816157882 +2554,-0.8459843403139121,0,-1.3072243393134624 -1.4511683658468704 -1.5409399092763187 -1.7375086336821632 -1.8876438011417518 -1.890739371604833 -1.8381146737323966 -1.9170517205410513 -1.955746351329604 -2.0377789686013315 -2.1198115858730673 -2.136837223420024 -2.141480579114655 -2.1058815187891837 -2.0702824584637125 -1.687979506272817 -1.42021266121603 -1.1524458161592517 -0.9883805816157882 -0.8661055483239588 +2555,-0.8800356154078338,0,-1.4511683658468704 -1.5409399092763187 -1.7375086336821632 -1.8876438011417518 -1.890739371604833 -1.8381146737323966 -1.9170517205410513 -1.955746351329604 -2.0377789686013315 -2.1198115858730673 -2.136837223420024 -2.141480579114655 -2.1058815187891837 -2.0702824584637125 -1.687979506272817 -1.42021266121603 -1.1524458161592517 -0.9883805816157882 -0.8661055483239588 -0.8459843403139121 +2556,-1.068865413655975,0,-1.5409399092763187 -1.7375086336821632 -1.8876438011417518 -1.890739371604833 -1.8381146737323966 -1.9170517205410513 -1.955746351329604 -2.0377789686013315 -2.1198115858730673 -2.136837223420024 -2.141480579114655 -2.1058815187891837 -2.0702824584637125 -1.687979506272817 -1.42021266121603 -1.1524458161592517 -0.9883805816157882 -0.8661055483239588 -0.8459843403139121 -0.8800356154078338 +2557,-1.1369679638438273,0,-1.7375086336821632 -1.8876438011417518 -1.890739371604833 -1.8381146737323966 -1.9170517205410513 -1.955746351329604 -2.0377789686013315 -2.1198115858730673 -2.136837223420024 -2.141480579114655 -2.1058815187891837 -2.0702824584637125 -1.687979506272817 -1.42021266121603 -1.1524458161592517 -0.9883805816157882 -0.8661055483239588 -0.8459843403139121 -0.8800356154078338 -1.068865413655975 +2558,-1.3474667553335555,0,-1.8876438011417518 -1.890739371604833 -1.8381146737323966 -1.9170517205410513 -1.955746351329604 -2.0377789686013315 -2.1198115858730673 -2.136837223420024 -2.141480579114655 -2.1058815187891837 -2.0702824584637125 -1.687979506272817 -1.42021266121603 -1.1524458161592517 -0.9883805816157882 -0.8661055483239588 -0.8459843403139121 -0.8800356154078338 -1.068865413655975 -1.1369679638438273 +2559,-1.5440354797394,0,-1.890739371604833 -1.8381146737323966 -1.9170517205410513 -1.955746351329604 -2.0377789686013315 -2.1198115858730673 -2.136837223420024 -2.141480579114655 -2.1058815187891837 -2.0702824584637125 -1.687979506272817 -1.42021266121603 -1.1524458161592517 -0.9883805816157882 -0.8661055483239588 -0.8459843403139121 -0.8800356154078338 -1.068865413655975 -1.1369679638438273 -1.3474667553335555 +2560,-1.683336150578186,0,-1.8381146737323966 -1.9170517205410513 -1.955746351329604 -2.0377789686013315 -2.1198115858730673 -2.136837223420024 -2.141480579114655 -2.1058815187891837 -2.0702824584637125 -1.687979506272817 -1.42021266121603 -1.1524458161592517 -0.9883805816157882 -0.8661055483239588 -0.8459843403139121 -0.8800356154078338 -1.068865413655975 -1.1369679638438273 -1.3474667553335555 -1.5440354797394 +2561,-1.6446415197896334,0,-1.9170517205410513 -1.955746351329604 -2.0377789686013315 -2.1198115858730673 -2.136837223420024 -2.141480579114655 -2.1058815187891837 -2.0702824584637125 -1.687979506272817 -1.42021266121603 -1.1524458161592517 -0.9883805816157882 -0.8661055483239588 -0.8459843403139121 -0.8800356154078338 -1.068865413655975 -1.1369679638438273 -1.3474667553335555 -1.5440354797394 -1.683336150578186 +2562,-1.8195412509538995,0,-1.955746351329604 -2.0377789686013315 -2.1198115858730673 -2.136837223420024 -2.141480579114655 -2.1058815187891837 -2.0702824584637125 -1.687979506272817 -1.42021266121603 -1.1524458161592517 -0.9883805816157882 -0.8661055483239588 -0.8459843403139121 -0.8800356154078338 -1.068865413655975 -1.1369679638438273 -1.3474667553335555 -1.5440354797394 -1.683336150578186 -1.6446415197896334 +2563,-1.8721659488263271,0,-2.0377789686013315 -2.1198115858730673 -2.136837223420024 -2.141480579114655 -2.1058815187891837 -2.0702824584637125 -1.687979506272817 -1.42021266121603 -1.1524458161592517 -0.9883805816157882 -0.8661055483239588 -0.8459843403139121 -0.8800356154078338 -1.068865413655975 -1.1369679638438273 -1.3474667553335555 -1.5440354797394 -1.683336150578186 -1.6446415197896334 -1.8195412509538995 +2564,-1.932529572856467,0,-2.1198115858730673 -2.136837223420024 -2.141480579114655 -2.1058815187891837 -2.0702824584637125 -1.687979506272817 -1.42021266121603 -1.1524458161592517 -0.9883805816157882 -0.8661055483239588 -0.8459843403139121 -0.8800356154078338 -1.068865413655975 -1.1369679638438273 -1.3474667553335555 -1.5440354797394 -1.683336150578186 -1.6446415197896334 -1.8195412509538995 -1.8721659488263271 +2565,-2.0447440021432732,0,-2.136837223420024 -2.141480579114655 -2.1058815187891837 -2.0702824584637125 -1.687979506272817 -1.42021266121603 -1.1524458161592517 -0.9883805816157882 -0.8661055483239588 -0.8459843403139121 -0.8800356154078338 -1.068865413655975 -1.1369679638438273 -1.3474667553335555 -1.5440354797394 -1.683336150578186 -1.6446415197896334 -1.8195412509538995 -1.8721659488263271 -1.932529572856467 +2566,-2.1569584314300707,0,-2.141480579114655 -2.1058815187891837 -2.0702824584637125 -1.687979506272817 -1.42021266121603 -1.1524458161592517 -0.9883805816157882 -0.8661055483239588 -0.8459843403139121 -0.8800356154078338 -1.068865413655975 -1.1369679638438273 -1.3474667553335555 -1.5440354797394 -1.683336150578186 -1.6446415197896334 -1.8195412509538995 -1.8721659488263271 -1.932529572856467 -2.0447440021432732 +2567,-2.173984068977036,0,-2.1058815187891837 -2.0702824584637125 -1.687979506272817 -1.42021266121603 -1.1524458161592517 -0.9883805816157882 -0.8661055483239588 -0.8459843403139121 -0.8800356154078338 -1.068865413655975 -1.1369679638438273 -1.3474667553335555 -1.5440354797394 -1.683336150578186 -1.6446415197896334 -1.8195412509538995 -1.8721659488263271 -1.932529572856467 -2.0447440021432732 -2.1569584314300707 +2568,-2.214226484997129,0,-2.0702824584637125 -1.687979506272817 -1.42021266121603 -1.1524458161592517 -0.9883805816157882 -0.8661055483239588 -0.8459843403139121 -0.8800356154078338 -1.068865413655975 -1.1369679638438273 -1.3474667553335555 -1.5440354797394 -1.683336150578186 -1.6446415197896334 -1.8195412509538995 -1.8721659488263271 -1.932529572856467 -2.0447440021432732 -2.1569584314300707 -2.173984068977036 +2569,-2.2389910487018065,0,-1.687979506272817 -1.42021266121603 -1.1524458161592517 -0.9883805816157882 -0.8661055483239588 -0.8459843403139121 -0.8800356154078338 -1.068865413655975 -1.1369679638438273 -1.3474667553335555 -1.5440354797394 -1.683336150578186 -1.6446415197896334 -1.8195412509538995 -1.8721659488263271 -1.932529572856467 -2.0447440021432732 -2.1569584314300707 -2.173984068977036 -2.214226484997129 +2570,-2.276137894258819,0,-1.42021266121603 -1.1524458161592517 -0.9883805816157882 -0.8661055483239588 -0.8459843403139121 -0.8800356154078338 -1.068865413655975 -1.1369679638438273 -1.3474667553335555 -1.5440354797394 -1.683336150578186 -1.6446415197896334 -1.8195412509538995 -1.8721659488263271 -1.932529572856467 -2.0447440021432732 -2.1569584314300707 -2.173984068977036 -2.214226484997129 -2.2389910487018065 +2571,-2.2204176259233006,0,-1.1524458161592517 -0.9883805816157882 -0.8661055483239588 -0.8459843403139121 -0.8800356154078338 -1.068865413655975 -1.1369679638438273 -1.3474667553335555 -1.5440354797394 -1.683336150578186 -1.6446415197896334 -1.8195412509538995 -1.8721659488263271 -1.932529572856467 -2.0447440021432732 -2.1569584314300707 -2.173984068977036 -2.214226484997129 -2.2389910487018065 -2.276137894258819 +2572,-1.9046694386887082,0,-0.9883805816157882 -0.8661055483239588 -0.8459843403139121 -0.8800356154078338 -1.068865413655975 -1.1369679638438273 -1.3474667553335555 -1.5440354797394 -1.683336150578186 -1.6446415197896334 -1.8195412509538995 -1.8721659488263271 -1.932529572856467 -2.0447440021432732 -2.1569584314300707 -2.173984068977036 -2.214226484997129 -2.2389910487018065 -2.276137894258819 -2.2204176259233006 +2573,-1.4403338692260765,0,-0.8661055483239588 -0.8459843403139121 -0.8800356154078338 -1.068865413655975 -1.1369679638438273 -1.3474667553335555 -1.5440354797394 -1.683336150578186 -1.6446415197896334 -1.8195412509538995 -1.8721659488263271 -1.932529572856467 -2.0447440021432732 -2.1569584314300707 -2.173984068977036 -2.214226484997129 -2.2389910487018065 -2.276137894258819 -2.2204176259233006 -1.9046694386887082 +2574,-1.0905344068975622,0,-0.8459843403139121 -0.8800356154078338 -1.068865413655975 -1.1369679638438273 -1.3474667553335555 -1.5440354797394 -1.683336150578186 -1.6446415197896334 -1.8195412509538995 -1.8721659488263271 -1.932529572856467 -2.0447440021432732 -2.1569584314300707 -2.173984068977036 -2.214226484997129 -2.2389910487018065 -2.276137894258819 -2.2204176259233006 -1.9046694386887082 -1.4403338692260765 +2575,-0.822767561840784,0,-0.8800356154078338 -1.068865413655975 -1.1369679638438273 -1.3474667553335555 -1.5440354797394 -1.683336150578186 -1.6446415197896334 -1.8195412509538995 -1.8721659488263271 -1.932529572856467 -2.0447440021432732 -2.1569584314300707 -2.173984068977036 -2.214226484997129 -2.2389910487018065 -2.276137894258819 -2.2204176259233006 -1.9046694386887082 -1.4403338692260765 -1.0905344068975622 +2576,-0.6958491728543237,0,-1.068865413655975 -1.1369679638438273 -1.3474667553335555 -1.5440354797394 -1.683336150578186 -1.6446415197896334 -1.8195412509538995 -1.8721659488263271 -1.932529572856467 -2.0447440021432732 -2.1569584314300707 -2.173984068977036 -2.214226484997129 -2.2389910487018065 -2.276137894258819 -2.2204176259233006 -1.9046694386887082 -1.4403338692260765 -1.0905344068975622 -0.822767561840784 +2577,-0.5426184349316627,0,-1.1369679638438273 -1.3474667553335555 -1.5440354797394 -1.683336150578186 -1.6446415197896334 -1.8195412509538995 -1.8721659488263271 -1.932529572856467 -2.0447440021432732 -2.1569584314300707 -2.173984068977036 -2.214226484997129 -2.2389910487018065 -2.276137894258819 -2.2204176259233006 -1.9046694386887082 -1.4403338692260765 -1.0905344068975622 -0.822767561840784 -0.6958491728543237 +2578,-0.5116627303008136,0,-1.3474667553335555 -1.5440354797394 -1.683336150578186 -1.6446415197896334 -1.8195412509538995 -1.8721659488263271 -1.932529572856467 -2.0447440021432732 -2.1569584314300707 -2.173984068977036 -2.214226484997129 -2.2389910487018065 -2.276137894258819 -2.2204176259233006 -1.9046694386887082 -1.4403338692260765 -1.0905344068975622 -0.822767561840784 -0.6958491728543237 -0.5426184349316627 +2579,-0.5905997771094683,0,-1.5440354797394 -1.683336150578186 -1.6446415197896334 -1.8195412509538995 -1.8721659488263271 -1.932529572856467 -2.0447440021432732 -2.1569584314300707 -2.173984068977036 -2.214226484997129 -2.2389910487018065 -2.276137894258819 -2.2204176259233006 -1.9046694386887082 -1.4403338692260765 -1.0905344068975622 -0.822767561840784 -0.6958491728543237 -0.5426184349316627 -0.5116627303008136 +2580,-0.7747862196629784,0,-1.683336150578186 -1.6446415197896334 -1.8195412509538995 -1.8721659488263271 -1.932529572856467 -2.0447440021432732 -2.1569584314300707 -2.173984068977036 -2.214226484997129 -2.2389910487018065 -2.276137894258819 -2.2204176259233006 -1.9046694386887082 -1.4403338692260765 -1.0905344068975622 -0.822767561840784 -0.6958491728543237 -0.5426184349316627 -0.5116627303008136 -0.5905997771094683 +2581,-0.9744505145319043,0,-1.6446415197896334 -1.8195412509538995 -1.8721659488263271 -1.932529572856467 -2.0447440021432732 -2.1569584314300707 -2.173984068977036 -2.214226484997129 -2.2389910487018065 -2.276137894258819 -2.2204176259233006 -1.9046694386887082 -1.4403338692260765 -1.0905344068975622 -0.822767561840784 -0.6958491728543237 -0.5426184349316627 -0.5116627303008136 -0.5905997771094683 -0.7747862196629784 +2582,-1.1508980309277022,0,-1.8195412509538995 -1.8721659488263271 -1.932529572856467 -2.0447440021432732 -2.1569584314300707 -2.173984068977036 -2.214226484997129 -2.2389910487018065 -2.276137894258819 -2.2204176259233006 -1.9046694386887082 -1.4403338692260765 -1.0905344068975622 -0.822767561840784 -0.6958491728543237 -0.5426184349316627 -0.5116627303008136 -0.5905997771094683 -0.7747862196629784 -0.9744505145319043 +2583,-1.2886509165349562,0,-1.8721659488263271 -1.932529572856467 -2.0447440021432732 -2.1569584314300707 -2.173984068977036 -2.214226484997129 -2.2389910487018065 -2.276137894258819 -2.2204176259233006 -1.9046694386887082 -1.4403338692260765 -1.0905344068975622 -0.822767561840784 -0.6958491728543237 -0.5426184349316627 -0.5116627303008136 -0.5905997771094683 -0.7747862196629784 -0.9744505145319043 -1.1508980309277022 +2584,-1.5316531978870658,0,-1.932529572856467 -2.0447440021432732 -2.1569584314300707 -2.173984068977036 -2.214226484997129 -2.2389910487018065 -2.276137894258819 -2.2204176259233006 -1.9046694386887082 -1.4403338692260765 -1.0905344068975622 -0.822767561840784 -0.6958491728543237 -0.5426184349316627 -0.5116627303008136 -0.5905997771094683 -0.7747862196629784 -0.9744505145319043 -1.1508980309277022 -1.2886509165349562 +2585,-0.9705810514530526,0,-2.0447440021432732 -2.1569584314300707 -2.173984068977036 -2.214226484997129 -2.2389910487018065 -2.276137894258819 -2.2204176259233006 -1.9046694386887082 -1.4403338692260765 -1.0905344068975622 -0.822767561840784 -0.6958491728543237 -0.5426184349316627 -0.5116627303008136 -0.5905997771094683 -0.7747862196629784 -0.9744505145319043 -1.1508980309277022 -1.2886509165349562 -1.5316531978870658 +2586,-0.4095089050190395,0,-2.1569584314300707 -2.173984068977036 -2.214226484997129 -2.2389910487018065 -2.276137894258819 -2.2204176259233006 -1.9046694386887082 -1.4403338692260765 -1.0905344068975622 -0.822767561840784 -0.6958491728543237 -0.5426184349316627 -0.5116627303008136 -0.5905997771094683 -0.7747862196629784 -0.9744505145319043 -1.1508980309277022 -1.2886509165349562 -1.5316531978870658 -0.9705810514530526 +2587,-1.6446415197896334,0,-2.173984068977036 -2.214226484997129 -2.2389910487018065 -2.276137894258819 -2.2204176259233006 -1.9046694386887082 -1.4403338692260765 -1.0905344068975622 -0.822767561840784 -0.6958491728543237 -0.5426184349316627 -0.5116627303008136 -0.5905997771094683 -0.7747862196629784 -0.9744505145319043 -1.1508980309277022 -1.2886509165349562 -1.5316531978870658 -0.9705810514530526 -0.4095089050190395 +2588,-1.6446415197896334,0,-2.214226484997129 -2.2389910487018065 -2.276137894258819 -2.2204176259233006 -1.9046694386887082 -1.4403338692260765 -1.0905344068975622 -0.822767561840784 -0.6958491728543237 -0.5426184349316627 -0.5116627303008136 -0.5905997771094683 -0.7747862196629784 -0.9744505145319043 -1.1508980309277022 -1.2886509165349562 -1.5316531978870658 -0.9705810514530526 -0.4095089050190395 -1.6446415197896334 +2589,-1.6446415197896334,0,-2.2389910487018065 -2.276137894258819 -2.2204176259233006 -1.9046694386887082 -1.4403338692260765 -1.0905344068975622 -0.822767561840784 -0.6958491728543237 -0.5426184349316627 -0.5116627303008136 -0.5905997771094683 -0.7747862196629784 -0.9744505145319043 -1.1508980309277022 -1.2886509165349562 -1.5316531978870658 -0.9705810514530526 -0.4095089050190395 -1.6446415197896334 -1.6446415197896334 +2590,-1.6446415197896334,0,-2.276137894258819 -2.2204176259233006 -1.9046694386887082 -1.4403338692260765 -1.0905344068975622 -0.822767561840784 -0.6958491728543237 -0.5426184349316627 -0.5116627303008136 -0.5905997771094683 -0.7747862196629784 -0.9744505145319043 -1.1508980309277022 -1.2886509165349562 -1.5316531978870658 -0.9705810514530526 -0.4095089050190395 -1.6446415197896334 -1.6446415197896334 -1.6446415197896334 +2591,-1.6446415197896334,0,-2.2204176259233006 -1.9046694386887082 -1.4403338692260765 -1.0905344068975622 -0.822767561840784 -0.6958491728543237 -0.5426184349316627 -0.5116627303008136 -0.5905997771094683 -0.7747862196629784 -0.9744505145319043 -1.1508980309277022 -1.2886509165349562 -1.5316531978870658 -0.9705810514530526 -0.4095089050190395 -1.6446415197896334 -1.6446415197896334 -1.6446415197896334 -1.6446415197896334 +2592,-1.6446415197896334,0,-1.9046694386887082 -1.4403338692260765 -1.0905344068975622 -0.822767561840784 -0.6958491728543237 -0.5426184349316627 -0.5116627303008136 -0.5905997771094683 -0.7747862196629784 -0.9744505145319043 -1.1508980309277022 -1.2886509165349562 -1.5316531978870658 -0.9705810514530526 -0.4095089050190395 -1.6446415197896334 -1.6446415197896334 -1.6446415197896334 -1.6446415197896334 -1.6446415197896334 +2593,-2.0052754787389504,0,-1.4403338692260765 -1.0905344068975622 -0.822767561840784 -0.6958491728543237 -0.5426184349316627 -0.5116627303008136 -0.5905997771094683 -0.7747862196629784 -0.9744505145319043 -1.1508980309277022 -1.2886509165349562 -1.5316531978870658 -0.9705810514530526 -0.4095089050190395 -1.6446415197896334 -1.6446415197896334 -1.6446415197896334 -1.6446415197896334 -1.6446415197896334 -1.6446415197896334 +2594,-1.932529572856467,0,-1.0905344068975622 -0.822767561840784 -0.6958491728543237 -0.5426184349316627 -0.5116627303008136 -0.5905997771094683 -0.7747862196629784 -0.9744505145319043 -1.1508980309277022 -1.2886509165349562 -1.5316531978870658 -0.9705810514530526 -0.4095089050190395 -1.6446415197896334 -1.6446415197896334 -1.6446415197896334 -1.6446415197896334 -1.6446415197896334 -1.6446415197896334 -2.0052754787389504 +2595,-1.9062172239202577,0,-0.822767561840784 -0.6958491728543237 -0.5426184349316627 -0.5116627303008136 -0.5905997771094683 -0.7747862196629784 -0.9744505145319043 -1.1508980309277022 -1.2886509165349562 -1.5316531978870658 -0.9705810514530526 -0.4095089050190395 -1.6446415197896334 -1.6446415197896334 -1.6446415197896334 -1.6446415197896334 -1.6446415197896334 -1.6446415197896334 -2.0052754787389504 -1.932529572856467 +2596,-1.6570238016419767,0,-0.6958491728543237 -0.5426184349316627 -0.5116627303008136 -0.5905997771094683 -0.7747862196629784 -0.9744505145319043 -1.1508980309277022 -1.2886509165349562 -1.5316531978870658 -0.9705810514530526 -0.4095089050190395 -1.6446415197896334 -1.6446415197896334 -1.6446415197896334 -1.6446415197896334 -1.6446415197896334 -1.6446415197896334 -2.0052754787389504 -1.932529572856467 -1.9062172239202577 +2597,-1.0827954807398499,0,-0.5426184349316627 -0.5116627303008136 -0.5905997771094683 -0.7747862196629784 -0.9744505145319043 -1.1508980309277022 -1.2886509165349562 -1.5316531978870658 -0.9705810514530526 -0.4095089050190395 -1.6446415197896334 -1.6446415197896334 -1.6446415197896334 -1.6446415197896334 -1.6446415197896334 -1.6446415197896334 -2.0052754787389504 -1.932529572856467 -1.9062172239202577 -1.6570238016419767 +2598,-0.5163060859954445,0,-0.5116627303008136 -0.5905997771094683 -0.7747862196629784 -0.9744505145319043 -1.1508980309277022 -1.2886509165349562 -1.5316531978870658 -0.9705810514530526 -0.4095089050190395 -1.6446415197896334 -1.6446415197896334 -1.6446415197896334 -1.6446415197896334 -1.6446415197896334 -1.6446415197896334 -2.0052754787389504 -1.932529572856467 -1.9062172239202577 -1.6570238016419767 -1.0827954807398499 +2599,-0.15257655658304622,0,-0.5905997771094683 -0.7747862196629784 -0.9744505145319043 -1.1508980309277022 -1.2886509165349562 -1.5316531978870658 -0.9705810514530526 -0.4095089050190395 -1.6446415197896334 -1.6446415197896334 -1.6446415197896334 -1.6446415197896334 -1.6446415197896334 -1.6446415197896334 -2.0052754787389504 -1.932529572856467 -1.9062172239202577 -1.6570238016419767 -1.0827954807398499 -0.5163060859954445 +2600,0.02232317458121096,0,-0.7747862196629784 -0.9744505145319043 -1.1508980309277022 -1.2886509165349562 -1.5316531978870658 -0.9705810514530526 -0.4095089050190395 -1.6446415197896334 -1.6446415197896334 -1.6446415197896334 -1.6446415197896334 -1.6446415197896334 -1.6446415197896334 -2.0052754787389504 -1.932529572856467 -1.9062172239202577 -1.6570238016419767 -1.0827954807398499 -0.5163060859954445 -0.15257655658304622 +2601,0.15543270449383412,0,-0.9744505145319043 -1.1508980309277022 -1.2886509165349562 -1.5316531978870658 -0.9705810514530526 -0.4095089050190395 -1.6446415197896334 -1.6446415197896334 -1.6446415197896334 -1.6446415197896334 -1.6446415197896334 -1.6446415197896334 -2.0052754787389504 -1.932529572856467 -1.9062172239202577 -1.6570238016419767 -1.0827954807398499 -0.5163060859954445 -0.15257655658304622 0.02232317458121096 +2602,0.1074513623160285,0,-1.1508980309277022 -1.2886509165349562 -1.5316531978870658 -0.9705810514530526 -0.4095089050190395 -1.6446415197896334 -1.6446415197896334 -1.6446415197896334 -1.6446415197896334 -1.6446415197896334 -1.6446415197896334 -2.0052754787389504 -1.932529572856467 -1.9062172239202577 -1.6570238016419767 -1.0827954807398499 -0.5163060859954445 -0.15257655658304622 0.02232317458121096 0.15543270449383412 +2603,0.030062100738923243,0,-1.2886509165349562 -1.5316531978870658 -0.9705810514530526 -0.4095089050190395 -1.6446415197896334 -1.6446415197896334 -1.6446415197896334 -1.6446415197896334 -1.6446415197896334 -1.6446415197896334 -2.0052754787389504 -1.932529572856467 -1.9062172239202577 -1.6570238016419767 -1.0827954807398499 -0.5163060859954445 -0.15257655658304622 0.02232317458121096 0.15543270449383412 0.1074513623160285 +2604,-0.29342501265338167,0,-1.5316531978870658 -0.9705810514530526 -0.4095089050190395 -1.6446415197896334 -1.6446415197896334 -1.6446415197896334 -1.6446415197896334 -1.6446415197896334 -1.6446415197896334 -2.0052754787389504 -1.932529572856467 -1.9062172239202577 -1.6570238016419767 -1.0827954807398499 -0.5163060859954445 -0.15257655658304622 0.02232317458121096 0.15543270449383412 0.1074513623160285 0.030062100738923243 +2605,-0.4373690391867985,0,-0.9705810514530526 -0.4095089050190395 -1.6446415197896334 -1.6446415197896334 -1.6446415197896334 -1.6446415197896334 -1.6446415197896334 -1.6446415197896334 -2.0052754787389504 -1.932529572856467 -1.9062172239202577 -1.6570238016419767 -1.0827954807398499 -0.5163060859954445 -0.15257655658304622 0.02232317458121096 0.15543270449383412 0.1074513623160285 0.030062100738923243 -0.29342501265338167 +2606,-0.6308421931295616,0,-0.4095089050190395 -1.6446415197896334 -1.6446415197896334 -1.6446415197896334 -1.6446415197896334 -1.6446415197896334 -1.6446415197896334 -2.0052754787389504 -1.932529572856467 -1.9062172239202577 -1.6570238016419767 -1.0827954807398499 -0.5163060859954445 -0.15257655658304622 0.02232317458121096 0.15543270449383412 0.1074513623160285 0.030062100738923243 -0.29342501265338167 -0.4373690391867985 +2607,-0.8722966892501304,0,-1.6446415197896334 -1.6446415197896334 -1.6446415197896334 -1.6446415197896334 -1.6446415197896334 -1.6446415197896334 -2.0052754787389504 -1.932529572856467 -1.9062172239202577 -1.6570238016419767 -1.0827954807398499 -0.5163060859954445 -0.15257655658304622 0.02232317458121096 0.15543270449383412 0.1074513623160285 0.030062100738923243 -0.29342501265338167 -0.4373690391867985 -0.6308421931295616 +2608,-0.952781521290317,0,-1.6446415197896334 -1.6446415197896334 -1.6446415197896334 -1.6446415197896334 -1.6446415197896334 -2.0052754787389504 -1.932529572856467 -1.9062172239202577 -1.6570238016419767 -1.0827954807398499 -0.5163060859954445 -0.15257655658304622 0.02232317458121096 0.15543270449383412 0.1074513623160285 0.030062100738923243 -0.29342501265338167 -0.4373690391867985 -0.6308421931295616 -0.8722966892501304 +2609,-1.059578702266722,0,-1.6446415197896334 -1.6446415197896334 -1.6446415197896334 -1.6446415197896334 -2.0052754787389504 -1.932529572856467 -1.9062172239202577 -1.6570238016419767 -1.0827954807398499 -0.5163060859954445 -0.15257655658304622 0.02232317458121096 0.15543270449383412 0.1074513623160285 0.030062100738923243 -0.29342501265338167 -0.4373690391867985 -0.6308421931295616 -0.8722966892501304 -0.952781521290317 +2610,-0.96206823267957,0,-1.6446415197896334 -1.6446415197896334 -1.6446415197896334 -2.0052754787389504 -1.932529572856467 -1.9062172239202577 -1.6570238016419767 -1.0827954807398499 -0.5163060859954445 -0.15257655658304622 0.02232317458121096 0.15543270449383412 0.1074513623160285 0.030062100738923243 -0.29342501265338167 -0.4373690391867985 -0.6308421931295616 -0.8722966892501304 -0.952781521290317 -1.059578702266722 +2611,-1.0889866216660216,0,-1.6446415197896334 -1.6446415197896334 -2.0052754787389504 -1.932529572856467 -1.9062172239202577 -1.6570238016419767 -1.0827954807398499 -0.5163060859954445 -0.15257655658304622 0.02232317458121096 0.15543270449383412 0.1074513623160285 0.030062100738923243 -0.29342501265338167 -0.4373690391867985 -0.6308421931295616 -0.8722966892501304 -0.952781521290317 -1.059578702266722 -0.96206823267957 +2612,-1.2654341380618195,0,-1.6446415197896334 -2.0052754787389504 -1.932529572856467 -1.9062172239202577 -1.6570238016419767 -1.0827954807398499 -0.5163060859954445 -0.15257655658304622 0.02232317458121096 0.15543270449383412 0.1074513623160285 0.030062100738923243 -0.29342501265338167 -0.4373690391867985 -0.6308421931295616 -0.8722966892501304 -0.952781521290317 -1.059578702266722 -0.96206823267957 -1.0889866216660216 +2613,-1.441881654457626,0,-2.0052754787389504 -1.932529572856467 -1.9062172239202577 -1.6570238016419767 -1.0827954807398499 -0.5163060859954445 -0.15257655658304622 0.02232317458121096 0.15543270449383412 0.1074513623160285 0.030062100738923243 -0.29342501265338167 -0.4373690391867985 -0.6308421931295616 -0.8722966892501304 -0.952781521290317 -1.059578702266722 -0.96206823267957 -1.0889866216660216 -1.2654341380618195 +2614,-1.3768746747328553,0,-1.932529572856467 -1.9062172239202577 -1.6570238016419767 -1.0827954807398499 -0.5163060859954445 -0.15257655658304622 0.02232317458121096 0.15543270449383412 0.1074513623160285 0.030062100738923243 -0.29342501265338167 -0.4373690391867985 -0.6308421931295616 -0.8722966892501304 -0.952781521290317 -1.059578702266722 -0.96206823267957 -1.0889866216660216 -1.2654341380618195 -1.441881654457626 +2615,-1.4712895738569258,0,-1.9062172239202577 -1.6570238016419767 -1.0827954807398499 -0.5163060859954445 -0.15257655658304622 0.02232317458121096 0.15543270449383412 0.1074513623160285 0.030062100738923243 -0.29342501265338167 -0.4373690391867985 -0.6308421931295616 -0.8722966892501304 -0.952781521290317 -1.059578702266722 -0.96206823267957 -1.0889866216660216 -1.2654341380618195 -1.441881654457626 -1.3768746747328553 +2616,-1.4759329295515478,0,-1.6570238016419767 -1.0827954807398499 -0.5163060859954445 -0.15257655658304622 0.02232317458121096 0.15543270449383412 0.1074513623160285 0.030062100738923243 -0.29342501265338167 -0.4373690391867985 -0.6308421931295616 -0.8722966892501304 -0.952781521290317 -1.059578702266722 -0.96206823267957 -1.0889866216660216 -1.2654341380618195 -1.441881654457626 -1.3768746747328553 -1.4712895738569258 +2617,-1.4805762852461788,0,-1.0827954807398499 -0.5163060859954445 -0.15257655658304622 0.02232317458121096 0.15543270449383412 0.1074513623160285 0.030062100738923243 -0.29342501265338167 -0.4373690391867985 -0.6308421931295616 -0.8722966892501304 -0.952781521290317 -1.059578702266722 -0.96206823267957 -1.0889866216660216 -1.2654341380618195 -1.441881654457626 -1.3768746747328553 -1.4712895738569258 -1.4759329295515478 +2618,-1.5827301105279528,0,-0.5163060859954445 -0.15257655658304622 0.02232317458121096 0.15543270449383412 0.1074513623160285 0.030062100738923243 -0.29342501265338167 -0.4373690391867985 -0.6308421931295616 -0.8722966892501304 -0.952781521290317 -1.059578702266722 -0.96206823267957 -1.0889866216660216 -1.2654341380618195 -1.441881654457626 -1.3768746747328553 -1.4712895738569258 -1.4759329295515478 -1.4805762852461788 +2619,-1.5424876945078594,0,-0.15257655658304622 0.02232317458121096 0.15543270449383412 0.1074513623160285 0.030062100738923243 -0.29342501265338167 -0.4373690391867985 -0.6308421931295616 -0.8722966892501304 -0.952781521290317 -1.059578702266722 -0.96206823267957 -1.0889866216660216 -1.2654341380618195 -1.441881654457626 -1.3768746747328553 -1.4712895738569258 -1.4759329295515478 -1.4805762852461788 -1.5827301105279528 +2620,-1.2685297085249096,0,0.02232317458121096 0.15543270449383412 0.1074513623160285 0.030062100738923243 -0.29342501265338167 -0.4373690391867985 -0.6308421931295616 -0.8722966892501304 -0.952781521290317 -1.059578702266722 -0.96206823267957 -1.0889866216660216 -1.2654341380618195 -1.441881654457626 -1.3768746747328553 -1.4712895738569258 -1.4759329295515478 -1.4805762852461788 -1.5827301105279528 -1.5424876945078594 +2621,-0.45903803242838587,0,0.15543270449383412 0.1074513623160285 0.030062100738923243 -0.29342501265338167 -0.4373690391867985 -0.6308421931295616 -0.8722966892501304 -0.952781521290317 -1.059578702266722 -0.96206823267957 -1.0889866216660216 -1.2654341380618195 -1.441881654457626 -1.3768746747328553 -1.4712895738569258 -1.4759329295515478 -1.4805762852461788 -1.5827301105279528 -1.5424876945078594 -1.2685297085249096 +2622,0.05560055705936234,0,0.1074513623160285 0.030062100738923243 -0.29342501265338167 -0.4373690391867985 -0.6308421931295616 -0.8722966892501304 -0.952781521290317 -1.059578702266722 -0.96206823267957 -1.0889866216660216 -1.2654341380618195 -1.441881654457626 -1.3768746747328553 -1.4712895738569258 -1.4759329295515478 -1.4805762852461788 -1.5827301105279528 -1.5424876945078594 -1.2685297085249096 -0.45903803242838587 +2623,0.5702391465471105,0,0.030062100738923243 -0.29342501265338167 -0.4373690391867985 -0.6308421931295616 -0.8722966892501304 -0.952781521290317 -1.059578702266722 -0.96206823267957 -1.0889866216660216 -1.2654341380618195 -1.441881654457626 -1.3768746747328553 -1.4712895738569258 -1.4759329295515478 -1.4805762852461788 -1.5827301105279528 -1.5424876945078594 -1.2685297085249096 -0.45903803242838587 0.05560055705936234 +2624,0.8565794143824035,0,-0.29342501265338167 -0.4373690391867985 -0.6308421931295616 -0.8722966892501304 -0.952781521290317 -1.059578702266722 -0.96206823267957 -1.0889866216660216 -1.2654341380618195 -1.441881654457626 -1.3768746747328553 -1.4712895738569258 -1.4759329295515478 -1.4805762852461788 -1.5827301105279528 -1.5424876945078594 -1.2685297085249096 -0.45903803242838587 0.05560055705936234 0.5702391465471105 +2625,0.9556376692010962,0,-0.4373690391867985 -0.6308421931295616 -0.8722966892501304 -0.952781521290317 -1.059578702266722 -0.96206823267957 -1.0889866216660216 -1.2654341380618195 -1.441881654457626 -1.3768746747328553 -1.4712895738569258 -1.4759329295515478 -1.4805762852461788 -1.5827301105279528 -1.5424876945078594 -1.2685297085249096 -0.45903803242838587 0.05560055705936234 0.5702391465471105 0.8565794143824035 +2626,0.9726633067480613,0,-0.6308421931295616 -0.8722966892501304 -0.952781521290317 -1.059578702266722 -0.96206823267957 -1.0889866216660216 -1.2654341380618195 -1.441881654457626 -1.3768746747328553 -1.4712895738569258 -1.4759329295515478 -1.4805762852461788 -1.5827301105279528 -1.5424876945078594 -1.2685297085249096 -0.45903803242838587 0.05560055705936234 0.5702391465471105 0.8565794143824035 0.9556376692010962 +2627,0.8797961928555316,0,-0.8722966892501304 -0.952781521290317 -1.059578702266722 -0.96206823267957 -1.0889866216660216 -1.2654341380618195 -1.441881654457626 -1.3768746747328553 -1.4712895738569258 -1.4759329295515478 -1.4805762852461788 -1.5827301105279528 -1.5424876945078594 -1.2685297085249096 -0.45903803242838587 0.05560055705936234 0.5702391465471105 0.8565794143824035 0.9556376692010962 0.9726633067480613 +2628,0.6259594148826284,0,-0.952781521290317 -1.059578702266722 -0.96206823267957 -1.0889866216660216 -1.2654341380618195 -1.441881654457626 -1.3768746747328553 -1.4712895738569258 -1.4759329295515478 -1.4805762852461788 -1.5827301105279528 -1.5424876945078594 -1.2685297085249096 -0.45903803242838587 0.05560055705936234 0.5702391465471105 0.8565794143824035 0.9556376692010962 0.9726633067480613 0.8797961928555316 +2629,0.4309384757083246,0,-1.059578702266722 -0.96206823267957 -1.0889866216660216 -1.2654341380618195 -1.441881654457626 -1.3768746747328553 -1.4712895738569258 -1.4759329295515478 -1.4805762852461788 -1.5827301105279528 -1.5424876945078594 -1.2685297085249096 -0.45903803242838587 0.05560055705936234 0.5702391465471105 0.8565794143824035 0.9556376692010962 0.9726633067480613 0.8797961928555316 0.6259594148826284 +2630,-0.02101481190197256,0,-0.96206823267957 -1.0889866216660216 -1.2654341380618195 -1.441881654457626 -1.3768746747328553 -1.4712895738569258 -1.4759329295515478 -1.4805762852461788 -1.5827301105279528 -1.5424876945078594 -1.2685297085249096 -0.45903803242838587 0.05560055705936234 0.5702391465471105 0.8565794143824035 0.9556376692010962 0.9726633067480613 0.8797961928555316 0.6259594148826284 0.4309384757083246 +2631,-0.38629212654590267,0,-1.0889866216660216 -1.2654341380618195 -1.441881654457626 -1.3768746747328553 -1.4712895738569258 -1.4759329295515478 -1.4805762852461788 -1.5827301105279528 -1.5424876945078594 -1.2685297085249096 -0.45903803242838587 0.05560055705936234 0.5702391465471105 0.8565794143824035 0.9556376692010962 0.9726633067480613 0.8797961928555316 0.6259594148826284 0.4309384757083246 -0.02101481190197256 +2632,-0.5147583007639037,0,-1.2654341380618195 -1.441881654457626 -1.3768746747328553 -1.4712895738569258 -1.4759329295515478 -1.4805762852461788 -1.5827301105279528 -1.5424876945078594 -1.2685297085249096 -0.45903803242838587 0.05560055705936234 0.5702391465471105 0.8565794143824035 0.9556376692010962 0.9726633067480613 0.8797961928555316 0.6259594148826284 0.4309384757083246 -0.02101481190197256 -0.38629212654590267 +2633,-0.6416766897503553,0,-1.441881654457626 -1.3768746747328553 -1.4712895738569258 -1.4759329295515478 -1.4805762852461788 -1.5827301105279528 -1.5424876945078594 -1.2685297085249096 -0.45903803242838587 0.05560055705936234 0.5702391465471105 0.8565794143824035 0.9556376692010962 0.9726633067480613 0.8797961928555316 0.6259594148826284 0.4309384757083246 -0.02101481190197256 -0.38629212654590267 -0.5147583007639037 +2634,-0.6029820589618027,0,-1.3768746747328553 -1.4712895738569258 -1.4759329295515478 -1.4805762852461788 -1.5827301105279528 -1.5424876945078594 -1.2685297085249096 -0.45903803242838587 0.05560055705936234 0.5702391465471105 0.8565794143824035 0.9556376692010962 0.9726633067480613 0.8797961928555316 0.6259594148826284 0.4309384757083246 -0.02101481190197256 -0.38629212654590267 -0.5147583007639037 -0.6416766897503553 +2635,-0.7933596424414756,0,-1.4712895738569258 -1.4759329295515478 -1.4805762852461788 -1.5827301105279528 -1.5424876945078594 -1.2685297085249096 -0.45903803242838587 0.05560055705936234 0.5702391465471105 0.8565794143824035 0.9556376692010962 0.9726633067480613 0.8797961928555316 0.6259594148826284 0.4309384757083246 -0.02101481190197256 -0.38629212654590267 -0.5147583007639037 -0.6416766897503553 -0.6029820589618027 +2636,-0.9233736018910174,0,-1.4759329295515478 -1.4805762852461788 -1.5827301105279528 -1.5424876945078594 -1.2685297085249096 -0.45903803242838587 0.05560055705936234 0.5702391465471105 0.8565794143824035 0.9556376692010962 0.9726633067480613 0.8797961928555316 0.6259594148826284 0.4309384757083246 -0.02101481190197256 -0.38629212654590267 -0.5147583007639037 -0.6416766897503553 -0.6029820589618027 -0.7933596424414756 +2637,-1.050291990877469,0,-1.4805762852461788 -1.5827301105279528 -1.5424876945078594 -1.2685297085249096 -0.45903803242838587 0.05560055705936234 0.5702391465471105 0.8565794143824035 0.9556376692010962 0.9726633067480613 0.8797961928555316 0.6259594148826284 0.4309384757083246 -0.02101481190197256 -0.38629212654590267 -0.5147583007639037 -0.6416766897503553 -0.6029820589618027 -0.7933596424414756 -0.9233736018910174 +2638,-1.073508769350597,0,-1.5827301105279528 -1.5424876945078594 -1.2685297085249096 -0.45903803242838587 0.05560055705936234 0.5702391465471105 0.8565794143824035 0.9556376692010962 0.9726633067480613 0.8797961928555316 0.6259594148826284 0.4309384757083246 -0.02101481190197256 -0.38629212654590267 -0.5147583007639037 -0.6416766897503553 -0.6029820589618027 -0.7933596424414756 -0.9233736018910174 -1.050291990877469 +2639,-1.1416113195384492,0,-1.5424876945078594 -1.2685297085249096 -0.45903803242838587 0.05560055705936234 0.5702391465471105 0.8565794143824035 0.9556376692010962 0.9726633067480613 0.8797961928555316 0.6259594148826284 0.4309384757083246 -0.02101481190197256 -0.38629212654590267 -0.5147583007639037 -0.6416766897503553 -0.6029820589618027 -0.7933596424414756 -0.9233736018910174 -1.050291990877469 -1.073508769350597 +2640,-1.0471964204143875,0,-1.2685297085249096 -0.45903803242838587 0.05560055705936234 0.5702391465471105 0.8565794143824035 0.9556376692010962 0.9726633067480613 0.8797961928555316 0.6259594148826284 0.4309384757083246 -0.02101481190197256 -0.38629212654590267 -0.5147583007639037 -0.6416766897503553 -0.6029820589618027 -0.7933596424414756 -0.9233736018910174 -1.050291990877469 -1.073508769350597 -1.1416113195384492 +2641,-1.0796999102767686,0,-0.45903803242838587 0.05560055705936234 0.5702391465471105 0.8565794143824035 0.9556376692010962 0.9726633067480613 0.8797961928555316 0.6259594148826284 0.4309384757083246 -0.02101481190197256 -0.38629212654590267 -0.5147583007639037 -0.6416766897503553 -0.6029820589618027 -0.7933596424414756 -0.9233736018910174 -1.050291990877469 -1.073508769350597 -1.1416113195384492 -1.0471964204143875 +2642,-1.129229037686115,0,0.05560055705936234 0.5702391465471105 0.8565794143824035 0.9556376692010962 0.9726633067480613 0.8797961928555316 0.6259594148826284 0.4309384757083246 -0.02101481190197256 -0.38629212654590267 -0.5147583007639037 -0.6416766897503553 -0.6029820589618027 -0.7933596424414756 -0.9233736018910174 -1.050291990877469 -1.073508769350597 -1.1416113195384492 -1.0471964204143875 -1.0796999102767686 +2643,-1.1060122592129868,0,0.5702391465471105 0.8565794143824035 0.9556376692010962 0.9726633067480613 0.8797961928555316 0.6259594148826284 0.4309384757083246 -0.02101481190197256 -0.38629212654590267 -0.5147583007639037 -0.6416766897503553 -0.6029820589618027 -0.7933596424414756 -0.9233736018910174 -1.050291990877469 -1.073508769350597 -1.1416113195384492 -1.0471964204143875 -1.0796999102767686 -1.129229037686115 +2644,-0.9264691723540988,0,0.8565794143824035 0.9556376692010962 0.9726633067480613 0.8797961928555316 0.6259594148826284 0.4309384757083246 -0.02101481190197256 -0.38629212654590267 -0.5147583007639037 -0.6416766897503553 -0.6029820589618027 -0.7933596424414756 -0.9233736018910174 -1.050291990877469 -1.073508769350597 -1.1416113195384492 -1.0471964204143875 -1.0796999102767686 -1.129229037686115 -1.1060122592129868 +2645,-0.30425950927417533,0,0.9556376692010962 0.9726633067480613 0.8797961928555316 0.6259594148826284 0.4309384757083246 -0.02101481190197256 -0.38629212654590267 -0.5147583007639037 -0.6416766897503553 -0.6029820589618027 -0.7933596424414756 -0.9233736018910174 -1.050291990877469 -1.073508769350597 -1.1416113195384492 -1.0471964204143875 -1.0796999102767686 -1.129229037686115 -1.1060122592129868 -0.9264691723540988 +2646,0.28854223440644844,0,0.9726633067480613 0.8797961928555316 0.6259594148826284 0.4309384757083246 -0.02101481190197256 -0.38629212654590267 -0.5147583007639037 -0.6416766897503553 -0.6029820589618027 -0.7933596424414756 -0.9233736018910174 -1.050291990877469 -1.073508769350597 -1.1416113195384492 -1.0471964204143875 -1.0796999102767686 -1.129229037686115 -1.1060122592129868 -0.9264691723540988 -0.30425950927417533 +2647,0.5980992807148695,0,0.8797961928555316 0.6259594148826284 0.4309384757083246 -0.02101481190197256 -0.38629212654590267 -0.5147583007639037 -0.6416766897503553 -0.6029820589618027 -0.7933596424414756 -0.9233736018910174 -1.050291990877469 -1.073508769350597 -1.1416113195384492 -1.0471964204143875 -1.0796999102767686 -1.129229037686115 -1.1060122592129868 -0.9264691723540988 -0.30425950927417533 0.28854223440644844 +2648,0.8055025017415165,0,0.6259594148826284 0.4309384757083246 -0.02101481190197256 -0.38629212654590267 -0.5147583007639037 -0.6416766897503553 -0.6029820589618027 -0.7933596424414756 -0.9233736018910174 -1.050291990877469 -1.073508769350597 -1.1416113195384492 -1.0471964204143875 -1.0796999102767686 -1.129229037686115 -1.1060122592129868 -0.9264691723540988 -0.30425950927417533 0.28854223440644844 0.5980992807148695 +2649,1.048504783093626,0,0.4309384757083246 -0.02101481190197256 -0.38629212654590267 -0.5147583007639037 -0.6416766897503553 -0.6029820589618027 -0.7933596424414756 -0.9233736018910174 -1.050291990877469 -1.073508769350597 -1.1416113195384492 -1.0471964204143875 -1.0796999102767686 -1.129229037686115 -1.1060122592129868 -0.9264691723540988 -0.30425950927417533 0.28854223440644844 0.5980992807148695 0.8055025017415165 +2650,1.0423136421674544,0,-0.02101481190197256 -0.38629212654590267 -0.5147583007639037 -0.6416766897503553 -0.6029820589618027 -0.7933596424414756 -0.9233736018910174 -1.050291990877469 -1.073508769350597 -1.1416113195384492 -1.0471964204143875 -1.0796999102767686 -1.129229037686115 -1.1060122592129868 -0.9264691723540988 -0.30425950927417533 0.28854223440644844 0.5980992807148695 0.8055025017415165 1.048504783093626 +2651,0.941707602117221,0,-0.38629212654590267 -0.5147583007639037 -0.6416766897503553 -0.6029820589618027 -0.7933596424414756 -0.9233736018910174 -1.050291990877469 -1.073508769350597 -1.1416113195384492 -1.0471964204143875 -1.0796999102767686 -1.129229037686115 -1.1060122592129868 -0.9264691723540988 -0.30425950927417533 0.28854223440644844 0.5980992807148695 0.8055025017415165 1.048504783093626 1.0423136421674544 +2652,0.57178693177866,0,-0.5147583007639037 -0.6416766897503553 -0.6029820589618027 -0.7933596424414756 -0.9233736018910174 -1.050291990877469 -1.073508769350597 -1.1416113195384492 -1.0471964204143875 -1.0796999102767686 -1.129229037686115 -1.1060122592129868 -0.9264691723540988 -0.30425950927417533 0.28854223440644844 0.5980992807148695 0.8055025017415165 1.048504783093626 1.0423136421674544 0.941707602117221 +2653,0.3071156571849544,0,-0.6416766897503553 -0.6029820589618027 -0.7933596424414756 -0.9233736018910174 -1.050291990877469 -1.073508769350597 -1.1416113195384492 -1.0471964204143875 -1.0796999102767686 -1.129229037686115 -1.1060122592129868 -0.9264691723540988 -0.30425950927417533 0.28854223440644844 0.5980992807148695 0.8055025017415165 1.048504783093626 1.0423136421674544 0.941707602117221 0.57178693177866 +2654,0.006845322265786387,0,-0.6029820589618027 -0.7933596424414756 -0.9233736018910174 -1.050291990877469 -1.073508769350597 -1.1416113195384492 -1.0471964204143875 -1.0796999102767686 -1.129229037686115 -1.1060122592129868 -0.9264691723540988 -0.30425950927417533 0.28854223440644844 0.5980992807148695 0.8055025017415165 1.048504783093626 1.0423136421674544 0.941707602117221 0.57178693177866 0.3071156571849544 +2655,-0.22919192554438111,0,-0.7933596424414756 -0.9233736018910174 -1.050291990877469 -1.073508769350597 -1.1416113195384492 -1.0471964204143875 -1.0796999102767686 -1.129229037686115 -1.1060122592129868 -0.9264691723540988 -0.30425950927417533 0.28854223440644844 0.5980992807148695 0.8055025017415165 1.048504783093626 1.0423136421674544 0.941707602117221 0.57178693177866 0.3071156571849544 0.006845322265786387 +2656,-0.46522917335455743,0,-0.9233736018910174 -1.050291990877469 -1.073508769350597 -1.1416113195384492 -1.0471964204143875 -1.0796999102767686 -1.129229037686115 -1.1060122592129868 -0.9264691723540988 -0.30425950927417533 0.28854223440644844 0.5980992807148695 0.8055025017415165 1.048504783093626 1.0423136421674544 0.941707602117221 0.57178693177866 0.3071156571849544 0.006845322265786387 -0.22919192554438111 +2657,-0.6540589716026897,0,-1.050291990877469 -1.073508769350597 -1.1416113195384492 -1.0471964204143875 -1.0796999102767686 -1.129229037686115 -1.1060122592129868 -0.9264691723540988 -0.30425950927417533 0.28854223440644844 0.5980992807148695 0.8055025017415165 1.048504783093626 1.0423136421674544 0.941707602117221 0.57178693177866 0.3071156571849544 0.006845322265786387 -0.22919192554438111 -0.46522917335455743 +2658,-0.7221615217905419,0,-1.073508769350597 -1.1416113195384492 -1.0471964204143875 -1.0796999102767686 -1.129229037686115 -1.1060122592129868 -0.9264691723540988 -0.30425950927417533 0.28854223440644844 0.5980992807148695 0.8055025017415165 1.048504783093626 1.0423136421674544 0.941707602117221 0.57178693177866 0.3071156571849544 0.006845322265786387 -0.22919192554438111 -0.46522917335455743 -0.6540589716026897 +2659,-0.7902640719783942,0,-1.1416113195384492 -1.0471964204143875 -1.0796999102767686 -1.129229037686115 -1.1060122592129868 -0.9264691723540988 -0.30425950927417533 0.28854223440644844 0.5980992807148695 0.8055025017415165 1.048504783093626 1.0423136421674544 0.941707602117221 0.57178693177866 0.3071156571849544 0.006845322265786387 -0.22919192554438111 -0.46522917335455743 -0.6540589716026897 -0.7221615217905419 +2660,-0.9465903803641454,0,-1.0471964204143875 -1.0796999102767686 -1.129229037686115 -1.1060122592129868 -0.9264691723540988 -0.30425950927417533 0.28854223440644844 0.5980992807148695 0.8055025017415165 1.048504783093626 1.0423136421674544 0.941707602117221 0.57178693177866 0.3071156571849544 0.006845322265786387 -0.22919192554438111 -0.46522917335455743 -0.6540589716026897 -0.7221615217905419 -0.7902640719783942 +2661,-0.969033266221512,0,-1.0796999102767686 -1.129229037686115 -1.1060122592129868 -0.9264691723540988 -0.30425950927417533 0.28854223440644844 0.5980992807148695 0.8055025017415165 1.048504783093626 1.0423136421674544 0.941707602117221 0.57178693177866 0.3071156571849544 0.006845322265786387 -0.22919192554438111 -0.46522917335455743 -0.6540589716026897 -0.7221615217905419 -0.7902640719783942 -0.9465903803641454 +2662,-0.9914761520788696,0,-1.129229037686115 -1.1060122592129868 -0.9264691723540988 -0.30425950927417533 0.28854223440644844 0.5980992807148695 0.8055025017415165 1.048504783093626 1.0423136421674544 0.941707602117221 0.57178693177866 0.3071156571849544 0.006845322265786387 -0.22919192554438111 -0.46522917335455743 -0.6540589716026897 -0.7221615217905419 -0.7902640719783942 -0.9465903803641454 -0.969033266221512 +2663,-0.9821894406896167,0,-1.1060122592129868 -0.9264691723540988 -0.30425950927417533 0.28854223440644844 0.5980992807148695 0.8055025017415165 1.048504783093626 1.0423136421674544 0.941707602117221 0.57178693177866 0.3071156571849544 0.006845322265786387 -0.22919192554438111 -0.46522917335455743 -0.6540589716026897 -0.7221615217905419 -0.7902640719783942 -0.9465903803641454 -0.969033266221512 -0.9914761520788696 +2664,-1.0719609841190563,0,-0.9264691723540988 -0.30425950927417533 0.28854223440644844 0.5980992807148695 0.8055025017415165 1.048504783093626 1.0423136421674544 0.941707602117221 0.57178693177866 0.3071156571849544 0.006845322265786387 -0.22919192554438111 -0.46522917335455743 -0.6540589716026897 -0.7221615217905419 -0.7902640719783942 -0.9465903803641454 -0.969033266221512 -0.9914761520788696 -0.9821894406896167 +2665,-1.1122034001391496,0,-0.30425950927417533 0.28854223440644844 0.5980992807148695 0.8055025017415165 1.048504783093626 1.0423136421674544 0.941707602117221 0.57178693177866 0.3071156571849544 0.006845322265786387 -0.22919192554438111 -0.46522917335455743 -0.6540589716026897 -0.7221615217905419 -0.7902640719783942 -0.9465903803641454 -0.969033266221512 -0.9914761520788696 -0.9821894406896167 -1.0719609841190563 +2666,-2.0549593846714473,0,0.28854223440644844 0.5980992807148695 0.8055025017415165 1.048504783093626 1.0423136421674544 0.941707602117221 0.57178693177866 0.3071156571849544 0.006845322265786387 -0.22919192554438111 -0.46522917335455743 -0.6540589716026897 -0.7221615217905419 -0.7902640719783942 -0.9465903803641454 -0.969033266221512 -0.9914761520788696 -0.9821894406896167 -1.0719609841190563 -1.1122034001391496 +2667,-1.0564831318036405,0,0.5980992807148695 0.8055025017415165 1.048504783093626 1.0423136421674544 0.941707602117221 0.57178693177866 0.3071156571849544 0.006845322265786387 -0.22919192554438111 -0.46522917335455743 -0.6540589716026897 -0.7221615217905419 -0.7902640719783942 -0.9465903803641454 -0.969033266221512 -0.9914761520788696 -0.9821894406896167 -1.0719609841190563 -1.1122034001391496 -2.0549593846714473 +2668,-1.036361923793594,0,0.8055025017415165 1.048504783093626 1.0423136421674544 0.941707602117221 0.57178693177866 0.3071156571849544 0.006845322265786387 -0.22919192554438111 -0.46522917335455743 -0.6540589716026897 -0.7221615217905419 -0.7902640719783942 -0.9465903803641454 -0.969033266221512 -0.9914761520788696 -0.9821894406896167 -1.0719609841190563 -1.1122034001391496 -2.0549593846714473 -1.0564831318036405 +2669,-0.09763018086330746,0,1.048504783093626 1.0423136421674544 0.941707602117221 0.57178693177866 0.3071156571849544 0.006845322265786387 -0.22919192554438111 -0.46522917335455743 -0.6540589716026897 -0.7221615217905419 -0.7902640719783942 -0.9465903803641454 -0.969033266221512 -0.9914761520788696 -0.9821894406896167 -1.0719609841190563 -1.1122034001391496 -2.0549593846714473 -1.0564831318036405 -1.036361923793594 +2670,0.841101562066979,0,1.0423136421674544 0.941707602117221 0.57178693177866 0.3071156571849544 0.006845322265786387 -0.22919192554438111 -0.46522917335455743 -0.6540589716026897 -0.7221615217905419 -0.7902640719783942 -0.9465903803641454 -0.969033266221512 -0.9914761520788696 -0.9821894406896167 -1.0719609841190563 -1.1122034001391496 -2.0549593846714473 -1.0564831318036405 -1.036361923793594 -0.09763018086330746 +2671,0.8472927029931505,0,0.941707602117221 0.57178693177866 0.3071156571849544 0.006845322265786387 -0.22919192554438111 -0.46522917335455743 -0.6540589716026897 -0.7221615217905419 -0.7902640719783942 -0.9465903803641454 -0.969033266221512 -0.9914761520788696 -0.9821894406896167 -1.0719609841190563 -1.1122034001391496 -2.0549593846714473 -1.0564831318036405 -1.036361923793594 -0.09763018086330746 0.841101562066979 +2672,0.8472927029931505,0,0.57178693177866 0.3071156571849544 0.006845322265786387 -0.22919192554438111 -0.46522917335455743 -0.6540589716026897 -0.7221615217905419 -0.7902640719783942 -0.9465903803641454 -0.969033266221512 -0.9914761520788696 -0.9821894406896167 -1.0719609841190563 -1.1122034001391496 -2.0549593846714473 -1.0564831318036405 -1.036361923793594 -0.09763018086330746 0.841101562066979 0.8472927029931505 +2673,-0.2624693080225413,0,0.3071156571849544 0.006845322265786387 -0.22919192554438111 -0.46522917335455743 -0.6540589716026897 -0.7221615217905419 -0.7902640719783942 -0.9465903803641454 -0.969033266221512 -0.9914761520788696 -0.9821894406896167 -1.0719609841190563 -1.1122034001391496 -2.0549593846714473 -1.0564831318036405 -1.036361923793594 -0.09763018086330746 0.841101562066979 0.8472927029931505 0.8472927029931505 +2674,0.04708773828587971,0,0.006845322265786387 -0.22919192554438111 -0.46522917335455743 -0.6540589716026897 -0.7221615217905419 -0.7902640719783942 -0.9465903803641454 -0.969033266221512 -0.9914761520788696 -0.9821894406896167 -1.0719609841190563 -1.1122034001391496 -2.0549593846714473 -1.0564831318036405 -1.036361923793594 -0.09763018086330746 0.841101562066979 0.8472927029931505 0.8472927029931505 -0.2624693080225413 +2675,-0.1076907848683308,0,-0.22919192554438111 -0.46522917335455743 -0.6540589716026897 -0.7221615217905419 -0.7902640719783942 -0.9465903803641454 -0.969033266221512 -0.9914761520788696 -0.9821894406896167 -1.0719609841190563 -1.1122034001391496 -2.0549593846714473 -1.0564831318036405 -1.036361923793594 -0.09763018086330746 0.841101562066979 0.8472927029931505 0.8472927029931505 -0.2624693080225413 0.04708773828587971 +2676,-0.24853924093865745,0,-0.46522917335455743 -0.6540589716026897 -0.7221615217905419 -0.7902640719783942 -0.9465903803641454 -0.969033266221512 -0.9914761520788696 -0.9821894406896167 -1.0719609841190563 -1.1122034001391496 -2.0549593846714473 -1.0564831318036405 -1.036361923793594 -0.09763018086330746 0.841101562066979 0.8472927029931505 0.8472927029931505 -0.2624693080225413 0.04708773828587971 -0.1076907848683308 +2677,-0.07054393931131887,0,-0.6540589716026897 -0.7221615217905419 -0.7902640719783942 -0.9465903803641454 -0.969033266221512 -0.9914761520788696 -0.9821894406896167 -1.0719609841190563 -1.1122034001391496 -2.0549593846714473 -1.0564831318036405 -1.036361923793594 -0.09763018086330746 0.841101562066979 0.8472927029931505 0.8472927029931505 -0.2624693080225413 0.04708773828587971 -0.1076907848683308 -0.24853924093865745 +2678,-0.5163060859954445,0,-0.7221615217905419 -0.7902640719783942 -0.9465903803641454 -0.969033266221512 -0.9914761520788696 -0.9821894406896167 -1.0719609841190563 -1.1122034001391496 -2.0549593846714473 -1.0564831318036405 -1.036361923793594 -0.09763018086330746 0.841101562066979 0.8472927029931505 0.8472927029931505 -0.2624693080225413 0.04708773828587971 -0.1076907848683308 -0.24853924093865745 -0.07054393931131887 +2679,-0.5565485020155377,0,-0.7902640719783942 -0.9465903803641454 -0.969033266221512 -0.9914761520788696 -0.9821894406896167 -1.0719609841190563 -1.1122034001391496 -2.0549593846714473 -1.0564831318036405 -1.036361923793594 -0.09763018086330746 0.841101562066979 0.8472927029931505 0.8472927029931505 -0.2624693080225413 0.04708773828587971 -0.1076907848683308 -0.24853924093865745 -0.07054393931131887 -0.5163060859954445 +2680,-0.6099470925037446,0,-0.9465903803641454 -0.969033266221512 -0.9914761520788696 -0.9821894406896167 -1.0719609841190563 -1.1122034001391496 -2.0549593846714473 -1.0564831318036405 -1.036361923793594 -0.09763018086330746 0.841101562066979 0.8472927029931505 0.8472927029931505 -0.2624693080225413 0.04708773828587971 -0.1076907848683308 -0.24853924093865745 -0.07054393931131887 -0.5163060859954445 -0.5565485020155377 +2681,-0.6633456829919426,0,-0.969033266221512 -0.9914761520788696 -0.9821894406896167 -1.0719609841190563 -1.1122034001391496 -2.0549593846714473 -1.0564831318036405 -1.036361923793594 -0.09763018086330746 0.841101562066979 0.8472927029931505 0.8472927029931505 -0.2624693080225413 0.04708773828587971 -0.1076907848683308 -0.24853924093865745 -0.07054393931131887 -0.5163060859954445 -0.5565485020155377 -0.6099470925037446 +2682,-0.7020403137804953,0,-0.9914761520788696 -0.9821894406896167 -1.0719609841190563 -1.1122034001391496 -2.0549593846714473 -1.0564831318036405 -1.036361923793594 -0.09763018086330746 0.841101562066979 0.8472927029931505 0.8472927029931505 -0.2624693080225413 0.04708773828587971 -0.1076907848683308 -0.24853924093865745 -0.07054393931131887 -0.5163060859954445 -0.5565485020155377 -0.6099470925037446 -0.6633456829919426 +2683,-0.7407349445690479,0,-0.9821894406896167 -1.0719609841190563 -1.1122034001391496 -2.0549593846714473 -1.0564831318036405 -1.036361923793594 -0.09763018086330746 0.841101562066979 0.8472927029931505 0.8472927029931505 -0.2624693080225413 0.04708773828587971 -0.1076907848683308 -0.24853924093865745 -0.07054393931131887 -0.5163060859954445 -0.5565485020155377 -0.6099470925037446 -0.6633456829919426 -0.7020403137804953 +2684,-0.782525145820682,0,-1.0719609841190563 -1.1122034001391496 -2.0549593846714473 -1.0564831318036405 -1.036361923793594 -0.09763018086330746 0.841101562066979 0.8472927029931505 0.8472927029931505 -0.2624693080225413 0.04708773828587971 -0.1076907848683308 -0.24853924093865745 -0.07054393931131887 -0.5163060859954445 -0.5565485020155377 -0.6099470925037446 -0.6633456829919426 -0.7020403137804953 -0.7407349445690479 +2685,-0.9280169575856395,0,-1.1122034001391496 -2.0549593846714473 -1.0564831318036405 -1.036361923793594 -0.09763018086330746 0.841101562066979 0.8472927029931505 0.8472927029931505 -0.2624693080225413 0.04708773828587971 -0.1076907848683308 -0.24853924093865745 -0.07054393931131887 -0.5163060859954445 -0.5565485020155377 -0.6099470925037446 -0.6633456829919426 -0.7020403137804953 -0.7407349445690479 -0.782525145820682 +2686,-1.073508769350597,0,-2.0549593846714473 -1.0564831318036405 -1.036361923793594 -0.09763018086330746 0.841101562066979 0.8472927029931505 0.8472927029931505 -0.2624693080225413 0.04708773828587971 -0.1076907848683308 -0.24853924093865745 -0.07054393931131887 -0.5163060859954445 -0.5565485020155377 -0.6099470925037446 -0.6633456829919426 -0.7020403137804953 -0.7407349445690479 -0.782525145820682 -0.9280169575856395 +2687,-0.999215078236582,0,-1.0564831318036405 -1.036361923793594 -0.09763018086330746 0.841101562066979 0.8472927029931505 0.8472927029931505 -0.2624693080225413 0.04708773828587971 -0.1076907848683308 -0.24853924093865745 -0.07054393931131887 -0.5163060859954445 -0.5565485020155377 -0.6099470925037446 -0.6633456829919426 -0.7020403137804953 -0.7407349445690479 -0.782525145820682 -0.9280169575856395 -1.073508769350597 +2688,-1.138515749075368,0,-1.036361923793594 -0.09763018086330746 0.841101562066979 0.8472927029931505 0.8472927029931505 -0.2624693080225413 0.04708773828587971 -0.1076907848683308 -0.24853924093865745 -0.07054393931131887 -0.5163060859954445 -0.5565485020155377 -0.6099470925037446 -0.6633456829919426 -0.7020403137804953 -0.7407349445690479 -0.782525145820682 -0.9280169575856395 -1.073508769350597 -0.999215078236582 +2689,-1.2778164199141626,0,-0.09763018086330746 0.841101562066979 0.8472927029931505 0.8472927029931505 -0.2624693080225413 0.04708773828587971 -0.1076907848683308 -0.24853924093865745 -0.07054393931131887 -0.5163060859954445 -0.5565485020155377 -0.6099470925037446 -0.6633456829919426 -0.7020403137804953 -0.7407349445690479 -0.782525145820682 -0.9280169575856395 -1.073508769350597 -0.999215078236582 -1.138515749075368 +2690,-1.2576952119041072,0,0.841101562066979 0.8472927029931505 0.8472927029931505 -0.2624693080225413 0.04708773828587971 -0.1076907848683308 -0.24853924093865745 -0.07054393931131887 -0.5163060859954445 -0.5565485020155377 -0.6099470925037446 -0.6633456829919426 -0.7020403137804953 -0.7407349445690479 -0.782525145820682 -0.9280169575856395 -1.073508769350597 -0.999215078236582 -1.138515749075368 -1.2778164199141626 +2691,-1.0974994404395042,0,0.8472927029931505 0.8472927029931505 -0.2624693080225413 0.04708773828587971 -0.1076907848683308 -0.24853924093865745 -0.07054393931131887 -0.5163060859954445 -0.5565485020155377 -0.6099470925037446 -0.6633456829919426 -0.7020403137804953 -0.7407349445690479 -0.782525145820682 -0.9280169575856395 -1.073508769350597 -0.999215078236582 -1.138515749075368 -1.2778164199141626 -1.2576952119041072 +2692,-0.9373036689748925,0,0.8472927029931505 -0.2624693080225413 0.04708773828587971 -0.1076907848683308 -0.24853924093865745 -0.07054393931131887 -0.5163060859954445 -0.5565485020155377 -0.6099470925037446 -0.6633456829919426 -0.7020403137804953 -0.7407349445690479 -0.782525145820682 -0.9280169575856395 -1.073508769350597 -0.999215078236582 -1.138515749075368 -1.2778164199141626 -1.2576952119041072 -1.0974994404395042 +2693,-0.2717560194117943,0,-0.2624693080225413 0.04708773828587971 -0.1076907848683308 -0.24853924093865745 -0.07054393931131887 -0.5163060859954445 -0.5565485020155377 -0.6099470925037446 -0.6633456829919426 -0.7020403137804953 -0.7407349445690479 -0.782525145820682 -0.9280169575856395 -1.073508769350597 -0.999215078236582 -1.138515749075368 -1.2778164199141626 -1.2576952119041072 -1.0974994404395042 -0.9373036689748925 +2694,0.18329283866158427,0,0.04708773828587971 -0.1076907848683308 -0.24853924093865745 -0.07054393931131887 -0.5163060859954445 -0.5565485020155377 -0.6099470925037446 -0.6633456829919426 -0.7020403137804953 -0.7407349445690479 -0.782525145820682 -0.9280169575856395 -1.073508769350597 -0.999215078236582 -1.138515749075368 -1.2778164199141626 -1.2576952119041072 -1.0974994404395042 -0.9373036689748925 -0.2717560194117943 +2695,0.6383416967349717,0,-0.1076907848683308 -0.24853924093865745 -0.07054393931131887 -0.5163060859954445 -0.5565485020155377 -0.6099470925037446 -0.6633456829919426 -0.7020403137804953 -0.7407349445690479 -0.782525145820682 -0.9280169575856395 -1.073508769350597 -0.999215078236582 -1.138515749075368 -1.2778164199141626 -1.2576952119041072 -1.0974994404395042 -0.9373036689748925 -0.2717560194117943 0.18329283866158427 +2696,0.8596749848454849,0,-0.24853924093865745 -0.07054393931131887 -0.5163060859954445 -0.5565485020155377 -0.6099470925037446 -0.6633456829919426 -0.7020403137804953 -0.7407349445690479 -0.782525145820682 -0.9280169575856395 -1.073508769350597 -0.999215078236582 -1.138515749075368 -1.2778164199141626 -1.2576952119041072 -1.0974994404395042 -0.9373036689748925 -0.2717560194117943 0.18329283866158427 0.6383416967349717 +2697,1.127441829902272,0,-0.07054393931131887 -0.5163060859954445 -0.5565485020155377 -0.6099470925037446 -0.6633456829919426 -0.7020403137804953 -0.7407349445690479 -0.782525145820682 -0.9280169575856395 -1.073508769350597 -0.999215078236582 -1.138515749075368 -1.2778164199141626 -1.2576952119041072 -1.0974994404395042 -0.9373036689748925 -0.2717560194117943 0.18329283866158427 0.6383416967349717 0.8596749848454849 +2698,1.1568497493015715,0,-0.5163060859954445 -0.5565485020155377 -0.6099470925037446 -0.6633456829919426 -0.7020403137804953 -0.7407349445690479 -0.782525145820682 -0.9280169575856395 -1.073508769350597 -0.999215078236582 -1.138515749075368 -1.2778164199141626 -1.2576952119041072 -1.0974994404395042 -0.9373036689748925 -0.2717560194117943 0.18329283866158427 0.6383416967349717 0.8596749848454849 1.127441829902272 +2699,1.1135117628183968,0,-0.5565485020155377 -0.6099470925037446 -0.6633456829919426 -0.7020403137804953 -0.7407349445690479 -0.782525145820682 -0.9280169575856395 -1.073508769350597 -0.999215078236582 -1.138515749075368 -1.2778164199141626 -1.2576952119041072 -1.0974994404395042 -0.9373036689748925 -0.2717560194117943 0.18329283866158427 0.6383416967349717 0.8596749848454849 1.127441829902272 1.1568497493015715 +2700,0.7729990118791267,0,-0.6099470925037446 -0.6633456829919426 -0.7020403137804953 -0.7407349445690479 -0.782525145820682 -0.9280169575856395 -1.073508769350597 -0.999215078236582 -1.138515749075368 -1.2778164199141626 -1.2576952119041072 -1.0974994404395042 -0.9373036689748925 -0.2717560194117943 0.18329283866158427 0.6383416967349717 0.8596749848454849 1.127441829902272 1.1568497493015715 1.1135117628183968 +2701,0.4324862609398653,0,-0.6633456829919426 -0.7020403137804953 -0.7407349445690479 -0.782525145820682 -0.9280169575856395 -1.073508769350597 -0.999215078236582 -1.138515749075368 -1.2778164199141626 -1.2576952119041072 -1.0974994404395042 -0.9373036689748925 -0.2717560194117943 0.18329283866158427 0.6383416967349717 0.8596749848454849 1.127441829902272 1.1568497493015715 1.1135117628183968 0.7729990118791267 +2702,0.07649565768517935,0,-0.7020403137804953 -0.7407349445690479 -0.782525145820682 -0.9280169575856395 -1.073508769350597 -0.999215078236582 -1.138515749075368 -1.2778164199141626 -1.2576952119041072 -1.0974994404395042 -0.9373036689748925 -0.2717560194117943 0.18329283866158427 0.6383416967349717 0.8596749848454849 1.127441829902272 1.1568497493015715 1.1135117628183968 0.7729990118791267 0.4324862609398653 +2703,-0.20907071753433445,0,-0.7407349445690479 -0.782525145820682 -0.9280169575856395 -1.073508769350597 -0.999215078236582 -1.138515749075368 -1.2778164199141626 -1.2576952119041072 -1.0974994404395042 -0.9373036689748925 -0.2717560194117943 0.18329283866158427 0.6383416967349717 0.8596749848454849 1.127441829902272 1.1568497493015715 1.1135117628183968 0.7729990118791267 0.4324862609398653 0.07649565768517935 +2704,-0.4946370927538571,0,-0.782525145820682 -0.9280169575856395 -1.073508769350597 -0.999215078236582 -1.138515749075368 -1.2778164199141626 -1.2576952119041072 -1.0974994404395042 -0.9373036689748925 -0.2717560194117943 0.18329283866158427 0.6383416967349717 0.8596749848454849 1.127441829902272 1.1568497493015715 1.1135117628183968 0.7729990118791267 0.4324862609398653 0.07649565768517935 -0.20907071753433445 +2705,-0.864557763092418,0,-0.9280169575856395 -1.073508769350597 -0.999215078236582 -1.138515749075368 -1.2778164199141626 -1.2576952119041072 -1.0974994404395042 -0.9373036689748925 -0.2717560194117943 0.18329283866158427 0.6383416967349717 0.8596749848454849 1.127441829902272 1.1568497493015715 1.1135117628183968 0.7729990118791267 0.4324862609398653 0.07649565768517935 -0.20907071753433445 -0.4946370927538571 +2706,-0.8397931993877406,0,-1.073508769350597 -0.999215078236582 -1.138515749075368 -1.2778164199141626 -1.2576952119041072 -1.0974994404395042 -0.9373036689748925 -0.2717560194117943 0.18329283866158427 0.6383416967349717 0.8596749848454849 1.127441829902272 1.1568497493015715 1.1135117628183968 0.7729990118791267 0.4324862609398653 0.07649565768517935 -0.20907071753433445 -0.4946370927538571 -0.864557763092418 +2707,-0.8150286356830718,0,-0.999215078236582 -1.138515749075368 -1.2778164199141626 -1.2576952119041072 -1.0974994404395042 -0.9373036689748925 -0.2717560194117943 0.18329283866158427 0.6383416967349717 0.8596749848454849 1.127441829902272 1.1568497493015715 1.1135117628183968 0.7729990118791267 0.4324862609398653 0.07649565768517935 -0.20907071753433445 -0.4946370927538571 -0.864557763092418 -0.8397931993877406 +2708,-0.8150286356830718,0,-1.138515749075368 -1.2778164199141626 -1.2576952119041072 -1.0974994404395042 -0.9373036689748925 -0.2717560194117943 0.18329283866158427 0.6383416967349717 0.8596749848454849 1.127441829902272 1.1568497493015715 1.1135117628183968 0.7729990118791267 0.4324862609398653 0.07649565768517935 -0.20907071753433445 -0.4946370927538571 -0.864557763092418 -0.8397931993877406 -0.8150286356830718 +2709,-0.8661055483239588,0,-1.2778164199141626 -1.2576952119041072 -1.0974994404395042 -0.9373036689748925 -0.2717560194117943 0.18329283866158427 0.6383416967349717 0.8596749848454849 1.127441829902272 1.1568497493015715 1.1135117628183968 0.7729990118791267 0.4324862609398653 0.07649565768517935 -0.20907071753433445 -0.4946370927538571 -0.864557763092418 -0.8397931993877406 -0.8150286356830718 -0.8150286356830718 +2710,-0.9171824609648458,0,-1.2576952119041072 -1.0974994404395042 -0.9373036689748925 -0.2717560194117943 0.18329283866158427 0.6383416967349717 0.8596749848454849 1.127441829902272 1.1568497493015715 1.1135117628183968 0.7729990118791267 0.4324862609398653 0.07649565768517935 -0.20907071753433445 -0.4946370927538571 -0.864557763092418 -0.8397931993877406 -0.8150286356830718 -0.8150286356830718 -0.8661055483239588 +2711,-0.9171824609648458,0,-1.0974994404395042 -0.9373036689748925 -0.2717560194117943 0.18329283866158427 0.6383416967349717 0.8596749848454849 1.127441829902272 1.1568497493015715 1.1135117628183968 0.7729990118791267 0.4324862609398653 0.07649565768517935 -0.20907071753433445 -0.4946370927538571 -0.864557763092418 -0.8397931993877406 -0.8150286356830718 -0.8150286356830718 -0.8661055483239588 -0.9171824609648458 +2712,-1.080473802892539,0,-0.9373036689748925 -0.2717560194117943 0.18329283866158427 0.6383416967349717 0.8596749848454849 1.127441829902272 1.1568497493015715 1.1135117628183968 0.7729990118791267 0.4324862609398653 0.07649565768517935 -0.20907071753433445 -0.4946370927538571 -0.864557763092418 -0.8397931993877406 -0.8150286356830718 -0.8150286356830718 -0.8661055483239588 -0.9171824609648458 -0.9171824609648458 +2713,-1.243765144820232,0,-0.2717560194117943 0.18329283866158427 0.6383416967349717 0.8596749848454849 1.127441829902272 1.1568497493015715 1.1135117628183968 0.7729990118791267 0.4324862609398653 0.07649565768517935 -0.20907071753433445 -0.4946370927538571 -0.864557763092418 -0.8397931993877406 -0.8150286356830718 -0.8150286356830718 -0.8661055483239588 -0.9171824609648458 -0.9171824609648458 -1.080473802892539 +2714,-1.2190005811155544,0,0.18329283866158427 0.6383416967349717 0.8596749848454849 1.127441829902272 1.1568497493015715 1.1135117628183968 0.7729990118791267 0.4324862609398653 0.07649565768517935 -0.20907071753433445 -0.4946370927538571 -0.864557763092418 -0.8397931993877406 -0.8150286356830718 -0.8150286356830718 -0.8661055483239588 -0.9171824609648458 -0.9171824609648458 -1.080473802892539 -1.243765144820232 +2715,-1.0580309170351812,0,0.6383416967349717 0.8596749848454849 1.127441829902272 1.1568497493015715 1.1135117628183968 0.7729990118791267 0.4324862609398653 0.07649565768517935 -0.20907071753433445 -0.4946370927538571 -0.864557763092418 -0.8397931993877406 -0.8150286356830718 -0.8150286356830718 -0.8661055483239588 -0.9171824609648458 -0.9171824609648458 -1.080473802892539 -1.243765144820232 -1.2190005811155544 +2716,-0.8970612529547991,0,0.8596749848454849 1.127441829902272 1.1568497493015715 1.1135117628183968 0.7729990118791267 0.4324862609398653 0.07649565768517935 -0.20907071753433445 -0.4946370927538571 -0.864557763092418 -0.8397931993877406 -0.8150286356830718 -0.8150286356830718 -0.8661055483239588 -0.9171824609648458 -0.9171824609648458 -1.080473802892539 -1.243765144820232 -1.2190005811155544 -1.0580309170351812 +2717,-0.30890286496879743,0,1.127441829902272 1.1568497493015715 1.1135117628183968 0.7729990118791267 0.4324862609398653 0.07649565768517935 -0.20907071753433445 -0.4946370927538571 -0.864557763092418 -0.8397931993877406 -0.8150286356830718 -0.8150286356830718 -0.8661055483239588 -0.9171824609648458 -0.9171824609648458 -1.080473802892539 -1.243765144820232 -1.2190005811155544 -1.0580309170351812 -0.8970612529547991 +2718,0.4835631735807611,0,1.1568497493015715 1.1135117628183968 0.7729990118791267 0.4324862609398653 0.07649565768517935 -0.20907071753433445 -0.4946370927538571 -0.864557763092418 -0.8397931993877406 -0.8150286356830718 -0.8150286356830718 -0.8661055483239588 -0.9171824609648458 -0.9171824609648458 -1.080473802892539 -1.243765144820232 -1.2190005811155544 -1.0580309170351812 -0.8970612529547991 -0.30890286496879743 +2719,0.8364582063723568,0,1.1135117628183968 0.7729990118791267 0.4324862609398653 0.07649565768517935 -0.20907071753433445 -0.4946370927538571 -0.864557763092418 -0.8397931993877406 -0.8150286356830718 -0.8150286356830718 -0.8661055483239588 -0.9171824609648458 -0.9171824609648458 -1.080473802892539 -1.243765144820232 -1.2190005811155544 -1.0580309170351812 -0.8970612529547991 -0.30890286496879743 0.4835631735807611 +2720,1.1738753868485368,0,0.7729990118791267 0.4324862609398653 0.07649565768517935 -0.20907071753433445 -0.4946370927538571 -0.864557763092418 -0.8397931993877406 -0.8150286356830718 -0.8150286356830718 -0.8661055483239588 -0.9171824609648458 -0.9171824609648458 -1.080473802892539 -1.243765144820232 -1.2190005811155544 -1.0580309170351812 -0.8970612529547991 -0.30890286496879743 0.4835631735807611 0.8364582063723568 +2721,1.1150595480499375,0,0.4324862609398653 0.07649565768517935 -0.20907071753433445 -0.4946370927538571 -0.864557763092418 -0.8397931993877406 -0.8150286356830718 -0.8150286356830718 -0.8661055483239588 -0.9171824609648458 -0.9171824609648458 -1.080473802892539 -1.243765144820232 -1.2190005811155544 -1.0580309170351812 -0.8970612529547991 -0.30890286496879743 0.4835631735807611 0.8364582063723568 1.1738753868485368 +2722,0.8318148506777348,0,0.07649565768517935 -0.20907071753433445 -0.4946370927538571 -0.864557763092418 -0.8397931993877406 -0.8150286356830718 -0.8150286356830718 -0.8661055483239588 -0.9171824609648458 -0.9171824609648458 -1.080473802892539 -1.243765144820232 -1.2190005811155544 -1.0580309170351812 -0.8970612529547991 -0.30890286496879743 0.4835631735807611 0.8364582063723568 1.1738753868485368 1.1150595480499375 +2723,0.8132414278992288,0,-0.20907071753433445 -0.4946370927538571 -0.864557763092418 -0.8397931993877406 -0.8150286356830718 -0.8150286356830718 -0.8661055483239588 -0.9171824609648458 -0.9171824609648458 -1.080473802892539 -1.243765144820232 -1.2190005811155544 -1.0580309170351812 -0.8970612529547991 -0.30890286496879743 0.4835631735807611 0.8364582063723568 1.1738753868485368 1.1150595480499375 0.8318148506777348 +2724,0.673940757060434,0,-0.4946370927538571 -0.864557763092418 -0.8397931993877406 -0.8150286356830718 -0.8150286356830718 -0.8661055483239588 -0.9171824609648458 -0.9171824609648458 -1.080473802892539 -1.243765144820232 -1.2190005811155544 -1.0580309170351812 -0.8970612529547991 -0.30890286496879743 0.4835631735807611 0.8364582063723568 1.1738753868485368 1.1150595480499375 0.8318148506777348 0.8132414278992288 +2725,0.5346400862216482,0,-0.864557763092418 -0.8397931993877406 -0.8150286356830718 -0.8150286356830718 -0.8661055483239588 -0.9171824609648458 -0.9171824609648458 -1.080473802892539 -1.243765144820232 -1.2190005811155544 -1.0580309170351812 -0.8970612529547991 -0.30890286496879743 0.4835631735807611 0.8364582063723568 1.1738753868485368 1.1150595480499375 0.8318148506777348 0.8132414278992288 0.673940757060434 +2726,0.08113901337981025,0,-0.8397931993877406 -0.8150286356830718 -0.8150286356830718 -0.8661055483239588 -0.9171824609648458 -0.9171824609648458 -1.080473802892539 -1.243765144820232 -1.2190005811155544 -1.0580309170351812 -0.8970612529547991 -0.30890286496879743 0.4835631735807611 0.8364582063723568 1.1738753868485368 1.1150595480499375 0.8318148506777348 0.8132414278992288 0.673940757060434 0.5346400862216482 +2727,-0.1935928652189099,0,-0.8150286356830718 -0.8150286356830718 -0.8661055483239588 -0.9171824609648458 -0.9171824609648458 -1.080473802892539 -1.243765144820232 -1.2190005811155544 -1.0580309170351812 -0.8970612529547991 -0.30890286496879743 0.4835631735807611 0.8364582063723568 1.1738753868485368 1.1150595480499375 0.8318148506777348 0.8132414278992288 0.673940757060434 0.5346400862216482 0.08113901337981025 +2728,-0.46832474381763883,0,-0.8150286356830718 -0.8661055483239588 -0.9171824609648458 -0.9171824609648458 -1.080473802892539 -1.243765144820232 -1.2190005811155544 -1.0580309170351812 -0.8970612529547991 -0.30890286496879743 0.4835631735807611 0.8364582063723568 1.1738753868485368 1.1150595480499375 0.8318148506777348 0.8132414278992288 0.673940757060434 0.5346400862216482 0.08113901337981025 -0.1935928652189099 +2729,-0.8908701120286363,0,-0.8661055483239588 -0.9171824609648458 -0.9171824609648458 -1.080473802892539 -1.243765144820232 -1.2190005811155544 -1.0580309170351812 -0.8970612529547991 -0.30890286496879743 0.4835631735807611 0.8364582063723568 1.1738753868485368 1.1150595480499375 0.8318148506777348 0.8132414278992288 0.673940757060434 0.5346400862216482 0.08113901337981025 -0.1935928652189099 -0.46832474381763883 +2730,-0.791811857209935,0,-0.9171824609648458 -0.9171824609648458 -1.080473802892539 -1.243765144820232 -1.2190005811155544 -1.0580309170351812 -0.8970612529547991 -0.30890286496879743 0.4835631735807611 0.8364582063723568 1.1738753868485368 1.1150595480499375 0.8318148506777348 0.8132414278992288 0.673940757060434 0.5346400862216482 0.08113901337981025 -0.1935928652189099 -0.46832474381763883 -0.8908701120286363 +2731,-0.6927536023912423,0,-0.9171824609648458 -1.080473802892539 -1.243765144820232 -1.2190005811155544 -1.0580309170351812 -0.8970612529547991 -0.30890286496879743 0.4835631735807611 0.8364582063723568 1.1738753868485368 1.1150595480499375 0.8318148506777348 0.8132414278992288 0.673940757060434 0.5346400862216482 0.08113901337981025 -0.1935928652189099 -0.46832474381763883 -0.8908701120286363 -0.791811857209935 +2732,-0.6927536023912423,0,-1.080473802892539 -1.243765144820232 -1.2190005811155544 -1.0580309170351812 -0.8970612529547991 -0.30890286496879743 0.4835631735807611 0.8364582063723568 1.1738753868485368 1.1150595480499375 0.8318148506777348 0.8132414278992288 0.673940757060434 0.5346400862216482 0.08113901337981025 -0.1935928652189099 -0.46832474381763883 -0.8908701120286363 -0.791811857209935 -0.6927536023912423 +2733,-0.8475321255454529,0,-1.243765144820232 -1.2190005811155544 -1.0580309170351812 -0.8970612529547991 -0.30890286496879743 0.4835631735807611 0.8364582063723568 1.1738753868485368 1.1150595480499375 0.8318148506777348 0.8132414278992288 0.673940757060434 0.5346400862216482 0.08113901337981025 -0.1935928652189099 -0.46832474381763883 -0.8908701120286363 -0.791811857209935 -0.6927536023912423 -0.6927536023912423 +2734,-0.8475321255454529,0,-1.2190005811155544 -1.0580309170351812 -0.8970612529547991 -0.30890286496879743 0.4835631735807611 0.8364582063723568 1.1738753868485368 1.1150595480499375 0.8318148506777348 0.8132414278992288 0.673940757060434 0.5346400862216482 0.08113901337981025 -0.1935928652189099 -0.46832474381763883 -0.8908701120286363 -0.791811857209935 -0.6927536023912423 -0.6927536023912423 -0.8475321255454529 +2735,-0.8475321255454529,0,-1.0580309170351812 -0.8970612529547991 -0.30890286496879743 0.4835631735807611 0.8364582063723568 1.1738753868485368 1.1150595480499375 0.8318148506777348 0.8132414278992288 0.673940757060434 0.5346400862216482 0.08113901337981025 -0.1935928652189099 -0.46832474381763883 -0.8908701120286363 -0.791811857209935 -0.6927536023912423 -0.6927536023912423 -0.8475321255454529 -0.8475321255454529 +2736,-1.013145145320457,0,-0.8970612529547991 -0.30890286496879743 0.4835631735807611 0.8364582063723568 1.1738753868485368 1.1150595480499375 0.8318148506777348 0.8132414278992288 0.673940757060434 0.5346400862216482 0.08113901337981025 -0.1935928652189099 -0.46832474381763883 -0.8908701120286363 -0.791811857209935 -0.6927536023912423 -0.6927536023912423 -0.8475321255454529 -0.8475321255454529 -0.8475321255454529 +2737,-1.0580309170351812,0,-0.30890286496879743 0.4835631735807611 0.8364582063723568 1.1738753868485368 1.1150595480499375 0.8318148506777348 0.8132414278992288 0.673940757060434 0.5346400862216482 0.08113901337981025 -0.1935928652189099 -0.46832474381763883 -0.8908701120286363 -0.791811857209935 -0.6927536023912423 -0.6927536023912423 -0.8475321255454529 -0.8475321255454529 -0.8475321255454529 -1.013145145320457 +2738,-1.1168467558337805,0,0.4835631735807611 0.8364582063723568 1.1738753868485368 1.1150595480499375 0.8318148506777348 0.8132414278992288 0.673940757060434 0.5346400862216482 0.08113901337981025 -0.1935928652189099 -0.46832474381763883 -0.8908701120286363 -0.791811857209935 -0.6927536023912423 -0.6927536023912423 -0.8475321255454529 -0.8475321255454529 -0.8475321255454529 -1.013145145320457 -1.0580309170351812 +2739,-1.1756625946323798,0,0.8364582063723568 1.1738753868485368 1.1150595480499375 0.8318148506777348 0.8132414278992288 0.673940757060434 0.5346400862216482 0.08113901337981025 -0.1935928652189099 -0.46832474381763883 -0.8908701120286363 -0.791811857209935 -0.6927536023912423 -0.6927536023912423 -0.8475321255454529 -0.8475321255454529 -0.8475321255454529 -1.013145145320457 -1.0580309170351812 -1.1168467558337805 +2740,-1.1447068900015396,0,1.1738753868485368 1.1150595480499375 0.8318148506777348 0.8132414278992288 0.673940757060434 0.5346400862216482 0.08113901337981025 -0.1935928652189099 -0.46832474381763883 -0.8908701120286363 -0.791811857209935 -0.6927536023912423 -0.6927536023912423 -0.8475321255454529 -0.8475321255454529 -0.8475321255454529 -1.013145145320457 -1.0580309170351812 -1.1168467558337805 -1.1756625946323798 +2741,-0.45284689150221424,0,1.1150595480499375 0.8318148506777348 0.8132414278992288 0.673940757060434 0.5346400862216482 0.08113901337981025 -0.1935928652189099 -0.46832474381763883 -0.8908701120286363 -0.791811857209935 -0.6927536023912423 -0.6927536023912423 -0.8475321255454529 -0.8475321255454529 -0.8475321255454529 -1.013145145320457 -1.0580309170351812 -1.1168467558337805 -1.1756625946323798 -1.1447068900015396 +2742,0.3194979390372976,0,0.8318148506777348 0.8132414278992288 0.673940757060434 0.5346400862216482 0.08113901337981025 -0.1935928652189099 -0.46832474381763883 -0.8908701120286363 -0.791811857209935 -0.6927536023912423 -0.6927536023912423 -0.8475321255454529 -0.8475321255454529 -0.8475321255454529 -1.013145145320457 -1.0580309170351812 -1.1168467558337805 -1.1756625946323798 -1.1447068900015396 -0.45284689150221424 +2743,0.7358521663221236,0,0.8132414278992288 0.673940757060434 0.5346400862216482 0.08113901337981025 -0.1935928652189099 -0.46832474381763883 -0.8908701120286363 -0.791811857209935 -0.6927536023912423 -0.6927536023912423 -0.8475321255454529 -0.8475321255454529 -0.8475321255454529 -1.013145145320457 -1.0580309170351812 -1.1168467558337805 -1.1756625946323798 -1.1447068900015396 -0.45284689150221424 0.3194979390372976 +2744,1.0748171320298443,0,0.673940757060434 0.5346400862216482 0.08113901337981025 -0.1935928652189099 -0.46832474381763883 -0.8908701120286363 -0.791811857209935 -0.6927536023912423 -0.6927536023912423 -0.8475321255454529 -0.8475321255454529 -0.8475321255454529 -1.013145145320457 -1.0580309170351812 -1.1168467558337805 -1.1756625946323798 -1.1447068900015396 -0.45284689150221424 0.3194979390372976 0.7358521663221236 +2745,1.1614931049962025,0,0.5346400862216482 0.08113901337981025 -0.1935928652189099 -0.46832474381763883 -0.8908701120286363 -0.791811857209935 -0.6927536023912423 -0.6927536023912423 -0.8475321255454529 -0.8475321255454529 -0.8475321255454529 -1.013145145320457 -1.0580309170351812 -1.1168467558337805 -1.1756625946323798 -1.1447068900015396 -0.45284689150221424 0.3194979390372976 0.7358521663221236 1.0748171320298443 +2746,1.2141178028686301,0,0.08113901337981025 -0.1935928652189099 -0.46832474381763883 -0.8908701120286363 -0.791811857209935 -0.6927536023912423 -0.6927536023912423 -0.8475321255454529 -0.8475321255454529 -0.8475321255454529 -1.013145145320457 -1.0580309170351812 -1.1168467558337805 -1.1756625946323798 -1.1447068900015396 -0.45284689150221424 0.3194979390372976 0.7358521663221236 1.0748171320298443 1.1614931049962025 +2747,0.9587332396641863,0,-0.1935928652189099 -0.46832474381763883 -0.8908701120286363 -0.791811857209935 -0.6927536023912423 -0.6927536023912423 -0.8475321255454529 -0.8475321255454529 -0.8475321255454529 -1.013145145320457 -1.0580309170351812 -1.1168467558337805 -1.1756625946323798 -1.1447068900015396 -0.45284689150221424 0.3194979390372976 0.7358521663221236 1.0748171320298443 1.1614931049962025 1.2141178028686301 +2748,0.5748825022417414,0,-0.46832474381763883 -0.8908701120286363 -0.791811857209935 -0.6927536023912423 -0.6927536023912423 -0.8475321255454529 -0.8475321255454529 -0.8475321255454529 -1.013145145320457 -1.0580309170351812 -1.1168467558337805 -1.1756625946323798 -1.1447068900015396 -0.45284689150221424 0.3194979390372976 0.7358521663221236 1.0748171320298443 1.1614931049962025 1.2141178028686301 0.9587332396641863 +2749,0.2823510934802857,0,-0.8908701120286363 -0.791811857209935 -0.6927536023912423 -0.6927536023912423 -0.8475321255454529 -0.8475321255454529 -0.8475321255454529 -1.013145145320457 -1.0580309170351812 -1.1168467558337805 -1.1756625946323798 -1.1447068900015396 -0.45284689150221424 0.3194979390372976 0.7358521663221236 1.0748171320298443 1.1614931049962025 1.2141178028686301 0.9587332396641863 0.5748825022417414 +2750,-0.08911736208982483,0,-0.791811857209935 -0.6927536023912423 -0.6927536023912423 -0.8475321255454529 -0.8475321255454529 -0.8475321255454529 -1.013145145320457 -1.0580309170351812 -1.1168467558337805 -1.1756625946323798 -1.1447068900015396 -0.45284689150221424 0.3194979390372976 0.7358521663221236 1.0748171320298443 1.1614931049962025 1.2141178028686301 0.9587332396641863 0.5748825022417414 0.2823510934802857 +2751,-0.27717326772218676,0,-0.6927536023912423 -0.6927536023912423 -0.8475321255454529 -0.8475321255454529 -0.8475321255454529 -1.013145145320457 -1.0580309170351812 -1.1168467558337805 -1.1756625946323798 -1.1447068900015396 -0.45284689150221424 0.3194979390372976 0.7358521663221236 1.0748171320298443 1.1614931049962025 1.2141178028686301 0.9587332396641863 0.5748825022417414 0.2823510934802857 -0.08911736208982483 +2752,-0.46522917335455743,0,-0.6927536023912423 -0.8475321255454529 -0.8475321255454529 -0.8475321255454529 -1.013145145320457 -1.0580309170351812 -1.1168467558337805 -1.1756625946323798 -1.1447068900015396 -0.45284689150221424 0.3194979390372976 0.7358521663221236 1.0748171320298443 1.1614931049962025 1.2141178028686301 0.9587332396641863 0.5748825022417414 0.2823510934802857 -0.08911736208982483 -0.27717326772218676 +2753,-0.666441253455024,0,-0.8475321255454529 -0.8475321255454529 -0.8475321255454529 -1.013145145320457 -1.0580309170351812 -1.1168467558337805 -1.1756625946323798 -1.1447068900015396 -0.45284689150221424 0.3194979390372976 0.7358521663221236 1.0748171320298443 1.1614931049962025 1.2141178028686301 0.9587332396641863 0.5748825022417414 0.2823510934802857 -0.08911736208982483 -0.27717326772218676 -0.46522917335455743 +2754,-0.7159703808643704,0,-0.8475321255454529 -0.8475321255454529 -1.013145145320457 -1.0580309170351812 -1.1168467558337805 -1.1756625946323798 -1.1447068900015396 -0.45284689150221424 0.3194979390372976 0.7358521663221236 1.0748171320298443 1.1614931049962025 1.2141178028686301 0.9587332396641863 0.5748825022417414 0.2823510934802857 -0.08911736208982483 -0.27717326772218676 -0.46522917335455743 -0.666441253455024 +2755,-0.7654995082737255,0,-0.8475321255454529 -1.013145145320457 -1.0580309170351812 -1.1168467558337805 -1.1756625946323798 -1.1447068900015396 -0.45284689150221424 0.3194979390372976 0.7358521663221236 1.0748171320298443 1.1614931049962025 1.2141178028686301 0.9587332396641863 0.5748825022417414 0.2823510934802857 -0.08911736208982483 -0.27717326772218676 -0.46522917335455743 -0.666441253455024 -0.7159703808643704 +2756,-0.7809773605891412,0,-1.013145145320457 -1.0580309170351812 -1.1168467558337805 -1.1756625946323798 -1.1447068900015396 -0.45284689150221424 0.3194979390372976 0.7358521663221236 1.0748171320298443 1.1614931049962025 1.2141178028686301 0.9587332396641863 0.5748825022417414 0.2823510934802857 -0.08911736208982483 -0.27717326772218676 -0.46522917335455743 -0.666441253455024 -0.7159703808643704 -0.7654995082737255 +2757,-0.8065158169095892,0,-1.0580309170351812 -1.1168467558337805 -1.1756625946323798 -1.1447068900015396 -0.45284689150221424 0.3194979390372976 0.7358521663221236 1.0748171320298443 1.1614931049962025 1.2141178028686301 0.9587332396641863 0.5748825022417414 0.2823510934802857 -0.08911736208982483 -0.27717326772218676 -0.46522917335455743 -0.666441253455024 -0.7159703808643704 -0.7654995082737255 -0.7809773605891412 +2758,-0.8320542732300282,0,-1.1168467558337805 -1.1756625946323798 -1.1447068900015396 -0.45284689150221424 0.3194979390372976 0.7358521663221236 1.0748171320298443 1.1614931049962025 1.2141178028686301 0.9587332396641863 0.5748825022417414 0.2823510934802857 -0.08911736208982483 -0.27717326772218676 -0.46522917335455743 -0.666441253455024 -0.7159703808643704 -0.7654995082737255 -0.7809773605891412 -0.8065158169095892 +2759,-0.7360915888744258,0,-1.1756625946323798 -1.1447068900015396 -0.45284689150221424 0.3194979390372976 0.7358521663221236 1.0748171320298443 1.1614931049962025 1.2141178028686301 0.9587332396641863 0.5748825022417414 0.2823510934802857 -0.08911736208982483 -0.27717326772218676 -0.46522917335455743 -0.666441253455024 -0.7159703808643704 -0.7654995082737255 -0.7809773605891412 -0.8065158169095892 -0.8320542732300282 +2760,-0.7368654814901962,0,-1.1447068900015396 -0.45284689150221424 0.3194979390372976 0.7358521663221236 1.0748171320298443 1.1614931049962025 1.2141178028686301 0.9587332396641863 0.5748825022417414 0.2823510934802857 -0.08911736208982483 -0.27717326772218676 -0.46522917335455743 -0.666441253455024 -0.7159703808643704 -0.7654995082737255 -0.7809773605891412 -0.8065158169095892 -0.8320542732300282 -0.7360915888744258 +2761,-0.7376393741059666,0,-0.45284689150221424 0.3194979390372976 0.7358521663221236 1.0748171320298443 1.1614931049962025 1.2141178028686301 0.9587332396641863 0.5748825022417414 0.2823510934802857 -0.08911736208982483 -0.27717326772218676 -0.46522917335455743 -0.666441253455024 -0.7159703808643704 -0.7654995082737255 -0.7809773605891412 -0.8065158169095892 -0.8320542732300282 -0.7360915888744258 -0.7368654814901962 +2762,-0.7453783002636788,0,0.3194979390372976 0.7358521663221236 1.0748171320298443 1.1614931049962025 1.2141178028686301 0.9587332396641863 0.5748825022417414 0.2823510934802857 -0.08911736208982483 -0.27717326772218676 -0.46522917335455743 -0.666441253455024 -0.7159703808643704 -0.7654995082737255 -0.7809773605891412 -0.8065158169095892 -0.8320542732300282 -0.7360915888744258 -0.7368654814901962 -0.7376393741059666 +2763,-0.5867303140306077,0,0.7358521663221236 1.0748171320298443 1.1614931049962025 1.2141178028686301 0.9587332396641863 0.5748825022417414 0.2823510934802857 -0.08911736208982483 -0.27717326772218676 -0.46522917335455743 -0.666441253455024 -0.7159703808643704 -0.7654995082737255 -0.7809773605891412 -0.8065158169095892 -0.8320542732300282 -0.7360915888744258 -0.7368654814901962 -0.7376393741059666 -0.7453783002636788 +2764,-0.4280823277975455,0,1.0748171320298443 1.1614931049962025 1.2141178028686301 0.9587332396641863 0.5748825022417414 0.2823510934802857 -0.08911736208982483 -0.27717326772218676 -0.46522917335455743 -0.666441253455024 -0.7159703808643704 -0.7654995082737255 -0.7809773605891412 -0.8065158169095892 -0.8320542732300282 -0.7360915888744258 -0.7368654814901962 -0.7376393741059666 -0.7453783002636788 -0.5867303140306077 +2765,0.014584248423498673,0,1.1614931049962025 1.2141178028686301 0.9587332396641863 0.5748825022417414 0.2823510934802857 -0.08911736208982483 -0.27717326772218676 -0.46522917335455743 -0.666441253455024 -0.7159703808643704 -0.7654995082737255 -0.7809773605891412 -0.8065158169095892 -0.8320542732300282 -0.7360915888744258 -0.7368654814901962 -0.7376393741059666 -0.7453783002636788 -0.5867303140306077 -0.4280823277975455 +2766,0.334201898736943,0,1.2141178028686301 0.9587332396641863 0.5748825022417414 0.2823510934802857 -0.08911736208982483 -0.27717326772218676 -0.46522917335455743 -0.666441253455024 -0.7159703808643704 -0.7654995082737255 -0.7809773605891412 -0.8065158169095892 -0.8320542732300282 -0.7360915888744258 -0.7368654814901962 -0.7376393741059666 -0.7453783002636788 -0.5867303140306077 -0.4280823277975455 0.014584248423498673 +2767,0.6538195490503874,0,0.9587332396641863 0.5748825022417414 0.2823510934802857 -0.08911736208982483 -0.27717326772218676 -0.46522917335455743 -0.666441253455024 -0.7159703808643704 -0.7654995082737255 -0.7809773605891412 -0.8065158169095892 -0.8320542732300282 -0.7360915888744258 -0.7368654814901962 -0.7376393741059666 -0.7453783002636788 -0.5867303140306077 -0.4280823277975455 0.014584248423498673 0.334201898736943 +2768,0.8612227700770344,0,0.5748825022417414 0.2823510934802857 -0.08911736208982483 -0.27717326772218676 -0.46522917335455743 -0.666441253455024 -0.7159703808643704 -0.7654995082737255 -0.7809773605891412 -0.8065158169095892 -0.8320542732300282 -0.7360915888744258 -0.7368654814901962 -0.7376393741059666 -0.7453783002636788 -0.5867303140306077 -0.4280823277975455 0.014584248423498673 0.334201898736943 0.6538195490503874 +2769,0.8202064614411619,0,0.2823510934802857 -0.08911736208982483 -0.27717326772218676 -0.46522917335455743 -0.666441253455024 -0.7159703808643704 -0.7654995082737255 -0.7809773605891412 -0.8065158169095892 -0.8320542732300282 -0.7360915888744258 -0.7368654814901962 -0.7376393741059666 -0.7453783002636788 -0.5867303140306077 -0.4280823277975455 0.014584248423498673 0.334201898736943 0.6538195490503874 0.8612227700770344 +2770,0.7791901528052982,0,-0.08911736208982483 -0.27717326772218676 -0.46522917335455743 -0.666441253455024 -0.7159703808643704 -0.7654995082737255 -0.7809773605891412 -0.8065158169095892 -0.8320542732300282 -0.7360915888744258 -0.7368654814901962 -0.7376393741059666 -0.7453783002636788 -0.5867303140306077 -0.4280823277975455 0.014584248423498673 0.334201898736943 0.6538195490503874 0.8612227700770344 0.8202064614411619 +2771,0.6275072001141692,0,-0.27717326772218676 -0.46522917335455743 -0.666441253455024 -0.7159703808643704 -0.7654995082737255 -0.7809773605891412 -0.8065158169095892 -0.8320542732300282 -0.7360915888744258 -0.7368654814901962 -0.7376393741059666 -0.7453783002636788 -0.5867303140306077 -0.4280823277975455 0.014584248423498673 0.334201898736943 0.6538195490503874 0.8612227700770344 0.8202064614411619 0.7791901528052982 +2772,0.46808532126533653,0,-0.46522917335455743 -0.666441253455024 -0.7159703808643704 -0.7654995082737255 -0.7809773605891412 -0.8065158169095892 -0.8320542732300282 -0.7360915888744258 -0.7368654814901962 -0.7376393741059666 -0.7453783002636788 -0.5867303140306077 -0.4280823277975455 0.014584248423498673 0.334201898736943 0.6538195490503874 0.8612227700770344 0.8202064614411619 0.7791901528052982 0.6275072001141692 +2773,0.3086634424164951,0,-0.666441253455024 -0.7159703808643704 -0.7654995082737255 -0.7809773605891412 -0.8065158169095892 -0.8320542732300282 -0.7360915888744258 -0.7368654814901962 -0.7376393741059666 -0.7453783002636788 -0.5867303140306077 -0.4280823277975455 0.014584248423498673 0.334201898736943 0.6538195490503874 0.8612227700770344 0.8202064614411619 0.7791901528052982 0.6275072001141692 0.46808532126533653 +2774,0.09661686569523482,0,-0.7159703808643704 -0.7654995082737255 -0.7809773605891412 -0.8065158169095892 -0.8320542732300282 -0.7360915888744258 -0.7368654814901962 -0.7376393741059666 -0.7453783002636788 -0.5867303140306077 -0.4280823277975455 0.014584248423498673 0.334201898736943 0.6538195490503874 0.8612227700770344 0.8202064614411619 0.7791901528052982 0.6275072001141692 0.46808532126533653 0.3086634424164951 +2775,-0.02256259713351326,0,-0.7654995082737255 -0.7809773605891412 -0.8065158169095892 -0.8320542732300282 -0.7360915888744258 -0.7368654814901962 -0.7376393741059666 -0.7453783002636788 -0.5867303140306077 -0.4280823277975455 0.014584248423498673 0.334201898736943 0.6538195490503874 0.8612227700770344 0.8202064614411619 0.7791901528052982 0.6275072001141692 0.46808532126533653 0.3086634424164951 0.09661686569523482 +2776,-0.14174205996225253,0,-0.7809773605891412 -0.8065158169095892 -0.8320542732300282 -0.7360915888744258 -0.7368654814901962 -0.7376393741059666 -0.7453783002636788 -0.5867303140306077 -0.4280823277975455 0.014584248423498673 0.334201898736943 0.6538195490503874 0.8612227700770344 0.8202064614411619 0.7791901528052982 0.6275072001141692 0.46808532126533653 0.3086634424164951 0.09661686569523482 -0.02256259713351326 +2777,-0.18972340214005814,0,-0.8065158169095892 -0.8320542732300282 -0.7360915888744258 -0.7368654814901962 -0.7376393741059666 -0.7453783002636788 -0.5867303140306077 -0.4280823277975455 0.014584248423498673 0.334201898736943 0.6538195490503874 0.8612227700770344 0.8202064614411619 0.7791901528052982 0.6275072001141692 0.46808532126533653 0.3086634424164951 0.09661686569523482 -0.02256259713351326 -0.14174205996225253 +2778,-0.30425950927417533,0,-0.8320542732300282 -0.7360915888744258 -0.7368654814901962 -0.7376393741059666 -0.7453783002636788 -0.5867303140306077 -0.4280823277975455 0.014584248423498673 0.334201898736943 0.6538195490503874 0.8612227700770344 0.8202064614411619 0.7791901528052982 0.6275072001141692 0.46808532126533653 0.3086634424164951 0.09661686569523482 -0.02256259713351326 -0.14174205996225253 -0.18972340214005814 +2779,-0.41879561640829255,0,-0.7360915888744258 -0.7368654814901962 -0.7376393741059666 -0.7453783002636788 -0.5867303140306077 -0.4280823277975455 0.014584248423498673 0.334201898736943 0.6538195490503874 0.8612227700770344 0.8202064614411619 0.7791901528052982 0.6275072001141692 0.46808532126533653 0.3086634424164951 0.09661686569523482 -0.02256259713351326 -0.14174205996225253 -0.18972340214005814 -0.30425950927417533 +2780,-0.6138165555825964,0,-0.7368654814901962 -0.7376393741059666 -0.7453783002636788 -0.5867303140306077 -0.4280823277975455 0.014584248423498673 0.334201898736943 0.6538195490503874 0.8612227700770344 0.8202064614411619 0.7791901528052982 0.6275072001141692 0.46808532126533653 0.3086634424164951 0.09661686569523482 -0.02256259713351326 -0.14174205996225253 -0.18972340214005814 -0.30425950927417533 -0.41879561640829255 +2781,-0.7121009177855187,0,-0.7376393741059666 -0.7453783002636788 -0.5867303140306077 -0.4280823277975455 0.014584248423498673 0.334201898736943 0.6538195490503874 0.8612227700770344 0.8202064614411619 0.7791901528052982 0.6275072001141692 0.46808532126533653 0.3086634424164951 0.09661686569523482 -0.02256259713351326 -0.14174205996225253 -0.18972340214005814 -0.30425950927417533 -0.41879561640829255 -0.6138165555825964 +2782,-0.8103852799884409,0,-0.7453783002636788 -0.5867303140306077 -0.4280823277975455 0.014584248423498673 0.334201898736943 0.6538195490503874 0.8612227700770344 0.8202064614411619 0.7791901528052982 0.6275072001141692 0.46808532126533653 0.3086634424164951 0.09661686569523482 -0.02256259713351326 -0.14174205996225253 -0.18972340214005814 -0.30425950927417533 -0.41879561640829255 -0.6138165555825964 -0.7121009177855187 +2783,-0.8738444744816711,0,-0.5867303140306077 -0.4280823277975455 0.014584248423498673 0.334201898736943 0.6538195490503874 0.8612227700770344 0.8202064614411619 0.7791901528052982 0.6275072001141692 0.46808532126533653 0.3086634424164951 0.09661686569523482 -0.02256259713351326 -0.14174205996225253 -0.18972340214005814 -0.30425950927417533 -0.41879561640829255 -0.6138165555825964 -0.7121009177855187 -0.8103852799884409 +2784,-0.843662662466601,0,-0.4280823277975455 0.014584248423498673 0.334201898736943 0.6538195490503874 0.8612227700770344 0.8202064614411619 0.7791901528052982 0.6275072001141692 0.46808532126533653 0.3086634424164951 0.09661686569523482 -0.02256259713351326 -0.14174205996225253 -0.18972340214005814 -0.30425950927417533 -0.41879561640829255 -0.6138165555825964 -0.7121009177855187 -0.8103852799884409 -0.8738444744816711 +2785,-0.8134808504515311,0,0.014584248423498673 0.334201898736943 0.6538195490503874 0.8612227700770344 0.8202064614411619 0.7791901528052982 0.6275072001141692 0.46808532126533653 0.3086634424164951 0.09661686569523482 -0.02256259713351326 -0.14174205996225253 -0.18972340214005814 -0.30425950927417533 -0.41879561640829255 -0.6138165555825964 -0.7121009177855187 -0.8103852799884409 -0.8738444744816711 -0.843662662466601 +2786,-0.8010985685991879,0,0.334201898736943 0.6538195490503874 0.8612227700770344 0.8202064614411619 0.7791901528052982 0.6275072001141692 0.46808532126533653 0.3086634424164951 0.09661686569523482 -0.02256259713351326 -0.14174205996225253 -0.18972340214005814 -0.30425950927417533 -0.41879561640829255 -0.6138165555825964 -0.7121009177855187 -0.8103852799884409 -0.8738444744816711 -0.843662662466601 -0.8134808504515311 +2787,-0.7987768907518769,0,0.6538195490503874 0.8612227700770344 0.8202064614411619 0.7791901528052982 0.6275072001141692 0.46808532126533653 0.3086634424164951 0.09661686569523482 -0.02256259713351326 -0.14174205996225253 -0.18972340214005814 -0.30425950927417533 -0.41879561640829255 -0.6138165555825964 -0.7121009177855187 -0.8103852799884409 -0.8738444744816711 -0.843662662466601 -0.8134808504515311 -0.8010985685991879 +2788,-0.7964552129045658,0,0.8612227700770344 0.8202064614411619 0.7791901528052982 0.6275072001141692 0.46808532126533653 0.3086634424164951 0.09661686569523482 -0.02256259713351326 -0.14174205996225253 -0.18972340214005814 -0.30425950927417533 -0.41879561640829255 -0.6138165555825964 -0.7121009177855187 -0.8103852799884409 -0.8738444744816711 -0.843662662466601 -0.8134808504515311 -0.8010985685991879 -0.7987768907518769 +2789,-0.750021655958301,0,0.8202064614411619 0.7791901528052982 0.6275072001141692 0.46808532126533653 0.3086634424164951 0.09661686569523482 -0.02256259713351326 -0.14174205996225253 -0.18972340214005814 -0.30425950927417533 -0.41879561640829255 -0.6138165555825964 -0.7121009177855187 -0.8103852799884409 -0.8738444744816711 -0.843662662466601 -0.8134808504515311 -0.8010985685991879 -0.7987768907518769 -0.7964552129045658 +2790,-0.6285205152822417,0,0.7791901528052982 0.6275072001141692 0.46808532126533653 0.3086634424164951 0.09661686569523482 -0.02256259713351326 -0.14174205996225253 -0.18972340214005814 -0.30425950927417533 -0.41879561640829255 -0.6138165555825964 -0.7121009177855187 -0.8103852799884409 -0.8738444744816711 -0.843662662466601 -0.8134808504515311 -0.8010985685991879 -0.7987768907518769 -0.7964552129045658 -0.750021655958301 +2791,-0.5070193746061915,0,0.6275072001141692 0.46808532126533653 0.3086634424164951 0.09661686569523482 -0.02256259713351326 -0.14174205996225253 -0.18972340214005814 -0.30425950927417533 -0.41879561640829255 -0.6138165555825964 -0.7121009177855187 -0.8103852799884409 -0.8738444744816711 -0.843662662466601 -0.8134808504515311 -0.8010985685991879 -0.7987768907518769 -0.7964552129045658 -0.750021655958301 -0.6285205152822417 +2792,-0.41879561640829255,0,0.46808532126533653 0.3086634424164951 0.09661686569523482 -0.02256259713351326 -0.14174205996225253 -0.18972340214005814 -0.30425950927417533 -0.41879561640829255 -0.6138165555825964 -0.7121009177855187 -0.8103852799884409 -0.8738444744816711 -0.843662662466601 -0.8134808504515311 -0.8010985685991879 -0.7987768907518769 -0.7964552129045658 -0.750021655958301 -0.6285205152822417 -0.5070193746061915 +2793,-0.26788655633293373,0,0.3086634424164951 0.09661686569523482 -0.02256259713351326 -0.14174205996225253 -0.18972340214005814 -0.30425950927417533 -0.41879561640829255 -0.6138165555825964 -0.7121009177855187 -0.8103852799884409 -0.8738444744816711 -0.843662662466601 -0.8134808504515311 -0.8010985685991879 -0.7987768907518769 -0.7964552129045658 -0.750021655958301 -0.6285205152822417 -0.5070193746061915 -0.41879561640829255 +2794,-0.11697749625758379,0,0.09661686569523482 -0.02256259713351326 -0.14174205996225253 -0.18972340214005814 -0.30425950927417533 -0.41879561640829255 -0.6138165555825964 -0.7121009177855187 -0.8103852799884409 -0.8738444744816711 -0.843662662466601 -0.8134808504515311 -0.8010985685991879 -0.7987768907518769 -0.7964552129045658 -0.750021655958301 -0.6285205152822417 -0.5070193746061915 -0.41879561640829255 -0.26788655633293373 +2795,-0.03339709375430694,0,-0.02256259713351326 -0.14174205996225253 -0.18972340214005814 -0.30425950927417533 -0.41879561640829255 -0.6138165555825964 -0.7121009177855187 -0.8103852799884409 -0.8738444744816711 -0.843662662466601 -0.8134808504515311 -0.8010985685991879 -0.7987768907518769 -0.7964552129045658 -0.750021655958301 -0.6285205152822417 -0.5070193746061915 -0.41879561640829255 -0.26788655633293373 -0.11697749625758379 +2796,-0.10614299963678131,0,-0.14174205996225253 -0.18972340214005814 -0.30425950927417533 -0.41879561640829255 -0.6138165555825964 -0.7121009177855187 -0.8103852799884409 -0.8738444744816711 -0.843662662466601 -0.8134808504515311 -0.8010985685991879 -0.7987768907518769 -0.7964552129045658 -0.750021655958301 -0.6285205152822417 -0.5070193746061915 -0.41879561640829255 -0.26788655633293373 -0.11697749625758379 -0.03339709375430694 +2797,-0.17888890551926448,0,-0.18972340214005814 -0.30425950927417533 -0.41879561640829255 -0.6138165555825964 -0.7121009177855187 -0.8103852799884409 -0.8738444744816711 -0.843662662466601 -0.8134808504515311 -0.8010985685991879 -0.7987768907518769 -0.7964552129045658 -0.750021655958301 -0.6285205152822417 -0.5070193746061915 -0.41879561640829255 -0.26788655633293373 -0.11697749625758379 -0.03339709375430694 -0.10614299963678131 +2798,-0.2702082341802448,0,-0.30425950927417533 -0.41879561640829255 -0.6138165555825964 -0.7121009177855187 -0.8103852799884409 -0.8738444744816711 -0.843662662466601 -0.8134808504515311 -0.8010985685991879 -0.7987768907518769 -0.7964552129045658 -0.750021655958301 -0.6285205152822417 -0.5070193746061915 -0.41879561640829255 -0.26788655633293373 -0.11697749625758379 -0.03339709375430694 -0.10614299963678131 -0.17888890551926448 +2799,-0.354562529299292,0,-0.41879561640829255 -0.6138165555825964 -0.7121009177855187 -0.8103852799884409 -0.8738444744816711 -0.843662662466601 -0.8134808504515311 -0.8010985685991879 -0.7987768907518769 -0.7964552129045658 -0.750021655958301 -0.6285205152822417 -0.5070193746061915 -0.41879561640829255 -0.26788655633293373 -0.11697749625758379 -0.03339709375430694 -0.10614299963678131 -0.17888890551926448 -0.2702082341802448 +2800,-0.4389168244183392,0,-0.6138165555825964 -0.7121009177855187 -0.8103852799884409 -0.8738444744816711 -0.843662662466601 -0.8134808504515311 -0.8010985685991879 -0.7987768907518769 -0.7964552129045658 -0.750021655958301 -0.6285205152822417 -0.5070193746061915 -0.41879561640829255 -0.26788655633293373 -0.11697749625758379 -0.03339709375430694 -0.10614299963678131 -0.17888890551926448 -0.2702082341802448 -0.354562529299292 +2801,-0.4126044754821209,0,-0.7121009177855187 -0.8103852799884409 -0.8738444744816711 -0.843662662466601 -0.8134808504515311 -0.8010985685991879 -0.7987768907518769 -0.7964552129045658 -0.750021655958301 -0.6285205152822417 -0.5070193746061915 -0.41879561640829255 -0.26788655633293373 -0.11697749625758379 -0.03339709375430694 -0.10614299963678131 -0.17888890551926448 -0.2702082341802448 -0.354562529299292 -0.4389168244183392 +2802,-0.4157000459452023,0,-0.8103852799884409 -0.8738444744816711 -0.843662662466601 -0.8134808504515311 -0.8010985685991879 -0.7987768907518769 -0.7964552129045658 -0.750021655958301 -0.6285205152822417 -0.5070193746061915 -0.41879561640829255 -0.26788655633293373 -0.11697749625758379 -0.03339709375430694 -0.10614299963678131 -0.17888890551926448 -0.2702082341802448 -0.354562529299292 -0.4389168244183392 -0.4126044754821209 +2803,-0.41879561640829255,0,-0.8738444744816711 -0.843662662466601 -0.8134808504515311 -0.8010985685991879 -0.7987768907518769 -0.7964552129045658 -0.750021655958301 -0.6285205152822417 -0.5070193746061915 -0.41879561640829255 -0.26788655633293373 -0.11697749625758379 -0.03339709375430694 -0.10614299963678131 -0.17888890551926448 -0.2702082341802448 -0.354562529299292 -0.4389168244183392 -0.4126044754821209 -0.4157000459452023 +2804,-0.4234389721029146,0,-0.843662662466601 -0.8134808504515311 -0.8010985685991879 -0.7987768907518769 -0.7964552129045658 -0.750021655958301 -0.6285205152822417 -0.5070193746061915 -0.41879561640829255 -0.26788655633293373 -0.11697749625758379 -0.03339709375430694 -0.10614299963678131 -0.17888890551926448 -0.2702082341802448 -0.354562529299292 -0.4389168244183392 -0.4126044754821209 -0.4157000459452023 -0.41879561640829255 +2805,-0.4218911868713739,0,-0.8134808504515311 -0.8010985685991879 -0.7987768907518769 -0.7964552129045658 -0.750021655958301 -0.6285205152822417 -0.5070193746061915 -0.41879561640829255 -0.26788655633293373 -0.11697749625758379 -0.03339709375430694 -0.10614299963678131 -0.17888890551926448 -0.2702082341802448 -0.354562529299292 -0.4389168244183392 -0.4126044754821209 -0.4157000459452023 -0.41879561640829255 -0.4234389721029146 +2806,-0.4203434016398332,0,-0.8010985685991879 -0.7987768907518769 -0.7964552129045658 -0.750021655958301 -0.6285205152822417 -0.5070193746061915 -0.41879561640829255 -0.26788655633293373 -0.11697749625758379 -0.03339709375430694 -0.10614299963678131 -0.17888890551926448 -0.2702082341802448 -0.354562529299292 -0.4389168244183392 -0.4126044754821209 -0.4157000459452023 -0.41879561640829255 -0.4234389721029146 -0.4218911868713739 +2807,-0.4342734687237083,0,-0.7987768907518769 -0.7964552129045658 -0.750021655958301 -0.6285205152822417 -0.5070193746061915 -0.41879561640829255 -0.26788655633293373 -0.11697749625758379 -0.03339709375430694 -0.10614299963678131 -0.17888890551926448 -0.2702082341802448 -0.354562529299292 -0.4389168244183392 -0.4126044754821209 -0.4157000459452023 -0.41879561640829255 -0.4234389721029146 -0.4218911868713739 -0.4203434016398332 +2808,-0.4404646096498799,0,-0.7964552129045658 -0.750021655958301 -0.6285205152822417 -0.5070193746061915 -0.41879561640829255 -0.26788655633293373 -0.11697749625758379 -0.03339709375430694 -0.10614299963678131 -0.17888890551926448 -0.2702082341802448 -0.354562529299292 -0.4389168244183392 -0.4126044754821209 -0.4157000459452023 -0.41879561640829255 -0.4234389721029146 -0.4218911868713739 -0.4203434016398332 -0.4342734687237083 +2809,-0.44665575057605145,0,-0.750021655958301 -0.6285205152822417 -0.5070193746061915 -0.41879561640829255 -0.26788655633293373 -0.11697749625758379 -0.03339709375430694 -0.10614299963678131 -0.17888890551926448 -0.2702082341802448 -0.354562529299292 -0.4389168244183392 -0.4126044754821209 -0.4157000459452023 -0.41879561640829255 -0.4234389721029146 -0.4218911868713739 -0.4203434016398332 -0.4342734687237083 -0.4404646096498799 +2810,-0.5023760189115606,0,-0.6285205152822417 -0.5070193746061915 -0.41879561640829255 -0.26788655633293373 -0.11697749625758379 -0.03339709375430694 -0.10614299963678131 -0.17888890551926448 -0.2702082341802448 -0.354562529299292 -0.4389168244183392 -0.4126044754821209 -0.4157000459452023 -0.41879561640829255 -0.4234389721029146 -0.4218911868713739 -0.4203434016398332 -0.4342734687237083 -0.4404646096498799 -0.44665575057605145 +2811,-0.49154152229076686,0,-0.5070193746061915 -0.41879561640829255 -0.26788655633293373 -0.11697749625758379 -0.03339709375430694 -0.10614299963678131 -0.17888890551926448 -0.2702082341802448 -0.354562529299292 -0.4389168244183392 -0.4126044754821209 -0.4157000459452023 -0.41879561640829255 -0.4234389721029146 -0.4218911868713739 -0.4203434016398332 -0.4342734687237083 -0.4404646096498799 -0.44665575057605145 -0.5023760189115606 +2812,-0.4807070256699732,0,-0.41879561640829255 -0.26788655633293373 -0.11697749625758379 -0.03339709375430694 -0.10614299963678131 -0.17888890551926448 -0.2702082341802448 -0.354562529299292 -0.4389168244183392 -0.4126044754821209 -0.4157000459452023 -0.41879561640829255 -0.4234389721029146 -0.4218911868713739 -0.4203434016398332 -0.4342734687237083 -0.4404646096498799 -0.44665575057605145 -0.5023760189115606 -0.49154152229076686 +2813,-0.41802172379252217,0,-0.26788655633293373 -0.11697749625758379 -0.03339709375430694 -0.10614299963678131 -0.17888890551926448 -0.2702082341802448 -0.354562529299292 -0.4389168244183392 -0.4126044754821209 -0.4157000459452023 -0.41879561640829255 -0.4234389721029146 -0.4218911868713739 -0.4203434016398332 -0.4342734687237083 -0.4404646096498799 -0.44665575057605145 -0.5023760189115606 -0.49154152229076686 -0.4807070256699732 +2814,-0.3553364219150623,0,-0.11697749625758379 -0.03339709375430694 -0.10614299963678131 -0.17888890551926448 -0.2702082341802448 -0.354562529299292 -0.4389168244183392 -0.4126044754821209 -0.4157000459452023 -0.41879561640829255 -0.4234389721029146 -0.4218911868713739 -0.4203434016398332 -0.4342734687237083 -0.4404646096498799 -0.44665575057605145 -0.5023760189115606 -0.49154152229076686 -0.4807070256699732 -0.41802172379252217 +2815,-0.36663525410531644,0,-0.03339709375430694 -0.10614299963678131 -0.17888890551926448 -0.2702082341802448 -0.354562529299292 -0.4389168244183392 -0.4126044754821209 -0.4157000459452023 -0.41879561640829255 -0.4234389721029146 -0.4218911868713739 -0.4203434016398332 -0.4342734687237083 -0.4404646096498799 -0.44665575057605145 -0.5023760189115606 -0.49154152229076686 -0.4807070256699732 -0.41802172379252217 -0.3553364219150623 +2816,-0.3779340862955794,0,-0.10614299963678131 -0.17888890551926448 -0.2702082341802448 -0.354562529299292 -0.4389168244183392 -0.4126044754821209 -0.4157000459452023 -0.41879561640829255 -0.4234389721029146 -0.4218911868713739 -0.4203434016398332 -0.4342734687237083 -0.4404646096498799 -0.44665575057605145 -0.5023760189115606 -0.49154152229076686 -0.4807070256699732 -0.41802172379252217 -0.3553364219150623 -0.36663525410531644 +2817,-0.46337183107669805,0,-0.17888890551926448 -0.2702082341802448 -0.354562529299292 -0.4389168244183392 -0.4126044754821209 -0.4157000459452023 -0.41879561640829255 -0.4234389721029146 -0.4218911868713739 -0.4203434016398332 -0.4342734687237083 -0.4404646096498799 -0.44665575057605145 -0.5023760189115606 -0.49154152229076686 -0.4807070256699732 -0.41802172379252217 -0.3553364219150623 -0.36663525410531644 -0.3779340862955794 +2818,-0.4499576923517442,0,-0.2702082341802448 -0.354562529299292 -0.4389168244183392 -0.4126044754821209 -0.4157000459452023 -0.41879561640829255 -0.4234389721029146 -0.4218911868713739 -0.4203434016398332 -0.4342734687237083 -0.4404646096498799 -0.44665575057605145 -0.5023760189115606 -0.49154152229076686 -0.4807070256699732 -0.41802172379252217 -0.3553364219150623 -0.36663525410531644 -0.3779340862955794 -0.46337183107669805 +2819,-0.5106824663724319,0,-0.354562529299292 -0.4389168244183392 -0.4126044754821209 -0.4157000459452023 -0.41879561640829255 -0.4234389721029146 -0.4218911868713739 -0.4203434016398332 -0.4342734687237083 -0.4404646096498799 -0.44665575057605145 -0.5023760189115606 -0.49154152229076686 -0.4807070256699732 -0.41802172379252217 -0.3553364219150623 -0.36663525410531644 -0.3779340862955794 -0.46337183107669805 -0.4499576923517442 +2820,-0.5578641194623526,0,-0.4389168244183392 -0.4126044754821209 -0.4157000459452023 -0.41879561640829255 -0.4234389721029146 -0.4218911868713739 -0.4203434016398332 -0.4342734687237083 -0.4404646096498799 -0.44665575057605145 -0.5023760189115606 -0.49154152229076686 -0.4807070256699732 -0.41802172379252217 -0.3553364219150623 -0.36663525410531644 -0.3779340862955794 -0.46337183107669805 -0.4499576923517442 -0.5106824663724319 +2821,-0.6231032669718494,0,-0.4126044754821209 -0.4157000459452023 -0.41879561640829255 -0.4234389721029146 -0.4218911868713739 -0.4203434016398332 -0.4342734687237083 -0.4404646096498799 -0.44665575057605145 -0.5023760189115606 -0.49154152229076686 -0.4807070256699732 -0.41802172379252217 -0.3553364219150623 -0.36663525410531644 -0.3779340862955794 -0.46337183107669805 -0.4499576923517442 -0.5106824663724319 -0.5578641194623526 +2822,-0.6747992937053562,0,-0.4157000459452023 -0.41879561640829255 -0.4234389721029146 -0.4218911868713739 -0.4203434016398332 -0.4342734687237083 -0.4404646096498799 -0.44665575057605145 -0.5023760189115606 -0.49154152229076686 -0.4807070256699732 -0.41802172379252217 -0.3553364219150623 -0.36663525410531644 -0.3779340862955794 -0.46337183107669805 -0.4499576923517442 -0.5106824663724319 -0.5578641194623526 -0.6231032669718494 +2823,-0.6935274950070127,0,-0.41879561640829255 -0.4234389721029146 -0.4218911868713739 -0.4203434016398332 -0.4342734687237083 -0.4404646096498799 -0.44665575057605145 -0.5023760189115606 -0.49154152229076686 -0.4807070256699732 -0.41802172379252217 -0.3553364219150623 -0.36663525410531644 -0.3779340862955794 -0.46337183107669805 -0.4499576923517442 -0.5106824663724319 -0.5578641194623526 -0.6231032669718494 -0.6747992937053562 +2824,-0.7562127968844725,0,-0.4234389721029146 -0.4218911868713739 -0.4203434016398332 -0.4342734687237083 -0.4404646096498799 -0.44665575057605145 -0.5023760189115606 -0.49154152229076686 -0.4807070256699732 -0.41802172379252217 -0.3553364219150623 -0.36663525410531644 -0.3779340862955794 -0.46337183107669805 -0.4499576923517442 -0.5106824663724319 -0.5578641194623526 -0.6231032669718494 -0.6747992937053562 -0.6935274950070127 +2825,-0.785930273330082,0,-0.4218911868713739 -0.4203434016398332 -0.4342734687237083 -0.4404646096498799 -0.44665575057605145 -0.5023760189115606 -0.49154152229076686 -0.4807070256699732 -0.41802172379252217 -0.3553364219150623 -0.36663525410531644 -0.3779340862955794 -0.46337183107669805 -0.4499576923517442 -0.5106824663724319 -0.5578641194623526 -0.6231032669718494 -0.6747992937053562 -0.6935274950070127 -0.7562127968844725 +2826,-0.534028226896596,0,-0.4203434016398332 -0.4342734687237083 -0.4404646096498799 -0.44665575057605145 -0.5023760189115606 -0.49154152229076686 -0.4807070256699732 -0.41802172379252217 -0.3553364219150623 -0.36663525410531644 -0.3779340862955794 -0.46337183107669805 -0.4499576923517442 -0.5106824663724319 -0.5578641194623526 -0.6231032669718494 -0.6747992937053562 -0.6935274950070127 -0.7562127968844725 -0.785930273330082 +2827,-0.46987252904917953,0,-0.4342734687237083 -0.4404646096498799 -0.44665575057605145 -0.5023760189115606 -0.49154152229076686 -0.4807070256699732 -0.41802172379252217 -0.3553364219150623 -0.36663525410531644 -0.3779340862955794 -0.46337183107669805 -0.4499576923517442 -0.5106824663724319 -0.5578641194623526 -0.6231032669718494 -0.6747992937053562 -0.6935274950070127 -0.7562127968844725 -0.785930273330082 -0.534028226896596 +2828,-0.47296809951226093,0,-0.4404646096498799 -0.44665575057605145 -0.5023760189115606 -0.49154152229076686 -0.4807070256699732 -0.41802172379252217 -0.3553364219150623 -0.36663525410531644 -0.3779340862955794 -0.46337183107669805 -0.4499576923517442 -0.5106824663724319 -0.5578641194623526 -0.6231032669718494 -0.6747992937053562 -0.6935274950070127 -0.7562127968844725 -0.785930273330082 -0.534028226896596 -0.46987252904917953 +2829,-0.4807070256699732,0,-0.44665575057605145 -0.5023760189115606 -0.49154152229076686 -0.4807070256699732 -0.41802172379252217 -0.3553364219150623 -0.36663525410531644 -0.3779340862955794 -0.46337183107669805 -0.4499576923517442 -0.5106824663724319 -0.5578641194623526 -0.6231032669718494 -0.6747992937053562 -0.6935274950070127 -0.7562127968844725 -0.785930273330082 -0.534028226896596 -0.46987252904917953 -0.47296809951226093 +2830,-0.7148095419407149,0,-0.5023760189115606 -0.49154152229076686 -0.4807070256699732 -0.41802172379252217 -0.3553364219150623 -0.36663525410531644 -0.3779340862955794 -0.46337183107669805 -0.4499576923517442 -0.5106824663724319 -0.5578641194623526 -0.6231032669718494 -0.6747992937053562 -0.6935274950070127 -0.7562127968844725 -0.785930273330082 -0.534028226896596 -0.46987252904917953 -0.47296809951226093 -0.4807070256699732 +2831,-0.4961848779853978,0,-0.49154152229076686 -0.4807070256699732 -0.41802172379252217 -0.3553364219150623 -0.36663525410531644 -0.3779340862955794 -0.46337183107669805 -0.4499576923517442 -0.5106824663724319 -0.5578641194623526 -0.6231032669718494 -0.6747992937053562 -0.6935274950070127 -0.7562127968844725 -0.785930273330082 -0.534028226896596 -0.46987252904917953 -0.47296809951226093 -0.4807070256699732 -0.7148095419407149 +2832,-0.5116627303008136,0,-0.4807070256699732 -0.41802172379252217 -0.3553364219150623 -0.36663525410531644 -0.3779340862955794 -0.46337183107669805 -0.4499576923517442 -0.5106824663724319 -0.5578641194623526 -0.6231032669718494 -0.6747992937053562 -0.6935274950070127 -0.7562127968844725 -0.785930273330082 -0.534028226896596 -0.46987252904917953 -0.47296809951226093 -0.4807070256699732 -0.7148095419407149 -0.4961848779853978 +2833,-0.5271405826162381,0,-0.41802172379252217 -0.3553364219150623 -0.36663525410531644 -0.3779340862955794 -0.46337183107669805 -0.4499576923517442 -0.5106824663724319 -0.5578641194623526 -0.6231032669718494 -0.6747992937053562 -0.6935274950070127 -0.7562127968844725 -0.785930273330082 -0.534028226896596 -0.46987252904917953 -0.47296809951226093 -0.4807070256699732 -0.7148095419407149 -0.4961848779853978 -0.5116627303008136 +2834,-0.5410706497001132,0,-0.3553364219150623 -0.36663525410531644 -0.3779340862955794 -0.46337183107669805 -0.4499576923517442 -0.5106824663724319 -0.5578641194623526 -0.6231032669718494 -0.6747992937053562 -0.6935274950070127 -0.7562127968844725 -0.785930273330082 -0.534028226896596 -0.46987252904917953 -0.47296809951226093 -0.4807070256699732 -0.7148095419407149 -0.4961848779853978 -0.5116627303008136 -0.5271405826162381 +2835,-0.5194016564585259,0,-0.36663525410531644 -0.3779340862955794 -0.46337183107669805 -0.4499576923517442 -0.5106824663724319 -0.5578641194623526 -0.6231032669718494 -0.6747992937053562 -0.6935274950070127 -0.7562127968844725 -0.785930273330082 -0.534028226896596 -0.46987252904917953 -0.47296809951226093 -0.4807070256699732 -0.7148095419407149 -0.4961848779853978 -0.5116627303008136 -0.5271405826162381 -0.5410706497001132 +2836,-0.4977326632169385,0,-0.3779340862955794 -0.46337183107669805 -0.4499576923517442 -0.5106824663724319 -0.5578641194623526 -0.6231032669718494 -0.6747992937053562 -0.6935274950070127 -0.7562127968844725 -0.785930273330082 -0.534028226896596 -0.46987252904917953 -0.47296809951226093 -0.4807070256699732 -0.7148095419407149 -0.4961848779853978 -0.5116627303008136 -0.5271405826162381 -0.5410706497001132 -0.5194016564585259 +2837,-0.40331776409286796,0,-0.46337183107669805 -0.4499576923517442 -0.5106824663724319 -0.5578641194623526 -0.6231032669718494 -0.6747992937053562 -0.6935274950070127 -0.7562127968844725 -0.785930273330082 -0.534028226896596 -0.46987252904917953 -0.47296809951226093 -0.4807070256699732 -0.7148095419407149 -0.4961848779853978 -0.5116627303008136 -0.5271405826162381 -0.5410706497001132 -0.5194016564585259 -0.4977326632169385 +2838,-0.2369308517020934,0,-0.4499576923517442 -0.5106824663724319 -0.5578641194623526 -0.6231032669718494 -0.6747992937053562 -0.6935274950070127 -0.7562127968844725 -0.785930273330082 -0.534028226896596 -0.46987252904917953 -0.47296809951226093 -0.4807070256699732 -0.7148095419407149 -0.4961848779853978 -0.5116627303008136 -0.5271405826162381 -0.5410706497001132 -0.5194016564585259 -0.4977326632169385 -0.40331776409286796 +2839,-0.07054393931131887,0,-0.5106824663724319 -0.5578641194623526 -0.6231032669718494 -0.6747992937053562 -0.6935274950070127 -0.7562127968844725 -0.785930273330082 -0.534028226896596 -0.46987252904917953 -0.47296809951226093 -0.4807070256699732 -0.7148095419407149 -0.4961848779853978 -0.5116627303008136 -0.5271405826162381 -0.5410706497001132 -0.5194016564585259 -0.4977326632169385 -0.40331776409286796 -0.2369308517020934 +2840,-0.024110382365053955,0,-0.5578641194623526 -0.6231032669718494 -0.6747992937053562 -0.6935274950070127 -0.7562127968844725 -0.785930273330082 -0.534028226896596 -0.46987252904917953 -0.47296809951226093 -0.4807070256699732 -0.7148095419407149 -0.4961848779853978 -0.5116627303008136 -0.5271405826162381 -0.5410706497001132 -0.5194016564585259 -0.4977326632169385 -0.40331776409286796 -0.2369308517020934 -0.07054393931131887 +2841,-0.011728100512719579,0,-0.6231032669718494 -0.6747992937053562 -0.6935274950070127 -0.7562127968844725 -0.785930273330082 -0.534028226896596 -0.46987252904917953 -0.47296809951226093 -0.4807070256699732 -0.7148095419407149 -0.4961848779853978 -0.5116627303008136 -0.5271405826162381 -0.5410706497001132 -0.5194016564585259 -0.4977326632169385 -0.40331776409286796 -0.2369308517020934 -0.07054393931131887 -0.024110382365053955 +2842,0.0006541813396235972,0,-0.6747992937053562 -0.6935274950070127 -0.7562127968844725 -0.785930273330082 -0.534028226896596 -0.46987252904917953 -0.47296809951226093 -0.4807070256699732 -0.7148095419407149 -0.4961848779853978 -0.5116627303008136 -0.5271405826162381 -0.5410706497001132 -0.5194016564585259 -0.4977326632169385 -0.40331776409286796 -0.2369308517020934 -0.07054393931131887 -0.024110382365053955 -0.011728100512719579 +2843,-0.007084744818088688,0,-0.6935274950070127 -0.7562127968844725 -0.785930273330082 -0.534028226896596 -0.46987252904917953 -0.47296809951226093 -0.4807070256699732 -0.7148095419407149 -0.4961848779853978 -0.5116627303008136 -0.5271405826162381 -0.5410706497001132 -0.5194016564585259 -0.4977326632169385 -0.40331776409286796 -0.2369308517020934 -0.07054393931131887 -0.024110382365053955 -0.011728100512719579 0.0006541813396235972 +2844,-0.19591454306622974,0,-0.7562127968844725 -0.785930273330082 -0.534028226896596 -0.46987252904917953 -0.47296809951226093 -0.4807070256699732 -0.7148095419407149 -0.4961848779853978 -0.5116627303008136 -0.5271405826162381 -0.5410706497001132 -0.5194016564585259 -0.4977326632169385 -0.40331776409286796 -0.2369308517020934 -0.07054393931131887 -0.024110382365053955 -0.011728100512719579 0.0006541813396235972 -0.007084744818088688 +2845,-0.38474434131436197,0,-0.785930273330082 -0.534028226896596 -0.46987252904917953 -0.47296809951226093 -0.4807070256699732 -0.7148095419407149 -0.4961848779853978 -0.5116627303008136 -0.5271405826162381 -0.5410706497001132 -0.5194016564585259 -0.4977326632169385 -0.40331776409286796 -0.2369308517020934 -0.07054393931131887 -0.024110382365053955 -0.011728100512719579 0.0006541813396235972 -0.007084744818088688 -0.19591454306622974 +2846,-0.5550007167839971,0,-0.534028226896596 -0.46987252904917953 -0.47296809951226093 -0.4807070256699732 -0.7148095419407149 -0.4961848779853978 -0.5116627303008136 -0.5271405826162381 -0.5410706497001132 -0.5194016564585259 -0.4977326632169385 -0.40331776409286796 -0.2369308517020934 -0.07054393931131887 -0.024110382365053955 -0.011728100512719579 0.0006541813396235972 -0.007084744818088688 -0.19591454306622974 -0.38474434131436197 +2847,-0.633937763592643,0,-0.46987252904917953 -0.47296809951226093 -0.4807070256699732 -0.7148095419407149 -0.4961848779853978 -0.5116627303008136 -0.5271405826162381 -0.5410706497001132 -0.5194016564585259 -0.4977326632169385 -0.40331776409286796 -0.2369308517020934 -0.07054393931131887 -0.024110382365053955 -0.011728100512719579 0.0006541813396235972 -0.007084744818088688 -0.19591454306622974 -0.38474434131436197 -0.5550007167839971 +2848,-0.712874810401289,0,-0.47296809951226093 -0.4807070256699732 -0.7148095419407149 -0.4961848779853978 -0.5116627303008136 -0.5271405826162381 -0.5410706497001132 -0.5194016564585259 -0.4977326632169385 -0.40331776409286796 -0.2369308517020934 -0.07054393931131887 -0.024110382365053955 -0.011728100512719579 0.0006541813396235972 -0.007084744818088688 -0.19591454306622974 -0.38474434131436197 -0.5550007167839971 -0.633937763592643 +2849,-0.7608561525790946,0,-0.4807070256699732 -0.7148095419407149 -0.4961848779853978 -0.5116627303008136 -0.5271405826162381 -0.5410706497001132 -0.5194016564585259 -0.4977326632169385 -0.40331776409286796 -0.2369308517020934 -0.07054393931131887 -0.024110382365053955 -0.011728100512719579 0.0006541813396235972 -0.007084744818088688 -0.19591454306622974 -0.38474434131436197 -0.5550007167839971 -0.633937763592643 -0.712874810401289 +2850,-0.7469260854952195,0,-0.7148095419407149 -0.4961848779853978 -0.5116627303008136 -0.5271405826162381 -0.5410706497001132 -0.5194016564585259 -0.4977326632169385 -0.40331776409286796 -0.2369308517020934 -0.07054393931131887 -0.024110382365053955 -0.011728100512719579 0.0006541813396235972 -0.007084744818088688 -0.19591454306622974 -0.38474434131436197 -0.5550007167839971 -0.633937763592643 -0.712874810401289 -0.7608561525790946 +2851,-0.7484738707267602,0,-0.4961848779853978 -0.5116627303008136 -0.5271405826162381 -0.5410706497001132 -0.5194016564585259 -0.4977326632169385 -0.40331776409286796 -0.2369308517020934 -0.07054393931131887 -0.024110382365053955 -0.011728100512719579 0.0006541813396235972 -0.007084744818088688 -0.19591454306622974 -0.38474434131436197 -0.5550007167839971 -0.633937763592643 -0.712874810401289 -0.7608561525790946 -0.7469260854952195 +2852,-0.7484738707267602,0,-0.5116627303008136 -0.5271405826162381 -0.5410706497001132 -0.5194016564585259 -0.4977326632169385 -0.40331776409286796 -0.2369308517020934 -0.07054393931131887 -0.024110382365053955 -0.011728100512719579 0.0006541813396235972 -0.007084744818088688 -0.19591454306622974 -0.38474434131436197 -0.5550007167839971 -0.633937763592643 -0.712874810401289 -0.7608561525790946 -0.7469260854952195 -0.7484738707267602 +2853,-0.7593083673475539,0,-0.5271405826162381 -0.5410706497001132 -0.5194016564585259 -0.4977326632169385 -0.40331776409286796 -0.2369308517020934 -0.07054393931131887 -0.024110382365053955 -0.011728100512719579 0.0006541813396235972 -0.007084744818088688 -0.19591454306622974 -0.38474434131436197 -0.5550007167839971 -0.633937763592643 -0.712874810401289 -0.7608561525790946 -0.7469260854952195 -0.7484738707267602 -0.7484738707267602 +2854,-0.7786556827418302,0,-0.5410706497001132 -0.5194016564585259 -0.4977326632169385 -0.40331776409286796 -0.2369308517020934 -0.07054393931131887 -0.024110382365053955 -0.011728100512719579 0.0006541813396235972 -0.007084744818088688 -0.19591454306622974 -0.38474434131436197 -0.5550007167839971 -0.633937763592643 -0.712874810401289 -0.7608561525790946 -0.7469260854952195 -0.7484738707267602 -0.7484738707267602 -0.7593083673475539 +2855,-0.7980029981361065,0,-0.5194016564585259 -0.4977326632169385 -0.40331776409286796 -0.2369308517020934 -0.07054393931131887 -0.024110382365053955 -0.011728100512719579 0.0006541813396235972 -0.007084744818088688 -0.19591454306622974 -0.38474434131436197 -0.5550007167839971 -0.633937763592643 -0.712874810401289 -0.7608561525790946 -0.7469260854952195 -0.7484738707267602 -0.7484738707267602 -0.7593083673475539 -0.7786556827418302 +2856,-0.8351498436931184,0,-0.4977326632169385 -0.40331776409286796 -0.2369308517020934 -0.07054393931131887 -0.024110382365053955 -0.011728100512719579 0.0006541813396235972 -0.007084744818088688 -0.19591454306622974 -0.38474434131436197 -0.5550007167839971 -0.633937763592643 -0.712874810401289 -0.7608561525790946 -0.7469260854952195 -0.7484738707267602 -0.7484738707267602 -0.7593083673475539 -0.7786556827418302 -0.7980029981361065 +2857,-2.0364633511545254,0,-0.40331776409286796 -0.2369308517020934 -0.07054393931131887 -0.024110382365053955 -0.011728100512719579 0.0006541813396235972 -0.007084744818088688 -0.19591454306622974 -0.38474434131436197 -0.5550007167839971 -0.633937763592643 -0.712874810401289 -0.7608561525790946 -0.7469260854952195 -0.7484738707267602 -0.7484738707267602 -0.7593083673475539 -0.7786556827418302 -0.7980029981361065 -0.8351498436931184 +2858,-0.9032523938809707,0,-0.2369308517020934 -0.07054393931131887 -0.024110382365053955 -0.011728100512719579 0.0006541813396235972 -0.007084744818088688 -0.19591454306622974 -0.38474434131436197 -0.5550007167839971 -0.633937763592643 -0.712874810401289 -0.7608561525790946 -0.7469260854952195 -0.7484738707267602 -0.7484738707267602 -0.7593083673475539 -0.7786556827418302 -0.7980029981361065 -0.8351498436931184 -2.0364633511545254 +2859,-0.9295647428171889,0,-0.07054393931131887 -0.024110382365053955 -0.011728100512719579 0.0006541813396235972 -0.007084744818088688 -0.19591454306622974 -0.38474434131436197 -0.5550007167839971 -0.633937763592643 -0.712874810401289 -0.7608561525790946 -0.7469260854952195 -0.7484738707267602 -0.7484738707267602 -0.7593083673475539 -0.7786556827418302 -0.7980029981361065 -0.8351498436931184 -2.0364633511545254 -0.9032523938809707 +2860,-1.9130274789390402,0,-0.024110382365053955 -0.011728100512719579 0.0006541813396235972 -0.007084744818088688 -0.19591454306622974 -0.38474434131436197 -0.5550007167839971 -0.633937763592643 -0.712874810401289 -0.7608561525790946 -0.7469260854952195 -0.7484738707267602 -0.7484738707267602 -0.7593083673475539 -0.7786556827418302 -0.7980029981361065 -0.8351498436931184 -2.0364633511545254 -0.9032523938809707 -0.9295647428171889 +2861,-0.9048001791125114,0,-0.011728100512719579 0.0006541813396235972 -0.007084744818088688 -0.19591454306622974 -0.38474434131436197 -0.5550007167839971 -0.633937763592643 -0.712874810401289 -0.7608561525790946 -0.7469260854952195 -0.7484738707267602 -0.7484738707267602 -0.7593083673475539 -0.7786556827418302 -0.7980029981361065 -0.8351498436931184 -2.0364633511545254 -0.9032523938809707 -0.9295647428171889 -1.9130274789390402 +2862,-0.8258631323038654,0,0.0006541813396235972 -0.007084744818088688 -0.19591454306622974 -0.38474434131436197 -0.5550007167839971 -0.633937763592643 -0.712874810401289 -0.7608561525790946 -0.7469260854952195 -0.7484738707267602 -0.7484738707267602 -0.7593083673475539 -0.7786556827418302 -0.7980029981361065 -0.8351498436931184 -2.0364633511545254 -0.9032523938809707 -0.9295647428171889 -1.9130274789390402 -0.9048001791125114 +2863,-1.1597977960090702,0,-0.007084744818088688 -0.19591454306622974 -0.38474434131436197 -0.5550007167839971 -0.633937763592643 -0.712874810401289 -0.7608561525790946 -0.7469260854952195 -0.7484738707267602 -0.7484738707267602 -0.7593083673475539 -0.7786556827418302 -0.7980029981361065 -0.8351498436931184 -2.0364633511545254 -0.9032523938809707 -0.9295647428171889 -1.9130274789390402 -0.9048001791125114 -0.8258631323038654 +2864,-0.5782174952571252,0,-0.19591454306622974 -0.38474434131436197 -0.5550007167839971 -0.633937763592643 -0.712874810401289 -0.7608561525790946 -0.7469260854952195 -0.7484738707267602 -0.7484738707267602 -0.7593083673475539 -0.7786556827418302 -0.7980029981361065 -0.8351498436931184 -2.0364633511545254 -0.9032523938809707 -0.9295647428171889 -1.9130274789390402 -0.9048001791125114 -0.8258631323038654 -1.1597977960090702 +2865,-0.612784698709977,0,-0.38474434131436197 -0.5550007167839971 -0.633937763592643 -0.712874810401289 -0.7608561525790946 -0.7469260854952195 -0.7484738707267602 -0.7484738707267602 -0.7593083673475539 -0.7786556827418302 -0.7980029981361065 -0.8351498436931184 -2.0364633511545254 -0.9032523938809707 -0.9295647428171889 -1.9130274789390402 -0.9048001791125114 -0.8258631323038654 -1.1597977960090702 -0.5782174952571252 +2866,-1.0077278970100645,0,-0.5550007167839971 -0.633937763592643 -0.712874810401289 -0.7608561525790946 -0.7469260854952195 -0.7484738707267602 -0.7484738707267602 -0.7593083673475539 -0.7786556827418302 -0.7980029981361065 -0.8351498436931184 -2.0364633511545254 -0.9032523938809707 -0.9295647428171889 -1.9130274789390402 -0.9048001791125114 -0.8258631323038654 -1.1597977960090702 -0.5782174952571252 -0.612784698709977 +2867,-0.6819191057704487,0,-0.633937763592643 -0.712874810401289 -0.7608561525790946 -0.7469260854952195 -0.7484738707267602 -0.7484738707267602 -0.7593083673475539 -0.7786556827418302 -0.7980029981361065 -0.8351498436931184 -2.0364633511545254 -0.9032523938809707 -0.9295647428171889 -1.9130274789390402 -0.9048001791125114 -0.8258631323038654 -1.1597977960090702 -0.5782174952571252 -0.612784698709977 -1.0077278970100645 +2868,-0.7835570026933102,0,-0.712874810401289 -0.7608561525790946 -0.7469260854952195 -0.7484738707267602 -0.7484738707267602 -0.7593083673475539 -0.7786556827418302 -0.7980029981361065 -0.8351498436931184 -2.0364633511545254 -0.9032523938809707 -0.9295647428171889 -1.9130274789390402 -0.9048001791125114 -0.8258631323038654 -1.1597977960090702 -0.5782174952571252 -0.612784698709977 -1.0077278970100645 -0.6819191057704487 +2869,-1.1614229705021948,0,-0.7608561525790946 -0.7469260854952195 -0.7484738707267602 -0.7484738707267602 -0.7593083673475539 -0.7786556827418302 -0.7980029981361065 -0.8351498436931184 -2.0364633511545254 -0.9032523938809707 -0.9295647428171889 -1.9130274789390402 -0.9048001791125114 -0.8258631323038654 -1.1597977960090702 -0.5782174952571252 -0.612784698709977 -1.0077278970100645 -0.6819191057704487 -0.7835570026933102 +2870,-0.9868327963842388,0,-0.7469260854952195 -0.7484738707267602 -0.7484738707267602 -0.7593083673475539 -0.7786556827418302 -0.7980029981361065 -0.8351498436931184 -2.0364633511545254 -0.9032523938809707 -0.9295647428171889 -1.9130274789390402 -0.9048001791125114 -0.8258631323038654 -1.1597977960090702 -0.5782174952571252 -0.612784698709977 -1.0077278970100645 -0.6819191057704487 -0.7835570026933102 -1.1614229705021948 +2871,-1.5097133422299562,0,-0.7484738707267602 -0.7484738707267602 -0.7593083673475539 -0.7786556827418302 -0.7980029981361065 -0.8351498436931184 -2.0364633511545254 -0.9032523938809707 -0.9295647428171889 -1.9130274789390402 -0.9048001791125114 -0.8258631323038654 -1.1597977960090702 -0.5782174952571252 -0.612784698709977 -1.0077278970100645 -0.6819191057704487 -0.7835570026933102 -1.1614229705021948 -0.9868327963842388 +2872,-2.654055455011941,0,-0.7484738707267602 -0.7593083673475539 -0.7786556827418302 -0.7980029981361065 -0.8351498436931184 -2.0364633511545254 -0.9032523938809707 -0.9295647428171889 -1.9130274789390402 -0.9048001791125114 -0.8258631323038654 -1.1597977960090702 -0.5782174952571252 -0.612784698709977 -1.0077278970100645 -0.6819191057704487 -0.7835570026933102 -1.1614229705021948 -0.9868327963842388 -1.5097133422299562 +2873,-2.866205217312123,0,-0.7593083673475539 -0.7786556827418302 -0.7980029981361065 -0.8351498436931184 -2.0364633511545254 -0.9032523938809707 -0.9295647428171889 -1.9130274789390402 -0.9048001791125114 -0.8258631323038654 -1.1597977960090702 -0.5782174952571252 -0.612784698709977 -1.0077278970100645 -0.6819191057704487 -0.7835570026933102 -1.1614229705021948 -0.9868327963842388 -1.5097133422299562 -2.654055455011941 +2874,-1.229835077736357,0,-0.7786556827418302 -0.7980029981361065 -0.8351498436931184 -2.0364633511545254 -0.9032523938809707 -0.9295647428171889 -1.9130274789390402 -0.9048001791125114 -0.8258631323038654 -1.1597977960090702 -0.5782174952571252 -0.612784698709977 -1.0077278970100645 -0.6819191057704487 -0.7835570026933102 -1.1614229705021948 -0.9868327963842388 -1.5097133422299562 -2.654055455011941 -2.866205217312123 +2875,-3.153113006450575,0,-0.7980029981361065 -0.8351498436931184 -2.0364633511545254 -0.9032523938809707 -0.9295647428171889 -1.9130274789390402 -0.9048001791125114 -0.8258631323038654 -1.1597977960090702 -0.5782174952571252 -0.612784698709977 -1.0077278970100645 -0.6819191057704487 -0.7835570026933102 -1.1614229705021948 -0.9868327963842388 -1.5097133422299562 -2.654055455011941 -2.866205217312123 -1.229835077736357 +2876,-3.2278710331340594,0,-0.8351498436931184 -2.0364633511545254 -0.9032523938809707 -0.9295647428171889 -1.9130274789390402 -0.9048001791125114 -0.8258631323038654 -1.1597977960090702 -0.5782174952571252 -0.612784698709977 -1.0077278970100645 -0.6819191057704487 -0.7835570026933102 -1.1614229705021948 -0.9868327963842388 -1.5097133422299562 -2.654055455011941 -2.866205217312123 -1.229835077736357 -3.153113006450575 +2877,-3.2346812881528417,0,-2.0364633511545254 -0.9032523938809707 -0.9295647428171889 -1.9130274789390402 -0.9048001791125114 -0.8258631323038654 -1.1597977960090702 -0.5782174952571252 -0.612784698709977 -1.0077278970100645 -0.6819191057704487 -0.7835570026933102 -1.1614229705021948 -0.9868327963842388 -1.5097133422299562 -2.654055455011941 -2.866205217312123 -1.229835077736357 -3.153113006450575 -3.2278710331340594 +2878,-3.3320885720062954,0,-0.9032523938809707 -0.9295647428171889 -1.9130274789390402 -0.9048001791125114 -0.8258631323038654 -1.1597977960090702 -0.5782174952571252 -0.612784698709977 -1.0077278970100645 -0.6819191057704487 -0.7835570026933102 -1.1614229705021948 -0.9868327963842388 -1.5097133422299562 -2.654055455011941 -2.866205217312123 -1.229835077736357 -3.153113006450575 -3.2278710331340594 -3.2346812881528417 +2879,-3.3615480843498413,0,-0.9295647428171889 -1.9130274789390402 -0.9048001791125114 -0.8258631323038654 -1.1597977960090702 -0.5782174952571252 -0.612784698709977 -1.0077278970100645 -0.6819191057704487 -0.7835570026933102 -1.1614229705021948 -0.9868327963842388 -1.5097133422299562 -2.654055455011941 -2.866205217312123 -1.229835077736357 -3.153113006450575 -3.2278710331340594 -3.2346812881528417 -3.3320885720062954 +2880,-3.207208100292968,0,-1.9130274789390402 -0.9048001791125114 -0.8258631323038654 -1.1597977960090702 -0.5782174952571252 -0.612784698709977 -1.0077278970100645 -0.6819191057704487 -0.7835570026933102 -1.1614229705021948 -0.9868327963842388 -1.5097133422299562 -2.654055455011941 -2.866205217312123 -1.229835077736357 -3.153113006450575 -3.2278710331340594 -3.2346812881528417 -3.3320885720062954 -3.3615480843498413 +2881,-3.297934111333461,0,-0.9048001791125114 -0.8258631323038654 -1.1597977960090702 -0.5782174952571252 -0.612784698709977 -1.0077278970100645 -0.6819191057704487 -0.7835570026933102 -1.1614229705021948 -0.9868327963842388 -1.5097133422299562 -2.654055455011941 -2.866205217312123 -1.229835077736357 -3.153113006450575 -3.2278710331340594 -3.2346812881528417 -3.3320885720062954 -3.3615480843498413 -3.207208100292968 +2882,-3.204860625973534,0,-0.8258631323038654 -1.1597977960090702 -0.5782174952571252 -0.612784698709977 -1.0077278970100645 -0.6819191057704487 -0.7835570026933102 -1.1614229705021948 -0.9868327963842388 -1.5097133422299562 -2.654055455011941 -2.866205217312123 -1.229835077736357 -3.153113006450575 -3.2278710331340594 -3.2346812881528417 -3.3320885720062954 -3.3615480843498413 -3.207208100292968 -3.297934111333461 +2883,-2.2919253036205443,0,-1.1597977960090702 -0.5782174952571252 -0.612784698709977 -1.0077278970100645 -0.6819191057704487 -0.7835570026933102 -1.1614229705021948 -0.9868327963842388 -1.5097133422299562 -2.654055455011941 -2.866205217312123 -1.229835077736357 -3.153113006450575 -3.2278710331340594 -3.2346812881528417 -3.3320885720062954 -3.3615480843498413 -3.207208100292968 -3.297934111333461 -3.204860625973534 +2884,-2.472139097361504,0,-0.5782174952571252 -0.612784698709977 -1.0077278970100645 -0.6819191057704487 -0.7835570026933102 -1.1614229705021948 -0.9868327963842388 -1.5097133422299562 -2.654055455011941 -2.866205217312123 -1.229835077736357 -3.153113006450575 -3.2278710331340594 -3.2346812881528417 -3.3320885720062954 -3.3615480843498413 -3.207208100292968 -3.297934111333461 -3.204860625973534 -2.2919253036205443 +2885,-1.8324910541093928,0,-0.612784698709977 -1.0077278970100645 -0.6819191057704487 -0.7835570026933102 -1.1614229705021948 -0.9868327963842388 -1.5097133422299562 -2.654055455011941 -2.866205217312123 -1.229835077736357 -3.153113006450575 -3.2278710331340594 -3.2346812881528417 -3.3320885720062954 -3.3615480843498413 -3.207208100292968 -3.297934111333461 -3.204860625973534 -2.2919253036205443 -2.472139097361504 +2886,-1.8195412509538995,0,-1.0077278970100645 -0.6819191057704487 -0.7835570026933102 -1.1614229705021948 -0.9868327963842388 -1.5097133422299562 -2.654055455011941 -2.866205217312123 -1.229835077736357 -3.153113006450575 -3.2278710331340594 -3.2346812881528417 -3.3320885720062954 -3.3615480843498413 -3.207208100292968 -3.297934111333461 -3.204860625973534 -2.2919253036205443 -2.472139097361504 -1.8324910541093928 +2887,-0.9709937942330523,0,-0.6819191057704487 -0.7835570026933102 -1.1614229705021948 -0.9868327963842388 -1.5097133422299562 -2.654055455011941 -2.866205217312123 -1.229835077736357 -3.153113006450575 -3.2278710331340594 -3.2346812881528417 -3.3320885720062954 -3.3615480843498413 -3.207208100292968 -3.297934111333461 -3.204860625973534 -2.2919253036205443 -2.472139097361504 -1.8324910541093928 -1.8195412509538995 +2888,-0.749144577608832,0,-0.7835570026933102 -1.1614229705021948 -0.9868327963842388 -1.5097133422299562 -2.654055455011941 -2.866205217312123 -1.229835077736357 -3.153113006450575 -3.2278710331340594 -3.2346812881528417 -3.3320885720062954 -3.3615480843498413 -3.207208100292968 -3.297934111333461 -3.204860625973534 -2.2919253036205443 -2.472139097361504 -1.8324910541093928 -1.8195412509538995 -0.9709937942330523 +2889,-0.8069027632174743,0,-1.1614229705021948 -0.9868327963842388 -1.5097133422299562 -2.654055455011941 -2.866205217312123 -1.229835077736357 -3.153113006450575 -3.2278710331340594 -3.2346812881528417 -3.3320885720062954 -3.3615480843498413 -3.207208100292968 -3.297934111333461 -3.204860625973534 -2.2919253036205443 -2.472139097361504 -1.8324910541093928 -1.8195412509538995 -0.9709937942330523 -0.749144577608832 +2890,-0.4918510793370768,0,-0.9868327963842388 -1.5097133422299562 -2.654055455011941 -2.866205217312123 -1.229835077736357 -3.153113006450575 -3.2278710331340594 -3.2346812881528417 -3.3320885720062954 -3.3615480843498413 -3.207208100292968 -3.297934111333461 -3.204860625973534 -2.2919253036205443 -2.472139097361504 -1.8324910541093928 -1.8195412509538995 -0.9709937942330523 -0.749144577608832 -0.8069027632174743 +2891,-0.45640679753476493,0,-1.5097133422299562 -2.654055455011941 -2.866205217312123 -1.229835077736357 -3.153113006450575 -3.2278710331340594 -3.2346812881528417 -3.3320885720062954 -3.3615480843498413 -3.207208100292968 -3.297934111333461 -3.204860625973534 -2.2919253036205443 -2.472139097361504 -1.8324910541093928 -1.8195412509538995 -0.9709937942330523 -0.749144577608832 -0.8069027632174743 -0.4918510793370768 +2892,-1.3405017217916138,0,-2.654055455011941 -2.866205217312123 -1.229835077736357 -3.153113006450575 -3.2278710331340594 -3.2346812881528417 -3.3320885720062954 -3.3615480843498413 -3.207208100292968 -3.297934111333461 -3.204860625973534 -2.2919253036205443 -2.472139097361504 -1.8324910541093928 -1.8195412509538995 -0.9709937942330523 -0.749144577608832 -0.8069027632174743 -0.4918510793370768 -0.45640679753476493 +2893,-0.9985443713545014,0,-2.866205217312123 -1.229835077736357 -3.153113006450575 -3.2278710331340594 -3.2346812881528417 -3.3320885720062954 -3.3615480843498413 -3.207208100292968 -3.297934111333461 -3.204860625973534 -2.2919253036205443 -2.472139097361504 -1.8324910541093928 -1.8195412509538995 -0.9709937942330523 -0.749144577608832 -0.8069027632174743 -0.4918510793370768 -0.45640679753476493 -1.3405017217916138 +2894,-1.5761262268217815,0,-1.229835077736357 -3.153113006450575 -3.2278710331340594 -3.2346812881528417 -3.3320885720062954 -3.3615480843498413 -3.207208100292968 -3.297934111333461 -3.204860625973534 -2.2919253036205443 -2.472139097361504 -1.8324910541093928 -1.8195412509538995 -0.9709937942330523 -0.749144577608832 -0.8069027632174743 -0.4918510793370768 -0.45640679753476493 -1.3405017217916138 -0.9985443713545014 +2895,-1.6361287010161596,0,-3.153113006450575 -3.2278710331340594 -3.2346812881528417 -3.3320885720062954 -3.3615480843498413 -3.207208100292968 -3.297934111333461 -3.204860625973534 -2.2919253036205443 -2.472139097361504 -1.8324910541093928 -1.8195412509538995 -0.9709937942330523 -0.749144577608832 -0.8069027632174743 -0.4918510793370768 -0.45640679753476493 -1.3405017217916138 -0.9985443713545014 -1.5761262268217815 +2896,-2.386237017010916,0,-3.2278710331340594 -3.2346812881528417 -3.3320885720062954 -3.3615480843498413 -3.207208100292968 -3.297934111333461 -3.204860625973534 -2.2919253036205443 -2.472139097361504 -1.8324910541093928 -1.8195412509538995 -0.9709937942330523 -0.749144577608832 -0.8069027632174743 -0.4918510793370768 -0.45640679753476493 -1.3405017217916138 -0.9985443713545014 -1.5761262268217815 -1.6361287010161596 +2897,-2.61876595173278,0,-3.2346812881528417 -3.3320885720062954 -3.3615480843498413 -3.207208100292968 -3.297934111333461 -3.204860625973534 -2.2919253036205443 -2.472139097361504 -1.8324910541093928 -1.8195412509538995 -0.9709937942330523 -0.749144577608832 -0.8069027632174743 -0.4918510793370768 -0.45640679753476493 -1.3405017217916138 -0.9985443713545014 -1.5761262268217815 -1.6361287010161596 -2.386237017010916 +2898,-1.4155306108906203,0,-3.3320885720062954 -3.3615480843498413 -3.207208100292968 -3.297934111333461 -3.204860625973534 -2.2919253036205443 -2.472139097361504 -1.8324910541093928 -1.8195412509538995 -0.9709937942330523 -0.749144577608832 -0.8069027632174743 -0.4918510793370768 -0.45640679753476493 -1.3405017217916138 -0.9985443713545014 -1.5761262268217815 -1.6361287010161596 -2.386237017010916 -2.61876595173278 +2899,-1.1694714537062083,0,-3.3615480843498413 -3.207208100292968 -3.297934111333461 -3.204860625973534 -2.2919253036205443 -2.472139097361504 -1.8324910541093928 -1.8195412509538995 -0.9709937942330523 -0.749144577608832 -0.8069027632174743 -0.4918510793370768 -0.45640679753476493 -1.3405017217916138 -0.9985443713545014 -1.5761262268217815 -1.6361287010161596 -2.386237017010916 -2.61876595173278 -1.4155306108906203 +2900,-1.1354201786122864,0,-3.207208100292968 -3.297934111333461 -3.204860625973534 -2.2919253036205443 -2.472139097361504 -1.8324910541093928 -1.8195412509538995 -0.9709937942330523 -0.749144577608832 -0.8069027632174743 -0.4918510793370768 -0.45640679753476493 -1.3405017217916138 -0.9985443713545014 -1.5761262268217815 -1.6361287010161596 -2.386237017010916 -2.61876595173278 -1.4155306108906203 -1.1694714537062083 +2901,-1.23912178912561,0,-3.297934111333461 -3.204860625973534 -2.2919253036205443 -2.472139097361504 -1.8324910541093928 -1.8195412509538995 -0.9709937942330523 -0.749144577608832 -0.8069027632174743 -0.4918510793370768 -0.45640679753476493 -1.3405017217916138 -0.9985443713545014 -1.5761262268217815 -1.6361287010161596 -2.386237017010916 -2.61876595173278 -1.4155306108906203 -1.1694714537062083 -1.1354201786122864 +2902,-1.220548366347104,0,-3.204860625973534 -2.2919253036205443 -2.472139097361504 -1.8324910541093928 -1.8195412509538995 -0.9709937942330523 -0.749144577608832 -0.8069027632174743 -0.4918510793370768 -0.45640679753476493 -1.3405017217916138 -0.9985443713545014 -1.5761262268217815 -1.6361287010161596 -2.386237017010916 -2.61876595173278 -1.4155306108906203 -1.1694714537062083 -1.1354201786122864 -1.23912178912561 +2903,-1.201974943568598,0,-2.2919253036205443 -2.472139097361504 -1.8324910541093928 -1.8195412509538995 -0.9709937942330523 -0.749144577608832 -0.8069027632174743 -0.4918510793370768 -0.45640679753476493 -1.3405017217916138 -0.9985443713545014 -1.5761262268217815 -1.6361287010161596 -2.386237017010916 -2.61876595173278 -1.4155306108906203 -1.1694714537062083 -1.1354201786122864 -1.23912178912561 -1.220548366347104 +2904,-1.3583012519543494,0,-2.472139097361504 -1.8324910541093928 -1.8195412509538995 -0.9709937942330523 -0.749144577608832 -0.8069027632174743 -0.4918510793370768 -0.45640679753476493 -1.3405017217916138 -0.9985443713545014 -1.5761262268217815 -1.6361287010161596 -2.386237017010916 -2.61876595173278 -1.4155306108906203 -1.1694714537062083 -1.1354201786122864 -1.23912178912561 -1.220548366347104 -1.201974943568598 +2905,-1.4356905135314546,0,-1.8324910541093928 -1.8195412509538995 -0.9709937942330523 -0.749144577608832 -0.8069027632174743 -0.4918510793370768 -0.45640679753476493 -1.3405017217916138 -0.9985443713545014 -1.5761262268217815 -1.6361287010161596 -2.386237017010916 -2.61876595173278 -1.4155306108906203 -1.1694714537062083 -1.1354201786122864 -1.23912178912561 -1.220548366347104 -1.201974943568598 -1.3583012519543494 +2906,-1.4511683658468704,0,-1.8195412509538995 -0.9709937942330523 -0.749144577608832 -0.8069027632174743 -0.4918510793370768 -0.45640679753476493 -1.3405017217916138 -0.9985443713545014 -1.5761262268217815 -1.6361287010161596 -2.386237017010916 -2.61876595173278 -1.4155306108906203 -1.1694714537062083 -1.1354201786122864 -1.23912178912561 -1.220548366347104 -1.201974943568598 -1.3583012519543494 -1.4356905135314546 +2907,-1.5471310502024815,0,-0.9709937942330523 -0.749144577608832 -0.8069027632174743 -0.4918510793370768 -0.45640679753476493 -1.3405017217916138 -0.9985443713545014 -1.5761262268217815 -1.6361287010161596 -2.386237017010916 -2.61876595173278 -1.4155306108906203 -1.1694714537062083 -1.1354201786122864 -1.23912178912561 -1.220548366347104 -1.201974943568598 -1.3583012519543494 -1.4356905135314546 -1.4511683658468704 +2908,-1.4449772249207076,0,-0.749144577608832 -0.8069027632174743 -0.4918510793370768 -0.45640679753476493 -1.3405017217916138 -0.9985443713545014 -1.5761262268217815 -1.6361287010161596 -2.386237017010916 -2.61876595173278 -1.4155306108906203 -1.1694714537062083 -1.1354201786122864 -1.23912178912561 -1.220548366347104 -1.201974943568598 -1.3583012519543494 -1.4356905135314546 -1.4511683658468704 -1.5471310502024815 +2909,-1.101368903518356,0,-0.8069027632174743 -0.4918510793370768 -0.45640679753476493 -1.3405017217916138 -0.9985443713545014 -1.5761262268217815 -1.6361287010161596 -2.386237017010916 -2.61876595173278 -1.4155306108906203 -1.1694714537062083 -1.1354201786122864 -1.23912178912561 -1.220548366347104 -1.201974943568598 -1.3583012519543494 -1.4356905135314546 -1.4511683658468704 -1.5471310502024815 -1.4449772249207076 +2910,-0.8382454141561998,0,-0.4918510793370768 -0.45640679753476493 -1.3405017217916138 -0.9985443713545014 -1.5761262268217815 -1.6361287010161596 -2.386237017010916 -2.61876595173278 -1.4155306108906203 -1.1694714537062083 -1.1354201786122864 -1.23912178912561 -1.220548366347104 -1.201974943568598 -1.3583012519543494 -1.4356905135314546 -1.4511683658468704 -1.5471310502024815 -1.4449772249207076 -1.101368903518356 +2911,-0.6277466226664714,0,-0.45640679753476493 -1.3405017217916138 -0.9985443713545014 -1.5761262268217815 -1.6361287010161596 -2.386237017010916 -2.61876595173278 -1.4155306108906203 -1.1694714537062083 -1.1354201786122864 -1.23912178912561 -1.220548366347104 -1.201974943568598 -1.3583012519543494 -1.4356905135314546 -1.4511683658468704 -1.5471310502024815 -1.4449772249207076 -1.101368903518356 -0.8382454141561998 +2912,-0.5147583007639037,0,-1.3405017217916138 -0.9985443713545014 -1.5761262268217815 -1.6361287010161596 -2.386237017010916 -2.61876595173278 -1.4155306108906203 -1.1694714537062083 -1.1354201786122864 -1.23912178912561 -1.220548366347104 -1.201974943568598 -1.3583012519543494 -1.4356905135314546 -1.4511683658468704 -1.5471310502024815 -1.4449772249207076 -1.101368903518356 -0.8382454141561998 -0.6277466226664714 +2913,-0.46522917335455743,0,-0.9985443713545014 -1.5761262268217815 -1.6361287010161596 -2.386237017010916 -2.61876595173278 -1.4155306108906203 -1.1694714537062083 -1.1354201786122864 -1.23912178912561 -1.220548366347104 -1.201974943568598 -1.3583012519543494 -1.4356905135314546 -1.4511683658468704 -1.5471310502024815 -1.4449772249207076 -1.101368903518356 -0.8382454141561998 -0.6277466226664714 -0.5147583007639037 +2914,-0.5147583007639037,0,-1.5761262268217815 -1.6361287010161596 -2.386237017010916 -2.61876595173278 -1.4155306108906203 -1.1694714537062083 -1.1354201786122864 -1.23912178912561 -1.220548366347104 -1.201974943568598 -1.3583012519543494 -1.4356905135314546 -1.4511683658468704 -1.5471310502024815 -1.4449772249207076 -1.101368903518356 -0.8382454141561998 -0.6277466226664714 -0.5147583007639037 -0.46522917335455743 +2915,-0.5704785690994129,0,-1.6361287010161596 -2.386237017010916 -2.61876595173278 -1.4155306108906203 -1.1694714537062083 -1.1354201786122864 -1.23912178912561 -1.220548366347104 -1.201974943568598 -1.3583012519543494 -1.4356905135314546 -1.4511683658468704 -1.5471310502024815 -1.4449772249207076 -1.101368903518356 -0.8382454141561998 -0.6277466226664714 -0.5147583007639037 -0.46522917335455743 -0.5147583007639037 +2916,-0.6633456829919426,0,-2.386237017010916 -2.61876595173278 -1.4155306108906203 -1.1694714537062083 -1.1354201786122864 -1.23912178912561 -1.220548366347104 -1.201974943568598 -1.3583012519543494 -1.4356905135314546 -1.4511683658468704 -1.5471310502024815 -1.4449772249207076 -1.101368903518356 -0.8382454141561998 -0.6277466226664714 -0.5147583007639037 -0.46522917335455743 -0.5147583007639037 -0.5704785690994129 +2917,-0.7871685015153128,0,-2.61876595173278 -1.4155306108906203 -1.1694714537062083 -1.1354201786122864 -1.23912178912561 -1.220548366347104 -1.201974943568598 -1.3583012519543494 -1.4356905135314546 -1.4511683658468704 -1.5471310502024815 -1.4449772249207076 -1.101368903518356 -0.8382454141561998 -0.6277466226664714 -0.5147583007639037 -0.46522917335455743 -0.5147583007639037 -0.5704785690994129 -0.6633456829919426 +2918,-0.938851454206442,0,-1.4155306108906203 -1.1694714537062083 -1.1354201786122864 -1.23912178912561 -1.220548366347104 -1.201974943568598 -1.3583012519543494 -1.4356905135314546 -1.4511683658468704 -1.5471310502024815 -1.4449772249207076 -1.101368903518356 -0.8382454141561998 -0.6277466226664714 -0.5147583007639037 -0.46522917335455743 -0.5147583007639037 -0.5704785690994129 -0.6633456829919426 -0.7871685015153128 +2919,-1.0332663533305038,0,-1.1694714537062083 -1.1354201786122864 -1.23912178912561 -1.220548366347104 -1.201974943568598 -1.3583012519543494 -1.4356905135314546 -1.4511683658468704 -1.5471310502024815 -1.4449772249207076 -1.101368903518356 -0.8382454141561998 -0.6277466226664714 -0.5147583007639037 -0.46522917335455743 -0.5147583007639037 -0.5704785690994129 -0.6633456829919426 -0.7871685015153128 -0.938851454206442 +2920,-1.1648280980115862,0,-1.1354201786122864 -1.23912178912561 -1.220548366347104 -1.201974943568598 -1.3583012519543494 -1.4356905135314546 -1.4511683658468704 -1.5471310502024815 -1.4449772249207076 -1.101368903518356 -0.8382454141561998 -0.6277466226664714 -0.5147583007639037 -0.46522917335455743 -0.5147583007639037 -0.5704785690994129 -0.6633456829919426 -0.7871685015153128 -0.938851454206442 -1.0332663533305038 +2921,-1.1973315878739672,0,-1.23912178912561 -1.220548366347104 -1.201974943568598 -1.3583012519543494 -1.4356905135314546 -1.4511683658468704 -1.5471310502024815 -1.4449772249207076 -1.101368903518356 -0.8382454141561998 -0.6277466226664714 -0.5147583007639037 -0.46522917335455743 -0.5147583007639037 -0.5704785690994129 -0.6633456829919426 -0.7871685015153128 -0.938851454206442 -1.0332663533305038 -1.1648280980115862 +2922,-1.1632803127800455,0,-1.220548366347104 -1.201974943568598 -1.3583012519543494 -1.4356905135314546 -1.4511683658468704 -1.5471310502024815 -1.4449772249207076 -1.101368903518356 -0.8382454141561998 -0.6277466226664714 -0.5147583007639037 -0.46522917335455743 -0.5147583007639037 -0.5704785690994129 -0.6633456829919426 -0.7871685015153128 -0.938851454206442 -1.0332663533305038 -1.1648280980115862 -1.1973315878739672 +2923,-1.234478433430979,0,-1.201974943568598 -1.3583012519543494 -1.4356905135314546 -1.4511683658468704 -1.5471310502024815 -1.4449772249207076 -1.101368903518356 -0.8382454141561998 -0.6277466226664714 -0.5147583007639037 -0.46522917335455743 -0.5147583007639037 -0.5704785690994129 -0.6633456829919426 -0.7871685015153128 -0.938851454206442 -1.0332663533305038 -1.1648280980115862 -1.1973315878739672 -1.1632803127800455 +2924,-1.3521101110281777,0,-1.3583012519543494 -1.4356905135314546 -1.4511683658468704 -1.5471310502024815 -1.4449772249207076 -1.101368903518356 -0.8382454141561998 -0.6277466226664714 -0.5147583007639037 -0.46522917335455743 -0.5147583007639037 -0.5704785690994129 -0.6633456829919426 -0.7871685015153128 -0.938851454206442 -1.0332663533305038 -1.1648280980115862 -1.1973315878739672 -1.1632803127800455 -1.234478433430979 +2925,-1.432594943068373,0,-1.4356905135314546 -1.4511683658468704 -1.5471310502024815 -1.4449772249207076 -1.101368903518356 -0.8382454141561998 -0.6277466226664714 -0.5147583007639037 -0.46522917335455743 -0.5147583007639037 -0.5704785690994129 -0.6633456829919426 -0.7871685015153128 -0.938851454206442 -1.0332663533305038 -1.1648280980115862 -1.1973315878739672 -1.1632803127800455 -1.234478433430979 -1.3521101110281777 +2926,-1.4650984329307541,0,-1.4511683658468704 -1.5471310502024815 -1.4449772249207076 -1.101368903518356 -0.8382454141561998 -0.6277466226664714 -0.5147583007639037 -0.46522917335455743 -0.5147583007639037 -0.5704785690994129 -0.6633456829919426 -0.7871685015153128 -0.938851454206442 -1.0332663533305038 -1.1648280980115862 -1.1973315878739672 -1.1632803127800455 -1.234478433430979 -1.3521101110281777 -1.432594943068373 +2927,-1.502245278487766,0,-1.5471310502024815 -1.4449772249207076 -1.101368903518356 -0.8382454141561998 -0.6277466226664714 -0.5147583007639037 -0.46522917335455743 -0.5147583007639037 -0.5704785690994129 -0.6633456829919426 -0.7871685015153128 -0.938851454206442 -1.0332663533305038 -1.1648280980115862 -1.1973315878739672 -1.1632803127800455 -1.234478433430979 -1.3521101110281777 -1.432594943068373 -1.4650984329307541 +2928,-1.5293315200397548,0,-1.4449772249207076 -1.101368903518356 -0.8382454141561998 -0.6277466226664714 -0.5147583007639037 -0.46522917335455743 -0.5147583007639037 -0.5704785690994129 -0.6633456829919426 -0.7871685015153128 -0.938851454206442 -1.0332663533305038 -1.1648280980115862 -1.1973315878739672 -1.1632803127800455 -1.234478433430979 -1.3521101110281777 -1.432594943068373 -1.4650984329307541 -1.502245278487766 +2929,-1.5564177615917345,0,-1.101368903518356 -0.8382454141561998 -0.6277466226664714 -0.5147583007639037 -0.46522917335455743 -0.5147583007639037 -0.5704785690994129 -0.6633456829919426 -0.7871685015153128 -0.938851454206442 -1.0332663533305038 -1.1648280980115862 -1.1973315878739672 -1.1632803127800455 -1.234478433430979 -1.3521101110281777 -1.432594943068373 -1.4650984329307541 -1.502245278487766 -1.5293315200397548 +2930,-1.5842778957594934,0,-0.8382454141561998 -0.6277466226664714 -0.5147583007639037 -0.46522917335455743 -0.5147583007639037 -0.5704785690994129 -0.6633456829919426 -0.7871685015153128 -0.938851454206442 -1.0332663533305038 -1.1648280980115862 -1.1973315878739672 -1.1632803127800455 -1.234478433430979 -1.3521101110281777 -1.432594943068373 -1.4650984329307541 -1.502245278487766 -1.5293315200397548 -1.5564177615917345 +2931,-1.590469036685665,0,-0.6277466226664714 -0.5147583007639037 -0.46522917335455743 -0.5147583007639037 -0.5704785690994129 -0.6633456829919426 -0.7871685015153128 -0.938851454206442 -1.0332663533305038 -1.1648280980115862 -1.1973315878739672 -1.1632803127800455 -1.234478433430979 -1.3521101110281777 -1.432594943068373 -1.4650984329307541 -1.502245278487766 -1.5293315200397548 -1.5564177615917345 -1.5842778957594934 +2932,-1.3335366882496718,0,-0.5147583007639037 -0.46522917335455743 -0.5147583007639037 -0.5704785690994129 -0.6633456829919426 -0.7871685015153128 -0.938851454206442 -1.0332663533305038 -1.1648280980115862 -1.1973315878739672 -1.1632803127800455 -1.234478433430979 -1.3521101110281777 -1.432594943068373 -1.4650984329307541 -1.502245278487766 -1.5293315200397548 -1.5564177615917345 -1.5842778957594934 -1.590469036685665 +2933,-0.9481381655956861,0,-0.46522917335455743 -0.5147583007639037 -0.5704785690994129 -0.6633456829919426 -0.7871685015153128 -0.938851454206442 -1.0332663533305038 -1.1648280980115862 -1.1973315878739672 -1.1632803127800455 -1.234478433430979 -1.3521101110281777 -1.432594943068373 -1.4650984329307541 -1.502245278487766 -1.5293315200397548 -1.5564177615917345 -1.5842778957594934 -1.590469036685665 -1.3335366882496718 +2934,-0.5472617906262848,0,-0.5147583007639037 -0.5704785690994129 -0.6633456829919426 -0.7871685015153128 -0.938851454206442 -1.0332663533305038 -1.1648280980115862 -1.1973315878739672 -1.1632803127800455 -1.234478433430979 -1.3521101110281777 -1.432594943068373 -1.4650984329307541 -1.502245278487766 -1.5293315200397548 -1.5564177615917345 -1.5842778957594934 -1.590469036685665 -1.3335366882496718 -0.9481381655956861 +2935,-0.23770474431786376,0,-0.5704785690994129 -0.6633456829919426 -0.7871685015153128 -0.938851454206442 -1.0332663533305038 -1.1648280980115862 -1.1973315878739672 -1.1632803127800455 -1.234478433430979 -1.3521101110281777 -1.432594943068373 -1.4650984329307541 -1.502245278487766 -1.5293315200397548 -1.5564177615917345 -1.5842778957594934 -1.590469036685665 -1.3335366882496718 -0.9481381655956861 -0.5472617906262848 +2936,-0.02256259713351326,0,-0.6633456829919426 -0.7871685015153128 -0.938851454206442 -1.0332663533305038 -1.1648280980115862 -1.1973315878739672 -1.1632803127800455 -1.234478433430979 -1.3521101110281777 -1.432594943068373 -1.4650984329307541 -1.502245278487766 -1.5293315200397548 -1.5564177615917345 -1.5842778957594934 -1.590469036685665 -1.3335366882496718 -0.9481381655956861 -0.5472617906262848 -0.23770474431786376 +2937,-0.10304742917369991,0,-0.7871685015153128 -0.938851454206442 -1.0332663533305038 -1.1648280980115862 -1.1973315878739672 -1.1632803127800455 -1.234478433430979 -1.3521101110281777 -1.432594943068373 -1.4650984329307541 -1.502245278487766 -1.5293315200397548 -1.5564177615917345 -1.5842778957594934 -1.590469036685665 -1.3335366882496718 -0.9481381655956861 -0.5472617906262848 -0.23770474431786376 -0.02256259713351326 +2938,-0.15102877135150553,0,-0.938851454206442 -1.0332663533305038 -1.1648280980115862 -1.1973315878739672 -1.1632803127800455 -1.234478433430979 -1.3521101110281777 -1.432594943068373 -1.4650984329307541 -1.502245278487766 -1.5293315200397548 -1.5564177615917345 -1.5842778957594934 -1.590469036685665 -1.3335366882496718 -0.9481381655956861 -0.5472617906262848 -0.23770474431786376 -0.02256259713351326 -0.10304742917369991 +2939,0.07959122814826955,0,-1.0332663533305038 -1.1648280980115862 -1.1973315878739672 -1.1632803127800455 -1.234478433430979 -1.3521101110281777 -1.432594943068373 -1.4650984329307541 -1.502245278487766 -1.5293315200397548 -1.5564177615917345 -1.5842778957594934 -1.590469036685665 -1.3335366882496718 -0.9481381655956861 -0.5472617906262848 -0.23770474431786376 -0.02256259713351326 -0.10304742917369991 -0.15102877135150553 +2940,-0.18353226121388655,0,-1.1648280980115862 -1.1973315878739672 -1.1632803127800455 -1.234478433430979 -1.3521101110281777 -1.432594943068373 -1.4650984329307541 -1.502245278487766 -1.5293315200397548 -1.5564177615917345 -1.5842778957594934 -1.590469036685665 -1.3335366882496718 -0.9481381655956861 -0.5472617906262848 -0.23770474431786376 -0.02256259713351326 -0.10304742917369991 -0.15102877135150553 0.07959122814826955 +2941,-0.2082968249185641,0,-1.1973315878739672 -1.1632803127800455 -1.234478433430979 -1.3521101110281777 -1.432594943068373 -1.4650984329307541 -1.502245278487766 -1.5293315200397548 -1.5564177615917345 -1.5842778957594934 -1.590469036685665 -1.3335366882496718 -0.9481381655956861 -0.5472617906262848 -0.23770474431786376 -0.02256259713351326 -0.10304742917369991 -0.15102877135150553 0.07959122814826955 -0.18353226121388655 +2942,-0.5070193746061915,0,-1.1632803127800455 -1.234478433430979 -1.3521101110281777 -1.432594943068373 -1.4650984329307541 -1.502245278487766 -1.5293315200397548 -1.5564177615917345 -1.5842778957594934 -1.590469036685665 -1.3335366882496718 -0.9481381655956861 -0.5472617906262848 -0.23770474431786376 -0.02256259713351326 -0.10304742917369991 -0.15102877135150553 0.07959122814826955 -0.18353226121388655 -0.2082968249185641 +2943,-0.5596440724786191,0,-1.234478433430979 -1.3521101110281777 -1.432594943068373 -1.4650984329307541 -1.502245278487766 -1.5293315200397548 -1.5564177615917345 -1.5842778957594934 -1.590469036685665 -1.3335366882496718 -0.9481381655956861 -0.5472617906262848 -0.23770474431786376 -0.02256259713351326 -0.10304742917369991 -0.15102877135150553 0.07959122814826955 -0.18353226121388655 -0.2082968249185641 -0.5070193746061915 +2944,-0.7376393741059666,0,-1.3521101110281777 -1.432594943068373 -1.4650984329307541 -1.502245278487766 -1.5293315200397548 -1.5564177615917345 -1.5842778957594934 -1.590469036685665 -1.3335366882496718 -0.9481381655956861 -0.5472617906262848 -0.23770474431786376 -0.02256259713351326 -0.10304742917369991 -0.15102877135150553 0.07959122814826955 -0.18353226121388655 -0.2082968249185641 -0.5070193746061915 -0.5596440724786191 +2945,-0.8351498436931184,0,-1.432594943068373 -1.4650984329307541 -1.502245278487766 -1.5293315200397548 -1.5564177615917345 -1.5842778957594934 -1.590469036685665 -1.3335366882496718 -0.9481381655956861 -0.5472617906262848 -0.23770474431786376 -0.02256259713351326 -0.10304742917369991 -0.15102877135150553 0.07959122814826955 -0.18353226121388655 -0.2082968249185641 -0.5070193746061915 -0.5596440724786191 -0.7376393741059666 +2946,-0.9729027293003637,0,-1.4650984329307541 -1.502245278487766 -1.5293315200397548 -1.5564177615917345 -1.5842778957594934 -1.590469036685665 -1.3335366882496718 -0.9481381655956861 -0.5472617906262848 -0.23770474431786376 -0.02256259713351326 -0.10304742917369991 -0.15102877135150553 0.07959122814826955 -0.18353226121388655 -0.2082968249185641 -0.5070193746061915 -0.5596440724786191 -0.7376393741059666 -0.8351498436931184 +2947,-1.0487442056459282,0,-1.502245278487766 -1.5293315200397548 -1.5564177615917345 -1.5842778957594934 -1.590469036685665 -1.3335366882496718 -0.9481381655956861 -0.5472617906262848 -0.23770474431786376 -0.02256259713351326 -0.10304742917369991 -0.15102877135150553 0.07959122814826955 -0.18353226121388655 -0.2082968249185641 -0.5070193746061915 -0.5596440724786191 -0.7376393741059666 -0.8351498436931184 -0.9729027293003637 +2948,-1.050291990877469,0,-1.5293315200397548 -1.5564177615917345 -1.5842778957594934 -1.590469036685665 -1.3335366882496718 -0.9481381655956861 -0.5472617906262848 -0.23770474431786376 -0.02256259713351326 -0.10304742917369991 -0.15102877135150553 0.07959122814826955 -0.18353226121388655 -0.2082968249185641 -0.5070193746061915 -0.5596440724786191 -0.7376393741059666 -0.8351498436931184 -0.9729027293003637 -1.0487442056459282 +2949,-1.1570891718538738,0,-1.5564177615917345 -1.5842778957594934 -1.590469036685665 -1.3335366882496718 -0.9481381655956861 -0.5472617906262848 -0.23770474431786376 -0.02256259713351326 -0.10304742917369991 -0.15102877135150553 0.07959122814826955 -0.18353226121388655 -0.2082968249185641 -0.5070193746061915 -0.5596440724786191 -0.7376393741059666 -0.8351498436931184 -0.9729027293003637 -1.0487442056459282 -1.050291990877469 +2950,-1.2700774937564503,0,-1.5842778957594934 -1.590469036685665 -1.3335366882496718 -0.9481381655956861 -0.5472617906262848 -0.23770474431786376 -0.02256259713351326 -0.10304742917369991 -0.15102877135150553 0.07959122814826955 -0.18353226121388655 -0.2082968249185641 -0.5070193746061915 -0.5596440724786191 -0.7376393741059666 -0.8351498436931184 -0.9729027293003637 -1.0487442056459282 -1.050291990877469 -1.1570891718538738 +2951,-1.3644923928805208,0,-1.590469036685665 -1.3335366882496718 -0.9481381655956861 -0.5472617906262848 -0.23770474431786376 -0.02256259713351326 -0.10304742917369991 -0.15102877135150553 0.07959122814826955 -0.18353226121388655 -0.2082968249185641 -0.5070193746061915 -0.5596440724786191 -0.7376393741059666 -0.8351498436931184 -0.9729027293003637 -1.0487442056459282 -1.050291990877469 -1.1570891718538738 -1.2700774937564503 +2952,-1.3644923928805208,0,-1.3335366882496718 -0.9481381655956861 -0.5472617906262848 -0.23770474431786376 -0.02256259713351326 -0.10304742917369991 -0.15102877135150553 0.07959122814826955 -0.18353226121388655 -0.2082968249185641 -0.5070193746061915 -0.5596440724786191 -0.7376393741059666 -0.8351498436931184 -0.9729027293003637 -1.0487442056459282 -1.050291990877469 -1.1570891718538738 -1.2700774937564503 -1.3644923928805208 +2953,-1.2871031313034156,0,-0.9481381655956861 -0.5472617906262848 -0.23770474431786376 -0.02256259713351326 -0.10304742917369991 -0.15102877135150553 0.07959122814826955 -0.18353226121388655 -0.2082968249185641 -0.5070193746061915 -0.5596440724786191 -0.7376393741059666 -0.8351498436931184 -0.9729027293003637 -1.0487442056459282 -1.050291990877469 -1.1570891718538738 -1.2700774937564503 -1.3644923928805208 -1.3644923928805208 +2954,-1.3103199097765437,0,-0.5472617906262848 -0.23770474431786376 -0.02256259713351326 -0.10304742917369991 -0.15102877135150553 0.07959122814826955 -0.18353226121388655 -0.2082968249185641 -0.5070193746061915 -0.5596440724786191 -0.7376393741059666 -0.8351498436931184 -0.9729027293003637 -1.0487442056459282 -1.050291990877469 -1.1570891718538738 -1.2700774937564503 -1.3644923928805208 -1.3644923928805208 -1.2871031313034156 +2955,-1.3397278291758432,0,-0.23770474431786376 -0.02256259713351326 -0.10304742917369991 -0.15102877135150553 0.07959122814826955 -0.18353226121388655 -0.2082968249185641 -0.5070193746061915 -0.5596440724786191 -0.7376393741059666 -0.8351498436931184 -0.9729027293003637 -1.0487442056459282 -1.050291990877469 -1.1570891718538738 -1.2700774937564503 -1.3644923928805208 -1.3644923928805208 -1.2871031313034156 -1.3103199097765437 +2956,-1.1617325275485046,0,-0.02256259713351326 -0.10304742917369991 -0.15102877135150553 0.07959122814826955 -0.18353226121388655 -0.2082968249185641 -0.5070193746061915 -0.5596440724786191 -0.7376393741059666 -0.8351498436931184 -0.9729027293003637 -1.0487442056459282 -1.050291990877469 -1.1570891718538738 -1.2700774937564503 -1.3644923928805208 -1.3644923928805208 -1.2871031313034156 -1.3103199097765437 -1.3397278291758432 +2957,-0.5658352134047907,0,-0.10304742917369991 -0.15102877135150553 0.07959122814826955 -0.18353226121388655 -0.2082968249185641 -0.5070193746061915 -0.5596440724786191 -0.7376393741059666 -0.8351498436931184 -0.9729027293003637 -1.0487442056459282 -1.050291990877469 -1.1570891718538738 -1.2700774937564503 -1.3644923928805208 -1.3644923928805208 -1.2871031313034156 -1.3103199097765437 -1.3397278291758432 -1.1617325275485046 +2958,-0.07828286546903115,0,-0.15102877135150553 0.07959122814826955 -0.18353226121388655 -0.2082968249185641 -0.5070193746061915 -0.5596440724786191 -0.7376393741059666 -0.8351498436931184 -0.9729027293003637 -1.0487442056459282 -1.050291990877469 -1.1570891718538738 -1.2700774937564503 -1.3644923928805208 -1.3644923928805208 -1.2871031313034156 -1.3103199097765437 -1.3397278291758432 -1.1617325275485046 -0.5658352134047907 +2959,-0.1076907848683308,0,0.07959122814826955 -0.18353226121388655 -0.2082968249185641 -0.5070193746061915 -0.5596440724786191 -0.7376393741059666 -0.8351498436931184 -0.9729027293003637 -1.0487442056459282 -1.050291990877469 -1.1570891718538738 -1.2700774937564503 -1.3644923928805208 -1.3644923928805208 -1.2871031313034156 -1.3103199097765437 -1.3397278291758432 -1.1617325275485046 -0.5658352134047907 -0.07828286546903115 +2960,0.0517310939805106,0,-0.18353226121388655 -0.2082968249185641 -0.5070193746061915 -0.5596440724786191 -0.7376393741059666 -0.8351498436931184 -0.9729027293003637 -1.0487442056459282 -1.050291990877469 -1.1570891718538738 -1.2700774937564503 -1.3644923928805208 -1.3644923928805208 -1.2871031313034156 -1.3103199097765437 -1.3397278291758432 -1.1617325275485046 -0.5658352134047907 -0.07828286546903115 -0.1076907848683308 +2961,0.09197351000060393,0,-0.2082968249185641 -0.5070193746061915 -0.5596440724786191 -0.7376393741059666 -0.8351498436931184 -0.9729027293003637 -1.0487442056459282 -1.050291990877469 -1.1570891718538738 -1.2700774937564503 -1.3644923928805208 -1.3644923928805208 -1.2871031313034156 -1.3103199097765437 -1.3397278291758432 -1.1617325275485046 -0.5658352134047907 -0.07828286546903115 -0.1076907848683308 0.0517310939805106 +2962,0.13221592602069726,0,-0.5070193746061915 -0.5596440724786191 -0.7376393741059666 -0.8351498436931184 -0.9729027293003637 -1.0487442056459282 -1.050291990877469 -1.1570891718538738 -1.2700774937564503 -1.3644923928805208 -1.3644923928805208 -1.2871031313034156 -1.3103199097765437 -1.3397278291758432 -1.1617325275485046 -0.5658352134047907 -0.07828286546903115 -0.1076907848683308 0.0517310939805106 0.09197351000060393 +2963,0.014584248423498673,0,-0.5596440724786191 -0.7376393741059666 -0.8351498436931184 -0.9729027293003637 -1.0487442056459282 -1.050291990877469 -1.1570891718538738 -1.2700774937564503 -1.3644923928805208 -1.3644923928805208 -1.2871031313034156 -1.3103199097765437 -1.3397278291758432 -1.1617325275485046 -0.5658352134047907 -0.07828286546903115 -0.1076907848683308 0.0517310939805106 0.09197351000060393 0.13221592602069726 +2964,-0.011728100512719579,0,-0.7376393741059666 -0.8351498436931184 -0.9729027293003637 -1.0487442056459282 -1.050291990877469 -1.1570891718538738 -1.2700774937564503 -1.3644923928805208 -1.3644923928805208 -1.2871031313034156 -1.3103199097765437 -1.3397278291758432 -1.1617325275485046 -0.5658352134047907 -0.07828286546903115 -0.1076907848683308 0.0517310939805106 0.09197351000060393 0.13221592602069726 0.014584248423498673 +2965,-0.11233414056295289,0,-0.8351498436931184 -0.9729027293003637 -1.0487442056459282 -1.050291990877469 -1.1570891718538738 -1.2700774937564503 -1.3644923928805208 -1.3644923928805208 -1.2871031313034156 -1.3103199097765437 -1.3397278291758432 -1.1617325275485046 -0.5658352134047907 -0.07828286546903115 -0.1076907848683308 0.0517310939805106 0.09197351000060393 0.13221592602069726 0.014584248423498673 -0.011728100512719579 +2966,-0.29187722742184097,0,-0.9729027293003637 -1.0487442056459282 -1.050291990877469 -1.1570891718538738 -1.2700774937564503 -1.3644923928805208 -1.3644923928805208 -1.2871031313034156 -1.3103199097765437 -1.3397278291758432 -1.1617325275485046 -0.5658352134047907 -0.07828286546903115 -0.1076907848683308 0.0517310939805106 0.09197351000060393 0.13221592602069726 0.014584248423498673 -0.011728100512719579 -0.11233414056295289 +2967,-0.30271172404263463,0,-1.0487442056459282 -1.050291990877469 -1.1570891718538738 -1.2700774937564503 -1.3644923928805208 -1.3644923928805208 -1.2871031313034156 -1.3103199097765437 -1.3397278291758432 -1.1617325275485046 -0.5658352134047907 -0.07828286546903115 -0.1076907848683308 0.0517310939805106 0.09197351000060393 0.13221592602069726 0.014584248423498673 -0.011728100512719579 -0.11233414056295289 -0.29187722742184097 +2968,-0.41879561640829255,0,-1.050291990877469 -1.1570891718538738 -1.2700774937564503 -1.3644923928805208 -1.3644923928805208 -1.2871031313034156 -1.3103199097765437 -1.3397278291758432 -1.1617325275485046 -0.5658352134047907 -0.07828286546903115 -0.1076907848683308 0.0517310939805106 0.09197351000060393 0.13221592602069726 0.014584248423498673 -0.011728100512719579 -0.11233414056295289 -0.29187722742184097 -0.30271172404263463 +2969,-0.6138165555825964,0,-1.1570891718538738 -1.2700774937564503 -1.3644923928805208 -1.3644923928805208 -1.2871031313034156 -1.3103199097765437 -1.3397278291758432 -1.1617325275485046 -0.5658352134047907 -0.07828286546903115 -0.1076907848683308 0.0517310939805106 0.09197351000060393 0.13221592602069726 0.014584248423498673 -0.011728100512719579 -0.11233414056295289 -0.29187722742184097 -0.30271172404263463 -0.41879561640829255 +2970,-0.7360915888744258,0,-1.2700774937564503 -1.3644923928805208 -1.3644923928805208 -1.2871031313034156 -1.3103199097765437 -1.3397278291758432 -1.1617325275485046 -0.5658352134047907 -0.07828286546903115 -0.1076907848683308 0.0517310939805106 0.09197351000060393 0.13221592602069726 0.014584248423498673 -0.011728100512719579 -0.11233414056295289 -0.29187722742184097 -0.30271172404263463 -0.41879561640829255 -0.6138165555825964 +2971,-0.7980029981361065,0,-1.3644923928805208 -1.3644923928805208 -1.2871031313034156 -1.3103199097765437 -1.3397278291758432 -1.1617325275485046 -0.5658352134047907 -0.07828286546903115 -0.1076907848683308 0.0517310939805106 0.09197351000060393 0.13221592602069726 0.014584248423498673 -0.011728100512719579 -0.11233414056295289 -0.29187722742184097 -0.30271172404263463 -0.41879561640829255 -0.6138165555825964 -0.7360915888744258 +2972,-0.750021655958301,0,-1.3644923928805208 -1.2871031313034156 -1.3103199097765437 -1.3397278291758432 -1.1617325275485046 -0.5658352134047907 -0.07828286546903115 -0.1076907848683308 0.0517310939805106 0.09197351000060393 0.13221592602069726 0.014584248423498673 -0.011728100512719579 -0.11233414056295289 -0.29187722742184097 -0.30271172404263463 -0.41879561640829255 -0.6138165555825964 -0.7360915888744258 -0.7980029981361065 +2973,-0.8026463538307286,0,-1.2871031313034156 -1.3103199097765437 -1.3397278291758432 -1.1617325275485046 -0.5658352134047907 -0.07828286546903115 -0.1076907848683308 0.0517310939805106 0.09197351000060393 0.13221592602069726 0.014584248423498673 -0.011728100512719579 -0.11233414056295289 -0.29187722742184097 -0.30271172404263463 -0.41879561640829255 -0.6138165555825964 -0.7360915888744258 -0.7980029981361065 -0.750021655958301 +2974,-0.8552710517031651,0,-1.3103199097765437 -1.3397278291758432 -1.1617325275485046 -0.5658352134047907 -0.07828286546903115 -0.1076907848683308 0.0517310939805106 0.09197351000060393 0.13221592602069726 0.014584248423498673 -0.011728100512719579 -0.11233414056295289 -0.29187722742184097 -0.30271172404263463 -0.41879561640829255 -0.6138165555825964 -0.7360915888744258 -0.7980029981361065 -0.750021655958301 -0.8026463538307286 +2975,-0.8552710517031651,0,-1.3397278291758432 -1.1617325275485046 -0.5658352134047907 -0.07828286546903115 -0.1076907848683308 0.0517310939805106 0.09197351000060393 0.13221592602069726 0.014584248423498673 -0.011728100512719579 -0.11233414056295289 -0.29187722742184097 -0.30271172404263463 -0.41879561640829255 -0.6138165555825964 -0.7360915888744258 -0.7980029981361065 -0.750021655958301 -0.8026463538307286 -0.8552710517031651 +2976,-0.989928366847329,0,-1.1617325275485046 -0.5658352134047907 -0.07828286546903115 -0.1076907848683308 0.0517310939805106 0.09197351000060393 0.13221592602069726 0.014584248423498673 -0.011728100512719579 -0.11233414056295289 -0.29187722742184097 -0.30271172404263463 -0.41879561640829255 -0.6138165555825964 -0.7360915888744258 -0.7980029981361065 -0.750021655958301 -0.8026463538307286 -0.8552710517031651 -0.8552710517031651 +2977,-0.989928366847329,0,-0.5658352134047907 -0.07828286546903115 -0.1076907848683308 0.0517310939805106 0.09197351000060393 0.13221592602069726 0.014584248423498673 -0.011728100512719579 -0.11233414056295289 -0.29187722742184097 -0.30271172404263463 -0.41879561640829255 -0.6138165555825964 -0.7360915888744258 -0.7980029981361065 -0.750021655958301 -0.8026463538307286 -0.8552710517031651 -0.8552710517031651 -0.989928366847329 +2978,-0.8537232664716244,0,-0.07828286546903115 -0.1076907848683308 0.0517310939805106 0.09197351000060393 0.13221592602069726 0.014584248423498673 -0.011728100512719579 -0.11233414056295289 -0.29187722742184097 -0.30271172404263463 -0.41879561640829255 -0.6138165555825964 -0.7360915888744258 -0.7980029981361065 -0.750021655958301 -0.8026463538307286 -0.8552710517031651 -0.8552710517031651 -0.989928366847329 -0.989928366847329 +2979,-1.0998211182868152,0,-0.1076907848683308 0.0517310939805106 0.09197351000060393 0.13221592602069726 0.014584248423498673 -0.011728100512719579 -0.11233414056295289 -0.29187722742184097 -0.30271172404263463 -0.41879561640829255 -0.6138165555825964 -0.7360915888744258 -0.7980029981361065 -0.750021655958301 -0.8026463538307286 -0.8552710517031651 -0.8552710517031651 -0.989928366847329 -0.989928366847329 -0.8537232664716244 +2980,-0.8336020584615778,0,0.0517310939805106 0.09197351000060393 0.13221592602069726 0.014584248423498673 -0.011728100512719579 -0.11233414056295289 -0.29187722742184097 -0.30271172404263463 -0.41879561640829255 -0.6138165555825964 -0.7360915888744258 -0.7980029981361065 -0.750021655958301 -0.8026463538307286 -0.8552710517031651 -0.8552710517031651 -0.989928366847329 -0.989928366847329 -0.8537232664716244 -1.0998211182868152 +2981,0.04863552351742921,0,0.09197351000060393 0.13221592602069726 0.014584248423498673 -0.011728100512719579 -0.11233414056295289 -0.29187722742184097 -0.30271172404263463 -0.41879561640829255 -0.6138165555825964 -0.7360915888744258 -0.7980029981361065 -0.750021655958301 -0.8026463538307286 -0.8552710517031651 -0.8552710517031651 -0.989928366847329 -0.989928366847329 -0.8537232664716244 -1.0998211182868152 -0.8336020584615778 +2982,0.006071429650016038,0,0.13221592602069726 0.014584248423498673 -0.011728100512719579 -0.11233414056295289 -0.29187722742184097 -0.30271172404263463 -0.41879561640829255 -0.6138165555825964 -0.7360915888744258 -0.7980029981361065 -0.750021655958301 -0.8026463538307286 -0.8552710517031651 -0.8552710517031651 -0.989928366847329 -0.989928366847329 -0.8537232664716244 -1.0998211182868152 -0.8336020584615778 0.04863552351742921 +2983,-0.03649266421738833,0,0.014584248423498673 -0.011728100512719579 -0.11233414056295289 -0.29187722742184097 -0.30271172404263463 -0.41879561640829255 -0.6138165555825964 -0.7360915888744258 -0.7980029981361065 -0.750021655958301 -0.8026463538307286 -0.8552710517031651 -0.8552710517031651 -0.989928366847329 -0.989928366847329 -0.8537232664716244 -1.0998211182868152 -0.8336020584615778 0.04863552351742921 0.006071429650016038 +2984,0.23584014727244548,0,-0.011728100512719579 -0.11233414056295289 -0.29187722742184097 -0.30271172404263463 -0.41879561640829255 -0.6138165555825964 -0.7360915888744258 -0.7980029981361065 -0.750021655958301 -0.8026463538307286 -0.8552710517031651 -0.8552710517031651 -0.989928366847329 -0.989928366847329 -0.8537232664716244 -1.0998211182868152 -0.8336020584615778 0.04863552351742921 0.006071429650016038 -0.03649266421738833 +2985,-0.002441389123466596,0,-0.11233414056295289 -0.29187722742184097 -0.30271172404263463 -0.41879561640829255 -0.6138165555825964 -0.7360915888744258 -0.7980029981361065 -0.750021655958301 -0.8026463538307286 -0.8552710517031651 -0.8552710517031651 -0.989928366847329 -0.989928366847329 -0.8537232664716244 -1.0998211182868152 -0.8336020584615778 0.04863552351742921 0.006071429650016038 -0.03649266421738833 0.23584014727244548 +2986,0.07340008722209797,0,-0.29187722742184097 -0.30271172404263463 -0.41879561640829255 -0.6138165555825964 -0.7360915888744258 -0.7980029981361065 -0.750021655958301 -0.8026463538307286 -0.8552710517031651 -0.8552710517031651 -0.989928366847329 -0.989928366847329 -0.8537232664716244 -1.0998211182868152 -0.8336020584615778 0.04863552351742921 0.006071429650016038 -0.03649266421738833 0.23584014727244548 -0.002441389123466596 +2987,0.04244438259125762,0,-0.30271172404263463 -0.41879561640829255 -0.6138165555825964 -0.7360915888744258 -0.7980029981361065 -0.750021655958301 -0.8026463538307286 -0.8552710517031651 -0.8552710517031651 -0.989928366847329 -0.989928366847329 -0.8537232664716244 -1.0998211182868152 -0.8336020584615778 0.04863552351742921 0.006071429650016038 -0.03649266421738833 0.23584014727244548 -0.002441389123466596 0.07340008722209797 +2988,0.06875673152747587,0,-0.41879561640829255 -0.6138165555825964 -0.7360915888744258 -0.7980029981361065 -0.750021655958301 -0.8026463538307286 -0.8552710517031651 -0.8552710517031651 -0.989928366847329 -0.989928366847329 -0.8537232664716244 -1.0998211182868152 -0.8336020584615778 0.04863552351742921 0.006071429650016038 -0.03649266421738833 0.23584014727244548 -0.002441389123466596 0.07340008722209797 0.04244438259125762 +2989,-0.07828286546903115,0,-0.6138165555825964 -0.7360915888744258 -0.7980029981361065 -0.750021655958301 -0.8026463538307286 -0.8552710517031651 -0.8552710517031651 -0.989928366847329 -0.989928366847329 -0.8537232664716244 -1.0998211182868152 -0.8336020584615778 0.04863552351742921 0.006071429650016038 -0.03649266421738833 0.23584014727244548 -0.002441389123466596 0.07340008722209797 0.04244438259125762 0.06875673152747587 +2990,-0.2113923953816455,0,-0.7360915888744258 -0.7980029981361065 -0.750021655958301 -0.8026463538307286 -0.8552710517031651 -0.8552710517031651 -0.989928366847329 -0.989928366847329 -0.8537232664716244 -1.0998211182868152 -0.8336020584615778 0.04863552351742921 0.006071429650016038 -0.03649266421738833 0.23584014727244548 -0.002441389123466596 0.07340008722209797 0.04244438259125762 0.06875673152747587 -0.07828286546903115 +2991,-0.12316863718374657,0,-0.7980029981361065 -0.750021655958301 -0.8026463538307286 -0.8552710517031651 -0.8552710517031651 -0.989928366847329 -0.989928366847329 -0.8537232664716244 -1.0998211182868152 -0.8336020584615778 0.04863552351742921 0.006071429650016038 -0.03649266421738833 0.23584014727244548 -0.002441389123466596 0.07340008722209797 0.04244438259125762 0.06875673152747587 -0.07828286546903115 -0.2113923953816455 +2992,-0.26092152279099184,0,-0.750021655958301 -0.8026463538307286 -0.8552710517031651 -0.8552710517031651 -0.989928366847329 -0.989928366847329 -0.8537232664716244 -1.0998211182868152 -0.8336020584615778 0.04863552351742921 0.006071429650016038 -0.03649266421738833 0.23584014727244548 -0.002441389123466596 0.07340008722209797 0.04244438259125762 0.06875673152747587 -0.07828286546903115 -0.2113923953816455 -0.12316863718374657 +2993,-0.46832474381763883,0,-0.8026463538307286 -0.8552710517031651 -0.8552710517031651 -0.989928366847329 -0.989928366847329 -0.8537232664716244 -1.0998211182868152 -0.8336020584615778 0.04863552351742921 0.006071429650016038 -0.03649266421738833 0.23584014727244548 -0.002441389123466596 0.07340008722209797 0.04244438259125762 0.06875673152747587 -0.07828286546903115 -0.2113923953816455 -0.12316863718374657 -0.26092152279099184 +2994,-0.6138165555825964,0,-0.8552710517031651 -0.8552710517031651 -0.989928366847329 -0.989928366847329 -0.8537232664716244 -1.0998211182868152 -0.8336020584615778 0.04863552351742921 0.006071429650016038 -0.03649266421738833 0.23584014727244548 -0.002441389123466596 0.07340008722209797 0.04244438259125762 0.06875673152747587 -0.07828286546903115 -0.2113923953816455 -0.12316863718374657 -0.26092152279099184 -0.46832474381763883 +2995,-0.7190659513274605,0,-0.8552710517031651 -0.989928366847329 -0.989928366847329 -0.8537232664716244 -1.0998211182868152 -0.8336020584615778 0.04863552351742921 0.006071429650016038 -0.03649266421738833 0.23584014727244548 -0.002441389123466596 0.07340008722209797 0.04244438259125762 0.06875673152747587 -0.07828286546903115 -0.2113923953816455 -0.12316863718374657 -0.26092152279099184 -0.46832474381763883 -0.6138165555825964 +2996,-0.7654995082737255,0,-0.989928366847329 -0.989928366847329 -0.8537232664716244 -1.0998211182868152 -0.8336020584615778 0.04863552351742921 0.006071429650016038 -0.03649266421738833 0.23584014727244548 -0.002441389123466596 0.07340008722209797 0.04244438259125762 0.06875673152747587 -0.07828286546903115 -0.2113923953816455 -0.12316863718374657 -0.26092152279099184 -0.46832474381763883 -0.6138165555825964 -0.7190659513274605 +2997,-0.7237093070220827,0,-0.989928366847329 -0.8537232664716244 -1.0998211182868152 -0.8336020584615778 0.04863552351742921 0.006071429650016038 -0.03649266421738833 0.23584014727244548 -0.002441389123466596 0.07340008722209797 0.04244438259125762 0.06875673152747587 -0.07828286546903115 -0.2113923953816455 -0.12316863718374657 -0.26092152279099184 -0.46832474381763883 -0.6138165555825964 -0.7190659513274605 -0.7654995082737255 +2998,-0.6834668910019893,0,-0.8537232664716244 -1.0998211182868152 -0.8336020584615778 0.04863552351742921 0.006071429650016038 -0.03649266421738833 0.23584014727244548 -0.002441389123466596 0.07340008722209797 0.04244438259125762 0.06875673152747587 -0.07828286546903115 -0.2113923953816455 -0.12316863718374657 -0.26092152279099184 -0.46832474381763883 -0.6138165555825964 -0.7190659513274605 -0.7654995082737255 -0.7237093070220827 +2999,-0.7221615217905419,0,-1.0998211182868152 -0.8336020584615778 0.04863552351742921 0.006071429650016038 -0.03649266421738833 0.23584014727244548 -0.002441389123466596 0.07340008722209797 0.04244438259125762 0.06875673152747587 -0.07828286546903115 -0.2113923953816455 -0.12316863718374657 -0.26092152279099184 -0.46832474381763883 -0.6138165555825964 -0.7190659513274605 -0.7654995082737255 -0.7237093070220827 -0.6834668910019893 +3000,-0.7144225956328297,0,-0.8336020584615778 0.04863552351742921 0.006071429650016038 -0.03649266421738833 0.23584014727244548 -0.002441389123466596 0.07340008722209797 0.04244438259125762 0.06875673152747587 -0.07828286546903115 -0.2113923953816455 -0.12316863718374657 -0.26092152279099184 -0.46832474381763883 -0.6138165555825964 -0.7190659513274605 -0.7654995082737255 -0.7237093070220827 -0.6834668910019893 -0.7221615217905419 +3001,-0.750021655958301,0,0.04863552351742921 0.006071429650016038 -0.03649266421738833 0.23584014727244548 -0.002441389123466596 0.07340008722209797 0.04244438259125762 0.06875673152747587 -0.07828286546903115 -0.2113923953816455 -0.12316863718374657 -0.26092152279099184 -0.46832474381763883 -0.6138165555825964 -0.7190659513274605 -0.7654995082737255 -0.7237093070220827 -0.6834668910019893 -0.7221615217905419 -0.7144225956328297 +3002,-0.763951723042176,0,0.006071429650016038 -0.03649266421738833 0.23584014727244548 -0.002441389123466596 0.07340008722209797 0.04244438259125762 0.06875673152747587 -0.07828286546903115 -0.2113923953816455 -0.12316863718374657 -0.26092152279099184 -0.46832474381763883 -0.6138165555825964 -0.7190659513274605 -0.7654995082737255 -0.7237093070220827 -0.6834668910019893 -0.7221615217905419 -0.7144225956328297 -0.750021655958301 +3003,-0.7422827298005886,0,-0.03649266421738833 0.23584014727244548 -0.002441389123466596 0.07340008722209797 0.04244438259125762 0.06875673152747587 -0.07828286546903115 -0.2113923953816455 -0.12316863718374657 -0.26092152279099184 -0.46832474381763883 -0.6138165555825964 -0.7190659513274605 -0.7654995082737255 -0.7237093070220827 -0.6834668910019893 -0.7221615217905419 -0.7144225956328297 -0.750021655958301 -0.763951723042176 +3004,-0.573574139562503,0,0.23584014727244548 -0.002441389123466596 0.07340008722209797 0.04244438259125762 0.06875673152747587 -0.07828286546903115 -0.2113923953816455 -0.12316863718374657 -0.26092152279099184 -0.46832474381763883 -0.6138165555825964 -0.7190659513274605 -0.7654995082737255 -0.7237093070220827 -0.6834668910019893 -0.7221615217905419 -0.7144225956328297 -0.750021655958301 -0.763951723042176 -0.7422827298005886 +3005,-0.06744836884822868,0,-0.002441389123466596 0.07340008722209797 0.04244438259125762 0.06875673152747587 -0.07828286546903115 -0.2113923953816455 -0.12316863718374657 -0.26092152279099184 -0.46832474381763883 -0.6138165555825964 -0.7190659513274605 -0.7654995082737255 -0.7237093070220827 -0.6834668910019893 -0.7221615217905419 -0.7144225956328297 -0.750021655958301 -0.763951723042176 -0.7422827298005886 -0.573574139562503 +3006,-0.2624693080225413,0,0.07340008722209797 0.04244438259125762 0.06875673152747587 -0.07828286546903115 -0.2113923953816455 -0.12316863718374657 -0.26092152279099184 -0.46832474381763883 -0.6138165555825964 -0.7190659513274605 -0.7654995082737255 -0.7237093070220827 -0.6834668910019893 -0.7221615217905419 -0.7144225956328297 -0.750021655958301 -0.763951723042176 -0.7422827298005886 -0.573574139562503 -0.06744836884822868 +3007,0.12610217435610974,0,0.04244438259125762 0.06875673152747587 -0.07828286546903115 -0.2113923953816455 -0.12316863718374657 -0.26092152279099184 -0.46832474381763883 -0.6138165555825964 -0.7190659513274605 -0.7654995082737255 -0.7237093070220827 -0.6834668910019893 -0.7221615217905419 -0.7144225956328297 -0.750021655958301 -0.763951723042176 -0.7422827298005886 -0.573574139562503 -0.06744836884822868 -0.2624693080225413 +3008,0.06411337583284497,0,0.06875673152747587 -0.07828286546903115 -0.2113923953816455 -0.12316863718374657 -0.26092152279099184 -0.46832474381763883 -0.6138165555825964 -0.7190659513274605 -0.7654995082737255 -0.7237093070220827 -0.6834668910019893 -0.7221615217905419 -0.7144225956328297 -0.750021655958301 -0.763951723042176 -0.7422827298005886 -0.573574139562503 -0.06744836884822868 -0.2624693080225413 0.12610217435610974 +3009,0.011488677960417278,0,-0.07828286546903115 -0.2113923953816455 -0.12316863718374657 -0.26092152279099184 -0.46832474381763883 -0.6138165555825964 -0.7190659513274605 -0.7654995082737255 -0.7237093070220827 -0.6834668910019893 -0.7221615217905419 -0.7144225956328297 -0.750021655958301 -0.763951723042176 -0.7422827298005886 -0.573574139562503 -0.06744836884822868 -0.2624693080225413 0.12610217435610974 0.06411337583284497 +3010,0.008393107497327084,0,-0.2113923953816455 -0.12316863718374657 -0.26092152279099184 -0.46832474381763883 -0.6138165555825964 -0.7190659513274605 -0.7654995082737255 -0.7237093070220827 -0.6834668910019893 -0.7221615217905419 -0.7144225956328297 -0.750021655958301 -0.763951723042176 -0.7422827298005886 -0.573574139562503 -0.06744836884822868 -0.2624693080225413 0.12610217435610974 0.06411337583284497 0.011488677960417278 +3011,-0.0535183017643536,0,-0.12316863718374657 -0.26092152279099184 -0.46832474381763883 -0.6138165555825964 -0.7190659513274605 -0.7654995082737255 -0.7237093070220827 -0.6834668910019893 -0.7221615217905419 -0.7144225956328297 -0.750021655958301 -0.763951723042176 -0.7422827298005886 -0.573574139562503 -0.06744836884822868 -0.2624693080225413 0.12610217435610974 0.06411337583284497 0.011488677960417278 0.008393107497327084 +3012,-0.08137843593211255,0,-0.26092152279099184 -0.46832474381763883 -0.6138165555825964 -0.7190659513274605 -0.7654995082737255 -0.7237093070220827 -0.6834668910019893 -0.7221615217905419 -0.7144225956328297 -0.750021655958301 -0.763951723042176 -0.7422827298005886 -0.573574139562503 -0.06744836884822868 -0.2624693080225413 0.12610217435610974 0.06411337583284497 0.011488677960417278 0.008393107497327084 -0.0535183017643536 +3013,-0.13245534857299956,0,-0.46832474381763883 -0.6138165555825964 -0.7190659513274605 -0.7654995082737255 -0.7237093070220827 -0.6834668910019893 -0.7221615217905419 -0.7144225956328297 -0.750021655958301 -0.763951723042176 -0.7422827298005886 -0.573574139562503 -0.06744836884822868 -0.2624693080225413 0.12610217435610974 0.06411337583284497 0.011488677960417278 0.008393107497327084 -0.0535183017643536 -0.08137843593211255 +3014,-0.07054393931131887,0,-0.6138165555825964 -0.7190659513274605 -0.7654995082737255 -0.7237093070220827 -0.6834668910019893 -0.7221615217905419 -0.7144225956328297 -0.750021655958301 -0.763951723042176 -0.7422827298005886 -0.573574139562503 -0.06744836884822868 -0.2624693080225413 0.12610217435610974 0.06411337583284497 0.011488677960417278 0.008393107497327084 -0.0535183017643536 -0.08137843593211255 -0.13245534857299956 +3015,-0.09840407347907781,0,-0.7190659513274605 -0.7654995082737255 -0.7237093070220827 -0.6834668910019893 -0.7221615217905419 -0.7144225956328297 -0.750021655958301 -0.763951723042176 -0.7422827298005886 -0.573574139562503 -0.06744836884822868 -0.2624693080225413 0.12610217435610974 0.06411337583284497 0.011488677960417278 0.008393107497327084 -0.0535183017643536 -0.08137843593211255 -0.13245534857299956 -0.07054393931131887 +3016,-0.1603154827407585,0,-0.7654995082737255 -0.7237093070220827 -0.6834668910019893 -0.7221615217905419 -0.7144225956328297 -0.750021655958301 -0.763951723042176 -0.7422827298005886 -0.573574139562503 -0.06744836884822868 -0.2624693080225413 0.12610217435610974 0.06411337583284497 0.011488677960417278 0.008393107497327084 -0.0535183017643536 -0.08137843593211255 -0.13245534857299956 -0.07054393931131887 -0.09840407347907781 +3017,0.0006541813396235972,0,-0.7237093070220827 -0.6834668910019893 -0.7221615217905419 -0.7144225956328297 -0.750021655958301 -0.763951723042176 -0.7422827298005886 -0.573574139562503 -0.06744836884822868 -0.2624693080225413 0.12610217435610974 0.06411337583284497 0.011488677960417278 0.008393107497327084 -0.0535183017643536 -0.08137843593211255 -0.13245534857299956 -0.07054393931131887 -0.09840407347907781 -0.1603154827407585 +3018,-0.13400313380454026,0,-0.6834668910019893 -0.7221615217905419 -0.7144225956328297 -0.750021655958301 -0.763951723042176 -0.7422827298005886 -0.573574139562503 -0.06744836884822868 -0.2624693080225413 0.12610217435610974 0.06411337583284497 0.011488677960417278 0.008393107497327084 -0.0535183017643536 -0.08137843593211255 -0.13245534857299956 -0.07054393931131887 -0.09840407347907781 -0.1603154827407585 0.0006541813396235972 +3019,-0.13245534857299956,0,-0.7221615217905419 -0.7144225956328297 -0.750021655958301 -0.763951723042176 -0.7422827298005886 -0.573574139562503 -0.06744836884822868 -0.2624693080225413 0.12610217435610974 0.06411337583284497 0.011488677960417278 0.008393107497327084 -0.0535183017643536 -0.08137843593211255 -0.13245534857299956 -0.07054393931131887 -0.09840407347907781 -0.1603154827407585 0.0006541813396235972 -0.13400313380454026 +3020,-0.07518729500594096,0,-0.7144225956328297 -0.750021655958301 -0.763951723042176 -0.7422827298005886 -0.573574139562503 -0.06744836884822868 -0.2624693080225413 0.12610217435610974 0.06411337583284497 0.011488677960417278 0.008393107497327084 -0.0535183017643536 -0.08137843593211255 -0.13245534857299956 -0.07054393931131887 -0.09840407347907781 -0.1603154827407585 0.0006541813396235972 -0.13400313380454026 -0.13245534857299956 +3021,-0.18662783167697675,0,-0.750021655958301 -0.763951723042176 -0.7422827298005886 -0.573574139562503 -0.06744836884822868 -0.2624693080225413 0.12610217435610974 0.06411337583284497 0.011488677960417278 0.008393107497327084 -0.0535183017643536 -0.08137843593211255 -0.13245534857299956 -0.07054393931131887 -0.09840407347907781 -0.1603154827407585 0.0006541813396235972 -0.13400313380454026 -0.13245534857299956 -0.07518729500594096 +3022,-0.2748515898748757,0,-0.763951723042176 -0.7422827298005886 -0.573574139562503 -0.06744836884822868 -0.2624693080225413 0.12610217435610974 0.06411337583284497 0.011488677960417278 0.008393107497327084 -0.0535183017643536 -0.08137843593211255 -0.13245534857299956 -0.07054393931131887 -0.09840407347907781 -0.1603154827407585 0.0006541813396235972 -0.13400313380454026 -0.13245534857299956 -0.07518729500594096 -0.18662783167697675 +3023,-0.356884207146603,0,-0.7422827298005886 -0.573574139562503 -0.06744836884822868 -0.2624693080225413 0.12610217435610974 0.06411337583284497 0.011488677960417278 0.008393107497327084 -0.0535183017643536 -0.08137843593211255 -0.13245534857299956 -0.07054393931131887 -0.09840407347907781 -0.1603154827407585 0.0006541813396235972 -0.13400313380454026 -0.13245534857299956 -0.07518729500594096 -0.18662783167697675 -0.2748515898748757 +3024,-0.45129910627067354,0,-0.573574139562503 -0.06744836884822868 -0.2624693080225413 0.12610217435610974 0.06411337583284497 0.011488677960417278 0.008393107497327084 -0.0535183017643536 -0.08137843593211255 -0.13245534857299956 -0.07054393931131887 -0.09840407347907781 -0.1603154827407585 0.0006541813396235972 -0.13400313380454026 -0.13245534857299956 -0.07518729500594096 -0.18662783167697675 -0.2748515898748757 -0.356884207146603 +3025,-0.5611918577101599,0,-0.06744836884822868 -0.2624693080225413 0.12610217435610974 0.06411337583284497 0.011488677960417278 0.008393107497327084 -0.0535183017643536 -0.08137843593211255 -0.13245534857299956 -0.07054393931131887 -0.09840407347907781 -0.1603154827407585 0.0006541813396235972 -0.13400313380454026 -0.13245534857299956 -0.07518729500594096 -0.18662783167697675 -0.2748515898748757 -0.356884207146603 -0.45129910627067354 +3026,-0.6277466226664714,0,-0.2624693080225413 0.12610217435610974 0.06411337583284497 0.011488677960417278 0.008393107497327084 -0.0535183017643536 -0.08137843593211255 -0.13245534857299956 -0.07054393931131887 -0.09840407347907781 -0.1603154827407585 0.0006541813396235972 -0.13400313380454026 -0.13245534857299956 -0.07518729500594096 -0.18662783167697675 -0.2748515898748757 -0.356884207146603 -0.45129910627067354 -0.5611918577101599 +3027,-0.6587023272973206,0,0.12610217435610974 0.06411337583284497 0.011488677960417278 0.008393107497327084 -0.0535183017643536 -0.08137843593211255 -0.13245534857299956 -0.07054393931131887 -0.09840407347907781 -0.1603154827407585 0.0006541813396235972 -0.13400313380454026 -0.13245534857299956 -0.07518729500594096 -0.18662783167697675 -0.2748515898748757 -0.356884207146603 -0.45129910627067354 -0.5611918577101599 -0.6277466226664714 +3028,-0.29806836834800376,0,0.06411337583284497 0.011488677960417278 0.008393107497327084 -0.0535183017643536 -0.08137843593211255 -0.13245534857299956 -0.07054393931131887 -0.09840407347907781 -0.1603154827407585 0.0006541813396235972 -0.13400313380454026 -0.13245534857299956 -0.07518729500594096 -0.18662783167697675 -0.2748515898748757 -0.356884207146603 -0.45129910627067354 -0.5611918577101599 -0.6277466226664714 -0.6587023272973206 +3029,-0.8815834006393833,0,0.011488677960417278 0.008393107497327084 -0.0535183017643536 -0.08137843593211255 -0.13245534857299956 -0.07054393931131887 -0.09840407347907781 -0.1603154827407585 0.0006541813396235972 -0.13400313380454026 -0.13245534857299956 -0.07518729500594096 -0.18662783167697675 -0.2748515898748757 -0.356884207146603 -0.45129910627067354 -0.5611918577101599 -0.6277466226664714 -0.6587023272973206 -0.29806836834800376 +3030,-0.17269776459309288,0,0.008393107497327084 -0.0535183017643536 -0.08137843593211255 -0.13245534857299956 -0.07054393931131887 -0.09840407347907781 -0.1603154827407585 0.0006541813396235972 -0.13400313380454026 -0.13245534857299956 -0.07518729500594096 -0.18662783167697675 -0.2748515898748757 -0.356884207146603 -0.45129910627067354 -0.5611918577101599 -0.6277466226664714 -0.6587023272973206 -0.29806836834800376 -0.8815834006393833 +3031,-0.2763993751064164,0,-0.0535183017643536 -0.08137843593211255 -0.13245534857299956 -0.07054393931131887 -0.09840407347907781 -0.1603154827407585 0.0006541813396235972 -0.13400313380454026 -0.13245534857299956 -0.07518729500594096 -0.18662783167697675 -0.2748515898748757 -0.356884207146603 -0.45129910627067354 -0.5611918577101599 -0.6277466226664714 -0.6587023272973206 -0.29806836834800376 -0.8815834006393833 -0.17269776459309288 +3032,0.24357907343015778,0,-0.08137843593211255 -0.13245534857299956 -0.07054393931131887 -0.09840407347907781 -0.1603154827407585 0.0006541813396235972 -0.13400313380454026 -0.13245534857299956 -0.07518729500594096 -0.18662783167697675 -0.2748515898748757 -0.356884207146603 -0.45129910627067354 -0.5611918577101599 -0.6277466226664714 -0.6587023272973206 -0.29806836834800376 -0.8815834006393833 -0.17269776459309288 -0.2763993751064164 +3033,-0.273303804643335,0,-0.13245534857299956 -0.07054393931131887 -0.09840407347907781 -0.1603154827407585 0.0006541813396235972 -0.13400313380454026 -0.13245534857299956 -0.07518729500594096 -0.18662783167697675 -0.2748515898748757 -0.356884207146603 -0.45129910627067354 -0.5611918577101599 -0.6277466226664714 -0.6587023272973206 -0.29806836834800376 -0.8815834006393833 -0.17269776459309288 -0.2763993751064164 0.24357907343015778 +3034,0.00994089272887658,0,-0.07054393931131887 -0.09840407347907781 -0.1603154827407585 0.0006541813396235972 -0.13400313380454026 -0.13245534857299956 -0.07518729500594096 -0.18662783167697675 -0.2748515898748757 -0.356884207146603 -0.45129910627067354 -0.5611918577101599 -0.6277466226664714 -0.6587023272973206 -0.29806836834800376 -0.8815834006393833 -0.17269776459309288 -0.2763993751064164 0.24357907343015778 -0.273303804643335 +3035,-0.12316863718374657,0,-0.09840407347907781 -0.1603154827407585 0.0006541813396235972 -0.13400313380454026 -0.13245534857299956 -0.07518729500594096 -0.18662783167697675 -0.2748515898748757 -0.356884207146603 -0.45129910627067354 -0.5611918577101599 -0.6277466226664714 -0.6587023272973206 -0.29806836834800376 -0.8815834006393833 -0.17269776459309288 -0.2763993751064164 0.24357907343015778 -0.273303804643335 0.00994089272887658 +3036,-0.08292622116365325,0,-0.1603154827407585 0.0006541813396235972 -0.13400313380454026 -0.13245534857299956 -0.07518729500594096 -0.18662783167697675 -0.2748515898748757 -0.356884207146603 -0.45129910627067354 -0.5611918577101599 -0.6277466226664714 -0.6587023272973206 -0.29806836834800376 -0.8815834006393833 -0.17269776459309288 -0.2763993751064164 0.24357907343015778 -0.273303804643335 0.00994089272887658 -0.12316863718374657 +3037,-0.2082968249185641,0,0.0006541813396235972 -0.13400313380454026 -0.13245534857299956 -0.07518729500594096 -0.18662783167697675 -0.2748515898748757 -0.356884207146603 -0.45129910627067354 -0.5611918577101599 -0.6277466226664714 -0.6587023272973206 -0.29806836834800376 -0.8815834006393833 -0.17269776459309288 -0.2763993751064164 0.24357907343015778 -0.273303804643335 0.00994089272887658 -0.12316863718374657 -0.08292622116365325 +3038,-0.3119984354318876,0,-0.13400313380454026 -0.13245534857299956 -0.07518729500594096 -0.18662783167697675 -0.2748515898748757 -0.356884207146603 -0.45129910627067354 -0.5611918577101599 -0.6277466226664714 -0.6587023272973206 -0.29806836834800376 -0.8815834006393833 -0.17269776459309288 -0.2763993751064164 0.24357907343015778 -0.273303804643335 0.00994089272887658 -0.12316863718374657 -0.08292622116365325 -0.2082968249185641 +3039,-0.39867440839824586,0,-0.13245534857299956 -0.07518729500594096 -0.18662783167697675 -0.2748515898748757 -0.356884207146603 -0.45129910627067354 -0.5611918577101599 -0.6277466226664714 -0.6587023272973206 -0.29806836834800376 -0.8815834006393833 -0.17269776459309288 -0.2763993751064164 0.24357907343015778 -0.273303804643335 0.00994089272887658 -0.12316863718374657 -0.08292622116365325 -0.2082968249185641 -0.3119984354318876 +3040,-0.5008282336800198,0,-0.07518729500594096 -0.18662783167697675 -0.2748515898748757 -0.356884207146603 -0.45129910627067354 -0.5611918577101599 -0.6277466226664714 -0.6587023272973206 -0.29806836834800376 -0.8815834006393833 -0.17269776459309288 -0.2763993751064164 0.24357907343015778 -0.273303804643335 0.00994089272887658 -0.12316863718374657 -0.08292622116365325 -0.2082968249185641 -0.3119984354318876 -0.39867440839824586 +3041,-0.6803713205389079,0,-0.18662783167697675 -0.2748515898748757 -0.356884207146603 -0.45129910627067354 -0.5611918577101599 -0.6277466226664714 -0.6587023272973206 -0.29806836834800376 -0.8815834006393833 -0.17269776459309288 -0.2763993751064164 0.24357907343015778 -0.273303804643335 0.00994089272887658 -0.12316863718374657 -0.08292622116365325 -0.2082968249185641 -0.3119984354318876 -0.39867440839824586 -0.5008282336800198 +3042,-0.7562127968844725,0,-0.2748515898748757 -0.356884207146603 -0.45129910627067354 -0.5611918577101599 -0.6277466226664714 -0.6587023272973206 -0.29806836834800376 -0.8815834006393833 -0.17269776459309288 -0.2763993751064164 0.24357907343015778 -0.273303804643335 0.00994089272887658 -0.12316863718374657 -0.08292622116365325 -0.2082968249185641 -0.3119984354318876 -0.39867440839824586 -0.5008282336800198 -0.6803713205389079 +3043,-0.8320542732300282,0,-0.356884207146603 -0.45129910627067354 -0.5611918577101599 -0.6277466226664714 -0.6587023272973206 -0.29806836834800376 -0.8815834006393833 -0.17269776459309288 -0.2763993751064164 0.24357907343015778 -0.273303804643335 0.00994089272887658 -0.12316863718374657 -0.08292622116365325 -0.2082968249185641 -0.3119984354318876 -0.39867440839824586 -0.5008282336800198 -0.6803713205389079 -0.7562127968844725 +3044,-0.8877745415655461,0,-0.45129910627067354 -0.5611918577101599 -0.6277466226664714 -0.6587023272973206 -0.29806836834800376 -0.8815834006393833 -0.17269776459309288 -0.2763993751064164 0.24357907343015778 -0.273303804643335 0.00994089272887658 -0.12316863718374657 -0.08292622116365325 -0.2082968249185641 -0.3119984354318876 -0.39867440839824586 -0.5008282336800198 -0.6803713205389079 -0.7562127968844725 -0.8320542732300282 +3045,-0.9914761520788696,0,-0.5611918577101599 -0.6277466226664714 -0.6587023272973206 -0.29806836834800376 -0.8815834006393833 -0.17269776459309288 -0.2763993751064164 0.24357907343015778 -0.273303804643335 0.00994089272887658 -0.12316863718374657 -0.08292622116365325 -0.2082968249185641 -0.3119984354318876 -0.39867440839824586 -0.5008282336800198 -0.6803713205389079 -0.7562127968844725 -0.8320542732300282 -0.8877745415655461 +3046,-1.02243185670971,0,-0.6277466226664714 -0.6587023272973206 -0.29806836834800376 -0.8815834006393833 -0.17269776459309288 -0.2763993751064164 0.24357907343015778 -0.273303804643335 0.00994089272887658 -0.12316863718374657 -0.08292622116365325 -0.2082968249185641 -0.3119984354318876 -0.39867440839824586 -0.5008282336800198 -0.6803713205389079 -0.7562127968844725 -0.8320542732300282 -0.8877745415655461 -0.9914761520788696 +3047,-1.0827954807398499,0,-0.6587023272973206 -0.29806836834800376 -0.8815834006393833 -0.17269776459309288 -0.2763993751064164 0.24357907343015778 -0.273303804643335 0.00994089272887658 -0.12316863718374657 -0.08292622116365325 -0.2082968249185641 -0.3119984354318876 -0.39867440839824586 -0.5008282336800198 -0.6803713205389079 -0.7562127968844725 -0.8320542732300282 -0.8877745415655461 -0.9914761520788696 -1.02243185670971 +3048,-1.1091078296760681,0,-0.29806836834800376 -0.8815834006393833 -0.17269776459309288 -0.2763993751064164 0.24357907343015778 -0.273303804643335 0.00994089272887658 -0.12316863718374657 -0.08292622116365325 -0.2082968249185641 -0.3119984354318876 -0.39867440839824586 -0.5008282336800198 -0.6803713205389079 -0.7562127968844725 -0.8320542732300282 -0.8877745415655461 -0.9914761520788696 -1.02243185670971 -1.0827954807398499 +3049,-1.1091078296760681,0,-0.8815834006393833 -0.17269776459309288 -0.2763993751064164 0.24357907343015778 -0.273303804643335 0.00994089272887658 -0.12316863718374657 -0.08292622116365325 -0.2082968249185641 -0.3119984354318876 -0.39867440839824586 -0.5008282336800198 -0.6803713205389079 -0.7562127968844725 -0.8320542732300282 -0.8877745415655461 -0.9914761520788696 -1.02243185670971 -1.0827954807398499 -1.1091078296760681 +3050,-1.1214901115284026,0,-0.17269776459309288 -0.2763993751064164 0.24357907343015778 -0.273303804643335 0.00994089272887658 -0.12316863718374657 -0.08292622116365325 -0.2082968249185641 -0.3119984354318876 -0.39867440839824586 -0.5008282336800198 -0.6803713205389079 -0.7562127968844725 -0.8320542732300282 -0.8877745415655461 -0.9914761520788696 -1.02243185670971 -1.0827954807398499 -1.1091078296760681 -1.1091078296760681 +3051,-1.1152989706022398,0,-0.2763993751064164 0.24357907343015778 -0.273303804643335 0.00994089272887658 -0.12316863718374657 -0.08292622116365325 -0.2082968249185641 -0.3119984354318876 -0.39867440839824586 -0.5008282336800198 -0.6803713205389079 -0.7562127968844725 -0.8320542732300282 -0.8877745415655461 -0.9914761520788696 -1.02243185670971 -1.0827954807398499 -1.1091078296760681 -1.1091078296760681 -1.1214901115284026 +3052,-0.9419470246695234,0,0.24357907343015778 -0.273303804643335 0.00994089272887658 -0.12316863718374657 -0.08292622116365325 -0.2082968249185641 -0.3119984354318876 -0.39867440839824586 -0.5008282336800198 -0.6803713205389079 -0.7562127968844725 -0.8320542732300282 -0.8877745415655461 -0.9914761520788696 -1.02243185670971 -1.0827954807398499 -1.1091078296760681 -1.1091078296760681 -1.1214901115284026 -1.1152989706022398 +3053,-0.6602501125288612,0,-0.273303804643335 0.00994089272887658 -0.12316863718374657 -0.08292622116365325 -0.2082968249185641 -0.3119984354318876 -0.39867440839824586 -0.5008282336800198 -0.6803713205389079 -0.7562127968844725 -0.8320542732300282 -0.8877745415655461 -0.9914761520788696 -1.02243185670971 -1.0827954807398499 -1.1091078296760681 -1.1091078296760681 -1.1214901115284026 -1.1152989706022398 -0.9419470246695234 +3054,-0.5039238041431101,0,0.00994089272887658 -0.12316863718374657 -0.08292622116365325 -0.2082968249185641 -0.3119984354318876 -0.39867440839824586 -0.5008282336800198 -0.6803713205389079 -0.7562127968844725 -0.8320542732300282 -0.8877745415655461 -0.9914761520788696 -1.02243185670971 -1.0827954807398499 -1.1091078296760681 -1.1091078296760681 -1.1214901115284026 -1.1152989706022398 -0.9419470246695234 -0.6602501125288612 +3055,-0.23770474431786376,0,-0.12316863718374657 -0.08292622116365325 -0.2082968249185641 -0.3119984354318876 -0.39867440839824586 -0.5008282336800198 -0.6803713205389079 -0.7562127968844725 -0.8320542732300282 -0.8877745415655461 -0.9914761520788696 -1.02243185670971 -1.0827954807398499 -1.1091078296760681 -1.1091078296760681 -1.1214901115284026 -1.1152989706022398 -0.9419470246695234 -0.6602501125288612 -0.5039238041431101 +3056,-0.04423159037510062,0,-0.08292622116365325 -0.2082968249185641 -0.3119984354318876 -0.39867440839824586 -0.5008282336800198 -0.6803713205389079 -0.7562127968844725 -0.8320542732300282 -0.8877745415655461 -0.9914761520788696 -1.02243185670971 -1.0827954807398499 -1.1091078296760681 -1.1091078296760681 -1.1214901115284026 -1.1152989706022398 -0.9419470246695234 -0.6602501125288612 -0.5039238041431101 -0.23770474431786376 +3057,-0.07131783192708922,0,-0.2082968249185641 -0.3119984354318876 -0.39867440839824586 -0.5008282336800198 -0.6803713205389079 -0.7562127968844725 -0.8320542732300282 -0.8877745415655461 -0.9914761520788696 -1.02243185670971 -1.0827954807398499 -1.1091078296760681 -1.1091078296760681 -1.1214901115284026 -1.1152989706022398 -0.9419470246695234 -0.6602501125288612 -0.5039238041431101 -0.23770474431786376 -0.04423159037510062 +3058,-0.09840407347907781,0,-0.3119984354318876 -0.39867440839824586 -0.5008282336800198 -0.6803713205389079 -0.7562127968844725 -0.8320542732300282 -0.8877745415655461 -0.9914761520788696 -1.02243185670971 -1.0827954807398499 -1.1091078296760681 -1.1091078296760681 -1.1214901115284026 -1.1152989706022398 -0.9419470246695234 -0.6602501125288612 -0.5039238041431101 -0.23770474431786376 -0.04423159037510062 -0.07131783192708922 +3059,-0.23925252954940446,0,-0.39867440839824586 -0.5008282336800198 -0.6803713205389079 -0.7562127968844725 -0.8320542732300282 -0.8877745415655461 -0.9914761520788696 -1.02243185670971 -1.0827954807398499 -1.1091078296760681 -1.1091078296760681 -1.1214901115284026 -1.1152989706022398 -0.9419470246695234 -0.6602501125288612 -0.5039238041431101 -0.23770474431786376 -0.04423159037510062 -0.07131783192708922 -0.09840407347907781 +3060,-0.3491452809888996,0,-0.5008282336800198 -0.6803713205389079 -0.7562127968844725 -0.8320542732300282 -0.8877745415655461 -0.9914761520788696 -1.02243185670971 -1.0827954807398499 -1.1091078296760681 -1.1091078296760681 -1.1214901115284026 -1.1152989706022398 -0.9419470246695234 -0.6602501125288612 -0.5039238041431101 -0.23770474431786376 -0.04423159037510062 -0.07131783192708922 -0.09840407347907781 -0.23925252954940446 +3061,-0.5317839383108602,0,-0.6803713205389079 -0.7562127968844725 -0.8320542732300282 -0.8877745415655461 -0.9914761520788696 -1.02243185670971 -1.0827954807398499 -1.1091078296760681 -1.1091078296760681 -1.1214901115284026 -1.1152989706022398 -0.9419470246695234 -0.6602501125288612 -0.5039238041431101 -0.23770474431786376 -0.04423159037510062 -0.07131783192708922 -0.09840407347907781 -0.23925252954940446 -0.3491452809888996 +3062,-0.6509634011396083,0,-0.7562127968844725 -0.8320542732300282 -0.8877745415655461 -0.9914761520788696 -1.02243185670971 -1.0827954807398499 -1.1091078296760681 -1.1091078296760681 -1.1214901115284026 -1.1152989706022398 -0.9419470246695234 -0.6602501125288612 -0.5039238041431101 -0.23770474431786376 -0.04423159037510062 -0.07131783192708922 -0.09840407347907781 -0.23925252954940446 -0.3491452809888996 -0.5317839383108602 +3063,-0.6741801796127364,0,-0.8320542732300282 -0.8877745415655461 -0.9914761520788696 -1.02243185670971 -1.0827954807398499 -1.1091078296760681 -1.1091078296760681 -1.1214901115284026 -1.1152989706022398 -0.9419470246695234 -0.6602501125288612 -0.5039238041431101 -0.23770474431786376 -0.04423159037510062 -0.07131783192708922 -0.09840407347907781 -0.23925252954940446 -0.3491452809888996 -0.5317839383108602 -0.6509634011396083 +3064,-0.7593083673475539,0,-0.8877745415655461 -0.9914761520788696 -1.02243185670971 -1.0827954807398499 -1.1091078296760681 -1.1091078296760681 -1.1214901115284026 -1.1152989706022398 -0.9419470246695234 -0.6602501125288612 -0.5039238041431101 -0.23770474431786376 -0.04423159037510062 -0.07131783192708922 -0.09840407347907781 -0.23925252954940446 -0.3491452809888996 -0.5317839383108602 -0.6509634011396083 -0.6741801796127364 +3065,-0.8181242061461532,0,-0.9914761520788696 -1.02243185670971 -1.0827954807398499 -1.1091078296760681 -1.1091078296760681 -1.1214901115284026 -1.1152989706022398 -0.9419470246695234 -0.6602501125288612 -0.5039238041431101 -0.23770474431786376 -0.04423159037510062 -0.07131783192708922 -0.09840407347907781 -0.23925252954940446 -0.3491452809888996 -0.5317839383108602 -0.6509634011396083 -0.6741801796127364 -0.7593083673475539 +3066,-0.9249213871225581,0,-1.02243185670971 -1.0827954807398499 -1.1091078296760681 -1.1091078296760681 -1.1214901115284026 -1.1152989706022398 -0.9419470246695234 -0.6602501125288612 -0.5039238041431101 -0.23770474431786376 -0.04423159037510062 -0.07131783192708922 -0.09840407347907781 -0.23925252954940446 -0.3491452809888996 -0.5317839383108602 -0.6509634011396083 -0.6741801796127364 -0.7593083673475539 -0.8181242061461532 +3067,-0.9589726622164886,0,-1.0827954807398499 -1.1091078296760681 -1.1091078296760681 -1.1214901115284026 -1.1152989706022398 -0.9419470246695234 -0.6602501125288612 -0.5039238041431101 -0.23770474431786376 -0.04423159037510062 -0.07131783192708922 -0.09840407347907781 -0.23925252954940446 -0.3491452809888996 -0.5317839383108602 -0.6509634011396083 -0.6741801796127364 -0.7593083673475539 -0.8181242061461532 -0.9249213871225581 +3068,-0.9636160179111107,0,-1.1091078296760681 -1.1091078296760681 -1.1214901115284026 -1.1152989706022398 -0.9419470246695234 -0.6602501125288612 -0.5039238041431101 -0.23770474431786376 -0.04423159037510062 -0.07131783192708922 -0.09840407347907781 -0.23925252954940446 -0.3491452809888996 -0.5317839383108602 -0.6509634011396083 -0.6741801796127364 -0.7593083673475539 -0.8181242061461532 -0.9249213871225581 -0.9589726622164886 +3069,-0.9744505145319043,0,-1.1091078296760681 -1.1214901115284026 -1.1152989706022398 -0.9419470246695234 -0.6602501125288612 -0.5039238041431101 -0.23770474431786376 -0.04423159037510062 -0.07131783192708922 -0.09840407347907781 -0.23925252954940446 -0.3491452809888996 -0.5317839383108602 -0.6509634011396083 -0.6741801796127364 -0.7593083673475539 -0.8181242061461532 -0.9249213871225581 -0.9589726622164886 -0.9636160179111107 +3070,-0.9558770917533984,0,-1.1214901115284026 -1.1152989706022398 -0.9419470246695234 -0.6602501125288612 -0.5039238041431101 -0.23770474431786376 -0.04423159037510062 -0.07131783192708922 -0.09840407347907781 -0.23925252954940446 -0.3491452809888996 -0.5317839383108602 -0.6509634011396083 -0.6741801796127364 -0.7593083673475539 -0.8181242061461532 -0.9249213871225581 -0.9589726622164886 -0.9636160179111107 -0.9744505145319043 +3071,-0.9914761520788696,0,-1.1152989706022398 -0.9419470246695234 -0.6602501125288612 -0.5039238041431101 -0.23770474431786376 -0.04423159037510062 -0.07131783192708922 -0.09840407347907781 -0.23925252954940446 -0.3491452809888996 -0.5317839383108602 -0.6509634011396083 -0.6741801796127364 -0.7593083673475539 -0.8181242061461532 -0.9249213871225581 -0.9589726622164886 -0.9636160179111107 -0.9744505145319043 -0.9558770917533984 +3072,-1.034040245946274,0,-0.9419470246695234 -0.6602501125288612 -0.5039238041431101 -0.23770474431786376 -0.04423159037510062 -0.07131783192708922 -0.09840407347907781 -0.23925252954940446 -0.3491452809888996 -0.5317839383108602 -0.6509634011396083 -0.6741801796127364 -0.7593083673475539 -0.8181242061461532 -0.9249213871225581 -0.9589726622164886 -0.9636160179111107 -0.9744505145319043 -0.9558770917533984 -0.9914761520788696 +3073,-1.0766043398136873,0,-0.6602501125288612 -0.5039238041431101 -0.23770474431786376 -0.04423159037510062 -0.07131783192708922 -0.09840407347907781 -0.23925252954940446 -0.3491452809888996 -0.5317839383108602 -0.6509634011396083 -0.6741801796127364 -0.7593083673475539 -0.8181242061461532 -0.9249213871225581 -0.9589726622164886 -0.9636160179111107 -0.9744505145319043 -0.9558770917533984 -0.9914761520788696 -1.034040245946274 +3074,-1.0255274271727914,0,-0.5039238041431101 -0.23770474431786376 -0.04423159037510062 -0.07131783192708922 -0.09840407347907781 -0.23925252954940446 -0.3491452809888996 -0.5317839383108602 -0.6509634011396083 -0.6741801796127364 -0.7593083673475539 -0.8181242061461532 -0.9249213871225581 -0.9589726622164886 -0.9636160179111107 -0.9744505145319043 -0.9558770917533984 -0.9914761520788696 -1.034040245946274 -1.0766043398136873 +3075,-1.0146929305519976,0,-0.23770474431786376 -0.04423159037510062 -0.07131783192708922 -0.09840407347907781 -0.23925252954940446 -0.3491452809888996 -0.5317839383108602 -0.6509634011396083 -0.6741801796127364 -0.7593083673475539 -0.8181242061461532 -0.9249213871225581 -0.9589726622164886 -0.9636160179111107 -0.9744505145319043 -0.9558770917533984 -0.9914761520788696 -1.034040245946274 -1.0766043398136873 -1.0255274271727914 +3076,-1.003858433931204,0,-0.04423159037510062 -0.07131783192708922 -0.09840407347907781 -0.23925252954940446 -0.3491452809888996 -0.5317839383108602 -0.6509634011396083 -0.6741801796127364 -0.7593083673475539 -0.8181242061461532 -0.9249213871225581 -0.9589726622164886 -0.9636160179111107 -0.9744505145319043 -0.9558770917533984 -0.9914761520788696 -1.034040245946274 -1.0766043398136873 -1.0255274271727914 -1.0146929305519976 +3077,-0.9032523938809707,0,-0.07131783192708922 -0.09840407347907781 -0.23925252954940446 -0.3491452809888996 -0.5317839383108602 -0.6509634011396083 -0.6741801796127364 -0.7593083673475539 -0.8181242061461532 -0.9249213871225581 -0.9589726622164886 -0.9636160179111107 -0.9744505145319043 -0.9558770917533984 -0.9914761520788696 -1.034040245946274 -1.0766043398136873 -1.0255274271727914 -1.0146929305519976 -1.003858433931204 +3078,-0.8297325953827173,0,-0.09840407347907781 -0.23925252954940446 -0.3491452809888996 -0.5317839383108602 -0.6509634011396083 -0.6741801796127364 -0.7593083673475539 -0.8181242061461532 -0.9249213871225581 -0.9589726622164886 -0.9636160179111107 -0.9744505145319043 -0.9558770917533984 -0.9914761520788696 -1.034040245946274 -1.0766043398136873 -1.0255274271727914 -1.0146929305519976 -1.003858433931204 -0.9032523938809707 +3079,-0.7562127968844725,0,-0.23925252954940446 -0.3491452809888996 -0.5317839383108602 -0.6509634011396083 -0.6741801796127364 -0.7593083673475539 -0.8181242061461532 -0.9249213871225581 -0.9589726622164886 -0.9636160179111107 -0.9744505145319043 -0.9558770917533984 -0.9914761520788696 -1.034040245946274 -1.0766043398136873 -1.0255274271727914 -1.0146929305519976 -1.003858433931204 -0.9032523938809707 -0.8297325953827173 +3080,-0.712874810401289,0,-0.3491452809888996 -0.5317839383108602 -0.6509634011396083 -0.6741801796127364 -0.7593083673475539 -0.8181242061461532 -0.9249213871225581 -0.9589726622164886 -0.9636160179111107 -0.9744505145319043 -0.9558770917533984 -0.9914761520788696 -1.034040245946274 -1.0766043398136873 -1.0255274271727914 -1.0146929305519976 -1.003858433931204 -0.9032523938809707 -0.8297325953827173 -0.7562127968844725 +3081,-0.592147562341009,0,-0.5317839383108602 -0.6509634011396083 -0.6741801796127364 -0.7593083673475539 -0.8181242061461532 -0.9249213871225581 -0.9589726622164886 -0.9636160179111107 -0.9744505145319043 -0.9558770917533984 -0.9914761520788696 -1.034040245946274 -1.0766043398136873 -1.0255274271727914 -1.0146929305519976 -1.003858433931204 -0.9032523938809707 -0.8297325953827173 -0.7562127968844725 -0.712874810401289 +3082,-0.5209494416900665,0,-0.6509634011396083 -0.6741801796127364 -0.7593083673475539 -0.8181242061461532 -0.9249213871225581 -0.9589726622164886 -0.9636160179111107 -0.9744505145319043 -0.9558770917533984 -0.9914761520788696 -1.034040245946274 -1.0766043398136873 -1.0255274271727914 -1.0146929305519976 -1.003858433931204 -0.9032523938809707 -0.8297325953827173 -0.7562127968844725 -0.712874810401289 -0.592147562341009 +3083,-0.5333317235424098,0,-0.6741801796127364 -0.7593083673475539 -0.8181242061461532 -0.9249213871225581 -0.9589726622164886 -0.9636160179111107 -0.9744505145319043 -0.9558770917533984 -0.9914761520788696 -1.034040245946274 -1.0766043398136873 -1.0255274271727914 -1.0146929305519976 -1.003858433931204 -0.9032523938809707 -0.8297325953827173 -0.7562127968844725 -0.712874810401289 -0.592147562341009 -0.5209494416900665 +3084,-0.6532850789869193,0,-0.7593083673475539 -0.8181242061461532 -0.9249213871225581 -0.9589726622164886 -0.9636160179111107 -0.9744505145319043 -0.9558770917533984 -0.9914761520788696 -1.034040245946274 -1.0766043398136873 -1.0255274271727914 -1.0146929305519976 -1.003858433931204 -0.9032523938809707 -0.8297325953827173 -0.7562127968844725 -0.712874810401289 -0.592147562341009 -0.5209494416900665 -0.5333317235424098 +3085,-0.7732384344314289,0,-0.8181242061461532 -0.9249213871225581 -0.9589726622164886 -0.9636160179111107 -0.9744505145319043 -0.9558770917533984 -0.9914761520788696 -1.034040245946274 -1.0766043398136873 -1.0255274271727914 -1.0146929305519976 -1.003858433931204 -0.9032523938809707 -0.8297325953827173 -0.7562127968844725 -0.712874810401289 -0.592147562341009 -0.5209494416900665 -0.5333317235424098 -0.6532850789869193 +3086,-0.8026463538307286,0,-0.9249213871225581 -0.9589726622164886 -0.9636160179111107 -0.9744505145319043 -0.9558770917533984 -0.9914761520788696 -1.034040245946274 -1.0766043398136873 -1.0255274271727914 -1.0146929305519976 -1.003858433931204 -0.9032523938809707 -0.8297325953827173 -0.7562127968844725 -0.712874810401289 -0.592147562341009 -0.5209494416900665 -0.5333317235424098 -0.6532850789869193 -0.7732384344314289 +3087,-0.8103852799884409,0,-0.9589726622164886 -0.9636160179111107 -0.9744505145319043 -0.9558770917533984 -0.9914761520788696 -1.034040245946274 -1.0766043398136873 -1.0255274271727914 -1.0146929305519976 -1.003858433931204 -0.9032523938809707 -0.8297325953827173 -0.7562127968844725 -0.712874810401289 -0.592147562341009 -0.5209494416900665 -0.5333317235424098 -0.6532850789869193 -0.7732384344314289 -0.8026463538307286 +3088,-0.8181242061461532,0,-0.9636160179111107 -0.9744505145319043 -0.9558770917533984 -0.9914761520788696 -1.034040245946274 -1.0766043398136873 -1.0255274271727914 -1.0146929305519976 -1.003858433931204 -0.9032523938809707 -0.8297325953827173 -0.7562127968844725 -0.712874810401289 -0.592147562341009 -0.5209494416900665 -0.5333317235424098 -0.6532850789869193 -0.7732384344314289 -0.8026463538307286 -0.8103852799884409 +3089,-0.8088374947569001,0,-0.9744505145319043 -0.9558770917533984 -0.9914761520788696 -1.034040245946274 -1.0766043398136873 -1.0255274271727914 -1.0146929305519976 -1.003858433931204 -0.9032523938809707 -0.8297325953827173 -0.7562127968844725 -0.712874810401289 -0.592147562341009 -0.5209494416900665 -0.5333317235424098 -0.6532850789869193 -0.7732384344314289 -0.8026463538307286 -0.8103852799884409 -0.8181242061461532 +3090,-0.8196719913776939,0,-0.9558770917533984 -0.9914761520788696 -1.034040245946274 -1.0766043398136873 -1.0255274271727914 -1.0146929305519976 -1.003858433931204 -0.9032523938809707 -0.8297325953827173 -0.7562127968844725 -0.712874810401289 -0.592147562341009 -0.5209494416900665 -0.5333317235424098 -0.6532850789869193 -0.7732384344314289 -0.8026463538307286 -0.8103852799884409 -0.8181242061461532 -0.8088374947569001 +3091,-0.8305064879984876,0,-0.9914761520788696 -1.034040245946274 -1.0766043398136873 -1.0255274271727914 -1.0146929305519976 -1.003858433931204 -0.9032523938809707 -0.8297325953827173 -0.7562127968844725 -0.712874810401289 -0.592147562341009 -0.5209494416900665 -0.5333317235424098 -0.6532850789869193 -0.7732384344314289 -0.8026463538307286 -0.8103852799884409 -0.8181242061461532 -0.8088374947569001 -0.8196719913776939 +3092,-0.822767561840784,0,-1.034040245946274 -1.0766043398136873 -1.0255274271727914 -1.0146929305519976 -1.003858433931204 -0.9032523938809707 -0.8297325953827173 -0.7562127968844725 -0.712874810401289 -0.592147562341009 -0.5209494416900665 -0.5333317235424098 -0.6532850789869193 -0.7732384344314289 -0.8026463538307286 -0.8103852799884409 -0.8181242061461532 -0.8088374947569001 -0.8196719913776939 -0.8305064879984876 +3093,-0.8676533335554995,0,-1.0766043398136873 -1.0255274271727914 -1.0146929305519976 -1.003858433931204 -0.9032523938809707 -0.8297325953827173 -0.7562127968844725 -0.712874810401289 -0.592147562341009 -0.5209494416900665 -0.5333317235424098 -0.6532850789869193 -0.7732384344314289 -0.8026463538307286 -0.8103852799884409 -0.8181242061461532 -0.8088374947569001 -0.8196719913776939 -0.8305064879984876 -0.822767561840784 +3094,-0.9125391052702237,0,-1.0255274271727914 -1.0146929305519976 -1.003858433931204 -0.9032523938809707 -0.8297325953827173 -0.7562127968844725 -0.712874810401289 -0.592147562341009 -0.5209494416900665 -0.5333317235424098 -0.6532850789869193 -0.7732384344314289 -0.8026463538307286 -0.8103852799884409 -0.8181242061461532 -0.8088374947569001 -0.8196719913776939 -0.8305064879984876 -0.822767561840784 -0.8676533335554995 +3095,-0.9574248769849392,0,-1.0146929305519976 -1.003858433931204 -0.9032523938809707 -0.8297325953827173 -0.7562127968844725 -0.712874810401289 -0.592147562341009 -0.5209494416900665 -0.5333317235424098 -0.6532850789869193 -0.7732384344314289 -0.8026463538307286 -0.8103852799884409 -0.8181242061461532 -0.8088374947569001 -0.8196719913776939 -0.8305064879984876 -0.822767561840784 -0.8676533335554995 -0.9125391052702237 +3096,-0.9558770917533984,0,-1.003858433931204 -0.9032523938809707 -0.8297325953827173 -0.7562127968844725 -0.712874810401289 -0.592147562341009 -0.5209494416900665 -0.5333317235424098 -0.6532850789869193 -0.7732384344314289 -0.8026463538307286 -0.8103852799884409 -0.8181242061461532 -0.8088374947569001 -0.8196719913776939 -0.8305064879984876 -0.822767561840784 -0.8676533335554995 -0.9125391052702237 -0.9574248769849392 +3097,-0.9543293065218578,0,-0.9032523938809707 -0.8297325953827173 -0.7562127968844725 -0.712874810401289 -0.592147562341009 -0.5209494416900665 -0.5333317235424098 -0.6532850789869193 -0.7732384344314289 -0.8026463538307286 -0.8103852799884409 -0.8181242061461532 -0.8088374947569001 -0.8196719913776939 -0.8305064879984876 -0.822767561840784 -0.8676533335554995 -0.9125391052702237 -0.9574248769849392 -0.9558770917533984 +3098,-1.0100495748573757,0,-0.8297325953827173 -0.7562127968844725 -0.712874810401289 -0.592147562341009 -0.5209494416900665 -0.5333317235424098 -0.6532850789869193 -0.7732384344314289 -0.8026463538307286 -0.8103852799884409 -0.8181242061461532 -0.8088374947569001 -0.8196719913776939 -0.8305064879984876 -0.822767561840784 -0.8676533335554995 -0.9125391052702237 -0.9574248769849392 -0.9558770917533984 -0.9543293065218578 +3099,-0.9512337360587764,0,-0.7562127968844725 -0.712874810401289 -0.592147562341009 -0.5209494416900665 -0.5333317235424098 -0.6532850789869193 -0.7732384344314289 -0.8026463538307286 -0.8103852799884409 -0.8181242061461532 -0.8088374947569001 -0.8196719913776939 -0.8305064879984876 -0.822767561840784 -0.8676533335554995 -0.9125391052702237 -0.9574248769849392 -0.9558770917533984 -0.9543293065218578 -1.0100495748573757 +3100,-0.8924178972601771,0,-0.712874810401289 -0.592147562341009 -0.5209494416900665 -0.5333317235424098 -0.6532850789869193 -0.7732384344314289 -0.8026463538307286 -0.8103852799884409 -0.8181242061461532 -0.8088374947569001 -0.8196719913776939 -0.8305064879984876 -0.822767561840784 -0.8676533335554995 -0.9125391052702237 -0.9574248769849392 -0.9558770917533984 -0.9543293065218578 -1.0100495748573757 -0.9512337360587764 +3101,-0.791811857209935,0,-0.592147562341009 -0.5209494416900665 -0.5333317235424098 -0.6532850789869193 -0.7732384344314289 -0.8026463538307286 -0.8103852799884409 -0.8181242061461532 -0.8088374947569001 -0.8196719913776939 -0.8305064879984876 -0.822767561840784 -0.8676533335554995 -0.9125391052702237 -0.9574248769849392 -0.9558770917533984 -0.9543293065218578 -1.0100495748573757 -0.9512337360587764 -0.8924178972601771 +3102,-0.5844086361832967,0,-0.5209494416900665 -0.5333317235424098 -0.6532850789869193 -0.7732384344314289 -0.8026463538307286 -0.8103852799884409 -0.8181242061461532 -0.8088374947569001 -0.8196719913776939 -0.8305064879984876 -0.822767561840784 -0.8676533335554995 -0.9125391052702237 -0.9574248769849392 -0.9558770917533984 -0.9543293065218578 -1.0100495748573757 -0.9512337360587764 -0.8924178972601771 -0.791811857209935 +3103,-0.3770054151566497,0,-0.5333317235424098 -0.6532850789869193 -0.7732384344314289 -0.8026463538307286 -0.8103852799884409 -0.8181242061461532 -0.8088374947569001 -0.8196719913776939 -0.8305064879984876 -0.822767561840784 -0.8676533335554995 -0.9125391052702237 -0.9574248769849392 -0.9558770917533984 -0.9543293065218578 -1.0100495748573757 -0.9512337360587764 -0.8924178972601771 -0.791811857209935 -0.5844086361832967 +3104,-0.3321196434419343,0,-0.6532850789869193 -0.7732384344314289 -0.8026463538307286 -0.8103852799884409 -0.8181242061461532 -0.8088374947569001 -0.8196719913776939 -0.8305064879984876 -0.822767561840784 -0.8676533335554995 -0.9125391052702237 -0.9574248769849392 -0.9558770917533984 -0.9543293065218578 -1.0100495748573757 -0.9512337360587764 -0.8924178972601771 -0.791811857209935 -0.5844086361832967 -0.3770054151566497 +3105,-0.26169541540677094,0,-0.7732384344314289 -0.8026463538307286 -0.8103852799884409 -0.8181242061461532 -0.8088374947569001 -0.8196719913776939 -0.8305064879984876 -0.822767561840784 -0.8676533335554995 -0.9125391052702237 -0.9574248769849392 -0.9558770917533984 -0.9543293065218578 -1.0100495748573757 -0.9512337360587764 -0.8924178972601771 -0.791811857209935 -0.5844086361832967 -0.3770054151566497 -0.3321196434419343 +3106,-0.19127118737159884,0,-0.8026463538307286 -0.8103852799884409 -0.8181242061461532 -0.8088374947569001 -0.8196719913776939 -0.8305064879984876 -0.822767561840784 -0.8676533335554995 -0.9125391052702237 -0.9574248769849392 -0.9558770917533984 -0.9543293065218578 -1.0100495748573757 -0.9512337360587764 -0.8924178972601771 -0.791811857209935 -0.5844086361832967 -0.3770054151566497 -0.3321196434419343 -0.26169541540677094 +3107,-0.24234810001249465,0,-0.8103852799884409 -0.8181242061461532 -0.8088374947569001 -0.8196719913776939 -0.8305064879984876 -0.822767561840784 -0.8676533335554995 -0.9125391052702237 -0.9574248769849392 -0.9558770917533984 -0.9543293065218578 -1.0100495748573757 -0.9512337360587764 -0.8924178972601771 -0.791811857209935 -0.5844086361832967 -0.3770054151566497 -0.3321196434419343 -0.26169541540677094 -0.19127118737159884 +3108,-0.3723620594620276,0,-0.8181242061461532 -0.8088374947569001 -0.8196719913776939 -0.8305064879984876 -0.822767561840784 -0.8676533335554995 -0.9125391052702237 -0.9574248769849392 -0.9558770917533984 -0.9543293065218578 -1.0100495748573757 -0.9512337360587764 -0.8924178972601771 -0.791811857209935 -0.5844086361832967 -0.3770054151566497 -0.3321196434419343 -0.26169541540677094 -0.19127118737159884 -0.24234810001249465 +3109,-0.5782174952571252,0,-0.8088374947569001 -0.8196719913776939 -0.8305064879984876 -0.822767561840784 -0.8676533335554995 -0.9125391052702237 -0.9574248769849392 -0.9558770917533984 -0.9543293065218578 -1.0100495748573757 -0.9512337360587764 -0.8924178972601771 -0.791811857209935 -0.5844086361832967 -0.3770054151566497 -0.3321196434419343 -0.26169541540677094 -0.19127118737159884 -0.24234810001249465 -0.3723620594620276 +3110,-0.7484738707267602,0,-0.8196719913776939 -0.8305064879984876 -0.822767561840784 -0.8676533335554995 -0.9125391052702237 -0.9574248769849392 -0.9558770917533984 -0.9543293065218578 -1.0100495748573757 -0.9512337360587764 -0.8924178972601771 -0.791811857209935 -0.5844086361832967 -0.3770054151566497 -0.3321196434419343 -0.26169541540677094 -0.19127118737159884 -0.24234810001249465 -0.3723620594620276 -0.5782174952571252 +3111,-0.8041941390622781,0,-0.8305064879984876 -0.822767561840784 -0.8676533335554995 -0.9125391052702237 -0.9574248769849392 -0.9558770917533984 -0.9543293065218578 -1.0100495748573757 -0.9512337360587764 -0.8924178972601771 -0.791811857209935 -0.5844086361832967 -0.3770054151566497 -0.3321196434419343 -0.26169541540677094 -0.19127118737159884 -0.24234810001249465 -0.3723620594620276 -0.5782174952571252 -0.7484738707267602 +3112,-0.8444365550823715,0,-0.822767561840784 -0.8676533335554995 -0.9125391052702237 -0.9574248769849392 -0.9558770917533984 -0.9543293065218578 -1.0100495748573757 -0.9512337360587764 -0.8924178972601771 -0.791811857209935 -0.5844086361832967 -0.3770054151566497 -0.3321196434419343 -0.26169541540677094 -0.19127118737159884 -0.24234810001249465 -0.3723620594620276 -0.5782174952571252 -0.7484738707267602 -0.8041941390622781 +3113,-0.9651638031426514,0,-0.8676533335554995 -0.9125391052702237 -0.9574248769849392 -0.9558770917533984 -0.9543293065218578 -1.0100495748573757 -0.9512337360587764 -0.8924178972601771 -0.791811857209935 -0.5844086361832967 -0.3770054151566497 -0.3321196434419343 -0.26169541540677094 -0.19127118737159884 -0.24234810001249465 -0.3723620594620276 -0.5782174952571252 -0.7484738707267602 -0.8041941390622781 -0.8444365550823715 +3114,-1.0425530647197567,0,-0.9125391052702237 -0.9574248769849392 -0.9558770917533984 -0.9543293065218578 -1.0100495748573757 -0.9512337360587764 -0.8924178972601771 -0.791811857209935 -0.5844086361832967 -0.3770054151566497 -0.3321196434419343 -0.26169541540677094 -0.19127118737159884 -0.24234810001249465 -0.3723620594620276 -0.5782174952571252 -0.7484738707267602 -0.8041941390622781 -0.8444365550823715 -0.9651638031426514 +3115,-1.119942326296862,0,-0.9574248769849392 -0.9558770917533984 -0.9543293065218578 -1.0100495748573757 -0.9512337360587764 -0.8924178972601771 -0.791811857209935 -0.5844086361832967 -0.3770054151566497 -0.3321196434419343 -0.26169541540677094 -0.19127118737159884 -0.24234810001249465 -0.3723620594620276 -0.5782174952571252 -0.7484738707267602 -0.8041941390622781 -0.8444365550823715 -0.9651638031426514 -1.0425530647197567 +3116,-1.2050705140316795,0,-0.9558770917533984 -0.9543293065218578 -1.0100495748573757 -0.9512337360587764 -0.8924178972601771 -0.791811857209935 -0.5844086361832967 -0.3770054151566497 -0.3321196434419343 -0.26169541540677094 -0.19127118737159884 -0.24234810001249465 -0.3723620594620276 -0.5782174952571252 -0.7484738707267602 -0.8041941390622781 -0.8444365550823715 -0.9651638031426514 -1.0425530647197567 -1.119942326296862 +3117,-1.2592429971356567,0,-0.9543293065218578 -1.0100495748573757 -0.9512337360587764 -0.8924178972601771 -0.791811857209935 -0.5844086361832967 -0.3770054151566497 -0.3321196434419343 -0.26169541540677094 -0.19127118737159884 -0.24234810001249465 -0.3723620594620276 -0.5782174952571252 -0.7484738707267602 -0.8041941390622781 -0.8444365550823715 -0.9651638031426514 -1.0425530647197567 -1.119942326296862 -1.2050705140316795 +3118,-1.3350844734812124,0,-1.0100495748573757 -0.9512337360587764 -0.8924178972601771 -0.791811857209935 -0.5844086361832967 -0.3770054151566497 -0.3321196434419343 -0.26169541540677094 -0.19127118737159884 -0.24234810001249465 -0.3723620594620276 -0.5782174952571252 -0.7484738707267602 -0.8041941390622781 -0.8444365550823715 -0.9651638031426514 -1.0425530647197567 -1.119942326296862 -1.2050705140316795 -1.2592429971356567 +3119,-1.3474667553335555,0,-0.9512337360587764 -0.8924178972601771 -0.791811857209935 -0.5844086361832967 -0.3770054151566497 -0.3321196434419343 -0.26169541540677094 -0.19127118737159884 -0.24234810001249465 -0.3723620594620276 -0.5782174952571252 -0.7484738707267602 -0.8041941390622781 -0.8444365550823715 -0.9651638031426514 -1.0425530647197567 -1.119942326296862 -1.2050705140316795 -1.2592429971356567 -1.3350844734812124 +3120,-1.2778164199141626,0,-0.8924178972601771 -0.791811857209935 -0.5844086361832967 -0.3770054151566497 -0.3321196434419343 -0.26169541540677094 -0.19127118737159884 -0.24234810001249465 -0.3723620594620276 -0.5782174952571252 -0.7484738707267602 -0.8041941390622781 -0.8444365550823715 -0.9651638031426514 -1.0425530647197567 -1.119942326296862 -1.2050705140316795 -1.2592429971356567 -1.3350844734812124 -1.3474667553335555 +3121,-1.45271615107842,0,-0.791811857209935 -0.5844086361832967 -0.3770054151566497 -0.3321196434419343 -0.26169541540677094 -0.19127118737159884 -0.24234810001249465 -0.3723620594620276 -0.5782174952571252 -0.7484738707267602 -0.8041941390622781 -0.8444365550823715 -0.9651638031426514 -1.0425530647197567 -1.119942326296862 -1.2050705140316795 -1.2592429971356567 -1.3350844734812124 -1.3474667553335555 -1.2778164199141626 +3122,-1.4140215202898672,0,-0.5844086361832967 -0.3770054151566497 -0.3321196434419343 -0.26169541540677094 -0.19127118737159884 -0.24234810001249465 -0.3723620594620276 -0.5782174952571252 -0.7484738707267602 -0.8041941390622781 -0.8444365550823715 -0.9651638031426514 -1.0425530647197567 -1.119942326296862 -1.2050705140316795 -1.2592429971356567 -1.3350844734812124 -1.3474667553335555 -1.2778164199141626 -1.45271615107842 +3123,-1.3675879633436023,0,-0.3770054151566497 -0.3321196434419343 -0.26169541540677094 -0.19127118737159884 -0.24234810001249465 -0.3723620594620276 -0.5782174952571252 -0.7484738707267602 -0.8041941390622781 -0.8444365550823715 -0.9651638031426514 -1.0425530647197567 -1.119942326296862 -1.2050705140316795 -1.2592429971356567 -1.3350844734812124 -1.3474667553335555 -1.2778164199141626 -1.45271615107842 -1.4140215202898672 +3124,-1.3196066211657966,0,-0.3321196434419343 -0.26169541540677094 -0.19127118737159884 -0.24234810001249465 -0.3723620594620276 -0.5782174952571252 -0.7484738707267602 -0.8041941390622781 -0.8444365550823715 -0.9651638031426514 -1.0425530647197567 -1.119942326296862 -1.2050705140316795 -1.2592429971356567 -1.3350844734812124 -1.3474667553335555 -1.2778164199141626 -1.45271615107842 -1.4140215202898672 -1.3675879633436023 +3125,-0.9698071588372823,0,-0.26169541540677094 -0.19127118737159884 -0.24234810001249465 -0.3723620594620276 -0.5782174952571252 -0.7484738707267602 -0.8041941390622781 -0.8444365550823715 -0.9651638031426514 -1.0425530647197567 -1.119942326296862 -1.2050705140316795 -1.2592429971356567 -1.3350844734812124 -1.3474667553335555 -1.2778164199141626 -1.45271615107842 -1.4140215202898672 -1.3675879633436023 -1.3196066211657966 +3126,-0.7577605821160132,0,-0.19127118737159884 -0.24234810001249465 -0.3723620594620276 -0.5782174952571252 -0.7484738707267602 -0.8041941390622781 -0.8444365550823715 -0.9651638031426514 -1.0425530647197567 -1.119942326296862 -1.2050705140316795 -1.2592429971356567 -1.3350844734812124 -1.3474667553335555 -1.2778164199141626 -1.45271615107842 -1.4140215202898672 -1.3675879633436023 -1.3196066211657966 -0.9698071588372823 +3127,-0.5457140053947441,0,-0.24234810001249465 -0.3723620594620276 -0.5782174952571252 -0.7484738707267602 -0.8041941390622781 -0.8444365550823715 -0.9651638031426514 -1.0425530647197567 -1.119942326296862 -1.2050705140316795 -1.2592429971356567 -1.3350844734812124 -1.3474667553335555 -1.2778164199141626 -1.45271615107842 -1.4140215202898672 -1.3675879633436023 -1.3196066211657966 -0.9698071588372823 -0.7577605821160132 +3128,-0.4977326632169385,0,-0.3723620594620276 -0.5782174952571252 -0.7484738707267602 -0.8041941390622781 -0.8444365550823715 -0.9651638031426514 -1.0425530647197567 -1.119942326296862 -1.2050705140316795 -1.2592429971356567 -1.3350844734812124 -1.3474667553335555 -1.2778164199141626 -1.45271615107842 -1.4140215202898672 -1.3675879633436023 -1.3196066211657966 -0.9698071588372823 -0.7577605821160132 -0.5457140053947441 +3129,-0.4807070256699732,0,-0.5782174952571252 -0.7484738707267602 -0.8041941390622781 -0.8444365550823715 -0.9651638031426514 -1.0425530647197567 -1.119942326296862 -1.2050705140316795 -1.2592429971356567 -1.3350844734812124 -1.3474667553335555 -1.2778164199141626 -1.45271615107842 -1.4140215202898672 -1.3675879633436023 -1.3196066211657966 -0.9698071588372823 -0.7577605821160132 -0.5457140053947441 -0.4977326632169385 +3130,-0.5070193746061915,0,-0.7484738707267602 -0.8041941390622781 -0.8444365550823715 -0.9651638031426514 -1.0425530647197567 -1.119942326296862 -1.2050705140316795 -1.2592429971356567 -1.3350844734812124 -1.3474667553335555 -1.2778164199141626 -1.45271615107842 -1.4140215202898672 -1.3675879633436023 -1.3196066211657966 -0.9698071588372823 -0.7577605821160132 -0.5457140053947441 -0.4977326632169385 -0.4807070256699732 +3131,-0.5936953475725497,0,-0.8041941390622781 -0.8444365550823715 -0.9651638031426514 -1.0425530647197567 -1.119942326296862 -1.2050705140316795 -1.2592429971356567 -1.3350844734812124 -1.3474667553335555 -1.2778164199141626 -1.45271615107842 -1.4140215202898672 -1.3675879633436023 -1.3196066211657966 -0.9698071588372823 -0.7577605821160132 -0.5457140053947441 -0.4977326632169385 -0.4807070256699732 -0.5070193746061915 +3132,-0.6447722602134367,0,-0.8444365550823715 -0.9651638031426514 -1.0425530647197567 -1.119942326296862 -1.2050705140316795 -1.2592429971356567 -1.3350844734812124 -1.3474667553335555 -1.2778164199141626 -1.45271615107842 -1.4140215202898672 -1.3675879633436023 -1.3196066211657966 -0.9698071588372823 -0.7577605821160132 -0.5457140053947441 -0.4977326632169385 -0.4807070256699732 -0.5070193746061915 -0.5936953475725497 +3133,-0.6896580319281609,0,-0.9651638031426514 -1.0425530647197567 -1.119942326296862 -1.2050705140316795 -1.2592429971356567 -1.3350844734812124 -1.3474667553335555 -1.2778164199141626 -1.45271615107842 -1.4140215202898672 -1.3675879633436023 -1.3196066211657966 -0.9698071588372823 -0.7577605821160132 -0.5457140053947441 -0.4977326632169385 -0.4807070256699732 -0.5070193746061915 -0.5936953475725497 -0.6447722602134367 +3134,-0.7531172264213823,0,-1.0425530647197567 -1.119942326296862 -1.2050705140316795 -1.2592429971356567 -1.3350844734812124 -1.3474667553335555 -1.2778164199141626 -1.45271615107842 -1.4140215202898672 -1.3675879633436023 -1.3196066211657966 -0.9698071588372823 -0.7577605821160132 -0.5457140053947441 -0.4977326632169385 -0.4807070256699732 -0.5070193746061915 -0.5936953475725497 -0.6447722602134367 -0.6896580319281609 +3135,-0.8274109175354062,0,-1.119942326296862 -1.2050705140316795 -1.2592429971356567 -1.3350844734812124 -1.3474667553335555 -1.2778164199141626 -1.45271615107842 -1.4140215202898672 -1.3675879633436023 -1.3196066211657966 -0.9698071588372823 -0.7577605821160132 -0.5457140053947441 -0.4977326632169385 -0.4807070256699732 -0.5070193746061915 -0.5936953475725497 -0.6447722602134367 -0.6896580319281609 -0.7531172264213823 +3136,-0.8459843403139121,0,-1.2050705140316795 -1.2592429971356567 -1.3350844734812124 -1.3474667553335555 -1.2778164199141626 -1.45271615107842 -1.4140215202898672 -1.3675879633436023 -1.3196066211657966 -0.9698071588372823 -0.7577605821160132 -0.5457140053947441 -0.4977326632169385 -0.4807070256699732 -0.5070193746061915 -0.5936953475725497 -0.6447722602134367 -0.6896580319281609 -0.7531172264213823 -0.8274109175354062 +3137,-0.8676533335554995,0,-1.2592429971356567 -1.3350844734812124 -1.3474667553335555 -1.2778164199141626 -1.45271615107842 -1.4140215202898672 -1.3675879633436023 -1.3196066211657966 -0.9698071588372823 -0.7577605821160132 -0.5457140053947441 -0.4977326632169385 -0.4807070256699732 -0.5070193746061915 -0.5936953475725497 -0.6447722602134367 -0.6896580319281609 -0.7531172264213823 -0.8274109175354062 -0.8459843403139121 +3138,-0.9125391052702237,0,-1.3350844734812124 -1.3474667553335555 -1.2778164199141626 -1.45271615107842 -1.4140215202898672 -1.3675879633436023 -1.3196066211657966 -0.9698071588372823 -0.7577605821160132 -0.5457140053947441 -0.4977326632169385 -0.4807070256699732 -0.5070193746061915 -0.5936953475725497 -0.6447722602134367 -0.6896580319281609 -0.7531172264213823 -0.8274109175354062 -0.8459843403139121 -0.8676533335554995 +3139,-0.9574248769849392,0,-1.3474667553335555 -1.2778164199141626 -1.45271615107842 -1.4140215202898672 -1.3675879633436023 -1.3196066211657966 -0.9698071588372823 -0.7577605821160132 -0.5457140053947441 -0.4977326632169385 -0.4807070256699732 -0.5070193746061915 -0.5936953475725497 -0.6447722602134367 -0.6896580319281609 -0.7531172264213823 -0.8274109175354062 -0.8459843403139121 -0.8676533335554995 -0.9125391052702237 +3140,-1.0286229976358816,0,-1.2778164199141626 -1.45271615107842 -1.4140215202898672 -1.3675879633436023 -1.3196066211657966 -0.9698071588372823 -0.7577605821160132 -0.5457140053947441 -0.4977326632169385 -0.4807070256699732 -0.5070193746061915 -0.5936953475725497 -0.6447722602134367 -0.6896580319281609 -0.7531172264213823 -0.8274109175354062 -0.8459843403139121 -0.8676533335554995 -0.9125391052702237 -0.9574248769849392 +3141,-1.080473802892539,0,-1.45271615107842 -1.4140215202898672 -1.3675879633436023 -1.3196066211657966 -0.9698071588372823 -0.7577605821160132 -0.5457140053947441 -0.4977326632169385 -0.4807070256699732 -0.5070193746061915 -0.5936953475725497 -0.6447722602134367 -0.6896580319281609 -0.7531172264213823 -0.8274109175354062 -0.8459843403139121 -0.8676533335554995 -0.9125391052702237 -0.9574248769849392 -1.0286229976358816 +3142,-1.132324608149205,0,-1.4140215202898672 -1.3675879633436023 -1.3196066211657966 -0.9698071588372823 -0.7577605821160132 -0.5457140053947441 -0.4977326632169385 -0.4807070256699732 -0.5070193746061915 -0.5936953475725497 -0.6447722602134367 -0.6896580319281609 -0.7531172264213823 -0.8274109175354062 -0.8459843403139121 -0.8676533335554995 -0.9125391052702237 -0.9574248769849392 -1.0286229976358816 -1.080473802892539 +3143,-1.2561474266725665,0,-1.3675879633436023 -1.3196066211657966 -0.9698071588372823 -0.7577605821160132 -0.5457140053947441 -0.4977326632169385 -0.4807070256699732 -0.5070193746061915 -0.5936953475725497 -0.6447722602134367 -0.6896580319281609 -0.7531172264213823 -0.8274109175354062 -0.8459843403139121 -0.8676533335554995 -0.9125391052702237 -0.9574248769849392 -1.0286229976358816 -1.080473802892539 -1.132324608149205 +3144,-1.2731730642195318,0,-1.3196066211657966 -0.9698071588372823 -0.7577605821160132 -0.5457140053947441 -0.4977326632169385 -0.4807070256699732 -0.5070193746061915 -0.5936953475725497 -0.6447722602134367 -0.6896580319281609 -0.7531172264213823 -0.8274109175354062 -0.8459843403139121 -0.8676533335554995 -0.9125391052702237 -0.9574248769849392 -1.0286229976358816 -1.080473802892539 -1.132324608149205 -1.2561474266725665 +3145,-1.290198701766497,0,-0.9698071588372823 -0.7577605821160132 -0.5457140053947441 -0.4977326632169385 -0.4807070256699732 -0.5070193746061915 -0.5936953475725497 -0.6447722602134367 -0.6896580319281609 -0.7531172264213823 -0.8274109175354062 -0.8459843403139121 -0.8676533335554995 -0.9125391052702237 -0.9574248769849392 -1.0286229976358816 -1.080473802892539 -1.132324608149205 -1.2561474266725665 -1.2731730642195318 +3146,-1.271625278987991,0,-0.7577605821160132 -0.5457140053947441 -0.4977326632169385 -0.4807070256699732 -0.5070193746061915 -0.5936953475725497 -0.6447722602134367 -0.6896580319281609 -0.7531172264213823 -0.8274109175354062 -0.8459843403139121 -0.8676533335554995 -0.9125391052702237 -0.9574248769849392 -1.0286229976358816 -1.080473802892539 -1.132324608149205 -1.2561474266725665 -1.2731730642195318 -1.290198701766497 +3147,-1.2422173595886914,0,-0.5457140053947441 -0.4977326632169385 -0.4807070256699732 -0.5070193746061915 -0.5936953475725497 -0.6447722602134367 -0.6896580319281609 -0.7531172264213823 -0.8274109175354062 -0.8459843403139121 -0.8676533335554995 -0.9125391052702237 -0.9574248769849392 -1.0286229976358816 -1.080473802892539 -1.132324608149205 -1.2561474266725665 -1.2731730642195318 -1.290198701766497 -1.271625278987991 +3148,-1.2128094401893919,0,-0.4977326632169385 -0.4807070256699732 -0.5070193746061915 -0.5936953475725497 -0.6447722602134367 -0.6896580319281609 -0.7531172264213823 -0.8274109175354062 -0.8459843403139121 -0.8676533335554995 -0.9125391052702237 -0.9574248769849392 -1.0286229976358816 -1.080473802892539 -1.132324608149205 -1.2561474266725665 -1.2731730642195318 -1.290198701766497 -1.271625278987991 -1.2422173595886914 +3149,-1.110655614907609,0,-0.4807070256699732 -0.5070193746061915 -0.5936953475725497 -0.6447722602134367 -0.6896580319281609 -0.7531172264213823 -0.8274109175354062 -0.8459843403139121 -0.8676533335554995 -0.9125391052702237 -0.9574248769849392 -1.0286229976358816 -1.080473802892539 -1.132324608149205 -1.2561474266725665 -1.2731730642195318 -1.290198701766497 -1.271625278987991 -1.2422173595886914 -1.2128094401893919 +3150,-1.1230378967599521,0,-0.5070193746061915 -0.5936953475725497 -0.6447722602134367 -0.6896580319281609 -0.7531172264213823 -0.8274109175354062 -0.8459843403139121 -0.8676533335554995 -0.9125391052702237 -0.9574248769849392 -1.0286229976358816 -1.080473802892539 -1.132324608149205 -1.2561474266725665 -1.2731730642195318 -1.290198701766497 -1.271625278987991 -1.2422173595886914 -1.2128094401893919 -1.110655614907609 +3151,-1.1354201786122864,0,-0.5936953475725497 -0.6447722602134367 -0.6896580319281609 -0.7531172264213823 -0.8274109175354062 -0.8459843403139121 -0.8676533335554995 -0.9125391052702237 -0.9574248769849392 -1.0286229976358816 -1.080473802892539 -1.132324608149205 -1.2561474266725665 -1.2731730642195318 -1.290198701766497 -1.271625278987991 -1.2422173595886914 -1.2128094401893919 -1.110655614907609 -1.1230378967599521 +3152,-1.0394574942566752,0,-0.6447722602134367 -0.6896580319281609 -0.7531172264213823 -0.8274109175354062 -0.8459843403139121 -0.8676533335554995 -0.9125391052702237 -0.9574248769849392 -1.0286229976358816 -1.080473802892539 -1.132324608149205 -1.2561474266725665 -1.2731730642195318 -1.290198701766497 -1.271625278987991 -1.2422173595886914 -1.2128094401893919 -1.110655614907609 -1.1230378967599521 -1.1354201786122864 +3153,-1.045648635182847,0,-0.6896580319281609 -0.7531172264213823 -0.8274109175354062 -0.8459843403139121 -0.8676533335554995 -0.9125391052702237 -0.9574248769849392 -1.0286229976358816 -1.080473802892539 -1.132324608149205 -1.2561474266725665 -1.2731730642195318 -1.290198701766497 -1.271625278987991 -1.2422173595886914 -1.2128094401893919 -1.110655614907609 -1.1230378967599521 -1.1354201786122864 -1.0394574942566752 +3154,-1.119942326296862,0,-0.7531172264213823 -0.8274109175354062 -0.8459843403139121 -0.8676533335554995 -0.9125391052702237 -0.9574248769849392 -1.0286229976358816 -1.080473802892539 -1.132324608149205 -1.2561474266725665 -1.2731730642195318 -1.290198701766497 -1.271625278987991 -1.2422173595886914 -1.2128094401893919 -1.110655614907609 -1.1230378967599521 -1.1354201786122864 -1.0394574942566752 -1.045648635182847 +3155,-1.0827954807398499,0,-0.8274109175354062 -0.8459843403139121 -0.8676533335554995 -0.9125391052702237 -0.9574248769849392 -1.0286229976358816 -1.080473802892539 -1.132324608149205 -1.2561474266725665 -1.2731730642195318 -1.290198701766497 -1.271625278987991 -1.2422173595886914 -1.2128094401893919 -1.110655614907609 -1.1230378967599521 -1.1354201786122864 -1.0394574942566752 -1.045648635182847 -1.119942326296862 +3156,-1.0967255478237339,0,-0.8459843403139121 -0.8676533335554995 -0.9125391052702237 -0.9574248769849392 -1.0286229976358816 -1.080473802892539 -1.132324608149205 -1.2561474266725665 -1.2731730642195318 -1.290198701766497 -1.271625278987991 -1.2422173595886914 -1.2128094401893919 -1.110655614907609 -1.1230378967599521 -1.1354201786122864 -1.0394574942566752 -1.045648635182847 -1.119942326296862 -1.0827954807398499 +3157,-1.2917464869980377,0,-0.8676533335554995 -0.9125391052702237 -0.9574248769849392 -1.0286229976358816 -1.080473802892539 -1.132324608149205 -1.2561474266725665 -1.2731730642195318 -1.290198701766497 -1.271625278987991 -1.2422173595886914 -1.2128094401893919 -1.110655614907609 -1.1230378967599521 -1.1354201786122864 -1.0394574942566752 -1.045648635182847 -1.119942326296862 -1.0827954807398499 -1.0967255478237339 +3158,-1.327345547323509,0,-0.9125391052702237 -0.9574248769849392 -1.0286229976358816 -1.080473802892539 -1.132324608149205 -1.2561474266725665 -1.2731730642195318 -1.290198701766497 -1.271625278987991 -1.2422173595886914 -1.2128094401893919 -1.110655614907609 -1.1230378967599521 -1.1354201786122864 -1.0394574942566752 -1.045648635182847 -1.119942326296862 -1.0827954807398499 -1.0967255478237339 -1.2917464869980377 +3159,-1.3490145405650964,0,-0.9574248769849392 -1.0286229976358816 -1.080473802892539 -1.132324608149205 -1.2561474266725665 -1.2731730642195318 -1.290198701766497 -1.271625278987991 -1.2422173595886914 -1.2128094401893919 -1.110655614907609 -1.1230378967599521 -1.1354201786122864 -1.0394574942566752 -1.045648635182847 -1.119942326296862 -1.0827954807398499 -1.0967255478237339 -1.2917464869980377 -1.327345547323509 +3160,-1.4140215202898672,0,-1.0286229976358816 -1.080473802892539 -1.132324608149205 -1.2561474266725665 -1.2731730642195318 -1.290198701766497 -1.271625278987991 -1.2422173595886914 -1.2128094401893919 -1.110655614907609 -1.1230378967599521 -1.1354201786122864 -1.0394574942566752 -1.045648635182847 -1.119942326296862 -1.0827954807398499 -1.0967255478237339 -1.2917464869980377 -1.327345547323509 -1.3490145405650964 +3161,-1.4511683658468704,0,-1.080473802892539 -1.132324608149205 -1.2561474266725665 -1.2731730642195318 -1.290198701766497 -1.271625278987991 -1.2422173595886914 -1.2128094401893919 -1.110655614907609 -1.1230378967599521 -1.1354201786122864 -1.0394574942566752 -1.045648635182847 -1.119942326296862 -1.0827954807398499 -1.0967255478237339 -1.2917464869980377 -1.327345547323509 -1.3490145405650964 -1.4140215202898672 +3162,-1.5610611172863653,0,-1.132324608149205 -1.2561474266725665 -1.2731730642195318 -1.290198701766497 -1.271625278987991 -1.2422173595886914 -1.2128094401893919 -1.110655614907609 -1.1230378967599521 -1.1354201786122864 -1.0394574942566752 -1.045648635182847 -1.119942326296862 -1.0827954807398499 -1.0967255478237339 -1.2917464869980377 -1.327345547323509 -1.3490145405650964 -1.4140215202898672 -1.4511683658468704 +3163,-1.534748768350147,0,-1.2561474266725665 -1.2731730642195318 -1.290198701766497 -1.271625278987991 -1.2422173595886914 -1.2128094401893919 -1.110655614907609 -1.1230378967599521 -1.1354201786122864 -1.0394574942566752 -1.045648635182847 -1.119942326296862 -1.0827954807398499 -1.0967255478237339 -1.2917464869980377 -1.327345547323509 -1.3490145405650964 -1.4140215202898672 -1.4511683658468704 -1.5610611172863653 +3164,-1.6477370902527237,0,-1.2731730642195318 -1.290198701766497 -1.271625278987991 -1.2422173595886914 -1.2128094401893919 -1.110655614907609 -1.1230378967599521 -1.1354201786122864 -1.0394574942566752 -1.045648635182847 -1.119942326296862 -1.0827954807398499 -1.0967255478237339 -1.2917464869980377 -1.327345547323509 -1.3490145405650964 -1.4140215202898672 -1.4511683658468704 -1.5610611172863653 -1.534748768350147 +3165,-1.6972662176620699,0,-1.290198701766497 -1.271625278987991 -1.2422173595886914 -1.2128094401893919 -1.110655614907609 -1.1230378967599521 -1.1354201786122864 -1.0394574942566752 -1.045648635182847 -1.119942326296862 -1.0827954807398499 -1.0967255478237339 -1.2917464869980377 -1.327345547323509 -1.3490145405650964 -1.4140215202898672 -1.4511683658468704 -1.5610611172863653 -1.534748768350147 -1.6477370902527237 +3166,-2.454133195886157,0,-1.271625278987991 -1.2422173595886914 -1.2128094401893919 -1.110655614907609 -1.1230378967599521 -1.1354201786122864 -1.0394574942566752 -1.045648635182847 -1.119942326296862 -1.0827954807398499 -1.0967255478237339 -1.2917464869980377 -1.327345547323509 -1.3490145405650964 -1.4140215202898672 -1.4511683658468704 -1.5610611172863653 -1.534748768350147 -1.6477370902527237 -1.6972662176620699 +3167,-1.8102545395646463,0,-1.2422173595886914 -1.2128094401893919 -1.110655614907609 -1.1230378967599521 -1.1354201786122864 -1.0394574942566752 -1.045648635182847 -1.119942326296862 -1.0827954807398499 -1.0967255478237339 -1.2917464869980377 -1.327345547323509 -1.3490145405650964 -1.4140215202898672 -1.4511683658468704 -1.5610611172863653 -1.534748768350147 -1.6477370902527237 -1.6972662176620699 -2.454133195886157 +3168,-2.139158901267344,0,-1.2128094401893919 -1.110655614907609 -1.1230378967599521 -1.1354201786122864 -1.0394574942566752 -1.045648635182847 -1.119942326296862 -1.0827954807398499 -1.0967255478237339 -1.2917464869980377 -1.327345547323509 -1.3490145405650964 -1.4140215202898672 -1.4511683658468704 -1.5610611172863653 -1.534748768350147 -1.6477370902527237 -1.6972662176620699 -2.454133195886157 -1.8102545395646463 +3169,-2.468063262970041,0,-1.110655614907609 -1.1230378967599521 -1.1354201786122864 -1.0394574942566752 -1.045648635182847 -1.119942326296862 -1.0827954807398499 -1.0967255478237339 -1.2917464869980377 -1.327345547323509 -1.3490145405650964 -1.4140215202898672 -1.4511683658468704 -1.5610611172863653 -1.534748768350147 -1.6477370902527237 -1.6972662176620699 -2.454133195886157 -1.8102545395646463 -2.139158901267344 +3170,-2.468063262970041,0,-1.1230378967599521 -1.1354201786122864 -1.0394574942566752 -1.045648635182847 -1.119942326296862 -1.0827954807398499 -1.0967255478237339 -1.2917464869980377 -1.327345547323509 -1.3490145405650964 -1.4140215202898672 -1.4511683658468704 -1.5610611172863653 -1.534748768350147 -1.6477370902527237 -1.6972662176620699 -2.454133195886157 -1.8102545395646463 -2.139158901267344 -2.468063262970041 +3171,-2.0269444719805376,0,-1.1354201786122864 -1.0394574942566752 -1.045648635182847 -1.119942326296862 -1.0827954807398499 -1.0967255478237339 -1.2917464869980377 -1.327345547323509 -1.3490145405650964 -1.4140215202898672 -1.4511683658468704 -1.5610611172863653 -1.534748768350147 -1.6477370902527237 -1.6972662176620699 -2.454133195886157 -1.8102545395646463 -2.139158901267344 -2.468063262970041 -2.468063262970041 +3172,-1.585825680991034,0,-1.0394574942566752 -1.045648635182847 -1.119942326296862 -1.0827954807398499 -1.0967255478237339 -1.2917464869980377 -1.327345547323509 -1.3490145405650964 -1.4140215202898672 -1.4511683658468704 -1.5610611172863653 -1.534748768350147 -1.6477370902527237 -1.6972662176620699 -2.454133195886157 -1.8102545395646463 -2.139158901267344 -2.468063262970041 -2.468063262970041 -2.0269444719805376 +3173,-1.4496205806153295,0,-1.045648635182847 -1.119942326296862 -1.0827954807398499 -1.0967255478237339 -1.2917464869980377 -1.327345547323509 -1.3490145405650964 -1.4140215202898672 -1.4511683658468704 -1.5610611172863653 -1.534748768350147 -1.6477370902527237 -1.6972662176620699 -2.454133195886157 -1.8102545395646463 -2.139158901267344 -2.468063262970041 -2.468063262970041 -2.0269444719805376 -1.585825680991034 +3174,-1.1570891718538738,0,-1.119942326296862 -1.0827954807398499 -1.0967255478237339 -1.2917464869980377 -1.327345547323509 -1.3490145405650964 -1.4140215202898672 -1.4511683658468704 -1.5610611172863653 -1.534748768350147 -1.6477370902527237 -1.6972662176620699 -2.454133195886157 -1.8102545395646463 -2.139158901267344 -2.468063262970041 -2.468063262970041 -2.0269444719805376 -1.585825680991034 -1.4496205806153295 +3175,-0.864557763092418,0,-1.0827954807398499 -1.0967255478237339 -1.2917464869980377 -1.327345547323509 -1.3490145405650964 -1.4140215202898672 -1.4511683658468704 -1.5610611172863653 -1.534748768350147 -1.6477370902527237 -1.6972662176620699 -2.454133195886157 -1.8102545395646463 -2.139158901267344 -2.468063262970041 -2.468063262970041 -2.0269444719805376 -1.585825680991034 -1.4496205806153295 -1.1570891718538738 +3176,-0.7407349445690479,0,-1.0967255478237339 -1.2917464869980377 -1.327345547323509 -1.3490145405650964 -1.4140215202898672 -1.4511683658468704 -1.5610611172863653 -1.534748768350147 -1.6477370902527237 -1.6972662176620699 -2.454133195886157 -1.8102545395646463 -2.139158901267344 -2.468063262970041 -2.468063262970041 -2.0269444719805376 -1.585825680991034 -1.4496205806153295 -1.1570891718538738 -0.864557763092418 +3177,-0.7175181660959199,0,-1.2917464869980377 -1.327345547323509 -1.3490145405650964 -1.4140215202898672 -1.4511683658468704 -1.5610611172863653 -1.534748768350147 -1.6477370902527237 -1.6972662176620699 -2.454133195886157 -1.8102545395646463 -2.139158901267344 -2.468063262970041 -2.468063262970041 -2.0269444719805376 -1.585825680991034 -1.4496205806153295 -1.1570891718538738 -0.864557763092418 -0.7407349445690479 +3178,-0.694301387622783,0,-1.327345547323509 -1.3490145405650964 -1.4140215202898672 -1.4511683658468704 -1.5610611172863653 -1.534748768350147 -1.6477370902527237 -1.6972662176620699 -2.454133195886157 -1.8102545395646463 -2.139158901267344 -2.468063262970041 -2.468063262970041 -2.0269444719805376 -1.585825680991034 -1.4496205806153295 -1.1570891718538738 -0.864557763092418 -0.7407349445690479 -0.7175181660959199 +3179,-0.6819191057704487,0,-1.3490145405650964 -1.4140215202898672 -1.4511683658468704 -1.5610611172863653 -1.534748768350147 -1.6477370902527237 -1.6972662176620699 -2.454133195886157 -1.8102545395646463 -2.139158901267344 -2.468063262970041 -2.468063262970041 -2.0269444719805376 -1.585825680991034 -1.4496205806153295 -1.1570891718538738 -0.864557763092418 -0.7407349445690479 -0.7175181660959199 -0.694301387622783 +3180,-0.791811857209935,0,-1.4140215202898672 -1.4511683658468704 -1.5610611172863653 -1.534748768350147 -1.6477370902527237 -1.6972662176620699 -2.454133195886157 -1.8102545395646463 -2.139158901267344 -2.468063262970041 -2.468063262970041 -2.0269444719805376 -1.585825680991034 -1.4496205806153295 -1.1570891718538738 -0.864557763092418 -0.7407349445690479 -0.7175181660959199 -0.694301387622783 -0.6819191057704487 +3181,-0.90170460864943,0,-1.4511683658468704 -1.5610611172863653 -1.534748768350147 -1.6477370902527237 -1.6972662176620699 -2.454133195886157 -1.8102545395646463 -2.139158901267344 -2.468063262970041 -2.468063262970041 -2.0269444719805376 -1.585825680991034 -1.4496205806153295 -1.1570891718538738 -0.864557763092418 -0.7407349445690479 -0.7175181660959199 -0.694301387622783 -0.6819191057704487 -0.791811857209935 +3182,-1.036361923793594,0,-1.5610611172863653 -1.534748768350147 -1.6477370902527237 -1.6972662176620699 -2.454133195886157 -1.8102545395646463 -2.139158901267344 -2.468063262970041 -2.468063262970041 -2.0269444719805376 -1.585825680991034 -1.4496205806153295 -1.1570891718538738 -0.864557763092418 -0.7407349445690479 -0.7175181660959199 -0.694301387622783 -0.6819191057704487 -0.791811857209935 -0.90170460864943 +3183,-1.0998211182868152,0,-1.534748768350147 -1.6477370902527237 -1.6972662176620699 -2.454133195886157 -1.8102545395646463 -2.139158901267344 -2.468063262970041 -2.468063262970041 -2.0269444719805376 -1.585825680991034 -1.4496205806153295 -1.1570891718538738 -0.864557763092418 -0.7407349445690479 -0.7175181660959199 -0.694301387622783 -0.6819191057704487 -0.791811857209935 -0.90170460864943 -1.036361923793594 +3184,-1.1632803127800455,0,-1.6477370902527237 -1.6972662176620699 -2.454133195886157 -1.8102545395646463 -2.139158901267344 -2.468063262970041 -2.468063262970041 -2.0269444719805376 -1.585825680991034 -1.4496205806153295 -1.1570891718538738 -0.864557763092418 -0.7407349445690479 -0.7175181660959199 -0.694301387622783 -0.6819191057704487 -0.791811857209935 -0.90170460864943 -1.036361923793594 -1.0998211182868152 +3185,-1.1787581650954613,0,-1.6972662176620699 -2.454133195886157 -1.8102545395646463 -2.139158901267344 -2.468063262970041 -2.468063262970041 -2.0269444719805376 -1.585825680991034 -1.4496205806153295 -1.1570891718538738 -0.864557763092418 -0.7407349445690479 -0.7175181660959199 -0.694301387622783 -0.6819191057704487 -0.791811857209935 -0.90170460864943 -1.036361923793594 -1.0998211182868152 -1.1632803127800455 +3186,-1.2987115205399797,0,-2.454133195886157 -1.8102545395646463 -2.139158901267344 -2.468063262970041 -2.468063262970041 -2.0269444719805376 -1.585825680991034 -1.4496205806153295 -1.1570891718538738 -0.864557763092418 -0.7407349445690479 -0.7175181660959199 -0.694301387622783 -0.6819191057704487 -0.791811857209935 -0.90170460864943 -1.036361923793594 -1.0998211182868152 -1.1632803127800455 -1.1787581650954613 +3187,-1.4186648759844893,0,-1.8102545395646463 -2.139158901267344 -2.468063262970041 -2.468063262970041 -2.0269444719805376 -1.585825680991034 -1.4496205806153295 -1.1570891718538738 -0.864557763092418 -0.7407349445690479 -0.7175181660959199 -0.694301387622783 -0.6819191057704487 -0.791811857209935 -0.90170460864943 -1.036361923793594 -1.0998211182868152 -1.1632803127800455 -1.1787581650954613 -1.2987115205399797 +3188,-1.4898629966354229,0,-2.139158901267344 -2.468063262970041 -2.468063262970041 -2.0269444719805376 -1.585825680991034 -1.4496205806153295 -1.1570891718538738 -0.864557763092418 -0.7407349445690479 -0.7175181660959199 -0.694301387622783 -0.6819191057704487 -0.791811857209935 -0.90170460864943 -1.036361923793594 -1.0998211182868152 -1.1632803127800455 -1.1787581650954613 -1.2987115205399797 -1.4186648759844893 +3189,-1.4705156812411466,0,-2.468063262970041 -2.468063262970041 -2.0269444719805376 -1.585825680991034 -1.4496205806153295 -1.1570891718538738 -0.864557763092418 -0.7407349445690479 -0.7175181660959199 -0.694301387622783 -0.6819191057704487 -0.791811857209935 -0.90170460864943 -1.036361923793594 -1.0998211182868152 -1.1632803127800455 -1.1787581650954613 -1.2987115205399797 -1.4186648759844893 -1.4898629966354229 +3190,-1.4511683658468704,0,-2.468063262970041 -2.0269444719805376 -1.585825680991034 -1.4496205806153295 -1.1570891718538738 -0.864557763092418 -0.7407349445690479 -0.7175181660959199 -0.694301387622783 -0.6819191057704487 -0.791811857209935 -0.90170460864943 -1.036361923793594 -1.0998211182868152 -1.1632803127800455 -1.1787581650954613 -1.2987115205399797 -1.4186648759844893 -1.4898629966354229 -1.4705156812411466 +3191,-1.5037930637193069,0,-2.0269444719805376 -1.585825680991034 -1.4496205806153295 -1.1570891718538738 -0.864557763092418 -0.7407349445690479 -0.7175181660959199 -0.694301387622783 -0.6819191057704487 -0.791811857209935 -0.90170460864943 -1.036361923793594 -1.0998211182868152 -1.1632803127800455 -1.1787581650954613 -1.2987115205399797 -1.4186648759844893 -1.4898629966354229 -1.4705156812411466 -1.4511683658468704 +3192,-1.5161753455716411,0,-1.585825680991034 -1.4496205806153295 -1.1570891718538738 -0.864557763092418 -0.7407349445690479 -0.7175181660959199 -0.694301387622783 -0.6819191057704487 -0.791811857209935 -0.90170460864943 -1.036361923793594 -1.0998211182868152 -1.1632803127800455 -1.1787581650954613 -1.2987115205399797 -1.4186648759844893 -1.4898629966354229 -1.4705156812411466 -1.4511683658468704 -1.5037930637193069 +3193,-1.5285576274239756,0,-1.4496205806153295 -1.1570891718538738 -0.864557763092418 -0.7407349445690479 -0.7175181660959199 -0.694301387622783 -0.6819191057704487 -0.791811857209935 -0.90170460864943 -1.036361923793594 -1.0998211182868152 -1.1632803127800455 -1.1787581650954613 -1.2987115205399797 -1.4186648759844893 -1.4898629966354229 -1.4705156812411466 -1.4511683658468704 -1.5037930637193069 -1.5161753455716411 +3194,-1.5811823252964121,0,-1.1570891718538738 -0.864557763092418 -0.7407349445690479 -0.7175181660959199 -0.694301387622783 -0.6819191057704487 -0.791811857209935 -0.90170460864943 -1.036361923793594 -1.0998211182868152 -1.1632803127800455 -1.1787581650954613 -1.2987115205399797 -1.4186648759844893 -1.4898629966354229 -1.4705156812411466 -1.4511683658468704 -1.5037930637193069 -1.5161753455716411 -1.5285576274239756 +3195,-1.4991497080246758,0,-0.864557763092418 -0.7407349445690479 -0.7175181660959199 -0.694301387622783 -0.6819191057704487 -0.791811857209935 -0.90170460864943 -1.036361923793594 -1.0998211182868152 -1.1632803127800455 -1.1787581650954613 -1.2987115205399797 -1.4186648759844893 -1.4898629966354229 -1.4705156812411466 -1.4511683658468704 -1.5037930637193069 -1.5161753455716411 -1.5285576274239756 -1.5811823252964121 +3196,-1.4171170907529487,0,-0.7407349445690479 -0.7175181660959199 -0.694301387622783 -0.6819191057704487 -0.791811857209935 -0.90170460864943 -1.036361923793594 -1.0998211182868152 -1.1632803127800455 -1.1787581650954613 -1.2987115205399797 -1.4186648759844893 -1.4898629966354229 -1.4705156812411466 -1.4511683658468704 -1.5037930637193069 -1.5161753455716411 -1.5285576274239756 -1.5811823252964121 -1.4991497080246758 +3197,-1.3583012519543494,0,-0.7175181660959199 -0.694301387622783 -0.6819191057704487 -0.791811857209935 -0.90170460864943 -1.036361923793594 -1.0998211182868152 -1.1632803127800455 -1.1787581650954613 -1.2987115205399797 -1.4186648759844893 -1.4898629966354229 -1.4705156812411466 -1.4511683658468704 -1.5037930637193069 -1.5161753455716411 -1.5285576274239756 -1.5811823252964121 -1.4991497080246758 -1.4171170907529487 +3198,-1.0866649438187106,0,-0.694301387622783 -0.6819191057704487 -0.791811857209935 -0.90170460864943 -1.036361923793594 -1.0998211182868152 -1.1632803127800455 -1.1787581650954613 -1.2987115205399797 -1.4186648759844893 -1.4898629966354229 -1.4705156812411466 -1.4511683658468704 -1.5037930637193069 -1.5161753455716411 -1.5285576274239756 -1.5811823252964121 -1.4991497080246758 -1.4171170907529487 -1.3583012519543494 +3199,-0.8150286356830718,0,-0.6819191057704487 -0.791811857209935 -0.90170460864943 -1.036361923793594 -1.0998211182868152 -1.1632803127800455 -1.1787581650954613 -1.2987115205399797 -1.4186648759844893 -1.4898629966354229 -1.4705156812411466 -1.4511683658468704 -1.5037930637193069 -1.5161753455716411 -1.5285576274239756 -1.5811823252964121 -1.4991497080246758 -1.4171170907529487 -1.3583012519543494 -1.0866649438187106 +3200,-0.8490799107769935,0,-0.791811857209935 -0.90170460864943 -1.036361923793594 -1.0998211182868152 -1.1632803127800455 -1.1787581650954613 -1.2987115205399797 -1.4186648759844893 -1.4898629966354229 -1.4705156812411466 -1.4511683658468704 -1.5037930637193069 -1.5161753455716411 -1.5285576274239756 -1.5811823252964121 -1.4991497080246758 -1.4171170907529487 -1.3583012519543494 -1.0866649438187106 -0.8150286356830718 +3201,-0.7531172264213823,0,-0.90170460864943 -1.036361923793594 -1.0998211182868152 -1.1632803127800455 -1.1787581650954613 -1.2987115205399797 -1.4186648759844893 -1.4898629966354229 -1.4705156812411466 -1.4511683658468704 -1.5037930637193069 -1.5161753455716411 -1.5285576274239756 -1.5811823252964121 -1.4991497080246758 -1.4171170907529487 -1.3583012519543494 -1.0866649438187106 -0.8150286356830718 -0.8490799107769935 +3202,-0.7206137365590013,0,-1.036361923793594 -1.0998211182868152 -1.1632803127800455 -1.1787581650954613 -1.2987115205399797 -1.4186648759844893 -1.4898629966354229 -1.4705156812411466 -1.4511683658468704 -1.5037930637193069 -1.5161753455716411 -1.5285576274239756 -1.5811823252964121 -1.4991497080246758 -1.4171170907529487 -1.3583012519543494 -1.0866649438187106 -0.8150286356830718 -0.8490799107769935 -0.7531172264213823 +3203,-0.7221615217905419,0,-1.0998211182868152 -1.1632803127800455 -1.1787581650954613 -1.2987115205399797 -1.4186648759844893 -1.4898629966354229 -1.4705156812411466 -1.4511683658468704 -1.5037930637193069 -1.5161753455716411 -1.5285576274239756 -1.5811823252964121 -1.4991497080246758 -1.4171170907529487 -1.3583012519543494 -1.0866649438187106 -0.8150286356830718 -0.8490799107769935 -0.7531172264213823 -0.7206137365590013 +3204,-0.8134808504515311,0,-1.1632803127800455 -1.1787581650954613 -1.2987115205399797 -1.4186648759844893 -1.4898629966354229 -1.4705156812411466 -1.4511683658468704 -1.5037930637193069 -1.5161753455716411 -1.5285576274239756 -1.5811823252964121 -1.4991497080246758 -1.4171170907529487 -1.3583012519543494 -1.0866649438187106 -0.8150286356830718 -0.8490799107769935 -0.7531172264213823 -0.7206137365590013 -0.7221615217905419 +3205,-0.9048001791125114,0,-1.1787581650954613 -1.2987115205399797 -1.4186648759844893 -1.4898629966354229 -1.4705156812411466 -1.4511683658468704 -1.5037930637193069 -1.5161753455716411 -1.5285576274239756 -1.5811823252964121 -1.4991497080246758 -1.4171170907529487 -1.3583012519543494 -1.0866649438187106 -0.8150286356830718 -0.8490799107769935 -0.7531172264213823 -0.7206137365590013 -0.7221615217905419 -0.8134808504515311 +3206,-0.9543293065218578,0,-1.2987115205399797 -1.4186648759844893 -1.4898629966354229 -1.4705156812411466 -1.4511683658468704 -1.5037930637193069 -1.5161753455716411 -1.5285576274239756 -1.5811823252964121 -1.4991497080246758 -1.4171170907529487 -1.3583012519543494 -1.0866649438187106 -0.8150286356830718 -0.8490799107769935 -0.7531172264213823 -0.7206137365590013 -0.7221615217905419 -0.8134808504515311 -0.9048001791125114 +3207,-1.0286229976358816,0,-1.4186648759844893 -1.4898629966354229 -1.4705156812411466 -1.4511683658468704 -1.5037930637193069 -1.5161753455716411 -1.5285576274239756 -1.5811823252964121 -1.4991497080246758 -1.4171170907529487 -1.3583012519543494 -1.0866649438187106 -0.8150286356830718 -0.8490799107769935 -0.7531172264213823 -0.7206137365590013 -0.7221615217905419 -0.8134808504515311 -0.9048001791125114 -0.9543293065218578 +3208,-1.0843432659713994,0,-1.4898629966354229 -1.4705156812411466 -1.4511683658468704 -1.5037930637193069 -1.5161753455716411 -1.5285576274239756 -1.5811823252964121 -1.4991497080246758 -1.4171170907529487 -1.3583012519543494 -1.0866649438187106 -0.8150286356830718 -0.8490799107769935 -0.7531172264213823 -0.7206137365590013 -0.7221615217905419 -0.8134808504515311 -0.9048001791125114 -0.9543293065218578 -1.0286229976358816 +3209,-1.1478024604646209,0,-1.4705156812411466 -1.4511683658468704 -1.5037930637193069 -1.5161753455716411 -1.5285576274239756 -1.5811823252964121 -1.4991497080246758 -1.4171170907529487 -1.3583012519543494 -1.0866649438187106 -0.8150286356830718 -0.8490799107769935 -0.7531172264213823 -0.7206137365590013 -0.7221615217905419 -0.8134808504515311 -0.9048001791125114 -0.9543293065218578 -1.0286229976358816 -1.0843432659713994 +3210,-1.1710192389377578,0,-1.4511683658468704 -1.5037930637193069 -1.5161753455716411 -1.5285576274239756 -1.5811823252964121 -1.4991497080246758 -1.4171170907529487 -1.3583012519543494 -1.0866649438187106 -0.8150286356830718 -0.8490799107769935 -0.7531172264213823 -0.7206137365590013 -0.7221615217905419 -0.8134808504515311 -0.9048001791125114 -0.9543293065218578 -1.0286229976358816 -1.0843432659713994 -1.1478024604646209 +3211,-1.180305950327002,0,-1.5037930637193069 -1.5161753455716411 -1.5285576274239756 -1.5811823252964121 -1.4991497080246758 -1.4171170907529487 -1.3583012519543494 -1.0866649438187106 -0.8150286356830718 -0.8490799107769935 -0.7531172264213823 -0.7206137365590013 -0.7221615217905419 -0.8134808504515311 -0.9048001791125114 -0.9543293065218578 -1.0286229976358816 -1.0843432659713994 -1.1478024604646209 -1.1710192389377578 +3212,-1.2159050106524731,0,-1.5161753455716411 -1.5285576274239756 -1.5811823252964121 -1.4991497080246758 -1.4171170907529487 -1.3583012519543494 -1.0866649438187106 -0.8150286356830718 -0.8490799107769935 -0.7531172264213823 -0.7206137365590013 -0.7221615217905419 -0.8134808504515311 -0.9048001791125114 -0.9543293065218578 -1.0286229976358816 -1.0843432659713994 -1.1478024604646209 -1.1710192389377578 -1.180305950327002 +3213,-1.2747208494510724,0,-1.5285576274239756 -1.5811823252964121 -1.4991497080246758 -1.4171170907529487 -1.3583012519543494 -1.0866649438187106 -0.8150286356830718 -0.8490799107769935 -0.7531172264213823 -0.7206137365590013 -0.7221615217905419 -0.8134808504515311 -0.9048001791125114 -0.9543293065218578 -1.0286229976358816 -1.0843432659713994 -1.1478024604646209 -1.1710192389377578 -1.180305950327002 -1.2159050106524731 +3214,-1.35984903718589,0,-1.5811823252964121 -1.4991497080246758 -1.4171170907529487 -1.3583012519543494 -1.0866649438187106 -0.8150286356830718 -0.8490799107769935 -0.7531172264213823 -0.7206137365590013 -0.7221615217905419 -0.8134808504515311 -0.9048001791125114 -0.9543293065218578 -1.0286229976358816 -1.0843432659713994 -1.1478024604646209 -1.1710192389377578 -1.180305950327002 -1.2159050106524731 -1.2747208494510724 +3215,-2.4132716657734443,0,-1.4991497080246758 -1.4171170907529487 -1.3583012519543494 -1.0866649438187106 -0.8150286356830718 -0.8490799107769935 -0.7531172264213823 -0.7206137365590013 -0.7221615217905419 -0.8134808504515311 -0.9048001791125114 -0.9543293065218578 -1.0286229976358816 -1.0843432659713994 -1.1478024604646209 -1.1710192389377578 -1.180305950327002 -1.2159050106524731 -1.2747208494510724 -1.35984903718589 +3216,-1.5084364194139288,0,-1.4171170907529487 -1.3583012519543494 -1.0866649438187106 -0.8150286356830718 -0.8490799107769935 -0.7531172264213823 -0.7206137365590013 -0.7221615217905419 -0.8134808504515311 -0.9048001791125114 -0.9543293065218578 -1.0286229976358816 -1.0843432659713994 -1.1478024604646209 -1.1710192389377578 -1.180305950327002 -1.2159050106524731 -1.2747208494510724 -1.35984903718589 -2.4132716657734443 +3217,-1.5827301105279528,0,-1.3583012519543494 -1.0866649438187106 -0.8150286356830718 -0.8490799107769935 -0.7531172264213823 -0.7206137365590013 -0.7221615217905419 -0.8134808504515311 -0.9048001791125114 -0.9543293065218578 -1.0286229976358816 -1.0843432659713994 -1.1478024604646209 -1.1710192389377578 -1.180305950327002 -1.2159050106524731 -1.2747208494510724 -1.35984903718589 -2.4132716657734443 -1.5084364194139288 +3218,-1.5889212514541244,0,-1.0866649438187106 -0.8150286356830718 -0.8490799107769935 -0.7531172264213823 -0.7206137365590013 -0.7221615217905419 -0.8134808504515311 -0.9048001791125114 -0.9543293065218578 -1.0286229976358816 -1.0843432659713994 -1.1478024604646209 -1.1710192389377578 -1.180305950327002 -1.2159050106524731 -1.2747208494510724 -1.35984903718589 -2.4132716657734443 -1.5084364194139288 -1.5827301105279528 +3219,-1.4140215202898672,0,-0.8150286356830718 -0.8490799107769935 -0.7531172264213823 -0.7206137365590013 -0.7221615217905419 -0.8134808504515311 -0.9048001791125114 -0.9543293065218578 -1.0286229976358816 -1.0843432659713994 -1.1478024604646209 -1.1710192389377578 -1.180305950327002 -1.2159050106524731 -1.2747208494510724 -1.35984903718589 -2.4132716657734443 -1.5084364194139288 -1.5827301105279528 -1.5889212514541244 +3220,-1.3815180304274772,0,-0.8490799107769935 -0.7531172264213823 -0.7206137365590013 -0.7221615217905419 -0.8134808504515311 -0.9048001791125114 -0.9543293065218578 -1.0286229976358816 -1.0843432659713994 -1.1478024604646209 -1.1710192389377578 -1.180305950327002 -1.2159050106524731 -1.2747208494510724 -1.35984903718589 -2.4132716657734443 -1.5084364194139288 -1.5827301105279528 -1.5889212514541244 -1.4140215202898672 +3221,-0.9790938702265353,0,-0.7531172264213823 -0.7206137365590013 -0.7221615217905419 -0.8134808504515311 -0.9048001791125114 -0.9543293065218578 -1.0286229976358816 -1.0843432659713994 -1.1478024604646209 -1.1710192389377578 -1.180305950327002 -1.2159050106524731 -1.2747208494510724 -1.35984903718589 -2.4132716657734443 -1.5084364194139288 -1.5827301105279528 -1.5889212514541244 -1.4140215202898672 -1.3815180304274772 +3222,-0.712874810401289,0,-0.7206137365590013 -0.7221615217905419 -0.8134808504515311 -0.9048001791125114 -0.9543293065218578 -1.0286229976358816 -1.0843432659713994 -1.1478024604646209 -1.1710192389377578 -1.180305950327002 -1.2159050106524731 -1.2747208494510724 -1.35984903718589 -2.4132716657734443 -1.5084364194139288 -1.5827301105279528 -1.5889212514541244 -1.4140215202898672 -1.3815180304274772 -0.9790938702265353 +3223,-0.5410706497001132,0,-0.7221615217905419 -0.8134808504515311 -0.9048001791125114 -0.9543293065218578 -1.0286229976358816 -1.0843432659713994 -1.1478024604646209 -1.1710192389377578 -1.180305950327002 -1.2159050106524731 -1.2747208494510724 -1.35984903718589 -2.4132716657734443 -1.5084364194139288 -1.5827301105279528 -1.5889212514541244 -1.4140215202898672 -1.3815180304274772 -0.9790938702265353 -0.712874810401289 +3224,-0.38164877085128057,0,-0.8134808504515311 -0.9048001791125114 -0.9543293065218578 -1.0286229976358816 -1.0843432659713994 -1.1478024604646209 -1.1710192389377578 -1.180305950327002 -1.2159050106524731 -1.2747208494510724 -1.35984903718589 -2.4132716657734443 -1.5084364194139288 -1.5827301105279528 -1.5889212514541244 -1.4140215202898672 -1.3815180304274772 -0.9790938702265353 -0.712874810401289 -0.5410706497001132 +3225,-0.30271172404263463,0,-0.9048001791125114 -0.9543293065218578 -1.0286229976358816 -1.0843432659713994 -1.1478024604646209 -1.1710192389377578 -1.180305950327002 -1.2159050106524731 -1.2747208494510724 -1.35984903718589 -2.4132716657734443 -1.5084364194139288 -1.5827301105279528 -1.5889212514541244 -1.4140215202898672 -1.3815180304274772 -0.9790938702265353 -0.712874810401289 -0.5410706497001132 -0.38164877085128057 +3226,-0.2810427308010473,0,-0.9543293065218578 -1.0286229976358816 -1.0843432659713994 -1.1478024604646209 -1.1710192389377578 -1.180305950327002 -1.2159050106524731 -1.2747208494510724 -1.35984903718589 -2.4132716657734443 -1.5084364194139288 -1.5827301105279528 -1.5889212514541244 -1.4140215202898672 -1.3815180304274772 -0.9790938702265353 -0.712874810401289 -0.5410706497001132 -0.38164877085128057 -0.30271172404263463 +3227,-0.36617091853585604,0,-1.0286229976358816 -1.0843432659713994 -1.1478024604646209 -1.1710192389377578 -1.180305950327002 -1.2159050106524731 -1.2747208494510724 -1.35984903718589 -2.4132716657734443 -1.5084364194139288 -1.5827301105279528 -1.5889212514541244 -1.4140215202898672 -1.3815180304274772 -0.9790938702265353 -0.712874810401289 -0.5410706497001132 -0.38164877085128057 -0.30271172404263463 -0.2810427308010473 +3228,-0.4807070256699732,0,-1.0843432659713994 -1.1478024604646209 -1.1710192389377578 -1.180305950327002 -1.2159050106524731 -1.2747208494510724 -1.35984903718589 -2.4132716657734443 -1.5084364194139288 -1.5827301105279528 -1.5889212514541244 -1.4140215202898672 -1.3815180304274772 -0.9790938702265353 -0.712874810401289 -0.5410706497001132 -0.38164877085128057 -0.30271172404263463 -0.2810427308010473 -0.36617091853585604 +3229,-0.6122687703510556,0,-1.1478024604646209 -1.1710192389377578 -1.180305950327002 -1.2159050106524731 -1.2747208494510724 -1.35984903718589 -2.4132716657734443 -1.5084364194139288 -1.5827301105279528 -1.5889212514541244 -1.4140215202898672 -1.3815180304274772 -0.9790938702265353 -0.712874810401289 -0.5410706497001132 -0.38164877085128057 -0.30271172404263463 -0.2810427308010473 -0.36617091853585604 -0.4807070256699732 +3230,-0.8521754812400837,0,-1.1710192389377578 -1.180305950327002 -1.2159050106524731 -1.2747208494510724 -1.35984903718589 -2.4132716657734443 -1.5084364194139288 -1.5827301105279528 -1.5889212514541244 -1.4140215202898672 -1.3815180304274772 -0.9790938702265353 -0.712874810401289 -0.5410706497001132 -0.38164877085128057 -0.30271172404263463 -0.2810427308010473 -0.36617091853585604 -0.4807070256699732 -0.6122687703510556 +3231,-0.9311125280487297,0,-1.180305950327002 -1.2159050106524731 -1.2747208494510724 -1.35984903718589 -2.4132716657734443 -1.5084364194139288 -1.5827301105279528 -1.5889212514541244 -1.4140215202898672 -1.3815180304274772 -0.9790938702265353 -0.712874810401289 -0.5410706497001132 -0.38164877085128057 -0.30271172404263463 -0.2810427308010473 -0.36617091853585604 -0.4807070256699732 -0.6122687703510556 -0.8521754812400837 +3232,-1.0611264874982627,0,-1.2159050106524731 -1.2747208494510724 -1.35984903718589 -2.4132716657734443 -1.5084364194139288 -1.5827301105279528 -1.5889212514541244 -1.4140215202898672 -1.3815180304274772 -0.9790938702265353 -0.712874810401289 -0.5410706497001132 -0.38164877085128057 -0.30271172404263463 -0.2810427308010473 -0.36617091853585604 -0.4807070256699732 -0.6122687703510556 -0.8521754812400837 -0.9311125280487297 +3233,-1.2174527958840138,0,-1.2747208494510724 -1.35984903718589 -2.4132716657734443 -1.5084364194139288 -1.5827301105279528 -1.5889212514541244 -1.4140215202898672 -1.3815180304274772 -0.9790938702265353 -0.712874810401289 -0.5410706497001132 -0.38164877085128057 -0.30271172404263463 -0.2810427308010473 -0.36617091853585604 -0.4807070256699732 -0.6122687703510556 -0.8521754812400837 -0.9311125280487297 -1.0611264874982627 +3234,-1.1183945410653213,0,-1.35984903718589 -2.4132716657734443 -1.5084364194139288 -1.5827301105279528 -1.5889212514541244 -1.4140215202898672 -1.3815180304274772 -0.9790938702265353 -0.712874810401289 -0.5410706497001132 -0.38164877085128057 -0.30271172404263463 -0.2810427308010473 -0.36617091853585604 -0.4807070256699732 -0.6122687703510556 -0.8521754812400837 -0.9311125280487297 -1.0611264874982627 -1.2174527958840138 +3235,-1.2004271583370574,0,-2.4132716657734443 -1.5084364194139288 -1.5827301105279528 -1.5889212514541244 -1.4140215202898672 -1.3815180304274772 -0.9790938702265353 -0.712874810401289 -0.5410706497001132 -0.38164877085128057 -0.30271172404263463 -0.2810427308010473 -0.36617091853585604 -0.4807070256699732 -0.6122687703510556 -0.8521754812400837 -0.9311125280487297 -1.0611264874982627 -1.2174527958840138 -1.1183945410653213 +3236,-1.369135748575143,0,-1.5084364194139288 -1.5827301105279528 -1.5889212514541244 -1.4140215202898672 -1.3815180304274772 -0.9790938702265353 -0.712874810401289 -0.5410706497001132 -0.38164877085128057 -0.30271172404263463 -0.2810427308010473 -0.36617091853585604 -0.4807070256699732 -0.6122687703510556 -0.8521754812400837 -0.9311125280487297 -1.0611264874982627 -1.2174527958840138 -1.1183945410653213 -1.2004271583370574 +3237,-1.427177694757972,0,-1.5827301105279528 -1.5889212514541244 -1.4140215202898672 -1.3815180304274772 -0.9790938702265353 -0.712874810401289 -0.5410706497001132 -0.38164877085128057 -0.30271172404263463 -0.2810427308010473 -0.36617091853585604 -0.4807070256699732 -0.6122687703510556 -0.8521754812400837 -0.9311125280487297 -1.0611264874982627 -1.2174527958840138 -1.1183945410653213 -1.2004271583370574 -1.369135748575143 +3238,-1.485219640940801,0,-1.5889212514541244 -1.4140215202898672 -1.3815180304274772 -0.9790938702265353 -0.712874810401289 -0.5410706497001132 -0.38164877085128057 -0.30271172404263463 -0.2810427308010473 -0.36617091853585604 -0.4807070256699732 -0.6122687703510556 -0.8521754812400837 -0.9311125280487297 -1.0611264874982627 -1.2174527958840138 -1.1183945410653213 -1.2004271583370574 -1.369135748575143 -1.427177694757972 +3239,-1.5842778957594934,0,-1.4140215202898672 -1.3815180304274772 -0.9790938702265353 -0.712874810401289 -0.5410706497001132 -0.38164877085128057 -0.30271172404263463 -0.2810427308010473 -0.36617091853585604 -0.4807070256699732 -0.6122687703510556 -0.8521754812400837 -0.9311125280487297 -1.0611264874982627 -1.2174527958840138 -1.1183945410653213 -1.2004271583370574 -1.369135748575143 -1.427177694757972 -1.485219640940801 +3240,-1.6121380299272523,0,-1.3815180304274772 -0.9790938702265353 -0.712874810401289 -0.5410706497001132 -0.38164877085128057 -0.30271172404263463 -0.2810427308010473 -0.36617091853585604 -0.4807070256699732 -0.6122687703510556 -0.8521754812400837 -0.9311125280487297 -1.0611264874982627 -1.2174527958840138 -1.1183945410653213 -1.2004271583370574 -1.369135748575143 -1.427177694757972 -1.485219640940801 -1.5842778957594934 +3241,-1.6399981640950114,0,-0.9790938702265353 -0.712874810401289 -0.5410706497001132 -0.38164877085128057 -0.30271172404263463 -0.2810427308010473 -0.36617091853585604 -0.4807070256699732 -0.6122687703510556 -0.8521754812400837 -0.9311125280487297 -1.0611264874982627 -1.2174527958840138 -1.1183945410653213 -1.2004271583370574 -1.369135748575143 -1.427177694757972 -1.485219640940801 -1.5842778957594934 -1.6121380299272523 +3242,-1.6399981640950114,0,-0.712874810401289 -0.5410706497001132 -0.38164877085128057 -0.30271172404263463 -0.2810427308010473 -0.36617091853585604 -0.4807070256699732 -0.6122687703510556 -0.8521754812400837 -0.9311125280487297 -1.0611264874982627 -1.2174527958840138 -1.1183945410653213 -1.2004271583370574 -1.369135748575143 -1.427177694757972 -1.485219640940801 -1.5842778957594934 -1.6121380299272523 -1.6399981640950114 +3243,-1.5068886341823882,0,-0.5410706497001132 -0.38164877085128057 -0.30271172404263463 -0.2810427308010473 -0.36617091853585604 -0.4807070256699732 -0.6122687703510556 -0.8521754812400837 -0.9311125280487297 -1.0611264874982627 -1.2174527958840138 -1.1183945410653213 -1.2004271583370574 -1.369135748575143 -1.427177694757972 -1.485219640940801 -1.5842778957594934 -1.6121380299272523 -1.6399981640950114 -1.6399981640950114 +3244,-1.3737791042697651,0,-0.38164877085128057 -0.30271172404263463 -0.2810427308010473 -0.36617091853585604 -0.4807070256699732 -0.6122687703510556 -0.8521754812400837 -0.9311125280487297 -1.0611264874982627 -1.2174527958840138 -1.1183945410653213 -1.2004271583370574 -1.369135748575143 -1.427177694757972 -1.485219640940801 -1.5842778957594934 -1.6121380299272523 -1.6399981640950114 -1.6399981640950114 -1.5068886341823882 +3245,-0.994571722541951,0,-0.30271172404263463 -0.2810427308010473 -0.36617091853585604 -0.4807070256699732 -0.6122687703510556 -0.8521754812400837 -0.9311125280487297 -1.0611264874982627 -1.2174527958840138 -1.1183945410653213 -1.2004271583370574 -1.369135748575143 -1.427177694757972 -1.485219640940801 -1.5842778957594934 -1.6121380299272523 -1.6399981640950114 -1.6399981640950114 -1.5068886341823882 -1.3737791042697651 +3246,-0.6981708507016435,0,-0.2810427308010473 -0.36617091853585604 -0.4807070256699732 -0.6122687703510556 -0.8521754812400837 -0.9311125280487297 -1.0611264874982627 -1.2174527958840138 -1.1183945410653213 -1.2004271583370574 -1.369135748575143 -1.427177694757972 -1.485219640940801 -1.5842778957594934 -1.6121380299272523 -1.6399981640950114 -1.6399981640950114 -1.5068886341823882 -1.3737791042697651 -0.994571722541951 +3247,-0.40176997886132726,0,-0.36617091853585604 -0.4807070256699732 -0.6122687703510556 -0.8521754812400837 -0.9311125280487297 -1.0611264874982627 -1.2174527958840138 -1.1183945410653213 -1.2004271583370574 -1.369135748575143 -1.427177694757972 -1.485219640940801 -1.5842778957594934 -1.6121380299272523 -1.6399981640950114 -1.6399981640950114 -1.5068886341823882 -1.3737791042697651 -0.994571722541951 -0.6981708507016435 +3248,-0.2160357510762764,0,-0.4807070256699732 -0.6122687703510556 -0.8521754812400837 -0.9311125280487297 -1.0611264874982627 -1.2174527958840138 -1.1183945410653213 -1.2004271583370574 -1.369135748575143 -1.427177694757972 -1.485219640940801 -1.5842778957594934 -1.6121380299272523 -1.6399981640950114 -1.6399981640950114 -1.5068886341823882 -1.3737791042697651 -0.994571722541951 -0.6981708507016435 -0.40176997886132726 +3249,-0.18662783167697675,0,-0.6122687703510556 -0.8521754812400837 -0.9311125280487297 -1.0611264874982627 -1.2174527958840138 -1.1183945410653213 -1.2004271583370574 -1.369135748575143 -1.427177694757972 -1.485219640940801 -1.5842778957594934 -1.6121380299272523 -1.6399981640950114 -1.6399981640950114 -1.5068886341823882 -1.3737791042697651 -0.994571722541951 -0.6981708507016435 -0.40176997886132726 -0.2160357510762764 +3250,-0.2702082341802448,0,-0.8521754812400837 -0.9311125280487297 -1.0611264874982627 -1.2174527958840138 -1.1183945410653213 -1.2004271583370574 -1.369135748575143 -1.427177694757972 -1.485219640940801 -1.5842778957594934 -1.6121380299272523 -1.6399981640950114 -1.6399981640950114 -1.5068886341823882 -1.3737791042697651 -0.994571722541951 -0.6981708507016435 -0.40176997886132726 -0.2160357510762764 -0.18662783167697675 +3251,-0.30116393881109393,0,-0.9311125280487297 -1.0611264874982627 -1.2174527958840138 -1.1183945410653213 -1.2004271583370574 -1.369135748575143 -1.427177694757972 -1.485219640940801 -1.5842778957594934 -1.6121380299272523 -1.6399981640950114 -1.6399981640950114 -1.5068886341823882 -1.3737791042697651 -0.994571722541951 -0.6981708507016435 -0.40176997886132726 -0.2160357510762764 -0.18662783167697675 -0.2702082341802448 +3252,-0.29497279788492237,0,-1.0611264874982627 -1.2174527958840138 -1.1183945410653213 -1.2004271583370574 -1.369135748575143 -1.427177694757972 -1.485219640940801 -1.5842778957594934 -1.6121380299272523 -1.6399981640950114 -1.6399981640950114 -1.5068886341823882 -1.3737791042697651 -0.994571722541951 -0.6981708507016435 -0.40176997886132726 -0.2160357510762764 -0.18662783167697675 -0.2702082341802448 -0.30116393881109393 +3253,-0.4884459518276855,0,-1.2174527958840138 -1.1183945410653213 -1.2004271583370574 -1.369135748575143 -1.427177694757972 -1.485219640940801 -1.5842778957594934 -1.6121380299272523 -1.6399981640950114 -1.6399981640950114 -1.5068886341823882 -1.3737791042697651 -0.994571722541951 -0.6981708507016435 -0.40176997886132726 -0.2160357510762764 -0.18662783167697675 -0.2702082341802448 -0.30116393881109393 -0.29497279788492237 +3254,-0.7283526627167135,0,-1.1183945410653213 -1.2004271583370574 -1.369135748575143 -1.427177694757972 -1.485219640940801 -1.5842778957594934 -1.6121380299272523 -1.6399981640950114 -1.6399981640950114 -1.5068886341823882 -1.3737791042697651 -0.994571722541951 -0.6981708507016435 -0.40176997886132726 -0.2160357510762764 -0.18662783167697675 -0.2702082341802448 -0.30116393881109393 -0.29497279788492237 -0.4884459518276855 +3255,-0.8877745415655461,0,-1.2004271583370574 -1.369135748575143 -1.427177694757972 -1.485219640940801 -1.5842778957594934 -1.6121380299272523 -1.6399981640950114 -1.6399981640950114 -1.5068886341823882 -1.3737791042697651 -0.994571722541951 -0.6981708507016435 -0.40176997886132726 -0.2160357510762764 -0.18662783167697675 -0.2702082341802448 -0.30116393881109393 -0.29497279788492237 -0.4884459518276855 -0.7283526627167135 +3256,-0.8908701120286363,0,-1.369135748575143 -1.427177694757972 -1.485219640940801 -1.5842778957594934 -1.6121380299272523 -1.6399981640950114 -1.6399981640950114 -1.5068886341823882 -1.3737791042697651 -0.994571722541951 -0.6981708507016435 -0.40176997886132726 -0.2160357510762764 -0.18662783167697675 -0.2702082341802448 -0.30116393881109393 -0.29497279788492237 -0.4884459518276855 -0.7283526627167135 -0.8877745415655461 +3257,-1.0487442056459282,0,-1.427177694757972 -1.485219640940801 -1.5842778957594934 -1.6121380299272523 -1.6399981640950114 -1.6399981640950114 -1.5068886341823882 -1.3737791042697651 -0.994571722541951 -0.6981708507016435 -0.40176997886132726 -0.2160357510762764 -0.18662783167697675 -0.2702082341802448 -0.30116393881109393 -0.29497279788492237 -0.4884459518276855 -0.7283526627167135 -0.8877745415655461 -0.8908701120286363 +3258,-1.1462546752330802,0,-1.485219640940801 -1.5842778957594934 -1.6121380299272523 -1.6399981640950114 -1.6399981640950114 -1.5068886341823882 -1.3737791042697651 -0.994571722541951 -0.6981708507016435 -0.40176997886132726 -0.2160357510762764 -0.18662783167697675 -0.2702082341802448 -0.30116393881109393 -0.29497279788492237 -0.4884459518276855 -0.7283526627167135 -0.8877745415655461 -0.8908701120286363 -1.0487442056459282 +3259,-1.485219640940801,0,-1.5842778957594934 -1.6121380299272523 -1.6399981640950114 -1.6399981640950114 -1.5068886341823882 -1.3737791042697651 -0.994571722541951 -0.6981708507016435 -0.40176997886132726 -0.2160357510762764 -0.18662783167697675 -0.2702082341802448 -0.30116393881109393 -0.29497279788492237 -0.4884459518276855 -0.7283526627167135 -0.8877745415655461 -0.8908701120286363 -1.0487442056459282 -1.1462546752330802 +3260,-1.527009842192435,0,-1.6121380299272523 -1.6399981640950114 -1.6399981640950114 -1.5068886341823882 -1.3737791042697651 -0.994571722541951 -0.6981708507016435 -0.40176997886132726 -0.2160357510762764 -0.18662783167697675 -0.2702082341802448 -0.30116393881109393 -0.29497279788492237 -0.4884459518276855 -0.7283526627167135 -0.8877745415655461 -0.8908701120286363 -1.0487442056459282 -1.1462546752330802 -1.485219640940801 +3261,-1.6237464191638165,0,-1.6399981640950114 -1.6399981640950114 -1.5068886341823882 -1.3737791042697651 -0.994571722541951 -0.6981708507016435 -0.40176997886132726 -0.2160357510762764 -0.18662783167697675 -0.2702082341802448 -0.30116393881109393 -0.29497279788492237 -0.4884459518276855 -0.7283526627167135 -0.8877745415655461 -0.8908701120286363 -1.0487442056459282 -1.1462546752330802 -1.485219640940801 -1.527009842192435 +3262,-1.720482996135198,0,-1.6399981640950114 -1.5068886341823882 -1.3737791042697651 -0.994571722541951 -0.6981708507016435 -0.40176997886132726 -0.2160357510762764 -0.18662783167697675 -0.2702082341802448 -0.30116393881109393 -0.29497279788492237 -0.4884459518276855 -0.7283526627167135 -0.8877745415655461 -0.8908701120286363 -1.0487442056459282 -1.1462546752330802 -1.485219640940801 -1.527009842192435 -1.6237464191638165 +3263,-1.794776687249222,0,-1.5068886341823882 -1.3737791042697651 -0.994571722541951 -0.6981708507016435 -0.40176997886132726 -0.2160357510762764 -0.18662783167697675 -0.2702082341802448 -0.30116393881109393 -0.29497279788492237 -0.4884459518276855 -0.7283526627167135 -0.8877745415655461 -0.8908701120286363 -1.0487442056459282 -1.1462546752330802 -1.485219640940801 -1.527009842192435 -1.6237464191638165 -1.720482996135198 +3264,-1.8551403112793619,0,-1.3737791042697651 -0.994571722541951 -0.6981708507016435 -0.40176997886132726 -0.2160357510762764 -0.18662783167697675 -0.2702082341802448 -0.30116393881109393 -0.29497279788492237 -0.4884459518276855 -0.7283526627167135 -0.8877745415655461 -0.8908701120286363 -1.0487442056459282 -1.1462546752330802 -1.485219640940801 -1.527009842192435 -1.6237464191638165 -1.720482996135198 -1.794776687249222 +3265,-1.867522593131705,0,-0.994571722541951 -0.6981708507016435 -0.40176997886132726 -0.2160357510762764 -0.18662783167697675 -0.2702082341802448 -0.30116393881109393 -0.29497279788492237 -0.4884459518276855 -0.7283526627167135 -0.8877745415655461 -0.8908701120286363 -1.0487442056459282 -1.1462546752330802 -1.485219640940801 -1.527009842192435 -1.6237464191638165 -1.720482996135198 -1.794776687249222 -1.8551403112793619 +3266,-1.918599505772592,0,-0.6981708507016435 -0.40176997886132726 -0.2160357510762764 -0.18662783167697675 -0.2702082341802448 -0.30116393881109393 -0.29497279788492237 -0.4884459518276855 -0.7283526627167135 -0.8877745415655461 -0.8908701120286363 -1.0487442056459282 -1.1462546752330802 -1.485219640940801 -1.527009842192435 -1.6237464191638165 -1.720482996135198 -1.794776687249222 -1.8551403112793619 -1.867522593131705 +3267,-1.794776687249222,0,-0.40176997886132726 -0.2160357510762764 -0.18662783167697675 -0.2702082341802448 -0.30116393881109393 -0.29497279788492237 -0.4884459518276855 -0.7283526627167135 -0.8877745415655461 -0.8908701120286363 -1.0487442056459282 -1.1462546752330802 -1.485219640940801 -1.527009842192435 -1.6237464191638165 -1.720482996135198 -1.794776687249222 -1.8551403112793619 -1.867522593131705 -1.918599505772592 +3268,-1.4790285000146293,0,-0.2160357510762764 -0.18662783167697675 -0.2702082341802448 -0.30116393881109393 -0.29497279788492237 -0.4884459518276855 -0.7283526627167135 -0.8877745415655461 -0.8908701120286363 -1.0487442056459282 -1.1462546752330802 -1.485219640940801 -1.527009842192435 -1.6237464191638165 -1.720482996135198 -1.794776687249222 -1.8551403112793619 -1.867522593131705 -1.918599505772592 -1.794776687249222 +3269,-0.9280169575856395,0,-0.18662783167697675 -0.2702082341802448 -0.30116393881109393 -0.29497279788492237 -0.4884459518276855 -0.7283526627167135 -0.8877745415655461 -0.8908701120286363 -1.0487442056459282 -1.1462546752330802 -1.485219640940801 -1.527009842192435 -1.6237464191638165 -1.720482996135198 -1.794776687249222 -1.8551403112793619 -1.867522593131705 -1.918599505772592 -1.794776687249222 -1.4790285000146293 +3270,-0.4807070256699732,0,-0.2702082341802448 -0.30116393881109393 -0.29497279788492237 -0.4884459518276855 -0.7283526627167135 -0.8877745415655461 -0.8908701120286363 -1.0487442056459282 -1.1462546752330802 -1.485219640940801 -1.527009842192435 -1.6237464191638165 -1.720482996135198 -1.794776687249222 -1.8551403112793619 -1.867522593131705 -1.918599505772592 -1.794776687249222 -1.4790285000146293 -0.9280169575856395 +3271,-0.1634110532038399,0,-0.30116393881109393 -0.29497279788492237 -0.4884459518276855 -0.7283526627167135 -0.8877745415655461 -0.8908701120286363 -1.0487442056459282 -1.1462546752330802 -1.485219640940801 -1.527009842192435 -1.6237464191638165 -1.720482996135198 -1.794776687249222 -1.8551403112793619 -1.867522593131705 -1.918599505772592 -1.794776687249222 -1.4790285000146293 -0.9280169575856395 -0.4807070256699732 +3272,-0.04113601991201923,0,-0.29497279788492237 -0.4884459518276855 -0.7283526627167135 -0.8877745415655461 -0.8908701120286363 -1.0487442056459282 -1.1462546752330802 -1.485219640940801 -1.527009842192435 -1.6237464191638165 -1.720482996135198 -1.794776687249222 -1.8551403112793619 -1.867522593131705 -1.918599505772592 -1.794776687249222 -1.4790285000146293 -0.9280169575856395 -0.4807070256699732 -0.1634110532038399 +3273,0.11983364416836288,0,-0.4884459518276855 -0.7283526627167135 -0.8877745415655461 -0.8908701120286363 -1.0487442056459282 -1.1462546752330802 -1.485219640940801 -1.527009842192435 -1.6237464191638165 -1.720482996135198 -1.794776687249222 -1.8551403112793619 -1.867522593131705 -1.918599505772592 -1.794776687249222 -1.4790285000146293 -0.9280169575856395 -0.4807070256699732 -0.1634110532038399 -0.04113601991201923 +3274,0.09352129523214463,0,-0.7283526627167135 -0.8877745415655461 -0.8908701120286363 -1.0487442056459282 -1.1462546752330802 -1.485219640940801 -1.527009842192435 -1.6237464191638165 -1.720482996135198 -1.794776687249222 -1.8551403112793619 -1.867522593131705 -1.918599505772592 -1.794776687249222 -1.4790285000146293 -0.9280169575856395 -0.4807070256699732 -0.1634110532038399 -0.04113601991201923 0.11983364416836288 +3275,0.09506908046368533,0,-0.8877745415655461 -0.8908701120286363 -1.0487442056459282 -1.1462546752330802 -1.485219640940801 -1.527009842192435 -1.6237464191638165 -1.720482996135198 -1.794776687249222 -1.8551403112793619 -1.867522593131705 -1.918599505772592 -1.794776687249222 -1.4790285000146293 -0.9280169575856395 -0.4807070256699732 -0.1634110532038399 -0.04113601991201923 0.11983364416836288 0.09352129523214463 +3276,-0.1618632679722992,0,-0.8908701120286363 -1.0487442056459282 -1.1462546752330802 -1.485219640940801 -1.527009842192435 -1.6237464191638165 -1.720482996135198 -1.794776687249222 -1.8551403112793619 -1.867522593131705 -1.918599505772592 -1.794776687249222 -1.4790285000146293 -0.9280169575856395 -0.4807070256699732 -0.1634110532038399 -0.04113601991201923 0.11983364416836288 0.09352129523214463 0.09506908046368533 +3277,-0.3290240729788441,0,-1.0487442056459282 -1.1462546752330802 -1.485219640940801 -1.527009842192435 -1.6237464191638165 -1.720482996135198 -1.794776687249222 -1.8551403112793619 -1.867522593131705 -1.918599505772592 -1.794776687249222 -1.4790285000146293 -0.9280169575856395 -0.4807070256699732 -0.1634110532038399 -0.04113601991201923 0.11983364416836288 0.09352129523214463 0.09506908046368533 -0.1618632679722992 +3278,-0.6091731998879655,0,-1.1462546752330802 -1.485219640940801 -1.527009842192435 -1.6237464191638165 -1.720482996135198 -1.794776687249222 -1.8551403112793619 -1.867522593131705 -1.918599505772592 -1.794776687249222 -1.4790285000146293 -0.9280169575856395 -0.4807070256699732 -0.1634110532038399 -0.04113601991201923 0.11983364416836288 0.09352129523214463 0.09506908046368533 -0.1618632679722992 -0.3290240729788441 +3279,-0.7453783002636788,0,-1.485219640940801 -1.527009842192435 -1.6237464191638165 -1.720482996135198 -1.794776687249222 -1.8551403112793619 -1.867522593131705 -1.918599505772592 -1.794776687249222 -1.4790285000146293 -0.9280169575856395 -0.4807070256699732 -0.1634110532038399 -0.04113601991201923 0.11983364416836288 0.09352129523214463 0.09506908046368533 -0.1618632679722992 -0.3290240729788441 -0.6091731998879655 +3280,-0.9744505145319043,0,-1.527009842192435 -1.6237464191638165 -1.720482996135198 -1.794776687249222 -1.8551403112793619 -1.867522593131705 -1.918599505772592 -1.794776687249222 -1.4790285000146293 -0.9280169575856395 -0.4807070256699732 -0.1634110532038399 -0.04113601991201923 0.11983364416836288 0.09352129523214463 0.09506908046368533 -0.1618632679722992 -0.3290240729788441 -0.6091731998879655 -0.7453783002636788 +3281,-1.132324608149205,0,-1.6237464191638165 -1.720482996135198 -1.794776687249222 -1.8551403112793619 -1.867522593131705 -1.918599505772592 -1.794776687249222 -1.4790285000146293 -0.9280169575856395 -0.4807070256699732 -0.1634110532038399 -0.04113601991201923 0.11983364416836288 0.09352129523214463 0.09506908046368533 -0.1618632679722992 -0.3290240729788441 -0.6091731998879655 -0.7453783002636788 -0.9744505145319043 +3282,-1.2097138697263103,0,-1.720482996135198 -1.794776687249222 -1.8551403112793619 -1.867522593131705 -1.918599505772592 -1.794776687249222 -1.4790285000146293 -0.9280169575856395 -0.4807070256699732 -0.1634110532038399 -0.04113601991201923 0.11983364416836288 0.09352129523214463 0.09506908046368533 -0.1618632679722992 -0.3290240729788441 -0.6091731998879655 -0.7453783002636788 -0.9744505145319043 -1.132324608149205 +3283,-1.341275614407384,0,-1.794776687249222 -1.8551403112793619 -1.867522593131705 -1.918599505772592 -1.794776687249222 -1.4790285000146293 -0.9280169575856395 -0.4807070256699732 -0.1634110532038399 -0.04113601991201923 0.11983364416836288 0.09352129523214463 0.09506908046368533 -0.1618632679722992 -0.3290240729788441 -0.6091731998879655 -0.7453783002636788 -0.9744505145319043 -1.132324608149205 -1.2097138697263103 +3284,-1.4078303793636955,0,-1.8551403112793619 -1.867522593131705 -1.918599505772592 -1.794776687249222 -1.4790285000146293 -0.9280169575856395 -0.4807070256699732 -0.1634110532038399 -0.04113601991201923 0.11983364416836288 0.09352129523214463 0.09506908046368533 -0.1618632679722992 -0.3290240729788441 -0.6091731998879655 -0.7453783002636788 -0.9744505145319043 -1.132324608149205 -1.2097138697263103 -1.341275614407384 +3285,-1.4604550772361233,0,-1.867522593131705 -1.918599505772592 -1.794776687249222 -1.4790285000146293 -0.9280169575856395 -0.4807070256699732 -0.1634110532038399 -0.04113601991201923 0.11983364416836288 0.09352129523214463 0.09506908046368533 -0.1618632679722992 -0.3290240729788441 -0.6091731998879655 -0.7453783002636788 -0.9744505145319043 -1.132324608149205 -1.2097138697263103 -1.341275614407384 -1.4078303793636955 +3286,-1.5177231308031818,0,-1.918599505772592 -1.794776687249222 -1.4790285000146293 -0.9280169575856395 -0.4807070256699732 -0.1634110532038399 -0.04113601991201923 0.11983364416836288 0.09352129523214463 0.09506908046368533 -0.1618632679722992 -0.3290240729788441 -0.6091731998879655 -0.7453783002636788 -0.9744505145319043 -1.132324608149205 -1.2097138697263103 -1.341275614407384 -1.4078303793636955 -1.4604550772361233 +3287,-1.6384503788634706,0,-1.794776687249222 -1.4790285000146293 -0.9280169575856395 -0.4807070256699732 -0.1634110532038399 -0.04113601991201923 0.11983364416836288 0.09352129523214463 0.09506908046368533 -0.1618632679722992 -0.3290240729788441 -0.6091731998879655 -0.7453783002636788 -0.9744505145319043 -1.132324608149205 -1.2097138697263103 -1.341275614407384 -1.4078303793636955 -1.4604550772361233 -1.5177231308031818 +3288,-1.6910750767358984,0,-1.4790285000146293 -0.9280169575856395 -0.4807070256699732 -0.1634110532038399 -0.04113601991201923 0.11983364416836288 0.09352129523214463 0.09506908046368533 -0.1618632679722992 -0.3290240729788441 -0.6091731998879655 -0.7453783002636788 -0.9744505145319043 -1.132324608149205 -1.2097138697263103 -1.341275614407384 -1.4078303793636955 -1.4604550772361233 -1.5177231308031818 -1.6384503788634706 +3289,-1.743699774608335,0,-0.9280169575856395 -0.4807070256699732 -0.1634110532038399 -0.04113601991201923 0.11983364416836288 0.09352129523214463 0.09506908046368533 -0.1618632679722992 -0.3290240729788441 -0.6091731998879655 -0.7453783002636788 -0.9744505145319043 -1.132324608149205 -1.2097138697263103 -1.341275614407384 -1.4078303793636955 -1.4604550772361233 -1.5177231308031818 -1.6384503788634706 -1.6910750767358984 +3290,-1.7390564189137039,0,-0.4807070256699732 -0.1634110532038399 -0.04113601991201923 0.11983364416836288 0.09352129523214463 0.09506908046368533 -0.1618632679722992 -0.3290240729788441 -0.6091731998879655 -0.7453783002636788 -0.9744505145319043 -1.132324608149205 -1.2097138697263103 -1.341275614407384 -1.4078303793636955 -1.4604550772361233 -1.5177231308031818 -1.6384503788634706 -1.6910750767358984 -1.743699774608335 +3291,-1.502245278487766,0,-0.1634110532038399 -0.04113601991201923 0.11983364416836288 0.09352129523214463 0.09506908046368533 -0.1618632679722992 -0.3290240729788441 -0.6091731998879655 -0.7453783002636788 -0.9744505145319043 -1.132324608149205 -1.2097138697263103 -1.341275614407384 -1.4078303793636955 -1.4604550772361233 -1.5177231308031818 -1.6384503788634706 -1.6910750767358984 -1.743699774608335 -1.7390564189137039 +3292,-1.2654341380618195,0,-0.04113601991201923 0.11983364416836288 0.09352129523214463 0.09506908046368533 -0.1618632679722992 -0.3290240729788441 -0.6091731998879655 -0.7453783002636788 -0.9744505145319043 -1.132324608149205 -1.2097138697263103 -1.341275614407384 -1.4078303793636955 -1.4604550772361233 -1.5177231308031818 -1.6384503788634706 -1.6910750767358984 -1.743699774608335 -1.7390564189137039 -1.502245278487766 +3293,-0.7113270251697483,0,0.11983364416836288 0.09352129523214463 0.09506908046368533 -0.1618632679722992 -0.3290240729788441 -0.6091731998879655 -0.7453783002636788 -0.9744505145319043 -1.132324608149205 -1.2097138697263103 -1.341275614407384 -1.4078303793636955 -1.4604550772361233 -1.5177231308031818 -1.6384503788634706 -1.6910750767358984 -1.743699774608335 -1.7390564189137039 -1.502245278487766 -1.2654341380618195 +3294,-0.3328935360577046,0,0.09352129523214463 0.09506908046368533 -0.1618632679722992 -0.3290240729788441 -0.6091731998879655 -0.7453783002636788 -0.9744505145319043 -1.132324608149205 -1.2097138697263103 -1.341275614407384 -1.4078303793636955 -1.4604550772361233 -1.5177231308031818 -1.6384503788634706 -1.6910750767358984 -1.743699774608335 -1.7390564189137039 -1.502245278487766 -1.2654341380618195 -0.7113270251697483 +3295,0.045539953054339014,0,0.09506908046368533 -0.1618632679722992 -0.3290240729788441 -0.6091731998879655 -0.7453783002636788 -0.9744505145319043 -1.132324608149205 -1.2097138697263103 -1.341275614407384 -1.4078303793636955 -1.4604550772361233 -1.5177231308031818 -1.6384503788634706 -1.6910750767358984 -1.743699774608335 -1.7390564189137039 -1.502245278487766 -1.2654341380618195 -0.7113270251697483 -0.3328935360577046 +3296,0.34581028797350705,0,-0.1618632679722992 -0.3290240729788441 -0.6091731998879655 -0.7453783002636788 -0.9744505145319043 -1.132324608149205 -1.2097138697263103 -1.341275614407384 -1.4078303793636955 -1.4604550772361233 -1.5177231308031818 -1.6384503788634706 -1.6910750767358984 -1.743699774608335 -1.7390564189137039 -1.502245278487766 -1.2654341380618195 -0.7113270251697483 -0.3328935360577046 0.045539953054339014 +3297,0.5625002203894071,0,-0.3290240729788441 -0.6091731998879655 -0.7453783002636788 -0.9744505145319043 -1.132324608149205 -1.2097138697263103 -1.341275614407384 -1.4078303793636955 -1.4604550772361233 -1.5177231308031818 -1.6384503788634706 -1.6910750767358984 -1.743699774608335 -1.7390564189137039 -1.502245278487766 -1.2654341380618195 -0.7113270251697483 -0.3328935360577046 0.045539953054339014 0.34581028797350705 +3298,0.5733347170102008,0,-0.6091731998879655 -0.7453783002636788 -0.9744505145319043 -1.132324608149205 -1.2097138697263103 -1.341275614407384 -1.4078303793636955 -1.4604550772361233 -1.5177231308031818 -1.6384503788634706 -1.6910750767358984 -1.743699774608335 -1.7390564189137039 -1.502245278487766 -1.2654341380618195 -0.7113270251697483 -0.3328935360577046 0.045539953054339014 0.34581028797350705 0.5625002203894071 +3299,0.5501179385370639,0,-0.7453783002636788 -0.9744505145319043 -1.132324608149205 -1.2097138697263103 -1.341275614407384 -1.4078303793636955 -1.4604550772361233 -1.5177231308031818 -1.6384503788634706 -1.6910750767358984 -1.743699774608335 -1.7390564189137039 -1.502245278487766 -1.2654341380618195 -0.7113270251697483 -0.3328935360577046 0.045539953054339014 0.34581028797350705 0.5625002203894071 0.5733347170102008 +3300,0.3272368651950011,0,-0.9744505145319043 -1.132324608149205 -1.2097138697263103 -1.341275614407384 -1.4078303793636955 -1.4604550772361233 -1.5177231308031818 -1.6384503788634706 -1.6910750767358984 -1.743699774608335 -1.7390564189137039 -1.502245278487766 -1.2654341380618195 -0.7113270251697483 -0.3328935360577046 0.045539953054339014 0.34581028797350705 0.5625002203894071 0.5733347170102008 0.5501179385370639 +3301,-0.12162085195220587,0,-1.132324608149205 -1.2097138697263103 -1.341275614407384 -1.4078303793636955 -1.4604550772361233 -1.5177231308031818 -1.6384503788634706 -1.6910750767358984 -1.743699774608335 -1.7390564189137039 -1.502245278487766 -1.2654341380618195 -0.7113270251697483 -0.3328935360577046 0.045539953054339014 0.34581028797350705 0.5625002203894071 0.5733347170102008 0.5501179385370639 0.3272368651950011 +3302,-0.4420123948814206,0,-1.2097138697263103 -1.341275614407384 -1.4078303793636955 -1.4604550772361233 -1.5177231308031818 -1.6384503788634706 -1.6910750767358984 -1.743699774608335 -1.7390564189137039 -1.502245278487766 -1.2654341380618195 -0.7113270251697483 -0.3328935360577046 0.045539953054339014 0.34581028797350705 0.5625002203894071 0.5733347170102008 0.5501179385370639 0.3272368651950011 -0.12162085195220587 +3303,-0.6277466226664714,0,-1.341275614407384 -1.4078303793636955 -1.4604550772361233 -1.5177231308031818 -1.6384503788634706 -1.6910750767358984 -1.743699774608335 -1.7390564189137039 -1.502245278487766 -1.2654341380618195 -0.7113270251697483 -0.3328935360577046 0.045539953054339014 0.34581028797350705 0.5625002203894071 0.5733347170102008 0.5501179385370639 0.3272368651950011 -0.12162085195220587 -0.4420123948814206 +3304,-0.7438305150321293,0,-1.4078303793636955 -1.4604550772361233 -1.5177231308031818 -1.6384503788634706 -1.6910750767358984 -1.743699774608335 -1.7390564189137039 -1.502245278487766 -1.2654341380618195 -0.7113270251697483 -0.3328935360577046 0.045539953054339014 0.34581028797350705 0.5625002203894071 0.5733347170102008 0.5501179385370639 0.3272368651950011 -0.12162085195220587 -0.4420123948814206 -0.6277466226664714 +3305,-0.8738444744816711,0,-1.4604550772361233 -1.5177231308031818 -1.6384503788634706 -1.6910750767358984 -1.743699774608335 -1.7390564189137039 -1.502245278487766 -1.2654341380618195 -0.7113270251697483 -0.3328935360577046 0.045539953054339014 0.34581028797350705 0.5625002203894071 0.5733347170102008 0.5501179385370639 0.3272368651950011 -0.12162085195220587 -0.4420123948814206 -0.6277466226664714 -0.7438305150321293 +3306,-0.9357558837433517,0,-1.5177231308031818 -1.6384503788634706 -1.6910750767358984 -1.743699774608335 -1.7390564189137039 -1.502245278487766 -1.2654341380618195 -0.7113270251697483 -0.3328935360577046 0.045539953054339014 0.34581028797350705 0.5625002203894071 0.5733347170102008 0.5501179385370639 0.3272368651950011 -0.12162085195220587 -0.4420123948814206 -0.6277466226664714 -0.7438305150321293 -0.8738444744816711 +3307,-0.9543293065218578,0,-1.6384503788634706 -1.6910750767358984 -1.743699774608335 -1.7390564189137039 -1.502245278487766 -1.2654341380618195 -0.7113270251697483 -0.3328935360577046 0.045539953054339014 0.34581028797350705 0.5625002203894071 0.5733347170102008 0.5501179385370639 0.3272368651950011 -0.12162085195220587 -0.4420123948814206 -0.6277466226664714 -0.7438305150321293 -0.8738444744816711 -0.9357558837433517 +3308,-0.9558770917533984,0,-1.6910750767358984 -1.743699774608335 -1.7390564189137039 -1.502245278487766 -1.2654341380618195 -0.7113270251697483 -0.3328935360577046 0.045539953054339014 0.34581028797350705 0.5625002203894071 0.5733347170102008 0.5501179385370639 0.3272368651950011 -0.12162085195220587 -0.4420123948814206 -0.6277466226664714 -0.7438305150321293 -0.8738444744816711 -0.9357558837433517 -0.9543293065218578 +3309,-1.0100495748573757,0,-1.743699774608335 -1.7390564189137039 -1.502245278487766 -1.2654341380618195 -0.7113270251697483 -0.3328935360577046 0.045539953054339014 0.34581028797350705 0.5625002203894071 0.5733347170102008 0.5501179385370639 0.3272368651950011 -0.12162085195220587 -0.4420123948814206 -0.6277466226664714 -0.7438305150321293 -0.8738444744816711 -0.9357558837433517 -0.9543293065218578 -0.9558770917533984 +3310,-1.1431591047699987,0,-1.7390564189137039 -1.502245278487766 -1.2654341380618195 -0.7113270251697483 -0.3328935360577046 0.045539953054339014 0.34581028797350705 0.5625002203894071 0.5733347170102008 0.5501179385370639 0.3272368651950011 -0.12162085195220587 -0.4420123948814206 -0.6277466226664714 -0.7438305150321293 -0.8738444744816711 -0.9357558837433517 -0.9543293065218578 -0.9558770917533984 -1.0100495748573757 +3311,-1.1818537355585514,0,-1.502245278487766 -1.2654341380618195 -0.7113270251697483 -0.3328935360577046 0.045539953054339014 0.34581028797350705 0.5625002203894071 0.5733347170102008 0.5501179385370639 0.3272368651950011 -0.12162085195220587 -0.4420123948814206 -0.6277466226664714 -0.7438305150321293 -0.8738444744816711 -0.9357558837433517 -0.9543293065218578 -0.9558770917533984 -1.0100495748573757 -1.1431591047699987 +3312,-1.1269073598388037,0,-1.2654341380618195 -0.7113270251697483 -0.3328935360577046 0.045539953054339014 0.34581028797350705 0.5625002203894071 0.5733347170102008 0.5501179385370639 0.3272368651950011 -0.12162085195220587 -0.4420123948814206 -0.6277466226664714 -0.7438305150321293 -0.8738444744816711 -0.9357558837433517 -0.9543293065218578 -0.9558770917533984 -1.0100495748573757 -1.1431591047699987 -1.1818537355585514 +3313,-1.0719609841190563,0,-0.7113270251697483 -0.3328935360577046 0.045539953054339014 0.34581028797350705 0.5625002203894071 0.5733347170102008 0.5501179385370639 0.3272368651950011 -0.12162085195220587 -0.4420123948814206 -0.6277466226664714 -0.7438305150321293 -0.8738444744816711 -0.9357558837433517 -0.9543293065218578 -0.9558770917533984 -1.0100495748573757 -1.1431591047699987 -1.1818537355585514 -1.1269073598388037 +3314,-1.1864970912531736,0,-0.3328935360577046 0.045539953054339014 0.34581028797350705 0.5625002203894071 0.5733347170102008 0.5501179385370639 0.3272368651950011 -0.12162085195220587 -0.4420123948814206 -0.6277466226664714 -0.7438305150321293 -0.8738444744816711 -0.9357558837433517 -0.9543293065218578 -0.9558770917533984 -1.0100495748573757 -1.1431591047699987 -1.1818537355585514 -1.1269073598388037 -1.0719609841190563 +3315,-0.8057419242938189,0,0.045539953054339014 0.34581028797350705 0.5625002203894071 0.5733347170102008 0.5501179385370639 0.3272368651950011 -0.12162085195220587 -0.4420123948814206 -0.6277466226664714 -0.7438305150321293 -0.8738444744816711 -0.9357558837433517 -0.9543293065218578 -0.9558770917533984 -1.0100495748573757 -1.1431591047699987 -1.1818537355585514 -1.1269073598388037 -1.0719609841190563 -1.1864970912531736 +3316,-0.4389168244183392,0,0.34581028797350705 0.5625002203894071 0.5733347170102008 0.5501179385370639 0.3272368651950011 -0.12162085195220587 -0.4420123948814206 -0.6277466226664714 -0.7438305150321293 -0.8738444744816711 -0.9357558837433517 -0.9543293065218578 -0.9558770917533984 -1.0100495748573757 -1.1431591047699987 -1.1818537355585514 -1.1269073598388037 -1.0719609841190563 -1.1864970912531736 -0.8057419242938189 +3317,0.18019726819850287,0,0.5625002203894071 0.5733347170102008 0.5501179385370639 0.3272368651950011 -0.12162085195220587 -0.4420123948814206 -0.6277466226664714 -0.7438305150321293 -0.8738444744816711 -0.9357558837433517 -0.9543293065218578 -0.9558770917533984 -1.0100495748573757 -1.1431591047699987 -1.1818537355585514 -1.1269073598388037 -1.0719609841190563 -1.1864970912531736 -0.8057419242938189 -0.4389168244183392 +3318,0.7234698844697803,0,0.5733347170102008 0.5501179385370639 0.3272368651950011 -0.12162085195220587 -0.4420123948814206 -0.6277466226664714 -0.7438305150321293 -0.8738444744816711 -0.9357558837433517 -0.9543293065218578 -0.9558770917533984 -1.0100495748573757 -1.1431591047699987 -1.1818537355585514 -1.1269073598388037 -1.0719609841190563 -1.1864970912531736 -0.8057419242938189 -0.4389168244183392 0.18019726819850287 +3319,0.9773066624426923,0,0.5501179385370639 0.3272368651950011 -0.12162085195220587 -0.4420123948814206 -0.6277466226664714 -0.7438305150321293 -0.8738444744816711 -0.9357558837433517 -0.9543293065218578 -0.9558770917533984 -1.0100495748573757 -1.1431591047699987 -1.1818537355585514 -1.1269073598388037 -1.0719609841190563 -1.1864970912531736 -0.8057419242938189 -0.4389168244183392 0.18019726819850287 0.7234698844697803 +3320,1.1970921653216648,0,0.3272368651950011 -0.12162085195220587 -0.4420123948814206 -0.6277466226664714 -0.7438305150321293 -0.8738444744816711 -0.9357558837433517 -0.9543293065218578 -0.9558770917533984 -1.0100495748573757 -1.1431591047699987 -1.1818537355585514 -1.1269073598388037 -1.0719609841190563 -1.1864970912531736 -0.8057419242938189 -0.4389168244183392 0.18019726819850287 0.7234698844697803 0.9773066624426923 +3321,1.330201695234288,0,-0.12162085195220587 -0.4420123948814206 -0.6277466226664714 -0.7438305150321293 -0.8738444744816711 -0.9357558837433517 -0.9543293065218578 -0.9558770917533984 -1.0100495748573757 -1.1431591047699987 -1.1818537355585514 -1.1269073598388037 -1.0719609841190563 -1.1864970912531736 -0.8057419242938189 -0.4389168244183392 0.18019726819850287 0.7234698844697803 0.9773066624426923 1.1970921653216648 +3322,1.3178194133819536,0,-0.4420123948814206 -0.6277466226664714 -0.7438305150321293 -0.8738444744816711 -0.9357558837433517 -0.9543293065218578 -0.9558770917533984 -1.0100495748573757 -1.1431591047699987 -1.1818537355585514 -1.1269073598388037 -1.0719609841190563 -1.1864970912531736 -0.8057419242938189 -0.4389168244183392 0.18019726819850287 0.7234698844697803 0.9773066624426923 1.1970921653216648 1.330201695234288 +3323,1.2295956551840548,0,-0.6277466226664714 -0.7438305150321293 -0.8738444744816711 -0.9357558837433517 -0.9543293065218578 -0.9558770917533984 -1.0100495748573757 -1.1431591047699987 -1.1818537355585514 -1.1269073598388037 -1.0719609841190563 -1.1864970912531736 -0.8057419242938189 -0.4389168244183392 0.18019726819850287 0.7234698844697803 0.9773066624426923 1.1970921653216648 1.330201695234288 1.3178194133819536 +3324,0.9896889442950266,0,-0.7438305150321293 -0.8738444744816711 -0.9357558837433517 -0.9543293065218578 -0.9558770917533984 -1.0100495748573757 -1.1431591047699987 -1.1818537355585514 -1.1269073598388037 -1.0719609841190563 -1.1864970912531736 -0.8057419242938189 -0.4389168244183392 0.18019726819850287 0.7234698844697803 0.9773066624426923 1.1970921653216648 1.330201695234288 1.3178194133819536 1.2295956551840548 +3325,0.8178847835938509,0,-0.8738444744816711 -0.9357558837433517 -0.9543293065218578 -0.9558770917533984 -1.0100495748573757 -1.1431591047699987 -1.1818537355585514 -1.1269073598388037 -1.0719609841190563 -1.1864970912531736 -0.8057419242938189 -0.4389168244183392 0.18019726819850287 0.7234698844697803 0.9773066624426923 1.1970921653216648 1.330201695234288 1.3178194133819536 1.2295956551840548 0.9896889442950266 +3326,0.5392834419162702,0,-0.9357558837433517 -0.9543293065218578 -0.9558770917533984 -1.0100495748573757 -1.1431591047699987 -1.1818537355585514 -1.1269073598388037 -1.0719609841190563 -1.1864970912531736 -0.8057419242938189 -0.4389168244183392 0.18019726819850287 0.7234698844697803 0.9773066624426923 1.1970921653216648 1.330201695234288 1.3178194133819536 1.2295956551840548 0.9896889442950266 0.8178847835938509 +3327,0.15078934879920322,0,-0.9543293065218578 -0.9558770917533984 -1.0100495748573757 -1.1431591047699987 -1.1818537355585514 -1.1269073598388037 -1.0719609841190563 -1.1864970912531736 -0.8057419242938189 -0.4389168244183392 0.18019726819850287 0.7234698844697803 0.9773066624426923 1.1970921653216648 1.330201695234288 1.3178194133819536 1.2295956551840548 0.9896889442950266 0.8178847835938509 0.5392834419162702 +3328,-0.0550660869958943,0,-0.9558770917533984 -1.0100495748573757 -1.1431591047699987 -1.1818537355585514 -1.1269073598388037 -1.0719609841190563 -1.1864970912531736 -0.8057419242938189 -0.4389168244183392 0.18019726819850287 0.7234698844697803 0.9773066624426923 1.1970921653216648 1.330201695234288 1.3178194133819536 1.2295956551840548 0.9896889442950266 0.8178847835938509 0.5392834419162702 0.15078934879920322 +3329,-0.24853924093865745,0,-1.0100495748573757 -1.1431591047699987 -1.1818537355585514 -1.1269073598388037 -1.0719609841190563 -1.1864970912531736 -0.8057419242938189 -0.4389168244183392 0.18019726819850287 0.7234698844697803 0.9773066624426923 1.1970921653216648 1.330201695234288 1.3178194133819536 1.2295956551840548 0.9896889442950266 0.8178847835938509 0.5392834419162702 0.15078934879920322 -0.0550660869958943 +3330,-0.2686604489487041,0,-1.1431591047699987 -1.1818537355585514 -1.1269073598388037 -1.0719609841190563 -1.1864970912531736 -0.8057419242938189 -0.4389168244183392 0.18019726819850287 0.7234698844697803 0.9773066624426923 1.1970921653216648 1.330201695234288 1.3178194133819536 1.2295956551840548 0.9896889442950266 0.8178847835938509 0.5392834419162702 0.15078934879920322 -0.0550660869958943 -0.24853924093865745 +3331,-0.28878165695875074,0,-1.1818537355585514 -1.1269073598388037 -1.0719609841190563 -1.1864970912531736 -0.8057419242938189 -0.4389168244183392 0.18019726819850287 0.7234698844697803 0.9773066624426923 1.1970921653216648 1.330201695234288 1.3178194133819536 1.2295956551840548 0.9896889442950266 0.8178847835938509 0.5392834419162702 0.15078934879920322 -0.0550660869958943 -0.24853924093865745 -0.2686604489487041 +3332,-0.4884459518276855,0,-1.1269073598388037 -1.0719609841190563 -1.1864970912531736 -0.8057419242938189 -0.4389168244183392 0.18019726819850287 0.7234698844697803 0.9773066624426923 1.1970921653216648 1.330201695234288 1.3178194133819536 1.2295956551840548 0.9896889442950266 0.8178847835938509 0.5392834419162702 0.15078934879920322 -0.0550660869958943 -0.24853924093865745 -0.2686604489487041 -0.28878165695875074 +3333,-0.5820869583359857,0,-1.0719609841190563 -1.1864970912531736 -0.8057419242938189 -0.4389168244183392 0.18019726819850287 0.7234698844697803 0.9773066624426923 1.1970921653216648 1.330201695234288 1.3178194133819536 1.2295956551840548 0.9896889442950266 0.8178847835938509 0.5392834419162702 0.15078934879920322 -0.0550660869958943 -0.24853924093865745 -0.2686604489487041 -0.28878165695875074 -0.4884459518276855 +3334,-0.675727964844277,0,-1.1864970912531736 -0.8057419242938189 -0.4389168244183392 0.18019726819850287 0.7234698844697803 0.9773066624426923 1.1970921653216648 1.330201695234288 1.3178194133819536 1.2295956551840548 0.9896889442950266 0.8178847835938509 0.5392834419162702 0.15078934879920322 -0.0550660869958943 -0.24853924093865745 -0.2686604489487041 -0.28878165695875074 -0.4884459518276855 -0.5820869583359857 +3335,-0.8181242061461532,0,-0.8057419242938189 -0.4389168244183392 0.18019726819850287 0.7234698844697803 0.9773066624426923 1.1970921653216648 1.330201695234288 1.3178194133819536 1.2295956551840548 0.9896889442950266 0.8178847835938509 0.5392834419162702 0.15078934879920322 -0.0550660869958943 -0.24853924093865745 -0.2686604489487041 -0.28878165695875074 -0.4884459518276855 -0.5820869583359857 -0.675727964844277 +3336,-0.9179563535806161,0,-0.4389168244183392 0.18019726819850287 0.7234698844697803 0.9773066624426923 1.1970921653216648 1.330201695234288 1.3178194133819536 1.2295956551840548 0.9896889442950266 0.8178847835938509 0.5392834419162702 0.15078934879920322 -0.0550660869958943 -0.24853924093865745 -0.2686604489487041 -0.28878165695875074 -0.4884459518276855 -0.5820869583359857 -0.675727964844277 -0.8181242061461532 +3337,-1.017788501015088,0,0.18019726819850287 0.7234698844697803 0.9773066624426923 1.1970921653216648 1.330201695234288 1.3178194133819536 1.2295956551840548 0.9896889442950266 0.8178847835938509 0.5392834419162702 0.15078934879920322 -0.0550660869958943 -0.24853924093865745 -0.2686604489487041 -0.28878165695875074 -0.4884459518276855 -0.5820869583359857 -0.675727964844277 -0.8181242061461532 -0.9179563535806161 +3338,-1.0100495748573757,0,0.7234698844697803 0.9773066624426923 1.1970921653216648 1.330201695234288 1.3178194133819536 1.2295956551840548 0.9896889442950266 0.8178847835938509 0.5392834419162702 0.15078934879920322 -0.0550660869958943 -0.24853924093865745 -0.2686604489487041 -0.28878165695875074 -0.4884459518276855 -0.5820869583359857 -0.675727964844277 -0.8181242061461532 -0.9179563535806161 -1.017788501015088 +3339,-0.7198398439432309,0,0.9773066624426923 1.1970921653216648 1.330201695234288 1.3178194133819536 1.2295956551840548 0.9896889442950266 0.8178847835938509 0.5392834419162702 0.15078934879920322 -0.0550660869958943 -0.24853924093865745 -0.2686604489487041 -0.28878165695875074 -0.4884459518276855 -0.5820869583359857 -0.675727964844277 -0.8181242061461532 -0.9179563535806161 -1.017788501015088 -1.0100495748573757 +3340,-0.4296301130290862,0,1.1970921653216648 1.330201695234288 1.3178194133819536 1.2295956551840548 0.9896889442950266 0.8178847835938509 0.5392834419162702 0.15078934879920322 -0.0550660869958943 -0.24853924093865745 -0.2686604489487041 -0.28878165695875074 -0.4884459518276855 -0.5820869583359857 -0.675727964844277 -0.8181242061461532 -0.9179563535806161 -1.017788501015088 -1.0100495748573757 -0.7198398439432309 +3341,0.15852827495691552,0,1.330201695234288 1.3178194133819536 1.2295956551840548 0.9896889442950266 0.8178847835938509 0.5392834419162702 0.15078934879920322 -0.0550660869958943 -0.24853924093865745 -0.2686604489487041 -0.28878165695875074 -0.4884459518276855 -0.5820869583359857 -0.675727964844277 -0.8181242061461532 -0.9179563535806161 -1.017788501015088 -1.0100495748573757 -0.7198398439432309 -0.4296301130290862 +3342,0.8364582063723568,0,1.3178194133819536 1.2295956551840548 0.9896889442950266 0.8178847835938509 0.5392834419162702 0.15078934879920322 -0.0550660869958943 -0.24853924093865745 -0.2686604489487041 -0.28878165695875074 -0.4884459518276855 -0.5820869583359857 -0.675727964844277 -0.8181242061461532 -0.9179563535806161 -1.017788501015088 -1.0100495748573757 -0.7198398439432309 -0.4296301130290862 0.15852827495691552 +3343,1.0748171320298443,0,1.2295956551840548 0.9896889442950266 0.8178847835938509 0.5392834419162702 0.15078934879920322 -0.0550660869958943 -0.24853924093865745 -0.2686604489487041 -0.28878165695875074 -0.4884459518276855 -0.5820869583359857 -0.675727964844277 -0.8181242061461532 -0.9179563535806161 -1.017788501015088 -1.0100495748573757 -0.7198398439432309 -0.4296301130290862 0.15852827495691552 0.8364582063723568 +3344,1.3178194133819536,0,0.9896889442950266 0.8178847835938509 0.5392834419162702 0.15078934879920322 -0.0550660869958943 -0.24853924093865745 -0.2686604489487041 -0.28878165695875074 -0.4884459518276855 -0.5820869583359857 -0.675727964844277 -0.8181242061461532 -0.9179563535806161 -1.017788501015088 -1.0100495748573757 -0.7198398439432309 -0.4296301130290862 0.15852827495691552 0.8364582063723568 1.0748171320298443 +3345,1.269838071204148,0,0.8178847835938509 0.5392834419162702 0.15078934879920322 -0.0550660869958943 -0.24853924093865745 -0.2686604489487041 -0.28878165695875074 -0.4884459518276855 -0.5820869583359857 -0.675727964844277 -0.8181242061461532 -0.9179563535806161 -1.017788501015088 -1.0100495748573757 -0.7198398439432309 -0.4296301130290862 0.15852827495691552 0.8364582063723568 1.0748171320298443 1.3178194133819536 +3346,1.2249522994894237,0,0.5392834419162702 0.15078934879920322 -0.0550660869958943 -0.24853924093865745 -0.2686604489487041 -0.28878165695875074 -0.4884459518276855 -0.5820869583359857 -0.675727964844277 -0.8181242061461532 -0.9179563535806161 -1.017788501015088 -1.0100495748573757 -0.7198398439432309 -0.4296301130290862 0.15852827495691552 0.8364582063723568 1.0748171320298443 1.3178194133819536 1.269838071204148 +3347,1.223404514257883,0,0.15078934879920322 -0.0550660869958943 -0.24853924093865745 -0.2686604489487041 -0.28878165695875074 -0.4884459518276855 -0.5820869583359857 -0.675727964844277 -0.8181242061461532 -0.9179563535806161 -1.017788501015088 -1.0100495748573757 -0.7198398439432309 -0.4296301130290862 0.15852827495691552 0.8364582063723568 1.0748171320298443 1.3178194133819536 1.269838071204148 1.2249522994894237 +3348,1.043861427398995,0,-0.0550660869958943 -0.24853924093865745 -0.2686604489487041 -0.28878165695875074 -0.4884459518276855 -0.5820869583359857 -0.675727964844277 -0.8181242061461532 -0.9179563535806161 -1.017788501015088 -1.0100495748573757 -0.7198398439432309 -0.4296301130290862 0.15852827495691552 0.8364582063723568 1.0748171320298443 1.3178194133819536 1.269838071204148 1.2249522994894237 1.223404514257883 +3349,0.7559733743321702,0,-0.24853924093865745 -0.2686604489487041 -0.28878165695875074 -0.4884459518276855 -0.5820869583359857 -0.675727964844277 -0.8181242061461532 -0.9179563535806161 -1.017788501015088 -1.0100495748573757 -0.7198398439432309 -0.4296301130290862 0.15852827495691552 0.8364582063723568 1.0748171320298443 1.3178194133819536 1.269838071204148 1.2249522994894237 1.223404514257883 1.043861427398995 +3350,0.40462612677210635,0,-0.2686604489487041 -0.28878165695875074 -0.4884459518276855 -0.5820869583359857 -0.675727964844277 -0.8181242061461532 -0.9179563535806161 -1.017788501015088 -1.0100495748573757 -0.7198398439432309 -0.4296301130290862 0.15852827495691552 0.8364582063723568 1.0748171320298443 1.3178194133819536 1.269838071204148 1.2249522994894237 1.223404514257883 1.043861427398995 0.7559733743321702 +3351,0.07185230199055727,0,-0.28878165695875074 -0.4884459518276855 -0.5820869583359857 -0.675727964844277 -0.8181242061461532 -0.9179563535806161 -1.017788501015088 -1.0100495748573757 -0.7198398439432309 -0.4296301130290862 0.15852827495691552 0.8364582063723568 1.0748171320298443 1.3178194133819536 1.269838071204148 1.2249522994894237 1.223404514257883 1.043861427398995 0.7559733743321702 0.40462612677210635 +3352,-0.17269776459309288,0,-0.4884459518276855 -0.5820869583359857 -0.675727964844277 -0.8181242061461532 -0.9179563535806161 -1.017788501015088 -1.0100495748573757 -0.7198398439432309 -0.4296301130290862 0.15852827495691552 0.8364582063723568 1.0748171320298443 1.3178194133819536 1.269838071204148 1.2249522994894237 1.223404514257883 1.043861427398995 0.7559733743321702 0.40462612677210635 0.07185230199055727 +3353,-0.36307534807277464,0,-0.5820869583359857 -0.675727964844277 -0.8181242061461532 -0.9179563535806161 -1.017788501015088 -1.0100495748573757 -0.7198398439432309 -0.4296301130290862 0.15852827495691552 0.8364582063723568 1.0748171320298443 1.3178194133819536 1.269838071204148 1.2249522994894237 1.223404514257883 1.043861427398995 0.7559733743321702 0.40462612677210635 0.07185230199055727 -0.17269776459309288 +3354,-0.7066836694751262,0,-0.675727964844277 -0.8181242061461532 -0.9179563535806161 -1.017788501015088 -1.0100495748573757 -0.7198398439432309 -0.4296301130290862 0.15852827495691552 0.8364582063723568 1.0748171320298443 1.3178194133819536 1.269838071204148 1.2249522994894237 1.223404514257883 1.043861427398995 0.7559733743321702 0.40462612677210635 0.07185230199055727 -0.17269776459309288 -0.36307534807277464 +3355,-0.791811857209935,0,-0.8181242061461532 -0.9179563535806161 -1.017788501015088 -1.0100495748573757 -0.7198398439432309 -0.4296301130290862 0.15852827495691552 0.8364582063723568 1.0748171320298443 1.3178194133819536 1.269838071204148 1.2249522994894237 1.223404514257883 1.043861427398995 0.7559733743321702 0.40462612677210635 0.07185230199055727 -0.17269776459309288 -0.36307534807277464 -0.7066836694751262 +3356,-0.9837372259211574,0,-0.9179563535806161 -1.017788501015088 -1.0100495748573757 -0.7198398439432309 -0.4296301130290862 0.15852827495691552 0.8364582063723568 1.0748171320298443 1.3178194133819536 1.269838071204148 1.2249522994894237 1.223404514257883 1.043861427398995 0.7559733743321702 0.40462612677210635 0.07185230199055727 -0.17269776459309288 -0.36307534807277464 -0.7066836694751262 -0.791811857209935 +3357,-1.092082192129103,0,-1.017788501015088 -1.0100495748573757 -0.7198398439432309 -0.4296301130290862 0.15852827495691552 0.8364582063723568 1.0748171320298443 1.3178194133819536 1.269838071204148 1.2249522994894237 1.223404514257883 1.043861427398995 0.7559733743321702 0.40462612677210635 0.07185230199055727 -0.17269776459309288 -0.36307534807277464 -0.7066836694751262 -0.791811857209935 -0.9837372259211574 +3358,-1.0843432659713994,0,-1.0100495748573757 -0.7198398439432309 -0.4296301130290862 0.15852827495691552 0.8364582063723568 1.0748171320298443 1.3178194133819536 1.269838071204148 1.2249522994894237 1.223404514257883 1.043861427398995 0.7559733743321702 0.40462612677210635 0.07185230199055727 -0.17269776459309288 -0.36307534807277464 -0.7066836694751262 -0.791811857209935 -0.9837372259211574 -1.092082192129103 +3359,-1.243765144820232,0,-0.7198398439432309 -0.4296301130290862 0.15852827495691552 0.8364582063723568 1.0748171320298443 1.3178194133819536 1.269838071204148 1.2249522994894237 1.223404514257883 1.043861427398995 0.7559733743321702 0.40462612677210635 0.07185230199055727 -0.17269776459309288 -0.36307534807277464 -0.7066836694751262 -0.791811857209935 -0.9837372259211574 -1.092082192129103 -1.0843432659713994 +3360,-1.3381800439443026,0,-0.4296301130290862 0.15852827495691552 0.8364582063723568 1.0748171320298443 1.3178194133819536 1.269838071204148 1.2249522994894237 1.223404514257883 1.043861427398995 0.7559733743321702 0.40462612677210635 0.07185230199055727 -0.17269776459309288 -0.36307534807277464 -0.7066836694751262 -0.791811857209935 -0.9837372259211574 -1.092082192129103 -1.0843432659713994 -1.243765144820232 +3361,-1.4248560169106608,0,0.15852827495691552 0.8364582063723568 1.0748171320298443 1.3178194133819536 1.269838071204148 1.2249522994894237 1.223404514257883 1.043861427398995 0.7559733743321702 0.40462612677210635 0.07185230199055727 -0.17269776459309288 -0.36307534807277464 -0.7066836694751262 -0.791811857209935 -0.9837372259211574 -1.092082192129103 -1.0843432659713994 -1.243765144820232 -1.3381800439443026 +3362,-1.4620028624676729,0,0.8364582063723568 1.0748171320298443 1.3178194133819536 1.269838071204148 1.2249522994894237 1.223404514257883 1.043861427398995 0.7559733743321702 0.40462612677210635 0.07185230199055727 -0.17269776459309288 -0.36307534807277464 -0.7066836694751262 -0.791811857209935 -0.9837372259211574 -1.092082192129103 -1.0843432659713994 -1.243765144820232 -1.3381800439443026 -1.4248560169106608 +3363,-1.4774807147830886,0,1.0748171320298443 1.3178194133819536 1.269838071204148 1.2249522994894237 1.223404514257883 1.043861427398995 0.7559733743321702 0.40462612677210635 0.07185230199055727 -0.17269776459309288 -0.36307534807277464 -0.7066836694751262 -0.791811857209935 -0.9837372259211574 -1.092082192129103 -1.0843432659713994 -1.243765144820232 -1.3381800439443026 -1.4248560169106608 -1.4620028624676729 +3364,-1.1942360174108857,0,1.3178194133819536 1.269838071204148 1.2249522994894237 1.223404514257883 1.043861427398995 0.7559733743321702 0.40462612677210635 0.07185230199055727 -0.17269776459309288 -0.36307534807277464 -0.7066836694751262 -0.791811857209935 -0.9837372259211574 -1.092082192129103 -1.0843432659713994 -1.243765144820232 -1.3381800439443026 -1.4248560169106608 -1.4620028624676729 -1.4774807147830886 +3365,-0.7113270251697483,0,1.269838071204148 1.2249522994894237 1.223404514257883 1.043861427398995 0.7559733743321702 0.40462612677210635 0.07185230199055727 -0.17269776459309288 -0.36307534807277464 -0.7066836694751262 -0.791811857209935 -0.9837372259211574 -1.092082192129103 -1.0843432659713994 -1.243765144820232 -1.3381800439443026 -1.4248560169106608 -1.4620028624676729 -1.4774807147830886 -1.1942360174108857 +3366,-0.36617091853585604,0,1.2249522994894237 1.223404514257883 1.043861427398995 0.7559733743321702 0.40462612677210635 0.07185230199055727 -0.17269776459309288 -0.36307534807277464 -0.7066836694751262 -0.791811857209935 -0.9837372259211574 -1.092082192129103 -1.0843432659713994 -1.243765144820232 -1.3381800439443026 -1.4248560169106608 -1.4620028624676729 -1.4774807147830886 -1.1942360174108857 -0.7113270251697483 +3367,-0.09221293255290623,0,1.223404514257883 1.043861427398995 0.7559733743321702 0.40462612677210635 0.07185230199055727 -0.17269776459309288 -0.36307534807277464 -0.7066836694751262 -0.791811857209935 -0.9837372259211574 -1.092082192129103 -1.0843432659713994 -1.243765144820232 -1.3381800439443026 -1.4248560169106608 -1.4620028624676729 -1.4774807147830886 -1.1942360174108857 -0.7113270251697483 -0.36617091853585604 +3368,0.03780102689662673,0,1.043861427398995 0.7559733743321702 0.40462612677210635 0.07185230199055727 -0.17269776459309288 -0.36307534807277464 -0.7066836694751262 -0.791811857209935 -0.9837372259211574 -1.092082192129103 -1.0843432659713994 -1.243765144820232 -1.3381800439443026 -1.4248560169106608 -1.4620028624676729 -1.4774807147830886 -1.1942360174108857 -0.7113270251697483 -0.36617091853585604 -0.09221293255290623 +3369,0.11209471801065059,0,0.7559733743321702 0.40462612677210635 0.07185230199055727 -0.17269776459309288 -0.36307534807277464 -0.7066836694751262 -0.791811857209935 -0.9837372259211574 -1.092082192129103 -1.0843432659713994 -1.243765144820232 -1.3381800439443026 -1.4248560169106608 -1.4620028624676729 -1.4774807147830886 -1.1942360174108857 -0.7113270251697483 -0.36617091853585604 -0.09221293255290623 0.03780102689662673 +3370,0.07340008722209797,0,0.40462612677210635 0.07185230199055727 -0.17269776459309288 -0.36307534807277464 -0.7066836694751262 -0.791811857209935 -0.9837372259211574 -1.092082192129103 -1.0843432659713994 -1.243765144820232 -1.3381800439443026 -1.4248560169106608 -1.4620028624676729 -1.4774807147830886 -1.1942360174108857 -0.7113270251697483 -0.36617091853585604 -0.09221293255290623 0.03780102689662673 0.11209471801065059 +3371,0.0037497518027049923,0,0.07185230199055727 -0.17269776459309288 -0.36307534807277464 -0.7066836694751262 -0.791811857209935 -0.9837372259211574 -1.092082192129103 -1.0843432659713994 -1.243765144820232 -1.3381800439443026 -1.4248560169106608 -1.4620028624676729 -1.4774807147830886 -1.1942360174108857 -0.7113270251697483 -0.36617091853585604 -0.09221293255290623 0.03780102689662673 0.11209471801065059 0.07340008722209797 +3372,-0.2067490396870234,0,-0.17269776459309288 -0.36307534807277464 -0.7066836694751262 -0.791811857209935 -0.9837372259211574 -1.092082192129103 -1.0843432659713994 -1.243765144820232 -1.3381800439443026 -1.4248560169106608 -1.4620028624676729 -1.4774807147830886 -1.1942360174108857 -0.7113270251697483 -0.36617091853585604 -0.09221293255290623 0.03780102689662673 0.11209471801065059 0.07340008722209797 0.0037497518027049923 +3373,-0.4157000459452023,0,-0.36307534807277464 -0.7066836694751262 -0.791811857209935 -0.9837372259211574 -1.092082192129103 -1.0843432659713994 -1.243765144820232 -1.3381800439443026 -1.4248560169106608 -1.4620028624676729 -1.4774807147830886 -1.1942360174108857 -0.7113270251697483 -0.36617091853585604 -0.09221293255290623 0.03780102689662673 0.11209471801065059 0.07340008722209797 0.0037497518027049923 -0.2067490396870234 +3374,-0.7329960184113357,0,-0.7066836694751262 -0.791811857209935 -0.9837372259211574 -1.092082192129103 -1.0843432659713994 -1.243765144820232 -1.3381800439443026 -1.4248560169106608 -1.4620028624676729 -1.4774807147830886 -1.1942360174108857 -0.7113270251697483 -0.36617091853585604 -0.09221293255290623 0.03780102689662673 0.11209471801065059 0.07340008722209797 0.0037497518027049923 -0.2067490396870234 -0.4157000459452023 +3375,-0.7840729310522314,0,-0.791811857209935 -0.9837372259211574 -1.092082192129103 -1.0843432659713994 -1.243765144820232 -1.3381800439443026 -1.4248560169106608 -1.4620028624676729 -1.4774807147830886 -1.1942360174108857 -0.7113270251697483 -0.36617091853585604 -0.09221293255290623 0.03780102689662673 0.11209471801065059 0.07340008722209797 0.0037497518027049923 -0.2067490396870234 -0.4157000459452023 -0.7329960184113357 +3376,-0.9001568234178893,0,-0.9837372259211574 -1.092082192129103 -1.0843432659713994 -1.243765144820232 -1.3381800439443026 -1.4248560169106608 -1.4620028624676729 -1.4774807147830886 -1.1942360174108857 -0.7113270251697483 -0.36617091853585604 -0.09221293255290623 0.03780102689662673 0.11209471801065059 0.07340008722209797 0.0037497518027049923 -0.2067490396870234 -0.4157000459452023 -0.7329960184113357 -0.7840729310522314 +3377,-0.8815834006393833,0,-1.092082192129103 -1.0843432659713994 -1.243765144820232 -1.3381800439443026 -1.4248560169106608 -1.4620028624676729 -1.4774807147830886 -1.1942360174108857 -0.7113270251697483 -0.36617091853585604 -0.09221293255290623 0.03780102689662673 0.11209471801065059 0.07340008722209797 0.0037497518027049923 -0.2067490396870234 -0.4157000459452023 -0.7329960184113357 -0.7840729310522314 -0.9001568234178893 +3378,-0.8134808504515311,0,-1.0843432659713994 -1.243765144820232 -1.3381800439443026 -1.4248560169106608 -1.4620028624676729 -1.4774807147830886 -1.1942360174108857 -0.7113270251697483 -0.36617091853585604 -0.09221293255290623 0.03780102689662673 0.11209471801065059 0.07340008722209797 0.0037497518027049923 -0.2067490396870234 -0.4157000459452023 -0.7329960184113357 -0.7840729310522314 -0.9001568234178893 -0.8815834006393833 +3379,-0.7980029981361065,0,-1.243765144820232 -1.3381800439443026 -1.4248560169106608 -1.4620028624676729 -1.4774807147830886 -1.1942360174108857 -0.7113270251697483 -0.36617091853585604 -0.09221293255290623 0.03780102689662673 0.11209471801065059 0.07340008722209797 0.0037497518027049923 -0.2067490396870234 -0.4157000459452023 -0.7329960184113357 -0.7840729310522314 -0.9001568234178893 -0.8815834006393833 -0.8134808504515311 +3380,-0.8305064879984876,0,-1.3381800439443026 -1.4248560169106608 -1.4620028624676729 -1.4774807147830886 -1.1942360174108857 -0.7113270251697483 -0.36617091853585604 -0.09221293255290623 0.03780102689662673 0.11209471801065059 0.07340008722209797 0.0037497518027049923 -0.2067490396870234 -0.4157000459452023 -0.7329960184113357 -0.7840729310522314 -0.9001568234178893 -0.8815834006393833 -0.8134808504515311 -0.7980029981361065 +3381,-0.8970612529547991,0,-1.4248560169106608 -1.4620028624676729 -1.4774807147830886 -1.1942360174108857 -0.7113270251697483 -0.36617091853585604 -0.09221293255290623 0.03780102689662673 0.11209471801065059 0.07340008722209797 0.0037497518027049923 -0.2067490396870234 -0.4157000459452023 -0.7329960184113357 -0.7840729310522314 -0.9001568234178893 -0.8815834006393833 -0.8134808504515311 -0.7980029981361065 -0.8305064879984876 +3382,-0.9636160179111107,0,-1.4620028624676729 -1.4774807147830886 -1.1942360174108857 -0.7113270251697483 -0.36617091853585604 -0.09221293255290623 0.03780102689662673 0.11209471801065059 0.07340008722209797 0.0037497518027049923 -0.2067490396870234 -0.4157000459452023 -0.7329960184113357 -0.7840729310522314 -0.9001568234178893 -0.8815834006393833 -0.8134808504515311 -0.7980029981361065 -0.8305064879984876 -0.8970612529547991 +3383,-0.8986090381863399,0,-1.4774807147830886 -1.1942360174108857 -0.7113270251697483 -0.36617091853585604 -0.09221293255290623 0.03780102689662673 0.11209471801065059 0.07340008722209797 0.0037497518027049923 -0.2067490396870234 -0.4157000459452023 -0.7329960184113357 -0.7840729310522314 -0.9001568234178893 -0.8815834006393833 -0.8134808504515311 -0.7980029981361065 -0.8305064879984876 -0.8970612529547991 -0.9636160179111107 +3384,-0.9078957495755928,0,-1.1942360174108857 -0.7113270251697483 -0.36617091853585604 -0.09221293255290623 0.03780102689662673 0.11209471801065059 0.07340008722209797 0.0037497518027049923 -0.2067490396870234 -0.4157000459452023 -0.7329960184113357 -0.7840729310522314 -0.9001568234178893 -0.8815834006393833 -0.8134808504515311 -0.7980029981361065 -0.8305064879984876 -0.8970612529547991 -0.9636160179111107 -0.8986090381863399 +3385,-0.8939656824917177,0,-0.7113270251697483 -0.36617091853585604 -0.09221293255290623 0.03780102689662673 0.11209471801065059 0.07340008722209797 0.0037497518027049923 -0.2067490396870234 -0.4157000459452023 -0.7329960184113357 -0.7840729310522314 -0.9001568234178893 -0.8815834006393833 -0.8134808504515311 -0.7980029981361065 -0.8305064879984876 -0.8970612529547991 -0.9636160179111107 -0.8986090381863399 -0.9078957495755928 +3386,-0.9373036689748925,0,-0.36617091853585604 -0.09221293255290623 0.03780102689662673 0.11209471801065059 0.07340008722209797 0.0037497518027049923 -0.2067490396870234 -0.4157000459452023 -0.7329960184113357 -0.7840729310522314 -0.9001568234178893 -0.8815834006393833 -0.8134808504515311 -0.7980029981361065 -0.8305064879984876 -0.8970612529547991 -0.9636160179111107 -0.8986090381863399 -0.9078957495755928 -0.8939656824917177 +3387,-0.9744505145319043,0,-0.09221293255290623 0.03780102689662673 0.11209471801065059 0.07340008722209797 0.0037497518027049923 -0.2067490396870234 -0.4157000459452023 -0.7329960184113357 -0.7840729310522314 -0.9001568234178893 -0.8815834006393833 -0.8134808504515311 -0.7980029981361065 -0.8305064879984876 -0.8970612529547991 -0.9636160179111107 -0.8986090381863399 -0.9078957495755928 -0.8939656824917177 -0.9373036689748925 +3388,-1.0115973600889163,0,0.03780102689662673 0.11209471801065059 0.07340008722209797 0.0037497518027049923 -0.2067490396870234 -0.4157000459452023 -0.7329960184113357 -0.7840729310522314 -0.9001568234178893 -0.8815834006393833 -0.8134808504515311 -0.7980029981361065 -0.8305064879984876 -0.8970612529547991 -0.9636160179111107 -0.8986090381863399 -0.9078957495755928 -0.8939656824917177 -0.9373036689748925 -0.9744505145319043 +3389,-0.8521754812400837,0,0.11209471801065059 0.07340008722209797 0.0037497518027049923 -0.2067490396870234 -0.4157000459452023 -0.7329960184113357 -0.7840729310522314 -0.9001568234178893 -0.8815834006393833 -0.8134808504515311 -0.7980029981361065 -0.8305064879984876 -0.8970612529547991 -0.9636160179111107 -0.8986090381863399 -0.9078957495755928 -0.8939656824917177 -0.9373036689748925 -0.9744505145319043 -1.0115973600889163 +3390,-0.6788235353073673,0,0.07340008722209797 0.0037497518027049923 -0.2067490396870234 -0.4157000459452023 -0.7329960184113357 -0.7840729310522314 -0.9001568234178893 -0.8815834006393833 -0.8134808504515311 -0.7980029981361065 -0.8305064879984876 -0.8970612529547991 -0.9636160179111107 -0.8986090381863399 -0.9078957495755928 -0.8939656824917177 -0.9373036689748925 -0.9744505145319043 -1.0115973600889163 -0.8521754812400837 +3391,-0.5054715893746508,0,0.0037497518027049923 -0.2067490396870234 -0.4157000459452023 -0.7329960184113357 -0.7840729310522314 -0.9001568234178893 -0.8815834006393833 -0.8134808504515311 -0.7980029981361065 -0.8305064879984876 -0.8970612529547991 -0.9636160179111107 -0.8986090381863399 -0.9078957495755928 -0.8939656824917177 -0.9373036689748925 -0.9744505145319043 -1.0115973600889163 -0.8521754812400837 -0.6788235353073673 +3392,-0.3785532003881992,0,-0.2067490396870234 -0.4157000459452023 -0.7329960184113357 -0.7840729310522314 -0.9001568234178893 -0.8815834006393833 -0.8134808504515311 -0.7980029981361065 -0.8305064879984876 -0.8970612529547991 -0.9636160179111107 -0.8986090381863399 -0.9078957495755928 -0.8939656824917177 -0.9373036689748925 -0.9744505145319043 -1.0115973600889163 -0.8521754812400837 -0.6788235353073673 -0.5054715893746508 +3393,-0.324380717284222,0,-0.4157000459452023 -0.7329960184113357 -0.7840729310522314 -0.9001568234178893 -0.8815834006393833 -0.8134808504515311 -0.7980029981361065 -0.8305064879984876 -0.8970612529547991 -0.9636160179111107 -0.8986090381863399 -0.9078957495755928 -0.8939656824917177 -0.9373036689748925 -0.9744505145319043 -1.0115973600889163 -0.8521754812400837 -0.6788235353073673 -0.5054715893746508 -0.3785532003881992 +3394,-0.2702082341802448,0,-0.7329960184113357 -0.7840729310522314 -0.9001568234178893 -0.8815834006393833 -0.8134808504515311 -0.7980029981361065 -0.8305064879984876 -0.8970612529547991 -0.9636160179111107 -0.8986090381863399 -0.9078957495755928 -0.8939656824917177 -0.9373036689748925 -0.9744505145319043 -1.0115973600889163 -0.8521754812400837 -0.6788235353073673 -0.5054715893746508 -0.3785532003881992 -0.324380717284222 +3395,-0.23151360339169216,0,-0.7840729310522314 -0.9001568234178893 -0.8815834006393833 -0.8134808504515311 -0.7980029981361065 -0.8305064879984876 -0.8970612529547991 -0.9636160179111107 -0.8986090381863399 -0.9078957495755928 -0.8939656824917177 -0.9373036689748925 -0.9744505145319043 -1.0115973600889163 -0.8521754812400837 -0.6788235353073673 -0.5054715893746508 -0.3785532003881992 -0.324380717284222 -0.2702082341802448 +3396,-0.41956950902406287,0,-0.9001568234178893 -0.8815834006393833 -0.8134808504515311 -0.7980029981361065 -0.8305064879984876 -0.8970612529547991 -0.9636160179111107 -0.8986090381863399 -0.9078957495755928 -0.8939656824917177 -0.9373036689748925 -0.9744505145319043 -1.0115973600889163 -0.8521754812400837 -0.6788235353073673 -0.5054715893746508 -0.3785532003881992 -0.324380717284222 -0.2702082341802448 -0.23151360339169216 +3397,-0.6076254146564247,0,-0.8815834006393833 -0.8134808504515311 -0.7980029981361065 -0.8305064879984876 -0.8970612529547991 -0.9636160179111107 -0.8986090381863399 -0.9078957495755928 -0.8939656824917177 -0.9373036689748925 -0.9744505145319043 -1.0115973600889163 -0.8521754812400837 -0.6788235353073673 -0.5054715893746508 -0.3785532003881992 -0.324380717284222 -0.2702082341802448 -0.23151360339169216 -0.41956950902406287 +3398,-0.8320542732300282,0,-0.8134808504515311 -0.7980029981361065 -0.8305064879984876 -0.8970612529547991 -0.9636160179111107 -0.8986090381863399 -0.9078957495755928 -0.8939656824917177 -0.9373036689748925 -0.9744505145319043 -1.0115973600889163 -0.8521754812400837 -0.6788235353073673 -0.5054715893746508 -0.3785532003881992 -0.324380717284222 -0.2702082341802448 -0.23151360339169216 -0.41956950902406287 -0.6076254146564247 +3399,-0.9032523938809707,0,-0.7980029981361065 -0.8305064879984876 -0.8970612529547991 -0.9636160179111107 -0.8986090381863399 -0.9078957495755928 -0.8939656824917177 -0.9373036689748925 -0.9744505145319043 -1.0115973600889163 -0.8521754812400837 -0.6788235353073673 -0.5054715893746508 -0.3785532003881992 -0.324380717284222 -0.2702082341802448 -0.23151360339169216 -0.41956950902406287 -0.6076254146564247 -0.8320542732300282 +3400,-0.8583666221662465,0,-0.8305064879984876 -0.8970612529547991 -0.9636160179111107 -0.8986090381863399 -0.9078957495755928 -0.8939656824917177 -0.9373036689748925 -0.9744505145319043 -1.0115973600889163 -0.8521754812400837 -0.6788235353073673 -0.5054715893746508 -0.3785532003881992 -0.324380717284222 -0.2702082341802448 -0.23151360339169216 -0.41956950902406287 -0.6076254146564247 -0.8320542732300282 -0.9032523938809707 +3401,-1.5045669563350772,0,-0.8970612529547991 -0.9636160179111107 -0.8986090381863399 -0.9078957495755928 -0.8939656824917177 -0.9373036689748925 -0.9744505145319043 -1.0115973600889163 -0.8521754812400837 -0.6788235353073673 -0.5054715893746508 -0.3785532003881992 -0.324380717284222 -0.2702082341802448 -0.23151360339169216 -0.41956950902406287 -0.6076254146564247 -0.8320542732300282 -0.9032523938809707 -0.8583666221662465 +3402,-0.8800356154078338,0,-0.9636160179111107 -0.8986090381863399 -0.9078957495755928 -0.8939656824917177 -0.9373036689748925 -0.9744505145319043 -1.0115973600889163 -0.8521754812400837 -0.6788235353073673 -0.5054715893746508 -0.3785532003881992 -0.324380717284222 -0.2702082341802448 -0.23151360339169216 -0.41956950902406287 -0.6076254146564247 -0.8320542732300282 -0.9032523938809707 -0.8583666221662465 -1.5045669563350772 +3403,-0.8908701120286363,0,-0.8986090381863399 -0.9078957495755928 -0.8939656824917177 -0.9373036689748925 -0.9744505145319043 -1.0115973600889163 -0.8521754812400837 -0.6788235353073673 -0.5054715893746508 -0.3785532003881992 -0.324380717284222 -0.2702082341802448 -0.23151360339169216 -0.41956950902406287 -0.6076254146564247 -0.8320542732300282 -0.9032523938809707 -0.8583666221662465 -1.5045669563350772 -0.8800356154078338 +3404,-0.8707489040185808,0,-0.9078957495755928 -0.8939656824917177 -0.9373036689748925 -0.9744505145319043 -1.0115973600889163 -0.8521754812400837 -0.6788235353073673 -0.5054715893746508 -0.3785532003881992 -0.324380717284222 -0.2702082341802448 -0.23151360339169216 -0.41956950902406287 -0.6076254146564247 -0.8320542732300282 -0.9032523938809707 -0.8583666221662465 -1.5045669563350772 -0.8800356154078338 -0.8908701120286363 +3405,-0.8986090381863399,0,-0.8939656824917177 -0.9373036689748925 -0.9744505145319043 -1.0115973600889163 -0.8521754812400837 -0.6788235353073673 -0.5054715893746508 -0.3785532003881992 -0.324380717284222 -0.2702082341802448 -0.23151360339169216 -0.41956950902406287 -0.6076254146564247 -0.8320542732300282 -0.9032523938809707 -0.8583666221662465 -1.5045669563350772 -0.8800356154078338 -0.8908701120286363 -0.8707489040185808 +3406,-0.9264691723540988,0,-0.9373036689748925 -0.9744505145319043 -1.0115973600889163 -0.8521754812400837 -0.6788235353073673 -0.5054715893746508 -0.3785532003881992 -0.324380717284222 -0.2702082341802448 -0.23151360339169216 -0.41956950902406287 -0.6076254146564247 -0.8320542732300282 -0.9032523938809707 -0.8583666221662465 -1.5045669563350772 -0.8800356154078338 -0.8908701120286363 -0.8707489040185808 -0.8986090381863399 +3407,-0.9419470246695234,0,-0.9744505145319043 -1.0115973600889163 -0.8521754812400837 -0.6788235353073673 -0.5054715893746508 -0.3785532003881992 -0.324380717284222 -0.2702082341802448 -0.23151360339169216 -0.41956950902406287 -0.6076254146564247 -0.8320542732300282 -0.9032523938809707 -0.8583666221662465 -1.5045669563350772 -0.8800356154078338 -0.8908701120286363 -0.8707489040185808 -0.8986090381863399 -0.9264691723540988 +3408,-0.9612943400637997,0,-1.0115973600889163 -0.8521754812400837 -0.6788235353073673 -0.5054715893746508 -0.3785532003881992 -0.324380717284222 -0.2702082341802448 -0.23151360339169216 -0.41956950902406287 -0.6076254146564247 -0.8320542732300282 -0.9032523938809707 -0.8583666221662465 -1.5045669563350772 -0.8800356154078338 -0.8908701120286363 -0.8707489040185808 -0.8986090381863399 -0.9264691723540988 -0.9419470246695234 +3409,-0.980641655458076,0,-0.8521754812400837 -0.6788235353073673 -0.5054715893746508 -0.3785532003881992 -0.324380717284222 -0.2702082341802448 -0.23151360339169216 -0.41956950902406287 -0.6076254146564247 -0.8320542732300282 -0.9032523938809707 -0.8583666221662465 -1.5045669563350772 -0.8800356154078338 -0.8908701120286363 -0.8707489040185808 -0.8986090381863399 -0.9264691723540988 -0.9419470246695234 -0.9612943400637997 +3410,-0.989928366847329,0,-0.6788235353073673 -0.5054715893746508 -0.3785532003881992 -0.324380717284222 -0.2702082341802448 -0.23151360339169216 -0.41956950902406287 -0.6076254146564247 -0.8320542732300282 -0.9032523938809707 -0.8583666221662465 -1.5045669563350772 -0.8800356154078338 -0.8908701120286363 -0.8707489040185808 -0.8986090381863399 -0.9264691723540988 -0.9419470246695234 -0.9612943400637997 -0.980641655458076 +3411,-0.9729027293003637,0,-0.5054715893746508 -0.3785532003881992 -0.324380717284222 -0.2702082341802448 -0.23151360339169216 -0.41956950902406287 -0.6076254146564247 -0.8320542732300282 -0.9032523938809707 -0.8583666221662465 -1.5045669563350772 -0.8800356154078338 -0.8908701120286363 -0.8707489040185808 -0.8986090381863399 -0.9264691723540988 -0.9419470246695234 -0.9612943400637997 -0.980641655458076 -0.989928366847329 +3412,-0.9558770917533984,0,-0.3785532003881992 -0.324380717284222 -0.2702082341802448 -0.23151360339169216 -0.41956950902406287 -0.6076254146564247 -0.8320542732300282 -0.9032523938809707 -0.8583666221662465 -1.5045669563350772 -0.8800356154078338 -0.8908701120286363 -0.8707489040185808 -0.8986090381863399 -0.9264691723540988 -0.9419470246695234 -0.9612943400637997 -0.980641655458076 -0.989928366847329 -0.9729027293003637 +3413,-0.9233736018910174,0,-0.324380717284222 -0.2702082341802448 -0.23151360339169216 -0.41956950902406287 -0.6076254146564247 -0.8320542732300282 -0.9032523938809707 -0.8583666221662465 -1.5045669563350772 -0.8800356154078338 -0.8908701120286363 -0.8707489040185808 -0.8986090381863399 -0.9264691723540988 -0.9419470246695234 -0.9612943400637997 -0.980641655458076 -0.989928366847329 -0.9729027293003637 -0.9558770917533984 +3414,-0.9218258166594767,0,-0.2702082341802448 -0.23151360339169216 -0.41956950902406287 -0.6076254146564247 -0.8320542732300282 -0.9032523938809707 -0.8583666221662465 -1.5045669563350772 -0.8800356154078338 -0.8908701120286363 -0.8707489040185808 -0.8986090381863399 -0.9264691723540988 -0.9419470246695234 -0.9612943400637997 -0.980641655458076 -0.989928366847329 -0.9729027293003637 -0.9558770917533984 -0.9233736018910174 +3415,-0.920278031427936,0,-0.23151360339169216 -0.41956950902406287 -0.6076254146564247 -0.8320542732300282 -0.9032523938809707 -0.8583666221662465 -1.5045669563350772 -0.8800356154078338 -0.8908701120286363 -0.8707489040185808 -0.8986090381863399 -0.9264691723540988 -0.9419470246695234 -0.9612943400637997 -0.980641655458076 -0.989928366847329 -0.9729027293003637 -0.9558770917533984 -0.9233736018910174 -0.9218258166594767 +3416,-0.9156346757333051,0,-0.41956950902406287 -0.6076254146564247 -0.8320542732300282 -0.9032523938809707 -0.8583666221662465 -1.5045669563350772 -0.8800356154078338 -0.8908701120286363 -0.8707489040185808 -0.8986090381863399 -0.9264691723540988 -0.9419470246695234 -0.9612943400637997 -0.980641655458076 -0.989928366847329 -0.9729027293003637 -0.9558770917533984 -0.9233736018910174 -0.9218258166594767 -0.920278031427936 +3417,-0.8893223267970869,0,-0.6076254146564247 -0.8320542732300282 -0.9032523938809707 -0.8583666221662465 -1.5045669563350772 -0.8800356154078338 -0.8908701120286363 -0.8707489040185808 -0.8986090381863399 -0.9264691723540988 -0.9419470246695234 -0.9612943400637997 -0.980641655458076 -0.989928366847329 -0.9729027293003637 -0.9558770917533984 -0.9233736018910174 -0.9218258166594767 -0.920278031427936 -0.9156346757333051 +3418,-0.8630099778608774,0,-0.8320542732300282 -0.9032523938809707 -0.8583666221662465 -1.5045669563350772 -0.8800356154078338 -0.8908701120286363 -0.8707489040185808 -0.8986090381863399 -0.9264691723540988 -0.9419470246695234 -0.9612943400637997 -0.980641655458076 -0.989928366847329 -0.9729027293003637 -0.9558770917533984 -0.9233736018910174 -0.9218258166594767 -0.920278031427936 -0.9156346757333051 -0.8893223267970869 +3419,-0.8707489040185808,0,-0.9032523938809707 -0.8583666221662465 -1.5045669563350772 -0.8800356154078338 -0.8908701120286363 -0.8707489040185808 -0.8986090381863399 -0.9264691723540988 -0.9419470246695234 -0.9612943400637997 -0.980641655458076 -0.989928366847329 -0.9729027293003637 -0.9558770917533984 -0.9233736018910174 -0.9218258166594767 -0.920278031427936 -0.9156346757333051 -0.8893223267970869 -0.8630099778608774 +3420,-0.9195041388121656,0,-0.8583666221662465 -1.5045669563350772 -0.8800356154078338 -0.8908701120286363 -0.8707489040185808 -0.8986090381863399 -0.9264691723540988 -0.9419470246695234 -0.9612943400637997 -0.980641655458076 -0.989928366847329 -0.9729027293003637 -0.9558770917533984 -0.9233736018910174 -0.9218258166594767 -0.920278031427936 -0.9156346757333051 -0.8893223267970869 -0.8630099778608774 -0.8707489040185808 +3421,-0.9682593736057415,0,-1.5045669563350772 -0.8800356154078338 -0.8908701120286363 -0.8707489040185808 -0.8986090381863399 -0.9264691723540988 -0.9419470246695234 -0.9612943400637997 -0.980641655458076 -0.989928366847329 -0.9729027293003637 -0.9558770917533984 -0.9233736018910174 -0.9218258166594767 -0.920278031427936 -0.9156346757333051 -0.8893223267970869 -0.8630099778608774 -0.8707489040185808 -0.9195041388121656 +3422,-0.9852850111526981,0,-0.8800356154078338 -0.8908701120286363 -0.8707489040185808 -0.8986090381863399 -0.9264691723540988 -0.9419470246695234 -0.9612943400637997 -0.980641655458076 -0.989928366847329 -0.9729027293003637 -0.9558770917533984 -0.9233736018910174 -0.9218258166594767 -0.920278031427936 -0.9156346757333051 -0.8893223267970869 -0.8630099778608774 -0.8707489040185808 -0.9195041388121656 -0.9682593736057415 +3423,-1.134646285996516,0,-0.8908701120286363 -0.8707489040185808 -0.8986090381863399 -0.9264691723540988 -0.9419470246695234 -0.9612943400637997 -0.980641655458076 -0.989928366847329 -0.9729027293003637 -0.9558770917533984 -0.9233736018910174 -0.9218258166594767 -0.920278031427936 -0.9156346757333051 -0.8893223267970869 -0.8630099778608774 -0.8707489040185808 -0.9195041388121656 -0.9682593736057415 -0.9852850111526981 +3424,-1.2840075608403254,0,-0.8707489040185808 -0.8986090381863399 -0.9264691723540988 -0.9419470246695234 -0.9612943400637997 -0.980641655458076 -0.989928366847329 -0.9729027293003637 -0.9558770917533984 -0.9233736018910174 -0.9218258166594767 -0.920278031427936 -0.9156346757333051 -0.8893223267970869 -0.8630099778608774 -0.8707489040185808 -0.9195041388121656 -0.9682593736057415 -0.9852850111526981 -1.134646285996516 +3425,-1.4124737350583176,0,-0.8986090381863399 -0.9264691723540988 -0.9419470246695234 -0.9612943400637997 -0.980641655458076 -0.989928366847329 -0.9729027293003637 -0.9558770917533984 -0.9233736018910174 -0.9218258166594767 -0.920278031427936 -0.9156346757333051 -0.8893223267970869 -0.8630099778608774 -0.8707489040185808 -0.9195041388121656 -0.9682593736057415 -0.9852850111526981 -1.134646285996516 -1.2840075608403254 +3426,-1.4217604464475706,0,-0.9264691723540988 -0.9419470246695234 -0.9612943400637997 -0.980641655458076 -0.989928366847329 -0.9729027293003637 -0.9558770917533984 -0.9233736018910174 -0.9218258166594767 -0.920278031427936 -0.9156346757333051 -0.8893223267970869 -0.8630099778608774 -0.8707489040185808 -0.9195041388121656 -0.9682593736057415 -0.9852850111526981 -1.134646285996516 -1.2840075608403254 -1.4124737350583176 +3427,-1.4310471578368236,0,-0.9419470246695234 -0.9612943400637997 -0.980641655458076 -0.989928366847329 -0.9729027293003637 -0.9558770917533984 -0.9233736018910174 -0.9218258166594767 -0.920278031427936 -0.9156346757333051 -0.8893223267970869 -0.8630099778608774 -0.8707489040185808 -0.9195041388121656 -0.9682593736057415 -0.9852850111526981 -1.134646285996516 -1.2840075608403254 -1.4124737350583176 -1.4217604464475706 +3428,-1.4542639363099605,0,-0.9612943400637997 -0.980641655458076 -0.989928366847329 -0.9729027293003637 -0.9558770917533984 -0.9233736018910174 -0.9218258166594767 -0.920278031427936 -0.9156346757333051 -0.8893223267970869 -0.8630099778608774 -0.8707489040185808 -0.9195041388121656 -0.9682593736057415 -0.9852850111526981 -1.134646285996516 -1.2840075608403254 -1.4124737350583176 -1.4217604464475706 -1.4310471578368236 +3429,-1.5355226609659176,0,-0.980641655458076 -0.989928366847329 -0.9729027293003637 -0.9558770917533984 -0.9233736018910174 -0.9218258166594767 -0.920278031427936 -0.9156346757333051 -0.8893223267970869 -0.8630099778608774 -0.8707489040185808 -0.9195041388121656 -0.9682593736057415 -0.9852850111526981 -1.134646285996516 -1.2840075608403254 -1.4124737350583176 -1.4217604464475706 -1.4310471578368236 -1.4542639363099605 +3430,-1.6167813856218833,0,-0.989928366847329 -0.9729027293003637 -0.9558770917533984 -0.9233736018910174 -0.9218258166594767 -0.920278031427936 -0.9156346757333051 -0.8893223267970869 -0.8630099778608774 -0.8707489040185808 -0.9195041388121656 -0.9682593736057415 -0.9852850111526981 -1.134646285996516 -1.2840075608403254 -1.4124737350583176 -1.4217604464475706 -1.4310471578368236 -1.4542639363099605 -1.5355226609659176 +3431,-1.6895272915043578,0,-0.9729027293003637 -0.9558770917533984 -0.9233736018910174 -0.9218258166594767 -0.920278031427936 -0.9156346757333051 -0.8893223267970869 -0.8630099778608774 -0.8707489040185808 -0.9195041388121656 -0.9682593736057415 -0.9852850111526981 -1.134646285996516 -1.2840075608403254 -1.4124737350583176 -1.4217604464475706 -1.4310471578368236 -1.4542639363099605 -1.5355226609659176 -1.6167813856218833 +3432,-1.7282219222929103,0,-0.9558770917533984 -0.9233736018910174 -0.9218258166594767 -0.920278031427936 -0.9156346757333051 -0.8893223267970869 -0.8630099778608774 -0.8707489040185808 -0.9195041388121656 -0.9682593736057415 -0.9852850111526981 -1.134646285996516 -1.2840075608403254 -1.4124737350583176 -1.4217604464475706 -1.4310471578368236 -1.4542639363099605 -1.5355226609659176 -1.6167813856218833 -1.6895272915043578 +3433,-1.8164456804908091,0,-0.9233736018910174 -0.9218258166594767 -0.920278031427936 -0.9156346757333051 -0.8893223267970869 -0.8630099778608774 -0.8707489040185808 -0.9195041388121656 -0.9682593736057415 -0.9852850111526981 -1.134646285996516 -1.2840075608403254 -1.4124737350583176 -1.4217604464475706 -1.4310471578368236 -1.4542639363099605 -1.5355226609659176 -1.6167813856218833 -1.6895272915043578 -1.7282219222929103 +3434,-1.9124083648464205,0,-0.9218258166594767 -0.920278031427936 -0.9156346757333051 -0.8893223267970869 -0.8630099778608774 -0.8707489040185808 -0.9195041388121656 -0.9682593736057415 -0.9852850111526981 -1.134646285996516 -1.2840075608403254 -1.4124737350583176 -1.4217604464475706 -1.4310471578368236 -1.4542639363099605 -1.5355226609659176 -1.6167813856218833 -1.6895272915043578 -1.7282219222929103 -1.8164456804908091 +3435,-1.6884954346317382,0,-0.920278031427936 -0.9156346757333051 -0.8893223267970869 -0.8630099778608774 -0.8707489040185808 -0.9195041388121656 -0.9682593736057415 -0.9852850111526981 -1.134646285996516 -1.2840075608403254 -1.4124737350583176 -1.4217604464475706 -1.4310471578368236 -1.4542639363099605 -1.5355226609659176 -1.6167813856218833 -1.6895272915043578 -1.7282219222929103 -1.8164456804908091 -1.9124083648464205 +3436,-2.0318199954598946,0,-0.9156346757333051 -0.8893223267970869 -0.8630099778608774 -0.8707489040185808 -0.9195041388121656 -0.9682593736057415 -0.9852850111526981 -1.134646285996516 -1.2840075608403254 -1.4124737350583176 -1.4217604464475706 -1.4310471578368236 -1.4542639363099605 -1.5355226609659176 -1.6167813856218833 -1.6895272915043578 -1.7282219222929103 -1.8164456804908091 -1.9124083648464205 -1.6884954346317382 +3437,-1.2406695743571508,0,-0.8893223267970869 -0.8630099778608774 -0.8707489040185808 -0.9195041388121656 -0.9682593736057415 -0.9852850111526981 -1.134646285996516 -1.2840075608403254 -1.4124737350583176 -1.4217604464475706 -1.4310471578368236 -1.4542639363099605 -1.5355226609659176 -1.6167813856218833 -1.6895272915043578 -1.7282219222929103 -1.8164456804908091 -1.9124083648464205 -1.6884954346317382 -2.0318199954598946 +3438,-0.980641655458076,0,-0.8630099778608774 -0.8707489040185808 -0.9195041388121656 -0.9682593736057415 -0.9852850111526981 -1.134646285996516 -1.2840075608403254 -1.4124737350583176 -1.4217604464475706 -1.4310471578368236 -1.4542639363099605 -1.5355226609659176 -1.6167813856218833 -1.6895272915043578 -1.7282219222929103 -1.8164456804908091 -1.9124083648464205 -1.6884954346317382 -2.0318199954598946 -1.2406695743571508 +3439,-0.7980029981361065,0,-0.8707489040185808 -0.9195041388121656 -0.9682593736057415 -0.9852850111526981 -1.134646285996516 -1.2840075608403254 -1.4124737350583176 -1.4217604464475706 -1.4310471578368236 -1.4542639363099605 -1.5355226609659176 -1.6167813856218833 -1.6895272915043578 -1.7282219222929103 -1.8164456804908091 -1.9124083648464205 -1.6884954346317382 -2.0318199954598946 -1.2406695743571508 -0.980641655458076 +3440,-0.6509634011396083,0,-0.9195041388121656 -0.9682593736057415 -0.9852850111526981 -1.134646285996516 -1.2840075608403254 -1.4124737350583176 -1.4217604464475706 -1.4310471578368236 -1.4542639363099605 -1.5355226609659176 -1.6167813856218833 -1.6895272915043578 -1.7282219222929103 -1.8164456804908091 -1.9124083648464205 -1.6884954346317382 -2.0318199954598946 -1.2406695743571508 -0.980641655458076 -0.7980029981361065 +3441,-0.5101149450692729,0,-0.9682593736057415 -0.9852850111526981 -1.134646285996516 -1.2840075608403254 -1.4124737350583176 -1.4217604464475706 -1.4310471578368236 -1.4542639363099605 -1.5355226609659176 -1.6167813856218833 -1.6895272915043578 -1.7282219222929103 -1.8164456804908091 -1.9124083648464205 -1.6884954346317382 -2.0318199954598946 -1.2406695743571508 -0.980641655458076 -0.7980029981361065 -0.6509634011396083 +3442,-0.4807070256699732,0,-0.9852850111526981 -1.134646285996516 -1.2840075608403254 -1.4124737350583176 -1.4217604464475706 -1.4310471578368236 -1.4542639363099605 -1.5355226609659176 -1.6167813856218833 -1.6895272915043578 -1.7282219222929103 -1.8164456804908091 -1.9124083648464205 -1.6884954346317382 -2.0318199954598946 -1.2406695743571508 -0.980641655458076 -0.7980029981361065 -0.6509634011396083 -0.5101149450692729 +3443,-0.45903803242838587,0,-1.134646285996516 -1.2840075608403254 -1.4124737350583176 -1.4217604464475706 -1.4310471578368236 -1.4542639363099605 -1.5355226609659176 -1.6167813856218833 -1.6895272915043578 -1.7282219222929103 -1.8164456804908091 -1.9124083648464205 -1.6884954346317382 -2.0318199954598946 -1.2406695743571508 -0.980641655458076 -0.7980029981361065 -0.6509634011396083 -0.5101149450692729 -0.4807070256699732 +3444,-0.5441662201632034,0,-1.2840075608403254 -1.4124737350583176 -1.4217604464475706 -1.4310471578368236 -1.4542639363099605 -1.5355226609659176 -1.6167813856218833 -1.6895272915043578 -1.7282219222929103 -1.8164456804908091 -1.9124083648464205 -1.6884954346317382 -2.0318199954598946 -1.2406695743571508 -0.980641655458076 -0.7980029981361065 -0.6509634011396083 -0.5101149450692729 -0.4807070256699732 -0.45903803242838587 +3445,-0.6556067568342304,0,-1.4124737350583176 -1.4217604464475706 -1.4310471578368236 -1.4542639363099605 -1.5355226609659176 -1.6167813856218833 -1.6895272915043578 -1.7282219222929103 -1.8164456804908091 -1.9124083648464205 -1.6884954346317382 -2.0318199954598946 -1.2406695743571508 -0.980641655458076 -0.7980029981361065 -0.6509634011396083 -0.5101149450692729 -0.4807070256699732 -0.45903803242838587 -0.5441662201632034 +3446,-0.8537232664716244,0,-1.4217604464475706 -1.4310471578368236 -1.4542639363099605 -1.5355226609659176 -1.6167813856218833 -1.6895272915043578 -1.7282219222929103 -1.8164456804908091 -1.9124083648464205 -1.6884954346317382 -2.0318199954598946 -1.2406695743571508 -0.980641655458076 -0.7980029981361065 -0.6509634011396083 -0.5101149450692729 -0.4807070256699732 -0.45903803242838587 -0.5441662201632034 -0.6556067568342304 +3447,-0.9682593736057415,0,-1.4310471578368236 -1.4542639363099605 -1.5355226609659176 -1.6167813856218833 -1.6895272915043578 -1.7282219222929103 -1.8164456804908091 -1.9124083648464205 -1.6884954346317382 -2.0318199954598946 -1.2406695743571508 -0.980641655458076 -0.7980029981361065 -0.6509634011396083 -0.5101149450692729 -0.4807070256699732 -0.45903803242838587 -0.5441662201632034 -0.6556067568342304 -0.8537232664716244 +3448,-0.9837372259211574,0,-1.4542639363099605 -1.5355226609659176 -1.6167813856218833 -1.6895272915043578 -1.7282219222929103 -1.8164456804908091 -1.9124083648464205 -1.6884954346317382 -2.0318199954598946 -1.2406695743571508 -0.980641655458076 -0.7980029981361065 -0.6509634011396083 -0.5101149450692729 -0.4807070256699732 -0.45903803242838587 -0.5441662201632034 -0.6556067568342304 -0.8537232664716244 -0.9682593736057415 +3449,-1.0100495748573757,0,-1.5355226609659176 -1.6167813856218833 -1.6895272915043578 -1.7282219222929103 -1.8164456804908091 -1.9124083648464205 -1.6884954346317382 -2.0318199954598946 -1.2406695743571508 -0.980641655458076 -0.7980029981361065 -0.6509634011396083 -0.5101149450692729 -0.4807070256699732 -0.45903803242838587 -0.5441662201632034 -0.6556067568342304 -0.8537232664716244 -0.9682593736057415 -0.9837372259211574 +3450,-1.2499562857464037,0,-1.6167813856218833 -1.6895272915043578 -1.7282219222929103 -1.8164456804908091 -1.9124083648464205 -1.6884954346317382 -2.0318199954598946 -1.2406695743571508 -0.980641655458076 -0.7980029981361065 -0.6509634011396083 -0.5101149450692729 -0.4807070256699732 -0.45903803242838587 -0.5441662201632034 -0.6556067568342304 -0.8537232664716244 -0.9682593736057415 -0.9837372259211574 -1.0100495748573757 +3451,-1.2004271583370574,0,-1.6895272915043578 -1.7282219222929103 -1.8164456804908091 -1.9124083648464205 -1.6884954346317382 -2.0318199954598946 -1.2406695743571508 -0.980641655458076 -0.7980029981361065 -0.6509634011396083 -0.5101149450692729 -0.4807070256699732 -0.45903803242838587 -0.5441662201632034 -0.6556067568342304 -0.8537232664716244 -0.9682593736057415 -0.9837372259211574 -1.0100495748573757 -1.2499562857464037 +3452,-1.401639238437524,0,-1.7282219222929103 -1.8164456804908091 -1.9124083648464205 -1.6884954346317382 -2.0318199954598946 -1.2406695743571508 -0.980641655458076 -0.7980029981361065 -0.6509634011396083 -0.5101149450692729 -0.4807070256699732 -0.45903803242838587 -0.5441662201632034 -0.6556067568342304 -0.8537232664716244 -0.9682593736057415 -0.9837372259211574 -1.0100495748573757 -1.2499562857464037 -1.2004271583370574 +3453,-1.4465250101522482,0,-1.8164456804908091 -1.9124083648464205 -1.6884954346317382 -2.0318199954598946 -1.2406695743571508 -0.980641655458076 -0.7980029981361065 -0.6509634011396083 -0.5101149450692729 -0.4807070256699732 -0.45903803242838587 -0.5441662201632034 -0.6556067568342304 -0.8537232664716244 -0.9682593736057415 -0.9837372259211574 -1.0100495748573757 -1.2499562857464037 -1.2004271583370574 -1.401639238437524 +3454,-1.6384503788634706,0,-1.9124083648464205 -1.6884954346317382 -2.0318199954598946 -1.2406695743571508 -0.980641655458076 -0.7980029981361065 -0.6509634011396083 -0.5101149450692729 -0.4807070256699732 -0.45903803242838587 -0.5441662201632034 -0.6556067568342304 -0.8537232664716244 -0.9682593736057415 -0.9837372259211574 -1.0100495748573757 -1.2499562857464037 -1.2004271583370574 -1.401639238437524 -1.4465250101522482 +3455,-1.7452475598398756,0,-1.6884954346317382 -2.0318199954598946 -1.2406695743571508 -0.980641655458076 -0.7980029981361065 -0.6509634011396083 -0.5101149450692729 -0.4807070256699732 -0.45903803242838587 -0.5441662201632034 -0.6556067568342304 -0.8537232664716244 -0.9682593736057415 -0.9837372259211574 -1.0100495748573757 -1.2499562857464037 -1.2004271583370574 -1.401639238437524 -1.4465250101522482 -1.6384503788634706 +3456,-1.701909573356692,0,-2.0318199954598946 -1.2406695743571508 -0.980641655458076 -0.7980029981361065 -0.6509634011396083 -0.5101149450692729 -0.4807070256699732 -0.45903803242838587 -0.5441662201632034 -0.6556067568342304 -0.8537232664716244 -0.9682593736057415 -0.9837372259211574 -1.0100495748573757 -1.2499562857464037 -1.2004271583370574 -1.401639238437524 -1.4465250101522482 -1.6384503788634706 -1.7452475598398756 +3457,-1.7731076940076345,0,-1.2406695743571508 -0.980641655458076 -0.7980029981361065 -0.6509634011396083 -0.5101149450692729 -0.4807070256699732 -0.45903803242838587 -0.5441662201632034 -0.6556067568342304 -0.8537232664716244 -0.9682593736057415 -0.9837372259211574 -1.0100495748573757 -1.2499562857464037 -1.2004271583370574 -1.401639238437524 -1.4465250101522482 -1.6384503788634706 -1.7452475598398756 -1.701909573356692 +3458,-1.8613314522055335,0,-0.980641655458076 -0.7980029981361065 -0.6509634011396083 -0.5101149450692729 -0.4807070256699732 -0.45903803242838587 -0.5441662201632034 -0.6556067568342304 -0.8537232664716244 -0.9682593736057415 -0.9837372259211574 -1.0100495748573757 -1.2499562857464037 -1.2004271583370574 -1.401639238437524 -1.4465250101522482 -1.6384503788634706 -1.7452475598398756 -1.701909573356692 -1.7731076940076345 +3459,-1.8056111838700155,0,-0.7980029981361065 -0.6509634011396083 -0.5101149450692729 -0.4807070256699732 -0.45903803242838587 -0.5441662201632034 -0.6556067568342304 -0.8537232664716244 -0.9682593736057415 -0.9837372259211574 -1.0100495748573757 -1.2499562857464037 -1.2004271583370574 -1.401639238437524 -1.4465250101522482 -1.6384503788634706 -1.7452475598398756 -1.701909573356692 -1.7731076940076345 -1.8613314522055335 +3460,-1.3428233996389247,0,-0.6509634011396083 -0.5101149450692729 -0.4807070256699732 -0.45903803242838587 -0.5441662201632034 -0.6556067568342304 -0.8537232664716244 -0.9682593736057415 -0.9837372259211574 -1.0100495748573757 -1.2499562857464037 -1.2004271583370574 -1.401639238437524 -1.4465250101522482 -1.6384503788634706 -1.7452475598398756 -1.701909573356692 -1.7731076940076345 -1.8613314522055335 -1.8056111838700155 +3461,-1.0162407157835471,0,-0.5101149450692729 -0.4807070256699732 -0.45903803242838587 -0.5441662201632034 -0.6556067568342304 -0.8537232664716244 -0.9682593736057415 -0.9837372259211574 -1.0100495748573757 -1.2499562857464037 -1.2004271583370574 -1.401639238437524 -1.4465250101522482 -1.6384503788634706 -1.7452475598398756 -1.701909573356692 -1.7731076940076345 -1.8613314522055335 -1.8056111838700155 -1.3428233996389247 +3462,-0.7701428639683475,0,-0.4807070256699732 -0.45903803242838587 -0.5441662201632034 -0.6556067568342304 -0.8537232664716244 -0.9682593736057415 -0.9837372259211574 -1.0100495748573757 -1.2499562857464037 -1.2004271583370574 -1.401639238437524 -1.4465250101522482 -1.6384503788634706 -1.7452475598398756 -1.701909573356692 -1.7731076940076345 -1.8613314522055335 -1.8056111838700155 -1.3428233996389247 -1.0162407157835471 +3463,-0.6447722602134367,0,-0.45903803242838587 -0.5441662201632034 -0.6556067568342304 -0.8537232664716244 -0.9682593736057415 -0.9837372259211574 -1.0100495748573757 -1.2499562857464037 -1.2004271583370574 -1.401639238437524 -1.4465250101522482 -1.6384503788634706 -1.7452475598398756 -1.701909573356692 -1.7731076940076345 -1.8613314522055335 -1.8056111838700155 -1.3428233996389247 -1.0162407157835471 -0.7701428639683475 +3464,-0.5085671598377322,0,-0.5441662201632034 -0.6556067568342304 -0.8537232664716244 -0.9682593736057415 -0.9837372259211574 -1.0100495748573757 -1.2499562857464037 -1.2004271583370574 -1.401639238437524 -1.4465250101522482 -1.6384503788634706 -1.7452475598398756 -1.701909573356692 -1.7731076940076345 -1.8613314522055335 -1.8056111838700155 -1.3428233996389247 -1.0162407157835471 -0.7701428639683475 -0.6447722602134367 +3465,-0.3537886366835216,0,-0.6556067568342304 -0.8537232664716244 -0.9682593736057415 -0.9837372259211574 -1.0100495748573757 -1.2499562857464037 -1.2004271583370574 -1.401639238437524 -1.4465250101522482 -1.6384503788634706 -1.7452475598398756 -1.701909573356692 -1.7731076940076345 -1.8613314522055335 -1.8056111838700155 -1.3428233996389247 -1.0162407157835471 -0.7701428639683475 -0.6447722602134367 -0.5085671598377322 +3466,-0.36307534807277464,0,-0.8537232664716244 -0.9682593736057415 -0.9837372259211574 -1.0100495748573757 -1.2499562857464037 -1.2004271583370574 -1.401639238437524 -1.4465250101522482 -1.6384503788634706 -1.7452475598398756 -1.701909573356692 -1.7731076940076345 -1.8613314522055335 -1.8056111838700155 -1.3428233996389247 -1.0162407157835471 -0.7701428639683475 -0.6447722602134367 -0.5085671598377322 -0.3537886366835216 +3467,-0.375457629925109,0,-0.9682593736057415 -0.9837372259211574 -1.0100495748573757 -1.2499562857464037 -1.2004271583370574 -1.401639238437524 -1.4465250101522482 -1.6384503788634706 -1.7452475598398756 -1.701909573356692 -1.7731076940076345 -1.8613314522055335 -1.8056111838700155 -1.3428233996389247 -1.0162407157835471 -0.7701428639683475 -0.6447722602134367 -0.5085671598377322 -0.3537886366835216 -0.36307534807277464 +3468,-0.39867440839824586,0,-0.9837372259211574 -1.0100495748573757 -1.2499562857464037 -1.2004271583370574 -1.401639238437524 -1.4465250101522482 -1.6384503788634706 -1.7452475598398756 -1.701909573356692 -1.7731076940076345 -1.8613314522055335 -1.8056111838700155 -1.3428233996389247 -1.0162407157835471 -0.7701428639683475 -0.6447722602134367 -0.5085671598377322 -0.3537886366835216 -0.36307534807277464 -0.375457629925109 +3469,-0.5673829986363315,0,-1.0100495748573757 -1.2499562857464037 -1.2004271583370574 -1.401639238437524 -1.4465250101522482 -1.6384503788634706 -1.7452475598398756 -1.701909573356692 -1.7731076940076345 -1.8613314522055335 -1.8056111838700155 -1.3428233996389247 -1.0162407157835471 -0.7701428639683475 -0.6447722602134367 -0.5085671598377322 -0.3537886366835216 -0.36307534807277464 -0.375457629925109 -0.39867440839824586 +3470,-0.7809773605891412,0,-1.2499562857464037 -1.2004271583370574 -1.401639238437524 -1.4465250101522482 -1.6384503788634706 -1.7452475598398756 -1.701909573356692 -1.7731076940076345 -1.8613314522055335 -1.8056111838700155 -1.3428233996389247 -1.0162407157835471 -0.7701428639683475 -0.6447722602134367 -0.5085671598377322 -0.3537886366835216 -0.36307534807277464 -0.375457629925109 -0.39867440839824586 -0.5673829986363315 +3471,-0.864557763092418,0,-1.2004271583370574 -1.401639238437524 -1.4465250101522482 -1.6384503788634706 -1.7452475598398756 -1.701909573356692 -1.7731076940076345 -1.8613314522055335 -1.8056111838700155 -1.3428233996389247 -1.0162407157835471 -0.7701428639683475 -0.6447722602134367 -0.5085671598377322 -0.3537886366835216 -0.36307534807277464 -0.375457629925109 -0.39867440839824586 -0.5673829986363315 -0.7809773605891412 +3472,-0.9078957495755928,0,-1.401639238437524 -1.4465250101522482 -1.6384503788634706 -1.7452475598398756 -1.701909573356692 -1.7731076940076345 -1.8613314522055335 -1.8056111838700155 -1.3428233996389247 -1.0162407157835471 -0.7701428639683475 -0.6447722602134367 -0.5085671598377322 -0.3537886366835216 -0.36307534807277464 -0.375457629925109 -0.39867440839824586 -0.5673829986363315 -0.7809773605891412 -0.864557763092418 +3473,-0.9930239373104104,0,-1.4465250101522482 -1.6384503788634706 -1.7452475598398756 -1.701909573356692 -1.7731076940076345 -1.8613314522055335 -1.8056111838700155 -1.3428233996389247 -1.0162407157835471 -0.7701428639683475 -0.6447722602134367 -0.5085671598377322 -0.3537886366835216 -0.36307534807277464 -0.375457629925109 -0.39867440839824586 -0.5673829986363315 -0.7809773605891412 -0.864557763092418 -0.9078957495755928 +3474,-1.1988793731055079,0,-1.6384503788634706 -1.7452475598398756 -1.701909573356692 -1.7731076940076345 -1.8613314522055335 -1.8056111838700155 -1.3428233996389247 -1.0162407157835471 -0.7701428639683475 -0.6447722602134367 -0.5085671598377322 -0.3537886366835216 -0.36307534807277464 -0.375457629925109 -0.39867440839824586 -0.5673829986363315 -0.7809773605891412 -0.864557763092418 -0.9078957495755928 -0.9930239373104104 +3475,-1.2545996414410259,0,-1.7452475598398756 -1.701909573356692 -1.7731076940076345 -1.8613314522055335 -1.8056111838700155 -1.3428233996389247 -1.0162407157835471 -0.7701428639683475 -0.6447722602134367 -0.5085671598377322 -0.3537886366835216 -0.36307534807277464 -0.375457629925109 -0.39867440839824586 -0.5673829986363315 -0.7809773605891412 -0.864557763092418 -0.9078957495755928 -0.9930239373104104 -1.1988793731055079 +3476,-1.438786083994536,0,-1.701909573356692 -1.7731076940076345 -1.8613314522055335 -1.8056111838700155 -1.3428233996389247 -1.0162407157835471 -0.7701428639683475 -0.6447722602134367 -0.5085671598377322 -0.3537886366835216 -0.36307534807277464 -0.375457629925109 -0.39867440839824586 -0.5673829986363315 -0.7809773605891412 -0.864557763092418 -0.9078957495755928 -0.9930239373104104 -1.1988793731055079 -1.2545996414410259 +3477,-1.6755972244204826,0,-1.7731076940076345 -1.8613314522055335 -1.8056111838700155 -1.3428233996389247 -1.0162407157835471 -0.7701428639683475 -0.6447722602134367 -0.5085671598377322 -0.3537886366835216 -0.36307534807277464 -0.375457629925109 -0.39867440839824586 -0.5673829986363315 -0.7809773605891412 -0.864557763092418 -0.9078957495755928 -0.9930239373104104 -1.1988793731055079 -1.2545996414410259 -1.438786083994536 +3478,-1.7220307813667386,0,-1.8613314522055335 -1.8056111838700155 -1.3428233996389247 -1.0162407157835471 -0.7701428639683475 -0.6447722602134367 -0.5085671598377322 -0.3537886366835216 -0.36307534807277464 -0.375457629925109 -0.39867440839824586 -0.5673829986363315 -0.7809773605891412 -0.864557763092418 -0.9078957495755928 -0.9930239373104104 -1.1988793731055079 -1.2545996414410259 -1.438786083994536 -1.6755972244204826 +3479,-1.8133501100277278,0,-1.8056111838700155 -1.3428233996389247 -1.0162407157835471 -0.7701428639683475 -0.6447722602134367 -0.5085671598377322 -0.3537886366835216 -0.36307534807277464 -0.375457629925109 -0.39867440839824586 -0.5673829986363315 -0.7809773605891412 -0.864557763092418 -0.9078957495755928 -0.9930239373104104 -1.1988793731055079 -1.2545996414410259 -1.438786083994536 -1.6755972244204826 -1.7220307813667386 +3480,-1.8876438011417518,0,-1.3428233996389247 -1.0162407157835471 -0.7701428639683475 -0.6447722602134367 -0.5085671598377322 -0.3537886366835216 -0.36307534807277464 -0.375457629925109 -0.39867440839824586 -0.5673829986363315 -0.7809773605891412 -0.864557763092418 -0.9078957495755928 -0.9930239373104104 -1.1988793731055079 -1.2545996414410259 -1.438786083994536 -1.6755972244204826 -1.7220307813667386 -1.8133501100277278 +3481,-1.9340773580880077,0,-1.0162407157835471 -0.7701428639683475 -0.6447722602134367 -0.5085671598377322 -0.3537886366835216 -0.36307534807277464 -0.375457629925109 -0.39867440839824586 -0.5673829986363315 -0.7809773605891412 -0.864557763092418 -0.9078957495755928 -0.9930239373104104 -1.1988793731055079 -1.2545996414410259 -1.438786083994536 -1.6755972244204826 -1.7220307813667386 -1.8133501100277278 -1.8876438011417518 +3482,-1.8752615192894084,0,-0.7701428639683475 -0.6447722602134367 -0.5085671598377322 -0.3537886366835216 -0.36307534807277464 -0.375457629925109 -0.39867440839824586 -0.5673829986363315 -0.7809773605891412 -0.864557763092418 -0.9078957495755928 -0.9930239373104104 -1.1988793731055079 -1.2545996414410259 -1.438786083994536 -1.6755972244204826 -1.7220307813667386 -1.8133501100277278 -1.8876438011417518 -1.9340773580880077 +3483,-1.8458535998901089,0,-0.6447722602134367 -0.5085671598377322 -0.3537886366835216 -0.36307534807277464 -0.375457629925109 -0.39867440839824586 -0.5673829986363315 -0.7809773605891412 -0.864557763092418 -0.9078957495755928 -0.9930239373104104 -1.1988793731055079 -1.2545996414410259 -1.438786083994536 -1.6755972244204826 -1.7220307813667386 -1.8133501100277278 -1.8876438011417518 -1.9340773580880077 -1.8752615192894084 +3484,-1.3908047418167304,0,-0.5085671598377322 -0.3537886366835216 -0.36307534807277464 -0.375457629925109 -0.39867440839824586 -0.5673829986363315 -0.7809773605891412 -0.864557763092418 -0.9078957495755928 -0.9930239373104104 -1.1988793731055079 -1.2545996414410259 -1.438786083994536 -1.6755972244204826 -1.7220307813667386 -1.8133501100277278 -1.8876438011417518 -1.9340773580880077 -1.8752615192894084 -1.8458535998901089 +3485,-0.9187302461963865,0,-0.3537886366835216 -0.36307534807277464 -0.375457629925109 -0.39867440839824586 -0.5673829986363315 -0.7809773605891412 -0.864557763092418 -0.9078957495755928 -0.9930239373104104 -1.1988793731055079 -1.2545996414410259 -1.438786083994536 -1.6755972244204826 -1.7220307813667386 -1.8133501100277278 -1.8876438011417518 -1.9340773580880077 -1.8752615192894084 -1.8458535998901089 -1.3908047418167304 +3486,-0.6138165555825964,0,-0.36307534807277464 -0.375457629925109 -0.39867440839824586 -0.5673829986363315 -0.7809773605891412 -0.864557763092418 -0.9078957495755928 -0.9930239373104104 -1.1988793731055079 -1.2545996414410259 -1.438786083994536 -1.6755972244204826 -1.7220307813667386 -1.8133501100277278 -1.8876438011417518 -1.9340773580880077 -1.8752615192894084 -1.8458535998901089 -1.3908047418167304 -0.9187302461963865 +3487,-0.3367629991365564,0,-0.375457629925109 -0.39867440839824586 -0.5673829986363315 -0.7809773605891412 -0.864557763092418 -0.9078957495755928 -0.9930239373104104 -1.1988793731055079 -1.2545996414410259 -1.438786083994536 -1.6755972244204826 -1.7220307813667386 -1.8133501100277278 -1.8876438011417518 -1.9340773580880077 -1.8752615192894084 -1.8458535998901089 -1.3908047418167304 -0.9187302461963865 -0.6138165555825964 +3488,-0.11388192579449359,0,-0.39867440839824586 -0.5673829986363315 -0.7809773605891412 -0.864557763092418 -0.9078957495755928 -0.9930239373104104 -1.1988793731055079 -1.2545996414410259 -1.438786083994536 -1.6755972244204826 -1.7220307813667386 -1.8133501100277278 -1.8876438011417518 -1.9340773580880077 -1.8752615192894084 -1.8458535998901089 -1.3908047418167304 -0.9187302461963865 -0.6138165555825964 -0.3367629991365564 +3489,-0.0008936038919258983,0,-0.5673829986363315 -0.7809773605891412 -0.864557763092418 -0.9078957495755928 -0.9930239373104104 -1.1988793731055079 -1.2545996414410259 -1.438786083994536 -1.6755972244204826 -1.7220307813667386 -1.8133501100277278 -1.8876438011417518 -1.9340773580880077 -1.8752615192894084 -1.8458535998901089 -1.3908047418167304 -0.9187302461963865 -0.6138165555825964 -0.3367629991365564 -0.11388192579449359 +3490,0.03780102689662673,0,-0.7809773605891412 -0.864557763092418 -0.9078957495755928 -0.9930239373104104 -1.1988793731055079 -1.2545996414410259 -1.438786083994536 -1.6755972244204826 -1.7220307813667386 -1.8133501100277278 -1.8876438011417518 -1.9340773580880077 -1.8752615192894084 -1.8458535998901089 -1.3908047418167304 -0.9187302461963865 -0.6138165555825964 -0.3367629991365564 -0.11388192579449359 -0.0008936038919258983 +3491,-0.08756957685828413,0,-0.864557763092418 -0.9078957495755928 -0.9930239373104104 -1.1988793731055079 -1.2545996414410259 -1.438786083994536 -1.6755972244204826 -1.7220307813667386 -1.8133501100277278 -1.8876438011417518 -1.9340773580880077 -1.8752615192894084 -1.8458535998901089 -1.3908047418167304 -0.9187302461963865 -0.6138165555825964 -0.3367629991365564 -0.11388192579449359 -0.0008936038919258983 0.03780102689662673 +3492,-0.23460917385478236,0,-0.9078957495755928 -0.9930239373104104 -1.1988793731055079 -1.2545996414410259 -1.438786083994536 -1.6755972244204826 -1.7220307813667386 -1.8133501100277278 -1.8876438011417518 -1.9340773580880077 -1.8752615192894084 -1.8458535998901089 -1.3908047418167304 -0.9187302461963865 -0.6138165555825964 -0.3367629991365564 -0.11388192579449359 -0.0008936038919258983 0.03780102689662673 -0.08756957685828413 +3493,-0.44665575057605145,0,-0.9930239373104104 -1.1988793731055079 -1.2545996414410259 -1.438786083994536 -1.6755972244204826 -1.7220307813667386 -1.8133501100277278 -1.8876438011417518 -1.9340773580880077 -1.8752615192894084 -1.8458535998901089 -1.3908047418167304 -0.9187302461963865 -0.6138165555825964 -0.3367629991365564 -0.11388192579449359 -0.0008936038919258983 0.03780102689662673 -0.08756957685828413 -0.23460917385478236 +3494,-0.671084609149655,0,-1.1988793731055079 -1.2545996414410259 -1.438786083994536 -1.6755972244204826 -1.7220307813667386 -1.8133501100277278 -1.8876438011417518 -1.9340773580880077 -1.8752615192894084 -1.8458535998901089 -1.3908047418167304 -0.9187302461963865 -0.6138165555825964 -0.3367629991365564 -0.11388192579449359 -0.0008936038919258983 0.03780102689662673 -0.08756957685828413 -0.23460917385478236 -0.44665575057605145 +3495,-0.8490799107769935,0,-1.2545996414410259 -1.438786083994536 -1.6755972244204826 -1.7220307813667386 -1.8133501100277278 -1.8876438011417518 -1.9340773580880077 -1.8752615192894084 -1.8458535998901089 -1.3908047418167304 -0.9187302461963865 -0.6138165555825964 -0.3367629991365564 -0.11388192579449359 -0.0008936038919258983 0.03780102689662673 -0.08756957685828413 -0.23460917385478236 -0.44665575057605145 -0.671084609149655 +3496,-0.9930239373104104,0,-1.438786083994536 -1.6755972244204826 -1.7220307813667386 -1.8133501100277278 -1.8876438011417518 -1.9340773580880077 -1.8752615192894084 -1.8458535998901089 -1.3908047418167304 -0.9187302461963865 -0.6138165555825964 -0.3367629991365564 -0.11388192579449359 -0.0008936038919258983 0.03780102689662673 -0.08756957685828413 -0.23460917385478236 -0.44665575057605145 -0.671084609149655 -0.8490799107769935 +3497,-1.092082192129103,0,-1.6755972244204826 -1.7220307813667386 -1.8133501100277278 -1.8876438011417518 -1.9340773580880077 -1.8752615192894084 -1.8458535998901089 -1.3908047418167304 -0.9187302461963865 -0.6138165555825964 -0.3367629991365564 -0.11388192579449359 -0.0008936038919258983 0.03780102689662673 -0.08756957685828413 -0.23460917385478236 -0.44665575057605145 -0.671084609149655 -0.8490799107769935 -0.9930239373104104 +3498,-1.192688232179345,0,-1.7220307813667386 -1.8133501100277278 -1.8876438011417518 -1.9340773580880077 -1.8752615192894084 -1.8458535998901089 -1.3908047418167304 -0.9187302461963865 -0.6138165555825964 -0.3367629991365564 -0.11388192579449359 -0.0008936038919258983 0.03780102689662673 -0.08756957685828413 -0.23460917385478236 -0.44665575057605145 -0.671084609149655 -0.8490799107769935 -0.9930239373104104 -1.092082192129103 +3499,-1.2515040709779444,0,-1.8133501100277278 -1.8876438011417518 -1.9340773580880077 -1.8752615192894084 -1.8458535998901089 -1.3908047418167304 -0.9187302461963865 -0.6138165555825964 -0.3367629991365564 -0.11388192579449359 -0.0008936038919258983 0.03780102689662673 -0.08756957685828413 -0.23460917385478236 -0.44665575057605145 -0.671084609149655 -0.8490799107769935 -0.9930239373104104 -1.092082192129103 -1.192688232179345 +3500,-1.4867674261723416,0,-1.8876438011417518 -1.9340773580880077 -1.8752615192894084 -1.8458535998901089 -1.3908047418167304 -0.9187302461963865 -0.6138165555825964 -0.3367629991365564 -0.11388192579449359 -0.0008936038919258983 0.03780102689662673 -0.08756957685828413 -0.23460917385478236 -0.44665575057605145 -0.671084609149655 -0.8490799107769935 -0.9930239373104104 -1.092082192129103 -1.192688232179345 -1.2515040709779444 +3501,-1.5517744058971124,0,-1.9340773580880077 -1.8752615192894084 -1.8458535998901089 -1.3908047418167304 -0.9187302461963865 -0.6138165555825964 -0.3367629991365564 -0.11388192579449359 -0.0008936038919258983 0.03780102689662673 -0.08756957685828413 -0.23460917385478236 -0.44665575057605145 -0.671084609149655 -0.8490799107769935 -0.9930239373104104 -1.092082192129103 -1.192688232179345 -1.2515040709779444 -1.4867674261723416 +3502,-1.6013035333064587,0,-1.8752615192894084 -1.8458535998901089 -1.3908047418167304 -0.9187302461963865 -0.6138165555825964 -0.3367629991365564 -0.11388192579449359 -0.0008936038919258983 0.03780102689662673 -0.08756957685828413 -0.23460917385478236 -0.44665575057605145 -0.671084609149655 -0.8490799107769935 -0.9930239373104104 -1.092082192129103 -1.192688232179345 -1.2515040709779444 -1.4867674261723416 -1.5517744058971124 +3503,-1.6539282311788863,0,-1.8458535998901089 -1.3908047418167304 -0.9187302461963865 -0.6138165555825964 -0.3367629991365564 -0.11388192579449359 -0.0008936038919258983 0.03780102689662673 -0.08756957685828413 -0.23460917385478236 -0.44665575057605145 -0.671084609149655 -0.8490799107769935 -0.9930239373104104 -1.092082192129103 -1.192688232179345 -1.2515040709779444 -1.4867674261723416 -1.5517744058971124 -1.6013035333064587 +3504,-1.7932289020176813,0,-1.3908047418167304 -0.9187302461963865 -0.6138165555825964 -0.3367629991365564 -0.11388192579449359 -0.0008936038919258983 0.03780102689662673 -0.08756957685828413 -0.23460917385478236 -0.44665575057605145 -0.671084609149655 -0.8490799107769935 -0.9930239373104104 -1.092082192129103 -1.192688232179345 -1.2515040709779444 -1.4867674261723416 -1.5517744058971124 -1.6013035333064587 -1.6539282311788863 +3505,-1.799420042943844,0,-0.9187302461963865 -0.6138165555825964 -0.3367629991365564 -0.11388192579449359 -0.0008936038919258983 0.03780102689662673 -0.08756957685828413 -0.23460917385478236 -0.44665575057605145 -0.671084609149655 -0.8490799107769935 -0.9930239373104104 -1.092082192129103 -1.192688232179345 -1.2515040709779444 -1.4867674261723416 -1.5517744058971124 -1.6013035333064587 -1.6539282311788863 -1.7932289020176813 +3506,-1.8133501100277278,0,-0.6138165555825964 -0.3367629991365564 -0.11388192579449359 -0.0008936038919258983 0.03780102689662673 -0.08756957685828413 -0.23460917385478236 -0.44665575057605145 -0.671084609149655 -0.8490799107769935 -0.9930239373104104 -1.092082192129103 -1.192688232179345 -1.2515040709779444 -1.4867674261723416 -1.5517744058971124 -1.6013035333064587 -1.6539282311788863 -1.7932289020176813 -1.799420042943844 +3507,-1.7375086336821632,0,-0.3367629991365564 -0.11388192579449359 -0.0008936038919258983 0.03780102689662673 -0.08756957685828413 -0.23460917385478236 -0.44665575057605145 -0.671084609149655 -0.8490799107769935 -0.9930239373104104 -1.092082192129103 -1.192688232179345 -1.2515040709779444 -1.4867674261723416 -1.5517744058971124 -1.6013035333064587 -1.6539282311788863 -1.7932289020176813 -1.799420042943844 -1.8133501100277278 +3508,-1.3644923928805208,0,-0.11388192579449359 -0.0008936038919258983 0.03780102689662673 -0.08756957685828413 -0.23460917385478236 -0.44665575057605145 -0.671084609149655 -0.8490799107769935 -0.9930239373104104 -1.092082192129103 -1.192688232179345 -1.2515040709779444 -1.4867674261723416 -1.5517744058971124 -1.6013035333064587 -1.6539282311788863 -1.7932289020176813 -1.799420042943844 -1.8133501100277278 -1.7375086336821632 +3509,-0.8630099778608774,0,-0.0008936038919258983 0.03780102689662673 -0.08756957685828413 -0.23460917385478236 -0.44665575057605145 -0.671084609149655 -0.8490799107769935 -0.9930239373104104 -1.092082192129103 -1.192688232179345 -1.2515040709779444 -1.4867674261723416 -1.5517744058971124 -1.6013035333064587 -1.6539282311788863 -1.7932289020176813 -1.799420042943844 -1.8133501100277278 -1.7375086336821632 -1.3644923928805208 +3510,-0.5503573610893662,0,0.03780102689662673 -0.08756957685828413 -0.23460917385478236 -0.44665575057605145 -0.671084609149655 -0.8490799107769935 -0.9930239373104104 -1.092082192129103 -1.192688232179345 -1.2515040709779444 -1.4867674261723416 -1.5517744058971124 -1.6013035333064587 -1.6539282311788863 -1.7932289020176813 -1.799420042943844 -1.8133501100277278 -1.7375086336821632 -1.3644923928805208 -0.8630099778608774 +3511,-0.3352152139050157,0,-0.08756957685828413 -0.23460917385478236 -0.44665575057605145 -0.671084609149655 -0.8490799107769935 -0.9930239373104104 -1.092082192129103 -1.192688232179345 -1.2515040709779444 -1.4867674261723416 -1.5517744058971124 -1.6013035333064587 -1.6539282311788863 -1.7932289020176813 -1.799420042943844 -1.8133501100277278 -1.7375086336821632 -1.3644923928805208 -0.8630099778608774 -0.5503573610893662 +3512,-0.17114997936155218,0,-0.23460917385478236 -0.44665575057605145 -0.671084609149655 -0.8490799107769935 -0.9930239373104104 -1.092082192129103 -1.192688232179345 -1.2515040709779444 -1.4867674261723416 -1.5517744058971124 -1.6013035333064587 -1.6539282311788863 -1.7932289020176813 -1.799420042943844 -1.8133501100277278 -1.7375086336821632 -1.3644923928805208 -0.8630099778608774 -0.5503573610893662 -0.3352152139050157 +3513,-0.1634110532038399,0,-0.44665575057605145 -0.671084609149655 -0.8490799107769935 -0.9930239373104104 -1.092082192129103 -1.192688232179345 -1.2515040709779444 -1.4867674261723416 -1.5517744058971124 -1.6013035333064587 -1.6539282311788863 -1.7932289020176813 -1.799420042943844 -1.8133501100277278 -1.7375086336821632 -1.3644923928805208 -0.8630099778608774 -0.5503573610893662 -0.3352152139050157 -0.17114997936155218 +3514,-0.2098446101501048,0,-0.671084609149655 -0.8490799107769935 -0.9930239373104104 -1.092082192129103 -1.192688232179345 -1.2515040709779444 -1.4867674261723416 -1.5517744058971124 -1.6013035333064587 -1.6539282311788863 -1.7932289020176813 -1.799420042943844 -1.8133501100277278 -1.7375086336821632 -1.3644923928805208 -0.8630099778608774 -0.5503573610893662 -0.3352152139050157 -0.17114997936155218 -0.1634110532038399 +3515,-0.29652058311646307,0,-0.8490799107769935 -0.9930239373104104 -1.092082192129103 -1.192688232179345 -1.2515040709779444 -1.4867674261723416 -1.5517744058971124 -1.6013035333064587 -1.6539282311788863 -1.7932289020176813 -1.799420042943844 -1.8133501100277278 -1.7375086336821632 -1.3644923928805208 -0.8630099778608774 -0.5503573610893662 -0.3352152139050157 -0.17114997936155218 -0.1634110532038399 -0.2098446101501048 +3516,-0.36617091853585604,0,-0.9930239373104104 -1.092082192129103 -1.192688232179345 -1.2515040709779444 -1.4867674261723416 -1.5517744058971124 -1.6013035333064587 -1.6539282311788863 -1.7932289020176813 -1.799420042943844 -1.8133501100277278 -1.7375086336821632 -1.3644923928805208 -0.8630099778608774 -0.5503573610893662 -0.3352152139050157 -0.17114997936155218 -0.1634110532038399 -0.2098446101501048 -0.29652058311646307 +3517,-0.4884459518276855,0,-1.092082192129103 -1.192688232179345 -1.2515040709779444 -1.4867674261723416 -1.5517744058971124 -1.6013035333064587 -1.6539282311788863 -1.7932289020176813 -1.799420042943844 -1.8133501100277278 -1.7375086336821632 -1.3644923928805208 -0.8630099778608774 -0.5503573610893662 -0.3352152139050157 -0.17114997936155218 -0.1634110532038399 -0.2098446101501048 -0.29652058311646307 -0.36617091853585604 +3518,-0.7763340048945192,0,-1.192688232179345 -1.2515040709779444 -1.4867674261723416 -1.5517744058971124 -1.6013035333064587 -1.6539282311788863 -1.7932289020176813 -1.799420042943844 -1.8133501100277278 -1.7375086336821632 -1.3644923928805208 -0.8630099778608774 -0.5503573610893662 -0.3352152139050157 -0.17114997936155218 -0.1634110532038399 -0.2098446101501048 -0.29652058311646307 -0.36617091853585604 -0.4884459518276855 +3519,-0.7422827298005886,0,-1.2515040709779444 -1.4867674261723416 -1.5517744058971124 -1.6013035333064587 -1.6539282311788863 -1.7932289020176813 -1.799420042943844 -1.8133501100277278 -1.7375086336821632 -1.3644923928805208 -0.8630099778608774 -0.5503573610893662 -0.3352152139050157 -0.17114997936155218 -0.1634110532038399 -0.2098446101501048 -0.29652058311646307 -0.36617091853585604 -0.4884459518276855 -0.7763340048945192 +3520,-0.7562127968844725,0,-1.4867674261723416 -1.5517744058971124 -1.6013035333064587 -1.6539282311788863 -1.7932289020176813 -1.799420042943844 -1.8133501100277278 -1.7375086336821632 -1.3644923928805208 -0.8630099778608774 -0.5503573610893662 -0.3352152139050157 -0.17114997936155218 -0.1634110532038399 -0.2098446101501048 -0.29652058311646307 -0.36617091853585604 -0.4884459518276855 -0.7763340048945192 -0.7422827298005886 +3521,-0.8336020584615778,0,-1.5517744058971124 -1.6013035333064587 -1.6539282311788863 -1.7932289020176813 -1.799420042943844 -1.8133501100277278 -1.7375086336821632 -1.3644923928805208 -0.8630099778608774 -0.5503573610893662 -0.3352152139050157 -0.17114997936155218 -0.1634110532038399 -0.2098446101501048 -0.29652058311646307 -0.36617091853585604 -0.4884459518276855 -0.7763340048945192 -0.7422827298005886 -0.7562127968844725 +3522,-0.9419470246695234,0,-1.6013035333064587 -1.6539282311788863 -1.7932289020176813 -1.799420042943844 -1.8133501100277278 -1.7375086336821632 -1.3644923928805208 -0.8630099778608774 -0.5503573610893662 -0.3352152139050157 -0.17114997936155218 -0.1634110532038399 -0.2098446101501048 -0.29652058311646307 -0.36617091853585604 -0.4884459518276855 -0.7763340048945192 -0.7422827298005886 -0.7562127968844725 -0.8336020584615778 +3523,-1.013145145320457,0,-1.6539282311788863 -1.7932289020176813 -1.799420042943844 -1.8133501100277278 -1.7375086336821632 -1.3644923928805208 -0.8630099778608774 -0.5503573610893662 -0.3352152139050157 -0.17114997936155218 -0.1634110532038399 -0.2098446101501048 -0.29652058311646307 -0.36617091853585604 -0.4884459518276855 -0.7763340048945192 -0.7422827298005886 -0.7562127968844725 -0.8336020584615778 -0.9419470246695234 +3524,-1.02243185670971,0,-1.7932289020176813 -1.799420042943844 -1.8133501100277278 -1.7375086336821632 -1.3644923928805208 -0.8630099778608774 -0.5503573610893662 -0.3352152139050157 -0.17114997936155218 -0.1634110532038399 -0.2098446101501048 -0.29652058311646307 -0.36617091853585604 -0.4884459518276855 -0.7763340048945192 -0.7422827298005886 -0.7562127968844725 -0.8336020584615778 -0.9419470246695234 -1.013145145320457 +3525,-1.1524458161592517,0,-1.799420042943844 -1.8133501100277278 -1.7375086336821632 -1.3644923928805208 -0.8630099778608774 -0.5503573610893662 -0.3352152139050157 -0.17114997936155218 -0.1634110532038399 -0.2098446101501048 -0.29652058311646307 -0.36617091853585604 -0.4884459518276855 -0.7763340048945192 -0.7422827298005886 -0.7562127968844725 -0.8336020584615778 -0.9419470246695234 -1.013145145320457 -1.02243185670971 +3526,-1.1725670241692985,0,-1.8133501100277278 -1.7375086336821632 -1.3644923928805208 -0.8630099778608774 -0.5503573610893662 -0.3352152139050157 -0.17114997936155218 -0.1634110532038399 -0.2098446101501048 -0.29652058311646307 -0.36617091853585604 -0.4884459518276855 -0.7763340048945192 -0.7422827298005886 -0.7562127968844725 -0.8336020584615778 -0.9419470246695234 -1.013145145320457 -1.02243185670971 -1.1524458161592517 +3527,-1.1973315878739672,0,-1.7375086336821632 -1.3644923928805208 -0.8630099778608774 -0.5503573610893662 -0.3352152139050157 -0.17114997936155218 -0.1634110532038399 -0.2098446101501048 -0.29652058311646307 -0.36617091853585604 -0.4884459518276855 -0.7763340048945192 -0.7422827298005886 -0.7562127968844725 -0.8336020584615778 -0.9419470246695234 -1.013145145320457 -1.02243185670971 -1.1524458161592517 -1.1725670241692985 +3528,-1.2871031313034156,0,-1.3644923928805208 -0.8630099778608774 -0.5503573610893662 -0.3352152139050157 -0.17114997936155218 -0.1634110532038399 -0.2098446101501048 -0.29652058311646307 -0.36617091853585604 -0.4884459518276855 -0.7763340048945192 -0.7422827298005886 -0.7562127968844725 -0.8336020584615778 -0.9419470246695234 -1.013145145320457 -1.02243185670971 -1.1524458161592517 -1.1725670241692985 -1.1973315878739672 +3529,-1.3381800439443026,0,-0.8630099778608774 -0.5503573610893662 -0.3352152139050157 -0.17114997936155218 -0.1634110532038399 -0.2098446101501048 -0.29652058311646307 -0.36617091853585604 -0.4884459518276855 -0.7763340048945192 -0.7422827298005886 -0.7562127968844725 -0.8336020584615778 -0.9419470246695234 -1.013145145320457 -1.02243185670971 -1.1524458161592517 -1.1725670241692985 -1.1973315878739672 -1.2871031313034156 +3530,-1.9556689620680199,0,-0.5503573610893662 -0.3352152139050157 -0.17114997936155218 -0.1634110532038399 -0.2098446101501048 -0.29652058311646307 -0.36617091853585604 -0.4884459518276855 -0.7763340048945192 -0.7422827298005886 -0.7562127968844725 -0.8336020584615778 -0.9419470246695234 -1.013145145320457 -1.02243185670971 -1.1524458161592517 -1.1725670241692985 -1.1973315878739672 -1.2871031313034156 -1.3381800439443026 +3531,-1.0554512749310123,0,-0.3352152139050157 -0.17114997936155218 -0.1634110532038399 -0.2098446101501048 -0.29652058311646307 -0.36617091853585604 -0.4884459518276855 -0.7763340048945192 -0.7422827298005886 -0.7562127968844725 -0.8336020584615778 -0.9419470246695234 -1.013145145320457 -1.02243185670971 -1.1524458161592517 -1.1725670241692985 -1.1973315878739672 -1.2871031313034156 -1.3381800439443026 -1.9556689620680199 +3532,-0.9140868905017644,0,-0.17114997936155218 -0.1634110532038399 -0.2098446101501048 -0.29652058311646307 -0.36617091853585604 -0.4884459518276855 -0.7763340048945192 -0.7422827298005886 -0.7562127968844725 -0.8336020584615778 -0.9419470246695234 -1.013145145320457 -1.02243185670971 -1.1524458161592517 -1.1725670241692985 -1.1973315878739672 -1.2871031313034156 -1.3381800439443026 -1.9556689620680199 -1.0554512749310123 +3533,-0.5519051463209157,0,-0.1634110532038399 -0.2098446101501048 -0.29652058311646307 -0.36617091853585604 -0.4884459518276855 -0.7763340048945192 -0.7422827298005886 -0.7562127968844725 -0.8336020584615778 -0.9419470246695234 -1.013145145320457 -1.02243185670971 -1.1524458161592517 -1.1725670241692985 -1.1973315878739672 -1.2871031313034156 -1.3381800439443026 -1.9556689620680199 -1.0554512749310123 -0.9140868905017644 +3534,-0.273303804643335,0,-0.2098446101501048 -0.29652058311646307 -0.36617091853585604 -0.4884459518276855 -0.7763340048945192 -0.7422827298005886 -0.7562127968844725 -0.8336020584615778 -0.9419470246695234 -1.013145145320457 -1.02243185670971 -1.1524458161592517 -1.1725670241692985 -1.1973315878739672 -1.2871031313034156 -1.3381800439443026 -1.9556689620680199 -1.0554512749310123 -0.9140868905017644 -0.5519051463209157 +3535,-0.12935977810991817,0,-0.29652058311646307 -0.36617091853585604 -0.4884459518276855 -0.7763340048945192 -0.7422827298005886 -0.7562127968844725 -0.8336020584615778 -0.9419470246695234 -1.013145145320457 -1.02243185670971 -1.1524458161592517 -1.1725670241692985 -1.1973315878739672 -1.2871031313034156 -1.3381800439443026 -1.9556689620680199 -1.0554512749310123 -0.9140868905017644 -0.5519051463209157 -0.273303804643335 +3536,0.014584248423498673,0,-0.36617091853585604 -0.4884459518276855 -0.7763340048945192 -0.7422827298005886 -0.7562127968844725 -0.8336020584615778 -0.9419470246695234 -1.013145145320457 -1.02243185670971 -1.1524458161592517 -1.1725670241692985 -1.1973315878739672 -1.2871031313034156 -1.3381800439443026 -1.9556689620680199 -1.0554512749310123 -0.9140868905017644 -0.5519051463209157 -0.273303804643335 -0.12935977810991817 +3537,0.13531149648378746,0,-0.4884459518276855 -0.7763340048945192 -0.7422827298005886 -0.7562127968844725 -0.8336020584615778 -0.9419470246695234 -1.013145145320457 -1.02243185670971 -1.1524458161592517 -1.1725670241692985 -1.1973315878739672 -1.2871031313034156 -1.3381800439443026 -1.9556689620680199 -1.0554512749310123 -0.9140868905017644 -0.5519051463209157 -0.273303804643335 -0.12935977810991817 0.014584248423498673 +3538,0.18174505343004357,0,-0.7763340048945192 -0.7422827298005886 -0.7562127968844725 -0.8336020584615778 -0.9419470246695234 -1.013145145320457 -1.02243185670971 -1.1524458161592517 -1.1725670241692985 -1.1973315878739672 -1.2871031313034156 -1.3381800439443026 -1.9556689620680199 -1.0554512749310123 -0.9140868905017644 -0.5519051463209157 -0.273303804643335 -0.12935977810991817 0.014584248423498673 0.13531149648378746 +3539,0.18174505343004357,0,-0.7422827298005886 -0.7562127968844725 -0.8336020584615778 -0.9419470246695234 -1.013145145320457 -1.02243185670971 -1.1524458161592517 -1.1725670241692985 -1.1973315878739672 -1.2871031313034156 -1.3381800439443026 -1.9556689620680199 -1.0554512749310123 -0.9140868905017644 -0.5519051463209157 -0.273303804643335 -0.12935977810991817 0.014584248423498673 0.13531149648378746 0.18174505343004357 +3540,0.14459820787303163,0,-0.7562127968844725 -0.8336020584615778 -0.9419470246695234 -1.013145145320457 -1.02243185670971 -1.1524458161592517 -1.1725670241692985 -1.1973315878739672 -1.2871031313034156 -1.3381800439443026 -1.9556689620680199 -1.0554512749310123 -0.9140868905017644 -0.5519051463209157 -0.273303804643335 -0.12935977810991817 0.014584248423498673 0.13531149648378746 0.18174505343004357 0.18174505343004357 +3541,-0.09840407347907781,0,-0.8336020584615778 -0.9419470246695234 -1.013145145320457 -1.02243185670971 -1.1524458161592517 -1.1725670241692985 -1.1973315878739672 -1.2871031313034156 -1.3381800439443026 -1.9556689620680199 -1.0554512749310123 -0.9140868905017644 -0.5519051463209157 -0.273303804643335 -0.12935977810991817 0.014584248423498673 0.13531149648378746 0.18174505343004357 0.18174505343004357 0.14459820787303163 +3542,-0.4807070256699732,0,-0.9419470246695234 -1.013145145320457 -1.02243185670971 -1.1524458161592517 -1.1725670241692985 -1.1973315878739672 -1.2871031313034156 -1.3381800439443026 -1.9556689620680199 -1.0554512749310123 -0.9140868905017644 -0.5519051463209157 -0.273303804643335 -0.12935977810991817 0.014584248423498673 0.13531149648378746 0.18174505343004357 0.18174505343004357 0.14459820787303163 -0.09840407347907781 +3543,-0.750021655958301,0,-1.013145145320457 -1.02243185670971 -1.1524458161592517 -1.1725670241692985 -1.1973315878739672 -1.2871031313034156 -1.3381800439443026 -1.9556689620680199 -1.0554512749310123 -0.9140868905017644 -0.5519051463209157 -0.273303804643335 -0.12935977810991817 0.014584248423498673 0.13531149648378746 0.18174505343004357 0.18174505343004357 0.14459820787303163 -0.09840407347907781 -0.4807070256699732 +3544,-0.8382454141561998,0,-1.02243185670971 -1.1524458161592517 -1.1725670241692985 -1.1973315878739672 -1.2871031313034156 -1.3381800439443026 -1.9556689620680199 -1.0554512749310123 -0.9140868905017644 -0.5519051463209157 -0.273303804643335 -0.12935977810991817 0.014584248423498673 0.13531149648378746 0.18174505343004357 0.18174505343004357 0.14459820787303163 -0.09840407347907781 -0.4807070256699732 -0.750021655958301 +3545,-1.0518397761090097,0,-1.1524458161592517 -1.1725670241692985 -1.1973315878739672 -1.2871031313034156 -1.3381800439443026 -1.9556689620680199 -1.0554512749310123 -0.9140868905017644 -0.5519051463209157 -0.273303804643335 -0.12935977810991817 0.014584248423498673 0.13531149648378746 0.18174505343004357 0.18174505343004357 0.14459820787303163 -0.09840407347907781 -0.4807070256699732 -0.750021655958301 -0.8382454141561998 +3546,-1.1694714537062083,0,-1.1725670241692985 -1.1973315878739672 -1.2871031313034156 -1.3381800439443026 -1.9556689620680199 -1.0554512749310123 -0.9140868905017644 -0.5519051463209157 -0.273303804643335 -0.12935977810991817 0.014584248423498673 0.13531149648378746 0.18174505343004357 0.18174505343004357 0.14459820787303163 -0.09840407347907781 -0.4807070256699732 -0.750021655958301 -0.8382454141561998 -1.0518397761090097 +3547,-1.2963898426926599,0,-1.1973315878739672 -1.2871031313034156 -1.3381800439443026 -1.9556689620680199 -1.0554512749310123 -0.9140868905017644 -0.5519051463209157 -0.273303804643335 -0.12935977810991817 0.014584248423498673 0.13531149648378746 0.18174505343004357 0.18174505343004357 0.14459820787303163 -0.09840407347907781 -0.4807070256699732 -0.750021655958301 -0.8382454141561998 -1.0518397761090097 -1.1694714537062083 +3548,-1.4743851443200071,0,-1.2871031313034156 -1.3381800439443026 -1.9556689620680199 -1.0554512749310123 -0.9140868905017644 -0.5519051463209157 -0.273303804643335 -0.12935977810991817 0.014584248423498673 0.13531149648378746 0.18174505343004357 0.18174505343004357 0.14459820787303163 -0.09840407347907781 -0.4807070256699732 -0.750021655958301 -0.8382454141561998 -1.0518397761090097 -1.1694714537062083 -1.2963898426926599 +3549,-1.6028513185379993,0,-1.3381800439443026 -1.9556689620680199 -1.0554512749310123 -0.9140868905017644 -0.5519051463209157 -0.273303804643335 -0.12935977810991817 0.014584248423498673 0.13531149648378746 0.18174505343004357 0.18174505343004357 0.14459820787303163 -0.09840407347907781 -0.4807070256699732 -0.750021655958301 -0.8382454141561998 -1.0518397761090097 -1.1694714537062083 -1.2963898426926599 -1.4743851443200071 +3550,-1.7034573585882415,0,-1.9556689620680199 -1.0554512749310123 -0.9140868905017644 -0.5519051463209157 -0.273303804643335 -0.12935977810991817 0.014584248423498673 0.13531149648378746 0.18174505343004357 0.18174505343004357 0.14459820787303163 -0.09840407347907781 -0.4807070256699732 -0.750021655958301 -0.8382454141561998 -1.0518397761090097 -1.1694714537062083 -1.2963898426926599 -1.4743851443200071 -1.6028513185379993 +3551,-1.6802405801151046,0,-1.0554512749310123 -0.9140868905017644 -0.5519051463209157 -0.273303804643335 -0.12935977810991817 0.014584248423498673 0.13531149648378746 0.18174505343004357 0.18174505343004357 0.14459820787303163 -0.09840407347907781 -0.4807070256699732 -0.750021655958301 -0.8382454141561998 -1.0518397761090097 -1.1694714537062083 -1.2963898426926599 -1.4743851443200071 -1.6028513185379993 -1.7034573585882415 +3552,-1.8721659488263271,0,-0.9140868905017644 -0.5519051463209157 -0.273303804643335 -0.12935977810991817 0.014584248423498673 0.13531149648378746 0.18174505343004357 0.18174505343004357 0.14459820787303163 -0.09840407347907781 -0.4807070256699732 -0.750021655958301 -0.8382454141561998 -1.0518397761090097 -1.1694714537062083 -1.2963898426926599 -1.4743851443200071 -1.6028513185379993 -1.7034573585882415 -1.6802405801151046 +3553,-1.8528186334320509,0,-0.5519051463209157 -0.273303804643335 -0.12935977810991817 0.014584248423498673 0.13531149648378746 0.18174505343004357 0.18174505343004357 0.14459820787303163 -0.09840407347907781 -0.4807070256699732 -0.750021655958301 -0.8382454141561998 -1.0518397761090097 -1.1694714537062083 -1.2963898426926599 -1.4743851443200071 -1.6028513185379993 -1.7034573585882415 -1.6802405801151046 -1.8721659488263271 +3554,-1.8334713180377744,0,-0.273303804643335 -0.12935977810991817 0.014584248423498673 0.13531149648378746 0.18174505343004357 0.18174505343004357 0.14459820787303163 -0.09840407347907781 -0.4807070256699732 -0.750021655958301 -0.8382454141561998 -1.0518397761090097 -1.1694714537062083 -1.2963898426926599 -1.4743851443200071 -1.6028513185379993 -1.7034573585882415 -1.6802405801151046 -1.8721659488263271 -1.8528186334320509 +3555,-1.6245203117795868,0,-0.12935977810991817 0.014584248423498673 0.13531149648378746 0.18174505343004357 0.18174505343004357 0.14459820787303163 -0.09840407347907781 -0.4807070256699732 -0.750021655958301 -0.8382454141561998 -1.0518397761090097 -1.1694714537062083 -1.2963898426926599 -1.4743851443200071 -1.6028513185379993 -1.7034573585882415 -1.6802405801151046 -1.8721659488263271 -1.8528186334320509 -1.8334713180377744 +3556,-1.2406695743571508,0,0.014584248423498673 0.13531149648378746 0.18174505343004357 0.18174505343004357 0.14459820787303163 -0.09840407347907781 -0.4807070256699732 -0.750021655958301 -0.8382454141561998 -1.0518397761090097 -1.1694714537062083 -1.2963898426926599 -1.4743851443200071 -1.6028513185379993 -1.7034573585882415 -1.6802405801151046 -1.8721659488263271 -1.8528186334320509 -1.8334713180377744 -1.6245203117795868 +3557,-0.6540589716026897,0,0.13531149648378746 0.18174505343004357 0.18174505343004357 0.14459820787303163 -0.09840407347907781 -0.4807070256699732 -0.750021655958301 -0.8382454141561998 -1.0518397761090097 -1.1694714537062083 -1.2963898426926599 -1.4743851443200071 -1.6028513185379993 -1.7034573585882415 -1.6802405801151046 -1.8721659488263271 -1.8528186334320509 -1.8334713180377744 -1.6245203117795868 -1.2406695743571508 +3558,-0.18353226121388655,0,0.18174505343004357 0.18174505343004357 0.14459820787303163 -0.09840407347907781 -0.4807070256699732 -0.750021655958301 -0.8382454141561998 -1.0518397761090097 -1.1694714537062083 -1.2963898426926599 -1.4743851443200071 -1.6028513185379993 -1.7034573585882415 -1.6802405801151046 -1.8721659488263271 -1.8528186334320509 -1.8334713180377744 -1.6245203117795868 -1.2406695743571508 -0.6540589716026897 +3559,0.09042572476906323,0,0.18174505343004357 0.14459820787303163 -0.09840407347907781 -0.4807070256699732 -0.750021655958301 -0.8382454141561998 -1.0518397761090097 -1.1694714537062083 -1.2963898426926599 -1.4743851443200071 -1.6028513185379993 -1.7034573585882415 -1.6802405801151046 -1.8721659488263271 -1.8528186334320509 -1.8334713180377744 -1.6245203117795868 -1.2406695743571508 -0.6540589716026897 -0.18353226121388655 +3560,0.19257955005083724,0,0.14459820787303163 -0.09840407347907781 -0.4807070256699732 -0.750021655958301 -0.8382454141561998 -1.0518397761090097 -1.1694714537062083 -1.2963898426926599 -1.4743851443200071 -1.6028513185379993 -1.7034573585882415 -1.6802405801151046 -1.8721659488263271 -1.8528186334320509 -1.8334713180377744 -1.6245203117795868 -1.2406695743571508 -0.6540589716026897 -0.18353226121388655 0.09042572476906323 +3561,0.24365646269173305,0,-0.09840407347907781 -0.4807070256699732 -0.750021655958301 -0.8382454141561998 -1.0518397761090097 -1.1694714537062083 -1.2963898426926599 -1.4743851443200071 -1.6028513185379993 -1.7034573585882415 -1.6802405801151046 -1.8721659488263271 -1.8528186334320509 -1.8334713180377744 -1.6245203117795868 -1.2406695743571508 -0.6540589716026897 -0.18353226121388655 0.09042572476906323 0.19257955005083724 +3562,0.17710169773542148,0,-0.4807070256699732 -0.750021655958301 -0.8382454141561998 -1.0518397761090097 -1.1694714537062083 -1.2963898426926599 -1.4743851443200071 -1.6028513185379993 -1.7034573585882415 -1.6802405801151046 -1.8721659488263271 -1.8528186334320509 -1.8334713180377744 -1.6245203117795868 -1.2406695743571508 -0.6540589716026897 -0.18353226121388655 0.09042572476906323 0.19257955005083724 0.24365646269173305 +3563,0.02232317458121096,0,-0.750021655958301 -0.8382454141561998 -1.0518397761090097 -1.1694714537062083 -1.2963898426926599 -1.4743851443200071 -1.6028513185379993 -1.7034573585882415 -1.6802405801151046 -1.8721659488263271 -1.8528186334320509 -1.8334713180377744 -1.6245203117795868 -1.2406695743571508 -0.6540589716026897 -0.18353226121388655 0.09042572476906323 0.19257955005083724 0.24365646269173305 0.17710169773542148 +3564,-0.09840407347907781,0,-0.8382454141561998 -1.0518397761090097 -1.1694714537062083 -1.2963898426926599 -1.4743851443200071 -1.6028513185379993 -1.7034573585882415 -1.6802405801151046 -1.8721659488263271 -1.8528186334320509 -1.8334713180377744 -1.6245203117795868 -1.2406695743571508 -0.6540589716026897 -0.18353226121388655 0.09042572476906323 0.19257955005083724 0.24365646269173305 0.17710169773542148 0.02232317458121096 +3565,-0.28878165695875074,0,-1.0518397761090097 -1.1694714537062083 -1.2963898426926599 -1.4743851443200071 -1.6028513185379993 -1.7034573585882415 -1.6802405801151046 -1.8721659488263271 -1.8528186334320509 -1.8334713180377744 -1.6245203117795868 -1.2406695743571508 -0.6540589716026897 -0.18353226121388655 0.09042572476906323 0.19257955005083724 0.24365646269173305 0.17710169773542148 0.02232317458121096 -0.09840407347907781 +3566,-0.5844086361832967,0,-1.1694714537062083 -1.2963898426926599 -1.4743851443200071 -1.6028513185379993 -1.7034573585882415 -1.6802405801151046 -1.8721659488263271 -1.8528186334320509 -1.8334713180377744 -1.6245203117795868 -1.2406695743571508 -0.6540589716026897 -0.18353226121388655 0.09042572476906323 0.19257955005083724 0.24365646269173305 0.17710169773542148 0.02232317458121096 -0.09840407347907781 -0.28878165695875074 +3567,-0.7856207162837722,0,-1.2963898426926599 -1.4743851443200071 -1.6028513185379993 -1.7034573585882415 -1.6802405801151046 -1.8721659488263271 -1.8528186334320509 -1.8334713180377744 -1.6245203117795868 -1.2406695743571508 -0.6540589716026897 -0.18353226121388655 0.09042572476906323 0.19257955005083724 0.24365646269173305 0.17710169773542148 0.02232317458121096 -0.09840407347907781 -0.28878165695875074 -0.5844086361832967 +3568,-0.9280169575856395,0,-1.4743851443200071 -1.6028513185379993 -1.7034573585882415 -1.6802405801151046 -1.8721659488263271 -1.8528186334320509 -1.8334713180377744 -1.6245203117795868 -1.2406695743571508 -0.6540589716026897 -0.18353226121388655 0.09042572476906323 0.19257955005083724 0.24365646269173305 0.17710169773542148 0.02232317458121096 -0.09840407347907781 -0.28878165695875074 -0.5844086361832967 -0.7856207162837722 +3569,-1.1276812524545743,0,-1.6028513185379993 -1.7034573585882415 -1.6802405801151046 -1.8721659488263271 -1.8528186334320509 -1.8334713180377744 -1.6245203117795868 -1.2406695743571508 -0.6540589716026897 -0.18353226121388655 0.09042572476906323 0.19257955005083724 0.24365646269173305 0.17710169773542148 0.02232317458121096 -0.09840407347907781 -0.28878165695875074 -0.5844086361832967 -0.7856207162837722 -0.9280169575856395 +3570,-1.336632258712762,0,-1.7034573585882415 -1.6802405801151046 -1.8721659488263271 -1.8528186334320509 -1.8334713180377744 -1.6245203117795868 -1.2406695743571508 -0.6540589716026897 -0.18353226121388655 0.09042572476906323 0.19257955005083724 0.24365646269173305 0.17710169773542148 0.02232317458121096 -0.09840407347907781 -0.28878165695875074 -0.5844086361832967 -0.7856207162837722 -0.9280169575856395 -1.1276812524545743 +3571,-1.4062825941321548,0,-1.6802405801151046 -1.8721659488263271 -1.8528186334320509 -1.8334713180377744 -1.6245203117795868 -1.2406695743571508 -0.6540589716026897 -0.18353226121388655 0.09042572476906323 0.19257955005083724 0.24365646269173305 0.17710169773542148 0.02232317458121096 -0.09840407347907781 -0.28878165695875074 -0.5844086361832967 -0.7856207162837722 -0.9280169575856395 -1.1276812524545743 -1.336632258712762 +3572,-1.4759329295515478,0,-1.8721659488263271 -1.8528186334320509 -1.8334713180377744 -1.6245203117795868 -1.2406695743571508 -0.6540589716026897 -0.18353226121388655 0.09042572476906323 0.19257955005083724 0.24365646269173305 0.17710169773542148 0.02232317458121096 -0.09840407347907781 -0.28878165695875074 -0.5844086361832967 -0.7856207162837722 -0.9280169575856395 -1.1276812524545743 -1.336632258712762 -1.4062825941321548 +3573,-1.6477370902527237,0,-1.8528186334320509 -1.8334713180377744 -1.6245203117795868 -1.2406695743571508 -0.6540589716026897 -0.18353226121388655 0.09042572476906323 0.19257955005083724 0.24365646269173305 0.17710169773542148 0.02232317458121096 -0.09840407347907781 -0.28878165695875074 -0.5844086361832967 -0.7856207162837722 -0.9280169575856395 -1.1276812524545743 -1.336632258712762 -1.4062825941321548 -1.4759329295515478 +3574,-1.6895272915043578,0,-1.8334713180377744 -1.6245203117795868 -1.2406695743571508 -0.6540589716026897 -0.18353226121388655 0.09042572476906323 0.19257955005083724 0.24365646269173305 0.17710169773542148 0.02232317458121096 -0.09840407347907781 -0.28878165695875074 -0.5844086361832967 -0.7856207162837722 -0.9280169575856395 -1.1276812524545743 -1.336632258712762 -1.4062825941321548 -1.4759329295515478 -1.6477370902527237 +3575,-1.776203264470716,0,-1.6245203117795868 -1.2406695743571508 -0.6540589716026897 -0.18353226121388655 0.09042572476906323 0.19257955005083724 0.24365646269173305 0.17710169773542148 0.02232317458121096 -0.09840407347907781 -0.28878165695875074 -0.5844086361832967 -0.7856207162837722 -0.9280169575856395 -1.1276812524545743 -1.336632258712762 -1.4062825941321548 -1.4759329295515478 -1.6477370902527237 -1.6895272915043578 +3576,-1.7731076940076345,0,-1.2406695743571508 -0.6540589716026897 -0.18353226121388655 0.09042572476906323 0.19257955005083724 0.24365646269173305 0.17710169773542148 0.02232317458121096 -0.09840407347907781 -0.28878165695875074 -0.5844086361832967 -0.7856207162837722 -0.9280169575856395 -1.1276812524545743 -1.336632258712762 -1.4062825941321548 -1.4759329295515478 -1.6477370902527237 -1.6895272915043578 -1.776203264470716 +3577,-1.827280177111603,0,-0.6540589716026897 -0.18353226121388655 0.09042572476906323 0.19257955005083724 0.24365646269173305 0.17710169773542148 0.02232317458121096 -0.09840407347907781 -0.28878165695875074 -0.5844086361832967 -0.7856207162837722 -0.9280169575856395 -1.1276812524545743 -1.336632258712762 -1.4062825941321548 -1.4759329295515478 -1.6477370902527237 -1.6895272915043578 -1.776203264470716 -1.7731076940076345 +3578,-1.836566888500856,0,-0.18353226121388655 0.09042572476906323 0.19257955005083724 0.24365646269173305 0.17710169773542148 0.02232317458121096 -0.09840407347907781 -0.28878165695875074 -0.5844086361832967 -0.7856207162837722 -0.9280169575856395 -1.1276812524545743 -1.336632258712762 -1.4062825941321548 -1.4759329295515478 -1.6477370902527237 -1.6895272915043578 -1.776203264470716 -1.7731076940076345 -1.827280177111603 +3579,-1.539392124044778,0,0.09042572476906323 0.19257955005083724 0.24365646269173305 0.17710169773542148 0.02232317458121096 -0.09840407347907781 -0.28878165695875074 -0.5844086361832967 -0.7856207162837722 -0.9280169575856395 -1.1276812524545743 -1.336632258712762 -1.4062825941321548 -1.4759329295515478 -1.6477370902527237 -1.6895272915043578 -1.776203264470716 -1.7731076940076345 -1.827280177111603 -1.836566888500856 +3580,-1.23912178912561,0,0.19257955005083724 0.24365646269173305 0.17710169773542148 0.02232317458121096 -0.09840407347907781 -0.28878165695875074 -0.5844086361832967 -0.7856207162837722 -0.9280169575856395 -1.1276812524545743 -1.336632258712762 -1.4062825941321548 -1.4759329295515478 -1.6477370902527237 -1.6895272915043578 -1.776203264470716 -1.7731076940076345 -1.827280177111603 -1.836566888500856 -1.539392124044778 +3581,-0.754665011652923,0,0.24365646269173305 0.17710169773542148 0.02232317458121096 -0.09840407347907781 -0.28878165695875074 -0.5844086361832967 -0.7856207162837722 -0.9280169575856395 -1.1276812524545743 -1.336632258712762 -1.4062825941321548 -1.4759329295515478 -1.6477370902527237 -1.6895272915043578 -1.776203264470716 -1.7731076940076345 -1.827280177111603 -1.836566888500856 -1.539392124044778 -1.23912178912561 +3582,-0.3367629991365564,0,0.17710169773542148 0.02232317458121096 -0.09840407347907781 -0.28878165695875074 -0.5844086361832967 -0.7856207162837722 -0.9280169575856395 -1.1276812524545743 -1.336632258712762 -1.4062825941321548 -1.4759329295515478 -1.6477370902527237 -1.6895272915043578 -1.776203264470716 -1.7731076940076345 -1.827280177111603 -1.836566888500856 -1.539392124044778 -1.23912178912561 -0.754665011652923 +3583,-0.04268380514355992,0,0.02232317458121096 -0.09840407347907781 -0.28878165695875074 -0.5844086361832967 -0.7856207162837722 -0.9280169575856395 -1.1276812524545743 -1.336632258712762 -1.4062825941321548 -1.4759329295515478 -1.6477370902527237 -1.6895272915043578 -1.776203264470716 -1.7731076940076345 -1.827280177111603 -1.836566888500856 -1.539392124044778 -1.23912178912561 -0.754665011652923 -0.3367629991365564 +3584,0.18638840912467444,0,-0.09840407347907781 -0.28878165695875074 -0.5844086361832967 -0.7856207162837722 -0.9280169575856395 -1.1276812524545743 -1.336632258712762 -1.4062825941321548 -1.4759329295515478 -1.6477370902527237 -1.6895272915043578 -1.776203264470716 -1.7731076940076345 -1.827280177111603 -1.836566888500856 -1.539392124044778 -1.23912178912561 -0.754665011652923 -0.3367629991365564 -0.04268380514355992 +3585,0.4139128381613593,0,-0.28878165695875074 -0.5844086361832967 -0.7856207162837722 -0.9280169575856395 -1.1276812524545743 -1.336632258712762 -1.4062825941321548 -1.4759329295515478 -1.6477370902527237 -1.6895272915043578 -1.776203264470716 -1.7731076940076345 -1.827280177111603 -1.836566888500856 -1.539392124044778 -1.23912178912561 -0.754665011652923 -0.3367629991365564 -0.04268380514355992 0.18638840912467444 +3586,0.38140934829897827,0,-0.5844086361832967 -0.7856207162837722 -0.9280169575856395 -1.1276812524545743 -1.336632258712762 -1.4062825941321548 -1.4759329295515478 -1.6477370902527237 -1.6895272915043578 -1.776203264470716 -1.7731076940076345 -1.827280177111603 -1.836566888500856 -1.539392124044778 -1.23912178912561 -0.754665011652923 -0.3367629991365564 -0.04268380514355992 0.18638840912467444 0.4139128381613593 +3587,0.17864948296696218,0,-0.7856207162837722 -0.9280169575856395 -1.1276812524545743 -1.336632258712762 -1.4062825941321548 -1.4759329295515478 -1.6477370902527237 -1.6895272915043578 -1.776203264470716 -1.7731076940076345 -1.827280177111603 -1.836566888500856 -1.539392124044778 -1.23912178912561 -0.754665011652923 -0.3367629991365564 -0.04268380514355992 0.18638840912467444 0.4139128381613593 0.38140934829897827 +3588,0.25913431500714884,0,-0.9280169575856395 -1.1276812524545743 -1.336632258712762 -1.4062825941321548 -1.4759329295515478 -1.6477370902527237 -1.6895272915043578 -1.776203264470716 -1.7731076940076345 -1.827280177111603 -1.836566888500856 -1.539392124044778 -1.23912178912561 -0.754665011652923 -0.3367629991365564 -0.04268380514355992 0.18638840912467444 0.4139128381613593 0.38140934829897827 0.17864948296696218 +3589,0.00994089272887658,0,-1.1276812524545743 -1.336632258712762 -1.4062825941321548 -1.4759329295515478 -1.6477370902527237 -1.6895272915043578 -1.776203264470716 -1.7731076940076345 -1.827280177111603 -1.836566888500856 -1.539392124044778 -1.23912178912561 -0.754665011652923 -0.3367629991365564 -0.04268380514355992 0.18638840912467444 0.4139128381613593 0.38140934829897827 0.17864948296696218 0.25913431500714884 +3590,-0.29497279788492237,0,-1.336632258712762 -1.4062825941321548 -1.4759329295515478 -1.6477370902527237 -1.6895272915043578 -1.776203264470716 -1.7731076940076345 -1.827280177111603 -1.836566888500856 -1.539392124044778 -1.23912178912561 -0.754665011652923 -0.3367629991365564 -0.04268380514355992 0.18638840912467444 0.4139128381613593 0.38140934829897827 0.17864948296696218 0.25913431500714884 0.00994089272887658 +3591,-0.48999373705922616,0,-1.4062825941321548 -1.4759329295515478 -1.6477370902527237 -1.6895272915043578 -1.776203264470716 -1.7731076940076345 -1.827280177111603 -1.836566888500856 -1.539392124044778 -1.23912178912561 -0.754665011652923 -0.3367629991365564 -0.04268380514355992 0.18638840912467444 0.4139128381613593 0.38140934829897827 0.17864948296696218 0.25913431500714884 0.00994089272887658 -0.29497279788492237 +3592,-0.5813130657202153,0,-1.4759329295515478 -1.6477370902527237 -1.6895272915043578 -1.776203264470716 -1.7731076940076345 -1.827280177111603 -1.836566888500856 -1.539392124044778 -1.23912178912561 -0.754665011652923 -0.3367629991365564 -0.04268380514355992 0.18638840912467444 0.4139128381613593 0.38140934829897827 0.17864948296696218 0.25913431500714884 0.00994089272887658 -0.29497279788492237 -0.48999373705922616 +3593,-0.6834668910019893,0,-1.6477370902527237 -1.6895272915043578 -1.776203264470716 -1.7731076940076345 -1.827280177111603 -1.836566888500856 -1.539392124044778 -1.23912178912561 -0.754665011652923 -0.3367629991365564 -0.04268380514355992 0.18638840912467444 0.4139128381613593 0.38140934829897827 0.17864948296696218 0.25913431500714884 0.00994089272887658 -0.29497279788492237 -0.48999373705922616 -0.5813130657202153 +3594,-0.8738444744816711,0,-1.6895272915043578 -1.776203264470716 -1.7731076940076345 -1.827280177111603 -1.836566888500856 -1.539392124044778 -1.23912178912561 -0.754665011652923 -0.3367629991365564 -0.04268380514355992 0.18638840912467444 0.4139128381613593 0.38140934829897827 0.17864948296696218 0.25913431500714884 0.00994089272887658 -0.29497279788492237 -0.48999373705922616 -0.5813130657202153 -0.6834668910019893 +3595,-0.999215078236582,0,-1.776203264470716 -1.7731076940076345 -1.827280177111603 -1.836566888500856 -1.539392124044778 -1.23912178912561 -0.754665011652923 -0.3367629991365564 -0.04268380514355992 0.18638840912467444 0.4139128381613593 0.38140934829897827 0.17864948296696218 0.25913431500714884 0.00994089272887658 -0.29497279788492237 -0.48999373705922616 -0.5813130657202153 -0.6834668910019893 -0.8738444744816711 +3596,-0.994571722541951,0,-1.7731076940076345 -1.827280177111603 -1.836566888500856 -1.539392124044778 -1.23912178912561 -0.754665011652923 -0.3367629991365564 -0.04268380514355992 0.18638840912467444 0.4139128381613593 0.38140934829897827 0.17864948296696218 0.25913431500714884 0.00994089272887658 -0.29497279788492237 -0.48999373705922616 -0.5813130657202153 -0.6834668910019893 -0.8738444744816711 -0.999215078236582 +3597,-1.1183945410653213,0,-1.827280177111603 -1.836566888500856 -1.539392124044778 -1.23912178912561 -0.754665011652923 -0.3367629991365564 -0.04268380514355992 0.18638840912467444 0.4139128381613593 0.38140934829897827 0.17864948296696218 0.25913431500714884 0.00994089272887658 -0.29497279788492237 -0.48999373705922616 -0.5813130657202153 -0.6834668910019893 -0.8738444744816711 -0.999215078236582 -0.994571722541951 +3598,-1.1416113195384492,0,-1.836566888500856 -1.539392124044778 -1.23912178912561 -0.754665011652923 -0.3367629991365564 -0.04268380514355992 0.18638840912467444 0.4139128381613593 0.38140934829897827 0.17864948296696218 0.25913431500714884 0.00994089272887658 -0.29497279788492237 -0.48999373705922616 -0.5813130657202153 -0.6834668910019893 -0.8738444744816711 -0.999215078236582 -0.994571722541951 -1.1183945410653213 +3599,-1.2638863528302788,0,-1.539392124044778 -1.23912178912561 -0.754665011652923 -0.3367629991365564 -0.04268380514355992 0.18638840912467444 0.4139128381613593 0.38140934829897827 0.17864948296696218 0.25913431500714884 0.00994089272887658 -0.29497279788492237 -0.48999373705922616 -0.5813130657202153 -0.6834668910019893 -0.8738444744816711 -0.999215078236582 -0.994571722541951 -1.1183945410653213 -1.1416113195384492 +3600,-1.304128768850372,0,-1.23912178912561 -0.754665011652923 -0.3367629991365564 -0.04268380514355992 0.18638840912467444 0.4139128381613593 0.38140934829897827 0.17864948296696218 0.25913431500714884 0.00994089272887658 -0.29497279788492237 -0.48999373705922616 -0.5813130657202153 -0.6834668910019893 -0.8738444744816711 -0.999215078236582 -0.994571722541951 -1.1183945410653213 -1.1416113195384492 -1.2638863528302788 +3601,-1.1431591047699987,0,-0.754665011652923 -0.3367629991365564 -0.04268380514355992 0.18638840912467444 0.4139128381613593 0.38140934829897827 0.17864948296696218 0.25913431500714884 0.00994089272887658 -0.29497279788492237 -0.48999373705922616 -0.5813130657202153 -0.6834668910019893 -0.8738444744816711 -0.999215078236582 -0.994571722541951 -1.1183945410653213 -1.1416113195384492 -1.2638863528302788 -1.304128768850372 +3602,-1.839275512656061,0,-0.3367629991365564 -0.04268380514355992 0.18638840912467444 0.4139128381613593 0.38140934829897827 0.17864948296696218 0.25913431500714884 0.00994089272887658 -0.29497279788492237 -0.48999373705922616 -0.5813130657202153 -0.6834668910019893 -0.8738444744816711 -0.999215078236582 -0.994571722541951 -1.1183945410653213 -1.1416113195384492 -1.2638863528302788 -1.304128768850372 -1.1431591047699987 +3603,-0.7360915888744258,0,-0.04268380514355992 0.18638840912467444 0.4139128381613593 0.38140934829897827 0.17864948296696218 0.25913431500714884 0.00994089272887658 -0.29497279788492237 -0.48999373705922616 -0.5813130657202153 -0.6834668910019893 -0.8738444744816711 -0.999215078236582 -0.994571722541951 -1.1183945410653213 -1.1416113195384492 -1.2638863528302788 -1.304128768850372 -1.1431591047699987 -1.839275512656061 +3604,-1.7320913853717708,0,0.18638840912467444 0.4139128381613593 0.38140934829897827 0.17864948296696218 0.25913431500714884 0.00994089272887658 -0.29497279788492237 -0.48999373705922616 -0.5813130657202153 -0.6834668910019893 -0.8738444744816711 -0.999215078236582 -0.994571722541951 -1.1183945410653213 -1.1416113195384492 -1.2638863528302788 -1.304128768850372 -1.1431591047699987 -1.839275512656061 -0.7360915888744258 +3605,-0.9287908502014098,0,0.4139128381613593 0.38140934829897827 0.17864948296696218 0.25913431500714884 0.00994089272887658 -0.29497279788492237 -0.48999373705922616 -0.5813130657202153 -0.6834668910019893 -0.8738444744816711 -0.999215078236582 -0.994571722541951 -1.1183945410653213 -1.1416113195384492 -1.2638863528302788 -1.304128768850372 -1.1431591047699987 -1.839275512656061 -0.7360915888744258 -1.7320913853717708 +3606,-0.2386721100875811,0,0.38140934829897827 0.17864948296696218 0.25913431500714884 0.00994089272887658 -0.29497279788492237 -0.48999373705922616 -0.5813130657202153 -0.6834668910019893 -0.8738444744816711 -0.999215078236582 -0.994571722541951 -1.1183945410653213 -1.1416113195384492 -1.2638863528302788 -1.304128768850372 -1.1431591047699987 -1.839275512656061 -0.7360915888744258 -1.7320913853717708 -0.9287908502014098 +3607,0.5269011600639358,0,0.17864948296696218 0.25913431500714884 0.00994089272887658 -0.29497279788492237 -0.48999373705922616 -0.5813130657202153 -0.6834668910019893 -0.8738444744816711 -0.999215078236582 -0.994571722541951 -1.1183945410653213 -1.1416113195384492 -1.2638863528302788 -1.304128768850372 -1.1431591047699987 -1.839275512656061 -0.7360915888744258 -1.7320913853717708 -0.9287908502014098 -0.2386721100875811 +3608,0.6832274684496871,0,0.25913431500714884 0.00994089272887658 -0.29497279788492237 -0.48999373705922616 -0.5813130657202153 -0.6834668910019893 -0.8738444744816711 -0.999215078236582 -0.994571722541951 -1.1183945410653213 -1.1416113195384492 -1.2638863528302788 -1.304128768850372 -1.1431591047699987 -1.839275512656061 -0.7360915888744258 -1.7320913853717708 -0.9287908502014098 -0.2386721100875811 0.5269011600639358 +3609,0.7838335084999292,0,0.00994089272887658 -0.29497279788492237 -0.48999373705922616 -0.5813130657202153 -0.6834668910019893 -0.8738444744816711 -0.999215078236582 -0.994571722541951 -1.1183945410653213 -1.1416113195384492 -1.2638863528302788 -1.304128768850372 -1.1431591047699987 -1.839275512656061 -0.7360915888744258 -1.7320913853717708 -0.9287908502014098 -0.2386721100875811 0.5269011600639358 0.6832274684496871 +3610,0.8101458574361385,0,-0.29497279788492237 -0.48999373705922616 -0.5813130657202153 -0.6834668910019893 -0.8738444744816711 -0.999215078236582 -0.994571722541951 -1.1183945410653213 -1.1416113195384492 -1.2638863528302788 -1.304128768850372 -1.1431591047699987 -1.839275512656061 -0.7360915888744258 -1.7320913853717708 -0.9287908502014098 -0.2386721100875811 0.5269011600639358 0.6832274684496871 0.7838335084999292 +3611,0.7203743140066989,0,-0.48999373705922616 -0.5813130657202153 -0.6834668910019893 -0.8738444744816711 -0.999215078236582 -0.994571722541951 -1.1183945410653213 -1.1416113195384492 -1.2638863528302788 -1.304128768850372 -1.1431591047699987 -1.839275512656061 -0.7360915888744258 -1.7320913853717708 -0.9287908502014098 -0.2386721100875811 0.5269011600639358 0.6832274684496871 0.7838335084999292 0.8101458574361385 +3612,0.4402251870975776,0,-0.5813130657202153 -0.6834668910019893 -0.8738444744816711 -0.999215078236582 -0.994571722541951 -1.1183945410653213 -1.1416113195384492 -1.2638863528302788 -1.304128768850372 -1.1431591047699987 -1.839275512656061 -0.7360915888744258 -1.7320913853717708 -0.9287908502014098 -0.2386721100875811 0.5269011600639358 0.6832274684496871 0.7838335084999292 0.8101458574361385 0.7203743140066989 +3613,0.18329283866158427,0,-0.6834668910019893 -0.8738444744816711 -0.999215078236582 -0.994571722541951 -1.1183945410653213 -1.1416113195384492 -1.2638863528302788 -1.304128768850372 -1.1431591047699987 -1.839275512656061 -0.7360915888744258 -1.7320913853717708 -0.9287908502014098 -0.2386721100875811 0.5269011600639358 0.6832274684496871 0.7838335084999292 0.8101458574361385 0.7203743140066989 0.4402251870975776 +3614,-0.06435279838514728,0,-0.8738444744816711 -0.999215078236582 -0.994571722541951 -1.1183945410653213 -1.1416113195384492 -1.2638863528302788 -1.304128768850372 -1.1431591047699987 -1.839275512656061 -0.7360915888744258 -1.7320913853717708 -0.9287908502014098 -0.2386721100875811 0.5269011600639358 0.6832274684496871 0.7838335084999292 0.8101458574361385 0.7203743140066989 0.4402251870975776 0.18329283866158427 +3615,-0.1587676975092178,0,-0.999215078236582 -0.994571722541951 -1.1183945410653213 -1.1416113195384492 -1.2638863528302788 -1.304128768850372 -1.1431591047699987 -1.839275512656061 -0.7360915888744258 -1.7320913853717708 -0.9287908502014098 -0.2386721100875811 0.5269011600639358 0.6832274684496871 0.7838335084999292 0.8101458574361385 0.7203743140066989 0.4402251870975776 0.18329283866158427 -0.06435279838514728 +3616,-0.30271172404263463,0,-0.994571722541951 -1.1183945410653213 -1.1416113195384492 -1.2638863528302788 -1.304128768850372 -1.1431591047699987 -1.839275512656061 -0.7360915888744258 -1.7320913853717708 -0.9287908502014098 -0.2386721100875811 0.5269011600639358 0.6832274684496871 0.7838335084999292 0.8101458574361385 0.7203743140066989 0.4402251870975776 0.18329283866158427 -0.06435279838514728 -0.1587676975092178 +3617,-0.4389168244183392,0,-1.1183945410653213 -1.1416113195384492 -1.2638863528302788 -1.304128768850372 -1.1431591047699987 -1.839275512656061 -0.7360915888744258 -1.7320913853717708 -0.9287908502014098 -0.2386721100875811 0.5269011600639358 0.6832274684496871 0.7838335084999292 0.8101458574361385 0.7203743140066989 0.4402251870975776 0.18329283866158427 -0.06435279838514728 -0.1587676975092178 -0.30271172404263463 +3618,-0.6029820589618027,0,-1.1416113195384492 -1.2638863528302788 -1.304128768850372 -1.1431591047699987 -1.839275512656061 -0.7360915888744258 -1.7320913853717708 -0.9287908502014098 -0.2386721100875811 0.5269011600639358 0.6832274684496871 0.7838335084999292 0.8101458574361385 0.7203743140066989 0.4402251870975776 0.18329283866158427 -0.06435279838514728 -0.1587676975092178 -0.30271172404263463 -0.4389168244183392 +3619,-0.8010985685991879,0,-1.2638863528302788 -1.304128768850372 -1.1431591047699987 -1.839275512656061 -0.7360915888744258 -1.7320913853717708 -0.9287908502014098 -0.2386721100875811 0.5269011600639358 0.6832274684496871 0.7838335084999292 0.8101458574361385 0.7203743140066989 0.4402251870975776 0.18329283866158427 -0.06435279838514728 -0.1587676975092178 -0.30271172404263463 -0.4389168244183392 -0.6029820589618027 +3620,-0.9465903803641454,0,-1.304128768850372 -1.1431591047699987 -1.839275512656061 -0.7360915888744258 -1.7320913853717708 -0.9287908502014098 -0.2386721100875811 0.5269011600639358 0.6832274684496871 0.7838335084999292 0.8101458574361385 0.7203743140066989 0.4402251870975776 0.18329283866158427 -0.06435279838514728 -0.1587676975092178 -0.30271172404263463 -0.4389168244183392 -0.6029820589618027 -0.8010985685991879 +3621,-0.9218258166594767,0,-1.1431591047699987 -1.839275512656061 -0.7360915888744258 -1.7320913853717708 -0.9287908502014098 -0.2386721100875811 0.5269011600639358 0.6832274684496871 0.7838335084999292 0.8101458574361385 0.7203743140066989 0.4402251870975776 0.18329283866158427 -0.06435279838514728 -0.1587676975092178 -0.30271172404263463 -0.4389168244183392 -0.6029820589618027 -0.8010985685991879 -0.9465903803641454 +3622,-1.0425530647197567,0,-1.839275512656061 -0.7360915888744258 -1.7320913853717708 -0.9287908502014098 -0.2386721100875811 0.5269011600639358 0.6832274684496871 0.7838335084999292 0.8101458574361385 0.7203743140066989 0.4402251870975776 0.18329283866158427 -0.06435279838514728 -0.1587676975092178 -0.30271172404263463 -0.4389168244183392 -0.6029820589618027 -0.8010985685991879 -0.9465903803641454 -0.9218258166594767 +3623,-1.138515749075368,0,-0.7360915888744258 -1.7320913853717708 -0.9287908502014098 -0.2386721100875811 0.5269011600639358 0.6832274684496871 0.7838335084999292 0.8101458574361385 0.7203743140066989 0.4402251870975776 0.18329283866158427 -0.06435279838514728 -0.1587676975092178 -0.30271172404263463 -0.4389168244183392 -0.6029820589618027 -0.8010985685991879 -0.9465903803641454 -0.9218258166594767 -1.0425530647197567 +3624,-1.1787581650954613,0,-1.7320913853717708 -0.9287908502014098 -0.2386721100875811 0.5269011600639358 0.6832274684496871 0.7838335084999292 0.8101458574361385 0.7203743140066989 0.4402251870975776 0.18329283866158427 -0.06435279838514728 -0.1587676975092178 -0.30271172404263463 -0.4389168244183392 -0.6029820589618027 -0.8010985685991879 -0.9465903803641454 -0.9218258166594767 -1.0425530647197567 -1.138515749075368 +3625,-1.2576952119041072,0,-0.9287908502014098 -0.2386721100875811 0.5269011600639358 0.6832274684496871 0.7838335084999292 0.8101458574361385 0.7203743140066989 0.4402251870975776 0.18329283866158427 -0.06435279838514728 -0.1587676975092178 -0.30271172404263463 -0.4389168244183392 -0.6029820589618027 -0.8010985685991879 -0.9465903803641454 -0.9218258166594767 -1.0425530647197567 -1.138515749075368 -1.1787581650954613 +3626,-1.225191722041726,0,-0.2386721100875811 0.5269011600639358 0.6832274684496871 0.7838335084999292 0.8101458574361385 0.7203743140066989 0.4402251870975776 0.18329283866158427 -0.06435279838514728 -0.1587676975092178 -0.30271172404263463 -0.4389168244183392 -0.6029820589618027 -0.8010985685991879 -0.9465903803641454 -0.9218258166594767 -1.0425530647197567 -1.138515749075368 -1.1787581650954613 -1.2576952119041072 +3627,-0.8521754812400837,0,0.5269011600639358 0.6832274684496871 0.7838335084999292 0.8101458574361385 0.7203743140066989 0.4402251870975776 0.18329283866158427 -0.06435279838514728 -0.1587676975092178 -0.30271172404263463 -0.4389168244183392 -0.6029820589618027 -0.8010985685991879 -0.9465903803641454 -0.9218258166594767 -1.0425530647197567 -1.138515749075368 -1.1787581650954613 -1.2576952119041072 -1.225191722041726 +3628,-0.4791592404384325,0,0.6832274684496871 0.7838335084999292 0.8101458574361385 0.7203743140066989 0.4402251870975776 0.18329283866158427 -0.06435279838514728 -0.1587676975092178 -0.30271172404263463 -0.4389168244183392 -0.6029820589618027 -0.8010985685991879 -0.9465903803641454 -0.9218258166594767 -1.0425530647197567 -1.138515749075368 -1.1787581650954613 -1.2576952119041072 -1.225191722041726 -0.8521754812400837 +3629,0.09352129523214463,0,0.7838335084999292 0.8101458574361385 0.7203743140066989 0.4402251870975776 0.18329283866158427 -0.06435279838514728 -0.1587676975092178 -0.30271172404263463 -0.4389168244183392 -0.6029820589618027 -0.8010985685991879 -0.9465903803641454 -0.9218258166594767 -1.0425530647197567 -1.138515749075368 -1.1787581650954613 -1.2576952119041072 -1.225191722041726 -0.8521754812400837 -0.4791592404384325 +3630,0.5176144486746829,0,0.8101458574361385 0.7203743140066989 0.4402251870975776 0.18329283866158427 -0.06435279838514728 -0.1587676975092178 -0.30271172404263463 -0.4389168244183392 -0.6029820589618027 -0.8010985685991879 -0.9465903803641454 -0.9218258166594767 -1.0425530647197567 -1.138515749075368 -1.1787581650954613 -1.2576952119041072 -1.225191722041726 -0.8521754812400837 -0.4791592404384325 0.09352129523214463 +3631,0.8318148506777348,0,0.7203743140066989 0.4402251870975776 0.18329283866158427 -0.06435279838514728 -0.1587676975092178 -0.30271172404263463 -0.4389168244183392 -0.6029820589618027 -0.8010985685991879 -0.9465903803641454 -0.9218258166594767 -1.0425530647197567 -1.138515749075368 -1.1787581650954613 -1.2576952119041072 -1.225191722041726 -0.8521754812400837 -0.4791592404384325 0.09352129523214463 0.5176144486746829 +3632,1.0283835750835792,0,0.4402251870975776 0.18329283866158427 -0.06435279838514728 -0.1587676975092178 -0.30271172404263463 -0.4389168244183392 -0.6029820589618027 -0.8010985685991879 -0.9465903803641454 -0.9218258166594767 -1.0425530647197567 -1.138515749075368 -1.1787581650954613 -1.2576952119041072 -1.225191722041726 -0.8521754812400837 -0.4791592404384325 0.09352129523214463 0.5176144486746829 0.8318148506777348 +3633,1.0701737763352133,0,0.18329283866158427 -0.06435279838514728 -0.1587676975092178 -0.30271172404263463 -0.4389168244183392 -0.6029820589618027 -0.8010985685991879 -0.9465903803641454 -0.9218258166594767 -1.0425530647197567 -1.138515749075368 -1.1787581650954613 -1.2576952119041072 -1.225191722041726 -0.8521754812400837 -0.4791592404384325 0.09352129523214463 0.5176144486746829 0.8318148506777348 1.0283835750835792 +3634,1.016001293231245,0,-0.06435279838514728 -0.1587676975092178 -0.30271172404263463 -0.4389168244183392 -0.6029820589618027 -0.8010985685991879 -0.9465903803641454 -0.9218258166594767 -1.0425530647197567 -1.138515749075368 -1.1787581650954613 -1.2576952119041072 -1.225191722041726 -0.8521754812400837 -0.4791592404384325 0.09352129523214463 0.5176144486746829 0.8318148506777348 1.0283835750835792 1.0701737763352133 +3635,0.8968218304024969,0,-0.1587676975092178 -0.30271172404263463 -0.4389168244183392 -0.6029820589618027 -0.8010985685991879 -0.9465903803641454 -0.9218258166594767 -1.0425530647197567 -1.138515749075368 -1.1787581650954613 -1.2576952119041072 -1.225191722041726 -0.8521754812400837 -0.4791592404384325 0.09352129523214463 0.5176144486746829 0.8318148506777348 1.0283835750835792 1.0701737763352133 1.016001293231245 +3636,0.8178847835938509,0,-0.30271172404263463 -0.4389168244183392 -0.6029820589618027 -0.8010985685991879 -0.9465903803641454 -0.9218258166594767 -1.0425530647197567 -1.138515749075368 -1.1787581650954613 -1.2576952119041072 -1.225191722041726 -0.8521754812400837 -0.4791592404384325 0.09352129523214463 0.5176144486746829 0.8318148506777348 1.0283835750835792 1.0701737763352133 1.016001293231245 0.8968218304024969 +3637,0.4727286769599586,0,-0.4389168244183392 -0.6029820589618027 -0.8010985685991879 -0.9465903803641454 -0.9218258166594767 -1.0425530647197567 -1.138515749075368 -1.1787581650954613 -1.2576952119041072 -1.225191722041726 -0.8521754812400837 -0.4791592404384325 0.09352129523214463 0.5176144486746829 0.8318148506777348 1.0283835750835792 1.0701737763352133 1.016001293231245 0.8968218304024969 0.8178847835938509 +3638,0.16317163065153759,0,-0.6029820589618027 -0.8010985685991879 -0.9465903803641454 -0.9218258166594767 -1.0425530647197567 -1.138515749075368 -1.1787581650954613 -1.2576952119041072 -1.225191722041726 -0.8521754812400837 -0.4791592404384325 0.09352129523214463 0.5176144486746829 0.8318148506777348 1.0283835750835792 1.0701737763352133 1.016001293231245 0.8968218304024969 0.8178847835938509 0.4727286769599586 +3639,-0.09685628824752832,0,-0.8010985685991879 -0.9465903803641454 -0.9218258166594767 -1.0425530647197567 -1.138515749075368 -1.1787581650954613 -1.2576952119041072 -1.225191722041726 -0.8521754812400837 -0.4791592404384325 0.09352129523214463 0.5176144486746829 0.8318148506777348 1.0283835750835792 1.0701737763352133 1.016001293231245 0.8968218304024969 0.8178847835938509 0.4727286769599586 0.16317163065153759 +3640,-0.28723387172721004,0,-0.9465903803641454 -0.9218258166594767 -1.0425530647197567 -1.138515749075368 -1.1787581650954613 -1.2576952119041072 -1.225191722041726 -0.8521754812400837 -0.4791592404384325 0.09352129523214463 0.5176144486746829 0.8318148506777348 1.0283835750835792 1.0701737763352133 1.016001293231245 0.8968218304024969 0.8178847835938509 0.4727286769599586 0.16317163065153759 -0.09685628824752832 +3641,-0.4280823277975455,0,-0.9218258166594767 -1.0425530647197567 -1.138515749075368 -1.1787581650954613 -1.2576952119041072 -1.225191722041726 -0.8521754812400837 -0.4791592404384325 0.09352129523214463 0.5176144486746829 0.8318148506777348 1.0283835750835792 1.0701737763352133 1.016001293231245 0.8968218304024969 0.8178847835938509 0.4727286769599586 0.16317163065153759 -0.09685628824752832 -0.28723387172721004 +3642,-0.5998864884987125,0,-1.0425530647197567 -1.138515749075368 -1.1787581650954613 -1.2576952119041072 -1.225191722041726 -0.8521754812400837 -0.4791592404384325 0.09352129523214463 0.5176144486746829 0.8318148506777348 1.0283835750835792 1.0701737763352133 1.016001293231245 0.8968218304024969 0.8178847835938509 0.4727286769599586 0.16317163065153759 -0.09685628824752832 -0.28723387172721004 -0.4280823277975455 +3643,-0.6587023272973206,0,-1.138515749075368 -1.1787581650954613 -1.2576952119041072 -1.225191722041726 -0.8521754812400837 -0.4791592404384325 0.09352129523214463 0.5176144486746829 0.8318148506777348 1.0283835750835792 1.0701737763352133 1.016001293231245 0.8968218304024969 0.8178847835938509 0.4727286769599586 0.16317163065153759 -0.09685628824752832 -0.28723387172721004 -0.4280823277975455 -0.5998864884987125 +3644,-0.6633456829919426,0,-1.1787581650954613 -1.2576952119041072 -1.225191722041726 -0.8521754812400837 -0.4791592404384325 0.09352129523214463 0.5176144486746829 0.8318148506777348 1.0283835750835792 1.0701737763352133 1.016001293231245 0.8968218304024969 0.8178847835938509 0.4727286769599586 0.16317163065153759 -0.09685628824752832 -0.28723387172721004 -0.4280823277975455 -0.5998864884987125 -0.6587023272973206 +3645,-0.703588099012036,0,-1.2576952119041072 -1.225191722041726 -0.8521754812400837 -0.4791592404384325 0.09352129523214463 0.5176144486746829 0.8318148506777348 1.0283835750835792 1.0701737763352133 1.016001293231245 0.8968218304024969 0.8178847835938509 0.4727286769599586 0.16317163065153759 -0.09685628824752832 -0.28723387172721004 -0.4280823277975455 -0.5998864884987125 -0.6587023272973206 -0.6633456829919426 +3646,-0.7407349445690479,0,-1.225191722041726 -0.8521754812400837 -0.4791592404384325 0.09352129523214463 0.5176144486746829 0.8318148506777348 1.0283835750835792 1.0701737763352133 1.016001293231245 0.8968218304024969 0.8178847835938509 0.4727286769599586 0.16317163065153759 -0.09685628824752832 -0.28723387172721004 -0.4280823277975455 -0.5998864884987125 -0.6587023272973206 -0.6633456829919426 -0.703588099012036 +3647,-0.8908701120286363,0,-0.8521754812400837 -0.4791592404384325 0.09352129523214463 0.5176144486746829 0.8318148506777348 1.0283835750835792 1.0701737763352133 1.016001293231245 0.8968218304024969 0.8178847835938509 0.4727286769599586 0.16317163065153759 -0.09685628824752832 -0.28723387172721004 -0.4280823277975455 -0.5998864884987125 -0.6587023272973206 -0.6633456829919426 -0.703588099012036 -0.7407349445690479 +3648,-0.943494809901064,0,-0.4791592404384325 0.09352129523214463 0.5176144486746829 0.8318148506777348 1.0283835750835792 1.0701737763352133 1.016001293231245 0.8968218304024969 0.8178847835938509 0.4727286769599586 0.16317163065153759 -0.09685628824752832 -0.28723387172721004 -0.4280823277975455 -0.5998864884987125 -0.6587023272973206 -0.6633456829919426 -0.703588099012036 -0.7407349445690479 -0.8908701120286363 +3649,-0.9403992394379826,0,0.09352129523214463 0.5176144486746829 0.8318148506777348 1.0283835750835792 1.0701737763352133 1.016001293231245 0.8968218304024969 0.8178847835938509 0.4727286769599586 0.16317163065153759 -0.09685628824752832 -0.28723387172721004 -0.4280823277975455 -0.5998864884987125 -0.6587023272973206 -0.6633456829919426 -0.703588099012036 -0.7407349445690479 -0.8908701120286363 -0.943494809901064 +3650,-0.8970612529547991,0,0.5176144486746829 0.8318148506777348 1.0283835750835792 1.0701737763352133 1.016001293231245 0.8968218304024969 0.8178847835938509 0.4727286769599586 0.16317163065153759 -0.09685628824752832 -0.28723387172721004 -0.4280823277975455 -0.5998864884987125 -0.6587023272973206 -0.6633456829919426 -0.703588099012036 -0.7407349445690479 -0.8908701120286363 -0.943494809901064 -0.9403992394379826 +3651,-0.5255927973846974,0,0.8318148506777348 1.0283835750835792 1.0701737763352133 1.016001293231245 0.8968218304024969 0.8178847835938509 0.4727286769599586 0.16317163065153759 -0.09685628824752832 -0.28723387172721004 -0.4280823277975455 -0.5998864884987125 -0.6587023272973206 -0.6633456829919426 -0.703588099012036 -0.7407349445690479 -0.8908701120286363 -0.943494809901064 -0.9403992394379826 -0.8970612529547991 +3652,-0.15412434181458692,0,1.0283835750835792 1.0701737763352133 1.016001293231245 0.8968218304024969 0.8178847835938509 0.4727286769599586 0.16317163065153759 -0.09685628824752832 -0.28723387172721004 -0.4280823277975455 -0.5998864884987125 -0.6587023272973206 -0.6633456829919426 -0.703588099012036 -0.7407349445690479 -0.8908701120286363 -0.943494809901064 -0.9403992394379826 -0.8970612529547991 -0.5255927973846974 +3653,0.6429850524295937,0,1.0701737763352133 1.016001293231245 0.8968218304024969 0.8178847835938509 0.4727286769599586 0.16317163065153759 -0.09685628824752832 -0.28723387172721004 -0.4280823277975455 -0.5998864884987125 -0.6587023272973206 -0.6633456829919426 -0.703588099012036 -0.7407349445690479 -0.8908701120286363 -0.943494809901064 -0.9403992394379826 -0.8970612529547991 -0.5255927973846974 -0.15412434181458692 +3654,1.006714581841992,0,1.016001293231245 0.8968218304024969 0.8178847835938509 0.4727286769599586 0.16317163065153759 -0.09685628824752832 -0.28723387172721004 -0.4280823277975455 -0.5998864884987125 -0.6587023272973206 -0.6633456829919426 -0.703588099012036 -0.7407349445690479 -0.8908701120286363 -0.943494809901064 -0.9403992394379826 -0.8970612529547991 -0.5255927973846974 -0.15412434181458692 0.6429850524295937 +3655,1.3704441112543813,0,0.8968218304024969 0.8178847835938509 0.4727286769599586 0.16317163065153759 -0.09685628824752832 -0.28723387172721004 -0.4280823277975455 -0.5998864884987125 -0.6587023272973206 -0.6633456829919426 -0.703588099012036 -0.7407349445690479 -0.8908701120286363 -0.943494809901064 -0.9403992394379826 -0.8970612529547991 -0.5255927973846974 -0.15412434181458692 0.6429850524295937 1.006714581841992 +3656,1.4292599500529806,0,0.8178847835938509 0.4727286769599586 0.16317163065153759 -0.09685628824752832 -0.28723387172721004 -0.4280823277975455 -0.5998864884987125 -0.6587023272973206 -0.6633456829919426 -0.703588099012036 -0.7407349445690479 -0.8908701120286363 -0.943494809901064 -0.9403992394379826 -0.8970612529547991 -0.5255927973846974 -0.15412434181458692 0.6429850524295937 1.006714581841992 1.3704441112543813 +3657,1.534509345797845,0,0.4727286769599586 0.16317163065153759 -0.09685628824752832 -0.28723387172721004 -0.4280823277975455 -0.5998864884987125 -0.6587023272973206 -0.6633456829919426 -0.703588099012036 -0.7407349445690479 -0.8908701120286363 -0.943494809901064 -0.9403992394379826 -0.8970612529547991 -0.5255927973846974 -0.15412434181458692 0.6429850524295937 1.006714581841992 1.3704441112543813 1.4292599500529806 +3658,1.5174837082508796,0,0.16317163065153759 -0.09685628824752832 -0.28723387172721004 -0.4280823277975455 -0.5998864884987125 -0.6587023272973206 -0.6633456829919426 -0.703588099012036 -0.7407349445690479 -0.8908701120286363 -0.943494809901064 -0.9403992394379826 -0.8970612529547991 -0.5255927973846974 -0.15412434181458692 0.6429850524295937 1.006714581841992 1.3704441112543813 1.4292599500529806 1.534509345797845 +3659,1.4710501513046235,0,-0.09685628824752832 -0.28723387172721004 -0.4280823277975455 -0.5998864884987125 -0.6587023272973206 -0.6633456829919426 -0.703588099012036 -0.7407349445690479 -0.8908701120286363 -0.943494809901064 -0.9403992394379826 -0.8970612529547991 -0.5255927973846974 -0.15412434181458692 0.6429850524295937 1.006714581841992 1.3704441112543813 1.4292599500529806 1.534509345797845 1.5174837082508796 +3660,1.4633112251469111,0,-0.28723387172721004 -0.4280823277975455 -0.5998864884987125 -0.6587023272973206 -0.6633456829919426 -0.703588099012036 -0.7407349445690479 -0.8908701120286363 -0.943494809901064 -0.9403992394379826 -0.8970612529547991 -0.5255927973846974 -0.15412434181458692 0.6429850524295937 1.006714581841992 1.3704441112543813 1.4292599500529806 1.534509345797845 1.5174837082508796 1.4710501513046235 +3661,1.2497168631941014,0,-0.4280823277975455 -0.5998864884987125 -0.6587023272973206 -0.6633456829919426 -0.703588099012036 -0.7407349445690479 -0.8908701120286363 -0.943494809901064 -0.9403992394379826 -0.8970612529547991 -0.5255927973846974 -0.15412434181458692 0.6429850524295937 1.006714581841992 1.3704441112543813 1.4292599500529806 1.534509345797845 1.5174837082508796 1.4710501513046235 1.4633112251469111 +3662,0.8689616962347378,0,-0.5998864884987125 -0.6587023272973206 -0.6633456829919426 -0.703588099012036 -0.7407349445690479 -0.8908701120286363 -0.943494809901064 -0.9403992394379826 -0.8970612529547991 -0.5255927973846974 -0.15412434181458692 0.6429850524295937 1.006714581841992 1.3704441112543813 1.4292599500529806 1.534509345797845 1.5174837082508796 1.4710501513046235 1.4633112251469111 1.2497168631941014 +3663,0.5872647840940758,0,-0.6587023272973206 -0.6633456829919426 -0.703588099012036 -0.7407349445690479 -0.8908701120286363 -0.943494809901064 -0.9403992394379826 -0.8970612529547991 -0.5255927973846974 -0.15412434181458692 0.6429850524295937 1.006714581841992 1.3704441112543813 1.4292599500529806 1.534509345797845 1.5174837082508796 1.4710501513046235 1.4633112251469111 1.2497168631941014 0.8689616962347378 +3664,0.3241412947319197,0,-0.6633456829919426 -0.703588099012036 -0.7407349445690479 -0.8908701120286363 -0.943494809901064 -0.9403992394379826 -0.8970612529547991 -0.5255927973846974 -0.15412434181458692 0.6429850524295937 1.006714581841992 1.3704441112543813 1.4292599500529806 1.534509345797845 1.5174837082508796 1.4710501513046235 1.4633112251469111 1.2497168631941014 0.8689616962347378 0.5872647840940758 +3665,0.043992167822798314,0,-0.703588099012036 -0.7407349445690479 -0.8908701120286363 -0.943494809901064 -0.9403992394379826 -0.8970612529547991 -0.5255927973846974 -0.15412434181458692 0.6429850524295937 1.006714581841992 1.3704441112543813 1.4292599500529806 1.534509345797845 1.5174837082508796 1.4710501513046235 1.4633112251469111 1.2497168631941014 0.8689616962347378 0.5872647840940758 0.3241412947319197 +3666,-0.09763018086330746,0,-0.7407349445690479 -0.8908701120286363 -0.943494809901064 -0.9403992394379826 -0.8970612529547991 -0.5255927973846974 -0.15412434181458692 0.6429850524295937 1.006714581841992 1.3704441112543813 1.4292599500529806 1.534509345797845 1.5174837082508796 1.4710501513046235 1.4633112251469111 1.2497168631941014 0.8689616962347378 0.5872647840940758 0.3241412947319197 0.043992167822798314 +3667,-0.23925252954940446,0,-0.8908701120286363 -0.943494809901064 -0.9403992394379826 -0.8970612529547991 -0.5255927973846974 -0.15412434181458692 0.6429850524295937 1.006714581841992 1.3704441112543813 1.4292599500529806 1.534509345797845 1.5174837082508796 1.4710501513046235 1.4633112251469111 1.2497168631941014 0.8689616962347378 0.5872647840940758 0.3241412947319197 0.043992167822798314 -0.09763018086330746 +3668,-0.30425950927417533,0,-0.943494809901064 -0.9403992394379826 -0.8970612529547991 -0.5255927973846974 -0.15412434181458692 0.6429850524295937 1.006714581841992 1.3704441112543813 1.4292599500529806 1.534509345797845 1.5174837082508796 1.4710501513046235 1.4633112251469111 1.2497168631941014 0.8689616962347378 0.5872647840940758 0.3241412947319197 0.043992167822798314 -0.09763018086330746 -0.23925252954940446 +3669,-0.38551823393013235,0,-0.9403992394379826 -0.8970612529547991 -0.5255927973846974 -0.15412434181458692 0.6429850524295937 1.006714581841992 1.3704441112543813 1.4292599500529806 1.534509345797845 1.5174837082508796 1.4710501513046235 1.4633112251469111 1.2497168631941014 0.8689616962347378 0.5872647840940758 0.3241412947319197 0.043992167822798314 -0.09763018086330746 -0.23925252954940446 -0.30425950927417533 +3670,-0.46677695858609813,0,-0.8970612529547991 -0.5255927973846974 -0.15412434181458692 0.6429850524295937 1.006714581841992 1.3704441112543813 1.4292599500529806 1.534509345797845 1.5174837082508796 1.4710501513046235 1.4633112251469111 1.2497168631941014 0.8689616962347378 0.5872647840940758 0.3241412947319197 0.043992167822798314 -0.09763018086330746 -0.23925252954940446 -0.30425950927417533 -0.38551823393013235 +3671,-0.5704785690994129,0,-0.5255927973846974 -0.15412434181458692 0.6429850524295937 1.006714581841992 1.3704441112543813 1.4292599500529806 1.534509345797845 1.5174837082508796 1.4710501513046235 1.4633112251469111 1.2497168631941014 0.8689616962347378 0.5872647840940758 0.3241412947319197 0.043992167822798314 -0.09763018086330746 -0.23925252954940446 -0.30425950927417533 -0.38551823393013235 -0.46677695858609813 +3672,-0.6556067568342304,0,-0.15412434181458692 0.6429850524295937 1.006714581841992 1.3704441112543813 1.4292599500529806 1.534509345797845 1.5174837082508796 1.4710501513046235 1.4633112251469111 1.2497168631941014 0.8689616962347378 0.5872647840940758 0.3241412947319197 0.043992167822798314 -0.09763018086330746 -0.23925252954940446 -0.30425950927417533 -0.38551823393013235 -0.46677695858609813 -0.5704785690994129 +3673,-0.6834668910019893,0,0.6429850524295937 1.006714581841992 1.3704441112543813 1.4292599500529806 1.534509345797845 1.5174837082508796 1.4710501513046235 1.4633112251469111 1.2497168631941014 0.8689616962347378 0.5872647840940758 0.3241412947319197 0.043992167822798314 -0.09763018086330746 -0.23925252954940446 -0.30425950927417533 -0.38551823393013235 -0.46677695858609813 -0.5704785690994129 -0.6556067568342304 +3674,-0.6741801796127364,0,1.006714581841992 1.3704441112543813 1.4292599500529806 1.534509345797845 1.5174837082508796 1.4710501513046235 1.4633112251469111 1.2497168631941014 0.8689616962347378 0.5872647840940758 0.3241412947319197 0.043992167822798314 -0.09763018086330746 -0.23925252954940446 -0.30425950927417533 -0.38551823393013235 -0.46677695858609813 -0.5704785690994129 -0.6556067568342304 -0.6834668910019893 +3675,-0.5704785690994129,0,1.3704441112543813 1.4292599500529806 1.534509345797845 1.5174837082508796 1.4710501513046235 1.4633112251469111 1.2497168631941014 0.8689616962347378 0.5872647840940758 0.3241412947319197 0.043992167822798314 -0.09763018086330746 -0.23925252954940446 -0.30425950927417533 -0.38551823393013235 -0.46677695858609813 -0.5704785690994129 -0.6556067568342304 -0.6834668910019893 -0.6741801796127364 +3676,0.00994089272887658,0,1.4292599500529806 1.534509345797845 1.5174837082508796 1.4710501513046235 1.4633112251469111 1.2497168631941014 0.8689616962347378 0.5872647840940758 0.3241412947319197 0.043992167822798314 -0.09763018086330746 -0.23925252954940446 -0.30425950927417533 -0.38551823393013235 -0.46677695858609813 -0.5704785690994129 -0.6556067568342304 -0.6834668910019893 -0.6741801796127364 -0.5704785690994129 +3677,0.6104815625672126,0,1.534509345797845 1.5174837082508796 1.4710501513046235 1.4633112251469111 1.2497168631941014 0.8689616962347378 0.5872647840940758 0.3241412947319197 0.043992167822798314 -0.09763018086330746 -0.23925252954940446 -0.30425950927417533 -0.38551823393013235 -0.46677695858609813 -0.5704785690994129 -0.6556067568342304 -0.6834668910019893 -0.6741801796127364 -0.5704785690994129 0.00994089272887658 +3678,1.1800665277747084,0,1.5174837082508796 1.4710501513046235 1.4633112251469111 1.2497168631941014 0.8689616962347378 0.5872647840940758 0.3241412947319197 0.043992167822798314 -0.09763018086330746 -0.23925252954940446 -0.30425950927417533 -0.38551823393013235 -0.46677695858609813 -0.5704785690994129 -0.6556067568342304 -0.6834668910019893 -0.6741801796127364 -0.5704785690994129 0.00994089272887658 0.6104815625672126 +3679,1.3750874669490123,0,1.4710501513046235 1.4633112251469111 1.2497168631941014 0.8689616962347378 0.5872647840940758 0.3241412947319197 0.043992167822798314 -0.09763018086330746 -0.23925252954940446 -0.30425950927417533 -0.38551823393013235 -0.46677695858609813 -0.5704785690994129 -0.6556067568342304 -0.6834668910019893 -0.6741801796127364 -0.5704785690994129 0.00994089272887658 0.6104815625672126 1.1800665277747084 +3680,1.4354510909791522,0,1.4633112251469111 1.2497168631941014 0.8689616962347378 0.5872647840940758 0.3241412947319197 0.043992167822798314 -0.09763018086330746 -0.23925252954940446 -0.30425950927417533 -0.38551823393013235 -0.46677695858609813 -0.5704785690994129 -0.6556067568342304 -0.6834668910019893 -0.6741801796127364 -0.5704785690994129 0.00994089272887658 0.6104815625672126 1.1800665277747084 1.3750874669490123 +3681,1.2915070644457354,0,1.2497168631941014 0.8689616962347378 0.5872647840940758 0.3241412947319197 0.043992167822798314 -0.09763018086330746 -0.23925252954940446 -0.30425950927417533 -0.38551823393013235 -0.46677695858609813 -0.5704785690994129 -0.6556067568342304 -0.6834668910019893 -0.6741801796127364 -0.5704785690994129 0.00994089272887658 0.6104815625672126 1.1800665277747084 1.3750874669490123 1.4354510909791522 +3682,1.1289896151338126,0,0.8689616962347378 0.5872647840940758 0.3241412947319197 0.043992167822798314 -0.09763018086330746 -0.23925252954940446 -0.30425950927417533 -0.38551823393013235 -0.46677695858609813 -0.5704785690994129 -0.6556067568342304 -0.6834668910019893 -0.6741801796127364 -0.5704785690994129 0.00994089272887658 0.6104815625672126 1.1800665277747084 1.3750874669490123 1.4354510909791522 1.2915070644457354 +3683,1.200187735784755,0,0.5872647840940758 0.3241412947319197 0.043992167822798314 -0.09763018086330746 -0.23925252954940446 -0.30425950927417533 -0.38551823393013235 -0.46677695858609813 -0.5704785690994129 -0.6556067568342304 -0.6834668910019893 -0.6741801796127364 -0.5704785690994129 0.00994089272887658 0.6104815625672126 1.1800665277747084 1.3750874669490123 1.4354510909791522 1.2915070644457354 1.1289896151338126 +3684,1.1723276016169961,0,0.3241412947319197 0.043992167822798314 -0.09763018086330746 -0.23925252954940446 -0.30425950927417533 -0.38551823393013235 -0.46677695858609813 -0.5704785690994129 -0.6556067568342304 -0.6834668910019893 -0.6741801796127364 -0.5704785690994129 0.00994089272887658 0.6104815625672126 1.1800665277747084 1.3750874669490123 1.4354510909791522 1.2915070644457354 1.1289896151338126 1.200187735784755 +3685,0.8797961928555316,0,0.043992167822798314 -0.09763018086330746 -0.23925252954940446 -0.30425950927417533 -0.38551823393013235 -0.46677695858609813 -0.5704785690994129 -0.6556067568342304 -0.6834668910019893 -0.6741801796127364 -0.5704785690994129 0.00994089272887658 0.6104815625672126 1.1800665277747084 1.3750874669490123 1.4354510909791522 1.2915070644457354 1.1289896151338126 1.200187735784755 1.1723276016169961 +3686,0.5114233077485113,0,-0.09763018086330746 -0.23925252954940446 -0.30425950927417533 -0.38551823393013235 -0.46677695858609813 -0.5704785690994129 -0.6556067568342304 -0.6834668910019893 -0.6741801796127364 -0.5704785690994129 0.00994089272887658 0.6104815625672126 1.1800665277747084 1.3750874669490123 1.4354510909791522 1.2915070644457354 1.1289896151338126 1.200187735784755 1.1723276016169961 0.8797961928555316 +3687,0.15543270449383412,0,-0.23925252954940446 -0.30425950927417533 -0.38551823393013235 -0.46677695858609813 -0.5704785690994129 -0.6556067568342304 -0.6834668910019893 -0.6741801796127364 -0.5704785690994129 0.00994089272887658 0.6104815625672126 1.1800665277747084 1.3750874669490123 1.4354510909791522 1.2915070644457354 1.1289896151338126 1.200187735784755 1.1723276016169961 0.8797961928555316 0.5114233077485113 +3688,-0.10614299963678131,0,-0.30425950927417533 -0.38551823393013235 -0.46677695858609813 -0.5704785690994129 -0.6556067568342304 -0.6834668910019893 -0.6741801796127364 -0.5704785690994129 0.00994089272887658 0.6104815625672126 1.1800665277747084 1.3750874669490123 1.4354510909791522 1.2915070644457354 1.1289896151338126 1.200187735784755 1.1723276016169961 0.8797961928555316 0.5114233077485113 0.15543270449383412 +3689,-0.38164877085128057,0,-0.38551823393013235 -0.46677695858609813 -0.5704785690994129 -0.6556067568342304 -0.6834668910019893 -0.6741801796127364 -0.5704785690994129 0.00994089272887658 0.6104815625672126 1.1800665277747084 1.3750874669490123 1.4354510909791522 1.2915070644457354 1.1289896151338126 1.200187735784755 1.1723276016169961 0.8797961928555316 0.5114233077485113 0.15543270449383412 -0.10614299963678131 +3690,-0.4992804484484792,0,-0.46677695858609813 -0.5704785690994129 -0.6556067568342304 -0.6834668910019893 -0.6741801796127364 -0.5704785690994129 0.00994089272887658 0.6104815625672126 1.1800665277747084 1.3750874669490123 1.4354510909791522 1.2915070644457354 1.1289896151338126 1.200187735784755 1.1723276016169961 0.8797961928555316 0.5114233077485113 0.15543270449383412 -0.10614299963678131 -0.38164877085128057 +3691,-0.5333317235424098,0,-0.5704785690994129 -0.6556067568342304 -0.6834668910019893 -0.6741801796127364 -0.5704785690994129 0.00994089272887658 0.6104815625672126 1.1800665277747084 1.3750874669490123 1.4354510909791522 1.2915070644457354 1.1289896151338126 1.200187735784755 1.1723276016169961 0.8797961928555316 0.5114233077485113 0.15543270449383412 -0.10614299963678131 -0.38164877085128057 -0.4992804484484792 +3692,-0.7329960184113357,0,-0.6556067568342304 -0.6834668910019893 -0.6741801796127364 -0.5704785690994129 0.00994089272887658 0.6104815625672126 1.1800665277747084 1.3750874669490123 1.4354510909791522 1.2915070644457354 1.1289896151338126 1.200187735784755 1.1723276016169961 0.8797961928555316 0.5114233077485113 0.15543270449383412 -0.10614299963678131 -0.38164877085128057 -0.4992804484484792 -0.5333317235424098 +3693,-0.7028142063962657,0,-0.6834668910019893 -0.6741801796127364 -0.5704785690994129 0.00994089272887658 0.6104815625672126 1.1800665277747084 1.3750874669490123 1.4354510909791522 1.2915070644457354 1.1289896151338126 1.200187735784755 1.1723276016169961 0.8797961928555316 0.5114233077485113 0.15543270449383412 -0.10614299963678131 -0.38164877085128057 -0.4992804484484792 -0.5333317235424098 -0.7329960184113357 +3694,-0.6726323943811956,0,-0.6741801796127364 -0.5704785690994129 0.00994089272887658 0.6104815625672126 1.1800665277747084 1.3750874669490123 1.4354510909791522 1.2915070644457354 1.1289896151338126 1.200187735784755 1.1723276016169961 0.8797961928555316 0.5114233077485113 0.15543270449383412 -0.10614299963678131 -0.38164877085128057 -0.4992804484484792 -0.5333317235424098 -0.7329960184113357 -0.7028142063962657 +3695,-0.671084609149655,0,-0.5704785690994129 0.00994089272887658 0.6104815625672126 1.1800665277747084 1.3750874669490123 1.4354510909791522 1.2915070644457354 1.1289896151338126 1.200187735784755 1.1723276016169961 0.8797961928555316 0.5114233077485113 0.15543270449383412 -0.10614299963678131 -0.38164877085128057 -0.4992804484484792 -0.5333317235424098 -0.7329960184113357 -0.7028142063962657 -0.6726323943811956 +3696,-0.6641195756077131,0,0.00994089272887658 0.6104815625672126 1.1800665277747084 1.3750874669490123 1.4354510909791522 1.2915070644457354 1.1289896151338126 1.200187735784755 1.1723276016169961 0.8797961928555316 0.5114233077485113 0.15543270449383412 -0.10614299963678131 -0.38164877085128057 -0.4992804484484792 -0.5333317235424098 -0.7329960184113357 -0.7028142063962657 -0.6726323943811956 -0.671084609149655 +3697,-0.6571545420657711,0,0.6104815625672126 1.1800665277747084 1.3750874669490123 1.4354510909791522 1.2915070644457354 1.1289896151338126 1.200187735784755 1.1723276016169961 0.8797961928555316 0.5114233077485113 0.15543270449383412 -0.10614299963678131 -0.38164877085128057 -0.4992804484484792 -0.5333317235424098 -0.7329960184113357 -0.7028142063962657 -0.6726323943811956 -0.671084609149655 -0.6641195756077131 +3698,-0.7299004479482543,0,1.1800665277747084 1.3750874669490123 1.4354510909791522 1.2915070644457354 1.1289896151338126 1.200187735784755 1.1723276016169961 0.8797961928555316 0.5114233077485113 0.15543270449383412 -0.10614299963678131 -0.38164877085128057 -0.4992804484484792 -0.5333317235424098 -0.7329960184113357 -0.7028142063962657 -0.6726323943811956 -0.671084609149655 -0.6641195756077131 -0.6571545420657711 +3699,-0.5782174952571252,0,1.3750874669490123 1.4354510909791522 1.2915070644457354 1.1289896151338126 1.200187735784755 1.1723276016169961 0.8797961928555316 0.5114233077485113 0.15543270449383412 -0.10614299963678131 -0.38164877085128057 -0.4992804484484792 -0.5333317235424098 -0.7329960184113357 -0.7028142063962657 -0.6726323943811956 -0.671084609149655 -0.6641195756077131 -0.6571545420657711 -0.7299004479482543 +3700,-0.4265345425660048,0,1.4354510909791522 1.2915070644457354 1.1289896151338126 1.200187735784755 1.1723276016169961 0.8797961928555316 0.5114233077485113 0.15543270449383412 -0.10614299963678131 -0.38164877085128057 -0.4992804484484792 -0.5333317235424098 -0.7329960184113357 -0.7028142063962657 -0.6726323943811956 -0.671084609149655 -0.6641195756077131 -0.6571545420657711 -0.7299004479482543 -0.5782174952571252 +3701,-0.3290240729788441,0,1.2915070644457354 1.1289896151338126 1.200187735784755 1.1723276016169961 0.8797961928555316 0.5114233077485113 0.15543270449383412 -0.10614299963678131 -0.38164877085128057 -0.4992804484484792 -0.5333317235424098 -0.7329960184113357 -0.7028142063962657 -0.6726323943811956 -0.671084609149655 -0.6641195756077131 -0.6571545420657711 -0.7299004479482543 -0.5782174952571252 -0.4265345425660048 +3702,-0.20442736183971236,0,1.1289896151338126 1.200187735784755 1.1723276016169961 0.8797961928555316 0.5114233077485113 0.15543270449383412 -0.10614299963678131 -0.38164877085128057 -0.4992804484484792 -0.5333317235424098 -0.7329960184113357 -0.7028142063962657 -0.6726323943811956 -0.671084609149655 -0.6641195756077131 -0.6571545420657711 -0.7299004479482543 -0.5782174952571252 -0.4265345425660048 -0.3290240729788441 +3703,-0.07983065070057185,0,1.200187735784755 1.1723276016169961 0.8797961928555316 0.5114233077485113 0.15543270449383412 -0.10614299963678131 -0.38164877085128057 -0.4992804484484792 -0.5333317235424098 -0.7329960184113357 -0.7028142063962657 -0.6726323943811956 -0.671084609149655 -0.6641195756077131 -0.6571545420657711 -0.7299004479482543 -0.5782174952571252 -0.4265345425660048 -0.3290240729788441 -0.20442736183971236 +3704,0.13066814078915656,0,1.1723276016169961 0.8797961928555316 0.5114233077485113 0.15543270449383412 -0.10614299963678131 -0.38164877085128057 -0.4992804484484792 -0.5333317235424098 -0.7329960184113357 -0.7028142063962657 -0.6726323943811956 -0.671084609149655 -0.6641195756077131 -0.6571545420657711 -0.7299004479482543 -0.5782174952571252 -0.4265345425660048 -0.3290240729788441 -0.20442736183971236 -0.07983065070057185 +3705,0.21811800637128514,0,0.8797961928555316 0.5114233077485113 0.15543270449383412 -0.10614299963678131 -0.38164877085128057 -0.4992804484484792 -0.5333317235424098 -0.7329960184113357 -0.7028142063962657 -0.6726323943811956 -0.671084609149655 -0.6641195756077131 -0.6571545420657711 -0.7299004479482543 -0.5782174952571252 -0.4265345425660048 -0.3290240729788441 -0.20442736183971236 -0.07983065070057185 0.13066814078915656 +3706,0.30556787195341373,0,0.5114233077485113 0.15543270449383412 -0.10614299963678131 -0.38164877085128057 -0.4992804484484792 -0.5333317235424098 -0.7329960184113357 -0.7028142063962657 -0.6726323943811956 -0.671084609149655 -0.6641195756077131 -0.6571545420657711 -0.7299004479482543 -0.5782174952571252 -0.4265345425660048 -0.3290240729788441 -0.20442736183971236 -0.07983065070057185 0.13066814078915656 0.21811800637128514 +3707,0.08887793953752253,0,0.15543270449383412 -0.10614299963678131 -0.38164877085128057 -0.4992804484484792 -0.5333317235424098 -0.7329960184113357 -0.7028142063962657 -0.6726323943811956 -0.671084609149655 -0.6641195756077131 -0.6571545420657711 -0.7299004479482543 -0.5782174952571252 -0.4265345425660048 -0.3290240729788441 -0.20442736183971236 -0.07983065070057185 0.13066814078915656 0.21811800637128514 0.30556787195341373 +3708,-0.010180315281178881,0,-0.10614299963678131 -0.38164877085128057 -0.4992804484484792 -0.5333317235424098 -0.7329960184113357 -0.7028142063962657 -0.6726323943811956 -0.671084609149655 -0.6641195756077131 -0.6571545420657711 -0.7299004479482543 -0.5782174952571252 -0.4265345425660048 -0.3290240729788441 -0.20442736183971236 -0.07983065070057185 0.13066814078915656 0.21811800637128514 0.30556787195341373 0.08887793953752253 +3709,-0.20055789876085184,0,-0.38164877085128057 -0.4992804484484792 -0.5333317235424098 -0.7329960184113357 -0.7028142063962657 -0.6726323943811956 -0.671084609149655 -0.6641195756077131 -0.6571545420657711 -0.7299004479482543 -0.5782174952571252 -0.4265345425660048 -0.3290240729788441 -0.20442736183971236 -0.07983065070057185 0.13066814078915656 0.21811800637128514 0.30556787195341373 0.08887793953752253 -0.010180315281178881 +3710,-0.3893876970089929,0,-0.4992804484484792 -0.5333317235424098 -0.7329960184113357 -0.7028142063962657 -0.6726323943811956 -0.671084609149655 -0.6641195756077131 -0.6571545420657711 -0.7299004479482543 -0.5782174952571252 -0.4265345425660048 -0.3290240729788441 -0.20442736183971236 -0.07983065070057185 0.13066814078915656 0.21811800637128514 0.30556787195341373 0.08887793953752253 -0.010180315281178881 -0.20055789876085184 +3711,-0.4977326632169385,0,-0.5333317235424098 -0.7329960184113357 -0.7028142063962657 -0.6726323943811956 -0.671084609149655 -0.6641195756077131 -0.6571545420657711 -0.7299004479482543 -0.5782174952571252 -0.4265345425660048 -0.3290240729788441 -0.20442736183971236 -0.07983065070057185 0.13066814078915656 0.21811800637128514 0.30556787195341373 0.08887793953752253 -0.010180315281178881 -0.20055789876085184 -0.3893876970089929 +3712,-0.5998864884987125,0,-0.7329960184113357 -0.7028142063962657 -0.6726323943811956 -0.671084609149655 -0.6641195756077131 -0.6571545420657711 -0.7299004479482543 -0.5782174952571252 -0.4265345425660048 -0.3290240729788441 -0.20442736183971236 -0.07983065070057185 0.13066814078915656 0.21811800637128514 0.30556787195341373 0.08887793953752253 -0.010180315281178881 -0.20055789876085184 -0.3893876970089929 -0.4977326632169385 +3713,-0.6973969580858732,0,-0.7028142063962657 -0.6726323943811956 -0.671084609149655 -0.6641195756077131 -0.6571545420657711 -0.7299004479482543 -0.5782174952571252 -0.4265345425660048 -0.3290240729788441 -0.20442736183971236 -0.07983065070057185 0.13066814078915656 0.21811800637128514 0.30556787195341373 0.08887793953752253 -0.010180315281178881 -0.20055789876085184 -0.3893876970089929 -0.4977326632169385 -0.5998864884987125 +3714,-0.7376393741059666,0,-0.6726323943811956 -0.671084609149655 -0.6641195756077131 -0.6571545420657711 -0.7299004479482543 -0.5782174952571252 -0.4265345425660048 -0.3290240729788441 -0.20442736183971236 -0.07983065070057185 0.13066814078915656 0.21811800637128514 0.30556787195341373 0.08887793953752253 -0.010180315281178881 -0.20055789876085184 -0.3893876970089929 -0.4977326632169385 -0.5998864884987125 -0.6973969580858732 +3715,-0.7778817901260598,0,-0.671084609149655 -0.6641195756077131 -0.6571545420657711 -0.7299004479482543 -0.5782174952571252 -0.4265345425660048 -0.3290240729788441 -0.20442736183971236 -0.07983065070057185 0.13066814078915656 0.21811800637128514 0.30556787195341373 0.08887793953752253 -0.010180315281178881 -0.20055789876085184 -0.3893876970089929 -0.4977326632169385 -0.5998864884987125 -0.6973969580858732 -0.7376393741059666 +3716,-0.8150286356830718,0,-0.6641195756077131 -0.6571545420657711 -0.7299004479482543 -0.5782174952571252 -0.4265345425660048 -0.3290240729788441 -0.20442736183971236 -0.07983065070057185 0.13066814078915656 0.21811800637128514 0.30556787195341373 0.08887793953752253 -0.010180315281178881 -0.20055789876085184 -0.3893876970089929 -0.4977326632169385 -0.5998864884987125 -0.6973969580858732 -0.7376393741059666 -0.7778817901260598 +3717,-0.8072897095253595,0,-0.6571545420657711 -0.7299004479482543 -0.5782174952571252 -0.4265345425660048 -0.3290240729788441 -0.20442736183971236 -0.07983065070057185 0.13066814078915656 0.21811800637128514 0.30556787195341373 0.08887793953752253 -0.010180315281178881 -0.20055789876085184 -0.3893876970089929 -0.4977326632169385 -0.5998864884987125 -0.6973969580858732 -0.7376393741059666 -0.7778817901260598 -0.8150286356830718 +3718,-0.7980029981361065,0,-0.7299004479482543 -0.5782174952571252 -0.4265345425660048 -0.3290240729788441 -0.20442736183971236 -0.07983065070057185 0.13066814078915656 0.21811800637128514 0.30556787195341373 0.08887793953752253 -0.010180315281178881 -0.20055789876085184 -0.3893876970089929 -0.4977326632169385 -0.5998864884987125 -0.6973969580858732 -0.7376393741059666 -0.7778817901260598 -0.8150286356830718 -0.8072897095253595 +3719,-0.8103852799884409,0,-0.5782174952571252 -0.4265345425660048 -0.3290240729788441 -0.20442736183971236 -0.07983065070057185 0.13066814078915656 0.21811800637128514 0.30556787195341373 0.08887793953752253 -0.010180315281178881 -0.20055789876085184 -0.3893876970089929 -0.4977326632169385 -0.5998864884987125 -0.6973969580858732 -0.7376393741059666 -0.7778817901260598 -0.8150286356830718 -0.8072897095253595 -0.7980029981361065 +3720,-0.8575927295504762,0,-0.4265345425660048 -0.3290240729788441 -0.20442736183971236 -0.07983065070057185 0.13066814078915656 0.21811800637128514 0.30556787195341373 0.08887793953752253 -0.010180315281178881 -0.20055789876085184 -0.3893876970089929 -0.4977326632169385 -0.5998864884987125 -0.6973969580858732 -0.7376393741059666 -0.7778817901260598 -0.8150286356830718 -0.8072897095253595 -0.7980029981361065 -0.8103852799884409 +3721,-0.9048001791125114,0,-0.3290240729788441 -0.20442736183971236 -0.07983065070057185 0.13066814078915656 0.21811800637128514 0.30556787195341373 0.08887793953752253 -0.010180315281178881 -0.20055789876085184 -0.3893876970089929 -0.4977326632169385 -0.5998864884987125 -0.6973969580858732 -0.7376393741059666 -0.7778817901260598 -0.8150286356830718 -0.8072897095253595 -0.7980029981361065 -0.8103852799884409 -0.8575927295504762 +3722,-0.9636160179111107,0,-0.20442736183971236 -0.07983065070057185 0.13066814078915656 0.21811800637128514 0.30556787195341373 0.08887793953752253 -0.010180315281178881 -0.20055789876085184 -0.3893876970089929 -0.4977326632169385 -0.5998864884987125 -0.6973969580858732 -0.7376393741059666 -0.7778817901260598 -0.8150286356830718 -0.8072897095253595 -0.7980029981361065 -0.8103852799884409 -0.8575927295504762 -0.9048001791125114 +3723,-0.8483060181612232,0,-0.07983065070057185 0.13066814078915656 0.21811800637128514 0.30556787195341373 0.08887793953752253 -0.010180315281178881 -0.20055789876085184 -0.3893876970089929 -0.4977326632169385 -0.5998864884987125 -0.6973969580858732 -0.7376393741059666 -0.7778817901260598 -0.8150286356830718 -0.8072897095253595 -0.7980029981361065 -0.8103852799884409 -0.8575927295504762 -0.9048001791125114 -0.9636160179111107 +3724,-0.7329960184113357,0,0.13066814078915656 0.21811800637128514 0.30556787195341373 0.08887793953752253 -0.010180315281178881 -0.20055789876085184 -0.3893876970089929 -0.4977326632169385 -0.5998864884987125 -0.6973969580858732 -0.7376393741059666 -0.7778817901260598 -0.8150286356830718 -0.8072897095253595 -0.7980029981361065 -0.8103852799884409 -0.8575927295504762 -0.9048001791125114 -0.9636160179111107 -0.8483060181612232 +3725,-0.5194016564585259,0,0.21811800637128514 0.30556787195341373 0.08887793953752253 -0.010180315281178881 -0.20055789876085184 -0.3893876970089929 -0.4977326632169385 -0.5998864884987125 -0.6973969580858732 -0.7376393741059666 -0.7778817901260598 -0.8150286356830718 -0.8072897095253595 -0.7980029981361065 -0.8103852799884409 -0.8575927295504762 -0.9048001791125114 -0.9636160179111107 -0.8483060181612232 -0.7329960184113357 +3726,-0.36462313330431534,0,0.30556787195341373 0.08887793953752253 -0.010180315281178881 -0.20055789876085184 -0.3893876970089929 -0.4977326632169385 -0.5998864884987125 -0.6973969580858732 -0.7376393741059666 -0.7778817901260598 -0.8150286356830718 -0.8072897095253595 -0.7980029981361065 -0.8103852799884409 -0.8575927295504762 -0.9048001791125114 -0.9636160179111107 -0.8483060181612232 -0.7329960184113357 -0.5194016564585259 +3727,-0.2098446101501048,0,0.08887793953752253 -0.010180315281178881 -0.20055789876085184 -0.3893876970089929 -0.4977326632169385 -0.5998864884987125 -0.6973969580858732 -0.7376393741059666 -0.7778817901260598 -0.8150286356830718 -0.8072897095253595 -0.7980029981361065 -0.8103852799884409 -0.8575927295504762 -0.9048001791125114 -0.9636160179111107 -0.8483060181612232 -0.7329960184113357 -0.5194016564585259 -0.36462313330431534 +3728,-0.056613872227435,0,-0.010180315281178881 -0.20055789876085184 -0.3893876970089929 -0.4977326632169385 -0.5998864884987125 -0.6973969580858732 -0.7376393741059666 -0.7778817901260598 -0.8150286356830718 -0.8072897095253595 -0.7980029981361065 -0.8103852799884409 -0.8575927295504762 -0.9048001791125114 -0.9636160179111107 -0.8483060181612232 -0.7329960184113357 -0.5194016564585259 -0.36462313330431534 -0.2098446101501048 +3729,0.05869612752245254,0,-0.20055789876085184 -0.3893876970089929 -0.4977326632169385 -0.5998864884987125 -0.6973969580858732 -0.7376393741059666 -0.7778817901260598 -0.8150286356830718 -0.8072897095253595 -0.7980029981361065 -0.8103852799884409 -0.8575927295504762 -0.9048001791125114 -0.9636160179111107 -0.8483060181612232 -0.7329960184113357 -0.5194016564585259 -0.36462313330431534 -0.2098446101501048 -0.056613872227435 +3730,0.17400612727234008,0,-0.3893876970089929 -0.4977326632169385 -0.5998864884987125 -0.6973969580858732 -0.7376393741059666 -0.7778817901260598 -0.8150286356830718 -0.8072897095253595 -0.7980029981361065 -0.8103852799884409 -0.8575927295504762 -0.9048001791125114 -0.9636160179111107 -0.8483060181612232 -0.7329960184113357 -0.5194016564585259 -0.36462313330431534 -0.2098446101501048 -0.056613872227435 0.05869612752245254 +3731,0.039348812128176223,0,-0.4977326632169385 -0.5998864884987125 -0.6973969580858732 -0.7376393741059666 -0.7778817901260598 -0.8150286356830718 -0.8072897095253595 -0.7980029981361065 -0.8103852799884409 -0.8575927295504762 -0.9048001791125114 -0.9636160179111107 -0.8483060181612232 -0.7329960184113357 -0.5194016564585259 -0.36462313330431534 -0.2098446101501048 -0.056613872227435 0.05869612752245254 0.17400612727234008 +3732,-0.10691689225256044,0,-0.5998864884987125 -0.6973969580858732 -0.7376393741059666 -0.7778817901260598 -0.8150286356830718 -0.8072897095253595 -0.7980029981361065 -0.8103852799884409 -0.8575927295504762 -0.9048001791125114 -0.9636160179111107 -0.8483060181612232 -0.7329960184113357 -0.5194016564585259 -0.36462313330431534 -0.2098446101501048 -0.056613872227435 0.05869612752245254 0.17400612727234008 0.039348812128176223 +3733,-0.25318259663328835,0,-0.6973969580858732 -0.7376393741059666 -0.7778817901260598 -0.8150286356830718 -0.8072897095253595 -0.7980029981361065 -0.8103852799884409 -0.8575927295504762 -0.9048001791125114 -0.9636160179111107 -0.8483060181612232 -0.7329960184113357 -0.5194016564585259 -0.36462313330431534 -0.2098446101501048 -0.056613872227435 0.05869612752245254 0.17400612727234008 0.039348812128176223 -0.10691689225256044 +3734,-0.4868981665961448,0,-0.7376393741059666 -0.7778817901260598 -0.8150286356830718 -0.8072897095253595 -0.7980029981361065 -0.8103852799884409 -0.8575927295504762 -0.9048001791125114 -0.9636160179111107 -0.8483060181612232 -0.7329960184113357 -0.5194016564585259 -0.36462313330431534 -0.2098446101501048 -0.056613872227435 0.05869612752245254 0.17400612727234008 0.039348812128176223 -0.10691689225256044 -0.25318259663328835 +3735,-0.6393550119030442,0,-0.7778817901260598 -0.8150286356830718 -0.8072897095253595 -0.7980029981361065 -0.8103852799884409 -0.8575927295504762 -0.9048001791125114 -0.9636160179111107 -0.8483060181612232 -0.7329960184113357 -0.5194016564585259 -0.36462313330431534 -0.2098446101501048 -0.056613872227435 0.05869612752245254 0.17400612727234008 0.039348812128176223 -0.10691689225256044 -0.25318259663328835 -0.4868981665961448 +3736,-0.791811857209935,0,-0.8150286356830718 -0.8072897095253595 -0.7980029981361065 -0.8103852799884409 -0.8575927295504762 -0.9048001791125114 -0.9636160179111107 -0.8483060181612232 -0.7329960184113357 -0.5194016564585259 -0.36462313330431534 -0.2098446101501048 -0.056613872227435 0.05869612752245254 0.17400612727234008 0.039348812128176223 -0.10691689225256044 -0.25318259663328835 -0.4868981665961448 -0.6393550119030442 +3737,-0.8583666221662465,0,-0.8072897095253595 -0.7980029981361065 -0.8103852799884409 -0.8575927295504762 -0.9048001791125114 -0.9636160179111107 -0.8483060181612232 -0.7329960184113357 -0.5194016564585259 -0.36462313330431534 -0.2098446101501048 -0.056613872227435 0.05869612752245254 0.17400612727234008 0.039348812128176223 -0.10691689225256044 -0.25318259663328835 -0.4868981665961448 -0.6393550119030442 -0.791811857209935 +3738,-0.9442687025168344,0,-0.7980029981361065 -0.8103852799884409 -0.8575927295504762 -0.9048001791125114 -0.9636160179111107 -0.8483060181612232 -0.7329960184113357 -0.5194016564585259 -0.36462313330431534 -0.2098446101501048 -0.056613872227435 0.05869612752245254 0.17400612727234008 0.039348812128176223 -0.10691689225256044 -0.25318259663328835 -0.4868981665961448 -0.6393550119030442 -0.791811857209935 -0.8583666221662465 +3739,-1.0301707828674223,0,-0.8103852799884409 -0.8575927295504762 -0.9048001791125114 -0.9636160179111107 -0.8483060181612232 -0.7329960184113357 -0.5194016564585259 -0.36462313330431534 -0.2098446101501048 -0.056613872227435 0.05869612752245254 0.17400612727234008 0.039348812128176223 -0.10691689225256044 -0.25318259663328835 -0.4868981665961448 -0.6393550119030442 -0.791811857209935 -0.8583666221662465 -0.9442687025168344 +3740,-1.0410052794882159,0,-0.8575927295504762 -0.9048001791125114 -0.9636160179111107 -0.8483060181612232 -0.7329960184113357 -0.5194016564585259 -0.36462313330431534 -0.2098446101501048 -0.056613872227435 0.05869612752245254 0.17400612727234008 0.039348812128176223 -0.10691689225256044 -0.25318259663328835 -0.4868981665961448 -0.6393550119030442 -0.791811857209935 -0.8583666221662465 -0.9442687025168344 -1.0301707828674223 +3741,-1.0820215881240796,0,-0.9048001791125114 -0.9636160179111107 -0.8483060181612232 -0.7329960184113357 -0.5194016564585259 -0.36462313330431534 -0.2098446101501048 -0.056613872227435 0.05869612752245254 0.17400612727234008 0.039348812128176223 -0.10691689225256044 -0.25318259663328835 -0.4868981665961448 -0.6393550119030442 -0.791811857209935 -0.8583666221662465 -0.9442687025168344 -1.0301707828674223 -1.0410052794882159 +3742,-1.1230378967599521,0,-0.9636160179111107 -0.8483060181612232 -0.7329960184113357 -0.5194016564585259 -0.36462313330431534 -0.2098446101501048 -0.056613872227435 0.05869612752245254 0.17400612727234008 0.039348812128176223 -0.10691689225256044 -0.25318259663328835 -0.4868981665961448 -0.6393550119030442 -0.791811857209935 -0.8583666221662465 -0.9442687025168344 -1.0301707828674223 -1.0410052794882159 -1.0820215881240796 +3743,-1.0843432659713994,0,-0.8483060181612232 -0.7329960184113357 -0.5194016564585259 -0.36462313330431534 -0.2098446101501048 -0.056613872227435 0.05869612752245254 0.17400612727234008 0.039348812128176223 -0.10691689225256044 -0.25318259663328835 -0.4868981665961448 -0.6393550119030442 -0.791811857209935 -0.8583666221662465 -0.9442687025168344 -1.0301707828674223 -1.0410052794882159 -1.0820215881240796 -1.1230378967599521 +3744,-1.043326957335527,0,-0.7329960184113357 -0.5194016564585259 -0.36462313330431534 -0.2098446101501048 -0.056613872227435 0.05869612752245254 0.17400612727234008 0.039348812128176223 -0.10691689225256044 -0.25318259663328835 -0.4868981665961448 -0.6393550119030442 -0.791811857209935 -0.8583666221662465 -0.9442687025168344 -1.0301707828674223 -1.0410052794882159 -1.0820215881240796 -1.1230378967599521 -1.0843432659713994 +3745,-1.0023106486996634,0,-0.5194016564585259 -0.36462313330431534 -0.2098446101501048 -0.056613872227435 0.05869612752245254 0.17400612727234008 0.039348812128176223 -0.10691689225256044 -0.25318259663328835 -0.4868981665961448 -0.6393550119030442 -0.791811857209935 -0.8583666221662465 -0.9442687025168344 -1.0301707828674223 -1.0410052794882159 -1.0820215881240796 -1.1230378967599521 -1.0843432659713994 -1.043326957335527 +3746,-1.4447450571359728,0,-0.36462313330431534 -0.2098446101501048 -0.056613872227435 0.05869612752245254 0.17400612727234008 0.039348812128176223 -0.10691689225256044 -0.25318259663328835 -0.4868981665961448 -0.6393550119030442 -0.791811857209935 -0.8583666221662465 -0.9442687025168344 -1.0301707828674223 -1.0410052794882159 -1.0820215881240796 -1.1230378967599521 -1.0843432659713994 -1.043326957335527 -1.0023106486996634 +3747,-1.0852100257010566,0,-0.2098446101501048 -0.056613872227435 0.05869612752245254 0.17400612727234008 0.039348812128176223 -0.10691689225256044 -0.25318259663328835 -0.4868981665961448 -0.6393550119030442 -0.791811857209935 -0.8583666221662465 -0.9442687025168344 -1.0301707828674223 -1.0410052794882159 -1.0820215881240796 -1.1230378967599521 -1.0843432659713994 -1.043326957335527 -1.0023106486996634 -1.4447450571359728 +3748,-1.6613060075008368,0,-0.056613872227435 0.05869612752245254 0.17400612727234008 0.039348812128176223 -0.10691689225256044 -0.25318259663328835 -0.4868981665961448 -0.6393550119030442 -0.791811857209935 -0.8583666221662465 -0.9442687025168344 -1.0301707828674223 -1.0410052794882159 -1.0820215881240796 -1.1230378967599521 -1.0843432659713994 -1.043326957335527 -1.0023106486996634 -1.4447450571359728 -1.0852100257010566 +3749,-1.4354325492746054,0,0.05869612752245254 0.17400612727234008 0.039348812128176223 -0.10691689225256044 -0.25318259663328835 -0.4868981665961448 -0.6393550119030442 -0.791811857209935 -0.8583666221662465 -0.9442687025168344 -1.0301707828674223 -1.0410052794882159 -1.0820215881240796 -1.1230378967599521 -1.0843432659713994 -1.043326957335527 -1.0023106486996634 -1.4447450571359728 -1.0852100257010566 -1.6613060075008368 +3750,-0.9996484581014106,0,0.17400612727234008 0.039348812128176223 -0.10691689225256044 -0.25318259663328835 -0.4868981665961448 -0.6393550119030442 -0.791811857209935 -0.8583666221662465 -0.9442687025168344 -1.0301707828674223 -1.0410052794882159 -1.0820215881240796 -1.1230378967599521 -1.0843432659713994 -1.043326957335527 -1.0023106486996634 -1.4447450571359728 -1.0852100257010566 -1.6613060075008368 -1.4354325492746054 +3751,-0.808760105495325,0,0.039348812128176223 -0.10691689225256044 -0.25318259663328835 -0.4868981665961448 -0.6393550119030442 -0.791811857209935 -0.8583666221662465 -0.9442687025168344 -1.0301707828674223 -1.0410052794882159 -1.0820215881240796 -1.1230378967599521 -1.0843432659713994 -1.043326957335527 -1.0023106486996634 -1.4447450571359728 -1.0852100257010566 -1.6613060075008368 -1.4354325492746054 -0.9996484581014106 +3752,-0.4079611197874988,0,-0.10691689225256044 -0.25318259663328835 -0.4868981665961448 -0.6393550119030442 -0.791811857209935 -0.8583666221662465 -0.9442687025168344 -1.0301707828674223 -1.0410052794882159 -1.0820215881240796 -1.1230378967599521 -1.0843432659713994 -1.043326957335527 -1.0023106486996634 -1.4447450571359728 -1.0852100257010566 -1.6613060075008368 -1.4354325492746054 -0.9996484581014106 -0.808760105495325 +3753,-0.25937373755945115,0,-0.25318259663328835 -0.4868981665961448 -0.6393550119030442 -0.791811857209935 -0.8583666221662465 -0.9442687025168344 -1.0301707828674223 -1.0410052794882159 -1.0820215881240796 -1.1230378967599521 -1.0843432659713994 -1.043326957335527 -1.0023106486996634 -1.4447450571359728 -1.0852100257010566 -1.6613060075008368 -1.4354325492746054 -0.9996484581014106 -0.808760105495325 -0.4079611197874988 +3754,-0.1680544088984708,0,-0.4868981665961448 -0.6393550119030442 -0.791811857209935 -0.8583666221662465 -0.9442687025168344 -1.0301707828674223 -1.0410052794882159 -1.0820215881240796 -1.1230378967599521 -1.0843432659713994 -1.043326957335527 -1.0023106486996634 -1.4447450571359728 -1.0852100257010566 -1.6613060075008368 -1.4354325492746054 -0.9996484581014106 -0.808760105495325 -0.4079611197874988 -0.25937373755945115 +3755,-0.29187722742184097,0,-0.6393550119030442 -0.791811857209935 -0.8583666221662465 -0.9442687025168344 -1.0301707828674223 -1.0410052794882159 -1.0820215881240796 -1.1230378967599521 -1.0843432659713994 -1.043326957335527 -1.0023106486996634 -1.4447450571359728 -1.0852100257010566 -1.6613060075008368 -1.4354325492746054 -0.9996484581014106 -0.808760105495325 -0.4079611197874988 -0.25937373755945115 -0.1680544088984708 +3756,-0.44665575057605145,0,-0.791811857209935 -0.8583666221662465 -0.9442687025168344 -1.0301707828674223 -1.0410052794882159 -1.0820215881240796 -1.1230378967599521 -1.0843432659713994 -1.043326957335527 -1.0023106486996634 -1.4447450571359728 -1.0852100257010566 -1.6613060075008368 -1.4354325492746054 -0.9996484581014106 -0.808760105495325 -0.4079611197874988 -0.25937373755945115 -0.1680544088984708 -0.29187722742184097 +3757,-0.6463200454449775,0,-0.8583666221662465 -0.9442687025168344 -1.0301707828674223 -1.0410052794882159 -1.0820215881240796 -1.1230378967599521 -1.0843432659713994 -1.043326957335527 -1.0023106486996634 -1.4447450571359728 -1.0852100257010566 -1.6613060075008368 -1.4354325492746054 -0.9996484581014106 -0.808760105495325 -0.4079611197874988 -0.25937373755945115 -0.1680544088984708 -0.29187722742184097 -0.44665575057605145 +3758,-0.7624039378106353,0,-0.9442687025168344 -1.0301707828674223 -1.0410052794882159 -1.0820215881240796 -1.1230378967599521 -1.0843432659713994 -1.043326957335527 -1.0023106486996634 -1.4447450571359728 -1.0852100257010566 -1.6613060075008368 -1.4354325492746054 -0.9996484581014106 -0.808760105495325 -0.4079611197874988 -0.25937373755945115 -0.1680544088984708 -0.29187722742184097 -0.44665575057605145 -0.6463200454449775 +3759,-0.7972291055203362,0,-1.0301707828674223 -1.0410052794882159 -1.0820215881240796 -1.1230378967599521 -1.0843432659713994 -1.043326957335527 -1.0023106486996634 -1.4447450571359728 -1.0852100257010566 -1.6613060075008368 -1.4354325492746054 -0.9996484581014106 -0.808760105495325 -0.4079611197874988 -0.25937373755945115 -0.1680544088984708 -0.29187722742184097 -0.44665575057605145 -0.6463200454449775 -0.7624039378106353 +3760,-0.8320542732300282,0,-1.0410052794882159 -1.0820215881240796 -1.1230378967599521 -1.0843432659713994 -1.043326957335527 -1.0023106486996634 -1.4447450571359728 -1.0852100257010566 -1.6613060075008368 -1.4354325492746054 -0.9996484581014106 -0.808760105495325 -0.4079611197874988 -0.25937373755945115 -0.1680544088984708 -0.29187722742184097 -0.44665575057605145 -0.6463200454449775 -0.7624039378106353 -0.7972291055203362 +3761,-0.8707489040185808,0,-1.0820215881240796 -1.1230378967599521 -1.0843432659713994 -1.043326957335527 -1.0023106486996634 -1.4447450571359728 -1.0852100257010566 -1.6613060075008368 -1.4354325492746054 -0.9996484581014106 -0.808760105495325 -0.4079611197874988 -0.25937373755945115 -0.1680544088984708 -0.29187722742184097 -0.44665575057605145 -0.6463200454449775 -0.7624039378106353 -0.7972291055203362 -0.8320542732300282 +3762,-0.9303386354329594,0,-1.1230378967599521 -1.0843432659713994 -1.043326957335527 -1.0023106486996634 -1.4447450571359728 -1.0852100257010566 -1.6613060075008368 -1.4354325492746054 -0.9996484581014106 -0.808760105495325 -0.4079611197874988 -0.25937373755945115 -0.1680544088984708 -0.29187722742184097 -0.44665575057605145 -0.6463200454449775 -0.7624039378106353 -0.7972291055203362 -0.8320542732300282 -0.8707489040185808 +3763,-0.989928366847329,0,-1.0843432659713994 -1.043326957335527 -1.0023106486996634 -1.4447450571359728 -1.0852100257010566 -1.6613060075008368 -1.4354325492746054 -0.9996484581014106 -0.808760105495325 -0.4079611197874988 -0.25937373755945115 -0.1680544088984708 -0.29187722742184097 -0.44665575057605145 -0.6463200454449775 -0.7624039378106353 -0.7972291055203362 -0.8320542732300282 -0.8707489040185808 -0.9303386354329594 +3764,-1.0487442056459282,0,-1.043326957335527 -1.0023106486996634 -1.4447450571359728 -1.0852100257010566 -1.6613060075008368 -1.4354325492746054 -0.9996484581014106 -0.808760105495325 -0.4079611197874988 -0.25937373755945115 -0.1680544088984708 -0.29187722742184097 -0.44665575057605145 -0.6463200454449775 -0.7624039378106353 -0.7972291055203362 -0.8320542732300282 -0.8707489040185808 -0.9303386354329594 -0.989928366847329 +3765,-1.031718568098963,0,-1.0023106486996634 -1.4447450571359728 -1.0852100257010566 -1.6613060075008368 -1.4354325492746054 -0.9996484581014106 -0.808760105495325 -0.4079611197874988 -0.25937373755945115 -0.1680544088984708 -0.29187722742184097 -0.44665575057605145 -0.6463200454449775 -0.7624039378106353 -0.7972291055203362 -0.8320542732300282 -0.8707489040185808 -0.9303386354329594 -0.989928366847329 -1.0487442056459282 +3766,-1.1307768229176556,0,-1.4447450571359728 -1.0852100257010566 -1.6613060075008368 -1.4354325492746054 -0.9996484581014106 -0.808760105495325 -0.4079611197874988 -0.25937373755945115 -0.1680544088984708 -0.29187722742184097 -0.44665575057605145 -0.6463200454449775 -0.7624039378106353 -0.7972291055203362 -0.8320542732300282 -0.8707489040185808 -0.9303386354329594 -0.989928366847329 -1.0487442056459282 -1.031718568098963 +3767,-1.1338723933807457,0,-1.0852100257010566 -1.6613060075008368 -1.4354325492746054 -0.9996484581014106 -0.808760105495325 -0.4079611197874988 -0.25937373755945115 -0.1680544088984708 -0.29187722742184097 -0.44665575057605145 -0.6463200454449775 -0.7624039378106353 -0.7972291055203362 -0.8320542732300282 -0.8707489040185808 -0.9303386354329594 -0.989928366847329 -1.0487442056459282 -1.031718568098963 -1.1307768229176556 +3768,-1.1988793731055079,0,-1.6613060075008368 -1.4354325492746054 -0.9996484581014106 -0.808760105495325 -0.4079611197874988 -0.25937373755945115 -0.1680544088984708 -0.29187722742184097 -0.44665575057605145 -0.6463200454449775 -0.7624039378106353 -0.7972291055203362 -0.8320542732300282 -0.8707489040185808 -0.9303386354329594 -0.989928366847329 -1.0487442056459282 -1.031718568098963 -1.1307768229176556 -1.1338723933807457 +3769,-1.2638863528302788,0,-1.4354325492746054 -0.9996484581014106 -0.808760105495325 -0.4079611197874988 -0.25937373755945115 -0.1680544088984708 -0.29187722742184097 -0.44665575057605145 -0.6463200454449775 -0.7624039378106353 -0.7972291055203362 -0.8320542732300282 -0.8707489040185808 -0.9303386354329594 -0.989928366847329 -1.0487442056459282 -1.031718568098963 -1.1307768229176556 -1.1338723933807457 -1.1988793731055079 +3770,-1.3490145405650964,0,-0.9996484581014106 -0.808760105495325 -0.4079611197874988 -0.25937373755945115 -0.1680544088984708 -0.29187722742184097 -0.44665575057605145 -0.6463200454449775 -0.7624039378106353 -0.7972291055203362 -0.8320542732300282 -0.8707489040185808 -0.9303386354329594 -0.989928366847329 -1.0487442056459282 -1.031718568098963 -1.1307768229176556 -1.1338723933807457 -1.1988793731055079 -1.2638863528302788 +3771,-1.3149632654711658,0,-0.808760105495325 -0.4079611197874988 -0.25937373755945115 -0.1680544088984708 -0.29187722742184097 -0.44665575057605145 -0.6463200454449775 -0.7624039378106353 -0.7972291055203362 -0.8320542732300282 -0.8707489040185808 -0.9303386354329594 -0.989928366847329 -1.0487442056459282 -1.031718568098963 -1.1307768229176556 -1.1338723933807457 -1.1988793731055079 -1.2638863528302788 -1.3490145405650964 +3772,-1.3266232474971906,0,-0.4079611197874988 -0.25937373755945115 -0.1680544088984708 -0.29187722742184097 -0.44665575057605145 -0.6463200454449775 -0.7624039378106353 -0.7972291055203362 -0.8320542732300282 -0.8707489040185808 -0.9303386354329594 -0.989928366847329 -1.0487442056459282 -1.031718568098963 -1.1307768229176556 -1.1338723933807457 -1.1988793731055079 -1.2638863528302788 -1.3490145405650964 -1.3149632654711658 +3773,-1.3382832296780012,0,-0.25937373755945115 -0.1680544088984708 -0.29187722742184097 -0.44665575057605145 -0.6463200454449775 -0.7624039378106353 -0.7972291055203362 -0.8320542732300282 -0.8707489040185808 -0.9303386354329594 -0.989928366847329 -1.0487442056459282 -1.031718568098963 -1.1307768229176556 -1.1338723933807457 -1.1988793731055079 -1.2638863528302788 -1.3490145405650964 -1.3149632654711658 -1.3266232474971906 +3774,-0.7043619916278063,0,-0.1680544088984708 -0.29187722742184097 -0.44665575057605145 -0.6463200454449775 -0.7624039378106353 -0.7972291055203362 -0.8320542732300282 -0.8707489040185808 -0.9303386354329594 -0.989928366847329 -1.0487442056459282 -1.031718568098963 -1.1307768229176556 -1.1338723933807457 -1.1988793731055079 -1.2638863528302788 -1.3490145405650964 -1.3149632654711658 -1.3266232474971906 -1.3382832296780012 +3775,-0.5008282336800198,0,-0.29187722742184097 -0.44665575057605145 -0.6463200454449775 -0.7624039378106353 -0.7972291055203362 -0.8320542732300282 -0.8707489040185808 -0.9303386354329594 -0.989928366847329 -1.0487442056459282 -1.031718568098963 -1.1307768229176556 -1.1338723933807457 -1.1988793731055079 -1.2638863528302788 -1.3490145405650964 -1.3149632654711658 -1.3266232474971906 -1.3382832296780012 -0.7043619916278063 +3776,-0.40176997886132726,0,-0.44665575057605145 -0.6463200454449775 -0.7624039378106353 -0.7972291055203362 -0.8320542732300282 -0.8707489040185808 -0.9303386354329594 -0.989928366847329 -1.0487442056459282 -1.031718568098963 -1.1307768229176556 -1.1338723933807457 -1.1988793731055079 -1.2638863528302788 -1.3490145405650964 -1.3149632654711658 -1.3266232474971906 -1.3382832296780012 -0.7043619916278063 -0.5008282336800198 +3777,-0.34450192529426865,0,-0.6463200454449775 -0.7624039378106353 -0.7972291055203362 -0.8320542732300282 -0.8707489040185808 -0.9303386354329594 -0.989928366847329 -1.0487442056459282 -1.031718568098963 -1.1307768229176556 -1.1338723933807457 -1.1988793731055079 -1.2638863528302788 -1.3490145405650964 -1.3149632654711658 -1.3266232474971906 -1.3382832296780012 -0.7043619916278063 -0.5008282336800198 -0.40176997886132726 +3778,-0.6042202871470335,0,-0.7624039378106353 -0.7972291055203362 -0.8320542732300282 -0.8707489040185808 -0.9303386354329594 -0.989928366847329 -1.0487442056459282 -1.031718568098963 -1.1307768229176556 -1.1338723933807457 -1.1988793731055079 -1.2638863528302788 -1.3490145405650964 -1.3149632654711658 -1.3266232474971906 -1.3382832296780012 -0.7043619916278063 -0.5008282336800198 -0.40176997886132726 -0.34450192529426865 +3779,-0.8639386489997983,0,-0.7972291055203362 -0.8320542732300282 -0.8707489040185808 -0.9303386354329594 -0.989928366847329 -1.0487442056459282 -1.031718568098963 -1.1307768229176556 -1.1338723933807457 -1.1988793731055079 -1.2638863528302788 -1.3490145405650964 -1.3149632654711658 -1.3266232474971906 -1.3382832296780012 -0.7043619916278063 -0.5008282336800198 -0.40176997886132726 -0.34450192529426865 -0.6042202871470335 +3780,-0.39867440839824586,0,-0.8320542732300282 -0.8707489040185808 -0.9303386354329594 -0.989928366847329 -1.0487442056459282 -1.031718568098963 -1.1307768229176556 -1.1338723933807457 -1.1988793731055079 -1.2638863528302788 -1.3490145405650964 -1.3149632654711658 -1.3266232474971906 -1.3382832296780012 -0.7043619916278063 -0.5008282336800198 -0.40176997886132726 -0.34450192529426865 -0.6042202871470335 -0.8639386489997983 +3781,-0.9229092663215569,0,-0.8707489040185808 -0.9303386354329594 -0.989928366847329 -1.0487442056459282 -1.031718568098963 -1.1307768229176556 -1.1338723933807457 -1.1988793731055079 -1.2638863528302788 -1.3490145405650964 -1.3149632654711658 -1.3266232474971906 -1.3382832296780012 -0.7043619916278063 -0.5008282336800198 -0.40176997886132726 -0.34450192529426865 -0.6042202871470335 -0.8639386489997983 -0.39867440839824586 +3782,-0.7221615217905419,0,-0.9303386354329594 -0.989928366847329 -1.0487442056459282 -1.031718568098963 -1.1307768229176556 -1.1338723933807457 -1.1988793731055079 -1.2638863528302788 -1.3490145405650964 -1.3149632654711658 -1.3266232474971906 -1.3382832296780012 -0.7043619916278063 -0.5008282336800198 -0.40176997886132726 -0.34450192529426865 -0.6042202871470335 -0.8639386489997983 -0.39867440839824586 -0.9229092663215569 +3783,-0.8057419242938189,0,-0.989928366847329 -1.0487442056459282 -1.031718568098963 -1.1307768229176556 -1.1338723933807457 -1.1988793731055079 -1.2638863528302788 -1.3490145405650964 -1.3149632654711658 -1.3266232474971906 -1.3382832296780012 -0.7043619916278063 -0.5008282336800198 -0.40176997886132726 -0.34450192529426865 -0.6042202871470335 -0.8639386489997983 -0.39867440839824586 -0.9229092663215569 -0.7221615217905419 +3784,-0.8521754812400837,0,-1.0487442056459282 -1.031718568098963 -1.1307768229176556 -1.1338723933807457 -1.1988793731055079 -1.2638863528302788 -1.3490145405650964 -1.3149632654711658 -1.3266232474971906 -1.3382832296780012 -0.7043619916278063 -0.5008282336800198 -0.40176997886132726 -0.34450192529426865 -0.6042202871470335 -0.8639386489997983 -0.39867440839824586 -0.9229092663215569 -0.7221615217905419 -0.8057419242938189 +3785,-0.8800356154078338,0,-1.031718568098963 -1.1307768229176556 -1.1338723933807457 -1.1988793731055079 -1.2638863528302788 -1.3490145405650964 -1.3149632654711658 -1.3266232474971906 -1.3382832296780012 -0.7043619916278063 -0.5008282336800198 -0.40176997886132726 -0.34450192529426865 -0.6042202871470335 -0.8639386489997983 -0.39867440839824586 -0.9229092663215569 -0.7221615217905419 -0.8057419242938189 -0.8521754812400837 +3786,-0.8924178972601771,0,-1.1307768229176556 -1.1338723933807457 -1.1988793731055079 -1.2638863528302788 -1.3490145405650964 -1.3149632654711658 -1.3266232474971906 -1.3382832296780012 -0.7043619916278063 -0.5008282336800198 -0.40176997886132726 -0.34450192529426865 -0.6042202871470335 -0.8639386489997983 -0.39867440839824586 -0.9229092663215569 -0.7221615217905419 -0.8057419242938189 -0.8521754812400837 -0.8800356154078338 +3787,-0.9272430649698691,0,-1.1338723933807457 -1.1988793731055079 -1.2638863528302788 -1.3490145405650964 -1.3149632654711658 -1.3266232474971906 -1.3382832296780012 -0.7043619916278063 -0.5008282336800198 -0.40176997886132726 -0.34450192529426865 -0.6042202871470335 -0.8639386489997983 -0.39867440839824586 -0.9229092663215569 -0.7221615217905419 -0.8057419242938189 -0.8521754812400837 -0.8800356154078338 -0.8924178972601771 +3788,-0.96206823267957,0,-1.1988793731055079 -1.2638863528302788 -1.3490145405650964 -1.3149632654711658 -1.3266232474971906 -1.3382832296780012 -0.7043619916278063 -0.5008282336800198 -0.40176997886132726 -0.34450192529426865 -0.6042202871470335 -0.8639386489997983 -0.39867440839824586 -0.9229092663215569 -0.7221615217905419 -0.8057419242938189 -0.8521754812400837 -0.8800356154078338 -0.8924178972601771 -0.9272430649698691 +3789,-0.9883805816157882,0,-1.2638863528302788 -1.3490145405650964 -1.3149632654711658 -1.3266232474971906 -1.3382832296780012 -0.7043619916278063 -0.5008282336800198 -0.40176997886132726 -0.34450192529426865 -0.6042202871470335 -0.8639386489997983 -0.39867440839824586 -0.9229092663215569 -0.7221615217905419 -0.8057419242938189 -0.8521754812400837 -0.8800356154078338 -0.8924178972601771 -0.9272430649698691 -0.96206823267957 +3790,-1.0069540043942942,0,-1.3490145405650964 -1.3149632654711658 -1.3266232474971906 -1.3382832296780012 -0.7043619916278063 -0.5008282336800198 -0.40176997886132726 -0.34450192529426865 -0.6042202871470335 -0.8639386489997983 -0.39867440839824586 -0.9229092663215569 -0.7221615217905419 -0.8057419242938189 -0.8521754812400837 -0.8800356154078338 -0.8924178972601771 -0.9272430649698691 -0.96206823267957 -0.9883805816157882 +3791,-1.0054062191627446,0,-1.3149632654711658 -1.3266232474971906 -1.3382832296780012 -0.7043619916278063 -0.5008282336800198 -0.40176997886132726 -0.34450192529426865 -0.6042202871470335 -0.8639386489997983 -0.39867440839824586 -0.9229092663215569 -0.7221615217905419 -0.8057419242938189 -0.8521754812400837 -0.8800356154078338 -0.8924178972601771 -0.9272430649698691 -0.96206823267957 -0.9883805816157882 -1.0069540043942942 +3792,-1.0425530647197567,0,-1.3266232474971906 -1.3382832296780012 -0.7043619916278063 -0.5008282336800198 -0.40176997886132726 -0.34450192529426865 -0.6042202871470335 -0.8639386489997983 -0.39867440839824586 -0.9229092663215569 -0.7221615217905419 -0.8057419242938189 -0.8521754812400837 -0.8800356154078338 -0.8924178972601771 -0.9272430649698691 -0.96206823267957 -0.9883805816157882 -1.0069540043942942 -1.0054062191627446 +3793,-1.061900380114033,0,-1.3382832296780012 -0.7043619916278063 -0.5008282336800198 -0.40176997886132726 -0.34450192529426865 -0.6042202871470335 -0.8639386489997983 -0.39867440839824586 -0.9229092663215569 -0.7221615217905419 -0.8057419242938189 -0.8521754812400837 -0.8800356154078338 -0.8924178972601771 -0.9272430649698691 -0.96206823267957 -0.9883805816157882 -1.0069540043942942 -1.0054062191627446 -1.0425530647197567 +3794,-1.0812476955083092,0,-0.7043619916278063 -0.5008282336800198 -0.40176997886132726 -0.34450192529426865 -0.6042202871470335 -0.8639386489997983 -0.39867440839824586 -0.9229092663215569 -0.7221615217905419 -0.8057419242938189 -0.8521754812400837 -0.8800356154078338 -0.8924178972601771 -0.9272430649698691 -0.96206823267957 -0.9883805816157882 -1.0069540043942942 -1.0054062191627446 -1.0425530647197567 -1.061900380114033 +3795,-1.0766043398136873,0,-0.5008282336800198 -0.40176997886132726 -0.34450192529426865 -0.6042202871470335 -0.8639386489997983 -0.39867440839824586 -0.9229092663215569 -0.7221615217905419 -0.8057419242938189 -0.8521754812400837 -0.8800356154078338 -0.8924178972601771 -0.9272430649698691 -0.96206823267957 -0.9883805816157882 -1.0069540043942942 -1.0054062191627446 -1.0425530647197567 -1.061900380114033 -1.0812476955083092 +3796,-0.9589726622164886,0,-0.40176997886132726 -0.34450192529426865 -0.6042202871470335 -0.8639386489997983 -0.39867440839824586 -0.9229092663215569 -0.7221615217905419 -0.8057419242938189 -0.8521754812400837 -0.8800356154078338 -0.8924178972601771 -0.9272430649698691 -0.96206823267957 -0.9883805816157882 -1.0069540043942942 -1.0054062191627446 -1.0425530647197567 -1.061900380114033 -1.0812476955083092 -1.0766043398136873 +3797,-0.8289587027669468,0,-0.34450192529426865 -0.6042202871470335 -0.8639386489997983 -0.39867440839824586 -0.9229092663215569 -0.7221615217905419 -0.8057419242938189 -0.8521754812400837 -0.8800356154078338 -0.8924178972601771 -0.9272430649698691 -0.96206823267957 -0.9883805816157882 -1.0069540043942942 -1.0054062191627446 -1.0425530647197567 -1.061900380114033 -1.0812476955083092 -1.0766043398136873 -0.9589726622164886 +3798,-0.7190659513274605,0,-0.6042202871470335 -0.8639386489997983 -0.39867440839824586 -0.9229092663215569 -0.7221615217905419 -0.8057419242938189 -0.8521754812400837 -0.8800356154078338 -0.8924178972601771 -0.9272430649698691 -0.96206823267957 -0.9883805816157882 -1.0069540043942942 -1.0054062191627446 -1.0425530647197567 -1.061900380114033 -1.0812476955083092 -1.0766043398136873 -0.9589726622164886 -0.8289587027669468 +3799,-0.5720263543309624,0,-0.8639386489997983 -0.39867440839824586 -0.9229092663215569 -0.7221615217905419 -0.8057419242938189 -0.8521754812400837 -0.8800356154078338 -0.8924178972601771 -0.9272430649698691 -0.96206823267957 -0.9883805816157882 -1.0069540043942942 -1.0054062191627446 -1.0425530647197567 -1.061900380114033 -1.0812476955083092 -1.0766043398136873 -0.9589726622164886 -0.8289587027669468 -0.7190659513274605 +3800,-0.4992804484484792,0,-0.39867440839824586 -0.9229092663215569 -0.7221615217905419 -0.8057419242938189 -0.8521754812400837 -0.8800356154078338 -0.8924178972601771 -0.9272430649698691 -0.96206823267957 -0.9883805816157882 -1.0069540043942942 -1.0054062191627446 -1.0425530647197567 -1.061900380114033 -1.0812476955083092 -1.0766043398136873 -0.9589726622164886 -0.8289587027669468 -0.7190659513274605 -0.5720263543309624 +3801,-0.4961848779853978,0,-0.9229092663215569 -0.7221615217905419 -0.8057419242938189 -0.8521754812400837 -0.8800356154078338 -0.8924178972601771 -0.9272430649698691 -0.96206823267957 -0.9883805816157882 -1.0069540043942942 -1.0054062191627446 -1.0425530647197567 -1.061900380114033 -1.0812476955083092 -1.0766043398136873 -0.9589726622164886 -0.8289587027669468 -0.7190659513274605 -0.5720263543309624 -0.4992804484484792 +3802,-1.0311768432679274,0,-0.7221615217905419 -0.8057419242938189 -0.8521754812400837 -0.8800356154078338 -0.8924178972601771 -0.9272430649698691 -0.96206823267957 -0.9883805816157882 -1.0069540043942942 -1.0054062191627446 -1.0425530647197567 -1.061900380114033 -1.0812476955083092 -1.0766043398136873 -0.9589726622164886 -0.8289587027669468 -0.7190659513274605 -0.5720263543309624 -0.4992804484484792 -0.4961848779853978 +3803,-0.5333317235424098,0,-0.8057419242938189 -0.8521754812400837 -0.8800356154078338 -0.8924178972601771 -0.9272430649698691 -0.96206823267957 -0.9883805816157882 -1.0069540043942942 -1.0054062191627446 -1.0425530647197567 -1.061900380114033 -1.0812476955083092 -1.0766043398136873 -0.9589726622164886 -0.8289587027669468 -0.7190659513274605 -0.5720263543309624 -0.4992804484484792 -0.4961848779853978 -1.0311768432679274 +3804,-0.582860850951756,0,-0.8521754812400837 -0.8800356154078338 -0.8924178972601771 -0.9272430649698691 -0.96206823267957 -0.9883805816157882 -1.0069540043942942 -1.0054062191627446 -1.0425530647197567 -1.061900380114033 -1.0812476955083092 -1.0766043398136873 -0.9589726622164886 -0.8289587027669468 -0.7190659513274605 -0.5720263543309624 -0.4992804484484792 -0.4961848779853978 -1.0311768432679274 -0.5333317235424098 +3805,-0.6850146762335301,0,-0.8800356154078338 -0.8924178972601771 -0.9272430649698691 -0.96206823267957 -0.9883805816157882 -1.0069540043942942 -1.0054062191627446 -1.0425530647197567 -1.061900380114033 -1.0812476955083092 -1.0766043398136873 -0.9589726622164886 -0.8289587027669468 -0.7190659513274605 -0.5720263543309624 -0.4992804484484792 -0.4961848779853978 -1.0311768432679274 -0.5333317235424098 -0.582860850951756 +3806,-0.750021655958301,0,-0.8924178972601771 -0.9272430649698691 -0.96206823267957 -0.9883805816157882 -1.0069540043942942 -1.0054062191627446 -1.0425530647197567 -1.061900380114033 -1.0812476955083092 -1.0766043398136873 -0.9589726622164886 -0.8289587027669468 -0.7190659513274605 -0.5720263543309624 -0.4992804484484792 -0.4961848779853978 -1.0311768432679274 -0.5333317235424098 -0.582860850951756 -0.6850146762335301 +3807,-0.8336020584615778,0,-0.9272430649698691 -0.96206823267957 -0.9883805816157882 -1.0069540043942942 -1.0054062191627446 -1.0425530647197567 -1.061900380114033 -1.0812476955083092 -1.0766043398136873 -0.9589726622164886 -0.8289587027669468 -0.7190659513274605 -0.5720263543309624 -0.4992804484484792 -0.4961848779853978 -1.0311768432679274 -0.5333317235424098 -0.582860850951756 -0.6850146762335301 -0.750021655958301 +3808,-0.9218258166594767,0,-0.96206823267957 -0.9883805816157882 -1.0069540043942942 -1.0054062191627446 -1.0425530647197567 -1.061900380114033 -1.0812476955083092 -1.0766043398136873 -0.9589726622164886 -0.8289587027669468 -0.7190659513274605 -0.5720263543309624 -0.4992804484484792 -0.4961848779853978 -1.0311768432679274 -0.5333317235424098 -0.582860850951756 -0.6850146762335301 -0.750021655958301 -0.8336020584615778 +3809,-0.9140868905017644,0,-0.9883805816157882 -1.0069540043942942 -1.0054062191627446 -1.0425530647197567 -1.061900380114033 -1.0812476955083092 -1.0766043398136873 -0.9589726622164886 -0.8289587027669468 -0.7190659513274605 -0.5720263543309624 -0.4992804484484792 -0.4961848779853978 -1.0311768432679274 -0.5333317235424098 -0.582860850951756 -0.6850146762335301 -0.750021655958301 -0.8336020584615778 -0.9218258166594767 +3810,-0.9976672930050412,0,-1.0069540043942942 -1.0054062191627446 -1.0425530647197567 -1.061900380114033 -1.0812476955083092 -1.0766043398136873 -0.9589726622164886 -0.8289587027669468 -0.7190659513274605 -0.5720263543309624 -0.4992804484484792 -0.4961848779853978 -1.0311768432679274 -0.5333317235424098 -0.582860850951756 -0.6850146762335301 -0.750021655958301 -0.8336020584615778 -0.9218258166594767 -0.9140868905017644 +3811,-1.0533875613405503,0,-1.0054062191627446 -1.0425530647197567 -1.061900380114033 -1.0812476955083092 -1.0766043398136873 -0.9589726622164886 -0.8289587027669468 -0.7190659513274605 -0.5720263543309624 -0.4992804484484792 -0.4961848779853978 -1.0311768432679274 -0.5333317235424098 -0.582860850951756 -0.6850146762335301 -0.750021655958301 -0.8336020584615778 -0.9218258166594767 -0.9140868905017644 -0.9976672930050412 +3812,-1.0441008499512974,0,-1.0425530647197567 -1.061900380114033 -1.0812476955083092 -1.0766043398136873 -0.9589726622164886 -0.8289587027669468 -0.7190659513274605 -0.5720263543309624 -0.4992804484484792 -0.4961848779853978 -1.0311768432679274 -0.5333317235424098 -0.582860850951756 -0.6850146762335301 -0.750021655958301 -0.8336020584615778 -0.9218258166594767 -0.9140868905017644 -0.9976672930050412 -1.0533875613405503 +3813,-1.1168467558337805,0,-1.061900380114033 -1.0812476955083092 -1.0766043398136873 -0.9589726622164886 -0.8289587027669468 -0.7190659513274605 -0.5720263543309624 -0.4992804484484792 -0.4961848779853978 -1.0311768432679274 -0.5333317235424098 -0.582860850951756 -0.6850146762335301 -0.750021655958301 -0.8336020584615778 -0.9218258166594767 -0.9140868905017644 -0.9976672930050412 -1.0533875613405503 -1.0441008499512974 +3814,-2.179659281544286,0,-1.0812476955083092 -1.0766043398136873 -0.9589726622164886 -0.8289587027669468 -0.7190659513274605 -0.5720263543309624 -0.4992804484484792 -0.4961848779853978 -1.0311768432679274 -0.5333317235424098 -0.582860850951756 -0.6850146762335301 -0.750021655958301 -0.8336020584615778 -0.9218258166594767 -0.9140868905017644 -0.9976672930050412 -1.0533875613405503 -1.0441008499512974 -1.1168467558337805 +3815,-1.8572040248698238,0,-1.0766043398136873 -0.9589726622164886 -0.8289587027669468 -0.7190659513274605 -0.5720263543309624 -0.4992804484484792 -0.4961848779853978 -1.0311768432679274 -0.5333317235424098 -0.582860850951756 -0.6850146762335301 -0.750021655958301 -0.8336020584615778 -0.9218258166594767 -0.9140868905017644 -0.9976672930050412 -1.0533875613405503 -1.0441008499512974 -1.1168467558337805 -2.179659281544286 +3816,-1.534748768350147,0,-0.9589726622164886 -0.8289587027669468 -0.7190659513274605 -0.5720263543309624 -0.4992804484484792 -0.4961848779853978 -1.0311768432679274 -0.5333317235424098 -0.582860850951756 -0.6850146762335301 -0.750021655958301 -0.8336020584615778 -0.9218258166594767 -0.9140868905017644 -0.9976672930050412 -1.0533875613405503 -1.0441008499512974 -1.1168467558337805 -2.179659281544286 -1.8572040248698238 +3817,-1.5548699763601939,0,-0.8289587027669468 -0.7190659513274605 -0.5720263543309624 -0.4992804484484792 -0.4961848779853978 -1.0311768432679274 -0.5333317235424098 -0.582860850951756 -0.6850146762335301 -0.750021655958301 -0.8336020584615778 -0.9218258166594767 -0.9140868905017644 -0.9976672930050412 -1.0533875613405503 -1.0441008499512974 -1.1168467558337805 -2.179659281544286 -1.8572040248698238 -1.534748768350147 +3818,-1.5749911843702404,0,-0.7190659513274605 -0.5720263543309624 -0.4992804484484792 -0.4961848779853978 -1.0311768432679274 -0.5333317235424098 -0.582860850951756 -0.6850146762335301 -0.750021655958301 -0.8336020584615778 -0.9218258166594767 -0.9140868905017644 -0.9976672930050412 -1.0533875613405503 -1.0441008499512974 -1.1168467558337805 -2.179659281544286 -1.8572040248698238 -1.534748768350147 -1.5548699763601939 +3819,-1.5703478286756183,0,-0.5720263543309624 -0.4992804484484792 -0.4961848779853978 -1.0311768432679274 -0.5333317235424098 -0.582860850951756 -0.6850146762335301 -0.750021655958301 -0.8336020584615778 -0.9218258166594767 -0.9140868905017644 -0.9976672930050412 -1.0533875613405503 -1.0441008499512974 -1.1168467558337805 -2.179659281544286 -1.8572040248698238 -1.534748768350147 -1.5548699763601939 -1.5749911843702404 +3820,-1.3552056814912679,0,-0.4992804484484792 -0.4961848779853978 -1.0311768432679274 -0.5333317235424098 -0.582860850951756 -0.6850146762335301 -0.750021655958301 -0.8336020584615778 -0.9218258166594767 -0.9140868905017644 -0.9976672930050412 -1.0533875613405503 -1.0441008499512974 -1.1168467558337805 -2.179659281544286 -1.8572040248698238 -1.534748768350147 -1.5548699763601939 -1.5749911843702404 -1.5703478286756183 +3821,-1.1400635343069085,0,-0.4961848779853978 -1.0311768432679274 -0.5333317235424098 -0.582860850951756 -0.6850146762335301 -0.750021655958301 -0.8336020584615778 -0.9218258166594767 -0.9140868905017644 -0.9976672930050412 -1.0533875613405503 -1.0441008499512974 -1.1168467558337805 -2.179659281544286 -1.8572040248698238 -1.534748768350147 -1.5548699763601939 -1.5749911843702404 -1.5703478286756183 -1.3552056814912679 +3822,-1.0448747425670677,0,-1.0311768432679274 -0.5333317235424098 -0.582860850951756 -0.6850146762335301 -0.750021655958301 -0.8336020584615778 -0.9218258166594767 -0.9140868905017644 -0.9976672930050412 -1.0533875613405503 -1.0441008499512974 -1.1168467558337805 -2.179659281544286 -1.8572040248698238 -1.534748768350147 -1.5548699763601939 -1.5749911843702404 -1.5703478286756183 -1.3552056814912679 -1.1400635343069085 +3823,-0.9496859508272356,0,-0.5333317235424098 -0.582860850951756 -0.6850146762335301 -0.750021655958301 -0.8336020584615778 -0.9218258166594767 -0.9140868905017644 -0.9976672930050412 -1.0533875613405503 -1.0441008499512974 -1.1168467558337805 -2.179659281544286 -1.8572040248698238 -1.534748768350147 -1.5548699763601939 -1.5749911843702404 -1.5703478286756183 -1.3552056814912679 -1.1400635343069085 -1.0448747425670677 +3824,-0.9171824609648458,0,-0.582860850951756 -0.6850146762335301 -0.750021655958301 -0.8336020584615778 -0.9218258166594767 -0.9140868905017644 -0.9976672930050412 -1.0533875613405503 -1.0441008499512974 -1.1168467558337805 -2.179659281544286 -1.8572040248698238 -1.534748768350147 -1.5548699763601939 -1.5749911843702404 -1.5703478286756183 -1.3552056814912679 -1.1400635343069085 -1.0448747425670677 -0.9496859508272356 +3825,-0.8746183670974415,0,-0.6850146762335301 -0.750021655958301 -0.8336020584615778 -0.9218258166594767 -0.9140868905017644 -0.9976672930050412 -1.0533875613405503 -1.0441008499512974 -1.1168467558337805 -2.179659281544286 -1.8572040248698238 -1.534748768350147 -1.5548699763601939 -1.5749911843702404 -1.5703478286756183 -1.3552056814912679 -1.1400635343069085 -1.0448747425670677 -0.9496859508272356 -0.9171824609648458 +3826,-0.8320542732300282,0,-0.750021655958301 -0.8336020584615778 -0.9218258166594767 -0.9140868905017644 -0.9976672930050412 -1.0533875613405503 -1.0441008499512974 -1.1168467558337805 -2.179659281544286 -1.8572040248698238 -1.534748768350147 -1.5548699763601939 -1.5749911843702404 -1.5703478286756183 -1.3552056814912679 -1.1400635343069085 -1.0448747425670677 -0.9496859508272356 -0.9171824609648458 -0.8746183670974415 +3827,-0.8196719913776939,0,-0.8336020584615778 -0.9218258166594767 -0.9140868905017644 -0.9976672930050412 -1.0533875613405503 -1.0441008499512974 -1.1168467558337805 -2.179659281544286 -1.8572040248698238 -1.534748768350147 -1.5548699763601939 -1.5749911843702404 -1.5703478286756183 -1.3552056814912679 -1.1400635343069085 -1.0448747425670677 -0.9496859508272356 -0.9171824609648458 -0.8746183670974415 -0.8320542732300282 +3828,-0.8428887698508307,0,-0.9218258166594767 -0.9140868905017644 -0.9976672930050412 -1.0533875613405503 -1.0441008499512974 -1.1168467558337805 -2.179659281544286 -1.8572040248698238 -1.534748768350147 -1.5548699763601939 -1.5749911843702404 -1.5703478286756183 -1.3552056814912679 -1.1400635343069085 -1.0448747425670677 -0.9496859508272356 -0.9171824609648458 -0.8746183670974415 -0.8320542732300282 -0.8196719913776939 +3829,-0.711946139262368,0,-0.9140868905017644 -0.9976672930050412 -1.0533875613405503 -1.0441008499512974 -1.1168467558337805 -2.179659281544286 -1.8572040248698238 -1.534748768350147 -1.5548699763601939 -1.5749911843702404 -1.5703478286756183 -1.3552056814912679 -1.1400635343069085 -1.0448747425670677 -0.9496859508272356 -0.9171824609648458 -0.8746183670974415 -0.8320542732300282 -0.8196719913776939 -0.8428887698508307 +3830,-0.9759982997634451,0,-0.9976672930050412 -1.0533875613405503 -1.0441008499512974 -1.1168467558337805 -2.179659281544286 -1.8572040248698238 -1.534748768350147 -1.5548699763601939 -1.5749911843702404 -1.5703478286756183 -1.3552056814912679 -1.1400635343069085 -1.0448747425670677 -0.9496859508272356 -0.9171824609648458 -0.8746183670974415 -0.8320542732300282 -0.8196719913776939 -0.8428887698508307 -0.711946139262368 +3831,-1.0054062191627446,0,-1.0533875613405503 -1.0441008499512974 -1.1168467558337805 -2.179659281544286 -1.8572040248698238 -1.534748768350147 -1.5548699763601939 -1.5749911843702404 -1.5703478286756183 -1.3552056814912679 -1.1400635343069085 -1.0448747425670677 -0.9496859508272356 -0.9171824609648458 -0.8746183670974415 -0.8320542732300282 -0.8196719913776939 -0.8428887698508307 -0.711946139262368 -0.9759982997634451 +3832,-1.3066826144824177,0,-1.0441008499512974 -1.1168467558337805 -2.179659281544286 -1.8572040248698238 -1.534748768350147 -1.5548699763601939 -1.5749911843702404 -1.5703478286756183 -1.3552056814912679 -1.1400635343069085 -1.0448747425670677 -0.9496859508272356 -0.9171824609648458 -0.8746183670974415 -0.8320542732300282 -0.8196719913776939 -0.8428887698508307 -0.711946139262368 -0.9759982997634451 -1.0054062191627446 +3833,-1.064222057961344,0,-1.1168467558337805 -2.179659281544286 -1.8572040248698238 -1.534748768350147 -1.5548699763601939 -1.5749911843702404 -1.5703478286756183 -1.3552056814912679 -1.1400635343069085 -1.0448747425670677 -0.9496859508272356 -0.9171824609648458 -0.8746183670974415 -0.8320542732300282 -0.8196719913776939 -0.8428887698508307 -0.711946139262368 -0.9759982997634451 -1.0054062191627446 -1.3066826144824177 +3834,-1.092082192129103,0,-2.179659281544286 -1.8572040248698238 -1.534748768350147 -1.5548699763601939 -1.5749911843702404 -1.5703478286756183 -1.3552056814912679 -1.1400635343069085 -1.0448747425670677 -0.9496859508272356 -0.9171824609648458 -0.8746183670974415 -0.8320542732300282 -0.8196719913776939 -0.8428887698508307 -0.711946139262368 -0.9759982997634451 -1.0054062191627446 -1.3066826144824177 -1.064222057961344 +3835,-1.1539936013907925,0,-1.8572040248698238 -1.534748768350147 -1.5548699763601939 -1.5749911843702404 -1.5703478286756183 -1.3552056814912679 -1.1400635343069085 -1.0448747425670677 -0.9496859508272356 -0.9171824609648458 -0.8746183670974415 -0.8320542732300282 -0.8196719913776939 -0.8428887698508307 -0.711946139262368 -0.9759982997634451 -1.0054062191627446 -1.3066826144824177 -1.064222057961344 -1.092082192129103 +3836,-1.2159050106524731,0,-1.534748768350147 -1.5548699763601939 -1.5749911843702404 -1.5703478286756183 -1.3552056814912679 -1.1400635343069085 -1.0448747425670677 -0.9496859508272356 -0.9171824609648458 -0.8746183670974415 -0.8320542732300282 -0.8196719913776939 -0.8428887698508307 -0.711946139262368 -0.9759982997634451 -1.0054062191627446 -1.3066826144824177 -1.064222057961344 -1.092082192129103 -1.1539936013907925 +3837,-1.262338567598738,0,-1.5548699763601939 -1.5749911843702404 -1.5703478286756183 -1.3552056814912679 -1.1400635343069085 -1.0448747425670677 -0.9496859508272356 -0.9171824609648458 -0.8746183670974415 -0.8320542732300282 -0.8196719913776939 -0.8428887698508307 -0.711946139262368 -0.9759982997634451 -1.0054062191627446 -1.3066826144824177 -1.064222057961344 -1.092082192129103 -1.1539936013907925 -1.2159050106524731 +3838,-1.2932942722295784,0,-1.5749911843702404 -1.5703478286756183 -1.3552056814912679 -1.1400635343069085 -1.0448747425670677 -0.9496859508272356 -0.9171824609648458 -0.8746183670974415 -0.8320542732300282 -0.8196719913776939 -0.8428887698508307 -0.711946139262368 -0.9759982997634451 -1.0054062191627446 -1.3066826144824177 -1.064222057961344 -1.092082192129103 -1.1539936013907925 -1.2159050106524731 -1.262338567598738 +3839,-1.3118676950080843,0,-1.5703478286756183 -1.3552056814912679 -1.1400635343069085 -1.0448747425670677 -0.9496859508272356 -0.9171824609648458 -0.8746183670974415 -0.8320542732300282 -0.8196719913776939 -0.8428887698508307 -0.711946139262368 -0.9759982997634451 -1.0054062191627446 -1.3066826144824177 -1.064222057961344 -1.092082192129103 -1.1539936013907925 -1.2159050106524731 -1.262338567598738 -1.2932942722295784 +3840,-1.3748109611423933,0,-1.3552056814912679 -1.1400635343069085 -1.0448747425670677 -0.9496859508272356 -0.9171824609648458 -0.8746183670974415 -0.8320542732300282 -0.8196719913776939 -0.8428887698508307 -0.711946139262368 -0.9759982997634451 -1.0054062191627446 -1.3066826144824177 -1.064222057961344 -1.092082192129103 -1.1539936013907925 -1.2159050106524731 -1.262338567598738 -1.2932942722295784 -1.3118676950080843 +3841,-2.132039089202251,0,-1.1400635343069085 -1.0448747425670677 -0.9496859508272356 -0.9171824609648458 -0.8746183670974415 -0.8320542732300282 -0.8196719913776939 -0.8428887698508307 -0.711946139262368 -0.9759982997634451 -1.0054062191627446 -1.3066826144824177 -1.064222057961344 -1.092082192129103 -1.1539936013907925 -1.2159050106524731 -1.262338567598738 -1.2932942722295784 -1.3118676950080843 -1.3748109611423933 +3842,-1.5006974932562254,0,-1.0448747425670677 -0.9496859508272356 -0.9171824609648458 -0.8746183670974415 -0.8320542732300282 -0.8196719913776939 -0.8428887698508307 -0.711946139262368 -0.9759982997634451 -1.0054062191627446 -1.3066826144824177 -1.064222057961344 -1.092082192129103 -1.1539936013907925 -1.2159050106524731 -1.262338567598738 -1.2932942722295784 -1.3118676950080843 -1.3748109611423933 -2.132039089202251 +3843,-1.429499372605283,0,-0.9496859508272356 -0.9171824609648458 -0.8746183670974415 -0.8320542732300282 -0.8196719913776939 -0.8428887698508307 -0.711946139262368 -0.9759982997634451 -1.0054062191627446 -1.3066826144824177 -1.064222057961344 -1.092082192129103 -1.1539936013907925 -1.2159050106524731 -1.262338567598738 -1.2932942722295784 -1.3118676950080843 -1.3748109611423933 -2.132039089202251 -1.5006974932562254 +3844,-1.830298358313109,0,-0.9171824609648458 -0.8746183670974415 -0.8320542732300282 -0.8196719913776939 -0.8428887698508307 -0.711946139262368 -0.9759982997634451 -1.0054062191627446 -1.3066826144824177 -1.064222057961344 -1.092082192129103 -1.1539936013907925 -1.2159050106524731 -1.262338567598738 -1.2932942722295784 -1.3118676950080843 -1.3748109611423933 -2.132039089202251 -1.5006974932562254 -1.429499372605283 +3845,-0.8119330652199815,0,-0.8746183670974415 -0.8320542732300282 -0.8196719913776939 -0.8428887698508307 -0.711946139262368 -0.9759982997634451 -1.0054062191627446 -1.3066826144824177 -1.064222057961344 -1.092082192129103 -1.1539936013907925 -1.2159050106524731 -1.262338567598738 -1.2932942722295784 -1.3118676950080843 -1.3748109611423933 -2.132039089202251 -1.5006974932562254 -1.429499372605283 -1.830298358313109 +3846,-0.6215554817403086,0,-0.8320542732300282 -0.8196719913776939 -0.8428887698508307 -0.711946139262368 -0.9759982997634451 -1.0054062191627446 -1.3066826144824177 -1.064222057961344 -1.092082192129103 -1.1539936013907925 -1.2159050106524731 -1.262338567598738 -1.2932942722295784 -1.3118676950080843 -1.3748109611423933 -2.132039089202251 -1.5006974932562254 -1.429499372605283 -1.830298358313109 -0.8119330652199815 +3847,-0.43063617342959115,0,-0.8196719913776939 -0.8428887698508307 -0.711946139262368 -0.9759982997634451 -1.0054062191627446 -1.3066826144824177 -1.064222057961344 -1.092082192129103 -1.1539936013907925 -1.2159050106524731 -1.262338567598738 -1.2932942722295784 -1.3118676950080843 -1.3748109611423933 -2.132039089202251 -1.5006974932562254 -1.429499372605283 -1.830298358313109 -0.8119330652199815 -0.6215554817403086 +3848,-0.3259285025157627,0,-0.8428887698508307 -0.711946139262368 -0.9759982997634451 -1.0054062191627446 -1.3066826144824177 -1.064222057961344 -1.092082192129103 -1.1539936013907925 -1.2159050106524731 -1.262338567598738 -1.2932942722295784 -1.3118676950080843 -1.3748109611423933 -2.132039089202251 -1.5006974932562254 -1.429499372605283 -1.830298358313109 -0.8119330652199815 -0.6215554817403086 -0.43063617342959115 +3849,-0.2702082341802448,0,-0.711946139262368 -0.9759982997634451 -1.0054062191627446 -1.3066826144824177 -1.064222057961344 -1.092082192129103 -1.1539936013907925 -1.2159050106524731 -1.262338567598738 -1.2932942722295784 -1.3118676950080843 -1.3748109611423933 -2.132039089202251 -1.5006974932562254 -1.429499372605283 -1.830298358313109 -0.8119330652199815 -0.6215554817403086 -0.43063617342959115 -0.3259285025157627 +3850,0.011101731652532103,0,-0.9759982997634451 -1.0054062191627446 -1.3066826144824177 -1.064222057961344 -1.092082192129103 -1.1539936013907925 -1.2159050106524731 -1.262338567598738 -1.2932942722295784 -1.3118676950080843 -1.3748109611423933 -2.132039089202251 -1.5006974932562254 -1.429499372605283 -1.830298358313109 -0.8119330652199815 -0.6215554817403086 -0.43063617342959115 -0.3259285025157627 -0.2702082341802448 +3851,-0.1587676975092178,0,-1.0054062191627446 -1.3066826144824177 -1.064222057961344 -1.092082192129103 -1.1539936013907925 -1.2159050106524731 -1.262338567598738 -1.2932942722295784 -1.3118676950080843 -1.3748109611423933 -2.132039089202251 -1.5006974932562254 -1.429499372605283 -1.830298358313109 -0.8119330652199815 -0.6215554817403086 -0.43063617342959115 -0.3259285025157627 -0.2702082341802448 0.011101731652532103 +3852,-0.18043669075080518,0,-1.3066826144824177 -1.064222057961344 -1.092082192129103 -1.1539936013907925 -1.2159050106524731 -1.262338567598738 -1.2932942722295784 -1.3118676950080843 -1.3748109611423933 -2.132039089202251 -1.5006974932562254 -1.429499372605283 -1.830298358313109 -0.8119330652199815 -0.6215554817403086 -0.43063617342959115 -0.3259285025157627 -0.2702082341802448 0.011101731652532103 -0.1587676975092178 +3853,-0.17014391896104722,0,-1.064222057961344 -1.092082192129103 -1.1539936013907925 -1.2159050106524731 -1.262338567598738 -1.2932942722295784 -1.3118676950080843 -1.3748109611423933 -2.132039089202251 -1.5006974932562254 -1.429499372605283 -1.830298358313109 -0.8119330652199815 -0.6215554817403086 -0.43063617342959115 -0.3259285025157627 -0.2702082341802448 0.011101731652532103 -0.1587676975092178 -0.18043669075080518 +3854,-0.5611918577101599,0,-1.092082192129103 -1.1539936013907925 -1.2159050106524731 -1.262338567598738 -1.2932942722295784 -1.3118676950080843 -1.3748109611423933 -2.132039089202251 -1.5006974932562254 -1.429499372605283 -1.830298358313109 -0.8119330652199815 -0.6215554817403086 -0.43063617342959115 -0.3259285025157627 -0.2702082341802448 0.011101731652532103 -0.1587676975092178 -0.18043669075080518 -0.17014391896104722 +3855,-0.7268048774851729,0,-1.1539936013907925 -1.2159050106524731 -1.262338567598738 -1.2932942722295784 -1.3118676950080843 -1.3748109611423933 -2.132039089202251 -1.5006974932562254 -1.429499372605283 -1.830298358313109 -0.8119330652199815 -0.6215554817403086 -0.43063617342959115 -0.3259285025157627 -0.2702082341802448 0.011101731652532103 -0.1587676975092178 -0.18043669075080518 -0.17014391896104722 -0.5611918577101599 +3856,-0.910991320038683,0,-1.2159050106524731 -1.262338567598738 -1.2932942722295784 -1.3118676950080843 -1.3748109611423933 -2.132039089202251 -1.5006974932562254 -1.429499372605283 -1.830298358313109 -0.8119330652199815 -0.6215554817403086 -0.43063617342959115 -0.3259285025157627 -0.2702082341802448 0.011101731652532103 -0.1587676975092178 -0.18043669075080518 -0.17014391896104722 -0.5611918577101599 -0.7268048774851729 +3857,-0.9837372259211574,0,-1.262338567598738 -1.2932942722295784 -1.3118676950080843 -1.3748109611423933 -2.132039089202251 -1.5006974932562254 -1.429499372605283 -1.830298358313109 -0.8119330652199815 -0.6215554817403086 -0.43063617342959115 -0.3259285025157627 -0.2702082341802448 0.011101731652532103 -0.1587676975092178 -0.18043669075080518 -0.17014391896104722 -0.5611918577101599 -0.7268048774851729 -0.910991320038683 +3858,-1.0889866216660216,0,-1.2932942722295784 -1.3118676950080843 -1.3748109611423933 -2.132039089202251 -1.5006974932562254 -1.429499372605283 -1.830298358313109 -0.8119330652199815 -0.6215554817403086 -0.43063617342959115 -0.3259285025157627 -0.2702082341802448 0.011101731652532103 -0.1587676975092178 -0.18043669075080518 -0.17014391896104722 -0.5611918577101599 -0.7268048774851729 -0.910991320038683 -0.9837372259211574 +3859,-1.2793642051457033,0,-1.3118676950080843 -1.3748109611423933 -2.132039089202251 -1.5006974932562254 -1.429499372605283 -1.830298358313109 -0.8119330652199815 -0.6215554817403086 -0.43063617342959115 -0.3259285025157627 -0.2702082341802448 0.011101731652532103 -0.1587676975092178 -0.18043669075080518 -0.17014391896104722 -0.5611918577101599 -0.7268048774851729 -0.910991320038683 -0.9837372259211574 -1.0889866216660216 +3860,-1.2793642051457033,0,-1.3748109611423933 -2.132039089202251 -1.5006974932562254 -1.429499372605283 -1.830298358313109 -0.8119330652199815 -0.6215554817403086 -0.43063617342959115 -0.3259285025157627 -0.2702082341802448 0.011101731652532103 -0.1587676975092178 -0.18043669075080518 -0.17014391896104722 -0.5611918577101599 -0.7268048774851729 -0.910991320038683 -0.9837372259211574 -1.0889866216660216 -1.2793642051457033 +3861,-1.2793642051457033,0,-2.132039089202251 -1.5006974932562254 -1.429499372605283 -1.830298358313109 -0.8119330652199815 -0.6215554817403086 -0.43063617342959115 -0.3259285025157627 -0.2702082341802448 0.011101731652532103 -0.1587676975092178 -0.18043669075080518 -0.17014391896104722 -0.5611918577101599 -0.7268048774851729 -0.910991320038683 -0.9837372259211574 -1.0889866216660216 -1.2793642051457033 -1.2793642051457033 +3862,-1.3954480975113612,0,-1.5006974932562254 -1.429499372605283 -1.830298358313109 -0.8119330652199815 -0.6215554817403086 -0.43063617342959115 -0.3259285025157627 -0.2702082341802448 0.011101731652532103 -0.1587676975092178 -0.18043669075080518 -0.17014391896104722 -0.5611918577101599 -0.7268048774851729 -0.910991320038683 -0.9837372259211574 -1.0889866216660216 -1.2793642051457033 -1.2793642051457033 -1.2793642051457033 +3863,-1.42021266121603,0,-1.429499372605283 -1.830298358313109 -0.8119330652199815 -0.6215554817403086 -0.43063617342959115 -0.3259285025157627 -0.2702082341802448 0.011101731652532103 -0.1587676975092178 -0.18043669075080518 -0.17014391896104722 -0.5611918577101599 -0.7268048774851729 -0.910991320038683 -0.9837372259211574 -1.0889866216660216 -1.2793642051457033 -1.2793642051457033 -1.2793642051457033 -1.3954480975113612 +3864,-1.4743851443200071,0,-1.830298358313109 -0.8119330652199815 -0.6215554817403086 -0.43063617342959115 -0.3259285025157627 -0.2702082341802448 0.011101731652532103 -0.1587676975092178 -0.18043669075080518 -0.17014391896104722 -0.5611918577101599 -0.7268048774851729 -0.910991320038683 -0.9837372259211574 -1.0889866216660216 -1.2793642051457033 -1.2793642051457033 -1.2793642051457033 -1.3954480975113612 -1.42021266121603 +3865,-1.5192709160347313,0,-0.8119330652199815 -0.6215554817403086 -0.43063617342959115 -0.3259285025157627 -0.2702082341802448 0.011101731652532103 -0.1587676975092178 -0.18043669075080518 -0.17014391896104722 -0.5611918577101599 -0.7268048774851729 -0.910991320038683 -0.9837372259211574 -1.0889866216660216 -1.2793642051457033 -1.2793642051457033 -1.2793642051457033 -1.3954480975113612 -1.42021266121603 -1.4743851443200071 +3866,-1.5641566877494468,0,-0.6215554817403086 -0.43063617342959115 -0.3259285025157627 -0.2702082341802448 0.011101731652532103 -0.1587676975092178 -0.18043669075080518 -0.17014391896104722 -0.5611918577101599 -0.7268048774851729 -0.910991320038683 -0.9837372259211574 -1.0889866216660216 -1.2793642051457033 -1.2793642051457033 -1.2793642051457033 -1.3954480975113612 -1.42021266121603 -1.4743851443200071 -1.5192709160347313 +3867,-1.3350844734812124,0,-0.43063617342959115 -0.3259285025157627 -0.2702082341802448 0.011101731652532103 -0.1587676975092178 -0.18043669075080518 -0.17014391896104722 -0.5611918577101599 -0.7268048774851729 -0.910991320038683 -0.9837372259211574 -1.0889866216660216 -1.2793642051457033 -1.2793642051457033 -1.2793642051457033 -1.3954480975113612 -1.42021266121603 -1.4743851443200071 -1.5192709160347313 -1.5641566877494468 +3868,-1.1945455744571958,0,-0.3259285025157627 -0.2702082341802448 0.011101731652532103 -0.1587676975092178 -0.18043669075080518 -0.17014391896104722 -0.5611918577101599 -0.7268048774851729 -0.910991320038683 -0.9837372259211574 -1.0889866216660216 -1.2793642051457033 -1.2793642051457033 -1.2793642051457033 -1.3954480975113612 -1.42021266121603 -1.4743851443200071 -1.5192709160347313 -1.5641566877494468 -1.3350844734812124 +3869,-0.33985856959964655,0,-0.2702082341802448 0.011101731652532103 -0.1587676975092178 -0.18043669075080518 -0.17014391896104722 -0.5611918577101599 -0.7268048774851729 -0.910991320038683 -0.9837372259211574 -1.0889866216660216 -1.2793642051457033 -1.2793642051457033 -1.2793642051457033 -1.3954480975113612 -1.42021266121603 -1.4743851443200071 -1.5192709160347313 -1.5641566877494468 -1.3350844734812124 -1.1945455744571958 +3870,-0.1076907848683308,0,0.011101731652532103 -0.1587676975092178 -0.18043669075080518 -0.17014391896104722 -0.5611918577101599 -0.7268048774851729 -0.910991320038683 -0.9837372259211574 -1.0889866216660216 -1.2793642051457033 -1.2793642051457033 -1.2793642051457033 -1.3954480975113612 -1.42021266121603 -1.4743851443200071 -1.5192709160347313 -1.5641566877494468 -1.3350844734812124 -1.1945455744571958 -0.33985856959964655 +3871,0.12447699986298497,0,-0.1587676975092178 -0.18043669075080518 -0.17014391896104722 -0.5611918577101599 -0.7268048774851729 -0.910991320038683 -0.9837372259211574 -1.0889866216660216 -1.2793642051457033 -1.2793642051457033 -1.2793642051457033 -1.3954480975113612 -1.42021266121603 -1.4743851443200071 -1.5192709160347313 -1.5641566877494468 -1.3350844734812124 -1.1945455744571958 -0.33985856959964655 -0.1076907848683308 +3872,0.35045364366813797,0,-0.18043669075080518 -0.17014391896104722 -0.5611918577101599 -0.7268048774851729 -0.910991320038683 -0.9837372259211574 -1.0889866216660216 -1.2793642051457033 -1.2793642051457033 -1.2793642051457033 -1.3954480975113612 -1.42021266121603 -1.4743851443200071 -1.5192709160347313 -1.5641566877494468 -1.3350844734812124 -1.1945455744571958 -0.33985856959964655 -0.1076907848683308 0.12447699986298497 +3873,0.46344196557070566,0,-0.17014391896104722 -0.5611918577101599 -0.7268048774851729 -0.910991320038683 -0.9837372259211574 -1.0889866216660216 -1.2793642051457033 -1.2793642051457033 -1.2793642051457033 -1.3954480975113612 -1.42021266121603 -1.4743851443200071 -1.5192709160347313 -1.5641566877494468 -1.3350844734812124 -1.1945455744571958 -0.33985856959964655 -0.1076907848683308 0.12447699986298497 0.35045364366813797 +3874,0.3961133079986237,0,-0.5611918577101599 -0.7268048774851729 -0.910991320038683 -0.9837372259211574 -1.0889866216660216 -1.2793642051457033 -1.2793642051457033 -1.2793642051457033 -1.3954480975113612 -1.42021266121603 -1.4743851443200071 -1.5192709160347313 -1.5641566877494468 -1.3350844734812124 -1.1945455744571958 -0.33985856959964655 -0.1076907848683308 0.12447699986298497 0.35045364366813797 0.46344196557070566 +3875,0.3287846504265506,0,-0.7268048774851729 -0.910991320038683 -0.9837372259211574 -1.0889866216660216 -1.2793642051457033 -1.2793642051457033 -1.2793642051457033 -1.3954480975113612 -1.42021266121603 -1.4743851443200071 -1.5192709160347313 -1.5641566877494468 -1.3350844734812124 -1.1945455744571958 -0.33985856959964655 -0.1076907848683308 0.12447699986298497 0.35045364366813797 0.46344196557070566 0.3961133079986237 +3876,0.36438371075201303,0,-0.910991320038683 -0.9837372259211574 -1.0889866216660216 -1.2793642051457033 -1.2793642051457033 -1.2793642051457033 -1.3954480975113612 -1.42021266121603 -1.4743851443200071 -1.5192709160347313 -1.5641566877494468 -1.3350844734812124 -1.1945455744571958 -0.33985856959964655 -0.1076907848683308 0.12447699986298497 0.35045364366813797 0.46344196557070566 0.3961133079986237 0.3287846504265506 +3877,0.35726389868692054,0,-0.9837372259211574 -1.0889866216660216 -1.2793642051457033 -1.2793642051457033 -1.2793642051457033 -1.3954480975113612 -1.42021266121603 -1.4743851443200071 -1.5192709160347313 -1.5641566877494468 -1.3350844734812124 -1.1945455744571958 -0.33985856959964655 -0.1076907848683308 0.12447699986298497 0.35045364366813797 0.46344196557070566 0.3961133079986237 0.3287846504265506 0.36438371075201303 +3878,-0.010180315281178881,0,-1.0889866216660216 -1.2793642051457033 -1.2793642051457033 -1.2793642051457033 -1.3954480975113612 -1.42021266121603 -1.4743851443200071 -1.5192709160347313 -1.5641566877494468 -1.3350844734812124 -1.1945455744571958 -0.33985856959964655 -0.1076907848683308 0.12447699986298497 0.35045364366813797 0.46344196557070566 0.3961133079986237 0.3287846504265506 0.36438371075201303 0.35726389868692054 +3879,-0.282590516032588,0,-1.2793642051457033 -1.2793642051457033 -1.2793642051457033 -1.3954480975113612 -1.42021266121603 -1.4743851443200071 -1.5192709160347313 -1.5641566877494468 -1.3350844734812124 -1.1945455744571958 -0.33985856959964655 -0.1076907848683308 0.12447699986298497 0.35045364366813797 0.46344196557070566 0.3961133079986237 0.3287846504265506 0.36438371075201303 0.35726389868692054 -0.010180315281178881 +3880,-0.41879561640829255,0,-1.2793642051457033 -1.2793642051457033 -1.3954480975113612 -1.42021266121603 -1.4743851443200071 -1.5192709160347313 -1.5641566877494468 -1.3350844734812124 -1.1945455744571958 -0.33985856959964655 -0.1076907848683308 0.12447699986298497 0.35045364366813797 0.46344196557070566 0.3961133079986237 0.3287846504265506 0.36438371075201303 0.35726389868692054 -0.010180315281178881 -0.282590516032588 +3881,-1.085813661941365,0,-1.2793642051457033 -1.3954480975113612 -1.42021266121603 -1.4743851443200071 -1.5192709160347313 -1.5641566877494468 -1.3350844734812124 -1.1945455744571958 -0.33985856959964655 -0.1076907848683308 0.12447699986298497 0.35045364366813797 0.46344196557070566 0.3961133079986237 0.3287846504265506 0.36438371075201303 0.35726389868692054 -0.010180315281178881 -0.282590516032588 -0.41879561640829255 +3882,-0.7489897990856815,0,-1.3954480975113612 -1.42021266121603 -1.4743851443200071 -1.5192709160347313 -1.5641566877494468 -1.3350844734812124 -1.1945455744571958 -0.33985856959964655 -0.1076907848683308 0.12447699986298497 0.35045364366813797 0.46344196557070566 0.3961133079986237 0.3287846504265506 0.36438371075201303 0.35726389868692054 -0.010180315281178881 -0.282590516032588 -0.41879561640829255 -1.085813661941365 +3883,-0.9140868905017644,0,-1.42021266121603 -1.4743851443200071 -1.5192709160347313 -1.5641566877494468 -1.3350844734812124 -1.1945455744571958 -0.33985856959964655 -0.1076907848683308 0.12447699986298497 0.35045364366813797 0.46344196557070566 0.3961133079986237 0.3287846504265506 0.36438371075201303 0.35726389868692054 -0.010180315281178881 -0.282590516032588 -0.41879561640829255 -1.085813661941365 -0.7489897990856815 +3884,-1.034040245946274,0,-1.4743851443200071 -1.5192709160347313 -1.5641566877494468 -1.3350844734812124 -1.1945455744571958 -0.33985856959964655 -0.1076907848683308 0.12447699986298497 0.35045364366813797 0.46344196557070566 0.3961133079986237 0.3287846504265506 0.36438371075201303 0.35726389868692054 -0.010180315281178881 -0.282590516032588 -0.41879561640829255 -1.085813661941365 -0.7489897990856815 -0.9140868905017644 +3885,-1.1539936013907925,0,-1.5192709160347313 -1.5641566877494468 -1.3350844734812124 -1.1945455744571958 -0.33985856959964655 -0.1076907848683308 0.12447699986298497 0.35045364366813797 0.46344196557070566 0.3961133079986237 0.3287846504265506 0.36438371075201303 0.35726389868692054 -0.010180315281178881 -0.282590516032588 -0.41879561640829255 -1.085813661941365 -0.7489897990856815 -0.9140868905017644 -1.034040245946274 +3886,-1.2081660844947608,0,-1.5641566877494468 -1.3350844734812124 -1.1945455744571958 -0.33985856959964655 -0.1076907848683308 0.12447699986298497 0.35045364366813797 0.46344196557070566 0.3961133079986237 0.3287846504265506 0.36438371075201303 0.35726389868692054 -0.010180315281178881 -0.282590516032588 -0.41879561640829255 -1.085813661941365 -0.7489897990856815 -0.9140868905017644 -1.034040245946274 -1.1539936013907925 +3887,-1.262338567598738,0,-1.3350844734812124 -1.1945455744571958 -0.33985856959964655 -0.1076907848683308 0.12447699986298497 0.35045364366813797 0.46344196557070566 0.3961133079986237 0.3287846504265506 0.36438371075201303 0.35726389868692054 -0.010180315281178881 -0.282590516032588 -0.41879561640829255 -1.085813661941365 -0.7489897990856815 -0.9140868905017644 -1.034040245946274 -1.1539936013907925 -1.2081660844947608 +3888,-1.2958739143337472,0,-1.1945455744571958 -0.33985856959964655 -0.1076907848683308 0.12447699986298497 0.35045364366813797 0.46344196557070566 0.3961133079986237 0.3287846504265506 0.36438371075201303 0.35726389868692054 -0.010180315281178881 -0.282590516032588 -0.41879561640829255 -1.085813661941365 -0.7489897990856815 -0.9140868905017644 -1.034040245946274 -1.1539936013907925 -1.2081660844947608 -1.262338567598738 +3889,-1.829292297912613,0,-0.33985856959964655 -0.1076907848683308 0.12447699986298497 0.35045364366813797 0.46344196557070566 0.3961133079986237 0.3287846504265506 0.36438371075201303 0.35726389868692054 -0.010180315281178881 -0.282590516032588 -0.41879561640829255 -1.085813661941365 -0.7489897990856815 -0.9140868905017644 -1.034040245946274 -1.1539936013907925 -1.2081660844947608 -1.262338567598738 -1.2958739143337472 +3890,-1.3629446076489713,0,-0.1076907848683308 0.12447699986298497 0.35045364366813797 0.46344196557070566 0.3961133079986237 0.3287846504265506 0.36438371075201303 0.35726389868692054 -0.010180315281178881 -0.282590516032588 -0.41879561640829255 -1.085813661941365 -0.7489897990856815 -0.9140868905017644 -1.034040245946274 -1.1539936013907925 -1.2081660844947608 -1.262338567598738 -1.2958739143337472 -1.829292297912613 +3891,-1.3567534667228085,0,0.12447699986298497 0.35045364366813797 0.46344196557070566 0.3961133079986237 0.3287846504265506 0.36438371075201303 0.35726389868692054 -0.010180315281178881 -0.282590516032588 -0.41879561640829255 -1.085813661941365 -0.7489897990856815 -0.9140868905017644 -1.034040245946274 -1.1539936013907925 -1.2081660844947608 -1.262338567598738 -1.2958739143337472 -1.829292297912613 -1.3629446076489713 +3892,-0.8676533335554995,0,0.35045364366813797 0.46344196557070566 0.3961133079986237 0.3287846504265506 0.36438371075201303 0.35726389868692054 -0.010180315281178881 -0.282590516032588 -0.41879561640829255 -1.085813661941365 -0.7489897990856815 -0.9140868905017644 -1.034040245946274 -1.1539936013907925 -1.2081660844947608 -1.262338567598738 -1.2958739143337472 -1.829292297912613 -1.3629446076489713 -1.3567534667228085 +3893,-0.3785532003881992,0,0.46344196557070566 0.3961133079986237 0.3287846504265506 0.36438371075201303 0.35726389868692054 -0.010180315281178881 -0.282590516032588 -0.41879561640829255 -1.085813661941365 -0.7489897990856815 -0.9140868905017644 -1.034040245946274 -1.1539936013907925 -1.2081660844947608 -1.262338567598738 -1.2958739143337472 -1.829292297912613 -1.3629446076489713 -1.3567534667228085 -0.8676533335554995 +3894,0.06101780536976358,0,0.3961133079986237 0.3287846504265506 0.36438371075201303 0.35726389868692054 -0.010180315281178881 -0.282590516032588 -0.41879561640829255 -1.085813661941365 -0.7489897990856815 -0.9140868905017644 -1.034040245946274 -1.1539936013907925 -1.2081660844947608 -1.262338567598738 -1.2958739143337472 -1.829292297912613 -1.3629446076489713 -1.3567534667228085 -0.8676533335554995 -0.3785532003881992 +3895,0.34735807320504775,0,0.3287846504265506 0.36438371075201303 0.35726389868692054 -0.010180315281178881 -0.282590516032588 -0.41879561640829255 -1.085813661941365 -0.7489897990856815 -0.9140868905017644 -1.034040245946274 -1.1539936013907925 -1.2081660844947608 -1.262338567598738 -1.2958739143337472 -1.829292297912613 -1.3629446076489713 -1.3567534667228085 -0.8676533335554995 -0.3785532003881992 0.06101780536976358 +3896,0.6336983410403407,0,0.36438371075201303 0.35726389868692054 -0.010180315281178881 -0.282590516032588 -0.41879561640829255 -1.085813661941365 -0.7489897990856815 -0.9140868905017644 -1.034040245946274 -1.1539936013907925 -1.2081660844947608 -1.262338567598738 -1.2958739143337472 -1.829292297912613 -1.3629446076489713 -1.3567534667228085 -0.8676533335554995 -0.3785532003881992 0.06101780536976358 0.34735807320504775 +3897,0.7404955220167456,0,0.35726389868692054 -0.010180315281178881 -0.282590516032588 -0.41879561640829255 -1.085813661941365 -0.7489897990856815 -0.9140868905017644 -1.034040245946274 -1.1539936013907925 -1.2081660844947608 -1.262338567598738 -1.2958739143337472 -1.829292297912613 -1.3629446076489713 -1.3567534667228085 -0.8676533335554995 -0.3785532003881992 0.06101780536976358 0.34735807320504775 0.6336983410403407 +3898,1.0283835750835792,0,-0.010180315281178881 -0.282590516032588 -0.41879561640829255 -1.085813661941365 -0.7489897990856815 -0.9140868905017644 -1.034040245946274 -1.1539936013907925 -1.2081660844947608 -1.262338567598738 -1.2958739143337472 -1.829292297912613 -1.3629446076489713 -1.3567534667228085 -0.8676533335554995 -0.3785532003881992 0.06101780536976358 0.34735807320504775 0.6336983410403407 0.7404955220167456 +3899,0.8349104211408162,0,-0.282590516032588 -0.41879561640829255 -1.085813661941365 -0.7489897990856815 -0.9140868905017644 -1.034040245946274 -1.1539936013907925 -1.2081660844947608 -1.262338567598738 -1.2958739143337472 -1.829292297912613 -1.3629446076489713 -1.3567534667228085 -0.8676533335554995 -0.3785532003881992 0.06101780536976358 0.34735807320504775 0.6336983410403407 0.7404955220167456 1.0283835750835792 +3900,0.5965514954833288,0,-0.41879561640829255 -1.085813661941365 -0.7489897990856815 -0.9140868905017644 -1.034040245946274 -1.1539936013907925 -1.2081660844947608 -1.262338567598738 -1.2958739143337472 -1.829292297912613 -1.3629446076489713 -1.3567534667228085 -0.8676533335554995 -0.3785532003881992 0.06101780536976358 0.34735807320504775 0.6336983410403407 0.7404955220167456 1.0283835750835792 0.8349104211408162 +3901,0.6484023007399949,0,-1.085813661941365 -0.7489897990856815 -0.9140868905017644 -1.034040245946274 -1.1539936013907925 -1.2081660844947608 -1.262338567598738 -1.2958739143337472 -1.829292297912613 -1.3629446076489713 -1.3567534667228085 -0.8676533335554995 -0.3785532003881992 0.06101780536976358 0.34735807320504775 0.6336983410403407 0.7404955220167456 1.0283835750835792 0.8349104211408162 0.5965514954833288 +3902,0.11983364416836288,0,-0.7489897990856815 -0.9140868905017644 -1.034040245946274 -1.1539936013907925 -1.2081660844947608 -1.262338567598738 -1.2958739143337472 -1.829292297912613 -1.3629446076489713 -1.3567534667228085 -0.8676533335554995 -0.3785532003881992 0.06101780536976358 0.34735807320504775 0.6336983410403407 0.7404955220167456 1.0283835750835792 0.8349104211408162 0.5965514954833288 0.6484023007399949 +3903,-0.16960219413001149,0,-0.9140868905017644 -1.034040245946274 -1.1539936013907925 -1.2081660844947608 -1.262338567598738 -1.2958739143337472 -1.829292297912613 -1.3629446076489713 -1.3567534667228085 -0.8676533335554995 -0.3785532003881992 0.06101780536976358 0.34735807320504775 0.6336983410403407 0.7404955220167456 1.0283835750835792 0.8349104211408162 0.5965514954833288 0.6484023007399949 0.11983364416836288 +3904,-0.47327765655857085,0,-1.034040245946274 -1.1539936013907925 -1.2081660844947608 -1.262338567598738 -1.2958739143337472 -1.829292297912613 -1.3629446076489713 -1.3567534667228085 -0.8676533335554995 -0.3785532003881992 0.06101780536976358 0.34735807320504775 0.6336983410403407 0.7404955220167456 1.0283835750835792 0.8349104211408162 0.5965514954833288 0.6484023007399949 0.11983364416836288 -0.16960219413001149 +3905,-0.5627396429417093,0,-1.1539936013907925 -1.2081660844947608 -1.262338567598738 -1.2958739143337472 -1.829292297912613 -1.3629446076489713 -1.3567534667228085 -0.8676533335554995 -0.3785532003881992 0.06101780536976358 0.34735807320504775 0.6336983410403407 0.7404955220167456 1.0283835750835792 0.8349104211408162 0.5965514954833288 0.6484023007399949 0.11983364416836288 -0.16960219413001149 -0.47327765655857085 +3906,-0.6788235353073673,0,-1.2081660844947608 -1.262338567598738 -1.2958739143337472 -1.829292297912613 -1.3629446076489713 -1.3567534667228085 -0.8676533335554995 -0.3785532003881992 0.06101780536976358 0.34735807320504775 0.6336983410403407 0.7404955220167456 1.0283835750835792 0.8349104211408162 0.5965514954833288 0.6484023007399949 0.11983364416836288 -0.16960219413001149 -0.47327765655857085 -0.5627396429417093 +3907,-0.7954233560319376,0,-1.262338567598738 -1.2958739143337472 -1.829292297912613 -1.3629446076489713 -1.3567534667228085 -0.8676533335554995 -0.3785532003881992 0.06101780536976358 0.34735807320504775 0.6336983410403407 0.7404955220167456 1.0283835750835792 0.8349104211408162 0.5965514954833288 0.6484023007399949 0.11983364416836288 -0.16960219413001149 -0.47327765655857085 -0.5627396429417093 -0.6788235353073673 +3908,-0.9120231769113024,0,-1.2958739143337472 -1.829292297912613 -1.3629446076489713 -1.3567534667228085 -0.8676533335554995 -0.3785532003881992 0.06101780536976358 0.34735807320504775 0.6336983410403407 0.7404955220167456 1.0283835750835792 0.8349104211408162 0.5965514954833288 0.6484023007399949 0.11983364416836288 -0.16960219413001149 -0.47327765655857085 -0.5627396429417093 -0.6788235353073673 -0.7954233560319376 +3909,-1.0286229976358816,0,-1.829292297912613 -1.3629446076489713 -1.3567534667228085 -0.8676533335554995 -0.3785532003881992 0.06101780536976358 0.34735807320504775 0.6336983410403407 0.7404955220167456 1.0283835750835792 0.8349104211408162 0.5965514954833288 0.6484023007399949 0.11983364416836288 -0.16960219413001149 -0.47327765655857085 -0.5627396429417093 -0.6788235353073673 -0.7954233560319376 -0.9120231769113024 +3910,-1.2930879009169671,0,-1.3629446076489713 -1.3567534667228085 -0.8676533335554995 -0.3785532003881992 0.06101780536976358 0.34735807320504775 0.6336983410403407 0.7404955220167456 1.0283835750835792 0.8349104211408162 0.5965514954833288 0.6484023007399949 0.11983364416836288 -0.16960219413001149 -0.47327765655857085 -0.5627396429417093 -0.6788235353073673 -0.7954233560319376 -0.9120231769113024 -1.0286229976358816 +3911,-1.5575528040432756,0,-1.3567534667228085 -0.8676533335554995 -0.3785532003881992 0.06101780536976358 0.34735807320504775 0.6336983410403407 0.7404955220167456 1.0283835750835792 0.8349104211408162 0.5965514954833288 0.6484023007399949 0.11983364416836288 -0.16960219413001149 -0.47327765655857085 -0.5627396429417093 -0.6788235353073673 -0.7954233560319376 -0.9120231769113024 -1.0286229976358816 -1.2930879009169671 +3912,-1.2143572254209325,0,-0.8676533335554995 -0.3785532003881992 0.06101780536976358 0.34735807320504775 0.6336983410403407 0.7404955220167456 1.0283835750835792 0.8349104211408162 0.5965514954833288 0.6484023007399949 0.11983364416836288 -0.16960219413001149 -0.47327765655857085 -0.5627396429417093 -0.6788235353073673 -0.7954233560319376 -0.9120231769113024 -1.0286229976358816 -1.2930879009169671 -1.5575528040432756 +3913,-1.5406303522300089,0,-0.3785532003881992 0.06101780536976358 0.34735807320504775 0.6336983410403407 0.7404955220167456 1.0283835750835792 0.8349104211408162 0.5965514954833288 0.6484023007399949 0.11983364416836288 -0.16960219413001149 -0.47327765655857085 -0.5627396429417093 -0.6788235353073673 -0.7954233560319376 -0.9120231769113024 -1.0286229976358816 -1.2930879009169671 -1.5575528040432756 -1.2143572254209325 +3914,-1.2592429971356567,0,0.06101780536976358 0.34735807320504775 0.6336983410403407 0.7404955220167456 1.0283835750835792 0.8349104211408162 0.5965514954833288 0.6484023007399949 0.11983364416836288 -0.16960219413001149 -0.47327765655857085 -0.5627396429417093 -0.6788235353073673 -0.7954233560319376 -0.9120231769113024 -1.0286229976358816 -1.2930879009169671 -1.5575528040432756 -1.2143572254209325 -1.5406303522300089 +3915,-1.1942360174108857,0,0.34735807320504775 0.6336983410403407 0.7404955220167456 1.0283835750835792 0.8349104211408162 0.5965514954833288 0.6484023007399949 0.11983364416836288 -0.16960219413001149 -0.47327765655857085 -0.5627396429417093 -0.6788235353073673 -0.7954233560319376 -0.9120231769113024 -1.0286229976358816 -1.2930879009169671 -1.5575528040432756 -1.2143572254209325 -1.5406303522300089 -1.2592429971356567 +3916,-1.0099721855958004,0,0.6336983410403407 0.7404955220167456 1.0283835750835792 0.8349104211408162 0.5965514954833288 0.6484023007399949 0.11983364416836288 -0.16960219413001149 -0.47327765655857085 -0.5627396429417093 -0.6788235353073673 -0.7954233560319376 -0.9120231769113024 -1.0286229976358816 -1.2930879009169671 -1.5575528040432756 -1.2143572254209325 -1.5406303522300089 -1.2592429971356567 -1.1942360174108857 +3917,-0.29032944219029144,0,0.7404955220167456 1.0283835750835792 0.8349104211408162 0.5965514954833288 0.6484023007399949 0.11983364416836288 -0.16960219413001149 -0.47327765655857085 -0.5627396429417093 -0.6788235353073673 -0.7954233560319376 -0.9120231769113024 -1.0286229976358816 -1.2930879009169671 -1.5575528040432756 -1.2143572254209325 -1.5406303522300089 -1.2592429971356567 -1.1942360174108857 -1.0099721855958004 +3918,0.11519028847373199,0,1.0283835750835792 0.8349104211408162 0.5965514954833288 0.6484023007399949 0.11983364416836288 -0.16960219413001149 -0.47327765655857085 -0.5627396429417093 -0.6788235353073673 -0.7954233560319376 -0.9120231769113024 -1.0286229976358816 -1.2930879009169671 -1.5575528040432756 -1.2143572254209325 -1.5406303522300089 -1.2592429971356567 -1.1942360174108857 -1.0099721855958004 -0.29032944219029144 +3919,0.46808532126533653,0,0.8349104211408162 0.5965514954833288 0.6484023007399949 0.11983364416836288 -0.16960219413001149 -0.47327765655857085 -0.5627396429417093 -0.6788235353073673 -0.7954233560319376 -0.9120231769113024 -1.0286229976358816 -1.2930879009169671 -1.5575528040432756 -1.2143572254209325 -1.5406303522300089 -1.2592429971356567 -1.1942360174108857 -1.0099721855958004 -0.29032944219029144 0.11519028847373199 +3920,0.8209803540569323,0,0.5965514954833288 0.6484023007399949 0.11983364416836288 -0.16960219413001149 -0.47327765655857085 -0.5627396429417093 -0.6788235353073673 -0.7954233560319376 -0.9120231769113024 -1.0286229976358816 -1.2930879009169671 -1.5575528040432756 -1.2143572254209325 -1.5406303522300089 -1.2592429971356567 -1.1942360174108857 -1.0099721855958004 -0.29032944219029144 0.11519028847373199 0.46808532126533653 +3921,0.9618288101272677,0,0.6484023007399949 0.11983364416836288 -0.16960219413001149 -0.47327765655857085 -0.5627396429417093 -0.6788235353073673 -0.7954233560319376 -0.9120231769113024 -1.0286229976358816 -1.2930879009169671 -1.5575528040432756 -1.2143572254209325 -1.5406303522300089 -1.2592429971356567 -1.1942360174108857 -1.0099721855958004 -0.29032944219029144 0.11519028847373199 0.46808532126533653 0.8209803540569323 +3922,0.9989756556842796,0,0.11983364416836288 -0.16960219413001149 -0.47327765655857085 -0.5627396429417093 -0.6788235353073673 -0.7954233560319376 -0.9120231769113024 -1.0286229976358816 -1.2930879009169671 -1.5575528040432756 -1.2143572254209325 -1.5406303522300089 -1.2592429971356567 -1.1942360174108857 -1.0099721855958004 -0.29032944219029144 0.11519028847373199 0.46808532126533653 0.8209803540569323 0.9618288101272677 +3923,1.0361225012412916,0,-0.16960219413001149 -0.47327765655857085 -0.5627396429417093 -0.6788235353073673 -0.7954233560319376 -0.9120231769113024 -1.0286229976358816 -1.2930879009169671 -1.5575528040432756 -1.2143572254209325 -1.5406303522300089 -1.2592429971356567 -1.1942360174108857 -1.0099721855958004 -0.29032944219029144 0.11519028847373199 0.46808532126533653 0.8209803540569323 0.9618288101272677 0.9989756556842796 +3924,0.790024649426092,0,-0.47327765655857085 -0.5627396429417093 -0.6788235353073673 -0.7954233560319376 -0.9120231769113024 -1.0286229976358816 -1.2930879009169671 -1.5575528040432756 -1.2143572254209325 -1.5406303522300089 -1.2592429971356567 -1.1942360174108857 -1.0099721855958004 -0.29032944219029144 0.11519028847373199 0.46808532126533653 0.8209803540569323 0.9618288101272677 0.9989756556842796 1.0361225012412916 +3925,0.8821952599644267,0,-0.5627396429417093 -0.6788235353073673 -0.7954233560319376 -0.9120231769113024 -1.0286229976358816 -1.2930879009169671 -1.5575528040432756 -1.2143572254209325 -1.5406303522300089 -1.2592429971356567 -1.1942360174108857 -1.0099721855958004 -0.29032944219029144 0.11519028847373199 0.46808532126533653 0.8209803540569323 0.9618288101272677 0.9989756556842796 1.0361225012412916 0.790024649426092 +3926,0.28699444917490774,0,-0.6788235353073673 -0.7954233560319376 -0.9120231769113024 -1.0286229976358816 -1.2930879009169671 -1.5575528040432756 -1.2143572254209325 -1.5406303522300089 -1.2592429971356567 -1.1942360174108857 -1.0099721855958004 -0.29032944219029144 0.11519028847373199 0.46808532126533653 0.8209803540569323 0.9618288101272677 0.9989756556842796 1.0361225012412916 0.790024649426092 0.8821952599644267 +3927,-0.24853924093865745,0,-0.7954233560319376 -0.9120231769113024 -1.0286229976358816 -1.2930879009169671 -1.5575528040432756 -1.2143572254209325 -1.5406303522300089 -1.2592429971356567 -1.1942360174108857 -1.0099721855958004 -0.29032944219029144 0.11519028847373199 0.46808532126533653 0.8209803540569323 0.9618288101272677 0.9989756556842796 1.0361225012412916 0.790024649426092 0.8821952599644267 0.28699444917490774 +3928,-0.33660822061340584,0,-0.9120231769113024 -1.0286229976358816 -1.2930879009169671 -1.5575528040432756 -1.2143572254209325 -1.5406303522300089 -1.2592429971356567 -1.1942360174108857 -1.0099721855958004 -0.29032944219029144 0.11519028847373199 0.46808532126533653 0.8209803540569323 0.9618288101272677 0.9989756556842796 1.0361225012412916 0.790024649426092 0.8821952599644267 0.28699444917490774 -0.24853924093865745 +3929,-0.6540589716026897,0,-1.0286229976358816 -1.2930879009169671 -1.5575528040432756 -1.2143572254209325 -1.5406303522300089 -1.2592429971356567 -1.1942360174108857 -1.0099721855958004 -0.29032944219029144 0.11519028847373199 0.46808532126533653 0.8209803540569323 0.9618288101272677 0.9989756556842796 1.0361225012412916 0.790024649426092 0.8821952599644267 0.28699444917490774 -0.24853924093865745 -0.33660822061340584 +3930,-0.5379750792370318,0,-1.2930879009169671 -1.5575528040432756 -1.2143572254209325 -1.5406303522300089 -1.2592429971356567 -1.1942360174108857 -1.0099721855958004 -0.29032944219029144 0.11519028847373199 0.46808532126533653 0.8209803540569323 0.9618288101272677 0.9989756556842796 1.0361225012412916 0.790024649426092 0.8821952599644267 0.28699444917490774 -0.24853924093865745 -0.33660822061340584 -0.6540589716026897 +3931,-0.8240057900260148,0,-1.5575528040432756 -1.2143572254209325 -1.5406303522300089 -1.2592429971356567 -1.1942360174108857 -1.0099721855958004 -0.29032944219029144 0.11519028847373199 0.46808532126533653 0.8209803540569323 0.9618288101272677 0.9989756556842796 1.0361225012412916 0.790024649426092 0.8821952599644267 0.28699444917490774 -0.24853924093865745 -0.33660822061340584 -0.6540589716026897 -0.5379750792370318 +3932,-0.6772757500758178,0,-1.2143572254209325 -1.5406303522300089 -1.2592429971356567 -1.1942360174108857 -1.0099721855958004 -0.29032944219029144 0.11519028847373199 0.46808532126533653 0.8209803540569323 0.9618288101272677 0.9989756556842796 1.0361225012412916 0.790024649426092 0.8821952599644267 0.28699444917490774 -0.24853924093865745 -0.33660822061340584 -0.6540589716026897 -0.5379750792370318 -0.8240057900260148 +3933,-0.7608561525790946,0,-1.5406303522300089 -1.2592429971356567 -1.1942360174108857 -1.0099721855958004 -0.29032944219029144 0.11519028847373199 0.46808532126533653 0.8209803540569323 0.9618288101272677 0.9989756556842796 1.0361225012412916 0.790024649426092 0.8821952599644267 0.28699444917490774 -0.24853924093865745 -0.33660822061340584 -0.6540589716026897 -0.5379750792370318 -0.8240057900260148 -0.6772757500758178 +3934,-0.9975899037434571,0,-1.2592429971356567 -1.1942360174108857 -1.0099721855958004 -0.29032944219029144 0.11519028847373199 0.46808532126533653 0.8209803540569323 0.9618288101272677 0.9989756556842796 1.0361225012412916 0.790024649426092 0.8821952599644267 0.28699444917490774 -0.24853924093865745 -0.33660822061340584 -0.6540589716026897 -0.5379750792370318 -0.8240057900260148 -0.6772757500758178 -0.7608561525790946 +3935,-0.9094435348071335,0,-1.1942360174108857 -1.0099721855958004 -0.29032944219029144 0.11519028847373199 0.46808532126533653 0.8209803540569323 0.9618288101272677 0.9989756556842796 1.0361225012412916 0.790024649426092 0.8821952599644267 0.28699444917490774 -0.24853924093865745 -0.33660822061340584 -0.6540589716026897 -0.5379750792370318 -0.8240057900260148 -0.6772757500758178 -0.7608561525790946 -0.9975899037434571 +3936,-0.9636160179111107,0,-1.0099721855958004 -0.29032944219029144 0.11519028847373199 0.46808532126533653 0.8209803540569323 0.9618288101272677 0.9989756556842796 1.0361225012412916 0.790024649426092 0.8821952599644267 0.28699444917490774 -0.24853924093865745 -0.33660822061340584 -0.6540589716026897 -0.5379750792370318 -0.8240057900260148 -0.6772757500758178 -0.7608561525790946 -0.9975899037434571 -0.9094435348071335 +3937,-0.9852850111526981,0,-0.29032944219029144 0.11519028847373199 0.46808532126533653 0.8209803540569323 0.9618288101272677 0.9989756556842796 1.0361225012412916 0.790024649426092 0.8821952599644267 0.28699444917490774 -0.24853924093865745 -0.33660822061340584 -0.6540589716026897 -0.5379750792370318 -0.8240057900260148 -0.6772757500758178 -0.7608561525790946 -0.9975899037434571 -0.9094435348071335 -0.9636160179111107 +3938,-1.0069540043942942,0,0.11519028847373199 0.46808532126533653 0.8209803540569323 0.9618288101272677 0.9989756556842796 1.0361225012412916 0.790024649426092 0.8821952599644267 0.28699444917490774 -0.24853924093865745 -0.33660822061340584 -0.6540589716026897 -0.5379750792370318 -0.8240057900260148 -0.6772757500758178 -0.7608561525790946 -0.9975899037434571 -0.9094435348071335 -0.9636160179111107 -0.9852850111526981 +3939,-1.0208840714781693,0,0.46808532126533653 0.8209803540569323 0.9618288101272677 0.9989756556842796 1.0361225012412916 0.790024649426092 0.8821952599644267 0.28699444917490774 -0.24853924093865745 -0.33660822061340584 -0.6540589716026897 -0.5379750792370318 -0.8240057900260148 -0.6772757500758178 -0.7608561525790946 -0.9975899037434571 -0.9094435348071335 -0.9636160179111107 -0.9852850111526981 -1.0069540043942942 +3940,-0.6045298441933433,0,0.8209803540569323 0.9618288101272677 0.9989756556842796 1.0361225012412916 0.790024649426092 0.8821952599644267 0.28699444917490774 -0.24853924093865745 -0.33660822061340584 -0.6540589716026897 -0.5379750792370318 -0.8240057900260148 -0.6772757500758178 -0.7608561525790946 -0.9975899037434571 -0.9094435348071335 -0.9636160179111107 -0.9852850111526981 -1.0069540043942942 -1.0208840714781693 +3941,-0.18817561690851745,0,0.9618288101272677 0.9989756556842796 1.0361225012412916 0.790024649426092 0.8821952599644267 0.28699444917490774 -0.24853924093865745 -0.33660822061340584 -0.6540589716026897 -0.5379750792370318 -0.8240057900260148 -0.6772757500758178 -0.7608561525790946 -0.9975899037434571 -0.9094435348071335 -0.9636160179111107 -0.9852850111526981 -1.0069540043942942 -1.0208840714781693 -0.6045298441933433 +3942,0.3937916301513127,0,0.9989756556842796 1.0361225012412916 0.790024649426092 0.8821952599644267 0.28699444917490774 -0.24853924093865745 -0.33660822061340584 -0.6540589716026897 -0.5379750792370318 -0.8240057900260148 -0.6772757500758178 -0.7608561525790946 -0.9975899037434571 -0.9094435348071335 -0.9636160179111107 -0.9852850111526981 -1.0069540043942942 -1.0208840714781693 -0.6045298441933433 -0.18817561690851745 +3943,0.8573533069981738,0,1.0361225012412916 0.790024649426092 0.8821952599644267 0.28699444917490774 -0.24853924093865745 -0.33660822061340584 -0.6540589716026897 -0.5379750792370318 -0.8240057900260148 -0.6772757500758178 -0.7608561525790946 -0.9975899037434571 -0.9094435348071335 -0.9636160179111107 -0.9852850111526981 -1.0069540043942942 -1.0208840714781693 -0.6045298441933433 -0.18817561690851745 0.3937916301513127 +3944,1.3209149838450351,0,0.790024649426092 0.8821952599644267 0.28699444917490774 -0.24853924093865745 -0.33660822061340584 -0.6540589716026897 -0.5379750792370318 -0.8240057900260148 -0.6772757500758178 -0.7608561525790946 -0.9975899037434571 -0.9094435348071335 -0.9636160179111107 -0.9852850111526981 -1.0069540043942942 -1.0208840714781693 -0.6045298441933433 -0.18817561690851745 0.3937916301513127 0.8573533069981738 +3945,1.3456795475497125,0,0.8821952599644267 0.28699444917490774 -0.24853924093865745 -0.33660822061340584 -0.6540589716026897 -0.5379750792370318 -0.8240057900260148 -0.6772757500758178 -0.7608561525790946 -0.9975899037434571 -0.9094435348071335 -0.9636160179111107 -0.9852850111526981 -1.0069540043942942 -1.0208840714781693 -0.6045298441933433 -0.18817561690851745 0.3937916301513127 0.8573533069981738 1.3209149838450351 +3946,1.4828907083259133,0,0.28699444917490774 -0.24853924093865745 -0.33660822061340584 -0.6540589716026897 -0.5379750792370318 -0.8240057900260148 -0.6772757500758178 -0.7608561525790946 -0.9975899037434571 -0.9094435348071335 -0.9636160179111107 -0.9852850111526981 -1.0069540043942942 -1.0208840714781693 -0.6045298441933433 -0.18817561690851745 0.3937916301513127 0.8573533069981738 1.3209149838450351 1.3456795475497125 +3947,1.3952086749590589,0,-0.24853924093865745 -0.33660822061340584 -0.6540589716026897 -0.5379750792370318 -0.8240057900260148 -0.6772757500758178 -0.7608561525790946 -0.9975899037434571 -0.9094435348071335 -0.9636160179111107 -0.9852850111526981 -1.0069540043942942 -1.0208840714781693 -0.6045298441933433 -0.18817561690851745 0.3937916301513127 0.8573533069981738 1.3209149838450351 1.3456795475497125 1.4828907083259133 +3948,1.3642529703282185,0,-0.33660822061340584 -0.6540589716026897 -0.5379750792370318 -0.8240057900260148 -0.6772757500758178 -0.7608561525790946 -0.9975899037434571 -0.9094435348071335 -0.9636160179111107 -0.9852850111526981 -1.0069540043942942 -1.0208840714781693 -0.6045298441933433 -0.18817561690851745 0.3937916301513127 0.8573533069981738 1.3209149838450351 1.3456795475497125 1.4828907083259133 1.3952086749590589 +3949,1.1186968433440634,0,-0.6540589716026897 -0.5379750792370318 -0.8240057900260148 -0.6772757500758178 -0.7608561525790946 -0.9975899037434571 -0.9094435348071335 -0.9636160179111107 -0.9852850111526981 -1.0069540043942942 -1.0208840714781693 -0.6045298441933433 -0.18817561690851745 0.3937916301513127 0.8573533069981738 1.3209149838450351 1.3456795475497125 1.4828907083259133 1.3952086749590589 1.3642529703282185 +3950,0.8643183405401158,0,-0.5379750792370318 -0.8240057900260148 -0.6772757500758178 -0.7608561525790946 -0.9975899037434571 -0.9094435348071335 -0.9636160179111107 -0.9852850111526981 -1.0069540043942942 -1.0208840714781693 -0.6045298441933433 -0.18817561690851745 0.3937916301513127 0.8573533069981738 1.3209149838450351 1.3456795475497125 1.4828907083259133 1.3952086749590589 1.3642529703282185 1.1186968433440634 +3951,0.4448685427922085,0,-0.8240057900260148 -0.6772757500758178 -0.7608561525790946 -0.9975899037434571 -0.9094435348071335 -0.9636160179111107 -0.9852850111526981 -1.0069540043942942 -1.0208840714781693 -0.6045298441933433 -0.18817561690851745 0.3937916301513127 0.8573533069981738 1.3209149838450351 1.3456795475497125 1.4828907083259133 1.3952086749590589 1.3642529703282185 1.1186968433440634 0.8643183405401158 +3952,0.15775438234114517,0,-0.6772757500758178 -0.7608561525790946 -0.9975899037434571 -0.9094435348071335 -0.9636160179111107 -0.9852850111526981 -1.0069540043942942 -1.0208840714781693 -0.6045298441933433 -0.18817561690851745 0.3937916301513127 0.8573533069981738 1.3209149838450351 1.3456795475497125 1.4828907083259133 1.3952086749590589 1.3642529703282185 1.1186968433440634 0.8643183405401158 0.4448685427922085 +3953,-0.12935977810991817,0,-0.7608561525790946 -0.9975899037434571 -0.9094435348071335 -0.9636160179111107 -0.9852850111526981 -1.0069540043942942 -1.0208840714781693 -0.6045298441933433 -0.18817561690851745 0.3937916301513127 0.8573533069981738 1.3209149838450351 1.3456795475497125 1.4828907083259133 1.3952086749590589 1.3642529703282185 1.1186968433440634 0.8643183405401158 0.4448685427922085 0.15775438234114517 +3954,-0.3708142742304869,0,-0.9975899037434571 -0.9094435348071335 -0.9636160179111107 -0.9852850111526981 -1.0069540043942942 -1.0208840714781693 -0.6045298441933433 -0.18817561690851745 0.3937916301513127 0.8573533069981738 1.3209149838450351 1.3456795475497125 1.4828907083259133 1.3952086749590589 1.3642529703282185 1.1186968433440634 0.8643183405401158 0.4448685427922085 0.15775438234114517 -0.12935977810991817 +3955,-0.5294622604635492,0,-0.9094435348071335 -0.9636160179111107 -0.9852850111526981 -1.0069540043942942 -1.0208840714781693 -0.6045298441933433 -0.18817561690851745 0.3937916301513127 0.8573533069981738 1.3209149838450351 1.3456795475497125 1.4828907083259133 1.3952086749590589 1.3642529703282185 1.1186968433440634 0.8643183405401158 0.4448685427922085 0.15775438234114517 -0.12935977810991817 -0.3708142742304869 +3956,-0.6881102466966202,0,-0.9636160179111107 -0.9852850111526981 -1.0069540043942942 -1.0208840714781693 -0.6045298441933433 -0.18817561690851745 0.3937916301513127 0.8573533069981738 1.3209149838450351 1.3456795475497125 1.4828907083259133 1.3952086749590589 1.3642529703282185 1.1186968433440634 0.8643183405401158 0.4448685427922085 0.15775438234114517 -0.12935977810991817 -0.3708142742304869 -0.5294622604635492 +3957,-0.7113270251697483,0,-0.9852850111526981 -1.0069540043942942 -1.0208840714781693 -0.6045298441933433 -0.18817561690851745 0.3937916301513127 0.8573533069981738 1.3209149838450351 1.3456795475497125 1.4828907083259133 1.3952086749590589 1.3642529703282185 1.1186968433440634 0.8643183405401158 0.4448685427922085 0.15775438234114517 -0.12935977810991817 -0.3708142742304869 -0.5294622604635492 -0.6881102466966202 +3958,-0.7753021480218909,0,-1.0069540043942942 -1.0208840714781693 -0.6045298441933433 -0.18817561690851745 0.3937916301513127 0.8573533069981738 1.3209149838450351 1.3456795475497125 1.4828907083259133 1.3952086749590589 1.3642529703282185 1.1186968433440634 0.8643183405401158 0.4448685427922085 0.15775438234114517 -0.12935977810991817 -0.3708142742304869 -0.5294622604635492 -0.6881102466966202 -0.7113270251697483 +3959,-0.8392772710288192,0,-1.0208840714781693 -0.6045298441933433 -0.18817561690851745 0.3937916301513127 0.8573533069981738 1.3209149838450351 1.3456795475497125 1.4828907083259133 1.3952086749590589 1.3642529703282185 1.1186968433440634 0.8643183405401158 0.4448685427922085 0.15775438234114517 -0.12935977810991817 -0.3708142742304869 -0.5294622604635492 -0.6881102466966202 -0.7113270251697483 -0.7753021480218909 +3960,-0.9032523938809707,0,-0.6045298441933433 -0.18817561690851745 0.3937916301513127 0.8573533069981738 1.3209149838450351 1.3456795475497125 1.4828907083259133 1.3952086749590589 1.3642529703282185 1.1186968433440634 0.8643183405401158 0.4448685427922085 0.15775438234114517 -0.12935977810991817 -0.3708142742304869 -0.5294622604635492 -0.6881102466966202 -0.7113270251697483 -0.7753021480218909 -0.8392772710288192 +3961,-0.8962873603390288,0,-0.18817561690851745 0.3937916301513127 0.8573533069981738 1.3209149838450351 1.3456795475497125 1.4828907083259133 1.3952086749590589 1.3642529703282185 1.1186968433440634 0.8643183405401158 0.4448685427922085 0.15775438234114517 -0.12935977810991817 -0.3708142742304869 -0.5294622604635492 -0.6881102466966202 -0.7113270251697483 -0.7753021480218909 -0.8392772710288192 -0.9032523938809707 +3962,-0.8893223267970869,0,0.3937916301513127 0.8573533069981738 1.3209149838450351 1.3456795475497125 1.4828907083259133 1.3952086749590589 1.3642529703282185 1.1186968433440634 0.8643183405401158 0.4448685427922085 0.15775438234114517 -0.12935977810991817 -0.3708142742304869 -0.5294622604635492 -0.6881102466966202 -0.7113270251697483 -0.7753021480218909 -0.8392772710288192 -0.9032523938809707 -0.8962873603390288 +3963,-0.8521754812400837,0,0.8573533069981738 1.3209149838450351 1.3456795475497125 1.4828907083259133 1.3952086749590589 1.3642529703282185 1.1186968433440634 0.8643183405401158 0.4448685427922085 0.15775438234114517 -0.12935977810991817 -0.3708142742304869 -0.5294622604635492 -0.6881102466966202 -0.7113270251697483 -0.7753021480218909 -0.8392772710288192 -0.9032523938809707 -0.8962873603390288 -0.8893223267970869 +3964,-0.34055507295383286,0,1.3209149838450351 1.3456795475497125 1.4828907083259133 1.3952086749590589 1.3642529703282185 1.1186968433440634 0.8643183405401158 0.4448685427922085 0.15775438234114517 -0.12935977810991817 -0.3708142742304869 -0.5294622604635492 -0.6881102466966202 -0.7113270251697483 -0.7753021480218909 -0.8392772710288192 -0.9032523938809707 -0.8962873603390288 -0.8893223267970869 -0.8521754812400837 +3965,0.17091055680924988,0,1.3456795475497125 1.4828907083259133 1.3952086749590589 1.3642529703282185 1.1186968433440634 0.8643183405401158 0.4448685427922085 0.15775438234114517 -0.12935977810991817 -0.3708142742304869 -0.5294622604635492 -0.6881102466966202 -0.7113270251697483 -0.7753021480218909 -0.8392772710288192 -0.9032523938809707 -0.8962873603390288 -0.8893223267970869 -0.8521754812400837 -0.34055507295383286 +3966,0.5583727930536975,0,1.4828907083259133 1.3952086749590589 1.3642529703282185 1.1186968433440634 0.8643183405401158 0.4448685427922085 0.15775438234114517 -0.12935977810991817 -0.3708142742304869 -0.5294622604635492 -0.6881102466966202 -0.7113270251697483 -0.7753021480218909 -0.8392772710288192 -0.9032523938809707 -0.8962873603390288 -0.8893223267970869 -0.8521754812400837 -0.34055507295383286 0.17091055680924988 +3967,1.092926219238881,0,1.3952086749590589 1.3642529703282185 1.1186968433440634 0.8643183405401158 0.4448685427922085 0.15775438234114517 -0.12935977810991817 -0.3708142742304869 -0.5294622604635492 -0.6881102466966202 -0.7113270251697483 -0.7753021480218909 -0.8392772710288192 -0.9032523938809707 -0.8962873603390288 -0.8893223267970869 -0.8521754812400837 -0.34055507295383286 0.17091055680924988 0.5583727930536975 +3968,1.3332972656973694,0,1.3642529703282185 1.1186968433440634 0.8643183405401158 0.4448685427922085 0.15775438234114517 -0.12935977810991817 -0.3708142742304869 -0.5294622604635492 -0.6881102466966202 -0.7113270251697483 -0.7753021480218909 -0.8392772710288192 -0.9032523938809707 -0.8962873603390288 -0.8893223267970869 -0.8521754812400837 -0.34055507295383286 0.17091055680924988 0.5583727930536975 1.092926219238881 +3969,1.4586678694522803,0,1.1186968433440634 0.8643183405401158 0.4448685427922085 0.15775438234114517 -0.12935977810991817 -0.3708142742304869 -0.5294622604635492 -0.6881102466966202 -0.7113270251697483 -0.7753021480218909 -0.8392772710288192 -0.9032523938809707 -0.8962873603390288 -0.8893223267970869 -0.8521754812400837 -0.34055507295383286 0.17091055680924988 0.5583727930536975 1.092926219238881 1.3332972656973694 +3970,1.2394240914043435,0,0.8643183405401158 0.4448685427922085 0.15775438234114517 -0.12935977810991817 -0.3708142742304869 -0.5294622604635492 -0.6881102466966202 -0.7113270251697483 -0.7753021480218909 -0.8392772710288192 -0.9032523938809707 -0.8962873603390288 -0.8893223267970869 -0.8521754812400837 -0.34055507295383286 0.17091055680924988 0.5583727930536975 1.092926219238881 1.3332972656973694 1.4586678694522803 +3971,1.2481690779625607,0,0.4448685427922085 0.15775438234114517 -0.12935977810991817 -0.3708142742304869 -0.5294622604635492 -0.6881102466966202 -0.7113270251697483 -0.7753021480218909 -0.8392772710288192 -0.9032523938809707 -0.8962873603390288 -0.8893223267970869 -0.8521754812400837 -0.34055507295383286 0.17091055680924988 0.5583727930536975 1.092926219238881 1.3332972656973694 1.4586678694522803 1.2394240914043435 +3972,1.316271628150413,0,0.15775438234114517 -0.12935977810991817 -0.3708142742304869 -0.5294622604635492 -0.6881102466966202 -0.7113270251697483 -0.7753021480218909 -0.8392772710288192 -0.9032523938809707 -0.8962873603390288 -0.8893223267970869 -0.8521754812400837 -0.34055507295383286 0.17091055680924988 0.5583727930536975 1.092926219238881 1.3332972656973694 1.4586678694522803 1.2394240914043435 1.2481690779625607 +3973,1.0152274006154658,0,-0.12935977810991817 -0.3708142742304869 -0.5294622604635492 -0.6881102466966202 -0.7113270251697483 -0.7753021480218909 -0.8392772710288192 -0.9032523938809707 -0.8962873603390288 -0.8893223267970869 -0.8521754812400837 -0.34055507295383286 0.17091055680924988 0.5583727930536975 1.092926219238881 1.3332972656973694 1.4586678694522803 1.2394240914043435 1.2481690779625607 1.316271628150413 +3974,0.7141831730805274,0,-0.3708142742304869 -0.5294622604635492 -0.6881102466966202 -0.7113270251697483 -0.7753021480218909 -0.8392772710288192 -0.9032523938809707 -0.8962873603390288 -0.8893223267970869 -0.8521754812400837 -0.34055507295383286 0.17091055680924988 0.5583727930536975 1.092926219238881 1.3332972656973694 1.4586678694522803 1.2394240914043435 1.2481690779625607 1.316271628150413 1.0152274006154658 +3975,0.2730643820910327,0,-0.5294622604635492 -0.6881102466966202 -0.7113270251697483 -0.7753021480218909 -0.8392772710288192 -0.9032523938809707 -0.8962873603390288 -0.8893223267970869 -0.8521754812400837 -0.34055507295383286 0.17091055680924988 0.5583727930536975 1.092926219238881 1.3332972656973694 1.4586678694522803 1.2394240914043435 1.2481690779625607 1.316271628150413 1.0152274006154658 0.7141831730805274 +3976,0.05869612752245254,0,-0.6881102466966202 -0.7113270251697483 -0.7753021480218909 -0.8392772710288192 -0.9032523938809707 -0.8962873603390288 -0.8893223267970869 -0.8521754812400837 -0.34055507295383286 0.17091055680924988 0.5583727930536975 1.092926219238881 1.3332972656973694 1.4586678694522803 1.2394240914043435 1.2481690779625607 1.316271628150413 1.0152274006154658 0.7141831730805274 0.2730643820910327 +3977,-0.15567212704613642,0,-0.7113270251697483 -0.7753021480218909 -0.8392772710288192 -0.9032523938809707 -0.8962873603390288 -0.8893223267970869 -0.8521754812400837 -0.34055507295383286 0.17091055680924988 0.5583727930536975 1.092926219238881 1.3332972656973694 1.4586678694522803 1.2394240914043435 1.2481690779625607 1.316271628150413 1.0152274006154658 0.7141831730805274 0.2730643820910327 0.05869612752245254 +3978,-0.3119984354318876,0,-0.7753021480218909 -0.8392772710288192 -0.9032523938809707 -0.8962873603390288 -0.8893223267970869 -0.8521754812400837 -0.34055507295383286 0.17091055680924988 0.5583727930536975 1.092926219238881 1.3332972656973694 1.4586678694522803 1.2394240914043435 1.2481690779625607 1.316271628150413 1.0152274006154658 0.7141831730805274 0.2730643820910327 0.05869612752245254 -0.15567212704613642 +3979,-0.6877233003887351,0,-0.8392772710288192 -0.9032523938809707 -0.8962873603390288 -0.8893223267970869 -0.8521754812400837 -0.34055507295383286 0.17091055680924988 0.5583727930536975 1.092926219238881 1.3332972656973694 1.4586678694522803 1.2394240914043435 1.2481690779625607 1.316271628150413 1.0152274006154658 0.7141831730805274 0.2730643820910327 0.05869612752245254 -0.15567212704613642 -0.3119984354318876 +3980,-0.48999373705922616,0,-0.9032523938809707 -0.8962873603390288 -0.8893223267970869 -0.8521754812400837 -0.34055507295383286 0.17091055680924988 0.5583727930536975 1.092926219238881 1.3332972656973694 1.4586678694522803 1.2394240914043435 1.2481690779625607 1.316271628150413 1.0152274006154658 0.7141831730805274 0.2730643820910327 0.05869612752245254 -0.15567212704613642 -0.3119984354318876 -0.6877233003887351 +3981,-0.5580962872470785,0,-0.8962873603390288 -0.8893223267970869 -0.8521754812400837 -0.34055507295383286 0.17091055680924988 0.5583727930536975 1.092926219238881 1.3332972656973694 1.4586678694522803 1.2394240914043435 1.2481690779625607 1.316271628150413 1.0152274006154658 0.7141831730805274 0.2730643820910327 0.05869612752245254 -0.15567212704613642 -0.3119984354318876 -0.6877233003887351 -0.48999373705922616 +3982,-0.9011628838183855,0,-0.8893223267970869 -0.8521754812400837 -0.34055507295383286 0.17091055680924988 0.5583727930536975 1.092926219238881 1.3332972656973694 1.4586678694522803 1.2394240914043435 1.2481690779625607 1.316271628150413 1.0152274006154658 0.7141831730805274 0.2730643820910327 0.05869612752245254 -0.15567212704613642 -0.3119984354318876 -0.6877233003887351 -0.48999373705922616 -0.5580962872470785 +3983,-0.7268048774851729,0,-0.8521754812400837 -0.34055507295383286 0.17091055680924988 0.5583727930536975 1.092926219238881 1.3332972656973694 1.4586678694522803 1.2394240914043435 1.2481690779625607 1.316271628150413 1.0152274006154658 0.7141831730805274 0.2730643820910327 0.05869612752245254 -0.15567212704613642 -0.3119984354318876 -0.6877233003887351 -0.48999373705922616 -0.5580962872470785 -0.9011628838183855 +3984,-0.7531172264213823,0,-0.34055507295383286 0.17091055680924988 0.5583727930536975 1.092926219238881 1.3332972656973694 1.4586678694522803 1.2394240914043435 1.2481690779625607 1.316271628150413 1.0152274006154658 0.7141831730805274 0.2730643820910327 0.05869612752245254 -0.15567212704613642 -0.3119984354318876 -0.6877233003887351 -0.48999373705922616 -0.5580962872470785 -0.9011628838183855 -0.7268048774851729 +3985,-0.7802034679733709,0,0.17091055680924988 0.5583727930536975 1.092926219238881 1.3332972656973694 1.4586678694522803 1.2394240914043435 1.2481690779625607 1.316271628150413 1.0152274006154658 0.7141831730805274 0.2730643820910327 0.05869612752245254 -0.15567212704613642 -0.3119984354318876 -0.6877233003887351 -0.48999373705922616 -0.5580962872470785 -0.9011628838183855 -0.7268048774851729 -0.7531172264213823 +3986,-0.8072897095253595,0,0.5583727930536975 1.092926219238881 1.3332972656973694 1.4586678694522803 1.2394240914043435 1.2481690779625607 1.316271628150413 1.0152274006154658 0.7141831730805274 0.2730643820910327 0.05869612752245254 -0.15567212704613642 -0.3119984354318876 -0.6877233003887351 -0.48999373705922616 -0.5580962872470785 -0.9011628838183855 -0.7268048774851729 -0.7531172264213823 -0.7802034679733709 +3987,-0.7809773605891412,0,1.092926219238881 1.3332972656973694 1.4586678694522803 1.2394240914043435 1.2481690779625607 1.316271628150413 1.0152274006154658 0.7141831730805274 0.2730643820910327 0.05869612752245254 -0.15567212704613642 -0.3119984354318876 -0.6877233003887351 -0.48999373705922616 -0.5580962872470785 -0.9011628838183855 -0.7268048774851729 -0.7531172264213823 -0.7802034679733709 -0.8072897095253595 +3988,-0.5426184349316627,0,1.3332972656973694 1.4586678694522803 1.2394240914043435 1.2481690779625607 1.316271628150413 1.0152274006154658 0.7141831730805274 0.2730643820910327 0.05869612752245254 -0.15567212704613642 -0.3119984354318876 -0.6877233003887351 -0.48999373705922616 -0.5580962872470785 -0.9011628838183855 -0.7268048774851729 -0.7531172264213823 -0.7802034679733709 -0.8072897095253595 -0.7809773605891412 +3989,-0.30425950927417533,0,1.4586678694522803 1.2394240914043435 1.2481690779625607 1.316271628150413 1.0152274006154658 0.7141831730805274 0.2730643820910327 0.05869612752245254 -0.15567212704613642 -0.3119984354318876 -0.6877233003887351 -0.48999373705922616 -0.5580962872470785 -0.9011628838183855 -0.7268048774851729 -0.7531172264213823 -0.7802034679733709 -0.8072897095253595 -0.7809773605891412 -0.5426184349316627 +3990,0.15233713403074392,0,1.2394240914043435 1.2481690779625607 1.316271628150413 1.0152274006154658 0.7141831730805274 0.2730643820910327 0.05869612752245254 -0.15567212704613642 -0.3119984354318876 -0.6877233003887351 -0.48999373705922616 -0.5580962872470785 -0.9011628838183855 -0.7268048774851729 -0.7531172264213823 -0.7802034679733709 -0.8072897095253595 -0.7809773605891412 -0.5426184349316627 -0.30425950927417533 +3991,0.5015948715282226,0,1.2481690779625607 1.316271628150413 1.0152274006154658 0.7141831730805274 0.2730643820910327 0.05869612752245254 -0.15567212704613642 -0.3119984354318876 -0.6877233003887351 -0.48999373705922616 -0.5580962872470785 -0.9011628838183855 -0.7268048774851729 -0.7531172264213823 -0.7802034679733709 -0.8072897095253595 -0.7809773605891412 -0.5426184349316627 -0.30425950927417533 0.15233713403074392 +3992,0.7358521663221236,0,1.316271628150413 1.0152274006154658 0.7141831730805274 0.2730643820910327 0.05869612752245254 -0.15567212704613642 -0.3119984354318876 -0.6877233003887351 -0.48999373705922616 -0.5580962872470785 -0.9011628838183855 -0.7268048774851729 -0.7531172264213823 -0.7802034679733709 -0.8072897095253595 -0.7809773605891412 -0.5426184349316627 -0.30425950927417533 0.15233713403074392 0.5015948715282226 +3993,0.8674139110031972,0,1.0152274006154658 0.7141831730805274 0.2730643820910327 0.05869612752245254 -0.15567212704613642 -0.3119984354318876 -0.6877233003887351 -0.48999373705922616 -0.5580962872470785 -0.9011628838183855 -0.7268048774851729 -0.7531172264213823 -0.7802034679733709 -0.8072897095253595 -0.7809773605891412 -0.5426184349316627 -0.30425950927417533 0.15233713403074392 0.5015948715282226 0.7358521663221236 +3994,0.8102232466977138,0,0.7141831730805274 0.2730643820910327 0.05869612752245254 -0.15567212704613642 -0.3119984354318876 -0.6877233003887351 -0.48999373705922616 -0.5580962872470785 -0.9011628838183855 -0.7268048774851729 -0.7531172264213823 -0.7802034679733709 -0.8072897095253595 -0.7809773605891412 -0.5426184349316627 -0.30425950927417533 0.15233713403074392 0.5015948715282226 0.7358521663221236 0.8674139110031972 +3995,0.7590689447952516,0,0.2730643820910327 0.05869612752245254 -0.15567212704613642 -0.3119984354318876 -0.6877233003887351 -0.48999373705922616 -0.5580962872470785 -0.9011628838183855 -0.7268048774851729 -0.7531172264213823 -0.7802034679733709 -0.8072897095253595 -0.7809773605891412 -0.5426184349316627 -0.30425950927417533 0.15233713403074392 0.5015948715282226 0.7358521663221236 0.8674139110031972 0.8102232466977138 +3996,0.6429850524295937,0,0.05869612752245254 -0.15567212704613642 -0.3119984354318876 -0.6877233003887351 -0.48999373705922616 -0.5580962872470785 -0.9011628838183855 -0.7268048774851729 -0.7531172264213823 -0.7802034679733709 -0.8072897095253595 -0.7809773605891412 -0.5426184349316627 -0.30425950927417533 0.15233713403074392 0.5015948715282226 0.7358521663221236 0.8674139110031972 0.8102232466977138 0.7590689447952516 +3997,0.38450491876205967,0,-0.15567212704613642 -0.3119984354318876 -0.6877233003887351 -0.48999373705922616 -0.5580962872470785 -0.9011628838183855 -0.7268048774851729 -0.7531172264213823 -0.7802034679733709 -0.8072897095253595 -0.7809773605891412 -0.5426184349316627 -0.30425950927417533 0.15233713403074392 0.5015948715282226 0.7358521663221236 0.8674139110031972 0.8102232466977138 0.7590689447952516 0.6429850524295937 +3998,0.12602478509453446,0,-0.3119984354318876 -0.6877233003887351 -0.48999373705922616 -0.5580962872470785 -0.9011628838183855 -0.7268048774851729 -0.7531172264213823 -0.7802034679733709 -0.8072897095253595 -0.7809773605891412 -0.5426184349316627 -0.30425950927417533 0.15233713403074392 0.5015948715282226 0.7358521663221236 0.8674139110031972 0.8102232466977138 0.7590689447952516 0.6429850524295937 0.38450491876205967 +3999,-0.2516348114017388,0,-0.6877233003887351 -0.48999373705922616 -0.5580962872470785 -0.9011628838183855 -0.7268048774851729 -0.7531172264213823 -0.7802034679733709 -0.8072897095253595 -0.7809773605891412 -0.5426184349316627 -0.30425950927417533 0.15233713403074392 0.5015948715282226 0.7358521663221236 0.8674139110031972 0.8102232466977138 0.7590689447952516 0.6429850524295937 0.38450491876205967 0.12602478509453446 +4000,-0.4373690391867985,0,-0.48999373705922616 -0.5580962872470785 -0.9011628838183855 -0.7268048774851729 -0.7531172264213823 -0.7802034679733709 -0.8072897095253595 -0.7809773605891412 -0.5426184349316627 -0.30425950927417533 0.15233713403074392 0.5015948715282226 0.7358521663221236 0.8674139110031972 0.8102232466977138 0.7590689447952516 0.6429850524295937 0.38450491876205967 0.12602478509453446 -0.2516348114017388 +4001,-0.6231032669718494,0,-0.5580962872470785 -0.9011628838183855 -0.7268048774851729 -0.7531172264213823 -0.7802034679733709 -0.8072897095253595 -0.7809773605891412 -0.5426184349316627 -0.30425950927417533 0.15233713403074392 0.5015948715282226 0.7358521663221236 0.8674139110031972 0.8102232466977138 0.7590689447952516 0.6429850524295937 0.38450491876205967 0.12602478509453446 -0.2516348114017388 -0.4373690391867985 +4002,-0.675727964844277,0,-0.9011628838183855 -0.7268048774851729 -0.7531172264213823 -0.7802034679733709 -0.8072897095253595 -0.7809773605891412 -0.5426184349316627 -0.30425950927417533 0.15233713403074392 0.5015948715282226 0.7358521663221236 0.8674139110031972 0.8102232466977138 0.7590689447952516 0.6429850524295937 0.38450491876205967 0.12602478509453446 -0.2516348114017388 -0.4373690391867985 -0.6231032669718494 +4003,-1.0681689103017797,0,-0.7268048774851729 -0.7531172264213823 -0.7802034679733709 -0.8072897095253595 -0.7809773605891412 -0.5426184349316627 -0.30425950927417533 0.15233713403074392 0.5015948715282226 0.7358521663221236 0.8674139110031972 0.8102232466977138 0.7590689447952516 0.6429850524295937 0.38450491876205967 0.12602478509453446 -0.2516348114017388 -0.4373690391867985 -0.6231032669718494 -0.675727964844277 +4004,-0.8150286356830718,0,-0.7531172264213823 -0.7802034679733709 -0.8072897095253595 -0.7809773605891412 -0.5426184349316627 -0.30425950927417533 0.15233713403074392 0.5015948715282226 0.7358521663221236 0.8674139110031972 0.8102232466977138 0.7590689447952516 0.6429850524295937 0.38450491876205967 0.12602478509453446 -0.2516348114017388 -0.4373690391867985 -0.6231032669718494 -0.675727964844277 -1.0681689103017797 +4005,-0.8243153470723248,0,-0.7802034679733709 -0.8072897095253595 -0.7809773605891412 -0.5426184349316627 -0.30425950927417533 0.15233713403074392 0.5015948715282226 0.7358521663221236 0.8674139110031972 0.8102232466977138 0.7590689447952516 0.6429850524295937 0.38450491876205967 0.12602478509453446 -0.2516348114017388 -0.4373690391867985 -0.6231032669718494 -0.675727964844277 -1.0681689103017797 -0.8150286356830718 +4006,-0.864557763092418,0,-0.8072897095253595 -0.7809773605891412 -0.5426184349316627 -0.30425950927417533 0.15233713403074392 0.5015948715282226 0.7358521663221236 0.8674139110031972 0.8102232466977138 0.7590689447952516 0.6429850524295937 0.38450491876205967 0.12602478509453446 -0.2516348114017388 -0.4373690391867985 -0.6231032669718494 -0.675727964844277 -1.0681689103017797 -0.8150286356830718 -0.8243153470723248 +4007,-0.9048001791125114,0,-0.7809773605891412 -0.5426184349316627 -0.30425950927417533 0.15233713403074392 0.5015948715282226 0.7358521663221236 0.8674139110031972 0.8102232466977138 0.7590689447952516 0.6429850524295937 0.38450491876205967 0.12602478509453446 -0.2516348114017388 -0.4373690391867985 -0.6231032669718494 -0.675727964844277 -1.0681689103017797 -0.8150286356830718 -0.8243153470723248 -0.864557763092418 +4008,-0.9342080985118111,0,-0.5426184349316627 -0.30425950927417533 0.15233713403074392 0.5015948715282226 0.7358521663221236 0.8674139110031972 0.8102232466977138 0.7590689447952516 0.6429850524295937 0.38450491876205967 0.12602478509453446 -0.2516348114017388 -0.4373690391867985 -0.6231032669718494 -0.675727964844277 -1.0681689103017797 -0.8150286356830718 -0.8243153470723248 -0.864557763092418 -0.9048001791125114 +4009,-1.6391726786897802,0,-0.30425950927417533 0.15233713403074392 0.5015948715282226 0.7358521663221236 0.8674139110031972 0.8102232466977138 0.7590689447952516 0.6429850524295937 0.38450491876205967 0.12602478509453446 -0.2516348114017388 -0.4373690391867985 -0.6231032669718494 -0.675727964844277 -1.0681689103017797 -0.8150286356830718 -0.8243153470723248 -0.864557763092418 -0.9048001791125114 -0.9342080985118111 +4010,-1.5993430052949096,0,0.15233713403074392 0.5015948715282226 0.7358521663221236 0.8674139110031972 0.8102232466977138 0.7590689447952516 0.6429850524295937 0.38450491876205967 0.12602478509453446 -0.2516348114017388 -0.4373690391867985 -0.6231032669718494 -0.675727964844277 -1.0681689103017797 -0.8150286356830718 -0.8243153470723248 -0.864557763092418 -0.9048001791125114 -0.9342080985118111 -1.6391726786897802 +4011,-0.9961195077734918,0,0.5015948715282226 0.7358521663221236 0.8674139110031972 0.8102232466977138 0.7590689447952516 0.6429850524295937 0.38450491876205967 0.12602478509453446 -0.2516348114017388 -0.4373690391867985 -0.6231032669718494 -0.675727964844277 -1.0681689103017797 -0.8150286356830718 -0.8243153470723248 -0.864557763092418 -0.9048001791125114 -0.9342080985118111 -1.6391726786897802 -1.5993430052949096 +4012,-1.1230378967599521,0,0.7358521663221236 0.8674139110031972 0.8102232466977138 0.7590689447952516 0.6429850524295937 0.38450491876205967 0.12602478509453446 -0.2516348114017388 -0.4373690391867985 -0.6231032669718494 -0.675727964844277 -1.0681689103017797 -0.8150286356830718 -0.8243153470723248 -0.864557763092418 -0.9048001791125114 -0.9342080985118111 -1.6391726786897802 -1.5993430052949096 -0.9961195077734918 +4013,-0.6865624614650707,0,0.8674139110031972 0.8102232466977138 0.7590689447952516 0.6429850524295937 0.38450491876205967 0.12602478509453446 -0.2516348114017388 -0.4373690391867985 -0.6231032669718494 -0.675727964844277 -1.0681689103017797 -0.8150286356830718 -0.8243153470723248 -0.864557763092418 -0.9048001791125114 -0.9342080985118111 -1.6391726786897802 -1.5993430052949096 -0.9961195077734918 -1.1230378967599521 +4014,-0.3909354822405336,0,0.8102232466977138 0.7590689447952516 0.6429850524295937 0.38450491876205967 0.12602478509453446 -0.2516348114017388 -0.4373690391867985 -0.6231032669718494 -0.675727964844277 -1.0681689103017797 -0.8150286356830718 -0.8243153470723248 -0.864557763092418 -0.9048001791125114 -0.9342080985118111 -1.6391726786897802 -1.5993430052949096 -0.9961195077734918 -1.1230378967599521 -0.6865624614650707 +4015,0.28720082048751916,0,0.7590689447952516 0.6429850524295937 0.38450491876205967 0.12602478509453446 -0.2516348114017388 -0.4373690391867985 -0.6231032669718494 -0.675727964844277 -1.0681689103017797 -0.8150286356830718 -0.8243153470723248 -0.864557763092418 -0.9048001791125114 -0.9342080985118111 -1.6391726786897802 -1.5993430052949096 -0.9961195077734918 -1.1230378967599521 -0.6865624614650707 -0.3909354822405336 +4016,0.45719923185508204,0,0.6429850524295937 0.38450491876205967 0.12602478509453446 -0.2516348114017388 -0.4373690391867985 -0.6231032669718494 -0.675727964844277 -1.0681689103017797 -0.8150286356830718 -0.8243153470723248 -0.864557763092418 -0.9048001791125114 -0.9342080985118111 -1.6391726786897802 -1.5993430052949096 -0.9961195077734918 -1.1230378967599521 -0.6865624614650707 -0.3909354822405336 0.28720082048751916 +4017,0.18329283866158427,0,0.38450491876205967 0.12602478509453446 -0.2516348114017388 -0.4373690391867985 -0.6231032669718494 -0.675727964844277 -1.0681689103017797 -0.8150286356830718 -0.8243153470723248 -0.864557763092418 -0.9048001791125114 -0.9342080985118111 -1.6391726786897802 -1.5993430052949096 -0.9961195077734918 -1.1230378967599521 -0.6865624614650707 -0.3909354822405336 0.28720082048751916 0.45719923185508204 +4018,0.42614034149054314,0,0.12602478509453446 -0.2516348114017388 -0.4373690391867985 -0.6231032669718494 -0.675727964844277 -1.0681689103017797 -0.8150286356830718 -0.8243153470723248 -0.864557763092418 -0.9048001791125114 -0.9342080985118111 -1.6391726786897802 -1.5993430052949096 -0.9961195077734918 -1.1230378967599521 -0.6865624614650707 -0.3909354822405336 0.28720082048751916 0.45719923185508204 0.18329283866158427 +4019,0.2250830399132271,0,-0.2516348114017388 -0.4373690391867985 -0.6231032669718494 -0.675727964844277 -1.0681689103017797 -0.8150286356830718 -0.8243153470723248 -0.864557763092418 -0.9048001791125114 -0.9342080985118111 -1.6391726786897802 -1.5993430052949096 -0.9961195077734918 -1.1230378967599521 -0.6865624614650707 -0.3909354822405336 0.28720082048751916 0.45719923185508204 0.18329283866158427 0.42614034149054314 +4020,0.1043557918529383,0,-0.4373690391867985 -0.6231032669718494 -0.675727964844277 -1.0681689103017797 -0.8150286356830718 -0.8243153470723248 -0.864557763092418 -0.9048001791125114 -0.9342080985118111 -1.6391726786897802 -1.5993430052949096 -0.9961195077734918 -1.1230378967599521 -0.6865624614650707 -0.3909354822405336 0.28720082048751916 0.45719923185508204 0.18329283866158427 0.42614034149054314 0.2250830399132271 +4021,0.09150917443114348,0,-0.6231032669718494 -0.675727964844277 -1.0681689103017797 -0.8150286356830718 -0.8243153470723248 -0.864557763092418 -0.9048001791125114 -0.9342080985118111 -1.6391726786897802 -1.5993430052949096 -0.9961195077734918 -1.1230378967599521 -0.6865624614650707 -0.3909354822405336 0.28720082048751916 0.45719923185508204 0.18329283866158427 0.42614034149054314 0.2250830399132271 0.1043557918529383 +4022,-0.36771870376739674,0,-0.675727964844277 -1.0681689103017797 -0.8150286356830718 -0.8243153470723248 -0.864557763092418 -0.9048001791125114 -0.9342080985118111 -1.6391726786897802 -1.5993430052949096 -0.9961195077734918 -1.1230378967599521 -0.6865624614650707 -0.3909354822405336 0.28720082048751916 0.45719923185508204 0.18329283866158427 0.42614034149054314 0.2250830399132271 0.1043557918529383 0.09150917443114348 +4023,-0.6029820589618027,0,-1.0681689103017797 -0.8150286356830718 -0.8243153470723248 -0.864557763092418 -0.9048001791125114 -0.9342080985118111 -1.6391726786897802 -1.5993430052949096 -0.9961195077734918 -1.1230378967599521 -0.6865624614650707 -0.3909354822405336 0.28720082048751916 0.45719923185508204 0.18329283866158427 0.42614034149054314 0.2250830399132271 0.1043557918529383 0.09150917443114348 -0.36771870376739674 +4024,-0.7004925285489546,0,-0.8150286356830718 -0.8243153470723248 -0.864557763092418 -0.9048001791125114 -0.9342080985118111 -1.6391726786897802 -1.5993430052949096 -0.9961195077734918 -1.1230378967599521 -0.6865624614650707 -0.3909354822405336 0.28720082048751916 0.45719923185508204 0.18329283866158427 0.42614034149054314 0.2250830399132271 0.1043557918529383 0.09150917443114348 -0.36771870376739674 -0.6029820589618027 +4025,-0.7980029981361065,0,-0.8243153470723248 -0.864557763092418 -0.9048001791125114 -0.9342080985118111 -1.6391726786897802 -1.5993430052949096 -0.9961195077734918 -1.1230378967599521 -0.6865624614650707 -0.3909354822405336 0.28720082048751916 0.45719923185508204 0.18329283866158427 0.42614034149054314 0.2250830399132271 0.1043557918529383 0.09150917443114348 -0.36771870376739674 -0.6029820589618027 -0.7004925285489546 +4026,-0.8243153470723248,0,-0.864557763092418 -0.9048001791125114 -0.9342080985118111 -1.6391726786897802 -1.5993430052949096 -0.9961195077734918 -1.1230378967599521 -0.6865624614650707 -0.3909354822405336 0.28720082048751916 0.45719923185508204 0.18329283866158427 0.42614034149054314 0.2250830399132271 0.1043557918529383 0.09150917443114348 -0.36771870376739674 -0.6029820589618027 -0.7004925285489546 -0.7980029981361065 +4027,-1.1508980309277022,0,-0.9048001791125114 -0.9342080985118111 -1.6391726786897802 -1.5993430052949096 -0.9961195077734918 -1.1230378967599521 -0.6865624614650707 -0.3909354822405336 0.28720082048751916 0.45719923185508204 0.18329283866158427 0.42614034149054314 0.2250830399132271 0.1043557918529383 0.09150917443114348 -0.36771870376739674 -0.6029820589618027 -0.7004925285489546 -0.7980029981361065 -0.8243153470723248 +4028,-0.8769400449447524,0,-0.9342080985118111 -1.6391726786897802 -1.5993430052949096 -0.9961195077734918 -1.1230378967599521 -0.6865624614650707 -0.3909354822405336 0.28720082048751916 0.45719923185508204 0.18329283866158427 0.42614034149054314 0.2250830399132271 0.1043557918529383 0.09150917443114348 -0.36771870376739674 -0.6029820589618027 -0.7004925285489546 -0.7980029981361065 -0.8243153470723248 -1.1508980309277022 +4029,-0.8831311858709241,0,-1.6391726786897802 -1.5993430052949096 -0.9961195077734918 -1.1230378967599521 -0.6865624614650707 -0.3909354822405336 0.28720082048751916 0.45719923185508204 0.18329283866158427 0.42614034149054314 0.2250830399132271 0.1043557918529383 0.09150917443114348 -0.36771870376739674 -0.6029820589618027 -0.7004925285489546 -0.7980029981361065 -0.8243153470723248 -1.1508980309277022 -0.8769400449447524 +4030,-1.2830015004398205,0,-1.5993430052949096 -0.9961195077734918 -1.1230378967599521 -0.6865624614650707 -0.3909354822405336 0.28720082048751916 0.45719923185508204 0.18329283866158427 0.42614034149054314 0.2250830399132271 0.1043557918529383 0.09150917443114348 -0.36771870376739674 -0.6029820589618027 -0.7004925285489546 -0.7980029981361065 -0.8243153470723248 -1.1508980309277022 -0.8769400449447524 -0.8831311858709241 +4031,-0.9032523938809707,0,-0.9961195077734918 -1.1230378967599521 -0.6865624614650707 -0.3909354822405336 0.28720082048751916 0.45719923185508204 0.18329283866158427 0.42614034149054314 0.2250830399132271 0.1043557918529383 0.09150917443114348 -0.36771870376739674 -0.6029820589618027 -0.7004925285489546 -0.7980029981361065 -0.8243153470723248 -1.1508980309277022 -0.8769400449447524 -0.8831311858709241 -1.2830015004398205 +4032,-0.9011886802905088,0,-1.1230378967599521 -0.6865624614650707 -0.3909354822405336 0.28720082048751916 0.45719923185508204 0.18329283866158427 0.42614034149054314 0.2250830399132271 0.1043557918529383 0.09150917443114348 -0.36771870376739674 -0.6029820589618027 -0.7004925285489546 -0.7980029981361065 -0.8243153470723248 -1.1508980309277022 -0.8769400449447524 -0.8831311858709241 -1.2830015004398205 -0.9032523938809707 +4033,-1.4103068357341573,0,-0.6865624614650707 -0.3909354822405336 0.28720082048751916 0.45719923185508204 0.18329283866158427 0.42614034149054314 0.2250830399132271 0.1043557918529383 0.09150917443114348 -0.36771870376739674 -0.6029820589618027 -0.7004925285489546 -0.7980029981361065 -0.8243153470723248 -1.1508980309277022 -0.8769400449447524 -0.8831311858709241 -1.2830015004398205 -0.9032523938809707 -0.9011886802905088 +4034,-0.8970612529547991,0,-0.3909354822405336 0.28720082048751916 0.45719923185508204 0.18329283866158427 0.42614034149054314 0.2250830399132271 0.1043557918529383 0.09150917443114348 -0.36771870376739674 -0.6029820589618027 -0.7004925285489546 -0.7980029981361065 -0.8243153470723248 -1.1508980309277022 -0.8769400449447524 -0.8831311858709241 -1.2830015004398205 -0.9032523938809707 -0.9011886802905088 -1.4103068357341573 +4035,-0.8955134677232585,0,0.28720082048751916 0.45719923185508204 0.18329283866158427 0.42614034149054314 0.2250830399132271 0.1043557918529383 0.09150917443114348 -0.36771870376739674 -0.6029820589618027 -0.7004925285489546 -0.7980029981361065 -0.8243153470723248 -1.1508980309277022 -0.8769400449447524 -0.8831311858709241 -1.2830015004398205 -0.9032523938809707 -0.9011886802905088 -1.4103068357341573 -0.8970612529547991 +4036,-1.350820290053486,0,0.45719923185508204 0.18329283866158427 0.42614034149054314 0.2250830399132271 0.1043557918529383 0.09150917443114348 -0.36771870376739674 -0.6029820589618027 -0.7004925285489546 -0.7980029981361065 -0.8243153470723248 -1.1508980309277022 -0.8769400449447524 -0.8831311858709241 -1.2830015004398205 -0.9032523938809707 -0.9011886802905088 -1.4103068357341573 -0.8970612529547991 -0.8955134677232585 +4037,-0.8365944431909607,0,0.18329283866158427 0.42614034149054314 0.2250830399132271 0.1043557918529383 0.09150917443114348 -0.36771870376739674 -0.6029820589618027 -0.7004925285489546 -0.7980029981361065 -0.8243153470723248 -1.1508980309277022 -0.8769400449447524 -0.8831311858709241 -1.2830015004398205 -0.9032523938809707 -0.9011886802905088 -1.4103068357341573 -0.8970612529547991 -0.8955134677232585 -1.350820290053486 +4038,-0.29187722742184097,0,0.42614034149054314 0.2250830399132271 0.1043557918529383 0.09150917443114348 -0.36771870376739674 -0.6029820589618027 -0.7004925285489546 -0.7980029981361065 -0.8243153470723248 -1.1508980309277022 -0.8769400449447524 -0.8831311858709241 -1.2830015004398205 -0.9032523938809707 -0.9011886802905088 -1.4103068357341573 -0.8970612529547991 -0.8955134677232585 -1.350820290053486 -0.8365944431909607 +4039,-0.13686653648289582,0,0.2250830399132271 0.1043557918529383 0.09150917443114348 -0.36771870376739674 -0.6029820589618027 -0.7004925285489546 -0.7980029981361065 -0.8243153470723248 -1.1508980309277022 -0.8769400449447524 -0.8831311858709241 -1.2830015004398205 -0.9032523938809707 -0.9011886802905088 -1.4103068357341573 -0.8970612529547991 -0.8955134677232585 -1.350820290053486 -0.8365944431909607 -0.29187722742184097 +4040,0.04863552351742921,0,0.1043557918529383 0.09150917443114348 -0.36771870376739674 -0.6029820589618027 -0.7004925285489546 -0.7980029981361065 -0.8243153470723248 -1.1508980309277022 -0.8769400449447524 -0.8831311858709241 -1.2830015004398205 -0.9032523938809707 -0.9011886802905088 -1.4103068357341573 -0.8970612529547991 -0.8955134677232585 -1.350820290053486 -0.8365944431909607 -0.29187722742184097 -0.13686653648289582 +4041,0.13221592602069726,0,0.09150917443114348 -0.36771870376739674 -0.6029820589618027 -0.7004925285489546 -0.7980029981361065 -0.8243153470723248 -1.1508980309277022 -0.8769400449447524 -0.8831311858709241 -1.2830015004398205 -0.9032523938809707 -0.9011886802905088 -1.4103068357341573 -0.8970612529547991 -0.8955134677232585 -1.350820290053486 -0.8365944431909607 -0.29187722742184097 -0.13686653648289582 0.04863552351742921 +4042,0.20109236882431988,0,-0.36771870376739674 -0.6029820589618027 -0.7004925285489546 -0.7980029981361065 -0.8243153470723248 -1.1508980309277022 -0.8769400449447524 -0.8831311858709241 -1.2830015004398205 -0.9032523938809707 -0.9011886802905088 -1.4103068357341573 -0.8970612529547991 -0.8955134677232585 -1.350820290053486 -0.8365944431909607 -0.29187722742184097 -0.13686653648289582 0.04863552351742921 0.13221592602069726 +4043,0.2699688116279425,0,-0.6029820589618027 -0.7004925285489546 -0.7980029981361065 -0.8243153470723248 -1.1508980309277022 -0.8769400449447524 -0.8831311858709241 -1.2830015004398205 -0.9032523938809707 -0.9011886802905088 -1.4103068357341573 -0.8970612529547991 -0.8955134677232585 -1.350820290053486 -0.8365944431909607 -0.29187722742184097 -0.13686653648289582 0.04863552351742921 0.13221592602069726 0.20109236882431988 +4044,0.19722290574546814,0,-0.7004925285489546 -0.7980029981361065 -0.8243153470723248 -1.1508980309277022 -0.8769400449447524 -0.8831311858709241 -1.2830015004398205 -0.9032523938809707 -0.9011886802905088 -1.4103068357341573 -0.8970612529547991 -0.8955134677232585 -1.350820290053486 -0.8365944431909607 -0.29187722742184097 -0.13686653648289582 0.04863552351742921 0.13221592602069726 0.20109236882431988 0.2699688116279425 +4045,-0.16937002634527687,0,-0.7980029981361065 -0.8243153470723248 -1.1508980309277022 -0.8769400449447524 -0.8831311858709241 -1.2830015004398205 -0.9032523938809707 -0.9011886802905088 -1.4103068357341573 -0.8970612529547991 -0.8955134677232585 -1.350820290053486 -0.8365944431909607 -0.29187722742184097 -0.13686653648289582 0.04863552351742921 0.13221592602069726 0.20109236882431988 0.2699688116279425 0.19722290574546814 +4046,-0.30116393881109393,0,-0.8243153470723248 -1.1508980309277022 -0.8769400449447524 -0.8831311858709241 -1.2830015004398205 -0.9032523938809707 -0.9011886802905088 -1.4103068357341573 -0.8970612529547991 -0.8955134677232585 -1.350820290053486 -0.8365944431909607 -0.29187722742184097 -0.13686653648289582 0.04863552351742921 0.13221592602069726 0.20109236882431988 0.2699688116279425 0.19722290574546814 -0.16937002634527687 +4047,-0.5457140053947441,0,-1.1508980309277022 -0.8769400449447524 -0.8831311858709241 -1.2830015004398205 -0.9032523938809707 -0.9011886802905088 -1.4103068357341573 -0.8970612529547991 -0.8955134677232585 -1.350820290053486 -0.8365944431909607 -0.29187722742184097 -0.13686653648289582 0.04863552351742921 0.13221592602069726 0.20109236882431988 0.2699688116279425 0.19722290574546814 -0.16937002634527687 -0.30116393881109393 +4048,-0.7310612868719097,0,-0.8769400449447524 -0.8831311858709241 -1.2830015004398205 -0.9032523938809707 -0.9011886802905088 -1.4103068357341573 -0.8970612529547991 -0.8955134677232585 -1.350820290053486 -0.8365944431909607 -0.29187722742184097 -0.13686653648289582 0.04863552351742921 0.13221592602069726 0.20109236882431988 0.2699688116279425 0.19722290574546814 -0.16937002634527687 -0.30116393881109393 -0.5457140053947441 +4049,-0.7593083673475539,0,-0.8831311858709241 -1.2830015004398205 -0.9032523938809707 -0.9011886802905088 -1.4103068357341573 -0.8970612529547991 -0.8955134677232585 -1.350820290053486 -0.8365944431909607 -0.29187722742184097 -0.13686653648289582 0.04863552351742921 0.13221592602069726 0.20109236882431988 0.2699688116279425 0.19722290574546814 -0.16937002634527687 -0.30116393881109393 -0.5457140053947441 -0.7310612868719097 +4050,-0.7887162867468536,0,-1.2830015004398205 -0.9032523938809707 -0.9011886802905088 -1.4103068357341573 -0.8970612529547991 -0.8955134677232585 -1.350820290053486 -0.8365944431909607 -0.29187722742184097 -0.13686653648289582 0.04863552351742921 0.13221592602069726 0.20109236882431988 0.2699688116279425 0.19722290574546814 -0.16937002634527687 -0.30116393881109393 -0.5457140053947441 -0.7310612868719097 -0.7593083673475539 +4051,-0.8165764209146125,0,-0.9032523938809707 -0.9011886802905088 -1.4103068357341573 -0.8970612529547991 -0.8955134677232585 -1.350820290053486 -0.8365944431909607 -0.29187722742184097 -0.13686653648289582 0.04863552351742921 0.13221592602069726 0.20109236882431988 0.2699688116279425 0.19722290574546814 -0.16937002634527687 -0.30116393881109393 -0.5457140053947441 -0.7310612868719097 -0.7593083673475539 -0.7887162867468536 +4052,-0.8444365550823715,0,-0.9011886802905088 -1.4103068357341573 -0.8970612529547991 -0.8955134677232585 -1.350820290053486 -0.8365944431909607 -0.29187722742184097 -0.13686653648289582 0.04863552351742921 0.13221592602069726 0.20109236882431988 0.2699688116279425 0.19722290574546814 -0.16937002634527687 -0.30116393881109393 -0.5457140053947441 -0.7310612868719097 -0.7593083673475539 -0.7887162867468536 -0.8165764209146125 +4053,-0.8305064879984876,0,-1.4103068357341573 -0.8970612529547991 -0.8955134677232585 -1.350820290053486 -0.8365944431909607 -0.29187722742184097 -0.13686653648289582 0.04863552351742921 0.13221592602069726 0.20109236882431988 0.2699688116279425 0.19722290574546814 -0.16937002634527687 -0.30116393881109393 -0.5457140053947441 -0.7310612868719097 -0.7593083673475539 -0.7887162867468536 -0.8165764209146125 -0.8444365550823715 +4054,-1.231460252229473,0,-0.8970612529547991 -0.8955134677232585 -1.350820290053486 -0.8365944431909607 -0.29187722742184097 -0.13686653648289582 0.04863552351742921 0.13221592602069726 0.20109236882431988 0.2699688116279425 0.19722290574546814 -0.16937002634527687 -0.30116393881109393 -0.5457140053947441 -0.7310612868719097 -0.7593083673475539 -0.7887162867468536 -0.8165764209146125 -0.8444365550823715 -0.8305064879984876 +4055,-0.8305064879984876,0,-0.8955134677232585 -1.350820290053486 -0.8365944431909607 -0.29187722742184097 -0.13686653648289582 0.04863552351742921 0.13221592602069726 0.20109236882431988 0.2699688116279425 0.19722290574546814 -0.16937002634527687 -0.30116393881109393 -0.5457140053947441 -0.7310612868719097 -0.7593083673475539 -0.7887162867468536 -0.8165764209146125 -0.8444365550823715 -0.8305064879984876 -1.231460252229473 +4056,-0.8568188369347058,0,-1.350820290053486 -0.8365944431909607 -0.29187722742184097 -0.13686653648289582 0.04863552351742921 0.13221592602069726 0.20109236882431988 0.2699688116279425 0.19722290574546814 -0.16937002634527687 -0.30116393881109393 -0.5457140053947441 -0.7310612868719097 -0.7593083673475539 -0.7887162867468536 -0.8165764209146125 -0.8444365550823715 -0.8305064879984876 -1.231460252229473 -0.8305064879984876 +4057,-1.2362583864472545,0,-0.8365944431909607 -0.29187722742184097 -0.13686653648289582 0.04863552351742921 0.13221592602069726 0.20109236882431988 0.2699688116279425 0.19722290574546814 -0.16937002634527687 -0.30116393881109393 -0.5457140053947441 -0.7310612868719097 -0.7593083673475539 -0.7887162867468536 -0.8165764209146125 -0.8444365550823715 -0.8305064879984876 -1.231460252229473 -0.8305064879984876 -0.8568188369347058 +4058,-0.8397931993877406,0,-0.29187722742184097 -0.13686653648289582 0.04863552351742921 0.13221592602069726 0.20109236882431988 0.2699688116279425 0.19722290574546814 -0.16937002634527687 -0.30116393881109393 -0.5457140053947441 -0.7310612868719097 -0.7593083673475539 -0.7887162867468536 -0.8165764209146125 -0.8444365550823715 -0.8305064879984876 -1.231460252229473 -0.8305064879984876 -0.8568188369347058 -1.2362583864472545 +4059,-0.8134808504515311,0,-0.13686653648289582 0.04863552351742921 0.13221592602069726 0.20109236882431988 0.2699688116279425 0.19722290574546814 -0.16937002634527687 -0.30116393881109393 -0.5457140053947441 -0.7310612868719097 -0.7593083673475539 -0.7887162867468536 -0.8165764209146125 -0.8444365550823715 -0.8305064879984876 -1.231460252229473 -0.8305064879984876 -0.8568188369347058 -1.2362583864472545 -0.8397931993877406 +4060,-1.007263561440604,0,0.04863552351742921 0.13221592602069726 0.20109236882431988 0.2699688116279425 0.19722290574546814 -0.16937002634527687 -0.30116393881109393 -0.5457140053947441 -0.7310612868719097 -0.7593083673475539 -0.7887162867468536 -0.8165764209146125 -0.8444365550823715 -0.8305064879984876 -1.231460252229473 -0.8305064879984876 -0.8568188369347058 -1.2362583864472545 -0.8397931993877406 -0.8134808504515311 +4061,-0.5936953475725497,0,0.13221592602069726 0.20109236882431988 0.2699688116279425 0.19722290574546814 -0.16937002634527687 -0.30116393881109393 -0.5457140053947441 -0.7310612868719097 -0.7593083673475539 -0.7887162867468536 -0.8165764209146125 -0.8444365550823715 -0.8305064879984876 -1.231460252229473 -0.8305064879984876 -0.8568188369347058 -1.2362583864472545 -0.8397931993877406 -0.8134808504515311 -1.007263561440604 +4062,-0.45903803242838587,0,0.20109236882431988 0.2699688116279425 0.19722290574546814 -0.16937002634527687 -0.30116393881109393 -0.5457140053947441 -0.7310612868719097 -0.7593083673475539 -0.7887162867468536 -0.8165764209146125 -0.8444365550823715 -0.8305064879984876 -1.231460252229473 -0.8305064879984876 -0.8568188369347058 -1.2362583864472545 -0.8397931993877406 -0.8134808504515311 -1.007263561440604 -0.5936953475725497 +4063,-0.15118354987465607,0,0.2699688116279425 0.19722290574546814 -0.16937002634527687 -0.30116393881109393 -0.5457140053947441 -0.7310612868719097 -0.7593083673475539 -0.7887162867468536 -0.8165764209146125 -0.8444365550823715 -0.8305064879984876 -1.231460252229473 -0.8305064879984876 -0.8568188369347058 -1.2362583864472545 -0.8397931993877406 -0.8134808504515311 -1.007263561440604 -0.5936953475725497 -0.45903803242838587 +4064,-0.1603154827407585,0,0.19722290574546814 -0.16937002634527687 -0.30116393881109393 -0.5457140053947441 -0.7310612868719097 -0.7593083673475539 -0.7887162867468536 -0.8165764209146125 -0.8444365550823715 -0.8305064879984876 -1.231460252229473 -0.8305064879984876 -0.8568188369347058 -1.2362583864472545 -0.8397931993877406 -0.8134808504515311 -1.007263561440604 -0.5936953475725497 -0.45903803242838587 -0.15118354987465607 +4065,-0.03184930852276624,0,-0.16937002634527687 -0.30116393881109393 -0.5457140053947441 -0.7310612868719097 -0.7593083673475539 -0.7887162867468536 -0.8165764209146125 -0.8444365550823715 -0.8305064879984876 -1.231460252229473 -0.8305064879984876 -0.8568188369347058 -1.2362583864472545 -0.8397931993877406 -0.8134808504515311 -1.007263561440604 -0.5936953475725497 -0.45903803242838587 -0.15118354987465607 -0.1603154827407585 +4066,0.16920799305455864,0,-0.30116393881109393 -0.5457140053947441 -0.7310612868719097 -0.7593083673475539 -0.7887162867468536 -0.8165764209146125 -0.8444365550823715 -0.8305064879984876 -1.231460252229473 -0.8305064879984876 -0.8568188369347058 -1.2362583864472545 -0.8397931993877406 -0.8134808504515311 -1.007263561440604 -0.5936953475725497 -0.45903803242838587 -0.15118354987465607 -0.1603154827407585 -0.03184930852276624 +4067,-0.09221293255290623,0,-0.5457140053947441 -0.7310612868719097 -0.7593083673475539 -0.7887162867468536 -0.8165764209146125 -0.8444365550823715 -0.8305064879984876 -1.231460252229473 -0.8305064879984876 -0.8568188369347058 -1.2362583864472545 -0.8397931993877406 -0.8134808504515311 -1.007263561440604 -0.5936953475725497 -0.45903803242838587 -0.15118354987465607 -0.1603154827407585 -0.03184930852276624 0.16920799305455864 +4068,-0.1649588384353894,0,-0.7310612868719097 -0.7593083673475539 -0.7887162867468536 -0.8165764209146125 -0.8444365550823715 -0.8305064879984876 -1.231460252229473 -0.8305064879984876 -0.8568188369347058 -1.2362583864472545 -0.8397931993877406 -0.8134808504515311 -1.007263561440604 -0.5936953475725497 -0.45903803242838587 -0.15118354987465607 -0.1603154827407585 -0.03184930852276624 0.16920799305455864 -0.09221293255290623 +4069,-0.10900640231513688,0,-0.7593083673475539 -0.7887162867468536 -0.8165764209146125 -0.8444365550823715 -0.8305064879984876 -1.231460252229473 -0.8305064879984876 -0.8568188369347058 -1.2362583864472545 -0.8397931993877406 -0.8134808504515311 -1.007263561440604 -0.5936953475725497 -0.45903803242838587 -0.15118354987465607 -0.1603154827407585 -0.03184930852276624 0.16920799305455864 -0.09221293255290623 -0.1649588384353894 +4070,-0.4420123948814206,0,-0.7887162867468536 -0.8165764209146125 -0.8444365550823715 -0.8305064879984876 -1.231460252229473 -0.8305064879984876 -0.8568188369347058 -1.2362583864472545 -0.8397931993877406 -0.8134808504515311 -1.007263561440604 -0.5936953475725497 -0.45903803242838587 -0.15118354987465607 -0.1603154827407585 -0.03184930852276624 0.16920799305455864 -0.09221293255290623 -0.1649588384353894 -0.10900640231513688 +4071,-0.5658352134047907,0,-0.8165764209146125 -0.8444365550823715 -0.8305064879984876 -1.231460252229473 -0.8305064879984876 -0.8568188369347058 -1.2362583864472545 -0.8397931993877406 -0.8134808504515311 -1.007263561440604 -0.5936953475725497 -0.45903803242838587 -0.15118354987465607 -0.1603154827407585 -0.03184930852276624 0.16920799305455864 -0.09221293255290623 -0.1649588384353894 -0.10900640231513688 -0.4420123948814206 +4072,-0.6803713205389079,0,-0.8444365550823715 -0.8305064879984876 -1.231460252229473 -0.8305064879984876 -0.8568188369347058 -1.2362583864472545 -0.8397931993877406 -0.8134808504515311 -1.007263561440604 -0.5936953475725497 -0.45903803242838587 -0.15118354987465607 -0.1603154827407585 -0.03184930852276624 0.16920799305455864 -0.09221293255290623 -0.1649588384353894 -0.10900640231513688 -0.4420123948814206 -0.5658352134047907 +4073,-0.7624039378106353,0,-0.8305064879984876 -1.231460252229473 -0.8305064879984876 -0.8568188369347058 -1.2362583864472545 -0.8397931993877406 -0.8134808504515311 -1.007263561440604 -0.5936953475725497 -0.45903803242838587 -0.15118354987465607 -0.1603154827407585 -0.03184930852276624 0.16920799305455864 -0.09221293255290623 -0.1649588384353894 -0.10900640231513688 -0.4420123948814206 -0.5658352134047907 -0.6803713205389079 +4074,-0.8382454141561998,0,-1.231460252229473 -0.8305064879984876 -0.8568188369347058 -1.2362583864472545 -0.8397931993877406 -0.8134808504515311 -1.007263561440604 -0.5936953475725497 -0.45903803242838587 -0.15118354987465607 -0.1603154827407585 -0.03184930852276624 0.16920799305455864 -0.09221293255290623 -0.1649588384353894 -0.10900640231513688 -0.4420123948814206 -0.5658352134047907 -0.6803713205389079 -0.7624039378106353 +4075,-0.9450425951326047,0,-0.8305064879984876 -0.8568188369347058 -1.2362583864472545 -0.8397931993877406 -0.8134808504515311 -1.007263561440604 -0.5936953475725497 -0.45903803242838587 -0.15118354987465607 -0.1603154827407585 -0.03184930852276624 0.16920799305455864 -0.09221293255290623 -0.1649588384353894 -0.10900640231513688 -0.4420123948814206 -0.5658352134047907 -0.6803713205389079 -0.7624039378106353 -0.8382454141561998 +4076,-1.003858433931204,0,-0.8568188369347058 -1.2362583864472545 -0.8397931993877406 -0.8134808504515311 -1.007263561440604 -0.5936953475725497 -0.45903803242838587 -0.15118354987465607 -0.1603154827407585 -0.03184930852276624 0.16920799305455864 -0.09221293255290623 -0.1649588384353894 -0.10900640231513688 -0.4420123948814206 -0.5658352134047907 -0.6803713205389079 -0.7624039378106353 -0.8382454141561998 -0.9450425951326047 +4077,-1.017788501015088,0,-1.2362583864472545 -0.8397931993877406 -0.8134808504515311 -1.007263561440604 -0.5936953475725497 -0.45903803242838587 -0.15118354987465607 -0.1603154827407585 -0.03184930852276624 0.16920799305455864 -0.09221293255290623 -0.1649588384353894 -0.10900640231513688 -0.4420123948814206 -0.5658352134047907 -0.6803713205389079 -0.7624039378106353 -0.8382454141561998 -0.9450425951326047 -1.003858433931204 +4078,-1.1429269369852642,0,-0.8397931993877406 -0.8134808504515311 -1.007263561440604 -0.5936953475725497 -0.45903803242838587 -0.15118354987465607 -0.1603154827407585 -0.03184930852276624 0.16920799305455864 -0.09221293255290623 -0.1649588384353894 -0.10900640231513688 -0.4420123948814206 -0.5658352134047907 -0.6803713205389079 -0.7624039378106353 -0.8382454141561998 -0.9450425951326047 -1.003858433931204 -1.017788501015088 +4079,-1.129229037686115,0,-0.8134808504515311 -1.007263561440604 -0.5936953475725497 -0.45903803242838587 -0.15118354987465607 -0.1603154827407585 -0.03184930852276624 0.16920799305455864 -0.09221293255290623 -0.1649588384353894 -0.10900640231513688 -0.4420123948814206 -0.5658352134047907 -0.6803713205389079 -0.7624039378106353 -0.8382454141561998 -0.9450425951326047 -1.003858433931204 -1.017788501015088 -1.1429269369852642 +4080,-1.1369679638438273,0,-1.007263561440604 -0.5936953475725497 -0.45903803242838587 -0.15118354987465607 -0.1603154827407585 -0.03184930852276624 0.16920799305455864 -0.09221293255290623 -0.1649588384353894 -0.10900640231513688 -0.4420123948814206 -0.5658352134047907 -0.6803713205389079 -0.7624039378106353 -0.8382454141561998 -0.9450425951326047 -1.003858433931204 -1.017788501015088 -1.1429269369852642 -1.129229037686115 +4081,-1.1648280980115862,0,-0.5936953475725497 -0.45903803242838587 -0.15118354987465607 -0.1603154827407585 -0.03184930852276624 0.16920799305455864 -0.09221293255290623 -0.1649588384353894 -0.10900640231513688 -0.4420123948814206 -0.5658352134047907 -0.6803713205389079 -0.7624039378106353 -0.8382454141561998 -0.9450425951326047 -1.003858433931204 -1.017788501015088 -1.1429269369852642 -1.129229037686115 -1.1369679638438273 +4082,-1.1895926617162549,0,-0.45903803242838587 -0.15118354987465607 -0.1603154827407585 -0.03184930852276624 0.16920799305455864 -0.09221293255290623 -0.1649588384353894 -0.10900640231513688 -0.4420123948814206 -0.5658352134047907 -0.6803713205389079 -0.7624039378106353 -0.8382454141561998 -0.9450425951326047 -1.003858433931204 -1.017788501015088 -1.1429269369852642 -1.129229037686115 -1.1369679638438273 -1.1648280980115862 +4083,-1.0843432659713994,0,-0.15118354987465607 -0.1603154827407585 -0.03184930852276624 0.16920799305455864 -0.09221293255290623 -0.1649588384353894 -0.10900640231513688 -0.4420123948814206 -0.5658352134047907 -0.6803713205389079 -0.7624039378106353 -0.8382454141561998 -0.9450425951326047 -1.003858433931204 -1.017788501015088 -1.1429269369852642 -1.129229037686115 -1.1369679638438273 -1.1648280980115862 -1.1895926617162549 +4084,-0.8955134677232585,0,-0.1603154827407585 -0.03184930852276624 0.16920799305455864 -0.09221293255290623 -0.1649588384353894 -0.10900640231513688 -0.4420123948814206 -0.5658352134047907 -0.6803713205389079 -0.7624039378106353 -0.8382454141561998 -0.9450425951326047 -1.003858433931204 -1.017788501015088 -1.1429269369852642 -1.129229037686115 -1.1369679638438273 -1.1648280980115862 -1.1895926617162549 -1.0843432659713994 +4085,-0.6896580319281609,0,-0.03184930852276624 0.16920799305455864 -0.09221293255290623 -0.1649588384353894 -0.10900640231513688 -0.4420123948814206 -0.5658352134047907 -0.6803713205389079 -0.7624039378106353 -0.8382454141561998 -0.9450425951326047 -1.003858433931204 -1.017788501015088 -1.1429269369852642 -1.129229037686115 -1.1369679638438273 -1.1648280980115862 -1.1895926617162549 -1.0843432659713994 -0.8955134677232585 +4086,-0.46677695858609813,0,0.16920799305455864 -0.09221293255290623 -0.1649588384353894 -0.10900640231513688 -0.4420123948814206 -0.5658352134047907 -0.6803713205389079 -0.7624039378106353 -0.8382454141561998 -0.9450425951326047 -1.003858433931204 -1.017788501015088 -1.1429269369852642 -1.129229037686115 -1.1369679638438273 -1.1648280980115862 -1.1895926617162549 -1.0843432659713994 -0.8955134677232585 -0.6896580319281609 +4087,-0.2794949455694978,0,-0.09221293255290623 -0.1649588384353894 -0.10900640231513688 -0.4420123948814206 -0.5658352134047907 -0.6803713205389079 -0.7624039378106353 -0.8382454141561998 -0.9450425951326047 -1.003858433931204 -1.017788501015088 -1.1429269369852642 -1.129229037686115 -1.1369679638438273 -1.1648280980115862 -1.1895926617162549 -1.0843432659713994 -0.8955134677232585 -0.6896580319281609 -0.46677695858609813 +4088,-0.04887494606973151,0,-0.1649588384353894 -0.10900640231513688 -0.4420123948814206 -0.5658352134047907 -0.6803713205389079 -0.7624039378106353 -0.8382454141561998 -0.9450425951326047 -1.003858433931204 -1.017788501015088 -1.1429269369852642 -1.129229037686115 -1.1369679638438273 -1.1648280980115862 -1.1895926617162549 -1.0843432659713994 -0.8955134677232585 -0.6896580319281609 -0.46677695858609813 -0.2794949455694978 +4089,0.09042572476906323,0,-0.10900640231513688 -0.4420123948814206 -0.5658352134047907 -0.6803713205389079 -0.7624039378106353 -0.8382454141561998 -0.9450425951326047 -1.003858433931204 -1.017788501015088 -1.1429269369852642 -1.129229037686115 -1.1369679638438273 -1.1648280980115862 -1.1895926617162549 -1.0843432659713994 -0.8955134677232585 -0.6896580319281609 -0.46677695858609813 -0.2794949455694978 -0.04887494606973151 +4090,0.14924156356766252,0,-0.4420123948814206 -0.5658352134047907 -0.6803713205389079 -0.7624039378106353 -0.8382454141561998 -0.9450425951326047 -1.003858433931204 -1.017788501015088 -1.1429269369852642 -1.129229037686115 -1.1369679638438273 -1.1648280980115862 -1.1895926617162549 -1.0843432659713994 -0.8955134677232585 -0.6896580319281609 -0.46677695858609813 -0.2794949455694978 -0.04887494606973151 0.09042572476906323 +4091,0.13840706694686883,0,-0.5658352134047907 -0.6803713205389079 -0.7624039378106353 -0.8382454141561998 -0.9450425951326047 -1.003858433931204 -1.017788501015088 -1.1429269369852642 -1.129229037686115 -1.1369679638438273 -1.1648280980115862 -1.1895926617162549 -1.0843432659713994 -0.8955134677232585 -0.6896580319281609 -0.46677695858609813 -0.2794949455694978 -0.04887494606973151 0.09042572476906323 0.14924156356766252 +4092,0.043992167822798314,0,-0.6803713205389079 -0.7624039378106353 -0.8382454141561998 -0.9450425951326047 -1.003858433931204 -1.017788501015088 -1.1429269369852642 -1.129229037686115 -1.1369679638438273 -1.1648280980115862 -1.1895926617162549 -1.0843432659713994 -0.8955134677232585 -0.6896580319281609 -0.46677695858609813 -0.2794949455694978 -0.04887494606973151 0.09042572476906323 0.14924156356766252 0.13840706694686883 +4093,-0.10614299963678131,0,-0.7624039378106353 -0.8382454141561998 -0.9450425951326047 -1.003858433931204 -1.017788501015088 -1.1429269369852642 -1.129229037686115 -1.1369679638438273 -1.1648280980115862 -1.1895926617162549 -1.0843432659713994 -0.8955134677232585 -0.6896580319281609 -0.46677695858609813 -0.2794949455694978 -0.04887494606973151 0.09042572476906323 0.14924156356766252 0.13840706694686883 0.043992167822798314 +4094,-0.28878165695875074,0,-0.8382454141561998 -0.9450425951326047 -1.003858433931204 -1.017788501015088 -1.1429269369852642 -1.129229037686115 -1.1369679638438273 -1.1648280980115862 -1.1895926617162549 -1.0843432659713994 -0.8955134677232585 -0.6896580319281609 -0.46677695858609813 -0.2794949455694978 -0.04887494606973151 0.09042572476906323 0.14924156356766252 0.13840706694686883 0.043992167822798314 -0.10614299963678131 +4095,-0.5194016564585259,0,-0.9450425951326047 -1.003858433931204 -1.017788501015088 -1.1429269369852642 -1.129229037686115 -1.1369679638438273 -1.1648280980115862 -1.1895926617162549 -1.0843432659713994 -0.8955134677232585 -0.6896580319281609 -0.46677695858609813 -0.2794949455694978 -0.04887494606973151 0.09042572476906323 0.14924156356766252 0.13840706694686883 0.043992167822798314 -0.10614299963678131 -0.28878165695875074 +4096,-0.6463200454449775,0,-1.003858433931204 -1.017788501015088 -1.1429269369852642 -1.129229037686115 -1.1369679638438273 -1.1648280980115862 -1.1895926617162549 -1.0843432659713994 -0.8955134677232585 -0.6896580319281609 -0.46677695858609813 -0.2794949455694978 -0.04887494606973151 0.09042572476906323 0.14924156356766252 0.13840706694686883 0.043992167822798314 -0.10614299963678131 -0.28878165695875074 -0.5194016564585259 +4097,-0.7144225956328297,0,-1.017788501015088 -1.1429269369852642 -1.129229037686115 -1.1369679638438273 -1.1648280980115862 -1.1895926617162549 -1.0843432659713994 -0.8955134677232585 -0.6896580319281609 -0.46677695858609813 -0.2794949455694978 -0.04887494606973151 0.09042572476906323 0.14924156356766252 0.13840706694686883 0.043992167822798314 -0.10614299963678131 -0.28878165695875074 -0.5194016564585259 -0.6463200454449775 +4098,-0.7345438036428763,0,-1.1429269369852642 -1.129229037686115 -1.1369679638438273 -1.1648280980115862 -1.1895926617162549 -1.0843432659713994 -0.8955134677232585 -0.6896580319281609 -0.46677695858609813 -0.2794949455694978 -0.04887494606973151 0.09042572476906323 0.14924156356766252 0.13840706694686883 0.043992167822798314 -0.10614299963678131 -0.28878165695875074 -0.5194016564585259 -0.6463200454449775 -0.7144225956328297 +4099,-0.763951723042176,0,-1.129229037686115 -1.1369679638438273 -1.1648280980115862 -1.1895926617162549 -1.0843432659713994 -0.8955134677232585 -0.6896580319281609 -0.46677695858609813 -0.2794949455694978 -0.04887494606973151 0.09042572476906323 0.14924156356766252 0.13840706694686883 0.043992167822798314 -0.10614299963678131 -0.28878165695875074 -0.5194016564585259 -0.6463200454449775 -0.7144225956328297 -0.7345438036428763 +4100,-0.7933596424414756,0,-1.1369679638438273 -1.1648280980115862 -1.1895926617162549 -1.0843432659713994 -0.8955134677232585 -0.6896580319281609 -0.46677695858609813 -0.2794949455694978 -0.04887494606973151 0.09042572476906323 0.14924156356766252 0.13840706694686883 0.043992167822798314 -0.10614299963678131 -0.28878165695875074 -0.5194016564585259 -0.6463200454449775 -0.7144225956328297 -0.7345438036428763 -0.763951723042176 +4101,-0.8119330652199815,0,-1.1648280980115862 -1.1895926617162549 -1.0843432659713994 -0.8955134677232585 -0.6896580319281609 -0.46677695858609813 -0.2794949455694978 -0.04887494606973151 0.09042572476906323 0.14924156356766252 0.13840706694686883 0.043992167822798314 -0.10614299963678131 -0.28878165695875074 -0.5194016564585259 -0.6463200454449775 -0.7144225956328297 -0.7345438036428763 -0.763951723042176 -0.7933596424414756 +4102,-0.8475321255454529,0,-1.1895926617162549 -1.0843432659713994 -0.8955134677232585 -0.6896580319281609 -0.46677695858609813 -0.2794949455694978 -0.04887494606973151 0.09042572476906323 0.14924156356766252 0.13840706694686883 0.043992167822798314 -0.10614299963678131 -0.28878165695875074 -0.5194016564585259 -0.6463200454449775 -0.7144225956328297 -0.7345438036428763 -0.763951723042176 -0.7933596424414756 -0.8119330652199815 +4103,-0.8939656824917177,0,-1.0843432659713994 -0.8955134677232585 -0.6896580319281609 -0.46677695858609813 -0.2794949455694978 -0.04887494606973151 0.09042572476906323 0.14924156356766252 0.13840706694686883 0.043992167822798314 -0.10614299963678131 -0.28878165695875074 -0.5194016564585259 -0.6463200454449775 -0.7144225956328297 -0.7345438036428763 -0.763951723042176 -0.7933596424414756 -0.8119330652199815 -0.8475321255454529 +4104,-0.9403992394379826,0,-0.8955134677232585 -0.6896580319281609 -0.46677695858609813 -0.2794949455694978 -0.04887494606973151 0.09042572476906323 0.14924156356766252 0.13840706694686883 0.043992167822798314 -0.10614299963678131 -0.28878165695875074 -0.5194016564585259 -0.6463200454449775 -0.7144225956328297 -0.7345438036428763 -0.763951723042176 -0.7933596424414756 -0.8119330652199815 -0.8475321255454529 -0.8939656824917177 +4105,-0.9682593736057415,0,-0.6896580319281609 -0.46677695858609813 -0.2794949455694978 -0.04887494606973151 0.09042572476906323 0.14924156356766252 0.13840706694686883 0.043992167822798314 -0.10614299963678131 -0.28878165695875074 -0.5194016564585259 -0.6463200454449775 -0.7144225956328297 -0.7345438036428763 -0.763951723042176 -0.7933596424414756 -0.8119330652199815 -0.8475321255454529 -0.8939656824917177 -0.9403992394379826 +4106,-0.9450425951326047,0,-0.46677695858609813 -0.2794949455694978 -0.04887494606973151 0.09042572476906323 0.14924156356766252 0.13840706694686883 0.043992167822798314 -0.10614299963678131 -0.28878165695875074 -0.5194016564585259 -0.6463200454449775 -0.7144225956328297 -0.7345438036428763 -0.763951723042176 -0.7933596424414756 -0.8119330652199815 -0.8475321255454529 -0.8939656824917177 -0.9403992394379826 -0.9682593736057415 +4107,-0.8800356154078338,0,-0.2794949455694978 -0.04887494606973151 0.09042572476906323 0.14924156356766252 0.13840706694686883 0.043992167822798314 -0.10614299963678131 -0.28878165695875074 -0.5194016564585259 -0.6463200454449775 -0.7144225956328297 -0.7345438036428763 -0.763951723042176 -0.7933596424414756 -0.8119330652199815 -0.8475321255454529 -0.8939656824917177 -0.9403992394379826 -0.9682593736057415 -0.9450425951326047 +4108,-0.6401289045188147,0,-0.04887494606973151 0.09042572476906323 0.14924156356766252 0.13840706694686883 0.043992167822798314 -0.10614299963678131 -0.28878165695875074 -0.5194016564585259 -0.6463200454449775 -0.7144225956328297 -0.7345438036428763 -0.763951723042176 -0.7933596424414756 -0.8119330652199815 -0.8475321255454529 -0.8939656824917177 -0.9403992394379826 -0.9682593736057415 -0.9450425951326047 -0.8800356154078338 +4109,-0.38319655608282127,0,0.09042572476906323 0.14924156356766252 0.13840706694686883 0.043992167822798314 -0.10614299963678131 -0.28878165695875074 -0.5194016564585259 -0.6463200454449775 -0.7144225956328297 -0.7345438036428763 -0.763951723042176 -0.7933596424414756 -0.8119330652199815 -0.8475321255454529 -0.8939656824917177 -0.9403992394379826 -0.9682593736057415 -0.9450425951326047 -0.8800356154078338 -0.6401289045188147 +4110,-0.1665066236669301,0,0.14924156356766252 0.13840706694686883 0.043992167822798314 -0.10614299963678131 -0.28878165695875074 -0.5194016564585259 -0.6463200454449775 -0.7144225956328297 -0.7345438036428763 -0.763951723042176 -0.7933596424414756 -0.8119330652199815 -0.8475321255454529 -0.8939656824917177 -0.9403992394379826 -0.9682593736057415 -0.9450425951326047 -0.8800356154078338 -0.6401289045188147 -0.38319655608282127 +4111,0.03625324166508603,0,0.13840706694686883 0.043992167822798314 -0.10614299963678131 -0.28878165695875074 -0.5194016564585259 -0.6463200454449775 -0.7144225956328297 -0.7345438036428763 -0.763951723042176 -0.7933596424414756 -0.8119330652199815 -0.8475321255454529 -0.8939656824917177 -0.9403992394379826 -0.9682593736057415 -0.9450425951326047 -0.8800356154078338 -0.6401289045188147 -0.38319655608282127 -0.1665066236669301 +4112,0.16471941588308708,0,0.043992167822798314 -0.10614299963678131 -0.28878165695875074 -0.5194016564585259 -0.6463200454449775 -0.7144225956328297 -0.7345438036428763 -0.763951723042176 -0.7933596424414756 -0.8119330652199815 -0.8475321255454529 -0.8939656824917177 -0.9403992394379826 -0.9682593736057415 -0.9450425951326047 -0.8800356154078338 -0.6401289045188147 -0.38319655608282127 -0.1665066236669301 0.03625324166508603 +4113,0.3334280061211727,0,-0.10614299963678131 -0.28878165695875074 -0.5194016564585259 -0.6463200454449775 -0.7144225956328297 -0.7345438036428763 -0.763951723042176 -0.7933596424414756 -0.8119330652199815 -0.8475321255454529 -0.8939656824917177 -0.9403992394379826 -0.9682593736057415 -0.9450425951326047 -0.8800356154078338 -0.6401289045188147 -0.38319655608282127 -0.1665066236669301 0.03625324166508603 0.16471941588308708 +4114,0.3241412947319197,0,-0.28878165695875074 -0.5194016564585259 -0.6463200454449775 -0.7144225956328297 -0.7345438036428763 -0.763951723042176 -0.7933596424414756 -0.8119330652199815 -0.8475321255454529 -0.8939656824917177 -0.9403992394379826 -0.9682593736057415 -0.9450425951326047 -0.8800356154078338 -0.6401289045188147 -0.38319655608282127 -0.1665066236669301 0.03625324166508603 0.16471941588308708 0.3334280061211727 +4115,0.3752182073728067,0,-0.5194016564585259 -0.6463200454449775 -0.7144225956328297 -0.7345438036428763 -0.763951723042176 -0.7933596424414756 -0.8119330652199815 -0.8475321255454529 -0.8939656824917177 -0.9403992394379826 -0.9682593736057415 -0.9450425951326047 -0.8800356154078338 -0.6401289045188147 -0.38319655608282127 -0.1665066236669301 0.03625324166508603 0.16471941588308708 0.3334280061211727 0.3241412947319197 +4116,0.29318559010107936,0,-0.6463200454449775 -0.7144225956328297 -0.7345438036428763 -0.763951723042176 -0.7933596424414756 -0.8119330652199815 -0.8475321255454529 -0.8939656824917177 -0.9403992394379826 -0.9682593736057415 -0.9450425951326047 -0.8800356154078338 -0.6401289045188147 -0.38319655608282127 -0.1665066236669301 0.03625324166508603 0.16471941588308708 0.3334280061211727 0.3241412947319197 0.3752182073728067 +4117,0.13066814078915656,0,-0.7144225956328297 -0.7345438036428763 -0.763951723042176 -0.7933596424414756 -0.8119330652199815 -0.8475321255454529 -0.8939656824917177 -0.9403992394379826 -0.9682593736057415 -0.9450425951326047 -0.8800356154078338 -0.6401289045188147 -0.38319655608282127 -0.1665066236669301 0.03625324166508603 0.16471941588308708 0.3334280061211727 0.3241412947319197 0.3752182073728067 0.29318559010107936 +4118,-0.0008936038919258983,0,-0.7345438036428763 -0.763951723042176 -0.7933596424414756 -0.8119330652199815 -0.8475321255454529 -0.8939656824917177 -0.9403992394379826 -0.9682593736057415 -0.9450425951326047 -0.8800356154078338 -0.6401289045188147 -0.38319655608282127 -0.1665066236669301 0.03625324166508603 0.16471941588308708 0.3334280061211727 0.3241412947319197 0.3752182073728067 0.29318559010107936 0.13066814078915656 +4119,-0.15257655658304622,0,-0.763951723042176 -0.7933596424414756 -0.8119330652199815 -0.8475321255454529 -0.8939656824917177 -0.9403992394379826 -0.9682593736057415 -0.9450425951326047 -0.8800356154078338 -0.6401289045188147 -0.38319655608282127 -0.1665066236669301 0.03625324166508603 0.16471941588308708 0.3334280061211727 0.3241412947319197 0.3752182073728067 0.29318559010107936 0.13066814078915656 -0.0008936038919258983 +4120,-0.2702082341802448,0,-0.7933596424414756 -0.8119330652199815 -0.8475321255454529 -0.8939656824917177 -0.9403992394379826 -0.9682593736057415 -0.9450425951326047 -0.8800356154078338 -0.6401289045188147 -0.38319655608282127 -0.1665066236669301 0.03625324166508603 0.16471941588308708 0.3334280061211727 0.3241412947319197 0.3752182073728067 0.29318559010107936 0.13066814078915656 -0.0008936038919258983 -0.15257655658304622 +4121,-0.4218911868713739,0,-0.8119330652199815 -0.8475321255454529 -0.8939656824917177 -0.9403992394379826 -0.9682593736057415 -0.9450425951326047 -0.8800356154078338 -0.6401289045188147 -0.38319655608282127 -0.1665066236669301 0.03625324166508603 0.16471941588308708 0.3334280061211727 0.3241412947319197 0.3752182073728067 0.29318559010107936 0.13066814078915656 -0.0008936038919258983 -0.15257655658304622 -0.2702082341802448 +4122,-0.4807070256699732,0,-0.8475321255454529 -0.8939656824917177 -0.9403992394379826 -0.9682593736057415 -0.9450425951326047 -0.8800356154078338 -0.6401289045188147 -0.38319655608282127 -0.1665066236669301 0.03625324166508603 0.16471941588308708 0.3334280061211727 0.3241412947319197 0.3752182073728067 0.29318559010107936 0.13066814078915656 -0.0008936038919258983 -0.15257655658304622 -0.2702082341802448 -0.4218911868713739 +4123,-0.5550007167839971,0,-0.8939656824917177 -0.9403992394379826 -0.9682593736057415 -0.9450425951326047 -0.8800356154078338 -0.6401289045188147 -0.38319655608282127 -0.1665066236669301 0.03625324166508603 0.16471941588308708 0.3334280061211727 0.3241412947319197 0.3752182073728067 0.29318559010107936 0.13066814078915656 -0.0008936038919258983 -0.15257655658304622 -0.2702082341802448 -0.4218911868713739 -0.4807070256699732 +4124,-0.6292944078980209,0,-0.9403992394379826 -0.9682593736057415 -0.9450425951326047 -0.8800356154078338 -0.6401289045188147 -0.38319655608282127 -0.1665066236669301 0.03625324166508603 0.16471941588308708 0.3334280061211727 0.3241412947319197 0.3752182073728067 0.29318559010107936 0.13066814078915656 -0.0008936038919258983 -0.15257655658304622 -0.2702082341802448 -0.4218911868713739 -0.4807070256699732 -0.5550007167839971 +4125,-0.7004925285489546,0,-0.9682593736057415 -0.9450425951326047 -0.8800356154078338 -0.6401289045188147 -0.38319655608282127 -0.1665066236669301 0.03625324166508603 0.16471941588308708 0.3334280061211727 0.3241412947319197 0.3752182073728067 0.29318559010107936 0.13066814078915656 -0.0008936038919258983 -0.15257655658304622 -0.2702082341802448 -0.4218911868713739 -0.4807070256699732 -0.5550007167839971 -0.6292944078980209 +4126,-0.763951723042176,0,-0.9450425951326047 -0.8800356154078338 -0.6401289045188147 -0.38319655608282127 -0.1665066236669301 0.03625324166508603 0.16471941588308708 0.3334280061211727 0.3241412947319197 0.3752182073728067 0.29318559010107936 0.13066814078915656 -0.0008936038919258983 -0.15257655658304622 -0.2702082341802448 -0.4218911868713739 -0.4807070256699732 -0.5550007167839971 -0.6292944078980209 -0.7004925285489546 +4127,-0.7856207162837722,0,-0.8800356154078338 -0.6401289045188147 -0.38319655608282127 -0.1665066236669301 0.03625324166508603 0.16471941588308708 0.3334280061211727 0.3241412947319197 0.3752182073728067 0.29318559010107936 0.13066814078915656 -0.0008936038919258983 -0.15257655658304622 -0.2702082341802448 -0.4218911868713739 -0.4807070256699732 -0.5550007167839971 -0.6292944078980209 -0.7004925285489546 -0.763951723042176 +4128,-0.822767561840784,0,-0.6401289045188147 -0.38319655608282127 -0.1665066236669301 0.03625324166508603 0.16471941588308708 0.3334280061211727 0.3241412947319197 0.3752182073728067 0.29318559010107936 0.13066814078915656 -0.0008936038919258983 -0.15257655658304622 -0.2702082341802448 -0.4218911868713739 -0.4807070256699732 -0.5550007167839971 -0.6292944078980209 -0.7004925285489546 -0.763951723042176 -0.7856207162837722 +4129,-0.8769400449447524,0,-0.38319655608282127 -0.1665066236669301 0.03625324166508603 0.16471941588308708 0.3334280061211727 0.3241412947319197 0.3752182073728067 0.29318559010107936 0.13066814078915656 -0.0008936038919258983 -0.15257655658304622 -0.2702082341802448 -0.4218911868713739 -0.4807070256699732 -0.5550007167839971 -0.6292944078980209 -0.7004925285489546 -0.763951723042176 -0.7856207162837722 -0.822767561840784 +4130,-0.9280169575856395,0,-0.1665066236669301 0.03625324166508603 0.16471941588308708 0.3334280061211727 0.3241412947319197 0.3752182073728067 0.29318559010107936 0.13066814078915656 -0.0008936038919258983 -0.15257655658304622 -0.2702082341802448 -0.4218911868713739 -0.4807070256699732 -0.5550007167839971 -0.6292944078980209 -0.7004925285489546 -0.763951723042176 -0.7856207162837722 -0.822767561840784 -0.8769400449447524 +4131,-0.9311125280487297,0,0.03625324166508603 0.16471941588308708 0.3334280061211727 0.3241412947319197 0.3752182073728067 0.29318559010107936 0.13066814078915656 -0.0008936038919258983 -0.15257655658304622 -0.2702082341802448 -0.4218911868713739 -0.4807070256699732 -0.5550007167839971 -0.6292944078980209 -0.7004925285489546 -0.763951723042176 -0.7856207162837722 -0.822767561840784 -0.8769400449447524 -0.9280169575856395 +4132,-0.5859564214148374,0,0.16471941588308708 0.3334280061211727 0.3241412947319197 0.3752182073728067 0.29318559010107936 0.13066814078915656 -0.0008936038919258983 -0.15257655658304622 -0.2702082341802448 -0.4218911868713739 -0.4807070256699732 -0.5550007167839971 -0.6292944078980209 -0.7004925285489546 -0.763951723042176 -0.7856207162837722 -0.822767561840784 -0.8769400449447524 -0.9280169575856395 -0.9311125280487297 +4133,-0.30735507973725673,0,0.3334280061211727 0.3241412947319197 0.3752182073728067 0.29318559010107936 0.13066814078915656 -0.0008936038919258983 -0.15257655658304622 -0.2702082341802448 -0.4218911868713739 -0.4807070256699732 -0.5550007167839971 -0.6292944078980209 -0.7004925285489546 -0.763951723042176 -0.7856207162837722 -0.822767561840784 -0.8769400449447524 -0.9280169575856395 -0.9311125280487297 -0.5859564214148374 +4134,-0.02101481190197256,0,0.3241412947319197 0.3752182073728067 0.29318559010107936 0.13066814078915656 -0.0008936038919258983 -0.15257655658304622 -0.2702082341802448 -0.4218911868713739 -0.4807070256699732 -0.5550007167839971 -0.6292944078980209 -0.7004925285489546 -0.763951723042176 -0.7856207162837722 -0.822767561840784 -0.8769400449447524 -0.9280169575856395 -0.9311125280487297 -0.5859564214148374 -0.30735507973725673 +4135,0.17400612727234008,0,0.3752182073728067 0.29318559010107936 0.13066814078915656 -0.0008936038919258983 -0.15257655658304622 -0.2702082341802448 -0.4218911868713739 -0.4807070256699732 -0.5550007167839971 -0.6292944078980209 -0.7004925285489546 -0.763951723042176 -0.7856207162837722 -0.822767561840784 -0.8769400449447524 -0.9280169575856395 -0.9311125280487297 -0.5859564214148374 -0.30735507973725673 -0.02101481190197256 +4136,0.3102112276480446,0,0.29318559010107936 0.13066814078915656 -0.0008936038919258983 -0.15257655658304622 -0.2702082341802448 -0.4218911868713739 -0.4807070256699732 -0.5550007167839971 -0.6292944078980209 -0.7004925285489546 -0.763951723042176 -0.7856207162837722 -0.822767561840784 -0.8769400449447524 -0.9280169575856395 -0.9311125280487297 -0.5859564214148374 -0.30735507973725673 -0.02101481190197256 0.17400612727234008 +4137,0.4278429052452432,0,0.13066814078915656 -0.0008936038919258983 -0.15257655658304622 -0.2702082341802448 -0.4218911868713739 -0.4807070256699732 -0.5550007167839971 -0.6292944078980209 -0.7004925285489546 -0.763951723042176 -0.7856207162837722 -0.822767561840784 -0.8769400449447524 -0.9280169575856395 -0.9311125280487297 -0.5859564214148374 -0.30735507973725673 -0.02101481190197256 0.17400612727234008 0.3102112276480446 +4138,0.46344196557070566,0,-0.0008936038919258983 -0.15257655658304622 -0.2702082341802448 -0.4218911868713739 -0.4807070256699732 -0.5550007167839971 -0.6292944078980209 -0.7004925285489546 -0.763951723042176 -0.7856207162837722 -0.822767561840784 -0.8769400449447524 -0.9280169575856395 -0.9311125280487297 -0.5859564214148374 -0.30735507973725673 -0.02101481190197256 0.17400612727234008 0.3102112276480446 0.4278429052452432 +4139,0.46034639510762426,0,-0.15257655658304622 -0.2702082341802448 -0.4218911868713739 -0.4807070256699732 -0.5550007167839971 -0.6292944078980209 -0.7004925285489546 -0.763951723042176 -0.7856207162837722 -0.822767561840784 -0.8769400449447524 -0.9280169575856395 -0.9311125280487297 -0.5859564214148374 -0.30735507973725673 -0.02101481190197256 0.17400612727234008 0.3102112276480446 0.4278429052452432 0.46344196557070566 +4140,0.3937916301513127,0,-0.2702082341802448 -0.4218911868713739 -0.4807070256699732 -0.5550007167839971 -0.6292944078980209 -0.7004925285489546 -0.763951723042176 -0.7856207162837722 -0.822767561840784 -0.8769400449447524 -0.9280169575856395 -0.9311125280487297 -0.5859564214148374 -0.30735507973725673 -0.02101481190197256 0.17400612727234008 0.3102112276480446 0.4278429052452432 0.46344196557070566 0.46034639510762426 +4141,0.18638840912467444,0,-0.4218911868713739 -0.4807070256699732 -0.5550007167839971 -0.6292944078980209 -0.7004925285489546 -0.763951723042176 -0.7856207162837722 -0.822767561840784 -0.8769400449447524 -0.9280169575856395 -0.9311125280487297 -0.5859564214148374 -0.30735507973725673 -0.02101481190197256 0.17400612727234008 0.3102112276480446 0.4278429052452432 0.46344196557070566 0.46034639510762426 0.3937916301513127 +4142,-0.058161657458975696,0,-0.4807070256699732 -0.5550007167839971 -0.6292944078980209 -0.7004925285489546 -0.763951723042176 -0.7856207162837722 -0.822767561840784 -0.8769400449447524 -0.9280169575856395 -0.9311125280487297 -0.5859564214148374 -0.30735507973725673 -0.02101481190197256 0.17400612727234008 0.3102112276480446 0.4278429052452432 0.46344196557070566 0.46034639510762426 0.3937916301513127 0.18638840912467444 +4143,-0.29806836834800376,0,-0.5550007167839971 -0.6292944078980209 -0.7004925285489546 -0.763951723042176 -0.7856207162837722 -0.822767561840784 -0.8769400449447524 -0.9280169575856395 -0.9311125280487297 -0.5859564214148374 -0.30735507973725673 -0.02101481190197256 0.17400612727234008 0.3102112276480446 0.4278429052452432 0.46344196557070566 0.46034639510762426 0.3937916301513127 0.18638840912467444 -0.058161657458975696 +4144,-0.4373690391867985,0,-0.6292944078980209 -0.7004925285489546 -0.763951723042176 -0.7856207162837722 -0.822767561840784 -0.8769400449447524 -0.9280169575856395 -0.9311125280487297 -0.5859564214148374 -0.30735507973725673 -0.02101481190197256 0.17400612727234008 0.3102112276480446 0.4278429052452432 0.46344196557070566 0.46034639510762426 0.3937916301513127 0.18638840912467444 -0.058161657458975696 -0.29806836834800376 +4145,-0.5503573610893662,0,-0.7004925285489546 -0.763951723042176 -0.7856207162837722 -0.822767561840784 -0.8769400449447524 -0.9280169575856395 -0.9311125280487297 -0.5859564214148374 -0.30735507973725673 -0.02101481190197256 0.17400612727234008 0.3102112276480446 0.4278429052452432 0.46344196557070566 0.46034639510762426 0.3937916301513127 0.18638840912467444 -0.058161657458975696 -0.29806836834800376 -0.4373690391867985 +4146,-0.6060776294248841,0,-0.763951723042176 -0.7856207162837722 -0.822767561840784 -0.8769400449447524 -0.9280169575856395 -0.9311125280487297 -0.5859564214148374 -0.30735507973725673 -0.02101481190197256 0.17400612727234008 0.3102112276480446 0.4278429052452432 0.46344196557070566 0.46034639510762426 0.3937916301513127 0.18638840912467444 -0.058161657458975696 -0.29806836834800376 -0.4373690391867985 -0.5503573610893662 +4147,-0.6927536023912423,0,-0.7856207162837722 -0.822767561840784 -0.8769400449447524 -0.9280169575856395 -0.9311125280487297 -0.5859564214148374 -0.30735507973725673 -0.02101481190197256 0.17400612727234008 0.3102112276480446 0.4278429052452432 0.46344196557070566 0.46034639510762426 0.3937916301513127 0.18638840912467444 -0.058161657458975696 -0.29806836834800376 -0.4373690391867985 -0.5503573610893662 -0.6060776294248841 +4148,-0.7020403137804953,0,-0.822767561840784 -0.8769400449447524 -0.9280169575856395 -0.9311125280487297 -0.5859564214148374 -0.30735507973725673 -0.02101481190197256 0.17400612727234008 0.3102112276480446 0.4278429052452432 0.46344196557070566 0.46034639510762426 0.3937916301513127 0.18638840912467444 -0.058161657458975696 -0.29806836834800376 -0.4373690391867985 -0.5503573610893662 -0.6060776294248841 -0.6927536023912423 +4149,-0.763951723042176,0,-0.8769400449447524 -0.9280169575856395 -0.9311125280487297 -0.5859564214148374 -0.30735507973725673 -0.02101481190197256 0.17400612727234008 0.3102112276480446 0.4278429052452432 0.46344196557070566 0.46034639510762426 0.3937916301513127 0.18638840912467444 -0.058161657458975696 -0.29806836834800376 -0.4373690391867985 -0.5503573610893662 -0.6060776294248841 -0.6927536023912423 -0.7020403137804953 +4150,-0.8057419242938189,0,-0.9280169575856395 -0.9311125280487297 -0.5859564214148374 -0.30735507973725673 -0.02101481190197256 0.17400612727234008 0.3102112276480446 0.4278429052452432 0.46344196557070566 0.46034639510762426 0.3937916301513127 0.18638840912467444 -0.058161657458975696 -0.29806836834800376 -0.4373690391867985 -0.5503573610893662 -0.6060776294248841 -0.6927536023912423 -0.7020403137804953 -0.763951723042176 +4151,-0.8769400449447524,0,-0.9311125280487297 -0.5859564214148374 -0.30735507973725673 -0.02101481190197256 0.17400612727234008 0.3102112276480446 0.4278429052452432 0.46344196557070566 0.46034639510762426 0.3937916301513127 0.18638840912467444 -0.058161657458975696 -0.29806836834800376 -0.4373690391867985 -0.5503573610893662 -0.6060776294248841 -0.6927536023912423 -0.7020403137804953 -0.763951723042176 -0.8057419242938189 +4152,-0.9218258166594767,0,-0.5859564214148374 -0.30735507973725673 -0.02101481190197256 0.17400612727234008 0.3102112276480446 0.4278429052452432 0.46344196557070566 0.46034639510762426 0.3937916301513127 0.18638840912467444 -0.058161657458975696 -0.29806836834800376 -0.4373690391867985 -0.5503573610893662 -0.6060776294248841 -0.6927536023912423 -0.7020403137804953 -0.763951723042176 -0.8057419242938189 -0.8769400449447524 +4153,-0.9326603132802703,0,-0.30735507973725673 -0.02101481190197256 0.17400612727234008 0.3102112276480446 0.4278429052452432 0.46344196557070566 0.46034639510762426 0.3937916301513127 0.18638840912467444 -0.058161657458975696 -0.29806836834800376 -0.4373690391867985 -0.5503573610893662 -0.6060776294248841 -0.6927536023912423 -0.7020403137804953 -0.763951723042176 -0.8057419242938189 -0.8769400449447524 -0.9218258166594767 +4154,-0.9667115883741921,0,-0.02101481190197256 0.17400612727234008 0.3102112276480446 0.4278429052452432 0.46344196557070566 0.46034639510762426 0.3937916301513127 0.18638840912467444 -0.058161657458975696 -0.29806836834800376 -0.4373690391867985 -0.5503573610893662 -0.6060776294248841 -0.6927536023912423 -0.7020403137804953 -0.763951723042176 -0.8057419242938189 -0.8769400449447524 -0.9218258166594767 -0.9326603132802703 +4155,-0.8661055483239588,0,0.17400612727234008 0.3102112276480446 0.4278429052452432 0.46344196557070566 0.46034639510762426 0.3937916301513127 0.18638840912467444 -0.058161657458975696 -0.29806836834800376 -0.4373690391867985 -0.5503573610893662 -0.6060776294248841 -0.6927536023912423 -0.7020403137804953 -0.763951723042176 -0.8057419242938189 -0.8769400449447524 -0.9218258166594767 -0.9326603132802703 -0.9667115883741921 +4156,-0.6494156159080676,0,0.3102112276480446 0.4278429052452432 0.46344196557070566 0.46034639510762426 0.3937916301513127 0.18638840912467444 -0.058161657458975696 -0.29806836834800376 -0.4373690391867985 -0.5503573610893662 -0.6060776294248841 -0.6927536023912423 -0.7020403137804953 -0.763951723042176 -0.8057419242938189 -0.8769400449447524 -0.9218258166594767 -0.9326603132802703 -0.9667115883741921 -0.8661055483239588 +4157,-0.4234389721029146,0,0.4278429052452432 0.46344196557070566 0.46034639510762426 0.3937916301513127 0.18638840912467444 -0.058161657458975696 -0.29806836834800376 -0.4373690391867985 -0.5503573610893662 -0.6060776294248841 -0.6927536023912423 -0.7020403137804953 -0.763951723042176 -0.8057419242938189 -0.8769400449447524 -0.9218258166594767 -0.9326603132802703 -0.9667115883741921 -0.8661055483239588 -0.6494156159080676 +4158,-0.11697749625758379,0,0.46344196557070566 0.46034639510762426 0.3937916301513127 0.18638840912467444 -0.058161657458975696 -0.29806836834800376 -0.4373690391867985 -0.5503573610893662 -0.6060776294248841 -0.6927536023912423 -0.7020403137804953 -0.763951723042176 -0.8057419242938189 -0.8769400449447524 -0.9218258166594767 -0.9326603132802703 -0.9667115883741921 -0.8661055483239588 -0.6494156159080676 -0.4234389721029146 +4159,0.08578236907443235,0,0.46034639510762426 0.3937916301513127 0.18638840912467444 -0.058161657458975696 -0.29806836834800376 -0.4373690391867985 -0.5503573610893662 -0.6060776294248841 -0.6927536023912423 -0.7020403137804953 -0.763951723042176 -0.8057419242938189 -0.8769400449447524 -0.9218258166594767 -0.9326603132802703 -0.9667115883741921 -0.8661055483239588 -0.6494156159080676 -0.4234389721029146 -0.11697749625758379 +4160,0.2792555230171955,0,0.3937916301513127 0.18638840912467444 -0.058161657458975696 -0.29806836834800376 -0.4373690391867985 -0.5503573610893662 -0.6060776294248841 -0.6927536023912423 -0.7020403137804953 -0.763951723042176 -0.8057419242938189 -0.8769400449447524 -0.9218258166594767 -0.9326603132802703 -0.9667115883741921 -0.8661055483239588 -0.6494156159080676 -0.4234389721029146 -0.11697749625758379 0.08578236907443235 +4161,0.37831377783589687,0,0.18638840912467444 -0.058161657458975696 -0.29806836834800376 -0.4373690391867985 -0.5503573610893662 -0.6060776294248841 -0.6927536023912423 -0.7020403137804953 -0.763951723042176 -0.8057419242938189 -0.8769400449447524 -0.9218258166594767 -0.9326603132802703 -0.9667115883741921 -0.8661055483239588 -0.6494156159080676 -0.4234389721029146 -0.11697749625758379 0.08578236907443235 0.2792555230171955 +4162,0.38140934829897827,0,-0.058161657458975696 -0.29806836834800376 -0.4373690391867985 -0.5503573610893662 -0.6060776294248841 -0.6927536023912423 -0.7020403137804953 -0.763951723042176 -0.8057419242938189 -0.8769400449447524 -0.9218258166594767 -0.9326603132802703 -0.9667115883741921 -0.8661055483239588 -0.6494156159080676 -0.4234389721029146 -0.11697749625758379 0.08578236907443235 0.2792555230171955 0.37831377783589687 +4163,0.3365235765842541,0,-0.29806836834800376 -0.4373690391867985 -0.5503573610893662 -0.6060776294248841 -0.6927536023912423 -0.7020403137804953 -0.763951723042176 -0.8057419242938189 -0.8769400449447524 -0.9218258166594767 -0.9326603132802703 -0.9667115883741921 -0.8661055483239588 -0.6494156159080676 -0.4234389721029146 -0.11697749625758379 0.08578236907443235 0.2792555230171955 0.37831377783589687 0.38140934829897827 +4164,0.2792555230171955,0,-0.4373690391867985 -0.5503573610893662 -0.6060776294248841 -0.6927536023912423 -0.7020403137804953 -0.763951723042176 -0.8057419242938189 -0.8769400449447524 -0.9218258166594767 -0.9326603132802703 -0.9667115883741921 -0.8661055483239588 -0.6494156159080676 -0.4234389721029146 -0.11697749625758379 0.08578236907443235 0.2792555230171955 0.37831377783589687 0.38140934829897827 0.3365235765842541 +4165,0.13840706694686883,0,-0.5503573610893662 -0.6060776294248841 -0.6927536023912423 -0.7020403137804953 -0.763951723042176 -0.8057419242938189 -0.8769400449447524 -0.9218258166594767 -0.9326603132802703 -0.9667115883741921 -0.8661055483239588 -0.6494156159080676 -0.4234389721029146 -0.11697749625758379 0.08578236907443235 0.2792555230171955 0.37831377783589687 0.38140934829897827 0.3365235765842541 0.2792555230171955 +4166,-0.024110382365053955,0,-0.6060776294248841 -0.6927536023912423 -0.7020403137804953 -0.763951723042176 -0.8057419242938189 -0.8769400449447524 -0.9218258166594767 -0.9326603132802703 -0.9667115883741921 -0.8661055483239588 -0.6494156159080676 -0.4234389721029146 -0.11697749625758379 0.08578236907443235 0.2792555230171955 0.37831377783589687 0.38140934829897827 0.3365235765842541 0.2792555230171955 0.13840706694686883 +4167,-0.2655648784856227,0,-0.6927536023912423 -0.7020403137804953 -0.763951723042176 -0.8057419242938189 -0.8769400449447524 -0.9218258166594767 -0.9326603132802703 -0.9667115883741921 -0.8661055483239588 -0.6494156159080676 -0.4234389721029146 -0.11697749625758379 0.08578236907443235 0.2792555230171955 0.37831377783589687 0.38140934829897827 0.3365235765842541 0.2792555230171955 0.13840706694686883 -0.024110382365053955 +4168,-0.38164877085128057,0,-0.7020403137804953 -0.763951723042176 -0.8057419242938189 -0.8769400449447524 -0.9218258166594767 -0.9326603132802703 -0.9667115883741921 -0.8661055483239588 -0.6494156159080676 -0.4234389721029146 -0.11697749625758379 0.08578236907443235 0.2792555230171955 0.37831377783589687 0.38140934829897827 0.3365235765842541 0.2792555230171955 0.13840706694686883 -0.024110382365053955 -0.2655648784856227 +4169,-0.5209494416900665,0,-0.763951723042176 -0.8057419242938189 -0.8769400449447524 -0.9218258166594767 -0.9326603132802703 -0.9667115883741921 -0.8661055483239588 -0.6494156159080676 -0.4234389721029146 -0.11697749625758379 0.08578236907443235 0.2792555230171955 0.37831377783589687 0.38140934829897827 0.3365235765842541 0.2792555230171955 0.13840706694686883 -0.024110382365053955 -0.2655648784856227 -0.38164877085128057 +4170,-0.633937763592643,0,-0.8057419242938189 -0.8769400449447524 -0.9218258166594767 -0.9326603132802703 -0.9667115883741921 -0.8661055483239588 -0.6494156159080676 -0.4234389721029146 -0.11697749625758379 0.08578236907443235 0.2792555230171955 0.37831377783589687 0.38140934829897827 0.3365235765842541 0.2792555230171955 0.13840706694686883 -0.024110382365053955 -0.2655648784856227 -0.38164877085128057 -0.5209494416900665 +4171,-0.7159703808643704,0,-0.8769400449447524 -0.9218258166594767 -0.9326603132802703 -0.9667115883741921 -0.8661055483239588 -0.6494156159080676 -0.4234389721029146 -0.11697749625758379 0.08578236907443235 0.2792555230171955 0.37831377783589687 0.38140934829897827 0.3365235765842541 0.2792555230171955 0.13840706694686883 -0.024110382365053955 -0.2655648784856227 -0.38164877085128057 -0.5209494416900665 -0.633937763592643 +4172,-0.7933596424414756,0,-0.9218258166594767 -0.9326603132802703 -0.9667115883741921 -0.8661055483239588 -0.6494156159080676 -0.4234389721029146 -0.11697749625758379 0.08578236907443235 0.2792555230171955 0.37831377783589687 0.38140934829897827 0.3365235765842541 0.2792555230171955 0.13840706694686883 -0.024110382365053955 -0.2655648784856227 -0.38164877085128057 -0.5209494416900665 -0.633937763592643 -0.7159703808643704 +4173,-0.8490799107769935,0,-0.9326603132802703 -0.9667115883741921 -0.8661055483239588 -0.6494156159080676 -0.4234389721029146 -0.11697749625758379 0.08578236907443235 0.2792555230171955 0.37831377783589687 0.38140934829897827 0.3365235765842541 0.2792555230171955 0.13840706694686883 -0.024110382365053955 -0.2655648784856227 -0.38164877085128057 -0.5209494416900665 -0.633937763592643 -0.7159703808643704 -0.7933596424414756 +4174,-0.9605204474480293,0,-0.9667115883741921 -0.8661055483239588 -0.6494156159080676 -0.4234389721029146 -0.11697749625758379 0.08578236907443235 0.2792555230171955 0.37831377783589687 0.38140934829897827 0.3365235765842541 0.2792555230171955 0.13840706694686883 -0.024110382365053955 -0.2655648784856227 -0.38164877085128057 -0.5209494416900665 -0.633937763592643 -0.7159703808643704 -0.7933596424414756 -0.8490799107769935 +4175,-1.0100495748573757,0,-0.8661055483239588 -0.6494156159080676 -0.4234389721029146 -0.11697749625758379 0.08578236907443235 0.2792555230171955 0.37831377783589687 0.38140934829897827 0.3365235765842541 0.2792555230171955 0.13840706694686883 -0.024110382365053955 -0.2655648784856227 -0.38164877085128057 -0.5209494416900665 -0.633937763592643 -0.7159703808643704 -0.7933596424414756 -0.8490799107769935 -0.9605204474480293 +4176,-1.0146929305519976,0,-0.6494156159080676 -0.4234389721029146 -0.11697749625758379 0.08578236907443235 0.2792555230171955 0.37831377783589687 0.38140934829897827 0.3365235765842541 0.2792555230171955 0.13840706694686883 -0.024110382365053955 -0.2655648784856227 -0.38164877085128057 -0.5209494416900665 -0.633937763592643 -0.7159703808643704 -0.7933596424414756 -0.8490799107769935 -0.9605204474480293 -1.0100495748573757 +4177,-1.0471964204143875,0,-0.4234389721029146 -0.11697749625758379 0.08578236907443235 0.2792555230171955 0.37831377783589687 0.38140934829897827 0.3365235765842541 0.2792555230171955 0.13840706694686883 -0.024110382365053955 -0.2655648784856227 -0.38164877085128057 -0.5209494416900665 -0.633937763592643 -0.7159703808643704 -0.7933596424414756 -0.8490799107769935 -0.9605204474480293 -1.0100495748573757 -1.0146929305519976 +4178,-1.0982733330552745,0,-0.11697749625758379 0.08578236907443235 0.2792555230171955 0.37831377783589687 0.38140934829897827 0.3365235765842541 0.2792555230171955 0.13840706694686883 -0.024110382365053955 -0.2655648784856227 -0.38164877085128057 -0.5209494416900665 -0.633937763592643 -0.7159703808643704 -0.7933596424414756 -0.8490799107769935 -0.9605204474480293 -1.0100495748573757 -1.0146929305519976 -1.0471964204143875 +4179,-1.017788501015088,0,0.08578236907443235 0.2792555230171955 0.37831377783589687 0.38140934829897827 0.3365235765842541 0.2792555230171955 0.13840706694686883 -0.024110382365053955 -0.2655648784856227 -0.38164877085128057 -0.5209494416900665 -0.633937763592643 -0.7159703808643704 -0.7933596424414756 -0.8490799107769935 -0.9605204474480293 -1.0100495748573757 -1.0146929305519976 -1.0471964204143875 -1.0982733330552745 +4180,-0.7407349445690479,0,0.2792555230171955 0.37831377783589687 0.38140934829897827 0.3365235765842541 0.2792555230171955 0.13840706694686883 -0.024110382365053955 -0.2655648784856227 -0.38164877085128057 -0.5209494416900665 -0.633937763592643 -0.7159703808643704 -0.7933596424414756 -0.8490799107769935 -0.9605204474480293 -1.0100495748573757 -1.0146929305519976 -1.0471964204143875 -1.0982733330552745 -1.017788501015088 +4181,-0.4203434016398332,0,0.37831377783589687 0.38140934829897827 0.3365235765842541 0.2792555230171955 0.13840706694686883 -0.024110382365053955 -0.2655648784856227 -0.38164877085128057 -0.5209494416900665 -0.633937763592643 -0.7159703808643704 -0.7933596424414756 -0.8490799107769935 -0.9605204474480293 -1.0100495748573757 -1.0146929305519976 -1.0471964204143875 -1.0982733330552745 -1.017788501015088 -0.7407349445690479 +4182,-0.24699145570711675,0,0.38140934829897827 0.3365235765842541 0.2792555230171955 0.13840706694686883 -0.024110382365053955 -0.2655648784856227 -0.38164877085128057 -0.5209494416900665 -0.633937763592643 -0.7159703808643704 -0.7933596424414756 -0.8490799107769935 -0.9605204474480293 -1.0100495748573757 -1.0146929305519976 -1.0471964204143875 -1.0982733330552745 -1.017788501015088 -0.7407349445690479 -0.4203434016398332 +4183,0.06411337583284497,0,0.3365235765842541 0.2792555230171955 0.13840706694686883 -0.024110382365053955 -0.2655648784856227 -0.38164877085128057 -0.5209494416900665 -0.633937763592643 -0.7159703808643704 -0.7933596424414756 -0.8490799107769935 -0.9605204474480293 -1.0100495748573757 -1.0146929305519976 -1.0471964204143875 -1.0982733330552745 -1.017788501015088 -0.7407349445690479 -0.4203434016398332 -0.24699145570711675 +4184,0.39998277107748426,0,0.2792555230171955 0.13840706694686883 -0.024110382365053955 -0.2655648784856227 -0.38164877085128057 -0.5209494416900665 -0.633937763592643 -0.7159703808643704 -0.7933596424414756 -0.8490799107769935 -0.9605204474480293 -1.0100495748573757 -1.0146929305519976 -1.0471964204143875 -1.0982733330552745 -1.017788501015088 -0.7407349445690479 -0.4203434016398332 -0.24699145570711675 0.06411337583284497 +4185,0.4866587440438425,0,0.13840706694686883 -0.024110382365053955 -0.2655648784856227 -0.38164877085128057 -0.5209494416900665 -0.633937763592643 -0.7159703808643704 -0.7933596424414756 -0.8490799107769935 -0.9605204474480293 -1.0100495748573757 -1.0146929305519976 -1.0471964204143875 -1.0982733330552745 -1.017788501015088 -0.7407349445690479 -0.4203434016398332 -0.24699145570711675 0.06411337583284497 0.39998277107748426 +4186,0.5640480056209477,0,-0.024110382365053955 -0.2655648784856227 -0.38164877085128057 -0.5209494416900665 -0.633937763592643 -0.7159703808643704 -0.7933596424414756 -0.8490799107769935 -0.9605204474480293 -1.0100495748573757 -1.0146929305519976 -1.0471964204143875 -1.0982733330552745 -1.017788501015088 -0.7407349445690479 -0.4203434016398332 -0.24699145570711675 0.06411337583284497 0.39998277107748426 0.4866587440438425 +4187,0.5129710929800607,0,-0.2655648784856227 -0.38164877085128057 -0.5209494416900665 -0.633937763592643 -0.7159703808643704 -0.7933596424414756 -0.8490799107769935 -0.9605204474480293 -1.0100495748573757 -1.0146929305519976 -1.0471964204143875 -1.0982733330552745 -1.017788501015088 -0.7407349445690479 -0.4203434016398332 -0.24699145570711675 0.06411337583284497 0.39998277107748426 0.4866587440438425 0.5640480056209477 +4188,0.313306798111126,0,-0.38164877085128057 -0.5209494416900665 -0.633937763592643 -0.7159703808643704 -0.7933596424414756 -0.8490799107769935 -0.9605204474480293 -1.0100495748573757 -1.0146929305519976 -1.0471964204143875 -1.0982733330552745 -1.017788501015088 -0.7407349445690479 -0.4203434016398332 -0.24699145570711675 0.06411337583284497 0.39998277107748426 0.4866587440438425 0.5640480056209477 0.5129710929800607 +4189,0.11054693277910989,0,-0.5209494416900665 -0.633937763592643 -0.7159703808643704 -0.7933596424414756 -0.8490799107769935 -0.9605204474480293 -1.0100495748573757 -1.0146929305519976 -1.0471964204143875 -1.0982733330552745 -1.017788501015088 -0.7407349445690479 -0.4203434016398332 -0.24699145570711675 0.06411337583284497 0.39998277107748426 0.4866587440438425 0.5640480056209477 0.5129710929800607 0.313306798111126 +4190,-0.06744836884822868,0,-0.633937763592643 -0.7159703808643704 -0.7933596424414756 -0.8490799107769935 -0.9605204474480293 -1.0100495748573757 -1.0146929305519976 -1.0471964204143875 -1.0982733330552745 -1.017788501015088 -0.7407349445690479 -0.4203434016398332 -0.24699145570711675 0.06411337583284497 0.39998277107748426 0.4866587440438425 0.5640480056209477 0.5129710929800607 0.313306798111126 0.11054693277910989 +4191,-0.2082968249185641,0,-0.7159703808643704 -0.7933596424414756 -0.8490799107769935 -0.9605204474480293 -1.0100495748573757 -1.0146929305519976 -1.0471964204143875 -1.0982733330552745 -1.017788501015088 -0.7407349445690479 -0.4203434016398332 -0.24699145570711675 0.06411337583284497 0.39998277107748426 0.4866587440438425 0.5640480056209477 0.5129710929800607 0.313306798111126 0.11054693277910989 -0.06744836884822868 +4192,-0.4079611197874988,0,-0.7933596424414756 -0.8490799107769935 -0.9605204474480293 -1.0100495748573757 -1.0146929305519976 -1.0471964204143875 -1.0982733330552745 -1.017788501015088 -0.7407349445690479 -0.4203434016398332 -0.24699145570711675 0.06411337583284497 0.39998277107748426 0.4866587440438425 0.5640480056209477 0.5129710929800607 0.313306798111126 0.11054693277910989 -0.06744836884822868 -0.2082968249185641 +4193,-0.5240450121531567,0,-0.8490799107769935 -0.9605204474480293 -1.0100495748573757 -1.0146929305519976 -1.0471964204143875 -1.0982733330552745 -1.017788501015088 -0.7407349445690479 -0.4203434016398332 -0.24699145570711675 0.06411337583284497 0.39998277107748426 0.4866587440438425 0.5640480056209477 0.5129710929800607 0.313306798111126 0.11054693277910989 -0.06744836884822868 -0.2082968249185641 -0.4079611197874988 +4194,-0.6478678306765181,0,-0.9605204474480293 -1.0100495748573757 -1.0146929305519976 -1.0471964204143875 -1.0982733330552745 -1.017788501015088 -0.7407349445690479 -0.4203434016398332 -0.24699145570711675 0.06411337583284497 0.39998277107748426 0.4866587440438425 0.5640480056209477 0.5129710929800607 0.313306798111126 0.11054693277910989 -0.06744836884822868 -0.2082968249185641 -0.4079611197874988 -0.5240450121531567 +4195,-0.7469260854952195,0,-1.0100495748573757 -1.0146929305519976 -1.0471964204143875 -1.0982733330552745 -1.017788501015088 -0.7407349445690479 -0.4203434016398332 -0.24699145570711675 0.06411337583284497 0.39998277107748426 0.4866587440438425 0.5640480056209477 0.5129710929800607 0.313306798111126 0.11054693277910989 -0.06744836884822868 -0.2082968249185641 -0.4079611197874988 -0.5240450121531567 -0.6478678306765181 +4196,-0.8088374947569001,0,-1.0146929305519976 -1.0471964204143875 -1.0982733330552745 -1.017788501015088 -0.7407349445690479 -0.4203434016398332 -0.24699145570711675 0.06411337583284497 0.39998277107748426 0.4866587440438425 0.5640480056209477 0.5129710929800607 0.313306798111126 0.11054693277910989 -0.06744836884822868 -0.2082968249185641 -0.4079611197874988 -0.5240450121531567 -0.6478678306765181 -0.7469260854952195 +4197,-0.8707489040185808,0,-1.0471964204143875 -1.0982733330552745 -1.017788501015088 -0.7407349445690479 -0.4203434016398332 -0.24699145570711675 0.06411337583284497 0.39998277107748426 0.4866587440438425 0.5640480056209477 0.5129710929800607 0.313306798111126 0.11054693277910989 -0.06744836884822868 -0.2082968249185641 -0.4079611197874988 -0.5240450121531567 -0.6478678306765181 -0.7469260854952195 -0.8088374947569001 +4198,-0.9156346757333051,0,-1.0982733330552745 -1.017788501015088 -0.7407349445690479 -0.4203434016398332 -0.24699145570711675 0.06411337583284497 0.39998277107748426 0.4866587440438425 0.5640480056209477 0.5129710929800607 0.313306798111126 0.11054693277910989 -0.06744836884822868 -0.2082968249185641 -0.4079611197874988 -0.5240450121531567 -0.6478678306765181 -0.7469260854952195 -0.8088374947569001 -0.8707489040185808 +4199,-0.9311125280487297,0,-1.017788501015088 -0.7407349445690479 -0.4203434016398332 -0.24699145570711675 0.06411337583284497 0.39998277107748426 0.4866587440438425 0.5640480056209477 0.5129710929800607 0.313306798111126 0.11054693277910989 -0.06744836884822868 -0.2082968249185641 -0.4079611197874988 -0.5240450121531567 -0.6478678306765181 -0.7469260854952195 -0.8088374947569001 -0.8707489040185808 -0.9156346757333051 +4200,-0.9636160179111107,0,-0.7407349445690479 -0.4203434016398332 -0.24699145570711675 0.06411337583284497 0.39998277107748426 0.4866587440438425 0.5640480056209477 0.5129710929800607 0.313306798111126 0.11054693277910989 -0.06744836884822868 -0.2082968249185641 -0.4079611197874988 -0.5240450121531567 -0.6478678306765181 -0.7469260854952195 -0.8088374947569001 -0.8707489040185808 -0.9156346757333051 -0.9311125280487297 +4201,-0.9775460849949946,0,-0.4203434016398332 -0.24699145570711675 0.06411337583284497 0.39998277107748426 0.4866587440438425 0.5640480056209477 0.5129710929800607 0.313306798111126 0.11054693277910989 -0.06744836884822868 -0.2082968249185641 -0.4079611197874988 -0.5240450121531567 -0.6478678306765181 -0.7469260854952195 -0.8088374947569001 -0.8707489040185808 -0.9156346757333051 -0.9311125280487297 -0.9636160179111107 +4202,-0.9667115883741921,0,-0.24699145570711675 0.06411337583284497 0.39998277107748426 0.4866587440438425 0.5640480056209477 0.5129710929800607 0.313306798111126 0.11054693277910989 -0.06744836884822868 -0.2082968249185641 -0.4079611197874988 -0.5240450121531567 -0.6478678306765181 -0.7469260854952195 -0.8088374947569001 -0.8707489040185808 -0.9156346757333051 -0.9311125280487297 -0.9636160179111107 -0.9775460849949946 +4203,-0.8738444744816711,0,0.06411337583284497 0.39998277107748426 0.4866587440438425 0.5640480056209477 0.5129710929800607 0.313306798111126 0.11054693277910989 -0.06744836884822868 -0.2082968249185641 -0.4079611197874988 -0.5240450121531567 -0.6478678306765181 -0.7469260854952195 -0.8088374947569001 -0.8707489040185808 -0.9156346757333051 -0.9311125280487297 -0.9636160179111107 -0.9775460849949946 -0.9667115883741921 +4204,-0.6741801796127364,0,0.39998277107748426 0.4866587440438425 0.5640480056209477 0.5129710929800607 0.313306798111126 0.11054693277910989 -0.06744836884822868 -0.2082968249185641 -0.4079611197874988 -0.5240450121531567 -0.6478678306765181 -0.7469260854952195 -0.8088374947569001 -0.8707489040185808 -0.9156346757333051 -0.9311125280487297 -0.9636160179111107 -0.9775460849949946 -0.9667115883741921 -0.8738444744816711 +4205,-0.34604971052580935,0,0.4866587440438425 0.5640480056209477 0.5129710929800607 0.313306798111126 0.11054693277910989 -0.06744836884822868 -0.2082968249185641 -0.4079611197874988 -0.5240450121531567 -0.6478678306765181 -0.7469260854952195 -0.8088374947569001 -0.8707489040185808 -0.9156346757333051 -0.9311125280487297 -0.9636160179111107 -0.9775460849949946 -0.9667115883741921 -0.8738444744816711 -0.6741801796127364 +4206,0.04863552351742921,0,0.5640480056209477 0.5129710929800607 0.313306798111126 0.11054693277910989 -0.06744836884822868 -0.2082968249185641 -0.4079611197874988 -0.5240450121531567 -0.6478678306765181 -0.7469260854952195 -0.8088374947569001 -0.8707489040185808 -0.9156346757333051 -0.9311125280487297 -0.9636160179111107 -0.9775460849949946 -0.9667115883741921 -0.8738444744816711 -0.6741801796127364 -0.34604971052580935 +4207,0.35200142889967867,0,0.5129710929800607 0.313306798111126 0.11054693277910989 -0.06744836884822868 -0.2082968249185641 -0.4079611197874988 -0.5240450121531567 -0.6478678306765181 -0.7469260854952195 -0.8088374947569001 -0.8707489040185808 -0.9156346757333051 -0.9311125280487297 -0.9636160179111107 -0.9775460849949946 -0.9667115883741921 -0.8738444744816711 -0.6741801796127364 -0.34604971052580935 0.04863552351742921 +4208,0.6011948511779597,0,0.313306798111126 0.11054693277910989 -0.06744836884822868 -0.2082968249185641 -0.4079611197874988 -0.5240450121531567 -0.6478678306765181 -0.7469260854952195 -0.8088374947569001 -0.8707489040185808 -0.9156346757333051 -0.9311125280487297 -0.9636160179111107 -0.9775460849949946 -0.9667115883741921 -0.8738444744816711 -0.6741801796127364 -0.34604971052580935 0.04863552351742921 0.35200142889967867 +4209,0.6538195490503874,0,0.11054693277910989 -0.06744836884822868 -0.2082968249185641 -0.4079611197874988 -0.5240450121531567 -0.6478678306765181 -0.7469260854952195 -0.8088374947569001 -0.8707489040185808 -0.9156346757333051 -0.9311125280487297 -0.9636160179111107 -0.9775460849949946 -0.9667115883741921 -0.8738444744816711 -0.6741801796127364 -0.34604971052580935 0.04863552351742921 0.35200142889967867 0.6011948511779597 +4210,0.6213160591880064,0,-0.06744836884822868 -0.2082968249185641 -0.4079611197874988 -0.5240450121531567 -0.6478678306765181 -0.7469260854952195 -0.8088374947569001 -0.8707489040185808 -0.9156346757333051 -0.9311125280487297 -0.9636160179111107 -0.9775460849949946 -0.9667115883741921 -0.8738444744816711 -0.6741801796127364 -0.34604971052580935 0.04863552351742921 0.35200142889967867 0.6011948511779597 0.6538195490503874 +4211,0.5671435760840291,0,-0.2082968249185641 -0.4079611197874988 -0.5240450121531567 -0.6478678306765181 -0.7469260854952195 -0.8088374947569001 -0.8707489040185808 -0.9156346757333051 -0.9311125280487297 -0.9636160179111107 -0.9775460849949946 -0.9667115883741921 -0.8738444744816711 -0.6741801796127364 -0.34604971052580935 0.04863552351742921 0.35200142889967867 0.6011948511779597 0.6538195490503874 0.6213160591880064 +4212,0.5284489452954765,0,-0.4079611197874988 -0.5240450121531567 -0.6478678306765181 -0.7469260854952195 -0.8088374947569001 -0.8707489040185808 -0.9156346757333051 -0.9311125280487297 -0.9636160179111107 -0.9775460849949946 -0.9667115883741921 -0.8738444744816711 -0.6741801796127364 -0.34604971052580935 0.04863552351742921 0.35200142889967867 0.6011948511779597 0.6538195490503874 0.6213160591880064 0.5671435760840291 +4213,0.4123650529298186,0,-0.5240450121531567 -0.6478678306765181 -0.7469260854952195 -0.8088374947569001 -0.8707489040185808 -0.9156346757333051 -0.9311125280487297 -0.9636160179111107 -0.9775460849949946 -0.9667115883741921 -0.8738444744816711 -0.6741801796127364 -0.34604971052580935 0.04863552351742921 0.35200142889967867 0.6011948511779597 0.6538195490503874 0.6213160591880064 0.5671435760840291 0.5284489452954765 +4214,0.2204396842185962,0,-0.6478678306765181 -0.7469260854952195 -0.8088374947569001 -0.8707489040185808 -0.9156346757333051 -0.9311125280487297 -0.9636160179111107 -0.9775460849949946 -0.9667115883741921 -0.8738444744816711 -0.6741801796127364 -0.34604971052580935 0.04863552351742921 0.35200142889967867 0.6011948511779597 0.6538195490503874 0.6213160591880064 0.5671435760840291 0.5284489452954765 0.4123650529298186 +4215,-0.05970944269052519,0,-0.7469260854952195 -0.8088374947569001 -0.8707489040185808 -0.9156346757333051 -0.9311125280487297 -0.9636160179111107 -0.9775460849949946 -0.9667115883741921 -0.8738444744816711 -0.6741801796127364 -0.34604971052580935 0.04863552351742921 0.35200142889967867 0.6011948511779597 0.6538195490503874 0.6213160591880064 0.5671435760840291 0.5284489452954765 0.4123650529298186 0.2204396842185962 +4216,-0.25937373755945115,0,-0.8088374947569001 -0.8707489040185808 -0.9156346757333051 -0.9311125280487297 -0.9636160179111107 -0.9775460849949946 -0.9667115883741921 -0.8738444744816711 -0.6741801796127364 -0.34604971052580935 0.04863552351742921 0.35200142889967867 0.6011948511779597 0.6538195490503874 0.6213160591880064 0.5671435760840291 0.5284489452954765 0.4123650529298186 0.2204396842185962 -0.05970944269052519 +4217,-0.4373690391867985,0,-0.8707489040185808 -0.9156346757333051 -0.9311125280487297 -0.9636160179111107 -0.9775460849949946 -0.9667115883741921 -0.8738444744816711 -0.6741801796127364 -0.34604971052580935 0.04863552351742921 0.35200142889967867 0.6011948511779597 0.6538195490503874 0.6213160591880064 0.5671435760840291 0.5284489452954765 0.4123650529298186 0.2204396842185962 -0.05970944269052519 -0.25937373755945115 +4218,-0.5317839383108602,0,-0.9156346757333051 -0.9311125280487297 -0.9636160179111107 -0.9775460849949946 -0.9667115883741921 -0.8738444744816711 -0.6741801796127364 -0.34604971052580935 0.04863552351742921 0.35200142889967867 0.6011948511779597 0.6538195490503874 0.6213160591880064 0.5671435760840291 0.5284489452954765 0.4123650529298186 0.2204396842185962 -0.05970944269052519 -0.25937373755945115 -0.4373690391867985 +4219,-0.6215554817403086,0,-0.9311125280487297 -0.9636160179111107 -0.9775460849949946 -0.9667115883741921 -0.8738444744816711 -0.6741801796127364 -0.34604971052580935 0.04863552351742921 0.35200142889967867 0.6011948511779597 0.6538195490503874 0.6213160591880064 0.5671435760840291 0.5284489452954765 0.4123650529298186 0.2204396842185962 -0.05970944269052519 -0.25937373755945115 -0.4373690391867985 -0.5317839383108602 +4220,-0.7314482331797949,0,-0.9636160179111107 -0.9775460849949946 -0.9667115883741921 -0.8738444744816711 -0.6741801796127364 -0.34604971052580935 0.04863552351742921 0.35200142889967867 0.6011948511779597 0.6538195490503874 0.6213160591880064 0.5671435760840291 0.5284489452954765 0.4123650529298186 0.2204396842185962 -0.05970944269052519 -0.25937373755945115 -0.4373690391867985 -0.5317839383108602 -0.6215554817403086 +4221,-0.7902640719783942,0,-0.9775460849949946 -0.9667115883741921 -0.8738444744816711 -0.6741801796127364 -0.34604971052580935 0.04863552351742921 0.35200142889967867 0.6011948511779597 0.6538195490503874 0.6213160591880064 0.5671435760840291 0.5284489452954765 0.4123650529298186 0.2204396842185962 -0.05970944269052519 -0.25937373755945115 -0.4373690391867985 -0.5317839383108602 -0.6215554817403086 -0.7314482331797949 +4222,-0.8599144073977872,0,-0.9667115883741921 -0.8738444744816711 -0.6741801796127364 -0.34604971052580935 0.04863552351742921 0.35200142889967867 0.6011948511779597 0.6538195490503874 0.6213160591880064 0.5671435760840291 0.5284489452954765 0.4123650529298186 0.2204396842185962 -0.05970944269052519 -0.25937373755945115 -0.4373690391867985 -0.5317839383108602 -0.6215554817403086 -0.7314482331797949 -0.7902640719783942 +4223,-0.8970612529547991,0,-0.8738444744816711 -0.6741801796127364 -0.34604971052580935 0.04863552351742921 0.35200142889967867 0.6011948511779597 0.6538195490503874 0.6213160591880064 0.5671435760840291 0.5284489452954765 0.4123650529298186 0.2204396842185962 -0.05970944269052519 -0.25937373755945115 -0.4373690391867985 -0.5317839383108602 -0.6215554817403086 -0.7314482331797949 -0.7902640719783942 -0.8599144073977872 +4224,-0.9589726622164886,0,-0.6741801796127364 -0.34604971052580935 0.04863552351742921 0.35200142889967867 0.6011948511779597 0.6538195490503874 0.6213160591880064 0.5671435760840291 0.5284489452954765 0.4123650529298186 0.2204396842185962 -0.05970944269052519 -0.25937373755945115 -0.4373690391867985 -0.5317839383108602 -0.6215554817403086 -0.7314482331797949 -0.7902640719783942 -0.8599144073977872 -0.8970612529547991 +4225,-0.9976672930050412,0,-0.34604971052580935 0.04863552351742921 0.35200142889967867 0.6011948511779597 0.6538195490503874 0.6213160591880064 0.5671435760840291 0.5284489452954765 0.4123650529298186 0.2204396842185962 -0.05970944269052519 -0.25937373755945115 -0.4373690391867985 -0.5317839383108602 -0.6215554817403086 -0.7314482331797949 -0.7902640719783942 -0.8599144073977872 -0.8970612529547991 -0.9589726622164886 +4226,-1.0023106486996634,0,0.04863552351742921 0.35200142889967867 0.6011948511779597 0.6538195490503874 0.6213160591880064 0.5671435760840291 0.5284489452954765 0.4123650529298186 0.2204396842185962 -0.05970944269052519 -0.25937373755945115 -0.4373690391867985 -0.5317839383108602 -0.6215554817403086 -0.7314482331797949 -0.7902640719783942 -0.8599144073977872 -0.8970612529547991 -0.9589726622164886 -0.9976672930050412 +4227,-0.8769400449447524,0,0.35200142889967867 0.6011948511779597 0.6538195490503874 0.6213160591880064 0.5671435760840291 0.5284489452954765 0.4123650529298186 0.2204396842185962 -0.05970944269052519 -0.25937373755945115 -0.4373690391867985 -0.5317839383108602 -0.6215554817403086 -0.7314482331797949 -0.7902640719783942 -0.8599144073977872 -0.8970612529547991 -0.9589726622164886 -0.9976672930050412 -1.0023106486996634 +4228,-0.6231032669718494,0,0.6011948511779597 0.6538195490503874 0.6213160591880064 0.5671435760840291 0.5284489452954765 0.4123650529298186 0.2204396842185962 -0.05970944269052519 -0.25937373755945115 -0.4373690391867985 -0.5317839383108602 -0.6215554817403086 -0.7314482331797949 -0.7902640719783942 -0.8599144073977872 -0.8970612529547991 -0.9589726622164886 -0.9976672930050412 -1.0023106486996634 -0.8769400449447524 +4229,-0.29652058311646307,0,0.6538195490503874 0.6213160591880064 0.5671435760840291 0.5284489452954765 0.4123650529298186 0.2204396842185962 -0.05970944269052519 -0.25937373755945115 -0.4373690391867985 -0.5317839383108602 -0.6215554817403086 -0.7314482331797949 -0.7902640719783942 -0.8599144073977872 -0.8970612529547991 -0.9589726622164886 -0.9976672930050412 -1.0023106486996634 -0.8769400449447524 -0.6231032669718494 +4230,0.039348812128176223,0,0.6213160591880064 0.5671435760840291 0.5284489452954765 0.4123650529298186 0.2204396842185962 -0.05970944269052519 -0.25937373755945115 -0.4373690391867985 -0.5317839383108602 -0.6215554817403086 -0.7314482331797949 -0.7902640719783942 -0.8599144073977872 -0.8970612529547991 -0.9589726622164886 -0.9976672930050412 -1.0023106486996634 -0.8769400449447524 -0.6231032669718494 -0.29652058311646307 +4231,0.35045364366813797,0,0.5671435760840291 0.5284489452954765 0.4123650529298186 0.2204396842185962 -0.05970944269052519 -0.25937373755945115 -0.4373690391867985 -0.5317839383108602 -0.6215554817403086 -0.7314482331797949 -0.7902640719783942 -0.8599144073977872 -0.8970612529547991 -0.9589726622164886 -0.9976672930050412 -1.0023106486996634 -0.8769400449447524 -0.6231032669718494 -0.29652058311646307 0.039348812128176223 +4232,0.5021365963592582,0,0.5284489452954765 0.4123650529298186 0.2204396842185962 -0.05970944269052519 -0.25937373755945115 -0.4373690391867985 -0.5317839383108602 -0.6215554817403086 -0.7314482331797949 -0.7902640719783942 -0.8599144073977872 -0.8970612529547991 -0.9589726622164886 -0.9976672930050412 -1.0023106486996634 -0.8769400449447524 -0.6231032669718494 -0.29652058311646307 0.039348812128176223 0.35045364366813797 +4233,0.7219220992382397,0,0.4123650529298186 0.2204396842185962 -0.05970944269052519 -0.25937373755945115 -0.4373690391867985 -0.5317839383108602 -0.6215554817403086 -0.7314482331797949 -0.7902640719783942 -0.8599144073977872 -0.8970612529547991 -0.9589726622164886 -0.9976672930050412 -1.0023106486996634 -0.8769400449447524 -0.6231032669718494 -0.29652058311646307 0.039348812128176223 0.35045364366813797 0.5021365963592582 +4234,0.7699034414160453,0,0.2204396842185962 -0.05970944269052519 -0.25937373755945115 -0.4373690391867985 -0.5317839383108602 -0.6215554817403086 -0.7314482331797949 -0.7902640719783942 -0.8599144073977872 -0.8970612529547991 -0.9589726622164886 -0.9976672930050412 -1.0023106486996634 -0.8769400449447524 -0.6231032669718494 -0.29652058311646307 0.039348812128176223 0.35045364366813797 0.5021365963592582 0.7219220992382397 +4235,0.7033486764597336,0,-0.05970944269052519 -0.25937373755945115 -0.4373690391867985 -0.5317839383108602 -0.6215554817403086 -0.7314482331797949 -0.7902640719783942 -0.8599144073977872 -0.8970612529547991 -0.9589726622164886 -0.9976672930050412 -1.0023106486996634 -0.8769400449447524 -0.6231032669718494 -0.29652058311646307 0.039348812128176223 0.35045364366813797 0.5021365963592582 0.7219220992382397 0.7699034414160453 +4236,0.5764302874732822,0,-0.25937373755945115 -0.4373690391867985 -0.5317839383108602 -0.6215554817403086 -0.7314482331797949 -0.7902640719783942 -0.8599144073977872 -0.8970612529547991 -0.9589726622164886 -0.9976672930050412 -1.0023106486996634 -0.8769400449447524 -0.6231032669718494 -0.29652058311646307 0.039348812128176223 0.35045364366813797 0.5021365963592582 0.7219220992382397 0.7699034414160453 0.7033486764597336 +4237,0.373670422141266,0,-0.4373690391867985 -0.5317839383108602 -0.6215554817403086 -0.7314482331797949 -0.7902640719783942 -0.8599144073977872 -0.8970612529547991 -0.9589726622164886 -0.9976672930050412 -1.0023106486996634 -0.8769400449447524 -0.6231032669718494 -0.29652058311646307 0.039348812128176223 0.35045364366813797 0.5021365963592582 0.7219220992382397 0.7699034414160453 0.7033486764597336 0.5764302874732822 +4238,0.13376371125223796,0,-0.5317839383108602 -0.6215554817403086 -0.7314482331797949 -0.7902640719783942 -0.8599144073977872 -0.8970612529547991 -0.9589726622164886 -0.9976672930050412 -1.0023106486996634 -0.8769400449447524 -0.6231032669718494 -0.29652058311646307 0.039348812128176223 0.35045364366813797 0.5021365963592582 0.7219220992382397 0.7699034414160453 0.7033486764597336 0.5764302874732822 0.373670422141266 +4239,-0.08911736208982483,0,-0.6215554817403086 -0.7314482331797949 -0.7902640719783942 -0.8599144073977872 -0.8970612529547991 -0.9589726622164886 -0.9976672930050412 -1.0023106486996634 -0.8769400449447524 -0.6231032669718494 -0.29652058311646307 0.039348812128176223 0.35045364366813797 0.5021365963592582 0.7219220992382397 0.7699034414160453 0.7033486764597336 0.5764302874732822 0.373670422141266 0.13376371125223796 +4240,-0.2175835363078171,0,-0.7314482331797949 -0.7902640719783942 -0.8599144073977872 -0.8970612529547991 -0.9589726622164886 -0.9976672930050412 -1.0023106486996634 -0.8769400449447524 -0.6231032669718494 -0.29652058311646307 0.039348812128176223 0.35045364366813797 0.5021365963592582 0.7219220992382397 0.7699034414160453 0.7033486764597336 0.5764302874732822 0.373670422141266 0.13376371125223796 -0.08911736208982483 +4241,-0.3878399117774522,0,-0.7902640719783942 -0.8599144073977872 -0.8970612529547991 -0.9589726622164886 -0.9976672930050412 -1.0023106486996634 -0.8769400449447524 -0.6231032669718494 -0.29652058311646307 0.039348812128176223 0.35045364366813797 0.5021365963592582 0.7219220992382397 0.7699034414160453 0.7033486764597336 0.5764302874732822 0.373670422141266 0.13376371125223796 -0.08911736208982483 -0.2175835363078171 +4242,-0.5317839383108602,0,-0.8599144073977872 -0.8970612529547991 -0.9589726622164886 -0.9976672930050412 -1.0023106486996634 -0.8769400449447524 -0.6231032669718494 -0.29652058311646307 0.039348812128176223 0.35045364366813797 0.5021365963592582 0.7219220992382397 0.7699034414160453 0.7033486764597336 0.5764302874732822 0.373670422141266 0.13376371125223796 -0.08911736208982483 -0.2175835363078171 -0.3878399117774522 +4243,-0.6354855488241837,0,-0.8970612529547991 -0.9589726622164886 -0.9976672930050412 -1.0023106486996634 -0.8769400449447524 -0.6231032669718494 -0.29652058311646307 0.039348812128176223 0.35045364366813797 0.5021365963592582 0.7219220992382397 0.7699034414160453 0.7033486764597336 0.5764302874732822 0.373670422141266 0.13376371125223796 -0.08911736208982483 -0.2175835363078171 -0.3878399117774522 -0.5317839383108602 +4244,-0.7221615217905419,0,-0.9589726622164886 -0.9976672930050412 -1.0023106486996634 -0.8769400449447524 -0.6231032669718494 -0.29652058311646307 0.039348812128176223 0.35045364366813797 0.5021365963592582 0.7219220992382397 0.7699034414160453 0.7033486764597336 0.5764302874732822 0.373670422141266 0.13376371125223796 -0.08911736208982483 -0.2175835363078171 -0.3878399117774522 -0.5317839383108602 -0.6354855488241837 +4245,-0.7964552129045658,0,-0.9976672930050412 -1.0023106486996634 -0.8769400449447524 -0.6231032669718494 -0.29652058311646307 0.039348812128176223 0.35045364366813797 0.5021365963592582 0.7219220992382397 0.7699034414160453 0.7033486764597336 0.5764302874732822 0.373670422141266 0.13376371125223796 -0.08911736208982483 -0.2175835363078171 -0.3878399117774522 -0.5317839383108602 -0.6354855488241837 -0.7221615217905419 +4246,-0.7964552129045658,0,-1.0023106486996634 -0.8769400449447524 -0.6231032669718494 -0.29652058311646307 0.039348812128176223 0.35045364366813797 0.5021365963592582 0.7219220992382397 0.7699034414160453 0.7033486764597336 0.5764302874732822 0.373670422141266 0.13376371125223796 -0.08911736208982483 -0.2175835363078171 -0.3878399117774522 -0.5317839383108602 -0.6354855488241837 -0.7221615217905419 -0.7964552129045658 +4247,-0.9171824609648458,0,-0.8769400449447524 -0.6231032669718494 -0.29652058311646307 0.039348812128176223 0.35045364366813797 0.5021365963592582 0.7219220992382397 0.7699034414160453 0.7033486764597336 0.5764302874732822 0.373670422141266 0.13376371125223796 -0.08911736208982483 -0.2175835363078171 -0.3878399117774522 -0.5317839383108602 -0.6354855488241837 -0.7221615217905419 -0.7964552129045658 -0.7964552129045658 +4248,-0.8862267563340055,0,-0.6231032669718494 -0.29652058311646307 0.039348812128176223 0.35045364366813797 0.5021365963592582 0.7219220992382397 0.7699034414160453 0.7033486764597336 0.5764302874732822 0.373670422141266 0.13376371125223796 -0.08911736208982483 -0.2175835363078171 -0.3878399117774522 -0.5317839383108602 -0.6354855488241837 -0.7221615217905419 -0.7964552129045658 -0.7964552129045658 -0.9171824609648458 +4249,-0.8893223267970869,0,-0.29652058311646307 0.039348812128176223 0.35045364366813797 0.5021365963592582 0.7219220992382397 0.7699034414160453 0.7033486764597336 0.5764302874732822 0.373670422141266 0.13376371125223796 -0.08911736208982483 -0.2175835363078171 -0.3878399117774522 -0.5317839383108602 -0.6354855488241837 -0.7221615217905419 -0.7964552129045658 -0.7964552129045658 -0.9171824609648458 -0.8862267563340055 +4250,-1.0697166955333206,0,0.039348812128176223 0.35045364366813797 0.5021365963592582 0.7219220992382397 0.7699034414160453 0.7033486764597336 0.5764302874732822 0.373670422141266 0.13376371125223796 -0.08911736208982483 -0.2175835363078171 -0.3878399117774522 -0.5317839383108602 -0.6354855488241837 -0.7221615217905419 -0.7964552129045658 -0.7964552129045658 -0.9171824609648458 -0.8862267563340055 -0.8893223267970869 +4251,-0.8397931993877406,0,0.35045364366813797 0.5021365963592582 0.7219220992382397 0.7699034414160453 0.7033486764597336 0.5764302874732822 0.373670422141266 0.13376371125223796 -0.08911736208982483 -0.2175835363078171 -0.3878399117774522 -0.5317839383108602 -0.6354855488241837 -0.7221615217905419 -0.7964552129045658 -0.7964552129045658 -0.9171824609648458 -0.8862267563340055 -0.8893223267970869 -1.0697166955333206 +4252,-0.703588099012036,0,0.5021365963592582 0.7219220992382397 0.7699034414160453 0.7033486764597336 0.5764302874732822 0.373670422141266 0.13376371125223796 -0.08911736208982483 -0.2175835363078171 -0.3878399117774522 -0.5317839383108602 -0.6354855488241837 -0.7221615217905419 -0.7964552129045658 -0.7964552129045658 -0.9171824609648458 -0.8862267563340055 -0.8893223267970869 -1.0697166955333206 -0.8397931993877406 +4253,-0.45284689150221424,0,0.7219220992382397 0.7699034414160453 0.7033486764597336 0.5764302874732822 0.373670422141266 0.13376371125223796 -0.08911736208982483 -0.2175835363078171 -0.3878399117774522 -0.5317839383108602 -0.6354855488241837 -0.7221615217905419 -0.7964552129045658 -0.7964552129045658 -0.9171824609648458 -0.8862267563340055 -0.8893223267970869 -1.0697166955333206 -0.8397931993877406 -0.703588099012036 +4254,-0.10149964394215921,0,0.7699034414160453 0.7033486764597336 0.5764302874732822 0.373670422141266 0.13376371125223796 -0.08911736208982483 -0.2175835363078171 -0.3878399117774522 -0.5317839383108602 -0.6354855488241837 -0.7221615217905419 -0.7964552129045658 -0.7964552129045658 -0.9171824609648458 -0.8862267563340055 -0.8893223267970869 -1.0697166955333206 -0.8397931993877406 -0.703588099012036 -0.45284689150221424 +4255,0.1089991475475692,0,0.7033486764597336 0.5764302874732822 0.373670422141266 0.13376371125223796 -0.08911736208982483 -0.2175835363078171 -0.3878399117774522 -0.5317839383108602 -0.6354855488241837 -0.7221615217905419 -0.7964552129045658 -0.7964552129045658 -0.9171824609648458 -0.8862267563340055 -0.8893223267970869 -1.0697166955333206 -0.8397931993877406 -0.703588099012036 -0.45284689150221424 -0.10149964394215921 +4256,0.26068210023868954,0,0.5764302874732822 0.373670422141266 0.13376371125223796 -0.08911736208982483 -0.2175835363078171 -0.3878399117774522 -0.5317839383108602 -0.6354855488241837 -0.7221615217905419 -0.7964552129045658 -0.7964552129045658 -0.9171824609648458 -0.8862267563340055 -0.8893223267970869 -1.0697166955333206 -0.8397931993877406 -0.703588099012036 -0.45284689150221424 -0.10149964394215921 0.1089991475475692 +4257,0.34735807320504775,0,0.373670422141266 0.13376371125223796 -0.08911736208982483 -0.2175835363078171 -0.3878399117774522 -0.5317839383108602 -0.6354855488241837 -0.7221615217905419 -0.7964552129045658 -0.7964552129045658 -0.9171824609648458 -0.8862267563340055 -0.8893223267970869 -1.0697166955333206 -0.8397931993877406 -0.703588099012036 -0.45284689150221424 -0.10149964394215921 0.1089991475475692 0.26068210023868954 +4258,0.4139128381613593,0,0.13376371125223796 -0.08911736208982483 -0.2175835363078171 -0.3878399117774522 -0.5317839383108602 -0.6354855488241837 -0.7221615217905419 -0.7964552129045658 -0.7964552129045658 -0.9171824609648458 -0.8862267563340055 -0.8893223267970869 -1.0697166955333206 -0.8397931993877406 -0.703588099012036 -0.45284689150221424 -0.10149964394215921 0.1089991475475692 0.26068210023868954 0.34735807320504775 +4259,0.29628116056416076,0,-0.08911736208982483 -0.2175835363078171 -0.3878399117774522 -0.5317839383108602 -0.6354855488241837 -0.7221615217905419 -0.7964552129045658 -0.7964552129045658 -0.9171824609648458 -0.8862267563340055 -0.8893223267970869 -1.0697166955333206 -0.8397931993877406 -0.703588099012036 -0.45284689150221424 -0.10149964394215921 0.1089991475475692 0.26068210023868954 0.34735807320504775 0.4139128381613593 +4260,0.24210867746019235,0,-0.2175835363078171 -0.3878399117774522 -0.5317839383108602 -0.6354855488241837 -0.7221615217905419 -0.7964552129045658 -0.7964552129045658 -0.9171824609648458 -0.8862267563340055 -0.8893223267970869 -1.0697166955333206 -0.8397931993877406 -0.703588099012036 -0.45284689150221424 -0.10149964394215921 0.1089991475475692 0.26068210023868954 0.34735807320504775 0.4139128381613593 0.29628116056416076 +4261,0.11519028847373199,0,-0.3878399117774522 -0.5317839383108602 -0.6354855488241837 -0.7221615217905419 -0.7964552129045658 -0.7964552129045658 -0.9171824609648458 -0.8862267563340055 -0.8893223267970869 -1.0697166955333206 -0.8397931993877406 -0.703588099012036 -0.45284689150221424 -0.10149964394215921 0.1089991475475692 0.26068210023868954 0.34735807320504775 0.4139128381613593 0.29628116056416076 0.24210867746019235 +4262,-0.12162085195220587,0,-0.5317839383108602 -0.6354855488241837 -0.7221615217905419 -0.7964552129045658 -0.7964552129045658 -0.9171824609648458 -0.8862267563340055 -0.8893223267970869 -1.0697166955333206 -0.8397931993877406 -0.703588099012036 -0.45284689150221424 -0.10149964394215921 0.1089991475475692 0.26068210023868954 0.34735807320504775 0.4139128381613593 0.29628116056416076 0.24210867746019235 0.11519028847373199 +4263,-0.35843199237815254,0,-0.6354855488241837 -0.7221615217905419 -0.7964552129045658 -0.7964552129045658 -0.9171824609648458 -0.8862267563340055 -0.8893223267970869 -1.0697166955333206 -0.8397931993877406 -0.703588099012036 -0.45284689150221424 -0.10149964394215921 0.1089991475475692 0.26068210023868954 0.34735807320504775 0.4139128381613593 0.29628116056416076 0.24210867746019235 0.11519028847373199 -0.12162085195220587 +4264,-0.5147583007639037,0,-0.7221615217905419 -0.7964552129045658 -0.7964552129045658 -0.9171824609648458 -0.8862267563340055 -0.8893223267970869 -1.0697166955333206 -0.8397931993877406 -0.703588099012036 -0.45284689150221424 -0.10149964394215921 0.1089991475475692 0.26068210023868954 0.34735807320504775 0.4139128381613593 0.29628116056416076 0.24210867746019235 0.11519028847373199 -0.12162085195220587 -0.35843199237815254 +4265,-0.5998864884987125,0,-0.7964552129045658 -0.7964552129045658 -0.9171824609648458 -0.8862267563340055 -0.8893223267970869 -1.0697166955333206 -0.8397931993877406 -0.703588099012036 -0.45284689150221424 -0.10149964394215921 0.1089991475475692 0.26068210023868954 0.34735807320504775 0.4139128381613593 0.29628116056416076 0.24210867746019235 0.11519028847373199 -0.12162085195220587 -0.35843199237815254 -0.5147583007639037 +4266,-0.7299004479482543,0,-0.7964552129045658 -0.9171824609648458 -0.8862267563340055 -0.8893223267970869 -1.0697166955333206 -0.8397931993877406 -0.703588099012036 -0.45284689150221424 -0.10149964394215921 0.1089991475475692 0.26068210023868954 0.34735807320504775 0.4139128381613593 0.29628116056416076 0.24210867746019235 0.11519028847373199 -0.12162085195220587 -0.35843199237815254 -0.5147583007639037 -0.5998864884987125 +4267,-0.7701428639683475,0,-0.9171824609648458 -0.8862267563340055 -0.8893223267970869 -1.0697166955333206 -0.8397931993877406 -0.703588099012036 -0.45284689150221424 -0.10149964394215921 0.1089991475475692 0.26068210023868954 0.34735807320504775 0.4139128381613593 0.29628116056416076 0.24210867746019235 0.11519028847373199 -0.12162085195220587 -0.35843199237815254 -0.5147583007639037 -0.5998864884987125 -0.7299004479482543 +4268,-0.8212197766092346,0,-0.8862267563340055 -0.8893223267970869 -1.0697166955333206 -0.8397931993877406 -0.703588099012036 -0.45284689150221424 -0.10149964394215921 0.1089991475475692 0.26068210023868954 0.34735807320504775 0.4139128381613593 0.29628116056416076 0.24210867746019235 0.11519028847373199 -0.12162085195220587 -0.35843199237815254 -0.5147583007639037 -0.5998864884987125 -0.7299004479482543 -0.7701428639683475 +4269,-0.8583666221662465,0,-0.8893223267970869 -1.0697166955333206 -0.8397931993877406 -0.703588099012036 -0.45284689150221424 -0.10149964394215921 0.1089991475475692 0.26068210023868954 0.34735807320504775 0.4139128381613593 0.29628116056416076 0.24210867746019235 0.11519028847373199 -0.12162085195220587 -0.35843199237815254 -0.5147583007639037 -0.5998864884987125 -0.7299004479482543 -0.7701428639683475 -0.8212197766092346 +4270,-0.8908701120286363,0,-1.0697166955333206 -0.8397931993877406 -0.703588099012036 -0.45284689150221424 -0.10149964394215921 0.1089991475475692 0.26068210023868954 0.34735807320504775 0.4139128381613593 0.29628116056416076 0.24210867746019235 0.11519028847373199 -0.12162085195220587 -0.35843199237815254 -0.5147583007639037 -0.5998864884987125 -0.7299004479482543 -0.7701428639683475 -0.8212197766092346 -0.8583666221662465 +4271,-0.9063479643440521,0,-0.8397931993877406 -0.703588099012036 -0.45284689150221424 -0.10149964394215921 0.1089991475475692 0.26068210023868954 0.34735807320504775 0.4139128381613593 0.29628116056416076 0.24210867746019235 0.11519028847373199 -0.12162085195220587 -0.35843199237815254 -0.5147583007639037 -0.5998864884987125 -0.7299004479482543 -0.7701428639683475 -0.8212197766092346 -0.8583666221662465 -0.8908701120286363 +4272,-0.8784878301762932,0,-0.703588099012036 -0.45284689150221424 -0.10149964394215921 0.1089991475475692 0.26068210023868954 0.34735807320504775 0.4139128381613593 0.29628116056416076 0.24210867746019235 0.11519028847373199 -0.12162085195220587 -0.35843199237815254 -0.5147583007639037 -0.5998864884987125 -0.7299004479482543 -0.7701428639683475 -0.8212197766092346 -0.8583666221662465 -0.8908701120286363 -0.9063479643440521 +4273,-0.8831311858709241,0,-0.45284689150221424 -0.10149964394215921 0.1089991475475692 0.26068210023868954 0.34735807320504775 0.4139128381613593 0.29628116056416076 0.24210867746019235 0.11519028847373199 -0.12162085195220587 -0.35843199237815254 -0.5147583007639037 -0.5998864884987125 -0.7299004479482543 -0.7701428639683475 -0.8212197766092346 -0.8583666221662465 -0.8908701120286363 -0.9063479643440521 -0.8784878301762932 +4274,-0.8537232664716244,0,-0.10149964394215921 0.1089991475475692 0.26068210023868954 0.34735807320504775 0.4139128381613593 0.29628116056416076 0.24210867746019235 0.11519028847373199 -0.12162085195220587 -0.35843199237815254 -0.5147583007639037 -0.5998864884987125 -0.7299004479482543 -0.7701428639683475 -0.8212197766092346 -0.8583666221662465 -0.8908701120286363 -0.9063479643440521 -0.8784878301762932 -0.8831311858709241 +4275,-0.7562127968844725,0,0.1089991475475692 0.26068210023868954 0.34735807320504775 0.4139128381613593 0.29628116056416076 0.24210867746019235 0.11519028847373199 -0.12162085195220587 -0.35843199237815254 -0.5147583007639037 -0.5998864884987125 -0.7299004479482543 -0.7701428639683475 -0.8212197766092346 -0.8583666221662465 -0.8908701120286363 -0.9063479643440521 -0.8784878301762932 -0.8831311858709241 -0.8537232664716244 +4276,-0.6989447433174139,0,0.26068210023868954 0.34735807320504775 0.4139128381613593 0.29628116056416076 0.24210867746019235 0.11519028847373199 -0.12162085195220587 -0.35843199237815254 -0.5147583007639037 -0.5998864884987125 -0.7299004479482543 -0.7701428639683475 -0.8212197766092346 -0.8583666221662465 -0.8908701120286363 -0.9063479643440521 -0.8784878301762932 -0.8831311858709241 -0.8537232664716244 -0.7562127968844725 +4277,-0.5395228644685724,0,0.34735807320504775 0.4139128381613593 0.29628116056416076 0.24210867746019235 0.11519028847373199 -0.12162085195220587 -0.35843199237815254 -0.5147583007639037 -0.5998864884987125 -0.7299004479482543 -0.7701428639683475 -0.8212197766092346 -0.8583666221662465 -0.8908701120286363 -0.9063479643440521 -0.8784878301762932 -0.8831311858709241 -0.8537232664716244 -0.7562127968844725 -0.6989447433174139 +4278,-0.34295414006272795,0,0.4139128381613593 0.29628116056416076 0.24210867746019235 0.11519028847373199 -0.12162085195220587 -0.35843199237815254 -0.5147583007639037 -0.5998864884987125 -0.7299004479482543 -0.7701428639683475 -0.8212197766092346 -0.8583666221662465 -0.8908701120286363 -0.9063479643440521 -0.8784878301762932 -0.8831311858709241 -0.8537232664716244 -0.7562127968844725 -0.6989447433174139 -0.5395228644685724 +4279,-0.11697749625758379,0,0.29628116056416076 0.24210867746019235 0.11519028847373199 -0.12162085195220587 -0.35843199237815254 -0.5147583007639037 -0.5998864884987125 -0.7299004479482543 -0.7701428639683475 -0.8212197766092346 -0.8583666221662465 -0.8908701120286363 -0.9063479643440521 -0.8784878301762932 -0.8831311858709241 -0.8537232664716244 -0.7562127968844725 -0.6989447433174139 -0.5395228644685724 -0.34295414006272795 +4280,-0.058161657458975696,0,0.24210867746019235 0.11519028847373199 -0.12162085195220587 -0.35843199237815254 -0.5147583007639037 -0.5998864884987125 -0.7299004479482543 -0.7701428639683475 -0.8212197766092346 -0.8583666221662465 -0.8908701120286363 -0.9063479643440521 -0.8784878301762932 -0.8831311858709241 -0.8537232664716244 -0.7562127968844725 -0.6989447433174139 -0.5395228644685724 -0.34295414006272795 -0.11697749625758379 +4281,0.17245834204079058,0,0.11519028847373199 -0.12162085195220587 -0.35843199237815254 -0.5147583007639037 -0.5998864884987125 -0.7299004479482543 -0.7701428639683475 -0.8212197766092346 -0.8583666221662465 -0.8908701120286363 -0.9063479643440521 -0.8784878301762932 -0.8831311858709241 -0.8537232664716244 -0.7562127968844725 -0.6989447433174139 -0.5395228644685724 -0.34295414006272795 -0.11697749625758379 -0.058161657458975696 +4282,0.3272368651950011,0,-0.12162085195220587 -0.35843199237815254 -0.5147583007639037 -0.5998864884987125 -0.7299004479482543 -0.7701428639683475 -0.8212197766092346 -0.8583666221662465 -0.8908701120286363 -0.9063479643440521 -0.8784878301762932 -0.8831311858709241 -0.8537232664716244 -0.7562127968844725 -0.6989447433174139 -0.5395228644685724 -0.34295414006272795 -0.11697749625758379 -0.058161657458975696 0.17245834204079058 +4283,0.2096051875978025,0,-0.35843199237815254 -0.5147583007639037 -0.5998864884987125 -0.7299004479482543 -0.7701428639683475 -0.8212197766092346 -0.8583666221662465 -0.8908701120286363 -0.9063479643440521 -0.8784878301762932 -0.8831311858709241 -0.8537232664716244 -0.7562127968844725 -0.6989447433174139 -0.5395228644685724 -0.34295414006272795 -0.11697749625758379 -0.058161657458975696 0.17245834204079058 0.3272368651950011 +4284,0.17400612727234008,0,-0.5147583007639037 -0.5998864884987125 -0.7299004479482543 -0.7701428639683475 -0.8212197766092346 -0.8583666221662465 -0.8908701120286363 -0.9063479643440521 -0.8784878301762932 -0.8831311858709241 -0.8537232664716244 -0.7562127968844725 -0.6989447433174139 -0.5395228644685724 -0.34295414006272795 -0.11697749625758379 -0.058161657458975696 0.17245834204079058 0.3272368651950011 0.2096051875978025 +4285,0.08113901337981025,0,-0.5998864884987125 -0.7299004479482543 -0.7701428639683475 -0.8212197766092346 -0.8583666221662465 -0.8908701120286363 -0.9063479643440521 -0.8784878301762932 -0.8831311858709241 -0.8537232664716244 -0.7562127968844725 -0.6989447433174139 -0.5395228644685724 -0.34295414006272795 -0.11697749625758379 -0.058161657458975696 0.17245834204079058 0.3272368651950011 0.2096051875978025 0.17400612727234008 +4286,-0.1618632679722992,0,-0.7299004479482543 -0.7701428639683475 -0.8212197766092346 -0.8583666221662465 -0.8908701120286363 -0.9063479643440521 -0.8784878301762932 -0.8831311858709241 -0.8537232664716244 -0.7562127968844725 -0.6989447433174139 -0.5395228644685724 -0.34295414006272795 -0.11697749625758379 -0.058161657458975696 0.17245834204079058 0.3272368651950011 0.2096051875978025 0.17400612727234008 0.08113901337981025 +4287,-0.36617091853585604,0,-0.7701428639683475 -0.8212197766092346 -0.8583666221662465 -0.8908701120286363 -0.9063479643440521 -0.8784878301762932 -0.8831311858709241 -0.8537232664716244 -0.7562127968844725 -0.6989447433174139 -0.5395228644685724 -0.34295414006272795 -0.11697749625758379 -0.058161657458975696 0.17245834204079058 0.3272368651950011 0.2096051875978025 0.17400612727234008 0.08113901337981025 -0.1618632679722992 +4288,-0.47142031428072023,0,-0.8212197766092346 -0.8583666221662465 -0.8908701120286363 -0.9063479643440521 -0.8784878301762932 -0.8831311858709241 -0.8537232664716244 -0.7562127968844725 -0.6989447433174139 -0.5395228644685724 -0.34295414006272795 -0.11697749625758379 -0.058161657458975696 0.17245834204079058 0.3272368651950011 0.2096051875978025 0.17400612727234008 0.08113901337981025 -0.1618632679722992 -0.36617091853585604 +4289,-0.5813130657202153,0,-0.8583666221662465 -0.8908701120286363 -0.9063479643440521 -0.8784878301762932 -0.8831311858709241 -0.8537232664716244 -0.7562127968844725 -0.6989447433174139 -0.5395228644685724 -0.34295414006272795 -0.11697749625758379 -0.058161657458975696 0.17245834204079058 0.3272368651950011 0.2096051875978025 0.17400612727234008 0.08113901337981025 -0.1618632679722992 -0.36617091853585604 -0.47142031428072023 +4290,-0.6989447433174139,0,-0.8908701120286363 -0.9063479643440521 -0.8784878301762932 -0.8831311858709241 -0.8537232664716244 -0.7562127968844725 -0.6989447433174139 -0.5395228644685724 -0.34295414006272795 -0.11697749625758379 -0.058161657458975696 0.17245834204079058 0.3272368651950011 0.2096051875978025 0.17400612727234008 0.08113901337981025 -0.1618632679722992 -0.36617091853585604 -0.47142031428072023 -0.5813130657202153 +4291,-0.7593083673475539,0,-0.9063479643440521 -0.8784878301762932 -0.8831311858709241 -0.8537232664716244 -0.7562127968844725 -0.6989447433174139 -0.5395228644685724 -0.34295414006272795 -0.11697749625758379 -0.058161657458975696 0.17245834204079058 0.3272368651950011 0.2096051875978025 0.17400612727234008 0.08113901337981025 -0.1618632679722992 -0.36617091853585604 -0.47142031428072023 -0.5813130657202153 -0.6989447433174139 +4292,-0.8212197766092346,0,-0.8784878301762932 -0.8831311858709241 -0.8537232664716244 -0.7562127968844725 -0.6989447433174139 -0.5395228644685724 -0.34295414006272795 -0.11697749625758379 -0.058161657458975696 0.17245834204079058 0.3272368651950011 0.2096051875978025 0.17400612727234008 0.08113901337981025 -0.1618632679722992 -0.36617091853585604 -0.47142031428072023 -0.5813130657202153 -0.6989447433174139 -0.7593083673475539 +4293,-0.8413409846192812,0,-0.8831311858709241 -0.8537232664716244 -0.7562127968844725 -0.6989447433174139 -0.5395228644685724 -0.34295414006272795 -0.11697749625758379 -0.058161657458975696 0.17245834204079058 0.3272368651950011 0.2096051875978025 0.17400612727234008 0.08113901337981025 -0.1618632679722992 -0.36617091853585604 -0.47142031428072023 -0.5813130657202153 -0.6989447433174139 -0.7593083673475539 -0.8212197766092346 +4294,-0.8521754812400837,0,-0.8537232664716244 -0.7562127968844725 -0.6989447433174139 -0.5395228644685724 -0.34295414006272795 -0.11697749625758379 -0.058161657458975696 0.17245834204079058 0.3272368651950011 0.2096051875978025 0.17400612727234008 0.08113901337981025 -0.1618632679722992 -0.36617091853585604 -0.47142031428072023 -0.5813130657202153 -0.6989447433174139 -0.7593083673475539 -0.8212197766092346 -0.8413409846192812 +4295,-0.8568188369347058,0,-0.7562127968844725 -0.6989447433174139 -0.5395228644685724 -0.34295414006272795 -0.11697749625758379 -0.058161657458975696 0.17245834204079058 0.3272368651950011 0.2096051875978025 0.17400612727234008 0.08113901337981025 -0.1618632679722992 -0.36617091853585604 -0.47142031428072023 -0.5813130657202153 -0.6989447433174139 -0.7593083673475539 -0.8212197766092346 -0.8413409846192812 -0.8521754812400837 +4296,-0.9063479643440521,0,-0.6989447433174139 -0.5395228644685724 -0.34295414006272795 -0.11697749625758379 -0.058161657458975696 0.17245834204079058 0.3272368651950011 0.2096051875978025 0.17400612727234008 0.08113901337981025 -0.1618632679722992 -0.36617091853585604 -0.47142031428072023 -0.5813130657202153 -0.6989447433174139 -0.7593083673475539 -0.8212197766092346 -0.8413409846192812 -0.8521754812400837 -0.8568188369347058 +4297,-0.8753922597132118,0,-0.5395228644685724 -0.34295414006272795 -0.11697749625758379 -0.058161657458975696 0.17245834204079058 0.3272368651950011 0.2096051875978025 0.17400612727234008 0.08113901337981025 -0.1618632679722992 -0.36617091853585604 -0.47142031428072023 -0.5813130657202153 -0.6989447433174139 -0.7593083673475539 -0.8212197766092346 -0.8413409846192812 -0.8521754812400837 -0.8568188369347058 -0.9063479643440521 +4298,-0.8490799107769935,0,-0.34295414006272795 -0.11697749625758379 -0.058161657458975696 0.17245834204079058 0.3272368651950011 0.2096051875978025 0.17400612727234008 0.08113901337981025 -0.1618632679722992 -0.36617091853585604 -0.47142031428072023 -0.5813130657202153 -0.6989447433174139 -0.7593083673475539 -0.8212197766092346 -0.8413409846192812 -0.8521754812400837 -0.8568188369347058 -0.9063479643440521 -0.8753922597132118 +4299,-0.7949074276730251,0,-0.11697749625758379 -0.058161657458975696 0.17245834204079058 0.3272368651950011 0.2096051875978025 0.17400612727234008 0.08113901337981025 -0.1618632679722992 -0.36617091853585604 -0.47142031428072023 -0.5813130657202153 -0.6989447433174139 -0.7593083673475539 -0.8212197766092346 -0.8413409846192812 -0.8521754812400837 -0.8568188369347058 -0.9063479643440521 -0.8753922597132118 -0.8490799107769935 +4300,-0.643224474981896,0,-0.058161657458975696 0.17245834204079058 0.3272368651950011 0.2096051875978025 0.17400612727234008 0.08113901337981025 -0.1618632679722992 -0.36617091853585604 -0.47142031428072023 -0.5813130657202153 -0.6989447433174139 -0.7593083673475539 -0.8212197766092346 -0.8413409846192812 -0.8521754812400837 -0.8568188369347058 -0.9063479643440521 -0.8753922597132118 -0.8490799107769935 -0.7949074276730251 +4301,-0.4280823277975455,0,0.17245834204079058 0.3272368651950011 0.2096051875978025 0.17400612727234008 0.08113901337981025 -0.1618632679722992 -0.36617091853585604 -0.47142031428072023 -0.5813130657202153 -0.6989447433174139 -0.7593083673475539 -0.8212197766092346 -0.8413409846192812 -0.8521754812400837 -0.8568188369347058 -0.9063479643440521 -0.8753922597132118 -0.8490799107769935 -0.7949074276730251 -0.643224474981896 +4302,-0.12471642241528727,0,0.3272368651950011 0.2096051875978025 0.17400612727234008 0.08113901337981025 -0.1618632679722992 -0.36617091853585604 -0.47142031428072023 -0.5813130657202153 -0.6989447433174139 -0.7593083673475539 -0.8212197766092346 -0.8413409846192812 -0.8521754812400837 -0.8568188369347058 -0.9063479643440521 -0.8753922597132118 -0.8490799107769935 -0.7949074276730251 -0.643224474981896 -0.4280823277975455 +4303,0.11828585893682218,0,0.2096051875978025 0.17400612727234008 0.08113901337981025 -0.1618632679722992 -0.36617091853585604 -0.47142031428072023 -0.5813130657202153 -0.6989447433174139 -0.7593083673475539 -0.8212197766092346 -0.8413409846192812 -0.8521754812400837 -0.8568188369347058 -0.9063479643440521 -0.8753922597132118 -0.8490799107769935 -0.7949074276730251 -0.643224474981896 -0.4280823277975455 -0.12471642241528727 +4304,0.30402008672187303,0,0.17400612727234008 0.08113901337981025 -0.1618632679722992 -0.36617091853585604 -0.47142031428072023 -0.5813130657202153 -0.6989447433174139 -0.7593083673475539 -0.8212197766092346 -0.8413409846192812 -0.8521754812400837 -0.8568188369347058 -0.9063479643440521 -0.8753922597132118 -0.8490799107769935 -0.7949074276730251 -0.643224474981896 -0.4280823277975455 -0.12471642241528727 0.11828585893682218 +4305,0.5253533748323951,0,0.08113901337981025 -0.1618632679722992 -0.36617091853585604 -0.47142031428072023 -0.5813130657202153 -0.6989447433174139 -0.7593083673475539 -0.8212197766092346 -0.8413409846192812 -0.8521754812400837 -0.8568188369347058 -0.9063479643440521 -0.8753922597132118 -0.8490799107769935 -0.7949074276730251 -0.643224474981896 -0.4280823277975455 -0.12471642241528727 0.11828585893682218 0.30402008672187303 +4306,0.5764302874732822,0,-0.1618632679722992 -0.36617091853585604 -0.47142031428072023 -0.5813130657202153 -0.6989447433174139 -0.7593083673475539 -0.8212197766092346 -0.8413409846192812 -0.8521754812400837 -0.8568188369347058 -0.9063479643440521 -0.8753922597132118 -0.8490799107769935 -0.7949074276730251 -0.643224474981896 -0.4280823277975455 -0.12471642241528727 0.11828585893682218 0.30402008672187303 0.5253533748323951 +4307,0.4974932406646362,0,-0.36617091853585604 -0.47142031428072023 -0.5813130657202153 -0.6989447433174139 -0.7593083673475539 -0.8212197766092346 -0.8413409846192812 -0.8521754812400837 -0.8568188369347058 -0.9063479643440521 -0.8753922597132118 -0.8490799107769935 -0.7949074276730251 -0.643224474981896 -0.4280823277975455 -0.12471642241528727 0.11828585893682218 0.30402008672187303 0.5253533748323951 0.5764302874732822 +4308,0.30092451625879163,0,-0.47142031428072023 -0.5813130657202153 -0.6989447433174139 -0.7593083673475539 -0.8212197766092346 -0.8413409846192812 -0.8521754812400837 -0.8568188369347058 -0.9063479643440521 -0.8753922597132118 -0.8490799107769935 -0.7949074276730251 -0.643224474981896 -0.4280823277975455 -0.12471642241528727 0.11828585893682218 0.30402008672187303 0.5253533748323951 0.5764302874732822 0.4974932406646362 +4309,0.18948397958775584,0,-0.5813130657202153 -0.6989447433174139 -0.7593083673475539 -0.8212197766092346 -0.8413409846192812 -0.8521754812400837 -0.8568188369347058 -0.9063479643440521 -0.8753922597132118 -0.8490799107769935 -0.7949074276730251 -0.643224474981896 -0.4280823277975455 -0.12471642241528727 0.11828585893682218 0.30402008672187303 0.5253533748323951 0.5764302874732822 0.4974932406646362 0.30092451625879163 +4310,-0.024110382365053955,0,-0.6989447433174139 -0.7593083673475539 -0.8212197766092346 -0.8413409846192812 -0.8521754812400837 -0.8568188369347058 -0.9063479643440521 -0.8753922597132118 -0.8490799107769935 -0.7949074276730251 -0.643224474981896 -0.4280823277975455 -0.12471642241528727 0.11828585893682218 0.30402008672187303 0.5253533748323951 0.5764302874732822 0.4974932406646362 0.30092451625879163 0.18948397958775584 +4311,-0.18972340214005814,0,-0.7593083673475539 -0.8212197766092346 -0.8413409846192812 -0.8521754812400837 -0.8568188369347058 -0.9063479643440521 -0.8753922597132118 -0.8490799107769935 -0.7949074276730251 -0.643224474981896 -0.4280823277975455 -0.12471642241528727 0.11828585893682218 0.30402008672187303 0.5253533748323951 0.5764302874732822 0.4974932406646362 0.30092451625879163 0.18948397958775584 -0.024110382365053955 +4312,-0.3181895763580504,0,-0.8212197766092346 -0.8413409846192812 -0.8521754812400837 -0.8568188369347058 -0.9063479643440521 -0.8753922597132118 -0.8490799107769935 -0.7949074276730251 -0.643224474981896 -0.4280823277975455 -0.12471642241528727 0.11828585893682218 0.30402008672187303 0.5253533748323951 0.5764302874732822 0.4974932406646362 0.30092451625879163 0.18948397958775584 -0.024110382365053955 -0.18972340214005814 +4313,-0.4435601801129613,0,-0.8413409846192812 -0.8521754812400837 -0.8568188369347058 -0.9063479643440521 -0.8753922597132118 -0.8490799107769935 -0.7949074276730251 -0.643224474981896 -0.4280823277975455 -0.12471642241528727 0.11828585893682218 0.30402008672187303 0.5253533748323951 0.5764302874732822 0.4974932406646362 0.30092451625879163 0.18948397958775584 -0.024110382365053955 -0.18972340214005814 -0.3181895763580504 +4314,-0.5410706497001132,0,-0.8521754812400837 -0.8568188369347058 -0.9063479643440521 -0.8753922597132118 -0.8490799107769935 -0.7949074276730251 -0.643224474981896 -0.4280823277975455 -0.12471642241528727 0.11828585893682218 0.30402008672187303 0.5253533748323951 0.5764302874732822 0.4974932406646362 0.30092451625879163 0.18948397958775584 -0.024110382365053955 -0.18972340214005814 -0.3181895763580504 -0.4435601801129613 +4315,-0.6231032669718494,0,-0.8568188369347058 -0.9063479643440521 -0.8753922597132118 -0.8490799107769935 -0.7949074276730251 -0.643224474981896 -0.4280823277975455 -0.12471642241528727 0.11828585893682218 0.30402008672187303 0.5253533748323951 0.5764302874732822 0.4974932406646362 0.30092451625879163 0.18948397958775584 -0.024110382365053955 -0.18972340214005814 -0.3181895763580504 -0.4435601801129613 -0.5410706497001132 +4316,-0.6850146762335301,0,-0.9063479643440521 -0.8753922597132118 -0.8490799107769935 -0.7949074276730251 -0.643224474981896 -0.4280823277975455 -0.12471642241528727 0.11828585893682218 0.30402008672187303 0.5253533748323951 0.5764302874732822 0.4974932406646362 0.30092451625879163 0.18948397958775584 -0.024110382365053955 -0.18972340214005814 -0.3181895763580504 -0.4435601801129613 -0.5410706497001132 -0.6231032669718494 +4317,-0.7716906491998883,0,-0.8753922597132118 -0.8490799107769935 -0.7949074276730251 -0.643224474981896 -0.4280823277975455 -0.12471642241528727 0.11828585893682218 0.30402008672187303 0.5253533748323951 0.5764302874732822 0.4974932406646362 0.30092451625879163 0.18948397958775584 -0.024110382365053955 -0.18972340214005814 -0.3181895763580504 -0.4435601801129613 -0.5410706497001132 -0.6231032669718494 -0.6850146762335301 +4318,-0.8134808504515311,0,-0.8490799107769935 -0.7949074276730251 -0.643224474981896 -0.4280823277975455 -0.12471642241528727 0.11828585893682218 0.30402008672187303 0.5253533748323951 0.5764302874732822 0.4974932406646362 0.30092451625879163 0.18948397958775584 -0.024110382365053955 -0.18972340214005814 -0.3181895763580504 -0.4435601801129613 -0.5410706497001132 -0.6231032669718494 -0.6850146762335301 -0.7716906491998883 +4319,-0.8010985685991879,0,-0.7949074276730251 -0.643224474981896 -0.4280823277975455 -0.12471642241528727 0.11828585893682218 0.30402008672187303 0.5253533748323951 0.5764302874732822 0.4974932406646362 0.30092451625879163 0.18948397958775584 -0.024110382365053955 -0.18972340214005814 -0.3181895763580504 -0.4435601801129613 -0.5410706497001132 -0.6231032669718494 -0.6850146762335301 -0.7716906491998883 -0.8134808504515311 +4320,-0.7856207162837722,0,-0.643224474981896 -0.4280823277975455 -0.12471642241528727 0.11828585893682218 0.30402008672187303 0.5253533748323951 0.5764302874732822 0.4974932406646362 0.30092451625879163 0.18948397958775584 -0.024110382365053955 -0.18972340214005814 -0.3181895763580504 -0.4435601801129613 -0.5410706497001132 -0.6231032669718494 -0.6850146762335301 -0.7716906491998883 -0.8134808504515311 -0.8010985685991879 +4321,-0.7809773605891412,0,-0.4280823277975455 -0.12471642241528727 0.11828585893682218 0.30402008672187303 0.5253533748323951 0.5764302874732822 0.4974932406646362 0.30092451625879163 0.18948397958775584 -0.024110382365053955 -0.18972340214005814 -0.3181895763580504 -0.4435601801129613 -0.5410706497001132 -0.6231032669718494 -0.6850146762335301 -0.7716906491998883 -0.8134808504515311 -0.8010985685991879 -0.7856207162837722 +4322,-0.8165764209146125,0,-0.12471642241528727 0.11828585893682218 0.30402008672187303 0.5253533748323951 0.5764302874732822 0.4974932406646362 0.30092451625879163 0.18948397958775584 -0.024110382365053955 -0.18972340214005814 -0.3181895763580504 -0.4435601801129613 -0.5410706497001132 -0.6231032669718494 -0.6850146762335301 -0.7716906491998883 -0.8134808504515311 -0.8010985685991879 -0.7856207162837722 -0.7809773605891412 +4323,-0.763951723042176,0,0.11828585893682218 0.30402008672187303 0.5253533748323951 0.5764302874732822 0.4974932406646362 0.30092451625879163 0.18948397958775584 -0.024110382365053955 -0.18972340214005814 -0.3181895763580504 -0.4435601801129613 -0.5410706497001132 -0.6231032669718494 -0.6850146762335301 -0.7716906491998883 -0.8134808504515311 -0.8010985685991879 -0.7856207162837722 -0.7809773605891412 -0.8165764209146125 +4324,-0.652511186371149,0,0.30402008672187303 0.5253533748323951 0.5764302874732822 0.4974932406646362 0.30092451625879163 0.18948397958775584 -0.024110382365053955 -0.18972340214005814 -0.3181895763580504 -0.4435601801129613 -0.5410706497001132 -0.6231032669718494 -0.6850146762335301 -0.7716906491998883 -0.8134808504515311 -0.8010985685991879 -0.7856207162837722 -0.7809773605891412 -0.8165764209146125 -0.763951723042176 +4325,-0.34140635483118725,0,0.5253533748323951 0.5764302874732822 0.4974932406646362 0.30092451625879163 0.18948397958775584 -0.024110382365053955 -0.18972340214005814 -0.3181895763580504 -0.4435601801129613 -0.5410706497001132 -0.6231032669718494 -0.6850146762335301 -0.7716906491998883 -0.8134808504515311 -0.8010985685991879 -0.7856207162837722 -0.7809773605891412 -0.8165764209146125 -0.763951723042176 -0.652511186371149 +4326,0.030062100738923243,0,0.5764302874732822 0.4974932406646362 0.30092451625879163 0.18948397958775584 -0.024110382365053955 -0.18972340214005814 -0.3181895763580504 -0.4435601801129613 -0.5410706497001132 -0.6231032669718494 -0.6850146762335301 -0.7716906491998883 -0.8134808504515311 -0.8010985685991879 -0.7856207162837722 -0.7809773605891412 -0.8165764209146125 -0.763951723042176 -0.652511186371149 -0.34140635483118725 +4327,0.28854223440644844,0,0.4974932406646362 0.30092451625879163 0.18948397958775584 -0.024110382365053955 -0.18972340214005814 -0.3181895763580504 -0.4435601801129613 -0.5410706497001132 -0.6231032669718494 -0.6850146762335301 -0.7716906491998883 -0.8134808504515311 -0.8010985685991879 -0.7856207162837722 -0.7809773605891412 -0.8165764209146125 -0.763951723042176 -0.652511186371149 -0.34140635483118725 0.030062100738923243 +4328,0.4897543145069239,0,0.30092451625879163 0.18948397958775584 -0.024110382365053955 -0.18972340214005814 -0.3181895763580504 -0.4435601801129613 -0.5410706497001132 -0.6231032669718494 -0.6850146762335301 -0.7716906491998883 -0.8134808504515311 -0.8010985685991879 -0.7856207162837722 -0.7809773605891412 -0.8165764209146125 -0.763951723042176 -0.652511186371149 -0.34140635483118725 0.030062100738923243 0.28854223440644844 +4329,0.6491761933557653,0,0.18948397958775584 -0.024110382365053955 -0.18972340214005814 -0.3181895763580504 -0.4435601801129613 -0.5410706497001132 -0.6231032669718494 -0.6850146762335301 -0.7716906491998883 -0.8134808504515311 -0.8010985685991879 -0.7856207162837722 -0.7809773605891412 -0.8165764209146125 -0.763951723042176 -0.652511186371149 -0.34140635483118725 0.030062100738923243 0.28854223440644844 0.4897543145069239 +4330,0.7002531059966522,0,-0.024110382365053955 -0.18972340214005814 -0.3181895763580504 -0.4435601801129613 -0.5410706497001132 -0.6231032669718494 -0.6850146762335301 -0.7716906491998883 -0.8134808504515311 -0.8010985685991879 -0.7856207162837722 -0.7809773605891412 -0.8165764209146125 -0.763951723042176 -0.652511186371149 -0.34140635483118725 0.030062100738923243 0.28854223440644844 0.4897543145069239 0.6491761933557653 +4331,0.6476284081242158,0,-0.18972340214005814 -0.3181895763580504 -0.4435601801129613 -0.5410706497001132 -0.6231032669718494 -0.6850146762335301 -0.7716906491998883 -0.8134808504515311 -0.8010985685991879 -0.7856207162837722 -0.7809773605891412 -0.8165764209146125 -0.763951723042176 -0.652511186371149 -0.34140635483118725 0.030062100738923243 0.28854223440644844 0.4897543145069239 0.6491761933557653 0.7002531059966522 +4332,0.5284489452954765,0,-0.3181895763580504 -0.4435601801129613 -0.5410706497001132 -0.6231032669718494 -0.6850146762335301 -0.7716906491998883 -0.8134808504515311 -0.8010985685991879 -0.7856207162837722 -0.7809773605891412 -0.8165764209146125 -0.763951723042176 -0.652511186371149 -0.34140635483118725 0.030062100738923243 0.28854223440644844 0.4897543145069239 0.6491761933557653 0.7002531059966522 0.6476284081242158 +4333,0.280803308248745,0,-0.4435601801129613 -0.5410706497001132 -0.6231032669718494 -0.6850146762335301 -0.7716906491998883 -0.8134808504515311 -0.8010985685991879 -0.7856207162837722 -0.7809773605891412 -0.8165764209146125 -0.763951723042176 -0.652511186371149 -0.34140635483118725 0.030062100738923243 0.28854223440644844 0.4897543145069239 0.6491761933557653 0.7002531059966522 0.6476284081242158 0.5284489452954765 +4334,-0.12007306672066517,0,-0.5410706497001132 -0.6231032669718494 -0.6850146762335301 -0.7716906491998883 -0.8134808504515311 -0.8010985685991879 -0.7856207162837722 -0.7809773605891412 -0.8165764209146125 -0.763951723042176 -0.652511186371149 -0.34140635483118725 0.030062100738923243 0.28854223440644844 0.4897543145069239 0.6491761933557653 0.7002531059966522 0.6476284081242158 0.5284489452954765 0.280803308248745 +4335,-0.40022219362978656,0,-0.6231032669718494 -0.6850146762335301 -0.7716906491998883 -0.8134808504515311 -0.8010985685991879 -0.7856207162837722 -0.7809773605891412 -0.8165764209146125 -0.763951723042176 -0.652511186371149 -0.34140635483118725 0.030062100738923243 0.28854223440644844 0.4897543145069239 0.6491761933557653 0.7002531059966522 0.6476284081242158 0.5284489452954765 0.280803308248745 -0.12007306672066517 +4336,-0.46522917335455743,0,-0.6850146762335301 -0.7716906491998883 -0.8134808504515311 -0.8010985685991879 -0.7856207162837722 -0.7809773605891412 -0.8165764209146125 -0.763951723042176 -0.652511186371149 -0.34140635483118725 0.030062100738923243 0.28854223440644844 0.4897543145069239 0.6491761933557653 0.7002531059966522 0.6476284081242158 0.5284489452954765 0.280803308248745 -0.12007306672066517 -0.40022219362978656 +4337,-0.5565485020155377,0,-0.7716906491998883 -0.8134808504515311 -0.8010985685991879 -0.7856207162837722 -0.7809773605891412 -0.8165764209146125 -0.763951723042176 -0.652511186371149 -0.34140635483118725 0.030062100738923243 0.28854223440644844 0.4897543145069239 0.6491761933557653 0.7002531059966522 0.6476284081242158 0.5284489452954765 0.280803308248745 -0.12007306672066517 -0.40022219362978656 -0.46522917335455743 +4338,-0.5936953475725497,0,-0.8134808504515311 -0.8010985685991879 -0.7856207162837722 -0.7809773605891412 -0.8165764209146125 -0.763951723042176 -0.652511186371149 -0.34140635483118725 0.030062100738923243 0.28854223440644844 0.4897543145069239 0.6491761933557653 0.7002531059966522 0.6476284081242158 0.5284489452954765 0.280803308248745 -0.12007306672066517 -0.40022219362978656 -0.46522917335455743 -0.5565485020155377 +4339,-0.610720985119515,0,-0.8010985685991879 -0.7856207162837722 -0.7809773605891412 -0.8165764209146125 -0.763951723042176 -0.652511186371149 -0.34140635483118725 0.030062100738923243 0.28854223440644844 0.4897543145069239 0.6491761933557653 0.7002531059966522 0.6476284081242158 0.5284489452954765 0.280803308248745 -0.12007306672066517 -0.40022219362978656 -0.46522917335455743 -0.5565485020155377 -0.5936953475725497 +4340,-0.6385811192872651,0,-0.7856207162837722 -0.7809773605891412 -0.8165764209146125 -0.763951723042176 -0.652511186371149 -0.34140635483118725 0.030062100738923243 0.28854223440644844 0.4897543145069239 0.6491761933557653 0.7002531059966522 0.6476284081242158 0.5284489452954765 0.280803308248745 -0.12007306672066517 -0.40022219362978656 -0.46522917335455743 -0.5565485020155377 -0.5936953475725497 -0.610720985119515 +4341,-0.652511186371149,0,-0.7809773605891412 -0.8165764209146125 -0.763951723042176 -0.652511186371149 -0.34140635483118725 0.030062100738923243 0.28854223440644844 0.4897543145069239 0.6491761933557653 0.7002531059966522 0.6476284081242158 0.5284489452954765 0.280803308248745 -0.12007306672066517 -0.40022219362978656 -0.46522917335455743 -0.5565485020155377 -0.5936953475725497 -0.610720985119515 -0.6385811192872651 +4342,-0.7221615217905419,0,-0.8165764209146125 -0.763951723042176 -0.652511186371149 -0.34140635483118725 0.030062100738923243 0.28854223440644844 0.4897543145069239 0.6491761933557653 0.7002531059966522 0.6476284081242158 0.5284489452954765 0.280803308248745 -0.12007306672066517 -0.40022219362978656 -0.46522917335455743 -0.5565485020155377 -0.5936953475725497 -0.610720985119515 -0.6385811192872651 -0.652511186371149 +4343,-0.754665011652923,0,-0.763951723042176 -0.652511186371149 -0.34140635483118725 0.030062100738923243 0.28854223440644844 0.4897543145069239 0.6491761933557653 0.7002531059966522 0.6476284081242158 0.5284489452954765 0.280803308248745 -0.12007306672066517 -0.40022219362978656 -0.46522917335455743 -0.5565485020155377 -0.5936953475725497 -0.610720985119515 -0.6385811192872651 -0.652511186371149 -0.7221615217905419 +4344,-0.7360915888744258,0,-0.652511186371149 -0.34140635483118725 0.030062100738923243 0.28854223440644844 0.4897543145069239 0.6491761933557653 0.7002531059966522 0.6476284081242158 0.5284489452954765 0.280803308248745 -0.12007306672066517 -0.40022219362978656 -0.46522917335455743 -0.5565485020155377 -0.5936953475725497 -0.610720985119515 -0.6385811192872651 -0.652511186371149 -0.7221615217905419 -0.754665011652923 +4345,-0.7778817901260598,0,-0.34140635483118725 0.030062100738923243 0.28854223440644844 0.4897543145069239 0.6491761933557653 0.7002531059966522 0.6476284081242158 0.5284489452954765 0.280803308248745 -0.12007306672066517 -0.40022219362978656 -0.46522917335455743 -0.5565485020155377 -0.5936953475725497 -0.610720985119515 -0.6385811192872651 -0.652511186371149 -0.7221615217905419 -0.754665011652923 -0.7360915888744258 +4346,-0.7840729310522314,0,0.030062100738923243 0.28854223440644844 0.4897543145069239 0.6491761933557653 0.7002531059966522 0.6476284081242158 0.5284489452954765 0.280803308248745 -0.12007306672066517 -0.40022219362978656 -0.46522917335455743 -0.5565485020155377 -0.5936953475725497 -0.610720985119515 -0.6385811192872651 -0.652511186371149 -0.7221615217905419 -0.754665011652923 -0.7360915888744258 -0.7778817901260598 +4347,-0.7515694411898416,0,0.28854223440644844 0.4897543145069239 0.6491761933557653 0.7002531059966522 0.6476284081242158 0.5284489452954765 0.280803308248745 -0.12007306672066517 -0.40022219362978656 -0.46522917335455743 -0.5565485020155377 -0.5936953475725497 -0.610720985119515 -0.6385811192872651 -0.652511186371149 -0.7221615217905419 -0.754665011652923 -0.7360915888744258 -0.7778817901260598 -0.7840729310522314 +4348,-0.601434273730262,0,0.4897543145069239 0.6491761933557653 0.7002531059966522 0.6476284081242158 0.5284489452954765 0.280803308248745 -0.12007306672066517 -0.40022219362978656 -0.46522917335455743 -0.5565485020155377 -0.5936953475725497 -0.610720985119515 -0.6385811192872651 -0.652511186371149 -0.7221615217905419 -0.754665011652923 -0.7360915888744258 -0.7778817901260598 -0.7840729310522314 -0.7515694411898416 +4349,-0.3181895763580504,0,0.6491761933557653 0.7002531059966522 0.6476284081242158 0.5284489452954765 0.280803308248745 -0.12007306672066517 -0.40022219362978656 -0.46522917335455743 -0.5565485020155377 -0.5936953475725497 -0.610720985119515 -0.6385811192872651 -0.652511186371149 -0.7221615217905419 -0.754665011652923 -0.7360915888744258 -0.7778817901260598 -0.7840729310522314 -0.7515694411898416 -0.601434273730262 +4350,-0.09685628824752832,0,0.7002531059966522 0.6476284081242158 0.5284489452954765 0.280803308248745 -0.12007306672066517 -0.40022219362978656 -0.46522917335455743 -0.5565485020155377 -0.5936953475725497 -0.610720985119515 -0.6385811192872651 -0.652511186371149 -0.7221615217905419 -0.754665011652923 -0.7360915888744258 -0.7778817901260598 -0.7840729310522314 -0.7515694411898416 -0.601434273730262 -0.3181895763580504 +4351,0.06720894629592637,0,0.6476284081242158 0.5284489452954765 0.280803308248745 -0.12007306672066517 -0.40022219362978656 -0.46522917335455743 -0.5565485020155377 -0.5936953475725497 -0.610720985119515 -0.6385811192872651 -0.652511186371149 -0.7221615217905419 -0.754665011652923 -0.7360915888744258 -0.7778817901260598 -0.7840729310522314 -0.7515694411898416 -0.601434273730262 -0.3181895763580504 -0.09685628824752832 +4352,0.2823510934802857,0,0.5284489452954765 0.280803308248745 -0.12007306672066517 -0.40022219362978656 -0.46522917335455743 -0.5565485020155377 -0.5936953475725497 -0.610720985119515 -0.6385811192872651 -0.652511186371149 -0.7221615217905419 -0.754665011652923 -0.7360915888744258 -0.7778817901260598 -0.7840729310522314 -0.7515694411898416 -0.601434273730262 -0.3181895763580504 -0.09685628824752832 0.06720894629592637 +4353,0.4789198178861302,0,0.280803308248745 -0.12007306672066517 -0.40022219362978656 -0.46522917335455743 -0.5565485020155377 -0.5936953475725497 -0.610720985119515 -0.6385811192872651 -0.652511186371149 -0.7221615217905419 -0.754665011652923 -0.7360915888744258 -0.7778817901260598 -0.7840729310522314 -0.7515694411898416 -0.601434273730262 -0.3181895763580504 -0.09685628824752832 0.06720894629592637 0.2823510934802857 +4354,0.5083277372854299,0,-0.12007306672066517 -0.40022219362978656 -0.46522917335455743 -0.5565485020155377 -0.5936953475725497 -0.610720985119515 -0.6385811192872651 -0.652511186371149 -0.7221615217905419 -0.754665011652923 -0.7360915888744258 -0.7778817901260598 -0.7840729310522314 -0.7515694411898416 -0.601434273730262 -0.3181895763580504 -0.09685628824752832 0.06720894629592637 0.2823510934802857 0.4789198178861302 +4355,0.4355818314029555,0,-0.40022219362978656 -0.46522917335455743 -0.5565485020155377 -0.5936953475725497 -0.610720985119515 -0.6385811192872651 -0.652511186371149 -0.7221615217905419 -0.754665011652923 -0.7360915888744258 -0.7778817901260598 -0.7840729310522314 -0.7515694411898416 -0.601434273730262 -0.3181895763580504 -0.09685628824752832 0.06720894629592637 0.2823510934802857 0.4789198178861302 0.5083277372854299 +4356,0.3241412947319197,0,-0.46522917335455743 -0.5565485020155377 -0.5936953475725497 -0.610720985119515 -0.6385811192872651 -0.652511186371149 -0.7221615217905419 -0.754665011652923 -0.7360915888744258 -0.7778817901260598 -0.7840729310522314 -0.7515694411898416 -0.601434273730262 -0.3181895763580504 -0.09685628824752832 0.06720894629592637 0.2823510934802857 0.4789198178861302 0.5083277372854299 0.4355818314029555 +4357,0.17864948296696218,0,-0.5565485020155377 -0.5936953475725497 -0.610720985119515 -0.6385811192872651 -0.652511186371149 -0.7221615217905419 -0.754665011652923 -0.7360915888744258 -0.7778817901260598 -0.7840729310522314 -0.7515694411898416 -0.601434273730262 -0.3181895763580504 -0.09685628824752832 0.06720894629592637 0.2823510934802857 0.4789198178861302 0.5083277372854299 0.4355818314029555 0.3241412947319197 +4358,-0.08756957685828413,0,-0.5936953475725497 -0.610720985119515 -0.6385811192872651 -0.652511186371149 -0.7221615217905419 -0.754665011652923 -0.7360915888744258 -0.7778817901260598 -0.7840729310522314 -0.7515694411898416 -0.601434273730262 -0.3181895763580504 -0.09685628824752832 0.06720894629592637 0.2823510934802857 0.4789198178861302 0.5083277372854299 0.4355818314029555 0.3241412947319197 0.17864948296696218 +4359,-0.29342501265338167,0,-0.610720985119515 -0.6385811192872651 -0.652511186371149 -0.7221615217905419 -0.754665011652923 -0.7360915888744258 -0.7778817901260598 -0.7840729310522314 -0.7515694411898416 -0.601434273730262 -0.3181895763580504 -0.09685628824752832 0.06720894629592637 0.2823510934802857 0.4789198178861302 0.5083277372854299 0.4355818314029555 0.3241412947319197 0.17864948296696218 -0.08756957685828413 +4360,-0.4435601801129613,0,-0.6385811192872651 -0.652511186371149 -0.7221615217905419 -0.754665011652923 -0.7360915888744258 -0.7778817901260598 -0.7840729310522314 -0.7515694411898416 -0.601434273730262 -0.3181895763580504 -0.09685628824752832 0.06720894629592637 0.2823510934802857 0.4789198178861302 0.5083277372854299 0.4355818314029555 0.3241412947319197 0.17864948296696218 -0.08756957685828413 -0.29342501265338167 +4361,-0.5441662201632034,0,-0.652511186371149 -0.7221615217905419 -0.754665011652923 -0.7360915888744258 -0.7778817901260598 -0.7840729310522314 -0.7515694411898416 -0.601434273730262 -0.3181895763580504 -0.09685628824752832 0.06720894629592637 0.2823510934802857 0.4789198178861302 0.5083277372854299 0.4355818314029555 0.3241412947319197 0.17864948296696218 -0.08756957685828413 -0.29342501265338167 -0.4435601801129613 +4362,-0.661797897760402,0,-0.7221615217905419 -0.754665011652923 -0.7360915888744258 -0.7778817901260598 -0.7840729310522314 -0.7515694411898416 -0.601434273730262 -0.3181895763580504 -0.09685628824752832 0.06720894629592637 0.2823510934802857 0.4789198178861302 0.5083277372854299 0.4355818314029555 0.3241412947319197 0.17864948296696218 -0.08756957685828413 -0.29342501265338167 -0.4435601801129613 -0.5441662201632034 +4363,-0.7190659513274605,0,-0.754665011652923 -0.7360915888744258 -0.7778817901260598 -0.7840729310522314 -0.7515694411898416 -0.601434273730262 -0.3181895763580504 -0.09685628824752832 0.06720894629592637 0.2823510934802857 0.4789198178861302 0.5083277372854299 0.4355818314029555 0.3241412947319197 0.17864948296696218 -0.08756957685828413 -0.29342501265338167 -0.4435601801129613 -0.5441662201632034 -0.661797897760402 +4364,-0.7004925285489546,0,-0.7360915888744258 -0.7778817901260598 -0.7840729310522314 -0.7515694411898416 -0.601434273730262 -0.3181895763580504 -0.09685628824752832 0.06720894629592637 0.2823510934802857 0.4789198178861302 0.5083277372854299 0.4355818314029555 0.3241412947319197 0.17864948296696218 -0.08756957685828413 -0.29342501265338167 -0.4435601801129613 -0.5441662201632034 -0.661797897760402 -0.7190659513274605 +4365,-0.6602501125288612,0,-0.7778817901260598 -0.7840729310522314 -0.7515694411898416 -0.601434273730262 -0.3181895763580504 -0.09685628824752832 0.06720894629592637 0.2823510934802857 0.4789198178861302 0.5083277372854299 0.4355818314029555 0.3241412947319197 0.17864948296696218 -0.08756957685828413 -0.29342501265338167 -0.4435601801129613 -0.5441662201632034 -0.661797897760402 -0.7190659513274605 -0.7004925285489546 +4366,-0.661797897760402,0,-0.7840729310522314 -0.7515694411898416 -0.601434273730262 -0.3181895763580504 -0.09685628824752832 0.06720894629592637 0.2823510934802857 0.4789198178861302 0.5083277372854299 0.4355818314029555 0.3241412947319197 0.17864948296696218 -0.08756957685828413 -0.29342501265338167 -0.4435601801129613 -0.5441662201632034 -0.661797897760402 -0.7190659513274605 -0.7004925285489546 -0.6602501125288612 +4367,-0.6602501125288612,0,-0.7515694411898416 -0.601434273730262 -0.3181895763580504 -0.09685628824752832 0.06720894629592637 0.2823510934802857 0.4789198178861302 0.5083277372854299 0.4355818314029555 0.3241412947319197 0.17864948296696218 -0.08756957685828413 -0.29342501265338167 -0.4435601801129613 -0.5441662201632034 -0.661797897760402 -0.7190659513274605 -0.7004925285489546 -0.6602501125288612 -0.661797897760402 +4368,-0.675727964844277,0,-0.601434273730262 -0.3181895763580504 -0.09685628824752832 0.06720894629592637 0.2823510934802857 0.4789198178861302 0.5083277372854299 0.4355818314029555 0.3241412947319197 0.17864948296696218 -0.08756957685828413 -0.29342501265338167 -0.4435601801129613 -0.5441662201632034 -0.661797897760402 -0.7190659513274605 -0.7004925285489546 -0.6602501125288612 -0.661797897760402 -0.6602501125288612 +4369,-0.666441253455024,0,-0.3181895763580504 -0.09685628824752832 0.06720894629592637 0.2823510934802857 0.4789198178861302 0.5083277372854299 0.4355818314029555 0.3241412947319197 0.17864948296696218 -0.08756957685828413 -0.29342501265338167 -0.4435601801129613 -0.5441662201632034 -0.661797897760402 -0.7190659513274605 -0.7004925285489546 -0.6602501125288612 -0.661797897760402 -0.6602501125288612 -0.675727964844277 +4370,-0.6695368239181143,0,-0.09685628824752832 0.06720894629592637 0.2823510934802857 0.4789198178861302 0.5083277372854299 0.4355818314029555 0.3241412947319197 0.17864948296696218 -0.08756957685828413 -0.29342501265338167 -0.4435601801129613 -0.5441662201632034 -0.661797897760402 -0.7190659513274605 -0.7004925285489546 -0.6602501125288612 -0.661797897760402 -0.6602501125288612 -0.675727964844277 -0.666441253455024 +4371,-0.5209494416900665,0,0.06720894629592637 0.2823510934802857 0.4789198178861302 0.5083277372854299 0.4355818314029555 0.3241412947319197 0.17864948296696218 -0.08756957685828413 -0.29342501265338167 -0.4435601801129613 -0.5441662201632034 -0.661797897760402 -0.7190659513274605 -0.7004925285489546 -0.6602501125288612 -0.661797897760402 -0.6602501125288612 -0.675727964844277 -0.666441253455024 -0.6695368239181143 +4372,-0.7475451995878393,0,0.2823510934802857 0.4789198178861302 0.5083277372854299 0.4355818314029555 0.3241412947319197 0.17864948296696218 -0.08756957685828413 -0.29342501265338167 -0.4435601801129613 -0.5441662201632034 -0.661797897760402 -0.7190659513274605 -0.7004925285489546 -0.6602501125288612 -0.661797897760402 -0.6602501125288612 -0.675727964844277 -0.666441253455024 -0.6695368239181143 -0.5209494416900665 +4373,-0.2237746772339887,0,0.4789198178861302 0.5083277372854299 0.4355818314029555 0.3241412947319197 0.17864948296696218 -0.08756957685828413 -0.29342501265338167 -0.4435601801129613 -0.5441662201632034 -0.661797897760402 -0.7190659513274605 -0.7004925285489546 -0.6602501125288612 -0.661797897760402 -0.6602501125288612 -0.675727964844277 -0.666441253455024 -0.6695368239181143 -0.5209494416900665 -0.7475451995878393 +4374,-0.07054393931131887,0,0.5083277372854299 0.4355818314029555 0.3241412947319197 0.17864948296696218 -0.08756957685828413 -0.29342501265338167 -0.4435601801129613 -0.5441662201632034 -0.661797897760402 -0.7190659513274605 -0.7004925285489546 -0.6602501125288612 -0.661797897760402 -0.6602501125288612 -0.675727964844277 -0.666441253455024 -0.6695368239181143 -0.5209494416900665 -0.7475451995878393 -0.2237746772339887 +4375,0.023870959812751655,0,0.4355818314029555 0.3241412947319197 0.17864948296696218 -0.08756957685828413 -0.29342501265338167 -0.4435601801129613 -0.5441662201632034 -0.661797897760402 -0.7190659513274605 -0.7004925285489546 -0.6602501125288612 -0.661797897760402 -0.6602501125288612 -0.675727964844277 -0.666441253455024 -0.6695368239181143 -0.5209494416900665 -0.7475451995878393 -0.2237746772339887 -0.07054393931131887 +4376,0.11828585893682218,0,0.3241412947319197 0.17864948296696218 -0.08756957685828413 -0.29342501265338167 -0.4435601801129613 -0.5441662201632034 -0.661797897760402 -0.7190659513274605 -0.7004925285489546 -0.6602501125288612 -0.661797897760402 -0.6602501125288612 -0.675727964844277 -0.666441253455024 -0.6695368239181143 -0.5209494416900665 -0.7475451995878393 -0.2237746772339887 -0.07054393931131887 0.023870959812751655 +4377,0.2127007580608927,0,0.17864948296696218 -0.08756957685828413 -0.29342501265338167 -0.4435601801129613 -0.5441662201632034 -0.661797897760402 -0.7190659513274605 -0.7004925285489546 -0.6602501125288612 -0.661797897760402 -0.6602501125288612 -0.675727964844277 -0.666441253455024 -0.6695368239181143 -0.5209494416900665 -0.7475451995878393 -0.2237746772339887 -0.07054393931131887 0.023870959812751655 0.11828585893682218 +4378,0.15078934879920322,0,-0.08756957685828413 -0.29342501265338167 -0.4435601801129613 -0.5441662201632034 -0.661797897760402 -0.7190659513274605 -0.7004925285489546 -0.6602501125288612 -0.661797897760402 -0.6602501125288612 -0.675727964844277 -0.666441253455024 -0.6695368239181143 -0.5209494416900665 -0.7475451995878393 -0.2237746772339887 -0.07054393931131887 0.023870959812751655 0.11828585893682218 0.2127007580608927 +4379,-0.003989174355007293,0,-0.29342501265338167 -0.4435601801129613 -0.5441662201632034 -0.661797897760402 -0.7190659513274605 -0.7004925285489546 -0.6602501125288612 -0.661797897760402 -0.6602501125288612 -0.675727964844277 -0.666441253455024 -0.6695368239181143 -0.5209494416900665 -0.7475451995878393 -0.2237746772339887 -0.07054393931131887 0.023870959812751655 0.11828585893682218 0.2127007580608927 0.15078934879920322 +4380,-0.06280501315360658,0,-0.4435601801129613 -0.5441662201632034 -0.661797897760402 -0.7190659513274605 -0.7004925285489546 -0.6602501125288612 -0.661797897760402 -0.6602501125288612 -0.675727964844277 -0.666441253455024 -0.6695368239181143 -0.5209494416900665 -0.7475451995878393 -0.2237746772339887 -0.07054393931131887 0.023870959812751655 0.11828585893682218 0.2127007580608927 0.15078934879920322 -0.003989174355007293 +4381,-0.11697749625758379,0,-0.5441662201632034 -0.661797897760402 -0.7190659513274605 -0.7004925285489546 -0.6602501125288612 -0.661797897760402 -0.6602501125288612 -0.675727964844277 -0.666441253455024 -0.6695368239181143 -0.5209494416900665 -0.7475451995878393 -0.2237746772339887 -0.07054393931131887 0.023870959812751655 0.11828585893682218 0.2127007580608927 0.15078934879920322 -0.003989174355007293 -0.06280501315360658 +4382,-0.264017093254082,0,-0.661797897760402 -0.7190659513274605 -0.7004925285489546 -0.6602501125288612 -0.661797897760402 -0.6602501125288612 -0.675727964844277 -0.666441253455024 -0.6695368239181143 -0.5209494416900665 -0.7475451995878393 -0.2237746772339887 -0.07054393931131887 0.023870959812751655 0.11828585893682218 0.2127007580608927 0.15078934879920322 -0.003989174355007293 -0.06280501315360658 -0.11697749625758379 +4383,-0.333667428673475,0,-0.7190659513274605 -0.7004925285489546 -0.6602501125288612 -0.661797897760402 -0.6602501125288612 -0.675727964844277 -0.666441253455024 -0.6695368239181143 -0.5209494416900665 -0.7475451995878393 -0.2237746772339887 -0.07054393931131887 0.023870959812751655 0.11828585893682218 0.2127007580608927 0.15078934879920322 -0.003989174355007293 -0.06280501315360658 -0.11697749625758379 -0.264017093254082 +4384,-0.7096244614150571,0,-0.7004925285489546 -0.6602501125288612 -0.661797897760402 -0.6602501125288612 -0.675727964844277 -0.666441253455024 -0.6695368239181143 -0.5209494416900665 -0.7475451995878393 -0.2237746772339887 -0.07054393931131887 0.023870959812751655 0.11828585893682218 0.2127007580608927 0.15078934879920322 -0.003989174355007293 -0.06280501315360658 -0.11697749625758379 -0.264017093254082 -0.333667428673475 +4385,-0.5611918577101599,0,-0.6602501125288612 -0.661797897760402 -0.6602501125288612 -0.675727964844277 -0.666441253455024 -0.6695368239181143 -0.5209494416900665 -0.7475451995878393 -0.2237746772339887 -0.07054393931131887 0.023870959812751655 0.11828585893682218 0.2127007580608927 0.15078934879920322 -0.003989174355007293 -0.06280501315360658 -0.11697749625758379 -0.264017093254082 -0.333667428673475 -0.7096244614150571 +4386,-0.5998864884987125,0,-0.661797897760402 -0.6602501125288612 -0.675727964844277 -0.666441253455024 -0.6695368239181143 -0.5209494416900665 -0.7475451995878393 -0.2237746772339887 -0.07054393931131887 0.023870959812751655 0.11828585893682218 0.2127007580608927 0.15078934879920322 -0.003989174355007293 -0.06280501315360658 -0.11697749625758379 -0.264017093254082 -0.333667428673475 -0.7096244614150571 -0.5611918577101599 +4387,-0.6896580319281609,0,-0.6602501125288612 -0.675727964844277 -0.666441253455024 -0.6695368239181143 -0.5209494416900665 -0.7475451995878393 -0.2237746772339887 -0.07054393931131887 0.023870959812751655 0.11828585893682218 0.2127007580608927 0.15078934879920322 -0.003989174355007293 -0.06280501315360658 -0.11697749625758379 -0.264017093254082 -0.333667428673475 -0.7096244614150571 -0.5611918577101599 -0.5998864884987125 +4388,-0.7113270251697483,0,-0.675727964844277 -0.666441253455024 -0.6695368239181143 -0.5209494416900665 -0.7475451995878393 -0.2237746772339887 -0.07054393931131887 0.023870959812751655 0.11828585893682218 0.2127007580608927 0.15078934879920322 -0.003989174355007293 -0.06280501315360658 -0.11697749625758379 -0.264017093254082 -0.333667428673475 -0.7096244614150571 -0.5611918577101599 -0.5998864884987125 -0.6896580319281609 +4389,-0.7329960184113357,0,-0.666441253455024 -0.6695368239181143 -0.5209494416900665 -0.7475451995878393 -0.2237746772339887 -0.07054393931131887 0.023870959812751655 0.11828585893682218 0.2127007580608927 0.15078934879920322 -0.003989174355007293 -0.06280501315360658 -0.11697749625758379 -0.264017093254082 -0.333667428673475 -0.7096244614150571 -0.5611918577101599 -0.5998864884987125 -0.6896580319281609 -0.7113270251697483 +4390,-0.7840729310522314,0,-0.6695368239181143 -0.5209494416900665 -0.7475451995878393 -0.2237746772339887 -0.07054393931131887 0.023870959812751655 0.11828585893682218 0.2127007580608927 0.15078934879920322 -0.003989174355007293 -0.06280501315360658 -0.11697749625758379 -0.264017093254082 -0.333667428673475 -0.7096244614150571 -0.5611918577101599 -0.5998864884987125 -0.6896580319281609 -0.7113270251697483 -0.7329960184113357 +4391,-0.8459843403139121,0,-0.5209494416900665 -0.7475451995878393 -0.2237746772339887 -0.07054393931131887 0.023870959812751655 0.11828585893682218 0.2127007580608927 0.15078934879920322 -0.003989174355007293 -0.06280501315360658 -0.11697749625758379 -0.264017093254082 -0.333667428673475 -0.7096244614150571 -0.5611918577101599 -0.5998864884987125 -0.6896580319281609 -0.7113270251697483 -0.7329960184113357 -0.7840729310522314 +4392,-0.8676533335554995,0,-0.7475451995878393 -0.2237746772339887 -0.07054393931131887 0.023870959812751655 0.11828585893682218 0.2127007580608927 0.15078934879920322 -0.003989174355007293 -0.06280501315360658 -0.11697749625758379 -0.264017093254082 -0.333667428673475 -0.7096244614150571 -0.5611918577101599 -0.5998864884987125 -0.6896580319281609 -0.7113270251697483 -0.7329960184113357 -0.7840729310522314 -0.8459843403139121 +4393,-0.8986090381863399,0,-0.2237746772339887 -0.07054393931131887 0.023870959812751655 0.11828585893682218 0.2127007580608927 0.15078934879920322 -0.003989174355007293 -0.06280501315360658 -0.11697749625758379 -0.264017093254082 -0.333667428673475 -0.7096244614150571 -0.5611918577101599 -0.5998864884987125 -0.6896580319281609 -0.7113270251697483 -0.7329960184113357 -0.7840729310522314 -0.8459843403139121 -0.8676533335554995 +4394,-0.952781521290317,0,-0.07054393931131887 0.023870959812751655 0.11828585893682218 0.2127007580608927 0.15078934879920322 -0.003989174355007293 -0.06280501315360658 -0.11697749625758379 -0.264017093254082 -0.333667428673475 -0.7096244614150571 -0.5611918577101599 -0.5998864884987125 -0.6896580319281609 -0.7113270251697483 -0.7329960184113357 -0.7840729310522314 -0.8459843403139121 -0.8676533335554995 -0.8986090381863399 +4395,-0.8707489040185808,0,0.023870959812751655 0.11828585893682218 0.2127007580608927 0.15078934879920322 -0.003989174355007293 -0.06280501315360658 -0.11697749625758379 -0.264017093254082 -0.333667428673475 -0.7096244614150571 -0.5611918577101599 -0.5998864884987125 -0.6896580319281609 -0.7113270251697483 -0.7329960184113357 -0.7840729310522314 -0.8459843403139121 -0.8676533335554995 -0.8986090381863399 -0.952781521290317 +4396,-0.7206137365590013,0,0.11828585893682218 0.2127007580608927 0.15078934879920322 -0.003989174355007293 -0.06280501315360658 -0.11697749625758379 -0.264017093254082 -0.333667428673475 -0.7096244614150571 -0.5611918577101599 -0.5998864884987125 -0.6896580319281609 -0.7113270251697483 -0.7329960184113357 -0.7840729310522314 -0.8459843403139121 -0.8676533335554995 -0.8986090381863399 -0.952781521290317 -0.8707489040185808 +4397,-0.5147583007639037,0,0.2127007580608927 0.15078934879920322 -0.003989174355007293 -0.06280501315360658 -0.11697749625758379 -0.264017093254082 -0.333667428673475 -0.7096244614150571 -0.5611918577101599 -0.5998864884987125 -0.6896580319281609 -0.7113270251697483 -0.7329960184113357 -0.7840729310522314 -0.8459843403139121 -0.8676533335554995 -0.8986090381863399 -0.952781521290317 -0.8707489040185808 -0.7206137365590013 +4398,-0.3367629991365564,0,0.15078934879920322 -0.003989174355007293 -0.06280501315360658 -0.11697749625758379 -0.264017093254082 -0.333667428673475 -0.7096244614150571 -0.5611918577101599 -0.5998864884987125 -0.6896580319281609 -0.7113270251697483 -0.7329960184113357 -0.7840729310522314 -0.8459843403139121 -0.8676533335554995 -0.8986090381863399 -0.952781521290317 -0.8707489040185808 -0.7206137365590013 -0.5147583007639037 +4399,-0.19281897260313954,0,-0.003989174355007293 -0.06280501315360658 -0.11697749625758379 -0.264017093254082 -0.333667428673475 -0.7096244614150571 -0.5611918577101599 -0.5998864884987125 -0.6896580319281609 -0.7113270251697483 -0.7329960184113357 -0.7840729310522314 -0.8459843403139121 -0.8676533335554995 -0.8986090381863399 -0.952781521290317 -0.8707489040185808 -0.7206137365590013 -0.5147583007639037 -0.3367629991365564 +4400,-0.06590058361668798,0,-0.06280501315360658 -0.11697749625758379 -0.264017093254082 -0.333667428673475 -0.7096244614150571 -0.5611918577101599 -0.5998864884987125 -0.6896580319281609 -0.7113270251697483 -0.7329960184113357 -0.7840729310522314 -0.8459843403139121 -0.8676533335554995 -0.8986090381863399 -0.952781521290317 -0.8707489040185808 -0.7206137365590013 -0.5147583007639037 -0.3367629991365564 -0.19281897260313954 +4401,-0.04887494606973151,0,-0.11697749625758379 -0.264017093254082 -0.333667428673475 -0.7096244614150571 -0.5611918577101599 -0.5998864884987125 -0.6896580319281609 -0.7113270251697483 -0.7329960184113357 -0.7840729310522314 -0.8459843403139121 -0.8676533335554995 -0.8986090381863399 -0.952781521290317 -0.8707489040185808 -0.7206137365590013 -0.5147583007639037 -0.3367629991365564 -0.19281897260313954 -0.06590058361668798 +4402,0.04708773828587971,0,-0.264017093254082 -0.333667428673475 -0.7096244614150571 -0.5611918577101599 -0.5998864884987125 -0.6896580319281609 -0.7113270251697483 -0.7329960184113357 -0.7840729310522314 -0.8459843403139121 -0.8676533335554995 -0.8986090381863399 -0.952781521290317 -0.8707489040185808 -0.7206137365590013 -0.5147583007639037 -0.3367629991365564 -0.19281897260313954 -0.06590058361668798 -0.04887494606973151 +4403,0.030062100738923243,0,-0.333667428673475 -0.7096244614150571 -0.5611918577101599 -0.5998864884987125 -0.6896580319281609 -0.7113270251697483 -0.7329960184113357 -0.7840729310522314 -0.8459843403139121 -0.8676533335554995 -0.8986090381863399 -0.952781521290317 -0.8707489040185808 -0.7206137365590013 -0.5147583007639037 -0.3367629991365564 -0.19281897260313954 -0.06590058361668798 -0.04887494606973151 0.04708773828587971 +4404,0.02541874504429235,0,-0.7096244614150571 -0.5611918577101599 -0.5998864884987125 -0.6896580319281609 -0.7113270251697483 -0.7329960184113357 -0.7840729310522314 -0.8459843403139121 -0.8676533335554995 -0.8986090381863399 -0.952781521290317 -0.8707489040185808 -0.7206137365590013 -0.5147583007639037 -0.3367629991365564 -0.19281897260313954 -0.06590058361668798 -0.04887494606973151 0.04708773828587971 0.030062100738923243 +4405,-0.04887494606973151,0,-0.5611918577101599 -0.5998864884987125 -0.6896580319281609 -0.7113270251697483 -0.7329960184113357 -0.7840729310522314 -0.8459843403139121 -0.8676533335554995 -0.8986090381863399 -0.952781521290317 -0.8707489040185808 -0.7206137365590013 -0.5147583007639037 -0.3367629991365564 -0.19281897260313954 -0.06590058361668798 -0.04887494606973151 0.04708773828587971 0.030062100738923243 0.02541874504429235 +4406,-0.29961615357954446,0,-0.5998864884987125 -0.6896580319281609 -0.7113270251697483 -0.7329960184113357 -0.7840729310522314 -0.8459843403139121 -0.8676533335554995 -0.8986090381863399 -0.952781521290317 -0.8707489040185808 -0.7206137365590013 -0.5147583007639037 -0.3367629991365564 -0.19281897260313954 -0.06590058361668798 -0.04887494606973151 0.04708773828587971 0.030062100738923243 0.02541874504429235 -0.04887494606973151 +4407,-0.4218911868713739,0,-0.6896580319281609 -0.7113270251697483 -0.7329960184113357 -0.7840729310522314 -0.8459843403139121 -0.8676533335554995 -0.8986090381863399 -0.952781521290317 -0.8707489040185808 -0.7206137365590013 -0.5147583007639037 -0.3367629991365564 -0.19281897260313954 -0.06590058361668798 -0.04887494606973151 0.04708773828587971 0.030062100738923243 0.02541874504429235 -0.04887494606973151 -0.29961615357954446 +4408,-0.536427294005491,0,-0.7113270251697483 -0.7329960184113357 -0.7840729310522314 -0.8459843403139121 -0.8676533335554995 -0.8986090381863399 -0.952781521290317 -0.8707489040185808 -0.7206137365590013 -0.5147583007639037 -0.3367629991365564 -0.19281897260313954 -0.06590058361668798 -0.04887494606973151 0.04708773828587971 0.030062100738923243 0.02541874504429235 -0.04887494606973151 -0.29961615357954446 -0.4218911868713739 +4409,-0.6060776294248841,0,-0.7329960184113357 -0.7840729310522314 -0.8459843403139121 -0.8676533335554995 -0.8986090381863399 -0.952781521290317 -0.8707489040185808 -0.7206137365590013 -0.5147583007639037 -0.3367629991365564 -0.19281897260313954 -0.06590058361668798 -0.04887494606973151 0.04708773828587971 0.030062100738923243 0.02541874504429235 -0.04887494606973151 -0.29961615357954446 -0.4218911868713739 -0.536427294005491 +4410,-0.6571545420657711,0,-0.7840729310522314 -0.8459843403139121 -0.8676533335554995 -0.8986090381863399 -0.952781521290317 -0.8707489040185808 -0.7206137365590013 -0.5147583007639037 -0.3367629991365564 -0.19281897260313954 -0.06590058361668798 -0.04887494606973151 0.04708773828587971 0.030062100738923243 0.02541874504429235 -0.04887494606973151 -0.29961615357954446 -0.4218911868713739 -0.536427294005491 -0.6060776294248841 +4411,-0.7376393741059666,0,-0.8459843403139121 -0.8676533335554995 -0.8986090381863399 -0.952781521290317 -0.8707489040185808 -0.7206137365590013 -0.5147583007639037 -0.3367629991365564 -0.19281897260313954 -0.06590058361668798 -0.04887494606973151 0.04708773828587971 0.030062100738923243 0.02541874504429235 -0.04887494606973151 -0.29961615357954446 -0.4218911868713739 -0.536427294005491 -0.6060776294248841 -0.6571545420657711 +4412,-0.8026463538307286,0,-0.8676533335554995 -0.8986090381863399 -0.952781521290317 -0.8707489040185808 -0.7206137365590013 -0.5147583007639037 -0.3367629991365564 -0.19281897260313954 -0.06590058361668798 -0.04887494606973151 0.04708773828587971 0.030062100738923243 0.02541874504429235 -0.04887494606973151 -0.29961615357954446 -0.4218911868713739 -0.536427294005491 -0.6060776294248841 -0.6571545420657711 -0.7376393741059666 +4413,-0.8599144073977872,0,-0.8986090381863399 -0.952781521290317 -0.8707489040185808 -0.7206137365590013 -0.5147583007639037 -0.3367629991365564 -0.19281897260313954 -0.06590058361668798 -0.04887494606973151 0.04708773828587971 0.030062100738923243 0.02541874504429235 -0.04887494606973151 -0.29961615357954446 -0.4218911868713739 -0.536427294005491 -0.6060776294248841 -0.6571545420657711 -0.7376393741059666 -0.8026463538307286 +4414,-0.9280169575856395,0,-0.952781521290317 -0.8707489040185808 -0.7206137365590013 -0.5147583007639037 -0.3367629991365564 -0.19281897260313954 -0.06590058361668798 -0.04887494606973151 0.04708773828587971 0.030062100738923243 0.02541874504429235 -0.04887494606973151 -0.29961615357954446 -0.4218911868713739 -0.536427294005491 -0.6060776294248841 -0.6571545420657711 -0.7376393741059666 -0.8026463538307286 -0.8599144073977872 +4415,-0.971354944068823,0,-0.8707489040185808 -0.7206137365590013 -0.5147583007639037 -0.3367629991365564 -0.19281897260313954 -0.06590058361668798 -0.04887494606973151 0.04708773828587971 0.030062100738923243 0.02541874504429235 -0.04887494606973151 -0.29961615357954446 -0.4218911868713739 -0.536427294005491 -0.6060776294248841 -0.6571545420657711 -0.7376393741059666 -0.8026463538307286 -0.8599144073977872 -0.9280169575856395 +4416,-0.9682593736057415,0,-0.7206137365590013 -0.5147583007639037 -0.3367629991365564 -0.19281897260313954 -0.06590058361668798 -0.04887494606973151 0.04708773828587971 0.030062100738923243 0.02541874504429235 -0.04887494606973151 -0.29961615357954446 -0.4218911868713739 -0.536427294005491 -0.6060776294248841 -0.6571545420657711 -0.7376393741059666 -0.8026463538307286 -0.8599144073977872 -0.9280169575856395 -0.971354944068823 +4417,-0.9667115883741921,0,-0.5147583007639037 -0.3367629991365564 -0.19281897260313954 -0.06590058361668798 -0.04887494606973151 0.04708773828587971 0.030062100738923243 0.02541874504429235 -0.04887494606973151 -0.29961615357954446 -0.4218911868713739 -0.536427294005491 -0.6060776294248841 -0.6571545420657711 -0.7376393741059666 -0.8026463538307286 -0.8599144073977872 -0.9280169575856395 -0.971354944068823 -0.9682593736057415 +4418,-0.9558770917533984,0,-0.3367629991365564 -0.19281897260313954 -0.06590058361668798 -0.04887494606973151 0.04708773828587971 0.030062100738923243 0.02541874504429235 -0.04887494606973151 -0.29961615357954446 -0.4218911868713739 -0.536427294005491 -0.6060776294248841 -0.6571545420657711 -0.7376393741059666 -0.8026463538307286 -0.8599144073977872 -0.9280169575856395 -0.971354944068823 -0.9682593736057415 -0.9667115883741921 +4419,-0.8784878301762932,0,-0.19281897260313954 -0.06590058361668798 -0.04887494606973151 0.04708773828587971 0.030062100738923243 0.02541874504429235 -0.04887494606973151 -0.29961615357954446 -0.4218911868713739 -0.536427294005491 -0.6060776294248841 -0.6571545420657711 -0.7376393741059666 -0.8026463538307286 -0.8599144073977872 -0.9280169575856395 -0.971354944068823 -0.9682593736057415 -0.9667115883741921 -0.9558770917533984 +4420,-0.671084609149655,0,-0.06590058361668798 -0.04887494606973151 0.04708773828587971 0.030062100738923243 0.02541874504429235 -0.04887494606973151 -0.29961615357954446 -0.4218911868713739 -0.536427294005491 -0.6060776294248841 -0.6571545420657711 -0.7376393741059666 -0.8026463538307286 -0.8599144073977872 -0.9280169575856395 -0.971354944068823 -0.9682593736057415 -0.9667115883741921 -0.9558770917533984 -0.8784878301762932 +4421,-0.445107965344502,0,-0.04887494606973151 0.04708773828587971 0.030062100738923243 0.02541874504429235 -0.04887494606973151 -0.29961615357954446 -0.4218911868713739 -0.536427294005491 -0.6060776294248841 -0.6571545420657711 -0.7376393741059666 -0.8026463538307286 -0.8599144073977872 -0.9280169575856395 -0.971354944068823 -0.9682593736057415 -0.9667115883741921 -0.9558770917533984 -0.8784878301762932 -0.671084609149655 +4422,-0.2129401806131862,0,0.04708773828587971 0.030062100738923243 0.02541874504429235 -0.04887494606973151 -0.29961615357954446 -0.4218911868713739 -0.536427294005491 -0.6060776294248841 -0.6571545420657711 -0.7376393741059666 -0.8026463538307286 -0.8599144073977872 -0.9280169575856395 -0.971354944068823 -0.9682593736057415 -0.9667115883741921 -0.9558770917533984 -0.8784878301762932 -0.671084609149655 -0.445107965344502 +4423,0.005297537034245689,0,0.030062100738923243 0.02541874504429235 -0.04887494606973151 -0.29961615357954446 -0.4218911868713739 -0.536427294005491 -0.6060776294248841 -0.6571545420657711 -0.7376393741059666 -0.8026463538307286 -0.8599144073977872 -0.9280169575856395 -0.971354944068823 -0.9682593736057415 -0.9667115883741921 -0.9558770917533984 -0.8784878301762932 -0.671084609149655 -0.445107965344502 -0.2129401806131862 +4424,0.17555391250388078,0,0.02541874504429235 -0.04887494606973151 -0.29961615357954446 -0.4218911868713739 -0.536427294005491 -0.6060776294248841 -0.6571545420657711 -0.7376393741059666 -0.8026463538307286 -0.8599144073977872 -0.9280169575856395 -0.971354944068823 -0.9682593736057415 -0.9667115883741921 -0.9558770917533984 -0.8784878301762932 -0.671084609149655 -0.445107965344502 -0.2129401806131862 0.005297537034245689 +4425,0.36438371075201303,0,-0.04887494606973151 -0.29961615357954446 -0.4218911868713739 -0.536427294005491 -0.6060776294248841 -0.6571545420657711 -0.7376393741059666 -0.8026463538307286 -0.8599144073977872 -0.9280169575856395 -0.971354944068823 -0.9682593736057415 -0.9667115883741921 -0.9558770917533984 -0.8784878301762932 -0.671084609149655 -0.445107965344502 -0.2129401806131862 0.005297537034245689 0.17555391250388078 +4426,0.4882065292753832,0,-0.29961615357954446 -0.4218911868713739 -0.536427294005491 -0.6060776294248841 -0.6571545420657711 -0.7376393741059666 -0.8026463538307286 -0.8599144073977872 -0.9280169575856395 -0.971354944068823 -0.9682593736057415 -0.9667115883741921 -0.9558770917533984 -0.8784878301762932 -0.671084609149655 -0.445107965344502 -0.2129401806131862 0.005297537034245689 0.17555391250388078 0.36438371075201303 +4427,0.29318559010107936,0,-0.4218911868713739 -0.536427294005491 -0.6060776294248841 -0.6571545420657711 -0.7376393741059666 -0.8026463538307286 -0.8599144073977872 -0.9280169575856395 -0.971354944068823 -0.9682593736057415 -0.9667115883741921 -0.9558770917533984 -0.8784878301762932 -0.671084609149655 -0.445107965344502 -0.2129401806131862 0.005297537034245689 0.17555391250388078 0.36438371075201303 0.4882065292753832 +4428,0.3210457242688383,0,-0.536427294005491 -0.6060776294248841 -0.6571545420657711 -0.7376393741059666 -0.8026463538307286 -0.8599144073977872 -0.9280169575856395 -0.971354944068823 -0.9682593736057415 -0.9667115883741921 -0.9558770917533984 -0.8784878301762932 -0.671084609149655 -0.445107965344502 -0.2129401806131862 0.005297537034245689 0.17555391250388078 0.36438371075201303 0.4882065292753832 0.29318559010107936 +4429,0.20341404667163973,0,-0.6060776294248841 -0.6571545420657711 -0.7376393741059666 -0.8026463538307286 -0.8599144073977872 -0.9280169575856395 -0.971354944068823 -0.9682593736057415 -0.9667115883741921 -0.9558770917533984 -0.8784878301762932 -0.671084609149655 -0.445107965344502 -0.2129401806131862 0.005297537034245689 0.17555391250388078 0.36438371075201303 0.4882065292753832 0.29318559010107936 0.3210457242688383 +4430,0.02232317458121096,0,-0.6571545420657711 -0.7376393741059666 -0.8026463538307286 -0.8599144073977872 -0.9280169575856395 -0.971354944068823 -0.9682593736057415 -0.9667115883741921 -0.9558770917533984 -0.8784878301762932 -0.671084609149655 -0.445107965344502 -0.2129401806131862 0.005297537034245689 0.17555391250388078 0.36438371075201303 0.4882065292753832 0.29318559010107936 0.3210457242688383 0.20341404667163973 +4431,-0.15102877135150553,0,-0.7376393741059666 -0.8026463538307286 -0.8599144073977872 -0.9280169575856395 -0.971354944068823 -0.9682593736057415 -0.9667115883741921 -0.9558770917533984 -0.8784878301762932 -0.671084609149655 -0.445107965344502 -0.2129401806131862 0.005297537034245689 0.17555391250388078 0.36438371075201303 0.4882065292753832 0.29318559010107936 0.3210457242688383 0.20341404667163973 0.02232317458121096 +4432,-0.3135462206634283,0,-0.8026463538307286 -0.8599144073977872 -0.9280169575856395 -0.971354944068823 -0.9682593736057415 -0.9667115883741921 -0.9558770917533984 -0.8784878301762932 -0.671084609149655 -0.445107965344502 -0.2129401806131862 0.005297537034245689 0.17555391250388078 0.36438371075201303 0.4882065292753832 0.29318559010107936 0.3210457242688383 0.20341404667163973 0.02232317458121096 -0.15102877135150553 +4433,-0.4079611197874988,0,-0.8599144073977872 -0.9280169575856395 -0.971354944068823 -0.9682593736057415 -0.9667115883741921 -0.9558770917533984 -0.8784878301762932 -0.671084609149655 -0.445107965344502 -0.2129401806131862 0.005297537034245689 0.17555391250388078 0.36438371075201303 0.4882065292753832 0.29318559010107936 0.3210457242688383 0.20341404667163973 0.02232317458121096 -0.15102877135150553 -0.3135462206634283 +4434,-0.5209494416900665,0,-0.9280169575856395 -0.971354944068823 -0.9682593736057415 -0.9667115883741921 -0.9558770917533984 -0.8784878301762932 -0.671084609149655 -0.445107965344502 -0.2129401806131862 0.005297537034245689 0.17555391250388078 0.36438371075201303 0.4882065292753832 0.29318559010107936 0.3210457242688383 0.20341404667163973 0.02232317458121096 -0.15102877135150553 -0.3135462206634283 -0.4079611197874988 +4435,-0.615364340814137,0,-0.971354944068823 -0.9682593736057415 -0.9667115883741921 -0.9558770917533984 -0.8784878301762932 -0.671084609149655 -0.445107965344502 -0.2129401806131862 0.005297537034245689 0.17555391250388078 0.36438371075201303 0.4882065292753832 0.29318559010107936 0.3210457242688383 0.20341404667163973 0.02232317458121096 -0.15102877135150553 -0.3135462206634283 -0.4079611197874988 -0.5209494416900665 +4436,-0.6912058171597016,0,-0.9682593736057415 -0.9667115883741921 -0.9558770917533984 -0.8784878301762932 -0.671084609149655 -0.445107965344502 -0.2129401806131862 0.005297537034245689 0.17555391250388078 0.36438371075201303 0.4882065292753832 0.29318559010107936 0.3210457242688383 0.20341404667163973 0.02232317458121096 -0.15102877135150553 -0.3135462206634283 -0.4079611197874988 -0.5209494416900665 -0.615364340814137 +4437,-0.7778817901260598,0,-0.9667115883741921 -0.9558770917533984 -0.8784878301762932 -0.671084609149655 -0.445107965344502 -0.2129401806131862 0.005297537034245689 0.17555391250388078 0.36438371075201303 0.4882065292753832 0.29318559010107936 0.3210457242688383 0.20341404667163973 0.02232317458121096 -0.15102877135150553 -0.3135462206634283 -0.4079611197874988 -0.5209494416900665 -0.615364340814137 -0.6912058171597016 +4438,-0.8150286356830718,0,-0.9558770917533984 -0.8784878301762932 -0.671084609149655 -0.445107965344502 -0.2129401806131862 0.005297537034245689 0.17555391250388078 0.36438371075201303 0.4882065292753832 0.29318559010107936 0.3210457242688383 0.20341404667163973 0.02232317458121096 -0.15102877135150553 -0.3135462206634283 -0.4079611197874988 -0.5209494416900665 -0.615364340814137 -0.6912058171597016 -0.7778817901260598 +4439,-0.8119330652199815,0,-0.8784878301762932 -0.671084609149655 -0.445107965344502 -0.2129401806131862 0.005297537034245689 0.17555391250388078 0.36438371075201303 0.4882065292753832 0.29318559010107936 0.3210457242688383 0.20341404667163973 0.02232317458121096 -0.15102877135150553 -0.3135462206634283 -0.4079611197874988 -0.5209494416900665 -0.615364340814137 -0.6912058171597016 -0.7778817901260598 -0.8150286356830718 +4440,-0.7995507833676472,0,-0.671084609149655 -0.445107965344502 -0.2129401806131862 0.005297537034245689 0.17555391250388078 0.36438371075201303 0.4882065292753832 0.29318559010107936 0.3210457242688383 0.20341404667163973 0.02232317458121096 -0.15102877135150553 -0.3135462206634283 -0.4079611197874988 -0.5209494416900665 -0.615364340814137 -0.6912058171597016 -0.7778817901260598 -0.8150286356830718 -0.8119330652199815 +4441,-0.8769400449447524,0,-0.445107965344502 -0.2129401806131862 0.005297537034245689 0.17555391250388078 0.36438371075201303 0.4882065292753832 0.29318559010107936 0.3210457242688383 0.20341404667163973 0.02232317458121096 -0.15102877135150553 -0.3135462206634283 -0.4079611197874988 -0.5209494416900665 -0.615364340814137 -0.6912058171597016 -0.7778817901260598 -0.8150286356830718 -0.8119330652199815 -0.7995507833676472 +4442,-0.8692011187870402,0,-0.2129401806131862 0.005297537034245689 0.17555391250388078 0.36438371075201303 0.4882065292753832 0.29318559010107936 0.3210457242688383 0.20341404667163973 0.02232317458121096 -0.15102877135150553 -0.3135462206634283 -0.4079611197874988 -0.5209494416900665 -0.615364340814137 -0.6912058171597016 -0.7778817901260598 -0.8150286356830718 -0.8119330652199815 -0.7995507833676472 -0.8769400449447524 +4443,-0.7685950787368069,0,0.005297537034245689 0.17555391250388078 0.36438371075201303 0.4882065292753832 0.29318559010107936 0.3210457242688383 0.20341404667163973 0.02232317458121096 -0.15102877135150553 -0.3135462206634283 -0.4079611197874988 -0.5209494416900665 -0.615364340814137 -0.6912058171597016 -0.7778817901260598 -0.8150286356830718 -0.8119330652199815 -0.7995507833676472 -0.8769400449447524 -0.8692011187870402 +4444,-0.5317839383108602,0,0.17555391250388078 0.36438371075201303 0.4882065292753832 0.29318559010107936 0.3210457242688383 0.20341404667163973 0.02232317458121096 -0.15102877135150553 -0.3135462206634283 -0.4079611197874988 -0.5209494416900665 -0.615364340814137 -0.6912058171597016 -0.7778817901260598 -0.8150286356830718 -0.8119330652199815 -0.7995507833676472 -0.8769400449447524 -0.8692011187870402 -0.7685950787368069 +4445,-0.2671126637171634,0,0.36438371075201303 0.4882065292753832 0.29318559010107936 0.3210457242688383 0.20341404667163973 0.02232317458121096 -0.15102877135150553 -0.3135462206634283 -0.4079611197874988 -0.5209494416900665 -0.615364340814137 -0.6912058171597016 -0.7778817901260598 -0.8150286356830718 -0.8119330652199815 -0.7995507833676472 -0.8769400449447524 -0.8692011187870402 -0.7685950787368069 -0.5317839383108602 +4446,0.09352129523214463,0,0.4882065292753832 0.29318559010107936 0.3210457242688383 0.20341404667163973 0.02232317458121096 -0.15102877135150553 -0.3135462206634283 -0.4079611197874988 -0.5209494416900665 -0.615364340814137 -0.6912058171597016 -0.7778817901260598 -0.8150286356830718 -0.8119330652199815 -0.7995507833676472 -0.8769400449447524 -0.8692011187870402 -0.7685950787368069 -0.5317839383108602 -0.2671126637171634 +4447,0.3891482744566906,0,0.29318559010107936 0.3210457242688383 0.20341404667163973 0.02232317458121096 -0.15102877135150553 -0.3135462206634283 -0.4079611197874988 -0.5209494416900665 -0.615364340814137 -0.6912058171597016 -0.7778817901260598 -0.8150286356830718 -0.8119330652199815 -0.7995507833676472 -0.8769400449447524 -0.8692011187870402 -0.7685950787368069 -0.5317839383108602 -0.2671126637171634 0.09352129523214463 +4448,0.6460806228926751,0,0.3210457242688383 0.20341404667163973 0.02232317458121096 -0.15102877135150553 -0.3135462206634283 -0.4079611197874988 -0.5209494416900665 -0.615364340814137 -0.6912058171597016 -0.7778817901260598 -0.8150286356830718 -0.8119330652199815 -0.7995507833676472 -0.8769400449447524 -0.8692011187870402 -0.7685950787368069 -0.5317839383108602 -0.2671126637171634 0.09352129523214463 0.3891482744566906 +4449,0.7451388777113765,0,0.20341404667163973 0.02232317458121096 -0.15102877135150553 -0.3135462206634283 -0.4079611197874988 -0.5209494416900665 -0.615364340814137 -0.6912058171597016 -0.7778817901260598 -0.8150286356830718 -0.8119330652199815 -0.7995507833676472 -0.8769400449447524 -0.8692011187870402 -0.7685950787368069 -0.5317839383108602 -0.2671126637171634 0.09352129523214463 0.3891482744566906 0.6460806228926751 +4450,0.8333626359092754,0,0.02232317458121096 -0.15102877135150553 -0.3135462206634283 -0.4079611197874988 -0.5209494416900665 -0.615364340814137 -0.6912058171597016 -0.7778817901260598 -0.8150286356830718 -0.8119330652199815 -0.7995507833676472 -0.8769400449447524 -0.8692011187870402 -0.7685950787368069 -0.5317839383108602 -0.2671126637171634 0.09352129523214463 0.3891482744566906 0.6460806228926751 0.7451388777113765 +4451,0.950994313506474,0,-0.15102877135150553 -0.3135462206634283 -0.4079611197874988 -0.5209494416900665 -0.615364340814137 -0.6912058171597016 -0.7778817901260598 -0.8150286356830718 -0.8119330652199815 -0.7995507833676472 -0.8769400449447524 -0.8692011187870402 -0.7685950787368069 -0.5317839383108602 -0.2671126637171634 0.09352129523214463 0.3891482744566906 0.6460806228926751 0.7451388777113765 0.8333626359092754 +4452,0.9912367295265674,0,-0.3135462206634283 -0.4079611197874988 -0.5209494416900665 -0.615364340814137 -0.6912058171597016 -0.7778817901260598 -0.8150286356830718 -0.8119330652199815 -0.7995507833676472 -0.8769400449447524 -0.8692011187870402 -0.7685950787368069 -0.5317839383108602 -0.2671126637171634 0.09352129523214463 0.3891482744566906 0.6460806228926751 0.7451388777113765 0.8333626359092754 0.950994313506474 +4453,0.8395537768354382,0,-0.4079611197874988 -0.5209494416900665 -0.615364340814137 -0.6912058171597016 -0.7778817901260598 -0.8150286356830718 -0.8119330652199815 -0.7995507833676472 -0.8769400449447524 -0.8692011187870402 -0.7685950787368069 -0.5317839383108602 -0.2671126637171634 0.09352129523214463 0.3891482744566906 0.6460806228926751 0.7451388777113765 0.8333626359092754 0.950994313506474 0.9912367295265674 +4454,0.35509699936276,0,-0.5209494416900665 -0.615364340814137 -0.6912058171597016 -0.7778817901260598 -0.8150286356830718 -0.8119330652199815 -0.7995507833676472 -0.8769400449447524 -0.8692011187870402 -0.7685950787368069 -0.5317839383108602 -0.2671126637171634 0.09352129523214463 0.3891482744566906 0.6460806228926751 0.7451388777113765 0.8333626359092754 0.950994313506474 0.9912367295265674 0.8395537768354382 +4455,0.04786163090165006,0,-0.615364340814137 -0.6912058171597016 -0.7778817901260598 -0.8150286356830718 -0.8119330652199815 -0.7995507833676472 -0.8769400449447524 -0.8692011187870402 -0.7685950787368069 -0.5317839383108602 -0.2671126637171634 0.09352129523214463 0.3891482744566906 0.6460806228926751 0.7451388777113765 0.8333626359092754 0.950994313506474 0.9912367295265674 0.8395537768354382 0.35509699936276 +4456,-0.25937373755945115,0,-0.6912058171597016 -0.7778817901260598 -0.8150286356830718 -0.8119330652199815 -0.7995507833676472 -0.8769400449447524 -0.8692011187870402 -0.7685950787368069 -0.5317839383108602 -0.2671126637171634 0.09352129523214463 0.3891482744566906 0.6460806228926751 0.7451388777113765 0.8333626359092754 0.950994313506474 0.9912367295265674 0.8395537768354382 0.35509699936276 0.04786163090165006 +4457,-0.3924832674720743,0,-0.7778817901260598 -0.8150286356830718 -0.8119330652199815 -0.7995507833676472 -0.8769400449447524 -0.8692011187870402 -0.7685950787368069 -0.5317839383108602 -0.2671126637171634 0.09352129523214463 0.3891482744566906 0.6460806228926751 0.7451388777113765 0.8333626359092754 0.950994313506474 0.9912367295265674 0.8395537768354382 0.35509699936276 0.04786163090165006 -0.25937373755945115 +4458,-0.4868981665961448,0,-0.8150286356830718 -0.8119330652199815 -0.7995507833676472 -0.8769400449447524 -0.8692011187870402 -0.7685950787368069 -0.5317839383108602 -0.2671126637171634 0.09352129523214463 0.3891482744566906 0.6460806228926751 0.7451388777113765 0.8333626359092754 0.950994313506474 0.9912367295265674 0.8395537768354382 0.35509699936276 0.04786163090165006 -0.25937373755945115 -0.3924832674720743 +4459,-0.6029820589618027,0,-0.8119330652199815 -0.7995507833676472 -0.8769400449447524 -0.8692011187870402 -0.7685950787368069 -0.5317839383108602 -0.2671126637171634 0.09352129523214463 0.3891482744566906 0.6460806228926751 0.7451388777113765 0.8333626359092754 0.950994313506474 0.9912367295265674 0.8395537768354382 0.35509699936276 0.04786163090165006 -0.25937373755945115 -0.3924832674720743 -0.4868981665961448 +4460,-0.6323899783611023,0,-0.7995507833676472 -0.8769400449447524 -0.8692011187870402 -0.7685950787368069 -0.5317839383108602 -0.2671126637171634 0.09352129523214463 0.3891482744566906 0.6460806228926751 0.7451388777113765 0.8333626359092754 0.950994313506474 0.9912367295265674 0.8395537768354382 0.35509699936276 0.04786163090165006 -0.25937373755945115 -0.3924832674720743 -0.4868981665961448 -0.6029820589618027 +4461,-0.643224474981896,0,-0.8769400449447524 -0.8692011187870402 -0.7685950787368069 -0.5317839383108602 -0.2671126637171634 0.09352129523214463 0.3891482744566906 0.6460806228926751 0.7451388777113765 0.8333626359092754 0.950994313506474 0.9912367295265674 0.8395537768354382 0.35509699936276 0.04786163090165006 -0.25937373755945115 -0.3924832674720743 -0.4868981665961448 -0.6029820589618027 -0.6323899783611023 +4462,-0.6354855488241837,0,-0.8692011187870402 -0.7685950787368069 -0.5317839383108602 -0.2671126637171634 0.09352129523214463 0.3891482744566906 0.6460806228926751 0.7451388777113765 0.8333626359092754 0.950994313506474 0.9912367295265674 0.8395537768354382 0.35509699936276 0.04786163090165006 -0.25937373755945115 -0.3924832674720743 -0.4868981665961448 -0.6029820589618027 -0.6323899783611023 -0.643224474981896 +4463,-0.6587023272973206,0,-0.7685950787368069 -0.5317839383108602 -0.2671126637171634 0.09352129523214463 0.3891482744566906 0.6460806228926751 0.7451388777113765 0.8333626359092754 0.950994313506474 0.9912367295265674 0.8395537768354382 0.35509699936276 0.04786163090165006 -0.25937373755945115 -0.3924832674720743 -0.4868981665961448 -0.6029820589618027 -0.6323899783611023 -0.643224474981896 -0.6354855488241837 +4464,-0.666441253455024,0,-0.5317839383108602 -0.2671126637171634 0.09352129523214463 0.3891482744566906 0.6460806228926751 0.7451388777113765 0.8333626359092754 0.950994313506474 0.9912367295265674 0.8395537768354382 0.35509699936276 0.04786163090165006 -0.25937373755945115 -0.3924832674720743 -0.4868981665961448 -0.6029820589618027 -0.6323899783611023 -0.643224474981896 -0.6354855488241837 -0.6587023272973206 +4465,-0.7097792399382076,0,-0.2671126637171634 0.09352129523214463 0.3891482744566906 0.6460806228926751 0.7451388777113765 0.8333626359092754 0.950994313506474 0.9912367295265674 0.8395537768354382 0.35509699936276 0.04786163090165006 -0.25937373755945115 -0.3924832674720743 -0.4868981665961448 -0.6029820589618027 -0.6323899783611023 -0.643224474981896 -0.6354855488241837 -0.6587023272973206 -0.666441253455024 +4466,-0.6989447433174139,0,0.09352129523214463 0.3891482744566906 0.6460806228926751 0.7451388777113765 0.8333626359092754 0.950994313506474 0.9912367295265674 0.8395537768354382 0.35509699936276 0.04786163090165006 -0.25937373755945115 -0.3924832674720743 -0.4868981665961448 -0.6029820589618027 -0.6323899783611023 -0.643224474981896 -0.6354855488241837 -0.6587023272973206 -0.666441253455024 -0.7097792399382076 +4467,-0.592147562341009,0,0.3891482744566906 0.6460806228926751 0.7451388777113765 0.8333626359092754 0.950994313506474 0.9912367295265674 0.8395537768354382 0.35509699936276 0.04786163090165006 -0.25937373755945115 -0.3924832674720743 -0.4868981665961448 -0.6029820589618027 -0.6323899783611023 -0.643224474981896 -0.6354855488241837 -0.6587023272973206 -0.666441253455024 -0.7097792399382076 -0.6989447433174139 +4468,-0.4853503813646041,0,0.6460806228926751 0.7451388777113765 0.8333626359092754 0.950994313506474 0.9912367295265674 0.8395537768354382 0.35509699936276 0.04786163090165006 -0.25937373755945115 -0.3924832674720743 -0.4868981665961448 -0.6029820589618027 -0.6323899783611023 -0.643224474981896 -0.6354855488241837 -0.6587023272973206 -0.666441253455024 -0.7097792399382076 -0.6989447433174139 -0.592147562341009 +4469,-0.34759749575735005,0,0.7451388777113765 0.8333626359092754 0.950994313506474 0.9912367295265674 0.8395537768354382 0.35509699936276 0.04786163090165006 -0.25937373755945115 -0.3924832674720743 -0.4868981665961448 -0.6029820589618027 -0.6323899783611023 -0.643224474981896 -0.6354855488241837 -0.6587023272973206 -0.666441253455024 -0.7097792399382076 -0.6989447433174139 -0.592147562341009 -0.4853503813646041 +4470,-0.09221293255290623,0,0.8333626359092754 0.950994313506474 0.9912367295265674 0.8395537768354382 0.35509699936276 0.04786163090165006 -0.25937373755945115 -0.3924832674720743 -0.4868981665961448 -0.6029820589618027 -0.6323899783611023 -0.643224474981896 -0.6354855488241837 -0.6587023272973206 -0.666441253455024 -0.7097792399382076 -0.6989447433174139 -0.592147562341009 -0.4853503813646041 -0.34759749575735005 +4471,0.13685928171532816,0,0.950994313506474 0.9912367295265674 0.8395537768354382 0.35509699936276 0.04786163090165006 -0.25937373755945115 -0.3924832674720743 -0.4868981665961448 -0.6029820589618027 -0.6323899783611023 -0.643224474981896 -0.6354855488241837 -0.6587023272973206 -0.666441253455024 -0.7097792399382076 -0.6989447433174139 -0.592147562341009 -0.4853503813646041 -0.34759749575735005 -0.09221293255290623 +4472,0.29318559010107936,0,0.9912367295265674 0.8395537768354382 0.35509699936276 0.04786163090165006 -0.25937373755945115 -0.3924832674720743 -0.4868981665961448 -0.6029820589618027 -0.6323899783611023 -0.643224474981896 -0.6354855488241837 -0.6587023272973206 -0.666441253455024 -0.7097792399382076 -0.6989447433174139 -0.592147562341009 -0.4853503813646041 -0.34759749575735005 -0.09221293255290623 0.13685928171532816 +4473,0.33961914704734425,0,0.8395537768354382 0.35509699936276 0.04786163090165006 -0.25937373755945115 -0.3924832674720743 -0.4868981665961448 -0.6029820589618027 -0.6323899783611023 -0.643224474981896 -0.6354855488241837 -0.6587023272973206 -0.666441253455024 -0.7097792399382076 -0.6989447433174139 -0.592147562341009 -0.4853503813646041 -0.34759749575735005 -0.09221293255290623 0.13685928171532816 0.29318559010107936 +4474,0.35200142889967867,0,0.35509699936276 0.04786163090165006 -0.25937373755945115 -0.3924832674720743 -0.4868981665961448 -0.6029820589618027 -0.6323899783611023 -0.643224474981896 -0.6354855488241837 -0.6587023272973206 -0.666441253455024 -0.7097792399382076 -0.6989447433174139 -0.592147562341009 -0.4853503813646041 -0.34759749575735005 -0.09221293255290623 0.13685928171532816 0.29318559010107936 0.33961914704734425 +4475,0.29628116056416076,0,0.04786163090165006 -0.25937373755945115 -0.3924832674720743 -0.4868981665961448 -0.6029820589618027 -0.6323899783611023 -0.643224474981896 -0.6354855488241837 -0.6587023272973206 -0.666441253455024 -0.7097792399382076 -0.6989447433174139 -0.592147562341009 -0.4853503813646041 -0.34759749575735005 -0.09221293255290623 0.13685928171532816 0.29318559010107936 0.33961914704734425 0.35200142889967867 +4476,0.45725082464454286,0,-0.25937373755945115 -0.3924832674720743 -0.4868981665961448 -0.6029820589618027 -0.6323899783611023 -0.643224474981896 -0.6354855488241837 -0.6587023272973206 -0.666441253455024 -0.7097792399382076 -0.6989447433174139 -0.592147562341009 -0.4853503813646041 -0.34759749575735005 -0.09221293255290623 0.13685928171532816 0.29318559010107936 0.33961914704734425 0.35200142889967867 0.29628116056416076 +4477,0.271516596859492,0,-0.3924832674720743 -0.4868981665961448 -0.6029820589618027 -0.6323899783611023 -0.643224474981896 -0.6354855488241837 -0.6587023272973206 -0.666441253455024 -0.7097792399382076 -0.6989447433174139 -0.592147562341009 -0.4853503813646041 -0.34759749575735005 -0.09221293255290623 0.13685928171532816 0.29318559010107936 0.33961914704734425 0.35200142889967867 0.29628116056416076 0.45725082464454286 +4478,-0.02101481190197256,0,-0.4868981665961448 -0.6029820589618027 -0.6323899783611023 -0.643224474981896 -0.6354855488241837 -0.6587023272973206 -0.666441253455024 -0.7097792399382076 -0.6989447433174139 -0.592147562341009 -0.4853503813646041 -0.34759749575735005 -0.09221293255290623 0.13685928171532816 0.29318559010107936 0.33961914704734425 0.35200142889967867 0.29628116056416076 0.45725082464454286 0.271516596859492 +4479,-0.20210568399239254,0,-0.6029820589618027 -0.6323899783611023 -0.643224474981896 -0.6354855488241837 -0.6587023272973206 -0.666441253455024 -0.7097792399382076 -0.6989447433174139 -0.592147562341009 -0.4853503813646041 -0.34759749575735005 -0.09221293255290623 0.13685928171532816 0.29318559010107936 0.33961914704734425 0.35200142889967867 0.29628116056416076 0.45725082464454286 0.271516596859492 -0.02101481190197256 +4480,-0.30735507973725673,0,-0.6323899783611023 -0.643224474981896 -0.6354855488241837 -0.6587023272973206 -0.666441253455024 -0.7097792399382076 -0.6989447433174139 -0.592147562341009 -0.4853503813646041 -0.34759749575735005 -0.09221293255290623 0.13685928171532816 0.29318559010107936 0.33961914704734425 0.35200142889967867 0.29628116056416076 0.45725082464454286 0.271516596859492 -0.02101481190197256 -0.20210568399239254 +4481,-0.40176997886132726,0,-0.643224474981896 -0.6354855488241837 -0.6587023272973206 -0.666441253455024 -0.7097792399382076 -0.6989447433174139 -0.592147562341009 -0.4853503813646041 -0.34759749575735005 -0.09221293255290623 0.13685928171532816 0.29318559010107936 0.33961914704734425 0.35200142889967867 0.29628116056416076 0.45725082464454286 0.271516596859492 -0.02101481190197256 -0.20210568399239254 -0.30735507973725673 +4482,-0.4745158847438104,0,-0.6354855488241837 -0.6587023272973206 -0.666441253455024 -0.7097792399382076 -0.6989447433174139 -0.592147562341009 -0.4853503813646041 -0.34759749575735005 -0.09221293255290623 0.13685928171532816 0.29318559010107936 0.33961914704734425 0.35200142889967867 0.29628116056416076 0.45725082464454286 0.271516596859492 -0.02101481190197256 -0.20210568399239254 -0.30735507973725673 -0.40176997886132726 +4483,-0.5286883678477788,0,-0.6587023272973206 -0.666441253455024 -0.7097792399382076 -0.6989447433174139 -0.592147562341009 -0.4853503813646041 -0.34759749575735005 -0.09221293255290623 0.13685928171532816 0.29318559010107936 0.33961914704734425 0.35200142889967867 0.29628116056416076 0.45725082464454286 0.271516596859492 -0.02101481190197256 -0.20210568399239254 -0.30735507973725673 -0.40176997886132726 -0.4745158847438104 +4484,-0.5519051463209157,0,-0.666441253455024 -0.7097792399382076 -0.6989447433174139 -0.592147562341009 -0.4853503813646041 -0.34759749575735005 -0.09221293255290623 0.13685928171532816 0.29318559010107936 0.33961914704734425 0.35200142889967867 0.29628116056416076 0.45725082464454286 0.271516596859492 -0.02101481190197256 -0.20210568399239254 -0.30735507973725673 -0.40176997886132726 -0.4745158847438104 -0.5286883678477788 +4485,-0.5565485020155377,0,-0.7097792399382076 -0.6989447433174139 -0.592147562341009 -0.4853503813646041 -0.34759749575735005 -0.09221293255290623 0.13685928171532816 0.29318559010107936 0.33961914704734425 0.35200142889967867 0.29628116056416076 0.45725082464454286 0.271516596859492 -0.02101481190197256 -0.20210568399239254 -0.30735507973725673 -0.40176997886132726 -0.4745158847438104 -0.5286883678477788 -0.5519051463209157 +4486,-0.5627396429417093,0,-0.6989447433174139 -0.592147562341009 -0.4853503813646041 -0.34759749575735005 -0.09221293255290623 0.13685928171532816 0.29318559010107936 0.33961914704734425 0.35200142889967867 0.29628116056416076 0.45725082464454286 0.271516596859492 -0.02101481190197256 -0.20210568399239254 -0.30735507973725673 -0.40176997886132726 -0.4745158847438104 -0.5286883678477788 -0.5519051463209157 -0.5565485020155377 +4487,-1.1612681919790355,0,-0.592147562341009 -0.4853503813646041 -0.34759749575735005 -0.09221293255290623 0.13685928171532816 0.29318559010107936 0.33961914704734425 0.35200142889967867 0.29628116056416076 0.45725082464454286 0.271516596859492 -0.02101481190197256 -0.20210568399239254 -0.30735507973725673 -0.40176997886132726 -0.4745158847438104 -0.5286883678477788 -0.5519051463209157 -0.5565485020155377 -0.5627396429417093 +4488,-0.5457140053947441,0,-0.4853503813646041 -0.34759749575735005 -0.09221293255290623 0.13685928171532816 0.29318559010107936 0.33961914704734425 0.35200142889967867 0.29628116056416076 0.45725082464454286 0.271516596859492 -0.02101481190197256 -0.20210568399239254 -0.30735507973725673 -0.40176997886132726 -0.4745158847438104 -0.5286883678477788 -0.5519051463209157 -0.5565485020155377 -0.5627396429417093 -1.1612681919790355 +4489,-0.5457140053947441,0,-0.34759749575735005 -0.09221293255290623 0.13685928171532816 0.29318559010107936 0.33961914704734425 0.35200142889967867 0.29628116056416076 0.45725082464454286 0.271516596859492 -0.02101481190197256 -0.20210568399239254 -0.30735507973725673 -0.40176997886132726 -0.4745158847438104 -0.5286883678477788 -0.5519051463209157 -0.5565485020155377 -0.5627396429417093 -1.1612681919790355 -0.5457140053947441 +4490,-0.5751219247940438,0,-0.09221293255290623 0.13685928171532816 0.29318559010107936 0.33961914704734425 0.35200142889967867 0.29628116056416076 0.45725082464454286 0.271516596859492 -0.02101481190197256 -0.20210568399239254 -0.30735507973725673 -0.40176997886132726 -0.4745158847438104 -0.5286883678477788 -0.5519051463209157 -0.5565485020155377 -0.5627396429417093 -1.1612681919790355 -0.5457140053947441 -0.5457140053947441 +4491,-0.5379750792370318,0,0.13685928171532816 0.29318559010107936 0.33961914704734425 0.35200142889967867 0.29628116056416076 0.45725082464454286 0.271516596859492 -0.02101481190197256 -0.20210568399239254 -0.30735507973725673 -0.40176997886132726 -0.4745158847438104 -0.5286883678477788 -0.5519051463209157 -0.5565485020155377 -0.5627396429417093 -1.1612681919790355 -0.5457140053947441 -0.5457140053947441 -0.5751219247940438 +4492,-0.4157000459452023,0,0.29318559010107936 0.33961914704734425 0.35200142889967867 0.29628116056416076 0.45725082464454286 0.271516596859492 -0.02101481190197256 -0.20210568399239254 -0.30735507973725673 -0.40176997886132726 -0.4745158847438104 -0.5286883678477788 -0.5519051463209157 -0.5565485020155377 -0.5627396429417093 -1.1612681919790355 -0.5457140053947441 -0.5457140053947441 -0.5751219247940438 -0.5379750792370318 +4493,-0.22841803292861076,0,0.33961914704734425 0.35200142889967867 0.29628116056416076 0.45725082464454286 0.271516596859492 -0.02101481190197256 -0.20210568399239254 -0.30735507973725673 -0.40176997886132726 -0.4745158847438104 -0.5286883678477788 -0.5519051463209157 -0.5565485020155377 -0.5627396429417093 -1.1612681919790355 -0.5457140053947441 -0.5457140053947441 -0.5751219247940438 -0.5379750792370318 -0.4157000459452023 +4494,-0.03339709375430694,0,0.35200142889967867 0.29628116056416076 0.45725082464454286 0.271516596859492 -0.02101481190197256 -0.20210568399239254 -0.30735507973725673 -0.40176997886132726 -0.4745158847438104 -0.5286883678477788 -0.5519051463209157 -0.5565485020155377 -0.5627396429417093 -1.1612681919790355 -0.5457140053947441 -0.5457140053947441 -0.5751219247940438 -0.5379750792370318 -0.4157000459452023 -0.22841803292861076 +4495,0.11519028847373199,0,0.29628116056416076 0.45725082464454286 0.271516596859492 -0.02101481190197256 -0.20210568399239254 -0.30735507973725673 -0.40176997886132726 -0.4745158847438104 -0.5286883678477788 -0.5519051463209157 -0.5565485020155377 -0.5627396429417093 -1.1612681919790355 -0.5457140053947441 -0.5457140053947441 -0.5751219247940438 -0.5379750792370318 -0.4157000459452023 -0.22841803292861076 -0.03339709375430694 +4496,0.20031847620854953,0,0.45725082464454286 0.271516596859492 -0.02101481190197256 -0.20210568399239254 -0.30735507973725673 -0.40176997886132726 -0.4745158847438104 -0.5286883678477788 -0.5519051463209157 -0.5565485020155377 -0.5627396429417093 -1.1612681919790355 -0.5457140053947441 -0.5457140053947441 -0.5751219247940438 -0.5379750792370318 -0.4157000459452023 -0.22841803292861076 -0.03339709375430694 0.11519028847373199 +4497,0.3164023685742074,0,0.271516596859492 -0.02101481190197256 -0.20210568399239254 -0.30735507973725673 -0.40176997886132726 -0.4745158847438104 -0.5286883678477788 -0.5519051463209157 -0.5565485020155377 -0.5627396429417093 -1.1612681919790355 -0.5457140053947441 -0.5457140053947441 -0.5751219247940438 -0.5379750792370318 -0.4157000459452023 -0.22841803292861076 -0.03339709375430694 0.11519028847373199 0.20031847620854953 +4498,0.3674792812151032,0,-0.02101481190197256 -0.20210568399239254 -0.30735507973725673 -0.40176997886132726 -0.4745158847438104 -0.5286883678477788 -0.5519051463209157 -0.5565485020155377 -0.5627396429417093 -1.1612681919790355 -0.5457140053947441 -0.5457140053947441 -0.5751219247940438 -0.5379750792370318 -0.4157000459452023 -0.22841803292861076 -0.03339709375430694 0.11519028847373199 0.20031847620854953 0.3164023685742074 +4499,0.262229885470239,0,-0.20210568399239254 -0.30735507973725673 -0.40176997886132726 -0.4745158847438104 -0.5286883678477788 -0.5519051463209157 -0.5565485020155377 -0.5627396429417093 -1.1612681919790355 -0.5457140053947441 -0.5457140053947441 -0.5751219247940438 -0.5379750792370318 -0.4157000459452023 -0.22841803292861076 -0.03339709375430694 0.11519028847373199 0.20031847620854953 0.3164023685742074 0.3674792812151032 +4500,0.18793619435621514,0,-0.30735507973725673 -0.40176997886132726 -0.4745158847438104 -0.5286883678477788 -0.5519051463209157 -0.5565485020155377 -0.5627396429417093 -1.1612681919790355 -0.5457140053947441 -0.5457140053947441 -0.5751219247940438 -0.5379750792370318 -0.4157000459452023 -0.22841803292861076 -0.03339709375430694 0.11519028847373199 0.20031847620854953 0.3164023685742074 0.3674792812151032 0.262229885470239 +4501,0.03780102689662673,0,-0.40176997886132726 -0.4745158847438104 -0.5286883678477788 -0.5519051463209157 -0.5565485020155377 -0.5627396429417093 -1.1612681919790355 -0.5457140053947441 -0.5457140053947441 -0.5751219247940438 -0.5379750792370318 -0.4157000459452023 -0.22841803292861076 -0.03339709375430694 0.11519028847373199 0.20031847620854953 0.3164023685742074 0.3674792812151032 0.262229885470239 0.18793619435621514 +4502,-0.09840407347907781,0,-0.4745158847438104 -0.5286883678477788 -0.5519051463209157 -0.5565485020155377 -0.5627396429417093 -1.1612681919790355 -0.5457140053947441 -0.5457140053947441 -0.5751219247940438 -0.5379750792370318 -0.4157000459452023 -0.22841803292861076 -0.03339709375430694 0.11519028847373199 0.20031847620854953 0.3164023685742074 0.3674792812151032 0.262229885470239 0.18793619435621514 0.03780102689662673 +4503,-0.26092152279099184,0,-0.5286883678477788 -0.5519051463209157 -0.5565485020155377 -0.5627396429417093 -1.1612681919790355 -0.5457140053947441 -0.5457140053947441 -0.5751219247940438 -0.5379750792370318 -0.4157000459452023 -0.22841803292861076 -0.03339709375430694 0.11519028847373199 0.20031847620854953 0.3164023685742074 0.3674792812151032 0.262229885470239 0.18793619435621514 0.03780102689662673 -0.09840407347907781 +4504,-0.38319655608282127,0,-0.5519051463209157 -0.5565485020155377 -0.5627396429417093 -1.1612681919790355 -0.5457140053947441 -0.5457140053947441 -0.5751219247940438 -0.5379750792370318 -0.4157000459452023 -0.22841803292861076 -0.03339709375430694 0.11519028847373199 0.20031847620854953 0.3164023685742074 0.3674792812151032 0.262229885470239 0.18793619435621514 0.03780102689662673 -0.09840407347907781 -0.26092152279099184 +4505,-0.46677695858609813,0,-0.5565485020155377 -0.5627396429417093 -1.1612681919790355 -0.5457140053947441 -0.5457140053947441 -0.5751219247940438 -0.5379750792370318 -0.4157000459452023 -0.22841803292861076 -0.03339709375430694 0.11519028847373199 0.20031847620854953 0.3164023685742074 0.3674792812151032 0.262229885470239 0.18793619435621514 0.03780102689662673 -0.09840407347907781 -0.26092152279099184 -0.38319655608282127 +4506,-0.5317839383108602,0,-0.5627396429417093 -1.1612681919790355 -0.5457140053947441 -0.5457140053947441 -0.5751219247940438 -0.5379750792370318 -0.4157000459452023 -0.22841803292861076 -0.03339709375430694 0.11519028847373199 0.20031847620854953 0.3164023685742074 0.3674792812151032 0.262229885470239 0.18793619435621514 0.03780102689662673 -0.09840407347907781 -0.26092152279099184 -0.38319655608282127 -0.46677695858609813 +4507,-0.5673829986363315,0,-1.1612681919790355 -0.5457140053947441 -0.5457140053947441 -0.5751219247940438 -0.5379750792370318 -0.4157000459452023 -0.22841803292861076 -0.03339709375430694 0.11519028847373199 0.20031847620854953 0.3164023685742074 0.3674792812151032 0.262229885470239 0.18793619435621514 0.03780102689662673 -0.09840407347907781 -0.26092152279099184 -0.38319655608282127 -0.46677695858609813 -0.5317839383108602 +4508,-0.5534529315524563,0,-0.5457140053947441 -0.5457140053947441 -0.5751219247940438 -0.5379750792370318 -0.4157000459452023 -0.22841803292861076 -0.03339709375430694 0.11519028847373199 0.20031847620854953 0.3164023685742074 0.3674792812151032 0.262229885470239 0.18793619435621514 0.03780102689662673 -0.09840407347907781 -0.26092152279099184 -0.38319655608282127 -0.46677695858609813 -0.5317839383108602 -0.5673829986363315 +4509,-0.6370333340557244,0,-0.5457140053947441 -0.5751219247940438 -0.5379750792370318 -0.4157000459452023 -0.22841803292861076 -0.03339709375430694 0.11519028847373199 0.20031847620854953 0.3164023685742074 0.3674792812151032 0.262229885470239 0.18793619435621514 0.03780102689662673 -0.09840407347907781 -0.26092152279099184 -0.38319655608282127 -0.46677695858609813 -0.5317839383108602 -0.5673829986363315 -0.5534529315524563 +4510,-0.6679890386865736,0,-0.5751219247940438 -0.5379750792370318 -0.4157000459452023 -0.22841803292861076 -0.03339709375430694 0.11519028847373199 0.20031847620854953 0.3164023685742074 0.3674792812151032 0.262229885470239 0.18793619435621514 0.03780102689662673 -0.09840407347907781 -0.26092152279099184 -0.38319655608282127 -0.46677695858609813 -0.5317839383108602 -0.5673829986363315 -0.5534529315524563 -0.6370333340557244 +4511,-0.5905997771094683,0,-0.5379750792370318 -0.4157000459452023 -0.22841803292861076 -0.03339709375430694 0.11519028847373199 0.20031847620854953 0.3164023685742074 0.3674792812151032 0.262229885470239 0.18793619435621514 0.03780102689662673 -0.09840407347907781 -0.26092152279099184 -0.38319655608282127 -0.46677695858609813 -0.5317839383108602 -0.5673829986363315 -0.5534529315524563 -0.6370333340557244 -0.6679890386865736 +4512,-0.6091731998879655,0,-0.4157000459452023 -0.22841803292861076 -0.03339709375430694 0.11519028847373199 0.20031847620854953 0.3164023685742074 0.3674792812151032 0.262229885470239 0.18793619435621514 0.03780102689662673 -0.09840407347907781 -0.26092152279099184 -0.38319655608282127 -0.46677695858609813 -0.5317839383108602 -0.5673829986363315 -0.5534529315524563 -0.6370333340557244 -0.6679890386865736 -0.5905997771094683 +4513,-0.6556067568342304,0,-0.22841803292861076 -0.03339709375430694 0.11519028847373199 0.20031847620854953 0.3164023685742074 0.3674792812151032 0.262229885470239 0.18793619435621514 0.03780102689662673 -0.09840407347907781 -0.26092152279099184 -0.38319655608282127 -0.46677695858609813 -0.5317839383108602 -0.5673829986363315 -0.5534529315524563 -0.6370333340557244 -0.6679890386865736 -0.5905997771094683 -0.6091731998879655 +4514,-0.6648934682234834,0,-0.03339709375430694 0.11519028847373199 0.20031847620854953 0.3164023685742074 0.3674792812151032 0.262229885470239 0.18793619435621514 0.03780102689662673 -0.09840407347907781 -0.26092152279099184 -0.38319655608282127 -0.46677695858609813 -0.5317839383108602 -0.5673829986363315 -0.5534529315524563 -0.6370333340557244 -0.6679890386865736 -0.5905997771094683 -0.6091731998879655 -0.6556067568342304 +4515,-0.6385811192872651,0,0.11519028847373199 0.20031847620854953 0.3164023685742074 0.3674792812151032 0.262229885470239 0.18793619435621514 0.03780102689662673 -0.09840407347907781 -0.26092152279099184 -0.38319655608282127 -0.46677695858609813 -0.5317839383108602 -0.5673829986363315 -0.5534529315524563 -0.6370333340557244 -0.6679890386865736 -0.5905997771094683 -0.6091731998879655 -0.6556067568342304 -0.6648934682234834 +4516,-0.3893876970089929,0,0.20031847620854953 0.3164023685742074 0.3674792812151032 0.262229885470239 0.18793619435621514 0.03780102689662673 -0.09840407347907781 -0.26092152279099184 -0.38319655608282127 -0.46677695858609813 -0.5317839383108602 -0.5673829986363315 -0.5534529315524563 -0.6370333340557244 -0.6679890386865736 -0.5905997771094683 -0.6091731998879655 -0.6556067568342304 -0.6648934682234834 -0.6385811192872651 +4517,-0.24544367047557605,0,0.3164023685742074 0.3674792812151032 0.262229885470239 0.18793619435621514 0.03780102689662673 -0.09840407347907781 -0.26092152279099184 -0.38319655608282127 -0.46677695858609813 -0.5317839383108602 -0.5673829986363315 -0.5534529315524563 -0.6370333340557244 -0.6679890386865736 -0.5905997771094683 -0.6091731998879655 -0.6556067568342304 -0.6648934682234834 -0.6385811192872651 -0.3893876970089929 +4518,-0.03339709375430694,0,0.3674792812151032 0.262229885470239 0.18793619435621514 0.03780102689662673 -0.09840407347907781 -0.26092152279099184 -0.38319655608282127 -0.46677695858609813 -0.5317839383108602 -0.5673829986363315 -0.5534529315524563 -0.6370333340557244 -0.6679890386865736 -0.5905997771094683 -0.6091731998879655 -0.6556067568342304 -0.6648934682234834 -0.6385811192872651 -0.3893876970089929 -0.24544367047557605 +4519,0.19722290574546814,0,0.262229885470239 0.18793619435621514 0.03780102689662673 -0.09840407347907781 -0.26092152279099184 -0.38319655608282127 -0.46677695858609813 -0.5317839383108602 -0.5673829986363315 -0.5534529315524563 -0.6370333340557244 -0.6679890386865736 -0.5905997771094683 -0.6091731998879655 -0.6556067568342304 -0.6648934682234834 -0.6385811192872651 -0.3893876970089929 -0.24544367047557605 -0.03339709375430694 +4520,0.3690270664466439,0,0.18793619435621514 0.03780102689662673 -0.09840407347907781 -0.26092152279099184 -0.38319655608282127 -0.46677695858609813 -0.5317839383108602 -0.5673829986363315 -0.5534529315524563 -0.6370333340557244 -0.6679890386865736 -0.5905997771094683 -0.6091731998879655 -0.6556067568342304 -0.6648934682234834 -0.6385811192872651 -0.3893876970089929 -0.24544367047557605 -0.03339709375430694 0.19722290574546814 +4521,0.46344196557070566,0,0.03780102689662673 -0.09840407347907781 -0.26092152279099184 -0.38319655608282127 -0.46677695858609813 -0.5317839383108602 -0.5673829986363315 -0.5534529315524563 -0.6370333340557244 -0.6679890386865736 -0.5905997771094683 -0.6091731998879655 -0.6556067568342304 -0.6648934682234834 -0.6385811192872651 -0.3893876970089929 -0.24544367047557605 -0.03339709375430694 0.19722290574546814 0.3690270664466439 +4522,0.4324862609398653,0,-0.09840407347907781 -0.26092152279099184 -0.38319655608282127 -0.46677695858609813 -0.5317839383108602 -0.5673829986363315 -0.5534529315524563 -0.6370333340557244 -0.6679890386865736 -0.5905997771094683 -0.6091731998879655 -0.6556067568342304 -0.6648934682234834 -0.6385811192872651 -0.3893876970089929 -0.24544367047557605 -0.03339709375430694 0.19722290574546814 0.3690270664466439 0.46344196557070566 +4523,0.44951189848683054,0,-0.26092152279099184 -0.38319655608282127 -0.46677695858609813 -0.5317839383108602 -0.5673829986363315 -0.5534529315524563 -0.6370333340557244 -0.6679890386865736 -0.5905997771094683 -0.6091731998879655 -0.6556067568342304 -0.6648934682234834 -0.6385811192872651 -0.3893876970089929 -0.24544367047557605 -0.03339709375430694 0.19722290574546814 0.3690270664466439 0.46344196557070566 0.4324862609398653 +4524,0.3767659926043474,0,-0.38319655608282127 -0.46677695858609813 -0.5317839383108602 -0.5673829986363315 -0.5534529315524563 -0.6370333340557244 -0.6679890386865736 -0.5905997771094683 -0.6091731998879655 -0.6556067568342304 -0.6648934682234834 -0.6385811192872651 -0.3893876970089929 -0.24544367047557605 -0.03339709375430694 0.19722290574546814 0.3690270664466439 0.46344196557070566 0.4324862609398653 0.44951189848683054 +4525,0.2838988787118264,0,-0.46677695858609813 -0.5317839383108602 -0.5673829986363315 -0.5534529315524563 -0.6370333340557244 -0.6679890386865736 -0.5905997771094683 -0.6091731998879655 -0.6556067568342304 -0.6648934682234834 -0.6385811192872651 -0.3893876970089929 -0.24544367047557605 -0.03339709375430694 0.19722290574546814 0.3690270664466439 0.46344196557070566 0.4324862609398653 0.44951189848683054 0.3767659926043474 +4526,0.11828585893682218,0,-0.5317839383108602 -0.5673829986363315 -0.5534529315524563 -0.6370333340557244 -0.6679890386865736 -0.5905997771094683 -0.6091731998879655 -0.6556067568342304 -0.6648934682234834 -0.6385811192872651 -0.3893876970089929 -0.24544367047557605 -0.03339709375430694 0.19722290574546814 0.3690270664466439 0.46344196557070566 0.4324862609398653 0.44951189848683054 0.3767659926043474 0.2838988787118264 +4527,-0.13245534857299956,0,-0.5673829986363315 -0.5534529315524563 -0.6370333340557244 -0.6679890386865736 -0.5905997771094683 -0.6091731998879655 -0.6556067568342304 -0.6648934682234834 -0.6385811192872651 -0.3893876970089929 -0.24544367047557605 -0.03339709375430694 0.19722290574546814 0.3690270664466439 0.46344196557070566 0.4324862609398653 0.44951189848683054 0.3767659926043474 0.2838988787118264 0.11828585893682218 +4528,-0.28413830126412865,0,-0.5534529315524563 -0.6370333340557244 -0.6679890386865736 -0.5905997771094683 -0.6091731998879655 -0.6556067568342304 -0.6648934682234834 -0.6385811192872651 -0.3893876970089929 -0.24544367047557605 -0.03339709375430694 0.19722290574546814 0.3690270664466439 0.46344196557070566 0.4324862609398653 0.44951189848683054 0.3767659926043474 0.2838988787118264 0.11828585893682218 -0.13245534857299956 +4529,-0.4141522607136616,0,-0.6370333340557244 -0.6679890386865736 -0.5905997771094683 -0.6091731998879655 -0.6556067568342304 -0.6648934682234834 -0.6385811192872651 -0.3893876970089929 -0.24544367047557605 -0.03339709375430694 0.19722290574546814 0.3690270664466439 0.46344196557070566 0.4324862609398653 0.44951189848683054 0.3767659926043474 0.2838988787118264 0.11828585893682218 -0.13245534857299956 -0.28413830126412865 +4530,-0.45439467673375494,0,-0.6679890386865736 -0.5905997771094683 -0.6091731998879655 -0.6556067568342304 -0.6648934682234834 -0.6385811192872651 -0.3893876970089929 -0.24544367047557605 -0.03339709375430694 0.19722290574546814 0.3690270664466439 0.46344196557070566 0.4324862609398653 0.44951189848683054 0.3767659926043474 0.2838988787118264 0.11828585893682218 -0.13245534857299956 -0.28413830126412865 -0.4141522607136616 +4531,-0.4420123948814206,0,-0.5905997771094683 -0.6091731998879655 -0.6556067568342304 -0.6648934682234834 -0.6385811192872651 -0.3893876970089929 -0.24544367047557605 -0.03339709375430694 0.19722290574546814 0.3690270664466439 0.46344196557070566 0.4324862609398653 0.44951189848683054 0.3767659926043474 0.2838988787118264 0.11828585893682218 -0.13245534857299956 -0.28413830126412865 -0.4141522607136616 -0.45439467673375494 +4532,-0.5488095758578255,0,-0.6091731998879655 -0.6556067568342304 -0.6648934682234834 -0.6385811192872651 -0.3893876970089929 -0.24544367047557605 -0.03339709375430694 0.19722290574546814 0.3690270664466439 0.46344196557070566 0.4324862609398653 0.44951189848683054 0.3767659926043474 0.2838988787118264 0.11828585893682218 -0.13245534857299956 -0.28413830126412865 -0.4141522607136616 -0.45439467673375494 -0.4420123948814206 +4533,-0.610720985119515,0,-0.6556067568342304 -0.6648934682234834 -0.6385811192872651 -0.3893876970089929 -0.24544367047557605 -0.03339709375430694 0.19722290574546814 0.3690270664466439 0.46344196557070566 0.4324862609398653 0.44951189848683054 0.3767659926043474 0.2838988787118264 0.11828585893682218 -0.13245534857299956 -0.28413830126412865 -0.4141522607136616 -0.45439467673375494 -0.4420123948814206 -0.5488095758578255 +4534,-0.6494156159080676,0,-0.6648934682234834 -0.6385811192872651 -0.3893876970089929 -0.24544367047557605 -0.03339709375430694 0.19722290574546814 0.3690270664466439 0.46344196557070566 0.4324862609398653 0.44951189848683054 0.3767659926043474 0.2838988787118264 0.11828585893682218 -0.13245534857299956 -0.28413830126412865 -0.4141522607136616 -0.45439467673375494 -0.4420123948814206 -0.5488095758578255 -0.610720985119515 +4535,-0.6726323943811956,0,-0.6385811192872651 -0.3893876970089929 -0.24544367047557605 -0.03339709375430694 0.19722290574546814 0.3690270664466439 0.46344196557070566 0.4324862609398653 0.44951189848683054 0.3767659926043474 0.2838988787118264 0.11828585893682218 -0.13245534857299956 -0.28413830126412865 -0.4141522607136616 -0.45439467673375494 -0.4420123948814206 -0.5488095758578255 -0.610720985119515 -0.6494156159080676 +4536,-0.6865624614650707,0,-0.3893876970089929 -0.24544367047557605 -0.03339709375430694 0.19722290574546814 0.3690270664466439 0.46344196557070566 0.4324862609398653 0.44951189848683054 0.3767659926043474 0.2838988787118264 0.11828585893682218 -0.13245534857299956 -0.28413830126412865 -0.4141522607136616 -0.45439467673375494 -0.4420123948814206 -0.5488095758578255 -0.610720985119515 -0.6494156159080676 -0.6726323943811956 +4537,-0.7314482331797949,0,-0.24544367047557605 -0.03339709375430694 0.19722290574546814 0.3690270664466439 0.46344196557070566 0.4324862609398653 0.44951189848683054 0.3767659926043474 0.2838988787118264 0.11828585893682218 -0.13245534857299956 -0.28413830126412865 -0.4141522607136616 -0.45439467673375494 -0.4420123948814206 -0.5488095758578255 -0.610720985119515 -0.6494156159080676 -0.6726323943811956 -0.6865624614650707 +4538,-0.7299004479482543,0,-0.03339709375430694 0.19722290574546814 0.3690270664466439 0.46344196557070566 0.4324862609398653 0.44951189848683054 0.3767659926043474 0.2838988787118264 0.11828585893682218 -0.13245534857299956 -0.28413830126412865 -0.4141522607136616 -0.45439467673375494 -0.4420123948814206 -0.5488095758578255 -0.610720985119515 -0.6494156159080676 -0.6726323943811956 -0.6865624614650707 -0.7314482331797949 +4539,-0.5875042066463781,0,0.19722290574546814 0.3690270664466439 0.46344196557070566 0.4324862609398653 0.44951189848683054 0.3767659926043474 0.2838988787118264 0.11828585893682218 -0.13245534857299956 -0.28413830126412865 -0.4141522607136616 -0.45439467673375494 -0.4420123948814206 -0.5488095758578255 -0.610720985119515 -0.6494156159080676 -0.6726323943811956 -0.6865624614650707 -0.7314482331797949 -0.7299004479482543 +4540,-0.4946370927538571,0,0.3690270664466439 0.46344196557070566 0.4324862609398653 0.44951189848683054 0.3767659926043474 0.2838988787118264 0.11828585893682218 -0.13245534857299956 -0.28413830126412865 -0.4141522607136616 -0.45439467673375494 -0.4420123948814206 -0.5488095758578255 -0.610720985119515 -0.6494156159080676 -0.6726323943811956 -0.6865624614650707 -0.7314482331797949 -0.7299004479482543 -0.5875042066463781 +4541,-0.324380717284222,0,0.46344196557070566 0.4324862609398653 0.44951189848683054 0.3767659926043474 0.2838988787118264 0.11828585893682218 -0.13245534857299956 -0.28413830126412865 -0.4141522607136616 -0.45439467673375494 -0.4420123948814206 -0.5488095758578255 -0.610720985119515 -0.6494156159080676 -0.6726323943811956 -0.6865624614650707 -0.7314482331797949 -0.7299004479482543 -0.5875042066463781 -0.4946370927538571 +4542,-0.20055789876085184,0,0.4324862609398653 0.44951189848683054 0.3767659926043474 0.2838988787118264 0.11828585893682218 -0.13245534857299956 -0.28413830126412865 -0.4141522607136616 -0.45439467673375494 -0.4420123948814206 -0.5488095758578255 -0.610720985119515 -0.6494156159080676 -0.6726323943811956 -0.6865624614650707 -0.7314482331797949 -0.7299004479482543 -0.5875042066463781 -0.4946370927538571 -0.324380717284222 +4543,0.19722290574546814,0,0.44951189848683054 0.3767659926043474 0.2838988787118264 0.11828585893682218 -0.13245534857299956 -0.28413830126412865 -0.4141522607136616 -0.45439467673375494 -0.4420123948814206 -0.5488095758578255 -0.610720985119515 -0.6494156159080676 -0.6726323943811956 -0.6865624614650707 -0.7314482331797949 -0.7299004479482543 -0.5875042066463781 -0.4946370927538571 -0.324380717284222 -0.20055789876085184 +4544,0.3241412947319197,0,0.3767659926043474 0.2838988787118264 0.11828585893682218 -0.13245534857299956 -0.28413830126412865 -0.4141522607136616 -0.45439467673375494 -0.4420123948814206 -0.5488095758578255 -0.610720985119515 -0.6494156159080676 -0.6726323943811956 -0.6865624614650707 -0.7314482331797949 -0.7299004479482543 -0.5875042066463781 -0.4946370927538571 -0.324380717284222 -0.20055789876085184 0.19722290574546814 +4545,0.4139128381613593,0,0.2838988787118264 0.11828585893682218 -0.13245534857299956 -0.28413830126412865 -0.4141522607136616 -0.45439467673375494 -0.4420123948814206 -0.5488095758578255 -0.610720985119515 -0.6494156159080676 -0.6726323943811956 -0.6865624614650707 -0.7314482331797949 -0.7299004479482543 -0.5875042066463781 -0.4946370927538571 -0.324380717284222 -0.20055789876085184 0.19722290574546814 0.3241412947319197 +4546,0.34890585843659727,0,0.11828585893682218 -0.13245534857299956 -0.28413830126412865 -0.4141522607136616 -0.45439467673375494 -0.4420123948814206 -0.5488095758578255 -0.610720985119515 -0.6494156159080676 -0.6726323943811956 -0.6865624614650707 -0.7314482331797949 -0.7299004479482543 -0.5875042066463781 -0.4946370927538571 -0.324380717284222 -0.20055789876085184 0.19722290574546814 0.3241412947319197 0.4139128381613593 +4547,0.4711808917284179,0,-0.13245534857299956 -0.28413830126412865 -0.4141522607136616 -0.45439467673375494 -0.4420123948814206 -0.5488095758578255 -0.610720985119515 -0.6494156159080676 -0.6726323943811956 -0.6865624614650707 -0.7314482331797949 -0.7299004479482543 -0.5875042066463781 -0.4946370927538571 -0.324380717284222 -0.20055789876085184 0.19722290574546814 0.3241412947319197 0.4139128381613593 0.34890585843659727 +4548,0.41700840862444954,0,-0.28413830126412865 -0.4141522607136616 -0.45439467673375494 -0.4420123948814206 -0.5488095758578255 -0.610720985119515 -0.6494156159080676 -0.6726323943811956 -0.6865624614650707 -0.7314482331797949 -0.7299004479482543 -0.5875042066463781 -0.4946370927538571 -0.324380717284222 -0.20055789876085184 0.19722290574546814 0.3241412947319197 0.4139128381613593 0.34890585843659727 0.4711808917284179 +4549,0.3287846504265506,0,-0.4141522607136616 -0.45439467673375494 -0.4420123948814206 -0.5488095758578255 -0.610720985119515 -0.6494156159080676 -0.6726323943811956 -0.6865624614650707 -0.7314482331797949 -0.7299004479482543 -0.5875042066463781 -0.4946370927538571 -0.324380717284222 -0.20055789876085184 0.19722290574546814 0.3241412947319197 0.4139128381613593 0.34890585843659727 0.4711808917284179 0.41700840862444954 +4550,0.09352129523214463,0,-0.45439467673375494 -0.4420123948814206 -0.5488095758578255 -0.610720985119515 -0.6494156159080676 -0.6726323943811956 -0.6865624614650707 -0.7314482331797949 -0.7299004479482543 -0.5875042066463781 -0.4946370927538571 -0.324380717284222 -0.20055789876085184 0.19722290574546814 0.3241412947319197 0.4139128381613593 0.34890585843659727 0.4711808917284179 0.41700840862444954 0.3287846504265506 +4551,-0.11078635533141219,0,-0.4420123948814206 -0.5488095758578255 -0.610720985119515 -0.6494156159080676 -0.6726323943811956 -0.6865624614650707 -0.7314482331797949 -0.7299004479482543 -0.5875042066463781 -0.4946370927538571 -0.324380717284222 -0.20055789876085184 0.19722290574546814 0.3241412947319197 0.4139128381613593 0.34890585843659727 0.4711808917284179 0.41700840862444954 0.3287846504265506 0.09352129523214463 +4552,-0.2748515898748757,0,-0.5488095758578255 -0.610720985119515 -0.6494156159080676 -0.6726323943811956 -0.6865624614650707 -0.7314482331797949 -0.7299004479482543 -0.5875042066463781 -0.4946370927538571 -0.324380717284222 -0.20055789876085184 0.19722290574546814 0.3241412947319197 0.4139128381613593 0.34890585843659727 0.4711808917284179 0.41700840862444954 0.3287846504265506 0.09352129523214463 -0.11078635533141219 +4553,-0.39712662316670516,0,-0.610720985119515 -0.6494156159080676 -0.6726323943811956 -0.6865624614650707 -0.7314482331797949 -0.7299004479482543 -0.5875042066463781 -0.4946370927538571 -0.324380717284222 -0.20055789876085184 0.19722290574546814 0.3241412947319197 0.4139128381613593 0.34890585843659727 0.4711808917284179 0.41700840862444954 0.3287846504265506 0.09352129523214463 -0.11078635533141219 -0.2748515898748757 +4554,-0.5008282336800198,0,-0.6494156159080676 -0.6726323943811956 -0.6865624614650707 -0.7314482331797949 -0.7299004479482543 -0.5875042066463781 -0.4946370927538571 -0.324380717284222 -0.20055789876085184 0.19722290574546814 0.3241412947319197 0.4139128381613593 0.34890585843659727 0.4711808917284179 0.41700840862444954 0.3287846504265506 0.09352129523214463 -0.11078635533141219 -0.2748515898748757 -0.39712662316670516 +4555,-0.5673829986363315,0,-0.6726323943811956 -0.6865624614650707 -0.7314482331797949 -0.7299004479482543 -0.5875042066463781 -0.4946370927538571 -0.324380717284222 -0.20055789876085184 0.19722290574546814 0.3241412947319197 0.4139128381613593 0.34890585843659727 0.4711808917284179 0.41700840862444954 0.3287846504265506 0.09352129523214463 -0.11078635533141219 -0.2748515898748757 -0.39712662316670516 -0.5008282336800198 +4556,-0.620007696508768,0,-0.6865624614650707 -0.7314482331797949 -0.7299004479482543 -0.5875042066463781 -0.4946370927538571 -0.324380717284222 -0.20055789876085184 0.19722290574546814 0.3241412947319197 0.4139128381613593 0.34890585843659727 0.4711808917284179 0.41700840862444954 0.3287846504265506 0.09352129523214463 -0.11078635533141219 -0.2748515898748757 -0.39712662316670516 -0.5008282336800198 -0.5673829986363315 +4557,-0.6401289045188147,0,-0.7314482331797949 -0.7299004479482543 -0.5875042066463781 -0.4946370927538571 -0.324380717284222 -0.20055789876085184 0.19722290574546814 0.3241412947319197 0.4139128381613593 0.34890585843659727 0.4711808917284179 0.41700840862444954 0.3287846504265506 0.09352129523214463 -0.11078635533141219 -0.2748515898748757 -0.39712662316670516 -0.5008282336800198 -0.5673829986363315 -0.620007696508768 +4558,-0.6138165555825964,0,-0.7299004479482543 -0.5875042066463781 -0.4946370927538571 -0.324380717284222 -0.20055789876085184 0.19722290574546814 0.3241412947319197 0.4139128381613593 0.34890585843659727 0.4711808917284179 0.41700840862444954 0.3287846504265506 0.09352129523214463 -0.11078635533141219 -0.2748515898748757 -0.39712662316670516 -0.5008282336800198 -0.5673829986363315 -0.620007696508768 -0.6401289045188147 +4559,-0.5952431328040904,0,-0.5875042066463781 -0.4946370927538571 -0.324380717284222 -0.20055789876085184 0.19722290574546814 0.3241412947319197 0.4139128381613593 0.34890585843659727 0.4711808917284179 0.41700840862444954 0.3287846504265506 0.09352129523214463 -0.11078635533141219 -0.2748515898748757 -0.39712662316670516 -0.5008282336800198 -0.5673829986363315 -0.620007696508768 -0.6401289045188147 -0.6138165555825964 +4560,-0.6076254146564247,0,-0.4946370927538571 -0.324380717284222 -0.20055789876085184 0.19722290574546814 0.3241412947319197 0.4139128381613593 0.34890585843659727 0.4711808917284179 0.41700840862444954 0.3287846504265506 0.09352129523214463 -0.11078635533141219 -0.2748515898748757 -0.39712662316670516 -0.5008282336800198 -0.5673829986363315 -0.620007696508768 -0.6401289045188147 -0.6138165555825964 -0.5952431328040904 +4561,-0.5565485020155377,0,-0.324380717284222 -0.20055789876085184 0.19722290574546814 0.3241412947319197 0.4139128381613593 0.34890585843659727 0.4711808917284179 0.41700840862444954 0.3287846504265506 0.09352129523214463 -0.11078635533141219 -0.2748515898748757 -0.39712662316670516 -0.5008282336800198 -0.5673829986363315 -0.620007696508768 -0.6401289045188147 -0.6138165555825964 -0.5952431328040904 -0.6076254146564247 +4562,-0.6834668910019893,0,-0.20055789876085184 0.19722290574546814 0.3241412947319197 0.4139128381613593 0.34890585843659727 0.4711808917284179 0.41700840862444954 0.3287846504265506 0.09352129523214463 -0.11078635533141219 -0.2748515898748757 -0.39712662316670516 -0.5008282336800198 -0.5673829986363315 -0.620007696508768 -0.6401289045188147 -0.6138165555825964 -0.5952431328040904 -0.6076254146564247 -0.5565485020155377 +4563,-0.7066836694751262,0,0.19722290574546814 0.3241412947319197 0.4139128381613593 0.34890585843659727 0.4711808917284179 0.41700840862444954 0.3287846504265506 0.09352129523214463 -0.11078635533141219 -0.2748515898748757 -0.39712662316670516 -0.5008282336800198 -0.5673829986363315 -0.620007696508768 -0.6401289045188147 -0.6138165555825964 -0.5952431328040904 -0.6076254146564247 -0.5565485020155377 -0.6834668910019893 +4564,-0.661797897760402,0,0.3241412947319197 0.4139128381613593 0.34890585843659727 0.4711808917284179 0.41700840862444954 0.3287846504265506 0.09352129523214463 -0.11078635533141219 -0.2748515898748757 -0.39712662316670516 -0.5008282336800198 -0.5673829986363315 -0.620007696508768 -0.6401289045188147 -0.6138165555825964 -0.5952431328040904 -0.6076254146564247 -0.5565485020155377 -0.6834668910019893 -0.7066836694751262 +4565,-0.5008282336800198,0,0.4139128381613593 0.34890585843659727 0.4711808917284179 0.41700840862444954 0.3287846504265506 0.09352129523214463 -0.11078635533141219 -0.2748515898748757 -0.39712662316670516 -0.5008282336800198 -0.5673829986363315 -0.620007696508768 -0.6401289045188147 -0.6138165555825964 -0.5952431328040904 -0.6076254146564247 -0.5565485020155377 -0.6834668910019893 -0.7066836694751262 -0.661797897760402 +4566,-0.3104506502003469,0,0.34890585843659727 0.4711808917284179 0.41700840862444954 0.3287846504265506 0.09352129523214463 -0.11078635533141219 -0.2748515898748757 -0.39712662316670516 -0.5008282336800198 -0.5673829986363315 -0.620007696508768 -0.6401289045188147 -0.6138165555825964 -0.5952431328040904 -0.6076254146564247 -0.5565485020155377 -0.6834668910019893 -0.7066836694751262 -0.661797897760402 -0.5008282336800198 +4567,-0.12471642241528727,0,0.4711808917284179 0.41700840862444954 0.3287846504265506 0.09352129523214463 -0.11078635533141219 -0.2748515898748757 -0.39712662316670516 -0.5008282336800198 -0.5673829986363315 -0.620007696508768 -0.6401289045188147 -0.6138165555825964 -0.5952431328040904 -0.6076254146564247 -0.5565485020155377 -0.6834668910019893 -0.7066836694751262 -0.661797897760402 -0.5008282336800198 -0.3104506502003469 +4568,0.02541874504429235,0,0.41700840862444954 0.3287846504265506 0.09352129523214463 -0.11078635533141219 -0.2748515898748757 -0.39712662316670516 -0.5008282336800198 -0.5673829986363315 -0.620007696508768 -0.6401289045188147 -0.6138165555825964 -0.5952431328040904 -0.6076254146564247 -0.5565485020155377 -0.6834668910019893 -0.7066836694751262 -0.661797897760402 -0.5008282336800198 -0.3104506502003469 -0.12471642241528727 +4569,0.09816465092677551,0,0.3287846504265506 0.09352129523214463 -0.11078635533141219 -0.2748515898748757 -0.39712662316670516 -0.5008282336800198 -0.5673829986363315 -0.620007696508768 -0.6401289045188147 -0.6138165555825964 -0.5952431328040904 -0.6076254146564247 -0.5565485020155377 -0.6834668910019893 -0.7066836694751262 -0.661797897760402 -0.5008282336800198 -0.3104506502003469 -0.12471642241528727 0.02541874504429235 +4570,0.07030451675901657,0,0.09352129523214463 -0.11078635533141219 -0.2748515898748757 -0.39712662316670516 -0.5008282336800198 -0.5673829986363315 -0.620007696508768 -0.6401289045188147 -0.6138165555825964 -0.5952431328040904 -0.6076254146564247 -0.5565485020155377 -0.6834668910019893 -0.7066836694751262 -0.661797897760402 -0.5008282336800198 -0.3104506502003469 -0.12471642241528727 0.02541874504429235 0.09816465092677551 +4571,0.06101780536976358,0,-0.11078635533141219 -0.2748515898748757 -0.39712662316670516 -0.5008282336800198 -0.5673829986363315 -0.620007696508768 -0.6401289045188147 -0.6138165555825964 -0.5952431328040904 -0.6076254146564247 -0.5565485020155377 -0.6834668910019893 -0.7066836694751262 -0.661797897760402 -0.5008282336800198 -0.3104506502003469 -0.12471642241528727 0.02541874504429235 0.09816465092677551 0.07030451675901657 +4572,0.04708773828587971,0,-0.2748515898748757 -0.39712662316670516 -0.5008282336800198 -0.5673829986363315 -0.620007696508768 -0.6401289045188147 -0.6138165555825964 -0.5952431328040904 -0.6076254146564247 -0.5565485020155377 -0.6834668910019893 -0.7066836694751262 -0.661797897760402 -0.5008282336800198 -0.3104506502003469 -0.12471642241528727 0.02541874504429235 0.09816465092677551 0.07030451675901657 0.06101780536976358 +4573,0.028514315507373746,0,-0.39712662316670516 -0.5008282336800198 -0.5673829986363315 -0.620007696508768 -0.6401289045188147 -0.6138165555825964 -0.5952431328040904 -0.6076254146564247 -0.5565485020155377 -0.6834668910019893 -0.7066836694751262 -0.661797897760402 -0.5008282336800198 -0.3104506502003469 -0.12471642241528727 0.02541874504429235 0.09816465092677551 0.07030451675901657 0.06101780536976358 0.04708773828587971 +4574,-0.14948098611996483,0,-0.5008282336800198 -0.5673829986363315 -0.620007696508768 -0.6401289045188147 -0.6138165555825964 -0.5952431328040904 -0.6076254146564247 -0.5565485020155377 -0.6834668910019893 -0.7066836694751262 -0.661797897760402 -0.5008282336800198 -0.3104506502003469 -0.12471642241528727 0.02541874504429235 0.09816465092677551 0.07030451675901657 0.06101780536976358 0.04708773828587971 0.028514315507373746 +4575,-0.3321196434419343,0,-0.5673829986363315 -0.620007696508768 -0.6401289045188147 -0.6138165555825964 -0.5952431328040904 -0.6076254146564247 -0.5565485020155377 -0.6834668910019893 -0.7066836694751262 -0.661797897760402 -0.5008282336800198 -0.3104506502003469 -0.12471642241528727 0.02541874504429235 0.09816465092677551 0.07030451675901657 0.06101780536976358 0.04708773828587971 0.028514315507373746 -0.14948098611996483 +4576,-0.4141522607136616,0,-0.620007696508768 -0.6401289045188147 -0.6138165555825964 -0.5952431328040904 -0.6076254146564247 -0.5565485020155377 -0.6834668910019893 -0.7066836694751262 -0.661797897760402 -0.5008282336800198 -0.3104506502003469 -0.12471642241528727 0.02541874504429235 0.09816465092677551 0.07030451675901657 0.06101780536976358 0.04708773828587971 0.028514315507373746 -0.14948098611996483 -0.3321196434419343 +4577,-0.4404646096498799,0,-0.6401289045188147 -0.6138165555825964 -0.5952431328040904 -0.6076254146564247 -0.5565485020155377 -0.6834668910019893 -0.7066836694751262 -0.661797897760402 -0.5008282336800198 -0.3104506502003469 -0.12471642241528727 0.02541874504429235 0.09816465092677551 0.07030451675901657 0.06101780536976358 0.04708773828587971 0.028514315507373746 -0.14948098611996483 -0.3321196434419343 -0.4141522607136616 +4578,-0.4760636699753511,0,-0.6138165555825964 -0.5952431328040904 -0.6076254146564247 -0.5565485020155377 -0.6834668910019893 -0.7066836694751262 -0.661797897760402 -0.5008282336800198 -0.3104506502003469 -0.12471642241528727 0.02541874504429235 0.09816465092677551 0.07030451675901657 0.06101780536976358 0.04708773828587971 0.028514315507373746 -0.14948098611996483 -0.3321196434419343 -0.4141522607136616 -0.4404646096498799 +4579,-0.5023760189115606,0,-0.5952431328040904 -0.6076254146564247 -0.5565485020155377 -0.6834668910019893 -0.7066836694751262 -0.661797897760402 -0.5008282336800198 -0.3104506502003469 -0.12471642241528727 0.02541874504429235 0.09816465092677551 0.07030451675901657 0.06101780536976358 0.04708773828587971 0.028514315507373746 -0.14948098611996483 -0.3321196434419343 -0.4141522607136616 -0.4404646096498799 -0.4760636699753511 +4580,-0.5209494416900665,0,-0.6076254146564247 -0.5565485020155377 -0.6834668910019893 -0.7066836694751262 -0.661797897760402 -0.5008282336800198 -0.3104506502003469 -0.12471642241528727 0.02541874504429235 0.09816465092677551 0.07030451675901657 0.06101780536976358 0.04708773828587971 0.028514315507373746 -0.14948098611996483 -0.3321196434419343 -0.4141522607136616 -0.4404646096498799 -0.4760636699753511 -0.5023760189115606 +4581,-0.675727964844277,0,-0.5565485020155377 -0.6834668910019893 -0.7066836694751262 -0.661797897760402 -0.5008282336800198 -0.3104506502003469 -0.12471642241528727 0.02541874504429235 0.09816465092677551 0.07030451675901657 0.06101780536976358 0.04708773828587971 0.028514315507373746 -0.14948098611996483 -0.3321196434419343 -0.4141522607136616 -0.4404646096498799 -0.4760636699753511 -0.5023760189115606 -0.5209494416900665 +4582,-0.703588099012036,0,-0.6834668910019893 -0.7066836694751262 -0.661797897760402 -0.5008282336800198 -0.3104506502003469 -0.12471642241528727 0.02541874504429235 0.09816465092677551 0.07030451675901657 0.06101780536976358 0.04708773828587971 0.028514315507373746 -0.14948098611996483 -0.3321196434419343 -0.4141522607136616 -0.4404646096498799 -0.4760636699753511 -0.5023760189115606 -0.5209494416900665 -0.675727964844277 +4583,-0.8150286356830718,0,-0.7066836694751262 -0.661797897760402 -0.5008282336800198 -0.3104506502003469 -0.12471642241528727 0.02541874504429235 0.09816465092677551 0.07030451675901657 0.06101780536976358 0.04708773828587971 0.028514315507373746 -0.14948098611996483 -0.3321196434419343 -0.4141522607136616 -0.4404646096498799 -0.4760636699753511 -0.5023760189115606 -0.5209494416900665 -0.675727964844277 -0.703588099012036 +4584,-0.9125391052702237,0,-0.661797897760402 -0.5008282336800198 -0.3104506502003469 -0.12471642241528727 0.02541874504429235 0.09816465092677551 0.07030451675901657 0.06101780536976358 0.04708773828587971 0.028514315507373746 -0.14948098611996483 -0.3321196434419343 -0.4141522607136616 -0.4404646096498799 -0.4760636699753511 -0.5023760189115606 -0.5209494416900665 -0.675727964844277 -0.703588099012036 -0.8150286356830718 +4585,-0.9465903803641454,0,-0.5008282336800198 -0.3104506502003469 -0.12471642241528727 0.02541874504429235 0.09816465092677551 0.07030451675901657 0.06101780536976358 0.04708773828587971 0.028514315507373746 -0.14948098611996483 -0.3321196434419343 -0.4141522607136616 -0.4404646096498799 -0.4760636699753511 -0.5023760189115606 -0.5209494416900665 -0.675727964844277 -0.703588099012036 -0.8150286356830718 -0.9125391052702237 +4586,-0.9558770917533984,0,-0.3104506502003469 -0.12471642241528727 0.02541874504429235 0.09816465092677551 0.07030451675901657 0.06101780536976358 0.04708773828587971 0.028514315507373746 -0.14948098611996483 -0.3321196434419343 -0.4141522607136616 -0.4404646096498799 -0.4760636699753511 -0.5023760189115606 -0.5209494416900665 -0.675727964844277 -0.703588099012036 -0.8150286356830718 -0.9125391052702237 -0.9465903803641454 +4587,-0.6741801796127364,0,-0.12471642241528727 0.02541874504429235 0.09816465092677551 0.07030451675901657 0.06101780536976358 0.04708773828587971 0.028514315507373746 -0.14948098611996483 -0.3321196434419343 -0.4141522607136616 -0.4404646096498799 -0.4760636699753511 -0.5023760189115606 -0.5209494416900665 -0.675727964844277 -0.703588099012036 -0.8150286356830718 -0.9125391052702237 -0.9465903803641454 -0.9558770917533984 +4588,-0.22996581816015146,0,0.02541874504429235 0.09816465092677551 0.07030451675901657 0.06101780536976358 0.04708773828587971 0.028514315507373746 -0.14948098611996483 -0.3321196434419343 -0.4141522607136616 -0.4404646096498799 -0.4760636699753511 -0.5023760189115606 -0.5209494416900665 -0.675727964844277 -0.703588099012036 -0.8150286356830718 -0.9125391052702237 -0.9465903803641454 -0.9558770917533984 -0.6741801796127364 +4589,0.045539953054339014,0,0.09816465092677551 0.07030451675901657 0.06101780536976358 0.04708773828587971 0.028514315507373746 -0.14948098611996483 -0.3321196434419343 -0.4141522607136616 -0.4404646096498799 -0.4760636699753511 -0.5023760189115606 -0.5209494416900665 -0.675727964844277 -0.703588099012036 -0.8150286356830718 -0.9125391052702237 -0.9465903803641454 -0.9558770917533984 -0.6741801796127364 -0.22996581816015146 +4590,0.34581028797350705,0,0.07030451675901657 0.06101780536976358 0.04708773828587971 0.028514315507373746 -0.14948098611996483 -0.3321196434419343 -0.4141522607136616 -0.4404646096498799 -0.4760636699753511 -0.5023760189115606 -0.5209494416900665 -0.675727964844277 -0.703588099012036 -0.8150286356830718 -0.9125391052702237 -0.9465903803641454 -0.9558770917533984 -0.6741801796127364 -0.22996581816015146 0.045539953054339014 +4591,0.4820153883492116,0,0.06101780536976358 0.04708773828587971 0.028514315507373746 -0.14948098611996483 -0.3321196434419343 -0.4141522607136616 -0.4404646096498799 -0.4760636699753511 -0.5023760189115606 -0.5209494416900665 -0.675727964844277 -0.703588099012036 -0.8150286356830718 -0.9125391052702237 -0.9465903803641454 -0.9558770917533984 -0.6741801796127364 -0.22996581816015146 0.045539953054339014 0.34581028797350705 +4592,0.5299967305270172,0,0.04708773828587971 0.028514315507373746 -0.14948098611996483 -0.3321196434419343 -0.4141522607136616 -0.4404646096498799 -0.4760636699753511 -0.5023760189115606 -0.5209494416900665 -0.675727964844277 -0.703588099012036 -0.8150286356830718 -0.9125391052702237 -0.9465903803641454 -0.9558770917533984 -0.6741801796127364 -0.22996581816015146 0.045539953054339014 0.34581028797350705 0.4820153883492116 +4593,0.69251417983894,0,0.028514315507373746 -0.14948098611996483 -0.3321196434419343 -0.4141522607136616 -0.4404646096498799 -0.4760636699753511 -0.5023760189115606 -0.5209494416900665 -0.675727964844277 -0.703588099012036 -0.8150286356830718 -0.9125391052702237 -0.9465903803641454 -0.9558770917533984 -0.6741801796127364 -0.22996581816015146 0.045539953054339014 0.34581028797350705 0.4820153883492116 0.5299967305270172 +4594,0.6476284081242158,0,-0.14948098611996483 -0.3321196434419343 -0.4141522607136616 -0.4404646096498799 -0.4760636699753511 -0.5023760189115606 -0.5209494416900665 -0.675727964844277 -0.703588099012036 -0.8150286356830718 -0.9125391052702237 -0.9465903803641454 -0.9558770917533984 -0.6741801796127364 -0.22996581816015146 0.045539953054339014 0.34581028797350705 0.4820153883492116 0.5299967305270172 0.69251417983894 +4595,0.6290549853457186,0,-0.3321196434419343 -0.4141522607136616 -0.4404646096498799 -0.4760636699753511 -0.5023760189115606 -0.5209494416900665 -0.675727964844277 -0.703588099012036 -0.8150286356830718 -0.9125391052702237 -0.9465903803641454 -0.9558770917533984 -0.6741801796127364 -0.22996581816015146 0.045539953054339014 0.34581028797350705 0.4820153883492116 0.5299967305270172 0.69251417983894 0.6476284081242158 +4596,0.5129710929800607,0,-0.4141522607136616 -0.4404646096498799 -0.4760636699753511 -0.5023760189115606 -0.5209494416900665 -0.675727964844277 -0.703588099012036 -0.8150286356830718 -0.9125391052702237 -0.9465903803641454 -0.9558770917533984 -0.6741801796127364 -0.22996581816015146 0.045539953054339014 0.34581028797350705 0.4820153883492116 0.5299967305270172 0.69251417983894 0.6476284081242158 0.6290549853457186 +4597,0.35509699936276,0,-0.4404646096498799 -0.4760636699753511 -0.5023760189115606 -0.5209494416900665 -0.675727964844277 -0.703588099012036 -0.8150286356830718 -0.9125391052702237 -0.9465903803641454 -0.9558770917533984 -0.6741801796127364 -0.22996581816015146 0.045539953054339014 0.34581028797350705 0.4820153883492116 0.5299967305270172 0.69251417983894 0.6476284081242158 0.6290549853457186 0.5129710929800607 +4598,0.11364250324219129,0,-0.4760636699753511 -0.5023760189115606 -0.5209494416900665 -0.675727964844277 -0.703588099012036 -0.8150286356830718 -0.9125391052702237 -0.9465903803641454 -0.9558770917533984 -0.6741801796127364 -0.22996581816015146 0.045539953054339014 0.34581028797350705 0.4820153883492116 0.5299967305270172 0.69251417983894 0.6476284081242158 0.6290549853457186 0.5129710929800607 0.35509699936276 +4599,-0.08602179162673464,0,-0.5023760189115606 -0.5209494416900665 -0.675727964844277 -0.703588099012036 -0.8150286356830718 -0.9125391052702237 -0.9465903803641454 -0.9558770917533984 -0.6741801796127364 -0.22996581816015146 0.045539953054339014 0.34581028797350705 0.4820153883492116 0.5299967305270172 0.69251417983894 0.6476284081242158 0.6290549853457186 0.5129710929800607 0.35509699936276 0.11364250324219129 +4600,-0.22841803292861076,0,-0.5209494416900665 -0.675727964844277 -0.703588099012036 -0.8150286356830718 -0.9125391052702237 -0.9465903803641454 -0.9558770917533984 -0.6741801796127364 -0.22996581816015146 0.045539953054339014 0.34581028797350705 0.4820153883492116 0.5299967305270172 0.69251417983894 0.6476284081242158 0.6290549853457186 0.5129710929800607 0.35509699936276 0.11364250324219129 -0.08602179162673464 +4601,-0.29187722742184097,0,-0.675727964844277 -0.703588099012036 -0.8150286356830718 -0.9125391052702237 -0.9465903803641454 -0.9558770917533984 -0.6741801796127364 -0.22996581816015146 0.045539953054339014 0.34581028797350705 0.4820153883492116 0.5299967305270172 0.69251417983894 0.6476284081242158 0.6290549853457186 0.5129710929800607 0.35509699936276 0.11364250324219129 -0.08602179162673464 -0.22841803292861076 +4602,-0.3197373615895999,0,-0.703588099012036 -0.8150286356830718 -0.9125391052702237 -0.9465903803641454 -0.9558770917533984 -0.6741801796127364 -0.22996581816015146 0.045539953054339014 0.34581028797350705 0.4820153883492116 0.5299967305270172 0.69251417983894 0.6476284081242158 0.6290549853457186 0.5129710929800607 0.35509699936276 0.11364250324219129 -0.08602179162673464 -0.22841803292861076 -0.29187722742184097 +4603,-0.4342734687237083,0,-0.8150286356830718 -0.9125391052702237 -0.9465903803641454 -0.9558770917533984 -0.6741801796127364 -0.22996581816015146 0.045539953054339014 0.34581028797350705 0.4820153883492116 0.5299967305270172 0.69251417983894 0.6476284081242158 0.6290549853457186 0.5129710929800607 0.35509699936276 0.11364250324219129 -0.08602179162673464 -0.22841803292861076 -0.29187722742184097 -0.3197373615895999 +4604,-0.5395228644685724,0,-0.9125391052702237 -0.9465903803641454 -0.9558770917533984 -0.6741801796127364 -0.22996581816015146 0.045539953054339014 0.34581028797350705 0.4820153883492116 0.5299967305270172 0.69251417983894 0.6476284081242158 0.6290549853457186 0.5129710929800607 0.35509699936276 0.11364250324219129 -0.08602179162673464 -0.22841803292861076 -0.29187722742184097 -0.3197373615895999 -0.4342734687237083 +4605,-0.6494156159080676,0,-0.9465903803641454 -0.9558770917533984 -0.6741801796127364 -0.22996581816015146 0.045539953054339014 0.34581028797350705 0.4820153883492116 0.5299967305270172 0.69251417983894 0.6476284081242158 0.6290549853457186 0.5129710929800607 0.35509699936276 0.11364250324219129 -0.08602179162673464 -0.22841803292861076 -0.29187722742184097 -0.3197373615895999 -0.4342734687237083 -0.5395228644685724 +4606,-0.7407349445690479,0,-0.9558770917533984 -0.6741801796127364 -0.22996581816015146 0.045539953054339014 0.34581028797350705 0.4820153883492116 0.5299967305270172 0.69251417983894 0.6476284081242158 0.6290549853457186 0.5129710929800607 0.35509699936276 0.11364250324219129 -0.08602179162673464 -0.22841803292861076 -0.29187722742184097 -0.3197373615895999 -0.4342734687237083 -0.5395228644685724 -0.6494156159080676 +4607,-0.8150286356830718,0,-0.6741801796127364 -0.22996581816015146 0.045539953054339014 0.34581028797350705 0.4820153883492116 0.5299967305270172 0.69251417983894 0.6476284081242158 0.6290549853457186 0.5129710929800607 0.35509699936276 0.11364250324219129 -0.08602179162673464 -0.22841803292861076 -0.29187722742184097 -0.3197373615895999 -0.4342734687237083 -0.5395228644685724 -0.6494156159080676 -0.7407349445690479 +4608,-0.9481381655956861,0,-0.22996581816015146 0.045539953054339014 0.34581028797350705 0.4820153883492116 0.5299967305270172 0.69251417983894 0.6476284081242158 0.6290549853457186 0.5129710929800607 0.35509699936276 0.11364250324219129 -0.08602179162673464 -0.22841803292861076 -0.29187722742184097 -0.3197373615895999 -0.4342734687237083 -0.5395228644685724 -0.6494156159080676 -0.7407349445690479 -0.8150286356830718 +4609,-0.9543293065218578,0,0.045539953054339014 0.34581028797350705 0.4820153883492116 0.5299967305270172 0.69251417983894 0.6476284081242158 0.6290549853457186 0.5129710929800607 0.35509699936276 0.11364250324219129 -0.08602179162673464 -0.22841803292861076 -0.29187722742184097 -0.3197373615895999 -0.4342734687237083 -0.5395228644685724 -0.6494156159080676 -0.7407349445690479 -0.8150286356830718 -0.9481381655956861 +4610,-0.9048001791125114,0,0.34581028797350705 0.4820153883492116 0.5299967305270172 0.69251417983894 0.6476284081242158 0.6290549853457186 0.5129710929800607 0.35509699936276 0.11364250324219129 -0.08602179162673464 -0.22841803292861076 -0.29187722742184097 -0.3197373615895999 -0.4342734687237083 -0.5395228644685724 -0.6494156159080676 -0.7407349445690479 -0.8150286356830718 -0.9481381655956861 -0.9543293065218578 +4611,-0.5967909180356311,0,0.4820153883492116 0.5299967305270172 0.69251417983894 0.6476284081242158 0.6290549853457186 0.5129710929800607 0.35509699936276 0.11364250324219129 -0.08602179162673464 -0.22841803292861076 -0.29187722742184097 -0.3197373615895999 -0.4342734687237083 -0.5395228644685724 -0.6494156159080676 -0.7407349445690479 -0.8150286356830718 -0.9481381655956861 -0.9543293065218578 -0.9048001791125114 +4612,-0.09685628824752832,0,0.5299967305270172 0.69251417983894 0.6476284081242158 0.6290549853457186 0.5129710929800607 0.35509699936276 0.11364250324219129 -0.08602179162673464 -0.22841803292861076 -0.29187722742184097 -0.3197373615895999 -0.4342734687237083 -0.5395228644685724 -0.6494156159080676 -0.7407349445690479 -0.8150286356830718 -0.9481381655956861 -0.9543293065218578 -0.9048001791125114 -0.5967909180356311 +4613,0.37831377783589687,0,0.69251417983894 0.6476284081242158 0.6290549853457186 0.5129710929800607 0.35509699936276 0.11364250324219129 -0.08602179162673464 -0.22841803292861076 -0.29187722742184097 -0.3197373615895999 -0.4342734687237083 -0.5395228644685724 -0.6494156159080676 -0.7407349445690479 -0.8150286356830718 -0.9481381655956861 -0.9543293065218578 -0.9048001791125114 -0.5967909180356311 -0.09685628824752832 +4614,0.7559733743321702,0,0.6476284081242158 0.6290549853457186 0.5129710929800607 0.35509699936276 0.11364250324219129 -0.08602179162673464 -0.22841803292861076 -0.29187722742184097 -0.3197373615895999 -0.4342734687237083 -0.5395228644685724 -0.6494156159080676 -0.7407349445690479 -0.8150286356830718 -0.9481381655956861 -0.9543293065218578 -0.9048001791125114 -0.5967909180356311 -0.09685628824752832 0.37831377783589687 +4615,1.062434850177501,0,0.6290549853457186 0.5129710929800607 0.35509699936276 0.11364250324219129 -0.08602179162673464 -0.22841803292861076 -0.29187722742184097 -0.3197373615895999 -0.4342734687237083 -0.5395228644685724 -0.6494156159080676 -0.7407349445690479 -0.8150286356830718 -0.9481381655956861 -0.9543293065218578 -0.9048001791125114 -0.5967909180356311 -0.09685628824752832 0.37831377783589687 0.7559733743321702 +4616,1.1398241117546062,0,0.5129710929800607 0.35509699936276 0.11364250324219129 -0.08602179162673464 -0.22841803292861076 -0.29187722742184097 -0.3197373615895999 -0.4342734687237083 -0.5395228644685724 -0.6494156159080676 -0.7407349445690479 -0.8150286356830718 -0.9481381655956861 -0.9543293065218578 -0.9048001791125114 -0.5967909180356311 -0.09685628824752832 0.37831377783589687 0.7559733743321702 1.062434850177501 +4617,1.1475630379123185,0,0.35509699936276 0.11364250324219129 -0.08602179162673464 -0.22841803292861076 -0.29187722742184097 -0.3197373615895999 -0.4342734687237083 -0.5395228644685724 -0.6494156159080676 -0.7407349445690479 -0.8150286356830718 -0.9481381655956861 -0.9543293065218578 -0.9048001791125114 -0.5967909180356311 -0.09685628824752832 0.37831377783589687 0.7559733743321702 1.062434850177501 1.1398241117546062 +4618,1.181614313006249,0,0.11364250324219129 -0.08602179162673464 -0.22841803292861076 -0.29187722742184097 -0.3197373615895999 -0.4342734687237083 -0.5395228644685724 -0.6494156159080676 -0.7407349445690479 -0.8150286356830718 -0.9481381655956861 -0.9543293065218578 -0.9048001791125114 -0.5967909180356311 -0.09685628824752832 0.37831377783589687 0.7559733743321702 1.062434850177501 1.1398241117546062 1.1475630379123185 +4619,1.1491108231438594,0,-0.08602179162673464 -0.22841803292861076 -0.29187722742184097 -0.3197373615895999 -0.4342734687237083 -0.5395228644685724 -0.6494156159080676 -0.7407349445690479 -0.8150286356830718 -0.9481381655956861 -0.9543293065218578 -0.9048001791125114 -0.5967909180356311 -0.09685628824752832 0.37831377783589687 0.7559733743321702 1.062434850177501 1.1398241117546062 1.1475630379123185 1.181614313006249 +4620,0.992784514758108,0,-0.22841803292861076 -0.29187722742184097 -0.3197373615895999 -0.4342734687237083 -0.5395228644685724 -0.6494156159080676 -0.7407349445690479 -0.8150286356830718 -0.9481381655956861 -0.9543293065218578 -0.9048001791125114 -0.5967909180356311 -0.09685628824752832 0.37831377783589687 0.7559733743321702 1.062434850177501 1.1398241117546062 1.1475630379123185 1.181614313006249 1.1491108231438594 +4621,0.8550316291508628,0,-0.29187722742184097 -0.3197373615895999 -0.4342734687237083 -0.5395228644685724 -0.6494156159080676 -0.7407349445690479 -0.8150286356830718 -0.9481381655956861 -0.9543293065218578 -0.9048001791125114 -0.5967909180356311 -0.09685628824752832 0.37831377783589687 0.7559733743321702 1.062434850177501 1.1398241117546062 1.1475630379123185 1.181614313006249 1.1491108231438594 0.992784514758108 +4622,0.5222578043693137,0,-0.3197373615895999 -0.4342734687237083 -0.5395228644685724 -0.6494156159080676 -0.7407349445690479 -0.8150286356830718 -0.9481381655956861 -0.9543293065218578 -0.9048001791125114 -0.5967909180356311 -0.09685628824752832 0.37831377783589687 0.7559733743321702 1.062434850177501 1.1398241117546062 1.1475630379123185 1.181614313006249 1.1491108231438594 0.992784514758108 0.8550316291508628 +4623,0.18793619435621514,0,-0.4342734687237083 -0.5395228644685724 -0.6494156159080676 -0.7407349445690479 -0.8150286356830718 -0.9481381655956861 -0.9543293065218578 -0.9048001791125114 -0.5967909180356311 -0.09685628824752832 0.37831377783589687 0.7559733743321702 1.062434850177501 1.1398241117546062 1.1475630379123185 1.181614313006249 1.1491108231438594 0.992784514758108 0.8550316291508628 0.5222578043693137 +4624,-0.011728100512719579,0,-0.5395228644685724 -0.6494156159080676 -0.7407349445690479 -0.8150286356830718 -0.9481381655956861 -0.9543293065218578 -0.9048001791125114 -0.5967909180356311 -0.09685628824752832 0.37831377783589687 0.7559733743321702 1.062434850177501 1.1398241117546062 1.1475630379123185 1.181614313006249 1.1491108231438594 0.992784514758108 0.8550316291508628 0.5222578043693137 0.18793619435621514 +4625,-0.1680544088984708,0,-0.6494156159080676 -0.7407349445690479 -0.8150286356830718 -0.9481381655956861 -0.9543293065218578 -0.9048001791125114 -0.5967909180356311 -0.09685628824752832 0.37831377783589687 0.7559733743321702 1.062434850177501 1.1398241117546062 1.1475630379123185 1.181614313006249 1.1491108231438594 0.992784514758108 0.8550316291508628 0.5222578043693137 0.18793619435621514 -0.011728100512719579 +4626,-0.2624693080225413,0,-0.7407349445690479 -0.8150286356830718 -0.9481381655956861 -0.9543293065218578 -0.9048001791125114 -0.5967909180356311 -0.09685628824752832 0.37831377783589687 0.7559733743321702 1.062434850177501 1.1398241117546062 1.1475630379123185 1.181614313006249 1.1491108231438594 0.992784514758108 0.8550316291508628 0.5222578043693137 0.18793619435621514 -0.011728100512719579 -0.1680544088984708 +4627,-0.39867440839824586,0,-0.8150286356830718 -0.9481381655956861 -0.9543293065218578 -0.9048001791125114 -0.5967909180356311 -0.09685628824752832 0.37831377783589687 0.7559733743321702 1.062434850177501 1.1398241117546062 1.1475630379123185 1.181614313006249 1.1491108231438594 0.992784514758108 0.8550316291508628 0.5222578043693137 0.18793619435621514 -0.011728100512719579 -0.1680544088984708 -0.2624693080225413 +4628,-0.5039238041431101,0,-0.9481381655956861 -0.9543293065218578 -0.9048001791125114 -0.5967909180356311 -0.09685628824752832 0.37831377783589687 0.7559733743321702 1.062434850177501 1.1398241117546062 1.1475630379123185 1.181614313006249 1.1491108231438594 0.992784514758108 0.8550316291508628 0.5222578043693137 0.18793619435621514 -0.011728100512719579 -0.1680544088984708 -0.2624693080225413 -0.39867440839824586 +4629,-0.5673829986363315,0,-0.9543293065218578 -0.9048001791125114 -0.5967909180356311 -0.09685628824752832 0.37831377783589687 0.7559733743321702 1.062434850177501 1.1398241117546062 1.1475630379123185 1.181614313006249 1.1491108231438594 0.992784514758108 0.8550316291508628 0.5222578043693137 0.18793619435621514 -0.011728100512719579 -0.1680544088984708 -0.2624693080225413 -0.39867440839824586 -0.5039238041431101 +4630,-0.6726323943811956,0,-0.9048001791125114 -0.5967909180356311 -0.09685628824752832 0.37831377783589687 0.7559733743321702 1.062434850177501 1.1398241117546062 1.1475630379123185 1.181614313006249 1.1491108231438594 0.992784514758108 0.8550316291508628 0.5222578043693137 0.18793619435621514 -0.011728100512719579 -0.1680544088984708 -0.2624693080225413 -0.39867440839824586 -0.5039238041431101 -0.5673829986363315 +4631,-0.7701428639683475,0,-0.5967909180356311 -0.09685628824752832 0.37831377783589687 0.7559733743321702 1.062434850177501 1.1398241117546062 1.1475630379123185 1.181614313006249 1.1491108231438594 0.992784514758108 0.8550316291508628 0.5222578043693137 0.18793619435621514 -0.011728100512719579 -0.1680544088984708 -0.2624693080225413 -0.39867440839824586 -0.5039238041431101 -0.5673829986363315 -0.6726323943811956 +4632,-0.8351498436931184,0,-0.09685628824752832 0.37831377783589687 0.7559733743321702 1.062434850177501 1.1398241117546062 1.1475630379123185 1.181614313006249 1.1491108231438594 0.992784514758108 0.8550316291508628 0.5222578043693137 0.18793619435621514 -0.011728100512719579 -0.1680544088984708 -0.2624693080225413 -0.39867440839824586 -0.5039238041431101 -0.5673829986363315 -0.6726323943811956 -0.7701428639683475 +4633,-0.8722966892501304,0,0.37831377783589687 0.7559733743321702 1.062434850177501 1.1398241117546062 1.1475630379123185 1.181614313006249 1.1491108231438594 0.992784514758108 0.8550316291508628 0.5222578043693137 0.18793619435621514 -0.011728100512719579 -0.1680544088984708 -0.2624693080225413 -0.39867440839824586 -0.5039238041431101 -0.5673829986363315 -0.6726323943811956 -0.7701428639683475 -0.8351498436931184 +4634,-0.9342080985118111,0,0.7559733743321702 1.062434850177501 1.1398241117546062 1.1475630379123185 1.181614313006249 1.1491108231438594 0.992784514758108 0.8550316291508628 0.5222578043693137 0.18793619435621514 -0.011728100512719579 -0.1680544088984708 -0.2624693080225413 -0.39867440839824586 -0.5039238041431101 -0.5673829986363315 -0.6726323943811956 -0.7701428639683475 -0.8351498436931184 -0.8722966892501304 +4635,-0.6788235353073673,0,1.062434850177501 1.1398241117546062 1.1475630379123185 1.181614313006249 1.1491108231438594 0.992784514758108 0.8550316291508628 0.5222578043693137 0.18793619435621514 -0.011728100512719579 -0.1680544088984708 -0.2624693080225413 -0.39867440839824586 -0.5039238041431101 -0.5673829986363315 -0.6726323943811956 -0.7701428639683475 -0.8351498436931184 -0.8722966892501304 -0.9342080985118111 +4636,-0.15412434181458692,0,1.1398241117546062 1.1475630379123185 1.181614313006249 1.1491108231438594 0.992784514758108 0.8550316291508628 0.5222578043693137 0.18793619435621514 -0.011728100512719579 -0.1680544088984708 -0.2624693080225413 -0.39867440839824586 -0.5039238041431101 -0.5673829986363315 -0.6726323943811956 -0.7701428639683475 -0.8351498436931184 -0.8722966892501304 -0.9342080985118111 -0.6788235353073673 +4637,0.17555391250388078,0,1.1475630379123185 1.181614313006249 1.1491108231438594 0.992784514758108 0.8550316291508628 0.5222578043693137 0.18793619435621514 -0.011728100512719579 -0.1680544088984708 -0.2624693080225413 -0.39867440839824586 -0.5039238041431101 -0.5673829986363315 -0.6726323943811956 -0.7701428639683475 -0.8351498436931184 -0.8722966892501304 -0.9342080985118111 -0.6788235353073673 -0.15412434181458692 +4638,0.45260746894991194,0,1.181614313006249 1.1491108231438594 0.992784514758108 0.8550316291508628 0.5222578043693137 0.18793619435621514 -0.011728100512719579 -0.1680544088984708 -0.2624693080225413 -0.39867440839824586 -0.5039238041431101 -0.5673829986363315 -0.6726323943811956 -0.7701428639683475 -0.8351498436931184 -0.8722966892501304 -0.9342080985118111 -0.6788235353073673 -0.15412434181458692 0.17555391250388078 +4639,0.6151249182618348,0,1.1491108231438594 0.992784514758108 0.8550316291508628 0.5222578043693137 0.18793619435621514 -0.011728100512719579 -0.1680544088984708 -0.2624693080225413 -0.39867440839824586 -0.5039238041431101 -0.5673829986363315 -0.6726323943811956 -0.7701428639683475 -0.8351498436931184 -0.8722966892501304 -0.9342080985118111 -0.6788235353073673 -0.15412434181458692 0.17555391250388078 0.45260746894991194 +4640,0.6460806228926751,0,0.992784514758108 0.8550316291508628 0.5222578043693137 0.18793619435621514 -0.011728100512719579 -0.1680544088984708 -0.2624693080225413 -0.39867440839824586 -0.5039238041431101 -0.5673829986363315 -0.6726323943811956 -0.7701428639683475 -0.8351498436931184 -0.8722966892501304 -0.9342080985118111 -0.6788235353073673 -0.15412434181458692 0.17555391250388078 0.45260746894991194 0.6151249182618348 +4641,0.6956097503020214,0,0.8550316291508628 0.5222578043693137 0.18793619435621514 -0.011728100512719579 -0.1680544088984708 -0.2624693080225413 -0.39867440839824586 -0.5039238041431101 -0.5673829986363315 -0.6726323943811956 -0.7701428639683475 -0.8351498436931184 -0.8722966892501304 -0.9342080985118111 -0.6788235353073673 -0.15412434181458692 0.17555391250388078 0.45260746894991194 0.6151249182618348 0.6460806228926751 +4642,0.5470223680739825,0,0.5222578043693137 0.18793619435621514 -0.011728100512719579 -0.1680544088984708 -0.2624693080225413 -0.39867440839824586 -0.5039238041431101 -0.5673829986363315 -0.6726323943811956 -0.7701428639683475 -0.8351498436931184 -0.8722966892501304 -0.9342080985118111 -0.6788235353073673 -0.15412434181458692 0.17555391250388078 0.45260746894991194 0.6151249182618348 0.6460806228926751 0.6956097503020214 +4643,0.40307834154056565,0,0.18793619435621514 -0.011728100512719579 -0.1680544088984708 -0.2624693080225413 -0.39867440839824586 -0.5039238041431101 -0.5673829986363315 -0.6726323943811956 -0.7701428639683475 -0.8351498436931184 -0.8722966892501304 -0.9342080985118111 -0.6788235353073673 -0.15412434181458692 0.17555391250388078 0.45260746894991194 0.6151249182618348 0.6460806228926751 0.6956097503020214 0.5470223680739825 +4644,0.33961914704734425,0,-0.011728100512719579 -0.1680544088984708 -0.2624693080225413 -0.39867440839824586 -0.5039238041431101 -0.5673829986363315 -0.6726323943811956 -0.7701428639683475 -0.8351498436931184 -0.8722966892501304 -0.9342080985118111 -0.6788235353073673 -0.15412434181458692 0.17555391250388078 0.45260746894991194 0.6151249182618348 0.6460806228926751 0.6956097503020214 0.5470223680739825 0.40307834154056565 +4645,0.18793619435621514,0,-0.1680544088984708 -0.2624693080225413 -0.39867440839824586 -0.5039238041431101 -0.5673829986363315 -0.6726323943811956 -0.7701428639683475 -0.8351498436931184 -0.8722966892501304 -0.9342080985118111 -0.6788235353073673 -0.15412434181458692 0.17555391250388078 0.45260746894991194 0.6151249182618348 0.6460806228926751 0.6956097503020214 0.5470223680739825 0.40307834154056565 0.33961914704734425 +4646,-0.04423159037510062,0,-0.2624693080225413 -0.39867440839824586 -0.5039238041431101 -0.5673829986363315 -0.6726323943811956 -0.7701428639683475 -0.8351498436931184 -0.8722966892501304 -0.9342080985118111 -0.6788235353073673 -0.15412434181458692 0.17555391250388078 0.45260746894991194 0.6151249182618348 0.6460806228926751 0.6956097503020214 0.5470223680739825 0.40307834154056565 0.33961914704734425 0.18793619435621514 +4647,-0.28878165695875074,0,-0.39867440839824586 -0.5039238041431101 -0.5673829986363315 -0.6726323943811956 -0.7701428639683475 -0.8351498436931184 -0.8722966892501304 -0.9342080985118111 -0.6788235353073673 -0.15412434181458692 0.17555391250388078 0.45260746894991194 0.6151249182618348 0.6460806228926751 0.6956097503020214 0.5470223680739825 0.40307834154056565 0.33961914704734425 0.18793619435621514 -0.04423159037510062 +4648,-0.45284689150221424,0,-0.5039238041431101 -0.5673829986363315 -0.6726323943811956 -0.7701428639683475 -0.8351498436931184 -0.8722966892501304 -0.9342080985118111 -0.6788235353073673 -0.15412434181458692 0.17555391250388078 0.45260746894991194 0.6151249182618348 0.6460806228926751 0.6956097503020214 0.5470223680739825 0.40307834154056565 0.33961914704734425 0.18793619435621514 -0.04423159037510062 -0.28878165695875074 +4649,-0.5379750792370318,0,-0.5673829986363315 -0.6726323943811956 -0.7701428639683475 -0.8351498436931184 -0.8722966892501304 -0.9342080985118111 -0.6788235353073673 -0.15412434181458692 0.17555391250388078 0.45260746894991194 0.6151249182618348 0.6460806228926751 0.6956097503020214 0.5470223680739825 0.40307834154056565 0.33961914704734425 0.18793619435621514 -0.04423159037510062 -0.28878165695875074 -0.45284689150221424 +4650,-0.5890519918779188,0,-0.6726323943811956 -0.7701428639683475 -0.8351498436931184 -0.8722966892501304 -0.9342080985118111 -0.6788235353073673 -0.15412434181458692 0.17555391250388078 0.45260746894991194 0.6151249182618348 0.6460806228926751 0.6956097503020214 0.5470223680739825 0.40307834154056565 0.33961914704734425 0.18793619435621514 -0.04423159037510062 -0.28878165695875074 -0.45284689150221424 -0.5379750792370318 +4651,-0.633937763592643,0,-0.7701428639683475 -0.8351498436931184 -0.8722966892501304 -0.9342080985118111 -0.6788235353073673 -0.15412434181458692 0.17555391250388078 0.45260746894991194 0.6151249182618348 0.6460806228926751 0.6956097503020214 0.5470223680739825 0.40307834154056565 0.33961914704734425 0.18793619435621514 -0.04423159037510062 -0.28878165695875074 -0.45284689150221424 -0.5379750792370318 -0.5890519918779188 +4652,-0.6772757500758178,0,-0.8351498436931184 -0.8722966892501304 -0.9342080985118111 -0.6788235353073673 -0.15412434181458692 0.17555391250388078 0.45260746894991194 0.6151249182618348 0.6460806228926751 0.6956097503020214 0.5470223680739825 0.40307834154056565 0.33961914704734425 0.18793619435621514 -0.04423159037510062 -0.28878165695875074 -0.45284689150221424 -0.5379750792370318 -0.5890519918779188 -0.633937763592643 +4653,-0.6850146762335301,0,-0.8722966892501304 -0.9342080985118111 -0.6788235353073673 -0.15412434181458692 0.17555391250388078 0.45260746894991194 0.6151249182618348 0.6460806228926751 0.6956097503020214 0.5470223680739825 0.40307834154056565 0.33961914704734425 0.18793619435621514 -0.04423159037510062 -0.28878165695875074 -0.45284689150221424 -0.5379750792370318 -0.5890519918779188 -0.633937763592643 -0.6772757500758178 +4654,-0.6788235353073673,0,-0.9342080985118111 -0.6788235353073673 -0.15412434181458692 0.17555391250388078 0.45260746894991194 0.6151249182618348 0.6460806228926751 0.6956097503020214 0.5470223680739825 0.40307834154056565 0.33961914704734425 0.18793619435621514 -0.04423159037510062 -0.28878165695875074 -0.45284689150221424 -0.5379750792370318 -0.5890519918779188 -0.633937763592643 -0.6772757500758178 -0.6850146762335301 +4655,-0.6679890386865736,0,-0.6788235353073673 -0.15412434181458692 0.17555391250388078 0.45260746894991194 0.6151249182618348 0.6460806228926751 0.6956097503020214 0.5470223680739825 0.40307834154056565 0.33961914704734425 0.18793619435621514 -0.04423159037510062 -0.28878165695875074 -0.45284689150221424 -0.5379750792370318 -0.5890519918779188 -0.633937763592643 -0.6772757500758178 -0.6850146762335301 -0.6788235353073673 +4656,-0.62465105220339,0,-0.15412434181458692 0.17555391250388078 0.45260746894991194 0.6151249182618348 0.6460806228926751 0.6956097503020214 0.5470223680739825 0.40307834154056565 0.33961914704734425 0.18793619435621514 -0.04423159037510062 -0.28878165695875074 -0.45284689150221424 -0.5379750792370318 -0.5890519918779188 -0.633937763592643 -0.6772757500758178 -0.6850146762335301 -0.6788235353073673 -0.6679890386865736 +4657,-0.6973969580858732,0,0.17555391250388078 0.45260746894991194 0.6151249182618348 0.6460806228926751 0.6956097503020214 0.5470223680739825 0.40307834154056565 0.33961914704734425 0.18793619435621514 -0.04423159037510062 -0.28878165695875074 -0.45284689150221424 -0.5379750792370318 -0.5890519918779188 -0.633937763592643 -0.6772757500758178 -0.6850146762335301 -0.6788235353073673 -0.6679890386865736 -0.62465105220339 +4658,-0.7004925285489546,0,0.45260746894991194 0.6151249182618348 0.6460806228926751 0.6956097503020214 0.5470223680739825 0.40307834154056565 0.33961914704734425 0.18793619435621514 -0.04423159037510062 -0.28878165695875074 -0.45284689150221424 -0.5379750792370318 -0.5890519918779188 -0.633937763592643 -0.6772757500758178 -0.6850146762335301 -0.6788235353073673 -0.6679890386865736 -0.62465105220339 -0.6973969580858732 +4659,-0.6277466226664714,0,0.6151249182618348 0.6460806228926751 0.6956097503020214 0.5470223680739825 0.40307834154056565 0.33961914704734425 0.18793619435621514 -0.04423159037510062 -0.28878165695875074 -0.45284689150221424 -0.5379750792370318 -0.5890519918779188 -0.633937763592643 -0.6772757500758178 -0.6850146762335301 -0.6788235353073673 -0.6679890386865736 -0.62465105220339 -0.6973969580858732 -0.7004925285489546 +4660,-0.46677695858609813,0,0.6460806228926751 0.6956097503020214 0.5470223680739825 0.40307834154056565 0.33961914704734425 0.18793619435621514 -0.04423159037510062 -0.28878165695875074 -0.45284689150221424 -0.5379750792370318 -0.5890519918779188 -0.633937763592643 -0.6772757500758178 -0.6850146762335301 -0.6788235353073673 -0.6679890386865736 -0.62465105220339 -0.6973969580858732 -0.7004925285489546 -0.6277466226664714 +4661,-0.2655648784856227,0,0.6956097503020214 0.5470223680739825 0.40307834154056565 0.33961914704734425 0.18793619435621514 -0.04423159037510062 -0.28878165695875074 -0.45284689150221424 -0.5379750792370318 -0.5890519918779188 -0.633937763592643 -0.6772757500758178 -0.6850146762335301 -0.6788235353073673 -0.6679890386865736 -0.62465105220339 -0.6973969580858732 -0.7004925285489546 -0.6277466226664714 -0.46677695858609813 +4662,-0.024110382365053955,0,0.5470223680739825 0.40307834154056565 0.33961914704734425 0.18793619435621514 -0.04423159037510062 -0.28878165695875074 -0.45284689150221424 -0.5379750792370318 -0.5890519918779188 -0.633937763592643 -0.6772757500758178 -0.6850146762335301 -0.6788235353073673 -0.6679890386865736 -0.62465105220339 -0.6973969580858732 -0.7004925285489546 -0.6277466226664714 -0.46677695858609813 -0.2655648784856227 +4663,0.2188918989870555,0,0.40307834154056565 0.33961914704734425 0.18793619435621514 -0.04423159037510062 -0.28878165695875074 -0.45284689150221424 -0.5379750792370318 -0.5890519918779188 -0.633937763592643 -0.6772757500758178 -0.6850146762335301 -0.6788235353073673 -0.6679890386865736 -0.62465105220339 -0.6973969580858732 -0.7004925285489546 -0.6277466226664714 -0.46677695858609813 -0.2655648784856227 -0.024110382365053955 +4664,0.4108172676982779,0,0.33961914704734425 0.18793619435621514 -0.04423159037510062 -0.28878165695875074 -0.45284689150221424 -0.5379750792370318 -0.5890519918779188 -0.633937763592643 -0.6772757500758178 -0.6850146762335301 -0.6788235353073673 -0.6679890386865736 -0.62465105220339 -0.6973969580858732 -0.7004925285489546 -0.6277466226664714 -0.46677695858609813 -0.2655648784856227 -0.024110382365053955 0.2188918989870555 +4665,0.5485701533055232,0,0.18793619435621514 -0.04423159037510062 -0.28878165695875074 -0.45284689150221424 -0.5379750792370318 -0.5890519918779188 -0.633937763592643 -0.6772757500758178 -0.6850146762335301 -0.6788235353073673 -0.6679890386865736 -0.62465105220339 -0.6973969580858732 -0.7004925285489546 -0.6277466226664714 -0.46677695858609813 -0.2655648784856227 -0.024110382365053955 0.2188918989870555 0.4108172676982779 +4666,0.6476284081242158,0,-0.04423159037510062 -0.28878165695875074 -0.45284689150221424 -0.5379750792370318 -0.5890519918779188 -0.633937763592643 -0.6772757500758178 -0.6850146762335301 -0.6788235353073673 -0.6679890386865736 -0.62465105220339 -0.6973969580858732 -0.7004925285489546 -0.6277466226664714 -0.46677695858609813 -0.2655648784856227 -0.024110382365053955 0.2188918989870555 0.4108172676982779 0.5485701533055232 +4667,0.5671435760840291,0,-0.28878165695875074 -0.45284689150221424 -0.5379750792370318 -0.5890519918779188 -0.633937763592643 -0.6772757500758178 -0.6850146762335301 -0.6788235353073673 -0.6679890386865736 -0.62465105220339 -0.6973969580858732 -0.7004925285489546 -0.6277466226664714 -0.46677695858609813 -0.2655648784856227 -0.024110382365053955 0.2188918989870555 0.4108172676982779 0.5485701533055232 0.6476284081242158 +4668,0.5067799520538891,0,-0.45284689150221424 -0.5379750792370318 -0.5890519918779188 -0.633937763592643 -0.6772757500758178 -0.6850146762335301 -0.6788235353073673 -0.6679890386865736 -0.62465105220339 -0.6973969580858732 -0.7004925285489546 -0.6277466226664714 -0.46677695858609813 -0.2655648784856227 -0.024110382365053955 0.2188918989870555 0.4108172676982779 0.5485701533055232 0.6476284081242158 0.5671435760840291 +4669,0.3349757913527134,0,-0.5379750792370318 -0.5890519918779188 -0.633937763592643 -0.6772757500758178 -0.6850146762335301 -0.6788235353073673 -0.6679890386865736 -0.62465105220339 -0.6973969580858732 -0.7004925285489546 -0.6277466226664714 -0.46677695858609813 -0.2655648784856227 -0.024110382365053955 0.2188918989870555 0.4108172676982779 0.5485701533055232 0.6476284081242158 0.5671435760840291 0.5067799520538891 +4670,0.10280800662139761,0,-0.5890519918779188 -0.633937763592643 -0.6772757500758178 -0.6850146762335301 -0.6788235353073673 -0.6679890386865736 -0.62465105220339 -0.6973969580858732 -0.7004925285489546 -0.6277466226664714 -0.46677695858609813 -0.2655648784856227 -0.024110382365053955 0.2188918989870555 0.4108172676982779 0.5485701533055232 0.6476284081242158 0.5671435760840291 0.5067799520538891 0.3349757913527134 +4671,-0.19746232829777044,0,-0.633937763592643 -0.6772757500758178 -0.6850146762335301 -0.6788235353073673 -0.6679890386865736 -0.62465105220339 -0.6973969580858732 -0.7004925285489546 -0.6277466226664714 -0.46677695858609813 -0.2655648784856227 -0.024110382365053955 0.2188918989870555 0.4108172676982779 0.5485701533055232 0.6476284081242158 0.5671435760840291 0.5067799520538891 0.3349757913527134 0.10280800662139761 +4672,-0.40176997886132726,0,-0.6772757500758178 -0.6850146762335301 -0.6788235353073673 -0.6679890386865736 -0.62465105220339 -0.6973969580858732 -0.7004925285489546 -0.6277466226664714 -0.46677695858609813 -0.2655648784856227 -0.024110382365053955 0.2188918989870555 0.4108172676982779 0.5485701533055232 0.6476284081242158 0.5671435760840291 0.5067799520538891 0.3349757913527134 0.10280800662139761 -0.19746232829777044 +4673,-0.5441662201632034,0,-0.6850146762335301 -0.6788235353073673 -0.6679890386865736 -0.62465105220339 -0.6973969580858732 -0.7004925285489546 -0.6277466226664714 -0.46677695858609813 -0.2655648784856227 -0.024110382365053955 0.2188918989870555 0.4108172676982779 0.5485701533055232 0.6476284081242158 0.5671435760840291 0.5067799520538891 0.3349757913527134 0.10280800662139761 -0.19746232829777044 -0.40176997886132726 +4674,-0.6122687703510556,0,-0.6788235353073673 -0.6679890386865736 -0.62465105220339 -0.6973969580858732 -0.7004925285489546 -0.6277466226664714 -0.46677695858609813 -0.2655648784856227 -0.024110382365053955 0.2188918989870555 0.4108172676982779 0.5485701533055232 0.6476284081242158 0.5671435760840291 0.5067799520538891 0.3349757913527134 0.10280800662139761 -0.19746232829777044 -0.40176997886132726 -0.5441662201632034 +4675,-0.7175181660959199,0,-0.6679890386865736 -0.62465105220339 -0.6973969580858732 -0.7004925285489546 -0.6277466226664714 -0.46677695858609813 -0.2655648784856227 -0.024110382365053955 0.2188918989870555 0.4108172676982779 0.5485701533055232 0.6476284081242158 0.5671435760840291 0.5067799520538891 0.3349757913527134 0.10280800662139761 -0.19746232829777044 -0.40176997886132726 -0.5441662201632034 -0.6122687703510556 +4676,-0.7206137365590013,0,-0.62465105220339 -0.6973969580858732 -0.7004925285489546 -0.6277466226664714 -0.46677695858609813 -0.2655648784856227 -0.024110382365053955 0.2188918989870555 0.4108172676982779 0.5485701533055232 0.6476284081242158 0.5671435760840291 0.5067799520538891 0.3349757913527134 0.10280800662139761 -0.19746232829777044 -0.40176997886132726 -0.5441662201632034 -0.6122687703510556 -0.7175181660959199 +4677,-0.7252570922536233,0,-0.6973969580858732 -0.7004925285489546 -0.6277466226664714 -0.46677695858609813 -0.2655648784856227 -0.024110382365053955 0.2188918989870555 0.4108172676982779 0.5485701533055232 0.6476284081242158 0.5671435760840291 0.5067799520538891 0.3349757913527134 0.10280800662139761 -0.19746232829777044 -0.40176997886132726 -0.5441662201632034 -0.6122687703510556 -0.7175181660959199 -0.7206137365590013 +4678,-0.7268048774851729,0,-0.7004925285489546 -0.6277466226664714 -0.46677695858609813 -0.2655648784856227 -0.024110382365053955 0.2188918989870555 0.4108172676982779 0.5485701533055232 0.6476284081242158 0.5671435760840291 0.5067799520538891 0.3349757913527134 0.10280800662139761 -0.19746232829777044 -0.40176997886132726 -0.5441662201632034 -0.6122687703510556 -0.7175181660959199 -0.7206137365590013 -0.7252570922536233 +4679,-0.7252570922536233,0,-0.6277466226664714 -0.46677695858609813 -0.2655648784856227 -0.024110382365053955 0.2188918989870555 0.4108172676982779 0.5485701533055232 0.6476284081242158 0.5671435760840291 0.5067799520538891 0.3349757913527134 0.10280800662139761 -0.19746232829777044 -0.40176997886132726 -0.5441662201632034 -0.6122687703510556 -0.7175181660959199 -0.7206137365590013 -0.7252570922536233 -0.7268048774851729 +4680,-0.7268048774851729,0,-0.46677695858609813 -0.2655648784856227 -0.024110382365053955 0.2188918989870555 0.4108172676982779 0.5485701533055232 0.6476284081242158 0.5671435760840291 0.5067799520538891 0.3349757913527134 0.10280800662139761 -0.19746232829777044 -0.40176997886132726 -0.5441662201632034 -0.6122687703510556 -0.7175181660959199 -0.7206137365590013 -0.7252570922536233 -0.7268048774851729 -0.7252570922536233 +4681,-0.750021655958301,0,-0.2655648784856227 -0.024110382365053955 0.2188918989870555 0.4108172676982779 0.5485701533055232 0.6476284081242158 0.5671435760840291 0.5067799520538891 0.3349757913527134 0.10280800662139761 -0.19746232829777044 -0.40176997886132726 -0.5441662201632034 -0.6122687703510556 -0.7175181660959199 -0.7206137365590013 -0.7252570922536233 -0.7268048774851729 -0.7252570922536233 -0.7268048774851729 +4682,-0.7670472935052661,0,-0.024110382365053955 0.2188918989870555 0.4108172676982779 0.5485701533055232 0.6476284081242158 0.5671435760840291 0.5067799520538891 0.3349757913527134 0.10280800662139761 -0.19746232829777044 -0.40176997886132726 -0.5441662201632034 -0.6122687703510556 -0.7175181660959199 -0.7206137365590013 -0.7252570922536233 -0.7268048774851729 -0.7252570922536233 -0.7268048774851729 -0.750021655958301 +4683,-0.7206137365590013,0,0.2188918989870555 0.4108172676982779 0.5485701533055232 0.6476284081242158 0.5671435760840291 0.5067799520538891 0.3349757913527134 0.10280800662139761 -0.19746232829777044 -0.40176997886132726 -0.5441662201632034 -0.6122687703510556 -0.7175181660959199 -0.7206137365590013 -0.7252570922536233 -0.7268048774851729 -0.7252570922536233 -0.7268048774851729 -0.750021655958301 -0.7670472935052661 +4684,-0.675727964844277,0,0.4108172676982779 0.5485701533055232 0.6476284081242158 0.5671435760840291 0.5067799520538891 0.3349757913527134 0.10280800662139761 -0.19746232829777044 -0.40176997886132726 -0.5441662201632034 -0.6122687703510556 -0.7175181660959199 -0.7206137365590013 -0.7252570922536233 -0.7268048774851729 -0.7252570922536233 -0.7268048774851729 -0.750021655958301 -0.7670472935052661 -0.7206137365590013 +4685,-0.5875042066463781,0,0.5485701533055232 0.6476284081242158 0.5671435760840291 0.5067799520538891 0.3349757913527134 0.10280800662139761 -0.19746232829777044 -0.40176997886132726 -0.5441662201632034 -0.6122687703510556 -0.7175181660959199 -0.7206137365590013 -0.7252570922536233 -0.7268048774851729 -0.7252570922536233 -0.7268048774851729 -0.750021655958301 -0.7670472935052661 -0.7206137365590013 -0.675727964844277 +4686,-0.46987252904917953,0,0.6476284081242158 0.5671435760840291 0.5067799520538891 0.3349757913527134 0.10280800662139761 -0.19746232829777044 -0.40176997886132726 -0.5441662201632034 -0.6122687703510556 -0.7175181660959199 -0.7206137365590013 -0.7252570922536233 -0.7268048774851729 -0.7252570922536233 -0.7268048774851729 -0.750021655958301 -0.7670472935052661 -0.7206137365590013 -0.675727964844277 -0.5875042066463781 +4687,-0.3553364219150623,0,0.5671435760840291 0.5067799520538891 0.3349757913527134 0.10280800662139761 -0.19746232829777044 -0.40176997886132726 -0.5441662201632034 -0.6122687703510556 -0.7175181660959199 -0.7206137365590013 -0.7252570922536233 -0.7268048774851729 -0.7252570922536233 -0.7268048774851729 -0.750021655958301 -0.7670472935052661 -0.7206137365590013 -0.675727964844277 -0.5875042066463781 -0.46987252904917953 +4688,-0.3197373615895999,0,0.5067799520538891 0.3349757913527134 0.10280800662139761 -0.19746232829777044 -0.40176997886132726 -0.5441662201632034 -0.6122687703510556 -0.7175181660959199 -0.7206137365590013 -0.7252570922536233 -0.7268048774851729 -0.7252570922536233 -0.7268048774851729 -0.750021655958301 -0.7670472935052661 -0.7206137365590013 -0.675727964844277 -0.5875042066463781 -0.46987252904917953 -0.3553364219150623 +4689,-0.23151360339169216,0,0.3349757913527134 0.10280800662139761 -0.19746232829777044 -0.40176997886132726 -0.5441662201632034 -0.6122687703510556 -0.7175181660959199 -0.7206137365590013 -0.7252570922536233 -0.7268048774851729 -0.7252570922536233 -0.7268048774851729 -0.750021655958301 -0.7670472935052661 -0.7206137365590013 -0.675727964844277 -0.5875042066463781 -0.46987252904917953 -0.3553364219150623 -0.3197373615895999 +4690,-0.13245534857299956,0,0.10280800662139761 -0.19746232829777044 -0.40176997886132726 -0.5441662201632034 -0.6122687703510556 -0.7175181660959199 -0.7206137365590013 -0.7252570922536233 -0.7268048774851729 -0.7252570922536233 -0.7268048774851729 -0.750021655958301 -0.7670472935052661 -0.7206137365590013 -0.675727964844277 -0.5875042066463781 -0.46987252904917953 -0.3553364219150623 -0.3197373615895999 -0.23151360339169216 +4691,-0.06899615407977817,0,-0.19746232829777044 -0.40176997886132726 -0.5441662201632034 -0.6122687703510556 -0.7175181660959199 -0.7206137365590013 -0.7252570922536233 -0.7268048774851729 -0.7252570922536233 -0.7268048774851729 -0.750021655958301 -0.7670472935052661 -0.7206137365590013 -0.675727964844277 -0.5875042066463781 -0.46987252904917953 -0.3553364219150623 -0.3197373615895999 -0.23151360339169216 -0.13245534857299956 +4692,-0.09066514732136553,0,-0.40176997886132726 -0.5441662201632034 -0.6122687703510556 -0.7175181660959199 -0.7206137365590013 -0.7252570922536233 -0.7268048774851729 -0.7252570922536233 -0.7268048774851729 -0.750021655958301 -0.7670472935052661 -0.7206137365590013 -0.675727964844277 -0.5875042066463781 -0.46987252904917953 -0.3553364219150623 -0.3197373615895999 -0.23151360339169216 -0.13245534857299956 -0.06899615407977817 +4693,-0.2082968249185641,0,-0.5441662201632034 -0.6122687703510556 -0.7175181660959199 -0.7206137365590013 -0.7252570922536233 -0.7268048774851729 -0.7252570922536233 -0.7268048774851729 -0.750021655958301 -0.7670472935052661 -0.7206137365590013 -0.675727964844277 -0.5875042066463781 -0.46987252904917953 -0.3553364219150623 -0.3197373615895999 -0.23151360339169216 -0.13245534857299956 -0.06899615407977817 -0.09066514732136553 +4694,-0.34604971052580935,0,-0.6122687703510556 -0.7175181660959199 -0.7206137365590013 -0.7252570922536233 -0.7268048774851729 -0.7252570922536233 -0.7268048774851729 -0.750021655958301 -0.7670472935052661 -0.7206137365590013 -0.675727964844277 -0.5875042066463781 -0.46987252904917953 -0.3553364219150623 -0.3197373615895999 -0.23151360339169216 -0.13245534857299956 -0.06899615407977817 -0.09066514732136553 -0.2082968249185641 +4695,-0.45903803242838587,0,-0.7175181660959199 -0.7206137365590013 -0.7252570922536233 -0.7268048774851729 -0.7252570922536233 -0.7268048774851729 -0.750021655958301 -0.7670472935052661 -0.7206137365590013 -0.675727964844277 -0.5875042066463781 -0.46987252904917953 -0.3553364219150623 -0.3197373615895999 -0.23151360339169216 -0.13245534857299956 -0.06899615407977817 -0.09066514732136553 -0.2082968249185641 -0.34604971052580935 +4696,-0.5689307838678721,0,-0.7206137365590013 -0.7252570922536233 -0.7268048774851729 -0.7252570922536233 -0.7268048774851729 -0.750021655958301 -0.7670472935052661 -0.7206137365590013 -0.675727964844277 -0.5875042066463781 -0.46987252904917953 -0.3553364219150623 -0.3197373615895999 -0.23151360339169216 -0.13245534857299956 -0.06899615407977817 -0.09066514732136553 -0.2082968249185641 -0.34604971052580935 -0.45903803242838587 +4697,-0.6138165555825964,0,-0.7252570922536233 -0.7268048774851729 -0.7252570922536233 -0.7268048774851729 -0.750021655958301 -0.7670472935052661 -0.7206137365590013 -0.675727964844277 -0.5875042066463781 -0.46987252904917953 -0.3553364219150623 -0.3197373615895999 -0.23151360339169216 -0.13245534857299956 -0.06899615407977817 -0.09066514732136553 -0.2082968249185641 -0.34604971052580935 -0.45903803242838587 -0.5689307838678721 +4698,-0.6478678306765181,0,-0.7268048774851729 -0.7252570922536233 -0.7268048774851729 -0.750021655958301 -0.7670472935052661 -0.7206137365590013 -0.675727964844277 -0.5875042066463781 -0.46987252904917953 -0.3553364219150623 -0.3197373615895999 -0.23151360339169216 -0.13245534857299956 -0.06899615407977817 -0.09066514732136553 -0.2082968249185641 -0.34604971052580935 -0.45903803242838587 -0.5689307838678721 -0.6138165555825964 +4699,-0.6633456829919426,0,-0.7252570922536233 -0.7268048774851729 -0.750021655958301 -0.7670472935052661 -0.7206137365590013 -0.675727964844277 -0.5875042066463781 -0.46987252904917953 -0.3553364219150623 -0.3197373615895999 -0.23151360339169216 -0.13245534857299956 -0.06899615407977817 -0.09066514732136553 -0.2082968249185641 -0.34604971052580935 -0.45903803242838587 -0.5689307838678721 -0.6138165555825964 -0.6478678306765181 +4700,-0.7252570922536233,0,-0.7268048774851729 -0.750021655958301 -0.7670472935052661 -0.7206137365590013 -0.675727964844277 -0.5875042066463781 -0.46987252904917953 -0.3553364219150623 -0.3197373615895999 -0.23151360339169216 -0.13245534857299956 -0.06899615407977817 -0.09066514732136553 -0.2082968249185641 -0.34604971052580935 -0.45903803242838587 -0.5689307838678721 -0.6138165555825964 -0.6478678306765181 -0.6633456829919426 +4701,-0.7531172264213823,0,-0.750021655958301 -0.7670472935052661 -0.7206137365590013 -0.675727964844277 -0.5875042066463781 -0.46987252904917953 -0.3553364219150623 -0.3197373615895999 -0.23151360339169216 -0.13245534857299956 -0.06899615407977817 -0.09066514732136553 -0.2082968249185641 -0.34604971052580935 -0.45903803242838587 -0.5689307838678721 -0.6138165555825964 -0.6478678306765181 -0.6633456829919426 -0.7252570922536233 +4702,-0.8026463538307286,0,-0.7670472935052661 -0.7206137365590013 -0.675727964844277 -0.5875042066463781 -0.46987252904917953 -0.3553364219150623 -0.3197373615895999 -0.23151360339169216 -0.13245534857299956 -0.06899615407977817 -0.09066514732136553 -0.2082968249185641 -0.34604971052580935 -0.45903803242838587 -0.5689307838678721 -0.6138165555825964 -0.6478678306765181 -0.6633456829919426 -0.7252570922536233 -0.7531172264213823 +4703,-0.8490799107769935,0,-0.7206137365590013 -0.675727964844277 -0.5875042066463781 -0.46987252904917953 -0.3553364219150623 -0.3197373615895999 -0.23151360339169216 -0.13245534857299956 -0.06899615407977817 -0.09066514732136553 -0.2082968249185641 -0.34604971052580935 -0.45903803242838587 -0.5689307838678721 -0.6138165555825964 -0.6478678306765181 -0.6633456829919426 -0.7252570922536233 -0.7531172264213823 -0.8026463538307286 +4704,-0.8599144073977872,0,-0.675727964844277 -0.5875042066463781 -0.46987252904917953 -0.3553364219150623 -0.3197373615895999 -0.23151360339169216 -0.13245534857299956 -0.06899615407977817 -0.09066514732136553 -0.2082968249185641 -0.34604971052580935 -0.45903803242838587 -0.5689307838678721 -0.6138165555825964 -0.6478678306765181 -0.6633456829919426 -0.7252570922536233 -0.7531172264213823 -0.8026463538307286 -0.8490799107769935 +4705,-0.8784878301762932,0,-0.5875042066463781 -0.46987252904917953 -0.3553364219150623 -0.3197373615895999 -0.23151360339169216 -0.13245534857299956 -0.06899615407977817 -0.09066514732136553 -0.2082968249185641 -0.34604971052580935 -0.45903803242838587 -0.5689307838678721 -0.6138165555825964 -0.6478678306765181 -0.6633456829919426 -0.7252570922536233 -0.7531172264213823 -0.8026463538307286 -0.8490799107769935 -0.8599144073977872 +4706,-0.8831311858709241,0,-0.46987252904917953 -0.3553364219150623 -0.3197373615895999 -0.23151360339169216 -0.13245534857299956 -0.06899615407977817 -0.09066514732136553 -0.2082968249185641 -0.34604971052580935 -0.45903803242838587 -0.5689307838678721 -0.6138165555825964 -0.6478678306765181 -0.6633456829919426 -0.7252570922536233 -0.7531172264213823 -0.8026463538307286 -0.8490799107769935 -0.8599144073977872 -0.8784878301762932 +4707,-0.8258631323038654,0,-0.3553364219150623 -0.3197373615895999 -0.23151360339169216 -0.13245534857299956 -0.06899615407977817 -0.09066514732136553 -0.2082968249185641 -0.34604971052580935 -0.45903803242838587 -0.5689307838678721 -0.6138165555825964 -0.6478678306765181 -0.6633456829919426 -0.7252570922536233 -0.7531172264213823 -0.8026463538307286 -0.8490799107769935 -0.8599144073977872 -0.8784878301762932 -0.8831311858709241 +4708,-0.7469260854952195,0,-0.3197373615895999 -0.23151360339169216 -0.13245534857299956 -0.06899615407977817 -0.09066514732136553 -0.2082968249185641 -0.34604971052580935 -0.45903803242838587 -0.5689307838678721 -0.6138165555825964 -0.6478678306765181 -0.6633456829919426 -0.7252570922536233 -0.7531172264213823 -0.8026463538307286 -0.8490799107769935 -0.8599144073977872 -0.8784878301762932 -0.8831311858709241 -0.8258631323038654 +4709,-0.6602501125288612,0,-0.23151360339169216 -0.13245534857299956 -0.06899615407977817 -0.09066514732136553 -0.2082968249185641 -0.34604971052580935 -0.45903803242838587 -0.5689307838678721 -0.6138165555825964 -0.6478678306765181 -0.6633456829919426 -0.7252570922536233 -0.7531172264213823 -0.8026463538307286 -0.8490799107769935 -0.8599144073977872 -0.8784878301762932 -0.8831311858709241 -0.8258631323038654 -0.7469260854952195 +4710,-0.5379750792370318,0,-0.13245534857299956 -0.06899615407977817 -0.09066514732136553 -0.2082968249185641 -0.34604971052580935 -0.45903803242838587 -0.5689307838678721 -0.6138165555825964 -0.6478678306765181 -0.6633456829919426 -0.7252570922536233 -0.7531172264213823 -0.8026463538307286 -0.8490799107769935 -0.8599144073977872 -0.8784878301762932 -0.8831311858709241 -0.8258631323038654 -0.7469260854952195 -0.6602501125288612 +4711,-0.3739098446935683,0,-0.06899615407977817 -0.09066514732136553 -0.2082968249185641 -0.34604971052580935 -0.45903803242838587 -0.5689307838678721 -0.6138165555825964 -0.6478678306765181 -0.6633456829919426 -0.7252570922536233 -0.7531172264213823 -0.8026463538307286 -0.8490799107769935 -0.8599144073977872 -0.8784878301762932 -0.8831311858709241 -0.8258631323038654 -0.7469260854952195 -0.6602501125288612 -0.5379750792370318 +4712,-0.264017093254082,0,-0.09066514732136553 -0.2082968249185641 -0.34604971052580935 -0.45903803242838587 -0.5689307838678721 -0.6138165555825964 -0.6478678306765181 -0.6633456829919426 -0.7252570922536233 -0.7531172264213823 -0.8026463538307286 -0.8490799107769935 -0.8599144073977872 -0.8784878301762932 -0.8831311858709241 -0.8258631323038654 -0.7469260854952195 -0.6602501125288612 -0.5379750792370318 -0.3739098446935683 +4713,-0.23306138862324166,0,-0.2082968249185641 -0.34604971052580935 -0.45903803242838587 -0.5689307838678721 -0.6138165555825964 -0.6478678306765181 -0.6633456829919426 -0.7252570922536233 -0.7531172264213823 -0.8026463538307286 -0.8490799107769935 -0.8599144073977872 -0.8784878301762932 -0.8831311858709241 -0.8258631323038654 -0.7469260854952195 -0.6602501125288612 -0.5379750792370318 -0.3739098446935683 -0.264017093254082 +4714,-0.12626420764683677,0,-0.34604971052580935 -0.45903803242838587 -0.5689307838678721 -0.6138165555825964 -0.6478678306765181 -0.6633456829919426 -0.7252570922536233 -0.7531172264213823 -0.8026463538307286 -0.8490799107769935 -0.8599144073977872 -0.8784878301762932 -0.8831311858709241 -0.8258631323038654 -0.7469260854952195 -0.6602501125288612 -0.5379750792370318 -0.3739098446935683 -0.264017093254082 -0.23306138862324166 +4715,-0.12626420764683677,0,-0.45903803242838587 -0.5689307838678721 -0.6138165555825964 -0.6478678306765181 -0.6633456829919426 -0.7252570922536233 -0.7531172264213823 -0.8026463538307286 -0.8490799107769935 -0.8599144073977872 -0.8784878301762932 -0.8831311858709241 -0.8258631323038654 -0.7469260854952195 -0.6602501125288612 -0.5379750792370318 -0.3739098446935683 -0.264017093254082 -0.23306138862324166 -0.12626420764683677 +4716,-0.29961615357954446,0,-0.5689307838678721 -0.6138165555825964 -0.6478678306765181 -0.6633456829919426 -0.7252570922536233 -0.7531172264213823 -0.8026463538307286 -0.8490799107769935 -0.8599144073977872 -0.8784878301762932 -0.8831311858709241 -0.8258631323038654 -0.7469260854952195 -0.6602501125288612 -0.5379750792370318 -0.3739098446935683 -0.264017093254082 -0.23306138862324166 -0.12626420764683677 -0.12626420764683677 +4717,-0.40176997886132726,0,-0.6138165555825964 -0.6478678306765181 -0.6633456829919426 -0.7252570922536233 -0.7531172264213823 -0.8026463538307286 -0.8490799107769935 -0.8599144073977872 -0.8784878301762932 -0.8831311858709241 -0.8258631323038654 -0.7469260854952195 -0.6602501125288612 -0.5379750792370318 -0.3739098446935683 -0.264017093254082 -0.23306138862324166 -0.12626420764683677 -0.12626420764683677 -0.29961615357954446 +4718,-0.49154152229076686,0,-0.6478678306765181 -0.6633456829919426 -0.7252570922536233 -0.7531172264213823 -0.8026463538307286 -0.8490799107769935 -0.8599144073977872 -0.8784878301762932 -0.8831311858709241 -0.8258631323038654 -0.7469260854952195 -0.6602501125288612 -0.5379750792370318 -0.3739098446935683 -0.264017093254082 -0.23306138862324166 -0.12626420764683677 -0.12626420764683677 -0.29961615357954446 -0.40176997886132726 +4719,-0.5751219247940438,0,-0.6633456829919426 -0.7252570922536233 -0.7531172264213823 -0.8026463538307286 -0.8490799107769935 -0.8599144073977872 -0.8784878301762932 -0.8831311858709241 -0.8258631323038654 -0.7469260854952195 -0.6602501125288612 -0.5379750792370318 -0.3739098446935683 -0.264017093254082 -0.23306138862324166 -0.12626420764683677 -0.12626420764683677 -0.29961615357954446 -0.40176997886132726 -0.49154152229076686 +4720,-0.5844086361832967,0,-0.7252570922536233 -0.7531172264213823 -0.8026463538307286 -0.8490799107769935 -0.8599144073977872 -0.8784878301762932 -0.8831311858709241 -0.8258631323038654 -0.7469260854952195 -0.6602501125288612 -0.5379750792370318 -0.3739098446935683 -0.264017093254082 -0.23306138862324166 -0.12626420764683677 -0.12626420764683677 -0.29961615357954446 -0.40176997886132726 -0.49154152229076686 -0.5751219247940438 +4721,-0.6494156159080676,0,-0.7531172264213823 -0.8026463538307286 -0.8490799107769935 -0.8599144073977872 -0.8784878301762932 -0.8831311858709241 -0.8258631323038654 -0.7469260854952195 -0.6602501125288612 -0.5379750792370318 -0.3739098446935683 -0.264017093254082 -0.23306138862324166 -0.12626420764683677 -0.12626420764683677 -0.29961615357954446 -0.40176997886132726 -0.49154152229076686 -0.5751219247940438 -0.5844086361832967 +4722,-0.6912058171597016,0,-0.8026463538307286 -0.8490799107769935 -0.8599144073977872 -0.8784878301762932 -0.8831311858709241 -0.8258631323038654 -0.7469260854952195 -0.6602501125288612 -0.5379750792370318 -0.3739098446935683 -0.264017093254082 -0.23306138862324166 -0.12626420764683677 -0.12626420764683677 -0.29961615357954446 -0.40176997886132726 -0.49154152229076686 -0.5751219247940438 -0.5844086361832967 -0.6494156159080676 +4723,-0.7097792399382076,0,-0.8490799107769935 -0.8599144073977872 -0.8784878301762932 -0.8831311858709241 -0.8258631323038654 -0.7469260854952195 -0.6602501125288612 -0.5379750792370318 -0.3739098446935683 -0.264017093254082 -0.23306138862324166 -0.12626420764683677 -0.12626420764683677 -0.29961615357954446 -0.40176997886132726 -0.49154152229076686 -0.5751219247940438 -0.5844086361832967 -0.6494156159080676 -0.6912058171597016 +4724,-0.7360915888744258,0,-0.8599144073977872 -0.8784878301762932 -0.8831311858709241 -0.8258631323038654 -0.7469260854952195 -0.6602501125288612 -0.5379750792370318 -0.3739098446935683 -0.264017093254082 -0.23306138862324166 -0.12626420764683677 -0.12626420764683677 -0.29961615357954446 -0.40176997886132726 -0.49154152229076686 -0.5751219247940438 -0.5844086361832967 -0.6494156159080676 -0.6912058171597016 -0.7097792399382076 +4725,-0.7314482331797949,0,-0.8784878301762932 -0.8831311858709241 -0.8258631323038654 -0.7469260854952195 -0.6602501125288612 -0.5379750792370318 -0.3739098446935683 -0.264017093254082 -0.23306138862324166 -0.12626420764683677 -0.12626420764683677 -0.29961615357954446 -0.40176997886132726 -0.49154152229076686 -0.5751219247940438 -0.5844086361832967 -0.6494156159080676 -0.6912058171597016 -0.7097792399382076 -0.7360915888744258 +4726,-0.782525145820682,0,-0.8831311858709241 -0.8258631323038654 -0.7469260854952195 -0.6602501125288612 -0.5379750792370318 -0.3739098446935683 -0.264017093254082 -0.23306138862324166 -0.12626420764683677 -0.12626420764683677 -0.29961615357954446 -0.40176997886132726 -0.49154152229076686 -0.5751219247940438 -0.5844086361832967 -0.6494156159080676 -0.6912058171597016 -0.7097792399382076 -0.7360915888744258 -0.7314482331797949 +4727,-0.7871685015153128,0,-0.8258631323038654 -0.7469260854952195 -0.6602501125288612 -0.5379750792370318 -0.3739098446935683 -0.264017093254082 -0.23306138862324166 -0.12626420764683677 -0.12626420764683677 -0.29961615357954446 -0.40176997886132726 -0.49154152229076686 -0.5751219247940438 -0.5844086361832967 -0.6494156159080676 -0.6912058171597016 -0.7097792399382076 -0.7360915888744258 -0.7314482331797949 -0.782525145820682 +4728,-0.7887162867468536,0,-0.7469260854952195 -0.6602501125288612 -0.5379750792370318 -0.3739098446935683 -0.264017093254082 -0.23306138862324166 -0.12626420764683677 -0.12626420764683677 -0.29961615357954446 -0.40176997886132726 -0.49154152229076686 -0.5751219247940438 -0.5844086361832967 -0.6494156159080676 -0.6912058171597016 -0.7097792399382076 -0.7360915888744258 -0.7314482331797949 -0.782525145820682 -0.7871685015153128 +4729,-0.8119330652199815,0,-0.6602501125288612 -0.5379750792370318 -0.3739098446935683 -0.264017093254082 -0.23306138862324166 -0.12626420764683677 -0.12626420764683677 -0.29961615357954446 -0.40176997886132726 -0.49154152229076686 -0.5751219247940438 -0.5844086361832967 -0.6494156159080676 -0.6912058171597016 -0.7097792399382076 -0.7360915888744258 -0.7314482331797949 -0.782525145820682 -0.7871685015153128 -0.7887162867468536 +4730,-0.8289587027669468,0,-0.5379750792370318 -0.3739098446935683 -0.264017093254082 -0.23306138862324166 -0.12626420764683677 -0.12626420764683677 -0.29961615357954446 -0.40176997886132726 -0.49154152229076686 -0.5751219247940438 -0.5844086361832967 -0.6494156159080676 -0.6912058171597016 -0.7097792399382076 -0.7360915888744258 -0.7314482331797949 -0.782525145820682 -0.7871685015153128 -0.7887162867468536 -0.8119330652199815 +4731,-0.8196719913776939,0,-0.3739098446935683 -0.264017093254082 -0.23306138862324166 -0.12626420764683677 -0.12626420764683677 -0.29961615357954446 -0.40176997886132726 -0.49154152229076686 -0.5751219247940438 -0.5844086361832967 -0.6494156159080676 -0.6912058171597016 -0.7097792399382076 -0.7360915888744258 -0.7314482331797949 -0.782525145820682 -0.7871685015153128 -0.7887162867468536 -0.8119330652199815 -0.8289587027669468 +4732,-0.7577605821160132,0,-0.264017093254082 -0.23306138862324166 -0.12626420764683677 -0.12626420764683677 -0.29961615357954446 -0.40176997886132726 -0.49154152229076686 -0.5751219247940438 -0.5844086361832967 -0.6494156159080676 -0.6912058171597016 -0.7097792399382076 -0.7360915888744258 -0.7314482331797949 -0.782525145820682 -0.7871685015153128 -0.7887162867468536 -0.8119330652199815 -0.8289587027669468 -0.8196719913776939 +4733,-0.661797897760402,0,-0.23306138862324166 -0.12626420764683677 -0.12626420764683677 -0.29961615357954446 -0.40176997886132726 -0.49154152229076686 -0.5751219247940438 -0.5844086361832967 -0.6494156159080676 -0.6912058171597016 -0.7097792399382076 -0.7360915888744258 -0.7314482331797949 -0.782525145820682 -0.7871685015153128 -0.7887162867468536 -0.8119330652199815 -0.8289587027669468 -0.8196719913776939 -0.7577605821160132 +4734,-0.49308930752230756,0,-0.12626420764683677 -0.12626420764683677 -0.29961615357954446 -0.40176997886132726 -0.49154152229076686 -0.5751219247940438 -0.5844086361832967 -0.6494156159080676 -0.6912058171597016 -0.7097792399382076 -0.7360915888744258 -0.7314482331797949 -0.782525145820682 -0.7871685015153128 -0.7887162867468536 -0.8119330652199815 -0.8289587027669468 -0.8196719913776939 -0.7577605821160132 -0.661797897760402 +4735,-0.36771870376739674,0,-0.12626420764683677 -0.29961615357954446 -0.40176997886132726 -0.49154152229076686 -0.5751219247940438 -0.5844086361832967 -0.6494156159080676 -0.6912058171597016 -0.7097792399382076 -0.7360915888744258 -0.7314482331797949 -0.782525145820682 -0.7871685015153128 -0.7887162867468536 -0.8119330652199815 -0.8289587027669468 -0.8196719913776939 -0.7577605821160132 -0.661797897760402 -0.49308930752230756 +4736,-0.29342501265338167,0,-0.29961615357954446 -0.40176997886132726 -0.49154152229076686 -0.5751219247940438 -0.5844086361832967 -0.6494156159080676 -0.6912058171597016 -0.7097792399382076 -0.7360915888744258 -0.7314482331797949 -0.782525145820682 -0.7871685015153128 -0.7887162867468536 -0.8119330652199815 -0.8289587027669468 -0.8196719913776939 -0.7577605821160132 -0.661797897760402 -0.49308930752230756 -0.36771870376739674 +4737,-0.2175835363078171,0,-0.40176997886132726 -0.49154152229076686 -0.5751219247940438 -0.5844086361832967 -0.6494156159080676 -0.6912058171597016 -0.7097792399382076 -0.7360915888744258 -0.7314482331797949 -0.782525145820682 -0.7871685015153128 -0.7887162867468536 -0.8119330652199815 -0.8289587027669468 -0.8196719913776939 -0.7577605821160132 -0.661797897760402 -0.49308930752230756 -0.36771870376739674 -0.29342501265338167 +4738,-0.16960219413001149,0,-0.49154152229076686 -0.5751219247940438 -0.5844086361832967 -0.6494156159080676 -0.6912058171597016 -0.7097792399382076 -0.7360915888744258 -0.7314482331797949 -0.782525145820682 -0.7871685015153128 -0.7887162867468536 -0.8119330652199815 -0.8289587027669468 -0.8196719913776939 -0.7577605821160132 -0.661797897760402 -0.49308930752230756 -0.36771870376739674 -0.29342501265338167 -0.2175835363078171 +4739,-0.11388192579449359,0,-0.5751219247940438 -0.5844086361832967 -0.6494156159080676 -0.6912058171597016 -0.7097792399382076 -0.7360915888744258 -0.7314482331797949 -0.782525145820682 -0.7871685015153128 -0.7887162867468536 -0.8119330652199815 -0.8289587027669468 -0.8196719913776939 -0.7577605821160132 -0.661797897760402 -0.49308930752230756 -0.36771870376739674 -0.29342501265338167 -0.2175835363078171 -0.16960219413001149 +4740,-0.07054393931131887,0,-0.5844086361832967 -0.6494156159080676 -0.6912058171597016 -0.7097792399382076 -0.7360915888744258 -0.7314482331797949 -0.782525145820682 -0.7871685015153128 -0.7887162867468536 -0.8119330652199815 -0.8289587027669468 -0.8196719913776939 -0.7577605821160132 -0.661797897760402 -0.49308930752230756 -0.36771870376739674 -0.29342501265338167 -0.2175835363078171 -0.16960219413001149 -0.11388192579449359 +4741,-0.19746232829777044,0,-0.6494156159080676 -0.6912058171597016 -0.7097792399382076 -0.7360915888744258 -0.7314482331797949 -0.782525145820682 -0.7871685015153128 -0.7887162867468536 -0.8119330652199815 -0.8289587027669468 -0.8196719913776939 -0.7577605821160132 -0.661797897760402 -0.49308930752230756 -0.36771870376739674 -0.29342501265338167 -0.2175835363078171 -0.16960219413001149 -0.11388192579449359 -0.07054393931131887 +4742,-0.33985856959964655,0,-0.6912058171597016 -0.7097792399382076 -0.7360915888744258 -0.7314482331797949 -0.782525145820682 -0.7871685015153128 -0.7887162867468536 -0.8119330652199815 -0.8289587027669468 -0.8196719913776939 -0.7577605821160132 -0.661797897760402 -0.49308930752230756 -0.36771870376739674 -0.29342501265338167 -0.2175835363078171 -0.16960219413001149 -0.11388192579449359 -0.07054393931131887 -0.19746232829777044 +4743,-0.536427294005491,0,-0.7097792399382076 -0.7360915888744258 -0.7314482331797949 -0.782525145820682 -0.7871685015153128 -0.7887162867468536 -0.8119330652199815 -0.8289587027669468 -0.8196719913776939 -0.7577605821160132 -0.661797897760402 -0.49308930752230756 -0.36771870376739674 -0.29342501265338167 -0.2175835363078171 -0.16960219413001149 -0.11388192579449359 -0.07054393931131887 -0.19746232829777044 -0.33985856959964655 +4744,-0.6076254146564247,0,-0.7360915888744258 -0.7314482331797949 -0.782525145820682 -0.7871685015153128 -0.7887162867468536 -0.8119330652199815 -0.8289587027669468 -0.8196719913776939 -0.7577605821160132 -0.661797897760402 -0.49308930752230756 -0.36771870376739674 -0.29342501265338167 -0.2175835363078171 -0.16960219413001149 -0.11388192579449359 -0.07054393931131887 -0.19746232829777044 -0.33985856959964655 -0.536427294005491 +4745,-0.643224474981896,0,-0.7314482331797949 -0.782525145820682 -0.7871685015153128 -0.7887162867468536 -0.8119330652199815 -0.8289587027669468 -0.8196719913776939 -0.7577605821160132 -0.661797897760402 -0.49308930752230756 -0.36771870376739674 -0.29342501265338167 -0.2175835363078171 -0.16960219413001149 -0.11388192579449359 -0.07054393931131887 -0.19746232829777044 -0.33985856959964655 -0.536427294005491 -0.6076254146564247 +4746,-0.7113270251697483,0,-0.782525145820682 -0.7871685015153128 -0.7887162867468536 -0.8119330652199815 -0.8289587027669468 -0.8196719913776939 -0.7577605821160132 -0.661797897760402 -0.49308930752230756 -0.36771870376739674 -0.29342501265338167 -0.2175835363078171 -0.16960219413001149 -0.11388192579449359 -0.07054393931131887 -0.19746232829777044 -0.33985856959964655 -0.536427294005491 -0.6076254146564247 -0.643224474981896 +4747,-0.8010985685991879,0,-0.7871685015153128 -0.7887162867468536 -0.8119330652199815 -0.8289587027669468 -0.8196719913776939 -0.7577605821160132 -0.661797897760402 -0.49308930752230756 -0.36771870376739674 -0.29342501265338167 -0.2175835363078171 -0.16960219413001149 -0.11388192579449359 -0.07054393931131887 -0.19746232829777044 -0.33985856959964655 -0.536427294005491 -0.6076254146564247 -0.643224474981896 -0.7113270251697483 +4748,-0.7980029981361065,0,-0.7887162867468536 -0.8119330652199815 -0.8289587027669468 -0.8196719913776939 -0.7577605821160132 -0.661797897760402 -0.49308930752230756 -0.36771870376739674 -0.29342501265338167 -0.2175835363078171 -0.16960219413001149 -0.11388192579449359 -0.07054393931131887 -0.19746232829777044 -0.33985856959964655 -0.536427294005491 -0.6076254146564247 -0.643224474981896 -0.7113270251697483 -0.8010985685991879 +4749,-0.9280169575856395,0,-0.8119330652199815 -0.8289587027669468 -0.8196719913776939 -0.7577605821160132 -0.661797897760402 -0.49308930752230756 -0.36771870376739674 -0.29342501265338167 -0.2175835363078171 -0.16960219413001149 -0.11388192579449359 -0.07054393931131887 -0.19746232829777044 -0.33985856959964655 -0.536427294005491 -0.6076254146564247 -0.643224474981896 -0.7113270251697483 -0.8010985685991879 -0.7980029981361065 +4750,-0.9883805816157882,0,-0.8289587027669468 -0.8196719913776939 -0.7577605821160132 -0.661797897760402 -0.49308930752230756 -0.36771870376739674 -0.29342501265338167 -0.2175835363078171 -0.16960219413001149 -0.11388192579449359 -0.07054393931131887 -0.19746232829777044 -0.33985856959964655 -0.536427294005491 -0.6076254146564247 -0.643224474981896 -0.7113270251697483 -0.8010985685991879 -0.7980029981361065 -0.9280169575856395 +4751,-1.008501789625835,0,-0.8196719913776939 -0.7577605821160132 -0.661797897760402 -0.49308930752230756 -0.36771870376739674 -0.29342501265338167 -0.2175835363078171 -0.16960219413001149 -0.11388192579449359 -0.07054393931131887 -0.19746232829777044 -0.33985856959964655 -0.536427294005491 -0.6076254146564247 -0.643224474981896 -0.7113270251697483 -0.8010985685991879 -0.7980029981361065 -0.9280169575856395 -0.9883805816157882 +4752,-1.045648635182847,0,-0.7577605821160132 -0.661797897760402 -0.49308930752230756 -0.36771870376739674 -0.29342501265338167 -0.2175835363078171 -0.16960219413001149 -0.11388192579449359 -0.07054393931131887 -0.19746232829777044 -0.33985856959964655 -0.536427294005491 -0.6076254146564247 -0.643224474981896 -0.7113270251697483 -0.8010985685991879 -0.7980029981361065 -0.9280169575856395 -0.9883805816157882 -1.008501789625835 +4753,-1.1245856819914928,0,-0.661797897760402 -0.49308930752230756 -0.36771870376739674 -0.29342501265338167 -0.2175835363078171 -0.16960219413001149 -0.11388192579449359 -0.07054393931131887 -0.19746232829777044 -0.33985856959964655 -0.536427294005491 -0.6076254146564247 -0.643224474981896 -0.7113270251697483 -0.8010985685991879 -0.7980029981361065 -0.9280169575856395 -0.9883805816157882 -1.008501789625835 -1.045648635182847 +4754,-1.0479703130301579,0,-0.49308930752230756 -0.36771870376739674 -0.29342501265338167 -0.2175835363078171 -0.16960219413001149 -0.11388192579449359 -0.07054393931131887 -0.19746232829777044 -0.33985856959964655 -0.536427294005491 -0.6076254146564247 -0.643224474981896 -0.7113270251697483 -0.8010985685991879 -0.7980029981361065 -0.9280169575856395 -0.9883805816157882 -1.008501789625835 -1.045648635182847 -1.1245856819914928 +4755,-0.971354944068823,0,-0.36771870376739674 -0.29342501265338167 -0.2175835363078171 -0.16960219413001149 -0.11388192579449359 -0.07054393931131887 -0.19746232829777044 -0.33985856959964655 -0.536427294005491 -0.6076254146564247 -0.643224474981896 -0.7113270251697483 -0.8010985685991879 -0.7980029981361065 -0.9280169575856395 -0.9883805816157882 -1.008501789625835 -1.045648635182847 -1.1245856819914928 -1.0479703130301579 +4756,-0.7933596424414756,0,-0.29342501265338167 -0.2175835363078171 -0.16960219413001149 -0.11388192579449359 -0.07054393931131887 -0.19746232829777044 -0.33985856959964655 -0.536427294005491 -0.6076254146564247 -0.643224474981896 -0.7113270251697483 -0.8010985685991879 -0.7980029981361065 -0.9280169575856395 -0.9883805816157882 -1.008501789625835 -1.045648635182847 -1.1245856819914928 -1.0479703130301579 -0.971354944068823 +4757,-0.46677695858609813,0,-0.2175835363078171 -0.16960219413001149 -0.11388192579449359 -0.07054393931131887 -0.19746232829777044 -0.33985856959964655 -0.536427294005491 -0.6076254146564247 -0.643224474981896 -0.7113270251697483 -0.8010985685991879 -0.7980029981361065 -0.9280169575856395 -0.9883805816157882 -1.008501789625835 -1.045648635182847 -1.1245856819914928 -1.0479703130301579 -0.971354944068823 -0.7933596424414756 +4758,-0.26092152279099184,0,-0.16960219413001149 -0.11388192579449359 -0.07054393931131887 -0.19746232829777044 -0.33985856959964655 -0.536427294005491 -0.6076254146564247 -0.643224474981896 -0.7113270251697483 -0.8010985685991879 -0.7980029981361065 -0.9280169575856395 -0.9883805816157882 -1.008501789625835 -1.045648635182847 -1.1245856819914928 -1.0479703130301579 -0.971354944068823 -0.7933596424414756 -0.46677695858609813 +4759,-0.1665066236669301,0,-0.11388192579449359 -0.07054393931131887 -0.19746232829777044 -0.33985856959964655 -0.536427294005491 -0.6076254146564247 -0.643224474981896 -0.7113270251697483 -0.8010985685991879 -0.7980029981361065 -0.9280169575856395 -0.9883805816157882 -1.008501789625835 -1.045648635182847 -1.1245856819914928 -1.0479703130301579 -0.971354944068823 -0.7933596424414756 -0.46677695858609813 -0.26092152279099184 +4760,-0.056613872227435,0,-0.07054393931131887 -0.19746232829777044 -0.33985856959964655 -0.536427294005491 -0.6076254146564247 -0.643224474981896 -0.7113270251697483 -0.8010985685991879 -0.7980029981361065 -0.9280169575856395 -0.9883805816157882 -1.008501789625835 -1.045648635182847 -1.1245856819914928 -1.0479703130301579 -0.971354944068823 -0.7933596424414756 -0.46677695858609813 -0.26092152279099184 -0.1665066236669301 +4761,0.06875673152747587,0,-0.19746232829777044 -0.33985856959964655 -0.536427294005491 -0.6076254146564247 -0.643224474981896 -0.7113270251697483 -0.8010985685991879 -0.7980029981361065 -0.9280169575856395 -0.9883805816157882 -1.008501789625835 -1.045648635182847 -1.1245856819914928 -1.0479703130301579 -0.971354944068823 -0.7933596424414756 -0.46677695858609813 -0.26092152279099184 -0.1665066236669301 -0.056613872227435 +4762,-0.024110382365053955,0,-0.33985856959964655 -0.536427294005491 -0.6076254146564247 -0.643224474981896 -0.7113270251697483 -0.8010985685991879 -0.7980029981361065 -0.9280169575856395 -0.9883805816157882 -1.008501789625835 -1.045648635182847 -1.1245856819914928 -1.0479703130301579 -0.971354944068823 -0.7933596424414756 -0.46677695858609813 -0.26092152279099184 -0.1665066236669301 -0.056613872227435 0.06875673152747587 +4763,0.005297537034245689,0,-0.536427294005491 -0.6076254146564247 -0.643224474981896 -0.7113270251697483 -0.8010985685991879 -0.7980029981361065 -0.9280169575856395 -0.9883805816157882 -1.008501789625835 -1.045648635182847 -1.1245856819914928 -1.0479703130301579 -0.971354944068823 -0.7933596424414756 -0.46677695858609813 -0.26092152279099184 -0.1665066236669301 -0.056613872227435 0.06875673152747587 -0.024110382365053955 +4764,-0.030301523291225544,0,-0.6076254146564247 -0.643224474981896 -0.7113270251697483 -0.8010985685991879 -0.7980029981361065 -0.9280169575856395 -0.9883805816157882 -1.008501789625835 -1.045648635182847 -1.1245856819914928 -1.0479703130301579 -0.971354944068823 -0.7933596424414756 -0.46677695858609813 -0.26092152279099184 -0.1665066236669301 -0.056613872227435 0.06875673152747587 -0.024110382365053955 0.005297537034245689 +4765,-0.14019427473071183,0,-0.643224474981896 -0.7113270251697483 -0.8010985685991879 -0.7980029981361065 -0.9280169575856395 -0.9883805816157882 -1.008501789625835 -1.045648635182847 -1.1245856819914928 -1.0479703130301579 -0.971354944068823 -0.7933596424414756 -0.46677695858609813 -0.26092152279099184 -0.1665066236669301 -0.056613872227435 0.06875673152747587 -0.024110382365053955 0.005297537034245689 -0.030301523291225544 +4766,-0.28568608649566934,0,-0.7113270251697483 -0.8010985685991879 -0.7980029981361065 -0.9280169575856395 -0.9883805816157882 -1.008501789625835 -1.045648635182847 -1.1245856819914928 -1.0479703130301579 -0.971354944068823 -0.7933596424414756 -0.46677695858609813 -0.26092152279099184 -0.1665066236669301 -0.056613872227435 0.06875673152747587 -0.024110382365053955 0.005297537034245689 -0.030301523291225544 -0.14019427473071183 +4767,-0.4157000459452023,0,-0.8010985685991879 -0.7980029981361065 -0.9280169575856395 -0.9883805816157882 -1.008501789625835 -1.045648635182847 -1.1245856819914928 -1.0479703130301579 -0.971354944068823 -0.7933596424414756 -0.46677695858609813 -0.26092152279099184 -0.1665066236669301 -0.056613872227435 0.06875673152747587 -0.024110382365053955 0.005297537034245689 -0.030301523291225544 -0.14019427473071183 -0.28568608649566934 +4768,-0.45749024719684517,0,-0.7980029981361065 -0.9280169575856395 -0.9883805816157882 -1.008501789625835 -1.045648635182847 -1.1245856819914928 -1.0479703130301579 -0.971354944068823 -0.7933596424414756 -0.46677695858609813 -0.26092152279099184 -0.1665066236669301 -0.056613872227435 0.06875673152747587 -0.024110382365053955 0.005297537034245689 -0.030301523291225544 -0.14019427473071183 -0.28568608649566934 -0.4157000459452023 +4769,-0.4079611197874988,0,-0.9280169575856395 -0.9883805816157882 -1.008501789625835 -1.045648635182847 -1.1245856819914928 -1.0479703130301579 -0.971354944068823 -0.7933596424414756 -0.46677695858609813 -0.26092152279099184 -0.1665066236669301 -0.056613872227435 0.06875673152747587 -0.024110382365053955 0.005297537034245689 -0.030301523291225544 -0.14019427473071183 -0.28568608649566934 -0.4157000459452023 -0.45749024719684517 +4770,-0.3212851468211406,0,-0.9883805816157882 -1.008501789625835 -1.045648635182847 -1.1245856819914928 -1.0479703130301579 -0.971354944068823 -0.7933596424414756 -0.46677695858609813 -0.26092152279099184 -0.1665066236669301 -0.056613872227435 0.06875673152747587 -0.024110382365053955 0.005297537034245689 -0.030301523291225544 -0.14019427473071183 -0.28568608649566934 -0.4157000459452023 -0.45749024719684517 -0.4079611197874988 +4771,-0.30580729450571603,0,-1.008501789625835 -1.045648635182847 -1.1245856819914928 -1.0479703130301579 -0.971354944068823 -0.7933596424414756 -0.46677695858609813 -0.26092152279099184 -0.1665066236669301 -0.056613872227435 0.06875673152747587 -0.024110382365053955 0.005297537034245689 -0.030301523291225544 -0.14019427473071183 -0.28568608649566934 -0.4157000459452023 -0.45749024719684517 -0.4079611197874988 -0.3212851468211406 +4772,-0.3305718582103936,0,-1.045648635182847 -1.1245856819914928 -1.0479703130301579 -0.971354944068823 -0.7933596424414756 -0.46677695858609813 -0.26092152279099184 -0.1665066236669301 -0.056613872227435 0.06875673152747587 -0.024110382365053955 0.005297537034245689 -0.030301523291225544 -0.14019427473071183 -0.28568608649566934 -0.4157000459452023 -0.45749024719684517 -0.4079611197874988 -0.3212851468211406 -0.30580729450571603 +4773,-0.5410706497001132,0,-1.1245856819914928 -1.0479703130301579 -0.971354944068823 -0.7933596424414756 -0.46677695858609813 -0.26092152279099184 -0.1665066236669301 -0.056613872227435 0.06875673152747587 -0.024110382365053955 0.005297537034245689 -0.030301523291225544 -0.14019427473071183 -0.28568608649566934 -0.4157000459452023 -0.45749024719684517 -0.4079611197874988 -0.3212851468211406 -0.30580729450571603 -0.3305718582103936 +4774,-0.592147562341009,0,-1.0479703130301579 -0.971354944068823 -0.7933596424414756 -0.46677695858609813 -0.26092152279099184 -0.1665066236669301 -0.056613872227435 0.06875673152747587 -0.024110382365053955 0.005297537034245689 -0.030301523291225544 -0.14019427473071183 -0.28568608649566934 -0.4157000459452023 -0.45749024719684517 -0.4079611197874988 -0.3212851468211406 -0.30580729450571603 -0.3305718582103936 -0.5410706497001132 +4775,-0.6865624614650707,0,-0.971354944068823 -0.7933596424414756 -0.46677695858609813 -0.26092152279099184 -0.1665066236669301 -0.056613872227435 0.06875673152747587 -0.024110382365053955 0.005297537034245689 -0.030301523291225544 -0.14019427473071183 -0.28568608649566934 -0.4157000459452023 -0.45749024719684517 -0.4079611197874988 -0.3212851468211406 -0.30580729450571603 -0.3305718582103936 -0.5410706497001132 -0.592147562341009 +4776,-0.7314482331797949,0,-0.7933596424414756 -0.46677695858609813 -0.26092152279099184 -0.1665066236669301 -0.056613872227435 0.06875673152747587 -0.024110382365053955 0.005297537034245689 -0.030301523291225544 -0.14019427473071183 -0.28568608649566934 -0.4157000459452023 -0.45749024719684517 -0.4079611197874988 -0.3212851468211406 -0.30580729450571603 -0.3305718582103936 -0.5410706497001132 -0.592147562341009 -0.6865624614650707 +4777,-0.7933596424414756,0,-0.46677695858609813 -0.26092152279099184 -0.1665066236669301 -0.056613872227435 0.06875673152747587 -0.024110382365053955 0.005297537034245689 -0.030301523291225544 -0.14019427473071183 -0.28568608649566934 -0.4157000459452023 -0.45749024719684517 -0.4079611197874988 -0.3212851468211406 -0.30580729450571603 -0.3305718582103936 -0.5410706497001132 -0.592147562341009 -0.6865624614650707 -0.7314482331797949 +4778,-0.7887162867468536,0,-0.26092152279099184 -0.1665066236669301 -0.056613872227435 0.06875673152747587 -0.024110382365053955 0.005297537034245689 -0.030301523291225544 -0.14019427473071183 -0.28568608649566934 -0.4157000459452023 -0.45749024719684517 -0.4079611197874988 -0.3212851468211406 -0.30580729450571603 -0.3305718582103936 -0.5410706497001132 -0.592147562341009 -0.6865624614650707 -0.7314482331797949 -0.7933596424414756 +4779,-0.6169121260456778,0,-0.1665066236669301 -0.056613872227435 0.06875673152747587 -0.024110382365053955 0.005297537034245689 -0.030301523291225544 -0.14019427473071183 -0.28568608649566934 -0.4157000459452023 -0.45749024719684517 -0.4079611197874988 -0.3212851468211406 -0.30580729450571603 -0.3305718582103936 -0.5410706497001132 -0.592147562341009 -0.6865624614650707 -0.7314482331797949 -0.7933596424414756 -0.7887162867468536 +4780,-0.3197373615895999,0,-0.056613872227435 0.06875673152747587 -0.024110382365053955 0.005297537034245689 -0.030301523291225544 -0.14019427473071183 -0.28568608649566934 -0.4157000459452023 -0.45749024719684517 -0.4079611197874988 -0.3212851468211406 -0.30580729450571603 -0.3305718582103936 -0.5410706497001132 -0.592147562341009 -0.6865624614650707 -0.7314482331797949 -0.7933596424414756 -0.7887162867468536 -0.6169121260456778 +4781,-0.03804044944892903,0,0.06875673152747587 -0.024110382365053955 0.005297537034245689 -0.030301523291225544 -0.14019427473071183 -0.28568608649566934 -0.4157000459452023 -0.45749024719684517 -0.4079611197874988 -0.3212851468211406 -0.30580729450571603 -0.3305718582103936 -0.5410706497001132 -0.592147562341009 -0.6865624614650707 -0.7314482331797949 -0.7933596424414756 -0.7887162867468536 -0.6169121260456778 -0.3197373615895999 +4782,0.18174505343004357,0,-0.024110382365053955 0.005297537034245689 -0.030301523291225544 -0.14019427473071183 -0.28568608649566934 -0.4157000459452023 -0.45749024719684517 -0.4079611197874988 -0.3212851468211406 -0.30580729450571603 -0.3305718582103936 -0.5410706497001132 -0.592147562341009 -0.6865624614650707 -0.7314482331797949 -0.7933596424414756 -0.7887162867468536 -0.6169121260456778 -0.3197373615895999 -0.03804044944892903 +4783,0.3349757913527134,0,0.005297537034245689 -0.030301523291225544 -0.14019427473071183 -0.28568608649566934 -0.4157000459452023 -0.45749024719684517 -0.4079611197874988 -0.3212851468211406 -0.30580729450571603 -0.3305718582103936 -0.5410706497001132 -0.592147562341009 -0.6865624614650707 -0.7314482331797949 -0.7933596424414756 -0.7887162867468536 -0.6169121260456778 -0.3197373615895999 -0.03804044944892903 0.18174505343004357 +4784,0.38295713353051897,0,-0.030301523291225544 -0.14019427473071183 -0.28568608649566934 -0.4157000459452023 -0.45749024719684517 -0.4079611197874988 -0.3212851468211406 -0.30580729450571603 -0.3305718582103936 -0.5410706497001132 -0.592147562341009 -0.6865624614650707 -0.7314482331797949 -0.7933596424414756 -0.7887162867468536 -0.6169121260456778 -0.3197373615895999 -0.03804044944892903 0.18174505343004357 0.3349757913527134 +4785,0.41855619385599024,0,-0.14019427473071183 -0.28568608649566934 -0.4157000459452023 -0.45749024719684517 -0.4079611197874988 -0.3212851468211406 -0.30580729450571603 -0.3305718582103936 -0.5410706497001132 -0.592147562341009 -0.6865624614650707 -0.7314482331797949 -0.7933596424414756 -0.7887162867468536 -0.6169121260456778 -0.3197373615895999 -0.03804044944892903 0.18174505343004357 0.3349757913527134 0.38295713353051897 +4786,0.5346400862216482,0,-0.28568608649566934 -0.4157000459452023 -0.45749024719684517 -0.4079611197874988 -0.3212851468211406 -0.30580729450571603 -0.3305718582103936 -0.5410706497001132 -0.592147562341009 -0.6865624614650707 -0.7314482331797949 -0.7933596424414756 -0.7887162867468536 -0.6169121260456778 -0.3197373615895999 -0.03804044944892903 0.18174505343004357 0.3349757913527134 0.38295713353051897 0.41855619385599024 +4787,0.4324862609398653,0,-0.4157000459452023 -0.45749024719684517 -0.4079611197874988 -0.3212851468211406 -0.30580729450571603 -0.3305718582103936 -0.5410706497001132 -0.592147562341009 -0.6865624614650707 -0.7314482331797949 -0.7933596424414756 -0.7887162867468536 -0.6169121260456778 -0.3197373615895999 -0.03804044944892903 0.18174505343004357 0.3349757913527134 0.38295713353051897 0.41855619385599024 0.5346400862216482 +4788,0.3349757913527134,0,-0.45749024719684517 -0.4079611197874988 -0.3212851468211406 -0.30580729450571603 -0.3305718582103936 -0.5410706497001132 -0.592147562341009 -0.6865624614650707 -0.7314482331797949 -0.7933596424414756 -0.7887162867468536 -0.6169121260456778 -0.3197373615895999 -0.03804044944892903 0.18174505343004357 0.3349757913527134 0.38295713353051897 0.41855619385599024 0.5346400862216482 0.4324862609398653 +4789,0.18948397958775584,0,-0.4079611197874988 -0.3212851468211406 -0.30580729450571603 -0.3305718582103936 -0.5410706497001132 -0.592147562341009 -0.6865624614650707 -0.7314482331797949 -0.7933596424414756 -0.7887162867468536 -0.6169121260456778 -0.3197373615895999 -0.03804044944892903 0.18174505343004357 0.3349757913527134 0.38295713353051897 0.41855619385599024 0.5346400862216482 0.4324862609398653 0.3349757913527134 +4790,-0.0008936038919258983,0,-0.3212851468211406 -0.30580729450571603 -0.3305718582103936 -0.5410706497001132 -0.592147562341009 -0.6865624614650707 -0.7314482331797949 -0.7933596424414756 -0.7887162867468536 -0.6169121260456778 -0.3197373615895999 -0.03804044944892903 0.18174505343004357 0.3349757913527134 0.38295713353051897 0.41855619385599024 0.5346400862216482 0.4324862609398653 0.3349757913527134 0.18948397958775584 +4791,-0.282590516032588,0,-0.30580729450571603 -0.3305718582103936 -0.5410706497001132 -0.592147562341009 -0.6865624614650707 -0.7314482331797949 -0.7933596424414756 -0.7887162867468536 -0.6169121260456778 -0.3197373615895999 -0.03804044944892903 0.18174505343004357 0.3349757913527134 0.38295713353051897 0.41855619385599024 0.5346400862216482 0.4324862609398653 0.3349757913527134 0.18948397958775584 -0.0008936038919258983 +4792,-0.34759749575735005,0,-0.3305718582103936 -0.5410706497001132 -0.592147562341009 -0.6865624614650707 -0.7314482331797949 -0.7933596424414756 -0.7887162867468536 -0.6169121260456778 -0.3197373615895999 -0.03804044944892903 0.18174505343004357 0.3349757913527134 0.38295713353051897 0.41855619385599024 0.5346400862216482 0.4324862609398653 0.3349757913527134 0.18948397958775584 -0.0008936038919258983 -0.282590516032588 +4793,-0.4234389721029146,0,-0.5410706497001132 -0.592147562341009 -0.6865624614650707 -0.7314482331797949 -0.7933596424414756 -0.7887162867468536 -0.6169121260456778 -0.3197373615895999 -0.03804044944892903 0.18174505343004357 0.3349757913527134 0.38295713353051897 0.41855619385599024 0.5346400862216482 0.4324862609398653 0.3349757913527134 0.18948397958775584 -0.0008936038919258983 -0.282590516032588 -0.34759749575735005 +4794,-0.5023760189115606,0,-0.592147562341009 -0.6865624614650707 -0.7314482331797949 -0.7933596424414756 -0.7887162867468536 -0.6169121260456778 -0.3197373615895999 -0.03804044944892903 0.18174505343004357 0.3349757913527134 0.38295713353051897 0.41855619385599024 0.5346400862216482 0.4324862609398653 0.3349757913527134 0.18948397958775584 -0.0008936038919258983 -0.282590516032588 -0.34759749575735005 -0.4234389721029146 +4795,-0.5890519918779188,0,-0.6865624614650707 -0.7314482331797949 -0.7933596424414756 -0.7887162867468536 -0.6169121260456778 -0.3197373615895999 -0.03804044944892903 0.18174505343004357 0.3349757913527134 0.38295713353051897 0.41855619385599024 0.5346400862216482 0.4324862609398653 0.3349757913527134 0.18948397958775584 -0.0008936038919258983 -0.282590516032588 -0.34759749575735005 -0.4234389721029146 -0.5023760189115606 +4796,-0.6726323943811956,0,-0.7314482331797949 -0.7933596424414756 -0.7887162867468536 -0.6169121260456778 -0.3197373615895999 -0.03804044944892903 0.18174505343004357 0.3349757913527134 0.38295713353051897 0.41855619385599024 0.5346400862216482 0.4324862609398653 0.3349757913527134 0.18948397958775584 -0.0008936038919258983 -0.282590516032588 -0.34759749575735005 -0.4234389721029146 -0.5023760189115606 -0.5890519918779188 +4797,-0.7391871593375072,0,-0.7933596424414756 -0.7887162867468536 -0.6169121260456778 -0.3197373615895999 -0.03804044944892903 0.18174505343004357 0.3349757913527134 0.38295713353051897 0.41855619385599024 0.5346400862216482 0.4324862609398653 0.3349757913527134 0.18948397958775584 -0.0008936038919258983 -0.282590516032588 -0.34759749575735005 -0.4234389721029146 -0.5023760189115606 -0.5890519918779188 -0.6726323943811956 +4798,-0.8196719913776939,0,-0.7887162867468536 -0.6169121260456778 -0.3197373615895999 -0.03804044944892903 0.18174505343004357 0.3349757913527134 0.38295713353051897 0.41855619385599024 0.5346400862216482 0.4324862609398653 0.3349757913527134 0.18948397958775584 -0.0008936038919258983 -0.282590516032588 -0.34759749575735005 -0.4234389721029146 -0.5023760189115606 -0.5890519918779188 -0.6726323943811956 -0.7391871593375072 +4799,-0.9048001791125114,0,-0.6169121260456778 -0.3197373615895999 -0.03804044944892903 0.18174505343004357 0.3349757913527134 0.38295713353051897 0.41855619385599024 0.5346400862216482 0.4324862609398653 0.3349757913527134 0.18948397958775584 -0.0008936038919258983 -0.282590516032588 -0.34759749575735005 -0.4234389721029146 -0.5023760189115606 -0.5890519918779188 -0.6726323943811956 -0.7391871593375072 -0.8196719913776939 +4800,-0.9032523938809707,0,-0.3197373615895999 -0.03804044944892903 0.18174505343004357 0.3349757913527134 0.38295713353051897 0.41855619385599024 0.5346400862216482 0.4324862609398653 0.3349757913527134 0.18948397958775584 -0.0008936038919258983 -0.282590516032588 -0.34759749575735005 -0.4234389721029146 -0.5023760189115606 -0.5890519918779188 -0.6726323943811956 -0.7391871593375072 -0.8196719913776939 -0.9048001791125114 +4801,-0.8336020584615778,0,-0.03804044944892903 0.18174505343004357 0.3349757913527134 0.38295713353051897 0.41855619385599024 0.5346400862216482 0.4324862609398653 0.3349757913527134 0.18948397958775584 -0.0008936038919258983 -0.282590516032588 -0.34759749575735005 -0.4234389721029146 -0.5023760189115606 -0.5890519918779188 -0.6726323943811956 -0.7391871593375072 -0.8196719913776939 -0.9048001791125114 -0.9032523938809707 +4802,-0.763951723042176,0,0.18174505343004357 0.3349757913527134 0.38295713353051897 0.41855619385599024 0.5346400862216482 0.4324862609398653 0.3349757913527134 0.18948397958775584 -0.0008936038919258983 -0.282590516032588 -0.34759749575735005 -0.4234389721029146 -0.5023760189115606 -0.5890519918779188 -0.6726323943811956 -0.7391871593375072 -0.8196719913776939 -0.9048001791125114 -0.9032523938809707 -0.8336020584615778 +4803,-0.40641333455594936,0,0.3349757913527134 0.38295713353051897 0.41855619385599024 0.5346400862216482 0.4324862609398653 0.3349757913527134 0.18948397958775584 -0.0008936038919258983 -0.282590516032588 -0.34759749575735005 -0.4234389721029146 -0.5023760189115606 -0.5890519918779188 -0.6726323943811956 -0.7391871593375072 -0.8196719913776939 -0.9048001791125114 -0.9032523938809707 -0.8336020584615778 -0.763951723042176 +4804,-0.019467026670423066,0,0.38295713353051897 0.41855619385599024 0.5346400862216482 0.4324862609398653 0.3349757913527134 0.18948397958775584 -0.0008936038919258983 -0.282590516032588 -0.34759749575735005 -0.4234389721029146 -0.5023760189115606 -0.5890519918779188 -0.6726323943811956 -0.7391871593375072 -0.8196719913776939 -0.9048001791125114 -0.9032523938809707 -0.8336020584615778 -0.763951723042176 -0.40641333455594936 +4805,0.3287846504265506,0,0.41855619385599024 0.5346400862216482 0.4324862609398653 0.3349757913527134 0.18948397958775584 -0.0008936038919258983 -0.282590516032588 -0.34759749575735005 -0.4234389721029146 -0.5023760189115606 -0.5890519918779188 -0.6726323943811956 -0.7391871593375072 -0.8196719913776939 -0.9048001791125114 -0.9032523938809707 -0.8336020584615778 -0.763951723042176 -0.40641333455594936 -0.019467026670423066 +4806,0.6151249182618348,0,0.5346400862216482 0.4324862609398653 0.3349757913527134 0.18948397958775584 -0.0008936038919258983 -0.282590516032588 -0.34759749575735005 -0.4234389721029146 -0.5023760189115606 -0.5890519918779188 -0.6726323943811956 -0.7391871593375072 -0.8196719913776939 -0.9048001791125114 -0.9032523938809707 -0.8336020584615778 -0.763951723042176 -0.40641333455594936 -0.019467026670423066 0.3287846504265506 +4807,0.8287192802146446,0,0.4324862609398653 0.3349757913527134 0.18948397958775584 -0.0008936038919258983 -0.282590516032588 -0.34759749575735005 -0.4234389721029146 -0.5023760189115606 -0.5890519918779188 -0.6726323943811956 -0.7391871593375072 -0.8196719913776939 -0.9048001791125114 -0.9032523938809707 -0.8336020584615778 -0.763951723042176 -0.40641333455594936 -0.019467026670423066 0.3287846504265506 0.6151249182618348 +4808,0.9448031725803024,0,0.3349757913527134 0.18948397958775584 -0.0008936038919258983 -0.282590516032588 -0.34759749575735005 -0.4234389721029146 -0.5023760189115606 -0.5890519918779188 -0.6726323943811956 -0.7391871593375072 -0.8196719913776939 -0.9048001791125114 -0.9032523938809707 -0.8336020584615778 -0.763951723042176 -0.40641333455594936 -0.019467026670423066 0.3287846504265506 0.6151249182618348 0.8287192802146446 +4809,1.0748171320298443,0,0.18948397958775584 -0.0008936038919258983 -0.282590516032588 -0.34759749575735005 -0.4234389721029146 -0.5023760189115606 -0.5890519918779188 -0.6726323943811956 -0.7391871593375072 -0.8196719913776939 -0.9048001791125114 -0.9032523938809707 -0.8336020584615778 -0.763951723042176 -0.40641333455594936 -0.019467026670423066 0.3287846504265506 0.6151249182618348 0.8287192802146446 0.9448031725803024 +4810,1.1073206218922251,0,-0.0008936038919258983 -0.282590516032588 -0.34759749575735005 -0.4234389721029146 -0.5023760189115606 -0.5890519918779188 -0.6726323943811956 -0.7391871593375072 -0.8196719913776939 -0.9048001791125114 -0.9032523938809707 -0.8336020584615778 -0.763951723042176 -0.40641333455594936 -0.019467026670423066 0.3287846504265506 0.6151249182618348 0.8287192802146446 0.9448031725803024 1.0748171320298443 +4811,1.0469569978620852,0,-0.282590516032588 -0.34759749575735005 -0.4234389721029146 -0.5023760189115606 -0.5890519918779188 -0.6726323943811956 -0.7391871593375072 -0.8196719913776939 -0.9048001791125114 -0.9032523938809707 -0.8336020584615778 -0.763951723042176 -0.40641333455594936 -0.019467026670423066 0.3287846504265506 0.6151249182618348 0.8287192802146446 0.9448031725803024 1.0748171320298443 1.1073206218922251 +4812,0.7683556561845045,0,-0.34759749575735005 -0.4234389721029146 -0.5023760189115606 -0.5890519918779188 -0.6726323943811956 -0.7391871593375072 -0.8196719913776939 -0.9048001791125114 -0.9032523938809707 -0.8336020584615778 -0.763951723042176 -0.40641333455594936 -0.019467026670423066 0.3287846504265506 0.6151249182618348 0.8287192802146446 0.9448031725803024 1.0748171320298443 1.1073206218922251 1.0469569978620852 +4813,0.5748825022417414,0,-0.4234389721029146 -0.5023760189115606 -0.5890519918779188 -0.6726323943811956 -0.7391871593375072 -0.8196719913776939 -0.9048001791125114 -0.9032523938809707 -0.8336020584615778 -0.763951723042176 -0.40641333455594936 -0.019467026670423066 0.3287846504265506 0.6151249182618348 0.8287192802146446 0.9448031725803024 1.0748171320298443 1.1073206218922251 1.0469569978620852 0.7683556561845045 +4814,0.37986156306743757,0,-0.5023760189115606 -0.5890519918779188 -0.6726323943811956 -0.7391871593375072 -0.8196719913776939 -0.9048001791125114 -0.9032523938809707 -0.8336020584615778 -0.763951723042176 -0.40641333455594936 -0.019467026670423066 0.3287846504265506 0.6151249182618348 0.8287192802146446 0.9448031725803024 1.0748171320298443 1.1073206218922251 1.0469569978620852 0.7683556561845045 0.5748825022417414 +4815,0.07804344291672885,0,-0.5890519918779188 -0.6726323943811956 -0.7391871593375072 -0.8196719913776939 -0.9048001791125114 -0.9032523938809707 -0.8336020584615778 -0.763951723042176 -0.40641333455594936 -0.019467026670423066 0.3287846504265506 0.6151249182618348 0.8287192802146446 0.9448031725803024 1.0748171320298443 1.1073206218922251 1.0469569978620852 0.7683556561845045 0.5748825022417414 0.37986156306743757 +4816,-0.03339709375430694,0,-0.6726323943811956 -0.7391871593375072 -0.8196719913776939 -0.9048001791125114 -0.9032523938809707 -0.8336020584615778 -0.763951723042176 -0.40641333455594936 -0.019467026670423066 0.3287846504265506 0.6151249182618348 0.8287192802146446 0.9448031725803024 1.0748171320298443 1.1073206218922251 1.0469569978620852 0.7683556561845045 0.5748825022417414 0.37986156306743757 0.07804344291672885 +4817,-0.2098446101501048,0,-0.7391871593375072 -0.8196719913776939 -0.9048001791125114 -0.9032523938809707 -0.8336020584615778 -0.763951723042176 -0.40641333455594936 -0.019467026670423066 0.3287846504265506 0.6151249182618348 0.8287192802146446 0.9448031725803024 1.0748171320298443 1.1073206218922251 1.0469569978620852 0.7683556561845045 0.5748825022417414 0.37986156306743757 0.07804344291672885 -0.03339709375430694 +4818,-0.40486554932440866,0,-0.8196719913776939 -0.9048001791125114 -0.9032523938809707 -0.8336020584615778 -0.763951723042176 -0.40641333455594936 -0.019467026670423066 0.3287846504265506 0.6151249182618348 0.8287192802146446 0.9448031725803024 1.0748171320298443 1.1073206218922251 1.0469569978620852 0.7683556561845045 0.5748825022417414 0.37986156306743757 0.07804344291672885 -0.03339709375430694 -0.2098446101501048 +4819,-0.4822548109015139,0,-0.9048001791125114 -0.9032523938809707 -0.8336020584615778 -0.763951723042176 -0.40641333455594936 -0.019467026670423066 0.3287846504265506 0.6151249182618348 0.8287192802146446 0.9448031725803024 1.0748171320298443 1.1073206218922251 1.0469569978620852 0.7683556561845045 0.5748825022417414 0.37986156306743757 0.07804344291672885 -0.03339709375430694 -0.2098446101501048 -0.40486554932440866 +4820,-0.5209494416900665,0,-0.9032523938809707 -0.8336020584615778 -0.763951723042176 -0.40641333455594936 -0.019467026670423066 0.3287846504265506 0.6151249182618348 0.8287192802146446 0.9448031725803024 1.0748171320298443 1.1073206218922251 1.0469569978620852 0.7683556561845045 0.5748825022417414 0.37986156306743757 0.07804344291672885 -0.03339709375430694 -0.2098446101501048 -0.40486554932440866 -0.4822548109015139 +4821,-0.615364340814137,0,-0.8336020584615778 -0.763951723042176 -0.40641333455594936 -0.019467026670423066 0.3287846504265506 0.6151249182618348 0.8287192802146446 0.9448031725803024 1.0748171320298443 1.1073206218922251 1.0469569978620852 0.7683556561845045 0.5748825022417414 0.37986156306743757 0.07804344291672885 -0.03339709375430694 -0.2098446101501048 -0.40486554932440866 -0.4822548109015139 -0.5209494416900665 +4822,-0.6834668910019893,0,-0.763951723042176 -0.40641333455594936 -0.019467026670423066 0.3287846504265506 0.6151249182618348 0.8287192802146446 0.9448031725803024 1.0748171320298443 1.1073206218922251 1.0469569978620852 0.7683556561845045 0.5748825022417414 0.37986156306743757 0.07804344291672885 -0.03339709375430694 -0.2098446101501048 -0.40486554932440866 -0.4822548109015139 -0.5209494416900665 -0.615364340814137 +4823,-0.7593083673475539,0,-0.40641333455594936 -0.019467026670423066 0.3287846504265506 0.6151249182618348 0.8287192802146446 0.9448031725803024 1.0748171320298443 1.1073206218922251 1.0469569978620852 0.7683556561845045 0.5748825022417414 0.37986156306743757 0.07804344291672885 -0.03339709375430694 -0.2098446101501048 -0.40486554932440866 -0.4822548109015139 -0.5209494416900665 -0.615364340814137 -0.6834668910019893 +4824,-0.7995507833676472,0,-0.019467026670423066 0.3287846504265506 0.6151249182618348 0.8287192802146446 0.9448031725803024 1.0748171320298443 1.1073206218922251 1.0469569978620852 0.7683556561845045 0.5748825022417414 0.37986156306743757 0.07804344291672885 -0.03339709375430694 -0.2098446101501048 -0.40486554932440866 -0.4822548109015139 -0.5209494416900665 -0.615364340814137 -0.6834668910019893 -0.7593083673475539 +4825,-0.8614621926293367,0,0.3287846504265506 0.6151249182618348 0.8287192802146446 0.9448031725803024 1.0748171320298443 1.1073206218922251 1.0469569978620852 0.7683556561845045 0.5748825022417414 0.37986156306743757 0.07804344291672885 -0.03339709375430694 -0.2098446101501048 -0.40486554932440866 -0.4822548109015139 -0.5209494416900665 -0.615364340814137 -0.6834668910019893 -0.7593083673475539 -0.7995507833676472 +4826,-0.8475321255454529,0,0.6151249182618348 0.8287192802146446 0.9448031725803024 1.0748171320298443 1.1073206218922251 1.0469569978620852 0.7683556561845045 0.5748825022417414 0.37986156306743757 0.07804344291672885 -0.03339709375430694 -0.2098446101501048 -0.40486554932440866 -0.4822548109015139 -0.5209494416900665 -0.615364340814137 -0.6834668910019893 -0.7593083673475539 -0.7995507833676472 -0.8614621926293367 +4827,-0.5317839383108602,0,0.8287192802146446 0.9448031725803024 1.0748171320298443 1.1073206218922251 1.0469569978620852 0.7683556561845045 0.5748825022417414 0.37986156306743757 0.07804344291672885 -0.03339709375430694 -0.2098446101501048 -0.40486554932440866 -0.4822548109015139 -0.5209494416900665 -0.615364340814137 -0.6834668910019893 -0.7593083673475539 -0.7995507833676472 -0.8614621926293367 -0.8475321255454529 +4828,0.04863552351742921,0,0.9448031725803024 1.0748171320298443 1.1073206218922251 1.0469569978620852 0.7683556561845045 0.5748825022417414 0.37986156306743757 0.07804344291672885 -0.03339709375430694 -0.2098446101501048 -0.40486554932440866 -0.4822548109015139 -0.5209494416900665 -0.615364340814137 -0.6834668910019893 -0.7593083673475539 -0.7995507833676472 -0.8614621926293367 -0.8475321255454529 -0.5317839383108602 +4829,0.6275072001141692,0,1.0748171320298443 1.1073206218922251 1.0469569978620852 0.7683556561845045 0.5748825022417414 0.37986156306743757 0.07804344291672885 -0.03339709375430694 -0.2098446101501048 -0.40486554932440866 -0.4822548109015139 -0.5209494416900665 -0.615364340814137 -0.6834668910019893 -0.7593083673475539 -0.7995507833676472 -0.8614621926293367 -0.8475321255454529 -0.5317839383108602 0.04863552351742921 +4830,1.0794604877244662,0,1.1073206218922251 1.0469569978620852 0.7683556561845045 0.5748825022417414 0.37986156306743757 0.07804344291672885 -0.03339709375430694 -0.2098446101501048 -0.40486554932440866 -0.4822548109015139 -0.5209494416900665 -0.615364340814137 -0.6834668910019893 -0.7593083673475539 -0.7995507833676472 -0.8614621926293367 -0.8475321255454529 -0.5317839383108602 0.04863552351742921 0.6275072001141692 +4831,1.283768138288023,0,1.0469569978620852 0.7683556561845045 0.5748825022417414 0.37986156306743757 0.07804344291672885 -0.03339709375430694 -0.2098446101501048 -0.40486554932440866 -0.4822548109015139 -0.5209494416900665 -0.615364340814137 -0.6834668910019893 -0.7593083673475539 -0.7995507833676472 -0.8614621926293367 -0.8475321255454529 -0.5317839383108602 0.04863552351742921 0.6275072001141692 1.0794604877244662 +4832,1.4431900171368646,0,0.7683556561845045 0.5748825022417414 0.37986156306743757 0.07804344291672885 -0.03339709375430694 -0.2098446101501048 -0.40486554932440866 -0.4822548109015139 -0.5209494416900665 -0.615364340814137 -0.6834668910019893 -0.7593083673475539 -0.7995507833676472 -0.8614621926293367 -0.8475321255454529 -0.5317839383108602 0.04863552351742921 0.6275072001141692 1.0794604877244662 1.283768138288023 +4833,1.585586258438732,0,0.5748825022417414 0.37986156306743757 0.07804344291672885 -0.03339709375430694 -0.2098446101501048 -0.40486554932440866 -0.4822548109015139 -0.5209494416900665 -0.615364340814137 -0.6834668910019893 -0.7593083673475539 -0.7995507833676472 -0.8614621926293367 -0.8475321255454529 -0.5317839383108602 0.04863552351742921 0.6275072001141692 1.0794604877244662 1.283768138288023 1.4431900171368646 +4834,1.574751761817938,0,0.37986156306743757 0.07804344291672885 -0.03339709375430694 -0.2098446101501048 -0.40486554932440866 -0.4822548109015139 -0.5209494416900665 -0.615364340814137 -0.6834668910019893 -0.7593083673475539 -0.7995507833676472 -0.8614621926293367 -0.8475321255454529 -0.5317839383108602 0.04863552351742921 0.6275072001141692 1.0794604877244662 1.283768138288023 1.4431900171368646 1.585586258438732 +4835,1.5051014263985452,0,0.07804344291672885 -0.03339709375430694 -0.2098446101501048 -0.40486554932440866 -0.4822548109015139 -0.5209494416900665 -0.615364340814137 -0.6834668910019893 -0.7593083673475539 -0.7995507833676472 -0.8614621926293367 -0.8475321255454529 -0.5317839383108602 0.04863552351742921 0.6275072001141692 1.0794604877244662 1.283768138288023 1.4431900171368646 1.585586258438732 1.574751761817938 +4836,1.3534184737074162,0,-0.03339709375430694 -0.2098446101501048 -0.40486554932440866 -0.4822548109015139 -0.5209494416900665 -0.615364340814137 -0.6834668910019893 -0.7593083673475539 -0.7995507833676472 -0.8614621926293367 -0.8475321255454529 -0.5317839383108602 0.04863552351742921 0.6275072001141692 1.0794604877244662 1.283768138288023 1.4431900171368646 1.585586258438732 1.574751761817938 1.5051014263985452 +4837,1.1661364606908244,0,-0.2098446101501048 -0.40486554932440866 -0.4822548109015139 -0.5209494416900665 -0.615364340814137 -0.6834668910019893 -0.7593083673475539 -0.7995507833676472 -0.8614621926293367 -0.8475321255454529 -0.5317839383108602 0.04863552351742921 0.6275072001141692 1.0794604877244662 1.283768138288023 1.4431900171368646 1.585586258438732 1.574751761817938 1.5051014263985452 1.3534184737074162 +4838,0.8457449177616099,0,-0.40486554932440866 -0.4822548109015139 -0.5209494416900665 -0.615364340814137 -0.6834668910019893 -0.7593083673475539 -0.7995507833676472 -0.8614621926293367 -0.8475321255454529 -0.5317839383108602 0.04863552351742921 0.6275072001141692 1.0794604877244662 1.283768138288023 1.4431900171368646 1.585586258438732 1.574751761817938 1.5051014263985452 1.3534184737074162 1.1661364606908244 +4839,0.5021365963592582,0,-0.4822548109015139 -0.5209494416900665 -0.615364340814137 -0.6834668910019893 -0.7593083673475539 -0.7995507833676472 -0.8614621926293367 -0.8475321255454529 -0.5317839383108602 0.04863552351742921 0.6275072001141692 1.0794604877244662 1.283768138288023 1.4431900171368646 1.585586258438732 1.574751761817938 1.5051014263985452 1.3534184737074162 1.1661364606908244 0.8457449177616099 +4840,0.25990820762291916,0,-0.5209494416900665 -0.615364340814137 -0.6834668910019893 -0.7593083673475539 -0.7995507833676472 -0.8614621926293367 -0.8475321255454529 -0.5317839383108602 0.04863552351742921 0.6275072001141692 1.0794604877244662 1.283768138288023 1.4431900171368646 1.585586258438732 1.574751761817938 1.5051014263985452 1.3534184737074162 1.1661364606908244 0.8457449177616099 0.5021365963592582 +4841,0.017679818886580066,0,-0.615364340814137 -0.6834668910019893 -0.7593083673475539 -0.7995507833676472 -0.8614621926293367 -0.8475321255454529 -0.5317839383108602 0.04863552351742921 0.6275072001141692 1.0794604877244662 1.283768138288023 1.4431900171368646 1.585586258438732 1.574751761817938 1.5051014263985452 1.3534184737074162 1.1661364606908244 0.8457449177616099 0.5021365963592582 0.25990820762291916 +4842,-0.08756957685828413,0,-0.6834668910019893 -0.7593083673475539 -0.7995507833676472 -0.8614621926293367 -0.8475321255454529 -0.5317839383108602 0.04863552351742921 0.6275072001141692 1.0794604877244662 1.283768138288023 1.4431900171368646 1.585586258438732 1.574751761817938 1.5051014263985452 1.3534184737074162 1.1661364606908244 0.8457449177616099 0.5021365963592582 0.25990820762291916 0.017679818886580066 +4843,-0.23770474431786376,0,-0.7593083673475539 -0.7995507833676472 -0.8614621926293367 -0.8475321255454529 -0.5317839383108602 0.04863552351742921 0.6275072001141692 1.0794604877244662 1.283768138288023 1.4431900171368646 1.585586258438732 1.574751761817938 1.5051014263985452 1.3534184737074162 1.1661364606908244 0.8457449177616099 0.5021365963592582 0.25990820762291916 0.017679818886580066 -0.08756957685828413 +4844,-0.36462313330431534,0,-0.7995507833676472 -0.8614621926293367 -0.8475321255454529 -0.5317839383108602 0.04863552351742921 0.6275072001141692 1.0794604877244662 1.283768138288023 1.4431900171368646 1.585586258438732 1.574751761817938 1.5051014263985452 1.3534184737074162 1.1661364606908244 0.8457449177616099 0.5021365963592582 0.25990820762291916 0.017679818886580066 -0.08756957685828413 -0.23770474431786376 +4845,-0.46987252904917953,0,-0.8614621926293367 -0.8475321255454529 -0.5317839383108602 0.04863552351742921 0.6275072001141692 1.0794604877244662 1.283768138288023 1.4431900171368646 1.585586258438732 1.574751761817938 1.5051014263985452 1.3534184737074162 1.1661364606908244 0.8457449177616099 0.5021365963592582 0.25990820762291916 0.017679818886580066 -0.08756957685828413 -0.23770474431786376 -0.36462313330431534 +4846,-0.5395228644685724,0,-0.8475321255454529 -0.5317839383108602 0.04863552351742921 0.6275072001141692 1.0794604877244662 1.283768138288023 1.4431900171368646 1.585586258438732 1.574751761817938 1.5051014263985452 1.3534184737074162 1.1661364606908244 0.8457449177616099 0.5021365963592582 0.25990820762291916 0.017679818886580066 -0.08756957685828413 -0.23770474431786376 -0.36462313330431534 -0.46987252904917953 +4847,-0.573574139562503,0,-0.5317839383108602 0.04863552351742921 0.6275072001141692 1.0794604877244662 1.283768138288023 1.4431900171368646 1.585586258438732 1.574751761817938 1.5051014263985452 1.3534184737074162 1.1661364606908244 0.8457449177616099 0.5021365963592582 0.25990820762291916 0.017679818886580066 -0.08756957685828413 -0.23770474431786376 -0.36462313330431534 -0.46987252904917953 -0.5395228644685724 +4848,-0.6633456829919426,0,0.04863552351742921 0.6275072001141692 1.0794604877244662 1.283768138288023 1.4431900171368646 1.585586258438732 1.574751761817938 1.5051014263985452 1.3534184737074162 1.1661364606908244 0.8457449177616099 0.5021365963592582 0.25990820762291916 0.017679818886580066 -0.08756957685828413 -0.23770474431786376 -0.36462313330431534 -0.46987252904917953 -0.5395228644685724 -0.573574139562503 +4849,-0.7763340048945192,0,0.6275072001141692 1.0794604877244662 1.283768138288023 1.4431900171368646 1.585586258438732 1.574751761817938 1.5051014263985452 1.3534184737074162 1.1661364606908244 0.8457449177616099 0.5021365963592582 0.25990820762291916 0.017679818886580066 -0.08756957685828413 -0.23770474431786376 -0.36462313330431534 -0.46987252904917953 -0.5395228644685724 -0.573574139562503 -0.6633456829919426 +4850,-0.7593083673475539,0,1.0794604877244662 1.283768138288023 1.4431900171368646 1.585586258438732 1.574751761817938 1.5051014263985452 1.3534184737074162 1.1661364606908244 0.8457449177616099 0.5021365963592582 0.25990820762291916 0.017679818886580066 -0.08756957685828413 -0.23770474431786376 -0.36462313330431534 -0.46987252904917953 -0.5395228644685724 -0.573574139562503 -0.6633456829919426 -0.7763340048945192 +4851,-0.4961848779853978,0,1.283768138288023 1.4431900171368646 1.585586258438732 1.574751761817938 1.5051014263985452 1.3534184737074162 1.1661364606908244 0.8457449177616099 0.5021365963592582 0.25990820762291916 0.017679818886580066 -0.08756957685828413 -0.23770474431786376 -0.36462313330431534 -0.46987252904917953 -0.5395228644685724 -0.573574139562503 -0.6633456829919426 -0.7763340048945192 -0.7593083673475539 +4852,-0.12471642241528727,0,1.4431900171368646 1.585586258438732 1.574751761817938 1.5051014263985452 1.3534184737074162 1.1661364606908244 0.8457449177616099 0.5021365963592582 0.25990820762291916 0.017679818886580066 -0.08756957685828413 -0.23770474431786376 -0.36462313330431534 -0.46987252904917953 -0.5395228644685724 -0.573574139562503 -0.6633456829919426 -0.7763340048945192 -0.7593083673475539 -0.4961848779853978 +4853,0.3303324356580913,0,1.585586258438732 1.574751761817938 1.5051014263985452 1.3534184737074162 1.1661364606908244 0.8457449177616099 0.5021365963592582 0.25990820762291916 0.017679818886580066 -0.08756957685828413 -0.23770474431786376 -0.36462313330431534 -0.46987252904917953 -0.5395228644685724 -0.573574139562503 -0.6633456829919426 -0.7763340048945192 -0.7593083673475539 -0.4961848779853978 -0.12471642241528727 +4854,0.7373999515536642,0,1.574751761817938 1.5051014263985452 1.3534184737074162 1.1661364606908244 0.8457449177616099 0.5021365963592582 0.25990820762291916 0.017679818886580066 -0.08756957685828413 -0.23770474431786376 -0.36462313330431534 -0.46987252904917953 -0.5395228644685724 -0.573574139562503 -0.6633456829919426 -0.7763340048945192 -0.7593083673475539 -0.4961848779853978 -0.12471642241528727 0.3303324356580913 +4855,1.1970921653216648,0,1.5051014263985452 1.3534184737074162 1.1661364606908244 0.8457449177616099 0.5021365963592582 0.25990820762291916 0.017679818886580066 -0.08756957685828413 -0.23770474431786376 -0.36462313330431534 -0.46987252904917953 -0.5395228644685724 -0.573574139562503 -0.6633456829919426 -0.7763340048945192 -0.7593083673475539 -0.4961848779853978 -0.12471642241528727 0.3303324356580913 0.7373999515536642 +4856,1.409138742042934,0,1.3534184737074162 1.1661364606908244 0.8457449177616099 0.5021365963592582 0.25990820762291916 0.017679818886580066 -0.08756957685828413 -0.23770474431786376 -0.36462313330431534 -0.46987252904917953 -0.5395228644685724 -0.573574139562503 -0.6633456829919426 -0.7763340048945192 -0.7593083673475539 -0.4961848779853978 -0.12471642241528727 0.3303324356580913 0.7373999515536642 1.1970921653216648 +4857,1.5515349833448102,0,1.1661364606908244 0.8457449177616099 0.5021365963592582 0.25990820762291916 0.017679818886580066 -0.08756957685828413 -0.23770474431786376 -0.36462313330431534 -0.46987252904917953 -0.5395228644685724 -0.573574139562503 -0.6633456829919426 -0.7763340048945192 -0.7593083673475539 -0.4961848779853978 -0.12471642241528727 0.3303324356580913 0.7373999515536642 1.1970921653216648 1.409138742042934 +4858,1.5670128356602346,0,0.8457449177616099 0.5021365963592582 0.25990820762291916 0.017679818886580066 -0.08756957685828413 -0.23770474431786376 -0.36462313330431534 -0.46987252904917953 -0.5395228644685724 -0.573574139562503 -0.6633456829919426 -0.7763340048945192 -0.7593083673475539 -0.4961848779853978 -0.12471642241528727 0.3303324356580913 0.7373999515536642 1.1970921653216648 1.409138742042934 1.5515349833448102 +4859,1.483432433156958,0,0.5021365963592582 0.25990820762291916 0.017679818886580066 -0.08756957685828413 -0.23770474431786376 -0.36462313330431534 -0.46987252904917953 -0.5395228644685724 -0.573574139562503 -0.6633456829919426 -0.7763340048945192 -0.7593083673475539 -0.4961848779853978 -0.12471642241528727 0.3303324356580913 0.7373999515536642 1.1970921653216648 1.409138742042934 1.5515349833448102 1.5670128356602346 +4860,1.3843741783382653,0,0.25990820762291916 0.017679818886580066 -0.08756957685828413 -0.23770474431786376 -0.36462313330431534 -0.46987252904917953 -0.5395228644685724 -0.573574139562503 -0.6633456829919426 -0.7763340048945192 -0.7593083673475539 -0.4961848779853978 -0.12471642241528727 0.3303324356580913 0.7373999515536642 1.1970921653216648 1.409138742042934 1.5515349833448102 1.5670128356602346 1.483432433156958 +4861,1.302341561066529,0,0.017679818886580066 -0.08756957685828413 -0.23770474431786376 -0.36462313330431534 -0.46987252904917953 -0.5395228644685724 -0.573574139562503 -0.6633456829919426 -0.7763340048945192 -0.7593083673475539 -0.4961848779853978 -0.12471642241528727 0.3303324356580913 0.7373999515536642 1.1970921653216648 1.409138742042934 1.5515349833448102 1.5670128356602346 1.483432433156958 1.3843741783382653 +4862,1.0871994138821786,0,-0.08756957685828413 -0.23770474431786376 -0.36462313330431534 -0.46987252904917953 -0.5395228644685724 -0.573574139562503 -0.6633456829919426 -0.7763340048945192 -0.7593083673475539 -0.4961848779853978 -0.12471642241528727 0.3303324356580913 0.7373999515536642 1.1970921653216648 1.409138742042934 1.5515349833448102 1.5670128356602346 1.483432433156958 1.3843741783382653 1.302341561066529 +4863,0.6538195490503874,0,-0.23770474431786376 -0.36462313330431534 -0.46987252904917953 -0.5395228644685724 -0.573574139562503 -0.6633456829919426 -0.7763340048945192 -0.7593083673475539 -0.4961848779853978 -0.12471642241528727 0.3303324356580913 0.7373999515536642 1.1970921653216648 1.409138742042934 1.5515349833448102 1.5670128356602346 1.483432433156958 1.3843741783382653 1.302341561066529 1.0871994138821786 +4864,0.3937916301513127,0,-0.36462313330431534 -0.46987252904917953 -0.5395228644685724 -0.573574139562503 -0.6633456829919426 -0.7763340048945192 -0.7593083673475539 -0.4961848779853978 -0.12471642241528727 0.3303324356580913 0.7373999515536642 1.1970921653216648 1.409138742042934 1.5515349833448102 1.5670128356602346 1.483432433156958 1.3843741783382653 1.302341561066529 1.0871994138821786 0.6538195490503874 +4865,0.18174505343004357,0,-0.46987252904917953 -0.5395228644685724 -0.573574139562503 -0.6633456829919426 -0.7763340048945192 -0.7593083673475539 -0.4961848779853978 -0.12471642241528727 0.3303324356580913 0.7373999515536642 1.1970921653216648 1.409138742042934 1.5515349833448102 1.5670128356602346 1.483432433156958 1.3843741783382653 1.302341561066529 1.0871994138821786 0.6538195490503874 0.3937916301513127 +4866,0.02541874504429235,0,-0.5395228644685724 -0.573574139562503 -0.6633456829919426 -0.7763340048945192 -0.7593083673475539 -0.4961848779853978 -0.12471642241528727 0.3303324356580913 0.7373999515536642 1.1970921653216648 1.409138742042934 1.5515349833448102 1.5670128356602346 1.483432433156958 1.3843741783382653 1.302341561066529 1.0871994138821786 0.6538195490503874 0.3937916301513127 0.18174505343004357 +4867,-0.09995185871061851,0,-0.573574139562503 -0.6633456829919426 -0.7763340048945192 -0.7593083673475539 -0.4961848779853978 -0.12471642241528727 0.3303324356580913 0.7373999515536642 1.1970921653216648 1.409138742042934 1.5515349833448102 1.5670128356602346 1.483432433156958 1.3843741783382653 1.302341561066529 1.0871994138821786 0.6538195490503874 0.3937916301513127 0.18174505343004357 0.02541874504429235 +4868,-0.2500870261701981,0,-0.6633456829919426 -0.7763340048945192 -0.7593083673475539 -0.4961848779853978 -0.12471642241528727 0.3303324356580913 0.7373999515536642 1.1970921653216648 1.409138742042934 1.5515349833448102 1.5670128356602346 1.483432433156958 1.3843741783382653 1.302341561066529 1.0871994138821786 0.6538195490503874 0.3937916301513127 0.18174505343004357 0.02541874504429235 -0.09995185871061851 +4869,-0.30425950927417533,0,-0.7763340048945192 -0.7593083673475539 -0.4961848779853978 -0.12471642241528727 0.3303324356580913 0.7373999515536642 1.1970921653216648 1.409138742042934 1.5515349833448102 1.5670128356602346 1.483432433156958 1.3843741783382653 1.302341561066529 1.0871994138821786 0.6538195490503874 0.3937916301513127 0.18174505343004357 0.02541874504429235 -0.09995185871061851 -0.2500870261701981 +4870,-0.4095089050190395,0,-0.7593083673475539 -0.4961848779853978 -0.12471642241528727 0.3303324356580913 0.7373999515536642 1.1970921653216648 1.409138742042934 1.5515349833448102 1.5670128356602346 1.483432433156958 1.3843741783382653 1.302341561066529 1.0871994138821786 0.6538195490503874 0.3937916301513127 0.18174505343004357 0.02541874504429235 -0.09995185871061851 -0.2500870261701981 -0.30425950927417533 +4871,-0.4977326632169385,0,-0.4961848779853978 -0.12471642241528727 0.3303324356580913 0.7373999515536642 1.1970921653216648 1.409138742042934 1.5515349833448102 1.5670128356602346 1.483432433156958 1.3843741783382653 1.302341561066529 1.0871994138821786 0.6538195490503874 0.3937916301513127 0.18174505343004357 0.02541874504429235 -0.09995185871061851 -0.2500870261701981 -0.30425950927417533 -0.4095089050190395 +4872,-0.5550007167839971,0,-0.12471642241528727 0.3303324356580913 0.7373999515536642 1.1970921653216648 1.409138742042934 1.5515349833448102 1.5670128356602346 1.483432433156958 1.3843741783382653 1.302341561066529 1.0871994138821786 0.6538195490503874 0.3937916301513127 0.18174505343004357 0.02541874504429235 -0.09995185871061851 -0.2500870261701981 -0.30425950927417533 -0.4095089050190395 -0.4977326632169385 +4873,-0.6045298441933433,0,0.3303324356580913 0.7373999515536642 1.1970921653216648 1.409138742042934 1.5515349833448102 1.5670128356602346 1.483432433156958 1.3843741783382653 1.302341561066529 1.0871994138821786 0.6538195490503874 0.3937916301513127 0.18174505343004357 0.02541874504429235 -0.09995185871061851 -0.2500870261701981 -0.30425950927417533 -0.4095089050190395 -0.4977326632169385 -0.5550007167839971 +4874,-0.620007696508768,0,0.7373999515536642 1.1970921653216648 1.409138742042934 1.5515349833448102 1.5670128356602346 1.483432433156958 1.3843741783382653 1.302341561066529 1.0871994138821786 0.6538195490503874 0.3937916301513127 0.18174505343004357 0.02541874504429235 -0.09995185871061851 -0.2500870261701981 -0.30425950927417533 -0.4095089050190395 -0.4977326632169385 -0.5550007167839971 -0.6045298441933433 +4875,-0.3367629991365564,0,1.1970921653216648 1.409138742042934 1.5515349833448102 1.5670128356602346 1.483432433156958 1.3843741783382653 1.302341561066529 1.0871994138821786 0.6538195490503874 0.3937916301513127 0.18174505343004357 0.02541874504429235 -0.09995185871061851 -0.2500870261701981 -0.30425950927417533 -0.4095089050190395 -0.4977326632169385 -0.5550007167839971 -0.6045298441933433 -0.620007696508768 +4876,0.09661686569523482,0,1.409138742042934 1.5515349833448102 1.5670128356602346 1.483432433156958 1.3843741783382653 1.302341561066529 1.0871994138821786 0.6538195490503874 0.3937916301513127 0.18174505343004357 0.02541874504429235 -0.09995185871061851 -0.2500870261701981 -0.30425950927417533 -0.4095089050190395 -0.4977326632169385 -0.5550007167839971 -0.6045298441933433 -0.620007696508768 -0.3367629991365564 +4877,0.4835631735807611,0,1.5515349833448102 1.5670128356602346 1.483432433156958 1.3843741783382653 1.302341561066529 1.0871994138821786 0.6538195490503874 0.3937916301513127 0.18174505343004357 0.02541874504429235 -0.09995185871061851 -0.2500870261701981 -0.30425950927417533 -0.4095089050190395 -0.4977326632169385 -0.5550007167839971 -0.6045298441933433 -0.620007696508768 -0.3367629991365564 0.09661686569523482 +4878,0.8256237097515632,0,1.5670128356602346 1.483432433156958 1.3843741783382653 1.302341561066529 1.0871994138821786 0.6538195490503874 0.3937916301513127 0.18174505343004357 0.02541874504429235 -0.09995185871061851 -0.2500870261701981 -0.30425950927417533 -0.4095089050190395 -0.4977326632169385 -0.5550007167839971 -0.6045298441933433 -0.620007696508768 -0.3367629991365564 0.09661686569523482 0.4835631735807611 +4879,0.9773066624426923,0,1.483432433156958 1.3843741783382653 1.302341561066529 1.0871994138821786 0.6538195490503874 0.3937916301513127 0.18174505343004357 0.02541874504429235 -0.09995185871061851 -0.2500870261701981 -0.30425950927417533 -0.4095089050190395 -0.4977326632169385 -0.5550007167839971 -0.6045298441933433 -0.620007696508768 -0.3367629991365564 0.09661686569523482 0.4835631735807611 0.8256237097515632 +4880,1.1011294809660537,0,1.3843741783382653 1.302341561066529 1.0871994138821786 0.6538195490503874 0.3937916301513127 0.18174505343004357 0.02541874504429235 -0.09995185871061851 -0.2500870261701981 -0.30425950927417533 -0.4095089050190395 -0.4977326632169385 -0.5550007167839971 -0.6045298441933433 -0.620007696508768 -0.3367629991365564 0.09661686569523482 0.4835631735807611 0.8256237097515632 0.9773066624426923 +4881,1.1862576687008712,0,1.302341561066529 1.0871994138821786 0.6538195490503874 0.3937916301513127 0.18174505343004357 0.02541874504429235 -0.09995185871061851 -0.2500870261701981 -0.30425950927417533 -0.4095089050190395 -0.4977326632169385 -0.5550007167839971 -0.6045298441933433 -0.620007696508768 -0.3367629991365564 0.09661686569523482 0.4835631735807611 0.8256237097515632 0.9773066624426923 1.1011294809660537 +4882,1.3054371315296105,0,1.0871994138821786 0.6538195490503874 0.3937916301513127 0.18174505343004357 0.02541874504429235 -0.09995185871061851 -0.2500870261701981 -0.30425950927417533 -0.4095089050190395 -0.4977326632169385 -0.5550007167839971 -0.6045298441933433 -0.620007696508768 -0.3367629991365564 0.09661686569523482 0.4835631735807611 0.8256237097515632 0.9773066624426923 1.1011294809660537 1.1862576687008712 +4883,1.3332972656973694,0,0.6538195490503874 0.3937916301513127 0.18174505343004357 0.02541874504429235 -0.09995185871061851 -0.2500870261701981 -0.30425950927417533 -0.4095089050190395 -0.4977326632169385 -0.5550007167839971 -0.6045298441933433 -0.620007696508768 -0.3367629991365564 0.09661686569523482 0.4835631735807611 0.8256237097515632 0.9773066624426923 1.1011294809660537 1.1862576687008712 1.3054371315296105 +4884,1.181614313006249,0,0.3937916301513127 0.18174505343004357 0.02541874504429235 -0.09995185871061851 -0.2500870261701981 -0.30425950927417533 -0.4095089050190395 -0.4977326632169385 -0.5550007167839971 -0.6045298441933433 -0.620007696508768 -0.3367629991365564 0.09661686569523482 0.4835631735807611 0.8256237097515632 0.9773066624426923 1.1011294809660537 1.1862576687008712 1.3054371315296105 1.3332972656973694 +4885,0.8147892131307695,0,0.18174505343004357 0.02541874504429235 -0.09995185871061851 -0.2500870261701981 -0.30425950927417533 -0.4095089050190395 -0.4977326632169385 -0.5550007167839971 -0.6045298441933433 -0.620007696508768 -0.3367629991365564 0.09661686569523482 0.4835631735807611 0.8256237097515632 0.9773066624426923 1.1011294809660537 1.1862576687008712 1.3054371315296105 1.3332972656973694 1.181614313006249 +4886,0.36593149598355373,0,0.02541874504429235 -0.09995185871061851 -0.2500870261701981 -0.30425950927417533 -0.4095089050190395 -0.4977326632169385 -0.5550007167839971 -0.6045298441933433 -0.620007696508768 -0.3367629991365564 0.09661686569523482 0.4835631735807611 0.8256237097515632 0.9773066624426923 1.1011294809660537 1.1862576687008712 1.3054371315296105 1.3332972656973694 1.181614313006249 0.8147892131307695 +4887,0.09042572476906323,0,-0.09995185871061851 -0.2500870261701981 -0.30425950927417533 -0.4095089050190395 -0.4977326632169385 -0.5550007167839971 -0.6045298441933433 -0.620007696508768 -0.3367629991365564 0.09661686569523482 0.4835631735807611 0.8256237097515632 0.9773066624426923 1.1011294809660537 1.1862576687008712 1.3054371315296105 1.3332972656973694 1.181614313006249 0.8147892131307695 0.36593149598355373 +4888,-0.2160357510762764,0,-0.2500870261701981 -0.30425950927417533 -0.4095089050190395 -0.4977326632169385 -0.5550007167839971 -0.6045298441933433 -0.620007696508768 -0.3367629991365564 0.09661686569523482 0.4835631735807611 0.8256237097515632 0.9773066624426923 1.1011294809660537 1.1862576687008712 1.3054371315296105 1.3332972656973694 1.181614313006249 0.8147892131307695 0.36593149598355373 0.09042572476906323 +4889,-0.3305718582103936,0,-0.30425950927417533 -0.4095089050190395 -0.4977326632169385 -0.5550007167839971 -0.6045298441933433 -0.620007696508768 -0.3367629991365564 0.09661686569523482 0.4835631735807611 0.8256237097515632 0.9773066624426923 1.1011294809660537 1.1862576687008712 1.3054371315296105 1.3332972656973694 1.181614313006249 0.8147892131307695 0.36593149598355373 0.09042572476906323 -0.2160357510762764 +4890,-0.3801009856197399,0,-0.4095089050190395 -0.4977326632169385 -0.5550007167839971 -0.6045298441933433 -0.620007696508768 -0.3367629991365564 0.09661686569523482 0.4835631735807611 0.8256237097515632 0.9773066624426923 1.1011294809660537 1.1862576687008712 1.3054371315296105 1.3332972656973694 1.181614313006249 0.8147892131307695 0.36593149598355373 0.09042572476906323 -0.2160357510762764 -0.3305718582103936 +4891,-0.45129910627067354,0,-0.4977326632169385 -0.5550007167839971 -0.6045298441933433 -0.620007696508768 -0.3367629991365564 0.09661686569523482 0.4835631735807611 0.8256237097515632 0.9773066624426923 1.1011294809660537 1.1862576687008712 1.3054371315296105 1.3332972656973694 1.181614313006249 0.8147892131307695 0.36593149598355373 0.09042572476906323 -0.2160357510762764 -0.3305718582103936 -0.3801009856197399 +4892,-0.4992804484484792,0,-0.5550007167839971 -0.6045298441933433 -0.620007696508768 -0.3367629991365564 0.09661686569523482 0.4835631735807611 0.8256237097515632 0.9773066624426923 1.1011294809660537 1.1862576687008712 1.3054371315296105 1.3332972656973694 1.181614313006249 0.8147892131307695 0.36593149598355373 0.09042572476906323 -0.2160357510762764 -0.3305718582103936 -0.3801009856197399 -0.45129910627067354 +4893,-0.5395228644685724,0,-0.6045298441933433 -0.620007696508768 -0.3367629991365564 0.09661686569523482 0.4835631735807611 0.8256237097515632 0.9773066624426923 1.1011294809660537 1.1862576687008712 1.3054371315296105 1.3332972656973694 1.181614313006249 0.8147892131307695 0.36593149598355373 0.09042572476906323 -0.2160357510762764 -0.3305718582103936 -0.3801009856197399 -0.45129910627067354 -0.4992804484484792 +4894,-0.5348795087739504,0,-0.620007696508768 -0.3367629991365564 0.09661686569523482 0.4835631735807611 0.8256237097515632 0.9773066624426923 1.1011294809660537 1.1862576687008712 1.3054371315296105 1.3332972656973694 1.181614313006249 0.8147892131307695 0.36593149598355373 0.09042572476906323 -0.2160357510762764 -0.3305718582103936 -0.3801009856197399 -0.45129910627067354 -0.4992804484484792 -0.5395228644685724 +4895,-0.5813130657202153,0,-0.3367629991365564 0.09661686569523482 0.4835631735807611 0.8256237097515632 0.9773066624426923 1.1011294809660537 1.1862576687008712 1.3054371315296105 1.3332972656973694 1.181614313006249 0.8147892131307695 0.36593149598355373 0.09042572476906323 -0.2160357510762764 -0.3305718582103936 -0.3801009856197399 -0.45129910627067354 -0.4992804484484792 -0.5395228644685724 -0.5348795087739504 +4896,-0.5983387032671718,0,0.09661686569523482 0.4835631735807611 0.8256237097515632 0.9773066624426923 1.1011294809660537 1.1862576687008712 1.3054371315296105 1.3332972656973694 1.181614313006249 0.8147892131307695 0.36593149598355373 0.09042572476906323 -0.2160357510762764 -0.3305718582103936 -0.3801009856197399 -0.45129910627067354 -0.4992804484484792 -0.5395228644685724 -0.5348795087739504 -0.5813130657202153 +4897,-0.6261988374349308,0,0.4835631735807611 0.8256237097515632 0.9773066624426923 1.1011294809660537 1.1862576687008712 1.3054371315296105 1.3332972656973694 1.181614313006249 0.8147892131307695 0.36593149598355373 0.09042572476906323 -0.2160357510762764 -0.3305718582103936 -0.3801009856197399 -0.45129910627067354 -0.4992804484484792 -0.5395228644685724 -0.5348795087739504 -0.5813130657202153 -0.5983387032671718 +4898,-0.6385811192872651,0,0.8256237097515632 0.9773066624426923 1.1011294809660537 1.1862576687008712 1.3054371315296105 1.3332972656973694 1.181614313006249 0.8147892131307695 0.36593149598355373 0.09042572476906323 -0.2160357510762764 -0.3305718582103936 -0.3801009856197399 -0.45129910627067354 -0.4992804484484792 -0.5395228644685724 -0.5348795087739504 -0.5813130657202153 -0.5983387032671718 -0.6261988374349308 +4899,-0.5348795087739504,0,0.9773066624426923 1.1011294809660537 1.1862576687008712 1.3054371315296105 1.3332972656973694 1.181614313006249 0.8147892131307695 0.36593149598355373 0.09042572476906323 -0.2160357510762764 -0.3305718582103936 -0.3801009856197399 -0.45129910627067354 -0.4992804484484792 -0.5395228644685724 -0.5348795087739504 -0.5813130657202153 -0.5983387032671718 -0.6261988374349308 -0.6385811192872651 +4900,-0.30271172404263463,0,1.1011294809660537 1.1862576687008712 1.3054371315296105 1.3332972656973694 1.181614313006249 0.8147892131307695 0.36593149598355373 0.09042572476906323 -0.2160357510762764 -0.3305718582103936 -0.3801009856197399 -0.45129910627067354 -0.4992804484484792 -0.5395228644685724 -0.5348795087739504 -0.5813130657202153 -0.5983387032671718 -0.6261988374349308 -0.6385811192872651 -0.5348795087739504 +4901,-0.061257227922065886,0,1.1862576687008712 1.3054371315296105 1.3332972656973694 1.181614313006249 0.8147892131307695 0.36593149598355373 0.09042572476906323 -0.2160357510762764 -0.3305718582103936 -0.3801009856197399 -0.45129910627067354 -0.4992804484484792 -0.5395228644685724 -0.5348795087739504 -0.5813130657202153 -0.5983387032671718 -0.6261988374349308 -0.6385811192872651 -0.5348795087739504 -0.30271172404263463 +4902,0.16317163065153759,0,1.3054371315296105 1.3332972656973694 1.181614313006249 0.8147892131307695 0.36593149598355373 0.09042572476906323 -0.2160357510762764 -0.3305718582103936 -0.3801009856197399 -0.45129910627067354 -0.4992804484484792 -0.5395228644685724 -0.5348795087739504 -0.5813130657202153 -0.5983387032671718 -0.6261988374349308 -0.6385811192872651 -0.5348795087739504 -0.30271172404263463 -0.061257227922065886 +4903,0.3566447845943007,0,1.3332972656973694 1.181614313006249 0.8147892131307695 0.36593149598355373 0.09042572476906323 -0.2160357510762764 -0.3305718582103936 -0.3801009856197399 -0.45129910627067354 -0.4992804484484792 -0.5395228644685724 -0.5348795087739504 -0.5813130657202153 -0.5983387032671718 -0.6261988374349308 -0.6385811192872651 -0.5348795087739504 -0.30271172404263463 -0.061257227922065886 0.16317163065153759 +4904,0.5423790123793604,0,1.181614313006249 0.8147892131307695 0.36593149598355373 0.09042572476906323 -0.2160357510762764 -0.3305718582103936 -0.3801009856197399 -0.45129910627067354 -0.4992804484484792 -0.5395228644685724 -0.5348795087739504 -0.5813130657202153 -0.5983387032671718 -0.6261988374349308 -0.6385811192872651 -0.5348795087739504 -0.30271172404263463 -0.061257227922065886 0.16317163065153759 0.3566447845943007 +4905,0.6460806228926751,0,0.8147892131307695 0.36593149598355373 0.09042572476906323 -0.2160357510762764 -0.3305718582103936 -0.3801009856197399 -0.45129910627067354 -0.4992804484484792 -0.5395228644685724 -0.5348795087739504 -0.5813130657202153 -0.5983387032671718 -0.6261988374349308 -0.6385811192872651 -0.5348795087739504 -0.30271172404263463 -0.061257227922065886 0.16317163065153759 0.3566447845943007 0.5423790123793604 +4906,0.6987053207651116,0,0.36593149598355373 0.09042572476906323 -0.2160357510762764 -0.3305718582103936 -0.3801009856197399 -0.45129910627067354 -0.4992804484484792 -0.5395228644685724 -0.5348795087739504 -0.5813130657202153 -0.5983387032671718 -0.6261988374349308 -0.6385811192872651 -0.5348795087739504 -0.30271172404263463 -0.061257227922065886 0.16317163065153759 0.3566447845943007 0.5423790123793604 0.6460806228926751 +4907,0.6104815625672126,0,0.09042572476906323 -0.2160357510762764 -0.3305718582103936 -0.3801009856197399 -0.45129910627067354 -0.4992804484484792 -0.5395228644685724 -0.5348795087739504 -0.5813130657202153 -0.5983387032671718 -0.6261988374349308 -0.6385811192872651 -0.5348795087739504 -0.30271172404263463 -0.061257227922065886 0.16317163065153759 0.3566447845943007 0.5423790123793604 0.6460806228926751 0.6987053207651116 +4908,0.4417729723291183,0,-0.2160357510762764 -0.3305718582103936 -0.3801009856197399 -0.45129910627067354 -0.4992804484484792 -0.5395228644685724 -0.5348795087739504 -0.5813130657202153 -0.5983387032671718 -0.6261988374349308 -0.6385811192872651 -0.5348795087739504 -0.30271172404263463 -0.061257227922065886 0.16317163065153759 0.3566447845943007 0.5423790123793604 0.6460806228926751 0.6987053207651116 0.6104815625672126 +4909,0.15852827495691552,0,-0.3305718582103936 -0.3801009856197399 -0.45129910627067354 -0.4992804484484792 -0.5395228644685724 -0.5348795087739504 -0.5813130657202153 -0.5983387032671718 -0.6261988374349308 -0.6385811192872651 -0.5348795087739504 -0.30271172404263463 -0.061257227922065886 0.16317163065153759 0.3566447845943007 0.5423790123793604 0.6460806228926751 0.6987053207651116 0.6104815625672126 0.4417729723291183 +4910,-0.11078635533141219,0,-0.3801009856197399 -0.45129910627067354 -0.4992804484484792 -0.5395228644685724 -0.5348795087739504 -0.5813130657202153 -0.5983387032671718 -0.6261988374349308 -0.6385811192872651 -0.5348795087739504 -0.30271172404263463 -0.061257227922065886 0.16317163065153759 0.3566447845943007 0.5423790123793604 0.6460806228926751 0.6987053207651116 0.6104815625672126 0.4417729723291183 0.15852827495691552 +4911,-0.3537886366835216,0,-0.45129910627067354 -0.4992804484484792 -0.5395228644685724 -0.5348795087739504 -0.5813130657202153 -0.5983387032671718 -0.6261988374349308 -0.6385811192872651 -0.5348795087739504 -0.30271172404263463 -0.061257227922065886 0.16317163065153759 0.3566447845943007 0.5423790123793604 0.6460806228926751 0.6987053207651116 0.6104815625672126 0.4417729723291183 0.15852827495691552 -0.11078635533141219 +4912,-0.45903803242838587,0,-0.4992804484484792 -0.5395228644685724 -0.5348795087739504 -0.5813130657202153 -0.5983387032671718 -0.6261988374349308 -0.6385811192872651 -0.5348795087739504 -0.30271172404263463 -0.061257227922065886 0.16317163065153759 0.3566447845943007 0.5423790123793604 0.6460806228926751 0.6987053207651116 0.6104815625672126 0.4417729723291183 0.15852827495691552 -0.11078635533141219 -0.3537886366835216 +4913,-0.5286883678477788,0,-0.5395228644685724 -0.5348795087739504 -0.5813130657202153 -0.5983387032671718 -0.6261988374349308 -0.6385811192872651 -0.5348795087739504 -0.30271172404263463 -0.061257227922065886 0.16317163065153759 0.3566447845943007 0.5423790123793604 0.6460806228926751 0.6987053207651116 0.6104815625672126 0.4417729723291183 0.15852827495691552 -0.11078635533141219 -0.3537886366835216 -0.45903803242838587 +4914,-0.5704785690994129,0,-0.5348795087739504 -0.5813130657202153 -0.5983387032671718 -0.6261988374349308 -0.6385811192872651 -0.5348795087739504 -0.30271172404263463 -0.061257227922065886 0.16317163065153759 0.3566447845943007 0.5423790123793604 0.6460806228926751 0.6987053207651116 0.6104815625672126 0.4417729723291183 0.15852827495691552 -0.11078635533141219 -0.3537886366835216 -0.45903803242838587 -0.5286883678477788 +4915,-0.573574139562503,0,-0.5813130657202153 -0.5983387032671718 -0.6261988374349308 -0.6385811192872651 -0.5348795087739504 -0.30271172404263463 -0.061257227922065886 0.16317163065153759 0.3566447845943007 0.5423790123793604 0.6460806228926751 0.6987053207651116 0.6104815625672126 0.4417729723291183 0.15852827495691552 -0.11078635533141219 -0.3537886366835216 -0.45903803242838587 -0.5286883678477788 -0.5704785690994129 +4916,-0.5766697100255844,0,-0.5983387032671718 -0.6261988374349308 -0.6385811192872651 -0.5348795087739504 -0.30271172404263463 -0.061257227922065886 0.16317163065153759 0.3566447845943007 0.5423790123793604 0.6460806228926751 0.6987053207651116 0.6104815625672126 0.4417729723291183 0.15852827495691552 -0.11078635533141219 -0.3537886366835216 -0.45903803242838587 -0.5286883678477788 -0.5704785690994129 -0.573574139562503 +4917,-0.5890519918779188,0,-0.6261988374349308 -0.6385811192872651 -0.5348795087739504 -0.30271172404263463 -0.061257227922065886 0.16317163065153759 0.3566447845943007 0.5423790123793604 0.6460806228926751 0.6987053207651116 0.6104815625672126 0.4417729723291183 0.15852827495691552 -0.11078635533141219 -0.3537886366835216 -0.45903803242838587 -0.5286883678477788 -0.5704785690994129 -0.573574139562503 -0.5766697100255844 +4918,-0.5875042066463781,0,-0.6385811192872651 -0.5348795087739504 -0.30271172404263463 -0.061257227922065886 0.16317163065153759 0.3566447845943007 0.5423790123793604 0.6460806228926751 0.6987053207651116 0.6104815625672126 0.4417729723291183 0.15852827495691552 -0.11078635533141219 -0.3537886366835216 -0.45903803242838587 -0.5286883678477788 -0.5704785690994129 -0.573574139562503 -0.5766697100255844 -0.5890519918779188 +4919,-0.5859564214148374,0,-0.5348795087739504 -0.30271172404263463 -0.061257227922065886 0.16317163065153759 0.3566447845943007 0.5423790123793604 0.6460806228926751 0.6987053207651116 0.6104815625672126 0.4417729723291183 0.15852827495691552 -0.11078635533141219 -0.3537886366835216 -0.45903803242838587 -0.5286883678477788 -0.5704785690994129 -0.573574139562503 -0.5766697100255844 -0.5890519918779188 -0.5875042066463781 +4920,-0.615364340814137,0,-0.30271172404263463 -0.061257227922065886 0.16317163065153759 0.3566447845943007 0.5423790123793604 0.6460806228926751 0.6987053207651116 0.6104815625672126 0.4417729723291183 0.15852827495691552 -0.11078635533141219 -0.3537886366835216 -0.45903803242838587 -0.5286883678477788 -0.5704785690994129 -0.573574139562503 -0.5766697100255844 -0.5890519918779188 -0.5875042066463781 -0.5859564214148374 +4921,-0.6261988374349308,0,-0.061257227922065886 0.16317163065153759 0.3566447845943007 0.5423790123793604 0.6460806228926751 0.6987053207651116 0.6104815625672126 0.4417729723291183 0.15852827495691552 -0.11078635533141219 -0.3537886366835216 -0.45903803242838587 -0.5286883678477788 -0.5704785690994129 -0.573574139562503 -0.5766697100255844 -0.5890519918779188 -0.5875042066463781 -0.5859564214148374 -0.615364340814137 +4922,-0.6231032669718494,0,0.16317163065153759 0.3566447845943007 0.5423790123793604 0.6460806228926751 0.6987053207651116 0.6104815625672126 0.4417729723291183 0.15852827495691552 -0.11078635533141219 -0.3537886366835216 -0.45903803242838587 -0.5286883678477788 -0.5704785690994129 -0.573574139562503 -0.5766697100255844 -0.5890519918779188 -0.5875042066463781 -0.5859564214148374 -0.615364340814137 -0.6261988374349308 +4923,-0.5271405826162381,0,0.3566447845943007 0.5423790123793604 0.6460806228926751 0.6987053207651116 0.6104815625672126 0.4417729723291183 0.15852827495691552 -0.11078635533141219 -0.3537886366835216 -0.45903803242838587 -0.5286883678477788 -0.5704785690994129 -0.573574139562503 -0.5766697100255844 -0.5890519918779188 -0.5875042066463781 -0.5859564214148374 -0.615364340814137 -0.6261988374349308 -0.6231032669718494 +4924,-0.4141522607136616,0,0.5423790123793604 0.6460806228926751 0.6987053207651116 0.6104815625672126 0.4417729723291183 0.15852827495691552 -0.11078635533141219 -0.3537886366835216 -0.45903803242838587 -0.5286883678477788 -0.5704785690994129 -0.573574139562503 -0.5766697100255844 -0.5890519918779188 -0.5875042066463781 -0.5859564214148374 -0.615364340814137 -0.6261988374349308 -0.6231032669718494 -0.5271405826162381 +4925,-0.2191313215393578,0,0.6460806228926751 0.6987053207651116 0.6104815625672126 0.4417729723291183 0.15852827495691552 -0.11078635533141219 -0.3537886366835216 -0.45903803242838587 -0.5286883678477788 -0.5704785690994129 -0.573574139562503 -0.5766697100255844 -0.5890519918779188 -0.5875042066463781 -0.5859564214148374 -0.615364340814137 -0.6261988374349308 -0.6231032669718494 -0.5271405826162381 -0.4141522607136616 +4926,0.04863552351742921,0,0.6987053207651116 0.6104815625672126 0.4417729723291183 0.15852827495691552 -0.11078635533141219 -0.3537886366835216 -0.45903803242838587 -0.5286883678477788 -0.5704785690994129 -0.573574139562503 -0.5766697100255844 -0.5890519918779188 -0.5875042066463781 -0.5859564214148374 -0.615364340814137 -0.6261988374349308 -0.6231032669718494 -0.5271405826162381 -0.4141522607136616 -0.2191313215393578 +4927,0.24829981838635515,0,0.6104815625672126 0.4417729723291183 0.15852827495691552 -0.11078635533141219 -0.3537886366835216 -0.45903803242838587 -0.5286883678477788 -0.5704785690994129 -0.573574139562503 -0.5766697100255844 -0.5890519918779188 -0.5875042066463781 -0.5859564214148374 -0.615364340814137 -0.6261988374349308 -0.6231032669718494 -0.5271405826162381 -0.4141522607136616 -0.2191313215393578 0.04863552351742921 +4928,0.45879860987608356,0,0.4417729723291183 0.15852827495691552 -0.11078635533141219 -0.3537886366835216 -0.45903803242838587 -0.5286883678477788 -0.5704785690994129 -0.573574139562503 -0.5766697100255844 -0.5890519918779188 -0.5875042066463781 -0.5859564214148374 -0.615364340814137 -0.6261988374349308 -0.6231032669718494 -0.5271405826162381 -0.4141522607136616 -0.2191313215393578 0.04863552351742921 0.24829981838635515 +4929,0.6244116296510878,0,0.15852827495691552 -0.11078635533141219 -0.3537886366835216 -0.45903803242838587 -0.5286883678477788 -0.5704785690994129 -0.573574139562503 -0.5766697100255844 -0.5890519918779188 -0.5875042066463781 -0.5859564214148374 -0.615364340814137 -0.6261988374349308 -0.6231032669718494 -0.5271405826162381 -0.4141522607136616 -0.2191313215393578 0.04863552351742921 0.24829981838635515 0.45879860987608356 +4930,0.8008591460468856,0,-0.11078635533141219 -0.3537886366835216 -0.45903803242838587 -0.5286883678477788 -0.5704785690994129 -0.573574139562503 -0.5766697100255844 -0.5890519918779188 -0.5875042066463781 -0.5859564214148374 -0.615364340814137 -0.6261988374349308 -0.6231032669718494 -0.5271405826162381 -0.4141522607136616 -0.2191313215393578 0.04863552351742921 0.24829981838635515 0.45879860987608356 0.6244116296510878 +4931,0.7729990118791267,0,-0.3537886366835216 -0.45903803242838587 -0.5286883678477788 -0.5704785690994129 -0.573574139562503 -0.5766697100255844 -0.5890519918779188 -0.5875042066463781 -0.5859564214148374 -0.615364340814137 -0.6261988374349308 -0.6231032669718494 -0.5271405826162381 -0.4141522607136616 -0.2191313215393578 0.04863552351742921 0.24829981838635515 0.45879860987608356 0.6244116296510878 0.8008591460468856 +4932,0.6723929718288933,0,-0.45903803242838587 -0.5286883678477788 -0.5704785690994129 -0.573574139562503 -0.5766697100255844 -0.5890519918779188 -0.5875042066463781 -0.5859564214148374 -0.615364340814137 -0.6261988374349308 -0.6231032669718494 -0.5271405826162381 -0.4141522607136616 -0.2191313215393578 0.04863552351742921 0.24829981838635515 0.45879860987608356 0.6244116296510878 0.8008591460468856 0.7729990118791267 +4933,0.45415525418145264,0,-0.5286883678477788 -0.5704785690994129 -0.573574139562503 -0.5766697100255844 -0.5890519918779188 -0.5875042066463781 -0.5859564214148374 -0.615364340814137 -0.6261988374349308 -0.6231032669718494 -0.5271405826162381 -0.4141522607136616 -0.2191313215393578 0.04863552351742921 0.24829981838635515 0.45879860987608356 0.6244116296510878 0.8008591460468856 0.7729990118791267 0.6723929718288933 +4934,0.1074513623160285,0,-0.5704785690994129 -0.573574139562503 -0.5766697100255844 -0.5890519918779188 -0.5875042066463781 -0.5859564214148374 -0.615364340814137 -0.6261988374349308 -0.6231032669718494 -0.5271405826162381 -0.4141522607136616 -0.2191313215393578 0.04863552351742921 0.24829981838635515 0.45879860987608356 0.6244116296510878 0.8008591460468856 0.7729990118791267 0.6723929718288933 0.45415525418145264 +4935,-0.18198447598234585,0,-0.573574139562503 -0.5766697100255844 -0.5890519918779188 -0.5875042066463781 -0.5859564214148374 -0.615364340814137 -0.6261988374349308 -0.6231032669718494 -0.5271405826162381 -0.4141522607136616 -0.2191313215393578 0.04863552351742921 0.24829981838635515 0.45879860987608356 0.6244116296510878 0.8008591460468856 0.7729990118791267 0.6723929718288933 0.45415525418145264 0.1074513623160285 +4936,-0.35997977760969324,0,-0.5766697100255844 -0.5890519918779188 -0.5875042066463781 -0.5859564214148374 -0.615364340814137 -0.6261988374349308 -0.6231032669718494 -0.5271405826162381 -0.4141522607136616 -0.2191313215393578 0.04863552351742921 0.24829981838635515 0.45879860987608356 0.6244116296510878 0.8008591460468856 0.7729990118791267 0.6723929718288933 0.45415525418145264 0.1074513623160285 -0.18198447598234585 +4937,-0.46368138812300796,0,-0.5890519918779188 -0.5875042066463781 -0.5859564214148374 -0.615364340814137 -0.6261988374349308 -0.6231032669718494 -0.5271405826162381 -0.4141522607136616 -0.2191313215393578 0.04863552351742921 0.24829981838635515 0.45879860987608356 0.6244116296510878 0.8008591460468856 0.7729990118791267 0.6723929718288933 0.45415525418145264 0.1074513623160285 -0.18198447598234585 -0.35997977760969324 +4938,-0.5704785690994129,0,-0.5875042066463781 -0.5859564214148374 -0.615364340814137 -0.6261988374349308 -0.6231032669718494 -0.5271405826162381 -0.4141522607136616 -0.2191313215393578 0.04863552351742921 0.24829981838635515 0.45879860987608356 0.6244116296510878 0.8008591460468856 0.7729990118791267 0.6723929718288933 0.45415525418145264 0.1074513623160285 -0.18198447598234585 -0.35997977760969324 -0.46368138812300796 +4939,-0.5890519918779188,0,-0.5859564214148374 -0.615364340814137 -0.6261988374349308 -0.6231032669718494 -0.5271405826162381 -0.4141522607136616 -0.2191313215393578 0.04863552351742921 0.24829981838635515 0.45879860987608356 0.6244116296510878 0.8008591460468856 0.7729990118791267 0.6723929718288933 0.45415525418145264 0.1074513623160285 -0.18198447598234585 -0.35997977760969324 -0.46368138812300796 -0.5704785690994129 +4940,-0.5797652804886658,0,-0.615364340814137 -0.6261988374349308 -0.6231032669718494 -0.5271405826162381 -0.4141522607136616 -0.2191313215393578 0.04863552351742921 0.24829981838635515 0.45879860987608356 0.6244116296510878 0.8008591460468856 0.7729990118791267 0.6723929718288933 0.45415525418145264 0.1074513623160285 -0.18198447598234585 -0.35997977760969324 -0.46368138812300796 -0.5704785690994129 -0.5890519918779188 +4941,-0.5550007167839971,0,-0.6261988374349308 -0.6231032669718494 -0.5271405826162381 -0.4141522607136616 -0.2191313215393578 0.04863552351742921 0.24829981838635515 0.45879860987608356 0.6244116296510878 0.8008591460468856 0.7729990118791267 0.6723929718288933 0.45415525418145264 0.1074513623160285 -0.18198447598234585 -0.35997977760969324 -0.46368138812300796 -0.5704785690994129 -0.5890519918779188 -0.5797652804886658 +4942,-0.5519051463209157,0,-0.6231032669718494 -0.5271405826162381 -0.4141522607136616 -0.2191313215393578 0.04863552351742921 0.24829981838635515 0.45879860987608356 0.6244116296510878 0.8008591460468856 0.7729990118791267 0.6723929718288933 0.45415525418145264 0.1074513623160285 -0.18198447598234585 -0.35997977760969324 -0.46368138812300796 -0.5704785690994129 -0.5890519918779188 -0.5797652804886658 -0.5550007167839971 +4943,-0.5673829986363315,0,-0.5271405826162381 -0.4141522607136616 -0.2191313215393578 0.04863552351742921 0.24829981838635515 0.45879860987608356 0.6244116296510878 0.8008591460468856 0.7729990118791267 0.6723929718288933 0.45415525418145264 0.1074513623160285 -0.18198447598234585 -0.35997977760969324 -0.46368138812300796 -0.5704785690994129 -0.5890519918779188 -0.5797652804886658 -0.5550007167839971 -0.5519051463209157 +4944,-0.5658352134047907,0,-0.4141522607136616 -0.2191313215393578 0.04863552351742921 0.24829981838635515 0.45879860987608356 0.6244116296510878 0.8008591460468856 0.7729990118791267 0.6723929718288933 0.45415525418145264 0.1074513623160285 -0.18198447598234585 -0.35997977760969324 -0.46368138812300796 -0.5704785690994129 -0.5890519918779188 -0.5797652804886658 -0.5550007167839971 -0.5519051463209157 -0.5673829986363315 +4945,-0.5565485020155377,0,-0.2191313215393578 0.04863552351742921 0.24829981838635515 0.45879860987608356 0.6244116296510878 0.8008591460468856 0.7729990118791267 0.6723929718288933 0.45415525418145264 0.1074513623160285 -0.18198447598234585 -0.35997977760969324 -0.46368138812300796 -0.5704785690994129 -0.5890519918779188 -0.5797652804886658 -0.5550007167839971 -0.5519051463209157 -0.5673829986363315 -0.5658352134047907 +4946,-0.5271405826162381,0,0.04863552351742921 0.24829981838635515 0.45879860987608356 0.6244116296510878 0.8008591460468856 0.7729990118791267 0.6723929718288933 0.45415525418145264 0.1074513623160285 -0.18198447598234585 -0.35997977760969324 -0.46368138812300796 -0.5704785690994129 -0.5890519918779188 -0.5797652804886658 -0.5550007167839971 -0.5519051463209157 -0.5673829986363315 -0.5658352134047907 -0.5565485020155377 +4947,-0.5054715893746508,0,0.24829981838635515 0.45879860987608356 0.6244116296510878 0.8008591460468856 0.7729990118791267 0.6723929718288933 0.45415525418145264 0.1074513623160285 -0.18198447598234585 -0.35997977760969324 -0.46368138812300796 -0.5704785690994129 -0.5890519918779188 -0.5797652804886658 -0.5550007167839971 -0.5519051463209157 -0.5673829986363315 -0.5658352134047907 -0.5565485020155377 -0.5271405826162381 +4948,-0.45284689150221424,0,0.45879860987608356 0.6244116296510878 0.8008591460468856 0.7729990118791267 0.6723929718288933 0.45415525418145264 0.1074513623160285 -0.18198447598234585 -0.35997977760969324 -0.46368138812300796 -0.5704785690994129 -0.5890519918779188 -0.5797652804886658 -0.5550007167839971 -0.5519051463209157 -0.5673829986363315 -0.5658352134047907 -0.5565485020155377 -0.5271405826162381 -0.5054715893746508 +4949,-0.3491452809888996,0,0.6244116296510878 0.8008591460468856 0.7729990118791267 0.6723929718288933 0.45415525418145264 0.1074513623160285 -0.18198447598234585 -0.35997977760969324 -0.46368138812300796 -0.5704785690994129 -0.5890519918779188 -0.5797652804886658 -0.5550007167839971 -0.5519051463209157 -0.5673829986363315 -0.5658352134047907 -0.5565485020155377 -0.5271405826162381 -0.5054715893746508 -0.45284689150221424 +4950,-0.315094005894969,0,0.8008591460468856 0.7729990118791267 0.6723929718288933 0.45415525418145264 0.1074513623160285 -0.18198447598234585 -0.35997977760969324 -0.46368138812300796 -0.5704785690994129 -0.5890519918779188 -0.5797652804886658 -0.5550007167839971 -0.5519051463209157 -0.5673829986363315 -0.5658352134047907 -0.5565485020155377 -0.5271405826162381 -0.5054715893746508 -0.45284689150221424 -0.3491452809888996 +4951,-0.30890286496879743,0,0.7729990118791267 0.6723929718288933 0.45415525418145264 0.1074513623160285 -0.18198447598234585 -0.35997977760969324 -0.46368138812300796 -0.5704785690994129 -0.5890519918779188 -0.5797652804886658 -0.5550007167839971 -0.5519051463209157 -0.5673829986363315 -0.5658352134047907 -0.5565485020155377 -0.5271405826162381 -0.5054715893746508 -0.45284689150221424 -0.3491452809888996 -0.315094005894969 +4952,-0.29032944219029144,0,0.6723929718288933 0.45415525418145264 0.1074513623160285 -0.18198447598234585 -0.35997977760969324 -0.46368138812300796 -0.5704785690994129 -0.5890519918779188 -0.5797652804886658 -0.5550007167839971 -0.5519051463209157 -0.5673829986363315 -0.5658352134047907 -0.5565485020155377 -0.5271405826162381 -0.5054715893746508 -0.45284689150221424 -0.3491452809888996 -0.315094005894969 -0.30890286496879743 +4953,-0.3135462206634283,0,0.45415525418145264 0.1074513623160285 -0.18198447598234585 -0.35997977760969324 -0.46368138812300796 -0.5704785690994129 -0.5890519918779188 -0.5797652804886658 -0.5550007167839971 -0.5519051463209157 -0.5673829986363315 -0.5658352134047907 -0.5565485020155377 -0.5271405826162381 -0.5054715893746508 -0.45284689150221424 -0.3491452809888996 -0.315094005894969 -0.30890286496879743 -0.29032944219029144 +4954,-0.3135462206634283,0,0.1074513623160285 -0.18198447598234585 -0.35997977760969324 -0.46368138812300796 -0.5704785690994129 -0.5890519918779188 -0.5797652804886658 -0.5550007167839971 -0.5519051463209157 -0.5673829986363315 -0.5658352134047907 -0.5565485020155377 -0.5271405826162381 -0.5054715893746508 -0.45284689150221424 -0.3491452809888996 -0.315094005894969 -0.30890286496879743 -0.29032944219029144 -0.3135462206634283 +4955,-0.3259285025157627,0,-0.18198447598234585 -0.35997977760969324 -0.46368138812300796 -0.5704785690994129 -0.5890519918779188 -0.5797652804886658 -0.5550007167839971 -0.5519051463209157 -0.5673829986363315 -0.5658352134047907 -0.5565485020155377 -0.5271405826162381 -0.5054715893746508 -0.45284689150221424 -0.3491452809888996 -0.315094005894969 -0.30890286496879743 -0.29032944219029144 -0.3135462206634283 -0.3135462206634283 +4956,-0.3197373615895999,0,-0.35997977760969324 -0.46368138812300796 -0.5704785690994129 -0.5890519918779188 -0.5797652804886658 -0.5550007167839971 -0.5519051463209157 -0.5673829986363315 -0.5658352134047907 -0.5565485020155377 -0.5271405826162381 -0.5054715893746508 -0.45284689150221424 -0.3491452809888996 -0.315094005894969 -0.30890286496879743 -0.29032944219029144 -0.3135462206634283 -0.3135462206634283 -0.3259285025157627 +4957,-0.28723387172721004,0,-0.46368138812300796 -0.5704785690994129 -0.5890519918779188 -0.5797652804886658 -0.5550007167839971 -0.5519051463209157 -0.5673829986363315 -0.5658352134047907 -0.5565485020155377 -0.5271405826162381 -0.5054715893746508 -0.45284689150221424 -0.3491452809888996 -0.315094005894969 -0.30890286496879743 -0.29032944219029144 -0.3135462206634283 -0.3135462206634283 -0.3259285025157627 -0.3197373615895999 +4958,-0.34450192529426865,0,-0.5704785690994129 -0.5890519918779188 -0.5797652804886658 -0.5550007167839971 -0.5519051463209157 -0.5673829986363315 -0.5658352134047907 -0.5565485020155377 -0.5271405826162381 -0.5054715893746508 -0.45284689150221424 -0.3491452809888996 -0.315094005894969 -0.30890286496879743 -0.29032944219029144 -0.3135462206634283 -0.3135462206634283 -0.3259285025157627 -0.3197373615895999 -0.28723387172721004 +4959,-0.41879561640829255,0,-0.5890519918779188 -0.5797652804886658 -0.5550007167839971 -0.5519051463209157 -0.5673829986363315 -0.5658352134047907 -0.5565485020155377 -0.5271405826162381 -0.5054715893746508 -0.45284689150221424 -0.3491452809888996 -0.315094005894969 -0.30890286496879743 -0.29032944219029144 -0.3135462206634283 -0.3135462206634283 -0.3259285025157627 -0.3197373615895999 -0.28723387172721004 -0.34450192529426865 +4960,-0.45129910627067354,0,-0.5797652804886658 -0.5550007167839971 -0.5519051463209157 -0.5673829986363315 -0.5658352134047907 -0.5565485020155377 -0.5271405826162381 -0.5054715893746508 -0.45284689150221424 -0.3491452809888996 -0.315094005894969 -0.30890286496879743 -0.29032944219029144 -0.3135462206634283 -0.3135462206634283 -0.3259285025157627 -0.3197373615895999 -0.28723387172721004 -0.34450192529426865 -0.41879561640829255 +4961,-0.49154152229076686,0,-0.5550007167839971 -0.5519051463209157 -0.5673829986363315 -0.5658352134047907 -0.5565485020155377 -0.5271405826162381 -0.5054715893746508 -0.45284689150221424 -0.3491452809888996 -0.315094005894969 -0.30890286496879743 -0.29032944219029144 -0.3135462206634283 -0.3135462206634283 -0.3259285025157627 -0.3197373615895999 -0.28723387172721004 -0.34450192529426865 -0.41879561640829255 -0.45129910627067354 +4962,-0.4977326632169385,0,-0.5519051463209157 -0.5673829986363315 -0.5658352134047907 -0.5565485020155377 -0.5271405826162381 -0.5054715893746508 -0.45284689150221424 -0.3491452809888996 -0.315094005894969 -0.30890286496879743 -0.29032944219029144 -0.3135462206634283 -0.3135462206634283 -0.3259285025157627 -0.3197373615895999 -0.28723387172721004 -0.34450192529426865 -0.41879561640829255 -0.45129910627067354 -0.49154152229076686 +4963,-0.5550007167839971,0,-0.5673829986363315 -0.5658352134047907 -0.5565485020155377 -0.5271405826162381 -0.5054715893746508 -0.45284689150221424 -0.3491452809888996 -0.315094005894969 -0.30890286496879743 -0.29032944219029144 -0.3135462206634283 -0.3135462206634283 -0.3259285025157627 -0.3197373615895999 -0.28723387172721004 -0.34450192529426865 -0.41879561640829255 -0.45129910627067354 -0.49154152229076686 -0.4977326632169385 +4964,-0.5689307838678721,0,-0.5658352134047907 -0.5565485020155377 -0.5271405826162381 -0.5054715893746508 -0.45284689150221424 -0.3491452809888996 -0.315094005894969 -0.30890286496879743 -0.29032944219029144 -0.3135462206634283 -0.3135462206634283 -0.3259285025157627 -0.3197373615895999 -0.28723387172721004 -0.34450192529426865 -0.41879561640829255 -0.45129910627067354 -0.49154152229076686 -0.4977326632169385 -0.5550007167839971 +4965,-0.5550007167839971,0,-0.5565485020155377 -0.5271405826162381 -0.5054715893746508 -0.45284689150221424 -0.3491452809888996 -0.315094005894969 -0.30890286496879743 -0.29032944219029144 -0.3135462206634283 -0.3135462206634283 -0.3259285025157627 -0.3197373615895999 -0.28723387172721004 -0.34450192529426865 -0.41879561640829255 -0.45129910627067354 -0.49154152229076686 -0.4977326632169385 -0.5550007167839971 -0.5689307838678721 +4966,-0.5519051463209157,0,-0.5271405826162381 -0.5054715893746508 -0.45284689150221424 -0.3491452809888996 -0.315094005894969 -0.30890286496879743 -0.29032944219029144 -0.3135462206634283 -0.3135462206634283 -0.3259285025157627 -0.3197373615895999 -0.28723387172721004 -0.34450192529426865 -0.41879561640829255 -0.45129910627067354 -0.49154152229076686 -0.4977326632169385 -0.5550007167839971 -0.5689307838678721 -0.5550007167839971 +4967,-0.5875042066463781,0,-0.5054715893746508 -0.45284689150221424 -0.3491452809888996 -0.315094005894969 -0.30890286496879743 -0.29032944219029144 -0.3135462206634283 -0.3135462206634283 -0.3259285025157627 -0.3197373615895999 -0.28723387172721004 -0.34450192529426865 -0.41879561640829255 -0.45129910627067354 -0.49154152229076686 -0.4977326632169385 -0.5550007167839971 -0.5689307838678721 -0.5550007167839971 -0.5519051463209157 +4968,-0.5936953475725497,0,-0.45284689150221424 -0.3491452809888996 -0.315094005894969 -0.30890286496879743 -0.29032944219029144 -0.3135462206634283 -0.3135462206634283 -0.3259285025157627 -0.3197373615895999 -0.28723387172721004 -0.34450192529426865 -0.41879561640829255 -0.45129910627067354 -0.49154152229076686 -0.4977326632169385 -0.5550007167839971 -0.5689307838678721 -0.5550007167839971 -0.5519051463209157 -0.5875042066463781 +4969,-1.1579404537312195,0,-0.3491452809888996 -0.315094005894969 -0.30890286496879743 -0.29032944219029144 -0.3135462206634283 -0.3135462206634283 -0.3259285025157627 -0.3197373615895999 -0.28723387172721004 -0.34450192529426865 -0.41879561640829255 -0.45129910627067354 -0.49154152229076686 -0.4977326632169385 -0.5550007167839971 -0.5689307838678721 -0.5550007167839971 -0.5519051463209157 -0.5875042066463781 -0.5936953475725497 +4970,-0.5936953475725497,0,-0.315094005894969 -0.30890286496879743 -0.29032944219029144 -0.3135462206634283 -0.3135462206634283 -0.3259285025157627 -0.3197373615895999 -0.28723387172721004 -0.34450192529426865 -0.41879561640829255 -0.45129910627067354 -0.49154152229076686 -0.4977326632169385 -0.5550007167839971 -0.5689307838678721 -0.5550007167839971 -0.5519051463209157 -0.5875042066463781 -0.5936953475725497 -1.1579404537312195 +4971,-0.4884459518276855,0,-0.30890286496879743 -0.29032944219029144 -0.3135462206634283 -0.3135462206634283 -0.3259285025157627 -0.3197373615895999 -0.28723387172721004 -0.34450192529426865 -0.41879561640829255 -0.45129910627067354 -0.49154152229076686 -0.4977326632169385 -0.5550007167839971 -0.5689307838678721 -0.5550007167839971 -0.5519051463209157 -0.5875042066463781 -0.5936953475725497 -1.1579404537312195 -0.5936953475725497 +4972,-0.2794949455694978,0,-0.29032944219029144 -0.3135462206634283 -0.3135462206634283 -0.3259285025157627 -0.3197373615895999 -0.28723387172721004 -0.34450192529426865 -0.41879561640829255 -0.45129910627067354 -0.49154152229076686 -0.4977326632169385 -0.5550007167839971 -0.5689307838678721 -0.5550007167839971 -0.5519051463209157 -0.5875042066463781 -0.5936953475725497 -1.1579404537312195 -0.5936953475725497 -0.4884459518276855 +4973,0.07432875836101886,0,-0.3135462206634283 -0.3135462206634283 -0.3259285025157627 -0.3197373615895999 -0.28723387172721004 -0.34450192529426865 -0.41879561640829255 -0.45129910627067354 -0.49154152229076686 -0.4977326632169385 -0.5550007167839971 -0.5689307838678721 -0.5550007167839971 -0.5519051463209157 -0.5875042066463781 -0.5936953475725497 -1.1579404537312195 -0.5936953475725497 -0.4884459518276855 -0.2794949455694978 +4974,0.07185230199055727,0,-0.3135462206634283 -0.3259285025157627 -0.3197373615895999 -0.28723387172721004 -0.34450192529426865 -0.41879561640829255 -0.45129910627067354 -0.49154152229076686 -0.4977326632169385 -0.5550007167839971 -0.5689307838678721 -0.5550007167839971 -0.5519051463209157 -0.5875042066463781 -0.5936953475725497 -1.1579404537312195 -0.5936953475725497 -0.4884459518276855 -0.2794949455694978 0.07432875836101886 +4975,0.2188918989870555,0,-0.3259285025157627 -0.3197373615895999 -0.28723387172721004 -0.34450192529426865 -0.41879561640829255 -0.45129910627067354 -0.49154152229076686 -0.4977326632169385 -0.5550007167839971 -0.5689307838678721 -0.5550007167839971 -0.5519051463209157 -0.5875042066463781 -0.5936953475725497 -1.1579404537312195 -0.5936953475725497 -0.4884459518276855 -0.2794949455694978 0.07432875836101886 0.07185230199055727 +4976,0.35354921413121937,0,-0.3197373615895999 -0.28723387172721004 -0.34450192529426865 -0.41879561640829255 -0.45129910627067354 -0.49154152229076686 -0.4977326632169385 -0.5550007167839971 -0.5689307838678721 -0.5550007167839971 -0.5519051463209157 -0.5875042066463781 -0.5936953475725497 -1.1579404537312195 -0.5936953475725497 -0.4884459518276855 -0.2794949455694978 0.07432875836101886 0.07185230199055727 0.2188918989870555 +4977,0.4402251870975776,0,-0.28723387172721004 -0.34450192529426865 -0.41879561640829255 -0.45129910627067354 -0.49154152229076686 -0.4977326632169385 -0.5550007167839971 -0.5689307838678721 -0.5550007167839971 -0.5519051463209157 -0.5875042066463781 -0.5936953475725497 -1.1579404537312195 -0.5936953475725497 -0.4884459518276855 -0.2794949455694978 0.07432875836101886 0.07185230199055727 0.2188918989870555 0.35354921413121937 +4978,0.5160666634431421,0,-0.34450192529426865 -0.41879561640829255 -0.45129910627067354 -0.49154152229076686 -0.4977326632169385 -0.5550007167839971 -0.5689307838678721 -0.5550007167839971 -0.5519051463209157 -0.5875042066463781 -0.5936953475725497 -1.1579404537312195 -0.5936953475725497 -0.4884459518276855 -0.2794949455694978 0.07432875836101886 0.07185230199055727 0.2188918989870555 0.35354921413121937 0.4402251870975776 +4979,0.4974932406646362,0,-0.41879561640829255 -0.45129910627067354 -0.49154152229076686 -0.4977326632169385 -0.5550007167839971 -0.5689307838678721 -0.5550007167839971 -0.5519051463209157 -0.5875042066463781 -0.5936953475725497 -1.1579404537312195 -0.5936953475725497 -0.4884459518276855 -0.2794949455694978 0.07432875836101886 0.07185230199055727 0.2188918989870555 0.35354921413121937 0.4402251870975776 0.5160666634431421 +4980,0.4417729723291183,0,-0.45129910627067354 -0.49154152229076686 -0.4977326632169385 -0.5550007167839971 -0.5689307838678721 -0.5550007167839971 -0.5519051463209157 -0.5875042066463781 -0.5936953475725497 -1.1579404537312195 -0.5936953475725497 -0.4884459518276855 -0.2794949455694978 0.07432875836101886 0.07185230199055727 0.2188918989870555 0.35354921413121937 0.4402251870975776 0.5160666634431421 0.4974932406646362 +4981,0.2823510934802857,0,-0.49154152229076686 -0.4977326632169385 -0.5550007167839971 -0.5689307838678721 -0.5550007167839971 -0.5519051463209157 -0.5875042066463781 -0.5936953475725497 -1.1579404537312195 -0.5936953475725497 -0.4884459518276855 -0.2794949455694978 0.07432875836101886 0.07185230199055727 0.2188918989870555 0.35354921413121937 0.4402251870975776 0.5160666634431421 0.4974932406646362 0.4417729723291183 +4982,0.05637444967513269,0,-0.4977326632169385 -0.5550007167839971 -0.5689307838678721 -0.5550007167839971 -0.5519051463209157 -0.5875042066463781 -0.5936953475725497 -1.1579404537312195 -0.5936953475725497 -0.4884459518276855 -0.2794949455694978 0.07432875836101886 0.07185230199055727 0.2188918989870555 0.35354921413121937 0.4402251870975776 0.5160666634431421 0.4974932406646362 0.4417729723291183 0.2823510934802857 +4983,-0.14793320088842413,0,-0.5550007167839971 -0.5689307838678721 -0.5550007167839971 -0.5519051463209157 -0.5875042066463781 -0.5936953475725497 -1.1579404537312195 -0.5936953475725497 -0.4884459518276855 -0.2794949455694978 0.07432875836101886 0.07185230199055727 0.2188918989870555 0.35354921413121937 0.4402251870975776 0.5160666634431421 0.4974932406646362 0.4417729723291183 0.2823510934802857 0.05637444967513269 +4984,-0.30116393881109393,0,-0.5689307838678721 -0.5550007167839971 -0.5519051463209157 -0.5875042066463781 -0.5936953475725497 -1.1579404537312195 -0.5936953475725497 -0.4884459518276855 -0.2794949455694978 0.07432875836101886 0.07185230199055727 0.2188918989870555 0.35354921413121937 0.4402251870975776 0.5160666634431421 0.4974932406646362 0.4417729723291183 0.2823510934802857 0.05637444967513269 -0.14793320088842413 +4985,-0.4218911868713739,0,-0.5550007167839971 -0.5519051463209157 -0.5875042066463781 -0.5936953475725497 -1.1579404537312195 -0.5936953475725497 -0.4884459518276855 -0.2794949455694978 0.07432875836101886 0.07185230199055727 0.2188918989870555 0.35354921413121937 0.4402251870975776 0.5160666634431421 0.4974932406646362 0.4417729723291183 0.2823510934802857 0.05637444967513269 -0.14793320088842413 -0.30116393881109393 +4986,-0.5333317235424098,0,-0.5519051463209157 -0.5875042066463781 -0.5936953475725497 -1.1579404537312195 -0.5936953475725497 -0.4884459518276855 -0.2794949455694978 0.07432875836101886 0.07185230199055727 0.2188918989870555 0.35354921413121937 0.4402251870975776 0.5160666634431421 0.4974932406646362 0.4417729723291183 0.2823510934802857 0.05637444967513269 -0.14793320088842413 -0.30116393881109393 -0.4218911868713739 +4987,-0.5967909180356311,0,-0.5875042066463781 -0.5936953475725497 -1.1579404537312195 -0.5936953475725497 -0.4884459518276855 -0.2794949455694978 0.07432875836101886 0.07185230199055727 0.2188918989870555 0.35354921413121937 0.4402251870975776 0.5160666634431421 0.4974932406646362 0.4417729723291183 0.2823510934802857 0.05637444967513269 -0.14793320088842413 -0.30116393881109393 -0.4218911868713739 -0.5333317235424098 +4988,-0.6447722602134367,0,-0.5936953475725497 -1.1579404537312195 -0.5936953475725497 -0.4884459518276855 -0.2794949455694978 0.07432875836101886 0.07185230199055727 0.2188918989870555 0.35354921413121937 0.4402251870975776 0.5160666634431421 0.4974932406646362 0.4417729723291183 0.2823510934802857 0.05637444967513269 -0.14793320088842413 -0.30116393881109393 -0.4218911868713739 -0.5333317235424098 -0.5967909180356311 +4989,-0.7190659513274605,0,-1.1579404537312195 -0.5936953475725497 -0.4884459518276855 -0.2794949455694978 0.07432875836101886 0.07185230199055727 0.2188918989870555 0.35354921413121937 0.4402251870975776 0.5160666634431421 0.4974932406646362 0.4417729723291183 0.2823510934802857 0.05637444967513269 -0.14793320088842413 -0.30116393881109393 -0.4218911868713739 -0.5333317235424098 -0.5967909180356311 -0.6447722602134367 +4990,-0.7949074276730251,0,-0.5936953475725497 -0.4884459518276855 -0.2794949455694978 0.07432875836101886 0.07185230199055727 0.2188918989870555 0.35354921413121937 0.4402251870975776 0.5160666634431421 0.4974932406646362 0.4417729723291183 0.2823510934802857 0.05637444967513269 -0.14793320088842413 -0.30116393881109393 -0.4218911868713739 -0.5333317235424098 -0.5967909180356311 -0.6447722602134367 -0.7190659513274605 +4991,-0.8583666221662465,0,-0.4884459518276855 -0.2794949455694978 0.07432875836101886 0.07185230199055727 0.2188918989870555 0.35354921413121937 0.4402251870975776 0.5160666634431421 0.4974932406646362 0.4417729723291183 0.2823510934802857 0.05637444967513269 -0.14793320088842413 -0.30116393881109393 -0.4218911868713739 -0.5333317235424098 -0.5967909180356311 -0.6447722602134367 -0.7190659513274605 -0.7949074276730251 +4992,-0.9403992394379826,0,-0.2794949455694978 0.07432875836101886 0.07185230199055727 0.2188918989870555 0.35354921413121937 0.4402251870975776 0.5160666634431421 0.4974932406646362 0.4417729723291183 0.2823510934802857 0.05637444967513269 -0.14793320088842413 -0.30116393881109393 -0.4218911868713739 -0.5333317235424098 -0.5967909180356311 -0.6447722602134367 -0.7190659513274605 -0.7949074276730251 -0.8583666221662465 +4993,-0.9744505145319043,0,0.07432875836101886 0.07185230199055727 0.2188918989870555 0.35354921413121937 0.4402251870975776 0.5160666634431421 0.4974932406646362 0.4417729723291183 0.2823510934802857 0.05637444967513269 -0.14793320088842413 -0.30116393881109393 -0.4218911868713739 -0.5333317235424098 -0.5967909180356311 -0.6447722602134367 -0.7190659513274605 -0.7949074276730251 -0.8583666221662465 -0.9403992394379826 +4994,-0.8506276960085343,0,0.07185230199055727 0.2188918989870555 0.35354921413121937 0.4402251870975776 0.5160666634431421 0.4974932406646362 0.4417729723291183 0.2823510934802857 0.05637444967513269 -0.14793320088842413 -0.30116393881109393 -0.4218911868713739 -0.5333317235424098 -0.5967909180356311 -0.6447722602134367 -0.7190659513274605 -0.7949074276730251 -0.8583666221662465 -0.9403992394379826 -0.9744505145319043 +4995,-0.4946370927538571,0,0.2188918989870555 0.35354921413121937 0.4402251870975776 0.5160666634431421 0.4974932406646362 0.4417729723291183 0.2823510934802857 0.05637444967513269 -0.14793320088842413 -0.30116393881109393 -0.4218911868713739 -0.5333317235424098 -0.5967909180356311 -0.6447722602134367 -0.7190659513274605 -0.7949074276730251 -0.8583666221662465 -0.9403992394379826 -0.9744505145319043 -0.8506276960085343 +4996,-0.1076907848683308,0,0.35354921413121937 0.4402251870975776 0.5160666634431421 0.4974932406646362 0.4417729723291183 0.2823510934802857 0.05637444967513269 -0.14793320088842413 -0.30116393881109393 -0.4218911868713739 -0.5333317235424098 -0.5967909180356311 -0.6447722602134367 -0.7190659513274605 -0.7949074276730251 -0.8583666221662465 -0.9403992394379826 -0.9744505145319043 -0.8506276960085343 -0.4946370927538571 +4997,0.2096051875978025,0,0.4402251870975776 0.5160666634431421 0.4974932406646362 0.4417729723291183 0.2823510934802857 0.05637444967513269 -0.14793320088842413 -0.30116393881109393 -0.4218911868713739 -0.5333317235424098 -0.5967909180356311 -0.6447722602134367 -0.7190659513274605 -0.7949074276730251 -0.8583666221662465 -0.9403992394379826 -0.9744505145319043 -0.8506276960085343 -0.4946370927538571 -0.1076907848683308 +4998,0.3705748516781846,0,0.5160666634431421 0.4974932406646362 0.4417729723291183 0.2823510934802857 0.05637444967513269 -0.14793320088842413 -0.30116393881109393 -0.4218911868713739 -0.5333317235424098 -0.5967909180356311 -0.6447722602134367 -0.7190659513274605 -0.7949074276730251 -0.8583666221662465 -0.9403992394379826 -0.9744505145319043 -0.8506276960085343 -0.4946370927538571 -0.1076907848683308 0.2096051875978025 +4999,0.6491761933557653,0,0.4974932406646362 0.4417729723291183 0.2823510934802857 0.05637444967513269 -0.14793320088842413 -0.30116393881109393 -0.4218911868713739 -0.5333317235424098 -0.5967909180356311 -0.6447722602134367 -0.7190659513274605 -0.7949074276730251 -0.8583666221662465 -0.9403992394379826 -0.9744505145319043 -0.8506276960085343 -0.4946370927538571 -0.1076907848683308 0.2096051875978025 0.3705748516781846 +5000,0.8240759245200224,0,0.4417729723291183 0.2823510934802857 0.05637444967513269 -0.14793320088842413 -0.30116393881109393 -0.4218911868713739 -0.5333317235424098 -0.5967909180356311 -0.6447722602134367 -0.7190659513274605 -0.7949074276730251 -0.8583666221662465 -0.9403992394379826 -0.9744505145319043 -0.8506276960085343 -0.4946370927538571 -0.1076907848683308 0.2096051875978025 0.3705748516781846 0.6491761933557653 +5001,0.8813439780870811,0,0.2823510934802857 0.05637444967513269 -0.14793320088842413 -0.30116393881109393 -0.4218911868713739 -0.5333317235424098 -0.5967909180356311 -0.6447722602134367 -0.7190659513274605 -0.7949074276730251 -0.8583666221662465 -0.9403992394379826 -0.9744505145319043 -0.8506276960085343 -0.4946370927538571 -0.1076907848683308 0.2096051875978025 0.3705748516781846 0.6491761933557653 0.8240759245200224 +5002,0.9122996827179214,0,0.05637444967513269 -0.14793320088842413 -0.30116393881109393 -0.4218911868713739 -0.5333317235424098 -0.5967909180356311 -0.6447722602134367 -0.7190659513274605 -0.7949074276730251 -0.8583666221662465 -0.9403992394379826 -0.9744505145319043 -0.8506276960085343 -0.4946370927538571 -0.1076907848683308 0.2096051875978025 0.3705748516781846 0.6491761933557653 0.8240759245200224 0.8813439780870811 +5003,0.8797961928555316,0,-0.14793320088842413 -0.30116393881109393 -0.4218911868713739 -0.5333317235424098 -0.5967909180356311 -0.6447722602134367 -0.7190659513274605 -0.7949074276730251 -0.8583666221662465 -0.9403992394379826 -0.9744505145319043 -0.8506276960085343 -0.4946370927538571 -0.1076907848683308 0.2096051875978025 0.3705748516781846 0.6491761933557653 0.8240759245200224 0.8813439780870811 0.9122996827179214 +5004,0.7729990118791267,0,-0.30116393881109393 -0.4218911868713739 -0.5333317235424098 -0.5967909180356311 -0.6447722602134367 -0.7190659513274605 -0.7949074276730251 -0.8583666221662465 -0.9403992394379826 -0.9744505145319043 -0.8506276960085343 -0.4946370927538571 -0.1076907848683308 0.2096051875978025 0.3705748516781846 0.6491761933557653 0.8240759245200224 0.8813439780870811 0.9122996827179214 0.8797961928555316 +5005,0.660010689976559,0,-0.4218911868713739 -0.5333317235424098 -0.5967909180356311 -0.6447722602134367 -0.7190659513274605 -0.7949074276730251 -0.8583666221662465 -0.9403992394379826 -0.9744505145319043 -0.8506276960085343 -0.4946370927538571 -0.1076907848683308 0.2096051875978025 0.3705748516781846 0.6491761933557653 0.8240759245200224 0.8813439780870811 0.9122996827179214 0.8797961928555316 0.7729990118791267 +5006,0.38140934829897827,0,-0.5333317235424098 -0.5967909180356311 -0.6447722602134367 -0.7190659513274605 -0.7949074276730251 -0.8583666221662465 -0.9403992394379826 -0.9744505145319043 -0.8506276960085343 -0.4946370927538571 -0.1076907848683308 0.2096051875978025 0.3705748516781846 0.6491761933557653 0.8240759245200224 0.8813439780870811 0.9122996827179214 0.8797961928555316 0.7729990118791267 0.660010689976559 +5007,0.06720894629592637,0,-0.5967909180356311 -0.6447722602134367 -0.7190659513274605 -0.7949074276730251 -0.8583666221662465 -0.9403992394379826 -0.9744505145319043 -0.8506276960085343 -0.4946370927538571 -0.1076907848683308 0.2096051875978025 0.3705748516781846 0.6491761933557653 0.8240759245200224 0.8813439780870811 0.9122996827179214 0.8797961928555316 0.7729990118791267 0.660010689976559 0.38140934829897827 +5008,-0.14174205996225253,0,-0.6447722602134367 -0.7190659513274605 -0.7949074276730251 -0.8583666221662465 -0.9403992394379826 -0.9744505145319043 -0.8506276960085343 -0.4946370927538571 -0.1076907848683308 0.2096051875978025 0.3705748516781846 0.6491761933557653 0.8240759245200224 0.8813439780870811 0.9122996827179214 0.8797961928555316 0.7729990118791267 0.660010689976559 0.38140934829897827 0.06720894629592637 +5009,-0.25318259663328835,0,-0.7190659513274605 -0.7949074276730251 -0.8583666221662465 -0.9403992394379826 -0.9744505145319043 -0.8506276960085343 -0.4946370927538571 -0.1076907848683308 0.2096051875978025 0.3705748516781846 0.6491761933557653 0.8240759245200224 0.8813439780870811 0.9122996827179214 0.8797961928555316 0.7729990118791267 0.660010689976559 0.38140934829897827 0.06720894629592637 -0.14174205996225253 +5010,-0.3553364219150623,0,-0.7949074276730251 -0.8583666221662465 -0.9403992394379826 -0.9744505145319043 -0.8506276960085343 -0.4946370927538571 -0.1076907848683308 0.2096051875978025 0.3705748516781846 0.6491761933557653 0.8240759245200224 0.8813439780870811 0.9122996827179214 0.8797961928555316 0.7729990118791267 0.660010689976559 0.38140934829897827 0.06720894629592637 -0.14174205996225253 -0.25318259663328835 +5011,-0.4404646096498799,0,-0.8583666221662465 -0.9403992394379826 -0.9744505145319043 -0.8506276960085343 -0.4946370927538571 -0.1076907848683308 0.2096051875978025 0.3705748516781846 0.6491761933557653 0.8240759245200224 0.8813439780870811 0.9122996827179214 0.8797961928555316 0.7729990118791267 0.660010689976559 0.38140934829897827 0.06720894629592637 -0.14174205996225253 -0.25318259663328835 -0.3553364219150623 +5012,-0.5472617906262848,0,-0.9403992394379826 -0.9744505145319043 -0.8506276960085343 -0.4946370927538571 -0.1076907848683308 0.2096051875978025 0.3705748516781846 0.6491761933557653 0.8240759245200224 0.8813439780870811 0.9122996827179214 0.8797961928555316 0.7729990118791267 0.660010689976559 0.38140934829897827 0.06720894629592637 -0.14174205996225253 -0.25318259663328835 -0.3553364219150623 -0.4404646096498799 +5013,-0.6184599112772184,0,-0.9744505145319043 -0.8506276960085343 -0.4946370927538571 -0.1076907848683308 0.2096051875978025 0.3705748516781846 0.6491761933557653 0.8240759245200224 0.8813439780870811 0.9122996827179214 0.8797961928555316 0.7729990118791267 0.660010689976559 0.38140934829897827 0.06720894629592637 -0.14174205996225253 -0.25318259663328835 -0.3553364219150623 -0.4404646096498799 -0.5472617906262848 +5014,-0.666441253455024,0,-0.8506276960085343 -0.4946370927538571 -0.1076907848683308 0.2096051875978025 0.3705748516781846 0.6491761933557653 0.8240759245200224 0.8813439780870811 0.9122996827179214 0.8797961928555316 0.7729990118791267 0.660010689976559 0.38140934829897827 0.06720894629592637 -0.14174205996225253 -0.25318259663328835 -0.3553364219150623 -0.4404646096498799 -0.5472617906262848 -0.6184599112772184 +5015,-0.7469260854952195,0,-0.4946370927538571 -0.1076907848683308 0.2096051875978025 0.3705748516781846 0.6491761933557653 0.8240759245200224 0.8813439780870811 0.9122996827179214 0.8797961928555316 0.7729990118791267 0.660010689976559 0.38140934829897827 0.06720894629592637 -0.14174205996225253 -0.25318259663328835 -0.3553364219150623 -0.4404646096498799 -0.5472617906262848 -0.6184599112772184 -0.666441253455024 +5016,-0.7654995082737255,0,-0.1076907848683308 0.2096051875978025 0.3705748516781846 0.6491761933557653 0.8240759245200224 0.8813439780870811 0.9122996827179214 0.8797961928555316 0.7729990118791267 0.660010689976559 0.38140934829897827 0.06720894629592637 -0.14174205996225253 -0.25318259663328835 -0.3553364219150623 -0.4404646096498799 -0.5472617906262848 -0.6184599112772184 -0.666441253455024 -0.7469260854952195 +5017,-0.7840729310522314,0,0.2096051875978025 0.3705748516781846 0.6491761933557653 0.8240759245200224 0.8813439780870811 0.9122996827179214 0.8797961928555316 0.7729990118791267 0.660010689976559 0.38140934829897827 0.06720894629592637 -0.14174205996225253 -0.25318259663328835 -0.3553364219150623 -0.4404646096498799 -0.5472617906262848 -0.6184599112772184 -0.666441253455024 -0.7469260854952195 -0.7654995082737255 +5018,-0.7252570922536233,0,0.3705748516781846 0.6491761933557653 0.8240759245200224 0.8813439780870811 0.9122996827179214 0.8797961928555316 0.7729990118791267 0.660010689976559 0.38140934829897827 0.06720894629592637 -0.14174205996225253 -0.25318259663328835 -0.3553364219150623 -0.4404646096498799 -0.5472617906262848 -0.6184599112772184 -0.666441253455024 -0.7469260854952195 -0.7654995082737255 -0.7840729310522314 +5019,-0.41879561640829255,0,0.6491761933557653 0.8240759245200224 0.8813439780870811 0.9122996827179214 0.8797961928555316 0.7729990118791267 0.660010689976559 0.38140934829897827 0.06720894629592637 -0.14174205996225253 -0.25318259663328835 -0.3553364219150623 -0.4404646096498799 -0.5472617906262848 -0.6184599112772184 -0.666441253455024 -0.7469260854952195 -0.7654995082737255 -0.7840729310522314 -0.7252570922536233 +5020,-0.01637145620734167,0,0.8240759245200224 0.8813439780870811 0.9122996827179214 0.8797961928555316 0.7729990118791267 0.660010689976559 0.38140934829897827 0.06720894629592637 -0.14174205996225253 -0.25318259663328835 -0.3553364219150623 -0.4404646096498799 -0.5472617906262848 -0.6184599112772184 -0.666441253455024 -0.7469260854952195 -0.7654995082737255 -0.7840729310522314 -0.7252570922536233 -0.41879561640829255 +5021,0.2823510934802857,0,0.8813439780870811 0.9122996827179214 0.8797961928555316 0.7729990118791267 0.660010689976559 0.38140934829897827 0.06720894629592637 -0.14174205996225253 -0.25318259663328835 -0.3553364219150623 -0.4404646096498799 -0.5472617906262848 -0.6184599112772184 -0.666441253455024 -0.7469260854952195 -0.7654995082737255 -0.7840729310522314 -0.7252570922536233 -0.41879561640829255 -0.01637145620734167 +5022,0.5361878714531888,0,0.9122996827179214 0.8797961928555316 0.7729990118791267 0.660010689976559 0.38140934829897827 0.06720894629592637 -0.14174205996225253 -0.25318259663328835 -0.3553364219150623 -0.4404646096498799 -0.5472617906262848 -0.6184599112772184 -0.666441253455024 -0.7469260854952195 -0.7654995082737255 -0.7840729310522314 -0.7252570922536233 -0.41879561640829255 -0.01637145620734167 0.2823510934802857 +5023,0.7451388777113765,0,0.8797961928555316 0.7729990118791267 0.660010689976559 0.38140934829897827 0.06720894629592637 -0.14174205996225253 -0.25318259663328835 -0.3553364219150623 -0.4404646096498799 -0.5472617906262848 -0.6184599112772184 -0.666441253455024 -0.7469260854952195 -0.7654995082737255 -0.7840729310522314 -0.7252570922536233 -0.41879561640829255 -0.01637145620734167 0.2823510934802857 0.5361878714531888 +5024,0.7745467971106762,0,0.7729990118791267 0.660010689976559 0.38140934829897827 0.06720894629592637 -0.14174205996225253 -0.25318259663328835 -0.3553364219150623 -0.4404646096498799 -0.5472617906262848 -0.6184599112772184 -0.666441253455024 -0.7469260854952195 -0.7654995082737255 -0.7840729310522314 -0.7252570922536233 -0.41879561640829255 -0.01637145620734167 0.2823510934802857 0.5361878714531888 0.7451388777113765 +5025,0.978854447674233,0,0.660010689976559 0.38140934829897827 0.06720894629592637 -0.14174205996225253 -0.25318259663328835 -0.3553364219150623 -0.4404646096498799 -0.5472617906262848 -0.6184599112772184 -0.666441253455024 -0.7469260854952195 -0.7654995082737255 -0.7840729310522314 -0.7252570922536233 -0.41879561640829255 -0.01637145620734167 0.2823510934802857 0.5361878714531888 0.7451388777113765 0.7745467971106762 +5026,1.0500525683251667,0,0.38140934829897827 0.06720894629592637 -0.14174205996225253 -0.25318259663328835 -0.3553364219150623 -0.4404646096498799 -0.5472617906262848 -0.6184599112772184 -0.666441253455024 -0.7469260854952195 -0.7654995082737255 -0.7840729310522314 -0.7252570922536233 -0.41879561640829255 -0.01637145620734167 0.2823510934802857 0.5361878714531888 0.7451388777113765 0.7745467971106762 0.978854447674233 +5027,1.1212506889761003,0,0.06720894629592637 -0.14174205996225253 -0.25318259663328835 -0.3553364219150623 -0.4404646096498799 -0.5472617906262848 -0.6184599112772184 -0.666441253455024 -0.7469260854952195 -0.7654995082737255 -0.7840729310522314 -0.7252570922536233 -0.41879561640829255 -0.01637145620734167 0.2823510934802857 0.5361878714531888 0.7451388777113765 0.7745467971106762 0.978854447674233 1.0500525683251667 +5028,1.0964861252714315,0,-0.14174205996225253 -0.25318259663328835 -0.3553364219150623 -0.4404646096498799 -0.5472617906262848 -0.6184599112772184 -0.666441253455024 -0.7469260854952195 -0.7654995082737255 -0.7840729310522314 -0.7252570922536233 -0.41879561640829255 -0.01637145620734167 0.2823510934802857 0.5361878714531888 0.7451388777113765 0.7745467971106762 0.978854447674233 1.0500525683251667 1.1212506889761003 +5029,0.8751528371609095,0,-0.25318259663328835 -0.3553364219150623 -0.4404646096498799 -0.5472617906262848 -0.6184599112772184 -0.666441253455024 -0.7469260854952195 -0.7654995082737255 -0.7840729310522314 -0.7252570922536233 -0.41879561640829255 -0.01637145620734167 0.2823510934802857 0.5361878714531888 0.7451388777113765 0.7745467971106762 0.978854447674233 1.0500525683251667 1.1212506889761003 1.0964861252714315 +5030,0.6522717638188467,0,-0.3553364219150623 -0.4404646096498799 -0.5472617906262848 -0.6184599112772184 -0.666441253455024 -0.7469260854952195 -0.7654995082737255 -0.7840729310522314 -0.7252570922536233 -0.41879561640829255 -0.01637145620734167 0.2823510934802857 0.5361878714531888 0.7451388777113765 0.7745467971106762 0.978854447674233 1.0500525683251667 1.1212506889761003 1.0964861252714315 0.8751528371609095 +5031,0.2235352546816864,0,-0.4404646096498799 -0.5472617906262848 -0.6184599112772184 -0.666441253455024 -0.7469260854952195 -0.7654995082737255 -0.7840729310522314 -0.7252570922536233 -0.41879561640829255 -0.01637145620734167 0.2823510934802857 0.5361878714531888 0.7451388777113765 0.7745467971106762 0.978854447674233 1.0500525683251667 1.1212506889761003 1.0964861252714315 0.8751528371609095 0.6522717638188467 +5032,0.0006541813396235972,0,-0.5472617906262848 -0.6184599112772184 -0.666441253455024 -0.7469260854952195 -0.7654995082737255 -0.7840729310522314 -0.7252570922536233 -0.41879561640829255 -0.01637145620734167 0.2823510934802857 0.5361878714531888 0.7451388777113765 0.7745467971106762 0.978854447674233 1.0500525683251667 1.1212506889761003 1.0964861252714315 0.8751528371609095 0.6522717638188467 0.2235352546816864 +5033,-0.10614299963678131,0,-0.6184599112772184 -0.666441253455024 -0.7469260854952195 -0.7654995082737255 -0.7840729310522314 -0.7252570922536233 -0.41879561640829255 -0.01637145620734167 0.2823510934802857 0.5361878714531888 0.7451388777113765 0.7745467971106762 0.978854447674233 1.0500525683251667 1.1212506889761003 1.0964861252714315 0.8751528371609095 0.6522717638188467 0.2235352546816864 0.0006541813396235972 +5034,-0.2671126637171634,0,-0.666441253455024 -0.7469260854952195 -0.7654995082737255 -0.7840729310522314 -0.7252570922536233 -0.41879561640829255 -0.01637145620734167 0.2823510934802857 0.5361878714531888 0.7451388777113765 0.7745467971106762 0.978854447674233 1.0500525683251667 1.1212506889761003 1.0964861252714315 0.8751528371609095 0.6522717638188467 0.2235352546816864 0.0006541813396235972 -0.10614299963678131 +5035,-0.36462313330431534,0,-0.7469260854952195 -0.7654995082737255 -0.7840729310522314 -0.7252570922536233 -0.41879561640829255 -0.01637145620734167 0.2823510934802857 0.5361878714531888 0.7451388777113765 0.7745467971106762 0.978854447674233 1.0500525683251667 1.1212506889761003 1.0964861252714315 0.8751528371609095 0.6522717638188467 0.2235352546816864 0.0006541813396235972 -0.10614299963678131 -0.2671126637171634 +5036,-0.46213360289146727,0,-0.7654995082737255 -0.7840729310522314 -0.7252570922536233 -0.41879561640829255 -0.01637145620734167 0.2823510934802857 0.5361878714531888 0.7451388777113765 0.7745467971106762 0.978854447674233 1.0500525683251667 1.1212506889761003 1.0964861252714315 0.8751528371609095 0.6522717638188467 0.2235352546816864 0.0006541813396235972 -0.10614299963678131 -0.2671126637171634 -0.36462313330431534 +5037,-0.5116627303008136,0,-0.7840729310522314 -0.7252570922536233 -0.41879561640829255 -0.01637145620734167 0.2823510934802857 0.5361878714531888 0.7451388777113765 0.7745467971106762 0.978854447674233 1.0500525683251667 1.1212506889761003 1.0964861252714315 0.8751528371609095 0.6522717638188467 0.2235352546816864 0.0006541813396235972 -0.10614299963678131 -0.2671126637171634 -0.36462313330431534 -0.46213360289146727 +5038,-0.5240450121531567,0,-0.7252570922536233 -0.41879561640829255 -0.01637145620734167 0.2823510934802857 0.5361878714531888 0.7451388777113765 0.7745467971106762 0.978854447674233 1.0500525683251667 1.1212506889761003 1.0964861252714315 0.8751528371609095 0.6522717638188467 0.2235352546816864 0.0006541813396235972 -0.10614299963678131 -0.2671126637171634 -0.36462313330431534 -0.46213360289146727 -0.5116627303008136 +5039,-0.5441662201632034,0,-0.41879561640829255 -0.01637145620734167 0.2823510934802857 0.5361878714531888 0.7451388777113765 0.7745467971106762 0.978854447674233 1.0500525683251667 1.1212506889761003 1.0964861252714315 0.8751528371609095 0.6522717638188467 0.2235352546816864 0.0006541813396235972 -0.10614299963678131 -0.2671126637171634 -0.36462313330431534 -0.46213360289146727 -0.5116627303008136 -0.5240450121531567 +5040,-0.5642874281732501,0,-0.01637145620734167 0.2823510934802857 0.5361878714531888 0.7451388777113765 0.7745467971106762 0.978854447674233 1.0500525683251667 1.1212506889761003 1.0964861252714315 0.8751528371609095 0.6522717638188467 0.2235352546816864 0.0006541813396235972 -0.10614299963678131 -0.2671126637171634 -0.36462313330431534 -0.46213360289146727 -0.5116627303008136 -0.5240450121531567 -0.5441662201632034 +5041,-0.5596440724786191,0,0.2823510934802857 0.5361878714531888 0.7451388777113765 0.7745467971106762 0.978854447674233 1.0500525683251667 1.1212506889761003 1.0964861252714315 0.8751528371609095 0.6522717638188467 0.2235352546816864 0.0006541813396235972 -0.10614299963678131 -0.2671126637171634 -0.36462313330431534 -0.46213360289146727 -0.5116627303008136 -0.5240450121531567 -0.5441662201632034 -0.5642874281732501 +5042,-0.5673829986363315,0,0.5361878714531888 0.7451388777113765 0.7745467971106762 0.978854447674233 1.0500525683251667 1.1212506889761003 1.0964861252714315 0.8751528371609095 0.6522717638188467 0.2235352546816864 0.0006541813396235972 -0.10614299963678131 -0.2671126637171634 -0.36462313330431534 -0.46213360289146727 -0.5116627303008136 -0.5240450121531567 -0.5441662201632034 -0.5642874281732501 -0.5596440724786191 +5043,-0.45129910627067354,0,0.7451388777113765 0.7745467971106762 0.978854447674233 1.0500525683251667 1.1212506889761003 1.0964861252714315 0.8751528371609095 0.6522717638188467 0.2235352546816864 0.0006541813396235972 -0.10614299963678131 -0.2671126637171634 -0.36462313330431534 -0.46213360289146727 -0.5116627303008136 -0.5240450121531567 -0.5441662201632034 -0.5642874281732501 -0.5596440724786191 -0.5673829986363315 +5044,-0.24389588524403535,0,0.7745467971106762 0.978854447674233 1.0500525683251667 1.1212506889761003 1.0964861252714315 0.8751528371609095 0.6522717638188467 0.2235352546816864 0.0006541813396235972 -0.10614299963678131 -0.2671126637171634 -0.36462313330431534 -0.46213360289146727 -0.5116627303008136 -0.5240450121531567 -0.5441662201632034 -0.5642874281732501 -0.5596440724786191 -0.5673829986363315 -0.45129910627067354 +5045,0.06256559060130429,0,0.978854447674233 1.0500525683251667 1.1212506889761003 1.0964861252714315 0.8751528371609095 0.6522717638188467 0.2235352546816864 0.0006541813396235972 -0.10614299963678131 -0.2671126637171634 -0.36462313330431534 -0.46213360289146727 -0.5116627303008136 -0.5240450121531567 -0.5441662201632034 -0.5642874281732501 -0.5596440724786191 -0.5673829986363315 -0.45129910627067354 -0.24389588524403535 +5046,0.37831377783589687,0,1.0500525683251667 1.1212506889761003 1.0964861252714315 0.8751528371609095 0.6522717638188467 0.2235352546816864 0.0006541813396235972 -0.10614299963678131 -0.2671126637171634 -0.36462313330431534 -0.46213360289146727 -0.5116627303008136 -0.5240450121531567 -0.5441662201632034 -0.5642874281732501 -0.5596440724786191 -0.5673829986363315 -0.45129910627067354 -0.24389588524403535 0.06256559060130429 +5047,0.5980992807148695,0,1.1212506889761003 1.0964861252714315 0.8751528371609095 0.6522717638188467 0.2235352546816864 0.0006541813396235972 -0.10614299963678131 -0.2671126637171634 -0.36462313330431534 -0.46213360289146727 -0.5116627303008136 -0.5240450121531567 -0.5441662201632034 -0.5642874281732501 -0.5596440724786191 -0.5673829986363315 -0.45129910627067354 -0.24389588524403535 0.06256559060130429 0.37831377783589687 +5048,0.701800891228193,0,1.0964861252714315 0.8751528371609095 0.6522717638188467 0.2235352546816864 0.0006541813396235972 -0.10614299963678131 -0.2671126637171634 -0.36462313330431534 -0.46213360289146727 -0.5116627303008136 -0.5240450121531567 -0.5441662201632034 -0.5642874281732501 -0.5596440724786191 -0.5673829986363315 -0.45129910627067354 -0.24389588524403535 0.06256559060130429 0.37831377783589687 0.5980992807148695 +5049,0.8550316291508628,0,0.8751528371609095 0.6522717638188467 0.2235352546816864 0.0006541813396235972 -0.10614299963678131 -0.2671126637171634 -0.36462313330431534 -0.46213360289146727 -0.5116627303008136 -0.5240450121531567 -0.5441662201632034 -0.5642874281732501 -0.5596440724786191 -0.5673829986363315 -0.45129910627067354 -0.24389588524403535 0.06256559060130429 0.37831377783589687 0.5980992807148695 0.701800891228193 +5050,0.8008591460468856,0,0.6522717638188467 0.2235352546816864 0.0006541813396235972 -0.10614299963678131 -0.2671126637171634 -0.36462313330431534 -0.46213360289146727 -0.5116627303008136 -0.5240450121531567 -0.5441662201632034 -0.5642874281732501 -0.5596440724786191 -0.5673829986363315 -0.45129910627067354 -0.24389588524403535 0.06256559060130429 0.37831377783589687 0.5980992807148695 0.701800891228193 0.8550316291508628 +5051,0.9896889442950266,0,0.2235352546816864 0.0006541813396235972 -0.10614299963678131 -0.2671126637171634 -0.36462313330431534 -0.46213360289146727 -0.5116627303008136 -0.5240450121531567 -0.5441662201632034 -0.5642874281732501 -0.5596440724786191 -0.5673829986363315 -0.45129910627067354 -0.24389588524403535 0.06256559060130429 0.37831377783589687 0.5980992807148695 0.701800891228193 0.8550316291508628 0.8008591460468856 +5052,0.7714512266475859,0,0.0006541813396235972 -0.10614299963678131 -0.2671126637171634 -0.36462313330431534 -0.46213360289146727 -0.5116627303008136 -0.5240450121531567 -0.5441662201632034 -0.5642874281732501 -0.5596440724786191 -0.5673829986363315 -0.45129910627067354 -0.24389588524403535 0.06256559060130429 0.37831377783589687 0.5980992807148695 0.701800891228193 0.8550316291508628 0.8008591460468856 0.9896889442950266 +5053,0.5238055896008544,0,-0.10614299963678131 -0.2671126637171634 -0.36462313330431534 -0.46213360289146727 -0.5116627303008136 -0.5240450121531567 -0.5441662201632034 -0.5642874281732501 -0.5596440724786191 -0.5673829986363315 -0.45129910627067354 -0.24389588524403535 0.06256559060130429 0.37831377783589687 0.5980992807148695 0.701800891228193 0.8550316291508628 0.8008591460468856 0.9896889442950266 0.7714512266475859 +5054,0.2746121673225734,0,-0.2671126637171634 -0.36462313330431534 -0.46213360289146727 -0.5116627303008136 -0.5240450121531567 -0.5441662201632034 -0.5642874281732501 -0.5596440724786191 -0.5673829986363315 -0.45129910627067354 -0.24389588524403535 0.06256559060130429 0.37831377783589687 0.5980992807148695 0.701800891228193 0.8550316291508628 0.8008591460468856 0.9896889442950266 0.7714512266475859 0.5238055896008544 +5055,-0.03184930852276624,0,-0.36462313330431534 -0.46213360289146727 -0.5116627303008136 -0.5240450121531567 -0.5441662201632034 -0.5642874281732501 -0.5596440724786191 -0.5673829986363315 -0.45129910627067354 -0.24389588524403535 0.06256559060130429 0.37831377783589687 0.5980992807148695 0.701800891228193 0.8550316291508628 0.8008591460468856 0.9896889442950266 0.7714512266475859 0.5238055896008544 0.2746121673225734 +5056,-0.25318259663328835,0,-0.46213360289146727 -0.5116627303008136 -0.5240450121531567 -0.5441662201632034 -0.5642874281732501 -0.5596440724786191 -0.5673829986363315 -0.45129910627067354 -0.24389588524403535 0.06256559060130429 0.37831377783589687 0.5980992807148695 0.701800891228193 0.8550316291508628 0.8008591460468856 0.9896889442950266 0.7714512266475859 0.5238055896008544 0.2746121673225734 -0.03184930852276624 +5057,-0.38164877085128057,0,-0.5116627303008136 -0.5240450121531567 -0.5441662201632034 -0.5642874281732501 -0.5596440724786191 -0.5673829986363315 -0.45129910627067354 -0.24389588524403535 0.06256559060130429 0.37831377783589687 0.5980992807148695 0.701800891228193 0.8550316291508628 0.8008591460468856 0.9896889442950266 0.7714512266475859 0.5238055896008544 0.2746121673225734 -0.03184930852276624 -0.25318259663328835 +5058,-0.46058581765992657,0,-0.5240450121531567 -0.5441662201632034 -0.5642874281732501 -0.5596440724786191 -0.5673829986363315 -0.45129910627067354 -0.24389588524403535 0.06256559060130429 0.37831377783589687 0.5980992807148695 0.701800891228193 0.8550316291508628 0.8008591460468856 0.9896889442950266 0.7714512266475859 0.5238055896008544 0.2746121673225734 -0.03184930852276624 -0.25318259663328835 -0.38164877085128057 +5059,-0.5611918577101599,0,-0.5441662201632034 -0.5642874281732501 -0.5596440724786191 -0.5673829986363315 -0.45129910627067354 -0.24389588524403535 0.06256559060130429 0.37831377783589687 0.5980992807148695 0.701800891228193 0.8550316291508628 0.8008591460468856 0.9896889442950266 0.7714512266475859 0.5238055896008544 0.2746121673225734 -0.03184930852276624 -0.25318259663328835 -0.38164877085128057 -0.46058581765992657 +5060,-0.5054715893746508,0,-0.5642874281732501 -0.5596440724786191 -0.5673829986363315 -0.45129910627067354 -0.24389588524403535 0.06256559060130429 0.37831377783589687 0.5980992807148695 0.701800891228193 0.8550316291508628 0.8008591460468856 0.9896889442950266 0.7714512266475859 0.5238055896008544 0.2746121673225734 -0.03184930852276624 -0.25318259663328835 -0.38164877085128057 -0.46058581765992657 -0.5611918577101599 +5061,-0.4961848779853978,0,-0.5596440724786191 -0.5673829986363315 -0.45129910627067354 -0.24389588524403535 0.06256559060130429 0.37831377783589687 0.5980992807148695 0.701800891228193 0.8550316291508628 0.8008591460468856 0.9896889442950266 0.7714512266475859 0.5238055896008544 0.2746121673225734 -0.03184930852276624 -0.25318259663328835 -0.38164877085128057 -0.46058581765992657 -0.5611918577101599 -0.5054715893746508 +5062,-0.4296301130290862,0,-0.5673829986363315 -0.45129910627067354 -0.24389588524403535 0.06256559060130429 0.37831377783589687 0.5980992807148695 0.701800891228193 0.8550316291508628 0.8008591460468856 0.9896889442950266 0.7714512266475859 0.5238055896008544 0.2746121673225734 -0.03184930852276624 -0.25318259663328835 -0.38164877085128057 -0.46058581765992657 -0.5611918577101599 -0.5054715893746508 -0.4961848779853978 +5063,-0.4373690391867985,0,-0.45129910627067354 -0.24389588524403535 0.06256559060130429 0.37831377783589687 0.5980992807148695 0.701800891228193 0.8550316291508628 0.8008591460468856 0.9896889442950266 0.7714512266475859 0.5238055896008544 0.2746121673225734 -0.03184930852276624 -0.25318259663328835 -0.38164877085128057 -0.46058581765992657 -0.5611918577101599 -0.5054715893746508 -0.4961848779853978 -0.4296301130290862 +5064,-0.39867440839824586,0,-0.24389588524403535 0.06256559060130429 0.37831377783589687 0.5980992807148695 0.701800891228193 0.8550316291508628 0.8008591460468856 0.9896889442950266 0.7714512266475859 0.5238055896008544 0.2746121673225734 -0.03184930852276624 -0.25318259663328835 -0.38164877085128057 -0.46058581765992657 -0.5611918577101599 -0.5054715893746508 -0.4961848779853978 -0.4296301130290862 -0.4373690391867985 +5065,-0.3924832674720743,0,0.06256559060130429 0.37831377783589687 0.5980992807148695 0.701800891228193 0.8550316291508628 0.8008591460468856 0.9896889442950266 0.7714512266475859 0.5238055896008544 0.2746121673225734 -0.03184930852276624 -0.25318259663328835 -0.38164877085128057 -0.46058581765992657 -0.5611918577101599 -0.5054715893746508 -0.4961848779853978 -0.4296301130290862 -0.4373690391867985 -0.39867440839824586 +5066,-0.4203434016398332,0,0.37831377783589687 0.5980992807148695 0.701800891228193 0.8550316291508628 0.8008591460468856 0.9896889442950266 0.7714512266475859 0.5238055896008544 0.2746121673225734 -0.03184930852276624 -0.25318259663328835 -0.38164877085128057 -0.46058581765992657 -0.5611918577101599 -0.5054715893746508 -0.4961848779853978 -0.4296301130290862 -0.4373690391867985 -0.39867440839824586 -0.3924832674720743 +5067,-0.34604971052580935,0,0.5980992807148695 0.701800891228193 0.8550316291508628 0.8008591460468856 0.9896889442950266 0.7714512266475859 0.5238055896008544 0.2746121673225734 -0.03184930852276624 -0.25318259663328835 -0.38164877085128057 -0.46058581765992657 -0.5611918577101599 -0.5054715893746508 -0.4961848779853978 -0.4296301130290862 -0.4373690391867985 -0.39867440839824586 -0.3924832674720743 -0.4203434016398332 +5068,-0.35997977760969324,0,0.701800891228193 0.8550316291508628 0.8008591460468856 0.9896889442950266 0.7714512266475859 0.5238055896008544 0.2746121673225734 -0.03184930852276624 -0.25318259663328835 -0.38164877085128057 -0.46058581765992657 -0.5611918577101599 -0.5054715893746508 -0.4961848779853978 -0.4296301130290862 -0.4373690391867985 -0.39867440839824586 -0.3924832674720743 -0.4203434016398332 -0.34604971052580935 +5069,-0.23615695908632306,0,0.8550316291508628 0.8008591460468856 0.9896889442950266 0.7714512266475859 0.5238055896008544 0.2746121673225734 -0.03184930852276624 -0.25318259663328835 -0.38164877085128057 -0.46058581765992657 -0.5611918577101599 -0.5054715893746508 -0.4961848779853978 -0.4296301130290862 -0.4373690391867985 -0.39867440839824586 -0.3924832674720743 -0.4203434016398332 -0.34604971052580935 -0.35997977760969324 +5070,-0.02101481190197256,0,0.8008591460468856 0.9896889442950266 0.7714512266475859 0.5238055896008544 0.2746121673225734 -0.03184930852276624 -0.25318259663328835 -0.38164877085128057 -0.46058581765992657 -0.5611918577101599 -0.5054715893746508 -0.4961848779853978 -0.4296301130290862 -0.4373690391867985 -0.39867440839824586 -0.3924832674720743 -0.4203434016398332 -0.34604971052580935 -0.35997977760969324 -0.23615695908632306 +5071,0.15388491926228462,0,0.9896889442950266 0.7714512266475859 0.5238055896008544 0.2746121673225734 -0.03184930852276624 -0.25318259663328835 -0.38164877085128057 -0.46058581765992657 -0.5611918577101599 -0.5054715893746508 -0.4961848779853978 -0.4296301130290862 -0.4373690391867985 -0.39867440839824586 -0.3924832674720743 -0.4203434016398332 -0.34604971052580935 -0.35997977760969324 -0.23615695908632306 -0.02101481190197256 +5072,0.4123650529298186,0,0.7714512266475859 0.5238055896008544 0.2746121673225734 -0.03184930852276624 -0.25318259663328835 -0.38164877085128057 -0.46058581765992657 -0.5611918577101599 -0.5054715893746508 -0.4961848779853978 -0.4296301130290862 -0.4373690391867985 -0.39867440839824586 -0.3924832674720743 -0.4203434016398332 -0.34604971052580935 -0.35997977760969324 -0.23615695908632306 -0.02101481190197256 0.15388491926228462 +5073,0.5532135090001541,0,0.5238055896008544 0.2746121673225734 -0.03184930852276624 -0.25318259663328835 -0.38164877085128057 -0.46058581765992657 -0.5611918577101599 -0.5054715893746508 -0.4961848779853978 -0.4296301130290862 -0.4373690391867985 -0.39867440839824586 -0.3924832674720743 -0.4203434016398332 -0.34604971052580935 -0.35997977760969324 -0.23615695908632306 -0.02101481190197256 0.15388491926228462 0.4123650529298186 +5074,0.5764302874732822,0,0.2746121673225734 -0.03184930852276624 -0.25318259663328835 -0.38164877085128057 -0.46058581765992657 -0.5611918577101599 -0.5054715893746508 -0.4961848779853978 -0.4296301130290862 -0.4373690391867985 -0.39867440839824586 -0.3924832674720743 -0.4203434016398332 -0.34604971052580935 -0.35997977760969324 -0.23615695908632306 -0.02101481190197256 0.15388491926228462 0.4123650529298186 0.5532135090001541 +5075,0.5888125693256165,0,-0.03184930852276624 -0.25318259663328835 -0.38164877085128057 -0.46058581765992657 -0.5611918577101599 -0.5054715893746508 -0.4961848779853978 -0.4296301130290862 -0.4373690391867985 -0.39867440839824586 -0.3924832674720743 -0.4203434016398332 -0.34604971052580935 -0.35997977760969324 -0.23615695908632306 -0.02101481190197256 0.15388491926228462 0.4123650529298186 0.5532135090001541 0.5764302874732822 +5076,0.5284489452954765,0,-0.25318259663328835 -0.38164877085128057 -0.46058581765992657 -0.5611918577101599 -0.5054715893746508 -0.4961848779853978 -0.4296301130290862 -0.4373690391867985 -0.39867440839824586 -0.3924832674720743 -0.4203434016398332 -0.34604971052580935 -0.35997977760969324 -0.23615695908632306 -0.02101481190197256 0.15388491926228462 0.4123650529298186 0.5532135090001541 0.5764302874732822 0.5888125693256165 +5077,0.46034639510762426,0,-0.38164877085128057 -0.46058581765992657 -0.5611918577101599 -0.5054715893746508 -0.4961848779853978 -0.4296301130290862 -0.4373690391867985 -0.39867440839824586 -0.3924832674720743 -0.4203434016398332 -0.34604971052580935 -0.35997977760969324 -0.23615695908632306 -0.02101481190197256 0.15388491926228462 0.4123650529298186 0.5532135090001541 0.5764302874732822 0.5888125693256165 0.5284489452954765 +5078,0.2219874694501369,0,-0.46058581765992657 -0.5611918577101599 -0.5054715893746508 -0.4961848779853978 -0.4296301130290862 -0.4373690391867985 -0.39867440839824586 -0.3924832674720743 -0.4203434016398332 -0.34604971052580935 -0.35997977760969324 -0.23615695908632306 -0.02101481190197256 0.15388491926228462 0.4123650529298186 0.5532135090001541 0.5764302874732822 0.5888125693256165 0.5284489452954765 0.46034639510762426 +5079,-0.06435279838514728,0,-0.5611918577101599 -0.5054715893746508 -0.4961848779853978 -0.4296301130290862 -0.4373690391867985 -0.39867440839824586 -0.3924832674720743 -0.4203434016398332 -0.34604971052580935 -0.35997977760969324 -0.23615695908632306 -0.02101481190197256 0.15388491926228462 0.4123650529298186 0.5532135090001541 0.5764302874732822 0.5888125693256165 0.5284489452954765 0.46034639510762426 0.2219874694501369 +5080,-0.2175835363078171,0,-0.5054715893746508 -0.4961848779853978 -0.4296301130290862 -0.4373690391867985 -0.39867440839824586 -0.3924832674720743 -0.4203434016398332 -0.34604971052580935 -0.35997977760969324 -0.23615695908632306 -0.02101481190197256 0.15388491926228462 0.4123650529298186 0.5532135090001541 0.5764302874732822 0.5888125693256165 0.5284489452954765 0.46034639510762426 0.2219874694501369 -0.06435279838514728 +5081,-0.38474434131436197,0,-0.4961848779853978 -0.4296301130290862 -0.4373690391867985 -0.39867440839824586 -0.3924832674720743 -0.4203434016398332 -0.34604971052580935 -0.35997977760969324 -0.23615695908632306 -0.02101481190197256 0.15388491926228462 0.4123650529298186 0.5532135090001541 0.5764302874732822 0.5888125693256165 0.5284489452954765 0.46034639510762426 0.2219874694501369 -0.06435279838514728 -0.2175835363078171 +5082,-0.3739098446935683,0,-0.4296301130290862 -0.4373690391867985 -0.39867440839824586 -0.3924832674720743 -0.4203434016398332 -0.34604971052580935 -0.35997977760969324 -0.23615695908632306 -0.02101481190197256 0.15388491926228462 0.4123650529298186 0.5532135090001541 0.5764302874732822 0.5888125693256165 0.5284489452954765 0.46034639510762426 0.2219874694501369 -0.06435279838514728 -0.2175835363078171 -0.38474434131436197 +5083,-0.36307534807277464,0,-0.4373690391867985 -0.39867440839824586 -0.3924832674720743 -0.4203434016398332 -0.34604971052580935 -0.35997977760969324 -0.23615695908632306 -0.02101481190197256 0.15388491926228462 0.4123650529298186 0.5532135090001541 0.5764302874732822 0.5888125693256165 0.5284489452954765 0.46034639510762426 0.2219874694501369 -0.06435279838514728 -0.2175835363078171 -0.38474434131436197 -0.3739098446935683 +5084,-0.3723620594620276,0,-0.39867440839824586 -0.3924832674720743 -0.4203434016398332 -0.34604971052580935 -0.35997977760969324 -0.23615695908632306 -0.02101481190197256 0.15388491926228462 0.4123650529298186 0.5532135090001541 0.5764302874732822 0.5888125693256165 0.5284489452954765 0.46034639510762426 0.2219874694501369 -0.06435279838514728 -0.2175835363078171 -0.38474434131436197 -0.3739098446935683 -0.36307534807277464 +5085,-0.3878399117774522,0,-0.3924832674720743 -0.4203434016398332 -0.34604971052580935 -0.35997977760969324 -0.23615695908632306 -0.02101481190197256 0.15388491926228462 0.4123650529298186 0.5532135090001541 0.5764302874732822 0.5888125693256165 0.5284489452954765 0.46034639510762426 0.2219874694501369 -0.06435279838514728 -0.2175835363078171 -0.38474434131436197 -0.3739098446935683 -0.36307534807277464 -0.3723620594620276 +5086,-0.4157000459452023,0,-0.4203434016398332 -0.34604971052580935 -0.35997977760969324 -0.23615695908632306 -0.02101481190197256 0.15388491926228462 0.4123650529298186 0.5532135090001541 0.5764302874732822 0.5888125693256165 0.5284489452954765 0.46034639510762426 0.2219874694501369 -0.06435279838514728 -0.2175835363078171 -0.38474434131436197 -0.3739098446935683 -0.36307534807277464 -0.3723620594620276 -0.3878399117774522 +5087,-0.41724783117675185,0,-0.34604971052580935 -0.35997977760969324 -0.23615695908632306 -0.02101481190197256 0.15388491926228462 0.4123650529298186 0.5532135090001541 0.5764302874732822 0.5888125693256165 0.5284489452954765 0.46034639510762426 0.2219874694501369 -0.06435279838514728 -0.2175835363078171 -0.38474434131436197 -0.3739098446935683 -0.36307534807277464 -0.3723620594620276 -0.3878399117774522 -0.4157000459452023 +5088,-0.44975132103913285,0,-0.35997977760969324 -0.23615695908632306 -0.02101481190197256 0.15388491926228462 0.4123650529298186 0.5532135090001541 0.5764302874732822 0.5888125693256165 0.5284489452954765 0.46034639510762426 0.2219874694501369 -0.06435279838514728 -0.2175835363078171 -0.38474434131436197 -0.3739098446935683 -0.36307534807277464 -0.3723620594620276 -0.3878399117774522 -0.4157000459452023 -0.41724783117675185 +5089,-0.5085671598377322,0,-0.23615695908632306 -0.02101481190197256 0.15388491926228462 0.4123650529298186 0.5532135090001541 0.5764302874732822 0.5888125693256165 0.5284489452954765 0.46034639510762426 0.2219874694501369 -0.06435279838514728 -0.2175835363078171 -0.38474434131436197 -0.3739098446935683 -0.36307534807277464 -0.3723620594620276 -0.3878399117774522 -0.4157000459452023 -0.41724783117675185 -0.44975132103913285 +5090,-0.4296301130290862,0,-0.02101481190197256 0.15388491926228462 0.4123650529298186 0.5532135090001541 0.5764302874732822 0.5888125693256165 0.5284489452954765 0.46034639510762426 0.2219874694501369 -0.06435279838514728 -0.2175835363078171 -0.38474434131436197 -0.3739098446935683 -0.36307534807277464 -0.3723620594620276 -0.3878399117774522 -0.4157000459452023 -0.41724783117675185 -0.44975132103913285 -0.5085671598377322 +5091,-0.3924832674720743,0,0.15388491926228462 0.4123650529298186 0.5532135090001541 0.5764302874732822 0.5888125693256165 0.5284489452954765 0.46034639510762426 0.2219874694501369 -0.06435279838514728 -0.2175835363078171 -0.38474434131436197 -0.3739098446935683 -0.36307534807277464 -0.3723620594620276 -0.3878399117774522 -0.4157000459452023 -0.41724783117675185 -0.44975132103913285 -0.5085671598377322 -0.4296301130290862 +5092,-0.36462313330431534,0,0.4123650529298186 0.5532135090001541 0.5764302874732822 0.5888125693256165 0.5284489452954765 0.46034639510762426 0.2219874694501369 -0.06435279838514728 -0.2175835363078171 -0.38474434131436197 -0.3739098446935683 -0.36307534807277464 -0.3723620594620276 -0.3878399117774522 -0.4157000459452023 -0.41724783117675185 -0.44975132103913285 -0.5085671598377322 -0.4296301130290862 -0.3924832674720743 +5093,-0.273303804643335,0,0.5532135090001541 0.5764302874732822 0.5888125693256165 0.5284489452954765 0.46034639510762426 0.2219874694501369 -0.06435279838514728 -0.2175835363078171 -0.38474434131436197 -0.3739098446935683 -0.36307534807277464 -0.3723620594620276 -0.3878399117774522 -0.4157000459452023 -0.41724783117675185 -0.44975132103913285 -0.5085671598377322 -0.4296301130290862 -0.3924832674720743 -0.36462313330431534 +5094,-0.17114997936155218,0,0.5764302874732822 0.5888125693256165 0.5284489452954765 0.46034639510762426 0.2219874694501369 -0.06435279838514728 -0.2175835363078171 -0.38474434131436197 -0.3739098446935683 -0.36307534807277464 -0.3723620594620276 -0.3878399117774522 -0.4157000459452023 -0.41724783117675185 -0.44975132103913285 -0.5085671598377322 -0.4296301130290862 -0.3924832674720743 -0.36462313330431534 -0.273303804643335 +5095,-0.056613872227435,0,0.5888125693256165 0.5284489452954765 0.46034639510762426 0.2219874694501369 -0.06435279838514728 -0.2175835363078171 -0.38474434131436197 -0.3739098446935683 -0.36307534807277464 -0.3723620594620276 -0.3878399117774522 -0.4157000459452023 -0.41724783117675185 -0.44975132103913285 -0.5085671598377322 -0.4296301130290862 -0.3924832674720743 -0.36462313330431534 -0.273303804643335 -0.17114997936155218 +5096,0.05637444967513269,0,0.5284489452954765 0.46034639510762426 0.2219874694501369 -0.06435279838514728 -0.2175835363078171 -0.38474434131436197 -0.3739098446935683 -0.36307534807277464 -0.3723620594620276 -0.3878399117774522 -0.4157000459452023 -0.41724783117675185 -0.44975132103913285 -0.5085671598377322 -0.4296301130290862 -0.3924832674720743 -0.36462313330431534 -0.273303804643335 -0.17114997936155218 -0.056613872227435 +5097,0.09197351000060393,0,0.46034639510762426 0.2219874694501369 -0.06435279838514728 -0.2175835363078171 -0.38474434131436197 -0.3739098446935683 -0.36307534807277464 -0.3723620594620276 -0.3878399117774522 -0.4157000459452023 -0.41724783117675185 -0.44975132103913285 -0.5085671598377322 -0.4296301130290862 -0.3924832674720743 -0.36462313330431534 -0.273303804643335 -0.17114997936155218 -0.056613872227435 0.05637444967513269 +5098,0.19722290574546814,0,0.2219874694501369 -0.06435279838514728 -0.2175835363078171 -0.38474434131436197 -0.3739098446935683 -0.36307534807277464 -0.3723620594620276 -0.3878399117774522 -0.4157000459452023 -0.41724783117675185 -0.44975132103913285 -0.5085671598377322 -0.4296301130290862 -0.3924832674720743 -0.36462313330431534 -0.273303804643335 -0.17114997936155218 -0.056613872227435 0.05637444967513269 0.09197351000060393 +5099,0.24365646269173305,0,-0.06435279838514728 -0.2175835363078171 -0.38474434131436197 -0.3739098446935683 -0.36307534807277464 -0.3723620594620276 -0.3878399117774522 -0.4157000459452023 -0.41724783117675185 -0.44975132103913285 -0.5085671598377322 -0.4296301130290862 -0.3924832674720743 -0.36462313330431534 -0.273303804643335 -0.17114997936155218 -0.056613872227435 0.05637444967513269 0.09197351000060393 0.19722290574546814 +5100,0.2281786103763085,0,-0.2175835363078171 -0.38474434131436197 -0.3739098446935683 -0.36307534807277464 -0.3723620594620276 -0.3878399117774522 -0.4157000459452023 -0.41724783117675185 -0.44975132103913285 -0.5085671598377322 -0.4296301130290862 -0.3924832674720743 -0.36462313330431534 -0.273303804643335 -0.17114997936155218 -0.056613872227435 0.05637444967513269 0.09197351000060393 0.19722290574546814 0.24365646269173305 +5101,0.13685928171532816,0,-0.38474434131436197 -0.3739098446935683 -0.36307534807277464 -0.3723620594620276 -0.3878399117774522 -0.4157000459452023 -0.41724783117675185 -0.44975132103913285 -0.5085671598377322 -0.4296301130290862 -0.3924832674720743 -0.36462313330431534 -0.273303804643335 -0.17114997936155218 -0.056613872227435 0.05637444967513269 0.09197351000060393 0.19722290574546814 0.24365646269173305 0.2281786103763085 +5102,-0.03494487898584764,0,-0.3739098446935683 -0.36307534807277464 -0.3723620594620276 -0.3878399117774522 -0.4157000459452023 -0.41724783117675185 -0.44975132103913285 -0.5085671598377322 -0.4296301130290862 -0.3924832674720743 -0.36462313330431534 -0.273303804643335 -0.17114997936155218 -0.056613872227435 0.05637444967513269 0.09197351000060393 0.19722290574546814 0.24365646269173305 0.2281786103763085 0.13685928171532816 +5103,-0.1603154827407585,0,-0.36307534807277464 -0.3723620594620276 -0.3878399117774522 -0.4157000459452023 -0.41724783117675185 -0.44975132103913285 -0.5085671598377322 -0.4296301130290862 -0.3924832674720743 -0.36462313330431534 -0.273303804643335 -0.17114997936155218 -0.056613872227435 0.05637444967513269 0.09197351000060393 0.19722290574546814 0.24365646269173305 0.2281786103763085 0.13685928171532816 -0.03494487898584764 +5104,-0.26092152279099184,0,-0.3723620594620276 -0.3878399117774522 -0.4157000459452023 -0.41724783117675185 -0.44975132103913285 -0.5085671598377322 -0.4296301130290862 -0.3924832674720743 -0.36462313330431534 -0.273303804643335 -0.17114997936155218 -0.056613872227435 0.05637444967513269 0.09197351000060393 0.19722290574546814 0.24365646269173305 0.2281786103763085 0.13685928171532816 -0.03494487898584764 -0.1603154827407585 +5105,-0.23770474431786376,0,-0.3878399117774522 -0.4157000459452023 -0.41724783117675185 -0.44975132103913285 -0.5085671598377322 -0.4296301130290862 -0.3924832674720743 -0.36462313330431534 -0.273303804643335 -0.17114997936155218 -0.056613872227435 0.05637444967513269 0.09197351000060393 0.19722290574546814 0.24365646269173305 0.2281786103763085 0.13685928171532816 -0.03494487898584764 -0.1603154827407585 -0.26092152279099184 +5106,-0.33985856959964655,0,-0.4157000459452023 -0.41724783117675185 -0.44975132103913285 -0.5085671598377322 -0.4296301130290862 -0.3924832674720743 -0.36462313330431534 -0.273303804643335 -0.17114997936155218 -0.056613872227435 0.05637444967513269 0.09197351000060393 0.19722290574546814 0.24365646269173305 0.2281786103763085 0.13685928171532816 -0.03494487898584764 -0.1603154827407585 -0.26092152279099184 -0.23770474431786376 +5107,-0.333667428673475,0,-0.41724783117675185 -0.44975132103913285 -0.5085671598377322 -0.4296301130290862 -0.3924832674720743 -0.36462313330431534 -0.273303804643335 -0.17114997936155218 -0.056613872227435 0.05637444967513269 0.09197351000060393 0.19722290574546814 0.24365646269173305 0.2281786103763085 0.13685928171532816 -0.03494487898584764 -0.1603154827407585 -0.26092152279099184 -0.23770474431786376 -0.33985856959964655 +5108,-0.38319655608282127,0,-0.44975132103913285 -0.5085671598377322 -0.4296301130290862 -0.3924832674720743 -0.36462313330431534 -0.273303804643335 -0.17114997936155218 -0.056613872227435 0.05637444967513269 0.09197351000060393 0.19722290574546814 0.24365646269173305 0.2281786103763085 0.13685928171532816 -0.03494487898584764 -0.1603154827407585 -0.26092152279099184 -0.23770474431786376 -0.33985856959964655 -0.333667428673475 +5109,-0.3909354822405336,0,-0.5085671598377322 -0.4296301130290862 -0.3924832674720743 -0.36462313330431534 -0.273303804643335 -0.17114997936155218 -0.056613872227435 0.05637444967513269 0.09197351000060393 0.19722290574546814 0.24365646269173305 0.2281786103763085 0.13685928171532816 -0.03494487898584764 -0.1603154827407585 -0.26092152279099184 -0.23770474431786376 -0.33985856959964655 -0.333667428673475 -0.38319655608282127 +5110,-0.40022219362978656,0,-0.4296301130290862 -0.3924832674720743 -0.36462313330431534 -0.273303804643335 -0.17114997936155218 -0.056613872227435 0.05637444967513269 0.09197351000060393 0.19722290574546814 0.24365646269173305 0.2281786103763085 0.13685928171532816 -0.03494487898584764 -0.1603154827407585 -0.26092152279099184 -0.23770474431786376 -0.33985856959964655 -0.333667428673475 -0.38319655608282127 -0.3909354822405336 +5111,-0.40022219362978656,0,-0.3924832674720743 -0.36462313330431534 -0.273303804643335 -0.17114997936155218 -0.056613872227435 0.05637444967513269 0.09197351000060393 0.19722290574546814 0.24365646269173305 0.2281786103763085 0.13685928171532816 -0.03494487898584764 -0.1603154827407585 -0.26092152279099184 -0.23770474431786376 -0.33985856959964655 -0.333667428673475 -0.38319655608282127 -0.3909354822405336 -0.40022219362978656 +5112,-0.4126044754821209,0,-0.36462313330431534 -0.273303804643335 -0.17114997936155218 -0.056613872227435 0.05637444967513269 0.09197351000060393 0.19722290574546814 0.24365646269173305 0.2281786103763085 0.13685928171532816 -0.03494487898584764 -0.1603154827407585 -0.26092152279099184 -0.23770474431786376 -0.33985856959964655 -0.333667428673475 -0.38319655608282127 -0.3909354822405336 -0.40022219362978656 -0.40022219362978656 +5113,-0.40641333455594936,0,-0.273303804643335 -0.17114997936155218 -0.056613872227435 0.05637444967513269 0.09197351000060393 0.19722290574546814 0.24365646269173305 0.2281786103763085 0.13685928171532816 -0.03494487898584764 -0.1603154827407585 -0.26092152279099184 -0.23770474431786376 -0.33985856959964655 -0.333667428673475 -0.38319655608282127 -0.3909354822405336 -0.40022219362978656 -0.40022219362978656 -0.4126044754821209 +5114,-0.35997977760969324,0,-0.17114997936155218 -0.056613872227435 0.05637444967513269 0.09197351000060393 0.19722290574546814 0.24365646269173305 0.2281786103763085 0.13685928171532816 -0.03494487898584764 -0.1603154827407585 -0.26092152279099184 -0.23770474431786376 -0.33985856959964655 -0.333667428673475 -0.38319655608282127 -0.3909354822405336 -0.40022219362978656 -0.40022219362978656 -0.4126044754821209 -0.40641333455594936 +5115,-0.25318259663328835,0,-0.056613872227435 0.05637444967513269 0.09197351000060393 0.19722290574546814 0.24365646269173305 0.2281786103763085 0.13685928171532816 -0.03494487898584764 -0.1603154827407585 -0.26092152279099184 -0.23770474431786376 -0.33985856959964655 -0.333667428673475 -0.38319655608282127 -0.3909354822405336 -0.40022219362978656 -0.40022219362978656 -0.4126044754821209 -0.40641333455594936 -0.35997977760969324 +5116,-0.14328984519379323,0,0.05637444967513269 0.09197351000060393 0.19722290574546814 0.24365646269173305 0.2281786103763085 0.13685928171532816 -0.03494487898584764 -0.1603154827407585 -0.26092152279099184 -0.23770474431786376 -0.33985856959964655 -0.333667428673475 -0.38319655608282127 -0.3909354822405336 -0.40022219362978656 -0.40022219362978656 -0.4126044754821209 -0.40641333455594936 -0.35997977760969324 -0.25318259663328835 +5117,-0.005536959586547991,0,0.09197351000060393 0.19722290574546814 0.24365646269173305 0.2281786103763085 0.13685928171532816 -0.03494487898584764 -0.1603154827407585 -0.26092152279099184 -0.23770474431786376 -0.33985856959964655 -0.333667428673475 -0.38319655608282127 -0.3909354822405336 -0.40022219362978656 -0.40022219362978656 -0.4126044754821209 -0.40641333455594936 -0.35997977760969324 -0.25318259663328835 -0.14328984519379323 +5118,0.16626720111462778,0,0.19722290574546814 0.24365646269173305 0.2281786103763085 0.13685928171532816 -0.03494487898584764 -0.1603154827407585 -0.26092152279099184 -0.23770474431786376 -0.33985856959964655 -0.333667428673475 -0.38319655608282127 -0.3909354822405336 -0.40022219362978656 -0.40022219362978656 -0.4126044754821209 -0.40641333455594936 -0.35997977760969324 -0.25318259663328835 -0.14328984519379323 -0.005536959586547991 +5119,0.46653753603379583,0,0.24365646269173305 0.2281786103763085 0.13685928171532816 -0.03494487898584764 -0.1603154827407585 -0.26092152279099184 -0.23770474431786376 -0.33985856959964655 -0.333667428673475 -0.38319655608282127 -0.3909354822405336 -0.40022219362978656 -0.40022219362978656 -0.4126044754821209 -0.40641333455594936 -0.35997977760969324 -0.25318259663328835 -0.14328984519379323 -0.005536959586547991 0.16626720111462778 +5120,0.6306027705772593,0,0.2281786103763085 0.13685928171532816 -0.03494487898584764 -0.1603154827407585 -0.26092152279099184 -0.23770474431786376 -0.33985856959964655 -0.333667428673475 -0.38319655608282127 -0.3909354822405336 -0.40022219362978656 -0.40022219362978656 -0.4126044754821209 -0.40641333455594936 -0.35997977760969324 -0.25318259663328835 -0.14328984519379323 -0.005536959586547991 0.16626720111462778 0.46653753603379583 +5121,0.7420433072482863,0,0.13685928171532816 -0.03494487898584764 -0.1603154827407585 -0.26092152279099184 -0.23770474431786376 -0.33985856959964655 -0.333667428673475 -0.38319655608282127 -0.3909354822405336 -0.40022219362978656 -0.40022219362978656 -0.4126044754821209 -0.40641333455594936 -0.35997977760969324 -0.25318259663328835 -0.14328984519379323 -0.005536959586547991 0.16626720111462778 0.46653753603379583 0.6306027705772593 +5122,0.8070502869730573,0,-0.03494487898584764 -0.1603154827407585 -0.26092152279099184 -0.23770474431786376 -0.33985856959964655 -0.333667428673475 -0.38319655608282127 -0.3909354822405336 -0.40022219362978656 -0.40022219362978656 -0.4126044754821209 -0.40641333455594936 -0.35997977760969324 -0.25318259663328835 -0.14328984519379323 -0.005536959586547991 0.16626720111462778 0.46653753603379583 0.6306027705772593 0.7420433072482863 +5123,0.8674139110031972,0,-0.1603154827407585 -0.26092152279099184 -0.23770474431786376 -0.33985856959964655 -0.333667428673475 -0.38319655608282127 -0.3909354822405336 -0.40022219362978656 -0.40022219362978656 -0.4126044754821209 -0.40641333455594936 -0.35997977760969324 -0.25318259663328835 -0.14328984519379323 -0.005536959586547991 0.16626720111462778 0.46653753603379583 0.6306027705772593 0.7420433072482863 0.8070502869730573 +5124,0.7884768641945512,0,-0.26092152279099184 -0.23770474431786376 -0.33985856959964655 -0.333667428673475 -0.38319655608282127 -0.3909354822405336 -0.40022219362978656 -0.40022219362978656 -0.4126044754821209 -0.40641333455594936 -0.35997977760969324 -0.25318259663328835 -0.14328984519379323 -0.005536959586547991 0.16626720111462778 0.46653753603379583 0.6306027705772593 0.7420433072482863 0.8070502869730573 0.8674139110031972 +5125,0.7234698844697803,0,-0.23770474431786376 -0.33985856959964655 -0.333667428673475 -0.38319655608282127 -0.3909354822405336 -0.40022219362978656 -0.40022219362978656 -0.4126044754821209 -0.40641333455594936 -0.35997977760969324 -0.25318259663328835 -0.14328984519379323 -0.005536959586547991 0.16626720111462778 0.46653753603379583 0.6306027705772593 0.7420433072482863 0.8070502869730573 0.8674139110031972 0.7884768641945512 +5126,0.5965514954833288,0,-0.33985856959964655 -0.333667428673475 -0.38319655608282127 -0.3909354822405336 -0.40022219362978656 -0.40022219362978656 -0.4126044754821209 -0.40641333455594936 -0.35997977760969324 -0.25318259663328835 -0.14328984519379323 -0.005536959586547991 0.16626720111462778 0.46653753603379583 0.6306027705772593 0.7420433072482863 0.8070502869730573 0.8674139110031972 0.7884768641945512 0.7234698844697803 +5127,0.25913431500714884,0,-0.333667428673475 -0.38319655608282127 -0.3909354822405336 -0.40022219362978656 -0.40022219362978656 -0.4126044754821209 -0.40641333455594936 -0.35997977760969324 -0.25318259663328835 -0.14328984519379323 -0.005536959586547991 0.16626720111462778 0.46653753603379583 0.6306027705772593 0.7420433072482863 0.8070502869730573 0.8674139110031972 0.7884768641945512 0.7234698844697803 0.5965514954833288 +5128,0.07804344291672885,0,-0.38319655608282127 -0.3909354822405336 -0.40022219362978656 -0.40022219362978656 -0.4126044754821209 -0.40641333455594936 -0.35997977760969324 -0.25318259663328835 -0.14328984519379323 -0.005536959586547991 0.16626720111462778 0.46653753603379583 0.6306027705772593 0.7420433072482863 0.8070502869730573 0.8674139110031972 0.7884768641945512 0.7234698844697803 0.5965514954833288 0.25913431500714884 +5129,-0.12626420764683677,0,-0.3909354822405336 -0.40022219362978656 -0.40022219362978656 -0.4126044754821209 -0.40641333455594936 -0.35997977760969324 -0.25318259663328835 -0.14328984519379323 -0.005536959586547991 0.16626720111462778 0.46653753603379583 0.6306027705772593 0.7420433072482863 0.8070502869730573 0.8674139110031972 0.7884768641945512 0.7234698844697803 0.5965514954833288 0.25913431500714884 0.07804344291672885 +5130,-0.20055789876085184,0,-0.40022219362978656 -0.40022219362978656 -0.4126044754821209 -0.40641333455594936 -0.35997977760969324 -0.25318259663328835 -0.14328984519379323 -0.005536959586547991 0.16626720111462778 0.46653753603379583 0.6306027705772593 0.7420433072482863 0.8070502869730573 0.8674139110031972 0.7884768641945512 0.7234698844697803 0.5965514954833288 0.25913431500714884 0.07804344291672885 -0.12626420764683677 +5131,-0.30580729450571603,0,-0.40022219362978656 -0.4126044754821209 -0.40641333455594936 -0.35997977760969324 -0.25318259663328835 -0.14328984519379323 -0.005536959586547991 0.16626720111462778 0.46653753603379583 0.6306027705772593 0.7420433072482863 0.8070502869730573 0.8674139110031972 0.7884768641945512 0.7234698844697803 0.5965514954833288 0.25913431500714884 0.07804344291672885 -0.12626420764683677 -0.20055789876085184 +5132,-0.36617091853585604,0,-0.4126044754821209 -0.40641333455594936 -0.35997977760969324 -0.25318259663328835 -0.14328984519379323 -0.005536959586547991 0.16626720111462778 0.46653753603379583 0.6306027705772593 0.7420433072482863 0.8070502869730573 0.8674139110031972 0.7884768641945512 0.7234698844697803 0.5965514954833288 0.25913431500714884 0.07804344291672885 -0.12626420764683677 -0.20055789876085184 -0.30580729450571603 +5133,-0.46522917335455743,0,-0.40641333455594936 -0.35997977760969324 -0.25318259663328835 -0.14328984519379323 -0.005536959586547991 0.16626720111462778 0.46653753603379583 0.6306027705772593 0.7420433072482863 0.8070502869730573 0.8674139110031972 0.7884768641945512 0.7234698844697803 0.5965514954833288 0.25913431500714884 0.07804344291672885 -0.12626420764683677 -0.20055789876085184 -0.30580729450571603 -0.36617091853585604 +5134,-0.5132105155323631,0,-0.35997977760969324 -0.25318259663328835 -0.14328984519379323 -0.005536959586547991 0.16626720111462778 0.46653753603379583 0.6306027705772593 0.7420433072482863 0.8070502869730573 0.8674139110031972 0.7884768641945512 0.7234698844697803 0.5965514954833288 0.25913431500714884 0.07804344291672885 -0.12626420764683677 -0.20055789876085184 -0.30580729450571603 -0.36617091853585604 -0.46522917335455743 +5135,-0.620007696508768,0,-0.25318259663328835 -0.14328984519379323 -0.005536959586547991 0.16626720111462778 0.46653753603379583 0.6306027705772593 0.7420433072482863 0.8070502869730573 0.8674139110031972 0.7884768641945512 0.7234698844697803 0.5965514954833288 0.25913431500714884 0.07804344291672885 -0.12626420764683677 -0.20055789876085184 -0.30580729450571603 -0.36617091853585604 -0.46522917335455743 -0.5132105155323631 +5136,-0.6463200454449775,0,-0.14328984519379323 -0.005536959586547991 0.16626720111462778 0.46653753603379583 0.6306027705772593 0.7420433072482863 0.8070502869730573 0.8674139110031972 0.7884768641945512 0.7234698844697803 0.5965514954833288 0.25913431500714884 0.07804344291672885 -0.12626420764683677 -0.20055789876085184 -0.30580729450571603 -0.36617091853585604 -0.46522917335455743 -0.5132105155323631 -0.620007696508768 +5137,-0.6803713205389079,0,-0.005536959586547991 0.16626720111462778 0.46653753603379583 0.6306027705772593 0.7420433072482863 0.8070502869730573 0.8674139110031972 0.7884768641945512 0.7234698844697803 0.5965514954833288 0.25913431500714884 0.07804344291672885 -0.12626420764683677 -0.20055789876085184 -0.30580729450571603 -0.36617091853585604 -0.46522917335455743 -0.5132105155323631 -0.620007696508768 -0.6463200454449775 +5138,-0.675727964844277,0,0.16626720111462778 0.46653753603379583 0.6306027705772593 0.7420433072482863 0.8070502869730573 0.8674139110031972 0.7884768641945512 0.7234698844697803 0.5965514954833288 0.25913431500714884 0.07804344291672885 -0.12626420764683677 -0.20055789876085184 -0.30580729450571603 -0.36617091853585604 -0.46522917335455743 -0.5132105155323631 -0.620007696508768 -0.6463200454449775 -0.6803713205389079 +5139,-0.49308930752230756,0,0.46653753603379583 0.6306027705772593 0.7420433072482863 0.8070502869730573 0.8674139110031972 0.7884768641945512 0.7234698844697803 0.5965514954833288 0.25913431500714884 0.07804344291672885 -0.12626420764683677 -0.20055789876085184 -0.30580729450571603 -0.36617091853585604 -0.46522917335455743 -0.5132105155323631 -0.620007696508768 -0.6463200454449775 -0.6803713205389079 -0.675727964844277 +5140,0.05792223490668219,0,0.6306027705772593 0.7420433072482863 0.8070502869730573 0.8674139110031972 0.7884768641945512 0.7234698844697803 0.5965514954833288 0.25913431500714884 0.07804344291672885 -0.12626420764683677 -0.20055789876085184 -0.30580729450571603 -0.36617091853585604 -0.46522917335455743 -0.5132105155323631 -0.620007696508768 -0.6463200454449775 -0.6803713205389079 -0.675727964844277 -0.49308930752230756 +5141,0.4851109588123018,0,0.7420433072482863 0.8070502869730573 0.8674139110031972 0.7884768641945512 0.7234698844697803 0.5965514954833288 0.25913431500714884 0.07804344291672885 -0.12626420764683677 -0.20055789876085184 -0.30580729450571603 -0.36617091853585604 -0.46522917335455743 -0.5132105155323631 -0.620007696508768 -0.6463200454449775 -0.6803713205389079 -0.675727964844277 -0.49308930752230756 0.05792223490668219 +5142,0.9463509578118432,0,0.8070502869730573 0.8674139110031972 0.7884768641945512 0.7234698844697803 0.5965514954833288 0.25913431500714884 0.07804344291672885 -0.12626420764683677 -0.20055789876085184 -0.30580729450571603 -0.36617091853585604 -0.46522917335455743 -0.5132105155323631 -0.620007696508768 -0.6463200454449775 -0.6803713205389079 -0.675727964844277 -0.49308930752230756 0.05792223490668219 0.4851109588123018 +5143,1.2450735074994705,0,0.8674139110031972 0.7884768641945512 0.7234698844697803 0.5965514954833288 0.25913431500714884 0.07804344291672885 -0.12626420764683677 -0.20055789876085184 -0.30580729450571603 -0.36617091853585604 -0.46522917335455743 -0.5132105155323631 -0.620007696508768 -0.6463200454449775 -0.6803713205389079 -0.675727964844277 -0.49308930752230756 0.05792223490668219 0.4851109588123018 0.9463509578118432 +5144,1.5112925673247168,0,0.7884768641945512 0.7234698844697803 0.5965514954833288 0.25913431500714884 0.07804344291672885 -0.12626420764683677 -0.20055789876085184 -0.30580729450571603 -0.36617091853585604 -0.46522917335455743 -0.5132105155323631 -0.620007696508768 -0.6463200454449775 -0.6803713205389079 -0.675727964844277 -0.49308930752230756 0.05792223490668219 0.4851109588123018 0.9463509578118432 1.2450735074994705 +5145,1.7511992782137449,0,0.7234698844697803 0.5965514954833288 0.25913431500714884 0.07804344291672885 -0.12626420764683677 -0.20055789876085184 -0.30580729450571603 -0.36617091853585604 -0.46522917335455743 -0.5132105155323631 -0.620007696508768 -0.6463200454449775 -0.6803713205389079 -0.675727964844277 -0.49308930752230756 0.05792223490668219 0.4851109588123018 0.9463509578118432 1.2450735074994705 1.5112925673247168 +5146,1.7682249157607013,0,0.5965514954833288 0.25913431500714884 0.07804344291672885 -0.12626420764683677 -0.20055789876085184 -0.30580729450571603 -0.36617091853585604 -0.46522917335455743 -0.5132105155323631 -0.620007696508768 -0.6463200454449775 -0.6803713205389079 -0.675727964844277 -0.49308930752230756 0.05792223490668219 0.4851109588123018 0.9463509578118432 1.2450735074994705 1.5112925673247168 1.7511992782137449 +5147,1.774416056686873,0,0.25913431500714884 0.07804344291672885 -0.12626420764683677 -0.20055789876085184 -0.30580729450571603 -0.36617091853585604 -0.46522917335455743 -0.5132105155323631 -0.620007696508768 -0.6463200454449775 -0.6803713205389079 -0.675727964844277 -0.49308930752230756 0.05792223490668219 0.4851109588123018 0.9463509578118432 1.2450735074994705 1.5112925673247168 1.7511992782137449 1.7682249157607013 +5148,1.7403647815929424,0,0.07804344291672885 -0.12626420764683677 -0.20055789876085184 -0.30580729450571603 -0.36617091853585604 -0.46522917335455743 -0.5132105155323631 -0.620007696508768 -0.6463200454449775 -0.6803713205389079 -0.675727964844277 -0.49308930752230756 0.05792223490668219 0.4851109588123018 0.9463509578118432 1.2450735074994705 1.5112925673247168 1.7511992782137449 1.7682249157607013 1.774416056686873 +5149,1.616541963069581,0,-0.12626420764683677 -0.20055789876085184 -0.30580729450571603 -0.36617091853585604 -0.46522917335455743 -0.5132105155323631 -0.620007696508768 -0.6463200454449775 -0.6803713205389079 -0.675727964844277 -0.49308930752230756 0.05792223490668219 0.4851109588123018 0.9463509578118432 1.2450735074994705 1.5112925673247168 1.7511992782137449 1.7682249157607013 1.774416056686873 1.7403647815929424 +5150,1.1320851855969027,0,-0.20055789876085184 -0.30580729450571603 -0.36617091853585604 -0.46522917335455743 -0.5132105155323631 -0.620007696508768 -0.6463200454449775 -0.6803713205389079 -0.675727964844277 -0.49308930752230756 0.05792223490668219 0.4851109588123018 0.9463509578118432 1.2450735074994705 1.5112925673247168 1.7511992782137449 1.7682249157607013 1.774416056686873 1.7403647815929424 1.616541963069581 +5151,0.9896889442950266,0,-0.30580729450571603 -0.36617091853585604 -0.46522917335455743 -0.5132105155323631 -0.620007696508768 -0.6463200454449775 -0.6803713205389079 -0.675727964844277 -0.49308930752230756 0.05792223490668219 0.4851109588123018 0.9463509578118432 1.2450735074994705 1.5112925673247168 1.7511992782137449 1.7682249157607013 1.774416056686873 1.7403647815929424 1.616541963069581 1.1320851855969027 +5152,0.6785841127550649,0,-0.36617091853585604 -0.46522917335455743 -0.5132105155323631 -0.620007696508768 -0.6463200454449775 -0.6803713205389079 -0.675727964844277 -0.49308930752230756 0.05792223490668219 0.4851109588123018 0.9463509578118432 1.2450735074994705 1.5112925673247168 1.7511992782137449 1.7682249157607013 1.774416056686873 1.7403647815929424 1.616541963069581 1.1320851855969027 0.9896889442950266 +5153,0.46963310649687723,0,-0.46522917335455743 -0.5132105155323631 -0.620007696508768 -0.6463200454449775 -0.6803713205389079 -0.675727964844277 -0.49308930752230756 0.05792223490668219 0.4851109588123018 0.9463509578118432 1.2450735074994705 1.5112925673247168 1.7511992782137449 1.7682249157607013 1.774416056686873 1.7403647815929424 1.616541963069581 1.1320851855969027 0.9896889442950266 0.6785841127550649 +5154,0.25294317408098604,0,-0.5132105155323631 -0.620007696508768 -0.6463200454449775 -0.6803713205389079 -0.675727964844277 -0.49308930752230756 0.05792223490668219 0.4851109588123018 0.9463509578118432 1.2450735074994705 1.5112925673247168 1.7511992782137449 1.7682249157607013 1.774416056686873 1.7403647815929424 1.616541963069581 1.1320851855969027 0.9896889442950266 0.6785841127550649 0.46963310649687723 +5155,0.08733015430598183,0,-0.620007696508768 -0.6463200454449775 -0.6803713205389079 -0.675727964844277 -0.49308930752230756 0.05792223490668219 0.4851109588123018 0.9463509578118432 1.2450735074994705 1.5112925673247168 1.7511992782137449 1.7682249157607013 1.774416056686873 1.7403647815929424 1.616541963069581 1.1320851855969027 0.9896889442950266 0.6785841127550649 0.46963310649687723 0.25294317408098604 +5156,-0.08756957685828413,0,-0.6463200454449775 -0.6803713205389079 -0.675727964844277 -0.49308930752230756 0.05792223490668219 0.4851109588123018 0.9463509578118432 1.2450735074994705 1.5112925673247168 1.7511992782137449 1.7682249157607013 1.774416056686873 1.7403647815929424 1.616541963069581 1.1320851855969027 0.9896889442950266 0.6785841127550649 0.46963310649687723 0.25294317408098604 0.08733015430598183 +5157,-0.12781199287837747,0,-0.6803713205389079 -0.675727964844277 -0.49308930752230756 0.05792223490668219 0.4851109588123018 0.9463509578118432 1.2450735074994705 1.5112925673247168 1.7511992782137449 1.7682249157607013 1.774416056686873 1.7403647815929424 1.616541963069581 1.1320851855969027 0.9896889442950266 0.6785841127550649 0.46963310649687723 0.25294317408098604 0.08733015430598183 -0.08756957685828413 +5158,-0.13555091903608096,0,-0.675727964844277 -0.49308930752230756 0.05792223490668219 0.4851109588123018 0.9463509578118432 1.2450735074994705 1.5112925673247168 1.7511992782137449 1.7682249157607013 1.774416056686873 1.7403647815929424 1.616541963069581 1.1320851855969027 0.9896889442950266 0.6785841127550649 0.46963310649687723 0.25294317408098604 0.08733015430598183 -0.08756957685828413 -0.12781199287837747 +5159,-0.08602179162673464,0,-0.49308930752230756 0.05792223490668219 0.4851109588123018 0.9463509578118432 1.2450735074994705 1.5112925673247168 1.7511992782137449 1.7682249157607013 1.774416056686873 1.7403647815929424 1.616541963069581 1.1320851855969027 0.9896889442950266 0.6785841127550649 0.46963310649687723 0.25294317408098604 0.08733015430598183 -0.08756957685828413 -0.12781199287837747 -0.13555091903608096 +5160,-0.24234810001249465,0,0.05792223490668219 0.4851109588123018 0.9463509578118432 1.2450735074994705 1.5112925673247168 1.7511992782137449 1.7682249157607013 1.774416056686873 1.7403647815929424 1.616541963069581 1.1320851855969027 0.9896889442950266 0.6785841127550649 0.46963310649687723 0.25294317408098604 0.08733015430598183 -0.08756957685828413 -0.12781199287837747 -0.13555091903608096 -0.08602179162673464 +5161,-0.18662783167697675,0,0.4851109588123018 0.9463509578118432 1.2450735074994705 1.5112925673247168 1.7511992782137449 1.7682249157607013 1.774416056686873 1.7403647815929424 1.616541963069581 1.1320851855969027 0.9896889442950266 0.6785841127550649 0.46963310649687723 0.25294317408098604 0.08733015430598183 -0.08756957685828413 -0.12781199287837747 -0.13555091903608096 -0.08602179162673464 -0.24234810001249465 +5162,-0.17579333505618308,0,0.9463509578118432 1.2450735074994705 1.5112925673247168 1.7511992782137449 1.7682249157607013 1.774416056686873 1.7403647815929424 1.616541963069581 1.1320851855969027 0.9896889442950266 0.6785841127550649 0.46963310649687723 0.25294317408098604 0.08733015430598183 -0.08756957685828413 -0.12781199287837747 -0.13555091903608096 -0.08602179162673464 -0.24234810001249465 -0.18662783167697675 +5163,0.13840706694686883,0,1.2450735074994705 1.5112925673247168 1.7511992782137449 1.7682249157607013 1.774416056686873 1.7403647815929424 1.616541963069581 1.1320851855969027 0.9896889442950266 0.6785841127550649 0.46963310649687723 0.25294317408098604 0.08733015430598183 -0.08756957685828413 -0.12781199287837747 -0.13555091903608096 -0.08602179162673464 -0.24234810001249465 -0.18662783167697675 -0.17579333505618308 +5164,0.8209803540569323,0,1.5112925673247168 1.7511992782137449 1.7682249157607013 1.774416056686873 1.7403647815929424 1.616541963069581 1.1320851855969027 0.9896889442950266 0.6785841127550649 0.46963310649687723 0.25294317408098604 0.08733015430598183 -0.08756957685828413 -0.12781199287837747 -0.13555091903608096 -0.08602179162673464 -0.24234810001249465 -0.18662783167697675 -0.17579333505618308 0.13840706694686883 +5165,1.4540245137576582,0,1.7511992782137449 1.7682249157607013 1.774416056686873 1.7403647815929424 1.616541963069581 1.1320851855969027 0.9896889442950266 0.6785841127550649 0.46963310649687723 0.25294317408098604 0.08733015430598183 -0.08756957685828413 -0.12781199287837747 -0.13555091903608096 -0.08602179162673464 -0.24234810001249465 -0.18662783167697675 -0.17579333505618308 0.13840706694686883 0.8209803540569323 +5166,1.9121689422941182,0,1.7682249157607013 1.774416056686873 1.7403647815929424 1.616541963069581 1.1320851855969027 0.9896889442950266 0.6785841127550649 0.46963310649687723 0.25294317408098604 0.08733015430598183 -0.08756957685828413 -0.12781199287837747 -0.13555091903608096 -0.08602179162673464 -0.24234810001249465 -0.18662783167697675 -0.17579333505618308 0.13840706694686883 0.8209803540569323 1.4540245137576582 +5167,2.156719008877768,0,1.774416056686873 1.7403647815929424 1.616541963069581 1.1320851855969027 0.9896889442950266 0.6785841127550649 0.46963310649687723 0.25294317408098604 0.08733015430598183 -0.08756957685828413 -0.12781199287837747 -0.13555091903608096 -0.08602179162673464 -0.24234810001249465 -0.18662783167697675 -0.17579333505618308 0.13840706694686883 0.8209803540569323 1.4540245137576582 1.9121689422941182 +5168,2.2557772636964697,0,1.7403647815929424 1.616541963069581 1.1320851855969027 0.9896889442950266 0.6785841127550649 0.46963310649687723 0.25294317408098604 0.08733015430598183 -0.08756957685828413 -0.12781199287837747 -0.13555091903608096 -0.08602179162673464 -0.24234810001249465 -0.18662783167697675 -0.17579333505618308 0.13840706694686883 0.8209803540569323 1.4540245137576582 1.9121689422941182 2.156719008877768 +5169,2.167553505498571,0,1.616541963069581 1.1320851855969027 0.9896889442950266 0.6785841127550649 0.46963310649687723 0.25294317408098604 0.08733015430598183 -0.08756957685828413 -0.12781199287837747 -0.13555091903608096 -0.08602179162673464 -0.24234810001249465 -0.18662783167697675 -0.17579333505618308 0.13840706694686883 0.8209803540569323 1.4540245137576582 1.9121689422941182 2.156719008877768 2.2557772636964697 +5170,2.1799357873509053,0,1.1320851855969027 0.9896889442950266 0.6785841127550649 0.46963310649687723 0.25294317408098604 0.08733015430598183 -0.08756957685828413 -0.12781199287837747 -0.13555091903608096 -0.08602179162673464 -0.24234810001249465 -0.18662783167697675 -0.17579333505618308 0.13840706694686883 0.8209803540569323 1.4540245137576582 1.9121689422941182 2.156719008877768 2.2557772636964697 2.167553505498571 +5171,2.046826257438282,0,0.9896889442950266 0.6785841127550649 0.46963310649687723 0.25294317408098604 0.08733015430598183 -0.08756957685828413 -0.12781199287837747 -0.13555091903608096 -0.08602179162673464 -0.24234810001249465 -0.18662783167697675 -0.17579333505618308 0.13840706694686883 0.8209803540569323 1.4540245137576582 1.9121689422941182 2.156719008877768 2.2557772636964697 2.167553505498571 2.1799357873509053 +5172,1.6180897483011216,0,0.6785841127550649 0.46963310649687723 0.25294317408098604 0.08733015430598183 -0.08756957685828413 -0.12781199287837747 -0.13555091903608096 -0.08602179162673464 -0.24234810001249465 -0.18662783167697675 -0.17579333505618308 0.13840706694686883 0.8209803540569323 1.4540245137576582 1.9121689422941182 2.156719008877768 2.2557772636964697 2.167553505498571 2.1799357873509053 2.046826257438282 +5173,1.6923834394151367,0,0.46963310649687723 0.25294317408098604 0.08733015430598183 -0.08756957685828413 -0.12781199287837747 -0.13555091903608096 -0.08602179162673464 -0.24234810001249465 -0.18662783167697675 -0.17579333505618308 0.13840706694686883 0.8209803540569323 1.4540245137576582 1.9121689422941182 2.156719008877768 2.2557772636964697 2.167553505498571 2.1799357873509053 2.046826257438282 1.6180897483011216 +5174,1.3038893462980699,0,0.25294317408098604 0.08733015430598183 -0.08756957685828413 -0.12781199287837747 -0.13555091903608096 -0.08602179162673464 -0.24234810001249465 -0.18662783167697675 -0.17579333505618308 0.13840706694686883 0.8209803540569323 1.4540245137576582 1.9121689422941182 2.156719008877768 2.2557772636964697 2.167553505498571 2.1799357873509053 2.046826257438282 1.6180897483011216 1.6923834394151367 +5175,0.978854447674233,0,0.08733015430598183 -0.08756957685828413 -0.12781199287837747 -0.13555091903608096 -0.08602179162673464 -0.24234810001249465 -0.18662783167697675 -0.17579333505618308 0.13840706694686883 0.8209803540569323 1.4540245137576582 1.9121689422941182 2.156719008877768 2.2557772636964697 2.167553505498571 2.1799357873509053 2.046826257438282 1.6180897483011216 1.6923834394151367 1.3038893462980699 +5176,0.7977635755838042,0,-0.08756957685828413 -0.12781199287837747 -0.13555091903608096 -0.08602179162673464 -0.24234810001249465 -0.18662783167697675 -0.17579333505618308 0.13840706694686883 0.8209803540569323 1.4540245137576582 1.9121689422941182 2.156719008877768 2.2557772636964697 2.167553505498571 2.1799357873509053 2.046826257438282 1.6180897483011216 1.6923834394151367 1.3038893462980699 0.978854447674233 +5177,0.4773720326545895,0,-0.12781199287837747 -0.13555091903608096 -0.08602179162673464 -0.24234810001249465 -0.18662783167697675 -0.17579333505618308 0.13840706694686883 0.8209803540569323 1.4540245137576582 1.9121689422941182 2.156719008877768 2.2557772636964697 2.167553505498571 2.1799357873509053 2.046826257438282 1.6180897483011216 1.6923834394151367 1.3038893462980699 0.978854447674233 0.7977635755838042 +5178,0.2281786103763085,0,-0.13555091903608096 -0.08602179162673464 -0.24234810001249465 -0.18662783167697675 -0.17579333505618308 0.13840706694686883 0.8209803540569323 1.4540245137576582 1.9121689422941182 2.156719008877768 2.2557772636964697 2.167553505498571 2.1799357873509053 2.046826257438282 1.6180897483011216 1.6923834394151367 1.3038893462980699 0.978854447674233 0.7977635755838042 0.4773720326545895 +5179,0.12138142939990357,0,-0.08602179162673464 -0.24234810001249465 -0.18662783167697675 -0.17579333505618308 0.13840706694686883 0.8209803540569323 1.4540245137576582 1.9121689422941182 2.156719008877768 2.2557772636964697 2.167553505498571 2.1799357873509053 2.046826257438282 1.6180897483011216 1.6923834394151367 1.3038893462980699 0.978854447674233 0.7977635755838042 0.4773720326545895 0.2281786103763085 +5180,0.045539953054339014,0,-0.24234810001249465 -0.18662783167697675 -0.17579333505618308 0.13840706694686883 0.8209803540569323 1.4540245137576582 1.9121689422941182 2.156719008877768 2.2557772636964697 2.167553505498571 2.1799357873509053 2.046826257438282 1.6180897483011216 1.6923834394151367 1.3038893462980699 0.978854447674233 0.7977635755838042 0.4773720326545895 0.2281786103763085 0.12138142939990357 +5181,-0.011728100512719579,0,-0.18662783167697675 -0.17579333505618308 0.13840706694686883 0.8209803540569323 1.4540245137576582 1.9121689422941182 2.156719008877768 2.2557772636964697 2.167553505498571 2.1799357873509053 2.046826257438282 1.6180897483011216 1.6923834394151367 1.3038893462980699 0.978854447674233 0.7977635755838042 0.4773720326545895 0.2281786103763085 0.12138142939990357 0.045539953054339014 +5182,-0.14174205996225253,0,-0.17579333505618308 0.13840706694686883 0.8209803540569323 1.4540245137576582 1.9121689422941182 2.156719008877768 2.2557772636964697 2.167553505498571 2.1799357873509053 2.046826257438282 1.6180897483011216 1.6923834394151367 1.3038893462980699 0.978854447674233 0.7977635755838042 0.4773720326545895 0.2281786103763085 0.12138142939990357 0.045539953054339014 -0.011728100512719579 +5183,-0.23615695908632306,0,0.13840706694686883 0.8209803540569323 1.4540245137576582 1.9121689422941182 2.156719008877768 2.2557772636964697 2.167553505498571 2.1799357873509053 2.046826257438282 1.6180897483011216 1.6923834394151367 1.3038893462980699 0.978854447674233 0.7977635755838042 0.4773720326545895 0.2281786103763085 0.12138142939990357 0.045539953054339014 -0.011728100512719579 -0.14174205996225253 +5184,-0.273303804643335,0,0.8209803540569323 1.4540245137576582 1.9121689422941182 2.156719008877768 2.2557772636964697 2.167553505498571 2.1799357873509053 2.046826257438282 1.6180897483011216 1.6923834394151367 1.3038893462980699 0.978854447674233 0.7977635755838042 0.4773720326545895 0.2281786103763085 0.12138142939990357 0.045539953054339014 -0.011728100512719579 -0.14174205996225253 -0.23615695908632306 +5185,-0.4327256834921676,0,1.4540245137576582 1.9121689422941182 2.156719008877768 2.2557772636964697 2.167553505498571 2.1799357873509053 2.046826257438282 1.6180897483011216 1.6923834394151367 1.3038893462980699 0.978854447674233 0.7977635755838042 0.4773720326545895 0.2281786103763085 0.12138142939990357 0.045539953054339014 -0.011728100512719579 -0.14174205996225253 -0.23615695908632306 -0.273303804643335 +5186,-0.3924832674720743,0,1.9121689422941182 2.156719008877768 2.2557772636964697 2.167553505498571 2.1799357873509053 2.046826257438282 1.6180897483011216 1.6923834394151367 1.3038893462980699 0.978854447674233 0.7977635755838042 0.4773720326545895 0.2281786103763085 0.12138142939990357 0.045539953054339014 -0.011728100512719579 -0.14174205996225253 -0.23615695908632306 -0.273303804643335 -0.4327256834921676 +5187,-0.2671126637171634,0,2.156719008877768 2.2557772636964697 2.167553505498571 2.1799357873509053 2.046826257438282 1.6180897483011216 1.6923834394151367 1.3038893462980699 0.978854447674233 0.7977635755838042 0.4773720326545895 0.2281786103763085 0.12138142939990357 0.045539953054339014 -0.011728100512719579 -0.14174205996225253 -0.23615695908632306 -0.273303804643335 -0.4327256834921676 -0.3924832674720743 +5188,-0.12935977810991817,0,2.2557772636964697 2.167553505498571 2.1799357873509053 2.046826257438282 1.6180897483011216 1.6923834394151367 1.3038893462980699 0.978854447674233 0.7977635755838042 0.4773720326545895 0.2281786103763085 0.12138142939990357 0.045539953054339014 -0.011728100512719579 -0.14174205996225253 -0.23615695908632306 -0.273303804643335 -0.4327256834921676 -0.3924832674720743 -0.2671126637171634 +5189,0.08113901337981025,0,2.167553505498571 2.1799357873509053 2.046826257438282 1.6180897483011216 1.6923834394151367 1.3038893462980699 0.978854447674233 0.7977635755838042 0.4773720326545895 0.2281786103763085 0.12138142939990357 0.045539953054339014 -0.011728100512719579 -0.14174205996225253 -0.23615695908632306 -0.273303804643335 -0.4327256834921676 -0.3924832674720743 -0.2671126637171634 -0.12935977810991817 +5190,0.2777077377856548,0,2.1799357873509053 2.046826257438282 1.6180897483011216 1.6923834394151367 1.3038893462980699 0.978854447674233 0.7977635755838042 0.4773720326545895 0.2281786103763085 0.12138142939990357 0.045539953054339014 -0.011728100512719579 -0.14174205996225253 -0.23615695908632306 -0.273303804643335 -0.4327256834921676 -0.3924832674720743 -0.2671126637171634 -0.12935977810991817 0.08113901337981025 +5191,0.40153055630902496,0,2.046826257438282 1.6180897483011216 1.6923834394151367 1.3038893462980699 0.978854447674233 0.7977635755838042 0.4773720326545895 0.2281786103763085 0.12138142939990357 0.045539953054339014 -0.011728100512719579 -0.14174205996225253 -0.23615695908632306 -0.273303804643335 -0.4327256834921676 -0.3924832674720743 -0.2671126637171634 -0.12935977810991817 0.08113901337981025 0.2777077377856548 +5192,0.5021365963592582,0,1.6180897483011216 1.6923834394151367 1.3038893462980699 0.978854447674233 0.7977635755838042 0.4773720326545895 0.2281786103763085 0.12138142939990357 0.045539953054339014 -0.011728100512719579 -0.14174205996225253 -0.23615695908632306 -0.273303804643335 -0.4327256834921676 -0.3924832674720743 -0.2671126637171634 -0.12935977810991817 0.08113901337981025 0.2777077377856548 0.40153055630902496 +5193,0.6120293477987534,0,1.6923834394151367 1.3038893462980699 0.978854447674233 0.7977635755838042 0.4773720326545895 0.2281786103763085 0.12138142939990357 0.045539953054339014 -0.011728100512719579 -0.14174205996225253 -0.23615695908632306 -0.273303804643335 -0.4327256834921676 -0.3924832674720743 -0.2671126637171634 -0.12935977810991817 0.08113901337981025 0.2777077377856548 0.40153055630902496 0.5021365963592582 +5194,0.6120293477987534,0,1.3038893462980699 0.978854447674233 0.7977635755838042 0.4773720326545895 0.2281786103763085 0.12138142939990357 0.045539953054339014 -0.011728100512719579 -0.14174205996225253 -0.23615695908632306 -0.273303804643335 -0.4327256834921676 -0.3924832674720743 -0.2671126637171634 -0.12935977810991817 0.08113901337981025 0.2777077377856548 0.40153055630902496 0.5021365963592582 0.6120293477987534 +5195,0.6538195490503874,0,0.978854447674233 0.7977635755838042 0.4773720326545895 0.2281786103763085 0.12138142939990357 0.045539953054339014 -0.011728100512719579 -0.14174205996225253 -0.23615695908632306 -0.273303804643335 -0.4327256834921676 -0.3924832674720743 -0.2671126637171634 -0.12935977810991817 0.08113901337981025 0.2777077377856548 0.40153055630902496 0.5021365963592582 0.6120293477987534 0.6120293477987534 +5196,0.4959454554330955,0,0.7977635755838042 0.4773720326545895 0.2281786103763085 0.12138142939990357 0.045539953054339014 -0.011728100512719579 -0.14174205996225253 -0.23615695908632306 -0.273303804643335 -0.4327256834921676 -0.3924832674720743 -0.2671126637171634 -0.12935977810991817 0.08113901337981025 0.2777077377856548 0.40153055630902496 0.5021365963592582 0.6120293477987534 0.6120293477987534 0.6538195490503874 +5197,0.3365235765842541,0,0.4773720326545895 0.2281786103763085 0.12138142939990357 0.045539953054339014 -0.011728100512719579 -0.14174205996225253 -0.23615695908632306 -0.273303804643335 -0.4327256834921676 -0.3924832674720743 -0.2671126637171634 -0.12935977810991817 0.08113901337981025 0.2777077377856548 0.40153055630902496 0.5021365963592582 0.6120293477987534 0.6120293477987534 0.6538195490503874 0.4959454554330955 +5198,0.09042572476906323,0,0.2281786103763085 0.12138142939990357 0.045539953054339014 -0.011728100512719579 -0.14174205996225253 -0.23615695908632306 -0.273303804643335 -0.4327256834921676 -0.3924832674720743 -0.2671126637171634 -0.12935977810991817 0.08113901337981025 0.2777077377856548 0.40153055630902496 0.5021365963592582 0.6120293477987534 0.6120293477987534 0.6538195490503874 0.4959454554330955 0.3365235765842541 +5199,-0.06435279838514728,0,0.12138142939990357 0.045539953054339014 -0.011728100512719579 -0.14174205996225253 -0.23615695908632306 -0.273303804643335 -0.4327256834921676 -0.3924832674720743 -0.2671126637171634 -0.12935977810991817 0.08113901337981025 0.2777077377856548 0.40153055630902496 0.5021365963592582 0.6120293477987534 0.6120293477987534 0.6538195490503874 0.4959454554330955 0.3365235765842541 0.09042572476906323 +5200,-0.11388192579449359,0,0.045539953054339014 -0.011728100512719579 -0.14174205996225253 -0.23615695908632306 -0.273303804643335 -0.4327256834921676 -0.3924832674720743 -0.2671126637171634 -0.12935977810991817 0.08113901337981025 0.2777077377856548 0.40153055630902496 0.5021365963592582 0.6120293477987534 0.6120293477987534 0.6538195490503874 0.4959454554330955 0.3365235765842541 0.09042572476906323 -0.06435279838514728 +5201,-0.2052012544554827,0,-0.011728100512719579 -0.14174205996225253 -0.23615695908632306 -0.273303804643335 -0.4327256834921676 -0.3924832674720743 -0.2671126637171634 -0.12935977810991817 0.08113901337981025 0.2777077377856548 0.40153055630902496 0.5021365963592582 0.6120293477987534 0.6120293477987534 0.6538195490503874 0.4959454554330955 0.3365235765842541 0.09042572476906323 -0.06435279838514728 -0.11388192579449359 +5202,-0.24853924093865745,0,-0.14174205996225253 -0.23615695908632306 -0.273303804643335 -0.4327256834921676 -0.3924832674720743 -0.2671126637171634 -0.12935977810991817 0.08113901337981025 0.2777077377856548 0.40153055630902496 0.5021365963592582 0.6120293477987534 0.6120293477987534 0.6538195490503874 0.4959454554330955 0.3365235765842541 0.09042572476906323 -0.06435279838514728 -0.11388192579449359 -0.2052012544554827 +5203,-0.29806836834800376,0,-0.23615695908632306 -0.273303804643335 -0.4327256834921676 -0.3924832674720743 -0.2671126637171634 -0.12935977810991817 0.08113901337981025 0.2777077377856548 0.40153055630902496 0.5021365963592582 0.6120293477987534 0.6120293477987534 0.6538195490503874 0.4959454554330955 0.3365235765842541 0.09042572476906323 -0.06435279838514728 -0.11388192579449359 -0.2052012544554827 -0.24853924093865745 +5204,-0.3135462206634283,0,-0.273303804643335 -0.4327256834921676 -0.3924832674720743 -0.2671126637171634 -0.12935977810991817 0.08113901337981025 0.2777077377856548 0.40153055630902496 0.5021365963592582 0.6120293477987534 0.6120293477987534 0.6538195490503874 0.4959454554330955 0.3365235765842541 0.09042572476906323 -0.06435279838514728 -0.11388192579449359 -0.2052012544554827 -0.24853924093865745 -0.29806836834800376 +5205,-0.3197373615895999,0,-0.4327256834921676 -0.3924832674720743 -0.2671126637171634 -0.12935977810991817 0.08113901337981025 0.2777077377856548 0.40153055630902496 0.5021365963592582 0.6120293477987534 0.6120293477987534 0.6538195490503874 0.4959454554330955 0.3365235765842541 0.09042572476906323 -0.06435279838514728 -0.11388192579449359 -0.2052012544554827 -0.24853924093865745 -0.29806836834800376 -0.3135462206634283 +5206,-0.34140635483118725,0,-0.3924832674720743 -0.2671126637171634 -0.12935977810991817 0.08113901337981025 0.2777077377856548 0.40153055630902496 0.5021365963592582 0.6120293477987534 0.6120293477987534 0.6538195490503874 0.4959454554330955 0.3365235765842541 0.09042572476906323 -0.06435279838514728 -0.11388192579449359 -0.2052012544554827 -0.24853924093865745 -0.29806836834800376 -0.3135462206634283 -0.3197373615895999 +5207,-0.34759749575735005,0,-0.2671126637171634 -0.12935977810991817 0.08113901337981025 0.2777077377856548 0.40153055630902496 0.5021365963592582 0.6120293477987534 0.6120293477987534 0.6538195490503874 0.4959454554330955 0.3365235765842541 0.09042572476906323 -0.06435279838514728 -0.11388192579449359 -0.2052012544554827 -0.24853924093865745 -0.29806836834800376 -0.3135462206634283 -0.3197373615895999 -0.34140635483118725 +5208,-0.3352152139050157,0,-0.12935977810991817 0.08113901337981025 0.2777077377856548 0.40153055630902496 0.5021365963592582 0.6120293477987534 0.6120293477987534 0.6538195490503874 0.4959454554330955 0.3365235765842541 0.09042572476906323 -0.06435279838514728 -0.11388192579449359 -0.2052012544554827 -0.24853924093865745 -0.29806836834800376 -0.3135462206634283 -0.3197373615895999 -0.34140635483118725 -0.34759749575735005 +5209,-0.3553364219150623,0,0.08113901337981025 0.2777077377856548 0.40153055630902496 0.5021365963592582 0.6120293477987534 0.6120293477987534 0.6538195490503874 0.4959454554330955 0.3365235765842541 0.09042572476906323 -0.06435279838514728 -0.11388192579449359 -0.2052012544554827 -0.24853924093865745 -0.29806836834800376 -0.3135462206634283 -0.3197373615895999 -0.34140635483118725 -0.34759749575735005 -0.3352152139050157 +5210,-0.3491452809888996,0,0.2777077377856548 0.40153055630902496 0.5021365963592582 0.6120293477987534 0.6120293477987534 0.6538195490503874 0.4959454554330955 0.3365235765842541 0.09042572476906323 -0.06435279838514728 -0.11388192579449359 -0.2052012544554827 -0.24853924093865745 -0.29806836834800376 -0.3135462206634283 -0.3197373615895999 -0.34140635483118725 -0.34759749575735005 -0.3352152139050157 -0.3553364219150623 +5211,-0.30890286496879743,0,0.40153055630902496 0.5021365963592582 0.6120293477987534 0.6120293477987534 0.6538195490503874 0.4959454554330955 0.3365235765842541 0.09042572476906323 -0.06435279838514728 -0.11388192579449359 -0.2052012544554827 -0.24853924093865745 -0.29806836834800376 -0.3135462206634283 -0.3197373615895999 -0.34140635483118725 -0.34759749575735005 -0.3352152139050157 -0.3553364219150623 -0.3491452809888996 +5212,-0.29497279788492237,0,0.5021365963592582 0.6120293477987534 0.6120293477987534 0.6538195490503874 0.4959454554330955 0.3365235765842541 0.09042572476906323 -0.06435279838514728 -0.11388192579449359 -0.2052012544554827 -0.24853924093865745 -0.29806836834800376 -0.3135462206634283 -0.3197373615895999 -0.34140635483118725 -0.34759749575735005 -0.3352152139050157 -0.3553364219150623 -0.3491452809888996 -0.30890286496879743 +5213,-0.19436675783468904,0,0.6120293477987534 0.6120293477987534 0.6538195490503874 0.4959454554330955 0.3365235765842541 0.09042572476906323 -0.06435279838514728 -0.11388192579449359 -0.2052012544554827 -0.24853924093865745 -0.29806836834800376 -0.3135462206634283 -0.3197373615895999 -0.34140635483118725 -0.34759749575735005 -0.3352152139050157 -0.3553364219150623 -0.3491452809888996 -0.30890286496879743 -0.29497279788492237 +5214,-0.14638541565688343,0,0.6120293477987534 0.6538195490503874 0.4959454554330955 0.3365235765842541 0.09042572476906323 -0.06435279838514728 -0.11388192579449359 -0.2052012544554827 -0.24853924093865745 -0.29806836834800376 -0.3135462206634283 -0.3197373615895999 -0.34140635483118725 -0.34759749575735005 -0.3352152139050157 -0.3553364219150623 -0.3491452809888996 -0.30890286496879743 -0.29497279788492237 -0.19436675783468904 +5215,-0.05970944269052519,0,0.6538195490503874 0.4959454554330955 0.3365235765842541 0.09042572476906323 -0.06435279838514728 -0.11388192579449359 -0.2052012544554827 -0.24853924093865745 -0.29806836834800376 -0.3135462206634283 -0.3197373615895999 -0.34140635483118725 -0.34759749575735005 -0.3352152139050157 -0.3553364219150623 -0.3491452809888996 -0.30890286496879743 -0.29497279788492237 -0.19436675783468904 -0.14638541565688343 +5216,0.07959122814826955,0,0.4959454554330955 0.3365235765842541 0.09042572476906323 -0.06435279838514728 -0.11388192579449359 -0.2052012544554827 -0.24853924093865745 -0.29806836834800376 -0.3135462206634283 -0.3197373615895999 -0.34140635483118725 -0.34759749575735005 -0.3352152139050157 -0.3553364219150623 -0.3491452809888996 -0.30890286496879743 -0.29497279788492237 -0.19436675783468904 -0.14638541565688343 -0.05970944269052519 +5217,0.09971243615831621,0,0.3365235765842541 0.09042572476906323 -0.06435279838514728 -0.11388192579449359 -0.2052012544554827 -0.24853924093865745 -0.29806836834800376 -0.3135462206634283 -0.3197373615895999 -0.34140635483118725 -0.34759749575735005 -0.3352152139050157 -0.3553364219150623 -0.3491452809888996 -0.30890286496879743 -0.29497279788492237 -0.19436675783468904 -0.14638541565688343 -0.05970944269052519 0.07959122814826955 +5218,0.1074513623160285,0,0.09042572476906323 -0.06435279838514728 -0.11388192579449359 -0.2052012544554827 -0.24853924093865745 -0.29806836834800376 -0.3135462206634283 -0.3197373615895999 -0.34140635483118725 -0.34759749575735005 -0.3352152139050157 -0.3553364219150623 -0.3491452809888996 -0.30890286496879743 -0.29497279788492237 -0.19436675783468904 -0.14638541565688343 -0.05970944269052519 0.07959122814826955 0.09971243615831621 +5219,0.06720894629592637,0,-0.06435279838514728 -0.11388192579449359 -0.2052012544554827 -0.24853924093865745 -0.29806836834800376 -0.3135462206634283 -0.3197373615895999 -0.34140635483118725 -0.34759749575735005 -0.3352152139050157 -0.3553364219150623 -0.3491452809888996 -0.30890286496879743 -0.29497279788492237 -0.19436675783468904 -0.14638541565688343 -0.05970944269052519 0.07959122814826955 0.09971243615831621 0.1074513623160285 +5220,0.02232317458121096,0,-0.11388192579449359 -0.2052012544554827 -0.24853924093865745 -0.29806836834800376 -0.3135462206634283 -0.3197373615895999 -0.34140635483118725 -0.34759749575735005 -0.3352152139050157 -0.3553364219150623 -0.3491452809888996 -0.30890286496879743 -0.29497279788492237 -0.19436675783468904 -0.14638541565688343 -0.05970944269052519 0.07959122814826955 0.09971243615831621 0.1074513623160285 0.06720894629592637 +5221,-0.04113601991201923,0,-0.2052012544554827 -0.24853924093865745 -0.29806836834800376 -0.3135462206634283 -0.3197373615895999 -0.34140635483118725 -0.34759749575735005 -0.3352152139050157 -0.3553364219150623 -0.3491452809888996 -0.30890286496879743 -0.29497279788492237 -0.19436675783468904 -0.14638541565688343 -0.05970944269052519 0.07959122814826955 0.09971243615831621 0.1074513623160285 0.06720894629592637 0.02232317458121096 +5222,-0.07054393931131887,0,-0.24853924093865745 -0.29806836834800376 -0.3135462206634283 -0.3197373615895999 -0.34140635483118725 -0.34759749575735005 -0.3352152139050157 -0.3553364219150623 -0.3491452809888996 -0.30890286496879743 -0.29497279788492237 -0.19436675783468904 -0.14638541565688343 -0.05970944269052519 0.07959122814826955 0.09971243615831621 0.1074513623160285 0.06720894629592637 0.02232317458121096 -0.04113601991201923 +5223,-0.18198447598234585,0,-0.29806836834800376 -0.3135462206634283 -0.3197373615895999 -0.34140635483118725 -0.34759749575735005 -0.3352152139050157 -0.3553364219150623 -0.3491452809888996 -0.30890286496879743 -0.29497279788492237 -0.19436675783468904 -0.14638541565688343 -0.05970944269052519 0.07959122814826955 0.09971243615831621 0.1074513623160285 0.06720894629592637 0.02232317458121096 -0.04113601991201923 -0.07054393931131887 +5224,-0.2160357510762764,0,-0.3135462206634283 -0.3197373615895999 -0.34140635483118725 -0.34759749575735005 -0.3352152139050157 -0.3553364219150623 -0.3491452809888996 -0.30890286496879743 -0.29497279788492237 -0.19436675783468904 -0.14638541565688343 -0.05970944269052519 0.07959122814826955 0.09971243615831621 0.1074513623160285 0.06720894629592637 0.02232317458121096 -0.04113601991201923 -0.07054393931131887 -0.18198447598234585 +5225,-0.2253224624655294,0,-0.3197373615895999 -0.34140635483118725 -0.34759749575735005 -0.3352152139050157 -0.3553364219150623 -0.3491452809888996 -0.30890286496879743 -0.29497279788492237 -0.19436675783468904 -0.14638541565688343 -0.05970944269052519 0.07959122814826955 0.09971243615831621 0.1074513623160285 0.06720894629592637 0.02232317458121096 -0.04113601991201923 -0.07054393931131887 -0.18198447598234585 -0.2160357510762764 +5226,-0.34450192529426865,0,-0.34140635483118725 -0.34759749575735005 -0.3352152139050157 -0.3553364219150623 -0.3491452809888996 -0.30890286496879743 -0.29497279788492237 -0.19436675783468904 -0.14638541565688343 -0.05970944269052519 0.07959122814826955 0.09971243615831621 0.1074513623160285 0.06720894629592637 0.02232317458121096 -0.04113601991201923 -0.07054393931131887 -0.18198447598234585 -0.2160357510762764 -0.2253224624655294 +5227,-0.4296301130290862,0,-0.34759749575735005 -0.3352152139050157 -0.3553364219150623 -0.3491452809888996 -0.30890286496879743 -0.29497279788492237 -0.19436675783468904 -0.14638541565688343 -0.05970944269052519 0.07959122814826955 0.09971243615831621 0.1074513623160285 0.06720894629592637 0.02232317458121096 -0.04113601991201923 -0.07054393931131887 -0.18198447598234585 -0.2160357510762764 -0.2253224624655294 -0.34450192529426865 +5228,-0.48999373705922616,0,-0.3352152139050157 -0.3553364219150623 -0.3491452809888996 -0.30890286496879743 -0.29497279788492237 -0.19436675783468904 -0.14638541565688343 -0.05970944269052519 0.07959122814826955 0.09971243615831621 0.1074513623160285 0.06720894629592637 0.02232317458121096 -0.04113601991201923 -0.07054393931131887 -0.18198447598234585 -0.2160357510762764 -0.2253224624655294 -0.34450192529426865 -0.4296301130290862 +5229,-0.5534529315524563,0,-0.3553364219150623 -0.3491452809888996 -0.30890286496879743 -0.29497279788492237 -0.19436675783468904 -0.14638541565688343 -0.05970944269052519 0.07959122814826955 0.09971243615831621 0.1074513623160285 0.06720894629592637 0.02232317458121096 -0.04113601991201923 -0.07054393931131887 -0.18198447598234585 -0.2160357510762764 -0.2253224624655294 -0.34450192529426865 -0.4296301130290862 -0.48999373705922616 +5230,-0.5534529315524563,0,-0.3491452809888996 -0.30890286496879743 -0.29497279788492237 -0.19436675783468904 -0.14638541565688343 -0.05970944269052519 0.07959122814826955 0.09971243615831621 0.1074513623160285 0.06720894629592637 0.02232317458121096 -0.04113601991201923 -0.07054393931131887 -0.18198447598234585 -0.2160357510762764 -0.2253224624655294 -0.34450192529426865 -0.4296301130290862 -0.48999373705922616 -0.5534529315524563 +5231,-0.5379750792370318,0,-0.30890286496879743 -0.29497279788492237 -0.19436675783468904 -0.14638541565688343 -0.05970944269052519 0.07959122814826955 0.09971243615831621 0.1074513623160285 0.06720894629592637 0.02232317458121096 -0.04113601991201923 -0.07054393931131887 -0.18198447598234585 -0.2160357510762764 -0.2253224624655294 -0.34450192529426865 -0.4296301130290862 -0.48999373705922616 -0.5534529315524563 -0.5534529315524563 +5232,-0.5240450121531567,0,-0.29497279788492237 -0.19436675783468904 -0.14638541565688343 -0.05970944269052519 0.07959122814826955 0.09971243615831621 0.1074513623160285 0.06720894629592637 0.02232317458121096 -0.04113601991201923 -0.07054393931131887 -0.18198447598234585 -0.2160357510762764 -0.2253224624655294 -0.34450192529426865 -0.4296301130290862 -0.48999373705922616 -0.5534529315524563 -0.5534529315524563 -0.5379750792370318 +5233,-0.4961848779853978,0,-0.19436675783468904 -0.14638541565688343 -0.05970944269052519 0.07959122814826955 0.09971243615831621 0.1074513623160285 0.06720894629592637 0.02232317458121096 -0.04113601991201923 -0.07054393931131887 -0.18198447598234585 -0.2160357510762764 -0.2253224624655294 -0.34450192529426865 -0.4296301130290862 -0.48999373705922616 -0.5534529315524563 -0.5534529315524563 -0.5379750792370318 -0.5240450121531567 +5234,-0.46677695858609813,0,-0.14638541565688343 -0.05970944269052519 0.07959122814826955 0.09971243615831621 0.1074513623160285 0.06720894629592637 0.02232317458121096 -0.04113601991201923 -0.07054393931131887 -0.18198447598234585 -0.2160357510762764 -0.2253224624655294 -0.34450192529426865 -0.4296301130290862 -0.48999373705922616 -0.5534529315524563 -0.5534529315524563 -0.5379750792370318 -0.5240450121531567 -0.4961848779853978 +5235,-0.3893876970089929,0,-0.05970944269052519 0.07959122814826955 0.09971243615831621 0.1074513623160285 0.06720894629592637 0.02232317458121096 -0.04113601991201923 -0.07054393931131887 -0.18198447598234585 -0.2160357510762764 -0.2253224624655294 -0.34450192529426865 -0.4296301130290862 -0.48999373705922616 -0.5534529315524563 -0.5534529315524563 -0.5379750792370318 -0.5240450121531567 -0.4961848779853978 -0.46677695858609813 +5236,-0.3274762877473034,0,0.07959122814826955 0.09971243615831621 0.1074513623160285 0.06720894629592637 0.02232317458121096 -0.04113601991201923 -0.07054393931131887 -0.18198447598234585 -0.2160357510762764 -0.2253224624655294 -0.34450192529426865 -0.4296301130290862 -0.48999373705922616 -0.5534529315524563 -0.5534529315524563 -0.5379750792370318 -0.5240450121531567 -0.4961848779853978 -0.46677695858609813 -0.3893876970089929 +5237,-0.24699145570711675,0,0.09971243615831621 0.1074513623160285 0.06720894629592637 0.02232317458121096 -0.04113601991201923 -0.07054393931131887 -0.18198447598234585 -0.2160357510762764 -0.2253224624655294 -0.34450192529426865 -0.4296301130290862 -0.48999373705922616 -0.5534529315524563 -0.5534529315524563 -0.5379750792370318 -0.5240450121531567 -0.4961848779853978 -0.46677695858609813 -0.3893876970089929 -0.3274762877473034 +5238,-0.19281897260313954,0,0.1074513623160285 0.06720894629592637 0.02232317458121096 -0.04113601991201923 -0.07054393931131887 -0.18198447598234585 -0.2160357510762764 -0.2253224624655294 -0.34450192529426865 -0.4296301130290862 -0.48999373705922616 -0.5534529315524563 -0.5534529315524563 -0.5379750792370318 -0.5240450121531567 -0.4961848779853978 -0.46677695858609813 -0.3893876970089929 -0.3274762877473034 -0.24699145570711675 +5239,-0.04887494606973151,0,0.06720894629592637 0.02232317458121096 -0.04113601991201923 -0.07054393931131887 -0.18198447598234585 -0.2160357510762764 -0.2253224624655294 -0.34450192529426865 -0.4296301130290862 -0.48999373705922616 -0.5534529315524563 -0.5534529315524563 -0.5379750792370318 -0.5240450121531567 -0.4961848779853978 -0.46677695858609813 -0.3893876970089929 -0.3274762877473034 -0.24699145570711675 -0.19281897260313954 +5240,0.054826664443592,0,0.02232317458121096 -0.04113601991201923 -0.07054393931131887 -0.18198447598234585 -0.2160357510762764 -0.2253224624655294 -0.34450192529426865 -0.4296301130290862 -0.48999373705922616 -0.5534529315524563 -0.5534529315524563 -0.5379750792370318 -0.5240450121531567 -0.4961848779853978 -0.46677695858609813 -0.3893876970089929 -0.3274762877473034 -0.24699145570711675 -0.19281897260313954 -0.04887494606973151 +5241,0.1089991475475692,0,-0.04113601991201923 -0.07054393931131887 -0.18198447598234585 -0.2160357510762764 -0.2253224624655294 -0.34450192529426865 -0.4296301130290862 -0.48999373705922616 -0.5534529315524563 -0.5534529315524563 -0.5379750792370318 -0.5240450121531567 -0.4961848779853978 -0.46677695858609813 -0.3893876970089929 -0.3274762877473034 -0.24699145570711675 -0.19281897260313954 -0.04887494606973151 0.054826664443592 +5242,0.23127418083938986,0,-0.07054393931131887 -0.18198447598234585 -0.2160357510762764 -0.2253224624655294 -0.34450192529426865 -0.4296301130290862 -0.48999373705922616 -0.5534529315524563 -0.5534529315524563 -0.5379750792370318 -0.5240450121531567 -0.4961848779853978 -0.46677695858609813 -0.3893876970089929 -0.3274762877473034 -0.24699145570711675 -0.19281897260313954 -0.04887494606973151 0.054826664443592 0.1089991475475692 +5243,0.16626720111462778,0,-0.18198447598234585 -0.2160357510762764 -0.2253224624655294 -0.34450192529426865 -0.4296301130290862 -0.48999373705922616 -0.5534529315524563 -0.5534529315524563 -0.5379750792370318 -0.5240450121531567 -0.4961848779853978 -0.46677695858609813 -0.3893876970089929 -0.3274762877473034 -0.24699145570711675 -0.19281897260313954 -0.04887494606973151 0.054826664443592 0.1089991475475692 0.23127418083938986 +5244,0.11828585893682218,0,-0.2160357510762764 -0.2253224624655294 -0.34450192529426865 -0.4296301130290862 -0.48999373705922616 -0.5534529315524563 -0.5534529315524563 -0.5379750792370318 -0.5240450121531567 -0.4961848779853978 -0.46677695858609813 -0.3893876970089929 -0.3274762877473034 -0.24699145570711675 -0.19281897260313954 -0.04887494606973151 0.054826664443592 0.1089991475475692 0.23127418083938986 0.16626720111462778 +5245,0.14305042264149093,0,-0.2253224624655294 -0.34450192529426865 -0.4296301130290862 -0.48999373705922616 -0.5534529315524563 -0.5534529315524563 -0.5379750792370318 -0.5240450121531567 -0.4961848779853978 -0.46677695858609813 -0.3893876970089929 -0.3274762877473034 -0.24699145570711675 -0.19281897260313954 -0.04887494606973151 0.054826664443592 0.1089991475475692 0.23127418083938986 0.16626720111462778 0.11828585893682218 +5246,0.013036463191957975,0,-0.34450192529426865 -0.4296301130290862 -0.48999373705922616 -0.5534529315524563 -0.5534529315524563 -0.5379750792370318 -0.5240450121531567 -0.4961848779853978 -0.46677695858609813 -0.3893876970089929 -0.3274762877473034 -0.24699145570711675 -0.19281897260313954 -0.04887494606973151 0.054826664443592 0.1089991475475692 0.23127418083938986 0.16626720111462778 0.11828585893682218 0.14305042264149093 +5247,-0.04423159037510062,0,-0.4296301130290862 -0.48999373705922616 -0.5534529315524563 -0.5534529315524563 -0.5379750792370318 -0.5240450121531567 -0.4961848779853978 -0.46677695858609813 -0.3893876970089929 -0.3274762877473034 -0.24699145570711675 -0.19281897260313954 -0.04887494606973151 0.054826664443592 0.1089991475475692 0.23127418083938986 0.16626720111462778 0.11828585893682218 0.14305042264149093 0.013036463191957975 +5248,-0.1587676975092178,0,-0.48999373705922616 -0.5534529315524563 -0.5534529315524563 -0.5379750792370318 -0.5240450121531567 -0.4961848779853978 -0.46677695858609813 -0.3893876970089929 -0.3274762877473034 -0.24699145570711675 -0.19281897260313954 -0.04887494606973151 0.054826664443592 0.1089991475475692 0.23127418083938986 0.16626720111462778 0.11828585893682218 0.14305042264149093 0.013036463191957975 -0.04423159037510062 +5249,-0.19436675783468904,0,-0.5534529315524563 -0.5534529315524563 -0.5379750792370318 -0.5240450121531567 -0.4961848779853978 -0.46677695858609813 -0.3893876970089929 -0.3274762877473034 -0.24699145570711675 -0.19281897260313954 -0.04887494606973151 0.054826664443592 0.1089991475475692 0.23127418083938986 0.16626720111462778 0.11828585893682218 0.14305042264149093 0.013036463191957975 -0.04423159037510062 -0.1587676975092178 +5250,-0.2191313215393578,0,-0.5534529315524563 -0.5379750792370318 -0.5240450121531567 -0.4961848779853978 -0.46677695858609813 -0.3893876970089929 -0.3274762877473034 -0.24699145570711675 -0.19281897260313954 -0.04887494606973151 0.054826664443592 0.1089991475475692 0.23127418083938986 0.16626720111462778 0.11828585893682218 0.14305042264149093 0.013036463191957975 -0.04423159037510062 -0.1587676975092178 -0.19436675783468904 +5251,-0.2624693080225413,0,-0.5379750792370318 -0.5240450121531567 -0.4961848779853978 -0.46677695858609813 -0.3893876970089929 -0.3274762877473034 -0.24699145570711675 -0.19281897260313954 -0.04887494606973151 0.054826664443592 0.1089991475475692 0.23127418083938986 0.16626720111462778 0.11828585893682218 0.14305042264149093 0.013036463191957975 -0.04423159037510062 -0.1587676975092178 -0.19436675783468904 -0.2191313215393578 +5252,-0.2779471603379571,0,-0.5240450121531567 -0.4961848779853978 -0.46677695858609813 -0.3893876970089929 -0.3274762877473034 -0.24699145570711675 -0.19281897260313954 -0.04887494606973151 0.054826664443592 0.1089991475475692 0.23127418083938986 0.16626720111462778 0.11828585893682218 0.14305042264149093 0.013036463191957975 -0.04423159037510062 -0.1587676975092178 -0.19436675783468904 -0.2191313215393578 -0.2624693080225413 +5253,-0.35997977760969324,0,-0.4961848779853978 -0.46677695858609813 -0.3893876970089929 -0.3274762877473034 -0.24699145570711675 -0.19281897260313954 -0.04887494606973151 0.054826664443592 0.1089991475475692 0.23127418083938986 0.16626720111462778 0.11828585893682218 0.14305042264149093 0.013036463191957975 -0.04423159037510062 -0.1587676975092178 -0.19436675783468904 -0.2191313215393578 -0.2624693080225413 -0.2779471603379571 +5254,-0.4203434016398332,0,-0.46677695858609813 -0.3893876970089929 -0.3274762877473034 -0.24699145570711675 -0.19281897260313954 -0.04887494606973151 0.054826664443592 0.1089991475475692 0.23127418083938986 0.16626720111462778 0.11828585893682218 0.14305042264149093 0.013036463191957975 -0.04423159037510062 -0.1587676975092178 -0.19436675783468904 -0.2191313215393578 -0.2624693080225413 -0.2779471603379571 -0.35997977760969324 +5255,-0.4791592404384325,0,-0.3893876970089929 -0.3274762877473034 -0.24699145570711675 -0.19281897260313954 -0.04887494606973151 0.054826664443592 0.1089991475475692 0.23127418083938986 0.16626720111462778 0.11828585893682218 0.14305042264149093 0.013036463191957975 -0.04423159037510062 -0.1587676975092178 -0.19436675783468904 -0.2191313215393578 -0.2624693080225413 -0.2779471603379571 -0.35997977760969324 -0.4203434016398332 +5256,-0.46987252904917953,0,-0.3274762877473034 -0.24699145570711675 -0.19281897260313954 -0.04887494606973151 0.054826664443592 0.1089991475475692 0.23127418083938986 0.16626720111462778 0.11828585893682218 0.14305042264149093 0.013036463191957975 -0.04423159037510062 -0.1587676975092178 -0.19436675783468904 -0.2191313215393578 -0.2624693080225413 -0.2779471603379571 -0.35997977760969324 -0.4203434016398332 -0.4791592404384325 +5257,-0.45749024719684517,0,-0.24699145570711675 -0.19281897260313954 -0.04887494606973151 0.054826664443592 0.1089991475475692 0.23127418083938986 0.16626720111462778 0.11828585893682218 0.14305042264149093 0.013036463191957975 -0.04423159037510062 -0.1587676975092178 -0.19436675783468904 -0.2191313215393578 -0.2624693080225413 -0.2779471603379571 -0.35997977760969324 -0.4203434016398332 -0.4791592404384325 -0.46987252904917953 +5258,-0.5194016564585259,0,-0.19281897260313954 -0.04887494606973151 0.054826664443592 0.1089991475475692 0.23127418083938986 0.16626720111462778 0.11828585893682218 0.14305042264149093 0.013036463191957975 -0.04423159037510062 -0.1587676975092178 -0.19436675783468904 -0.2191313215393578 -0.2624693080225413 -0.2779471603379571 -0.35997977760969324 -0.4203434016398332 -0.4791592404384325 -0.46987252904917953 -0.45749024719684517 +5259,-0.39867440839824586,0,-0.04887494606973151 0.054826664443592 0.1089991475475692 0.23127418083938986 0.16626720111462778 0.11828585893682218 0.14305042264149093 0.013036463191957975 -0.04423159037510062 -0.1587676975092178 -0.19436675783468904 -0.2191313215393578 -0.2624693080225413 -0.2779471603379571 -0.35997977760969324 -0.4203434016398332 -0.4791592404384325 -0.46987252904917953 -0.45749024719684517 -0.5194016564585259 +5260,-0.28723387172721004,0,0.054826664443592 0.1089991475475692 0.23127418083938986 0.16626720111462778 0.11828585893682218 0.14305042264149093 0.013036463191957975 -0.04423159037510062 -0.1587676975092178 -0.19436675783468904 -0.2191313215393578 -0.2624693080225413 -0.2779471603379571 -0.35997977760969324 -0.4203434016398332 -0.4791592404384325 -0.46987252904917953 -0.45749024719684517 -0.5194016564585259 -0.39867440839824586 +5261,-0.14483763042533393,0,0.1089991475475692 0.23127418083938986 0.16626720111462778 0.11828585893682218 0.14305042264149093 0.013036463191957975 -0.04423159037510062 -0.1587676975092178 -0.19436675783468904 -0.2191313215393578 -0.2624693080225413 -0.2779471603379571 -0.35997977760969324 -0.4203434016398332 -0.4791592404384325 -0.46987252904917953 -0.45749024719684517 -0.5194016564585259 -0.39867440839824586 -0.28723387172721004 +5262,-0.008632530049629385,0,0.23127418083938986 0.16626720111462778 0.11828585893682218 0.14305042264149093 0.013036463191957975 -0.04423159037510062 -0.1587676975092178 -0.19436675783468904 -0.2191313215393578 -0.2624693080225413 -0.2779471603379571 -0.35997977760969324 -0.4203434016398332 -0.4791592404384325 -0.46987252904917953 -0.45749024719684517 -0.5194016564585259 -0.39867440839824586 -0.28723387172721004 -0.14483763042533393 +5263,0.16317163065153759,0,0.16626720111462778 0.11828585893682218 0.14305042264149093 0.013036463191957975 -0.04423159037510062 -0.1587676975092178 -0.19436675783468904 -0.2191313215393578 -0.2624693080225413 -0.2779471603379571 -0.35997977760969324 -0.4203434016398332 -0.4791592404384325 -0.46987252904917953 -0.45749024719684517 -0.5194016564585259 -0.39867440839824586 -0.28723387172721004 -0.14483763042533393 -0.008632530049629385 +5264,0.28854223440644844,0,0.11828585893682218 0.14305042264149093 0.013036463191957975 -0.04423159037510062 -0.1587676975092178 -0.19436675783468904 -0.2191313215393578 -0.2624693080225413 -0.2779471603379571 -0.35997977760969324 -0.4203434016398332 -0.4791592404384325 -0.46987252904917953 -0.45749024719684517 -0.5194016564585259 -0.39867440839824586 -0.28723387172721004 -0.14483763042533393 -0.008632530049629385 0.16317163065153759 +5265,0.3380713618157948,0,0.14305042264149093 0.013036463191957975 -0.04423159037510062 -0.1587676975092178 -0.19436675783468904 -0.2191313215393578 -0.2624693080225413 -0.2779471603379571 -0.35997977760969324 -0.4203434016398332 -0.4791592404384325 -0.46987252904917953 -0.45749024719684517 -0.5194016564585259 -0.39867440839824586 -0.28723387172721004 -0.14483763042533393 -0.008632530049629385 0.16317163065153759 0.28854223440644844 +5266,0.3690270664466439,0,0.013036463191957975 -0.04423159037510062 -0.1587676975092178 -0.19436675783468904 -0.2191313215393578 -0.2624693080225413 -0.2779471603379571 -0.35997977760969324 -0.4203434016398332 -0.4791592404384325 -0.46987252904917953 -0.45749024719684517 -0.5194016564585259 -0.39867440839824586 -0.28723387172721004 -0.14483763042533393 -0.008632530049629385 0.16317163065153759 0.28854223440644844 0.3380713618157948 +5267,0.33961914704734425,0,-0.04423159037510062 -0.1587676975092178 -0.19436675783468904 -0.2191313215393578 -0.2624693080225413 -0.2779471603379571 -0.35997977760969324 -0.4203434016398332 -0.4791592404384325 -0.46987252904917953 -0.45749024719684517 -0.5194016564585259 -0.39867440839824586 -0.28723387172721004 -0.14483763042533393 -0.008632530049629385 0.16317163065153759 0.28854223440644844 0.3380713618157948 0.3690270664466439 +5268,0.35974035505739094,0,-0.1587676975092178 -0.19436675783468904 -0.2191313215393578 -0.2624693080225413 -0.2779471603379571 -0.35997977760969324 -0.4203434016398332 -0.4791592404384325 -0.46987252904917953 -0.45749024719684517 -0.5194016564585259 -0.39867440839824586 -0.28723387172721004 -0.14483763042533393 -0.008632530049629385 0.16317163065153759 0.28854223440644844 0.3380713618157948 0.3690270664466439 0.33961914704734425 +5269,0.280803308248745,0,-0.19436675783468904 -0.2191313215393578 -0.2624693080225413 -0.2779471603379571 -0.35997977760969324 -0.4203434016398332 -0.4791592404384325 -0.46987252904917953 -0.45749024719684517 -0.5194016564585259 -0.39867440839824586 -0.28723387172721004 -0.14483763042533393 -0.008632530049629385 0.16317163065153759 0.28854223440644844 0.3380713618157948 0.3690270664466439 0.33961914704734425 0.35974035505739094 +5270,0.12138142939990357,0,-0.2191313215393578 -0.2624693080225413 -0.2779471603379571 -0.35997977760969324 -0.4203434016398332 -0.4791592404384325 -0.46987252904917953 -0.45749024719684517 -0.5194016564585259 -0.39867440839824586 -0.28723387172721004 -0.14483763042533393 -0.008632530049629385 0.16317163065153759 0.28854223440644844 0.3380713618157948 0.3690270664466439 0.33961914704734425 0.35974035505739094 0.280803308248745 +5271,0.04089659735971692,0,-0.2624693080225413 -0.2779471603379571 -0.35997977760969324 -0.4203434016398332 -0.4791592404384325 -0.46987252904917953 -0.45749024719684517 -0.5194016564585259 -0.39867440839824586 -0.28723387172721004 -0.14483763042533393 -0.008632530049629385 0.16317163065153759 0.28854223440644844 0.3380713618157948 0.3690270664466439 0.33961914704734425 0.35974035505739094 0.280803308248745 0.12138142939990357 +5272,-0.09995185871061851,0,-0.2779471603379571 -0.35997977760969324 -0.4203434016398332 -0.4791592404384325 -0.46987252904917953 -0.45749024719684517 -0.5194016564585259 -0.39867440839824586 -0.28723387172721004 -0.14483763042533393 -0.008632530049629385 0.16317163065153759 0.28854223440644844 0.3380713618157948 0.3690270664466439 0.33961914704734425 0.35974035505739094 0.280803308248745 0.12138142939990357 0.04089659735971692 +5273,-0.15721991227767712,0,-0.35997977760969324 -0.4203434016398332 -0.4791592404384325 -0.46987252904917953 -0.45749024719684517 -0.5194016564585259 -0.39867440839824586 -0.28723387172721004 -0.14483763042533393 -0.008632530049629385 0.16317163065153759 0.28854223440644844 0.3380713618157948 0.3690270664466439 0.33961914704734425 0.35974035505739094 0.280803308248745 0.12138142939990357 0.04089659735971692 -0.09995185871061851 +5274,-0.19281897260313954,0,-0.4203434016398332 -0.4791592404384325 -0.46987252904917953 -0.45749024719684517 -0.5194016564585259 -0.39867440839824586 -0.28723387172721004 -0.14483763042533393 -0.008632530049629385 0.16317163065153759 0.28854223440644844 0.3380713618157948 0.3690270664466439 0.33961914704734425 0.35974035505739094 0.280803308248745 0.12138142939990357 0.04089659735971692 -0.09995185871061851 -0.15721991227767712 +5275,-0.282590516032588,0,-0.4791592404384325 -0.46987252904917953 -0.45749024719684517 -0.5194016564585259 -0.39867440839824586 -0.28723387172721004 -0.14483763042533393 -0.008632530049629385 0.16317163065153759 0.28854223440644844 0.3380713618157948 0.3690270664466439 0.33961914704734425 0.35974035505739094 0.280803308248745 0.12138142939990357 0.04089659735971692 -0.09995185871061851 -0.15721991227767712 -0.19281897260313954 +5276,-0.3259285025157627,0,-0.46987252904917953 -0.45749024719684517 -0.5194016564585259 -0.39867440839824586 -0.28723387172721004 -0.14483763042533393 -0.008632530049629385 0.16317163065153759 0.28854223440644844 0.3380713618157948 0.3690270664466439 0.33961914704734425 0.35974035505739094 0.280803308248745 0.12138142939990357 0.04089659735971692 -0.09995185871061851 -0.15721991227767712 -0.19281897260313954 -0.282590516032588 +5277,-0.4280823277975455,0,-0.45749024719684517 -0.5194016564585259 -0.39867440839824586 -0.28723387172721004 -0.14483763042533393 -0.008632530049629385 0.16317163065153759 0.28854223440644844 0.3380713618157948 0.3690270664466439 0.33961914704734425 0.35974035505739094 0.280803308248745 0.12138142939990357 0.04089659735971692 -0.09995185871061851 -0.15721991227767712 -0.19281897260313954 -0.282590516032588 -0.3259285025157627 +5278,-0.44820353580759215,0,-0.5194016564585259 -0.39867440839824586 -0.28723387172721004 -0.14483763042533393 -0.008632530049629385 0.16317163065153759 0.28854223440644844 0.3380713618157948 0.3690270664466439 0.33961914704734425 0.35974035505739094 0.280803308248745 0.12138142939990357 0.04089659735971692 -0.09995185871061851 -0.15721991227767712 -0.19281897260313954 -0.282590516032588 -0.3259285025157627 -0.4280823277975455 +5279,-0.4311778982606269,0,-0.39867440839824586 -0.28723387172721004 -0.14483763042533393 -0.008632530049629385 0.16317163065153759 0.28854223440644844 0.3380713618157948 0.3690270664466439 0.33961914704734425 0.35974035505739094 0.280803308248745 0.12138142939990357 0.04089659735971692 -0.09995185871061851 -0.15721991227767712 -0.19281897260313954 -0.282590516032588 -0.3259285025157627 -0.4280823277975455 -0.44820353580759215 +5280,-0.41724783117675185,0,-0.28723387172721004 -0.14483763042533393 -0.008632530049629385 0.16317163065153759 0.28854223440644844 0.3380713618157948 0.3690270664466439 0.33961914704734425 0.35974035505739094 0.280803308248745 0.12138142939990357 0.04089659735971692 -0.09995185871061851 -0.15721991227767712 -0.19281897260313954 -0.282590516032588 -0.3259285025157627 -0.4280823277975455 -0.44820353580759215 -0.4311778982606269 +5281,-0.4234389721029146,0,-0.14483763042533393 -0.008632530049629385 0.16317163065153759 0.28854223440644844 0.3380713618157948 0.3690270664466439 0.33961914704734425 0.35974035505739094 0.280803308248745 0.12138142939990357 0.04089659735971692 -0.09995185871061851 -0.15721991227767712 -0.19281897260313954 -0.282590516032588 -0.3259285025157627 -0.4280823277975455 -0.44820353580759215 -0.4311778982606269 -0.41724783117675185 +5282,-0.3801009856197399,0,-0.008632530049629385 0.16317163065153759 0.28854223440644844 0.3380713618157948 0.3690270664466439 0.33961914704734425 0.35974035505739094 0.280803308248745 0.12138142939990357 0.04089659735971692 -0.09995185871061851 -0.15721991227767712 -0.19281897260313954 -0.282590516032588 -0.3259285025157627 -0.4280823277975455 -0.44820353580759215 -0.4311778982606269 -0.41724783117675185 -0.4234389721029146 +5283,-0.25318259663328835,0,0.16317163065153759 0.28854223440644844 0.3380713618157948 0.3690270664466439 0.33961914704734425 0.35974035505739094 0.280803308248745 0.12138142939990357 0.04089659735971692 -0.09995185871061851 -0.15721991227767712 -0.19281897260313954 -0.282590516032588 -0.3259285025157627 -0.4280823277975455 -0.44820353580759215 -0.4311778982606269 -0.41724783117675185 -0.4234389721029146 -0.3801009856197399 +5284,-0.1587676975092178,0,0.28854223440644844 0.3380713618157948 0.3690270664466439 0.33961914704734425 0.35974035505739094 0.280803308248745 0.12138142939990357 0.04089659735971692 -0.09995185871061851 -0.15721991227767712 -0.19281897260313954 -0.282590516032588 -0.3259285025157627 -0.4280823277975455 -0.44820353580759215 -0.4311778982606269 -0.41724783117675185 -0.4234389721029146 -0.3801009856197399 -0.25318259663328835 +5285,0.05637444967513269,0,0.3380713618157948 0.3690270664466439 0.33961914704734425 0.35974035505739094 0.280803308248745 0.12138142939990357 0.04089659735971692 -0.09995185871061851 -0.15721991227767712 -0.19281897260313954 -0.282590516032588 -0.3259285025157627 -0.4280823277975455 -0.44820353580759215 -0.4311778982606269 -0.41724783117675185 -0.4234389721029146 -0.3801009856197399 -0.25318259663328835 -0.1587676975092178 +5286,0.19412733528238674,0,0.3690270664466439 0.33961914704734425 0.35974035505739094 0.280803308248745 0.12138142939990357 0.04089659735971692 -0.09995185871061851 -0.15721991227767712 -0.19281897260313954 -0.282590516032588 -0.3259285025157627 -0.4280823277975455 -0.44820353580759215 -0.4311778982606269 -0.41724783117675185 -0.4234389721029146 -0.3801009856197399 -0.25318259663328835 -0.1587676975092178 0.05637444967513269 +5287,0.2699688116279425,0,0.33961914704734425 0.35974035505739094 0.280803308248745 0.12138142939990357 0.04089659735971692 -0.09995185871061851 -0.15721991227767712 -0.19281897260313954 -0.282590516032588 -0.3259285025157627 -0.4280823277975455 -0.44820353580759215 -0.4311778982606269 -0.41724783117675185 -0.4234389721029146 -0.3801009856197399 -0.25318259663328835 -0.1587676975092178 0.05637444967513269 0.19412733528238674 +5288,0.3767659926043474,0,0.35974035505739094 0.280803308248745 0.12138142939990357 0.04089659735971692 -0.09995185871061851 -0.15721991227767712 -0.19281897260313954 -0.282590516032588 -0.3259285025157627 -0.4280823277975455 -0.44820353580759215 -0.4311778982606269 -0.41724783117675185 -0.4234389721029146 -0.3801009856197399 -0.25318259663328835 -0.1587676975092178 0.05637444967513269 0.19412733528238674 0.2699688116279425 +5289,0.35974035505739094,0,0.280803308248745 0.12138142939990357 0.04089659735971692 -0.09995185871061851 -0.15721991227767712 -0.19281897260313954 -0.282590516032588 -0.3259285025157627 -0.4280823277975455 -0.44820353580759215 -0.4311778982606269 -0.41724783117675185 -0.4234389721029146 -0.3801009856197399 -0.25318259663328835 -0.1587676975092178 0.05637444967513269 0.19412733528238674 0.2699688116279425 0.3767659926043474 +5290,0.41855619385599024,0,0.12138142939990357 0.04089659735971692 -0.09995185871061851 -0.15721991227767712 -0.19281897260313954 -0.282590516032588 -0.3259285025157627 -0.4280823277975455 -0.44820353580759215 -0.4311778982606269 -0.41724783117675185 -0.4234389721029146 -0.3801009856197399 -0.25318259663328835 -0.1587676975092178 0.05637444967513269 0.19412733528238674 0.2699688116279425 0.3767659926043474 0.35974035505739094 +5291,0.38450491876205967,0,0.04089659735971692 -0.09995185871061851 -0.15721991227767712 -0.19281897260313954 -0.282590516032588 -0.3259285025157627 -0.4280823277975455 -0.44820353580759215 -0.4311778982606269 -0.41724783117675185 -0.4234389721029146 -0.3801009856197399 -0.25318259663328835 -0.1587676975092178 0.05637444967513269 0.19412733528238674 0.2699688116279425 0.3767659926043474 0.35974035505739094 0.41855619385599024 +5292,0.38295713353051897,0,-0.09995185871061851 -0.15721991227767712 -0.19281897260313954 -0.282590516032588 -0.3259285025157627 -0.4280823277975455 -0.44820353580759215 -0.4311778982606269 -0.41724783117675185 -0.4234389721029146 -0.3801009856197399 -0.25318259663328835 -0.1587676975092178 0.05637444967513269 0.19412733528238674 0.2699688116279425 0.3767659926043474 0.35974035505739094 0.41855619385599024 0.38450491876205967 +5293,0.25294317408098604,0,-0.15721991227767712 -0.19281897260313954 -0.282590516032588 -0.3259285025157627 -0.4280823277975455 -0.44820353580759215 -0.4311778982606269 -0.41724783117675185 -0.4234389721029146 -0.3801009856197399 -0.25318259663328835 -0.1587676975092178 0.05637444967513269 0.19412733528238674 0.2699688116279425 0.3767659926043474 0.35974035505739094 0.41855619385599024 0.38450491876205967 0.38295713353051897 +5294,0.12138142939990357,0,-0.19281897260313954 -0.282590516032588 -0.3259285025157627 -0.4280823277975455 -0.44820353580759215 -0.4311778982606269 -0.41724783117675185 -0.4234389721029146 -0.3801009856197399 -0.25318259663328835 -0.1587676975092178 0.05637444967513269 0.19412733528238674 0.2699688116279425 0.3767659926043474 0.35974035505739094 0.41855619385599024 0.38450491876205967 0.38295713353051897 0.25294317408098604 +5295,0.014584248423498673,0,-0.282590516032588 -0.3259285025157627 -0.4280823277975455 -0.44820353580759215 -0.4311778982606269 -0.41724783117675185 -0.4234389721029146 -0.3801009856197399 -0.25318259663328835 -0.1587676975092178 0.05637444967513269 0.19412733528238674 0.2699688116279425 0.3767659926043474 0.35974035505739094 0.41855619385599024 0.38450491876205967 0.38295713353051897 0.25294317408098604 0.12138142939990357 +5296,-0.12471642241528727,0,-0.3259285025157627 -0.4280823277975455 -0.44820353580759215 -0.4311778982606269 -0.41724783117675185 -0.4234389721029146 -0.3801009856197399 -0.25318259663328835 -0.1587676975092178 0.05637444967513269 0.19412733528238674 0.2699688116279425 0.3767659926043474 0.35974035505739094 0.41855619385599024 0.38450491876205967 0.38295713353051897 0.25294317408098604 0.12138142939990357 0.014584248423498673 +5297,-0.19591454306622974,0,-0.4280823277975455 -0.44820353580759215 -0.4311778982606269 -0.41724783117675185 -0.4234389721029146 -0.3801009856197399 -0.25318259663328835 -0.1587676975092178 0.05637444967513269 0.19412733528238674 0.2699688116279425 0.3767659926043474 0.35974035505739094 0.41855619385599024 0.38450491876205967 0.38295713353051897 0.25294317408098604 0.12138142939990357 0.014584248423498673 -0.12471642241528727 +5298,-0.26092152279099184,0,-0.44820353580759215 -0.4311778982606269 -0.41724783117675185 -0.4234389721029146 -0.3801009856197399 -0.25318259663328835 -0.1587676975092178 0.05637444967513269 0.19412733528238674 0.2699688116279425 0.3767659926043474 0.35974035505739094 0.41855619385599024 0.38450491876205967 0.38295713353051897 0.25294317408098604 0.12138142939990357 0.014584248423498673 -0.12471642241528727 -0.19591454306622974 +5299,-0.3367629991365564,0,-0.4311778982606269 -0.41724783117675185 -0.4234389721029146 -0.3801009856197399 -0.25318259663328835 -0.1587676975092178 0.05637444967513269 0.19412733528238674 0.2699688116279425 0.3767659926043474 0.35974035505739094 0.41855619385599024 0.38450491876205967 0.38295713353051897 0.25294317408098604 0.12138142939990357 0.014584248423498673 -0.12471642241528727 -0.19591454306622974 -0.26092152279099184 +5300,-0.38164877085128057,0,-0.41724783117675185 -0.4234389721029146 -0.3801009856197399 -0.25318259663328835 -0.1587676975092178 0.05637444967513269 0.19412733528238674 0.2699688116279425 0.3767659926043474 0.35974035505739094 0.41855619385599024 0.38450491876205967 0.38295713353051897 0.25294317408098604 0.12138142939990357 0.014584248423498673 -0.12471642241528727 -0.19591454306622974 -0.26092152279099184 -0.3367629991365564 +5301,-0.44665575057605145,0,-0.4234389721029146 -0.3801009856197399 -0.25318259663328835 -0.1587676975092178 0.05637444967513269 0.19412733528238674 0.2699688116279425 0.3767659926043474 0.35974035505739094 0.41855619385599024 0.38450491876205967 0.38295713353051897 0.25294317408098604 0.12138142939990357 0.014584248423498673 -0.12471642241528727 -0.19591454306622974 -0.26092152279099184 -0.3367629991365564 -0.38164877085128057 +5302,-0.5317839383108602,0,-0.3801009856197399 -0.25318259663328835 -0.1587676975092178 0.05637444967513269 0.19412733528238674 0.2699688116279425 0.3767659926043474 0.35974035505739094 0.41855619385599024 0.38450491876205967 0.38295713353051897 0.25294317408098604 0.12138142939990357 0.014584248423498673 -0.12471642241528727 -0.19591454306622974 -0.26092152279099184 -0.3367629991365564 -0.38164877085128057 -0.44665575057605145 +5303,-0.5905997771094683,0,-0.25318259663328835 -0.1587676975092178 0.05637444967513269 0.19412733528238674 0.2699688116279425 0.3767659926043474 0.35974035505739094 0.41855619385599024 0.38450491876205967 0.38295713353051897 0.25294317408098604 0.12138142939990357 0.014584248423498673 -0.12471642241528727 -0.19591454306622974 -0.26092152279099184 -0.3367629991365564 -0.38164877085128057 -0.44665575057605145 -0.5317839383108602 +5304,-0.5967909180356311,0,-0.1587676975092178 0.05637444967513269 0.19412733528238674 0.2699688116279425 0.3767659926043474 0.35974035505739094 0.41855619385599024 0.38450491876205967 0.38295713353051897 0.25294317408098604 0.12138142939990357 0.014584248423498673 -0.12471642241528727 -0.19591454306622974 -0.26092152279099184 -0.3367629991365564 -0.38164877085128057 -0.44665575057605145 -0.5317839383108602 -0.5905997771094683 +5305,-0.7345438036428763,0,0.05637444967513269 0.19412733528238674 0.2699688116279425 0.3767659926043474 0.35974035505739094 0.41855619385599024 0.38450491876205967 0.38295713353051897 0.25294317408098604 0.12138142939990357 0.014584248423498673 -0.12471642241528727 -0.19591454306622974 -0.26092152279099184 -0.3367629991365564 -0.38164877085128057 -0.44665575057605145 -0.5317839383108602 -0.5905997771094683 -0.5967909180356311 +5306,-0.5224972269216073,0,0.19412733528238674 0.2699688116279425 0.3767659926043474 0.35974035505739094 0.41855619385599024 0.38450491876205967 0.38295713353051897 0.25294317408098604 0.12138142939990357 0.014584248423498673 -0.12471642241528727 -0.19591454306622974 -0.26092152279099184 -0.3367629991365564 -0.38164877085128057 -0.44665575057605145 -0.5317839383108602 -0.5905997771094683 -0.5967909180356311 -0.7345438036428763 +5307,-0.3801009856197399,0,0.2699688116279425 0.3767659926043474 0.35974035505739094 0.41855619385599024 0.38450491876205967 0.38295713353051897 0.25294317408098604 0.12138142939990357 0.014584248423498673 -0.12471642241528727 -0.19591454306622974 -0.26092152279099184 -0.3367629991365564 -0.38164877085128057 -0.44665575057605145 -0.5317839383108602 -0.5905997771094683 -0.5967909180356311 -0.7345438036428763 -0.5224972269216073 +5308,-0.19591454306622974,0,0.3767659926043474 0.35974035505739094 0.41855619385599024 0.38450491876205967 0.38295713353051897 0.25294317408098604 0.12138142939990357 0.014584248423498673 -0.12471642241528727 -0.19591454306622974 -0.26092152279099184 -0.3367629991365564 -0.38164877085128057 -0.44665575057605145 -0.5317839383108602 -0.5905997771094683 -0.5967909180356311 -0.7345438036428763 -0.5224972269216073 -0.3801009856197399 +5309,0.02077538934967026,0,0.35974035505739094 0.41855619385599024 0.38450491876205967 0.38295713353051897 0.25294317408098604 0.12138142939990357 0.014584248423498673 -0.12471642241528727 -0.19591454306622974 -0.26092152279099184 -0.3367629991365564 -0.38164877085128057 -0.44665575057605145 -0.5317839383108602 -0.5905997771094683 -0.5967909180356311 -0.7345438036428763 -0.5224972269216073 -0.3801009856197399 -0.19591454306622974 +5310,0.2188918989870555,0,0.41855619385599024 0.38450491876205967 0.38295713353051897 0.25294317408098604 0.12138142939990357 0.014584248423498673 -0.12471642241528727 -0.19591454306622974 -0.26092152279099184 -0.3367629991365564 -0.38164877085128057 -0.44665575057605145 -0.5317839383108602 -0.5905997771094683 -0.5967909180356311 -0.7345438036428763 -0.5224972269216073 -0.3801009856197399 -0.19591454306622974 0.02077538934967026 +5311,0.331880220889632,0,0.38450491876205967 0.38295713353051897 0.25294317408098604 0.12138142939990357 0.014584248423498673 -0.12471642241528727 -0.19591454306622974 -0.26092152279099184 -0.3367629991365564 -0.38164877085128057 -0.44665575057605145 -0.5317839383108602 -0.5905997771094683 -0.5967909180356311 -0.7345438036428763 -0.5224972269216073 -0.3801009856197399 -0.19591454306622974 0.02077538934967026 0.2188918989870555 +5312,0.5392834419162702,0,0.38295713353051897 0.25294317408098604 0.12138142939990357 0.014584248423498673 -0.12471642241528727 -0.19591454306622974 -0.26092152279099184 -0.3367629991365564 -0.38164877085128057 -0.44665575057605145 -0.5317839383108602 -0.5905997771094683 -0.5967909180356311 -0.7345438036428763 -0.5224972269216073 -0.3801009856197399 -0.19591454306622974 0.02077538934967026 0.2188918989870555 0.331880220889632 +5313,0.6352461262718814,0,0.25294317408098604 0.12138142939990357 0.014584248423498673 -0.12471642241528727 -0.19591454306622974 -0.26092152279099184 -0.3367629991365564 -0.38164877085128057 -0.44665575057605145 -0.5317839383108602 -0.5905997771094683 -0.5967909180356311 -0.7345438036428763 -0.5224972269216073 -0.3801009856197399 -0.19591454306622974 0.02077538934967026 0.2188918989870555 0.331880220889632 0.5392834419162702 +5314,0.5454745828424418,0,0.12138142939990357 0.014584248423498673 -0.12471642241528727 -0.19591454306622974 -0.26092152279099184 -0.3367629991365564 -0.38164877085128057 -0.44665575057605145 -0.5317839383108602 -0.5905997771094683 -0.5967909180356311 -0.7345438036428763 -0.5224972269216073 -0.3801009856197399 -0.19591454306622974 0.02077538934967026 0.2188918989870555 0.331880220889632 0.5392834419162702 0.6352461262718814 +5315,0.45105968371837124,0,0.014584248423498673 -0.12471642241528727 -0.19591454306622974 -0.26092152279099184 -0.3367629991365564 -0.38164877085128057 -0.44665575057605145 -0.5317839383108602 -0.5905997771094683 -0.5967909180356311 -0.7345438036428763 -0.5224972269216073 -0.3801009856197399 -0.19591454306622974 0.02077538934967026 0.2188918989870555 0.331880220889632 0.5392834419162702 0.6352461262718814 0.5454745828424418 +5316,0.38450491876205967,0,-0.12471642241528727 -0.19591454306622974 -0.26092152279099184 -0.3367629991365564 -0.38164877085128057 -0.44665575057605145 -0.5317839383108602 -0.5905997771094683 -0.5967909180356311 -0.7345438036428763 -0.5224972269216073 -0.3801009856197399 -0.19591454306622974 0.02077538934967026 0.2188918989870555 0.331880220889632 0.5392834419162702 0.6352461262718814 0.5454745828424418 0.45105968371837124 +5317,0.313306798111126,0,-0.19591454306622974 -0.26092152279099184 -0.3367629991365564 -0.38164877085128057 -0.44665575057605145 -0.5317839383108602 -0.5905997771094683 -0.5967909180356311 -0.7345438036428763 -0.5224972269216073 -0.3801009856197399 -0.19591454306622974 0.02077538934967026 0.2188918989870555 0.331880220889632 0.5392834419162702 0.6352461262718814 0.5454745828424418 0.45105968371837124 0.38450491876205967 +5318,0.11828585893682218,0,-0.26092152279099184 -0.3367629991365564 -0.38164877085128057 -0.44665575057605145 -0.5317839383108602 -0.5905997771094683 -0.5967909180356311 -0.7345438036428763 -0.5224972269216073 -0.3801009856197399 -0.19591454306622974 0.02077538934967026 0.2188918989870555 0.331880220889632 0.5392834419162702 0.6352461262718814 0.5454745828424418 0.45105968371837124 0.38450491876205967 0.313306798111126 +5319,-0.025658167596594655,0,-0.3367629991365564 -0.38164877085128057 -0.44665575057605145 -0.5317839383108602 -0.5905997771094683 -0.5967909180356311 -0.7345438036428763 -0.5224972269216073 -0.3801009856197399 -0.19591454306622974 0.02077538934967026 0.2188918989870555 0.331880220889632 0.5392834419162702 0.6352461262718814 0.5454745828424418 0.45105968371837124 0.38450491876205967 0.313306798111126 0.11828585893682218 +5320,-0.14174205996225253,0,-0.38164877085128057 -0.44665575057605145 -0.5317839383108602 -0.5905997771094683 -0.5967909180356311 -0.7345438036428763 -0.5224972269216073 -0.3801009856197399 -0.19591454306622974 0.02077538934967026 0.2188918989870555 0.331880220889632 0.5392834419162702 0.6352461262718814 0.5454745828424418 0.45105968371837124 0.38450491876205967 0.313306798111126 0.11828585893682218 -0.025658167596594655 +5321,-0.2191313215393578,0,-0.44665575057605145 -0.5317839383108602 -0.5905997771094683 -0.5967909180356311 -0.7345438036428763 -0.5224972269216073 -0.3801009856197399 -0.19591454306622974 0.02077538934967026 0.2188918989870555 0.331880220889632 0.5392834419162702 0.6352461262718814 0.5454745828424418 0.45105968371837124 0.38450491876205967 0.313306798111126 0.11828585893682218 -0.025658167596594655 -0.14174205996225253 +5322,-0.2810427308010473,0,-0.5317839383108602 -0.5905997771094683 -0.5967909180356311 -0.7345438036428763 -0.5224972269216073 -0.3801009856197399 -0.19591454306622974 0.02077538934967026 0.2188918989870555 0.331880220889632 0.5392834419162702 0.6352461262718814 0.5454745828424418 0.45105968371837124 0.38450491876205967 0.313306798111126 0.11828585893682218 -0.025658167596594655 -0.14174205996225253 -0.2191313215393578 +5323,-0.33985856959964655,0,-0.5905997771094683 -0.5967909180356311 -0.7345438036428763 -0.5224972269216073 -0.3801009856197399 -0.19591454306622974 0.02077538934967026 0.2188918989870555 0.331880220889632 0.5392834419162702 0.6352461262718814 0.5454745828424418 0.45105968371837124 0.38450491876205967 0.313306798111126 0.11828585893682218 -0.025658167596594655 -0.14174205996225253 -0.2191313215393578 -0.2810427308010473 +5324,-0.4311778982606269,0,-0.5967909180356311 -0.7345438036428763 -0.5224972269216073 -0.3801009856197399 -0.19591454306622974 0.02077538934967026 0.2188918989870555 0.331880220889632 0.5392834419162702 0.6352461262718814 0.5454745828424418 0.45105968371837124 0.38450491876205967 0.313306798111126 0.11828585893682218 -0.025658167596594655 -0.14174205996225253 -0.2191313215393578 -0.2810427308010473 -0.33985856959964655 +5325,-0.46522917335455743,0,-0.7345438036428763 -0.5224972269216073 -0.3801009856197399 -0.19591454306622974 0.02077538934967026 0.2188918989870555 0.331880220889632 0.5392834419162702 0.6352461262718814 0.5454745828424418 0.45105968371837124 0.38450491876205967 0.313306798111126 0.11828585893682218 -0.025658167596594655 -0.14174205996225253 -0.2191313215393578 -0.2810427308010473 -0.33985856959964655 -0.4311778982606269 +5326,-0.49154152229076686,0,-0.5224972269216073 -0.3801009856197399 -0.19591454306622974 0.02077538934967026 0.2188918989870555 0.331880220889632 0.5392834419162702 0.6352461262718814 0.5454745828424418 0.45105968371837124 0.38450491876205967 0.313306798111126 0.11828585893682218 -0.025658167596594655 -0.14174205996225253 -0.2191313215393578 -0.2810427308010473 -0.33985856959964655 -0.4311778982606269 -0.46522917335455743 +5327,-0.5379750792370318,0,-0.3801009856197399 -0.19591454306622974 0.02077538934967026 0.2188918989870555 0.331880220889632 0.5392834419162702 0.6352461262718814 0.5454745828424418 0.45105968371837124 0.38450491876205967 0.313306798111126 0.11828585893682218 -0.025658167596594655 -0.14174205996225253 -0.2191313215393578 -0.2810427308010473 -0.33985856959964655 -0.4311778982606269 -0.46522917335455743 -0.49154152229076686 +5328,-0.582860850951756,0,-0.19591454306622974 0.02077538934967026 0.2188918989870555 0.331880220889632 0.5392834419162702 0.6352461262718814 0.5454745828424418 0.45105968371837124 0.38450491876205967 0.313306798111126 0.11828585893682218 -0.025658167596594655 -0.14174205996225253 -0.2191313215393578 -0.2810427308010473 -0.33985856959964655 -0.4311778982606269 -0.46522917335455743 -0.49154152229076686 -0.5379750792370318 +5329,-0.6169121260456778,0,0.02077538934967026 0.2188918989870555 0.331880220889632 0.5392834419162702 0.6352461262718814 0.5454745828424418 0.45105968371837124 0.38450491876205967 0.313306798111126 0.11828585893682218 -0.025658167596594655 -0.14174205996225253 -0.2191313215393578 -0.2810427308010473 -0.33985856959964655 -0.4311778982606269 -0.46522917335455743 -0.49154152229076686 -0.5379750792370318 -0.582860850951756 +5330,-0.5317839383108602,0,0.2188918989870555 0.331880220889632 0.5392834419162702 0.6352461262718814 0.5454745828424418 0.45105968371837124 0.38450491876205967 0.313306798111126 0.11828585893682218 -0.025658167596594655 -0.14174205996225253 -0.2191313215393578 -0.2810427308010473 -0.33985856959964655 -0.4311778982606269 -0.46522917335455743 -0.49154152229076686 -0.5379750792370318 -0.582860850951756 -0.6169121260456778 +5331,-0.333667428673475,0,0.331880220889632 0.5392834419162702 0.6352461262718814 0.5454745828424418 0.45105968371837124 0.38450491876205967 0.313306798111126 0.11828585893682218 -0.025658167596594655 -0.14174205996225253 -0.2191313215393578 -0.2810427308010473 -0.33985856959964655 -0.4311778982606269 -0.46522917335455743 -0.49154152229076686 -0.5379750792370318 -0.582860850951756 -0.6169121260456778 -0.5317839383108602 +5332,-0.056613872227435,0,0.5392834419162702 0.6352461262718814 0.5454745828424418 0.45105968371837124 0.38450491876205967 0.313306798111126 0.11828585893682218 -0.025658167596594655 -0.14174205996225253 -0.2191313215393578 -0.2810427308010473 -0.33985856959964655 -0.4311778982606269 -0.46522917335455743 -0.49154152229076686 -0.5379750792370318 -0.582860850951756 -0.6169121260456778 -0.5317839383108602 -0.333667428673475 +5333,0.2065096171347211,0,0.6352461262718814 0.5454745828424418 0.45105968371837124 0.38450491876205967 0.313306798111126 0.11828585893682218 -0.025658167596594655 -0.14174205996225253 -0.2191313215393578 -0.2810427308010473 -0.33985856959964655 -0.4311778982606269 -0.46522917335455743 -0.49154152229076686 -0.5379750792370318 -0.582860850951756 -0.6169121260456778 -0.5317839383108602 -0.333667428673475 -0.056613872227435 +5334,0.4402251870975776,0,0.5454745828424418 0.45105968371837124 0.38450491876205967 0.313306798111126 0.11828585893682218 -0.025658167596594655 -0.14174205996225253 -0.2191313215393578 -0.2810427308010473 -0.33985856959964655 -0.4311778982606269 -0.46522917335455743 -0.49154152229076686 -0.5379750792370318 -0.582860850951756 -0.6169121260456778 -0.5317839383108602 -0.333667428673475 -0.056613872227435 0.2065096171347211 +5335,0.6367939115034221,0,0.45105968371837124 0.38450491876205967 0.313306798111126 0.11828585893682218 -0.025658167596594655 -0.14174205996225253 -0.2191313215393578 -0.2810427308010473 -0.33985856959964655 -0.4311778982606269 -0.46522917335455743 -0.49154152229076686 -0.5379750792370318 -0.582860850951756 -0.6169121260456778 -0.5317839383108602 -0.333667428673475 -0.056613872227435 0.2065096171347211 0.4402251870975776 +5336,0.8024069312784263,0,0.38450491876205967 0.313306798111126 0.11828585893682218 -0.025658167596594655 -0.14174205996225253 -0.2191313215393578 -0.2810427308010473 -0.33985856959964655 -0.4311778982606269 -0.46522917335455743 -0.49154152229076686 -0.5379750792370318 -0.582860850951756 -0.6169121260456778 -0.5317839383108602 -0.333667428673475 -0.056613872227435 0.2065096171347211 0.4402251870975776 0.6367939115034221 +5337,1.0376702864728322,0,0.313306798111126 0.11828585893682218 -0.025658167596594655 -0.14174205996225253 -0.2191313215393578 -0.2810427308010473 -0.33985856959964655 -0.4311778982606269 -0.46522917335455743 -0.49154152229076686 -0.5379750792370318 -0.582860850951756 -0.6169121260456778 -0.5317839383108602 -0.333667428673475 -0.056613872227435 0.2065096171347211 0.4402251870975776 0.6367939115034221 0.8024069312784263 +5338,1.0779127024929256,0,0.11828585893682218 -0.025658167596594655 -0.14174205996225253 -0.2191313215393578 -0.2810427308010473 -0.33985856959964655 -0.4311778982606269 -0.46522917335455743 -0.49154152229076686 -0.5379750792370318 -0.582860850951756 -0.6169121260456778 -0.5317839383108602 -0.333667428673475 -0.056613872227435 0.2065096171347211 0.4402251870975776 0.6367939115034221 0.8024069312784263 1.0376702864728322 +5339,1.1026772661976032,0,-0.025658167596594655 -0.14174205996225253 -0.2191313215393578 -0.2810427308010473 -0.33985856959964655 -0.4311778982606269 -0.46522917335455743 -0.49154152229076686 -0.5379750792370318 -0.582860850951756 -0.6169121260456778 -0.5317839383108602 -0.333667428673475 -0.056613872227435 0.2065096171347211 0.4402251870975776 0.6367939115034221 0.8024069312784263 1.0376702864728322 1.0779127024929256 +5340,1.0392180717043729,0,-0.14174205996225253 -0.2191313215393578 -0.2810427308010473 -0.33985856959964655 -0.4311778982606269 -0.46522917335455743 -0.49154152229076686 -0.5379750792370318 -0.582860850951756 -0.6169121260456778 -0.5317839383108602 -0.333667428673475 -0.056613872227435 0.2065096171347211 0.4402251870975776 0.6367939115034221 0.8024069312784263 1.0376702864728322 1.0779127024929256 1.1026772661976032 +5341,0.9726633067480613,0,-0.2191313215393578 -0.2810427308010473 -0.33985856959964655 -0.4311778982606269 -0.46522917335455743 -0.49154152229076686 -0.5379750792370318 -0.582860850951756 -0.6169121260456778 -0.5317839383108602 -0.333667428673475 -0.056613872227435 0.2065096171347211 0.4402251870975776 0.6367939115034221 0.8024069312784263 1.0376702864728322 1.0779127024929256 1.1026772661976032 1.0392180717043729 +5342,0.7404955220167456,0,-0.2810427308010473 -0.33985856959964655 -0.4311778982606269 -0.46522917335455743 -0.49154152229076686 -0.5379750792370318 -0.582860850951756 -0.6169121260456778 -0.5317839383108602 -0.333667428673475 -0.056613872227435 0.2065096171347211 0.4402251870975776 0.6367939115034221 0.8024069312784263 1.0376702864728322 1.0779127024929256 1.1026772661976032 1.0392180717043729 0.9726633067480613 +5343,0.4278429052452432,0,-0.33985856959964655 -0.4311778982606269 -0.46522917335455743 -0.49154152229076686 -0.5379750792370318 -0.582860850951756 -0.6169121260456778 -0.5317839383108602 -0.333667428673475 -0.056613872227435 0.2065096171347211 0.4402251870975776 0.6367939115034221 0.8024069312784263 1.0376702864728322 1.0779127024929256 1.1026772661976032 1.0392180717043729 0.9726633067480613 0.7404955220167456 +5344,0.24210867746019235,0,-0.4311778982606269 -0.46522917335455743 -0.49154152229076686 -0.5379750792370318 -0.582860850951756 -0.6169121260456778 -0.5317839383108602 -0.333667428673475 -0.056613872227435 0.2065096171347211 0.4402251870975776 0.6367939115034221 0.8024069312784263 1.0376702864728322 1.0779127024929256 1.1026772661976032 1.0392180717043729 0.9726633067480613 0.7404955220167456 0.4278429052452432 +5345,0.07804344291672885,0,-0.46522917335455743 -0.49154152229076686 -0.5379750792370318 -0.582860850951756 -0.6169121260456778 -0.5317839383108602 -0.333667428673475 -0.056613872227435 0.2065096171347211 0.4402251870975776 0.6367939115034221 0.8024069312784263 1.0376702864728322 1.0779127024929256 1.1026772661976032 1.0392180717043729 0.9726633067480613 0.7404955220167456 0.4278429052452432 0.24210867746019235 +5346,-0.07054393931131887,0,-0.49154152229076686 -0.5379750792370318 -0.582860850951756 -0.6169121260456778 -0.5317839383108602 -0.333667428673475 -0.056613872227435 0.2065096171347211 0.4402251870975776 0.6367939115034221 0.8024069312784263 1.0376702864728322 1.0779127024929256 1.1026772661976032 1.0392180717043729 0.9726633067480613 0.7404955220167456 0.4278429052452432 0.24210867746019235 0.07804344291672885 +5347,-0.15412434181458692,0,-0.5379750792370318 -0.582860850951756 -0.6169121260456778 -0.5317839383108602 -0.333667428673475 -0.056613872227435 0.2065096171347211 0.4402251870975776 0.6367939115034221 0.8024069312784263 1.0376702864728322 1.0779127024929256 1.1026772661976032 1.0392180717043729 0.9726633067480613 0.7404955220167456 0.4278429052452432 0.24210867746019235 0.07804344291672885 -0.07054393931131887 +5348,-0.2098446101501048,0,-0.582860850951756 -0.6169121260456778 -0.5317839383108602 -0.333667428673475 -0.056613872227435 0.2065096171347211 0.4402251870975776 0.6367939115034221 0.8024069312784263 1.0376702864728322 1.0779127024929256 1.1026772661976032 1.0392180717043729 0.9726633067480613 0.7404955220167456 0.4278429052452432 0.24210867746019235 0.07804344291672885 -0.07054393931131887 -0.15412434181458692 +5349,-0.24234810001249465,0,-0.6169121260456778 -0.5317839383108602 -0.333667428673475 -0.056613872227435 0.2065096171347211 0.4402251870975776 0.6367939115034221 0.8024069312784263 1.0376702864728322 1.0779127024929256 1.1026772661976032 1.0392180717043729 0.9726633067480613 0.7404955220167456 0.4278429052452432 0.24210867746019235 0.07804344291672885 -0.07054393931131887 -0.15412434181458692 -0.2098446101501048 +5350,-0.29806836834800376,0,-0.5317839383108602 -0.333667428673475 -0.056613872227435 0.2065096171347211 0.4402251870975776 0.6367939115034221 0.8024069312784263 1.0376702864728322 1.0779127024929256 1.1026772661976032 1.0392180717043729 0.9726633067480613 0.7404955220167456 0.4278429052452432 0.24210867746019235 0.07804344291672885 -0.07054393931131887 -0.15412434181458692 -0.2098446101501048 -0.24234810001249465 +5351,-0.3274762877473034,0,-0.333667428673475 -0.056613872227435 0.2065096171347211 0.4402251870975776 0.6367939115034221 0.8024069312784263 1.0376702864728322 1.0779127024929256 1.1026772661976032 1.0392180717043729 0.9726633067480613 0.7404955220167456 0.4278429052452432 0.24210867746019235 0.07804344291672885 -0.07054393931131887 -0.15412434181458692 -0.2098446101501048 -0.24234810001249465 -0.29806836834800376 +5352,-0.3692664889989462,0,-0.056613872227435 0.2065096171347211 0.4402251870975776 0.6367939115034221 0.8024069312784263 1.0376702864728322 1.0779127024929256 1.1026772661976032 1.0392180717043729 0.9726633067480613 0.7404955220167456 0.4278429052452432 0.24210867746019235 0.07804344291672885 -0.07054393931131887 -0.15412434181458692 -0.2098446101501048 -0.24234810001249465 -0.29806836834800376 -0.3274762877473034 +5353,-0.40486554932440866,0,0.2065096171347211 0.4402251870975776 0.6367939115034221 0.8024069312784263 1.0376702864728322 1.0779127024929256 1.1026772661976032 1.0392180717043729 0.9726633067480613 0.7404955220167456 0.4278429052452432 0.24210867746019235 0.07804344291672885 -0.07054393931131887 -0.15412434181458692 -0.2098446101501048 -0.24234810001249465 -0.29806836834800376 -0.3274762877473034 -0.3692664889989462 +5354,-0.29342501265338167,0,0.4402251870975776 0.6367939115034221 0.8024069312784263 1.0376702864728322 1.0779127024929256 1.1026772661976032 1.0392180717043729 0.9726633067480613 0.7404955220167456 0.4278429052452432 0.24210867746019235 0.07804344291672885 -0.07054393931131887 -0.15412434181458692 -0.2098446101501048 -0.24234810001249465 -0.29806836834800376 -0.3274762877473034 -0.3692664889989462 -0.40486554932440866 +5355,-0.04577937560664132,0,0.6367939115034221 0.8024069312784263 1.0376702864728322 1.0779127024929256 1.1026772661976032 1.0392180717043729 0.9726633067480613 0.7404955220167456 0.4278429052452432 0.24210867746019235 0.07804344291672885 -0.07054393931131887 -0.15412434181458692 -0.2098446101501048 -0.24234810001249465 -0.29806836834800376 -0.3274762877473034 -0.3692664889989462 -0.40486554932440866 -0.29342501265338167 +5356,0.2219874694501369,0,0.8024069312784263 1.0376702864728322 1.0779127024929256 1.1026772661976032 1.0392180717043729 0.9726633067480613 0.7404955220167456 0.4278429052452432 0.24210867746019235 0.07804344291672885 -0.07054393931131887 -0.15412434181458692 -0.2098446101501048 -0.24234810001249465 -0.29806836834800376 -0.3274762877473034 -0.3692664889989462 -0.40486554932440866 -0.29342501265338167 -0.04577937560664132 +5357,0.5965514954833288,0,1.0376702864728322 1.0779127024929256 1.1026772661976032 1.0392180717043729 0.9726633067480613 0.7404955220167456 0.4278429052452432 0.24210867746019235 0.07804344291672885 -0.07054393931131887 -0.15412434181458692 -0.2098446101501048 -0.24234810001249465 -0.29806836834800376 -0.3274762877473034 -0.3692664889989462 -0.40486554932440866 -0.29342501265338167 -0.04577937560664132 0.2219874694501369 +5358,0.9649243805903491,0,1.0779127024929256 1.1026772661976032 1.0392180717043729 0.9726633067480613 0.7404955220167456 0.4278429052452432 0.24210867746019235 0.07804344291672885 -0.07054393931131887 -0.15412434181458692 -0.2098446101501048 -0.24234810001249465 -0.29806836834800376 -0.3274762877473034 -0.3692664889989462 -0.40486554932440866 -0.29342501265338167 -0.04577937560664132 0.2219874694501369 0.5965514954833288 +5359,1.3085327019927007,0,1.1026772661976032 1.0392180717043729 0.9726633067480613 0.7404955220167456 0.4278429052452432 0.24210867746019235 0.07804344291672885 -0.07054393931131887 -0.15412434181458692 -0.2098446101501048 -0.24234810001249465 -0.29806836834800376 -0.3274762877473034 -0.3692664889989462 -0.40486554932440866 -0.29342501265338167 -0.04577937560664132 0.2219874694501369 0.5965514954833288 0.9649243805903491 +5360,1.49117135931467,0,1.0392180717043729 0.9726633067480613 0.7404955220167456 0.4278429052452432 0.24210867746019235 0.07804344291672885 -0.07054393931131887 -0.15412434181458692 -0.2098446101501048 -0.24234810001249465 -0.29806836834800376 -0.3274762877473034 -0.3692664889989462 -0.40486554932440866 -0.29342501265338167 -0.04577937560664132 0.2219874694501369 0.5965514954833288 0.9649243805903491 1.3085327019927007 +5361,1.690835654183596,0,0.9726633067480613 0.7404955220167456 0.4278429052452432 0.24210867746019235 0.07804344291672885 -0.07054393931131887 -0.15412434181458692 -0.2098446101501048 -0.24234810001249465 -0.29806836834800376 -0.3274762877473034 -0.3692664889989462 -0.40486554932440866 -0.29342501265338167 -0.04577937560664132 0.2219874694501369 0.5965514954833288 0.9649243805903491 1.3085327019927007 1.49117135931467 +5362,1.7125046474251922,0,0.7404955220167456 0.4278429052452432 0.24210867746019235 0.07804344291672885 -0.07054393931131887 -0.15412434181458692 -0.2098446101501048 -0.24234810001249465 -0.29806836834800376 -0.3274762877473034 -0.3692664889989462 -0.40486554932440866 -0.29342501265338167 -0.04577937560664132 0.2219874694501369 0.5965514954833288 0.9649243805903491 1.3085327019927007 1.49117135931467 1.690835654183596 +5363,1.6645233052473867,0,0.4278429052452432 0.24210867746019235 0.07804344291672885 -0.07054393931131887 -0.15412434181458692 -0.2098446101501048 -0.24234810001249465 -0.29806836834800376 -0.3274762877473034 -0.3692664889989462 -0.40486554932440866 -0.29342501265338167 -0.04577937560664132 0.2219874694501369 0.5965514954833288 0.9649243805903491 1.3085327019927007 1.49117135931467 1.690835654183596 1.7125046474251922 +5364,1.6985745803413084,0,0.24210867746019235 0.07804344291672885 -0.07054393931131887 -0.15412434181458692 -0.2098446101501048 -0.24234810001249465 -0.29806836834800376 -0.3274762877473034 -0.3692664889989462 -0.40486554932440866 -0.29342501265338167 -0.04577937560664132 0.2219874694501369 0.5965514954833288 0.9649243805903491 1.3085327019927007 1.49117135931467 1.690835654183596 1.7125046474251922 1.6645233052473867 +5365,1.4648590103784518,0,0.07804344291672885 -0.07054393931131887 -0.15412434181458692 -0.2098446101501048 -0.24234810001249465 -0.29806836834800376 -0.3274762877473034 -0.3692664889989462 -0.40486554932440866 -0.29342501265338167 -0.04577937560664132 0.2219874694501369 0.5965514954833288 0.9649243805903491 1.3085327019927007 1.49117135931467 1.690835654183596 1.7125046474251922 1.6645233052473867 1.6985745803413084 +5366,1.1924488096270427,0,-0.07054393931131887 -0.15412434181458692 -0.2098446101501048 -0.24234810001249465 -0.29806836834800376 -0.3274762877473034 -0.3692664889989462 -0.40486554932440866 -0.29342501265338167 -0.04577937560664132 0.2219874694501369 0.5965514954833288 0.9649243805903491 1.3085327019927007 1.49117135931467 1.690835654183596 1.7125046474251922 1.6645233052473867 1.6985745803413084 1.4648590103784518 +5367,0.790024649426092,0,-0.15412434181458692 -0.2098446101501048 -0.24234810001249465 -0.29806836834800376 -0.3274762877473034 -0.3692664889989462 -0.40486554932440866 -0.29342501265338167 -0.04577937560664132 0.2219874694501369 0.5965514954833288 0.9649243805903491 1.3085327019927007 1.49117135931467 1.690835654183596 1.7125046474251922 1.6645233052473867 1.6985745803413084 1.4648590103784518 1.1924488096270427 +5368,0.46498975080225513,0,-0.2098446101501048 -0.24234810001249465 -0.29806836834800376 -0.3274762877473034 -0.3692664889989462 -0.40486554932440866 -0.29342501265338167 -0.04577937560664132 0.2219874694501369 0.5965514954833288 0.9649243805903491 1.3085327019927007 1.49117135931467 1.690835654183596 1.7125046474251922 1.6645233052473867 1.6985745803413084 1.4648590103784518 1.1924488096270427 0.790024649426092 +5369,0.3117590128795853,0,-0.24234810001249465 -0.29806836834800376 -0.3274762877473034 -0.3692664889989462 -0.40486554932440866 -0.29342501265338167 -0.04577937560664132 0.2219874694501369 0.5965514954833288 0.9649243805903491 1.3085327019927007 1.49117135931467 1.690835654183596 1.7125046474251922 1.6645233052473867 1.6985745803413084 1.4648590103784518 1.1924488096270427 0.790024649426092 0.46498975080225513 +5370,0.19567512051392744,0,-0.29806836834800376 -0.3274762877473034 -0.3692664889989462 -0.40486554932440866 -0.29342501265338167 -0.04577937560664132 0.2219874694501369 0.5965514954833288 0.9649243805903491 1.3085327019927007 1.49117135931467 1.690835654183596 1.7125046474251922 1.6645233052473867 1.6985745803413084 1.4648590103784518 1.1924488096270427 0.790024649426092 0.46498975080225513 0.3117590128795853 +5371,0.13995485217840953,0,-0.3274762877473034 -0.3692664889989462 -0.40486554932440866 -0.29342501265338167 -0.04577937560664132 0.2219874694501369 0.5965514954833288 0.9649243805903491 1.3085327019927007 1.49117135931467 1.690835654183596 1.7125046474251922 1.6645233052473867 1.6985745803413084 1.4648590103784518 1.1924488096270427 0.790024649426092 0.46498975080225513 0.3117590128795853 0.19567512051392744 +5372,0.033157671202004635,0,-0.3692664889989462 -0.40486554932440866 -0.29342501265338167 -0.04577937560664132 0.2219874694501369 0.5965514954833288 0.9649243805903491 1.3085327019927007 1.49117135931467 1.690835654183596 1.7125046474251922 1.6645233052473867 1.6985745803413084 1.4648590103784518 1.1924488096270427 0.790024649426092 0.46498975080225513 0.3117590128795853 0.19567512051392744 0.13995485217840953 +5373,-0.0550660869958943,0,-0.40486554932440866 -0.29342501265338167 -0.04577937560664132 0.2219874694501369 0.5965514954833288 0.9649243805903491 1.3085327019927007 1.49117135931467 1.690835654183596 1.7125046474251922 1.6645233052473867 1.6985745803413084 1.4648590103784518 1.1924488096270427 0.790024649426092 0.46498975080225513 0.3117590128795853 0.19567512051392744 0.13995485217840953 0.033157671202004635 +5374,-0.09840407347907781,0,-0.29342501265338167 -0.04577937560664132 0.2219874694501369 0.5965514954833288 0.9649243805903491 1.3085327019927007 1.49117135931467 1.690835654183596 1.7125046474251922 1.6645233052473867 1.6985745803413084 1.4648590103784518 1.1924488096270427 0.790024649426092 0.46498975080225513 0.3117590128795853 0.19567512051392744 0.13995485217840953 0.033157671202004635 -0.0550660869958943 +5375,-0.14793320088842413,0,-0.04577937560664132 0.2219874694501369 0.5965514954833288 0.9649243805903491 1.3085327019927007 1.49117135931467 1.690835654183596 1.7125046474251922 1.6645233052473867 1.6985745803413084 1.4648590103784518 1.1924488096270427 0.790024649426092 0.46498975080225513 0.3117590128795853 0.19567512051392744 0.13995485217840953 0.033157671202004635 -0.0550660869958943 -0.09840407347907781 +5376,-0.17424554982463358,0,0.2219874694501369 0.5965514954833288 0.9649243805903491 1.3085327019927007 1.49117135931467 1.690835654183596 1.7125046474251922 1.6645233052473867 1.6985745803413084 1.4648590103784518 1.1924488096270427 0.790024649426092 0.46498975080225513 0.3117590128795853 0.19567512051392744 0.13995485217840953 0.033157671202004635 -0.0550660869958943 -0.09840407347907781 -0.14793320088842413 +5377,-0.23151360339169216,0,0.5965514954833288 0.9649243805903491 1.3085327019927007 1.49117135931467 1.690835654183596 1.7125046474251922 1.6645233052473867 1.6985745803413084 1.4648590103784518 1.1924488096270427 0.790024649426092 0.46498975080225513 0.3117590128795853 0.19567512051392744 0.13995485217840953 0.033157671202004635 -0.0550660869958943 -0.09840407347907781 -0.14793320088842413 -0.17424554982463358 +5378,-0.2082968249185641,0,0.9649243805903491 1.3085327019927007 1.49117135931467 1.690835654183596 1.7125046474251922 1.6645233052473867 1.6985745803413084 1.4648590103784518 1.1924488096270427 0.790024649426092 0.46498975080225513 0.3117590128795853 0.19567512051392744 0.13995485217840953 0.033157671202004635 -0.0550660869958943 -0.09840407347907781 -0.14793320088842413 -0.17424554982463358 -0.23151360339169216 +5379,0.04244438259125762,0,1.3085327019927007 1.49117135931467 1.690835654183596 1.7125046474251922 1.6645233052473867 1.6985745803413084 1.4648590103784518 1.1924488096270427 0.790024649426092 0.46498975080225513 0.3117590128795853 0.19567512051392744 0.13995485217840953 0.033157671202004635 -0.0550660869958943 -0.09840407347907781 -0.14793320088842413 -0.17424554982463358 -0.23151360339169216 -0.2082968249185641 +5380,0.42165176431907164,0,1.49117135931467 1.690835654183596 1.7125046474251922 1.6645233052473867 1.6985745803413084 1.4648590103784518 1.1924488096270427 0.790024649426092 0.46498975080225513 0.3117590128795853 0.19567512051392744 0.13995485217840953 0.033157671202004635 -0.0550660869958943 -0.09840407347907781 -0.14793320088842413 -0.17424554982463358 -0.23151360339169216 -0.2082968249185641 0.04244438259125762 +5381,1.0361225012412916,0,1.690835654183596 1.7125046474251922 1.6645233052473867 1.6985745803413084 1.4648590103784518 1.1924488096270427 0.790024649426092 0.46498975080225513 0.3117590128795853 0.19567512051392744 0.13995485217840953 0.033157671202004635 -0.0550660869958943 -0.09840407347907781 -0.14793320088842413 -0.17424554982463358 -0.23151360339169216 -0.2082968249185641 0.04244438259125762 0.42165176431907164 +5382,1.3534184737074162,0,1.7125046474251922 1.6645233052473867 1.6985745803413084 1.4648590103784518 1.1924488096270427 0.790024649426092 0.46498975080225513 0.3117590128795853 0.19567512051392744 0.13995485217840953 0.033157671202004635 -0.0550660869958943 -0.09840407347907781 -0.14793320088842413 -0.17424554982463358 -0.23151360339169216 -0.2082968249185641 0.04244438259125762 0.42165176431907164 1.0361225012412916 +5383,1.7450081372875732,0,1.6645233052473867 1.6985745803413084 1.4648590103784518 1.1924488096270427 0.790024649426092 0.46498975080225513 0.3117590128795853 0.19567512051392744 0.13995485217840953 0.033157671202004635 -0.0550660869958943 -0.09840407347907781 -0.14793320088842413 -0.17424554982463358 -0.23151360339169216 -0.2082968249185641 0.04244438259125762 0.42165176431907164 1.0361225012412916 1.3534184737074162 +5384,1.7496514929821954,0,1.6985745803413084 1.4648590103784518 1.1924488096270427 0.790024649426092 0.46498975080225513 0.3117590128795853 0.19567512051392744 0.13995485217840953 0.033157671202004635 -0.0550660869958943 -0.09840407347907781 -0.14793320088842413 -0.17424554982463358 -0.23151360339169216 -0.2082968249185641 0.04244438259125762 0.42165176431907164 1.0361225012412916 1.3534184737074162 1.7450081372875732 +5385,1.676905587099721,0,1.4648590103784518 1.1924488096270427 0.790024649426092 0.46498975080225513 0.3117590128795853 0.19567512051392744 0.13995485217840953 0.033157671202004635 -0.0550660869958943 -0.09840407347907781 -0.14793320088842413 -0.17424554982463358 -0.23151360339169216 -0.2082968249185641 0.04244438259125762 0.42165176431907164 1.0361225012412916 1.3534184737074162 1.7450081372875732 1.7496514929821954 +5386,1.658332164321215,0,1.1924488096270427 0.790024649426092 0.46498975080225513 0.3117590128795853 0.19567512051392744 0.13995485217840953 0.033157671202004635 -0.0550660869958943 -0.09840407347907781 -0.14793320088842413 -0.17424554982463358 -0.23151360339169216 -0.2082968249185641 0.04244438259125762 0.42165176431907164 1.0361225012412916 1.3534184737074162 1.7450081372875732 1.7496514929821954 1.676905587099721 +5387,1.714052432656733,0,0.790024649426092 0.46498975080225513 0.3117590128795853 0.19567512051392744 0.13995485217840953 0.033157671202004635 -0.0550660869958943 -0.09840407347907781 -0.14793320088842413 -0.17424554982463358 -0.23151360339169216 -0.2082968249185641 0.04244438259125762 0.42165176431907164 1.0361225012412916 1.3534184737074162 1.7450081372875732 1.7496514929821954 1.676905587099721 1.658332164321215 +5388,1.7465559225191138,0,0.46498975080225513 0.3117590128795853 0.19567512051392744 0.13995485217840953 0.033157671202004635 -0.0550660869958943 -0.09840407347907781 -0.14793320088842413 -0.17424554982463358 -0.23151360339169216 -0.2082968249185641 0.04244438259125762 0.42165176431907164 1.0361225012412916 1.3534184737074162 1.7450081372875732 1.7496514929821954 1.676905587099721 1.658332164321215 1.714052432656733 +5389,1.5112925673247168,0,0.3117590128795853 0.19567512051392744 0.13995485217840953 0.033157671202004635 -0.0550660869958943 -0.09840407347907781 -0.14793320088842413 -0.17424554982463358 -0.23151360339169216 -0.2082968249185641 0.04244438259125762 0.42165176431907164 1.0361225012412916 1.3534184737074162 1.7450081372875732 1.7496514929821954 1.676905587099721 1.658332164321215 1.714052432656733 1.7465559225191138 +5390,1.1583975345331123,0,0.19567512051392744 0.13995485217840953 0.033157671202004635 -0.0550660869958943 -0.09840407347907781 -0.14793320088842413 -0.17424554982463358 -0.23151360339169216 -0.2082968249185641 0.04244438259125762 0.42165176431907164 1.0361225012412916 1.3534184737074162 1.7450081372875732 1.7496514929821954 1.676905587099721 1.658332164321215 1.714052432656733 1.7465559225191138 1.5112925673247168 +5391,1.1320851855969027,0,0.13995485217840953 0.033157671202004635 -0.0550660869958943 -0.09840407347907781 -0.14793320088842413 -0.17424554982463358 -0.23151360339169216 -0.2082968249185641 0.04244438259125762 0.42165176431907164 1.0361225012412916 1.3534184737074162 1.7450081372875732 1.7496514929821954 1.676905587099721 1.658332164321215 1.714052432656733 1.7465559225191138 1.5112925673247168 1.1583975345331123 +5392,0.9107518974863807,0,0.033157671202004635 -0.0550660869958943 -0.09840407347907781 -0.14793320088842413 -0.17424554982463358 -0.23151360339169216 -0.2082968249185641 0.04244438259125762 0.42165176431907164 1.0361225012412916 1.3534184737074162 1.7450081372875732 1.7496514929821954 1.676905587099721 1.658332164321215 1.714052432656733 1.7465559225191138 1.5112925673247168 1.1583975345331123 1.1320851855969027 +5393,0.7312088106274927,0,-0.0550660869958943 -0.09840407347907781 -0.14793320088842413 -0.17424554982463358 -0.23151360339169216 -0.2082968249185641 0.04244438259125762 0.42165176431907164 1.0361225012412916 1.3534184737074162 1.7450081372875732 1.7496514929821954 1.676905587099721 1.658332164321215 1.714052432656733 1.7465559225191138 1.5112925673247168 1.1583975345331123 1.1320851855969027 0.9107518974863807 +5394,0.5748825022417414,0,-0.09840407347907781 -0.14793320088842413 -0.17424554982463358 -0.23151360339169216 -0.2082968249185641 0.04244438259125762 0.42165176431907164 1.0361225012412916 1.3534184737074162 1.7450081372875732 1.7496514929821954 1.676905587099721 1.658332164321215 1.714052432656733 1.7465559225191138 1.5112925673247168 1.1583975345331123 1.1320851855969027 0.9107518974863807 0.7312088106274927 +5395,0.5021365963592582,0,-0.14793320088842413 -0.17424554982463358 -0.23151360339169216 -0.2082968249185641 0.04244438259125762 0.42165176431907164 1.0361225012412916 1.3534184737074162 1.7450081372875732 1.7496514929821954 1.676905587099721 1.658332164321215 1.714052432656733 1.7465559225191138 1.5112925673247168 1.1583975345331123 1.1320851855969027 0.9107518974863807 0.7312088106274927 0.5748825022417414 +5396,0.5454745828424418,0,-0.17424554982463358 -0.23151360339169216 -0.2082968249185641 0.04244438259125762 0.42165176431907164 1.0361225012412916 1.3534184737074162 1.7450081372875732 1.7496514929821954 1.676905587099721 1.658332164321215 1.714052432656733 1.7465559225191138 1.5112925673247168 1.1583975345331123 1.1320851855969027 0.9107518974863807 0.7312088106274927 0.5748825022417414 0.5021365963592582 +5397,0.5980992807148695,0,-0.23151360339169216 -0.2082968249185641 0.04244438259125762 0.42165176431907164 1.0361225012412916 1.3534184737074162 1.7450081372875732 1.7496514929821954 1.676905587099721 1.658332164321215 1.714052432656733 1.7465559225191138 1.5112925673247168 1.1583975345331123 1.1320851855969027 0.9107518974863807 0.7312088106274927 0.5748825022417414 0.5021365963592582 0.5454745828424418 +5398,0.4897543145069239,0,-0.2082968249185641 0.04244438259125762 0.42165176431907164 1.0361225012412916 1.3534184737074162 1.7450081372875732 1.7496514929821954 1.676905587099721 1.658332164321215 1.714052432656733 1.7465559225191138 1.5112925673247168 1.1583975345331123 1.1320851855969027 0.9107518974863807 0.7312088106274927 0.5748825022417414 0.5021365963592582 0.5454745828424418 0.5980992807148695 +5399,0.392243844919772,0,0.04244438259125762 0.42165176431907164 1.0361225012412916 1.3534184737074162 1.7450081372875732 1.7496514929821954 1.676905587099721 1.658332164321215 1.714052432656733 1.7465559225191138 1.5112925673247168 1.1583975345331123 1.1320851855969027 0.9107518974863807 0.7312088106274927 0.5748825022417414 0.5021365963592582 0.5454745828424418 0.5980992807148695 0.4897543145069239 +5400,0.34735807320504775,0,0.42165176431907164 1.0361225012412916 1.3534184737074162 1.7450081372875732 1.7496514929821954 1.676905587099721 1.658332164321215 1.714052432656733 1.7465559225191138 1.5112925673247168 1.1583975345331123 1.1320851855969027 0.9107518974863807 0.7312088106274927 0.5748825022417414 0.5021365963592582 0.5454745828424418 0.5980992807148695 0.4897543145069239 0.392243844919772 +5401,0.28699444917490774,0,1.0361225012412916 1.3534184737074162 1.7450081372875732 1.7496514929821954 1.676905587099721 1.658332164321215 1.714052432656733 1.7465559225191138 1.5112925673247168 1.1583975345331123 1.1320851855969027 0.9107518974863807 0.7312088106274927 0.5748825022417414 0.5021365963592582 0.5454745828424418 0.5980992807148695 0.4897543145069239 0.392243844919772 0.34735807320504775 +5402,0.35974035505739094,0,1.3534184737074162 1.7450081372875732 1.7496514929821954 1.676905587099721 1.658332164321215 1.714052432656733 1.7465559225191138 1.5112925673247168 1.1583975345331123 1.1320851855969027 0.9107518974863807 0.7312088106274927 0.5748825022417414 0.5021365963592582 0.5454745828424418 0.5980992807148695 0.4897543145069239 0.392243844919772 0.34735807320504775 0.28699444917490774 +5403,0.6058382068725817,0,1.7450081372875732 1.7496514929821954 1.676905587099721 1.658332164321215 1.714052432656733 1.7465559225191138 1.5112925673247168 1.1583975345331123 1.1320851855969027 0.9107518974863807 0.7312088106274927 0.5748825022417414 0.5021365963592582 0.5454745828424418 0.5980992807148695 0.4897543145069239 0.392243844919772 0.34735807320504775 0.28699444917490774 0.35974035505739094 +5404,1.0516003535567073,0,1.7496514929821954 1.676905587099721 1.658332164321215 1.714052432656733 1.7465559225191138 1.5112925673247168 1.1583975345331123 1.1320851855969027 0.9107518974863807 0.7312088106274927 0.5748825022417414 0.5021365963592582 0.5454745828424418 0.5980992807148695 0.4897543145069239 0.392243844919772 0.34735807320504775 0.28699444917490774 0.35974035505739094 0.6058382068725817 +5405,1.4168776682006463,0,1.676905587099721 1.658332164321215 1.714052432656733 1.7465559225191138 1.5112925673247168 1.1583975345331123 1.1320851855969027 0.9107518974863807 0.7312088106274927 0.5748825022417414 0.5021365963592582 0.5454745828424418 0.5980992807148695 0.4897543145069239 0.392243844919772 0.34735807320504775 0.28699444917490774 0.35974035505739094 0.6058382068725817 1.0516003535567073 +5406,1.7171480031198143,0,1.658332164321215 1.714052432656733 1.7465559225191138 1.5112925673247168 1.1583975345331123 1.1320851855969027 0.9107518974863807 0.7312088106274927 0.5748825022417414 0.5021365963592582 0.5454745828424418 0.5980992807148695 0.4897543145069239 0.392243844919772 0.34735807320504775 0.28699444917490774 0.35974035505739094 0.6058382068725817 1.0516003535567073 1.4168776682006463 +5407,1.8549008887270595,0,1.714052432656733 1.7465559225191138 1.5112925673247168 1.1583975345331123 1.1320851855969027 0.9107518974863807 0.7312088106274927 0.5748825022417414 0.5021365963592582 0.5454745828424418 0.5980992807148695 0.4897543145069239 0.392243844919772 0.34735807320504775 0.28699444917490774 0.35974035505739094 0.6058382068725817 1.0516003535567073 1.4168776682006463 1.7171480031198143 +5408,2.1969614248978706,0,1.7465559225191138 1.5112925673247168 1.1583975345331123 1.1320851855969027 0.9107518974863807 0.7312088106274927 0.5748825022417414 0.5021365963592582 0.5454745828424418 0.5980992807148695 0.4897543145069239 0.392243844919772 0.34735807320504775 0.28699444917490774 0.35974035505739094 0.6058382068725817 1.0516003535567073 1.4168776682006463 1.7171480031198143 1.8549008887270595 +5409,2.3022108206427347,0,1.5112925673247168 1.1583975345331123 1.1320851855969027 0.9107518974863807 0.7312088106274927 0.5748825022417414 0.5021365963592582 0.5454745828424418 0.5980992807148695 0.4897543145069239 0.392243844919772 0.34735807320504775 0.28699444917490774 0.35974035505739094 0.6058382068725817 1.0516003535567073 1.4168776682006463 1.7171480031198143 1.8549008887270595 2.1969614248978706 +5410,2.3037586058742754,0,1.1583975345331123 1.1320851855969027 0.9107518974863807 0.7312088106274927 0.5748825022417414 0.5021365963592582 0.5454745828424418 0.5980992807148695 0.4897543145069239 0.392243844919772 0.34735807320504775 0.28699444917490774 0.35974035505739094 0.6058382068725817 1.0516003535567073 1.4168776682006463 1.7171480031198143 1.8549008887270595 2.1969614248978706 2.3022108206427347 +5411,2.005036056186648,0,1.1320851855969027 0.9107518974863807 0.7312088106274927 0.5748825022417414 0.5021365963592582 0.5454745828424418 0.5980992807148695 0.4897543145069239 0.392243844919772 0.34735807320504775 0.28699444917490774 0.35974035505739094 0.6058382068725817 1.0516003535567073 1.4168776682006463 1.7171480031198143 1.8549008887270595 2.1969614248978706 2.3022108206427347 2.3037586058742754 +5412,2.0623041097537067,0,0.9107518974863807 0.7312088106274927 0.5748825022417414 0.5021365963592582 0.5454745828424418 0.5980992807148695 0.4897543145069239 0.392243844919772 0.34735807320504775 0.28699444917490774 0.35974035505739094 0.6058382068725817 1.0516003535567073 1.4168776682006463 1.7171480031198143 1.8549008887270595 2.1969614248978706 2.3022108206427347 2.3037586058742754 2.005036056186648 +5413,1.7852505533076666,0,0.7312088106274927 0.5748825022417414 0.5021365963592582 0.5454745828424418 0.5980992807148695 0.4897543145069239 0.392243844919772 0.34735807320504775 0.28699444917490774 0.35974035505739094 0.6058382068725817 1.0516003535567073 1.4168776682006463 1.7171480031198143 1.8549008887270595 2.1969614248978706 2.3022108206427347 2.3037586058742754 2.005036056186648 2.0623041097537067 +5414,1.7217913588144451,0,0.5748825022417414 0.5021365963592582 0.5454745828424418 0.5980992807148695 0.4897543145069239 0.392243844919772 0.34735807320504775 0.28699444917490774 0.35974035505739094 0.6058382068725817 1.0516003535567073 1.4168776682006463 1.7171480031198143 1.8549008887270595 2.1969614248978706 2.3022108206427347 2.3037586058742754 2.005036056186648 2.0623041097537067 1.7852505533076666 +5415,1.667618875710468,0,0.5021365963592582 0.5454745828424418 0.5980992807148695 0.4897543145069239 0.392243844919772 0.34735807320504775 0.28699444917490774 0.35974035505739094 0.6058382068725817 1.0516003535567073 1.4168776682006463 1.7171480031198143 1.8549008887270595 2.1969614248978706 2.3022108206427347 2.3037586058742754 2.005036056186648 2.0623041097537067 1.7852505533076666 1.7217913588144451 +5416,1.0701737763352133,0,0.5454745828424418 0.5980992807148695 0.4897543145069239 0.392243844919772 0.34735807320504775 0.28699444917490774 0.35974035505739094 0.6058382068725817 1.0516003535567073 1.4168776682006463 1.7171480031198143 1.8549008887270595 2.1969614248978706 2.3022108206427347 2.3037586058742754 2.005036056186648 2.0623041097537067 1.7852505533076666 1.7217913588144451 1.667618875710468 +5417,0.748234448174458,0,0.5980992807148695 0.4897543145069239 0.392243844919772 0.34735807320504775 0.28699444917490774 0.35974035505739094 0.6058382068725817 1.0516003535567073 1.4168776682006463 1.7171480031198143 1.8549008887270595 2.1969614248978706 2.3022108206427347 2.3037586058742754 2.005036056186648 2.0623041097537067 1.7852505533076666 1.7217913588144451 1.667618875710468 1.0701737763352133 +5418,0.5160666634431421,0,0.4897543145069239 0.392243844919772 0.34735807320504775 0.28699444917490774 0.35974035505739094 0.6058382068725817 1.0516003535567073 1.4168776682006463 1.7171480031198143 1.8549008887270595 2.1969614248978706 2.3022108206427347 2.3037586058742754 2.005036056186648 2.0623041097537067 1.7852505533076666 1.7217913588144451 1.667618875710468 1.0701737763352133 0.748234448174458 +5419,0.3148545833426667,0,0.392243844919772 0.34735807320504775 0.28699444917490774 0.35974035505739094 0.6058382068725817 1.0516003535567073 1.4168776682006463 1.7171480031198143 1.8549008887270595 2.1969614248978706 2.3022108206427347 2.3037586058742754 2.005036056186648 2.0623041097537067 1.7852505533076666 1.7217913588144451 1.667618875710468 1.0701737763352133 0.748234448174458 0.5160666634431421 +5420,0.2761599525541141,0,0.34735807320504775 0.28699444917490774 0.35974035505739094 0.6058382068725817 1.0516003535567073 1.4168776682006463 1.7171480031198143 1.8549008887270595 2.1969614248978706 2.3022108206427347 2.3037586058742754 2.005036056186648 2.0623041097537067 1.7852505533076666 1.7217913588144451 1.667618875710468 1.0701737763352133 0.748234448174458 0.5160666634431421 0.3148545833426667 +5421,0.19257955005083724,0,0.28699444917490774 0.35974035505739094 0.6058382068725817 1.0516003535567073 1.4168776682006463 1.7171480031198143 1.8549008887270595 2.1969614248978706 2.3022108206427347 2.3037586058742754 2.005036056186648 2.0623041097537067 1.7852505533076666 1.7217913588144451 1.667618875710468 1.0701737763352133 0.748234448174458 0.5160666634431421 0.3148545833426667 0.2761599525541141 +5422,0.10280800662139761,0,0.35974035505739094 0.6058382068725817 1.0516003535567073 1.4168776682006463 1.7171480031198143 1.8549008887270595 2.1969614248978706 2.3022108206427347 2.3037586058742754 2.005036056186648 2.0623041097537067 1.7852505533076666 1.7217913588144451 1.667618875710468 1.0701737763352133 0.748234448174458 0.5160666634431421 0.3148545833426667 0.2761599525541141 0.19257955005083724 +5423,-0.04423159037510062,0,0.6058382068725817 1.0516003535567073 1.4168776682006463 1.7171480031198143 1.8549008887270595 2.1969614248978706 2.3022108206427347 2.3037586058742754 2.005036056186648 2.0623041097537067 1.7852505533076666 1.7217913588144451 1.667618875710468 1.0701737763352133 0.748234448174458 0.5160666634431421 0.3148545833426667 0.2761599525541141 0.19257955005083724 0.10280800662139761 +5424,-0.19901011352931114,0,1.0516003535567073 1.4168776682006463 1.7171480031198143 1.8549008887270595 2.1969614248978706 2.3022108206427347 2.3037586058742754 2.005036056186648 2.0623041097537067 1.7852505533076666 1.7217913588144451 1.667618875710468 1.0701737763352133 0.748234448174458 0.5160666634431421 0.3148545833426667 0.2761599525541141 0.19257955005083724 0.10280800662139761 -0.04423159037510062 +5425,-0.2500870261701981,0,1.4168776682006463 1.7171480031198143 1.8549008887270595 2.1969614248978706 2.3022108206427347 2.3037586058742754 2.005036056186648 2.0623041097537067 1.7852505533076666 1.7217913588144451 1.667618875710468 1.0701737763352133 0.748234448174458 0.5160666634431421 0.3148545833426667 0.2761599525541141 0.19257955005083724 0.10280800662139761 -0.04423159037510062 -0.19901011352931114 +5426,-0.19591454306622974,0,1.7171480031198143 1.8549008887270595 2.1969614248978706 2.3022108206427347 2.3037586058742754 2.005036056186648 2.0623041097537067 1.7852505533076666 1.7217913588144451 1.667618875710468 1.0701737763352133 0.748234448174458 0.5160666634431421 0.3148545833426667 0.2761599525541141 0.19257955005083724 0.10280800662139761 -0.04423159037510062 -0.19901011352931114 -0.2500870261701981 +5427,-0.002441389123466596,0,1.8549008887270595 2.1969614248978706 2.3022108206427347 2.3037586058742754 2.005036056186648 2.0623041097537067 1.7852505533076666 1.7217913588144451 1.667618875710468 1.0701737763352133 0.748234448174458 0.5160666634431421 0.3148545833426667 0.2761599525541141 0.19257955005083724 0.10280800662139761 -0.04423159037510062 -0.19901011352931114 -0.2500870261701981 -0.19591454306622974 +5428,0.2080574023662618,0,2.1969614248978706 2.3022108206427347 2.3037586058742754 2.005036056186648 2.0623041097537067 1.7852505533076666 1.7217913588144451 1.667618875710468 1.0701737763352133 0.748234448174458 0.5160666634431421 0.3148545833426667 0.2761599525541141 0.19257955005083724 0.10280800662139761 -0.04423159037510062 -0.19901011352931114 -0.2500870261701981 -0.19591454306622974 -0.002441389123466596 +5429,0.5021365963592582,0,2.3022108206427347 2.3037586058742754 2.005036056186648 2.0623041097537067 1.7852505533076666 1.7217913588144451 1.667618875710468 1.0701737763352133 0.748234448174458 0.5160666634431421 0.3148545833426667 0.2761599525541141 0.19257955005083724 0.10280800662139761 -0.04423159037510062 -0.19901011352931114 -0.2500870261701981 -0.19591454306622974 -0.002441389123466596 0.2080574023662618 +5430,0.7714512266475859,0,2.3037586058742754 2.005036056186648 2.0623041097537067 1.7852505533076666 1.7217913588144451 1.667618875710468 1.0701737763352133 0.748234448174458 0.5160666634431421 0.3148545833426667 0.2761599525541141 0.19257955005083724 0.10280800662139761 -0.04423159037510062 -0.19901011352931114 -0.2500870261701981 -0.19591454306622974 -0.002441389123466596 0.2080574023662618 0.5021365963592582 +5431,1.020644648925867,0,2.005036056186648 2.0623041097537067 1.7852505533076666 1.7217913588144451 1.667618875710468 1.0701737763352133 0.748234448174458 0.5160666634431421 0.3148545833426667 0.2761599525541141 0.19257955005083724 0.10280800662139761 -0.04423159037510062 -0.19901011352931114 -0.2500870261701981 -0.19591454306622974 -0.002441389123466596 0.2080574023662618 0.5021365963592582 0.7714512266475859 +5432,1.1645886754592838,0,2.0623041097537067 1.7852505533076666 1.7217913588144451 1.667618875710468 1.0701737763352133 0.748234448174458 0.5160666634431421 0.3148545833426667 0.2761599525541141 0.19257955005083724 0.10280800662139761 -0.04423159037510062 -0.19901011352931114 -0.2500870261701981 -0.19591454306622974 -0.002441389123466596 0.2080574023662618 0.5021365963592582 0.7714512266475859 1.020644648925867 +5433,1.2311434404155954,0,1.7852505533076666 1.7217913588144451 1.667618875710468 1.0701737763352133 0.748234448174458 0.5160666634431421 0.3148545833426667 0.2761599525541141 0.19257955005083724 0.10280800662139761 -0.04423159037510062 -0.19901011352931114 -0.2500870261701981 -0.19591454306622974 -0.002441389123466596 0.2080574023662618 0.5021365963592582 0.7714512266475859 1.020644648925867 1.1645886754592838 +5434,1.209474447174008,0,1.7217913588144451 1.667618875710468 1.0701737763352133 0.748234448174458 0.5160666634431421 0.3148545833426667 0.2761599525541141 0.19257955005083724 0.10280800662139761 -0.04423159037510062 -0.19901011352931114 -0.2500870261701981 -0.19591454306622974 -0.002441389123466596 0.2080574023662618 0.5021365963592582 0.7714512266475859 1.020644648925867 1.1645886754592838 1.2311434404155954 +5435,1.1506586083754,0,1.667618875710468 1.0701737763352133 0.748234448174458 0.5160666634431421 0.3148545833426667 0.2761599525541141 0.19257955005083724 0.10280800662139761 -0.04423159037510062 -0.19901011352931114 -0.2500870261701981 -0.19591454306622974 -0.002441389123466596 0.2080574023662618 0.5021365963592582 0.7714512266475859 1.020644648925867 1.1645886754592838 1.2311434404155954 1.209474447174008 +5436,1.1119639775868473,0,1.0701737763352133 0.748234448174458 0.5160666634431421 0.3148545833426667 0.2761599525541141 0.19257955005083724 0.10280800662139761 -0.04423159037510062 -0.19901011352931114 -0.2500870261701981 -0.19591454306622974 -0.002441389123466596 0.2080574023662618 0.5021365963592582 0.7714512266475859 1.020644648925867 1.1645886754592838 1.2311434404155954 1.209474447174008 1.1506586083754 +5437,0.8070502869730573,0,0.748234448174458 0.5160666634431421 0.3148545833426667 0.2761599525541141 0.19257955005083724 0.10280800662139761 -0.04423159037510062 -0.19901011352931114 -0.2500870261701981 -0.19591454306622974 -0.002441389123466596 0.2080574023662618 0.5021365963592582 0.7714512266475859 1.020644648925867 1.1645886754592838 1.2311434404155954 1.209474447174008 1.1506586083754 1.1119639775868473 +5438,0.5470223680739825,0,0.5160666634431421 0.3148545833426667 0.2761599525541141 0.19257955005083724 0.10280800662139761 -0.04423159037510062 -0.19901011352931114 -0.2500870261701981 -0.19591454306622974 -0.002441389123466596 0.2080574023662618 0.5021365963592582 0.7714512266475859 1.020644648925867 1.1645886754592838 1.2311434404155954 1.209474447174008 1.1506586083754 1.1119639775868473 0.8070502869730573 +5439,0.2266308251447678,0,0.3148545833426667 0.2761599525541141 0.19257955005083724 0.10280800662139761 -0.04423159037510062 -0.19901011352931114 -0.2500870261701981 -0.19591454306622974 -0.002441389123466596 0.2080574023662618 0.5021365963592582 0.7714512266475859 1.020644648925867 1.1645886754592838 1.2311434404155954 1.209474447174008 1.1506586083754 1.1119639775868473 0.8070502869730573 0.5470223680739825 +5440,-0.030301523291225544,0,0.2761599525541141 0.19257955005083724 0.10280800662139761 -0.04423159037510062 -0.19901011352931114 -0.2500870261701981 -0.19591454306622974 -0.002441389123466596 0.2080574023662618 0.5021365963592582 0.7714512266475859 1.020644648925867 1.1645886754592838 1.2311434404155954 1.209474447174008 1.1506586083754 1.1119639775868473 0.8070502869730573 0.5470223680739825 0.2266308251447678 +5441,-0.1649588384353894,0,0.19257955005083724 0.10280800662139761 -0.04423159037510062 -0.19901011352931114 -0.2500870261701981 -0.19591454306622974 -0.002441389123466596 0.2080574023662618 0.5021365963592582 0.7714512266475859 1.020644648925867 1.1645886754592838 1.2311434404155954 1.209474447174008 1.1506586083754 1.1119639775868473 0.8070502869730573 0.5470223680739825 0.2266308251447678 -0.030301523291225544 +5442,-0.25627816709636975,0,0.10280800662139761 -0.04423159037510062 -0.19901011352931114 -0.2500870261701981 -0.19591454306622974 -0.002441389123466596 0.2080574023662618 0.5021365963592582 0.7714512266475859 1.020644648925867 1.1645886754592838 1.2311434404155954 1.209474447174008 1.1506586083754 1.1119639775868473 0.8070502869730573 0.5470223680739825 0.2266308251447678 -0.030301523291225544 -0.1649588384353894 +5443,-0.34295414006272795,0,-0.04423159037510062 -0.19901011352931114 -0.2500870261701981 -0.19591454306622974 -0.002441389123466596 0.2080574023662618 0.5021365963592582 0.7714512266475859 1.020644648925867 1.1645886754592838 1.2311434404155954 1.209474447174008 1.1506586083754 1.1119639775868473 0.8070502869730573 0.5470223680739825 0.2266308251447678 -0.030301523291225544 -0.1649588384353894 -0.25627816709636975 +5444,-0.38319655608282127,0,-0.19901011352931114 -0.2500870261701981 -0.19591454306622974 -0.002441389123466596 0.2080574023662618 0.5021365963592582 0.7714512266475859 1.020644648925867 1.1645886754592838 1.2311434404155954 1.209474447174008 1.1506586083754 1.1119639775868473 0.8070502869730573 0.5470223680739825 0.2266308251447678 -0.030301523291225544 -0.1649588384353894 -0.25627816709636975 -0.34295414006272795 +5445,-0.44665575057605145,0,-0.2500870261701981 -0.19591454306622974 -0.002441389123466596 0.2080574023662618 0.5021365963592582 0.7714512266475859 1.020644648925867 1.1645886754592838 1.2311434404155954 1.209474447174008 1.1506586083754 1.1119639775868473 0.8070502869730573 0.5470223680739825 0.2266308251447678 -0.030301523291225544 -0.1649588384353894 -0.25627816709636975 -0.34295414006272795 -0.38319655608282127 +5446,-0.46213360289146727,0,-0.19591454306622974 -0.002441389123466596 0.2080574023662618 0.5021365963592582 0.7714512266475859 1.020644648925867 1.1645886754592838 1.2311434404155954 1.209474447174008 1.1506586083754 1.1119639775868473 0.8070502869730573 0.5470223680739825 0.2266308251447678 -0.030301523291225544 -0.1649588384353894 -0.25627816709636975 -0.34295414006272795 -0.38319655608282127 -0.44665575057605145 +5447,-0.46368138812300796,0,-0.002441389123466596 0.2080574023662618 0.5021365963592582 0.7714512266475859 1.020644648925867 1.1645886754592838 1.2311434404155954 1.209474447174008 1.1506586083754 1.1119639775868473 0.8070502869730573 0.5470223680739825 0.2266308251447678 -0.030301523291225544 -0.1649588384353894 -0.25627816709636975 -0.34295414006272795 -0.38319655608282127 -0.44665575057605145 -0.46213360289146727 +5448,-0.46677695858609813,0,0.2080574023662618 0.5021365963592582 0.7714512266475859 1.020644648925867 1.1645886754592838 1.2311434404155954 1.209474447174008 1.1506586083754 1.1119639775868473 0.8070502869730573 0.5470223680739825 0.2266308251447678 -0.030301523291225544 -0.1649588384353894 -0.25627816709636975 -0.34295414006272795 -0.38319655608282127 -0.44665575057605145 -0.46213360289146727 -0.46368138812300796 +5449,-0.44665575057605145,0,0.5021365963592582 0.7714512266475859 1.020644648925867 1.1645886754592838 1.2311434404155954 1.209474447174008 1.1506586083754 1.1119639775868473 0.8070502869730573 0.5470223680739825 0.2266308251447678 -0.030301523291225544 -0.1649588384353894 -0.25627816709636975 -0.34295414006272795 -0.38319655608282127 -0.44665575057605145 -0.46213360289146727 -0.46368138812300796 -0.46677695858609813 +5450,-0.41879561640829255,0,0.7714512266475859 1.020644648925867 1.1645886754592838 1.2311434404155954 1.209474447174008 1.1506586083754 1.1119639775868473 0.8070502869730573 0.5470223680739825 0.2266308251447678 -0.030301523291225544 -0.1649588384353894 -0.25627816709636975 -0.34295414006272795 -0.38319655608282127 -0.44665575057605145 -0.46213360289146727 -0.46368138812300796 -0.46677695858609813 -0.44665575057605145 +5451,-0.28568608649566934,0,1.020644648925867 1.1645886754592838 1.2311434404155954 1.209474447174008 1.1506586083754 1.1119639775868473 0.8070502869730573 0.5470223680739825 0.2266308251447678 -0.030301523291225544 -0.1649588384353894 -0.25627816709636975 -0.34295414006272795 -0.38319655608282127 -0.44665575057605145 -0.46213360289146727 -0.46368138812300796 -0.46677695858609813 -0.44665575057605145 -0.41879561640829255 +5452,-0.07828286546903115,0,1.1645886754592838 1.2311434404155954 1.209474447174008 1.1506586083754 1.1119639775868473 0.8070502869730573 0.5470223680739825 0.2266308251447678 -0.030301523291225544 -0.1649588384353894 -0.25627816709636975 -0.34295414006272795 -0.38319655608282127 -0.44665575057605145 -0.46213360289146727 -0.46368138812300796 -0.46677695858609813 -0.44665575057605145 -0.41879561640829255 -0.28568608649566934 +5453,0.11673807370528148,0,1.2311434404155954 1.209474447174008 1.1506586083754 1.1119639775868473 0.8070502869730573 0.5470223680739825 0.2266308251447678 -0.030301523291225544 -0.1649588384353894 -0.25627816709636975 -0.34295414006272795 -0.38319655608282127 -0.44665575057605145 -0.46213360289146727 -0.46368138812300796 -0.46677695858609813 -0.44665575057605145 -0.41879561640829255 -0.28568608649566934 -0.07828286546903115 +5454,0.3194979390372976,0,1.209474447174008 1.1506586083754 1.1119639775868473 0.8070502869730573 0.5470223680739825 0.2266308251447678 -0.030301523291225544 -0.1649588384353894 -0.25627816709636975 -0.34295414006272795 -0.38319655608282127 -0.44665575057605145 -0.46213360289146727 -0.46368138812300796 -0.46677695858609813 -0.44665575057605145 -0.41879561640829255 -0.28568608649566934 -0.07828286546903115 0.11673807370528148 +5455,0.5083277372854299,0,1.1506586083754 1.1119639775868473 0.8070502869730573 0.5470223680739825 0.2266308251447678 -0.030301523291225544 -0.1649588384353894 -0.25627816709636975 -0.34295414006272795 -0.38319655608282127 -0.44665575057605145 -0.46213360289146727 -0.46368138812300796 -0.46677695858609813 -0.44665575057605145 -0.41879561640829255 -0.28568608649566934 -0.07828286546903115 0.11673807370528148 0.3194979390372976 +5456,0.6398894819665123,0,1.1119639775868473 0.8070502869730573 0.5470223680739825 0.2266308251447678 -0.030301523291225544 -0.1649588384353894 -0.25627816709636975 -0.34295414006272795 -0.38319655608282127 -0.44665575057605145 -0.46213360289146727 -0.46368138812300796 -0.46677695858609813 -0.44665575057605145 -0.41879561640829255 -0.28568608649566934 -0.07828286546903115 0.11673807370528148 0.3194979390372976 0.5083277372854299 +5457,0.7683556561845045,0,0.8070502869730573 0.5470223680739825 0.2266308251447678 -0.030301523291225544 -0.1649588384353894 -0.25627816709636975 -0.34295414006272795 -0.38319655608282127 -0.44665575057605145 -0.46213360289146727 -0.46368138812300796 -0.46677695858609813 -0.44665575057605145 -0.41879561640829255 -0.28568608649566934 -0.07828286546903115 0.11673807370528148 0.3194979390372976 0.5083277372854299 0.6398894819665123 +5458,0.8178847835938509,0,0.5470223680739825 0.2266308251447678 -0.030301523291225544 -0.1649588384353894 -0.25627816709636975 -0.34295414006272795 -0.38319655608282127 -0.44665575057605145 -0.46213360289146727 -0.46368138812300796 -0.46677695858609813 -0.44665575057605145 -0.41879561640829255 -0.28568608649566934 -0.07828286546903115 0.11673807370528148 0.3194979390372976 0.5083277372854299 0.6398894819665123 0.7683556561845045 +5459,0.7606167300267923,0,0.2266308251447678 -0.030301523291225544 -0.1649588384353894 -0.25627816709636975 -0.34295414006272795 -0.38319655608282127 -0.44665575057605145 -0.46213360289146727 -0.46368138812300796 -0.46677695858609813 -0.44665575057605145 -0.41879561640829255 -0.28568608649566934 -0.07828286546903115 0.11673807370528148 0.3194979390372976 0.5083277372854299 0.6398894819665123 0.7683556561845045 0.8178847835938509 +5460,0.7157309583120769,0,-0.030301523291225544 -0.1649588384353894 -0.25627816709636975 -0.34295414006272795 -0.38319655608282127 -0.44665575057605145 -0.46213360289146727 -0.46368138812300796 -0.46677695858609813 -0.44665575057605145 -0.41879561640829255 -0.28568608649566934 -0.07828286546903115 0.11673807370528148 0.3194979390372976 0.5083277372854299 0.6398894819665123 0.7683556561845045 0.8178847835938509 0.7606167300267923 +5461,0.590360354557166,0,-0.1649588384353894 -0.25627816709636975 -0.34295414006272795 -0.38319655608282127 -0.44665575057605145 -0.46213360289146727 -0.46368138812300796 -0.46677695858609813 -0.44665575057605145 -0.41879561640829255 -0.28568608649566934 -0.07828286546903115 0.11673807370528148 0.3194979390372976 0.5083277372854299 0.6398894819665123 0.7683556561845045 0.8178847835938509 0.7606167300267923 0.7157309583120769 +5462,0.37986156306743757,0,-0.25627816709636975 -0.34295414006272795 -0.38319655608282127 -0.44665575057605145 -0.46213360289146727 -0.46368138812300796 -0.46677695858609813 -0.44665575057605145 -0.41879561640829255 -0.28568608649566934 -0.07828286546903115 0.11673807370528148 0.3194979390372976 0.5083277372854299 0.6398894819665123 0.7683556561845045 0.8178847835938509 0.7606167300267923 0.7157309583120769 0.590360354557166 +5463,0.17710169773542148,0,-0.34295414006272795 -0.38319655608282127 -0.44665575057605145 -0.46213360289146727 -0.46368138812300796 -0.46677695858609813 -0.44665575057605145 -0.41879561640829255 -0.28568608649566934 -0.07828286546903115 0.11673807370528148 0.3194979390372976 0.5083277372854299 0.6398894819665123 0.7683556561845045 0.8178847835938509 0.7606167300267923 0.7157309583120769 0.590360354557166 0.37986156306743757 +5464,-0.04268380514355992,0,-0.38319655608282127 -0.44665575057605145 -0.46213360289146727 -0.46368138812300796 -0.46677695858609813 -0.44665575057605145 -0.41879561640829255 -0.28568608649566934 -0.07828286546903115 0.11673807370528148 0.3194979390372976 0.5083277372854299 0.6398894819665123 0.7683556561845045 0.8178847835938509 0.7606167300267923 0.7157309583120769 0.590360354557166 0.37986156306743757 0.17710169773542148 +5465,-0.20210568399239254,0,-0.44665575057605145 -0.46213360289146727 -0.46368138812300796 -0.46677695858609813 -0.44665575057605145 -0.41879561640829255 -0.28568608649566934 -0.07828286546903115 0.11673807370528148 0.3194979390372976 0.5083277372854299 0.6398894819665123 0.7683556561845045 0.8178847835938509 0.7606167300267923 0.7157309583120769 0.590360354557166 0.37986156306743757 0.17710169773542148 -0.04268380514355992 +5466,-0.2702082341802448,0,-0.46213360289146727 -0.46368138812300796 -0.46677695858609813 -0.44665575057605145 -0.41879561640829255 -0.28568608649566934 -0.07828286546903115 0.11673807370528148 0.3194979390372976 0.5083277372854299 0.6398894819665123 0.7683556561845045 0.8178847835938509 0.7606167300267923 0.7157309583120769 0.590360354557166 0.37986156306743757 0.17710169773542148 -0.04268380514355992 -0.20210568399239254 +5467,-0.3367629991365564,0,-0.46368138812300796 -0.46677695858609813 -0.44665575057605145 -0.41879561640829255 -0.28568608649566934 -0.07828286546903115 0.11673807370528148 0.3194979390372976 0.5083277372854299 0.6398894819665123 0.7683556561845045 0.8178847835938509 0.7606167300267923 0.7157309583120769 0.590360354557166 0.37986156306743757 0.17710169773542148 -0.04268380514355992 -0.20210568399239254 -0.2702082341802448 +5468,-0.315094005894969,0,-0.46677695858609813 -0.44665575057605145 -0.41879561640829255 -0.28568608649566934 -0.07828286546903115 0.11673807370528148 0.3194979390372976 0.5083277372854299 0.6398894819665123 0.7683556561845045 0.8178847835938509 0.7606167300267923 0.7157309583120769 0.590360354557166 0.37986156306743757 0.17710169773542148 -0.04268380514355992 -0.20210568399239254 -0.2702082341802448 -0.3367629991365564 +5469,-0.3135462206634283,0,-0.44665575057605145 -0.41879561640829255 -0.28568608649566934 -0.07828286546903115 0.11673807370528148 0.3194979390372976 0.5083277372854299 0.6398894819665123 0.7683556561845045 0.8178847835938509 0.7606167300267923 0.7157309583120769 0.590360354557166 0.37986156306743757 0.17710169773542148 -0.04268380514355992 -0.20210568399239254 -0.2702082341802448 -0.3367629991365564 -0.315094005894969 +5470,-0.2748515898748757,0,-0.41879561640829255 -0.28568608649566934 -0.07828286546903115 0.11673807370528148 0.3194979390372976 0.5083277372854299 0.6398894819665123 0.7683556561845045 0.8178847835938509 0.7606167300267923 0.7157309583120769 0.590360354557166 0.37986156306743757 0.17710169773542148 -0.04268380514355992 -0.20210568399239254 -0.2702082341802448 -0.3367629991365564 -0.315094005894969 -0.3135462206634283 +5471,-0.25318259663328835,0,-0.28568608649566934 -0.07828286546903115 0.11673807370528148 0.3194979390372976 0.5083277372854299 0.6398894819665123 0.7683556561845045 0.8178847835938509 0.7606167300267923 0.7157309583120769 0.590360354557166 0.37986156306743757 0.17710169773542148 -0.04268380514355992 -0.20210568399239254 -0.2702082341802448 -0.3367629991365564 -0.315094005894969 -0.3135462206634283 -0.2748515898748757 +5472,-0.23460917385478236,0,-0.07828286546903115 0.11673807370528148 0.3194979390372976 0.5083277372854299 0.6398894819665123 0.7683556561845045 0.8178847835938509 0.7606167300267923 0.7157309583120769 0.590360354557166 0.37986156306743757 0.17710169773542148 -0.04268380514355992 -0.20210568399239254 -0.2702082341802448 -0.3367629991365564 -0.315094005894969 -0.3135462206634283 -0.2748515898748757 -0.25318259663328835 +5473,-0.24080031478094516,0,0.11673807370528148 0.3194979390372976 0.5083277372854299 0.6398894819665123 0.7683556561845045 0.8178847835938509 0.7606167300267923 0.7157309583120769 0.590360354557166 0.37986156306743757 0.17710169773542148 -0.04268380514355992 -0.20210568399239254 -0.2702082341802448 -0.3367629991365564 -0.315094005894969 -0.3135462206634283 -0.2748515898748757 -0.25318259663328835 -0.23460917385478236 +5474,-0.24699145570711675,0,0.3194979390372976 0.5083277372854299 0.6398894819665123 0.7683556561845045 0.8178847835938509 0.7606167300267923 0.7157309583120769 0.590360354557166 0.37986156306743757 0.17710169773542148 -0.04268380514355992 -0.20210568399239254 -0.2702082341802448 -0.3367629991365564 -0.315094005894969 -0.3135462206634283 -0.2748515898748757 -0.25318259663328835 -0.23460917385478236 -0.24080031478094516 +5475,-0.19281897260313954,0,0.5083277372854299 0.6398894819665123 0.7683556561845045 0.8178847835938509 0.7606167300267923 0.7157309583120769 0.590360354557166 0.37986156306743757 0.17710169773542148 -0.04268380514355992 -0.20210568399239254 -0.2702082341802448 -0.3367629991365564 -0.315094005894969 -0.3135462206634283 -0.2748515898748757 -0.25318259663328835 -0.23460917385478236 -0.24080031478094516 -0.24699145570711675 +5476,-0.08447400639519394,0,0.6398894819665123 0.7683556561845045 0.8178847835938509 0.7606167300267923 0.7157309583120769 0.590360354557166 0.37986156306743757 0.17710169773542148 -0.04268380514355992 -0.20210568399239254 -0.2702082341802448 -0.3367629991365564 -0.315094005894969 -0.3135462206634283 -0.2748515898748757 -0.25318259663328835 -0.23460917385478236 -0.24080031478094516 -0.24699145570711675 -0.19281897260313954 +5477,0.04708773828587971,0,0.7683556561845045 0.8178847835938509 0.7606167300267923 0.7157309583120769 0.590360354557166 0.37986156306743757 0.17710169773542148 -0.04268380514355992 -0.20210568399239254 -0.2702082341802448 -0.3367629991365564 -0.315094005894969 -0.3135462206634283 -0.2748515898748757 -0.25318259663328835 -0.23460917385478236 -0.24080031478094516 -0.24699145570711675 -0.19281897260313954 -0.08447400639519394 +5478,0.07959122814826955,0,0.8178847835938509 0.7606167300267923 0.7157309583120769 0.590360354557166 0.37986156306743757 0.17710169773542148 -0.04268380514355992 -0.20210568399239254 -0.2702082341802448 -0.3367629991365564 -0.315094005894969 -0.3135462206634283 -0.2748515898748757 -0.25318259663328835 -0.23460917385478236 -0.24080031478094516 -0.24699145570711675 -0.19281897260313954 -0.08447400639519394 0.04708773828587971 +5479,0.2235352546816864,0,0.7606167300267923 0.7157309583120769 0.590360354557166 0.37986156306743757 0.17710169773542148 -0.04268380514355992 -0.20210568399239254 -0.2702082341802448 -0.3367629991365564 -0.315094005894969 -0.3135462206634283 -0.2748515898748757 -0.25318259663328835 -0.23460917385478236 -0.24080031478094516 -0.24699145570711675 -0.19281897260313954 -0.08447400639519394 0.04708773828587971 0.07959122814826955 +5480,0.36028207988842664,0,0.7157309583120769 0.590360354557166 0.37986156306743757 0.17710169773542148 -0.04268380514355992 -0.20210568399239254 -0.2702082341802448 -0.3367629991365564 -0.315094005894969 -0.3135462206634283 -0.2748515898748757 -0.25318259663328835 -0.23460917385478236 -0.24080031478094516 -0.24699145570711675 -0.19281897260313954 -0.08447400639519394 0.04708773828587971 0.07959122814826955 0.2235352546816864 +5481,0.4402251870975776,0,0.590360354557166 0.37986156306743757 0.17710169773542148 -0.04268380514355992 -0.20210568399239254 -0.2702082341802448 -0.3367629991365564 -0.315094005894969 -0.3135462206634283 -0.2748515898748757 -0.25318259663328835 -0.23460917385478236 -0.24080031478094516 -0.24699145570711675 -0.19281897260313954 -0.08447400639519394 0.04708773828587971 0.07959122814826955 0.2235352546816864 0.36028207988842664 +5482,0.57178693177866,0,0.37986156306743757 0.17710169773542148 -0.04268380514355992 -0.20210568399239254 -0.2702082341802448 -0.3367629991365564 -0.315094005894969 -0.3135462206634283 -0.2748515898748757 -0.25318259663328835 -0.23460917385478236 -0.24080031478094516 -0.24699145570711675 -0.19281897260313954 -0.08447400639519394 0.04708773828587971 0.07959122814826955 0.2235352546816864 0.36028207988842664 0.4402251870975776 +5483,0.5980992807148695,0,0.17710169773542148 -0.04268380514355992 -0.20210568399239254 -0.2702082341802448 -0.3367629991365564 -0.315094005894969 -0.3135462206634283 -0.2748515898748757 -0.25318259663328835 -0.23460917385478236 -0.24080031478094516 -0.24699145570711675 -0.19281897260313954 -0.08447400639519394 0.04708773828587971 0.07959122814826955 0.2235352546816864 0.36028207988842664 0.4402251870975776 0.57178693177866 +5484,0.4820153883492116,0,-0.04268380514355992 -0.20210568399239254 -0.2702082341802448 -0.3367629991365564 -0.315094005894969 -0.3135462206634283 -0.2748515898748757 -0.25318259663328835 -0.23460917385478236 -0.24080031478094516 -0.24699145570711675 -0.19281897260313954 -0.08447400639519394 0.04708773828587971 0.07959122814826955 0.2235352546816864 0.36028207988842664 0.4402251870975776 0.57178693177866 0.5980992807148695 +5485,0.313306798111126,0,-0.20210568399239254 -0.2702082341802448 -0.3367629991365564 -0.315094005894969 -0.3135462206634283 -0.2748515898748757 -0.25318259663328835 -0.23460917385478236 -0.24080031478094516 -0.24699145570711675 -0.19281897260313954 -0.08447400639519394 0.04708773828587971 0.07959122814826955 0.2235352546816864 0.36028207988842664 0.4402251870975776 0.57178693177866 0.5980992807148695 0.4820153883492116 +5486,0.15078934879920322,0,-0.2702082341802448 -0.3367629991365564 -0.315094005894969 -0.3135462206634283 -0.2748515898748757 -0.25318259663328835 -0.23460917385478236 -0.24080031478094516 -0.24699145570711675 -0.19281897260313954 -0.08447400639519394 0.04708773828587971 0.07959122814826955 0.2235352546816864 0.36028207988842664 0.4402251870975776 0.57178693177866 0.5980992807148695 0.4820153883492116 0.313306798111126 +5487,-0.003989174355007293,0,-0.3367629991365564 -0.315094005894969 -0.3135462206634283 -0.2748515898748757 -0.25318259663328835 -0.23460917385478236 -0.24080031478094516 -0.24699145570711675 -0.19281897260313954 -0.08447400639519394 0.04708773828587971 0.07959122814826955 0.2235352546816864 0.36028207988842664 0.4402251870975776 0.57178693177866 0.5980992807148695 0.4820153883492116 0.313306798111126 0.15078934879920322 +5488,-0.061257227922065886,0,-0.315094005894969 -0.3135462206634283 -0.2748515898748757 -0.25318259663328835 -0.23460917385478236 -0.24080031478094516 -0.24699145570711675 -0.19281897260313954 -0.08447400639519394 0.04708773828587971 0.07959122814826955 0.2235352546816864 0.36028207988842664 0.4402251870975776 0.57178693177866 0.5980992807148695 0.4820153883492116 0.313306798111126 0.15078934879920322 -0.003989174355007293 +5489,-0.17269776459309288,0,-0.3135462206634283 -0.2748515898748757 -0.25318259663328835 -0.23460917385478236 -0.24080031478094516 -0.24699145570711675 -0.19281897260313954 -0.08447400639519394 0.04708773828587971 0.07959122814826955 0.2235352546816864 0.36028207988842664 0.4402251870975776 0.57178693177866 0.5980992807148695 0.4820153883492116 0.313306798111126 0.15078934879920322 -0.003989174355007293 -0.061257227922065886 +5490,-0.2500870261701981,0,-0.2748515898748757 -0.25318259663328835 -0.23460917385478236 -0.24080031478094516 -0.24699145570711675 -0.19281897260313954 -0.08447400639519394 0.04708773828587971 0.07959122814826955 0.2235352546816864 0.36028207988842664 0.4402251870975776 0.57178693177866 0.5980992807148695 0.4820153883492116 0.313306798111126 0.15078934879920322 -0.003989174355007293 -0.061257227922065886 -0.17269776459309288 +5491,-0.17888890551926448,0,-0.25318259663328835 -0.23460917385478236 -0.24080031478094516 -0.24699145570711675 -0.19281897260313954 -0.08447400639519394 0.04708773828587971 0.07959122814826955 0.2235352546816864 0.36028207988842664 0.4402251870975776 0.57178693177866 0.5980992807148695 0.4820153883492116 0.313306798111126 0.15078934879920322 -0.003989174355007293 -0.061257227922065886 -0.17269776459309288 -0.2500870261701981 +5492,-0.29032944219029144,0,-0.23460917385478236 -0.24080031478094516 -0.24699145570711675 -0.19281897260313954 -0.08447400639519394 0.04708773828587971 0.07959122814826955 0.2235352546816864 0.36028207988842664 0.4402251870975776 0.57178693177866 0.5980992807148695 0.4820153883492116 0.313306798111126 0.15078934879920322 -0.003989174355007293 -0.061257227922065886 -0.17269776459309288 -0.2500870261701981 -0.17888890551926448 +5493,-0.22687024769707007,0,-0.24080031478094516 -0.24699145570711675 -0.19281897260313954 -0.08447400639519394 0.04708773828587971 0.07959122814826955 0.2235352546816864 0.36028207988842664 0.4402251870975776 0.57178693177866 0.5980992807148695 0.4820153883492116 0.313306798111126 0.15078934879920322 -0.003989174355007293 -0.061257227922065886 -0.17269776459309288 -0.2500870261701981 -0.17888890551926448 -0.29032944219029144 +5494,-0.18198447598234585,0,-0.24699145570711675 -0.19281897260313954 -0.08447400639519394 0.04708773828587971 0.07959122814826955 0.2235352546816864 0.36028207988842664 0.4402251870975776 0.57178693177866 0.5980992807148695 0.4820153883492116 0.313306798111126 0.15078934879920322 -0.003989174355007293 -0.061257227922065886 -0.17269776459309288 -0.2500870261701981 -0.17888890551926448 -0.29032944219029144 -0.22687024769707007 +5495,-0.19746232829777044,0,-0.19281897260313954 -0.08447400639519394 0.04708773828587971 0.07959122814826955 0.2235352546816864 0.36028207988842664 0.4402251870975776 0.57178693177866 0.5980992807148695 0.4820153883492116 0.313306798111126 0.15078934879920322 -0.003989174355007293 -0.061257227922065886 -0.17269776459309288 -0.2500870261701981 -0.17888890551926448 -0.29032944219029144 -0.22687024769707007 -0.18198447598234585 +5496,-0.17424554982463358,0,-0.08447400639519394 0.04708773828587971 0.07959122814826955 0.2235352546816864 0.36028207988842664 0.4402251870975776 0.57178693177866 0.5980992807148695 0.4820153883492116 0.313306798111126 0.15078934879920322 -0.003989174355007293 -0.061257227922065886 -0.17269776459309288 -0.2500870261701981 -0.17888890551926448 -0.29032944219029144 -0.22687024769707007 -0.18198447598234585 -0.19746232829777044 +5497,-0.19591454306622974,0,0.04708773828587971 0.07959122814826955 0.2235352546816864 0.36028207988842664 0.4402251870975776 0.57178693177866 0.5980992807148695 0.4820153883492116 0.313306798111126 0.15078934879920322 -0.003989174355007293 -0.061257227922065886 -0.17269776459309288 -0.2500870261701981 -0.17888890551926448 -0.29032944219029144 -0.22687024769707007 -0.18198447598234585 -0.19746232829777044 -0.17424554982463358 +5498,-0.19591454306622974,0,0.07959122814826955 0.2235352546816864 0.36028207988842664 0.4402251870975776 0.57178693177866 0.5980992807148695 0.4820153883492116 0.313306798111126 0.15078934879920322 -0.003989174355007293 -0.061257227922065886 -0.17269776459309288 -0.2500870261701981 -0.17888890551926448 -0.29032944219029144 -0.22687024769707007 -0.18198447598234585 -0.19746232829777044 -0.17424554982463358 -0.19591454306622974 +5499,-0.09685628824752832,0,0.2235352546816864 0.36028207988842664 0.4402251870975776 0.57178693177866 0.5980992807148695 0.4820153883492116 0.313306798111126 0.15078934879920322 -0.003989174355007293 -0.061257227922065886 -0.17269776459309288 -0.2500870261701981 -0.17888890551926448 -0.29032944219029144 -0.22687024769707007 -0.18198447598234585 -0.19746232829777044 -0.17424554982463358 -0.19591454306622974 -0.19591454306622974 +5500,-0.03804044944892903,0,0.36028207988842664 0.4402251870975776 0.57178693177866 0.5980992807148695 0.4820153883492116 0.313306798111126 0.15078934879920322 -0.003989174355007293 -0.061257227922065886 -0.17269776459309288 -0.2500870261701981 -0.17888890551926448 -0.29032944219029144 -0.22687024769707007 -0.18198447598234585 -0.19746232829777044 -0.17424554982463358 -0.19591454306622974 -0.19591454306622974 -0.09685628824752832 +5501,0.2065096171347211,0,0.4402251870975776 0.57178693177866 0.5980992807148695 0.4820153883492116 0.313306798111126 0.15078934879920322 -0.003989174355007293 -0.061257227922065886 -0.17269776459309288 -0.2500870261701981 -0.17888890551926448 -0.29032944219029144 -0.22687024769707007 -0.18198447598234585 -0.19746232829777044 -0.17424554982463358 -0.19591454306622974 -0.19591454306622974 -0.09685628824752832 -0.03804044944892903 +5502,0.2730643820910327,0,0.57178693177866 0.5980992807148695 0.4820153883492116 0.313306798111126 0.15078934879920322 -0.003989174355007293 -0.061257227922065886 -0.17269776459309288 -0.2500870261701981 -0.17888890551926448 -0.29032944219029144 -0.22687024769707007 -0.18198447598234585 -0.19746232829777044 -0.17424554982463358 -0.19591454306622974 -0.19591454306622974 -0.09685628824752832 -0.03804044944892903 0.2065096171347211 +5503,0.46498975080225513,0,0.5980992807148695 0.4820153883492116 0.313306798111126 0.15078934879920322 -0.003989174355007293 -0.061257227922065886 -0.17269776459309288 -0.2500870261701981 -0.17888890551926448 -0.29032944219029144 -0.22687024769707007 -0.18198447598234585 -0.19746232829777044 -0.17424554982463358 -0.19591454306622974 -0.19591454306622974 -0.09685628824752832 -0.03804044944892903 0.2065096171347211 0.2730643820910327 +5504,0.6321505558088,0,0.4820153883492116 0.313306798111126 0.15078934879920322 -0.003989174355007293 -0.061257227922065886 -0.17269776459309288 -0.2500870261701981 -0.17888890551926448 -0.29032944219029144 -0.22687024769707007 -0.18198447598234585 -0.19746232829777044 -0.17424554982463358 -0.19591454306622974 -0.19591454306622974 -0.09685628824752832 -0.03804044944892903 0.2065096171347211 0.2730643820910327 0.46498975080225513 +5505,0.6089337773356631,0,0.313306798111126 0.15078934879920322 -0.003989174355007293 -0.061257227922065886 -0.17269776459309288 -0.2500870261701981 -0.17888890551926448 -0.29032944219029144 -0.22687024769707007 -0.18198447598234585 -0.19746232829777044 -0.17424554982463358 -0.19591454306622974 -0.19591454306622974 -0.09685628824752832 -0.03804044944892903 0.2065096171347211 0.2730643820910327 0.46498975080225513 0.6321505558088 +5506,0.6801318979866057,0,0.15078934879920322 -0.003989174355007293 -0.061257227922065886 -0.17269776459309288 -0.2500870261701981 -0.17888890551926448 -0.29032944219029144 -0.22687024769707007 -0.18198447598234585 -0.19746232829777044 -0.17424554982463358 -0.19591454306622974 -0.19591454306622974 -0.09685628824752832 -0.03804044944892903 0.2065096171347211 0.2730643820910327 0.46498975080225513 0.6321505558088 0.6089337773356631 +5507,0.5965514954833288,0,-0.003989174355007293 -0.061257227922065886 -0.17269776459309288 -0.2500870261701981 -0.17888890551926448 -0.29032944219029144 -0.22687024769707007 -0.18198447598234585 -0.19746232829777044 -0.17424554982463358 -0.19591454306622974 -0.19591454306622974 -0.09685628824752832 -0.03804044944892903 0.2065096171347211 0.2730643820910327 0.46498975080225513 0.6321505558088 0.6089337773356631 0.6801318979866057 +5508,0.5408312271478108,0,-0.061257227922065886 -0.17269776459309288 -0.2500870261701981 -0.17888890551926448 -0.29032944219029144 -0.22687024769707007 -0.18198447598234585 -0.19746232829777044 -0.17424554982463358 -0.19591454306622974 -0.19591454306622974 -0.09685628824752832 -0.03804044944892903 0.2065096171347211 0.2730643820910327 0.46498975080225513 0.6321505558088 0.6089337773356631 0.6801318979866057 0.5965514954833288 +5509,0.45415525418145264,0,-0.17269776459309288 -0.2500870261701981 -0.17888890551926448 -0.29032944219029144 -0.22687024769707007 -0.18198447598234585 -0.19746232829777044 -0.17424554982463358 -0.19591454306622974 -0.19591454306622974 -0.09685628824752832 -0.03804044944892903 0.2065096171347211 0.2730643820910327 0.46498975080225513 0.6321505558088 0.6089337773356631 0.6801318979866057 0.5965514954833288 0.5408312271478108 +5510,0.34735807320504775,0,-0.2500870261701981 -0.17888890551926448 -0.29032944219029144 -0.22687024769707007 -0.18198447598234585 -0.19746232829777044 -0.17424554982463358 -0.19591454306622974 -0.19591454306622974 -0.09685628824752832 -0.03804044944892903 0.2065096171347211 0.2730643820910327 0.46498975080225513 0.6321505558088 0.6089337773356631 0.6801318979866057 0.5965514954833288 0.5408312271478108 0.45415525418145264 +5511,0.16317163065153759,0,-0.17888890551926448 -0.29032944219029144 -0.22687024769707007 -0.18198447598234585 -0.19746232829777044 -0.17424554982463358 -0.19591454306622974 -0.19591454306622974 -0.09685628824752832 -0.03804044944892903 0.2065096171347211 0.2730643820910327 0.46498975080225513 0.6321505558088 0.6089337773356631 0.6801318979866057 0.5965514954833288 0.5408312271478108 0.45415525418145264 0.34735807320504775 +5512,-0.01637145620734167,0,-0.29032944219029144 -0.22687024769707007 -0.18198447598234585 -0.19746232829777044 -0.17424554982463358 -0.19591454306622974 -0.19591454306622974 -0.09685628824752832 -0.03804044944892903 0.2065096171347211 0.2730643820910327 0.46498975080225513 0.6321505558088 0.6089337773356631 0.6801318979866057 0.5965514954833288 0.5408312271478108 0.45415525418145264 0.34735807320504775 0.16317163065153759 +5513,-0.15721991227767712,0,-0.22687024769707007 -0.18198447598234585 -0.19746232829777044 -0.17424554982463358 -0.19591454306622974 -0.19591454306622974 -0.09685628824752832 -0.03804044944892903 0.2065096171347211 0.2730643820910327 0.46498975080225513 0.6321505558088 0.6089337773356631 0.6801318979866057 0.5965514954833288 0.5408312271478108 0.45415525418145264 0.34735807320504775 0.16317163065153759 -0.01637145620734167 +5514,-0.18508004644543605,0,-0.18198447598234585 -0.19746232829777044 -0.17424554982463358 -0.19591454306622974 -0.19591454306622974 -0.09685628824752832 -0.03804044944892903 0.2065096171347211 0.2730643820910327 0.46498975080225513 0.6321505558088 0.6089337773356631 0.6801318979866057 0.5965514954833288 0.5408312271478108 0.45415525418145264 0.34735807320504775 0.16317163065153759 -0.01637145620734167 -0.15721991227767712 +5515,-0.19746232829777044,0,-0.19746232829777044 -0.17424554982463358 -0.19591454306622974 -0.19591454306622974 -0.09685628824752832 -0.03804044944892903 0.2065096171347211 0.2730643820910327 0.46498975080225513 0.6321505558088 0.6089337773356631 0.6801318979866057 0.5965514954833288 0.5408312271478108 0.45415525418145264 0.34735807320504775 0.16317163065153759 -0.01637145620734167 -0.15721991227767712 -0.18508004644543605 +5516,-0.2500870261701981,0,-0.17424554982463358 -0.19591454306622974 -0.19591454306622974 -0.09685628824752832 -0.03804044944892903 0.2065096171347211 0.2730643820910327 0.46498975080225513 0.6321505558088 0.6089337773356631 0.6801318979866057 0.5965514954833288 0.5408312271478108 0.45415525418145264 0.34735807320504775 0.16317163065153759 -0.01637145620734167 -0.15721991227767712 -0.18508004644543605 -0.19746232829777044 +5517,-0.2717560194117943,0,-0.19591454306622974 -0.19591454306622974 -0.09685628824752832 -0.03804044944892903 0.2065096171347211 0.2730643820910327 0.46498975080225513 0.6321505558088 0.6089337773356631 0.6801318979866057 0.5965514954833288 0.5408312271478108 0.45415525418145264 0.34735807320504775 0.16317163065153759 -0.01637145620734167 -0.15721991227767712 -0.18508004644543605 -0.19746232829777044 -0.2500870261701981 +5518,-0.25627816709636975,0,-0.19591454306622974 -0.09685628824752832 -0.03804044944892903 0.2065096171347211 0.2730643820910327 0.46498975080225513 0.6321505558088 0.6089337773356631 0.6801318979866057 0.5965514954833288 0.5408312271478108 0.45415525418145264 0.34735807320504775 0.16317163065153759 -0.01637145620734167 -0.15721991227767712 -0.18508004644543605 -0.19746232829777044 -0.2500870261701981 -0.2717560194117943 +5519,-0.3506930662204403,0,-0.09685628824752832 -0.03804044944892903 0.2065096171347211 0.2730643820910327 0.46498975080225513 0.6321505558088 0.6089337773356631 0.6801318979866057 0.5965514954833288 0.5408312271478108 0.45415525418145264 0.34735807320504775 0.16317163065153759 -0.01637145620734167 -0.15721991227767712 -0.18508004644543605 -0.19746232829777044 -0.2500870261701981 -0.2717560194117943 -0.25627816709636975 +5520,-0.375457629925109,0,-0.03804044944892903 0.2065096171347211 0.2730643820910327 0.46498975080225513 0.6321505558088 0.6089337773356631 0.6801318979866057 0.5965514954833288 0.5408312271478108 0.45415525418145264 0.34735807320504775 0.16317163065153759 -0.01637145620734167 -0.15721991227767712 -0.18508004644543605 -0.19746232829777044 -0.2500870261701981 -0.2717560194117943 -0.25627816709636975 -0.3506930662204403 +5521,-0.4126044754821209,0,0.2065096171347211 0.2730643820910327 0.46498975080225513 0.6321505558088 0.6089337773356631 0.6801318979866057 0.5965514954833288 0.5408312271478108 0.45415525418145264 0.34735807320504775 0.16317163065153759 -0.01637145620734167 -0.15721991227767712 -0.18508004644543605 -0.19746232829777044 -0.2500870261701981 -0.2717560194117943 -0.25627816709636975 -0.3506930662204403 -0.375457629925109 +5522,-0.34140635483118725,0,0.2730643820910327 0.46498975080225513 0.6321505558088 0.6089337773356631 0.6801318979866057 0.5965514954833288 0.5408312271478108 0.45415525418145264 0.34735807320504775 0.16317163065153759 -0.01637145620734167 -0.15721991227767712 -0.18508004644543605 -0.19746232829777044 -0.2500870261701981 -0.2717560194117943 -0.25627816709636975 -0.3506930662204403 -0.375457629925109 -0.4126044754821209 +5523,-0.17734112028772378,0,0.46498975080225513 0.6321505558088 0.6089337773356631 0.6801318979866057 0.5965514954833288 0.5408312271478108 0.45415525418145264 0.34735807320504775 0.16317163065153759 -0.01637145620734167 -0.15721991227767712 -0.18508004644543605 -0.19746232829777044 -0.2500870261701981 -0.2717560194117943 -0.25627816709636975 -0.3506930662204403 -0.375457629925109 -0.4126044754821209 -0.34140635483118725 +5524,-0.08602179162673464,0,0.6321505558088 0.6089337773356631 0.6801318979866057 0.5965514954833288 0.5408312271478108 0.45415525418145264 0.34735807320504775 0.16317163065153759 -0.01637145620734167 -0.15721991227767712 -0.18508004644543605 -0.19746232829777044 -0.2500870261701981 -0.2717560194117943 -0.25627816709636975 -0.3506930662204403 -0.375457629925109 -0.4126044754821209 -0.34140635483118725 -0.17734112028772378 +5525,0.10280800662139761,0,0.6089337773356631 0.6801318979866057 0.5965514954833288 0.5408312271478108 0.45415525418145264 0.34735807320504775 0.16317163065153759 -0.01637145620734167 -0.15721991227767712 -0.18508004644543605 -0.19746232829777044 -0.2500870261701981 -0.2717560194117943 -0.25627816709636975 -0.3506930662204403 -0.375457629925109 -0.4126044754821209 -0.34140635483118725 -0.17734112028772378 -0.08602179162673464 +5526,0.3272368651950011,0,0.6801318979866057 0.5965514954833288 0.5408312271478108 0.45415525418145264 0.34735807320504775 0.16317163065153759 -0.01637145620734167 -0.15721991227767712 -0.18508004644543605 -0.19746232829777044 -0.2500870261701981 -0.2717560194117943 -0.25627816709636975 -0.3506930662204403 -0.375457629925109 -0.4126044754821209 -0.34140635483118725 -0.17734112028772378 -0.08602179162673464 0.10280800662139761 +5527,0.5207100191377643,0,0.5965514954833288 0.5408312271478108 0.45415525418145264 0.34735807320504775 0.16317163065153759 -0.01637145620734167 -0.15721991227767712 -0.18508004644543605 -0.19746232829777044 -0.2500870261701981 -0.2717560194117943 -0.25627816709636975 -0.3506930662204403 -0.375457629925109 -0.4126044754821209 -0.34140635483118725 -0.17734112028772378 -0.08602179162673464 0.10280800662139761 0.3272368651950011 +5528,0.6770363275235243,0,0.5408312271478108 0.45415525418145264 0.34735807320504775 0.16317163065153759 -0.01637145620734167 -0.15721991227767712 -0.18508004644543605 -0.19746232829777044 -0.2500870261701981 -0.2717560194117943 -0.25627816709636975 -0.3506930662204403 -0.375457629925109 -0.4126044754821209 -0.34140635483118725 -0.17734112028772378 -0.08602179162673464 0.10280800662139761 0.3272368651950011 0.5207100191377643 +5529,0.743591092479827,0,0.45415525418145264 0.34735807320504775 0.16317163065153759 -0.01637145620734167 -0.15721991227767712 -0.18508004644543605 -0.19746232829777044 -0.2500870261701981 -0.2717560194117943 -0.25627816709636975 -0.3506930662204403 -0.375457629925109 -0.4126044754821209 -0.34140635483118725 -0.17734112028772378 -0.08602179162673464 0.10280800662139761 0.3272368651950011 0.5207100191377643 0.6770363275235243 +5530,0.7931202198891821,0,0.34735807320504775 0.16317163065153759 -0.01637145620734167 -0.15721991227767712 -0.18508004644543605 -0.19746232829777044 -0.2500870261701981 -0.2717560194117943 -0.25627816709636975 -0.3506930662204403 -0.375457629925109 -0.4126044754821209 -0.34140635483118725 -0.17734112028772378 -0.08602179162673464 0.10280800662139761 0.3272368651950011 0.5207100191377643 0.6770363275235243 0.743591092479827 +5531,0.7977635755838042,0,0.16317163065153759 -0.01637145620734167 -0.15721991227767712 -0.18508004644543605 -0.19746232829777044 -0.2500870261701981 -0.2717560194117943 -0.25627816709636975 -0.3506930662204403 -0.375457629925109 -0.4126044754821209 -0.34140635483118725 -0.17734112028772378 -0.08602179162673464 0.10280800662139761 0.3272368651950011 0.5207100191377643 0.6770363275235243 0.743591092479827 0.7931202198891821 +5532,0.7126353878489867,0,-0.01637145620734167 -0.15721991227767712 -0.18508004644543605 -0.19746232829777044 -0.2500870261701981 -0.2717560194117943 -0.25627816709636975 -0.3506930662204403 -0.375457629925109 -0.4126044754821209 -0.34140635483118725 -0.17734112028772378 -0.08602179162673464 0.10280800662139761 0.3272368651950011 0.5207100191377643 0.6770363275235243 0.743591092479827 0.7931202198891821 0.7977635755838042 +5533,0.6275072001141692,0,-0.15721991227767712 -0.18508004644543605 -0.19746232829777044 -0.2500870261701981 -0.2717560194117943 -0.25627816709636975 -0.3506930662204403 -0.375457629925109 -0.4126044754821209 -0.34140635483118725 -0.17734112028772378 -0.08602179162673464 0.10280800662139761 0.3272368651950011 0.5207100191377643 0.6770363275235243 0.743591092479827 0.7931202198891821 0.7977635755838042 0.7126353878489867 +5534,0.45105968371837124,0,-0.18508004644543605 -0.19746232829777044 -0.2500870261701981 -0.2717560194117943 -0.25627816709636975 -0.3506930662204403 -0.375457629925109 -0.4126044754821209 -0.34140635483118725 -0.17734112028772378 -0.08602179162673464 0.10280800662139761 0.3272368651950011 0.5207100191377643 0.6770363275235243 0.743591092479827 0.7931202198891821 0.7977635755838042 0.7126353878489867 0.6275072001141692 +5535,0.2668732411648611,0,-0.19746232829777044 -0.2500870261701981 -0.2717560194117943 -0.25627816709636975 -0.3506930662204403 -0.375457629925109 -0.4126044754821209 -0.34140635483118725 -0.17734112028772378 -0.08602179162673464 0.10280800662139761 0.3272368651950011 0.5207100191377643 0.6770363275235243 0.743591092479827 0.7931202198891821 0.7977635755838042 0.7126353878489867 0.6275072001141692 0.45105968371837124 +5536,0.11828585893682218,0,-0.2500870261701981 -0.2717560194117943 -0.25627816709636975 -0.3506930662204403 -0.375457629925109 -0.4126044754821209 -0.34140635483118725 -0.17734112028772378 -0.08602179162673464 0.10280800662139761 0.3272368651950011 0.5207100191377643 0.6770363275235243 0.743591092479827 0.7931202198891821 0.7977635755838042 0.7126353878489867 0.6275072001141692 0.45105968371837124 0.2668732411648611 +5537,-0.13864648949917113,0,-0.2717560194117943 -0.25627816709636975 -0.3506930662204403 -0.375457629925109 -0.4126044754821209 -0.34140635483118725 -0.17734112028772378 -0.08602179162673464 0.10280800662139761 0.3272368651950011 0.5207100191377643 0.6770363275235243 0.743591092479827 0.7931202198891821 0.7977635755838042 0.7126353878489867 0.6275072001141692 0.45105968371837124 0.2668732411648611 0.11828585893682218 +5538,-0.14483763042533393,0,-0.25627816709636975 -0.3506930662204403 -0.375457629925109 -0.4126044754821209 -0.34140635483118725 -0.17734112028772378 -0.08602179162673464 0.10280800662139761 0.3272368651950011 0.5207100191377643 0.6770363275235243 0.743591092479827 0.7931202198891821 0.7977635755838042 0.7126353878489867 0.6275072001141692 0.45105968371837124 0.2668732411648611 0.11828585893682218 -0.13864648949917113 +5539,-0.20210568399239254,0,-0.3506930662204403 -0.375457629925109 -0.4126044754821209 -0.34140635483118725 -0.17734112028772378 -0.08602179162673464 0.10280800662139761 0.3272368651950011 0.5207100191377643 0.6770363275235243 0.743591092479827 0.7931202198891821 0.7977635755838042 0.7126353878489867 0.6275072001141692 0.45105968371837124 0.2668732411648611 0.11828585893682218 -0.13864648949917113 -0.14483763042533393 +5540,-0.36617091853585604,0,-0.375457629925109 -0.4126044754821209 -0.34140635483118725 -0.17734112028772378 -0.08602179162673464 0.10280800662139761 0.3272368651950011 0.5207100191377643 0.6770363275235243 0.743591092479827 0.7931202198891821 0.7977635755838042 0.7126353878489867 0.6275072001141692 0.45105968371837124 0.2668732411648611 0.11828585893682218 -0.13864648949917113 -0.14483763042533393 -0.20210568399239254 +5541,-0.4745158847438104,0,-0.4126044754821209 -0.34140635483118725 -0.17734112028772378 -0.08602179162673464 0.10280800662139761 0.3272368651950011 0.5207100191377643 0.6770363275235243 0.743591092479827 0.7931202198891821 0.7977635755838042 0.7126353878489867 0.6275072001141692 0.45105968371837124 0.2668732411648611 0.11828585893682218 -0.13864648949917113 -0.14483763042533393 -0.20210568399239254 -0.36617091853585604 +5542,-0.5488095758578255,0,-0.34140635483118725 -0.17734112028772378 -0.08602179162673464 0.10280800662139761 0.3272368651950011 0.5207100191377643 0.6770363275235243 0.743591092479827 0.7931202198891821 0.7977635755838042 0.7126353878489867 0.6275072001141692 0.45105968371837124 0.2668732411648611 0.11828585893682218 -0.13864648949917113 -0.14483763042533393 -0.20210568399239254 -0.36617091853585604 -0.4745158847438104 +5543,-0.5936953475725497,0,-0.17734112028772378 -0.08602179162673464 0.10280800662139761 0.3272368651950011 0.5207100191377643 0.6770363275235243 0.743591092479827 0.7931202198891821 0.7977635755838042 0.7126353878489867 0.6275072001141692 0.45105968371837124 0.2668732411648611 0.11828585893682218 -0.13864648949917113 -0.14483763042533393 -0.20210568399239254 -0.36617091853585604 -0.4745158847438104 -0.5488095758578255 +5544,-0.5998864884987125,0,-0.08602179162673464 0.10280800662139761 0.3272368651950011 0.5207100191377643 0.6770363275235243 0.743591092479827 0.7931202198891821 0.7977635755838042 0.7126353878489867 0.6275072001141692 0.45105968371837124 0.2668732411648611 0.11828585893682218 -0.13864648949917113 -0.14483763042533393 -0.20210568399239254 -0.36617091853585604 -0.4745158847438104 -0.5488095758578255 -0.5936953475725497 +5545,-0.6231032669718494,0,0.10280800662139761 0.3272368651950011 0.5207100191377643 0.6770363275235243 0.743591092479827 0.7931202198891821 0.7977635755838042 0.7126353878489867 0.6275072001141692 0.45105968371837124 0.2668732411648611 0.11828585893682218 -0.13864648949917113 -0.14483763042533393 -0.20210568399239254 -0.36617091853585604 -0.4745158847438104 -0.5488095758578255 -0.5936953475725497 -0.5998864884987125 +5546,-0.5333317235424098,0,0.3272368651950011 0.5207100191377643 0.6770363275235243 0.743591092479827 0.7931202198891821 0.7977635755838042 0.7126353878489867 0.6275072001141692 0.45105968371837124 0.2668732411648611 0.11828585893682218 -0.13864648949917113 -0.14483763042533393 -0.20210568399239254 -0.36617091853585604 -0.4745158847438104 -0.5488095758578255 -0.5936953475725497 -0.5998864884987125 -0.6231032669718494 +5547,-0.3197373615895999,0,0.5207100191377643 0.6770363275235243 0.743591092479827 0.7931202198891821 0.7977635755838042 0.7126353878489867 0.6275072001141692 0.45105968371837124 0.2668732411648611 0.11828585893682218 -0.13864648949917113 -0.14483763042533393 -0.20210568399239254 -0.36617091853585604 -0.4745158847438104 -0.5488095758578255 -0.5936953475725497 -0.5998864884987125 -0.6231032669718494 -0.5333317235424098 +5548,-0.02875373805967605,0,0.6770363275235243 0.743591092479827 0.7931202198891821 0.7977635755838042 0.7126353878489867 0.6275072001141692 0.45105968371837124 0.2668732411648611 0.11828585893682218 -0.13864648949917113 -0.14483763042533393 -0.20210568399239254 -0.36617091853585604 -0.4745158847438104 -0.5488095758578255 -0.5936953475725497 -0.5998864884987125 -0.6231032669718494 -0.5333317235424098 -0.3197373615895999 +5549,0.25449095931252674,0,0.743591092479827 0.7931202198891821 0.7977635755838042 0.7126353878489867 0.6275072001141692 0.45105968371837124 0.2668732411648611 0.11828585893682218 -0.13864648949917113 -0.14483763042533393 -0.20210568399239254 -0.36617091853585604 -0.4745158847438104 -0.5488095758578255 -0.5936953475725497 -0.5998864884987125 -0.6231032669718494 -0.5333317235424098 -0.3197373615895999 -0.02875373805967605 +5550,0.5238055896008544,0,0.7931202198891821 0.7977635755838042 0.7126353878489867 0.6275072001141692 0.45105968371837124 0.2668732411648611 0.11828585893682218 -0.13864648949917113 -0.14483763042533393 -0.20210568399239254 -0.36617091853585604 -0.4745158847438104 -0.5488095758578255 -0.5936953475725497 -0.5998864884987125 -0.6231032669718494 -0.5333317235424098 -0.3197373615895999 -0.02875373805967605 0.25449095931252674 +5551,0.5980992807148695,0,0.7977635755838042 0.7126353878489867 0.6275072001141692 0.45105968371837124 0.2668732411648611 0.11828585893682218 -0.13864648949917113 -0.14483763042533393 -0.20210568399239254 -0.36617091853585604 -0.4745158847438104 -0.5488095758578255 -0.5936953475725497 -0.5998864884987125 -0.6231032669718494 -0.5333317235424098 -0.3197373615895999 -0.02875373805967605 0.25449095931252674 0.5238055896008544 +5552,0.8395537768354382,0,0.7126353878489867 0.6275072001141692 0.45105968371837124 0.2668732411648611 0.11828585893682218 -0.13864648949917113 -0.14483763042533393 -0.20210568399239254 -0.36617091853585604 -0.4745158847438104 -0.5488095758578255 -0.5936953475725497 -0.5998864884987125 -0.6231032669718494 -0.5333317235424098 -0.3197373615895999 -0.02875373805967605 0.25449095931252674 0.5238055896008544 0.5980992807148695 +5553,0.8024069312784263,0,0.6275072001141692 0.45105968371837124 0.2668732411648611 0.11828585893682218 -0.13864648949917113 -0.14483763042533393 -0.20210568399239254 -0.36617091853585604 -0.4745158847438104 -0.5488095758578255 -0.5936953475725497 -0.5998864884987125 -0.6231032669718494 -0.5333317235424098 -0.3197373615895999 -0.02875373805967605 0.25449095931252674 0.5238055896008544 0.5980992807148695 0.8395537768354382 +5554,0.8209803540569323,0,0.45105968371837124 0.2668732411648611 0.11828585893682218 -0.13864648949917113 -0.14483763042533393 -0.20210568399239254 -0.36617091853585604 -0.4745158847438104 -0.5488095758578255 -0.5936953475725497 -0.5998864884987125 -0.6231032669718494 -0.5333317235424098 -0.3197373615895999 -0.02875373805967605 0.25449095931252674 0.5238055896008544 0.5980992807148695 0.8395537768354382 0.8024069312784263 +5555,0.8519360586877814,0,0.2668732411648611 0.11828585893682218 -0.13864648949917113 -0.14483763042533393 -0.20210568399239254 -0.36617091853585604 -0.4745158847438104 -0.5488095758578255 -0.5936953475725497 -0.5998864884987125 -0.6231032669718494 -0.5333317235424098 -0.3197373615895999 -0.02875373805967605 0.25449095931252674 0.5238055896008544 0.5980992807148695 0.8395537768354382 0.8024069312784263 0.8209803540569323 +5556,0.8565794143824035,0,0.11828585893682218 -0.13864648949917113 -0.14483763042533393 -0.20210568399239254 -0.36617091853585604 -0.4745158847438104 -0.5488095758578255 -0.5936953475725497 -0.5998864884987125 -0.6231032669718494 -0.5333317235424098 -0.3197373615895999 -0.02875373805967605 0.25449095931252674 0.5238055896008544 0.5980992807148695 0.8395537768354382 0.8024069312784263 0.8209803540569323 0.8519360586877814 +5557,0.8209803540569323,0,-0.13864648949917113 -0.14483763042533393 -0.20210568399239254 -0.36617091853585604 -0.4745158847438104 -0.5488095758578255 -0.5936953475725497 -0.5998864884987125 -0.6231032669718494 -0.5333317235424098 -0.3197373615895999 -0.02875373805967605 0.25449095931252674 0.5238055896008544 0.5980992807148695 0.8395537768354382 0.8024069312784263 0.8209803540569323 0.8519360586877814 0.8565794143824035 +5558,0.6120293477987534,0,-0.14483763042533393 -0.20210568399239254 -0.36617091853585604 -0.4745158847438104 -0.5488095758578255 -0.5936953475725497 -0.5998864884987125 -0.6231032669718494 -0.5333317235424098 -0.3197373615895999 -0.02875373805967605 0.25449095931252674 0.5238055896008544 0.5980992807148695 0.8395537768354382 0.8024069312784263 0.8209803540569323 0.8519360586877814 0.8565794143824035 0.8209803540569323 +5559,0.4262951200137025,0,-0.20210568399239254 -0.36617091853585604 -0.4745158847438104 -0.5488095758578255 -0.5936953475725497 -0.5998864884987125 -0.6231032669718494 -0.5333317235424098 -0.3197373615895999 -0.02875373805967605 0.25449095931252674 0.5238055896008544 0.5980992807148695 0.8395537768354382 0.8024069312784263 0.8209803540569323 0.8519360586877814 0.8565794143824035 0.8209803540569323 0.6120293477987534 +5560,0.20031847620854953,0,-0.36617091853585604 -0.4745158847438104 -0.5488095758578255 -0.5936953475725497 -0.5998864884987125 -0.6231032669718494 -0.5333317235424098 -0.3197373615895999 -0.02875373805967605 0.25449095931252674 0.5238055896008544 0.5980992807148695 0.8395537768354382 0.8024069312784263 0.8209803540569323 0.8519360586877814 0.8565794143824035 0.8209803540569323 0.6120293477987534 0.4262951200137025 +5561,0.06101780536976358,0,-0.4745158847438104 -0.5488095758578255 -0.5936953475725497 -0.5998864884987125 -0.6231032669718494 -0.5333317235424098 -0.3197373615895999 -0.02875373805967605 0.25449095931252674 0.5238055896008544 0.5980992807148695 0.8395537768354382 0.8024069312784263 0.8209803540569323 0.8519360586877814 0.8565794143824035 0.8209803540569323 0.6120293477987534 0.4262951200137025 0.20031847620854953 +5562,-0.002441389123466596,0,-0.5488095758578255 -0.5936953475725497 -0.5998864884987125 -0.6231032669718494 -0.5333317235424098 -0.3197373615895999 -0.02875373805967605 0.25449095931252674 0.5238055896008544 0.5980992807148695 0.8395537768354382 0.8024069312784263 0.8209803540569323 0.8519360586877814 0.8565794143824035 0.8209803540569323 0.6120293477987534 0.4262951200137025 0.20031847620854953 0.06101780536976358 +5563,-0.09840407347907781,0,-0.5936953475725497 -0.5998864884987125 -0.6231032669718494 -0.5333317235424098 -0.3197373615895999 -0.02875373805967605 0.25449095931252674 0.5238055896008544 0.5980992807148695 0.8395537768354382 0.8024069312784263 0.8209803540569323 0.8519360586877814 0.8565794143824035 0.8209803540569323 0.6120293477987534 0.4262951200137025 0.20031847620854953 0.06101780536976358 -0.002441389123466596 +5564,-0.15257655658304622,0,-0.5998864884987125 -0.6231032669718494 -0.5333317235424098 -0.3197373615895999 -0.02875373805967605 0.25449095931252674 0.5238055896008544 0.5980992807148695 0.8395537768354382 0.8024069312784263 0.8209803540569323 0.8519360586877814 0.8565794143824035 0.8209803540569323 0.6120293477987534 0.4262951200137025 0.20031847620854953 0.06101780536976358 -0.002441389123466596 -0.09840407347907781 +5565,-0.2206791067708985,0,-0.6231032669718494 -0.5333317235424098 -0.3197373615895999 -0.02875373805967605 0.25449095931252674 0.5238055896008544 0.5980992807148695 0.8395537768354382 0.8024069312784263 0.8209803540569323 0.8519360586877814 0.8565794143824035 0.8209803540569323 0.6120293477987534 0.4262951200137025 0.20031847620854953 0.06101780536976358 -0.002441389123466596 -0.09840407347907781 -0.15257655658304622 +5566,-0.29187722742184097,0,-0.5333317235424098 -0.3197373615895999 -0.02875373805967605 0.25449095931252674 0.5238055896008544 0.5980992807148695 0.8395537768354382 0.8024069312784263 0.8209803540569323 0.8519360586877814 0.8565794143824035 0.8209803540569323 0.6120293477987534 0.4262951200137025 0.20031847620854953 0.06101780536976358 -0.002441389123466596 -0.09840407347907781 -0.15257655658304622 -0.2206791067708985 +5567,-0.3259285025157627,0,-0.3197373615895999 -0.02875373805967605 0.25449095931252674 0.5238055896008544 0.5980992807148695 0.8395537768354382 0.8024069312784263 0.8209803540569323 0.8519360586877814 0.8565794143824035 0.8209803540569323 0.6120293477987534 0.4262951200137025 0.20031847620854953 0.06101780536976358 -0.002441389123466596 -0.09840407347907781 -0.15257655658304622 -0.2206791067708985 -0.29187722742184097 +5568,-0.3383107843680971,0,-0.02875373805967605 0.25449095931252674 0.5238055896008544 0.5980992807148695 0.8395537768354382 0.8024069312784263 0.8209803540569323 0.8519360586877814 0.8565794143824035 0.8209803540569323 0.6120293477987534 0.4262951200137025 0.20031847620854953 0.06101780536976358 -0.002441389123466596 -0.09840407347907781 -0.15257655658304622 -0.2206791067708985 -0.29187722742184097 -0.3259285025157627 +5569,-0.3259285025157627,0,0.25449095931252674 0.5238055896008544 0.5980992807148695 0.8395537768354382 0.8024069312784263 0.8209803540569323 0.8519360586877814 0.8565794143824035 0.8209803540569323 0.6120293477987534 0.4262951200137025 0.20031847620854953 0.06101780536976358 -0.002441389123466596 -0.09840407347907781 -0.15257655658304622 -0.2206791067708985 -0.29187722742184097 -0.3259285025157627 -0.3383107843680971 +5570,-0.2748515898748757,0,0.5238055896008544 0.5980992807148695 0.8395537768354382 0.8024069312784263 0.8209803540569323 0.8519360586877814 0.8565794143824035 0.8209803540569323 0.6120293477987534 0.4262951200137025 0.20031847620854953 0.06101780536976358 -0.002441389123466596 -0.09840407347907781 -0.15257655658304622 -0.2206791067708985 -0.29187722742184097 -0.3259285025157627 -0.3383107843680971 -0.3259285025157627 +5571,-0.008632530049629385,0,0.5980992807148695 0.8395537768354382 0.8024069312784263 0.8209803540569323 0.8519360586877814 0.8565794143824035 0.8209803540569323 0.6120293477987534 0.4262951200137025 0.20031847620854953 0.06101780536976358 -0.002441389123466596 -0.09840407347907781 -0.15257655658304622 -0.2206791067708985 -0.29187722742184097 -0.3259285025157627 -0.3383107843680971 -0.3259285025157627 -0.2748515898748757 +5572,0.2111529728293432,0,0.8395537768354382 0.8024069312784263 0.8209803540569323 0.8519360586877814 0.8565794143824035 0.8209803540569323 0.6120293477987534 0.4262951200137025 0.20031847620854953 0.06101780536976358 -0.002441389123466596 -0.09840407347907781 -0.15257655658304622 -0.2206791067708985 -0.29187722742184097 -0.3259285025157627 -0.3383107843680971 -0.3259285025157627 -0.2748515898748757 -0.008632530049629385 +5573,0.5207100191377643,0,0.8024069312784263 0.8209803540569323 0.8519360586877814 0.8565794143824035 0.8209803540569323 0.6120293477987534 0.4262951200137025 0.20031847620854953 0.06101780536976358 -0.002441389123466596 -0.09840407347907781 -0.15257655658304622 -0.2206791067708985 -0.29187722742184097 -0.3259285025157627 -0.3383107843680971 -0.3259285025157627 -0.2748515898748757 -0.008632530049629385 0.2111529728293432 +5574,0.8101458574361385,0,0.8209803540569323 0.8519360586877814 0.8565794143824035 0.8209803540569323 0.6120293477987534 0.4262951200137025 0.20031847620854953 0.06101780536976358 -0.002441389123466596 -0.09840407347907781 -0.15257655658304622 -0.2206791067708985 -0.29187722742184097 -0.3259285025157627 -0.3383107843680971 -0.3259285025157627 -0.2748515898748757 -0.008632530049629385 0.2111529728293432 0.5207100191377643 +5575,1.1119639775868473,0,0.8519360586877814 0.8565794143824035 0.8209803540569323 0.6120293477987534 0.4262951200137025 0.20031847620854953 0.06101780536976358 -0.002441389123466596 -0.09840407347907781 -0.15257655658304622 -0.2206791067708985 -0.29187722742184097 -0.3259285025157627 -0.3383107843680971 -0.3259285025157627 -0.2748515898748757 -0.008632530049629385 0.2111529728293432 0.5207100191377643 0.8101458574361385 +5576,1.2574557893518137,0,0.8565794143824035 0.8209803540569323 0.6120293477987534 0.4262951200137025 0.20031847620854953 0.06101780536976358 -0.002441389123466596 -0.09840407347907781 -0.15257655658304622 -0.2206791067708985 -0.29187722742184097 -0.3259285025157627 -0.3383107843680971 -0.3259285025157627 -0.2748515898748757 -0.008632530049629385 0.2111529728293432 0.5207100191377643 0.8101458574361385 1.1119639775868473 +5577,1.5051014263985452,0,0.8209803540569323 0.6120293477987534 0.4262951200137025 0.20031847620854953 0.06101780536976358 -0.002441389123466596 -0.09840407347907781 -0.15257655658304622 -0.2206791067708985 -0.29187722742184097 -0.3259285025157627 -0.3383107843680971 -0.3259285025157627 -0.2748515898748757 -0.008632530049629385 0.2111529728293432 0.5207100191377643 0.8101458574361385 1.1119639775868473 1.2574557893518137 +5578,1.6552365938581337,0,0.6120293477987534 0.4262951200137025 0.20031847620854953 0.06101780536976358 -0.002441389123466596 -0.09840407347907781 -0.15257655658304622 -0.2206791067708985 -0.29187722742184097 -0.3259285025157627 -0.3383107843680971 -0.3259285025157627 -0.2748515898748757 -0.008632530049629385 0.2111529728293432 0.5207100191377643 0.8101458574361385 1.1119639775868473 1.2574557893518137 1.5051014263985452 +5579,1.5592739095025223,0,0.4262951200137025 0.20031847620854953 0.06101780536976358 -0.002441389123466596 -0.09840407347907781 -0.15257655658304622 -0.2206791067708985 -0.29187722742184097 -0.3259285025157627 -0.3383107843680971 -0.3259285025157627 -0.2748515898748757 -0.008632530049629385 0.2111529728293432 0.5207100191377643 0.8101458574361385 1.1119639775868473 1.2574557893518137 1.5051014263985452 1.6552365938581337 +5580,1.4447378023684052,0,0.20031847620854953 0.06101780536976358 -0.002441389123466596 -0.09840407347907781 -0.15257655658304622 -0.2206791067708985 -0.29187722742184097 -0.3259285025157627 -0.3383107843680971 -0.3259285025157627 -0.2748515898748757 -0.008632530049629385 0.2111529728293432 0.5207100191377643 0.8101458574361385 1.1119639775868473 1.2574557893518137 1.5051014263985452 1.6552365938581337 1.5592739095025223 +5581,1.2775769973618603,0,0.06101780536976358 -0.002441389123466596 -0.09840407347907781 -0.15257655658304622 -0.2206791067708985 -0.29187722742184097 -0.3259285025157627 -0.3383107843680971 -0.3259285025157627 -0.2748515898748757 -0.008632530049629385 0.2111529728293432 0.5207100191377643 0.8101458574361385 1.1119639775868473 1.2574557893518137 1.5051014263985452 1.6552365938581337 1.5592739095025223 1.4447378023684052 +5582,1.0500525683251667,0,-0.002441389123466596 -0.09840407347907781 -0.15257655658304622 -0.2206791067708985 -0.29187722742184097 -0.3259285025157627 -0.3383107843680971 -0.3259285025157627 -0.2748515898748757 -0.008632530049629385 0.2111529728293432 0.5207100191377643 0.8101458574361385 1.1119639775868473 1.2574557893518137 1.5051014263985452 1.6552365938581337 1.5592739095025223 1.4447378023684052 1.2775769973618603 +5583,0.7590689447952516,0,-0.09840407347907781 -0.15257655658304622 -0.2206791067708985 -0.29187722742184097 -0.3259285025157627 -0.3383107843680971 -0.3259285025157627 -0.2748515898748757 -0.008632530049629385 0.2111529728293432 0.5207100191377643 0.8101458574361385 1.1119639775868473 1.2574557893518137 1.5051014263985452 1.6552365938581337 1.5592739095025223 1.4447378023684052 1.2775769973618603 1.0500525683251667 +5584,0.5176144486746829,0,-0.15257655658304622 -0.2206791067708985 -0.29187722742184097 -0.3259285025157627 -0.3383107843680971 -0.3259285025157627 -0.2748515898748757 -0.008632530049629385 0.2111529728293432 0.5207100191377643 0.8101458574361385 1.1119639775868473 1.2574557893518137 1.5051014263985452 1.6552365938581337 1.5592739095025223 1.4447378023684052 1.2775769973618603 1.0500525683251667 0.7590689447952516 +5585,0.30556787195341373,0,-0.2206791067708985 -0.29187722742184097 -0.3259285025157627 -0.3383107843680971 -0.3259285025157627 -0.2748515898748757 -0.008632530049629385 0.2111529728293432 0.5207100191377643 0.8101458574361385 1.1119639775868473 1.2574557893518137 1.5051014263985452 1.6552365938581337 1.5592739095025223 1.4447378023684052 1.2775769973618603 1.0500525683251667 0.7590689447952516 0.5176144486746829 +5586,0.16471941588308708,0,-0.29187722742184097 -0.3259285025157627 -0.3383107843680971 -0.3259285025157627 -0.2748515898748757 -0.008632530049629385 0.2111529728293432 0.5207100191377643 0.8101458574361385 1.1119639775868473 1.2574557893518137 1.5051014263985452 1.6552365938581337 1.5592739095025223 1.4447378023684052 1.2775769973618603 1.0500525683251667 0.7590689447952516 0.5176144486746829 0.30556787195341373 +5587,0.07649565768517935,0,-0.3259285025157627 -0.3383107843680971 -0.3259285025157627 -0.2748515898748757 -0.008632530049629385 0.2111529728293432 0.5207100191377643 0.8101458574361385 1.1119639775868473 1.2574557893518137 1.5051014263985452 1.6552365938581337 1.5592739095025223 1.4447378023684052 1.2775769973618603 1.0500525683251667 0.7590689447952516 0.5176144486746829 0.30556787195341373 0.16471941588308708 +5588,0.00994089272887658,0,-0.3383107843680971 -0.3259285025157627 -0.2748515898748757 -0.008632530049629385 0.2111529728293432 0.5207100191377643 0.8101458574361385 1.1119639775868473 1.2574557893518137 1.5051014263985452 1.6552365938581337 1.5592739095025223 1.4447378023684052 1.2775769973618603 1.0500525683251667 0.7590689447952516 0.5176144486746829 0.30556787195341373 0.16471941588308708 0.07649565768517935 +5589,-0.01637145620734167,0,-0.3259285025157627 -0.2748515898748757 -0.008632530049629385 0.2111529728293432 0.5207100191377643 0.8101458574361385 1.1119639775868473 1.2574557893518137 1.5051014263985452 1.6552365938581337 1.5592739095025223 1.4447378023684052 1.2775769973618603 1.0500525683251667 0.7590689447952516 0.5176144486746829 0.30556787195341373 0.16471941588308708 0.07649565768517935 0.00994089272887658 +5590,-0.08756957685828413,0,-0.2748515898748757 -0.008632530049629385 0.2111529728293432 0.5207100191377643 0.8101458574361385 1.1119639775868473 1.2574557893518137 1.5051014263985452 1.6552365938581337 1.5592739095025223 1.4447378023684052 1.2775769973618603 1.0500525683251667 0.7590689447952516 0.5176144486746829 0.30556787195341373 0.16471941588308708 0.07649565768517935 0.00994089272887658 -0.01637145620734167 +5591,-0.11233414056295289,0,-0.008632530049629385 0.2111529728293432 0.5207100191377643 0.8101458574361385 1.1119639775868473 1.2574557893518137 1.5051014263985452 1.6552365938581337 1.5592739095025223 1.4447378023684052 1.2775769973618603 1.0500525683251667 0.7590689447952516 0.5176144486746829 0.30556787195341373 0.16471941588308708 0.07649565768517935 0.00994089272887658 -0.01637145620734167 -0.08756957685828413 +5592,-0.12162085195220587,0,0.2111529728293432 0.5207100191377643 0.8101458574361385 1.1119639775868473 1.2574557893518137 1.5051014263985452 1.6552365938581337 1.5592739095025223 1.4447378023684052 1.2775769973618603 1.0500525683251667 0.7590689447952516 0.5176144486746829 0.30556787195341373 0.16471941588308708 0.07649565768517935 0.00994089272887658 -0.01637145620734167 -0.08756957685828413 -0.11233414056295289 +5593,-0.14483763042533393,0,0.5207100191377643 0.8101458574361385 1.1119639775868473 1.2574557893518137 1.5051014263985452 1.6552365938581337 1.5592739095025223 1.4447378023684052 1.2775769973618603 1.0500525683251667 0.7590689447952516 0.5176144486746829 0.30556787195341373 0.16471941588308708 0.07649565768517935 0.00994089272887658 -0.01637145620734167 -0.08756957685828413 -0.11233414056295289 -0.12162085195220587 +5594,-0.12626420764683677,0,0.8101458574361385 1.1119639775868473 1.2574557893518137 1.5051014263985452 1.6552365938581337 1.5592739095025223 1.4447378023684052 1.2775769973618603 1.0500525683251667 0.7590689447952516 0.5176144486746829 0.30556787195341373 0.16471941588308708 0.07649565768517935 0.00994089272887658 -0.01637145620734167 -0.08756957685828413 -0.11233414056295289 -0.12162085195220587 -0.14483763042533393 +5595,-0.030301523291225544,0,1.1119639775868473 1.2574557893518137 1.5051014263985452 1.6552365938581337 1.5592739095025223 1.4447378023684052 1.2775769973618603 1.0500525683251667 0.7590689447952516 0.5176144486746829 0.30556787195341373 0.16471941588308708 0.07649565768517935 0.00994089272887658 -0.01637145620734167 -0.08756957685828413 -0.11233414056295289 -0.12162085195220587 -0.14483763042533393 -0.12626420764683677 +5596,0.11054693277910989,0,1.2574557893518137 1.5051014263985452 1.6552365938581337 1.5592739095025223 1.4447378023684052 1.2775769973618603 1.0500525683251667 0.7590689447952516 0.5176144486746829 0.30556787195341373 0.16471941588308708 0.07649565768517935 0.00994089272887658 -0.01637145620734167 -0.08756957685828413 -0.11233414056295289 -0.12162085195220587 -0.14483763042533393 -0.12626420764683677 -0.030301523291225544 +5597,0.3086634424164951,0,1.5051014263985452 1.6552365938581337 1.5592739095025223 1.4447378023684052 1.2775769973618603 1.0500525683251667 0.7590689447952516 0.5176144486746829 0.30556787195341373 0.16471941588308708 0.07649565768517935 0.00994089272887658 -0.01637145620734167 -0.08756957685828413 -0.11233414056295289 -0.12162085195220587 -0.14483763042533393 -0.12626420764683677 -0.030301523291225544 0.11054693277910989 +5598,0.6042904216410411,0,1.6552365938581337 1.5592739095025223 1.4447378023684052 1.2775769973618603 1.0500525683251667 0.7590689447952516 0.5176144486746829 0.30556787195341373 0.16471941588308708 0.07649565768517935 0.00994089272887658 -0.01637145620734167 -0.08756957685828413 -0.11233414056295289 -0.12162085195220587 -0.14483763042533393 -0.12626420764683677 -0.030301523291225544 0.11054693277910989 0.3086634424164951 +5599,0.8968218304024969,0,1.5592739095025223 1.4447378023684052 1.2775769973618603 1.0500525683251667 0.7590689447952516 0.5176144486746829 0.30556787195341373 0.16471941588308708 0.07649565768517935 0.00994089272887658 -0.01637145620734167 -0.08756957685828413 -0.11233414056295289 -0.12162085195220587 -0.14483763042533393 -0.12626420764683677 -0.030301523291225544 0.11054693277910989 0.3086634424164951 0.6042904216410411 +5600,1.0516003535567073,0,1.4447378023684052 1.2775769973618603 1.0500525683251667 0.7590689447952516 0.5176144486746829 0.30556787195341373 0.16471941588308708 0.07649565768517935 0.00994089272887658 -0.01637145620734167 -0.08756957685828413 -0.11233414056295289 -0.12162085195220587 -0.14483763042533393 -0.12626420764683677 -0.030301523291225544 0.11054693277910989 0.3086634424164951 0.6042904216410411 0.8968218304024969 +5601,1.2265000847209646,0,1.2775769973618603 1.0500525683251667 0.7590689447952516 0.5176144486746829 0.30556787195341373 0.16471941588308708 0.07649565768517935 0.00994089272887658 -0.01637145620734167 -0.08756957685828413 -0.11233414056295289 -0.12162085195220587 -0.14483763042533393 -0.12626420764683677 -0.030301523291225544 0.11054693277910989 0.3086634424164951 0.6042904216410411 0.8968218304024969 1.0516003535567073 +5602,1.285315923519564,0,1.0500525683251667 0.7590689447952516 0.5176144486746829 0.30556787195341373 0.16471941588308708 0.07649565768517935 0.00994089272887658 -0.01637145620734167 -0.08756957685828413 -0.11233414056295289 -0.12162085195220587 -0.14483763042533393 -0.12626420764683677 -0.030301523291225544 0.11054693277910989 0.3086634424164951 0.6042904216410411 0.8968218304024969 1.0516003535567073 1.2265000847209646 +5603,1.1970921653216648,0,0.7590689447952516 0.5176144486746829 0.30556787195341373 0.16471941588308708 0.07649565768517935 0.00994089272887658 -0.01637145620734167 -0.08756957685828413 -0.11233414056295289 -0.12162085195220587 -0.14483763042533393 -0.12626420764683677 -0.030301523291225544 0.11054693277910989 0.3086634424164951 0.6042904216410411 0.8968218304024969 1.0516003535567073 1.2265000847209646 1.285315923519564 +5604,1.0469569978620852,0,0.5176144486746829 0.30556787195341373 0.16471941588308708 0.07649565768517935 0.00994089272887658 -0.01637145620734167 -0.08756957685828413 -0.11233414056295289 -0.12162085195220587 -0.14483763042533393 -0.12626420764683677 -0.030301523291225544 0.11054693277910989 0.3086634424164951 0.6042904216410411 0.8968218304024969 1.0516003535567073 1.2265000847209646 1.285315923519564 1.1970921653216648 +5605,0.8163369983623102,0,0.30556787195341373 0.16471941588308708 0.07649565768517935 0.00994089272887658 -0.01637145620734167 -0.08756957685828413 -0.11233414056295289 -0.12162085195220587 -0.14483763042533393 -0.12626420764683677 -0.030301523291225544 0.11054693277910989 0.3086634424164951 0.6042904216410411 0.8968218304024969 1.0516003535567073 1.2265000847209646 1.285315923519564 1.1970921653216648 1.0469569978620852 +5606,0.5392834419162702,0,0.16471941588308708 0.07649565768517935 0.00994089272887658 -0.01637145620734167 -0.08756957685828413 -0.11233414056295289 -0.12162085195220587 -0.14483763042533393 -0.12626420764683677 -0.030301523291225544 0.11054693277910989 0.3086634424164951 0.6042904216410411 0.8968218304024969 1.0516003535567073 1.2265000847209646 1.285315923519564 1.1970921653216648 1.0469569978620852 0.8163369983623102 +5607,0.271516596859492,0,0.07649565768517935 0.00994089272887658 -0.01637145620734167 -0.08756957685828413 -0.11233414056295289 -0.12162085195220587 -0.14483763042533393 -0.12626420764683677 -0.030301523291225544 0.11054693277910989 0.3086634424164951 0.6042904216410411 0.8968218304024969 1.0516003535567073 1.2265000847209646 1.285315923519564 1.1970921653216648 1.0469569978620852 0.8163369983623102 0.5392834419162702 +5608,0.07804344291672885,0,0.00994089272887658 -0.01637145620734167 -0.08756957685828413 -0.11233414056295289 -0.12162085195220587 -0.14483763042533393 -0.12626420764683677 -0.030301523291225544 0.11054693277910989 0.3086634424164951 0.6042904216410411 0.8968218304024969 1.0516003535567073 1.2265000847209646 1.285315923519564 1.1970921653216648 1.0469569978620852 0.8163369983623102 0.5392834419162702 0.271516596859492 +5609,-0.06899615407977817,0,-0.01637145620734167 -0.08756957685828413 -0.11233414056295289 -0.12162085195220587 -0.14483763042533393 -0.12626420764683677 -0.030301523291225544 0.11054693277910989 0.3086634424164951 0.6042904216410411 0.8968218304024969 1.0516003535567073 1.2265000847209646 1.285315923519564 1.1970921653216648 1.0469569978620852 0.8163369983623102 0.5392834419162702 0.271516596859492 0.07804344291672885 +5610,-0.10614299963678131,0,-0.08756957685828413 -0.11233414056295289 -0.12162085195220587 -0.14483763042533393 -0.12626420764683677 -0.030301523291225544 0.11054693277910989 0.3086634424164951 0.6042904216410411 0.8968218304024969 1.0516003535567073 1.2265000847209646 1.285315923519564 1.1970921653216648 1.0469569978620852 0.8163369983623102 0.5392834419162702 0.271516596859492 0.07804344291672885 -0.06899615407977817 +5611,-0.15412434181458692,0,-0.11233414056295289 -0.12162085195220587 -0.14483763042533393 -0.12626420764683677 -0.030301523291225544 0.11054693277910989 0.3086634424164951 0.6042904216410411 0.8968218304024969 1.0516003535567073 1.2265000847209646 1.285315923519564 1.1970921653216648 1.0469569978620852 0.8163369983623102 0.5392834419162702 0.271516596859492 0.07804344291672885 -0.06899615407977817 -0.10614299963678131 +5612,-0.17579333505618308,0,-0.12162085195220587 -0.14483763042533393 -0.12626420764683677 -0.030301523291225544 0.11054693277910989 0.3086634424164951 0.6042904216410411 0.8968218304024969 1.0516003535567073 1.2265000847209646 1.285315923519564 1.1970921653216648 1.0469569978620852 0.8163369983623102 0.5392834419162702 0.271516596859492 0.07804344291672885 -0.06899615407977817 -0.10614299963678131 -0.15412434181458692 +5613,-0.17424554982463358,0,-0.14483763042533393 -0.12626420764683677 -0.030301523291225544 0.11054693277910989 0.3086634424164951 0.6042904216410411 0.8968218304024969 1.0516003535567073 1.2265000847209646 1.285315923519564 1.1970921653216648 1.0469569978620852 0.8163369983623102 0.5392834419162702 0.271516596859492 0.07804344291672885 -0.06899615407977817 -0.10614299963678131 -0.15412434181458692 -0.17579333505618308 +5614,-0.15412434181458692,0,-0.12626420764683677 -0.030301523291225544 0.11054693277910989 0.3086634424164951 0.6042904216410411 0.8968218304024969 1.0516003535567073 1.2265000847209646 1.285315923519564 1.1970921653216648 1.0469569978620852 0.8163369983623102 0.5392834419162702 0.271516596859492 0.07804344291672885 -0.06899615407977817 -0.10614299963678131 -0.15412434181458692 -0.17579333505618308 -0.17424554982463358 +5615,-0.14948098611996483,0,-0.030301523291225544 0.11054693277910989 0.3086634424164951 0.6042904216410411 0.8968218304024969 1.0516003535567073 1.2265000847209646 1.285315923519564 1.1970921653216648 1.0469569978620852 0.8163369983623102 0.5392834419162702 0.271516596859492 0.07804344291672885 -0.06899615407977817 -0.10614299963678131 -0.15412434181458692 -0.17579333505618308 -0.17424554982463358 -0.15412434181458692 +5616,-0.1634110532038399,0,0.11054693277910989 0.3086634424164951 0.6042904216410411 0.8968218304024969 1.0516003535567073 1.2265000847209646 1.285315923519564 1.1970921653216648 1.0469569978620852 0.8163369983623102 0.5392834419162702 0.271516596859492 0.07804344291672885 -0.06899615407977817 -0.10614299963678131 -0.15412434181458692 -0.17579333505618308 -0.17424554982463358 -0.15412434181458692 -0.14948098611996483 +5617,-0.1618632679722992,0,0.3086634424164951 0.6042904216410411 0.8968218304024969 1.0516003535567073 1.2265000847209646 1.285315923519564 1.1970921653216648 1.0469569978620852 0.8163369983623102 0.5392834419162702 0.271516596859492 0.07804344291672885 -0.06899615407977817 -0.10614299963678131 -0.15412434181458692 -0.17579333505618308 -0.17424554982463358 -0.15412434181458692 -0.14948098611996483 -0.1634110532038399 +5618,-0.1665066236669301,0,0.6042904216410411 0.8968218304024969 1.0516003535567073 1.2265000847209646 1.285315923519564 1.1970921653216648 1.0469569978620852 0.8163369983623102 0.5392834419162702 0.271516596859492 0.07804344291672885 -0.06899615407977817 -0.10614299963678131 -0.15412434181458692 -0.17579333505618308 -0.17424554982463358 -0.15412434181458692 -0.14948098611996483 -0.1634110532038399 -0.1618632679722992 +5619,-0.09995185871061851,0,0.8968218304024969 1.0516003535567073 1.2265000847209646 1.285315923519564 1.1970921653216648 1.0469569978620852 0.8163369983623102 0.5392834419162702 0.271516596859492 0.07804344291672885 -0.06899615407977817 -0.10614299963678131 -0.15412434181458692 -0.17579333505618308 -0.17424554982463358 -0.15412434181458692 -0.14948098611996483 -0.1634110532038399 -0.1618632679722992 -0.1665066236669301 +5620,-0.002441389123466596,0,1.0516003535567073 1.2265000847209646 1.285315923519564 1.1970921653216648 1.0469569978620852 0.8163369983623102 0.5392834419162702 0.271516596859492 0.07804344291672885 -0.06899615407977817 -0.10614299963678131 -0.15412434181458692 -0.17579333505618308 -0.17424554982463358 -0.15412434181458692 -0.14948098611996483 -0.1634110532038399 -0.1618632679722992 -0.1665066236669301 -0.09995185871061851 +5621,0.12912035555761586,0,1.2265000847209646 1.285315923519564 1.1970921653216648 1.0469569978620852 0.8163369983623102 0.5392834419162702 0.271516596859492 0.07804344291672885 -0.06899615407977817 -0.10614299963678131 -0.15412434181458692 -0.17579333505618308 -0.17424554982463358 -0.15412434181458692 -0.14948098611996483 -0.1634110532038399 -0.1618632679722992 -0.1665066236669301 -0.09995185871061851 -0.002441389123466596 +5622,0.3194979390372976,0,1.285315923519564 1.1970921653216648 1.0469569978620852 0.8163369983623102 0.5392834419162702 0.271516596859492 0.07804344291672885 -0.06899615407977817 -0.10614299963678131 -0.15412434181458692 -0.17579333505618308 -0.17424554982463358 -0.15412434181458692 -0.14948098611996483 -0.1634110532038399 -0.1618632679722992 -0.1665066236669301 -0.09995185871061851 -0.002441389123466596 0.12912035555761586 +5623,0.5160666634431421,0,1.1970921653216648 1.0469569978620852 0.8163369983623102 0.5392834419162702 0.271516596859492 0.07804344291672885 -0.06899615407977817 -0.10614299963678131 -0.15412434181458692 -0.17579333505618308 -0.17424554982463358 -0.15412434181458692 -0.14948098611996483 -0.1634110532038399 -0.1618632679722992 -0.1665066236669301 -0.09995185871061851 -0.002441389123466596 0.12912035555761586 0.3194979390372976 +5624,0.6987053207651116,0,1.0469569978620852 0.8163369983623102 0.5392834419162702 0.271516596859492 0.07804344291672885 -0.06899615407977817 -0.10614299963678131 -0.15412434181458692 -0.17579333505618308 -0.17424554982463358 -0.15412434181458692 -0.14948098611996483 -0.1634110532038399 -0.1618632679722992 -0.1665066236669301 -0.09995185871061851 -0.002441389123466596 0.12912035555761586 0.3194979390372976 0.5160666634431421 +5625,0.75287780386908,0,0.8163369983623102 0.5392834419162702 0.271516596859492 0.07804344291672885 -0.06899615407977817 -0.10614299963678131 -0.15412434181458692 -0.17579333505618308 -0.17424554982463358 -0.15412434181458692 -0.14948098611996483 -0.1634110532038399 -0.1618632679722992 -0.1665066236669301 -0.09995185871061851 -0.002441389123466596 0.12912035555761586 0.3194979390372976 0.5160666634431421 0.6987053207651116 +5626,0.7931202198891821,0,0.5392834419162702 0.271516596859492 0.07804344291672885 -0.06899615407977817 -0.10614299963678131 -0.15412434181458692 -0.17579333505618308 -0.17424554982463358 -0.15412434181458692 -0.14948098611996483 -0.1634110532038399 -0.1618632679722992 -0.1665066236669301 -0.09995185871061851 -0.002441389123466596 0.12912035555761586 0.3194979390372976 0.5160666634431421 0.6987053207651116 0.75287780386908 +5627,0.7373999515536642,0,0.271516596859492 0.07804344291672885 -0.06899615407977817 -0.10614299963678131 -0.15412434181458692 -0.17579333505618308 -0.17424554982463358 -0.15412434181458692 -0.14948098611996483 -0.1634110532038399 -0.1618632679722992 -0.1665066236669301 -0.09995185871061851 -0.002441389123466596 0.12912035555761586 0.3194979390372976 0.5160666634431421 0.6987053207651116 0.75287780386908 0.7931202198891821 +5628,0.6120293477987534,0,0.07804344291672885 -0.06899615407977817 -0.10614299963678131 -0.15412434181458692 -0.17579333505618308 -0.17424554982463358 -0.15412434181458692 -0.14948098611996483 -0.1634110532038399 -0.1618632679722992 -0.1665066236669301 -0.09995185871061851 -0.002441389123466596 0.12912035555761586 0.3194979390372976 0.5160666634431421 0.6987053207651116 0.75287780386908 0.7931202198891821 0.7373999515536642 +5629,0.5067799520538891,0,-0.06899615407977817 -0.10614299963678131 -0.15412434181458692 -0.17579333505618308 -0.17424554982463358 -0.15412434181458692 -0.14948098611996483 -0.1634110532038399 -0.1618632679722992 -0.1665066236669301 -0.09995185871061851 -0.002441389123466596 0.12912035555761586 0.3194979390372976 0.5160666634431421 0.6987053207651116 0.75287780386908 0.7931202198891821 0.7373999515536642 0.6120293477987534 +5630,0.3365235765842541,0,-0.10614299963678131 -0.15412434181458692 -0.17579333505618308 -0.17424554982463358 -0.15412434181458692 -0.14948098611996483 -0.1634110532038399 -0.1618632679722992 -0.1665066236669301 -0.09995185871061851 -0.002441389123466596 0.12912035555761586 0.3194979390372976 0.5160666634431421 0.6987053207651116 0.75287780386908 0.7931202198891821 0.7373999515536642 0.6120293477987534 0.5067799520538891 +5631,0.105903577084479,0,-0.15412434181458692 -0.17579333505618308 -0.17424554982463358 -0.15412434181458692 -0.14948098611996483 -0.1634110532038399 -0.1618632679722992 -0.1665066236669301 -0.09995185871061851 -0.002441389123466596 0.12912035555761586 0.3194979390372976 0.5160666634431421 0.6987053207651116 0.75287780386908 0.7931202198891821 0.7373999515536642 0.6120293477987534 0.5067799520538891 0.3365235765842541 +5632,-0.04732716083818202,0,-0.17579333505618308 -0.17424554982463358 -0.15412434181458692 -0.14948098611996483 -0.1634110532038399 -0.1618632679722992 -0.1665066236669301 -0.09995185871061851 -0.002441389123466596 0.12912035555761586 0.3194979390372976 0.5160666634431421 0.6987053207651116 0.75287780386908 0.7931202198891821 0.7373999515536642 0.6120293477987534 0.5067799520538891 0.3365235765842541 0.105903577084479 +5633,-0.12935977810991817,0,-0.17424554982463358 -0.15412434181458692 -0.14948098611996483 -0.1634110532038399 -0.1618632679722992 -0.1665066236669301 -0.09995185871061851 -0.002441389123466596 0.12912035555761586 0.3194979390372976 0.5160666634431421 0.6987053207651116 0.75287780386908 0.7931202198891821 0.7373999515536642 0.6120293477987534 0.5067799520538891 0.3365235765842541 0.105903577084479 -0.04732716083818202 +5634,-0.19746232829777044,0,-0.15412434181458692 -0.14948098611996483 -0.1634110532038399 -0.1618632679722992 -0.1665066236669301 -0.09995185871061851 -0.002441389123466596 0.12912035555761586 0.3194979390372976 0.5160666634431421 0.6987053207651116 0.75287780386908 0.7931202198891821 0.7373999515536642 0.6120293477987534 0.5067799520538891 0.3365235765842541 0.105903577084479 -0.04732716083818202 -0.12935977810991817 +5635,-0.20365346922394204,0,-0.14948098611996483 -0.1634110532038399 -0.1618632679722992 -0.1665066236669301 -0.09995185871061851 -0.002441389123466596 0.12912035555761586 0.3194979390372976 0.5160666634431421 0.6987053207651116 0.75287780386908 0.7931202198891821 0.7373999515536642 0.6120293477987534 0.5067799520538891 0.3365235765842541 0.105903577084479 -0.04732716083818202 -0.12935977810991817 -0.19746232829777044 +5636,-0.2082968249185641,0,-0.1634110532038399 -0.1618632679722992 -0.1665066236669301 -0.09995185871061851 -0.002441389123466596 0.12912035555761586 0.3194979390372976 0.5160666634431421 0.6987053207651116 0.75287780386908 0.7931202198891821 0.7373999515536642 0.6120293477987534 0.5067799520538891 0.3365235765842541 0.105903577084479 -0.04732716083818202 -0.12935977810991817 -0.19746232829777044 -0.20365346922394204 +5637,-0.24234810001249465,0,-0.1618632679722992 -0.1665066236669301 -0.09995185871061851 -0.002441389123466596 0.12912035555761586 0.3194979390372976 0.5160666634431421 0.6987053207651116 0.75287780386908 0.7931202198891821 0.7373999515536642 0.6120293477987534 0.5067799520538891 0.3365235765842541 0.105903577084479 -0.04732716083818202 -0.12935977810991817 -0.19746232829777044 -0.20365346922394204 -0.2082968249185641 +5638,-0.30580729450571603,0,-0.1665066236669301 -0.09995185871061851 -0.002441389123466596 0.12912035555761586 0.3194979390372976 0.5160666634431421 0.6987053207651116 0.75287780386908 0.7931202198891821 0.7373999515536642 0.6120293477987534 0.5067799520538891 0.3365235765842541 0.105903577084479 -0.04732716083818202 -0.12935977810991817 -0.19746232829777044 -0.20365346922394204 -0.2082968249185641 -0.24234810001249465 +5639,-0.34604971052580935,0,-0.09995185871061851 -0.002441389123466596 0.12912035555761586 0.3194979390372976 0.5160666634431421 0.6987053207651116 0.75287780386908 0.7931202198891821 0.7373999515536642 0.6120293477987534 0.5067799520538891 0.3365235765842541 0.105903577084479 -0.04732716083818202 -0.12935977810991817 -0.19746232829777044 -0.20365346922394204 -0.2082968249185641 -0.24234810001249465 -0.30580729450571603 +5640,-0.3893876970089929,0,-0.002441389123466596 0.12912035555761586 0.3194979390372976 0.5160666634431421 0.6987053207651116 0.75287780386908 0.7931202198891821 0.7373999515536642 0.6120293477987534 0.5067799520538891 0.3365235765842541 0.105903577084479 -0.04732716083818202 -0.12935977810991817 -0.19746232829777044 -0.20365346922394204 -0.2082968249185641 -0.24234810001249465 -0.30580729450571603 -0.34604971052580935 +5641,-0.46368138812300796,0,0.12912035555761586 0.3194979390372976 0.5160666634431421 0.6987053207651116 0.75287780386908 0.7931202198891821 0.7373999515536642 0.6120293477987534 0.5067799520538891 0.3365235765842541 0.105903577084479 -0.04732716083818202 -0.12935977810991817 -0.19746232829777044 -0.20365346922394204 -0.2082968249185641 -0.24234810001249465 -0.30580729450571603 -0.34604971052580935 -0.3893876970089929 +5642,-0.4358212539552578,0,0.3194979390372976 0.5160666634431421 0.6987053207651116 0.75287780386908 0.7931202198891821 0.7373999515536642 0.6120293477987534 0.5067799520538891 0.3365235765842541 0.105903577084479 -0.04732716083818202 -0.12935977810991817 -0.19746232829777044 -0.20365346922394204 -0.2082968249185641 -0.24234810001249465 -0.30580729450571603 -0.34604971052580935 -0.3893876970089929 -0.46368138812300796 +5643,-0.3352152139050157,0,0.5160666634431421 0.6987053207651116 0.75287780386908 0.7931202198891821 0.7373999515536642 0.6120293477987534 0.5067799520538891 0.3365235765842541 0.105903577084479 -0.04732716083818202 -0.12935977810991817 -0.19746232829777044 -0.20365346922394204 -0.2082968249185641 -0.24234810001249465 -0.30580729450571603 -0.34604971052580935 -0.3893876970089929 -0.46368138812300796 -0.4358212539552578 +5644,-0.15102877135150553,0,0.6987053207651116 0.75287780386908 0.7931202198891821 0.7373999515536642 0.6120293477987534 0.5067799520538891 0.3365235765842541 0.105903577084479 -0.04732716083818202 -0.12935977810991817 -0.19746232829777044 -0.20365346922394204 -0.2082968249185641 -0.24234810001249465 -0.30580729450571603 -0.34604971052580935 -0.3893876970089929 -0.46368138812300796 -0.4358212539552578 -0.3352152139050157 +5645,-0.04113601991201923,0,0.75287780386908 0.7931202198891821 0.7373999515536642 0.6120293477987534 0.5067799520538891 0.3365235765842541 0.105903577084479 -0.04732716083818202 -0.12935977810991817 -0.19746232829777044 -0.20365346922394204 -0.2082968249185641 -0.24234810001249465 -0.30580729450571603 -0.34604971052580935 -0.3893876970089929 -0.46368138812300796 -0.4358212539552578 -0.3352152139050157 -0.15102877135150553 +5646,0.09971243615831621,0,0.7931202198891821 0.7373999515536642 0.6120293477987534 0.5067799520538891 0.3365235765842541 0.105903577084479 -0.04732716083818202 -0.12935977810991817 -0.19746232829777044 -0.20365346922394204 -0.2082968249185641 -0.24234810001249465 -0.30580729450571603 -0.34604971052580935 -0.3893876970089929 -0.46368138812300796 -0.4358212539552578 -0.3352152139050157 -0.15102877135150553 -0.04113601991201923 +5647,0.2699688116279425,0,0.7373999515536642 0.6120293477987534 0.5067799520538891 0.3365235765842541 0.105903577084479 -0.04732716083818202 -0.12935977810991817 -0.19746232829777044 -0.20365346922394204 -0.2082968249185641 -0.24234810001249465 -0.30580729450571603 -0.34604971052580935 -0.3893876970089929 -0.46368138812300796 -0.4358212539552578 -0.3352152139050157 -0.15102877135150553 -0.04113601991201923 0.09971243615831621 +5648,0.38295713353051897,0,0.6120293477987534 0.5067799520538891 0.3365235765842541 0.105903577084479 -0.04732716083818202 -0.12935977810991817 -0.19746232829777044 -0.20365346922394204 -0.2082968249185641 -0.24234810001249465 -0.30580729450571603 -0.34604971052580935 -0.3893876970089929 -0.46368138812300796 -0.4358212539552578 -0.3352152139050157 -0.15102877135150553 -0.04113601991201923 0.09971243615831621 0.2699688116279425 +5649,0.46189418033916496,0,0.5067799520538891 0.3365235765842541 0.105903577084479 -0.04732716083818202 -0.12935977810991817 -0.19746232829777044 -0.20365346922394204 -0.2082968249185641 -0.24234810001249465 -0.30580729450571603 -0.34604971052580935 -0.3893876970089929 -0.46368138812300796 -0.4358212539552578 -0.3352152139050157 -0.15102877135150553 -0.04113601991201923 0.09971243615831621 0.2699688116279425 0.38295713353051897 +5650,0.5005888111277176,0,0.3365235765842541 0.105903577084479 -0.04732716083818202 -0.12935977810991817 -0.19746232829777044 -0.20365346922394204 -0.2082968249185641 -0.24234810001249465 -0.30580729450571603 -0.34604971052580935 -0.3893876970089929 -0.46368138812300796 -0.4358212539552578 -0.3352152139050157 -0.15102877135150553 -0.04113601991201923 0.09971243615831621 0.2699688116279425 0.38295713353051897 0.46189418033916496 +5651,0.5655957908524885,0,0.105903577084479 -0.04732716083818202 -0.12935977810991817 -0.19746232829777044 -0.20365346922394204 -0.2082968249185641 -0.24234810001249465 -0.30580729450571603 -0.34604971052580935 -0.3893876970089929 -0.46368138812300796 -0.4358212539552578 -0.3352152139050157 -0.15102877135150553 -0.04113601991201923 0.09971243615831621 0.2699688116279425 0.38295713353051897 0.46189418033916496 0.5005888111277176 +5652,0.5857169988625351,0,-0.04732716083818202 -0.12935977810991817 -0.19746232829777044 -0.20365346922394204 -0.2082968249185641 -0.24234810001249465 -0.30580729450571603 -0.34604971052580935 -0.3893876970089929 -0.46368138812300796 -0.4358212539552578 -0.3352152139050157 -0.15102877135150553 -0.04113601991201923 0.09971243615831621 0.2699688116279425 0.38295713353051897 0.46189418033916496 0.5005888111277176 0.5655957908524885 +5653,0.4804676031176709,0,-0.12935977810991817 -0.19746232829777044 -0.20365346922394204 -0.2082968249185641 -0.24234810001249465 -0.30580729450571603 -0.34604971052580935 -0.3893876970089929 -0.46368138812300796 -0.4358212539552578 -0.3352152139050157 -0.15102877135150553 -0.04113601991201923 0.09971243615831621 0.2699688116279425 0.38295713353051897 0.46189418033916496 0.5005888111277176 0.5655957908524885 0.5857169988625351 +5654,0.3164023685742074,0,-0.19746232829777044 -0.20365346922394204 -0.2082968249185641 -0.24234810001249465 -0.30580729450571603 -0.34604971052580935 -0.3893876970089929 -0.46368138812300796 -0.4358212539552578 -0.3352152139050157 -0.15102877135150553 -0.04113601991201923 0.09971243615831621 0.2699688116279425 0.38295713353051897 0.46189418033916496 0.5005888111277176 0.5655957908524885 0.5857169988625351 0.4804676031176709 +5655,0.08887793953752253,0,-0.20365346922394204 -0.2082968249185641 -0.24234810001249465 -0.30580729450571603 -0.34604971052580935 -0.3893876970089929 -0.46368138812300796 -0.4358212539552578 -0.3352152139050157 -0.15102877135150553 -0.04113601991201923 0.09971243615831621 0.2699688116279425 0.38295713353051897 0.46189418033916496 0.5005888111277176 0.5655957908524885 0.5857169988625351 0.4804676031176709 0.3164023685742074 +5656,-0.1076907848683308,0,-0.2082968249185641 -0.24234810001249465 -0.30580729450571603 -0.34604971052580935 -0.3893876970089929 -0.46368138812300796 -0.4358212539552578 -0.3352152139050157 -0.15102877135150553 -0.04113601991201923 0.09971243615831621 0.2699688116279425 0.38295713353051897 0.46189418033916496 0.5005888111277176 0.5655957908524885 0.5857169988625351 0.4804676031176709 0.3164023685742074 0.08887793953752253 +5657,-0.23770474431786376,0,-0.24234810001249465 -0.30580729450571603 -0.34604971052580935 -0.3893876970089929 -0.46368138812300796 -0.4358212539552578 -0.3352152139050157 -0.15102877135150553 -0.04113601991201923 0.09971243615831621 0.2699688116279425 0.38295713353051897 0.46189418033916496 0.5005888111277176 0.5655957908524885 0.5857169988625351 0.4804676031176709 0.3164023685742074 0.08887793953752253 -0.1076907848683308 +5658,-0.315094005894969,0,-0.30580729450571603 -0.34604971052580935 -0.3893876970089929 -0.46368138812300796 -0.4358212539552578 -0.3352152139050157 -0.15102877135150553 -0.04113601991201923 0.09971243615831621 0.2699688116279425 0.38295713353051897 0.46189418033916496 0.5005888111277176 0.5655957908524885 0.5857169988625351 0.4804676031176709 0.3164023685742074 0.08887793953752253 -0.1076907848683308 -0.23770474431786376 +5659,-0.4234389721029146,0,-0.34604971052580935 -0.3893876970089929 -0.46368138812300796 -0.4358212539552578 -0.3352152139050157 -0.15102877135150553 -0.04113601991201923 0.09971243615831621 0.2699688116279425 0.38295713353051897 0.46189418033916496 0.5005888111277176 0.5655957908524885 0.5857169988625351 0.4804676031176709 0.3164023685742074 0.08887793953752253 -0.1076907848683308 -0.23770474431786376 -0.315094005894969 +5660,-0.4853503813646041,0,-0.3893876970089929 -0.46368138812300796 -0.4358212539552578 -0.3352152139050157 -0.15102877135150553 -0.04113601991201923 0.09971243615831621 0.2699688116279425 0.38295713353051897 0.46189418033916496 0.5005888111277176 0.5655957908524885 0.5857169988625351 0.4804676031176709 0.3164023685742074 0.08887793953752253 -0.1076907848683308 -0.23770474431786376 -0.315094005894969 -0.4234389721029146 +5661,-0.5472617906262848,0,-0.46368138812300796 -0.4358212539552578 -0.3352152139050157 -0.15102877135150553 -0.04113601991201923 0.09971243615831621 0.2699688116279425 0.38295713353051897 0.46189418033916496 0.5005888111277176 0.5655957908524885 0.5857169988625351 0.4804676031176709 0.3164023685742074 0.08887793953752253 -0.1076907848683308 -0.23770474431786376 -0.315094005894969 -0.4234389721029146 -0.4853503813646041 +5662,-0.6277466226664714,0,-0.4358212539552578 -0.3352152139050157 -0.15102877135150553 -0.04113601991201923 0.09971243615831621 0.2699688116279425 0.38295713353051897 0.46189418033916496 0.5005888111277176 0.5655957908524885 0.5857169988625351 0.4804676031176709 0.3164023685742074 0.08887793953752253 -0.1076907848683308 -0.23770474431786376 -0.315094005894969 -0.4234389721029146 -0.4853503813646041 -0.5472617906262848 +5663,-0.6447722602134367,0,-0.3352152139050157 -0.15102877135150553 -0.04113601991201923 0.09971243615831621 0.2699688116279425 0.38295713353051897 0.46189418033916496 0.5005888111277176 0.5655957908524885 0.5857169988625351 0.4804676031176709 0.3164023685742074 0.08887793953752253 -0.1076907848683308 -0.23770474431786376 -0.315094005894969 -0.4234389721029146 -0.4853503813646041 -0.5472617906262848 -0.6277466226664714 +5664,-0.6540589716026897,0,-0.15102877135150553 -0.04113601991201923 0.09971243615831621 0.2699688116279425 0.38295713353051897 0.46189418033916496 0.5005888111277176 0.5655957908524885 0.5857169988625351 0.4804676031176709 0.3164023685742074 0.08887793953752253 -0.1076907848683308 -0.23770474431786376 -0.315094005894969 -0.4234389721029146 -0.4853503813646041 -0.5472617906262848 -0.6277466226664714 -0.6447722602134367 +5665,-0.6277466226664714,0,-0.04113601991201923 0.09971243615831621 0.2699688116279425 0.38295713353051897 0.46189418033916496 0.5005888111277176 0.5655957908524885 0.5857169988625351 0.4804676031176709 0.3164023685742074 0.08887793953752253 -0.1076907848683308 -0.23770474431786376 -0.315094005894969 -0.4234389721029146 -0.4853503813646041 -0.5472617906262848 -0.6277466226664714 -0.6447722602134367 -0.6540589716026897 +5666,-0.5519051463209157,0,0.09971243615831621 0.2699688116279425 0.38295713353051897 0.46189418033916496 0.5005888111277176 0.5655957908524885 0.5857169988625351 0.4804676031176709 0.3164023685742074 0.08887793953752253 -0.1076907848683308 -0.23770474431786376 -0.315094005894969 -0.4234389721029146 -0.4853503813646041 -0.5472617906262848 -0.6277466226664714 -0.6447722602134367 -0.6540589716026897 -0.6277466226664714 +5667,-0.36152756284123394,0,0.2699688116279425 0.38295713353051897 0.46189418033916496 0.5005888111277176 0.5655957908524885 0.5857169988625351 0.4804676031176709 0.3164023685742074 0.08887793953752253 -0.1076907848683308 -0.23770474431786376 -0.315094005894969 -0.4234389721029146 -0.4853503813646041 -0.5472617906262848 -0.6277466226664714 -0.6447722602134367 -0.6540589716026897 -0.6277466226664714 -0.5519051463209157 +5668,-0.13400313380454026,0,0.38295713353051897 0.46189418033916496 0.5005888111277176 0.5655957908524885 0.5857169988625351 0.4804676031176709 0.3164023685742074 0.08887793953752253 -0.1076907848683308 -0.23770474431786376 -0.315094005894969 -0.4234389721029146 -0.4853503813646041 -0.5472617906262848 -0.6277466226664714 -0.6447722602134367 -0.6540589716026897 -0.6277466226664714 -0.5519051463209157 -0.36152756284123394 +5669,0.0532788792120513,0,0.46189418033916496 0.5005888111277176 0.5655957908524885 0.5857169988625351 0.4804676031176709 0.3164023685742074 0.08887793953752253 -0.1076907848683308 -0.23770474431786376 -0.315094005894969 -0.4234389721029146 -0.4853503813646041 -0.5472617906262848 -0.6277466226664714 -0.6447722602134367 -0.6540589716026897 -0.6277466226664714 -0.5519051463209157 -0.36152756284123394 -0.13400313380454026 +5670,0.18019726819850287,0,0.5005888111277176 0.5655957908524885 0.5857169988625351 0.4804676031176709 0.3164023685742074 0.08887793953752253 -0.1076907848683308 -0.23770474431786376 -0.315094005894969 -0.4234389721029146 -0.4853503813646041 -0.5472617906262848 -0.6277466226664714 -0.6447722602134367 -0.6540589716026897 -0.6277466226664714 -0.5519051463209157 -0.36152756284123394 -0.13400313380454026 0.0532788792120513 +5671,0.36438371075201303,0,0.5655957908524885 0.5857169988625351 0.4804676031176709 0.3164023685742074 0.08887793953752253 -0.1076907848683308 -0.23770474431786376 -0.315094005894969 -0.4234389721029146 -0.4853503813646041 -0.5472617906262848 -0.6277466226664714 -0.6447722602134367 -0.6540589716026897 -0.6277466226664714 -0.5519051463209157 -0.36152756284123394 -0.13400313380454026 0.0532788792120513 0.18019726819850287 +5672,0.5284489452954765,0,0.5857169988625351 0.4804676031176709 0.3164023685742074 0.08887793953752253 -0.1076907848683308 -0.23770474431786376 -0.315094005894969 -0.4234389721029146 -0.4853503813646041 -0.5472617906262848 -0.6277466226664714 -0.6447722602134367 -0.6540589716026897 -0.6277466226664714 -0.5519051463209157 -0.36152756284123394 -0.13400313380454026 0.0532788792120513 0.18019726819850287 0.36438371075201303 +5673,0.6306027705772593,0,0.4804676031176709 0.3164023685742074 0.08887793953752253 -0.1076907848683308 -0.23770474431786376 -0.315094005894969 -0.4234389721029146 -0.4853503813646041 -0.5472617906262848 -0.6277466226664714 -0.6447722602134367 -0.6540589716026897 -0.6277466226664714 -0.5519051463209157 -0.36152756284123394 -0.13400313380454026 0.0532788792120513 0.18019726819850287 0.36438371075201303 0.5284489452954765 +5674,0.6352461262718814,0,0.3164023685742074 0.08887793953752253 -0.1076907848683308 -0.23770474431786376 -0.315094005894969 -0.4234389721029146 -0.4853503813646041 -0.5472617906262848 -0.6277466226664714 -0.6447722602134367 -0.6540589716026897 -0.6277466226664714 -0.5519051463209157 -0.36152756284123394 -0.13400313380454026 0.0532788792120513 0.18019726819850287 0.36438371075201303 0.5284489452954765 0.6306027705772593 +5675,0.6166727034933754,0,0.08887793953752253 -0.1076907848683308 -0.23770474431786376 -0.315094005894969 -0.4234389721029146 -0.4853503813646041 -0.5472617906262848 -0.6277466226664714 -0.6447722602134367 -0.6540589716026897 -0.6277466226664714 -0.5519051463209157 -0.36152756284123394 -0.13400313380454026 0.0532788792120513 0.18019726819850287 0.36438371075201303 0.5284489452954765 0.6306027705772593 0.6352461262718814 +5676,0.5625002203894071,0,-0.1076907848683308 -0.23770474431786376 -0.315094005894969 -0.4234389721029146 -0.4853503813646041 -0.5472617906262848 -0.6277466226664714 -0.6447722602134367 -0.6540589716026897 -0.6277466226664714 -0.5519051463209157 -0.36152756284123394 -0.13400313380454026 0.0532788792120513 0.18019726819850287 0.36438371075201303 0.5284489452954765 0.6306027705772593 0.6352461262718814 0.6166727034933754 +5677,0.4866587440438425,0,-0.23770474431786376 -0.315094005894969 -0.4234389721029146 -0.4853503813646041 -0.5472617906262848 -0.6277466226664714 -0.6447722602134367 -0.6540589716026897 -0.6277466226664714 -0.5519051463209157 -0.36152756284123394 -0.13400313380454026 0.0532788792120513 0.18019726819850287 0.36438371075201303 0.5284489452954765 0.6306027705772593 0.6352461262718814 0.6166727034933754 0.5625002203894071 +5678,0.35200142889967867,0,-0.315094005894969 -0.4234389721029146 -0.4853503813646041 -0.5472617906262848 -0.6277466226664714 -0.6447722602134367 -0.6540589716026897 -0.6277466226664714 -0.5519051463209157 -0.36152756284123394 -0.13400313380454026 0.0532788792120513 0.18019726819850287 0.36438371075201303 0.5284489452954765 0.6306027705772593 0.6352461262718814 0.6166727034933754 0.5625002203894071 0.4866587440438425 +5679,0.14614599310458112,0,-0.4234389721029146 -0.4853503813646041 -0.5472617906262848 -0.6277466226664714 -0.6447722602134367 -0.6540589716026897 -0.6277466226664714 -0.5519051463209157 -0.36152756284123394 -0.13400313380454026 0.0532788792120513 0.18019726819850287 0.36438371075201303 0.5284489452954765 0.6306027705772593 0.6352461262718814 0.6166727034933754 0.5625002203894071 0.4866587440438425 0.35200142889967867 +5680,-0.06590058361668798,0,-0.4853503813646041 -0.5472617906262848 -0.6277466226664714 -0.6447722602134367 -0.6540589716026897 -0.6277466226664714 -0.5519051463209157 -0.36152756284123394 -0.13400313380454026 0.0532788792120513 0.18019726819850287 0.36438371075201303 0.5284489452954765 0.6306027705772593 0.6352461262718814 0.6166727034933754 0.5625002203894071 0.4866587440438425 0.35200142889967867 0.14614599310458112 +5681,-0.2253224624655294,0,-0.5472617906262848 -0.6277466226664714 -0.6447722602134367 -0.6540589716026897 -0.6277466226664714 -0.5519051463209157 -0.36152756284123394 -0.13400313380454026 0.0532788792120513 0.18019726819850287 0.36438371075201303 0.5284489452954765 0.6306027705772593 0.6352461262718814 0.6166727034933754 0.5625002203894071 0.4866587440438425 0.35200142889967867 0.14614599310458112 -0.06590058361668798 +5682,-0.33985856959964655,0,-0.6277466226664714 -0.6447722602134367 -0.6540589716026897 -0.6277466226664714 -0.5519051463209157 -0.36152756284123394 -0.13400313380454026 0.0532788792120513 0.18019726819850287 0.36438371075201303 0.5284489452954765 0.6306027705772593 0.6352461262718814 0.6166727034933754 0.5625002203894071 0.4866587440438425 0.35200142889967867 0.14614599310458112 -0.06590058361668798 -0.2253224624655294 +5683,-0.40331776409286796,0,-0.6447722602134367 -0.6540589716026897 -0.6277466226664714 -0.5519051463209157 -0.36152756284123394 -0.13400313380454026 0.0532788792120513 0.18019726819850287 0.36438371075201303 0.5284489452954765 0.6306027705772593 0.6352461262718814 0.6166727034933754 0.5625002203894071 0.4866587440438425 0.35200142889967867 0.14614599310458112 -0.06590058361668798 -0.2253224624655294 -0.33985856959964655 +5684,-0.46368138812300796,0,-0.6540589716026897 -0.6277466226664714 -0.5519051463209157 -0.36152756284123394 -0.13400313380454026 0.0532788792120513 0.18019726819850287 0.36438371075201303 0.5284489452954765 0.6306027705772593 0.6352461262718814 0.6166727034933754 0.5625002203894071 0.4866587440438425 0.35200142889967867 0.14614599310458112 -0.06590058361668798 -0.2253224624655294 -0.33985856959964655 -0.40331776409286796 +5685,-0.5596440724786191,0,-0.6277466226664714 -0.5519051463209157 -0.36152756284123394 -0.13400313380454026 0.0532788792120513 0.18019726819850287 0.36438371075201303 0.5284489452954765 0.6306027705772593 0.6352461262718814 0.6166727034933754 0.5625002203894071 0.4866587440438425 0.35200142889967867 0.14614599310458112 -0.06590058361668798 -0.2253224624655294 -0.33985856959964655 -0.40331776409286796 -0.46368138812300796 +5686,-0.5782174952571252,0,-0.5519051463209157 -0.36152756284123394 -0.13400313380454026 0.0532788792120513 0.18019726819850287 0.36438371075201303 0.5284489452954765 0.6306027705772593 0.6352461262718814 0.6166727034933754 0.5625002203894071 0.4866587440438425 0.35200142889967867 0.14614599310458112 -0.06590058361668798 -0.2253224624655294 -0.33985856959964655 -0.40331776409286796 -0.46368138812300796 -0.5596440724786191 +5687,-0.6416766897503553,0,-0.36152756284123394 -0.13400313380454026 0.0532788792120513 0.18019726819850287 0.36438371075201303 0.5284489452954765 0.6306027705772593 0.6352461262718814 0.6166727034933754 0.5625002203894071 0.4866587440438425 0.35200142889967867 0.14614599310458112 -0.06590058361668798 -0.2253224624655294 -0.33985856959964655 -0.40331776409286796 -0.46368138812300796 -0.5596440724786191 -0.5782174952571252 +5688,-0.6679890386865736,0,-0.13400313380454026 0.0532788792120513 0.18019726819850287 0.36438371075201303 0.5284489452954765 0.6306027705772593 0.6352461262718814 0.6166727034933754 0.5625002203894071 0.4866587440438425 0.35200142889967867 0.14614599310458112 -0.06590058361668798 -0.2253224624655294 -0.33985856959964655 -0.40331776409286796 -0.46368138812300796 -0.5596440724786191 -0.5782174952571252 -0.6416766897503553 +5689,-0.6138165555825964,0,0.0532788792120513 0.18019726819850287 0.36438371075201303 0.5284489452954765 0.6306027705772593 0.6352461262718814 0.6166727034933754 0.5625002203894071 0.4866587440438425 0.35200142889967867 0.14614599310458112 -0.06590058361668798 -0.2253224624655294 -0.33985856959964655 -0.40331776409286796 -0.46368138812300796 -0.5596440724786191 -0.5782174952571252 -0.6416766897503553 -0.6679890386865736 +5690,-0.573574139562503,0,0.18019726819850287 0.36438371075201303 0.5284489452954765 0.6306027705772593 0.6352461262718814 0.6166727034933754 0.5625002203894071 0.4866587440438425 0.35200142889967867 0.14614599310458112 -0.06590058361668798 -0.2253224624655294 -0.33985856959964655 -0.40331776409286796 -0.46368138812300796 -0.5596440724786191 -0.5782174952571252 -0.6416766897503553 -0.6679890386865736 -0.6138165555825964 +5691,-0.40641333455594936,0,0.36438371075201303 0.5284489452954765 0.6306027705772593 0.6352461262718814 0.6166727034933754 0.5625002203894071 0.4866587440438425 0.35200142889967867 0.14614599310458112 -0.06590058361668798 -0.2253224624655294 -0.33985856959964655 -0.40331776409286796 -0.46368138812300796 -0.5596440724786191 -0.5782174952571252 -0.6416766897503553 -0.6679890386865736 -0.6138165555825964 -0.573574139562503 +5692,-0.24544367047557605,0,0.5284489452954765 0.6306027705772593 0.6352461262718814 0.6166727034933754 0.5625002203894071 0.4866587440438425 0.35200142889967867 0.14614599310458112 -0.06590058361668798 -0.2253224624655294 -0.33985856959964655 -0.40331776409286796 -0.46368138812300796 -0.5596440724786191 -0.5782174952571252 -0.6416766897503553 -0.6679890386865736 -0.6138165555825964 -0.573574139562503 -0.40641333455594936 +5693,-0.06590058361668798,0,0.6306027705772593 0.6352461262718814 0.6166727034933754 0.5625002203894071 0.4866587440438425 0.35200142889967867 0.14614599310458112 -0.06590058361668798 -0.2253224624655294 -0.33985856959964655 -0.40331776409286796 -0.46368138812300796 -0.5596440724786191 -0.5782174952571252 -0.6416766897503553 -0.6679890386865736 -0.6138165555825964 -0.573574139562503 -0.40641333455594936 -0.24544367047557605 +5694,0.15233713403074392,0,0.6352461262718814 0.6166727034933754 0.5625002203894071 0.4866587440438425 0.35200142889967867 0.14614599310458112 -0.06590058361668798 -0.2253224624655294 -0.33985856959964655 -0.40331776409286796 -0.46368138812300796 -0.5596440724786191 -0.5782174952571252 -0.6416766897503553 -0.6679890386865736 -0.6138165555825964 -0.573574139562503 -0.40641333455594936 -0.24544367047557605 -0.06590058361668798 +5695,0.3256890799634604,0,0.6166727034933754 0.5625002203894071 0.4866587440438425 0.35200142889967867 0.14614599310458112 -0.06590058361668798 -0.2253224624655294 -0.33985856959964655 -0.40331776409286796 -0.46368138812300796 -0.5596440724786191 -0.5782174952571252 -0.6416766897503553 -0.6679890386865736 -0.6138165555825964 -0.573574139562503 -0.40641333455594936 -0.24544367047557605 -0.06590058361668798 0.15233713403074392 +5696,0.42165176431907164,0,0.5625002203894071 0.4866587440438425 0.35200142889967867 0.14614599310458112 -0.06590058361668798 -0.2253224624655294 -0.33985856959964655 -0.40331776409286796 -0.46368138812300796 -0.5596440724786191 -0.5782174952571252 -0.6416766897503553 -0.6679890386865736 -0.6138165555825964 -0.573574139562503 -0.40641333455594936 -0.24544367047557605 -0.06590058361668798 0.15233713403074392 0.3256890799634604 +5697,0.5609524351578663,0,0.4866587440438425 0.35200142889967867 0.14614599310458112 -0.06590058361668798 -0.2253224624655294 -0.33985856959964655 -0.40331776409286796 -0.46368138812300796 -0.5596440724786191 -0.5782174952571252 -0.6416766897503553 -0.6679890386865736 -0.6138165555825964 -0.573574139562503 -0.40641333455594936 -0.24544367047557605 -0.06590058361668798 0.15233713403074392 0.3256890799634604 0.42165176431907164 +5698,0.660010689976559,0,0.35200142889967867 0.14614599310458112 -0.06590058361668798 -0.2253224624655294 -0.33985856959964655 -0.40331776409286796 -0.46368138812300796 -0.5596440724786191 -0.5782174952571252 -0.6416766897503553 -0.6679890386865736 -0.6138165555825964 -0.573574139562503 -0.40641333455594936 -0.24544367047557605 -0.06590058361668798 0.15233713403074392 0.3256890799634604 0.42165176431907164 0.5609524351578663 +5699,0.6677496161342713,0,0.14614599310458112 -0.06590058361668798 -0.2253224624655294 -0.33985856959964655 -0.40331776409286796 -0.46368138812300796 -0.5596440724786191 -0.5782174952571252 -0.6416766897503553 -0.6679890386865736 -0.6138165555825964 -0.573574139562503 -0.40641333455594936 -0.24544367047557605 -0.06590058361668798 0.15233713403074392 0.3256890799634604 0.42165176431907164 0.5609524351578663 0.660010689976559 +5700,0.599647065946419,0,-0.06590058361668798 -0.2253224624655294 -0.33985856959964655 -0.40331776409286796 -0.46368138812300796 -0.5596440724786191 -0.5782174952571252 -0.6416766897503553 -0.6679890386865736 -0.6138165555825964 -0.573574139562503 -0.40641333455594936 -0.24544367047557605 -0.06590058361668798 0.15233713403074392 0.3256890799634604 0.42165176431907164 0.5609524351578663 0.660010689976559 0.6677496161342713 +5701,0.4727286769599586,0,-0.2253224624655294 -0.33985856959964655 -0.40331776409286796 -0.46368138812300796 -0.5596440724786191 -0.5782174952571252 -0.6416766897503553 -0.6679890386865736 -0.6138165555825964 -0.573574139562503 -0.40641333455594936 -0.24544367047557605 -0.06590058361668798 0.15233713403074392 0.3256890799634604 0.42165176431907164 0.5609524351578663 0.660010689976559 0.6677496161342713 0.599647065946419 +5702,0.2730643820910327,0,-0.33985856959964655 -0.40331776409286796 -0.46368138812300796 -0.5596440724786191 -0.5782174952571252 -0.6416766897503553 -0.6679890386865736 -0.6138165555825964 -0.573574139562503 -0.40641333455594936 -0.24544367047557605 -0.06590058361668798 0.15233713403074392 0.3256890799634604 0.42165176431907164 0.5609524351578663 0.660010689976559 0.6677496161342713 0.599647065946419 0.4727286769599586 +5703,0.0501833087489699,0,-0.40331776409286796 -0.46368138812300796 -0.5596440724786191 -0.5782174952571252 -0.6416766897503553 -0.6679890386865736 -0.6138165555825964 -0.573574139562503 -0.40641333455594936 -0.24544367047557605 -0.06590058361668798 0.15233713403074392 0.3256890799634604 0.42165176431907164 0.5609524351578663 0.660010689976559 0.6677496161342713 0.599647065946419 0.4727286769599586 0.2730643820910327 +5704,-0.15721991227767712,0,-0.46368138812300796 -0.5596440724786191 -0.5782174952571252 -0.6416766897503553 -0.6679890386865736 -0.6138165555825964 -0.573574139562503 -0.40641333455594936 -0.24544367047557605 -0.06590058361668798 0.15233713403074392 0.3256890799634604 0.42165176431907164 0.5609524351578663 0.660010689976559 0.6677496161342713 0.599647065946419 0.4727286769599586 0.2730643820910327 0.0501833087489699 +5705,-0.24234810001249465,0,-0.5596440724786191 -0.5782174952571252 -0.6416766897503553 -0.6679890386865736 -0.6138165555825964 -0.573574139562503 -0.40641333455594936 -0.24544367047557605 -0.06590058361668798 0.15233713403074392 0.3256890799634604 0.42165176431907164 0.5609524351578663 0.660010689976559 0.6677496161342713 0.599647065946419 0.4727286769599586 0.2730643820910327 0.0501833087489699 -0.15721991227767712 +5706,-0.35997977760969324,0,-0.5782174952571252 -0.6416766897503553 -0.6679890386865736 -0.6138165555825964 -0.573574139562503 -0.40641333455594936 -0.24544367047557605 -0.06590058361668798 0.15233713403074392 0.3256890799634604 0.42165176431907164 0.5609524351578663 0.660010689976559 0.6677496161342713 0.599647065946419 0.4727286769599586 0.2730643820910327 0.0501833087489699 -0.15721991227767712 -0.24234810001249465 +5707,-0.4373690391867985,0,-0.6416766897503553 -0.6679890386865736 -0.6138165555825964 -0.573574139562503 -0.40641333455594936 -0.24544367047557605 -0.06590058361668798 0.15233713403074392 0.3256890799634604 0.42165176431907164 0.5609524351578663 0.660010689976559 0.6677496161342713 0.599647065946419 0.4727286769599586 0.2730643820910327 0.0501833087489699 -0.15721991227767712 -0.24234810001249465 -0.35997977760969324 +5708,-0.5147583007639037,0,-0.6679890386865736 -0.6138165555825964 -0.573574139562503 -0.40641333455594936 -0.24544367047557605 -0.06590058361668798 0.15233713403074392 0.3256890799634604 0.42165176431907164 0.5609524351578663 0.660010689976559 0.6677496161342713 0.599647065946419 0.4727286769599586 0.2730643820910327 0.0501833087489699 -0.15721991227767712 -0.24234810001249465 -0.35997977760969324 -0.4373690391867985 +5709,-0.5550007167839971,0,-0.6138165555825964 -0.573574139562503 -0.40641333455594936 -0.24544367047557605 -0.06590058361668798 0.15233713403074392 0.3256890799634604 0.42165176431907164 0.5609524351578663 0.660010689976559 0.6677496161342713 0.599647065946419 0.4727286769599586 0.2730643820910327 0.0501833087489699 -0.15721991227767712 -0.24234810001249465 -0.35997977760969324 -0.4373690391867985 -0.5147583007639037 +5710,-0.5766697100255844,0,-0.573574139562503 -0.40641333455594936 -0.24544367047557605 -0.06590058361668798 0.15233713403074392 0.3256890799634604 0.42165176431907164 0.5609524351578663 0.660010689976559 0.6677496161342713 0.599647065946419 0.4727286769599586 0.2730643820910327 0.0501833087489699 -0.15721991227767712 -0.24234810001249465 -0.35997977760969324 -0.4373690391867985 -0.5147583007639037 -0.5550007167839971 +5711,-0.6045298441933433,0,-0.40641333455594936 -0.24544367047557605 -0.06590058361668798 0.15233713403074392 0.3256890799634604 0.42165176431907164 0.5609524351578663 0.660010689976559 0.6677496161342713 0.599647065946419 0.4727286769599586 0.2730643820910327 0.0501833087489699 -0.15721991227767712 -0.24234810001249465 -0.35997977760969324 -0.4373690391867985 -0.5147583007639037 -0.5550007167839971 -0.5766697100255844 +5712,-0.6509634011396083,0,-0.24544367047557605 -0.06590058361668798 0.15233713403074392 0.3256890799634604 0.42165176431907164 0.5609524351578663 0.660010689976559 0.6677496161342713 0.599647065946419 0.4727286769599586 0.2730643820910327 0.0501833087489699 -0.15721991227767712 -0.24234810001249465 -0.35997977760969324 -0.4373690391867985 -0.5147583007639037 -0.5550007167839971 -0.5766697100255844 -0.6045298441933433 +5713,-0.7004925285489546,0,-0.06590058361668798 0.15233713403074392 0.3256890799634604 0.42165176431907164 0.5609524351578663 0.660010689976559 0.6677496161342713 0.599647065946419 0.4727286769599586 0.2730643820910327 0.0501833087489699 -0.15721991227767712 -0.24234810001249465 -0.35997977760969324 -0.4373690391867985 -0.5147583007639037 -0.5550007167839971 -0.5766697100255844 -0.6045298441933433 -0.6509634011396083 +5714,-0.6385811192872651,0,0.15233713403074392 0.3256890799634604 0.42165176431907164 0.5609524351578663 0.660010689976559 0.6677496161342713 0.599647065946419 0.4727286769599586 0.2730643820910327 0.0501833087489699 -0.15721991227767712 -0.24234810001249465 -0.35997977760969324 -0.4373690391867985 -0.5147583007639037 -0.5550007167839971 -0.5766697100255844 -0.6045298441933433 -0.6509634011396083 -0.7004925285489546 +5715,-0.3801009856197399,0,0.3256890799634604 0.42165176431907164 0.5609524351578663 0.660010689976559 0.6677496161342713 0.599647065946419 0.4727286769599586 0.2730643820910327 0.0501833087489699 -0.15721991227767712 -0.24234810001249465 -0.35997977760969324 -0.4373690391867985 -0.5147583007639037 -0.5550007167839971 -0.5766697100255844 -0.6045298441933433 -0.6509634011396083 -0.7004925285489546 -0.6385811192872651 +5716,-0.14328984519379323,0,0.42165176431907164 0.5609524351578663 0.660010689976559 0.6677496161342713 0.599647065946419 0.4727286769599586 0.2730643820910327 0.0501833087489699 -0.15721991227767712 -0.24234810001249465 -0.35997977760969324 -0.4373690391867985 -0.5147583007639037 -0.5550007167839971 -0.5766697100255844 -0.6045298441933433 -0.6509634011396083 -0.7004925285489546 -0.6385811192872651 -0.3801009856197399 +5717,0.028514315507373746,0,0.5609524351578663 0.660010689976559 0.6677496161342713 0.599647065946419 0.4727286769599586 0.2730643820910327 0.0501833087489699 -0.15721991227767712 -0.24234810001249465 -0.35997977760969324 -0.4373690391867985 -0.5147583007639037 -0.5550007167839971 -0.5766697100255844 -0.6045298441933433 -0.6509634011396083 -0.7004925285489546 -0.6385811192872651 -0.3801009856197399 -0.14328984519379323 +5718,0.2065096171347211,0,0.660010689976559 0.6677496161342713 0.599647065946419 0.4727286769599586 0.2730643820910327 0.0501833087489699 -0.15721991227767712 -0.24234810001249465 -0.35997977760969324 -0.4373690391867985 -0.5147583007639037 -0.5550007167839971 -0.5766697100255844 -0.6045298441933433 -0.6509634011396083 -0.7004925285489546 -0.6385811192872651 -0.3801009856197399 -0.14328984519379323 0.028514315507373746 +5719,0.4278429052452432,0,0.6677496161342713 0.599647065946419 0.4727286769599586 0.2730643820910327 0.0501833087489699 -0.15721991227767712 -0.24234810001249465 -0.35997977760969324 -0.4373690391867985 -0.5147583007639037 -0.5550007167839971 -0.5766697100255844 -0.6045298441933433 -0.6509634011396083 -0.7004925285489546 -0.6385811192872651 -0.3801009856197399 -0.14328984519379323 0.028514315507373746 0.2065096171347211 +5720,0.5563090794632355,0,0.599647065946419 0.4727286769599586 0.2730643820910327 0.0501833087489699 -0.15721991227767712 -0.24234810001249465 -0.35997977760969324 -0.4373690391867985 -0.5147583007639037 -0.5550007167839971 -0.5766697100255844 -0.6045298441933433 -0.6509634011396083 -0.7004925285489546 -0.6385811192872651 -0.3801009856197399 -0.14328984519379323 0.028514315507373746 0.2065096171347211 0.4278429052452432 +5721,0.6275072001141692,0,0.4727286769599586 0.2730643820910327 0.0501833087489699 -0.15721991227767712 -0.24234810001249465 -0.35997977760969324 -0.4373690391867985 -0.5147583007639037 -0.5550007167839971 -0.5766697100255844 -0.6045298441933433 -0.6509634011396083 -0.7004925285489546 -0.6385811192872651 -0.3801009856197399 -0.14328984519379323 0.028514315507373746 0.2065096171347211 0.4278429052452432 0.5563090794632355 +5722,0.6058382068725817,0,0.2730643820910327 0.0501833087489699 -0.15721991227767712 -0.24234810001249465 -0.35997977760969324 -0.4373690391867985 -0.5147583007639037 -0.5550007167839971 -0.5766697100255844 -0.6045298441933433 -0.6509634011396083 -0.7004925285489546 -0.6385811192872651 -0.3801009856197399 -0.14328984519379323 0.028514315507373746 0.2065096171347211 0.4278429052452432 0.5563090794632355 0.6275072001141692 +5723,0.57178693177866,0,0.0501833087489699 -0.15721991227767712 -0.24234810001249465 -0.35997977760969324 -0.4373690391867985 -0.5147583007639037 -0.5550007167839971 -0.5766697100255844 -0.6045298441933433 -0.6509634011396083 -0.7004925285489546 -0.6385811192872651 -0.3801009856197399 -0.14328984519379323 0.028514315507373746 0.2065096171347211 0.4278429052452432 0.5563090794632355 0.6275072001141692 0.6058382068725817 +5724,0.5826214283994537,0,-0.15721991227767712 -0.24234810001249465 -0.35997977760969324 -0.4373690391867985 -0.5147583007639037 -0.5550007167839971 -0.5766697100255844 -0.6045298441933433 -0.6509634011396083 -0.7004925285489546 -0.6385811192872651 -0.3801009856197399 -0.14328984519379323 0.028514315507373746 0.2065096171347211 0.4278429052452432 0.5563090794632355 0.6275072001141692 0.6058382068725817 0.57178693177866 +5725,0.46344196557070566,0,-0.24234810001249465 -0.35997977760969324 -0.4373690391867985 -0.5147583007639037 -0.5550007167839971 -0.5766697100255844 -0.6045298441933433 -0.6509634011396083 -0.7004925285489546 -0.6385811192872651 -0.3801009856197399 -0.14328984519379323 0.028514315507373746 0.2065096171347211 0.4278429052452432 0.5563090794632355 0.6275072001141692 0.6058382068725817 0.57178693177866 0.5826214283994537 +5726,0.3334280061211727,0,-0.35997977760969324 -0.4373690391867985 -0.5147583007639037 -0.5550007167839971 -0.5766697100255844 -0.6045298441933433 -0.6509634011396083 -0.7004925285489546 -0.6385811192872651 -0.3801009856197399 -0.14328984519379323 0.028514315507373746 0.2065096171347211 0.4278429052452432 0.5563090794632355 0.6275072001141692 0.6058382068725817 0.57178693177866 0.5826214283994537 0.46344196557070566 +5727,0.15388491926228462,0,-0.4373690391867985 -0.5147583007639037 -0.5550007167839971 -0.5766697100255844 -0.6045298441933433 -0.6509634011396083 -0.7004925285489546 -0.6385811192872651 -0.3801009856197399 -0.14328984519379323 0.028514315507373746 0.2065096171347211 0.4278429052452432 0.5563090794632355 0.6275072001141692 0.6058382068725817 0.57178693177866 0.5826214283994537 0.46344196557070566 0.3334280061211727 +5728,-0.04113601991201923,0,-0.5147583007639037 -0.5550007167839971 -0.5766697100255844 -0.6045298441933433 -0.6509634011396083 -0.7004925285489546 -0.6385811192872651 -0.3801009856197399 -0.14328984519379323 0.028514315507373746 0.2065096171347211 0.4278429052452432 0.5563090794632355 0.6275072001141692 0.6058382068725817 0.57178693177866 0.5826214283994537 0.46344196557070566 0.3334280061211727 0.15388491926228462 +5729,-0.17114997936155218,0,-0.5550007167839971 -0.5766697100255844 -0.6045298441933433 -0.6509634011396083 -0.7004925285489546 -0.6385811192872651 -0.3801009856197399 -0.14328984519379323 0.028514315507373746 0.2065096171347211 0.4278429052452432 0.5563090794632355 0.6275072001141692 0.6058382068725817 0.57178693177866 0.5826214283994537 0.46344196557070566 0.3334280061211727 0.15388491926228462 -0.04113601991201923 +5730,-0.2717560194117943,0,-0.5766697100255844 -0.6045298441933433 -0.6509634011396083 -0.7004925285489546 -0.6385811192872651 -0.3801009856197399 -0.14328984519379323 0.028514315507373746 0.2065096171347211 0.4278429052452432 0.5563090794632355 0.6275072001141692 0.6058382068725817 0.57178693177866 0.5826214283994537 0.46344196557070566 0.3334280061211727 0.15388491926228462 -0.04113601991201923 -0.17114997936155218 +5731,-0.35997977760969324,0,-0.6045298441933433 -0.6509634011396083 -0.7004925285489546 -0.6385811192872651 -0.3801009856197399 -0.14328984519379323 0.028514315507373746 0.2065096171347211 0.4278429052452432 0.5563090794632355 0.6275072001141692 0.6058382068725817 0.57178693177866 0.5826214283994537 0.46344196557070566 0.3334280061211727 0.15388491926228462 -0.04113601991201923 -0.17114997936155218 -0.2717560194117943 +5732,-0.4280823277975455,0,-0.6509634011396083 -0.7004925285489546 -0.6385811192872651 -0.3801009856197399 -0.14328984519379323 0.028514315507373746 0.2065096171347211 0.4278429052452432 0.5563090794632355 0.6275072001141692 0.6058382068725817 0.57178693177866 0.5826214283994537 0.46344196557070566 0.3334280061211727 0.15388491926228462 -0.04113601991201923 -0.17114997936155218 -0.2717560194117943 -0.35997977760969324 +5733,-0.4807070256699732,0,-0.7004925285489546 -0.6385811192872651 -0.3801009856197399 -0.14328984519379323 0.028514315507373746 0.2065096171347211 0.4278429052452432 0.5563090794632355 0.6275072001141692 0.6058382068725817 0.57178693177866 0.5826214283994537 0.46344196557070566 0.3334280061211727 0.15388491926228462 -0.04113601991201923 -0.17114997936155218 -0.2717560194117943 -0.35997977760969324 -0.4280823277975455 +5734,-0.4807070256699732,0,-0.6385811192872651 -0.3801009856197399 -0.14328984519379323 0.028514315507373746 0.2065096171347211 0.4278429052452432 0.5563090794632355 0.6275072001141692 0.6058382068725817 0.57178693177866 0.5826214283994537 0.46344196557070566 0.3334280061211727 0.15388491926228462 -0.04113601991201923 -0.17114997936155218 -0.2717560194117943 -0.35997977760969324 -0.4280823277975455 -0.4807070256699732 +5735,-0.49308930752230756,0,-0.3801009856197399 -0.14328984519379323 0.028514315507373746 0.2065096171347211 0.4278429052452432 0.5563090794632355 0.6275072001141692 0.6058382068725817 0.57178693177866 0.5826214283994537 0.46344196557070566 0.3334280061211727 0.15388491926228462 -0.04113601991201923 -0.17114997936155218 -0.2717560194117943 -0.35997977760969324 -0.4280823277975455 -0.4807070256699732 -0.4807070256699732 +5736,-0.5000543410642495,0,-0.14328984519379323 0.028514315507373746 0.2065096171347211 0.4278429052452432 0.5563090794632355 0.6275072001141692 0.6058382068725817 0.57178693177866 0.5826214283994537 0.46344196557070566 0.3334280061211727 0.15388491926228462 -0.04113601991201923 -0.17114997936155218 -0.2717560194117943 -0.35997977760969324 -0.4280823277975455 -0.4807070256699732 -0.4807070256699732 -0.49308930752230756 +5737,-0.5070193746061915,0,0.028514315507373746 0.2065096171347211 0.4278429052452432 0.5563090794632355 0.6275072001141692 0.6058382068725817 0.57178693177866 0.5826214283994537 0.46344196557070566 0.3334280061211727 0.15388491926228462 -0.04113601991201923 -0.17114997936155218 -0.2717560194117943 -0.35997977760969324 -0.4280823277975455 -0.4807070256699732 -0.4807070256699732 -0.49308930752230756 -0.5000543410642495 +5738,-0.4853503813646041,0,0.2065096171347211 0.4278429052452432 0.5563090794632355 0.6275072001141692 0.6058382068725817 0.57178693177866 0.5826214283994537 0.46344196557070566 0.3334280061211727 0.15388491926228462 -0.04113601991201923 -0.17114997936155218 -0.2717560194117943 -0.35997977760969324 -0.4280823277975455 -0.4807070256699732 -0.4807070256699732 -0.49308930752230756 -0.5000543410642495 -0.5070193746061915 +5739,-0.30580729450571603,0,0.4278429052452432 0.5563090794632355 0.6275072001141692 0.6058382068725817 0.57178693177866 0.5826214283994537 0.46344196557070566 0.3334280061211727 0.15388491926228462 -0.04113601991201923 -0.17114997936155218 -0.2717560194117943 -0.35997977760969324 -0.4280823277975455 -0.4807070256699732 -0.4807070256699732 -0.49308930752230756 -0.5000543410642495 -0.5070193746061915 -0.4853503813646041 +5740,-0.2113923953816455,0,0.5563090794632355 0.6275072001141692 0.6058382068725817 0.57178693177866 0.5826214283994537 0.46344196557070566 0.3334280061211727 0.15388491926228462 -0.04113601991201923 -0.17114997936155218 -0.2717560194117943 -0.35997977760969324 -0.4280823277975455 -0.4807070256699732 -0.4807070256699732 -0.49308930752230756 -0.5000543410642495 -0.5070193746061915 -0.4853503813646041 -0.30580729450571603 +5741,0.17864948296696218,0,0.6275072001141692 0.6058382068725817 0.57178693177866 0.5826214283994537 0.46344196557070566 0.3334280061211727 0.15388491926228462 -0.04113601991201923 -0.17114997936155218 -0.2717560194117943 -0.35997977760969324 -0.4280823277975455 -0.4807070256699732 -0.4807070256699732 -0.49308930752230756 -0.5000543410642495 -0.5070193746061915 -0.4853503813646041 -0.30580729450571603 -0.2113923953816455 +5742,0.4851109588123018,0,0.6058382068725817 0.57178693177866 0.5826214283994537 0.46344196557070566 0.3334280061211727 0.15388491926228462 -0.04113601991201923 -0.17114997936155218 -0.2717560194117943 -0.35997977760969324 -0.4280823277975455 -0.4807070256699732 -0.4807070256699732 -0.49308930752230756 -0.5000543410642495 -0.5070193746061915 -0.4853503813646041 -0.30580729450571603 -0.2113923953816455 0.17864948296696218 +5743,0.6011948511779597,0,0.57178693177866 0.5826214283994537 0.46344196557070566 0.3334280061211727 0.15388491926228462 -0.04113601991201923 -0.17114997936155218 -0.2717560194117943 -0.35997977760969324 -0.4280823277975455 -0.4807070256699732 -0.4807070256699732 -0.49308930752230756 -0.5000543410642495 -0.5070193746061915 -0.4853503813646041 -0.30580729450571603 -0.2113923953816455 0.17864948296696218 0.4851109588123018 +5744,0.7884768641945512,0,0.5826214283994537 0.46344196557070566 0.3334280061211727 0.15388491926228462 -0.04113601991201923 -0.17114997936155218 -0.2717560194117943 -0.35997977760969324 -0.4280823277975455 -0.4807070256699732 -0.4807070256699732 -0.49308930752230756 -0.5000543410642495 -0.5070193746061915 -0.4853503813646041 -0.30580729450571603 -0.2113923953816455 0.17864948296696218 0.4851109588123018 0.6011948511779597 +5745,0.8581271996139442,0,0.46344196557070566 0.3334280061211727 0.15388491926228462 -0.04113601991201923 -0.17114997936155218 -0.2717560194117943 -0.35997977760969324 -0.4280823277975455 -0.4807070256699732 -0.4807070256699732 -0.49308930752230756 -0.5000543410642495 -0.5070193746061915 -0.4853503813646041 -0.30580729450571603 -0.2113923953816455 0.17864948296696218 0.4851109588123018 0.6011948511779597 0.7884768641945512 +5746,0.8380059916038975,0,0.3334280061211727 0.15388491926228462 -0.04113601991201923 -0.17114997936155218 -0.2717560194117943 -0.35997977760969324 -0.4280823277975455 -0.4807070256699732 -0.4807070256699732 -0.49308930752230756 -0.5000543410642495 -0.5070193746061915 -0.4853503813646041 -0.30580729450571603 -0.2113923953816455 0.17864948296696218 0.4851109588123018 0.6011948511779597 0.7884768641945512 0.8581271996139442 +5747,0.8024069312784263,0,0.15388491926228462 -0.04113601991201923 -0.17114997936155218 -0.2717560194117943 -0.35997977760969324 -0.4280823277975455 -0.4807070256699732 -0.4807070256699732 -0.49308930752230756 -0.5000543410642495 -0.5070193746061915 -0.4853503813646041 -0.30580729450571603 -0.2113923953816455 0.17864948296696218 0.4851109588123018 0.6011948511779597 0.7884768641945512 0.8581271996139442 0.8380059916038975 +5748,0.7033486764597336,0,-0.04113601991201923 -0.17114997936155218 -0.2717560194117943 -0.35997977760969324 -0.4280823277975455 -0.4807070256699732 -0.4807070256699732 -0.49308930752230756 -0.5000543410642495 -0.5070193746061915 -0.4853503813646041 -0.30580729450571603 -0.2113923953816455 0.17864948296696218 0.4851109588123018 0.6011948511779597 0.7884768641945512 0.8581271996139442 0.8380059916038975 0.8024069312784263 +5749,0.6336983410403407,0,-0.17114997936155218 -0.2717560194117943 -0.35997977760969324 -0.4280823277975455 -0.4807070256699732 -0.4807070256699732 -0.49308930752230756 -0.5000543410642495 -0.5070193746061915 -0.4853503813646041 -0.30580729450571603 -0.2113923953816455 0.17864948296696218 0.4851109588123018 0.6011948511779597 0.7884768641945512 0.8581271996139442 0.8380059916038975 0.8024069312784263 0.7033486764597336 +5750,0.5083277372854299,0,-0.2717560194117943 -0.35997977760969324 -0.4280823277975455 -0.4807070256699732 -0.4807070256699732 -0.49308930752230756 -0.5000543410642495 -0.5070193746061915 -0.4853503813646041 -0.30580729450571603 -0.2113923953816455 0.17864948296696218 0.4851109588123018 0.6011948511779597 0.7884768641945512 0.8581271996139442 0.8380059916038975 0.8024069312784263 0.7033486764597336 0.6336983410403407 +5751,0.2653254559333204,0,-0.35997977760969324 -0.4280823277975455 -0.4807070256699732 -0.4807070256699732 -0.49308930752230756 -0.5000543410642495 -0.5070193746061915 -0.4853503813646041 -0.30580729450571603 -0.2113923953816455 0.17864948296696218 0.4851109588123018 0.6011948511779597 0.7884768641945512 0.8581271996139442 0.8380059916038975 0.8024069312784263 0.7033486764597336 0.6336983410403407 0.5083277372854299 +5752,0.11054693277910989,0,-0.4280823277975455 -0.4807070256699732 -0.4807070256699732 -0.49308930752230756 -0.5000543410642495 -0.5070193746061915 -0.4853503813646041 -0.30580729450571603 -0.2113923953816455 0.17864948296696218 0.4851109588123018 0.6011948511779597 0.7884768641945512 0.8581271996139442 0.8380059916038975 0.8024069312784263 0.7033486764597336 0.6336983410403407 0.5083277372854299 0.2653254559333204 +5753,0.02696653027583305,0,-0.4807070256699732 -0.4807070256699732 -0.49308930752230756 -0.5000543410642495 -0.5070193746061915 -0.4853503813646041 -0.30580729450571603 -0.2113923953816455 0.17864948296696218 0.4851109588123018 0.6011948511779597 0.7884768641945512 0.8581271996139442 0.8380059916038975 0.8024069312784263 0.7033486764597336 0.6336983410403407 0.5083277372854299 0.2653254559333204 0.11054693277910989 +5754,-0.0535183017643536,0,-0.4807070256699732 -0.49308930752230756 -0.5000543410642495 -0.5070193746061915 -0.4853503813646041 -0.30580729450571603 -0.2113923953816455 0.17864948296696218 0.4851109588123018 0.6011948511779597 0.7884768641945512 0.8581271996139442 0.8380059916038975 0.8024069312784263 0.7033486764597336 0.6336983410403407 0.5083277372854299 0.2653254559333204 0.11054693277910989 0.02696653027583305 +5755,-0.14948098611996483,0,-0.49308930752230756 -0.5000543410642495 -0.5070193746061915 -0.4853503813646041 -0.30580729450571603 -0.2113923953816455 0.17864948296696218 0.4851109588123018 0.6011948511779597 0.7884768641945512 0.8581271996139442 0.8380059916038975 0.8024069312784263 0.7033486764597336 0.6336983410403407 0.5083277372854299 0.2653254559333204 0.11054693277910989 0.02696653027583305 -0.0535183017643536 +5756,-0.22609635508129974,0,-0.5000543410642495 -0.5070193746061915 -0.4853503813646041 -0.30580729450571603 -0.2113923953816455 0.17864948296696218 0.4851109588123018 0.6011948511779597 0.7884768641945512 0.8581271996139442 0.8380059916038975 0.8024069312784263 0.7033486764597336 0.6336983410403407 0.5083277372854299 0.2653254559333204 0.11054693277910989 0.02696653027583305 -0.0535183017643536 -0.14948098611996483 +5757,-0.30271172404263463,0,-0.5070193746061915 -0.4853503813646041 -0.30580729450571603 -0.2113923953816455 0.17864948296696218 0.4851109588123018 0.6011948511779597 0.7884768641945512 0.8581271996139442 0.8380059916038975 0.8024069312784263 0.7033486764597336 0.6336983410403407 0.5083277372854299 0.2653254559333204 0.11054693277910989 0.02696653027583305 -0.0535183017643536 -0.14948098611996483 -0.22609635508129974 +5758,-0.28878165695875074,0,-0.4853503813646041 -0.30580729450571603 -0.2113923953816455 0.17864948296696218 0.4851109588123018 0.6011948511779597 0.7884768641945512 0.8581271996139442 0.8380059916038975 0.8024069312784263 0.7033486764597336 0.6336983410403407 0.5083277372854299 0.2653254559333204 0.11054693277910989 0.02696653027583305 -0.0535183017643536 -0.14948098611996483 -0.22609635508129974 -0.30271172404263463 +5759,-0.29497279788492237,0,-0.30580729450571603 -0.2113923953816455 0.17864948296696218 0.4851109588123018 0.6011948511779597 0.7884768641945512 0.8581271996139442 0.8380059916038975 0.8024069312784263 0.7033486764597336 0.6336983410403407 0.5083277372854299 0.2653254559333204 0.11054693277910989 0.02696653027583305 -0.0535183017643536 -0.14948098611996483 -0.22609635508129974 -0.30271172404263463 -0.28878165695875074 +5760,-0.3135462206634283,0,-0.2113923953816455 0.17864948296696218 0.4851109588123018 0.6011948511779597 0.7884768641945512 0.8581271996139442 0.8380059916038975 0.8024069312784263 0.7033486764597336 0.6336983410403407 0.5083277372854299 0.2653254559333204 0.11054693277910989 0.02696653027583305 -0.0535183017643536 -0.14948098611996483 -0.22609635508129974 -0.30271172404263463 -0.28878165695875074 -0.29497279788492237 +5761,-0.30580729450571603,0,0.17864948296696218 0.4851109588123018 0.6011948511779597 0.7884768641945512 0.8581271996139442 0.8380059916038975 0.8024069312784263 0.7033486764597336 0.6336983410403407 0.5083277372854299 0.2653254559333204 0.11054693277910989 0.02696653027583305 -0.0535183017643536 -0.14948098611996483 -0.22609635508129974 -0.30271172404263463 -0.28878165695875074 -0.29497279788492237 -0.3135462206634283 +5762,-0.2624693080225413,0,0.4851109588123018 0.6011948511779597 0.7884768641945512 0.8581271996139442 0.8380059916038975 0.8024069312784263 0.7033486764597336 0.6336983410403407 0.5083277372854299 0.2653254559333204 0.11054693277910989 0.02696653027583305 -0.0535183017643536 -0.14948098611996483 -0.22609635508129974 -0.30271172404263463 -0.28878165695875074 -0.29497279788492237 -0.3135462206634283 -0.30580729450571603 +5763,-0.19901011352931114,0,0.6011948511779597 0.7884768641945512 0.8581271996139442 0.8380059916038975 0.8024069312784263 0.7033486764597336 0.6336983410403407 0.5083277372854299 0.2653254559333204 0.11054693277910989 0.02696653027583305 -0.0535183017643536 -0.14948098611996483 -0.22609635508129974 -0.30271172404263463 -0.28878165695875074 -0.29497279788492237 -0.3135462206634283 -0.30580729450571603 -0.2624693080225413 +5764,-0.0008936038919258983,0,0.7884768641945512 0.8581271996139442 0.8380059916038975 0.8024069312784263 0.7033486764597336 0.6336983410403407 0.5083277372854299 0.2653254559333204 0.11054693277910989 0.02696653027583305 -0.0535183017643536 -0.14948098611996483 -0.22609635508129974 -0.30271172404263463 -0.28878165695875074 -0.29497279788492237 -0.3135462206634283 -0.30580729450571603 -0.2624693080225413 -0.19901011352931114 +5765,0.26068210023868954,0,0.8581271996139442 0.8380059916038975 0.8024069312784263 0.7033486764597336 0.6336983410403407 0.5083277372854299 0.2653254559333204 0.11054693277910989 0.02696653027583305 -0.0535183017643536 -0.14948098611996483 -0.22609635508129974 -0.30271172404263463 -0.28878165695875074 -0.29497279788492237 -0.3135462206634283 -0.30580729450571603 -0.2624693080225413 -0.19901011352931114 -0.0008936038919258983 +5766,0.5191622339062235,0,0.8380059916038975 0.8024069312784263 0.7033486764597336 0.6336983410403407 0.5083277372854299 0.2653254559333204 0.11054693277910989 0.02696653027583305 -0.0535183017643536 -0.14948098611996483 -0.22609635508129974 -0.30271172404263463 -0.28878165695875074 -0.29497279788492237 -0.3135462206634283 -0.30580729450571603 -0.2624693080225413 -0.19901011352931114 -0.0008936038919258983 0.26068210023868954 +5767,0.6538195490503874,0,0.8024069312784263 0.7033486764597336 0.6336983410403407 0.5083277372854299 0.2653254559333204 0.11054693277910989 0.02696653027583305 -0.0535183017643536 -0.14948098611996483 -0.22609635508129974 -0.30271172404263463 -0.28878165695875074 -0.29497279788492237 -0.3135462206634283 -0.30580729450571603 -0.2624693080225413 -0.19901011352931114 -0.0008936038919258983 0.26068210023868954 0.5191622339062235 +5768,0.8534838439193221,0,0.7033486764597336 0.6336983410403407 0.5083277372854299 0.2653254559333204 0.11054693277910989 0.02696653027583305 -0.0535183017643536 -0.14948098611996483 -0.22609635508129974 -0.30271172404263463 -0.28878165695875074 -0.29497279788492237 -0.3135462206634283 -0.30580729450571603 -0.2624693080225413 -0.19901011352931114 -0.0008936038919258983 0.26068210023868954 0.5191622339062235 0.6538195490503874 +5769,0.8921784747078747,0,0.6336983410403407 0.5083277372854299 0.2653254559333204 0.11054693277910989 0.02696653027583305 -0.0535183017643536 -0.14948098611996483 -0.22609635508129974 -0.30271172404263463 -0.28878165695875074 -0.29497279788492237 -0.3135462206634283 -0.30580729450571603 -0.2624693080225413 -0.19901011352931114 -0.0008936038919258983 0.26068210023868954 0.5191622339062235 0.6538195490503874 0.8534838439193221 +5770,0.978854447674233,0,0.5083277372854299 0.2653254559333204 0.11054693277910989 0.02696653027583305 -0.0535183017643536 -0.14948098611996483 -0.22609635508129974 -0.30271172404263463 -0.28878165695875074 -0.29497279788492237 -0.3135462206634283 -0.30580729450571603 -0.2624693080225413 -0.19901011352931114 -0.0008936038919258983 0.26068210023868954 0.5191622339062235 0.6538195490503874 0.8534838439193221 0.8921784747078747 +5771,1.0190968636943263,0,0.2653254559333204 0.11054693277910989 0.02696653027583305 -0.0535183017643536 -0.14948098611996483 -0.22609635508129974 -0.30271172404263463 -0.28878165695875074 -0.29497279788492237 -0.3135462206634283 -0.30580729450571603 -0.2624693080225413 -0.19901011352931114 -0.0008936038919258983 0.26068210023868954 0.5191622339062235 0.6538195490503874 0.8534838439193221 0.8921784747078747 0.978854447674233 +5772,1.0082623670735327,0,0.11054693277910989 0.02696653027583305 -0.0535183017643536 -0.14948098611996483 -0.22609635508129974 -0.30271172404263463 -0.28878165695875074 -0.29497279788492237 -0.3135462206634283 -0.30580729450571603 -0.2624693080225413 -0.19901011352931114 -0.0008936038919258983 0.26068210023868954 0.5191622339062235 0.6538195490503874 0.8534838439193221 0.8921784747078747 0.978854447674233 1.0190968636943263 +5773,0.9231341793387151,0,0.02696653027583305 -0.0535183017643536 -0.14948098611996483 -0.22609635508129974 -0.30271172404263463 -0.28878165695875074 -0.29497279788492237 -0.3135462206634283 -0.30580729450571603 -0.2624693080225413 -0.19901011352931114 -0.0008936038919258983 0.26068210023868954 0.5191622339062235 0.6538195490503874 0.8534838439193221 0.8921784747078747 0.978854447674233 1.0190968636943263 1.0082623670735327 +5774,0.8039547165099759,0,-0.0535183017643536 -0.14948098611996483 -0.22609635508129974 -0.30271172404263463 -0.28878165695875074 -0.29497279788492237 -0.3135462206634283 -0.30580729450571603 -0.2624693080225413 -0.19901011352931114 -0.0008936038919258983 0.26068210023868954 0.5191622339062235 0.6538195490503874 0.8534838439193221 0.8921784747078747 0.978854447674233 1.0190968636943263 1.0082623670735327 0.9231341793387151 +5775,0.6104815625672126,0,-0.14948098611996483 -0.22609635508129974 -0.30271172404263463 -0.28878165695875074 -0.29497279788492237 -0.3135462206634283 -0.30580729450571603 -0.2624693080225413 -0.19901011352931114 -0.0008936038919258983 0.26068210023868954 0.5191622339062235 0.6538195490503874 0.8534838439193221 0.8921784747078747 0.978854447674233 1.0190968636943263 1.0082623670735327 0.9231341793387151 0.8039547165099759 +5776,0.42010397908753094,0,-0.22609635508129974 -0.30271172404263463 -0.28878165695875074 -0.29497279788492237 -0.3135462206634283 -0.30580729450571603 -0.2624693080225413 -0.19901011352931114 -0.0008936038919258983 0.26068210023868954 0.5191622339062235 0.6538195490503874 0.8534838439193221 0.8921784747078747 0.978854447674233 1.0190968636943263 1.0082623670735327 0.9231341793387151 0.8039547165099759 0.6104815625672126 +5777,0.23746532176556145,0,-0.30271172404263463 -0.28878165695875074 -0.29497279788492237 -0.3135462206634283 -0.30580729450571603 -0.2624693080225413 -0.19901011352931114 -0.0008936038919258983 0.26068210023868954 0.5191622339062235 0.6538195490503874 0.8534838439193221 0.8921784747078747 0.978854447674233 1.0190968636943263 1.0082623670735327 0.9231341793387151 0.8039547165099759 0.6104815625672126 0.42010397908753094 +5778,0.14924156356766252,0,-0.28878165695875074 -0.29497279788492237 -0.3135462206634283 -0.30580729450571603 -0.2624693080225413 -0.19901011352931114 -0.0008936038919258983 0.26068210023868954 0.5191622339062235 0.6538195490503874 0.8534838439193221 0.8921784747078747 0.978854447674233 1.0190968636943263 1.0082623670735327 0.9231341793387151 0.8039547165099759 0.6104815625672126 0.42010397908753094 0.23746532176556145 +5779,0.01613203365503937,0,-0.29497279788492237 -0.3135462206634283 -0.30580729450571603 -0.2624693080225413 -0.19901011352931114 -0.0008936038919258983 0.26068210023868954 0.5191622339062235 0.6538195490503874 0.8534838439193221 0.8921784747078747 0.978854447674233 1.0190968636943263 1.0082623670735327 0.9231341793387151 0.8039547165099759 0.6104815625672126 0.42010397908753094 0.23746532176556145 0.14924156356766252 +5780,-0.04732716083818202,0,-0.3135462206634283 -0.30580729450571603 -0.2624693080225413 -0.19901011352931114 -0.0008936038919258983 0.26068210023868954 0.5191622339062235 0.6538195490503874 0.8534838439193221 0.8921784747078747 0.978854447674233 1.0190968636943263 1.0082623670735327 0.9231341793387151 0.8039547165099759 0.6104815625672126 0.42010397908753094 0.23746532176556145 0.14924156356766252 0.01613203365503937 +5781,-0.14638541565688343,0,-0.30580729450571603 -0.2624693080225413 -0.19901011352931114 -0.0008936038919258983 0.26068210023868954 0.5191622339062235 0.6538195490503874 0.8534838439193221 0.8921784747078747 0.978854447674233 1.0190968636943263 1.0082623670735327 0.9231341793387151 0.8039547165099759 0.6104815625672126 0.42010397908753094 0.23746532176556145 0.14924156356766252 0.01613203365503937 -0.04732716083818202 +5782,-0.14793320088842413,0,-0.2624693080225413 -0.19901011352931114 -0.0008936038919258983 0.26068210023868954 0.5191622339062235 0.6538195490503874 0.8534838439193221 0.8921784747078747 0.978854447674233 1.0190968636943263 1.0082623670735327 0.9231341793387151 0.8039547165099759 0.6104815625672126 0.42010397908753094 0.23746532176556145 0.14924156356766252 0.01613203365503937 -0.04732716083818202 -0.14638541565688343 +5783,-0.2144879658447357,0,-0.19901011352931114 -0.0008936038919258983 0.26068210023868954 0.5191622339062235 0.6538195490503874 0.8534838439193221 0.8921784747078747 0.978854447674233 1.0190968636943263 1.0082623670735327 0.9231341793387151 0.8039547165099759 0.6104815625672126 0.42010397908753094 0.23746532176556145 0.14924156356766252 0.01613203365503937 -0.04732716083818202 -0.14638541565688343 -0.14793320088842413 +5784,-0.2655648784856227,0,-0.0008936038919258983 0.26068210023868954 0.5191622339062235 0.6538195490503874 0.8534838439193221 0.8921784747078747 0.978854447674233 1.0190968636943263 1.0082623670735327 0.9231341793387151 0.8039547165099759 0.6104815625672126 0.42010397908753094 0.23746532176556145 0.14924156356766252 0.01613203365503937 -0.04732716083818202 -0.14638541565688343 -0.14793320088842413 -0.2144879658447357 +5785,-0.24699145570711675,0,0.26068210023868954 0.5191622339062235 0.6538195490503874 0.8534838439193221 0.8921784747078747 0.978854447674233 1.0190968636943263 1.0082623670735327 0.9231341793387151 0.8039547165099759 0.6104815625672126 0.42010397908753094 0.23746532176556145 0.14924156356766252 0.01613203365503937 -0.04732716083818202 -0.14638541565688343 -0.14793320088842413 -0.2144879658447357 -0.2655648784856227 +5786,-0.17424554982463358,0,0.5191622339062235 0.6538195490503874 0.8534838439193221 0.8921784747078747 0.978854447674233 1.0190968636943263 1.0082623670735327 0.9231341793387151 0.8039547165099759 0.6104815625672126 0.42010397908753094 0.23746532176556145 0.14924156356766252 0.01613203365503937 -0.04732716083818202 -0.14638541565688343 -0.14793320088842413 -0.2144879658447357 -0.2655648784856227 -0.24699145570711675 +5787,0.08423458384289165,0,0.6538195490503874 0.8534838439193221 0.8921784747078747 0.978854447674233 1.0190968636943263 1.0082623670735327 0.9231341793387151 0.8039547165099759 0.6104815625672126 0.42010397908753094 0.23746532176556145 0.14924156356766252 0.01613203365503937 -0.04732716083818202 -0.14638541565688343 -0.14793320088842413 -0.2144879658447357 -0.2655648784856227 -0.24699145570711675 -0.17424554982463358 +5788,0.24675203315481445,0,0.8534838439193221 0.8921784747078747 0.978854447674233 1.0190968636943263 1.0082623670735327 0.9231341793387151 0.8039547165099759 0.6104815625672126 0.42010397908753094 0.23746532176556145 0.14924156356766252 0.01613203365503937 -0.04732716083818202 -0.14638541565688343 -0.14793320088842413 -0.2144879658447357 -0.2655648784856227 -0.24699145570711675 -0.17424554982463358 0.08423458384289165 +5789,0.6383416967349717,0,0.8921784747078747 0.978854447674233 1.0190968636943263 1.0082623670735327 0.9231341793387151 0.8039547165099759 0.6104815625672126 0.42010397908753094 0.23746532176556145 0.14924156356766252 0.01613203365503937 -0.04732716083818202 -0.14638541565688343 -0.14793320088842413 -0.2144879658447357 -0.2655648784856227 -0.24699145570711675 -0.17424554982463358 0.08423458384289165 0.24675203315481445 +5790,0.8318148506777348,0,0.978854447674233 1.0190968636943263 1.0082623670735327 0.9231341793387151 0.8039547165099759 0.6104815625672126 0.42010397908753094 0.23746532176556145 0.14924156356766252 0.01613203365503937 -0.04732716083818202 -0.14638541565688343 -0.14793320088842413 -0.2144879658447357 -0.2655648784856227 -0.24699145570711675 -0.17424554982463358 0.08423458384289165 0.24675203315481445 0.6383416967349717 +5791,0.9122996827179214,0,1.0190968636943263 1.0082623670735327 0.9231341793387151 0.8039547165099759 0.6104815625672126 0.42010397908753094 0.23746532176556145 0.14924156356766252 0.01613203365503937 -0.04732716083818202 -0.14638541565688343 -0.14793320088842413 -0.2144879658447357 -0.2655648784856227 -0.24699145570711675 -0.17424554982463358 0.08423458384289165 0.24675203315481445 0.6383416967349717 0.8318148506777348 +5792,0.8859873337817031,0,1.0082623670735327 0.9231341793387151 0.8039547165099759 0.6104815625672126 0.42010397908753094 0.23746532176556145 0.14924156356766252 0.01613203365503937 -0.04732716083818202 -0.14638541565688343 -0.14793320088842413 -0.2144879658447357 -0.2655648784856227 -0.24699145570711675 -0.17424554982463358 0.08423458384289165 0.24675203315481445 0.6383416967349717 0.8318148506777348 0.9122996827179214 +5793,1.0221924341574078,0,0.9231341793387151 0.8039547165099759 0.6104815625672126 0.42010397908753094 0.23746532176556145 0.14924156356766252 0.01613203365503937 -0.04732716083818202 -0.14638541565688343 -0.14793320088842413 -0.2144879658447357 -0.2655648784856227 -0.24699145570711675 -0.17424554982463358 0.08423458384289165 0.24675203315481445 0.6383416967349717 0.8318148506777348 0.9122996827179214 0.8859873337817031 +5794,1.2806725678249418,0,0.8039547165099759 0.6104815625672126 0.42010397908753094 0.23746532176556145 0.14924156356766252 0.01613203365503937 -0.04732716083818202 -0.14638541565688343 -0.14793320088842413 -0.2144879658447357 -0.2655648784856227 -0.24699145570711675 -0.17424554982463358 0.08423458384289165 0.24675203315481445 0.6383416967349717 0.8318148506777348 0.9122996827179214 0.8859873337817031 1.0221924341574078 +5795,1.399852030653681,0,0.6104815625672126 0.42010397908753094 0.23746532176556145 0.14924156356766252 0.01613203365503937 -0.04732716083818202 -0.14638541565688343 -0.14793320088842413 -0.2144879658447357 -0.2655648784856227 -0.24699145570711675 -0.17424554982463358 0.08423458384289165 0.24675203315481445 0.6383416967349717 0.8318148506777348 0.9122996827179214 0.8859873337817031 1.0221924341574078 1.2806725678249418 +5796,1.3843741783382653,0,0.42010397908753094 0.23746532176556145 0.14924156356766252 0.01613203365503937 -0.04732716083818202 -0.14638541565688343 -0.14793320088842413 -0.2144879658447357 -0.2655648784856227 -0.24699145570711675 -0.17424554982463358 0.08423458384289165 0.24675203315481445 0.6383416967349717 0.8318148506777348 0.9122996827179214 0.8859873337817031 1.0221924341574078 1.2806725678249418 1.399852030653681 +5797,1.2574557893518137,0,0.23746532176556145 0.14924156356766252 0.01613203365503937 -0.04732716083818202 -0.14638541565688343 -0.14793320088842413 -0.2144879658447357 -0.2655648784856227 -0.24699145570711675 -0.17424554982463358 0.08423458384289165 0.24675203315481445 0.6383416967349717 0.8318148506777348 0.9122996827179214 0.8859873337817031 1.0221924341574078 1.2806725678249418 1.399852030653681 1.3843741783382653 +5798,1.0887471991137192,0,0.14924156356766252 0.01613203365503937 -0.04732716083818202 -0.14638541565688343 -0.14793320088842413 -0.2144879658447357 -0.2655648784856227 -0.24699145570711675 -0.17424554982463358 0.08423458384289165 0.24675203315481445 0.6383416967349717 0.8318148506777348 0.9122996827179214 0.8859873337817031 1.0221924341574078 1.2806725678249418 1.399852030653681 1.3843741783382653 1.2574557893518137 +5799,0.7250176697013211,0,0.01613203365503937 -0.04732716083818202 -0.14638541565688343 -0.14793320088842413 -0.2144879658447357 -0.2655648784856227 -0.24699145570711675 -0.17424554982463358 0.08423458384289165 0.24675203315481445 0.6383416967349717 0.8318148506777348 0.9122996827179214 0.8859873337817031 1.0221924341574078 1.2806725678249418 1.399852030653681 1.3843741783382653 1.2574557893518137 1.0887471991137192 +5800,0.4309384757083246,0,-0.04732716083818202 -0.14638541565688343 -0.14793320088842413 -0.2144879658447357 -0.2655648784856227 -0.24699145570711675 -0.17424554982463358 0.08423458384289165 0.24675203315481445 0.6383416967349717 0.8318148506777348 0.9122996827179214 0.8859873337817031 1.0221924341574078 1.2806725678249418 1.399852030653681 1.3843741783382653 1.2574557893518137 1.0887471991137192 0.7250176697013211 +5801,0.2699688116279425,0,-0.14638541565688343 -0.14793320088842413 -0.2144879658447357 -0.2655648784856227 -0.24699145570711675 -0.17424554982463358 0.08423458384289165 0.24675203315481445 0.6383416967349717 0.8318148506777348 0.9122996827179214 0.8859873337817031 1.0221924341574078 1.2806725678249418 1.399852030653681 1.3843741783382653 1.2574557893518137 1.0887471991137192 0.7250176697013211 0.4309384757083246 +5802,0.09661686569523482,0,-0.14793320088842413 -0.2144879658447357 -0.2655648784856227 -0.24699145570711675 -0.17424554982463358 0.08423458384289165 0.24675203315481445 0.6383416967349717 0.8318148506777348 0.9122996827179214 0.8859873337817031 1.0221924341574078 1.2806725678249418 1.399852030653681 1.3843741783382653 1.2574557893518137 1.0887471991137192 0.7250176697013211 0.4309384757083246 0.2699688116279425 +5803,0.019227604118129564,0,-0.2144879658447357 -0.2655648784856227 -0.24699145570711675 -0.17424554982463358 0.08423458384289165 0.24675203315481445 0.6383416967349717 0.8318148506777348 0.9122996827179214 0.8859873337817031 1.0221924341574078 1.2806725678249418 1.399852030653681 1.3843741783382653 1.2574557893518137 1.0887471991137192 0.7250176697013211 0.4309384757083246 0.2699688116279425 0.09661686569523482 +5804,-0.04732716083818202,0,-0.2655648784856227 -0.24699145570711675 -0.17424554982463358 0.08423458384289165 0.24675203315481445 0.6383416967349717 0.8318148506777348 0.9122996827179214 0.8859873337817031 1.0221924341574078 1.2806725678249418 1.399852030653681 1.3843741783382653 1.2574557893518137 1.0887471991137192 0.7250176697013211 0.4309384757083246 0.2699688116279425 0.09661686569523482 0.019227604118129564 +5805,-0.12162085195220587,0,-0.24699145570711675 -0.17424554982463358 0.08423458384289165 0.24675203315481445 0.6383416967349717 0.8318148506777348 0.9122996827179214 0.8859873337817031 1.0221924341574078 1.2806725678249418 1.399852030653681 1.3843741783382653 1.2574557893518137 1.0887471991137192 0.7250176697013211 0.4309384757083246 0.2699688116279425 0.09661686569523482 0.019227604118129564 -0.04732716083818202 +5806,-0.19127118737159884,0,-0.17424554982463358 0.08423458384289165 0.24675203315481445 0.6383416967349717 0.8318148506777348 0.9122996827179214 0.8859873337817031 1.0221924341574078 1.2806725678249418 1.399852030653681 1.3843741783382653 1.2574557893518137 1.0887471991137192 0.7250176697013211 0.4309384757083246 0.2699688116279425 0.09661686569523482 0.019227604118129564 -0.04732716083818202 -0.12162085195220587 +5807,-0.2237746772339887,0,0.08423458384289165 0.24675203315481445 0.6383416967349717 0.8318148506777348 0.9122996827179214 0.8859873337817031 1.0221924341574078 1.2806725678249418 1.399852030653681 1.3843741783382653 1.2574557893518137 1.0887471991137192 0.7250176697013211 0.4309384757083246 0.2699688116279425 0.09661686569523482 0.019227604118129564 -0.04732716083818202 -0.12162085195220587 -0.19127118737159884 +5808,-0.24234810001249465,0,0.24675203315481445 0.6383416967349717 0.8318148506777348 0.9122996827179214 0.8859873337817031 1.0221924341574078 1.2806725678249418 1.399852030653681 1.3843741783382653 1.2574557893518137 1.0887471991137192 0.7250176697013211 0.4309384757083246 0.2699688116279425 0.09661686569523482 0.019227604118129564 -0.04732716083818202 -0.12162085195220587 -0.19127118737159884 -0.2237746772339887 +5809,-0.2748515898748757,0,0.6383416967349717 0.8318148506777348 0.9122996827179214 0.8859873337817031 1.0221924341574078 1.2806725678249418 1.399852030653681 1.3843741783382653 1.2574557893518137 1.0887471991137192 0.7250176697013211 0.4309384757083246 0.2699688116279425 0.09661686569523482 0.019227604118129564 -0.04732716083818202 -0.12162085195220587 -0.19127118737159884 -0.2237746772339887 -0.24234810001249465 +5810,-0.19281897260313954,0,0.8318148506777348 0.9122996827179214 0.8859873337817031 1.0221924341574078 1.2806725678249418 1.399852030653681 1.3843741783382653 1.2574557893518137 1.0887471991137192 0.7250176697013211 0.4309384757083246 0.2699688116279425 0.09661686569523482 0.019227604118129564 -0.04732716083818202 -0.12162085195220587 -0.19127118737159884 -0.2237746772339887 -0.24234810001249465 -0.2748515898748757 +5811,-0.017919241438882367,0,0.9122996827179214 0.8859873337817031 1.0221924341574078 1.2806725678249418 1.399852030653681 1.3843741783382653 1.2574557893518137 1.0887471991137192 0.7250176697013211 0.4309384757083246 0.2699688116279425 0.09661686569523482 0.019227604118129564 -0.04732716083818202 -0.12162085195220587 -0.19127118737159884 -0.2237746772339887 -0.24234810001249465 -0.2748515898748757 -0.19281897260313954 +5812,0.20496183190318043,0,0.8859873337817031 1.0221924341574078 1.2806725678249418 1.399852030653681 1.3843741783382653 1.2574557893518137 1.0887471991137192 0.7250176697013211 0.4309384757083246 0.2699688116279425 0.09661686569523482 0.019227604118129564 -0.04732716083818202 -0.12162085195220587 -0.19127118737159884 -0.2237746772339887 -0.24234810001249465 -0.2748515898748757 -0.19281897260313954 -0.017919241438882367 +5813,0.44641632802374914,0,1.0221924341574078 1.2806725678249418 1.399852030653681 1.3843741783382653 1.2574557893518137 1.0887471991137192 0.7250176697013211 0.4309384757083246 0.2699688116279425 0.09661686569523482 0.019227604118129564 -0.04732716083818202 -0.12162085195220587 -0.19127118737159884 -0.2237746772339887 -0.24234810001249465 -0.2748515898748757 -0.19281897260313954 -0.017919241438882367 0.20496183190318043 +5814,0.7327565958590333,0,1.2806725678249418 1.399852030653681 1.3843741783382653 1.2574557893518137 1.0887471991137192 0.7250176697013211 0.4309384757083246 0.2699688116279425 0.09661686569523482 0.019227604118129564 -0.04732716083818202 -0.12162085195220587 -0.19127118737159884 -0.2237746772339887 -0.24234810001249465 -0.2748515898748757 -0.19281897260313954 -0.017919241438882367 0.20496183190318043 0.44641632802374914 +5815,0.9680199510534393,0,1.399852030653681 1.3843741783382653 1.2574557893518137 1.0887471991137192 0.7250176697013211 0.4309384757083246 0.2699688116279425 0.09661686569523482 0.019227604118129564 -0.04732716083818202 -0.12162085195220587 -0.19127118737159884 -0.2237746772339887 -0.24234810001249465 -0.2748515898748757 -0.19281897260313954 -0.017919241438882367 0.20496183190318043 0.44641632802374914 0.7327565958590333 +5816,1.1042250514291438,0,1.3843741783382653 1.2574557893518137 1.0887471991137192 0.7250176697013211 0.4309384757083246 0.2699688116279425 0.09661686569523482 0.019227604118129564 -0.04732716083818202 -0.12162085195220587 -0.19127118737159884 -0.2237746772339887 -0.24234810001249465 -0.2748515898748757 -0.19281897260313954 -0.017919241438882367 0.20496183190318043 0.44641632802374914 0.7327565958590333 0.9680199510534393 +5817,1.2172133733317116,0,1.2574557893518137 1.0887471991137192 0.7250176697013211 0.4309384757083246 0.2699688116279425 0.09661686569523482 0.019227604118129564 -0.04732716083818202 -0.12162085195220587 -0.19127118737159884 -0.2237746772339887 -0.24234810001249465 -0.2748515898748757 -0.19281897260313954 -0.017919241438882367 0.20496183190318043 0.44641632802374914 0.7327565958590333 0.9680199510534393 1.1042250514291438 +5818,1.2713858564356888,0,1.0887471991137192 0.7250176697013211 0.4309384757083246 0.2699688116279425 0.09661686569523482 0.019227604118129564 -0.04732716083818202 -0.12162085195220587 -0.19127118737159884 -0.2237746772339887 -0.24234810001249465 -0.2748515898748757 -0.19281897260313954 -0.017919241438882367 0.20496183190318043 0.44641632802374914 0.7327565958590333 0.9680199510534393 1.1042250514291438 1.2172133733317116 +5819,1.2357867961102176,0,0.7250176697013211 0.4309384757083246 0.2699688116279425 0.09661686569523482 0.019227604118129564 -0.04732716083818202 -0.12162085195220587 -0.19127118737159884 -0.2237746772339887 -0.24234810001249465 -0.2748515898748757 -0.19281897260313954 -0.017919241438882367 0.20496183190318043 0.44641632802374914 0.7327565958590333 0.9680199510534393 1.1042250514291438 1.2172133733317116 1.2713858564356888 +5820,1.1862576687008712,0,0.4309384757083246 0.2699688116279425 0.09661686569523482 0.019227604118129564 -0.04732716083818202 -0.12162085195220587 -0.19127118737159884 -0.2237746772339887 -0.24234810001249465 -0.2748515898748757 -0.19281897260313954 -0.017919241438882367 0.20496183190318043 0.44641632802374914 0.7327565958590333 0.9680199510534393 1.1042250514291438 1.2172133733317116 1.2713858564356888 1.2357867961102176 +5821,1.0593392797144197,0,0.2699688116279425 0.09661686569523482 0.019227604118129564 -0.04732716083818202 -0.12162085195220587 -0.19127118737159884 -0.2237746772339887 -0.24234810001249465 -0.2748515898748757 -0.19281897260313954 -0.017919241438882367 0.20496183190318043 0.44641632802374914 0.7327565958590333 0.9680199510534393 1.1042250514291438 1.2172133733317116 1.2713858564356888 1.2357867961102176 1.1862576687008712 +5822,0.8333626359092754,0,0.09661686569523482 0.019227604118129564 -0.04732716083818202 -0.12162085195220587 -0.19127118737159884 -0.2237746772339887 -0.24234810001249465 -0.2748515898748757 -0.19281897260313954 -0.017919241438882367 0.20496183190318043 0.44641632802374914 0.7327565958590333 0.9680199510534393 1.1042250514291438 1.2172133733317116 1.2713858564356888 1.2357867961102176 1.1862576687008712 1.0593392797144197 +5823,0.5625002203894071,0,0.019227604118129564 -0.04732716083818202 -0.12162085195220587 -0.19127118737159884 -0.2237746772339887 -0.24234810001249465 -0.2748515898748757 -0.19281897260313954 -0.017919241438882367 0.20496183190318043 0.44641632802374914 0.7327565958590333 0.9680199510534393 1.1042250514291438 1.2172133733317116 1.2713858564356888 1.2357867961102176 1.1862576687008712 1.0593392797144197 0.8333626359092754 +5824,0.3380713618157948,0,-0.04732716083818202 -0.12162085195220587 -0.19127118737159884 -0.2237746772339887 -0.24234810001249465 -0.2748515898748757 -0.19281897260313954 -0.017919241438882367 0.20496183190318043 0.44641632802374914 0.7327565958590333 0.9680199510534393 1.1042250514291438 1.2172133733317116 1.2713858564356888 1.2357867961102176 1.1862576687008712 1.0593392797144197 0.8333626359092754 0.5625002203894071 +5825,0.2096051875978025,0,-0.12162085195220587 -0.19127118737159884 -0.2237746772339887 -0.24234810001249465 -0.2748515898748757 -0.19281897260313954 -0.017919241438882367 0.20496183190318043 0.44641632802374914 0.7327565958590333 0.9680199510534393 1.1042250514291438 1.2172133733317116 1.2713858564356888 1.2357867961102176 1.1862576687008712 1.0593392797144197 0.8333626359092754 0.5625002203894071 0.3380713618157948 +5826,0.07959122814826955,0,-0.19127118737159884 -0.2237746772339887 -0.24234810001249465 -0.2748515898748757 -0.19281897260313954 -0.017919241438882367 0.20496183190318043 0.44641632802374914 0.7327565958590333 0.9680199510534393 1.1042250514291438 1.2172133733317116 1.2713858564356888 1.2357867961102176 1.1862576687008712 1.0593392797144197 0.8333626359092754 0.5625002203894071 0.3380713618157948 0.2096051875978025 +5827,0.03780102689662673,0,-0.2237746772339887 -0.24234810001249465 -0.2748515898748757 -0.19281897260313954 -0.017919241438882367 0.20496183190318043 0.44641632802374914 0.7327565958590333 0.9680199510534393 1.1042250514291438 1.2172133733317116 1.2713858564356888 1.2357867961102176 1.1862576687008712 1.0593392797144197 0.8333626359092754 0.5625002203894071 0.3380713618157948 0.2096051875978025 0.07959122814826955 +5828,0.008393107497327084,0,-0.24234810001249465 -0.2748515898748757 -0.19281897260313954 -0.017919241438882367 0.20496183190318043 0.44641632802374914 0.7327565958590333 0.9680199510534393 1.1042250514291438 1.2172133733317116 1.2713858564356888 1.2357867961102176 1.1862576687008712 1.0593392797144197 0.8333626359092754 0.5625002203894071 0.3380713618157948 0.2096051875978025 0.07959122814826955 0.03780102689662673 +5829,-0.04577937560664132,0,-0.2748515898748757 -0.19281897260313954 -0.017919241438882367 0.20496183190318043 0.44641632802374914 0.7327565958590333 0.9680199510534393 1.1042250514291438 1.2172133733317116 1.2713858564356888 1.2357867961102176 1.1862576687008712 1.0593392797144197 0.8333626359092754 0.5625002203894071 0.3380713618157948 0.2096051875978025 0.07959122814826955 0.03780102689662673 0.008393107497327084 +5830,-0.07518729500594096,0,-0.19281897260313954 -0.017919241438882367 0.20496183190318043 0.44641632802374914 0.7327565958590333 0.9680199510534393 1.1042250514291438 1.2172133733317116 1.2713858564356888 1.2357867961102176 1.1862576687008712 1.0593392797144197 0.8333626359092754 0.5625002203894071 0.3380713618157948 0.2096051875978025 0.07959122814826955 0.03780102689662673 0.008393107497327084 -0.04577937560664132 +5831,-0.13090756334145887,0,-0.017919241438882367 0.20496183190318043 0.44641632802374914 0.7327565958590333 0.9680199510534393 1.1042250514291438 1.2172133733317116 1.2713858564356888 1.2357867961102176 1.1862576687008712 1.0593392797144197 0.8333626359092754 0.5625002203894071 0.3380713618157948 0.2096051875978025 0.07959122814826955 0.03780102689662673 0.008393107497327084 -0.04577937560664132 -0.07518729500594096 +5832,-0.12781199287837747,0,0.20496183190318043 0.44641632802374914 0.7327565958590333 0.9680199510534393 1.1042250514291438 1.2172133733317116 1.2713858564356888 1.2357867961102176 1.1862576687008712 1.0593392797144197 0.8333626359092754 0.5625002203894071 0.3380713618157948 0.2096051875978025 0.07959122814826955 0.03780102689662673 0.008393107497327084 -0.04577937560664132 -0.07518729500594096 -0.13090756334145887 +5833,-0.13864648949917113,0,0.44641632802374914 0.7327565958590333 0.9680199510534393 1.1042250514291438 1.2172133733317116 1.2713858564356888 1.2357867961102176 1.1862576687008712 1.0593392797144197 0.8333626359092754 0.5625002203894071 0.3380713618157948 0.2096051875978025 0.07959122814826955 0.03780102689662673 0.008393107497327084 -0.04577937560664132 -0.07518729500594096 -0.13090756334145887 -0.12781199287837747 +5834,-0.13400313380454026,0,0.7327565958590333 0.9680199510534393 1.1042250514291438 1.2172133733317116 1.2713858564356888 1.2357867961102176 1.1862576687008712 1.0593392797144197 0.8333626359092754 0.5625002203894071 0.3380713618157948 0.2096051875978025 0.07959122814826955 0.03780102689662673 0.008393107497327084 -0.04577937560664132 -0.07518729500594096 -0.13090756334145887 -0.12781199287837747 -0.13864648949917113 +5835,-0.03804044944892903,0,0.9680199510534393 1.1042250514291438 1.2172133733317116 1.2713858564356888 1.2357867961102176 1.1862576687008712 1.0593392797144197 0.8333626359092754 0.5625002203894071 0.3380713618157948 0.2096051875978025 0.07959122814826955 0.03780102689662673 0.008393107497327084 -0.04577937560664132 -0.07518729500594096 -0.13090756334145887 -0.12781199287837747 -0.13864648949917113 -0.13400313380454026 +5836,0.10126022138985691,0,1.1042250514291438 1.2172133733317116 1.2713858564356888 1.2357867961102176 1.1862576687008712 1.0593392797144197 0.8333626359092754 0.5625002203894071 0.3380713618157948 0.2096051875978025 0.07959122814826955 0.03780102689662673 0.008393107497327084 -0.04577937560664132 -0.07518729500594096 -0.13090756334145887 -0.12781199287837747 -0.13864648949917113 -0.13400313380454026 -0.03804044944892903 +5837,0.2761599525541141,0,1.2172133733317116 1.2713858564356888 1.2357867961102176 1.1862576687008712 1.0593392797144197 0.8333626359092754 0.5625002203894071 0.3380713618157948 0.2096051875978025 0.07959122814826955 0.03780102689662673 0.008393107497327084 -0.04577937560664132 -0.07518729500594096 -0.13090756334145887 -0.12781199287837747 -0.13864648949917113 -0.13400313380454026 -0.03804044944892903 0.10126022138985691 +5838,0.5299967305270172,0,1.2713858564356888 1.2357867961102176 1.1862576687008712 1.0593392797144197 0.8333626359092754 0.5625002203894071 0.3380713618157948 0.2096051875978025 0.07959122814826955 0.03780102689662673 0.008393107497327084 -0.04577937560664132 -0.07518729500594096 -0.13090756334145887 -0.12781199287837747 -0.13864648949917113 -0.13400313380454026 -0.03804044944892903 0.10126022138985691 0.2761599525541141 +5839,0.7544255891006295,0,1.2357867961102176 1.1862576687008712 1.0593392797144197 0.8333626359092754 0.5625002203894071 0.3380713618157948 0.2096051875978025 0.07959122814826955 0.03780102689662673 0.008393107497327084 -0.04577937560664132 -0.07518729500594096 -0.13090756334145887 -0.12781199287837747 -0.13864648949917113 -0.13400313380454026 -0.03804044944892903 0.10126022138985691 0.2761599525541141 0.5299967305270172 +5840,1.0005234409158204,0,1.1862576687008712 1.0593392797144197 0.8333626359092754 0.5625002203894071 0.3380713618157948 0.2096051875978025 0.07959122814826955 0.03780102689662673 0.008393107497327084 -0.04577937560664132 -0.07518729500594096 -0.13090756334145887 -0.12781199287837747 -0.13864648949917113 -0.13400313380454026 -0.03804044944892903 0.10126022138985691 0.2761599525541141 0.5299967305270172 0.7544255891006295 +5841,1.1676842459223653,0,1.0593392797144197 0.8333626359092754 0.5625002203894071 0.3380713618157948 0.2096051875978025 0.07959122814826955 0.03780102689662673 0.008393107497327084 -0.04577937560664132 -0.07518729500594096 -0.13090756334145887 -0.12781199287837747 -0.13864648949917113 -0.13400313380454026 -0.03804044944892903 0.10126022138985691 0.2761599525541141 0.5299967305270172 0.7544255891006295 1.0005234409158204 +5842,1.251264648425642,0,0.8333626359092754 0.5625002203894071 0.3380713618157948 0.2096051875978025 0.07959122814826955 0.03780102689662673 0.008393107497327084 -0.04577937560664132 -0.07518729500594096 -0.13090756334145887 -0.12781199287837747 -0.13864648949917113 -0.13400313380454026 -0.03804044944892903 0.10126022138985691 0.2761599525541141 0.5299967305270172 0.7544255891006295 1.0005234409158204 1.1676842459223653 +5843,1.2574557893518137,0,0.5625002203894071 0.3380713618157948 0.2096051875978025 0.07959122814826955 0.03780102689662673 0.008393107497327084 -0.04577937560664132 -0.07518729500594096 -0.13090756334145887 -0.12781199287837747 -0.13864648949917113 -0.13400313380454026 -0.03804044944892903 0.10126022138985691 0.2761599525541141 0.5299967305270172 0.7544255891006295 1.0005234409158204 1.1676842459223653 1.251264648425642 +5844,1.2946026349088169,0,0.3380713618157948 0.2096051875978025 0.07959122814826955 0.03780102689662673 0.008393107497327084 -0.04577937560664132 -0.07518729500594096 -0.13090756334145887 -0.12781199287837747 -0.13864648949917113 -0.13400313380454026 -0.03804044944892903 0.10126022138985691 0.2761599525541141 0.5299967305270172 0.7544255891006295 1.0005234409158204 1.1676842459223653 1.251264648425642 1.2574557893518137 +5845,1.1398241117546062,0,0.2096051875978025 0.07959122814826955 0.03780102689662673 0.008393107497327084 -0.04577937560664132 -0.07518729500594096 -0.13090756334145887 -0.12781199287837747 -0.13864648949917113 -0.13400313380454026 -0.03804044944892903 0.10126022138985691 0.2761599525541141 0.5299967305270172 0.7544255891006295 1.0005234409158204 1.1676842459223653 1.251264648425642 1.2574557893518137 1.2946026349088169 +5846,0.9401598168856804,0,0.07959122814826955 0.03780102689662673 0.008393107497327084 -0.04577937560664132 -0.07518729500594096 -0.13090756334145887 -0.12781199287837747 -0.13864648949917113 -0.13400313380454026 -0.03804044944892903 0.10126022138985691 0.2761599525541141 0.5299967305270172 0.7544255891006295 1.0005234409158204 1.1676842459223653 1.251264648425642 1.2574557893518137 1.2946026349088169 1.1398241117546062 +5847,0.6275072001141692,0,0.03780102689662673 0.008393107497327084 -0.04577937560664132 -0.07518729500594096 -0.13090756334145887 -0.12781199287837747 -0.13864648949917113 -0.13400313380454026 -0.03804044944892903 0.10126022138985691 0.2761599525541141 0.5299967305270172 0.7544255891006295 1.0005234409158204 1.1676842459223653 1.251264648425642 1.2574557893518137 1.2946026349088169 1.1398241117546062 0.9401598168856804 +5848,0.3752182073728067,0,0.008393107497327084 -0.04577937560664132 -0.07518729500594096 -0.13090756334145887 -0.12781199287837747 -0.13864648949917113 -0.13400313380454026 -0.03804044944892903 0.10126022138985691 0.2761599525541141 0.5299967305270172 0.7544255891006295 1.0005234409158204 1.1676842459223653 1.251264648425642 1.2574557893518137 1.2946026349088169 1.1398241117546062 0.9401598168856804 0.6275072001141692 +5849,0.19412733528238674,0,-0.04577937560664132 -0.07518729500594096 -0.13090756334145887 -0.12781199287837747 -0.13864648949917113 -0.13400313380454026 -0.03804044944892903 0.10126022138985691 0.2761599525541141 0.5299967305270172 0.7544255891006295 1.0005234409158204 1.1676842459223653 1.251264648425642 1.2574557893518137 1.2946026349088169 1.1398241117546062 0.9401598168856804 0.6275072001141692 0.3752182073728067 +5850,0.1043557918529383,0,-0.07518729500594096 -0.13090756334145887 -0.12781199287837747 -0.13864648949917113 -0.13400313380454026 -0.03804044944892903 0.10126022138985691 0.2761599525541141 0.5299967305270172 0.7544255891006295 1.0005234409158204 1.1676842459223653 1.251264648425642 1.2574557893518137 1.2946026349088169 1.1398241117546062 0.9401598168856804 0.6275072001141692 0.3752182073728067 0.19412733528238674 +5851,0.023870959812751655,0,-0.13090756334145887 -0.12781199287837747 -0.13864648949917113 -0.13400313380454026 -0.03804044944892903 0.10126022138985691 0.2761599525541141 0.5299967305270172 0.7544255891006295 1.0005234409158204 1.1676842459223653 1.251264648425642 1.2574557893518137 1.2946026349088169 1.1398241117546062 0.9401598168856804 0.6275072001141692 0.3752182073728067 0.19412733528238674 0.1043557918529383 +5852,-0.01637145620734167,0,-0.12781199287837747 -0.13864648949917113 -0.13400313380454026 -0.03804044944892903 0.10126022138985691 0.2761599525541141 0.5299967305270172 0.7544255891006295 1.0005234409158204 1.1676842459223653 1.251264648425642 1.2574557893518137 1.2946026349088169 1.1398241117546062 0.9401598168856804 0.6275072001141692 0.3752182073728067 0.19412733528238674 0.1043557918529383 0.023870959812751655 +5853,-0.04268380514355992,0,-0.13864648949917113 -0.13400313380454026 -0.03804044944892903 0.10126022138985691 0.2761599525541141 0.5299967305270172 0.7544255891006295 1.0005234409158204 1.1676842459223653 1.251264648425642 1.2574557893518137 1.2946026349088169 1.1398241117546062 0.9401598168856804 0.6275072001141692 0.3752182073728067 0.19412733528238674 0.1043557918529383 0.023870959812751655 -0.01637145620734167 +5854,-0.07363950977440026,0,-0.13400313380454026 -0.03804044944892903 0.10126022138985691 0.2761599525541141 0.5299967305270172 0.7544255891006295 1.0005234409158204 1.1676842459223653 1.251264648425642 1.2574557893518137 1.2946026349088169 1.1398241117546062 0.9401598168856804 0.6275072001141692 0.3752182073728067 0.19412733528238674 0.1043557918529383 0.023870959812751655 -0.01637145620734167 -0.04268380514355992 +5855,-0.09530850301598763,0,-0.03804044944892903 0.10126022138985691 0.2761599525541141 0.5299967305270172 0.7544255891006295 1.0005234409158204 1.1676842459223653 1.251264648425642 1.2574557893518137 1.2946026349088169 1.1398241117546062 0.9401598168856804 0.6275072001141692 0.3752182073728067 0.19412733528238674 0.1043557918529383 0.023870959812751655 -0.01637145620734167 -0.04268380514355992 -0.07363950977440026 +5856,-0.11233414056295289,0,0.10126022138985691 0.2761599525541141 0.5299967305270172 0.7544255891006295 1.0005234409158204 1.1676842459223653 1.251264648425642 1.2574557893518137 1.2946026349088169 1.1398241117546062 0.9401598168856804 0.6275072001141692 0.3752182073728067 0.19412733528238674 0.1043557918529383 0.023870959812751655 -0.01637145620734167 -0.04268380514355992 -0.07363950977440026 -0.09530850301598763 +5857,-0.1092385700998715,0,0.2761599525541141 0.5299967305270172 0.7544255891006295 1.0005234409158204 1.1676842459223653 1.251264648425642 1.2574557893518137 1.2946026349088169 1.1398241117546062 0.9401598168856804 0.6275072001141692 0.3752182073728067 0.19412733528238674 0.1043557918529383 0.023870959812751655 -0.01637145620734167 -0.04268380514355992 -0.07363950977440026 -0.09530850301598763 -0.11233414056295289 +5858,-0.08292622116365325,0,0.5299967305270172 0.7544255891006295 1.0005234409158204 1.1676842459223653 1.251264648425642 1.2574557893518137 1.2946026349088169 1.1398241117546062 0.9401598168856804 0.6275072001141692 0.3752182073728067 0.19412733528238674 0.1043557918529383 0.023870959812751655 -0.01637145620734167 -0.04268380514355992 -0.07363950977440026 -0.09530850301598763 -0.11233414056295289 -0.1092385700998715 +5859,0.06566116106438567,0,0.7544255891006295 1.0005234409158204 1.1676842459223653 1.251264648425642 1.2574557893518137 1.2946026349088169 1.1398241117546062 0.9401598168856804 0.6275072001141692 0.3752182073728067 0.19412733528238674 0.1043557918529383 0.023870959812751655 -0.01637145620734167 -0.04268380514355992 -0.07363950977440026 -0.09530850301598763 -0.11233414056295289 -0.1092385700998715 -0.08292622116365325 +5860,0.3287846504265506,0,1.0005234409158204 1.1676842459223653 1.251264648425642 1.2574557893518137 1.2946026349088169 1.1398241117546062 0.9401598168856804 0.6275072001141692 0.3752182073728067 0.19412733528238674 0.1043557918529383 0.023870959812751655 -0.01637145620734167 -0.04268380514355992 -0.07363950977440026 -0.09530850301598763 -0.11233414056295289 -0.1092385700998715 -0.08292622116365325 0.06566116106438567 +5861,0.6166727034933754,0,1.1676842459223653 1.251264648425642 1.2574557893518137 1.2946026349088169 1.1398241117546062 0.9401598168856804 0.6275072001141692 0.3752182073728067 0.19412733528238674 0.1043557918529383 0.023870959812751655 -0.01637145620734167 -0.04268380514355992 -0.07363950977440026 -0.09530850301598763 -0.11233414056295289 -0.1092385700998715 -0.08292622116365325 0.06566116106438567 0.3287846504265506 +5862,0.978854447674233,0,1.251264648425642 1.2574557893518137 1.2946026349088169 1.1398241117546062 0.9401598168856804 0.6275072001141692 0.3752182073728067 0.19412733528238674 0.1043557918529383 0.023870959812751655 -0.01637145620734167 -0.04268380514355992 -0.07363950977440026 -0.09530850301598763 -0.11233414056295289 -0.1092385700998715 -0.08292622116365325 0.06566116106438567 0.3287846504265506 0.6166727034933754 +5863,1.2063788767109178,0,1.2574557893518137 1.2946026349088169 1.1398241117546062 0.9401598168856804 0.6275072001141692 0.3752182073728067 0.19412733528238674 0.1043557918529383 0.023870959812751655 -0.01637145620734167 -0.04268380514355992 -0.07363950977440026 -0.09530850301598763 -0.11233414056295289 -0.1092385700998715 -0.08292622116365325 0.06566116106438567 0.3287846504265506 0.6166727034933754 0.978854447674233 +5864,1.4942669297777516,0,1.2946026349088169 1.1398241117546062 0.9401598168856804 0.6275072001141692 0.3752182073728067 0.19412733528238674 0.1043557918529383 0.023870959812751655 -0.01637145620734167 -0.04268380514355992 -0.07363950977440026 -0.09530850301598763 -0.11233414056295289 -0.1092385700998715 -0.08292622116365325 0.06566116106438567 0.3287846504265506 0.6166727034933754 0.978854447674233 1.2063788767109178 +5865,1.6846445132574333,0,1.1398241117546062 0.9401598168856804 0.6275072001141692 0.3752182073728067 0.19412733528238674 0.1043557918529383 0.023870959812751655 -0.01637145620734167 -0.04268380514355992 -0.07363950977440026 -0.09530850301598763 -0.11233414056295289 -0.1092385700998715 -0.08292622116365325 0.06566116106438567 0.3287846504265506 0.6166727034933754 0.978854447674233 1.2063788767109178 1.4942669297777516 +5866,1.7914416942338383,0,0.9401598168856804 0.6275072001141692 0.3752182073728067 0.19412733528238674 0.1043557918529383 0.023870959812751655 -0.01637145620734167 -0.04268380514355992 -0.07363950977440026 -0.09530850301598763 -0.11233414056295289 -0.1092385700998715 -0.08292622116365325 0.06566116106438567 0.3287846504265506 0.6166727034933754 0.978854447674233 1.2063788767109178 1.4942669297777516 1.6846445132574333 +5867,1.6149941778380315,0,0.6275072001141692 0.3752182073728067 0.19412733528238674 0.1043557918529383 0.023870959812751655 -0.01637145620734167 -0.04268380514355992 -0.07363950977440026 -0.09530850301598763 -0.11233414056295289 -0.1092385700998715 -0.08292622116365325 0.06566116106438567 0.3287846504265506 0.6166727034933754 0.978854447674233 1.2063788767109178 1.4942669297777516 1.6846445132574333 1.7914416942338383 +5868,1.5283182048716821,0,0.3752182073728067 0.19412733528238674 0.1043557918529383 0.023870959812751655 -0.01637145620734167 -0.04268380514355992 -0.07363950977440026 -0.09530850301598763 -0.11233414056295289 -0.1092385700998715 -0.08292622116365325 0.06566116106438567 0.3287846504265506 0.6166727034933754 0.978854447674233 1.2063788767109178 1.4942669297777516 1.6846445132574333 1.7914416942338383 1.6149941778380315 +5869,1.1398241117546062,0,0.19412733528238674 0.1043557918529383 0.023870959812751655 -0.01637145620734167 -0.04268380514355992 -0.07363950977440026 -0.09530850301598763 -0.11233414056295289 -0.1092385700998715 -0.08292622116365325 0.06566116106438567 0.3287846504265506 0.6166727034933754 0.978854447674233 1.2063788767109178 1.4942669297777516 1.6846445132574333 1.7914416942338383 1.6149941778380315 1.5283182048716821 +5870,0.8457449177616099,0,0.1043557918529383 0.023870959812751655 -0.01637145620734167 -0.04268380514355992 -0.07363950977440026 -0.09530850301598763 -0.11233414056295289 -0.1092385700998715 -0.08292622116365325 0.06566116106438567 0.3287846504265506 0.6166727034933754 0.978854447674233 1.2063788767109178 1.4942669297777516 1.6846445132574333 1.7914416942338383 1.6149941778380315 1.5283182048716821 1.1398241117546062 +5871,0.46034639510762426,0,0.023870959812751655 -0.01637145620734167 -0.04268380514355992 -0.07363950977440026 -0.09530850301598763 -0.11233414056295289 -0.1092385700998715 -0.08292622116365325 0.06566116106438567 0.3287846504265506 0.6166727034933754 0.978854447674233 1.2063788767109178 1.4942669297777516 1.6846445132574333 1.7914416942338383 1.6149941778380315 1.5283182048716821 1.1398241117546062 0.8457449177616099 +5872,0.23901310699710215,0,-0.01637145620734167 -0.04268380514355992 -0.07363950977440026 -0.09530850301598763 -0.11233414056295289 -0.1092385700998715 -0.08292622116365325 0.06566116106438567 0.3287846504265506 0.6166727034933754 0.978854447674233 1.2063788767109178 1.4942669297777516 1.6846445132574333 1.7914416942338383 1.6149941778380315 1.5283182048716821 1.1398241117546062 0.8457449177616099 0.46034639510762426 +5873,0.12447699986298497,0,-0.04268380514355992 -0.07363950977440026 -0.09530850301598763 -0.11233414056295289 -0.1092385700998715 -0.08292622116365325 0.06566116106438567 0.3287846504265506 0.6166727034933754 0.978854447674233 1.2063788767109178 1.4942669297777516 1.6846445132574333 1.7914416942338383 1.6149941778380315 1.5283182048716821 1.1398241117546062 0.8457449177616099 0.46034639510762426 0.23901310699710215 +5874,0.0517310939805106,0,-0.07363950977440026 -0.09530850301598763 -0.11233414056295289 -0.1092385700998715 -0.08292622116365325 0.06566116106438567 0.3287846504265506 0.6166727034933754 0.978854447674233 1.2063788767109178 1.4942669297777516 1.6846445132574333 1.7914416942338383 1.6149941778380315 1.5283182048716821 1.1398241117546062 0.8457449177616099 0.46034639510762426 0.23901310699710215 0.12447699986298497 +5875,0.03780102689662673,0,-0.09530850301598763 -0.11233414056295289 -0.1092385700998715 -0.08292622116365325 0.06566116106438567 0.3287846504265506 0.6166727034933754 0.978854447674233 1.2063788767109178 1.4942669297777516 1.6846445132574333 1.7914416942338383 1.6149941778380315 1.5283182048716821 1.1398241117546062 0.8457449177616099 0.46034639510762426 0.23901310699710215 0.12447699986298497 0.0517310939805106 +5876,0.019227604118129564,0,-0.11233414056295289 -0.1092385700998715 -0.08292622116365325 0.06566116106438567 0.3287846504265506 0.6166727034933754 0.978854447674233 1.2063788767109178 1.4942669297777516 1.6846445132574333 1.7914416942338383 1.6149941778380315 1.5283182048716821 1.1398241117546062 0.8457449177616099 0.46034639510762426 0.23901310699710215 0.12447699986298497 0.0517310939805106 0.03780102689662673 +5877,0.00994089272887658,0,-0.1092385700998715 -0.08292622116365325 0.06566116106438567 0.3287846504265506 0.6166727034933754 0.978854447674233 1.2063788767109178 1.4942669297777516 1.6846445132574333 1.7914416942338383 1.6149941778380315 1.5283182048716821 1.1398241117546062 0.8457449177616099 0.46034639510762426 0.23901310699710215 0.12447699986298497 0.0517310939805106 0.03780102689662673 0.019227604118129564 +5878,-0.008632530049629385,0,-0.08292622116365325 0.06566116106438567 0.3287846504265506 0.6166727034933754 0.978854447674233 1.2063788767109178 1.4942669297777516 1.6846445132574333 1.7914416942338383 1.6149941778380315 1.5283182048716821 1.1398241117546062 0.8457449177616099 0.46034639510762426 0.23901310699710215 0.12447699986298497 0.0517310939805106 0.03780102689662673 0.019227604118129564 0.00994089272887658 +5879,-0.014823670975800974,0,0.06566116106438567 0.3287846504265506 0.6166727034933754 0.978854447674233 1.2063788767109178 1.4942669297777516 1.6846445132574333 1.7914416942338383 1.6149941778380315 1.5283182048716821 1.1398241117546062 0.8457449177616099 0.46034639510762426 0.23901310699710215 0.12447699986298497 0.0517310939805106 0.03780102689662673 0.019227604118129564 0.00994089272887658 -0.008632530049629385 +5880,-0.014823670975800974,0,0.3287846504265506 0.6166727034933754 0.978854447674233 1.2063788767109178 1.4942669297777516 1.6846445132574333 1.7914416942338383 1.6149941778380315 1.5283182048716821 1.1398241117546062 0.8457449177616099 0.46034639510762426 0.23901310699710215 0.12447699986298497 0.0517310939805106 0.03780102689662673 0.019227604118129564 0.00994089272887658 -0.008632530049629385 -0.014823670975800974 +5881,-0.03958823468047853,0,0.6166727034933754 0.978854447674233 1.2063788767109178 1.4942669297777516 1.6846445132574333 1.7914416942338383 1.6149941778380315 1.5283182048716821 1.1398241117546062 0.8457449177616099 0.46034639510762426 0.23901310699710215 0.12447699986298497 0.0517310939805106 0.03780102689662673 0.019227604118129564 0.00994089272887658 -0.008632530049629385 -0.014823670975800974 -0.014823670975800974 +5882,-0.02875373805967605,0,0.978854447674233 1.2063788767109178 1.4942669297777516 1.6846445132574333 1.7914416942338383 1.6149941778380315 1.5283182048716821 1.1398241117546062 0.8457449177616099 0.46034639510762426 0.23901310699710215 0.12447699986298497 0.0517310939805106 0.03780102689662673 0.019227604118129564 0.00994089272887658 -0.008632530049629385 -0.014823670975800974 -0.014823670975800974 -0.03958823468047853 +5883,0.04244438259125762,0,1.2063788767109178 1.4942669297777516 1.6846445132574333 1.7914416942338383 1.6149941778380315 1.5283182048716821 1.1398241117546062 0.8457449177616099 0.46034639510762426 0.23901310699710215 0.12447699986298497 0.0517310939805106 0.03780102689662673 0.019227604118129564 0.00994089272887658 -0.008632530049629385 -0.014823670975800974 -0.014823670975800974 -0.03958823468047853 -0.02875373805967605 +5884,0.15078934879920322,0,1.4942669297777516 1.6846445132574333 1.7914416942338383 1.6149941778380315 1.5283182048716821 1.1398241117546062 0.8457449177616099 0.46034639510762426 0.23901310699710215 0.12447699986298497 0.0517310939805106 0.03780102689662673 0.019227604118129564 0.00994089272887658 -0.008632530049629385 -0.014823670975800974 -0.014823670975800974 -0.03958823468047853 -0.02875373805967605 0.04244438259125762 +5885,0.30247230149033233,0,1.6846445132574333 1.7914416942338383 1.6149941778380315 1.5283182048716821 1.1398241117546062 0.8457449177616099 0.46034639510762426 0.23901310699710215 0.12447699986298497 0.0517310939805106 0.03780102689662673 0.019227604118129564 0.00994089272887658 -0.008632530049629385 -0.014823670975800974 -0.014823670975800974 -0.03958823468047853 -0.02875373805967605 0.04244438259125762 0.15078934879920322 +5886,0.4742764621915081,0,1.7914416942338383 1.6149941778380315 1.5283182048716821 1.1398241117546062 0.8457449177616099 0.46034639510762426 0.23901310699710215 0.12447699986298497 0.0517310939805106 0.03780102689662673 0.019227604118129564 0.00994089272887658 -0.008632530049629385 -0.014823670975800974 -0.014823670975800974 -0.03958823468047853 -0.02875373805967605 0.04244438259125762 0.15078934879920322 0.30247230149033233 +5887,0.5640480056209477,0,1.6149941778380315 1.5283182048716821 1.1398241117546062 0.8457449177616099 0.46034639510762426 0.23901310699710215 0.12447699986298497 0.0517310939805106 0.03780102689662673 0.019227604118129564 0.00994089272887658 -0.008632530049629385 -0.014823670975800974 -0.014823670975800974 -0.03958823468047853 -0.02875373805967605 0.04244438259125762 0.15078934879920322 0.30247230149033233 0.4742764621915081 +5888,0.7265654549328705,0,1.5283182048716821 1.1398241117546062 0.8457449177616099 0.46034639510762426 0.23901310699710215 0.12447699986298497 0.0517310939805106 0.03780102689662673 0.019227604118129564 0.00994089272887658 -0.008632530049629385 -0.014823670975800974 -0.014823670975800974 -0.03958823468047853 -0.02875373805967605 0.04244438259125762 0.15078934879920322 0.30247230149033233 0.4742764621915081 0.5640480056209477 +5889,0.8039547165099759,0,1.1398241117546062 0.8457449177616099 0.46034639510762426 0.23901310699710215 0.12447699986298497 0.0517310939805106 0.03780102689662673 0.019227604118129564 0.00994089272887658 -0.008632530049629385 -0.014823670975800974 -0.014823670975800974 -0.03958823468047853 -0.02875373805967605 0.04244438259125762 0.15078934879920322 0.30247230149033233 0.4742764621915081 0.5640480056209477 0.7265654549328705 +5890,0.8534838439193221,0,0.8457449177616099 0.46034639510762426 0.23901310699710215 0.12447699986298497 0.0517310939805106 0.03780102689662673 0.019227604118129564 0.00994089272887658 -0.008632530049629385 -0.014823670975800974 -0.014823670975800974 -0.03958823468047853 -0.02875373805967605 0.04244438259125762 0.15078934879920322 0.30247230149033233 0.4742764621915081 0.5640480056209477 0.7265654549328705 0.8039547165099759 +5891,0.7931202198891821,0,0.46034639510762426 0.23901310699710215 0.12447699986298497 0.0517310939805106 0.03780102689662673 0.019227604118129564 0.00994089272887658 -0.008632530049629385 -0.014823670975800974 -0.014823670975800974 -0.03958823468047853 -0.02875373805967605 0.04244438259125762 0.15078934879920322 0.30247230149033233 0.4742764621915081 0.5640480056209477 0.7265654549328705 0.8039547165099759 0.8534838439193221 +5892,0.6708451865973527,0,0.23901310699710215 0.12447699986298497 0.0517310939805106 0.03780102689662673 0.019227604118129564 0.00994089272887658 -0.008632530049629385 -0.014823670975800974 -0.014823670975800974 -0.03958823468047853 -0.02875373805967605 0.04244438259125762 0.15078934879920322 0.30247230149033233 0.4742764621915081 0.5640480056209477 0.7265654549328705 0.8039547165099759 0.8534838439193221 0.7931202198891821 +5893,0.5253533748323951,0,0.12447699986298497 0.0517310939805106 0.03780102689662673 0.019227604118129564 0.00994089272887658 -0.008632530049629385 -0.014823670975800974 -0.014823670975800974 -0.03958823468047853 -0.02875373805967605 0.04244438259125762 0.15078934879920322 0.30247230149033233 0.4742764621915081 0.5640480056209477 0.7265654549328705 0.8039547165099759 0.8534838439193221 0.7931202198891821 0.6708451865973527 +5894,0.37986156306743757,0,0.0517310939805106 0.03780102689662673 0.019227604118129564 0.00994089272887658 -0.008632530049629385 -0.014823670975800974 -0.014823670975800974 -0.03958823468047853 -0.02875373805967605 0.04244438259125762 0.15078934879920322 0.30247230149033233 0.4742764621915081 0.5640480056209477 0.7265654549328705 0.8039547165099759 0.8534838439193221 0.7931202198891821 0.6708451865973527 0.5253533748323951 +5895,0.17864948296696218,0,0.03780102689662673 0.019227604118129564 0.00994089272887658 -0.008632530049629385 -0.014823670975800974 -0.014823670975800974 -0.03958823468047853 -0.02875373805967605 0.04244438259125762 0.15078934879920322 0.30247230149033233 0.4742764621915081 0.5640480056209477 0.7265654549328705 0.8039547165099759 0.8534838439193221 0.7931202198891821 0.6708451865973527 0.5253533748323951 0.37986156306743757 +5896,0.04708773828587971,0,0.019227604118129564 0.00994089272887658 -0.008632530049629385 -0.014823670975800974 -0.014823670975800974 -0.03958823468047853 -0.02875373805967605 0.04244438259125762 0.15078934879920322 0.30247230149033233 0.4742764621915081 0.5640480056209477 0.7265654549328705 0.8039547165099759 0.8534838439193221 0.7931202198891821 0.6708451865973527 0.5253533748323951 0.37986156306743757 0.17864948296696218 +5897,-0.03339709375430694,0,0.00994089272887658 -0.008632530049629385 -0.014823670975800974 -0.014823670975800974 -0.03958823468047853 -0.02875373805967605 0.04244438259125762 0.15078934879920322 0.30247230149033233 0.4742764621915081 0.5640480056209477 0.7265654549328705 0.8039547165099759 0.8534838439193221 0.7931202198891821 0.6708451865973527 0.5253533748323951 0.37986156306743757 0.17864948296696218 0.04708773828587971 +5898,-0.08756957685828413,0,-0.008632530049629385 -0.014823670975800974 -0.014823670975800974 -0.03958823468047853 -0.02875373805967605 0.04244438259125762 0.15078934879920322 0.30247230149033233 0.4742764621915081 0.5640480056209477 0.7265654549328705 0.8039547165099759 0.8534838439193221 0.7931202198891821 0.6708451865973527 0.5253533748323951 0.37986156306743757 0.17864948296696218 0.04708773828587971 -0.03339709375430694 +5899,-0.08602179162673464,0,-0.014823670975800974 -0.014823670975800974 -0.03958823468047853 -0.02875373805967605 0.04244438259125762 0.15078934879920322 0.30247230149033233 0.4742764621915081 0.5640480056209477 0.7265654549328705 0.8039547165099759 0.8534838439193221 0.7931202198891821 0.6708451865973527 0.5253533748323951 0.37986156306743757 0.17864948296696218 0.04708773828587971 -0.03339709375430694 -0.08756957685828413 +5900,-0.10614299963678131,0,-0.014823670975800974 -0.03958823468047853 -0.02875373805967605 0.04244438259125762 0.15078934879920322 0.30247230149033233 0.4742764621915081 0.5640480056209477 0.7265654549328705 0.8039547165099759 0.8534838439193221 0.7931202198891821 0.6708451865973527 0.5253533748323951 0.37986156306743757 0.17864948296696218 0.04708773828587971 -0.03339709375430694 -0.08756957685828413 -0.08602179162673464 +5901,-0.11233414056295289,0,-0.03958823468047853 -0.02875373805967605 0.04244438259125762 0.15078934879920322 0.30247230149033233 0.4742764621915081 0.5640480056209477 0.7265654549328705 0.8039547165099759 0.8534838439193221 0.7931202198891821 0.6708451865973527 0.5253533748323951 0.37986156306743757 0.17864948296696218 0.04708773828587971 -0.03339709375430694 -0.08756957685828413 -0.08602179162673464 -0.10614299963678131 +5902,-0.09995185871061851,0,-0.02875373805967605 0.04244438259125762 0.15078934879920322 0.30247230149033233 0.4742764621915081 0.5640480056209477 0.7265654549328705 0.8039547165099759 0.8534838439193221 0.7931202198891821 0.6708451865973527 0.5253533748323951 0.37986156306743757 0.17864948296696218 0.04708773828587971 -0.03339709375430694 -0.08756957685828413 -0.08602179162673464 -0.10614299963678131 -0.11233414056295289 +5903,-0.12935977810991817,0,0.04244438259125762 0.15078934879920322 0.30247230149033233 0.4742764621915081 0.5640480056209477 0.7265654549328705 0.8039547165099759 0.8534838439193221 0.7931202198891821 0.6708451865973527 0.5253533748323951 0.37986156306743757 0.17864948296696218 0.04708773828587971 -0.03339709375430694 -0.08756957685828413 -0.08602179162673464 -0.10614299963678131 -0.11233414056295289 -0.09995185871061851 +5904,-0.14793320088842413,0,0.15078934879920322 0.30247230149033233 0.4742764621915081 0.5640480056209477 0.7265654549328705 0.8039547165099759 0.8534838439193221 0.7931202198891821 0.6708451865973527 0.5253533748323951 0.37986156306743757 0.17864948296696218 0.04708773828587971 -0.03339709375430694 -0.08756957685828413 -0.08602179162673464 -0.10614299963678131 -0.11233414056295289 -0.09995185871061851 -0.12935977810991817 +5905,-0.13555091903608096,0,0.30247230149033233 0.4742764621915081 0.5640480056209477 0.7265654549328705 0.8039547165099759 0.8534838439193221 0.7931202198891821 0.6708451865973527 0.5253533748323951 0.37986156306743757 0.17864948296696218 0.04708773828587971 -0.03339709375430694 -0.08756957685828413 -0.08602179162673464 -0.10614299963678131 -0.11233414056295289 -0.09995185871061851 -0.12935977810991817 -0.14793320088842413 +5906,-0.13400313380454026,0,0.4742764621915081 0.5640480056209477 0.7265654549328705 0.8039547165099759 0.8534838439193221 0.7931202198891821 0.6708451865973527 0.5253533748323951 0.37986156306743757 0.17864948296696218 0.04708773828587971 -0.03339709375430694 -0.08756957685828413 -0.08602179162673464 -0.10614299963678131 -0.11233414056295289 -0.09995185871061851 -0.12935977810991817 -0.14793320088842413 -0.13555091903608096 +5907,-0.09685628824752832,0,0.5640480056209477 0.7265654549328705 0.8039547165099759 0.8534838439193221 0.7931202198891821 0.6708451865973527 0.5253533748323951 0.37986156306743757 0.17864948296696218 0.04708773828587971 -0.03339709375430694 -0.08756957685828413 -0.08602179162673464 -0.10614299963678131 -0.11233414056295289 -0.09995185871061851 -0.12935977810991817 -0.14793320088842413 -0.13555091903608096 -0.13400313380454026 +5908,-0.03184930852276624,0,0.7265654549328705 0.8039547165099759 0.8534838439193221 0.7931202198891821 0.6708451865973527 0.5253533748323951 0.37986156306743757 0.17864948296696218 0.04708773828587971 -0.03339709375430694 -0.08756957685828413 -0.08602179162673464 -0.10614299963678131 -0.11233414056295289 -0.09995185871061851 -0.12935977810991817 -0.14793320088842413 -0.13555091903608096 -0.13400313380454026 -0.09685628824752832 +5909,0.045539953054339014,0,0.8039547165099759 0.8534838439193221 0.7931202198891821 0.6708451865973527 0.5253533748323951 0.37986156306743757 0.17864948296696218 0.04708773828587971 -0.03339709375430694 -0.08756957685828413 -0.08602179162673464 -0.10614299963678131 -0.11233414056295289 -0.09995185871061851 -0.12935977810991817 -0.14793320088842413 -0.13555091903608096 -0.13400313380454026 -0.09685628824752832 -0.03184930852276624 +5910,0.17245834204079058,0,0.8534838439193221 0.7931202198891821 0.6708451865973527 0.5253533748323951 0.37986156306743757 0.17864948296696218 0.04708773828587971 -0.03339709375430694 -0.08756957685828413 -0.08602179162673464 -0.10614299963678131 -0.11233414056295289 -0.09995185871061851 -0.12935977810991817 -0.14793320088842413 -0.13555091903608096 -0.13400313380454026 -0.09685628824752832 -0.03184930852276624 0.045539953054339014 +5911,0.434034046171406,0,0.7931202198891821 0.6708451865973527 0.5253533748323951 0.37986156306743757 0.17864948296696218 0.04708773828587971 -0.03339709375430694 -0.08756957685828413 -0.08602179162673464 -0.10614299963678131 -0.11233414056295289 -0.09995185871061851 -0.12935977810991817 -0.14793320088842413 -0.13555091903608096 -0.13400313380454026 -0.09685628824752832 -0.03184930852276624 0.045539953054339014 0.17245834204079058 +5912,0.6213160591880064,0,0.6708451865973527 0.5253533748323951 0.37986156306743757 0.17864948296696218 0.04708773828587971 -0.03339709375430694 -0.08756957685828413 -0.08602179162673464 -0.10614299963678131 -0.11233414056295289 -0.09995185871061851 -0.12935977810991817 -0.14793320088842413 -0.13555091903608096 -0.13400313380454026 -0.09685628824752832 -0.03184930852276624 0.045539953054339014 0.17245834204079058 0.434034046171406 +5913,0.7714512266475859,0,0.5253533748323951 0.37986156306743757 0.17864948296696218 0.04708773828587971 -0.03339709375430694 -0.08756957685828413 -0.08602179162673464 -0.10614299963678131 -0.11233414056295289 -0.09995185871061851 -0.12935977810991817 -0.14793320088842413 -0.13555091903608096 -0.13400313380454026 -0.09685628824752832 -0.03184930852276624 0.045539953054339014 0.17245834204079058 0.434034046171406 0.6213160591880064 +5914,0.8612227700770344,0,0.37986156306743757 0.17864948296696218 0.04708773828587971 -0.03339709375430694 -0.08756957685828413 -0.08602179162673464 -0.10614299963678131 -0.11233414056295289 -0.09995185871061851 -0.12935977810991817 -0.14793320088842413 -0.13555091903608096 -0.13400313380454026 -0.09685628824752832 -0.03184930852276624 0.045539953054339014 0.17245834204079058 0.434034046171406 0.6213160591880064 0.7714512266475859 +5915,0.8983696156340375,0,0.17864948296696218 0.04708773828587971 -0.03339709375430694 -0.08756957685828413 -0.08602179162673464 -0.10614299963678131 -0.11233414056295289 -0.09995185871061851 -0.12935977810991817 -0.14793320088842413 -0.13555091903608096 -0.13400313380454026 -0.09685628824752832 -0.03184930852276624 0.045539953054339014 0.17245834204079058 0.434034046171406 0.6213160591880064 0.7714512266475859 0.8612227700770344 +5916,0.790024649426092,0,0.04708773828587971 -0.03339709375430694 -0.08756957685828413 -0.08602179162673464 -0.10614299963678131 -0.11233414056295289 -0.09995185871061851 -0.12935977810991817 -0.14793320088842413 -0.13555091903608096 -0.13400313380454026 -0.09685628824752832 -0.03184930852276624 0.045539953054339014 0.17245834204079058 0.434034046171406 0.6213160591880064 0.7714512266475859 0.8612227700770344 0.8983696156340375 +5917,0.6306027705772593,0,-0.03339709375430694 -0.08756957685828413 -0.08602179162673464 -0.10614299963678131 -0.11233414056295289 -0.09995185871061851 -0.12935977810991817 -0.14793320088842413 -0.13555091903608096 -0.13400313380454026 -0.09685628824752832 -0.03184930852276624 0.045539953054339014 0.17245834204079058 0.434034046171406 0.6213160591880064 0.7714512266475859 0.8612227700770344 0.8983696156340375 0.790024649426092 +5918,0.41700840862444954,0,-0.08756957685828413 -0.08602179162673464 -0.10614299963678131 -0.11233414056295289 -0.09995185871061851 -0.12935977810991817 -0.14793320088842413 -0.13555091903608096 -0.13400313380454026 -0.09685628824752832 -0.03184930852276624 0.045539953054339014 0.17245834204079058 0.434034046171406 0.6213160591880064 0.7714512266475859 0.8612227700770344 0.8983696156340375 0.790024649426092 0.6306027705772593 +5919,0.2096051875978025,0,-0.08602179162673464 -0.10614299963678131 -0.11233414056295289 -0.09995185871061851 -0.12935977810991817 -0.14793320088842413 -0.13555091903608096 -0.13400313380454026 -0.09685628824752832 -0.03184930852276624 0.045539953054339014 0.17245834204079058 0.434034046171406 0.6213160591880064 0.7714512266475859 0.8612227700770344 0.8983696156340375 0.790024649426092 0.6306027705772593 0.41700840862444954 +5920,0.028514315507373746,0,-0.10614299963678131 -0.11233414056295289 -0.09995185871061851 -0.12935977810991817 -0.14793320088842413 -0.13555091903608096 -0.13400313380454026 -0.09685628824752832 -0.03184930852276624 0.045539953054339014 0.17245834204079058 0.434034046171406 0.6213160591880064 0.7714512266475859 0.8612227700770344 0.8983696156340375 0.790024649426092 0.6306027705772593 0.41700840862444954 0.2096051875978025 +5921,-0.0550660869958943,0,-0.11233414056295289 -0.09995185871061851 -0.12935977810991817 -0.14793320088842413 -0.13555091903608096 -0.13400313380454026 -0.09685628824752832 -0.03184930852276624 0.045539953054339014 0.17245834204079058 0.434034046171406 0.6213160591880064 0.7714512266475859 0.8612227700770344 0.8983696156340375 0.790024649426092 0.6306027705772593 0.41700840862444954 0.2096051875978025 0.028514315507373746 +5922,-0.07518729500594096,0,-0.09995185871061851 -0.12935977810991817 -0.14793320088842413 -0.13555091903608096 -0.13400313380454026 -0.09685628824752832 -0.03184930852276624 0.045539953054339014 0.17245834204079058 0.434034046171406 0.6213160591880064 0.7714512266475859 0.8612227700770344 0.8983696156340375 0.790024649426092 0.6306027705772593 0.41700840862444954 0.2096051875978025 0.028514315507373746 -0.0550660869958943 +5923,-0.10149964394215921,0,-0.12935977810991817 -0.14793320088842413 -0.13555091903608096 -0.13400313380454026 -0.09685628824752832 -0.03184930852276624 0.045539953054339014 0.17245834204079058 0.434034046171406 0.6213160591880064 0.7714512266475859 0.8612227700770344 0.8983696156340375 0.790024649426092 0.6306027705772593 0.41700840862444954 0.2096051875978025 0.028514315507373746 -0.0550660869958943 -0.07518729500594096 +5924,-0.11852528148912447,0,-0.14793320088842413 -0.13555091903608096 -0.13400313380454026 -0.09685628824752832 -0.03184930852276624 0.045539953054339014 0.17245834204079058 0.434034046171406 0.6213160591880064 0.7714512266475859 0.8612227700770344 0.8983696156340375 0.790024649426092 0.6306027705772593 0.41700840862444954 0.2096051875978025 0.028514315507373746 -0.0550660869958943 -0.07518729500594096 -0.10149964394215921 +5925,-0.056613872227435,0,-0.13555091903608096 -0.13400313380454026 -0.09685628824752832 -0.03184930852276624 0.045539953054339014 0.17245834204079058 0.434034046171406 0.6213160591880064 0.7714512266475859 0.8612227700770344 0.8983696156340375 0.790024649426092 0.6306027705772593 0.41700840862444954 0.2096051875978025 0.028514315507373746 -0.0550660869958943 -0.07518729500594096 -0.10149964394215921 -0.11852528148912447 +5926,-0.07054393931131887,0,-0.13400313380454026 -0.09685628824752832 -0.03184930852276624 0.045539953054339014 0.17245834204079058 0.434034046171406 0.6213160591880064 0.7714512266475859 0.8612227700770344 0.8983696156340375 0.790024649426092 0.6306027705772593 0.41700840862444954 0.2096051875978025 0.028514315507373746 -0.0550660869958943 -0.07518729500594096 -0.10149964394215921 -0.11852528148912447 -0.056613872227435 +5927,-0.18353226121388655,0,-0.09685628824752832 -0.03184930852276624 0.045539953054339014 0.17245834204079058 0.434034046171406 0.6213160591880064 0.7714512266475859 0.8612227700770344 0.8983696156340375 0.790024649426092 0.6306027705772593 0.41700840862444954 0.2096051875978025 0.028514315507373746 -0.0550660869958943 -0.07518729500594096 -0.10149964394215921 -0.11852528148912447 -0.056613872227435 -0.07054393931131887 +5928,-0.2129401806131862,0,-0.03184930852276624 0.045539953054339014 0.17245834204079058 0.434034046171406 0.6213160591880064 0.7714512266475859 0.8612227700770344 0.8983696156340375 0.790024649426092 0.6306027705772593 0.41700840862444954 0.2096051875978025 0.028514315507373746 -0.0550660869958943 -0.07518729500594096 -0.10149964394215921 -0.11852528148912447 -0.056613872227435 -0.07054393931131887 -0.18353226121388655 +5929,-0.24080031478094516,0,0.045539953054339014 0.17245834204079058 0.434034046171406 0.6213160591880064 0.7714512266475859 0.8612227700770344 0.8983696156340375 0.790024649426092 0.6306027705772593 0.41700840862444954 0.2096051875978025 0.028514315507373746 -0.0550660869958943 -0.07518729500594096 -0.10149964394215921 -0.11852528148912447 -0.056613872227435 -0.07054393931131887 -0.18353226121388655 -0.2129401806131862 +5930,-0.22687024769707007,0,0.17245834204079058 0.434034046171406 0.6213160591880064 0.7714512266475859 0.8612227700770344 0.8983696156340375 0.790024649426092 0.6306027705772593 0.41700840862444954 0.2096051875978025 0.028514315507373746 -0.0550660869958943 -0.07518729500594096 -0.10149964394215921 -0.11852528148912447 -0.056613872227435 -0.07054393931131887 -0.18353226121388655 -0.2129401806131862 -0.24080031478094516 +5931,-0.2082968249185641,0,0.434034046171406 0.6213160591880064 0.7714512266475859 0.8612227700770344 0.8983696156340375 0.790024649426092 0.6306027705772593 0.41700840862444954 0.2096051875978025 0.028514315507373746 -0.0550660869958943 -0.07518729500594096 -0.10149964394215921 -0.11852528148912447 -0.056613872227435 -0.07054393931131887 -0.18353226121388655 -0.2129401806131862 -0.24080031478094516 -0.22687024769707007 +5932,-0.10459521440524061,0,0.6213160591880064 0.7714512266475859 0.8612227700770344 0.8983696156340375 0.790024649426092 0.6306027705772593 0.41700840862444954 0.2096051875978025 0.028514315507373746 -0.0550660869958943 -0.07518729500594096 -0.10149964394215921 -0.11852528148912447 -0.056613872227435 -0.07054393931131887 -0.18353226121388655 -0.2129401806131862 -0.24080031478094516 -0.22687024769707007 -0.2082968249185641 +5933,-0.051970516532812906,0,0.7714512266475859 0.8612227700770344 0.8983696156340375 0.790024649426092 0.6306027705772593 0.41700840862444954 0.2096051875978025 0.028514315507373746 -0.0550660869958943 -0.07518729500594096 -0.10149964394215921 -0.11852528148912447 -0.056613872227435 -0.07054393931131887 -0.18353226121388655 -0.2129401806131862 -0.24080031478094516 -0.22687024769707007 -0.2082968249185641 -0.10459521440524061 +5934,0.09816465092677551,0,0.8612227700770344 0.8983696156340375 0.790024649426092 0.6306027705772593 0.41700840862444954 0.2096051875978025 0.028514315507373746 -0.0550660869958943 -0.07518729500594096 -0.10149964394215921 -0.11852528148912447 -0.056613872227435 -0.07054393931131887 -0.18353226121388655 -0.2129401806131862 -0.24080031478094516 -0.22687024769707007 -0.2082968249185641 -0.10459521440524061 -0.051970516532812906 +5935,0.29009001963799796,0,0.8983696156340375 0.790024649426092 0.6306027705772593 0.41700840862444954 0.2096051875978025 0.028514315507373746 -0.0550660869958943 -0.07518729500594096 -0.10149964394215921 -0.11852528148912447 -0.056613872227435 -0.07054393931131887 -0.18353226121388655 -0.2129401806131862 -0.24080031478094516 -0.22687024769707007 -0.2082968249185641 -0.10459521440524061 -0.051970516532812906 0.09816465092677551 +5936,0.4897543145069239,0,0.790024649426092 0.6306027705772593 0.41700840862444954 0.2096051875978025 0.028514315507373746 -0.0550660869958943 -0.07518729500594096 -0.10149964394215921 -0.11852528148912447 -0.056613872227435 -0.07054393931131887 -0.18353226121388655 -0.2129401806131862 -0.24080031478094516 -0.22687024769707007 -0.2082968249185641 -0.10459521440524061 -0.051970516532812906 0.09816465092677551 0.29009001963799796 +5937,0.7095398173859053,0,0.6306027705772593 0.41700840862444954 0.2096051875978025 0.028514315507373746 -0.0550660869958943 -0.07518729500594096 -0.10149964394215921 -0.11852528148912447 -0.056613872227435 -0.07054393931131887 -0.18353226121388655 -0.2129401806131862 -0.24080031478094516 -0.22687024769707007 -0.2082968249185641 -0.10459521440524061 -0.051970516532812906 0.09816465092677551 0.29009001963799796 0.4897543145069239 +5938,0.8287192802146446,0,0.41700840862444954 0.2096051875978025 0.028514315507373746 -0.0550660869958943 -0.07518729500594096 -0.10149964394215921 -0.11852528148912447 -0.056613872227435 -0.07054393931131887 -0.18353226121388655 -0.2129401806131862 -0.24080031478094516 -0.22687024769707007 -0.2082968249185641 -0.10459521440524061 -0.051970516532812906 0.09816465092677551 0.29009001963799796 0.4897543145069239 0.7095398173859053 +5939,0.8550316291508628,0,0.2096051875978025 0.028514315507373746 -0.0550660869958943 -0.07518729500594096 -0.10149964394215921 -0.11852528148912447 -0.056613872227435 -0.07054393931131887 -0.18353226121388655 -0.2129401806131862 -0.24080031478094516 -0.22687024769707007 -0.2082968249185641 -0.10459521440524061 -0.051970516532812906 0.09816465092677551 0.29009001963799796 0.4897543145069239 0.7095398173859053 0.8287192802146446 +5940,0.7791901528052982,0,0.028514315507373746 -0.0550660869958943 -0.07518729500594096 -0.10149964394215921 -0.11852528148912447 -0.056613872227435 -0.07054393931131887 -0.18353226121388655 -0.2129401806131862 -0.24080031478094516 -0.22687024769707007 -0.2082968249185641 -0.10459521440524061 -0.051970516532812906 0.09816465092677551 0.29009001963799796 0.4897543145069239 0.7095398173859053 0.8287192802146446 0.8550316291508628 +5941,0.7079920321543646,0,-0.0550660869958943 -0.07518729500594096 -0.10149964394215921 -0.11852528148912447 -0.056613872227435 -0.07054393931131887 -0.18353226121388655 -0.2129401806131862 -0.24080031478094516 -0.22687024769707007 -0.2082968249185641 -0.10459521440524061 -0.051970516532812906 0.09816465092677551 0.29009001963799796 0.4897543145069239 0.7095398173859053 0.8287192802146446 0.8550316291508628 0.7791901528052982 +5942,0.4154606233929,0,-0.07518729500594096 -0.10149964394215921 -0.11852528148912447 -0.056613872227435 -0.07054393931131887 -0.18353226121388655 -0.2129401806131862 -0.24080031478094516 -0.22687024769707007 -0.2082968249185641 -0.10459521440524061 -0.051970516532812906 0.09816465092677551 0.29009001963799796 0.4897543145069239 0.7095398173859053 0.8287192802146446 0.8550316291508628 0.7791901528052982 0.7079920321543646 +5943,0.06411337583284497,0,-0.10149964394215921 -0.11852528148912447 -0.056613872227435 -0.07054393931131887 -0.18353226121388655 -0.2129401806131862 -0.24080031478094516 -0.22687024769707007 -0.2082968249185641 -0.10459521440524061 -0.051970516532812906 0.09816465092677551 0.29009001963799796 0.4897543145069239 0.7095398173859053 0.8287192802146446 0.8550316291508628 0.7791901528052982 0.7079920321543646 0.4154606233929 +5944,-0.09221293255290623,0,-0.11852528148912447 -0.056613872227435 -0.07054393931131887 -0.18353226121388655 -0.2129401806131862 -0.24080031478094516 -0.22687024769707007 -0.2082968249185641 -0.10459521440524061 -0.051970516532812906 0.09816465092677551 0.29009001963799796 0.4897543145069239 0.7095398173859053 0.8287192802146446 0.8550316291508628 0.7791901528052982 0.7079920321543646 0.4154606233929 0.06411337583284497 +5945,-0.20055789876085184,0,-0.056613872227435 -0.07054393931131887 -0.18353226121388655 -0.2129401806131862 -0.24080031478094516 -0.22687024769707007 -0.2082968249185641 -0.10459521440524061 -0.051970516532812906 0.09816465092677551 0.29009001963799796 0.4897543145069239 0.7095398173859053 0.8287192802146446 0.8550316291508628 0.7791901528052982 0.7079920321543646 0.4154606233929 0.06411337583284497 -0.09221293255290623 +5946,-0.25627816709636975,0,-0.07054393931131887 -0.18353226121388655 -0.2129401806131862 -0.24080031478094516 -0.22687024769707007 -0.2082968249185641 -0.10459521440524061 -0.051970516532812906 0.09816465092677551 0.29009001963799796 0.4897543145069239 0.7095398173859053 0.8287192802146446 0.8550316291508628 0.7791901528052982 0.7079920321543646 0.4154606233929 0.06411337583284497 -0.09221293255290623 -0.20055789876085184 +5947,-0.2624693080225413,0,-0.18353226121388655 -0.2129401806131862 -0.24080031478094516 -0.22687024769707007 -0.2082968249185641 -0.10459521440524061 -0.051970516532812906 0.09816465092677551 0.29009001963799796 0.4897543145069239 0.7095398173859053 0.8287192802146446 0.8550316291508628 0.7791901528052982 0.7079920321543646 0.4154606233929 0.06411337583284497 -0.09221293255290623 -0.20055789876085184 -0.25627816709636975 +5948,-0.29342501265338167,0,-0.2129401806131862 -0.24080031478094516 -0.22687024769707007 -0.2082968249185641 -0.10459521440524061 -0.051970516532812906 0.09816465092677551 0.29009001963799796 0.4897543145069239 0.7095398173859053 0.8287192802146446 0.8550316291508628 0.7791901528052982 0.7079920321543646 0.4154606233929 0.06411337583284497 -0.09221293255290623 -0.20055789876085184 -0.25627816709636975 -0.2624693080225413 +5949,-0.2810427308010473,0,-0.24080031478094516 -0.22687024769707007 -0.2082968249185641 -0.10459521440524061 -0.051970516532812906 0.09816465092677551 0.29009001963799796 0.4897543145069239 0.7095398173859053 0.8287192802146446 0.8550316291508628 0.7791901528052982 0.7079920321543646 0.4154606233929 0.06411337583284497 -0.09221293255290623 -0.20055789876085184 -0.25627816709636975 -0.2624693080225413 -0.29342501265338167 +5950,-0.2779471603379571,0,-0.22687024769707007 -0.2082968249185641 -0.10459521440524061 -0.051970516532812906 0.09816465092677551 0.29009001963799796 0.4897543145069239 0.7095398173859053 0.8287192802146446 0.8550316291508628 0.7791901528052982 0.7079920321543646 0.4154606233929 0.06411337583284497 -0.09221293255290623 -0.20055789876085184 -0.25627816709636975 -0.2624693080225413 -0.29342501265338167 -0.2810427308010473 +5951,-0.3181895763580504,0,-0.2082968249185641 -0.10459521440524061 -0.051970516532812906 0.09816465092677551 0.29009001963799796 0.4897543145069239 0.7095398173859053 0.8287192802146446 0.8550316291508628 0.7791901528052982 0.7079920321543646 0.4154606233929 0.06411337583284497 -0.09221293255290623 -0.20055789876085184 -0.25627816709636975 -0.2624693080225413 -0.29342501265338167 -0.2810427308010473 -0.2779471603379571 +5952,-0.273303804643335,0,-0.10459521440524061 -0.051970516532812906 0.09816465092677551 0.29009001963799796 0.4897543145069239 0.7095398173859053 0.8287192802146446 0.8550316291508628 0.7791901528052982 0.7079920321543646 0.4154606233929 0.06411337583284497 -0.09221293255290623 -0.20055789876085184 -0.25627816709636975 -0.2624693080225413 -0.29342501265338167 -0.2810427308010473 -0.2779471603379571 -0.3181895763580504 +5953,-0.29961615357954446,0,-0.051970516532812906 0.09816465092677551 0.29009001963799796 0.4897543145069239 0.7095398173859053 0.8287192802146446 0.8550316291508628 0.7791901528052982 0.7079920321543646 0.4154606233929 0.06411337583284497 -0.09221293255290623 -0.20055789876085184 -0.25627816709636975 -0.2624693080225413 -0.29342501265338167 -0.2810427308010473 -0.2779471603379571 -0.3181895763580504 -0.273303804643335 +5954,-0.28878165695875074,0,0.09816465092677551 0.29009001963799796 0.4897543145069239 0.7095398173859053 0.8287192802146446 0.8550316291508628 0.7791901528052982 0.7079920321543646 0.4154606233929 0.06411337583284497 -0.09221293255290623 -0.20055789876085184 -0.25627816709636975 -0.2624693080225413 -0.29342501265338167 -0.2810427308010473 -0.2779471603379571 -0.3181895763580504 -0.273303804643335 -0.29961615357954446 +5955,-0.18353226121388655,0,0.29009001963799796 0.4897543145069239 0.7095398173859053 0.8287192802146446 0.8550316291508628 0.7791901528052982 0.7079920321543646 0.4154606233929 0.06411337583284497 -0.09221293255290623 -0.20055789876085184 -0.25627816709636975 -0.2624693080225413 -0.29342501265338167 -0.2810427308010473 -0.2779471603379571 -0.3181895763580504 -0.273303804643335 -0.29961615357954446 -0.28878165695875074 +5956,-0.11697749625758379,0,0.4897543145069239 0.7095398173859053 0.8287192802146446 0.8550316291508628 0.7791901528052982 0.7079920321543646 0.4154606233929 0.06411337583284497 -0.09221293255290623 -0.20055789876085184 -0.25627816709636975 -0.2624693080225413 -0.29342501265338167 -0.2810427308010473 -0.2779471603379571 -0.3181895763580504 -0.273303804643335 -0.29961615357954446 -0.28878165695875074 -0.18353226121388655 +5957,0.03780102689662673,0,0.7095398173859053 0.8287192802146446 0.8550316291508628 0.7791901528052982 0.7079920321543646 0.4154606233929 0.06411337583284497 -0.09221293255290623 -0.20055789876085184 -0.25627816709636975 -0.2624693080225413 -0.29342501265338167 -0.2810427308010473 -0.2779471603379571 -0.3181895763580504 -0.273303804643335 -0.29961615357954446 -0.28878165695875074 -0.18353226121388655 -0.11697749625758379 +5958,0.25294317408098604,0,0.8287192802146446 0.8550316291508628 0.7791901528052982 0.7079920321543646 0.4154606233929 0.06411337583284497 -0.09221293255290623 -0.20055789876085184 -0.25627816709636975 -0.2624693080225413 -0.29342501265338167 -0.2810427308010473 -0.2779471603379571 -0.3181895763580504 -0.273303804643335 -0.29961615357954446 -0.28878165695875074 -0.18353226121388655 -0.11697749625758379 0.03780102689662673 +5959,0.4773720326545895,0,0.8550316291508628 0.7791901528052982 0.7079920321543646 0.4154606233929 0.06411337583284497 -0.09221293255290623 -0.20055789876085184 -0.25627816709636975 -0.2624693080225413 -0.29342501265338167 -0.2810427308010473 -0.2779471603379571 -0.3181895763580504 -0.273303804643335 -0.29961615357954446 -0.28878165695875074 -0.18353226121388655 -0.11697749625758379 0.03780102689662673 0.25294317408098604 +5960,0.5888125693256165,0,0.7791901528052982 0.7079920321543646 0.4154606233929 0.06411337583284497 -0.09221293255290623 -0.20055789876085184 -0.25627816709636975 -0.2624693080225413 -0.29342501265338167 -0.2810427308010473 -0.2779471603379571 -0.3181895763580504 -0.273303804643335 -0.29961615357954446 -0.28878165695875074 -0.18353226121388655 -0.11697749625758379 0.03780102689662673 0.25294317408098604 0.4773720326545895 +5961,0.6940619650704807,0,0.7079920321543646 0.4154606233929 0.06411337583284497 -0.09221293255290623 -0.20055789876085184 -0.25627816709636975 -0.2624693080225413 -0.29342501265338167 -0.2810427308010473 -0.2779471603379571 -0.3181895763580504 -0.273303804643335 -0.29961615357954446 -0.28878165695875074 -0.18353226121388655 -0.11697749625758379 0.03780102689662673 0.25294317408098604 0.4773720326545895 0.5888125693256165 +5962,0.8643183405401158,0,0.4154606233929 0.06411337583284497 -0.09221293255290623 -0.20055789876085184 -0.25627816709636975 -0.2624693080225413 -0.29342501265338167 -0.2810427308010473 -0.2779471603379571 -0.3181895763580504 -0.273303804643335 -0.29961615357954446 -0.28878165695875074 -0.18353226121388655 -0.11697749625758379 0.03780102689662673 0.25294317408098604 0.4773720326545895 0.5888125693256165 0.6940619650704807 +5963,0.8782484076239908,0,0.06411337583284497 -0.09221293255290623 -0.20055789876085184 -0.25627816709636975 -0.2624693080225413 -0.29342501265338167 -0.2810427308010473 -0.2779471603379571 -0.3181895763580504 -0.273303804643335 -0.29961615357954446 -0.28878165695875074 -0.18353226121388655 -0.11697749625758379 0.03780102689662673 0.25294317408098604 0.4773720326545895 0.5888125693256165 0.6940619650704807 0.8643183405401158 +5964,0.7219220992382397,0,-0.09221293255290623 -0.20055789876085184 -0.25627816709636975 -0.2624693080225413 -0.29342501265338167 -0.2810427308010473 -0.2779471603379571 -0.3181895763580504 -0.273303804643335 -0.29961615357954446 -0.28878165695875074 -0.18353226121388655 -0.11697749625758379 0.03780102689662673 0.25294317408098604 0.4773720326545895 0.5888125693256165 0.6940619650704807 0.8643183405401158 0.8782484076239908 +5965,0.590360354557166,0,-0.20055789876085184 -0.25627816709636975 -0.2624693080225413 -0.29342501265338167 -0.2810427308010473 -0.2779471603379571 -0.3181895763580504 -0.273303804643335 -0.29961615357954446 -0.28878165695875074 -0.18353226121388655 -0.11697749625758379 0.03780102689662673 0.25294317408098604 0.4773720326545895 0.5888125693256165 0.6940619650704807 0.8643183405401158 0.8782484076239908 0.7219220992382397 +5966,0.3705748516781846,0,-0.25627816709636975 -0.2624693080225413 -0.29342501265338167 -0.2810427308010473 -0.2779471603379571 -0.3181895763580504 -0.273303804643335 -0.29961615357954446 -0.28878165695875074 -0.18353226121388655 -0.11697749625758379 0.03780102689662673 0.25294317408098604 0.4773720326545895 0.5888125693256165 0.6940619650704807 0.8643183405401158 0.8782484076239908 0.7219220992382397 0.590360354557166 +5967,0.0501833087489699,0,-0.2624693080225413 -0.29342501265338167 -0.2810427308010473 -0.2779471603379571 -0.3181895763580504 -0.273303804643335 -0.29961615357954446 -0.28878165695875074 -0.18353226121388655 -0.11697749625758379 0.03780102689662673 0.25294317408098604 0.4773720326545895 0.5888125693256165 0.6940619650704807 0.8643183405401158 0.8782484076239908 0.7219220992382397 0.590360354557166 0.3705748516781846 +5968,-0.1680544088984708,0,-0.29342501265338167 -0.2810427308010473 -0.2779471603379571 -0.3181895763580504 -0.273303804643335 -0.29961615357954446 -0.28878165695875074 -0.18353226121388655 -0.11697749625758379 0.03780102689662673 0.25294317408098604 0.4773720326545895 0.5888125693256165 0.6940619650704807 0.8643183405401158 0.8782484076239908 0.7219220992382397 0.590360354557166 0.3705748516781846 0.0501833087489699 +5969,-0.273303804643335,0,-0.2810427308010473 -0.2779471603379571 -0.3181895763580504 -0.273303804643335 -0.29961615357954446 -0.28878165695875074 -0.18353226121388655 -0.11697749625758379 0.03780102689662673 0.25294317408098604 0.4773720326545895 0.5888125693256165 0.6940619650704807 0.8643183405401158 0.8782484076239908 0.7219220992382397 0.590360354557166 0.3705748516781846 0.0501833087489699 -0.1680544088984708 +5970,-0.29342501265338167,0,-0.2779471603379571 -0.3181895763580504 -0.273303804643335 -0.29961615357954446 -0.28878165695875074 -0.18353226121388655 -0.11697749625758379 0.03780102689662673 0.25294317408098604 0.4773720326545895 0.5888125693256165 0.6940619650704807 0.8643183405401158 0.8782484076239908 0.7219220992382397 0.590360354557166 0.3705748516781846 0.0501833087489699 -0.1680544088984708 -0.273303804643335 +5971,-0.3367629991365564,0,-0.3181895763580504 -0.273303804643335 -0.29961615357954446 -0.28878165695875074 -0.18353226121388655 -0.11697749625758379 0.03780102689662673 0.25294317408098604 0.4773720326545895 0.5888125693256165 0.6940619650704807 0.8643183405401158 0.8782484076239908 0.7219220992382397 0.590360354557166 0.3705748516781846 0.0501833087489699 -0.1680544088984708 -0.273303804643335 -0.29342501265338167 +5972,-0.3909354822405336,0,-0.273303804643335 -0.29961615357954446 -0.28878165695875074 -0.18353226121388655 -0.11697749625758379 0.03780102689662673 0.25294317408098604 0.4773720326545895 0.5888125693256165 0.6940619650704807 0.8643183405401158 0.8782484076239908 0.7219220992382397 0.590360354557166 0.3705748516781846 0.0501833087489699 -0.1680544088984708 -0.273303804643335 -0.29342501265338167 -0.3367629991365564 +5973,-0.3723620594620276,0,-0.29961615357954446 -0.28878165695875074 -0.18353226121388655 -0.11697749625758379 0.03780102689662673 0.25294317408098604 0.4773720326545895 0.5888125693256165 0.6940619650704807 0.8643183405401158 0.8782484076239908 0.7219220992382397 0.590360354557166 0.3705748516781846 0.0501833087489699 -0.1680544088984708 -0.273303804643335 -0.29342501265338167 -0.3367629991365564 -0.3909354822405336 +5974,-0.3893876970089929,0,-0.28878165695875074 -0.18353226121388655 -0.11697749625758379 0.03780102689662673 0.25294317408098604 0.4773720326545895 0.5888125693256165 0.6940619650704807 0.8643183405401158 0.8782484076239908 0.7219220992382397 0.590360354557166 0.3705748516781846 0.0501833087489699 -0.1680544088984708 -0.273303804643335 -0.29342501265338167 -0.3367629991365564 -0.3909354822405336 -0.3723620594620276 +5975,-0.35843199237815254,0,-0.18353226121388655 -0.11697749625758379 0.03780102689662673 0.25294317408098604 0.4773720326545895 0.5888125693256165 0.6940619650704807 0.8643183405401158 0.8782484076239908 0.7219220992382397 0.590360354557166 0.3705748516781846 0.0501833087489699 -0.1680544088984708 -0.273303804643335 -0.29342501265338167 -0.3367629991365564 -0.3909354822405336 -0.3723620594620276 -0.3893876970089929 +5976,-0.40486554932440866,0,-0.11697749625758379 0.03780102689662673 0.25294317408098604 0.4773720326545895 0.5888125693256165 0.6940619650704807 0.8643183405401158 0.8782484076239908 0.7219220992382397 0.590360354557166 0.3705748516781846 0.0501833087489699 -0.1680544088984708 -0.273303804643335 -0.29342501265338167 -0.3367629991365564 -0.3909354822405336 -0.3723620594620276 -0.3893876970089929 -0.35843199237815254 +5977,-0.4095089050190395,0,0.03780102689662673 0.25294317408098604 0.4773720326545895 0.5888125693256165 0.6940619650704807 0.8643183405401158 0.8782484076239908 0.7219220992382397 0.590360354557166 0.3705748516781846 0.0501833087489699 -0.1680544088984708 -0.273303804643335 -0.29342501265338167 -0.3367629991365564 -0.3909354822405336 -0.3723620594620276 -0.3893876970089929 -0.35843199237815254 -0.40486554932440866 +5978,-0.4126044754821209,0,0.25294317408098604 0.4773720326545895 0.5888125693256165 0.6940619650704807 0.8643183405401158 0.8782484076239908 0.7219220992382397 0.590360354557166 0.3705748516781846 0.0501833087489699 -0.1680544088984708 -0.273303804643335 -0.29342501265338167 -0.3367629991365564 -0.3909354822405336 -0.3723620594620276 -0.3893876970089929 -0.35843199237815254 -0.40486554932440866 -0.4095089050190395 +5979,-0.35997977760969324,0,0.4773720326545895 0.5888125693256165 0.6940619650704807 0.8643183405401158 0.8782484076239908 0.7219220992382397 0.590360354557166 0.3705748516781846 0.0501833087489699 -0.1680544088984708 -0.273303804643335 -0.29342501265338167 -0.3367629991365564 -0.3909354822405336 -0.3723620594620276 -0.3893876970089929 -0.35843199237815254 -0.40486554932440866 -0.4095089050190395 -0.4126044754821209 +5980,-0.2113923953816455,0,0.5888125693256165 0.6940619650704807 0.8643183405401158 0.8782484076239908 0.7219220992382397 0.590360354557166 0.3705748516781846 0.0501833087489699 -0.1680544088984708 -0.273303804643335 -0.29342501265338167 -0.3367629991365564 -0.3909354822405336 -0.3723620594620276 -0.3893876970089929 -0.35843199237815254 -0.40486554932440866 -0.4095089050190395 -0.4126044754821209 -0.35997977760969324 +5981,-0.07209172454285957,0,0.6940619650704807 0.8643183405401158 0.8782484076239908 0.7219220992382397 0.590360354557166 0.3705748516781846 0.0501833087489699 -0.1680544088984708 -0.273303804643335 -0.29342501265338167 -0.3367629991365564 -0.3909354822405336 -0.3723620594620276 -0.3893876970089929 -0.35843199237815254 -0.40486554932440866 -0.4095089050190395 -0.4126044754821209 -0.35997977760969324 -0.2113923953816455 +5982,0.20186626144009023,0,0.8643183405401158 0.8782484076239908 0.7219220992382397 0.590360354557166 0.3705748516781846 0.0501833087489699 -0.1680544088984708 -0.273303804643335 -0.29342501265338167 -0.3367629991365564 -0.3909354822405336 -0.3723620594620276 -0.3893876970089929 -0.35843199237815254 -0.40486554932440866 -0.4095089050190395 -0.4126044754821209 -0.35997977760969324 -0.2113923953816455 -0.07209172454285957 +5983,0.4139128381613593,0,0.8782484076239908 0.7219220992382397 0.590360354557166 0.3705748516781846 0.0501833087489699 -0.1680544088984708 -0.273303804643335 -0.29342501265338167 -0.3367629991365564 -0.3909354822405336 -0.3723620594620276 -0.3893876970089929 -0.35843199237815254 -0.40486554932440866 -0.4095089050190395 -0.4126044754821209 -0.35997977760969324 -0.2113923953816455 -0.07209172454285957 0.20186626144009023 +5984,0.5826214283994537,0,0.7219220992382397 0.590360354557166 0.3705748516781846 0.0501833087489699 -0.1680544088984708 -0.273303804643335 -0.29342501265338167 -0.3367629991365564 -0.3909354822405336 -0.3723620594620276 -0.3893876970089929 -0.35843199237815254 -0.40486554932440866 -0.4095089050190395 -0.4126044754821209 -0.35997977760969324 -0.2113923953816455 -0.07209172454285957 0.20186626144009023 0.4139128381613593 +5985,0.7420433072482863,0,0.590360354557166 0.3705748516781846 0.0501833087489699 -0.1680544088984708 -0.273303804643335 -0.29342501265338167 -0.3367629991365564 -0.3909354822405336 -0.3723620594620276 -0.3893876970089929 -0.35843199237815254 -0.40486554932440866 -0.4095089050190395 -0.4126044754821209 -0.35997977760969324 -0.2113923953816455 -0.07209172454285957 0.20186626144009023 0.4139128381613593 0.5826214283994537 +5986,0.7946680051207228,0,0.3705748516781846 0.0501833087489699 -0.1680544088984708 -0.273303804643335 -0.29342501265338167 -0.3367629991365564 -0.3909354822405336 -0.3723620594620276 -0.3893876970089929 -0.35843199237815254 -0.40486554932440866 -0.4095089050190395 -0.4126044754821209 -0.35997977760969324 -0.2113923953816455 -0.07209172454285957 0.20186626144009023 0.4139128381613593 0.5826214283994537 0.7420433072482863 +5987,0.8287192802146446,0,0.0501833087489699 -0.1680544088984708 -0.273303804643335 -0.29342501265338167 -0.3367629991365564 -0.3909354822405336 -0.3723620594620276 -0.3893876970089929 -0.35843199237815254 -0.40486554932440866 -0.4095089050190395 -0.4126044754821209 -0.35997977760969324 -0.2113923953816455 -0.07209172454285957 0.20186626144009023 0.4139128381613593 0.5826214283994537 0.7420433072482863 0.7946680051207228 +5988,0.701800891228193,0,-0.1680544088984708 -0.273303804643335 -0.29342501265338167 -0.3367629991365564 -0.3909354822405336 -0.3723620594620276 -0.3893876970089929 -0.35843199237815254 -0.40486554932440866 -0.4095089050190395 -0.4126044754821209 -0.35997977760969324 -0.2113923953816455 -0.07209172454285957 0.20186626144009023 0.4139128381613593 0.5826214283994537 0.7420433072482863 0.7946680051207228 0.8287192802146446 +5989,0.6429850524295937,0,-0.273303804643335 -0.29342501265338167 -0.3367629991365564 -0.3909354822405336 -0.3723620594620276 -0.3893876970089929 -0.35843199237815254 -0.40486554932440866 -0.4095089050190395 -0.4126044754821209 -0.35997977760969324 -0.2113923953816455 -0.07209172454285957 0.20186626144009023 0.4139128381613593 0.5826214283994537 0.7420433072482863 0.7946680051207228 0.8287192802146446 0.701800891228193 +5990,0.392243844919772,0,-0.29342501265338167 -0.3367629991365564 -0.3909354822405336 -0.3723620594620276 -0.3893876970089929 -0.35843199237815254 -0.40486554932440866 -0.4095089050190395 -0.4126044754821209 -0.35997977760969324 -0.2113923953816455 -0.07209172454285957 0.20186626144009023 0.4139128381613593 0.5826214283994537 0.7420433072482863 0.7946680051207228 0.8287192802146446 0.701800891228193 0.6429850524295937 +5991,0.06720894629592637,0,-0.3367629991365564 -0.3909354822405336 -0.3723620594620276 -0.3893876970089929 -0.35843199237815254 -0.40486554932440866 -0.4095089050190395 -0.4126044754821209 -0.35997977760969324 -0.2113923953816455 -0.07209172454285957 0.20186626144009023 0.4139128381613593 0.5826214283994537 0.7420433072482863 0.7946680051207228 0.8287192802146446 0.701800891228193 0.6429850524295937 0.392243844919772 +5992,-0.09221293255290623,0,-0.3909354822405336 -0.3723620594620276 -0.3893876970089929 -0.35843199237815254 -0.40486554932440866 -0.4095089050190395 -0.4126044754821209 -0.35997977760969324 -0.2113923953816455 -0.07209172454285957 0.20186626144009023 0.4139128381613593 0.5826214283994537 0.7420433072482863 0.7946680051207228 0.8287192802146446 0.701800891228193 0.6429850524295937 0.392243844919772 0.06720894629592637 +5993,-0.22996581816015146,0,-0.3723620594620276 -0.3893876970089929 -0.35843199237815254 -0.40486554932440866 -0.4095089050190395 -0.4126044754821209 -0.35997977760969324 -0.2113923953816455 -0.07209172454285957 0.20186626144009023 0.4139128381613593 0.5826214283994537 0.7420433072482863 0.7946680051207228 0.8287192802146446 0.701800891228193 0.6429850524295937 0.392243844919772 0.06720894629592637 -0.09221293255290623 +5994,-0.29187722742184097,0,-0.3893876970089929 -0.35843199237815254 -0.40486554932440866 -0.4095089050190395 -0.4126044754821209 -0.35997977760969324 -0.2113923953816455 -0.07209172454285957 0.20186626144009023 0.4139128381613593 0.5826214283994537 0.7420433072482863 0.7946680051207228 0.8287192802146446 0.701800891228193 0.6429850524295937 0.392243844919772 0.06720894629592637 -0.09221293255290623 -0.22996581816015146 +5995,-0.315094005894969,0,-0.35843199237815254 -0.40486554932440866 -0.4095089050190395 -0.4126044754821209 -0.35997977760969324 -0.2113923953816455 -0.07209172454285957 0.20186626144009023 0.4139128381613593 0.5826214283994537 0.7420433072482863 0.7946680051207228 0.8287192802146446 0.701800891228193 0.6429850524295937 0.392243844919772 0.06720894629592637 -0.09221293255290623 -0.22996581816015146 -0.29187722742184097 +5996,-0.3135462206634283,0,-0.40486554932440866 -0.4095089050190395 -0.4126044754821209 -0.35997977760969324 -0.2113923953816455 -0.07209172454285957 0.20186626144009023 0.4139128381613593 0.5826214283994537 0.7420433072482863 0.7946680051207228 0.8287192802146446 0.701800891228193 0.6429850524295937 0.392243844919772 0.06720894629592637 -0.09221293255290623 -0.22996581816015146 -0.29187722742184097 -0.315094005894969 +5997,-0.3383107843680971,0,-0.4095089050190395 -0.4126044754821209 -0.35997977760969324 -0.2113923953816455 -0.07209172454285957 0.20186626144009023 0.4139128381613593 0.5826214283994537 0.7420433072482863 0.7946680051207228 0.8287192802146446 0.701800891228193 0.6429850524295937 0.392243844919772 0.06720894629592637 -0.09221293255290623 -0.22996581816015146 -0.29187722742184097 -0.315094005894969 -0.3135462206634283 +5998,-0.40486554932440866,0,-0.4126044754821209 -0.35997977760969324 -0.2113923953816455 -0.07209172454285957 0.20186626144009023 0.4139128381613593 0.5826214283994537 0.7420433072482863 0.7946680051207228 0.8287192802146446 0.701800891228193 0.6429850524295937 0.392243844919772 0.06720894629592637 -0.09221293255290623 -0.22996581816015146 -0.29187722742184097 -0.315094005894969 -0.3135462206634283 -0.3383107843680971 +5999,-0.36152756284123394,0,-0.35997977760969324 -0.2113923953816455 -0.07209172454285957 0.20186626144009023 0.4139128381613593 0.5826214283994537 0.7420433072482863 0.7946680051207228 0.8287192802146446 0.701800891228193 0.6429850524295937 0.392243844919772 0.06720894629592637 -0.09221293255290623 -0.22996581816015146 -0.29187722742184097 -0.315094005894969 -0.3135462206634283 -0.3383107843680971 -0.40486554932440866 +6000,-0.36617091853585604,0,-0.2113923953816455 -0.07209172454285957 0.20186626144009023 0.4139128381613593 0.5826214283994537 0.7420433072482863 0.7946680051207228 0.8287192802146446 0.701800891228193 0.6429850524295937 0.392243844919772 0.06720894629592637 -0.09221293255290623 -0.22996581816015146 -0.29187722742184097 -0.315094005894969 -0.3135462206634283 -0.3383107843680971 -0.40486554932440866 -0.36152756284123394 +6001,-0.38319655608282127,0,-0.07209172454285957 0.20186626144009023 0.4139128381613593 0.5826214283994537 0.7420433072482863 0.7946680051207228 0.8287192802146446 0.701800891228193 0.6429850524295937 0.392243844919772 0.06720894629592637 -0.09221293255290623 -0.22996581816015146 -0.29187722742184097 -0.315094005894969 -0.3135462206634283 -0.3383107843680971 -0.40486554932440866 -0.36152756284123394 -0.36617091853585604 +6002,-0.3955788379351557,0,0.20186626144009023 0.4139128381613593 0.5826214283994537 0.7420433072482863 0.7946680051207228 0.8287192802146446 0.701800891228193 0.6429850524295937 0.392243844919772 0.06720894629592637 -0.09221293255290623 -0.22996581816015146 -0.29187722742184097 -0.315094005894969 -0.3135462206634283 -0.3383107843680971 -0.40486554932440866 -0.36152756284123394 -0.36617091853585604 -0.38319655608282127 +6003,-0.30271172404263463,0,0.4139128381613593 0.5826214283994537 0.7420433072482863 0.7946680051207228 0.8287192802146446 0.701800891228193 0.6429850524295937 0.392243844919772 0.06720894629592637 -0.09221293255290623 -0.22996581816015146 -0.29187722742184097 -0.315094005894969 -0.3135462206634283 -0.3383107843680971 -0.40486554932440866 -0.36152756284123394 -0.36617091853585604 -0.38319655608282127 -0.3955788379351557 +6004,-0.2098446101501048,0,0.5826214283994537 0.7420433072482863 0.7946680051207228 0.8287192802146446 0.701800891228193 0.6429850524295937 0.392243844919772 0.06720894629592637 -0.09221293255290623 -0.22996581816015146 -0.29187722742184097 -0.315094005894969 -0.3135462206634283 -0.3383107843680971 -0.40486554932440866 -0.36152756284123394 -0.36617091853585604 -0.38319655608282127 -0.3955788379351557 -0.30271172404263463 +6005,-0.008632530049629385,0,0.7420433072482863 0.7946680051207228 0.8287192802146446 0.701800891228193 0.6429850524295937 0.392243844919772 0.06720894629592637 -0.09221293255290623 -0.22996581816015146 -0.29187722742184097 -0.315094005894969 -0.3135462206634283 -0.3383107843680971 -0.40486554932440866 -0.36152756284123394 -0.36617091853585604 -0.38319655608282127 -0.3955788379351557 -0.30271172404263463 -0.2098446101501048 +6006,0.2157963285239741,0,0.7946680051207228 0.8287192802146446 0.701800891228193 0.6429850524295937 0.392243844919772 0.06720894629592637 -0.09221293255290623 -0.22996581816015146 -0.29187722742184097 -0.315094005894969 -0.3135462206634283 -0.3383107843680971 -0.40486554932440866 -0.36152756284123394 -0.36617091853585604 -0.38319655608282127 -0.3955788379351557 -0.30271172404263463 -0.2098446101501048 -0.008632530049629385 +6007,0.39843498584594356,0,0.8287192802146446 0.701800891228193 0.6429850524295937 0.392243844919772 0.06720894629592637 -0.09221293255290623 -0.22996581816015146 -0.29187722742184097 -0.315094005894969 -0.3135462206634283 -0.3383107843680971 -0.40486554932440866 -0.36152756284123394 -0.36617091853585604 -0.38319655608282127 -0.3955788379351557 -0.30271172404263463 -0.2098446101501048 -0.008632530049629385 0.2157963285239741 +6008,0.613577133030294,0,0.701800891228193 0.6429850524295937 0.392243844919772 0.06720894629592637 -0.09221293255290623 -0.22996581816015146 -0.29187722742184097 -0.315094005894969 -0.3135462206634283 -0.3383107843680971 -0.40486554932440866 -0.36152756284123394 -0.36617091853585604 -0.38319655608282127 -0.3955788379351557 -0.30271172404263463 -0.2098446101501048 -0.008632530049629385 0.2157963285239741 0.39843498584594356 +6009,0.6816796832181463,0,0.6429850524295937 0.392243844919772 0.06720894629592637 -0.09221293255290623 -0.22996581816015146 -0.29187722742184097 -0.315094005894969 -0.3135462206634283 -0.3383107843680971 -0.40486554932440866 -0.36152756284123394 -0.36617091853585604 -0.38319655608282127 -0.3955788379351557 -0.30271172404263463 -0.2098446101501048 -0.008632530049629385 0.2157963285239741 0.39843498584594356 0.613577133030294 +6010,0.7962157903522635,0,0.392243844919772 0.06720894629592637 -0.09221293255290623 -0.22996581816015146 -0.29187722742184097 -0.315094005894969 -0.3135462206634283 -0.3383107843680971 -0.40486554932440866 -0.36152756284123394 -0.36617091853585604 -0.38319655608282127 -0.3955788379351557 -0.30271172404263463 -0.2098446101501048 -0.008632530049629385 0.2157963285239741 0.39843498584594356 0.613577133030294 0.6816796832181463 +6011,0.8844395485501625,0,0.06720894629592637 -0.09221293255290623 -0.22996581816015146 -0.29187722742184097 -0.315094005894969 -0.3135462206634283 -0.3383107843680971 -0.40486554932440866 -0.36152756284123394 -0.36617091853585604 -0.38319655608282127 -0.3955788379351557 -0.30271172404263463 -0.2098446101501048 -0.008632530049629385 0.2157963285239741 0.39843498584594356 0.613577133030294 0.6816796832181463 0.7962157903522635 +6012,0.7791901528052982,0,-0.09221293255290623 -0.22996581816015146 -0.29187722742184097 -0.315094005894969 -0.3135462206634283 -0.3383107843680971 -0.40486554932440866 -0.36152756284123394 -0.36617091853585604 -0.38319655608282127 -0.3955788379351557 -0.30271172404263463 -0.2098446101501048 -0.008632530049629385 0.2157963285239741 0.39843498584594356 0.613577133030294 0.6816796832181463 0.7962157903522635 0.8844395485501625 +6013,0.5950037102517881,0,-0.22996581816015146 -0.29187722742184097 -0.315094005894969 -0.3135462206634283 -0.3383107843680971 -0.40486554932440866 -0.36152756284123394 -0.36617091853585604 -0.38319655608282127 -0.3955788379351557 -0.30271172404263463 -0.2098446101501048 -0.008632530049629385 0.2157963285239741 0.39843498584594356 0.613577133030294 0.6816796832181463 0.7962157903522635 0.8844395485501625 0.7791901528052982 +6014,0.3876004892251499,0,-0.29187722742184097 -0.315094005894969 -0.3135462206634283 -0.3383107843680971 -0.40486554932440866 -0.36152756284123394 -0.36617091853585604 -0.38319655608282127 -0.3955788379351557 -0.30271172404263463 -0.2098446101501048 -0.008632530049629385 0.2157963285239741 0.39843498584594356 0.613577133030294 0.6816796832181463 0.7962157903522635 0.8844395485501625 0.7791901528052982 0.5950037102517881 +6015,0.14614599310458112,0,-0.315094005894969 -0.3135462206634283 -0.3383107843680971 -0.40486554932440866 -0.36152756284123394 -0.36617091853585604 -0.38319655608282127 -0.3955788379351557 -0.30271172404263463 -0.2098446101501048 -0.008632530049629385 0.2157963285239741 0.39843498584594356 0.613577133030294 0.6816796832181463 0.7962157903522635 0.8844395485501625 0.7791901528052982 0.5950037102517881 0.3876004892251499 +6016,-0.09530850301598763,0,-0.3135462206634283 -0.3383107843680971 -0.40486554932440866 -0.36152756284123394 -0.36617091853585604 -0.38319655608282127 -0.3955788379351557 -0.30271172404263463 -0.2098446101501048 -0.008632530049629385 0.2157963285239741 0.39843498584594356 0.613577133030294 0.6816796832181463 0.7962157903522635 0.8844395485501625 0.7791901528052982 0.5950037102517881 0.3876004892251499 0.14614599310458112 +6017,-0.17269776459309288,0,-0.3383107843680971 -0.40486554932440866 -0.36152756284123394 -0.36617091853585604 -0.38319655608282127 -0.3955788379351557 -0.30271172404263463 -0.2098446101501048 -0.008632530049629385 0.2157963285239741 0.39843498584594356 0.613577133030294 0.6816796832181463 0.7962157903522635 0.8844395485501625 0.7791901528052982 0.5950037102517881 0.3876004892251499 0.14614599310458112 -0.09530850301598763 +6018,-0.2160357510762764,0,-0.40486554932440866 -0.36152756284123394 -0.36617091853585604 -0.38319655608282127 -0.3955788379351557 -0.30271172404263463 -0.2098446101501048 -0.008632530049629385 0.2157963285239741 0.39843498584594356 0.613577133030294 0.6816796832181463 0.7962157903522635 0.8844395485501625 0.7791901528052982 0.5950037102517881 0.3876004892251499 0.14614599310458112 -0.09530850301598763 -0.17269776459309288 +6019,-0.2702082341802448,0,-0.36152756284123394 -0.36617091853585604 -0.38319655608282127 -0.3955788379351557 -0.30271172404263463 -0.2098446101501048 -0.008632530049629385 0.2157963285239741 0.39843498584594356 0.613577133030294 0.6816796832181463 0.7962157903522635 0.8844395485501625 0.7791901528052982 0.5950037102517881 0.3876004892251499 0.14614599310458112 -0.09530850301598763 -0.17269776459309288 -0.2160357510762764 +6020,-0.2500870261701981,0,-0.36617091853585604 -0.38319655608282127 -0.3955788379351557 -0.30271172404263463 -0.2098446101501048 -0.008632530049629385 0.2157963285239741 0.39843498584594356 0.613577133030294 0.6816796832181463 0.7962157903522635 0.8844395485501625 0.7791901528052982 0.5950037102517881 0.3876004892251499 0.14614599310458112 -0.09530850301598763 -0.17269776459309288 -0.2160357510762764 -0.2702082341802448 +6021,-0.273303804643335,0,-0.38319655608282127 -0.3955788379351557 -0.30271172404263463 -0.2098446101501048 -0.008632530049629385 0.2157963285239741 0.39843498584594356 0.613577133030294 0.6816796832181463 0.7962157903522635 0.8844395485501625 0.7791901528052982 0.5950037102517881 0.3876004892251499 0.14614599310458112 -0.09530850301598763 -0.17269776459309288 -0.2160357510762764 -0.2702082341802448 -0.2500870261701981 +6022,-0.28723387172721004,0,-0.3955788379351557 -0.30271172404263463 -0.2098446101501048 -0.008632530049629385 0.2157963285239741 0.39843498584594356 0.613577133030294 0.6816796832181463 0.7962157903522635 0.8844395485501625 0.7791901528052982 0.5950037102517881 0.3876004892251499 0.14614599310458112 -0.09530850301598763 -0.17269776459309288 -0.2160357510762764 -0.2702082341802448 -0.2500870261701981 -0.273303804643335 +6023,-0.29342501265338167,0,-0.30271172404263463 -0.2098446101501048 -0.008632530049629385 0.2157963285239741 0.39843498584594356 0.613577133030294 0.6816796832181463 0.7962157903522635 0.8844395485501625 0.7791901528052982 0.5950037102517881 0.3876004892251499 0.14614599310458112 -0.09530850301598763 -0.17269776459309288 -0.2160357510762764 -0.2702082341802448 -0.2500870261701981 -0.273303804643335 -0.28723387172721004 +6024,-0.28723387172721004,0,-0.2098446101501048 -0.008632530049629385 0.2157963285239741 0.39843498584594356 0.613577133030294 0.6816796832181463 0.7962157903522635 0.8844395485501625 0.7791901528052982 0.5950037102517881 0.3876004892251499 0.14614599310458112 -0.09530850301598763 -0.17269776459309288 -0.2160357510762764 -0.2702082341802448 -0.2500870261701981 -0.273303804643335 -0.28723387172721004 -0.29342501265338167 +6025,-0.2748515898748757,0,-0.008632530049629385 0.2157963285239741 0.39843498584594356 0.613577133030294 0.6816796832181463 0.7962157903522635 0.8844395485501625 0.7791901528052982 0.5950037102517881 0.3876004892251499 0.14614599310458112 -0.09530850301598763 -0.17269776459309288 -0.2160357510762764 -0.2702082341802448 -0.2500870261701981 -0.273303804643335 -0.28723387172721004 -0.29342501265338167 -0.28723387172721004 +6026,-0.2686604489487041,0,0.2157963285239741 0.39843498584594356 0.613577133030294 0.6816796832181463 0.7962157903522635 0.8844395485501625 0.7791901528052982 0.5950037102517881 0.3876004892251499 0.14614599310458112 -0.09530850301598763 -0.17269776459309288 -0.2160357510762764 -0.2702082341802448 -0.2500870261701981 -0.273303804643335 -0.28723387172721004 -0.29342501265338167 -0.28723387172721004 -0.2748515898748757 +6027,-0.20365346922394204,0,0.39843498584594356 0.613577133030294 0.6816796832181463 0.7962157903522635 0.8844395485501625 0.7791901528052982 0.5950037102517881 0.3876004892251499 0.14614599310458112 -0.09530850301598763 -0.17269776459309288 -0.2160357510762764 -0.2702082341802448 -0.2500870261701981 -0.273303804643335 -0.28723387172721004 -0.29342501265338167 -0.28723387172721004 -0.2748515898748757 -0.2686604489487041 +6028,-0.04577937560664132,0,0.613577133030294 0.6816796832181463 0.7962157903522635 0.8844395485501625 0.7791901528052982 0.5950037102517881 0.3876004892251499 0.14614599310458112 -0.09530850301598763 -0.17269776459309288 -0.2160357510762764 -0.2702082341802448 -0.2500870261701981 -0.273303804643335 -0.28723387172721004 -0.29342501265338167 -0.28723387172721004 -0.2748515898748757 -0.2686604489487041 -0.20365346922394204 +6029,0.13221592602069726,0,0.6816796832181463 0.7962157903522635 0.8844395485501625 0.7791901528052982 0.5950037102517881 0.3876004892251499 0.14614599310458112 -0.09530850301598763 -0.17269776459309288 -0.2160357510762764 -0.2702082341802448 -0.2500870261701981 -0.273303804643335 -0.28723387172721004 -0.29342501265338167 -0.28723387172721004 -0.2748515898748757 -0.2686604489487041 -0.20365346922394204 -0.04577937560664132 +6030,0.3334280061211727,0,0.7962157903522635 0.8844395485501625 0.7791901528052982 0.5950037102517881 0.3876004892251499 0.14614599310458112 -0.09530850301598763 -0.17269776459309288 -0.2160357510762764 -0.2702082341802448 -0.2500870261701981 -0.273303804643335 -0.28723387172721004 -0.29342501265338167 -0.28723387172721004 -0.2748515898748757 -0.2686604489487041 -0.20365346922394204 -0.04577937560664132 0.13221592602069726 +6031,0.5315445157585579,0,0.8844395485501625 0.7791901528052982 0.5950037102517881 0.3876004892251499 0.14614599310458112 -0.09530850301598763 -0.17269776459309288 -0.2160357510762764 -0.2702082341802448 -0.2500870261701981 -0.273303804643335 -0.28723387172721004 -0.29342501265338167 -0.28723387172721004 -0.2748515898748757 -0.2686604489487041 -0.20365346922394204 -0.04577937560664132 0.13221592602069726 0.3334280061211727 +6032,0.6398894819665123,0,0.7791901528052982 0.5950037102517881 0.3876004892251499 0.14614599310458112 -0.09530850301598763 -0.17269776459309288 -0.2160357510762764 -0.2702082341802448 -0.2500870261701981 -0.273303804643335 -0.28723387172721004 -0.29342501265338167 -0.28723387172721004 -0.2748515898748757 -0.2686604489487041 -0.20365346922394204 -0.04577937560664132 0.13221592602069726 0.3334280061211727 0.5315445157585579 +6033,0.8457449177616099,0,0.5950037102517881 0.3876004892251499 0.14614599310458112 -0.09530850301598763 -0.17269776459309288 -0.2160357510762764 -0.2702082341802448 -0.2500870261701981 -0.273303804643335 -0.28723387172721004 -0.29342501265338167 -0.28723387172721004 -0.2748515898748757 -0.2686604489487041 -0.20365346922394204 -0.04577937560664132 0.13221592602069726 0.3334280061211727 0.5315445157585579 0.6398894819665123 +6034,0.8209803540569323,0,0.3876004892251499 0.14614599310458112 -0.09530850301598763 -0.17269776459309288 -0.2160357510762764 -0.2702082341802448 -0.2500870261701981 -0.273303804643335 -0.28723387172721004 -0.29342501265338167 -0.28723387172721004 -0.2748515898748757 -0.2686604489487041 -0.20365346922394204 -0.04577937560664132 0.13221592602069726 0.3334280061211727 0.5315445157585579 0.6398894819665123 0.8457449177616099 +6035,0.8240759245200224,0,0.14614599310458112 -0.09530850301598763 -0.17269776459309288 -0.2160357510762764 -0.2702082341802448 -0.2500870261701981 -0.273303804643335 -0.28723387172721004 -0.29342501265338167 -0.28723387172721004 -0.2748515898748757 -0.2686604489487041 -0.20365346922394204 -0.04577937560664132 0.13221592602069726 0.3334280061211727 0.5315445157585579 0.6398894819665123 0.8457449177616099 0.8209803540569323 +6036,0.743591092479827,0,-0.09530850301598763 -0.17269776459309288 -0.2160357510762764 -0.2702082341802448 -0.2500870261701981 -0.273303804643335 -0.28723387172721004 -0.29342501265338167 -0.28723387172721004 -0.2748515898748757 -0.2686604489487041 -0.20365346922394204 -0.04577937560664132 0.13221592602069726 0.3334280061211727 0.5315445157585579 0.6398894819665123 0.8457449177616099 0.8209803540569323 0.8240759245200224 +6037,0.5516657237686133,0,-0.17269776459309288 -0.2160357510762764 -0.2702082341802448 -0.2500870261701981 -0.273303804643335 -0.28723387172721004 -0.29342501265338167 -0.28723387172721004 -0.2748515898748757 -0.2686604489487041 -0.20365346922394204 -0.04577937560664132 0.13221592602069726 0.3334280061211727 0.5315445157585579 0.6398894819665123 0.8457449177616099 0.8209803540569323 0.8240759245200224 0.743591092479827 +6038,0.3194979390372976,0,-0.2160357510762764 -0.2702082341802448 -0.2500870261701981 -0.273303804643335 -0.28723387172721004 -0.29342501265338167 -0.28723387172721004 -0.2748515898748757 -0.2686604489487041 -0.20365346922394204 -0.04577937560664132 0.13221592602069726 0.3334280061211727 0.5315445157585579 0.6398894819665123 0.8457449177616099 0.8209803540569323 0.8240759245200224 0.743591092479827 0.5516657237686133 +6039,0.17245834204079058,0,-0.2702082341802448 -0.2500870261701981 -0.273303804643335 -0.28723387172721004 -0.29342501265338167 -0.28723387172721004 -0.2748515898748757 -0.2686604489487041 -0.20365346922394204 -0.04577937560664132 0.13221592602069726 0.3334280061211727 0.5315445157585579 0.6398894819665123 0.8457449177616099 0.8209803540569323 0.8240759245200224 0.743591092479827 0.5516657237686133 0.3194979390372976 +6040,-0.025658167596594655,0,-0.2500870261701981 -0.273303804643335 -0.28723387172721004 -0.29342501265338167 -0.28723387172721004 -0.2748515898748757 -0.2686604489487041 -0.20365346922394204 -0.04577937560664132 0.13221592602069726 0.3334280061211727 0.5315445157585579 0.6398894819665123 0.8457449177616099 0.8209803540569323 0.8240759245200224 0.743591092479827 0.5516657237686133 0.3194979390372976 0.17245834204079058 +6041,-0.12626420764683677,0,-0.273303804643335 -0.28723387172721004 -0.29342501265338167 -0.28723387172721004 -0.2748515898748757 -0.2686604489487041 -0.20365346922394204 -0.04577937560664132 0.13221592602069726 0.3334280061211727 0.5315445157585579 0.6398894819665123 0.8457449177616099 0.8209803540569323 0.8240759245200224 0.743591092479827 0.5516657237686133 0.3194979390372976 0.17245834204079058 -0.025658167596594655 +6042,-0.17269776459309288,0,-0.28723387172721004 -0.29342501265338167 -0.28723387172721004 -0.2748515898748757 -0.2686604489487041 -0.20365346922394204 -0.04577937560664132 0.13221592602069726 0.3334280061211727 0.5315445157585579 0.6398894819665123 0.8457449177616099 0.8209803540569323 0.8240759245200224 0.743591092479827 0.5516657237686133 0.3194979390372976 0.17245834204079058 -0.025658167596594655 -0.12626420764683677 +6043,-0.1680544088984708,0,-0.29342501265338167 -0.28723387172721004 -0.2748515898748757 -0.2686604489487041 -0.20365346922394204 -0.04577937560664132 0.13221592602069726 0.3334280061211727 0.5315445157585579 0.6398894819665123 0.8457449177616099 0.8209803540569323 0.8240759245200224 0.743591092479827 0.5516657237686133 0.3194979390372976 0.17245834204079058 -0.025658167596594655 -0.12626420764683677 -0.17269776459309288 +6044,-0.19127118737159884,0,-0.28723387172721004 -0.2748515898748757 -0.2686604489487041 -0.20365346922394204 -0.04577937560664132 0.13221592602069726 0.3334280061211727 0.5315445157585579 0.6398894819665123 0.8457449177616099 0.8209803540569323 0.8240759245200224 0.743591092479827 0.5516657237686133 0.3194979390372976 0.17245834204079058 -0.025658167596594655 -0.12626420764683677 -0.17269776459309288 -0.1680544088984708 +6045,-0.2191313215393578,0,-0.2748515898748757 -0.2686604489487041 -0.20365346922394204 -0.04577937560664132 0.13221592602069726 0.3334280061211727 0.5315445157585579 0.6398894819665123 0.8457449177616099 0.8209803540569323 0.8240759245200224 0.743591092479827 0.5516657237686133 0.3194979390372976 0.17245834204079058 -0.025658167596594655 -0.12626420764683677 -0.17269776459309288 -0.1680544088984708 -0.19127118737159884 +6046,-0.22687024769707007,0,-0.2686604489487041 -0.20365346922394204 -0.04577937560664132 0.13221592602069726 0.3334280061211727 0.5315445157585579 0.6398894819665123 0.8457449177616099 0.8209803540569323 0.8240759245200224 0.743591092479827 0.5516657237686133 0.3194979390372976 0.17245834204079058 -0.025658167596594655 -0.12626420764683677 -0.17269776459309288 -0.1680544088984708 -0.19127118737159884 -0.2191313215393578 +6047,-0.26092152279099184,0,-0.20365346922394204 -0.04577937560664132 0.13221592602069726 0.3334280061211727 0.5315445157585579 0.6398894819665123 0.8457449177616099 0.8209803540569323 0.8240759245200224 0.743591092479827 0.5516657237686133 0.3194979390372976 0.17245834204079058 -0.025658167596594655 -0.12626420764683677 -0.17269776459309288 -0.1680544088984708 -0.19127118737159884 -0.2191313215393578 -0.22687024769707007 +6048,-0.24853924093865745,0,-0.04577937560664132 0.13221592602069726 0.3334280061211727 0.5315445157585579 0.6398894819665123 0.8457449177616099 0.8209803540569323 0.8240759245200224 0.743591092479827 0.5516657237686133 0.3194979390372976 0.17245834204079058 -0.025658167596594655 -0.12626420764683677 -0.17269776459309288 -0.1680544088984708 -0.19127118737159884 -0.2191313215393578 -0.22687024769707007 -0.26092152279099184 +6049,-0.24389588524403535,0,0.13221592602069726 0.3334280061211727 0.5315445157585579 0.6398894819665123 0.8457449177616099 0.8209803540569323 0.8240759245200224 0.743591092479827 0.5516657237686133 0.3194979390372976 0.17245834204079058 -0.025658167596594655 -0.12626420764683677 -0.17269776459309288 -0.1680544088984708 -0.19127118737159884 -0.2191313215393578 -0.22687024769707007 -0.26092152279099184 -0.24853924093865745 +6050,-0.2671126637171634,0,0.3334280061211727 0.5315445157585579 0.6398894819665123 0.8457449177616099 0.8209803540569323 0.8240759245200224 0.743591092479827 0.5516657237686133 0.3194979390372976 0.17245834204079058 -0.025658167596594655 -0.12626420764683677 -0.17269776459309288 -0.1680544088984708 -0.19127118737159884 -0.2191313215393578 -0.22687024769707007 -0.26092152279099184 -0.24853924093865745 -0.24389588524403535 +6051,-0.2516348114017388,0,0.5315445157585579 0.6398894819665123 0.8457449177616099 0.8209803540569323 0.8240759245200224 0.743591092479827 0.5516657237686133 0.3194979390372976 0.17245834204079058 -0.025658167596594655 -0.12626420764683677 -0.17269776459309288 -0.1680544088984708 -0.19127118737159884 -0.2191313215393578 -0.22687024769707007 -0.26092152279099184 -0.24853924093865745 -0.24389588524403535 -0.2671126637171634 +6052,-0.1618632679722992,0,0.6398894819665123 0.8457449177616099 0.8209803540569323 0.8240759245200224 0.743591092479827 0.5516657237686133 0.3194979390372976 0.17245834204079058 -0.025658167596594655 -0.12626420764683677 -0.17269776459309288 -0.1680544088984708 -0.19127118737159884 -0.2191313215393578 -0.22687024769707007 -0.26092152279099184 -0.24853924093865745 -0.24389588524403535 -0.2671126637171634 -0.2516348114017388 +6053,0.019227604118129564,0,0.8457449177616099 0.8209803540569323 0.8240759245200224 0.743591092479827 0.5516657237686133 0.3194979390372976 0.17245834204079058 -0.025658167596594655 -0.12626420764683677 -0.17269776459309288 -0.1680544088984708 -0.19127118737159884 -0.2191313215393578 -0.22687024769707007 -0.26092152279099184 -0.24853924093865745 -0.24389588524403535 -0.2671126637171634 -0.2516348114017388 -0.1618632679722992 +6054,0.2142485432924334,0,0.8209803540569323 0.8240759245200224 0.743591092479827 0.5516657237686133 0.3194979390372976 0.17245834204079058 -0.025658167596594655 -0.12626420764683677 -0.17269776459309288 -0.1680544088984708 -0.19127118737159884 -0.2191313215393578 -0.22687024769707007 -0.26092152279099184 -0.24853924093865745 -0.24389588524403535 -0.2671126637171634 -0.2516348114017388 -0.1618632679722992 0.019227604118129564 +6055,0.46963310649687723,0,0.8240759245200224 0.743591092479827 0.5516657237686133 0.3194979390372976 0.17245834204079058 -0.025658167596594655 -0.12626420764683677 -0.17269776459309288 -0.1680544088984708 -0.19127118737159884 -0.2191313215393578 -0.22687024769707007 -0.26092152279099184 -0.24853924093865745 -0.24389588524403535 -0.2671126637171634 -0.2516348114017388 -0.1618632679722992 0.019227604118129564 0.2142485432924334 +6056,0.6940619650704807,0,0.743591092479827 0.5516657237686133 0.3194979390372976 0.17245834204079058 -0.025658167596594655 -0.12626420764683677 -0.17269776459309288 -0.1680544088984708 -0.19127118737159884 -0.2191313215393578 -0.22687024769707007 -0.26092152279099184 -0.24853924093865745 -0.24389588524403535 -0.2671126637171634 -0.2516348114017388 -0.1618632679722992 0.019227604118129564 0.2142485432924334 0.46963310649687723 +6057,0.8426493472985285,0,0.5516657237686133 0.3194979390372976 0.17245834204079058 -0.025658167596594655 -0.12626420764683677 -0.17269776459309288 -0.1680544088984708 -0.19127118737159884 -0.2191313215393578 -0.22687024769707007 -0.26092152279099184 -0.24853924093865745 -0.24389588524403535 -0.2671126637171634 -0.2516348114017388 -0.1618632679722992 0.019227604118129564 0.2142485432924334 0.46963310649687723 0.6940619650704807 +6058,0.8828917633186217,0,0.3194979390372976 0.17245834204079058 -0.025658167596594655 -0.12626420764683677 -0.17269776459309288 -0.1680544088984708 -0.19127118737159884 -0.2191313215393578 -0.22687024769707007 -0.26092152279099184 -0.24853924093865745 -0.24389588524403535 -0.2671126637171634 -0.2516348114017388 -0.1618632679722992 0.019227604118129564 0.2142485432924334 0.46963310649687723 0.6940619650704807 0.8426493472985285 +6059,0.8519360586877814,0,0.17245834204079058 -0.025658167596594655 -0.12626420764683677 -0.17269776459309288 -0.1680544088984708 -0.19127118737159884 -0.2191313215393578 -0.22687024769707007 -0.26092152279099184 -0.24853924093865745 -0.24389588524403535 -0.2671126637171634 -0.2516348114017388 -0.1618632679722992 0.019227604118129564 0.2142485432924334 0.46963310649687723 0.6940619650704807 0.8426493472985285 0.8828917633186217 +6060,0.7404955220167456,0,-0.025658167596594655 -0.12626420764683677 -0.17269776459309288 -0.1680544088984708 -0.19127118737159884 -0.2191313215393578 -0.22687024769707007 -0.26092152279099184 -0.24853924093865745 -0.24389588524403535 -0.2671126637171634 -0.2516348114017388 -0.1618632679722992 0.019227604118129564 0.2142485432924334 0.46963310649687723 0.6940619650704807 0.8426493472985285 0.8828917633186217 0.8519360586877814 +6061,0.6042904216410411,0,-0.12626420764683677 -0.17269776459309288 -0.1680544088984708 -0.19127118737159884 -0.2191313215393578 -0.22687024769707007 -0.26092152279099184 -0.24853924093865745 -0.24389588524403535 -0.2671126637171634 -0.2516348114017388 -0.1618632679722992 0.019227604118129564 0.2142485432924334 0.46963310649687723 0.6940619650704807 0.8426493472985285 0.8828917633186217 0.8519360586877814 0.7404955220167456 +6062,0.35045364366813797,0,-0.17269776459309288 -0.1680544088984708 -0.19127118737159884 -0.2191313215393578 -0.22687024769707007 -0.26092152279099184 -0.24853924093865745 -0.24389588524403535 -0.2671126637171634 -0.2516348114017388 -0.1618632679722992 0.019227604118129564 0.2142485432924334 0.46963310649687723 0.6940619650704807 0.8426493472985285 0.8828917633186217 0.8519360586877814 0.7404955220167456 0.6042904216410411 +6063,0.15698048972537482,0,-0.1680544088984708 -0.19127118737159884 -0.2191313215393578 -0.22687024769707007 -0.26092152279099184 -0.24853924093865745 -0.24389588524403535 -0.2671126637171634 -0.2516348114017388 -0.1618632679722992 0.019227604118129564 0.2142485432924334 0.46963310649687723 0.6940619650704807 0.8426493472985285 0.8828917633186217 0.8519360586877814 0.7404955220167456 0.6042904216410411 0.35045364366813797 +6064,-0.04113601991201923,0,-0.19127118737159884 -0.2191313215393578 -0.22687024769707007 -0.26092152279099184 -0.24853924093865745 -0.24389588524403535 -0.2671126637171634 -0.2516348114017388 -0.1618632679722992 0.019227604118129564 0.2142485432924334 0.46963310649687723 0.6940619650704807 0.8426493472985285 0.8828917633186217 0.8519360586877814 0.7404955220167456 0.6042904216410411 0.35045364366813797 0.15698048972537482 +6065,-0.2206791067708985,0,-0.2191313215393578 -0.22687024769707007 -0.26092152279099184 -0.24853924093865745 -0.24389588524403535 -0.2671126637171634 -0.2516348114017388 -0.1618632679722992 0.019227604118129564 0.2142485432924334 0.46963310649687723 0.6940619650704807 0.8426493472985285 0.8828917633186217 0.8519360586877814 0.7404955220167456 0.6042904216410411 0.35045364366813797 0.15698048972537482 -0.04113601991201923 +6066,-0.28413830126412865,0,-0.22687024769707007 -0.26092152279099184 -0.24853924093865745 -0.24389588524403535 -0.2671126637171634 -0.2516348114017388 -0.1618632679722992 0.019227604118129564 0.2142485432924334 0.46963310649687723 0.6940619650704807 0.8426493472985285 0.8828917633186217 0.8519360586877814 0.7404955220167456 0.6042904216410411 0.35045364366813797 0.15698048972537482 -0.04113601991201923 -0.2206791067708985 +6067,-0.3197373615895999,0,-0.26092152279099184 -0.24853924093865745 -0.24389588524403535 -0.2671126637171634 -0.2516348114017388 -0.1618632679722992 0.019227604118129564 0.2142485432924334 0.46963310649687723 0.6940619650704807 0.8426493472985285 0.8828917633186217 0.8519360586877814 0.7404955220167456 0.6042904216410411 0.35045364366813797 0.15698048972537482 -0.04113601991201923 -0.2206791067708985 -0.28413830126412865 +6068,-0.25627816709636975,0,-0.24853924093865745 -0.24389588524403535 -0.2671126637171634 -0.2516348114017388 -0.1618632679722992 0.019227604118129564 0.2142485432924334 0.46963310649687723 0.6940619650704807 0.8426493472985285 0.8828917633186217 0.8519360586877814 0.7404955220167456 0.6042904216410411 0.35045364366813797 0.15698048972537482 -0.04113601991201923 -0.2206791067708985 -0.28413830126412865 -0.3197373615895999 +6069,-0.23306138862324166,0,-0.24389588524403535 -0.2671126637171634 -0.2516348114017388 -0.1618632679722992 0.019227604118129564 0.2142485432924334 0.46963310649687723 0.6940619650704807 0.8426493472985285 0.8828917633186217 0.8519360586877814 0.7404955220167456 0.6042904216410411 0.35045364366813797 0.15698048972537482 -0.04113601991201923 -0.2206791067708985 -0.28413830126412865 -0.3197373615895999 -0.25627816709636975 +6070,-0.23460917385478236,0,-0.2671126637171634 -0.2516348114017388 -0.1618632679722992 0.019227604118129564 0.2142485432924334 0.46963310649687723 0.6940619650704807 0.8426493472985285 0.8828917633186217 0.8519360586877814 0.7404955220167456 0.6042904216410411 0.35045364366813797 0.15698048972537482 -0.04113601991201923 -0.2206791067708985 -0.28413830126412865 -0.3197373615895999 -0.25627816709636975 -0.23306138862324166 +6071,-0.26633877110139303,0,-0.2516348114017388 -0.1618632679722992 0.019227604118129564 0.2142485432924334 0.46963310649687723 0.6940619650704807 0.8426493472985285 0.8828917633186217 0.8519360586877814 0.7404955220167456 0.6042904216410411 0.35045364366813797 0.15698048972537482 -0.04113601991201923 -0.2206791067708985 -0.28413830126412865 -0.3197373615895999 -0.25627816709636975 -0.23306138862324166 -0.23460917385478236 +6072,-0.29806836834800376,0,-0.1618632679722992 0.019227604118129564 0.2142485432924334 0.46963310649687723 0.6940619650704807 0.8426493472985285 0.8828917633186217 0.8519360586877814 0.7404955220167456 0.6042904216410411 0.35045364366813797 0.15698048972537482 -0.04113601991201923 -0.2206791067708985 -0.28413830126412865 -0.3197373615895999 -0.25627816709636975 -0.23306138862324166 -0.23460917385478236 -0.26633877110139303 +6073,-0.273303804643335,0,0.019227604118129564 0.2142485432924334 0.46963310649687723 0.6940619650704807 0.8426493472985285 0.8828917633186217 0.8519360586877814 0.7404955220167456 0.6042904216410411 0.35045364366813797 0.15698048972537482 -0.04113601991201923 -0.2206791067708985 -0.28413830126412865 -0.3197373615895999 -0.25627816709636975 -0.23306138862324166 -0.23460917385478236 -0.26633877110139303 -0.29806836834800376 +6074,-0.22996581816015146,0,0.2142485432924334 0.46963310649687723 0.6940619650704807 0.8426493472985285 0.8828917633186217 0.8519360586877814 0.7404955220167456 0.6042904216410411 0.35045364366813797 0.15698048972537482 -0.04113601991201923 -0.2206791067708985 -0.28413830126412865 -0.3197373615895999 -0.25627816709636975 -0.23306138862324166 -0.23460917385478236 -0.26633877110139303 -0.29806836834800376 -0.273303804643335 +6075,-0.11697749625758379,0,0.46963310649687723 0.6940619650704807 0.8426493472985285 0.8828917633186217 0.8519360586877814 0.7404955220167456 0.6042904216410411 0.35045364366813797 0.15698048972537482 -0.04113601991201923 -0.2206791067708985 -0.28413830126412865 -0.3197373615895999 -0.25627816709636975 -0.23306138862324166 -0.23460917385478236 -0.26633877110139303 -0.29806836834800376 -0.273303804643335 -0.22996581816015146 +6076,0.04708773828587971,0,0.6940619650704807 0.8426493472985285 0.8828917633186217 0.8519360586877814 0.7404955220167456 0.6042904216410411 0.35045364366813797 0.15698048972537482 -0.04113601991201923 -0.2206791067708985 -0.28413830126412865 -0.3197373615895999 -0.25627816709636975 -0.23306138862324166 -0.23460917385478236 -0.26633877110139303 -0.29806836834800376 -0.273303804643335 -0.22996581816015146 -0.11697749625758379 +6077,0.18174505343004357,0,0.8426493472985285 0.8828917633186217 0.8519360586877814 0.7404955220167456 0.6042904216410411 0.35045364366813797 0.15698048972537482 -0.04113601991201923 -0.2206791067708985 -0.28413830126412865 -0.3197373615895999 -0.25627816709636975 -0.23306138862324166 -0.23460917385478236 -0.26633877110139303 -0.29806836834800376 -0.273303804643335 -0.22996581816015146 -0.11697749625758379 0.04708773828587971 +6078,0.3937916301513127,0,0.8828917633186217 0.8519360586877814 0.7404955220167456 0.6042904216410411 0.35045364366813797 0.15698048972537482 -0.04113601991201923 -0.2206791067708985 -0.28413830126412865 -0.3197373615895999 -0.25627816709636975 -0.23306138862324166 -0.23460917385478236 -0.26633877110139303 -0.29806836834800376 -0.273303804643335 -0.22996581816015146 -0.11697749625758379 0.04708773828587971 0.18174505343004357 +6079,0.5377356566847294,0,0.8519360586877814 0.7404955220167456 0.6042904216410411 0.35045364366813797 0.15698048972537482 -0.04113601991201923 -0.2206791067708985 -0.28413830126412865 -0.3197373615895999 -0.25627816709636975 -0.23306138862324166 -0.23460917385478236 -0.26633877110139303 -0.29806836834800376 -0.273303804643335 -0.22996581816015146 -0.11697749625758379 0.04708773828587971 0.18174505343004357 0.3937916301513127 +6080,0.7451388777113765,0,0.7404955220167456 0.6042904216410411 0.35045364366813797 0.15698048972537482 -0.04113601991201923 -0.2206791067708985 -0.28413830126412865 -0.3197373615895999 -0.25627816709636975 -0.23306138862324166 -0.23460917385478236 -0.26633877110139303 -0.29806836834800376 -0.273303804643335 -0.22996581816015146 -0.11697749625758379 0.04708773828587971 0.18174505343004357 0.3937916301513127 0.5377356566847294 +6081,0.862770555308575,0,0.6042904216410411 0.35045364366813797 0.15698048972537482 -0.04113601991201923 -0.2206791067708985 -0.28413830126412865 -0.3197373615895999 -0.25627816709636975 -0.23306138862324166 -0.23460917385478236 -0.26633877110139303 -0.29806836834800376 -0.273303804643335 -0.22996581816015146 -0.11697749625758379 0.04708773828587971 0.18174505343004357 0.3937916301513127 0.5377356566847294 0.7451388777113765 +6082,0.9664721658218898,0,0.35045364366813797 0.15698048972537482 -0.04113601991201923 -0.2206791067708985 -0.28413830126412865 -0.3197373615895999 -0.25627816709636975 -0.23306138862324166 -0.23460917385478236 -0.26633877110139303 -0.29806836834800376 -0.273303804643335 -0.22996581816015146 -0.11697749625758379 0.04708773828587971 0.18174505343004357 0.3937916301513127 0.5377356566847294 0.7451388777113765 0.862770555308575 +6083,0.9308731054964273,0,0.15698048972537482 -0.04113601991201923 -0.2206791067708985 -0.28413830126412865 -0.3197373615895999 -0.25627816709636975 -0.23306138862324166 -0.23460917385478236 -0.26633877110139303 -0.29806836834800376 -0.273303804643335 -0.22996581816015146 -0.11697749625758379 0.04708773828587971 0.18174505343004357 0.3937916301513127 0.5377356566847294 0.7451388777113765 0.862770555308575 0.9664721658218898 +6084,0.8658661257716564,0,-0.04113601991201923 -0.2206791067708985 -0.28413830126412865 -0.3197373615895999 -0.25627816709636975 -0.23306138862324166 -0.23460917385478236 -0.26633877110139303 -0.29806836834800376 -0.273303804643335 -0.22996581816015146 -0.11697749625758379 0.04708773828587971 0.18174505343004357 0.3937916301513127 0.5377356566847294 0.7451388777113765 0.862770555308575 0.9664721658218898 0.9308731054964273 +6085,0.7993113608153449,0,-0.2206791067708985 -0.28413830126412865 -0.3197373615895999 -0.25627816709636975 -0.23306138862324166 -0.23460917385478236 -0.26633877110139303 -0.29806836834800376 -0.273303804643335 -0.22996581816015146 -0.11697749625758379 0.04708773828587971 0.18174505343004357 0.3937916301513127 0.5377356566847294 0.7451388777113765 0.862770555308575 0.9664721658218898 0.9308731054964273 0.8658661257716564 +6086,0.5454745828424418,0,-0.28413830126412865 -0.3197373615895999 -0.25627816709636975 -0.23306138862324166 -0.23460917385478236 -0.26633877110139303 -0.29806836834800376 -0.273303804643335 -0.22996581816015146 -0.11697749625758379 0.04708773828587971 0.18174505343004357 0.3937916301513127 0.5377356566847294 0.7451388777113765 0.862770555308575 0.9664721658218898 0.9308731054964273 0.8658661257716564 0.7993113608153449 +6087,0.35200142889967867,0,-0.3197373615895999 -0.25627816709636975 -0.23306138862324166 -0.23460917385478236 -0.26633877110139303 -0.29806836834800376 -0.273303804643335 -0.22996581816015146 -0.11697749625758379 0.04708773828587971 0.18174505343004357 0.3937916301513127 0.5377356566847294 0.7451388777113765 0.862770555308575 0.9664721658218898 0.9308731054964273 0.8658661257716564 0.7993113608153449 0.5454745828424418 +6088,0.1089991475475692,0,-0.25627816709636975 -0.23306138862324166 -0.23460917385478236 -0.26633877110139303 -0.29806836834800376 -0.273303804643335 -0.22996581816015146 -0.11697749625758379 0.04708773828587971 0.18174505343004357 0.3937916301513127 0.5377356566847294 0.7451388777113765 0.862770555308575 0.9664721658218898 0.9308731054964273 0.8658661257716564 0.7993113608153449 0.5454745828424418 0.35200142889967867 +6089,0.039348812128176223,0,-0.23306138862324166 -0.23460917385478236 -0.26633877110139303 -0.29806836834800376 -0.273303804643335 -0.22996581816015146 -0.11697749625758379 0.04708773828587971 0.18174505343004357 0.3937916301513127 0.5377356566847294 0.7451388777113765 0.862770555308575 0.9664721658218898 0.9308731054964273 0.8658661257716564 0.7993113608153449 0.5454745828424418 0.35200142889967867 0.1089991475475692 +6090,-0.09066514732136553,0,-0.23460917385478236 -0.26633877110139303 -0.29806836834800376 -0.273303804643335 -0.22996581816015146 -0.11697749625758379 0.04708773828587971 0.18174505343004357 0.3937916301513127 0.5377356566847294 0.7451388777113765 0.862770555308575 0.9664721658218898 0.9308731054964273 0.8658661257716564 0.7993113608153449 0.5454745828424418 0.35200142889967867 0.1089991475475692 0.039348812128176223 +6091,-0.1603154827407585,0,-0.26633877110139303 -0.29806836834800376 -0.273303804643335 -0.22996581816015146 -0.11697749625758379 0.04708773828587971 0.18174505343004357 0.3937916301513127 0.5377356566847294 0.7451388777113765 0.862770555308575 0.9664721658218898 0.9308731054964273 0.8658661257716564 0.7993113608153449 0.5454745828424418 0.35200142889967867 0.1089991475475692 0.039348812128176223 -0.09066514732136553 +6092,-0.2067490396870234,0,-0.29806836834800376 -0.273303804643335 -0.22996581816015146 -0.11697749625758379 0.04708773828587971 0.18174505343004357 0.3937916301513127 0.5377356566847294 0.7451388777113765 0.862770555308575 0.9664721658218898 0.9308731054964273 0.8658661257716564 0.7993113608153449 0.5454745828424418 0.35200142889967867 0.1089991475475692 0.039348812128176223 -0.09066514732136553 -0.1603154827407585 +6093,-0.2624693080225413,0,-0.273303804643335 -0.22996581816015146 -0.11697749625758379 0.04708773828587971 0.18174505343004357 0.3937916301513127 0.5377356566847294 0.7451388777113765 0.862770555308575 0.9664721658218898 0.9308731054964273 0.8658661257716564 0.7993113608153449 0.5454745828424418 0.35200142889967867 0.1089991475475692 0.039348812128176223 -0.09066514732136553 -0.1603154827407585 -0.2067490396870234 +6094,-0.29652058311646307,0,-0.22996581816015146 -0.11697749625758379 0.04708773828587971 0.18174505343004357 0.3937916301513127 0.5377356566847294 0.7451388777113765 0.862770555308575 0.9664721658218898 0.9308731054964273 0.8658661257716564 0.7993113608153449 0.5454745828424418 0.35200142889967867 0.1089991475475692 0.039348812128176223 -0.09066514732136553 -0.1603154827407585 -0.2067490396870234 -0.2624693080225413 +6095,-0.34140635483118725,0,-0.11697749625758379 0.04708773828587971 0.18174505343004357 0.3937916301513127 0.5377356566847294 0.7451388777113765 0.862770555308575 0.9664721658218898 0.9308731054964273 0.8658661257716564 0.7993113608153449 0.5454745828424418 0.35200142889967867 0.1089991475475692 0.039348812128176223 -0.09066514732136553 -0.1603154827407585 -0.2067490396870234 -0.2624693080225413 -0.29652058311646307 +6096,-0.38164877085128057,0,0.04708773828587971 0.18174505343004357 0.3937916301513127 0.5377356566847294 0.7451388777113765 0.862770555308575 0.9664721658218898 0.9308731054964273 0.8658661257716564 0.7993113608153449 0.5454745828424418 0.35200142889967867 0.1089991475475692 0.039348812128176223 -0.09066514732136553 -0.1603154827407585 -0.2067490396870234 -0.2624693080225413 -0.29652058311646307 -0.34140635483118725 +6097,-0.4280823277975455,0,0.18174505343004357 0.3937916301513127 0.5377356566847294 0.7451388777113765 0.862770555308575 0.9664721658218898 0.9308731054964273 0.8658661257716564 0.7993113608153449 0.5454745828424418 0.35200142889967867 0.1089991475475692 0.039348812128176223 -0.09066514732136553 -0.1603154827407585 -0.2067490396870234 -0.2624693080225413 -0.29652058311646307 -0.34140635483118725 -0.38164877085128057 +6098,-0.26092152279099184,0,0.3937916301513127 0.5377356566847294 0.7451388777113765 0.862770555308575 0.9664721658218898 0.9308731054964273 0.8658661257716564 0.7993113608153449 0.5454745828424418 0.35200142889967867 0.1089991475475692 0.039348812128176223 -0.09066514732136553 -0.1603154827407585 -0.2067490396870234 -0.2624693080225413 -0.29652058311646307 -0.34140635483118725 -0.38164877085128057 -0.4280823277975455 +6099,0.16936277157770918,0,0.5377356566847294 0.7451388777113765 0.862770555308575 0.9664721658218898 0.9308731054964273 0.8658661257716564 0.7993113608153449 0.5454745828424418 0.35200142889967867 0.1089991475475692 0.039348812128176223 -0.09066514732136553 -0.1603154827407585 -0.2067490396870234 -0.2624693080225413 -0.29652058311646307 -0.34140635483118725 -0.38164877085128057 -0.4280823277975455 -0.26092152279099184 +6100,0.5299967305270172,0,0.7451388777113765 0.862770555308575 0.9664721658218898 0.9308731054964273 0.8658661257716564 0.7993113608153449 0.5454745828424418 0.35200142889967867 0.1089991475475692 0.039348812128176223 -0.09066514732136553 -0.1603154827407585 -0.2067490396870234 -0.2624693080225413 -0.29652058311646307 -0.34140635483118725 -0.38164877085128057 -0.4280823277975455 -0.26092152279099184 0.16936277157770918 +6101,0.8720572666978281,0,0.862770555308575 0.9664721658218898 0.9308731054964273 0.8658661257716564 0.7993113608153449 0.5454745828424418 0.35200142889967867 0.1089991475475692 0.039348812128176223 -0.09066514732136553 -0.1603154827407585 -0.2067490396870234 -0.2624693080225413 -0.29652058311646307 -0.34140635483118725 -0.38164877085128057 -0.4280823277975455 -0.26092152279099184 0.16936277157770918 0.5299967305270172 +6102,1.1614931049962025,0,0.9664721658218898 0.9308731054964273 0.8658661257716564 0.7993113608153449 0.5454745828424418 0.35200142889967867 0.1089991475475692 0.039348812128176223 -0.09066514732136553 -0.1603154827407585 -0.2067490396870234 -0.2624693080225413 -0.29652058311646307 -0.34140635483118725 -0.38164877085128057 -0.4280823277975455 -0.26092152279099184 0.16936277157770918 0.5299967305270172 0.8720572666978281 +6103,1.2265000847209646,0,0.9308731054964273 0.8658661257716564 0.7993113608153449 0.5454745828424418 0.35200142889967867 0.1089991475475692 0.039348812128176223 -0.09066514732136553 -0.1603154827407585 -0.2067490396870234 -0.2624693080225413 -0.29652058311646307 -0.34140635483118725 -0.38164877085128057 -0.4280823277975455 -0.26092152279099184 0.16936277157770918 0.5299967305270172 0.8720572666978281 1.1614931049962025 +6104,1.3611573998651283,0,0.8658661257716564 0.7993113608153449 0.5454745828424418 0.35200142889967867 0.1089991475475692 0.039348812128176223 -0.09066514732136553 -0.1603154827407585 -0.2067490396870234 -0.2624693080225413 -0.29652058311646307 -0.34140635483118725 -0.38164877085128057 -0.4280823277975455 -0.26092152279099184 0.16936277157770918 0.5299967305270172 0.8720572666978281 1.1614931049962025 1.2265000847209646 +6105,1.3332972656973694,0,0.7993113608153449 0.5454745828424418 0.35200142889967867 0.1089991475475692 0.039348812128176223 -0.09066514732136553 -0.1603154827407585 -0.2067490396870234 -0.2624693080225413 -0.29652058311646307 -0.34140635483118725 -0.38164877085128057 -0.4280823277975455 -0.26092152279099184 0.16936277157770918 0.5299967305270172 0.8720572666978281 1.1614931049962025 1.2265000847209646 1.3611573998651283 +6106,1.27448142689877,0,0.5454745828424418 0.35200142889967867 0.1089991475475692 0.039348812128176223 -0.09066514732136553 -0.1603154827407585 -0.2067490396870234 -0.2624693080225413 -0.29652058311646307 -0.34140635483118725 -0.38164877085128057 -0.4280823277975455 -0.26092152279099184 0.16936277157770918 0.5299967305270172 0.8720572666978281 1.1614931049962025 1.2265000847209646 1.3611573998651283 1.3332972656973694 +6107,1.0129057227681548,0,0.35200142889967867 0.1089991475475692 0.039348812128176223 -0.09066514732136553 -0.1603154827407585 -0.2067490396870234 -0.2624693080225413 -0.29652058311646307 -0.34140635483118725 -0.38164877085128057 -0.4280823277975455 -0.26092152279099184 0.16936277157770918 0.5299967305270172 0.8720572666978281 1.1614931049962025 1.2265000847209646 1.3611573998651283 1.3332972656973694 1.27448142689877 +6108,0.9834978033688551,0,0.1089991475475692 0.039348812128176223 -0.09066514732136553 -0.1603154827407585 -0.2067490396870234 -0.2624693080225413 -0.29652058311646307 -0.34140635483118725 -0.38164877085128057 -0.4280823277975455 -0.26092152279099184 0.16936277157770918 0.5299967305270172 0.8720572666978281 1.1614931049962025 1.2265000847209646 1.3611573998651283 1.3332972656973694 1.27448142689877 1.0129057227681548 +6109,0.8844395485501625,0,0.039348812128176223 -0.09066514732136553 -0.1603154827407585 -0.2067490396870234 -0.2624693080225413 -0.29652058311646307 -0.34140635483118725 -0.38164877085128057 -0.4280823277975455 -0.26092152279099184 0.16936277157770918 0.5299967305270172 0.8720572666978281 1.1614931049962025 1.2265000847209646 1.3611573998651283 1.3332972656973694 1.27448142689877 1.0129057227681548 0.9834978033688551 +6110,0.8457449177616099,0,-0.09066514732136553 -0.1603154827407585 -0.2067490396870234 -0.2624693080225413 -0.29652058311646307 -0.34140635483118725 -0.38164877085128057 -0.4280823277975455 -0.26092152279099184 0.16936277157770918 0.5299967305270172 0.8720572666978281 1.1614931049962025 1.2265000847209646 1.3611573998651283 1.3332972656973694 1.27448142689877 1.0129057227681548 0.9834978033688551 0.8844395485501625 +6111,0.5872647840940758,0,-0.1603154827407585 -0.2067490396870234 -0.2624693080225413 -0.29652058311646307 -0.34140635483118725 -0.38164877085128057 -0.4280823277975455 -0.26092152279099184 0.16936277157770918 0.5299967305270172 0.8720572666978281 1.1614931049962025 1.2265000847209646 1.3611573998651283 1.3332972656973694 1.27448142689877 1.0129057227681548 0.9834978033688551 0.8844395485501625 0.8457449177616099 +6112,0.4278429052452432,0,-0.2067490396870234 -0.2624693080225413 -0.29652058311646307 -0.34140635483118725 -0.38164877085128057 -0.4280823277975455 -0.26092152279099184 0.16936277157770918 0.5299967305270172 0.8720572666978281 1.1614931049962025 1.2265000847209646 1.3611573998651283 1.3332972656973694 1.27448142689877 1.0129057227681548 0.9834978033688551 0.8844395485501625 0.8457449177616099 0.5872647840940758 +6113,0.20186626144009023,0,-0.2624693080225413 -0.29652058311646307 -0.34140635483118725 -0.38164877085128057 -0.4280823277975455 -0.26092152279099184 0.16936277157770918 0.5299967305270172 0.8720572666978281 1.1614931049962025 1.2265000847209646 1.3611573998651283 1.3332972656973694 1.27448142689877 1.0129057227681548 0.9834978033688551 0.8844395485501625 0.8457449177616099 0.5872647840940758 0.4278429052452432 +6114,0.08578236907443235,0,-0.29652058311646307 -0.34140635483118725 -0.38164877085128057 -0.4280823277975455 -0.26092152279099184 0.16936277157770918 0.5299967305270172 0.8720572666978281 1.1614931049962025 1.2265000847209646 1.3611573998651283 1.3332972656973694 1.27448142689877 1.0129057227681548 0.9834978033688551 0.8844395485501625 0.8457449177616099 0.5872647840940758 0.4278429052452432 0.20186626144009023 +6115,-0.024110382365053955,0,-0.34140635483118725 -0.38164877085128057 -0.4280823277975455 -0.26092152279099184 0.16936277157770918 0.5299967305270172 0.8720572666978281 1.1614931049962025 1.2265000847209646 1.3611573998651283 1.3332972656973694 1.27448142689877 1.0129057227681548 0.9834978033688551 0.8844395485501625 0.8457449177616099 0.5872647840940758 0.4278429052452432 0.20186626144009023 0.08578236907443235 +6116,-0.08292622116365325,0,-0.38164877085128057 -0.4280823277975455 -0.26092152279099184 0.16936277157770918 0.5299967305270172 0.8720572666978281 1.1614931049962025 1.2265000847209646 1.3611573998651283 1.3332972656973694 1.27448142689877 1.0129057227681548 0.9834978033688551 0.8844395485501625 0.8457449177616099 0.5872647840940758 0.4278429052452432 0.20186626144009023 0.08578236907443235 -0.024110382365053955 +6117,-0.12626420764683677,0,-0.4280823277975455 -0.26092152279099184 0.16936277157770918 0.5299967305270172 0.8720572666978281 1.1614931049962025 1.2265000847209646 1.3611573998651283 1.3332972656973694 1.27448142689877 1.0129057227681548 0.9834978033688551 0.8844395485501625 0.8457449177616099 0.5872647840940758 0.4278429052452432 0.20186626144009023 0.08578236907443235 -0.024110382365053955 -0.08292622116365325 +6118,-0.2160357510762764,0,-0.26092152279099184 0.16936277157770918 0.5299967305270172 0.8720572666978281 1.1614931049962025 1.2265000847209646 1.3611573998651283 1.3332972656973694 1.27448142689877 1.0129057227681548 0.9834978033688551 0.8844395485501625 0.8457449177616099 0.5872647840940758 0.4278429052452432 0.20186626144009023 0.08578236907443235 -0.024110382365053955 -0.08292622116365325 -0.12626420764683677 +6119,-0.30580729450571603,0,0.16936277157770918 0.5299967305270172 0.8720572666978281 1.1614931049962025 1.2265000847209646 1.3611573998651283 1.3332972656973694 1.27448142689877 1.0129057227681548 0.9834978033688551 0.8844395485501625 0.8457449177616099 0.5872647840940758 0.4278429052452432 0.20186626144009023 0.08578236907443235 -0.024110382365053955 -0.08292622116365325 -0.12626420764683677 -0.2160357510762764 +6120,-0.17579333505618308,0,0.5299967305270172 0.8720572666978281 1.1614931049962025 1.2265000847209646 1.3611573998651283 1.3332972656973694 1.27448142689877 1.0129057227681548 0.9834978033688551 0.8844395485501625 0.8457449177616099 0.5872647840940758 0.4278429052452432 0.20186626144009023 0.08578236907443235 -0.024110382365053955 -0.08292622116365325 -0.12626420764683677 -0.2160357510762764 -0.30580729450571603 +6121,-0.1634110532038399,0,0.8720572666978281 1.1614931049962025 1.2265000847209646 1.3611573998651283 1.3332972656973694 1.27448142689877 1.0129057227681548 0.9834978033688551 0.8844395485501625 0.8457449177616099 0.5872647840940758 0.4278429052452432 0.20186626144009023 0.08578236907443235 -0.024110382365053955 -0.08292622116365325 -0.12626420764683677 -0.2160357510762764 -0.30580729450571603 -0.17579333505618308 +6122,-0.14793320088842413,0,1.1614931049962025 1.2265000847209646 1.3611573998651283 1.3332972656973694 1.27448142689877 1.0129057227681548 0.9834978033688551 0.8844395485501625 0.8457449177616099 0.5872647840940758 0.4278429052452432 0.20186626144009023 0.08578236907443235 -0.024110382365053955 -0.08292622116365325 -0.12626420764683677 -0.2160357510762764 -0.30580729450571603 -0.17579333505618308 -0.1634110532038399 +6123,-0.07209172454285957,0,1.2265000847209646 1.3611573998651283 1.3332972656973694 1.27448142689877 1.0129057227681548 0.9834978033688551 0.8844395485501625 0.8457449177616099 0.5872647840940758 0.4278429052452432 0.20186626144009023 0.08578236907443235 -0.024110382365053955 -0.08292622116365325 -0.12626420764683677 -0.2160357510762764 -0.30580729450571603 -0.17579333505618308 -0.1634110532038399 -0.14793320088842413 +6124,0.04244438259125762,0,1.3611573998651283 1.3332972656973694 1.27448142689877 1.0129057227681548 0.9834978033688551 0.8844395485501625 0.8457449177616099 0.5872647840940758 0.4278429052452432 0.20186626144009023 0.08578236907443235 -0.024110382365053955 -0.08292622116365325 -0.12626420764683677 -0.2160357510762764 -0.30580729450571603 -0.17579333505618308 -0.1634110532038399 -0.14793320088842413 -0.07209172454285957 +6125,0.08887793953752253,0,1.3332972656973694 1.27448142689877 1.0129057227681548 0.9834978033688551 0.8844395485501625 0.8457449177616099 0.5872647840940758 0.4278429052452432 0.20186626144009023 0.08578236907443235 -0.024110382365053955 -0.08292622116365325 -0.12626420764683677 -0.2160357510762764 -0.30580729450571603 -0.17579333505618308 -0.1634110532038399 -0.14793320088842413 -0.07209172454285957 0.04244438259125762 +6126,0.2204396842185962,0,1.27448142689877 1.0129057227681548 0.9834978033688551 0.8844395485501625 0.8457449177616099 0.5872647840940758 0.4278429052452432 0.20186626144009023 0.08578236907443235 -0.024110382365053955 -0.08292622116365325 -0.12626420764683677 -0.2160357510762764 -0.30580729450571603 -0.17579333505618308 -0.1634110532038399 -0.14793320088842413 -0.07209172454285957 0.04244438259125762 0.08887793953752253 +6127,0.2823510934802857,0,1.0129057227681548 0.9834978033688551 0.8844395485501625 0.8457449177616099 0.5872647840940758 0.4278429052452432 0.20186626144009023 0.08578236907443235 -0.024110382365053955 -0.08292622116365325 -0.12626420764683677 -0.2160357510762764 -0.30580729450571603 -0.17579333505618308 -0.1634110532038399 -0.14793320088842413 -0.07209172454285957 0.04244438259125762 0.08887793953752253 0.2204396842185962 +6128,0.39688720061440286,0,0.9834978033688551 0.8844395485501625 0.8457449177616099 0.5872647840940758 0.4278429052452432 0.20186626144009023 0.08578236907443235 -0.024110382365053955 -0.08292622116365325 -0.12626420764683677 -0.2160357510762764 -0.30580729450571603 -0.17579333505618308 -0.1634110532038399 -0.14793320088842413 -0.07209172454285957 0.04244438259125762 0.08887793953752253 0.2204396842185962 0.2823510934802857 +6129,0.5857169988625351,0,0.8844395485501625 0.8457449177616099 0.5872647840940758 0.4278429052452432 0.20186626144009023 0.08578236907443235 -0.024110382365053955 -0.08292622116365325 -0.12626420764683677 -0.2160357510762764 -0.30580729450571603 -0.17579333505618308 -0.1634110532038399 -0.14793320088842413 -0.07209172454285957 0.04244438259125762 0.08887793953752253 0.2204396842185962 0.2823510934802857 0.39688720061440286 +6130,0.7606167300267923,0,0.8457449177616099 0.5872647840940758 0.4278429052452432 0.20186626144009023 0.08578236907443235 -0.024110382365053955 -0.08292622116365325 -0.12626420764683677 -0.2160357510762764 -0.30580729450571603 -0.17579333505618308 -0.1634110532038399 -0.14793320088842413 -0.07209172454285957 0.04244438259125762 0.08887793953752253 0.2204396842185962 0.2823510934802857 0.39688720061440286 0.5857169988625351 +6131,0.7853812937314698,0,0.5872647840940758 0.4278429052452432 0.20186626144009023 0.08578236907443235 -0.024110382365053955 -0.08292622116365325 -0.12626420764683677 -0.2160357510762764 -0.30580729450571603 -0.17579333505618308 -0.1634110532038399 -0.14793320088842413 -0.07209172454285957 0.04244438259125762 0.08887793953752253 0.2204396842185962 0.2823510934802857 0.39688720061440286 0.5857169988625351 0.7606167300267923 +6132,0.6847752536812277,0,0.4278429052452432 0.20186626144009023 0.08578236907443235 -0.024110382365053955 -0.08292622116365325 -0.12626420764683677 -0.2160357510762764 -0.30580729450571603 -0.17579333505618308 -0.1634110532038399 -0.14793320088842413 -0.07209172454285957 0.04244438259125762 0.08887793953752253 0.2204396842185962 0.2823510934802857 0.39688720061440286 0.5857169988625351 0.7606167300267923 0.7853812937314698 +6133,0.4851109588123018,0,0.20186626144009023 0.08578236907443235 -0.024110382365053955 -0.08292622116365325 -0.12626420764683677 -0.2160357510762764 -0.30580729450571603 -0.17579333505618308 -0.1634110532038399 -0.14793320088842413 -0.07209172454285957 0.04244438259125762 0.08887793953752253 0.2204396842185962 0.2823510934802857 0.39688720061440286 0.5857169988625351 0.7606167300267923 0.7853812937314698 0.6847752536812277 +6134,0.2854466639433671,0,0.08578236907443235 -0.024110382365053955 -0.08292622116365325 -0.12626420764683677 -0.2160357510762764 -0.30580729450571603 -0.17579333505618308 -0.1634110532038399 -0.14793320088842413 -0.07209172454285957 0.04244438259125762 0.08887793953752253 0.2204396842185962 0.2823510934802857 0.39688720061440286 0.5857169988625351 0.7606167300267923 0.7853812937314698 0.6847752536812277 0.4851109588123018 +6135,0.0532788792120513,0,-0.024110382365053955 -0.08292622116365325 -0.12626420764683677 -0.2160357510762764 -0.30580729450571603 -0.17579333505618308 -0.1634110532038399 -0.14793320088842413 -0.07209172454285957 0.04244438259125762 0.08887793953752253 0.2204396842185962 0.2823510934802857 0.39688720061440286 0.5857169988625351 0.7606167300267923 0.7853812937314698 0.6847752536812277 0.4851109588123018 0.2854466639433671 +6136,-0.03339709375430694,0,-0.08292622116365325 -0.12626420764683677 -0.2160357510762764 -0.30580729450571603 -0.17579333505618308 -0.1634110532038399 -0.14793320088842413 -0.07209172454285957 0.04244438259125762 0.08887793953752253 0.2204396842185962 0.2823510934802857 0.39688720061440286 0.5857169988625351 0.7606167300267923 0.7853812937314698 0.6847752536812277 0.4851109588123018 0.2854466639433671 0.0532788792120513 +6137,-0.11233414056295289,0,-0.12626420764683677 -0.2160357510762764 -0.30580729450571603 -0.17579333505618308 -0.1634110532038399 -0.14793320088842413 -0.07209172454285957 0.04244438259125762 0.08887793953752253 0.2204396842185962 0.2823510934802857 0.39688720061440286 0.5857169988625351 0.7606167300267923 0.7853812937314698 0.6847752536812277 0.4851109588123018 0.2854466639433671 0.0532788792120513 -0.03339709375430694 +6138,-0.15721991227767712,0,-0.2160357510762764 -0.30580729450571603 -0.17579333505618308 -0.1634110532038399 -0.14793320088842413 -0.07209172454285957 0.04244438259125762 0.08887793953752253 0.2204396842185962 0.2823510934802857 0.39688720061440286 0.5857169988625351 0.7606167300267923 0.7853812937314698 0.6847752536812277 0.4851109588123018 0.2854466639433671 0.0532788792120513 -0.03339709375430694 -0.11233414056295289 +6139,-0.15257655658304622,0,-0.30580729450571603 -0.17579333505618308 -0.1634110532038399 -0.14793320088842413 -0.07209172454285957 0.04244438259125762 0.08887793953752253 0.2204396842185962 0.2823510934802857 0.39688720061440286 0.5857169988625351 0.7606167300267923 0.7853812937314698 0.6847752536812277 0.4851109588123018 0.2854466639433671 0.0532788792120513 -0.03339709375430694 -0.11233414056295289 -0.15721991227767712 +6140,-0.18662783167697675,0,-0.17579333505618308 -0.1634110532038399 -0.14793320088842413 -0.07209172454285957 0.04244438259125762 0.08887793953752253 0.2204396842185962 0.2823510934802857 0.39688720061440286 0.5857169988625351 0.7606167300267923 0.7853812937314698 0.6847752536812277 0.4851109588123018 0.2854466639433671 0.0532788792120513 -0.03339709375430694 -0.11233414056295289 -0.15721991227767712 -0.15257655658304622 +6141,-0.19901011352931114,0,-0.1634110532038399 -0.14793320088842413 -0.07209172454285957 0.04244438259125762 0.08887793953752253 0.2204396842185962 0.2823510934802857 0.39688720061440286 0.5857169988625351 0.7606167300267923 0.7853812937314698 0.6847752536812277 0.4851109588123018 0.2854466639433671 0.0532788792120513 -0.03339709375430694 -0.11233414056295289 -0.15721991227767712 -0.15257655658304622 -0.18662783167697675 +6142,-0.23306138862324166,0,-0.14793320088842413 -0.07209172454285957 0.04244438259125762 0.08887793953752253 0.2204396842185962 0.2823510934802857 0.39688720061440286 0.5857169988625351 0.7606167300267923 0.7853812937314698 0.6847752536812277 0.4851109588123018 0.2854466639433671 0.0532788792120513 -0.03339709375430694 -0.11233414056295289 -0.15721991227767712 -0.15257655658304622 -0.18662783167697675 -0.19901011352931114 +6143,-0.2671126637171634,0,-0.07209172454285957 0.04244438259125762 0.08887793953752253 0.2204396842185962 0.2823510934802857 0.39688720061440286 0.5857169988625351 0.7606167300267923 0.7853812937314698 0.6847752536812277 0.4851109588123018 0.2854466639433671 0.0532788792120513 -0.03339709375430694 -0.11233414056295289 -0.15721991227767712 -0.15257655658304622 -0.18662783167697675 -0.19901011352931114 -0.23306138862324166 +6144,-0.23460917385478236,0,0.04244438259125762 0.08887793953752253 0.2204396842185962 0.2823510934802857 0.39688720061440286 0.5857169988625351 0.7606167300267923 0.7853812937314698 0.6847752536812277 0.4851109588123018 0.2854466639433671 0.0532788792120513 -0.03339709375430694 -0.11233414056295289 -0.15721991227767712 -0.15257655658304622 -0.18662783167697675 -0.19901011352931114 -0.23306138862324166 -0.2671126637171634 +6145,-0.28723387172721004,0,0.08887793953752253 0.2204396842185962 0.2823510934802857 0.39688720061440286 0.5857169988625351 0.7606167300267923 0.7853812937314698 0.6847752536812277 0.4851109588123018 0.2854466639433671 0.0532788792120513 -0.03339709375430694 -0.11233414056295289 -0.15721991227767712 -0.15257655658304622 -0.18662783167697675 -0.19901011352931114 -0.23306138862324166 -0.2671126637171634 -0.23460917385478236 +6146,-0.2129401806131862,0,0.2204396842185962 0.2823510934802857 0.39688720061440286 0.5857169988625351 0.7606167300267923 0.7853812937314698 0.6847752536812277 0.4851109588123018 0.2854466639433671 0.0532788792120513 -0.03339709375430694 -0.11233414056295289 -0.15721991227767712 -0.15257655658304622 -0.18662783167697675 -0.19901011352931114 -0.23306138862324166 -0.2671126637171634 -0.23460917385478236 -0.28723387172721004 +6147,-0.18508004644543605,0,0.2823510934802857 0.39688720061440286 0.5857169988625351 0.7606167300267923 0.7853812937314698 0.6847752536812277 0.4851109588123018 0.2854466639433671 0.0532788792120513 -0.03339709375430694 -0.11233414056295289 -0.15721991227767712 -0.15257655658304622 -0.18662783167697675 -0.19901011352931114 -0.23306138862324166 -0.2671126637171634 -0.23460917385478236 -0.28723387172721004 -0.2129401806131862 +6148,0.13685928171532816,0,0.39688720061440286 0.5857169988625351 0.7606167300267923 0.7853812937314698 0.6847752536812277 0.4851109588123018 0.2854466639433671 0.0532788792120513 -0.03339709375430694 -0.11233414056295289 -0.15721991227767712 -0.15257655658304622 -0.18662783167697675 -0.19901011352931114 -0.23306138862324166 -0.2671126637171634 -0.23460917385478236 -0.28723387172721004 -0.2129401806131862 -0.18508004644543605 +6149,0.4061739120036558,0,0.5857169988625351 0.7606167300267923 0.7853812937314698 0.6847752536812277 0.4851109588123018 0.2854466639433671 0.0532788792120513 -0.03339709375430694 -0.11233414056295289 -0.15721991227767712 -0.15257655658304622 -0.18662783167697675 -0.19901011352931114 -0.23306138862324166 -0.2671126637171634 -0.23460917385478236 -0.28723387172721004 -0.2129401806131862 -0.18508004644543605 0.13685928171532816 +6150,0.4371296166344962,0,0.7606167300267923 0.7853812937314698 0.6847752536812277 0.4851109588123018 0.2854466639433671 0.0532788792120513 -0.03339709375430694 -0.11233414056295289 -0.15721991227767712 -0.15257655658304622 -0.18662783167697675 -0.19901011352931114 -0.23306138862324166 -0.2671126637171634 -0.23460917385478236 -0.28723387172721004 -0.2129401806131862 -0.18508004644543605 0.13685928171532816 0.4061739120036558 +6151,0.6491761933557653,0,0.7853812937314698 0.6847752536812277 0.4851109588123018 0.2854466639433671 0.0532788792120513 -0.03339709375430694 -0.11233414056295289 -0.15721991227767712 -0.15257655658304622 -0.18662783167697675 -0.19901011352931114 -0.23306138862324166 -0.2671126637171634 -0.23460917385478236 -0.28723387172721004 -0.2129401806131862 -0.18508004644543605 0.13685928171532816 0.4061739120036558 0.4371296166344962 +6152,0.7064442469228239,0,0.6847752536812277 0.4851109588123018 0.2854466639433671 0.0532788792120513 -0.03339709375430694 -0.11233414056295289 -0.15721991227767712 -0.15257655658304622 -0.18662783167697675 -0.19901011352931114 -0.23306138862324166 -0.2671126637171634 -0.23460917385478236 -0.28723387172721004 -0.2129401806131862 -0.18508004644543605 0.13685928171532816 0.4061739120036558 0.4371296166344962 0.6491761933557653 +6153,0.9308731054964273,0,0.4851109588123018 0.2854466639433671 0.0532788792120513 -0.03339709375430694 -0.11233414056295289 -0.15721991227767712 -0.15257655658304622 -0.18662783167697675 -0.19901011352931114 -0.23306138862324166 -0.2671126637171634 -0.23460917385478236 -0.28723387172721004 -0.2129401806131862 -0.18508004644543605 0.13685928171532816 0.4061739120036558 0.4371296166344962 0.6491761933557653 0.7064442469228239 +6154,0.992784514758108,0,0.2854466639433671 0.0532788792120513 -0.03339709375430694 -0.11233414056295289 -0.15721991227767712 -0.15257655658304622 -0.18662783167697675 -0.19901011352931114 -0.23306138862324166 -0.2671126637171634 -0.23460917385478236 -0.28723387172721004 -0.2129401806131862 -0.18508004644543605 0.13685928171532816 0.4061739120036558 0.4371296166344962 0.6491761933557653 0.7064442469228239 0.9308731054964273 +6155,0.9076563270232905,0,0.0532788792120513 -0.03339709375430694 -0.11233414056295289 -0.15721991227767712 -0.15257655658304622 -0.18662783167697675 -0.19901011352931114 -0.23306138862324166 -0.2671126637171634 -0.23460917385478236 -0.28723387172721004 -0.2129401806131862 -0.18508004644543605 0.13685928171532816 0.4061739120036558 0.4371296166344962 0.6491761933557653 0.7064442469228239 0.9308731054964273 0.992784514758108 +6156,0.8287192802146446,0,-0.03339709375430694 -0.11233414056295289 -0.15721991227767712 -0.15257655658304622 -0.18662783167697675 -0.19901011352931114 -0.23306138862324166 -0.2671126637171634 -0.23460917385478236 -0.28723387172721004 -0.2129401806131862 -0.18508004644543605 0.13685928171532816 0.4061739120036558 0.4371296166344962 0.6491761933557653 0.7064442469228239 0.9308731054964273 0.992784514758108 0.9076563270232905 +6157,0.8085980722045979,0,-0.11233414056295289 -0.15721991227767712 -0.15257655658304622 -0.18662783167697675 -0.19901011352931114 -0.23306138862324166 -0.2671126637171634 -0.23460917385478236 -0.28723387172721004 -0.2129401806131862 -0.18508004644543605 0.13685928171532816 0.4061739120036558 0.4371296166344962 0.6491761933557653 0.7064442469228239 0.9308731054964273 0.992784514758108 0.9076563270232905 0.8287192802146446 +6158,0.5857169988625351,0,-0.15721991227767712 -0.15257655658304622 -0.18662783167697675 -0.19901011352931114 -0.23306138862324166 -0.2671126637171634 -0.23460917385478236 -0.28723387172721004 -0.2129401806131862 -0.18508004644543605 0.13685928171532816 0.4061739120036558 0.4371296166344962 0.6491761933557653 0.7064442469228239 0.9308731054964273 0.992784514758108 0.9076563270232905 0.8287192802146446 0.8085980722045979 +6159,0.06566116106438567,0,-0.15257655658304622 -0.18662783167697675 -0.19901011352931114 -0.23306138862324166 -0.2671126637171634 -0.23460917385478236 -0.28723387172721004 -0.2129401806131862 -0.18508004644543605 0.13685928171532816 0.4061739120036558 0.4371296166344962 0.6491761933557653 0.7064442469228239 0.9308731054964273 0.992784514758108 0.9076563270232905 0.8287192802146446 0.8085980722045979 0.5857169988625351 +6160,-0.08602179162673464,0,-0.18662783167697675 -0.19901011352931114 -0.23306138862324166 -0.2671126637171634 -0.23460917385478236 -0.28723387172721004 -0.2129401806131862 -0.18508004644543605 0.13685928171532816 0.4061739120036558 0.4371296166344962 0.6491761933557653 0.7064442469228239 0.9308731054964273 0.992784514758108 0.9076563270232905 0.8287192802146446 0.8085980722045979 0.5857169988625351 0.06566116106438567 +6161,-0.2129401806131862,0,-0.19901011352931114 -0.23306138862324166 -0.2671126637171634 -0.23460917385478236 -0.28723387172721004 -0.2129401806131862 -0.18508004644543605 0.13685928171532816 0.4061739120036558 0.4371296166344962 0.6491761933557653 0.7064442469228239 0.9308731054964273 0.992784514758108 0.9076563270232905 0.8287192802146446 0.8085980722045979 0.5857169988625351 0.06566116106438567 -0.08602179162673464 +6162,-0.2763993751064164,0,-0.23306138862324166 -0.2671126637171634 -0.23460917385478236 -0.28723387172721004 -0.2129401806131862 -0.18508004644543605 0.13685928171532816 0.4061739120036558 0.4371296166344962 0.6491761933557653 0.7064442469228239 0.9308731054964273 0.992784514758108 0.9076563270232905 0.8287192802146446 0.8085980722045979 0.5857169988625351 0.06566116106438567 -0.08602179162673464 -0.2129401806131862 +6163,-0.394031052703615,0,-0.2671126637171634 -0.23460917385478236 -0.28723387172721004 -0.2129401806131862 -0.18508004644543605 0.13685928171532816 0.4061739120036558 0.4371296166344962 0.6491761933557653 0.7064442469228239 0.9308731054964273 0.992784514758108 0.9076563270232905 0.8287192802146446 0.8085980722045979 0.5857169988625351 0.06566116106438567 -0.08602179162673464 -0.2129401806131862 -0.2763993751064164 +6164,-0.3893876970089929,0,-0.23460917385478236 -0.28723387172721004 -0.2129401806131862 -0.18508004644543605 0.13685928171532816 0.4061739120036558 0.4371296166344962 0.6491761933557653 0.7064442469228239 0.9308731054964273 0.992784514758108 0.9076563270232905 0.8287192802146446 0.8085980722045979 0.5857169988625351 0.06566116106438567 -0.08602179162673464 -0.2129401806131862 -0.2763993751064164 -0.394031052703615 +6165,-0.3924832674720743,0,-0.28723387172721004 -0.2129401806131862 -0.18508004644543605 0.13685928171532816 0.4061739120036558 0.4371296166344962 0.6491761933557653 0.7064442469228239 0.9308731054964273 0.992784514758108 0.9076563270232905 0.8287192802146446 0.8085980722045979 0.5857169988625351 0.06566116106438567 -0.08602179162673464 -0.2129401806131862 -0.2763993751064164 -0.394031052703615 -0.3893876970089929 +6166,-0.4327256834921676,0,-0.2129401806131862 -0.18508004644543605 0.13685928171532816 0.4061739120036558 0.4371296166344962 0.6491761933557653 0.7064442469228239 0.9308731054964273 0.992784514758108 0.9076563270232905 0.8287192802146446 0.8085980722045979 0.5857169988625351 0.06566116106438567 -0.08602179162673464 -0.2129401806131862 -0.2763993751064164 -0.394031052703615 -0.3893876970089929 -0.3924832674720743 +6167,-0.4389168244183392,0,-0.18508004644543605 0.13685928171532816 0.4061739120036558 0.4371296166344962 0.6491761933557653 0.7064442469228239 0.9308731054964273 0.992784514758108 0.9076563270232905 0.8287192802146446 0.8085980722045979 0.5857169988625351 0.06566116106438567 -0.08602179162673464 -0.2129401806131862 -0.2763993751064164 -0.394031052703615 -0.3893876970089929 -0.3924832674720743 -0.4327256834921676 +6168,-0.40641333455594936,0,0.13685928171532816 0.4061739120036558 0.4371296166344962 0.6491761933557653 0.7064442469228239 0.9308731054964273 0.992784514758108 0.9076563270232905 0.8287192802146446 0.8085980722045979 0.5857169988625351 0.06566116106438567 -0.08602179162673464 -0.2129401806131862 -0.2763993751064164 -0.394031052703615 -0.3893876970089929 -0.3924832674720743 -0.4327256834921676 -0.4389168244183392 +6169,-0.3955788379351557,0,0.4061739120036558 0.4371296166344962 0.6491761933557653 0.7064442469228239 0.9308731054964273 0.992784514758108 0.9076563270232905 0.8287192802146446 0.8085980722045979 0.5857169988625351 0.06566116106438567 -0.08602179162673464 -0.2129401806131862 -0.2763993751064164 -0.394031052703615 -0.3893876970089929 -0.3924832674720743 -0.4327256834921676 -0.4389168244183392 -0.40641333455594936 +6170,-0.28413830126412865,0,0.4371296166344962 0.6491761933557653 0.7064442469228239 0.9308731054964273 0.992784514758108 0.9076563270232905 0.8287192802146446 0.8085980722045979 0.5857169988625351 0.06566116106438567 -0.08602179162673464 -0.2129401806131862 -0.2763993751064164 -0.394031052703615 -0.3893876970089929 -0.3924832674720743 -0.4327256834921676 -0.4389168244183392 -0.40641333455594936 -0.3955788379351557 +6171,-0.12935977810991817,0,0.6491761933557653 0.7064442469228239 0.9308731054964273 0.992784514758108 0.9076563270232905 0.8287192802146446 0.8085980722045979 0.5857169988625351 0.06566116106438567 -0.08602179162673464 -0.2129401806131862 -0.2763993751064164 -0.394031052703615 -0.3893876970089929 -0.3924832674720743 -0.4327256834921676 -0.4389168244183392 -0.40641333455594936 -0.3955788379351557 -0.28413830126412865 +6172,0.07340008722209797,0,0.7064442469228239 0.9308731054964273 0.992784514758108 0.9076563270232905 0.8287192802146446 0.8085980722045979 0.5857169988625351 0.06566116106438567 -0.08602179162673464 -0.2129401806131862 -0.2763993751064164 -0.394031052703615 -0.3893876970089929 -0.3924832674720743 -0.4327256834921676 -0.4389168244183392 -0.40641333455594936 -0.3955788379351557 -0.28413830126412865 -0.12935977810991817 +6173,0.18638840912467444,0,0.9308731054964273 0.992784514758108 0.9076563270232905 0.8287192802146446 0.8085980722045979 0.5857169988625351 0.06566116106438567 -0.08602179162673464 -0.2129401806131862 -0.2763993751064164 -0.394031052703615 -0.3893876970089929 -0.3924832674720743 -0.4327256834921676 -0.4389168244183392 -0.40641333455594936 -0.3955788379351557 -0.28413830126412865 -0.12935977810991817 0.07340008722209797 +6174,0.4990410258961769,0,0.992784514758108 0.9076563270232905 0.8287192802146446 0.8085980722045979 0.5857169988625351 0.06566116106438567 -0.08602179162673464 -0.2129401806131862 -0.2763993751064164 -0.394031052703615 -0.3893876970089929 -0.3924832674720743 -0.4327256834921676 -0.4389168244183392 -0.40641333455594936 -0.3955788379351557 -0.28413830126412865 -0.12935977810991817 0.07340008722209797 0.18638840912467444 +6175,0.669297401365812,0,0.9076563270232905 0.8287192802146446 0.8085980722045979 0.5857169988625351 0.06566116106438567 -0.08602179162673464 -0.2129401806131862 -0.2763993751064164 -0.394031052703615 -0.3893876970089929 -0.3924832674720743 -0.4327256834921676 -0.4389168244183392 -0.40641333455594936 -0.3955788379351557 -0.28413830126412865 -0.12935977810991817 0.07340008722209797 0.18638840912467444 0.4990410258961769 +6176,0.7172787435436175,0,0.8287192802146446 0.8085980722045979 0.5857169988625351 0.06566116106438567 -0.08602179162673464 -0.2129401806131862 -0.2763993751064164 -0.394031052703615 -0.3893876970089929 -0.3924832674720743 -0.4327256834921676 -0.4389168244183392 -0.40641333455594936 -0.3955788379351557 -0.28413830126412865 -0.12935977810991817 0.07340008722209797 0.18638840912467444 0.4990410258961769 0.669297401365812 +6177,0.8596749848454849,0,0.8085980722045979 0.5857169988625351 0.06566116106438567 -0.08602179162673464 -0.2129401806131862 -0.2763993751064164 -0.394031052703615 -0.3893876970089929 -0.3924832674720743 -0.4327256834921676 -0.4389168244183392 -0.40641333455594936 -0.3955788379351557 -0.28413830126412865 -0.12935977810991817 0.07340008722209797 0.18638840912467444 0.4990410258961769 0.669297401365812 0.7172787435436175 +6178,0.9401598168856804,0,0.5857169988625351 0.06566116106438567 -0.08602179162673464 -0.2129401806131862 -0.2763993751064164 -0.394031052703615 -0.3893876970089929 -0.3924832674720743 -0.4327256834921676 -0.4389168244183392 -0.40641333455594936 -0.3955788379351557 -0.28413830126412865 -0.12935977810991817 0.07340008722209797 0.18638840912467444 0.4990410258961769 0.669297401365812 0.7172787435436175 0.8596749848454849 +6179,0.8689616962347378,0,0.06566116106438567 -0.08602179162673464 -0.2129401806131862 -0.2763993751064164 -0.394031052703615 -0.3893876970089929 -0.3924832674720743 -0.4327256834921676 -0.4389168244183392 -0.40641333455594936 -0.3955788379351557 -0.28413830126412865 -0.12935977810991817 0.07340008722209797 0.18638840912467444 0.4990410258961769 0.669297401365812 0.7172787435436175 0.8596749848454849 0.9401598168856804 +6180,0.7714512266475859,0,-0.08602179162673464 -0.2129401806131862 -0.2763993751064164 -0.394031052703615 -0.3893876970089929 -0.3924832674720743 -0.4327256834921676 -0.4389168244183392 -0.40641333455594936 -0.3955788379351557 -0.28413830126412865 -0.12935977810991817 0.07340008722209797 0.18638840912467444 0.4990410258961769 0.669297401365812 0.7172787435436175 0.8596749848454849 0.9401598168856804 0.8689616962347378 +6181,0.650723978587306,0,-0.2129401806131862 -0.2763993751064164 -0.394031052703615 -0.3893876970089929 -0.3924832674720743 -0.4327256834921676 -0.4389168244183392 -0.40641333455594936 -0.3955788379351557 -0.28413830126412865 -0.12935977810991817 0.07340008722209797 0.18638840912467444 0.4990410258961769 0.669297401365812 0.7172787435436175 0.8596749848454849 0.9401598168856804 0.8689616962347378 0.7714512266475859 +6182,0.4448685427922085,0,-0.2763993751064164 -0.394031052703615 -0.3893876970089929 -0.3924832674720743 -0.4327256834921676 -0.4389168244183392 -0.40641333455594936 -0.3955788379351557 -0.28413830126412865 -0.12935977810991817 0.07340008722209797 0.18638840912467444 0.4990410258961769 0.669297401365812 0.7172787435436175 0.8596749848454849 0.9401598168856804 0.8689616962347378 0.7714512266475859 0.650723978587306 +6183,0.08268679861135095,0,-0.394031052703615 -0.3893876970089929 -0.3924832674720743 -0.4327256834921676 -0.4389168244183392 -0.40641333455594936 -0.3955788379351557 -0.28413830126412865 -0.12935977810991817 0.07340008722209797 0.18638840912467444 0.4990410258961769 0.669297401365812 0.7172787435436175 0.8596749848454849 0.9401598168856804 0.8689616962347378 0.7714512266475859 0.650723978587306 0.4448685427922085 +6184,-0.17888890551926448,0,-0.3893876970089929 -0.3924832674720743 -0.4327256834921676 -0.4389168244183392 -0.40641333455594936 -0.3955788379351557 -0.28413830126412865 -0.12935977810991817 0.07340008722209797 0.18638840912467444 0.4990410258961769 0.669297401365812 0.7172787435436175 0.8596749848454849 0.9401598168856804 0.8689616962347378 0.7714512266475859 0.650723978587306 0.4448685427922085 0.08268679861135095 +6185,-0.25627816709636975,0,-0.3924832674720743 -0.4327256834921676 -0.4389168244183392 -0.40641333455594936 -0.3955788379351557 -0.28413830126412865 -0.12935977810991817 0.07340008722209797 0.18638840912467444 0.4990410258961769 0.669297401365812 0.7172787435436175 0.8596749848454849 0.9401598168856804 0.8689616962347378 0.7714512266475859 0.650723978587306 0.4448685427922085 0.08268679861135095 -0.17888890551926448 +6186,-0.18198447598234585,0,-0.4327256834921676 -0.4389168244183392 -0.40641333455594936 -0.3955788379351557 -0.28413830126412865 -0.12935977810991817 0.07340008722209797 0.18638840912467444 0.4990410258961769 0.669297401365812 0.7172787435436175 0.8596749848454849 0.9401598168856804 0.8689616962347378 0.7714512266475859 0.650723978587306 0.4448685427922085 0.08268679861135095 -0.17888890551926448 -0.25627816709636975 +6187,-0.29961615357954446,0,-0.4389168244183392 -0.40641333455594936 -0.3955788379351557 -0.28413830126412865 -0.12935977810991817 0.07340008722209797 0.18638840912467444 0.4990410258961769 0.669297401365812 0.7172787435436175 0.8596749848454849 0.9401598168856804 0.8689616962347378 0.7714512266475859 0.650723978587306 0.4448685427922085 0.08268679861135095 -0.17888890551926448 -0.25627816709636975 -0.18198447598234585 +6188,-0.3228329320526813,0,-0.40641333455594936 -0.3955788379351557 -0.28413830126412865 -0.12935977810991817 0.07340008722209797 0.18638840912467444 0.4990410258961769 0.669297401365812 0.7172787435436175 0.8596749848454849 0.9401598168856804 0.8689616962347378 0.7714512266475859 0.650723978587306 0.4448685427922085 0.08268679861135095 -0.17888890551926448 -0.25627816709636975 -0.18198447598234585 -0.29961615357954446 +6189,-0.30580729450571603,0,-0.3955788379351557 -0.28413830126412865 -0.12935977810991817 0.07340008722209797 0.18638840912467444 0.4990410258961769 0.669297401365812 0.7172787435436175 0.8596749848454849 0.9401598168856804 0.8689616962347378 0.7714512266475859 0.650723978587306 0.4448685427922085 0.08268679861135095 -0.17888890551926448 -0.25627816709636975 -0.18198447598234585 -0.29961615357954446 -0.3228329320526813 +6190,-0.29806836834800376,0,-0.28413830126412865 -0.12935977810991817 0.07340008722209797 0.18638840912467444 0.4990410258961769 0.669297401365812 0.7172787435436175 0.8596749848454849 0.9401598168856804 0.8689616962347378 0.7714512266475859 0.650723978587306 0.4448685427922085 0.08268679861135095 -0.17888890551926448 -0.25627816709636975 -0.18198447598234585 -0.29961615357954446 -0.3228329320526813 -0.30580729450571603 +6191,-0.34759749575735005,0,-0.12935977810991817 0.07340008722209797 0.18638840912467444 0.4990410258961769 0.669297401365812 0.7172787435436175 0.8596749848454849 0.9401598168856804 0.8689616962347378 0.7714512266475859 0.650723978587306 0.4448685427922085 0.08268679861135095 -0.17888890551926448 -0.25627816709636975 -0.18198447598234585 -0.29961615357954446 -0.3228329320526813 -0.30580729450571603 -0.29806836834800376 +6192,-0.20055789876085184,0,0.07340008722209797 0.18638840912467444 0.4990410258961769 0.669297401365812 0.7172787435436175 0.8596749848454849 0.9401598168856804 0.8689616962347378 0.7714512266475859 0.650723978587306 0.4448685427922085 0.08268679861135095 -0.17888890551926448 -0.25627816709636975 -0.18198447598234585 -0.29961615357954446 -0.3228329320526813 -0.30580729450571603 -0.29806836834800376 -0.34759749575735005 +6193,-0.4079611197874988,0,0.18638840912467444 0.4990410258961769 0.669297401365812 0.7172787435436175 0.8596749848454849 0.9401598168856804 0.8689616962347378 0.7714512266475859 0.650723978587306 0.4448685427922085 0.08268679861135095 -0.17888890551926448 -0.25627816709636975 -0.18198447598234585 -0.29961615357954446 -0.3228329320526813 -0.30580729450571603 -0.29806836834800376 -0.34759749575735005 -0.20055789876085184 +6194,-0.20055789876085184,0,0.4990410258961769 0.669297401365812 0.7172787435436175 0.8596749848454849 0.9401598168856804 0.8689616962347378 0.7714512266475859 0.650723978587306 0.4448685427922085 0.08268679861135095 -0.17888890551926448 -0.25627816709636975 -0.18198447598234585 -0.29961615357954446 -0.3228329320526813 -0.30580729450571603 -0.29806836834800376 -0.34759749575735005 -0.20055789876085184 -0.4079611197874988 +6195,-0.12007306672066517,0,0.669297401365812 0.7172787435436175 0.8596749848454849 0.9401598168856804 0.8689616962347378 0.7714512266475859 0.650723978587306 0.4448685427922085 0.08268679861135095 -0.17888890551926448 -0.25627816709636975 -0.18198447598234585 -0.29961615357954446 -0.3228329320526813 -0.30580729450571603 -0.29806836834800376 -0.34759749575735005 -0.20055789876085184 -0.4079611197874988 -0.20055789876085184 +6196,-0.030301523291225544,0,0.7172787435436175 0.8596749848454849 0.9401598168856804 0.8689616962347378 0.7714512266475859 0.650723978587306 0.4448685427922085 0.08268679861135095 -0.17888890551926448 -0.25627816709636975 -0.18198447598234585 -0.29961615357954446 -0.3228329320526813 -0.30580729450571603 -0.29806836834800376 -0.34759749575735005 -0.20055789876085184 -0.4079611197874988 -0.20055789876085184 -0.12007306672066517 +6197,0.14769377833612182,0,0.8596749848454849 0.9401598168856804 0.8689616962347378 0.7714512266475859 0.650723978587306 0.4448685427922085 0.08268679861135095 -0.17888890551926448 -0.25627816709636975 -0.18198447598234585 -0.29961615357954446 -0.3228329320526813 -0.30580729450571603 -0.29806836834800376 -0.34759749575735005 -0.20055789876085184 -0.4079611197874988 -0.20055789876085184 -0.12007306672066517 -0.030301523291225544 +6198,0.4092694824667372,0,0.9401598168856804 0.8689616962347378 0.7714512266475859 0.650723978587306 0.4448685427922085 0.08268679861135095 -0.17888890551926448 -0.25627816709636975 -0.18198447598234585 -0.29961615357954446 -0.3228329320526813 -0.30580729450571603 -0.29806836834800376 -0.34759749575735005 -0.20055789876085184 -0.4079611197874988 -0.20055789876085184 -0.12007306672066517 -0.030301523291225544 0.14769377833612182 +6199,0.6723929718288933,0,0.8689616962347378 0.7714512266475859 0.650723978587306 0.4448685427922085 0.08268679861135095 -0.17888890551926448 -0.25627816709636975 -0.18198447598234585 -0.29961615357954446 -0.3228329320526813 -0.30580729450571603 -0.29806836834800376 -0.34759749575735005 -0.20055789876085184 -0.4079611197874988 -0.20055789876085184 -0.12007306672066517 -0.030301523291225544 0.14769377833612182 0.4092694824667372 +6200,0.8194325688253916,0,0.7714512266475859 0.650723978587306 0.4448685427922085 0.08268679861135095 -0.17888890551926448 -0.25627816709636975 -0.18198447598234585 -0.29961615357954446 -0.3228329320526813 -0.30580729450571603 -0.29806836834800376 -0.34759749575735005 -0.20055789876085184 -0.4079611197874988 -0.20055789876085184 -0.12007306672066517 -0.030301523291225544 0.14769377833612182 0.4092694824667372 0.6723929718288933 +6201,0.7559733743321702,0,0.650723978587306 0.4448685427922085 0.08268679861135095 -0.17888890551926448 -0.25627816709636975 -0.18198447598234585 -0.29961615357954446 -0.3228329320526813 -0.30580729450571603 -0.29806836834800376 -0.34759749575735005 -0.20055789876085184 -0.4079611197874988 -0.20055789876085184 -0.12007306672066517 -0.030301523291225544 0.14769377833612182 0.4092694824667372 0.6723929718288933 0.8194325688253916 +6202,0.7404955220167456,0,0.4448685427922085 0.08268679861135095 -0.17888890551926448 -0.25627816709636975 -0.18198447598234585 -0.29961615357954446 -0.3228329320526813 -0.30580729450571603 -0.29806836834800376 -0.34759749575735005 -0.20055789876085184 -0.4079611197874988 -0.20055789876085184 -0.12007306672066517 -0.030301523291225544 0.14769377833612182 0.4092694824667372 0.6723929718288933 0.8194325688253916 0.7559733743321702 +6203,0.6723929718288933,0,0.08268679861135095 -0.17888890551926448 -0.25627816709636975 -0.18198447598234585 -0.29961615357954446 -0.3228329320526813 -0.30580729450571603 -0.29806836834800376 -0.34759749575735005 -0.20055789876085184 -0.4079611197874988 -0.20055789876085184 -0.12007306672066517 -0.030301523291225544 0.14769377833612182 0.4092694824667372 0.6723929718288933 0.8194325688253916 0.7559733743321702 0.7404955220167456 +6204,0.7327565958590333,0,-0.17888890551926448 -0.25627816709636975 -0.18198447598234585 -0.29961615357954446 -0.3228329320526813 -0.30580729450571603 -0.29806836834800376 -0.34759749575735005 -0.20055789876085184 -0.4079611197874988 -0.20055789876085184 -0.12007306672066517 -0.030301523291225544 0.14769377833612182 0.4092694824667372 0.6723929718288933 0.8194325688253916 0.7559733743321702 0.7404955220167456 0.6723929718288933 +6205,0.5795258579363636,0,-0.25627816709636975 -0.18198447598234585 -0.29961615357954446 -0.3228329320526813 -0.30580729450571603 -0.29806836834800376 -0.34759749575735005 -0.20055789876085184 -0.4079611197874988 -0.20055789876085184 -0.12007306672066517 -0.030301523291225544 0.14769377833612182 0.4092694824667372 0.6723929718288933 0.8194325688253916 0.7559733743321702 0.7404955220167456 0.6723929718288933 0.7327565958590333 +6206,0.4402251870975776,0,-0.18198447598234585 -0.29961615357954446 -0.3228329320526813 -0.30580729450571603 -0.29806836834800376 -0.34759749575735005 -0.20055789876085184 -0.4079611197874988 -0.20055789876085184 -0.12007306672066517 -0.030301523291225544 0.14769377833612182 0.4092694824667372 0.6723929718288933 0.8194325688253916 0.7559733743321702 0.7404955220167456 0.6723929718288933 0.7327565958590333 0.5795258579363636 +6207,-0.014823670975800974,0,-0.29961615357954446 -0.3228329320526813 -0.30580729450571603 -0.29806836834800376 -0.34759749575735005 -0.20055789876085184 -0.4079611197874988 -0.20055789876085184 -0.12007306672066517 -0.030301523291225544 0.14769377833612182 0.4092694824667372 0.6723929718288933 0.8194325688253916 0.7559733743321702 0.7404955220167456 0.6723929718288933 0.7327565958590333 0.5795258579363636 0.4402251870975776 +6208,-0.2113923953816455,0,-0.3228329320526813 -0.30580729450571603 -0.29806836834800376 -0.34759749575735005 -0.20055789876085184 -0.4079611197874988 -0.20055789876085184 -0.12007306672066517 -0.030301523291225544 0.14769377833612182 0.4092694824667372 0.6723929718288933 0.8194325688253916 0.7559733743321702 0.7404955220167456 0.6723929718288933 0.7327565958590333 0.5795258579363636 0.4402251870975776 -0.014823670975800974 +6209,-0.22687024769707007,0,-0.30580729450571603 -0.29806836834800376 -0.34759749575735005 -0.20055789876085184 -0.4079611197874988 -0.20055789876085184 -0.12007306672066517 -0.030301523291225544 0.14769377833612182 0.4092694824667372 0.6723929718288933 0.8194325688253916 0.7559733743321702 0.7404955220167456 0.6723929718288933 0.7327565958590333 0.5795258579363636 0.4402251870975776 -0.014823670975800974 -0.2113923953816455 +6210,-0.4203434016398332,0,-0.29806836834800376 -0.34759749575735005 -0.20055789876085184 -0.4079611197874988 -0.20055789876085184 -0.12007306672066517 -0.030301523291225544 0.14769377833612182 0.4092694824667372 0.6723929718288933 0.8194325688253916 0.7559733743321702 0.7404955220167456 0.6723929718288933 0.7327565958590333 0.5795258579363636 0.4402251870975776 -0.014823670975800974 -0.2113923953816455 -0.22687024769707007 +6211,-0.46832474381763883,0,-0.34759749575735005 -0.20055789876085184 -0.4079611197874988 -0.20055789876085184 -0.12007306672066517 -0.030301523291225544 0.14769377833612182 0.4092694824667372 0.6723929718288933 0.8194325688253916 0.7559733743321702 0.7404955220167456 0.6723929718288933 0.7327565958590333 0.5795258579363636 0.4402251870975776 -0.014823670975800974 -0.2113923953816455 -0.22687024769707007 -0.4203434016398332 +6212,-0.3723620594620276,0,-0.20055789876085184 -0.4079611197874988 -0.20055789876085184 -0.12007306672066517 -0.030301523291225544 0.14769377833612182 0.4092694824667372 0.6723929718288933 0.8194325688253916 0.7559733743321702 0.7404955220167456 0.6723929718288933 0.7327565958590333 0.5795258579363636 0.4402251870975776 -0.014823670975800974 -0.2113923953816455 -0.22687024769707007 -0.4203434016398332 -0.46832474381763883 +6213,-0.5534529315524563,0,-0.4079611197874988 -0.20055789876085184 -0.12007306672066517 -0.030301523291225544 0.14769377833612182 0.4092694824667372 0.6723929718288933 0.8194325688253916 0.7559733743321702 0.7404955220167456 0.6723929718288933 0.7327565958590333 0.5795258579363636 0.4402251870975776 -0.014823670975800974 -0.2113923953816455 -0.22687024769707007 -0.4203434016398332 -0.46832474381763883 -0.3723620594620276 +6214,-0.5147583007639037,0,-0.20055789876085184 -0.12007306672066517 -0.030301523291225544 0.14769377833612182 0.4092694824667372 0.6723929718288933 0.8194325688253916 0.7559733743321702 0.7404955220167456 0.6723929718288933 0.7327565958590333 0.5795258579363636 0.4402251870975776 -0.014823670975800974 -0.2113923953816455 -0.22687024769707007 -0.4203434016398332 -0.46832474381763883 -0.3723620594620276 -0.5534529315524563 +6215,-0.3909354822405336,0,-0.12007306672066517 -0.030301523291225544 0.14769377833612182 0.4092694824667372 0.6723929718288933 0.8194325688253916 0.7559733743321702 0.7404955220167456 0.6723929718288933 0.7327565958590333 0.5795258579363636 0.4402251870975776 -0.014823670975800974 -0.2113923953816455 -0.22687024769707007 -0.4203434016398332 -0.46832474381763883 -0.3723620594620276 -0.5534529315524563 -0.5147583007639037 +6216,-0.34450192529426865,0,-0.030301523291225544 0.14769377833612182 0.4092694824667372 0.6723929718288933 0.8194325688253916 0.7559733743321702 0.7404955220167456 0.6723929718288933 0.7327565958590333 0.5795258579363636 0.4402251870975776 -0.014823670975800974 -0.2113923953816455 -0.22687024769707007 -0.4203434016398332 -0.46832474381763883 -0.3723620594620276 -0.5534529315524563 -0.5147583007639037 -0.3909354822405336 +6217,-0.38164877085128057,0,0.14769377833612182 0.4092694824667372 0.6723929718288933 0.8194325688253916 0.7559733743321702 0.7404955220167456 0.6723929718288933 0.7327565958590333 0.5795258579363636 0.4402251870975776 -0.014823670975800974 -0.2113923953816455 -0.22687024769707007 -0.4203434016398332 -0.46832474381763883 -0.3723620594620276 -0.5534529315524563 -0.5147583007639037 -0.3909354822405336 -0.34450192529426865 +6218,-0.315094005894969,0,0.4092694824667372 0.6723929718288933 0.8194325688253916 0.7559733743321702 0.7404955220167456 0.6723929718288933 0.7327565958590333 0.5795258579363636 0.4402251870975776 -0.014823670975800974 -0.2113923953816455 -0.22687024769707007 -0.4203434016398332 -0.46832474381763883 -0.3723620594620276 -0.5534529315524563 -0.5147583007639037 -0.3909354822405336 -0.34450192529426865 -0.38164877085128057 +6219,-0.1092385700998715,0,0.6723929718288933 0.8194325688253916 0.7559733743321702 0.7404955220167456 0.6723929718288933 0.7327565958590333 0.5795258579363636 0.4402251870975776 -0.014823670975800974 -0.2113923953816455 -0.22687024769707007 -0.4203434016398332 -0.46832474381763883 -0.3723620594620276 -0.5534529315524563 -0.5147583007639037 -0.3909354822405336 -0.34450192529426865 -0.38164877085128057 -0.315094005894969 +6220,0.11828585893682218,0,0.8194325688253916 0.7559733743321702 0.7404955220167456 0.6723929718288933 0.7327565958590333 0.5795258579363636 0.4402251870975776 -0.014823670975800974 -0.2113923953816455 -0.22687024769707007 -0.4203434016398332 -0.46832474381763883 -0.3723620594620276 -0.5534529315524563 -0.5147583007639037 -0.3909354822405336 -0.34450192529426865 -0.38164877085128057 -0.315094005894969 -0.1092385700998715 +6221,0.331880220889632,0,0.7559733743321702 0.7404955220167456 0.6723929718288933 0.7327565958590333 0.5795258579363636 0.4402251870975776 -0.014823670975800974 -0.2113923953816455 -0.22687024769707007 -0.4203434016398332 -0.46832474381763883 -0.3723620594620276 -0.5534529315524563 -0.5147583007639037 -0.3909354822405336 -0.34450192529426865 -0.38164877085128057 -0.315094005894969 -0.1092385700998715 0.11828585893682218 +6222,0.6011948511779597,0,0.7404955220167456 0.6723929718288933 0.7327565958590333 0.5795258579363636 0.4402251870975776 -0.014823670975800974 -0.2113923953816455 -0.22687024769707007 -0.4203434016398332 -0.46832474381763883 -0.3723620594620276 -0.5534529315524563 -0.5147583007639037 -0.3909354822405336 -0.34450192529426865 -0.38164877085128057 -0.315094005894969 -0.1092385700998715 0.11828585893682218 0.331880220889632 +6223,0.7358521663221236,0,0.6723929718288933 0.7327565958590333 0.5795258579363636 0.4402251870975776 -0.014823670975800974 -0.2113923953816455 -0.22687024769707007 -0.4203434016398332 -0.46832474381763883 -0.3723620594620276 -0.5534529315524563 -0.5147583007639037 -0.3909354822405336 -0.34450192529426865 -0.38164877085128057 -0.315094005894969 -0.1092385700998715 0.11828585893682218 0.331880220889632 0.6011948511779597 +6224,0.9184908236440842,0,0.7327565958590333 0.5795258579363636 0.4402251870975776 -0.014823670975800974 -0.2113923953816455 -0.22687024769707007 -0.4203434016398332 -0.46832474381763883 -0.3723620594620276 -0.5534529315524563 -0.5147583007639037 -0.3909354822405336 -0.34450192529426865 -0.38164877085128057 -0.315094005894969 -0.1092385700998715 0.11828585893682218 0.331880220889632 0.6011948511779597 0.7358521663221236 +6225,0.9293253202648867,0,0.5795258579363636 0.4402251870975776 -0.014823670975800974 -0.2113923953816455 -0.22687024769707007 -0.4203434016398332 -0.46832474381763883 -0.3723620594620276 -0.5534529315524563 -0.5147583007639037 -0.3909354822405336 -0.34450192529426865 -0.38164877085128057 -0.315094005894969 -0.1092385700998715 0.11828585893682218 0.331880220889632 0.6011948511779597 0.7358521663221236 0.9184908236440842 +6226,0.9293253202648867,0,0.4402251870975776 -0.014823670975800974 -0.2113923953816455 -0.22687024769707007 -0.4203434016398332 -0.46832474381763883 -0.3723620594620276 -0.5534529315524563 -0.5147583007639037 -0.3909354822405336 -0.34450192529426865 -0.38164877085128057 -0.315094005894969 -0.1092385700998715 0.11828585893682218 0.331880220889632 0.6011948511779597 0.7358521663221236 0.9184908236440842 0.9293253202648867 +6227,0.9896889442950266,0,-0.014823670975800974 -0.2113923953816455 -0.22687024769707007 -0.4203434016398332 -0.46832474381763883 -0.3723620594620276 -0.5534529315524563 -0.5147583007639037 -0.3909354822405336 -0.34450192529426865 -0.38164877085128057 -0.315094005894969 -0.1092385700998715 0.11828585893682218 0.331880220889632 0.6011948511779597 0.7358521663221236 0.9184908236440842 0.9293253202648867 0.9293253202648867 +6228,0.978854447674233,0,-0.2113923953816455 -0.22687024769707007 -0.4203434016398332 -0.46832474381763883 -0.3723620594620276 -0.5534529315524563 -0.5147583007639037 -0.3909354822405336 -0.34450192529426865 -0.38164877085128057 -0.315094005894969 -0.1092385700998715 0.11828585893682218 0.331880220889632 0.6011948511779597 0.7358521663221236 0.9184908236440842 0.9293253202648867 0.9293253202648867 0.9896889442950266 +6229,0.7962157903522635,0,-0.22687024769707007 -0.4203434016398332 -0.46832474381763883 -0.3723620594620276 -0.5534529315524563 -0.5147583007639037 -0.3909354822405336 -0.34450192529426865 -0.38164877085128057 -0.315094005894969 -0.1092385700998715 0.11828585893682218 0.331880220889632 0.6011948511779597 0.7358521663221236 0.9184908236440842 0.9293253202648867 0.9293253202648867 0.9896889442950266 0.978854447674233 +6230,0.5609524351578663,0,-0.4203434016398332 -0.46832474381763883 -0.3723620594620276 -0.5534529315524563 -0.5147583007639037 -0.3909354822405336 -0.34450192529426865 -0.38164877085128057 -0.315094005894969 -0.1092385700998715 0.11828585893682218 0.331880220889632 0.6011948511779597 0.7358521663221236 0.9184908236440842 0.9293253202648867 0.9293253202648867 0.9896889442950266 0.978854447674233 0.7962157903522635 +6231,0.1043557918529383,0,-0.46832474381763883 -0.3723620594620276 -0.5534529315524563 -0.5147583007639037 -0.3909354822405336 -0.34450192529426865 -0.38164877085128057 -0.315094005894969 -0.1092385700998715 0.11828585893682218 0.331880220889632 0.6011948511779597 0.7358521663221236 0.9184908236440842 0.9293253202648867 0.9293253202648867 0.9896889442950266 0.978854447674233 0.7962157903522635 0.5609524351578663 +6232,-0.05042273130127221,0,-0.3723620594620276 -0.5534529315524563 -0.5147583007639037 -0.3909354822405336 -0.34450192529426865 -0.38164877085128057 -0.315094005894969 -0.1092385700998715 0.11828585893682218 0.331880220889632 0.6011948511779597 0.7358521663221236 0.9184908236440842 0.9293253202648867 0.9293253202648867 0.9896889442950266 0.978854447674233 0.7962157903522635 0.5609524351578663 0.1043557918529383 +6233,-0.16960219413001149,0,-0.5534529315524563 -0.5147583007639037 -0.3909354822405336 -0.34450192529426865 -0.38164877085128057 -0.315094005894969 -0.1092385700998715 0.11828585893682218 0.331880220889632 0.6011948511779597 0.7358521663221236 0.9184908236440842 0.9293253202648867 0.9293253202648867 0.9896889442950266 0.978854447674233 0.7962157903522635 0.5609524351578663 0.1043557918529383 -0.05042273130127221 +6234,-0.26092152279099184,0,-0.5147583007639037 -0.3909354822405336 -0.34450192529426865 -0.38164877085128057 -0.315094005894969 -0.1092385700998715 0.11828585893682218 0.331880220889632 0.6011948511779597 0.7358521663221236 0.9184908236440842 0.9293253202648867 0.9293253202648867 0.9896889442950266 0.978854447674233 0.7962157903522635 0.5609524351578663 0.1043557918529383 -0.05042273130127221 -0.16960219413001149 +6235,-0.34140635483118725,0,-0.3909354822405336 -0.34450192529426865 -0.38164877085128057 -0.315094005894969 -0.1092385700998715 0.11828585893682218 0.331880220889632 0.6011948511779597 0.7358521663221236 0.9184908236440842 0.9293253202648867 0.9293253202648867 0.9896889442950266 0.978854447674233 0.7962157903522635 0.5609524351578663 0.1043557918529383 -0.05042273130127221 -0.16960219413001149 -0.26092152279099184 +6236,-0.3290240729788441,0,-0.34450192529426865 -0.38164877085128057 -0.315094005894969 -0.1092385700998715 0.11828585893682218 0.331880220889632 0.6011948511779597 0.7358521663221236 0.9184908236440842 0.9293253202648867 0.9293253202648867 0.9896889442950266 0.978854447674233 0.7962157903522635 0.5609524351578663 0.1043557918529383 -0.05042273130127221 -0.16960219413001149 -0.26092152279099184 -0.34140635483118725 +6237,-0.5255927973846974,0,-0.38164877085128057 -0.315094005894969 -0.1092385700998715 0.11828585893682218 0.331880220889632 0.6011948511779597 0.7358521663221236 0.9184908236440842 0.9293253202648867 0.9293253202648867 0.9896889442950266 0.978854447674233 0.7962157903522635 0.5609524351578663 0.1043557918529383 -0.05042273130127221 -0.16960219413001149 -0.26092152279099184 -0.34140635483118725 -0.3290240729788441 +6238,-0.5039238041431101,0,-0.315094005894969 -0.1092385700998715 0.11828585893682218 0.331880220889632 0.6011948511779597 0.7358521663221236 0.9184908236440842 0.9293253202648867 0.9293253202648867 0.9896889442950266 0.978854447674233 0.7962157903522635 0.5609524351578663 0.1043557918529383 -0.05042273130127221 -0.16960219413001149 -0.26092152279099184 -0.34140635483118725 -0.3290240729788441 -0.5255927973846974 +6239,-0.5844086361832967,0,-0.1092385700998715 0.11828585893682218 0.331880220889632 0.6011948511779597 0.7358521663221236 0.9184908236440842 0.9293253202648867 0.9293253202648867 0.9896889442950266 0.978854447674233 0.7962157903522635 0.5609524351578663 0.1043557918529383 -0.05042273130127221 -0.16960219413001149 -0.26092152279099184 -0.34140635483118725 -0.3290240729788441 -0.5255927973846974 -0.5039238041431101 +6240,-0.47142031428072023,0,0.11828585893682218 0.331880220889632 0.6011948511779597 0.7358521663221236 0.9184908236440842 0.9293253202648867 0.9293253202648867 0.9896889442950266 0.978854447674233 0.7962157903522635 0.5609524351578663 0.1043557918529383 -0.05042273130127221 -0.16960219413001149 -0.26092152279099184 -0.34140635483118725 -0.3290240729788441 -0.5255927973846974 -0.5039238041431101 -0.5844086361832967 +6241,-0.5178538712269851,0,0.331880220889632 0.6011948511779597 0.7358521663221236 0.9184908236440842 0.9293253202648867 0.9293253202648867 0.9896889442950266 0.978854447674233 0.7962157903522635 0.5609524351578663 0.1043557918529383 -0.05042273130127221 -0.16960219413001149 -0.26092152279099184 -0.34140635483118725 -0.3290240729788441 -0.5255927973846974 -0.5039238041431101 -0.5844086361832967 -0.47142031428072023 +6242,-0.29652058311646307,0,0.6011948511779597 0.7358521663221236 0.9184908236440842 0.9293253202648867 0.9293253202648867 0.9896889442950266 0.978854447674233 0.7962157903522635 0.5609524351578663 0.1043557918529383 -0.05042273130127221 -0.16960219413001149 -0.26092152279099184 -0.34140635483118725 -0.3290240729788441 -0.5255927973846974 -0.5039238041431101 -0.5844086361832967 -0.47142031428072023 -0.5178538712269851 +6243,0.06101780536976358,0,0.7358521663221236 0.9184908236440842 0.9293253202648867 0.9293253202648867 0.9896889442950266 0.978854447674233 0.7962157903522635 0.5609524351578663 0.1043557918529383 -0.05042273130127221 -0.16960219413001149 -0.26092152279099184 -0.34140635483118725 -0.3290240729788441 -0.5255927973846974 -0.5039238041431101 -0.5844086361832967 -0.47142031428072023 -0.5178538712269851 -0.29652058311646307 +6244,0.15543270449383412,0,0.9184908236440842 0.9293253202648867 0.9293253202648867 0.9896889442950266 0.978854447674233 0.7962157903522635 0.5609524351578663 0.1043557918529383 -0.05042273130127221 -0.16960219413001149 -0.26092152279099184 -0.34140635483118725 -0.3290240729788441 -0.5255927973846974 -0.5039238041431101 -0.5844086361832967 -0.47142031428072023 -0.5178538712269851 -0.29652058311646307 0.06101780536976358 +6245,0.3256890799634604,0,0.9293253202648867 0.9293253202648867 0.9896889442950266 0.978854447674233 0.7962157903522635 0.5609524351578663 0.1043557918529383 -0.05042273130127221 -0.16960219413001149 -0.26092152279099184 -0.34140635483118725 -0.3290240729788441 -0.5255927973846974 -0.5039238041431101 -0.5844086361832967 -0.47142031428072023 -0.5178538712269851 -0.29652058311646307 0.06101780536976358 0.15543270449383412 +6246,0.5098755225169705,0,0.9293253202648867 0.9896889442950266 0.978854447674233 0.7962157903522635 0.5609524351578663 0.1043557918529383 -0.05042273130127221 -0.16960219413001149 -0.26092152279099184 -0.34140635483118725 -0.3290240729788441 -0.5255927973846974 -0.5039238041431101 -0.5844086361832967 -0.47142031428072023 -0.5178538712269851 -0.29652058311646307 0.06101780536976358 0.15543270449383412 0.3256890799634604 +6247,0.841101562066979,0,0.9896889442950266 0.978854447674233 0.7962157903522635 0.5609524351578663 0.1043557918529383 -0.05042273130127221 -0.16960219413001149 -0.26092152279099184 -0.34140635483118725 -0.3290240729788441 -0.5255927973846974 -0.5039238041431101 -0.5844086361832967 -0.47142031428072023 -0.5178538712269851 -0.29652058311646307 0.06101780536976358 0.15543270449383412 0.3256890799634604 0.5098755225169705 +6248,1.0314791455466608,0,0.978854447674233 0.7962157903522635 0.5609524351578663 0.1043557918529383 -0.05042273130127221 -0.16960219413001149 -0.26092152279099184 -0.34140635483118725 -0.3290240729788441 -0.5255927973846974 -0.5039238041431101 -0.5844086361832967 -0.47142031428072023 -0.5178538712269851 -0.29652058311646307 0.06101780536976358 0.15543270449383412 0.3256890799634604 0.5098755225169705 0.841101562066979 +6249,1.136728541291525,0,0.7962157903522635 0.5609524351578663 0.1043557918529383 -0.05042273130127221 -0.16960219413001149 -0.26092152279099184 -0.34140635483118725 -0.3290240729788441 -0.5255927973846974 -0.5039238041431101 -0.5844086361832967 -0.47142031428072023 -0.5178538712269851 -0.29652058311646307 0.06101780536976358 0.15543270449383412 0.3256890799634604 0.5098755225169705 0.841101562066979 1.0314791455466608 +6250,1.1878054539324119,0,0.5609524351578663 0.1043557918529383 -0.05042273130127221 -0.16960219413001149 -0.26092152279099184 -0.34140635483118725 -0.3290240729788441 -0.5255927973846974 -0.5039238041431101 -0.5844086361832967 -0.47142031428072023 -0.5178538712269851 -0.29652058311646307 0.06101780536976358 0.15543270449383412 0.3256890799634604 0.5098755225169705 0.841101562066979 1.0314791455466608 1.136728541291525 +6251,1.1197029037445596,0,0.1043557918529383 -0.05042273130127221 -0.16960219413001149 -0.26092152279099184 -0.34140635483118725 -0.3290240729788441 -0.5255927973846974 -0.5039238041431101 -0.5844086361832967 -0.47142031428072023 -0.5178538712269851 -0.29652058311646307 0.06101780536976358 0.15543270449383412 0.3256890799634604 0.5098755225169705 0.841101562066979 1.0314791455466608 1.136728541291525 1.1878054539324119 +6252,1.016001293231245,0,-0.05042273130127221 -0.16960219413001149 -0.26092152279099184 -0.34140635483118725 -0.3290240729788441 -0.5255927973846974 -0.5039238041431101 -0.5844086361832967 -0.47142031428072023 -0.5178538712269851 -0.29652058311646307 0.06101780536976358 0.15543270449383412 0.3256890799634604 0.5098755225169705 0.841101562066979 1.0314791455466608 1.136728541291525 1.1878054539324119 1.1197029037445596 +6253,0.9448031725803024,0,-0.16960219413001149 -0.26092152279099184 -0.34140635483118725 -0.3290240729788441 -0.5255927973846974 -0.5039238041431101 -0.5844086361832967 -0.47142031428072023 -0.5178538712269851 -0.29652058311646307 0.06101780536976358 0.15543270449383412 0.3256890799634604 0.5098755225169705 0.841101562066979 1.0314791455466608 1.136728541291525 1.1878054539324119 1.1197029037445596 1.016001293231245 +6254,0.8581271996139442,0,-0.26092152279099184 -0.34140635483118725 -0.3290240729788441 -0.5255927973846974 -0.5039238041431101 -0.5844086361832967 -0.47142031428072023 -0.5178538712269851 -0.29652058311646307 0.06101780536976358 0.15543270449383412 0.3256890799634604 0.5098755225169705 0.841101562066979 1.0314791455466608 1.136728541291525 1.1878054539324119 1.1197029037445596 1.016001293231245 0.9448031725803024 +6255,0.5640480056209477,0,-0.34140635483118725 -0.3290240729788441 -0.5255927973846974 -0.5039238041431101 -0.5844086361832967 -0.47142031428072023 -0.5178538712269851 -0.29652058311646307 0.06101780536976358 0.15543270449383412 0.3256890799634604 0.5098755225169705 0.841101562066979 1.0314791455466608 1.136728541291525 1.1878054539324119 1.1197029037445596 1.016001293231245 0.9448031725803024 0.8581271996139442 +6256,0.4154606233929,0,-0.3290240729788441 -0.5255927973846974 -0.5039238041431101 -0.5844086361832967 -0.47142031428072023 -0.5178538712269851 -0.29652058311646307 0.06101780536976358 0.15543270449383412 0.3256890799634604 0.5098755225169705 0.841101562066979 1.0314791455466608 1.136728541291525 1.1878054539324119 1.1197029037445596 1.016001293231245 0.9448031725803024 0.8581271996139442 0.5640480056209477 +6257,0.3380713618157948,0,-0.5255927973846974 -0.5039238041431101 -0.5844086361832967 -0.47142031428072023 -0.5178538712269851 -0.29652058311646307 0.06101780536976358 0.15543270449383412 0.3256890799634604 0.5098755225169705 0.841101562066979 1.0314791455466608 1.136728541291525 1.1878054539324119 1.1197029037445596 1.016001293231245 0.9448031725803024 0.8581271996139442 0.5640480056209477 0.4154606233929 +6258,0.11673807370528148,0,-0.5039238041431101 -0.5844086361832967 -0.47142031428072023 -0.5178538712269851 -0.29652058311646307 0.06101780536976358 0.15543270449383412 0.3256890799634604 0.5098755225169705 0.841101562066979 1.0314791455466608 1.136728541291525 1.1878054539324119 1.1197029037445596 1.016001293231245 0.9448031725803024 0.8581271996139442 0.5640480056209477 0.4154606233929 0.3380713618157948 +6259,-0.10459521440524061,0,-0.5844086361832967 -0.47142031428072023 -0.5178538712269851 -0.29652058311646307 0.06101780536976358 0.15543270449383412 0.3256890799634604 0.5098755225169705 0.841101562066979 1.0314791455466608 1.136728541291525 1.1878054539324119 1.1197029037445596 1.016001293231245 0.9448031725803024 0.8581271996139442 0.5640480056209477 0.4154606233929 0.3380713618157948 0.11673807370528148 +6260,-0.20365346922394204,0,-0.47142031428072023 -0.5178538712269851 -0.29652058311646307 0.06101780536976358 0.15543270449383412 0.3256890799634604 0.5098755225169705 0.841101562066979 1.0314791455466608 1.136728541291525 1.1878054539324119 1.1197029037445596 1.016001293231245 0.9448031725803024 0.8581271996139442 0.5640480056209477 0.4154606233929 0.3380713618157948 0.11673807370528148 -0.10459521440524061 +6261,-0.34759749575735005,0,-0.5178538712269851 -0.29652058311646307 0.06101780536976358 0.15543270449383412 0.3256890799634604 0.5098755225169705 0.841101562066979 1.0314791455466608 1.136728541291525 1.1878054539324119 1.1197029037445596 1.016001293231245 0.9448031725803024 0.8581271996139442 0.5640480056209477 0.4154606233929 0.3380713618157948 0.11673807370528148 -0.10459521440524061 -0.20365346922394204 +6262,-0.2671126637171634,0,-0.29652058311646307 0.06101780536976358 0.15543270449383412 0.3256890799634604 0.5098755225169705 0.841101562066979 1.0314791455466608 1.136728541291525 1.1878054539324119 1.1197029037445596 1.016001293231245 0.9448031725803024 0.8581271996139442 0.5640480056209477 0.4154606233929 0.3380713618157948 0.11673807370528148 -0.10459521440524061 -0.20365346922394204 -0.34759749575735005 +6263,-0.22841803292861076,0,0.06101780536976358 0.15543270449383412 0.3256890799634604 0.5098755225169705 0.841101562066979 1.0314791455466608 1.136728541291525 1.1878054539324119 1.1197029037445596 1.016001293231245 0.9448031725803024 0.8581271996139442 0.5640480056209477 0.4154606233929 0.3380713618157948 0.11673807370528148 -0.10459521440524061 -0.20365346922394204 -0.34759749575735005 -0.2671126637171634 +6264,-0.14522457673321912,0,0.15543270449383412 0.3256890799634604 0.5098755225169705 0.841101562066979 1.0314791455466608 1.136728541291525 1.1878054539324119 1.1197029037445596 1.016001293231245 0.9448031725803024 0.8581271996139442 0.5640480056209477 0.4154606233929 0.3380713618157948 0.11673807370528148 -0.10459521440524061 -0.20365346922394204 -0.34759749575735005 -0.2671126637171634 -0.22841803292861076 +6265,-0.062031120537836236,0,0.3256890799634604 0.5098755225169705 0.841101562066979 1.0314791455466608 1.136728541291525 1.1878054539324119 1.1197029037445596 1.016001293231245 0.9448031725803024 0.8581271996139442 0.5640480056209477 0.4154606233929 0.3380713618157948 0.11673807370528148 -0.10459521440524061 -0.20365346922394204 -0.34759749575735005 -0.2671126637171634 -0.22841803292861076 -0.14522457673321912 +6266,0.021162335657555435,0,0.5098755225169705 0.841101562066979 1.0314791455466608 1.136728541291525 1.1878054539324119 1.1197029037445596 1.016001293231245 0.9448031725803024 0.8581271996139442 0.5640480056209477 0.4154606233929 0.3380713618157948 0.11673807370528148 -0.10459521440524061 -0.20365346922394204 -0.34759749575735005 -0.2671126637171634 -0.22841803292861076 -0.14522457673321912 -0.062031120537836236 +6267,0.1043557918529383,0,0.841101562066979 1.0314791455466608 1.136728541291525 1.1878054539324119 1.1197029037445596 1.016001293231245 0.9448031725803024 0.8581271996139442 0.5640480056209477 0.4154606233929 0.3380713618157948 0.11673807370528148 -0.10459521440524061 -0.20365346922394204 -0.34759749575735005 -0.2671126637171634 -0.22841803292861076 -0.14522457673321912 -0.062031120537836236 0.021162335657555435 +6268,0.23591753653402076,0,1.0314791455466608 1.136728541291525 1.1878054539324119 1.1197029037445596 1.016001293231245 0.9448031725803024 0.8581271996139442 0.5640480056209477 0.4154606233929 0.3380713618157948 0.11673807370528148 -0.10459521440524061 -0.20365346922394204 -0.34759749575735005 -0.2671126637171634 -0.22841803292861076 -0.14522457673321912 -0.062031120537836236 0.021162335657555435 0.1043557918529383 +6269,0.4456424354079788,0,1.136728541291525 1.1878054539324119 1.1197029037445596 1.016001293231245 0.9448031725803024 0.8581271996139442 0.5640480056209477 0.4154606233929 0.3380713618157948 0.11673807370528148 -0.10459521440524061 -0.20365346922394204 -0.34759749575735005 -0.2671126637171634 -0.22841803292861076 -0.14522457673321912 -0.062031120537836236 0.021162335657555435 0.1043557918529383 0.23591753653402076 +6270,0.6553673342819281,0,1.1878054539324119 1.1197029037445596 1.016001293231245 0.9448031725803024 0.8581271996139442 0.5640480056209477 0.4154606233929 0.3380713618157948 0.11673807370528148 -0.10459521440524061 -0.20365346922394204 -0.34759749575735005 -0.2671126637171634 -0.22841803292861076 -0.14522457673321912 -0.062031120537836236 0.021162335657555435 0.1043557918529383 0.23591753653402076 0.4456424354079788 +6271,0.8650922331558861,0,1.1197029037445596 1.016001293231245 0.9448031725803024 0.8581271996139442 0.5640480056209477 0.4154606233929 0.3380713618157948 0.11673807370528148 -0.10459521440524061 -0.20365346922394204 -0.34759749575735005 -0.2671126637171634 -0.22841803292861076 -0.14522457673321912 -0.062031120537836236 0.021162335657555435 0.1043557918529383 0.23591753653402076 0.4456424354079788 0.6553673342819281 +6272,1.0748171320298443,0,1.016001293231245 0.9448031725803024 0.8581271996139442 0.5640480056209477 0.4154606233929 0.3380713618157948 0.11673807370528148 -0.10459521440524061 -0.20365346922394204 -0.34759749575735005 -0.2671126637171634 -0.22841803292861076 -0.14522457673321912 -0.062031120537836236 0.021162335657555435 0.1043557918529383 0.23591753653402076 0.4456424354079788 0.6553673342819281 0.8650922331558861 +6273,1.1305374003653532,0,0.9448031725803024 0.8581271996139442 0.5640480056209477 0.4154606233929 0.3380713618157948 0.11673807370528148 -0.10459521440524061 -0.20365346922394204 -0.34759749575735005 -0.2671126637171634 -0.22841803292861076 -0.14522457673321912 -0.062031120537836236 0.021162335657555435 0.1043557918529383 0.23591753653402076 0.4456424354079788 0.6553673342819281 0.8650922331558861 1.0748171320298443 +6274,1.057172380390259,0,0.8581271996139442 0.5640480056209477 0.4154606233929 0.3380713618157948 0.11673807370528148 -0.10459521440524061 -0.20365346922394204 -0.34759749575735005 -0.2671126637171634 -0.22841803292861076 -0.14522457673321912 -0.062031120537836236 0.021162335657555435 0.1043557918529383 0.23591753653402076 0.4456424354079788 0.6553673342819281 0.8650922331558861 1.0748171320298443 1.1305374003653532 +6275,0.9838073604151649,0,0.5640480056209477 0.4154606233929 0.3380713618157948 0.11673807370528148 -0.10459521440524061 -0.20365346922394204 -0.34759749575735005 -0.2671126637171634 -0.22841803292861076 -0.14522457673321912 -0.062031120537836236 0.021162335657555435 0.1043557918529383 0.23591753653402076 0.4456424354079788 0.6553673342819281 0.8650922331558861 1.0748171320298443 1.1305374003653532 1.057172380390259 +6276,0.9104423404400708,0,0.4154606233929 0.3380713618157948 0.11673807370528148 -0.10459521440524061 -0.20365346922394204 -0.34759749575735005 -0.2671126637171634 -0.22841803292861076 -0.14522457673321912 -0.062031120537836236 0.021162335657555435 0.1043557918529383 0.23591753653402076 0.4456424354079788 0.6553673342819281 0.8650922331558861 1.0748171320298443 1.1305374003653532 1.057172380390259 0.9838073604151649 +6277,0.8370773204649766,0,0.3380713618157948 0.11673807370528148 -0.10459521440524061 -0.20365346922394204 -0.34759749575735005 -0.2671126637171634 -0.22841803292861076 -0.14522457673321912 -0.062031120537836236 0.021162335657555435 0.1043557918529383 0.23591753653402076 0.4456424354079788 0.6553673342819281 0.8650922331558861 1.0748171320298443 1.1305374003653532 1.057172380390259 0.9838073604151649 0.9104423404400708 +6278,0.7637123004898737,0,0.11673807370528148 -0.10459521440524061 -0.20365346922394204 -0.34759749575735005 -0.2671126637171634 -0.22841803292861076 -0.14522457673321912 -0.062031120537836236 0.021162335657555435 0.1043557918529383 0.23591753653402076 0.4456424354079788 0.6553673342819281 0.8650922331558861 1.0748171320298443 1.1305374003653532 1.057172380390259 0.9838073604151649 0.9104423404400708 0.8370773204649766 +6279,0.3086634424164951,0,-0.10459521440524061 -0.20365346922394204 -0.34759749575735005 -0.2671126637171634 -0.22841803292861076 -0.14522457673321912 -0.062031120537836236 0.021162335657555435 0.1043557918529383 0.23591753653402076 0.4456424354079788 0.6553673342819281 0.8650922331558861 1.0748171320298443 1.1305374003653532 1.057172380390259 0.9838073604151649 0.9104423404400708 0.8370773204649766 0.7637123004898737 +6280,0.0517310939805106,0,-0.20365346922394204 -0.34759749575735005 -0.2671126637171634 -0.22841803292861076 -0.14522457673321912 -0.062031120537836236 0.021162335657555435 0.1043557918529383 0.23591753653402076 0.4456424354079788 0.6553673342819281 0.8650922331558861 1.0748171320298443 1.1305374003653532 1.057172380390259 0.9838073604151649 0.9104423404400708 0.8370773204649766 0.7637123004898737 0.3086634424164951 +6281,-0.0535183017643536,0,-0.34759749575735005 -0.2671126637171634 -0.22841803292861076 -0.14522457673321912 -0.062031120537836236 0.021162335657555435 0.1043557918529383 0.23591753653402076 0.4456424354079788 0.6553673342819281 0.8650922331558861 1.0748171320298443 1.1305374003653532 1.057172380390259 0.9838073604151649 0.9104423404400708 0.8370773204649766 0.7637123004898737 0.3086634424164951 0.0517310939805106 +6282,-0.1347770264203106,0,-0.2671126637171634 -0.22841803292861076 -0.14522457673321912 -0.062031120537836236 0.021162335657555435 0.1043557918529383 0.23591753653402076 0.4456424354079788 0.6553673342819281 0.8650922331558861 1.0748171320298443 1.1305374003653532 1.057172380390259 0.9838073604151649 0.9104423404400708 0.8370773204649766 0.7637123004898737 0.3086634424164951 0.0517310939805106 -0.0535183017643536 +6283,-0.4337575403647958,0,-0.22841803292861076 -0.14522457673321912 -0.062031120537836236 0.021162335657555435 0.1043557918529383 0.23591753653402076 0.4456424354079788 0.6553673342819281 0.8650922331558861 1.0748171320298443 1.1305374003653532 1.057172380390259 0.9838073604151649 0.9104423404400708 0.8370773204649766 0.7637123004898737 0.3086634424164951 0.0517310939805106 -0.0535183017643536 -0.1347770264203106 +6284,-0.40615537029910026,0,-0.14522457673321912 -0.062031120537836236 0.021162335657555435 0.1043557918529383 0.23591753653402076 0.4456424354079788 0.6553673342819281 0.8650922331558861 1.0748171320298443 1.1305374003653532 1.057172380390259 0.9838073604151649 0.9104423404400708 0.8370773204649766 0.7637123004898737 0.3086634424164951 0.0517310939805106 -0.0535183017643536 -0.1347770264203106 -0.4337575403647958 +6285,-0.3785532003881992,0,-0.062031120537836236 0.021162335657555435 0.1043557918529383 0.23591753653402076 0.4456424354079788 0.6553673342819281 0.8650922331558861 1.0748171320298443 1.1305374003653532 1.057172380390259 0.9838073604151649 0.9104423404400708 0.8370773204649766 0.7637123004898737 0.3086634424164951 0.0517310939805106 -0.0535183017643536 -0.1347770264203106 -0.4337575403647958 -0.40615537029910026 +6286,-0.34140635483118725,0,0.021162335657555435 0.1043557918529383 0.23591753653402076 0.4456424354079788 0.6553673342819281 0.8650922331558861 1.0748171320298443 1.1305374003653532 1.057172380390259 0.9838073604151649 0.9104423404400708 0.8370773204649766 0.7637123004898737 0.3086634424164951 0.0517310939805106 -0.0535183017643536 -0.1347770264203106 -0.4337575403647958 -0.40615537029910026 -0.3785532003881992 +6287,-0.7536589512524269,0,0.1043557918529383 0.23591753653402076 0.4456424354079788 0.6553673342819281 0.8650922331558861 1.0748171320298443 1.1305374003653532 1.057172380390259 0.9838073604151649 0.9104423404400708 0.8370773204649766 0.7637123004898737 0.3086634424164951 0.0517310939805106 -0.0535183017643536 -0.1347770264203106 -0.4337575403647958 -0.40615537029910026 -0.3785532003881992 -0.34140635483118725 +6288,-0.1812105833665755,0,0.23591753653402076 0.4456424354079788 0.6553673342819281 0.8650922331558861 1.0748171320298443 1.1305374003653532 1.057172380390259 0.9838073604151649 0.9104423404400708 0.8370773204649766 0.7637123004898737 0.3086634424164951 0.0517310939805106 -0.0535183017643536 -0.1347770264203106 -0.4337575403647958 -0.40615537029910026 -0.3785532003881992 -0.34140635483118725 -0.7536589512524269 +6289,-0.593463179787815,0,0.4456424354079788 0.6553673342819281 0.8650922331558861 1.0748171320298443 1.1305374003653532 1.057172380390259 0.9838073604151649 0.9104423404400708 0.8370773204649766 0.7637123004898737 0.3086634424164951 0.0517310939805106 -0.0535183017643536 -0.1347770264203106 -0.4337575403647958 -0.40615537029910026 -0.3785532003881992 -0.34140635483118725 -0.7536589512524269 -0.1812105833665755 +6290,-0.02101481190197256,0,0.6553673342819281 0.8650922331558861 1.0748171320298443 1.1305374003653532 1.057172380390259 0.9838073604151649 0.9104423404400708 0.8370773204649766 0.7637123004898737 0.3086634424164951 0.0517310939805106 -0.0535183017643536 -0.1347770264203106 -0.4337575403647958 -0.40615537029910026 -0.3785532003881992 -0.34140635483118725 -0.7536589512524269 -0.1812105833665755 -0.593463179787815 +6291,0.08887793953752253,0,0.8650922331558861 1.0748171320298443 1.1305374003653532 1.057172380390259 0.9838073604151649 0.9104423404400708 0.8370773204649766 0.7637123004898737 0.3086634424164951 0.0517310939805106 -0.0535183017643536 -0.1347770264203106 -0.4337575403647958 -0.40615537029910026 -0.3785532003881992 -0.34140635483118725 -0.7536589512524269 -0.1812105833665755 -0.593463179787815 -0.02101481190197256 +6292,0.40462612677210635,0,1.0748171320298443 1.1305374003653532 1.057172380390259 0.9838073604151649 0.9104423404400708 0.8370773204649766 0.7637123004898737 0.3086634424164951 0.0517310939805106 -0.0535183017643536 -0.1347770264203106 -0.4337575403647958 -0.40615537029910026 -0.3785532003881992 -0.34140635483118725 -0.7536589512524269 -0.1812105833665755 -0.593463179787815 -0.02101481190197256 0.08887793953752253 +6293,0.49284988497000526,0,1.1305374003653532 1.057172380390259 0.9838073604151649 0.9104423404400708 0.8370773204649766 0.7637123004898737 0.3086634424164951 0.0517310939805106 -0.0535183017643536 -0.1347770264203106 -0.4337575403647958 -0.40615537029910026 -0.3785532003881992 -0.34140635483118725 -0.7536589512524269 -0.1812105833665755 -0.593463179787815 -0.02101481190197256 0.08887793953752253 0.40462612677210635 +6294,0.7946680051207228,0,1.057172380390259 0.9838073604151649 0.9104423404400708 0.8370773204649766 0.7637123004898737 0.3086634424164951 0.0517310939805106 -0.0535183017643536 -0.1347770264203106 -0.4337575403647958 -0.40615537029910026 -0.3785532003881992 -0.34140635483118725 -0.7536589512524269 -0.1812105833665755 -0.593463179787815 -0.02101481190197256 0.08887793953752253 0.40462612677210635 0.49284988497000526 +6295,0.9374253962583609,0,0.9838073604151649 0.9104423404400708 0.8370773204649766 0.7637123004898737 0.3086634424164951 0.0517310939805106 -0.0535183017643536 -0.1347770264203106 -0.4337575403647958 -0.40615537029910026 -0.3785532003881992 -0.34140635483118725 -0.7536589512524269 -0.1812105833665755 -0.593463179787815 -0.02101481190197256 0.08887793953752253 0.40462612677210635 0.49284988497000526 0.7946680051207228 +6296,1.0801827875507846,0,0.9104423404400708 0.8370773204649766 0.7637123004898737 0.3086634424164951 0.0517310939805106 -0.0535183017643536 -0.1347770264203106 -0.4337575403647958 -0.40615537029910026 -0.3785532003881992 -0.34140635483118725 -0.7536589512524269 -0.1812105833665755 -0.593463179787815 -0.02101481190197256 0.08887793953752253 0.40462612677210635 0.49284988497000526 0.7946680051207228 0.9374253962583609 +6297,1.0581784407907642,0,0.8370773204649766 0.7637123004898737 0.3086634424164951 0.0517310939805106 -0.0535183017643536 -0.1347770264203106 -0.4337575403647958 -0.40615537029910026 -0.3785532003881992 -0.34140635483118725 -0.7536589512524269 -0.1812105833665755 -0.593463179787815 -0.02101481190197256 0.08887793953752253 0.40462612677210635 0.49284988497000526 0.7946680051207228 0.9374253962583609 1.0801827875507846 +6298,1.1460152526807779,0,0.7637123004898737 0.3086634424164951 0.0517310939805106 -0.0535183017643536 -0.1347770264203106 -0.4337575403647958 -0.40615537029910026 -0.3785532003881992 -0.34140635483118725 -0.7536589512524269 -0.1812105833665755 -0.593463179787815 -0.02101481190197256 0.08887793953752253 0.40462612677210635 0.49284988497000526 0.7946680051207228 0.9374253962583609 1.0801827875507846 1.0581784407907642 +6299,1.1135117628183968,0,0.3086634424164951 0.0517310939805106 -0.0535183017643536 -0.1347770264203106 -0.4337575403647958 -0.40615537029910026 -0.3785532003881992 -0.34140635483118725 -0.7536589512524269 -0.1812105833665755 -0.593463179787815 -0.02101481190197256 0.08887793953752253 0.40462612677210635 0.49284988497000526 0.7946680051207228 0.9374253962583609 1.0801827875507846 1.0581784407907642 1.1460152526807779 +6300,0.9879863805403354,0,0.0517310939805106 -0.0535183017643536 -0.1347770264203106 -0.4337575403647958 -0.40615537029910026 -0.3785532003881992 -0.34140635483118725 -0.7536589512524269 -0.1812105833665755 -0.593463179787815 -0.02101481190197256 0.08887793953752253 0.40462612677210635 0.49284988497000526 0.7946680051207228 0.9374253962583609 1.0801827875507846 1.0581784407907642 1.1460152526807779 1.1135117628183968 +6301,1.002999897286282,0,-0.0535183017643536 -0.1347770264203106 -0.4337575403647958 -0.40615537029910026 -0.3785532003881992 -0.34140635483118725 -0.7536589512524269 -0.1812105833665755 -0.593463179787815 -0.02101481190197256 0.08887793953752253 0.40462612677210635 0.49284988497000526 0.7946680051207228 0.9374253962583609 1.0801827875507846 1.0581784407907642 1.1460152526807779 1.1135117628183968 0.9879863805403354 +6302,0.8072050654962077,0,-0.1347770264203106 -0.4337575403647958 -0.40615537029910026 -0.3785532003881992 -0.34140635483118725 -0.7536589512524269 -0.1812105833665755 -0.593463179787815 -0.02101481190197256 0.08887793953752253 0.40462612677210635 0.49284988497000526 0.7946680051207228 0.9374253962583609 1.0801827875507846 1.0581784407907642 1.1460152526807779 1.1135117628183968 0.9879863805403354 1.002999897286282 +6303,0.6124549887374262,0,-0.4337575403647958 -0.40615537029910026 -0.3785532003881992 -0.34140635483118725 -0.7536589512524269 -0.1812105833665755 -0.593463179787815 -0.02101481190197256 0.08887793953752253 0.40462612677210635 0.49284988497000526 0.7946680051207228 0.9374253962583609 1.0801827875507846 1.0581784407907642 1.1460152526807779 1.1135117628183968 0.9879863805403354 1.002999897286282 0.8072050654962077 +6304,0.41700840862444954,0,-0.40615537029910026 -0.3785532003881992 -0.34140635483118725 -0.7536589512524269 -0.1812105833665755 -0.593463179787815 -0.02101481190197256 0.08887793953752253 0.40462612677210635 0.49284988497000526 0.7946680051207228 0.9374253962583609 1.0801827875507846 1.0581784407907642 1.1460152526807779 1.1135117628183968 0.9879863805403354 1.002999897286282 0.8072050654962077 0.6124549887374262 +6305,0.22972639560784916,0,-0.3785532003881992 -0.34140635483118725 -0.7536589512524269 -0.1812105833665755 -0.593463179787815 -0.02101481190197256 0.08887793953752253 0.40462612677210635 0.49284988497000526 0.7946680051207228 0.9374253962583609 1.0801827875507846 1.0581784407907642 1.1460152526807779 1.1135117628183968 0.9879863805403354 1.002999897286282 0.8072050654962077 0.6124549887374262 0.41700840862444954 +6306,0.09971243615831621,0,-0.34140635483118725 -0.7536589512524269 -0.1812105833665755 -0.593463179787815 -0.02101481190197256 0.08887793953752253 0.40462612677210635 0.49284988497000526 0.7946680051207228 0.9374253962583609 1.0801827875507846 1.0581784407907642 1.1460152526807779 1.1135117628183968 0.9879863805403354 1.002999897286282 0.8072050654962077 0.6124549887374262 0.41700840862444954 0.22972639560784916 +6307,0.03625324166508603,0,-0.7536589512524269 -0.1812105833665755 -0.593463179787815 -0.02101481190197256 0.08887793953752253 0.40462612677210635 0.49284988497000526 0.7946680051207228 0.9374253962583609 1.0801827875507846 1.0581784407907642 1.1460152526807779 1.1135117628183968 0.9879863805403354 1.002999897286282 0.8072050654962077 0.6124549887374262 0.41700840862444954 0.22972639560784916 0.09971243615831621 +6308,-0.056613872227435,0,-0.1812105833665755 -0.593463179787815 -0.02101481190197256 0.08887793953752253 0.40462612677210635 0.49284988497000526 0.7946680051207228 0.9374253962583609 1.0801827875507846 1.0581784407907642 1.1460152526807779 1.1135117628183968 0.9879863805403354 1.002999897286282 0.8072050654962077 0.6124549887374262 0.41700840862444954 0.22972639560784916 0.09971243615831621 0.03625324166508603 +6309,-0.2765154589987793,0,-0.593463179787815 -0.02101481190197256 0.08887793953752253 0.40462612677210635 0.49284988497000526 0.7946680051207228 0.9374253962583609 1.0801827875507846 1.0581784407907642 1.1460152526807779 1.1135117628183968 0.9879863805403354 1.002999897286282 0.8072050654962077 0.6124549887374262 0.41700840862444954 0.22972639560784916 0.09971243615831621 0.03625324166508603 -0.056613872227435 +6310,-0.7680275574336479,0,-0.02101481190197256 0.08887793953752253 0.40462612677210635 0.49284988497000526 0.7946680051207228 0.9374253962583609 1.0801827875507846 1.0581784407907642 1.1460152526807779 1.1135117628183968 0.9879863805403354 1.002999897286282 0.8072050654962077 0.6124549887374262 0.41700840862444954 0.22972639560784916 0.09971243615831621 0.03625324166508603 -0.056613872227435 -0.2765154589987793 +6311,-0.8521238884506229,0,0.08887793953752253 0.40462612677210635 0.49284988497000526 0.7946680051207228 0.9374253962583609 1.0801827875507846 1.0581784407907642 1.1460152526807779 1.1135117628183968 0.9879863805403354 1.002999897286282 0.8072050654962077 0.6124549887374262 0.41700840862444954 0.22972639560784916 0.09971243615831621 0.03625324166508603 -0.056613872227435 -0.2765154589987793 -0.7680275574336479 +6312,-0.3472105494494649,0,0.40462612677210635 0.49284988497000526 0.7946680051207228 0.9374253962583609 1.0801827875507846 1.0581784407907642 1.1460152526807779 1.1135117628183968 0.9879863805403354 1.002999897286282 0.8072050654962077 0.6124549887374262 0.41700840862444954 0.22972639560784916 0.09971243615831621 0.03625324166508603 -0.056613872227435 -0.2765154589987793 -0.7680275574336479 -0.8521238884506229 +6313,-0.6276434369327817,0,0.49284988497000526 0.7946680051207228 0.9374253962583609 1.0801827875507846 1.0581784407907642 1.1460152526807779 1.1135117628183968 0.9879863805403354 1.002999897286282 0.8072050654962077 0.6124549887374262 0.41700840862444954 0.22972639560784916 0.09971243615831621 0.03625324166508603 -0.056613872227435 -0.2765154589987793 -0.7680275574336479 -0.8521238884506229 -0.3472105494494649 +6314,-0.31906665470751927,0,0.7946680051207228 0.9374253962583609 1.0801827875507846 1.0581784407907642 1.1460152526807779 1.1135117628183968 0.9879863805403354 1.002999897286282 0.8072050654962077 0.6124549887374262 0.41700840862444954 0.22972639560784916 0.09971243615831621 0.03625324166508603 -0.056613872227435 -0.2765154589987793 -0.7680275574336479 -0.8521238884506229 -0.3472105494494649 -0.6276434369327817 +6315,-0.012192436082180028,0,0.9374253962583609 1.0801827875507846 1.0581784407907642 1.1460152526807779 1.1135117628183968 0.9879863805403354 1.002999897286282 0.8072050654962077 0.6124549887374262 0.41700840862444954 0.22972639560784916 0.09971243615831621 0.03625324166508603 -0.056613872227435 -0.2765154589987793 -0.7680275574336479 -0.8521238884506229 -0.3472105494494649 -0.6276434369327817 -0.31906665470751927 +6316,0.2969518674462326,0,1.0801827875507846 1.0581784407907642 1.1460152526807779 1.1135117628183968 0.9879863805403354 1.002999897286282 0.8072050654962077 0.6124549887374262 0.41700840862444954 0.22972639560784916 0.09971243615831621 0.03625324166508603 -0.056613872227435 -0.2765154589987793 -0.7680275574336479 -0.8521238884506229 -0.3472105494494649 -0.6276434369327817 -0.31906665470751927 -0.012192436082180028 +6317,0.6043936073747396,0,1.0581784407907642 1.1460152526807779 1.1135117628183968 0.9879863805403354 1.002999897286282 0.8072050654962077 0.6124549887374262 0.41700840862444954 0.22972639560784916 0.09971243615831621 0.03625324166508603 -0.056613872227435 -0.2765154589987793 -0.7680275574336479 -0.8521238884506229 -0.3472105494494649 -0.6276434369327817 -0.31906665470751927 -0.012192436082180028 0.2969518674462326 +6318,0.637413025596042,0,1.1460152526807779 1.1135117628183968 0.9879863805403354 1.002999897286282 0.8072050654962077 0.6124549887374262 0.41700840862444954 0.22972639560784916 0.09971243615831621 0.03625324166508603 -0.056613872227435 -0.2765154589987793 -0.7680275574336479 -0.8521238884506229 -0.3472105494494649 -0.6276434369327817 -0.31906665470751927 -0.012192436082180028 0.2969518674462326 0.6043936073747396 +6319,1.036328872553903,0,1.1135117628183968 0.9879863805403354 1.002999897286282 0.8072050654962077 0.6124549887374262 0.41700840862444954 0.22972639560784916 0.09971243615831621 0.03625324166508603 -0.056613872227435 -0.2765154589987793 -0.7680275574336479 -0.8521238884506229 -0.3472105494494649 -0.6276434369327817 -0.31906665470751927 -0.012192436082180028 0.2969518674462326 0.6043936073747396 0.637413025596042 +6320,1.160822398114122,0,0.9879863805403354 1.002999897286282 0.8072050654962077 0.6124549887374262 0.41700840862444954 0.22972639560784916 0.09971243615831621 0.03625324166508603 -0.056613872227435 -0.2765154589987793 -0.7680275574336479 -0.8521238884506229 -0.3472105494494649 -0.6276434369327817 -0.31906665470751927 -0.012192436082180028 0.2969518674462326 0.6043936073747396 0.637413025596042 1.036328872553903 +6321,1.1491108231438594,0,1.002999897286282 0.8072050654962077 0.6124549887374262 0.41700840862444954 0.22972639560784916 0.09971243615831621 0.03625324166508603 -0.056613872227435 -0.2765154589987793 -0.7680275574336479 -0.8521238884506229 -0.3472105494494649 -0.6276434369327817 -0.31906665470751927 -0.012192436082180028 0.2969518674462326 0.6043936073747396 0.637413025596042 1.036328872553903 1.160822398114122 +6322,1.256217561166574,0,0.8072050654962077 0.6124549887374262 0.41700840862444954 0.22972639560784916 0.09971243615831621 0.03625324166508603 -0.056613872227435 -0.2765154589987793 -0.7680275574336479 -0.8521238884506229 -0.3472105494494649 -0.6276434369327817 -0.31906665470751927 -0.012192436082180028 0.2969518674462326 0.6043936073747396 0.637413025596042 1.036328872553903 1.160822398114122 1.1491108231438594 +6323,1.2271191988135843,0,0.6124549887374262 0.41700840862444954 0.22972639560784916 0.09971243615831621 0.03625324166508603 -0.056613872227435 -0.2765154589987793 -0.7680275574336479 -0.8521238884506229 -0.3472105494494649 -0.6276434369327817 -0.31906665470751927 -0.012192436082180028 0.2969518674462326 0.6043936073747396 0.637413025596042 1.036328872553903 1.160822398114122 1.1491108231438594 1.256217561166574 +6324,1.056862823343958,0,0.41700840862444954 0.22972639560784916 0.09971243615831621 0.03625324166508603 -0.056613872227435 -0.2765154589987793 -0.7680275574336479 -0.8521238884506229 -0.3472105494494649 -0.6276434369327817 -0.31906665470751927 -0.012192436082180028 0.2969518674462326 0.6043936073747396 0.637413025596042 1.036328872553903 1.160822398114122 1.1491108231438594 1.256217561166574 1.2271191988135843 +6325,1.0512907965103975,0,0.22972639560784916 0.09971243615831621 0.03625324166508603 -0.056613872227435 -0.2765154589987793 -0.7680275574336479 -0.8521238884506229 -0.3472105494494649 -0.6276434369327817 -0.31906665470751927 -0.012192436082180028 0.2969518674462326 0.6043936073747396 0.637413025596042 1.036328872553903 1.160822398114122 1.1491108231438594 1.256217561166574 1.2271191988135843 1.056862823343958 +6326,0.9045607565602091,0,0.09971243615831621 0.03625324166508603 -0.056613872227435 -0.2765154589987793 -0.7680275574336479 -0.8521238884506229 -0.3472105494494649 -0.6276434369327817 -0.31906665470751927 -0.012192436082180028 0.2969518674462326 0.6043936073747396 0.637413025596042 1.036328872553903 1.160822398114122 1.1491108231438594 1.256217561166574 1.2271191988135843 1.056862823343958 1.0512907965103975 +6327,0.7203743140066989,0,0.03625324166508603 -0.056613872227435 -0.2765154589987793 -0.7680275574336479 -0.8521238884506229 -0.3472105494494649 -0.6276434369327817 -0.31906665470751927 -0.012192436082180028 0.2969518674462326 0.6043936073747396 0.637413025596042 1.036328872553903 1.160822398114122 1.1491108231438594 1.256217561166574 1.2271191988135843 1.056862823343958 1.0512907965103975 0.9045607565602091 +6328,0.49284988497000526,0,-0.056613872227435 -0.2765154589987793 -0.7680275574336479 -0.8521238884506229 -0.3472105494494649 -0.6276434369327817 -0.31906665470751927 -0.012192436082180028 0.2969518674462326 0.6043936073747396 0.637413025596042 1.036328872553903 1.160822398114122 1.1491108231438594 1.256217561166574 1.2271191988135843 1.056862823343958 1.0512907965103975 0.9045607565602091 0.7203743140066989 +6329,0.2281786103763085,0,-0.2765154589987793 -0.7680275574336479 -0.8521238884506229 -0.3472105494494649 -0.6276434369327817 -0.31906665470751927 -0.012192436082180028 0.2969518674462326 0.6043936073747396 0.637413025596042 1.036328872553903 1.160822398114122 1.1491108231438594 1.256217561166574 1.2271191988135843 1.056862823343958 1.0512907965103975 0.9045607565602091 0.7203743140066989 0.49284988497000526 +6330,0.15852827495691552,0,-0.7680275574336479 -0.8521238884506229 -0.3472105494494649 -0.6276434369327817 -0.31906665470751927 -0.012192436082180028 0.2969518674462326 0.6043936073747396 0.637413025596042 1.036328872553903 1.160822398114122 1.1491108231438594 1.256217561166574 1.2271191988135843 1.056862823343958 1.0512907965103975 0.9045607565602091 0.7203743140066989 0.49284988497000526 0.2281786103763085 +6331,0.08887793953752253,0,-0.8521238884506229 -0.3472105494494649 -0.6276434369327817 -0.31906665470751927 -0.012192436082180028 0.2969518674462326 0.6043936073747396 0.637413025596042 1.036328872553903 1.160822398114122 1.1491108231438594 1.256217561166574 1.2271191988135843 1.056862823343958 1.0512907965103975 0.9045607565602091 0.7203743140066989 0.49284988497000526 0.2281786103763085 0.15852827495691552 +6332,-0.17424554982463358,0,-0.3472105494494649 -0.6276434369327817 -0.31906665470751927 -0.012192436082180028 0.2969518674462326 0.6043936073747396 0.637413025596042 1.036328872553903 1.160822398114122 1.1491108231438594 1.256217561166574 1.2271191988135843 1.056862823343958 1.0512907965103975 0.9045607565602091 0.7203743140066989 0.49284988497000526 0.2281786103763085 0.15852827495691552 0.08887793953752253 +6333,-0.22687024769707007,0,-0.6276434369327817 -0.31906665470751927 -0.012192436082180028 0.2969518674462326 0.6043936073747396 0.637413025596042 1.036328872553903 1.160822398114122 1.1491108231438594 1.256217561166574 1.2271191988135843 1.056862823343958 1.0512907965103975 0.9045607565602091 0.7203743140066989 0.49284988497000526 0.2281786103763085 0.15852827495691552 0.08887793953752253 -0.17424554982463358 +6334,-0.28878165695875074,0,-0.31906665470751927 -0.012192436082180028 0.2969518674462326 0.6043936073747396 0.637413025596042 1.036328872553903 1.160822398114122 1.1491108231438594 1.256217561166574 1.2271191988135843 1.056862823343958 1.0512907965103975 0.9045607565602091 0.7203743140066989 0.49284988497000526 0.2281786103763085 0.15852827495691552 0.08887793953752253 -0.17424554982463358 -0.22687024769707007 +6335,-0.41724783117675185,0,-0.012192436082180028 0.2969518674462326 0.6043936073747396 0.637413025596042 1.036328872553903 1.160822398114122 1.1491108231438594 1.256217561166574 1.2271191988135843 1.056862823343958 1.0512907965103975 0.9045607565602091 0.7203743140066989 0.49284988497000526 0.2281786103763085 0.15852827495691552 0.08887793953752253 -0.17424554982463358 -0.22687024769707007 -0.28878165695875074 +6336,-0.39712662316670516,0,0.2969518674462326 0.6043936073747396 0.637413025596042 1.036328872553903 1.160822398114122 1.1491108231438594 1.256217561166574 1.2271191988135843 1.056862823343958 1.0512907965103975 0.9045607565602091 0.7203743140066989 0.49284988497000526 0.2281786103763085 0.15852827495691552 0.08887793953752253 -0.17424554982463358 -0.22687024769707007 -0.28878165695875074 -0.41724783117675185 +6337,-0.46368138812300796,0,0.6043936073747396 0.637413025596042 1.036328872553903 1.160822398114122 1.1491108231438594 1.256217561166574 1.2271191988135843 1.056862823343958 1.0512907965103975 0.9045607565602091 0.7203743140066989 0.49284988497000526 0.2281786103763085 0.15852827495691552 0.08887793953752253 -0.17424554982463358 -0.22687024769707007 -0.28878165695875074 -0.41724783117675185 -0.39712662316670516 +6338,-0.03958823468047853,0,0.637413025596042 1.036328872553903 1.160822398114122 1.1491108231438594 1.256217561166574 1.2271191988135843 1.056862823343958 1.0512907965103975 0.9045607565602091 0.7203743140066989 0.49284988497000526 0.2281786103763085 0.15852827495691552 0.08887793953752253 -0.17424554982463358 -0.22687024769707007 -0.28878165695875074 -0.41724783117675185 -0.39712662316670516 -0.46368138812300796 +6339,0.19540425809840517,0,1.036328872553903 1.160822398114122 1.1491108231438594 1.256217561166574 1.2271191988135843 1.056862823343958 1.0512907965103975 0.9045607565602091 0.7203743140066989 0.49284988497000526 0.2281786103763085 0.15852827495691552 0.08887793953752253 -0.17424554982463358 -0.22687024769707007 -0.28878165695875074 -0.41724783117675185 -0.39712662316670516 -0.46368138812300796 -0.03958823468047853 +6340,0.29416585402946105,0,1.160822398114122 1.1491108231438594 1.256217561166574 1.2271191988135843 1.056862823343958 1.0512907965103975 0.9045607565602091 0.7203743140066989 0.49284988497000526 0.2281786103763085 0.15852827495691552 0.08887793953752253 -0.17424554982463358 -0.22687024769707007 -0.28878165695875074 -0.41724783117675185 -0.39712662316670516 -0.46368138812300796 -0.03958823468047853 0.19540425809840517 +6341,0.5972737953096471,0,1.1491108231438594 1.256217561166574 1.2271191988135843 1.056862823343958 1.0512907965103975 0.9045607565602091 0.7203743140066989 0.49284988497000526 0.2281786103763085 0.15852827495691552 0.08887793953752253 -0.17424554982463358 -0.22687024769707007 -0.28878165695875074 -0.41724783117675185 -0.39712662316670516 -0.46368138812300796 -0.03958823468047853 0.19540425809840517 0.29416585402946105 +6342,0.6249533544821323,0,1.256217561166574 1.2271191988135843 1.056862823343958 1.0512907965103975 0.9045607565602091 0.7203743140066989 0.49284988497000526 0.2281786103763085 0.15852827495691552 0.08887793953752253 -0.17424554982463358 -0.22687024769707007 -0.28878165695875074 -0.41724783117675185 -0.39712662316670516 -0.46368138812300796 -0.03958823468047853 0.19540425809840517 0.29416585402946105 0.5972737953096471 +6343,1.0198707563100966,0,1.2271191988135843 1.056862823343958 1.0512907965103975 0.9045607565602091 0.7203743140066989 0.49284988497000526 0.2281786103763085 0.15852827495691552 0.08887793953752253 -0.17424554982463358 -0.22687024769707007 -0.28878165695875074 -0.41724783117675185 -0.39712662316670516 -0.46368138812300796 -0.03958823468047853 0.19540425809840517 0.29416585402946105 0.5972737953096471 0.6249533544821323 +6344,1.1393597761851457,0,1.056862823343958 1.0512907965103975 0.9045607565602091 0.7203743140066989 0.49284988497000526 0.2281786103763085 0.15852827495691552 0.08887793953752253 -0.17424554982463358 -0.22687024769707007 -0.28878165695875074 -0.41724783117675185 -0.39712662316670516 -0.46368138812300796 -0.03958823468047853 0.19540425809840517 0.29416585402946105 0.5972737953096471 0.6249533544821323 1.0198707563100966 +6345,1.041261148210006,0,1.0512907965103975 0.9045607565602091 0.7203743140066989 0.49284988497000526 0.2281786103763085 0.15852827495691552 0.08887793953752253 -0.17424554982463358 -0.22687024769707007 -0.28878165695875074 -0.41724783117675185 -0.39712662316670516 -0.46368138812300796 -0.03958823468047853 0.19540425809840517 0.29416585402946105 0.5972737953096471 0.6249533544821323 1.0198707563100966 1.1393597761851457 +6346,1.1970147760600895,0,0.9045607565602091 0.7203743140066989 0.49284988497000526 0.2281786103763085 0.15852827495691552 0.08887793953752253 -0.17424554982463358 -0.22687024769707007 -0.28878165695875074 -0.41724783117675185 -0.39712662316670516 -0.46368138812300796 -0.03958823468047853 0.19540425809840517 0.29416585402946105 0.5972737953096471 0.6249533544821323 1.0198707563100966 1.1393597761851457 1.041261148210006 +6347,1.1351807560599843,0,0.7203743140066989 0.49284988497000526 0.2281786103763085 0.15852827495691552 0.08887793953752253 -0.17424554982463358 -0.22687024769707007 -0.28878165695875074 -0.41724783117675185 -0.39712662316670516 -0.46368138812300796 -0.03958823468047853 0.19540425809840517 0.29416585402946105 0.5972737953096471 0.6249533544821323 1.0198707563100966 1.1393597761851457 1.041261148210006 1.1970147760600895 +6348,1.2017355210162957,0,0.49284988497000526 0.2281786103763085 0.15852827495691552 0.08887793953752253 -0.17424554982463358 -0.22687024769707007 -0.28878165695875074 -0.41724783117675185 -0.39712662316670516 -0.46368138812300796 -0.03958823468047853 0.19540425809840517 0.29416585402946105 0.5972737953096471 0.6249533544821323 1.0198707563100966 1.1393597761851457 1.041261148210006 1.1970147760600895 1.1351807560599843 +6349,0.9602294321062662,0,0.2281786103763085 0.15852827495691552 0.08887793953752253 -0.17424554982463358 -0.22687024769707007 -0.28878165695875074 -0.41724783117675185 -0.39712662316670516 -0.46368138812300796 -0.03958823468047853 0.19540425809840517 0.29416585402946105 0.5972737953096471 0.6249533544821323 1.0198707563100966 1.1393597761851457 1.041261148210006 1.1970147760600895 1.1351807560599843 1.2017355210162957 +6350,0.7857424435672318,0,0.15852827495691552 0.08887793953752253 -0.17424554982463358 -0.22687024769707007 -0.28878165695875074 -0.41724783117675185 -0.39712662316670516 -0.46368138812300796 -0.03958823468047853 0.19540425809840517 0.29416585402946105 0.5972737953096471 0.6249533544821323 1.0198707563100966 1.1393597761851457 1.041261148210006 1.1970147760600895 1.1351807560599843 1.2017355210162957 0.9602294321062662 +6351,0.5093724923167224,0,0.08887793953752253 -0.17424554982463358 -0.22687024769707007 -0.28878165695875074 -0.41724783117675185 -0.39712662316670516 -0.46368138812300796 -0.03958823468047853 0.19540425809840517 0.29416585402946105 0.5972737953096471 0.6249533544821323 1.0198707563100966 1.1393597761851457 1.041261148210006 1.1970147760600895 1.1351807560599843 1.2017355210162957 0.9602294321062662 0.7857424435672318 +6352,0.30092451625879163,0,-0.17424554982463358 -0.22687024769707007 -0.28878165695875074 -0.41724783117675185 -0.39712662316670516 -0.46368138812300796 -0.03958823468047853 0.19540425809840517 0.29416585402946105 0.5972737953096471 0.6249533544821323 1.0198707563100966 1.1393597761851457 1.041261148210006 1.1970147760600895 1.1351807560599843 1.2017355210162957 0.9602294321062662 0.7857424435672318 0.5093724923167224 +6353,0.2250830399132271,0,-0.22687024769707007 -0.28878165695875074 -0.41724783117675185 -0.39712662316670516 -0.46368138812300796 -0.03958823468047853 0.19540425809840517 0.29416585402946105 0.5972737953096471 0.6249533544821323 1.0198707563100966 1.1393597761851457 1.041261148210006 1.1970147760600895 1.1351807560599843 1.2017355210162957 0.9602294321062662 0.7857424435672318 0.5093724923167224 0.30092451625879163 +6354,0.00994089272887658,0,-0.28878165695875074 -0.41724783117675185 -0.39712662316670516 -0.46368138812300796 -0.03958823468047853 0.19540425809840517 0.29416585402946105 0.5972737953096471 0.6249533544821323 1.0198707563100966 1.1393597761851457 1.041261148210006 1.1970147760600895 1.1351807560599843 1.2017355210162957 0.9602294321062662 0.7857424435672318 0.5093724923167224 0.30092451625879163 0.2250830399132271 +6355,-0.02101481190197256,0,-0.41724783117675185 -0.39712662316670516 -0.46368138812300796 -0.03958823468047853 0.19540425809840517 0.29416585402946105 0.5972737953096471 0.6249533544821323 1.0198707563100966 1.1393597761851457 1.041261148210006 1.1970147760600895 1.1351807560599843 1.2017355210162957 0.9602294321062662 0.7857424435672318 0.5093724923167224 0.30092451625879163 0.2250830399132271 0.00994089272887658 +6356,-0.32120775755955655,0,-0.39712662316670516 -0.46368138812300796 -0.03958823468047853 0.19540425809840517 0.29416585402946105 0.5972737953096471 0.6249533544821323 1.0198707563100966 1.1393597761851457 1.041261148210006 1.1970147760600895 1.1351807560599843 1.2017355210162957 0.9602294321062662 0.7857424435672318 0.5093724923167224 0.30092451625879163 0.2250830399132271 0.00994089272887658 -0.02101481190197256 +6357,-0.12935977810991817,0,-0.46368138812300796 -0.03958823468047853 0.19540425809840517 0.29416585402946105 0.5972737953096471 0.6249533544821323 1.0198707563100966 1.1393597761851457 1.041261148210006 1.1970147760600895 1.1351807560599843 1.2017355210162957 0.9602294321062662 0.7857424435672318 0.5093724923167224 0.30092451625879163 0.2250830399132271 0.00994089272887658 -0.02101481190197256 -0.32120775755955655 +6358,-0.18353226121388655,0,-0.03958823468047853 0.19540425809840517 0.29416585402946105 0.5972737953096471 0.6249533544821323 1.0198707563100966 1.1393597761851457 1.041261148210006 1.1970147760600895 1.1351807560599843 1.2017355210162957 0.9602294321062662 0.7857424435672318 0.5093724923167224 0.30092451625879163 0.2250830399132271 0.00994089272887658 -0.02101481190197256 -0.32120775755955655 -0.12935977810991817 +6359,-0.2113923953816455,0,0.19540425809840517 0.29416585402946105 0.5972737953096471 0.6249533544821323 1.0198707563100966 1.1393597761851457 1.041261148210006 1.1970147760600895 1.1351807560599843 1.2017355210162957 0.9602294321062662 0.7857424435672318 0.5093724923167224 0.30092451625879163 0.2250830399132271 0.00994089272887658 -0.02101481190197256 -0.32120775755955655 -0.12935977810991817 -0.18353226121388655 +6360,-0.25473038186482905,0,0.29416585402946105 0.5972737953096471 0.6249533544821323 1.0198707563100966 1.1393597761851457 1.041261148210006 1.1970147760600895 1.1351807560599843 1.2017355210162957 0.9602294321062662 0.7857424435672318 0.5093724923167224 0.30092451625879163 0.2250830399132271 0.00994089272887658 -0.02101481190197256 -0.32120775755955655 -0.12935977810991817 -0.18353226121388655 -0.2113923953816455 +6361,-0.34295414006272795,0,0.5972737953096471 0.6249533544821323 1.0198707563100966 1.1393597761851457 1.041261148210006 1.1970147760600895 1.1351807560599843 1.2017355210162957 0.9602294321062662 0.7857424435672318 0.5093724923167224 0.30092451625879163 0.2250830399132271 0.00994089272887658 -0.02101481190197256 -0.32120775755955655 -0.12935977810991817 -0.18353226121388655 -0.2113923953816455 -0.25473038186482905 +6362,-0.2222268920024392,0,0.6249533544821323 1.0198707563100966 1.1393597761851457 1.041261148210006 1.1970147760600895 1.1351807560599843 1.2017355210162957 0.9602294321062662 0.7857424435672318 0.5093724923167224 0.30092451625879163 0.2250830399132271 0.00994089272887658 -0.02101481190197256 -0.32120775755955655 -0.12935977810991817 -0.18353226121388655 -0.2113923953816455 -0.25473038186482905 -0.34295414006272795 +6363,0.023097067196981305,0,1.0198707563100966 1.1393597761851457 1.041261148210006 1.1970147760600895 1.1351807560599843 1.2017355210162957 0.9602294321062662 0.7857424435672318 0.5093724923167224 0.30092451625879163 0.2250830399132271 0.00994089272887658 -0.02101481190197256 -0.32120775755955655 -0.12935977810991817 -0.18353226121388655 -0.2113923953816455 -0.25473038186482905 -0.34295414006272795 -0.2222268920024392 +6364,0.2684210263964018,0,1.1393597761851457 1.041261148210006 1.1970147760600895 1.1351807560599843 1.2017355210162957 0.9602294321062662 0.7857424435672318 0.5093724923167224 0.30092451625879163 0.2250830399132271 0.00994089272887658 -0.02101481190197256 -0.32120775755955655 -0.12935977810991817 -0.18353226121388655 -0.2113923953816455 -0.25473038186482905 -0.34295414006272795 -0.2222268920024392 0.023097067196981305 +6365,0.44951189848683054,0,1.041261148210006 1.1970147760600895 1.1351807560599843 1.2017355210162957 0.9602294321062662 0.7857424435672318 0.5093724923167224 0.30092451625879163 0.2250830399132271 0.00994089272887658 -0.02101481190197256 -0.32120775755955655 -0.12935977810991817 -0.18353226121388655 -0.2113923953816455 -0.25473038186482905 -0.34295414006272795 -0.2222268920024392 0.023097067196981305 0.2684210263964018 +6366,0.6042904216410411,0,1.1970147760600895 1.1351807560599843 1.2017355210162957 0.9602294321062662 0.7857424435672318 0.5093724923167224 0.30092451625879163 0.2250830399132271 0.00994089272887658 -0.02101481190197256 -0.32120775755955655 -0.12935977810991817 -0.18353226121388655 -0.2113923953816455 -0.25473038186482905 -0.34295414006272795 -0.2222268920024392 0.023097067196981305 0.2684210263964018 0.44951189848683054 +6367,0.8809312353070726,0,1.1351807560599843 1.2017355210162957 0.9602294321062662 0.7857424435672318 0.5093724923167224 0.30092451625879163 0.2250830399132271 0.00994089272887658 -0.02101481190197256 -0.32120775755955655 -0.12935977810991817 -0.18353226121388655 -0.2113923953816455 -0.25473038186482905 -0.34295414006272795 -0.2222268920024392 0.023097067196981305 0.2684210263964018 0.44951189848683054 0.6042904216410411 +6368,0.974778613282761,0,1.2017355210162957 0.9602294321062662 0.7857424435672318 0.5093724923167224 0.30092451625879163 0.2250830399132271 0.00994089272887658 -0.02101481190197256 -0.32120775755955655 -0.12935977810991817 -0.18353226121388655 -0.2113923953816455 -0.25473038186482905 -0.34295414006272795 -0.2222268920024392 0.023097067196981305 0.2684210263964018 0.44951189848683054 0.6042904216410411 0.8809312353070726 +6369,1.0686259911036726,0,0.9602294321062662 0.7857424435672318 0.5093724923167224 0.30092451625879163 0.2250830399132271 0.00994089272887658 -0.02101481190197256 -0.32120775755955655 -0.12935977810991817 -0.18353226121388655 -0.2113923953816455 -0.25473038186482905 -0.34295414006272795 -0.2222268920024392 0.023097067196981305 0.2684210263964018 0.44951189848683054 0.6042904216410411 0.8809312353070726 0.974778613282761 +6370,1.1320851855969027,0,0.7857424435672318 0.5093724923167224 0.30092451625879163 0.2250830399132271 0.00994089272887658 -0.02101481190197256 -0.32120775755955655 -0.12935977810991817 -0.18353226121388655 -0.2113923953816455 -0.25473038186482905 -0.34295414006272795 -0.2222268920024392 0.023097067196981305 0.2684210263964018 0.44951189848683054 0.6042904216410411 0.8809312353070726 0.974778613282761 1.0686259911036726 +6371,1.0643695817169356,0,0.5093724923167224 0.30092451625879163 0.2250830399132271 0.00994089272887658 -0.02101481190197256 -0.32120775755955655 -0.12935977810991817 -0.18353226121388655 -0.2113923953816455 -0.25473038186482905 -0.34295414006272795 -0.2222268920024392 0.023097067196981305 0.2684210263964018 0.44951189848683054 0.6042904216410411 0.8809312353070726 0.974778613282761 1.0686259911036726 1.1320851855969027 +6372,0.9564115618168665,0,0.30092451625879163 0.2250830399132271 0.00994089272887658 -0.02101481190197256 -0.32120775755955655 -0.12935977810991817 -0.18353226121388655 -0.2113923953816455 -0.25473038186482905 -0.34295414006272795 -0.2222268920024392 0.023097067196981305 0.2684210263964018 0.44951189848683054 0.6042904216410411 0.8809312353070726 0.974778613282761 1.0686259911036726 1.1320851855969027 1.0643695817169356 +6373,0.8886959579368994,0,0.2250830399132271 0.00994089272887658 -0.02101481190197256 -0.32120775755955655 -0.12935977810991817 -0.18353226121388655 -0.2113923953816455 -0.25473038186482905 -0.34295414006272795 -0.2222268920024392 0.023097067196981305 0.2684210263964018 0.44951189848683054 0.6042904216410411 0.8809312353070726 0.974778613282761 1.0686259911036726 1.1320851855969027 1.0643695817169356 0.9564115618168665 +6374,0.780737938036839,0,0.00994089272887658 -0.02101481190197256 -0.32120775755955655 -0.12935977810991817 -0.18353226121388655 -0.2113923953816455 -0.25473038186482905 -0.34295414006272795 -0.2222268920024392 0.023097067196981305 0.2684210263964018 0.44951189848683054 0.6042904216410411 0.8809312353070726 0.974778613282761 1.0686259911036726 1.1320851855969027 1.0643695817169356 0.9564115618168665 0.8886959579368994 +6375,0.6104815625672126,0,-0.02101481190197256 -0.32120775755955655 -0.12935977810991817 -0.18353226121388655 -0.2113923953816455 -0.25473038186482905 -0.34295414006272795 -0.2222268920024392 0.023097067196981305 0.2684210263964018 0.44951189848683054 0.6042904216410411 0.8809312353070726 0.974778613282761 1.0686259911036726 1.1320851855969027 1.0643695817169356 0.9564115618168665 0.8886959579368994 0.780737938036839 +6376,0.1074513623160285,0,-0.32120775755955655 -0.12935977810991817 -0.18353226121388655 -0.2113923953816455 -0.25473038186482905 -0.34295414006272795 -0.2222268920024392 0.023097067196981305 0.2684210263964018 0.44951189848683054 0.6042904216410411 0.8809312353070726 0.974778613282761 1.0686259911036726 1.1320851855969027 1.0643695817169356 0.9564115618168665 0.8886959579368994 0.780737938036839 0.6104815625672126 +6377,0.08887793953752253,0,-0.12935977810991817 -0.18353226121388655 -0.2113923953816455 -0.25473038186482905 -0.34295414006272795 -0.2222268920024392 0.023097067196981305 0.2684210263964018 0.44951189848683054 0.6042904216410411 0.8809312353070726 0.974778613282761 1.0686259911036726 1.1320851855969027 1.0643695817169356 0.9564115618168665 0.8886959579368994 0.780737938036839 0.6104815625672126 0.1074513623160285 +6378,0.0261926376600627,0,-0.18353226121388655 -0.2113923953816455 -0.25473038186482905 -0.34295414006272795 -0.2222268920024392 0.023097067196981305 0.2684210263964018 0.44951189848683054 0.6042904216410411 0.8809312353070726 0.974778613282761 1.0686259911036726 1.1320851855969027 1.0643695817169356 0.9564115618168665 0.8886959579368994 0.780737938036839 0.6104815625672126 0.1074513623160285 0.08887793953752253 +6379,-0.03649266421738833,0,-0.2113923953816455 -0.25473038186482905 -0.34295414006272795 -0.2222268920024392 0.023097067196981305 0.2684210263964018 0.44951189848683054 0.6042904216410411 0.8809312353070726 0.974778613282761 1.0686259911036726 1.1320851855969027 1.0643695817169356 0.9564115618168665 0.8886959579368994 0.780737938036839 0.6104815625672126 0.1074513623160285 0.08887793953752253 0.0261926376600627 +6380,-0.12007306672066517,0,-0.25473038186482905 -0.34295414006272795 -0.2222268920024392 0.023097067196981305 0.2684210263964018 0.44951189848683054 0.6042904216410411 0.8809312353070726 0.974778613282761 1.0686259911036726 1.1320851855969027 1.0643695817169356 0.9564115618168665 0.8886959579368994 0.780737938036839 0.6104815625672126 0.1074513623160285 0.08887793953752253 0.0261926376600627 -0.03649266421738833 +6381,-0.14948098611996483,0,-0.34295414006272795 -0.2222268920024392 0.023097067196981305 0.2684210263964018 0.44951189848683054 0.6042904216410411 0.8809312353070726 0.974778613282761 1.0686259911036726 1.1320851855969027 1.0643695817169356 0.9564115618168665 0.8886959579368994 0.780737938036839 0.6104815625672126 0.1074513623160285 0.08887793953752253 0.0261926376600627 -0.03649266421738833 -0.12007306672066517 +6382,-0.02875373805967605,0,-0.2222268920024392 0.023097067196981305 0.2684210263964018 0.44951189848683054 0.6042904216410411 0.8809312353070726 0.974778613282761 1.0686259911036726 1.1320851855969027 1.0643695817169356 0.9564115618168665 0.8886959579368994 0.780737938036839 0.6104815625672126 0.1074513623160285 0.08887793953752253 0.0261926376600627 -0.03649266421738833 -0.12007306672066517 -0.14948098611996483 +6383,-0.10304742917369991,0,0.023097067196981305 0.2684210263964018 0.44951189848683054 0.6042904216410411 0.8809312353070726 0.974778613282761 1.0686259911036726 1.1320851855969027 1.0643695817169356 0.9564115618168665 0.8886959579368994 0.780737938036839 0.6104815625672126 0.1074513623160285 0.08887793953752253 0.0261926376600627 -0.03649266421738833 -0.12007306672066517 -0.14948098611996483 -0.02875373805967605 +6384,-0.18972340214005814,0,0.2684210263964018 0.44951189848683054 0.6042904216410411 0.8809312353070726 0.974778613282761 1.0686259911036726 1.1320851855969027 1.0643695817169356 0.9564115618168665 0.8886959579368994 0.780737938036839 0.6104815625672126 0.1074513623160285 0.08887793953752253 0.0261926376600627 -0.03649266421738833 -0.12007306672066517 -0.14948098611996483 -0.02875373805967605 -0.10304742917369991 +6385,-0.324380717284222,0,0.44951189848683054 0.6042904216410411 0.8809312353070726 0.974778613282761 1.0686259911036726 1.1320851855969027 1.0643695817169356 0.9564115618168665 0.8886959579368994 0.780737938036839 0.6104815625672126 0.1074513623160285 0.08887793953752253 0.0261926376600627 -0.03649266421738833 -0.12007306672066517 -0.14948098611996483 -0.02875373805967605 -0.10304742917369991 -0.18972340214005814 +6386,-0.15102877135150553,0,0.6042904216410411 0.8809312353070726 0.974778613282761 1.0686259911036726 1.1320851855969027 1.0643695817169356 0.9564115618168665 0.8886959579368994 0.780737938036839 0.6104815625672126 0.1074513623160285 0.08887793953752253 0.0261926376600627 -0.03649266421738833 -0.12007306672066517 -0.14948098611996483 -0.02875373805967605 -0.10304742917369991 -0.18972340214005814 -0.324380717284222 +6387,-0.10304742917369991,0,0.8809312353070726 0.974778613282761 1.0686259911036726 1.1320851855969027 1.0643695817169356 0.9564115618168665 0.8886959579368994 0.780737938036839 0.6104815625672126 0.1074513623160285 0.08887793953752253 0.0261926376600627 -0.03649266421738833 -0.12007306672066517 -0.14948098611996483 -0.02875373805967605 -0.10304742917369991 -0.18972340214005814 -0.324380717284222 -0.15102877135150553 +6388,0.13376371125223796,0,0.974778613282761 1.0686259911036726 1.1320851855969027 1.0643695817169356 0.9564115618168665 0.8886959579368994 0.780737938036839 0.6104815625672126 0.1074513623160285 0.08887793953752253 0.0261926376600627 -0.03649266421738833 -0.12007306672066517 -0.14948098611996483 -0.02875373805967605 -0.10304742917369991 -0.18972340214005814 -0.324380717284222 -0.15102877135150553 -0.10304742917369991 +6389,0.19877069097700883,0,1.0686259911036726 1.1320851855969027 1.0643695817169356 0.9564115618168665 0.8886959579368994 0.780737938036839 0.6104815625672126 0.1074513623160285 0.08887793953752253 0.0261926376600627 -0.03649266421738833 -0.12007306672066517 -0.14948098611996483 -0.02875373805967605 -0.10304742917369991 -0.18972340214005814 -0.324380717284222 -0.15102877135150553 -0.10304742917369991 0.13376371125223796 +6390,0.4866587440438425,0,1.1320851855969027 1.0643695817169356 0.9564115618168665 0.8886959579368994 0.780737938036839 0.6104815625672126 0.1074513623160285 0.08887793953752253 0.0261926376600627 -0.03649266421738833 -0.12007306672066517 -0.14948098611996483 -0.02875373805967605 -0.10304742917369991 -0.18972340214005814 -0.324380717284222 -0.15102877135150553 -0.10304742917369991 0.13376371125223796 0.19877069097700883 +6391,0.6321505558088,0,1.0643695817169356 0.9564115618168665 0.8886959579368994 0.780737938036839 0.6104815625672126 0.1074513623160285 0.08887793953752253 0.0261926376600627 -0.03649266421738833 -0.12007306672066517 -0.14948098611996483 -0.02875373805967605 -0.10304742917369991 -0.18972340214005814 -0.324380717284222 -0.15102877135150553 -0.10304742917369991 0.13376371125223796 0.19877069097700883 0.4866587440438425 +6392,0.7250176697013211,0,0.9564115618168665 0.8886959579368994 0.780737938036839 0.6104815625672126 0.1074513623160285 0.08887793953752253 0.0261926376600627 -0.03649266421738833 -0.12007306672066517 -0.14948098611996483 -0.02875373805967605 -0.10304742917369991 -0.18972340214005814 -0.324380717284222 -0.15102877135150553 -0.10304742917369991 0.13376371125223796 0.19877069097700883 0.4866587440438425 0.6321505558088 +6393,0.7668078709529639,0,0.8886959579368994 0.780737938036839 0.6104815625672126 0.1074513623160285 0.08887793953752253 0.0261926376600627 -0.03649266421738833 -0.12007306672066517 -0.14948098611996483 -0.02875373805967605 -0.10304742917369991 -0.18972340214005814 -0.324380717284222 -0.15102877135150553 -0.10304742917369991 0.13376371125223796 0.19877069097700883 0.4866587440438425 0.6321505558088 0.7250176697013211 +6394,0.8596749848454849,0,0.780737938036839 0.6104815625672126 0.1074513623160285 0.08887793953752253 0.0261926376600627 -0.03649266421738833 -0.12007306672066517 -0.14948098611996483 -0.02875373805967605 -0.10304742917369991 -0.18972340214005814 -0.324380717284222 -0.15102877135150553 -0.10304742917369991 0.13376371125223796 0.19877069097700883 0.4866587440438425 0.6321505558088 0.7250176697013211 0.7668078709529639 +6395,0.7776423675737576,0,0.6104815625672126 0.1074513623160285 0.08887793953752253 0.0261926376600627 -0.03649266421738833 -0.12007306672066517 -0.14948098611996483 -0.02875373805967605 -0.10304742917369991 -0.18972340214005814 -0.324380717284222 -0.15102877135150553 -0.10304742917369991 0.13376371125223796 0.19877069097700883 0.4866587440438425 0.6321505558088 0.7250176697013211 0.7668078709529639 0.8596749848454849 +6396,0.69251417983894,0,0.1074513623160285 0.08887793953752253 0.0261926376600627 -0.03649266421738833 -0.12007306672066517 -0.14948098611996483 -0.02875373805967605 -0.10304742917369991 -0.18972340214005814 -0.324380717284222 -0.15102877135150553 -0.10304742917369991 0.13376371125223796 0.19877069097700883 0.4866587440438425 0.6321505558088 0.7250176697013211 0.7668078709529639 0.8596749848454849 0.7776423675737576 +6397,0.5532135090001541,0,0.08887793953752253 0.0261926376600627 -0.03649266421738833 -0.12007306672066517 -0.14948098611996483 -0.02875373805967605 -0.10304742917369991 -0.18972340214005814 -0.324380717284222 -0.15102877135150553 -0.10304742917369991 0.13376371125223796 0.19877069097700883 0.4866587440438425 0.6321505558088 0.7250176697013211 0.7668078709529639 0.8596749848454849 0.7776423675737576 0.69251417983894 +6398,0.20341404667163973,0,0.0261926376600627 -0.03649266421738833 -0.12007306672066517 -0.14948098611996483 -0.02875373805967605 -0.10304742917369991 -0.18972340214005814 -0.324380717284222 -0.15102877135150553 -0.10304742917369991 0.13376371125223796 0.19877069097700883 0.4866587440438425 0.6321505558088 0.7250176697013211 0.7668078709529639 0.8596749848454849 0.7776423675737576 0.69251417983894 0.5532135090001541 +6399,-0.03339709375430694,0,-0.03649266421738833 -0.12007306672066517 -0.14948098611996483 -0.02875373805967605 -0.10304742917369991 -0.18972340214005814 -0.324380717284222 -0.15102877135150553 -0.10304742917369991 0.13376371125223796 0.19877069097700883 0.4866587440438425 0.6321505558088 0.7250176697013211 0.7668078709529639 0.8596749848454849 0.7776423675737576 0.69251417983894 0.5532135090001541 0.20341404667163973 +6400,-0.15412434181458692,0,-0.12007306672066517 -0.14948098611996483 -0.02875373805967605 -0.10304742917369991 -0.18972340214005814 -0.324380717284222 -0.15102877135150553 -0.10304742917369991 0.13376371125223796 0.19877069097700883 0.4866587440438425 0.6321505558088 0.7250176697013211 0.7668078709529639 0.8596749848454849 0.7776423675737576 0.69251417983894 0.5532135090001541 0.20341404667163973 -0.03339709375430694 +6401,-0.08292622116365325,0,-0.14948098611996483 -0.02875373805967605 -0.10304742917369991 -0.18972340214005814 -0.324380717284222 -0.15102877135150553 -0.10304742917369991 0.13376371125223796 0.19877069097700883 0.4866587440438425 0.6321505558088 0.7250176697013211 0.7668078709529639 0.8596749848454849 0.7776423675737576 0.69251417983894 0.5532135090001541 0.20341404667163973 -0.03339709375430694 -0.15412434181458692 +6402,-0.19127118737159884,0,-0.02875373805967605 -0.10304742917369991 -0.18972340214005814 -0.324380717284222 -0.15102877135150553 -0.10304742917369991 0.13376371125223796 0.19877069097700883 0.4866587440438425 0.6321505558088 0.7250176697013211 0.7668078709529639 0.8596749848454849 0.7776423675737576 0.69251417983894 0.5532135090001541 0.20341404667163973 -0.03339709375430694 -0.15412434181458692 -0.08292622116365325 +6403,-0.14174205996225253,0,-0.10304742917369991 -0.18972340214005814 -0.324380717284222 -0.15102877135150553 -0.10304742917369991 0.13376371125223796 0.19877069097700883 0.4866587440438425 0.6321505558088 0.7250176697013211 0.7668078709529639 0.8596749848454849 0.7776423675737576 0.69251417983894 0.5532135090001541 0.20341404667163973 -0.03339709375430694 -0.15412434181458692 -0.08292622116365325 -0.19127118737159884 +6404,-0.18353226121388655,0,-0.18972340214005814 -0.324380717284222 -0.15102877135150553 -0.10304742917369991 0.13376371125223796 0.19877069097700883 0.4866587440438425 0.6321505558088 0.7250176697013211 0.7668078709529639 0.8596749848454849 0.7776423675737576 0.69251417983894 0.5532135090001541 0.20341404667163973 -0.03339709375430694 -0.15412434181458692 -0.08292622116365325 -0.19127118737159884 -0.14174205996225253 +6405,-0.18972340214005814,0,-0.324380717284222 -0.15102877135150553 -0.10304742917369991 0.13376371125223796 0.19877069097700883 0.4866587440438425 0.6321505558088 0.7250176697013211 0.7668078709529639 0.8596749848454849 0.7776423675737576 0.69251417983894 0.5532135090001541 0.20341404667163973 -0.03339709375430694 -0.15412434181458692 -0.08292622116365325 -0.19127118737159884 -0.14174205996225253 -0.18353226121388655 +6406,-0.10304742917369991,0,-0.15102877135150553 -0.10304742917369991 0.13376371125223796 0.19877069097700883 0.4866587440438425 0.6321505558088 0.7250176697013211 0.7668078709529639 0.8596749848454849 0.7776423675737576 0.69251417983894 0.5532135090001541 0.20341404667163973 -0.03339709375430694 -0.15412434181458692 -0.08292622116365325 -0.19127118737159884 -0.14174205996225253 -0.18353226121388655 -0.18972340214005814 +6407,-0.10149964394215921,0,-0.10304742917369991 0.13376371125223796 0.19877069097700883 0.4866587440438425 0.6321505558088 0.7250176697013211 0.7668078709529639 0.8596749848454849 0.7776423675737576 0.69251417983894 0.5532135090001541 0.20341404667163973 -0.03339709375430694 -0.15412434181458692 -0.08292622116365325 -0.19127118737159884 -0.14174205996225253 -0.18353226121388655 -0.18972340214005814 -0.10304742917369991 +6408,-0.19591454306622974,0,0.13376371125223796 0.19877069097700883 0.4866587440438425 0.6321505558088 0.7250176697013211 0.7668078709529639 0.8596749848454849 0.7776423675737576 0.69251417983894 0.5532135090001541 0.20341404667163973 -0.03339709375430694 -0.15412434181458692 -0.08292622116365325 -0.19127118737159884 -0.14174205996225253 -0.18353226121388655 -0.18972340214005814 -0.10304742917369991 -0.10149964394215921 +6409,-0.13400313380454026,0,0.19877069097700883 0.4866587440438425 0.6321505558088 0.7250176697013211 0.7668078709529639 0.8596749848454849 0.7776423675737576 0.69251417983894 0.5532135090001541 0.20341404667163973 -0.03339709375430694 -0.15412434181458692 -0.08292622116365325 -0.19127118737159884 -0.14174205996225253 -0.18353226121388655 -0.18972340214005814 -0.10304742917369991 -0.10149964394215921 -0.19591454306622974 +6410,-0.07518729500594096,0,0.4866587440438425 0.6321505558088 0.7250176697013211 0.7668078709529639 0.8596749848454849 0.7776423675737576 0.69251417983894 0.5532135090001541 0.20341404667163973 -0.03339709375430694 -0.15412434181458692 -0.08292622116365325 -0.19127118737159884 -0.14174205996225253 -0.18353226121388655 -0.18972340214005814 -0.10304742917369991 -0.10149964394215921 -0.19591454306622974 -0.13400313380454026 +6411,-0.007084744818088688,0,0.6321505558088 0.7250176697013211 0.7668078709529639 0.8596749848454849 0.7776423675737576 0.69251417983894 0.5532135090001541 0.20341404667163973 -0.03339709375430694 -0.15412434181458692 -0.08292622116365325 -0.19127118737159884 -0.14174205996225253 -0.18353226121388655 -0.18972340214005814 -0.10304742917369991 -0.10149964394215921 -0.19591454306622974 -0.13400313380454026 -0.07518729500594096 +6412,0.030062100738923243,0,0.7250176697013211 0.7668078709529639 0.8596749848454849 0.7776423675737576 0.69251417983894 0.5532135090001541 0.20341404667163973 -0.03339709375430694 -0.15412434181458692 -0.08292622116365325 -0.19127118737159884 -0.14174205996225253 -0.18353226121388655 -0.18972340214005814 -0.10304742917369991 -0.10149964394215921 -0.19591454306622974 -0.13400313380454026 -0.07518729500594096 -0.007084744818088688 +6413,0.1074513623160285,0,0.7668078709529639 0.8596749848454849 0.7776423675737576 0.69251417983894 0.5532135090001541 0.20341404667163973 -0.03339709375430694 -0.15412434181458692 -0.08292622116365325 -0.19127118737159884 -0.14174205996225253 -0.18353226121388655 -0.18972340214005814 -0.10304742917369991 -0.10149964394215921 -0.19591454306622974 -0.13400313380454026 -0.07518729500594096 -0.007084744818088688 0.030062100738923243 +6414,0.36283592552047234,0,0.8596749848454849 0.7776423675737576 0.69251417983894 0.5532135090001541 0.20341404667163973 -0.03339709375430694 -0.15412434181458692 -0.08292622116365325 -0.19127118737159884 -0.14174205996225253 -0.18353226121388655 -0.18972340214005814 -0.10304742917369991 -0.10149964394215921 -0.19591454306622974 -0.13400313380454026 -0.07518729500594096 -0.007084744818088688 0.030062100738923243 0.1074513623160285 +6415,0.3906960596882313,0,0.7776423675737576 0.69251417983894 0.5532135090001541 0.20341404667163973 -0.03339709375430694 -0.15412434181458692 -0.08292622116365325 -0.19127118737159884 -0.14174205996225253 -0.18353226121388655 -0.18972340214005814 -0.10304742917369991 -0.10149964394215921 -0.19591454306622974 -0.13400313380454026 -0.07518729500594096 -0.007084744818088688 0.030062100738923243 0.1074513623160285 0.36283592552047234 +6416,0.5377356566847294,0,0.69251417983894 0.5532135090001541 0.20341404667163973 -0.03339709375430694 -0.15412434181458692 -0.08292622116365325 -0.19127118737159884 -0.14174205996225253 -0.18353226121388655 -0.18972340214005814 -0.10304742917369991 -0.10149964394215921 -0.19591454306622974 -0.13400313380454026 -0.07518729500594096 -0.007084744818088688 0.030062100738923243 0.1074513623160285 0.36283592552047234 0.3906960596882313 +6417,0.5841692136309944,0,0.5532135090001541 0.20341404667163973 -0.03339709375430694 -0.15412434181458692 -0.08292622116365325 -0.19127118737159884 -0.14174205996225253 -0.18353226121388655 -0.18972340214005814 -0.10304742917369991 -0.10149964394215921 -0.19591454306622974 -0.13400313380454026 -0.07518729500594096 -0.007084744818088688 0.030062100738923243 0.1074513623160285 0.36283592552047234 0.3906960596882313 0.5377356566847294 +6418,0.7575211595637109,0,0.20341404667163973 -0.03339709375430694 -0.15412434181458692 -0.08292622116365325 -0.19127118737159884 -0.14174205996225253 -0.18353226121388655 -0.18972340214005814 -0.10304742917369991 -0.10149964394215921 -0.19591454306622974 -0.13400313380454026 -0.07518729500594096 -0.007084744818088688 0.030062100738923243 0.1074513623160285 0.36283592552047234 0.3906960596882313 0.5377356566847294 0.5841692136309944 +6419,0.6940619650704807,0,-0.03339709375430694 -0.15412434181458692 -0.08292622116365325 -0.19127118737159884 -0.14174205996225253 -0.18353226121388655 -0.18972340214005814 -0.10304742917369991 -0.10149964394215921 -0.19591454306622974 -0.13400313380454026 -0.07518729500594096 -0.007084744818088688 0.030062100738923243 0.1074513623160285 0.36283592552047234 0.3906960596882313 0.5377356566847294 0.5841692136309944 0.7575211595637109 +6420,0.7296610253959519,0,-0.15412434181458692 -0.08292622116365325 -0.19127118737159884 -0.14174205996225253 -0.18353226121388655 -0.18972340214005814 -0.10304742917369991 -0.10149964394215921 -0.19591454306622974 -0.13400313380454026 -0.07518729500594096 -0.007084744818088688 0.030062100738923243 0.1074513623160285 0.36283592552047234 0.3906960596882313 0.5377356566847294 0.5841692136309944 0.7575211595637109 0.6940619650704807 +6421,0.6522717638188467,0,-0.08292622116365325 -0.19127118737159884 -0.14174205996225253 -0.18353226121388655 -0.18972340214005814 -0.10304742917369991 -0.10149964394215921 -0.19591454306622974 -0.13400313380454026 -0.07518729500594096 -0.007084744818088688 0.030062100738923243 0.1074513623160285 0.36283592552047234 0.3906960596882313 0.5377356566847294 0.5841692136309944 0.7575211595637109 0.6940619650704807 0.7296610253959519 +6422,0.5485701533055232,0,-0.19127118737159884 -0.14174205996225253 -0.18353226121388655 -0.18972340214005814 -0.10304742917369991 -0.10149964394215921 -0.19591454306622974 -0.13400313380454026 -0.07518729500594096 -0.007084744818088688 0.030062100738923243 0.1074513623160285 0.36283592552047234 0.3906960596882313 0.5377356566847294 0.5841692136309944 0.7575211595637109 0.6940619650704807 0.7296610253959519 0.6522717638188467 +6423,0.29628116056416076,0,-0.14174205996225253 -0.18353226121388655 -0.18972340214005814 -0.10304742917369991 -0.10149964394215921 -0.19591454306622974 -0.13400313380454026 -0.07518729500594096 -0.007084744818088688 0.030062100738923243 0.1074513623160285 0.36283592552047234 0.3906960596882313 0.5377356566847294 0.5841692136309944 0.7575211595637109 0.6940619650704807 0.7296610253959519 0.6522717638188467 0.5485701533055232 +6424,0.08733015430598183,0,-0.18353226121388655 -0.18972340214005814 -0.10304742917369991 -0.10149964394215921 -0.19591454306622974 -0.13400313380454026 -0.07518729500594096 -0.007084744818088688 0.030062100738923243 0.1074513623160285 0.36283592552047234 0.3906960596882313 0.5377356566847294 0.5841692136309944 0.7575211595637109 0.6940619650704807 0.7296610253959519 0.6522717638188467 0.5485701533055232 0.29628116056416076 +6425,0.028514315507373746,0,-0.18972340214005814 -0.10304742917369991 -0.10149964394215921 -0.19591454306622974 -0.13400313380454026 -0.07518729500594096 -0.007084744818088688 0.030062100738923243 0.1074513623160285 0.36283592552047234 0.3906960596882313 0.5377356566847294 0.5841692136309944 0.7575211595637109 0.6940619650704807 0.7296610253959519 0.6522717638188467 0.5485701533055232 0.29628116056416076 0.08733015430598183 +6426,-0.01637145620734167,0,-0.10304742917369991 -0.10149964394215921 -0.19591454306622974 -0.13400313380454026 -0.07518729500594096 -0.007084744818088688 0.030062100738923243 0.1074513623160285 0.36283592552047234 0.3906960596882313 0.5377356566847294 0.5841692136309944 0.7575211595637109 0.6940619650704807 0.7296610253959519 0.6522717638188467 0.5485701533055232 0.29628116056416076 0.08733015430598183 0.028514315507373746 +6427,-0.07363950977440026,0,-0.10149964394215921 -0.19591454306622974 -0.13400313380454026 -0.07518729500594096 -0.007084744818088688 0.030062100738923243 0.1074513623160285 0.36283592552047234 0.3906960596882313 0.5377356566847294 0.5841692136309944 0.7575211595637109 0.6940619650704807 0.7296610253959519 0.6522717638188467 0.5485701533055232 0.29628116056416076 0.08733015430598183 0.028514315507373746 -0.01637145620734167 +6428,-0.19281897260313954,0,-0.19591454306622974 -0.13400313380454026 -0.07518729500594096 -0.007084744818088688 0.030062100738923243 0.1074513623160285 0.36283592552047234 0.3906960596882313 0.5377356566847294 0.5841692136309944 0.7575211595637109 0.6940619650704807 0.7296610253959519 0.6522717638188467 0.5485701533055232 0.29628116056416076 0.08733015430598183 0.028514315507373746 -0.01637145620734167 -0.07363950977440026 +6429,-0.25627816709636975,0,-0.13400313380454026 -0.07518729500594096 -0.007084744818088688 0.030062100738923243 0.1074513623160285 0.36283592552047234 0.3906960596882313 0.5377356566847294 0.5841692136309944 0.7575211595637109 0.6940619650704807 0.7296610253959519 0.6522717638188467 0.5485701533055232 0.29628116056416076 0.08733015430598183 0.028514315507373746 -0.01637145620734167 -0.07363950977440026 -0.19281897260313954 +6430,-0.14019427473071183,0,-0.07518729500594096 -0.007084744818088688 0.030062100738923243 0.1074513623160285 0.36283592552047234 0.3906960596882313 0.5377356566847294 0.5841692136309944 0.7575211595637109 0.6940619650704807 0.7296610253959519 0.6522717638188467 0.5485701533055232 0.29628116056416076 0.08733015430598183 0.028514315507373746 -0.01637145620734167 -0.07363950977440026 -0.19281897260313954 -0.25627816709636975 +6431,-0.2655648784856227,0,-0.007084744818088688 0.030062100738923243 0.1074513623160285 0.36283592552047234 0.3906960596882313 0.5377356566847294 0.5841692136309944 0.7575211595637109 0.6940619650704807 0.7296610253959519 0.6522717638188467 0.5485701533055232 0.29628116056416076 0.08733015430598183 0.028514315507373746 -0.01637145620734167 -0.07363950977440026 -0.19281897260313954 -0.25627816709636975 -0.14019427473071183 +6432,-0.19746232829777044,0,0.030062100738923243 0.1074513623160285 0.36283592552047234 0.3906960596882313 0.5377356566847294 0.5841692136309944 0.7575211595637109 0.6940619650704807 0.7296610253959519 0.6522717638188467 0.5485701533055232 0.29628116056416076 0.08733015430598183 0.028514315507373746 -0.01637145620734167 -0.07363950977440026 -0.19281897260313954 -0.25627816709636975 -0.14019427473071183 -0.2655648784856227 +6433,-0.19281897260313954,0,0.1074513623160285 0.36283592552047234 0.3906960596882313 0.5377356566847294 0.5841692136309944 0.7575211595637109 0.6940619650704807 0.7296610253959519 0.6522717638188467 0.5485701533055232 0.29628116056416076 0.08733015430598183 0.028514315507373746 -0.01637145620734167 -0.07363950977440026 -0.19281897260313954 -0.25627816709636975 -0.14019427473071183 -0.2655648784856227 -0.19746232829777044 +6434,-0.14948098611996483,0,0.36283592552047234 0.3906960596882313 0.5377356566847294 0.5841692136309944 0.7575211595637109 0.6940619650704807 0.7296610253959519 0.6522717638188467 0.5485701533055232 0.29628116056416076 0.08733015430598183 0.028514315507373746 -0.01637145620734167 -0.07363950977440026 -0.19281897260313954 -0.25627816709636975 -0.14019427473071183 -0.2655648784856227 -0.19746232829777044 -0.19281897260313954 +6435,-0.06899615407977817,0,0.3906960596882313 0.5377356566847294 0.5841692136309944 0.7575211595637109 0.6940619650704807 0.7296610253959519 0.6522717638188467 0.5485701533055232 0.29628116056416076 0.08733015430598183 0.028514315507373746 -0.01637145620734167 -0.07363950977440026 -0.19281897260313954 -0.25627816709636975 -0.14019427473071183 -0.2655648784856227 -0.19746232829777044 -0.19281897260313954 -0.14948098611996483 +6436,0.07340008722209797,0,0.5377356566847294 0.5841692136309944 0.7575211595637109 0.6940619650704807 0.7296610253959519 0.6522717638188467 0.5485701533055232 0.29628116056416076 0.08733015430598183 0.028514315507373746 -0.01637145620734167 -0.07363950977440026 -0.19281897260313954 -0.25627816709636975 -0.14019427473071183 -0.2655648784856227 -0.19746232829777044 -0.19281897260313954 -0.14948098611996483 -0.06899615407977817 +6437,0.2777077377856548,0,0.5841692136309944 0.7575211595637109 0.6940619650704807 0.7296610253959519 0.6522717638188467 0.5485701533055232 0.29628116056416076 0.08733015430598183 0.028514315507373746 -0.01637145620734167 -0.07363950977440026 -0.19281897260313954 -0.25627816709636975 -0.14019427473071183 -0.2655648784856227 -0.19746232829777044 -0.19281897260313954 -0.14948098611996483 -0.06899615407977817 0.07340008722209797 +6438,0.49130209973846456,0,0.7575211595637109 0.6940619650704807 0.7296610253959519 0.6522717638188467 0.5485701533055232 0.29628116056416076 0.08733015430598183 0.028514315507373746 -0.01637145620734167 -0.07363950977440026 -0.19281897260313954 -0.25627816709636975 -0.14019427473071183 -0.2655648784856227 -0.19746232829777044 -0.19281897260313954 -0.14948098611996483 -0.06899615407977817 0.07340008722209797 0.2777077377856548 +6439,0.613577133030294,0,0.6940619650704807 0.7296610253959519 0.6522717638188467 0.5485701533055232 0.29628116056416076 0.08733015430598183 0.028514315507373746 -0.01637145620734167 -0.07363950977440026 -0.19281897260313954 -0.25627816709636975 -0.14019427473071183 -0.2655648784856227 -0.19746232829777044 -0.19281897260313954 -0.14948098611996483 -0.06899615407977817 0.07340008722209797 0.2777077377856548 0.49130209973846456 +6440,0.6754885422919747,0,0.7296610253959519 0.6522717638188467 0.5485701533055232 0.29628116056416076 0.08733015430598183 0.028514315507373746 -0.01637145620734167 -0.07363950977440026 -0.19281897260313954 -0.25627816709636975 -0.14019427473071183 -0.2655648784856227 -0.19746232829777044 -0.19281897260313954 -0.14948098611996483 -0.06899615407977817 0.07340008722209797 0.2777077377856548 0.49130209973846456 0.613577133030294 +6441,0.7946680051207228,0,0.6522717638188467 0.5485701533055232 0.29628116056416076 0.08733015430598183 0.028514315507373746 -0.01637145620734167 -0.07363950977440026 -0.19281897260313954 -0.25627816709636975 -0.14019427473071183 -0.2655648784856227 -0.19746232829777044 -0.19281897260313954 -0.14948098611996483 -0.06899615407977817 0.07340008722209797 0.2777077377856548 0.49130209973846456 0.613577133030294 0.6754885422919747 +6442,0.8890829042447845,0,0.5485701533055232 0.29628116056416076 0.08733015430598183 0.028514315507373746 -0.01637145620734167 -0.07363950977440026 -0.19281897260313954 -0.25627816709636975 -0.14019427473071183 -0.2655648784856227 -0.19746232829777044 -0.19281897260313954 -0.14948098611996483 -0.06899615407977817 0.07340008722209797 0.2777077377856548 0.49130209973846456 0.613577133030294 0.6754885422919747 0.7946680051207228 +6443,0.899917400865587,0,0.29628116056416076 0.08733015430598183 0.028514315507373746 -0.01637145620734167 -0.07363950977440026 -0.19281897260313954 -0.25627816709636975 -0.14019427473071183 -0.2655648784856227 -0.19746232829777044 -0.19281897260313954 -0.14948098611996483 -0.06899615407977817 0.07340008722209797 0.2777077377856548 0.49130209973846456 0.613577133030294 0.6754885422919747 0.7946680051207228 0.8890829042447845 +6444,1.025288004620498,0,0.08733015430598183 0.028514315507373746 -0.01637145620734167 -0.07363950977440026 -0.19281897260313954 -0.25627816709636975 -0.14019427473071183 -0.2655648784856227 -0.19746232829777044 -0.19281897260313954 -0.14948098611996483 -0.06899615407977817 0.07340008722209797 0.2777077377856548 0.49130209973846456 0.613577133030294 0.6754885422919747 0.7946680051207228 0.8890829042447845 0.899917400865587 +6445,1.0237402193889484,0,0.028514315507373746 -0.01637145620734167 -0.07363950977440026 -0.19281897260313954 -0.25627816709636975 -0.14019427473071183 -0.2655648784856227 -0.19746232829777044 -0.19281897260313954 -0.14948098611996483 -0.06899615407977817 0.07340008722209797 0.2777077377856548 0.49130209973846456 0.613577133030294 0.6754885422919747 0.7946680051207228 0.8890829042447845 0.899917400865587 1.025288004620498 +6446,0.7931202198891821,0,-0.01637145620734167 -0.07363950977440026 -0.19281897260313954 -0.25627816709636975 -0.14019427473071183 -0.2655648784856227 -0.19746232829777044 -0.19281897260313954 -0.14948098611996483 -0.06899615407977817 0.07340008722209797 0.2777077377856548 0.49130209973846456 0.613577133030294 0.6754885422919747 0.7946680051207228 0.8890829042447845 0.899917400865587 1.025288004620498 1.0237402193889484 +6447,0.5315445157585579,0,-0.07363950977440026 -0.19281897260313954 -0.25627816709636975 -0.14019427473071183 -0.2655648784856227 -0.19746232829777044 -0.19281897260313954 -0.14948098611996483 -0.06899615407977817 0.07340008722209797 0.2777077377856548 0.49130209973846456 0.613577133030294 0.6754885422919747 0.7946680051207228 0.8890829042447845 0.899917400865587 1.025288004620498 1.0237402193889484 0.7931202198891821 +6448,0.5361878714531888,0,-0.19281897260313954 -0.25627816709636975 -0.14019427473071183 -0.2655648784856227 -0.19746232829777044 -0.19281897260313954 -0.14948098611996483 -0.06899615407977817 0.07340008722209797 0.2777077377856548 0.49130209973846456 0.613577133030294 0.6754885422919747 0.7946680051207228 0.8890829042447845 0.899917400865587 1.025288004620498 1.0237402193889484 0.7931202198891821 0.5315445157585579 +6449,0.4278429052452432,0,-0.25627816709636975 -0.14019427473071183 -0.2655648784856227 -0.19746232829777044 -0.19281897260313954 -0.14948098611996483 -0.06899615407977817 0.07340008722209797 0.2777077377856548 0.49130209973846456 0.613577133030294 0.6754885422919747 0.7946680051207228 0.8890829042447845 0.899917400865587 1.025288004620498 1.0237402193889484 0.7931202198891821 0.5315445157585579 0.5361878714531888 +6450,0.23127418083938986,0,-0.14019427473071183 -0.2655648784856227 -0.19746232829777044 -0.19281897260313954 -0.14948098611996483 -0.06899615407977817 0.07340008722209797 0.2777077377856548 0.49130209973846456 0.613577133030294 0.6754885422919747 0.7946680051207228 0.8890829042447845 0.899917400865587 1.025288004620498 1.0237402193889484 0.7931202198891821 0.5315445157585579 0.5361878714531888 0.4278429052452432 +6451,0.15543270449383412,0,-0.2655648784856227 -0.19746232829777044 -0.19281897260313954 -0.14948098611996483 -0.06899615407977817 0.07340008722209797 0.2777077377856548 0.49130209973846456 0.613577133030294 0.6754885422919747 0.7946680051207228 0.8890829042447845 0.899917400865587 1.025288004620498 1.0237402193889484 0.7931202198891821 0.5315445157585579 0.5361878714531888 0.4278429052452432 0.23127418083938986 +6452,0.06101780536976358,0,-0.19746232829777044 -0.19281897260313954 -0.14948098611996483 -0.06899615407977817 0.07340008722209797 0.2777077377856548 0.49130209973846456 0.613577133030294 0.6754885422919747 0.7946680051207228 0.8890829042447845 0.899917400865587 1.025288004620498 1.0237402193889484 0.7931202198891821 0.5315445157585579 0.5361878714531888 0.4278429052452432 0.23127418083938986 0.15543270449383412 +6453,-0.06899615407977817,0,-0.19281897260313954 -0.14948098611996483 -0.06899615407977817 0.07340008722209797 0.2777077377856548 0.49130209973846456 0.613577133030294 0.6754885422919747 0.7946680051207228 0.8890829042447845 0.899917400865587 1.025288004620498 1.0237402193889484 0.7931202198891821 0.5315445157585579 0.5361878714531888 0.4278429052452432 0.23127418083938986 0.15543270449383412 0.06101780536976358 +6454,-0.06899615407977817,0,-0.14948098611996483 -0.06899615407977817 0.07340008722209797 0.2777077377856548 0.49130209973846456 0.613577133030294 0.6754885422919747 0.7946680051207228 0.8890829042447845 0.899917400865587 1.025288004620498 1.0237402193889484 0.7931202198891821 0.5315445157585579 0.5361878714531888 0.4278429052452432 0.23127418083938986 0.15543270449383412 0.06101780536976358 -0.06899615407977817 +6455,-0.14638541565688343,0,-0.06899615407977817 0.07340008722209797 0.2777077377856548 0.49130209973846456 0.613577133030294 0.6754885422919747 0.7946680051207228 0.8890829042447845 0.899917400865587 1.025288004620498 1.0237402193889484 0.7931202198891821 0.5315445157585579 0.5361878714531888 0.4278429052452432 0.23127418083938986 0.15543270449383412 0.06101780536976358 -0.06899615407977817 -0.06899615407977817 +6456,-0.056613872227435,0,0.07340008722209797 0.2777077377856548 0.49130209973846456 0.613577133030294 0.6754885422919747 0.7946680051207228 0.8890829042447845 0.899917400865587 1.025288004620498 1.0237402193889484 0.7931202198891821 0.5315445157585579 0.5361878714531888 0.4278429052452432 0.23127418083938986 0.15543270449383412 0.06101780536976358 -0.06899615407977817 -0.06899615407977817 -0.14638541565688343 +6457,-0.07054393931131887,0,0.2777077377856548 0.49130209973846456 0.613577133030294 0.6754885422919747 0.7946680051207228 0.8890829042447845 0.899917400865587 1.025288004620498 1.0237402193889484 0.7931202198891821 0.5315445157585579 0.5361878714531888 0.4278429052452432 0.23127418083938986 0.15543270449383412 0.06101780536976358 -0.06899615407977817 -0.06899615407977817 -0.14638541565688343 -0.056613872227435 +6458,0.15388491926228462,0,0.49130209973846456 0.613577133030294 0.6754885422919747 0.7946680051207228 0.8890829042447845 0.899917400865587 1.025288004620498 1.0237402193889484 0.7931202198891821 0.5315445157585579 0.5361878714531888 0.4278429052452432 0.23127418083938986 0.15543270449383412 0.06101780536976358 -0.06899615407977817 -0.06899615407977817 -0.14638541565688343 -0.056613872227435 -0.07054393931131887 +6459,0.4061739120036558,0,0.613577133030294 0.6754885422919747 0.7946680051207228 0.8890829042447845 0.899917400865587 1.025288004620498 1.0237402193889484 0.7931202198891821 0.5315445157585579 0.5361878714531888 0.4278429052452432 0.23127418083938986 0.15543270449383412 0.06101780536976358 -0.06899615407977817 -0.06899615407977817 -0.14638541565688343 -0.056613872227435 -0.07054393931131887 0.15388491926228462 +6460,0.8395537768354382,0,0.6754885422919747 0.7946680051207228 0.8890829042447845 0.899917400865587 1.025288004620498 1.0237402193889484 0.7931202198891821 0.5315445157585579 0.5361878714531888 0.4278429052452432 0.23127418083938986 0.15543270449383412 0.06101780536976358 -0.06899615407977817 -0.06899615407977817 -0.14638541565688343 -0.056613872227435 -0.07054393931131887 0.15388491926228462 0.4061739120036558 +6461,1.0570176018671087,0,0.7946680051207228 0.8890829042447845 0.899917400865587 1.025288004620498 1.0237402193889484 0.7931202198891821 0.5315445157585579 0.5361878714531888 0.4278429052452432 0.23127418083938986 0.15543270449383412 0.06101780536976358 -0.06899615407977817 -0.06899615407977817 -0.14638541565688343 -0.056613872227435 -0.07054393931131887 0.15388491926228462 0.4061739120036558 0.8395537768354382 +6462,1.27448142689877,0,0.8890829042447845 0.899917400865587 1.025288004620498 1.0237402193889484 0.7931202198891821 0.5315445157585579 0.5361878714531888 0.4278429052452432 0.23127418083938986 0.15543270449383412 0.06101780536976358 -0.06899615407977817 -0.06899615407977817 -0.14638541565688343 -0.056613872227435 -0.07054393931131887 0.15388491926228462 0.4061739120036558 0.8395537768354382 1.0570176018671087 +6463,1.4292599500529806,0,0.899917400865587 1.025288004620498 1.0237402193889484 0.7931202198891821 0.5315445157585579 0.5361878714531888 0.4278429052452432 0.23127418083938986 0.15543270449383412 0.06101780536976358 -0.06899615407977817 -0.06899615407977817 -0.14638541565688343 -0.056613872227435 -0.07054393931131887 0.15388491926228462 0.4061739120036558 0.8395537768354382 1.0570176018671087 1.27448142689877 +6464,1.5530827685763509,0,1.025288004620498 1.0237402193889484 0.7931202198891821 0.5315445157585579 0.5361878714531888 0.4278429052452432 0.23127418083938986 0.15543270449383412 0.06101780536976358 -0.06899615407977817 -0.06899615407977817 -0.14638541565688343 -0.056613872227435 -0.07054393931131887 0.15388491926228462 0.4061739120036558 0.8395537768354382 1.0570176018671087 1.27448142689877 1.4292599500529806 +6465,1.523674849177051,0,1.0237402193889484 0.7931202198891821 0.5315445157585579 0.5361878714531888 0.4278429052452432 0.23127418083938986 0.15543270449383412 0.06101780536976358 -0.06899615407977817 -0.06899615407977817 -0.14638541565688343 -0.056613872227435 -0.07054393931131887 0.15388491926228462 0.4061739120036558 0.8395537768354382 1.0570176018671087 1.27448142689877 1.4292599500529806 1.5530827685763509 +6466,1.5592739095025223,0,0.7931202198891821 0.5315445157585579 0.5361878714531888 0.4278429052452432 0.23127418083938986 0.15543270449383412 0.06101780536976358 -0.06899615407977817 -0.06899615407977817 -0.14638541565688343 -0.056613872227435 -0.07054393931131887 0.15388491926228462 0.4061739120036558 0.8395537768354382 1.0570176018671087 1.27448142689877 1.4292599500529806 1.5530827685763509 1.523674849177051 +6467,1.6382109563111684,0,0.5315445157585579 0.5361878714531888 0.4278429052452432 0.23127418083938986 0.15543270449383412 0.06101780536976358 -0.06899615407977817 -0.06899615407977817 -0.14638541565688343 -0.056613872227435 -0.07054393931131887 0.15388491926228462 0.4061739120036558 0.8395537768354382 1.0570176018671087 1.27448142689877 1.4292599500529806 1.5530827685763509 1.523674849177051 1.5592739095025223 +6468,1.8812132376632777,0,0.5361878714531888 0.4278429052452432 0.23127418083938986 0.15543270449383412 0.06101780536976358 -0.06899615407977817 -0.06899615407977817 -0.14638541565688343 -0.056613872227435 -0.07054393931131887 0.15388491926228462 0.4061739120036558 0.8395537768354382 1.0570176018671087 1.27448142689877 1.4292599500529806 1.5530827685763509 1.523674849177051 1.5592739095025223 1.6382109563111684 +6469,1.8997866604417837,0,0.4278429052452432 0.23127418083938986 0.15543270449383412 0.06101780536976358 -0.06899615407977817 -0.06899615407977817 -0.14638541565688343 -0.056613872227435 -0.07054393931131887 0.15388491926228462 0.4061739120036558 0.8395537768354382 1.0570176018671087 1.27448142689877 1.4292599500529806 1.5530827685763509 1.523674849177051 1.5592739095025223 1.6382109563111684 1.8812132376632777 +6470,1.6629755200158371,0,0.23127418083938986 0.15543270449383412 0.06101780536976358 -0.06899615407977817 -0.06899615407977817 -0.14638541565688343 -0.056613872227435 -0.07054393931131887 0.15388491926228462 0.4061739120036558 0.8395537768354382 1.0570176018671087 1.27448142689877 1.4292599500529806 1.5530827685763509 1.523674849177051 1.5592739095025223 1.6382109563111684 1.8812132376632777 1.8997866604417837 +6471,1.2017355210162957,0,0.15543270449383412 0.06101780536976358 -0.06899615407977817 -0.06899615407977817 -0.14638541565688343 -0.056613872227435 -0.07054393931131887 0.15388491926228462 0.4061739120036558 0.8395537768354382 1.0570176018671087 1.27448142689877 1.4292599500529806 1.5530827685763509 1.523674849177051 1.5592739095025223 1.6382109563111684 1.8812132376632777 1.8997866604417837 1.6629755200158371 +6472,1.0454092126305445,0,0.06101780536976358 -0.06899615407977817 -0.06899615407977817 -0.14638541565688343 -0.056613872227435 -0.07054393931131887 0.15388491926228462 0.4061739120036558 0.8395537768354382 1.0570176018671087 1.27448142689877 1.4292599500529806 1.5530827685763509 1.523674849177051 1.5592739095025223 1.6382109563111684 1.8812132376632777 1.8997866604417837 1.6629755200158371 1.2017355210162957 +6473,0.9076563270232905,0,-0.06899615407977817 -0.06899615407977817 -0.14638541565688343 -0.056613872227435 -0.07054393931131887 0.15388491926228462 0.4061739120036558 0.8395537768354382 1.0570176018671087 1.27448142689877 1.4292599500529806 1.5530827685763509 1.523674849177051 1.5592739095025223 1.6382109563111684 1.8812132376632777 1.8997866604417837 1.6629755200158371 1.2017355210162957 1.0454092126305445 +6474,0.6182204887249162,0,-0.06899615407977817 -0.14638541565688343 -0.056613872227435 -0.07054393931131887 0.15388491926228462 0.4061739120036558 0.8395537768354382 1.0570176018671087 1.27448142689877 1.4292599500529806 1.5530827685763509 1.523674849177051 1.5592739095025223 1.6382109563111684 1.8812132376632777 1.8997866604417837 1.6629755200158371 1.2017355210162957 1.0454092126305445 0.9076563270232905 +6475,0.3953394153828534,0,-0.14638541565688343 -0.056613872227435 -0.07054393931131887 0.15388491926228462 0.4061739120036558 0.8395537768354382 1.0570176018671087 1.27448142689877 1.4292599500529806 1.5530827685763509 1.523674849177051 1.5592739095025223 1.6382109563111684 1.8812132376632777 1.8997866604417837 1.6629755200158371 1.2017355210162957 1.0454092126305445 0.9076563270232905 0.6182204887249162 +6476,0.24365646269173305,0,-0.056613872227435 -0.07054393931131887 0.15388491926228462 0.4061739120036558 0.8395537768354382 1.0570176018671087 1.27448142689877 1.4292599500529806 1.5530827685763509 1.523674849177051 1.5592739095025223 1.6382109563111684 1.8812132376632777 1.8997866604417837 1.6629755200158371 1.2017355210162957 1.0454092126305445 0.9076563270232905 0.6182204887249162 0.3953394153828534 +6477,0.25139538884944534,0,-0.07054393931131887 0.15388491926228462 0.4061739120036558 0.8395537768354382 1.0570176018671087 1.27448142689877 1.4292599500529806 1.5530827685763509 1.523674849177051 1.5592739095025223 1.6382109563111684 1.8812132376632777 1.8997866604417837 1.6629755200158371 1.2017355210162957 1.0454092126305445 0.9076563270232905 0.6182204887249162 0.3953394153828534 0.24365646269173305 +6478,0.23127418083938986,0,0.15388491926228462 0.4061739120036558 0.8395537768354382 1.0570176018671087 1.27448142689877 1.4292599500529806 1.5530827685763509 1.523674849177051 1.5592739095025223 1.6382109563111684 1.8812132376632777 1.8997866604417837 1.6629755200158371 1.2017355210162957 1.0454092126305445 0.9076563270232905 0.6182204887249162 0.3953394153828534 0.24365646269173305 0.25139538884944534 +6479,0.17555391250388078,0,0.4061739120036558 0.8395537768354382 1.0570176018671087 1.27448142689877 1.4292599500529806 1.5530827685763509 1.523674849177051 1.5592739095025223 1.6382109563111684 1.8812132376632777 1.8997866604417837 1.6629755200158371 1.2017355210162957 1.0454092126305445 0.9076563270232905 0.6182204887249162 0.3953394153828534 0.24365646269173305 0.25139538884944534 0.23127418083938986 +6480,0.16781498634616848,0,0.8395537768354382 1.0570176018671087 1.27448142689877 1.4292599500529806 1.5530827685763509 1.523674849177051 1.5592739095025223 1.6382109563111684 1.8812132376632777 1.8997866604417837 1.6629755200158371 1.2017355210162957 1.0454092126305445 0.9076563270232905 0.6182204887249162 0.3953394153828534 0.24365646269173305 0.25139538884944534 0.23127418083938986 0.17555391250388078 +6481,0.08268679861135095,0,1.0570176018671087 1.27448142689877 1.4292599500529806 1.5530827685763509 1.523674849177051 1.5592739095025223 1.6382109563111684 1.8812132376632777 1.8997866604417837 1.6629755200158371 1.2017355210162957 1.0454092126305445 0.9076563270232905 0.6182204887249162 0.3953394153828534 0.24365646269173305 0.25139538884944534 0.23127418083938986 0.17555391250388078 0.16781498634616848 +6482,0.5532135090001541,0,1.27448142689877 1.4292599500529806 1.5530827685763509 1.523674849177051 1.5592739095025223 1.6382109563111684 1.8812132376632777 1.8997866604417837 1.6629755200158371 1.2017355210162957 1.0454092126305445 0.9076563270232905 0.6182204887249162 0.3953394153828534 0.24365646269173305 0.25139538884944534 0.23127418083938986 0.17555391250388078 0.16781498634616848 0.08268679861135095 +6483,0.9246819645702558,0,1.4292599500529806 1.5530827685763509 1.523674849177051 1.5592739095025223 1.6382109563111684 1.8812132376632777 1.8997866604417837 1.6629755200158371 1.2017355210162957 1.0454092126305445 0.9076563270232905 0.6182204887249162 0.3953394153828534 0.24365646269173305 0.25139538884944534 0.23127418083938986 0.17555391250388078 0.16781498634616848 0.08268679861135095 0.5532135090001541 +6484,1.3735396817174716,0,1.5530827685763509 1.523674849177051 1.5592739095025223 1.6382109563111684 1.8812132376632777 1.8997866604417837 1.6629755200158371 1.2017355210162957 1.0454092126305445 0.9076563270232905 0.6182204887249162 0.3953394153828534 0.24365646269173305 0.25139538884944534 0.23127418083938986 0.17555391250388078 0.16781498634616848 0.08268679861135095 0.5532135090001541 0.9246819645702558 +6485,1.6486585066240769,0,1.523674849177051 1.5592739095025223 1.6382109563111684 1.8812132376632777 1.8997866604417837 1.6629755200158371 1.2017355210162957 1.0454092126305445 0.9076563270232905 0.6182204887249162 0.3953394153828534 0.24365646269173305 0.25139538884944534 0.23127418083938986 0.17555391250388078 0.16781498634616848 0.08268679861135095 0.5532135090001541 0.9246819645702558 1.3735396817174716 +6486,1.5608216947340632,0,1.5592739095025223 1.6382109563111684 1.8812132376632777 1.8997866604417837 1.6629755200158371 1.2017355210162957 1.0454092126305445 0.9076563270232905 0.6182204887249162 0.3953394153828534 0.24365646269173305 0.25139538884944534 0.23127418083938986 0.17555391250388078 0.16781498634616848 0.08268679861135095 0.5532135090001541 0.9246819645702558 1.3735396817174716 1.6486585066240769 +6487,1.8022761908546319,0,1.6382109563111684 1.8812132376632777 1.8997866604417837 1.6629755200158371 1.2017355210162957 1.0454092126305445 0.9076563270232905 0.6182204887249162 0.3953394153828534 0.24365646269173305 0.25139538884944534 0.23127418083938986 0.17555391250388078 0.16781498634616848 0.08268679861135095 0.5532135090001541 0.9246819645702558 1.3735396817174716 1.6486585066240769 1.5608216947340632 +6488,2.1613623645723994,0,1.8812132376632777 1.8997866604417837 1.6629755200158371 1.2017355210162957 1.0454092126305445 0.9076563270232905 0.6182204887249162 0.3953394153828534 0.24365646269173305 0.25139538884944534 0.23127418083938986 0.17555391250388078 0.16781498634616848 0.08268679861135095 0.5532135090001541 0.9246819645702558 1.3735396817174716 1.6486585066240769 1.5608216947340632 1.8022761908546319 +6489,2.0855208882268346,0,1.8997866604417837 1.6629755200158371 1.2017355210162957 1.0454092126305445 0.9076563270232905 0.6182204887249162 0.3953394153828534 0.24365646269173305 0.25139538884944534 0.23127418083938986 0.17555391250388078 0.16781498634616848 0.08268679861135095 0.5532135090001541 0.9246819645702558 1.3735396817174716 1.6486585066240769 1.5608216947340632 1.8022761908546319 2.1613623645723994 +6490,2.025157264196695,0,1.6629755200158371 1.2017355210162957 1.0454092126305445 0.9076563270232905 0.6182204887249162 0.3953394153828534 0.24365646269173305 0.25139538884944534 0.23127418083938986 0.17555391250388078 0.16781498634616848 0.08268679861135095 0.5532135090001541 0.9246819645702558 1.3735396817174716 1.6486585066240769 1.5608216947340632 1.8022761908546319 2.1613623645723994 2.0855208882268346 +6491,2.2758984717065163,0,1.2017355210162957 1.0454092126305445 0.9076563270232905 0.6182204887249162 0.3953394153828534 0.24365646269173305 0.25139538884944534 0.23127418083938986 0.17555391250388078 0.16781498634616848 0.08268679861135095 0.5532135090001541 0.9246819645702558 1.3735396817174716 1.6486585066240769 1.5608216947340632 1.8022761908546319 2.1613623645723994 2.0855208882268346 2.025157264196695 +6492,1.8719265262740248,0,1.0454092126305445 0.9076563270232905 0.6182204887249162 0.3953394153828534 0.24365646269173305 0.25139538884944534 0.23127418083938986 0.17555391250388078 0.16781498634616848 0.08268679861135095 0.5532135090001541 0.9246819645702558 1.3735396817174716 1.6486585066240769 1.5608216947340632 1.8022761908546319 2.1613623645723994 2.0855208882268346 2.025157264196695 2.2758984717065163 +6493,1.8115629022438848,0,0.9076563270232905 0.6182204887249162 0.3953394153828534 0.24365646269173305 0.25139538884944534 0.23127418083938986 0.17555391250388078 0.16781498634616848 0.08268679861135095 0.5532135090001541 0.9246819645702558 1.3735396817174716 1.6486585066240769 1.5608216947340632 1.8022761908546319 2.1613623645723994 2.0855208882268346 2.025157264196695 2.2758984717065163 1.8719265262740248 +6494,1.5608216947340632,0,0.6182204887249162 0.3953394153828534 0.24365646269173305 0.25139538884944534 0.23127418083938986 0.17555391250388078 0.16781498634616848 0.08268679861135095 0.5532135090001541 0.9246819645702558 1.3735396817174716 1.6486585066240769 1.5608216947340632 1.8022761908546319 2.1613623645723994 2.0855208882268346 2.025157264196695 2.2758984717065163 1.8719265262740248 1.8115629022438848 +6495,1.223404514257883,0,0.3953394153828534 0.24365646269173305 0.25139538884944534 0.23127418083938986 0.17555391250388078 0.16781498634616848 0.08268679861135095 0.5532135090001541 0.9246819645702558 1.3735396817174716 1.6486585066240769 1.5608216947340632 1.8022761908546319 2.1613623645723994 2.0855208882268346 2.025157264196695 2.2758984717065163 1.8719265262740248 1.8115629022438848 1.5608216947340632 +6496,0.9308731054964273,0,0.24365646269173305 0.25139538884944534 0.23127418083938986 0.17555391250388078 0.16781498634616848 0.08268679861135095 0.5532135090001541 0.9246819645702558 1.3735396817174716 1.6486585066240769 1.5608216947340632 1.8022761908546319 2.1613623645723994 2.0855208882268346 2.025157264196695 2.2758984717065163 1.8719265262740248 1.8115629022438848 1.5608216947340632 1.223404514257883 +6497,0.7404955220167456,0,0.25139538884944534 0.23127418083938986 0.17555391250388078 0.16781498634616848 0.08268679861135095 0.5532135090001541 0.9246819645702558 1.3735396817174716 1.6486585066240769 1.5608216947340632 1.8022761908546319 2.1613623645723994 2.0855208882268346 2.025157264196695 2.2758984717065163 1.8719265262740248 1.8115629022438848 1.5608216947340632 1.223404514257883 0.9308731054964273 +6498,0.6538195490503874,0,0.23127418083938986 0.17555391250388078 0.16781498634616848 0.08268679861135095 0.5532135090001541 0.9246819645702558 1.3735396817174716 1.6486585066240769 1.5608216947340632 1.8022761908546319 2.1613623645723994 2.0855208882268346 2.025157264196695 2.2758984717065163 1.8719265262740248 1.8115629022438848 1.5608216947340632 1.223404514257883 0.9308731054964273 0.7404955220167456 +6499,0.5083277372854299,0,0.17555391250388078 0.16781498634616848 0.08268679861135095 0.5532135090001541 0.9246819645702558 1.3735396817174716 1.6486585066240769 1.5608216947340632 1.8022761908546319 2.1613623645723994 2.0855208882268346 2.025157264196695 2.2758984717065163 1.8719265262740248 1.8115629022438848 1.5608216947340632 1.223404514257883 0.9308731054964273 0.7404955220167456 0.6538195490503874 +6500,0.40462612677210635,0,0.16781498634616848 0.08268679861135095 0.5532135090001541 0.9246819645702558 1.3735396817174716 1.6486585066240769 1.5608216947340632 1.8022761908546319 2.1613623645723994 2.0855208882268346 2.025157264196695 2.2758984717065163 1.8719265262740248 1.8115629022438848 1.5608216947340632 1.223404514257883 0.9308731054964273 0.7404955220167456 0.6538195490503874 0.5083277372854299 +6501,0.28854223440644844,0,0.08268679861135095 0.5532135090001541 0.9246819645702558 1.3735396817174716 1.6486585066240769 1.5608216947340632 1.8022761908546319 2.1613623645723994 2.0855208882268346 2.025157264196695 2.2758984717065163 1.8719265262740248 1.8115629022438848 1.5608216947340632 1.223404514257883 0.9308731054964273 0.7404955220167456 0.6538195490503874 0.5083277372854299 0.40462612677210635 +6502,0.24056089222864285,0,0.5532135090001541 0.9246819645702558 1.3735396817174716 1.6486585066240769 1.5608216947340632 1.8022761908546319 2.1613623645723994 2.0855208882268346 2.025157264196695 2.2758984717065163 1.8719265262740248 1.8115629022438848 1.5608216947340632 1.223404514257883 0.9308731054964273 0.7404955220167456 0.6538195490503874 0.5083277372854299 0.40462612677210635 0.28854223440644844 +6503,0.17555391250388078,0,0.9246819645702558 1.3735396817174716 1.6486585066240769 1.5608216947340632 1.8022761908546319 2.1613623645723994 2.0855208882268346 2.025157264196695 2.2758984717065163 1.8719265262740248 1.8115629022438848 1.5608216947340632 1.223404514257883 0.9308731054964273 0.7404955220167456 0.6538195490503874 0.5083277372854299 0.40462612677210635 0.28854223440644844 0.24056089222864285 +6504,0.13531149648378746,0,1.3735396817174716 1.6486585066240769 1.5608216947340632 1.8022761908546319 2.1613623645723994 2.0855208882268346 2.025157264196695 2.2758984717065163 1.8719265262740248 1.8115629022438848 1.5608216947340632 1.223404514257883 0.9308731054964273 0.7404955220167456 0.6538195490503874 0.5083277372854299 0.40462612677210635 0.28854223440644844 0.24056089222864285 0.17555391250388078 +6505,0.11673807370528148,0,1.6486585066240769 1.5608216947340632 1.8022761908546319 2.1613623645723994 2.0855208882268346 2.025157264196695 2.2758984717065163 1.8719265262740248 1.8115629022438848 1.5608216947340632 1.223404514257883 0.9308731054964273 0.7404955220167456 0.6538195490503874 0.5083277372854299 0.40462612677210635 0.28854223440644844 0.24056089222864285 0.17555391250388078 0.13531149648378746 +6506,0.19877069097700883,0,1.5608216947340632 1.8022761908546319 2.1613623645723994 2.0855208882268346 2.025157264196695 2.2758984717065163 1.8719265262740248 1.8115629022438848 1.5608216947340632 1.223404514257883 0.9308731054964273 0.7404955220167456 0.6538195490503874 0.5083277372854299 0.40462612677210635 0.28854223440644844 0.24056089222864285 0.17555391250388078 0.13531149648378746 0.11673807370528148 +6507,0.4897543145069239,0,1.8022761908546319 2.1613623645723994 2.0855208882268346 2.025157264196695 2.2758984717065163 1.8719265262740248 1.8115629022438848 1.5608216947340632 1.223404514257883 0.9308731054964273 0.7404955220167456 0.6538195490503874 0.5083277372854299 0.40462612677210635 0.28854223440644844 0.24056089222864285 0.17555391250388078 0.13531149648378746 0.11673807370528148 0.19877069097700883 +6508,0.8890829042447845,0,2.1613623645723994 2.0855208882268346 2.025157264196695 2.2758984717065163 1.8719265262740248 1.8115629022438848 1.5608216947340632 1.223404514257883 0.9308731054964273 0.7404955220167456 0.6538195490503874 0.5083277372854299 0.40462612677210635 0.28854223440644844 0.24056089222864285 0.17555391250388078 0.13531149648378746 0.11673807370528148 0.19877069097700883 0.4897543145069239 +6509,1.4679545808415333,0,2.0855208882268346 2.025157264196695 2.2758984717065163 1.8719265262740248 1.8115629022438848 1.5608216947340632 1.223404514257883 0.9308731054964273 0.7404955220167456 0.6538195490503874 0.5083277372854299 0.40462612677210635 0.28854223440644844 0.24056089222864285 0.17555391250388078 0.13531149648378746 0.11673807370528148 0.19877069097700883 0.4897543145069239 0.8890829042447845 +6510,1.6382109563111684,0,2.025157264196695 2.2758984717065163 1.8719265262740248 1.8115629022438848 1.5608216947340632 1.223404514257883 0.9308731054964273 0.7404955220167456 0.6538195490503874 0.5083277372854299 0.40462612677210635 0.28854223440644844 0.24056089222864285 0.17555391250388078 0.13531149648378746 0.11673807370528148 0.19877069097700883 0.4897543145069239 0.8890829042447845 1.4679545808415333 +6511,1.7945372646969195,0,2.2758984717065163 1.8719265262740248 1.8115629022438848 1.5608216947340632 1.223404514257883 0.9308731054964273 0.7404955220167456 0.6538195490503874 0.5083277372854299 0.40462612677210635 0.28854223440644844 0.24056089222864285 0.17555391250388078 0.13531149648378746 0.11673807370528148 0.19877069097700883 0.4897543145069239 0.8890829042447845 1.4679545808415333 1.6382109563111684 +6512,1.967889210629636,0,1.8719265262740248 1.8115629022438848 1.5608216947340632 1.223404514257883 0.9308731054964273 0.7404955220167456 0.6538195490503874 0.5083277372854299 0.40462612677210635 0.28854223440644844 0.24056089222864285 0.17555391250388078 0.13531149648378746 0.11673807370528148 0.19877069097700883 0.4897543145069239 0.8890829042447845 1.4679545808415333 1.6382109563111684 1.7945372646969195 +6513,1.9880104186396828,0,1.8115629022438848 1.5608216947340632 1.223404514257883 0.9308731054964273 0.7404955220167456 0.6538195490503874 0.5083277372854299 0.40462612677210635 0.28854223440644844 0.24056089222864285 0.17555391250388078 0.13531149648378746 0.11673807370528148 0.19877069097700883 0.4897543145069239 0.8890829042447845 1.4679545808415333 1.6382109563111684 1.7945372646969195 1.967889210629636 +6514,1.972532566324258,0,1.5608216947340632 1.223404514257883 0.9308731054964273 0.7404955220167456 0.6538195490503874 0.5083277372854299 0.40462612677210635 0.28854223440644844 0.24056089222864285 0.17555391250388078 0.13531149648378746 0.11673807370528148 0.19877069097700883 0.4897543145069239 0.8890829042447845 1.4679545808415333 1.6382109563111684 1.7945372646969195 1.967889210629636 1.9880104186396828 +6515,2.0205139085020636,0,1.223404514257883 0.9308731054964273 0.7404955220167456 0.6538195490503874 0.5083277372854299 0.40462612677210635 0.28854223440644844 0.24056089222864285 0.17555391250388078 0.13531149648378746 0.11673807370528148 0.19877069097700883 0.4897543145069239 0.8890829042447845 1.4679545808415333 1.6382109563111684 1.7945372646969195 1.967889210629636 1.9880104186396828 1.972532566324258 +6516,2.1660057202670213,0,0.9308731054964273 0.7404955220167456 0.6538195490503874 0.5083277372854299 0.40462612677210635 0.28854223440644844 0.24056089222864285 0.17555391250388078 0.13531149648378746 0.11673807370528148 0.19877069097700883 0.4897543145069239 0.8890829042447845 1.4679545808415333 1.6382109563111684 1.7945372646969195 1.967889210629636 1.9880104186396828 1.972532566324258 2.0205139085020636 +6517,1.6041596812172378,0,0.7404955220167456 0.6538195490503874 0.5083277372854299 0.40462612677210635 0.28854223440644844 0.24056089222864285 0.17555391250388078 0.13531149648378746 0.11673807370528148 0.19877069097700883 0.4897543145069239 0.8890829042447845 1.4679545808415333 1.6382109563111684 1.7945372646969195 1.967889210629636 1.9880104186396828 1.972532566324258 2.0205139085020636 2.1660057202670213 +6518,1.6917643253225259,0,0.6538195490503874 0.5083277372854299 0.40462612677210635 0.28854223440644844 0.24056089222864285 0.17555391250388078 0.13531149648378746 0.11673807370528148 0.19877069097700883 0.4897543145069239 0.8890829042447845 1.4679545808415333 1.6382109563111684 1.7945372646969195 1.967889210629636 1.9880104186396828 1.972532566324258 2.0205139085020636 2.1660057202670213 1.6041596812172378 +6519,1.2172133733317116,0,0.5083277372854299 0.40462612677210635 0.28854223440644844 0.24056089222864285 0.17555391250388078 0.13531149648378746 0.11673807370528148 0.19877069097700883 0.4897543145069239 0.8890829042447845 1.4679545808415333 1.6382109563111684 1.7945372646969195 1.967889210629636 1.9880104186396828 1.972532566324258 2.0205139085020636 2.1660057202670213 1.6041596812172378 1.6917643253225259 +6520,1.232691225647136,0,0.40462612677210635 0.28854223440644844 0.24056089222864285 0.17555391250388078 0.13531149648378746 0.11673807370528148 0.19877069097700883 0.4897543145069239 0.8890829042447845 1.4679545808415333 1.6382109563111684 1.7945372646969195 1.967889210629636 1.9880104186396828 1.972532566324258 2.0205139085020636 2.1660057202670213 1.6041596812172378 1.6917643253225259 1.2172133733317116 +6521,0.960281024895727,0,0.28854223440644844 0.24056089222864285 0.17555391250388078 0.13531149648378746 0.11673807370528148 0.19877069097700883 0.4897543145069239 0.8890829042447845 1.4679545808415333 1.6382109563111684 1.7945372646969195 1.967889210629636 1.9880104186396828 1.972532566324258 2.0205139085020636 2.1660057202670213 1.6041596812172378 1.6917643253225259 1.2172133733317116 1.232691225647136 +6522,0.862770555308575,0,0.24056089222864285 0.17555391250388078 0.13531149648378746 0.11673807370528148 0.19877069097700883 0.4897543145069239 0.8890829042447845 1.4679545808415333 1.6382109563111684 1.7945372646969195 1.967889210629636 1.9880104186396828 1.972532566324258 2.0205139085020636 2.1660057202670213 1.6041596812172378 1.6917643253225259 1.2172133733317116 1.232691225647136 0.960281024895727 +6523,0.6909663946073993,0,0.17555391250388078 0.13531149648378746 0.11673807370528148 0.19877069097700883 0.4897543145069239 0.8890829042447845 1.4679545808415333 1.6382109563111684 1.7945372646969195 1.967889210629636 1.9880104186396828 1.972532566324258 2.0205139085020636 2.1660057202670213 1.6041596812172378 1.6917643253225259 1.2172133733317116 1.232691225647136 0.960281024895727 0.862770555308575 +6524,0.5516657237686133,0,0.13531149648378746 0.11673807370528148 0.19877069097700883 0.4897543145069239 0.8890829042447845 1.4679545808415333 1.6382109563111684 1.7945372646969195 1.967889210629636 1.9880104186396828 1.972532566324258 2.0205139085020636 2.1660057202670213 1.6041596812172378 1.6917643253225259 1.2172133733317116 1.232691225647136 0.960281024895727 0.862770555308575 0.6909663946073993 +6525,0.5872647840940758,0,0.11673807370528148 0.19877069097700883 0.4897543145069239 0.8890829042447845 1.4679545808415333 1.6382109563111684 1.7945372646969195 1.967889210629636 1.9880104186396828 1.972532566324258 2.0205139085020636 2.1660057202670213 1.6041596812172378 1.6917643253225259 1.2172133733317116 1.232691225647136 0.960281024895727 0.862770555308575 0.6909663946073993 0.5516657237686133 +6526,0.4123650529298186,0,0.19877069097700883 0.4897543145069239 0.8890829042447845 1.4679545808415333 1.6382109563111684 1.7945372646969195 1.967889210629636 1.9880104186396828 1.972532566324258 2.0205139085020636 2.1660057202670213 1.6041596812172378 1.6917643253225259 1.2172133733317116 1.232691225647136 0.960281024895727 0.862770555308575 0.6909663946073993 0.5516657237686133 0.5872647840940758 +6527,0.4139128381613593,0,0.4897543145069239 0.8890829042447845 1.4679545808415333 1.6382109563111684 1.7945372646969195 1.967889210629636 1.9880104186396828 1.972532566324258 2.0205139085020636 2.1660057202670213 1.6041596812172378 1.6917643253225259 1.2172133733317116 1.232691225647136 0.960281024895727 0.862770555308575 0.6909663946073993 0.5516657237686133 0.5872647840940758 0.4123650529298186 +6528,0.373670422141266,0,0.8890829042447845 1.4679545808415333 1.6382109563111684 1.7945372646969195 1.967889210629636 1.9880104186396828 1.972532566324258 2.0205139085020636 2.1660057202670213 1.6041596812172378 1.6917643253225259 1.2172133733317116 1.232691225647136 0.960281024895727 0.862770555308575 0.6909663946073993 0.5516657237686133 0.5872647840940758 0.4123650529298186 0.4139128381613593 +6529,0.3071156571849544,0,1.4679545808415333 1.6382109563111684 1.7945372646969195 1.967889210629636 1.9880104186396828 1.972532566324258 2.0205139085020636 2.1660057202670213 1.6041596812172378 1.6917643253225259 1.2172133733317116 1.232691225647136 0.960281024895727 0.862770555308575 0.6909663946073993 0.5516657237686133 0.5872647840940758 0.4123650529298186 0.4139128381613593 0.373670422141266 +6530,0.5238055896008544,0,1.6382109563111684 1.7945372646969195 1.967889210629636 1.9880104186396828 1.972532566324258 2.0205139085020636 2.1660057202670213 1.6041596812172378 1.6917643253225259 1.2172133733317116 1.232691225647136 0.960281024895727 0.862770555308575 0.6909663946073993 0.5516657237686133 0.5872647840940758 0.4123650529298186 0.4139128381613593 0.373670422141266 0.3071156571849544 +6531,1.0175490784627856,0,1.7945372646969195 1.967889210629636 1.9880104186396828 1.972532566324258 2.0205139085020636 2.1660057202670213 1.6041596812172378 1.6917643253225259 1.2172133733317116 1.232691225647136 0.960281024895727 0.862770555308575 0.6909663946073993 0.5516657237686133 0.5872647840940758 0.4123650529298186 0.4139128381613593 0.373670422141266 0.3071156571849544 0.5238055896008544 +6532,0.997427870452739,0,1.967889210629636 1.9880104186396828 1.972532566324258 2.0205139085020636 2.1660057202670213 1.6041596812172378 1.6917643253225259 1.2172133733317116 1.232691225647136 0.960281024895727 0.862770555308575 0.6909663946073993 0.5516657237686133 0.5872647840940758 0.4123650529298186 0.4139128381613593 0.373670422141266 0.3071156571849544 0.5238055896008544 1.0175490784627856 +6533,1.6088030369118687,0,1.9880104186396828 1.972532566324258 2.0205139085020636 2.1660057202670213 1.6041596812172378 1.6917643253225259 1.2172133733317116 1.232691225647136 0.960281024895727 0.862770555308575 0.6909663946073993 0.5516657237686133 0.5872647840940758 0.4123650529298186 0.4139128381613593 0.373670422141266 0.3071156571849544 0.5238055896008544 1.0175490784627856 0.997427870452739 +6534,1.8626398148847718,0,1.972532566324258 2.0205139085020636 2.1660057202670213 1.6041596812172378 1.6917643253225259 1.2172133733317116 1.232691225647136 0.960281024895727 0.862770555308575 0.6909663946073993 0.5516657237686133 0.5872647840940758 0.4123650529298186 0.4139128381613593 0.373670422141266 0.3071156571849544 0.5238055896008544 1.0175490784627856 0.997427870452739 1.6088030369118687 +6535,2.0530173983644535,0,2.0205139085020636 2.1660057202670213 1.6041596812172378 1.6917643253225259 1.2172133733317116 1.232691225647136 0.960281024895727 0.862770555308575 0.6909663946073993 0.5516657237686133 0.5872647840940758 0.4123650529298186 0.4139128381613593 0.373670422141266 0.3071156571849544 0.5238055896008544 1.0175490784627856 0.997427870452739 1.6088030369118687 1.8626398148847718 +6536,2.0824253177637533,0,2.1660057202670213 1.6041596812172378 1.6917643253225259 1.2172133733317116 1.232691225647136 0.960281024895727 0.862770555308575 0.6909663946073993 0.5516657237686133 0.5872647840940758 0.4123650529298186 0.4139128381613593 0.373670422141266 0.3071156571849544 0.5238055896008544 1.0175490784627856 0.997427870452739 1.6088030369118687 1.8626398148847718 2.0530173983644535 +6537,2.135050015636181,0,1.6041596812172378 1.6917643253225259 1.2172133733317116 1.232691225647136 0.960281024895727 0.862770555308575 0.6909663946073993 0.5516657237686133 0.5872647840940758 0.4123650529298186 0.4139128381613593 0.373670422141266 0.3071156571849544 0.5238055896008544 1.0175490784627856 0.997427870452739 1.6088030369118687 1.8626398148847718 2.0530173983644535 2.0824253177637533 +6538,2.1582667941093177,0,1.6917643253225259 1.2172133733317116 1.232691225647136 0.960281024895727 0.862770555308575 0.6909663946073993 0.5516657237686133 0.5872647840940758 0.4123650529298186 0.4139128381613593 0.373670422141266 0.3071156571849544 0.5238055896008544 1.0175490784627856 0.997427870452739 1.6088030369118687 1.8626398148847718 2.0530173983644535 2.0824253177637533 2.135050015636181 +6539,2.087068673458375,0,1.2172133733317116 1.232691225647136 0.960281024895727 0.862770555308575 0.6909663946073993 0.5516657237686133 0.5872647840940758 0.4123650529298186 0.4139128381613593 0.373670422141266 0.3071156571849544 0.5238055896008544 1.0175490784627856 0.997427870452739 1.6088030369118687 1.8626398148847718 2.0530173983644535 2.0824253177637533 2.135050015636181 2.1582667941093177 +6540,2.1660057202670213,0,1.232691225647136 0.960281024895727 0.862770555308575 0.6909663946073993 0.5516657237686133 0.5872647840940758 0.4123650529298186 0.4139128381613593 0.373670422141266 0.3071156571849544 0.5238055896008544 1.0175490784627856 0.997427870452739 1.6088030369118687 1.8626398148847718 2.0530173983644535 2.0824253177637533 2.135050015636181 2.1582667941093177 2.087068673458375 +6541,2.0638518949852473,0,0.960281024895727 0.862770555308575 0.6909663946073993 0.5516657237686133 0.5872647840940758 0.4123650529298186 0.4139128381613593 0.373670422141266 0.3071156571849544 0.5238055896008544 1.0175490784627856 0.997427870452739 1.6088030369118687 1.8626398148847718 2.0530173983644535 2.0824253177637533 2.135050015636181 2.1582667941093177 2.087068673458375 2.1660057202670213 +6542,1.8935955195156122,0,0.862770555308575 0.6909663946073993 0.5516657237686133 0.5872647840940758 0.4123650529298186 0.4139128381613593 0.373670422141266 0.3071156571849544 0.5238055896008544 1.0175490784627856 0.997427870452739 1.6088030369118687 1.8626398148847718 2.0530173983644535 2.0824253177637533 2.135050015636181 2.1582667941093177 2.087068673458375 2.1660057202670213 2.0638518949852473 +6543,1.7465559225191138,0,0.6909663946073993 0.5516657237686133 0.5872647840940758 0.4123650529298186 0.4139128381613593 0.373670422141266 0.3071156571849544 0.5238055896008544 1.0175490784627856 0.997427870452739 1.6088030369118687 1.8626398148847718 2.0530173983644535 2.0824253177637533 2.135050015636181 2.1582667941093177 2.087068673458375 2.1660057202670213 2.0638518949852473 1.8935955195156122 +6544,1.483432433156958,0,0.5516657237686133 0.5872647840940758 0.4123650529298186 0.4139128381613593 0.373670422141266 0.3071156571849544 0.5238055896008544 1.0175490784627856 0.997427870452739 1.6088030369118687 1.8626398148847718 2.0530173983644535 2.0824253177637533 2.135050015636181 2.1582667941093177 2.087068673458375 2.1660057202670213 2.0638518949852473 1.8935955195156122 1.7465559225191138 +6545,1.348775118012794,0,0.5872647840940758 0.4123650529298186 0.4139128381613593 0.373670422141266 0.3071156571849544 0.5238055896008544 1.0175490784627856 0.997427870452739 1.6088030369118687 1.8626398148847718 2.0530173983644535 2.0824253177637533 2.135050015636181 2.1582667941093177 2.087068673458375 2.1660057202670213 2.0638518949852473 1.8935955195156122 1.7465559225191138 1.483432433156958 +6546,1.1011294809660537,0,0.4123650529298186 0.4139128381613593 0.373670422141266 0.3071156571849544 0.5238055896008544 1.0175490784627856 0.997427870452739 1.6088030369118687 1.8626398148847718 2.0530173983644535 2.0824253177637533 2.135050015636181 2.1582667941093177 2.087068673458375 2.1660057202670213 2.0638518949852473 1.8935955195156122 1.7465559225191138 1.483432433156958 1.348775118012794 +6547,1.0314791455466608,0,0.4139128381613593 0.373670422141266 0.3071156571849544 0.5238055896008544 1.0175490784627856 0.997427870452739 1.6088030369118687 1.8626398148847718 2.0530173983644535 2.0824253177637533 2.135050015636181 2.1582667941093177 2.087068673458375 2.1660057202670213 2.0638518949852473 1.8935955195156122 1.7465559225191138 1.483432433156958 1.348775118012794 1.1011294809660537 +6548,0.9540898839695554,0,0.373670422141266 0.3071156571849544 0.5238055896008544 1.0175490784627856 0.997427870452739 1.6088030369118687 1.8626398148847718 2.0530173983644535 2.0824253177637533 2.135050015636181 2.1582667941093177 2.087068673458375 2.1660057202670213 2.0638518949852473 1.8935955195156122 1.7465559225191138 1.483432433156958 1.348775118012794 1.1011294809660537 1.0314791455466608 +6549,0.9122996827179214,0,0.3071156571849544 0.5238055896008544 1.0175490784627856 0.997427870452739 1.6088030369118687 1.8626398148847718 2.0530173983644535 2.0824253177637533 2.135050015636181 2.1582667941093177 2.087068673458375 2.1660057202670213 2.0638518949852473 1.8935955195156122 1.7465559225191138 1.483432433156958 1.348775118012794 1.1011294809660537 1.0314791455466608 0.9540898839695554 +6550,0.8457449177616099,0,0.5238055896008544 1.0175490784627856 0.997427870452739 1.6088030369118687 1.8626398148847718 2.0530173983644535 2.0824253177637533 2.135050015636181 2.1582667941093177 2.087068673458375 2.1660057202670213 2.0638518949852473 1.8935955195156122 1.7465559225191138 1.483432433156958 1.348775118012794 1.1011294809660537 1.0314791455466608 0.9540898839695554 0.9122996827179214 +6551,0.7946680051207228,0,1.0175490784627856 0.997427870452739 1.6088030369118687 1.8626398148847718 2.0530173983644535 2.0824253177637533 2.135050015636181 2.1582667941093177 2.087068673458375 2.1660057202670213 2.0638518949852473 1.8935955195156122 1.7465559225191138 1.483432433156958 1.348775118012794 1.1011294809660537 1.0314791455466608 0.9540898839695554 0.9122996827179214 0.8457449177616099 +6552,0.743591092479827,0,0.997427870452739 1.6088030369118687 1.8626398148847718 2.0530173983644535 2.0824253177637533 2.135050015636181 2.1582667941093177 2.087068673458375 2.1660057202670213 2.0638518949852473 1.8935955195156122 1.7465559225191138 1.483432433156958 1.348775118012794 1.1011294809660537 1.0314791455466608 0.9540898839695554 0.9122996827179214 0.8457449177616099 0.7946680051207228 +6553,1.2543602188887235,0,1.6088030369118687 1.8626398148847718 2.0530173983644535 2.0824253177637533 2.135050015636181 2.1582667941093177 2.087068673458375 2.1660057202670213 2.0638518949852473 1.8935955195156122 1.7465559225191138 1.483432433156958 1.348775118012794 1.1011294809660537 1.0314791455466608 0.9540898839695554 0.9122996827179214 0.8457449177616099 0.7946680051207228 0.743591092479827 +6554,1.269838071204148,0,1.8626398148847718 2.0530173983644535 2.0824253177637533 2.135050015636181 2.1582667941093177 2.087068673458375 2.1660057202670213 2.0638518949852473 1.8935955195156122 1.7465559225191138 1.483432433156958 1.348775118012794 1.1011294809660537 1.0314791455466608 0.9540898839695554 0.9122996827179214 0.8457449177616099 0.7946680051207228 0.743591092479827 1.2543602188887235 +6555,1.7496514929821954,0,2.0530173983644535 2.0824253177637533 2.135050015636181 2.1582667941093177 2.087068673458375 2.1660057202670213 2.0638518949852473 1.8935955195156122 1.7465559225191138 1.483432433156958 1.348775118012794 1.1011294809660537 1.0314791455466608 0.9540898839695554 0.9122996827179214 0.8457449177616099 0.7946680051207228 0.743591092479827 1.2543602188887235 1.269838071204148 +6556,2.232560485223333,0,2.0824253177637533 2.135050015636181 2.1582667941093177 2.087068673458375 2.1660057202670213 2.0638518949852473 1.8935955195156122 1.7465559225191138 1.483432433156958 1.348775118012794 1.1011294809660537 1.0314791455466608 0.9540898839695554 0.9122996827179214 0.8457449177616099 0.7946680051207228 0.743591092479827 1.2543602188887235 1.269838071204148 1.7496514929821954 +6557,2.569977665699513,0,2.135050015636181 2.1582667941093177 2.087068673458375 2.1660057202670213 2.0638518949852473 1.8935955195156122 1.7465559225191138 1.483432433156958 1.348775118012794 1.1011294809660537 1.0314791455466608 0.9540898839695554 0.9122996827179214 0.8457449177616099 0.7946680051207228 0.743591092479827 1.2543602188887235 1.269838071204148 1.7496514929821954 2.232560485223333 +6558,2.4507982028707733,0,2.1582667941093177 2.087068673458375 2.1660057202670213 2.0638518949852473 1.8935955195156122 1.7465559225191138 1.483432433156958 1.348775118012794 1.1011294809660537 1.0314791455466608 0.9540898839695554 0.9122996827179214 0.8457449177616099 0.7946680051207228 0.743591092479827 1.2543602188887235 1.269838071204148 1.7496514929821954 2.232560485223333 2.569977665699513 +6559,2.559143169078719,0,2.087068673458375 2.1660057202670213 2.0638518949852473 1.8935955195156122 1.7465559225191138 1.483432433156958 1.348775118012794 1.1011294809660537 1.0314791455466608 0.9540898839695554 0.9122996827179214 0.8457449177616099 0.7946680051207228 0.743591092479827 1.2543602188887235 1.269838071204148 1.7496514929821954 2.232560485223333 2.569977665699513 2.4507982028707733 +6560,3.065268939792985,0,2.1660057202670213 2.0638518949852473 1.8935955195156122 1.7465559225191138 1.483432433156958 1.348775118012794 1.1011294809660537 1.0314791455466608 0.9540898839695554 0.9122996827179214 0.8457449177616099 0.7946680051207228 0.743591092479827 1.2543602188887235 1.269838071204148 1.7496514929821954 2.232560485223333 2.569977665699513 2.4507982028707733 2.559143169078719 +6561,1.5716561913548568,0,2.0638518949852473 1.8935955195156122 1.7465559225191138 1.483432433156958 1.348775118012794 1.1011294809660537 1.0314791455466608 0.9540898839695554 0.9122996827179214 0.8457449177616099 0.7946680051207228 0.743591092479827 1.2543602188887235 1.269838071204148 1.7496514929821954 2.232560485223333 2.569977665699513 2.4507982028707733 2.559143169078719 3.065268939792985 +6562,1.667618875710468,0,1.8935955195156122 1.7465559225191138 1.483432433156958 1.348775118012794 1.1011294809660537 1.0314791455466608 0.9540898839695554 0.9122996827179214 0.8457449177616099 0.7946680051207228 0.743591092479827 1.2543602188887235 1.269838071204148 1.7496514929821954 2.232560485223333 2.569977665699513 2.4507982028707733 2.559143169078719 3.065268939792985 1.5716561913548568 +6563,1.0516003535567073,0,1.7465559225191138 1.483432433156958 1.348775118012794 1.1011294809660537 1.0314791455466608 0.9540898839695554 0.9122996827179214 0.8457449177616099 0.7946680051207228 0.743591092479827 1.2543602188887235 1.269838071204148 1.7496514929821954 2.232560485223333 2.569977665699513 2.4507982028707733 2.559143169078719 3.065268939792985 1.5716561913548568 1.667618875710468 +6564,1.3936608897275182,0,1.483432433156958 1.348775118012794 1.1011294809660537 1.0314791455466608 0.9540898839695554 0.9122996827179214 0.8457449177616099 0.7946680051207228 0.743591092479827 1.2543602188887235 1.269838071204148 1.7496514929821954 2.232560485223333 2.569977665699513 2.4507982028707733 2.559143169078719 3.065268939792985 1.5716561913548568 1.667618875710468 1.0516003535567073 +6565,1.5793951175125691,0,1.348775118012794 1.1011294809660537 1.0314791455466608 0.9540898839695554 0.9122996827179214 0.8457449177616099 0.7946680051207228 0.743591092479827 1.2543602188887235 1.269838071204148 1.7496514929821954 2.232560485223333 2.569977665699513 2.4507982028707733 2.559143169078719 3.065268939792985 1.5716561913548568 1.667618875710468 1.0516003535567073 1.3936608897275182 +6566,1.5020058559354639,0,1.1011294809660537 1.0314791455466608 0.9540898839695554 0.9122996827179214 0.8457449177616099 0.7946680051207228 0.743591092479827 1.2543602188887235 1.269838071204148 1.7496514929821954 2.232560485223333 2.569977665699513 2.4507982028707733 2.559143169078719 3.065268939792985 1.5716561913548568 1.667618875710468 1.0516003535567073 1.3936608897275182 1.5793951175125691 +6567,1.3007937758349883,0,1.0314791455466608 0.9540898839695554 0.9122996827179214 0.8457449177616099 0.7946680051207228 0.743591092479827 1.2543602188887235 1.269838071204148 1.7496514929821954 2.232560485223333 2.569977665699513 2.4507982028707733 2.559143169078719 3.065268939792985 1.5716561913548568 1.667618875710468 1.0516003535567073 1.3936608897275182 1.5793951175125691 1.5020058559354639 +6568,0.6894186093758586,0,0.9540898839695554 0.9122996827179214 0.8457449177616099 0.7946680051207228 0.743591092479827 1.2543602188887235 1.269838071204148 1.7496514929821954 2.232560485223333 2.569977665699513 2.4507982028707733 2.559143169078719 3.065268939792985 1.5716561913548568 1.667618875710468 1.0516003535567073 1.3936608897275182 1.5793951175125691 1.5020058559354639 1.3007937758349883 +6569,1.0376702864728322,0,0.9122996827179214 0.8457449177616099 0.7946680051207228 0.743591092479827 1.2543602188887235 1.269838071204148 1.7496514929821954 2.232560485223333 2.569977665699513 2.4507982028707733 2.559143169078719 3.065268939792985 1.5716561913548568 1.667618875710468 1.0516003535567073 1.3936608897275182 1.5793951175125691 1.5020058559354639 1.3007937758349883 0.6894186093758586 +6570,0.8674139110031972,0,0.8457449177616099 0.7946680051207228 0.743591092479827 1.2543602188887235 1.269838071204148 1.7496514929821954 2.232560485223333 2.569977665699513 2.4507982028707733 2.559143169078719 3.065268939792985 1.5716561913548568 1.667618875710468 1.0516003535567073 1.3936608897275182 1.5793951175125691 1.5020058559354639 1.3007937758349883 0.6894186093758586 1.0376702864728322 +6571,0.392243844919772,0,0.7946680051207228 0.743591092479827 1.2543602188887235 1.269838071204148 1.7496514929821954 2.232560485223333 2.569977665699513 2.4507982028707733 2.559143169078719 3.065268939792985 1.5716561913548568 1.667618875710468 1.0516003535567073 1.3936608897275182 1.5793951175125691 1.5020058559354639 1.3007937758349883 0.6894186093758586 1.0376702864728322 0.8674139110031972 +6572,0.36283592552047234,0,0.743591092479827 1.2543602188887235 1.269838071204148 1.7496514929821954 2.232560485223333 2.569977665699513 2.4507982028707733 2.559143169078719 3.065268939792985 1.5716561913548568 1.667618875710468 1.0516003535567073 1.3936608897275182 1.5793951175125691 1.5020058559354639 1.3007937758349883 0.6894186093758586 1.0376702864728322 0.8674139110031972 0.392243844919772 +6573,0.29628116056416076,0,1.2543602188887235 1.269838071204148 1.7496514929821954 2.232560485223333 2.569977665699513 2.4507982028707733 2.559143169078719 3.065268939792985 1.5716561913548568 1.667618875710468 1.0516003535567073 1.3936608897275182 1.5793951175125691 1.5020058559354639 1.3007937758349883 0.6894186093758586 1.0376702864728322 0.8674139110031972 0.392243844919772 0.36283592552047234 +6574,0.7079920321543646,0,1.269838071204148 1.7496514929821954 2.232560485223333 2.569977665699513 2.4507982028707733 2.559143169078719 3.065268939792985 1.5716561913548568 1.667618875710468 1.0516003535567073 1.3936608897275182 1.5793951175125691 1.5020058559354639 1.3007937758349883 0.6894186093758586 1.0376702864728322 0.8674139110031972 0.392243844919772 0.36283592552047234 0.29628116056416076 +6575,1.0005234409158204,0,1.7496514929821954 2.232560485223333 2.569977665699513 2.4507982028707733 2.559143169078719 3.065268939792985 1.5716561913548568 1.667618875710468 1.0516003535567073 1.3936608897275182 1.5793951175125691 1.5020058559354639 1.3007937758349883 0.6894186093758586 1.0376702864728322 0.8674139110031972 0.392243844919772 0.36283592552047234 0.29628116056416076 0.7079920321543646 +6576,0.40307834154056565,0,2.232560485223333 2.569977665699513 2.4507982028707733 2.559143169078719 3.065268939792985 1.5716561913548568 1.667618875710468 1.0516003535567073 1.3936608897275182 1.5793951175125691 1.5020058559354639 1.3007937758349883 0.6894186093758586 1.0376702864728322 0.8674139110031972 0.392243844919772 0.36283592552047234 0.29628116056416076 0.7079920321543646 1.0005234409158204 +6577,0.38551097916256466,0,2.569977665699513 2.4507982028707733 2.559143169078719 3.065268939792985 1.5716561913548568 1.667618875710468 1.0516003535567073 1.3936608897275182 1.5793951175125691 1.5020058559354639 1.3007937758349883 0.6894186093758586 1.0376702864728322 0.8674139110031972 0.392243844919772 0.36283592552047234 0.29628116056416076 0.7079920321543646 1.0005234409158204 0.40307834154056565 +6578,0.5578568646947761,0,2.4507982028707733 2.559143169078719 3.065268939792985 1.5716561913548568 1.667618875710468 1.0516003535567073 1.3936608897275182 1.5793951175125691 1.5020058559354639 1.3007937758349883 0.6894186093758586 1.0376702864728322 0.8674139110031972 0.392243844919772 0.36283592552047234 0.29628116056416076 0.7079920321543646 1.0005234409158204 0.40307834154056565 0.38551097916256466 +6579,0.5160666634431421,0,2.559143169078719 3.065268939792985 1.5716561913548568 1.667618875710468 1.0516003535567073 1.3936608897275182 1.5793951175125691 1.5020058559354639 1.3007937758349883 0.6894186093758586 1.0376702864728322 0.8674139110031972 0.392243844919772 0.36283592552047234 0.29628116056416076 0.7079920321543646 1.0005234409158204 0.40307834154056565 0.38551097916256466 0.5578568646947761 +6580,1.1460152526807779,0,3.065268939792985 1.5716561913548568 1.667618875710468 1.0516003535567073 1.3936608897275182 1.5793951175125691 1.5020058559354639 1.3007937758349883 0.6894186093758586 1.0376702864728322 0.8674139110031972 0.392243844919772 0.36283592552047234 0.29628116056416076 0.7079920321543646 1.0005234409158204 0.40307834154056565 0.38551097916256466 0.5578568646947761 0.5160666634431421 +6581,1.4462855875999459,0,1.5716561913548568 1.667618875710468 1.0516003535567073 1.3936608897275182 1.5793951175125691 1.5020058559354639 1.3007937758349883 0.6894186093758586 1.0376702864728322 0.8674139110031972 0.392243844919772 0.36283592552047234 0.29628116056416076 0.7079920321543646 1.0005234409158204 0.40307834154056565 0.38551097916256466 0.5578568646947761 0.5160666634431421 1.1460152526807779 +6582,2.167553505498571,0,1.667618875710468 1.0516003535567073 1.3936608897275182 1.5793951175125691 1.5020058559354639 1.3007937758349883 0.6894186093758586 1.0376702864728322 0.8674139110031972 0.392243844919772 0.36283592552047234 0.29628116056416076 0.7079920321543646 1.0005234409158204 0.40307834154056565 0.38551097916256466 0.5578568646947761 0.5160666634431421 1.1460152526807779 1.4462855875999459 +6583,1.625828674458834,0,1.0516003535567073 1.3936608897275182 1.5793951175125691 1.5020058559354639 1.3007937758349883 0.6894186093758586 1.0376702864728322 0.8674139110031972 0.392243844919772 0.36283592552047234 0.29628116056416076 0.7079920321543646 1.0005234409158204 0.40307834154056565 0.38551097916256466 0.5578568646947761 0.5160666634431421 1.1460152526807779 1.4462855875999459 2.167553505498571 +6584,2.2294649147602517,0,1.3936608897275182 1.5793951175125691 1.5020058559354639 1.3007937758349883 0.6894186093758586 1.0376702864728322 0.8674139110031972 0.392243844919772 0.36283592552047234 0.29628116056416076 0.7079920321543646 1.0005234409158204 0.40307834154056565 0.38551097916256466 0.5578568646947761 0.5160666634431421 1.1460152526807779 1.4462855875999459 2.167553505498571 1.625828674458834 +6585,1.6273764596903746,0,1.5793951175125691 1.5020058559354639 1.3007937758349883 0.6894186093758586 1.0376702864728322 0.8674139110031972 0.392243844919772 0.36283592552047234 0.29628116056416076 0.7079920321543646 1.0005234409158204 0.40307834154056565 0.38551097916256466 0.5578568646947761 0.5160666634431421 1.1460152526807779 1.4462855875999459 2.167553505498571 1.625828674458834 2.2294649147602517 +6586,2.8021454504308285,0,1.5020058559354639 1.3007937758349883 0.6894186093758586 1.0376702864728322 0.8674139110031972 0.392243844919772 0.36283592552047234 0.29628116056416076 0.7079920321543646 1.0005234409158204 0.40307834154056565 0.38551097916256466 0.5578568646947761 0.5160666634431421 1.1460152526807779 1.4462855875999459 2.167553505498571 1.625828674458834 2.2294649147602517 1.6273764596903746 +6587,2.060756324522166,0,1.3007937758349883 0.6894186093758586 1.0376702864728322 0.8674139110031972 0.392243844919772 0.36283592552047234 0.29628116056416076 0.7079920321543646 1.0005234409158204 0.40307834154056565 0.38551097916256466 0.5578568646947761 0.5160666634431421 1.1460152526807779 1.4462855875999459 2.167553505498571 1.625828674458834 2.2294649147602517 1.6273764596903746 2.8021454504308285 +6588,2.7866675981154128,0,0.6894186093758586 1.0376702864728322 0.8674139110031972 0.392243844919772 0.36283592552047234 0.29628116056416076 0.7079920321543646 1.0005234409158204 0.40307834154056565 0.38551097916256466 0.5578568646947761 0.5160666634431421 1.1460152526807779 1.4462855875999459 2.167553505498571 1.625828674458834 2.2294649147602517 1.6273764596903746 2.8021454504308285 2.060756324522166 +6589,2.0499218279013633,0,1.0376702864728322 0.8674139110031972 0.392243844919772 0.36283592552047234 0.29628116056416076 0.7079920321543646 1.0005234409158204 0.40307834154056565 0.38551097916256466 0.5578568646947761 0.5160666634431421 1.1460152526807779 1.4462855875999459 2.167553505498571 1.625828674458834 2.2294649147602517 1.6273764596903746 2.8021454504308285 2.060756324522166 2.7866675981154128 +6590,2.1830313578139866,0,0.8674139110031972 0.392243844919772 0.36283592552047234 0.29628116056416076 0.7079920321543646 1.0005234409158204 0.40307834154056565 0.38551097916256466 0.5578568646947761 0.5160666634431421 1.1460152526807779 1.4462855875999459 2.167553505498571 1.625828674458834 2.2294649147602517 1.6273764596903746 2.8021454504308285 2.060756324522166 2.7866675981154128 2.0499218279013633 +6591,1.625828674458834,0,0.392243844919772 0.36283592552047234 0.29628116056416076 0.7079920321543646 1.0005234409158204 0.40307834154056565 0.38551097916256466 0.5578568646947761 0.5160666634431421 1.1460152526807779 1.4462855875999459 2.167553505498571 1.625828674458834 2.2294649147602517 1.6273764596903746 2.8021454504308285 2.060756324522166 2.7866675981154128 2.0499218279013633 2.1830313578139866 +6592,0.9432553873487618,0,0.36283592552047234 0.29628116056416076 0.7079920321543646 1.0005234409158204 0.40307834154056565 0.38551097916256466 0.5578568646947761 0.5160666634431421 1.1460152526807779 1.4462855875999459 2.167553505498571 1.625828674458834 2.2294649147602517 1.6273764596903746 2.8021454504308285 2.060756324522166 2.7866675981154128 2.0499218279013633 2.1830313578139866 1.625828674458834 +6593,1.1924488096270427,0,0.29628116056416076 0.7079920321543646 1.0005234409158204 0.40307834154056565 0.38551097916256466 0.5578568646947761 0.5160666634431421 1.1460152526807779 1.4462855875999459 2.167553505498571 1.625828674458834 2.2294649147602517 1.6273764596903746 2.8021454504308285 2.060756324522166 2.7866675981154128 2.0499218279013633 2.1830313578139866 1.625828674458834 0.9432553873487618 +6594,0.9757588772111427,0,0.7079920321543646 1.0005234409158204 0.40307834154056565 0.38551097916256466 0.5578568646947761 0.5160666634431421 1.1460152526807779 1.4462855875999459 2.167553505498571 1.625828674458834 2.2294649147602517 1.6273764596903746 2.8021454504308285 2.060756324522166 2.7866675981154128 2.0499218279013633 2.1830313578139866 1.625828674458834 0.9432553873487618 1.1924488096270427 +6595,0.9293253202648867,0,1.0005234409158204 0.40307834154056565 0.38551097916256466 0.5578568646947761 0.5160666634431421 1.1460152526807779 1.4462855875999459 2.167553505498571 1.625828674458834 2.2294649147602517 1.6273764596903746 2.8021454504308285 2.060756324522166 2.7866675981154128 2.0499218279013633 2.1830313578139866 1.625828674458834 0.9432553873487618 1.1924488096270427 0.9757588772111427 +6596,0.7745467971106762,0,0.40307834154056565 0.38551097916256466 0.5578568646947761 0.5160666634431421 1.1460152526807779 1.4462855875999459 2.167553505498571 1.625828674458834 2.2294649147602517 1.6273764596903746 2.8021454504308285 2.060756324522166 2.7866675981154128 2.0499218279013633 2.1830313578139866 1.625828674458834 0.9432553873487618 1.1924488096270427 0.9757588772111427 0.9293253202648867 +6597,0.6042904216410411,0,0.38551097916256466 0.5578568646947761 0.5160666634431421 1.1460152526807779 1.4462855875999459 2.167553505498571 1.625828674458834 2.2294649147602517 1.6273764596903746 2.8021454504308285 2.060756324522166 2.7866675981154128 2.0499218279013633 2.1830313578139866 1.625828674458834 0.9432553873487618 1.1924488096270427 0.9757588772111427 0.9293253202648867 0.7745467971106762 +6598,0.5578568646947761,0,0.5578568646947761 0.5160666634431421 1.1460152526807779 1.4462855875999459 2.167553505498571 1.625828674458834 2.2294649147602517 1.6273764596903746 2.8021454504308285 2.060756324522166 2.7866675981154128 2.0499218279013633 2.1830313578139866 1.625828674458834 0.9432553873487618 1.1924488096270427 0.9757588772111427 0.9293253202648867 0.7745467971106762 0.6042904216410411 +6599,0.36283592552047234,0,0.5160666634431421 1.1460152526807779 1.4462855875999459 2.167553505498571 1.625828674458834 2.2294649147602517 1.6273764596903746 2.8021454504308285 2.060756324522166 2.7866675981154128 2.0499218279013633 2.1830313578139866 1.625828674458834 0.9432553873487618 1.1924488096270427 0.9757588772111427 0.9293253202648867 0.7745467971106762 0.6042904216410411 0.5578568646947761 +6600,0.3721226369097253,0,1.1460152526807779 1.4462855875999459 2.167553505498571 1.625828674458834 2.2294649147602517 1.6273764596903746 2.8021454504308285 2.060756324522166 2.7866675981154128 2.0499218279013633 2.1830313578139866 1.625828674458834 0.9432553873487618 1.1924488096270427 0.9757588772111427 0.9293253202648867 0.7745467971106762 0.6042904216410411 0.5578568646947761 0.36283592552047234 +6601,0.17864948296696218,0,1.4462855875999459 2.167553505498571 1.625828674458834 2.2294649147602517 1.6273764596903746 2.8021454504308285 2.060756324522166 2.7866675981154128 2.0499218279013633 2.1830313578139866 1.625828674458834 0.9432553873487618 1.1924488096270427 0.9757588772111427 0.9293253202648867 0.7745467971106762 0.6042904216410411 0.5578568646947761 0.36283592552047234 0.3721226369097253 +6602,0.5733347170102008,0,2.167553505498571 1.625828674458834 2.2294649147602517 1.6273764596903746 2.8021454504308285 2.060756324522166 2.7866675981154128 2.0499218279013633 2.1830313578139866 1.625828674458834 0.9432553873487618 1.1924488096270427 0.9757588772111427 0.9293253202648867 0.7745467971106762 0.6042904216410411 0.5578568646947761 0.36283592552047234 0.3721226369097253 0.17864948296696218 +6603,0.45105968371837124,0,1.625828674458834 2.2294649147602517 1.6273764596903746 2.8021454504308285 2.060756324522166 2.7866675981154128 2.0499218279013633 2.1830313578139866 1.625828674458834 0.9432553873487618 1.1924488096270427 0.9757588772111427 0.9293253202648867 0.7745467971106762 0.6042904216410411 0.5578568646947761 0.36283592552047234 0.3721226369097253 0.17864948296696218 0.5733347170102008 +6604,0.941707602117221,0,2.2294649147602517 1.6273764596903746 2.8021454504308285 2.060756324522166 2.7866675981154128 2.0499218279013633 2.1830313578139866 1.625828674458834 0.9432553873487618 1.1924488096270427 0.9757588772111427 0.9293253202648867 0.7745467971106762 0.6042904216410411 0.5578568646947761 0.36283592552047234 0.3721226369097253 0.17864948296696218 0.5733347170102008 0.45105968371837124 +6605,1.2481690779625607,0,1.6273764596903746 2.8021454504308285 2.060756324522166 2.7866675981154128 2.0499218279013633 2.1830313578139866 1.625828674458834 0.9432553873487618 1.1924488096270427 0.9757588772111427 0.9293253202648867 0.7745467971106762 0.6042904216410411 0.5578568646947761 0.36283592552047234 0.3721226369097253 0.17864948296696218 0.5733347170102008 0.45105968371837124 0.941707602117221 +6606,1.190901024395502,0,2.8021454504308285 2.060756324522166 2.7866675981154128 2.0499218279013633 2.1830313578139866 1.625828674458834 0.9432553873487618 1.1924488096270427 0.9757588772111427 0.9293253202648867 0.7745467971106762 0.6042904216410411 0.5578568646947761 0.36283592552047234 0.3721226369097253 0.17864948296696218 0.5733347170102008 0.45105968371837124 0.941707602117221 1.2481690779625607 +6607,2.0746863916060407,0,2.060756324522166 2.7866675981154128 2.0499218279013633 2.1830313578139866 1.625828674458834 0.9432553873487618 1.1924488096270427 0.9757588772111427 0.9293253202648867 0.7745467971106762 0.6042904216410411 0.5578568646947761 0.36283592552047234 0.3721226369097253 0.17864948296696218 0.5733347170102008 0.45105968371837124 0.941707602117221 1.2481690779625607 1.190901024395502 +6608,1.3193671986134943,0,2.7866675981154128 2.0499218279013633 2.1830313578139866 1.625828674458834 0.9432553873487618 1.1924488096270427 0.9757588772111427 0.9293253202648867 0.7745467971106762 0.6042904216410411 0.5578568646947761 0.36283592552047234 0.3721226369097253 0.17864948296696218 0.5733347170102008 0.45105968371837124 0.941707602117221 1.2481690779625607 1.190901024395502 2.0746863916060407 +6609,1.2760292121303107,0,2.0499218279013633 2.1830313578139866 1.625828674458834 0.9432553873487618 1.1924488096270427 0.9757588772111427 0.9293253202648867 0.7745467971106762 0.6042904216410411 0.5578568646947761 0.36283592552047234 0.3721226369097253 0.17864948296696218 0.5733347170102008 0.45105968371837124 0.941707602117221 1.2481690779625607 1.190901024395502 2.0746863916060407 1.3193671986134943 +6610,2.0855208882268346,0,2.1830313578139866 1.625828674458834 0.9432553873487618 1.1924488096270427 0.9757588772111427 0.9293253202648867 0.7745467971106762 0.6042904216410411 0.5578568646947761 0.36283592552047234 0.3721226369097253 0.17864948296696218 0.5733347170102008 0.45105968371837124 0.941707602117221 1.2481690779625607 1.190901024395502 2.0746863916060407 1.3193671986134943 1.2760292121303107 +6611,2.1985092101294113,0,1.625828674458834 0.9432553873487618 1.1924488096270427 0.9757588772111427 0.9293253202648867 0.7745467971106762 0.6042904216410411 0.5578568646947761 0.36283592552047234 0.3721226369097253 0.17864948296696218 0.5733347170102008 0.45105968371837124 0.941707602117221 1.2481690779625607 1.190901024395502 2.0746863916060407 1.3193671986134943 1.2760292121303107 2.0855208882268346 +6612,1.9044300161364058,0,0.9432553873487618 1.1924488096270427 0.9757588772111427 0.9293253202648867 0.7745467971106762 0.6042904216410411 0.5578568646947761 0.36283592552047234 0.3721226369097253 0.17864948296696218 0.5733347170102008 0.45105968371837124 0.941707602117221 1.2481690779625607 1.190901024395502 2.0746863916060407 1.3193671986134943 1.2760292121303107 2.0855208882268346 2.1985092101294113 +6613,1.3317494804658287,0,1.1924488096270427 0.9757588772111427 0.9293253202648867 0.7745467971106762 0.6042904216410411 0.5578568646947761 0.36283592552047234 0.3721226369097253 0.17864948296696218 0.5733347170102008 0.45105968371837124 0.941707602117221 1.2481690779625607 1.190901024395502 2.0746863916060407 1.3193671986134943 1.2760292121303107 2.0855208882268346 2.1985092101294113 1.9044300161364058 +6614,1.0268357898520386,0,0.9757588772111427 0.9293253202648867 0.7745467971106762 0.6042904216410411 0.5578568646947761 0.36283592552047234 0.3721226369097253 0.17864948296696218 0.5733347170102008 0.45105968371837124 0.941707602117221 1.2481690779625607 1.190901024395502 2.0746863916060407 1.3193671986134943 1.2760292121303107 2.0855208882268346 2.1985092101294113 1.9044300161364058 1.3317494804658287 +6615,0.5826214283994537,0,0.9293253202648867 0.7745467971106762 0.6042904216410411 0.5578568646947761 0.36283592552047234 0.3721226369097253 0.17864948296696218 0.5733347170102008 0.45105968371837124 0.941707602117221 1.2481690779625607 1.190901024395502 2.0746863916060407 1.3193671986134943 1.2760292121303107 2.0855208882268346 2.1985092101294113 1.9044300161364058 1.3317494804658287 1.0268357898520386 +6616,0.6042904216410411,0,0.7745467971106762 0.6042904216410411 0.5578568646947761 0.36283592552047234 0.3721226369097253 0.17864948296696218 0.5733347170102008 0.45105968371837124 0.941707602117221 1.2481690779625607 1.190901024395502 2.0746863916060407 1.3193671986134943 1.2760292121303107 2.0855208882268346 2.1985092101294113 1.9044300161364058 1.3317494804658287 1.0268357898520386 0.5826214283994537 +6617,0.46963310649687723,0,0.6042904216410411 0.5578568646947761 0.36283592552047234 0.3721226369097253 0.17864948296696218 0.5733347170102008 0.45105968371837124 0.941707602117221 1.2481690779625607 1.190901024395502 2.0746863916060407 1.3193671986134943 1.2760292121303107 2.0855208882268346 2.1985092101294113 1.9044300161364058 1.3317494804658287 1.0268357898520386 0.5826214283994537 0.6042904216410411 +6618,0.5733347170102008,0,0.5578568646947761 0.36283592552047234 0.3721226369097253 0.17864948296696218 0.5733347170102008 0.45105968371837124 0.941707602117221 1.2481690779625607 1.190901024395502 2.0746863916060407 1.3193671986134943 1.2760292121303107 2.0855208882268346 2.1985092101294113 1.9044300161364058 1.3317494804658287 1.0268357898520386 0.5826214283994537 0.6042904216410411 0.46963310649687723 +6619,0.590360354557166,0,0.36283592552047234 0.3721226369097253 0.17864948296696218 0.5733347170102008 0.45105968371837124 0.941707602117221 1.2481690779625607 1.190901024395502 2.0746863916060407 1.3193671986134943 1.2760292121303107 2.0855208882268346 2.1985092101294113 1.9044300161364058 1.3317494804658287 1.0268357898520386 0.5826214283994537 0.6042904216410411 0.46963310649687723 0.5733347170102008 +6620,0.23282196607093936,0,0.3721226369097253 0.17864948296696218 0.5733347170102008 0.45105968371837124 0.941707602117221 1.2481690779625607 1.190901024395502 2.0746863916060407 1.3193671986134943 1.2760292121303107 2.0855208882268346 2.1985092101294113 1.9044300161364058 1.3317494804658287 1.0268357898520386 0.5826214283994537 0.6042904216410411 0.46963310649687723 0.5733347170102008 0.590360354557166 +6621,0.590360354557166,0,0.17864948296696218 0.5733347170102008 0.45105968371837124 0.941707602117221 1.2481690779625607 1.190901024395502 2.0746863916060407 1.3193671986134943 1.2760292121303107 2.0855208882268346 2.1985092101294113 1.9044300161364058 1.3317494804658287 1.0268357898520386 0.5826214283994537 0.6042904216410411 0.46963310649687723 0.5733347170102008 0.590360354557166 0.23282196607093936 +6622,0.3102112276480446,0,0.5733347170102008 0.45105968371837124 0.941707602117221 1.2481690779625607 1.190901024395502 2.0746863916060407 1.3193671986134943 1.2760292121303107 2.0855208882268346 2.1985092101294113 1.9044300161364058 1.3317494804658287 1.0268357898520386 0.5826214283994537 0.6042904216410411 0.46963310649687723 0.5733347170102008 0.590360354557166 0.23282196607093936 0.590360354557166 +6623,0.4324862609398653,0,0.45105968371837124 0.941707602117221 1.2481690779625607 1.190901024395502 2.0746863916060407 1.3193671986134943 1.2760292121303107 2.0855208882268346 2.1985092101294113 1.9044300161364058 1.3317494804658287 1.0268357898520386 0.5826214283994537 0.6042904216410411 0.46963310649687723 0.5733347170102008 0.590360354557166 0.23282196607093936 0.590360354557166 0.3102112276480446 +6624,0.29473337533262006,0,0.941707602117221 1.2481690779625607 1.190901024395502 2.0746863916060407 1.3193671986134943 1.2760292121303107 2.0855208882268346 2.1985092101294113 1.9044300161364058 1.3317494804658287 1.0268357898520386 0.5826214283994537 0.6042904216410411 0.46963310649687723 0.5733347170102008 0.590360354557166 0.23282196607093936 0.590360354557166 0.3102112276480446 0.4324862609398653 +6625,0.20186626144009023,0,1.2481690779625607 1.190901024395502 2.0746863916060407 1.3193671986134943 1.2760292121303107 2.0855208882268346 2.1985092101294113 1.9044300161364058 1.3317494804658287 1.0268357898520386 0.5826214283994537 0.6042904216410411 0.46963310649687723 0.5733347170102008 0.590360354557166 0.23282196607093936 0.590360354557166 0.3102112276480446 0.4324862609398653 0.29473337533262006 +6626,0.29473337533262006,0,1.190901024395502 2.0746863916060407 1.3193671986134943 1.2760292121303107 2.0855208882268346 2.1985092101294113 1.9044300161364058 1.3317494804658287 1.0268357898520386 0.5826214283994537 0.6042904216410411 0.46963310649687723 0.5733347170102008 0.590360354557166 0.23282196607093936 0.590360354557166 0.3102112276480446 0.4324862609398653 0.29473337533262006 0.20186626144009023 +6627,0.7126353878489867,0,2.0746863916060407 1.3193671986134943 1.2760292121303107 2.0855208882268346 2.1985092101294113 1.9044300161364058 1.3317494804658287 1.0268357898520386 0.5826214283994537 0.6042904216410411 0.46963310649687723 0.5733347170102008 0.590360354557166 0.23282196607093936 0.590360354557166 0.3102112276480446 0.4324862609398653 0.29473337533262006 0.20186626144009023 0.29473337533262006 +6628,0.8674139110031972,0,1.3193671986134943 1.2760292121303107 2.0855208882268346 2.1985092101294113 1.9044300161364058 1.3317494804658287 1.0268357898520386 0.5826214283994537 0.6042904216410411 0.46963310649687723 0.5733347170102008 0.590360354557166 0.23282196607093936 0.590360354557166 0.3102112276480446 0.4324862609398653 0.29473337533262006 0.20186626144009023 0.29473337533262006 0.7126353878489867 +6629,1.0964861252714315,0,1.2760292121303107 2.0855208882268346 2.1985092101294113 1.9044300161364058 1.3317494804658287 1.0268357898520386 0.5826214283994537 0.6042904216410411 0.46963310649687723 0.5733347170102008 0.590360354557166 0.23282196607093936 0.590360354557166 0.3102112276480446 0.4324862609398653 0.29473337533262006 0.20186626144009023 0.29473337533262006 0.7126353878489867 0.8674139110031972 +6630,0.7544255891006295,0,2.0855208882268346 2.1985092101294113 1.9044300161364058 1.3317494804658287 1.0268357898520386 0.5826214283994537 0.6042904216410411 0.46963310649687723 0.5733347170102008 0.590360354557166 0.23282196607093936 0.590360354557166 0.3102112276480446 0.4324862609398653 0.29473337533262006 0.20186626144009023 0.29473337533262006 0.7126353878489867 0.8674139110031972 1.0964861252714315 +6631,1.6738100166366396,0,2.1985092101294113 1.9044300161364058 1.3317494804658287 1.0268357898520386 0.5826214283994537 0.6042904216410411 0.46963310649687723 0.5733347170102008 0.590360354557166 0.23282196607093936 0.590360354557166 0.3102112276480446 0.4324862609398653 0.29473337533262006 0.20186626144009023 0.29473337533262006 0.7126353878489867 0.8674139110031972 1.0964861252714315 0.7544255891006295 +6632,2.1830313578139866,0,1.9044300161364058 1.3317494804658287 1.0268357898520386 0.5826214283994537 0.6042904216410411 0.46963310649687723 0.5733347170102008 0.590360354557166 0.23282196607093936 0.590360354557166 0.3102112276480446 0.4324862609398653 0.29473337533262006 0.20186626144009023 0.29473337533262006 0.7126353878489867 0.8674139110031972 1.0964861252714315 0.7544255891006295 1.6738100166366396 +6633,2.244942767075676,0,1.3317494804658287 1.0268357898520386 0.5826214283994537 0.6042904216410411 0.46963310649687723 0.5733347170102008 0.590360354557166 0.23282196607093936 0.590360354557166 0.3102112276480446 0.4324862609398653 0.29473337533262006 0.20186626144009023 0.29473337533262006 0.7126353878489867 0.8674139110031972 1.0964861252714315 0.7544255891006295 1.6738100166366396 2.1830313578139866 +6634,0.9478987430433926,0,1.0268357898520386 0.5826214283994537 0.6042904216410411 0.46963310649687723 0.5733347170102008 0.590360354557166 0.23282196607093936 0.590360354557166 0.3102112276480446 0.4324862609398653 0.29473337533262006 0.20186626144009023 0.29473337533262006 0.7126353878489867 0.8674139110031972 1.0964861252714315 0.7544255891006295 1.6738100166366396 2.1830313578139866 2.244942767075676 +6635,2.167553505498571,0,0.5826214283994537 0.6042904216410411 0.46963310649687723 0.5733347170102008 0.590360354557166 0.23282196607093936 0.590360354557166 0.3102112276480446 0.4324862609398653 0.29473337533262006 0.20186626144009023 0.29473337533262006 0.7126353878489867 0.8674139110031972 1.0964861252714315 0.7544255891006295 1.6738100166366396 2.1830313578139866 2.244942767075676 0.9478987430433926 +6636,1.048504783093626,0,0.6042904216410411 0.46963310649687723 0.5733347170102008 0.590360354557166 0.23282196607093936 0.590360354557166 0.3102112276480446 0.4324862609398653 0.29473337533262006 0.20186626144009023 0.29473337533262006 0.7126353878489867 0.8674139110031972 1.0964861252714315 0.7544255891006295 1.6738100166366396 2.1830313578139866 2.244942767075676 0.9478987430433926 2.167553505498571 +6637,1.190901024395502,0,0.46963310649687723 0.5733347170102008 0.590360354557166 0.23282196607093936 0.590360354557166 0.3102112276480446 0.4324862609398653 0.29473337533262006 0.20186626144009023 0.29473337533262006 0.7126353878489867 0.8674139110031972 1.0964861252714315 0.7544255891006295 1.6738100166366396 2.1830313578139866 2.244942767075676 0.9478987430433926 2.167553505498571 1.048504783093626 +6638,1.2636469302779765,0,0.5733347170102008 0.590360354557166 0.23282196607093936 0.590360354557166 0.3102112276480446 0.4324862609398653 0.29473337533262006 0.20186626144009023 0.29473337533262006 0.7126353878489867 0.8674139110031972 1.0964861252714315 0.7544255891006295 1.6738100166366396 2.1830313578139866 2.244942767075676 0.9478987430433926 2.167553505498571 1.048504783093626 1.190901024395502 +6639,0.6971575355335708,0,0.590360354557166 0.23282196607093936 0.590360354557166 0.3102112276480446 0.4324862609398653 0.29473337533262006 0.20186626144009023 0.29473337533262006 0.7126353878489867 0.8674139110031972 1.0964861252714315 0.7544255891006295 1.6738100166366396 2.1830313578139866 2.244942767075676 0.9478987430433926 2.167553505498571 1.048504783093626 1.190901024395502 1.2636469302779765 +6640,0.4820153883492116,0,0.23282196607093936 0.590360354557166 0.3102112276480446 0.4324862609398653 0.29473337533262006 0.20186626144009023 0.29473337533262006 0.7126353878489867 0.8674139110031972 1.0964861252714315 0.7544255891006295 1.6738100166366396 2.1830313578139866 2.244942767075676 0.9478987430433926 2.167553505498571 1.048504783093626 1.190901024395502 1.2636469302779765 0.6971575355335708 +6641,0.6971575355335708,0,0.590360354557166 0.3102112276480446 0.4324862609398653 0.29473337533262006 0.20186626144009023 0.29473337533262006 0.7126353878489867 0.8674139110031972 1.0964861252714315 0.7544255891006295 1.6738100166366396 2.1830313578139866 2.244942767075676 0.9478987430433926 2.167553505498571 1.048504783093626 1.190901024395502 1.2636469302779765 0.6971575355335708 0.4820153883492116 +6642,0.5021365963592582,0,0.3102112276480446 0.4324862609398653 0.29473337533262006 0.20186626144009023 0.29473337533262006 0.7126353878489867 0.8674139110031972 1.0964861252714315 0.7544255891006295 1.6738100166366396 2.1830313578139866 2.244942767075676 0.9478987430433926 2.167553505498571 1.048504783093626 1.190901024395502 1.2636469302779765 0.6971575355335708 0.4820153883492116 0.6971575355335708 +6643,0.25758652977560814,0,0.4324862609398653 0.29473337533262006 0.20186626144009023 0.29473337533262006 0.7126353878489867 0.8674139110031972 1.0964861252714315 0.7544255891006295 1.6738100166366396 2.1830313578139866 2.244942767075676 0.9478987430433926 2.167553505498571 1.048504783093626 1.190901024395502 1.2636469302779765 0.6971575355335708 0.4820153883492116 0.6971575355335708 0.5021365963592582 +6644,0.18638840912467444,0,0.29473337533262006 0.20186626144009023 0.29473337533262006 0.7126353878489867 0.8674139110031972 1.0964861252714315 0.7544255891006295 1.6738100166366396 2.1830313578139866 2.244942767075676 0.9478987430433926 2.167553505498571 1.048504783093626 1.190901024395502 1.2636469302779765 0.6971575355335708 0.4820153883492116 0.6971575355335708 0.5021365963592582 0.25758652977560814 +6645,0.17710169773542148,0,0.20186626144009023 0.29473337533262006 0.7126353878489867 0.8674139110031972 1.0964861252714315 0.7544255891006295 1.6738100166366396 2.1830313578139866 2.244942767075676 0.9478987430433926 2.167553505498571 1.048504783093626 1.190901024395502 1.2636469302779765 0.6971575355335708 0.4820153883492116 0.6971575355335708 0.5021365963592582 0.25758652977560814 0.18638840912467444 +6646,0.08733015430598183,0,0.29473337533262006 0.7126353878489867 0.8674139110031972 1.0964861252714315 0.7544255891006295 1.6738100166366396 2.1830313578139866 2.244942767075676 0.9478987430433926 2.167553505498571 1.048504783093626 1.190901024395502 1.2636469302779765 0.6971575355335708 0.4820153883492116 0.6971575355335708 0.5021365963592582 0.25758652977560814 0.18638840912467444 0.17710169773542148 +6647,0.0006541813396235972,0,0.7126353878489867 0.8674139110031972 1.0964861252714315 0.7544255891006295 1.6738100166366396 2.1830313578139866 2.244942767075676 0.9478987430433926 2.167553505498571 1.048504783093626 1.190901024395502 1.2636469302779765 0.6971575355335708 0.4820153883492116 0.6971575355335708 0.5021365963592582 0.25758652977560814 0.18638840912467444 0.17710169773542148 0.08733015430598183 +6648,-0.0550660869958943,0,0.8674139110031972 1.0964861252714315 0.7544255891006295 1.6738100166366396 2.1830313578139866 2.244942767075676 0.9478987430433926 2.167553505498571 1.048504783093626 1.190901024395502 1.2636469302779765 0.6971575355335708 0.4820153883492116 0.6971575355335708 0.5021365963592582 0.25758652977560814 0.18638840912467444 0.17710169773542148 0.08733015430598183 0.0006541813396235972 +6649,-0.017919241438882367,0,1.0964861252714315 0.7544255891006295 1.6738100166366396 2.1830313578139866 2.244942767075676 0.9478987430433926 2.167553505498571 1.048504783093626 1.190901024395502 1.2636469302779765 0.6971575355335708 0.4820153883492116 0.6971575355335708 0.5021365963592582 0.25758652977560814 0.18638840912467444 0.17710169773542148 0.08733015430598183 0.0006541813396235972 -0.0550660869958943 +6650,0.08733015430598183,0,0.7544255891006295 1.6738100166366396 2.1830313578139866 2.244942767075676 0.9478987430433926 2.167553505498571 1.048504783093626 1.190901024395502 1.2636469302779765 0.6971575355335708 0.4820153883492116 0.6971575355335708 0.5021365963592582 0.25758652977560814 0.18638840912467444 0.17710169773542148 0.08733015430598183 0.0006541813396235972 -0.0550660869958943 -0.017919241438882367 +6651,0.2746121673225734,0,1.6738100166366396 2.1830313578139866 2.244942767075676 0.9478987430433926 2.167553505498571 1.048504783093626 1.190901024395502 1.2636469302779765 0.6971575355335708 0.4820153883492116 0.6971575355335708 0.5021365963592582 0.25758652977560814 0.18638840912467444 0.17710169773542148 0.08733015430598183 0.0006541813396235972 -0.0550660869958943 -0.017919241438882367 0.08733015430598183 +6652,0.6460806228926751,0,2.1830313578139866 2.244942767075676 0.9478987430433926 2.167553505498571 1.048504783093626 1.190901024395502 1.2636469302779765 0.6971575355335708 0.4820153883492116 0.6971575355335708 0.5021365963592582 0.25758652977560814 0.18638840912467444 0.17710169773542148 0.08733015430598183 0.0006541813396235972 -0.0550660869958943 -0.017919241438882367 0.08733015430598183 0.2746121673225734 +6653,0.7513300186375393,0,2.244942767075676 0.9478987430433926 2.167553505498571 1.048504783093626 1.190901024395502 1.2636469302779765 0.6971575355335708 0.4820153883492116 0.6971575355335708 0.5021365963592582 0.25758652977560814 0.18638840912467444 0.17710169773542148 0.08733015430598183 0.0006541813396235972 -0.0550660869958943 -0.017919241438882367 0.08733015430598183 0.2746121673225734 0.6460806228926751 +6654,1.0933905548083502,0,0.9478987430433926 2.167553505498571 1.048504783093626 1.190901024395502 1.2636469302779765 0.6971575355335708 0.4820153883492116 0.6971575355335708 0.5021365963592582 0.25758652977560814 0.18638840912467444 0.17710169773542148 0.08733015430598183 0.0006541813396235972 -0.0550660869958943 -0.017919241438882367 0.08733015430598183 0.2746121673225734 0.6460806228926751 0.7513300186375393 +6655,1.3688963260228406,0,2.167553505498571 1.048504783093626 1.190901024395502 1.2636469302779765 0.6971575355335708 0.4820153883492116 0.6971575355335708 0.5021365963592582 0.25758652977560814 0.18638840912467444 0.17710169773542148 0.08733015430598183 0.0006541813396235972 -0.0550660869958943 -0.017919241438882367 0.08733015430598183 0.2746121673225734 0.6460806228926751 0.7513300186375393 1.0933905548083502 +6656,1.4215210238952685,0,1.048504783093626 1.190901024395502 1.2636469302779765 0.6971575355335708 0.4820153883492116 0.6971575355335708 0.5021365963592582 0.25758652977560814 0.18638840912467444 0.17710169773542148 0.08733015430598183 0.0006541813396235972 -0.0550660869958943 -0.017919241438882367 0.08733015430598183 0.2746121673225734 0.6460806228926751 0.7513300186375393 1.0933905548083502 1.3688963260228406 +6657,1.4633112251469111,0,1.190901024395502 1.2636469302779765 0.6971575355335708 0.4820153883492116 0.6971575355335708 0.5021365963592582 0.25758652977560814 0.18638840912467444 0.17710169773542148 0.08733015430598183 0.0006541813396235972 -0.0550660869958943 -0.017919241438882367 0.08733015430598183 0.2746121673225734 0.6460806228926751 0.7513300186375393 1.0933905548083502 1.3688963260228406 1.4215210238952685 +6658,1.5468916276501792,0,1.2636469302779765 0.6971575355335708 0.4820153883492116 0.6971575355335708 0.5021365963592582 0.25758652977560814 0.18638840912467444 0.17710169773542148 0.08733015430598183 0.0006541813396235972 -0.0550660869958943 -0.017919241438882367 0.08733015430598183 0.2746121673225734 0.6460806228926751 0.7513300186375393 1.0933905548083502 1.3688963260228406 1.4215210238952685 1.4633112251469111 +6659,1.4803368626938764,0,0.6971575355335708 0.4820153883492116 0.6971575355335708 0.5021365963592582 0.25758652977560814 0.18638840912467444 0.17710169773542148 0.08733015430598183 0.0006541813396235972 -0.0550660869958943 -0.017919241438882367 0.08733015430598183 0.2746121673225734 0.6460806228926751 0.7513300186375393 1.0933905548083502 1.3688963260228406 1.4215210238952685 1.4633112251469111 1.5468916276501792 +6660,1.483432433156958,0,0.4820153883492116 0.6971575355335708 0.5021365963592582 0.25758652977560814 0.18638840912467444 0.17710169773542148 0.08733015430598183 0.0006541813396235972 -0.0550660869958943 -0.017919241438882367 0.08733015430598183 0.2746121673225734 0.6460806228926751 0.7513300186375393 1.0933905548083502 1.3688963260228406 1.4215210238952685 1.4633112251469111 1.5468916276501792 1.4803368626938764 +6661,1.3472273327812534,0,0.6971575355335708 0.5021365963592582 0.25758652977560814 0.18638840912467444 0.17710169773542148 0.08733015430598183 0.0006541813396235972 -0.0550660869958943 -0.017919241438882367 0.08733015430598183 0.2746121673225734 0.6460806228926751 0.7513300186375393 1.0933905548083502 1.3688963260228406 1.4215210238952685 1.4633112251469111 1.5468916276501792 1.4803368626938764 1.483432433156958 +6662,1.0794604877244662,0,0.5021365963592582 0.25758652977560814 0.18638840912467444 0.17710169773542148 0.08733015430598183 0.0006541813396235972 -0.0550660869958943 -0.017919241438882367 0.08733015430598183 0.2746121673225734 0.6460806228926751 0.7513300186375393 1.0933905548083502 1.3688963260228406 1.4215210238952685 1.4633112251469111 1.5468916276501792 1.4803368626938764 1.483432433156958 1.3472273327812534 +6663,0.6197682739564656,0,0.25758652977560814 0.18638840912467444 0.17710169773542148 0.08733015430598183 0.0006541813396235972 -0.0550660869958943 -0.017919241438882367 0.08733015430598183 0.2746121673225734 0.6460806228926751 0.7513300186375393 1.0933905548083502 1.3688963260228406 1.4215210238952685 1.4633112251469111 1.5468916276501792 1.4803368626938764 1.483432433156958 1.3472273327812534 1.0794604877244662 +6664,0.2684210263964018,0,0.18638840912467444 0.17710169773542148 0.08733015430598183 0.0006541813396235972 -0.0550660869958943 -0.017919241438882367 0.08733015430598183 0.2746121673225734 0.6460806228926751 0.7513300186375393 1.0933905548083502 1.3688963260228406 1.4215210238952685 1.4633112251469111 1.5468916276501792 1.4803368626938764 1.483432433156958 1.3472273327812534 1.0794604877244662 0.6197682739564656 +6665,0.18948397958775584,0,0.17710169773542148 0.08733015430598183 0.0006541813396235972 -0.0550660869958943 -0.017919241438882367 0.08733015430598183 0.2746121673225734 0.6460806228926751 0.7513300186375393 1.0933905548083502 1.3688963260228406 1.4215210238952685 1.4633112251469111 1.5468916276501792 1.4803368626938764 1.483432433156958 1.3472273327812534 1.0794604877244662 0.6197682739564656 0.2684210263964018 +6666,0.18484062389313374,0,0.08733015430598183 0.0006541813396235972 -0.0550660869958943 -0.017919241438882367 0.08733015430598183 0.2746121673225734 0.6460806228926751 0.7513300186375393 1.0933905548083502 1.3688963260228406 1.4215210238952685 1.4633112251469111 1.5468916276501792 1.4803368626938764 1.483432433156958 1.3472273327812534 1.0794604877244662 0.6197682739564656 0.2684210263964018 0.18948397958775584 +6667,0.030062100738923243,0,0.0006541813396235972 -0.0550660869958943 -0.017919241438882367 0.08733015430598183 0.2746121673225734 0.6460806228926751 0.7513300186375393 1.0933905548083502 1.3688963260228406 1.4215210238952685 1.4633112251469111 1.5468916276501792 1.4803368626938764 1.483432433156958 1.3472273327812534 1.0794604877244662 0.6197682739564656 0.2684210263964018 0.18948397958775584 0.18484062389313374 +6668,0.0006541813396235972,0,-0.0550660869958943 -0.017919241438882367 0.08733015430598183 0.2746121673225734 0.6460806228926751 0.7513300186375393 1.0933905548083502 1.3688963260228406 1.4215210238952685 1.4633112251469111 1.5468916276501792 1.4803368626938764 1.483432433156958 1.3472273327812534 1.0794604877244662 0.6197682739564656 0.2684210263964018 0.18948397958775584 0.18484062389313374 0.030062100738923243 +6669,-0.03804044944892903,0,-0.017919241438882367 0.08733015430598183 0.2746121673225734 0.6460806228926751 0.7513300186375393 1.0933905548083502 1.3688963260228406 1.4215210238952685 1.4633112251469111 1.5468916276501792 1.4803368626938764 1.483432433156958 1.3472273327812534 1.0794604877244662 0.6197682739564656 0.2684210263964018 0.18948397958775584 0.18484062389313374 0.030062100738923243 0.0006541813396235972 +6670,-0.10304742917369991,0,0.08733015430598183 0.2746121673225734 0.6460806228926751 0.7513300186375393 1.0933905548083502 1.3688963260228406 1.4215210238952685 1.4633112251469111 1.5468916276501792 1.4803368626938764 1.483432433156958 1.3472273327812534 1.0794604877244662 0.6197682739564656 0.2684210263964018 0.18948397958775584 0.18484062389313374 0.030062100738923243 0.0006541813396235972 -0.03804044944892903 +6671,-0.09685628824752832,0,0.2746121673225734 0.6460806228926751 0.7513300186375393 1.0933905548083502 1.3688963260228406 1.4215210238952685 1.4633112251469111 1.5468916276501792 1.4803368626938764 1.483432433156958 1.3472273327812534 1.0794604877244662 0.6197682739564656 0.2684210263964018 0.18948397958775584 0.18484062389313374 0.030062100738923243 0.0006541813396235972 -0.03804044944892903 -0.10304742917369991 +6672,-0.09221293255290623,0,0.6460806228926751 0.7513300186375393 1.0933905548083502 1.3688963260228406 1.4215210238952685 1.4633112251469111 1.5468916276501792 1.4803368626938764 1.483432433156958 1.3472273327812534 1.0794604877244662 0.6197682739564656 0.2684210263964018 0.18948397958775584 0.18484062389313374 0.030062100738923243 0.0006541813396235972 -0.03804044944892903 -0.10304742917369991 -0.09685628824752832 +6673,-0.12162085195220587,0,0.7513300186375393 1.0933905548083502 1.3688963260228406 1.4215210238952685 1.4633112251469111 1.5468916276501792 1.4803368626938764 1.483432433156958 1.3472273327812534 1.0794604877244662 0.6197682739564656 0.2684210263964018 0.18948397958775584 0.18484062389313374 0.030062100738923243 0.0006541813396235972 -0.03804044944892903 -0.10304742917369991 -0.09685628824752832 -0.09221293255290623 +6674,-0.04577937560664132,0,1.0933905548083502 1.3688963260228406 1.4215210238952685 1.4633112251469111 1.5468916276501792 1.4803368626938764 1.483432433156958 1.3472273327812534 1.0794604877244662 0.6197682739564656 0.2684210263964018 0.18948397958775584 0.18484062389313374 0.030062100738923243 0.0006541813396235972 -0.03804044944892903 -0.10304742917369991 -0.09685628824752832 -0.09221293255290623 -0.12162085195220587 +6675,0.08887793953752253,0,1.3688963260228406 1.4215210238952685 1.4633112251469111 1.5468916276501792 1.4803368626938764 1.483432433156958 1.3472273327812534 1.0794604877244662 0.6197682739564656 0.2684210263964018 0.18948397958775584 0.18484062389313374 0.030062100738923243 0.0006541813396235972 -0.03804044944892903 -0.10304742917369991 -0.09685628824752832 -0.09221293255290623 -0.12162085195220587 -0.04577937560664132 +6676,0.34271471751042565,0,1.4215210238952685 1.4633112251469111 1.5468916276501792 1.4803368626938764 1.483432433156958 1.3472273327812534 1.0794604877244662 0.6197682739564656 0.2684210263964018 0.18948397958775584 0.18484062389313374 0.030062100738923243 0.0006541813396235972 -0.03804044944892903 -0.10304742917369991 -0.09685628824752832 -0.09221293255290623 -0.12162085195220587 -0.04577937560664132 0.08887793953752253 +6677,0.7699034414160453,0,1.4633112251469111 1.5468916276501792 1.4803368626938764 1.483432433156958 1.3472273327812534 1.0794604877244662 0.6197682739564656 0.2684210263964018 0.18948397958775584 0.18484062389313374 0.030062100738923243 0.0006541813396235972 -0.03804044944892903 -0.10304742917369991 -0.09685628824752832 -0.09221293255290623 -0.12162085195220587 -0.04577937560664132 0.08887793953752253 0.34271471751042565 +6678,0.9478987430433926,0,1.5468916276501792 1.4803368626938764 1.483432433156958 1.3472273327812534 1.0794604877244662 0.6197682739564656 0.2684210263964018 0.18948397958775584 0.18484062389313374 0.030062100738923243 0.0006541813396235972 -0.03804044944892903 -0.10304742917369991 -0.09685628824752832 -0.09221293255290623 -0.12162085195220587 -0.04577937560664132 0.08887793953752253 0.34271471751042565 0.7699034414160453 +6679,1.1243462594391904,0,1.4803368626938764 1.483432433156958 1.3472273327812534 1.0794604877244662 0.6197682739564656 0.2684210263964018 0.18948397958775584 0.18484062389313374 0.030062100738923243 0.0006541813396235972 -0.03804044944892903 -0.10304742917369991 -0.09685628824752832 -0.09221293255290623 -0.12162085195220587 -0.04577937560664132 0.08887793953752253 0.34271471751042565 0.7699034414160453 0.9478987430433926 +6680,1.3602287287262074,0,1.483432433156958 1.3472273327812534 1.0794604877244662 0.6197682739564656 0.2684210263964018 0.18948397958775584 0.18484062389313374 0.030062100738923243 0.0006541813396235972 -0.03804044944892903 -0.10304742917369991 -0.09685628824752832 -0.09221293255290623 -0.12162085195220587 -0.04577937560664132 0.08887793953752253 0.34271471751042565 0.7699034414160453 0.9478987430433926 1.1243462594391904 +6681,1.0361225012412916,0,1.3472273327812534 1.0794604877244662 0.6197682739564656 0.2684210263964018 0.18948397958775584 0.18484062389313374 0.030062100738923243 0.0006541813396235972 -0.03804044944892903 -0.10304742917369991 -0.09685628824752832 -0.09221293255290623 -0.12162085195220587 -0.04577937560664132 0.08887793953752253 0.34271471751042565 0.7699034414160453 0.9478987430433926 1.1243462594391904 1.3602287287262074 +6682,1.1568497493015715,0,1.0794604877244662 0.6197682739564656 0.2684210263964018 0.18948397958775584 0.18484062389313374 0.030062100738923243 0.0006541813396235972 -0.03804044944892903 -0.10304742917369991 -0.09685628824752832 -0.09221293255290623 -0.12162085195220587 -0.04577937560664132 0.08887793953752253 0.34271471751042565 0.7699034414160453 0.9478987430433926 1.1243462594391904 1.3602287287262074 1.0361225012412916 +6683,1.297698205371907,0,0.6197682739564656 0.2684210263964018 0.18948397958775584 0.18484062389313374 0.030062100738923243 0.0006541813396235972 -0.03804044944892903 -0.10304742917369991 -0.09685628824752832 -0.09221293255290623 -0.12162085195220587 -0.04577937560664132 0.08887793953752253 0.34271471751042565 0.7699034414160453 0.9478987430433926 1.1243462594391904 1.3602287287262074 1.0361225012412916 1.1568497493015715 +6684,1.285315923519564,0,0.2684210263964018 0.18948397958775584 0.18484062389313374 0.030062100738923243 0.0006541813396235972 -0.03804044944892903 -0.10304742917369991 -0.09685628824752832 -0.09221293255290623 -0.12162085195220587 -0.04577937560664132 0.08887793953752253 0.34271471751042565 0.7699034414160453 0.9478987430433926 1.1243462594391904 1.3602287287262074 1.0361225012412916 1.1568497493015715 1.297698205371907 +6685,1.2125700176370895,0,0.18948397958775584 0.18484062389313374 0.030062100738923243 0.0006541813396235972 -0.03804044944892903 -0.10304742917369991 -0.09685628824752832 -0.09221293255290623 -0.12162085195220587 -0.04577937560664132 0.08887793953752253 0.34271471751042565 0.7699034414160453 0.9478987430433926 1.1243462594391904 1.3602287287262074 1.0361225012412916 1.1568497493015715 1.297698205371907 1.285315923519564 +6686,0.8689616962347378,0,0.18484062389313374 0.030062100738923243 0.0006541813396235972 -0.03804044944892903 -0.10304742917369991 -0.09685628824752832 -0.09221293255290623 -0.12162085195220587 -0.04577937560664132 0.08887793953752253 0.34271471751042565 0.7699034414160453 0.9478987430433926 1.1243462594391904 1.3602287287262074 1.0361225012412916 1.1568497493015715 1.297698205371907 1.285315923519564 1.2125700176370895 +6687,0.6027426364095004,0,0.030062100738923243 0.0006541813396235972 -0.03804044944892903 -0.10304742917369991 -0.09685628824752832 -0.09221293255290623 -0.12162085195220587 -0.04577937560664132 0.08887793953752253 0.34271471751042565 0.7699034414160453 0.9478987430433926 1.1243462594391904 1.3602287287262074 1.0361225012412916 1.1568497493015715 1.297698205371907 1.285315923519564 1.2125700176370895 0.8689616962347378 +6688,0.22972639560784916,0,0.0006541813396235972 -0.03804044944892903 -0.10304742917369991 -0.09685628824752832 -0.09221293255290623 -0.12162085195220587 -0.04577937560664132 0.08887793953752253 0.34271471751042565 0.7699034414160453 0.9478987430433926 1.1243462594391904 1.3602287287262074 1.0361225012412916 1.1568497493015715 1.297698205371907 1.285315923519564 1.2125700176370895 0.8689616962347378 0.6027426364095004 +6689,0.19103176481929654,0,-0.03804044944892903 -0.10304742917369991 -0.09685628824752832 -0.09221293255290623 -0.12162085195220587 -0.04577937560664132 0.08887793953752253 0.34271471751042565 0.7699034414160453 0.9478987430433926 1.1243462594391904 1.3602287287262074 1.0361225012412916 1.1568497493015715 1.297698205371907 1.285315923519564 1.2125700176370895 0.8689616962347378 0.6027426364095004 0.22972639560784916 +6690,0.11364250324219129,0,-0.10304742917369991 -0.09685628824752832 -0.09221293255290623 -0.12162085195220587 -0.04577937560664132 0.08887793953752253 0.34271471751042565 0.7699034414160453 0.9478987430433926 1.1243462594391904 1.3602287287262074 1.0361225012412916 1.1568497493015715 1.297698205371907 1.285315923519564 1.2125700176370895 0.8689616962347378 0.6027426364095004 0.22972639560784916 0.19103176481929654 +6691,0.08423458384289165,0,-0.09685628824752832 -0.09221293255290623 -0.12162085195220587 -0.04577937560664132 0.08887793953752253 0.34271471751042565 0.7699034414160453 0.9478987430433926 1.1243462594391904 1.3602287287262074 1.0361225012412916 1.1568497493015715 1.297698205371907 1.285315923519564 1.2125700176370895 0.8689616962347378 0.6027426364095004 0.22972639560784916 0.19103176481929654 0.11364250324219129 +6692,-0.025658167596594655,0,-0.09221293255290623 -0.12162085195220587 -0.04577937560664132 0.08887793953752253 0.34271471751042565 0.7699034414160453 0.9478987430433926 1.1243462594391904 1.3602287287262074 1.0361225012412916 1.1568497493015715 1.297698205371907 1.285315923519564 1.2125700176370895 0.8689616962347378 0.6027426364095004 0.22972639560784916 0.19103176481929654 0.11364250324219129 0.08423458384289165 +6693,-0.024110382365053955,0,-0.12162085195220587 -0.04577937560664132 0.08887793953752253 0.34271471751042565 0.7699034414160453 0.9478987430433926 1.1243462594391904 1.3602287287262074 1.0361225012412916 1.1568497493015715 1.297698205371907 1.285315923519564 1.2125700176370895 0.8689616962347378 0.6027426364095004 0.22972639560784916 0.19103176481929654 0.11364250324219129 0.08423458384289165 -0.025658167596594655 +6694,0.0006541813396235972,0,-0.04577937560664132 0.08887793953752253 0.34271471751042565 0.7699034414160453 0.9478987430433926 1.1243462594391904 1.3602287287262074 1.0361225012412916 1.1568497493015715 1.297698205371907 1.285315923519564 1.2125700176370895 0.8689616962347378 0.6027426364095004 0.22972639560784916 0.19103176481929654 0.11364250324219129 0.08423458384289165 -0.025658167596594655 -0.024110382365053955 +6695,-0.005536959586547991,0,0.08887793953752253 0.34271471751042565 0.7699034414160453 0.9478987430433926 1.1243462594391904 1.3602287287262074 1.0361225012412916 1.1568497493015715 1.297698205371907 1.285315923519564 1.2125700176370895 0.8689616962347378 0.6027426364095004 0.22972639560784916 0.19103176481929654 0.11364250324219129 0.08423458384289165 -0.025658167596594655 -0.024110382365053955 0.0006541813396235972 +6696,-0.017919241438882367,0,0.34271471751042565 0.7699034414160453 0.9478987430433926 1.1243462594391904 1.3602287287262074 1.0361225012412916 1.1568497493015715 1.297698205371907 1.285315923519564 1.2125700176370895 0.8689616962347378 0.6027426364095004 0.22972639560784916 0.19103176481929654 0.11364250324219129 0.08423458384289165 -0.025658167596594655 -0.024110382365053955 0.0006541813396235972 -0.005536959586547991 +6697,-0.0008936038919258983,0,0.7699034414160453 0.9478987430433926 1.1243462594391904 1.3602287287262074 1.0361225012412916 1.1568497493015715 1.297698205371907 1.285315923519564 1.2125700176370895 0.8689616962347378 0.6027426364095004 0.22972639560784916 0.19103176481929654 0.11364250324219129 0.08423458384289165 -0.025658167596594655 -0.024110382365053955 0.0006541813396235972 -0.005536959586547991 -0.017919241438882367 +6698,0.1616238454199969,0,0.9478987430433926 1.1243462594391904 1.3602287287262074 1.0361225012412916 1.1568497493015715 1.297698205371907 1.285315923519564 1.2125700176370895 0.8689616962347378 0.6027426364095004 0.22972639560784916 0.19103176481929654 0.11364250324219129 0.08423458384289165 -0.025658167596594655 -0.024110382365053955 0.0006541813396235972 -0.005536959586547991 -0.017919241438882367 -0.0008936038919258983 +6699,0.14924156356766252,0,1.1243462594391904 1.3602287287262074 1.0361225012412916 1.1568497493015715 1.297698205371907 1.285315923519564 1.2125700176370895 0.8689616962347378 0.6027426364095004 0.22972639560784916 0.19103176481929654 0.11364250324219129 0.08423458384289165 -0.025658167596594655 -0.024110382365053955 0.0006541813396235972 -0.005536959586547991 -0.017919241438882367 -0.0008936038919258983 0.1616238454199969 +6700,0.4897543145069239,0,1.3602287287262074 1.0361225012412916 1.1568497493015715 1.297698205371907 1.285315923519564 1.2125700176370895 0.8689616962347378 0.6027426364095004 0.22972639560784916 0.19103176481929654 0.11364250324219129 0.08423458384289165 -0.025658167596594655 -0.024110382365053955 0.0006541813396235972 -0.005536959586547991 -0.017919241438882367 -0.0008936038919258983 0.1616238454199969 0.14924156356766252 +6701,0.6987053207651116,0,1.0361225012412916 1.1568497493015715 1.297698205371907 1.285315923519564 1.2125700176370895 0.8689616962347378 0.6027426364095004 0.22972639560784916 0.19103176481929654 0.11364250324219129 0.08423458384289165 -0.025658167596594655 -0.024110382365053955 0.0006541813396235972 -0.005536959586547991 -0.017919241438882367 -0.0008936038919258983 0.1616238454199969 0.14924156356766252 0.4897543145069239 +6702,0.9339686759595087,0,1.1568497493015715 1.297698205371907 1.285315923519564 1.2125700176370895 0.8689616962347378 0.6027426364095004 0.22972639560784916 0.19103176481929654 0.11364250324219129 0.08423458384289165 -0.025658167596594655 -0.024110382365053955 0.0006541813396235972 -0.005536959586547991 -0.017919241438882367 -0.0008936038919258983 0.1616238454199969 0.14924156356766252 0.4897543145069239 0.6987053207651116 +6703,1.1939965948585836,0,1.297698205371907 1.285315923519564 1.2125700176370895 0.8689616962347378 0.6027426364095004 0.22972639560784916 0.19103176481929654 0.11364250324219129 0.08423458384289165 -0.025658167596594655 -0.024110382365053955 0.0006541813396235972 -0.005536959586547991 -0.017919241438882367 -0.0008936038919258983 0.1616238454199969 0.14924156356766252 0.4897543145069239 0.6987053207651116 0.9339686759595087 +6704,1.3054371315296105,0,1.285315923519564 1.2125700176370895 0.8689616962347378 0.6027426364095004 0.22972639560784916 0.19103176481929654 0.11364250324219129 0.08423458384289165 -0.025658167596594655 -0.024110382365053955 0.0006541813396235972 -0.005536959586547991 -0.017919241438882367 -0.0008936038919258983 0.1616238454199969 0.14924156356766252 0.4897543145069239 0.6987053207651116 0.9339686759595087 1.1939965948585836 +6705,1.3658007555597593,0,1.2125700176370895 0.8689616962347378 0.6027426364095004 0.22972639560784916 0.19103176481929654 0.11364250324219129 0.08423458384289165 -0.025658167596594655 -0.024110382365053955 0.0006541813396235972 -0.005536959586547991 -0.017919241438882367 -0.0008936038919258983 0.1616238454199969 0.14924156356766252 0.4897543145069239 0.6987053207651116 0.9339686759595087 1.1939965948585836 1.3054371315296105 +6706,1.500458070703923,0,0.8689616962347378 0.6027426364095004 0.22972639560784916 0.19103176481929654 0.11364250324219129 0.08423458384289165 -0.025658167596594655 -0.024110382365053955 0.0006541813396235972 -0.005536959586547991 -0.017919241438882367 -0.0008936038919258983 0.1616238454199969 0.14924156356766252 0.4897543145069239 0.6987053207651116 0.9339686759595087 1.1939965948585836 1.3054371315296105 1.3658007555597593 +6707,1.3688963260228406,0,0.6027426364095004 0.22972639560784916 0.19103176481929654 0.11364250324219129 0.08423458384289165 -0.025658167596594655 -0.024110382365053955 0.0006541813396235972 -0.005536959586547991 -0.017919241438882367 -0.0008936038919258983 0.1616238454199969 0.14924156356766252 0.4897543145069239 0.6987053207651116 0.9339686759595087 1.1939965948585836 1.3054371315296105 1.3658007555597593 1.500458070703923 +6708,1.2590035745833543,0,0.22972639560784916 0.19103176481929654 0.11364250324219129 0.08423458384289165 -0.025658167596594655 -0.024110382365053955 0.0006541813396235972 -0.005536959586547991 -0.017919241438882367 -0.0008936038919258983 0.1616238454199969 0.14924156356766252 0.4897543145069239 0.6987053207651116 0.9339686759595087 1.1939965948585836 1.3054371315296105 1.3658007555597593 1.500458070703923 1.3688963260228406 +6709,1.1227984742076498,0,0.19103176481929654 0.11364250324219129 0.08423458384289165 -0.025658167596594655 -0.024110382365053955 0.0006541813396235972 -0.005536959586547991 -0.017919241438882367 -0.0008936038919258983 0.1616238454199969 0.14924156356766252 0.4897543145069239 0.6987053207651116 0.9339686759595087 1.1939965948585836 1.3054371315296105 1.3658007555597593 1.500458070703923 1.3688963260228406 1.2590035745833543 +6710,0.8612227700770344,0,0.11364250324219129 0.08423458384289165 -0.025658167596594655 -0.024110382365053955 0.0006541813396235972 -0.005536959586547991 -0.017919241438882367 -0.0008936038919258983 0.1616238454199969 0.14924156356766252 0.4897543145069239 0.6987053207651116 0.9339686759595087 1.1939965948585836 1.3054371315296105 1.3658007555597593 1.500458070703923 1.3688963260228406 1.2590035745833543 1.1227984742076498 +6711,0.5377356566847294,0,0.08423458384289165 -0.025658167596594655 -0.024110382365053955 0.0006541813396235972 -0.005536959586547991 -0.017919241438882367 -0.0008936038919258983 0.1616238454199969 0.14924156356766252 0.4897543145069239 0.6987053207651116 0.9339686759595087 1.1939965948585836 1.3054371315296105 1.3658007555597593 1.500458070703923 1.3688963260228406 1.2590035745833543 1.1227984742076498 0.8612227700770344 +6712,0.3334280061211727,0,-0.025658167596594655 -0.024110382365053955 0.0006541813396235972 -0.005536959586547991 -0.017919241438882367 -0.0008936038919258983 0.1616238454199969 0.14924156356766252 0.4897543145069239 0.6987053207651116 0.9339686759595087 1.1939965948585836 1.3054371315296105 1.3658007555597593 1.500458070703923 1.3688963260228406 1.2590035745833543 1.1227984742076498 0.8612227700770344 0.5377356566847294 +6713,0.2111529728293432,0,-0.024110382365053955 0.0006541813396235972 -0.005536959586547991 -0.017919241438882367 -0.0008936038919258983 0.1616238454199969 0.14924156356766252 0.4897543145069239 0.6987053207651116 0.9339686759595087 1.1939965948585836 1.3054371315296105 1.3658007555597593 1.500458070703923 1.3688963260228406 1.2590035745833543 1.1227984742076498 0.8612227700770344 0.5377356566847294 0.3334280061211727 +6714,0.2096051875978025,0,0.0006541813396235972 -0.005536959586547991 -0.017919241438882367 -0.0008936038919258983 0.1616238454199969 0.14924156356766252 0.4897543145069239 0.6987053207651116 0.9339686759595087 1.1939965948585836 1.3054371315296105 1.3658007555597593 1.500458070703923 1.3688963260228406 1.2590035745833543 1.1227984742076498 0.8612227700770344 0.5377356566847294 0.3334280061211727 0.2111529728293432 +6715,0.04244438259125762,0,-0.005536959586547991 -0.017919241438882367 -0.0008936038919258983 0.1616238454199969 0.14924156356766252 0.4897543145069239 0.6987053207651116 0.9339686759595087 1.1939965948585836 1.3054371315296105 1.3658007555597593 1.500458070703923 1.3688963260228406 1.2590035745833543 1.1227984742076498 0.8612227700770344 0.5377356566847294 0.3334280061211727 0.2111529728293432 0.2096051875978025 +6716,0.04708773828587971,0,-0.017919241438882367 -0.0008936038919258983 0.1616238454199969 0.14924156356766252 0.4897543145069239 0.6987053207651116 0.9339686759595087 1.1939965948585836 1.3054371315296105 1.3658007555597593 1.500458070703923 1.3688963260228406 1.2590035745833543 1.1227984742076498 0.8612227700770344 0.5377356566847294 0.3334280061211727 0.2111529728293432 0.2096051875978025 0.04244438259125762 +6717,-0.017919241438882367,0,-0.0008936038919258983 0.1616238454199969 0.14924156356766252 0.4897543145069239 0.6987053207651116 0.9339686759595087 1.1939965948585836 1.3054371315296105 1.3658007555597593 1.500458070703923 1.3688963260228406 1.2590035745833543 1.1227984742076498 0.8612227700770344 0.5377356566847294 0.3334280061211727 0.2111529728293432 0.2096051875978025 0.04244438259125762 0.04708773828587971 +6718,0.0532788792120513,0,0.1616238454199969 0.14924156356766252 0.4897543145069239 0.6987053207651116 0.9339686759595087 1.1939965948585836 1.3054371315296105 1.3658007555597593 1.500458070703923 1.3688963260228406 1.2590035745833543 1.1227984742076498 0.8612227700770344 0.5377356566847294 0.3334280061211727 0.2111529728293432 0.2096051875978025 0.04244438259125762 0.04708773828587971 -0.017919241438882367 +6719,0.008393107497327084,0,0.14924156356766252 0.4897543145069239 0.6987053207651116 0.9339686759595087 1.1939965948585836 1.3054371315296105 1.3658007555597593 1.500458070703923 1.3688963260228406 1.2590035745833543 1.1227984742076498 0.8612227700770344 0.5377356566847294 0.3334280061211727 0.2111529728293432 0.2096051875978025 0.04244438259125762 0.04708773828587971 -0.017919241438882367 0.0532788792120513 +6720,0.02541874504429235,0,0.4897543145069239 0.6987053207651116 0.9339686759595087 1.1939965948585836 1.3054371315296105 1.3658007555597593 1.500458070703923 1.3688963260228406 1.2590035745833543 1.1227984742076498 0.8612227700770344 0.5377356566847294 0.3334280061211727 0.2111529728293432 0.2096051875978025 0.04244438259125762 0.04708773828587971 -0.017919241438882367 0.0532788792120513 0.008393107497327084 +6721,-0.011728100512719579,0,0.6987053207651116 0.9339686759595087 1.1939965948585836 1.3054371315296105 1.3658007555597593 1.500458070703923 1.3688963260228406 1.2590035745833543 1.1227984742076498 0.8612227700770344 0.5377356566847294 0.3334280061211727 0.2111529728293432 0.2096051875978025 0.04244438259125762 0.04708773828587971 -0.017919241438882367 0.0532788792120513 0.008393107497327084 0.02541874504429235 +6722,0.00994089272887658,0,0.9339686759595087 1.1939965948585836 1.3054371315296105 1.3658007555597593 1.500458070703923 1.3688963260228406 1.2590035745833543 1.1227984742076498 0.8612227700770344 0.5377356566847294 0.3334280061211727 0.2111529728293432 0.2096051875978025 0.04244438259125762 0.04708773828587971 -0.017919241438882367 0.0532788792120513 0.008393107497327084 0.02541874504429235 -0.011728100512719579 +6723,0.3071156571849544,0,1.1939965948585836 1.3054371315296105 1.3658007555597593 1.500458070703923 1.3688963260228406 1.2590035745833543 1.1227984742076498 0.8612227700770344 0.5377356566847294 0.3334280061211727 0.2111529728293432 0.2096051875978025 0.04244438259125762 0.04708773828587971 -0.017919241438882367 0.0532788792120513 0.008393107497327084 0.02541874504429235 -0.011728100512719579 0.00994089272887658 +6724,0.6166727034933754,0,1.3054371315296105 1.3658007555597593 1.500458070703923 1.3688963260228406 1.2590035745833543 1.1227984742076498 0.8612227700770344 0.5377356566847294 0.3334280061211727 0.2111529728293432 0.2096051875978025 0.04244438259125762 0.04708773828587971 -0.017919241438882367 0.0532788792120513 0.008393107497327084 0.02541874504429235 -0.011728100512719579 0.00994089272887658 0.3071156571849544 +6725,0.8689616962347378,0,1.3658007555597593 1.500458070703923 1.3688963260228406 1.2590035745833543 1.1227984742076498 0.8612227700770344 0.5377356566847294 0.3334280061211727 0.2111529728293432 0.2096051875978025 0.04244438259125762 0.04708773828587971 -0.017919241438882367 0.0532788792120513 0.008393107497327084 0.02541874504429235 -0.011728100512719579 0.00994089272887658 0.3071156571849544 0.6166727034933754 +6726,0.9169430384125435,0,1.500458070703923 1.3688963260228406 1.2590035745833543 1.1227984742076498 0.8612227700770344 0.5377356566847294 0.3334280061211727 0.2111529728293432 0.2096051875978025 0.04244438259125762 0.04708773828587971 -0.017919241438882367 0.0532788792120513 0.008393107497327084 0.02541874504429235 -0.011728100512719579 0.00994089272887658 0.3071156571849544 0.6166727034933754 0.8689616962347378 +6727,1.260551359814895,0,1.3688963260228406 1.2590035745833543 1.1227984742076498 0.8612227700770344 0.5377356566847294 0.3334280061211727 0.2111529728293432 0.2096051875978025 0.04244438259125762 0.04708773828587971 -0.017919241438882367 0.0532788792120513 0.008393107497327084 0.02541874504429235 -0.011728100512719579 0.00994089272887658 0.3071156571849544 0.6166727034933754 0.8689616962347378 0.9169430384125435 +6728,1.1506586083754,0,1.2590035745833543 1.1227984742076498 0.8612227700770344 0.5377356566847294 0.3334280061211727 0.2111529728293432 0.2096051875978025 0.04244438259125762 0.04708773828587971 -0.017919241438882367 0.0532788792120513 0.008393107497327084 0.02541874504429235 -0.011728100512719579 0.00994089272887658 0.3071156571849544 0.6166727034933754 0.8689616962347378 0.9169430384125435 1.260551359814895 +6729,1.385921963569806,0,1.1227984742076498 0.8612227700770344 0.5377356566847294 0.3334280061211727 0.2111529728293432 0.2096051875978025 0.04244438259125762 0.04708773828587971 -0.017919241438882367 0.0532788792120513 0.008393107497327084 0.02541874504429235 -0.011728100512719579 0.00994089272887658 0.3071156571849544 0.6166727034933754 0.8689616962347378 0.9169430384125435 1.260551359814895 1.1506586083754 +6730,1.4261643795898993,0,0.8612227700770344 0.5377356566847294 0.3334280061211727 0.2111529728293432 0.2096051875978025 0.04244438259125762 0.04708773828587971 -0.017919241438882367 0.0532788792120513 0.008393107497327084 0.02541874504429235 -0.011728100512719579 0.00994089272887658 0.3071156571849544 0.6166727034933754 0.8689616962347378 0.9169430384125435 1.260551359814895 1.1506586083754 1.385921963569806 +6731,1.4478333728314865,0,0.5377356566847294 0.3334280061211727 0.2111529728293432 0.2096051875978025 0.04244438259125762 0.04708773828587971 -0.017919241438882367 0.0532788792120513 0.008393107497327084 0.02541874504429235 -0.011728100512719579 0.00994089272887658 0.3071156571849544 0.6166727034933754 0.8689616962347378 0.9169430384125435 1.260551359814895 1.1506586083754 1.385921963569806 1.4261643795898993 +6732,1.700122365572849,0,0.3334280061211727 0.2111529728293432 0.2096051875978025 0.04244438259125762 0.04708773828587971 -0.017919241438882367 0.0532788792120513 0.008393107497327084 0.02541874504429235 -0.011728100512719579 0.00994089272887658 0.3071156571849544 0.6166727034933754 0.8689616962347378 0.9169430384125435 1.260551359814895 1.1506586083754 1.385921963569806 1.4261643795898993 1.4478333728314865 +6733,1.2636469302779765,0,0.2111529728293432 0.2096051875978025 0.04244438259125762 0.04708773828587971 -0.017919241438882367 0.0532788792120513 0.008393107497327084 0.02541874504429235 -0.011728100512719579 0.00994089272887658 0.3071156571849544 0.6166727034933754 0.8689616962347378 0.9169430384125435 1.260551359814895 1.1506586083754 1.385921963569806 1.4261643795898993 1.4478333728314865 1.700122365572849 +6734,0.9819500181373144,0,0.2096051875978025 0.04244438259125762 0.04708773828587971 -0.017919241438882367 0.0532788792120513 0.008393107497327084 0.02541874504429235 -0.011728100512719579 0.00994089272887658 0.3071156571849544 0.6166727034933754 0.8689616962347378 0.9169430384125435 1.260551359814895 1.1506586083754 1.385921963569806 1.4261643795898993 1.4478333728314865 1.700122365572849 1.2636469302779765 +6735,0.7404955220167456,0,0.04244438259125762 0.04708773828587971 -0.017919241438882367 0.0532788792120513 0.008393107497327084 0.02541874504429235 -0.011728100512719579 0.00994089272887658 0.3071156571849544 0.6166727034933754 0.8689616962347378 0.9169430384125435 1.260551359814895 1.1506586083754 1.385921963569806 1.4261643795898993 1.4478333728314865 1.700122365572849 1.2636469302779765 0.9819500181373144 +6736,0.42165176431907164,0,0.04708773828587971 -0.017919241438882367 0.0532788792120513 0.008393107497327084 0.02541874504429235 -0.011728100512719579 0.00994089272887658 0.3071156571849544 0.6166727034933754 0.8689616962347378 0.9169430384125435 1.260551359814895 1.1506586083754 1.385921963569806 1.4261643795898993 1.4478333728314865 1.700122365572849 1.2636469302779765 0.9819500181373144 0.7404955220167456 +6737,0.3071156571849544,0,-0.017919241438882367 0.0532788792120513 0.008393107497327084 0.02541874504429235 -0.011728100512719579 0.00994089272887658 0.3071156571849544 0.6166727034933754 0.8689616962347378 0.9169430384125435 1.260551359814895 1.1506586083754 1.385921963569806 1.4261643795898993 1.4478333728314865 1.700122365572849 1.2636469302779765 0.9819500181373144 0.7404955220167456 0.42165176431907164 +6738,0.23901310699710215,0,0.0532788792120513 0.008393107497327084 0.02541874504429235 -0.011728100512719579 0.00994089272887658 0.3071156571849544 0.6166727034933754 0.8689616962347378 0.9169430384125435 1.260551359814895 1.1506586083754 1.385921963569806 1.4261643795898993 1.4478333728314865 1.700122365572849 1.2636469302779765 0.9819500181373144 0.7404955220167456 0.42165176431907164 0.3071156571849544 +6739,0.19722290574546814,0,0.008393107497327084 0.02541874504429235 -0.011728100512719579 0.00994089272887658 0.3071156571849544 0.6166727034933754 0.8689616962347378 0.9169430384125435 1.260551359814895 1.1506586083754 1.385921963569806 1.4261643795898993 1.4478333728314865 1.700122365572849 1.2636469302779765 0.9819500181373144 0.7404955220167456 0.42165176431907164 0.3071156571849544 0.23901310699710215 +6740,0.02696653027583305,0,0.02541874504429235 -0.011728100512719579 0.00994089272887658 0.3071156571849544 0.6166727034933754 0.8689616962347378 0.9169430384125435 1.260551359814895 1.1506586083754 1.385921963569806 1.4261643795898993 1.4478333728314865 1.700122365572849 1.2636469302779765 0.9819500181373144 0.7404955220167456 0.42165176431907164 0.3071156571849544 0.23901310699710215 0.19722290574546814 +6741,-0.005536959586547991,0,-0.011728100512719579 0.00994089272887658 0.3071156571849544 0.6166727034933754 0.8689616962347378 0.9169430384125435 1.260551359814895 1.1506586083754 1.385921963569806 1.4261643795898993 1.4478333728314865 1.700122365572849 1.2636469302779765 0.9819500181373144 0.7404955220167456 0.42165176431907164 0.3071156571849544 0.23901310699710215 0.19722290574546814 0.02696653027583305 +6742,-0.06590058361668798,0,0.00994089272887658 0.3071156571849544 0.6166727034933754 0.8689616962347378 0.9169430384125435 1.260551359814895 1.1506586083754 1.385921963569806 1.4261643795898993 1.4478333728314865 1.700122365572849 1.2636469302779765 0.9819500181373144 0.7404955220167456 0.42165176431907164 0.3071156571849544 0.23901310699710215 0.19722290574546814 0.02696653027583305 -0.005536959586547991 +6743,-0.11388192579449359,0,0.3071156571849544 0.6166727034933754 0.8689616962347378 0.9169430384125435 1.260551359814895 1.1506586083754 1.385921963569806 1.4261643795898993 1.4478333728314865 1.700122365572849 1.2636469302779765 0.9819500181373144 0.7404955220167456 0.42165176431907164 0.3071156571849544 0.23901310699710215 0.19722290574546814 0.02696653027583305 -0.005536959586547991 -0.06590058361668798 +6744,-0.17424554982463358,0,0.6166727034933754 0.8689616962347378 0.9169430384125435 1.260551359814895 1.1506586083754 1.385921963569806 1.4261643795898993 1.4478333728314865 1.700122365572849 1.2636469302779765 0.9819500181373144 0.7404955220167456 0.42165176431907164 0.3071156571849544 0.23901310699710215 0.19722290574546814 0.02696653027583305 -0.005536959586547991 -0.06590058361668798 -0.11388192579449359 +6745,-0.18662783167697675,0,0.8689616962347378 0.9169430384125435 1.260551359814895 1.1506586083754 1.385921963569806 1.4261643795898993 1.4478333728314865 1.700122365572849 1.2636469302779765 0.9819500181373144 0.7404955220167456 0.42165176431907164 0.3071156571849544 0.23901310699710215 0.19722290574546814 0.02696653027583305 -0.005536959586547991 -0.06590058361668798 -0.11388192579449359 -0.17424554982463358 +6746,0.13840706694686883,0,0.9169430384125435 1.260551359814895 1.1506586083754 1.385921963569806 1.4261643795898993 1.4478333728314865 1.700122365572849 1.2636469302779765 0.9819500181373144 0.7404955220167456 0.42165176431907164 0.3071156571849544 0.23901310699710215 0.19722290574546814 0.02696653027583305 -0.005536959586547991 -0.06590058361668798 -0.11388192579449359 -0.17424554982463358 -0.18662783167697675 +6747,0.7420433072482863,0,1.260551359814895 1.1506586083754 1.385921963569806 1.4261643795898993 1.4478333728314865 1.700122365572849 1.2636469302779765 0.9819500181373144 0.7404955220167456 0.42165176431907164 0.3071156571849544 0.23901310699710215 0.19722290574546814 0.02696653027583305 -0.005536959586547991 -0.06590058361668798 -0.11388192579449359 -0.17424554982463358 -0.18662783167697675 0.13840706694686883 +6748,0.9463509578118432,0,1.1506586083754 1.385921963569806 1.4261643795898993 1.4478333728314865 1.700122365572849 1.2636469302779765 0.9819500181373144 0.7404955220167456 0.42165176431907164 0.3071156571849544 0.23901310699710215 0.19722290574546814 0.02696653027583305 -0.005536959586547991 -0.06590058361668798 -0.11388192579449359 -0.17424554982463358 -0.18662783167697675 0.13840706694686883 0.7420433072482863 +6749,1.1537541788384902,0,1.385921963569806 1.4261643795898993 1.4478333728314865 1.700122365572849 1.2636469302779765 0.9819500181373144 0.7404955220167456 0.42165176431907164 0.3071156571849544 0.23901310699710215 0.19722290574546814 0.02696653027583305 -0.005536959586547991 -0.06590058361668798 -0.11388192579449359 -0.17424554982463358 -0.18662783167697675 0.13840706694686883 0.7420433072482863 0.9463509578118432 +6750,1.3781830374120936,0,1.4261643795898993 1.4478333728314865 1.700122365572849 1.2636469302779765 0.9819500181373144 0.7404955220167456 0.42165176431907164 0.3071156571849544 0.23901310699710215 0.19722290574546814 0.02696653027583305 -0.005536959586547991 -0.06590058361668798 -0.11388192579449359 -0.17424554982463358 -0.18662783167697675 0.13840706694686883 0.7420433072482863 0.9463509578118432 1.1537541788384902 +6751,1.5732039765863974,0,1.4478333728314865 1.700122365572849 1.2636469302779765 0.9819500181373144 0.7404955220167456 0.42165176431907164 0.3071156571849544 0.23901310699710215 0.19722290574546814 0.02696653027583305 -0.005536959586547991 -0.06590058361668798 -0.11388192579449359 -0.17424554982463358 -0.18662783167697675 0.13840706694686883 0.7420433072482863 0.9463509578118432 1.1537541788384902 1.3781830374120936 +6752,1.7604859896029978,0,1.700122365572849 1.2636469302779765 0.9819500181373144 0.7404955220167456 0.42165176431907164 0.3071156571849544 0.23901310699710215 0.19722290574546814 0.02696653027583305 -0.005536959586547991 -0.06590058361668798 -0.11388192579449359 -0.17424554982463358 -0.18662783167697675 0.13840706694686883 0.7420433072482863 0.9463509578118432 1.1537541788384902 1.3781830374120936 1.5732039765863974 +6753,1.8579964591901497,0,1.2636469302779765 0.9819500181373144 0.7404955220167456 0.42165176431907164 0.3071156571849544 0.23901310699710215 0.19722290574546814 0.02696653027583305 -0.005536959586547991 -0.06590058361668798 -0.11388192579449359 -0.17424554982463358 -0.18662783167697675 0.13840706694686883 0.7420433072482863 0.9463509578118432 1.1537541788384902 1.3781830374120936 1.5732039765863974 1.7604859896029978 +6754,2.148980082720065,0,0.9819500181373144 0.7404955220167456 0.42165176431907164 0.3071156571849544 0.23901310699710215 0.19722290574546814 0.02696653027583305 -0.005536959586547991 -0.06590058361668798 -0.11388192579449359 -0.17424554982463358 -0.18662783167697675 0.13840706694686883 0.7420433072482863 0.9463509578118432 1.1537541788384902 1.3781830374120936 1.5732039765863974 1.7604859896029978 1.8579964591901497 +6755,2.0267050494282355,0,0.7404955220167456 0.42165176431907164 0.3071156571849544 0.23901310699710215 0.19722290574546814 0.02696653027583305 -0.005536959586547991 -0.06590058361668798 -0.11388192579449359 -0.17424554982463358 -0.18662783167697675 0.13840706694686883 0.7420433072482863 0.9463509578118432 1.1537541788384902 1.3781830374120936 1.5732039765863974 1.7604859896029978 1.8579964591901497 2.148980082720065 +6756,1.9632458549350051,0,0.42165176431907164 0.3071156571849544 0.23901310699710215 0.19722290574546814 0.02696653027583305 -0.005536959586547991 -0.06590058361668798 -0.11388192579449359 -0.17424554982463358 -0.18662783167697675 0.13840706694686883 0.7420433072482863 0.9463509578118432 1.1537541788384902 1.3781830374120936 1.5732039765863974 1.7604859896029978 1.8579964591901497 2.148980082720065 2.0267050494282355 +6757,1.8285885397908501,0,0.3071156571849544 0.23901310699710215 0.19722290574546814 0.02696653027583305 -0.005536959586547991 -0.06590058361668798 -0.11388192579449359 -0.17424554982463358 -0.18662783167697675 0.13840706694686883 0.7420433072482863 0.9463509578118432 1.1537541788384902 1.3781830374120936 1.5732039765863974 1.7604859896029978 1.8579964591901497 2.148980082720065 2.0267050494282355 1.9632458549350051 +6758,1.7713204862237915,0,0.23901310699710215 0.19722290574546814 0.02696653027583305 -0.005536959586547991 -0.06590058361668798 -0.11388192579449359 -0.17424554982463358 -0.18662783167697675 0.13840706694686883 0.7420433072482863 0.9463509578118432 1.1537541788384902 1.3781830374120936 1.5732039765863974 1.7604859896029978 1.8579964591901497 2.148980082720065 2.0267050494282355 1.9632458549350051 1.8285885397908501 +6759,1.30698491676116,0,0.19722290574546814 0.02696653027583305 -0.005536959586547991 -0.06590058361668798 -0.11388192579449359 -0.17424554982463358 -0.18662783167697675 0.13840706694686883 0.7420433072482863 0.9463509578118432 1.1537541788384902 1.3781830374120936 1.5732039765863974 1.7604859896029978 1.8579964591901497 2.148980082720065 2.0267050494282355 1.9632458549350051 1.8285885397908501 1.7713204862237915 +6760,1.0794604877244662,0,0.02696653027583305 -0.005536959586547991 -0.06590058361668798 -0.11388192579449359 -0.17424554982463358 -0.18662783167697675 0.13840706694686883 0.7420433072482863 0.9463509578118432 1.1537541788384902 1.3781830374120936 1.5732039765863974 1.7604859896029978 1.8579964591901497 2.148980082720065 2.0267050494282355 1.9632458549350051 1.8285885397908501 1.7713204862237915 1.30698491676116 +6761,0.9525420987380148,0,-0.005536959586547991 -0.06590058361668798 -0.11388192579449359 -0.17424554982463358 -0.18662783167697675 0.13840706694686883 0.7420433072482863 0.9463509578118432 1.1537541788384902 1.3781830374120936 1.5732039765863974 1.7604859896029978 1.8579964591901497 2.148980082720065 2.0267050494282355 1.9632458549350051 1.8285885397908501 1.7713204862237915 1.30698491676116 1.0794604877244662 +6762,0.6987053207651116,0,-0.06590058361668798 -0.11388192579449359 -0.17424554982463358 -0.18662783167697675 0.13840706694686883 0.7420433072482863 0.9463509578118432 1.1537541788384902 1.3781830374120936 1.5732039765863974 1.7604859896029978 1.8579964591901497 2.148980082720065 2.0267050494282355 1.9632458549350051 1.8285885397908501 1.7713204862237915 1.30698491676116 1.0794604877244662 0.9525420987380148 +6763,0.599647065946419,0,-0.11388192579449359 -0.17424554982463358 -0.18662783167697675 0.13840706694686883 0.7420433072482863 0.9463509578118432 1.1537541788384902 1.3781830374120936 1.5732039765863974 1.7604859896029978 1.8579964591901497 2.148980082720065 2.0267050494282355 1.9632458549350051 1.8285885397908501 1.7713204862237915 1.30698491676116 1.0794604877244662 0.9525420987380148 0.6987053207651116 +6764,0.4974932406646362,0,-0.17424554982463358 -0.18662783167697675 0.13840706694686883 0.7420433072482863 0.9463509578118432 1.1537541788384902 1.3781830374120936 1.5732039765863974 1.7604859896029978 1.8579964591901497 2.148980082720065 2.0267050494282355 1.9632458549350051 1.8285885397908501 1.7713204862237915 1.30698491676116 1.0794604877244662 0.9525420987380148 0.6987053207651116 0.599647065946419 +6765,0.3906960596882313,0,-0.18662783167697675 0.13840706694686883 0.7420433072482863 0.9463509578118432 1.1537541788384902 1.3781830374120936 1.5732039765863974 1.7604859896029978 1.8579964591901497 2.148980082720065 2.0267050494282355 1.9632458549350051 1.8285885397908501 1.7713204862237915 1.30698491676116 1.0794604877244662 0.9525420987380148 0.6987053207651116 0.599647065946419 0.4974932406646362 +6766,0.3721226369097253,0,0.13840706694686883 0.7420433072482863 0.9463509578118432 1.1537541788384902 1.3781830374120936 1.5732039765863974 1.7604859896029978 1.8579964591901497 2.148980082720065 2.0267050494282355 1.9632458549350051 1.8285885397908501 1.7713204862237915 1.30698491676116 1.0794604877244662 0.9525420987380148 0.6987053207651116 0.599647065946419 0.4974932406646362 0.3906960596882313 +6767,0.28699444917490774,0,0.7420433072482863 0.9463509578118432 1.1537541788384902 1.3781830374120936 1.5732039765863974 1.7604859896029978 1.8579964591901497 2.148980082720065 2.0267050494282355 1.9632458549350051 1.8285885397908501 1.7713204862237915 1.30698491676116 1.0794604877244662 0.9525420987380148 0.6987053207651116 0.599647065946419 0.4974932406646362 0.3906960596882313 0.3721226369097253 +6768,0.2777077377856548,0,0.9463509578118432 1.1537541788384902 1.3781830374120936 1.5732039765863974 1.7604859896029978 1.8579964591901497 2.148980082720065 2.0267050494282355 1.9632458549350051 1.8285885397908501 1.7713204862237915 1.30698491676116 1.0794604877244662 0.9525420987380148 0.6987053207651116 0.599647065946419 0.4974932406646362 0.3906960596882313 0.3721226369097253 0.28699444917490774 +6769,0.17864948296696218,0,1.1537541788384902 1.3781830374120936 1.5732039765863974 1.7604859896029978 1.8579964591901497 2.148980082720065 2.0267050494282355 1.9632458549350051 1.8285885397908501 1.7713204862237915 1.30698491676116 1.0794604877244662 0.9525420987380148 0.6987053207651116 0.599647065946419 0.4974932406646362 0.3906960596882313 0.3721226369097253 0.28699444917490774 0.2777077377856548 +6770,0.46189418033916496,0,1.3781830374120936 1.5732039765863974 1.7604859896029978 1.8579964591901497 2.148980082720065 2.0267050494282355 1.9632458549350051 1.8285885397908501 1.7713204862237915 1.30698491676116 1.0794604877244662 0.9525420987380148 0.6987053207651116 0.599647065946419 0.4974932406646362 0.3906960596882313 0.3721226369097253 0.28699444917490774 0.2777077377856548 0.17864948296696218 +6771,0.9943322999896488,0,1.5732039765863974 1.7604859896029978 1.8579964591901497 2.148980082720065 2.0267050494282355 1.9632458549350051 1.8285885397908501 1.7713204862237915 1.30698491676116 1.0794604877244662 0.9525420987380148 0.6987053207651116 0.599647065946419 0.4974932406646362 0.3906960596882313 0.3721226369097253 0.28699444917490774 0.2777077377856548 0.17864948296696218 0.46189418033916496 +6772,1.348775118012794,0,1.7604859896029978 1.8579964591901497 2.148980082720065 2.0267050494282355 1.9632458549350051 1.8285885397908501 1.7713204862237915 1.30698491676116 1.0794604877244662 0.9525420987380148 0.6987053207651116 0.599647065946419 0.4974932406646362 0.3906960596882313 0.3721226369097253 0.28699444917490774 0.2777077377856548 0.17864948296696218 0.46189418033916496 0.9943322999896488 +6773,1.5112925673247168,0,1.8579964591901497 2.148980082720065 2.0267050494282355 1.9632458549350051 1.8285885397908501 1.7713204862237915 1.30698491676116 1.0794604877244662 0.9525420987380148 0.6987053207651116 0.599647065946419 0.4974932406646362 0.3906960596882313 0.3721226369097253 0.28699444917490774 0.2777077377856548 0.17864948296696218 0.46189418033916496 0.9943322999896488 1.348775118012794 +6774,1.6366631710796276,0,2.148980082720065 2.0267050494282355 1.9632458549350051 1.8285885397908501 1.7713204862237915 1.30698491676116 1.0794604877244662 0.9525420987380148 0.6987053207651116 0.599647065946419 0.4974932406646362 0.3906960596882313 0.3721226369097253 0.28699444917490774 0.2777077377856548 0.17864948296696218 0.46189418033916496 0.9943322999896488 1.348775118012794 1.5112925673247168 +6775,1.7434603520560326,0,2.0267050494282355 1.9632458549350051 1.8285885397908501 1.7713204862237915 1.30698491676116 1.0794604877244662 0.9525420987380148 0.6987053207651116 0.599647065946419 0.4974932406646362 0.3906960596882313 0.3721226369097253 0.28699444917490774 0.2777077377856548 0.17864948296696218 0.46189418033916496 0.9943322999896488 1.348775118012794 1.5112925673247168 1.6366631710796276 +6776,1.7372692111298609,0,1.9632458549350051 1.8285885397908501 1.7713204862237915 1.30698491676116 1.0794604877244662 0.9525420987380148 0.6987053207651116 0.599647065946419 0.4974932406646362 0.3906960596882313 0.3721226369097253 0.28699444917490774 0.2777077377856548 0.17864948296696218 0.46189418033916496 0.9943322999896488 1.348775118012794 1.5112925673247168 1.6366631710796276 1.7434603520560326 +6777,1.8301363250223908,0,1.8285885397908501 1.7713204862237915 1.30698491676116 1.0794604877244662 0.9525420987380148 0.6987053207651116 0.599647065946419 0.4974932406646362 0.3906960596882313 0.3721226369097253 0.28699444917490774 0.2777077377856548 0.17864948296696218 0.46189418033916496 0.9943322999896488 1.348775118012794 1.5112925673247168 1.6366631710796276 1.7434603520560326 1.7372692111298609 +6778,1.6645233052473867,0,1.7713204862237915 1.30698491676116 1.0794604877244662 0.9525420987380148 0.6987053207651116 0.599647065946419 0.4974932406646362 0.3906960596882313 0.3721226369097253 0.28699444917490774 0.2777077377856548 0.17864948296696218 0.46189418033916496 0.9943322999896488 1.348775118012794 1.5112925673247168 1.6366631710796276 1.7434603520560326 1.7372692111298609 1.8301363250223908 +6779,1.6242808892272844,0,1.30698491676116 1.0794604877244662 0.9525420987380148 0.6987053207651116 0.599647065946419 0.4974932406646362 0.3906960596882313 0.3721226369097253 0.28699444917490774 0.2777077377856548 0.17864948296696218 0.46189418033916496 0.9943322999896488 1.348775118012794 1.5112925673247168 1.6366631710796276 1.7434603520560326 1.7372692111298609 1.8301363250223908 1.6645233052473867 +6780,1.6335676006165374,0,1.0794604877244662 0.9525420987380148 0.6987053207651116 0.599647065946419 0.4974932406646362 0.3906960596882313 0.3721226369097253 0.28699444917490774 0.2777077377856548 0.17864948296696218 0.46189418033916496 0.9943322999896488 1.348775118012794 1.5112925673247168 1.6366631710796276 1.7434603520560326 1.7372692111298609 1.8301363250223908 1.6645233052473867 1.6242808892272844 +6781,1.6041596812172378,0,0.9525420987380148 0.6987053207651116 0.599647065946419 0.4974932406646362 0.3906960596882313 0.3721226369097253 0.28699444917490774 0.2777077377856548 0.17864948296696218 0.46189418033916496 0.9943322999896488 1.348775118012794 1.5112925673247168 1.6366631710796276 1.7434603520560326 1.7372692111298609 1.8301363250223908 1.6645233052473867 1.6242808892272844 1.6335676006165374 +6782,1.4617634399153705,0,0.6987053207651116 0.599647065946419 0.4974932406646362 0.3906960596882313 0.3721226369097253 0.28699444917490774 0.2777077377856548 0.17864948296696218 0.46189418033916496 0.9943322999896488 1.348775118012794 1.5112925673247168 1.6366631710796276 1.7434603520560326 1.7372692111298609 1.8301363250223908 1.6645233052473867 1.6242808892272844 1.6335676006165374 1.6041596812172378 +6783,1.2017355210162957,0,0.599647065946419 0.4974932406646362 0.3906960596882313 0.3721226369097253 0.28699444917490774 0.2777077377856548 0.17864948296696218 0.46189418033916496 0.9943322999896488 1.348775118012794 1.5112925673247168 1.6366631710796276 1.7434603520560326 1.7372692111298609 1.8301363250223908 1.6645233052473867 1.6242808892272844 1.6335676006165374 1.6041596812172378 1.4617634399153705 +6784,0.9587332396641863,0,0.4974932406646362 0.3906960596882313 0.3721226369097253 0.28699444917490774 0.2777077377856548 0.17864948296696218 0.46189418033916496 0.9943322999896488 1.348775118012794 1.5112925673247168 1.6366631710796276 1.7434603520560326 1.7372692111298609 1.8301363250223908 1.6645233052473867 1.6242808892272844 1.6335676006165374 1.6041596812172378 1.4617634399153705 1.2017355210162957 +6785,0.8024069312784263,0,0.3906960596882313 0.3721226369097253 0.28699444917490774 0.2777077377856548 0.17864948296696218 0.46189418033916496 0.9943322999896488 1.348775118012794 1.5112925673247168 1.6366631710796276 1.7434603520560326 1.7372692111298609 1.8301363250223908 1.6645233052473867 1.6242808892272844 1.6335676006165374 1.6041596812172378 1.4617634399153705 1.2017355210162957 0.9587332396641863 +6786,0.5052321668223485,0,0.3721226369097253 0.28699444917490774 0.2777077377856548 0.17864948296696218 0.46189418033916496 0.9943322999896488 1.348775118012794 1.5112925673247168 1.6366631710796276 1.7434603520560326 1.7372692111298609 1.8301363250223908 1.6645233052473867 1.6242808892272844 1.6335676006165374 1.6041596812172378 1.4617634399153705 1.2017355210162957 0.9587332396641863 0.8024069312784263 +6787,0.37831377783589687,0,0.28699444917490774 0.2777077377856548 0.17864948296696218 0.46189418033916496 0.9943322999896488 1.348775118012794 1.5112925673247168 1.6366631710796276 1.7434603520560326 1.7372692111298609 1.8301363250223908 1.6645233052473867 1.6242808892272844 1.6335676006165374 1.6041596812172378 1.4617634399153705 1.2017355210162957 0.9587332396641863 0.8024069312784263 0.5052321668223485 +6788,0.30556787195341373,0,0.2777077377856548 0.17864948296696218 0.46189418033916496 0.9943322999896488 1.348775118012794 1.5112925673247168 1.6366631710796276 1.7434603520560326 1.7372692111298609 1.8301363250223908 1.6645233052473867 1.6242808892272844 1.6335676006165374 1.6041596812172378 1.4617634399153705 1.2017355210162957 0.9587332396641863 0.8024069312784263 0.5052321668223485 0.37831377783589687 +6789,0.3287846504265506,0,0.17864948296696218 0.46189418033916496 0.9943322999896488 1.348775118012794 1.5112925673247168 1.6366631710796276 1.7434603520560326 1.7372692111298609 1.8301363250223908 1.6645233052473867 1.6242808892272844 1.6335676006165374 1.6041596812172378 1.4617634399153705 1.2017355210162957 0.9587332396641863 0.8024069312784263 0.5052321668223485 0.37831377783589687 0.30556787195341373 +6790,0.25603874454406744,0,0.46189418033916496 0.9943322999896488 1.348775118012794 1.5112925673247168 1.6366631710796276 1.7434603520560326 1.7372692111298609 1.8301363250223908 1.6645233052473867 1.6242808892272844 1.6335676006165374 1.6041596812172378 1.4617634399153705 1.2017355210162957 0.9587332396641863 0.8024069312784263 0.5052321668223485 0.37831377783589687 0.30556787195341373 0.3287846504265506 +6791,0.25294317408098604,0,0.9943322999896488 1.348775118012794 1.5112925673247168 1.6366631710796276 1.7434603520560326 1.7372692111298609 1.8301363250223908 1.6645233052473867 1.6242808892272844 1.6335676006165374 1.6041596812172378 1.4617634399153705 1.2017355210162957 0.9587332396641863 0.8024069312784263 0.5052321668223485 0.37831377783589687 0.30556787195341373 0.3287846504265506 0.25603874454406744 +6792,0.35200142889967867,0,1.348775118012794 1.5112925673247168 1.6366631710796276 1.7434603520560326 1.7372692111298609 1.8301363250223908 1.6645233052473867 1.6242808892272844 1.6335676006165374 1.6041596812172378 1.4617634399153705 1.2017355210162957 0.9587332396641863 0.8024069312784263 0.5052321668223485 0.37831377783589687 0.30556787195341373 0.3287846504265506 0.25603874454406744 0.25294317408098604 +6793,0.4580247172603132,0,1.5112925673247168 1.6366631710796276 1.7434603520560326 1.7372692111298609 1.8301363250223908 1.6645233052473867 1.6242808892272844 1.6335676006165374 1.6041596812172378 1.4617634399153705 1.2017355210162957 0.9587332396641863 0.8024069312784263 0.5052321668223485 0.37831377783589687 0.30556787195341373 0.3287846504265506 0.25603874454406744 0.25294317408098604 0.35200142889967867 +6794,0.45260746894991194,0,1.6366631710796276 1.7434603520560326 1.7372692111298609 1.8301363250223908 1.6645233052473867 1.6242808892272844 1.6335676006165374 1.6041596812172378 1.4617634399153705 1.2017355210162957 0.9587332396641863 0.8024069312784263 0.5052321668223485 0.37831377783589687 0.30556787195341373 0.3287846504265506 0.25603874454406744 0.25294317408098604 0.35200142889967867 0.4580247172603132 +6795,0.7993113608153449,0,1.7434603520560326 1.7372692111298609 1.8301363250223908 1.6645233052473867 1.6242808892272844 1.6335676006165374 1.6041596812172378 1.4617634399153705 1.2017355210162957 0.9587332396641863 0.8024069312784263 0.5052321668223485 0.37831377783589687 0.30556787195341373 0.3287846504265506 0.25603874454406744 0.25294317408098604 0.35200142889967867 0.4580247172603132 0.45260746894991194 +6796,0.8983696156340375,0,1.7372692111298609 1.8301363250223908 1.6645233052473867 1.6242808892272844 1.6335676006165374 1.6041596812172378 1.4617634399153705 1.2017355210162957 0.9587332396641863 0.8024069312784263 0.5052321668223485 0.37831377783589687 0.30556787195341373 0.3287846504265506 0.25603874454406744 0.25294317408098604 0.35200142889967867 0.4580247172603132 0.45260746894991194 0.7993113608153449 +6797,1.020644648925867,0,1.8301363250223908 1.6645233052473867 1.6242808892272844 1.6335676006165374 1.6041596812172378 1.4617634399153705 1.2017355210162957 0.9587332396641863 0.8024069312784263 0.5052321668223485 0.37831377783589687 0.30556787195341373 0.3287846504265506 0.25603874454406744 0.25294317408098604 0.35200142889967867 0.4580247172603132 0.45260746894991194 0.7993113608153449 0.8983696156340375 +6798,1.27448142689877,0,1.6645233052473867 1.6242808892272844 1.6335676006165374 1.6041596812172378 1.4617634399153705 1.2017355210162957 0.9587332396641863 0.8024069312784263 0.5052321668223485 0.37831377783589687 0.30556787195341373 0.3287846504265506 0.25603874454406744 0.25294317408098604 0.35200142889967867 0.4580247172603132 0.45260746894991194 0.7993113608153449 0.8983696156340375 1.020644648925867 +6799,1.218761158563261,0,1.6242808892272844 1.6335676006165374 1.6041596812172378 1.4617634399153705 1.2017355210162957 0.9587332396641863 0.8024069312784263 0.5052321668223485 0.37831377783589687 0.30556787195341373 0.3287846504265506 0.25603874454406744 0.25294317408098604 0.35200142889967867 0.4580247172603132 0.45260746894991194 0.7993113608153449 0.8983696156340375 1.020644648925867 1.27448142689877 +6800,1.1893532391639525,0,1.6335676006165374 1.6041596812172378 1.4617634399153705 1.2017355210162957 0.9587332396641863 0.8024069312784263 0.5052321668223485 0.37831377783589687 0.30556787195341373 0.3287846504265506 0.25603874454406744 0.25294317408098604 0.35200142889967867 0.4580247172603132 0.45260746894991194 0.7993113608153449 0.8983696156340375 1.020644648925867 1.27448142689877 1.218761158563261 +6801,1.218761158563261,0,1.6041596812172378 1.4617634399153705 1.2017355210162957 0.9587332396641863 0.8024069312784263 0.5052321668223485 0.37831377783589687 0.30556787195341373 0.3287846504265506 0.25603874454406744 0.25294317408098604 0.35200142889967867 0.4580247172603132 0.45260746894991194 0.7993113608153449 0.8983696156340375 1.020644648925867 1.27448142689877 1.218761158563261 1.1893532391639525 +6802,1.1320851855969027,0,1.4617634399153705 1.2017355210162957 0.9587332396641863 0.8024069312784263 0.5052321668223485 0.37831377783589687 0.30556787195341373 0.3287846504265506 0.25603874454406744 0.25294317408098604 0.35200142889967867 0.4580247172603132 0.45260746894991194 0.7993113608153449 0.8983696156340375 1.020644648925867 1.27448142689877 1.218761158563261 1.1893532391639525 1.218761158563261 +6803,1.1150595480499375,0,1.2017355210162957 0.9587332396641863 0.8024069312784263 0.5052321668223485 0.37831377783589687 0.30556787195341373 0.3287846504265506 0.25603874454406744 0.25294317408098604 0.35200142889967867 0.4580247172603132 0.45260746894991194 0.7993113608153449 0.8983696156340375 1.020644648925867 1.27448142689877 1.218761158563261 1.1893532391639525 1.218761158563261 1.1320851855969027 +6804,1.006714581841992,0,0.9587332396641863 0.8024069312784263 0.5052321668223485 0.37831377783589687 0.30556787195341373 0.3287846504265506 0.25603874454406744 0.25294317408098604 0.35200142889967867 0.4580247172603132 0.45260746894991194 0.7993113608153449 0.8983696156340375 1.020644648925867 1.27448142689877 1.218761158563261 1.1893532391639525 1.218761158563261 1.1320851855969027 1.1150595480499375 +6805,0.9912367295265674,0,0.8024069312784263 0.5052321668223485 0.37831377783589687 0.30556787195341373 0.3287846504265506 0.25603874454406744 0.25294317408098604 0.35200142889967867 0.4580247172603132 0.45260746894991194 0.7993113608153449 0.8983696156340375 1.020644648925867 1.27448142689877 1.218761158563261 1.1893532391639525 1.218761158563261 1.1320851855969027 1.1150595480499375 1.006714581841992 +6806,0.8859873337817031,0,0.5052321668223485 0.37831377783589687 0.30556787195341373 0.3287846504265506 0.25603874454406744 0.25294317408098604 0.35200142889967867 0.4580247172603132 0.45260746894991194 0.7993113608153449 0.8983696156340375 1.020644648925867 1.27448142689877 1.218761158563261 1.1893532391639525 1.218761158563261 1.1320851855969027 1.1150595480499375 1.006714581841992 0.9912367295265674 +6807,0.8024069312784263,0,0.37831377783589687 0.30556787195341373 0.3287846504265506 0.25603874454406744 0.25294317408098604 0.35200142889967867 0.4580247172603132 0.45260746894991194 0.7993113608153449 0.8983696156340375 1.020644648925867 1.27448142689877 1.218761158563261 1.1893532391639525 1.218761158563261 1.1320851855969027 1.1150595480499375 1.006714581841992 0.9912367295265674 0.8859873337817031 +6808,0.7466866629429172,0,0.30556787195341373 0.3287846504265506 0.25603874454406744 0.25294317408098604 0.35200142889967867 0.4580247172603132 0.45260746894991194 0.7993113608153449 0.8983696156340375 1.020644648925867 1.27448142689877 1.218761158563261 1.1893532391639525 1.218761158563261 1.1320851855969027 1.1150595480499375 1.006714581841992 0.9912367295265674 0.8859873337817031 0.8024069312784263 +6809,0.6770363275235243,0,0.3287846504265506 0.25603874454406744 0.25294317408098604 0.35200142889967867 0.4580247172603132 0.45260746894991194 0.7993113608153449 0.8983696156340375 1.020644648925867 1.27448142689877 1.218761158563261 1.1893532391639525 1.218761158563261 1.1320851855969027 1.1150595480499375 1.006714581841992 0.9912367295265674 0.8859873337817031 0.8024069312784263 0.7466866629429172 +6810,0.6785841127550649,0,0.25603874454406744 0.25294317408098604 0.35200142889967867 0.4580247172603132 0.45260746894991194 0.7993113608153449 0.8983696156340375 1.020644648925867 1.27448142689877 1.218761158563261 1.1893532391639525 1.218761158563261 1.1320851855969027 1.1150595480499375 1.006714581841992 0.9912367295265674 0.8859873337817031 0.8024069312784263 0.7466866629429172 0.6770363275235243 +6811,0.5191622339062235,0,0.25294317408098604 0.35200142889967867 0.4580247172603132 0.45260746894991194 0.7993113608153449 0.8983696156340375 1.020644648925867 1.27448142689877 1.218761158563261 1.1893532391639525 1.218761158563261 1.1320851855969027 1.1150595480499375 1.006714581841992 0.9912367295265674 0.8859873337817031 0.8024069312784263 0.7466866629429172 0.6770363275235243 0.6785841127550649 +6812,0.4123650529298186,0,0.35200142889967867 0.4580247172603132 0.45260746894991194 0.7993113608153449 0.8983696156340375 1.020644648925867 1.27448142689877 1.218761158563261 1.1893532391639525 1.218761158563261 1.1320851855969027 1.1150595480499375 1.006714581841992 0.9912367295265674 0.8859873337817031 0.8024069312784263 0.7466866629429172 0.6770363275235243 0.6785841127550649 0.5191622339062235 +6813,0.3287846504265506,0,0.4580247172603132 0.45260746894991194 0.7993113608153449 0.8983696156340375 1.020644648925867 1.27448142689877 1.218761158563261 1.1893532391639525 1.218761158563261 1.1320851855969027 1.1150595480499375 1.006714581841992 0.9912367295265674 0.8859873337817031 0.8024069312784263 0.7466866629429172 0.6770363275235243 0.6785841127550649 0.5191622339062235 0.4123650529298186 +6814,0.36438371075201303,0,0.45260746894991194 0.7993113608153449 0.8983696156340375 1.020644648925867 1.27448142689877 1.218761158563261 1.1893532391639525 1.218761158563261 1.1320851855969027 1.1150595480499375 1.006714581841992 0.9912367295265674 0.8859873337817031 0.8024069312784263 0.7466866629429172 0.6770363275235243 0.6785841127550649 0.5191622339062235 0.4123650529298186 0.3287846504265506 +6815,0.3272368651950011,0,0.7993113608153449 0.8983696156340375 1.020644648925867 1.27448142689877 1.218761158563261 1.1893532391639525 1.218761158563261 1.1320851855969027 1.1150595480499375 1.006714581841992 0.9912367295265674 0.8859873337817031 0.8024069312784263 0.7466866629429172 0.6770363275235243 0.6785841127550649 0.5191622339062235 0.4123650529298186 0.3287846504265506 0.36438371075201303 +6816,0.2730643820910327,0,0.8983696156340375 1.020644648925867 1.27448142689877 1.218761158563261 1.1893532391639525 1.218761158563261 1.1320851855969027 1.1150595480499375 1.006714581841992 0.9912367295265674 0.8859873337817031 0.8024069312784263 0.7466866629429172 0.6770363275235243 0.6785841127550649 0.5191622339062235 0.4123650529298186 0.3287846504265506 0.36438371075201303 0.3272368651950011 +6817,0.262229885470239,0,1.020644648925867 1.27448142689877 1.218761158563261 1.1893532391639525 1.218761158563261 1.1320851855969027 1.1150595480499375 1.006714581841992 0.9912367295265674 0.8859873337817031 0.8024069312784263 0.7466866629429172 0.6770363275235243 0.6785841127550649 0.5191622339062235 0.4123650529298186 0.3287846504265506 0.36438371075201303 0.3272368651950011 0.2730643820910327 +6818,0.3724321939560352,0,1.27448142689877 1.218761158563261 1.1893532391639525 1.218761158563261 1.1320851855969027 1.1150595480499375 1.006714581841992 0.9912367295265674 0.8859873337817031 0.8024069312784263 0.7466866629429172 0.6770363275235243 0.6785841127550649 0.5191622339062235 0.4123650529298186 0.3287846504265506 0.36438371075201303 0.3272368651950011 0.2730643820910327 0.262229885470239 +6819,0.36593149598355373,0,1.218761158563261 1.1893532391639525 1.218761158563261 1.1320851855969027 1.1150595480499375 1.006714581841992 0.9912367295265674 0.8859873337817031 0.8024069312784263 0.7466866629429172 0.6770363275235243 0.6785841127550649 0.5191622339062235 0.4123650529298186 0.3287846504265506 0.36438371075201303 0.3272368651950011 0.2730643820910327 0.262229885470239 0.3724321939560352 +6820,0.45260746894991194,0,1.1893532391639525 1.218761158563261 1.1320851855969027 1.1150595480499375 1.006714581841992 0.9912367295265674 0.8859873337817031 0.8024069312784263 0.7466866629429172 0.6770363275235243 0.6785841127550649 0.5191622339062235 0.4123650529298186 0.3287846504265506 0.36438371075201303 0.3272368651950011 0.2730643820910327 0.262229885470239 0.3724321939560352 0.36593149598355373 +6821,0.5702391465471105,0,1.218761158563261 1.1320851855969027 1.1150595480499375 1.006714581841992 0.9912367295265674 0.8859873337817031 0.8024069312784263 0.7466866629429172 0.6770363275235243 0.6785841127550649 0.5191622339062235 0.4123650529298186 0.3287846504265506 0.36438371075201303 0.3272368651950011 0.2730643820910327 0.262229885470239 0.3724321939560352 0.36593149598355373 0.45260746894991194 +6822,0.7312088106274927,0,1.1320851855969027 1.1150595480499375 1.006714581841992 0.9912367295265674 0.8859873337817031 0.8024069312784263 0.7466866629429172 0.6770363275235243 0.6785841127550649 0.5191622339062235 0.4123650529298186 0.3287846504265506 0.36438371075201303 0.3272368651950011 0.2730643820910327 0.262229885470239 0.3724321939560352 0.36593149598355373 0.45260746894991194 0.5702391465471105 +6823,0.7915724346576326,0,1.1150595480499375 1.006714581841992 0.9912367295265674 0.8859873337817031 0.8024069312784263 0.7466866629429172 0.6770363275235243 0.6785841127550649 0.5191622339062235 0.4123650529298186 0.3287846504265506 0.36438371075201303 0.3272368651950011 0.2730643820910327 0.262229885470239 0.3724321939560352 0.36593149598355373 0.45260746894991194 0.5702391465471105 0.7312088106274927 +6824,0.8209803540569323,0,1.006714581841992 0.9912367295265674 0.8859873337817031 0.8024069312784263 0.7466866629429172 0.6770363275235243 0.6785841127550649 0.5191622339062235 0.4123650529298186 0.3287846504265506 0.36438371075201303 0.3272368651950011 0.2730643820910327 0.262229885470239 0.3724321939560352 0.36593149598355373 0.45260746894991194 0.5702391465471105 0.7312088106274927 0.7915724346576326 +6825,0.8178847835938509,0,0.9912367295265674 0.8859873337817031 0.8024069312784263 0.7466866629429172 0.6770363275235243 0.6785841127550649 0.5191622339062235 0.4123650529298186 0.3287846504265506 0.36438371075201303 0.3272368651950011 0.2730643820910327 0.262229885470239 0.3724321939560352 0.36593149598355373 0.45260746894991194 0.5702391465471105 0.7312088106274927 0.7915724346576326 0.8209803540569323 +6826,0.8844395485501625,0,0.8859873337817031 0.8024069312784263 0.7466866629429172 0.6770363275235243 0.6785841127550649 0.5191622339062235 0.4123650529298186 0.3287846504265506 0.36438371075201303 0.3272368651950011 0.2730643820910327 0.262229885470239 0.3724321939560352 0.36593149598355373 0.45260746894991194 0.5702391465471105 0.7312088106274927 0.7915724346576326 0.8209803540569323 0.8178847835938509 +6827,0.9277775350333372,0,0.8024069312784263 0.7466866629429172 0.6770363275235243 0.6785841127550649 0.5191622339062235 0.4123650529298186 0.3287846504265506 0.36438371075201303 0.3272368651950011 0.2730643820910327 0.262229885470239 0.3724321939560352 0.36593149598355373 0.45260746894991194 0.5702391465471105 0.7312088106274927 0.7915724346576326 0.8209803540569323 0.8178847835938509 0.8844395485501625 +6828,0.950994313506474,0,0.7466866629429172 0.6770363275235243 0.6785841127550649 0.5191622339062235 0.4123650529298186 0.3287846504265506 0.36438371075201303 0.3272368651950011 0.2730643820910327 0.262229885470239 0.3724321939560352 0.36593149598355373 0.45260746894991194 0.5702391465471105 0.7312088106274927 0.7915724346576326 0.8209803540569323 0.8178847835938509 0.8844395485501625 0.9277775350333372 +6829,0.8674139110031972,0,0.6770363275235243 0.6785841127550649 0.5191622339062235 0.4123650529298186 0.3287846504265506 0.36438371075201303 0.3272368651950011 0.2730643820910327 0.262229885470239 0.3724321939560352 0.36593149598355373 0.45260746894991194 0.5702391465471105 0.7312088106274927 0.7915724346576326 0.8209803540569323 0.8178847835938509 0.8844395485501625 0.9277775350333372 0.950994313506474 +6830,0.8550316291508628,0,0.6785841127550649 0.5191622339062235 0.4123650529298186 0.3287846504265506 0.36438371075201303 0.3272368651950011 0.2730643820910327 0.262229885470239 0.3724321939560352 0.36593149598355373 0.45260746894991194 0.5702391465471105 0.7312088106274927 0.7915724346576326 0.8209803540569323 0.8178847835938509 0.8844395485501625 0.9277775350333372 0.950994313506474 0.8674139110031972 +6831,0.7791901528052982,0,0.5191622339062235 0.4123650529298186 0.3287846504265506 0.36438371075201303 0.3272368651950011 0.2730643820910327 0.262229885470239 0.3724321939560352 0.36593149598355373 0.45260746894991194 0.5702391465471105 0.7312088106274927 0.7915724346576326 0.8209803540569323 0.8178847835938509 0.8844395485501625 0.9277775350333372 0.950994313506474 0.8674139110031972 0.8550316291508628 +6832,0.6770363275235243,0,0.4123650529298186 0.3287846504265506 0.36438371075201303 0.3272368651950011 0.2730643820910327 0.262229885470239 0.3724321939560352 0.36593149598355373 0.45260746894991194 0.5702391465471105 0.7312088106274927 0.7915724346576326 0.8209803540569323 0.8178847835938509 0.8844395485501625 0.9277775350333372 0.950994313506474 0.8674139110031972 0.8550316291508628 0.7791901528052982 +6833,0.6151249182618348,0,0.3287846504265506 0.36438371075201303 0.3272368651950011 0.2730643820910327 0.262229885470239 0.3724321939560352 0.36593149598355373 0.45260746894991194 0.5702391465471105 0.7312088106274927 0.7915724346576326 0.8209803540569323 0.8178847835938509 0.8844395485501625 0.9277775350333372 0.950994313506474 0.8674139110031972 0.8550316291508628 0.7791901528052982 0.6770363275235243 +6834,0.3953394153828534,0,0.36438371075201303 0.3272368651950011 0.2730643820910327 0.262229885470239 0.3724321939560352 0.36593149598355373 0.45260746894991194 0.5702391465471105 0.7312088106274927 0.7915724346576326 0.8209803540569323 0.8178847835938509 0.8844395485501625 0.9277775350333372 0.950994313506474 0.8674139110031972 0.8550316291508628 0.7791901528052982 0.6770363275235243 0.6151249182618348 +6835,0.24984760361789585,0,0.3272368651950011 0.2730643820910327 0.262229885470239 0.3724321939560352 0.36593149598355373 0.45260746894991194 0.5702391465471105 0.7312088106274927 0.7915724346576326 0.8209803540569323 0.8178847835938509 0.8844395485501625 0.9277775350333372 0.950994313506474 0.8674139110031972 0.8550316291508628 0.7791901528052982 0.6770363275235243 0.6151249182618348 0.3953394153828534 +6836,0.2761599525541141,0,0.2730643820910327 0.262229885470239 0.3724321939560352 0.36593149598355373 0.45260746894991194 0.5702391465471105 0.7312088106274927 0.7915724346576326 0.8209803540569323 0.8178847835938509 0.8844395485501625 0.9277775350333372 0.950994313506474 0.8674139110031972 0.8550316291508628 0.7791901528052982 0.6770363275235243 0.6151249182618348 0.3953394153828534 0.24984760361789585 +6837,0.25603874454406744,0,0.262229885470239 0.3724321939560352 0.36593149598355373 0.45260746894991194 0.5702391465471105 0.7312088106274927 0.7915724346576326 0.8209803540569323 0.8178847835938509 0.8844395485501625 0.9277775350333372 0.950994313506474 0.8674139110031972 0.8550316291508628 0.7791901528052982 0.6770363275235243 0.6151249182618348 0.3953394153828534 0.24984760361789585 0.2761599525541141 +6838,0.14769377833612182,0,0.3724321939560352 0.36593149598355373 0.45260746894991194 0.5702391465471105 0.7312088106274927 0.7915724346576326 0.8209803540569323 0.8178847835938509 0.8844395485501625 0.9277775350333372 0.950994313506474 0.8674139110031972 0.8550316291508628 0.7791901528052982 0.6770363275235243 0.6151249182618348 0.3953394153828534 0.24984760361789585 0.2761599525541141 0.25603874454406744 +6839,0.0532788792120513,0,0.36593149598355373 0.45260746894991194 0.5702391465471105 0.7312088106274927 0.7915724346576326 0.8209803540569323 0.8178847835938509 0.8844395485501625 0.9277775350333372 0.950994313506474 0.8674139110031972 0.8550316291508628 0.7791901528052982 0.6770363275235243 0.6151249182618348 0.3953394153828534 0.24984760361789585 0.2761599525541141 0.25603874454406744 0.14769377833612182 +6840,0.07340008722209797,0,0.45260746894991194 0.5702391465471105 0.7312088106274927 0.7915724346576326 0.8209803540569323 0.8178847835938509 0.8844395485501625 0.9277775350333372 0.950994313506474 0.8674139110031972 0.8550316291508628 0.7791901528052982 0.6770363275235243 0.6151249182618348 0.3953394153828534 0.24984760361789585 0.2761599525541141 0.25603874454406744 0.14769377833612182 0.0532788792120513 +6841,0.04708773828587971,0,0.5702391465471105 0.7312088106274927 0.7915724346576326 0.8209803540569323 0.8178847835938509 0.8844395485501625 0.9277775350333372 0.950994313506474 0.8674139110031972 0.8550316291508628 0.7791901528052982 0.6770363275235243 0.6151249182618348 0.3953394153828534 0.24984760361789585 0.2761599525541141 0.25603874454406744 0.14769377833612182 0.0532788792120513 0.07340008722209797 +6842,0.11364250324219129,0,0.7312088106274927 0.7915724346576326 0.8209803540569323 0.8178847835938509 0.8844395485501625 0.9277775350333372 0.950994313506474 0.8674139110031972 0.8550316291508628 0.7791901528052982 0.6770363275235243 0.6151249182618348 0.3953394153828534 0.24984760361789585 0.2761599525541141 0.25603874454406744 0.14769377833612182 0.0532788792120513 0.07340008722209797 0.04708773828587971 +6843,0.36438371075201303,0,0.7915724346576326 0.8209803540569323 0.8178847835938509 0.8844395485501625 0.9277775350333372 0.950994313506474 0.8674139110031972 0.8550316291508628 0.7791901528052982 0.6770363275235243 0.6151249182618348 0.3953394153828534 0.24984760361789585 0.2761599525541141 0.25603874454406744 0.14769377833612182 0.0532788792120513 0.07340008722209797 0.04708773828587971 0.11364250324219129 +6844,0.4897543145069239,0,0.8209803540569323 0.8178847835938509 0.8844395485501625 0.9277775350333372 0.950994313506474 0.8674139110031972 0.8550316291508628 0.7791901528052982 0.6770363275235243 0.6151249182618348 0.3953394153828534 0.24984760361789585 0.2761599525541141 0.25603874454406744 0.14769377833612182 0.0532788792120513 0.07340008722209797 0.04708773828587971 0.11364250324219129 0.36438371075201303 +6845,0.7327565958590333,0,0.8178847835938509 0.8844395485501625 0.9277775350333372 0.950994313506474 0.8674139110031972 0.8550316291508628 0.7791901528052982 0.6770363275235243 0.6151249182618348 0.3953394153828534 0.24984760361789585 0.2761599525541141 0.25603874454406744 0.14769377833612182 0.0532788792120513 0.07340008722209797 0.04708773828587971 0.11364250324219129 0.36438371075201303 0.4897543145069239 +6846,1.0392180717043729,0,0.8844395485501625 0.9277775350333372 0.950994313506474 0.8674139110031972 0.8550316291508628 0.7791901528052982 0.6770363275235243 0.6151249182618348 0.3953394153828534 0.24984760361789585 0.2761599525541141 0.25603874454406744 0.14769377833612182 0.0532788792120513 0.07340008722209797 0.04708773828587971 0.11364250324219129 0.36438371075201303 0.4897543145069239 0.7327565958590333 +6847,1.2775769973618603,0,0.9277775350333372 0.950994313506474 0.8674139110031972 0.8550316291508628 0.7791901528052982 0.6770363275235243 0.6151249182618348 0.3953394153828534 0.24984760361789585 0.2761599525541141 0.25603874454406744 0.14769377833612182 0.0532788792120513 0.07340008722209797 0.04708773828587971 0.11364250324219129 0.36438371075201303 0.4897543145069239 0.7327565958590333 1.0392180717043729 +6848,1.4075909568113933,0,0.950994313506474 0.8674139110031972 0.8550316291508628 0.7791901528052982 0.6770363275235243 0.6151249182618348 0.3953394153828534 0.24984760361789585 0.2761599525541141 0.25603874454406744 0.14769377833612182 0.0532788792120513 0.07340008722209797 0.04708773828587971 0.11364250324219129 0.36438371075201303 0.4897543145069239 0.7327565958590333 1.0392180717043729 1.2775769973618603 +6849,1.5190314934824292,0,0.8674139110031972 0.8550316291508628 0.7791901528052982 0.6770363275235243 0.6151249182618348 0.3953394153828534 0.24984760361789585 0.2761599525541141 0.25603874454406744 0.14769377833612182 0.0532788792120513 0.07340008722209797 0.04708773828587971 0.11364250324219129 0.36438371075201303 0.4897543145069239 0.7327565958590333 1.0392180717043729 1.2775769973618603 1.4075909568113933 +6850,1.4633112251469111,0,0.8550316291508628 0.7791901528052982 0.6770363275235243 0.6151249182618348 0.3953394153828534 0.24984760361789585 0.2761599525541141 0.25603874454406744 0.14769377833612182 0.0532788792120513 0.07340008722209797 0.04708773828587971 0.11364250324219129 0.36438371075201303 0.4897543145069239 0.7327565958590333 1.0392180717043729 1.2775769973618603 1.4075909568113933 1.5190314934824292 +6851,1.5298659901032228,0,0.7791901528052982 0.6770363275235243 0.6151249182618348 0.3953394153828534 0.24984760361789585 0.2761599525541141 0.25603874454406744 0.14769377833612182 0.0532788792120513 0.07340008722209797 0.04708773828587971 0.11364250324219129 0.36438371075201303 0.4897543145069239 0.7327565958590333 1.0392180717043729 1.2775769973618603 1.4075909568113933 1.5190314934824292 1.4633112251469111 +6852,1.4648590103784518,0,0.6770363275235243 0.6151249182618348 0.3953394153828534 0.24984760361789585 0.2761599525541141 0.25603874454406744 0.14769377833612182 0.0532788792120513 0.07340008722209797 0.04708773828587971 0.11364250324219129 0.36438371075201303 0.4897543145069239 0.7327565958590333 1.0392180717043729 1.2775769973618603 1.4075909568113933 1.5190314934824292 1.4633112251469111 1.5298659901032228 +6853,1.311628272455782,0,0.6151249182618348 0.3953394153828534 0.24984760361789585 0.2761599525541141 0.25603874454406744 0.14769377833612182 0.0532788792120513 0.07340008722209797 0.04708773828587971 0.11364250324219129 0.36438371075201303 0.4897543145069239 0.7327565958590333 1.0392180717043729 1.2775769973618603 1.4075909568113933 1.5190314934824292 1.4633112251469111 1.5298659901032228 1.4648590103784518 +6854,1.09029498434526,0,0.3953394153828534 0.24984760361789585 0.2761599525541141 0.25603874454406744 0.14769377833612182 0.0532788792120513 0.07340008722209797 0.04708773828587971 0.11364250324219129 0.36438371075201303 0.4897543145069239 0.7327565958590333 1.0392180717043729 1.2775769973618603 1.4075909568113933 1.5190314934824292 1.4633112251469111 1.5298659901032228 1.4648590103784518 1.311628272455782 +6855,0.6801318979866057,0,0.24984760361789585 0.2761599525541141 0.25603874454406744 0.14769377833612182 0.0532788792120513 0.07340008722209797 0.04708773828587971 0.11364250324219129 0.36438371075201303 0.4897543145069239 0.7327565958590333 1.0392180717043729 1.2775769973618603 1.4075909568113933 1.5190314934824292 1.4633112251469111 1.5298659901032228 1.4648590103784518 1.311628272455782 1.09029498434526 +6856,0.4897543145069239,0,0.2761599525541141 0.25603874454406744 0.14769377833612182 0.0532788792120513 0.07340008722209797 0.04708773828587971 0.11364250324219129 0.36438371075201303 0.4897543145069239 0.7327565958590333 1.0392180717043729 1.2775769973618603 1.4075909568113933 1.5190314934824292 1.4633112251469111 1.5298659901032228 1.4648590103784518 1.311628272455782 1.09029498434526 0.6801318979866057 +6857,0.2823510934802857,0,0.25603874454406744 0.14769377833612182 0.0532788792120513 0.07340008722209797 0.04708773828587971 0.11364250324219129 0.36438371075201303 0.4897543145069239 0.7327565958590333 1.0392180717043729 1.2775769973618603 1.4075909568113933 1.5190314934824292 1.4633112251469111 1.5298659901032228 1.4648590103784518 1.311628272455782 1.09029498434526 0.6801318979866057 0.4897543145069239 +6858,0.15078934879920322,0,0.14769377833612182 0.0532788792120513 0.07340008722209797 0.04708773828587971 0.11364250324219129 0.36438371075201303 0.4897543145069239 0.7327565958590333 1.0392180717043729 1.2775769973618603 1.4075909568113933 1.5190314934824292 1.4633112251469111 1.5298659901032228 1.4648590103784518 1.311628272455782 1.09029498434526 0.6801318979866057 0.4897543145069239 0.2823510934802857 +6859,0.06256559060130429,0,0.0532788792120513 0.07340008722209797 0.04708773828587971 0.11364250324219129 0.36438371075201303 0.4897543145069239 0.7327565958590333 1.0392180717043729 1.2775769973618603 1.4075909568113933 1.5190314934824292 1.4633112251469111 1.5298659901032228 1.4648590103784518 1.311628272455782 1.09029498434526 0.6801318979866057 0.4897543145069239 0.2823510934802857 0.15078934879920322 +6860,-0.005536959586547991,0,0.07340008722209797 0.04708773828587971 0.11364250324219129 0.36438371075201303 0.4897543145069239 0.7327565958590333 1.0392180717043729 1.2775769973618603 1.4075909568113933 1.5190314934824292 1.4633112251469111 1.5298659901032228 1.4648590103784518 1.311628272455782 1.09029498434526 0.6801318979866057 0.4897543145069239 0.2823510934802857 0.15078934879920322 0.06256559060130429 +6861,-0.019467026670423066,0,0.04708773828587971 0.11364250324219129 0.36438371075201303 0.4897543145069239 0.7327565958590333 1.0392180717043729 1.2775769973618603 1.4075909568113933 1.5190314934824292 1.4633112251469111 1.5298659901032228 1.4648590103784518 1.311628272455782 1.09029498434526 0.6801318979866057 0.4897543145069239 0.2823510934802857 0.15078934879920322 0.06256559060130429 -0.005536959586547991 +6862,-0.08756957685828413,0,0.11364250324219129 0.36438371075201303 0.4897543145069239 0.7327565958590333 1.0392180717043729 1.2775769973618603 1.4075909568113933 1.5190314934824292 1.4633112251469111 1.5298659901032228 1.4648590103784518 1.311628272455782 1.09029498434526 0.6801318979866057 0.4897543145069239 0.2823510934802857 0.15078934879920322 0.06256559060130429 -0.005536959586547991 -0.019467026670423066 +6863,-0.12935977810991817,0,0.36438371075201303 0.4897543145069239 0.7327565958590333 1.0392180717043729 1.2775769973618603 1.4075909568113933 1.5190314934824292 1.4633112251469111 1.5298659901032228 1.4648590103784518 1.311628272455782 1.09029498434526 0.6801318979866057 0.4897543145069239 0.2823510934802857 0.15078934879920322 0.06256559060130429 -0.005536959586547991 -0.019467026670423066 -0.08756957685828413 +6864,-0.1665066236669301,0,0.4897543145069239 0.7327565958590333 1.0392180717043729 1.2775769973618603 1.4075909568113933 1.5190314934824292 1.4633112251469111 1.5298659901032228 1.4648590103784518 1.311628272455782 1.09029498434526 0.6801318979866057 0.4897543145069239 0.2823510934802857 0.15078934879920322 0.06256559060130429 -0.005536959586547991 -0.019467026670423066 -0.08756957685828413 -0.12935977810991817 +6865,-0.19746232829777044,0,0.7327565958590333 1.0392180717043729 1.2775769973618603 1.4075909568113933 1.5190314934824292 1.4633112251469111 1.5298659901032228 1.4648590103784518 1.311628272455782 1.09029498434526 0.6801318979866057 0.4897543145069239 0.2823510934802857 0.15078934879920322 0.06256559060130429 -0.005536959586547991 -0.019467026670423066 -0.08756957685828413 -0.12935977810991817 -0.1665066236669301 +6866,-0.1092385700998715,0,1.0392180717043729 1.2775769973618603 1.4075909568113933 1.5190314934824292 1.4633112251469111 1.5298659901032228 1.4648590103784518 1.311628272455782 1.09029498434526 0.6801318979866057 0.4897543145069239 0.2823510934802857 0.15078934879920322 0.06256559060130429 -0.005536959586547991 -0.019467026670423066 -0.08756957685828413 -0.12935977810991817 -0.1665066236669301 -0.19746232829777044 +6867,0.2096051875978025,0,1.2775769973618603 1.4075909568113933 1.5190314934824292 1.4633112251469111 1.5298659901032228 1.4648590103784518 1.311628272455782 1.09029498434526 0.6801318979866057 0.4897543145069239 0.2823510934802857 0.15078934879920322 0.06256559060130429 -0.005536959586547991 -0.019467026670423066 -0.08756957685828413 -0.12935977810991817 -0.1665066236669301 -0.19746232829777044 -0.1092385700998715 +6868,0.3566447845943007,0,1.4075909568113933 1.5190314934824292 1.4633112251469111 1.5298659901032228 1.4648590103784518 1.311628272455782 1.09029498434526 0.6801318979866057 0.4897543145069239 0.2823510934802857 0.15078934879920322 0.06256559060130429 -0.005536959586547991 -0.019467026670423066 -0.08756957685828413 -0.12935977810991817 -0.1665066236669301 -0.19746232829777044 -0.1092385700998715 0.2096051875978025 +6869,0.75287780386908,0,1.5190314934824292 1.4633112251469111 1.5298659901032228 1.4648590103784518 1.311628272455782 1.09029498434526 0.6801318979866057 0.4897543145069239 0.2823510934802857 0.15078934879920322 0.06256559060130429 -0.005536959586547991 -0.019467026670423066 -0.08756957685828413 -0.12935977810991817 -0.1665066236669301 -0.19746232829777044 -0.1092385700998715 0.2096051875978025 0.3566447845943007 +6870,1.002071226147361,0,1.4633112251469111 1.5298659901032228 1.4648590103784518 1.311628272455782 1.09029498434526 0.6801318979866057 0.4897543145069239 0.2823510934802857 0.15078934879920322 0.06256559060130429 -0.005536959586547991 -0.019467026670423066 -0.08756957685828413 -0.12935977810991817 -0.1665066236669301 -0.19746232829777044 -0.1092385700998715 0.2096051875978025 0.3566447845943007 0.75287780386908 +6871,1.2775769973618603,0,1.5298659901032228 1.4648590103784518 1.311628272455782 1.09029498434526 0.6801318979866057 0.4897543145069239 0.2823510934802857 0.15078934879920322 0.06256559060130429 -0.005536959586547991 -0.019467026670423066 -0.08756957685828413 -0.12935977810991817 -0.1665066236669301 -0.19746232829777044 -0.1092385700998715 0.2096051875978025 0.3566447845943007 0.75287780386908 1.002071226147361 +6872,1.3704441112543813,0,1.4648590103784518 1.311628272455782 1.09029498434526 0.6801318979866057 0.4897543145069239 0.2823510934802857 0.15078934879920322 0.06256559060130429 -0.005536959586547991 -0.019467026670423066 -0.08756957685828413 -0.12935977810991817 -0.1665066236669301 -0.19746232829777044 -0.1092385700998715 0.2096051875978025 0.3566447845943007 0.75287780386908 1.002071226147361 1.2775769973618603 +6873,1.5577261242709817,0,1.311628272455782 1.09029498434526 0.6801318979866057 0.4897543145069239 0.2823510934802857 0.15078934879920322 0.06256559060130429 -0.005536959586547991 -0.019467026670423066 -0.08756957685828413 -0.12935977810991817 -0.1665066236669301 -0.19746232829777044 -0.1092385700998715 0.2096051875978025 0.3566447845943007 0.75287780386908 1.002071226147361 1.2775769973618603 1.3704441112543813 +6874,1.6010641107541563,0,1.09029498434526 0.6801318979866057 0.4897543145069239 0.2823510934802857 0.15078934879920322 0.06256559060130429 -0.005536959586547991 -0.019467026670423066 -0.08756957685828413 -0.12935977810991817 -0.1665066236669301 -0.19746232829777044 -0.1092385700998715 0.2096051875978025 0.3566447845943007 0.75287780386908 1.002071226147361 1.2775769973618603 1.3704441112543813 1.5577261242709817 +6875,1.6335676006165374,0,0.6801318979866057 0.4897543145069239 0.2823510934802857 0.15078934879920322 0.06256559060130429 -0.005536959586547991 -0.019467026670423066 -0.08756957685828413 -0.12935977810991817 -0.1665066236669301 -0.19746232829777044 -0.1092385700998715 0.2096051875978025 0.3566447845943007 0.75287780386908 1.002071226147361 1.2775769973618603 1.3704441112543813 1.5577261242709817 1.6010641107541563 +6876,1.4261643795898993,0,0.4897543145069239 0.2823510934802857 0.15078934879920322 0.06256559060130429 -0.005536959586547991 -0.019467026670423066 -0.08756957685828413 -0.12935977810991817 -0.1665066236669301 -0.19746232829777044 -0.1092385700998715 0.2096051875978025 0.3566447845943007 0.75287780386908 1.002071226147361 1.2775769973618603 1.3704441112543813 1.5577261242709817 1.6010641107541563 1.6335676006165374 +6877,1.3719918964859221,0,0.2823510934802857 0.15078934879920322 0.06256559060130429 -0.005536959586547991 -0.019467026670423066 -0.08756957685828413 -0.12935977810991817 -0.1665066236669301 -0.19746232829777044 -0.1092385700998715 0.2096051875978025 0.3566447845943007 0.75287780386908 1.002071226147361 1.2775769973618603 1.3704441112543813 1.5577261242709817 1.6010641107541563 1.6335676006165374 1.4261643795898993 +6878,1.0221924341574078,0,0.15078934879920322 0.06256559060130429 -0.005536959586547991 -0.019467026670423066 -0.08756957685828413 -0.12935977810991817 -0.1665066236669301 -0.19746232829777044 -0.1092385700998715 0.2096051875978025 0.3566447845943007 0.75287780386908 1.002071226147361 1.2775769973618603 1.3704441112543813 1.5577261242709817 1.6010641107541563 1.6335676006165374 1.4261643795898993 1.3719918964859221 +6879,0.6584629047450182,0,0.06256559060130429 -0.005536959586547991 -0.019467026670423066 -0.08756957685828413 -0.12935977810991817 -0.1665066236669301 -0.19746232829777044 -0.1092385700998715 0.2096051875978025 0.3566447845943007 0.75287780386908 1.002071226147361 1.2775769973618603 1.3704441112543813 1.5577261242709817 1.6010641107541563 1.6335676006165374 1.4261643795898993 1.3719918964859221 1.0221924341574078 +6880,0.24365646269173305,0,-0.005536959586547991 -0.019467026670423066 -0.08756957685828413 -0.12935977810991817 -0.1665066236669301 -0.19746232829777044 -0.1092385700998715 0.2096051875978025 0.3566447845943007 0.75287780386908 1.002071226147361 1.2775769973618603 1.3704441112543813 1.5577261242709817 1.6010641107541563 1.6335676006165374 1.4261643795898993 1.3719918964859221 1.0221924341574078 0.6584629047450182 +6881,0.20031847620854953,0,-0.019467026670423066 -0.08756957685828413 -0.12935977810991817 -0.1665066236669301 -0.19746232829777044 -0.1092385700998715 0.2096051875978025 0.3566447845943007 0.75287780386908 1.002071226147361 1.2775769973618603 1.3704441112543813 1.5577261242709817 1.6010641107541563 1.6335676006165374 1.4261643795898993 1.3719918964859221 1.0221924341574078 0.6584629047450182 0.24365646269173305 +6882,0.13376371125223796,0,-0.08756957685828413 -0.12935977810991817 -0.1665066236669301 -0.19746232829777044 -0.1092385700998715 0.2096051875978025 0.3566447845943007 0.75287780386908 1.002071226147361 1.2775769973618603 1.3704441112543813 1.5577261242709817 1.6010641107541563 1.6335676006165374 1.4261643795898993 1.3719918964859221 1.0221924341574078 0.6584629047450182 0.24365646269173305 0.20031847620854953 +6883,0.10126022138985691,0,-0.12935977810991817 -0.1665066236669301 -0.19746232829777044 -0.1092385700998715 0.2096051875978025 0.3566447845943007 0.75287780386908 1.002071226147361 1.2775769973618603 1.3704441112543813 1.5577261242709817 1.6010641107541563 1.6335676006165374 1.4261643795898993 1.3719918964859221 1.0221924341574078 0.6584629047450182 0.24365646269173305 0.20031847620854953 0.13376371125223796 +6884,0.05947002013822289,0,-0.1665066236669301 -0.19746232829777044 -0.1092385700998715 0.2096051875978025 0.3566447845943007 0.75287780386908 1.002071226147361 1.2775769973618603 1.3704441112543813 1.5577261242709817 1.6010641107541563 1.6335676006165374 1.4261643795898993 1.3719918964859221 1.0221924341574078 0.6584629047450182 0.24365646269173305 0.20031847620854953 0.13376371125223796 0.10126022138985691 +6885,-0.002441389123466596,0,-0.19746232829777044 -0.1092385700998715 0.2096051875978025 0.3566447845943007 0.75287780386908 1.002071226147361 1.2775769973618603 1.3704441112543813 1.5577261242709817 1.6010641107541563 1.6335676006165374 1.4261643795898993 1.3719918964859221 1.0221924341574078 0.6584629047450182 0.24365646269173305 0.20031847620854953 0.13376371125223796 0.10126022138985691 0.05947002013822289 +6886,-0.061257227922065886,0,-0.1092385700998715 0.2096051875978025 0.3566447845943007 0.75287780386908 1.002071226147361 1.2775769973618603 1.3704441112543813 1.5577261242709817 1.6010641107541563 1.6335676006165374 1.4261643795898993 1.3719918964859221 1.0221924341574078 0.6584629047450182 0.24365646269173305 0.20031847620854953 0.13376371125223796 0.10126022138985691 0.05947002013822289 -0.002441389123466596 +6887,-0.06280501315360658,0,0.2096051875978025 0.3566447845943007 0.75287780386908 1.002071226147361 1.2775769973618603 1.3704441112543813 1.5577261242709817 1.6010641107541563 1.6335676006165374 1.4261643795898993 1.3719918964859221 1.0221924341574078 0.6584629047450182 0.24365646269173305 0.20031847620854953 0.13376371125223796 0.10126022138985691 0.05947002013822289 -0.002441389123466596 -0.061257227922065886 +6888,-0.07673508023748166,0,0.3566447845943007 0.75287780386908 1.002071226147361 1.2775769973618603 1.3704441112543813 1.5577261242709817 1.6010641107541563 1.6335676006165374 1.4261643795898993 1.3719918964859221 1.0221924341574078 0.6584629047450182 0.24365646269173305 0.20031847620854953 0.13376371125223796 0.10126022138985691 0.05947002013822289 -0.002441389123466596 -0.061257227922065886 -0.06280501315360658 +6889,0.06741531760854655,0,0.75287780386908 1.002071226147361 1.2775769973618603 1.3704441112543813 1.5577261242709817 1.6010641107541563 1.6335676006165374 1.4261643795898993 1.3719918964859221 1.0221924341574078 0.6584629047450182 0.24365646269173305 0.20031847620854953 0.13376371125223796 0.10126022138985691 0.05947002013822289 -0.002441389123466596 -0.061257227922065886 -0.06280501315360658 -0.07673508023748166 +6890,0.29344355435792846,0,1.002071226147361 1.2775769973618603 1.3704441112543813 1.5577261242709817 1.6010641107541563 1.6335676006165374 1.4261643795898993 1.3719918964859221 1.0221924341574078 0.6584629047450182 0.24365646269173305 0.20031847620854953 0.13376371125223796 0.10126022138985691 0.05947002013822289 -0.002441389123466596 -0.061257227922065886 -0.06280501315360658 -0.07673508023748166 0.06741531760854655 +6891,0.623869904820052,0,1.2775769973618603 1.3704441112543813 1.5577261242709817 1.6010641107541563 1.6335676006165374 1.4261643795898993 1.3719918964859221 1.0221924341574078 0.6584629047450182 0.24365646269173305 0.20031847620854953 0.13376371125223796 0.10126022138985691 0.05947002013822289 -0.002441389123466596 -0.061257227922065886 -0.06280501315360658 -0.07673508023748166 0.06741531760854655 0.29344355435792846 +6892,0.8150987701770794,0,1.3704441112543813 1.5577261242709817 1.6010641107541563 1.6335676006165374 1.4261643795898993 1.3719918964859221 1.0221924341574078 0.6584629047450182 0.24365646269173305 0.20031847620854953 0.13376371125223796 0.10126022138985691 0.05947002013822289 -0.002441389123466596 -0.061257227922065886 -0.06280501315360658 -0.07673508023748166 0.06741531760854655 0.29344355435792846 0.623869904820052 +6893,1.1107257494016165,0,1.5577261242709817 1.6010641107541563 1.6335676006165374 1.4261643795898993 1.3719918964859221 1.0221924341574078 0.6584629047450182 0.24365646269173305 0.20031847620854953 0.13376371125223796 0.10126022138985691 0.05947002013822289 -0.002441389123466596 -0.061257227922065886 -0.06280501315360658 -0.07673508023748166 0.06741531760854655 0.29344355435792846 0.623869904820052 0.8150987701770794 +6894,1.134406863444214,0,1.6010641107541563 1.6335676006165374 1.4261643795898993 1.3719918964859221 1.0221924341574078 0.6584629047450182 0.24365646269173305 0.20031847620854953 0.13376371125223796 0.10126022138985691 0.05947002013822289 -0.002441389123466596 -0.061257227922065886 -0.06280501315360658 -0.07673508023748166 0.06741531760854655 0.29344355435792846 0.623869904820052 0.8150987701770794 1.1107257494016165 +6895,1.5206824644476682,0,1.6335676006165374 1.4261643795898993 1.3719918964859221 1.0221924341574078 0.6584629047450182 0.24365646269173305 0.20031847620854953 0.13376371125223796 0.10126022138985691 0.05947002013822289 -0.002441389123466596 -0.061257227922065886 -0.06280501315360658 -0.07673508023748166 0.06741531760854655 0.29344355435792846 0.623869904820052 0.8150987701770794 1.1107257494016165 1.134406863444214 +6896,1.6350122001143885,0,1.4261643795898993 1.3719918964859221 1.0221924341574078 0.6584629047450182 0.24365646269173305 0.20031847620854953 0.13376371125223796 0.10126022138985691 0.05947002013822289 -0.002441389123466596 -0.061257227922065886 -0.06280501315360658 -0.07673508023748166 0.06741531760854655 0.29344355435792846 0.623869904820052 0.8150987701770794 1.1107257494016165 1.134406863444214 1.5206824644476682 +6897,1.718695788351355,0,1.3719918964859221 1.0221924341574078 0.6584629047450182 0.24365646269173305 0.20031847620854953 0.13376371125223796 0.10126022138985691 0.05947002013822289 -0.002441389123466596 -0.061257227922065886 -0.06280501315360658 -0.07673508023748166 0.06741531760854655 0.29344355435792846 0.623869904820052 0.8150987701770794 1.1107257494016165 1.134406863444214 1.5206824644476682 1.6350122001143885 +6898,1.7945372646969195,0,1.0221924341574078 0.6584629047450182 0.24365646269173305 0.20031847620854953 0.13376371125223796 0.10126022138985691 0.05947002013822289 -0.002441389123466596 -0.061257227922065886 -0.06280501315360658 -0.07673508023748166 0.06741531760854655 0.29344355435792846 0.623869904820052 0.8150987701770794 1.1107257494016165 1.134406863444214 1.5206824644476682 1.6350122001143885 1.718695788351355 +6899,1.700122365572849,0,0.6584629047450182 0.24365646269173305 0.20031847620854953 0.13376371125223796 0.10126022138985691 0.05947002013822289 -0.002441389123466596 -0.061257227922065886 -0.06280501315360658 -0.07673508023748166 0.06741531760854655 0.29344355435792846 0.623869904820052 0.8150987701770794 1.1107257494016165 1.134406863444214 1.5206824644476682 1.6350122001143885 1.718695788351355 1.7945372646969195 +6900,1.7527470634452855,0,0.24365646269173305 0.20031847620854953 0.13376371125223796 0.10126022138985691 0.05947002013822289 -0.002441389123466596 -0.061257227922065886 -0.06280501315360658 -0.07673508023748166 0.06741531760854655 0.29344355435792846 0.623869904820052 0.8150987701770794 1.1107257494016165 1.134406863444214 1.5206824644476682 1.6350122001143885 1.718695788351355 1.7945372646969195 1.700122365572849 +6901,1.6505932381635027,0,0.20031847620854953 0.13376371125223796 0.10126022138985691 0.05947002013822289 -0.002441389123466596 -0.061257227922065886 -0.06280501315360658 -0.07673508023748166 0.06741531760854655 0.29344355435792846 0.623869904820052 0.8150987701770794 1.1107257494016165 1.134406863444214 1.5206824644476682 1.6350122001143885 1.718695788351355 1.7945372646969195 1.700122365572849 1.7527470634452855 +6902,1.1614931049962025,0,0.13376371125223796 0.10126022138985691 0.05947002013822289 -0.002441389123466596 -0.061257227922065886 -0.06280501315360658 -0.07673508023748166 0.06741531760854655 0.29344355435792846 0.623869904820052 0.8150987701770794 1.1107257494016165 1.134406863444214 1.5206824644476682 1.6350122001143885 1.718695788351355 1.7945372646969195 1.700122365572849 1.7527470634452855 1.6505932381635027 +6903,0.9378381390383606,0,0.10126022138985691 0.05947002013822289 -0.002441389123466596 -0.061257227922065886 -0.06280501315360658 -0.07673508023748166 0.06741531760854655 0.29344355435792846 0.623869904820052 0.8150987701770794 1.1107257494016165 1.134406863444214 1.5206824644476682 1.6350122001143885 1.718695788351355 1.7945372646969195 1.700122365572849 1.7527470634452855 1.6505932381635027 1.1614931049962025 +6904,0.7141831730805274,0,0.05947002013822289 -0.002441389123466596 -0.061257227922065886 -0.06280501315360658 -0.07673508023748166 0.06741531760854655 0.29344355435792846 0.623869904820052 0.8150987701770794 1.1107257494016165 1.134406863444214 1.5206824644476682 1.6350122001143885 1.718695788351355 1.7945372646969195 1.700122365572849 1.7527470634452855 1.6505932381635027 1.1614931049962025 0.9378381390383606 +6905,0.6491761933557653,0,-0.002441389123466596 -0.061257227922065886 -0.06280501315360658 -0.07673508023748166 0.06741531760854655 0.29344355435792846 0.623869904820052 0.8150987701770794 1.1107257494016165 1.134406863444214 1.5206824644476682 1.6350122001143885 1.718695788351355 1.7945372646969195 1.700122365572849 1.7527470634452855 1.6505932381635027 1.1614931049962025 0.9378381390383606 0.7141831730805274 +6906,0.5609524351578663,0,-0.061257227922065886 -0.06280501315360658 -0.07673508023748166 0.06741531760854655 0.29344355435792846 0.623869904820052 0.8150987701770794 1.1107257494016165 1.134406863444214 1.5206824644476682 1.6350122001143885 1.718695788351355 1.7945372646969195 1.700122365572849 1.7527470634452855 1.6505932381635027 1.1614931049962025 0.9378381390383606 0.7141831730805274 0.6491761933557653 +6907,0.4804676031176709,0,-0.06280501315360658 -0.07673508023748166 0.06741531760854655 0.29344355435792846 0.623869904820052 0.8150987701770794 1.1107257494016165 1.134406863444214 1.5206824644476682 1.6350122001143885 1.718695788351355 1.7945372646969195 1.700122365572849 1.7527470634452855 1.6505932381635027 1.1614931049962025 0.9378381390383606 0.7141831730805274 0.6491761933557653 0.5609524351578663 +6908,0.2188918989870555,0,-0.07673508023748166 0.06741531760854655 0.29344355435792846 0.623869904820052 0.8150987701770794 1.1107257494016165 1.134406863444214 1.5206824644476682 1.6350122001143885 1.718695788351355 1.7945372646969195 1.700122365572849 1.7527470634452855 1.6505932381635027 1.1614931049962025 0.9378381390383606 0.7141831730805274 0.6491761933557653 0.5609524351578663 0.4804676031176709 +6909,0.25294317408098604,0,0.06741531760854655 0.29344355435792846 0.623869904820052 0.8150987701770794 1.1107257494016165 1.134406863444214 1.5206824644476682 1.6350122001143885 1.718695788351355 1.7945372646969195 1.700122365572849 1.7527470634452855 1.6505932381635027 1.1614931049962025 0.9378381390383606 0.7141831730805274 0.6491761933557653 0.5609524351578663 0.4804676031176709 0.2188918989870555 +6910,0.2065096171347211,0,0.29344355435792846 0.623869904820052 0.8150987701770794 1.1107257494016165 1.134406863444214 1.5206824644476682 1.6350122001143885 1.718695788351355 1.7945372646969195 1.700122365572849 1.7527470634452855 1.6505932381635027 1.1614931049962025 0.9378381390383606 0.7141831730805274 0.6491761933557653 0.5609524351578663 0.4804676031176709 0.2188918989870555 0.25294317408098604 +6911,0.16626720111462778,0,0.623869904820052 0.8150987701770794 1.1107257494016165 1.134406863444214 1.5206824644476682 1.6350122001143885 1.718695788351355 1.7945372646969195 1.700122365572849 1.7527470634452855 1.6505932381635027 1.1614931049962025 0.9378381390383606 0.7141831730805274 0.6491761933557653 0.5609524351578663 0.4804676031176709 0.2188918989870555 0.25294317408098604 0.2065096171347211 +6912,0.13376371125223796,0,0.8150987701770794 1.1107257494016165 1.134406863444214 1.5206824644476682 1.6350122001143885 1.718695788351355 1.7945372646969195 1.700122365572849 1.7527470634452855 1.6505932381635027 1.1614931049962025 0.9378381390383606 0.7141831730805274 0.6491761933557653 0.5609524351578663 0.4804676031176709 0.2188918989870555 0.25294317408098604 0.2065096171347211 0.16626720111462778 +6913,-0.03184930852276624,0,1.1107257494016165 1.134406863444214 1.5206824644476682 1.6350122001143885 1.718695788351355 1.7945372646969195 1.700122365572849 1.7527470634452855 1.6505932381635027 1.1614931049962025 0.9378381390383606 0.7141831730805274 0.6491761933557653 0.5609524351578663 0.4804676031176709 0.2188918989870555 0.25294317408098604 0.2065096171347211 0.16626720111462778 0.13376371125223796 +6914,0.24675203315481445,0,1.134406863444214 1.5206824644476682 1.6350122001143885 1.718695788351355 1.7945372646969195 1.700122365572849 1.7527470634452855 1.6505932381635027 1.1614931049962025 0.9378381390383606 0.7141831730805274 0.6491761933557653 0.5609524351578663 0.4804676031176709 0.2188918989870555 0.25294317408098604 0.2065096171347211 0.16626720111462778 0.13376371125223796 -0.03184930852276624 +6915,0.6662018309027218,0,1.5206824644476682 1.6350122001143885 1.718695788351355 1.7945372646969195 1.700122365572849 1.7527470634452855 1.6505932381635027 1.1614931049962025 0.9378381390383606 0.7141831730805274 0.6491761933557653 0.5609524351578663 0.4804676031176709 0.2188918989870555 0.25294317408098604 0.2065096171347211 0.16626720111462778 0.13376371125223796 -0.03184930852276624 0.24675203315481445 +6916,0.9834978033688551,0,1.6350122001143885 1.718695788351355 1.7945372646969195 1.700122365572849 1.7527470634452855 1.6505932381635027 1.1614931049962025 0.9378381390383606 0.7141831730805274 0.6491761933557653 0.5609524351578663 0.4804676031176709 0.2188918989870555 0.25294317408098604 0.2065096171347211 0.16626720111462778 0.13376371125223796 -0.03184930852276624 0.24675203315481445 0.6662018309027218 +6917,1.1800665277747084,0,1.718695788351355 1.7945372646969195 1.700122365572849 1.7527470634452855 1.6505932381635027 1.1614931049962025 0.9378381390383606 0.7141831730805274 0.6491761933557653 0.5609524351578663 0.4804676031176709 0.2188918989870555 0.25294317408098604 0.2065096171347211 0.16626720111462778 0.13376371125223796 -0.03184930852276624 0.24675203315481445 0.6662018309027218 0.9834978033688551 +6918,1.0516003535567073,0,1.7945372646969195 1.700122365572849 1.7527470634452855 1.6505932381635027 1.1614931049962025 0.9378381390383606 0.7141831730805274 0.6491761933557653 0.5609524351578663 0.4804676031176709 0.2188918989870555 0.25294317408098604 0.2065096171347211 0.16626720111462778 0.13376371125223796 -0.03184930852276624 0.24675203315481445 0.6662018309027218 0.9834978033688551 1.1800665277747084 +6919,1.2644208228937468,0,1.700122365572849 1.7527470634452855 1.6505932381635027 1.1614931049962025 0.9378381390383606 0.7141831730805274 0.6491761933557653 0.5609524351578663 0.4804676031176709 0.2188918989870555 0.25294317408098604 0.2065096171347211 0.16626720111462778 0.13376371125223796 -0.03184930852276624 0.24675203315481445 0.6662018309027218 0.9834978033688551 1.1800665277747084 1.0516003535567073 +6920,1.4772412922307863,0,1.7527470634452855 1.6505932381635027 1.1614931049962025 0.9378381390383606 0.7141831730805274 0.6491761933557653 0.5609524351578663 0.4804676031176709 0.2188918989870555 0.25294317408098604 0.2065096171347211 0.16626720111462778 0.13376371125223796 -0.03184930852276624 0.24675203315481445 0.6662018309027218 0.9834978033688551 1.1800665277747084 1.0516003535567073 1.2644208228937468 +6921,1.6242808892272844,0,1.6505932381635027 1.1614931049962025 0.9378381390383606 0.7141831730805274 0.6491761933557653 0.5609524351578663 0.4804676031176709 0.2188918989870555 0.25294317408098604 0.2065096171347211 0.16626720111462778 0.13376371125223796 -0.03184930852276624 0.24675203315481445 0.6662018309027218 0.9834978033688551 1.1800665277747084 1.0516003535567073 1.2644208228937468 1.4772412922307863 +6922,1.6242808892272844,0,1.1614931049962025 0.9378381390383606 0.7141831730805274 0.6491761933557653 0.5609524351578663 0.4804676031176709 0.2188918989870555 0.25294317408098604 0.2065096171347211 0.16626720111462778 0.13376371125223796 -0.03184930852276624 0.24675203315481445 0.6662018309027218 0.9834978033688551 1.1800665277747084 1.0516003535567073 1.2644208228937468 1.4772412922307863 1.6242808892272844 +6923,1.7125046474251922,0,0.9378381390383606 0.7141831730805274 0.6491761933557653 0.5609524351578663 0.4804676031176709 0.2188918989870555 0.25294317408098604 0.2065096171347211 0.16626720111462778 0.13376371125223796 -0.03184930852276624 0.24675203315481445 0.6662018309027218 0.9834978033688551 1.1800665277747084 1.0516003535567073 1.2644208228937468 1.4772412922307863 1.6242808892272844 1.6242808892272844 +6924,1.5933251845964442,0,0.7141831730805274 0.6491761933557653 0.5609524351578663 0.4804676031176709 0.2188918989870555 0.25294317408098604 0.2065096171347211 0.16626720111462778 0.13376371125223796 -0.03184930852276624 0.24675203315481445 0.6662018309027218 0.9834978033688551 1.1800665277747084 1.0516003535567073 1.2644208228937468 1.4772412922307863 1.6242808892272844 1.6242808892272844 1.7125046474251922 +6925,1.3983042454221404,0,0.6491761933557653 0.5609524351578663 0.4804676031176709 0.2188918989870555 0.25294317408098604 0.2065096171347211 0.16626720111462778 0.13376371125223796 -0.03184930852276624 0.24675203315481445 0.6662018309027218 0.9834978033688551 1.1800665277747084 1.0516003535567073 1.2644208228937468 1.4772412922307863 1.6242808892272844 1.6242808892272844 1.7125046474251922 1.5933251845964442 +6926,1.288411493982654,0,0.5609524351578663 0.4804676031176709 0.2188918989870555 0.25294317408098604 0.2065096171347211 0.16626720111462778 0.13376371125223796 -0.03184930852276624 0.24675203315481445 0.6662018309027218 0.9834978033688551 1.1800665277747084 1.0516003535567073 1.2644208228937468 1.4772412922307863 1.6242808892272844 1.6242808892272844 1.7125046474251922 1.5933251845964442 1.3983042454221404 +6927,0.9045607565602091,0,0.4804676031176709 0.2188918989870555 0.25294317408098604 0.2065096171347211 0.16626720111462778 0.13376371125223796 -0.03184930852276624 0.24675203315481445 0.6662018309027218 0.9834978033688551 1.1800665277747084 1.0516003535567073 1.2644208228937468 1.4772412922307863 1.6242808892272844 1.6242808892272844 1.7125046474251922 1.5933251845964442 1.3983042454221404 1.288411493982654 +6928,0.6321505558088,0,0.2188918989870555 0.25294317408098604 0.2065096171347211 0.16626720111462778 0.13376371125223796 -0.03184930852276624 0.24675203315481445 0.6662018309027218 0.9834978033688551 1.1800665277747084 1.0516003535567073 1.2644208228937468 1.4772412922307863 1.6242808892272844 1.6242808892272844 1.7125046474251922 1.5933251845964442 1.3983042454221404 1.288411493982654 0.9045607565602091 +6929,0.35819256982585024,0,0.25294317408098604 0.2065096171347211 0.16626720111462778 0.13376371125223796 -0.03184930852276624 0.24675203315481445 0.6662018309027218 0.9834978033688551 1.1800665277747084 1.0516003535567073 1.2644208228937468 1.4772412922307863 1.6242808892272844 1.6242808892272844 1.7125046474251922 1.5933251845964442 1.3983042454221404 1.288411493982654 0.9045607565602091 0.6321505558088 +6930,0.11673807370528148,0,0.2065096171347211 0.16626720111462778 0.13376371125223796 -0.03184930852276624 0.24675203315481445 0.6662018309027218 0.9834978033688551 1.1800665277747084 1.0516003535567073 1.2644208228937468 1.4772412922307863 1.6242808892272844 1.6242808892272844 1.7125046474251922 1.5933251845964442 1.3983042454221404 1.288411493982654 0.9045607565602091 0.6321505558088 0.35819256982585024 +6931,-0.007084744818088688,0,0.16626720111462778 0.13376371125223796 -0.03184930852276624 0.24675203315481445 0.6662018309027218 0.9834978033688551 1.1800665277747084 1.0516003535567073 1.2644208228937468 1.4772412922307863 1.6242808892272844 1.6242808892272844 1.7125046474251922 1.5933251845964442 1.3983042454221404 1.288411493982654 0.9045607565602091 0.6321505558088 0.35819256982585024 0.11673807370528148 +6932,-0.06744836884822868,0,0.13376371125223796 -0.03184930852276624 0.24675203315481445 0.6662018309027218 0.9834978033688551 1.1800665277747084 1.0516003535567073 1.2644208228937468 1.4772412922307863 1.6242808892272844 1.6242808892272844 1.7125046474251922 1.5933251845964442 1.3983042454221404 1.288411493982654 0.9045607565602091 0.6321505558088 0.35819256982585024 0.11673807370528148 -0.007084744818088688 +6933,-0.18662783167697675,0,-0.03184930852276624 0.24675203315481445 0.6662018309027218 0.9834978033688551 1.1800665277747084 1.0516003535567073 1.2644208228937468 1.4772412922307863 1.6242808892272844 1.6242808892272844 1.7125046474251922 1.5933251845964442 1.3983042454221404 1.288411493982654 0.9045607565602091 0.6321505558088 0.35819256982585024 0.11673807370528148 -0.007084744818088688 -0.06744836884822868 +6934,-0.29497279788492237,0,0.24675203315481445 0.6662018309027218 0.9834978033688551 1.1800665277747084 1.0516003535567073 1.2644208228937468 1.4772412922307863 1.6242808892272844 1.6242808892272844 1.7125046474251922 1.5933251845964442 1.3983042454221404 1.288411493982654 0.9045607565602091 0.6321505558088 0.35819256982585024 0.11673807370528148 -0.007084744818088688 -0.06744836884822868 -0.18662783167697675 +6935,-0.34295414006272795,0,0.6662018309027218 0.9834978033688551 1.1800665277747084 1.0516003535567073 1.2644208228937468 1.4772412922307863 1.6242808892272844 1.6242808892272844 1.7125046474251922 1.5933251845964442 1.3983042454221404 1.288411493982654 0.9045607565602091 0.6321505558088 0.35819256982585024 0.11673807370528148 -0.007084744818088688 -0.06744836884822868 -0.18662783167697675 -0.29497279788492237 +6936,-0.4296301130290862,0,0.9834978033688551 1.1800665277747084 1.0516003535567073 1.2644208228937468 1.4772412922307863 1.6242808892272844 1.6242808892272844 1.7125046474251922 1.5933251845964442 1.3983042454221404 1.288411493982654 0.9045607565602091 0.6321505558088 0.35819256982585024 0.11673807370528148 -0.007084744818088688 -0.06744836884822868 -0.18662783167697675 -0.29497279788492237 -0.34295414006272795 +6937,-0.4265345425660048,0,1.1800665277747084 1.0516003535567073 1.2644208228937468 1.4772412922307863 1.6242808892272844 1.6242808892272844 1.7125046474251922 1.5933251845964442 1.3983042454221404 1.288411493982654 0.9045607565602091 0.6321505558088 0.35819256982585024 0.11673807370528148 -0.007084744818088688 -0.06744836884822868 -0.18662783167697675 -0.29497279788492237 -0.34295414006272795 -0.4296301130290862 +6938,-0.23770474431786376,0,1.0516003535567073 1.2644208228937468 1.4772412922307863 1.6242808892272844 1.6242808892272844 1.7125046474251922 1.5933251845964442 1.3983042454221404 1.288411493982654 0.9045607565602091 0.6321505558088 0.35819256982585024 0.11673807370528148 -0.007084744818088688 -0.06744836884822868 -0.18662783167697675 -0.29497279788492237 -0.34295414006272795 -0.4296301130290862 -0.4265345425660048 +6939,0.2792555230171955,0,1.2644208228937468 1.4772412922307863 1.6242808892272844 1.6242808892272844 1.7125046474251922 1.5933251845964442 1.3983042454221404 1.288411493982654 0.9045607565602091 0.6321505558088 0.35819256982585024 0.11673807370528148 -0.007084744818088688 -0.06744836884822868 -0.18662783167697675 -0.29497279788492237 -0.34295414006272795 -0.4296301130290862 -0.4265345425660048 -0.23770474431786376 +6940,0.6011948511779597,0,1.4772412922307863 1.6242808892272844 1.6242808892272844 1.7125046474251922 1.5933251845964442 1.3983042454221404 1.288411493982654 0.9045607565602091 0.6321505558088 0.35819256982585024 0.11673807370528148 -0.007084744818088688 -0.06744836884822868 -0.18662783167697675 -0.29497279788492237 -0.34295414006272795 -0.4296301130290862 -0.4265345425660048 -0.23770474431786376 0.2792555230171955 +6941,1.0098101523050733,0,1.6242808892272844 1.6242808892272844 1.7125046474251922 1.5933251845964442 1.3983042454221404 1.288411493982654 0.9045607565602091 0.6321505558088 0.35819256982585024 0.11673807370528148 -0.007084744818088688 -0.06744836884822868 -0.18662783167697675 -0.29497279788492237 -0.34295414006272795 -0.4296301130290862 -0.4265345425660048 -0.23770474431786376 0.2792555230171955 0.6011948511779597 +6942,1.1847098834693306,0,1.6242808892272844 1.7125046474251922 1.5933251845964442 1.3983042454221404 1.288411493982654 0.9045607565602091 0.6321505558088 0.35819256982585024 0.11673807370528148 -0.007084744818088688 -0.06744836884822868 -0.18662783167697675 -0.29497279788492237 -0.34295414006272795 -0.4296301130290862 -0.4265345425660048 -0.23770474431786376 0.2792555230171955 0.6011948511779597 1.0098101523050733 +6943,1.2961504201403662,0,1.7125046474251922 1.5933251845964442 1.3983042454221404 1.288411493982654 0.9045607565602091 0.6321505558088 0.35819256982585024 0.11673807370528148 -0.007084744818088688 -0.06744836884822868 -0.18662783167697675 -0.29497279788492237 -0.34295414006272795 -0.4296301130290862 -0.4265345425660048 -0.23770474431786376 0.2792555230171955 0.6011948511779597 1.0098101523050733 1.1847098834693306 +6944,1.4261643795898993,0,1.5933251845964442 1.3983042454221404 1.288411493982654 0.9045607565602091 0.6321505558088 0.35819256982585024 0.11673807370528148 -0.007084744818088688 -0.06744836884822868 -0.18662783167697675 -0.29497279788492237 -0.34295414006272795 -0.4296301130290862 -0.4265345425660048 -0.23770474431786376 0.2792555230171955 0.6011948511779597 1.0098101523050733 1.1847098834693306 1.2961504201403662 +6945,1.6057074664487874,0,1.3983042454221404 1.288411493982654 0.9045607565602091 0.6321505558088 0.35819256982585024 0.11673807370528148 -0.007084744818088688 -0.06744836884822868 -0.18662783167697675 -0.29497279788492237 -0.34295414006272795 -0.4296301130290862 -0.4265345425660048 -0.23770474431786376 0.2792555230171955 0.6011948511779597 1.0098101523050733 1.1847098834693306 1.2961504201403662 1.4261643795898993 +6946,1.6753578018681803,0,1.288411493982654 0.9045607565602091 0.6321505558088 0.35819256982585024 0.11673807370528148 -0.007084744818088688 -0.06744836884822868 -0.18662783167697675 -0.29497279788492237 -0.34295414006272795 -0.4296301130290862 -0.4265345425660048 -0.23770474431786376 0.2792555230171955 0.6011948511779597 1.0098101523050733 1.1847098834693306 1.2961504201403662 1.4261643795898993 1.6057074664487874 +6947,1.4756935069992456,0,0.9045607565602091 0.6321505558088 0.35819256982585024 0.11673807370528148 -0.007084744818088688 -0.06744836884822868 -0.18662783167697675 -0.29497279788492237 -0.34295414006272795 -0.4296301130290862 -0.4265345425660048 -0.23770474431786376 0.2792555230171955 0.6011948511779597 1.0098101523050733 1.1847098834693306 1.2961504201403662 1.4261643795898993 1.6057074664487874 1.6753578018681803 +6948,1.4106865272744746,0,0.6321505558088 0.35819256982585024 0.11673807370528148 -0.007084744818088688 -0.06744836884822868 -0.18662783167697675 -0.29497279788492237 -0.34295414006272795 -0.4296301130290862 -0.4265345425660048 -0.23770474431786376 0.2792555230171955 0.6011948511779597 1.0098101523050733 1.1847098834693306 1.2961504201403662 1.4261643795898993 1.6057074664487874 1.6753578018681803 1.4756935069992456 +6949,1.3456795475497125,0,0.35819256982585024 0.11673807370528148 -0.007084744818088688 -0.06744836884822868 -0.18662783167697675 -0.29497279788492237 -0.34295414006272795 -0.4296301130290862 -0.4265345425660048 -0.23770474431786376 0.2792555230171955 0.6011948511779597 1.0098101523050733 1.1847098834693306 1.2961504201403662 1.4261643795898993 1.6057074664487874 1.6753578018681803 1.4756935069992456 1.4106865272744746 +6950,1.1522063936069495,0,0.11673807370528148 -0.007084744818088688 -0.06744836884822868 -0.18662783167697675 -0.29497279788492237 -0.34295414006272795 -0.4296301130290862 -0.4265345425660048 -0.23770474431786376 0.2792555230171955 0.6011948511779597 1.0098101523050733 1.1847098834693306 1.2961504201403662 1.4261643795898993 1.6057074664487874 1.6753578018681803 1.4756935069992456 1.4106865272744746 1.3456795475497125 +6951,0.8612227700770344,0,-0.007084744818088688 -0.06744836884822868 -0.18662783167697675 -0.29497279788492237 -0.34295414006272795 -0.4296301130290862 -0.4265345425660048 -0.23770474431786376 0.2792555230171955 0.6011948511779597 1.0098101523050733 1.1847098834693306 1.2961504201403662 1.4261643795898993 1.6057074664487874 1.6753578018681803 1.4756935069992456 1.4106865272744746 1.3456795475497125 1.1522063936069495 +6952,0.5872647840940758,0,-0.06744836884822868 -0.18662783167697675 -0.29497279788492237 -0.34295414006272795 -0.4296301130290862 -0.4265345425660048 -0.23770474431786376 0.2792555230171955 0.6011948511779597 1.0098101523050733 1.1847098834693306 1.2961504201403662 1.4261643795898993 1.6057074664487874 1.6753578018681803 1.4756935069992456 1.4106865272744746 1.3456795475497125 1.1522063936069495 0.8612227700770344 +6953,0.4897543145069239,0,-0.18662783167697675 -0.29497279788492237 -0.34295414006272795 -0.4296301130290862 -0.4265345425660048 -0.23770474431786376 0.2792555230171955 0.6011948511779597 1.0098101523050733 1.1847098834693306 1.2961504201403662 1.4261643795898993 1.6057074664487874 1.6753578018681803 1.4756935069992456 1.4106865272744746 1.3456795475497125 1.1522063936069495 0.8612227700770344 0.5872647840940758 +6954,0.14459820787303163,0,-0.29497279788492237 -0.34295414006272795 -0.4296301130290862 -0.4265345425660048 -0.23770474431786376 0.2792555230171955 0.6011948511779597 1.0098101523050733 1.1847098834693306 1.2961504201403662 1.4261643795898993 1.6057074664487874 1.6753578018681803 1.4756935069992456 1.4106865272744746 1.3456795475497125 1.1522063936069495 0.8612227700770344 0.5872647840940758 0.4897543145069239 +6955,0.028514315507373746,0,-0.34295414006272795 -0.4296301130290862 -0.4265345425660048 -0.23770474431786376 0.2792555230171955 0.6011948511779597 1.0098101523050733 1.1847098834693306 1.2961504201403662 1.4261643795898993 1.6057074664487874 1.6753578018681803 1.4756935069992456 1.4106865272744746 1.3456795475497125 1.1522063936069495 0.8612227700770344 0.5872647840940758 0.4897543145069239 0.14459820787303163 +6956,-0.06590058361668798,0,-0.4296301130290862 -0.4265345425660048 -0.23770474431786376 0.2792555230171955 0.6011948511779597 1.0098101523050733 1.1847098834693306 1.2961504201403662 1.4261643795898993 1.6057074664487874 1.6753578018681803 1.4756935069992456 1.4106865272744746 1.3456795475497125 1.1522063936069495 0.8612227700770344 0.5872647840940758 0.4897543145069239 0.14459820787303163 0.028514315507373746 +6957,-0.14174205996225253,0,-0.4265345425660048 -0.23770474431786376 0.2792555230171955 0.6011948511779597 1.0098101523050733 1.1847098834693306 1.2961504201403662 1.4261643795898993 1.6057074664487874 1.6753578018681803 1.4756935069992456 1.4106865272744746 1.3456795475497125 1.1522063936069495 0.8612227700770344 0.5872647840940758 0.4897543145069239 0.14459820787303163 0.028514315507373746 -0.06590058361668798 +6958,-0.23151360339169216,0,-0.23770474431786376 0.2792555230171955 0.6011948511779597 1.0098101523050733 1.1847098834693306 1.2961504201403662 1.4261643795898993 1.6057074664487874 1.6753578018681803 1.4756935069992456 1.4106865272744746 1.3456795475497125 1.1522063936069495 0.8612227700770344 0.5872647840940758 0.4897543145069239 0.14459820787303163 0.028514315507373746 -0.06590058361668798 -0.14174205996225253 +6959,-0.2794949455694978,0,0.2792555230171955 0.6011948511779597 1.0098101523050733 1.1847098834693306 1.2961504201403662 1.4261643795898993 1.6057074664487874 1.6753578018681803 1.4756935069992456 1.4106865272744746 1.3456795475497125 1.1522063936069495 0.8612227700770344 0.5872647840940758 0.4897543145069239 0.14459820787303163 0.028514315507373746 -0.06590058361668798 -0.14174205996225253 -0.23151360339169216 +6960,-0.3367629991365564,0,0.6011948511779597 1.0098101523050733 1.1847098834693306 1.2961504201403662 1.4261643795898993 1.6057074664487874 1.6753578018681803 1.4756935069992456 1.4106865272744746 1.3456795475497125 1.1522063936069495 0.8612227700770344 0.5872647840940758 0.4897543145069239 0.14459820787303163 0.028514315507373746 -0.06590058361668798 -0.14174205996225253 -0.23151360339169216 -0.2794949455694978 +6961,-0.3367629991365564,0,1.0098101523050733 1.1847098834693306 1.2961504201403662 1.4261643795898993 1.6057074664487874 1.6753578018681803 1.4756935069992456 1.4106865272744746 1.3456795475497125 1.1522063936069495 0.8612227700770344 0.5872647840940758 0.4897543145069239 0.14459820787303163 0.028514315507373746 -0.06590058361668798 -0.14174205996225253 -0.23151360339169216 -0.2794949455694978 -0.3367629991365564 +6962,-0.09376071778444693,0,1.1847098834693306 1.2961504201403662 1.4261643795898993 1.6057074664487874 1.6753578018681803 1.4756935069992456 1.4106865272744746 1.3456795475497125 1.1522063936069495 0.8612227700770344 0.5872647840940758 0.4897543145069239 0.14459820787303163 0.028514315507373746 -0.06590058361668798 -0.14174205996225253 -0.23151360339169216 -0.2794949455694978 -0.3367629991365564 -0.3367629991365564 +6963,0.2777077377856548,0,1.2961504201403662 1.4261643795898993 1.6057074664487874 1.6753578018681803 1.4756935069992456 1.4106865272744746 1.3456795475497125 1.1522063936069495 0.8612227700770344 0.5872647840940758 0.4897543145069239 0.14459820787303163 0.028514315507373746 -0.06590058361668798 -0.14174205996225253 -0.23151360339169216 -0.2794949455694978 -0.3367629991365564 -0.3367629991365564 -0.09376071778444693 +6964,0.9122996827179214,0,1.4261643795898993 1.6057074664487874 1.6753578018681803 1.4756935069992456 1.4106865272744746 1.3456795475497125 1.1522063936069495 0.8612227700770344 0.5872647840940758 0.4897543145069239 0.14459820787303163 0.028514315507373746 -0.06590058361668798 -0.14174205996225253 -0.23151360339169216 -0.2794949455694978 -0.3367629991365564 -0.3367629991365564 -0.09376071778444693 0.2777077377856548 +6965,1.2636469302779765,0,1.6057074664487874 1.6753578018681803 1.4756935069992456 1.4106865272744746 1.3456795475497125 1.1522063936069495 0.8612227700770344 0.5872647840940758 0.4897543145069239 0.14459820787303163 0.028514315507373746 -0.06590058361668798 -0.14174205996225253 -0.23151360339169216 -0.2794949455694978 -0.3367629991365564 -0.3367629991365564 -0.09376071778444693 0.2777077377856548 0.9122996827179214 +6966,1.3688963260228406,0,1.6753578018681803 1.4756935069992456 1.4106865272744746 1.3456795475497125 1.1522063936069495 0.8612227700770344 0.5872647840940758 0.4897543145069239 0.14459820787303163 0.028514315507373746 -0.06590058361668798 -0.14174205996225253 -0.23151360339169216 -0.2794949455694978 -0.3367629991365564 -0.3367629991365564 -0.09376071778444693 0.2777077377856548 0.9122996827179214 1.2636469302779765 +6967,1.4741457217677048,0,1.4756935069992456 1.4106865272744746 1.3456795475497125 1.1522063936069495 0.8612227700770344 0.5872647840940758 0.4897543145069239 0.14459820787303163 0.028514315507373746 -0.06590058361668798 -0.14174205996225253 -0.23151360339169216 -0.2794949455694978 -0.3367629991365564 -0.3367629991365564 -0.09376071778444693 0.2777077377856548 0.9122996827179214 1.2636469302779765 1.3688963260228406 +6968,1.667618875710468,0,1.4106865272744746 1.3456795475497125 1.1522063936069495 0.8612227700770344 0.5872647840940758 0.4897543145069239 0.14459820787303163 0.028514315507373746 -0.06590058361668798 -0.14174205996225253 -0.23151360339169216 -0.2794949455694978 -0.3367629991365564 -0.3367629991365564 -0.09376071778444693 0.2777077377856548 0.9122996827179214 1.2636469302779765 1.3688963260228406 1.4741457217677048 +6969,1.7682249157607013,0,1.3456795475497125 1.1522063936069495 0.8612227700770344 0.5872647840940758 0.4897543145069239 0.14459820787303163 0.028514315507373746 -0.06590058361668798 -0.14174205996225253 -0.23151360339169216 -0.2794949455694978 -0.3367629991365564 -0.3367629991365564 -0.09376071778444693 0.2777077377856548 0.9122996827179214 1.2636469302779765 1.3688963260228406 1.4741457217677048 1.667618875710468 +6970,1.709409076962102,0,1.1522063936069495 0.8612227700770344 0.5872647840940758 0.4897543145069239 0.14459820787303163 0.028514315507373746 -0.06590058361668798 -0.14174205996225253 -0.23151360339169216 -0.2794949455694978 -0.3367629991365564 -0.3367629991365564 -0.09376071778444693 0.2777077377856548 0.9122996827179214 1.2636469302779765 1.3688963260228406 1.4741457217677048 1.667618875710468 1.7682249157607013 +6971,1.5809429027441098,0,0.8612227700770344 0.5872647840940758 0.4897543145069239 0.14459820787303163 0.028514315507373746 -0.06590058361668798 -0.14174205996225253 -0.23151360339169216 -0.2794949455694978 -0.3367629991365564 -0.3367629991365564 -0.09376071778444693 0.2777077377856548 0.9122996827179214 1.2636469302779765 1.3688963260228406 1.4741457217677048 1.667618875710468 1.7682249157607013 1.709409076962102 +6972,1.5391527014924757,0,0.5872647840940758 0.4897543145069239 0.14459820787303163 0.028514315507373746 -0.06590058361668798 -0.14174205996225253 -0.23151360339169216 -0.2794949455694978 -0.3367629991365564 -0.3367629991365564 -0.09376071778444693 0.2777077377856548 0.9122996827179214 1.2636469302779765 1.3688963260228406 1.4741457217677048 1.667618875710468 1.7682249157607013 1.709409076962102 1.5809429027441098 +6973,1.4803368626938764,0,0.4897543145069239 0.14459820787303163 0.028514315507373746 -0.06590058361668798 -0.14174205996225253 -0.23151360339169216 -0.2794949455694978 -0.3367629991365564 -0.3367629991365564 -0.09376071778444693 0.2777077377856548 0.9122996827179214 1.2636469302779765 1.3688963260228406 1.4741457217677048 1.667618875710468 1.7682249157607013 1.709409076962102 1.5809429027441098 1.5391527014924757 +6974,1.3518706884758753,0,0.14459820787303163 0.028514315507373746 -0.06590058361668798 -0.14174205996225253 -0.23151360339169216 -0.2794949455694978 -0.3367629991365564 -0.3367629991365564 -0.09376071778444693 0.2777077377856548 0.9122996827179214 1.2636469302779765 1.3688963260228406 1.4741457217677048 1.667618875710468 1.7682249157607013 1.709409076962102 1.5809429027441098 1.5391527014924757 1.4803368626938764 +6975,1.0036190113789016,0,0.028514315507373746 -0.06590058361668798 -0.14174205996225253 -0.23151360339169216 -0.2794949455694978 -0.3367629991365564 -0.3367629991365564 -0.09376071778444693 0.2777077377856548 0.9122996827179214 1.2636469302779765 1.3688963260228406 1.4741457217677048 1.667618875710468 1.7682249157607013 1.709409076962102 1.5809429027441098 1.5391527014924757 1.4803368626938764 1.3518706884758753 +6976,0.7590689447952516,0,-0.06590058361668798 -0.14174205996225253 -0.23151360339169216 -0.2794949455694978 -0.3367629991365564 -0.3367629991365564 -0.09376071778444693 0.2777077377856548 0.9122996827179214 1.2636469302779765 1.3688963260228406 1.4741457217677048 1.667618875710468 1.7682249157607013 1.709409076962102 1.5809429027441098 1.5391527014924757 1.4803368626938764 1.3518706884758753 1.0036190113789016 +6977,0.45415525418145264,0,-0.14174205996225253 -0.23151360339169216 -0.2794949455694978 -0.3367629991365564 -0.3367629991365564 -0.09376071778444693 0.2777077377856548 0.9122996827179214 1.2636469302779765 1.3688963260228406 1.4741457217677048 1.667618875710468 1.7682249157607013 1.709409076962102 1.5809429027441098 1.5391527014924757 1.4803368626938764 1.3518706884758753 1.0036190113789016 0.7590689447952516 +6978,0.29473337533262006,0,-0.23151360339169216 -0.2794949455694978 -0.3367629991365564 -0.3367629991365564 -0.09376071778444693 0.2777077377856548 0.9122996827179214 1.2636469302779765 1.3688963260228406 1.4741457217677048 1.667618875710468 1.7682249157607013 1.709409076962102 1.5809429027441098 1.5391527014924757 1.4803368626938764 1.3518706884758753 1.0036190113789016 0.7590689447952516 0.45415525418145264 +6979,0.16471941588308708,0,-0.2794949455694978 -0.3367629991365564 -0.3367629991365564 -0.09376071778444693 0.2777077377856548 0.9122996827179214 1.2636469302779765 1.3688963260228406 1.4741457217677048 1.667618875710468 1.7682249157607013 1.709409076962102 1.5809429027441098 1.5391527014924757 1.4803368626938764 1.3518706884758753 1.0036190113789016 0.7590689447952516 0.45415525418145264 0.29473337533262006 +6980,0.03625324166508603,0,-0.3367629991365564 -0.3367629991365564 -0.09376071778444693 0.2777077377856548 0.9122996827179214 1.2636469302779765 1.3688963260228406 1.4741457217677048 1.667618875710468 1.7682249157607013 1.709409076962102 1.5809429027441098 1.5391527014924757 1.4803368626938764 1.3518706884758753 1.0036190113789016 0.7590689447952516 0.45415525418145264 0.29473337533262006 0.16471941588308708 +6981,-0.06744836884822868,0,-0.3367629991365564 -0.09376071778444693 0.2777077377856548 0.9122996827179214 1.2636469302779765 1.3688963260228406 1.4741457217677048 1.667618875710468 1.7682249157607013 1.709409076962102 1.5809429027441098 1.5391527014924757 1.4803368626938764 1.3518706884758753 1.0036190113789016 0.7590689447952516 0.45415525418145264 0.29473337533262006 0.16471941588308708 0.03625324166508603 +6982,-0.16728051628270044,0,-0.09376071778444693 0.2777077377856548 0.9122996827179214 1.2636469302779765 1.3688963260228406 1.4741457217677048 1.667618875710468 1.7682249157607013 1.709409076962102 1.5809429027441098 1.5391527014924757 1.4803368626938764 1.3518706884758753 1.0036190113789016 0.7590689447952516 0.45415525418145264 0.29473337533262006 0.16471941588308708 0.03625324166508603 -0.06744836884822868 +6983,-0.2671126637171634,0,0.2777077377856548 0.9122996827179214 1.2636469302779765 1.3688963260228406 1.4741457217677048 1.667618875710468 1.7682249157607013 1.709409076962102 1.5809429027441098 1.5391527014924757 1.4803368626938764 1.3518706884758753 1.0036190113789016 0.7590689447952516 0.45415525418145264 0.29473337533262006 0.16471941588308708 0.03625324166508603 -0.06744836884822868 -0.16728051628270044 +6984,-0.3181895763580504,0,0.9122996827179214 1.2636469302779765 1.3688963260228406 1.4741457217677048 1.667618875710468 1.7682249157607013 1.709409076962102 1.5809429027441098 1.5391527014924757 1.4803368626938764 1.3518706884758753 1.0036190113789016 0.7590689447952516 0.45415525418145264 0.29473337533262006 0.16471941588308708 0.03625324166508603 -0.06744836884822868 -0.16728051628270044 -0.2671126637171634 +6985,-0.3770054151566497,0,1.2636469302779765 1.3688963260228406 1.4741457217677048 1.667618875710468 1.7682249157607013 1.709409076962102 1.5809429027441098 1.5391527014924757 1.4803368626938764 1.3518706884758753 1.0036190113789016 0.7590689447952516 0.45415525418145264 0.29473337533262006 0.16471941588308708 0.03625324166508603 -0.06744836884822868 -0.16728051628270044 -0.2671126637171634 -0.3181895763580504 +6986,-0.22996581816015146,0,1.3688963260228406 1.4741457217677048 1.667618875710468 1.7682249157607013 1.709409076962102 1.5809429027441098 1.5391527014924757 1.4803368626938764 1.3518706884758753 1.0036190113789016 0.7590689447952516 0.45415525418145264 0.29473337533262006 0.16471941588308708 0.03625324166508603 -0.06744836884822868 -0.16728051628270044 -0.2671126637171634 -0.3181895763580504 -0.3770054151566497 +6987,0.33961914704734425,0,1.4741457217677048 1.667618875710468 1.7682249157607013 1.709409076962102 1.5809429027441098 1.5391527014924757 1.4803368626938764 1.3518706884758753 1.0036190113789016 0.7590689447952516 0.45415525418145264 0.29473337533262006 0.16471941588308708 0.03625324166508603 -0.06744836884822868 -0.16728051628270044 -0.2671126637171634 -0.3181895763580504 -0.3770054151566497 -0.22996581816015146 +6988,0.701800891228193,0,1.667618875710468 1.7682249157607013 1.709409076962102 1.5809429027441098 1.5391527014924757 1.4803368626938764 1.3518706884758753 1.0036190113789016 0.7590689447952516 0.45415525418145264 0.29473337533262006 0.16471941588308708 0.03625324166508603 -0.06744836884822868 -0.16728051628270044 -0.2671126637171634 -0.3181895763580504 -0.3770054151566497 -0.22996581816015146 0.33961914704734425 +6989,0.9478987430433926,0,1.7682249157607013 1.709409076962102 1.5809429027441098 1.5391527014924757 1.4803368626938764 1.3518706884758753 1.0036190113789016 0.7590689447952516 0.45415525418145264 0.29473337533262006 0.16471941588308708 0.03625324166508603 -0.06744836884822868 -0.16728051628270044 -0.2671126637171634 -0.3181895763580504 -0.3770054151566497 -0.22996581816015146 0.33961914704734425 0.701800891228193 +6990,1.1026772661976032,0,1.709409076962102 1.5809429027441098 1.5391527014924757 1.4803368626938764 1.3518706884758753 1.0036190113789016 0.7590689447952516 0.45415525418145264 0.29473337533262006 0.16471941588308708 0.03625324166508603 -0.06744836884822868 -0.16728051628270044 -0.2671126637171634 -0.3181895763580504 -0.3770054151566497 -0.22996581816015146 0.33961914704734425 0.701800891228193 0.9478987430433926 +6991,1.3518706884758753,0,1.5809429027441098 1.5391527014924757 1.4803368626938764 1.3518706884758753 1.0036190113789016 0.7590689447952516 0.45415525418145264 0.29473337533262006 0.16471941588308708 0.03625324166508603 -0.06744836884822868 -0.16728051628270044 -0.2671126637171634 -0.3181895763580504 -0.3770054151566497 -0.22996581816015146 0.33961914704734425 0.701800891228193 0.9478987430433926 1.1026772661976032 +6992,1.376635252180553,0,1.5391527014924757 1.4803368626938764 1.3518706884758753 1.0036190113789016 0.7590689447952516 0.45415525418145264 0.29473337533262006 0.16471941588308708 0.03625324166508603 -0.06744836884822868 -0.16728051628270044 -0.2671126637171634 -0.3181895763580504 -0.3770054151566497 -0.22996581816015146 0.33961914704734425 0.701800891228193 0.9478987430433926 1.1026772661976032 1.3518706884758753 +6993,1.5159359230193388,0,1.4803368626938764 1.3518706884758753 1.0036190113789016 0.7590689447952516 0.45415525418145264 0.29473337533262006 0.16471941588308708 0.03625324166508603 -0.06744836884822868 -0.16728051628270044 -0.2671126637171634 -0.3181895763580504 -0.3770054151566497 -0.22996581816015146 0.33961914704734425 0.701800891228193 0.9478987430433926 1.1026772661976032 1.3518706884758753 1.376635252180553 +6994,1.500458070703923,0,1.3518706884758753 1.0036190113789016 0.7590689447952516 0.45415525418145264 0.29473337533262006 0.16471941588308708 0.03625324166508603 -0.06744836884822868 -0.16728051628270044 -0.2671126637171634 -0.3181895763580504 -0.3770054151566497 -0.22996581816015146 0.33961914704734425 0.701800891228193 0.9478987430433926 1.1026772661976032 1.3518706884758753 1.376635252180553 1.5159359230193388 +6995,1.585586258438732,0,1.0036190113789016 0.7590689447952516 0.45415525418145264 0.29473337533262006 0.16471941588308708 0.03625324166508603 -0.06744836884822868 -0.16728051628270044 -0.2671126637171634 -0.3181895763580504 -0.3770054151566497 -0.22996581816015146 0.33961914704734425 0.701800891228193 0.9478987430433926 1.1026772661976032 1.3518706884758753 1.376635252180553 1.5159359230193388 1.500458070703923 +6996,1.6954790098782269,0,0.7590689447952516 0.45415525418145264 0.29473337533262006 0.16471941588308708 0.03625324166508603 -0.06744836884822868 -0.16728051628270044 -0.2671126637171634 -0.3181895763580504 -0.3770054151566497 -0.22996581816015146 0.33961914704734425 0.701800891228193 0.9478987430433926 1.1026772661976032 1.3518706884758753 1.376635252180553 1.5159359230193388 1.500458070703923 1.585586258438732 +6997,1.5654650504286851,0,0.45415525418145264 0.29473337533262006 0.16471941588308708 0.03625324166508603 -0.06744836884822868 -0.16728051628270044 -0.2671126637171634 -0.3181895763580504 -0.3770054151566497 -0.22996581816015146 0.33961914704734425 0.701800891228193 0.9478987430433926 1.1026772661976032 1.3518706884758753 1.376635252180553 1.5159359230193388 1.500458070703923 1.585586258438732 1.6954790098782269 +6998,1.2203089437948018,0,0.29473337533262006 0.16471941588308708 0.03625324166508603 -0.06744836884822868 -0.16728051628270044 -0.2671126637171634 -0.3181895763580504 -0.3770054151566497 -0.22996581816015146 0.33961914704734425 0.701800891228193 0.9478987430433926 1.1026772661976032 1.3518706884758753 1.376635252180553 1.5159359230193388 1.500458070703923 1.585586258438732 1.6954790098782269 1.5654650504286851 +6999,0.8333626359092754,0,0.16471941588308708 0.03625324166508603 -0.06744836884822868 -0.16728051628270044 -0.2671126637171634 -0.3181895763580504 -0.3770054151566497 -0.22996581816015146 0.33961914704734425 0.701800891228193 0.9478987430433926 1.1026772661976032 1.3518706884758753 1.376635252180553 1.5159359230193388 1.500458070703923 1.585586258438732 1.6954790098782269 1.5654650504286851 1.2203089437948018 +7000,0.42165176431907164,0,0.03625324166508603 -0.06744836884822868 -0.16728051628270044 -0.2671126637171634 -0.3181895763580504 -0.3770054151566497 -0.22996581816015146 0.33961914704734425 0.701800891228193 0.9478987430433926 1.1026772661976032 1.3518706884758753 1.376635252180553 1.5159359230193388 1.500458070703923 1.585586258438732 1.6954790098782269 1.5654650504286851 1.2203089437948018 0.8333626359092754 +7001,0.24056089222864285,0,-0.06744836884822868 -0.16728051628270044 -0.2671126637171634 -0.3181895763580504 -0.3770054151566497 -0.22996581816015146 0.33961914704734425 0.701800891228193 0.9478987430433926 1.1026772661976032 1.3518706884758753 1.376635252180553 1.5159359230193388 1.500458070703923 1.585586258438732 1.6954790098782269 1.5654650504286851 1.2203089437948018 0.8333626359092754 0.42165176431907164 +7002,0.17091055680924988,0,-0.16728051628270044 -0.2671126637171634 -0.3181895763580504 -0.3770054151566497 -0.22996581816015146 0.33961914704734425 0.701800891228193 0.9478987430433926 1.1026772661976032 1.3518706884758753 1.376635252180553 1.5159359230193388 1.500458070703923 1.585586258438732 1.6954790098782269 1.5654650504286851 1.2203089437948018 0.8333626359092754 0.42165176431907164 0.24056089222864285 +7003,0.18019726819850287,0,-0.2671126637171634 -0.3181895763580504 -0.3770054151566497 -0.22996581816015146 0.33961914704734425 0.701800891228193 0.9478987430433926 1.1026772661976032 1.3518706884758753 1.376635252180553 1.5159359230193388 1.500458070703923 1.585586258438732 1.6954790098782269 1.5654650504286851 1.2203089437948018 0.8333626359092754 0.42165176431907164 0.24056089222864285 0.17091055680924988 +7004,0.04089659735971692,0,-0.3181895763580504 -0.3770054151566497 -0.22996581816015146 0.33961914704734425 0.701800891228193 0.9478987430433926 1.1026772661976032 1.3518706884758753 1.376635252180553 1.5159359230193388 1.500458070703923 1.585586258438732 1.6954790098782269 1.5654650504286851 1.2203089437948018 0.8333626359092754 0.42165176431907164 0.24056089222864285 0.17091055680924988 0.18019726819850287 +7005,0.07494787245363867,0,-0.3770054151566497 -0.22996581816015146 0.33961914704734425 0.701800891228193 0.9478987430433926 1.1026772661976032 1.3518706884758753 1.376635252180553 1.5159359230193388 1.500458070703923 1.585586258438732 1.6954790098782269 1.5654650504286851 1.2203089437948018 0.8333626359092754 0.42165176431907164 0.24056089222864285 0.17091055680924988 0.18019726819850287 0.04089659735971692 +7006,-0.08756957685828413,0,-0.22996581816015146 0.33961914704734425 0.701800891228193 0.9478987430433926 1.1026772661976032 1.3518706884758753 1.376635252180553 1.5159359230193388 1.500458070703923 1.585586258438732 1.6954790098782269 1.5654650504286851 1.2203089437948018 0.8333626359092754 0.42165176431907164 0.24056089222864285 0.17091055680924988 0.18019726819850287 0.04089659735971692 0.07494787245363867 +7007,0.011488677960417278,0,0.33961914704734425 0.701800891228193 0.9478987430433926 1.1026772661976032 1.3518706884758753 1.376635252180553 1.5159359230193388 1.500458070703923 1.585586258438732 1.6954790098782269 1.5654650504286851 1.2203089437948018 0.8333626359092754 0.42165176431907164 0.24056089222864285 0.17091055680924988 0.18019726819850287 0.04089659735971692 0.07494787245363867 -0.08756957685828413 +7008,-0.19901011352931114,0,0.701800891228193 0.9478987430433926 1.1026772661976032 1.3518706884758753 1.376635252180553 1.5159359230193388 1.500458070703923 1.585586258438732 1.6954790098782269 1.5654650504286851 1.2203089437948018 0.8333626359092754 0.42165176431907164 0.24056089222864285 0.17091055680924988 0.18019726819850287 0.04089659735971692 0.07494787245363867 -0.08756957685828413 0.011488677960417278 +7009,-0.14019427473071183,0,0.9478987430433926 1.1026772661976032 1.3518706884758753 1.376635252180553 1.5159359230193388 1.500458070703923 1.585586258438732 1.6954790098782269 1.5654650504286851 1.2203089437948018 0.8333626359092754 0.42165176431907164 0.24056089222864285 0.17091055680924988 0.18019726819850287 0.04089659735971692 0.07494787245363867 -0.08756957685828413 0.011488677960417278 -0.19901011352931114 +7010,-0.07828286546903115,0,1.1026772661976032 1.3518706884758753 1.376635252180553 1.5159359230193388 1.500458070703923 1.585586258438732 1.6954790098782269 1.5654650504286851 1.2203089437948018 0.8333626359092754 0.42165176431907164 0.24056089222864285 0.17091055680924988 0.18019726819850287 0.04089659735971692 0.07494787245363867 -0.08756957685828413 0.011488677960417278 -0.19901011352931114 -0.14019427473071183 +7011,0.24829981838635515,0,1.3518706884758753 1.376635252180553 1.5159359230193388 1.500458070703923 1.585586258438732 1.6954790098782269 1.5654650504286851 1.2203089437948018 0.8333626359092754 0.42165176431907164 0.24056089222864285 0.17091055680924988 0.18019726819850287 0.04089659735971692 0.07494787245363867 -0.08756957685828413 0.011488677960417278 -0.19901011352931114 -0.14019427473071183 -0.07828286546903115 +7012,0.7822857232683796,0,1.376635252180553 1.5159359230193388 1.500458070703923 1.585586258438732 1.6954790098782269 1.5654650504286851 1.2203089437948018 0.8333626359092754 0.42165176431907164 0.24056089222864285 0.17091055680924988 0.18019726819850287 0.04089659735971692 0.07494787245363867 -0.08756957685828413 0.011488677960417278 -0.19901011352931114 -0.14019427473071183 -0.07828286546903115 0.24829981838635515 +7013,0.8705094814662874,0,1.5159359230193388 1.500458070703923 1.585586258438732 1.6954790098782269 1.5654650504286851 1.2203089437948018 0.8333626359092754 0.42165176431907164 0.24056089222864285 0.17091055680924988 0.18019726819850287 0.04089659735971692 0.07494787245363867 -0.08756957685828413 0.011488677960417278 -0.19901011352931114 -0.14019427473071183 -0.07828286546903115 0.24829981838635515 0.7822857232683796 +7014,1.2466212927310112,0,1.500458070703923 1.585586258438732 1.6954790098782269 1.5654650504286851 1.2203089437948018 0.8333626359092754 0.42165176431907164 0.24056089222864285 0.17091055680924988 0.18019726819850287 0.04089659735971692 0.07494787245363867 -0.08756957685828413 0.011488677960417278 -0.19901011352931114 -0.14019427473071183 -0.07828286546903115 0.24829981838635515 0.7822857232683796 0.8705094814662874 +7015,1.218761158563261,0,1.585586258438732 1.6954790098782269 1.5654650504286851 1.2203089437948018 0.8333626359092754 0.42165176431907164 0.24056089222864285 0.17091055680924988 0.18019726819850287 0.04089659735971692 0.07494787245363867 -0.08756957685828413 0.011488677960417278 -0.19901011352931114 -0.14019427473071183 -0.07828286546903115 0.24829981838635515 0.7822857232683796 0.8705094814662874 1.2466212927310112 +7016,1.3797308226436342,0,1.6954790098782269 1.5654650504286851 1.2203089437948018 0.8333626359092754 0.42165176431907164 0.24056089222864285 0.17091055680924988 0.18019726819850287 0.04089659735971692 0.07494787245363867 -0.08756957685828413 0.011488677960417278 -0.19901011352931114 -0.14019427473071183 -0.07828286546903115 0.24829981838635515 0.7822857232683796 0.8705094814662874 1.2466212927310112 1.218761158563261 +7017,1.4989102854723737,0,1.5654650504286851 1.2203089437948018 0.8333626359092754 0.42165176431907164 0.24056089222864285 0.17091055680924988 0.18019726819850287 0.04089659735971692 0.07494787245363867 -0.08756957685828413 0.011488677960417278 -0.19901011352931114 -0.14019427473071183 -0.07828286546903115 0.24829981838635515 0.7822857232683796 0.8705094814662874 1.2466212927310112 1.218761158563261 1.3797308226436342 +7018,1.385921963569806,0,1.2203089437948018 0.8333626359092754 0.42165176431907164 0.24056089222864285 0.17091055680924988 0.18019726819850287 0.04089659735971692 0.07494787245363867 -0.08756957685828413 0.011488677960417278 -0.19901011352931114 -0.14019427473071183 -0.07828286546903115 0.24829981838635515 0.7822857232683796 0.8705094814662874 1.2466212927310112 1.218761158563261 1.3797308226436342 1.4989102854723737 +7019,1.3038893462980699,0,0.8333626359092754 0.42165176431907164 0.24056089222864285 0.17091055680924988 0.18019726819850287 0.04089659735971692 0.07494787245363867 -0.08756957685828413 0.011488677960417278 -0.19901011352931114 -0.14019427473071183 -0.07828286546903115 0.24829981838635515 0.7822857232683796 0.8705094814662874 1.2466212927310112 1.218761158563261 1.3797308226436342 1.4989102854723737 1.385921963569806 +7020,1.1893532391639525,0,0.42165176431907164 0.24056089222864285 0.17091055680924988 0.18019726819850287 0.04089659735971692 0.07494787245363867 -0.08756957685828413 0.011488677960417278 -0.19901011352931114 -0.14019427473071183 -0.07828286546903115 0.24829981838635515 0.7822857232683796 0.8705094814662874 1.2466212927310112 1.218761158563261 1.3797308226436342 1.4989102854723737 1.385921963569806 1.3038893462980699 +7021,1.0454092126305445,0,0.24056089222864285 0.17091055680924988 0.18019726819850287 0.04089659735971692 0.07494787245363867 -0.08756957685828413 0.011488677960417278 -0.19901011352931114 -0.14019427473071183 -0.07828286546903115 0.24829981838635515 0.7822857232683796 0.8705094814662874 1.2466212927310112 1.218761158563261 1.3797308226436342 1.4989102854723737 1.385921963569806 1.3038893462980699 1.1893532391639525 +7022,0.780737938036839,0,0.17091055680924988 0.18019726819850287 0.04089659735971692 0.07494787245363867 -0.08756957685828413 0.011488677960417278 -0.19901011352931114 -0.14019427473071183 -0.07828286546903115 0.24829981838635515 0.7822857232683796 0.8705094814662874 1.2466212927310112 1.218761158563261 1.3797308226436342 1.4989102854723737 1.385921963569806 1.3038893462980699 1.1893532391639525 1.0454092126305445 +7023,0.5160666634431421,0,0.18019726819850287 0.04089659735971692 0.07494787245363867 -0.08756957685828413 0.011488677960417278 -0.19901011352931114 -0.14019427473071183 -0.07828286546903115 0.24829981838635515 0.7822857232683796 0.8705094814662874 1.2466212927310112 1.218761158563261 1.3797308226436342 1.4989102854723737 1.385921963569806 1.3038893462980699 1.1893532391639525 1.0454092126305445 0.780737938036839 +7024,0.3566447845943007,0,0.04089659735971692 0.07494787245363867 -0.08756957685828413 0.011488677960417278 -0.19901011352931114 -0.14019427473071183 -0.07828286546903115 0.24829981838635515 0.7822857232683796 0.8705094814662874 1.2466212927310112 1.218761158563261 1.3797308226436342 1.4989102854723737 1.385921963569806 1.3038893462980699 1.1893532391639525 1.0454092126305445 0.780737938036839 0.5160666634431421 +7025,0.3891482744566906,0,0.07494787245363867 -0.08756957685828413 0.011488677960417278 -0.19901011352931114 -0.14019427473071183 -0.07828286546903115 0.24829981838635515 0.7822857232683796 0.8705094814662874 1.2466212927310112 1.218761158563261 1.3797308226436342 1.4989102854723737 1.385921963569806 1.3038893462980699 1.1893532391639525 1.0454092126305445 0.780737938036839 0.5160666634431421 0.3566447845943007 +7026,0.18019726819850287,0,-0.08756957685828413 0.011488677960417278 -0.19901011352931114 -0.14019427473071183 -0.07828286546903115 0.24829981838635515 0.7822857232683796 0.8705094814662874 1.2466212927310112 1.218761158563261 1.3797308226436342 1.4989102854723737 1.385921963569806 1.3038893462980699 1.1893532391639525 1.0454092126305445 0.780737938036839 0.5160666634431421 0.3566447845943007 0.3891482744566906 +7027,0.13531149648378746,0,0.011488677960417278 -0.19901011352931114 -0.14019427473071183 -0.07828286546903115 0.24829981838635515 0.7822857232683796 0.8705094814662874 1.2466212927310112 1.218761158563261 1.3797308226436342 1.4989102854723737 1.385921963569806 1.3038893462980699 1.1893532391639525 1.0454092126305445 0.780737938036839 0.5160666634431421 0.3566447845943007 0.3891482744566906 0.18019726819850287 +7028,0.06566116106438567,0,-0.19901011352931114 -0.14019427473071183 -0.07828286546903115 0.24829981838635515 0.7822857232683796 0.8705094814662874 1.2466212927310112 1.218761158563261 1.3797308226436342 1.4989102854723737 1.385921963569806 1.3038893462980699 1.1893532391639525 1.0454092126305445 0.780737938036839 0.5160666634431421 0.3566447845943007 0.3891482744566906 0.18019726819850287 0.13531149648378746 +7029,-0.013275885744260276,0,-0.14019427473071183 -0.07828286546903115 0.24829981838635515 0.7822857232683796 0.8705094814662874 1.2466212927310112 1.218761158563261 1.3797308226436342 1.4989102854723737 1.385921963569806 1.3038893462980699 1.1893532391639525 1.0454092126305445 0.780737938036839 0.5160666634431421 0.3566447845943007 0.3891482744566906 0.18019726819850287 0.13531149648378746 0.06566116106438567 +7030,-0.03958823468047853,0,-0.07828286546903115 0.24829981838635515 0.7822857232683796 0.8705094814662874 1.2466212927310112 1.218761158563261 1.3797308226436342 1.4989102854723737 1.385921963569806 1.3038893462980699 1.1893532391639525 1.0454092126305445 0.780737938036839 0.5160666634431421 0.3566447845943007 0.3891482744566906 0.18019726819850287 0.13531149648378746 0.06566116106438567 -0.013275885744260276 +7031,-0.09376071778444693,0,0.24829981838635515 0.7822857232683796 0.8705094814662874 1.2466212927310112 1.218761158563261 1.3797308226436342 1.4989102854723737 1.385921963569806 1.3038893462980699 1.1893532391639525 1.0454092126305445 0.780737938036839 0.5160666634431421 0.3566447845943007 0.3891482744566906 0.18019726819850287 0.13531149648378746 0.06566116106438567 -0.013275885744260276 -0.03958823468047853 +7032,-0.09685628824752832,0,0.7822857232683796 0.8705094814662874 1.2466212927310112 1.218761158563261 1.3797308226436342 1.4989102854723737 1.385921963569806 1.3038893462980699 1.1893532391639525 1.0454092126305445 0.780737938036839 0.5160666634431421 0.3566447845943007 0.3891482744566906 0.18019726819850287 0.13531149648378746 0.06566116106438567 -0.013275885744260276 -0.03958823468047853 -0.09376071778444693 +7033,-0.07983065070057185,0,0.8705094814662874 1.2466212927310112 1.218761158563261 1.3797308226436342 1.4989102854723737 1.385921963569806 1.3038893462980699 1.1893532391639525 1.0454092126305445 0.780737938036839 0.5160666634431421 0.3566447845943007 0.3891482744566906 0.18019726819850287 0.13531149648378746 0.06566116106438567 -0.013275885744260276 -0.03958823468047853 -0.09376071778444693 -0.09685628824752832 +7034,-0.025658167596594655,0,1.2466212927310112 1.218761158563261 1.3797308226436342 1.4989102854723737 1.385921963569806 1.3038893462980699 1.1893532391639525 1.0454092126305445 0.780737938036839 0.5160666634431421 0.3566447845943007 0.3891482744566906 0.18019726819850287 0.13531149648378746 0.06566116106438567 -0.013275885744260276 -0.03958823468047853 -0.09376071778444693 -0.09685628824752832 -0.07983065070057185 +7035,0.06566116106438567,0,1.218761158563261 1.3797308226436342 1.4989102854723737 1.385921963569806 1.3038893462980699 1.1893532391639525 1.0454092126305445 0.780737938036839 0.5160666634431421 0.3566447845943007 0.3891482744566906 0.18019726819850287 0.13531149648378746 0.06566116106438567 -0.013275885744260276 -0.03958823468047853 -0.09376071778444693 -0.09685628824752832 -0.07983065070057185 -0.025658167596594655 +7036,0.2746121673225734,0,1.3797308226436342 1.4989102854723737 1.385921963569806 1.3038893462980699 1.1893532391639525 1.0454092126305445 0.780737938036839 0.5160666634431421 0.3566447845943007 0.3891482744566906 0.18019726819850287 0.13531149648378746 0.06566116106438567 -0.013275885744260276 -0.03958823468047853 -0.09376071778444693 -0.09685628824752832 -0.07983065070057185 -0.025658167596594655 0.06566116106438567 +7037,0.5857169988625351,0,1.4989102854723737 1.385921963569806 1.3038893462980699 1.1893532391639525 1.0454092126305445 0.780737938036839 0.5160666634431421 0.3566447845943007 0.3891482744566906 0.18019726819850287 0.13531149648378746 0.06566116106438567 -0.013275885744260276 -0.03958823468047853 -0.09376071778444693 -0.09685628824752832 -0.07983065070057185 -0.025658167596594655 0.06566116106438567 0.2746121673225734 +7038,0.8890829042447845,0,1.385921963569806 1.3038893462980699 1.1893532391639525 1.0454092126305445 0.780737938036839 0.5160666634431421 0.3566447845943007 0.3891482744566906 0.18019726819850287 0.13531149648378746 0.06566116106438567 -0.013275885744260276 -0.03958823468047853 -0.09376071778444693 -0.09685628824752832 -0.07983065070057185 -0.025658167596594655 0.06566116106438567 0.2746121673225734 0.5857169988625351 +7039,1.1537541788384902,0,1.3038893462980699 1.1893532391639525 1.0454092126305445 0.780737938036839 0.5160666634431421 0.3566447845943007 0.3891482744566906 0.18019726819850287 0.13531149648378746 0.06566116106438567 -0.013275885744260276 -0.03958823468047853 -0.09376071778444693 -0.09685628824752832 -0.07983065070057185 -0.025658167596594655 0.06566116106438567 0.2746121673225734 0.5857169988625351 0.8890829042447845 +7040,1.1475630379123185,0,1.1893532391639525 1.0454092126305445 0.780737938036839 0.5160666634431421 0.3566447845943007 0.3891482744566906 0.18019726819850287 0.13531149648378746 0.06566116106438567 -0.013275885744260276 -0.03958823468047853 -0.09376071778444693 -0.09685628824752832 -0.07983065070057185 -0.025658167596594655 0.06566116106438567 0.2746121673225734 0.5857169988625351 0.8890829042447845 1.1537541788384902 +7041,1.1506586083754,0,1.0454092126305445 0.780737938036839 0.5160666634431421 0.3566447845943007 0.3891482744566906 0.18019726819850287 0.13531149648378746 0.06566116106438567 -0.013275885744260276 -0.03958823468047853 -0.09376071778444693 -0.09685628824752832 -0.07983065070057185 -0.025658167596594655 0.06566116106438567 0.2746121673225734 0.5857169988625351 0.8890829042447845 1.1537541788384902 1.1475630379123185 +7042,0.9076563270232905,0,0.780737938036839 0.5160666634431421 0.3566447845943007 0.3891482744566906 0.18019726819850287 0.13531149648378746 0.06566116106438567 -0.013275885744260276 -0.03958823468047853 -0.09376071778444693 -0.09685628824752832 -0.07983065070057185 -0.025658167596594655 0.06566116106438567 0.2746121673225734 0.5857169988625351 0.8890829042447845 1.1537541788384902 1.1475630379123185 1.1506586083754 +7043,0.743591092479827,0,0.5160666634431421 0.3566447845943007 0.3891482744566906 0.18019726819850287 0.13531149648378746 0.06566116106438567 -0.013275885744260276 -0.03958823468047853 -0.09376071778444693 -0.09685628824752832 -0.07983065070057185 -0.025658167596594655 0.06566116106438567 0.2746121673225734 0.5857169988625351 0.8890829042447845 1.1537541788384902 1.1475630379123185 1.1506586083754 0.9076563270232905 +7044,0.6708451865973527,0,0.3566447845943007 0.3891482744566906 0.18019726819850287 0.13531149648378746 0.06566116106438567 -0.013275885744260276 -0.03958823468047853 -0.09376071778444693 -0.09685628824752832 -0.07983065070057185 -0.025658167596594655 0.06566116106438567 0.2746121673225734 0.5857169988625351 0.8890829042447845 1.1537541788384902 1.1475630379123185 1.1506586083754 0.9076563270232905 0.743591092479827 +7045,0.45570303941300216,0,0.3891482744566906 0.18019726819850287 0.13531149648378746 0.06566116106438567 -0.013275885744260276 -0.03958823468047853 -0.09376071778444693 -0.09685628824752832 -0.07983065070057185 -0.025658167596594655 0.06566116106438567 0.2746121673225734 0.5857169988625351 0.8890829042447845 1.1537541788384902 1.1475630379123185 1.1506586083754 0.9076563270232905 0.743591092479827 0.6708451865973527 +7046,0.30092451625879163,0,0.18019726819850287 0.13531149648378746 0.06566116106438567 -0.013275885744260276 -0.03958823468047853 -0.09376071778444693 -0.09685628824752832 -0.07983065070057185 -0.025658167596594655 0.06566116106438567 0.2746121673225734 0.5857169988625351 0.8890829042447845 1.1537541788384902 1.1475630379123185 1.1506586083754 0.9076563270232905 0.743591092479827 0.6708451865973527 0.45570303941300216 +7047,0.19412733528238674,0,0.13531149648378746 0.06566116106438567 -0.013275885744260276 -0.03958823468047853 -0.09376071778444693 -0.09685628824752832 -0.07983065070057185 -0.025658167596594655 0.06566116106438567 0.2746121673225734 0.5857169988625351 0.8890829042447845 1.1537541788384902 1.1475630379123185 1.1506586083754 0.9076563270232905 0.743591092479827 0.6708451865973527 0.45570303941300216 0.30092451625879163 +7048,0.19722290574546814,0,0.06566116106438567 -0.013275885744260276 -0.03958823468047853 -0.09376071778444693 -0.09685628824752832 -0.07983065070057185 -0.025658167596594655 0.06566116106438567 0.2746121673225734 0.5857169988625351 0.8890829042447845 1.1537541788384902 1.1475630379123185 1.1506586083754 0.9076563270232905 0.743591092479827 0.6708451865973527 0.45570303941300216 0.30092451625879163 0.19412733528238674 +7049,0.18793619435621514,0,-0.013275885744260276 -0.03958823468047853 -0.09376071778444693 -0.09685628824752832 -0.07983065070057185 -0.025658167596594655 0.06566116106438567 0.2746121673225734 0.5857169988625351 0.8890829042447845 1.1537541788384902 1.1475630379123185 1.1506586083754 0.9076563270232905 0.743591092479827 0.6708451865973527 0.45570303941300216 0.30092451625879163 0.19412733528238674 0.19722290574546814 +7050,0.14924156356766252,0,-0.03958823468047853 -0.09376071778444693 -0.09685628824752832 -0.07983065070057185 -0.025658167596594655 0.06566116106438567 0.2746121673225734 0.5857169988625351 0.8890829042447845 1.1537541788384902 1.1475630379123185 1.1506586083754 0.9076563270232905 0.743591092479827 0.6708451865973527 0.45570303941300216 0.30092451625879163 0.19412733528238674 0.19722290574546814 0.18793619435621514 +7051,0.18948397958775584,0,-0.09376071778444693 -0.09685628824752832 -0.07983065070057185 -0.025658167596594655 0.06566116106438567 0.2746121673225734 0.5857169988625351 0.8890829042447845 1.1537541788384902 1.1475630379123185 1.1506586083754 0.9076563270232905 0.743591092479827 0.6708451865973527 0.45570303941300216 0.30092451625879163 0.19412733528238674 0.19722290574546814 0.18793619435621514 0.14924156356766252 +7052,0.11364250324219129,0,-0.09685628824752832 -0.07983065070057185 -0.025658167596594655 0.06566116106438567 0.2746121673225734 0.5857169988625351 0.8890829042447845 1.1537541788384902 1.1475630379123185 1.1506586083754 0.9076563270232905 0.743591092479827 0.6708451865973527 0.45570303941300216 0.30092451625879163 0.19412733528238674 0.19722290574546814 0.18793619435621514 0.14924156356766252 0.18948397958775584 +7053,0.18329283866158427,0,-0.07983065070057185 -0.025658167596594655 0.06566116106438567 0.2746121673225734 0.5857169988625351 0.8890829042447845 1.1537541788384902 1.1475630379123185 1.1506586083754 0.9076563270232905 0.743591092479827 0.6708451865973527 0.45570303941300216 0.30092451625879163 0.19412733528238674 0.19722290574546814 0.18793619435621514 0.14924156356766252 0.18948397958775584 0.11364250324219129 +7054,0.18019726819850287,0,-0.025658167596594655 0.06566116106438567 0.2746121673225734 0.5857169988625351 0.8890829042447845 1.1537541788384902 1.1475630379123185 1.1506586083754 0.9076563270232905 0.743591092479827 0.6708451865973527 0.45570303941300216 0.30092451625879163 0.19412733528238674 0.19722290574546814 0.18793619435621514 0.14924156356766252 0.18948397958775584 0.11364250324219129 0.18329283866158427 +7055,0.15698048972537482,0,0.06566116106438567 0.2746121673225734 0.5857169988625351 0.8890829042447845 1.1537541788384902 1.1475630379123185 1.1506586083754 0.9076563270232905 0.743591092479827 0.6708451865973527 0.45570303941300216 0.30092451625879163 0.19412733528238674 0.19722290574546814 0.18793619435621514 0.14924156356766252 0.18948397958775584 0.11364250324219129 0.18329283866158427 0.18019726819850287 +7056,0.13995485217840953,0,0.2746121673225734 0.5857169988625351 0.8890829042447845 1.1537541788384902 1.1475630379123185 1.1506586083754 0.9076563270232905 0.743591092479827 0.6708451865973527 0.45570303941300216 0.30092451625879163 0.19412733528238674 0.19722290574546814 0.18793619435621514 0.14924156356766252 0.18948397958775584 0.11364250324219129 0.18329283866158427 0.18019726819850287 0.15698048972537482 +7057,0.18638840912467444,0,0.5857169988625351 0.8890829042447845 1.1537541788384902 1.1475630379123185 1.1506586083754 0.9076563270232905 0.743591092479827 0.6708451865973527 0.45570303941300216 0.30092451625879163 0.19412733528238674 0.19722290574546814 0.18793619435621514 0.14924156356766252 0.18948397958775584 0.11364250324219129 0.18329283866158427 0.18019726819850287 0.15698048972537482 0.13995485217840953 +7058,0.19877069097700883,0,0.8890829042447845 1.1537541788384902 1.1475630379123185 1.1506586083754 0.9076563270232905 0.743591092479827 0.6708451865973527 0.45570303941300216 0.30092451625879163 0.19412733528238674 0.19722290574546814 0.18793619435621514 0.14924156356766252 0.18948397958775584 0.11364250324219129 0.18329283866158427 0.18019726819850287 0.15698048972537482 0.13995485217840953 0.18638840912467444 +7059,0.2730643820910327,0,1.1537541788384902 1.1475630379123185 1.1506586083754 0.9076563270232905 0.743591092479827 0.6708451865973527 0.45570303941300216 0.30092451625879163 0.19412733528238674 0.19722290574546814 0.18793619435621514 0.14924156356766252 0.18948397958775584 0.11364250324219129 0.18329283866158427 0.18019726819850287 0.15698048972537482 0.13995485217840953 0.18638840912467444 0.19877069097700883 +7060,0.4866587440438425,0,1.1475630379123185 1.1506586083754 0.9076563270232905 0.743591092479827 0.6708451865973527 0.45570303941300216 0.30092451625879163 0.19412733528238674 0.19722290574546814 0.18793619435621514 0.14924156356766252 0.18948397958775584 0.11364250324219129 0.18329283866158427 0.18019726819850287 0.15698048972537482 0.13995485217840953 0.18638840912467444 0.19877069097700883 0.2730643820910327 +7061,0.5454745828424418,0,1.1506586083754 0.9076563270232905 0.743591092479827 0.6708451865973527 0.45570303941300216 0.30092451625879163 0.19412733528238674 0.19722290574546814 0.18793619435621514 0.14924156356766252 0.18948397958775584 0.11364250324219129 0.18329283866158427 0.18019726819850287 0.15698048972537482 0.13995485217840953 0.18638840912467444 0.19877069097700883 0.2730643820910327 0.4866587440438425 +7062,0.6197682739564656,0,0.9076563270232905 0.743591092479827 0.6708451865973527 0.45570303941300216 0.30092451625879163 0.19412733528238674 0.19722290574546814 0.18793619435621514 0.14924156356766252 0.18948397958775584 0.11364250324219129 0.18329283866158427 0.18019726819850287 0.15698048972537482 0.13995485217840953 0.18638840912467444 0.19877069097700883 0.2730643820910327 0.4866587440438425 0.5454745828424418 +7063,0.5594046499263169,0,0.743591092479827 0.6708451865973527 0.45570303941300216 0.30092451625879163 0.19412733528238674 0.19722290574546814 0.18793619435621514 0.14924156356766252 0.18948397958775584 0.11364250324219129 0.18329283866158427 0.18019726819850287 0.15698048972537482 0.13995485217840953 0.18638840912467444 0.19877069097700883 0.2730643820910327 0.4866587440438425 0.5454745828424418 0.6197682739564656 +7064,0.7373999515536642,0,0.6708451865973527 0.45570303941300216 0.30092451625879163 0.19412733528238674 0.19722290574546814 0.18793619435621514 0.14924156356766252 0.18948397958775584 0.11364250324219129 0.18329283866158427 0.18019726819850287 0.15698048972537482 0.13995485217840953 0.18638840912467444 0.19877069097700883 0.2730643820910327 0.4866587440438425 0.5454745828424418 0.6197682739564656 0.5594046499263169 +7065,0.6956097503020214,0,0.45570303941300216 0.30092451625879163 0.19412733528238674 0.19722290574546814 0.18793619435621514 0.14924156356766252 0.18948397958775584 0.11364250324219129 0.18329283866158427 0.18019726819850287 0.15698048972537482 0.13995485217840953 0.18638840912467444 0.19877069097700883 0.2730643820910327 0.4866587440438425 0.5454745828424418 0.6197682739564656 0.5594046499263169 0.7373999515536642 +7066,0.6584629047450182,0,0.30092451625879163 0.19412733528238674 0.19722290574546814 0.18793619435621514 0.14924156356766252 0.18948397958775584 0.11364250324219129 0.18329283866158427 0.18019726819850287 0.15698048972537482 0.13995485217840953 0.18638840912467444 0.19877069097700883 0.2730643820910327 0.4866587440438425 0.5454745828424418 0.6197682739564656 0.5594046499263169 0.7373999515536642 0.6956097503020214 +7067,0.5779780727048228,0,0.19412733528238674 0.19722290574546814 0.18793619435621514 0.14924156356766252 0.18948397958775584 0.11364250324219129 0.18329283866158427 0.18019726819850287 0.15698048972537482 0.13995485217840953 0.18638840912467444 0.19877069097700883 0.2730643820910327 0.4866587440438425 0.5454745828424418 0.6197682739564656 0.5594046499263169 0.7373999515536642 0.6956097503020214 0.6584629047450182 +7068,0.5346400862216482,0,0.19722290574546814 0.18793619435621514 0.14924156356766252 0.18948397958775584 0.11364250324219129 0.18329283866158427 0.18019726819850287 0.15698048972537482 0.13995485217840953 0.18638840912467444 0.19877069097700883 0.2730643820910327 0.4866587440438425 0.5454745828424418 0.6197682739564656 0.5594046499263169 0.7373999515536642 0.6956097503020214 0.6584629047450182 0.5779780727048228 +7069,0.4820153883492116,0,0.18793619435621514 0.14924156356766252 0.18948397958775584 0.11364250324219129 0.18329283866158427 0.18019726819850287 0.15698048972537482 0.13995485217840953 0.18638840912467444 0.19877069097700883 0.2730643820910327 0.4866587440438425 0.5454745828424418 0.6197682739564656 0.5594046499263169 0.7373999515536642 0.6956097503020214 0.6584629047450182 0.5779780727048228 0.5346400862216482 +7070,0.3721226369097253,0,0.14924156356766252 0.18948397958775584 0.11364250324219129 0.18329283866158427 0.18019726819850287 0.15698048972537482 0.13995485217840953 0.18638840912467444 0.19877069097700883 0.2730643820910327 0.4866587440438425 0.5454745828424418 0.6197682739564656 0.5594046499263169 0.7373999515536642 0.6956097503020214 0.6584629047450182 0.5779780727048228 0.5346400862216482 0.4820153883492116 +7071,0.3587084981847627,0,0.18948397958775584 0.11364250324219129 0.18329283866158427 0.18019726819850287 0.15698048972537482 0.13995485217840953 0.18638840912467444 0.19877069097700883 0.2730643820910327 0.4866587440438425 0.5454745828424418 0.6197682739564656 0.5594046499263169 0.7373999515536642 0.6956097503020214 0.6584629047450182 0.5779780727048228 0.5346400862216482 0.4820153883492116 0.3721226369097253 +7072,0.6640349315785613,0,0.11364250324219129 0.18329283866158427 0.18019726819850287 0.15698048972537482 0.13995485217840953 0.18638840912467444 0.19877069097700883 0.2730643820910327 0.4866587440438425 0.5454745828424418 0.6197682739564656 0.5594046499263169 0.7373999515536642 0.6956097503020214 0.6584629047450182 0.5779780727048228 0.5346400862216482 0.4820153883492116 0.3721226369097253 0.3587084981847627 +7073,0.331880220889632,0,0.18329283866158427 0.18019726819850287 0.15698048972537482 0.13995485217840953 0.18638840912467444 0.19877069097700883 0.2730643820910327 0.4866587440438425 0.5454745828424418 0.6197682739564656 0.5594046499263169 0.7373999515536642 0.6956097503020214 0.6584629047450182 0.5779780727048228 0.5346400862216482 0.4820153883492116 0.3721226369097253 0.3587084981847627 0.6640349315785613 +7074,0.3102112276480446,0,0.18019726819850287 0.15698048972537482 0.13995485217840953 0.18638840912467444 0.19877069097700883 0.2730643820910327 0.4866587440438425 0.5454745828424418 0.6197682739564656 0.5594046499263169 0.7373999515536642 0.6956097503020214 0.6584629047450182 0.5779780727048228 0.5346400862216482 0.4820153883492116 0.3721226369097253 0.3587084981847627 0.6640349315785613 0.331880220889632 +7075,0.3179501538057481,0,0.15698048972537482 0.13995485217840953 0.18638840912467444 0.19877069097700883 0.2730643820910327 0.4866587440438425 0.5454745828424418 0.6197682739564656 0.5594046499263169 0.7373999515536642 0.6956097503020214 0.6584629047450182 0.5779780727048228 0.5346400862216482 0.4820153883492116 0.3721226369097253 0.3587084981847627 0.6640349315785613 0.331880220889632 0.3102112276480446 +7076,0.313306798111126,0,0.13995485217840953 0.18638840912467444 0.19877069097700883 0.2730643820910327 0.4866587440438425 0.5454745828424418 0.6197682739564656 0.5594046499263169 0.7373999515536642 0.6956097503020214 0.6584629047450182 0.5779780727048228 0.5346400862216482 0.4820153883492116 0.3721226369097253 0.3587084981847627 0.6640349315785613 0.331880220889632 0.3102112276480446 0.3179501538057481 +7077,0.23746532176556145,0,0.18638840912467444 0.19877069097700883 0.2730643820910327 0.4866587440438425 0.5454745828424418 0.6197682739564656 0.5594046499263169 0.7373999515536642 0.6956097503020214 0.6584629047450182 0.5779780727048228 0.5346400862216482 0.4820153883492116 0.3721226369097253 0.3587084981847627 0.6640349315785613 0.331880220889632 0.3102112276480446 0.3179501538057481 0.313306798111126 +7078,0.15388491926228462,0,0.19877069097700883 0.2730643820910327 0.4866587440438425 0.5454745828424418 0.6197682739564656 0.5594046499263169 0.7373999515536642 0.6956097503020214 0.6584629047450182 0.5779780727048228 0.5346400862216482 0.4820153883492116 0.3721226369097253 0.3587084981847627 0.6640349315785613 0.331880220889632 0.3102112276480446 0.3179501538057481 0.313306798111126 0.23746532176556145 +7079,0.19877069097700883,0,0.2730643820910327 0.4866587440438425 0.5454745828424418 0.6197682739564656 0.5594046499263169 0.7373999515536642 0.6956097503020214 0.6584629047450182 0.5779780727048228 0.5346400862216482 0.4820153883492116 0.3721226369097253 0.3587084981847627 0.6640349315785613 0.331880220889632 0.3102112276480446 0.3179501538057481 0.313306798111126 0.23746532176556145 0.15388491926228462 +7080,0.15852827495691552,0,0.4866587440438425 0.5454745828424418 0.6197682739564656 0.5594046499263169 0.7373999515536642 0.6956097503020214 0.6584629047450182 0.5779780727048228 0.5346400862216482 0.4820153883492116 0.3721226369097253 0.3587084981847627 0.6640349315785613 0.331880220889632 0.3102112276480446 0.3179501538057481 0.313306798111126 0.23746532176556145 0.15388491926228462 0.19877069097700883 +7081,0.11673807370528148,0,0.5454745828424418 0.6197682739564656 0.5594046499263169 0.7373999515536642 0.6956097503020214 0.6584629047450182 0.5779780727048228 0.5346400862216482 0.4820153883492116 0.3721226369097253 0.3587084981847627 0.6640349315785613 0.331880220889632 0.3102112276480446 0.3179501538057481 0.313306798111126 0.23746532176556145 0.15388491926228462 0.19877069097700883 0.15852827495691552 +7082,0.15698048972537482,0,0.6197682739564656 0.5594046499263169 0.7373999515536642 0.6956097503020214 0.6584629047450182 0.5779780727048228 0.5346400862216482 0.4820153883492116 0.3721226369097253 0.3587084981847627 0.6640349315785613 0.331880220889632 0.3102112276480446 0.3179501538057481 0.313306798111126 0.23746532176556145 0.15388491926228462 0.19877069097700883 0.15852827495691552 0.11673807370528148 +7083,0.322593509500379,0,0.5594046499263169 0.7373999515536642 0.6956097503020214 0.6584629047450182 0.5779780727048228 0.5346400862216482 0.4820153883492116 0.3721226369097253 0.3587084981847627 0.6640349315785613 0.331880220889632 0.3102112276480446 0.3179501538057481 0.313306798111126 0.23746532176556145 0.15388491926228462 0.19877069097700883 0.15852827495691552 0.11673807370528148 0.15698048972537482 +7084,0.6894186093758586,0,0.7373999515536642 0.6956097503020214 0.6584629047450182 0.5779780727048228 0.5346400862216482 0.4820153883492116 0.3721226369097253 0.3587084981847627 0.6640349315785613 0.331880220889632 0.3102112276480446 0.3179501538057481 0.313306798111126 0.23746532176556145 0.15388491926228462 0.19877069097700883 0.15852827495691552 0.11673807370528148 0.15698048972537482 0.322593509500379 +7085,0.8488404882246913,0,0.6956097503020214 0.6584629047450182 0.5779780727048228 0.5346400862216482 0.4820153883492116 0.3721226369097253 0.3587084981847627 0.6640349315785613 0.331880220889632 0.3102112276480446 0.3179501538057481 0.313306798111126 0.23746532176556145 0.15388491926228462 0.19877069097700883 0.15852827495691552 0.11673807370528148 0.15698048972537482 0.322593509500379 0.6894186093758586 +7086,1.0314791455466608,0,0.6584629047450182 0.5779780727048228 0.5346400862216482 0.4820153883492116 0.3721226369097253 0.3587084981847627 0.6640349315785613 0.331880220889632 0.3102112276480446 0.3179501538057481 0.313306798111126 0.23746532176556145 0.15388491926228462 0.19877069097700883 0.15852827495691552 0.11673807370528148 0.15698048972537482 0.322593509500379 0.6894186093758586 0.8488404882246913 +7087,1.2868637087511132,0,0.5779780727048228 0.5346400862216482 0.4820153883492116 0.3721226369097253 0.3587084981847627 0.6640349315785613 0.331880220889632 0.3102112276480446 0.3179501538057481 0.313306798111126 0.23746532176556145 0.15388491926228462 0.19877069097700883 0.15852827495691552 0.11673807370528148 0.15698048972537482 0.322593509500379 0.6894186093758586 0.8488404882246913 1.0314791455466608 +7088,1.3425839770866224,0,0.5346400862216482 0.4820153883492116 0.3721226369097253 0.3587084981847627 0.6640349315785613 0.331880220889632 0.3102112276480446 0.3179501538057481 0.313306798111126 0.23746532176556145 0.15388491926228462 0.19877069097700883 0.15852827495691552 0.11673807370528148 0.15698048972537482 0.322593509500379 0.6894186093758586 0.8488404882246913 1.0314791455466608 1.2868637087511132 +7089,1.3913392118801984,0,0.4820153883492116 0.3721226369097253 0.3587084981847627 0.6640349315785613 0.331880220889632 0.3102112276480446 0.3179501538057481 0.313306798111126 0.23746532176556145 0.15388491926228462 0.19877069097700883 0.15852827495691552 0.11673807370528148 0.15698048972537482 0.322593509500379 0.6894186093758586 0.8488404882246913 1.0314791455466608 1.2868637087511132 1.3425839770866224 +7090,1.4400944466737744,0,0.3721226369097253 0.3587084981847627 0.6640349315785613 0.331880220889632 0.3102112276480446 0.3179501538057481 0.313306798111126 0.23746532176556145 0.15388491926228462 0.19877069097700883 0.15852827495691552 0.11673807370528148 0.15698048972537482 0.322593509500379 0.6894186093758586 0.8488404882246913 1.0314791455466608 1.2868637087511132 1.3425839770866224 1.3913392118801984 +7091,1.3890175340328874,0,0.3587084981847627 0.6640349315785613 0.331880220889632 0.3102112276480446 0.3179501538057481 0.313306798111126 0.23746532176556145 0.15388491926228462 0.19877069097700883 0.15852827495691552 0.11673807370528148 0.15698048972537482 0.322593509500379 0.6894186093758586 0.8488404882246913 1.0314791455466608 1.2868637087511132 1.3425839770866224 1.3913392118801984 1.4400944466737744 +7092,1.2388823665733077,0,0.6640349315785613 0.331880220889632 0.3102112276480446 0.3179501538057481 0.313306798111126 0.23746532176556145 0.15388491926228462 0.19877069097700883 0.15852827495691552 0.11673807370528148 0.15698048972537482 0.322593509500379 0.6894186093758586 0.8488404882246913 1.0314791455466608 1.2868637087511132 1.3425839770866224 1.3913392118801984 1.4400944466737744 1.3890175340328874 +7093,1.2203089437948018,0,0.331880220889632 0.3102112276480446 0.3179501538057481 0.313306798111126 0.23746532176556145 0.15388491926228462 0.19877069097700883 0.15852827495691552 0.11673807370528148 0.15698048972537482 0.322593509500379 0.6894186093758586 0.8488404882246913 1.0314791455466608 1.2868637087511132 1.3425839770866224 1.3913392118801984 1.4400944466737744 1.3890175340328874 1.2388823665733077 +7094,0.8767006223924502,0,0.3102112276480446 0.3179501538057481 0.313306798111126 0.23746532176556145 0.15388491926228462 0.19877069097700883 0.15852827495691552 0.11673807370528148 0.15698048972537482 0.322593509500379 0.6894186093758586 0.8488404882246913 1.0314791455466608 1.2868637087511132 1.3425839770866224 1.3913392118801984 1.4400944466737744 1.3890175340328874 1.2388823665733077 1.2203089437948018 +7095,0.622863844419547,0,0.3179501538057481 0.313306798111126 0.23746532176556145 0.15388491926228462 0.19877069097700883 0.15852827495691552 0.11673807370528148 0.15698048972537482 0.322593509500379 0.6894186093758586 0.8488404882246913 1.0314791455466608 1.2868637087511132 1.3425839770866224 1.3913392118801984 1.4400944466737744 1.3890175340328874 1.2388823665733077 1.2203089437948018 0.8767006223924502 +7096,0.5021365963592582,0,0.313306798111126 0.23746532176556145 0.15388491926228462 0.19877069097700883 0.15852827495691552 0.11673807370528148 0.15698048972537482 0.322593509500379 0.6894186093758586 0.8488404882246913 1.0314791455466608 1.2868637087511132 1.3425839770866224 1.3913392118801984 1.4400944466737744 1.3890175340328874 1.2388823665733077 1.2203089437948018 0.8767006223924502 0.622863844419547 +7097,0.424747334782153,0,0.23746532176556145 0.15388491926228462 0.19877069097700883 0.15852827495691552 0.11673807370528148 0.15698048972537482 0.322593509500379 0.6894186093758586 0.8488404882246913 1.0314791455466608 1.2868637087511132 1.3425839770866224 1.3913392118801984 1.4400944466737744 1.3890175340328874 1.2388823665733077 1.2203089437948018 0.8767006223924502 0.622863844419547 0.5021365963592582 +7098,0.3148545833426667,0,0.15388491926228462 0.19877069097700883 0.15852827495691552 0.11673807370528148 0.15698048972537482 0.322593509500379 0.6894186093758586 0.8488404882246913 1.0314791455466608 1.2868637087511132 1.3425839770866224 1.3913392118801984 1.4400944466737744 1.3890175340328874 1.2388823665733077 1.2203089437948018 0.8767006223924502 0.622863844419547 0.5021365963592582 0.424747334782153 +7099,0.17400612727234008,0,0.19877069097700883 0.15852827495691552 0.11673807370528148 0.15698048972537482 0.322593509500379 0.6894186093758586 0.8488404882246913 1.0314791455466608 1.2868637087511132 1.3425839770866224 1.3913392118801984 1.4400944466737744 1.3890175340328874 1.2388823665733077 1.2203089437948018 0.8767006223924502 0.622863844419547 0.5021365963592582 0.424747334782153 0.3148545833426667 +7100,0.033157671202004635,0,0.15852827495691552 0.11673807370528148 0.15698048972537482 0.322593509500379 0.6894186093758586 0.8488404882246913 1.0314791455466608 1.2868637087511132 1.3425839770866224 1.3913392118801984 1.4400944466737744 1.3890175340328874 1.2388823665733077 1.2203089437948018 0.8767006223924502 0.622863844419547 0.5021365963592582 0.424747334782153 0.3148545833426667 0.17400612727234008 +7101,0.016905926270809717,0,0.11673807370528148 0.15698048972537482 0.322593509500379 0.6894186093758586 0.8488404882246913 1.0314791455466608 1.2868637087511132 1.3425839770866224 1.3913392118801984 1.4400944466737744 1.3890175340328874 1.2388823665733077 1.2203089437948018 0.8767006223924502 0.622863844419547 0.5021365963592582 0.424747334782153 0.3148545833426667 0.17400612727234008 0.033157671202004635 +7102,0.0006541813396235972,0,0.15698048972537482 0.322593509500379 0.6894186093758586 0.8488404882246913 1.0314791455466608 1.2868637087511132 1.3425839770866224 1.3913392118801984 1.4400944466737744 1.3890175340328874 1.2388823665733077 1.2203089437948018 0.8767006223924502 0.622863844419547 0.5021365963592582 0.424747334782153 0.3148545833426667 0.17400612727234008 0.033157671202004635 0.016905926270809717 +7103,0.0022019665711642948,0,0.322593509500379 0.6894186093758586 0.8488404882246913 1.0314791455466608 1.2868637087511132 1.3425839770866224 1.3913392118801984 1.4400944466737744 1.3890175340328874 1.2388823665733077 1.2203089437948018 0.8767006223924502 0.622863844419547 0.5021365963592582 0.424747334782153 0.3148545833426667 0.17400612727234008 0.033157671202004635 0.016905926270809717 0.0006541813396235972 +7104,0.0037497518027049923,0,0.6894186093758586 0.8488404882246913 1.0314791455466608 1.2868637087511132 1.3425839770866224 1.3913392118801984 1.4400944466737744 1.3890175340328874 1.2388823665733077 1.2203089437948018 0.8767006223924502 0.622863844419547 0.5021365963592582 0.424747334782153 0.3148545833426667 0.17400612727234008 0.033157671202004635 0.016905926270809717 0.0006541813396235972 0.0022019665711642948 +7105,0.0037497518027049923,0,0.8488404882246913 1.0314791455466608 1.2868637087511132 1.3425839770866224 1.3913392118801984 1.4400944466737744 1.3890175340328874 1.2388823665733077 1.2203089437948018 0.8767006223924502 0.622863844419547 0.5021365963592582 0.424747334782153 0.3148545833426667 0.17400612727234008 0.033157671202004635 0.016905926270809717 0.0006541813396235972 0.0022019665711642948 0.0037497518027049923 +7106,0.09042572476906323,0,1.0314791455466608 1.2868637087511132 1.3425839770866224 1.3913392118801984 1.4400944466737744 1.3890175340328874 1.2388823665733077 1.2203089437948018 0.8767006223924502 0.622863844419547 0.5021365963592582 0.424747334782153 0.3148545833426667 0.17400612727234008 0.033157671202004635 0.016905926270809717 0.0006541813396235972 0.0022019665711642948 0.0037497518027049923 0.0037497518027049923 +7107,0.2761599525541141,0,1.2868637087511132 1.3425839770866224 1.3913392118801984 1.4400944466737744 1.3890175340328874 1.2388823665733077 1.2203089437948018 0.8767006223924502 0.622863844419547 0.5021365963592582 0.424747334782153 0.3148545833426667 0.17400612727234008 0.033157671202004635 0.016905926270809717 0.0006541813396235972 0.0022019665711642948 0.0037497518027049923 0.0037497518027049923 0.09042572476906323 +7108,0.36438371075201303,0,1.3425839770866224 1.3913392118801984 1.4400944466737744 1.3890175340328874 1.2388823665733077 1.2203089437948018 0.8767006223924502 0.622863844419547 0.5021365963592582 0.424747334782153 0.3148545833426667 0.17400612727234008 0.033157671202004635 0.016905926270809717 0.0006541813396235972 0.0022019665711642948 0.0037497518027049923 0.0037497518027049923 0.09042572476906323 0.2761599525541141 +7109,0.5392834419162702,0,1.3913392118801984 1.4400944466737744 1.3890175340328874 1.2388823665733077 1.2203089437948018 0.8767006223924502 0.622863844419547 0.5021365963592582 0.424747334782153 0.3148545833426667 0.17400612727234008 0.033157671202004635 0.016905926270809717 0.0006541813396235972 0.0022019665711642948 0.0037497518027049923 0.0037497518027049923 0.09042572476906323 0.2761599525541141 0.36438371075201303 +7110,0.9525420987380148,0,1.4400944466737744 1.3890175340328874 1.2388823665733077 1.2203089437948018 0.8767006223924502 0.622863844419547 0.5021365963592582 0.424747334782153 0.3148545833426667 0.17400612727234008 0.033157671202004635 0.016905926270809717 0.0006541813396235972 0.0022019665711642948 0.0037497518027049923 0.0037497518027049923 0.09042572476906323 0.2761599525541141 0.36438371075201303 0.5392834419162702 +7111,1.1676842459223653,0,1.3890175340328874 1.2388823665733077 1.2203089437948018 0.8767006223924502 0.622863844419547 0.5021365963592582 0.424747334782153 0.3148545833426667 0.17400612727234008 0.033157671202004635 0.016905926270809717 0.0006541813396235972 0.0022019665711642948 0.0037497518027049923 0.0037497518027049923 0.09042572476906323 0.2761599525541141 0.36438371075201303 0.5392834419162702 0.9525420987380148 +7112,1.3286539100027472,0,1.2388823665733077 1.2203089437948018 0.8767006223924502 0.622863844419547 0.5021365963592582 0.424747334782153 0.3148545833426667 0.17400612727234008 0.033157671202004635 0.016905926270809717 0.0006541813396235972 0.0022019665711642948 0.0037497518027049923 0.0037497518027049923 0.09042572476906323 0.2761599525541141 0.36438371075201303 0.5392834419162702 0.9525420987380148 1.1676842459223653 +7113,1.4308077352845214,0,1.2203089437948018 0.8767006223924502 0.622863844419547 0.5021365963592582 0.424747334782153 0.3148545833426667 0.17400612727234008 0.033157671202004635 0.016905926270809717 0.0006541813396235972 0.0022019665711642948 0.0037497518027049923 0.0037497518027049923 0.09042572476906323 0.2761599525541141 0.36438371075201303 0.5392834419162702 0.9525420987380148 1.1676842459223653 1.3286539100027472 +7114,1.4339033057476116,0,0.8767006223924502 0.622863844419547 0.5021365963592582 0.424747334782153 0.3148545833426667 0.17400612727234008 0.033157671202004635 0.016905926270809717 0.0006541813396235972 0.0022019665711642948 0.0037497518027049923 0.0037497518027049923 0.09042572476906323 0.2761599525541141 0.36438371075201303 0.5392834419162702 0.9525420987380148 1.1676842459223653 1.3286539100027472 1.4308077352845214 +7115,1.3317494804658287,0,0.622863844419547 0.5021365963592582 0.424747334782153 0.3148545833426667 0.17400612727234008 0.033157671202004635 0.016905926270809717 0.0006541813396235972 0.0022019665711642948 0.0037497518027049923 0.0037497518027049923 0.09042572476906323 0.2761599525541141 0.36438371075201303 0.5392834419162702 0.9525420987380148 1.1676842459223653 1.3286539100027472 1.4308077352845214 1.4339033057476116 +7116,1.1831620982377897,0,0.5021365963592582 0.424747334782153 0.3148545833426667 0.17400612727234008 0.033157671202004635 0.016905926270809717 0.0006541813396235972 0.0022019665711642948 0.0037497518027049923 0.0037497518027049923 0.09042572476906323 0.2761599525541141 0.36438371075201303 0.5392834419162702 0.9525420987380148 1.1676842459223653 1.3286539100027472 1.4308077352845214 1.4339033057476116 1.3317494804658287 +7117,1.0500525683251667,0,0.424747334782153 0.3148545833426667 0.17400612727234008 0.033157671202004635 0.016905926270809717 0.0006541813396235972 0.0022019665711642948 0.0037497518027049923 0.0037497518027049923 0.09042572476906323 0.2761599525541141 0.36438371075201303 0.5392834419162702 0.9525420987380148 1.1676842459223653 1.3286539100027472 1.4308077352845214 1.4339033057476116 1.3317494804658287 1.1831620982377897 +7118,0.7714512266475859,0,0.3148545833426667 0.17400612727234008 0.033157671202004635 0.016905926270809717 0.0006541813396235972 0.0022019665711642948 0.0037497518027049923 0.0037497518027049923 0.09042572476906323 0.2761599525541141 0.36438371075201303 0.5392834419162702 0.9525420987380148 1.1676842459223653 1.3286539100027472 1.4308077352845214 1.4339033057476116 1.3317494804658287 1.1831620982377897 1.0500525683251667 +7119,0.5594046499263169,0,0.17400612727234008 0.033157671202004635 0.016905926270809717 0.0006541813396235972 0.0022019665711642948 0.0037497518027049923 0.0037497518027049923 0.09042572476906323 0.2761599525541141 0.36438371075201303 0.5392834419162702 0.9525420987380148 1.1676842459223653 1.3286539100027472 1.4308077352845214 1.4339033057476116 1.3317494804658287 1.1831620982377897 1.0500525683251667 0.7714512266475859 +7120,0.3752182073728067,0,0.033157671202004635 0.016905926270809717 0.0006541813396235972 0.0022019665711642948 0.0037497518027049923 0.0037497518027049923 0.09042572476906323 0.2761599525541141 0.36438371075201303 0.5392834419162702 0.9525420987380148 1.1676842459223653 1.3286539100027472 1.4308077352845214 1.4339033057476116 1.3317494804658287 1.1831620982377897 1.0500525683251667 0.7714512266475859 0.5594046499263169 +7121,0.280803308248745,0,0.016905926270809717 0.0006541813396235972 0.0022019665711642948 0.0037497518027049923 0.0037497518027049923 0.09042572476906323 0.2761599525541141 0.36438371075201303 0.5392834419162702 0.9525420987380148 1.1676842459223653 1.3286539100027472 1.4308077352845214 1.4339033057476116 1.3317494804658287 1.1831620982377897 1.0500525683251667 0.7714512266475859 0.5594046499263169 0.3752182073728067 +7122,0.23591753653402076,0,0.0006541813396235972 0.0022019665711642948 0.0037497518027049923 0.0037497518027049923 0.09042572476906323 0.2761599525541141 0.36438371075201303 0.5392834419162702 0.9525420987380148 1.1676842459223653 1.3286539100027472 1.4308077352845214 1.4339033057476116 1.3317494804658287 1.1831620982377897 1.0500525683251667 0.7714512266475859 0.5594046499263169 0.3752182073728067 0.280803308248745 +7123,0.08113901337981025,0,0.0022019665711642948 0.0037497518027049923 0.0037497518027049923 0.09042572476906323 0.2761599525541141 0.36438371075201303 0.5392834419162702 0.9525420987380148 1.1676842459223653 1.3286539100027472 1.4308077352845214 1.4339033057476116 1.3317494804658287 1.1831620982377897 1.0500525683251667 0.7714512266475859 0.5594046499263169 0.3752182073728067 0.280803308248745 0.23591753653402076 +7124,0.09971243615831621,0,0.0037497518027049923 0.0037497518027049923 0.09042572476906323 0.2761599525541141 0.36438371075201303 0.5392834419162702 0.9525420987380148 1.1676842459223653 1.3286539100027472 1.4308077352845214 1.4339033057476116 1.3317494804658287 1.1831620982377897 1.0500525683251667 0.7714512266475859 0.5594046499263169 0.3752182073728067 0.280803308248745 0.23591753653402076 0.08113901337981025 +7125,0.04708773828587971,0,0.0037497518027049923 0.09042572476906323 0.2761599525541141 0.36438371075201303 0.5392834419162702 0.9525420987380148 1.1676842459223653 1.3286539100027472 1.4308077352845214 1.4339033057476116 1.3317494804658287 1.1831620982377897 1.0500525683251667 0.7714512266475859 0.5594046499263169 0.3752182073728067 0.280803308248745 0.23591753653402076 0.08113901337981025 0.09971243615831621 +7126,-0.05042273130127221,0,0.09042572476906323 0.2761599525541141 0.36438371075201303 0.5392834419162702 0.9525420987380148 1.1676842459223653 1.3286539100027472 1.4308077352845214 1.4339033057476116 1.3317494804658287 1.1831620982377897 1.0500525683251667 0.7714512266475859 0.5594046499263169 0.3752182073728067 0.280803308248745 0.23591753653402076 0.08113901337981025 0.09971243615831621 0.04708773828587971 +7127,-0.12471642241528727,0,0.2761599525541141 0.36438371075201303 0.5392834419162702 0.9525420987380148 1.1676842459223653 1.3286539100027472 1.4308077352845214 1.4339033057476116 1.3317494804658287 1.1831620982377897 1.0500525683251667 0.7714512266475859 0.5594046499263169 0.3752182073728067 0.280803308248745 0.23591753653402076 0.08113901337981025 0.09971243615831621 0.04708773828587971 -0.05042273130127221 +7128,-0.18043669075080518,0,0.36438371075201303 0.5392834419162702 0.9525420987380148 1.1676842459223653 1.3286539100027472 1.4308077352845214 1.4339033057476116 1.3317494804658287 1.1831620982377897 1.0500525683251667 0.7714512266475859 0.5594046499263169 0.3752182073728067 0.280803308248745 0.23591753653402076 0.08113901337981025 0.09971243615831621 0.04708773828587971 -0.05042273130127221 -0.12471642241528727 +7129,-0.12162085195220587,0,0.5392834419162702 0.9525420987380148 1.1676842459223653 1.3286539100027472 1.4308077352845214 1.4339033057476116 1.3317494804658287 1.1831620982377897 1.0500525683251667 0.7714512266475859 0.5594046499263169 0.3752182073728067 0.280803308248745 0.23591753653402076 0.08113901337981025 0.09971243615831621 0.04708773828587971 -0.05042273130127221 -0.12471642241528727 -0.18043669075080518 +7130,-0.13090756334145887,0,0.9525420987380148 1.1676842459223653 1.3286539100027472 1.4308077352845214 1.4339033057476116 1.3317494804658287 1.1831620982377897 1.0500525683251667 0.7714512266475859 0.5594046499263169 0.3752182073728067 0.280803308248745 0.23591753653402076 0.08113901337981025 0.09971243615831621 0.04708773828587971 -0.05042273130127221 -0.12471642241528727 -0.18043669075080518 -0.12162085195220587 +7131,0.14459820787303163,0,1.1676842459223653 1.3286539100027472 1.4308077352845214 1.4339033057476116 1.3317494804658287 1.1831620982377897 1.0500525683251667 0.7714512266475859 0.5594046499263169 0.3752182073728067 0.280803308248745 0.23591753653402076 0.08113901337981025 0.09971243615831621 0.04708773828587971 -0.05042273130127221 -0.12471642241528727 -0.18043669075080518 -0.12162085195220587 -0.13090756334145887 +7132,0.3752182073728067,0,1.3286539100027472 1.4308077352845214 1.4339033057476116 1.3317494804658287 1.1831620982377897 1.0500525683251667 0.7714512266475859 0.5594046499263169 0.3752182073728067 0.280803308248745 0.23591753653402076 0.08113901337981025 0.09971243615831621 0.04708773828587971 -0.05042273130127221 -0.12471642241528727 -0.18043669075080518 -0.12162085195220587 -0.13090756334145887 0.14459820787303163 +7133,0.6011948511779597,0,1.4308077352845214 1.4339033057476116 1.3317494804658287 1.1831620982377897 1.0500525683251667 0.7714512266475859 0.5594046499263169 0.3752182073728067 0.280803308248745 0.23591753653402076 0.08113901337981025 0.09971243615831621 0.04708773828587971 -0.05042273130127221 -0.12471642241528727 -0.18043669075080518 -0.12162085195220587 -0.13090756334145887 0.14459820787303163 0.3752182073728067 +7134,0.780737938036839,0,1.4339033057476116 1.3317494804658287 1.1831620982377897 1.0500525683251667 0.7714512266475859 0.5594046499263169 0.3752182073728067 0.280803308248745 0.23591753653402076 0.08113901337981025 0.09971243615831621 0.04708773828587971 -0.05042273130127221 -0.12471642241528727 -0.18043669075080518 -0.12162085195220587 -0.13090756334145887 0.14459820787303163 0.3752182073728067 0.6011948511779597 +7135,1.1568497493015715,0,1.3317494804658287 1.1831620982377897 1.0500525683251667 0.7714512266475859 0.5594046499263169 0.3752182073728067 0.280803308248745 0.23591753653402076 0.08113901337981025 0.09971243615831621 0.04708773828587971 -0.05042273130127221 -0.12471642241528727 -0.18043669075080518 -0.12162085195220587 -0.13090756334145887 0.14459820787303163 0.3752182073728067 0.6011948511779597 0.780737938036839 +7136,1.3456795475497125,0,1.1831620982377897 1.0500525683251667 0.7714512266475859 0.5594046499263169 0.3752182073728067 0.280803308248745 0.23591753653402076 0.08113901337981025 0.09971243615831621 0.04708773828587971 -0.05042273130127221 -0.12471642241528727 -0.18043669075080518 -0.12162085195220587 -0.13090756334145887 0.14459820787303163 0.3752182073728067 0.6011948511779597 0.780737938036839 1.1568497493015715 +7137,1.4044953863483118,0,1.0500525683251667 0.7714512266475859 0.5594046499263169 0.3752182073728067 0.280803308248745 0.23591753653402076 0.08113901337981025 0.09971243615831621 0.04708773828587971 -0.05042273130127221 -0.12471642241528727 -0.18043669075080518 -0.12162085195220587 -0.13090756334145887 0.14459820787303163 0.3752182073728067 0.6011948511779597 0.780737938036839 1.1568497493015715 1.3456795475497125 +7138,1.3518706884758753,0,0.7714512266475859 0.5594046499263169 0.3752182073728067 0.280803308248745 0.23591753653402076 0.08113901337981025 0.09971243615831621 0.04708773828587971 -0.05042273130127221 -0.12471642241528727 -0.18043669075080518 -0.12162085195220587 -0.13090756334145887 0.14459820787303163 0.3752182073728067 0.6011948511779597 0.780737938036839 1.1568497493015715 1.3456795475497125 1.4044953863483118 +7139,1.1661364606908244,0,0.5594046499263169 0.3752182073728067 0.280803308248745 0.23591753653402076 0.08113901337981025 0.09971243615831621 0.04708773828587971 -0.05042273130127221 -0.12471642241528727 -0.18043669075080518 -0.12162085195220587 -0.13090756334145887 0.14459820787303163 0.3752182073728067 0.6011948511779597 0.780737938036839 1.1568497493015715 1.3456795475497125 1.4044953863483118 1.3518706884758753 +7140,1.0701737763352133,0,0.3752182073728067 0.280803308248745 0.23591753653402076 0.08113901337981025 0.09971243615831621 0.04708773828587971 -0.05042273130127221 -0.12471642241528727 -0.18043669075080518 -0.12162085195220587 -0.13090756334145887 0.14459820787303163 0.3752182073728067 0.6011948511779597 0.780737938036839 1.1568497493015715 1.3456795475497125 1.4044953863483118 1.3518706884758753 1.1661364606908244 +7141,0.9633765953588084,0,0.280803308248745 0.23591753653402076 0.08113901337981025 0.09971243615831621 0.04708773828587971 -0.05042273130127221 -0.12471642241528727 -0.18043669075080518 -0.12162085195220587 -0.13090756334145887 0.14459820787303163 0.3752182073728067 0.6011948511779597 0.780737938036839 1.1568497493015715 1.3456795475497125 1.4044953863483118 1.3518706884758753 1.1661364606908244 1.0701737763352133 +7142,0.650723978587306,0,0.23591753653402076 0.08113901337981025 0.09971243615831621 0.04708773828587971 -0.05042273130127221 -0.12471642241528727 -0.18043669075080518 -0.12162085195220587 -0.13090756334145887 0.14459820787303163 0.3752182073728067 0.6011948511779597 0.780737938036839 1.1568497493015715 1.3456795475497125 1.4044953863483118 1.3518706884758753 1.1661364606908244 1.0701737763352133 0.9633765953588084 +7143,0.19257955005083724,0,0.08113901337981025 0.09971243615831621 0.04708773828587971 -0.05042273130127221 -0.12471642241528727 -0.18043669075080518 -0.12162085195220587 -0.13090756334145887 0.14459820787303163 0.3752182073728067 0.6011948511779597 0.780737938036839 1.1568497493015715 1.3456795475497125 1.4044953863483118 1.3518706884758753 1.1661364606908244 1.0701737763352133 0.9633765953588084 0.650723978587306 +7144,0.18793619435621514,0,0.09971243615831621 0.04708773828587971 -0.05042273130127221 -0.12471642241528727 -0.18043669075080518 -0.12162085195220587 -0.13090756334145887 0.14459820787303163 0.3752182073728067 0.6011948511779597 0.780737938036839 1.1568497493015715 1.3456795475497125 1.4044953863483118 1.3518706884758753 1.1661364606908244 1.0701737763352133 0.9633765953588084 0.650723978587306 0.19257955005083724 +7145,0.13221592602069726,0,0.04708773828587971 -0.05042273130127221 -0.12471642241528727 -0.18043669075080518 -0.12162085195220587 -0.13090756334145887 0.14459820787303163 0.3752182073728067 0.6011948511779597 0.780737938036839 1.1568497493015715 1.3456795475497125 1.4044953863483118 1.3518706884758753 1.1661364606908244 1.0701737763352133 0.9633765953588084 0.650723978587306 0.19257955005083724 0.18793619435621514 +7146,0.019227604118129564,0,-0.05042273130127221 -0.12471642241528727 -0.18043669075080518 -0.12162085195220587 -0.13090756334145887 0.14459820787303163 0.3752182073728067 0.6011948511779597 0.780737938036839 1.1568497493015715 1.3456795475497125 1.4044953863483118 1.3518706884758753 1.1661364606908244 1.0701737763352133 0.9633765953588084 0.650723978587306 0.19257955005083724 0.18793619435621514 0.13221592602069726 +7147,-0.03494487898584764,0,-0.12471642241528727 -0.18043669075080518 -0.12162085195220587 -0.13090756334145887 0.14459820787303163 0.3752182073728067 0.6011948511779597 0.780737938036839 1.1568497493015715 1.3456795475497125 1.4044953863483118 1.3518706884758753 1.1661364606908244 1.0701737763352133 0.9633765953588084 0.650723978587306 0.19257955005083724 0.18793619435621514 0.13221592602069726 0.019227604118129564 +7148,-0.09530850301598763,0,-0.18043669075080518 -0.12162085195220587 -0.13090756334145887 0.14459820787303163 0.3752182073728067 0.6011948511779597 0.780737938036839 1.1568497493015715 1.3456795475497125 1.4044953863483118 1.3518706884758753 1.1661364606908244 1.0701737763352133 0.9633765953588084 0.650723978587306 0.19257955005083724 0.18793619435621514 0.13221592602069726 0.019227604118129564 -0.03494487898584764 +7149,-0.12007306672066517,0,-0.12162085195220587 -0.13090756334145887 0.14459820787303163 0.3752182073728067 0.6011948511779597 0.780737938036839 1.1568497493015715 1.3456795475497125 1.4044953863483118 1.3518706884758753 1.1661364606908244 1.0701737763352133 0.9633765953588084 0.650723978587306 0.19257955005083724 0.18793619435621514 0.13221592602069726 0.019227604118129564 -0.03494487898584764 -0.09530850301598763 +7150,-0.09530850301598763,0,-0.13090756334145887 0.14459820787303163 0.3752182073728067 0.6011948511779597 0.780737938036839 1.1568497493015715 1.3456795475497125 1.4044953863483118 1.3518706884758753 1.1661364606908244 1.0701737763352133 0.9633765953588084 0.650723978587306 0.19257955005083724 0.18793619435621514 0.13221592602069726 0.019227604118129564 -0.03494487898584764 -0.09530850301598763 -0.12007306672066517 +7151,-0.11388192579449359,0,0.14459820787303163 0.3752182073728067 0.6011948511779597 0.780737938036839 1.1568497493015715 1.3456795475497125 1.4044953863483118 1.3518706884758753 1.1661364606908244 1.0701737763352133 0.9633765953588084 0.650723978587306 0.19257955005083724 0.18793619435621514 0.13221592602069726 0.019227604118129564 -0.03494487898584764 -0.09530850301598763 -0.12007306672066517 -0.09530850301598763 +7152,-0.2253224624655294,0,0.3752182073728067 0.6011948511779597 0.780737938036839 1.1568497493015715 1.3456795475497125 1.4044953863483118 1.3518706884758753 1.1661364606908244 1.0701737763352133 0.9633765953588084 0.650723978587306 0.19257955005083724 0.18793619435621514 0.13221592602069726 0.019227604118129564 -0.03494487898584764 -0.09530850301598763 -0.12007306672066517 -0.09530850301598763 -0.11388192579449359 +7153,-0.13864648949917113,0,0.6011948511779597 0.780737938036839 1.1568497493015715 1.3456795475497125 1.4044953863483118 1.3518706884758753 1.1661364606908244 1.0701737763352133 0.9633765953588084 0.650723978587306 0.19257955005083724 0.18793619435621514 0.13221592602069726 0.019227604118129564 -0.03494487898584764 -0.09530850301598763 -0.12007306672066517 -0.09530850301598763 -0.11388192579449359 -0.2253224624655294 +7154,-0.08137843593211255,0,0.780737938036839 1.1568497493015715 1.3456795475497125 1.4044953863483118 1.3518706884758753 1.1661364606908244 1.0701737763352133 0.9633765953588084 0.650723978587306 0.19257955005083724 0.18793619435621514 0.13221592602069726 0.019227604118129564 -0.03494487898584764 -0.09530850301598763 -0.12007306672066517 -0.09530850301598763 -0.11388192579449359 -0.2253224624655294 -0.13864648949917113 +7155,0.09042572476906323,0,1.1568497493015715 1.3456795475497125 1.4044953863483118 1.3518706884758753 1.1661364606908244 1.0701737763352133 0.9633765953588084 0.650723978587306 0.19257955005083724 0.18793619435621514 0.13221592602069726 0.019227604118129564 -0.03494487898584764 -0.09530850301598763 -0.12007306672066517 -0.09530850301598763 -0.11388192579449359 -0.2253224624655294 -0.13864648949917113 -0.08137843593211255 +7156,0.32465722309084094,0,1.3456795475497125 1.4044953863483118 1.3518706884758753 1.1661364606908244 1.0701737763352133 0.9633765953588084 0.650723978587306 0.19257955005083724 0.18793619435621514 0.13221592602069726 0.019227604118129564 -0.03494487898584764 -0.09530850301598763 -0.12007306672066517 -0.09530850301598763 -0.11388192579449359 -0.2253224624655294 -0.13864648949917113 -0.08137843593211255 0.09042572476906323 +7157,0.5588887215674044,0,1.4044953863483118 1.3518706884758753 1.1661364606908244 1.0701737763352133 0.9633765953588084 0.650723978587306 0.19257955005083724 0.18793619435621514 0.13221592602069726 0.019227604118129564 -0.03494487898584764 -0.09530850301598763 -0.12007306672066517 -0.09530850301598763 -0.11388192579449359 -0.2253224624655294 -0.13864648949917113 -0.08137843593211255 0.09042572476906323 0.32465722309084094 +7158,0.7931202198891821,0,1.3518706884758753 1.1661364606908244 1.0701737763352133 0.9633765953588084 0.650723978587306 0.19257955005083724 0.18793619435621514 0.13221592602069726 0.019227604118129564 -0.03494487898584764 -0.09530850301598763 -0.12007306672066517 -0.09530850301598763 -0.11388192579449359 -0.2253224624655294 -0.13864648949917113 -0.08137843593211255 0.09042572476906323 0.32465722309084094 0.5588887215674044 +7159,1.0779127024929256,0,1.1661364606908244 1.0701737763352133 0.9633765953588084 0.650723978587306 0.19257955005083724 0.18793619435621514 0.13221592602069726 0.019227604118129564 -0.03494487898584764 -0.09530850301598763 -0.12007306672066517 -0.09530850301598763 -0.11388192579449359 -0.2253224624655294 -0.13864648949917113 -0.08137843593211255 0.09042572476906323 0.32465722309084094 0.5588887215674044 0.7931202198891821 +7160,1.2946026349088169,0,1.0701737763352133 0.9633765953588084 0.650723978587306 0.19257955005083724 0.18793619435621514 0.13221592602069726 0.019227604118129564 -0.03494487898584764 -0.09530850301598763 -0.12007306672066517 -0.09530850301598763 -0.11388192579449359 -0.2253224624655294 -0.13864648949917113 -0.08137843593211255 0.09042572476906323 0.32465722309084094 0.5588887215674044 0.7931202198891821 1.0779127024929256 +7161,1.2450735074994705,0,0.9633765953588084 0.650723978587306 0.19257955005083724 0.18793619435621514 0.13221592602069726 0.019227604118129564 -0.03494487898584764 -0.09530850301598763 -0.12007306672066517 -0.09530850301598763 -0.11388192579449359 -0.2253224624655294 -0.13864648949917113 -0.08137843593211255 0.09042572476906323 0.32465722309084094 0.5588887215674044 0.7931202198891821 1.0779127024929256 1.2946026349088169 +7162,1.344131762318163,0,0.650723978587306 0.19257955005083724 0.18793619435621514 0.13221592602069726 0.019227604118129564 -0.03494487898584764 -0.09530850301598763 -0.12007306672066517 -0.09530850301598763 -0.11388192579449359 -0.2253224624655294 -0.13864648949917113 -0.08137843593211255 0.09042572476906323 0.32465722309084094 0.5588887215674044 0.7931202198891821 1.0779127024929256 1.2946026349088169 1.2450735074994705 +7163,1.381278607875175,0,0.19257955005083724 0.18793619435621514 0.13221592602069726 0.019227604118129564 -0.03494487898584764 -0.09530850301598763 -0.12007306672066517 -0.09530850301598763 -0.11388192579449359 -0.2253224624655294 -0.13864648949917113 -0.08137843593211255 0.09042572476906323 0.32465722309084094 0.5588887215674044 0.7931202198891821 1.0779127024929256 1.2946026349088169 1.2450735074994705 1.344131762318163 +7164,1.251264648425642,0,0.18793619435621514 0.13221592602069726 0.019227604118129564 -0.03494487898584764 -0.09530850301598763 -0.12007306672066517 -0.09530850301598763 -0.11388192579449359 -0.2253224624655294 -0.13864648949917113 -0.08137843593211255 0.09042572476906323 0.32465722309084094 0.5588887215674044 0.7931202198891821 1.0779127024929256 1.2946026349088169 1.2450735074994705 1.344131762318163 1.381278607875175 +7165,0.9540898839695554,0,0.13221592602069726 0.019227604118129564 -0.03494487898584764 -0.09530850301598763 -0.12007306672066517 -0.09530850301598763 -0.11388192579449359 -0.2253224624655294 -0.13864648949917113 -0.08137843593211255 0.09042572476906323 0.32465722309084094 0.5588887215674044 0.7931202198891821 1.0779127024929256 1.2946026349088169 1.2450735074994705 1.344131762318163 1.381278607875175 1.251264648425642 +7166,0.7373999515536642,0,0.019227604118129564 -0.03494487898584764 -0.09530850301598763 -0.12007306672066517 -0.09530850301598763 -0.11388192579449359 -0.2253224624655294 -0.13864648949917113 -0.08137843593211255 0.09042572476906323 0.32465722309084094 0.5588887215674044 0.7931202198891821 1.0779127024929256 1.2946026349088169 1.2450735074994705 1.344131762318163 1.381278607875175 1.251264648425642 0.9540898839695554 +7167,0.5299967305270172,0,-0.03494487898584764 -0.09530850301598763 -0.12007306672066517 -0.09530850301598763 -0.11388192579449359 -0.2253224624655294 -0.13864648949917113 -0.08137843593211255 0.09042572476906323 0.32465722309084094 0.5588887215674044 0.7931202198891821 1.0779127024929256 1.2946026349088169 1.2450735074994705 1.344131762318163 1.381278607875175 1.251264648425642 0.9540898839695554 0.7373999515536642 +7168,0.3148545833426667,0,-0.09530850301598763 -0.12007306672066517 -0.09530850301598763 -0.11388192579449359 -0.2253224624655294 -0.13864648949917113 -0.08137843593211255 0.09042572476906323 0.32465722309084094 0.5588887215674044 0.7931202198891821 1.0779127024929256 1.2946026349088169 1.2450735074994705 1.344131762318163 1.381278607875175 1.251264648425642 0.9540898839695554 0.7373999515536642 0.5299967305270172 +7169,0.2096051875978025,0,-0.12007306672066517 -0.09530850301598763 -0.11388192579449359 -0.2253224624655294 -0.13864648949917113 -0.08137843593211255 0.09042572476906323 0.32465722309084094 0.5588887215674044 0.7931202198891821 1.0779127024929256 1.2946026349088169 1.2450735074994705 1.344131762318163 1.381278607875175 1.251264648425642 0.9540898839695554 0.7373999515536642 0.5299967305270172 0.3148545833426667 +7170,0.17555391250388078,0,-0.09530850301598763 -0.11388192579449359 -0.2253224624655294 -0.13864648949917113 -0.08137843593211255 0.09042572476906323 0.32465722309084094 0.5588887215674044 0.7931202198891821 1.0779127024929256 1.2946026349088169 1.2450735074994705 1.344131762318163 1.381278607875175 1.251264648425642 0.9540898839695554 0.7373999515536642 0.5299967305270172 0.3148545833426667 0.2096051875978025 +7171,0.16781498634616848,0,-0.11388192579449359 -0.2253224624655294 -0.13864648949917113 -0.08137843593211255 0.09042572476906323 0.32465722309084094 0.5588887215674044 0.7931202198891821 1.0779127024929256 1.2946026349088169 1.2450735074994705 1.344131762318163 1.381278607875175 1.251264648425642 0.9540898839695554 0.7373999515536642 0.5299967305270172 0.3148545833426667 0.2096051875978025 0.17555391250388078 +7172,0.18793619435621514,0,-0.2253224624655294 -0.13864648949917113 -0.08137843593211255 0.09042572476906323 0.32465722309084094 0.5588887215674044 0.7931202198891821 1.0779127024929256 1.2946026349088169 1.2450735074994705 1.344131762318163 1.381278607875175 1.251264648425642 0.9540898839695554 0.7373999515536642 0.5299967305270172 0.3148545833426667 0.2096051875978025 0.17555391250388078 0.16781498634616848 +7173,0.08733015430598183,0,-0.13864648949917113 -0.08137843593211255 0.09042572476906323 0.32465722309084094 0.5588887215674044 0.7931202198891821 1.0779127024929256 1.2946026349088169 1.2450735074994705 1.344131762318163 1.381278607875175 1.251264648425642 0.9540898839695554 0.7373999515536642 0.5299967305270172 0.3148545833426667 0.2096051875978025 0.17555391250388078 0.16781498634616848 0.18793619435621514 +7174,0.11673807370528148,0,-0.08137843593211255 0.09042572476906323 0.32465722309084094 0.5588887215674044 0.7931202198891821 1.0779127024929256 1.2946026349088169 1.2450735074994705 1.344131762318163 1.381278607875175 1.251264648425642 0.9540898839695554 0.7373999515536642 0.5299967305270172 0.3148545833426667 0.2096051875978025 0.17555391250388078 0.16781498634616848 0.18793619435621514 0.08733015430598183 +7175,0.12447699986298497,0,0.09042572476906323 0.32465722309084094 0.5588887215674044 0.7931202198891821 1.0779127024929256 1.2946026349088169 1.2450735074994705 1.344131762318163 1.381278607875175 1.251264648425642 0.9540898839695554 0.7373999515536642 0.5299967305270172 0.3148545833426667 0.2096051875978025 0.17555391250388078 0.16781498634616848 0.18793619435621514 0.08733015430598183 0.11673807370528148 +7176,0.00994089272887658,0,0.32465722309084094 0.5588887215674044 0.7931202198891821 1.0779127024929256 1.2946026349088169 1.2450735074994705 1.344131762318163 1.381278607875175 1.251264648425642 0.9540898839695554 0.7373999515536642 0.5299967305270172 0.3148545833426667 0.2096051875978025 0.17555391250388078 0.16781498634616848 0.18793619435621514 0.08733015430598183 0.11673807370528148 0.12447699986298497 +7177,-0.07054393931131887,0,0.5588887215674044 0.7931202198891821 1.0779127024929256 1.2946026349088169 1.2450735074994705 1.344131762318163 1.381278607875175 1.251264648425642 0.9540898839695554 0.7373999515536642 0.5299967305270172 0.3148545833426667 0.2096051875978025 0.17555391250388078 0.16781498634616848 0.18793619435621514 0.08733015430598183 0.11673807370528148 0.12447699986298497 0.00994089272887658 +7178,-0.008632530049629385,0,0.7931202198891821 1.0779127024929256 1.2946026349088169 1.2450735074994705 1.344131762318163 1.381278607875175 1.251264648425642 0.9540898839695554 0.7373999515536642 0.5299967305270172 0.3148545833426667 0.2096051875978025 0.17555391250388078 0.16781498634616848 0.18793619435621514 0.08733015430598183 0.11673807370528148 0.12447699986298497 0.00994089272887658 -0.07054393931131887 +7179,0.271516596859492,0,1.0779127024929256 1.2946026349088169 1.2450735074994705 1.344131762318163 1.381278607875175 1.251264648425642 0.9540898839695554 0.7373999515536642 0.5299967305270172 0.3148545833426667 0.2096051875978025 0.17555391250388078 0.16781498634616848 0.18793619435621514 0.08733015430598183 0.11673807370528148 0.12447699986298497 0.00994089272887658 -0.07054393931131887 -0.008632530049629385 +7180,0.39688720061440286,0,1.2946026349088169 1.2450735074994705 1.344131762318163 1.381278607875175 1.251264648425642 0.9540898839695554 0.7373999515536642 0.5299967305270172 0.3148545833426667 0.2096051875978025 0.17555391250388078 0.16781498634616848 0.18793619435621514 0.08733015430598183 0.11673807370528148 0.12447699986298497 0.00994089272887658 -0.07054393931131887 -0.008632530049629385 0.271516596859492 +7181,0.5640480056209477,0,1.2450735074994705 1.344131762318163 1.381278607875175 1.251264648425642 0.9540898839695554 0.7373999515536642 0.5299967305270172 0.3148545833426667 0.2096051875978025 0.17555391250388078 0.16781498634616848 0.18793619435621514 0.08733015430598183 0.11673807370528148 0.12447699986298497 0.00994089272887658 -0.07054393931131887 -0.008632530049629385 0.271516596859492 0.39688720061440286 +7182,0.6832274684496871,0,1.344131762318163 1.381278607875175 1.251264648425642 0.9540898839695554 0.7373999515536642 0.5299967305270172 0.3148545833426667 0.2096051875978025 0.17555391250388078 0.16781498634616848 0.18793619435621514 0.08733015430598183 0.11673807370528148 0.12447699986298497 0.00994089272887658 -0.07054393931131887 -0.008632530049629385 0.271516596859492 0.39688720061440286 0.5640480056209477 +7183,0.8813439780870811,0,1.381278607875175 1.251264648425642 0.9540898839695554 0.7373999515536642 0.5299967305270172 0.3148545833426667 0.2096051875978025 0.17555391250388078 0.16781498634616848 0.18793619435621514 0.08733015430598183 0.11673807370528148 0.12447699986298497 0.00994089272887658 -0.07054393931131887 -0.008632530049629385 0.271516596859492 0.39688720061440286 0.5640480056209477 0.6832274684496871 +7184,0.9355164611910495,0,1.251264648425642 0.9540898839695554 0.7373999515536642 0.5299967305270172 0.3148545833426667 0.2096051875978025 0.17555391250388078 0.16781498634616848 0.18793619435621514 0.08733015430598183 0.11673807370528148 0.12447699986298497 0.00994089272887658 -0.07054393931131887 -0.008632530049629385 0.271516596859492 0.39688720061440286 0.5640480056209477 0.6832274684496871 0.8813439780870811 +7185,0.9804022329057737,0,0.9540898839695554 0.7373999515536642 0.5299967305270172 0.3148545833426667 0.2096051875978025 0.17555391250388078 0.16781498634616848 0.18793619435621514 0.08733015430598183 0.11673807370528148 0.12447699986298497 0.00994089272887658 -0.07054393931131887 -0.008632530049629385 0.271516596859492 0.39688720061440286 0.5640480056209477 0.6832274684496871 0.8813439780870811 0.9355164611910495 +7186,1.2450735074994705,0,0.7373999515536642 0.5299967305270172 0.3148545833426667 0.2096051875978025 0.17555391250388078 0.16781498634616848 0.18793619435621514 0.08733015430598183 0.11673807370528148 0.12447699986298497 0.00994089272887658 -0.07054393931131887 -0.008632530049629385 0.271516596859492 0.39688720061440286 0.5640480056209477 0.6832274684496871 0.8813439780870811 0.9355164611910495 0.9804022329057737 +7187,1.4462855875999459,0,0.5299967305270172 0.3148545833426667 0.2096051875978025 0.17555391250388078 0.16781498634616848 0.18793619435621514 0.08733015430598183 0.11673807370528148 0.12447699986298497 0.00994089272887658 -0.07054393931131887 -0.008632530049629385 0.271516596859492 0.39688720061440286 0.5640480056209477 0.6832274684496871 0.8813439780870811 0.9355164611910495 0.9804022329057737 1.2450735074994705 +7188,1.3781830374120936,0,0.3148545833426667 0.2096051875978025 0.17555391250388078 0.16781498634616848 0.18793619435621514 0.08733015430598183 0.11673807370528148 0.12447699986298497 0.00994089272887658 -0.07054393931131887 -0.008632530049629385 0.271516596859492 0.39688720061440286 0.5640480056209477 0.6832274684496871 0.8813439780870811 0.9355164611910495 0.9804022329057737 1.2450735074994705 1.4462855875999459 +7189,1.3363928361604596,0,0.2096051875978025 0.17555391250388078 0.16781498634616848 0.18793619435621514 0.08733015430598183 0.11673807370528148 0.12447699986298497 0.00994089272887658 -0.07054393931131887 -0.008632530049629385 0.271516596859492 0.39688720061440286 0.5640480056209477 0.6832274684496871 0.8813439780870811 0.9355164611910495 0.9804022329057737 1.2450735074994705 1.4462855875999459 1.3781830374120936 +7190,1.1351807560599843,0,0.17555391250388078 0.16781498634616848 0.18793619435621514 0.08733015430598183 0.11673807370528148 0.12447699986298497 0.00994089272887658 -0.07054393931131887 -0.008632530049629385 0.271516596859492 0.39688720061440286 0.5640480056209477 0.6832274684496871 0.8813439780870811 0.9355164611910495 0.9804022329057737 1.2450735074994705 1.4462855875999459 1.3781830374120936 1.3363928361604596 +7191,0.7497822334059986,0,0.16781498634616848 0.18793619435621514 0.08733015430598183 0.11673807370528148 0.12447699986298497 0.00994089272887658 -0.07054393931131887 -0.008632530049629385 0.271516596859492 0.39688720061440286 0.5640480056209477 0.6832274684496871 0.8813439780870811 0.9355164611910495 0.9804022329057737 1.2450735074994705 1.4462855875999459 1.3781830374120936 1.3363928361604596 1.1351807560599843 +7192,0.4835631735807611,0,0.18793619435621514 0.08733015430598183 0.11673807370528148 0.12447699986298497 0.00994089272887658 -0.07054393931131887 -0.008632530049629385 0.271516596859492 0.39688720061440286 0.5640480056209477 0.6832274684496871 0.8813439780870811 0.9355164611910495 0.9804022329057737 1.2450735074994705 1.4462855875999459 1.3781830374120936 1.3363928361604596 1.1351807560599843 0.7497822334059986 +7193,0.392243844919772,0,0.08733015430598183 0.11673807370528148 0.12447699986298497 0.00994089272887658 -0.07054393931131887 -0.008632530049629385 0.271516596859492 0.39688720061440286 0.5640480056209477 0.6832274684496871 0.8813439780870811 0.9355164611910495 0.9804022329057737 1.2450735074994705 1.4462855875999459 1.3781830374120936 1.3363928361604596 1.1351807560599843 0.7497822334059986 0.4835631735807611 +7194,0.29628116056416076,0,0.11673807370528148 0.12447699986298497 0.00994089272887658 -0.07054393931131887 -0.008632530049629385 0.271516596859492 0.39688720061440286 0.5640480056209477 0.6832274684496871 0.8813439780870811 0.9355164611910495 0.9804022329057737 1.2450735074994705 1.4462855875999459 1.3781830374120936 1.3363928361604596 1.1351807560599843 0.7497822334059986 0.4835631735807611 0.392243844919772 +7195,0.20031847620854953,0,0.12447699986298497 0.00994089272887658 -0.07054393931131887 -0.008632530049629385 0.271516596859492 0.39688720061440286 0.5640480056209477 0.6832274684496871 0.8813439780870811 0.9355164611910495 0.9804022329057737 1.2450735074994705 1.4462855875999459 1.3781830374120936 1.3363928361604596 1.1351807560599843 0.7497822334059986 0.4835631735807611 0.392243844919772 0.29628116056416076 +7196,0.15233713403074392,0,0.00994089272887658 -0.07054393931131887 -0.008632530049629385 0.271516596859492 0.39688720061440286 0.5640480056209477 0.6832274684496871 0.8813439780870811 0.9355164611910495 0.9804022329057737 1.2450735074994705 1.4462855875999459 1.3781830374120936 1.3363928361604596 1.1351807560599843 0.7497822334059986 0.4835631735807611 0.392243844919772 0.29628116056416076 0.20031847620854953 +7197,0.14150263740995023,0,-0.07054393931131887 -0.008632530049629385 0.271516596859492 0.39688720061440286 0.5640480056209477 0.6832274684496871 0.8813439780870811 0.9355164611910495 0.9804022329057737 1.2450735074994705 1.4462855875999459 1.3781830374120936 1.3363928361604596 1.1351807560599843 0.7497822334059986 0.4835631735807611 0.392243844919772 0.29628116056416076 0.20031847620854953 0.15233713403074392 +7198,0.03780102689662673,0,-0.008632530049629385 0.271516596859492 0.39688720061440286 0.5640480056209477 0.6832274684496871 0.8813439780870811 0.9355164611910495 0.9804022329057737 1.2450735074994705 1.4462855875999459 1.3781830374120936 1.3363928361604596 1.1351807560599843 0.7497822334059986 0.4835631735807611 0.392243844919772 0.29628116056416076 0.20031847620854953 0.15233713403074392 0.14150263740995023 +7199,0.03780102689662673,0,0.271516596859492 0.39688720061440286 0.5640480056209477 0.6832274684496871 0.8813439780870811 0.9355164611910495 0.9804022329057737 1.2450735074994705 1.4462855875999459 1.3781830374120936 1.3363928361604596 1.1351807560599843 0.7497822334059986 0.4835631735807611 0.392243844919772 0.29628116056416076 0.20031847620854953 0.15233713403074392 0.14150263740995023 0.03780102689662673 +7200,0.0006541813396235972,0,0.39688720061440286 0.5640480056209477 0.6832274684496871 0.8813439780870811 0.9355164611910495 0.9804022329057737 1.2450735074994705 1.4462855875999459 1.3781830374120936 1.3363928361604596 1.1351807560599843 0.7497822334059986 0.4835631735807611 0.392243844919772 0.29628116056416076 0.20031847620854953 0.15233713403074392 0.14150263740995023 0.03780102689662673 0.03780102689662673 +7201,-0.1618632679722992,0,0.5640480056209477 0.6832274684496871 0.8813439780870811 0.9355164611910495 0.9804022329057737 1.2450735074994705 1.4462855875999459 1.3781830374120936 1.3363928361604596 1.1351807560599843 0.7497822334059986 0.4835631735807611 0.392243844919772 0.29628116056416076 0.20031847620854953 0.15233713403074392 0.14150263740995023 0.03780102689662673 0.03780102689662673 0.0006541813396235972 +7202,-0.02101481190197256,0,0.6832274684496871 0.8813439780870811 0.9355164611910495 0.9804022329057737 1.2450735074994705 1.4462855875999459 1.3781830374120936 1.3363928361604596 1.1351807560599843 0.7497822334059986 0.4835631735807611 0.392243844919772 0.29628116056416076 0.20031847620854953 0.15233713403074392 0.14150263740995023 0.03780102689662673 0.03780102689662673 0.0006541813396235972 -0.1618632679722992 +7203,0.16936277157770918,0,0.8813439780870811 0.9355164611910495 0.9804022329057737 1.2450735074994705 1.4462855875999459 1.3781830374120936 1.3363928361604596 1.1351807560599843 0.7497822334059986 0.4835631735807611 0.392243844919772 0.29628116056416076 0.20031847620854953 0.15233713403074392 0.14150263740995023 0.03780102689662673 0.03780102689662673 0.0006541813396235972 -0.1618632679722992 -0.02101481190197256 +7204,0.45725082464454286,0,0.9355164611910495 0.9804022329057737 1.2450735074994705 1.4462855875999459 1.3781830374120936 1.3363928361604596 1.1351807560599843 0.7497822334059986 0.4835631735807611 0.392243844919772 0.29628116056416076 0.20031847620854953 0.15233713403074392 0.14150263740995023 0.03780102689662673 0.03780102689662673 0.0006541813396235972 -0.1618632679722992 -0.02101481190197256 0.16936277157770918 +7205,0.743591092479827,0,0.9804022329057737 1.2450735074994705 1.4462855875999459 1.3781830374120936 1.3363928361604596 1.1351807560599843 0.7497822334059986 0.4835631735807611 0.392243844919772 0.29628116056416076 0.20031847620854953 0.15233713403074392 0.14150263740995023 0.03780102689662673 0.03780102689662673 0.0006541813396235972 -0.1618632679722992 -0.02101481190197256 0.16936277157770918 0.45725082464454286 +7206,0.9494465282749334,0,1.2450735074994705 1.4462855875999459 1.3781830374120936 1.3363928361604596 1.1351807560599843 0.7497822334059986 0.4835631735807611 0.392243844919772 0.29628116056416076 0.20031847620854953 0.15233713403074392 0.14150263740995023 0.03780102689662673 0.03780102689662673 0.0006541813396235972 -0.1618632679722992 -0.02101481190197256 0.16936277157770918 0.45725082464454286 0.743591092479827 +7207,0.9865933738319452,0,1.4462855875999459 1.3781830374120936 1.3363928361604596 1.1351807560599843 0.7497822334059986 0.4835631735807611 0.392243844919772 0.29628116056416076 0.20031847620854953 0.15233713403074392 0.14150263740995023 0.03780102689662673 0.03780102689662673 0.0006541813396235972 -0.1618632679722992 -0.02101481190197256 0.16936277157770918 0.45725082464454286 0.743591092479827 0.9494465282749334 +7208,1.1769709573116183,0,1.3781830374120936 1.3363928361604596 1.1351807560599843 0.7497822334059986 0.4835631735807611 0.392243844919772 0.29628116056416076 0.20031847620854953 0.15233713403074392 0.14150263740995023 0.03780102689662673 0.03780102689662673 0.0006541813396235972 -0.1618632679722992 -0.02101481190197256 0.16936277157770918 0.45725082464454286 0.743591092479827 0.9494465282749334 0.9865933738319452 +7209,1.390565319264428,0,1.3363928361604596 1.1351807560599843 0.7497822334059986 0.4835631735807611 0.392243844919772 0.29628116056416076 0.20031847620854953 0.15233713403074392 0.14150263740995023 0.03780102689662673 0.03780102689662673 0.0006541813396235972 -0.1618632679722992 -0.02101481190197256 0.16936277157770918 0.45725082464454286 0.743591092479827 0.9494465282749334 0.9865933738319452 1.1769709573116183 +7210,1.2466212927310112,0,1.1351807560599843 0.7497822334059986 0.4835631735807611 0.392243844919772 0.29628116056416076 0.20031847620854953 0.15233713403074392 0.14150263740995023 0.03780102689662673 0.03780102689662673 0.0006541813396235972 -0.1618632679722992 -0.02101481190197256 0.16936277157770918 0.45725082464454286 0.743591092479827 0.9494465282749334 0.9865933738319452 1.1769709573116183 1.390565319264428 +7211,1.1568497493015715,0,0.7497822334059986 0.4835631735807611 0.392243844919772 0.29628116056416076 0.20031847620854953 0.15233713403074392 0.14150263740995023 0.03780102689662673 0.03780102689662673 0.0006541813396235972 -0.1618632679722992 -0.02101481190197256 0.16936277157770918 0.45725082464454286 0.743591092479827 0.9494465282749334 0.9865933738319452 1.1769709573116183 1.390565319264428 1.2466212927310112 +7212,1.2497168631941014,0,0.4835631735807611 0.392243844919772 0.29628116056416076 0.20031847620854953 0.15233713403074392 0.14150263740995023 0.03780102689662673 0.03780102689662673 0.0006541813396235972 -0.1618632679722992 -0.02101481190197256 0.16936277157770918 0.45725082464454286 0.743591092479827 0.9494465282749334 0.9865933738319452 1.1769709573116183 1.390565319264428 1.2466212927310112 1.1568497493015715 +7213,1.0500525683251667,0,0.392243844919772 0.29628116056416076 0.20031847620854953 0.15233713403074392 0.14150263740995023 0.03780102689662673 0.03780102689662673 0.0006541813396235972 -0.1618632679722992 -0.02101481190197256 0.16936277157770918 0.45725082464454286 0.743591092479827 0.9494465282749334 0.9865933738319452 1.1769709573116183 1.390565319264428 1.2466212927310112 1.1568497493015715 1.2497168631941014 +7214,0.7234698844697803,0,0.29628116056416076 0.20031847620854953 0.15233713403074392 0.14150263740995023 0.03780102689662673 0.03780102689662673 0.0006541813396235972 -0.1618632679722992 -0.02101481190197256 0.16936277157770918 0.45725082464454286 0.743591092479827 0.9494465282749334 0.9865933738319452 1.1769709573116183 1.390565319264428 1.2466212927310112 1.1568497493015715 1.2497168631941014 1.0500525683251667 +7215,0.4727286769599586,0,0.20031847620854953 0.15233713403074392 0.14150263740995023 0.03780102689662673 0.03780102689662673 0.0006541813396235972 -0.1618632679722992 -0.02101481190197256 0.16936277157770918 0.45725082464454286 0.743591092479827 0.9494465282749334 0.9865933738319452 1.1769709573116183 1.390565319264428 1.2466212927310112 1.1568497493015715 1.2497168631941014 1.0500525683251667 0.7234698844697803 +7216,0.20031847620854953,0,0.15233713403074392 0.14150263740995023 0.03780102689662673 0.03780102689662673 0.0006541813396235972 -0.1618632679722992 -0.02101481190197256 0.16936277157770918 0.45725082464454286 0.743591092479827 0.9494465282749334 0.9865933738319452 1.1769709573116183 1.390565319264428 1.2466212927310112 1.1568497493015715 1.2497168631941014 1.0500525683251667 0.7234698844697803 0.4727286769599586 +7217,0.054826664443592,0,0.14150263740995023 0.03780102689662673 0.03780102689662673 0.0006541813396235972 -0.1618632679722992 -0.02101481190197256 0.16936277157770918 0.45725082464454286 0.743591092479827 0.9494465282749334 0.9865933738319452 1.1769709573116183 1.390565319264428 1.2466212927310112 1.1568497493015715 1.2497168631941014 1.0500525683251667 0.7234698844697803 0.4727286769599586 0.20031847620854953 +7218,0.06566116106438567,0,0.03780102689662673 0.03780102689662673 0.0006541813396235972 -0.1618632679722992 -0.02101481190197256 0.16936277157770918 0.45725082464454286 0.743591092479827 0.9494465282749334 0.9865933738319452 1.1769709573116183 1.390565319264428 1.2466212927310112 1.1568497493015715 1.2497168631941014 1.0500525683251667 0.7234698844697803 0.4727286769599586 0.20031847620854953 0.054826664443592 +7219,0.09352129523214463,0,0.03780102689662673 0.0006541813396235972 -0.1618632679722992 -0.02101481190197256 0.16936277157770918 0.45725082464454286 0.743591092479827 0.9494465282749334 0.9865933738319452 1.1769709573116183 1.390565319264428 1.2466212927310112 1.1568497493015715 1.2497168631941014 1.0500525683251667 0.7234698844697803 0.4727286769599586 0.20031847620854953 0.054826664443592 0.06566116106438567 +7220,-0.1665066236669301,0,0.0006541813396235972 -0.1618632679722992 -0.02101481190197256 0.16936277157770918 0.45725082464454286 0.743591092479827 0.9494465282749334 0.9865933738319452 1.1769709573116183 1.390565319264428 1.2466212927310112 1.1568497493015715 1.2497168631941014 1.0500525683251667 0.7234698844697803 0.4727286769599586 0.20031847620854953 0.054826664443592 0.06566116106438567 0.09352129523214463 +7221,-0.18508004644543605,0,-0.1618632679722992 -0.02101481190197256 0.16936277157770918 0.45725082464454286 0.743591092479827 0.9494465282749334 0.9865933738319452 1.1769709573116183 1.390565319264428 1.2466212927310112 1.1568497493015715 1.2497168631941014 1.0500525683251667 0.7234698844697803 0.4727286769599586 0.20031847620854953 0.054826664443592 0.06566116106438567 0.09352129523214463 -0.1665066236669301 +7222,-0.22996581816015146,0,-0.02101481190197256 0.16936277157770918 0.45725082464454286 0.743591092479827 0.9494465282749334 0.9865933738319452 1.1769709573116183 1.390565319264428 1.2466212927310112 1.1568497493015715 1.2497168631941014 1.0500525683251667 0.7234698844697803 0.4727286769599586 0.20031847620854953 0.054826664443592 0.06566116106438567 0.09352129523214463 -0.1665066236669301 -0.18508004644543605 +7223,-0.18353226121388655,0,0.16936277157770918 0.45725082464454286 0.743591092479827 0.9494465282749334 0.9865933738319452 1.1769709573116183 1.390565319264428 1.2466212927310112 1.1568497493015715 1.2497168631941014 1.0500525683251667 0.7234698844697803 0.4727286769599586 0.20031847620854953 0.054826664443592 0.06566116106438567 0.09352129523214463 -0.1665066236669301 -0.18508004644543605 -0.22996581816015146 +7224,-0.23615695908632306,0,0.45725082464454286 0.743591092479827 0.9494465282749334 0.9865933738319452 1.1769709573116183 1.390565319264428 1.2466212927310112 1.1568497493015715 1.2497168631941014 1.0500525683251667 0.7234698844697803 0.4727286769599586 0.20031847620854953 0.054826664443592 0.06566116106438567 0.09352129523214463 -0.1665066236669301 -0.18508004644543605 -0.22996581816015146 -0.18353226121388655 +7225,-0.2624693080225413,0,0.743591092479827 0.9494465282749334 0.9865933738319452 1.1769709573116183 1.390565319264428 1.2466212927310112 1.1568497493015715 1.2497168631941014 1.0500525683251667 0.7234698844697803 0.4727286769599586 0.20031847620854953 0.054826664443592 0.06566116106438567 0.09352129523214463 -0.1665066236669301 -0.18508004644543605 -0.22996581816015146 -0.18353226121388655 -0.23615695908632306 +7226,-0.17269776459309288,0,0.9494465282749334 0.9865933738319452 1.1769709573116183 1.390565319264428 1.2466212927310112 1.1568497493015715 1.2497168631941014 1.0500525683251667 0.7234698844697803 0.4727286769599586 0.20031847620854953 0.054826664443592 0.06566116106438567 0.09352129523214463 -0.1665066236669301 -0.18508004644543605 -0.22996581816015146 -0.18353226121388655 -0.23615695908632306 -0.2624693080225413 +7227,-0.10614299963678131,0,0.9865933738319452 1.1769709573116183 1.390565319264428 1.2466212927310112 1.1568497493015715 1.2497168631941014 1.0500525683251667 0.7234698844697803 0.4727286769599586 0.20031847620854953 0.054826664443592 0.06566116106438567 0.09352129523214463 -0.1665066236669301 -0.18508004644543605 -0.22996581816015146 -0.18353226121388655 -0.23615695908632306 -0.2624693080225413 -0.17269776459309288 +7228,0.001428073955393946,0,1.1769709573116183 1.390565319264428 1.2466212927310112 1.1568497493015715 1.2497168631941014 1.0500525683251667 0.7234698844697803 0.4727286769599586 0.20031847620854953 0.054826664443592 0.06566116106438567 0.09352129523214463 -0.1665066236669301 -0.18508004644543605 -0.22996581816015146 -0.18353226121388655 -0.23615695908632306 -0.2624693080225413 -0.17269776459309288 -0.10614299963678131 +7229,0.1089991475475692,0,1.390565319264428 1.2466212927310112 1.1568497493015715 1.2497168631941014 1.0500525683251667 0.7234698844697803 0.4727286769599586 0.20031847620854953 0.054826664443592 0.06566116106438567 0.09352129523214463 -0.1665066236669301 -0.18508004644543605 -0.22996581816015146 -0.18353226121388655 -0.23615695908632306 -0.2624693080225413 -0.17269776459309288 -0.10614299963678131 0.001428073955393946 +7230,0.3241412947319197,0,1.2466212927310112 1.1568497493015715 1.2497168631941014 1.0500525683251667 0.7234698844697803 0.4727286769599586 0.20031847620854953 0.054826664443592 0.06566116106438567 0.09352129523214463 -0.1665066236669301 -0.18508004644543605 -0.22996581816015146 -0.18353226121388655 -0.23615695908632306 -0.2624693080225413 -0.17269776459309288 -0.10614299963678131 0.001428073955393946 0.1089991475475692 +7231,0.6336983410403407,0,1.1568497493015715 1.2497168631941014 1.0500525683251667 0.7234698844697803 0.4727286769599586 0.20031847620854953 0.054826664443592 0.06566116106438567 0.09352129523214463 -0.1665066236669301 -0.18508004644543605 -0.22996581816015146 -0.18353226121388655 -0.23615695908632306 -0.2624693080225413 -0.17269776459309288 -0.10614299963678131 0.001428073955393946 0.1089991475475692 0.3241412947319197 +7232,0.8209803540569323,0,1.2497168631941014 1.0500525683251667 0.7234698844697803 0.4727286769599586 0.20031847620854953 0.054826664443592 0.06566116106438567 0.09352129523214463 -0.1665066236669301 -0.18508004644543605 -0.22996581816015146 -0.18353226121388655 -0.23615695908632306 -0.2624693080225413 -0.17269776459309288 -0.10614299963678131 0.001428073955393946 0.1089991475475692 0.3241412947319197 0.6336983410403407 +7233,0.8596749848454849,0,1.0500525683251667 0.7234698844697803 0.4727286769599586 0.20031847620854953 0.054826664443592 0.06566116106438567 0.09352129523214463 -0.1665066236669301 -0.18508004644543605 -0.22996581816015146 -0.18353226121388655 -0.23615695908632306 -0.2624693080225413 -0.17269776459309288 -0.10614299963678131 0.001428073955393946 0.1089991475475692 0.3241412947319197 0.6336983410403407 0.8209803540569323 +7234,0.8503882734562319,0,0.7234698844697803 0.4727286769599586 0.20031847620854953 0.054826664443592 0.06566116106438567 0.09352129523214463 -0.1665066236669301 -0.18508004644543605 -0.22996581816015146 -0.18353226121388655 -0.23615695908632306 -0.2624693080225413 -0.17269776459309288 -0.10614299963678131 0.001428073955393946 0.1089991475475692 0.3241412947319197 0.6336983410403407 0.8209803540569323 0.8596749848454849 +7235,0.790024649426092,0,0.4727286769599586 0.20031847620854953 0.054826664443592 0.06566116106438567 0.09352129523214463 -0.1665066236669301 -0.18508004644543605 -0.22996581816015146 -0.18353226121388655 -0.23615695908632306 -0.2624693080225413 -0.17269776459309288 -0.10614299963678131 0.001428073955393946 0.1089991475475692 0.3241412947319197 0.6336983410403407 0.8209803540569323 0.8596749848454849 0.8503882734562319 +7236,0.6816796832181463,0,0.20031847620854953 0.054826664443592 0.06566116106438567 0.09352129523214463 -0.1665066236669301 -0.18508004644543605 -0.22996581816015146 -0.18353226121388655 -0.23615695908632306 -0.2624693080225413 -0.17269776459309288 -0.10614299963678131 0.001428073955393946 0.1089991475475692 0.3241412947319197 0.6336983410403407 0.8209803540569323 0.8596749848454849 0.8503882734562319 0.790024649426092 +7237,0.5067799520538891,0,0.054826664443592 0.06566116106438567 0.09352129523214463 -0.1665066236669301 -0.18508004644543605 -0.22996581816015146 -0.18353226121388655 -0.23615695908632306 -0.2624693080225413 -0.17269776459309288 -0.10614299963678131 0.001428073955393946 0.1089991475475692 0.3241412947319197 0.6336983410403407 0.8209803540569323 0.8596749848454849 0.8503882734562319 0.790024649426092 0.6816796832181463 +7238,0.3891482744566906,0,0.06566116106438567 0.09352129523214463 -0.1665066236669301 -0.18508004644543605 -0.22996581816015146 -0.18353226121388655 -0.23615695908632306 -0.2624693080225413 -0.17269776459309288 -0.10614299963678131 0.001428073955393946 0.1089991475475692 0.3241412947319197 0.6336983410403407 0.8209803540569323 0.8596749848454849 0.8503882734562319 0.790024649426092 0.6816796832181463 0.5067799520538891 +7239,0.07494787245363867,0,0.09352129523214463 -0.1665066236669301 -0.18508004644543605 -0.22996581816015146 -0.18353226121388655 -0.23615695908632306 -0.2624693080225413 -0.17269776459309288 -0.10614299963678131 0.001428073955393946 0.1089991475475692 0.3241412947319197 0.6336983410403407 0.8209803540569323 0.8596749848454849 0.8503882734562319 0.790024649426092 0.6816796832181463 0.5067799520538891 0.3891482744566906 +7240,-0.07828286546903115,0,-0.1665066236669301 -0.18508004644543605 -0.22996581816015146 -0.18353226121388655 -0.23615695908632306 -0.2624693080225413 -0.17269776459309288 -0.10614299963678131 0.001428073955393946 0.1089991475475692 0.3241412947319197 0.6336983410403407 0.8209803540569323 0.8596749848454849 0.8503882734562319 0.790024649426092 0.6816796832181463 0.5067799520538891 0.3891482744566906 0.07494787245363867 +7241,-0.23770474431786376,0,-0.18508004644543605 -0.22996581816015146 -0.18353226121388655 -0.23615695908632306 -0.2624693080225413 -0.17269776459309288 -0.10614299963678131 0.001428073955393946 0.1089991475475692 0.3241412947319197 0.6336983410403407 0.8209803540569323 0.8596749848454849 0.8503882734562319 0.790024649426092 0.6816796832181463 0.5067799520538891 0.3891482744566906 0.07494787245363867 -0.07828286546903115 +7242,-0.18043669075080518,0,-0.22996581816015146 -0.18353226121388655 -0.23615695908632306 -0.2624693080225413 -0.17269776459309288 -0.10614299963678131 0.001428073955393946 0.1089991475475692 0.3241412947319197 0.6336983410403407 0.8209803540569323 0.8596749848454849 0.8503882734562319 0.790024649426092 0.6816796832181463 0.5067799520538891 0.3891482744566906 0.07494787245363867 -0.07828286546903115 -0.23770474431786376 +7243,-0.2717560194117943,0,-0.18353226121388655 -0.23615695908632306 -0.2624693080225413 -0.17269776459309288 -0.10614299963678131 0.001428073955393946 0.1089991475475692 0.3241412947319197 0.6336983410403407 0.8209803540569323 0.8596749848454849 0.8503882734562319 0.790024649426092 0.6816796832181463 0.5067799520538891 0.3891482744566906 0.07494787245363867 -0.07828286546903115 -0.23770474431786376 -0.18043669075080518 +7244,-0.19901011352931114,0,-0.23615695908632306 -0.2624693080225413 -0.17269776459309288 -0.10614299963678131 0.001428073955393946 0.1089991475475692 0.3241412947319197 0.6336983410403407 0.8209803540569323 0.8596749848454849 0.8503882734562319 0.790024649426092 0.6816796832181463 0.5067799520538891 0.3891482744566906 0.07494787245363867 -0.07828286546903115 -0.23770474431786376 -0.18043669075080518 -0.2717560194117943 +7245,-0.22687024769707007,0,-0.2624693080225413 -0.17269776459309288 -0.10614299963678131 0.001428073955393946 0.1089991475475692 0.3241412947319197 0.6336983410403407 0.8209803540569323 0.8596749848454849 0.8503882734562319 0.790024649426092 0.6816796832181463 0.5067799520538891 0.3891482744566906 0.07494787245363867 -0.07828286546903115 -0.23770474431786376 -0.18043669075080518 -0.2717560194117943 -0.19901011352931114 +7246,-0.12316863718374657,0,-0.17269776459309288 -0.10614299963678131 0.001428073955393946 0.1089991475475692 0.3241412947319197 0.6336983410403407 0.8209803540569323 0.8596749848454849 0.8503882734562319 0.790024649426092 0.6816796832181463 0.5067799520538891 0.3891482744566906 0.07494787245363867 -0.07828286546903115 -0.23770474431786376 -0.18043669075080518 -0.2717560194117943 -0.19901011352931114 -0.22687024769707007 +7247,-0.17269776459309288,0,-0.10614299963678131 0.001428073955393946 0.1089991475475692 0.3241412947319197 0.6336983410403407 0.8209803540569323 0.8596749848454849 0.8503882734562319 0.790024649426092 0.6816796832181463 0.5067799520538891 0.3891482744566906 0.07494787245363867 -0.07828286546903115 -0.23770474431786376 -0.18043669075080518 -0.2717560194117943 -0.19901011352931114 -0.22687024769707007 -0.12316863718374657 +7248,-0.23925252954940446,0,0.001428073955393946 0.1089991475475692 0.3241412947319197 0.6336983410403407 0.8209803540569323 0.8596749848454849 0.8503882734562319 0.790024649426092 0.6816796832181463 0.5067799520538891 0.3891482744566906 0.07494787245363867 -0.07828286546903115 -0.23770474431786376 -0.18043669075080518 -0.2717560194117943 -0.19901011352931114 -0.22687024769707007 -0.12316863718374657 -0.17269776459309288 +7249,-0.18972340214005814,0,0.1089991475475692 0.3241412947319197 0.6336983410403407 0.8209803540569323 0.8596749848454849 0.8503882734562319 0.790024649426092 0.6816796832181463 0.5067799520538891 0.3891482744566906 0.07494787245363867 -0.07828286546903115 -0.23770474431786376 -0.18043669075080518 -0.2717560194117943 -0.19901011352931114 -0.22687024769707007 -0.12316863718374657 -0.17269776459309288 -0.23925252954940446 +7250,-0.19436675783468904,0,0.3241412947319197 0.6336983410403407 0.8209803540569323 0.8596749848454849 0.8503882734562319 0.790024649426092 0.6816796832181463 0.5067799520538891 0.3891482744566906 0.07494787245363867 -0.07828286546903115 -0.23770474431786376 -0.18043669075080518 -0.2717560194117943 -0.19901011352931114 -0.22687024769707007 -0.12316863718374657 -0.17269776459309288 -0.23925252954940446 -0.18972340214005814 +7251,0.08268679861135095,0,0.6336983410403407 0.8209803540569323 0.8596749848454849 0.8503882734562319 0.790024649426092 0.6816796832181463 0.5067799520538891 0.3891482744566906 0.07494787245363867 -0.07828286546903115 -0.23770474431786376 -0.18043669075080518 -0.2717560194117943 -0.19901011352931114 -0.22687024769707007 -0.12316863718374657 -0.17269776459309288 -0.23925252954940446 -0.18972340214005814 -0.19436675783468904 +7252,0.35354921413121937,0,0.8209803540569323 0.8596749848454849 0.8503882734562319 0.790024649426092 0.6816796832181463 0.5067799520538891 0.3891482744566906 0.07494787245363867 -0.07828286546903115 -0.23770474431786376 -0.18043669075080518 -0.2717560194117943 -0.19901011352931114 -0.22687024769707007 -0.12316863718374657 -0.17269776459309288 -0.23925252954940446 -0.18972340214005814 -0.19436675783468904 0.08268679861135095 +7253,0.424747334782153,0,0.8596749848454849 0.8503882734562319 0.790024649426092 0.6816796832181463 0.5067799520538891 0.3891482744566906 0.07494787245363867 -0.07828286546903115 -0.23770474431786376 -0.18043669075080518 -0.2717560194117943 -0.19901011352931114 -0.22687024769707007 -0.12316863718374657 -0.17269776459309288 -0.23925252954940446 -0.18972340214005814 -0.19436675783468904 0.08268679861135095 0.35354921413121937 +7254,0.6785841127550649,0,0.8503882734562319 0.790024649426092 0.6816796832181463 0.5067799520538891 0.3891482744566906 0.07494787245363867 -0.07828286546903115 -0.23770474431786376 -0.18043669075080518 -0.2717560194117943 -0.19901011352931114 -0.22687024769707007 -0.12316863718374657 -0.17269776459309288 -0.23925252954940446 -0.18972340214005814 -0.19436675783468904 0.08268679861135095 0.35354921413121937 0.424747334782153 +7255,0.9674008369608195,0,0.790024649426092 0.6816796832181463 0.5067799520538891 0.3891482744566906 0.07494787245363867 -0.07828286546903115 -0.23770474431786376 -0.18043669075080518 -0.2717560194117943 -0.19901011352931114 -0.22687024769707007 -0.12316863718374657 -0.17269776459309288 -0.23925252954940446 -0.18972340214005814 -0.19436675783468904 0.08268679861135095 0.35354921413121937 0.424747334782153 0.6785841127550649 +7256,0.9370642464225901,0,0.6816796832181463 0.5067799520538891 0.3891482744566906 0.07494787245363867 -0.07828286546903115 -0.23770474431786376 -0.18043669075080518 -0.2717560194117943 -0.19901011352931114 -0.22687024769707007 -0.12316863718374657 -0.17269776459309288 -0.23925252954940446 -0.18972340214005814 -0.19436675783468904 0.08268679861135095 0.35354921413121937 0.424747334782153 0.6785841127550649 0.9674008369608195 +7257,1.011357937536614,0,0.5067799520538891 0.3891482744566906 0.07494787245363867 -0.07828286546903115 -0.23770474431786376 -0.18043669075080518 -0.2717560194117943 -0.19901011352931114 -0.22687024769707007 -0.12316863718374657 -0.17269776459309288 -0.23925252954940446 -0.18972340214005814 -0.19436675783468904 0.08268679861135095 0.35354921413121937 0.424747334782153 0.6785841127550649 0.9674008369608195 0.9370642464225901 +7258,1.0980339105029722,0,0.3891482744566906 0.07494787245363867 -0.07828286546903115 -0.23770474431786376 -0.18043669075080518 -0.2717560194117943 -0.19901011352931114 -0.22687024769707007 -0.12316863718374657 -0.17269776459309288 -0.23925252954940446 -0.18972340214005814 -0.19436675783468904 0.08268679861135095 0.35354921413121937 0.424747334782153 0.6785841127550649 0.9674008369608195 0.9370642464225901 1.011357937536614 +7259,1.0701737763352133,0,0.07494787245363867 -0.07828286546903115 -0.23770474431786376 -0.18043669075080518 -0.2717560194117943 -0.19901011352931114 -0.22687024769707007 -0.12316863718374657 -0.17269776459309288 -0.23925252954940446 -0.18972340214005814 -0.19436675783468904 0.08268679861135095 0.35354921413121937 0.424747334782153 0.6785841127550649 0.9674008369608195 0.9370642464225901 1.011357937536614 1.0980339105029722 +7260,1.02993136031512,0,-0.07828286546903115 -0.23770474431786376 -0.18043669075080518 -0.2717560194117943 -0.19901011352931114 -0.22687024769707007 -0.12316863718374657 -0.17269776459309288 -0.23925252954940446 -0.18972340214005814 -0.19436675783468904 0.08268679861135095 0.35354921413121937 0.424747334782153 0.6785841127550649 0.9674008369608195 0.9370642464225901 1.011357937536614 1.0980339105029722 1.0701737763352133 +7261,0.8782484076239908,0,-0.23770474431786376 -0.18043669075080518 -0.2717560194117943 -0.19901011352931114 -0.22687024769707007 -0.12316863718374657 -0.17269776459309288 -0.23925252954940446 -0.18972340214005814 -0.19436675783468904 0.08268679861135095 0.35354921413121937 0.424747334782153 0.6785841127550649 0.9674008369608195 0.9370642464225901 1.011357937536614 1.0980339105029722 1.0701737763352133 1.02993136031512 +7262,0.6631062604396404,0,-0.18043669075080518 -0.2717560194117943 -0.19901011352931114 -0.22687024769707007 -0.12316863718374657 -0.17269776459309288 -0.23925252954940446 -0.18972340214005814 -0.19436675783468904 0.08268679861135095 0.35354921413121937 0.424747334782153 0.6785841127550649 0.9674008369608195 0.9370642464225901 1.011357937536614 1.0980339105029722 1.0701737763352133 1.02993136031512 0.8782484076239908 +7263,0.25913431500714884,0,-0.2717560194117943 -0.19901011352931114 -0.22687024769707007 -0.12316863718374657 -0.17269776459309288 -0.23925252954940446 -0.18972340214005814 -0.19436675783468904 0.08268679861135095 0.35354921413121937 0.424747334782153 0.6785841127550649 0.9674008369608195 0.9370642464225901 1.011357937536614 1.0980339105029722 1.0701737763352133 1.02993136031512 0.8782484076239908 0.6631062604396404 +7264,0.03625324166508603,0,-0.19901011352931114 -0.22687024769707007 -0.12316863718374657 -0.17269776459309288 -0.23925252954940446 -0.18972340214005814 -0.19436675783468904 0.08268679861135095 0.35354921413121937 0.424747334782153 0.6785841127550649 0.9674008369608195 0.9370642464225901 1.011357937536614 1.0980339105029722 1.0701737763352133 1.02993136031512 0.8782484076239908 0.6631062604396404 0.25913431500714884 +7265,0.028514315507373746,0,-0.22687024769707007 -0.12316863718374657 -0.17269776459309288 -0.23925252954940446 -0.18972340214005814 -0.19436675783468904 0.08268679861135095 0.35354921413121937 0.424747334782153 0.6785841127550649 0.9674008369608195 0.9370642464225901 1.011357937536614 1.0980339105029722 1.0701737763352133 1.02993136031512 0.8782484076239908 0.6631062604396404 0.25913431500714884 0.03625324166508603 +7266,-0.056613872227435,0,-0.12316863718374657 -0.17269776459309288 -0.23925252954940446 -0.18972340214005814 -0.19436675783468904 0.08268679861135095 0.35354921413121937 0.424747334782153 0.6785841127550649 0.9674008369608195 0.9370642464225901 1.011357937536614 1.0980339105029722 1.0701737763352133 1.02993136031512 0.8782484076239908 0.6631062604396404 0.25913431500714884 0.03625324166508603 0.028514315507373746 +7267,-0.09530850301598763,0,-0.17269776459309288 -0.23925252954940446 -0.18972340214005814 -0.19436675783468904 0.08268679861135095 0.35354921413121937 0.424747334782153 0.6785841127550649 0.9674008369608195 0.9370642464225901 1.011357937536614 1.0980339105029722 1.0701737763352133 1.02993136031512 0.8782484076239908 0.6631062604396404 0.25913431500714884 0.03625324166508603 0.028514315507373746 -0.056613872227435 +7268,-0.3304170796872342,0,-0.23925252954940446 -0.18972340214005814 -0.19436675783468904 0.08268679861135095 0.35354921413121937 0.424747334782153 0.6785841127550649 0.9674008369608195 0.9370642464225901 1.011357937536614 1.0980339105029722 1.0701737763352133 1.02993136031512 0.8782484076239908 0.6631062604396404 0.25913431500714884 0.03625324166508603 0.028514315507373746 -0.056613872227435 -0.09530850301598763 +7269,-0.30580729450571603,0,-0.18972340214005814 -0.19436675783468904 0.08268679861135095 0.35354921413121937 0.424747334782153 0.6785841127550649 0.9674008369608195 0.9370642464225901 1.011357937536614 1.0980339105029722 1.0701737763352133 1.02993136031512 0.8782484076239908 0.6631062604396404 0.25913431500714884 0.03625324166508603 0.028514315507373746 -0.056613872227435 -0.09530850301598763 -0.3304170796872342 +7270,-0.26092152279099184,0,-0.19436675783468904 0.08268679861135095 0.35354921413121937 0.424747334782153 0.6785841127550649 0.9674008369608195 0.9370642464225901 1.011357937536614 1.0980339105029722 1.0701737763352133 1.02993136031512 0.8782484076239908 0.6631062604396404 0.25913431500714884 0.03625324166508603 0.028514315507373746 -0.056613872227435 -0.09530850301598763 -0.3304170796872342 -0.30580729450571603 +7271,-0.29342501265338167,0,0.08268679861135095 0.35354921413121937 0.424747334782153 0.6785841127550649 0.9674008369608195 0.9370642464225901 1.011357937536614 1.0980339105029722 1.0701737763352133 1.02993136031512 0.8782484076239908 0.6631062604396404 0.25913431500714884 0.03625324166508603 0.028514315507373746 -0.056613872227435 -0.09530850301598763 -0.3304170796872342 -0.30580729450571603 -0.26092152279099184 +7272,-0.40641333455594936,0,0.35354921413121937 0.424747334782153 0.6785841127550649 0.9674008369608195 0.9370642464225901 1.011357937536614 1.0980339105029722 1.0701737763352133 1.02993136031512 0.8782484076239908 0.6631062604396404 0.25913431500714884 0.03625324166508603 0.028514315507373746 -0.056613872227435 -0.09530850301598763 -0.3304170796872342 -0.30580729450571603 -0.26092152279099184 -0.29342501265338167 +7273,-0.44820353580759215,0,0.424747334782153 0.6785841127550649 0.9674008369608195 0.9370642464225901 1.011357937536614 1.0980339105029722 1.0701737763352133 1.02993136031512 0.8782484076239908 0.6631062604396404 0.25913431500714884 0.03625324166508603 0.028514315507373746 -0.056613872227435 -0.09530850301598763 -0.3304170796872342 -0.30580729450571603 -0.26092152279099184 -0.29342501265338167 -0.40641333455594936 +7274,-0.24080031478094516,0,0.6785841127550649 0.9674008369608195 0.9370642464225901 1.011357937536614 1.0980339105029722 1.0701737763352133 1.02993136031512 0.8782484076239908 0.6631062604396404 0.25913431500714884 0.03625324166508603 0.028514315507373746 -0.056613872227435 -0.09530850301598763 -0.3304170796872342 -0.30580729450571603 -0.26092152279099184 -0.29342501265338167 -0.40641333455594936 -0.44820353580759215 +7275,-0.17579333505618308,0,0.9674008369608195 0.9370642464225901 1.011357937536614 1.0980339105029722 1.0701737763352133 1.02993136031512 0.8782484076239908 0.6631062604396404 0.25913431500714884 0.03625324166508603 0.028514315507373746 -0.056613872227435 -0.09530850301598763 -0.3304170796872342 -0.30580729450571603 -0.26092152279099184 -0.29342501265338167 -0.40641333455594936 -0.44820353580759215 -0.24080031478094516 +7276,-0.007084744818088688,0,0.9370642464225901 1.011357937536614 1.0980339105029722 1.0701737763352133 1.02993136031512 0.8782484076239908 0.6631062604396404 0.25913431500714884 0.03625324166508603 0.028514315507373746 -0.056613872227435 -0.09530850301598763 -0.3304170796872342 -0.30580729450571603 -0.26092152279099184 -0.29342501265338167 -0.40641333455594936 -0.44820353580759215 -0.24080031478094516 -0.17579333505618308 +7277,0.24984760361789585,0,1.011357937536614 1.0980339105029722 1.0701737763352133 1.02993136031512 0.8782484076239908 0.6631062604396404 0.25913431500714884 0.03625324166508603 0.028514315507373746 -0.056613872227435 -0.09530850301598763 -0.3304170796872342 -0.30580729450571603 -0.26092152279099184 -0.29342501265338167 -0.40641333455594936 -0.44820353580759215 -0.24080031478094516 -0.17579333505618308 -0.007084744818088688 +7278,0.641437267198053,0,1.0980339105029722 1.0701737763352133 1.02993136031512 0.8782484076239908 0.6631062604396404 0.25913431500714884 0.03625324166508603 0.028514315507373746 -0.056613872227435 -0.09530850301598763 -0.3304170796872342 -0.30580729450571603 -0.26092152279099184 -0.29342501265338167 -0.40641333455594936 -0.44820353580759215 -0.24080031478094516 -0.17579333505618308 -0.007084744818088688 0.24984760361789585 +7279,0.6832274684496871,0,1.0701737763352133 1.02993136031512 0.8782484076239908 0.6631062604396404 0.25913431500714884 0.03625324166508603 0.028514315507373746 -0.056613872227435 -0.09530850301598763 -0.3304170796872342 -0.30580729450571603 -0.26092152279099184 -0.29342501265338167 -0.40641333455594936 -0.44820353580759215 -0.24080031478094516 -0.17579333505618308 -0.007084744818088688 0.24984760361789585 0.641437267198053 +7280,0.9138474679494621,0,1.02993136031512 0.8782484076239908 0.6631062604396404 0.25913431500714884 0.03625324166508603 0.028514315507373746 -0.056613872227435 -0.09530850301598763 -0.3304170796872342 -0.30580729450571603 -0.26092152279099184 -0.29342501265338167 -0.40641333455594936 -0.44820353580759215 -0.24080031478094516 -0.17579333505618308 -0.007084744818088688 0.24984760361789585 0.641437267198053 0.6832274684496871 +7281,1.0964861252714315,0,0.8782484076239908 0.6631062604396404 0.25913431500714884 0.03625324166508603 0.028514315507373746 -0.056613872227435 -0.09530850301598763 -0.3304170796872342 -0.30580729450571603 -0.26092152279099184 -0.29342501265338167 -0.40641333455594936 -0.44820353580759215 -0.24080031478094516 -0.17579333505618308 -0.007084744818088688 0.24984760361789585 0.641437267198053 0.6832274684496871 0.9138474679494621 +7282,1.1197029037445596,0,0.6631062604396404 0.25913431500714884 0.03625324166508603 0.028514315507373746 -0.056613872227435 -0.09530850301598763 -0.3304170796872342 -0.30580729450571603 -0.26092152279099184 -0.29342501265338167 -0.40641333455594936 -0.44820353580759215 -0.24080031478094516 -0.17579333505618308 -0.007084744818088688 0.24984760361789585 0.641437267198053 0.6832274684496871 0.9138474679494621 1.0964861252714315 +7283,1.1336329708284434,0,0.25913431500714884 0.03625324166508603 0.028514315507373746 -0.056613872227435 -0.09530850301598763 -0.3304170796872342 -0.30580729450571603 -0.26092152279099184 -0.29342501265338167 -0.40641333455594936 -0.44820353580759215 -0.24080031478094516 -0.17579333505618308 -0.007084744818088688 0.24984760361789585 0.641437267198053 0.6832274684496871 0.9138474679494621 1.0964861252714315 1.1197029037445596 +7284,0.9664721658218898,0,0.03625324166508603 0.028514315507373746 -0.056613872227435 -0.09530850301598763 -0.3304170796872342 -0.30580729450571603 -0.26092152279099184 -0.29342501265338167 -0.40641333455594936 -0.44820353580759215 -0.24080031478094516 -0.17579333505618308 -0.007084744818088688 0.24984760361789585 0.641437267198053 0.6832274684496871 0.9138474679494621 1.0964861252714315 1.1197029037445596 1.1336329708284434 +7285,0.7931202198891821,0,0.028514315507373746 -0.056613872227435 -0.09530850301598763 -0.3304170796872342 -0.30580729450571603 -0.26092152279099184 -0.29342501265338167 -0.40641333455594936 -0.44820353580759215 -0.24080031478094516 -0.17579333505618308 -0.007084744818088688 0.24984760361789585 0.641437267198053 0.6832274684496871 0.9138474679494621 1.0964861252714315 1.1197029037445596 1.1336329708284434 0.9664721658218898 +7286,0.4820153883492116,0,-0.056613872227435 -0.09530850301598763 -0.3304170796872342 -0.30580729450571603 -0.26092152279099184 -0.29342501265338167 -0.40641333455594936 -0.44820353580759215 -0.24080031478094516 -0.17579333505618308 -0.007084744818088688 0.24984760361789585 0.641437267198053 0.6832274684496871 0.9138474679494621 1.0964861252714315 1.1197029037445596 1.1336329708284434 0.9664721658218898 0.7931202198891821 +7287,0.28854223440644844,0,-0.09530850301598763 -0.3304170796872342 -0.30580729450571603 -0.26092152279099184 -0.29342501265338167 -0.40641333455594936 -0.44820353580759215 -0.24080031478094516 -0.17579333505618308 -0.007084744818088688 0.24984760361789585 0.641437267198053 0.6832274684496871 0.9138474679494621 1.0964861252714315 1.1197029037445596 1.1336329708284434 0.9664721658218898 0.7931202198891821 0.4820153883492116 +7288,0.1043557918529383,0,-0.3304170796872342 -0.30580729450571603 -0.26092152279099184 -0.29342501265338167 -0.40641333455594936 -0.44820353580759215 -0.24080031478094516 -0.17579333505618308 -0.007084744818088688 0.24984760361789585 0.641437267198053 0.6832274684496871 0.9138474679494621 1.0964861252714315 1.1197029037445596 1.1336329708284434 0.9664721658218898 0.7931202198891821 0.4820153883492116 0.28854223440644844 +7289,-0.011728100512719579,0,-0.30580729450571603 -0.26092152279099184 -0.29342501265338167 -0.40641333455594936 -0.44820353580759215 -0.24080031478094516 -0.17579333505618308 -0.007084744818088688 0.24984760361789585 0.641437267198053 0.6832274684496871 0.9138474679494621 1.0964861252714315 1.1197029037445596 1.1336329708284434 0.9664721658218898 0.7931202198891821 0.4820153883492116 0.28854223440644844 0.1043557918529383 +7290,-0.14948098611996483,0,-0.26092152279099184 -0.29342501265338167 -0.40641333455594936 -0.44820353580759215 -0.24080031478094516 -0.17579333505618308 -0.007084744818088688 0.24984760361789585 0.641437267198053 0.6832274684496871 0.9138474679494621 1.0964861252714315 1.1197029037445596 1.1336329708284434 0.9664721658218898 0.7931202198891821 0.4820153883492116 0.28854223440644844 0.1043557918529383 -0.011728100512719579 +7291,-0.2748515898748757,0,-0.29342501265338167 -0.40641333455594936 -0.44820353580759215 -0.24080031478094516 -0.17579333505618308 -0.007084744818088688 0.24984760361789585 0.641437267198053 0.6832274684496871 0.9138474679494621 1.0964861252714315 1.1197029037445596 1.1336329708284434 0.9664721658218898 0.7931202198891821 0.4820153883492116 0.28854223440644844 0.1043557918529383 -0.011728100512719579 -0.14948098611996483 +7292,-0.3367629991365564,0,-0.40641333455594936 -0.44820353580759215 -0.24080031478094516 -0.17579333505618308 -0.007084744818088688 0.24984760361789585 0.641437267198053 0.6832274684496871 0.9138474679494621 1.0964861252714315 1.1197029037445596 1.1336329708284434 0.9664721658218898 0.7931202198891821 0.4820153883492116 0.28854223440644844 0.1043557918529383 -0.011728100512719579 -0.14948098611996483 -0.2748515898748757 +7293,-0.282590516032588,0,-0.44820353580759215 -0.24080031478094516 -0.17579333505618308 -0.007084744818088688 0.24984760361789585 0.641437267198053 0.6832274684496871 0.9138474679494621 1.0964861252714315 1.1197029037445596 1.1336329708284434 0.9664721658218898 0.7931202198891821 0.4820153883492116 0.28854223440644844 0.1043557918529383 -0.011728100512719579 -0.14948098611996483 -0.2748515898748757 -0.3367629991365564 +7294,-0.3723620594620276,0,-0.24080031478094516 -0.17579333505618308 -0.007084744818088688 0.24984760361789585 0.641437267198053 0.6832274684496871 0.9138474679494621 1.0964861252714315 1.1197029037445596 1.1336329708284434 0.9664721658218898 0.7931202198891821 0.4820153883492116 0.28854223440644844 0.1043557918529383 -0.011728100512719579 -0.14948098611996483 -0.2748515898748757 -0.3367629991365564 -0.282590516032588 +7295,-0.4342734687237083,0,-0.17579333505618308 -0.007084744818088688 0.24984760361789585 0.641437267198053 0.6832274684496871 0.9138474679494621 1.0964861252714315 1.1197029037445596 1.1336329708284434 0.9664721658218898 0.7931202198891821 0.4820153883492116 0.28854223440644844 0.1043557918529383 -0.011728100512719579 -0.14948098611996483 -0.2748515898748757 -0.3367629991365564 -0.282590516032588 -0.3723620594620276 +7296,-0.3367629991365564,0,-0.007084744818088688 0.24984760361789585 0.641437267198053 0.6832274684496871 0.9138474679494621 1.0964861252714315 1.1197029037445596 1.1336329708284434 0.9664721658218898 0.7931202198891821 0.4820153883492116 0.28854223440644844 0.1043557918529383 -0.011728100512719579 -0.14948098611996483 -0.2748515898748757 -0.3367629991365564 -0.282590516032588 -0.3723620594620276 -0.4342734687237083 +7297,-0.4296301130290862,0,0.24984760361789585 0.641437267198053 0.6832274684496871 0.9138474679494621 1.0964861252714315 1.1197029037445596 1.1336329708284434 0.9664721658218898 0.7931202198891821 0.4820153883492116 0.28854223440644844 0.1043557918529383 -0.011728100512719579 -0.14948098611996483 -0.2748515898748757 -0.3367629991365564 -0.282590516032588 -0.3723620594620276 -0.4342734687237083 -0.3367629991365564 +7298,-0.38164877085128057,0,0.641437267198053 0.6832274684496871 0.9138474679494621 1.0964861252714315 1.1197029037445596 1.1336329708284434 0.9664721658218898 0.7931202198891821 0.4820153883492116 0.28854223440644844 0.1043557918529383 -0.011728100512719579 -0.14948098611996483 -0.2748515898748757 -0.3367629991365564 -0.282590516032588 -0.3723620594620276 -0.4342734687237083 -0.3367629991365564 -0.4296301130290862 +7299,-0.24080031478094516,0,0.6832274684496871 0.9138474679494621 1.0964861252714315 1.1197029037445596 1.1336329708284434 0.9664721658218898 0.7931202198891821 0.4820153883492116 0.28854223440644844 0.1043557918529383 -0.011728100512719579 -0.14948098611996483 -0.2748515898748757 -0.3367629991365564 -0.282590516032588 -0.3723620594620276 -0.4342734687237083 -0.3367629991365564 -0.4296301130290862 -0.38164877085128057 +7300,-0.13090756334145887,0,0.9138474679494621 1.0964861252714315 1.1197029037445596 1.1336329708284434 0.9664721658218898 0.7931202198891821 0.4820153883492116 0.28854223440644844 0.1043557918529383 -0.011728100512719579 -0.14948098611996483 -0.2748515898748757 -0.3367629991365564 -0.282590516032588 -0.3723620594620276 -0.4342734687237083 -0.3367629991365564 -0.4296301130290862 -0.38164877085128057 -0.24080031478094516 +7301,0.013036463191957975,0,1.0964861252714315 1.1197029037445596 1.1336329708284434 0.9664721658218898 0.7931202198891821 0.4820153883492116 0.28854223440644844 0.1043557918529383 -0.011728100512719579 -0.14948098611996483 -0.2748515898748757 -0.3367629991365564 -0.282590516032588 -0.3723620594620276 -0.4342734687237083 -0.3367629991365564 -0.4296301130290862 -0.38164877085128057 -0.24080031478094516 -0.13090756334145887 +7302,0.25758652977560814,0,1.1197029037445596 1.1336329708284434 0.9664721658218898 0.7931202198891821 0.4820153883492116 0.28854223440644844 0.1043557918529383 -0.011728100512719579 -0.14948098611996483 -0.2748515898748757 -0.3367629991365564 -0.282590516032588 -0.3723620594620276 -0.4342734687237083 -0.3367629991365564 -0.4296301130290862 -0.38164877085128057 -0.24080031478094516 -0.13090756334145887 0.013036463191957975 +7303,0.46344196557070566,0,1.1336329708284434 0.9664721658218898 0.7931202198891821 0.4820153883492116 0.28854223440644844 0.1043557918529383 -0.011728100512719579 -0.14948098611996483 -0.2748515898748757 -0.3367629991365564 -0.282590516032588 -0.3723620594620276 -0.4342734687237083 -0.3367629991365564 -0.4296301130290862 -0.38164877085128057 -0.24080031478094516 -0.13090756334145887 0.013036463191957975 0.25758652977560814 +7304,0.790024649426092,0,0.9664721658218898 0.7931202198891821 0.4820153883492116 0.28854223440644844 0.1043557918529383 -0.011728100512719579 -0.14948098611996483 -0.2748515898748757 -0.3367629991365564 -0.282590516032588 -0.3723620594620276 -0.4342734687237083 -0.3367629991365564 -0.4296301130290862 -0.38164877085128057 -0.24080031478094516 -0.13090756334145887 0.013036463191957975 0.25758652977560814 0.46344196557070566 +7305,0.7760945823422168,0,0.7931202198891821 0.4820153883492116 0.28854223440644844 0.1043557918529383 -0.011728100512719579 -0.14948098611996483 -0.2748515898748757 -0.3367629991365564 -0.282590516032588 -0.3723620594620276 -0.4342734687237083 -0.3367629991365564 -0.4296301130290862 -0.38164877085128057 -0.24080031478094516 -0.13090756334145887 0.013036463191957975 0.25758652977560814 0.46344196557070566 0.790024649426092 +7306,0.7559733743321702,0,0.4820153883492116 0.28854223440644844 0.1043557918529383 -0.011728100512719579 -0.14948098611996483 -0.2748515898748757 -0.3367629991365564 -0.282590516032588 -0.3723620594620276 -0.4342734687237083 -0.3367629991365564 -0.4296301130290862 -0.38164877085128057 -0.24080031478094516 -0.13090756334145887 0.013036463191957975 0.25758652977560814 0.46344196557070566 0.790024649426092 0.7760945823422168 +7307,0.7606167300267923,0,0.28854223440644844 0.1043557918529383 -0.011728100512719579 -0.14948098611996483 -0.2748515898748757 -0.3367629991365564 -0.282590516032588 -0.3723620594620276 -0.4342734687237083 -0.3367629991365564 -0.4296301130290862 -0.38164877085128057 -0.24080031478094516 -0.13090756334145887 0.013036463191957975 0.25758652977560814 0.46344196557070566 0.790024649426092 0.7760945823422168 0.7559733743321702 +7308,0.7048964616912744,0,0.1043557918529383 -0.011728100512719579 -0.14948098611996483 -0.2748515898748757 -0.3367629991365564 -0.282590516032588 -0.3723620594620276 -0.4342734687237083 -0.3367629991365564 -0.4296301130290862 -0.38164877085128057 -0.24080031478094516 -0.13090756334145887 0.013036463191957975 0.25758652977560814 0.46344196557070566 0.790024649426092 0.7760945823422168 0.7559733743321702 0.7606167300267923 +7309,0.7281132401644113,0,-0.011728100512719579 -0.14948098611996483 -0.2748515898748757 -0.3367629991365564 -0.282590516032588 -0.3723620594620276 -0.4342734687237083 -0.3367629991365564 -0.4296301130290862 -0.38164877085128057 -0.24080031478094516 -0.13090756334145887 0.013036463191957975 0.25758652977560814 0.46344196557070566 0.790024649426092 0.7760945823422168 0.7559733743321702 0.7606167300267923 0.7048964616912744 +7310,0.2854466639433671,0,-0.14948098611996483 -0.2748515898748757 -0.3367629991365564 -0.282590516032588 -0.3723620594620276 -0.4342734687237083 -0.3367629991365564 -0.4296301130290862 -0.38164877085128057 -0.24080031478094516 -0.13090756334145887 0.013036463191957975 0.25758652977560814 0.46344196557070566 0.790024649426092 0.7760945823422168 0.7559733743321702 0.7606167300267923 0.7048964616912744 0.7281132401644113 +7311,0.16471941588308708,0,-0.2748515898748757 -0.3367629991365564 -0.282590516032588 -0.3723620594620276 -0.4342734687237083 -0.3367629991365564 -0.4296301130290862 -0.38164877085128057 -0.24080031478094516 -0.13090756334145887 0.013036463191957975 0.25758652977560814 0.46344196557070566 0.790024649426092 0.7760945823422168 0.7559733743321702 0.7606167300267923 0.7048964616912744 0.7281132401644113 0.2854466639433671 +7312,-0.15721991227767712,0,-0.3367629991365564 -0.282590516032588 -0.3723620594620276 -0.4342734687237083 -0.3367629991365564 -0.4296301130290862 -0.38164877085128057 -0.24080031478094516 -0.13090756334145887 0.013036463191957975 0.25758652977560814 0.46344196557070566 0.790024649426092 0.7760945823422168 0.7559733743321702 0.7606167300267923 0.7048964616912744 0.7281132401644113 0.2854466639433671 0.16471941588308708 +7313,-0.18662783167697675,0,-0.282590516032588 -0.3723620594620276 -0.4342734687237083 -0.3367629991365564 -0.4296301130290862 -0.38164877085128057 -0.24080031478094516 -0.13090756334145887 0.013036463191957975 0.25758652977560814 0.46344196557070566 0.790024649426092 0.7760945823422168 0.7559733743321702 0.7606167300267923 0.7048964616912744 0.7281132401644113 0.2854466639433671 0.16471941588308708 -0.15721991227767712 +7314,-0.3166417911265097,0,-0.3723620594620276 -0.4342734687237083 -0.3367629991365564 -0.4296301130290862 -0.38164877085128057 -0.24080031478094516 -0.13090756334145887 0.013036463191957975 0.25758652977560814 0.46344196557070566 0.790024649426092 0.7760945823422168 0.7559733743321702 0.7606167300267923 0.7048964616912744 0.7281132401644113 0.2854466639433671 0.16471941588308708 -0.15721991227767712 -0.18662783167697675 +7315,-0.36617091853585604,0,-0.4342734687237083 -0.3367629991365564 -0.4296301130290862 -0.38164877085128057 -0.24080031478094516 -0.13090756334145887 0.013036463191957975 0.25758652977560814 0.46344196557070566 0.790024649426092 0.7760945823422168 0.7559733743321702 0.7606167300267923 0.7048964616912744 0.7281132401644113 0.2854466639433671 0.16471941588308708 -0.15721991227767712 -0.18662783167697675 -0.3166417911265097 +7316,-0.45439467673375494,0,-0.3367629991365564 -0.4296301130290862 -0.38164877085128057 -0.24080031478094516 -0.13090756334145887 0.013036463191957975 0.25758652977560814 0.46344196557070566 0.790024649426092 0.7760945823422168 0.7559733743321702 0.7606167300267923 0.7048964616912744 0.7281132401644113 0.2854466639433671 0.16471941588308708 -0.15721991227767712 -0.18662783167697675 -0.3166417911265097 -0.36617091853585604 +7317,-0.40331776409286796,0,-0.4296301130290862 -0.38164877085128057 -0.24080031478094516 -0.13090756334145887 0.013036463191957975 0.25758652977560814 0.46344196557070566 0.790024649426092 0.7760945823422168 0.7559733743321702 0.7606167300267923 0.7048964616912744 0.7281132401644113 0.2854466639433671 0.16471941588308708 -0.15721991227767712 -0.18662783167697675 -0.3166417911265097 -0.36617091853585604 -0.45439467673375494 +7318,-0.3955788379351557,0,-0.38164877085128057 -0.24080031478094516 -0.13090756334145887 0.013036463191957975 0.25758652977560814 0.46344196557070566 0.790024649426092 0.7760945823422168 0.7559733743321702 0.7606167300267923 0.7048964616912744 0.7281132401644113 0.2854466639433671 0.16471941588308708 -0.15721991227767712 -0.18662783167697675 -0.3166417911265097 -0.36617091853585604 -0.45439467673375494 -0.40331776409286796 +7319,-0.394031052703615,0,-0.24080031478094516 -0.13090756334145887 0.013036463191957975 0.25758652977560814 0.46344196557070566 0.790024649426092 0.7760945823422168 0.7559733743321702 0.7606167300267923 0.7048964616912744 0.7281132401644113 0.2854466639433671 0.16471941588308708 -0.15721991227767712 -0.18662783167697675 -0.3166417911265097 -0.36617091853585604 -0.45439467673375494 -0.40331776409286796 -0.3955788379351557 +7320,-0.3259285025157627,0,-0.13090756334145887 0.013036463191957975 0.25758652977560814 0.46344196557070566 0.790024649426092 0.7760945823422168 0.7559733743321702 0.7606167300267923 0.7048964616912744 0.7281132401644113 0.2854466639433671 0.16471941588308708 -0.15721991227767712 -0.18662783167697675 -0.3166417911265097 -0.36617091853585604 -0.45439467673375494 -0.40331776409286796 -0.3955788379351557 -0.394031052703615 +7321,-0.40022219362978656,0,0.013036463191957975 0.25758652977560814 0.46344196557070566 0.790024649426092 0.7760945823422168 0.7559733743321702 0.7606167300267923 0.7048964616912744 0.7281132401644113 0.2854466639433671 0.16471941588308708 -0.15721991227767712 -0.18662783167697675 -0.3166417911265097 -0.36617091853585604 -0.45439467673375494 -0.40331776409286796 -0.3955788379351557 -0.394031052703615 -0.3259285025157627 +7322,-0.3878399117774522,0,0.25758652977560814 0.46344196557070566 0.790024649426092 0.7760945823422168 0.7559733743321702 0.7606167300267923 0.7048964616912744 0.7281132401644113 0.2854466639433671 0.16471941588308708 -0.15721991227767712 -0.18662783167697675 -0.3166417911265097 -0.36617091853585604 -0.45439467673375494 -0.40331776409286796 -0.3955788379351557 -0.394031052703615 -0.3259285025157627 -0.40022219362978656 +7323,-0.29187722742184097,0,0.46344196557070566 0.790024649426092 0.7760945823422168 0.7559733743321702 0.7606167300267923 0.7048964616912744 0.7281132401644113 0.2854466639433671 0.16471941588308708 -0.15721991227767712 -0.18662783167697675 -0.3166417911265097 -0.36617091853585604 -0.45439467673375494 -0.40331776409286796 -0.3955788379351557 -0.394031052703615 -0.3259285025157627 -0.40022219362978656 -0.3878399117774522 +7324,-0.15412434181458692,0,0.790024649426092 0.7760945823422168 0.7559733743321702 0.7606167300267923 0.7048964616912744 0.7281132401644113 0.2854466639433671 0.16471941588308708 -0.15721991227767712 -0.18662783167697675 -0.3166417911265097 -0.36617091853585604 -0.45439467673375494 -0.40331776409286796 -0.3955788379351557 -0.394031052703615 -0.3259285025157627 -0.40022219362978656 -0.3878399117774522 -0.29187722742184097 +7325,0.09352129523214463,0,0.7760945823422168 0.7559733743321702 0.7606167300267923 0.7048964616912744 0.7281132401644113 0.2854466639433671 0.16471941588308708 -0.15721991227767712 -0.18662783167697675 -0.3166417911265097 -0.36617091853585604 -0.45439467673375494 -0.40331776409286796 -0.3955788379351557 -0.394031052703615 -0.3259285025157627 -0.40022219362978656 -0.3878399117774522 -0.29187722742184097 -0.15412434181458692 +7326,0.2761599525541141,0,0.7559733743321702 0.7606167300267923 0.7048964616912744 0.7281132401644113 0.2854466639433671 0.16471941588308708 -0.15721991227767712 -0.18662783167697675 -0.3166417911265097 -0.36617091853585604 -0.45439467673375494 -0.40331776409286796 -0.3955788379351557 -0.394031052703615 -0.3259285025157627 -0.40022219362978656 -0.3878399117774522 -0.29187722742184097 -0.15412434181458692 0.09352129523214463 +7327,0.5036843815908078,0,0.7606167300267923 0.7048964616912744 0.7281132401644113 0.2854466639433671 0.16471941588308708 -0.15721991227767712 -0.18662783167697675 -0.3166417911265097 -0.36617091853585604 -0.45439467673375494 -0.40331776409286796 -0.3955788379351557 -0.394031052703615 -0.3259285025157627 -0.40022219362978656 -0.3878399117774522 -0.29187722742184097 -0.15412434181458692 0.09352129523214463 0.2761599525541141 +7328,0.7002531059966522,0,0.7048964616912744 0.7281132401644113 0.2854466639433671 0.16471941588308708 -0.15721991227767712 -0.18662783167697675 -0.3166417911265097 -0.36617091853585604 -0.45439467673375494 -0.40331776409286796 -0.3955788379351557 -0.394031052703615 -0.3259285025157627 -0.40022219362978656 -0.3878399117774522 -0.29187722742184097 -0.15412434181458692 0.09352129523214463 0.2761599525541141 0.5036843815908078 +7329,1.048504783093626,0,0.7281132401644113 0.2854466639433671 0.16471941588308708 -0.15721991227767712 -0.18662783167697675 -0.3166417911265097 -0.36617091853585604 -0.45439467673375494 -0.40331776409286796 -0.3955788379351557 -0.394031052703615 -0.3259285025157627 -0.40022219362978656 -0.3878399117774522 -0.29187722742184097 -0.15412434181458692 0.09352129523214463 0.2761599525541141 0.5036843815908078 0.7002531059966522 +7330,1.0330269307782014,0,0.2854466639433671 0.16471941588308708 -0.15721991227767712 -0.18662783167697675 -0.3166417911265097 -0.36617091853585604 -0.45439467673375494 -0.40331776409286796 -0.3955788379351557 -0.394031052703615 -0.3259285025157627 -0.40022219362978656 -0.3878399117774522 -0.29187722742184097 -0.15412434181458692 0.09352129523214463 0.2761599525541141 0.5036843815908078 0.7002531059966522 1.048504783093626 +7331,1.034574716009742,0,0.16471941588308708 -0.15721991227767712 -0.18662783167697675 -0.3166417911265097 -0.36617091853585604 -0.45439467673375494 -0.40331776409286796 -0.3955788379351557 -0.394031052703615 -0.3259285025157627 -0.40022219362978656 -0.3878399117774522 -0.29187722742184097 -0.15412434181458692 0.09352129523214463 0.2761599525541141 0.5036843815908078 0.7002531059966522 1.048504783093626 1.0330269307782014 +7332,0.9076563270232905,0,-0.15721991227767712 -0.18662783167697675 -0.3166417911265097 -0.36617091853585604 -0.45439467673375494 -0.40331776409286796 -0.3955788379351557 -0.394031052703615 -0.3259285025157627 -0.40022219362978656 -0.3878399117774522 -0.29187722742184097 -0.15412434181458692 0.09352129523214463 0.2761599525541141 0.5036843815908078 0.7002531059966522 1.048504783093626 1.0330269307782014 1.034574716009742 +7333,0.7358521663221236,0,-0.18662783167697675 -0.3166417911265097 -0.36617091853585604 -0.45439467673375494 -0.40331776409286796 -0.3955788379351557 -0.394031052703615 -0.3259285025157627 -0.40022219362978656 -0.3878399117774522 -0.29187722742184097 -0.15412434181458692 0.09352129523214463 0.2761599525541141 0.5036843815908078 0.7002531059966522 1.048504783093626 1.0330269307782014 1.034574716009742 0.9076563270232905 +7334,0.45105968371837124,0,-0.3166417911265097 -0.36617091853585604 -0.45439467673375494 -0.40331776409286796 -0.3955788379351557 -0.394031052703615 -0.3259285025157627 -0.40022219362978656 -0.3878399117774522 -0.29187722742184097 -0.15412434181458692 0.09352129523214463 0.2761599525541141 0.5036843815908078 0.7002531059966522 1.048504783093626 1.0330269307782014 1.034574716009742 0.9076563270232905 0.7358521663221236 +7335,0.11519028847373199,0,-0.36617091853585604 -0.45439467673375494 -0.40331776409286796 -0.3955788379351557 -0.394031052703615 -0.3259285025157627 -0.40022219362978656 -0.3878399117774522 -0.29187722742184097 -0.15412434181458692 0.09352129523214463 0.2761599525541141 0.5036843815908078 0.7002531059966522 1.048504783093626 1.0330269307782014 1.034574716009742 0.9076563270232905 0.7358521663221236 0.45105968371837124 +7336,-0.014823670975800974,0,-0.45439467673375494 -0.40331776409286796 -0.3955788379351557 -0.394031052703615 -0.3259285025157627 -0.40022219362978656 -0.3878399117774522 -0.29187722742184097 -0.15412434181458692 0.09352129523214463 0.2761599525541141 0.5036843815908078 0.7002531059966522 1.048504783093626 1.0330269307782014 1.034574716009742 0.9076563270232905 0.7358521663221236 0.45105968371837124 0.11519028847373199 +7337,0.01613203365503937,0,-0.40331776409286796 -0.3955788379351557 -0.394031052703615 -0.3259285025157627 -0.40022219362978656 -0.3878399117774522 -0.29187722742184097 -0.15412434181458692 0.09352129523214463 0.2761599525541141 0.5036843815908078 0.7002531059966522 1.048504783093626 1.0330269307782014 1.034574716009742 0.9076563270232905 0.7358521663221236 0.45105968371837124 0.11519028847373199 -0.014823670975800974 +7338,-0.12626420764683677,0,-0.3955788379351557 -0.394031052703615 -0.3259285025157627 -0.40022219362978656 -0.3878399117774522 -0.29187722742184097 -0.15412434181458692 0.09352129523214463 0.2761599525541141 0.5036843815908078 0.7002531059966522 1.048504783093626 1.0330269307782014 1.034574716009742 0.9076563270232905 0.7358521663221236 0.45105968371837124 0.11519028847373199 -0.014823670975800974 0.01613203365503937 +7339,-0.20210568399239254,0,-0.394031052703615 -0.3259285025157627 -0.40022219362978656 -0.3878399117774522 -0.29187722742184097 -0.15412434181458692 0.09352129523214463 0.2761599525541141 0.5036843815908078 0.7002531059966522 1.048504783093626 1.0330269307782014 1.034574716009742 0.9076563270232905 0.7358521663221236 0.45105968371837124 0.11519028847373199 -0.014823670975800974 0.01613203365503937 -0.12626420764683677 +7340,-0.25473038186482905,0,-0.3259285025157627 -0.40022219362978656 -0.3878399117774522 -0.29187722742184097 -0.15412434181458692 0.09352129523214463 0.2761599525541141 0.5036843815908078 0.7002531059966522 1.048504783093626 1.0330269307782014 1.034574716009742 0.9076563270232905 0.7358521663221236 0.45105968371837124 0.11519028847373199 -0.014823670975800974 0.01613203365503937 -0.12626420764683677 -0.20210568399239254 +7341,-0.28568608649566934,0,-0.40022219362978656 -0.3878399117774522 -0.29187722742184097 -0.15412434181458692 0.09352129523214463 0.2761599525541141 0.5036843815908078 0.7002531059966522 1.048504783093626 1.0330269307782014 1.034574716009742 0.9076563270232905 0.7358521663221236 0.45105968371837124 0.11519028847373199 -0.014823670975800974 0.01613203365503937 -0.12626420764683677 -0.20210568399239254 -0.25473038186482905 +7342,-0.3785532003881992,0,-0.3878399117774522 -0.29187722742184097 -0.15412434181458692 0.09352129523214463 0.2761599525541141 0.5036843815908078 0.7002531059966522 1.048504783093626 1.0330269307782014 1.034574716009742 0.9076563270232905 0.7358521663221236 0.45105968371837124 0.11519028847373199 -0.014823670975800974 0.01613203365503937 -0.12626420764683677 -0.20210568399239254 -0.25473038186482905 -0.28568608649566934 +7343,-0.6160608441683322,0,-0.29187722742184097 -0.15412434181458692 0.09352129523214463 0.2761599525541141 0.5036843815908078 0.7002531059966522 1.048504783093626 1.0330269307782014 1.034574716009742 0.9076563270232905 0.7358521663221236 0.45105968371837124 0.11519028847373199 -0.014823670975800974 0.01613203365503937 -0.12626420764683677 -0.20210568399239254 -0.25473038186482905 -0.28568608649566934 -0.3785532003881992 +7344,-0.29342501265338167,0,-0.15412434181458692 0.09352129523214463 0.2761599525541141 0.5036843815908078 0.7002531059966522 1.048504783093626 1.0330269307782014 1.034574716009742 0.9076563270232905 0.7358521663221236 0.45105968371837124 0.11519028847373199 -0.014823670975800974 0.01613203365503937 -0.12626420764683677 -0.20210568399239254 -0.25473038186482905 -0.28568608649566934 -0.3785532003881992 -0.6160608441683322 +7345,-0.3321196434419343,0,0.09352129523214463 0.2761599525541141 0.5036843815908078 0.7002531059966522 1.048504783093626 1.0330269307782014 1.034574716009742 0.9076563270232905 0.7358521663221236 0.45105968371837124 0.11519028847373199 -0.014823670975800974 0.01613203365503937 -0.12626420764683677 -0.20210568399239254 -0.25473038186482905 -0.28568608649566934 -0.3785532003881992 -0.6160608441683322 -0.29342501265338167 +7346,-0.2834417979099336,0,0.2761599525541141 0.5036843815908078 0.7002531059966522 1.048504783093626 1.0330269307782014 1.034574716009742 0.9076563270232905 0.7358521663221236 0.45105968371837124 0.11519028847373199 -0.014823670975800974 0.01613203365503937 -0.12626420764683677 -0.20210568399239254 -0.25473038186482905 -0.28568608649566934 -0.3785532003881992 -0.6160608441683322 -0.29342501265338167 -0.3321196434419343 +7347,-0.15257655658304622,0,0.5036843815908078 0.7002531059966522 1.048504783093626 1.0330269307782014 1.034574716009742 0.9076563270232905 0.7358521663221236 0.45105968371837124 0.11519028847373199 -0.014823670975800974 0.01613203365503937 -0.12626420764683677 -0.20210568399239254 -0.25473038186482905 -0.28568608649566934 -0.3785532003881992 -0.6160608441683322 -0.29342501265338167 -0.3321196434419343 -0.2834417979099336 +7348,0.05637444967513269,0,0.7002531059966522 1.048504783093626 1.0330269307782014 1.034574716009742 0.9076563270232905 0.7358521663221236 0.45105968371837124 0.11519028847373199 -0.014823670975800974 0.01613203365503937 -0.12626420764683677 -0.20210568399239254 -0.25473038186482905 -0.28568608649566934 -0.3785532003881992 -0.6160608441683322 -0.29342501265338167 -0.3321196434419343 -0.2834417979099336 -0.15257655658304622 +7349,0.24520424792327375,0,1.048504783093626 1.0330269307782014 1.034574716009742 0.9076563270232905 0.7358521663221236 0.45105968371837124 0.11519028847373199 -0.014823670975800974 0.01613203365503937 -0.12626420764683677 -0.20210568399239254 -0.25473038186482905 -0.28568608649566934 -0.3785532003881992 -0.6160608441683322 -0.29342501265338167 -0.3321196434419343 -0.2834417979099336 -0.15257655658304622 0.05637444967513269 +7350,0.6244116296510878,0,1.0330269307782014 1.034574716009742 0.9076563270232905 0.7358521663221236 0.45105968371837124 0.11519028847373199 -0.014823670975800974 0.01613203365503937 -0.12626420764683677 -0.20210568399239254 -0.25473038186482905 -0.28568608649566934 -0.3785532003881992 -0.6160608441683322 -0.29342501265338167 -0.3321196434419343 -0.2834417979099336 -0.15257655658304622 0.05637444967513269 0.24520424792327375 +7351,0.8395537768354382,0,1.034574716009742 0.9076563270232905 0.7358521663221236 0.45105968371837124 0.11519028847373199 -0.014823670975800974 0.01613203365503937 -0.12626420764683677 -0.20210568399239254 -0.25473038186482905 -0.28568608649566934 -0.3785532003881992 -0.6160608441683322 -0.29342501265338167 -0.3321196434419343 -0.2834417979099336 -0.15257655658304622 0.05637444967513269 0.24520424792327375 0.6244116296510878 +7352,0.9386120316541396,0,0.9076563270232905 0.7358521663221236 0.45105968371837124 0.11519028847373199 -0.014823670975800974 0.01613203365503937 -0.12626420764683677 -0.20210568399239254 -0.25473038186482905 -0.28568608649566934 -0.3785532003881992 -0.6160608441683322 -0.29342501265338167 -0.3321196434419343 -0.2834417979099336 -0.15257655658304622 0.05637444967513269 0.24520424792327375 0.6244116296510878 0.8395537768354382 +7353,1.1320851855969027,0,0.7358521663221236 0.45105968371837124 0.11519028847373199 -0.014823670975800974 0.01613203365503937 -0.12626420764683677 -0.20210568399239254 -0.25473038186482905 -0.28568608649566934 -0.3785532003881992 -0.6160608441683322 -0.29342501265338167 -0.3321196434419343 -0.2834417979099336 -0.15257655658304622 0.05637444967513269 0.24520424792327375 0.6244116296510878 0.8395537768354382 0.9386120316541396 +7354,1.2032833062478365,0,0.45105968371837124 0.11519028847373199 -0.014823670975800974 0.01613203365503937 -0.12626420764683677 -0.20210568399239254 -0.25473038186482905 -0.28568608649566934 -0.3785532003881992 -0.6160608441683322 -0.29342501265338167 -0.3321196434419343 -0.2834417979099336 -0.15257655658304622 0.05637444967513269 0.24520424792327375 0.6244116296510878 0.8395537768354382 0.9386120316541396 1.1320851855969027 +7355,1.2048310914793772,0,0.11519028847373199 -0.014823670975800974 0.01613203365503937 -0.12626420764683677 -0.20210568399239254 -0.25473038186482905 -0.28568608649566934 -0.3785532003881992 -0.6160608441683322 -0.29342501265338167 -0.3321196434419343 -0.2834417979099336 -0.15257655658304622 0.05637444967513269 0.24520424792327375 0.6244116296510878 0.8395537768354382 0.9386120316541396 1.1320851855969027 1.2032833062478365 +7356,1.1630408902277432,0,-0.014823670975800974 0.01613203365503937 -0.12626420764683677 -0.20210568399239254 -0.25473038186482905 -0.28568608649566934 -0.3785532003881992 -0.6160608441683322 -0.29342501265338167 -0.3321196434419343 -0.2834417979099336 -0.15257655658304622 0.05637444967513269 0.24520424792327375 0.6244116296510878 0.8395537768354382 0.9386120316541396 1.1320851855969027 1.2032833062478365 1.2048310914793772 +7357,0.9153952531810028,0,0.01613203365503937 -0.12626420764683677 -0.20210568399239254 -0.25473038186482905 -0.28568608649566934 -0.3785532003881992 -0.6160608441683322 -0.29342501265338167 -0.3321196434419343 -0.2834417979099336 -0.15257655658304622 0.05637444967513269 0.24520424792327375 0.6244116296510878 0.8395537768354382 0.9386120316541396 1.1320851855969027 1.2032833062478365 1.2048310914793772 1.1630408902277432 +7358,0.6259594148826284,0,-0.12626420764683677 -0.20210568399239254 -0.25473038186482905 -0.28568608649566934 -0.3785532003881992 -0.6160608441683322 -0.29342501265338167 -0.3321196434419343 -0.2834417979099336 -0.15257655658304622 0.05637444967513269 0.24520424792327375 0.6244116296510878 0.8395537768354382 0.9386120316541396 1.1320851855969027 1.2032833062478365 1.2048310914793772 1.1630408902277432 0.9153952531810028 +7359,0.29782894579570146,0,-0.20210568399239254 -0.25473038186482905 -0.28568608649566934 -0.3785532003881992 -0.6160608441683322 -0.29342501265338167 -0.3321196434419343 -0.2834417979099336 -0.15257655658304622 0.05637444967513269 0.24520424792327375 0.6244116296510878 0.8395537768354382 0.9386120316541396 1.1320851855969027 1.2032833062478365 1.2048310914793772 1.1630408902277432 0.9153952531810028 0.6259594148826284 +7360,0.12447699986298497,0,-0.25473038186482905 -0.28568608649566934 -0.3785532003881992 -0.6160608441683322 -0.29342501265338167 -0.3321196434419343 -0.2834417979099336 -0.15257655658304622 0.05637444967513269 0.24520424792327375 0.6244116296510878 0.8395537768354382 0.9386120316541396 1.1320851855969027 1.2032833062478365 1.2048310914793772 1.1630408902277432 0.9153952531810028 0.6259594148826284 0.29782894579570146 +7361,0.02077538934967026,0,-0.28568608649566934 -0.3785532003881992 -0.6160608441683322 -0.29342501265338167 -0.3321196434419343 -0.2834417979099336 -0.15257655658304622 0.05637444967513269 0.24520424792327375 0.6244116296510878 0.8395537768354382 0.9386120316541396 1.1320851855969027 1.2032833062478365 1.2048310914793772 1.1630408902277432 0.9153952531810028 0.6259594148826284 0.29782894579570146 0.12447699986298497 +7362,-0.019467026670423066,0,-0.3785532003881992 -0.6160608441683322 -0.29342501265338167 -0.3321196434419343 -0.2834417979099336 -0.15257655658304622 0.05637444967513269 0.24520424792327375 0.6244116296510878 0.8395537768354382 0.9386120316541396 1.1320851855969027 1.2032833062478365 1.2048310914793772 1.1630408902277432 0.9153952531810028 0.6259594148826284 0.29782894579570146 0.12447699986298497 0.02077538934967026 +7363,-0.0535183017643536,0,-0.6160608441683322 -0.29342501265338167 -0.3321196434419343 -0.2834417979099336 -0.15257655658304622 0.05637444967513269 0.24520424792327375 0.6244116296510878 0.8395537768354382 0.9386120316541396 1.1320851855969027 1.2032833062478365 1.2048310914793772 1.1630408902277432 0.9153952531810028 0.6259594148826284 0.29782894579570146 0.12447699986298497 0.02077538934967026 -0.019467026670423066 +7364,-0.09066514732136553,0,-0.29342501265338167 -0.3321196434419343 -0.2834417979099336 -0.15257655658304622 0.05637444967513269 0.24520424792327375 0.6244116296510878 0.8395537768354382 0.9386120316541396 1.1320851855969027 1.2032833062478365 1.2048310914793772 1.1630408902277432 0.9153952531810028 0.6259594148826284 0.29782894579570146 0.12447699986298497 0.02077538934967026 -0.019467026670423066 -0.0535183017643536 +7365,-0.23460917385478236,0,-0.3321196434419343 -0.2834417979099336 -0.15257655658304622 0.05637444967513269 0.24520424792327375 0.6244116296510878 0.8395537768354382 0.9386120316541396 1.1320851855969027 1.2032833062478365 1.2048310914793772 1.1630408902277432 0.9153952531810028 0.6259594148826284 0.29782894579570146 0.12447699986298497 0.02077538934967026 -0.019467026670423066 -0.0535183017643536 -0.09066514732136553 +7366,-0.23460917385478236,0,-0.2834417979099336 -0.15257655658304622 0.05637444967513269 0.24520424792327375 0.6244116296510878 0.8395537768354382 0.9386120316541396 1.1320851855969027 1.2032833062478365 1.2048310914793772 1.1630408902277432 0.9153952531810028 0.6259594148826284 0.29782894579570146 0.12447699986298497 0.02077538934967026 -0.019467026670423066 -0.0535183017643536 -0.09066514732136553 -0.23460917385478236 +7367,-0.13245534857299956,0,-0.15257655658304622 0.05637444967513269 0.24520424792327375 0.6244116296510878 0.8395537768354382 0.9386120316541396 1.1320851855969027 1.2032833062478365 1.2048310914793772 1.1630408902277432 0.9153952531810028 0.6259594148826284 0.29782894579570146 0.12447699986298497 0.02077538934967026 -0.019467026670423066 -0.0535183017643536 -0.09066514732136553 -0.23460917385478236 -0.23460917385478236 +7368,-0.1618632679722992,0,0.05637444967513269 0.24520424792327375 0.6244116296510878 0.8395537768354382 0.9386120316541396 1.1320851855969027 1.2032833062478365 1.2048310914793772 1.1630408902277432 0.9153952531810028 0.6259594148826284 0.29782894579570146 0.12447699986298497 0.02077538934967026 -0.019467026670423066 -0.0535183017643536 -0.09066514732136553 -0.23460917385478236 -0.23460917385478236 -0.13245534857299956 +7369,-0.17579333505618308,0,0.24520424792327375 0.6244116296510878 0.8395537768354382 0.9386120316541396 1.1320851855969027 1.2032833062478365 1.2048310914793772 1.1630408902277432 0.9153952531810028 0.6259594148826284 0.29782894579570146 0.12447699986298497 0.02077538934967026 -0.019467026670423066 -0.0535183017643536 -0.09066514732136553 -0.23460917385478236 -0.23460917385478236 -0.13245534857299956 -0.1618632679722992 +7370,-0.16960219413001149,0,0.6244116296510878 0.8395537768354382 0.9386120316541396 1.1320851855969027 1.2032833062478365 1.2048310914793772 1.1630408902277432 0.9153952531810028 0.6259594148826284 0.29782894579570146 0.12447699986298497 0.02077538934967026 -0.019467026670423066 -0.0535183017643536 -0.09066514732136553 -0.23460917385478236 -0.23460917385478236 -0.13245534857299956 -0.1618632679722992 -0.17579333505618308 +7371,-0.05042273130127221,0,0.8395537768354382 0.9386120316541396 1.1320851855969027 1.2032833062478365 1.2048310914793772 1.1630408902277432 0.9153952531810028 0.6259594148826284 0.29782894579570146 0.12447699986298497 0.02077538934967026 -0.019467026670423066 -0.0535183017643536 -0.09066514732136553 -0.23460917385478236 -0.23460917385478236 -0.13245534857299956 -0.1618632679722992 -0.17579333505618308 -0.16960219413001149 +7372,0.09352129523214463,0,0.9386120316541396 1.1320851855969027 1.2032833062478365 1.2048310914793772 1.1630408902277432 0.9153952531810028 0.6259594148826284 0.29782894579570146 0.12447699986298497 0.02077538934967026 -0.019467026670423066 -0.0535183017643536 -0.09066514732136553 -0.23460917385478236 -0.23460917385478236 -0.13245534857299956 -0.1618632679722992 -0.17579333505618308 -0.16960219413001149 -0.05042273130127221 +7373,0.35354921413121937,0,1.1320851855969027 1.2032833062478365 1.2048310914793772 1.1630408902277432 0.9153952531810028 0.6259594148826284 0.29782894579570146 0.12447699986298497 0.02077538934967026 -0.019467026670423066 -0.0535183017643536 -0.09066514732136553 -0.23460917385478236 -0.23460917385478236 -0.13245534857299956 -0.1618632679722992 -0.17579333505618308 -0.16960219413001149 -0.05042273130127221 0.09352129523214463 +7374,0.7466866629429172,0,1.2032833062478365 1.2048310914793772 1.1630408902277432 0.9153952531810028 0.6259594148826284 0.29782894579570146 0.12447699986298497 0.02077538934967026 -0.019467026670423066 -0.0535183017643536 -0.09066514732136553 -0.23460917385478236 -0.23460917385478236 -0.13245534857299956 -0.1618632679722992 -0.17579333505618308 -0.16960219413001149 -0.05042273130127221 0.09352129523214463 0.35354921413121937 +7375,0.8240759245200224,0,1.2048310914793772 1.1630408902277432 0.9153952531810028 0.6259594148826284 0.29782894579570146 0.12447699986298497 0.02077538934967026 -0.019467026670423066 -0.0535183017643536 -0.09066514732136553 -0.23460917385478236 -0.23460917385478236 -0.13245534857299956 -0.1618632679722992 -0.17579333505618308 -0.16960219413001149 -0.05042273130127221 0.09352129523214463 0.35354921413121937 0.7466866629429172 +7376,1.0825560581875477,0,1.1630408902277432 0.9153952531810028 0.6259594148826284 0.29782894579570146 0.12447699986298497 0.02077538934967026 -0.019467026670423066 -0.0535183017643536 -0.09066514732136553 -0.23460917385478236 -0.23460917385478236 -0.13245534857299956 -0.1618632679722992 -0.17579333505618308 -0.16960219413001149 -0.05042273130127221 0.09352129523214463 0.35354921413121937 0.7466866629429172 0.8240759245200224 +7377,1.2466212927310112,0,0.9153952531810028 0.6259594148826284 0.29782894579570146 0.12447699986298497 0.02077538934967026 -0.019467026670423066 -0.0535183017643536 -0.09066514732136553 -0.23460917385478236 -0.23460917385478236 -0.13245534857299956 -0.1618632679722992 -0.17579333505618308 -0.16960219413001149 -0.05042273130127221 0.09352129523214463 0.35354921413121937 0.7466866629429172 0.8240759245200224 1.0825560581875477 +7378,1.3178194133819536,0,0.6259594148826284 0.29782894579570146 0.12447699986298497 0.02077538934967026 -0.019467026670423066 -0.0535183017643536 -0.09066514732136553 -0.23460917385478236 -0.23460917385478236 -0.13245534857299956 -0.1618632679722992 -0.17579333505618308 -0.16960219413001149 -0.05042273130127221 0.09352129523214463 0.35354921413121937 0.7466866629429172 0.8240759245200224 1.0825560581875477 1.2466212927310112 +7379,1.1475630379123185,0,0.29782894579570146 0.12447699986298497 0.02077538934967026 -0.019467026670423066 -0.0535183017643536 -0.09066514732136553 -0.23460917385478236 -0.23460917385478236 -0.13245534857299956 -0.1618632679722992 -0.17579333505618308 -0.16960219413001149 -0.05042273130127221 0.09352129523214463 0.35354921413121937 0.7466866629429172 0.8240759245200224 1.0825560581875477 1.2466212927310112 1.3178194133819536 +7380,1.0980339105029722,0,0.12447699986298497 0.02077538934967026 -0.019467026670423066 -0.0535183017643536 -0.09066514732136553 -0.23460917385478236 -0.23460917385478236 -0.13245534857299956 -0.1618632679722992 -0.17579333505618308 -0.16960219413001149 -0.05042273130127221 0.09352129523214463 0.35354921413121937 0.7466866629429172 0.8240759245200224 1.0825560581875477 1.2466212927310112 1.3178194133819536 1.1475630379123185 +7381,0.8674139110031972,0,0.02077538934967026 -0.019467026670423066 -0.0535183017643536 -0.09066514732136553 -0.23460917385478236 -0.23460917385478236 -0.13245534857299956 -0.1618632679722992 -0.17579333505618308 -0.16960219413001149 -0.05042273130127221 0.09352129523214463 0.35354921413121937 0.7466866629429172 0.8240759245200224 1.0825560581875477 1.2466212927310112 1.3178194133819536 1.1475630379123185 1.0980339105029722 +7382,0.5594046499263169,0,-0.019467026670423066 -0.0535183017643536 -0.09066514732136553 -0.23460917385478236 -0.23460917385478236 -0.13245534857299956 -0.1618632679722992 -0.17579333505618308 -0.16960219413001149 -0.05042273130127221 0.09352129523214463 0.35354921413121937 0.7466866629429172 0.8240759245200224 1.0825560581875477 1.2466212927310112 1.3178194133819536 1.1475630379123185 1.0980339105029722 0.8674139110031972 +7383,0.10280800662139761,0,-0.0535183017643536 -0.09066514732136553 -0.23460917385478236 -0.23460917385478236 -0.13245534857299956 -0.1618632679722992 -0.17579333505618308 -0.16960219413001149 -0.05042273130127221 0.09352129523214463 0.35354921413121937 0.7466866629429172 0.8240759245200224 1.0825560581875477 1.2466212927310112 1.3178194133819536 1.1475630379123185 1.0980339105029722 0.8674139110031972 0.5594046499263169 +7384,-0.03494487898584764,0,-0.09066514732136553 -0.23460917385478236 -0.23460917385478236 -0.13245534857299956 -0.1618632679722992 -0.17579333505618308 -0.16960219413001149 -0.05042273130127221 0.09352129523214463 0.35354921413121937 0.7466866629429172 0.8240759245200224 1.0825560581875477 1.2466212927310112 1.3178194133819536 1.1475630379123185 1.0980339105029722 0.8674139110031972 0.5594046499263169 0.10280800662139761 +7385,-0.06512669100091763,0,-0.23460917385478236 -0.23460917385478236 -0.13245534857299956 -0.1618632679722992 -0.17579333505618308 -0.16960219413001149 -0.05042273130127221 0.09352129523214463 0.35354921413121937 0.7466866629429172 0.8240759245200224 1.0825560581875477 1.2466212927310112 1.3178194133819536 1.1475630379123185 1.0980339105029722 0.8674139110031972 0.5594046499263169 0.10280800662139761 -0.03494487898584764 +7386,-0.09530850301598763,0,-0.23460917385478236 -0.13245534857299956 -0.1618632679722992 -0.17579333505618308 -0.16960219413001149 -0.05042273130127221 0.09352129523214463 0.35354921413121937 0.7466866629429172 0.8240759245200224 1.0825560581875477 1.2466212927310112 1.3178194133819536 1.1475630379123185 1.0980339105029722 0.8674139110031972 0.5594046499263169 0.10280800662139761 -0.03494487898584764 -0.06512669100091763 +7387,-0.17114997936155218,0,-0.13245534857299956 -0.1618632679722992 -0.17579333505618308 -0.16960219413001149 -0.05042273130127221 0.09352129523214463 0.35354921413121937 0.7466866629429172 0.8240759245200224 1.0825560581875477 1.2466212927310112 1.3178194133819536 1.1475630379123185 1.0980339105029722 0.8674139110031972 0.5594046499263169 0.10280800662139761 -0.03494487898584764 -0.06512669100091763 -0.09530850301598763 +7388,-0.2686604489487041,0,-0.1618632679722992 -0.17579333505618308 -0.16960219413001149 -0.05042273130127221 0.09352129523214463 0.35354921413121937 0.7466866629429172 0.8240759245200224 1.0825560581875477 1.2466212927310112 1.3178194133819536 1.1475630379123185 1.0980339105029722 0.8674139110031972 0.5594046499263169 0.10280800662139761 -0.03494487898584764 -0.06512669100091763 -0.09530850301598763 -0.17114997936155218 +7389,-0.2067490396870234,0,-0.17579333505618308 -0.16960219413001149 -0.05042273130127221 0.09352129523214463 0.35354921413121937 0.7466866629429172 0.8240759245200224 1.0825560581875477 1.2466212927310112 1.3178194133819536 1.1475630379123185 1.0980339105029722 0.8674139110031972 0.5594046499263169 0.10280800662139761 -0.03494487898584764 -0.06512669100091763 -0.09530850301598763 -0.17114997936155218 -0.2686604489487041 +7390,-0.3352152139050157,0,-0.16960219413001149 -0.05042273130127221 0.09352129523214463 0.35354921413121937 0.7466866629429172 0.8240759245200224 1.0825560581875477 1.2466212927310112 1.3178194133819536 1.1475630379123185 1.0980339105029722 0.8674139110031972 0.5594046499263169 0.10280800662139761 -0.03494487898584764 -0.06512669100091763 -0.09530850301598763 -0.17114997936155218 -0.2686604489487041 -0.2067490396870234 +7391,-0.35843199237815254,0,-0.05042273130127221 0.09352129523214463 0.35354921413121937 0.7466866629429172 0.8240759245200224 1.0825560581875477 1.2466212927310112 1.3178194133819536 1.1475630379123185 1.0980339105029722 0.8674139110031972 0.5594046499263169 0.10280800662139761 -0.03494487898584764 -0.06512669100091763 -0.09530850301598763 -0.17114997936155218 -0.2686604489487041 -0.2067490396870234 -0.3352152139050157 +7392,-0.375457629925109,0,0.09352129523214463 0.35354921413121937 0.7466866629429172 0.8240759245200224 1.0825560581875477 1.2466212927310112 1.3178194133819536 1.1475630379123185 1.0980339105029722 0.8674139110031972 0.5594046499263169 0.10280800662139761 -0.03494487898584764 -0.06512669100091763 -0.09530850301598763 -0.17114997936155218 -0.2686604489487041 -0.2067490396870234 -0.3352152139050157 -0.35843199237815254 +7393,-0.24853924093865745,0,0.35354921413121937 0.7466866629429172 0.8240759245200224 1.0825560581875477 1.2466212927310112 1.3178194133819536 1.1475630379123185 1.0980339105029722 0.8674139110031972 0.5594046499263169 0.10280800662139761 -0.03494487898584764 -0.06512669100091763 -0.09530850301598763 -0.17114997936155218 -0.2686604489487041 -0.2067490396870234 -0.3352152139050157 -0.35843199237815254 -0.375457629925109 +7394,-0.34140635483118725,0,0.7466866629429172 0.8240759245200224 1.0825560581875477 1.2466212927310112 1.3178194133819536 1.1475630379123185 1.0980339105029722 0.8674139110031972 0.5594046499263169 0.10280800662139761 -0.03494487898584764 -0.06512669100091763 -0.09530850301598763 -0.17114997936155218 -0.2686604489487041 -0.2067490396870234 -0.3352152139050157 -0.35843199237815254 -0.375457629925109 -0.24853924093865745 +7395,-0.15102877135150553,0,0.8240759245200224 1.0825560581875477 1.2466212927310112 1.3178194133819536 1.1475630379123185 1.0980339105029722 0.8674139110031972 0.5594046499263169 0.10280800662139761 -0.03494487898584764 -0.06512669100091763 -0.09530850301598763 -0.17114997936155218 -0.2686604489487041 -0.2067490396870234 -0.3352152139050157 -0.35843199237815254 -0.375457629925109 -0.24853924093865745 -0.34140635483118725 +7396,-0.12935977810991817,0,1.0825560581875477 1.2466212927310112 1.3178194133819536 1.1475630379123185 1.0980339105029722 0.8674139110031972 0.5594046499263169 0.10280800662139761 -0.03494487898584764 -0.06512669100091763 -0.09530850301598763 -0.17114997936155218 -0.2686604489487041 -0.2067490396870234 -0.3352152139050157 -0.35843199237815254 -0.375457629925109 -0.24853924093865745 -0.34140635483118725 -0.15102877135150553 +7397,0.2065096171347211,0,1.2466212927310112 1.3178194133819536 1.1475630379123185 1.0980339105029722 0.8674139110031972 0.5594046499263169 0.10280800662139761 -0.03494487898584764 -0.06512669100091763 -0.09530850301598763 -0.17114997936155218 -0.2686604489487041 -0.2067490396870234 -0.3352152139050157 -0.35843199237815254 -0.375457629925109 -0.24853924093865745 -0.34140635483118725 -0.15102877135150553 -0.12935977810991817 +7398,0.6089337773356631,0,1.3178194133819536 1.1475630379123185 1.0980339105029722 0.8674139110031972 0.5594046499263169 0.10280800662139761 -0.03494487898584764 -0.06512669100091763 -0.09530850301598763 -0.17114997936155218 -0.2686604489487041 -0.2067490396870234 -0.3352152139050157 -0.35843199237815254 -0.375457629925109 -0.24853924093865745 -0.34140635483118725 -0.15102877135150553 -0.12935977810991817 0.2065096171347211 +7399,0.8116936426676793,0,1.1475630379123185 1.0980339105029722 0.8674139110031972 0.5594046499263169 0.10280800662139761 -0.03494487898584764 -0.06512669100091763 -0.09530850301598763 -0.17114997936155218 -0.2686604489487041 -0.2067490396870234 -0.3352152139050157 -0.35843199237815254 -0.375457629925109 -0.24853924093865745 -0.34140635483118725 -0.15102877135150553 -0.12935977810991817 0.2065096171347211 0.6089337773356631 +7400,1.0098101523050733,0,1.0980339105029722 0.8674139110031972 0.5594046499263169 0.10280800662139761 -0.03494487898584764 -0.06512669100091763 -0.09530850301598763 -0.17114997936155218 -0.2686604489487041 -0.2067490396870234 -0.3352152139050157 -0.35843199237815254 -0.375457629925109 -0.24853924093865745 -0.34140635483118725 -0.15102877135150553 -0.12935977810991817 0.2065096171347211 0.6089337773356631 0.8116936426676793 +7401,1.1970921653216648,0,0.8674139110031972 0.5594046499263169 0.10280800662139761 -0.03494487898584764 -0.06512669100091763 -0.09530850301598763 -0.17114997936155218 -0.2686604489487041 -0.2067490396870234 -0.3352152139050157 -0.35843199237815254 -0.375457629925109 -0.24853924093865745 -0.34140635483118725 -0.15102877135150553 -0.12935977810991817 0.2065096171347211 0.6089337773356631 0.8116936426676793 1.0098101523050733 +7402,1.3472273327812534,0,0.5594046499263169 0.10280800662139761 -0.03494487898584764 -0.06512669100091763 -0.09530850301598763 -0.17114997936155218 -0.2686604489487041 -0.2067490396870234 -0.3352152139050157 -0.35843199237815254 -0.375457629925109 -0.24853924093865745 -0.34140635483118725 -0.15102877135150553 -0.12935977810991817 0.2065096171347211 0.6089337773356631 0.8116936426676793 1.0098101523050733 1.1970921653216648 +7403,1.2079266619424585,0,0.10280800662139761 -0.03494487898584764 -0.06512669100091763 -0.09530850301598763 -0.17114997936155218 -0.2686604489487041 -0.2067490396870234 -0.3352152139050157 -0.35843199237815254 -0.375457629925109 -0.24853924093865745 -0.34140635483118725 -0.15102877135150553 -0.12935977810991817 0.2065096171347211 0.6089337773356631 0.8116936426676793 1.0098101523050733 1.1970921653216648 1.3472273327812534 +7404,1.2450735074994705,0,-0.03494487898584764 -0.06512669100091763 -0.09530850301598763 -0.17114997936155218 -0.2686604489487041 -0.2067490396870234 -0.3352152139050157 -0.35843199237815254 -0.375457629925109 -0.24853924093865745 -0.34140635483118725 -0.15102877135150553 -0.12935977810991817 0.2065096171347211 0.6089337773356631 0.8116936426676793 1.0098101523050733 1.1970921653216648 1.3472273327812534 1.2079266619424585 +7405,1.002071226147361,0,-0.06512669100091763 -0.09530850301598763 -0.17114997936155218 -0.2686604489487041 -0.2067490396870234 -0.3352152139050157 -0.35843199237815254 -0.375457629925109 -0.24853924093865745 -0.34140635483118725 -0.15102877135150553 -0.12935977810991817 0.2065096171347211 0.6089337773356631 0.8116936426676793 1.0098101523050733 1.1970921653216648 1.3472273327812534 1.2079266619424585 1.2450735074994705 +7406,0.8318148506777348,0,-0.09530850301598763 -0.17114997936155218 -0.2686604489487041 -0.2067490396870234 -0.3352152139050157 -0.35843199237815254 -0.375457629925109 -0.24853924093865745 -0.34140635483118725 -0.15102877135150553 -0.12935977810991817 0.2065096171347211 0.6089337773356631 0.8116936426676793 1.0098101523050733 1.1970921653216648 1.3472273327812534 1.2079266619424585 1.2450735074994705 1.002071226147361 +7407,0.38605270399360037,0,-0.17114997936155218 -0.2686604489487041 -0.2067490396870234 -0.3352152139050157 -0.35843199237815254 -0.375457629925109 -0.24853924093865745 -0.34140635483118725 -0.15102877135150553 -0.12935977810991817 0.2065096171347211 0.6089337773356631 0.8116936426676793 1.0098101523050733 1.1970921653216648 1.3472273327812534 1.2079266619424585 1.2450735074994705 1.002071226147361 0.8318148506777348 +7408,0.030062100738923243,0,-0.2686604489487041 -0.2067490396870234 -0.3352152139050157 -0.35843199237815254 -0.375457629925109 -0.24853924093865745 -0.34140635483118725 -0.15102877135150553 -0.12935977810991817 0.2065096171347211 0.6089337773356631 0.8116936426676793 1.0098101523050733 1.1970921653216648 1.3472273327812534 1.2079266619424585 1.2450735074994705 1.002071226147361 0.8318148506777348 0.38605270399360037 +7409,-0.003989174355007293,0,-0.2067490396870234 -0.3352152139050157 -0.35843199237815254 -0.375457629925109 -0.24853924093865745 -0.34140635483118725 -0.15102877135150553 -0.12935977810991817 0.2065096171347211 0.6089337773356631 0.8116936426676793 1.0098101523050733 1.1970921653216648 1.3472273327812534 1.2079266619424585 1.2450735074994705 1.002071226147361 0.8318148506777348 0.38605270399360037 0.030062100738923243 +7410,-0.18508004644543605,0,-0.3352152139050157 -0.35843199237815254 -0.375457629925109 -0.24853924093865745 -0.34140635483118725 -0.15102877135150553 -0.12935977810991817 0.2065096171347211 0.6089337773356631 0.8116936426676793 1.0098101523050733 1.1970921653216648 1.3472273327812534 1.2079266619424585 1.2450735074994705 1.002071226147361 0.8318148506777348 0.38605270399360037 0.030062100738923243 -0.003989174355007293 +7411,-0.2516348114017388,0,-0.35843199237815254 -0.375457629925109 -0.24853924093865745 -0.34140635483118725 -0.15102877135150553 -0.12935977810991817 0.2065096171347211 0.6089337773356631 0.8116936426676793 1.0098101523050733 1.1970921653216648 1.3472273327812534 1.2079266619424585 1.2450735074994705 1.002071226147361 0.8318148506777348 0.38605270399360037 0.030062100738923243 -0.003989174355007293 -0.18508004644543605 +7412,-0.36617091853585604,0,-0.375457629925109 -0.24853924093865745 -0.34140635483118725 -0.15102877135150553 -0.12935977810991817 0.2065096171347211 0.6089337773356631 0.8116936426676793 1.0098101523050733 1.1970921653216648 1.3472273327812534 1.2079266619424585 1.2450735074994705 1.002071226147361 0.8318148506777348 0.38605270399360037 0.030062100738923243 -0.003989174355007293 -0.18508004644543605 -0.2516348114017388 +7413,-0.44665575057605145,0,-0.24853924093865745 -0.34140635483118725 -0.15102877135150553 -0.12935977810991817 0.2065096171347211 0.6089337773356631 0.8116936426676793 1.0098101523050733 1.1970921653216648 1.3472273327812534 1.2079266619424585 1.2450735074994705 1.002071226147361 0.8318148506777348 0.38605270399360037 0.030062100738923243 -0.003989174355007293 -0.18508004644543605 -0.2516348114017388 -0.36617091853585604 +7414,-0.39867440839824586,0,-0.34140635483118725 -0.15102877135150553 -0.12935977810991817 0.2065096171347211 0.6089337773356631 0.8116936426676793 1.0098101523050733 1.1970921653216648 1.3472273327812534 1.2079266619424585 1.2450735074994705 1.002071226147361 0.8318148506777348 0.38605270399360037 0.030062100738923243 -0.003989174355007293 -0.18508004644543605 -0.2516348114017388 -0.36617091853585604 -0.44665575057605145 +7415,-0.4373690391867985,0,-0.15102877135150553 -0.12935977810991817 0.2065096171347211 0.6089337773356631 0.8116936426676793 1.0098101523050733 1.1970921653216648 1.3472273327812534 1.2079266619424585 1.2450735074994705 1.002071226147361 0.8318148506777348 0.38605270399360037 0.030062100738923243 -0.003989174355007293 -0.18508004644543605 -0.2516348114017388 -0.36617091853585604 -0.44665575057605145 -0.39867440839824586 +7416,-0.4760636699753511,0,-0.12935977810991817 0.2065096171347211 0.6089337773356631 0.8116936426676793 1.0098101523050733 1.1970921653216648 1.3472273327812534 1.2079266619424585 1.2450735074994705 1.002071226147361 0.8318148506777348 0.38605270399360037 0.030062100738923243 -0.003989174355007293 -0.18508004644543605 -0.2516348114017388 -0.36617091853585604 -0.44665575057605145 -0.39867440839824586 -0.4373690391867985 +7417,-0.5611918577101599,0,0.2065096171347211 0.6089337773356631 0.8116936426676793 1.0098101523050733 1.1970921653216648 1.3472273327812534 1.2079266619424585 1.2450735074994705 1.002071226147361 0.8318148506777348 0.38605270399360037 0.030062100738923243 -0.003989174355007293 -0.18508004644543605 -0.2516348114017388 -0.36617091853585604 -0.44665575057605145 -0.39867440839824586 -0.4373690391867985 -0.4760636699753511 +7418,-0.39867440839824586,0,0.6089337773356631 0.8116936426676793 1.0098101523050733 1.1970921653216648 1.3472273327812534 1.2079266619424585 1.2450735074994705 1.002071226147361 0.8318148506777348 0.38605270399360037 0.030062100738923243 -0.003989174355007293 -0.18508004644543605 -0.2516348114017388 -0.36617091853585604 -0.44665575057605145 -0.39867440839824586 -0.4373690391867985 -0.4760636699753511 -0.5611918577101599 +7419,-0.3104506502003469,0,0.8116936426676793 1.0098101523050733 1.1970921653216648 1.3472273327812534 1.2079266619424585 1.2450735074994705 1.002071226147361 0.8318148506777348 0.38605270399360037 0.030062100738923243 -0.003989174355007293 -0.18508004644543605 -0.2516348114017388 -0.36617091853585604 -0.44665575057605145 -0.39867440839824586 -0.4373690391867985 -0.4760636699753511 -0.5611918577101599 -0.39867440839824586 +7420,-0.14948098611996483,0,1.0098101523050733 1.1970921653216648 1.3472273327812534 1.2079266619424585 1.2450735074994705 1.002071226147361 0.8318148506777348 0.38605270399360037 0.030062100738923243 -0.003989174355007293 -0.18508004644543605 -0.2516348114017388 -0.36617091853585604 -0.44665575057605145 -0.39867440839824586 -0.4373690391867985 -0.4760636699753511 -0.5611918577101599 -0.39867440839824586 -0.3104506502003469 +7421,0.16936277157770918,0,1.1970921653216648 1.3472273327812534 1.2079266619424585 1.2450735074994705 1.002071226147361 0.8318148506777348 0.38605270399360037 0.030062100738923243 -0.003989174355007293 -0.18508004644543605 -0.2516348114017388 -0.36617091853585604 -0.44665575057605145 -0.39867440839824586 -0.4373690391867985 -0.4760636699753511 -0.5611918577101599 -0.39867440839824586 -0.3104506502003469 -0.14948098611996483 +7422,0.57178693177866,0,1.3472273327812534 1.2079266619424585 1.2450735074994705 1.002071226147361 0.8318148506777348 0.38605270399360037 0.030062100738923243 -0.003989174355007293 -0.18508004644543605 -0.2516348114017388 -0.36617091853585604 -0.44665575057605145 -0.39867440839824586 -0.4373690391867985 -0.4760636699753511 -0.5611918577101599 -0.39867440839824586 -0.3104506502003469 -0.14948098611996483 0.16936277157770918 +7423,0.9742110919796021,0,1.2079266619424585 1.2450735074994705 1.002071226147361 0.8318148506777348 0.38605270399360037 0.030062100738923243 -0.003989174355007293 -0.18508004644543605 -0.2516348114017388 -0.36617091853585604 -0.44665575057605145 -0.39867440839824586 -0.4373690391867985 -0.4760636699753511 -0.5611918577101599 -0.39867440839824586 -0.3104506502003469 -0.14948098611996483 0.16936277157770918 0.57178693177866 +7424,1.159945319764653,0,1.2450735074994705 1.002071226147361 0.8318148506777348 0.38605270399360037 0.030062100738923243 -0.003989174355007293 -0.18508004644543605 -0.2516348114017388 -0.36617091853585604 -0.44665575057605145 -0.39867440839824586 -0.4373690391867985 -0.4760636699753511 -0.5611918577101599 -0.39867440839824586 -0.3104506502003469 -0.14948098611996483 0.16936277157770918 0.57178693177866 0.9742110919796021 +7425,1.241977937036389,0,1.002071226147361 0.8318148506777348 0.38605270399360037 0.030062100738923243 -0.003989174355007293 -0.18508004644543605 -0.2516348114017388 -0.36617091853585604 -0.44665575057605145 -0.39867440839824586 -0.4373690391867985 -0.4760636699753511 -0.5611918577101599 -0.39867440839824586 -0.3104506502003469 -0.14948098611996483 0.16936277157770918 0.57178693177866 0.9742110919796021 1.159945319764653 +7426,1.285315923519564,0,0.8318148506777348 0.38605270399360037 0.030062100738923243 -0.003989174355007293 -0.18508004644543605 -0.2516348114017388 -0.36617091853585604 -0.44665575057605145 -0.39867440839824586 -0.4373690391867985 -0.4760636699753511 -0.5611918577101599 -0.39867440839824586 -0.3104506502003469 -0.14948098611996483 0.16936277157770918 0.57178693177866 0.9742110919796021 1.159945319764653 1.241977937036389 +7427,1.390565319264428,0,0.38605270399360037 0.030062100738923243 -0.003989174355007293 -0.18508004644543605 -0.2516348114017388 -0.36617091853585604 -0.44665575057605145 -0.39867440839824586 -0.4373690391867985 -0.4760636699753511 -0.5611918577101599 -0.39867440839824586 -0.3104506502003469 -0.14948098611996483 0.16936277157770918 0.57178693177866 0.9742110919796021 1.159945319764653 1.241977937036389 1.285315923519564 +7428,1.3317494804658287,0,0.030062100738923243 -0.003989174355007293 -0.18508004644543605 -0.2516348114017388 -0.36617091853585604 -0.44665575057605145 -0.39867440839824586 -0.4373690391867985 -0.4760636699753511 -0.5611918577101599 -0.39867440839824586 -0.3104506502003469 -0.14948098611996483 0.16936277157770918 0.57178693177866 0.9742110919796021 1.159945319764653 1.241977937036389 1.285315923519564 1.390565319264428 +7429,1.1289896151338126,0,-0.003989174355007293 -0.18508004644543605 -0.2516348114017388 -0.36617091853585604 -0.44665575057605145 -0.39867440839824586 -0.4373690391867985 -0.4760636699753511 -0.5611918577101599 -0.39867440839824586 -0.3104506502003469 -0.14948098611996483 0.16936277157770918 0.57178693177866 0.9742110919796021 1.159945319764653 1.241977937036389 1.285315923519564 1.390565319264428 1.3317494804658287 +7430,0.8983696156340375,0,-0.18508004644543605 -0.2516348114017388 -0.36617091853585604 -0.44665575057605145 -0.39867440839824586 -0.4373690391867985 -0.4760636699753511 -0.5611918577101599 -0.39867440839824586 -0.3104506502003469 -0.14948098611996483 0.16936277157770918 0.57178693177866 0.9742110919796021 1.159945319764653 1.241977937036389 1.285315923519564 1.390565319264428 1.3317494804658287 1.1289896151338126 +7431,0.35974035505739094,0,-0.2516348114017388 -0.36617091853585604 -0.44665575057605145 -0.39867440839824586 -0.4373690391867985 -0.4760636699753511 -0.5611918577101599 -0.39867440839824586 -0.3104506502003469 -0.14948098611996483 0.16936277157770918 0.57178693177866 0.9742110919796021 1.159945319764653 1.241977937036389 1.285315923519564 1.390565319264428 1.3317494804658287 1.1289896151338126 0.8983696156340375 +7432,0.07030451675901657,0,-0.36617091853585604 -0.44665575057605145 -0.39867440839824586 -0.4373690391867985 -0.4760636699753511 -0.5611918577101599 -0.39867440839824586 -0.3104506502003469 -0.14948098611996483 0.16936277157770918 0.57178693177866 0.9742110919796021 1.159945319764653 1.241977937036389 1.285315923519564 1.390565319264428 1.3317494804658287 1.1289896151338126 0.8983696156340375 0.35974035505739094 +7433,-0.06899615407977817,0,-0.44665575057605145 -0.39867440839824586 -0.4373690391867985 -0.4760636699753511 -0.5611918577101599 -0.39867440839824586 -0.3104506502003469 -0.14948098611996483 0.16936277157770918 0.57178693177866 0.9742110919796021 1.159945319764653 1.241977937036389 1.285315923519564 1.390565319264428 1.3317494804658287 1.1289896151338126 0.8983696156340375 0.35974035505739094 0.07030451675901657 +7434,-0.09376071778444693,0,-0.39867440839824586 -0.4373690391867985 -0.4760636699753511 -0.5611918577101599 -0.39867440839824586 -0.3104506502003469 -0.14948098611996483 0.16936277157770918 0.57178693177866 0.9742110919796021 1.159945319764653 1.241977937036389 1.285315923519564 1.390565319264428 1.3317494804658287 1.1289896151338126 0.8983696156340375 0.35974035505739094 0.07030451675901657 -0.06899615407977817 +7435,-0.15567212704613642,0,-0.4373690391867985 -0.4760636699753511 -0.5611918577101599 -0.39867440839824586 -0.3104506502003469 -0.14948098611996483 0.16936277157770918 0.57178693177866 0.9742110919796021 1.159945319764653 1.241977937036389 1.285315923519564 1.390565319264428 1.3317494804658287 1.1289896151338126 0.8983696156340375 0.35974035505739094 0.07030451675901657 -0.06899615407977817 -0.09376071778444693 +7436,-0.25318259663328835,0,-0.4760636699753511 -0.5611918577101599 -0.39867440839824586 -0.3104506502003469 -0.14948098611996483 0.16936277157770918 0.57178693177866 0.9742110919796021 1.159945319764653 1.241977937036389 1.285315923519564 1.390565319264428 1.3317494804658287 1.1289896151338126 0.8983696156340375 0.35974035505739094 0.07030451675901657 -0.06899615407977817 -0.09376071778444693 -0.15567212704613642 +7437,-0.3491452809888996,0,-0.5611918577101599 -0.39867440839824586 -0.3104506502003469 -0.14948098611996483 0.16936277157770918 0.57178693177866 0.9742110919796021 1.159945319764653 1.241977937036389 1.285315923519564 1.390565319264428 1.3317494804658287 1.1289896151338126 0.8983696156340375 0.35974035505739094 0.07030451675901657 -0.06899615407977817 -0.09376071778444693 -0.15567212704613642 -0.25318259663328835 +7438,-0.38319655608282127,0,-0.39867440839824586 -0.3104506502003469 -0.14948098611996483 0.16936277157770918 0.57178693177866 0.9742110919796021 1.159945319764653 1.241977937036389 1.285315923519564 1.390565319264428 1.3317494804658287 1.1289896151338126 0.8983696156340375 0.35974035505739094 0.07030451675901657 -0.06899615407977817 -0.09376071778444693 -0.15567212704613642 -0.25318259663328835 -0.3491452809888996 +7439,-0.7230128036678876,0,-0.3104506502003469 -0.14948098611996483 0.16936277157770918 0.57178693177866 0.9742110919796021 1.159945319764653 1.241977937036389 1.285315923519564 1.390565319264428 1.3317494804658287 1.1289896151338126 0.8983696156340375 0.35974035505739094 0.07030451675901657 -0.06899615407977817 -0.09376071778444693 -0.15567212704613642 -0.25318259663328835 -0.3491452809888996 -0.38319655608282127 +7440,-0.36152756284123394,0,-0.14948098611996483 0.16936277157770918 0.57178693177866 0.9742110919796021 1.159945319764653 1.241977937036389 1.285315923519564 1.390565319264428 1.3317494804658287 1.1289896151338126 0.8983696156340375 0.35974035505739094 0.07030451675901657 -0.06899615407977817 -0.09376071778444693 -0.15567212704613642 -0.25318259663328835 -0.3491452809888996 -0.38319655608282127 -0.7230128036678876 +7441,-0.356884207146603,0,0.16936277157770918 0.57178693177866 0.9742110919796021 1.159945319764653 1.241977937036389 1.285315923519564 1.390565319264428 1.3317494804658287 1.1289896151338126 0.8983696156340375 0.35974035505739094 0.07030451675901657 -0.06899615407977817 -0.09376071778444693 -0.15567212704613642 -0.25318259663328835 -0.3491452809888996 -0.38319655608282127 -0.7230128036678876 -0.36152756284123394 +7442,-0.3228329320526813,0,0.57178693177866 0.9742110919796021 1.159945319764653 1.241977937036389 1.285315923519564 1.390565319264428 1.3317494804658287 1.1289896151338126 0.8983696156340375 0.35974035505739094 0.07030451675901657 -0.06899615407977817 -0.09376071778444693 -0.15567212704613642 -0.25318259663328835 -0.3491452809888996 -0.38319655608282127 -0.7230128036678876 -0.36152756284123394 -0.356884207146603 +7443,-0.15721991227767712,0,0.9742110919796021 1.159945319764653 1.241977937036389 1.285315923519564 1.390565319264428 1.3317494804658287 1.1289896151338126 0.8983696156340375 0.35974035505739094 0.07030451675901657 -0.06899615407977817 -0.09376071778444693 -0.15567212704613642 -0.25318259663328835 -0.3491452809888996 -0.38319655608282127 -0.7230128036678876 -0.36152756284123394 -0.356884207146603 -0.3228329320526813 +7444,0.17152967090186969,0,1.159945319764653 1.241977937036389 1.285315923519564 1.390565319264428 1.3317494804658287 1.1289896151338126 0.8983696156340375 0.35974035505739094 0.07030451675901657 -0.06899615407977817 -0.09376071778444693 -0.15567212704613642 -0.25318259663328835 -0.3491452809888996 -0.38319655608282127 -0.7230128036678876 -0.36152756284123394 -0.356884207146603 -0.3228329320526813 -0.15721991227767712 +7445,0.5002792540814077,0,1.241977937036389 1.285315923519564 1.390565319264428 1.3317494804658287 1.1289896151338126 0.8983696156340375 0.35974035505739094 0.07030451675901657 -0.06899615407977817 -0.09376071778444693 -0.15567212704613642 -0.25318259663328835 -0.3491452809888996 -0.38319655608282127 -0.7230128036678876 -0.36152756284123394 -0.356884207146603 -0.3228329320526813 -0.15721991227767712 0.17152967090186969 +7446,0.6147379719539496,0,1.285315923519564 1.390565319264428 1.3317494804658287 1.1289896151338126 0.8983696156340375 0.35974035505739094 0.07030451675901657 -0.06899615407977817 -0.09376071778444693 -0.15567212704613642 -0.25318259663328835 -0.3491452809888996 -0.38319655608282127 -0.7230128036678876 -0.36152756284123394 -0.356884207146603 -0.3228329320526813 -0.15721991227767712 0.17152967090186969 0.5002792540814077 +7447,0.8720572666978281,0,1.390565319264428 1.3317494804658287 1.1289896151338126 0.8983696156340375 0.35974035505739094 0.07030451675901657 -0.06899615407977817 -0.09376071778444693 -0.15567212704613642 -0.25318259663328835 -0.3491452809888996 -0.38319655608282127 -0.7230128036678876 -0.36152756284123394 -0.356884207146603 -0.3228329320526813 -0.15721991227767712 0.17152967090186969 0.5002792540814077 0.6147379719539496 +7448,1.0036190113789016,0,1.3317494804658287 1.1289896151338126 0.8983696156340375 0.35974035505739094 0.07030451675901657 -0.06899615407977817 -0.09376071778444693 -0.15567212704613642 -0.25318259663328835 -0.3491452809888996 -0.38319655608282127 -0.7230128036678876 -0.36152756284123394 -0.356884207146603 -0.3228329320526813 -0.15721991227767712 0.17152967090186969 0.5002792540814077 0.6147379719539496 0.8720572666978281 +7449,1.1073206218922251,0,1.1289896151338126 0.8983696156340375 0.35974035505739094 0.07030451675901657 -0.06899615407977817 -0.09376071778444693 -0.15567212704613642 -0.25318259663328835 -0.3491452809888996 -0.38319655608282127 -0.7230128036678876 -0.36152756284123394 -0.356884207146603 -0.3228329320526813 -0.15721991227767712 0.17152967090186969 0.5002792540814077 0.6147379719539496 0.8720572666978281 1.0036190113789016 +7450,1.0980339105029722,0,0.8983696156340375 0.35974035505739094 0.07030451675901657 -0.06899615407977817 -0.09376071778444693 -0.15567212704613642 -0.25318259663328835 -0.3491452809888996 -0.38319655608282127 -0.7230128036678876 -0.36152756284123394 -0.356884207146603 -0.3228329320526813 -0.15721991227767712 0.17152967090186969 0.5002792540814077 0.6147379719539496 0.8720572666978281 1.0036190113789016 1.1073206218922251 +7451,1.0887471991137192,0,0.35974035505739094 0.07030451675901657 -0.06899615407977817 -0.09376071778444693 -0.15567212704613642 -0.25318259663328835 -0.3491452809888996 -0.38319655608282127 -0.7230128036678876 -0.36152756284123394 -0.356884207146603 -0.3228329320526813 -0.15721991227767712 0.17152967090186969 0.5002792540814077 0.6147379719539496 0.8720572666978281 1.0036190113789016 1.1073206218922251 1.0980339105029722 +7452,1.0794604877244662,0,0.07030451675901657 -0.06899615407977817 -0.09376071778444693 -0.15567212704613642 -0.25318259663328835 -0.3491452809888996 -0.38319655608282127 -0.7230128036678876 -0.36152756284123394 -0.356884207146603 -0.3228329320526813 -0.15721991227767712 0.17152967090186969 0.5002792540814077 0.6147379719539496 0.8720572666978281 1.0036190113789016 1.1073206218922251 1.0980339105029722 1.0887471991137192 +7453,0.8906306894763341,0,-0.06899615407977817 -0.09376071778444693 -0.15567212704613642 -0.25318259663328835 -0.3491452809888996 -0.38319655608282127 -0.7230128036678876 -0.36152756284123394 -0.356884207146603 -0.3228329320526813 -0.15721991227767712 0.17152967090186969 0.5002792540814077 0.6147379719539496 0.8720572666978281 1.0036190113789016 1.1073206218922251 1.0980339105029722 1.0887471991137192 1.0794604877244662 +7454,0.5269011600639358,0,-0.09376071778444693 -0.15567212704613642 -0.25318259663328835 -0.3491452809888996 -0.38319655608282127 -0.7230128036678876 -0.36152756284123394 -0.356884207146603 -0.3228329320526813 -0.15721991227767712 0.17152967090186969 0.5002792540814077 0.6147379719539496 0.8720572666978281 1.0036190113789016 1.1073206218922251 1.0980339105029722 1.0887471991137192 1.0794604877244662 0.8906306894763341 +7455,0.27600517403096353,0,-0.15567212704613642 -0.25318259663328835 -0.3491452809888996 -0.38319655608282127 -0.7230128036678876 -0.36152756284123394 -0.356884207146603 -0.3228329320526813 -0.15721991227767712 0.17152967090186969 0.5002792540814077 0.6147379719539496 0.8720572666978281 1.0036190113789016 1.1073206218922251 1.0980339105029722 1.0887471991137192 1.0794604877244662 0.8906306894763341 0.5269011600639358 +7456,0.15450403335490442,0,-0.25318259663328835 -0.3491452809888996 -0.38319655608282127 -0.7230128036678876 -0.36152756284123394 -0.356884207146603 -0.3228329320526813 -0.15721991227767712 0.17152967090186969 0.5002792540814077 0.6147379719539496 0.8720572666978281 1.0036190113789016 1.1073206218922251 1.0980339105029722 1.0887471991137192 1.0794604877244662 0.8906306894763341 0.5269011600639358 0.27600517403096353 +7457,-0.16108937535652884,0,-0.3491452809888996 -0.38319655608282127 -0.7230128036678876 -0.36152756284123394 -0.356884207146603 -0.3228329320526813 -0.15721991227767712 0.17152967090186969 0.5002792540814077 0.6147379719539496 0.8720572666978281 1.0036190113789016 1.1073206218922251 1.0980339105029722 1.0887471991137192 1.0794604877244662 0.8906306894763341 0.5269011600639358 0.27600517403096353 0.15450403335490442 +7458,-0.09221293255290623,0,-0.38319655608282127 -0.7230128036678876 -0.36152756284123394 -0.356884207146603 -0.3228329320526813 -0.15721991227767712 0.17152967090186969 0.5002792540814077 0.6147379719539496 0.8720572666978281 1.0036190113789016 1.1073206218922251 1.0980339105029722 1.0887471991137192 1.0794604877244662 0.8906306894763341 0.5269011600639358 0.27600517403096353 0.15450403335490442 -0.16108937535652884 +7459,-0.14328984519379323,0,-0.7230128036678876 -0.36152756284123394 -0.356884207146603 -0.3228329320526813 -0.15721991227767712 0.17152967090186969 0.5002792540814077 0.6147379719539496 0.8720572666978281 1.0036190113789016 1.1073206218922251 1.0980339105029722 1.0887471991137192 1.0794604877244662 0.8906306894763341 0.5269011600639358 0.27600517403096353 0.15450403335490442 -0.16108937535652884 -0.09221293255290623 +7460,-0.3166417911265097,0,-0.36152756284123394 -0.356884207146603 -0.3228329320526813 -0.15721991227767712 0.17152967090186969 0.5002792540814077 0.6147379719539496 0.8720572666978281 1.0036190113789016 1.1073206218922251 1.0980339105029722 1.0887471991137192 1.0794604877244662 0.8906306894763341 0.5269011600639358 0.27600517403096353 0.15450403335490442 -0.16108937535652884 -0.09221293255290623 -0.14328984519379323 +7461,-0.3135462206634283,0,-0.356884207146603 -0.3228329320526813 -0.15721991227767712 0.17152967090186969 0.5002792540814077 0.6147379719539496 0.8720572666978281 1.0036190113789016 1.1073206218922251 1.0980339105029722 1.0887471991137192 1.0794604877244662 0.8906306894763341 0.5269011600639358 0.27600517403096353 0.15450403335490442 -0.16108937535652884 -0.09221293255290623 -0.14328984519379323 -0.3166417911265097 +7462,-0.394031052703615,0,-0.3228329320526813 -0.15721991227767712 0.17152967090186969 0.5002792540814077 0.6147379719539496 0.8720572666978281 1.0036190113789016 1.1073206218922251 1.0980339105029722 1.0887471991137192 1.0794604877244662 0.8906306894763341 0.5269011600639358 0.27600517403096353 0.15450403335490442 -0.16108937535652884 -0.09221293255290623 -0.14328984519379323 -0.3166417911265097 -0.3135462206634283 +7463,-0.3893876970089929,0,-0.15721991227767712 0.17152967090186969 0.5002792540814077 0.6147379719539496 0.8720572666978281 1.0036190113789016 1.1073206218922251 1.0980339105029722 1.0887471991137192 1.0794604877244662 0.8906306894763341 0.5269011600639358 0.27600517403096353 0.15450403335490442 -0.16108937535652884 -0.09221293255290623 -0.14328984519379323 -0.3166417911265097 -0.3135462206634283 -0.394031052703615 +7464,-0.4420123948814206,0,0.17152967090186969 0.5002792540814077 0.6147379719539496 0.8720572666978281 1.0036190113789016 1.1073206218922251 1.0980339105029722 1.0887471991137192 1.0794604877244662 0.8906306894763341 0.5269011600639358 0.27600517403096353 0.15450403335490442 -0.16108937535652884 -0.09221293255290623 -0.14328984519379323 -0.3166417911265097 -0.3135462206634283 -0.394031052703615 -0.3893876970089929 +7465,-0.445107965344502,0,0.5002792540814077 0.6147379719539496 0.8720572666978281 1.0036190113789016 1.1073206218922251 1.0980339105029722 1.0887471991137192 1.0794604877244662 0.8906306894763341 0.5269011600639358 0.27600517403096353 0.15450403335490442 -0.16108937535652884 -0.09221293255290623 -0.14328984519379323 -0.3166417911265097 -0.3135462206634283 -0.394031052703615 -0.3893876970089929 -0.4420123948814206 +7466,-0.47142031428072023,0,0.6147379719539496 0.8720572666978281 1.0036190113789016 1.1073206218922251 1.0980339105029722 1.0887471991137192 1.0794604877244662 0.8906306894763341 0.5269011600639358 0.27600517403096353 0.15450403335490442 -0.16108937535652884 -0.09221293255290623 -0.14328984519379323 -0.3166417911265097 -0.3135462206634283 -0.394031052703615 -0.3893876970089929 -0.4420123948814206 -0.445107965344502 +7467,-0.29342501265338167,0,0.8720572666978281 1.0036190113789016 1.1073206218922251 1.0980339105029722 1.0887471991137192 1.0794604877244662 0.8906306894763341 0.5269011600639358 0.27600517403096353 0.15450403335490442 -0.16108937535652884 -0.09221293255290623 -0.14328984519379323 -0.3166417911265097 -0.3135462206634283 -0.394031052703615 -0.3893876970089929 -0.4420123948814206 -0.445107965344502 -0.47142031428072023 +7468,-0.025658167596594655,0,1.0036190113789016 1.1073206218922251 1.0980339105029722 1.0887471991137192 1.0794604877244662 0.8906306894763341 0.5269011600639358 0.27600517403096353 0.15450403335490442 -0.16108937535652884 -0.09221293255290623 -0.14328984519379323 -0.3166417911265097 -0.3135462206634283 -0.394031052703615 -0.3893876970089929 -0.4420123948814206 -0.445107965344502 -0.47142031428072023 -0.29342501265338167 +7469,0.17555391250388078,0,1.1073206218922251 1.0980339105029722 1.0887471991137192 1.0794604877244662 0.8906306894763341 0.5269011600639358 0.27600517403096353 0.15450403335490442 -0.16108937535652884 -0.09221293255290623 -0.14328984519379323 -0.3166417911265097 -0.3135462206634283 -0.394031052703615 -0.3893876970089929 -0.4420123948814206 -0.445107965344502 -0.47142031428072023 -0.29342501265338167 -0.025658167596594655 +7470,0.4309384757083246,0,1.0980339105029722 1.0887471991137192 1.0794604877244662 0.8906306894763341 0.5269011600639358 0.27600517403096353 0.15450403335490442 -0.16108937535652884 -0.09221293255290623 -0.14328984519379323 -0.3166417911265097 -0.3135462206634283 -0.394031052703615 -0.3893876970089929 -0.4420123948814206 -0.445107965344502 -0.47142031428072023 -0.29342501265338167 -0.025658167596594655 0.17555391250388078 +7471,0.8008591460468856,0,1.0887471991137192 1.0794604877244662 0.8906306894763341 0.5269011600639358 0.27600517403096353 0.15450403335490442 -0.16108937535652884 -0.09221293255290623 -0.14328984519379323 -0.3166417911265097 -0.3135462206634283 -0.394031052703615 -0.3893876970089929 -0.4420123948814206 -0.445107965344502 -0.47142031428072023 -0.29342501265338167 -0.025658167596594655 0.17555391250388078 0.4309384757083246 +7472,1.0794604877244662,0,1.0794604877244662 0.8906306894763341 0.5269011600639358 0.27600517403096353 0.15450403335490442 -0.16108937535652884 -0.09221293255290623 -0.14328984519379323 -0.3166417911265097 -0.3135462206634283 -0.394031052703615 -0.3893876970089929 -0.4420123948814206 -0.445107965344502 -0.47142031428072023 -0.29342501265338167 -0.025658167596594655 0.17555391250388078 0.4309384757083246 0.8008591460468856 +7473,1.1862576687008712,0,0.8906306894763341 0.5269011600639358 0.27600517403096353 0.15450403335490442 -0.16108937535652884 -0.09221293255290623 -0.14328984519379323 -0.3166417911265097 -0.3135462206634283 -0.394031052703615 -0.3893876970089929 -0.4420123948814206 -0.445107965344502 -0.47142031428072023 -0.29342501265338167 -0.025658167596594655 0.17555391250388078 0.4309384757083246 0.8008591460468856 1.0794604877244662 +7474,1.223404514257883,0,0.5269011600639358 0.27600517403096353 0.15450403335490442 -0.16108937535652884 -0.09221293255290623 -0.14328984519379323 -0.3166417911265097 -0.3135462206634283 -0.394031052703615 -0.3893876970089929 -0.4420123948814206 -0.445107965344502 -0.47142031428072023 -0.29342501265338167 -0.025658167596594655 0.17555391250388078 0.4309384757083246 0.8008591460468856 1.0794604877244662 1.1862576687008712 +7475,1.209474447174008,0,0.27600517403096353 0.15450403335490442 -0.16108937535652884 -0.09221293255290623 -0.14328984519379323 -0.3166417911265097 -0.3135462206634283 -0.394031052703615 -0.3893876970089929 -0.4420123948814206 -0.445107965344502 -0.47142031428072023 -0.29342501265338167 -0.025658167596594655 0.17555391250388078 0.4309384757083246 0.8008591460468856 1.0794604877244662 1.1862576687008712 1.223404514257883 +7476,1.1336329708284434,0,0.15450403335490442 -0.16108937535652884 -0.09221293255290623 -0.14328984519379323 -0.3166417911265097 -0.3135462206634283 -0.394031052703615 -0.3893876970089929 -0.4420123948814206 -0.445107965344502 -0.47142031428072023 -0.29342501265338167 -0.025658167596594655 0.17555391250388078 0.4309384757083246 0.8008591460468856 1.0794604877244662 1.1862576687008712 1.223404514257883 1.209474447174008 +7477,0.7729990118791267,0,-0.16108937535652884 -0.09221293255290623 -0.14328984519379323 -0.3166417911265097 -0.3135462206634283 -0.394031052703615 -0.3893876970089929 -0.4420123948814206 -0.445107965344502 -0.47142031428072023 -0.29342501265338167 -0.025658167596594655 0.17555391250388078 0.4309384757083246 0.8008591460468856 1.0794604877244662 1.1862576687008712 1.223404514257883 1.209474447174008 1.1336329708284434 +7478,0.5083277372854299,0,-0.09221293255290623 -0.14328984519379323 -0.3166417911265097 -0.3135462206634283 -0.394031052703615 -0.3893876970089929 -0.4420123948814206 -0.445107965344502 -0.47142031428072023 -0.29342501265338167 -0.025658167596594655 0.17555391250388078 0.4309384757083246 0.8008591460468856 1.0794604877244662 1.1862576687008712 1.223404514257883 1.209474447174008 1.1336329708284434 0.7729990118791267 +7479,0.20341404667163973,0,-0.14328984519379323 -0.3166417911265097 -0.3135462206634283 -0.394031052703615 -0.3893876970089929 -0.4420123948814206 -0.445107965344502 -0.47142031428072023 -0.29342501265338167 -0.025658167596594655 0.17555391250388078 0.4309384757083246 0.8008591460468856 1.0794604877244662 1.1862576687008712 1.223404514257883 1.209474447174008 1.1336329708284434 0.7729990118791267 0.5083277372854299 +7480,0.19722290574546814,0,-0.3166417911265097 -0.3135462206634283 -0.394031052703615 -0.3893876970089929 -0.4420123948814206 -0.445107965344502 -0.47142031428072023 -0.29342501265338167 -0.025658167596594655 0.17555391250388078 0.4309384757083246 0.8008591460468856 1.0794604877244662 1.1862576687008712 1.223404514257883 1.209474447174008 1.1336329708284434 0.7729990118791267 0.5083277372854299 0.20341404667163973 +7481,0.02077538934967026,0,-0.3135462206634283 -0.394031052703615 -0.3893876970089929 -0.4420123948814206 -0.445107965344502 -0.47142031428072023 -0.29342501265338167 -0.025658167596594655 0.17555391250388078 0.4309384757083246 0.8008591460468856 1.0794604877244662 1.1862576687008712 1.223404514257883 1.209474447174008 1.1336329708284434 0.7729990118791267 0.5083277372854299 0.20341404667163973 0.19722290574546814 +7482,-0.15567212704613642,0,-0.394031052703615 -0.3893876970089929 -0.4420123948814206 -0.445107965344502 -0.47142031428072023 -0.29342501265338167 -0.025658167596594655 0.17555391250388078 0.4309384757083246 0.8008591460468856 1.0794604877244662 1.1862576687008712 1.223404514257883 1.209474447174008 1.1336329708284434 0.7729990118791267 0.5083277372854299 0.20341404667163973 0.19722290574546814 0.02077538934967026 +7483,-0.2500870261701981,0,-0.3893876970089929 -0.4420123948814206 -0.445107965344502 -0.47142031428072023 -0.29342501265338167 -0.025658167596594655 0.17555391250388078 0.4309384757083246 0.8008591460468856 1.0794604877244662 1.1862576687008712 1.223404514257883 1.209474447174008 1.1336329708284434 0.7729990118791267 0.5083277372854299 0.20341404667163973 0.19722290574546814 0.02077538934967026 -0.15567212704613642 +7484,-0.30425950927417533,0,-0.4420123948814206 -0.445107965344502 -0.47142031428072023 -0.29342501265338167 -0.025658167596594655 0.17555391250388078 0.4309384757083246 0.8008591460468856 1.0794604877244662 1.1862576687008712 1.223404514257883 1.209474447174008 1.1336329708284434 0.7729990118791267 0.5083277372854299 0.20341404667163973 0.19722290574546814 0.02077538934967026 -0.15567212704613642 -0.2500870261701981 +7485,-0.3878399117774522,0,-0.445107965344502 -0.47142031428072023 -0.29342501265338167 -0.025658167596594655 0.17555391250388078 0.4309384757083246 0.8008591460468856 1.0794604877244662 1.1862576687008712 1.223404514257883 1.209474447174008 1.1336329708284434 0.7729990118791267 0.5083277372854299 0.20341404667163973 0.19722290574546814 0.02077538934967026 -0.15567212704613642 -0.2500870261701981 -0.30425950927417533 +7486,-0.39712662316670516,0,-0.47142031428072023 -0.29342501265338167 -0.025658167596594655 0.17555391250388078 0.4309384757083246 0.8008591460468856 1.0794604877244662 1.1862576687008712 1.223404514257883 1.209474447174008 1.1336329708284434 0.7729990118791267 0.5083277372854299 0.20341404667163973 0.19722290574546814 0.02077538934967026 -0.15567212704613642 -0.2500870261701981 -0.30425950927417533 -0.3878399117774522 +7487,-0.5101149450692729,0,-0.29342501265338167 -0.025658167596594655 0.17555391250388078 0.4309384757083246 0.8008591460468856 1.0794604877244662 1.1862576687008712 1.223404514257883 1.209474447174008 1.1336329708284434 0.7729990118791267 0.5083277372854299 0.20341404667163973 0.19722290574546814 0.02077538934967026 -0.15567212704613642 -0.2500870261701981 -0.30425950927417533 -0.3878399117774522 -0.39712662316670516 +7488,-0.25782595232791045,0,-0.025658167596594655 0.17555391250388078 0.4309384757083246 0.8008591460468856 1.0794604877244662 1.1862576687008712 1.223404514257883 1.209474447174008 1.1336329708284434 0.7729990118791267 0.5083277372854299 0.20341404667163973 0.19722290574546814 0.02077538934967026 -0.15567212704613642 -0.2500870261701981 -0.30425950927417533 -0.3878399117774522 -0.39712662316670516 -0.5101149450692729 +7489,-0.3522408514519809,0,0.17555391250388078 0.4309384757083246 0.8008591460468856 1.0794604877244662 1.1862576687008712 1.223404514257883 1.209474447174008 1.1336329708284434 0.7729990118791267 0.5083277372854299 0.20341404667163973 0.19722290574546814 0.02077538934967026 -0.15567212704613642 -0.2500870261701981 -0.30425950927417533 -0.3878399117774522 -0.39712662316670516 -0.5101149450692729 -0.25782595232791045 +7490,-0.394031052703615,0,0.4309384757083246 0.8008591460468856 1.0794604877244662 1.1862576687008712 1.223404514257883 1.209474447174008 1.1336329708284434 0.7729990118791267 0.5083277372854299 0.20341404667163973 0.19722290574546814 0.02077538934967026 -0.15567212704613642 -0.2500870261701981 -0.30425950927417533 -0.3878399117774522 -0.39712662316670516 -0.5101149450692729 -0.25782595232791045 -0.3522408514519809 +7491,-0.08137843593211255,0,0.8008591460468856 1.0794604877244662 1.1862576687008712 1.223404514257883 1.209474447174008 1.1336329708284434 0.7729990118791267 0.5083277372854299 0.20341404667163973 0.19722290574546814 0.02077538934967026 -0.15567212704613642 -0.2500870261701981 -0.30425950927417533 -0.3878399117774522 -0.39712662316670516 -0.5101149450692729 -0.25782595232791045 -0.3522408514519809 -0.394031052703615 +7492,0.1616238454199969,0,1.0794604877244662 1.1862576687008712 1.223404514257883 1.209474447174008 1.1336329708284434 0.7729990118791267 0.5083277372854299 0.20341404667163973 0.19722290574546814 0.02077538934967026 -0.15567212704613642 -0.2500870261701981 -0.30425950927417533 -0.3878399117774522 -0.39712662316670516 -0.5101149450692729 -0.25782595232791045 -0.3522408514519809 -0.394031052703615 -0.08137843593211255 +7493,0.373670422141266,0,1.1862576687008712 1.223404514257883 1.209474447174008 1.1336329708284434 0.7729990118791267 0.5083277372854299 0.20341404667163973 0.19722290574546814 0.02077538934967026 -0.15567212704613642 -0.2500870261701981 -0.30425950927417533 -0.3878399117774522 -0.39712662316670516 -0.5101149450692729 -0.25782595232791045 -0.3522408514519809 -0.394031052703615 -0.08137843593211255 0.1616238454199969 +7494,0.5733347170102008,0,1.223404514257883 1.209474447174008 1.1336329708284434 0.7729990118791267 0.5083277372854299 0.20341404667163973 0.19722290574546814 0.02077538934967026 -0.15567212704613642 -0.2500870261701981 -0.30425950927417533 -0.3878399117774522 -0.39712662316670516 -0.5101149450692729 -0.25782595232791045 -0.3522408514519809 -0.394031052703615 -0.08137843593211255 0.1616238454199969 0.373670422141266 +7495,1.3007937758349883,0,1.209474447174008 1.1336329708284434 0.7729990118791267 0.5083277372854299 0.20341404667163973 0.19722290574546814 0.02077538934967026 -0.15567212704613642 -0.2500870261701981 -0.30425950927417533 -0.3878399117774522 -0.39712662316670516 -0.5101149450692729 -0.25782595232791045 -0.3522408514519809 -0.394031052703615 -0.08137843593211255 0.1616238454199969 0.373670422141266 0.5733347170102008 +7496,1.5174837082508796,0,1.1336329708284434 0.7729990118791267 0.5083277372854299 0.20341404667163973 0.19722290574546814 0.02077538934967026 -0.15567212704613642 -0.2500870261701981 -0.30425950927417533 -0.3878399117774522 -0.39712662316670516 -0.5101149450692729 -0.25782595232791045 -0.3522408514519809 -0.394031052703615 -0.08137843593211255 0.1616238454199969 0.373670422141266 0.5733347170102008 1.3007937758349883 +7497,1.7032179360359392,0,0.7729990118791267 0.5083277372854299 0.20341404667163973 0.19722290574546814 0.02077538934967026 -0.15567212704613642 -0.2500870261701981 -0.30425950927417533 -0.3878399117774522 -0.39712662316670516 -0.5101149450692729 -0.25782595232791045 -0.3522408514519809 -0.394031052703615 -0.08137843593211255 0.1616238454199969 0.373670422141266 0.5733347170102008 1.3007937758349883 1.5174837082508796 +7498,1.7341736406667796,0,0.5083277372854299 0.20341404667163973 0.19722290574546814 0.02077538934967026 -0.15567212704613642 -0.2500870261701981 -0.30425950927417533 -0.3878399117774522 -0.39712662316670516 -0.5101149450692729 -0.25782595232791045 -0.3522408514519809 -0.394031052703615 -0.08137843593211255 0.1616238454199969 0.373670422141266 0.5733347170102008 1.3007937758349883 1.5174837082508796 1.7032179360359392 +7499,1.625828674458834,0,0.20341404667163973 0.19722290574546814 0.02077538934967026 -0.15567212704613642 -0.2500870261701981 -0.30425950927417533 -0.3878399117774522 -0.39712662316670516 -0.5101149450692729 -0.25782595232791045 -0.3522408514519809 -0.394031052703615 -0.08137843593211255 0.1616238454199969 0.373670422141266 0.5733347170102008 1.3007937758349883 1.5174837082508796 1.7032179360359392 1.7341736406667796 +7500,1.5174837082508796,0,0.19722290574546814 0.02077538934967026 -0.15567212704613642 -0.2500870261701981 -0.30425950927417533 -0.3878399117774522 -0.39712662316670516 -0.5101149450692729 -0.25782595232791045 -0.3522408514519809 -0.394031052703615 -0.08137843593211255 0.1616238454199969 0.373670422141266 0.5733347170102008 1.3007937758349883 1.5174837082508796 1.7032179360359392 1.7341736406667796 1.625828674458834 +7501,1.3317494804658287,0,0.02077538934967026 -0.15567212704613642 -0.2500870261701981 -0.30425950927417533 -0.3878399117774522 -0.39712662316670516 -0.5101149450692729 -0.25782595232791045 -0.3522408514519809 -0.394031052703615 -0.08137843593211255 0.1616238454199969 0.373670422141266 0.5733347170102008 1.3007937758349883 1.5174837082508796 1.7032179360359392 1.7341736406667796 1.625828674458834 1.5174837082508796 +7502,0.701800891228193,0,-0.15567212704613642 -0.2500870261701981 -0.30425950927417533 -0.3878399117774522 -0.39712662316670516 -0.5101149450692729 -0.25782595232791045 -0.3522408514519809 -0.394031052703615 -0.08137843593211255 0.1616238454199969 0.373670422141266 0.5733347170102008 1.3007937758349883 1.5174837082508796 1.7032179360359392 1.7341736406667796 1.625828674458834 1.5174837082508796 1.3317494804658287 +7503,0.24520424792327375,0,-0.2500870261701981 -0.30425950927417533 -0.3878399117774522 -0.39712662316670516 -0.5101149450692729 -0.25782595232791045 -0.3522408514519809 -0.394031052703615 -0.08137843593211255 0.1616238454199969 0.373670422141266 0.5733347170102008 1.3007937758349883 1.5174837082508796 1.7032179360359392 1.7341736406667796 1.625828674458834 1.5174837082508796 1.3317494804658287 0.701800891228193 +7504,-0.17424554982463358,0,-0.30425950927417533 -0.3878399117774522 -0.39712662316670516 -0.5101149450692729 -0.25782595232791045 -0.3522408514519809 -0.394031052703615 -0.08137843593211255 0.1616238454199969 0.373670422141266 0.5733347170102008 1.3007937758349883 1.5174837082508796 1.7032179360359392 1.7341736406667796 1.625828674458834 1.5174837082508796 1.3317494804658287 0.701800891228193 0.24520424792327375 +7505,0.033157671202004635,0,-0.3878399117774522 -0.39712662316670516 -0.5101149450692729 -0.25782595232791045 -0.3522408514519809 -0.394031052703615 -0.08137843593211255 0.1616238454199969 0.373670422141266 0.5733347170102008 1.3007937758349883 1.5174837082508796 1.7032179360359392 1.7341736406667796 1.625828674458834 1.5174837082508796 1.3317494804658287 0.701800891228193 0.24520424792327375 -0.17424554982463358 +7506,-0.13864648949917113,0,-0.39712662316670516 -0.5101149450692729 -0.25782595232791045 -0.3522408514519809 -0.394031052703615 -0.08137843593211255 0.1616238454199969 0.373670422141266 0.5733347170102008 1.3007937758349883 1.5174837082508796 1.7032179360359392 1.7341736406667796 1.625828674458834 1.5174837082508796 1.3317494804658287 0.701800891228193 0.24520424792327375 -0.17424554982463358 0.033157671202004635 +7507,-0.20055789876085184,0,-0.5101149450692729 -0.25782595232791045 -0.3522408514519809 -0.394031052703615 -0.08137843593211255 0.1616238454199969 0.373670422141266 0.5733347170102008 1.3007937758349883 1.5174837082508796 1.7032179360359392 1.7341736406667796 1.625828674458834 1.5174837082508796 1.3317494804658287 0.701800891228193 0.24520424792327375 -0.17424554982463358 0.033157671202004635 -0.13864648949917113 +7508,-0.36771870376739674,0,-0.25782595232791045 -0.3522408514519809 -0.394031052703615 -0.08137843593211255 0.1616238454199969 0.373670422141266 0.5733347170102008 1.3007937758349883 1.5174837082508796 1.7032179360359392 1.7341736406667796 1.625828674458834 1.5174837082508796 1.3317494804658287 0.701800891228193 0.24520424792327375 -0.17424554982463358 0.033157671202004635 -0.13864648949917113 -0.20055789876085184 +7509,-0.3537886366835216,0,-0.3522408514519809 -0.394031052703615 -0.08137843593211255 0.1616238454199969 0.373670422141266 0.5733347170102008 1.3007937758349883 1.5174837082508796 1.7032179360359392 1.7341736406667796 1.625828674458834 1.5174837082508796 1.3317494804658287 0.701800891228193 0.24520424792327375 -0.17424554982463358 0.033157671202004635 -0.13864648949917113 -0.20055789876085184 -0.36771870376739674 +7510,-0.445107965344502,0,-0.394031052703615 -0.08137843593211255 0.1616238454199969 0.373670422141266 0.5733347170102008 1.3007937758349883 1.5174837082508796 1.7032179360359392 1.7341736406667796 1.625828674458834 1.5174837082508796 1.3317494804658287 0.701800891228193 0.24520424792327375 -0.17424554982463358 0.033157671202004635 -0.13864648949917113 -0.20055789876085184 -0.36771870376739674 -0.3537886366835216 +7511,-0.8446687228670973,0,-0.08137843593211255 0.1616238454199969 0.373670422141266 0.5733347170102008 1.3007937758349883 1.5174837082508796 1.7032179360359392 1.7341736406667796 1.625828674458834 1.5174837082508796 1.3317494804658287 0.701800891228193 0.24520424792327375 -0.17424554982463358 0.033157671202004635 -0.13864648949917113 -0.20055789876085184 -0.36771870376739674 -0.3537886366835216 -0.445107965344502 +7512,-0.4961848779853978,0,0.1616238454199969 0.373670422141266 0.5733347170102008 1.3007937758349883 1.5174837082508796 1.7032179360359392 1.7341736406667796 1.625828674458834 1.5174837082508796 1.3317494804658287 0.701800891228193 0.24520424792327375 -0.17424554982463358 0.033157671202004635 -0.13864648949917113 -0.20055789876085184 -0.36771870376739674 -0.3537886366835216 -0.445107965344502 -0.8446687228670973 +7513,-0.45439467673375494,0,0.373670422141266 0.5733347170102008 1.3007937758349883 1.5174837082508796 1.7032179360359392 1.7341736406667796 1.625828674458834 1.5174837082508796 1.3317494804658287 0.701800891228193 0.24520424792327375 -0.17424554982463358 0.033157671202004635 -0.13864648949917113 -0.20055789876085184 -0.36771870376739674 -0.3537886366835216 -0.445107965344502 -0.8446687228670973 -0.4961848779853978 +7514,-0.4389168244183392,0,0.5733347170102008 1.3007937758349883 1.5174837082508796 1.7032179360359392 1.7341736406667796 1.625828674458834 1.5174837082508796 1.3317494804658287 0.701800891228193 0.24520424792327375 -0.17424554982463358 0.033157671202004635 -0.13864648949917113 -0.20055789876085184 -0.36771870376739674 -0.3537886366835216 -0.445107965344502 -0.8446687228670973 -0.4961848779853978 -0.45439467673375494 +7515,-0.3228329320526813,0,1.3007937758349883 1.5174837082508796 1.7032179360359392 1.7341736406667796 1.625828674458834 1.5174837082508796 1.3317494804658287 0.701800891228193 0.24520424792327375 -0.17424554982463358 0.033157671202004635 -0.13864648949917113 -0.20055789876085184 -0.36771870376739674 -0.3537886366835216 -0.445107965344502 -0.8446687228670973 -0.4961848779853978 -0.45439467673375494 -0.4389168244183392 +7516,0.034705456433545334,0,1.5174837082508796 1.7032179360359392 1.7341736406667796 1.625828674458834 1.5174837082508796 1.3317494804658287 0.701800891228193 0.24520424792327375 -0.17424554982463358 0.033157671202004635 -0.13864648949917113 -0.20055789876085184 -0.36771870376739674 -0.3537886366835216 -0.445107965344502 -0.8446687228670973 -0.4961848779853978 -0.45439467673375494 -0.4389168244183392 -0.3228329320526813 +7517,0.24675203315481445,0,1.7032179360359392 1.7341736406667796 1.625828674458834 1.5174837082508796 1.3317494804658287 0.701800891228193 0.24520424792327375 -0.17424554982463358 0.033157671202004635 -0.13864648949917113 -0.20055789876085184 -0.36771870376739674 -0.3537886366835216 -0.445107965344502 -0.8446687228670973 -0.4961848779853978 -0.45439467673375494 -0.4389168244183392 -0.3228329320526813 0.034705456433545334 +7518,0.46189418033916496,0,1.7341736406667796 1.625828674458834 1.5174837082508796 1.3317494804658287 0.701800891228193 0.24520424792327375 -0.17424554982463358 0.033157671202004635 -0.13864648949917113 -0.20055789876085184 -0.36771870376739674 -0.3537886366835216 -0.445107965344502 -0.8446687228670973 -0.4961848779853978 -0.45439467673375494 -0.4389168244183392 -0.3228329320526813 0.034705456433545334 0.24675203315481445 +7519,0.6987053207651116,0,1.625828674458834 1.5174837082508796 1.3317494804658287 0.701800891228193 0.24520424792327375 -0.17424554982463358 0.033157671202004635 -0.13864648949917113 -0.20055789876085184 -0.36771870376739674 -0.3537886366835216 -0.445107965344502 -0.8446687228670973 -0.4961848779853978 -0.45439467673375494 -0.4389168244183392 -0.3228329320526813 0.034705456433545334 0.24675203315481445 0.46189418033916496 +7520,0.9153952531810028,0,1.5174837082508796 1.3317494804658287 0.701800891228193 0.24520424792327375 -0.17424554982463358 0.033157671202004635 -0.13864648949917113 -0.20055789876085184 -0.36771870376739674 -0.3537886366835216 -0.445107965344502 -0.8446687228670973 -0.4961848779853978 -0.45439467673375494 -0.4389168244183392 -0.3228329320526813 0.034705456433545334 0.24675203315481445 0.46189418033916496 0.6987053207651116 +7521,0.9633765953588084,0,1.3317494804658287 0.701800891228193 0.24520424792327375 -0.17424554982463358 0.033157671202004635 -0.13864648949917113 -0.20055789876085184 -0.36771870376739674 -0.3537886366835216 -0.445107965344502 -0.8446687228670973 -0.4961848779853978 -0.45439467673375494 -0.4389168244183392 -0.3228329320526813 0.034705456433545334 0.24675203315481445 0.46189418033916496 0.6987053207651116 0.9153952531810028 +7522,1.0129057227681548,0,0.701800891228193 0.24520424792327375 -0.17424554982463358 0.033157671202004635 -0.13864648949917113 -0.20055789876085184 -0.36771870376739674 -0.3537886366835216 -0.445107965344502 -0.8446687228670973 -0.4961848779853978 -0.45439467673375494 -0.4389168244183392 -0.3228329320526813 0.034705456433545334 0.24675203315481445 0.46189418033916496 0.6987053207651116 0.9153952531810028 0.9633765953588084 +7523,0.8828917633186217,0,0.24520424792327375 -0.17424554982463358 0.033157671202004635 -0.13864648949917113 -0.20055789876085184 -0.36771870376739674 -0.3537886366835216 -0.445107965344502 -0.8446687228670973 -0.4961848779853978 -0.45439467673375494 -0.4389168244183392 -0.3228329320526813 0.034705456433545334 0.24675203315481445 0.46189418033916496 0.6987053207651116 0.9153952531810028 0.9633765953588084 1.0129057227681548 +7524,0.8643183405401158,0,-0.17424554982463358 0.033157671202004635 -0.13864648949917113 -0.20055789876085184 -0.36771870376739674 -0.3537886366835216 -0.445107965344502 -0.8446687228670973 -0.4961848779853978 -0.45439467673375494 -0.4389168244183392 -0.3228329320526813 0.034705456433545334 0.24675203315481445 0.46189418033916496 0.6987053207651116 0.9153952531810028 0.9633765953588084 1.0129057227681548 0.8828917633186217 +7525,0.7033486764597336,0,0.033157671202004635 -0.13864648949917113 -0.20055789876085184 -0.36771870376739674 -0.3537886366835216 -0.445107965344502 -0.8446687228670973 -0.4961848779853978 -0.45439467673375494 -0.4389168244183392 -0.3228329320526813 0.034705456433545334 0.24675203315481445 0.46189418033916496 0.6987053207651116 0.9153952531810028 0.9633765953588084 1.0129057227681548 0.8828917633186217 0.8643183405401158 +7526,0.40153055630902496,0,-0.13864648949917113 -0.20055789876085184 -0.36771870376739674 -0.3537886366835216 -0.445107965344502 -0.8446687228670973 -0.4961848779853978 -0.45439467673375494 -0.4389168244183392 -0.3228329320526813 0.034705456433545334 0.24675203315481445 0.46189418033916496 0.6987053207651116 0.9153952531810028 0.9633765953588084 1.0129057227681548 0.8828917633186217 0.8643183405401158 0.7033486764597336 +7527,0.14614599310458112,0,-0.20055789876085184 -0.36771870376739674 -0.3537886366835216 -0.445107965344502 -0.8446687228670973 -0.4961848779853978 -0.45439467673375494 -0.4389168244183392 -0.3228329320526813 0.034705456433545334 0.24675203315481445 0.46189418033916496 0.6987053207651116 0.9153952531810028 0.9633765953588084 1.0129057227681548 0.8828917633186217 0.8643183405401158 0.7033486764597336 0.40153055630902496 +7528,-0.08447400639519394,0,-0.36771870376739674 -0.3537886366835216 -0.445107965344502 -0.8446687228670973 -0.4961848779853978 -0.45439467673375494 -0.4389168244183392 -0.3228329320526813 0.034705456433545334 0.24675203315481445 0.46189418033916496 0.6987053207651116 0.9153952531810028 0.9633765953588084 1.0129057227681548 0.8828917633186217 0.8643183405401158 0.7033486764597336 0.40153055630902496 0.14614599310458112 +7529,-0.10459521440524061,0,-0.3537886366835216 -0.445107965344502 -0.8446687228670973 -0.4961848779853978 -0.45439467673375494 -0.4389168244183392 -0.3228329320526813 0.034705456433545334 0.24675203315481445 0.46189418033916496 0.6987053207651116 0.9153952531810028 0.9633765953588084 1.0129057227681548 0.8828917633186217 0.8643183405401158 0.7033486764597336 0.40153055630902496 0.14614599310458112 -0.08447400639519394 +7530,-0.12626420764683677,0,-0.445107965344502 -0.8446687228670973 -0.4961848779853978 -0.45439467673375494 -0.4389168244183392 -0.3228329320526813 0.034705456433545334 0.24675203315481445 0.46189418033916496 0.6987053207651116 0.9153952531810028 0.9633765953588084 1.0129057227681548 0.8828917633186217 0.8643183405401158 0.7033486764597336 0.40153055630902496 0.14614599310458112 -0.08447400639519394 -0.10459521440524061 +7531,-0.3352152139050157,0,-0.8446687228670973 -0.4961848779853978 -0.45439467673375494 -0.4389168244183392 -0.3228329320526813 0.034705456433545334 0.24675203315481445 0.46189418033916496 0.6987053207651116 0.9153952531810028 0.9633765953588084 1.0129057227681548 0.8828917633186217 0.8643183405401158 0.7033486764597336 0.40153055630902496 0.14614599310458112 -0.08447400639519394 -0.10459521440524061 -0.12626420764683677 +7532,-0.3166417911265097,0,-0.4961848779853978 -0.45439467673375494 -0.4389168244183392 -0.3228329320526813 0.034705456433545334 0.24675203315481445 0.46189418033916496 0.6987053207651116 0.9153952531810028 0.9633765953588084 1.0129057227681548 0.8828917633186217 0.8643183405401158 0.7033486764597336 0.40153055630902496 0.14614599310458112 -0.08447400639519394 -0.10459521440524061 -0.12626420764683677 -0.3352152139050157 +7533,-0.36617091853585604,0,-0.45439467673375494 -0.4389168244183392 -0.3228329320526813 0.034705456433545334 0.24675203315481445 0.46189418033916496 0.6987053207651116 0.9153952531810028 0.9633765953588084 1.0129057227681548 0.8828917633186217 0.8643183405401158 0.7033486764597336 0.40153055630902496 0.14614599310458112 -0.08447400639519394 -0.10459521440524061 -0.12626420764683677 -0.3352152139050157 -0.3166417911265097 +7534,-0.3367629991365564,0,-0.4389168244183392 -0.3228329320526813 0.034705456433545334 0.24675203315481445 0.46189418033916496 0.6987053207651116 0.9153952531810028 0.9633765953588084 1.0129057227681548 0.8828917633186217 0.8643183405401158 0.7033486764597336 0.40153055630902496 0.14614599310458112 -0.08447400639519394 -0.10459521440524061 -0.12626420764683677 -0.3352152139050157 -0.3166417911265097 -0.36617091853585604 +7535,-0.39712662316670516,0,-0.3228329320526813 0.034705456433545334 0.24675203315481445 0.46189418033916496 0.6987053207651116 0.9153952531810028 0.9633765953588084 1.0129057227681548 0.8828917633186217 0.8643183405401158 0.7033486764597336 0.40153055630902496 0.14614599310458112 -0.08447400639519394 -0.10459521440524061 -0.12626420764683677 -0.3352152139050157 -0.3166417911265097 -0.36617091853585604 -0.3367629991365564 +7536,-0.394031052703615,0,0.034705456433545334 0.24675203315481445 0.46189418033916496 0.6987053207651116 0.9153952531810028 0.9633765953588084 1.0129057227681548 0.8828917633186217 0.8643183405401158 0.7033486764597336 0.40153055630902496 0.14614599310458112 -0.08447400639519394 -0.10459521440524061 -0.12626420764683677 -0.3352152139050157 -0.3166417911265097 -0.36617091853585604 -0.3367629991365564 -0.39712662316670516 +7537,-0.3909354822405336,0,0.24675203315481445 0.46189418033916496 0.6987053207651116 0.9153952531810028 0.9633765953588084 1.0129057227681548 0.8828917633186217 0.8643183405401158 0.7033486764597336 0.40153055630902496 0.14614599310458112 -0.08447400639519394 -0.10459521440524061 -0.12626420764683677 -0.3352152139050157 -0.3166417911265097 -0.36617091853585604 -0.3367629991365564 -0.39712662316670516 -0.394031052703615 +7538,-0.3491452809888996,0,0.46189418033916496 0.6987053207651116 0.9153952531810028 0.9633765953588084 1.0129057227681548 0.8828917633186217 0.8643183405401158 0.7033486764597336 0.40153055630902496 0.14614599310458112 -0.08447400639519394 -0.10459521440524061 -0.12626420764683677 -0.3352152139050157 -0.3166417911265097 -0.36617091853585604 -0.3367629991365564 -0.39712662316670516 -0.394031052703615 -0.3909354822405336 +7539,-0.19127118737159884,0,0.6987053207651116 0.9153952531810028 0.9633765953588084 1.0129057227681548 0.8828917633186217 0.8643183405401158 0.7033486764597336 0.40153055630902496 0.14614599310458112 -0.08447400639519394 -0.10459521440524061 -0.12626420764683677 -0.3352152139050157 -0.3166417911265097 -0.36617091853585604 -0.3367629991365564 -0.39712662316670516 -0.394031052703615 -0.3909354822405336 -0.3491452809888996 +7540,-0.025658167596594655,0,0.9153952531810028 0.9633765953588084 1.0129057227681548 0.8828917633186217 0.8643183405401158 0.7033486764597336 0.40153055630902496 0.14614599310458112 -0.08447400639519394 -0.10459521440524061 -0.12626420764683677 -0.3352152139050157 -0.3166417911265097 -0.36617091853585604 -0.3367629991365564 -0.39712662316670516 -0.394031052703615 -0.3909354822405336 -0.3491452809888996 -0.19127118737159884 +7541,0.19103176481929654,0,0.9633765953588084 1.0129057227681548 0.8828917633186217 0.8643183405401158 0.7033486764597336 0.40153055630902496 0.14614599310458112 -0.08447400639519394 -0.10459521440524061 -0.12626420764683677 -0.3352152139050157 -0.3166417911265097 -0.36617091853585604 -0.3367629991365564 -0.39712662316670516 -0.394031052703615 -0.3909354822405336 -0.3491452809888996 -0.19127118737159884 -0.025658167596594655 +7542,0.5563090794632355,0,1.0129057227681548 0.8828917633186217 0.8643183405401158 0.7033486764597336 0.40153055630902496 0.14614599310458112 -0.08447400639519394 -0.10459521440524061 -0.12626420764683677 -0.3352152139050157 -0.3166417911265097 -0.36617091853585604 -0.3367629991365564 -0.39712662316670516 -0.394031052703615 -0.3909354822405336 -0.3491452809888996 -0.19127118737159884 -0.025658167596594655 0.19103176481929654 +7543,0.6677496161342713,0,0.8828917633186217 0.8643183405401158 0.7033486764597336 0.40153055630902496 0.14614599310458112 -0.08447400639519394 -0.10459521440524061 -0.12626420764683677 -0.3352152139050157 -0.3166417911265097 -0.36617091853585604 -0.3367629991365564 -0.39712662316670516 -0.394031052703615 -0.3909354822405336 -0.3491452809888996 -0.19127118737159884 -0.025658167596594655 0.19103176481929654 0.5563090794632355 +7544,0.978854447674233,0,0.8643183405401158 0.7033486764597336 0.40153055630902496 0.14614599310458112 -0.08447400639519394 -0.10459521440524061 -0.12626420764683677 -0.3352152139050157 -0.3166417911265097 -0.36617091853585604 -0.3367629991365564 -0.39712662316670516 -0.394031052703615 -0.3909354822405336 -0.3491452809888996 -0.19127118737159884 -0.025658167596594655 0.19103176481929654 0.5563090794632355 0.6677496161342713 +7545,0.9958800852211894,0,0.7033486764597336 0.40153055630902496 0.14614599310458112 -0.08447400639519394 -0.10459521440524061 -0.12626420764683677 -0.3352152139050157 -0.3166417911265097 -0.36617091853585604 -0.3367629991365564 -0.39712662316670516 -0.394031052703615 -0.3909354822405336 -0.3491452809888996 -0.19127118737159884 -0.025658167596594655 0.19103176481929654 0.5563090794632355 0.6677496161342713 0.978854447674233 +7546,1.006714581841992,0,0.40153055630902496 0.14614599310458112 -0.08447400639519394 -0.10459521440524061 -0.12626420764683677 -0.3352152139050157 -0.3166417911265097 -0.36617091853585604 -0.3367629991365564 -0.39712662316670516 -0.394031052703615 -0.3909354822405336 -0.3491452809888996 -0.19127118737159884 -0.025658167596594655 0.19103176481929654 0.5563090794632355 0.6677496161342713 0.978854447674233 0.9958800852211894 +7547,0.9231341793387151,0,0.14614599310458112 -0.08447400639519394 -0.10459521440524061 -0.12626420764683677 -0.3352152139050157 -0.3166417911265097 -0.36617091853585604 -0.3367629991365564 -0.39712662316670516 -0.394031052703615 -0.3909354822405336 -0.3491452809888996 -0.19127118737159884 -0.025658167596594655 0.19103176481929654 0.5563090794632355 0.6677496161342713 0.978854447674233 0.9958800852211894 1.006714581841992 +7548,0.9045607565602091,0,-0.08447400639519394 -0.10459521440524061 -0.12626420764683677 -0.3352152139050157 -0.3166417911265097 -0.36617091853585604 -0.3367629991365564 -0.39712662316670516 -0.394031052703615 -0.3909354822405336 -0.3491452809888996 -0.19127118737159884 -0.025658167596594655 0.19103176481929654 0.5563090794632355 0.6677496161342713 0.978854447674233 0.9958800852211894 1.006714581841992 0.9231341793387151 +7549,0.7729990118791267,0,-0.10459521440524061 -0.12626420764683677 -0.3352152139050157 -0.3166417911265097 -0.36617091853585604 -0.3367629991365564 -0.39712662316670516 -0.394031052703615 -0.3909354822405336 -0.3491452809888996 -0.19127118737159884 -0.025658167596594655 0.19103176481929654 0.5563090794632355 0.6677496161342713 0.978854447674233 0.9958800852211894 1.006714581841992 0.9231341793387151 0.9045607565602091 +7550,0.5532135090001541,0,-0.12626420764683677 -0.3352152139050157 -0.3166417911265097 -0.36617091853585604 -0.3367629991365564 -0.39712662316670516 -0.394031052703615 -0.3909354822405336 -0.3491452809888996 -0.19127118737159884 -0.025658167596594655 0.19103176481929654 0.5563090794632355 0.6677496161342713 0.978854447674233 0.9958800852211894 1.006714581841992 0.9231341793387151 0.9045607565602091 0.7729990118791267 +7551,0.2157963285239741,0,-0.3352152139050157 -0.3166417911265097 -0.36617091853585604 -0.3367629991365564 -0.39712662316670516 -0.394031052703615 -0.3909354822405336 -0.3491452809888996 -0.19127118737159884 -0.025658167596594655 0.19103176481929654 0.5563090794632355 0.6677496161342713 0.978854447674233 0.9958800852211894 1.006714581841992 0.9231341793387151 0.9045607565602091 0.7729990118791267 0.5532135090001541 +7552,-0.008632530049629385,0,-0.3166417911265097 -0.36617091853585604 -0.3367629991365564 -0.39712662316670516 -0.394031052703615 -0.3909354822405336 -0.3491452809888996 -0.19127118737159884 -0.025658167596594655 0.19103176481929654 0.5563090794632355 0.6677496161342713 0.978854447674233 0.9958800852211894 1.006714581841992 0.9231341793387151 0.9045607565602091 0.7729990118791267 0.5532135090001541 0.2157963285239741 +7553,-0.11233414056295289,0,-0.36617091853585604 -0.3367629991365564 -0.39712662316670516 -0.394031052703615 -0.3909354822405336 -0.3491452809888996 -0.19127118737159884 -0.025658167596594655 0.19103176481929654 0.5563090794632355 0.6677496161342713 0.978854447674233 0.9958800852211894 1.006714581841992 0.9231341793387151 0.9045607565602091 0.7729990118791267 0.5532135090001541 0.2157963285239741 -0.008632530049629385 +7554,-0.2113923953816455,0,-0.3367629991365564 -0.39712662316670516 -0.394031052703615 -0.3909354822405336 -0.3491452809888996 -0.19127118737159884 -0.025658167596594655 0.19103176481929654 0.5563090794632355 0.6677496161342713 0.978854447674233 0.9958800852211894 1.006714581841992 0.9231341793387151 0.9045607565602091 0.7729990118791267 0.5532135090001541 0.2157963285239741 -0.008632530049629385 -0.11233414056295289 +7555,-0.3119984354318876,0,-0.39712662316670516 -0.394031052703615 -0.3909354822405336 -0.3491452809888996 -0.19127118737159884 -0.025658167596594655 0.19103176481929654 0.5563090794632355 0.6677496161342713 0.978854447674233 0.9958800852211894 1.006714581841992 0.9231341793387151 0.9045607565602091 0.7729990118791267 0.5532135090001541 0.2157963285239741 -0.008632530049629385 -0.11233414056295289 -0.2113923953816455 +7556,-0.28878165695875074,0,-0.394031052703615 -0.3909354822405336 -0.3491452809888996 -0.19127118737159884 -0.025658167596594655 0.19103176481929654 0.5563090794632355 0.6677496161342713 0.978854447674233 0.9958800852211894 1.006714581841992 0.9231341793387151 0.9045607565602091 0.7729990118791267 0.5532135090001541 0.2157963285239741 -0.008632530049629385 -0.11233414056295289 -0.2113923953816455 -0.3119984354318876 +7557,-0.315094005894969,0,-0.3909354822405336 -0.3491452809888996 -0.19127118737159884 -0.025658167596594655 0.19103176481929654 0.5563090794632355 0.6677496161342713 0.978854447674233 0.9958800852211894 1.006714581841992 0.9231341793387151 0.9045607565602091 0.7729990118791267 0.5532135090001541 0.2157963285239741 -0.008632530049629385 -0.11233414056295289 -0.2113923953816455 -0.3119984354318876 -0.28878165695875074 +7558,-0.34759749575735005,0,-0.3491452809888996 -0.19127118737159884 -0.025658167596594655 0.19103176481929654 0.5563090794632355 0.6677496161342713 0.978854447674233 0.9958800852211894 1.006714581841992 0.9231341793387151 0.9045607565602091 0.7729990118791267 0.5532135090001541 0.2157963285239741 -0.008632530049629385 -0.11233414056295289 -0.2113923953816455 -0.3119984354318876 -0.28878165695875074 -0.315094005894969 +7559,-0.3352152139050157,0,-0.19127118737159884 -0.025658167596594655 0.19103176481929654 0.5563090794632355 0.6677496161342713 0.978854447674233 0.9958800852211894 1.006714581841992 0.9231341793387151 0.9045607565602091 0.7729990118791267 0.5532135090001541 0.2157963285239741 -0.008632530049629385 -0.11233414056295289 -0.2113923953816455 -0.3119984354318876 -0.28878165695875074 -0.315094005894969 -0.34759749575735005 +7560,-0.39712662316670516,0,-0.025658167596594655 0.19103176481929654 0.5563090794632355 0.6677496161342713 0.978854447674233 0.9958800852211894 1.006714581841992 0.9231341793387151 0.9045607565602091 0.7729990118791267 0.5532135090001541 0.2157963285239741 -0.008632530049629385 -0.11233414056295289 -0.2113923953816455 -0.3119984354318876 -0.28878165695875074 -0.315094005894969 -0.34759749575735005 -0.3352152139050157 +7561,-0.4389168244183392,0,0.19103176481929654 0.5563090794632355 0.6677496161342713 0.978854447674233 0.9958800852211894 1.006714581841992 0.9231341793387151 0.9045607565602091 0.7729990118791267 0.5532135090001541 0.2157963285239741 -0.008632530049629385 -0.11233414056295289 -0.2113923953816455 -0.3119984354318876 -0.28878165695875074 -0.315094005894969 -0.34759749575735005 -0.3352152139050157 -0.39712662316670516 +7562,-0.30735507973725673,0,0.5563090794632355 0.6677496161342713 0.978854447674233 0.9958800852211894 1.006714581841992 0.9231341793387151 0.9045607565602091 0.7729990118791267 0.5532135090001541 0.2157963285239741 -0.008632530049629385 -0.11233414056295289 -0.2113923953816455 -0.3119984354318876 -0.28878165695875074 -0.315094005894969 -0.34759749575735005 -0.3352152139050157 -0.39712662316670516 -0.4389168244183392 +7563,-0.17734112028772378,0,0.6677496161342713 0.978854447674233 0.9958800852211894 1.006714581841992 0.9231341793387151 0.9045607565602091 0.7729990118791267 0.5532135090001541 0.2157963285239741 -0.008632530049629385 -0.11233414056295289 -0.2113923953816455 -0.3119984354318876 -0.28878165695875074 -0.315094005894969 -0.34759749575735005 -0.3352152139050157 -0.39712662316670516 -0.4389168244183392 -0.30735507973725673 +7564,0.13531149648378746,0,0.978854447674233 0.9958800852211894 1.006714581841992 0.9231341793387151 0.9045607565602091 0.7729990118791267 0.5532135090001541 0.2157963285239741 -0.008632530049629385 -0.11233414056295289 -0.2113923953816455 -0.3119984354318876 -0.28878165695875074 -0.315094005894969 -0.34759749575735005 -0.3352152139050157 -0.39712662316670516 -0.4389168244183392 -0.30735507973725673 -0.17734112028772378 +7565,0.3906960596882313,0,0.9958800852211894 1.006714581841992 0.9231341793387151 0.9045607565602091 0.7729990118791267 0.5532135090001541 0.2157963285239741 -0.008632530049629385 -0.11233414056295289 -0.2113923953816455 -0.3119984354318876 -0.28878165695875074 -0.315094005894969 -0.34759749575735005 -0.3352152139050157 -0.39712662316670516 -0.4389168244183392 -0.30735507973725673 -0.17734112028772378 0.13531149648378746 +7566,0.641437267198053,0,1.006714581841992 0.9231341793387151 0.9045607565602091 0.7729990118791267 0.5532135090001541 0.2157963285239741 -0.008632530049629385 -0.11233414056295289 -0.2113923953816455 -0.3119984354318876 -0.28878165695875074 -0.315094005894969 -0.34759749575735005 -0.3352152139050157 -0.39712662316670516 -0.4389168244183392 -0.30735507973725673 -0.17734112028772378 0.13531149648378746 0.3906960596882313 +7567,0.9153952531810028,0,0.9231341793387151 0.9045607565602091 0.7729990118791267 0.5532135090001541 0.2157963285239741 -0.008632530049629385 -0.11233414056295289 -0.2113923953816455 -0.3119984354318876 -0.28878165695875074 -0.315094005894969 -0.34759749575735005 -0.3352152139050157 -0.39712662316670516 -0.4389168244183392 -0.30735507973725673 -0.17734112028772378 0.13531149648378746 0.3906960596882313 0.641437267198053 +7568,1.1398241117546062,0,0.9045607565602091 0.7729990118791267 0.5532135090001541 0.2157963285239741 -0.008632530049629385 -0.11233414056295289 -0.2113923953816455 -0.3119984354318876 -0.28878165695875074 -0.315094005894969 -0.34759749575735005 -0.3352152139050157 -0.39712662316670516 -0.4389168244183392 -0.30735507973725673 -0.17734112028772378 0.13531149648378746 0.3906960596882313 0.641437267198053 0.9153952531810028 +7569,1.2342390108786767,0,0.7729990118791267 0.5532135090001541 0.2157963285239741 -0.008632530049629385 -0.11233414056295289 -0.2113923953816455 -0.3119984354318876 -0.28878165695875074 -0.315094005894969 -0.34759749575735005 -0.3352152139050157 -0.39712662316670516 -0.4389168244183392 -0.30735507973725673 -0.17734112028772378 0.13531149648378746 0.3906960596882313 0.641437267198053 0.9153952531810028 1.1398241117546062 +7570,1.1491108231438594,0,0.5532135090001541 0.2157963285239741 -0.008632530049629385 -0.11233414056295289 -0.2113923953816455 -0.3119984354318876 -0.28878165695875074 -0.315094005894969 -0.34759749575735005 -0.3352152139050157 -0.39712662316670516 -0.4389168244183392 -0.30735507973725673 -0.17734112028772378 0.13531149648378746 0.3906960596882313 0.641437267198053 0.9153952531810028 1.1398241117546062 1.2342390108786767 +7571,1.2048310914793772,0,0.2157963285239741 -0.008632530049629385 -0.11233414056295289 -0.2113923953816455 -0.3119984354318876 -0.28878165695875074 -0.315094005894969 -0.34759749575735005 -0.3352152139050157 -0.39712662316670516 -0.4389168244183392 -0.30735507973725673 -0.17734112028772378 0.13531149648378746 0.3906960596882313 0.641437267198053 0.9153952531810028 1.1398241117546062 1.2342390108786767 1.1491108231438594 +7572,1.1351807560599843,0,-0.008632530049629385 -0.11233414056295289 -0.2113923953816455 -0.3119984354318876 -0.28878165695875074 -0.315094005894969 -0.34759749575735005 -0.3352152139050157 -0.39712662316670516 -0.4389168244183392 -0.30735507973725673 -0.17734112028772378 0.13531149648378746 0.3906960596882313 0.641437267198053 0.9153952531810028 1.1398241117546062 1.2342390108786767 1.1491108231438594 1.2048310914793772 +7573,1.0036190113789016,0,-0.11233414056295289 -0.2113923953816455 -0.3119984354318876 -0.28878165695875074 -0.315094005894969 -0.34759749575735005 -0.3352152139050157 -0.39712662316670516 -0.4389168244183392 -0.30735507973725673 -0.17734112028772378 0.13531149648378746 0.3906960596882313 0.641437267198053 0.9153952531810028 1.1398241117546062 1.2342390108786767 1.1491108231438594 1.2048310914793772 1.1351807560599843 +7574,0.6042904216410411,0,-0.2113923953816455 -0.3119984354318876 -0.28878165695875074 -0.315094005894969 -0.34759749575735005 -0.3352152139050157 -0.39712662316670516 -0.4389168244183392 -0.30735507973725673 -0.17734112028772378 0.13531149648378746 0.3906960596882313 0.641437267198053 0.9153952531810028 1.1398241117546062 1.2342390108786767 1.1491108231438594 1.2048310914793772 1.1351807560599843 1.0036190113789016 +7575,0.2792555230171955,0,-0.3119984354318876 -0.28878165695875074 -0.315094005894969 -0.34759749575735005 -0.3352152139050157 -0.39712662316670516 -0.4389168244183392 -0.30735507973725673 -0.17734112028772378 0.13531149648378746 0.3906960596882313 0.641437267198053 0.9153952531810028 1.1398241117546062 1.2342390108786767 1.1491108231438594 1.2048310914793772 1.1351807560599843 1.0036190113789016 0.6042904216410411 +7576,0.06256559060130429,0,-0.28878165695875074 -0.315094005894969 -0.34759749575735005 -0.3352152139050157 -0.39712662316670516 -0.4389168244183392 -0.30735507973725673 -0.17734112028772378 0.13531149648378746 0.3906960596882313 0.641437267198053 0.9153952531810028 1.1398241117546062 1.2342390108786767 1.1491108231438594 1.2048310914793772 1.1351807560599843 1.0036190113789016 0.6042904216410411 0.2792555230171955 +7577,-0.03649266421738833,0,-0.315094005894969 -0.34759749575735005 -0.3352152139050157 -0.39712662316670516 -0.4389168244183392 -0.30735507973725673 -0.17734112028772378 0.13531149648378746 0.3906960596882313 0.641437267198053 0.9153952531810028 1.1398241117546062 1.2342390108786767 1.1491108231438594 1.2048310914793772 1.1351807560599843 1.0036190113789016 0.6042904216410411 0.2792555230171955 0.06256559060130429 +7578,-0.11852528148912447,0,-0.34759749575735005 -0.3352152139050157 -0.39712662316670516 -0.4389168244183392 -0.30735507973725673 -0.17734112028772378 0.13531149648378746 0.3906960596882313 0.641437267198053 0.9153952531810028 1.1398241117546062 1.2342390108786767 1.1491108231438594 1.2048310914793772 1.1351807560599843 1.0036190113789016 0.6042904216410411 0.2792555230171955 0.06256559060130429 -0.03649266421738833 +7579,-0.2191313215393578,0,-0.3352152139050157 -0.39712662316670516 -0.4389168244183392 -0.30735507973725673 -0.17734112028772378 0.13531149648378746 0.3906960596882313 0.641437267198053 0.9153952531810028 1.1398241117546062 1.2342390108786767 1.1491108231438594 1.2048310914793772 1.1351807560599843 1.0036190113789016 0.6042904216410411 0.2792555230171955 0.06256559060130429 -0.03649266421738833 -0.11852528148912447 +7580,-0.2779471603379571,0,-0.39712662316670516 -0.4389168244183392 -0.30735507973725673 -0.17734112028772378 0.13531149648378746 0.3906960596882313 0.641437267198053 0.9153952531810028 1.1398241117546062 1.2342390108786767 1.1491108231438594 1.2048310914793772 1.1351807560599843 1.0036190113789016 0.6042904216410411 0.2792555230171955 0.06256559060130429 -0.03649266421738833 -0.11852528148912447 -0.2191313215393578 +7581,-0.3537886366835216,0,-0.4389168244183392 -0.30735507973725673 -0.17734112028772378 0.13531149648378746 0.3906960596882313 0.641437267198053 0.9153952531810028 1.1398241117546062 1.2342390108786767 1.1491108231438594 1.2048310914793772 1.1351807560599843 1.0036190113789016 0.6042904216410411 0.2792555230171955 0.06256559060130429 -0.03649266421738833 -0.11852528148912447 -0.2191313215393578 -0.2779471603379571 +7582,-0.2624693080225413,0,-0.30735507973725673 -0.17734112028772378 0.13531149648378746 0.3906960596882313 0.641437267198053 0.9153952531810028 1.1398241117546062 1.2342390108786767 1.1491108231438594 1.2048310914793772 1.1351807560599843 1.0036190113789016 0.6042904216410411 0.2792555230171955 0.06256559060130429 -0.03649266421738833 -0.11852528148912447 -0.2191313215393578 -0.2779471603379571 -0.3537886366835216 +7583,-0.28413830126412865,0,-0.17734112028772378 0.13531149648378746 0.3906960596882313 0.641437267198053 0.9153952531810028 1.1398241117546062 1.2342390108786767 1.1491108231438594 1.2048310914793772 1.1351807560599843 1.0036190113789016 0.6042904216410411 0.2792555230171955 0.06256559060130429 -0.03649266421738833 -0.11852528148912447 -0.2191313215393578 -0.2779471603379571 -0.3537886366835216 -0.2624693080225413 +7584,-0.4249867573344553,0,0.13531149648378746 0.3906960596882313 0.641437267198053 0.9153952531810028 1.1398241117546062 1.2342390108786767 1.1491108231438594 1.2048310914793772 1.1351807560599843 1.0036190113789016 0.6042904216410411 0.2792555230171955 0.06256559060130429 -0.03649266421738833 -0.11852528148912447 -0.2191313215393578 -0.2779471603379571 -0.3537886366835216 -0.2624693080225413 -0.28413830126412865 +7585,-0.38164877085128057,0,0.3906960596882313 0.641437267198053 0.9153952531810028 1.1398241117546062 1.2342390108786767 1.1491108231438594 1.2048310914793772 1.1351807560599843 1.0036190113789016 0.6042904216410411 0.2792555230171955 0.06256559060130429 -0.03649266421738833 -0.11852528148912447 -0.2191313215393578 -0.2779471603379571 -0.3537886366835216 -0.2624693080225413 -0.28413830126412865 -0.4249867573344553 +7586,-0.36617091853585604,0,0.641437267198053 0.9153952531810028 1.1398241117546062 1.2342390108786767 1.1491108231438594 1.2048310914793772 1.1351807560599843 1.0036190113789016 0.6042904216410411 0.2792555230171955 0.06256559060130429 -0.03649266421738833 -0.11852528148912447 -0.2191313215393578 -0.2779471603379571 -0.3537886366835216 -0.2624693080225413 -0.28413830126412865 -0.4249867573344553 -0.38164877085128057 +7587,-0.25937373755945115,0,0.9153952531810028 1.1398241117546062 1.2342390108786767 1.1491108231438594 1.2048310914793772 1.1351807560599843 1.0036190113789016 0.6042904216410411 0.2792555230171955 0.06256559060130429 -0.03649266421738833 -0.11852528148912447 -0.2191313215393578 -0.2779471603379571 -0.3537886366835216 -0.2624693080225413 -0.28413830126412865 -0.4249867573344553 -0.38164877085128057 -0.36617091853585604 +7588,0.03625324166508603,0,1.1398241117546062 1.2342390108786767 1.1491108231438594 1.2048310914793772 1.1351807560599843 1.0036190113789016 0.6042904216410411 0.2792555230171955 0.06256559060130429 -0.03649266421738833 -0.11852528148912447 -0.2191313215393578 -0.2779471603379571 -0.3537886366835216 -0.2624693080225413 -0.28413830126412865 -0.4249867573344553 -0.38164877085128057 -0.36617091853585604 -0.25937373755945115 +7589,0.38295713353051897,0,1.2342390108786767 1.1491108231438594 1.2048310914793772 1.1351807560599843 1.0036190113789016 0.6042904216410411 0.2792555230171955 0.06256559060130429 -0.03649266421738833 -0.11852528148912447 -0.2191313215393578 -0.2779471603379571 -0.3537886366835216 -0.2624693080225413 -0.28413830126412865 -0.4249867573344553 -0.38164877085128057 -0.36617091853585604 -0.25937373755945115 0.03625324166508603 +7590,0.6569151195134688,0,1.1491108231438594 1.2048310914793772 1.1351807560599843 1.0036190113789016 0.6042904216410411 0.2792555230171955 0.06256559060130429 -0.03649266421738833 -0.11852528148912447 -0.2191313215393578 -0.2779471603379571 -0.3537886366835216 -0.2624693080225413 -0.28413830126412865 -0.4249867573344553 -0.38164877085128057 -0.36617091853585604 -0.25937373755945115 0.03625324166508603 0.38295713353051897 +7591,0.960281024895727,0,1.2048310914793772 1.1351807560599843 1.0036190113789016 0.6042904216410411 0.2792555230171955 0.06256559060130429 -0.03649266421738833 -0.11852528148912447 -0.2191313215393578 -0.2779471603379571 -0.3537886366835216 -0.2624693080225413 -0.28413830126412865 -0.4249867573344553 -0.38164877085128057 -0.36617091853585604 -0.25937373755945115 0.03625324166508603 0.38295713353051897 0.6569151195134688 +7592,1.1289896151338126,0,1.1351807560599843 1.0036190113789016 0.6042904216410411 0.2792555230171955 0.06256559060130429 -0.03649266421738833 -0.11852528148912447 -0.2191313215393578 -0.2779471603379571 -0.3537886366835216 -0.2624693080225413 -0.28413830126412865 -0.4249867573344553 -0.38164877085128057 -0.36617091853585604 -0.25937373755945115 0.03625324166508603 0.38295713353051897 0.6569151195134688 0.960281024895727 +7593,1.1553019640700308,0,1.0036190113789016 0.6042904216410411 0.2792555230171955 0.06256559060130429 -0.03649266421738833 -0.11852528148912447 -0.2191313215393578 -0.2779471603379571 -0.3537886366835216 -0.2624693080225413 -0.28413830126412865 -0.4249867573344553 -0.38164877085128057 -0.36617091853585604 -0.25937373755945115 0.03625324166508603 0.38295713353051897 0.6569151195134688 0.960281024895727 1.1289896151338126 +7594,1.241977937036389,0,0.6042904216410411 0.2792555230171955 0.06256559060130429 -0.03649266421738833 -0.11852528148912447 -0.2191313215393578 -0.2779471603379571 -0.3537886366835216 -0.2624693080225413 -0.28413830126412865 -0.4249867573344553 -0.38164877085128057 -0.36617091853585604 -0.25937373755945115 0.03625324166508603 0.38295713353051897 0.6569151195134688 0.960281024895727 1.1289896151338126 1.1553019640700308 +7595,1.2497168631941014,0,0.2792555230171955 0.06256559060130429 -0.03649266421738833 -0.11852528148912447 -0.2191313215393578 -0.2779471603379571 -0.3537886366835216 -0.2624693080225413 -0.28413830126412865 -0.4249867573344553 -0.38164877085128057 -0.36617091853585604 -0.25937373755945115 0.03625324166508603 0.38295713353051897 0.6569151195134688 0.960281024895727 1.1289896151338126 1.1553019640700308 1.241977937036389 +7596,1.1862576687008712,0,0.06256559060130429 -0.03649266421738833 -0.11852528148912447 -0.2191313215393578 -0.2779471603379571 -0.3537886366835216 -0.2624693080225413 -0.28413830126412865 -0.4249867573344553 -0.38164877085128057 -0.36617091853585604 -0.25937373755945115 0.03625324166508603 0.38295713353051897 0.6569151195134688 0.960281024895727 1.1289896151338126 1.1553019640700308 1.241977937036389 1.2497168631941014 +7597,1.0036190113789016,0,-0.03649266421738833 -0.11852528148912447 -0.2191313215393578 -0.2779471603379571 -0.3537886366835216 -0.2624693080225413 -0.28413830126412865 -0.4249867573344553 -0.38164877085128057 -0.36617091853585604 -0.25937373755945115 0.03625324166508603 0.38295713353051897 0.6569151195134688 0.960281024895727 1.1289896151338126 1.1553019640700308 1.241977937036389 1.2497168631941014 1.1862576687008712 +7598,0.5655957908524885,0,-0.11852528148912447 -0.2191313215393578 -0.2779471603379571 -0.3537886366835216 -0.2624693080225413 -0.28413830126412865 -0.4249867573344553 -0.38164877085128057 -0.36617091853585604 -0.25937373755945115 0.03625324166508603 0.38295713353051897 0.6569151195134688 0.960281024895727 1.1289896151338126 1.1553019640700308 1.241977937036389 1.2497168631941014 1.1862576687008712 1.0036190113789016 +7599,0.2668732411648611,0,-0.2191313215393578 -0.2779471603379571 -0.3537886366835216 -0.2624693080225413 -0.28413830126412865 -0.4249867573344553 -0.38164877085128057 -0.36617091853585604 -0.25937373755945115 0.03625324166508603 0.38295713353051897 0.6569151195134688 0.960281024895727 1.1289896151338126 1.1553019640700308 1.241977937036389 1.2497168631941014 1.1862576687008712 1.0036190113789016 0.5655957908524885 +7600,0.13221592602069726,0,-0.2779471603379571 -0.3537886366835216 -0.2624693080225413 -0.28413830126412865 -0.4249867573344553 -0.38164877085128057 -0.36617091853585604 -0.25937373755945115 0.03625324166508603 0.38295713353051897 0.6569151195134688 0.960281024895727 1.1289896151338126 1.1553019640700308 1.241977937036389 1.2497168631941014 1.1862576687008712 1.0036190113789016 0.5655957908524885 0.2668732411648611 +7601,0.08733015430598183,0,-0.3537886366835216 -0.2624693080225413 -0.28413830126412865 -0.4249867573344553 -0.38164877085128057 -0.36617091853585604 -0.25937373755945115 0.03625324166508603 0.38295713353051897 0.6569151195134688 0.960281024895727 1.1289896151338126 1.1553019640700308 1.241977937036389 1.2497168631941014 1.1862576687008712 1.0036190113789016 0.5655957908524885 0.2668732411648611 0.13221592602069726 +7602,-0.15102877135150553,0,-0.2624693080225413 -0.28413830126412865 -0.4249867573344553 -0.38164877085128057 -0.36617091853585604 -0.25937373755945115 0.03625324166508603 0.38295713353051897 0.6569151195134688 0.960281024895727 1.1289896151338126 1.1553019640700308 1.241977937036389 1.2497168631941014 1.1862576687008712 1.0036190113789016 0.5655957908524885 0.2668732411648611 0.13221592602069726 0.08733015430598183 +7603,-0.09530850301598763,0,-0.28413830126412865 -0.4249867573344553 -0.38164877085128057 -0.36617091853585604 -0.25937373755945115 0.03625324166508603 0.38295713353051897 0.6569151195134688 0.960281024895727 1.1289896151338126 1.1553019640700308 1.241977937036389 1.2497168631941014 1.1862576687008712 1.0036190113789016 0.5655957908524885 0.2668732411648611 0.13221592602069726 0.08733015430598183 -0.15102877135150553 +7604,-0.11542971102603429,0,-0.4249867573344553 -0.38164877085128057 -0.36617091853585604 -0.25937373755945115 0.03625324166508603 0.38295713353051897 0.6569151195134688 0.960281024895727 1.1289896151338126 1.1553019640700308 1.241977937036389 1.2497168631941014 1.1862576687008712 1.0036190113789016 0.5655957908524885 0.2668732411648611 0.13221592602069726 0.08733015430598183 -0.15102877135150553 -0.09530850301598763 +7605,-0.14174205996225253,0,-0.38164877085128057 -0.36617091853585604 -0.25937373755945115 0.03625324166508603 0.38295713353051897 0.6569151195134688 0.960281024895727 1.1289896151338126 1.1553019640700308 1.241977937036389 1.2497168631941014 1.1862576687008712 1.0036190113789016 0.5655957908524885 0.2668732411648611 0.13221592602069726 0.08733015430598183 -0.15102877135150553 -0.09530850301598763 -0.11542971102603429 +7606,-0.1680544088984708,0,-0.36617091853585604 -0.25937373755945115 0.03625324166508603 0.38295713353051897 0.6569151195134688 0.960281024895727 1.1289896151338126 1.1553019640700308 1.241977937036389 1.2497168631941014 1.1862576687008712 1.0036190113789016 0.5655957908524885 0.2668732411648611 0.13221592602069726 0.08733015430598183 -0.15102877135150553 -0.09530850301598763 -0.11542971102603429 -0.14174205996225253 +7607,-0.25937373755945115,0,-0.25937373755945115 0.03625324166508603 0.38295713353051897 0.6569151195134688 0.960281024895727 1.1289896151338126 1.1553019640700308 1.241977937036389 1.2497168631941014 1.1862576687008712 1.0036190113789016 0.5655957908524885 0.2668732411648611 0.13221592602069726 0.08733015430598183 -0.15102877135150553 -0.09530850301598763 -0.11542971102603429 -0.14174205996225253 -0.1680544088984708 +7608,-0.25627816709636975,0,0.03625324166508603 0.38295713353051897 0.6569151195134688 0.960281024895727 1.1289896151338126 1.1553019640700308 1.241977937036389 1.2497168631941014 1.1862576687008712 1.0036190113789016 0.5655957908524885 0.2668732411648611 0.13221592602069726 0.08733015430598183 -0.15102877135150553 -0.09530850301598763 -0.11542971102603429 -0.14174205996225253 -0.1680544088984708 -0.25937373755945115 +7609,-0.315094005894969,0,0.38295713353051897 0.6569151195134688 0.960281024895727 1.1289896151338126 1.1553019640700308 1.241977937036389 1.2497168631941014 1.1862576687008712 1.0036190113789016 0.5655957908524885 0.2668732411648611 0.13221592602069726 0.08733015430598183 -0.15102877135150553 -0.09530850301598763 -0.11542971102603429 -0.14174205996225253 -0.1680544088984708 -0.25937373755945115 -0.25627816709636975 +7610,-0.3274762877473034,0,0.6569151195134688 0.960281024895727 1.1289896151338126 1.1553019640700308 1.241977937036389 1.2497168631941014 1.1862576687008712 1.0036190113789016 0.5655957908524885 0.2668732411648611 0.13221592602069726 0.08733015430598183 -0.15102877135150553 -0.09530850301598763 -0.11542971102603429 -0.14174205996225253 -0.1680544088984708 -0.25937373755945115 -0.25627816709636975 -0.315094005894969 +7611,-0.08176538223999773,0,0.960281024895727 1.1289896151338126 1.1553019640700308 1.241977937036389 1.2497168631941014 1.1862576687008712 1.0036190113789016 0.5655957908524885 0.2668732411648611 0.13221592602069726 0.08733015430598183 -0.15102877135150553 -0.09530850301598763 -0.11542971102603429 -0.14174205996225253 -0.1680544088984708 -0.25937373755945115 -0.25627816709636975 -0.315094005894969 -0.3274762877473034 +7612,0.3802743058474372,0,1.1289896151338126 1.1553019640700308 1.241977937036389 1.2497168631941014 1.1862576687008712 1.0036190113789016 0.5655957908524885 0.2668732411648611 0.13221592602069726 0.08733015430598183 -0.15102877135150553 -0.09530850301598763 -0.11542971102603429 -0.14174205996225253 -0.1680544088984708 -0.25937373755945115 -0.25627816709636975 -0.315094005894969 -0.3274762877473034 -0.08176538223999773 +7613,0.5178208199872942,0,1.1553019640700308 1.241977937036389 1.2497168631941014 1.1862576687008712 1.0036190113789016 0.5655957908524885 0.2668732411648611 0.13221592602069726 0.08733015430598183 -0.15102877135150553 -0.09530850301598763 -0.11542971102603429 -0.14174205996225253 -0.1680544088984708 -0.25937373755945115 -0.25627816709636975 -0.315094005894969 -0.3274762877473034 -0.08176538223999773 0.3802743058474372 +7614,0.6553673342819281,0,1.241977937036389 1.2497168631941014 1.1862576687008712 1.0036190113789016 0.5655957908524885 0.2668732411648611 0.13221592602069726 0.08733015430598183 -0.15102877135150553 -0.09530850301598763 -0.11542971102603429 -0.14174205996225253 -0.1680544088984708 -0.25937373755945115 -0.25627816709636975 -0.315094005894969 -0.3274762877473034 -0.08176538223999773 0.3802743058474372 0.5178208199872942 +7615,0.930099212880657,0,1.2497168631941014 1.1862576687008712 1.0036190113789016 0.5655957908524885 0.2668732411648611 0.13221592602069726 0.08733015430598183 -0.15102877135150553 -0.09530850301598763 -0.11542971102603429 -0.14174205996225253 -0.1680544088984708 -0.25937373755945115 -0.25627816709636975 -0.315094005894969 -0.3274762877473034 -0.08176538223999773 0.3802743058474372 0.5178208199872942 0.6553673342819281 +7616,1.2048310914793772,0,1.1862576687008712 1.0036190113789016 0.5655957908524885 0.2668732411648611 0.13221592602069726 0.08733015430598183 -0.15102877135150553 -0.09530850301598763 -0.11542971102603429 -0.14174205996225253 -0.1680544088984708 -0.25937373755945115 -0.25627816709636975 -0.315094005894969 -0.3274762877473034 -0.08176538223999773 0.3802743058474372 0.5178208199872942 0.6553673342819281 0.930099212880657 +7617,1.2868637087511132,0,1.0036190113789016 0.5655957908524885 0.2668732411648611 0.13221592602069726 0.08733015430598183 -0.15102877135150553 -0.09530850301598763 -0.11542971102603429 -0.14174205996225253 -0.1680544088984708 -0.25937373755945115 -0.25627816709636975 -0.315094005894969 -0.3274762877473034 -0.08176538223999773 0.3802743058474372 0.5178208199872942 0.6553673342819281 0.930099212880657 1.2048310914793772 +7618,1.4261643795898993,0,0.5655957908524885 0.2668732411648611 0.13221592602069726 0.08733015430598183 -0.15102877135150553 -0.09530850301598763 -0.11542971102603429 -0.14174205996225253 -0.1680544088984708 -0.25937373755945115 -0.25627816709636975 -0.315094005894969 -0.3274762877473034 -0.08176538223999773 0.3802743058474372 0.5178208199872942 0.6553673342819281 0.930099212880657 1.2048310914793772 1.2868637087511132 +7619,1.4973625002408328,0,0.2668732411648611 0.13221592602069726 0.08733015430598183 -0.15102877135150553 -0.09530850301598763 -0.11542971102603429 -0.14174205996225253 -0.1680544088984708 -0.25937373755945115 -0.25627816709636975 -0.315094005894969 -0.3274762877473034 -0.08176538223999773 0.3802743058474372 0.5178208199872942 0.6553673342819281 0.930099212880657 1.2048310914793772 1.2868637087511132 1.4261643795898993 +7620,1.348775118012794,0,0.13221592602069726 0.08733015430598183 -0.15102877135150553 -0.09530850301598763 -0.11542971102603429 -0.14174205996225253 -0.1680544088984708 -0.25937373755945115 -0.25627816709636975 -0.315094005894969 -0.3274762877473034 -0.08176538223999773 0.3802743058474372 0.5178208199872942 0.6553673342819281 0.930099212880657 1.2048310914793772 1.2868637087511132 1.4261643795898993 1.4973625002408328 +7621,1.4400944466737744,0,0.08733015430598183 -0.15102877135150553 -0.09530850301598763 -0.11542971102603429 -0.14174205996225253 -0.1680544088984708 -0.25937373755945115 -0.25627816709636975 -0.315094005894969 -0.3274762877473034 -0.08176538223999773 0.3802743058474372 0.5178208199872942 0.6553673342819281 0.930099212880657 1.2048310914793772 1.2868637087511132 1.4261643795898993 1.4973625002408328 1.348775118012794 +7622,0.841101562066979,0,-0.15102877135150553 -0.09530850301598763 -0.11542971102603429 -0.14174205996225253 -0.1680544088984708 -0.25937373755945115 -0.25627816709636975 -0.315094005894969 -0.3274762877473034 -0.08176538223999773 0.3802743058474372 0.5178208199872942 0.6553673342819281 0.930099212880657 1.2048310914793772 1.2868637087511132 1.4261643795898993 1.4973625002408328 1.348775118012794 1.4400944466737744 +7623,0.3674792812151032,0,-0.09530850301598763 -0.11542971102603429 -0.14174205996225253 -0.1680544088984708 -0.25937373755945115 -0.25627816709636975 -0.315094005894969 -0.3274762877473034 -0.08176538223999773 0.3802743058474372 0.5178208199872942 0.6553673342819281 0.930099212880657 1.2048310914793772 1.2868637087511132 1.4261643795898993 1.4973625002408328 1.348775118012794 1.4400944466737744 0.841101562066979 +7624,0.19877069097700883,0,-0.11542971102603429 -0.14174205996225253 -0.1680544088984708 -0.25937373755945115 -0.25627816709636975 -0.315094005894969 -0.3274762877473034 -0.08176538223999773 0.3802743058474372 0.5178208199872942 0.6553673342819281 0.930099212880657 1.2048310914793772 1.2868637087511132 1.4261643795898993 1.4973625002408328 1.348775118012794 1.4400944466737744 0.841101562066979 0.3674792812151032 +7625,0.09197351000060393,0,-0.14174205996225253 -0.1680544088984708 -0.25937373755945115 -0.25627816709636975 -0.315094005894969 -0.3274762877473034 -0.08176538223999773 0.3802743058474372 0.5178208199872942 0.6553673342819281 0.930099212880657 1.2048310914793772 1.2868637087511132 1.4261643795898993 1.4973625002408328 1.348775118012794 1.4400944466737744 0.841101562066979 0.3674792812151032 0.19877069097700883 +7626,-0.030301523291225544,0,-0.1680544088984708 -0.25937373755945115 -0.25627816709636975 -0.315094005894969 -0.3274762877473034 -0.08176538223999773 0.3802743058474372 0.5178208199872942 0.6553673342819281 0.930099212880657 1.2048310914793772 1.2868637087511132 1.4261643795898993 1.4973625002408328 1.348775118012794 1.4400944466737744 0.841101562066979 0.3674792812151032 0.19877069097700883 0.09197351000060393 +7627,-0.08756957685828413,0,-0.25937373755945115 -0.25627816709636975 -0.315094005894969 -0.3274762877473034 -0.08176538223999773 0.3802743058474372 0.5178208199872942 0.6553673342819281 0.930099212880657 1.2048310914793772 1.2868637087511132 1.4261643795898993 1.4973625002408328 1.348775118012794 1.4400944466737744 0.841101562066979 0.3674792812151032 0.19877069097700883 0.09197351000060393 -0.030301523291225544 +7628,-0.17579333505618308,0,-0.25627816709636975 -0.315094005894969 -0.3274762877473034 -0.08176538223999773 0.3802743058474372 0.5178208199872942 0.6553673342819281 0.930099212880657 1.2048310914793772 1.2868637087511132 1.4261643795898993 1.4973625002408328 1.348775118012794 1.4400944466737744 0.841101562066979 0.3674792812151032 0.19877069097700883 0.09197351000060393 -0.030301523291225544 -0.08756957685828413 +7629,-0.1649588384353894,0,-0.315094005894969 -0.3274762877473034 -0.08176538223999773 0.3802743058474372 0.5178208199872942 0.6553673342819281 0.930099212880657 1.2048310914793772 1.2868637087511132 1.4261643795898993 1.4973625002408328 1.348775118012794 1.4400944466737744 0.841101562066979 0.3674792812151032 0.19877069097700883 0.09197351000060393 -0.030301523291225544 -0.08756957685828413 -0.17579333505618308 +7630,-0.2763993751064164,0,-0.3274762877473034 -0.08176538223999773 0.3802743058474372 0.5178208199872942 0.6553673342819281 0.930099212880657 1.2048310914793772 1.2868637087511132 1.4261643795898993 1.4973625002408328 1.348775118012794 1.4400944466737744 0.841101562066979 0.3674792812151032 0.19877069097700883 0.09197351000060393 -0.030301523291225544 -0.08756957685828413 -0.17579333505618308 -0.1649588384353894 +7631,-0.3290240729788441,0,-0.08176538223999773 0.3802743058474372 0.5178208199872942 0.6553673342819281 0.930099212880657 1.2048310914793772 1.2868637087511132 1.4261643795898993 1.4973625002408328 1.348775118012794 1.4400944466737744 0.841101562066979 0.3674792812151032 0.19877069097700883 0.09197351000060393 -0.030301523291225544 -0.08756957685828413 -0.17579333505618308 -0.1649588384353894 -0.2763993751064164 +7632,-0.2707241625391661,0,0.3802743058474372 0.5178208199872942 0.6553673342819281 0.930099212880657 1.2048310914793772 1.2868637087511132 1.4261643795898993 1.4973625002408328 1.348775118012794 1.4400944466737744 0.841101562066979 0.3674792812151032 0.19877069097700883 0.09197351000060393 -0.030301523291225544 -0.08756957685828413 -0.17579333505618308 -0.1649588384353894 -0.2763993751064164 -0.3290240729788441 +7633,-0.21092805981218507,0,0.5178208199872942 0.6553673342819281 0.930099212880657 1.2048310914793772 1.2868637087511132 1.4261643795898993 1.4973625002408328 1.348775118012794 1.4400944466737744 0.841101562066979 0.3674792812151032 0.19877069097700883 0.09197351000060393 -0.030301523291225544 -0.08756957685828413 -0.17579333505618308 -0.1649588384353894 -0.2763993751064164 -0.3290240729788441 -0.2707241625391661 +7634,-0.15412434181458692,0,0.6553673342819281 0.930099212880657 1.2048310914793772 1.2868637087511132 1.4261643795898993 1.4973625002408328 1.348775118012794 1.4400944466737744 0.841101562066979 0.3674792812151032 0.19877069097700883 0.09197351000060393 -0.030301523291225544 -0.08756957685828413 -0.17579333505618308 -0.1649588384353894 -0.2763993751064164 -0.3290240729788441 -0.2707241625391661 -0.21092805981218507 +7635,-0.04577937560664132,0,0.930099212880657 1.2048310914793772 1.2868637087511132 1.4261643795898993 1.4973625002408328 1.348775118012794 1.4400944466737744 0.841101562066979 0.3674792812151032 0.19877069097700883 0.09197351000060393 -0.030301523291225544 -0.08756957685828413 -0.17579333505618308 -0.1649588384353894 -0.2763993751064164 -0.3290240729788441 -0.2707241625391661 -0.21092805981218507 -0.15412434181458692 +7636,0.4309384757083246,0,1.2048310914793772 1.2868637087511132 1.4261643795898993 1.4973625002408328 1.348775118012794 1.4400944466737744 0.841101562066979 0.3674792812151032 0.19877069097700883 0.09197351000060393 -0.030301523291225544 -0.08756957685828413 -0.17579333505618308 -0.1649588384353894 -0.2763993751064164 -0.3290240729788441 -0.2707241625391661 -0.21092805981218507 -0.15412434181458692 -0.04577937560664132 +7637,0.5114233077485113,0,1.2868637087511132 1.4261643795898993 1.4973625002408328 1.348775118012794 1.4400944466737744 0.841101562066979 0.3674792812151032 0.19877069097700883 0.09197351000060393 -0.030301523291225544 -0.08756957685828413 -0.17579333505618308 -0.1649588384353894 -0.2763993751064164 -0.3290240729788441 -0.2707241625391661 -0.21092805981218507 -0.15412434181458692 -0.04577937560664132 0.4309384757083246 +7638,0.9891472194639821,0,1.4261643795898993 1.4973625002408328 1.348775118012794 1.4400944466737744 0.841101562066979 0.3674792812151032 0.19877069097700883 0.09197351000060393 -0.030301523291225544 -0.08756957685828413 -0.17579333505618308 -0.1649588384353894 -0.2763993751064164 -0.3290240729788441 -0.2707241625391661 -0.21092805981218507 -0.15412434181458692 -0.04577937560664132 0.4309384757083246 0.5114233077485113 +7639,1.4668711311794531,0,1.4973625002408328 1.348775118012794 1.4400944466737744 0.841101562066979 0.3674792812151032 0.19877069097700883 0.09197351000060393 -0.030301523291225544 -0.08756957685828413 -0.17579333505618308 -0.1649588384353894 -0.2763993751064164 -0.3290240729788441 -0.2707241625391661 -0.21092805981218507 -0.15412434181458692 -0.04577937560664132 0.4309384757083246 0.5114233077485113 0.9891472194639821 +7640,1.7160645534577341,0,1.348775118012794 1.4400944466737744 0.841101562066979 0.3674792812151032 0.19877069097700883 0.09197351000060393 -0.030301523291225544 -0.08756957685828413 -0.17579333505618308 -0.1649588384353894 -0.2763993751064164 -0.3290240729788441 -0.2707241625391661 -0.21092805981218507 -0.15412434181458692 -0.04577937560664132 0.4309384757083246 0.5114233077485113 0.9891472194639821 1.4668711311794531 +7641,0.8299059156104234,0,1.4400944466737744 0.841101562066979 0.3674792812151032 0.19877069097700883 0.09197351000060393 -0.030301523291225544 -0.08756957685828413 -0.17579333505618308 -0.1649588384353894 -0.2763993751064164 -0.3290240729788441 -0.2707241625391661 -0.21092805981218507 -0.15412434181458692 -0.04577937560664132 0.4309384757083246 0.5114233077485113 0.9891472194639821 1.4668711311794531 1.7160645534577341 +7642,0.5114233077485113,0,0.841101562066979 0.3674792812151032 0.19877069097700883 0.09197351000060393 -0.030301523291225544 -0.08756957685828413 -0.17579333505618308 -0.1649588384353894 -0.2763993751064164 -0.3290240729788441 -0.2707241625391661 -0.21092805981218507 -0.15412434181458692 -0.04577937560664132 0.4309384757083246 0.5114233077485113 0.9891472194639821 1.4668711311794531 1.7160645534577341 0.8299059156104234 +7643,1.1650530110287443,0,0.3674792812151032 0.19877069097700883 0.09197351000060393 -0.030301523291225544 -0.08756957685828413 -0.17579333505618308 -0.1649588384353894 -0.2763993751064164 -0.3290240729788441 -0.2707241625391661 -0.21092805981218507 -0.15412434181458692 -0.04577937560664132 0.4309384757083246 0.5114233077485113 0.9891472194639821 1.4668711311794531 1.7160645534577341 0.8299059156104234 0.5114233077485113 +7644,1.6461046609920311,0,0.19877069097700883 0.09197351000060393 -0.030301523291225544 -0.08756957685828413 -0.17579333505618308 -0.1649588384353894 -0.2763993751064164 -0.3290240729788441 -0.2707241625391661 -0.21092805981218507 -0.15412434181458692 -0.04577937560664132 0.4309384757083246 0.5114233077485113 0.9891472194639821 1.4668711311794531 1.7160645534577341 0.8299059156104234 0.5114233077485113 1.1650530110287443 +7645,1.6461046609920311,0,0.09197351000060393 -0.030301523291225544 -0.08756957685828413 -0.17579333505618308 -0.1649588384353894 -0.2763993751064164 -0.3290240729788441 -0.2707241625391661 -0.21092805981218507 -0.15412434181458692 -0.04577937560664132 0.4309384757083246 0.5114233077485113 0.9891472194639821 1.4668711311794531 1.7160645534577341 0.8299059156104234 0.5114233077485113 1.1650530110287443 1.6461046609920311 +7646,0.8465961996389555,0,-0.030301523291225544 -0.08756957685828413 -0.17579333505618308 -0.1649588384353894 -0.2763993751064164 -0.3290240729788441 -0.2707241625391661 -0.21092805981218507 -0.15412434181458692 -0.04577937560664132 0.4309384757083246 0.5114233077485113 0.9891472194639821 1.4668711311794531 1.7160645534577341 0.8299059156104234 0.5114233077485113 1.1650530110287443 1.6461046609920311 1.6461046609920311 +7647,0.04708773828587971,0,-0.08756957685828413 -0.17579333505618308 -0.1649588384353894 -0.2763993751064164 -0.3290240729788441 -0.2707241625391661 -0.21092805981218507 -0.15412434181458692 -0.04577937560664132 0.4309384757083246 0.5114233077485113 0.9891472194639821 1.4668711311794531 1.7160645534577341 0.8299059156104234 0.5114233077485113 1.1650530110287443 1.6461046609920311 1.6461046609920311 0.8465961996389555 +7648,0.09868057928569679,0,-0.17579333505618308 -0.1649588384353894 -0.2763993751064164 -0.3290240729788441 -0.2707241625391661 -0.21092805981218507 -0.15412434181458692 -0.04577937560664132 0.4309384757083246 0.5114233077485113 0.9891472194639821 1.4668711311794531 1.7160645534577341 0.8299059156104234 0.5114233077485113 1.1650530110287443 1.6461046609920311 1.6461046609920311 0.8465961996389555 0.04708773828587971 +7649,0.15027342044028194,0,-0.1649588384353894 -0.2763993751064164 -0.3290240729788441 -0.2707241625391661 -0.21092805981218507 -0.15412434181458692 -0.04577937560664132 0.4309384757083246 0.5114233077485113 0.9891472194639821 1.4668711311794531 1.7160645534577341 0.8299059156104234 0.5114233077485113 1.1650530110287443 1.6461046609920311 1.6461046609920311 0.8465961996389555 0.04708773828587971 0.09868057928569679 +7650,0.20186626144009023,0,-0.2763993751064164 -0.3290240729788441 -0.2707241625391661 -0.21092805981218507 -0.15412434181458692 -0.04577937560664132 0.4309384757083246 0.5114233077485113 0.9891472194639821 1.4668711311794531 1.7160645534577341 0.8299059156104234 0.5114233077485113 1.1650530110287443 1.6461046609920311 1.6461046609920311 0.8465961996389555 0.04708773828587971 0.09868057928569679 0.15027342044028194 +7651,0.20186626144009023,0,-0.3290240729788441 -0.2707241625391661 -0.21092805981218507 -0.15412434181458692 -0.04577937560664132 0.4309384757083246 0.5114233077485113 0.9891472194639821 1.4668711311794531 1.7160645534577341 0.8299059156104234 0.5114233077485113 1.1650530110287443 1.6461046609920311 1.6461046609920311 0.8465961996389555 0.04708773828587971 0.09868057928569679 0.15027342044028194 0.20186626144009023 +7652,0.025496134305867627,0,-0.2707241625391661 -0.21092805981218507 -0.15412434181458692 -0.04577937560664132 0.4309384757083246 0.5114233077485113 0.9891472194639821 1.4668711311794531 1.7160645534577341 0.8299059156104234 0.5114233077485113 1.1650530110287443 1.6461046609920311 1.6461046609920311 0.8465961996389555 0.04708773828587971 0.09868057928569679 0.15027342044028194 0.20186626144009023 0.20186626144009023 +7653,-0.15087399282835498,0,-0.21092805981218507 -0.15412434181458692 -0.04577937560664132 0.4309384757083246 0.5114233077485113 0.9891472194639821 1.4668711311794531 1.7160645534577341 0.8299059156104234 0.5114233077485113 1.1650530110287443 1.6461046609920311 1.6461046609920311 0.8465961996389555 0.04708773828587971 0.09868057928569679 0.15027342044028194 0.20186626144009023 0.20186626144009023 0.025496134305867627 +7654,-0.00646563072546889,0,-0.15412434181458692 -0.04577937560664132 0.4309384757083246 0.5114233077485113 0.9891472194639821 1.4668711311794531 1.7160645534577341 0.8299059156104234 0.5114233077485113 1.1650530110287443 1.6461046609920311 1.6461046609920311 0.8465961996389555 0.04708773828587971 0.09868057928569679 0.15027342044028194 0.20186626144009023 0.20186626144009023 0.025496134305867627 -0.15087399282835498 +7655,0.1379427313774084,0,-0.04577937560664132 0.4309384757083246 0.5114233077485113 0.9891472194639821 1.4668711311794531 1.7160645534577341 0.8299059156104234 0.5114233077485113 1.1650530110287443 1.6461046609920311 1.6461046609920311 0.8465961996389555 0.04708773828587971 0.09868057928569679 0.15027342044028194 0.20186626144009023 0.20186626144009023 0.025496134305867627 -0.15087399282835498 -0.00646563072546889 +7656,0.2823510934802857,0,0.4309384757083246 0.5114233077485113 0.9891472194639821 1.4668711311794531 1.7160645534577341 0.8299059156104234 0.5114233077485113 1.1650530110287443 1.6461046609920311 1.6461046609920311 0.8465961996389555 0.04708773828587971 0.09868057928569679 0.15027342044028194 0.20186626144009023 0.20186626144009023 0.025496134305867627 -0.15087399282835498 -0.00646563072546889 0.1379427313774084 +7657,0.04708773828587971,0,0.5114233077485113 0.9891472194639821 1.4668711311794531 1.7160645534577341 0.8299059156104234 0.5114233077485113 1.1650530110287443 1.6461046609920311 1.6461046609920311 0.8465961996389555 0.04708773828587971 0.09868057928569679 0.15027342044028194 0.20186626144009023 0.20186626144009023 0.025496134305867627 -0.15087399282835498 -0.00646563072546889 0.1379427313774084 0.2823510934802857 +7658,0.6275072001141692,0,0.9891472194639821 1.4668711311794531 1.7160645534577341 0.8299059156104234 0.5114233077485113 1.1650530110287443 1.6461046609920311 1.6461046609920311 0.8465961996389555 0.04708773828587971 0.09868057928569679 0.15027342044028194 0.20186626144009023 0.20186626144009023 0.025496134305867627 -0.15087399282835498 -0.00646563072546889 0.1379427313774084 0.2823510934802857 0.04708773828587971 +7659,0.6801318979866057,0,1.4668711311794531 1.7160645534577341 0.8299059156104234 0.5114233077485113 1.1650530110287443 1.6461046609920311 1.6461046609920311 0.8465961996389555 0.04708773828587971 0.09868057928569679 0.15027342044028194 0.20186626144009023 0.20186626144009023 0.025496134305867627 -0.15087399282835498 -0.00646563072546889 0.1379427313774084 0.2823510934802857 0.04708773828587971 0.6275072001141692 +7660,0.20186626144009023,0,1.7160645534577341 0.8299059156104234 0.5114233077485113 1.1650530110287443 1.6461046609920311 1.6461046609920311 0.8465961996389555 0.04708773828587971 0.09868057928569679 0.15027342044028194 0.20186626144009023 0.20186626144009023 0.025496134305867627 -0.15087399282835498 -0.00646563072546889 0.1379427313774084 0.2823510934802857 0.04708773828587971 0.6275072001141692 0.6801318979866057 +7661,1.0175490784627856,0,0.8299059156104234 0.5114233077485113 1.1650530110287443 1.6461046609920311 1.6461046609920311 0.8465961996389555 0.04708773828587971 0.09868057928569679 0.15027342044028194 0.20186626144009023 0.20186626144009023 0.025496134305867627 -0.15087399282835498 -0.00646563072546889 0.1379427313774084 0.2823510934802857 0.04708773828587971 0.6275072001141692 0.6801318979866057 0.20186626144009023 +7662,1.2145821384380906,0,0.5114233077485113 1.1650530110287443 1.6461046609920311 1.6461046609920311 0.8465961996389555 0.04708773828587971 0.09868057928569679 0.15027342044028194 0.20186626144009023 0.20186626144009023 0.025496134305867627 -0.15087399282835498 -0.00646563072546889 0.1379427313774084 0.2823510934802857 0.04708773828587971 0.6275072001141692 0.6801318979866057 0.20186626144009023 1.0175490784627856 +7663,1.4116151984134044,0,1.1650530110287443 1.6461046609920311 1.6461046609920311 0.8465961996389555 0.04708773828587971 0.09868057928569679 0.15027342044028194 0.20186626144009023 0.20186626144009023 0.025496134305867627 -0.15087399282835498 -0.00646563072546889 0.1379427313774084 0.2823510934802857 0.04708773828587971 0.6275072001141692 0.6801318979866057 0.20186626144009023 1.0175490784627856 1.2145821384380906 +7664,1.6512123522561226,0,1.6461046609920311 1.6461046609920311 0.8465961996389555 0.04708773828587971 0.09868057928569679 0.15027342044028194 0.20186626144009023 0.20186626144009023 0.025496134305867627 -0.15087399282835498 -0.00646563072546889 0.1379427313774084 0.2823510934802857 0.04708773828587971 0.6275072001141692 0.6801318979866057 0.20186626144009023 1.0175490784627856 1.2145821384380906 1.4116151984134044 +7665,1.6512123522561226,0,1.6461046609920311 0.8465961996389555 0.04708773828587971 0.09868057928569679 0.15027342044028194 0.20186626144009023 0.20186626144009023 0.025496134305867627 -0.15087399282835498 -0.00646563072546889 0.1379427313774084 0.2823510934802857 0.04708773828587971 0.6275072001141692 0.6801318979866057 0.20186626144009023 1.0175490784627856 1.2145821384380906 1.4116151984134044 1.6512123522561226 +7666,1.6512123522561226,0,0.8465961996389555 0.04708773828587971 0.09868057928569679 0.15027342044028194 0.20186626144009023 0.20186626144009023 0.025496134305867627 -0.15087399282835498 -0.00646563072546889 0.1379427313774084 0.2823510934802857 0.04708773828587971 0.6275072001141692 0.6801318979866057 0.20186626144009023 1.0175490784627856 1.2145821384380906 1.4116151984134044 1.6512123522561226 1.6512123522561226 +7667,1.5948729698279849,0,0.04708773828587971 0.09868057928569679 0.15027342044028194 0.20186626144009023 0.20186626144009023 0.025496134305867627 -0.15087399282835498 -0.00646563072546889 0.1379427313774084 0.2823510934802857 0.04708773828587971 0.6275072001141692 0.6801318979866057 0.20186626144009023 1.0175490784627856 1.2145821384380906 1.4116151984134044 1.6512123522561226 1.6512123522561226 1.6512123522561226 +7668,0.8209803540569323,0,0.09868057928569679 0.15027342044028194 0.20186626144009023 0.20186626144009023 0.025496134305867627 -0.15087399282835498 -0.00646563072546889 0.1379427313774084 0.2823510934802857 0.04708773828587971 0.6275072001141692 0.6801318979866057 0.20186626144009023 1.0175490784627856 1.2145821384380906 1.4116151984134044 1.6512123522561226 1.6512123522561226 1.6512123522561226 1.5948729698279849 +7669,0.5114233077485113,0,0.15027342044028194 0.20186626144009023 0.20186626144009023 0.025496134305867627 -0.15087399282835498 -0.00646563072546889 0.1379427313774084 0.2823510934802857 0.04708773828587971 0.6275072001141692 0.6801318979866057 0.20186626144009023 1.0175490784627856 1.2145821384380906 1.4116151984134044 1.6512123522561226 1.6512123522561226 1.6512123522561226 1.5948729698279849 0.8209803540569323 +7670,0.20186626144009023,0,0.20186626144009023 0.20186626144009023 0.025496134305867627 -0.15087399282835498 -0.00646563072546889 0.1379427313774084 0.2823510934802857 0.04708773828587971 0.6275072001141692 0.6801318979866057 0.20186626144009023 1.0175490784627856 1.2145821384380906 1.4116151984134044 1.6512123522561226 1.6512123522561226 1.6512123522561226 1.5948729698279849 0.8209803540569323 0.5114233077485113 +7671,0.6662018309027218,0,0.20186626144009023 0.025496134305867627 -0.15087399282835498 -0.00646563072546889 0.1379427313774084 0.2823510934802857 0.04708773828587971 0.6275072001141692 0.6801318979866057 0.20186626144009023 1.0175490784627856 1.2145821384380906 1.4116151984134044 1.6512123522561226 1.6512123522561226 1.6512123522561226 1.5948729698279849 0.8209803540569323 0.5114233077485113 0.20186626144009023 +7672,0.750246568975459,0,0.025496134305867627 -0.15087399282835498 -0.00646563072546889 0.1379427313774084 0.2823510934802857 0.04708773828587971 0.6275072001141692 0.6801318979866057 0.20186626144009023 1.0175490784627856 1.2145821384380906 1.4116151984134044 1.6512123522561226 1.6512123522561226 1.6512123522561226 1.5948729698279849 0.8209803540569323 0.5114233077485113 0.20186626144009023 0.6662018309027218 +7673,0.37475387180334624,0,-0.15087399282835498 -0.00646563072546889 0.1379427313774084 0.2823510934802857 0.04708773828587971 0.6275072001141692 0.6801318979866057 0.20186626144009023 1.0175490784627856 1.2145821384380906 1.4116151984134044 1.6512123522561226 1.6512123522561226 1.6512123522561226 1.5948729698279849 0.8209803540569323 0.5114233077485113 0.20186626144009023 0.6662018309027218 0.750246568975459 +7674,0.04708773828587971,0,-0.00646563072546889 0.1379427313774084 0.2823510934802857 0.04708773828587971 0.6275072001141692 0.6801318979866057 0.20186626144009023 1.0175490784627856 1.2145821384380906 1.4116151984134044 1.6512123522561226 1.6512123522561226 1.6512123522561226 1.5948729698279849 0.8209803540569323 0.5114233077485113 0.20186626144009023 0.6662018309027218 0.750246568975459 0.37475387180334624 +7675,0.04708773828587971,0,0.1379427313774084 0.2823510934802857 0.04708773828587971 0.6275072001141692 0.6801318979866057 0.20186626144009023 1.0175490784627856 1.2145821384380906 1.4116151984134044 1.6512123522561226 1.6512123522561226 1.6512123522561226 1.5948729698279849 0.8209803540569323 0.5114233077485113 0.20186626144009023 0.6662018309027218 0.750246568975459 0.37475387180334624 0.04708773828587971 +7676,0.04708773828587971,0,0.2823510934802857 0.04708773828587971 0.6275072001141692 0.6801318979866057 0.20186626144009023 1.0175490784627856 1.2145821384380906 1.4116151984134044 1.6512123522561226 1.6512123522561226 1.6512123522561226 1.5948729698279849 0.8209803540569323 0.5114233077485113 0.20186626144009023 0.6662018309027218 0.750246568975459 0.37475387180334624 0.04708773828587971 0.04708773828587971 +7677,0.04708773828587971,0,0.04708773828587971 0.6275072001141692 0.6801318979866057 0.20186626144009023 1.0175490784627856 1.2145821384380906 1.4116151984134044 1.6512123522561226 1.6512123522561226 1.6512123522561226 1.5948729698279849 0.8209803540569323 0.5114233077485113 0.20186626144009023 0.6662018309027218 0.750246568975459 0.37475387180334624 0.04708773828587971 0.04708773828587971 0.04708773828587971 +7678,0.04708773828587971,0,0.6275072001141692 0.6801318979866057 0.20186626144009023 1.0175490784627856 1.2145821384380906 1.4116151984134044 1.6512123522561226 1.6512123522561226 1.6512123522561226 1.5948729698279849 0.8209803540569323 0.5114233077485113 0.20186626144009023 0.6662018309027218 0.750246568975459 0.37475387180334624 0.04708773828587971 0.04708773828587971 0.04708773828587971 0.04708773828587971 +7679,-0.025658167596594655,0,0.6801318979866057 0.20186626144009023 1.0175490784627856 1.2145821384380906 1.4116151984134044 1.6512123522561226 1.6512123522561226 1.6512123522561226 1.5948729698279849 0.8209803540569323 0.5114233077485113 0.20186626144009023 0.6662018309027218 0.750246568975459 0.37475387180334624 0.04708773828587971 0.04708773828587971 0.04708773828587971 0.04708773828587971 0.04708773828587971 +7680,0.25449095931252674,0,0.20186626144009023 1.0175490784627856 1.2145821384380906 1.4116151984134044 1.6512123522561226 1.6512123522561226 1.6512123522561226 1.5948729698279849 0.8209803540569323 0.5114233077485113 0.20186626144009023 0.6662018309027218 0.750246568975459 0.37475387180334624 0.04708773828587971 0.04708773828587971 0.04708773828587971 0.04708773828587971 0.04708773828587971 -0.025658167596594655 +7681,-0.02720595282813535,0,1.0175490784627856 1.2145821384380906 1.4116151984134044 1.6512123522561226 1.6512123522561226 1.6512123522561226 1.5948729698279849 0.8209803540569323 0.5114233077485113 0.20186626144009023 0.6662018309027218 0.750246568975459 0.37475387180334624 0.04708773828587971 0.04708773828587971 0.04708773828587971 0.04708773828587971 0.04708773828587971 -0.025658167596594655 0.25449095931252674 +7682,0.09816465092677551,0,1.2145821384380906 1.4116151984134044 1.6512123522561226 1.6512123522561226 1.6512123522561226 1.5948729698279849 0.8209803540569323 0.5114233077485113 0.20186626144009023 0.6662018309027218 0.750246568975459 0.37475387180334624 0.04708773828587971 0.04708773828587971 0.04708773828587971 0.04708773828587971 0.04708773828587971 -0.025658167596594655 0.25449095931252674 -0.02720595282813535 +7683,0.2823510934802857,0,1.4116151984134044 1.6512123522561226 1.6512123522561226 1.6512123522561226 1.5948729698279849 0.8209803540569323 0.5114233077485113 0.20186626144009023 0.6662018309027218 0.750246568975459 0.37475387180334624 0.04708773828587971 0.04708773828587971 0.04708773828587971 0.04708773828587971 0.04708773828587971 -0.025658167596594655 0.25449095931252674 -0.02720595282813535 0.09816465092677551 +7684,0.3566447845943007,0,1.6512123522561226 1.6512123522561226 1.6512123522561226 1.5948729698279849 0.8209803540569323 0.5114233077485113 0.20186626144009023 0.6662018309027218 0.750246568975459 0.37475387180334624 0.04708773828587971 0.04708773828587971 0.04708773828587971 0.04708773828587971 0.04708773828587971 -0.025658167596594655 0.25449095931252674 -0.02720595282813535 0.09816465092677551 0.2823510934802857 +7685,0.7708321125549662,0,1.6512123522561226 1.6512123522561226 1.5948729698279849 0.8209803540569323 0.5114233077485113 0.20186626144009023 0.6662018309027218 0.750246568975459 0.37475387180334624 0.04708773828587971 0.04708773828587971 0.04708773828587971 0.04708773828587971 0.04708773828587971 -0.025658167596594655 0.25449095931252674 -0.02720595282813535 0.09816465092677551 0.2823510934802857 0.3566447845943007 +7686,1.1850194405156405,0,1.6512123522561226 1.5948729698279849 0.8209803540569323 0.5114233077485113 0.20186626144009023 0.6662018309027218 0.750246568975459 0.37475387180334624 0.04708773828587971 0.04708773828587971 0.04708773828587971 0.04708773828587971 0.04708773828587971 -0.025658167596594655 0.25449095931252674 -0.02720595282813535 0.09816465092677551 0.2823510934802857 0.3566447845943007 0.7708321125549662 +7687,1.1850194405156405,0,1.5948729698279849 0.8209803540569323 0.5114233077485113 0.20186626144009023 0.6662018309027218 0.750246568975459 0.37475387180334624 0.04708773828587971 0.04708773828587971 0.04708773828587971 0.04708773828587971 0.04708773828587971 -0.025658167596594655 0.25449095931252674 -0.02720595282813535 0.09816465092677551 0.2823510934802857 0.3566447845943007 0.7708321125549662 1.1850194405156405 +7688,1.517328929727729,0,0.8209803540569323 0.5114233077485113 0.20186626144009023 0.6662018309027218 0.750246568975459 0.37475387180334624 0.04708773828587971 0.04708773828587971 0.04708773828587971 0.04708773828587971 0.04708773828587971 -0.025658167596594655 0.25449095931252674 -0.02720595282813535 0.09816465092677551 0.2823510934802857 0.3566447845943007 0.7708321125549662 1.1850194405156405 1.1850194405156405 +7689,1.517328929727729,0,0.5114233077485113 0.20186626144009023 0.6662018309027218 0.750246568975459 0.37475387180334624 0.04708773828587971 0.04708773828587971 0.04708773828587971 0.04708773828587971 0.04708773828587971 -0.025658167596594655 0.25449095931252674 -0.02720595282813535 0.09816465092677551 0.2823510934802857 0.3566447845943007 0.7708321125549662 1.1850194405156405 1.1850194405156405 1.517328929727729 +7690,1.517328929727729,0,0.20186626144009023 0.6662018309027218 0.750246568975459 0.37475387180334624 0.04708773828587971 0.04708773828587971 0.04708773828587971 0.04708773828587971 0.04708773828587971 -0.025658167596594655 0.25449095931252674 -0.02720595282813535 0.09816465092677551 0.2823510934802857 0.3566447845943007 0.7708321125549662 1.1850194405156405 1.1850194405156405 1.517328929727729 1.517328929727729 +7691,1.492100030453591,0,0.6662018309027218 0.750246568975459 0.37475387180334624 0.04708773828587971 0.04708773828587971 0.04708773828587971 0.04708773828587971 0.04708773828587971 -0.025658167596594655 0.25449095931252674 -0.02720595282813535 0.09816465092677551 0.2823510934802857 0.3566447845943007 0.7708321125549662 1.1850194405156405 1.1850194405156405 1.517328929727729 1.517328929727729 1.517328929727729 +7692,1.4400944466737744,0,0.750246568975459 0.37475387180334624 0.04708773828587971 0.04708773828587971 0.04708773828587971 0.04708773828587971 0.04708773828587971 -0.025658167596594655 0.25449095931252674 -0.02720595282813535 0.09816465092677551 0.2823510934802857 0.3566447845943007 0.7708321125549662 1.1850194405156405 1.1850194405156405 1.517328929727729 1.517328929727729 1.517328929727729 1.492100030453591 +7693,1.3952860642206342,0,0.37475387180334624 0.04708773828587971 0.04708773828587971 0.04708773828587971 0.04708773828587971 0.04708773828587971 -0.025658167596594655 0.25449095931252674 -0.02720595282813535 0.09816465092677551 0.2823510934802857 0.3566447845943007 0.7708321125549662 1.1850194405156405 1.1850194405156405 1.517328929727729 1.517328929727729 1.517328929727729 1.492100030453591 1.4400944466737744 +7694,0.868033025095817,0,0.04708773828587971 0.04708773828587971 0.04708773828587971 0.04708773828587971 0.04708773828587971 -0.025658167596594655 0.25449095931252674 -0.02720595282813535 0.09816465092677551 0.2823510934802857 0.3566447845943007 0.7708321125549662 1.1850194405156405 1.1850194405156405 1.517328929727729 1.517328929727729 1.517328929727729 1.492100030453591 1.4400944466737744 1.3952860642206342 +7695,0.04708773828587971,0,0.04708773828587971 0.04708773828587971 0.04708773828587971 0.04708773828587971 -0.025658167596594655 0.25449095931252674 -0.02720595282813535 0.09816465092677551 0.2823510934802857 0.3566447845943007 0.7708321125549662 1.1850194405156405 1.1850194405156405 1.517328929727729 1.517328929727729 1.517328929727729 1.492100030453591 1.4400944466737744 1.3952860642206342 0.868033025095817 +7696,0.04708773828587971,0,0.04708773828587971 0.04708773828587971 0.04708773828587971 -0.025658167596594655 0.25449095931252674 -0.02720595282813535 0.09816465092677551 0.2823510934802857 0.3566447845943007 0.7708321125549662 1.1850194405156405 1.1850194405156405 1.517328929727729 1.517328929727729 1.517328929727729 1.492100030453591 1.4400944466737744 1.3952860642206342 0.868033025095817 0.04708773828587971 +7697,0.3891482744566906,0,0.04708773828587971 0.04708773828587971 -0.025658167596594655 0.25449095931252674 -0.02720595282813535 0.09816465092677551 0.2823510934802857 0.3566447845943007 0.7708321125549662 1.1850194405156405 1.1850194405156405 1.517328929727729 1.517328929727729 1.517328929727729 1.492100030453591 1.4400944466737744 1.3952860642206342 0.868033025095817 0.04708773828587971 0.04708773828587971 +7698,-0.1076907848683308,0,0.04708773828587971 -0.025658167596594655 0.25449095931252674 -0.02720595282813535 0.09816465092677551 0.2823510934802857 0.3566447845943007 0.7708321125549662 1.1850194405156405 1.1850194405156405 1.517328929727729 1.517328929727729 1.517328929727729 1.492100030453591 1.4400944466737744 1.3952860642206342 0.868033025095817 0.04708773828587971 0.04708773828587971 0.3891482744566906 +7699,0.0029758591869346435,0,-0.025658167596594655 0.25449095931252674 -0.02720595282813535 0.09816465092677551 0.2823510934802857 0.3566447845943007 0.7708321125549662 1.1850194405156405 1.1850194405156405 1.517328929727729 1.517328929727729 1.517328929727729 1.492100030453591 1.4400944466737744 1.3952860642206342 0.868033025095817 0.04708773828587971 0.04708773828587971 0.3891482744566906 -0.1076907848683308 +7700,0.11364250324219129,0,0.25449095931252674 -0.02720595282813535 0.09816465092677551 0.2823510934802857 0.3566447845943007 0.7708321125549662 1.1850194405156405 1.1850194405156405 1.517328929727729 1.517328929727729 1.517328929727729 1.492100030453591 1.4400944466737744 1.3952860642206342 0.868033025095817 0.04708773828587971 0.04708773828587971 0.3891482744566906 -0.1076907848683308 0.0029758591869346435 +7701,0.05792223490668219,0,-0.02720595282813535 0.09816465092677551 0.2823510934802857 0.3566447845943007 0.7708321125549662 1.1850194405156405 1.1850194405156405 1.517328929727729 1.517328929727729 1.517328929727729 1.492100030453591 1.4400944466737744 1.3952860642206342 0.868033025095817 0.04708773828587971 0.04708773828587971 0.3891482744566906 -0.1076907848683308 0.0029758591869346435 0.11364250324219129 +7702,0.105903577084479,0,0.09816465092677551 0.2823510934802857 0.3566447845943007 0.7708321125549662 1.1850194405156405 1.1850194405156405 1.517328929727729 1.517328929727729 1.517328929727729 1.492100030453591 1.4400944466737744 1.3952860642206342 0.868033025095817 0.04708773828587971 0.04708773828587971 0.3891482744566906 -0.1076907848683308 0.0029758591869346435 0.11364250324219129 0.05792223490668219 +7703,-0.010180315281178881,0,0.2823510934802857 0.3566447845943007 0.7708321125549662 1.1850194405156405 1.1850194405156405 1.517328929727729 1.517328929727729 1.517328929727729 1.492100030453591 1.4400944466737744 1.3952860642206342 0.868033025095817 0.04708773828587971 0.04708773828587971 0.3891482744566906 -0.1076907848683308 0.0029758591869346435 0.11364250324219129 0.05792223490668219 0.105903577084479 +7704,-0.013275885744260276,0,0.3566447845943007 0.7708321125549662 1.1850194405156405 1.1850194405156405 1.517328929727729 1.517328929727729 1.517328929727729 1.492100030453591 1.4400944466737744 1.3952860642206342 0.868033025095817 0.04708773828587971 0.04708773828587971 0.3891482744566906 -0.1076907848683308 0.0029758591869346435 0.11364250324219129 0.05792223490668219 0.105903577084479 -0.010180315281178881 +7705,-0.056613872227435,0,0.7708321125549662 1.1850194405156405 1.1850194405156405 1.517328929727729 1.517328929727729 1.517328929727729 1.492100030453591 1.4400944466737744 1.3952860642206342 0.868033025095817 0.04708773828587971 0.04708773828587971 0.3891482744566906 -0.1076907848683308 0.0029758591869346435 0.11364250324219129 0.05792223490668219 0.105903577084479 -0.010180315281178881 -0.013275885744260276 +7706,-0.07363950977440026,0,1.1850194405156405 1.1850194405156405 1.517328929727729 1.517328929727729 1.517328929727729 1.492100030453591 1.4400944466737744 1.3952860642206342 0.868033025095817 0.04708773828587971 0.04708773828587971 0.3891482744566906 -0.1076907848683308 0.0029758591869346435 0.11364250324219129 0.05792223490668219 0.105903577084479 -0.010180315281178881 -0.013275885744260276 -0.056613872227435 +7707,0.3256890799634604,0,1.1850194405156405 1.517328929727729 1.517328929727729 1.517328929727729 1.492100030453591 1.4400944466737744 1.3952860642206342 0.868033025095817 0.04708773828587971 0.04708773828587971 0.3891482744566906 -0.1076907848683308 0.0029758591869346435 0.11364250324219129 0.05792223490668219 0.105903577084479 -0.010180315281178881 -0.013275885744260276 -0.056613872227435 -0.07363950977440026 +7708,0.6244116296510878,0,1.517328929727729 1.517328929727729 1.517328929727729 1.492100030453591 1.4400944466737744 1.3952860642206342 0.868033025095817 0.04708773828587971 0.04708773828587971 0.3891482744566906 -0.1076907848683308 0.0029758591869346435 0.11364250324219129 0.05792223490668219 0.105903577084479 -0.010180315281178881 -0.013275885744260276 -0.056613872227435 -0.07363950977440026 0.3256890799634604 +7709,0.7327565958590333,0,1.517328929727729 1.517328929727729 1.492100030453591 1.4400944466737744 1.3952860642206342 0.868033025095817 0.04708773828587971 0.04708773828587971 0.3891482744566906 -0.1076907848683308 0.0029758591869346435 0.11364250324219129 0.05792223490668219 0.105903577084479 -0.010180315281178881 -0.013275885744260276 -0.056613872227435 -0.07363950977440026 0.3256890799634604 0.6244116296510878 +7710,1.1243462594391904,0,1.517328929727729 1.492100030453591 1.4400944466737744 1.3952860642206342 0.868033025095817 0.04708773828587971 0.04708773828587971 0.3891482744566906 -0.1076907848683308 0.0029758591869346435 0.11364250324219129 0.05792223490668219 0.105903577084479 -0.010180315281178881 -0.013275885744260276 -0.056613872227435 -0.07363950977440026 0.3256890799634604 0.6244116296510878 0.7327565958590333 +7711,1.4555722989891988,0,1.492100030453591 1.4400944466737744 1.3952860642206342 0.868033025095817 0.04708773828587971 0.04708773828587971 0.3891482744566906 -0.1076907848683308 0.0029758591869346435 0.11364250324219129 0.05792223490668219 0.105903577084479 -0.010180315281178881 -0.013275885744260276 -0.056613872227435 -0.07363950977440026 0.3256890799634604 0.6244116296510878 0.7327565958590333 1.1243462594391904 +7712,1.7496514929821954,0,1.4400944466737744 1.3952860642206342 0.868033025095817 0.04708773828587971 0.04708773828587971 0.3891482744566906 -0.1076907848683308 0.0029758591869346435 0.11364250324219129 0.05792223490668219 0.105903577084479 -0.010180315281178881 -0.013275885744260276 -0.056613872227435 -0.07363950977440026 0.3256890799634604 0.6244116296510878 0.7327565958590333 1.1243462594391904 1.4555722989891988 +7713,1.8997866604417837,0,1.3952860642206342 0.868033025095817 0.04708773828587971 0.04708773828587971 0.3891482744566906 -0.1076907848683308 0.0029758591869346435 0.11364250324219129 0.05792223490668219 0.105903577084479 -0.010180315281178881 -0.013275885744260276 -0.056613872227435 -0.07363950977440026 0.3256890799634604 0.6244116296510878 0.7327565958590333 1.1243462594391904 1.4555722989891988 1.7496514929821954 +7714,1.926099009378002,0,0.868033025095817 0.04708773828587971 0.04708773828587971 0.3891482744566906 -0.1076907848683308 0.0029758591869346435 0.11364250324219129 0.05792223490668219 0.105903577084479 -0.010180315281178881 -0.013275885744260276 -0.056613872227435 -0.07363950977440026 0.3256890799634604 0.6244116296510878 0.7327565958590333 1.1243462594391904 1.4555722989891988 1.7496514929821954 1.8997866604417837 +7715,1.806919546549254,0,0.04708773828587971 0.04708773828587971 0.3891482744566906 -0.1076907848683308 0.0029758591869346435 0.11364250324219129 0.05792223490668219 0.105903577084479 -0.010180315281178881 -0.013275885744260276 -0.056613872227435 -0.07363950977440026 0.3256890799634604 0.6244116296510878 0.7327565958590333 1.1243462594391904 1.4555722989891988 1.7496514929821954 1.8997866604417837 1.926099009378002 +7716,1.792989479465379,0,0.04708773828587971 0.3891482744566906 -0.1076907848683308 0.0029758591869346435 0.11364250324219129 0.05792223490668219 0.105903577084479 -0.010180315281178881 -0.013275885744260276 -0.056613872227435 -0.07363950977440026 0.3256890799634604 0.6244116296510878 0.7327565958590333 1.1243462594391904 1.4555722989891988 1.7496514929821954 1.8997866604417837 1.926099009378002 1.806919546549254 +7717,1.5592739095025223,0,0.3891482744566906 -0.1076907848683308 0.0029758591869346435 0.11364250324219129 0.05792223490668219 0.105903577084479 -0.010180315281178881 -0.013275885744260276 -0.056613872227435 -0.07363950977440026 0.3256890799634604 0.6244116296510878 0.7327565958590333 1.1243462594391904 1.4555722989891988 1.7496514929821954 1.8997866604417837 1.926099009378002 1.806919546549254 1.792989479465379 +7718,1.2218567290263425,0,-0.1076907848683308 0.0029758591869346435 0.11364250324219129 0.05792223490668219 0.105903577084479 -0.010180315281178881 -0.013275885744260276 -0.056613872227435 -0.07363950977440026 0.3256890799634604 0.6244116296510878 0.7327565958590333 1.1243462594391904 1.4555722989891988 1.7496514929821954 1.8997866604417837 1.926099009378002 1.806919546549254 1.792989479465379 1.5592739095025223 +7719,0.7327565958590333,0,0.0029758591869346435 0.11364250324219129 0.05792223490668219 0.105903577084479 -0.010180315281178881 -0.013275885744260276 -0.056613872227435 -0.07363950977440026 0.3256890799634604 0.6244116296510878 0.7327565958590333 1.1243462594391904 1.4555722989891988 1.7496514929821954 1.8997866604417837 1.926099009378002 1.806919546549254 1.792989479465379 1.5592739095025223 1.2218567290263425 +7720,0.5779780727048228,0,0.11364250324219129 0.05792223490668219 0.105903577084479 -0.010180315281178881 -0.013275885744260276 -0.056613872227435 -0.07363950977440026 0.3256890799634604 0.6244116296510878 0.7327565958590333 1.1243462594391904 1.4555722989891988 1.7496514929821954 1.8997866604417837 1.926099009378002 1.806919546549254 1.792989479465379 1.5592739095025223 1.2218567290263425 0.7327565958590333 +7721,0.39998277107748426,0,0.05792223490668219 0.105903577084479 -0.010180315281178881 -0.013275885744260276 -0.056613872227435 -0.07363950977440026 0.3256890799634604 0.6244116296510878 0.7327565958590333 1.1243462594391904 1.4555722989891988 1.7496514929821954 1.8997866604417837 1.926099009378002 1.806919546549254 1.792989479465379 1.5592739095025223 1.2218567290263425 0.7327565958590333 0.5779780727048228 +7722,0.26068210023868954,0,0.105903577084479 -0.010180315281178881 -0.013275885744260276 -0.056613872227435 -0.07363950977440026 0.3256890799634604 0.6244116296510878 0.7327565958590333 1.1243462594391904 1.4555722989891988 1.7496514929821954 1.8997866604417837 1.926099009378002 1.806919546549254 1.792989479465379 1.5592739095025223 1.2218567290263425 0.7327565958590333 0.5779780727048228 0.39998277107748426 +7723,0.11828585893682218,0,-0.010180315281178881 -0.013275885744260276 -0.056613872227435 -0.07363950977440026 0.3256890799634604 0.6244116296510878 0.7327565958590333 1.1243462594391904 1.4555722989891988 1.7496514929821954 1.8997866604417837 1.926099009378002 1.806919546549254 1.792989479465379 1.5592739095025223 1.2218567290263425 0.7327565958590333 0.5779780727048228 0.39998277107748426 0.26068210023868954 +7724,0.20341404667163973,0,-0.013275885744260276 -0.056613872227435 -0.07363950977440026 0.3256890799634604 0.6244116296510878 0.7327565958590333 1.1243462594391904 1.4555722989891988 1.7496514929821954 1.8997866604417837 1.926099009378002 1.806919546549254 1.792989479465379 1.5592739095025223 1.2218567290263425 0.7327565958590333 0.5779780727048228 0.39998277107748426 0.26068210023868954 0.11828585893682218 +7725,-0.058161657458975696,0,-0.056613872227435 -0.07363950977440026 0.3256890799634604 0.6244116296510878 0.7327565958590333 1.1243462594391904 1.4555722989891988 1.7496514929821954 1.8997866604417837 1.926099009378002 1.806919546549254 1.792989479465379 1.5592739095025223 1.2218567290263425 0.7327565958590333 0.5779780727048228 0.39998277107748426 0.26068210023868954 0.11828585893682218 0.20341404667163973 +7726,-0.04732716083818202,0,-0.07363950977440026 0.3256890799634604 0.6244116296510878 0.7327565958590333 1.1243462594391904 1.4555722989891988 1.7496514929821954 1.8997866604417837 1.926099009378002 1.806919546549254 1.792989479465379 1.5592739095025223 1.2218567290263425 0.7327565958590333 0.5779780727048228 0.39998277107748426 0.26068210023868954 0.11828585893682218 0.20341404667163973 -0.058161657458975696 +7727,-0.15102877135150553,0,0.3256890799634604 0.6244116296510878 0.7327565958590333 1.1243462594391904 1.4555722989891988 1.7496514929821954 1.8997866604417837 1.926099009378002 1.806919546549254 1.792989479465379 1.5592739095025223 1.2218567290263425 0.7327565958590333 0.5779780727048228 0.39998277107748426 0.26068210023868954 0.11828585893682218 0.20341404667163973 -0.058161657458975696 -0.04732716083818202 +7728,-0.15257655658304622,0,0.6244116296510878 0.7327565958590333 1.1243462594391904 1.4555722989891988 1.7496514929821954 1.8997866604417837 1.926099009378002 1.806919546549254 1.792989479465379 1.5592739095025223 1.2218567290263425 0.7327565958590333 0.5779780727048228 0.39998277107748426 0.26068210023868954 0.11828585893682218 0.20341404667163973 -0.058161657458975696 -0.04732716083818202 -0.15102877135150553 +7729,-0.2144879658447357,0,0.7327565958590333 1.1243462594391904 1.4555722989891988 1.7496514929821954 1.8997866604417837 1.926099009378002 1.806919546549254 1.792989479465379 1.5592739095025223 1.2218567290263425 0.7327565958590333 0.5779780727048228 0.39998277107748426 0.26068210023868954 0.11828585893682218 0.20341404667163973 -0.058161657458975696 -0.04732716083818202 -0.15102877135150553 -0.15257655658304622 +7730,-0.1649588384353894,0,1.1243462594391904 1.4555722989891988 1.7496514929821954 1.8997866604417837 1.926099009378002 1.806919546549254 1.792989479465379 1.5592739095025223 1.2218567290263425 0.7327565958590333 0.5779780727048228 0.39998277107748426 0.26068210023868954 0.11828585893682218 0.20341404667163973 -0.058161657458975696 -0.04732716083818202 -0.15102877135150553 -0.15257655658304622 -0.2144879658447357 +7731,0.11054693277910989,0,1.4555722989891988 1.7496514929821954 1.8997866604417837 1.926099009378002 1.806919546549254 1.792989479465379 1.5592739095025223 1.2218567290263425 0.7327565958590333 0.5779780727048228 0.39998277107748426 0.26068210023868954 0.11828585893682218 0.20341404667163973 -0.058161657458975696 -0.04732716083818202 -0.15102877135150553 -0.15257655658304622 -0.2144879658447357 -0.1649588384353894 +7732,0.4820153883492116,0,1.7496514929821954 1.8997866604417837 1.926099009378002 1.806919546549254 1.792989479465379 1.5592739095025223 1.2218567290263425 0.7327565958590333 0.5779780727048228 0.39998277107748426 0.26068210023868954 0.11828585893682218 0.20341404667163973 -0.058161657458975696 -0.04732716083818202 -0.15102877135150553 -0.15257655658304622 -0.2144879658447357 -0.1649588384353894 0.11054693277910989 +7733,0.7652600857214231,0,1.8997866604417837 1.926099009378002 1.806919546549254 1.792989479465379 1.5592739095025223 1.2218567290263425 0.7327565958590333 0.5779780727048228 0.39998277107748426 0.26068210023868954 0.11828585893682218 0.20341404667163973 -0.058161657458975696 -0.04732716083818202 -0.15102877135150553 -0.15257655658304622 -0.2144879658447357 -0.1649588384353894 0.11054693277910989 0.4820153883492116 +7734,1.2125700176370895,0,1.926099009378002 1.806919546549254 1.792989479465379 1.5592739095025223 1.2218567290263425 0.7327565958590333 0.5779780727048228 0.39998277107748426 0.26068210023868954 0.11828585893682218 0.20341404667163973 -0.058161657458975696 -0.04732716083818202 -0.15102877135150553 -0.15257655658304622 -0.2144879658447357 -0.1649588384353894 0.11054693277910989 0.4820153883492116 0.7652600857214231 +7735,1.3503229032443347,0,1.806919546549254 1.792989479465379 1.5592739095025223 1.2218567290263425 0.7327565958590333 0.5779780727048228 0.39998277107748426 0.26068210023868954 0.11828585893682218 0.20341404667163973 -0.058161657458975696 -0.04732716083818202 -0.15102877135150553 -0.15257655658304622 -0.2144879658447357 -0.1649588384353894 0.11054693277910989 0.4820153883492116 0.7652600857214231 1.2125700176370895 +7736,1.7388169963614017,0,1.792989479465379 1.5592739095025223 1.2218567290263425 0.7327565958590333 0.5779780727048228 0.39998277107748426 0.26068210023868954 0.11828585893682218 0.20341404667163973 -0.058161657458975696 -0.04732716083818202 -0.15102877135150553 -0.15257655658304622 -0.2144879658447357 -0.1649588384353894 0.11054693277910989 0.4820153883492116 0.7652600857214231 1.2125700176370895 1.3503229032443347 +7737,1.6289242449219155,0,1.5592739095025223 1.2218567290263425 0.7327565958590333 0.5779780727048228 0.39998277107748426 0.26068210023868954 0.11828585893682218 0.20341404667163973 -0.058161657458975696 -0.04732716083818202 -0.15102877135150553 -0.15257655658304622 -0.2144879658447357 -0.1649588384353894 0.11054693277910989 0.4820153883492116 0.7652600857214231 1.2125700176370895 1.3503229032443347 1.7388169963614017 +7738,1.492719144546211,0,1.2218567290263425 0.7327565958590333 0.5779780727048228 0.39998277107748426 0.26068210023868954 0.11828585893682218 0.20341404667163973 -0.058161657458975696 -0.04732716083818202 -0.15102877135150553 -0.15257655658304622 -0.2144879658447357 -0.1649588384353894 0.11054693277910989 0.4820153883492116 0.7652600857214231 1.2125700176370895 1.3503229032443347 1.7388169963614017 1.6289242449219155 +7739,1.5453438424186385,0,0.7327565958590333 0.5779780727048228 0.39998277107748426 0.26068210023868954 0.11828585893682218 0.20341404667163973 -0.058161657458975696 -0.04732716083818202 -0.15102877135150553 -0.15257655658304622 -0.2144879658447357 -0.1649588384353894 0.11054693277910989 0.4820153883492116 0.7652600857214231 1.2125700176370895 1.3503229032443347 1.7388169963614017 1.6289242449219155 1.492719144546211 +7740,1.1924488096270427,0,0.5779780727048228 0.39998277107748426 0.26068210023868954 0.11828585893682218 0.20341404667163973 -0.058161657458975696 -0.04732716083818202 -0.15102877135150553 -0.15257655658304622 -0.2144879658447357 -0.1649588384353894 0.11054693277910989 0.4820153883492116 0.7652600857214231 1.2125700176370895 1.3503229032443347 1.7388169963614017 1.6289242449219155 1.492719144546211 1.5453438424186385 +7741,1.1197029037445596,0,0.39998277107748426 0.26068210023868954 0.11828585893682218 0.20341404667163973 -0.058161657458975696 -0.04732716083818202 -0.15102877135150553 -0.15257655658304622 -0.2144879658447357 -0.1649588384353894 0.11054693277910989 0.4820153883492116 0.7652600857214231 1.2125700176370895 1.3503229032443347 1.7388169963614017 1.6289242449219155 1.492719144546211 1.5453438424186385 1.1924488096270427 +7742,0.7993113608153449,0,0.26068210023868954 0.11828585893682218 0.20341404667163973 -0.058161657458975696 -0.04732716083818202 -0.15102877135150553 -0.15257655658304622 -0.2144879658447357 -0.1649588384353894 0.11054693277910989 0.4820153883492116 0.7652600857214231 1.2125700176370895 1.3503229032443347 1.7388169963614017 1.6289242449219155 1.492719144546211 1.5453438424186385 1.1924488096270427 1.1197029037445596 +7743,0.6166727034933754,0,0.11828585893682218 0.20341404667163973 -0.058161657458975696 -0.04732716083818202 -0.15102877135150553 -0.15257655658304622 -0.2144879658447357 -0.1649588384353894 0.11054693277910989 0.4820153883492116 0.7652600857214231 1.2125700176370895 1.3503229032443347 1.7388169963614017 1.6289242449219155 1.492719144546211 1.5453438424186385 1.1924488096270427 1.1197029037445596 0.7993113608153449 +7744,0.29937673102724216,0,0.20341404667163973 -0.058161657458975696 -0.04732716083818202 -0.15102877135150553 -0.15257655658304622 -0.2144879658447357 -0.1649588384353894 0.11054693277910989 0.4820153883492116 0.7652600857214231 1.2125700176370895 1.3503229032443347 1.7388169963614017 1.6289242449219155 1.492719144546211 1.5453438424186385 1.1924488096270427 1.1197029037445596 0.7993113608153449 0.6166727034933754 +7745,0.2637776707017797,0,-0.058161657458975696 -0.04732716083818202 -0.15102877135150553 -0.15257655658304622 -0.2144879658447357 -0.1649588384353894 0.11054693277910989 0.4820153883492116 0.7652600857214231 1.2125700176370895 1.3503229032443347 1.7388169963614017 1.6289242449219155 1.492719144546211 1.5453438424186385 1.1924488096270427 1.1197029037445596 0.7993113608153449 0.6166727034933754 0.29937673102724216 +7746,0.2188918989870555,0,-0.04732716083818202 -0.15102877135150553 -0.15257655658304622 -0.2144879658447357 -0.1649588384353894 0.11054693277910989 0.4820153883492116 0.7652600857214231 1.2125700176370895 1.3503229032443347 1.7388169963614017 1.6289242449219155 1.492719144546211 1.5453438424186385 1.1924488096270427 1.1197029037445596 0.7993113608153449 0.6166727034933754 0.29937673102724216 0.2637776707017797 +7747,0.2204396842185962,0,-0.15102877135150553 -0.15257655658304622 -0.2144879658447357 -0.1649588384353894 0.11054693277910989 0.4820153883492116 0.7652600857214231 1.2125700176370895 1.3503229032443347 1.7388169963614017 1.6289242449219155 1.492719144546211 1.5453438424186385 1.1924488096270427 1.1197029037445596 0.7993113608153449 0.6166727034933754 0.29937673102724216 0.2637776707017797 0.2188918989870555 +7748,0.13840706694686883,0,-0.15257655658304622 -0.2144879658447357 -0.1649588384353894 0.11054693277910989 0.4820153883492116 0.7652600857214231 1.2125700176370895 1.3503229032443347 1.7388169963614017 1.6289242449219155 1.492719144546211 1.5453438424186385 1.1924488096270427 1.1197029037445596 0.7993113608153449 0.6166727034933754 0.29937673102724216 0.2637776707017797 0.2188918989870555 0.2204396842185962 +7749,0.19877069097700883,0,-0.2144879658447357 -0.1649588384353894 0.11054693277910989 0.4820153883492116 0.7652600857214231 1.2125700176370895 1.3503229032443347 1.7388169963614017 1.6289242449219155 1.492719144546211 1.5453438424186385 1.1924488096270427 1.1197029037445596 0.7993113608153449 0.6166727034933754 0.29937673102724216 0.2637776707017797 0.2188918989870555 0.2204396842185962 0.13840706694686883 +7750,0.04089659735971692,0,-0.1649588384353894 0.11054693277910989 0.4820153883492116 0.7652600857214231 1.2125700176370895 1.3503229032443347 1.7388169963614017 1.6289242449219155 1.492719144546211 1.5453438424186385 1.1924488096270427 1.1197029037445596 0.7993113608153449 0.6166727034933754 0.29937673102724216 0.2637776707017797 0.2188918989870555 0.2204396842185962 0.13840706694686883 0.19877069097700883 +7751,0.01613203365503937,0,0.11054693277910989 0.4820153883492116 0.7652600857214231 1.2125700176370895 1.3503229032443347 1.7388169963614017 1.6289242449219155 1.492719144546211 1.5453438424186385 1.1924488096270427 1.1197029037445596 0.7993113608153449 0.6166727034933754 0.29937673102724216 0.2637776707017797 0.2188918989870555 0.2204396842185962 0.13840706694686883 0.19877069097700883 0.04089659735971692 +7752,-0.010180315281178881,0,0.4820153883492116 0.7652600857214231 1.2125700176370895 1.3503229032443347 1.7388169963614017 1.6289242449219155 1.492719144546211 1.5453438424186385 1.1924488096270427 1.1197029037445596 0.7993113608153449 0.6166727034933754 0.29937673102724216 0.2637776707017797 0.2188918989870555 0.2204396842185962 0.13840706694686883 0.19877069097700883 0.04089659735971692 0.01613203365503937 +7753,-0.024110382365053955,0,0.7652600857214231 1.2125700176370895 1.3503229032443347 1.7388169963614017 1.6289242449219155 1.492719144546211 1.5453438424186385 1.1924488096270427 1.1197029037445596 0.7993113608153449 0.6166727034933754 0.29937673102724216 0.2637776707017797 0.2188918989870555 0.2204396842185962 0.13840706694686883 0.19877069097700883 0.04089659735971692 0.01613203365503937 -0.010180315281178881 +7754,0.019227604118129564,0,1.2125700176370895 1.3503229032443347 1.7388169963614017 1.6289242449219155 1.492719144546211 1.5453438424186385 1.1924488096270427 1.1197029037445596 0.7993113608153449 0.6166727034933754 0.29937673102724216 0.2637776707017797 0.2188918989870555 0.2204396842185962 0.13840706694686883 0.19877069097700883 0.04089659735971692 0.01613203365503937 -0.010180315281178881 -0.024110382365053955 +7755,0.20341404667163973,0,1.3503229032443347 1.7388169963614017 1.6289242449219155 1.492719144546211 1.5453438424186385 1.1924488096270427 1.1197029037445596 0.7993113608153449 0.6166727034933754 0.29937673102724216 0.2637776707017797 0.2188918989870555 0.2204396842185962 0.13840706694686883 0.19877069097700883 0.04089659735971692 0.01613203365503937 -0.010180315281178881 -0.024110382365053955 0.019227604118129564 +7756,0.2777077377856548,0,1.7388169963614017 1.6289242449219155 1.492719144546211 1.5453438424186385 1.1924488096270427 1.1197029037445596 0.7993113608153449 0.6166727034933754 0.29937673102724216 0.2637776707017797 0.2188918989870555 0.2204396842185962 0.13840706694686883 0.19877069097700883 0.04089659735971692 0.01613203365503937 -0.010180315281178881 -0.024110382365053955 0.019227604118129564 0.20341404667163973 +7757,0.4959454554330955,0,1.6289242449219155 1.492719144546211 1.5453438424186385 1.1924488096270427 1.1197029037445596 0.7993113608153449 0.6166727034933754 0.29937673102724216 0.2637776707017797 0.2188918989870555 0.2204396842185962 0.13840706694686883 0.19877069097700883 0.04089659735971692 0.01613203365503937 -0.010180315281178881 -0.024110382365053955 0.019227604118129564 0.20341404667163973 0.2777077377856548 +7758,0.6306027705772593,0,1.492719144546211 1.5453438424186385 1.1924488096270427 1.1197029037445596 0.7993113608153449 0.6166727034933754 0.29937673102724216 0.2637776707017797 0.2188918989870555 0.2204396842185962 0.13840706694686883 0.19877069097700883 0.04089659735971692 0.01613203365503937 -0.010180315281178881 -0.024110382365053955 0.019227604118129564 0.20341404667163973 0.2777077377856548 0.4959454554330955 +7759,0.9122996827179214,0,1.5453438424186385 1.1924488096270427 1.1197029037445596 0.7993113608153449 0.6166727034933754 0.29937673102724216 0.2637776707017797 0.2188918989870555 0.2204396842185962 0.13840706694686883 0.19877069097700883 0.04089659735971692 0.01613203365503937 -0.010180315281178881 -0.024110382365053955 0.019227604118129564 0.20341404667163973 0.2777077377856548 0.4959454554330955 0.6306027705772593 +7760,1.2125700176370895,0,1.1924488096270427 1.1197029037445596 0.7993113608153449 0.6166727034933754 0.29937673102724216 0.2637776707017797 0.2188918989870555 0.2204396842185962 0.13840706694686883 0.19877069097700883 0.04089659735971692 0.01613203365503937 -0.010180315281178881 -0.024110382365053955 0.019227604118129564 0.20341404667163973 0.2777077377856548 0.4959454554330955 0.6306027705772593 0.9122996827179214 +7761,1.3843741783382653,0,1.1197029037445596 0.7993113608153449 0.6166727034933754 0.29937673102724216 0.2637776707017797 0.2188918989870555 0.2204396842185962 0.13840706694686883 0.19877069097700883 0.04089659735971692 0.01613203365503937 -0.010180315281178881 -0.024110382365053955 0.019227604118129564 0.20341404667163973 0.2777077377856548 0.4959454554330955 0.6306027705772593 0.9122996827179214 1.2125700176370895 +7762,1.492719144546211,0,0.7993113608153449 0.6166727034933754 0.29937673102724216 0.2637776707017797 0.2188918989870555 0.2204396842185962 0.13840706694686883 0.19877069097700883 0.04089659735971692 0.01613203365503937 -0.010180315281178881 -0.024110382365053955 0.019227604118129564 0.20341404667163973 0.2777077377856548 0.4959454554330955 0.6306027705772593 0.9122996827179214 1.2125700176370895 1.3843741783382653 +7763,1.5871340436702814,0,0.6166727034933754 0.29937673102724216 0.2637776707017797 0.2188918989870555 0.2204396842185962 0.13840706694686883 0.19877069097700883 0.04089659735971692 0.01613203365503937 -0.010180315281178881 -0.024110382365053955 0.019227604118129564 0.20341404667163973 0.2777077377856548 0.4959454554330955 0.6306027705772593 0.9122996827179214 1.2125700176370895 1.3843741783382653 1.492719144546211 +7764,1.260551359814895,0,0.29937673102724216 0.2637776707017797 0.2188918989870555 0.2204396842185962 0.13840706694686883 0.19877069097700883 0.04089659735971692 0.01613203365503937 -0.010180315281178881 -0.024110382365053955 0.019227604118129564 0.20341404667163973 0.2777077377856548 0.4959454554330955 0.6306027705772593 0.9122996827179214 1.2125700176370895 1.3843741783382653 1.492719144546211 1.5871340436702814 +7765,1.1553019640700308,0,0.2637776707017797 0.2188918989870555 0.2204396842185962 0.13840706694686883 0.19877069097700883 0.04089659735971692 0.01613203365503937 -0.010180315281178881 -0.024110382365053955 0.019227604118129564 0.20341404667163973 0.2777077377856548 0.4959454554330955 0.6306027705772593 0.9122996827179214 1.2125700176370895 1.3843741783382653 1.492719144546211 1.5871340436702814 1.260551359814895 +7766,1.1460152526807779,0,0.2188918989870555 0.2204396842185962 0.13840706694686883 0.19877069097700883 0.04089659735971692 0.01613203365503937 -0.010180315281178881 -0.024110382365053955 0.019227604118129564 0.20341404667163973 0.2777077377856548 0.4959454554330955 0.6306027705772593 0.9122996827179214 1.2125700176370895 1.3843741783382653 1.492719144546211 1.5871340436702814 1.260551359814895 1.1553019640700308 +7767,0.6011948511779597,0,0.2204396842185962 0.13840706694686883 0.19877069097700883 0.04089659735971692 0.01613203365503937 -0.010180315281178881 -0.024110382365053955 0.019227604118129564 0.20341404667163973 0.2777077377856548 0.4959454554330955 0.6306027705772593 0.9122996827179214 1.2125700176370895 1.3843741783382653 1.492719144546211 1.5871340436702814 1.260551359814895 1.1553019640700308 1.1460152526807779 +7768,0.35974035505739094,0,0.13840706694686883 0.19877069097700883 0.04089659735971692 0.01613203365503937 -0.010180315281178881 -0.024110382365053955 0.019227604118129564 0.20341404667163973 0.2777077377856548 0.4959454554330955 0.6306027705772593 0.9122996827179214 1.2125700176370895 1.3843741783382653 1.492719144546211 1.5871340436702814 1.260551359814895 1.1553019640700308 1.1460152526807779 0.6011948511779597 +7769,0.30402008672187303,0,0.19877069097700883 0.04089659735971692 0.01613203365503937 -0.010180315281178881 -0.024110382365053955 0.019227604118129564 0.20341404667163973 0.2777077377856548 0.4959454554330955 0.6306027705772593 0.9122996827179214 1.2125700176370895 1.3843741783382653 1.492719144546211 1.5871340436702814 1.260551359814895 1.1553019640700308 1.1460152526807779 0.6011948511779597 0.35974035505739094 +7770,0.20186626144009023,0,0.04089659735971692 0.01613203365503937 -0.010180315281178881 -0.024110382365053955 0.019227604118129564 0.20341404667163973 0.2777077377856548 0.4959454554330955 0.6306027705772593 0.9122996827179214 1.2125700176370895 1.3843741783382653 1.492719144546211 1.5871340436702814 1.260551359814895 1.1553019640700308 1.1460152526807779 0.6011948511779597 0.35974035505739094 0.30402008672187303 +7771,0.12138142939990357,0,0.01613203365503937 -0.010180315281178881 -0.024110382365053955 0.019227604118129564 0.20341404667163973 0.2777077377856548 0.4959454554330955 0.6306027705772593 0.9122996827179214 1.2125700176370895 1.3843741783382653 1.492719144546211 1.5871340436702814 1.260551359814895 1.1553019640700308 1.1460152526807779 0.6011948511779597 0.35974035505739094 0.30402008672187303 0.20186626144009023 +7772,0.105903577084479,0,-0.010180315281178881 -0.024110382365053955 0.019227604118129564 0.20341404667163973 0.2777077377856548 0.4959454554330955 0.6306027705772593 0.9122996827179214 1.2125700176370895 1.3843741783382653 1.492719144546211 1.5871340436702814 1.260551359814895 1.1553019640700308 1.1460152526807779 0.6011948511779597 0.35974035505739094 0.30402008672187303 0.20186626144009023 0.12138142939990357 +7773,0.0517310939805106,0,-0.024110382365053955 0.019227604118129564 0.20341404667163973 0.2777077377856548 0.4959454554330955 0.6306027705772593 0.9122996827179214 1.2125700176370895 1.3843741783382653 1.492719144546211 1.5871340436702814 1.260551359814895 1.1553019640700308 1.1460152526807779 0.6011948511779597 0.35974035505739094 0.30402008672187303 0.20186626144009023 0.12138142939990357 0.105903577084479 +7774,0.039348812128176223,0,0.019227604118129564 0.20341404667163973 0.2777077377856548 0.4959454554330955 0.6306027705772593 0.9122996827179214 1.2125700176370895 1.3843741783382653 1.492719144546211 1.5871340436702814 1.260551359814895 1.1553019640700308 1.1460152526807779 0.6011948511779597 0.35974035505739094 0.30402008672187303 0.20186626144009023 0.12138142939990357 0.105903577084479 0.0517310939805106 +7775,0.006845322265786387,0,0.20341404667163973 0.2777077377856548 0.4959454554330955 0.6306027705772593 0.9122996827179214 1.2125700176370895 1.3843741783382653 1.492719144546211 1.5871340436702814 1.260551359814895 1.1553019640700308 1.1460152526807779 0.6011948511779597 0.35974035505739094 0.30402008672187303 0.20186626144009023 0.12138142939990357 0.105903577084479 0.0517310939805106 0.039348812128176223 +7776,-0.1092385700998715,0,0.2777077377856548 0.4959454554330955 0.6306027705772593 0.9122996827179214 1.2125700176370895 1.3843741783382653 1.492719144546211 1.5871340436702814 1.260551359814895 1.1553019640700308 1.1460152526807779 0.6011948511779597 0.35974035505739094 0.30402008672187303 0.20186626144009023 0.12138142939990357 0.105903577084479 0.0517310939805106 0.039348812128176223 0.006845322265786387 +7777,-0.11233414056295289,0,0.4959454554330955 0.6306027705772593 0.9122996827179214 1.2125700176370895 1.3843741783382653 1.492719144546211 1.5871340436702814 1.260551359814895 1.1553019640700308 1.1460152526807779 0.6011948511779597 0.35974035505739094 0.30402008672187303 0.20186626144009023 0.12138142939990357 0.105903577084479 0.0517310939805106 0.039348812128176223 0.006845322265786387 -0.1092385700998715 +7778,-0.09685628824752832,0,0.6306027705772593 0.9122996827179214 1.2125700176370895 1.3843741783382653 1.492719144546211 1.5871340436702814 1.260551359814895 1.1553019640700308 1.1460152526807779 0.6011948511779597 0.35974035505739094 0.30402008672187303 0.20186626144009023 0.12138142939990357 0.105903577084479 0.0517310939805106 0.039348812128176223 0.006845322265786387 -0.1092385700998715 -0.11233414056295289 +7779,0.030062100738923243,0,0.9122996827179214 1.2125700176370895 1.3843741783382653 1.492719144546211 1.5871340436702814 1.260551359814895 1.1553019640700308 1.1460152526807779 0.6011948511779597 0.35974035505739094 0.30402008672187303 0.20186626144009023 0.12138142939990357 0.105903577084479 0.0517310939805106 0.039348812128176223 0.006845322265786387 -0.1092385700998715 -0.11233414056295289 -0.09685628824752832 +7780,0.24984760361789585,0,1.2125700176370895 1.3843741783382653 1.492719144546211 1.5871340436702814 1.260551359814895 1.1553019640700308 1.1460152526807779 0.6011948511779597 0.35974035505739094 0.30402008672187303 0.20186626144009023 0.12138142939990357 0.105903577084479 0.0517310939805106 0.039348812128176223 0.006845322265786387 -0.1092385700998715 -0.11233414056295289 -0.09685628824752832 0.030062100738923243 +7781,0.841101562066979,0,1.3843741783382653 1.492719144546211 1.5871340436702814 1.260551359814895 1.1553019640700308 1.1460152526807779 0.6011948511779597 0.35974035505739094 0.30402008672187303 0.20186626144009023 0.12138142939990357 0.105903577084479 0.0517310939805106 0.039348812128176223 0.006845322265786387 -0.1092385700998715 -0.11233414056295289 -0.09685628824752832 0.030062100738923243 0.24984760361789585 +7782,0.9215863941071744,0,1.492719144546211 1.5871340436702814 1.260551359814895 1.1553019640700308 1.1460152526807779 0.6011948511779597 0.35974035505739094 0.30402008672187303 0.20186626144009023 0.12138142939990357 0.105903577084479 0.0517310939805106 0.039348812128176223 0.006845322265786387 -0.1092385700998715 -0.11233414056295289 -0.09685628824752832 0.030062100738923243 0.24984760361789585 0.841101562066979 +7783,1.1583975345331123,0,1.5871340436702814 1.260551359814895 1.1553019640700308 1.1460152526807779 0.6011948511779597 0.35974035505739094 0.30402008672187303 0.20186626144009023 0.12138142939990357 0.105903577084479 0.0517310939805106 0.039348812128176223 0.006845322265786387 -0.1092385700998715 -0.11233414056295289 -0.09685628824752832 0.030062100738923243 0.24984760361789585 0.841101562066979 0.9215863941071744 +7784,1.3178194133819536,0,1.260551359814895 1.1553019640700308 1.1460152526807779 0.6011948511779597 0.35974035505739094 0.30402008672187303 0.20186626144009023 0.12138142939990357 0.105903577084479 0.0517310939805106 0.039348812128176223 0.006845322265786387 -0.1092385700998715 -0.11233414056295289 -0.09685628824752832 0.030062100738923243 0.24984760361789585 0.841101562066979 0.9215863941071744 1.1583975345331123 +7785,1.523674849177051,0,1.1553019640700308 1.1460152526807779 0.6011948511779597 0.35974035505739094 0.30402008672187303 0.20186626144009023 0.12138142939990357 0.105903577084479 0.0517310939805106 0.039348812128176223 0.006845322265786387 -0.1092385700998715 -0.11233414056295289 -0.09685628824752832 0.030062100738923243 0.24984760361789585 0.841101562066979 0.9215863941071744 1.1583975345331123 1.3178194133819536 +7786,1.585586258438732,0,1.1460152526807779 0.6011948511779597 0.35974035505739094 0.30402008672187303 0.20186626144009023 0.12138142939990357 0.105903577084479 0.0517310939805106 0.039348812128176223 0.006845322265786387 -0.1092385700998715 -0.11233414056295289 -0.09685628824752832 0.030062100738923243 0.24984760361789585 0.841101562066979 0.9215863941071744 1.1583975345331123 1.3178194133819536 1.523674849177051 +7787,1.8935955195156122,0,0.6011948511779597 0.35974035505739094 0.30402008672187303 0.20186626144009023 0.12138142939990357 0.105903577084479 0.0517310939805106 0.039348812128176223 0.006845322265786387 -0.1092385700998715 -0.11233414056295289 -0.09685628824752832 0.030062100738923243 0.24984760361789585 0.841101562066979 0.9215863941071744 1.1583975345331123 1.3178194133819536 1.523674849177051 1.585586258438732 +7788,1.7945372646969195,0,0.35974035505739094 0.30402008672187303 0.20186626144009023 0.12138142939990357 0.105903577084479 0.0517310939805106 0.039348812128176223 0.006845322265786387 -0.1092385700998715 -0.11233414056295289 -0.09685628824752832 0.030062100738923243 0.24984760361789585 0.841101562066979 0.9215863941071744 1.1583975345331123 1.3178194133819536 1.523674849177051 1.585586258438732 1.8935955195156122 +7789,1.4230688091268178,0,0.30402008672187303 0.20186626144009023 0.12138142939990357 0.105903577084479 0.0517310939805106 0.039348812128176223 0.006845322265786387 -0.1092385700998715 -0.11233414056295289 -0.09685628824752832 0.030062100738923243 0.24984760361789585 0.841101562066979 0.9215863941071744 1.1583975345331123 1.3178194133819536 1.523674849177051 1.585586258438732 1.8935955195156122 1.7945372646969195 +7790,1.0794604877244662,0,0.20186626144009023 0.12138142939990357 0.105903577084479 0.0517310939805106 0.039348812128176223 0.006845322265786387 -0.1092385700998715 -0.11233414056295289 -0.09685628824752832 0.030062100738923243 0.24984760361789585 0.841101562066979 0.9215863941071744 1.1583975345331123 1.3178194133819536 1.523674849177051 1.585586258438732 1.8935955195156122 1.7945372646969195 1.4230688091268178 +7791,0.738947736785205,0,0.12138142939990357 0.105903577084479 0.0517310939805106 0.039348812128176223 0.006845322265786387 -0.1092385700998715 -0.11233414056295289 -0.09685628824752832 0.030062100738923243 0.24984760361789585 0.841101562066979 0.9215863941071744 1.1583975345331123 1.3178194133819536 1.523674849177051 1.585586258438732 1.8935955195156122 1.7945372646969195 1.4230688091268178 1.0794604877244662 +7792,0.5114233077485113,0,0.105903577084479 0.0517310939805106 0.039348812128176223 0.006845322265786387 -0.1092385700998715 -0.11233414056295289 -0.09685628824752832 0.030062100738923243 0.24984760361789585 0.841101562066979 0.9215863941071744 1.1583975345331123 1.3178194133819536 1.523674849177051 1.585586258438732 1.8935955195156122 1.7945372646969195 1.4230688091268178 1.0794604877244662 0.738947736785205 +7793,0.3721226369097253,0,0.0517310939805106 0.039348812128176223 0.006845322265786387 -0.1092385700998715 -0.11233414056295289 -0.09685628824752832 0.030062100738923243 0.24984760361789585 0.841101562066979 0.9215863941071744 1.1583975345331123 1.3178194133819536 1.523674849177051 1.585586258438732 1.8935955195156122 1.7945372646969195 1.4230688091268178 1.0794604877244662 0.738947736785205 0.5114233077485113 +7794,0.24520424792327375,0,0.039348812128176223 0.006845322265786387 -0.1092385700998715 -0.11233414056295289 -0.09685628824752832 0.030062100738923243 0.24984760361789585 0.841101562066979 0.9215863941071744 1.1583975345331123 1.3178194133819536 1.523674849177051 1.585586258438732 1.8935955195156122 1.7945372646969195 1.4230688091268178 1.0794604877244662 0.738947736785205 0.5114233077485113 0.3721226369097253 +7795,0.1616238454199969,0,0.006845322265786387 -0.1092385700998715 -0.11233414056295289 -0.09685628824752832 0.030062100738923243 0.24984760361789585 0.841101562066979 0.9215863941071744 1.1583975345331123 1.3178194133819536 1.523674849177051 1.585586258438732 1.8935955195156122 1.7945372646969195 1.4230688091268178 1.0794604877244662 0.738947736785205 0.5114233077485113 0.3721226369097253 0.24520424792327375 +7796,0.08268679861135095,0,-0.1092385700998715 -0.11233414056295289 -0.09685628824752832 0.030062100738923243 0.24984760361789585 0.841101562066979 0.9215863941071744 1.1583975345331123 1.3178194133819536 1.523674849177051 1.585586258438732 1.8935955195156122 1.7945372646969195 1.4230688091268178 1.0794604877244662 0.738947736785205 0.5114233077485113 0.3721226369097253 0.24520424792327375 0.1616238454199969 +7797,0.030062100738923243,0,-0.11233414056295289 -0.09685628824752832 0.030062100738923243 0.24984760361789585 0.841101562066979 0.9215863941071744 1.1583975345331123 1.3178194133819536 1.523674849177051 1.585586258438732 1.8935955195156122 1.7945372646969195 1.4230688091268178 1.0794604877244662 0.738947736785205 0.5114233077485113 0.3721226369097253 0.24520424792327375 0.1616238454199969 0.08268679861135095 +7798,-0.07828286546903115,0,-0.09685628824752832 0.030062100738923243 0.24984760361789585 0.841101562066979 0.9215863941071744 1.1583975345331123 1.3178194133819536 1.523674849177051 1.585586258438732 1.8935955195156122 1.7945372646969195 1.4230688091268178 1.0794604877244662 0.738947736785205 0.5114233077485113 0.3721226369097253 0.24520424792327375 0.1616238454199969 0.08268679861135095 0.030062100738923243 +7799,-0.06435279838514728,0,0.030062100738923243 0.24984760361789585 0.841101562066979 0.9215863941071744 1.1583975345331123 1.3178194133819536 1.523674849177051 1.585586258438732 1.8935955195156122 1.7945372646969195 1.4230688091268178 1.0794604877244662 0.738947736785205 0.5114233077485113 0.3721226369097253 0.24520424792327375 0.1616238454199969 0.08268679861135095 0.030062100738923243 -0.07828286546903115 +7800,-0.10614299963678131,0,0.24984760361789585 0.841101562066979 0.9215863941071744 1.1583975345331123 1.3178194133819536 1.523674849177051 1.585586258438732 1.8935955195156122 1.7945372646969195 1.4230688091268178 1.0794604877244662 0.738947736785205 0.5114233077485113 0.3721226369097253 0.24520424792327375 0.1616238454199969 0.08268679861135095 0.030062100738923243 -0.07828286546903115 -0.06435279838514728 +7801,-0.17579333505618308,0,0.841101562066979 0.9215863941071744 1.1583975345331123 1.3178194133819536 1.523674849177051 1.585586258438732 1.8935955195156122 1.7945372646969195 1.4230688091268178 1.0794604877244662 0.738947736785205 0.5114233077485113 0.3721226369097253 0.24520424792327375 0.1616238454199969 0.08268679861135095 0.030062100738923243 -0.07828286546903115 -0.06435279838514728 -0.10614299963678131 +7802,-0.07828286546903115,0,0.9215863941071744 1.1583975345331123 1.3178194133819536 1.523674849177051 1.585586258438732 1.8935955195156122 1.7945372646969195 1.4230688091268178 1.0794604877244662 0.738947736785205 0.5114233077485113 0.3721226369097253 0.24520424792327375 0.1616238454199969 0.08268679861135095 0.030062100738923243 -0.07828286546903115 -0.06435279838514728 -0.10614299963678131 -0.17579333505618308 +7803,0.24984760361789585,0,1.1583975345331123 1.3178194133819536 1.523674849177051 1.585586258438732 1.8935955195156122 1.7945372646969195 1.4230688091268178 1.0794604877244662 0.738947736785205 0.5114233077485113 0.3721226369097253 0.24520424792327375 0.1616238454199969 0.08268679861135095 0.030062100738923243 -0.07828286546903115 -0.06435279838514728 -0.10614299963678131 -0.17579333505618308 -0.07828286546903115 +7804,0.734304381090574,0,1.3178194133819536 1.523674849177051 1.585586258438732 1.8935955195156122 1.7945372646969195 1.4230688091268178 1.0794604877244662 0.738947736785205 0.5114233077485113 0.3721226369097253 0.24520424792327375 0.1616238454199969 0.08268679861135095 0.030062100738923243 -0.07828286546903115 -0.06435279838514728 -0.10614299963678131 -0.17579333505618308 -0.07828286546903115 0.24984760361789585 +7805,1.0825560581875477,0,1.523674849177051 1.585586258438732 1.8935955195156122 1.7945372646969195 1.4230688091268178 1.0794604877244662 0.738947736785205 0.5114233077485113 0.3721226369097253 0.24520424792327375 0.1616238454199969 0.08268679861135095 0.030062100738923243 -0.07828286546903115 -0.06435279838514728 -0.10614299963678131 -0.17579333505618308 -0.07828286546903115 0.24984760361789585 0.734304381090574 +7806,1.3627051850966692,0,1.585586258438732 1.8935955195156122 1.7945372646969195 1.4230688091268178 1.0794604877244662 0.738947736785205 0.5114233077485113 0.3721226369097253 0.24520424792327375 0.1616238454199969 0.08268679861135095 0.030062100738923243 -0.07828286546903115 -0.06435279838514728 -0.10614299963678131 -0.17579333505618308 -0.07828286546903115 0.24984760361789585 0.734304381090574 1.0825560581875477 +7807,1.9462202173880487,0,1.8935955195156122 1.7945372646969195 1.4230688091268178 1.0794604877244662 0.738947736785205 0.5114233077485113 0.3721226369097253 0.24520424792327375 0.1616238454199969 0.08268679861135095 0.030062100738923243 -0.07828286546903115 -0.06435279838514728 -0.10614299963678131 -0.17579333505618308 -0.07828286546903115 0.24984760361789585 0.734304381090574 1.0825560581875477 1.3627051850966692 +7808,2.1783880021193642,0,1.7945372646969195 1.4230688091268178 1.0794604877244662 0.738947736785205 0.5114233077485113 0.3721226369097253 0.24520424792327375 0.1616238454199969 0.08268679861135095 0.030062100738923243 -0.07828286546903115 -0.06435279838514728 -0.10614299963678131 -0.17579333505618308 -0.07828286546903115 0.24984760361789585 0.734304381090574 1.0825560581875477 1.3627051850966692 1.9462202173880487 +7809,1.972532566324258,0,1.4230688091268178 1.0794604877244662 0.738947736785205 0.5114233077485113 0.3721226369097253 0.24520424792327375 0.1616238454199969 0.08268679861135095 0.030062100738923243 -0.07828286546903115 -0.06435279838514728 -0.10614299963678131 -0.17579333505618308 -0.07828286546903115 0.24984760361789585 0.734304381090574 1.0825560581875477 1.3627051850966692 1.9462202173880487 2.1783880021193642 +7810,1.9880104186396828,0,1.0794604877244662 0.738947736785205 0.5114233077485113 0.3721226369097253 0.24520424792327375 0.1616238454199969 0.08268679861135095 0.030062100738923243 -0.07828286546903115 -0.06435279838514728 -0.10614299963678131 -0.17579333505618308 -0.07828286546903115 0.24984760361789585 0.734304381090574 1.0825560581875477 1.3627051850966692 1.9462202173880487 2.1783880021193642 1.972532566324258 +7811,1.9740803515558076,0,0.738947736785205 0.5114233077485113 0.3721226369097253 0.24520424792327375 0.1616238454199969 0.08268679861135095 0.030062100738923243 -0.07828286546903115 -0.06435279838514728 -0.10614299963678131 -0.17579333505618308 -0.07828286546903115 0.24984760361789585 0.734304381090574 1.0825560581875477 1.3627051850966692 1.9462202173880487 2.1783880021193642 1.972532566324258 1.9880104186396828 +7812,1.926099009378002,0,0.5114233077485113 0.3721226369097253 0.24520424792327375 0.1616238454199969 0.08268679861135095 0.030062100738923243 -0.07828286546903115 -0.06435279838514728 -0.10614299963678131 -0.17579333505618308 -0.07828286546903115 0.24984760361789585 0.734304381090574 1.0825560581875477 1.3627051850966692 1.9462202173880487 2.1783880021193642 1.972532566324258 1.9880104186396828 1.9740803515558076 +7813,1.6954790098782269,0,0.3721226369097253 0.24520424792327375 0.1616238454199969 0.08268679861135095 0.030062100738923243 -0.07828286546903115 -0.06435279838514728 -0.10614299963678131 -0.17579333505618308 -0.07828286546903115 0.24984760361789585 0.734304381090574 1.0825560581875477 1.3627051850966692 1.9462202173880487 2.1783880021193642 1.972532566324258 1.9880104186396828 1.9740803515558076 1.926099009378002 +7814,1.311628272455782,0,0.24520424792327375 0.1616238454199969 0.08268679861135095 0.030062100738923243 -0.07828286546903115 -0.06435279838514728 -0.10614299963678131 -0.17579333505618308 -0.07828286546903115 0.24984760361789585 0.734304381090574 1.0825560581875477 1.3627051850966692 1.9462202173880487 2.1783880021193642 1.972532566324258 1.9880104186396828 1.9740803515558076 1.926099009378002 1.6954790098782269 +7815,0.9370642464225901,0,0.1616238454199969 0.08268679861135095 0.030062100738923243 -0.07828286546903115 -0.06435279838514728 -0.10614299963678131 -0.17579333505618308 -0.07828286546903115 0.24984760361789585 0.734304381090574 1.0825560581875477 1.3627051850966692 1.9462202173880487 2.1783880021193642 1.972532566324258 1.9880104186396828 1.9740803515558076 1.926099009378002 1.6954790098782269 1.311628272455782 +7816,0.7606167300267923,0,0.08268679861135095 0.030062100738923243 -0.07828286546903115 -0.06435279838514728 -0.10614299963678131 -0.17579333505618308 -0.07828286546903115 0.24984760361789585 0.734304381090574 1.0825560581875477 1.3627051850966692 1.9462202173880487 2.1783880021193642 1.972532566324258 1.9880104186396828 1.9740803515558076 1.926099009378002 1.6954790098782269 1.311628272455782 0.9370642464225901 +7817,0.5655957908524885,0,0.030062100738923243 -0.07828286546903115 -0.06435279838514728 -0.10614299963678131 -0.17579333505618308 -0.07828286546903115 0.24984760361789585 0.734304381090574 1.0825560581875477 1.3627051850966692 1.9462202173880487 2.1783880021193642 1.972532566324258 1.9880104186396828 1.9740803515558076 1.926099009378002 1.6954790098782269 1.311628272455782 0.9370642464225901 0.7606167300267923 +7818,0.45879860987608356,0,-0.07828286546903115 -0.06435279838514728 -0.10614299963678131 -0.17579333505618308 -0.07828286546903115 0.24984760361789585 0.734304381090574 1.0825560581875477 1.3627051850966692 1.9462202173880487 2.1783880021193642 1.972532566324258 1.9880104186396828 1.9740803515558076 1.926099009378002 1.6954790098782269 1.311628272455782 0.9370642464225901 0.7606167300267923 0.5655957908524885 +7819,0.3086634424164951,0,-0.06435279838514728 -0.10614299963678131 -0.17579333505618308 -0.07828286546903115 0.24984760361789585 0.734304381090574 1.0825560581875477 1.3627051850966692 1.9462202173880487 2.1783880021193642 1.972532566324258 1.9880104186396828 1.9740803515558076 1.926099009378002 1.6954790098782269 1.311628272455782 0.9370642464225901 0.7606167300267923 0.5655957908524885 0.45879860987608356 +7820,0.2080574023662618,0,-0.10614299963678131 -0.17579333505618308 -0.07828286546903115 0.24984760361789585 0.734304381090574 1.0825560581875477 1.3627051850966692 1.9462202173880487 2.1783880021193642 1.972532566324258 1.9880104186396828 1.9740803515558076 1.926099009378002 1.6954790098782269 1.311628272455782 0.9370642464225901 0.7606167300267923 0.5655957908524885 0.45879860987608356 0.3086634424164951 +7821,0.06720894629592637,0,-0.17579333505618308 -0.07828286546903115 0.24984760361789585 0.734304381090574 1.0825560581875477 1.3627051850966692 1.9462202173880487 2.1783880021193642 1.972532566324258 1.9880104186396828 1.9740803515558076 1.926099009378002 1.6954790098782269 1.311628272455782 0.9370642464225901 0.7606167300267923 0.5655957908524885 0.45879860987608356 0.3086634424164951 0.2080574023662618 +7822,0.005220147772670414,0,-0.07828286546903115 0.24984760361789585 0.734304381090574 1.0825560581875477 1.3627051850966692 1.9462202173880487 2.1783880021193642 1.972532566324258 1.9880104186396828 1.9740803515558076 1.926099009378002 1.6954790098782269 1.311628272455782 0.9370642464225901 0.7606167300267923 0.5655957908524885 0.45879860987608356 0.3086634424164951 0.2080574023662618 0.06720894629592637 +7823,0.033157671202004635,0,0.24984760361789585 0.734304381090574 1.0825560581875477 1.3627051850966692 1.9462202173880487 2.1783880021193642 1.972532566324258 1.9880104186396828 1.9740803515558076 1.926099009378002 1.6954790098782269 1.311628272455782 0.9370642464225901 0.7606167300267923 0.5655957908524885 0.45879860987608356 0.3086634424164951 0.2080574023662618 0.06720894629592637 0.005220147772670414 +7824,-0.010180315281178881,0,0.734304381090574 1.0825560581875477 1.3627051850966692 1.9462202173880487 2.1783880021193642 1.972532566324258 1.9880104186396828 1.9740803515558076 1.926099009378002 1.6954790098782269 1.311628272455782 0.9370642464225901 0.7606167300267923 0.5655957908524885 0.45879860987608356 0.3086634424164951 0.2080574023662618 0.06720894629592637 0.005220147772670414 0.033157671202004635 +7825,0.017679818886580066,0,1.0825560581875477 1.3627051850966692 1.9462202173880487 2.1783880021193642 1.972532566324258 1.9880104186396828 1.9740803515558076 1.926099009378002 1.6954790098782269 1.311628272455782 0.9370642464225901 0.7606167300267923 0.5655957908524885 0.45879860987608356 0.3086634424164951 0.2080574023662618 0.06720894629592637 0.005220147772670414 0.033157671202004635 -0.010180315281178881 +7826,0.12447699986298497,0,1.3627051850966692 1.9462202173880487 2.1783880021193642 1.972532566324258 1.9880104186396828 1.9740803515558076 1.926099009378002 1.6954790098782269 1.311628272455782 0.9370642464225901 0.7606167300267923 0.5655957908524885 0.45879860987608356 0.3086634424164951 0.2080574023662618 0.06720894629592637 0.005220147772670414 0.033157671202004635 -0.010180315281178881 0.017679818886580066 +7827,0.5284489452954765,0,1.9462202173880487 2.1783880021193642 1.972532566324258 1.9880104186396828 1.9740803515558076 1.926099009378002 1.6954790098782269 1.311628272455782 0.9370642464225901 0.7606167300267923 0.5655957908524885 0.45879860987608356 0.3086634424164951 0.2080574023662618 0.06720894629592637 0.005220147772670414 0.033157671202004635 -0.010180315281178881 0.017679818886580066 0.12447699986298497 +7828,0.9633765953588084,0,2.1783880021193642 1.972532566324258 1.9880104186396828 1.9740803515558076 1.926099009378002 1.6954790098782269 1.311628272455782 0.9370642464225901 0.7606167300267923 0.5655957908524885 0.45879860987608356 0.3086634424164951 0.2080574023662618 0.06720894629592637 0.005220147772670414 0.033157671202004635 -0.010180315281178881 0.017679818886580066 0.12447699986298497 0.5284489452954765 +7829,1.2667425007410578,0,1.972532566324258 1.9880104186396828 1.9740803515558076 1.926099009378002 1.6954790098782269 1.311628272455782 0.9370642464225901 0.7606167300267923 0.5655957908524885 0.45879860987608356 0.3086634424164951 0.2080574023662618 0.06720894629592637 0.005220147772670414 0.033157671202004635 -0.010180315281178881 0.017679818886580066 0.12447699986298497 0.5284489452954765 0.9633765953588084 +7830,1.8270407545593006,0,1.9880104186396828 1.9740803515558076 1.926099009378002 1.6954790098782269 1.311628272455782 0.9370642464225901 0.7606167300267923 0.5655957908524885 0.45879860987608356 0.3086634424164951 0.2080574023662618 0.06720894629592637 0.005220147772670414 0.033157671202004635 -0.010180315281178881 0.017679818886580066 0.12447699986298497 0.5284489452954765 0.9633765953588084 1.2667425007410578 +7831,2.1040943110053405,0,1.9740803515558076 1.926099009378002 1.6954790098782269 1.311628272455782 0.9370642464225901 0.7606167300267923 0.5655957908524885 0.45879860987608356 0.3086634424164951 0.2080574023662618 0.06720894629592637 0.005220147772670414 0.033157671202004635 -0.010180315281178881 0.017679818886580066 0.12447699986298497 0.5284489452954765 0.9633765953588084 1.2667425007410578 1.8270407545593006 +7832,2.2573250489280103,0,1.926099009378002 1.6954790098782269 1.311628272455782 0.9370642464225901 0.7606167300267923 0.5655957908524885 0.45879860987608356 0.3086634424164951 0.2080574023662618 0.06720894629592637 0.005220147772670414 0.033157671202004635 -0.010180315281178881 0.017679818886580066 0.12447699986298497 0.5284489452954765 0.9633765953588084 1.2667425007410578 1.8270407545593006 2.1040943110053405 +7833,2.5189007530586256,0,1.6954790098782269 1.311628272455782 0.9370642464225901 0.7606167300267923 0.5655957908524885 0.45879860987608356 0.3086634424164951 0.2080574023662618 0.06720894629592637 0.005220147772670414 0.033157671202004635 -0.010180315281178881 0.017679818886580066 0.12447699986298497 0.5284489452954765 0.9633765953588084 1.2667425007410578 1.8270407545593006 2.1040943110053405 2.2573250489280103 +7834,2.4554415585653957,0,1.311628272455782 0.9370642464225901 0.7606167300267923 0.5655957908524885 0.45879860987608356 0.3086634424164951 0.2080574023662618 0.06720894629592637 0.005220147772670414 0.033157671202004635 -0.010180315281178881 0.017679818886580066 0.12447699986298497 0.5284489452954765 0.9633765953588084 1.2667425007410578 1.8270407545593006 2.1040943110053405 2.2573250489280103 2.5189007530586256 +7835,2.508066256437832,0,0.9370642464225901 0.7606167300267923 0.5655957908524885 0.45879860987608356 0.3086634424164951 0.2080574023662618 0.06720894629592637 0.005220147772670414 0.033157671202004635 -0.010180315281178881 0.017679818886580066 0.12447699986298497 0.5284489452954765 0.9633765953588084 1.2667425007410578 1.8270407545593006 2.1040943110053405 2.2573250489280103 2.5189007530586256 2.4554415585653957 +7836,2.0174183380389823,0,0.7606167300267923 0.5655957908524885 0.45879860987608356 0.3086634424164951 0.2080574023662618 0.06720894629592637 0.005220147772670414 0.033157671202004635 -0.010180315281178881 0.017679818886580066 0.12447699986298497 0.5284489452954765 0.9633765953588084 1.2667425007410578 1.8270407545593006 2.1040943110053405 2.2573250489280103 2.5189007530586256 2.4554415585653957 2.508066256437832 +7837,1.772868271455332,0,0.5655957908524885 0.45879860987608356 0.3086634424164951 0.2080574023662618 0.06720894629592637 0.005220147772670414 0.033157671202004635 -0.010180315281178881 0.017679818886580066 0.12447699986298497 0.5284489452954765 0.9633765953588084 1.2667425007410578 1.8270407545593006 2.1040943110053405 2.2573250489280103 2.5189007530586256 2.4554415585653957 2.508066256437832 2.0174183380389823 +7838,1.4756935069992456,0,0.45879860987608356 0.3086634424164951 0.2080574023662618 0.06720894629592637 0.005220147772670414 0.033157671202004635 -0.010180315281178881 0.017679818886580066 0.12447699986298497 0.5284489452954765 0.9633765953588084 1.2667425007410578 1.8270407545593006 2.1040943110053405 2.2573250489280103 2.5189007530586256 2.4554415585653957 2.508066256437832 2.0174183380389823 1.772868271455332 +7839,1.0871994138821786,0,0.3086634424164951 0.2080574023662618 0.06720894629592637 0.005220147772670414 0.033157671202004635 -0.010180315281178881 0.017679818886580066 0.12447699986298497 0.5284489452954765 0.9633765953588084 1.2667425007410578 1.8270407545593006 2.1040943110053405 2.2573250489280103 2.5189007530586256 2.4554415585653957 2.508066256437832 2.0174183380389823 1.772868271455332 1.4756935069992456 +7840,0.8705094814662874,0,0.2080574023662618 0.06720894629592637 0.005220147772670414 0.033157671202004635 -0.010180315281178881 0.017679818886580066 0.12447699986298497 0.5284489452954765 0.9633765953588084 1.2667425007410578 1.8270407545593006 2.1040943110053405 2.2573250489280103 2.5189007530586256 2.4554415585653957 2.508066256437832 2.0174183380389823 1.772868271455332 1.4756935069992456 1.0871994138821786 +7841,0.45299441525779716,0,0.06720894629592637 0.005220147772670414 0.033157671202004635 -0.010180315281178881 0.017679818886580066 0.12447699986298497 0.5284489452954765 0.9633765953588084 1.2667425007410578 1.8270407545593006 2.1040943110053405 2.2573250489280103 2.5189007530586256 2.4554415585653957 2.508066256437832 2.0174183380389823 1.772868271455332 1.4756935069992456 1.0871994138821786 0.8705094814662874 +7842,0.5253533748323951,0,0.005220147772670414 0.033157671202004635 -0.010180315281178881 0.017679818886580066 0.12447699986298497 0.5284489452954765 0.9633765953588084 1.2667425007410578 1.8270407545593006 2.1040943110053405 2.2573250489280103 2.5189007530586256 2.4554415585653957 2.508066256437832 2.0174183380389823 1.772868271455332 1.4756935069992456 1.0871994138821786 0.8705094814662874 0.45299441525779716 +7843,0.38450491876205967,0,0.033157671202004635 -0.010180315281178881 0.017679818886580066 0.12447699986298497 0.5284489452954765 0.9633765953588084 1.2667425007410578 1.8270407545593006 2.1040943110053405 2.2573250489280103 2.5189007530586256 2.4554415585653957 2.508066256437832 2.0174183380389823 1.772868271455332 1.4756935069992456 1.0871994138821786 0.8705094814662874 0.45299441525779716 0.5253533748323951 +7844,0.2157963285239741,0,-0.010180315281178881 0.017679818886580066 0.12447699986298497 0.5284489452954765 0.9633765953588084 1.2667425007410578 1.8270407545593006 2.1040943110053405 2.2573250489280103 2.5189007530586256 2.4554415585653957 2.508066256437832 2.0174183380389823 1.772868271455332 1.4756935069992456 1.0871994138821786 0.8705094814662874 0.45299441525779716 0.5253533748323951 0.38450491876205967 +7845,0.20031847620854953,0,0.017679818886580066 0.12447699986298497 0.5284489452954765 0.9633765953588084 1.2667425007410578 1.8270407545593006 2.1040943110053405 2.2573250489280103 2.5189007530586256 2.4554415585653957 2.508066256437832 2.0174183380389823 1.772868271455332 1.4756935069992456 1.0871994138821786 0.8705094814662874 0.45299441525779716 0.5253533748323951 0.38450491876205967 0.2157963285239741 +7846,0.18484062389313374,0,0.12447699986298497 0.5284489452954765 0.9633765953588084 1.2667425007410578 1.8270407545593006 2.1040943110053405 2.2573250489280103 2.5189007530586256 2.4554415585653957 2.508066256437832 2.0174183380389823 1.772868271455332 1.4756935069992456 1.0871994138821786 0.8705094814662874 0.45299441525779716 0.5253533748323951 0.38450491876205967 0.2157963285239741 0.20031847620854953 +7847,-0.14940359685838955,0,0.5284489452954765 0.9633765953588084 1.2667425007410578 1.8270407545593006 2.1040943110053405 2.2573250489280103 2.5189007530586256 2.4554415585653957 2.508066256437832 2.0174183380389823 1.772868271455332 1.4756935069992456 1.0871994138821786 0.8705094814662874 0.45299441525779716 0.5253533748323951 0.38450491876205967 0.2157963285239741 0.20031847620854953 0.18484062389313374 +7848,0.11364250324219129,0,0.9633765953588084 1.2667425007410578 1.8270407545593006 2.1040943110053405 2.2573250489280103 2.5189007530586256 2.4554415585653957 2.508066256437832 2.0174183380389823 1.772868271455332 1.4756935069992456 1.0871994138821786 0.8705094814662874 0.45299441525779716 0.5253533748323951 0.38450491876205967 0.2157963285239741 0.20031847620854953 0.18484062389313374 -0.14940359685838955 +7849,-0.22060171750932323,0,1.2667425007410578 1.8270407545593006 2.1040943110053405 2.2573250489280103 2.5189007530586256 2.4554415585653957 2.508066256437832 2.0174183380389823 1.772868271455332 1.4756935069992456 1.0871994138821786 0.8705094814662874 0.45299441525779716 0.5253533748323951 0.38450491876205967 0.2157963285239741 0.20031847620854953 0.18484062389313374 -0.14940359685838955 0.11364250324219129 +7850,0.04244438259125762,0,1.8270407545593006 2.1040943110053405 2.2573250489280103 2.5189007530586256 2.4554415585653957 2.508066256437832 2.0174183380389823 1.772868271455332 1.4756935069992456 1.0871994138821786 0.8705094814662874 0.45299441525779716 0.5253533748323951 0.38450491876205967 0.2157963285239741 0.20031847620854953 0.18484062389313374 -0.14940359685838955 0.11364250324219129 -0.22060171750932323 +7851,0.4448685427922085,0,2.1040943110053405 2.2573250489280103 2.5189007530586256 2.4554415585653957 2.508066256437832 2.0174183380389823 1.772868271455332 1.4756935069992456 1.0871994138821786 0.8705094814662874 0.45299441525779716 0.5253533748323951 0.38450491876205967 0.2157963285239741 0.20031847620854953 0.18484062389313374 -0.14940359685838955 0.11364250324219129 -0.22060171750932323 0.04244438259125762 +7852,0.8147892131307695,0,2.2573250489280103 2.5189007530586256 2.4554415585653957 2.508066256437832 2.0174183380389823 1.772868271455332 1.4756935069992456 1.0871994138821786 0.8705094814662874 0.45299441525779716 0.5253533748323951 0.38450491876205967 0.2157963285239741 0.20031847620854953 0.18484062389313374 -0.14940359685838955 0.11364250324219129 -0.22060171750932323 0.04244438259125762 0.4448685427922085 +7853,1.2141178028686301,0,2.5189007530586256 2.4554415585653957 2.508066256437832 2.0174183380389823 1.772868271455332 1.4756935069992456 1.0871994138821786 0.8705094814662874 0.45299441525779716 0.5253533748323951 0.38450491876205967 0.2157963285239741 0.20031847620854953 0.18484062389313374 -0.14940359685838955 0.11364250324219129 -0.22060171750932323 0.04244438259125762 0.4448685427922085 0.8147892131307695 +7854,1.4772412922307863,0,2.4554415585653957 2.508066256437832 2.0174183380389823 1.772868271455332 1.4756935069992456 1.0871994138821786 0.8705094814662874 0.45299441525779716 0.5253533748323951 0.38450491876205967 0.2157963285239741 0.20031847620854953 0.18484062389313374 -0.14940359685838955 0.11364250324219129 -0.22060171750932323 0.04244438259125762 0.4448685427922085 0.8147892131307695 1.2141178028686301 +7855,1.5341997887515348,0,2.508066256437832 2.0174183380389823 1.772868271455332 1.4756935069992456 1.0871994138821786 0.8705094814662874 0.45299441525779716 0.5253533748323951 0.38450491876205967 0.2157963285239741 0.20031847620854953 0.18484062389313374 -0.14940359685838955 0.11364250324219129 -0.22060171750932323 0.04244438259125762 0.4448685427922085 0.8147892131307695 1.2141178028686301 1.4772412922307863 +7856,1.6196375335326625,0,2.0174183380389823 1.772868271455332 1.4756935069992456 1.0871994138821786 0.8705094814662874 0.45299441525779716 0.5253533748323951 0.38450491876205967 0.2157963285239741 0.20031847620854953 0.18484062389313374 -0.14940359685838955 0.11364250324219129 -0.22060171750932323 0.04244438259125762 0.4448685427922085 0.8147892131307695 1.2141178028686301 1.4772412922307863 1.5341997887515348 +7857,2.210736713458595,0,1.772868271455332 1.4756935069992456 1.0871994138821786 0.8705094814662874 0.45299441525779716 0.5253533748323951 0.38450491876205967 0.2157963285239741 0.20031847620854953 0.18484062389313374 -0.14940359685838955 0.11364250324219129 -0.22060171750932323 0.04244438259125762 0.4448685427922085 0.8147892131307695 1.2141178028686301 1.4772412922307863 1.5341997887515348 1.6196375335326625 +7858,2.4647282699546484,0,1.4756935069992456 1.0871994138821786 0.8705094814662874 0.45299441525779716 0.5253533748323951 0.38450491876205967 0.2157963285239741 0.20031847620854953 0.18484062389313374 -0.14940359685838955 0.11364250324219129 -0.22060171750932323 0.04244438259125762 0.4448685427922085 0.8147892131307695 1.2141178028686301 1.4772412922307863 1.5341997887515348 1.6196375335326625 2.210736713458595 +7859,2.009834190404421,0,1.0871994138821786 0.8705094814662874 0.45299441525779716 0.5253533748323951 0.38450491876205967 0.2157963285239741 0.20031847620854953 0.18484062389313374 -0.14940359685838955 0.11364250324219129 -0.22060171750932323 0.04244438259125762 0.4448685427922085 0.8147892131307695 1.2141178028686301 1.4772412922307863 1.5341997887515348 1.6196375335326625 2.210736713458595 2.4647282699546484 +7860,1.993169702693226,0,0.8705094814662874 0.45299441525779716 0.5253533748323951 0.38450491876205967 0.2157963285239741 0.20031847620854953 0.18484062389313374 -0.14940359685838955 0.11364250324219129 -0.22060171750932323 0.04244438259125762 0.4448685427922085 0.8147892131307695 1.2141178028686301 1.4772412922307863 1.5341997887515348 1.6196375335326625 2.210736713458595 2.4647282699546484 2.009834190404421 +7861,1.7573904191399077,0,0.45299441525779716 0.5253533748323951 0.38450491876205967 0.2157963285239741 0.20031847620854953 0.18484062389313374 -0.14940359685838955 0.11364250324219129 -0.22060171750932323 0.04244438259125762 0.4448685427922085 0.8147892131307695 1.2141178028686301 1.4772412922307863 1.5341997887515348 1.6196375335326625 2.210736713458595 2.4647282699546484 2.009834190404421 1.993169702693226 +7862,1.30698491676116,0,0.5253533748323951 0.38450491876205967 0.2157963285239741 0.20031847620854953 0.18484062389313374 -0.14940359685838955 0.11364250324219129 -0.22060171750932323 0.04244438259125762 0.4448685427922085 0.8147892131307695 1.2141178028686301 1.4772412922307863 1.5341997887515348 1.6196375335326625 2.210736713458595 2.4647282699546484 2.009834190404421 1.993169702693226 1.7573904191399077 +7863,0.8968218304024969,0,0.38450491876205967 0.2157963285239741 0.20031847620854953 0.18484062389313374 -0.14940359685838955 0.11364250324219129 -0.22060171750932323 0.04244438259125762 0.4448685427922085 0.8147892131307695 1.2141178028686301 1.4772412922307863 1.5341997887515348 1.6196375335326625 2.210736713458595 2.4647282699546484 2.009834190404421 1.993169702693226 1.7573904191399077 1.30698491676116 +7864,0.6223995088500865,0,0.2157963285239741 0.20031847620854953 0.18484062389313374 -0.14940359685838955 0.11364250324219129 -0.22060171750932323 0.04244438259125762 0.4448685427922085 0.8147892131307695 1.2141178028686301 1.4772412922307863 1.5341997887515348 1.6196375335326625 2.210736713458595 2.4647282699546484 2.009834190404421 1.993169702693226 1.7573904191399077 1.30698491676116 0.8968218304024969 +7865,0.4309384757083246,0,0.20031847620854953 0.18484062389313374 -0.14940359685838955 0.11364250324219129 -0.22060171750932323 0.04244438259125762 0.4448685427922085 0.8147892131307695 1.2141178028686301 1.4772412922307863 1.5341997887515348 1.6196375335326625 2.210736713458595 2.4647282699546484 2.009834190404421 1.993169702693226 1.7573904191399077 1.30698491676116 0.8968218304024969 0.6223995088500865 +7866,0.2859625923022883,0,0.18484062389313374 -0.14940359685838955 0.11364250324219129 -0.22060171750932323 0.04244438259125762 0.4448685427922085 0.8147892131307695 1.2141178028686301 1.4772412922307863 1.5341997887515348 1.6196375335326625 2.210736713458595 2.4647282699546484 2.009834190404421 1.993169702693226 1.7573904191399077 1.30698491676116 0.8968218304024969 0.6223995088500865 0.4309384757083246 +7867,-0.04361247628248082,0,-0.14940359685838955 0.11364250324219129 -0.22060171750932323 0.04244438259125762 0.4448685427922085 0.8147892131307695 1.2141178028686301 1.4772412922307863 1.5341997887515348 1.6196375335326625 2.210736713458595 2.4647282699546484 2.009834190404421 1.993169702693226 1.7573904191399077 1.30698491676116 0.8968218304024969 0.6223995088500865 0.4309384757083246 0.2859625923022883 +7868,-0.003989174355007293,0,0.11364250324219129 -0.22060171750932323 0.04244438259125762 0.4448685427922085 0.8147892131307695 1.2141178028686301 1.4772412922307863 1.5341997887515348 1.6196375335326625 2.210736713458595 2.4647282699546484 2.009834190404421 1.993169702693226 1.7573904191399077 1.30698491676116 0.8968218304024969 0.6223995088500865 0.4309384757083246 0.2859625923022883 -0.04361247628248082 +7869,-0.12162085195220587,0,-0.22060171750932323 0.04244438259125762 0.4448685427922085 0.8147892131307695 1.2141178028686301 1.4772412922307863 1.5341997887515348 1.6196375335326625 2.210736713458595 2.4647282699546484 2.009834190404421 1.993169702693226 1.7573904191399077 1.30698491676116 0.8968218304024969 0.6223995088500865 0.4309384757083246 0.2859625923022883 -0.04361247628248082 -0.003989174355007293 +7870,-0.20055789876085184,0,0.04244438259125762 0.4448685427922085 0.8147892131307695 1.2141178028686301 1.4772412922307863 1.5341997887515348 1.6196375335326625 2.210736713458595 2.4647282699546484 2.009834190404421 1.993169702693226 1.7573904191399077 1.30698491676116 0.8968218304024969 0.6223995088500865 0.4309384757083246 0.2859625923022883 -0.04361247628248082 -0.003989174355007293 -0.12162085195220587 +7871,-0.24544367047557605,0,0.4448685427922085 0.8147892131307695 1.2141178028686301 1.4772412922307863 1.5341997887515348 1.6196375335326625 2.210736713458595 2.4647282699546484 2.009834190404421 1.993169702693226 1.7573904191399077 1.30698491676116 0.8968218304024969 0.6223995088500865 0.4309384757083246 0.2859625923022883 -0.04361247628248082 -0.003989174355007293 -0.12162085195220587 -0.20055789876085184 +7872,-0.25937373755945115,0,0.8147892131307695 1.2141178028686301 1.4772412922307863 1.5341997887515348 1.6196375335326625 2.210736713458595 2.4647282699546484 2.009834190404421 1.993169702693226 1.7573904191399077 1.30698491676116 0.8968218304024969 0.6223995088500865 0.4309384757083246 0.2859625923022883 -0.04361247628248082 -0.003989174355007293 -0.12162085195220587 -0.20055789876085184 -0.24544367047557605 +7873,-0.2779471603379571,0,1.2141178028686301 1.4772412922307863 1.5341997887515348 1.6196375335326625 2.210736713458595 2.4647282699546484 2.009834190404421 1.993169702693226 1.7573904191399077 1.30698491676116 0.8968218304024969 0.6223995088500865 0.4309384757083246 0.2859625923022883 -0.04361247628248082 -0.003989174355007293 -0.12162085195220587 -0.20055789876085184 -0.24544367047557605 -0.25937373755945115 +7874,-0.3197373615895999,0,1.4772412922307863 1.5341997887515348 1.6196375335326625 2.210736713458595 2.4647282699546484 2.009834190404421 1.993169702693226 1.7573904191399077 1.30698491676116 0.8968218304024969 0.6223995088500865 0.4309384757083246 0.2859625923022883 -0.04361247628248082 -0.003989174355007293 -0.12162085195220587 -0.20055789876085184 -0.24544367047557605 -0.25937373755945115 -0.2779471603379571 +7875,0.17091055680924988,0,1.5341997887515348 1.6196375335326625 2.210736713458595 2.4647282699546484 2.009834190404421 1.993169702693226 1.7573904191399077 1.30698491676116 0.8968218304024969 0.6223995088500865 0.4309384757083246 0.2859625923022883 -0.04361247628248082 -0.003989174355007293 -0.12162085195220587 -0.20055789876085184 -0.24544367047557605 -0.25937373755945115 -0.2779471603379571 -0.3197373615895999 +7876,0.36438371075201303,0,1.6196375335326625 2.210736713458595 2.4647282699546484 2.009834190404421 1.993169702693226 1.7573904191399077 1.30698491676116 0.8968218304024969 0.6223995088500865 0.4309384757083246 0.2859625923022883 -0.04361247628248082 -0.003989174355007293 -0.12162085195220587 -0.20055789876085184 -0.24544367047557605 -0.25937373755945115 -0.2779471603379571 -0.3197373615895999 0.17091055680924988 +7877,0.7760945823422168,0,2.210736713458595 2.4647282699546484 2.009834190404421 1.993169702693226 1.7573904191399077 1.30698491676116 0.8968218304024969 0.6223995088500865 0.4309384757083246 0.2859625923022883 -0.04361247628248082 -0.003989174355007293 -0.12162085195220587 -0.20055789876085184 -0.24544367047557605 -0.25937373755945115 -0.2779471603379571 -0.3197373615895999 0.17091055680924988 0.36438371075201303 +7878,1.0655304206405911,0,2.4647282699546484 2.009834190404421 1.993169702693226 1.7573904191399077 1.30698491676116 0.8968218304024969 0.6223995088500865 0.4309384757083246 0.2859625923022883 -0.04361247628248082 -0.003989174355007293 -0.12162085195220587 -0.20055789876085184 -0.24544367047557605 -0.25937373755945115 -0.2779471603379571 -0.3197373615895999 0.17091055680924988 0.36438371075201303 0.7760945823422168 +7879,1.523674849177051,0,2.009834190404421 1.993169702693226 1.7573904191399077 1.30698491676116 0.8968218304024969 0.6223995088500865 0.4309384757083246 0.2859625923022883 -0.04361247628248082 -0.003989174355007293 -0.12162085195220587 -0.20055789876085184 -0.24544367047557605 -0.25937373755945115 -0.2779471603379571 -0.3197373615895999 0.17091055680924988 0.36438371075201303 0.7760945823422168 1.0655304206405911 +7880,1.7511992782137449,0,1.993169702693226 1.7573904191399077 1.30698491676116 0.8968218304024969 0.6223995088500865 0.4309384757083246 0.2859625923022883 -0.04361247628248082 -0.003989174355007293 -0.12162085195220587 -0.20055789876085184 -0.24544367047557605 -0.25937373755945115 -0.2779471603379571 -0.3197373615895999 0.17091055680924988 0.36438371075201303 0.7760945823422168 1.0655304206405911 1.523674849177051 +7881,1.7945372646969195,0,1.7573904191399077 1.30698491676116 0.8968218304024969 0.6223995088500865 0.4309384757083246 0.2859625923022883 -0.04361247628248082 -0.003989174355007293 -0.12162085195220587 -0.20055789876085184 -0.24544367047557605 -0.25937373755945115 -0.2779471603379571 -0.3197373615895999 0.17091055680924988 0.36438371075201303 0.7760945823422168 1.0655304206405911 1.523674849177051 1.7511992782137449 +7882,1.788346123770748,0,1.30698491676116 0.8968218304024969 0.6223995088500865 0.4309384757083246 0.2859625923022883 -0.04361247628248082 -0.003989174355007293 -0.12162085195220587 -0.20055789876085184 -0.24544367047557605 -0.25937373755945115 -0.2779471603379571 -0.3197373615895999 0.17091055680924988 0.36438371075201303 0.7760945823422168 1.0655304206405911 1.523674849177051 1.7511992782137449 1.7945372646969195 +7883,1.630472030153456,0,0.8968218304024969 0.6223995088500865 0.4309384757083246 0.2859625923022883 -0.04361247628248082 -0.003989174355007293 -0.12162085195220587 -0.20055789876085184 -0.24544367047557605 -0.25937373755945115 -0.2779471603379571 -0.3197373615895999 0.17091055680924988 0.36438371075201303 0.7760945823422168 1.0655304206405911 1.523674849177051 1.7511992782137449 1.7945372646969195 1.788346123770748 +7884,2.070043035911419,0,0.6223995088500865 0.4309384757083246 0.2859625923022883 -0.04361247628248082 -0.003989174355007293 -0.12162085195220587 -0.20055789876085184 -0.24544367047557605 -0.25937373755945115 -0.2779471603379571 -0.3197373615895999 0.17091055680924988 0.36438371075201303 0.7760945823422168 1.0655304206405911 1.523674849177051 1.7511992782137449 1.7945372646969195 1.788346123770748 1.630472030153456 +7885,1.3688963260228406,0,0.4309384757083246 0.2859625923022883 -0.04361247628248082 -0.003989174355007293 -0.12162085195220587 -0.20055789876085184 -0.24544367047557605 -0.25937373755945115 -0.2779471603379571 -0.3197373615895999 0.17091055680924988 0.36438371075201303 0.7760945823422168 1.0655304206405911 1.523674849177051 1.7511992782137449 1.7945372646969195 1.788346123770748 1.630472030153456 2.070043035911419 +7886,1.0283835750835792,0,0.2859625923022883 -0.04361247628248082 -0.003989174355007293 -0.12162085195220587 -0.20055789876085184 -0.24544367047557605 -0.25937373755945115 -0.2779471603379571 -0.3197373615895999 0.17091055680924988 0.36438371075201303 0.7760945823422168 1.0655304206405911 1.523674849177051 1.7511992782137449 1.7945372646969195 1.788346123770748 1.630472030153456 2.070043035911419 1.3688963260228406 +7887,0.5563090794632355,0,-0.04361247628248082 -0.003989174355007293 -0.12162085195220587 -0.20055789876085184 -0.24544367047557605 -0.25937373755945115 -0.2779471603379571 -0.3197373615895999 0.17091055680924988 0.36438371075201303 0.7760945823422168 1.0655304206405911 1.523674849177051 1.7511992782137449 1.7945372646969195 1.788346123770748 1.630472030153456 2.070043035911419 1.3688963260228406 1.0283835750835792 +7888,0.44641632802374914,0,-0.003989174355007293 -0.12162085195220587 -0.20055789876085184 -0.24544367047557605 -0.25937373755945115 -0.2779471603379571 -0.3197373615895999 0.17091055680924988 0.36438371075201303 0.7760945823422168 1.0655304206405911 1.523674849177051 1.7511992782137449 1.7945372646969195 1.788346123770748 1.630472030153456 2.070043035911419 1.3688963260228406 1.0283835750835792 0.5563090794632355 +7889,0.24984760361789585,0,-0.12162085195220587 -0.20055789876085184 -0.24544367047557605 -0.25937373755945115 -0.2779471603379571 -0.3197373615895999 0.17091055680924988 0.36438371075201303 0.7760945823422168 1.0655304206405911 1.523674849177051 1.7511992782137449 1.7945372646969195 1.788346123770748 1.630472030153456 2.070043035911419 1.3688963260228406 1.0283835750835792 0.5563090794632355 0.44641632802374914 +7890,0.06411337583284497,0,-0.20055789876085184 -0.24544367047557605 -0.25937373755945115 -0.2779471603379571 -0.3197373615895999 0.17091055680924988 0.36438371075201303 0.7760945823422168 1.0655304206405911 1.523674849177051 1.7511992782137449 1.7945372646969195 1.788346123770748 1.630472030153456 2.070043035911419 1.3688963260228406 1.0283835750835792 0.5563090794632355 0.44641632802374914 0.24984760361789585 +7891,-0.12007306672066517,0,-0.24544367047557605 -0.25937373755945115 -0.2779471603379571 -0.3197373615895999 0.17091055680924988 0.36438371075201303 0.7760945823422168 1.0655304206405911 1.523674849177051 1.7511992782137449 1.7945372646969195 1.788346123770748 1.630472030153456 2.070043035911419 1.3688963260228406 1.0283835750835792 0.5563090794632355 0.44641632802374914 0.24984760361789585 0.06411337583284497 +7892,-0.12471642241528727,0,-0.25937373755945115 -0.2779471603379571 -0.3197373615895999 0.17091055680924988 0.36438371075201303 0.7760945823422168 1.0655304206405911 1.523674849177051 1.7511992782137449 1.7945372646969195 1.788346123770748 1.630472030153456 2.070043035911419 1.3688963260228406 1.0283835750835792 0.5563090794632355 0.44641632802374914 0.24984760361789585 0.06411337583284497 -0.12007306672066517 +7893,-0.14019427473071183,0,-0.2779471603379571 -0.3197373615895999 0.17091055680924988 0.36438371075201303 0.7760945823422168 1.0655304206405911 1.523674849177051 1.7511992782137449 1.7945372646969195 1.788346123770748 1.630472030153456 2.070043035911419 1.3688963260228406 1.0283835750835792 0.5563090794632355 0.44641632802374914 0.24984760361789585 0.06411337583284497 -0.12007306672066517 -0.12471642241528727 +7894,-0.28878165695875074,0,-0.3197373615895999 0.17091055680924988 0.36438371075201303 0.7760945823422168 1.0655304206405911 1.523674849177051 1.7511992782137449 1.7945372646969195 1.788346123770748 1.630472030153456 2.070043035911419 1.3688963260228406 1.0283835750835792 0.5563090794632355 0.44641632802374914 0.24984760361789585 0.06411337583284497 -0.12007306672066517 -0.12471642241528727 -0.14019427473071183 +7895,-0.25627816709636975,0,0.17091055680924988 0.36438371075201303 0.7760945823422168 1.0655304206405911 1.523674849177051 1.7511992782137449 1.7945372646969195 1.788346123770748 1.630472030153456 2.070043035911419 1.3688963260228406 1.0283835750835792 0.5563090794632355 0.44641632802374914 0.24984760361789585 0.06411337583284497 -0.12007306672066517 -0.12471642241528727 -0.14019427473071183 -0.28878165695875074 +7896,-0.273303804643335,0,0.36438371075201303 0.7760945823422168 1.0655304206405911 1.523674849177051 1.7511992782137449 1.7945372646969195 1.788346123770748 1.630472030153456 2.070043035911419 1.3688963260228406 1.0283835750835792 0.5563090794632355 0.44641632802374914 0.24984760361789585 0.06411337583284497 -0.12007306672066517 -0.12471642241528727 -0.14019427473071183 -0.28878165695875074 -0.25627816709636975 +7897,-0.3352152139050157,0,0.7760945823422168 1.0655304206405911 1.523674849177051 1.7511992782137449 1.7945372646969195 1.788346123770748 1.630472030153456 2.070043035911419 1.3688963260228406 1.0283835750835792 0.5563090794632355 0.44641632802374914 0.24984760361789585 0.06411337583284497 -0.12007306672066517 -0.12471642241528727 -0.14019427473071183 -0.28878165695875074 -0.25627816709636975 -0.273303804643335 +7898,-0.2052012544554827,0,1.0655304206405911 1.523674849177051 1.7511992782137449 1.7945372646969195 1.788346123770748 1.630472030153456 2.070043035911419 1.3688963260228406 1.0283835750835792 0.5563090794632355 0.44641632802374914 0.24984760361789585 0.06411337583284497 -0.12007306672066517 -0.12471642241528727 -0.14019427473071183 -0.28878165695875074 -0.25627816709636975 -0.273303804643335 -0.3352152139050157 +7899,0.0022019665711642948,0,1.523674849177051 1.7511992782137449 1.7945372646969195 1.788346123770748 1.630472030153456 2.070043035911419 1.3688963260228406 1.0283835750835792 0.5563090794632355 0.44641632802374914 0.24984760361789585 0.06411337583284497 -0.12007306672066517 -0.12471642241528727 -0.14019427473071183 -0.28878165695875074 -0.25627816709636975 -0.273303804643335 -0.3352152139050157 -0.2052012544554827 +7900,0.2761599525541141,0,1.7511992782137449 1.7945372646969195 1.788346123770748 1.630472030153456 2.070043035911419 1.3688963260228406 1.0283835750835792 0.5563090794632355 0.44641632802374914 0.24984760361789585 0.06411337583284497 -0.12007306672066517 -0.12471642241528727 -0.14019427473071183 -0.28878165695875074 -0.25627816709636975 -0.273303804643335 -0.3352152139050157 -0.2052012544554827 0.0022019665711642948 +7901,0.9464283470734273,0,1.7945372646969195 1.788346123770748 1.630472030153456 2.070043035911419 1.3688963260228406 1.0283835750835792 0.5563090794632355 0.44641632802374914 0.24984760361789585 0.06411337583284497 -0.12007306672066517 -0.12471642241528727 -0.14019427473071183 -0.28878165695875074 -0.25627816709636975 -0.273303804643335 -0.3352152139050157 -0.2052012544554827 0.0022019665711642948 0.2761599525541141 +7902,1.1057728366606845,0,1.788346123770748 1.630472030153456 2.070043035911419 1.3688963260228406 1.0283835750835792 0.5563090794632355 0.44641632802374914 0.24984760361789585 0.06411337583284497 -0.12007306672066517 -0.12471642241528727 -0.14019427473071183 -0.28878165695875074 -0.25627816709636975 -0.273303804643335 -0.3352152139050157 -0.2052012544554827 0.0022019665711642948 0.2761599525541141 0.9464283470734273 +7903,1.6041596812172378,0,1.630472030153456 2.070043035911419 1.3688963260228406 1.0283835750835792 0.5563090794632355 0.44641632802374914 0.24984760361789585 0.06411337583284497 -0.12007306672066517 -0.12471642241528727 -0.14019427473071183 -0.28878165695875074 -0.25627816709636975 -0.273303804643335 -0.3352152139050157 -0.2052012544554827 0.0022019665711642948 0.2761599525541141 0.9464283470734273 1.1057728366606845 +7904,1.7341736406667796,0,2.070043035911419 1.3688963260228406 1.0283835750835792 0.5563090794632355 0.44641632802374914 0.24984760361789585 0.06411337583284497 -0.12007306672066517 -0.12471642241528727 -0.14019427473071183 -0.28878165695875074 -0.25627816709636975 -0.273303804643335 -0.3352152139050157 -0.2052012544554827 0.0022019665711642948 0.2761599525541141 0.9464283470734273 1.1057728366606845 1.6041596812172378 +7905,2.1335022304046403,0,1.3688963260228406 1.0283835750835792 0.5563090794632355 0.44641632802374914 0.24984760361789585 0.06411337583284497 -0.12007306672066517 -0.12471642241528727 -0.14019427473071183 -0.28878165695875074 -0.25627816709636975 -0.273303804643335 -0.3352152139050157 -0.2052012544554827 0.0022019665711642948 0.2761599525541141 0.9464283470734273 1.1057728366606845 1.6041596812172378 1.7341736406667796 +7906,2.1458845122569747,0,1.0283835750835792 0.5563090794632355 0.44641632802374914 0.24984760361789585 0.06411337583284497 -0.12007306672066517 -0.12471642241528727 -0.14019427473071183 -0.28878165695875074 -0.25627816709636975 -0.273303804643335 -0.3352152139050157 -0.2052012544554827 0.0022019665711642948 0.2761599525541141 0.9464283470734273 1.1057728366606845 1.6041596812172378 1.7341736406667796 2.1335022304046403 +7907,1.7806071976130444,0,0.5563090794632355 0.44641632802374914 0.24984760361789585 0.06411337583284497 -0.12007306672066517 -0.12471642241528727 -0.14019427473071183 -0.28878165695875074 -0.25627816709636975 -0.273303804643335 -0.3352152139050157 -0.2052012544554827 0.0022019665711642948 0.2761599525541141 0.9464283470734273 1.1057728366606845 1.6041596812172378 1.7341736406667796 2.1335022304046403 2.1458845122569747 +7908,1.6753578018681803,0,0.44641632802374914 0.24984760361789585 0.06411337583284497 -0.12007306672066517 -0.12471642241528727 -0.14019427473071183 -0.28878165695875074 -0.25627816709636975 -0.273303804643335 -0.3352152139050157 -0.2052012544554827 0.0022019665711642948 0.2761599525541141 0.9464283470734273 1.1057728366606845 1.6041596812172378 1.7341736406667796 2.1335022304046403 2.1458845122569747 1.7806071976130444 +7909,1.7434603520560326,0,0.24984760361789585 0.06411337583284497 -0.12007306672066517 -0.12471642241528727 -0.14019427473071183 -0.28878165695875074 -0.25627816709636975 -0.273303804643335 -0.3352152139050157 -0.2052012544554827 0.0022019665711642948 0.2761599525541141 0.9464283470734273 1.1057728366606845 1.6041596812172378 1.7341736406667796 2.1335022304046403 2.1458845122569747 1.7806071976130444 1.6753578018681803 +7910,1.1831620982377897,0,0.06411337583284497 -0.12007306672066517 -0.12471642241528727 -0.14019427473071183 -0.28878165695875074 -0.25627816709636975 -0.273303804643335 -0.3352152139050157 -0.2052012544554827 0.0022019665711642948 0.2761599525541141 0.9464283470734273 1.1057728366606845 1.6041596812172378 1.7341736406667796 2.1335022304046403 2.1458845122569747 1.7806071976130444 1.6753578018681803 1.7434603520560326 +7911,0.8039547165099759,0,-0.12007306672066517 -0.12471642241528727 -0.14019427473071183 -0.28878165695875074 -0.25627816709636975 -0.273303804643335 -0.3352152139050157 -0.2052012544554827 0.0022019665711642948 0.2761599525541141 0.9464283470734273 1.1057728366606845 1.6041596812172378 1.7341736406667796 2.1335022304046403 2.1458845122569747 1.7806071976130444 1.6753578018681803 1.7434603520560326 1.1831620982377897 +7912,0.590360354557166,0,-0.12471642241528727 -0.14019427473071183 -0.28878165695875074 -0.25627816709636975 -0.273303804643335 -0.3352152139050157 -0.2052012544554827 0.0022019665711642948 0.2761599525541141 0.9464283470734273 1.1057728366606845 1.6041596812172378 1.7341736406667796 2.1335022304046403 2.1458845122569747 1.7806071976130444 1.6753578018681803 1.7434603520560326 1.1831620982377897 0.8039547165099759 +7913,0.4804676031176709,0,-0.14019427473071183 -0.28878165695875074 -0.25627816709636975 -0.273303804643335 -0.3352152139050157 -0.2052012544554827 0.0022019665711642948 0.2761599525541141 0.9464283470734273 1.1057728366606845 1.6041596812172378 1.7341736406667796 2.1335022304046403 2.1458845122569747 1.7806071976130444 1.6753578018681803 1.7434603520560326 1.1831620982377897 0.8039547165099759 0.590360354557166 +7914,0.4608881199386688,0,-0.28878165695875074 -0.25627816709636975 -0.273303804643335 -0.3352152139050157 -0.2052012544554827 0.0022019665711642948 0.2761599525541141 0.9464283470734273 1.1057728366606845 1.6041596812172378 1.7341736406667796 2.1335022304046403 2.1458845122569747 1.7806071976130444 1.6753578018681803 1.7434603520560326 1.1831620982377897 0.8039547165099759 0.590360354557166 0.4804676031176709 +7915,0.5954164530317965,0,-0.25627816709636975 -0.273303804643335 -0.3352152139050157 -0.2052012544554827 0.0022019665711642948 0.2761599525541141 0.9464283470734273 1.1057728366606845 1.6041596812172378 1.7341736406667796 2.1335022304046403 2.1458845122569747 1.7806071976130444 1.6753578018681803 1.7434603520560326 1.1831620982377897 0.8039547165099759 0.590360354557166 0.4804676031176709 0.4608881199386688 +7916,0.4987830616393278,0,-0.273303804643335 -0.3352152139050157 -0.2052012544554827 0.0022019665711642948 0.2761599525541141 0.9464283470734273 1.1057728366606845 1.6041596812172378 1.7341736406667796 2.1335022304046403 2.1458845122569747 1.7806071976130444 1.6753578018681803 1.7434603520560326 1.1831620982377897 0.8039547165099759 0.590360354557166 0.4804676031176709 0.4608881199386688 0.5954164530317965 +7917,0.4659958112027513,0,-0.3352152139050157 -0.2052012544554827 0.0022019665711642948 0.2761599525541141 0.9464283470734273 1.1057728366606845 1.6041596812172378 1.7341736406667796 2.1335022304046403 2.1458845122569747 1.7806071976130444 1.6753578018681803 1.7434603520560326 1.1831620982377897 0.8039547165099759 0.590360354557166 0.4804676031176709 0.4608881199386688 0.5954164530317965 0.4987830616393278 +7918,0.3480803730313661,0,-0.2052012544554827 0.0022019665711642948 0.2761599525541141 0.9464283470734273 1.1057728366606845 1.6041596812172378 1.7341736406667796 2.1335022304046403 2.1458845122569747 1.7806071976130444 1.6753578018681803 1.7434603520560326 1.1831620982377897 0.8039547165099759 0.590360354557166 0.4804676031176709 0.4608881199386688 0.5954164530317965 0.4987830616393278 0.4659958112027513 +7919,0.2940110755063105,0,0.0022019665711642948 0.2761599525541141 0.9464283470734273 1.1057728366606845 1.6041596812172378 1.7341736406667796 2.1335022304046403 2.1458845122569747 1.7806071976130444 1.6753578018681803 1.7434603520560326 1.1831620982377897 0.8039547165099759 0.590360354557166 0.4804676031176709 0.4608881199386688 0.5954164530317965 0.4987830616393278 0.4659958112027513 0.3480803730313661 +7920,0.5227221399387741,0,0.2761599525541141 0.9464283470734273 1.1057728366606845 1.6041596812172378 1.7341736406667796 2.1335022304046403 2.1458845122569747 1.7806071976130444 1.6753578018681803 1.7434603520560326 1.1831620982377897 0.8039547165099759 0.590360354557166 0.4804676031176709 0.4608881199386688 0.5954164530317965 0.4987830616393278 0.4659958112027513 0.3480803730313661 0.2940110755063105 +7921,0.37439272196758433,0,0.9464283470734273 1.1057728366606845 1.6041596812172378 1.7341736406667796 2.1335022304046403 2.1458845122569747 1.7806071976130444 1.6753578018681803 1.7434603520560326 1.1831620982377897 0.8039547165099759 0.590360354557166 0.4804676031176709 0.4608881199386688 0.5954164530317965 0.4987830616393278 0.4659958112027513 0.3480803730313661 0.2940110755063105 0.5227221399387741 +7922,0.5088436656443511,0,1.1057728366606845 1.6041596812172378 1.7341736406667796 2.1335022304046403 2.1458845122569747 1.7806071976130444 1.6753578018681803 1.7434603520560326 1.1831620982377897 0.8039547165099759 0.590360354557166 0.4804676031176709 0.4608881199386688 0.5954164530317965 0.4987830616393278 0.4659958112027513 0.3480803730313661 0.2940110755063105 0.5227221399387741 0.37439272196758433 +7923,0.9817178503525797,0,1.6041596812172378 1.7341736406667796 2.1335022304046403 2.1458845122569747 1.7806071976130444 1.6753578018681803 1.7434603520560326 1.1831620982377897 0.8039547165099759 0.590360354557166 0.4804676031176709 0.4608881199386688 0.5954164530317965 0.4987830616393278 0.4659958112027513 0.3480803730313661 0.2940110755063105 0.5227221399387741 0.37439272196758433 0.5088436656443511 +7924,1.0033610471220527,0,1.7341736406667796 2.1335022304046403 2.1458845122569747 1.7806071976130444 1.6753578018681803 1.7434603520560326 1.1831620982377897 0.8039547165099759 0.590360354557166 0.4804676031176709 0.4608881199386688 0.5954164530317965 0.4987830616393278 0.4659958112027513 0.3480803730313661 0.2940110755063105 0.5227221399387741 0.37439272196758433 0.5088436656443511 0.9817178503525797 +7925,1.3634274849229875,0,2.1335022304046403 2.1458845122569747 1.7806071976130444 1.6753578018681803 1.7434603520560326 1.1831620982377897 0.8039547165099759 0.590360354557166 0.4804676031176709 0.4608881199386688 0.5954164530317965 0.4987830616393278 0.4659958112027513 0.3480803730313661 0.2940110755063105 0.5227221399387741 0.37439272196758433 0.5088436656443511 0.9817178503525797 1.0033610471220527 +7926,1.666922372356273,0,2.1458845122569747 1.7806071976130444 1.6753578018681803 1.7434603520560326 1.1831620982377897 0.8039547165099759 0.590360354557166 0.4804676031176709 0.4608881199386688 0.5954164530317965 0.4987830616393278 0.4659958112027513 0.3480803730313661 0.2940110755063105 0.5227221399387741 0.37439272196758433 0.5088436656443511 0.9817178503525797 1.0033610471220527 1.3634274849229875 +7927,2.0081316266497296,0,1.7806071976130444 1.6753578018681803 1.7434603520560326 1.1831620982377897 0.8039547165099759 0.590360354557166 0.4804676031176709 0.4608881199386688 0.5954164530317965 0.4987830616393278 0.4659958112027513 0.3480803730313661 0.2940110755063105 0.5227221399387741 0.37439272196758433 0.5088436656443511 0.9817178503525797 1.0033610471220527 1.3634274849229875 1.666922372356273 +7928,2.056112968827535,0,1.6753578018681803 1.7434603520560326 1.1831620982377897 0.8039547165099759 0.590360354557166 0.4804676031176709 0.4608881199386688 0.5954164530317965 0.4987830616393278 0.4659958112027513 0.3480803730313661 0.2940110755063105 0.5227221399387741 0.37439272196758433 0.5088436656443511 0.9817178503525797 1.0033610471220527 1.3634274849229875 1.666922372356273 2.0081316266497296 +7929,2.1040943110053405,0,1.7434603520560326 1.1831620982377897 0.8039547165099759 0.590360354557166 0.4804676031176709 0.4608881199386688 0.5954164530317965 0.4987830616393278 0.4659958112027513 0.3480803730313661 0.2940110755063105 0.5227221399387741 0.37439272196758433 0.5088436656443511 0.9817178503525797 1.0033610471220527 1.3634274849229875 1.666922372356273 2.0081316266497296 2.056112968827535 +7930,2.0001863291794058,0,1.1831620982377897 0.8039547165099759 0.590360354557166 0.4804676031176709 0.4608881199386688 0.5954164530317965 0.4987830616393278 0.4659958112027513 0.3480803730313661 0.2940110755063105 0.5227221399387741 0.37439272196758433 0.5088436656443511 0.9817178503525797 1.0033610471220527 1.3634274849229875 1.666922372356273 2.0081316266497296 2.056112968827535 2.1040943110053405 +7931,1.896278347198694,0,0.8039547165099759 0.590360354557166 0.4804676031176709 0.4608881199386688 0.5954164530317965 0.4987830616393278 0.4659958112027513 0.3480803730313661 0.2940110755063105 0.5227221399387741 0.37439272196758433 0.5088436656443511 0.9817178503525797 1.0033610471220527 1.3634274849229875 1.666922372356273 2.0081316266497296 2.056112968827535 2.1040943110053405 2.0001863291794058 +7932,1.779059412381495,0,0.590360354557166 0.4804676031176709 0.4608881199386688 0.5954164530317965 0.4987830616393278 0.4659958112027513 0.3480803730313661 0.2940110755063105 0.5227221399387741 0.37439272196758433 0.5088436656443511 0.9817178503525797 1.0033610471220527 1.3634274849229875 1.666922372356273 2.0081316266497296 2.056112968827535 2.1040943110053405 2.0001863291794058 1.896278347198694 +7933,1.6773699226691814,0,0.4804676031176709 0.4608881199386688 0.5954164530317965 0.4987830616393278 0.4659958112027513 0.3480803730313661 0.2940110755063105 0.5227221399387741 0.37439272196758433 0.5088436656443511 0.9817178503525797 1.0033610471220527 1.3634274849229875 1.666922372356273 2.0081316266497296 2.056112968827535 2.1040943110053405 2.0001863291794058 1.896278347198694 1.779059412381495 +7934,1.5623694799656038,0,0.4608881199386688 0.5954164530317965 0.4987830616393278 0.4659958112027513 0.3480803730313661 0.2940110755063105 0.5227221399387741 0.37439272196758433 0.5088436656443511 0.9817178503525797 1.0033610471220527 1.3634274849229875 1.666922372356273 2.0081316266497296 2.056112968827535 2.1040943110053405 2.0001863291794058 1.896278347198694 1.779059412381495 1.6773699226691814 +7935,1.2590035745833543,0,0.5954164530317965 0.4987830616393278 0.4659958112027513 0.3480803730313661 0.2940110755063105 0.5227221399387741 0.37439272196758433 0.5088436656443511 0.9817178503525797 1.0033610471220527 1.3634274849229875 1.666922372356273 2.0081316266497296 2.056112968827535 2.1040943110053405 2.0001863291794058 1.896278347198694 1.779059412381495 1.6773699226691814 1.5623694799656038 +7936,1.3983042454221404,0,0.4987830616393278 0.4659958112027513 0.3480803730313661 0.2940110755063105 0.5227221399387741 0.37439272196758433 0.5088436656443511 0.9817178503525797 1.0033610471220527 1.3634274849229875 1.666922372356273 2.0081316266497296 2.056112968827535 2.1040943110053405 2.0001863291794058 1.896278347198694 1.779059412381495 1.6773699226691814 1.5623694799656038 1.2590035745833543 +7937,1.0283835750835792,0,0.4659958112027513 0.3480803730313661 0.2940110755063105 0.5227221399387741 0.37439272196758433 0.5088436656443511 0.9817178503525797 1.0033610471220527 1.3634274849229875 1.666922372356273 2.0081316266497296 2.056112968827535 2.1040943110053405 2.0001863291794058 1.896278347198694 1.779059412381495 1.6773699226691814 1.5623694799656038 1.2590035745833543 1.3983042454221404 +7938,1.1475630379123185,0,0.3480803730313661 0.2940110755063105 0.5227221399387741 0.37439272196758433 0.5088436656443511 0.9817178503525797 1.0033610471220527 1.3634274849229875 1.666922372356273 2.0081316266497296 2.056112968827535 2.1040943110053405 2.0001863291794058 1.896278347198694 1.779059412381495 1.6773699226691814 1.5623694799656038 1.2590035745833543 1.3983042454221404 1.0283835750835792 +7939,0.9896889442950266,0,0.2940110755063105 0.5227221399387741 0.37439272196758433 0.5088436656443511 0.9817178503525797 1.0033610471220527 1.3634274849229875 1.666922372356273 2.0081316266497296 2.056112968827535 2.1040943110053405 2.0001863291794058 1.896278347198694 1.779059412381495 1.6773699226691814 1.5623694799656038 1.2590035745833543 1.3983042454221404 1.0283835750835792 1.1475630379123185 +7940,0.9138474679494621,0,0.5227221399387741 0.37439272196758433 0.5088436656443511 0.9817178503525797 1.0033610471220527 1.3634274849229875 1.666922372356273 2.0081316266497296 2.056112968827535 2.1040943110053405 2.0001863291794058 1.896278347198694 1.779059412381495 1.6773699226691814 1.5623694799656038 1.2590035745833543 1.3983042454221404 1.0283835750835792 1.1475630379123185 0.9896889442950266 +7941,0.7849943474235846,0,0.37439272196758433 0.5088436656443511 0.9817178503525797 1.0033610471220527 1.3634274849229875 1.666922372356273 2.0081316266497296 2.056112968827535 2.1040943110053405 2.0001863291794058 1.896278347198694 1.779059412381495 1.6773699226691814 1.5623694799656038 1.2590035745833543 1.3983042454221404 1.0283835750835792 1.1475630379123185 0.9896889442950266 0.9138474679494621 +7942,0.3650028248446328,0,0.5088436656443511 0.9817178503525797 1.0033610471220527 1.3634274849229875 1.666922372356273 2.0081316266497296 2.056112968827535 2.1040943110053405 2.0001863291794058 1.896278347198694 1.779059412381495 1.6773699226691814 1.5623694799656038 1.2590035745833543 1.3983042454221404 1.0283835750835792 1.1475630379123185 0.9896889442950266 0.9138474679494621 0.7849943474235846 +7943,0.3817189053452882,0,0.9817178503525797 1.0033610471220527 1.3634274849229875 1.666922372356273 2.0081316266497296 2.056112968827535 2.1040943110053405 2.0001863291794058 1.896278347198694 1.779059412381495 1.6773699226691814 1.5623694799656038 1.2590035745833543 1.3983042454221404 1.0283835750835792 1.1475630379123185 0.9896889442950266 0.9138474679494621 0.7849943474235846 0.3650028248446328 +7944,0.6186848242943854,0,1.0033610471220527 1.3634274849229875 1.666922372356273 2.0081316266497296 2.056112968827535 2.1040943110053405 2.0001863291794058 1.896278347198694 1.779059412381495 1.6773699226691814 1.5623694799656038 1.2590035745833543 1.3983042454221404 1.0283835750835792 1.1475630379123185 0.9896889442950266 0.9138474679494621 0.7849943474235846 0.3650028248446328 0.3817189053452882 +7945,0.5619842920304858,0,1.3634274849229875 1.666922372356273 2.0081316266497296 2.056112968827535 2.1040943110053405 2.0001863291794058 1.896278347198694 1.779059412381495 1.6773699226691814 1.5623694799656038 1.2590035745833543 1.3983042454221404 1.0283835750835792 1.1475630379123185 0.9896889442950266 0.9138474679494621 0.7849943474235846 0.3650028248446328 0.3817189053452882 0.6186848242943854 +7946,0.7255335980602423,0,1.666922372356273 2.0081316266497296 2.056112968827535 2.1040943110053405 2.0001863291794058 1.896278347198694 1.779059412381495 1.6773699226691814 1.5623694799656038 1.2590035745833543 1.3983042454221404 1.0283835750835792 1.1475630379123185 0.9896889442950266 0.9138474679494621 0.7849943474235846 0.3650028248446328 0.3817189053452882 0.6186848242943854 0.5619842920304858 +7947,0.8890829042447845,0,2.0081316266497296 2.056112968827535 2.1040943110053405 2.0001863291794058 1.896278347198694 1.779059412381495 1.6773699226691814 1.5623694799656038 1.2590035745833543 1.3983042454221404 1.0283835750835792 1.1475630379123185 0.9896889442950266 0.9138474679494621 0.7849943474235846 0.3650028248446328 0.3817189053452882 0.6186848242943854 0.5619842920304858 0.7255335980602423 +7948,1.1305374003653532,0,2.056112968827535 2.1040943110053405 2.0001863291794058 1.896278347198694 1.779059412381495 1.6773699226691814 1.5623694799656038 1.2590035745833543 1.3983042454221404 1.0283835750835792 1.1475630379123185 0.9896889442950266 0.9138474679494621 0.7849943474235846 0.3650028248446328 0.3817189053452882 0.6186848242943854 0.5619842920304858 0.7255335980602423 0.8890829042447845 +7949,1.5115247351094425,0,2.1040943110053405 2.0001863291794058 1.896278347198694 1.779059412381495 1.6773699226691814 1.5623694799656038 1.2590035745833543 1.3983042454221404 1.0283835750835792 1.1475630379123185 0.9896889442950266 0.9138474679494621 0.7849943474235846 0.3650028248446328 0.3817189053452882 0.6186848242943854 0.5619842920304858 0.7255335980602423 0.8890829042447845 1.1305374003653532 +7950,1.7146715467493527,0,2.0001863291794058 1.896278347198694 1.779059412381495 1.6773699226691814 1.5623694799656038 1.2590035745833543 1.3983042454221404 1.0283835750835792 1.1475630379123185 0.9896889442950266 0.9138474679494621 0.7849943474235846 0.3650028248446328 0.3817189053452882 0.6186848242943854 0.5619842920304858 0.7255335980602423 0.8890829042447845 1.1305374003653532 1.5115247351094425 +7951,1.1305374003653532,0,1.896278347198694 1.779059412381495 1.6773699226691814 1.5623694799656038 1.2590035745833543 1.3983042454221404 1.0283835750835792 1.1475630379123185 0.9896889442950266 0.9138474679494621 0.7849943474235846 0.3650028248446328 0.3817189053452882 0.6186848242943854 0.5619842920304858 0.7255335980602423 0.8890829042447845 1.1305374003653532 1.5115247351094425 1.7146715467493527 +7952,1.5414743793397867,0,1.779059412381495 1.6773699226691814 1.5623694799656038 1.2590035745833543 1.3983042454221404 1.0283835750835792 1.1475630379123185 0.9896889442950266 0.9138474679494621 0.7849943474235846 0.3650028248446328 0.3817189053452882 0.6186848242943854 0.5619842920304858 0.7255335980602423 0.8890829042447845 1.1305374003653532 1.5115247351094425 1.7146715467493527 1.1305374003653532 +7953,1.9524113583142115,0,1.6773699226691814 1.5623694799656038 1.2590035745833543 1.3983042454221404 1.0283835750835792 1.1475630379123185 0.9896889442950266 0.9138474679494621 0.7849943474235846 0.3650028248446328 0.3817189053452882 0.6186848242943854 0.5619842920304858 0.7255335980602423 0.8890829042447845 1.1305374003653532 1.5115247351094425 1.7146715467493527 1.1305374003653532 1.5414743793397867 +7954,1.9611305484003054,0,1.5623694799656038 1.2590035745833543 1.3983042454221404 1.0283835750835792 1.1475630379123185 0.9896889442950266 0.9138474679494621 0.7849943474235846 0.3650028248446328 0.3817189053452882 0.6186848242943854 0.5619842920304858 0.7255335980602423 0.8890829042447845 1.1305374003653532 1.5115247351094425 1.7146715467493527 1.1305374003653532 1.5414743793397867 1.9524113583142115 +7955,1.969849738641185,0,1.2590035745833543 1.3983042454221404 1.0283835750835792 1.1475630379123185 0.9896889442950266 0.9138474679494621 0.7849943474235846 0.3650028248446328 0.3817189053452882 0.6186848242943854 0.5619842920304858 0.7255335980602423 0.8890829042447845 1.1305374003653532 1.5115247351094425 1.7146715467493527 1.1305374003653532 1.5414743793397867 1.9524113583142115 1.9611305484003054 +7956,1.5321876679505337,0,1.3983042454221404 1.0283835750835792 1.1475630379123185 0.9896889442950266 0.9138474679494621 0.7849943474235846 0.3650028248446328 0.3817189053452882 0.6186848242943854 0.5619842920304858 0.7255335980602423 0.8890829042447845 1.1305374003653532 1.5115247351094425 1.7146715467493527 1.1305374003653532 1.5414743793397867 1.9524113583142115 1.9611305484003054 1.969849738641185 +7957,1.6897006117320639,0,1.0283835750835792 1.1475630379123185 0.9896889442950266 0.9138474679494621 0.7849943474235846 0.3650028248446328 0.3817189053452882 0.6186848242943854 0.5619842920304858 0.7255335980602423 0.8890829042447845 1.1305374003653532 1.5115247351094425 1.7146715467493527 1.1305374003653532 1.5414743793397867 1.9524113583142115 1.9611305484003054 1.969849738641185 1.5321876679505337 +7958,1.4008322945820628,0,1.1475630379123185 0.9896889442950266 0.9138474679494621 0.7849943474235846 0.3650028248446328 0.3817189053452882 0.6186848242943854 0.5619842920304858 0.7255335980602423 0.8890829042447845 1.1305374003653532 1.5115247351094425 1.7146715467493527 1.1305374003653532 1.5414743793397867 1.9524113583142115 1.9611305484003054 1.969849738641185 1.5321876679505337 1.6897006117320639 +7959,1.1119639775868473,0,0.9896889442950266 0.9138474679494621 0.7849943474235846 0.3650028248446328 0.3817189053452882 0.6186848242943854 0.5619842920304858 0.7255335980602423 0.8890829042447845 1.1305374003653532 1.5115247351094425 1.7146715467493527 1.1305374003653532 1.5414743793397867 1.9524113583142115 1.9611305484003054 1.969849738641185 1.5321876679505337 1.6897006117320639 1.4008322945820628 +7960,1.0221924341574078,0,0.9138474679494621 0.7849943474235846 0.3650028248446328 0.3817189053452882 0.6186848242943854 0.5619842920304858 0.7255335980602423 0.8890829042447845 1.1305374003653532 1.5115247351094425 1.7146715467493527 1.1305374003653532 1.5414743793397867 1.9524113583142115 1.9611305484003054 1.969849738641185 1.5321876679505337 1.6897006117320639 1.4008322945820628 1.1119639775868473 +7961,0.9030129713286684,0,0.7849943474235846 0.3650028248446328 0.3817189053452882 0.6186848242943854 0.5619842920304858 0.7255335980602423 0.8890829042447845 1.1305374003653532 1.5115247351094425 1.7146715467493527 1.1305374003653532 1.5414743793397867 1.9524113583142115 1.9611305484003054 1.969849738641185 1.5321876679505337 1.6897006117320639 1.4008322945820628 1.1119639775868473 1.0221924341574078 +7962,0.7824791964223267,0,0.3650028248446328 0.3817189053452882 0.6186848242943854 0.5619842920304858 0.7255335980602423 0.8890829042447845 1.1305374003653532 1.5115247351094425 1.7146715467493527 1.1305374003653532 1.5414743793397867 1.9524113583142115 1.9611305484003054 1.969849738641185 1.5321876679505337 1.6897006117320639 1.4008322945820628 1.1119639775868473 1.0221924341574078 0.9030129713286684 +7963,0.5513045739328426,0,0.3817189053452882 0.6186848242943854 0.5619842920304858 0.7255335980602423 0.8890829042447845 1.1305374003653532 1.5115247351094425 1.7146715467493527 1.1305374003653532 1.5414743793397867 1.9524113583142115 1.9611305484003054 1.969849738641185 1.5321876679505337 1.6897006117320639 1.4008322945820628 1.1119639775868473 1.0221924341574078 0.9030129713286684 0.7824791964223267 +7964,0.4860912227406835,0,0.6186848242943854 0.5619842920304858 0.7255335980602423 0.8890829042447845 1.1305374003653532 1.5115247351094425 1.7146715467493527 1.1305374003653532 1.5414743793397867 1.9524113583142115 1.9611305484003054 1.969849738641185 1.5321876679505337 1.6897006117320639 1.4008322945820628 1.1119639775868473 1.0221924341574078 0.9030129713286684 0.7824791964223267 0.5513045739328426 +7965,0.5089468513780496,0,0.5619842920304858 0.7255335980602423 0.8890829042447845 1.1305374003653532 1.5115247351094425 1.7146715467493527 1.1305374003653532 1.5414743793397867 1.9524113583142115 1.9611305484003054 1.969849738641185 1.5321876679505337 1.6897006117320639 1.4008322945820628 1.1119639775868473 1.0221924341574078 0.9030129713286684 0.7824791964223267 0.5513045739328426 0.4860912227406835 +7966,0.4143771737308198,0,0.7255335980602423 0.8890829042447845 1.1305374003653532 1.5115247351094425 1.7146715467493527 1.1305374003653532 1.5414743793397867 1.9524113583142115 1.9611305484003054 1.969849738641185 1.5321876679505337 1.6897006117320639 1.4008322945820628 1.1119639775868473 1.0221924341574078 0.9030129713286684 0.7824791964223267 0.5513045739328426 0.4860912227406835 0.5089468513780496 +7967,0.40787647575834707,0,0.8890829042447845 1.1305374003653532 1.5115247351094425 1.7146715467493527 1.1305374003653532 1.5414743793397867 1.9524113583142115 1.9611305484003054 1.969849738641185 1.5321876679505337 1.6897006117320639 1.4008322945820628 1.1119639775868473 1.0221924341574078 0.9030129713286684 0.7824791964223267 0.5513045739328426 0.4860912227406835 0.5089468513780496 0.4143771737308198 +7968,0.45570303941300216,0,1.1305374003653532 1.5115247351094425 1.7146715467493527 1.1305374003653532 1.5414743793397867 1.9524113583142115 1.9611305484003054 1.969849738641185 1.5321876679505337 1.6897006117320639 1.4008322945820628 1.1119639775868473 1.0221924341574078 0.9030129713286684 0.7824791964223267 0.5513045739328426 0.4860912227406835 0.5089468513780496 0.4143771737308198 0.40787647575834707 +7969,0.44014779783600233,0,1.5115247351094425 1.7146715467493527 1.1305374003653532 1.5414743793397867 1.9524113583142115 1.9611305484003054 1.969849738641185 1.5321876679505337 1.6897006117320639 1.4008322945820628 1.1119639775868473 1.0221924341574078 0.9030129713286684 0.7824791964223267 0.5513045739328426 0.4860912227406835 0.5089468513780496 0.4143771737308198 0.40787647575834707 0.45570303941300216 +7970,0.4789198178861302,0,1.7146715467493527 1.1305374003653532 1.5414743793397867 1.9524113583142115 1.9611305484003054 1.969849738641185 1.5321876679505337 1.6897006117320639 1.4008322945820628 1.1119639775868473 1.0221924341574078 0.9030129713286684 0.7824791964223267 0.5513045739328426 0.4860912227406835 0.5089468513780496 0.4143771737308198 0.40787647575834707 0.45570303941300216 0.44014779783600233 +7971,0.9478987430433926,0,1.1305374003653532 1.5414743793397867 1.9524113583142115 1.9611305484003054 1.969849738641185 1.5321876679505337 1.6897006117320639 1.4008322945820628 1.1119639775868473 1.0221924341574078 0.9030129713286684 0.7824791964223267 0.5513045739328426 0.4860912227406835 0.5089468513780496 0.4143771737308198 0.40787647575834707 0.45570303941300216 0.44014779783600233 0.4789198178861302 +7972,1.2791247825934011,0,1.5414743793397867 1.9524113583142115 1.9611305484003054 1.969849738641185 1.5321876679505337 1.6897006117320639 1.4008322945820628 1.1119639775868473 1.0221924341574078 0.9030129713286684 0.7824791964223267 0.5513045739328426 0.4860912227406835 0.5089468513780496 0.4143771737308198 0.40787647575834707 0.45570303941300216 0.44014779783600233 0.4789198178861302 0.9478987430433926 +7973,1.6211853187642031,0,1.9524113583142115 1.9611305484003054 1.969849738641185 1.5321876679505337 1.6897006117320639 1.4008322945820628 1.1119639775868473 1.0221924341574078 0.9030129713286684 0.7824791964223267 0.5513045739328426 0.4860912227406835 0.5089468513780496 0.4143771737308198 0.40787647575834707 0.45570303941300216 0.44014779783600233 0.4789198178861302 0.9478987430433926 1.2791247825934011 +7974,1.881987130279048,0,1.9611305484003054 1.969849738641185 1.5321876679505337 1.6897006117320639 1.4008322945820628 1.1119639775868473 1.0221924341574078 0.9030129713286684 0.7824791964223267 0.5513045739328426 0.4860912227406835 0.5089468513780496 0.4143771737308198 0.40787647575834707 0.45570303941300216 0.44014779783600233 0.4789198178861302 0.9478987430433926 1.2791247825934011 1.6211853187642031 +7975,2.142788941793893,0,1.969849738641185 1.5321876679505337 1.6897006117320639 1.4008322945820628 1.1119639775868473 1.0221924341574078 0.9030129713286684 0.7824791964223267 0.5513045739328426 0.4860912227406835 0.5089468513780496 0.4143771737308198 0.40787647575834707 0.45570303941300216 0.44014779783600233 0.4789198178861302 0.9478987430433926 1.2791247825934011 1.6211853187642031 1.881987130279048 +7976,2.4755627665754423,0,1.5321876679505337 1.6897006117320639 1.4008322945820628 1.1119639775868473 1.0221924341574078 0.9030129713286684 0.7824791964223267 0.5513045739328426 0.4860912227406835 0.5089468513780496 0.4143771737308198 0.40787647575834707 0.45570303941300216 0.44014779783600233 0.4789198178861302 0.9478987430433926 1.2791247825934011 1.6211853187642031 1.881987130279048 2.142788941793893 +7977,2.535926390605591,0,1.6897006117320639 1.4008322945820628 1.1119639775868473 1.0221924341574078 0.9030129713286684 0.7824791964223267 0.5513045739328426 0.4860912227406835 0.5089468513780496 0.4143771737308198 0.40787647575834707 0.45570303941300216 0.44014779783600233 0.4789198178861302 0.9478987430433926 1.2791247825934011 1.6211853187642031 1.881987130279048 2.142788941793893 2.4755627665754423 +7978,2.6303412897296528,0,1.4008322945820628 1.1119639775868473 1.0221924341574078 0.9030129713286684 0.7824791964223267 0.5513045739328426 0.4860912227406835 0.5089468513780496 0.4143771737308198 0.40787647575834707 0.45570303941300216 0.44014779783600233 0.4789198178861302 0.9478987430433926 1.2791247825934011 1.6211853187642031 1.881987130279048 2.142788941793893 2.4755627665754423 2.535926390605591 +7979,2.539795853684443,0,1.1119639775868473 1.0221924341574078 0.9030129713286684 0.7824791964223267 0.5513045739328426 0.4860912227406835 0.5089468513780496 0.4143771737308198 0.40787647575834707 0.45570303941300216 0.44014779783600233 0.4789198178861302 0.9478987430433926 1.2791247825934011 1.6211853187642031 1.881987130279048 2.142788941793893 2.4755627665754423 2.535926390605591 2.6303412897296528 +7980,2.4492504176392327,0,1.0221924341574078 0.9030129713286684 0.7824791964223267 0.5513045739328426 0.4860912227406835 0.5089468513780496 0.4143771737308198 0.40787647575834707 0.45570303941300216 0.44014779783600233 0.4789198178861302 0.9478987430433926 1.2791247825934011 1.6211853187642031 1.881987130279048 2.142788941793893 2.4755627665754423 2.535926390605591 2.6303412897296528 2.539795853684443 +7981,2.1396933713308117,0,0.9030129713286684 0.7824791964223267 0.5513045739328426 0.4860912227406835 0.5089468513780496 0.4143771737308198 0.40787647575834707 0.45570303941300216 0.44014779783600233 0.4789198178861302 0.9478987430433926 1.2791247825934011 1.6211853187642031 1.881987130279048 2.142788941793893 2.4755627665754423 2.535926390605591 2.6303412897296528 2.539795853684443 2.4492504176392327 +7982,1.6474976677004214,0,0.7824791964223267 0.5513045739328426 0.4860912227406835 0.5089468513780496 0.4143771737308198 0.40787647575834707 0.45570303941300216 0.44014779783600233 0.4789198178861302 0.9478987430433926 1.2791247825934011 1.6211853187642031 1.881987130279048 2.142788941793893 2.4755627665754423 2.535926390605591 2.6303412897296528 2.539795853684443 2.4492504176392327 2.1396933713308117 +7983,1.4029476011167712,0,0.5513045739328426 0.4860912227406835 0.5089468513780496 0.4143771737308198 0.40787647575834707 0.45570303941300216 0.44014779783600233 0.4789198178861302 0.9478987430433926 1.2791247825934011 1.6211853187642031 1.881987130279048 2.142788941793893 2.4755627665754423 2.535926390605591 2.6303412897296528 2.539795853684443 2.4492504176392327 2.1396933713308117 1.6474976677004214 +7984,1.3147238429188635,0,0.4860912227406835 0.5089468513780496 0.4143771737308198 0.40787647575834707 0.45570303941300216 0.44014779783600233 0.4789198178861302 0.9478987430433926 1.2791247825934011 1.6211853187642031 1.881987130279048 2.142788941793893 2.4755627665754423 2.535926390605591 2.6303412897296528 2.539795853684443 2.4492504176392327 2.1396933713308117 1.6474976677004214 1.4029476011167712 +7985,0.9804022329057737,0,0.5089468513780496 0.4143771737308198 0.40787647575834707 0.45570303941300216 0.44014779783600233 0.4789198178861302 0.9478987430433926 1.2791247825934011 1.6211853187642031 1.881987130279048 2.142788941793893 2.4755627665754423 2.535926390605591 2.6303412897296528 2.539795853684443 2.4492504176392327 2.1396933713308117 1.6474976677004214 1.4029476011167712 1.3147238429188635 +7986,0.7869290789630106,0,0.4143771737308198 0.40787647575834707 0.45570303941300216 0.44014779783600233 0.4789198178861302 0.9478987430433926 1.2791247825934011 1.6211853187642031 1.881987130279048 2.142788941793893 2.4755627665754423 2.535926390605591 2.6303412897296528 2.539795853684443 2.4492504176392327 2.1396933713308117 1.6474976677004214 1.4029476011167712 1.3147238429188635 0.9804022329057737 +7987,0.7575211595637109,0,0.40787647575834707 0.45570303941300216 0.44014779783600233 0.4789198178861302 0.9478987430433926 1.2791247825934011 1.6211853187642031 1.881987130279048 2.142788941793893 2.4755627665754423 2.535926390605591 2.6303412897296528 2.539795853684443 2.4492504176392327 2.1396933713308117 1.6474976677004214 1.4029476011167712 1.3147238429188635 0.9804022329057737 0.7869290789630106 +7988,0.7358521663221236,0,0.45570303941300216 0.44014779783600233 0.4789198178861302 0.9478987430433926 1.2791247825934011 1.6211853187642031 1.881987130279048 2.142788941793893 2.4755627665754423 2.535926390605591 2.6303412897296528 2.539795853684443 2.4492504176392327 2.1396933713308117 1.6474976677004214 1.4029476011167712 1.3147238429188635 0.9804022329057737 0.7869290789630106 0.7575211595637109 +7989,0.6306027705772593,0,0.44014779783600233 0.4789198178861302 0.9478987430433926 1.2791247825934011 1.6211853187642031 1.881987130279048 2.142788941793893 2.4755627665754423 2.535926390605591 2.6303412897296528 2.539795853684443 2.4492504176392327 2.1396933713308117 1.6474976677004214 1.4029476011167712 1.3147238429188635 0.9804022329057737 0.7869290789630106 0.7575211595637109 0.7358521663221236 +7990,0.5501179385370639,0,0.4789198178861302 0.9478987430433926 1.2791247825934011 1.6211853187642031 1.881987130279048 2.142788941793893 2.4755627665754423 2.535926390605591 2.6303412897296528 2.539795853684443 2.4492504176392327 2.1396933713308117 1.6474976677004214 1.4029476011167712 1.3147238429188635 0.9804022329057737 0.7869290789630106 0.7575211595637109 0.7358521663221236 0.6306027705772593 +7991,0.5176144486746829,0,0.9478987430433926 1.2791247825934011 1.6211853187642031 1.881987130279048 2.142788941793893 2.4755627665754423 2.535926390605591 2.6303412897296528 2.539795853684443 2.4492504176392327 2.1396933713308117 1.6474976677004214 1.4029476011167712 1.3147238429188635 0.9804022329057737 0.7869290789630106 0.7575211595637109 0.7358521663221236 0.6306027705772593 0.5501179385370639 +7992,0.46189418033916496,0,1.2791247825934011 1.6211853187642031 1.881987130279048 2.142788941793893 2.4755627665754423 2.535926390605591 2.6303412897296528 2.539795853684443 2.4492504176392327 2.1396933713308117 1.6474976677004214 1.4029476011167712 1.3147238429188635 0.9804022329057737 0.7869290789630106 0.7575211595637109 0.7358521663221236 0.6306027705772593 0.5501179385370639 0.5176144486746829 +7993,0.392243844919772,0,1.6211853187642031 1.881987130279048 2.142788941793893 2.4755627665754423 2.535926390605591 2.6303412897296528 2.539795853684443 2.4492504176392327 2.1396933713308117 1.6474976677004214 1.4029476011167712 1.3147238429188635 0.9804022329057737 0.7869290789630106 0.7575211595637109 0.7358521663221236 0.6306027705772593 0.5501179385370639 0.5176144486746829 0.46189418033916496 +7994,0.5098755225169705,0,1.881987130279048 2.142788941793893 2.4755627665754423 2.535926390605591 2.6303412897296528 2.539795853684443 2.4492504176392327 2.1396933713308117 1.6474976677004214 1.4029476011167712 1.3147238429188635 0.9804022329057737 0.7869290789630106 0.7575211595637109 0.7358521663221236 0.6306027705772593 0.5501179385370639 0.5176144486746829 0.46189418033916496 0.392243844919772 +7995,0.9478987430433926,0,2.142788941793893 2.4755627665754423 2.535926390605591 2.6303412897296528 2.539795853684443 2.4492504176392327 2.1396933713308117 1.6474976677004214 1.4029476011167712 1.3147238429188635 0.9804022329057737 0.7869290789630106 0.7575211595637109 0.7358521663221236 0.6306027705772593 0.5501179385370639 0.5176144486746829 0.46189418033916496 0.392243844919772 0.5098755225169705 +7996,1.4153298829691057,0,2.4755627665754423 2.535926390605591 2.6303412897296528 2.539795853684443 2.4492504176392327 2.1396933713308117 1.6474976677004214 1.4029476011167712 1.3147238429188635 0.9804022329057737 0.7869290789630106 0.7575211595637109 0.7358521663221236 0.6306027705772593 0.5501179385370639 0.5176144486746829 0.46189418033916496 0.392243844919772 0.5098755225169705 0.9478987430433926 +7997,1.8502575330324376,0,2.535926390605591 2.6303412897296528 2.539795853684443 2.4492504176392327 2.1396933713308117 1.6474976677004214 1.4029476011167712 1.3147238429188635 0.9804022329057737 0.7869290789630106 0.7575211595637109 0.7358521663221236 0.6306027705772593 0.5501179385370639 0.5176144486746829 0.46189418033916496 0.392243844919772 0.5098755225169705 0.9478987430433926 1.4153298829691057 +7998,2.2124392772132864,0,2.6303412897296528 2.539795853684443 2.4492504176392327 2.1396933713308117 1.6474976677004214 1.4029476011167712 1.3147238429188635 0.9804022329057737 0.7869290789630106 0.7575211595637109 0.7358521663221236 0.6306027705772593 0.5501179385370639 0.5176144486746829 0.46189418033916496 0.392243844919772 0.5098755225169705 0.9478987430433926 1.4153298829691057 1.8502575330324376 +7999,2.301978652858,0,2.539795853684443 2.4492504176392327 2.1396933713308117 1.6474976677004214 1.4029476011167712 1.3147238429188635 0.9804022329057737 0.7869290789630106 0.7575211595637109 0.7358521663221236 0.6306027705772593 0.5501179385370639 0.5176144486746829 0.46189418033916496 0.392243844919772 0.5098755225169705 0.9478987430433926 1.4153298829691057 1.8502575330324376 2.2124392772132864 +8000,2.9104904166387744,0,2.4492504176392327 2.1396933713308117 1.6474976677004214 1.4029476011167712 1.3147238429188635 0.9804022329057737 0.7869290789630106 0.7575211595637109 0.7358521663221236 0.6306027705772593 0.5501179385370639 0.5176144486746829 0.46189418033916496 0.392243844919772 0.5098755225169705 0.9478987430433926 1.4153298829691057 1.8502575330324376 2.2124392772132864 2.301978652858 +8001,2.935254980343452,0,2.1396933713308117 1.6474976677004214 1.4029476011167712 1.3147238429188635 0.9804022329057737 0.7869290789630106 0.7575211595637109 0.7358521663221236 0.6306027705772593 0.5501179385370639 0.5176144486746829 0.46189418033916496 0.392243844919772 0.5098755225169705 0.9478987430433926 1.4153298829691057 1.8502575330324376 2.2124392772132864 2.301978652858 2.9104904166387744 +8002,2.77428531626307,0,1.6474976677004214 1.4029476011167712 1.3147238429188635 0.9804022329057737 0.7869290789630106 0.7575211595637109 0.7358521663221236 0.6306027705772593 0.5501179385370639 0.5176144486746829 0.46189418033916496 0.392243844919772 0.5098755225169705 0.9478987430433926 1.4153298829691057 1.8502575330324376 2.2124392772132864 2.301978652858 2.9104904166387744 2.935254980343452 +8003,2.8067888061254593,0,1.4029476011167712 1.3147238429188635 0.9804022329057737 0.7869290789630106 0.7575211595637109 0.7358521663221236 0.6306027705772593 0.5501179385370639 0.5176144486746829 0.46189418033916496 0.392243844919772 0.5098755225169705 0.9478987430433926 1.4153298829691057 1.8502575330324376 2.2124392772132864 2.301978652858 2.9104904166387744 2.935254980343452 2.77428531626307 +8004,2.6829659876020893,0,1.3147238429188635 0.9804022329057737 0.7869290789630106 0.7575211595637109 0.7358521663221236 0.6306027705772593 0.5501179385370639 0.5176144486746829 0.46189418033916496 0.392243844919772 0.5098755225169705 0.9478987430433926 1.4153298829691057 1.8502575330324376 2.2124392772132864 2.301978652858 2.9104904166387744 2.935254980343452 2.77428531626307 2.8067888061254593 +8005,2.300663035411185,0,0.9804022329057737 0.7869290789630106 0.7575211595637109 0.7358521663221236 0.6306027705772593 0.5501179385370639 0.5176144486746829 0.46189418033916496 0.392243844919772 0.5098755225169705 0.9478987430433926 1.4153298829691057 1.8502575330324376 2.2124392772132864 2.301978652858 2.9104904166387744 2.935254980343452 2.77428531626307 2.8067888061254593 2.6829659876020893 +8006,1.9570547140088423,0,0.7869290789630106 0.7575211595637109 0.7358521663221236 0.6306027705772593 0.5501179385370639 0.5176144486746829 0.46189418033916496 0.392243844919772 0.5098755225169705 0.9478987430433926 1.4153298829691057 1.8502575330324376 2.2124392772132864 2.301978652858 2.9104904166387744 2.935254980343452 2.77428531626307 2.8067888061254593 2.6829659876020893 2.300663035411185 +8007,1.6149941778380315,0,0.7575211595637109 0.7358521663221236 0.6306027705772593 0.5501179385370639 0.5176144486746829 0.46189418033916496 0.392243844919772 0.5098755225169705 0.9478987430433926 1.4153298829691057 1.8502575330324376 2.2124392772132864 2.301978652858 2.9104904166387744 2.935254980343452 2.77428531626307 2.8067888061254593 2.6829659876020893 2.300663035411185 1.9570547140088423 +8008,1.4973625002408328,0,0.7358521663221236 0.6306027705772593 0.5501179385370639 0.5176144486746829 0.46189418033916496 0.392243844919772 0.5098755225169705 0.9478987430433926 1.4153298829691057 1.8502575330324376 2.2124392772132864 2.301978652858 2.9104904166387744 2.935254980343452 2.77428531626307 2.8067888061254593 2.6829659876020893 2.300663035411185 1.9570547140088423 1.6149941778380315 +8009,1.3642529703282185,0,0.6306027705772593 0.5501179385370639 0.5176144486746829 0.46189418033916496 0.392243844919772 0.5098755225169705 0.9478987430433926 1.4153298829691057 1.8502575330324376 2.2124392772132864 2.301978652858 2.9104904166387744 2.935254980343452 2.77428531626307 2.8067888061254593 2.6829659876020893 2.300663035411185 1.9570547140088423 1.6149941778380315 1.4973625002408328 +8010,1.2321108061853039,0,0.5501179385370639 0.5176144486746829 0.46189418033916496 0.392243844919772 0.5098755225169705 0.9478987430433926 1.4153298829691057 1.8502575330324376 2.2124392772132864 2.301978652858 2.9104904166387744 2.935254980343452 2.77428531626307 2.8067888061254593 2.6829659876020893 2.300663035411185 1.9570547140088423 1.6149941778380315 1.4973625002408328 1.3642529703282185 +8011,0.9653887161598096,0,0.5176144486746829 0.46189418033916496 0.392243844919772 0.5098755225169705 0.9478987430433926 1.4153298829691057 1.8502575330324376 2.2124392772132864 2.301978652858 2.9104904166387744 2.935254980343452 2.77428531626307 2.8067888061254593 2.6829659876020893 2.300663035411185 1.9570547140088423 1.6149941778380315 1.4973625002408328 1.3642529703282185 1.2321108061853039 +8012,0.900536514958198,0,0.46189418033916496 0.392243844919772 0.5098755225169705 0.9478987430433926 1.4153298829691057 1.8502575330324376 2.2124392772132864 2.301978652858 2.9104904166387744 2.935254980343452 2.77428531626307 2.8067888061254593 2.6829659876020893 2.300663035411185 1.9570547140088423 1.6149941778380315 1.4973625002408328 1.3642529703282185 1.2321108061853039 0.9653887161598096 +8013,0.8982922263724623,0,0.392243844919772 0.5098755225169705 0.9478987430433926 1.4153298829691057 1.8502575330324376 2.2124392772132864 2.301978652858 2.9104904166387744 2.935254980343452 2.77428531626307 2.8067888061254593 2.6829659876020893 2.300663035411185 1.9570547140088423 1.6149941778380315 1.4973625002408328 1.3642529703282185 1.2321108061853039 0.9653887161598096 0.900536514958198 +8014,0.8125707210171482,0,0.5098755225169705 0.9478987430433926 1.4153298829691057 1.8502575330324376 2.2124392772132864 2.301978652858 2.9104904166387744 2.935254980343452 2.77428531626307 2.8067888061254593 2.6829659876020893 2.300663035411185 1.9570547140088423 1.6149941778380315 1.4973625002408328 1.3642529703282185 1.2321108061853039 0.9653887161598096 0.900536514958198 0.8982922263724623 +8015,0.789457128122933,0,0.9478987430433926 1.4153298829691057 1.8502575330324376 2.2124392772132864 2.301978652858 2.9104904166387744 2.935254980343452 2.77428531626307 2.8067888061254593 2.6829659876020893 2.300663035411185 1.9570547140088423 1.6149941778380315 1.4973625002408328 1.3642529703282185 1.2321108061853039 0.9653887161598096 0.900536514958198 0.8982922263724623 0.8125707210171482 +8016,0.9312600518043126,0,1.4153298829691057 1.8502575330324376 2.2124392772132864 2.301978652858 2.9104904166387744 2.935254980343452 2.77428531626307 2.8067888061254593 2.6829659876020893 2.300663035411185 1.9570547140088423 1.6149941778380315 1.4973625002408328 1.3642529703282185 1.2321108061853039 0.9653887161598096 0.900536514958198 0.8982922263724623 0.8125707210171482 0.789457128122933 +8017,0.8531742868730122,0,1.8502575330324376 2.2124392772132864 2.301978652858 2.9104904166387744 2.935254980343452 2.77428531626307 2.8067888061254593 2.6829659876020893 2.300663035411185 1.9570547140088423 1.6149941778380315 1.4973625002408328 1.3642529703282185 1.2321108061853039 0.9653887161598096 0.900536514958198 0.8982922263724623 0.8125707210171482 0.789457128122933 0.9312600518043126 +8018,0.9400050383625298,0,2.2124392772132864 2.301978652858 2.9104904166387744 2.935254980343452 2.77428531626307 2.8067888061254593 2.6829659876020893 2.300663035411185 1.9570547140088423 1.6149941778380315 1.4973625002408328 1.3642529703282185 1.2321108061853039 0.9653887161598096 0.900536514958198 0.8982922263724623 0.8125707210171482 0.789457128122933 0.9312600518043126 0.8531742868730122 +8019,1.2497942524556767,0,2.301978652858 2.9104904166387744 2.935254980343452 2.77428531626307 2.8067888061254593 2.6829659876020893 2.300663035411185 1.9570547140088423 1.6149941778380315 1.4973625002408328 1.3642529703282185 1.2321108061853039 0.9653887161598096 0.900536514958198 0.8982922263724623 0.8125707210171482 0.789457128122933 0.9312600518043126 0.8531742868730122 0.9400050383625298 +8020,1.262305516359047,0,2.9104904166387744 2.935254980343452 2.77428531626307 2.8067888061254593 2.6829659876020893 2.300663035411185 1.9570547140088423 1.6149941778380315 1.4973625002408328 1.3642529703282185 1.2321108061853039 0.9653887161598096 0.900536514958198 0.8982922263724623 0.8125707210171482 0.789457128122933 0.9312600518043126 0.8531742868730122 0.9400050383625298 1.2497942524556767 +8021,1.4977752430208413,0,2.935254980343452 2.77428531626307 2.8067888061254593 2.6829659876020893 2.300663035411185 1.9570547140088423 1.6149941778380315 1.4973625002408328 1.3642529703282185 1.2321108061853039 0.9653887161598096 0.900536514958198 0.8982922263724623 0.8125707210171482 0.789457128122933 0.9312600518043126 0.8531742868730122 0.9400050383625298 1.2497942524556767 1.262305516359047 +8022,1.4903974666988997,0,2.77428531626307 2.8067888061254593 2.6829659876020893 2.300663035411185 1.9570547140088423 1.6149941778380315 1.4973625002408328 1.3642529703282185 1.2321108061853039 0.9653887161598096 0.900536514958198 0.8982922263724623 0.8125707210171482 0.789457128122933 0.9312600518043126 0.8531742868730122 0.9400050383625298 1.2497942524556767 1.262305516359047 1.4977752430208413 +8023,1.8068163608155643,0,2.8067888061254593 2.6829659876020893 2.300663035411185 1.9570547140088423 1.6149941778380315 1.4973625002408328 1.3642529703282185 1.2321108061853039 0.9653887161598096 0.900536514958198 0.8982922263724623 0.8125707210171482 0.789457128122933 0.9312600518043126 0.8531742868730122 0.9400050383625298 1.2497942524556767 1.262305516359047 1.4977752430208413 1.4903974666988997 +8024,1.8803877522580466,0,2.6829659876020893 2.300663035411185 1.9570547140088423 1.6149941778380315 1.4973625002408328 1.3642529703282185 1.2321108061853039 0.9653887161598096 0.900536514958198 0.8982922263724623 0.8125707210171482 0.789457128122933 0.9312600518043126 0.8531742868730122 0.9400050383625298 1.2497942524556767 1.262305516359047 1.4977752430208413 1.4903974666988997 1.8068163608155643 +8025,1.752282727875825,0,2.300663035411185 1.9570547140088423 1.6149941778380315 1.4973625002408328 1.3642529703282185 1.2321108061853039 0.9653887161598096 0.900536514958198 0.8982922263724623 0.8125707210171482 0.789457128122933 0.9312600518043126 0.8531742868730122 0.9400050383625298 1.2497942524556767 1.262305516359047 1.4977752430208413 1.4903974666988997 1.8068163608155643 1.8803877522580466 +8026,1.8930795911566909,0,1.9570547140088423 1.6149941778380315 1.4973625002408328 1.3642529703282185 1.2321108061853039 0.9653887161598096 0.900536514958198 0.8982922263724623 0.8125707210171482 0.789457128122933 0.9312600518043126 0.8531742868730122 0.9400050383625298 1.2497942524556767 1.262305516359047 1.4977752430208413 1.4903974666988997 1.8068163608155643 1.8803877522580466 1.752282727875825 +8027,1.8322000386128527,0,1.6149941778380315 1.4973625002408328 1.3642529703282185 1.2321108061853039 0.9653887161598096 0.900536514958198 0.8982922263724623 0.8125707210171482 0.789457128122933 0.9312600518043126 0.8531742868730122 0.9400050383625298 1.2497942524556767 1.262305516359047 1.4977752430208413 1.4903974666988997 1.8068163608155643 1.8803877522580466 1.752282727875825 1.8930795911566909 +8028,1.682555003194848,0,1.4973625002408328 1.3642529703282185 1.2321108061853039 0.9653887161598096 0.900536514958198 0.8982922263724623 0.8125707210171482 0.789457128122933 0.9312600518043126 0.8531742868730122 0.9400050383625298 1.2497942524556767 1.262305516359047 1.4977752430208413 1.4903974666988997 1.8068163608155643 1.8803877522580466 1.752282727875825 1.8930795911566909 1.8322000386128527 +8029,1.6512639450455746,0,1.3642529703282185 1.2321108061853039 0.9653887161598096 0.900536514958198 0.8982922263724623 0.8125707210171482 0.789457128122933 0.9312600518043126 0.8531742868730122 0.9400050383625298 1.2497942524556767 1.262305516359047 1.4977752430208413 1.4903974666988997 1.8068163608155643 1.8803877522580466 1.752282727875825 1.8930795911566909 1.8322000386128527 1.682555003194848 +8030,1.5312074040221522,0,1.2321108061853039 0.9653887161598096 0.900536514958198 0.8982922263724623 0.8125707210171482 0.789457128122933 0.9312600518043126 0.8531742868730122 0.9400050383625298 1.2497942524556767 1.262305516359047 1.4977752430208413 1.4903974666988997 1.8068163608155643 1.8803877522580466 1.752282727875825 1.8930795911566909 1.8322000386128527 1.682555003194848 1.6512639450455746 +8031,1.3647946951592542,0,0.9653887161598096 0.900536514958198 0.8982922263724623 0.8125707210171482 0.789457128122933 0.9312600518043126 0.8531742868730122 0.9400050383625298 1.2497942524556767 1.262305516359047 1.4977752430208413 1.4903974666988997 1.8068163608155643 1.8803877522580466 1.752282727875825 1.8930795911566909 1.8322000386128527 1.682555003194848 1.6512639450455746 1.5312074040221522 +8032,1.2601902099791242,0,0.900536514958198 0.8982922263724623 0.8125707210171482 0.789457128122933 0.9312600518043126 0.8531742868730122 0.9400050383625298 1.2497942524556767 1.262305516359047 1.4977752430208413 1.4903974666988997 1.8068163608155643 1.8803877522580466 1.752282727875825 1.8930795911566909 1.8322000386128527 1.682555003194848 1.6512639450455746 1.5312074040221522 1.3647946951592542 +8033,1.1092295569595367,0,0.8982922263724623 0.8125707210171482 0.789457128122933 0.9312600518043126 0.8531742868730122 0.9400050383625298 1.2497942524556767 1.262305516359047 1.4977752430208413 1.4903974666988997 1.8068163608155643 1.8803877522580466 1.752282727875825 1.8930795911566909 1.8322000386128527 1.682555003194848 1.6512639450455746 1.5312074040221522 1.3647946951592542 1.2601902099791242 +8034,1.1006651453965932,0,0.8125707210171482 0.789457128122933 0.9312600518043126 0.8531742868730122 0.9400050383625298 1.2497942524556767 1.262305516359047 1.4977752430208413 1.4903974666988997 1.8068163608155643 1.8803877522580466 1.752282727875825 1.8930795911566909 1.8322000386128527 1.682555003194848 1.6512639450455746 1.5312074040221522 1.3647946951592542 1.2601902099791242 1.1092295569595367 +8035,0.9022390787128981,0,0.789457128122933 0.9312600518043126 0.8531742868730122 0.9400050383625298 1.2497942524556767 1.262305516359047 1.4977752430208413 1.4903974666988997 1.8068163608155643 1.8803877522580466 1.752282727875825 1.8930795911566909 1.8322000386128527 1.682555003194848 1.6512639450455746 1.5312074040221522 1.3647946951592542 1.2601902099791242 1.1092295569595367 1.1006651453965932 +8036,0.8462092533310702,0,0.9312600518043126 0.8531742868730122 0.9400050383625298 1.2497942524556767 1.262305516359047 1.4977752430208413 1.4903974666988997 1.8068163608155643 1.8803877522580466 1.752282727875825 1.8930795911566909 1.8322000386128527 1.682555003194848 1.6512639450455746 1.5312074040221522 1.3647946951592542 1.2601902099791242 1.1092295569595367 1.1006651453965932 0.9022390787128981 +8037,0.840172890928058,0,0.8531742868730122 0.9400050383625298 1.2497942524556767 1.262305516359047 1.4977752430208413 1.4903974666988997 1.8068163608155643 1.8803877522580466 1.752282727875825 1.8930795911566909 1.8322000386128527 1.682555003194848 1.6512639450455746 1.5312074040221522 1.3647946951592542 1.2601902099791242 1.1092295569595367 1.1006651453965932 0.9022390787128981 0.8462092533310702 +8038,0.7674785778350357,0,0.9400050383625298 1.2497942524556767 1.262305516359047 1.4977752430208413 1.4903974666988997 1.8068163608155643 1.8803877522580466 1.752282727875825 1.8930795911566909 1.8322000386128527 1.682555003194848 1.6512639450455746 1.5312074040221522 1.3647946951592542 1.2601902099791242 1.1092295569595367 1.1006651453965932 0.9022390787128981 0.8462092533310702 0.840172890928058 +8039,0.7447777278756058,0,1.2497942524556767 1.262305516359047 1.4977752430208413 1.4903974666988997 1.8068163608155643 1.8803877522580466 1.752282727875825 1.8930795911566909 1.8322000386128527 1.682555003194848 1.6512639450455746 1.5312074040221522 1.3647946951592542 1.2601902099791242 1.1092295569595367 1.1006651453965932 0.9022390787128981 0.8462092533310702 0.840172890928058 0.7674785778350357 +8040,0.8298801191383001,0,1.262305516359047 1.4977752430208413 1.4903974666988997 1.8068163608155643 1.8803877522580466 1.752282727875825 1.8930795911566909 1.8322000386128527 1.682555003194848 1.6512639450455746 1.5312074040221522 1.3647946951592542 1.2601902099791242 1.1092295569595367 1.1006651453965932 0.9022390787128981 0.8462092533310702 0.840172890928058 0.7674785778350357 0.7447777278756058 +8041,0.7712448553349746,0,1.4977752430208413 1.4903974666988997 1.8068163608155643 1.8803877522580466 1.752282727875825 1.8930795911566909 1.8322000386128527 1.682555003194848 1.6512639450455746 1.5312074040221522 1.3647946951592542 1.2601902099791242 1.1092295569595367 1.1006651453965932 0.9022390787128981 0.8462092533310702 0.840172890928058 0.7674785778350357 0.7447777278756058 0.8298801191383001 +8042,0.8204128327537733,0,1.4903974666988997 1.8068163608155643 1.8803877522580466 1.752282727875825 1.8930795911566909 1.8322000386128527 1.682555003194848 1.6512639450455746 1.5312074040221522 1.3647946951592542 1.2601902099791242 1.1092295569595367 1.1006651453965932 0.9022390787128981 0.8462092533310702 0.840172890928058 0.7674785778350357 0.7447777278756058 0.8298801191383001 0.7712448553349746 +8043,1.1501168835443643,0,1.8068163608155643 1.8803877522580466 1.752282727875825 1.8930795911566909 1.8322000386128527 1.682555003194848 1.6512639450455746 1.5312074040221522 1.3647946951592542 1.2601902099791242 1.1092295569595367 1.1006651453965932 0.9022390787128981 0.8462092533310702 0.840172890928058 0.7674785778350357 0.7447777278756058 0.8298801191383001 0.7712448553349746 0.8204128327537733 +8044,1.1057728366606845,0,1.8803877522580466 1.752282727875825 1.8930795911566909 1.8322000386128527 1.682555003194848 1.6512639450455746 1.5312074040221522 1.3647946951592542 1.2601902099791242 1.1092295569595367 1.1006651453965932 0.9022390787128981 0.8462092533310702 0.840172890928058 0.7674785778350357 0.7447777278756058 0.8298801191383001 0.7712448553349746 0.8204128327537733 1.1501168835443643 +8045,1.3419648629940026,0,1.752282727875825 1.8930795911566909 1.8322000386128527 1.682555003194848 1.6512639450455746 1.5312074040221522 1.3647946951592542 1.2601902099791242 1.1092295569595367 1.1006651453965932 0.9022390787128981 0.8462092533310702 0.840172890928058 0.7674785778350357 0.7447777278756058 0.8298801191383001 0.7712448553349746 0.8204128327537733 1.1501168835443643 1.1057728366606845 +8046,1.339797963669851,0,1.8930795911566909 1.8322000386128527 1.682555003194848 1.6512639450455746 1.5312074040221522 1.3647946951592542 1.2601902099791242 1.1092295569595367 1.1006651453965932 0.9022390787128981 0.8462092533310702 0.840172890928058 0.7674785778350357 0.7447777278756058 0.8298801191383001 0.7712448553349746 0.8204128327537733 1.1501168835443643 1.1057728366606845 1.3419648629940026 +8047,1.655442965170745,0,1.8322000386128527 1.682555003194848 1.6512639450455746 1.5312074040221522 1.3647946951592542 1.2601902099791242 1.1092295569595367 1.1006651453965932 0.9022390787128981 0.8462092533310702 0.840172890928058 0.7674785778350357 0.7447777278756058 0.8298801191383001 0.7712448553349746 0.8204128327537733 1.1501168835443643 1.1057728366606845 1.3419648629940026 1.339797963669851 +8048,1.7327290411689287,0,1.682555003194848 1.6512639450455746 1.5312074040221522 1.3647946951592542 1.2601902099791242 1.1092295569595367 1.1006651453965932 0.9022390787128981 0.8462092533310702 0.840172890928058 0.7674785778350357 0.7447777278756058 0.8298801191383001 0.7712448553349746 0.8204128327537733 1.1501168835443643 1.1057728366606845 1.3419648629940026 1.339797963669851 1.655442965170745 +8049,1.6233522180883635,0,1.6512639450455746 1.5312074040221522 1.3647946951592542 1.2601902099791242 1.1092295569595367 1.1006651453965932 0.9022390787128981 0.8462092533310702 0.840172890928058 0.7674785778350357 0.7447777278756058 0.8298801191383001 0.7712448553349746 0.8204128327537733 1.1501168835443643 1.1057728366606845 1.3419648629940026 1.339797963669851 1.655442965170745 1.7327290411689287 +8050,1.7628592602397608,0,1.5312074040221522 1.3647946951592542 1.2601902099791242 1.1092295569595367 1.1006651453965932 0.9022390787128981 0.8462092533310702 0.840172890928058 0.7674785778350357 0.7447777278756058 0.8298801191383001 0.7712448553349746 0.8204128327537733 1.1501168835443643 1.1057728366606845 1.3419648629940026 1.339797963669851 1.655442965170745 1.7327290411689287 1.6233522180883635 +8051,1.715703403621972,0,1.3647946951592542 1.2601902099791242 1.1092295569595367 1.1006651453965932 0.9022390787128981 0.8462092533310702 0.840172890928058 0.7674785778350357 0.7447777278756058 0.8298801191383001 0.7712448553349746 0.8204128327537733 1.1501168835443643 1.1057728366606845 1.3419648629940026 1.339797963669851 1.655442965170745 1.7327290411689287 1.6233522180883635 1.7628592602397608 +8052,1.6007545537078465,0,1.2601902099791242 1.1092295569595367 1.1006651453965932 0.9022390787128981 0.8462092533310702 0.840172890928058 0.7674785778350357 0.7447777278756058 0.8298801191383001 0.7712448553349746 0.8204128327537733 1.1501168835443643 1.1057728366606845 1.3419648629940026 1.339797963669851 1.655442965170745 1.7327290411689287 1.6233522180883635 1.7628592602397608 1.715703403621972 +8053,1.5761963613157892,0,1.1092295569595367 1.1006651453965932 0.9022390787128981 0.8462092533310702 0.840172890928058 0.7674785778350357 0.7447777278756058 0.8298801191383001 0.7712448553349746 0.8204128327537733 1.1501168835443643 1.1057728366606845 1.3419648629940026 1.339797963669851 1.655442965170745 1.7327290411689287 1.6233522180883635 1.7628592602397608 1.715703403621972 1.6007545537078465 +8054,1.4838451759369662,0,1.1006651453965932 0.9022390787128981 0.8462092533310702 0.840172890928058 0.7674785778350357 0.7447777278756058 0.8298801191383001 0.7712448553349746 0.8204128327537733 1.1501168835443643 1.1057728366606845 1.3419648629940026 1.339797963669851 1.655442965170745 1.7327290411689287 1.6233522180883635 1.7628592602397608 1.715703403621972 1.6007545537078465 1.5761963613157892 +8055,1.053767252880868,0,0.9022390787128981 0.8462092533310702 0.840172890928058 0.7674785778350357 0.7447777278756058 0.8298801191383001 0.7712448553349746 0.8204128327537733 1.1501168835443643 1.1057728366606845 1.3419648629940026 1.339797963669851 1.655442965170745 1.7327290411689287 1.6233522180883635 1.7628592602397608 1.715703403621972 1.6007545537078465 1.5761963613157892 1.4838451759369662 +8056,0.8488404882246913,0,0.8462092533310702 0.840172890928058 0.7674785778350357 0.7447777278756058 0.8298801191383001 0.7712448553349746 0.8204128327537733 1.1501168835443643 1.1057728366606845 1.3419648629940026 1.339797963669851 1.655442965170745 1.7327290411689287 1.6233522180883635 1.7628592602397608 1.715703403621972 1.6007545537078465 1.5761963613157892 1.4838451759369662 1.053767252880868 +8057,0.8767006223924502,0,0.840172890928058 0.7674785778350357 0.7447777278756058 0.8298801191383001 0.7712448553349746 0.8204128327537733 1.1501168835443643 1.1057728366606845 1.3419648629940026 1.339797963669851 1.655442965170745 1.7327290411689287 1.6233522180883635 1.7628592602397608 1.715703403621972 1.6007545537078465 1.5761963613157892 1.4838451759369662 1.053767252880868 0.8488404882246913 +8058,0.6956097503020214,0,0.7674785778350357 0.7447777278756058 0.8298801191383001 0.7712448553349746 0.8204128327537733 1.1501168835443643 1.1057728366606845 1.3419648629940026 1.339797963669851 1.655442965170745 1.7327290411689287 1.6233522180883635 1.7628592602397608 1.715703403621972 1.6007545537078465 1.5761963613157892 1.4838451759369662 1.053767252880868 0.8488404882246913 0.8767006223924502 +8059,0.7033486764597336,0,0.7447777278756058 0.8298801191383001 0.7712448553349746 0.8204128327537733 1.1501168835443643 1.1057728366606845 1.3419648629940026 1.339797963669851 1.655442965170745 1.7327290411689287 1.6233522180883635 1.7628592602397608 1.715703403621972 1.6007545537078465 1.5761963613157892 1.4838451759369662 1.053767252880868 0.8488404882246913 0.8767006223924502 0.6956097503020214 +8060,0.711087602617446,0,0.8298801191383001 0.7712448553349746 0.8204128327537733 1.1501168835443643 1.1057728366606845 1.3419648629940026 1.339797963669851 1.655442965170745 1.7327290411689287 1.6233522180883635 1.7628592602397608 1.715703403621972 1.6007545537078465 1.5761963613157892 1.4838451759369662 1.053767252880868 0.8488404882246913 0.8767006223924502 0.6956097503020214 0.7033486764597336 +8061,0.6027426364095004,0,0.7712448553349746 0.8204128327537733 1.1501168835443643 1.1057728366606845 1.3419648629940026 1.339797963669851 1.655442965170745 1.7327290411689287 1.6233522180883635 1.7628592602397608 1.715703403621972 1.6007545537078465 1.5761963613157892 1.4838451759369662 1.053767252880868 0.8488404882246913 0.8767006223924502 0.6956097503020214 0.7033486764597336 0.711087602617446 +8062,0.45105968371837124,0,0.8204128327537733 1.1501168835443643 1.1057728366606845 1.3419648629940026 1.339797963669851 1.655442965170745 1.7327290411689287 1.6233522180883635 1.7628592602397608 1.715703403621972 1.6007545537078465 1.5761963613157892 1.4838451759369662 1.053767252880868 0.8488404882246913 0.8767006223924502 0.6956097503020214 0.7033486764597336 0.711087602617446 0.6027426364095004 +8063,0.4959454554330955,0,1.1501168835443643 1.1057728366606845 1.3419648629940026 1.339797963669851 1.655442965170745 1.7327290411689287 1.6233522180883635 1.7628592602397608 1.715703403621972 1.6007545537078465 1.5761963613157892 1.4838451759369662 1.053767252880868 0.8488404882246913 0.8767006223924502 0.6956097503020214 0.7033486764597336 0.711087602617446 0.6027426364095004 0.45105968371837124 +8064,0.4324862609398653,0,1.1057728366606845 1.3419648629940026 1.339797963669851 1.655442965170745 1.7327290411689287 1.6233522180883635 1.7628592602397608 1.715703403621972 1.6007545537078465 1.5761963613157892 1.4838451759369662 1.053767252880868 0.8488404882246913 0.8767006223924502 0.6956097503020214 0.7033486764597336 0.711087602617446 0.6027426364095004 0.45105968371837124 0.4959454554330955 +8065,0.3721226369097253,0,1.3419648629940026 1.339797963669851 1.655442965170745 1.7327290411689287 1.6233522180883635 1.7628592602397608 1.715703403621972 1.6007545537078465 1.5761963613157892 1.4838451759369662 1.053767252880868 0.8488404882246913 0.8767006223924502 0.6956097503020214 0.7033486764597336 0.711087602617446 0.6027426364095004 0.45105968371837124 0.4959454554330955 0.4324862609398653 +8066,0.39998277107748426,0,1.339797963669851 1.655442965170745 1.7327290411689287 1.6233522180883635 1.7628592602397608 1.715703403621972 1.6007545537078465 1.5761963613157892 1.4838451759369662 1.053767252880868 0.8488404882246913 0.8767006223924502 0.6956097503020214 0.7033486764597336 0.711087602617446 0.6027426364095004 0.45105968371837124 0.4959454554330955 0.4324862609398653 0.3721226369097253 +8067,0.8116936426676793,0,1.655442965170745 1.7327290411689287 1.6233522180883635 1.7628592602397608 1.715703403621972 1.6007545537078465 1.5761963613157892 1.4838451759369662 1.053767252880868 0.8488404882246913 0.8767006223924502 0.6956097503020214 0.7033486764597336 0.711087602617446 0.6027426364095004 0.45105968371837124 0.4959454554330955 0.4324862609398653 0.3721226369097253 0.39998277107748426 +8068,1.1261262124554658,0,1.7327290411689287 1.6233522180883635 1.7628592602397608 1.715703403621972 1.6007545537078465 1.5761963613157892 1.4838451759369662 1.053767252880868 0.8488404882246913 0.8767006223924502 0.6956097503020214 0.7033486764597336 0.711087602617446 0.6027426364095004 0.45105968371837124 0.4959454554330955 0.4324862609398653 0.3721226369097253 0.39998277107748426 0.8116936426676793 +8069,1.4292599500529806,0,1.6233522180883635 1.7628592602397608 1.715703403621972 1.6007545537078465 1.5761963613157892 1.4838451759369662 1.053767252880868 0.8488404882246913 0.8767006223924502 0.6956097503020214 0.7033486764597336 0.711087602617446 0.6027426364095004 0.45105968371837124 0.4959454554330955 0.4324862609398653 0.3721226369097253 0.39998277107748426 0.8116936426676793 1.1261262124554658 +8070,1.7372692111298609,0,1.7628592602397608 1.715703403621972 1.6007545537078465 1.5761963613157892 1.4838451759369662 1.053767252880868 0.8488404882246913 0.8767006223924502 0.6956097503020214 0.7033486764597336 0.711087602617446 0.6027426364095004 0.45105968371837124 0.4959454554330955 0.4324862609398653 0.3721226369097253 0.39998277107748426 0.8116936426676793 1.1261262124554658 1.4292599500529806 +8071,1.82549296932776,0,1.715703403621972 1.6007545537078465 1.5761963613157892 1.4838451759369662 1.053767252880868 0.8488404882246913 0.8767006223924502 0.6956097503020214 0.7033486764597336 0.711087602617446 0.6027426364095004 0.45105968371837124 0.4959454554330955 0.4324862609398653 0.3721226369097253 0.39998277107748426 0.8116936426676793 1.1261262124554658 1.4292599500529806 1.7372692111298609 +8072,1.94931578785113,0,1.6007545537078465 1.5761963613157892 1.4838451759369662 1.053767252880868 0.8488404882246913 0.8767006223924502 0.6956097503020214 0.7033486764597336 0.711087602617446 0.6027426364095004 0.45105968371837124 0.4959454554330955 0.4324862609398653 0.3721226369097253 0.39998277107748426 0.8116936426676793 1.1261262124554658 1.4292599500529806 1.7372692111298609 1.82549296932776 +8073,2.351739948052081,0,1.5761963613157892 1.4838451759369662 1.053767252880868 0.8488404882246913 0.8767006223924502 0.6956097503020214 0.7033486764597336 0.711087602617446 0.6027426364095004 0.45105968371837124 0.4959454554330955 0.4324862609398653 0.3721226369097253 0.39998277107748426 0.8116936426676793 1.1261262124554658 1.4292599500529806 1.7372692111298609 1.82549296932776 1.94931578785113 +8074,2.0437306869752008,0,1.4838451759369662 1.053767252880868 0.8488404882246913 0.8767006223924502 0.6956097503020214 0.7033486764597336 0.711087602617446 0.6027426364095004 0.45105968371837124 0.4959454554330955 0.4324862609398653 0.3721226369097253 0.39998277107748426 0.8116936426676793 1.1261262124554658 1.4292599500529806 1.7372692111298609 1.82549296932776 1.94931578785113 2.351739948052081 +8075,1.8920477342840716,0,1.053767252880868 0.8488404882246913 0.8767006223924502 0.6956097503020214 0.7033486764597336 0.711087602617446 0.6027426364095004 0.45105968371837124 0.4959454554330955 0.4324862609398653 0.3721226369097253 0.39998277107748426 0.8116936426676793 1.1261262124554658 1.4292599500529806 1.7372692111298609 1.82549296932776 1.94931578785113 2.351739948052081 2.0437306869752008 +8076,1.6738100166366396,0,0.8488404882246913 0.8767006223924502 0.6956097503020214 0.7033486764597336 0.711087602617446 0.6027426364095004 0.45105968371837124 0.4959454554330955 0.4324862609398653 0.3721226369097253 0.39998277107748426 0.8116936426676793 1.1261262124554658 1.4292599500529806 1.7372692111298609 1.82549296932776 1.94931578785113 2.351739948052081 2.0437306869752008 1.8920477342840716 +8077,1.5051014263985452,0,0.8767006223924502 0.6956097503020214 0.7033486764597336 0.711087602617446 0.6027426364095004 0.45105968371837124 0.4959454554330955 0.4324862609398653 0.3721226369097253 0.39998277107748426 0.8116936426676793 1.1261262124554658 1.4292599500529806 1.7372692111298609 1.82549296932776 1.94931578785113 2.351739948052081 2.0437306869752008 1.8920477342840716 1.6738100166366396 +8078,1.4168776682006463,0,0.6956097503020214 0.7033486764597336 0.711087602617446 0.6027426364095004 0.45105968371837124 0.4959454554330955 0.4324862609398653 0.3721226369097253 0.39998277107748426 0.8116936426676793 1.1261262124554658 1.4292599500529806 1.7372692111298609 1.82549296932776 1.94931578785113 2.351739948052081 2.0437306869752008 1.8920477342840716 1.6738100166366396 1.5051014263985452 +8079,1.2667425007410578,0,0.7033486764597336 0.711087602617446 0.6027426364095004 0.45105968371837124 0.4959454554330955 0.4324862609398653 0.3721226369097253 0.39998277107748426 0.8116936426676793 1.1261262124554658 1.4292599500529806 1.7372692111298609 1.82549296932776 1.94931578785113 2.351739948052081 2.0437306869752008 1.8920477342840716 1.6738100166366396 1.5051014263985452 1.4168776682006463 +8080,1.0268357898520386,0,0.711087602617446 0.6027426364095004 0.45105968371837124 0.4959454554330955 0.4324862609398653 0.3721226369097253 0.39998277107748426 0.8116936426676793 1.1261262124554658 1.4292599500529806 1.7372692111298609 1.82549296932776 1.94931578785113 2.351739948052081 2.0437306869752008 1.8920477342840716 1.6738100166366396 1.5051014263985452 1.4168776682006463 1.2667425007410578 +8081,0.9432553873487618,0,0.6027426364095004 0.45105968371837124 0.4959454554330955 0.4324862609398653 0.3721226369097253 0.39998277107748426 0.8116936426676793 1.1261262124554658 1.4292599500529806 1.7372692111298609 1.82549296932776 1.94931578785113 2.351739948052081 2.0437306869752008 1.8920477342840716 1.6738100166366396 1.5051014263985452 1.4168776682006463 1.2667425007410578 1.0268357898520386 +8082,0.9107518974863807,0,0.45105968371837124 0.4959454554330955 0.4324862609398653 0.3721226369097253 0.39998277107748426 0.8116936426676793 1.1261262124554658 1.4292599500529806 1.7372692111298609 1.82549296932776 1.94931578785113 2.351739948052081 2.0437306869752008 1.8920477342840716 1.6738100166366396 1.5051014263985452 1.4168776682006463 1.2667425007410578 1.0268357898520386 0.9432553873487618 +8083,0.7745467971106762,0,0.4959454554330955 0.4324862609398653 0.3721226369097253 0.39998277107748426 0.8116936426676793 1.1261262124554658 1.4292599500529806 1.7372692111298609 1.82549296932776 1.94931578785113 2.351739948052081 2.0437306869752008 1.8920477342840716 1.6738100166366396 1.5051014263985452 1.4168776682006463 1.2667425007410578 1.0268357898520386 0.9432553873487618 0.9107518974863807 +8084,0.7534969179616998,0,0.4324862609398653 0.3721226369097253 0.39998277107748426 0.8116936426676793 1.1261262124554658 1.4292599500529806 1.7372692111298609 1.82549296932776 1.94931578785113 2.351739948052081 2.0437306869752008 1.8920477342840716 1.6738100166366396 1.5051014263985452 1.4168776682006463 1.2667425007410578 1.0268357898520386 0.9432553873487618 0.9107518974863807 0.7745467971106762 +8085,0.7123877422119406,0,0.3721226369097253 0.39998277107748426 0.8116936426676793 1.1261262124554658 1.4292599500529806 1.7372692111298609 1.82549296932776 1.94931578785113 2.351739948052081 2.0437306869752008 1.8920477342840716 1.6738100166366396 1.5051014263985452 1.4168776682006463 1.2667425007410578 1.0268357898520386 0.9432553873487618 0.9107518974863807 0.7745467971106762 0.7534969179616998 +8086,0.6946810791631005,0,0.39998277107748426 0.8116936426676793 1.1261262124554658 1.4292599500529806 1.7372692111298609 1.82549296932776 1.94931578785113 2.351739948052081 2.0437306869752008 1.8920477342840716 1.6738100166366396 1.5051014263985452 1.4168776682006463 1.2667425007410578 1.0268357898520386 0.9432553873487618 0.9107518974863807 0.7745467971106762 0.7534969179616998 0.7123877422119406 +8087,0.6569151195134688,0,0.8116936426676793 1.1261262124554658 1.4292599500529806 1.7372692111298609 1.82549296932776 1.94931578785113 2.351739948052081 2.0437306869752008 1.8920477342840716 1.6738100166366396 1.5051014263985452 1.4168776682006463 1.2667425007410578 1.0268357898520386 0.9432553873487618 0.9107518974863807 0.7745467971106762 0.7534969179616998 0.7123877422119406 0.6946810791631005 +8088,0.876313676084565,0,1.1261262124554658 1.4292599500529806 1.7372692111298609 1.82549296932776 1.94931578785113 2.351739948052081 2.0437306869752008 1.8920477342840716 1.6738100166366396 1.5051014263985452 1.4168776682006463 1.2667425007410578 1.0268357898520386 0.9432553873487618 0.9107518974863807 0.7745467971106762 0.7534969179616998 0.7123877422119406 0.6946810791631005 0.6569151195134688 +8089,0.752826211079628,0,1.4292599500529806 1.7372692111298609 1.82549296932776 1.94931578785113 2.351739948052081 2.0437306869752008 1.8920477342840716 1.6738100166366396 1.5051014263985452 1.4168776682006463 1.2667425007410578 1.0268357898520386 0.9432553873487618 0.9107518974863807 0.7745467971106762 0.7534969179616998 0.7123877422119406 0.6946810791631005 0.6569151195134688 0.876313676084565 +8090,0.8865032621406245,0,1.7372692111298609 1.82549296932776 1.94931578785113 2.351739948052081 2.0437306869752008 1.8920477342840716 1.6738100166366396 1.5051014263985452 1.4168776682006463 1.2667425007410578 1.0268357898520386 0.9432553873487618 0.9107518974863807 0.7745467971106762 0.7534969179616998 0.7123877422119406 0.6946810791631005 0.6569151195134688 0.876313676084565 0.752826211079628 +8091,1.2761839906534702,0,1.82549296932776 1.94931578785113 2.351739948052081 2.0437306869752008 1.8920477342840716 1.6738100166366396 1.5051014263985452 1.4168776682006463 1.2667425007410578 1.0268357898520386 0.9432553873487618 0.9107518974863807 0.7745467971106762 0.7534969179616998 0.7123877422119406 0.6946810791631005 0.6569151195134688 0.876313676084565 0.752826211079628 0.8865032621406245 +8092,1.3245264826670378,0,1.94931578785113 2.351739948052081 2.0437306869752008 1.8920477342840716 1.6738100166366396 1.5051014263985452 1.4168776682006463 1.2667425007410578 1.0268357898520386 0.9432553873487618 0.9107518974863807 0.7745467971106762 0.7534969179616998 0.7123877422119406 0.6946810791631005 0.6569151195134688 0.876313676084565 0.752826211079628 0.8865032621406245 1.2761839906534702 +8093,1.6288726521324546,0,2.351739948052081 2.0437306869752008 1.8920477342840716 1.6738100166366396 1.5051014263985452 1.4168776682006463 1.2667425007410578 1.0268357898520386 0.9432553873487618 0.9107518974863807 0.7745467971106762 0.7534969179616998 0.7123877422119406 0.6946810791631005 0.6569151195134688 0.876313676084565 0.752826211079628 0.8865032621406245 1.2761839906534702 1.3245264826670378 +8094,1.5701084061233161,0,2.0437306869752008 1.8920477342840716 1.6738100166366396 1.5051014263985452 1.4168776682006463 1.2667425007410578 1.0268357898520386 0.9432553873487618 0.9107518974863807 0.7745467971106762 0.7534969179616998 0.7123877422119406 0.6946810791631005 0.6569151195134688 0.876313676084565 0.752826211079628 0.8865032621406245 1.2761839906534702 1.3245264826670378 1.6288726521324546 +8095,1.9954913805405459,0,1.8920477342840716 1.6738100166366396 1.5051014263985452 1.4168776682006463 1.2667425007410578 1.0268357898520386 0.9432553873487618 0.9107518974863807 0.7745467971106762 0.7534969179616998 0.7123877422119406 0.6946810791631005 0.6569151195134688 0.876313676084565 0.752826211079628 0.8865032621406245 1.2761839906534702 1.3245264826670378 1.6288726521324546 1.5701084061233161 +8096,2.0577639397927743,0,1.6738100166366396 1.5051014263985452 1.4168776682006463 1.2667425007410578 1.0268357898520386 0.9432553873487618 0.9107518974863807 0.7745467971106762 0.7534969179616998 0.7123877422119406 0.6946810791631005 0.6569151195134688 0.876313676084565 0.752826211079628 0.8865032621406245 1.2761839906534702 1.3245264826670378 1.6288726521324546 1.5701084061233161 1.9954913805405459 +8097,1.9329092643967847,0,1.5051014263985452 1.4168776682006463 1.2667425007410578 1.0268357898520386 0.9432553873487618 0.9107518974863807 0.7745467971106762 0.7534969179616998 0.7123877422119406 0.6946810791631005 0.6569151195134688 0.876313676084565 0.752826211079628 0.8865032621406245 1.2761839906534702 1.3245264826670378 1.6288726521324546 1.5701084061233161 1.9954913805405459 2.0577639397927743 +8098,2.057557568325377,0,1.4168776682006463 1.2667425007410578 1.0268357898520386 0.9432553873487618 0.9107518974863807 0.7745467971106762 0.7534969179616998 0.7123877422119406 0.6946810791631005 0.6569151195134688 0.876313676084565 0.752826211079628 0.8865032621406245 1.2761839906534702 1.3245264826670378 1.6288726521324546 1.5701084061233161 1.9954913805405459 2.0577639397927743 1.9329092643967847 +8099,1.9950786379153231,0,1.2667425007410578 1.0268357898520386 0.9432553873487618 0.9107518974863807 0.7745467971106762 0.7534969179616998 0.7123877422119406 0.6946810791631005 0.6569151195134688 0.876313676084565 0.752826211079628 0.8865032621406245 1.2761839906534702 1.3245264826670378 1.6288726521324546 1.5701084061233161 1.9954913805405459 2.0577639397927743 1.9329092643967847 2.057557568325377 +8100,1.8068421572876787,0,1.0268357898520386 0.9432553873487618 0.9107518974863807 0.7745467971106762 0.7534969179616998 0.7123877422119406 0.6946810791631005 0.6569151195134688 0.876313676084565 0.752826211079628 0.8865032621406245 1.2761839906534702 1.3245264826670378 1.6288726521324546 1.5701084061233161 1.9954913805405459 2.0577639397927743 1.9329092643967847 2.057557568325377 1.9950786379153231 +8101,1.786282410180286,0,0.9432553873487618 0.9107518974863807 0.7745467971106762 0.7534969179616998 0.7123877422119406 0.6946810791631005 0.6569151195134688 0.876313676084565 0.752826211079628 0.8865032621406245 1.2761839906534702 1.3245264826670378 1.6288726521324546 1.5701084061233161 1.9954913805405459 2.0577639397927743 1.9329092643967847 2.057557568325377 1.9950786379153231 1.8068421572876787 +8102,1.6399651128553203,0,0.9107518974863807 0.7745467971106762 0.7534969179616998 0.7123877422119406 0.6946810791631005 0.6569151195134688 0.876313676084565 0.752826211079628 0.8865032621406245 1.2761839906534702 1.3245264826670378 1.6288726521324546 1.5701084061233161 1.9954913805405459 2.0577639397927743 1.9329092643967847 2.057557568325377 1.9950786379153231 1.8068421572876787 1.786282410180286 +8103,1.3578296616173124,0,0.7745467971106762 0.7534969179616998 0.7123877422119406 0.6946810791631005 0.6569151195134688 0.876313676084565 0.752826211079628 0.8865032621406245 1.2761839906534702 1.3245264826670378 1.6288726521324546 1.5701084061233161 1.9954913805405459 2.0577639397927743 1.9329092643967847 2.057557568325377 1.9950786379153231 1.8068421572876787 1.786282410180286 1.6399651128553203 +8104,1.256785082469733,0,0.7534969179616998 0.7123877422119406 0.6946810791631005 0.6569151195134688 0.876313676084565 0.752826211079628 0.8865032621406245 1.2761839906534702 1.3245264826670378 1.6288726521324546 1.5701084061233161 1.9954913805405459 2.0577639397927743 1.9329092643967847 2.057557568325377 1.9950786379153231 1.8068421572876787 1.786282410180286 1.6399651128553203 1.3578296616173124 +8105,1.0199223490995575,0,0.7123877422119406 0.6946810791631005 0.6569151195134688 0.876313676084565 0.752826211079628 0.8865032621406245 1.2761839906534702 1.3245264826670378 1.6288726521324546 1.5701084061233161 1.9954913805405459 2.0577639397927743 1.9329092643967847 2.057557568325377 1.9950786379153231 1.8068421572876787 1.786282410180286 1.6399651128553203 1.3578296616173124 1.256785082469733 +8106,1.0252106153589138,0,0.6946810791631005 0.6569151195134688 0.876313676084565 0.752826211079628 0.8865032621406245 1.2761839906534702 1.3245264826670378 1.6288726521324546 1.5701084061233161 1.9954913805405459 2.0577639397927743 1.9329092643967847 2.057557568325377 1.9950786379153231 1.8068421572876787 1.786282410180286 1.6399651128553203 1.3578296616173124 1.256785082469733 1.0199223490995575 +8107,0.7076308823185938,0,0.6569151195134688 0.876313676084565 0.752826211079628 0.8865032621406245 1.2761839906534702 1.3245264826670378 1.6288726521324546 1.5701084061233161 1.9954913805405459 2.0577639397927743 1.9329092643967847 2.057557568325377 1.9950786379153231 1.8068421572876787 1.786282410180286 1.6399651128553203 1.3578296616173124 1.256785082469733 1.0199223490995575 1.0252106153589138 +8108,0.6322021485982521,0,0.876313676084565 0.752826211079628 0.8865032621406245 1.2761839906534702 1.3245264826670378 1.6288726521324546 1.5701084061233161 1.9954913805405459 2.0577639397927743 1.9329092643967847 2.057557568325377 1.9950786379153231 1.8068421572876787 1.786282410180286 1.6399651128553203 1.3578296616173124 1.256785082469733 1.0199223490995575 1.0252106153589138 0.7076308823185938 +8109,0.6217030054958915,0,0.752826211079628 0.8865032621406245 1.2761839906534702 1.3245264826670378 1.6288726521324546 1.5701084061233161 1.9954913805405459 2.0577639397927743 1.9329092643967847 2.057557568325377 1.9950786379153231 1.8068421572876787 1.786282410180286 1.6399651128553203 1.3578296616173124 1.256785082469733 1.0199223490995575 1.0252106153589138 0.7076308823185938 0.6322021485982521 +8110,0.5246310750060768,0,0.8865032621406245 1.2761839906534702 1.3245264826670378 1.6288726521324546 1.5701084061233161 1.9954913805405459 2.0577639397927743 1.9329092643967847 2.057557568325377 1.9950786379153231 1.8068421572876787 1.786282410180286 1.6399651128553203 1.3578296616173124 1.256785082469733 1.0199223490995575 1.0252106153589138 0.7076308823185938 0.6322021485982521 0.6217030054958915 +8111,0.49248873513424335,0,1.2761839906534702 1.3245264826670378 1.6288726521324546 1.5701084061233161 1.9954913805405459 2.0577639397927743 1.9329092643967847 2.057557568325377 1.9950786379153231 1.8068421572876787 1.786282410180286 1.6399651128553203 1.3578296616173124 1.256785082469733 1.0199223490995575 1.0252106153589138 0.7076308823185938 0.6322021485982521 0.6217030054958915 0.5246310750060768 +8112,0.6609006664846923,0,1.3245264826670378 1.6288726521324546 1.5701084061233161 1.9954913805405459 2.0577639397927743 1.9329092643967847 2.057557568325377 1.9950786379153231 1.8068421572876787 1.786282410180286 1.6399651128553203 1.3578296616173124 1.256785082469733 1.0199223490995575 1.0252106153589138 0.7076308823185938 0.6322021485982521 0.6217030054958915 0.5246310750060768 0.49248873513424335 +8113,0.6956097503020214,0,1.6288726521324546 1.5701084061233161 1.9954913805405459 2.0577639397927743 1.9329092643967847 2.057557568325377 1.9950786379153231 1.8068421572876787 1.786282410180286 1.6399651128553203 1.3578296616173124 1.256785082469733 1.0199223490995575 1.0252106153589138 0.7076308823185938 0.6322021485982521 0.6217030054958915 0.5246310750060768 0.49248873513424335 0.6609006664846923 +8114,0.6491761933557653,0,1.5701084061233161 1.9954913805405459 2.0577639397927743 1.9329092643967847 2.057557568325377 1.9950786379153231 1.8068421572876787 1.786282410180286 1.6399651128553203 1.3578296616173124 1.256785082469733 1.0199223490995575 1.0252106153589138 0.7076308823185938 0.6322021485982521 0.6217030054958915 0.5246310750060768 0.49248873513424335 0.6609006664846923 0.6956097503020214 +8115,1.1011294809660537,0,1.9954913805405459 2.0577639397927743 1.9329092643967847 2.057557568325377 1.9950786379153231 1.8068421572876787 1.786282410180286 1.6399651128553203 1.3578296616173124 1.256785082469733 1.0199223490995575 1.0252106153589138 0.7076308823185938 0.6322021485982521 0.6217030054958915 0.5246310750060768 0.49248873513424335 0.6609006664846923 0.6956097503020214 0.6491761933557653 +8116,1.630472030153456,0,2.0577639397927743 1.9329092643967847 2.057557568325377 1.9950786379153231 1.8068421572876787 1.786282410180286 1.6399651128553203 1.3578296616173124 1.256785082469733 1.0199223490995575 1.0252106153589138 0.7076308823185938 0.6322021485982521 0.6217030054958915 0.5246310750060768 0.49248873513424335 0.6609006664846923 0.6956097503020214 0.6491761933557653 1.1011294809660537 +8117,1.9462202173880487,0,1.9329092643967847 2.057557568325377 1.9950786379153231 1.8068421572876787 1.786282410180286 1.6399651128553203 1.3578296616173124 1.256785082469733 1.0199223490995575 1.0252106153589138 0.7076308823185938 0.6322021485982521 0.6217030054958915 0.5246310750060768 0.49248873513424335 0.6609006664846923 0.6956097503020214 0.6491761933557653 1.1011294809660537 1.630472030153456 +8118,2.3269753843474033,0,2.057557568325377 1.9950786379153231 1.8068421572876787 1.786282410180286 1.6399651128553203 1.3578296616173124 1.256785082469733 1.0199223490995575 1.0252106153589138 0.7076308823185938 0.6322021485982521 0.6217030054958915 0.5246310750060768 0.49248873513424335 0.6609006664846923 0.6956097503020214 0.6491761933557653 1.1011294809660537 1.630472030153456 1.9462202173880487 +8119,2.356383303746703,0,1.9950786379153231 1.8068421572876787 1.786282410180286 1.6399651128553203 1.3578296616173124 1.256785082469733 1.0199223490995575 1.0252106153589138 0.7076308823185938 0.6322021485982521 0.6217030054958915 0.5246310750060768 0.49248873513424335 0.6609006664846923 0.6956097503020214 0.6491761933557653 1.1011294809660537 1.630472030153456 1.9462202173880487 2.3269753843474033 +8120,2.526639679216338,0,1.8068421572876787 1.786282410180286 1.6399651128553203 1.3578296616173124 1.256785082469733 1.0199223490995575 1.0252106153589138 0.7076308823185938 0.6322021485982521 0.6217030054958915 0.5246310750060768 0.49248873513424335 0.6609006664846923 0.6956097503020214 0.6491761933557653 1.1011294809660537 1.630472030153456 1.9462202173880487 2.3269753843474033 2.356383303746703 +8121,2.676774846675918,0,1.786282410180286 1.6399651128553203 1.3578296616173124 1.256785082469733 1.0199223490995575 1.0252106153589138 0.7076308823185938 0.6322021485982521 0.6217030054958915 0.5246310750060768 0.49248873513424335 0.6609006664846923 0.6956097503020214 0.6491761933557653 1.1011294809660537 1.630472030153456 1.9462202173880487 2.3269753843474033 2.356383303746703 2.526639679216338 +8122,2.6055767260249842,0,1.6399651128553203 1.3578296616173124 1.256785082469733 1.0199223490995575 1.0252106153589138 0.7076308823185938 0.6322021485982521 0.6217030054958915 0.5246310750060768 0.49248873513424335 0.6609006664846923 0.6956097503020214 0.6491761933557653 1.1011294809660537 1.630472030153456 1.9462202173880487 2.3269753843474033 2.356383303746703 2.526639679216338 2.676774846675918 +8123,2.447702632407692,0,1.3578296616173124 1.256785082469733 1.0199223490995575 1.0252106153589138 0.7076308823185938 0.6322021485982521 0.6217030054958915 0.5246310750060768 0.49248873513424335 0.6609006664846923 0.6956097503020214 0.6491761933557653 1.1011294809660537 1.630472030153456 1.9462202173880487 2.3269753843474033 2.356383303746703 2.526639679216338 2.676774846675918 2.6055767260249842 +8124,2.2991152501796446,0,1.256785082469733 1.0199223490995575 1.0252106153589138 0.7076308823185938 0.6322021485982521 0.6217030054958915 0.5246310750060768 0.49248873513424335 0.6609006664846923 0.6956097503020214 0.6491761933557653 1.1011294809660537 1.630472030153456 1.9462202173880487 2.3269753843474033 2.356383303746703 2.526639679216338 2.676774846675918 2.6055767260249842 2.447702632407692 +8125,2.1721968611931928,0,1.0199223490995575 1.0252106153589138 0.7076308823185938 0.6322021485982521 0.6217030054958915 0.5246310750060768 0.49248873513424335 0.6609006664846923 0.6956097503020214 0.6491761933557653 1.1011294809660537 1.630472030153456 1.9462202173880487 2.3269753843474033 2.356383303746703 2.526639679216338 2.676774846675918 2.6055767260249842 2.447702632407692 2.2991152501796446 +8126,1.8440663921062659,0,1.0252106153589138 0.7076308823185938 0.6322021485982521 0.6217030054958915 0.5246310750060768 0.49248873513424335 0.6609006664846923 0.6956097503020214 0.6491761933557653 1.1011294809660537 1.630472030153456 1.9462202173880487 2.3269753843474033 2.356383303746703 2.526639679216338 2.676774846675918 2.6055767260249842 2.447702632407692 2.2991152501796446 2.1721968611931928 +8127,1.5902296141333627,0,0.7076308823185938 0.6322021485982521 0.6217030054958915 0.5246310750060768 0.49248873513424335 0.6609006664846923 0.6956097503020214 0.6491761933557653 1.1011294809660537 1.630472030153456 1.9462202173880487 2.3269753843474033 2.356383303746703 2.526639679216338 2.676774846675918 2.6055767260249842 2.447702632407692 2.2991152501796446 2.1721968611931928 1.8440663921062659 +8128,1.4354510909791522,0,0.6322021485982521 0.6217030054958915 0.5246310750060768 0.49248873513424335 0.6609006664846923 0.6956097503020214 0.6491761933557653 1.1011294809660537 1.630472030153456 1.9462202173880487 2.3269753843474033 2.356383303746703 2.526639679216338 2.676774846675918 2.6055767260249842 2.447702632407692 2.2991152501796446 2.1721968611931928 1.8440663921062659 1.5902296141333627 +8129,1.2868637087511132,0,0.6217030054958915 0.5246310750060768 0.49248873513424335 0.6609006664846923 0.6956097503020214 0.6491761933557653 1.1011294809660537 1.630472030153456 1.9462202173880487 2.3269753843474033 2.356383303746703 2.526639679216338 2.676774846675918 2.6055767260249842 2.447702632407692 2.2991152501796446 2.1721968611931928 1.8440663921062659 1.5902296141333627 1.4354510909791522 +8130,1.2125700176370895,0,0.5246310750060768 0.49248873513424335 0.6609006664846923 0.6956097503020214 0.6491761933557653 1.1011294809660537 1.630472030153456 1.9462202173880487 2.3269753843474033 2.356383303746703 2.526639679216338 2.676774846675918 2.6055767260249842 2.447702632407692 2.2991152501796446 2.1721968611931928 1.8440663921062659 1.5902296141333627 1.4354510909791522 1.2868637087511132 +8131,0.9742110919796021,0,0.49248873513424335 0.6609006664846923 0.6956097503020214 0.6491761933557653 1.1011294809660537 1.630472030153456 1.9462202173880487 2.3269753843474033 2.356383303746703 2.526639679216338 2.676774846675918 2.6055767260249842 2.447702632407692 2.2991152501796446 2.1721968611931928 1.8440663921062659 1.5902296141333627 1.4354510909791522 1.2868637087511132 1.2125700176370895 +8132,0.9030129713286684,0,0.6609006664846923 0.6956097503020214 0.6491761933557653 1.1011294809660537 1.630472030153456 1.9462202173880487 2.3269753843474033 2.356383303746703 2.526639679216338 2.676774846675918 2.6055767260249842 2.447702632407692 2.2991152501796446 2.1721968611931928 1.8440663921062659 1.5902296141333627 1.4354510909791522 1.2868637087511132 1.2125700176370895 0.9742110919796021 +8133,0.8194325688253916,0,0.6956097503020214 0.6491761933557653 1.1011294809660537 1.630472030153456 1.9462202173880487 2.3269753843474033 2.356383303746703 2.526639679216338 2.676774846675918 2.6055767260249842 2.447702632407692 2.2991152501796446 2.1721968611931928 1.8440663921062659 1.5902296141333627 1.4354510909791522 1.2868637087511132 1.2125700176370895 0.9742110919796021 0.9030129713286684 +8134,0.7358521663221236,0,0.6491761933557653 1.1011294809660537 1.630472030153456 1.9462202173880487 2.3269753843474033 2.356383303746703 2.526639679216338 2.676774846675918 2.6055767260249842 2.447702632407692 2.2991152501796446 2.1721968611931928 1.8440663921062659 1.5902296141333627 1.4354510909791522 1.2868637087511132 1.2125700176370895 0.9742110919796021 0.9030129713286684 0.8194325688253916 +8135,0.7466866629429172,0,1.1011294809660537 1.630472030153456 1.9462202173880487 2.3269753843474033 2.356383303746703 2.526639679216338 2.676774846675918 2.6055767260249842 2.447702632407692 2.2991152501796446 2.1721968611931928 1.8440663921062659 1.5902296141333627 1.4354510909791522 1.2868637087511132 1.2125700176370895 0.9742110919796021 0.9030129713286684 0.8194325688253916 0.7358521663221236 +8136,0.6669757235184921,0,1.630472030153456 1.9462202173880487 2.3269753843474033 2.356383303746703 2.526639679216338 2.676774846675918 2.6055767260249842 2.447702632407692 2.2991152501796446 2.1721968611931928 1.8440663921062659 1.5902296141333627 1.4354510909791522 1.2868637087511132 1.2125700176370895 0.9742110919796021 0.9030129713286684 0.8194325688253916 0.7358521663221236 0.7466866629429172 +8137,0.5872647840940758,0,1.9462202173880487 2.3269753843474033 2.356383303746703 2.526639679216338 2.676774846675918 2.6055767260249842 2.447702632407692 2.2991152501796446 2.1721968611931928 1.8440663921062659 1.5902296141333627 1.4354510909791522 1.2868637087511132 1.2125700176370895 0.9742110919796021 0.9030129713286684 0.8194325688253916 0.7358521663221236 0.7466866629429172 0.6669757235184921 +8138,0.8295705620919902,0,2.3269753843474033 2.356383303746703 2.526639679216338 2.676774846675918 2.6055767260249842 2.447702632407692 2.2991152501796446 2.1721968611931928 1.8440663921062659 1.5902296141333627 1.4354510909791522 1.2868637087511132 1.2125700176370895 0.9742110919796021 0.9030129713286684 0.8194325688253916 0.7358521663221236 0.7466866629429172 0.6669757235184921 0.5872647840940758 +8139,0.9227214365587066,0,2.356383303746703 2.526639679216338 2.676774846675918 2.6055767260249842 2.447702632407692 2.2991152501796446 2.1721968611931928 1.8440663921062659 1.5902296141333627 1.4354510909791522 1.2868637087511132 1.2125700176370895 0.9742110919796021 0.9030129713286684 0.8194325688253916 0.7358521663221236 0.7466866629429172 0.6669757235184921 0.5872647840940758 0.8295705620919902 +8140,1.0904497628684104,0,2.526639679216338 2.676774846675918 2.6055767260249842 2.447702632407692 2.2991152501796446 2.1721968611931928 1.8440663921062659 1.5902296141333627 1.4354510909791522 1.2868637087511132 1.2125700176370895 0.9742110919796021 0.9030129713286684 0.8194325688253916 0.7358521663221236 0.7466866629429172 0.6669757235184921 0.5872647840940758 0.8295705620919902 0.9227214365587066 +8141,1.8951433047471529,0,2.676774846675918 2.6055767260249842 2.447702632407692 2.2991152501796446 2.1721968611931928 1.8440663921062659 1.5902296141333627 1.4354510909791522 1.2868637087511132 1.2125700176370895 0.9742110919796021 0.9030129713286684 0.8194325688253916 0.7358521663221236 0.7466866629429172 0.6669757235184921 0.5872647840940758 0.8295705620919902 0.9227214365587066 1.0904497628684104 +8142,2.097903170079169,0,2.6055767260249842 2.447702632407692 2.2991152501796446 2.1721968611931928 1.8440663921062659 1.5902296141333627 1.4354510909791522 1.2868637087511132 1.2125700176370895 0.9742110919796021 0.9030129713286684 0.8194325688253916 0.7358521663221236 0.7466866629429172 0.6669757235184921 0.5872647840940758 0.8295705620919902 0.9227214365587066 1.0904497628684104 1.8951433047471529 +8143,2.300663035411185,0,2.447702632407692 2.2991152501796446 2.1721968611931928 1.8440663921062659 1.5902296141333627 1.4354510909791522 1.2868637087511132 1.2125700176370895 0.9742110919796021 0.9030129713286684 0.8194325688253916 0.7358521663221236 0.7466866629429172 0.6669757235184921 0.5872647840940758 0.8295705620919902 0.9227214365587066 1.0904497628684104 1.8951433047471529 2.097903170079169 +8144,2.4507982028707733,0,2.2991152501796446 2.1721968611931928 1.8440663921062659 1.5902296141333627 1.4354510909791522 1.2868637087511132 1.2125700176370895 0.9742110919796021 0.9030129713286684 0.8194325688253916 0.7358521663221236 0.7466866629429172 0.6669757235184921 0.5872647840940758 0.8295705620919902 0.9227214365587066 1.0904497628684104 1.8951433047471529 2.097903170079169 2.300663035411185 +8145,2.4902667262750966,0,2.1721968611931928 1.8440663921062659 1.5902296141333627 1.4354510909791522 1.2868637087511132 1.2125700176370895 0.9742110919796021 0.9030129713286684 0.8194325688253916 0.7358521663221236 0.7466866629429172 0.6669757235184921 0.5872647840940758 0.8295705620919902 0.9227214365587066 1.0904497628684104 1.8951433047471529 2.097903170079169 2.300663035411185 2.4507982028707733 +8146,2.5297352496794194,0,1.8440663921062659 1.5902296141333627 1.4354510909791522 1.2868637087511132 1.2125700176370895 0.9742110919796021 0.9030129713286684 0.8194325688253916 0.7358521663221236 0.7466866629429172 0.6669757235184921 0.5872647840940758 0.8295705620919902 0.9227214365587066 1.0904497628684104 1.8951433047471529 2.097903170079169 2.300663035411185 2.4507982028707733 2.4902667262750966 +8147,2.461632699491567,0,1.5902296141333627 1.4354510909791522 1.2868637087511132 1.2125700176370895 0.9742110919796021 0.9030129713286684 0.8194325688253916 0.7358521663221236 0.7466866629429172 0.6669757235184921 0.5872647840940758 0.8295705620919902 0.9227214365587066 1.0904497628684104 1.8951433047471529 2.097903170079169 2.300663035411185 2.4507982028707733 2.4902667262750966 2.5297352496794194 +8148,2.354061625899392,0,1.4354510909791522 1.2868637087511132 1.2125700176370895 0.9742110919796021 0.9030129713286684 0.8194325688253916 0.7358521663221236 0.7466866629429172 0.6669757235184921 0.5872647840940758 0.8295705620919902 0.9227214365587066 1.0904497628684104 1.8951433047471529 2.097903170079169 2.300663035411185 2.4507982028707733 2.4902667262750966 2.5297352496794194 2.461632699491567 +8149,2.2464905523072165,0,1.2868637087511132 1.2125700176370895 0.9742110919796021 0.9030129713286684 0.8194325688253916 0.7358521663221236 0.7466866629429172 0.6669757235184921 0.5872647840940758 0.8295705620919902 0.9227214365587066 1.0904497628684104 1.8951433047471529 2.097903170079169 2.300663035411185 2.4507982028707733 2.4902667262750966 2.5297352496794194 2.461632699491567 2.354061625899392 +8150,2.4384159210184393,0,1.2125700176370895 0.9742110919796021 0.9030129713286684 0.8194325688253916 0.7358521663221236 0.7466866629429172 0.6669757235184921 0.5872647840940758 0.8295705620919902 0.9227214365587066 1.0904497628684104 1.8951433047471529 2.097903170079169 2.300663035411185 2.4507982028707733 2.4902667262750966 2.5297352496794194 2.461632699491567 2.354061625899392 2.2464905523072165 +8151,2.1358239082519512,0,0.9742110919796021 0.9030129713286684 0.8194325688253916 0.7358521663221236 0.7466866629429172 0.6669757235184921 0.5872647840940758 0.8295705620919902 0.9227214365587066 1.0904497628684104 1.8951433047471529 2.097903170079169 2.300663035411185 2.4507982028707733 2.4902667262750966 2.5297352496794194 2.461632699491567 2.354061625899392 2.2464905523072165 2.4384159210184393 +8152,1.8332318954854723,0,0.9030129713286684 0.8194325688253916 0.7358521663221236 0.7466866629429172 0.6669757235184921 0.5872647840940758 0.8295705620919902 0.9227214365587066 1.0904497628684104 1.8951433047471529 2.097903170079169 2.300663035411185 2.4507982028707733 2.4902667262750966 2.5297352496794194 2.461632699491567 2.354061625899392 2.2464905523072165 2.4384159210184393 2.1358239082519512 +8153,1.5716561913548568,0,0.8194325688253916 0.7358521663221236 0.7466866629429172 0.6669757235184921 0.5872647840940758 0.8295705620919902 0.9227214365587066 1.0904497628684104 1.8951433047471529 2.097903170079169 2.300663035411185 2.4507982028707733 2.4902667262750966 2.5297352496794194 2.461632699491567 2.354061625899392 2.2464905523072165 2.4384159210184393 2.1358239082519512 1.8332318954854723 +8154,1.2651947155095171,0,0.7358521663221236 0.7466866629429172 0.6669757235184921 0.5872647840940758 0.8295705620919902 0.9227214365587066 1.0904497628684104 1.8951433047471529 2.097903170079169 2.300663035411185 2.4507982028707733 2.4902667262750966 2.5297352496794194 2.461632699491567 2.354061625899392 2.2464905523072165 2.4384159210184393 2.1358239082519512 1.8332318954854723 1.5716561913548568 +8155,0.9587332396641863,0,0.7466866629429172 0.6669757235184921 0.5872647840940758 0.8295705620919902 0.9227214365587066 1.0904497628684104 1.8951433047471529 2.097903170079169 2.300663035411185 2.4507982028707733 2.4902667262750966 2.5297352496794194 2.461632699491567 2.354061625899392 2.2464905523072165 2.4384159210184393 2.1358239082519512 1.8332318954854723 1.5716561913548568 1.2651947155095171 +8156,0.8147892131307695,0,0.6669757235184921 0.5872647840940758 0.8295705620919902 0.9227214365587066 1.0904497628684104 1.8951433047471529 2.097903170079169 2.300663035411185 2.4507982028707733 2.4902667262750966 2.5297352496794194 2.461632699491567 2.354061625899392 2.2464905523072165 2.4384159210184393 2.1358239082519512 1.8332318954854723 1.5716561913548568 1.2651947155095171 0.9587332396641863 +8157,0.7121710522795263,0,0.5872647840940758 0.8295705620919902 0.9227214365587066 1.0904497628684104 1.8951433047471529 2.097903170079169 2.300663035411185 2.4507982028707733 2.4902667262750966 2.5297352496794194 2.461632699491567 2.354061625899392 2.2464905523072165 2.4384159210184393 2.1358239082519512 1.8332318954854723 1.5716561913548568 1.2651947155095171 0.9587332396641863 0.8147892131307695 +8158,0.5038907529034191,0,0.8295705620919902 0.9227214365587066 1.0904497628684104 1.8951433047471529 2.097903170079169 2.300663035411185 2.4507982028707733 2.4902667262750966 2.5297352496794194 2.461632699491567 2.354061625899392 2.2464905523072165 2.4384159210184393 2.1358239082519512 1.8332318954854723 1.5716561913548568 1.2651947155095171 0.9587332396641863 0.8147892131307695 0.7121710522795263 +8159,0.45410366139200065,0,0.9227214365587066 1.0904497628684104 1.8951433047471529 2.097903170079169 2.300663035411185 2.4507982028707733 2.4902667262750966 2.5297352496794194 2.461632699491567 2.354061625899392 2.2464905523072165 2.4384159210184393 2.1358239082519512 1.8332318954854723 1.5716561913548568 1.2651947155095171 0.9587332396641863 0.8147892131307695 0.7121710522795263 0.5038907529034191 +8160,0.6063334981466741,0,1.0904497628684104 1.8951433047471529 2.097903170079169 2.300663035411185 2.4507982028707733 2.4902667262750966 2.5297352496794194 2.461632699491567 2.354061625899392 2.2464905523072165 2.4384159210184393 2.1358239082519512 1.8332318954854723 1.5716561913548568 1.2651947155095171 0.9587332396641863 0.8147892131307695 0.7121710522795263 0.5038907529034191 0.45410366139200065 +8161,0.5228769184619247,0,1.8951433047471529 2.097903170079169 2.300663035411185 2.4507982028707733 2.4902667262750966 2.5297352496794194 2.461632699491567 2.354061625899392 2.2464905523072165 2.4384159210184393 2.1358239082519512 1.8332318954854723 1.5716561913548568 1.2651947155095171 0.9587332396641863 0.8147892131307695 0.7121710522795263 0.5038907529034191 0.45410366139200065 0.6063334981466741 +8162,0.641437267198053,0,2.097903170079169 2.300663035411185 2.4507982028707733 2.4902667262750966 2.5297352496794194 2.461632699491567 2.354061625899392 2.2464905523072165 2.4384159210184393 2.1358239082519512 1.8332318954854723 1.5716561913548568 1.2651947155095171 0.9587332396641863 0.8147892131307695 0.7121710522795263 0.5038907529034191 0.45410366139200065 0.6063334981466741 0.5228769184619247 +8163,1.1003555883502834,0,2.300663035411185 2.4507982028707733 2.4902667262750966 2.5297352496794194 2.461632699491567 2.354061625899392 2.2464905523072165 2.4384159210184393 2.1358239082519512 1.8332318954854723 1.5716561913548568 1.2651947155095171 0.9587332396641863 0.8147892131307695 0.7121710522795263 0.5038907529034191 0.45410366139200065 0.6063334981466741 0.5228769184619247 0.641437267198053 +8164,1.5592739095025223,0,2.4507982028707733 2.4902667262750966 2.5297352496794194 2.461632699491567 2.354061625899392 2.2464905523072165 2.4384159210184393 2.1358239082519512 1.8332318954854723 1.5716561913548568 1.2651947155095171 0.9587332396641863 0.8147892131307695 0.7121710522795263 0.5038907529034191 0.45410366139200065 0.6063334981466741 0.5228769184619247 0.641437267198053 1.1003555883502834 +8165,1.8781176672001965,0,2.4902667262750966 2.5297352496794194 2.461632699491567 2.354061625899392 2.2464905523072165 2.4384159210184393 2.1358239082519512 1.8332318954854723 1.5716561913548568 1.2651947155095171 0.9587332396641863 0.8147892131307695 0.7121710522795263 0.5038907529034191 0.45410366139200065 0.6063334981466741 0.5228769184619247 0.641437267198053 1.1003555883502834 1.5592739095025223 +8166,2.421390283471474,0,2.5297352496794194 2.461632699491567 2.354061625899392 2.2464905523072165 2.4384159210184393 2.1358239082519512 1.8332318954854723 1.5716561913548568 1.2651947155095171 0.9587332396641863 0.8147892131307695 0.7121710522795263 0.5038907529034191 0.45410366139200065 0.6063334981466741 0.5228769184619247 0.641437267198053 1.1003555883502834 1.5592739095025223 1.8781176672001965 +8167,2.9646628997427515,0,2.461632699491567 2.354061625899392 2.2464905523072165 2.4384159210184393 2.1358239082519512 1.8332318954854723 1.5716561913548568 1.2651947155095171 0.9587332396641863 0.8147892131307695 0.7121710522795263 0.5038907529034191 0.45410366139200065 0.6063334981466741 0.5228769184619247 0.641437267198053 1.1003555883502834 1.5592739095025223 1.8781176672001965 2.421390283471474 +8168,3.26648101989346,0,2.354061625899392 2.2464905523072165 2.4384159210184393 2.1358239082519512 1.8332318954854723 1.5716561913548568 1.2651947155095171 0.9587332396641863 0.8147892131307695 0.7121710522795263 0.5038907529034191 0.45410366139200065 0.6063334981466741 0.5228769184619247 0.641437267198053 1.1003555883502834 1.5592739095025223 1.8781176672001965 2.421390283471474 2.9646628997427515 +8169,3.040504376088316,0,2.2464905523072165 2.4384159210184393 2.1358239082519512 1.8332318954854723 1.5716561913548568 1.2651947155095171 0.9587332396641863 0.8147892131307695 0.7121710522795263 0.5038907529034191 0.45410366139200065 0.6063334981466741 0.5228769184619247 0.641437267198053 1.1003555883502834 1.5592739095025223 1.8781176672001965 2.421390283471474 2.9646628997427515 3.26648101989346 +8170,2.814527732283163,0,2.4384159210184393 2.1358239082519512 1.8332318954854723 1.5716561913548568 1.2651947155095171 0.9587332396641863 0.8147892131307695 0.7121710522795263 0.5038907529034191 0.45410366139200065 0.6063334981466741 0.5228769184619247 0.641437267198053 1.1003555883502834 1.5592739095025223 1.8781176672001965 2.421390283471474 2.9646628997427515 3.26648101989346 3.040504376088316 +8171,2.679870417139008,0,2.1358239082519512 1.8332318954854723 1.5716561913548568 1.2651947155095171 0.9587332396641863 0.8147892131307695 0.7121710522795263 0.5038907529034191 0.45410366139200065 0.6063334981466741 0.5228769184619247 0.641437267198053 1.1003555883502834 1.5592739095025223 1.8781176672001965 2.421390283471474 2.9646628997427515 3.26648101989346 3.040504376088316 2.814527732283163 +8172,2.596290014635731,0,1.8332318954854723 1.5716561913548568 1.2651947155095171 0.9587332396641863 0.8147892131307695 0.7121710522795263 0.5038907529034191 0.45410366139200065 0.6063334981466741 0.5228769184619247 0.641437267198053 1.1003555883502834 1.5592739095025223 1.8781176672001965 2.421390283471474 2.9646628997427515 3.26648101989346 3.040504376088316 2.814527732283163 2.679870417139008 +8173,2.435320350555349,0,1.5716561913548568 1.2651947155095171 0.9587332396641863 0.8147892131307695 0.7121710522795263 0.5038907529034191 0.45410366139200065 0.6063334981466741 0.5228769184619247 0.641437267198053 1.1003555883502834 1.5592739095025223 1.8781176672001965 2.421390283471474 2.9646628997427515 3.26648101989346 3.040504376088316 2.814527732283163 2.679870417139008 2.596290014635731 +8174,2.526639679216338,0,1.2651947155095171 0.9587332396641863 0.8147892131307695 0.7121710522795263 0.5038907529034191 0.45410366139200065 0.6063334981466741 0.5228769184619247 0.641437267198053 1.1003555883502834 1.5592739095025223 1.8781176672001965 2.421390283471474 2.9646628997427515 3.26648101989346 3.040504376088316 2.814527732283163 2.679870417139008 2.596290014635731 2.435320350555349 +8175,2.0483740426698227,0,0.9587332396641863 0.8147892131307695 0.7121710522795263 0.5038907529034191 0.45410366139200065 0.6063334981466741 0.5228769184619247 0.641437267198053 1.1003555883502834 1.5592739095025223 1.8781176672001965 2.421390283471474 2.9646628997427515 3.26648101989346 3.040504376088316 2.814527732283163 2.679870417139008 2.596290014635731 2.435320350555349 2.526639679216338 +8176,1.7867983385392072,0,0.8147892131307695 0.7121710522795263 0.5038907529034191 0.45410366139200065 0.6063334981466741 0.5228769184619247 0.641437267198053 1.1003555883502834 1.5592739095025223 1.8781176672001965 2.421390283471474 2.9646628997427515 3.26648101989346 3.040504376088316 2.814527732283163 2.679870417139008 2.596290014635731 2.435320350555349 2.526639679216338 2.0483740426698227 +8177,1.5159359230193388,0,0.7121710522795263 0.5038907529034191 0.45410366139200065 0.6063334981466741 0.5228769184619247 0.641437267198053 1.1003555883502834 1.5592739095025223 1.8781176672001965 2.421390283471474 2.9646628997427515 3.26648101989346 3.040504376088316 2.814527732283163 2.679870417139008 2.596290014635731 2.435320350555349 2.526639679216338 2.0483740426698227 1.7867983385392072 +8178,1.1939965948585836,0,0.5038907529034191 0.45410366139200065 0.6063334981466741 0.5228769184619247 0.641437267198053 1.1003555883502834 1.5592739095025223 1.8781176672001965 2.421390283471474 2.9646628997427515 3.26648101989346 3.040504376088316 2.814527732283163 2.679870417139008 2.596290014635731 2.435320350555349 2.526639679216338 2.0483740426698227 1.7867983385392072 1.5159359230193388 +8179,0.8720572666978281,0,0.45410366139200065 0.6063334981466741 0.5228769184619247 0.641437267198053 1.1003555883502834 1.5592739095025223 1.8781176672001965 2.421390283471474 2.9646628997427515 3.26648101989346 3.040504376088316 2.814527732283163 2.679870417139008 2.596290014635731 2.435320350555349 2.526639679216338 2.0483740426698227 1.7867983385392072 1.5159359230193388 1.1939965948585836 +8180,0.734304381090574,0,0.6063334981466741 0.5228769184619247 0.641437267198053 1.1003555883502834 1.5592739095025223 1.8781176672001965 2.421390283471474 2.9646628997427515 3.26648101989346 3.040504376088316 2.814527732283163 2.679870417139008 2.596290014635731 2.435320350555349 2.526639679216338 2.0483740426698227 1.7867983385392072 1.5159359230193388 1.1939965948585836 0.8720572666978281 +8181,0.7010269986124227,0,0.5228769184619247 0.641437267198053 1.1003555883502834 1.5592739095025223 1.8781176672001965 2.421390283471474 2.9646628997427515 3.26648101989346 3.040504376088316 2.814527732283163 2.679870417139008 2.596290014635731 2.435320350555349 2.526639679216338 2.0483740426698227 1.7867983385392072 1.5159359230193388 1.1939965948585836 0.8720572666978281 0.734304381090574 +8182,0.6677496161342713,0,0.641437267198053 1.1003555883502834 1.5592739095025223 1.8781176672001965 2.421390283471474 2.9646628997427515 3.26648101989346 3.040504376088316 2.814527732283163 2.679870417139008 2.596290014635731 2.435320350555349 2.526639679216338 2.0483740426698227 1.7867983385392072 1.5159359230193388 1.1939965948585836 0.8720572666978281 0.734304381090574 0.7010269986124227 +8183,0.7931202198891821,0,1.1003555883502834 1.5592739095025223 1.8781176672001965 2.421390283471474 2.9646628997427515 3.26648101989346 3.040504376088316 2.814527732283163 2.679870417139008 2.596290014635731 2.435320350555349 2.526639679216338 2.0483740426698227 1.7867983385392072 1.5159359230193388 1.1939965948585836 0.8720572666978281 0.734304381090574 0.7010269986124227 0.6677496161342713 +8184,0.7813957467602464,0,1.5592739095025223 1.8781176672001965 2.421390283471474 2.9646628997427515 3.26648101989346 3.040504376088316 2.814527732283163 2.679870417139008 2.596290014635731 2.435320350555349 2.526639679216338 2.0483740426698227 1.7867983385392072 1.5159359230193388 1.1939965948585836 0.8720572666978281 0.734304381090574 0.7010269986124227 0.6677496161342713 0.7931202198891821 +8185,0.38868393888723013,0,1.8781176672001965 2.421390283471474 2.9646628997427515 3.26648101989346 3.040504376088316 2.814527732283163 2.679870417139008 2.596290014635731 2.435320350555349 2.526639679216338 2.0483740426698227 1.7867983385392072 1.5159359230193388 1.1939965948585836 0.8720572666978281 0.734304381090574 0.7010269986124227 0.6677496161342713 0.7931202198891821 0.7813957467602464 +8186,0.5674531331303391,0,2.421390283471474 2.9646628997427515 3.26648101989346 3.040504376088316 2.814527732283163 2.679870417139008 2.596290014635731 2.435320350555349 2.526639679216338 2.0483740426698227 1.7867983385392072 1.5159359230193388 1.1939965948585836 0.8720572666978281 0.734304381090574 0.7010269986124227 0.6677496161342713 0.7931202198891821 0.7813957467602464 0.38868393888723013 +8187,1.1094875212163857,0,2.9646628997427515 3.26648101989346 3.040504376088316 2.814527732283163 2.679870417139008 2.596290014635731 2.435320350555349 2.526639679216338 2.0483740426698227 1.7867983385392072 1.5159359230193388 1.1939965948585836 0.8720572666978281 0.734304381090574 0.7010269986124227 0.6677496161342713 0.7931202198891821 0.7813957467602464 0.38868393888723013 0.5674531331303391 +8188,1.167168317563444,0,3.26648101989346 3.040504376088316 2.814527732283163 2.679870417139008 2.596290014635731 2.435320350555349 2.526639679216338 2.0483740426698227 1.7867983385392072 1.5159359230193388 1.1939965948585836 0.8720572666978281 0.734304381090574 0.7010269986124227 0.6677496161342713 0.7931202198891821 0.7813957467602464 0.38868393888723013 0.5674531331303391 1.1094875212163857 +8189,1.588114307598663,0,3.040504376088316 2.814527732283163 2.679870417139008 2.596290014635731 2.435320350555349 2.526639679216338 2.0483740426698227 1.7867983385392072 1.5159359230193388 1.1939965948585836 0.8720572666978281 0.734304381090574 0.7010269986124227 0.6677496161342713 0.7931202198891821 0.7813957467602464 0.38868393888723013 0.5674531331303391 1.1094875212163857 1.167168317563444 +8190,1.5689475671996607,0,2.814527732283163 2.679870417139008 2.596290014635731 2.435320350555349 2.526639679216338 2.0483740426698227 1.7867983385392072 1.5159359230193388 1.1939965948585836 0.8720572666978281 0.734304381090574 0.7010269986124227 0.6677496161342713 0.7931202198891821 0.7813957467602464 0.38868393888723013 0.5674531331303391 1.1094875212163857 1.167168317563444 1.588114307598663 +8191,2.1365978008677216,0,2.679870417139008 2.596290014635731 2.435320350555349 2.526639679216338 2.0483740426698227 1.7867983385392072 1.5159359230193388 1.1939965948585836 0.8720572666978281 0.734304381090574 0.7010269986124227 0.6677496161342713 0.7931202198891821 0.7813957467602464 0.38868393888723013 0.5674531331303391 1.1094875212163857 1.167168317563444 1.588114307598663 1.5689475671996607 +8192,2.264135303946793,0,2.596290014635731 2.435320350555349 2.526639679216338 2.0483740426698227 1.7867983385392072 1.5159359230193388 1.1939965948585836 0.8720572666978281 0.734304381090574 0.7010269986124227 0.6677496161342713 0.7931202198891821 0.7813957467602464 0.38868393888723013 0.5674531331303391 1.1094875212163857 1.167168317563444 1.588114307598663 1.5689475671996607 2.1365978008677216 +8193,2.1448010625948943,0,2.435320350555349 2.526639679216338 2.0483740426698227 1.7867983385392072 1.5159359230193388 1.1939965948585836 0.8720572666978281 0.734304381090574 0.7010269986124227 0.6677496161342713 0.7931202198891821 0.7813957467602464 0.38868393888723013 0.5674531331303391 1.1094875212163857 1.167168317563444 1.588114307598663 1.5689475671996607 2.1365978008677216 2.264135303946793 +8194,2.354629147202551,0,2.526639679216338 2.0483740426698227 1.7867983385392072 1.5159359230193388 1.1939965948585836 0.8720572666978281 0.734304381090574 0.7010269986124227 0.6677496161342713 0.7931202198891821 0.7813957467602464 0.38868393888723013 0.5674531331303391 1.1094875212163857 1.167168317563444 1.588114307598663 1.5689475671996607 2.1365978008677216 2.264135303946793 2.1448010625948943 +8195,2.3175854872244517,0,2.0483740426698227 1.7867983385392072 1.5159359230193388 1.1939965948585836 0.8720572666978281 0.734304381090574 0.7010269986124227 0.6677496161342713 0.7931202198891821 0.7813957467602464 0.38868393888723013 0.5674531331303391 1.1094875212163857 1.167168317563444 1.588114307598663 1.5689475671996607 2.1365978008677216 2.264135303946793 2.1448010625948943 2.354629147202551 +8196,2.0946141264621496,0,1.7867983385392072 1.5159359230193388 1.1939965948585836 0.8720572666978281 0.734304381090574 0.7010269986124227 0.6677496161342713 0.7931202198891821 0.7813957467602464 0.38868393888723013 0.5674531331303391 1.1094875212163857 1.167168317563444 1.588114307598663 1.5689475671996607 2.1365978008677216 2.264135303946793 2.1448010625948943 2.354629147202551 2.3175854872244517 +8197,1.9955945662742445,0,1.5159359230193388 1.1939965948585836 0.8720572666978281 0.734304381090574 0.7010269986124227 0.6677496161342713 0.7931202198891821 0.7813957467602464 0.38868393888723013 0.5674531331303391 1.1094875212163857 1.167168317563444 1.588114307598663 1.5689475671996607 2.1365978008677216 2.264135303946793 2.1448010625948943 2.354629147202551 2.3175854872244517 2.0946141264621496 +8198,1.2825299101027923,0,1.1939965948585836 0.8720572666978281 0.734304381090574 0.7010269986124227 0.6677496161342713 0.7931202198891821 0.7813957467602464 0.38868393888723013 0.5674531331303391 1.1094875212163857 1.167168317563444 1.588114307598663 1.5689475671996607 2.1365978008677216 2.264135303946793 2.1448010625948943 2.354629147202551 2.3175854872244517 2.0946141264621496 1.9955945662742445 +8199,1.2825299101027923,0,0.8720572666978281 0.734304381090574 0.7010269986124227 0.6677496161342713 0.7931202198891821 0.7813957467602464 0.38868393888723013 0.5674531331303391 1.1094875212163857 1.167168317563444 1.588114307598663 1.5689475671996607 2.1365978008677216 2.264135303946793 2.1448010625948943 2.354629147202551 2.3175854872244517 2.0946141264621496 1.9955945662742445 1.2825299101027923 +8200,1.251264648425642,0,0.734304381090574 0.7010269986124227 0.6677496161342713 0.7931202198891821 0.7813957467602464 0.38868393888723013 0.5674531331303391 1.1094875212163857 1.167168317563444 1.588114307598663 1.5689475671996607 2.1365978008677216 2.264135303946793 2.1448010625948943 2.354629147202551 2.3175854872244517 2.0946141264621496 1.9955945662742445 1.2825299101027923 1.2825299101027923 +8201,1.1073206218922251,0,0.7010269986124227 0.6677496161342713 0.7931202198891821 0.7813957467602464 0.38868393888723013 0.5674531331303391 1.1094875212163857 1.167168317563444 1.588114307598663 1.5689475671996607 2.1365978008677216 2.264135303946793 2.1448010625948943 2.354629147202551 2.3175854872244517 2.0946141264621496 1.9955945662742445 1.2825299101027923 1.2825299101027923 1.251264648425642 +8202,0.962602702743038,0,0.6677496161342713 0.7931202198891821 0.7813957467602464 0.38868393888723013 0.5674531331303391 1.1094875212163857 1.167168317563444 1.588114307598663 1.5689475671996607 2.1365978008677216 2.264135303946793 2.1448010625948943 2.354629147202551 2.3175854872244517 2.0946141264621496 1.9955945662742445 1.2825299101027923 1.2825299101027923 1.251264648425642 1.1073206218922251 +8203,0.5459905112013631,0,0.7931202198891821 0.7813957467602464 0.38868393888723013 0.5674531331303391 1.1094875212163857 1.167168317563444 1.588114307598663 1.5689475671996607 2.1365978008677216 2.264135303946793 2.1448010625948943 2.354629147202551 2.3175854872244517 2.0946141264621496 1.9955945662742445 1.2825299101027923 1.2825299101027923 1.251264648425642 1.1073206218922251 0.962602702743038 +8204,0.5372197283258082,0,0.7813957467602464 0.38868393888723013 0.5674531331303391 1.1094875212163857 1.167168317563444 1.588114307598663 1.5689475671996607 2.1365978008677216 2.264135303946793 2.1448010625948943 2.354629147202551 2.3175854872244517 2.0946141264621496 1.9955945662742445 1.2825299101027923 1.2825299101027923 1.251264648425642 1.1073206218922251 0.962602702743038 0.5459905112013631 +8205,0.5284489452954765,0,0.38868393888723013 0.5674531331303391 1.1094875212163857 1.167168317563444 1.588114307598663 1.5689475671996607 2.1365978008677216 2.264135303946793 2.1448010625948943 2.354629147202551 2.3175854872244517 2.0946141264621496 1.9955945662742445 1.2825299101027923 1.2825299101027923 1.251264648425642 1.1073206218922251 0.962602702743038 0.5459905112013631 0.5372197283258082 +8206,0.3586569053953107,0,0.5674531331303391 1.1094875212163857 1.167168317563444 1.588114307598663 1.5689475671996607 2.1365978008677216 2.264135303946793 2.1448010625948943 2.354629147202551 2.3175854872244517 2.0946141264621496 1.9955945662742445 1.2825299101027923 1.2825299101027923 1.251264648425642 1.1073206218922251 0.962602702743038 0.5459905112013631 0.5372197283258082 0.5284489452954765 +8207,0.18886486549513604,0,1.1094875212163857 1.167168317563444 1.588114307598663 1.5689475671996607 2.1365978008677216 2.264135303946793 2.1448010625948943 2.354629147202551 2.3175854872244517 2.0946141264621496 1.9955945662742445 1.2825299101027923 1.2825299101027923 1.251264648425642 1.1073206218922251 0.962602702743038 0.5459905112013631 0.5372197283258082 0.5284489452954765 0.3586569053953107 +8208,0.5320088513280271,0,1.167168317563444 1.588114307598663 1.5689475671996607 2.1365978008677216 2.264135303946793 2.1448010625948943 2.354629147202551 2.3175854872244517 2.0946141264621496 1.9955945662742445 1.2825299101027923 1.2825299101027923 1.251264648425642 1.1073206218922251 0.962602702743038 0.5459905112013631 0.5372197283258082 0.5284489452954765 0.3586569053953107 0.18886486549513604 +8209,0.1912381361319079,0,1.588114307598663 1.5689475671996607 2.1365978008677216 2.264135303946793 2.1448010625948943 2.354629147202551 2.3175854872244517 2.0946141264621496 1.9955945662742445 1.2825299101027923 1.2825299101027923 1.251264648425642 1.1073206218922251 0.962602702743038 0.5459905112013631 0.5372197283258082 0.5284489452954765 0.3586569053953107 0.18886486549513604 0.5320088513280271 +8210,0.3634034468236313,0,1.5689475671996607 2.1365978008677216 2.264135303946793 2.1448010625948943 2.354629147202551 2.3175854872244517 2.0946141264621496 1.9955945662742445 1.2825299101027923 1.2825299101027923 1.251264648425642 1.1073206218922251 0.962602702743038 0.5459905112013631 0.5372197283258082 0.5284489452954765 0.3586569053953107 0.18886486549513604 0.5320088513280271 0.1912381361319079 +8211,0.9654815832737051,0,2.1365978008677216 2.264135303946793 2.1448010625948943 2.354629147202551 2.3175854872244517 2.0946141264621496 1.9955945662742445 1.2825299101027923 1.2825299101027923 1.251264648425642 1.1073206218922251 0.962602702743038 0.5459905112013631 0.5372197283258082 0.5284489452954765 0.3586569053953107 0.18886486549513604 0.5320088513280271 0.1912381361319079 0.3634034468236313 +8212,1.0659947562100516,0,2.264135303946793 2.1448010625948943 2.354629147202551 2.3175854872244517 2.0946141264621496 1.9955945662742445 1.2825299101027923 1.2825299101027923 1.251264648425642 1.1073206218922251 0.962602702743038 0.5459905112013631 0.5372197283258082 0.5284489452954765 0.3586569053953107 0.18886486549513604 0.5320088513280271 0.1912381361319079 0.3634034468236313 0.9654815832737051 +8213,1.5964207550595344,0,2.1448010625948943 2.354629147202551 2.3175854872244517 2.0946141264621496 1.9955945662742445 1.2825299101027923 1.2825299101027923 1.251264648425642 1.1073206218922251 0.962602702743038 0.5459905112013631 0.5372197283258082 0.5284489452954765 0.3586569053953107 0.18886486549513604 0.5320088513280271 0.1912381361319079 0.3634034468236313 0.9654815832737051 1.0659947562100516 +8214,1.545576010203373,0,2.354629147202551 2.3175854872244517 2.0946141264621496 1.9955945662742445 1.2825299101027923 1.2825299101027923 1.251264648425642 1.1073206218922251 0.962602702743038 0.5459905112013631 0.5372197283258082 0.5284489452954765 0.3586569053953107 0.18886486549513604 0.5320088513280271 0.1912381361319079 0.3634034468236313 0.9654815832737051 1.0659947562100516 1.5964207550595344 +8215,1.494731265347212,0,2.3175854872244517 2.0946141264621496 1.9955945662742445 1.2825299101027923 1.2825299101027923 1.251264648425642 1.1073206218922251 0.962602702743038 0.5459905112013631 0.5372197283258082 0.5284489452954765 0.3586569053953107 0.18886486549513604 0.5320088513280271 0.1912381361319079 0.3634034468236313 0.9654815832737051 1.0659947562100516 1.5964207550595344 1.545576010203373 +8216,1.5546305538078915,0,2.0946141264621496 1.9955945662742445 1.2825299101027923 1.2825299101027923 1.251264648425642 1.1073206218922251 0.962602702743038 0.5459905112013631 0.5372197283258082 0.5284489452954765 0.3586569053953107 0.18886486549513604 0.5320088513280271 0.1912381361319079 0.3634034468236313 0.9654815832737051 1.0659947562100516 1.5964207550595344 1.545576010203373 1.494731265347212 +8217,1.783702768076126,0,1.9955945662742445 1.2825299101027923 1.2825299101027923 1.251264648425642 1.1073206218922251 0.962602702743038 0.5459905112013631 0.5372197283258082 0.5284489452954765 0.3586569053953107 0.18886486549513604 0.5320088513280271 0.1912381361319079 0.3634034468236313 0.9654815832737051 1.0659947562100516 1.5964207550595344 1.545576010203373 1.494731265347212 1.5546305538078915 +8218,1.779059412381495,0,1.2825299101027923 1.2825299101027923 1.251264648425642 1.1073206218922251 0.962602702743038 0.5459905112013631 0.5372197283258082 0.5284489452954765 0.3586569053953107 0.18886486549513604 0.5320088513280271 0.1912381361319079 0.3634034468236313 0.9654815832737051 1.0659947562100516 1.5964207550595344 1.545576010203373 1.494731265347212 1.5546305538078915 1.783702768076126 +8219,1.5948729698279849,0,1.2825299101027923 1.251264648425642 1.1073206218922251 0.962602702743038 0.5459905112013631 0.5372197283258082 0.5284489452954765 0.3586569053953107 0.18886486549513604 0.5320088513280271 0.1912381361319079 0.3634034468236313 0.9654815832737051 1.0659947562100516 1.5964207550595344 1.545576010203373 1.494731265347212 1.5546305538078915 1.783702768076126 1.779059412381495 +8220,1.5097447820931762,0,1.251264648425642 1.1073206218922251 0.962602702743038 0.5459905112013631 0.5372197283258082 0.5284489452954765 0.3586569053953107 0.18886486549513604 0.5320088513280271 0.1912381361319079 0.3634034468236313 0.9654815832737051 1.0659947562100516 1.5964207550595344 1.545576010203373 1.494731265347212 1.5546305538078915 1.783702768076126 1.779059412381495 1.5948729698279849 +8221,1.316271628150413,0,1.1073206218922251 0.962602702743038 0.5459905112013631 0.5372197283258082 0.5284489452954765 0.3586569053953107 0.18886486549513604 0.5320088513280271 0.1912381361319079 0.3634034468236313 0.9654815832737051 1.0659947562100516 1.5964207550595344 1.545576010203373 1.494731265347212 1.5546305538078915 1.783702768076126 1.779059412381495 1.5948729698279849 1.5097447820931762 +8222,1.034574716009742,0,0.962602702743038 0.5459905112013631 0.5372197283258082 0.5284489452954765 0.3586569053953107 0.18886486549513604 0.5320088513280271 0.1912381361319079 0.3634034468236313 0.9654815832737051 1.0659947562100516 1.5964207550595344 1.545576010203373 1.494731265347212 1.5546305538078915 1.783702768076126 1.779059412381495 1.5948729698279849 1.5097447820931762 1.316271628150413 +8223,0.6367939115034221,0,0.5459905112013631 0.5372197283258082 0.5284489452954765 0.3586569053953107 0.18886486549513604 0.5320088513280271 0.1912381361319079 0.3634034468236313 0.9654815832737051 1.0659947562100516 1.5964207550595344 1.545576010203373 1.494731265347212 1.5546305538078915 1.783702768076126 1.779059412381495 1.5948729698279849 1.5097447820931762 1.316271628150413 1.034574716009742 +8224,0.622863844419547,0,0.5372197283258082 0.5284489452954765 0.3586569053953107 0.18886486549513604 0.5320088513280271 0.1912381361319079 0.3634034468236313 0.9654815832737051 1.0659947562100516 1.5964207550595344 1.545576010203373 1.494731265347212 1.5546305538078915 1.783702768076126 1.779059412381495 1.5948729698279849 1.5097447820931762 1.316271628150413 1.034574716009742 0.6367939115034221 +8225,0.5501179385370639,0,0.5284489452954765 0.3586569053953107 0.18886486549513604 0.5320088513280271 0.1912381361319079 0.3634034468236313 0.9654815832737051 1.0659947562100516 1.5964207550595344 1.545576010203373 1.494731265347212 1.5546305538078915 1.783702768076126 1.779059412381495 1.5948729698279849 1.5097447820931762 1.316271628150413 1.034574716009742 0.6367939115034221 0.622863844419547 +8226,0.34581028797350705,0,0.3586569053953107 0.18886486549513604 0.5320088513280271 0.1912381361319079 0.3634034468236313 0.9654815832737051 1.0659947562100516 1.5964207550595344 1.545576010203373 1.494731265347212 1.5546305538078915 1.783702768076126 1.779059412381495 1.5948729698279849 1.5097447820931762 1.316271628150413 1.034574716009742 0.6367939115034221 0.622863844419547 0.5501179385370639 +8227,0.30247230149033233,0,0.18886486549513604 0.5320088513280271 0.1912381361319079 0.3634034468236313 0.9654815832737051 1.0659947562100516 1.5964207550595344 1.545576010203373 1.494731265347212 1.5546305538078915 1.783702768076126 1.779059412381495 1.5948729698279849 1.5097447820931762 1.316271628150413 1.034574716009742 0.6367939115034221 0.622863844419547 0.5501179385370639 0.34581028797350705 +8228,0.24365646269173305,0,0.5320088513280271 0.1912381361319079 0.3634034468236313 0.9654815832737051 1.0659947562100516 1.5964207550595344 1.545576010203373 1.494731265347212 1.5546305538078915 1.783702768076126 1.779059412381495 1.5948729698279849 1.5097447820931762 1.316271628150413 1.034574716009742 0.6367939115034221 0.622863844419547 0.5501179385370639 0.34581028797350705 0.30247230149033233 +8229,0.17632780511965113,0,0.1912381361319079 0.3634034468236313 0.9654815832737051 1.0659947562100516 1.5964207550595344 1.545576010203373 1.494731265347212 1.5546305538078915 1.783702768076126 1.779059412381495 1.5948729698279849 1.5097447820931762 1.316271628150413 1.034574716009742 0.6367939115034221 0.622863844419547 0.5501179385370639 0.34581028797350705 0.30247230149033233 0.24365646269173305 +8230,0.1089991475475692,0,0.3634034468236313 0.9654815832737051 1.0659947562100516 1.5964207550595344 1.545576010203373 1.494731265347212 1.5546305538078915 1.783702768076126 1.779059412381495 1.5948729698279849 1.5097447820931762 1.316271628150413 1.034574716009742 0.6367939115034221 0.622863844419547 0.5501179385370639 0.34581028797350705 0.30247230149033233 0.24365646269173305 0.17632780511965113 +8231,0.054826664443592,0,0.9654815832737051 1.0659947562100516 1.5964207550595344 1.545576010203373 1.494731265347212 1.5546305538078915 1.783702768076126 1.779059412381495 1.5948729698279849 1.5097447820931762 1.316271628150413 1.034574716009742 0.6367939115034221 0.622863844419547 0.5501179385370639 0.34581028797350705 0.30247230149033233 0.24365646269173305 0.17632780511965113 0.1089991475475692 +8232,0.06566116106438567,0,1.0659947562100516 1.5964207550595344 1.545576010203373 1.494731265347212 1.5546305538078915 1.783702768076126 1.779059412381495 1.5948729698279849 1.5097447820931762 1.316271628150413 1.034574716009742 0.6367939115034221 0.622863844419547 0.5501179385370639 0.34581028797350705 0.30247230149033233 0.24365646269173305 0.17632780511965113 0.1089991475475692 0.054826664443592 +8233,0.06101780536976358,0,1.5964207550595344 1.545576010203373 1.494731265347212 1.5546305538078915 1.783702768076126 1.779059412381495 1.5948729698279849 1.5097447820931762 1.316271628150413 1.034574716009742 0.6367939115034221 0.622863844419547 0.5501179385370639 0.34581028797350705 0.30247230149033233 0.24365646269173305 0.17632780511965113 0.1089991475475692 0.054826664443592 0.06566116106438567 +8234,0.04863552351742921,0,1.545576010203373 1.494731265347212 1.5546305538078915 1.783702768076126 1.779059412381495 1.5948729698279849 1.5097447820931762 1.316271628150413 1.034574716009742 0.6367939115034221 0.622863844419547 0.5501179385370639 0.34581028797350705 0.30247230149033233 0.24365646269173305 0.17632780511965113 0.1089991475475692 0.054826664443592 0.06566116106438567 0.06101780536976358 +8235,0.25913431500714884,0,1.494731265347212 1.5546305538078915 1.783702768076126 1.779059412381495 1.5948729698279849 1.5097447820931762 1.316271628150413 1.034574716009742 0.6367939115034221 0.622863844419547 0.5501179385370639 0.34581028797350705 0.30247230149033233 0.24365646269173305 0.17632780511965113 0.1089991475475692 0.054826664443592 0.06566116106438567 0.06101780536976358 0.04863552351742921 +8236,0.46963310649687723,0,1.5546305538078915 1.783702768076126 1.779059412381495 1.5948729698279849 1.5097447820931762 1.316271628150413 1.034574716009742 0.6367939115034221 0.622863844419547 0.5501179385370639 0.34581028797350705 0.30247230149033233 0.24365646269173305 0.17632780511965113 0.1089991475475692 0.054826664443592 0.06566116106438567 0.06101780536976358 0.04863552351742921 0.25913431500714884 +8237,0.762164515258333,0,1.783702768076126 1.779059412381495 1.5948729698279849 1.5097447820931762 1.316271628150413 1.034574716009742 0.6367939115034221 0.622863844419547 0.5501179385370639 0.34581028797350705 0.30247230149033233 0.24365646269173305 0.17632780511965113 0.1089991475475692 0.054826664443592 0.06566116106438567 0.06101780536976358 0.04863552351742921 0.25913431500714884 0.46963310649687723 +8238,1.016001293231245,0,1.779059412381495 1.5948729698279849 1.5097447820931762 1.316271628150413 1.034574716009742 0.6367939115034221 0.622863844419547 0.5501179385370639 0.34581028797350705 0.30247230149033233 0.24365646269173305 0.17632780511965113 0.1089991475475692 0.054826664443592 0.06566116106438567 0.06101780536976358 0.04863552351742921 0.25913431500714884 0.46963310649687723 0.762164515258333 +8239,1.1986399505532055,0,1.5948729698279849 1.5097447820931762 1.316271628150413 1.034574716009742 0.6367939115034221 0.622863844419547 0.5501179385370639 0.34581028797350705 0.30247230149033233 0.24365646269173305 0.17632780511965113 0.1089991475475692 0.054826664443592 0.06566116106438567 0.06101780536976358 0.04863552351742921 0.25913431500714884 0.46963310649687723 0.762164515258333 1.016001293231245 +8240,1.2218567290263425,0,1.5097447820931762 1.316271628150413 1.034574716009742 0.6367939115034221 0.622863844419547 0.5501179385370639 0.34581028797350705 0.30247230149033233 0.24365646269173305 0.17632780511965113 0.1089991475475692 0.054826664443592 0.06566116106438567 0.06101780536976358 0.04863552351742921 0.25913431500714884 0.46963310649687723 0.762164515258333 1.016001293231245 1.1986399505532055 +8241,1.285315923519564,0,1.316271628150413 1.034574716009742 0.6367939115034221 0.622863844419547 0.5501179385370639 0.34581028797350705 0.30247230149033233 0.24365646269173305 0.17632780511965113 0.1089991475475692 0.054826664443592 0.06566116106438567 0.06101780536976358 0.04863552351742921 0.25913431500714884 0.46963310649687723 0.762164515258333 1.016001293231245 1.1986399505532055 1.2218567290263425 +8242,1.2915070644457354,0,1.034574716009742 0.6367939115034221 0.622863844419547 0.5501179385370639 0.34581028797350705 0.30247230149033233 0.24365646269173305 0.17632780511965113 0.1089991475475692 0.054826664443592 0.06566116106438567 0.06101780536976358 0.04863552351742921 0.25913431500714884 0.46963310649687723 0.762164515258333 1.016001293231245 1.1986399505532055 1.2218567290263425 1.285315923519564 +8243,1.3596096146335876,0,0.6367939115034221 0.622863844419547 0.5501179385370639 0.34581028797350705 0.30247230149033233 0.24365646269173305 0.17632780511965113 0.1089991475475692 0.054826664443592 0.06566116106438567 0.06101780536976358 0.04863552351742921 0.25913431500714884 0.46963310649687723 0.762164515258333 1.016001293231245 1.1986399505532055 1.2218567290263425 1.285315923519564 1.2915070644457354 +8244,1.136728541291525,0,0.622863844419547 0.5501179385370639 0.34581028797350705 0.30247230149033233 0.24365646269173305 0.17632780511965113 0.1089991475475692 0.054826664443592 0.06566116106438567 0.06101780536976358 0.04863552351742921 0.25913431500714884 0.46963310649687723 0.762164515258333 1.016001293231245 1.1986399505532055 1.2218567290263425 1.285315923519564 1.2915070644457354 1.3596096146335876 +8245,0.8395537768354382,0,0.5501179385370639 0.34581028797350705 0.30247230149033233 0.24365646269173305 0.17632780511965113 0.1089991475475692 0.054826664443592 0.06566116106438567 0.06101780536976358 0.04863552351742921 0.25913431500714884 0.46963310649687723 0.762164515258333 1.016001293231245 1.1986399505532055 1.2218567290263425 1.285315923519564 1.2915070644457354 1.3596096146335876 1.136728541291525 +8246,0.5083277372854299,0,0.34581028797350705 0.30247230149033233 0.24365646269173305 0.17632780511965113 0.1089991475475692 0.054826664443592 0.06566116106438567 0.06101780536976358 0.04863552351742921 0.25913431500714884 0.46963310649687723 0.762164515258333 1.016001293231245 1.1986399505532055 1.2218567290263425 1.285315923519564 1.2915070644457354 1.3596096146335876 1.136728541291525 0.8395537768354382 +8247,0.3891482744566906,0,0.30247230149033233 0.24365646269173305 0.17632780511965113 0.1089991475475692 0.054826664443592 0.06566116106438567 0.06101780536976358 0.04863552351742921 0.25913431500714884 0.46963310649687723 0.762164515258333 1.016001293231245 1.1986399505532055 1.2218567290263425 1.285315923519564 1.2915070644457354 1.3596096146335876 1.136728541291525 0.8395537768354382 0.5083277372854299 +8248,0.15852827495691552,0,0.24365646269173305 0.17632780511965113 0.1089991475475692 0.054826664443592 0.06566116106438567 0.06101780536976358 0.04863552351742921 0.25913431500714884 0.46963310649687723 0.762164515258333 1.016001293231245 1.1986399505532055 1.2218567290263425 1.285315923519564 1.2915070644457354 1.3596096146335876 1.136728541291525 0.8395537768354382 0.5083277372854299 0.3891482744566906 +8249,0.09971243615831621,0,0.17632780511965113 0.1089991475475692 0.054826664443592 0.06566116106438567 0.06101780536976358 0.04863552351742921 0.25913431500714884 0.46963310649687723 0.762164515258333 1.016001293231245 1.1986399505532055 1.2218567290263425 1.285315923519564 1.2915070644457354 1.3596096146335876 1.136728541291525 0.8395537768354382 0.5083277372854299 0.3891482744566906 0.15852827495691552 +8250,0.04167048997548727,0,0.1089991475475692 0.054826664443592 0.06566116106438567 0.06101780536976358 0.04863552351742921 0.25913431500714884 0.46963310649687723 0.762164515258333 1.016001293231245 1.1986399505532055 1.2218567290263425 1.285315923519564 1.2915070644457354 1.3596096146335876 1.136728541291525 0.8395537768354382 0.5083277372854299 0.3891482744566906 0.15852827495691552 0.09971243615831621 +8251,-0.01637145620734167,0,0.054826664443592 0.06566116106438567 0.06101780536976358 0.04863552351742921 0.25913431500714884 0.46963310649687723 0.762164515258333 1.016001293231245 1.1986399505532055 1.2218567290263425 1.285315923519564 1.2915070644457354 1.3596096146335876 1.136728541291525 0.8395537768354382 0.5083277372854299 0.3891482744566906 0.15852827495691552 0.09971243615831621 0.04167048997548727 +8252,-0.08911736208982483,0,0.06566116106438567 0.06101780536976358 0.04863552351742921 0.25913431500714884 0.46963310649687723 0.762164515258333 1.016001293231245 1.1986399505532055 1.2218567290263425 1.285315923519564 1.2915070644457354 1.3596096146335876 1.136728541291525 0.8395537768354382 0.5083277372854299 0.3891482744566906 0.15852827495691552 0.09971243615831621 0.04167048997548727 -0.01637145620734167 +8253,-0.15180266396727587,0,0.06101780536976358 0.04863552351742921 0.25913431500714884 0.46963310649687723 0.762164515258333 1.016001293231245 1.1986399505532055 1.2218567290263425 1.285315923519564 1.2915070644457354 1.3596096146335876 1.136728541291525 0.8395537768354382 0.5083277372854299 0.3891482744566906 0.15852827495691552 0.09971243615831621 0.04167048997548727 -0.01637145620734167 -0.08911736208982483 +8254,-0.2144879658447357,0,0.04863552351742921 0.25913431500714884 0.46963310649687723 0.762164515258333 1.016001293231245 1.1986399505532055 1.2218567290263425 1.285315923519564 1.2915070644457354 1.3596096146335876 1.136728541291525 0.8395537768354382 0.5083277372854299 0.3891482744566906 0.15852827495691552 0.09971243615831621 0.04167048997548727 -0.01637145620734167 -0.08911736208982483 -0.15180266396727587 +8255,-0.24234810001249465,0,0.25913431500714884 0.46963310649687723 0.762164515258333 1.016001293231245 1.1986399505532055 1.2218567290263425 1.285315923519564 1.2915070644457354 1.3596096146335876 1.136728541291525 0.8395537768354382 0.5083277372854299 0.3891482744566906 0.15852827495691552 0.09971243615831621 0.04167048997548727 -0.01637145620734167 -0.08911736208982483 -0.15180266396727587 -0.2144879658447357 +8256,-0.2624693080225413,0,0.46963310649687723 0.762164515258333 1.016001293231245 1.1986399505532055 1.2218567290263425 1.285315923519564 1.2915070644457354 1.3596096146335876 1.136728541291525 0.8395537768354382 0.5083277372854299 0.3891482744566906 0.15852827495691552 0.09971243615831621 0.04167048997548727 -0.01637145620734167 -0.08911736208982483 -0.15180266396727587 -0.2144879658447357 -0.24234810001249465 +8257,-0.2794949455694978,0,0.762164515258333 1.016001293231245 1.1986399505532055 1.2218567290263425 1.285315923519564 1.2915070644457354 1.3596096146335876 1.136728541291525 0.8395537768354382 0.5083277372854299 0.3891482744566906 0.15852827495691552 0.09971243615831621 0.04167048997548727 -0.01637145620734167 -0.08911736208982483 -0.15180266396727587 -0.2144879658447357 -0.24234810001249465 -0.2624693080225413 +8258,-0.15087399282835498,0,1.016001293231245 1.1986399505532055 1.2218567290263425 1.285315923519564 1.2915070644457354 1.3596096146335876 1.136728541291525 0.8395537768354382 0.5083277372854299 0.3891482744566906 0.15852827495691552 0.09971243615831621 0.04167048997548727 -0.01637145620734167 -0.08911736208982483 -0.15180266396727587 -0.2144879658447357 -0.24234810001249465 -0.2624693080225413 -0.2794949455694978 +8259,-0.10098371558323795,0,1.1986399505532055 1.2218567290263425 1.285315923519564 1.2915070644457354 1.3596096146335876 1.136728541291525 0.8395537768354382 0.5083277372854299 0.3891482744566906 0.15852827495691552 0.09971243615831621 0.04167048997548727 -0.01637145620734167 -0.08911736208982483 -0.15180266396727587 -0.2144879658447357 -0.24234810001249465 -0.2624693080225413 -0.2794949455694978 -0.15087399282835498 +8260,-0.011728100512719579,0,1.2218567290263425 1.285315923519564 1.2915070644457354 1.3596096146335876 1.136728541291525 0.8395537768354382 0.5083277372854299 0.3891482744566906 0.15852827495691552 0.09971243615831621 0.04167048997548727 -0.01637145620734167 -0.08911736208982483 -0.15180266396727587 -0.2144879658447357 -0.24234810001249465 -0.2624693080225413 -0.2794949455694978 -0.15087399282835498 -0.10098371558323795 +8261,0.3287846504265506,0,1.285315923519564 1.2915070644457354 1.3596096146335876 1.136728541291525 0.8395537768354382 0.5083277372854299 0.3891482744566906 0.15852827495691552 0.09971243615831621 0.04167048997548727 -0.01637145620734167 -0.08911736208982483 -0.15180266396727587 -0.2144879658447357 -0.24234810001249465 -0.2624693080225413 -0.2794949455694978 -0.15087399282835498 -0.10098371558323795 -0.011728100512719579 +8262,0.6631062604396404,0,1.2915070644457354 1.3596096146335876 1.136728541291525 0.8395537768354382 0.5083277372854299 0.3891482744566906 0.15852827495691552 0.09971243615831621 0.04167048997548727 -0.01637145620734167 -0.08911736208982483 -0.15180266396727587 -0.2144879658447357 -0.24234810001249465 -0.2624693080225413 -0.2794949455694978 -0.15087399282835498 -0.10098371558323795 -0.011728100512719579 0.3287846504265506 +8263,1.0373607294265224,0,1.3596096146335876 1.136728541291525 0.8395537768354382 0.5083277372854299 0.3891482744566906 0.15852827495691552 0.09971243615831621 0.04167048997548727 -0.01637145620734167 -0.08911736208982483 -0.15180266396727587 -0.2144879658447357 -0.24234810001249465 -0.2624693080225413 -0.2794949455694978 -0.15087399282835498 -0.10098371558323795 -0.011728100512719579 0.3287846504265506 0.6631062604396404 +8264,1.1042250514291438,0,1.136728541291525 0.8395537768354382 0.5083277372854299 0.3891482744566906 0.15852827495691552 0.09971243615831621 0.04167048997548727 -0.01637145620734167 -0.08911736208982483 -0.15180266396727587 -0.2144879658447357 -0.24234810001249465 -0.2624693080225413 -0.2794949455694978 -0.15087399282835498 -0.10098371558323795 -0.011728100512719579 0.3287846504265506 0.6631062604396404 1.0373607294265224 +8265,1.2435257222679297,0,0.8395537768354382 0.5083277372854299 0.3891482744566906 0.15852827495691552 0.09971243615831621 0.04167048997548727 -0.01637145620734167 -0.08911736208982483 -0.15180266396727587 -0.2144879658447357 -0.24234810001249465 -0.2624693080225413 -0.2794949455694978 -0.15087399282835498 -0.10098371558323795 -0.011728100512719579 0.3287846504265506 0.6631062604396404 1.0373607294265224 1.1042250514291438 +8266,1.3828263931067157,0,0.5083277372854299 0.3891482744566906 0.15852827495691552 0.09971243615831621 0.04167048997548727 -0.01637145620734167 -0.08911736208982483 -0.15180266396727587 -0.2144879658447357 -0.24234810001249465 -0.2624693080225413 -0.2794949455694978 -0.15087399282835498 -0.10098371558323795 -0.011728100512719579 0.3287846504265506 0.6631062604396404 1.0373607294265224 1.1042250514291438 1.2435257222679297 +8267,1.2079266619424585,0,0.3891482744566906 0.15852827495691552 0.09971243615831621 0.04167048997548727 -0.01637145620734167 -0.08911736208982483 -0.15180266396727587 -0.2144879658447357 -0.24234810001249465 -0.2624693080225413 -0.2794949455694978 -0.15087399282835498 -0.10098371558323795 -0.011728100512719579 0.3287846504265506 0.6631062604396404 1.0373607294265224 1.1042250514291438 1.2435257222679297 1.3828263931067157 +8268,0.9943322999896488,0,0.15852827495691552 0.09971243615831621 0.04167048997548727 -0.01637145620734167 -0.08911736208982483 -0.15180266396727587 -0.2144879658447357 -0.24234810001249465 -0.2624693080225413 -0.2794949455694978 -0.15087399282835498 -0.10098371558323795 -0.011728100512719579 0.3287846504265506 0.6631062604396404 1.0373607294265224 1.1042250514291438 1.2435257222679297 1.3828263931067157 1.2079266619424585 +8269,0.780737938036839,0,0.09971243615831621 0.04167048997548727 -0.01637145620734167 -0.08911736208982483 -0.15180266396727587 -0.2144879658447357 -0.24234810001249465 -0.2624693080225413 -0.2794949455694978 -0.15087399282835498 -0.10098371558323795 -0.011728100512719579 0.3287846504265506 0.6631062604396404 1.0373607294265224 1.1042250514291438 1.2435257222679297 1.3828263931067157 1.2079266619424585 0.9943322999896488 +8270,0.5795258579363636,0,0.04167048997548727 -0.01637145620734167 -0.08911736208982483 -0.15180266396727587 -0.2144879658447357 -0.24234810001249465 -0.2624693080225413 -0.2794949455694978 -0.15087399282835498 -0.10098371558323795 -0.011728100512719579 0.3287846504265506 0.6631062604396404 1.0373607294265224 1.1042250514291438 1.2435257222679297 1.3828263931067157 1.2079266619424585 0.9943322999896488 0.780737938036839 +8271,0.2096051875978025,0,-0.01637145620734167 -0.08911736208982483 -0.15180266396727587 -0.2144879658447357 -0.24234810001249465 -0.2624693080225413 -0.2794949455694978 -0.15087399282835498 -0.10098371558323795 -0.011728100512719579 0.3287846504265506 0.6631062604396404 1.0373607294265224 1.1042250514291438 1.2435257222679297 1.3828263931067157 1.2079266619424585 0.9943322999896488 0.780737938036839 0.5795258579363636 +8272,0.12912035555761586,0,-0.08911736208982483 -0.15180266396727587 -0.2144879658447357 -0.24234810001249465 -0.2624693080225413 -0.2794949455694978 -0.15087399282835498 -0.10098371558323795 -0.011728100512719579 0.3287846504265506 0.6631062604396404 1.0373607294265224 1.1042250514291438 1.2435257222679297 1.3828263931067157 1.2079266619424585 0.9943322999896488 0.780737938036839 0.5795258579363636 0.2096051875978025 +8273,0.03160988597046394,0,-0.15180266396727587 -0.2144879658447357 -0.24234810001249465 -0.2624693080225413 -0.2794949455694978 -0.15087399282835498 -0.10098371558323795 -0.011728100512719579 0.3287846504265506 0.6631062604396404 1.0373607294265224 1.1042250514291438 1.2435257222679297 1.3828263931067157 1.2079266619424585 0.9943322999896488 0.780737938036839 0.5795258579363636 0.2096051875978025 0.12912035555761586 +8274,-0.02024091928620221,0,-0.2144879658447357 -0.24234810001249465 -0.2624693080225413 -0.2794949455694978 -0.15087399282835498 -0.10098371558323795 -0.011728100512719579 0.3287846504265506 0.6631062604396404 1.0373607294265224 1.1042250514291438 1.2435257222679297 1.3828263931067157 1.2079266619424585 0.9943322999896488 0.780737938036839 0.5795258579363636 0.2096051875978025 0.12912035555761586 0.03160988597046394 +8275,-0.07209172454285957,0,-0.24234810001249465 -0.2624693080225413 -0.2794949455694978 -0.15087399282835498 -0.10098371558323795 -0.011728100512719579 0.3287846504265506 0.6631062604396404 1.0373607294265224 1.1042250514291438 1.2435257222679297 1.3828263931067157 1.2079266619424585 0.9943322999896488 0.780737938036839 0.5795258579363636 0.2096051875978025 0.12912035555761586 0.03160988597046394 -0.02024091928620221 +8276,-0.17269776459309288,0,-0.2624693080225413 -0.2794949455694978 -0.15087399282835498 -0.10098371558323795 -0.011728100512719579 0.3287846504265506 0.6631062604396404 1.0373607294265224 1.1042250514291438 1.2435257222679297 1.3828263931067157 1.2079266619424585 0.9943322999896488 0.780737938036839 0.5795258579363636 0.2096051875978025 0.12912035555761586 0.03160988597046394 -0.02024091928620221 -0.07209172454285957 +8277,-0.22016317841197722,0,-0.2794949455694978 -0.15087399282835498 -0.10098371558323795 -0.011728100512719579 0.3287846504265506 0.6631062604396404 1.0373607294265224 1.1042250514291438 1.2435257222679297 1.3828263931067157 1.2079266619424585 0.9943322999896488 0.780737938036839 0.5795258579363636 0.2096051875978025 0.12912035555761586 0.03160988597046394 -0.02024091928620221 -0.07209172454285957 -0.17269776459309288 +8278,-0.4437149586361118,0,-0.15087399282835498 -0.10098371558323795 -0.011728100512719579 0.3287846504265506 0.6631062604396404 1.0373607294265224 1.1042250514291438 1.2435257222679297 1.3828263931067157 1.2079266619424585 0.9943322999896488 0.780737938036839 0.5795258579363636 0.2096051875978025 0.12912035555761586 0.03160988597046394 -0.02024091928620221 -0.07209172454285957 -0.17269776459309288 -0.22016317841197722 +8279,-0.315094005894969,0,-0.10098371558323795 -0.011728100512719579 0.3287846504265506 0.6631062604396404 1.0373607294265224 1.1042250514291438 1.2435257222679297 1.3828263931067157 1.2079266619424585 0.9943322999896488 0.780737938036839 0.5795258579363636 0.2096051875978025 0.12912035555761586 0.03160988597046394 -0.02024091928620221 -0.07209172454285957 -0.17269776459309288 -0.22016317841197722 -0.4437149586361118 +8280,-0.30735507973725673,0,-0.011728100512719579 0.3287846504265506 0.6631062604396404 1.0373607294265224 1.1042250514291438 1.2435257222679297 1.3828263931067157 1.2079266619424585 0.9943322999896488 0.780737938036839 0.5795258579363636 0.2096051875978025 0.12912035555761586 0.03160988597046394 -0.02024091928620221 -0.07209172454285957 -0.17269776459309288 -0.22016317841197722 -0.4437149586361118 -0.315094005894969 +8281,-0.29961615357954446,0,0.3287846504265506 0.6631062604396404 1.0373607294265224 1.1042250514291438 1.2435257222679297 1.3828263931067157 1.2079266619424585 0.9943322999896488 0.780737938036839 0.5795258579363636 0.2096051875978025 0.12912035555761586 0.03160988597046394 -0.02024091928620221 -0.07209172454285957 -0.17269776459309288 -0.22016317841197722 -0.4437149586361118 -0.315094005894969 -0.30735507973725673 +8282,-0.30425950927417533,0,0.6631062604396404 1.0373607294265224 1.1042250514291438 1.2435257222679297 1.3828263931067157 1.2079266619424585 0.9943322999896488 0.780737938036839 0.5795258579363636 0.2096051875978025 0.12912035555761586 0.03160988597046394 -0.02024091928620221 -0.07209172454285957 -0.17269776459309288 -0.22016317841197722 -0.4437149586361118 -0.315094005894969 -0.30735507973725673 -0.29961615357954446 +8283,-0.1649588384353894,0,1.0373607294265224 1.1042250514291438 1.2435257222679297 1.3828263931067157 1.2079266619424585 0.9943322999896488 0.780737938036839 0.5795258579363636 0.2096051875978025 0.12912035555761586 0.03160988597046394 -0.02024091928620221 -0.07209172454285957 -0.17269776459309288 -0.22016317841197722 -0.4437149586361118 -0.315094005894969 -0.30735507973725673 -0.29961615357954446 -0.30425950927417533 +8284,-0.025658167596594655,0,1.1042250514291438 1.2435257222679297 1.3828263931067157 1.2079266619424585 0.9943322999896488 0.780737938036839 0.5795258579363636 0.2096051875978025 0.12912035555761586 0.03160988597046394 -0.02024091928620221 -0.07209172454285957 -0.17269776459309288 -0.22016317841197722 -0.4437149586361118 -0.315094005894969 -0.30735507973725673 -0.29961615357954446 -0.30425950927417533 -0.1649588384353894 +8285,0.3148545833426667,0,1.2435257222679297 1.3828263931067157 1.2079266619424585 0.9943322999896488 0.780737938036839 0.5795258579363636 0.2096051875978025 0.12912035555761586 0.03160988597046394 -0.02024091928620221 -0.07209172454285957 -0.17269776459309288 -0.22016317841197722 -0.4437149586361118 -0.315094005894969 -0.30735507973725673 -0.29961615357954446 -0.30425950927417533 -0.1649588384353894 -0.025658167596594655 +8286,0.6285390569867974,0,1.3828263931067157 1.2079266619424585 0.9943322999896488 0.780737938036839 0.5795258579363636 0.2096051875978025 0.12912035555761586 0.03160988597046394 -0.02024091928620221 -0.07209172454285957 -0.17269776459309288 -0.22016317841197722 -0.4437149586361118 -0.315094005894969 -0.30735507973725673 -0.29961615357954446 -0.30425950927417533 -0.1649588384353894 -0.025658167596594655 0.3148545833426667 +8287,1.0579462730060294,0,1.2079266619424585 0.9943322999896488 0.780737938036839 0.5795258579363636 0.2096051875978025 0.12912035555761586 0.03160988597046394 -0.02024091928620221 -0.07209172454285957 -0.17269776459309288 -0.22016317841197722 -0.4437149586361118 -0.315094005894969 -0.30735507973725673 -0.29961615357954446 -0.30425950927417533 -0.1649588384353894 -0.025658167596594655 0.3148545833426667 0.6285390569867974 +8288,1.2559080041202642,0,0.9943322999896488 0.780737938036839 0.5795258579363636 0.2096051875978025 0.12912035555761586 0.03160988597046394 -0.02024091928620221 -0.07209172454285957 -0.17269776459309288 -0.22016317841197722 -0.4437149586361118 -0.315094005894969 -0.30735507973725673 -0.29961615357954446 -0.30425950927417533 -0.1649588384353894 -0.025658167596594655 0.3148545833426667 0.6285390569867974 1.0579462730060294 +8289,1.3952086749590589,0,0.780737938036839 0.5795258579363636 0.2096051875978025 0.12912035555761586 0.03160988597046394 -0.02024091928620221 -0.07209172454285957 -0.17269776459309288 -0.22016317841197722 -0.4437149586361118 -0.315094005894969 -0.30735507973725673 -0.29961615357954446 -0.30425950927417533 -0.1649588384353894 -0.025658167596594655 0.3148545833426667 0.6285390569867974 1.0579462730060294 1.2559080041202642 +8290,1.534509345797845,0,0.5795258579363636 0.2096051875978025 0.12912035555761586 0.03160988597046394 -0.02024091928620221 -0.07209172454285957 -0.17269776459309288 -0.22016317841197722 -0.4437149586361118 -0.315094005894969 -0.30735507973725673 -0.29961615357954446 -0.30425950927417533 -0.1649588384353894 -0.025658167596594655 0.3148545833426667 0.6285390569867974 1.0579462730060294 1.2559080041202642 1.3952086749590589 +8291,1.639758741542709,0,0.2096051875978025 0.12912035555761586 0.03160988597046394 -0.02024091928620221 -0.07209172454285957 -0.17269776459309288 -0.22016317841197722 -0.4437149586361118 -0.315094005894969 -0.30735507973725673 -0.29961615357954446 -0.30425950927417533 -0.1649588384353894 -0.025658167596594655 0.3148545833426667 0.6285390569867974 1.0579462730060294 1.2559080041202642 1.3952086749590589 1.534509345797845 +8292,1.3286539100027472,0,0.12912035555761586 0.03160988597046394 -0.02024091928620221 -0.07209172454285957 -0.17269776459309288 -0.22016317841197722 -0.4437149586361118 -0.315094005894969 -0.30735507973725673 -0.29961615357954446 -0.30425950927417533 -0.1649588384353894 -0.025658167596594655 0.3148545833426667 0.6285390569867974 1.0579462730060294 1.2559080041202642 1.3952086749590589 1.534509345797845 1.639758741542709 +8293,1.0175490784627856,0,0.03160988597046394 -0.02024091928620221 -0.07209172454285957 -0.17269776459309288 -0.22016317841197722 -0.4437149586361118 -0.315094005894969 -0.30735507973725673 -0.29961615357954446 -0.30425950927417533 -0.1649588384353894 -0.025658167596594655 0.3148545833426667 0.6285390569867974 1.0579462730060294 1.2559080041202642 1.3952086749590589 1.534509345797845 1.639758741542709 1.3286539100027472 +8294,0.762164515258333,0,-0.02024091928620221 -0.07209172454285957 -0.17269776459309288 -0.22016317841197722 -0.4437149586361118 -0.315094005894969 -0.30735507973725673 -0.29961615357954446 -0.30425950927417533 -0.1649588384353894 -0.025658167596594655 0.3148545833426667 0.6285390569867974 1.0579462730060294 1.2559080041202642 1.3952086749590589 1.534509345797845 1.639758741542709 1.3286539100027472 1.0175490784627856 +8295,0.5694652539313402,0,-0.07209172454285957 -0.17269776459309288 -0.22016317841197722 -0.4437149586361118 -0.315094005894969 -0.30735507973725673 -0.29961615357954446 -0.30425950927417533 -0.1649588384353894 -0.025658167596594655 0.3148545833426667 0.6285390569867974 1.0579462730060294 1.2559080041202642 1.3952086749590589 1.534509345797845 1.639758741542709 1.3286539100027472 1.0175490784627856 0.762164515258333 +8296,0.3767659926043474,0,-0.17269776459309288 -0.22016317841197722 -0.4437149586361118 -0.315094005894969 -0.30735507973725673 -0.29961615357954446 -0.30425950927417533 -0.1649588384353894 -0.025658167596594655 0.3148545833426667 0.6285390569867974 1.0579462730060294 1.2559080041202642 1.3952086749590589 1.534509345797845 1.639758741542709 1.3286539100027472 1.0175490784627856 0.762164515258333 0.5694652539313402 +8297,0.18948397958775584,0,-0.22016317841197722 -0.4437149586361118 -0.315094005894969 -0.30735507973725673 -0.29961615357954446 -0.30425950927417533 -0.1649588384353894 -0.025658167596594655 0.3148545833426667 0.6285390569867974 1.0579462730060294 1.2559080041202642 1.3952086749590589 1.534509345797845 1.639758741542709 1.3286539100027472 1.0175490784627856 0.762164515258333 0.5694652539313402 0.3767659926043474 +8298,0.09197351000060393,0,-0.4437149586361118 -0.315094005894969 -0.30735507973725673 -0.29961615357954446 -0.30425950927417533 -0.1649588384353894 -0.025658167596594655 0.3148545833426667 0.6285390569867974 1.0579462730060294 1.2559080041202642 1.3952086749590589 1.534509345797845 1.639758741542709 1.3286539100027472 1.0175490784627856 0.762164515258333 0.5694652539313402 0.3767659926043474 0.18948397958775584 +8299,-0.014823670975800974,0,-0.315094005894969 -0.30735507973725673 -0.29961615357954446 -0.30425950927417533 -0.1649588384353894 -0.025658167596594655 0.3148545833426667 0.6285390569867974 1.0579462730060294 1.2559080041202642 1.3952086749590589 1.534509345797845 1.639758741542709 1.3286539100027472 1.0175490784627856 0.762164515258333 0.5694652539313402 0.3767659926043474 0.18948397958775584 0.09197351000060393 +8300,-0.12162085195220587,0,-0.30735507973725673 -0.29961615357954446 -0.30425950927417533 -0.1649588384353894 -0.025658167596594655 0.3148545833426667 0.6285390569867974 1.0579462730060294 1.2559080041202642 1.3952086749590589 1.534509345797845 1.639758741542709 1.3286539100027472 1.0175490784627856 0.762164515258333 0.5694652539313402 0.3767659926043474 0.18948397958775584 0.09197351000060393 -0.014823670975800974 +8301,-0.20055789876085184,0,-0.29961615357954446 -0.30425950927417533 -0.1649588384353894 -0.025658167596594655 0.3148545833426667 0.6285390569867974 1.0579462730060294 1.2559080041202642 1.3952086749590589 1.534509345797845 1.639758741542709 1.3286539100027472 1.0175490784627856 0.762164515258333 0.5694652539313402 0.3767659926043474 0.18948397958775584 0.09197351000060393 -0.014823670975800974 -0.12162085195220587 +8302,-0.2794949455694978,0,-0.30425950927417533 -0.1649588384353894 -0.025658167596594655 0.3148545833426667 0.6285390569867974 1.0579462730060294 1.2559080041202642 1.3952086749590589 1.534509345797845 1.639758741542709 1.3286539100027472 1.0175490784627856 0.762164515258333 0.5694652539313402 0.3767659926043474 0.18948397958775584 0.09197351000060393 -0.014823670975800974 -0.12162085195220587 -0.20055789876085184 +8303,-0.3553364219150623,0,-0.1649588384353894 -0.025658167596594655 0.3148545833426667 0.6285390569867974 1.0579462730060294 1.2559080041202642 1.3952086749590589 1.534509345797845 1.639758741542709 1.3286539100027472 1.0175490784627856 0.762164515258333 0.5694652539313402 0.3767659926043474 0.18948397958775584 0.09197351000060393 -0.014823670975800974 -0.12162085195220587 -0.20055789876085184 -0.2794949455694978 +8304,-0.30116393881109393,0,-0.025658167596594655 0.3148545833426667 0.6285390569867974 1.0579462730060294 1.2559080041202642 1.3952086749590589 1.534509345797845 1.639758741542709 1.3286539100027472 1.0175490784627856 0.762164515258333 0.5694652539313402 0.3767659926043474 0.18948397958775584 0.09197351000060393 -0.014823670975800974 -0.12162085195220587 -0.20055789876085184 -0.2794949455694978 -0.3553364219150623 +8305,-0.4041690459702136,0,0.3148545833426667 0.6285390569867974 1.0579462730060294 1.2559080041202642 1.3952086749590589 1.534509345797845 1.639758741542709 1.3286539100027472 1.0175490784627856 0.762164515258333 0.5694652539313402 0.3767659926043474 0.18948397958775584 0.09197351000060393 -0.014823670975800974 -0.12162085195220587 -0.20055789876085184 -0.2794949455694978 -0.3553364219150623 -0.30116393881109393 +8306,-0.19281897260313954,0,0.6285390569867974 1.0579462730060294 1.2559080041202642 1.3952086749590589 1.534509345797845 1.639758741542709 1.3286539100027472 1.0175490784627856 0.762164515258333 0.5694652539313402 0.3767659926043474 0.18948397958775584 0.09197351000060393 -0.014823670975800974 -0.12162085195220587 -0.20055789876085184 -0.2794949455694978 -0.3553364219150623 -0.30116393881109393 -0.4041690459702136 +8307,0.12602478509453446,0,1.0579462730060294 1.2559080041202642 1.3952086749590589 1.534509345797845 1.639758741542709 1.3286539100027472 1.0175490784627856 0.762164515258333 0.5694652539313402 0.3767659926043474 0.18948397958775584 0.09197351000060393 -0.014823670975800974 -0.12162085195220587 -0.20055789876085184 -0.2794949455694978 -0.3553364219150623 -0.30116393881109393 -0.4041690459702136 -0.19281897260313954 +8308,0.4448685427922085,0,1.2559080041202642 1.3952086749590589 1.534509345797845 1.639758741542709 1.3286539100027472 1.0175490784627856 0.762164515258333 0.5694652539313402 0.3767659926043474 0.18948397958775584 0.09197351000060393 -0.014823670975800974 -0.12162085195220587 -0.20055789876085184 -0.2794949455694978 -0.3553364219150623 -0.30116393881109393 -0.4041690459702136 -0.19281897260313954 0.12602478509453446 +8309,0.8349104211408162,0,1.3952086749590589 1.534509345797845 1.639758741542709 1.3286539100027472 1.0175490784627856 0.762164515258333 0.5694652539313402 0.3767659926043474 0.18948397958775584 0.09197351000060393 -0.014823670975800974 -0.12162085195220587 -0.20055789876085184 -0.2794949455694978 -0.3553364219150623 -0.30116393881109393 -0.4041690459702136 -0.19281897260313954 0.12602478509453446 0.4448685427922085 +8310,0.8950263995339099,0,1.534509345797845 1.639758741542709 1.3286539100027472 1.0175490784627856 0.762164515258333 0.5694652539313402 0.3767659926043474 0.18948397958775584 0.09197351000060393 -0.014823670975800974 -0.12162085195220587 -0.20055789876085184 -0.2794949455694978 -0.3553364219150623 -0.30116393881109393 -0.4041690459702136 -0.19281897260313954 0.12602478509453446 0.4448685427922085 0.8349104211408162 +8311,1.3400559279267,0,1.639758741542709 1.3286539100027472 1.0175490784627856 0.762164515258333 0.5694652539313402 0.3767659926043474 0.18948397958775584 0.09197351000060393 -0.014823670975800974 -0.12162085195220587 -0.20055789876085184 -0.2794949455694978 -0.3553364219150623 -0.30116393881109393 -0.4041690459702136 -0.19281897260313954 0.12602478509453446 0.4448685427922085 0.8349104211408162 0.8950263995339099 +8312,1.4551595562091906,0,1.3286539100027472 1.0175490784627856 0.762164515258333 0.5694652539313402 0.3767659926043474 0.18948397958775584 0.09197351000060393 -0.014823670975800974 -0.12162085195220587 -0.20055789876085184 -0.2794949455694978 -0.3553364219150623 -0.30116393881109393 -0.4041690459702136 -0.19281897260313954 0.12602478509453446 0.4448685427922085 0.8349104211408162 0.8950263995339099 1.3400559279267 +8313,1.3545793126310803,0,1.0175490784627856 0.762164515258333 0.5694652539313402 0.3767659926043474 0.18948397958775584 0.09197351000060393 -0.014823670975800974 -0.12162085195220587 -0.20055789876085184 -0.2794949455694978 -0.3553364219150623 -0.30116393881109393 -0.4041690459702136 -0.19281897260313954 0.12602478509453446 0.4448685427922085 0.8349104211408162 0.8950263995339099 1.3400559279267 1.4551595562091906 +8314,1.5415775650734853,0,0.762164515258333 0.5694652539313402 0.3767659926043474 0.18948397958775584 0.09197351000060393 -0.014823670975800974 -0.12162085195220587 -0.20055789876085184 -0.2794949455694978 -0.3553364219150623 -0.30116393881109393 -0.4041690459702136 -0.19281897260313954 0.12602478509453446 0.4448685427922085 0.8349104211408162 0.8950263995339099 1.3400559279267 1.4551595562091906 1.3545793126310803 +8315,1.5128919453457184,0,0.5694652539313402 0.3767659926043474 0.18948397958775584 0.09197351000060393 -0.014823670975800974 -0.12162085195220587 -0.20055789876085184 -0.2794949455694978 -0.3553364219150623 -0.30116393881109393 -0.4041690459702136 -0.19281897260313954 0.12602478509453446 0.4448685427922085 0.8349104211408162 0.8950263995339099 1.3400559279267 1.4551595562091906 1.3545793126310803 1.5415775650734853 +8316,1.1017485950586734,0,0.3767659926043474 0.18948397958775584 0.09197351000060393 -0.014823670975800974 -0.12162085195220587 -0.20055789876085184 -0.2794949455694978 -0.3553364219150623 -0.30116393881109393 -0.4041690459702136 -0.19281897260313954 0.12602478509453446 0.4448685427922085 0.8349104211408162 0.8950263995339099 1.3400559279267 1.4551595562091906 1.3545793126310803 1.5415775650734853 1.5128919453457184 +8317,1.200548885620517,0,0.18948397958775584 0.09197351000060393 -0.014823670975800974 -0.12162085195220587 -0.20055789876085184 -0.2794949455694978 -0.3553364219150623 -0.30116393881109393 -0.4041690459702136 -0.19281897260313954 0.12602478509453446 0.4448685427922085 0.8349104211408162 0.8950263995339099 1.3400559279267 1.4551595562091906 1.3545793126310803 1.5415775650734853 1.5128919453457184 1.1017485950586734 +8318,0.9168914456230914,0,0.09197351000060393 -0.014823670975800974 -0.12162085195220587 -0.20055789876085184 -0.2794949455694978 -0.3553364219150623 -0.30116393881109393 -0.4041690459702136 -0.19281897260313954 0.12602478509453446 0.4448685427922085 0.8349104211408162 0.8950263995339099 1.3400559279267 1.4551595562091906 1.3545793126310803 1.5415775650734853 1.5128919453457184 1.1017485950586734 1.200548885620517 +8319,0.769709968262107,0,-0.014823670975800974 -0.12162085195220587 -0.20055789876085184 -0.2794949455694978 -0.3553364219150623 -0.30116393881109393 -0.4041690459702136 -0.19281897260313954 0.12602478509453446 0.4448685427922085 0.8349104211408162 0.8950263995339099 1.3400559279267 1.4551595562091906 1.3545793126310803 1.5415775650734853 1.5128919453457184 1.1017485950586734 1.200548885620517 0.9168914456230914 +8320,0.5315445157585579,0,-0.12162085195220587 -0.20055789876085184 -0.2794949455694978 -0.3553364219150623 -0.30116393881109393 -0.4041690459702136 -0.19281897260313954 0.12602478509453446 0.4448685427922085 0.8349104211408162 0.8950263995339099 1.3400559279267 1.4551595562091906 1.3545793126310803 1.5415775650734853 1.5128919453457184 1.1017485950586734 1.200548885620517 0.9168914456230914 0.769709968262107 +8321,0.29937673102724216,0,-0.20055789876085184 -0.2794949455694978 -0.3553364219150623 -0.30116393881109393 -0.4041690459702136 -0.19281897260313954 0.12602478509453446 0.4448685427922085 0.8349104211408162 0.8950263995339099 1.3400559279267 1.4551595562091906 1.3545793126310803 1.5415775650734853 1.5128919453457184 1.1017485950586734 1.200548885620517 0.9168914456230914 0.769709968262107 0.5315445157585579 +8322,0.25294317408098604,0,-0.2794949455694978 -0.3553364219150623 -0.30116393881109393 -0.4041690459702136 -0.19281897260313954 0.12602478509453446 0.4448685427922085 0.8349104211408162 0.8950263995339099 1.3400559279267 1.4551595562091906 1.3545793126310803 1.5415775650734853 1.5128919453457184 1.1017485950586734 1.200548885620517 0.9168914456230914 0.769709968262107 0.5315445157585579 0.29937673102724216 +8323,0.2065096171347211,0,-0.3553364219150623 -0.30116393881109393 -0.4041690459702136 -0.19281897260313954 0.12602478509453446 0.4448685427922085 0.8349104211408162 0.8950263995339099 1.3400559279267 1.4551595562091906 1.3545793126310803 1.5415775650734853 1.5128919453457184 1.1017485950586734 1.200548885620517 0.9168914456230914 0.769709968262107 0.5315445157585579 0.29937673102724216 0.25294317408098604 +8324,0.1089991475475692,0,-0.30116393881109393 -0.4041690459702136 -0.19281897260313954 0.12602478509453446 0.4448685427922085 0.8349104211408162 0.8950263995339099 1.3400559279267 1.4551595562091906 1.3545793126310803 1.5415775650734853 1.5128919453457184 1.1017485950586734 1.200548885620517 0.9168914456230914 0.769709968262107 0.5315445157585579 0.29937673102724216 0.25294317408098604 0.2065096171347211 +8325,0.10048632877408656,0,-0.4041690459702136 -0.19281897260313954 0.12602478509453446 0.4448685427922085 0.8349104211408162 0.8950263995339099 1.3400559279267 1.4551595562091906 1.3545793126310803 1.5415775650734853 1.5128919453457184 1.1017485950586734 1.200548885620517 0.9168914456230914 0.769709968262107 0.5315445157585579 0.29937673102724216 0.25294317408098604 0.2065096171347211 0.1089991475475692 +8326,0.09197351000060393,0,-0.19281897260313954 0.12602478509453446 0.4448685427922085 0.8349104211408162 0.8950263995339099 1.3400559279267 1.4551595562091906 1.3545793126310803 1.5415775650734853 1.5128919453457184 1.1017485950586734 1.200548885620517 0.9168914456230914 0.769709968262107 0.5315445157585579 0.29937673102724216 0.25294317408098604 0.2065096171347211 0.1089991475475692 0.10048632877408656 +8327,-0.06899615407977817,0,0.12602478509453446 0.4448685427922085 0.8349104211408162 0.8950263995339099 1.3400559279267 1.4551595562091906 1.3545793126310803 1.5415775650734853 1.5128919453457184 1.1017485950586734 1.200548885620517 0.9168914456230914 0.769709968262107 0.5315445157585579 0.29937673102724216 0.25294317408098604 0.2065096171347211 0.1089991475475692 0.10048632877408656 0.09197351000060393 +8328,-0.09840407347907781,0,0.4448685427922085 0.8349104211408162 0.8950263995339099 1.3400559279267 1.4551595562091906 1.3545793126310803 1.5415775650734853 1.5128919453457184 1.1017485950586734 1.200548885620517 0.9168914456230914 0.769709968262107 0.5315445157585579 0.29937673102724216 0.25294317408098604 0.2065096171347211 0.1089991475475692 0.10048632877408656 0.09197351000060393 -0.06899615407977817 +8329,-0.14948098611996483,0,0.8349104211408162 0.8950263995339099 1.3400559279267 1.4551595562091906 1.3545793126310803 1.5415775650734853 1.5128919453457184 1.1017485950586734 1.200548885620517 0.9168914456230914 0.769709968262107 0.5315445157585579 0.29937673102724216 0.25294317408098604 0.2065096171347211 0.1089991475475692 0.10048632877408656 0.09197351000060393 -0.06899615407977817 -0.09840407347907781 +8330,-0.11388192579449359,0,0.8950263995339099 1.3400559279267 1.4551595562091906 1.3545793126310803 1.5415775650734853 1.5128919453457184 1.1017485950586734 1.200548885620517 0.9168914456230914 0.769709968262107 0.5315445157585579 0.29937673102724216 0.25294317408098604 0.2065096171347211 0.1089991475475692 0.10048632877408656 0.09197351000060393 -0.06899615407977817 -0.09840407347907781 -0.14948098611996483 +8331,0.20109236882431988,0,1.3400559279267 1.4551595562091906 1.3545793126310803 1.5415775650734853 1.5128919453457184 1.1017485950586734 1.200548885620517 0.9168914456230914 0.769709968262107 0.5315445157585579 0.29937673102724216 0.25294317408098604 0.2065096171347211 0.1089991475475692 0.10048632877408656 0.09197351000060393 -0.06899615407977817 -0.09840407347907781 -0.14948098611996483 -0.11388192579449359 +8332,0.5160666634431421,0,1.4551595562091906 1.3545793126310803 1.5415775650734853 1.5128919453457184 1.1017485950586734 1.200548885620517 0.9168914456230914 0.769709968262107 0.5315445157585579 0.29937673102724216 0.25294317408098604 0.2065096171347211 0.1089991475475692 0.10048632877408656 0.09197351000060393 -0.06899615407977817 -0.09840407347907781 -0.14948098611996483 -0.11388192579449359 0.20109236882431988 +8333,1.200187735784755,0,1.3545793126310803 1.5415775650734853 1.5128919453457184 1.1017485950586734 1.200548885620517 0.9168914456230914 0.769709968262107 0.5315445157585579 0.29937673102724216 0.25294317408098604 0.2065096171347211 0.1089991475475692 0.10048632877408656 0.09197351000060393 -0.06899615407977817 -0.09840407347907781 -0.14948098611996483 -0.11388192579449359 0.20109236882431988 0.5160666634431421 +8334,1.49117135931467,0,1.5415775650734853 1.5128919453457184 1.1017485950586734 1.200548885620517 0.9168914456230914 0.769709968262107 0.5315445157585579 0.29937673102724216 0.25294317408098604 0.2065096171347211 0.1089991475475692 0.10048632877408656 0.09197351000060393 -0.06899615407977817 -0.09840407347907781 -0.14948098611996483 -0.11388192579449359 0.20109236882431988 0.5160666634431421 1.200187735784755 +8335,1.8374625084000946,0,1.5128919453457184 1.1017485950586734 1.200548885620517 0.9168914456230914 0.769709968262107 0.5315445157585579 0.29937673102724216 0.25294317408098604 0.2065096171347211 0.1089991475475692 0.10048632877408656 0.09197351000060393 -0.06899615407977817 -0.09840407347907781 -0.14948098611996483 -0.11388192579449359 0.20109236882431988 0.5160666634431421 1.200187735784755 1.49117135931467 +8336,2.10620961754004,0,1.1017485950586734 1.200548885620517 0.9168914456230914 0.769709968262107 0.5315445157585579 0.29937673102724216 0.25294317408098604 0.2065096171347211 0.1089991475475692 0.10048632877408656 0.09197351000060393 -0.06899615407977817 -0.09840407347907781 -0.14948098611996483 -0.11388192579449359 0.20109236882431988 0.5160666634431421 1.200187735784755 1.49117135931467 1.8374625084000946 +8337,2.374956726525209,0,1.200548885620517 0.9168914456230914 0.769709968262107 0.5315445157585579 0.29937673102724216 0.25294317408098604 0.2065096171347211 0.1089991475475692 0.10048632877408656 0.09197351000060393 -0.06899615407977817 -0.09840407347907781 -0.14948098611996483 -0.11388192579449359 0.20109236882431988 0.5160666634431421 1.200187735784755 1.49117135931467 1.8374625084000946 2.10620961754004 +8338,2.1667796128828005,0,0.9168914456230914 0.769709968262107 0.5315445157585579 0.29937673102724216 0.25294317408098604 0.2065096171347211 0.1089991475475692 0.10048632877408656 0.09197351000060393 -0.06899615407977817 -0.09840407347907781 -0.14948098611996483 -0.11388192579449359 0.20109236882431988 0.5160666634431421 1.200187735784755 1.49117135931467 1.8374625084000946 2.10620961754004 2.374956726525209 +8339,1.958602499240383,0,0.769709968262107 0.5315445157585579 0.29937673102724216 0.25294317408098604 0.2065096171347211 0.1089991475475692 0.10048632877408656 0.09197351000060393 -0.06899615407977817 -0.09840407347907781 -0.14948098611996483 -0.11388192579449359 0.20109236882431988 0.5160666634431421 1.200187735784755 1.49117135931467 1.8374625084000946 2.10620961754004 2.374956726525209 2.1667796128828005 +8340,2.2820896126326793,0,0.5315445157585579 0.29937673102724216 0.25294317408098604 0.2065096171347211 0.1089991475475692 0.10048632877408656 0.09197351000060393 -0.06899615407977817 -0.09840407347907781 -0.14948098611996483 -0.11388192579449359 0.20109236882431988 0.5160666634431421 1.200187735784755 1.49117135931467 1.8374625084000946 2.10620961754004 2.374956726525209 2.1667796128828005 1.958602499240383 +8341,1.6242808892272844,0,0.29937673102724216 0.25294317408098604 0.2065096171347211 0.1089991475475692 0.10048632877408656 0.09197351000060393 -0.06899615407977817 -0.09840407347907781 -0.14948098611996483 -0.11388192579449359 0.20109236882431988 0.5160666634431421 1.200187735784755 1.49117135931467 1.8374625084000946 2.10620961754004 2.374956726525209 2.1667796128828005 1.958602499240383 2.2820896126326793 +8342,1.709409076962102,0,0.25294317408098604 0.2065096171347211 0.1089991475475692 0.10048632877408656 0.09197351000060393 -0.06899615407977817 -0.09840407347907781 -0.14948098611996483 -0.11388192579449359 0.20109236882431988 0.5160666634431421 1.200187735784755 1.49117135931467 1.8374625084000946 2.10620961754004 2.374956726525209 2.1667796128828005 1.958602499240383 2.2820896126326793 1.6242808892272844 +8343,1.3890175340328874,0,0.2065096171347211 0.1089991475475692 0.10048632877408656 0.09197351000060393 -0.06899615407977817 -0.09840407347907781 -0.14948098611996483 -0.11388192579449359 0.20109236882431988 0.5160666634431421 1.200187735784755 1.49117135931467 1.8374625084000946 2.10620961754004 2.374956726525209 2.1667796128828005 1.958602499240383 2.2820896126326793 1.6242808892272844 1.709409076962102 +8344,1.0686259911036726,0,0.1089991475475692 0.10048632877408656 0.09197351000060393 -0.06899615407977817 -0.09840407347907781 -0.14948098611996483 -0.11388192579449359 0.20109236882431988 0.5160666634431421 1.200187735784755 1.49117135931467 1.8374625084000946 2.10620961754004 2.374956726525209 2.1667796128828005 1.958602499240383 2.2820896126326793 1.6242808892272844 1.709409076962102 1.3890175340328874 +8345,0.8596749848454849,0,0.10048632877408656 0.09197351000060393 -0.06899615407977817 -0.09840407347907781 -0.14948098611996483 -0.11388192579449359 0.20109236882431988 0.5160666634431421 1.200187735784755 1.49117135931467 1.8374625084000946 2.10620961754004 2.374956726525209 2.1667796128828005 1.958602499240383 2.2820896126326793 1.6242808892272844 1.709409076962102 1.3890175340328874 1.0686259911036726 +8346,0.7087659247701349,0,0.09197351000060393 -0.06899615407977817 -0.09840407347907781 -0.14948098611996483 -0.11388192579449359 0.20109236882431988 0.5160666634431421 1.200187735784755 1.49117135931467 1.8374625084000946 2.10620961754004 2.374956726525209 2.1667796128828005 1.958602499240383 2.2820896126326793 1.6242808892272844 1.709409076962102 1.3890175340328874 1.0686259911036726 0.8596749848454849 +8347,0.5578568646947761,0,-0.06899615407977817 -0.09840407347907781 -0.14948098611996483 -0.11388192579449359 0.20109236882431988 0.5160666634431421 1.200187735784755 1.49117135931467 1.8374625084000946 2.10620961754004 2.374956726525209 2.1667796128828005 1.958602499240383 2.2820896126326793 1.6242808892272844 1.709409076962102 1.3890175340328874 1.0686259911036726 0.8596749848454849 0.7087659247701349 +8348,0.45105968371837124,0,-0.09840407347907781 -0.14948098611996483 -0.11388192579449359 0.20109236882431988 0.5160666634431421 1.200187735784755 1.49117135931467 1.8374625084000946 2.10620961754004 2.374956726525209 2.1667796128828005 1.958602499240383 2.2820896126326793 1.6242808892272844 1.709409076962102 1.3890175340328874 1.0686259911036726 0.8596749848454849 0.7087659247701349 0.5578568646947761 +8349,0.3870845608662286,0,-0.14948098611996483 -0.11388192579449359 0.20109236882431988 0.5160666634431421 1.200187735784755 1.49117135931467 1.8374625084000946 2.10620961754004 2.374956726525209 2.1667796128828005 1.958602499240383 2.2820896126326793 1.6242808892272844 1.709409076962102 1.3890175340328874 1.0686259911036726 0.8596749848454849 0.7087659247701349 0.5578568646947761 0.45105968371837124 +8350,0.11650590592054685,0,-0.11388192579449359 0.20109236882431988 0.5160666634431421 1.200187735784755 1.49117135931467 1.8374625084000946 2.10620961754004 2.374956726525209 2.1667796128828005 1.958602499240383 2.2820896126326793 1.6242808892272844 1.709409076962102 1.3890175340328874 1.0686259911036726 0.8596749848454849 0.7087659247701349 0.5578568646947761 0.45105968371837124 0.3870845608662286 +8351,0.25913431500714884,0,0.20109236882431988 0.5160666634431421 1.200187735784755 1.49117135931467 1.8374625084000946 2.10620961754004 2.374956726525209 2.1667796128828005 1.958602499240383 2.2820896126326793 1.6242808892272844 1.709409076962102 1.3890175340328874 1.0686259911036726 0.8596749848454849 0.7087659247701349 0.5578568646947761 0.45105968371837124 0.3870845608662286 0.11650590592054685 +8352,0.2235352546816864,0,0.5160666634431421 1.200187735784755 1.49117135931467 1.8374625084000946 2.10620961754004 2.374956726525209 2.1667796128828005 1.958602499240383 2.2820896126326793 1.6242808892272844 1.709409076962102 1.3890175340328874 1.0686259911036726 0.8596749848454849 0.7087659247701349 0.5578568646947761 0.45105968371837124 0.3870845608662286 0.11650590592054685 0.25913431500714884 +8353,0.18793619435621514,0,1.200187735784755 1.49117135931467 1.8374625084000946 2.10620961754004 2.374956726525209 2.1667796128828005 1.958602499240383 2.2820896126326793 1.6242808892272844 1.709409076962102 1.3890175340328874 1.0686259911036726 0.8596749848454849 0.7087659247701349 0.5578568646947761 0.45105968371837124 0.3870845608662286 0.11650590592054685 0.25913431500714884 0.2235352546816864 +8354,0.033157671202004635,0,1.49117135931467 1.8374625084000946 2.10620961754004 2.374956726525209 2.1667796128828005 1.958602499240383 2.2820896126326793 1.6242808892272844 1.709409076962102 1.3890175340328874 1.0686259911036726 0.8596749848454849 0.7087659247701349 0.5578568646947761 0.45105968371837124 0.3870845608662286 0.11650590592054685 0.25913431500714884 0.2235352546816864 0.18793619435621514 +8355,0.41778230124021987,0,1.8374625084000946 2.10620961754004 2.374956726525209 2.1667796128828005 1.958602499240383 2.2820896126326793 1.6242808892272844 1.709409076962102 1.3890175340328874 1.0686259911036726 0.8596749848454849 0.7087659247701349 0.5578568646947761 0.45105968371837124 0.3870845608662286 0.11650590592054685 0.25913431500714884 0.2235352546816864 0.18793619435621514 0.033157671202004635 +8356,0.8024069312784263,0,2.10620961754004 2.374956726525209 2.1667796128828005 1.958602499240383 2.2820896126326793 1.6242808892272844 1.709409076962102 1.3890175340328874 1.0686259911036726 0.8596749848454849 0.7087659247701349 0.5578568646947761 0.45105968371837124 0.3870845608662286 0.11650590592054685 0.25913431500714884 0.2235352546816864 0.18793619435621514 0.033157671202004635 0.41778230124021987 +8357,1.281756017487022,0,2.374956726525209 2.1667796128828005 1.958602499240383 2.2820896126326793 1.6242808892272844 1.709409076962102 1.3890175340328874 1.0686259911036726 0.8596749848454849 0.7087659247701349 0.5578568646947761 0.45105968371837124 0.3870845608662286 0.11650590592054685 0.25913431500714884 0.2235352546816864 0.18793619435621514 0.033157671202004635 0.41778230124021987 0.8024069312784263 +8358,1.8776017388412751,0,2.1667796128828005 1.958602499240383 2.2820896126326793 1.6242808892272844 1.709409076962102 1.3890175340328874 1.0686259911036726 0.8596749848454849 0.7087659247701349 0.5578568646947761 0.45105968371837124 0.3870845608662286 0.11650590592054685 0.25913431500714884 0.2235352546816864 0.18793619435621514 0.033157671202004635 0.41778230124021987 0.8024069312784263 1.281756017487022 +8359,2.415199142545302,0,1.958602499240383 2.2820896126326793 1.6242808892272844 1.709409076962102 1.3890175340328874 1.0686259911036726 0.8596749848454849 0.7087659247701349 0.5578568646947761 0.45105968371837124 0.3870845608662286 0.11650590592054685 0.25913431500714884 0.2235352546816864 0.18793619435621514 0.033157671202004635 0.41778230124021987 0.8024069312784263 1.281756017487022 1.8776017388412751 +8360,1.916812297988749,0,2.2820896126326793 1.6242808892272844 1.709409076962102 1.3890175340328874 1.0686259911036726 0.8596749848454849 0.7087659247701349 0.5578568646947761 0.45105968371837124 0.3870845608662286 0.11650590592054685 0.25913431500714884 0.2235352546816864 0.18793619435621514 0.033157671202004635 0.41778230124021987 0.8024069312784263 1.281756017487022 1.8776017388412751 2.415199142545302 +8361,2.396625719766796,0,1.6242808892272844 1.709409076962102 1.3890175340328874 1.0686259911036726 0.8596749848454849 0.7087659247701349 0.5578568646947761 0.45105968371837124 0.3870845608662286 0.11650590592054685 0.25913431500714884 0.2235352546816864 0.18793619435621514 0.033157671202004635 0.41778230124021987 0.8024069312784263 1.281756017487022 1.8776017388412751 2.415199142545302 1.916812297988749 +8362,2.8764391415448523,0,1.709409076962102 1.3890175340328874 1.0686259911036726 0.8596749848454849 0.7087659247701349 0.5578568646947761 0.45105968371837124 0.3870845608662286 0.11650590592054685 0.25913431500714884 0.2235352546816864 0.18793619435621514 0.033157671202004635 0.41778230124021987 0.8024069312784263 1.281756017487022 1.8776017388412751 2.415199142545302 1.916812297988749 2.396625719766796 +8363,2.7990498799677472,0,1.3890175340328874 1.0686259911036726 0.8596749848454849 0.7087659247701349 0.5578568646947761 0.45105968371837124 0.3870845608662286 0.11650590592054685 0.25913431500714884 0.2235352546816864 0.18793619435621514 0.033157671202004635 0.41778230124021987 0.8024069312784263 1.281756017487022 1.8776017388412751 2.415199142545302 1.916812297988749 2.396625719766796 2.8764391415448523 +8364,2.675227061444377,0,1.0686259911036726 0.8596749848454849 0.7087659247701349 0.5578568646947761 0.45105968371837124 0.3870845608662286 0.11650590592054685 0.25913431500714884 0.2235352546816864 0.18793619435621514 0.033157671202004635 0.41778230124021987 0.8024069312784263 1.281756017487022 1.8776017388412751 2.415199142545302 1.916812297988749 2.396625719766796 2.8764391415448523 2.7990498799677472 +8365,2.3440010218943685,0,0.8596749848454849 0.7087659247701349 0.5578568646947761 0.45105968371837124 0.3870845608662286 0.11650590592054685 0.25913431500714884 0.2235352546816864 0.18793619435621514 0.033157671202004635 0.41778230124021987 0.8024069312784263 1.281756017487022 1.8776017388412751 2.415199142545302 1.916812297988749 2.396625719766796 2.8764391415448523 2.7990498799677472 2.675227061444377 +8366,1.9106211570625775,0,0.7087659247701349 0.5578568646947761 0.45105968371837124 0.3870845608662286 0.11650590592054685 0.25913431500714884 0.2235352546816864 0.18793619435621514 0.033157671202004635 0.41778230124021987 0.8024069312784263 1.281756017487022 1.8776017388412751 2.415199142545302 1.916812297988749 2.396625719766796 2.8764391415448523 2.7990498799677472 2.675227061444377 2.3440010218943685 +8367,1.2249522994894237,0,0.5578568646947761 0.45105968371837124 0.3870845608662286 0.11650590592054685 0.25913431500714884 0.2235352546816864 0.18793619435621514 0.033157671202004635 0.41778230124021987 0.8024069312784263 1.281756017487022 1.8776017388412751 2.415199142545302 1.916812297988749 2.396625719766796 2.8764391415448523 2.7990498799677472 2.675227061444377 2.3440010218943685 1.9106211570625775 +8368,1.09029498434526,0,0.45105968371837124 0.3870845608662286 0.11650590592054685 0.25913431500714884 0.2235352546816864 0.18793619435621514 0.033157671202004635 0.41778230124021987 0.8024069312784263 1.281756017487022 1.8776017388412751 2.415199142545302 1.916812297988749 2.396625719766796 2.8764391415448523 2.7990498799677472 2.675227061444377 2.3440010218943685 1.9106211570625775 1.2249522994894237 +8369,1.076364917261385,0,0.3870845608662286 0.11650590592054685 0.25913431500714884 0.2235352546816864 0.18793619435621514 0.033157671202004635 0.41778230124021987 0.8024069312784263 1.281756017487022 1.8776017388412751 2.415199142545302 1.916812297988749 2.396625719766796 2.8764391415448523 2.7990498799677472 2.675227061444377 2.3440010218943685 1.9106211570625775 1.2249522994894237 1.09029498434526 +8370,0.7497822334059986,0,0.11650590592054685 0.25913431500714884 0.2235352546816864 0.18793619435621514 0.033157671202004635 0.41778230124021987 0.8024069312784263 1.281756017487022 1.8776017388412751 2.415199142545302 1.916812297988749 2.396625719766796 2.8764391415448523 2.7990498799677472 2.675227061444377 2.3440010218943685 1.9106211570625775 1.2249522994894237 1.09029498434526 1.076364917261385 +8371,0.6816796832181463,0,0.25913431500714884 0.2235352546816864 0.18793619435621514 0.033157671202004635 0.41778230124021987 0.8024069312784263 1.281756017487022 1.8776017388412751 2.415199142545302 1.916812297988749 2.396625719766796 2.8764391415448523 2.7990498799677472 2.675227061444377 2.3440010218943685 1.9106211570625775 1.2249522994894237 1.09029498434526 1.076364917261385 0.7497822334059986 +8372,0.424747334782153,0,0.2235352546816864 0.18793619435621514 0.033157671202004635 0.41778230124021987 0.8024069312784263 1.281756017487022 1.8776017388412751 2.415199142545302 1.916812297988749 2.396625719766796 2.8764391415448523 2.7990498799677472 2.675227061444377 2.3440010218943685 1.9106211570625775 1.2249522994894237 1.09029498434526 1.076364917261385 0.7497822334059986 0.6816796832181463 +8373,0.4154606233929,0,0.18793619435621514 0.033157671202004635 0.41778230124021987 0.8024069312784263 1.281756017487022 1.8776017388412751 2.415199142545302 1.916812297988749 2.396625719766796 2.8764391415448523 2.7990498799677472 2.675227061444377 2.3440010218943685 1.9106211570625775 1.2249522994894237 1.09029498434526 1.076364917261385 0.7497822334059986 0.6816796832181463 0.424747334782153 +8374,0.23591753653402076,0,0.033157671202004635 0.41778230124021987 0.8024069312784263 1.281756017487022 1.8776017388412751 2.415199142545302 1.916812297988749 2.396625719766796 2.8764391415448523 2.7990498799677472 2.675227061444377 2.3440010218943685 1.9106211570625775 1.2249522994894237 1.09029498434526 1.076364917261385 0.7497822334059986 0.6816796832181463 0.424747334782153 0.4154606233929 +8375,0.11983364416836288,0,0.41778230124021987 0.8024069312784263 1.281756017487022 1.8776017388412751 2.415199142545302 1.916812297988749 2.396625719766796 2.8764391415448523 2.7990498799677472 2.675227061444377 2.3440010218943685 1.9106211570625775 1.2249522994894237 1.09029498434526 1.076364917261385 0.7497822334059986 0.6816796832181463 0.424747334782153 0.4154606233929 0.23591753653402076 +8376,0.0037497518027049923,0,0.8024069312784263 1.281756017487022 1.8776017388412751 2.415199142545302 1.916812297988749 2.396625719766796 2.8764391415448523 2.7990498799677472 2.675227061444377 2.3440010218943685 1.9106211570625775 1.2249522994894237 1.09029498434526 1.076364917261385 0.7497822334059986 0.6816796832181463 0.424747334782153 0.4154606233929 0.23591753653402076 0.11983364416836288 +8377,0.02232317458121096,0,1.281756017487022 1.8776017388412751 2.415199142545302 1.916812297988749 2.396625719766796 2.8764391415448523 2.7990498799677472 2.675227061444377 2.3440010218943685 1.9106211570625775 1.2249522994894237 1.09029498434526 1.076364917261385 0.7497822334059986 0.6816796832181463 0.424747334782153 0.4154606233929 0.23591753653402076 0.11983364416836288 0.0037497518027049923 +8378,0.04089659735971692,0,1.8776017388412751 2.415199142545302 1.916812297988749 2.396625719766796 2.8764391415448523 2.7990498799677472 2.675227061444377 2.3440010218943685 1.9106211570625775 1.2249522994894237 1.09029498434526 1.076364917261385 0.7497822334059986 0.6816796832181463 0.424747334782153 0.4154606233929 0.23591753653402076 0.11983364416836288 0.0037497518027049923 0.02232317458121096 +8379,0.42977763678466907,0,2.415199142545302 1.916812297988749 2.396625719766796 2.8764391415448523 2.7990498799677472 2.675227061444377 2.3440010218943685 1.9106211570625775 1.2249522994894237 1.09029498434526 1.076364917261385 0.7497822334059986 0.6816796832181463 0.424747334782153 0.4154606233929 0.23591753653402076 0.11983364416836288 0.0037497518027049923 0.02232317458121096 0.04089659735971692 +8380,0.7849685509514615,0,1.916812297988749 2.396625719766796 2.8764391415448523 2.7990498799677472 2.675227061444377 2.3440010218943685 1.9106211570625775 1.2249522994894237 1.09029498434526 1.076364917261385 0.7497822334059986 0.6816796832181463 0.424747334782153 0.4154606233929 0.23591753653402076 0.11983364416836288 0.0037497518027049923 0.02232317458121096 0.04089659735971692 0.42977763678466907 +8381,1.1906946530828908,0,2.396625719766796 2.8764391415448523 2.7990498799677472 2.675227061444377 2.3440010218943685 1.9106211570625775 1.2249522994894237 1.09029498434526 1.076364917261385 0.7497822334059986 0.6816796832181463 0.424747334782153 0.4154606233929 0.23591753653402076 0.11983364416836288 0.0037497518027049923 0.02232317458121096 0.04089659735971692 0.42977763678466907 0.7849685509514615 +8382,1.5964207550595344,0,2.8764391415448523 2.7990498799677472 2.675227061444377 2.3440010218943685 1.9106211570625775 1.2249522994894237 1.09029498434526 1.076364917261385 0.7497822334059986 0.6816796832181463 0.424747334782153 0.4154606233929 0.23591753653402076 0.11983364416836288 0.0037497518027049923 0.02232317458121096 0.04089659735971692 0.42977763678466907 0.7849685509514615 1.1906946530828908 +8383,2.088616458689916,0,2.7990498799677472 2.675227061444377 2.3440010218943685 1.9106211570625775 1.2249522994894237 1.09029498434526 1.076364917261385 0.7497822334059986 0.6816796832181463 0.424747334782153 0.4154606233929 0.23591753653402076 0.11983364416836288 0.0037497518027049923 0.02232317458121096 0.04089659735971692 0.42977763678466907 0.7849685509514615 1.1906946530828908 1.5964207550595344 +8384,2.3718611560621277,0,2.675227061444377 2.3440010218943685 1.9106211570625775 1.2249522994894237 1.09029498434526 1.076364917261385 0.7497822334059986 0.6816796832181463 0.424747334782153 0.4154606233929 0.23591753653402076 0.11983364416836288 0.0037497518027049923 0.02232317458121096 0.04089659735971692 0.42977763678466907 0.7849685509514615 1.1906946530828908 1.5964207550595344 2.088616458689916 +8385,2.7301734371641246,0,2.3440010218943685 1.9106211570625775 1.2249522994894237 1.09029498434526 1.076364917261385 0.7497822334059986 0.6816796832181463 0.424747334782153 0.4154606233929 0.23591753653402076 0.11983364416836288 0.0037497518027049923 0.02232317458121096 0.04089659735971692 0.42977763678466907 0.7849685509514615 1.1906946530828908 1.5964207550595344 2.088616458689916 2.3718611560621277 +8386,3.0884857182661216,0,1.9106211570625775 1.2249522994894237 1.09029498434526 1.076364917261385 0.7497822334059986 0.6816796832181463 0.424747334782153 0.4154606233929 0.23591753653402076 0.11983364416836288 0.0037497518027049923 0.02232317458121096 0.04089659735971692 0.42977763678466907 0.7849685509514615 1.1906946530828908 1.5964207550595344 2.088616458689916 2.3718611560621277 2.7301734371641246 +8387,3.0714600807191563,0,1.2249522994894237 1.09029498434526 1.076364917261385 0.7497822334059986 0.6816796832181463 0.424747334782153 0.4154606233929 0.23591753653402076 0.11983364416836288 0.0037497518027049923 0.02232317458121096 0.04089659735971692 0.42977763678466907 0.7849685509514615 1.1906946530828908 1.5964207550595344 2.088616458689916 2.3718611560621277 2.7301734371641246 3.0884857182661216 +8388,2.5978377998672717,0,1.09029498434526 1.076364917261385 0.7497822334059986 0.6816796832181463 0.424747334782153 0.4154606233929 0.23591753653402076 0.11983364416836288 0.0037497518027049923 0.02232317458121096 0.04089659735971692 0.42977763678466907 0.7849685509514615 1.1906946530828908 1.5964207550595344 2.088616458689916 2.3718611560621277 2.7301734371641246 3.0884857182661216 3.0714600807191563 +8389,2.124215519015387,0,1.076364917261385 0.7497822334059986 0.6816796832181463 0.424747334782153 0.4154606233929 0.23591753653402076 0.11983364416836288 0.0037497518027049923 0.02232317458121096 0.04089659735971692 0.42977763678466907 0.7849685509514615 1.1906946530828908 1.5964207550595344 2.088616458689916 2.3718611560621277 2.7301734371641246 3.0884857182661216 3.0714600807191563 2.5978377998672717 +8390,1.9616980697034645,0,0.7497822334059986 0.6816796832181463 0.424747334782153 0.4154606233929 0.23591753653402076 0.11983364416836288 0.0037497518027049923 0.02232317458121096 0.04089659735971692 0.42977763678466907 0.7849685509514615 1.1906946530828908 1.5964207550595344 2.088616458689916 2.3718611560621277 2.7301734371641246 3.0884857182661216 3.0714600807191563 2.5978377998672717 2.124215519015387 +8391,1.5221270639455105,0,0.6816796832181463 0.424747334782153 0.4154606233929 0.23591753653402076 0.11983364416836288 0.0037497518027049923 0.02232317458121096 0.04089659735971692 0.42977763678466907 0.7849685509514615 1.1906946530828908 1.5964207550595344 2.088616458689916 2.3718611560621277 2.7301734371641246 3.0884857182661216 3.0714600807191563 2.5978377998672717 2.124215519015387 1.9616980697034645 +8392,1.2141178028686301,0,0.424747334782153 0.4154606233929 0.23591753653402076 0.11983364416836288 0.0037497518027049923 0.02232317458121096 0.04089659735971692 0.42977763678466907 0.7849685509514615 1.1906946530828908 1.5964207550595344 2.088616458689916 2.3718611560621277 2.7301734371641246 3.0884857182661216 3.0714600807191563 2.5978377998672717 2.124215519015387 1.9616980697034645 1.5221270639455105 +8393,0.9556376692010962,0,0.4154606233929 0.23591753653402076 0.11983364416836288 0.0037497518027049923 0.02232317458121096 0.04089659735971692 0.42977763678466907 0.7849685509514615 1.1906946530828908 1.5964207550595344 2.088616458689916 2.3718611560621277 2.7301734371641246 3.0884857182661216 3.0714600807191563 2.5978377998672717 2.124215519015387 1.9616980697034645 1.5221270639455105 1.2141178028686301 +8394,0.6971575355335708,0,0.23591753653402076 0.11983364416836288 0.0037497518027049923 0.02232317458121096 0.04089659735971692 0.42977763678466907 0.7849685509514615 1.1906946530828908 1.5964207550595344 2.088616458689916 2.3718611560621277 2.7301734371641246 3.0884857182661216 3.0714600807191563 2.5978377998672717 2.124215519015387 1.9616980697034645 1.5221270639455105 1.2141178028686301 0.9556376692010962 +8395,0.6244116296510878,0,0.11983364416836288 0.0037497518027049923 0.02232317458121096 0.04089659735971692 0.42977763678466907 0.7849685509514615 1.1906946530828908 1.5964207550595344 2.088616458689916 2.3718611560621277 2.7301734371641246 3.0884857182661216 3.0714600807191563 2.5978377998672717 2.124215519015387 1.9616980697034645 1.5221270639455105 1.2141178028686301 0.9556376692010962 0.6971575355335708 +8396,0.5516657237686133,0,0.0037497518027049923 0.02232317458121096 0.04089659735971692 0.42977763678466907 0.7849685509514615 1.1906946530828908 1.5964207550595344 2.088616458689916 2.3718611560621277 2.7301734371641246 3.0884857182661216 3.0714600807191563 2.5978377998672717 2.124215519015387 1.9616980697034645 1.5221270639455105 1.2141178028686301 0.9556376692010962 0.6971575355335708 0.6244116296510878 +8397,0.35974035505739094,0,0.02232317458121096 0.04089659735971692 0.42977763678466907 0.7849685509514615 1.1906946530828908 1.5964207550595344 2.088616458689916 2.3718611560621277 2.7301734371641246 3.0884857182661216 3.0714600807191563 2.5978377998672717 2.124215519015387 1.9616980697034645 1.5221270639455105 1.2141178028686301 0.9556376692010962 0.6971575355335708 0.6244116296510878 0.5516657237686133 +8398,0.30556787195341373,0,0.04089659735971692 0.42977763678466907 0.7849685509514615 1.1906946530828908 1.5964207550595344 2.088616458689916 2.3718611560621277 2.7301734371641246 3.0884857182661216 3.0714600807191563 2.5978377998672717 2.124215519015387 1.9616980697034645 1.5221270639455105 1.2141178028686301 0.9556376692010962 0.6971575355335708 0.6244116296510878 0.5516657237686133 0.35974035505739094 +8399,0.25139538884944534,0,0.42977763678466907 0.7849685509514615 1.1906946530828908 1.5964207550595344 2.088616458689916 2.3718611560621277 2.7301734371641246 3.0884857182661216 3.0714600807191563 2.5978377998672717 2.124215519015387 1.9616980697034645 1.5221270639455105 1.2141178028686301 0.9556376692010962 0.6971575355335708 0.6244116296510878 0.5516657237686133 0.35974035505739094 0.30556787195341373 +8400,0.17452205563125256,0,0.7849685509514615 1.1906946530828908 1.5964207550595344 2.088616458689916 2.3718611560621277 2.7301734371641246 3.0884857182661216 3.0714600807191563 2.5978377998672717 2.124215519015387 1.9616980697034645 1.5221270639455105 1.2141178028686301 0.9556376692010962 0.6971575355335708 0.6244116296510878 0.5516657237686133 0.35974035505739094 0.30556787195341373 0.25139538884944534 +8401,0.046468624193259915,0,1.1906946530828908 1.5964207550595344 2.088616458689916 2.3718611560621277 2.7301734371641246 3.0884857182661216 3.0714600807191563 2.5978377998672717 2.124215519015387 1.9616980697034645 1.5221270639455105 1.2141178028686301 0.9556376692010962 0.6971575355335708 0.6244116296510878 0.5516657237686133 0.35974035505739094 0.30556787195341373 0.25139538884944534 0.17452205563125256 +8402,0.02077538934967026,0,1.5964207550595344 2.088616458689916 2.3718611560621277 2.7301734371641246 3.0884857182661216 3.0714600807191563 2.5978377998672717 2.124215519015387 1.9616980697034645 1.5221270639455105 1.2141178028686301 0.9556376692010962 0.6971575355335708 0.6244116296510878 0.5516657237686133 0.35974035505739094 0.30556787195341373 0.25139538884944534 0.17452205563125256 0.046468624193259915 +8403,0.35974035505739094,0,2.088616458689916 2.3718611560621277 2.7301734371641246 3.0884857182661216 3.0714600807191563 2.5978377998672717 2.124215519015387 1.9616980697034645 1.5221270639455105 1.2141178028686301 0.9556376692010962 0.6971575355335708 0.6244116296510878 0.5516657237686133 0.35974035505739094 0.30556787195341373 0.25139538884944534 0.17452205563125256 0.046468624193259915 0.02077538934967026 +8404,0.6987053207651116,0,2.3718611560621277 2.7301734371641246 3.0884857182661216 3.0714600807191563 2.5978377998672717 2.124215519015387 1.9616980697034645 1.5221270639455105 1.2141178028686301 0.9556376692010962 0.6971575355335708 0.6244116296510878 0.5516657237686133 0.35974035505739094 0.30556787195341373 0.25139538884944534 0.17452205563125256 0.046468624193259915 0.02077538934967026 0.35974035505739094 +8405,1.2528124336571829,0,2.7301734371641246 3.0884857182661216 3.0714600807191563 2.5978377998672717 2.124215519015387 1.9616980697034645 1.5221270639455105 1.2141178028686301 0.9556376692010962 0.6971575355335708 0.6244116296510878 0.5516657237686133 0.35974035505739094 0.30556787195341373 0.25139538884944534 0.17452205563125256 0.046468624193259915 0.02077538934967026 0.35974035505739094 0.6987053207651116 +8406,1.8193018284015972,0,3.0884857182661216 3.0714600807191563 2.5978377998672717 2.124215519015387 1.9616980697034645 1.5221270639455105 1.2141178028686301 0.9556376692010962 0.6971575355335708 0.6244116296510878 0.5516657237686133 0.35974035505739094 0.30556787195341373 0.25139538884944534 0.17452205563125256 0.046468624193259915 0.02077538934967026 0.35974035505739094 0.6987053207651116 1.2528124336571829 +8407,2.486397263196245,0,3.0714600807191563 2.5978377998672717 2.124215519015387 1.9616980697034645 1.5221270639455105 1.2141178028686301 0.9556376692010962 0.6971575355335708 0.6244116296510878 0.5516657237686133 0.35974035505739094 0.30556787195341373 0.25139538884944534 0.17452205563125256 0.046468624193259915 0.02077538934967026 0.35974035505739094 0.6987053207651116 1.2528124336571829 1.8193018284015972 +8408,2.933707195111911,0,2.5978377998672717 2.124215519015387 1.9616980697034645 1.5221270639455105 1.2141178028686301 0.9556376692010962 0.6971575355335708 0.6244116296510878 0.5516657237686133 0.35974035505739094 0.30556787195341373 0.25139538884944534 0.17452205563125256 0.046468624193259915 0.02077538934967026 0.35974035505739094 0.6987053207651116 1.2528124336571829 1.8193018284015972 2.486397263196245 +8409,2.6589366218823947,0,2.124215519015387 1.9616980697034645 1.5221270639455105 1.2141178028686301 0.9556376692010962 0.6971575355335708 0.6244116296510878 0.5516657237686133 0.35974035505739094 0.30556787195341373 0.25139538884944534 0.17452205563125256 0.046468624193259915 0.02077538934967026 0.35974035505739094 0.6987053207651116 1.2528124336571829 1.8193018284015972 2.486397263196245 2.933707195111911 +8410,1.9587572777635336,0,1.9616980697034645 1.5221270639455105 1.2141178028686301 0.9556376692010962 0.6971575355335708 0.6244116296510878 0.5516657237686133 0.35974035505739094 0.30556787195341373 0.25139538884944534 0.17452205563125256 0.046468624193259915 0.02077538934967026 0.35974035505739094 0.6987053207651116 1.2528124336571829 1.8193018284015972 2.486397263196245 2.933707195111911 2.6589366218823947 +8411,1.8966910899787024,0,1.5221270639455105 1.2141178028686301 0.9556376692010962 0.6971575355335708 0.6244116296510878 0.5516657237686133 0.35974035505739094 0.30556787195341373 0.25139538884944534 0.17452205563125256 0.046468624193259915 0.02077538934967026 0.35974035505739094 0.6987053207651116 1.2528124336571829 1.8193018284015972 2.486397263196245 2.933707195111911 2.6589366218823947 1.9587572777635336 +8412,2.4477800216692676,0,1.2141178028686301 0.9556376692010962 0.6971575355335708 0.6244116296510878 0.5516657237686133 0.35974035505739094 0.30556787195341373 0.25139538884944534 0.17452205563125256 0.046468624193259915 0.02077538934967026 0.35974035505739094 0.6987053207651116 1.2528124336571829 1.8193018284015972 2.486397263196245 2.933707195111911 2.6589366218823947 1.9587572777635336 1.8966910899787024 +8413,2.5900988737095596,0,0.9556376692010962 0.6971575355335708 0.6244116296510878 0.5516657237686133 0.35974035505739094 0.30556787195341373 0.25139538884944534 0.17452205563125256 0.046468624193259915 0.02077538934967026 0.35974035505739094 0.6987053207651116 1.2528124336571829 1.8193018284015972 2.486397263196245 2.933707195111911 2.6589366218823947 1.9587572777635336 1.8966910899787024 2.4477800216692676 +8414,0.5841692136309944,0,0.6971575355335708 0.6244116296510878 0.5516657237686133 0.35974035505739094 0.30556787195341373 0.25139538884944534 0.17452205563125256 0.046468624193259915 0.02077538934967026 0.35974035505739094 0.6987053207651116 1.2528124336571829 1.8193018284015972 2.486397263196245 2.933707195111911 2.6589366218823947 1.9587572777635336 1.8966910899787024 2.4477800216692676 2.5900988737095596 +8415,0.8991435082498079,0,0.6244116296510878 0.5516657237686133 0.35974035505739094 0.30556787195341373 0.25139538884944534 0.17452205563125256 0.046468624193259915 0.02077538934967026 0.35974035505739094 0.6987053207651116 1.2528124336571829 1.8193018284015972 2.486397263196245 2.933707195111911 2.6589366218823947 1.9587572777635336 1.8966910899787024 2.4477800216692676 2.5900988737095596 0.5841692136309944 +8416,1.2141178028686301,0,0.5516657237686133 0.35974035505739094 0.30556787195341373 0.25139538884944534 0.17452205563125256 0.046468624193259915 0.02077538934967026 0.35974035505739094 0.6987053207651116 1.2528124336571829 1.8193018284015972 2.486397263196245 2.933707195111911 2.6589366218823947 1.9587572777635336 1.8966910899787024 2.4477800216692676 2.5900988737095596 0.5841692136309944 0.8991435082498079 +8417,0.8581271996139442,0,0.35974035505739094 0.30556787195341373 0.25139538884944534 0.17452205563125256 0.046468624193259915 0.02077538934967026 0.35974035505739094 0.6987053207651116 1.2528124336571829 1.8193018284015972 2.486397263196245 2.933707195111911 2.6589366218823947 1.9587572777635336 1.8966910899787024 2.4477800216692676 2.5900988737095596 0.5841692136309944 0.8991435082498079 1.2141178028686301 +8418,0.5710130391628897,0,0.30556787195341373 0.25139538884944534 0.17452205563125256 0.046468624193259915 0.02077538934967026 0.35974035505739094 0.6987053207651116 1.2528124336571829 1.8193018284015972 2.486397263196245 2.933707195111911 2.6589366218823947 1.9587572777635336 1.8966910899787024 2.4477800216692676 2.5900988737095596 0.5841692136309944 0.8991435082498079 1.2141178028686301 0.8581271996139442 +8419,0.2838988787118264,0,0.25139538884944534 0.17452205563125256 0.046468624193259915 0.02077538934967026 0.35974035505739094 0.6987053207651116 1.2528124336571829 1.8193018284015972 2.486397263196245 2.933707195111911 2.6589366218823947 1.9587572777635336 1.8966910899787024 2.4477800216692676 2.5900988737095596 0.5841692136309944 0.8991435082498079 1.2141178028686301 0.8581271996139442 0.5710130391628897 +8420,0.19257955005083724,0,0.17452205563125256 0.046468624193259915 0.02077538934967026 0.35974035505739094 0.6987053207651116 1.2528124336571829 1.8193018284015972 2.486397263196245 2.933707195111911 2.6589366218823947 1.9587572777635336 1.8966910899787024 2.4477800216692676 2.5900988737095596 0.5841692136309944 0.8991435082498079 1.2141178028686301 0.8581271996139442 0.5710130391628897 0.2838988787118264 +8421,-0.03494487898584764,0,0.046468624193259915 0.02077538934967026 0.35974035505739094 0.6987053207651116 1.2528124336571829 1.8193018284015972 2.486397263196245 2.933707195111911 2.6589366218823947 1.9587572777635336 1.8966910899787024 2.4477800216692676 2.5900988737095596 0.5841692136309944 0.8991435082498079 1.2141178028686301 0.8581271996139442 0.5710130391628897 0.2838988787118264 0.19257955005083724 +8422,-0.07518729500594096,0,0.02077538934967026 0.35974035505739094 0.6987053207651116 1.2528124336571829 1.8193018284015972 2.486397263196245 2.933707195111911 2.6589366218823947 1.9587572777635336 1.8966910899787024 2.4477800216692676 2.5900988737095596 0.5841692136309944 0.8991435082498079 1.2141178028686301 0.8581271996139442 0.5710130391628897 0.2838988787118264 0.19257955005083724 -0.03494487898584764 +8423,-0.11542971102603429,0,0.35974035505739094 0.6987053207651116 1.2528124336571829 1.8193018284015972 2.486397263196245 2.933707195111911 2.6589366218823947 1.9587572777635336 1.8966910899787024 2.4477800216692676 2.5900988737095596 0.5841692136309944 0.8991435082498079 1.2141178028686301 0.8581271996139442 0.5710130391628897 0.2838988787118264 0.19257955005083724 -0.03494487898584764 -0.07518729500594096 +8424,-0.14514718747164382,0,0.6987053207651116 1.2528124336571829 1.8193018284015972 2.486397263196245 2.933707195111911 2.6589366218823947 1.9587572777635336 1.8966910899787024 2.4477800216692676 2.5900988737095596 0.5841692136309944 0.8991435082498079 1.2141178028686301 0.8581271996139442 0.5710130391628897 0.2838988787118264 0.19257955005083724 -0.03494487898584764 -0.07518729500594096 -0.11542971102603429 +8425,-0.4544978624674535,0,1.2528124336571829 1.8193018284015972 2.486397263196245 2.933707195111911 2.6589366218823947 1.9587572777635336 1.8966910899787024 2.4477800216692676 2.5900988737095596 0.5841692136309944 0.8991435082498079 1.2141178028686301 0.8581271996139442 0.5710130391628897 0.2838988787118264 0.19257955005083724 -0.03494487898584764 -0.07518729500594096 -0.11542971102603429 -0.14514718747164382 +8426,-0.34439873956057016,0,1.8193018284015972 2.486397263196245 2.933707195111911 2.6589366218823947 1.9587572777635336 1.8966910899787024 2.4477800216692676 2.5900988737095596 0.5841692136309944 0.8991435082498079 1.2141178028686301 0.8581271996139442 0.5710130391628897 0.2838988787118264 0.19257955005083724 -0.03494487898584764 -0.07518729500594096 -0.11542971102603429 -0.14514718747164382 -0.4544978624674535 +8427,-0.09066514732136553,0,2.486397263196245 2.933707195111911 2.6589366218823947 1.9587572777635336 1.8966910899787024 2.4477800216692676 2.5900988737095596 0.5841692136309944 0.8991435082498079 1.2141178028686301 0.8581271996139442 0.5710130391628897 0.2838988787118264 0.19257955005083724 -0.03494487898584764 -0.07518729500594096 -0.11542971102603429 -0.14514718747164382 -0.4544978624674535 -0.34439873956057016 +8428,0.06256559060130429,0,2.933707195111911 2.6589366218823947 1.9587572777635336 1.8966910899787024 2.4477800216692676 2.5900988737095596 0.5841692136309944 0.8991435082498079 1.2141178028686301 0.8581271996139442 0.5710130391628897 0.2838988787118264 0.19257955005083724 -0.03494487898584764 -0.07518729500594096 -0.11542971102603429 -0.14514718747164382 -0.4544978624674535 -0.34439873956057016 -0.09066514732136553 +8429,0.3705748516781846,0,2.6589366218823947 1.9587572777635336 1.8966910899787024 2.4477800216692676 2.5900988737095596 0.5841692136309944 0.8991435082498079 1.2141178028686301 0.8581271996139442 0.5710130391628897 0.2838988787118264 0.19257955005083724 -0.03494487898584764 -0.07518729500594096 -0.11542971102603429 -0.14514718747164382 -0.4544978624674535 -0.34439873956057016 -0.09066514732136553 0.06256559060130429 +8430,0.7822857232683796,0,1.9587572777635336 1.8966910899787024 2.4477800216692676 2.5900988737095596 0.5841692136309944 0.8991435082498079 1.2141178028686301 0.8581271996139442 0.5710130391628897 0.2838988787118264 0.19257955005083724 -0.03494487898584764 -0.07518729500594096 -0.11542971102603429 -0.14514718747164382 -0.4544978624674535 -0.34439873956057016 -0.09066514732136553 0.06256559060130429 0.3705748516781846 +8431,1.1939965948585836,0,1.8966910899787024 2.4477800216692676 2.5900988737095596 0.5841692136309944 0.8991435082498079 1.2141178028686301 0.8581271996139442 0.5710130391628897 0.2838988787118264 0.19257955005083724 -0.03494487898584764 -0.07518729500594096 -0.11542971102603429 -0.14514718747164382 -0.4544978624674535 -0.34439873956057016 -0.09066514732136553 0.06256559060130429 0.3705748516781846 0.7822857232683796 +8432,1.3843741783382653,0,2.4477800216692676 2.5900988737095596 0.5841692136309944 0.8991435082498079 1.2141178028686301 0.8581271996139442 0.5710130391628897 0.2838988787118264 0.19257955005083724 -0.03494487898584764 -0.07518729500594096 -0.11542971102603429 -0.14514718747164382 -0.4544978624674535 -0.34439873956057016 -0.09066514732136553 0.06256559060130429 0.3705748516781846 0.7822857232683796 1.1939965948585836 +8433,1.4137820977375648,0,2.5900988737095596 0.5841692136309944 0.8991435082498079 1.2141178028686301 0.8581271996139442 0.5710130391628897 0.2838988787118264 0.19257955005083724 -0.03494487898584764 -0.07518729500594096 -0.11542971102603429 -0.14514718747164382 -0.4544978624674535 -0.34439873956057016 -0.09066514732136553 0.06256559060130429 0.3705748516781846 0.7822857232683796 1.1939965948585836 1.3843741783382653 +8434,1.4431900171368646,0,0.5841692136309944 0.8991435082498079 1.2141178028686301 0.8581271996139442 0.5710130391628897 0.2838988787118264 0.19257955005083724 -0.03494487898584764 -0.07518729500594096 -0.11542971102603429 -0.14514718747164382 -0.4544978624674535 -0.34439873956057016 -0.09066514732136553 0.06256559060130429 0.3705748516781846 0.7822857232683796 1.1939965948585836 1.3843741783382653 1.4137820977375648 +8435,1.2156655881001708,0,0.8991435082498079 1.2141178028686301 0.8581271996139442 0.5710130391628897 0.2838988787118264 0.19257955005083724 -0.03494487898584764 -0.07518729500594096 -0.11542971102603429 -0.14514718747164382 -0.4544978624674535 -0.34439873956057016 -0.09066514732136553 0.06256559060130429 0.3705748516781846 0.7822857232683796 1.1939965948585836 1.3843741783382653 1.4137820977375648 1.4431900171368646 +8436,1.0353486086255212,0,1.2141178028686301 0.8581271996139442 0.5710130391628897 0.2838988787118264 0.19257955005083724 -0.03494487898584764 -0.07518729500594096 -0.11542971102603429 -0.14514718747164382 -0.4544978624674535 -0.34439873956057016 -0.09066514732136553 0.06256559060130429 0.3705748516781846 0.7822857232683796 1.1939965948585836 1.3843741783382653 1.4137820977375648 1.4431900171368646 1.2156655881001708 +8437,0.8550316291508628,0,0.8581271996139442 0.5710130391628897 0.2838988787118264 0.19257955005083724 -0.03494487898584764 -0.07518729500594096 -0.11542971102603429 -0.14514718747164382 -0.4544978624674535 -0.34439873956057016 -0.09066514732136553 0.06256559060130429 0.3705748516781846 0.7822857232683796 1.1939965948585836 1.3843741783382653 1.4137820977375648 1.4431900171368646 1.2156655881001708 1.0353486086255212 +8438,0.5299967305270172,0,0.5710130391628897 0.2838988787118264 0.19257955005083724 -0.03494487898584764 -0.07518729500594096 -0.11542971102603429 -0.14514718747164382 -0.4544978624674535 -0.34439873956057016 -0.09066514732136553 0.06256559060130429 0.3705748516781846 0.7822857232683796 1.1939965948585836 1.3843741783382653 1.4137820977375648 1.4431900171368646 1.2156655881001708 1.0353486086255212 0.8550316291508628 +8439,0.34581028797350705,0,0.2838988787118264 0.19257955005083724 -0.03494487898584764 -0.07518729500594096 -0.11542971102603429 -0.14514718747164382 -0.4544978624674535 -0.34439873956057016 -0.09066514732136553 0.06256559060130429 0.3705748516781846 0.7822857232683796 1.1939965948585836 1.3843741783382653 1.4137820977375648 1.4431900171368646 1.2156655881001708 1.0353486086255212 0.8550316291508628 0.5299967305270172 +8440,0.11364250324219129,0,0.19257955005083724 -0.03494487898584764 -0.07518729500594096 -0.11542971102603429 -0.14514718747164382 -0.4544978624674535 -0.34439873956057016 -0.09066514732136553 0.06256559060130429 0.3705748516781846 0.7822857232683796 1.1939965948585836 1.3843741783382653 1.4137820977375648 1.4431900171368646 1.2156655881001708 1.0353486086255212 0.8550316291508628 0.5299967305270172 0.34581028797350705 +8441,0.03780102689662673,0,-0.03494487898584764 -0.07518729500594096 -0.11542971102603429 -0.14514718747164382 -0.4544978624674535 -0.34439873956057016 -0.09066514732136553 0.06256559060130429 0.3705748516781846 0.7822857232683796 1.1939965948585836 1.3843741783382653 1.4137820977375648 1.4431900171368646 1.2156655881001708 1.0353486086255212 0.8550316291508628 0.5299967305270172 0.34581028797350705 0.11364250324219129 +8442,-0.008632530049629385,0,-0.07518729500594096 -0.11542971102603429 -0.14514718747164382 -0.4544978624674535 -0.34439873956057016 -0.09066514732136553 0.06256559060130429 0.3705748516781846 0.7822857232683796 1.1939965948585836 1.3843741783382653 1.4137820977375648 1.4431900171368646 1.2156655881001708 1.0353486086255212 0.8550316291508628 0.5299967305270172 0.34581028797350705 0.11364250324219129 0.03780102689662673 +8443,-0.0550660869958943,0,-0.11542971102603429 -0.14514718747164382 -0.4544978624674535 -0.34439873956057016 -0.09066514732136553 0.06256559060130429 0.3705748516781846 0.7822857232683796 1.1939965948585836 1.3843741783382653 1.4137820977375648 1.4431900171368646 1.2156655881001708 1.0353486086255212 0.8550316291508628 0.5299967305270172 0.34581028797350705 0.11364250324219129 0.03780102689662673 -0.008632530049629385 +8444,-0.24544367047557605,0,-0.14514718747164382 -0.4544978624674535 -0.34439873956057016 -0.09066514732136553 0.06256559060130429 0.3705748516781846 0.7822857232683796 1.1939965948585836 1.3843741783382653 1.4137820977375648 1.4431900171368646 1.2156655881001708 1.0353486086255212 0.8550316291508628 0.5299967305270172 0.34581028797350705 0.11364250324219129 0.03780102689662673 -0.008632530049629385 -0.0550660869958943 +8445,-0.23151360339169216,0,-0.4544978624674535 -0.34439873956057016 -0.09066514732136553 0.06256559060130429 0.3705748516781846 0.7822857232683796 1.1939965948585836 1.3843741783382653 1.4137820977375648 1.4431900171368646 1.2156655881001708 1.0353486086255212 0.8550316291508628 0.5299967305270172 0.34581028797350705 0.11364250324219129 0.03780102689662673 -0.008632530049629385 -0.0550660869958943 -0.24544367047557605 +8446,-0.2175835363078171,0,-0.34439873956057016 -0.09066514732136553 0.06256559060130429 0.3705748516781846 0.7822857232683796 1.1939965948585836 1.3843741783382653 1.4137820977375648 1.4431900171368646 1.2156655881001708 1.0353486086255212 0.8550316291508628 0.5299967305270172 0.34581028797350705 0.11364250324219129 0.03780102689662673 -0.008632530049629385 -0.0550660869958943 -0.24544367047557605 -0.23151360339169216 +8447,-0.17114997936155218,0,-0.09066514732136553 0.06256559060130429 0.3705748516781846 0.7822857232683796 1.1939965948585836 1.3843741783382653 1.4137820977375648 1.4431900171368646 1.2156655881001708 1.0353486086255212 0.8550316291508628 0.5299967305270172 0.34581028797350705 0.11364250324219129 0.03780102689662673 -0.008632530049629385 -0.0550660869958943 -0.24544367047557605 -0.23151360339169216 -0.2175835363078171 +8448,-0.17888890551926448,0,0.06256559060130429 0.3705748516781846 0.7822857232683796 1.1939965948585836 1.3843741783382653 1.4137820977375648 1.4431900171368646 1.2156655881001708 1.0353486086255212 0.8550316291508628 0.5299967305270172 0.34581028797350705 0.11364250324219129 0.03780102689662673 -0.008632530049629385 -0.0550660869958943 -0.24544367047557605 -0.23151360339169216 -0.2175835363078171 -0.17114997936155218 +8449,-0.6638874078229784,0,0.3705748516781846 0.7822857232683796 1.1939965948585836 1.3843741783382653 1.4137820977375648 1.4431900171368646 1.2156655881001708 1.0353486086255212 0.8550316291508628 0.5299967305270172 0.34581028797350705 0.11364250324219129 0.03780102689662673 -0.008632530049629385 -0.0550660869958943 -0.24544367047557605 -0.23151360339169216 -0.2175835363078171 -0.17114997936155218 -0.17888890551926448 +8450,-0.4358212539552578,0,0.7822857232683796 1.1939965948585836 1.3843741783382653 1.4137820977375648 1.4431900171368646 1.2156655881001708 1.0353486086255212 0.8550316291508628 0.5299967305270172 0.34581028797350705 0.11364250324219129 0.03780102689662673 -0.008632530049629385 -0.0550660869958943 -0.24544367047557605 -0.23151360339169216 -0.2175835363078171 -0.17114997936155218 -0.17888890551926448 -0.6638874078229784 +8451,-0.2144879658447357,0,1.1939965948585836 1.3843741783382653 1.4137820977375648 1.4431900171368646 1.2156655881001708 1.0353486086255212 0.8550316291508628 0.5299967305270172 0.34581028797350705 0.11364250324219129 0.03780102689662673 -0.008632530049629385 -0.0550660869958943 -0.24544367047557605 -0.23151360339169216 -0.2175835363078171 -0.17114997936155218 -0.17888890551926448 -0.6638874078229784 -0.4358212539552578 +8452,0.006845322265786387,0,1.3843741783382653 1.4137820977375648 1.4431900171368646 1.2156655881001708 1.0353486086255212 0.8550316291508628 0.5299967305270172 0.34581028797350705 0.11364250324219129 0.03780102689662673 -0.008632530049629385 -0.0550660869958943 -0.24544367047557605 -0.23151360339169216 -0.2175835363078171 -0.17114997936155218 -0.17888890551926448 -0.6638874078229784 -0.4358212539552578 -0.2144879658447357 +8453,0.4293906904767839,0,1.4137820977375648 1.4431900171368646 1.2156655881001708 1.0353486086255212 0.8550316291508628 0.5299967305270172 0.34581028797350705 0.11364250324219129 0.03780102689662673 -0.008632530049629385 -0.0550660869958943 -0.24544367047557605 -0.23151360339169216 -0.2175835363078171 -0.17114997936155218 -0.17888890551926448 -0.6638874078229784 -0.4358212539552578 -0.2144879658447357 0.006845322265786387 +8454,0.7327565958590333,0,1.4431900171368646 1.2156655881001708 1.0353486086255212 0.8550316291508628 0.5299967305270172 0.34581028797350705 0.11364250324219129 0.03780102689662673 -0.008632530049629385 -0.0550660869958943 -0.24544367047557605 -0.23151360339169216 -0.2175835363078171 -0.17114997936155218 -0.17888890551926448 -0.6638874078229784 -0.4358212539552578 -0.2144879658447357 0.006845322265786387 0.4293906904767839 +8455,1.0447127092763495,0,1.2156655881001708 1.0353486086255212 0.8550316291508628 0.5299967305270172 0.34581028797350705 0.11364250324219129 0.03780102689662673 -0.008632530049629385 -0.0550660869958943 -0.24544367047557605 -0.23151360339169216 -0.2175835363078171 -0.17114997936155218 -0.17888890551926448 -0.6638874078229784 -0.4358212539552578 -0.2144879658447357 0.006845322265786387 0.4293906904767839 0.7327565958590333 +8456,1.339488406623541,0,1.0353486086255212 0.8550316291508628 0.5299967305270172 0.34581028797350705 0.11364250324219129 0.03780102689662673 -0.008632530049629385 -0.0550660869958943 -0.24544367047557605 -0.23151360339169216 -0.2175835363078171 -0.17114997936155218 -0.17888890551926448 -0.6638874078229784 -0.4358212539552578 -0.2144879658447357 0.006845322265786387 0.4293906904767839 0.7327565958590333 1.0447127092763495 +8457,1.4044953863483118,0,0.8550316291508628 0.5299967305270172 0.34581028797350705 0.11364250324219129 0.03780102689662673 -0.008632530049629385 -0.0550660869958943 -0.24544367047557605 -0.23151360339169216 -0.2175835363078171 -0.17114997936155218 -0.17888890551926448 -0.6638874078229784 -0.4358212539552578 -0.2144879658447357 0.006845322265786387 0.4293906904767839 0.7327565958590333 1.0447127092763495 1.339488406623541 +8458,1.469502366073074,0,0.5299967305270172 0.34581028797350705 0.11364250324219129 0.03780102689662673 -0.008632530049629385 -0.0550660869958943 -0.24544367047557605 -0.23151360339169216 -0.2175835363078171 -0.17114997936155218 -0.17888890551926448 -0.6638874078229784 -0.4358212539552578 -0.2144879658447357 0.006845322265786387 0.4293906904767839 0.7327565958590333 1.0447127092763495 1.339488406623541 1.4044953863483118 +8459,1.264188655109021,0,0.34581028797350705 0.11364250324219129 0.03780102689662673 -0.008632530049629385 -0.0550660869958943 -0.24544367047557605 -0.23151360339169216 -0.2175835363078171 -0.17114997936155218 -0.17888890551926448 -0.6638874078229784 -0.4358212539552578 -0.2144879658447357 0.006845322265786387 0.4293906904767839 0.7327565958590333 1.0447127092763495 1.339488406623541 1.4044953863483118 1.469502366073074 +8460,1.2760292121303107,0,0.11364250324219129 0.03780102689662673 -0.008632530049629385 -0.0550660869958943 -0.24544367047557605 -0.23151360339169216 -0.2175835363078171 -0.17114997936155218 -0.17888890551926448 -0.6638874078229784 -0.4358212539552578 -0.2144879658447357 0.006845322265786387 0.4293906904767839 0.7327565958590333 1.0447127092763495 1.339488406623541 1.4044953863483118 1.469502366073074 1.264188655109021 +8461,1.006714581841992,0,0.03780102689662673 -0.008632530049629385 -0.0550660869958943 -0.24544367047557605 -0.23151360339169216 -0.2175835363078171 -0.17114997936155218 -0.17888890551926448 -0.6638874078229784 -0.4358212539552578 -0.2144879658447357 0.006845322265786387 0.4293906904767839 0.7327565958590333 1.0447127092763495 1.339488406623541 1.4044953863483118 1.469502366073074 1.264188655109021 1.2760292121303107 +8462,0.5594046499263169,0,-0.008632530049629385 -0.0550660869958943 -0.24544367047557605 -0.23151360339169216 -0.2175835363078171 -0.17114997936155218 -0.17888890551926448 -0.6638874078229784 -0.4358212539552578 -0.2144879658447357 0.006845322265786387 0.4293906904767839 0.7327565958590333 1.0447127092763495 1.339488406623541 1.4044953863483118 1.469502366073074 1.264188655109021 1.2760292121303107 1.006714581841992 +8463,0.36283592552047234,0,-0.0550660869958943 -0.24544367047557605 -0.23151360339169216 -0.2175835363078171 -0.17114997936155218 -0.17888890551926448 -0.6638874078229784 -0.4358212539552578 -0.2144879658447357 0.006845322265786387 0.4293906904767839 0.7327565958590333 1.0447127092763495 1.339488406623541 1.4044953863483118 1.469502366073074 1.264188655109021 1.2760292121303107 1.006714581841992 0.5594046499263169 +8464,0.2157963285239741,0,-0.24544367047557605 -0.23151360339169216 -0.2175835363078171 -0.17114997936155218 -0.17888890551926448 -0.6638874078229784 -0.4358212539552578 -0.2144879658447357 0.006845322265786387 0.4293906904767839 0.7327565958590333 1.0447127092763495 1.339488406623541 1.4044953863483118 1.469502366073074 1.264188655109021 1.2760292121303107 1.006714581841992 0.5594046499263169 0.36283592552047234 +8465,0.09971243615831621,0,-0.23151360339169216 -0.2175835363078171 -0.17114997936155218 -0.17888890551926448 -0.6638874078229784 -0.4358212539552578 -0.2144879658447357 0.006845322265786387 0.4293906904767839 0.7327565958590333 1.0447127092763495 1.339488406623541 1.4044953863483118 1.469502366073074 1.264188655109021 1.2760292121303107 1.006714581841992 0.5594046499263169 0.36283592552047234 0.2157963285239741 +8466,-0.030301523291225544,0,-0.2175835363078171 -0.17114997936155218 -0.17888890551926448 -0.6638874078229784 -0.4358212539552578 -0.2144879658447357 0.006845322265786387 0.4293906904767839 0.7327565958590333 1.0447127092763495 1.339488406623541 1.4044953863483118 1.469502366073074 1.264188655109021 1.2760292121303107 1.006714581841992 0.5594046499263169 0.36283592552047234 0.2157963285239741 0.09971243615831621 +8467,-0.38551823393013235,0,-0.17114997936155218 -0.17888890551926448 -0.6638874078229784 -0.4358212539552578 -0.2144879658447357 0.006845322265786387 0.4293906904767839 0.7327565958590333 1.0447127092763495 1.339488406623541 1.4044953863483118 1.469502366073074 1.264188655109021 1.2760292121303107 1.006714581841992 0.5594046499263169 0.36283592552047234 0.2157963285239741 0.09971243615831621 -0.030301523291225544 +8468,-0.23925252954940446,0,-0.17888890551926448 -0.6638874078229784 -0.4358212539552578 -0.2144879658447357 0.006845322265786387 0.4293906904767839 0.7327565958590333 1.0447127092763495 1.339488406623541 1.4044953863483118 1.469502366073074 1.264188655109021 1.2760292121303107 1.006714581841992 0.5594046499263169 0.36283592552047234 0.2157963285239741 0.09971243615831621 -0.030301523291225544 -0.38551823393013235 +8469,-0.40176997886132726,0,-0.6638874078229784 -0.4358212539552578 -0.2144879658447357 0.006845322265786387 0.4293906904767839 0.7327565958590333 1.0447127092763495 1.339488406623541 1.4044953863483118 1.469502366073074 1.264188655109021 1.2760292121303107 1.006714581841992 0.5594046499263169 0.36283592552047234 0.2157963285239741 0.09971243615831621 -0.030301523291225544 -0.38551823393013235 -0.23925252954940446 +8470,-0.8349950651699679,0,-0.4358212539552578 -0.2144879658447357 0.006845322265786387 0.4293906904767839 0.7327565958590333 1.0447127092763495 1.339488406623541 1.4044953863483118 1.469502366073074 1.264188655109021 1.2760292121303107 1.006714581841992 0.5594046499263169 0.36283592552047234 0.2157963285239741 0.09971243615831621 -0.030301523291225544 -0.38551823393013235 -0.23925252954940446 -0.40176997886132726 +8471,-0.8970612529547991,0,-0.2144879658447357 0.006845322265786387 0.4293906904767839 0.7327565958590333 1.0447127092763495 1.339488406623541 1.4044953863483118 1.469502366073074 1.264188655109021 1.2760292121303107 1.006714581841992 0.5594046499263169 0.36283592552047234 0.2157963285239741 0.09971243615831621 -0.030301523291225544 -0.38551823393013235 -0.23925252954940446 -0.40176997886132726 -0.8349950651699679 +8472,-0.4585736968589254,0,0.006845322265786387 0.4293906904767839 0.7327565958590333 1.0447127092763495 1.339488406623541 1.4044953863483118 1.469502366073074 1.264188655109021 1.2760292121303107 1.006714581841992 0.5594046499263169 0.36283592552047234 0.2157963285239741 0.09971243615831621 -0.030301523291225544 -0.38551823393013235 -0.23925252954940446 -0.40176997886132726 -0.8349950651699679 -0.8970612529547991 +8473,-0.3537886366835216,0,0.4293906904767839 0.7327565958590333 1.0447127092763495 1.339488406623541 1.4044953863483118 1.469502366073074 1.264188655109021 1.2760292121303107 1.006714581841992 0.5594046499263169 0.36283592552047234 0.2157963285239741 0.09971243615831621 -0.030301523291225544 -0.38551823393013235 -0.23925252954940446 -0.40176997886132726 -0.8349950651699679 -0.8970612529547991 -0.4585736968589254 +8474,-0.22841803292861076,0,0.7327565958590333 1.0447127092763495 1.339488406623541 1.4044953863483118 1.469502366073074 1.264188655109021 1.2760292121303107 1.006714581841992 0.5594046499263169 0.36283592552047234 0.2157963285239741 0.09971243615831621 -0.030301523291225544 -0.38551823393013235 -0.23925252954940446 -0.40176997886132726 -0.8349950651699679 -0.8970612529547991 -0.4585736968589254 -0.3537886366835216 +8475,-0.026174095955515925,0,1.0447127092763495 1.339488406623541 1.4044953863483118 1.469502366073074 1.264188655109021 1.2760292121303107 1.006714581841992 0.5594046499263169 0.36283592552047234 0.2157963285239741 0.09971243615831621 -0.030301523291225544 -0.38551823393013235 -0.23925252954940446 -0.40176997886132726 -0.8349950651699679 -0.8970612529547991 -0.4585736968589254 -0.3537886366835216 -0.22841803292861076 +8476,-0.1252581472463318,0,1.339488406623541 1.4044953863483118 1.469502366073074 1.264188655109021 1.2760292121303107 1.006714581841992 0.5594046499263169 0.36283592552047234 0.2157963285239741 0.09971243615831621 -0.030301523291225544 -0.38551823393013235 -0.23925252954940446 -0.40176997886132726 -0.8349950651699679 -0.8970612529547991 -0.4585736968589254 -0.3537886366835216 -0.22841803292861076 -0.026174095955515925 +8477,0.37831377783589687,0,1.4044953863483118 1.469502366073074 1.264188655109021 1.2760292121303107 1.006714581841992 0.5594046499263169 0.36283592552047234 0.2157963285239741 0.09971243615831621 -0.030301523291225544 -0.38551823393013235 -0.23925252954940446 -0.40176997886132726 -0.8349950651699679 -0.8970612529547991 -0.4585736968589254 -0.3537886366835216 -0.22841803292861076 -0.026174095955515925 -0.1252581472463318 +8478,0.6778102201392946,0,1.469502366073074 1.264188655109021 1.2760292121303107 1.006714581841992 0.5594046499263169 0.36283592552047234 0.2157963285239741 0.09971243615831621 -0.030301523291225544 -0.38551823393013235 -0.23925252954940446 -0.40176997886132726 -0.8349950651699679 -0.8970612529547991 -0.4585736968589254 -0.3537886366835216 -0.22841803292861076 -0.026174095955515925 -0.1252581472463318 0.37831377783589687 +8479,0.9773066624426923,0,1.264188655109021 1.2760292121303107 1.006714581841992 0.5594046499263169 0.36283592552047234 0.2157963285239741 0.09971243615831621 -0.030301523291225544 -0.38551823393013235 -0.23925252954940446 -0.40176997886132726 -0.8349950651699679 -0.8970612529547991 -0.4585736968589254 -0.3537886366835216 -0.22841803292861076 -0.026174095955515925 -0.1252581472463318 0.37831377783589687 0.6778102201392946 +8480,1.2299052122303646,0,1.2760292121303107 1.006714581841992 0.5594046499263169 0.36283592552047234 0.2157963285239741 0.09971243615831621 -0.030301523291225544 -0.38551823393013235 -0.23925252954940446 -0.40176997886132726 -0.8349950651699679 -0.8970612529547991 -0.4585736968589254 -0.3537886366835216 -0.22841803292861076 -0.026174095955515925 -0.1252581472463318 0.37831377783589687 0.6778102201392946 0.9773066624426923 +8481,1.6057074664487874,0,1.006714581841992 0.5594046499263169 0.36283592552047234 0.2157963285239741 0.09971243615831621 -0.030301523291225544 -0.38551823393013235 -0.23925252954940446 -0.40176997886132726 -0.8349950651699679 -0.8970612529547991 -0.4585736968589254 -0.3537886366835216 -0.22841803292861076 -0.026174095955515925 -0.1252581472463318 0.37831377783589687 0.6778102201392946 0.9773066624426923 1.2299052122303646 +8482,1.9199078684518305,0,0.5594046499263169 0.36283592552047234 0.2157963285239741 0.09971243615831621 -0.030301523291225544 -0.38551823393013235 -0.23925252954940446 -0.40176997886132726 -0.8349950651699679 -0.8970612529547991 -0.4585736968589254 -0.3537886366835216 -0.22841803292861076 -0.026174095955515925 -0.1252581472463318 0.37831377783589687 0.6778102201392946 0.9773066624426923 1.2299052122303646 1.6057074664487874 +8483,1.1800665277747084,0,0.36283592552047234 0.2157963285239741 0.09971243615831621 -0.030301523291225544 -0.38551823393013235 -0.23925252954940446 -0.40176997886132726 -0.8349950651699679 -0.8970612529547991 -0.4585736968589254 -0.3537886366835216 -0.22841803292861076 -0.026174095955515925 -0.1252581472463318 0.37831377783589687 0.6778102201392946 0.9773066624426923 1.2299052122303646 1.6057074664487874 1.9199078684518305 +8484,1.0910688769610304,0,0.2157963285239741 0.09971243615831621 -0.030301523291225544 -0.38551823393013235 -0.23925252954940446 -0.40176997886132726 -0.8349950651699679 -0.8970612529547991 -0.4585736968589254 -0.3537886366835216 -0.22841803292861076 -0.026174095955515925 -0.1252581472463318 0.37831377783589687 0.6778102201392946 0.9773066624426923 1.2299052122303646 1.6057074664487874 1.9199078684518305 1.1800665277747084 +8485,1.002071226147361,0,0.09971243615831621 -0.030301523291225544 -0.38551823393013235 -0.23925252954940446 -0.40176997886132726 -0.8349950651699679 -0.8970612529547991 -0.4585736968589254 -0.3537886366835216 -0.22841803292861076 -0.026174095955515925 -0.1252581472463318 0.37831377783589687 0.6778102201392946 0.9773066624426923 1.2299052122303646 1.6057074664487874 1.9199078684518305 1.1800665277747084 1.0910688769610304 +8486,0.5934559250202474,0,-0.030301523291225544 -0.38551823393013235 -0.23925252954940446 -0.40176997886132726 -0.8349950651699679 -0.8970612529547991 -0.4585736968589254 -0.3537886366835216 -0.22841803292861076 -0.026174095955515925 -0.1252581472463318 0.37831377783589687 0.6778102201392946 0.9773066624426923 1.2299052122303646 1.6057074664487874 1.9199078684518305 1.1800665277747084 1.0910688769610304 1.002071226147361 +8487,0.29318559010107936,0,-0.38551823393013235 -0.23925252954940446 -0.40176997886132726 -0.8349950651699679 -0.8970612529547991 -0.4585736968589254 -0.3537886366835216 -0.22841803292861076 -0.026174095955515925 -0.1252581472463318 0.37831377783589687 0.6778102201392946 0.9773066624426923 1.2299052122303646 1.6057074664487874 1.9199078684518305 1.1800665277747084 1.0910688769610304 1.002071226147361 0.5934559250202474 +8488,0.11519028847373199,0,-0.23925252954940446 -0.40176997886132726 -0.8349950651699679 -0.8970612529547991 -0.4585736968589254 -0.3537886366835216 -0.22841803292861076 -0.026174095955515925 -0.1252581472463318 0.37831377783589687 0.6778102201392946 0.9773066624426923 1.2299052122303646 1.6057074664487874 1.9199078684518305 1.1800665277747084 1.0910688769610304 1.002071226147361 0.5934559250202474 0.29318559010107936 +8489,0.04708773828587971,0,-0.40176997886132726 -0.8349950651699679 -0.8970612529547991 -0.4585736968589254 -0.3537886366835216 -0.22841803292861076 -0.026174095955515925 -0.1252581472463318 0.37831377783589687 0.6778102201392946 0.9773066624426923 1.2299052122303646 1.6057074664487874 1.9199078684518305 1.1800665277747084 1.0910688769610304 1.002071226147361 0.5934559250202474 0.29318559010107936 0.11519028847373199 +8490,-0.014823670975800974,0,-0.8349950651699679 -0.8970612529547991 -0.4585736968589254 -0.3537886366835216 -0.22841803292861076 -0.026174095955515925 -0.1252581472463318 0.37831377783589687 0.6778102201392946 0.9773066624426923 1.2299052122303646 1.6057074664487874 1.9199078684518305 1.1800665277747084 1.0910688769610304 1.002071226147361 0.5934559250202474 0.29318559010107936 0.11519028847373199 0.04708773828587971 +8491,-0.08989125470559518,0,-0.8970612529547991 -0.4585736968589254 -0.3537886366835216 -0.22841803292861076 -0.026174095955515925 -0.1252581472463318 0.37831377783589687 0.6778102201392946 0.9773066624426923 1.2299052122303646 1.6057074664487874 1.9199078684518305 1.1800665277747084 1.0910688769610304 1.002071226147361 0.5934559250202474 0.29318559010107936 0.11519028847373199 0.04708773828587971 -0.014823670975800974 +8492,-0.1649588384353894,0,-0.4585736968589254 -0.3537886366835216 -0.22841803292861076 -0.026174095955515925 -0.1252581472463318 0.37831377783589687 0.6778102201392946 0.9773066624426923 1.2299052122303646 1.6057074664487874 1.9199078684518305 1.1800665277747084 1.0910688769610304 1.002071226147361 0.5934559250202474 0.29318559010107936 0.11519028847373199 0.04708773828587971 -0.014823670975800974 -0.08989125470559518 +8493,0.0261926376600627,0,-0.3537886366835216 -0.22841803292861076 -0.026174095955515925 -0.1252581472463318 0.37831377783589687 0.6778102201392946 0.9773066624426923 1.2299052122303646 1.6057074664487874 1.9199078684518305 1.1800665277747084 1.0910688769610304 1.002071226147361 0.5934559250202474 0.29318559010107936 0.11519028847373199 0.04708773828587971 -0.014823670975800974 -0.08989125470559518 -0.1649588384353894 +8494,0.2173441137555148,0,-0.22841803292861076 -0.026174095955515925 -0.1252581472463318 0.37831377783589687 0.6778102201392946 0.9773066624426923 1.2299052122303646 1.6057074664487874 1.9199078684518305 1.1800665277747084 1.0910688769610304 1.002071226147361 0.5934559250202474 0.29318559010107936 0.11519028847373199 0.04708773828587971 -0.014823670975800974 -0.08989125470559518 -0.1649588384353894 0.0261926376600627 +8495,-0.051970516532812906,0,-0.026174095955515925 -0.1252581472463318 0.37831377783589687 0.6778102201392946 0.9773066624426923 1.2299052122303646 1.6057074664487874 1.9199078684518305 1.1800665277747084 1.0910688769610304 1.002071226147361 0.5934559250202474 0.29318559010107936 0.11519028847373199 0.04708773828587971 -0.014823670975800974 -0.08989125470559518 -0.1649588384353894 0.0261926376600627 0.2173441137555148 +8496,-0.0158555278484204,0,-0.1252581472463318 0.37831377783589687 0.6778102201392946 0.9773066624426923 1.2299052122303646 1.6057074664487874 1.9199078684518305 1.1800665277747084 1.0910688769610304 1.002071226147361 0.5934559250202474 0.29318559010107936 0.11519028847373199 0.04708773828587971 -0.014823670975800974 -0.08989125470559518 -0.1649588384353894 0.0261926376600627 0.2173441137555148 -0.051970516532812906 +8497,-0.43288046201531816,0,0.37831377783589687 0.6778102201392946 0.9773066624426923 1.2299052122303646 1.6057074664487874 1.9199078684518305 1.1800665277747084 1.0910688769610304 1.002071226147361 0.5934559250202474 0.29318559010107936 0.11519028847373199 0.04708773828587971 -0.014823670975800974 -0.08989125470559518 -0.1649588384353894 0.0261926376600627 0.2173441137555148 -0.051970516532812906 -0.0158555278484204 +8498,0.05637444967513269,0,0.6778102201392946 0.9773066624426923 1.2299052122303646 1.6057074664487874 1.9199078684518305 1.1800665277747084 1.0910688769610304 1.002071226147361 0.5934559250202474 0.29318559010107936 0.11519028847373199 0.04708773828587971 -0.014823670975800974 -0.08989125470559518 -0.1649588384353894 0.0261926376600627 0.2173441137555148 -0.051970516532812906 -0.0158555278484204 -0.43288046201531816 +8499,-0.03339709375430694,0,0.9773066624426923 1.2299052122303646 1.6057074664487874 1.9199078684518305 1.1800665277747084 1.0910688769610304 1.002071226147361 0.5934559250202474 0.29318559010107936 0.11519028847373199 0.04708773828587971 -0.014823670975800974 -0.08989125470559518 -0.1649588384353894 0.0261926376600627 0.2173441137555148 -0.051970516532812906 -0.0158555278484204 -0.43288046201531816 0.05637444967513269 +8500,0.08578236907443235,0,1.2299052122303646 1.6057074664487874 1.9199078684518305 1.1800665277747084 1.0910688769610304 1.002071226147361 0.5934559250202474 0.29318559010107936 0.11519028847373199 0.04708773828587971 -0.014823670975800974 -0.08989125470559518 -0.1649588384353894 0.0261926376600627 0.2173441137555148 -0.051970516532812906 -0.0158555278484204 -0.43288046201531816 0.05637444967513269 -0.03339709375430694 +8501,0.05637444967513269,0,1.6057074664487874 1.9199078684518305 1.1800665277747084 1.0910688769610304 1.002071226147361 0.5934559250202474 0.29318559010107936 0.11519028847373199 0.04708773828587971 -0.014823670975800974 -0.08989125470559518 -0.1649588384353894 0.0261926376600627 0.2173441137555148 -0.051970516532812906 -0.0158555278484204 -0.43288046201531816 0.05637444967513269 -0.03339709375430694 0.08578236907443235 +8502,0.34735807320504775,0,1.9199078684518305 1.1800665277747084 1.0910688769610304 1.002071226147361 0.5934559250202474 0.29318559010107936 0.11519028847373199 0.04708773828587971 -0.014823670975800974 -0.08989125470559518 -0.1649588384353894 0.0261926376600627 0.2173441137555148 -0.051970516532812906 -0.0158555278484204 -0.43288046201531816 0.05637444967513269 -0.03339709375430694 0.08578236907443235 0.05637444967513269 +8503,0.6383416967349717,0,1.1800665277747084 1.0910688769610304 1.002071226147361 0.5934559250202474 0.29318559010107936 0.11519028847373199 0.04708773828587971 -0.014823670975800974 -0.08989125470559518 -0.1649588384353894 0.0261926376600627 0.2173441137555148 -0.051970516532812906 -0.0158555278484204 -0.43288046201531816 0.05637444967513269 -0.03339709375430694 0.08578236907443235 0.05637444967513269 0.34735807320504775 +8504,0.8395537768354382,0,1.0910688769610304 1.002071226147361 0.5934559250202474 0.29318559010107936 0.11519028847373199 0.04708773828587971 -0.014823670975800974 -0.08989125470559518 -0.1649588384353894 0.0261926376600627 0.2173441137555148 -0.051970516532812906 -0.0158555278484204 -0.43288046201531816 0.05637444967513269 -0.03339709375430694 0.08578236907443235 0.05637444967513269 0.34735807320504775 0.6383416967349717 +8505,0.8643183405401158,0,1.002071226147361 0.5934559250202474 0.29318559010107936 0.11519028847373199 0.04708773828587971 -0.014823670975800974 -0.08989125470559518 -0.1649588384353894 0.0261926376600627 0.2173441137555148 -0.051970516532812906 -0.0158555278484204 -0.43288046201531816 0.05637444967513269 -0.03339709375430694 0.08578236907443235 0.05637444967513269 0.34735807320504775 0.6383416967349717 0.8395537768354382 +8506,0.9251463001397162,0,0.5934559250202474 0.29318559010107936 0.11519028847373199 0.04708773828587971 -0.014823670975800974 -0.08989125470559518 -0.1649588384353894 0.0261926376600627 0.2173441137555148 -0.051970516532812906 -0.0158555278484204 -0.43288046201531816 0.05637444967513269 -0.03339709375430694 0.08578236907443235 0.05637444967513269 0.34735807320504775 0.6383416967349717 0.8395537768354382 0.8643183405401158 +8507,0.9138474679494621,0,0.29318559010107936 0.11519028847373199 0.04708773828587971 -0.014823670975800974 -0.08989125470559518 -0.1649588384353894 0.0261926376600627 0.2173441137555148 -0.051970516532812906 -0.0158555278484204 -0.43288046201531816 0.05637444967513269 -0.03339709375430694 0.08578236907443235 0.05637444967513269 0.34735807320504775 0.6383416967349717 0.8395537768354382 0.8643183405401158 0.9251463001397162 +8508,0.7041225690755041,0,0.11519028847373199 0.04708773828587971 -0.014823670975800974 -0.08989125470559518 -0.1649588384353894 0.0261926376600627 0.2173441137555148 -0.051970516532812906 -0.0158555278484204 -0.43288046201531816 0.05637444967513269 -0.03339709375430694 0.08578236907443235 0.05637444967513269 0.34735807320504775 0.6383416967349717 0.8395537768354382 0.8643183405401158 0.9251463001397162 0.9138474679494621 +8509,0.4943976702015548,0,0.04708773828587971 -0.014823670975800974 -0.08989125470559518 -0.1649588384353894 0.0261926376600627 0.2173441137555148 -0.051970516532812906 -0.0158555278484204 -0.43288046201531816 0.05637444967513269 -0.03339709375430694 0.08578236907443235 0.05637444967513269 0.34735807320504775 0.6383416967349717 0.8395537768354382 0.8643183405401158 0.9251463001397162 0.9138474679494621 0.7041225690755041 +8510,0.2111529728293432,0,-0.014823670975800974 -0.08989125470559518 -0.1649588384353894 0.0261926376600627 0.2173441137555148 -0.051970516532812906 -0.0158555278484204 -0.43288046201531816 0.05637444967513269 -0.03339709375430694 0.08578236907443235 0.05637444967513269 0.34735807320504775 0.6383416967349717 0.8395537768354382 0.8643183405401158 0.9251463001397162 0.9138474679494621 0.7041225690755041 0.4943976702015548 +8511,0.12757257032607516,0,-0.08989125470559518 -0.1649588384353894 0.0261926376600627 0.2173441137555148 -0.051970516532812906 -0.0158555278484204 -0.43288046201531816 0.05637444967513269 -0.03339709375430694 0.08578236907443235 0.05637444967513269 0.34735807320504775 0.6383416967349717 0.8395537768354382 0.8643183405401158 0.9251463001397162 0.9138474679494621 0.7041225690755041 0.4943976702015548 0.2111529728293432 +8512,0.043992167822798314,0,-0.1649588384353894 0.0261926376600627 0.2173441137555148 -0.051970516532812906 -0.0158555278484204 -0.43288046201531816 0.05637444967513269 -0.03339709375430694 0.08578236907443235 0.05637444967513269 0.34735807320504775 0.6383416967349717 0.8395537768354382 0.8643183405401158 0.9251463001397162 0.9138474679494621 0.7041225690755041 0.4943976702015548 0.2111529728293432 0.12757257032607516 +8513,0.08423458384289165,0,0.0261926376600627 0.2173441137555148 -0.051970516532812906 -0.0158555278484204 -0.43288046201531816 0.05637444967513269 -0.03339709375430694 0.08578236907443235 0.05637444967513269 0.34735807320504775 0.6383416967349717 0.8395537768354382 0.8643183405401158 0.9251463001397162 0.9138474679494621 0.7041225690755041 0.4943976702015548 0.2111529728293432 0.12757257032607516 0.043992167822798314 +8514,0.19567512051392744,0,0.2173441137555148 -0.051970516532812906 -0.0158555278484204 -0.43288046201531816 0.05637444967513269 -0.03339709375430694 0.08578236907443235 0.05637444967513269 0.34735807320504775 0.6383416967349717 0.8395537768354382 0.8643183405401158 0.9251463001397162 0.9138474679494621 0.7041225690755041 0.4943976702015548 0.2111529728293432 0.12757257032607516 0.043992167822798314 0.08423458384289165 +8515,0.11364250324219129,0,-0.051970516532812906 -0.0158555278484204 -0.43288046201531816 0.05637444967513269 -0.03339709375430694 0.08578236907443235 0.05637444967513269 0.34735807320504775 0.6383416967349717 0.8395537768354382 0.8643183405401158 0.9251463001397162 0.9138474679494621 0.7041225690755041 0.4943976702015548 0.2111529728293432 0.12757257032607516 0.043992167822798314 0.08423458384289165 0.19567512051392744 +8516,-0.3955788379351557,0,-0.0158555278484204 -0.43288046201531816 0.05637444967513269 -0.03339709375430694 0.08578236907443235 0.05637444967513269 0.34735807320504775 0.6383416967349717 0.8395537768354382 0.8643183405401158 0.9251463001397162 0.9138474679494621 0.7041225690755041 0.4943976702015548 0.2111529728293432 0.12757257032607516 0.043992167822798314 0.08423458384289165 0.19567512051392744 0.11364250324219129 +8517,-0.2671126637171634,0,-0.43288046201531816 0.05637444967513269 -0.03339709375430694 0.08578236907443235 0.05637444967513269 0.34735807320504775 0.6383416967349717 0.8395537768354382 0.8643183405401158 0.9251463001397162 0.9138474679494621 0.7041225690755041 0.4943976702015548 0.2111529728293432 0.12757257032607516 0.043992167822798314 0.08423458384289165 0.19567512051392744 0.11364250324219129 -0.3955788379351557 +8518,-0.49819699878639895,0,0.05637444967513269 -0.03339709375430694 0.08578236907443235 0.05637444967513269 0.34735807320504775 0.6383416967349717 0.8395537768354382 0.8643183405401158 0.9251463001397162 0.9138474679494621 0.7041225690755041 0.4943976702015548 0.2111529728293432 0.12757257032607516 0.043992167822798314 0.08423458384289165 0.19567512051392744 0.11364250324219129 -0.3955788379351557 -0.2671126637171634 +8519,-0.09376071778444693,0,-0.03339709375430694 0.08578236907443235 0.05637444967513269 0.34735807320504775 0.6383416967349717 0.8395537768354382 0.8643183405401158 0.9251463001397162 0.9138474679494621 0.7041225690755041 0.4943976702015548 0.2111529728293432 0.12757257032607516 0.043992167822798314 0.08423458384289165 0.19567512051392744 0.11364250324219129 -0.3955788379351557 -0.2671126637171634 -0.49819699878639895 +8520,-0.13864648949917113,0,0.08578236907443235 0.05637444967513269 0.34735807320504775 0.6383416967349717 0.8395537768354382 0.8643183405401158 0.9251463001397162 0.9138474679494621 0.7041225690755041 0.4943976702015548 0.2111529728293432 0.12757257032607516 0.043992167822798314 0.08423458384289165 0.19567512051392744 0.11364250324219129 -0.3955788379351557 -0.2671126637171634 -0.49819699878639895 -0.09376071778444693 +8521,-0.5653708778353304,0,0.05637444967513269 0.34735807320504775 0.6383416967349717 0.8395537768354382 0.8643183405401158 0.9251463001397162 0.9138474679494621 0.7041225690755041 0.4943976702015548 0.2111529728293432 0.12757257032607516 0.043992167822798314 0.08423458384289165 0.19567512051392744 0.11364250324219129 -0.3955788379351557 -0.2671126637171634 -0.49819699878639895 -0.09376071778444693 -0.13864648949917113 +8522,-0.22841803292861076,0,0.34735807320504775 0.6383416967349717 0.8395537768354382 0.8643183405401158 0.9251463001397162 0.9138474679494621 0.7041225690755041 0.4943976702015548 0.2111529728293432 0.12757257032607516 0.043992167822798314 0.08423458384289165 0.19567512051392744 0.11364250324219129 -0.3955788379351557 -0.2671126637171634 -0.49819699878639895 -0.09376071778444693 -0.13864648949917113 -0.5653708778353304 +8523,-0.17165300956180907,0,0.6383416967349717 0.8395537768354382 0.8643183405401158 0.9251463001397162 0.9138474679494621 0.7041225690755041 0.4943976702015548 0.2111529728293432 0.12757257032607516 0.043992167822798314 0.08423458384289165 0.19567512051392744 0.11364250324219129 -0.3955788379351557 -0.2671126637171634 -0.49819699878639895 -0.09376071778444693 -0.13864648949917113 -0.5653708778353304 -0.22841803292861076 +8524,-0.5215169629932255,0,0.8395537768354382 0.8643183405401158 0.9251463001397162 0.9138474679494621 0.7041225690755041 0.4943976702015548 0.2111529728293432 0.12757257032607516 0.043992167822798314 0.08423458384289165 0.19567512051392744 0.11364250324219129 -0.3955788379351557 -0.2671126637171634 -0.49819699878639895 -0.09376071778444693 -0.13864648949917113 -0.5653708778353304 -0.22841803292861076 -0.17165300956180907 +8525,-0.26143745114991307,0,0.8643183405401158 0.9251463001397162 0.9138474679494621 0.7041225690755041 0.4943976702015548 0.2111529728293432 0.12757257032607516 0.043992167822798314 0.08423458384289165 0.19567512051392744 0.11364250324219129 -0.3955788379351557 -0.2671126637171634 -0.49819699878639895 -0.09376071778444693 -0.13864648949917113 -0.5653708778353304 -0.22841803292861076 -0.17165300956180907 -0.5215169629932255 +8526,-0.0997196909258839,0,0.9251463001397162 0.9138474679494621 0.7041225690755041 0.4943976702015548 0.2111529728293432 0.12757257032607516 0.043992167822798314 0.08423458384289165 0.19567512051392744 0.11364250324219129 -0.3955788379351557 -0.2671126637171634 -0.49819699878639895 -0.09376071778444693 -0.13864648949917113 -0.5653708778353304 -0.22841803292861076 -0.17165300956180907 -0.5215169629932255 -0.26143745114991307 +8527,0.19314707135399622,0,0.9138474679494621 0.7041225690755041 0.4943976702015548 0.2111529728293432 0.12757257032607516 0.043992167822798314 0.08423458384289165 0.19567512051392744 0.11364250324219129 -0.3955788379351557 -0.2671126637171634 -0.49819699878639895 -0.09376071778444693 -0.13864648949917113 -0.5653708778353304 -0.22841803292861076 -0.17165300956180907 -0.5215169629932255 -0.26143745114991307 -0.0997196909258839 +8528,0.3876520820146019,0,0.7041225690755041 0.4943976702015548 0.2111529728293432 0.12757257032607516 0.043992167822798314 0.08423458384289165 0.19567512051392744 0.11364250324219129 -0.3955788379351557 -0.2671126637171634 -0.49819699878639895 -0.09376071778444693 -0.13864648949917113 -0.5653708778353304 -0.22841803292861076 -0.17165300956180907 -0.5215169629932255 -0.26143745114991307 -0.0997196909258839 0.19314707135399622 +8529,0.23444714056405533,0,0.4943976702015548 0.2111529728293432 0.12757257032607516 0.043992167822798314 0.08423458384289165 0.19567512051392744 0.11364250324219129 -0.3955788379351557 -0.2671126637171634 -0.49819699878639895 -0.09376071778444693 -0.13864648949917113 -0.5653708778353304 -0.22841803292861076 -0.17165300956180907 -0.5215169629932255 -0.26143745114991307 -0.0997196909258839 0.19314707135399622 0.3876520820146019 +8530,0.5448554687498219,0,0.2111529728293432 0.12757257032607516 0.043992167822798314 0.08423458384289165 0.19567512051392744 0.11364250324219129 -0.3955788379351557 -0.2671126637171634 -0.49819699878639895 -0.09376071778444693 -0.13864648949917113 -0.5653708778353304 -0.22841803292861076 -0.17165300956180907 -0.5215169629932255 -0.26143745114991307 -0.0997196909258839 0.19314707135399622 0.3876520820146019 0.23444714056405533 +8531,0.5075538446696595,0,0.12757257032607516 0.043992167822798314 0.08423458384289165 0.19567512051392744 0.11364250324219129 -0.3955788379351557 -0.2671126637171634 -0.49819699878639895 -0.09376071778444693 -0.13864648949917113 -0.5653708778353304 -0.22841803292861076 -0.17165300956180907 -0.5215169629932255 -0.26143745114991307 -0.0997196909258839 0.19314707135399622 0.3876520820146019 0.23444714056405533 0.5448554687498219 +8532,0.2737221908144401,0,0.043992167822798314 0.08423458384289165 0.19567512051392744 0.11364250324219129 -0.3955788379351557 -0.2671126637171634 -0.49819699878639895 -0.09376071778444693 -0.13864648949917113 -0.5653708778353304 -0.22841803292861076 -0.17165300956180907 -0.5215169629932255 -0.26143745114991307 -0.0997196909258839 0.19314707135399622 0.3876520820146019 0.23444714056405533 0.5448554687498219 0.5075538446696595 +8533,0.17091055680924988,0,0.08423458384289165 0.19567512051392744 0.11364250324219129 -0.3955788379351557 -0.2671126637171634 -0.49819699878639895 -0.09376071778444693 -0.13864648949917113 -0.5653708778353304 -0.22841803292861076 -0.17165300956180907 -0.5215169629932255 -0.26143745114991307 -0.0997196909258839 0.19314707135399622 0.3876520820146019 0.23444714056405533 0.5448554687498219 0.5075538446696595 0.2737221908144401 +8534,0.280803308248745,0,0.19567512051392744 0.11364250324219129 -0.3955788379351557 -0.2671126637171634 -0.49819699878639895 -0.09376071778444693 -0.13864648949917113 -0.5653708778353304 -0.22841803292861076 -0.17165300956180907 -0.5215169629932255 -0.26143745114991307 -0.0997196909258839 0.19314707135399622 0.3876520820146019 0.23444714056405533 0.5448554687498219 0.5075538446696595 0.2737221908144401 0.17091055680924988 +8535,-0.052744409148583256,0,0.11364250324219129 -0.3955788379351557 -0.2671126637171634 -0.49819699878639895 -0.09376071778444693 -0.13864648949917113 -0.5653708778353304 -0.22841803292861076 -0.17165300956180907 -0.5215169629932255 -0.26143745114991307 -0.0997196909258839 0.19314707135399622 0.3876520820146019 0.23444714056405533 0.5448554687498219 0.5075538446696595 0.2737221908144401 0.17091055680924988 0.280803308248745 +8536,-0.38629212654590267,0,-0.3955788379351557 -0.2671126637171634 -0.49819699878639895 -0.09376071778444693 -0.13864648949917113 -0.5653708778353304 -0.22841803292861076 -0.17165300956180907 -0.5215169629932255 -0.26143745114991307 -0.0997196909258839 0.19314707135399622 0.3876520820146019 0.23444714056405533 0.5448554687498219 0.5075538446696595 0.2737221908144401 0.17091055680924988 0.280803308248745 -0.052744409148583256 +8537,-0.14793320088842413,0,-0.2671126637171634 -0.49819699878639895 -0.09376071778444693 -0.13864648949917113 -0.5653708778353304 -0.22841803292861076 -0.17165300956180907 -0.5215169629932255 -0.26143745114991307 -0.0997196909258839 0.19314707135399622 0.3876520820146019 0.23444714056405533 0.5448554687498219 0.5075538446696595 0.2737221908144401 0.17091055680924988 0.280803308248745 -0.052744409148583256 -0.38629212654590267 +8538,-0.5124366229165839,0,-0.49819699878639895 -0.09376071778444693 -0.13864648949917113 -0.5653708778353304 -0.22841803292861076 -0.17165300956180907 -0.5215169629932255 -0.26143745114991307 -0.0997196909258839 0.19314707135399622 0.3876520820146019 0.23444714056405533 0.5448554687498219 0.5075538446696595 0.2737221908144401 0.17091055680924988 0.280803308248745 -0.052744409148583256 -0.38629212654590267 -0.14793320088842413 +8539,-0.8769400449447524,0,-0.09376071778444693 -0.13864648949917113 -0.5653708778353304 -0.22841803292861076 -0.17165300956180907 -0.5215169629932255 -0.26143745114991307 -0.0997196909258839 0.19314707135399622 0.3876520820146019 0.23444714056405533 0.5448554687498219 0.5075538446696595 0.2737221908144401 0.17091055680924988 0.280803308248745 -0.052744409148583256 -0.38629212654590267 -0.14793320088842413 -0.5124366229165839 +8540,-0.23615695908632306,0,-0.13864648949917113 -0.5653708778353304 -0.22841803292861076 -0.17165300956180907 -0.5215169629932255 -0.26143745114991307 -0.0997196909258839 0.19314707135399622 0.3876520820146019 0.23444714056405533 0.5448554687498219 0.5075538446696595 0.2737221908144401 0.17091055680924988 0.280803308248745 -0.052744409148583256 -0.38629212654590267 -0.14793320088842413 -0.5124366229165839 -0.8769400449447524 +8541,-0.5144100490868062,0,-0.5653708778353304 -0.22841803292861076 -0.17165300956180907 -0.5215169629932255 -0.26143745114991307 -0.0997196909258839 0.19314707135399622 0.3876520820146019 0.23444714056405533 0.5448554687498219 0.5075538446696595 0.2737221908144401 0.17091055680924988 0.280803308248745 -0.052744409148583256 -0.38629212654590267 -0.14793320088842413 -0.5124366229165839 -0.8769400449447524 -0.23615695908632306 +8542,-1.231331270178437,0,-0.22841803292861076 -0.17165300956180907 -0.5215169629932255 -0.26143745114991307 -0.0997196909258839 0.19314707135399622 0.3876520820146019 0.23444714056405533 0.5448554687498219 0.5075538446696595 0.2737221908144401 0.17091055680924988 0.280803308248745 -0.052744409148583256 -0.38629212654590267 -0.14793320088842413 -0.5124366229165839 -0.8769400449447524 -0.23615695908632306 -0.5144100490868062 +8543,-1.290250294555949,0,-0.17165300956180907 -0.5215169629932255 -0.26143745114991307 -0.0997196909258839 0.19314707135399622 0.3876520820146019 0.23444714056405533 0.5448554687498219 0.5075538446696595 0.2737221908144401 0.17091055680924988 0.280803308248745 -0.052744409148583256 -0.38629212654590267 -0.14793320088842413 -0.5124366229165839 -0.8769400449447524 -0.23615695908632306 -0.5144100490868062 -1.231331270178437 +8544,-0.6570926306565161,0,-0.5215169629932255 -0.26143745114991307 -0.0997196909258839 0.19314707135399622 0.3876520820146019 0.23444714056405533 0.5448554687498219 0.5075538446696595 0.2737221908144401 0.17091055680924988 0.280803308248745 -0.052744409148583256 -0.38629212654590267 -0.14793320088842413 -0.5124366229165839 -0.8769400449447524 -0.23615695908632306 -0.5144100490868062 -1.231331270178437 -1.290250294555949 +8545,-0.831357769875842,0,-0.26143745114991307 -0.0997196909258839 0.19314707135399622 0.3876520820146019 0.23444714056405533 0.5448554687498219 0.5075538446696595 0.2737221908144401 0.17091055680924988 0.280803308248745 -0.052744409148583256 -0.38629212654590267 -0.14793320088842413 -0.5124366229165839 -0.8769400449447524 -0.23615695908632306 -0.5144100490868062 -1.231331270178437 -1.290250294555949 -0.6570926306565161 +8546,-0.3135462206634283,0,-0.0997196909258839 0.19314707135399622 0.3876520820146019 0.23444714056405533 0.5448554687498219 0.5075538446696595 0.2737221908144401 0.17091055680924988 0.280803308248745 -0.052744409148583256 -0.38629212654590267 -0.14793320088842413 -0.5124366229165839 -0.8769400449447524 -0.23615695908632306 -0.5144100490868062 -1.231331270178437 -1.290250294555949 -0.6570926306565161 -0.831357769875842 +8547,-0.35843199237815254,0,0.19314707135399622 0.3876520820146019 0.23444714056405533 0.5448554687498219 0.5075538446696595 0.2737221908144401 0.17091055680924988 0.280803308248745 -0.052744409148583256 -0.38629212654590267 -0.14793320088842413 -0.5124366229165839 -0.8769400449447524 -0.23615695908632306 -0.5144100490868062 -1.231331270178437 -1.290250294555949 -0.6570926306565161 -0.831357769875842 -0.3135462206634283 +8548,-0.40331776409286796,0,0.3876520820146019 0.23444714056405533 0.5448554687498219 0.5075538446696595 0.2737221908144401 0.17091055680924988 0.280803308248745 -0.052744409148583256 -0.38629212654590267 -0.14793320088842413 -0.5124366229165839 -0.8769400449447524 -0.23615695908632306 -0.5144100490868062 -1.231331270178437 -1.290250294555949 -0.6570926306565161 -0.831357769875842 -0.3135462206634283 -0.35843199237815254 +8549,-0.11953134188962065,0,0.23444714056405533 0.5448554687498219 0.5075538446696595 0.2737221908144401 0.17091055680924988 0.280803308248745 -0.052744409148583256 -0.38629212654590267 -0.14793320088842413 -0.5124366229165839 -0.8769400449447524 -0.23615695908632306 -0.5144100490868062 -1.231331270178437 -1.290250294555949 -0.6570926306565161 -0.831357769875842 -0.3135462206634283 -0.35843199237815254 -0.40331776409286796 +8550,0.43326015355563563,0,0.5448554687498219 0.5075538446696595 0.2737221908144401 0.17091055680924988 0.280803308248745 -0.052744409148583256 -0.38629212654590267 -0.14793320088842413 -0.5124366229165839 -0.8769400449447524 -0.23615695908632306 -0.5144100490868062 -1.231331270178437 -1.290250294555949 -0.6570926306565161 -0.831357769875842 -0.3135462206634283 -0.35843199237815254 -0.40331776409286796 -0.11953134188962065 +8551,0.717046575758883,0,0.5075538446696595 0.2737221908144401 0.17091055680924988 0.280803308248745 -0.052744409148583256 -0.38629212654590267 -0.14793320088842413 -0.5124366229165839 -0.8769400449447524 -0.23615695908632306 -0.5144100490868062 -1.231331270178437 -1.290250294555949 -0.6570926306565161 -0.831357769875842 -0.3135462206634283 -0.35843199237815254 -0.40331776409286796 -0.11953134188962065 0.43326015355563563 +8552,1.269838071204148,0,0.2737221908144401 0.17091055680924988 0.280803308248745 -0.052744409148583256 -0.38629212654590267 -0.14793320088842413 -0.5124366229165839 -0.8769400449447524 -0.23615695908632306 -0.5144100490868062 -1.231331270178437 -1.290250294555949 -0.6570926306565161 -0.831357769875842 -0.3135462206634283 -0.35843199237815254 -0.40331776409286796 -0.11953134188962065 0.43326015355563563 0.717046575758883 +8553,1.2845420309037934,0,0.17091055680924988 0.280803308248745 -0.052744409148583256 -0.38629212654590267 -0.14793320088842413 -0.5124366229165839 -0.8769400449447524 -0.23615695908632306 -0.5144100490868062 -1.231331270178437 -1.290250294555949 -0.6570926306565161 -0.831357769875842 -0.3135462206634283 -0.35843199237815254 -0.40331776409286796 -0.11953134188962065 0.43326015355563563 0.717046575758883 1.269838071204148 +8554,1.2992459906034477,0,0.280803308248745 -0.052744409148583256 -0.38629212654590267 -0.14793320088842413 -0.5124366229165839 -0.8769400449447524 -0.23615695908632306 -0.5144100490868062 -1.231331270178437 -1.290250294555949 -0.6570926306565161 -0.831357769875842 -0.3135462206634283 -0.35843199237815254 -0.40331776409286796 -0.11953134188962065 0.43326015355563563 0.717046575758883 1.269838071204148 1.2845420309037934 +8555,0.8751528371609095,0,-0.052744409148583256 -0.38629212654590267 -0.14793320088842413 -0.5124366229165839 -0.8769400449447524 -0.23615695908632306 -0.5144100490868062 -1.231331270178437 -1.290250294555949 -0.6570926306565161 -0.831357769875842 -0.3135462206634283 -0.35843199237815254 -0.40331776409286796 -0.11953134188962065 0.43326015355563563 0.717046575758883 1.269838071204148 1.2845420309037934 1.2992459906034477 +8556,0.8705094814662874,0,-0.38629212654590267 -0.14793320088842413 -0.5124366229165839 -0.8769400449447524 -0.23615695908632306 -0.5144100490868062 -1.231331270178437 -1.290250294555949 -0.6570926306565161 -0.831357769875842 -0.3135462206634283 -0.35843199237815254 -0.40331776409286796 -0.11953134188962065 0.43326015355563563 0.717046575758883 1.269838071204148 1.2845420309037934 1.2992459906034477 0.8751528371609095 +8557,0.8658661257716564,0,-0.14793320088842413 -0.5124366229165839 -0.8769400449447524 -0.23615695908632306 -0.5144100490868062 -1.231331270178437 -1.290250294555949 -0.6570926306565161 -0.831357769875842 -0.3135462206634283 -0.35843199237815254 -0.40331776409286796 -0.11953134188962065 0.43326015355563563 0.717046575758883 1.269838071204148 1.2845420309037934 1.2992459906034477 0.8751528371609095 0.8705094814662874 +8558,0.20341404667163973,0,-0.5124366229165839 -0.8769400449447524 -0.23615695908632306 -0.5144100490868062 -1.231331270178437 -1.290250294555949 -0.6570926306565161 -0.831357769875842 -0.3135462206634283 -0.35843199237815254 -0.40331776409286796 -0.11953134188962065 0.43326015355563563 0.717046575758883 1.269838071204148 1.2845420309037934 1.2992459906034477 0.8751528371609095 0.8705094814662874 0.8658661257716564 +8559,0.09042572476906323,0,-0.8769400449447524 -0.23615695908632306 -0.5144100490868062 -1.231331270178437 -1.290250294555949 -0.6570926306565161 -0.831357769875842 -0.3135462206634283 -0.35843199237815254 -0.40331776409286796 -0.11953134188962065 0.43326015355563563 0.717046575758883 1.269838071204148 1.2845420309037934 1.2992459906034477 0.8751528371609095 0.8705094814662874 0.8658661257716564 0.20341404667163973 +8560,-0.02256259713351326,0,-0.23615695908632306 -0.5144100490868062 -1.231331270178437 -1.290250294555949 -0.6570926306565161 -0.831357769875842 -0.3135462206634283 -0.35843199237815254 -0.40331776409286796 -0.11953134188962065 0.43326015355563563 0.717046575758883 1.269838071204148 1.2845420309037934 1.2992459906034477 0.8751528371609095 0.8705094814662874 0.8658661257716564 0.20341404667163973 0.09042572476906323 +8561,-0.07518729500594096,0,-0.5144100490868062 -1.231331270178437 -1.290250294555949 -0.6570926306565161 -0.831357769875842 -0.3135462206634283 -0.35843199237815254 -0.40331776409286796 -0.11953134188962065 0.43326015355563563 0.717046575758883 1.269838071204148 1.2845420309037934 1.2992459906034477 0.8751528371609095 0.8705094814662874 0.8658661257716564 0.20341404667163973 0.09042572476906323 -0.02256259713351326 +8562,-0.23202953175061344,0,-1.231331270178437 -1.290250294555949 -0.6570926306565161 -0.831357769875842 -0.3135462206634283 -0.35843199237815254 -0.40331776409286796 -0.11953134188962065 0.43326015355563563 0.717046575758883 1.269838071204148 1.2845420309037934 1.2992459906034477 0.8751528371609095 0.8705094814662874 0.8658661257716564 0.20341404667163973 0.09042572476906323 -0.02256259713351326 -0.07518729500594096 +8563,-0.7436757365089788,0,-1.290250294555949 -0.6570926306565161 -0.831357769875842 -0.3135462206634283 -0.35843199237815254 -0.40331776409286796 -0.11953134188962065 0.43326015355563563 0.717046575758883 1.269838071204148 1.2845420309037934 1.2992459906034477 0.8751528371609095 0.8705094814662874 0.8658661257716564 0.20341404667163973 0.09042572476906323 -0.02256259713351326 -0.07518729500594096 -0.23202953175061344 +8564,-0.5457140053947441,0,-0.6570926306565161 -0.831357769875842 -0.3135462206634283 -0.35843199237815254 -0.40331776409286796 -0.11953134188962065 0.43326015355563563 0.717046575758883 1.269838071204148 1.2845420309037934 1.2992459906034477 0.8751528371609095 0.8705094814662874 0.8658661257716564 0.20341404667163973 0.09042572476906323 -0.02256259713351326 -0.07518729500594096 -0.23202953175061344 -0.7436757365089788 +8565,-0.7731223505390661,0,-0.831357769875842 -0.3135462206634283 -0.35843199237815254 -0.40331776409286796 -0.11953134188962065 0.43326015355563563 0.717046575758883 1.269838071204148 1.2845420309037934 1.2992459906034477 0.8751528371609095 0.8705094814662874 0.8658661257716564 0.20341404667163973 0.09042572476906323 -0.02256259713351326 -0.07518729500594096 -0.23202953175061344 -0.7436757365089788 -0.5457140053947441 +8566,-1.3202773280478686,0,-0.3135462206634283 -0.35843199237815254 -0.40331776409286796 -0.11953134188962065 0.43326015355563563 0.717046575758883 1.269838071204148 1.2845420309037934 1.2992459906034477 0.8751528371609095 0.8705094814662874 0.8658661257716564 0.20341404667163973 0.09042572476906323 -0.02256259713351326 -0.07518729500594096 -0.23202953175061344 -0.7436757365089788 -0.5457140053947441 -0.7731223505390661 +8567,-1.3878123570873475,0,-0.35843199237815254 -0.40331776409286796 -0.11953134188962065 0.43326015355563563 0.717046575758883 1.269838071204148 1.2845420309037934 1.2992459906034477 0.8751528371609095 0.8705094814662874 0.8658661257716564 0.20341404667163973 0.09042572476906323 -0.02256259713351326 -0.07518729500594096 -0.23202953175061344 -0.7436757365089788 -0.5457140053947441 -0.7731223505390661 -1.3202773280478686 +8568,-0.7913784773451064,0,-0.40331776409286796 -0.11953134188962065 0.43326015355563563 0.717046575758883 1.269838071204148 1.2845420309037934 1.2992459906034477 0.8751528371609095 0.8705094814662874 0.8658661257716564 0.20341404667163973 0.09042572476906323 -0.02256259713351326 -0.07518729500594096 -0.23202953175061344 -0.7436757365089788 -0.5457140053947441 -0.7731223505390661 -1.3202773280478686 -1.3878123570873475 +8569,-0.9695749910525476,0,-0.11953134188962065 0.43326015355563563 0.717046575758883 1.269838071204148 1.2845420309037934 1.2992459906034477 0.8751528371609095 0.8705094814662874 0.8658661257716564 0.20341404667163973 0.09042572476906323 -0.02256259713351326 -0.07518729500594096 -0.23202953175061344 -0.7436757365089788 -0.5457140053947441 -0.7731223505390661 -1.3202773280478686 -1.3878123570873475 -0.7913784773451064 +8570,-0.4838025961330546,0,0.43326015355563563 0.717046575758883 1.269838071204148 1.2845420309037934 1.2992459906034477 0.8751528371609095 0.8705094814662874 0.8658661257716564 0.20341404667163973 0.09042572476906323 -0.02256259713351326 -0.07518729500594096 -0.23202953175061344 -0.7436757365089788 -0.5457140053947441 -0.7731223505390661 -1.3202773280478686 -1.3878123570873475 -0.7913784773451064 -0.9695749910525476 +8571,-0.19100032495608538,0,0.717046575758883 1.269838071204148 1.2845420309037934 1.2992459906034477 0.8751528371609095 0.8705094814662874 0.8658661257716564 0.20341404667163973 0.09042572476906323 -0.02256259713351326 -0.07518729500594096 -0.23202953175061344 -0.7436757365089788 -0.5457140053947441 -0.7731223505390661 -1.3202773280478686 -1.3878123570873475 -0.7913784773451064 -0.9695749910525476 -0.4838025961330546 +8572,-0.5078964529556603,0,1.269838071204148 1.2845420309037934 1.2992459906034477 0.8751528371609095 0.8705094814662874 0.8658661257716564 0.20341404667163973 0.09042572476906323 -0.02256259713351326 -0.07518729500594096 -0.23202953175061344 -0.7436757365089788 -0.5457140053947441 -0.7731223505390661 -1.3202773280478686 -1.3878123570873475 -0.7913784773451064 -0.9695749910525476 -0.4838025961330546 -0.19100032495608538 +8573,0.0897550178869914,0,1.2845420309037934 1.2992459906034477 0.8751528371609095 0.8705094814662874 0.8658661257716564 0.20341404667163973 0.09042572476906323 -0.02256259713351326 -0.07518729500594096 -0.23202953175061344 -0.7436757365089788 -0.5457140053947441 -0.7731223505390661 -1.3202773280478686 -1.3878123570873475 -0.7913784773451064 -0.9695749910525476 -0.4838025961330546 -0.19100032495608538 -0.5078964529556603 +8574,0.782161900449861,0,1.2992459906034477 0.8751528371609095 0.8705094814662874 0.8658661257716564 0.20341404667163973 0.09042572476906323 -0.02256259713351326 -0.07518729500594096 -0.23202953175061344 -0.7436757365089788 -0.5457140053947441 -0.7731223505390661 -1.3202773280478686 -1.3878123570873475 -0.7913784773451064 -0.9695749910525476 -0.4838025961330546 -0.19100032495608538 -0.5078964529556603 0.0897550178869914 +8575,1.364020802543484,0,0.8751528371609095 0.8705094814662874 0.8658661257716564 0.20341404667163973 0.09042572476906323 -0.02256259713351326 -0.07518729500594096 -0.23202953175061344 -0.7436757365089788 -0.5457140053947441 -0.7731223505390661 -1.3202773280478686 -1.3878123570873475 -0.7913784773451064 -0.9695749910525476 -0.4838025961330546 -0.19100032495608538 -0.5078964529556603 0.0897550178869914 0.782161900449861 +8576,2.0406351165121106,0,0.8705094814662874 0.8658661257716564 0.20341404667163973 0.09042572476906323 -0.02256259713351326 -0.07518729500594096 -0.23202953175061344 -0.7436757365089788 -0.5457140053947441 -0.7731223505390661 -1.3202773280478686 -1.3878123570873475 -0.7913784773451064 -0.9695749910525476 -0.4838025961330546 -0.19100032495608538 -0.5078964529556603 0.0897550178869914 0.782161900449861 1.364020802543484 +8577,2.1288588747100183,0,0.8658661257716564 0.20341404667163973 0.09042572476906323 -0.02256259713351326 -0.07518729500594096 -0.23202953175061344 -0.7436757365089788 -0.5457140053947441 -0.7731223505390661 -1.3202773280478686 -1.3878123570873475 -0.7913784773451064 -0.9695749910525476 -0.4838025961330546 -0.19100032495608538 -0.5078964529556603 0.0897550178869914 0.782161900449861 1.364020802543484 2.0406351165121106 +8578,1.8249512444967242,0,0.20341404667163973 0.09042572476906323 -0.02256259713351326 -0.07518729500594096 -0.23202953175061344 -0.7436757365089788 -0.5457140053947441 -0.7731223505390661 -1.3202773280478686 -1.3878123570873475 -0.7913784773451064 -0.9695749910525476 -0.4838025961330546 -0.19100032495608538 -0.5078964529556603 0.0897550178869914 0.782161900449861 1.364020802543484 2.0406351165121106 2.1288588747100183 +8579,2.305306391105816,0,0.09042572476906323 -0.02256259713351326 -0.07518729500594096 -0.23202953175061344 -0.7436757365089788 -0.5457140053947441 -0.7731223505390661 -1.3202773280478686 -1.3878123570873475 -0.7913784773451064 -0.9695749910525476 -0.4838025961330546 -0.19100032495608538 -0.5078964529556603 0.0897550178869914 0.782161900449861 1.364020802543484 2.0406351165121106 2.1288588747100183 1.8249512444967242 +8580,1.9575706423677637,0,-0.02256259713351326 -0.07518729500594096 -0.23202953175061344 -0.7436757365089788 -0.5457140053947441 -0.7731223505390661 -1.3202773280478686 -1.3878123570873475 -0.7913784773451064 -0.9695749910525476 -0.4838025961330546 -0.19100032495608538 -0.5078964529556603 0.0897550178869914 0.782161900449861 1.364020802543484 2.0406351165121106 2.1288588747100183 1.8249512444967242 2.305306391105816 +8581,1.2854707020427232,0,-0.07518729500594096 -0.23202953175061344 -0.7436757365089788 -0.5457140053947441 -0.7731223505390661 -1.3202773280478686 -1.3878123570873475 -0.7913784773451064 -0.9695749910525476 -0.4838025961330546 -0.19100032495608538 -0.5078964529556603 0.0897550178869914 0.782161900449861 1.364020802543484 2.0406351165121106 2.1288588747100183 1.8249512444967242 2.305306391105816 1.9575706423677637 +8582,1.2620991450464358,0,-0.23202953175061344 -0.7436757365089788 -0.5457140053947441 -0.7731223505390661 -1.3202773280478686 -1.3878123570873475 -0.7913784773451064 -0.9695749910525476 -0.4838025961330546 -0.19100032495608538 -0.5078964529556603 0.0897550178869914 0.782161900449861 1.364020802543484 2.0406351165121106 2.1288588747100183 1.8249512444967242 2.305306391105816 1.9575706423677637 1.2854707020427232 +8583,1.0059406892262215,0,-0.7436757365089788 -0.5457140053947441 -0.7731223505390661 -1.3202773280478686 -1.3878123570873475 -0.7913784773451064 -0.9695749910525476 -0.4838025961330546 -0.19100032495608538 -0.5078964529556603 0.0897550178869914 0.782161900449861 1.364020802543484 2.0406351165121106 2.1288588747100183 1.8249512444967242 2.305306391105816 1.9575706423677637 1.2854707020427232 1.2620991450464358 +8584,0.7497822334059986,0,-0.5457140053947441 -0.7731223505390661 -1.3202773280478686 -1.3878123570873475 -0.7913784773451064 -0.9695749910525476 -0.4838025961330546 -0.19100032495608538 -0.5078964529556603 0.0897550178869914 0.782161900449861 1.364020802543484 2.0406351165121106 2.1288588747100183 1.8249512444967242 2.305306391105816 1.9575706423677637 1.2854707020427232 1.2620991450464358 1.0059406892262215 +8585,0.5764302874732822,0,-0.7731223505390661 -1.3202773280478686 -1.3878123570873475 -0.7913784773451064 -0.9695749910525476 -0.4838025961330546 -0.19100032495608538 -0.5078964529556603 0.0897550178869914 0.782161900449861 1.364020802543484 2.0406351165121106 2.1288588747100183 1.8249512444967242 2.305306391105816 1.9575706423677637 1.2854707020427232 1.2620991450464358 1.0059406892262215 0.7497822334059986 +8586,0.42113583596015036,0,-1.3202773280478686 -1.3878123570873475 -0.7913784773451064 -0.9695749910525476 -0.4838025961330546 -0.19100032495608538 -0.5078964529556603 0.0897550178869914 0.782161900449861 1.364020802543484 2.0406351165121106 2.1288588747100183 1.8249512444967242 2.305306391105816 1.9575706423677637 1.2854707020427232 1.2620991450464358 1.0059406892262215 0.7497822334059986 0.5764302874732822 +8587,-0.16449450286592016,0,-1.3878123570873475 -0.7913784773451064 -0.9695749910525476 -0.4838025961330546 -0.19100032495608538 -0.5078964529556603 0.0897550178869914 0.782161900449861 1.364020802543484 2.0406351165121106 2.1288588747100183 1.8249512444967242 2.305306391105816 1.9575706423677637 1.2854707020427232 1.2620991450464358 1.0059406892262215 0.7497822334059986 0.5764302874732822 0.42113583596015036 +8588,0.11054693277910989,0,-0.7913784773451064 -0.9695749910525476 -0.4838025961330546 -0.19100032495608538 -0.5078964529556603 0.0897550178869914 0.782161900449861 1.364020802543484 2.0406351165121106 2.1288588747100183 1.8249512444967242 2.305306391105816 1.9575706423677637 1.2854707020427232 1.2620991450464358 1.0059406892262215 0.7497822334059986 0.5764302874732822 0.42113583596015036 -0.16449450286592016 +8589,0.04863552351742921,0,-0.9695749910525476 -0.4838025961330546 -0.19100032495608538 -0.5078964529556603 0.0897550178869914 0.782161900449861 1.364020802543484 2.0406351165121106 2.1288588747100183 1.8249512444967242 2.305306391105816 1.9575706423677637 1.2854707020427232 1.2620991450464358 1.0059406892262215 0.7497822334059986 0.5764302874732822 0.42113583596015036 -0.16449450286592016 0.11054693277910989 +8590,-0.4095862942806148,0,-0.4838025961330546 -0.19100032495608538 -0.5078964529556603 0.0897550178869914 0.782161900449861 1.364020802543484 2.0406351165121106 2.1288588747100183 1.8249512444967242 2.305306391105816 1.9575706423677637 1.2854707020427232 1.2620991450464358 1.0059406892262215 0.7497822334059986 0.5764302874732822 0.42113583596015036 -0.16449450286592016 0.11054693277910989 0.04863552351742921 +8591,-0.07983065070057185,0,-0.19100032495608538 -0.5078964529556603 0.0897550178869914 0.782161900449861 1.364020802543484 2.0406351165121106 2.1288588747100183 1.8249512444967242 2.305306391105816 1.9575706423677637 1.2854707020427232 1.2620991450464358 1.0059406892262215 0.7497822334059986 0.5764302874732822 0.42113583596015036 -0.16449450286592016 0.11054693277910989 0.04863552351742921 -0.4095862942806148 +8592,-0.12213678031112714,0,-0.5078964529556603 0.0897550178869914 0.782161900449861 1.364020802543484 2.0406351165121106 2.1288588747100183 1.8249512444967242 2.305306391105816 1.9575706423677637 1.2854707020427232 1.2620991450464358 1.0059406892262215 0.7497822334059986 0.5764302874732822 0.42113583596015036 -0.16449450286592016 0.11054693277910989 0.04863552351742921 -0.4095862942806148 -0.07983065070057185 +8593,-0.5075610994372272,0,0.0897550178869914 0.782161900449861 1.364020802543484 2.0406351165121106 2.1288588747100183 1.8249512444967242 2.305306391105816 1.9575706423677637 1.2854707020427232 1.2620991450464358 1.0059406892262215 0.7497822334059986 0.5764302874732822 0.42113583596015036 -0.16449450286592016 0.11054693277910989 0.04863552351742921 -0.4095862942806148 -0.07983065070057185 -0.12213678031112714 +8594,-0.2067490396870234,0,0.782161900449861 1.364020802543484 2.0406351165121106 2.1288588747100183 1.8249512444967242 2.305306391105816 1.9575706423677637 1.2854707020427232 1.2620991450464358 1.0059406892262215 0.7497822334059986 0.5764302874732822 0.42113583596015036 -0.16449450286592016 0.11054693277910989 0.04863552351742921 -0.4095862942806148 -0.07983065070057185 -0.12213678031112714 -0.5075610994372272 +8595,0.262229885470239,0,1.364020802543484 2.0406351165121106 2.1288588747100183 1.8249512444967242 2.305306391105816 1.9575706423677637 1.2854707020427232 1.2620991450464358 1.0059406892262215 0.7497822334059986 0.5764302874732822 0.42113583596015036 -0.16449450286592016 0.11054693277910989 0.04863552351742921 -0.4095862942806148 -0.07983065070057185 -0.12213678031112714 -0.5075610994372272 -0.2067490396870234 +8596,0.37103918724764506,0,2.0406351165121106 2.1288588747100183 1.8249512444967242 2.305306391105816 1.9575706423677637 1.2854707020427232 1.2620991450464358 1.0059406892262215 0.7497822334059986 0.5764302874732822 0.42113583596015036 -0.16449450286592016 0.11054693277910989 0.04863552351742921 -0.4095862942806148 -0.07983065070057185 -0.12213678031112714 -0.5075610994372272 -0.2067490396870234 0.262229885470239 +8597,1.200187735784755,0,2.1288588747100183 1.8249512444967242 2.305306391105816 1.9575706423677637 1.2854707020427232 1.2620991450464358 1.0059406892262215 0.7497822334059986 0.5764302874732822 0.42113583596015036 -0.16449450286592016 0.11054693277910989 0.04863552351742921 -0.4095862942806148 -0.07983065070057185 -0.12213678031112714 -0.5075610994372272 -0.2067490396870234 0.262229885470239 0.37103918724764506 +8598,1.3224627690765758,0,1.8249512444967242 2.305306391105816 1.9575706423677637 1.2854707020427232 1.2620991450464358 1.0059406892262215 0.7497822334059986 0.5764302874732822 0.42113583596015036 -0.16449450286592016 0.11054693277910989 0.04863552351742921 -0.4095862942806148 -0.07983065070057185 -0.12213678031112714 -0.5075610994372272 -0.2067490396870234 0.262229885470239 0.37103918724764506 1.200187735784755 +8599,1.6227331039957438,0,2.305306391105816 1.9575706423677637 1.2854707020427232 1.2620991450464358 1.0059406892262215 0.7497822334059986 0.5764302874732822 0.42113583596015036 -0.16449450286592016 0.11054693277910989 0.04863552351742921 -0.4095862942806148 -0.07983065070057185 -0.12213678031112714 -0.5075610994372272 -0.2067490396870234 0.262229885470239 0.37103918724764506 1.200187735784755 1.3224627690765758 +8600,1.7852505533076666,0,1.9575706423677637 1.2854707020427232 1.2620991450464358 1.0059406892262215 0.7497822334059986 0.5764302874732822 0.42113583596015036 -0.16449450286592016 0.11054693277910989 0.04863552351742921 -0.4095862942806148 -0.07983065070057185 -0.12213678031112714 -0.5075610994372272 -0.2067490396870234 0.262229885470239 0.37103918724764506 1.200187735784755 1.3224627690765758 1.6227331039957438 +8601,1.781639054485664,0,1.2854707020427232 1.2620991450464358 1.0059406892262215 0.7497822334059986 0.5764302874732822 0.42113583596015036 -0.16449450286592016 0.11054693277910989 0.04863552351742921 -0.4095862942806148 -0.07983065070057185 -0.12213678031112714 -0.5075610994372272 -0.2067490396870234 0.262229885470239 0.37103918724764506 1.200187735784755 1.3224627690765758 1.6227331039957438 1.7852505533076666 +8602,1.6538435871497434,0,1.2620991450464358 1.0059406892262215 0.7497822334059986 0.5764302874732822 0.42113583596015036 -0.16449450286592016 0.11054693277910989 0.04863552351742921 -0.4095862942806148 -0.07983065070057185 -0.12213678031112714 -0.5075610994372272 -0.2067490396870234 0.262229885470239 0.37103918724764506 1.200187735784755 1.3224627690765758 1.6227331039957438 1.7852505533076666 1.781639054485664 +8603,1.774416056686873,0,1.0059406892262215 0.7497822334059986 0.5764302874732822 0.42113583596015036 -0.16449450286592016 0.11054693277910989 0.04863552351742921 -0.4095862942806148 -0.07983065070057185 -0.12213678031112714 -0.5075610994372272 -0.2067490396870234 0.262229885470239 0.37103918724764506 1.200187735784755 1.3224627690765758 1.6227331039957438 1.7852505533076666 1.781639054485664 1.6538435871497434 +8604,1.5066492116300858,0,0.7497822334059986 0.5764302874732822 0.42113583596015036 -0.16449450286592016 0.11054693277910989 0.04863552351742921 -0.4095862942806148 -0.07983065070057185 -0.12213678031112714 -0.5075610994372272 -0.2067490396870234 0.262229885470239 0.37103918724764506 1.200187735784755 1.3224627690765758 1.6227331039957438 1.7852505533076666 1.781639054485664 1.6538435871497434 1.774416056686873 +8605,1.2388823665733077,0,0.5764302874732822 0.42113583596015036 -0.16449450286592016 0.11054693277910989 0.04863552351742921 -0.4095862942806148 -0.07983065070057185 -0.12213678031112714 -0.5075610994372272 -0.2067490396870234 0.262229885470239 0.37103918724764506 1.200187735784755 1.3224627690765758 1.6227331039957438 1.7852505533076666 1.781639054485664 1.6538435871497434 1.774416056686873 1.5066492116300858 +8606,0.8906306894763341,0,0.42113583596015036 -0.16449450286592016 0.11054693277910989 0.04863552351742921 -0.4095862942806148 -0.07983065070057185 -0.12213678031112714 -0.5075610994372272 -0.2067490396870234 0.262229885470239 0.37103918724764506 1.200187735784755 1.3224627690765758 1.6227331039957438 1.7852505533076666 1.781639054485664 1.6538435871497434 1.774416056686873 1.5066492116300858 1.2388823665733077 +8607,0.6561412268976984,0,-0.16449450286592016 0.11054693277910989 0.04863552351742921 -0.4095862942806148 -0.07983065070057185 -0.12213678031112714 -0.5075610994372272 -0.2067490396870234 0.262229885470239 0.37103918724764506 1.200187735784755 1.3224627690765758 1.6227331039957438 1.7852505533076666 1.781639054485664 1.6538435871497434 1.774416056686873 1.5066492116300858 1.2388823665733077 0.8906306894763341 +8608,0.42165176431907164,0,0.11054693277910989 0.04863552351742921 -0.4095862942806148 -0.07983065070057185 -0.12213678031112714 -0.5075610994372272 -0.2067490396870234 0.262229885470239 0.37103918724764506 1.200187735784755 1.3224627690765758 1.6227331039957438 1.7852505533076666 1.781639054485664 1.6538435871497434 1.774416056686873 1.5066492116300858 1.2388823665733077 0.8906306894763341 0.6561412268976984 +8609,0.25913431500714884,0,0.04863552351742921 -0.4095862942806148 -0.07983065070057185 -0.12213678031112714 -0.5075610994372272 -0.2067490396870234 0.262229885470239 0.37103918724764506 1.200187735784755 1.3224627690765758 1.6227331039957438 1.7852505533076666 1.781639054485664 1.6538435871497434 1.774416056686873 1.5066492116300858 1.2388823665733077 0.8906306894763341 0.6561412268976984 0.42165176431907164 +8610,0.16549330849885743,0,-0.4095862942806148 -0.07983065070057185 -0.12213678031112714 -0.5075610994372272 -0.2067490396870234 0.262229885470239 0.37103918724764506 1.200187735784755 1.3224627690765758 1.6227331039957438 1.7852505533076666 1.781639054485664 1.6538435871497434 1.774416056686873 1.5066492116300858 1.2388823665733077 0.8906306894763341 0.6561412268976984 0.42165176431907164 0.25913431500714884 +8611,0.07185230199055727,0,-0.07983065070057185 -0.12213678031112714 -0.5075610994372272 -0.2067490396870234 0.262229885470239 0.37103918724764506 1.200187735784755 1.3224627690765758 1.6227331039957438 1.7852505533076666 1.781639054485664 1.6538435871497434 1.774416056686873 1.5066492116300858 1.2388823665733077 0.8906306894763341 0.6561412268976984 0.42165176431907164 0.25913431500714884 0.16549330849885743 +8612,-0.017919241438882367,0,-0.12213678031112714 -0.5075610994372272 -0.2067490396870234 0.262229885470239 0.37103918724764506 1.200187735784755 1.3224627690765758 1.6227331039957438 1.7852505533076666 1.781639054485664 1.6538435871497434 1.774416056686873 1.5066492116300858 1.2388823665733077 0.8906306894763341 0.6561412268976984 0.42165176431907164 0.25913431500714884 0.16549330849885743 0.07185230199055727 +8613,-0.11078635533141219,0,-0.5075610994372272 -0.2067490396870234 0.262229885470239 0.37103918724764506 1.200187735784755 1.3224627690765758 1.6227331039957438 1.7852505533076666 1.781639054485664 1.6538435871497434 1.774416056686873 1.5066492116300858 1.2388823665733077 0.8906306894763341 0.6561412268976984 0.42165176431907164 0.25913431500714884 0.16549330849885743 0.07185230199055727 -0.017919241438882367 +8614,-0.13632481165186008,0,-0.2067490396870234 0.262229885470239 0.37103918724764506 1.200187735784755 1.3224627690765758 1.6227331039957438 1.7852505533076666 1.781639054485664 1.6538435871497434 1.774416056686873 1.5066492116300858 1.2388823665733077 0.8906306894763341 0.6561412268976984 0.42165176431907164 0.25913431500714884 0.16549330849885743 0.07185230199055727 -0.017919241438882367 -0.11078635533141219 +8615,-0.1618632679722992,0,0.262229885470239 0.37103918724764506 1.200187735784755 1.3224627690765758 1.6227331039957438 1.7852505533076666 1.781639054485664 1.6538435871497434 1.774416056686873 1.5066492116300858 1.2388823665733077 0.8906306894763341 0.6561412268976984 0.42165176431907164 0.25913431500714884 0.16549330849885743 0.07185230199055727 -0.017919241438882367 -0.11078635533141219 -0.13632481165186008 +8616,-0.1982362209135408,0,0.37103918724764506 1.200187735784755 1.3224627690765758 1.6227331039957438 1.7852505533076666 1.781639054485664 1.6538435871497434 1.774416056686873 1.5066492116300858 1.2388823665733077 0.8906306894763341 0.6561412268976984 0.42165176431907164 0.25913431500714884 0.16549330849885743 0.07185230199055727 -0.017919241438882367 -0.11078635533141219 -0.13632481165186008 -0.1618632679722992 +8617,-0.23460917385478236,0,1.200187735784755 1.3224627690765758 1.6227331039957438 1.7852505533076666 1.781639054485664 1.6538435871497434 1.774416056686873 1.5066492116300858 1.2388823665733077 0.8906306894763341 0.6561412268976984 0.42165176431907164 0.25913431500714884 0.16549330849885743 0.07185230199055727 -0.017919241438882367 -0.11078635533141219 -0.13632481165186008 -0.1618632679722992 -0.1982362209135408 +8618,-0.2144879658447357,0,1.3224627690765758 1.6227331039957438 1.7852505533076666 1.781639054485664 1.6538435871497434 1.774416056686873 1.5066492116300858 1.2388823665733077 0.8906306894763341 0.6561412268976984 0.42165176431907164 0.25913431500714884 0.16549330849885743 0.07185230199055727 -0.017919241438882367 -0.11078635533141219 -0.13632481165186008 -0.1618632679722992 -0.1982362209135408 -0.23460917385478236 +8619,-0.007084744818088688,0,1.6227331039957438 1.7852505533076666 1.781639054485664 1.6538435871497434 1.774416056686873 1.5066492116300858 1.2388823665733077 0.8906306894763341 0.6561412268976984 0.42165176431907164 0.25913431500714884 0.16549330849885743 0.07185230199055727 -0.017919241438882367 -0.11078635533141219 -0.13632481165186008 -0.1618632679722992 -0.1982362209135408 -0.23460917385478236 -0.2144879658447357 +8620,0.20031847620854953,0,1.7852505533076666 1.781639054485664 1.6538435871497434 1.774416056686873 1.5066492116300858 1.2388823665733077 0.8906306894763341 0.6561412268976984 0.42165176431907164 0.25913431500714884 0.16549330849885743 0.07185230199055727 -0.017919241438882367 -0.11078635533141219 -0.13632481165186008 -0.1618632679722992 -0.1982362209135408 -0.23460917385478236 -0.2144879658447357 -0.007084744818088688 +8621,0.3891482744566906,0,1.781639054485664 1.6538435871497434 1.774416056686873 1.5066492116300858 1.2388823665733077 0.8906306894763341 0.6561412268976984 0.42165176431907164 0.25913431500714884 0.16549330849885743 0.07185230199055727 -0.017919241438882367 -0.11078635533141219 -0.13632481165186008 -0.1618632679722992 -0.1982362209135408 -0.23460917385478236 -0.2144879658447357 -0.007084744818088688 0.20031847620854953 +8622,0.5346400862216482,0,1.6538435871497434 1.774416056686873 1.5066492116300858 1.2388823665733077 0.8906306894763341 0.6561412268976984 0.42165176431907164 0.25913431500714884 0.16549330849885743 0.07185230199055727 -0.017919241438882367 -0.11078635533141219 -0.13632481165186008 -0.1618632679722992 -0.1982362209135408 -0.23460917385478236 -0.2144879658447357 -0.007084744818088688 0.20031847620854953 0.3891482744566906 +8623,0.7172787435436175,0,1.774416056686873 1.5066492116300858 1.2388823665733077 0.8906306894763341 0.6561412268976984 0.42165176431907164 0.25913431500714884 0.16549330849885743 0.07185230199055727 -0.017919241438882367 -0.11078635533141219 -0.13632481165186008 -0.1618632679722992 -0.1982362209135408 -0.23460917385478236 -0.2144879658447357 -0.007084744818088688 0.20031847620854953 0.3891482744566906 0.5346400862216482 +8624,0.8488404882246913,0,1.5066492116300858 1.2388823665733077 0.8906306894763341 0.6561412268976984 0.42165176431907164 0.25913431500714884 0.16549330849885743 0.07185230199055727 -0.017919241438882367 -0.11078635533141219 -0.13632481165186008 -0.1618632679722992 -0.1982362209135408 -0.23460917385478236 -0.2144879658447357 -0.007084744818088688 0.20031847620854953 0.3891482744566906 0.5346400862216482 0.7172787435436175 +8625,0.8189166404664703,0,1.2388823665733077 0.8906306894763341 0.6561412268976984 0.42165176431907164 0.25913431500714884 0.16549330849885743 0.07185230199055727 -0.017919241438882367 -0.11078635533141219 -0.13632481165186008 -0.1618632679722992 -0.1982362209135408 -0.23460917385478236 -0.2144879658447357 -0.007084744818088688 0.20031847620854953 0.3891482744566906 0.5346400862216482 0.7172787435436175 0.8488404882246913 +8626,0.8815761458718069,0,0.8906306894763341 0.6561412268976984 0.42165176431907164 0.25913431500714884 0.16549330849885743 0.07185230199055727 -0.017919241438882367 -0.11078635533141219 -0.13632481165186008 -0.1618632679722992 -0.1982362209135408 -0.23460917385478236 -0.2144879658447357 -0.007084744818088688 0.20031847620854953 0.3891482744566906 0.5346400862216482 0.7172787435436175 0.8488404882246913 0.8189166404664703 +8627,0.7590689447952516,0,0.6561412268976984 0.42165176431907164 0.25913431500714884 0.16549330849885743 0.07185230199055727 -0.017919241438882367 -0.11078635533141219 -0.13632481165186008 -0.1618632679722992 -0.1982362209135408 -0.23460917385478236 -0.2144879658447357 -0.007084744818088688 0.20031847620854953 0.3891482744566906 0.5346400862216482 0.7172787435436175 0.8488404882246913 0.8189166404664703 0.8815761458718069 +8628,0.6073859921041225,0,0.42165176431907164 0.25913431500714884 0.16549330849885743 0.07185230199055727 -0.017919241438882367 -0.11078635533141219 -0.13632481165186008 -0.1618632679722992 -0.1982362209135408 -0.23460917385478236 -0.2144879658447357 -0.007084744818088688 0.20031847620854953 0.3891482744566906 0.5346400862216482 0.7172787435436175 0.8488404882246913 0.8189166404664703 0.8815761458718069 0.7590689447952516 +8629,0.45570303941300216,0,0.25913431500714884 0.16549330849885743 0.07185230199055727 -0.017919241438882367 -0.11078635533141219 -0.13632481165186008 -0.1618632679722992 -0.1982362209135408 -0.23460917385478236 -0.2144879658447357 -0.007084744818088688 0.20031847620854953 0.3891482744566906 0.5346400862216482 0.7172787435436175 0.8488404882246913 0.8189166404664703 0.8815761458718069 0.7590689447952516 0.6073859921041225 +8630,0.2266308251447678,0,0.16549330849885743 0.07185230199055727 -0.017919241438882367 -0.11078635533141219 -0.13632481165186008 -0.1618632679722992 -0.1982362209135408 -0.23460917385478236 -0.2144879658447357 -0.007084744818088688 0.20031847620854953 0.3891482744566906 0.5346400862216482 0.7172787435436175 0.8488404882246913 0.8189166404664703 0.8815761458718069 0.7590689447952516 0.6073859921041225 0.45570303941300216 +8631,0.10538764872556654,0,0.07185230199055727 -0.017919241438882367 -0.11078635533141219 -0.13632481165186008 -0.1618632679722992 -0.1982362209135408 -0.23460917385478236 -0.2144879658447357 -0.007084744818088688 0.20031847620854953 0.3891482744566906 0.5346400862216482 0.7172787435436175 0.8488404882246913 0.8189166404664703 0.8815761458718069 0.7590689447952516 0.6073859921041225 0.45570303941300216 0.2266308251447678 +8632,-0.187711281339057,0,-0.017919241438882367 -0.11078635533141219 -0.13632481165186008 -0.1618632679722992 -0.1982362209135408 -0.23460917385478236 -0.2144879658447357 -0.007084744818088688 0.20031847620854953 0.3891482744566906 0.5346400862216482 0.7172787435436175 0.8488404882246913 0.8189166404664703 0.8815761458718069 0.7590689447952516 0.6073859921041225 0.45570303941300216 0.2266308251447678 0.10538764872556654 +8633,-0.13709870426763043,0,-0.11078635533141219 -0.13632481165186008 -0.1618632679722992 -0.1982362209135408 -0.23460917385478236 -0.2144879658447357 -0.007084744818088688 0.20031847620854953 0.3891482744566906 0.5346400862216482 0.7172787435436175 0.8488404882246913 0.8189166404664703 0.8815761458718069 0.7590689447952516 0.6073859921041225 0.45570303941300216 0.2266308251447678 0.10538764872556654 -0.187711281339057 +8634,-0.17269776459309288,0,-0.13632481165186008 -0.1618632679722992 -0.1982362209135408 -0.23460917385478236 -0.2144879658447357 -0.007084744818088688 0.20031847620854953 0.3891482744566906 0.5346400862216482 0.7172787435436175 0.8488404882246913 0.8189166404664703 0.8815761458718069 0.7590689447952516 0.6073859921041225 0.45570303941300216 0.2266308251447678 0.10538764872556654 -0.187711281339057 -0.13709870426763043 +8635,-0.2082968249185641,0,-0.1618632679722992 -0.1982362209135408 -0.23460917385478236 -0.2144879658447357 -0.007084744818088688 0.20031847620854953 0.3891482744566906 0.5346400862216482 0.7172787435436175 0.8488404882246913 0.8189166404664703 0.8815761458718069 0.7590689447952516 0.6073859921041225 0.45570303941300216 0.2266308251447678 0.10538764872556654 -0.187711281339057 -0.13709870426763043 -0.17269776459309288 +8636,-0.2237746772339887,0,-0.1982362209135408 -0.23460917385478236 -0.2144879658447357 -0.007084744818088688 0.20031847620854953 0.3891482744566906 0.5346400862216482 0.7172787435436175 0.8488404882246913 0.8189166404664703 0.8815761458718069 0.7590689447952516 0.6073859921041225 0.45570303941300216 0.2266308251447678 0.10538764872556654 -0.187711281339057 -0.13709870426763043 -0.17269776459309288 -0.2082968249185641 +8637,-0.2686604489487041,0,-0.23460917385478236 -0.2144879658447357 -0.007084744818088688 0.20031847620854953 0.3891482744566906 0.5346400862216482 0.7172787435436175 0.8488404882246913 0.8189166404664703 0.8815761458718069 0.7590689447952516 0.6073859921041225 0.45570303941300216 0.2266308251447678 0.10538764872556654 -0.187711281339057 -0.13709870426763043 -0.17269776459309288 -0.2082968249185641 -0.2237746772339887 +8638,-0.23615695908632306,0,-0.2144879658447357 -0.007084744818088688 0.20031847620854953 0.3891482744566906 0.5346400862216482 0.7172787435436175 0.8488404882246913 0.8189166404664703 0.8815761458718069 0.7590689447952516 0.6073859921041225 0.45570303941300216 0.2266308251447678 0.10538764872556654 -0.187711281339057 -0.13709870426763043 -0.17269776459309288 -0.2082968249185641 -0.2237746772339887 -0.2686604489487041 +8639,-0.29342501265338167,0,-0.007084744818088688 0.20031847620854953 0.3891482744566906 0.5346400862216482 0.7172787435436175 0.8488404882246913 0.8189166404664703 0.8815761458718069 0.7590689447952516 0.6073859921041225 0.45570303941300216 0.2266308251447678 0.10538764872556654 -0.187711281339057 -0.13709870426763043 -0.17269776459309288 -0.2082968249185641 -0.2237746772339887 -0.2686604489487041 -0.23615695908632306 +8640,-0.3383107843680971,0,0.20031847620854953 0.3891482744566906 0.5346400862216482 0.7172787435436175 0.8488404882246913 0.8189166404664703 0.8815761458718069 0.7590689447952516 0.6073859921041225 0.45570303941300216 0.2266308251447678 0.10538764872556654 -0.187711281339057 -0.13709870426763043 -0.17269776459309288 -0.2082968249185641 -0.2237746772339887 -0.2686604489487041 -0.23615695908632306 -0.29342501265338167 +8641,-0.35843199237815254,0,0.3891482744566906 0.5346400862216482 0.7172787435436175 0.8488404882246913 0.8189166404664703 0.8815761458718069 0.7590689447952516 0.6073859921041225 0.45570303941300216 0.2266308251447678 0.10538764872556654 -0.187711281339057 -0.13709870426763043 -0.17269776459309288 -0.2082968249185641 -0.2237746772339887 -0.2686604489487041 -0.23615695908632306 -0.29342501265338167 -0.3383107843680971 +8642,-0.3909354822405336,0,0.5346400862216482 0.7172787435436175 0.8488404882246913 0.8189166404664703 0.8815761458718069 0.7590689447952516 0.6073859921041225 0.45570303941300216 0.2266308251447678 0.10538764872556654 -0.187711281339057 -0.13709870426763043 -0.17269776459309288 -0.2082968249185641 -0.2237746772339887 -0.2686604489487041 -0.23615695908632306 -0.29342501265338167 -0.3383107843680971 -0.35843199237815254 +8643,-0.3104506502003469,0,0.7172787435436175 0.8488404882246913 0.8189166404664703 0.8815761458718069 0.7590689447952516 0.6073859921041225 0.45570303941300216 0.2266308251447678 0.10538764872556654 -0.187711281339057 -0.13709870426763043 -0.17269776459309288 -0.2082968249185641 -0.2237746772339887 -0.2686604489487041 -0.23615695908632306 -0.29342501265338167 -0.3383107843680971 -0.35843199237815254 -0.3909354822405336 +8644,-0.010180315281178881,0,0.8488404882246913 0.8189166404664703 0.8815761458718069 0.7590689447952516 0.6073859921041225 0.45570303941300216 0.2266308251447678 0.10538764872556654 -0.187711281339057 -0.13709870426763043 -0.17269776459309288 -0.2082968249185641 -0.2237746772339887 -0.2686604489487041 -0.23615695908632306 -0.29342501265338167 -0.3383107843680971 -0.35843199237815254 -0.3909354822405336 -0.3104506502003469 +8645,0.18793619435621514,0,0.8189166404664703 0.8815761458718069 0.7590689447952516 0.6073859921041225 0.45570303941300216 0.2266308251447678 0.10538764872556654 -0.187711281339057 -0.13709870426763043 -0.17269776459309288 -0.2082968249185641 -0.2237746772339887 -0.2686604489487041 -0.23615695908632306 -0.29342501265338167 -0.3383107843680971 -0.35843199237815254 -0.3909354822405336 -0.3104506502003469 -0.010180315281178881 +8646,0.4139128381613593,0,0.8815761458718069 0.7590689447952516 0.6073859921041225 0.45570303941300216 0.2266308251447678 0.10538764872556654 -0.187711281339057 -0.13709870426763043 -0.17269776459309288 -0.2082968249185641 -0.2237746772339887 -0.2686604489487041 -0.23615695908632306 -0.29342501265338167 -0.3383107843680971 -0.35843199237815254 -0.3909354822405336 -0.3104506502003469 -0.010180315281178881 0.18793619435621514 +8647,0.5655957908524885,0,0.7590689447952516 0.6073859921041225 0.45570303941300216 0.2266308251447678 0.10538764872556654 -0.187711281339057 -0.13709870426763043 -0.17269776459309288 -0.2082968249185641 -0.2237746772339887 -0.2686604489487041 -0.23615695908632306 -0.29342501265338167 -0.3383107843680971 -0.35843199237815254 -0.3909354822405336 -0.3104506502003469 -0.010180315281178881 0.18793619435621514 0.4139128381613593 +8648,0.7265654549328705,0,0.6073859921041225 0.45570303941300216 0.2266308251447678 0.10538764872556654 -0.187711281339057 -0.13709870426763043 -0.17269776459309288 -0.2082968249185641 -0.2237746772339887 -0.2686604489487041 -0.23615695908632306 -0.29342501265338167 -0.3383107843680971 -0.35843199237815254 -0.3909354822405336 -0.3104506502003469 -0.010180315281178881 0.18793619435621514 0.4139128381613593 0.5655957908524885 +8649,0.762164515258333,0,0.45570303941300216 0.2266308251447678 0.10538764872556654 -0.187711281339057 -0.13709870426763043 -0.17269776459309288 -0.2082968249185641 -0.2237746772339887 -0.2686604489487041 -0.23615695908632306 -0.29342501265338167 -0.3383107843680971 -0.35843199237815254 -0.3909354822405336 -0.3104506502003469 -0.010180315281178881 0.18793619435621514 0.4139128381613593 0.5655957908524885 0.7265654549328705 +8650,0.7729990118791267,0,0.2266308251447678 0.10538764872556654 -0.187711281339057 -0.13709870426763043 -0.17269776459309288 -0.2082968249185641 -0.2237746772339887 -0.2686604489487041 -0.23615695908632306 -0.29342501265338167 -0.3383107843680971 -0.35843199237815254 -0.3909354822405336 -0.3104506502003469 -0.010180315281178881 0.18793619435621514 0.4139128381613593 0.5655957908524885 0.7265654549328705 0.762164515258333 +8651,0.7265654549328705,0,0.10538764872556654 -0.187711281339057 -0.13709870426763043 -0.17269776459309288 -0.2082968249185641 -0.2237746772339887 -0.2686604489487041 -0.23615695908632306 -0.29342501265338167 -0.3383107843680971 -0.35843199237815254 -0.3909354822405336 -0.3104506502003469 -0.010180315281178881 0.18793619435621514 0.4139128381613593 0.5655957908524885 0.7265654549328705 0.762164515258333 0.7729990118791267 +8652,0.629828877961489,0,-0.187711281339057 -0.13709870426763043 -0.17269776459309288 -0.2082968249185641 -0.2237746772339887 -0.2686604489487041 -0.23615695908632306 -0.29342501265338167 -0.3383107843680971 -0.35843199237815254 -0.3909354822405336 -0.3104506502003469 -0.010180315281178881 0.18793619435621514 0.4139128381613593 0.5655957908524885 0.7265654549328705 0.762164515258333 0.7729990118791267 0.7265654549328705 +8653,0.5330923009901074,0,-0.13709870426763043 -0.17269776459309288 -0.2082968249185641 -0.2237746772339887 -0.2686604489487041 -0.23615695908632306 -0.29342501265338167 -0.3383107843680971 -0.35843199237815254 -0.3909354822405336 -0.3104506502003469 -0.010180315281178881 0.18793619435621514 0.4139128381613593 0.5655957908524885 0.7265654549328705 0.762164515258333 0.7729990118791267 0.7265654549328705 0.629828877961489 +8654,0.23127418083938986,0,-0.17269776459309288 -0.2082968249185641 -0.2237746772339887 -0.2686604489487041 -0.23615695908632306 -0.29342501265338167 -0.3383107843680971 -0.35843199237815254 -0.3909354822405336 -0.3104506502003469 -0.010180315281178881 0.18793619435621514 0.4139128381613593 0.5655957908524885 0.7265654549328705 0.762164515258333 0.7729990118791267 0.7265654549328705 0.629828877961489 0.5330923009901074 +8655,0.07340008722209797,0,-0.2082968249185641 -0.2237746772339887 -0.2686604489487041 -0.23615695908632306 -0.29342501265338167 -0.3383107843680971 -0.35843199237815254 -0.3909354822405336 -0.3104506502003469 -0.010180315281178881 0.18793619435621514 0.4139128381613593 0.5655957908524885 0.7265654549328705 0.762164515258333 0.7729990118791267 0.7265654549328705 0.629828877961489 0.5330923009901074 0.23127418083938986 +8656,-0.04577937560664132,0,-0.2237746772339887 -0.2686604489487041 -0.23615695908632306 -0.29342501265338167 -0.3383107843680971 -0.35843199237815254 -0.3909354822405336 -0.3104506502003469 -0.010180315281178881 0.18793619435621514 0.4139128381613593 0.5655957908524885 0.7265654549328705 0.762164515258333 0.7729990118791267 0.7265654549328705 0.629828877961489 0.5330923009901074 0.23127418083938986 0.07340008722209797 +8657,-0.13709870426763043,0,-0.2686604489487041 -0.23615695908632306 -0.29342501265338167 -0.3383107843680971 -0.35843199237815254 -0.3909354822405336 -0.3104506502003469 -0.010180315281178881 0.18793619435621514 0.4139128381613593 0.5655957908524885 0.7265654549328705 0.762164515258333 0.7729990118791267 0.7265654549328705 0.629828877961489 0.5330923009901074 0.23127418083938986 0.07340008722209797 -0.04577937560664132 +8658,-0.17734112028772378,0,-0.23615695908632306 -0.29342501265338167 -0.3383107843680971 -0.35843199237815254 -0.3909354822405336 -0.3104506502003469 -0.010180315281178881 0.18793619435621514 0.4139128381613593 0.5655957908524885 0.7265654549328705 0.762164515258333 0.7729990118791267 0.7265654549328705 0.629828877961489 0.5330923009901074 0.23127418083938986 0.07340008722209797 -0.04577937560664132 -0.13709870426763043 +8659,-0.26092152279099184,0,-0.29342501265338167 -0.3383107843680971 -0.35843199237815254 -0.3909354822405336 -0.3104506502003469 -0.010180315281178881 0.18793619435621514 0.4139128381613593 0.5655957908524885 0.7265654549328705 0.762164515258333 0.7729990118791267 0.7265654549328705 0.629828877961489 0.5330923009901074 0.23127418083938986 0.07340008722209797 -0.04577937560664132 -0.13709870426763043 -0.17734112028772378 +8660,-0.3770054151566497,0,-0.3383107843680971 -0.35843199237815254 -0.3909354822405336 -0.3104506502003469 -0.010180315281178881 0.18793619435621514 0.4139128381613593 0.5655957908524885 0.7265654549328705 0.762164515258333 0.7729990118791267 0.7265654549328705 0.629828877961489 0.5330923009901074 0.23127418083938986 0.07340008722209797 -0.04577937560664132 -0.13709870426763043 -0.17734112028772378 -0.26092152279099184 +8661,-0.4807070256699732,0,-0.35843199237815254 -0.3909354822405336 -0.3104506502003469 -0.010180315281178881 0.18793619435621514 0.4139128381613593 0.5655957908524885 0.7265654549328705 0.762164515258333 0.7729990118791267 0.7265654549328705 0.629828877961489 0.5330923009901074 0.23127418083938986 0.07340008722209797 -0.04577937560664132 -0.13709870426763043 -0.17734112028772378 -0.26092152279099184 -0.3770054151566497 +8662,-0.5720263543309624,0,-0.3909354822405336 -0.3104506502003469 -0.010180315281178881 0.18793619435621514 0.4139128381613593 0.5655957908524885 0.7265654549328705 0.762164515258333 0.7729990118791267 0.7265654549328705 0.629828877961489 0.5330923009901074 0.23127418083938986 0.07340008722209797 -0.04577937560664132 -0.13709870426763043 -0.17734112028772378 -0.26092152279099184 -0.3770054151566497 -0.4807070256699732 +8663,-0.5441662201632034,0,-0.3104506502003469 -0.010180315281178881 0.18793619435621514 0.4139128381613593 0.5655957908524885 0.7265654549328705 0.762164515258333 0.7729990118791267 0.7265654549328705 0.629828877961489 0.5330923009901074 0.23127418083938986 0.07340008722209797 -0.04577937560664132 -0.13709870426763043 -0.17734112028772378 -0.26092152279099184 -0.3770054151566497 -0.4807070256699732 -0.5720263543309624 +8664,-0.5844086361832967,0,-0.010180315281178881 0.18793619435621514 0.4139128381613593 0.5655957908524885 0.7265654549328705 0.762164515258333 0.7729990118791267 0.7265654549328705 0.629828877961489 0.5330923009901074 0.23127418083938986 0.07340008722209797 -0.04577937560664132 -0.13709870426763043 -0.17734112028772378 -0.26092152279099184 -0.3770054151566497 -0.4807070256699732 -0.5720263543309624 -0.5441662201632034 +8665,-0.6494156159080676,0,0.18793619435621514 0.4139128381613593 0.5655957908524885 0.7265654549328705 0.762164515258333 0.7729990118791267 0.7265654549328705 0.629828877961489 0.5330923009901074 0.23127418083938986 0.07340008722209797 -0.04577937560664132 -0.13709870426763043 -0.17734112028772378 -0.26092152279099184 -0.3770054151566497 -0.4807070256699732 -0.5720263543309624 -0.5441662201632034 -0.5844086361832967 +8666,-0.6401289045188147,0,0.4139128381613593 0.5655957908524885 0.7265654549328705 0.762164515258333 0.7729990118791267 0.7265654549328705 0.629828877961489 0.5330923009901074 0.23127418083938986 0.07340008722209797 -0.04577937560664132 -0.13709870426763043 -0.17734112028772378 -0.26092152279099184 -0.3770054151566497 -0.4807070256699732 -0.5720263543309624 -0.5441662201632034 -0.5844086361832967 -0.6494156159080676 +8667,-0.21990521415512815,0,0.5655957908524885 0.7265654549328705 0.762164515258333 0.7729990118791267 0.7265654549328705 0.629828877961489 0.5330923009901074 0.23127418083938986 0.07340008722209797 -0.04577937560664132 -0.13709870426763043 -0.17734112028772378 -0.26092152279099184 -0.3770054151566497 -0.4807070256699732 -0.5720263543309624 -0.5441662201632034 -0.5844086361832967 -0.6494156159080676 -0.6401289045188147 +8668,0.20031847620854953,0,0.7265654549328705 0.762164515258333 0.7729990118791267 0.7265654549328705 0.629828877961489 0.5330923009901074 0.23127418083938986 0.07340008722209797 -0.04577937560664132 -0.13709870426763043 -0.17734112028772378 -0.26092152279099184 -0.3770054151566497 -0.4807070256699732 -0.5720263543309624 -0.5441662201632034 -0.5844086361832967 -0.6494156159080676 -0.6401289045188147 -0.21990521415512815 +8669,0.6352461262718814,0,0.762164515258333 0.7729990118791267 0.7265654549328705 0.629828877961489 0.5330923009901074 0.23127418083938986 0.07340008722209797 -0.04577937560664132 -0.13709870426763043 -0.17734112028772378 -0.26092152279099184 -0.3770054151566497 -0.4807070256699732 -0.5720263543309624 -0.5441662201632034 -0.5844086361832967 -0.6494156159080676 -0.6401289045188147 -0.21990521415512815 0.20031847620854953 +8670,0.8937262599394155,0,0.7729990118791267 0.7265654549328705 0.629828877961489 0.5330923009901074 0.23127418083938986 0.07340008722209797 -0.04577937560664132 -0.13709870426763043 -0.17734112028772378 -0.26092152279099184 -0.3770054151566497 -0.4807070256699732 -0.5720263543309624 -0.5441662201632034 -0.5844086361832967 -0.6494156159080676 -0.6401289045188147 -0.21990521415512815 0.20031847620854953 0.6352461262718814 +8671,1.1522063936069495,0,0.7265654549328705 0.629828877961489 0.5330923009901074 0.23127418083938986 0.07340008722209797 -0.04577937560664132 -0.13709870426763043 -0.17734112028772378 -0.26092152279099184 -0.3770054151566497 -0.4807070256699732 -0.5720263543309624 -0.5441662201632034 -0.5844086361832967 -0.6494156159080676 -0.6401289045188147 -0.21990521415512815 0.20031847620854953 0.6352461262718814 0.8937262599394155 +8672,1.3332972656973694,0,0.629828877961489 0.5330923009901074 0.23127418083938986 0.07340008722209797 -0.04577937560664132 -0.13709870426763043 -0.17734112028772378 -0.26092152279099184 -0.3770054151566497 -0.4807070256699732 -0.5720263543309624 -0.5441662201632034 -0.5844086361832967 -0.6494156159080676 -0.6401289045188147 -0.21990521415512815 0.20031847620854953 0.6352461262718814 0.8937262599394155 1.1522063936069495 +8673,1.4308077352845214,0,0.5330923009901074 0.23127418083938986 0.07340008722209797 -0.04577937560664132 -0.13709870426763043 -0.17734112028772378 -0.26092152279099184 -0.3770054151566497 -0.4807070256699732 -0.5720263543309624 -0.5441662201632034 -0.5844086361832967 -0.6494156159080676 -0.6401289045188147 -0.21990521415512815 0.20031847620854953 0.6352461262718814 0.8937262599394155 1.1522063936069495 1.3332972656973694 +8674,1.4323555205160707,0,0.23127418083938986 0.07340008722209797 -0.04577937560664132 -0.13709870426763043 -0.17734112028772378 -0.26092152279099184 -0.3770054151566497 -0.4807070256699732 -0.5720263543309624 -0.5441662201632034 -0.5844086361832967 -0.6494156159080676 -0.6401289045188147 -0.21990521415512815 0.20031847620854953 0.6352461262718814 0.8937262599394155 1.1522063936069495 1.3332972656973694 1.4308077352845214 +8675,1.3565140441705064,0,0.07340008722209797 -0.04577937560664132 -0.13709870426763043 -0.17734112028772378 -0.26092152279099184 -0.3770054151566497 -0.4807070256699732 -0.5720263543309624 -0.5441662201632034 -0.5844086361832967 -0.6494156159080676 -0.6401289045188147 -0.21990521415512815 0.20031847620854953 0.6352461262718814 0.8937262599394155 1.1522063936069495 1.3332972656973694 1.4308077352845214 1.4323555205160707 +8676,1.2357867961102176,0,-0.04577937560664132 -0.13709870426763043 -0.17734112028772378 -0.26092152279099184 -0.3770054151566497 -0.4807070256699732 -0.5720263543309624 -0.5441662201632034 -0.5844086361832967 -0.6494156159080676 -0.6401289045188147 -0.21990521415512815 0.20031847620854953 0.6352461262718814 0.8937262599394155 1.1522063936069495 1.3332972656973694 1.4308077352845214 1.4323555205160707 1.3565140441705064 +8677,1.181614313006249,0,-0.13709870426763043 -0.17734112028772378 -0.26092152279099184 -0.3770054151566497 -0.4807070256699732 -0.5720263543309624 -0.5441662201632034 -0.5844086361832967 -0.6494156159080676 -0.6401289045188147 -0.21990521415512815 0.20031847620854953 0.6352461262718814 0.8937262599394155 1.1522063936069495 1.3332972656973694 1.4308077352845214 1.4323555205160707 1.3565140441705064 1.2357867961102176 +8678,0.5176144486746829,0,-0.17734112028772378 -0.26092152279099184 -0.3770054151566497 -0.4807070256699732 -0.5720263543309624 -0.5441662201632034 -0.5844086361832967 -0.6494156159080676 -0.6401289045188147 -0.21990521415512815 0.20031847620854953 0.6352461262718814 0.8937262599394155 1.1522063936069495 1.3332972656973694 1.4308077352845214 1.4323555205160707 1.3565140441705064 1.2357867961102176 1.181614313006249 +8679,-0.2222268920024392,0,-0.26092152279099184 -0.3770054151566497 -0.4807070256699732 -0.5720263543309624 -0.5441662201632034 -0.5844086361832967 -0.6494156159080676 -0.6401289045188147 -0.21990521415512815 0.20031847620854953 0.6352461262718814 0.8937262599394155 1.1522063936069495 1.3332972656973694 1.4308077352845214 1.4323555205160707 1.3565140441705064 1.2357867961102176 1.181614313006249 0.5176144486746829 +8680,0.12292921463144427,0,-0.3770054151566497 -0.4807070256699732 -0.5720263543309624 -0.5441662201632034 -0.5844086361832967 -0.6494156159080676 -0.6401289045188147 -0.21990521415512815 0.20031847620854953 0.6352461262718814 0.8937262599394155 1.1522063936069495 1.3332972656973694 1.4308077352845214 1.4323555205160707 1.3565140441705064 1.2357867961102176 1.181614313006249 0.5176144486746829 -0.2222268920024392 +8681,0.2281786103763085,0,-0.4807070256699732 -0.5720263543309624 -0.5441662201632034 -0.5844086361832967 -0.6494156159080676 -0.6401289045188147 -0.21990521415512815 0.20031847620854953 0.6352461262718814 0.8937262599394155 1.1522063936069495 1.3332972656973694 1.4308077352845214 1.4323555205160707 1.3565140441705064 1.2357867961102176 1.181614313006249 0.5176144486746829 -0.2222268920024392 0.12292921463144427 +8682,0.19722290574546814,0,-0.5720263543309624 -0.5441662201632034 -0.5844086361832967 -0.6494156159080676 -0.6401289045188147 -0.21990521415512815 0.20031847620854953 0.6352461262718814 0.8937262599394155 1.1522063936069495 1.3332972656973694 1.4308077352845214 1.4323555205160707 1.3565140441705064 1.2357867961102176 1.181614313006249 0.5176144486746829 -0.2222268920024392 0.12292921463144427 0.2281786103763085 +8683,0.15543270449383412,0,-0.5441662201632034 -0.5844086361832967 -0.6494156159080676 -0.6401289045188147 -0.21990521415512815 0.20031847620854953 0.6352461262718814 0.8937262599394155 1.1522063936069495 1.3332972656973694 1.4308077352845214 1.4323555205160707 1.3565140441705064 1.2357867961102176 1.181614313006249 0.5176144486746829 -0.2222268920024392 0.12292921463144427 0.2281786103763085 0.19722290574546814 +8684,-0.5936953475725497,0,-0.5844086361832967 -0.6494156159080676 -0.6401289045188147 -0.21990521415512815 0.20031847620854953 0.6352461262718814 0.8937262599394155 1.1522063936069495 1.3332972656973694 1.4308077352845214 1.4323555205160707 1.3565140441705064 1.2357867961102176 1.181614313006249 0.5176144486746829 -0.2222268920024392 0.12292921463144427 0.2281786103763085 0.19722290574546814 0.15543270449383412 +8685,-0.7492477633425305,0,-0.6494156159080676 -0.6401289045188147 -0.21990521415512815 0.20031847620854953 0.6352461262718814 0.8937262599394155 1.1522063936069495 1.3332972656973694 1.4308077352845214 1.4323555205160707 1.3565140441705064 1.2357867961102176 1.181614313006249 0.5176144486746829 -0.2222268920024392 0.12292921463144427 0.2281786103763085 0.19722290574546814 0.15543270449383412 -0.5936953475725497 +8686,-0.9048001791125114,0,-0.6401289045188147 -0.21990521415512815 0.20031847620854953 0.6352461262718814 0.8937262599394155 1.1522063936069495 1.3332972656973694 1.4308077352845214 1.4323555205160707 1.3565140441705064 1.2357867961102176 1.181614313006249 0.5176144486746829 -0.2222268920024392 0.12292921463144427 0.2281786103763085 0.19722290574546814 0.15543270449383412 -0.5936953475725497 -0.7492477633425305 +8687,-0.7391871593375072,0,-0.21990521415512815 0.20031847620854953 0.6352461262718814 0.8937262599394155 1.1522063936069495 1.3332972656973694 1.4308077352845214 1.4323555205160707 1.3565140441705064 1.2357867961102176 1.181614313006249 0.5176144486746829 -0.2222268920024392 0.12292921463144427 0.2281786103763085 0.19722290574546814 0.15543270449383412 -0.5936953475725497 -0.7492477633425305 -0.9048001791125114 +8688,-0.7902640719783942,0,0.20031847620854953 0.6352461262718814 0.8937262599394155 1.1522063936069495 1.3332972656973694 1.4308077352845214 1.4323555205160707 1.3565140441705064 1.2357867961102176 1.181614313006249 0.5176144486746829 -0.2222268920024392 0.12292921463144427 0.2281786103763085 0.19722290574546814 0.15543270449383412 -0.5936953475725497 -0.7492477633425305 -0.9048001791125114 -0.7391871593375072 +8689,-0.8490799107769935,0,0.6352461262718814 0.8937262599394155 1.1522063936069495 1.3332972656973694 1.4308077352845214 1.4323555205160707 1.3565140441705064 1.2357867961102176 1.181614313006249 0.5176144486746829 -0.2222268920024392 0.12292921463144427 0.2281786103763085 0.19722290574546814 0.15543270449383412 -0.5936953475725497 -0.7492477633425305 -0.9048001791125114 -0.7391871593375072 -0.7902640719783942 +8690,-0.9125391052702237,0,0.8937262599394155 1.1522063936069495 1.3332972656973694 1.4308077352845214 1.4323555205160707 1.3565140441705064 1.2357867961102176 1.181614313006249 0.5176144486746829 -0.2222268920024392 0.12292921463144427 0.2281786103763085 0.19722290574546814 0.15543270449383412 -0.5936953475725497 -0.7492477633425305 -0.9048001791125114 -0.7391871593375072 -0.7902640719783942 -0.8490799107769935 +8691,-0.5395228644685724,0,1.1522063936069495 1.3332972656973694 1.4308077352845214 1.4323555205160707 1.3565140441705064 1.2357867961102176 1.181614313006249 0.5176144486746829 -0.2222268920024392 0.12292921463144427 0.2281786103763085 0.19722290574546814 0.15543270449383412 -0.5936953475725497 -0.7492477633425305 -0.9048001791125114 -0.7391871593375072 -0.7902640719783942 -0.8490799107769935 -0.9125391052702237 +8692,-0.056613872227435,0,1.3332972656973694 1.4308077352845214 1.4323555205160707 1.3565140441705064 1.2357867961102176 1.181614313006249 0.5176144486746829 -0.2222268920024392 0.12292921463144427 0.2281786103763085 0.19722290574546814 0.15543270449383412 -0.5936953475725497 -0.7492477633425305 -0.9048001791125114 -0.7391871593375072 -0.7902640719783942 -0.8490799107769935 -0.9125391052702237 -0.5395228644685724 +8693,0.42165176431907164,0,1.4308077352845214 1.4323555205160707 1.3565140441705064 1.2357867961102176 1.181614313006249 0.5176144486746829 -0.2222268920024392 0.12292921463144427 0.2281786103763085 0.19722290574546814 0.15543270449383412 -0.5936953475725497 -0.7492477633425305 -0.9048001791125114 -0.7391871593375072 -0.7902640719783942 -0.8490799107769935 -0.9125391052702237 -0.5395228644685724 -0.056613872227435 +8694,1.0190968636943263,0,1.4323555205160707 1.3565140441705064 1.2357867961102176 1.181614313006249 0.5176144486746829 -0.2222268920024392 0.12292921463144427 0.2281786103763085 0.19722290574546814 0.15543270449383412 -0.5936953475725497 -0.7492477633425305 -0.9048001791125114 -0.7391871593375072 -0.7902640719783942 -0.8490799107769935 -0.9125391052702237 -0.5395228644685724 -0.056613872227435 0.42165176431907164 +8695,1.616541963069581,0,1.3565140441705064 1.2357867961102176 1.181614313006249 0.5176144486746829 -0.2222268920024392 0.12292921463144427 0.2281786103763085 0.19722290574546814 0.15543270449383412 -0.5936953475725497 -0.7492477633425305 -0.9048001791125114 -0.7391871593375072 -0.7902640719783942 -0.8490799107769935 -0.9125391052702237 -0.5395228644685724 -0.056613872227435 0.42165176431907164 1.0190968636943263 +8696,1.9106211570625775,0,1.2357867961102176 1.181614313006249 0.5176144486746829 -0.2222268920024392 0.12292921463144427 0.2281786103763085 0.19722290574546814 0.15543270449383412 -0.5936953475725497 -0.7492477633425305 -0.9048001791125114 -0.7391871593375072 -0.7902640719783942 -0.8490799107769935 -0.9125391052702237 -0.5395228644685724 -0.056613872227435 0.42165176431907164 1.0190968636943263 1.616541963069581 +8697,2.105642096236881,0,1.181614313006249 0.5176144486746829 -0.2222268920024392 0.12292921463144427 0.2281786103763085 0.19722290574546814 0.15543270449383412 -0.5936953475725497 -0.7492477633425305 -0.9048001791125114 -0.7391871593375072 -0.7902640719783942 -0.8490799107769935 -0.9125391052702237 -0.5395228644685724 -0.056613872227435 0.42165176431907164 1.0190968636943263 1.616541963069581 1.9106211570625775 +8698,2.175292431656274,0,0.5176144486746829 -0.2222268920024392 0.12292921463144427 0.2281786103763085 0.19722290574546814 0.15543270449383412 -0.5936953475725497 -0.7492477633425305 -0.9048001791125114 -0.7391871593375072 -0.7902640719783942 -0.8490799107769935 -0.9125391052702237 -0.5395228644685724 -0.056613872227435 0.42165176431907164 1.0190968636943263 1.616541963069581 1.9106211570625775 2.105642096236881 +8699,2.038313438664799,0,-0.2222268920024392 0.12292921463144427 0.2281786103763085 0.19722290574546814 0.15543270449383412 -0.5936953475725497 -0.7492477633425305 -0.9048001791125114 -0.7391871593375072 -0.7902640719783942 -0.8490799107769935 -0.9125391052702237 -0.5395228644685724 -0.056613872227435 0.42165176431907164 1.0190968636943263 1.616541963069581 1.9106211570625775 2.105642096236881 2.175292431656274 +8700,1.9013344456733245,0,0.12292921463144427 0.2281786103763085 0.19722290574546814 0.15543270449383412 -0.5936953475725497 -0.7492477633425305 -0.9048001791125114 -0.7391871593375072 -0.7902640719783942 -0.8490799107769935 -0.9125391052702237 -0.5395228644685724 -0.056613872227435 0.42165176431907164 1.0190968636943263 1.616541963069581 1.9106211570625775 2.105642096236881 2.175292431656274 2.038313438664799 +8701,1.6227331039957438,0,0.2281786103763085 0.19722290574546814 0.15543270449383412 -0.5936953475725497 -0.7492477633425305 -0.9048001791125114 -0.7391871593375072 -0.7902640719783942 -0.8490799107769935 -0.9125391052702237 -0.5395228644685724 -0.056613872227435 0.42165176431907164 1.0190968636943263 1.616541963069581 1.9106211570625775 2.105642096236881 2.175292431656274 2.038313438664799 1.9013344456733245 +8702,0.6398894819665123,0,0.19722290574546814 0.15543270449383412 -0.5936953475725497 -0.7492477633425305 -0.9048001791125114 -0.7391871593375072 -0.7902640719783942 -0.8490799107769935 -0.9125391052702237 -0.5395228644685724 -0.056613872227435 0.42165176431907164 1.0190968636943263 1.616541963069581 1.9106211570625775 2.105642096236881 2.175292431656274 2.038313438664799 1.9013344456733245 1.6227331039957438 +8703,0.3698009590624143,0,0.15543270449383412 -0.5936953475725497 -0.7492477633425305 -0.9048001791125114 -0.7391871593375072 -0.7902640719783942 -0.8490799107769935 -0.9125391052702237 -0.5395228644685724 -0.056613872227435 0.42165176431907164 1.0190968636943263 1.616541963069581 1.9106211570625775 2.105642096236881 2.175292431656274 2.038313438664799 1.9013344456733245 1.6227331039957438 0.6398894819665123 +8704,0.09971243615831621,0,-0.5936953475725497 -0.7492477633425305 -0.9048001791125114 -0.7391871593375072 -0.7902640719783942 -0.8490799107769935 -0.9125391052702237 -0.5395228644685724 -0.056613872227435 0.42165176431907164 1.0190968636943263 1.616541963069581 1.9106211570625775 2.105642096236881 2.175292431656274 2.038313438664799 1.9013344456733245 1.6227331039957438 0.6398894819665123 0.3698009590624143 +8705,0.2188918989870555,0,-0.7492477633425305 -0.9048001791125114 -0.7391871593375072 -0.7902640719783942 -0.8490799107769935 -0.9125391052702237 -0.5395228644685724 -0.056613872227435 0.42165176431907164 1.0190968636943263 1.616541963069581 1.9106211570625775 2.105642096236881 2.175292431656274 2.038313438664799 1.9013344456733245 1.6227331039957438 0.6398894819665123 0.3698009590624143 0.09971243615831621 +8706,0.14924156356766252,0,-0.9048001791125114 -0.7391871593375072 -0.7902640719783942 -0.8490799107769935 -0.9125391052702237 -0.5395228644685724 -0.056613872227435 0.42165176431907164 1.0190968636943263 1.616541963069581 1.9106211570625775 2.105642096236881 2.175292431656274 2.038313438664799 1.9013344456733245 1.6227331039957438 0.6398894819665123 0.3698009590624143 0.09971243615831621 0.2188918989870555 +8707,-0.12007306672066517,0,-0.7391871593375072 -0.7902640719783942 -0.8490799107769935 -0.9125391052702237 -0.5395228644685724 -0.056613872227435 0.42165176431907164 1.0190968636943263 1.616541963069581 1.9106211570625775 2.105642096236881 2.175292431656274 2.038313438664799 1.9013344456733245 1.6227331039957438 0.6398894819665123 0.3698009590624143 0.09971243615831621 0.2188918989870555 0.14924156356766252 +8708,-0.2655648784856227,0,-0.7902640719783942 -0.8490799107769935 -0.9125391052702237 -0.5395228644685724 -0.056613872227435 0.42165176431907164 1.0190968636943263 1.616541963069581 1.9106211570625775 2.105642096236881 2.175292431656274 2.038313438664799 1.9013344456733245 1.6227331039957438 0.6398894819665123 0.3698009590624143 0.09971243615831621 0.2188918989870555 0.14924156356766252 -0.12007306672066517 +8709,-0.09685628824752832,0,-0.8490799107769935 -0.9125391052702237 -0.5395228644685724 -0.056613872227435 0.42165176431907164 1.0190968636943263 1.616541963069581 1.9106211570625775 2.105642096236881 2.175292431656274 2.038313438664799 1.9013344456733245 1.6227331039957438 0.6398894819665123 0.3698009590624143 0.09971243615831621 0.2188918989870555 0.14924156356766252 -0.12007306672066517 -0.2655648784856227 +8710,-0.620007696508768,0,-0.9125391052702237 -0.5395228644685724 -0.056613872227435 0.42165176431907164 1.0190968636943263 1.616541963069581 1.9106211570625775 2.105642096236881 2.175292431656274 2.038313438664799 1.9013344456733245 1.6227331039957438 0.6398894819665123 0.3698009590624143 0.09971243615831621 0.2188918989870555 0.14924156356766252 -0.12007306672066517 -0.2655648784856227 -0.09685628824752832 +8711,-0.6292944078980209,0,-0.5395228644685724 -0.056613872227435 0.42165176431907164 1.0190968636943263 1.616541963069581 1.9106211570625775 2.105642096236881 2.175292431656274 2.038313438664799 1.9013344456733245 1.6227331039957438 0.6398894819665123 0.3698009590624143 0.09971243615831621 0.2188918989870555 0.14924156356766252 -0.12007306672066517 -0.2655648784856227 -0.09685628824752832 -0.620007696508768 +8712,-0.6231032669718494,0,-0.056613872227435 0.42165176431907164 1.0190968636943263 1.616541963069581 1.9106211570625775 2.105642096236881 2.175292431656274 2.038313438664799 1.9013344456733245 1.6227331039957438 0.6398894819665123 0.3698009590624143 0.09971243615831621 0.2188918989870555 0.14924156356766252 -0.12007306672066517 -0.2655648784856227 -0.09685628824752832 -0.620007696508768 -0.6292944078980209 +8713,-0.7469260854952195,0,0.42165176431907164 1.0190968636943263 1.616541963069581 1.9106211570625775 2.105642096236881 2.175292431656274 2.038313438664799 1.9013344456733245 1.6227331039957438 0.6398894819665123 0.3698009590624143 0.09971243615831621 0.2188918989870555 0.14924156356766252 -0.12007306672066517 -0.2655648784856227 -0.09685628824752832 -0.620007696508768 -0.6292944078980209 -0.6231032669718494 +8714,-0.79250836056413,0,1.0190968636943263 1.616541963069581 1.9106211570625775 2.105642096236881 2.175292431656274 2.038313438664799 1.9013344456733245 1.6227331039957438 0.6398894819665123 0.3698009590624143 0.09971243615831621 0.2188918989870555 0.14924156356766252 -0.12007306672066517 -0.2655648784856227 -0.09685628824752832 -0.620007696508768 -0.6292944078980209 -0.6231032669718494 -0.7469260854952195 +8715,-0.19281897260313954,0,1.616541963069581 1.9106211570625775 2.105642096236881 2.175292431656274 2.038313438664799 1.9013344456733245 1.6227331039957438 0.6398894819665123 0.3698009590624143 0.09971243615831621 0.2188918989870555 0.14924156356766252 -0.12007306672066517 -0.2655648784856227 -0.09685628824752832 -0.620007696508768 -0.6292944078980209 -0.6231032669718494 -0.7469260854952195 -0.79250836056413 +8716,0.08423458384289165,0,1.9106211570625775 2.105642096236881 2.175292431656274 2.038313438664799 1.9013344456733245 1.6227331039957438 0.6398894819665123 0.3698009590624143 0.09971243615831621 0.2188918989870555 0.14924156356766252 -0.12007306672066517 -0.2655648784856227 -0.09685628824752832 -0.620007696508768 -0.6292944078980209 -0.6231032669718494 -0.7469260854952195 -0.79250836056413 -0.19281897260313954 +8717,0.6259594148826284,0,2.105642096236881 2.175292431656274 2.038313438664799 1.9013344456733245 1.6227331039957438 0.6398894819665123 0.3698009590624143 0.09971243615831621 0.2188918989870555 0.14924156356766252 -0.12007306672066517 -0.2655648784856227 -0.09685628824752832 -0.620007696508768 -0.6292944078980209 -0.6231032669718494 -0.7469260854952195 -0.79250836056413 -0.19281897260313954 0.08423458384289165 +8718,1.169232031153906,0,2.175292431656274 2.038313438664799 1.9013344456733245 1.6227331039957438 0.6398894819665123 0.3698009590624143 0.09971243615831621 0.2188918989870555 0.14924156356766252 -0.12007306672066517 -0.2655648784856227 -0.09685628824752832 -0.620007696508768 -0.6292944078980209 -0.6231032669718494 -0.7469260854952195 -0.79250836056413 -0.19281897260313954 0.08423458384289165 0.6259594148826284 +8719,1.727982499740608,0,2.038313438664799 1.9013344456733245 1.6227331039957438 0.6398894819665123 0.3698009590624143 0.09971243615831621 0.2188918989870555 0.14924156356766252 -0.12007306672066517 -0.2655648784856227 -0.09685628824752832 -0.620007696508768 -0.6292944078980209 -0.6231032669718494 -0.7469260854952195 -0.79250836056413 -0.19281897260313954 0.08423458384289165 0.6259594148826284 1.169232031153906 +8720,1.981819277713511,0,1.9013344456733245 1.6227331039957438 0.6398894819665123 0.3698009590624143 0.09971243615831621 0.2188918989870555 0.14924156356766252 -0.12007306672066517 -0.2655648784856227 -0.09685628824752832 -0.620007696508768 -0.6292944078980209 -0.6231032669718494 -0.7469260854952195 -0.79250836056413 -0.19281897260313954 0.08423458384289165 0.6259594148826284 1.169232031153906 1.727982499740608 +8721,2.051469613132913,0,1.6227331039957438 0.6398894819665123 0.3698009590624143 0.09971243615831621 0.2188918989870555 0.14924156356766252 -0.12007306672066517 -0.2655648784856227 -0.09685628824752832 -0.620007696508768 -0.6292944078980209 -0.6231032669718494 -0.7469260854952195 -0.79250836056413 -0.19281897260313954 0.08423458384289165 0.6259594148826284 1.169232031153906 1.727982499740608 1.981819277713511 +8722,2.121119948552306,0,0.6398894819665123 0.3698009590624143 0.09971243615831621 0.2188918989870555 0.14924156356766252 -0.12007306672066517 -0.2655648784856227 -0.09685628824752832 -0.620007696508768 -0.6292944078980209 -0.6231032669718494 -0.7469260854952195 -0.79250836056413 -0.19281897260313954 0.08423458384289165 0.6259594148826284 1.169232031153906 1.727982499740608 1.981819277713511 2.051469613132913 +8723,2.0669474654483286,0,0.3698009590624143 0.09971243615831621 0.2188918989870555 0.14924156356766252 -0.12007306672066517 -0.2655648784856227 -0.09685628824752832 -0.620007696508768 -0.6292944078980209 -0.6231032669718494 -0.7469260854952195 -0.79250836056413 -0.19281897260313954 0.08423458384289165 0.6259594148826284 1.169232031153906 1.727982499740608 1.981819277713511 2.051469613132913 2.121119948552306 +8724,1.483432433156958,0,0.09971243615831621 0.2188918989870555 0.14924156356766252 -0.12007306672066517 -0.2655648784856227 -0.09685628824752832 -0.620007696508768 -0.6292944078980209 -0.6231032669718494 -0.7469260854952195 -0.79250836056413 -0.19281897260313954 0.08423458384289165 0.6259594148826284 1.169232031153906 1.727982499740608 1.981819277713511 2.051469613132913 2.121119948552306 2.0669474654483286 +8725,1.49117135931467,0,0.2188918989870555 0.14924156356766252 -0.12007306672066517 -0.2655648784856227 -0.09685628824752832 -0.620007696508768 -0.6292944078980209 -0.6231032669718494 -0.7469260854952195 -0.79250836056413 -0.19281897260313954 0.08423458384289165 0.6259594148826284 1.169232031153906 1.727982499740608 1.981819277713511 2.051469613132913 2.121119948552306 2.0669474654483286 1.483432433156958 +8726,0.8240759245200224,0,0.14924156356766252 -0.12007306672066517 -0.2655648784856227 -0.09685628824752832 -0.620007696508768 -0.6292944078980209 -0.6231032669718494 -0.7469260854952195 -0.79250836056413 -0.19281897260313954 0.08423458384289165 0.6259594148826284 1.169232031153906 1.727982499740608 1.981819277713511 2.051469613132913 2.121119948552306 2.0669474654483286 1.483432433156958 1.49117135931467 +8727,0.5872647840940758,0,-0.12007306672066517 -0.2655648784856227 -0.09685628824752832 -0.620007696508768 -0.6292944078980209 -0.6231032669718494 -0.7469260854952195 -0.79250836056413 -0.19281897260313954 0.08423458384289165 0.6259594148826284 1.169232031153906 1.727982499740608 1.981819277713511 2.051469613132913 2.121119948552306 2.0669474654483286 1.483432433156958 1.49117135931467 0.8240759245200224 +8728,0.3752182073728067,0,-0.2655648784856227 -0.09685628824752832 -0.620007696508768 -0.6292944078980209 -0.6231032669718494 -0.7469260854952195 -0.79250836056413 -0.19281897260313954 0.08423458384289165 0.6259594148826284 1.169232031153906 1.727982499740608 1.981819277713511 2.051469613132913 2.121119948552306 2.0669474654483286 1.483432433156958 1.49117135931467 0.8240759245200224 0.5872647840940758 +8729,0.13531149648378746,0,-0.09685628824752832 -0.620007696508768 -0.6292944078980209 -0.6231032669718494 -0.7469260854952195 -0.79250836056413 -0.19281897260313954 0.08423458384289165 0.6259594148826284 1.169232031153906 1.727982499740608 1.981819277713511 2.051469613132913 2.121119948552306 2.0669474654483286 1.483432433156958 1.49117135931467 0.8240759245200224 0.5872647840940758 0.3752182073728067 +8730,-0.017919241438882367,0,-0.620007696508768 -0.6292944078980209 -0.6231032669718494 -0.7469260854952195 -0.79250836056413 -0.19281897260313954 0.08423458384289165 0.6259594148826284 1.169232031153906 1.727982499740608 1.981819277713511 2.051469613132913 2.121119948552306 2.0669474654483286 1.483432433156958 1.49117135931467 0.8240759245200224 0.5872647840940758 0.3752182073728067 0.13531149648378746 +8731,-0.0550660869958943,0,-0.6292944078980209 -0.6231032669718494 -0.7469260854952195 -0.79250836056413 -0.19281897260313954 0.08423458384289165 0.6259594148826284 1.169232031153906 1.727982499740608 1.981819277713511 2.051469613132913 2.121119948552306 2.0669474654483286 1.483432433156958 1.49117135931467 0.8240759245200224 0.5872647840940758 0.3752182073728067 0.13531149648378746 -0.017919241438882367 +8732,-0.2810427308010473,0,-0.6231032669718494 -0.7469260854952195 -0.79250836056413 -0.19281897260313954 0.08423458384289165 0.6259594148826284 1.169232031153906 1.727982499740608 1.981819277713511 2.051469613132913 2.121119948552306 2.0669474654483286 1.483432433156958 1.49117135931467 0.8240759245200224 0.5872647840940758 0.3752182073728067 0.13531149648378746 -0.017919241438882367 -0.0550660869958943 +8733,-0.4025438714770976,0,-0.7469260854952195 -0.79250836056413 -0.19281897260313954 0.08423458384289165 0.6259594148826284 1.169232031153906 1.727982499740608 1.981819277713511 2.051469613132913 2.121119948552306 2.0669474654483286 1.483432433156958 1.49117135931467 0.8240759245200224 0.5872647840940758 0.3752182073728067 0.13531149648378746 -0.017919241438882367 -0.0550660869958943 -0.2810427308010473 +8734,-0.5240450121531567,0,-0.79250836056413 -0.19281897260313954 0.08423458384289165 0.6259594148826284 1.169232031153906 1.727982499740608 1.981819277713511 2.051469613132913 2.121119948552306 2.0669474654483286 1.483432433156958 1.49117135931467 0.8240759245200224 0.5872647840940758 0.3752182073728067 0.13531149648378746 -0.017919241438882367 -0.0550660869958943 -0.2810427308010473 -0.4025438714770976 +8735,-0.4157000459452023,0,-0.19281897260313954 0.08423458384289165 0.6259594148826284 1.169232031153906 1.727982499740608 1.981819277713511 2.051469613132913 2.121119948552306 2.0669474654483286 1.483432433156958 1.49117135931467 0.8240759245200224 0.5872647840940758 0.3752182073728067 0.13531149648378746 -0.017919241438882367 -0.0550660869958943 -0.2810427308010473 -0.4025438714770976 -0.5240450121531567 +8736,-0.3886138043932225,0,0.08423458384289165 0.6259594148826284 1.169232031153906 1.727982499740608 1.981819277713511 2.051469613132913 2.121119948552306 2.0669474654483286 1.483432433156958 1.49117135931467 0.8240759245200224 0.5872647840940758 0.3752182073728067 0.13531149648378746 -0.017919241438882367 -0.0550660869958943 -0.2810427308010473 -0.4025438714770976 -0.5240450121531567 -0.4157000459452023 +8737,-0.36152756284123394,0,0.6259594148826284 1.169232031153906 1.727982499740608 1.981819277713511 2.051469613132913 2.121119948552306 2.0669474654483286 1.483432433156958 1.49117135931467 0.8240759245200224 0.5872647840940758 0.3752182073728067 0.13531149648378746 -0.017919241438882367 -0.0550660869958943 -0.2810427308010473 -0.4025438714770976 -0.5240450121531567 -0.4157000459452023 -0.3886138043932225 +8738,-0.7100114077229334,0,1.169232031153906 1.727982499740608 1.981819277713511 2.051469613132913 2.121119948552306 2.0669474654483286 1.483432433156958 1.49117135931467 0.8240759245200224 0.5872647840940758 0.3752182073728067 0.13531149648378746 -0.017919241438882367 -0.0550660869958943 -0.2810427308010473 -0.4025438714770976 -0.5240450121531567 -0.4157000459452023 -0.3886138043932225 -0.36152756284123394 +8739,0.22740471776053814,0,1.727982499740608 1.981819277713511 2.051469613132913 2.121119948552306 2.0669474654483286 1.483432433156958 1.49117135931467 0.8240759245200224 0.5872647840940758 0.3752182073728067 0.13531149648378746 -0.017919241438882367 -0.0550660869958943 -0.2810427308010473 -0.4025438714770976 -0.5240450121531567 -0.4157000459452023 -0.3886138043932225 -0.36152756284123394 -0.7100114077229334 +8740,-0.12107912712117015,0,1.981819277713511 2.051469613132913 2.121119948552306 2.0669474654483286 1.483432433156958 1.49117135931467 0.8240759245200224 0.5872647840940758 0.3752182073728067 0.13531149648378746 -0.017919241438882367 -0.0550660869958943 -0.2810427308010473 -0.4025438714770976 -0.5240450121531567 -0.4157000459452023 -0.3886138043932225 -0.36152756284123394 -0.7100114077229334 0.22740471776053814 +8741,0.8163369983623102,0,2.051469613132913 2.121119948552306 2.0669474654483286 1.483432433156958 1.49117135931467 0.8240759245200224 0.5872647840940758 0.3752182073728067 0.13531149648378746 -0.017919241438882367 -0.0550660869958943 -0.2810427308010473 -0.4025438714770976 -0.5240450121531567 -0.4157000459452023 -0.3886138043932225 -0.36152756284123394 -0.7100114077229334 0.22740471776053814 -0.12107912712117015 +8742,1.0491238971862458,0,2.121119948552306 2.0669474654483286 1.483432433156958 1.49117135931467 0.8240759245200224 0.5872647840940758 0.3752182073728067 0.13531149648378746 -0.017919241438882367 -0.0550660869958943 -0.2810427308010473 -0.4025438714770976 -0.5240450121531567 -0.4157000459452023 -0.3886138043932225 -0.36152756284123394 -0.7100114077229334 0.22740471776053814 -0.12107912712117015 0.8163369983623102 +8743,1.3968596459242981,0,2.0669474654483286 1.483432433156958 1.49117135931467 0.8240759245200224 0.5872647840940758 0.3752182073728067 0.13531149648378746 -0.017919241438882367 -0.0550660869958943 -0.2810427308010473 -0.4025438714770976 -0.5240450121531567 -0.4157000459452023 -0.3886138043932225 -0.36152756284123394 -0.7100114077229334 0.22740471776053814 -0.12107912712117015 0.8163369983623102 1.0491238971862458 +8744,1.5721721197137781,0,1.483432433156958 1.49117135931467 0.8240759245200224 0.5872647840940758 0.3752182073728067 0.13531149648378746 -0.017919241438882367 -0.0550660869958943 -0.2810427308010473 -0.4025438714770976 -0.5240450121531567 -0.4157000459452023 -0.3886138043932225 -0.36152756284123394 -0.7100114077229334 0.22740471776053814 -0.12107912712117015 0.8163369983623102 1.0491238971862458 1.3968596459242981 +8745,1.435373701717577,0,1.49117135931467 0.8240759245200224 0.5872647840940758 0.3752182073728067 0.13531149648378746 -0.017919241438882367 -0.0550660869958943 -0.2810427308010473 -0.4025438714770976 -0.5240450121531567 -0.4157000459452023 -0.3886138043932225 -0.36152756284123394 -0.7100114077229334 0.22740471776053814 -0.12107912712117015 0.8163369983623102 1.0491238971862458 1.3968596459242981 1.5721721197137781 +8746,1.5066492116300858,0,0.8240759245200224 0.5872647840940758 0.3752182073728067 0.13531149648378746 -0.017919241438882367 -0.0550660869958943 -0.2810427308010473 -0.4025438714770976 -0.5240450121531567 -0.4157000459452023 -0.3886138043932225 -0.36152756284123394 -0.7100114077229334 0.22740471776053814 -0.12107912712117015 0.8163369983623102 1.0491238971862458 1.3968596459242981 1.5721721197137781 1.435373701717577 +8747,1.5147750840956833,0,0.5872647840940758 0.3752182073728067 0.13531149648378746 -0.017919241438882367 -0.0550660869958943 -0.2810427308010473 -0.4025438714770976 -0.5240450121531567 -0.4157000459452023 -0.3886138043932225 -0.36152756284123394 -0.7100114077229334 0.22740471776053814 -0.12107912712117015 0.8163369983623102 1.0491238971862458 1.3968596459242981 1.5721721197137781 1.435373701717577 1.5066492116300858 +8748,1.1289896151338126,0,0.3752182073728067 0.13531149648378746 -0.017919241438882367 -0.0550660869958943 -0.2810427308010473 -0.4025438714770976 -0.5240450121531567 -0.4157000459452023 -0.3886138043932225 -0.36152756284123394 -0.7100114077229334 0.22740471776053814 -0.12107912712117015 0.8163369983623102 1.0491238971862458 1.3968596459242981 1.5721721197137781 1.435373701717577 1.5066492116300858 1.5147750840956833 +8749,0.9401598168856804,0,0.13531149648378746 -0.017919241438882367 -0.0550660869958943 -0.2810427308010473 -0.4025438714770976 -0.5240450121531567 -0.4157000459452023 -0.3886138043932225 -0.36152756284123394 -0.7100114077229334 0.22740471776053814 -0.12107912712117015 0.8163369983623102 1.0491238971862458 1.3968596459242981 1.5721721197137781 1.435373701717577 1.5066492116300858 1.5147750840956833 1.1289896151338126 +8750,0.5021365963592582,0,-0.017919241438882367 -0.0550660869958943 -0.2810427308010473 -0.4025438714770976 -0.5240450121531567 -0.4157000459452023 -0.3886138043932225 -0.36152756284123394 -0.7100114077229334 0.22740471776053814 -0.12107912712117015 0.8163369983623102 1.0491238971862458 1.3968596459242981 1.5721721197137781 1.435373701717577 1.5066492116300858 1.5147750840956833 1.1289896151338126 0.9401598168856804 +8751,0.313306798111126,0,-0.0550660869958943 -0.2810427308010473 -0.4025438714770976 -0.5240450121531567 -0.4157000459452023 -0.3886138043932225 -0.36152756284123394 -0.7100114077229334 0.22740471776053814 -0.12107912712117015 0.8163369983623102 1.0491238971862458 1.3968596459242981 1.5721721197137781 1.435373701717577 1.5066492116300858 1.5147750840956833 1.1289896151338126 0.9401598168856804 0.5021365963592582 +8752,0.12447699986298497,0,-0.2810427308010473 -0.4025438714770976 -0.5240450121531567 -0.4157000459452023 -0.3886138043932225 -0.36152756284123394 -0.7100114077229334 0.22740471776053814 -0.12107912712117015 0.8163369983623102 1.0491238971862458 1.3968596459242981 1.5721721197137781 1.435373701717577 1.5066492116300858 1.5147750840956833 1.1289896151338126 0.9401598168856804 0.5021365963592582 0.313306798111126 +8753,-0.34171591187749717,0,-0.4025438714770976 -0.5240450121531567 -0.4157000459452023 -0.3886138043932225 -0.36152756284123394 -0.7100114077229334 0.22740471776053814 -0.12107912712117015 0.8163369983623102 1.0491238971862458 1.3968596459242981 1.5721721197137781 1.435373701717577 1.5066492116300858 1.5147750840956833 1.1289896151338126 0.9401598168856804 0.5021365963592582 0.313306798111126 0.12447699986298497 +8754,-0.35199320581493476,0,-0.5240450121531567 -0.4157000459452023 -0.3886138043932225 -0.36152756284123394 -0.7100114077229334 0.22740471776053814 -0.12107912712117015 0.8163369983623102 1.0491238971862458 1.3968596459242981 1.5721721197137781 1.435373701717577 1.5066492116300858 1.5147750840956833 1.1289896151338126 0.9401598168856804 0.5021365963592582 0.313306798111126 0.12447699986298497 -0.34171591187749717 +8755,-0.8941720538043291,0,-0.4157000459452023 -0.3886138043932225 -0.36152756284123394 -0.7100114077229334 0.22740471776053814 -0.12107912712117015 0.8163369983623102 1.0491238971862458 1.3968596459242981 1.5721721197137781 1.435373701717577 1.5066492116300858 1.5147750840956833 1.1289896151338126 0.9401598168856804 0.5021365963592582 0.313306798111126 0.12447699986298497 -0.34171591187749717 -0.35199320581493476 +8756,-0.9804352841454647,0,-0.3886138043932225 -0.36152756284123394 -0.7100114077229334 0.22740471776053814 -0.12107912712117015 0.8163369983623102 1.0491238971862458 1.3968596459242981 1.5721721197137781 1.435373701717577 1.5066492116300858 1.5147750840956833 1.1289896151338126 0.9401598168856804 0.5021365963592582 0.313306798111126 0.12447699986298497 -0.34171591187749717 -0.35199320581493476 -0.8941720538043291 +8757,-1.0163954943066977,0,-0.36152756284123394 -0.7100114077229334 0.22740471776053814 -0.12107912712117015 0.8163369983623102 1.0491238971862458 1.3968596459242981 1.5721721197137781 1.435373701717577 1.5066492116300858 1.5147750840956833 1.1289896151338126 0.9401598168856804 0.5021365963592582 0.313306798111126 0.12447699986298497 -0.34171591187749717 -0.35199320581493476 -0.8941720538043291 -0.9804352841454647 +8758,-1.1194263979379406,0,-0.7100114077229334 0.22740471776053814 -0.12107912712117015 0.8163369983623102 1.0491238971862458 1.3968596459242981 1.5721721197137781 1.435373701717577 1.5066492116300858 1.5147750840956833 1.1289896151338126 0.9401598168856804 0.5021365963592582 0.313306798111126 0.12447699986298497 -0.34171591187749717 -0.35199320581493476 -0.8941720538043291 -0.9804352841454647 -1.0163954943066977 +8759,-1.17215428138929,0,0.22740471776053814 -0.12107912712117015 0.8163369983623102 1.0491238971862458 1.3968596459242981 1.5721721197137781 1.435373701717577 1.5066492116300858 1.5147750840956833 1.1289896151338126 0.9401598168856804 0.5021365963592582 0.313306798111126 0.12447699986298497 -0.34171591187749717 -0.35199320581493476 -0.8941720538043291 -0.9804352841454647 -1.0163954943066977 -1.1194263979379406 +8760,-0.9698071588372823,0,-0.12107912712117015 0.8163369983623102 1.0491238971862458 1.3968596459242981 1.5721721197137781 1.435373701717577 1.5066492116300858 1.5147750840956833 1.1289896151338126 0.9401598168856804 0.5021365963592582 0.313306798111126 0.12447699986298497 -0.34171591187749717 -0.35199320581493476 -0.8941720538043291 -0.9804352841454647 -1.0163954943066977 -1.1194263979379406 -1.17215428138929 +8761,-1.1075600444445275,0,0.8163369983623102 1.0491238971862458 1.3968596459242981 1.5721721197137781 1.435373701717577 1.5066492116300858 1.5147750840956833 1.1289896151338126 0.9401598168856804 0.5021365963592582 0.313306798111126 0.12447699986298497 -0.34171591187749717 -0.35199320581493476 -0.8941720538043291 -0.9804352841454647 -1.0163954943066977 -1.1194263979379406 -1.17215428138929 -0.9698071588372823 +8762,-0.9902379238936388,0,1.0491238971862458 1.3968596459242981 1.5721721197137781 1.435373701717577 1.5066492116300858 1.5147750840956833 1.1289896151338126 0.9401598168856804 0.5021365963592582 0.313306798111126 0.12447699986298497 -0.34171591187749717 -0.35199320581493476 -0.8941720538043291 -0.9804352841454647 -1.0163954943066977 -1.1194263979379406 -1.17215428138929 -0.9698071588372823 -1.1075600444445275 +8763,-0.11186980499349244,0,1.3968596459242981 1.5721721197137781 1.435373701717577 1.5066492116300858 1.5147750840956833 1.1289896151338126 0.9401598168856804 0.5021365963592582 0.313306798111126 0.12447699986298497 -0.34171591187749717 -0.35199320581493476 -0.8941720538043291 -0.9804352841454647 -1.0163954943066977 -1.1194263979379406 -1.17215428138929 -0.9698071588372823 -1.1075600444445275 -0.9902379238936388 +8764,-0.24822968389234754,0,1.5721721197137781 1.435373701717577 1.5066492116300858 1.5147750840956833 1.1289896151338126 0.9401598168856804 0.5021365963592582 0.313306798111126 0.12447699986298497 -0.34171591187749717 -0.35199320581493476 -0.8941720538043291 -0.9804352841454647 -1.0163954943066977 -1.1194263979379406 -1.17215428138929 -0.9698071588372823 -1.1075600444445275 -0.9902379238936388 -0.11186980499349244 +8765,0.3764564355580463,0,1.435373701717577 1.5066492116300858 1.5147750840956833 1.1289896151338126 0.9401598168856804 0.5021365963592582 0.313306798111126 0.12447699986298497 -0.34171591187749717 -0.35199320581493476 -0.8941720538043291 -0.9804352841454647 -1.0163954943066977 -1.1194263979379406 -1.17215428138929 -0.9698071588372823 -1.1075600444445275 -0.9902379238936388 -0.11186980499349244 -0.24822968389234754 +8766,0.2706653149821376,0,1.5066492116300858 1.5147750840956833 1.1289896151338126 0.9401598168856804 0.5021365963592582 0.313306798111126 0.12447699986298497 -0.34171591187749717 -0.35199320581493476 -0.8941720538043291 -0.9804352841454647 -1.0163954943066977 -1.1194263979379406 -1.17215428138929 -0.9698071588372823 -1.1075600444445275 -0.9902379238936388 -0.11186980499349244 -0.24822968389234754 0.3764564355580463 +8767,1.1388438478262246,0,1.5147750840956833 1.1289896151338126 0.9401598168856804 0.5021365963592582 0.313306798111126 0.12447699986298497 -0.34171591187749717 -0.35199320581493476 -0.8941720538043291 -0.9804352841454647 -1.0163954943066977 -1.1194263979379406 -1.17215428138929 -0.9698071588372823 -1.1075600444445275 -0.9902379238936388 -0.11186980499349244 -0.24822968389234754 0.3764564355580463 0.2706653149821376 +8768,1.276545140489232,0,1.1289896151338126 0.9401598168856804 0.5021365963592582 0.313306798111126 0.12447699986298497 -0.34171591187749717 -0.35199320581493476 -0.8941720538043291 -0.9804352841454647 -1.0163954943066977 -1.1194263979379406 -1.17215428138929 -0.9698071588372823 -1.1075600444445275 -0.9902379238936388 -0.11186980499349244 -0.24822968389234754 0.3764564355580463 0.2706653149821376 1.1388438478262246 +8769,1.116529944019903,0,0.9401598168856804 0.5021365963592582 0.313306798111126 0.12447699986298497 -0.34171591187749717 -0.35199320581493476 -0.8941720538043291 -0.9804352841454647 -1.0163954943066977 -1.1194263979379406 -1.17215428138929 -0.9698071588372823 -1.1075600444445275 -0.9902379238936388 -0.11186980499349244 -0.24822968389234754 0.3764564355580463 0.2706653149821376 1.1388438478262246 1.276545140489232 +8770,1.3534700664968768,0,0.5021365963592582 0.313306798111126 0.12447699986298497 -0.34171591187749717 -0.35199320581493476 -0.8941720538043291 -0.9804352841454647 -1.0163954943066977 -1.1194263979379406 -1.17215428138929 -0.9698071588372823 -1.1075600444445275 -0.9902379238936388 -0.11186980499349244 -0.24822968389234754 0.3764564355580463 0.2706653149821376 1.1388438478262246 1.276545140489232 1.116529944019903 +8771,1.2926936998415142,0,0.313306798111126 0.12447699986298497 -0.34171591187749717 -0.35199320581493476 -0.8941720538043291 -0.9804352841454647 -1.0163954943066977 -1.1194263979379406 -1.17215428138929 -0.9698071588372823 -1.1075600444445275 -0.9902379238936388 -0.11186980499349244 -0.24822968389234754 0.3764564355580463 0.2706653149821376 1.1388438478262246 1.276545140489232 1.116529944019903 1.3534700664968768 +8772,0.8632658465826674,0,0.12447699986298497 -0.34171591187749717 -0.35199320581493476 -0.8941720538043291 -0.9804352841454647 -1.0163954943066977 -1.1194263979379406 -1.17215428138929 -0.9698071588372823 -1.1075600444445275 -0.9902379238936388 -0.11186980499349244 -0.24822968389234754 0.3764564355580463 0.2706653149821376 1.1388438478262246 1.276545140489232 1.116529944019903 1.3534700664968768 1.2926936998415142 +8773,0.8639313942322306,0,-0.34171591187749717 -0.35199320581493476 -0.8941720538043291 -0.9804352841454647 -1.0163954943066977 -1.1194263979379406 -1.17215428138929 -0.9698071588372823 -1.1075600444445275 -0.9902379238936388 -0.11186980499349244 -0.24822968389234754 0.3764564355580463 0.2706653149821376 1.1388438478262246 1.276545140489232 1.116529944019903 1.3534700664968768 1.2926936998415142 0.8632658465826674 +8774,0.4959454554330955,0,-0.35199320581493476 -0.8941720538043291 -0.9804352841454647 -1.0163954943066977 -1.1194263979379406 -1.17215428138929 -0.9698071588372823 -1.1075600444445275 -0.9902379238936388 -0.11186980499349244 -0.24822968389234754 0.3764564355580463 0.2706653149821376 1.1388438478262246 1.276545140489232 1.116529944019903 1.3534700664968768 1.2926936998415142 0.8632658465826674 0.8639313942322306 +8775,0.3125329054953557,0,-0.8941720538043291 -0.9804352841454647 -1.0163954943066977 -1.1194263979379406 -1.17215428138929 -0.9698071588372823 -1.1075600444445275 -0.9902379238936388 -0.11186980499349244 -0.24822968389234754 0.3764564355580463 0.2706653149821376 1.1388438478262246 1.276545140489232 1.116529944019903 1.3534700664968768 1.2926936998415142 0.8632658465826674 0.8639313942322306 0.4959454554330955 +8776,0.12912035555761586,0,-0.9804352841454647 -1.0163954943066977 -1.1194263979379406 -1.17215428138929 -0.9698071588372823 -1.1075600444445275 -0.9902379238936388 -0.11186980499349244 -0.24822968389234754 0.3764564355580463 0.2706653149821376 1.1388438478262246 1.276545140489232 1.116529944019903 1.3534700664968768 1.2926936998415142 0.8632658465826674 0.8639313942322306 0.4959454554330955 0.3125329054953557 +8777,-0.29953876431796916,0,-1.0163954943066977 -1.1194263979379406 -1.17215428138929 -0.9698071588372823 -1.1075600444445275 -0.9902379238936388 -0.11186980499349244 -0.24822968389234754 0.3764564355580463 0.2706653149821376 1.1388438478262246 1.276545140489232 1.116529944019903 1.3534700664968768 1.2926936998415142 0.8632658465826674 0.8639313942322306 0.4959454554330955 0.3125329054953557 0.12912035555761586 +8778,-0.34122062060339603,0,-1.1194263979379406 -1.17215428138929 -0.9698071588372823 -1.1075600444445275 -0.9902379238936388 -0.11186980499349244 -0.24822968389234754 0.3764564355580463 0.2706653149821376 1.1388438478262246 1.276545140489232 1.116529944019903 1.3534700664968768 1.2926936998415142 0.8632658465826674 0.8639313942322306 0.4959454554330955 0.3125329054953557 0.12912035555761586 -0.29953876431796916 +8779,-0.8343759510773481,0,-1.17215428138929 -0.9698071588372823 -1.1075600444445275 -0.9902379238936388 -0.11186980499349244 -0.24822968389234754 0.3764564355580463 0.2706653149821376 1.1388438478262246 1.276545140489232 1.116529944019903 1.3534700664968768 1.2926936998415142 0.8632658465826674 0.8639313942322306 0.4959454554330955 0.3125329054953557 0.12912035555761586 -0.29953876431796916 -0.34122062060339603 +8780,-0.9405540179611332,0,-0.9698071588372823 -1.1075600444445275 -0.9902379238936388 -0.11186980499349244 -0.24822968389234754 0.3764564355580463 0.2706653149821376 1.1388438478262246 1.276545140489232 1.116529944019903 1.3534700664968768 1.2926936998415142 0.8632658465826674 0.8639313942322306 0.4959454554330955 0.3125329054953557 0.12912035555761586 -0.29953876431796916 -0.34122062060339603 -0.8343759510773481 +8781,-0.9727479507772131,0,-1.1075600444445275 -0.9902379238936388 -0.11186980499349244 -0.24822968389234754 0.3764564355580463 0.2706653149821376 1.1388438478262246 1.276545140489232 1.116529944019903 1.3534700664968768 1.2926936998415142 0.8632658465826674 0.8639313942322306 0.4959454554330955 0.3125329054953557 0.12912035555761586 -0.29953876431796916 -0.34122062060339603 -0.8343759510773481 -0.9405540179611332 +8782,-1.1035873956319773,0,-0.9902379238936388 -0.11186980499349244 -0.24822968389234754 0.3764564355580463 0.2706653149821376 1.1388438478262246 1.276545140489232 1.116529944019903 1.3534700664968768 1.2926936998415142 0.8632658465826674 0.8639313942322306 0.4959454554330955 0.3125329054953557 0.12912035555761586 -0.29953876431796916 -0.34122062060339603 -0.8343759510773481 -0.9405540179611332 -0.9727479507772131 +8783,-1.1604427065738132,0,-0.11186980499349244 -0.24822968389234754 0.3764564355580463 0.2706653149821376 1.1388438478262246 1.276545140489232 1.116529944019903 1.3534700664968768 1.2926936998415142 0.8632658465826674 0.8639313942322306 0.4959454554330955 0.3125329054953557 0.12912035555761586 -0.29953876431796916 -0.34122062060339603 -0.8343759510773481 -0.9405540179611332 -0.9727479507772131 -1.1035873956319773 +8784,-0.9925596017409499,0,-0.24822968389234754 0.3764564355580463 0.2706653149821376 1.1388438478262246 1.276545140489232 1.116529944019903 1.3534700664968768 1.2926936998415142 0.8632658465826674 0.8639313942322306 0.4959454554330955 0.3125329054953557 0.12912035555761586 -0.29953876431796916 -0.34122062060339603 -0.8343759510773481 -0.9405540179611332 -0.9727479507772131 -1.1035873956319773 -1.1604427065738132 +8785,-1.124327717734635,0,0.3764564355580463 0.2706653149821376 1.1388438478262246 1.276545140489232 1.116529944019903 1.3534700664968768 1.2926936998415142 0.8632658465826674 0.8639313942322306 0.4959454554330955 0.3125329054953557 0.12912035555761586 -0.29953876431796916 -0.34122062060339603 -0.8343759510773481 -0.9405540179611332 -0.9727479507772131 -1.1035873956319773 -1.1604427065738132 -0.9925596017409499 +8786,-1.031357418263201,0,0.2706653149821376 1.1388438478262246 1.276545140489232 1.116529944019903 1.3534700664968768 1.2926936998415142 0.8632658465826674 0.8639313942322306 0.4959454554330955 0.3125329054953557 0.12912035555761586 -0.29953876431796916 -0.34122062060339603 -0.8343759510773481 -0.9405540179611332 -0.9727479507772131 -1.1035873956319773 -1.1604427065738132 -0.9925596017409499 -1.124327717734635 +8787,-0.29853270391746417,0,1.1388438478262246 1.276545140489232 1.116529944019903 1.3534700664968768 1.2926936998415142 0.8632658465826674 0.8639313942322306 0.4959454554330955 0.3125329054953557 0.12912035555761586 -0.29953876431796916 -0.34122062060339603 -0.8343759510773481 -0.9405540179611332 -0.9727479507772131 -1.1035873956319773 -1.1604427065738132 -0.9925596017409499 -1.124327717734635 -1.031357418263201 +8788,-0.41884720919774454,0,1.276545140489232 1.116529944019903 1.3534700664968768 1.2926936998415142 0.8632658465826674 0.8639313942322306 0.4959454554330955 0.3125329054953557 0.12912035555761586 -0.29953876431796916 -0.34122062060339603 -0.8343759510773481 -0.9405540179611332 -0.9727479507772131 -1.1035873956319773 -1.1604427065738132 -0.9925596017409499 -1.124327717734635 -1.031357418263201 -0.29853270391746417 +8789,0.10069270008669794,0,1.116529944019903 1.3534700664968768 1.2926936998415142 0.8632658465826674 0.8639313942322306 0.4959454554330955 0.3125329054953557 0.12912035555761586 -0.29953876431796916 -0.34122062060339603 -0.8343759510773481 -0.9405540179611332 -0.9727479507772131 -1.1035873956319773 -1.1604427065738132 -0.9925596017409499 -1.124327717734635 -1.031357418263201 -0.29853270391746417 -0.41884720919774454 +8790,0.038033194681361356,0,1.3534700664968768 1.2926936998415142 0.8632658465826674 0.8639313942322306 0.4959454554330955 0.3125329054953557 0.12912035555761586 -0.29953876431796916 -0.34122062060339603 -0.8343759510773481 -0.9405540179611332 -0.9727479507772131 -1.1035873956319773 -1.1604427065738132 -0.9925596017409499 -1.124327717734635 -1.031357418263201 -0.29853270391746417 -0.41884720919774454 0.10069270008669794 +8791,0.7516395756838492,0,1.2926936998415142 0.8632658465826674 0.8639313942322306 0.4959454554330955 0.3125329054953557 0.12912035555761586 -0.29953876431796916 -0.34122062060339603 -0.8343759510773481 -0.9405540179611332 -0.9727479507772131 -1.1035873956319773 -1.1604427065738132 -0.9925596017409499 -1.124327717734635 -1.031357418263201 -0.29853270391746417 -0.41884720919774454 0.10069270008669794 0.038033194681361356 +8792,0.8830465418417723,0,0.8632658465826674 0.8639313942322306 0.4959454554330955 0.3125329054953557 0.12912035555761586 -0.29953876431796916 -0.34122062060339603 -0.8343759510773481 -0.9405540179611332 -0.9727479507772131 -1.1035873956319773 -1.1604427065738132 -0.9925596017409499 -1.124327717734635 -1.031357418263201 -0.29853270391746417 -0.41884720919774454 0.10069270008669794 0.038033194681361356 0.7516395756838492 +8793,0.7499370119291492,0,0.8639313942322306 0.4959454554330955 0.3125329054953557 0.12912035555761586 -0.29953876431796916 -0.34122062060339603 -0.8343759510773481 -0.9405540179611332 -0.9727479507772131 -1.1035873956319773 -1.1604427065738132 -0.9925596017409499 -1.124327717734635 -1.031357418263201 -0.29853270391746417 -0.41884720919774454 0.10069270008669794 0.038033194681361356 0.7516395756838492 0.8830465418417723 +8794,0.9695161434955192,0,0.4959454554330955 0.3125329054953557 0.12912035555761586 -0.29953876431796916 -0.34122062060339603 -0.8343759510773481 -0.9405540179611332 -0.9727479507772131 -1.1035873956319773 -1.1604427065738132 -0.9925596017409499 -1.124327717734635 -1.031357418263201 -0.29853270391746417 -0.41884720919774454 0.10069270008669794 0.038033194681361356 0.7516395756838492 0.8830465418417723 0.7499370119291492 +8795,0.9245787788365573,0,0.3125329054953557 0.12912035555761586 -0.29953876431796916 -0.34122062060339603 -0.8343759510773481 -0.9405540179611332 -0.9727479507772131 -1.1035873956319773 -1.1604427065738132 -0.9925596017409499 -1.124327717734635 -1.031357418263201 -0.29853270391746417 -0.41884720919774454 0.10069270008669794 0.038033194681361356 0.7516395756838492 0.8830465418417723 0.7499370119291492 0.9695161434955192 +8796,0.4243603884742678,0,0.12912035555761586 -0.29953876431796916 -0.34122062060339603 -0.8343759510773481 -0.9405540179611332 -0.9727479507772131 -1.1035873956319773 -1.1604427065738132 -0.9925596017409499 -1.124327717734635 -1.031357418263201 -0.29853270391746417 -0.41884720919774454 0.10069270008669794 0.038033194681361356 0.7516395756838492 0.8830465418417723 0.7499370119291492 0.9695161434955192 0.9245787788365573 +8797,0.531183365922796,0,-0.29953876431796916 -0.34122062060339603 -0.8343759510773481 -0.9405540179611332 -0.9727479507772131 -1.1035873956319773 -1.1604427065738132 -0.9925596017409499 -1.124327717734635 -1.031357418263201 -0.29853270391746417 -0.41884720919774454 0.10069270008669794 0.038033194681361356 0.7516395756838492 0.8830465418417723 0.7499370119291492 0.9695161434955192 0.9245787788365573 0.4243603884742678 +8798,0.1827253173584253,0,-0.34122062060339603 -0.8343759510773481 -0.9405540179611332 -0.9727479507772131 -1.1035873956319773 -1.1604427065738132 -0.9925596017409499 -1.124327717734635 -1.031357418263201 -0.29853270391746417 -0.41884720919774454 0.10069270008669794 0.038033194681361356 0.7516395756838492 0.8830465418417723 0.7499370119291492 0.9695161434955192 0.9245787788365573 0.4243603884742678 0.531183365922796 +8799,0.20879260035124453,0,-0.8343759510773481 -0.9405540179611332 -0.9727479507772131 -1.1035873956319773 -1.1604427065738132 -0.9925596017409499 -1.124327717734635 -1.031357418263201 -0.29853270391746417 -0.41884720919774454 0.10069270008669794 0.038033194681361356 0.7516395756838492 0.8830465418417723 0.7499370119291492 0.9695161434955192 0.9245787788365573 0.4243603884742678 0.531183365922796 0.1827253173584253 +8800,-0.014823670975800974,0,-0.9405540179611332 -0.9727479507772131 -1.1035873956319773 -1.1604427065738132 -0.9925596017409499 -1.124327717734635 -1.031357418263201 -0.29853270391746417 -0.41884720919774454 0.10069270008669794 0.038033194681361356 0.7516395756838492 0.8830465418417723 0.7499370119291492 0.9695161434955192 0.9245787788365573 0.4243603884742678 0.531183365922796 0.1827253173584253 0.20879260035124453 +8801,-0.4410063344809156,0,-0.9727479507772131 -1.1035873956319773 -1.1604427065738132 -0.9925596017409499 -1.124327717734635 -1.031357418263201 -0.29853270391746417 -0.41884720919774454 0.10069270008669794 0.038033194681361356 0.7516395756838492 0.8830465418417723 0.7499370119291492 0.9695161434955192 0.9245787788365573 0.4243603884742678 0.531183365922796 0.1827253173584253 0.20879260035124453 -0.014823670975800974 +8802,-0.12626420764683677,0,-1.1035873956319773 -1.1604427065738132 -0.9925596017409499 -1.124327717734635 -1.031357418263201 -0.29853270391746417 -0.41884720919774454 0.10069270008669794 0.038033194681361356 0.7516395756838492 0.8830465418417723 0.7499370119291492 0.9695161434955192 0.9245787788365573 0.4243603884742678 0.531183365922796 0.1827253173584253 0.20879260035124453 -0.014823670975800974 -0.4410063344809156 +8803,-0.18198447598234585,0,-1.1604427065738132 -0.9925596017409499 -1.124327717734635 -1.031357418263201 -0.29853270391746417 -0.41884720919774454 0.10069270008669794 0.038033194681361356 0.7516395756838492 0.8830465418417723 0.7499370119291492 0.9695161434955192 0.9245787788365573 0.4243603884742678 0.531183365922796 0.1827253173584253 0.20879260035124453 -0.014823670975800974 -0.4410063344809156 -0.12626420764683677 +8804,-0.15721991227767712,0,-0.9925596017409499 -1.124327717734635 -1.031357418263201 -0.29853270391746417 -0.41884720919774454 0.10069270008669794 0.038033194681361356 0.7516395756838492 0.8830465418417723 0.7499370119291492 0.9695161434955192 0.9245787788365573 0.4243603884742678 0.531183365922796 0.1827253173584253 0.20879260035124453 -0.014823670975800974 -0.4410063344809156 -0.12626420764683677 -0.18198447598234585 +8805,-0.15954159012498814,0,-1.124327717734635 -1.031357418263201 -0.29853270391746417 -0.41884720919774454 0.10069270008669794 0.038033194681361356 0.7516395756838492 0.8830465418417723 0.7499370119291492 0.9695161434955192 0.9245787788365573 0.4243603884742678 0.531183365922796 0.1827253173584253 0.20879260035124453 -0.014823670975800974 -0.4410063344809156 -0.12626420764683677 -0.18198447598234585 -0.15721991227767712 +8806,-0.1618632679722992,0,-1.031357418263201 -0.29853270391746417 -0.41884720919774454 0.10069270008669794 0.038033194681361356 0.7516395756838492 0.8830465418417723 0.7499370119291492 0.9695161434955192 0.9245787788365573 0.4243603884742678 0.531183365922796 0.1827253173584253 0.20879260035124453 -0.014823670975800974 -0.4410063344809156 -0.12626420764683677 -0.18198447598234585 -0.15721991227767712 -0.15954159012498814 +8807,-0.14948098611996483,0,-0.29853270391746417 -0.41884720919774454 0.10069270008669794 0.038033194681361356 0.7516395756838492 0.8830465418417723 0.7499370119291492 0.9695161434955192 0.9245787788365573 0.4243603884742678 0.531183365922796 0.1827253173584253 0.20879260035124453 -0.014823670975800974 -0.4410063344809156 -0.12626420764683677 -0.18198447598234585 -0.15721991227767712 -0.15954159012498814 -0.1618632679722992 +8808,-0.22841803292861076,0,-0.41884720919774454 0.10069270008669794 0.038033194681361356 0.7516395756838492 0.8830465418417723 0.7499370119291492 0.9695161434955192 0.9245787788365573 0.4243603884742678 0.531183365922796 0.1827253173584253 0.20879260035124453 -0.014823670975800974 -0.4410063344809156 -0.12626420764683677 -0.18198447598234585 -0.15721991227767712 -0.15954159012498814 -0.1618632679722992 -0.14948098611996483 +8809,-0.30735507973725673,0,0.10069270008669794 0.038033194681361356 0.7516395756838492 0.8830465418417723 0.7499370119291492 0.9695161434955192 0.9245787788365573 0.4243603884742678 0.531183365922796 0.1827253173584253 0.20879260035124453 -0.014823670975800974 -0.4410063344809156 -0.12626420764683677 -0.18198447598234585 -0.15721991227767712 -0.15954159012498814 -0.1618632679722992 -0.14948098611996483 -0.22841803292861076 +8810,-0.29652058311646307,0,0.038033194681361356 0.7516395756838492 0.8830465418417723 0.7499370119291492 0.9695161434955192 0.9245787788365573 0.4243603884742678 0.531183365922796 0.1827253173584253 0.20879260035124453 -0.014823670975800974 -0.4410063344809156 -0.12626420764683677 -0.18198447598234585 -0.15721991227767712 -0.15954159012498814 -0.1618632679722992 -0.14948098611996483 -0.22841803292861076 -0.30735507973725673 +8811,-0.14561152304111308,0,0.7516395756838492 0.8830465418417723 0.7499370119291492 0.9695161434955192 0.9245787788365573 0.4243603884742678 0.531183365922796 0.1827253173584253 0.20879260035124453 -0.014823670975800974 -0.4410063344809156 -0.12626420764683677 -0.18198447598234585 -0.15721991227767712 -0.15954159012498814 -0.1618632679722992 -0.14948098611996483 -0.22841803292861076 -0.30735507973725673 -0.29652058311646307 +8812,0.005297537034245689,0,0.8830465418417723 0.7499370119291492 0.9695161434955192 0.9245787788365573 0.4243603884742678 0.531183365922796 0.1827253173584253 0.20879260035124453 -0.014823670975800974 -0.4410063344809156 -0.12626420764683677 -0.18198447598234585 -0.15721991227767712 -0.15954159012498814 -0.1618632679722992 -0.14948098611996483 -0.22841803292861076 -0.30735507973725673 -0.29652058311646307 -0.14561152304111308 +8813,0.13995485217840953,0,0.7499370119291492 0.9695161434955192 0.9245787788365573 0.4243603884742678 0.531183365922796 0.1827253173584253 0.20879260035124453 -0.014823670975800974 -0.4410063344809156 -0.12626420764683677 -0.18198447598234585 -0.15721991227767712 -0.15954159012498814 -0.1618632679722992 -0.14948098611996483 -0.22841803292861076 -0.30735507973725673 -0.29652058311646307 -0.14561152304111308 0.005297537034245689 +8814,0.42706901262947283,0,0.9695161434955192 0.9245787788365573 0.4243603884742678 0.531183365922796 0.1827253173584253 0.20879260035124453 -0.014823670975800974 -0.4410063344809156 -0.12626420764683677 -0.18198447598234585 -0.15721991227767712 -0.15954159012498814 -0.1618632679722992 -0.14948098611996483 -0.22841803292861076 -0.30735507973725673 -0.29652058311646307 -0.14561152304111308 0.005297537034245689 0.13995485217840953 +8815,0.7141831730805274,0,0.9245787788365573 0.4243603884742678 0.531183365922796 0.1827253173584253 0.20879260035124453 -0.014823670975800974 -0.4410063344809156 -0.12626420764683677 -0.18198447598234585 -0.15721991227767712 -0.15954159012498814 -0.1618632679722992 -0.14948098611996483 -0.22841803292861076 -0.30735507973725673 -0.29652058311646307 -0.14561152304111308 0.005297537034245689 0.13995485217840953 0.42706901262947283 +8816,0.7993113608153449,0,0.4243603884742678 0.531183365922796 0.1827253173584253 0.20879260035124453 -0.014823670975800974 -0.4410063344809156 -0.12626420764683677 -0.18198447598234585 -0.15721991227767712 -0.15954159012498814 -0.1618632679722992 -0.14948098611996483 -0.22841803292861076 -0.30735507973725673 -0.29652058311646307 -0.14561152304111308 0.005297537034245689 0.13995485217840953 0.42706901262947283 0.7141831730805274 +8817,0.7644861931056528,0,0.531183365922796 0.1827253173584253 0.20879260035124453 -0.014823670975800974 -0.4410063344809156 -0.12626420764683677 -0.18198447598234585 -0.15721991227767712 -0.15954159012498814 -0.1618632679722992 -0.14948098611996483 -0.22841803292861076 -0.30735507973725673 -0.29652058311646307 -0.14561152304111308 0.005297537034245689 0.13995485217840953 0.42706901262947283 0.7141831730805274 0.7993113608153449 +8818,0.7296610253959519,0,0.1827253173584253 0.20879260035124453 -0.014823670975800974 -0.4410063344809156 -0.12626420764683677 -0.18198447598234585 -0.15721991227767712 -0.15954159012498814 -0.1618632679722992 -0.14948098611996483 -0.22841803292861076 -0.30735507973725673 -0.29652058311646307 -0.14561152304111308 0.005297537034245689 0.13995485217840953 0.42706901262947283 0.7141831730805274 0.7993113608153449 0.7644861931056528 +8819,0.4804676031176709,0,0.20879260035124453 -0.014823670975800974 -0.4410063344809156 -0.12626420764683677 -0.18198447598234585 -0.15721991227767712 -0.15954159012498814 -0.1618632679722992 -0.14948098611996483 -0.22841803292861076 -0.30735507973725673 -0.29652058311646307 -0.14561152304111308 0.005297537034245689 0.13995485217840953 0.42706901262947283 0.7141831730805274 0.7993113608153449 0.7644861931056528 0.7296610253959519 +8820,0.5408312271478108,0,-0.014823670975800974 -0.4410063344809156 -0.12626420764683677 -0.18198447598234585 -0.15721991227767712 -0.15954159012498814 -0.1618632679722992 -0.14948098611996483 -0.22841803292861076 -0.30735507973725673 -0.29652058311646307 -0.14561152304111308 0.005297537034245689 0.13995485217840953 0.42706901262947283 0.7141831730805274 0.7993113608153449 0.7644861931056528 0.7296610253959519 0.4804676031176709 +8821,0.2111529728293432,0,-0.4410063344809156 -0.12626420764683677 -0.18198447598234585 -0.15721991227767712 -0.15954159012498814 -0.1618632679722992 -0.14948098611996483 -0.22841803292861076 -0.30735507973725673 -0.29652058311646307 -0.14561152304111308 0.005297537034245689 0.13995485217840953 0.42706901262947283 0.7141831730805274 0.7993113608153449 0.7644861931056528 0.7296610253959519 0.4804676031176709 0.5408312271478108 +8822,0.006845322265786387,0,-0.12626420764683677 -0.18198447598234585 -0.15721991227767712 -0.15954159012498814 -0.1618632679722992 -0.14948098611996483 -0.22841803292861076 -0.30735507973725673 -0.29652058311646307 -0.14561152304111308 0.005297537034245689 0.13995485217840953 0.42706901262947283 0.7141831730805274 0.7993113608153449 0.7644861931056528 0.7296610253959519 0.4804676031176709 0.5408312271478108 0.2111529728293432 +8823,-0.13864648949917113,0,-0.18198447598234585 -0.15721991227767712 -0.15954159012498814 -0.1618632679722992 -0.14948098611996483 -0.22841803292861076 -0.30735507973725673 -0.29652058311646307 -0.14561152304111308 0.005297537034245689 0.13995485217840953 0.42706901262947283 0.7141831730805274 0.7993113608153449 0.7644861931056528 0.7296610253959519 0.4804676031176709 0.5408312271478108 0.2111529728293432 0.006845322265786387 +8824,-0.2671126637171634,0,-0.15721991227767712 -0.15954159012498814 -0.1618632679722992 -0.14948098611996483 -0.22841803292861076 -0.30735507973725673 -0.29652058311646307 -0.14561152304111308 0.005297537034245689 0.13995485217840953 0.42706901262947283 0.7141831730805274 0.7993113608153449 0.7644861931056528 0.7296610253959519 0.4804676031176709 0.5408312271478108 0.2111529728293432 0.006845322265786387 -0.13864648949917113 +8825,-0.2779471603379571,0,-0.15954159012498814 -0.1618632679722992 -0.14948098611996483 -0.22841803292861076 -0.30735507973725673 -0.29652058311646307 -0.14561152304111308 0.005297537034245689 0.13995485217840953 0.42706901262947283 0.7141831730805274 0.7993113608153449 0.7644861931056528 0.7296610253959519 0.4804676031176709 0.5408312271478108 0.2111529728293432 0.006845322265786387 -0.13864648949917113 -0.2671126637171634 +8826,-0.3019378314268643,0,-0.1618632679722992 -0.14948098611996483 -0.22841803292861076 -0.30735507973725673 -0.29652058311646307 -0.14561152304111308 0.005297537034245689 0.13995485217840953 0.42706901262947283 0.7141831730805274 0.7993113608153449 0.7644861931056528 0.7296610253959519 0.4804676031176709 0.5408312271478108 0.2111529728293432 0.006845322265786387 -0.13864648949917113 -0.2671126637171634 -0.2779471603379571 +8827,-0.3259285025157627,0,-0.14948098611996483 -0.22841803292861076 -0.30735507973725673 -0.29652058311646307 -0.14561152304111308 0.005297537034245689 0.13995485217840953 0.42706901262947283 0.7141831730805274 0.7993113608153449 0.7644861931056528 0.7296610253959519 0.4804676031176709 0.5408312271478108 0.2111529728293432 0.006845322265786387 -0.13864648949917113 -0.2671126637171634 -0.2779471603379571 -0.3019378314268643 +8828,-0.36771870376739674,0,-0.22841803292861076 -0.30735507973725673 -0.29652058311646307 -0.14561152304111308 0.005297537034245689 0.13995485217840953 0.42706901262947283 0.7141831730805274 0.7993113608153449 0.7644861931056528 0.7296610253959519 0.4804676031176709 0.5408312271478108 0.2111529728293432 0.006845322265786387 -0.13864648949917113 -0.2671126637171634 -0.2779471603379571 -0.3019378314268643 -0.3259285025157627 +8829,-0.324380717284222,0,-0.30735507973725673 -0.29652058311646307 -0.14561152304111308 0.005297537034245689 0.13995485217840953 0.42706901262947283 0.7141831730805274 0.7993113608153449 0.7644861931056528 0.7296610253959519 0.4804676031176709 0.5408312271478108 0.2111529728293432 0.006845322265786387 -0.13864648949917113 -0.2671126637171634 -0.2779471603379571 -0.3019378314268643 -0.3259285025157627 -0.36771870376739674 +8830,-0.2810427308010473,0,-0.29652058311646307 -0.14561152304111308 0.005297537034245689 0.13995485217840953 0.42706901262947283 0.7141831730805274 0.7993113608153449 0.7644861931056528 0.7296610253959519 0.4804676031176709 0.5408312271478108 0.2111529728293432 0.006845322265786387 -0.13864648949917113 -0.2671126637171634 -0.2779471603379571 -0.3019378314268643 -0.3259285025157627 -0.36771870376739674 -0.324380717284222 +8831,-0.35843199237815254,0,-0.14561152304111308 0.005297537034245689 0.13995485217840953 0.42706901262947283 0.7141831730805274 0.7993113608153449 0.7644861931056528 0.7296610253959519 0.4804676031176709 0.5408312271478108 0.2111529728293432 0.006845322265786387 -0.13864648949917113 -0.2671126637171634 -0.2779471603379571 -0.3019378314268643 -0.3259285025157627 -0.36771870376739674 -0.324380717284222 -0.2810427308010473 +8832,-0.2516348114017388,0,0.005297537034245689 0.13995485217840953 0.42706901262947283 0.7141831730805274 0.7993113608153449 0.7644861931056528 0.7296610253959519 0.4804676031176709 0.5408312271478108 0.2111529728293432 0.006845322265786387 -0.13864648949917113 -0.2671126637171634 -0.2779471603379571 -0.3019378314268643 -0.3259285025157627 -0.36771870376739674 -0.324380717284222 -0.2810427308010473 -0.35843199237815254 +8833,-0.315094005894969,0,0.13995485217840953 0.42706901262947283 0.7141831730805274 0.7993113608153449 0.7644861931056528 0.7296610253959519 0.4804676031176709 0.5408312271478108 0.2111529728293432 0.006845322265786387 -0.13864648949917113 -0.2671126637171634 -0.2779471603379571 -0.3019378314268643 -0.3259285025157627 -0.36771870376739674 -0.324380717284222 -0.2810427308010473 -0.35843199237815254 -0.2516348114017388 +8834,-0.6679890386865736,0,0.42706901262947283 0.7141831730805274 0.7993113608153449 0.7644861931056528 0.7296610253959519 0.4804676031176709 0.5408312271478108 0.2111529728293432 0.006845322265786387 -0.13864648949917113 -0.2671126637171634 -0.2779471603379571 -0.3019378314268643 -0.3259285025157627 -0.36771870376739674 -0.324380717284222 -0.2810427308010473 -0.35843199237815254 -0.2516348114017388 -0.315094005894969 +8835,-0.284912193879899,0,0.7141831730805274 0.7993113608153449 0.7644861931056528 0.7296610253959519 0.4804676031176709 0.5408312271478108 0.2111529728293432 0.006845322265786387 -0.13864648949917113 -0.2671126637171634 -0.2779471603379571 -0.3019378314268643 -0.3259285025157627 -0.36771870376739674 -0.324380717284222 -0.2810427308010473 -0.35843199237815254 -0.2516348114017388 -0.315094005894969 -0.6679890386865736 +8836,0.09816465092677551,0,0.7993113608153449 0.7644861931056528 0.7296610253959519 0.4804676031176709 0.5408312271478108 0.2111529728293432 0.006845322265786387 -0.13864648949917113 -0.2671126637171634 -0.2779471603379571 -0.3019378314268643 -0.3259285025157627 -0.36771870376739674 -0.324380717284222 -0.2810427308010473 -0.35843199237815254 -0.2516348114017388 -0.315094005894969 -0.6679890386865736 -0.284912193879899 +8837,0.5655957908524885,0,0.7644861931056528 0.7296610253959519 0.4804676031176709 0.5408312271478108 0.2111529728293432 0.006845322265786387 -0.13864648949917113 -0.2671126637171634 -0.2779471603379571 -0.3019378314268643 -0.3259285025157627 -0.36771870376739674 -0.324380717284222 -0.2810427308010473 -0.35843199237815254 -0.2516348114017388 -0.315094005894969 -0.6679890386865736 -0.284912193879899 0.09816465092677551 +8838,0.9448031725803024,0,0.7296610253959519 0.4804676031176709 0.5408312271478108 0.2111529728293432 0.006845322265786387 -0.13864648949917113 -0.2671126637171634 -0.2779471603379571 -0.3019378314268643 -0.3259285025157627 -0.36771870376739674 -0.324380717284222 -0.2810427308010473 -0.35843199237815254 -0.2516348114017388 -0.315094005894969 -0.6679890386865736 -0.284912193879899 0.09816465092677551 0.5655957908524885 +8839,1.3240105543081164,0,0.4804676031176709 0.5408312271478108 0.2111529728293432 0.006845322265786387 -0.13864648949917113 -0.2671126637171634 -0.2779471603379571 -0.3019378314268643 -0.3259285025157627 -0.36771870376739674 -0.324380717284222 -0.2810427308010473 -0.35843199237815254 -0.2516348114017388 -0.315094005894969 -0.6679890386865736 -0.284912193879899 0.09816465092677551 0.5655957908524885 0.9448031725803024 +8840,1.4555722989891988,0,0.5408312271478108 0.2111529728293432 0.006845322265786387 -0.13864648949917113 -0.2671126637171634 -0.2779471603379571 -0.3019378314268643 -0.3259285025157627 -0.36771870376739674 -0.324380717284222 -0.2810427308010473 -0.35843199237815254 -0.2516348114017388 -0.315094005894969 -0.6679890386865736 -0.284912193879899 0.09816465092677551 0.5655957908524885 0.9448031725803024 1.3240105543081164 +8841,1.6018380033699269,0,0.2111529728293432 0.006845322265786387 -0.13864648949917113 -0.2671126637171634 -0.2779471603379571 -0.3019378314268643 -0.3259285025157627 -0.36771870376739674 -0.324380717284222 -0.2810427308010473 -0.35843199237815254 -0.2516348114017388 -0.315094005894969 -0.6679890386865736 -0.284912193879899 0.09816465092677551 0.5655957908524885 0.9448031725803024 1.3240105543081164 1.4555722989891988 +8842,1.7481037077506547,0,0.006845322265786387 -0.13864648949917113 -0.2671126637171634 -0.2779471603379571 -0.3019378314268643 -0.3259285025157627 -0.36771870376739674 -0.324380717284222 -0.2810427308010473 -0.35843199237815254 -0.2516348114017388 -0.315094005894969 -0.6679890386865736 -0.284912193879899 0.09816465092677551 0.5655957908524885 0.9448031725803024 1.3240105543081164 1.4555722989891988 1.6018380033699269 +8843,1.8409708216431844,0,-0.13864648949917113 -0.2671126637171634 -0.2779471603379571 -0.3019378314268643 -0.3259285025157627 -0.36771870376739674 -0.324380717284222 -0.2810427308010473 -0.35843199237815254 -0.2516348114017388 -0.315094005894969 -0.6679890386865736 -0.284912193879899 0.09816465092677551 0.5655957908524885 0.9448031725803024 1.3240105543081164 1.4555722989891988 1.6018380033699269 1.7481037077506547 +8844,1.6614277347842965,0,-0.2671126637171634 -0.2779471603379571 -0.3019378314268643 -0.3259285025157627 -0.36771870376739674 -0.324380717284222 -0.2810427308010473 -0.35843199237815254 -0.2516348114017388 -0.315094005894969 -0.6679890386865736 -0.284912193879899 0.09816465092677551 0.5655957908524885 0.9448031725803024 1.3240105543081164 1.4555722989891988 1.6018380033699269 1.7481037077506547 1.8409708216431844 +8845,1.3797308226436342,0,-0.2779471603379571 -0.3019378314268643 -0.3259285025157627 -0.36771870376739674 -0.324380717284222 -0.2810427308010473 -0.35843199237815254 -0.2516348114017388 -0.315094005894969 -0.6679890386865736 -0.284912193879899 0.09816465092677551 0.5655957908524885 0.9448031725803024 1.3240105543081164 1.4555722989891988 1.6018380033699269 1.7481037077506547 1.8409708216431844 1.6614277347842965 +8846,1.127441829902272,0,-0.3019378314268643 -0.3259285025157627 -0.36771870376739674 -0.324380717284222 -0.2810427308010473 -0.35843199237815254 -0.2516348114017388 -0.315094005894969 -0.6679890386865736 -0.284912193879899 0.09816465092677551 0.5655957908524885 0.9448031725803024 1.3240105543081164 1.4555722989891988 1.6018380033699269 1.7481037077506547 1.8409708216431844 1.6614277347842965 1.3797308226436342 +8847,0.9362903538068198,0,-0.3259285025157627 -0.36771870376739674 -0.324380717284222 -0.2810427308010473 -0.35843199237815254 -0.2516348114017388 -0.315094005894969 -0.6679890386865736 -0.284912193879899 0.09816465092677551 0.5655957908524885 0.9448031725803024 1.3240105543081164 1.4555722989891988 1.6018380033699269 1.7481037077506547 1.8409708216431844 1.6614277347842965 1.3797308226436342 1.127441829902272 +8848,0.7451388777113765,0,-0.36771870376739674 -0.324380717284222 -0.2810427308010473 -0.35843199237815254 -0.2516348114017388 -0.315094005894969 -0.6679890386865736 -0.284912193879899 0.09816465092677551 0.5655957908524885 0.9448031725803024 1.3240105543081164 1.4555722989891988 1.6018380033699269 1.7481037077506547 1.8409708216431844 1.6614277347842965 1.3797308226436342 1.127441829902272 0.9362903538068198 +8849,0.6383416967349717,0,-0.324380717284222 -0.2810427308010473 -0.35843199237815254 -0.2516348114017388 -0.315094005894969 -0.6679890386865736 -0.284912193879899 0.09816465092677551 0.5655957908524885 0.9448031725803024 1.3240105543081164 1.4555722989891988 1.6018380033699269 1.7481037077506547 1.8409708216431844 1.6614277347842965 1.3797308226436342 1.127441829902272 0.9362903538068198 0.7451388777113765 +8850,0.5315445157585579,0,-0.2810427308010473 -0.35843199237815254 -0.2516348114017388 -0.315094005894969 -0.6679890386865736 -0.284912193879899 0.09816465092677551 0.5655957908524885 0.9448031725803024 1.3240105543081164 1.4555722989891988 1.6018380033699269 1.7481037077506547 1.8409708216431844 1.6614277347842965 1.3797308226436342 1.127441829902272 0.9362903538068198 0.7451388777113765 0.6383416967349717 +8851,0.42165176431907164,0,-0.35843199237815254 -0.2516348114017388 -0.315094005894969 -0.6679890386865736 -0.284912193879899 0.09816465092677551 0.5655957908524885 0.9448031725803024 1.3240105543081164 1.4555722989891988 1.6018380033699269 1.7481037077506547 1.8409708216431844 1.6614277347842965 1.3797308226436342 1.127441829902272 0.9362903538068198 0.7451388777113765 0.6383416967349717 0.5315445157585579 +8852,0.39843498584594356,0,-0.2516348114017388 -0.315094005894969 -0.6679890386865736 -0.284912193879899 0.09816465092677551 0.5655957908524885 0.9448031725803024 1.3240105543081164 1.4555722989891988 1.6018380033699269 1.7481037077506547 1.8409708216431844 1.6614277347842965 1.3797308226436342 1.127441829902272 0.9362903538068198 0.7451388777113765 0.6383416967349717 0.5315445157585579 0.42165176431907164 +8853,-0.030301523291225544,0,-0.315094005894969 -0.6679890386865736 -0.284912193879899 0.09816465092677551 0.5655957908524885 0.9448031725803024 1.3240105543081164 1.4555722989891988 1.6018380033699269 1.7481037077506547 1.8409708216431844 1.6614277347842965 1.3797308226436342 1.127441829902272 0.9362903538068198 0.7451388777113765 0.6383416967349717 0.5315445157585579 0.42165176431907164 0.39843498584594356 +8854,0.07959122814826955,0,-0.6679890386865736 -0.284912193879899 0.09816465092677551 0.5655957908524885 0.9448031725803024 1.3240105543081164 1.4555722989891988 1.6018380033699269 1.7481037077506547 1.8409708216431844 1.6614277347842965 1.3797308226436342 1.127441829902272 0.9362903538068198 0.7451388777113765 0.6383416967349717 0.5315445157585579 0.42165176431907164 0.39843498584594356 -0.030301523291225544 +8855,0.10126022138985691,0,-0.284912193879899 0.09816465092677551 0.5655957908524885 0.9448031725803024 1.3240105543081164 1.4555722989891988 1.6018380033699269 1.7481037077506547 1.8409708216431844 1.6614277347842965 1.3797308226436342 1.127441829902272 0.9362903538068198 0.7451388777113765 0.6383416967349717 0.5315445157585579 0.42165176431907164 0.39843498584594356 -0.030301523291225544 0.07959122814826955 +8856,-0.03649266421738833,0,0.09816465092677551 0.5655957908524885 0.9448031725803024 1.3240105543081164 1.4555722989891988 1.6018380033699269 1.7481037077506547 1.8409708216431844 1.6614277347842965 1.3797308226436342 1.127441829902272 0.9362903538068198 0.7451388777113765 0.6383416967349717 0.5315445157585579 0.42165176431907164 0.39843498584594356 -0.030301523291225544 0.07959122814826955 0.10126022138985691 +8857,-0.04732716083818202,0,0.5655957908524885 0.9448031725803024 1.3240105543081164 1.4555722989891988 1.6018380033699269 1.7481037077506547 1.8409708216431844 1.6614277347842965 1.3797308226436342 1.127441829902272 0.9362903538068198 0.7451388777113765 0.6383416967349717 0.5315445157585579 0.42165176431907164 0.39843498584594356 -0.030301523291225544 0.07959122814826955 0.10126022138985691 -0.03649266421738833 +8858,-0.07054393931131887,0,0.9448031725803024 1.3240105543081164 1.4555722989891988 1.6018380033699269 1.7481037077506547 1.8409708216431844 1.6614277347842965 1.3797308226436342 1.127441829902272 0.9362903538068198 0.7451388777113765 0.6383416967349717 0.5315445157585579 0.42165176431907164 0.39843498584594356 -0.030301523291225544 0.07959122814826955 0.10126022138985691 -0.03649266421738833 -0.04732716083818202 +8859,0.12138142939990357,0,1.3240105543081164 1.4555722989891988 1.6018380033699269 1.7481037077506547 1.8409708216431844 1.6614277347842965 1.3797308226436342 1.127441829902272 0.9362903538068198 0.7451388777113765 0.6383416967349717 0.5315445157585579 0.42165176431907164 0.39843498584594356 -0.030301523291225544 0.07959122814826955 0.10126022138985691 -0.03649266421738833 -0.04732716083818202 -0.07054393931131887 +8860,0.6089337773356631,0,1.4555722989891988 1.6018380033699269 1.7481037077506547 1.8409708216431844 1.6614277347842965 1.3797308226436342 1.127441829902272 0.9362903538068198 0.7451388777113765 0.6383416967349717 0.5315445157585579 0.42165176431907164 0.39843498584594356 -0.030301523291225544 0.07959122814826955 0.10126022138985691 -0.03649266421738833 -0.04732716083818202 -0.07054393931131887 0.12138142939990357 +8861,1.3178194133819536,0,1.6018380033699269 1.7481037077506547 1.8409708216431844 1.6614277347842965 1.3797308226436342 1.127441829902272 0.9362903538068198 0.7451388777113765 0.6383416967349717 0.5315445157585579 0.42165176431907164 0.39843498584594356 -0.030301523291225544 0.07959122814826955 0.10126022138985691 -0.03649266421738833 -0.04732716083818202 -0.07054393931131887 0.12138142939990357 0.6089337773356631 +8862,1.6010641107541563,0,1.7481037077506547 1.8409708216431844 1.6614277347842965 1.3797308226436342 1.127441829902272 0.9362903538068198 0.7451388777113765 0.6383416967349717 0.5315445157585579 0.42165176431907164 0.39843498584594356 -0.030301523291225544 0.07959122814826955 0.10126022138985691 -0.03649266421738833 -0.04732716083818202 -0.07054393931131887 0.12138142939990357 0.6089337773356631 1.3178194133819536 +8863,1.1986399505532055,0,1.8409708216431844 1.6614277347842965 1.3797308226436342 1.127441829902272 0.9362903538068198 0.7451388777113765 0.6383416967349717 0.5315445157585579 0.42165176431907164 0.39843498584594356 -0.030301523291225544 0.07959122814826955 0.10126022138985691 -0.03649266421738833 -0.04732716083818202 -0.07054393931131887 0.12138142939990357 0.6089337773356631 1.3178194133819536 1.6010641107541563 +8864,1.5840384732071913,0,1.6614277347842965 1.3797308226436342 1.127441829902272 0.9362903538068198 0.7451388777113765 0.6383416967349717 0.5315445157585579 0.42165176431907164 0.39843498584594356 -0.030301523291225544 0.07959122814826955 0.10126022138985691 -0.03649266421738833 -0.04732716083818202 -0.07054393931131887 0.12138142939990357 0.6089337773356631 1.3178194133819536 1.6010641107541563 1.1986399505532055 +8865,1.8394230364116437,0,1.3797308226436342 1.127441829902272 0.9362903538068198 0.7451388777113765 0.6383416967349717 0.5315445157585579 0.42165176431907164 0.39843498584594356 -0.030301523291225544 0.07959122814826955 0.10126022138985691 -0.03649266421738833 -0.04732716083818202 -0.07054393931131887 0.12138142939990357 0.6089337773356631 1.3178194133819536 1.6010641107541563 1.1986399505532055 1.5840384732071913 +8866,2.0948075996160878,0,1.127441829902272 0.9362903538068198 0.7451388777113765 0.6383416967349717 0.5315445157585579 0.42165176431907164 0.39843498584594356 -0.030301523291225544 0.07959122814826955 0.10126022138985691 -0.03649266421738833 -0.04732716083818202 -0.07054393931131887 0.12138142939990357 0.6089337773356631 1.3178194133819536 1.6010641107541563 1.1986399505532055 1.5840384732071913 1.8394230364116437 +8867,2.127311089478469,0,0.9362903538068198 0.7451388777113765 0.6383416967349717 0.5315445157585579 0.42165176431907164 0.39843498584594356 -0.030301523291225544 0.07959122814826955 0.10126022138985691 -0.03649266421738833 -0.04732716083818202 -0.07054393931131887 0.12138142939990357 0.6089337773356631 1.3178194133819536 1.6010641107541563 1.1986399505532055 1.5840384732071913 1.8394230364116437 2.0948075996160878 +8868,1.9028822309048652,0,0.7451388777113765 0.6383416967349717 0.5315445157585579 0.42165176431907164 0.39843498584594356 -0.030301523291225544 0.07959122814826955 0.10126022138985691 -0.03649266421738833 -0.04732716083818202 -0.07054393931131887 0.12138142939990357 0.6089337773356631 1.3178194133819536 1.6010641107541563 1.1986399505532055 1.5840384732071913 1.8394230364116437 2.0948075996160878 2.127311089478469 +8869,1.6784533723312616,0,0.6383416967349717 0.5315445157585579 0.42165176431907164 0.39843498584594356 -0.030301523291225544 0.07959122814826955 0.10126022138985691 -0.03649266421738833 -0.04732716083818202 -0.07054393931131887 0.12138142939990357 0.6089337773356631 1.3178194133819536 1.6010641107541563 1.1986399505532055 1.5840384732071913 1.8394230364116437 2.0948075996160878 2.127311089478469 1.9028822309048652 +8870,1.3379406213920002,0,0.5315445157585579 0.42165176431907164 0.39843498584594356 -0.030301523291225544 0.07959122814826955 0.10126022138985691 -0.03649266421738833 -0.04732716083818202 -0.07054393931131887 0.12138142939990357 0.6089337773356631 1.3178194133819536 1.6010641107541563 1.1986399505532055 1.5840384732071913 1.8394230364116437 2.0948075996160878 2.127311089478469 1.9028822309048652 1.6784533723312616 +8871,1.0082623670735327,0,0.42165176431907164 0.39843498584594356 -0.030301523291225544 0.07959122814826955 0.10126022138985691 -0.03649266421738833 -0.04732716083818202 -0.07054393931131887 0.12138142939990357 0.6089337773356631 1.3178194133819536 1.6010641107541563 1.1986399505532055 1.5840384732071913 1.8394230364116437 2.0948075996160878 2.127311089478469 1.9028822309048652 1.6784533723312616 1.3379406213920002 +8872,0.7884768641945512,0,0.39843498584594356 -0.030301523291225544 0.07959122814826955 0.10126022138985691 -0.03649266421738833 -0.04732716083818202 -0.07054393931131887 0.12138142939990357 0.6089337773356631 1.3178194133819536 1.6010641107541563 1.1986399505532055 1.5840384732071913 1.8394230364116437 2.0948075996160878 2.127311089478469 1.9028822309048652 1.6784533723312616 1.3379406213920002 1.0082623670735327 +8873,0.7265654549328705,0,-0.030301523291225544 0.07959122814826955 0.10126022138985691 -0.03649266421738833 -0.04732716083818202 -0.07054393931131887 0.12138142939990357 0.6089337773356631 1.3178194133819536 1.6010641107541563 1.1986399505532055 1.5840384732071913 1.8394230364116437 2.0948075996160878 2.127311089478469 1.9028822309048652 1.6784533723312616 1.3379406213920002 1.0082623670735327 0.7884768641945512 +8874,0.4115911603140483,0,0.07959122814826955 0.10126022138985691 -0.03649266421738833 -0.04732716083818202 -0.07054393931131887 0.12138142939990357 0.6089337773356631 1.3178194133819536 1.6010641107541563 1.1986399505532055 1.5840384732071913 1.8394230364116437 2.0948075996160878 2.127311089478469 1.9028822309048652 1.6784533723312616 1.3379406213920002 1.0082623670735327 0.7884768641945512 0.7265654549328705 +8875,0.09661686569523482,0,0.10126022138985691 -0.03649266421738833 -0.04732716083818202 -0.07054393931131887 0.12138142939990357 0.6089337773356631 1.3178194133819536 1.6010641107541563 1.1986399505532055 1.5840384732071913 1.8394230364116437 2.0948075996160878 2.127311089478469 1.9028822309048652 1.6784533723312616 1.3379406213920002 1.0082623670735327 0.7884768641945512 0.7265654549328705 0.4115911603140483 +8876,0.09042572476906323,0,-0.03649266421738833 -0.04732716083818202 -0.07054393931131887 0.12138142939990357 0.6089337773356631 1.3178194133819536 1.6010641107541563 1.1986399505532055 1.5840384732071913 1.8394230364116437 2.0948075996160878 2.127311089478469 1.9028822309048652 1.6784533723312616 1.3379406213920002 1.0082623670735327 0.7884768641945512 0.7265654549328705 0.4115911603140483 0.09661686569523482 +8877,-0.1812105833665755,0,-0.04732716083818202 -0.07054393931131887 0.12138142939990357 0.6089337773356631 1.3178194133819536 1.6010641107541563 1.1986399505532055 1.5840384732071913 1.8394230364116437 2.0948075996160878 2.127311089478469 1.9028822309048652 1.6784533723312616 1.3379406213920002 1.0082623670735327 0.7884768641945512 0.7265654549328705 0.4115911603140483 0.09661686569523482 0.09042572476906323 +8878,-0.45284689150221424,0,-0.07054393931131887 0.12138142939990357 0.6089337773356631 1.3178194133819536 1.6010641107541563 1.1986399505532055 1.5840384732071913 1.8394230364116437 2.0948075996160878 2.127311089478469 1.9028822309048652 1.6784533723312616 1.3379406213920002 1.0082623670735327 0.7884768641945512 0.7265654549328705 0.4115911603140483 0.09661686569523482 0.09042572476906323 -0.1812105833665755 +8879,-0.652511186371149,0,0.12138142939990357 0.6089337773356631 1.3178194133819536 1.6010641107541563 1.1986399505532055 1.5840384732071913 1.8394230364116437 2.0948075996160878 2.127311089478469 1.9028822309048652 1.6784533723312616 1.3379406213920002 1.0082623670735327 0.7884768641945512 0.7265654549328705 0.4115911603140483 0.09661686569523482 0.09042572476906323 -0.1812105833665755 -0.45284689150221424 +8880,-0.7175181660959199,0,0.6089337773356631 1.3178194133819536 1.6010641107541563 1.1986399505532055 1.5840384732071913 1.8394230364116437 2.0948075996160878 2.127311089478469 1.9028822309048652 1.6784533723312616 1.3379406213920002 1.0082623670735327 0.7884768641945512 0.7265654549328705 0.4115911603140483 0.09661686569523482 0.09042572476906323 -0.1812105833665755 -0.45284689150221424 -0.652511186371149 +8881,-0.8088374947569001,0,1.3178194133819536 1.6010641107541563 1.1986399505532055 1.5840384732071913 1.8394230364116437 2.0948075996160878 2.127311089478469 1.9028822309048652 1.6784533723312616 1.3379406213920002 1.0082623670735327 0.7884768641945512 0.7265654549328705 0.4115911603140483 0.09661686569523482 0.09042572476906323 -0.1812105833665755 -0.45284689150221424 -0.652511186371149 -0.7175181660959199 +8882,-0.8150286356830718,0,1.6010641107541563 1.1986399505532055 1.5840384732071913 1.8394230364116437 2.0948075996160878 2.127311089478469 1.9028822309048652 1.6784533723312616 1.3379406213920002 1.0082623670735327 0.7884768641945512 0.7265654549328705 0.4115911603140483 0.09661686569523482 0.09042572476906323 -0.1812105833665755 -0.45284689150221424 -0.652511186371149 -0.7175181660959199 -0.8088374947569001 +8883,-0.7701428639683475,0,1.1986399505532055 1.5840384732071913 1.8394230364116437 2.0948075996160878 2.127311089478469 1.9028822309048652 1.6784533723312616 1.3379406213920002 1.0082623670735327 0.7884768641945512 0.7265654549328705 0.4115911603140483 0.09661686569523482 0.09042572476906323 -0.1812105833665755 -0.45284689150221424 -0.652511186371149 -0.7175181660959199 -0.8088374947569001 -0.8150286356830718 +8884,0.10280800662139761,0,1.5840384732071913 1.8394230364116437 2.0948075996160878 2.127311089478469 1.9028822309048652 1.6784533723312616 1.3379406213920002 1.0082623670735327 0.7884768641945512 0.7265654549328705 0.4115911603140483 0.09661686569523482 0.09042572476906323 -0.1812105833665755 -0.45284689150221424 -0.652511186371149 -0.7175181660959199 -0.8088374947569001 -0.8150286356830718 -0.7701428639683475 +8885,0.9386120316541396,0,1.8394230364116437 2.0948075996160878 2.127311089478469 1.9028822309048652 1.6784533723312616 1.3379406213920002 1.0082623670735327 0.7884768641945512 0.7265654549328705 0.4115911603140483 0.09661686569523482 0.09042572476906323 -0.1812105833665755 -0.45284689150221424 -0.652511186371149 -0.7175181660959199 -0.8088374947569001 -0.8150286356830718 -0.7701428639683475 0.10280800662139761 +8886,1.4377727688264632,0,2.0948075996160878 2.127311089478469 1.9028822309048652 1.6784533723312616 1.3379406213920002 1.0082623670735327 0.7884768641945512 0.7265654549328705 0.4115911603140483 0.09661686569523482 0.09042572476906323 -0.1812105833665755 -0.45284689150221424 -0.652511186371149 -0.7175181660959199 -0.8088374947569001 -0.8150286356830718 -0.7701428639683475 0.10280800662139761 0.9386120316541396 +8887,1.9369335059987958,0,2.127311089478469 1.9028822309048652 1.6784533723312616 1.3379406213920002 1.0082623670735327 0.7884768641945512 0.7265654549328705 0.4115911603140483 0.09661686569523482 0.09042572476906323 -0.1812105833665755 -0.45284689150221424 -0.652511186371149 -0.7175181660959199 -0.8088374947569001 -0.8150286356830718 -0.7701428639683475 0.10280800662139761 0.9386120316541396 1.4377727688264632 +8888,2.1737446464247334,0,1.9028822309048652 1.6784533723312616 1.3379406213920002 1.0082623670735327 0.7884768641945512 0.7265654549328705 0.4115911603140483 0.09661686569523482 0.09042572476906323 -0.1812105833665755 -0.45284689150221424 -0.652511186371149 -0.7175181660959199 -0.8088374947569001 -0.8150286356830718 -0.7701428639683475 0.10280800662139761 0.9386120316541396 1.4377727688264632 1.9369335059987958 +8889,2.367217800367497,0,1.6784533723312616 1.3379406213920002 1.0082623670735327 0.7884768641945512 0.7265654549328705 0.4115911603140483 0.09661686569523482 0.09042572476906323 -0.1812105833665755 -0.45284689150221424 -0.652511186371149 -0.7175181660959199 -0.8088374947569001 -0.8150286356830718 -0.7701428639683475 0.10280800662139761 0.9386120316541396 1.4377727688264632 1.9369335059987958 2.1737446464247334 +8890,2.3904345788406336,0,1.3379406213920002 1.0082623670735327 0.7884768641945512 0.7265654549328705 0.4115911603140483 0.09661686569523482 0.09042572476906323 -0.1812105833665755 -0.45284689150221424 -0.652511186371149 -0.7175181660959199 -0.8088374947569001 -0.8150286356830718 -0.7701428639683475 0.10280800662139761 0.9386120316541396 1.4377727688264632 1.9369335059987958 2.1737446464247334 2.367217800367497 +8891,2.40746021638759,0,1.0082623670735327 0.7884768641945512 0.7265654549328705 0.4115911603140483 0.09661686569523482 0.09042572476906323 -0.1812105833665755 -0.45284689150221424 -0.652511186371149 -0.7175181660959199 -0.8088374947569001 -0.8150286356830718 -0.7701428639683475 0.10280800662139761 0.9386120316541396 1.4377727688264632 1.9369335059987958 2.1737446464247334 2.367217800367497 2.3904345788406336 +8892,2.1365978008677216,0,0.7884768641945512 0.7265654549328705 0.4115911603140483 0.09661686569523482 0.09042572476906323 -0.1812105833665755 -0.45284689150221424 -0.652511186371149 -0.7175181660959199 -0.8088374947569001 -0.8150286356830718 -0.7701428639683475 0.10280800662139761 0.9386120316541396 1.4377727688264632 1.9369335059987958 2.1737446464247334 2.367217800367497 2.3904345788406336 2.40746021638759 +8893,1.3719918964859221,0,0.7265654549328705 0.4115911603140483 0.09661686569523482 0.09042572476906323 -0.1812105833665755 -0.45284689150221424 -0.652511186371149 -0.7175181660959199 -0.8088374947569001 -0.8150286356830718 -0.7701428639683475 0.10280800662139761 0.9386120316541396 1.4377727688264632 1.9369335059987958 2.1737446464247334 2.367217800367497 2.3904345788406336 2.40746021638759 2.1365978008677216 +8894,0.762164515258333,0,0.4115911603140483 0.09661686569523482 0.09042572476906323 -0.1812105833665755 -0.45284689150221424 -0.652511186371149 -0.7175181660959199 -0.8088374947569001 -0.8150286356830718 -0.7701428639683475 0.10280800662139761 0.9386120316541396 1.4377727688264632 1.9369335059987958 2.1737446464247334 2.367217800367497 2.3904345788406336 2.40746021638759 2.1365978008677216 1.3719918964859221 +8895,0.8256237097515632,0,0.09661686569523482 0.09042572476906323 -0.1812105833665755 -0.45284689150221424 -0.652511186371149 -0.7175181660959199 -0.8088374947569001 -0.8150286356830718 -0.7701428639683475 0.10280800662139761 0.9386120316541396 1.4377727688264632 1.9369335059987958 2.1737446464247334 2.367217800367497 2.3904345788406336 2.40746021638759 2.1365978008677216 1.3719918964859221 0.762164515258333 +8896,0.6491761933557653,0,0.09042572476906323 -0.1812105833665755 -0.45284689150221424 -0.652511186371149 -0.7175181660959199 -0.8088374947569001 -0.8150286356830718 -0.7701428639683475 0.10280800662139761 0.9386120316541396 1.4377727688264632 1.9369335059987958 2.1737446464247334 2.367217800367497 2.3904345788406336 2.40746021638759 2.1365978008677216 1.3719918964859221 0.762164515258333 0.8256237097515632 +8897,0.45260746894991194,0,-0.1812105833665755 -0.45284689150221424 -0.652511186371149 -0.7175181660959199 -0.8088374947569001 -0.8150286356830718 -0.7701428639683475 0.10280800662139761 0.9386120316541396 1.4377727688264632 1.9369335059987958 2.1737446464247334 2.367217800367497 2.3904345788406336 2.40746021638759 2.1365978008677216 1.3719918964859221 0.762164515258333 0.8256237097515632 0.6491761933557653 +8898,0.27074270424372165,0,-0.45284689150221424 -0.652511186371149 -0.7175181660959199 -0.8088374947569001 -0.8150286356830718 -0.7701428639683475 0.10280800662139761 0.9386120316541396 1.4377727688264632 1.9369335059987958 2.1737446464247334 2.367217800367497 2.3904345788406336 2.40746021638759 2.1365978008677216 1.3719918964859221 0.762164515258333 0.8256237097515632 0.6491761933557653 0.45260746894991194 +8899,0.08887793953752253,0,-0.652511186371149 -0.7175181660959199 -0.8088374947569001 -0.8150286356830718 -0.7701428639683475 0.10280800662139761 0.9386120316541396 1.4377727688264632 1.9369335059987958 2.1737446464247334 2.367217800367497 2.3904345788406336 2.40746021638759 2.1365978008677216 1.3719918964859221 0.762164515258333 0.8256237097515632 0.6491761933557653 0.45260746894991194 0.27074270424372165 +8900,-0.09221293255290623,0,-0.7175181660959199 -0.8088374947569001 -0.8150286356830718 -0.7701428639683475 0.10280800662139761 0.9386120316541396 1.4377727688264632 1.9369335059987958 2.1737446464247334 2.367217800367497 2.3904345788406336 2.40746021638759 2.1365978008677216 1.3719918964859221 0.762164515258333 0.8256237097515632 0.6491761933557653 0.45260746894991194 0.27074270424372165 0.08887793953752253 +8901,-0.24853924093865745,0,-0.8088374947569001 -0.8150286356830718 -0.7701428639683475 0.10280800662139761 0.9386120316541396 1.4377727688264632 1.9369335059987958 2.1737446464247334 2.367217800367497 2.3904345788406336 2.40746021638759 2.1365978008677216 1.3719918964859221 0.762164515258333 0.8256237097515632 0.6491761933557653 0.45260746894991194 0.27074270424372165 0.08887793953752253 -0.09221293255290623 +8902,-0.30116393881109393,0,-0.8150286356830718 -0.7701428639683475 0.10280800662139761 0.9386120316541396 1.4377727688264632 1.9369335059987958 2.1737446464247334 2.367217800367497 2.3904345788406336 2.40746021638759 2.1365978008677216 1.3719918964859221 0.762164515258333 0.8256237097515632 0.6491761933557653 0.45260746894991194 0.27074270424372165 0.08887793953752253 -0.09221293255290623 -0.24853924093865745 +8903,-0.07363950977440026,0,-0.7701428639683475 0.10280800662139761 0.9386120316541396 1.4377727688264632 1.9369335059987958 2.1737446464247334 2.367217800367497 2.3904345788406336 2.40746021638759 2.1365978008677216 1.3719918964859221 0.762164515258333 0.8256237097515632 0.6491761933557653 0.45260746894991194 0.27074270424372165 0.08887793953752253 -0.09221293255290623 -0.24853924093865745 -0.30116393881109393 +8904,-0.18508004644543605,0,0.10280800662139761 0.9386120316541396 1.4377727688264632 1.9369335059987958 2.1737446464247334 2.367217800367497 2.3904345788406336 2.40746021638759 2.1365978008677216 1.3719918964859221 0.762164515258333 0.8256237097515632 0.6491761933557653 0.45260746894991194 0.27074270424372165 0.08887793953752253 -0.09221293255290623 -0.24853924093865745 -0.30116393881109393 -0.07363950977440026 +8905,-0.22996581816015146,0,0.9386120316541396 1.4377727688264632 1.9369335059987958 2.1737446464247334 2.367217800367497 2.3904345788406336 2.40746021638759 2.1365978008677216 1.3719918964859221 0.762164515258333 0.8256237097515632 0.6491761933557653 0.45260746894991194 0.27074270424372165 0.08887793953752253 -0.09221293255290623 -0.24853924093865745 -0.30116393881109393 -0.07363950977440026 -0.18508004644543605 +8906,-0.29187722742184097,0,1.4377727688264632 1.9369335059987958 2.1737446464247334 2.367217800367497 2.3904345788406336 2.40746021638759 2.1365978008677216 1.3719918964859221 0.762164515258333 0.8256237097515632 0.6491761933557653 0.45260746894991194 0.27074270424372165 0.08887793953752253 -0.09221293255290623 -0.24853924093865745 -0.30116393881109393 -0.07363950977440026 -0.18508004644543605 -0.22996581816015146 +8907,-0.01637145620734167,0,1.9369335059987958 2.1737446464247334 2.367217800367497 2.3904345788406336 2.40746021638759 2.1365978008677216 1.3719918964859221 0.762164515258333 0.8256237097515632 0.6491761933557653 0.45260746894991194 0.27074270424372165 0.08887793953752253 -0.09221293255290623 -0.24853924093865745 -0.30116393881109393 -0.07363950977440026 -0.18508004644543605 -0.22996581816015146 -0.29187722742184097 +8908,0.25913431500714884,0,2.1737446464247334 2.367217800367497 2.3904345788406336 2.40746021638759 2.1365978008677216 1.3719918964859221 0.762164515258333 0.8256237097515632 0.6491761933557653 0.45260746894991194 0.27074270424372165 0.08887793953752253 -0.09221293255290623 -0.24853924093865745 -0.30116393881109393 -0.07363950977440026 -0.18508004644543605 -0.22996581816015146 -0.29187722742184097 -0.01637145620734167 +8909,0.9742110919796021,0,2.367217800367497 2.3904345788406336 2.40746021638759 2.1365978008677216 1.3719918964859221 0.762164515258333 0.8256237097515632 0.6491761933557653 0.45260746894991194 0.27074270424372165 0.08887793953752253 -0.09221293255290623 -0.24853924093865745 -0.30116393881109393 -0.07363950977440026 -0.18508004644543605 -0.22996581816015146 -0.29187722742184097 -0.01637145620734167 0.25913431500714884 +8910,1.078570511216333,0,2.3904345788406336 2.40746021638759 2.1365978008677216 1.3719918964859221 0.762164515258333 0.8256237097515632 0.6491761933557653 0.45260746894991194 0.27074270424372165 0.08887793953752253 -0.09221293255290623 -0.24853924093865745 -0.30116393881109393 -0.07363950977440026 -0.18508004644543605 -0.22996581816015146 -0.29187722742184097 -0.01637145620734167 0.25913431500714884 0.9742110919796021 +8911,1.1880634181892697,0,2.40746021638759 2.1365978008677216 1.3719918964859221 0.762164515258333 0.8256237097515632 0.6491761933557653 0.45260746894991194 0.27074270424372165 0.08887793953752253 -0.09221293255290623 -0.24853924093865745 -0.30116393881109393 -0.07363950977440026 -0.18508004644543605 -0.22996581816015146 -0.29187722742184097 -0.01637145620734167 0.25913431500714884 0.9742110919796021 1.078570511216333 +8912,1.2898560934804961,0,2.1365978008677216 1.3719918964859221 0.762164515258333 0.8256237097515632 0.6491761933557653 0.45260746894991194 0.27074270424372165 0.08887793953752253 -0.09221293255290623 -0.24853924093865745 -0.30116393881109393 -0.07363950977440026 -0.18508004644543605 -0.22996581816015146 -0.29187722742184097 -0.01637145620734167 0.25913431500714884 0.9742110919796021 1.078570511216333 1.1880634181892697 +8913,1.5701084061233161,0,1.3719918964859221 0.762164515258333 0.8256237097515632 0.6491761933557653 0.45260746894991194 0.27074270424372165 0.08887793953752253 -0.09221293255290623 -0.24853924093865745 -0.30116393881109393 -0.07363950977440026 -0.18508004644543605 -0.22996581816015146 -0.29187722742184097 -0.01637145620734167 0.25913431500714884 0.9742110919796021 1.078570511216333 1.1880634181892697 1.2898560934804961 +8914,1.445279527199441,0,0.762164515258333 0.8256237097515632 0.6491761933557653 0.45260746894991194 0.27074270424372165 0.08887793953752253 -0.09221293255290623 -0.24853924093865745 -0.30116393881109393 -0.07363950977440026 -0.18508004644543605 -0.22996581816015146 -0.29187722742184097 -0.01637145620734167 0.25913431500714884 0.9742110919796021 1.078570511216333 1.1880634181892697 1.2898560934804961 1.5701084061233161 +8915,1.4989102854723737,0,0.8256237097515632 0.6491761933557653 0.45260746894991194 0.27074270424372165 0.08887793953752253 -0.09221293255290623 -0.24853924093865745 -0.30116393881109393 -0.07363950977440026 -0.18508004644543605 -0.22996581816015146 -0.29187722742184097 -0.01637145620734167 0.25913431500714884 0.9742110919796021 1.078570511216333 1.1880634181892697 1.2898560934804961 1.5701084061233161 1.445279527199441 +8916,1.2172133733317116,0,0.6491761933557653 0.45260746894991194 0.27074270424372165 0.08887793953752253 -0.09221293255290623 -0.24853924093865745 -0.30116393881109393 -0.07363950977440026 -0.18508004644543605 -0.22996581816015146 -0.29187722742184097 -0.01637145620734167 0.25913431500714884 0.9742110919796021 1.078570511216333 1.1880634181892697 1.2898560934804961 1.5701084061233161 1.445279527199441 1.4989102854723737 +8917,0.997427870452739,0,0.45260746894991194 0.27074270424372165 0.08887793953752253 -0.09221293255290623 -0.24853924093865745 -0.30116393881109393 -0.07363950977440026 -0.18508004644543605 -0.22996581816015146 -0.29187722742184097 -0.01637145620734167 0.25913431500714884 0.9742110919796021 1.078570511216333 1.1880634181892697 1.2898560934804961 1.5701084061233161 1.445279527199441 1.4989102854723737 1.2172133733317116 +8918,0.4974932406646362,0,0.27074270424372165 0.08887793953752253 -0.09221293255290623 -0.24853924093865745 -0.30116393881109393 -0.07363950977440026 -0.18508004644543605 -0.22996581816015146 -0.29187722742184097 -0.01637145620734167 0.25913431500714884 0.9742110919796021 1.078570511216333 1.1880634181892697 1.2898560934804961 1.5701084061233161 1.445279527199441 1.4989102854723737 1.2172133733317116 0.997427870452739 +8919,0.26068210023868954,0,0.08887793953752253 -0.09221293255290623 -0.24853924093865745 -0.30116393881109393 -0.07363950977440026 -0.18508004644543605 -0.22996581816015146 -0.29187722742184097 -0.01637145620734167 0.25913431500714884 0.9742110919796021 1.078570511216333 1.1880634181892697 1.2898560934804961 1.5701084061233161 1.445279527199441 1.4989102854723737 1.2172133733317116 0.997427870452739 0.4974932406646362 +8920,-0.2631916078488508,0,-0.09221293255290623 -0.24853924093865745 -0.30116393881109393 -0.07363950977440026 -0.18508004644543605 -0.22996581816015146 -0.29187722742184097 -0.01637145620734167 0.25913431500714884 0.9742110919796021 1.078570511216333 1.1880634181892697 1.2898560934804961 1.5701084061233161 1.445279527199441 1.4989102854723737 1.2172133733317116 0.997427870452739 0.4974932406646362 0.26068210023868954 +8921,-0.7870653157816143,0,-0.24853924093865745 -0.30116393881109393 -0.07363950977440026 -0.18508004644543605 -0.22996581816015146 -0.29187722742184097 -0.01637145620734167 0.25913431500714884 0.9742110919796021 1.078570511216333 1.1880634181892697 1.2898560934804961 1.5701084061233161 1.445279527199441 1.4989102854723737 1.2172133733317116 0.997427870452739 0.4974932406646362 0.26068210023868954 -0.2631916078488508 +8922,-0.08571223458042475,0,-0.30116393881109393 -0.07363950977440026 -0.18508004644543605 -0.22996581816015146 -0.29187722742184097 -0.01637145620734167 0.25913431500714884 0.9742110919796021 1.078570511216333 1.1880634181892697 1.2898560934804961 1.5701084061233161 1.445279527199441 1.4989102854723737 1.2172133733317116 0.997427870452739 0.4974932406646362 0.26068210023868954 -0.2631916078488508 -0.7870653157816143 +8923,-0.813790407497841,0,-0.07363950977440026 -0.18508004644543605 -0.22996581816015146 -0.29187722742184097 -0.01637145620734167 0.25913431500714884 0.9742110919796021 1.078570511216333 1.1880634181892697 1.2898560934804961 1.5701084061233161 1.445279527199441 1.4989102854723737 1.2172133733317116 0.997427870452739 0.4974932406646362 0.26068210023868954 -0.2631916078488508 -0.7870653157816143 -0.08571223458042475 +8924,-0.3166417911265097,0,-0.18508004644543605 -0.22996581816015146 -0.29187722742184097 -0.01637145620734167 0.25913431500714884 0.9742110919796021 1.078570511216333 1.1880634181892697 1.2898560934804961 1.5701084061233161 1.445279527199441 1.4989102854723737 1.2172133733317116 0.997427870452739 0.4974932406646362 0.26068210023868954 -0.2631916078488508 -0.7870653157816143 -0.08571223458042475 -0.813790407497841 +8925,-0.3759735582840303,0,-0.22996581816015146 -0.29187722742184097 -0.01637145620734167 0.25913431500714884 0.9742110919796021 1.078570511216333 1.1880634181892697 1.2898560934804961 1.5701084061233161 1.445279527199441 1.4989102854723737 1.2172133733317116 0.997427870452739 0.4974932406646362 0.26068210023868954 -0.2631916078488508 -0.7870653157816143 -0.08571223458042475 -0.813790407497841 -0.3166417911265097 +8926,-1.0657698431928935,0,-0.29187722742184097 -0.01637145620734167 0.25913431500714884 0.9742110919796021 1.078570511216333 1.1880634181892697 1.2898560934804961 1.5701084061233161 1.445279527199441 1.4989102854723737 1.2172133733317116 0.997427870452739 0.4974932406646362 0.26068210023868954 -0.2631916078488508 -0.7870653157816143 -0.08571223458042475 -0.813790407497841 -0.3166417911265097 -0.3759735582840303 +8927,-0.4946370927538571,0,-0.01637145620734167 0.25913431500714884 0.9742110919796021 1.078570511216333 1.1880634181892697 1.2898560934804961 1.5701084061233161 1.445279527199441 1.4989102854723737 1.2172133733317116 0.997427870452739 0.4974932406646362 0.26068210023868954 -0.2631916078488508 -0.7870653157816143 -0.08571223458042475 -0.813790407497841 -0.3166417911265097 -0.3759735582840303 -1.0657698431928935 +8928,-0.5013441620389412,0,0.25913431500714884 0.9742110919796021 1.078570511216333 1.1880634181892697 1.2898560934804961 1.5701084061233161 1.445279527199441 1.4989102854723737 1.2172133733317116 0.997427870452739 0.4974932406646362 0.26068210023868954 -0.2631916078488508 -0.7870653157816143 -0.08571223458042475 -0.813790407497841 -0.3166417911265097 -0.3759735582840303 -1.0657698431928935 -0.4946370927538571 +8929,-1.1454033933557346,0,0.9742110919796021 1.078570511216333 1.1880634181892697 1.2898560934804961 1.5701084061233161 1.445279527199441 1.4989102854723737 1.2172133733317116 0.997427870452739 0.4974932406646362 0.26068210023868954 -0.2631916078488508 -0.7870653157816143 -0.08571223458042475 -0.813790407497841 -0.3166417911265097 -0.3759735582840303 -1.0657698431928935 -0.4946370927538571 -0.5013441620389412 +8930,-0.5147583007639037,0,1.078570511216333 1.1880634181892697 1.2898560934804961 1.5701084061233161 1.445279527199441 1.4989102854723737 1.2172133733317116 0.997427870452739 0.4974932406646362 0.26068210023868954 -0.2631916078488508 -0.7870653157816143 -0.08571223458042475 -0.813790407497841 -0.3166417911265097 -0.3759735582840303 -1.0657698431928935 -0.4946370927538571 -0.5013441620389412 -1.1454033933557346 +8931,-0.2554655798498117,0,1.1880634181892697 1.2898560934804961 1.5701084061233161 1.445279527199441 1.4989102854723737 1.2172133733317116 0.997427870452739 0.4974932406646362 0.26068210023868954 -0.2631916078488508 -0.7870653157816143 -0.08571223458042475 -0.813790407497841 -0.3166417911265097 -0.3759735582840303 -1.0657698431928935 -0.4946370927538571 -0.5013441620389412 -1.1454033933557346 -0.5147583007639037 +8932,-0.7569866895002428,0,1.2898560934804961 1.5701084061233161 1.445279527199441 1.4989102854723737 1.2172133733317116 0.997427870452739 0.4974932406646362 0.26068210023868954 -0.2631916078488508 -0.7870653157816143 -0.08571223458042475 -0.813790407497841 -0.3166417911265097 -0.3759735582840303 -1.0657698431928935 -0.4946370927538571 -0.5013441620389412 -1.1454033933557346 -0.5147583007639037 -0.2554655798498117 +8933,-0.11728705330389368,0,1.5701084061233161 1.445279527199441 1.4989102854723737 1.2172133733317116 0.997427870452739 0.4974932406646362 0.26068210023868954 -0.2631916078488508 -0.7870653157816143 -0.08571223458042475 -0.813790407497841 -0.3166417911265097 -0.3759735582840303 -1.0657698431928935 -0.4946370927538571 -0.5013441620389412 -1.1454033933557346 -0.5147583007639037 -0.2554655798498117 -0.7569866895002428 +8934,-0.28359657643308417,0,1.445279527199441 1.4989102854723737 1.2172133733317116 0.997427870452739 0.4974932406646362 0.26068210023868954 -0.2631916078488508 -0.7870653157816143 -0.08571223458042475 -0.813790407497841 -0.3166417911265097 -0.3759735582840303 -1.0657698431928935 -0.4946370927538571 -0.5013441620389412 -1.1454033933557346 -0.5147583007639037 -0.2554655798498117 -0.7569866895002428 -0.11728705330389368 +8935,0.6247727794868585,0,1.4989102854723737 1.2172133733317116 0.997427870452739 0.4974932406646362 0.26068210023868954 -0.2631916078488508 -0.7870653157816143 -0.08571223458042475 -0.813790407497841 -0.3166417911265097 -0.3759735582840303 -1.0657698431928935 -0.4946370927538571 -0.5013441620389412 -1.1454033933557346 -0.5147583007639037 -0.2554655798498117 -0.7569866895002428 -0.11728705330389368 -0.28359657643308417 +8936,0.7271329762360296,0,1.2172133733317116 0.997427870452739 0.4974932406646362 0.26068210023868954 -0.2631916078488508 -0.7870653157816143 -0.08571223458042475 -0.813790407497841 -0.3166417911265097 -0.3759735582840303 -1.0657698431928935 -0.4946370927538571 -0.5013441620389412 -1.1454033933557346 -0.5147583007639037 -0.2554655798498117 -0.7569866895002428 -0.11728705330389368 -0.28359657643308417 0.6247727794868585 +8937,0.8596749848454849,0,0.997427870452739 0.4974932406646362 0.26068210023868954 -0.2631916078488508 -0.7870653157816143 -0.08571223458042475 -0.813790407497841 -0.3166417911265097 -0.3759735582840303 -1.0657698431928935 -0.4946370927538571 -0.5013441620389412 -1.1454033933557346 -0.5147583007639037 -0.2554655798498117 -0.7569866895002428 -0.11728705330389368 -0.28359657643308417 0.6247727794868585 0.7271329762360296 +8938,0.8194325688253916,0,0.4974932406646362 0.26068210023868954 -0.2631916078488508 -0.7870653157816143 -0.08571223458042475 -0.813790407497841 -0.3166417911265097 -0.3759735582840303 -1.0657698431928935 -0.4946370927538571 -0.5013441620389412 -1.1454033933557346 -0.5147583007639037 -0.2554655798498117 -0.7569866895002428 -0.11728705330389368 -0.28359657643308417 0.6247727794868585 0.7271329762360296 0.8596749848454849 +8939,0.271516596859492,0,0.26068210023868954 -0.2631916078488508 -0.7870653157816143 -0.08571223458042475 -0.813790407497841 -0.3166417911265097 -0.3759735582840303 -1.0657698431928935 -0.4946370927538571 -0.5013441620389412 -1.1454033933557346 -0.5147583007639037 -0.2554655798498117 -0.7569866895002428 -0.11728705330389368 -0.28359657643308417 0.6247727794868585 0.7271329762360296 0.8596749848454849 0.8194325688253916 +8940,0.4866587440438425,0,-0.2631916078488508 -0.7870653157816143 -0.08571223458042475 -0.813790407497841 -0.3166417911265097 -0.3759735582840303 -1.0657698431928935 -0.4946370927538571 -0.5013441620389412 -1.1454033933557346 -0.5147583007639037 -0.2554655798498117 -0.7569866895002428 -0.11728705330389368 -0.28359657643308417 0.6247727794868585 0.7271329762360296 0.8596749848454849 0.8194325688253916 0.271516596859492 +8941,0.07649565768517935,0,-0.7870653157816143 -0.08571223458042475 -0.813790407497841 -0.3166417911265097 -0.3759735582840303 -1.0657698431928935 -0.4946370927538571 -0.5013441620389412 -1.1454033933557346 -0.5147583007639037 -0.2554655798498117 -0.7569866895002428 -0.11728705330389368 -0.28359657643308417 0.6247727794868585 0.7271329762360296 0.8596749848454849 0.8194325688253916 0.271516596859492 0.4866587440438425 +8942,-0.06899615407977817,0,-0.08571223458042475 -0.813790407497841 -0.3166417911265097 -0.3759735582840303 -1.0657698431928935 -0.4946370927538571 -0.5013441620389412 -1.1454033933557346 -0.5147583007639037 -0.2554655798498117 -0.7569866895002428 -0.11728705330389368 -0.28359657643308417 0.6247727794868585 0.7271329762360296 0.8596749848454849 0.8194325688253916 0.271516596859492 0.4866587440438425 0.07649565768517935 +8943,-0.2794949455694978,0,-0.813790407497841 -0.3166417911265097 -0.3759735582840303 -1.0657698431928935 -0.4946370927538571 -0.5013441620389412 -1.1454033933557346 -0.5147583007639037 -0.2554655798498117 -0.7569866895002428 -0.11728705330389368 -0.28359657643308417 0.6247727794868585 0.7271329762360296 0.8596749848454849 0.8194325688253916 0.271516596859492 0.4866587440438425 0.07649565768517935 -0.06899615407977817 +8944,-0.5875042066463781,0,-0.3166417911265097 -0.3759735582840303 -1.0657698431928935 -0.4946370927538571 -0.5013441620389412 -1.1454033933557346 -0.5147583007639037 -0.2554655798498117 -0.7569866895002428 -0.11728705330389368 -0.28359657643308417 0.6247727794868585 0.7271329762360296 0.8596749848454849 0.8194325688253916 0.271516596859492 0.4866587440438425 0.07649565768517935 -0.06899615407977817 -0.2794949455694978 +8945,-0.1680544088984708,0,-0.3759735582840303 -1.0657698431928935 -0.4946370927538571 -0.5013441620389412 -1.1454033933557346 -0.5147583007639037 -0.2554655798498117 -0.7569866895002428 -0.11728705330389368 -0.28359657643308417 0.6247727794868585 0.7271329762360296 0.8596749848454849 0.8194325688253916 0.271516596859492 0.4866587440438425 0.07649565768517935 -0.06899615407977817 -0.2794949455694978 -0.5875042066463781 +8946,-0.7902640719783942,0,-1.0657698431928935 -0.4946370927538571 -0.5013441620389412 -1.1454033933557346 -0.5147583007639037 -0.2554655798498117 -0.7569866895002428 -0.11728705330389368 -0.28359657643308417 0.6247727794868585 0.7271329762360296 0.8596749848454849 0.8194325688253916 0.271516596859492 0.4866587440438425 0.07649565768517935 -0.06899615407977817 -0.2794949455694978 -0.5875042066463781 -0.1680544088984708 +8947,-0.25782595232791045,0,-0.4946370927538571 -0.5013441620389412 -1.1454033933557346 -0.5147583007639037 -0.2554655798498117 -0.7569866895002428 -0.11728705330389368 -0.28359657643308417 0.6247727794868585 0.7271329762360296 0.8596749848454849 0.8194325688253916 0.271516596859492 0.4866587440438425 0.07649565768517935 -0.06899615407977817 -0.2794949455694978 -0.5875042066463781 -0.1680544088984708 -0.7902640719783942 +8948,-0.5348795087739504,0,-0.5013441620389412 -1.1454033933557346 -0.5147583007639037 -0.2554655798498117 -0.7569866895002428 -0.11728705330389368 -0.28359657643308417 0.6247727794868585 0.7271329762360296 0.8596749848454849 0.8194325688253916 0.271516596859492 0.4866587440438425 0.07649565768517935 -0.06899615407977817 -0.2794949455694978 -0.5875042066463781 -0.1680544088984708 -0.7902640719783942 -0.25782595232791045 +8949,-0.7329960184113357,0,-1.1454033933557346 -0.5147583007639037 -0.2554655798498117 -0.7569866895002428 -0.11728705330389368 -0.28359657643308417 0.6247727794868585 0.7271329762360296 0.8596749848454849 0.8194325688253916 0.271516596859492 0.4866587440438425 0.07649565768517935 -0.06899615407977817 -0.2794949455694978 -0.5875042066463781 -0.1680544088984708 -0.7902640719783942 -0.25782595232791045 -0.5348795087739504 +8950,-0.3878399117774522,0,-0.5147583007639037 -0.2554655798498117 -0.7569866895002428 -0.11728705330389368 -0.28359657643308417 0.6247727794868585 0.7271329762360296 0.8596749848454849 0.8194325688253916 0.271516596859492 0.4866587440438425 0.07649565768517935 -0.06899615407977817 -0.2794949455694978 -0.5875042066463781 -0.1680544088984708 -0.7902640719783942 -0.25782595232791045 -0.5348795087739504 -0.7329960184113357 +8951,-0.40641333455594936,0,-0.2554655798498117 -0.7569866895002428 -0.11728705330389368 -0.28359657643308417 0.6247727794868585 0.7271329762360296 0.8596749848454849 0.8194325688253916 0.271516596859492 0.4866587440438425 0.07649565768517935 -0.06899615407977817 -0.2794949455694978 -0.5875042066463781 -0.1680544088984708 -0.7902640719783942 -0.25782595232791045 -0.5348795087739504 -0.7329960184113357 -0.3878399117774522 +8952,-0.28878165695875074,0,-0.7569866895002428 -0.11728705330389368 -0.28359657643308417 0.6247727794868585 0.7271329762360296 0.8596749848454849 0.8194325688253916 0.271516596859492 0.4866587440438425 0.07649565768517935 -0.06899615407977817 -0.2794949455694978 -0.5875042066463781 -0.1680544088984708 -0.7902640719783942 -0.25782595232791045 -0.5348795087739504 -0.7329960184113357 -0.3878399117774522 -0.40641333455594936 +8953,-0.4079611197874988,0,-0.11728705330389368 -0.28359657643308417 0.6247727794868585 0.7271329762360296 0.8596749848454849 0.8194325688253916 0.271516596859492 0.4866587440438425 0.07649565768517935 -0.06899615407977817 -0.2794949455694978 -0.5875042066463781 -0.1680544088984708 -0.7902640719783942 -0.25782595232791045 -0.5348795087739504 -0.7329960184113357 -0.3878399117774522 -0.40641333455594936 -0.28878165695875074 +8954,-0.5147583007639037,0,-0.28359657643308417 0.6247727794868585 0.7271329762360296 0.8596749848454849 0.8194325688253916 0.271516596859492 0.4866587440438425 0.07649565768517935 -0.06899615407977817 -0.2794949455694978 -0.5875042066463781 -0.1680544088984708 -0.7902640719783942 -0.25782595232791045 -0.5348795087739504 -0.7329960184113357 -0.3878399117774522 -0.40641333455594936 -0.28878165695875074 -0.4079611197874988 +8955,-0.7159703808643704,0,0.6247727794868585 0.7271329762360296 0.8596749848454849 0.8194325688253916 0.271516596859492 0.4866587440438425 0.07649565768517935 -0.06899615407977817 -0.2794949455694978 -0.5875042066463781 -0.1680544088984708 -0.7902640719783942 -0.25782595232791045 -0.5348795087739504 -0.7329960184113357 -0.3878399117774522 -0.40641333455594936 -0.28878165695875074 -0.4079611197874988 -0.5147583007639037 +8956,-0.6896580319281609,0,0.7271329762360296 0.8596749848454849 0.8194325688253916 0.271516596859492 0.4866587440438425 0.07649565768517935 -0.06899615407977817 -0.2794949455694978 -0.5875042066463781 -0.1680544088984708 -0.7902640719783942 -0.25782595232791045 -0.5348795087739504 -0.7329960184113357 -0.3878399117774522 -0.40641333455594936 -0.28878165695875074 -0.4079611197874988 -0.5147583007639037 -0.7159703808643704 +8957,-0.5905997771094683,0,0.8596749848454849 0.8194325688253916 0.271516596859492 0.4866587440438425 0.07649565768517935 -0.06899615407977817 -0.2794949455694978 -0.5875042066463781 -0.1680544088984708 -0.7902640719783942 -0.25782595232791045 -0.5348795087739504 -0.7329960184113357 -0.3878399117774522 -0.40641333455594936 -0.28878165695875074 -0.4079611197874988 -0.5147583007639037 -0.7159703808643704 -0.6896580319281609 +8958,-0.643224474981896,0,0.8194325688253916 0.271516596859492 0.4866587440438425 0.07649565768517935 -0.06899615407977817 -0.2794949455694978 -0.5875042066463781 -0.1680544088984708 -0.7902640719783942 -0.25782595232791045 -0.5348795087739504 -0.7329960184113357 -0.3878399117774522 -0.40641333455594936 -0.28878165695875074 -0.4079611197874988 -0.5147583007639037 -0.7159703808643704 -0.6896580319281609 -0.5905997771094683 +8959,-0.5286883678477788,0,0.271516596859492 0.4866587440438425 0.07649565768517935 -0.06899615407977817 -0.2794949455694978 -0.5875042066463781 -0.1680544088984708 -0.7902640719783942 -0.25782595232791045 -0.5348795087739504 -0.7329960184113357 -0.3878399117774522 -0.40641333455594936 -0.28878165695875074 -0.4079611197874988 -0.5147583007639037 -0.7159703808643704 -0.6896580319281609 -0.5905997771094683 -0.643224474981896 +8960,-0.24699145570711675,0,0.4866587440438425 0.07649565768517935 -0.06899615407977817 -0.2794949455694978 -0.5875042066463781 -0.1680544088984708 -0.7902640719783942 -0.25782595232791045 -0.5348795087739504 -0.7329960184113357 -0.3878399117774522 -0.40641333455594936 -0.28878165695875074 -0.4079611197874988 -0.5147583007639037 -0.7159703808643704 -0.6896580319281609 -0.5905997771094683 -0.643224474981896 -0.5286883678477788 +8961,-0.13245534857299956,0,0.07649565768517935 -0.06899615407977817 -0.2794949455694978 -0.5875042066463781 -0.1680544088984708 -0.7902640719783942 -0.25782595232791045 -0.5348795087739504 -0.7329960184113357 -0.3878399117774522 -0.40641333455594936 -0.28878165695875074 -0.4079611197874988 -0.5147583007639037 -0.7159703808643704 -0.6896580319281609 -0.5905997771094683 -0.643224474981896 -0.5286883678477788 -0.24699145570711675 +8962,-0.6416766897503553,0,-0.06899615407977817 -0.2794949455694978 -0.5875042066463781 -0.1680544088984708 -0.7902640719783942 -0.25782595232791045 -0.5348795087739504 -0.7329960184113357 -0.3878399117774522 -0.40641333455594936 -0.28878165695875074 -0.4079611197874988 -0.5147583007639037 -0.7159703808643704 -0.6896580319281609 -0.5905997771094683 -0.643224474981896 -0.5286883678477788 -0.24699145570711675 -0.13245534857299956 +8963,-0.5673829986363315,0,-0.2794949455694978 -0.5875042066463781 -0.1680544088984708 -0.7902640719783942 -0.25782595232791045 -0.5348795087739504 -0.7329960184113357 -0.3878399117774522 -0.40641333455594936 -0.28878165695875074 -0.4079611197874988 -0.5147583007639037 -0.7159703808643704 -0.6896580319281609 -0.5905997771094683 -0.643224474981896 -0.5286883678477788 -0.24699145570711675 -0.13245534857299956 -0.6416766897503553 +8964,-0.6540589716026897,0,-0.5875042066463781 -0.1680544088984708 -0.7902640719783942 -0.25782595232791045 -0.5348795087739504 -0.7329960184113357 -0.3878399117774522 -0.40641333455594936 -0.28878165695875074 -0.4079611197874988 -0.5147583007639037 -0.7159703808643704 -0.6896580319281609 -0.5905997771094683 -0.643224474981896 -0.5286883678477788 -0.24699145570711675 -0.13245534857299956 -0.6416766897503553 -0.5673829986363315 +8965,-1.1400635343069085,0,-0.1680544088984708 -0.7902640719783942 -0.25782595232791045 -0.5348795087739504 -0.7329960184113357 -0.3878399117774522 -0.40641333455594936 -0.28878165695875074 -0.4079611197874988 -0.5147583007639037 -0.7159703808643704 -0.6896580319281609 -0.5905997771094683 -0.643224474981896 -0.5286883678477788 -0.24699145570711675 -0.13245534857299956 -0.6416766897503553 -0.5673829986363315 -0.6540589716026897 +8966,-0.8397931993877406,0,-0.7902640719783942 -0.25782595232791045 -0.5348795087739504 -0.7329960184113357 -0.3878399117774522 -0.40641333455594936 -0.28878165695875074 -0.4079611197874988 -0.5147583007639037 -0.7159703808643704 -0.6896580319281609 -0.5905997771094683 -0.643224474981896 -0.5286883678477788 -0.24699145570711675 -0.13245534857299956 -0.6416766897503553 -0.5673829986363315 -0.6540589716026897 -1.1400635343069085 +8967,-0.9233736018910174,0,-0.25782595232791045 -0.5348795087739504 -0.7329960184113357 -0.3878399117774522 -0.40641333455594936 -0.28878165695875074 -0.4079611197874988 -0.5147583007639037 -0.7159703808643704 -0.6896580319281609 -0.5905997771094683 -0.643224474981896 -0.5286883678477788 -0.24699145570711675 -0.13245534857299956 -0.6416766897503553 -0.5673829986363315 -0.6540589716026897 -1.1400635343069085 -0.8397931993877406 +8968,-1.0146929305519976,0,-0.5348795087739504 -0.7329960184113357 -0.3878399117774522 -0.40641333455594936 -0.28878165695875074 -0.4079611197874988 -0.5147583007639037 -0.7159703808643704 -0.6896580319281609 -0.5905997771094683 -0.643224474981896 -0.5286883678477788 -0.24699145570711675 -0.13245534857299956 -0.6416766897503553 -0.5673829986363315 -0.6540589716026897 -1.1400635343069085 -0.8397931993877406 -0.9233736018910174 +8969,-1.1617325275485046,0,-0.7329960184113357 -0.3878399117774522 -0.40641333455594936 -0.28878165695875074 -0.4079611197874988 -0.5147583007639037 -0.7159703808643704 -0.6896580319281609 -0.5905997771094683 -0.643224474981896 -0.5286883678477788 -0.24699145570711675 -0.13245534857299956 -0.6416766897503553 -0.5673829986363315 -0.6540589716026897 -1.1400635343069085 -0.8397931993877406 -0.9233736018910174 -1.0146929305519976 +8970,-1.192688232179345,0,-0.3878399117774522 -0.40641333455594936 -0.28878165695875074 -0.4079611197874988 -0.5147583007639037 -0.7159703808643704 -0.6896580319281609 -0.5905997771094683 -0.643224474981896 -0.5286883678477788 -0.24699145570711675 -0.13245534857299956 -0.6416766897503553 -0.5673829986363315 -0.6540589716026897 -1.1400635343069085 -0.8397931993877406 -0.9233736018910174 -1.0146929305519976 -1.1617325275485046 +8971,-1.2220961515786448,0,-0.40641333455594936 -0.28878165695875074 -0.4079611197874988 -0.5147583007639037 -0.7159703808643704 -0.6896580319281609 -0.5905997771094683 -0.643224474981896 -0.5286883678477788 -0.24699145570711675 -0.13245534857299956 -0.6416766897503553 -0.5673829986363315 -0.6540589716026897 -1.1400635343069085 -0.8397931993877406 -0.9233736018910174 -1.0146929305519976 -1.1617325275485046 -1.192688232179345 +8972,-1.3227021916288781,0,-0.28878165695875074 -0.4079611197874988 -0.5147583007639037 -0.7159703808643704 -0.6896580319281609 -0.5905997771094683 -0.643224474981896 -0.5286883678477788 -0.24699145570711675 -0.13245534857299956 -0.6416766897503553 -0.5673829986363315 -0.6540589716026897 -1.1400635343069085 -0.8397931993877406 -0.9233736018910174 -1.0146929305519976 -1.1617325275485046 -1.192688232179345 -1.2220961515786448 +8973,-1.392352527048271,0,-0.4079611197874988 -0.5147583007639037 -0.7159703808643704 -0.6896580319281609 -0.5905997771094683 -0.643224474981896 -0.5286883678477788 -0.24699145570711675 -0.13245534857299956 -0.6416766897503553 -0.5673829986363315 -0.6540589716026897 -1.1400635343069085 -0.8397931993877406 -0.9233736018910174 -1.0146929305519976 -1.1617325275485046 -1.192688232179345 -1.2220961515786448 -1.3227021916288781 +8974,-1.997536552581238,0,-0.5147583007639037 -0.7159703808643704 -0.6896580319281609 -0.5905997771094683 -0.643224474981896 -0.5286883678477788 -0.24699145570711675 -0.13245534857299956 -0.6416766897503553 -0.5673829986363315 -0.6540589716026897 -1.1400635343069085 -0.8397931993877406 -0.9233736018910174 -1.0146929305519976 -1.1617325275485046 -1.192688232179345 -1.2220961515786448 -1.3227021916288781 -1.392352527048271 +8975,-1.48367185570926,0,-0.7159703808643704 -0.6896580319281609 -0.5905997771094683 -0.643224474981896 -0.5286883678477788 -0.24699145570711675 -0.13245534857299956 -0.6416766897503553 -0.5673829986363315 -0.6540589716026897 -1.1400635343069085 -0.8397931993877406 -0.9233736018910174 -1.0146929305519976 -1.1617325275485046 -1.192688232179345 -1.2220961515786448 -1.3227021916288781 -1.392352527048271 -1.997536552581238 +8976,-1.6167813856218833,0,-0.6896580319281609 -0.5905997771094683 -0.643224474981896 -0.5286883678477788 -0.24699145570711675 -0.13245534857299956 -0.6416766897503553 -0.5673829986363315 -0.6540589716026897 -1.1400635343069085 -0.8397931993877406 -0.9233736018910174 -1.0146929305519976 -1.1617325275485046 -1.192688232179345 -1.2220961515786448 -1.3227021916288781 -1.392352527048271 -1.997536552581238 -1.48367185570926 +8977,-1.678692794883564,0,-0.5905997771094683 -0.643224474981896 -0.5286883678477788 -0.24699145570711675 -0.13245534857299956 -0.6416766897503553 -0.5673829986363315 -0.6540589716026897 -1.1400635343069085 -0.8397931993877406 -0.9233736018910174 -1.0146929305519976 -1.1617325275485046 -1.192688232179345 -1.2220961515786448 -1.3227021916288781 -1.392352527048271 -1.997536552581238 -1.48367185570926 -1.6167813856218833 +8978,-1.7096484995144043,0,-0.643224474981896 -0.5286883678477788 -0.24699145570711675 -0.13245534857299956 -0.6416766897503553 -0.5673829986363315 -0.6540589716026897 -1.1400635343069085 -0.8397931993877406 -0.9233736018910174 -1.0146929305519976 -1.1617325275485046 -1.192688232179345 -1.2220961515786448 -1.3227021916288781 -1.392352527048271 -1.997536552581238 -1.48367185570926 -1.6167813856218833 -1.678692794883564 +8979,-1.5068886341823882,0,-0.5286883678477788 -0.24699145570711675 -0.13245534857299956 -0.6416766897503553 -0.5673829986363315 -0.6540589716026897 -1.1400635343069085 -0.8397931993877406 -0.9233736018910174 -1.0146929305519976 -1.1617325275485046 -1.192688232179345 -1.2220961515786448 -1.3227021916288781 -1.392352527048271 -1.997536552581238 -1.48367185570926 -1.6167813856218833 -1.678692794883564 -1.7096484995144043 +8980,-1.5223664864978128,0,-0.24699145570711675 -0.13245534857299956 -0.6416766897503553 -0.5673829986363315 -0.6540589716026897 -1.1400635343069085 -0.8397931993877406 -0.9233736018910174 -1.0146929305519976 -1.1617325275485046 -1.192688232179345 -1.2220961515786448 -1.3227021916288781 -1.392352527048271 -1.997536552581238 -1.48367185570926 -1.6167813856218833 -1.678692794883564 -1.7096484995144043 -1.5068886341823882 +8981,-0.822767561840784,0,-0.13245534857299956 -0.6416766897503553 -0.5673829986363315 -0.6540589716026897 -1.1400635343069085 -0.8397931993877406 -0.9233736018910174 -1.0146929305519976 -1.1617325275485046 -1.192688232179345 -1.2220961515786448 -1.3227021916288781 -1.392352527048271 -1.997536552581238 -1.48367185570926 -1.6167813856218833 -1.678692794883564 -1.7096484995144043 -1.5068886341823882 -1.5223664864978128 +8982,-0.5395228644685724,0,-0.6416766897503553 -0.5673829986363315 -0.6540589716026897 -1.1400635343069085 -0.8397931993877406 -0.9233736018910174 -1.0146929305519976 -1.1617325275485046 -1.192688232179345 -1.2220961515786448 -1.3227021916288781 -1.392352527048271 -1.997536552581238 -1.48367185570926 -1.6167813856218833 -1.678692794883564 -1.7096484995144043 -1.5068886341823882 -1.5223664864978128 -0.822767561840784 +8983,-0.7020403137804953,0,-0.5673829986363315 -0.6540589716026897 -1.1400635343069085 -0.8397931993877406 -0.9233736018910174 -1.0146929305519976 -1.1617325275485046 -1.192688232179345 -1.2220961515786448 -1.3227021916288781 -1.392352527048271 -1.997536552581238 -1.48367185570926 -1.6167813856218833 -1.678692794883564 -1.7096484995144043 -1.5068886341823882 -1.5223664864978128 -0.822767561840784 -0.5395228644685724 +8984,0.15388491926228462,0,-0.6540589716026897 -1.1400635343069085 -0.8397931993877406 -0.9233736018910174 -1.0146929305519976 -1.1617325275485046 -1.192688232179345 -1.2220961515786448 -1.3227021916288781 -1.392352527048271 -1.997536552581238 -1.48367185570926 -1.6167813856218833 -1.678692794883564 -1.7096484995144043 -1.5068886341823882 -1.5223664864978128 -0.822767561840784 -0.5395228644685724 -0.7020403137804953 +8985,-0.7778817901260598,0,-1.1400635343069085 -0.8397931993877406 -0.9233736018910174 -1.0146929305519976 -1.1617325275485046 -1.192688232179345 -1.2220961515786448 -1.3227021916288781 -1.392352527048271 -1.997536552581238 -1.48367185570926 -1.6167813856218833 -1.678692794883564 -1.7096484995144043 -1.5068886341823882 -1.5223664864978128 -0.822767561840784 -0.5395228644685724 -0.7020403137804953 0.15388491926228462 +8986,0.19412733528238674,0,-0.8397931993877406 -0.9233736018910174 -1.0146929305519976 -1.1617325275485046 -1.192688232179345 -1.2220961515786448 -1.3227021916288781 -1.392352527048271 -1.997536552581238 -1.48367185570926 -1.6167813856218833 -1.678692794883564 -1.7096484995144043 -1.5068886341823882 -1.5223664864978128 -0.822767561840784 -0.5395228644685724 -0.7020403137804953 0.15388491926228462 -0.7778817901260598 +8987,0.15388491926228462,0,-0.9233736018910174 -1.0146929305519976 -1.1617325275485046 -1.192688232179345 -1.2220961515786448 -1.3227021916288781 -1.392352527048271 -1.997536552581238 -1.48367185570926 -1.6167813856218833 -1.678692794883564 -1.7096484995144043 -1.5068886341823882 -1.5223664864978128 -0.822767561840784 -0.5395228644685724 -0.7020403137804953 0.15388491926228462 -0.7778817901260598 0.19412733528238674 +8988,0.023870959812751655,0,-1.0146929305519976 -1.1617325275485046 -1.192688232179345 -1.2220961515786448 -1.3227021916288781 -1.392352527048271 -1.997536552581238 -1.48367185570926 -1.6167813856218833 -1.678692794883564 -1.7096484995144043 -1.5068886341823882 -1.5223664864978128 -0.822767561840784 -0.5395228644685724 -0.7020403137804953 0.15388491926228462 -0.7778817901260598 0.19412733528238674 0.15388491926228462 +8989,-0.18043669075080518,0,-1.1617325275485046 -1.192688232179345 -1.2220961515786448 -1.3227021916288781 -1.392352527048271 -1.997536552581238 -1.48367185570926 -1.6167813856218833 -1.678692794883564 -1.7096484995144043 -1.5068886341823882 -1.5223664864978128 -0.822767561840784 -0.5395228644685724 -0.7020403137804953 0.15388491926228462 -0.7778817901260598 0.19412733528238674 0.15388491926228462 0.023870959812751655 +8990,-0.4203434016398332,0,-1.192688232179345 -1.2220961515786448 -1.3227021916288781 -1.392352527048271 -1.997536552581238 -1.48367185570926 -1.6167813856218833 -1.678692794883564 -1.7096484995144043 -1.5068886341823882 -1.5223664864978128 -0.822767561840784 -0.5395228644685724 -0.7020403137804953 0.15388491926228462 -0.7778817901260598 0.19412733528238674 0.15388491926228462 0.023870959812751655 -0.18043669075080518 +8991,-1.3521101110281777,0,-1.2220961515786448 -1.3227021916288781 -1.392352527048271 -1.997536552581238 -1.48367185570926 -1.6167813856218833 -1.678692794883564 -1.7096484995144043 -1.5068886341823882 -1.5223664864978128 -0.822767561840784 -0.5395228644685724 -0.7020403137804953 0.15388491926228462 -0.7778817901260598 0.19412733528238674 0.15388491926228462 0.023870959812751655 -0.18043669075080518 -0.4203434016398332 +8992,-0.4868981665961448,0,-1.3227021916288781 -1.392352527048271 -1.997536552581238 -1.48367185570926 -1.6167813856218833 -1.678692794883564 -1.7096484995144043 -1.5068886341823882 -1.5223664864978128 -0.822767561840784 -0.5395228644685724 -0.7020403137804953 0.15388491926228462 -0.7778817901260598 0.19412733528238674 0.15388491926228462 0.023870959812751655 -0.18043669075080518 -0.4203434016398332 -1.3521101110281777 +8993,-0.9140868905017644,0,-1.392352527048271 -1.997536552581238 -1.48367185570926 -1.6167813856218833 -1.678692794883564 -1.7096484995144043 -1.5068886341823882 -1.5223664864978128 -0.822767561840784 -0.5395228644685724 -0.7020403137804953 0.15388491926228462 -0.7778817901260598 0.19412733528238674 0.15388491926228462 0.023870959812751655 -0.18043669075080518 -0.4203434016398332 -1.3521101110281777 -0.4868981665961448 +8994,-1.4465250101522482,0,-1.997536552581238 -1.48367185570926 -1.6167813856218833 -1.678692794883564 -1.7096484995144043 -1.5068886341823882 -1.5223664864978128 -0.822767561840784 -0.5395228644685724 -0.7020403137804953 0.15388491926228462 -0.7778817901260598 0.19412733528238674 0.15388491926228462 0.023870959812751655 -0.18043669075080518 -0.4203434016398332 -1.3521101110281777 -0.4868981665961448 -0.9140868905017644 +8995,-1.0827954807398499,0,-1.48367185570926 -1.6167813856218833 -1.678692794883564 -1.7096484995144043 -1.5068886341823882 -1.5223664864978128 -0.822767561840784 -0.5395228644685724 -0.7020403137804953 0.15388491926228462 -0.7778817901260598 0.19412733528238674 0.15388491926228462 0.023870959812751655 -0.18043669075080518 -0.4203434016398332 -1.3521101110281777 -0.4868981665961448 -0.9140868905017644 -1.4465250101522482 +8996,-1.1369679638438273,0,-1.6167813856218833 -1.678692794883564 -1.7096484995144043 -1.5068886341823882 -1.5223664864978128 -0.822767561840784 -0.5395228644685724 -0.7020403137804953 0.15388491926228462 -0.7778817901260598 0.19412733528238674 0.15388491926228462 0.023870959812751655 -0.18043669075080518 -0.4203434016398332 -1.3521101110281777 -0.4868981665961448 -0.9140868905017644 -1.4465250101522482 -1.0827954807398499 +8997,-1.229835077736357,0,-1.678692794883564 -1.7096484995144043 -1.5068886341823882 -1.5223664864978128 -0.822767561840784 -0.5395228644685724 -0.7020403137804953 0.15388491926228462 -0.7778817901260598 0.19412733528238674 0.15388491926228462 0.023870959812751655 -0.18043669075080518 -0.4203434016398332 -1.3521101110281777 -0.4868981665961448 -0.9140868905017644 -1.4465250101522482 -1.0827954807398499 -1.1369679638438273 +8998,-1.2840075608403254,0,-1.7096484995144043 -1.5068886341823882 -1.5223664864978128 -0.822767561840784 -0.5395228644685724 -0.7020403137804953 0.15388491926228462 -0.7778817901260598 0.19412733528238674 0.15388491926228462 0.023870959812751655 -0.18043669075080518 -0.4203434016398332 -1.3521101110281777 -0.4868981665961448 -0.9140868905017644 -1.4465250101522482 -1.0827954807398499 -1.1369679638438273 -1.229835077736357 +8999,-0.952781521290317,0,-1.5068886341823882 -1.5223664864978128 -0.822767561840784 -0.5395228644685724 -0.7020403137804953 0.15388491926228462 -0.7778817901260598 0.19412733528238674 0.15388491926228462 0.023870959812751655 -0.18043669075080518 -0.4203434016398332 -1.3521101110281777 -0.4868981665961448 -0.9140868905017644 -1.4465250101522482 -1.0827954807398499 -1.1369679638438273 -1.229835077736357 -1.2840075608403254 +9000,-1.5084364194139288,0,-1.5223664864978128 -0.822767561840784 -0.5395228644685724 -0.7020403137804953 0.15388491926228462 -0.7778817901260598 0.19412733528238674 0.15388491926228462 0.023870959812751655 -0.18043669075080518 -0.4203434016398332 -1.3521101110281777 -0.4868981665961448 -0.9140868905017644 -1.4465250101522482 -1.0827954807398499 -1.1369679638438273 -1.229835077736357 -1.2840075608403254 -0.952781521290317 +9001,-1.6028513185379993,0,-0.822767561840784 -0.5395228644685724 -0.7020403137804953 0.15388491926228462 -0.7778817901260598 0.19412733528238674 0.15388491926228462 0.023870959812751655 -0.18043669075080518 -0.4203434016398332 -1.3521101110281777 -0.4868981665961448 -0.9140868905017644 -1.4465250101522482 -1.0827954807398499 -1.1369679638438273 -1.229835077736357 -1.2840075608403254 -0.952781521290317 -1.5084364194139288 +9002,-1.4604550772361233,0,-0.5395228644685724 -0.7020403137804953 0.15388491926228462 -0.7778817901260598 0.19412733528238674 0.15388491926228462 0.023870959812751655 -0.18043669075080518 -0.4203434016398332 -1.3521101110281777 -0.4868981665961448 -0.9140868905017644 -1.4465250101522482 -1.0827954807398499 -1.1369679638438273 -1.229835077736357 -1.2840075608403254 -0.952781521290317 -1.5084364194139288 -1.6028513185379993 +9003,-1.0471964204143875,0,-0.7020403137804953 0.15388491926228462 -0.7778817901260598 0.19412733528238674 0.15388491926228462 0.023870959812751655 -0.18043669075080518 -0.4203434016398332 -1.3521101110281777 -0.4868981665961448 -0.9140868905017644 -1.4465250101522482 -1.0827954807398499 -1.1369679638438273 -1.229835077736357 -1.2840075608403254 -0.952781521290317 -1.5084364194139288 -1.6028513185379993 -1.4604550772361233 +9004,-0.4079611197874988,0,0.15388491926228462 -0.7778817901260598 0.19412733528238674 0.15388491926228462 0.023870959812751655 -0.18043669075080518 -0.4203434016398332 -1.3521101110281777 -0.4868981665961448 -0.9140868905017644 -1.4465250101522482 -1.0827954807398499 -1.1369679638438273 -1.229835077736357 -1.2840075608403254 -0.952781521290317 -1.5084364194139288 -1.6028513185379993 -1.4604550772361233 -1.0471964204143875 +9005,-0.04887494606973151,0,-0.7778817901260598 0.19412733528238674 0.15388491926228462 0.023870959812751655 -0.18043669075080518 -0.4203434016398332 -1.3521101110281777 -0.4868981665961448 -0.9140868905017644 -1.4465250101522482 -1.0827954807398499 -1.1369679638438273 -1.229835077736357 -1.2840075608403254 -0.952781521290317 -1.5084364194139288 -1.6028513185379993 -1.4604550772361233 -1.0471964204143875 -0.4079611197874988 +9006,0.19799679836123849,0,0.19412733528238674 0.15388491926228462 0.023870959812751655 -0.18043669075080518 -0.4203434016398332 -1.3521101110281777 -0.4868981665961448 -0.9140868905017644 -1.4465250101522482 -1.0827954807398499 -1.1369679638438273 -1.229835077736357 -1.2840075608403254 -0.952781521290317 -1.5084364194139288 -1.6028513185379993 -1.4604550772361233 -1.0471964204143875 -0.4079611197874988 -0.04887494606973151 +9007,0.4448685427922085,0,0.15388491926228462 0.023870959812751655 -0.18043669075080518 -0.4203434016398332 -1.3521101110281777 -0.4868981665961448 -0.9140868905017644 -1.4465250101522482 -1.0827954807398499 -1.1369679638438273 -1.229835077736357 -1.2840075608403254 -0.952781521290317 -1.5084364194139288 -1.6028513185379993 -1.4604550772361233 -1.0471964204143875 -0.4079611197874988 -0.04887494606973151 0.19799679836123849 +9008,0.6182204887249162,0,0.023870959812751655 -0.18043669075080518 -0.4203434016398332 -1.3521101110281777 -0.4868981665961448 -0.9140868905017644 -1.4465250101522482 -1.0827954807398499 -1.1369679638438273 -1.229835077736357 -1.2840075608403254 -0.952781521290317 -1.5084364194139288 -1.6028513185379993 -1.4604550772361233 -1.0471964204143875 -0.4079611197874988 -0.04887494606973151 0.19799679836123849 0.4448685427922085 +9009,0.7304349180117223,0,-0.18043669075080518 -0.4203434016398332 -1.3521101110281777 -0.4868981665961448 -0.9140868905017644 -1.4465250101522482 -1.0827954807398499 -1.1369679638438273 -1.229835077736357 -1.2840075608403254 -0.952781521290317 -1.5084364194139288 -1.6028513185379993 -1.4604550772361233 -1.0471964204143875 -0.4079611197874988 -0.04887494606973151 0.19799679836123849 0.4448685427922085 0.6182204887249162 +9010,0.8426493472985285,0,-0.4203434016398332 -1.3521101110281777 -0.4868981665961448 -0.9140868905017644 -1.4465250101522482 -1.0827954807398499 -1.1369679638438273 -1.229835077736357 -1.2840075608403254 -0.952781521290317 -1.5084364194139288 -1.6028513185379993 -1.4604550772361233 -1.0471964204143875 -0.4079611197874988 -0.04887494606973151 0.19799679836123849 0.4448685427922085 0.6182204887249162 0.7304349180117223 +9011,0.734304381090574,0,-1.3521101110281777 -0.4868981665961448 -0.9140868905017644 -1.4465250101522482 -1.0827954807398499 -1.1369679638438273 -1.229835077736357 -1.2840075608403254 -0.952781521290317 -1.5084364194139288 -1.6028513185379993 -1.4604550772361233 -1.0471964204143875 -0.4079611197874988 -0.04887494606973151 0.19799679836123849 0.4448685427922085 0.6182204887249162 0.7304349180117223 0.8426493472985285 +9012,0.4820153883492116,0,-0.4868981665961448 -0.9140868905017644 -1.4465250101522482 -1.0827954807398499 -1.1369679638438273 -1.229835077736357 -1.2840075608403254 -0.952781521290317 -1.5084364194139288 -1.6028513185379993 -1.4604550772361233 -1.0471964204143875 -0.4079611197874988 -0.04887494606973151 0.19799679836123849 0.4448685427922085 0.6182204887249162 0.7304349180117223 0.8426493472985285 0.734304381090574 +9013,0.24388863047645887,0,-0.9140868905017644 -1.4465250101522482 -1.0827954807398499 -1.1369679638438273 -1.229835077736357 -1.2840075608403254 -0.952781521290317 -1.5084364194139288 -1.6028513185379993 -1.4604550772361233 -1.0471964204143875 -0.4079611197874988 -0.04887494606973151 0.19799679836123849 0.4448685427922085 0.6182204887249162 0.7304349180117223 0.8426493472985285 0.734304381090574 0.4820153883492116 +9014,-0.02256259713351326,0,-1.4465250101522482 -1.0827954807398499 -1.1369679638438273 -1.229835077736357 -1.2840075608403254 -0.952781521290317 -1.5084364194139288 -1.6028513185379993 -1.4604550772361233 -1.0471964204143875 -0.4079611197874988 -0.04887494606973151 0.19799679836123849 0.4448685427922085 0.6182204887249162 0.7304349180117223 0.8426493472985285 0.734304381090574 0.4820153883492116 0.24388863047645887 +9015,-0.1634110532038399,0,-1.0827954807398499 -1.1369679638438273 -1.229835077736357 -1.2840075608403254 -0.952781521290317 -1.5084364194139288 -1.6028513185379993 -1.4604550772361233 -1.0471964204143875 -0.4079611197874988 -0.04887494606973151 0.19799679836123849 0.4448685427922085 0.6182204887249162 0.7304349180117223 0.8426493472985285 0.734304381090574 0.4820153883492116 0.24388863047645887 -0.02256259713351326 +9016,-0.30425950927417533,0,-1.1369679638438273 -1.229835077736357 -1.2840075608403254 -0.952781521290317 -1.5084364194139288 -1.6028513185379993 -1.4604550772361233 -1.0471964204143875 -0.4079611197874988 -0.04887494606973151 0.19799679836123849 0.4448685427922085 0.6182204887249162 0.7304349180117223 0.8426493472985285 0.734304381090574 0.4820153883492116 0.24388863047645887 -0.02256259713351326 -0.1634110532038399 +9017,-0.40486554932440866,0,-1.229835077736357 -1.2840075608403254 -0.952781521290317 -1.5084364194139288 -1.6028513185379993 -1.4604550772361233 -1.0471964204143875 -0.4079611197874988 -0.04887494606973151 0.19799679836123849 0.4448685427922085 0.6182204887249162 0.7304349180117223 0.8426493472985285 0.734304381090574 0.4820153883492116 0.24388863047645887 -0.02256259713351326 -0.1634110532038399 -0.30425950927417533 +9018,-0.46832474381763883,0,-1.2840075608403254 -0.952781521290317 -1.5084364194139288 -1.6028513185379993 -1.4604550772361233 -1.0471964204143875 -0.4079611197874988 -0.04887494606973151 0.19799679836123849 0.4448685427922085 0.6182204887249162 0.7304349180117223 0.8426493472985285 0.734304381090574 0.4820153883492116 0.24388863047645887 -0.02256259713351326 -0.1634110532038399 -0.30425950927417533 -0.40486554932440866 +9019,-0.5751219247940438,0,-0.952781521290317 -1.5084364194139288 -1.6028513185379993 -1.4604550772361233 -1.0471964204143875 -0.4079611197874988 -0.04887494606973151 0.19799679836123849 0.4448685427922085 0.6182204887249162 0.7304349180117223 0.8426493472985285 0.734304381090574 0.4820153883492116 0.24388863047645887 -0.02256259713351326 -0.1634110532038399 -0.30425950927417533 -0.40486554932440866 -0.46832474381763883 +9020,-0.6819191057704487,0,-1.5084364194139288 -1.6028513185379993 -1.4604550772361233 -1.0471964204143875 -0.4079611197874988 -0.04887494606973151 0.19799679836123849 0.4448685427922085 0.6182204887249162 0.7304349180117223 0.8426493472985285 0.734304381090574 0.4820153883492116 0.24388863047645887 -0.02256259713351326 -0.1634110532038399 -0.30425950927417533 -0.40486554932440866 -0.46832474381763883 -0.5751219247940438 +9021,-0.7082314547066669,0,-1.6028513185379993 -1.4604550772361233 -1.0471964204143875 -0.4079611197874988 -0.04887494606973151 0.19799679836123849 0.4448685427922085 0.6182204887249162 0.7304349180117223 0.8426493472985285 0.734304381090574 0.4820153883492116 0.24388863047645887 -0.02256259713351326 -0.1634110532038399 -0.30425950927417533 -0.40486554932440866 -0.46832474381763883 -0.5751219247940438 -0.6819191057704487 +9022,-0.7562127968844725,0,-1.4604550772361233 -1.0471964204143875 -0.4079611197874988 -0.04887494606973151 0.19799679836123849 0.4448685427922085 0.6182204887249162 0.7304349180117223 0.8426493472985285 0.734304381090574 0.4820153883492116 0.24388863047645887 -0.02256259713351326 -0.1634110532038399 -0.30425950927417533 -0.40486554932440866 -0.46832474381763883 -0.5751219247940438 -0.6819191057704487 -0.7082314547066669 +9023,-0.8041941390622781,0,-1.0471964204143875 -0.4079611197874988 -0.04887494606973151 0.19799679836123849 0.4448685427922085 0.6182204887249162 0.7304349180117223 0.8426493472985285 0.734304381090574 0.4820153883492116 0.24388863047645887 -0.02256259713351326 -0.1634110532038399 -0.30425950927417533 -0.40486554932440866 -0.46832474381763883 -0.5751219247940438 -0.6819191057704487 -0.7082314547066669 -0.7562127968844725 +9024,-0.8815834006393833,0,-0.4079611197874988 -0.04887494606973151 0.19799679836123849 0.4448685427922085 0.6182204887249162 0.7304349180117223 0.8426493472985285 0.734304381090574 0.4820153883492116 0.24388863047645887 -0.02256259713351326 -0.1634110532038399 -0.30425950927417533 -0.40486554932440866 -0.46832474381763883 -0.5751219247940438 -0.6819191057704487 -0.7082314547066669 -0.7562127968844725 -0.8041941390622781 +9025,-1.118446133854782,0,-0.04887494606973151 0.19799679836123849 0.4448685427922085 0.6182204887249162 0.7304349180117223 0.8426493472985285 0.734304381090574 0.4820153883492116 0.24388863047645887 -0.02256259713351326 -0.1634110532038399 -0.30425950927417533 -0.40486554932440866 -0.46832474381763883 -0.5751219247940438 -0.6819191057704487 -0.7082314547066669 -0.7562127968844725 -0.8041941390622781 -0.8815834006393833 +9026,-1.3553088672249576,0,0.19799679836123849 0.4448685427922085 0.6182204887249162 0.7304349180117223 0.8426493472985285 0.734304381090574 0.4820153883492116 0.24388863047645887 -0.02256259713351326 -0.1634110532038399 -0.30425950927417533 -0.40486554932440866 -0.46832474381763883 -0.5751219247940438 -0.6819191057704487 -0.7082314547066669 -0.7562127968844725 -0.8041941390622781 -0.8815834006393833 -1.118446133854782 +9027,-0.30023526767216424,0,0.4448685427922085 0.6182204887249162 0.7304349180117223 0.8426493472985285 0.734304381090574 0.4820153883492116 0.24388863047645887 -0.02256259713351326 -0.1634110532038399 -0.30425950927417533 -0.40486554932440866 -0.46832474381763883 -0.5751219247940438 -0.6819191057704487 -0.7082314547066669 -0.7562127968844725 -0.8041941390622781 -0.8815834006393833 -1.118446133854782 -1.3553088672249576 +9028,-0.7524207230671872,0,0.6182204887249162 0.7304349180117223 0.8426493472985285 0.734304381090574 0.4820153883492116 0.24388863047645887 -0.02256259713351326 -0.1634110532038399 -0.30425950927417533 -0.40486554932440866 -0.46832474381763883 -0.5751219247940438 -0.6819191057704487 -0.7082314547066669 -0.7562127968844725 -0.8041941390622781 -0.8815834006393833 -1.118446133854782 -1.3553088672249576 -0.30023526767216424 +9029,0.08733015430598183,0,0.7304349180117223 0.8426493472985285 0.734304381090574 0.4820153883492116 0.24388863047645887 -0.02256259713351326 -0.1634110532038399 -0.30425950927417533 -0.40486554932440866 -0.46832474381763883 -0.5751219247940438 -0.6819191057704487 -0.7082314547066669 -0.7562127968844725 -0.8041941390622781 -0.8815834006393833 -1.118446133854782 -1.3553088672249576 -0.30023526767216424 -0.7524207230671872 +9030,0.5965514954833288,0,0.8426493472985285 0.734304381090574 0.4820153883492116 0.24388863047645887 -0.02256259713351326 -0.1634110532038399 -0.30425950927417533 -0.40486554932440866 -0.46832474381763883 -0.5751219247940438 -0.6819191057704487 -0.7082314547066669 -0.7562127968844725 -0.8041941390622781 -0.8815834006393833 -1.118446133854782 -1.3553088672249576 -0.30023526767216424 -0.7524207230671872 0.08733015430598183 +9031,0.5845561599388795,0,0.734304381090574 0.4820153883492116 0.24388863047645887 -0.02256259713351326 -0.1634110532038399 -0.30425950927417533 -0.40486554932440866 -0.46832474381763883 -0.5751219247940438 -0.6819191057704487 -0.7082314547066669 -0.7562127968844725 -0.8041941390622781 -0.8815834006393833 -1.118446133854782 -1.3553088672249576 -0.30023526767216424 -0.7524207230671872 0.08733015430598183 0.5965514954833288 +9032,0.7606167300267923,0,0.4820153883492116 0.24388863047645887 -0.02256259713351326 -0.1634110532038399 -0.30425950927417533 -0.40486554932440866 -0.46832474381763883 -0.5751219247940438 -0.6819191057704487 -0.7082314547066669 -0.7562127968844725 -0.8041941390622781 -0.8815834006393833 -1.118446133854782 -1.3553088672249576 -0.30023526767216424 -0.7524207230671872 0.08733015430598183 0.5965514954833288 0.5845561599388795 +9033,0.8349104211408162,0,0.24388863047645887 -0.02256259713351326 -0.1634110532038399 -0.30425950927417533 -0.40486554932440866 -0.46832474381763883 -0.5751219247940438 -0.6819191057704487 -0.7082314547066669 -0.7562127968844725 -0.8041941390622781 -0.8815834006393833 -1.118446133854782 -1.3553088672249576 -0.30023526767216424 -0.7524207230671872 0.08733015430598183 0.5965514954833288 0.5845561599388795 0.7606167300267923 +9034,0.8859873337817031,0,-0.02256259713351326 -0.1634110532038399 -0.30425950927417533 -0.40486554932440866 -0.46832474381763883 -0.5751219247940438 -0.6819191057704487 -0.7082314547066669 -0.7562127968844725 -0.8041941390622781 -0.8815834006393833 -1.118446133854782 -1.3553088672249576 -0.30023526767216424 -0.7524207230671872 0.08733015430598183 0.5965514954833288 0.5845561599388795 0.7606167300267923 0.8349104211408162 +9035,0.8147892131307695,0,-0.1634110532038399 -0.30425950927417533 -0.40486554932440866 -0.46832474381763883 -0.5751219247940438 -0.6819191057704487 -0.7082314547066669 -0.7562127968844725 -0.8041941390622781 -0.8815834006393833 -1.118446133854782 -1.3553088672249576 -0.30023526767216424 -0.7524207230671872 0.08733015430598183 0.5965514954833288 0.5845561599388795 0.7606167300267923 0.8349104211408162 0.8859873337817031 +9036,0.3853562006394141,0,-0.30425950927417533 -0.40486554932440866 -0.46832474381763883 -0.5751219247940438 -0.6819191057704487 -0.7082314547066669 -0.7562127968844725 -0.8041941390622781 -0.8815834006393833 -1.118446133854782 -1.3553088672249576 -0.30023526767216424 -0.7524207230671872 0.08733015430598183 0.5965514954833288 0.5845561599388795 0.7606167300267923 0.8349104211408162 0.8859873337817031 0.8147892131307695 +9037,0.06989177397900814,0,-0.40486554932440866 -0.46832474381763883 -0.5751219247940438 -0.6819191057704487 -0.7082314547066669 -0.7562127968844725 -0.8041941390622781 -0.8815834006393833 -1.118446133854782 -1.3553088672249576 -0.30023526767216424 -0.7524207230671872 0.08733015430598183 0.5965514954833288 0.5845561599388795 0.7606167300267923 0.8349104211408162 0.8859873337817031 0.8147892131307695 0.3853562006394141 +9038,-0.4165255313504335,0,-0.46832474381763883 -0.5751219247940438 -0.6819191057704487 -0.7082314547066669 -0.7562127968844725 -0.8041941390622781 -0.8815834006393833 -1.118446133854782 -1.3553088672249576 -0.30023526767216424 -0.7524207230671872 0.08733015430598183 0.5965514954833288 0.5845561599388795 0.7606167300267923 0.8349104211408162 0.8859873337817031 0.8147892131307695 0.3853562006394141 0.06989177397900814 +9039,-0.07866981177691633,0,-0.5751219247940438 -0.6819191057704487 -0.7082314547066669 -0.7562127968844725 -0.8041941390622781 -0.8815834006393833 -1.118446133854782 -1.3553088672249576 -0.30023526767216424 -0.7524207230671872 0.08733015430598183 0.5965514954833288 0.5845561599388795 0.7606167300267923 0.8349104211408162 0.8859873337817031 0.8147892131307695 0.3853562006394141 0.06989177397900814 -0.4165255313504335 +9040,-0.29032944219029144,0,-0.6819191057704487 -0.7082314547066669 -0.7562127968844725 -0.8041941390622781 -0.8815834006393833 -1.118446133854782 -1.3553088672249576 -0.30023526767216424 -0.7524207230671872 0.08733015430598183 0.5965514954833288 0.5845561599388795 0.7606167300267923 0.8349104211408162 0.8859873337817031 0.8147892131307695 0.3853562006394141 0.06989177397900814 -0.4165255313504335 -0.07866981177691633 +9041,-0.394031052703615,0,-0.7082314547066669 -0.7562127968844725 -0.8041941390622781 -0.8815834006393833 -1.118446133854782 -1.3553088672249576 -0.30023526767216424 -0.7524207230671872 0.08733015430598183 0.5965514954833288 0.5845561599388795 0.7606167300267923 0.8349104211408162 0.8859873337817031 0.8147892131307695 0.3853562006394141 0.06989177397900814 -0.4165255313504335 -0.07866981177691633 -0.29032944219029144 +9042,-0.5294622604635492,0,-0.7562127968844725 -0.8041941390622781 -0.8815834006393833 -1.118446133854782 -1.3553088672249576 -0.30023526767216424 -0.7524207230671872 0.08733015430598183 0.5965514954833288 0.5845561599388795 0.7606167300267923 0.8349104211408162 0.8859873337817031 0.8147892131307695 0.3853562006394141 0.06989177397900814 -0.4165255313504335 -0.07866981177691633 -0.29032944219029144 -0.394031052703615 +9043,-0.6648934682234834,0,-0.8041941390622781 -0.8815834006393833 -1.118446133854782 -1.3553088672249576 -0.30023526767216424 -0.7524207230671872 0.08733015430598183 0.5965514954833288 0.5845561599388795 0.7606167300267923 0.8349104211408162 0.8859873337817031 0.8147892131307695 0.3853562006394141 0.06989177397900814 -0.4165255313504335 -0.07866981177691633 -0.29032944219029144 -0.394031052703615 -0.5294622604635492 +9044,-0.6308421931295616,0,-0.8815834006393833 -1.118446133854782 -1.3553088672249576 -0.30023526767216424 -0.7524207230671872 0.08733015430598183 0.5965514954833288 0.5845561599388795 0.7606167300267923 0.8349104211408162 0.8859873337817031 0.8147892131307695 0.3853562006394141 0.06989177397900814 -0.4165255313504335 -0.07866981177691633 -0.29032944219029144 -0.394031052703615 -0.5294622604635492 -0.6648934682234834 +9045,-0.5271405826162381,0,-1.118446133854782 -1.3553088672249576 -0.30023526767216424 -0.7524207230671872 0.08733015430598183 0.5965514954833288 0.5845561599388795 0.7606167300267923 0.8349104211408162 0.8859873337817031 0.8147892131307695 0.3853562006394141 0.06989177397900814 -0.4165255313504335 -0.07866981177691633 -0.29032944219029144 -0.394031052703615 -0.5294622604635492 -0.6648934682234834 -0.6308421931295616 +9046,-1.095538912427955,0,-1.3553088672249576 -0.30023526767216424 -0.7524207230671872 0.08733015430598183 0.5965514954833288 0.5845561599388795 0.7606167300267923 0.8349104211408162 0.8859873337817031 0.8147892131307695 0.3853562006394141 0.06989177397900814 -0.4165255313504335 -0.07866981177691633 -0.29032944219029144 -0.394031052703615 -0.5294622604635492 -0.6648934682234834 -0.6308421931295616 -0.5271405826162381 +9047,-1.6639372423944578,0,-0.30023526767216424 -0.7524207230671872 0.08733015430598183 0.5965514954833288 0.5845561599388795 0.7606167300267923 0.8349104211408162 0.8859873337817031 0.8147892131307695 0.3853562006394141 0.06989177397900814 -0.4165255313504335 -0.07866981177691633 -0.29032944219029144 -0.394031052703615 -0.5294622604635492 -0.6648934682234834 -0.6308421931295616 -0.5271405826162381 -1.095538912427955 +9048,-0.445107965344502,0,-0.7524207230671872 0.08733015430598183 0.5965514954833288 0.5845561599388795 0.7606167300267923 0.8349104211408162 0.8859873337817031 0.8147892131307695 0.3853562006394141 0.06989177397900814 -0.4165255313504335 -0.07866981177691633 -0.29032944219029144 -0.394031052703615 -0.5294622604635492 -0.6648934682234834 -0.6308421931295616 -0.5271405826162381 -1.095538912427955 -1.6639372423944578 +9049,-1.6092488307767825,0,0.08733015430598183 0.5965514954833288 0.5845561599388795 0.7606167300267923 0.8349104211408162 0.8859873337817031 0.8147892131307695 0.3853562006394141 0.06989177397900814 -0.4165255313504335 -0.07866981177691633 -0.29032944219029144 -0.394031052703615 -0.5294622604635492 -0.6648934682234834 -0.6308421931295616 -0.5271405826162381 -1.095538912427955 -1.6639372423944578 -0.445107965344502 +9050,-0.986162089502167,0,0.5965514954833288 0.5845561599388795 0.7606167300267923 0.8349104211408162 0.8859873337817031 0.8147892131307695 0.3853562006394141 0.06989177397900814 -0.4165255313504335 -0.07866981177691633 -0.29032944219029144 -0.394031052703615 -0.5294622604635492 -0.6648934682234834 -0.6308421931295616 -0.5271405826162381 -1.095538912427955 -1.6639372423944578 -0.445107965344502 -1.6092488307767825 +9051,-0.36307534807277464,0,0.5845561599388795 0.7606167300267923 0.8349104211408162 0.8859873337817031 0.8147892131307695 0.3853562006394141 0.06989177397900814 -0.4165255313504335 -0.07866981177691633 -0.29032944219029144 -0.394031052703615 -0.5294622604635492 -0.6648934682234834 -0.6308421931295616 -0.5271405826162381 -1.095538912427955 -1.6639372423944578 -0.445107965344502 -1.6092488307767825 -0.986162089502167 +9052,-0.2624693080225413,0,0.7606167300267923 0.8349104211408162 0.8859873337817031 0.8147892131307695 0.3853562006394141 0.06989177397900814 -0.4165255313504335 -0.07866981177691633 -0.29032944219029144 -0.394031052703615 -0.5294622604635492 -0.6648934682234834 -0.6308421931295616 -0.5271405826162381 -1.095538912427955 -1.6639372423944578 -0.445107965344502 -1.6092488307767825 -0.986162089502167 -0.36307534807277464 +9053,-0.1618632679722992,0,0.8349104211408162 0.8859873337817031 0.8147892131307695 0.3853562006394141 0.06989177397900814 -0.4165255313504335 -0.07866981177691633 -0.29032944219029144 -0.394031052703615 -0.5294622604635492 -0.6648934682234834 -0.6308421931295616 -0.5271405826162381 -1.095538912427955 -1.6639372423944578 -0.445107965344502 -1.6092488307767825 -0.986162089502167 -0.36307534807277464 -0.2624693080225413 +9054,0.03109395761154267,0,0.8859873337817031 0.8147892131307695 0.3853562006394141 0.06989177397900814 -0.4165255313504335 -0.07866981177691633 -0.29032944219029144 -0.394031052703615 -0.5294622604635492 -0.6648934682234834 -0.6308421931295616 -0.5271405826162381 -1.095538912427955 -1.6639372423944578 -0.445107965344502 -1.6092488307767825 -0.986162089502167 -0.36307534807277464 -0.2624693080225413 -0.1618632679722992 +9055,0.19993152990066435,0,0.8147892131307695 0.3853562006394141 0.06989177397900814 -0.4165255313504335 -0.07866981177691633 -0.29032944219029144 -0.394031052703615 -0.5294622604635492 -0.6648934682234834 -0.6308421931295616 -0.5271405826162381 -1.095538912427955 -1.6639372423944578 -0.445107965344502 -1.6092488307767825 -0.986162089502167 -0.36307534807277464 -0.2624693080225413 -0.1618632679722992 0.03109395761154267 +9056,0.41700840862444954,0,0.3853562006394141 0.06989177397900814 -0.4165255313504335 -0.07866981177691633 -0.29032944219029144 -0.394031052703615 -0.5294622604635492 -0.6648934682234834 -0.6308421931295616 -0.5271405826162381 -1.095538912427955 -1.6639372423944578 -0.445107965344502 -1.6092488307767825 -0.986162089502167 -0.36307534807277464 -0.2624693080225413 -0.1618632679722992 0.03109395761154267 0.19993152990066435 +9057,0.44951189848683054,0,0.06989177397900814 -0.4165255313504335 -0.07866981177691633 -0.29032944219029144 -0.394031052703615 -0.5294622604635492 -0.6648934682234834 -0.6308421931295616 -0.5271405826162381 -1.095538912427955 -1.6639372423944578 -0.445107965344502 -1.6092488307767825 -0.986162089502167 -0.36307534807277464 -0.2624693080225413 -0.1618632679722992 0.03109395761154267 0.19993152990066435 0.41700840862444954 +9058,0.4820153883492116,0,-0.4165255313504335 -0.07866981177691633 -0.29032944219029144 -0.394031052703615 -0.5294622604635492 -0.6648934682234834 -0.6308421931295616 -0.5271405826162381 -1.095538912427955 -1.6639372423944578 -0.445107965344502 -1.6092488307767825 -0.986162089502167 -0.36307534807277464 -0.2624693080225413 -0.1618632679722992 0.03109395761154267 0.19993152990066435 0.41700840862444954 0.44951189848683054 +9059,0.37405736844915116,0,-0.07866981177691633 -0.29032944219029144 -0.394031052703615 -0.5294622604635492 -0.6648934682234834 -0.6308421931295616 -0.5271405826162381 -1.095538912427955 -1.6639372423944578 -0.445107965344502 -1.6092488307767825 -0.986162089502167 -0.36307534807277464 -0.2624693080225413 -0.1618632679722992 0.03109395761154267 0.19993152990066435 0.41700840862444954 0.44951189848683054 0.4820153883492116 +9060,-0.10471903722376809,0,-0.29032944219029144 -0.394031052703615 -0.5294622604635492 -0.6648934682234834 -0.6308421931295616 -0.5271405826162381 -1.095538912427955 -1.6639372423944578 -0.445107965344502 -1.6092488307767825 -0.986162089502167 -0.36307534807277464 -0.2624693080225413 -0.1618632679722992 0.03109395761154267 0.19993152990066435 0.41700840862444954 0.44951189848683054 0.4820153883492116 0.37405736844915116 +9061,-0.15087399282835498,0,-0.394031052703615 -0.5294622604635492 -0.6648934682234834 -0.6308421931295616 -0.5271405826162381 -1.095538912427955 -1.6639372423944578 -0.445107965344502 -1.6092488307767825 -0.986162089502167 -0.36307534807277464 -0.2624693080225413 -0.1618632679722992 0.03109395761154267 0.19993152990066435 0.41700840862444954 0.44951189848683054 0.4820153883492116 0.37405736844915116 -0.10471903722376809 +9062,-0.5678473342057919,0,-0.5294622604635492 -0.6648934682234834 -0.6308421931295616 -0.5271405826162381 -1.095538912427955 -1.6639372423944578 -0.445107965344502 -1.6092488307767825 -0.986162089502167 -0.36307534807277464 -0.2624693080225413 -0.1618632679722992 0.03109395761154267 0.19993152990066435 0.41700840862444954 0.44951189848683054 0.4820153883492116 0.37405736844915116 -0.10471903722376809 -0.15087399282835498 +9063,-0.23015929131409846,0,-0.6648934682234834 -0.6308421931295616 -0.5271405826162381 -1.095538912427955 -1.6639372423944578 -0.445107965344502 -1.6092488307767825 -0.986162089502167 -0.36307534807277464 -0.2624693080225413 -0.1618632679722992 0.03109395761154267 0.19993152990066435 0.41700840862444954 0.44951189848683054 0.4820153883492116 0.37405736844915116 -0.10471903722376809 -0.15087399282835498 -0.5678473342057919 +9064,-0.3955788379351557,0,-0.6308421931295616 -0.5271405826162381 -1.095538912427955 -1.6639372423944578 -0.445107965344502 -1.6092488307767825 -0.986162089502167 -0.36307534807277464 -0.2624693080225413 -0.1618632679722992 0.03109395761154267 0.19993152990066435 0.41700840862444954 0.44951189848683054 0.4820153883492116 0.37405736844915116 -0.10471903722376809 -0.15087399282835498 -0.5678473342057919 -0.23015929131409846 +9065,-0.4977326632169385,0,-0.5271405826162381 -1.095538912427955 -1.6639372423944578 -0.445107965344502 -1.6092488307767825 -0.986162089502167 -0.36307534807277464 -0.2624693080225413 -0.1618632679722992 0.03109395761154267 0.19993152990066435 0.41700840862444954 0.44951189848683054 0.4820153883492116 0.37405736844915116 -0.10471903722376809 -0.15087399282835498 -0.5678473342057919 -0.23015929131409846 -0.3955788379351557 +9066,-0.5960170254198608,0,-1.095538912427955 -1.6639372423944578 -0.445107965344502 -1.6092488307767825 -0.986162089502167 -0.36307534807277464 -0.2624693080225413 -0.1618632679722992 0.03109395761154267 0.19993152990066435 0.41700840862444954 0.44951189848683054 0.4820153883492116 0.37405736844915116 -0.10471903722376809 -0.15087399282835498 -0.5678473342057919 -0.23015929131409846 -0.3955788379351557 -0.4977326632169385 +9067,-0.694301387622783,0,-1.6639372423944578 -0.445107965344502 -1.6092488307767825 -0.986162089502167 -0.36307534807277464 -0.2624693080225413 -0.1618632679722992 0.03109395761154267 0.19993152990066435 0.41700840862444954 0.44951189848683054 0.4820153883492116 0.37405736844915116 -0.10471903722376809 -0.15087399282835498 -0.5678473342057919 -0.23015929131409846 -0.3955788379351557 -0.4977326632169385 -0.5960170254198608 +9068,-0.7732384344314289,0,-0.445107965344502 -1.6092488307767825 -0.986162089502167 -0.36307534807277464 -0.2624693080225413 -0.1618632679722992 0.03109395761154267 0.19993152990066435 0.41700840862444954 0.44951189848683054 0.4820153883492116 0.37405736844915116 -0.10471903722376809 -0.15087399282835498 -0.5678473342057919 -0.23015929131409846 -0.3955788379351557 -0.4977326632169385 -0.5960170254198608 -0.694301387622783 +9069,-0.8088374947569001,0,-1.6092488307767825 -0.986162089502167 -0.36307534807277464 -0.2624693080225413 -0.1618632679722992 0.03109395761154267 0.19993152990066435 0.41700840862444954 0.44951189848683054 0.4820153883492116 0.37405736844915116 -0.10471903722376809 -0.15087399282835498 -0.5678473342057919 -0.23015929131409846 -0.3955788379351557 -0.4977326632169385 -0.5960170254198608 -0.694301387622783 -0.7732384344314289 +9070,-0.8444365550823715,0,-0.986162089502167 -0.36307534807277464 -0.2624693080225413 -0.1618632679722992 0.03109395761154267 0.19993152990066435 0.41700840862444954 0.44951189848683054 0.4820153883492116 0.37405736844915116 -0.10471903722376809 -0.15087399282835498 -0.5678473342057919 -0.23015929131409846 -0.3955788379351557 -0.4977326632169385 -0.5960170254198608 -0.694301387622783 -0.7732384344314289 -0.8088374947569001 +9071,-0.9078957495755928,0,-0.36307534807277464 -0.2624693080225413 -0.1618632679722992 0.03109395761154267 0.19993152990066435 0.41700840862444954 0.44951189848683054 0.4820153883492116 0.37405736844915116 -0.10471903722376809 -0.15087399282835498 -0.5678473342057919 -0.23015929131409846 -0.3955788379351557 -0.4977326632169385 -0.5960170254198608 -0.694301387622783 -0.7732384344314289 -0.8088374947569001 -0.8444365550823715 +9072,-0.9295647428171889,0,-0.2624693080225413 -0.1618632679722992 0.03109395761154267 0.19993152990066435 0.41700840862444954 0.44951189848683054 0.4820153883492116 0.37405736844915116 -0.10471903722376809 -0.15087399282835498 -0.5678473342057919 -0.23015929131409846 -0.3955788379351557 -0.4977326632169385 -0.5960170254198608 -0.694301387622783 -0.7732384344314289 -0.8088374947569001 -0.8444365550823715 -0.9078957495755928 +9073,-0.9512337360587764,0,-0.1618632679722992 0.03109395761154267 0.19993152990066435 0.41700840862444954 0.44951189848683054 0.4820153883492116 0.37405736844915116 -0.10471903722376809 -0.15087399282835498 -0.5678473342057919 -0.23015929131409846 -0.3955788379351557 -0.4977326632169385 -0.5960170254198608 -0.694301387622783 -0.7732384344314289 -0.8088374947569001 -0.8444365550823715 -0.9078957495755928 -0.9295647428171889 +9074,-0.9001568234178893,0,0.03109395761154267 0.19993152990066435 0.41700840862444954 0.44951189848683054 0.4820153883492116 0.37405736844915116 -0.10471903722376809 -0.15087399282835498 -0.5678473342057919 -0.23015929131409846 -0.3955788379351557 -0.4977326632169385 -0.5960170254198608 -0.694301387622783 -0.7732384344314289 -0.8088374947569001 -0.8444365550823715 -0.9078957495755928 -0.9295647428171889 -0.9512337360587764 +9075,-0.5441662201632034,0,0.19993152990066435 0.41700840862444954 0.44951189848683054 0.4820153883492116 0.37405736844915116 -0.10471903722376809 -0.15087399282835498 -0.5678473342057919 -0.23015929131409846 -0.3955788379351557 -0.4977326632169385 -0.5960170254198608 -0.694301387622783 -0.7732384344314289 -0.8088374947569001 -0.8444365550823715 -0.9078957495755928 -0.9295647428171889 -0.9512337360587764 -0.9001568234178893 +9076,-0.18817561690851745,0,0.41700840862444954 0.44951189848683054 0.4820153883492116 0.37405736844915116 -0.10471903722376809 -0.15087399282835498 -0.5678473342057919 -0.23015929131409846 -0.3955788379351557 -0.4977326632169385 -0.5960170254198608 -0.694301387622783 -0.7732384344314289 -0.8088374947569001 -0.8444365550823715 -0.9078957495755928 -0.9295647428171889 -0.9512337360587764 -0.9001568234178893 -0.5441662201632034 +9077,0.13376371125223796,0,0.44951189848683054 0.4820153883492116 0.37405736844915116 -0.10471903722376809 -0.15087399282835498 -0.5678473342057919 -0.23015929131409846 -0.3955788379351557 -0.4977326632169385 -0.5960170254198608 -0.694301387622783 -0.7732384344314289 -0.8088374947569001 -0.8444365550823715 -0.9078957495755928 -0.9295647428171889 -0.9512337360587764 -0.9001568234178893 -0.5441662201632034 -0.18817561690851745 +9078,0.5400573345320405,0,0.4820153883492116 0.37405736844915116 -0.10471903722376809 -0.15087399282835498 -0.5678473342057919 -0.23015929131409846 -0.3955788379351557 -0.4977326632169385 -0.5960170254198608 -0.694301387622783 -0.7732384344314289 -0.8088374947569001 -0.8444365550823715 -0.9078957495755928 -0.9295647428171889 -0.9512337360587764 -0.9001568234178893 -0.5441662201632034 -0.18817561690851745 0.13376371125223796 +9079,0.9463509578118432,0,0.37405736844915116 -0.10471903722376809 -0.15087399282835498 -0.5678473342057919 -0.23015929131409846 -0.3955788379351557 -0.4977326632169385 -0.5960170254198608 -0.694301387622783 -0.7732384344314289 -0.8088374947569001 -0.8444365550823715 -0.9078957495755928 -0.9295647428171889 -0.9512337360587764 -0.9001568234178893 -0.5441662201632034 -0.18817561690851745 0.13376371125223796 0.5400573345320405 +9080,0.896589662617771,0,-0.10471903722376809 -0.15087399282835498 -0.5678473342057919 -0.23015929131409846 -0.3955788379351557 -0.4977326632169385 -0.5960170254198608 -0.694301387622783 -0.7732384344314289 -0.8088374947569001 -0.8444365550823715 -0.9078957495755928 -0.9295647428171889 -0.9512337360587764 -0.9001568234178893 -0.5441662201632034 -0.18817561690851745 0.13376371125223796 0.5400573345320405 0.9463509578118432 +9081,1.1568497493015715,0,-0.15087399282835498 -0.5678473342057919 -0.23015929131409846 -0.3955788379351557 -0.4977326632169385 -0.5960170254198608 -0.694301387622783 -0.7732384344314289 -0.8088374947569001 -0.8444365550823715 -0.9078957495755928 -0.9295647428171889 -0.9512337360587764 -0.9001568234178893 -0.5441662201632034 -0.18817561690851745 0.13376371125223796 0.5400573345320405 0.9463509578118432 0.896589662617771 +9082,1.1070884541074906,0,-0.5678473342057919 -0.23015929131409846 -0.3955788379351557 -0.4977326632169385 -0.5960170254198608 -0.694301387622783 -0.7732384344314289 -0.8088374947569001 -0.8444365550823715 -0.9078957495755928 -0.9295647428171889 -0.9512337360587764 -0.9001568234178893 -0.5441662201632034 -0.18817561690851745 0.13376371125223796 0.5400573345320405 0.9463509578118432 0.896589662617771 1.1568497493015715 +9083,1.3673485407913,0,-0.23015929131409846 -0.3955788379351557 -0.4977326632169385 -0.5960170254198608 -0.694301387622783 -0.7732384344314289 -0.8088374947569001 -0.8444365550823715 -0.9078957495755928 -0.9295647428171889 -0.9512337360587764 -0.9001568234178893 -0.5441662201632034 -0.18817561690851745 0.13376371125223796 0.5400573345320405 0.9463509578118432 0.896589662617771 1.1568497493015715 1.1070884541074906 +9084,1.1135117628183968,0,-0.3955788379351557 -0.4977326632169385 -0.5960170254198608 -0.694301387622783 -0.7732384344314289 -0.8088374947569001 -0.8444365550823715 -0.9078957495755928 -0.9295647428171889 -0.9512337360587764 -0.9001568234178893 -0.5441662201632034 -0.18817561690851745 0.13376371125223796 0.5400573345320405 0.9463509578118432 0.896589662617771 1.1568497493015715 1.1070884541074906 1.3673485407913 +9085,0.6845430858965019,0,-0.4977326632169385 -0.5960170254198608 -0.694301387622783 -0.7732384344314289 -0.8088374947569001 -0.8444365550823715 -0.9078957495755928 -0.9295647428171889 -0.9512337360587764 -0.9001568234178893 -0.5441662201632034 -0.18817561690851745 0.13376371125223796 0.5400573345320405 0.9463509578118432 0.896589662617771 1.1568497493015715 1.1070884541074906 1.3673485407913 1.1135117628183968 +9086,0.6058382068725817,0,-0.5960170254198608 -0.694301387622783 -0.7732384344314289 -0.8088374947569001 -0.8444365550823715 -0.9078957495755928 -0.9295647428171889 -0.9512337360587764 -0.9001568234178893 -0.5441662201632034 -0.18817561690851745 0.13376371125223796 0.5400573345320405 0.9463509578118432 0.896589662617771 1.1568497493015715 1.1070884541074906 1.3673485407913 1.1135117628183968 0.6845430858965019 +9087,0.4716968200873392,0,-0.694301387622783 -0.7732384344314289 -0.8088374947569001 -0.8444365550823715 -0.9078957495755928 -0.9295647428171889 -0.9512337360587764 -0.9001568234178893 -0.5441662201632034 -0.18817561690851745 0.13376371125223796 0.5400573345320405 0.9463509578118432 0.896589662617771 1.1568497493015715 1.1070884541074906 1.3673485407913 1.1135117628183968 0.6845430858965019 0.6058382068725817 +9088,-0.1665066236669301,0,-0.7732384344314289 -0.8088374947569001 -0.8444365550823715 -0.9078957495755928 -0.9295647428171889 -0.9512337360587764 -0.9001568234178893 -0.5441662201632034 -0.18817561690851745 0.13376371125223796 0.5400573345320405 0.9463509578118432 0.896589662617771 1.1568497493015715 1.1070884541074906 1.3673485407913 1.1135117628183968 0.6845430858965019 0.6058382068725817 0.4716968200873392 +9089,0.20341404667163973,0,-0.8088374947569001 -0.8444365550823715 -0.9078957495755928 -0.9295647428171889 -0.9512337360587764 -0.9001568234178893 -0.5441662201632034 -0.18817561690851745 0.13376371125223796 0.5400573345320405 0.9463509578118432 0.896589662617771 1.1568497493015715 1.1070884541074906 1.3673485407913 1.1135117628183968 0.6845430858965019 0.6058382068725817 0.4716968200873392 -0.1665066236669301 +9090,0.13376371125223796,0,-0.8444365550823715 -0.9078957495755928 -0.9295647428171889 -0.9512337360587764 -0.9001568234178893 -0.5441662201632034 -0.18817561690851745 0.13376371125223796 0.5400573345320405 0.9463509578118432 0.896589662617771 1.1568497493015715 1.1070884541074906 1.3673485407913 1.1135117628183968 0.6845430858965019 0.6058382068725817 0.4716968200873392 -0.1665066236669301 0.20341404667163973 +9091,-0.6985577970095287,0,-0.9078957495755928 -0.9295647428171889 -0.9512337360587764 -0.9001568234178893 -0.5441662201632034 -0.18817561690851745 0.13376371125223796 0.5400573345320405 0.9463509578118432 0.896589662617771 1.1568497493015715 1.1070884541074906 1.3673485407913 1.1135117628183968 0.6845430858965019 0.6058382068725817 0.4716968200873392 -0.1665066236669301 0.20341404667163973 0.13376371125223796 +9092,-0.005536959586547991,0,-0.9295647428171889 -0.9512337360587764 -0.9001568234178893 -0.5441662201632034 -0.18817561690851745 0.13376371125223796 0.5400573345320405 0.9463509578118432 0.896589662617771 1.1568497493015715 1.1070884541074906 1.3673485407913 1.1135117628183968 0.6845430858965019 0.6058382068725817 0.4716968200873392 -0.1665066236669301 0.20341404667163973 0.13376371125223796 -0.6985577970095287 +9093,-0.07363950977440026,0,-0.9512337360587764 -0.9001568234178893 -0.5441662201632034 -0.18817561690851745 0.13376371125223796 0.5400573345320405 0.9463509578118432 0.896589662617771 1.1568497493015715 1.1070884541074906 1.3673485407913 1.1135117628183968 0.6845430858965019 0.6058382068725817 0.4716968200873392 -0.1665066236669301 0.20341404667163973 0.13376371125223796 -0.6985577970095287 -0.005536959586547991 +9094,-0.9831955010901217,0,-0.9001568234178893 -0.5441662201632034 -0.18817561690851745 0.13376371125223796 0.5400573345320405 0.9463509578118432 0.896589662617771 1.1568497493015715 1.1070884541074906 1.3673485407913 1.1135117628183968 0.6845430858965019 0.6058382068725817 0.4716968200873392 -0.1665066236669301 0.20341404667163973 0.13376371125223796 -0.6985577970095287 -0.005536959586547991 -0.07363950977440026 +9095,-0.2098446101501048,0,-0.5441662201632034 -0.18817561690851745 0.13376371125223796 0.5400573345320405 0.9463509578118432 0.896589662617771 1.1568497493015715 1.1070884541074906 1.3673485407913 1.1135117628183968 0.6845430858965019 0.6058382068725817 0.4716968200873392 -0.1665066236669301 0.20341404667163973 0.13376371125223796 -0.6985577970095287 -0.005536959586547991 -0.07363950977440026 -0.9831955010901217 +9096,-0.21951826784724296,0,-0.18817561690851745 0.13376371125223796 0.5400573345320405 0.9463509578118432 0.896589662617771 1.1568497493015715 1.1070884541074906 1.3673485407913 1.1135117628183968 0.6845430858965019 0.6058382068725817 0.4716968200873392 -0.1665066236669301 0.20341404667163973 0.13376371125223796 -0.6985577970095287 -0.005536959586547991 -0.07363950977440026 -0.9831955010901217 -0.2098446101501048 +9097,-1.3910111131293417,0,0.13376371125223796 0.5400573345320405 0.9463509578118432 0.896589662617771 1.1568497493015715 1.1070884541074906 1.3673485407913 1.1135117628183968 0.6845430858965019 0.6058382068725817 0.4716968200873392 -0.1665066236669301 0.20341404667163973 0.13376371125223796 -0.6985577970095287 -0.005536959586547991 -0.07363950977440026 -0.9831955010901217 -0.2098446101501048 -0.21951826784724296 +9098,-0.8197751771113924,0,0.5400573345320405 0.9463509578118432 0.896589662617771 1.1568497493015715 1.1070884541074906 1.3673485407913 1.1135117628183968 0.6845430858965019 0.6058382068725817 0.4716968200873392 -0.1665066236669301 0.20341404667163973 0.13376371125223796 -0.6985577970095287 -0.005536959586547991 -0.07363950977440026 -0.9831955010901217 -0.2098446101501048 -0.21951826784724296 -1.3910111131293417 +9099,-0.24853924093865745,0,0.9463509578118432 0.896589662617771 1.1568497493015715 1.1070884541074906 1.3673485407913 1.1135117628183968 0.6845430858965019 0.6058382068725817 0.4716968200873392 -0.1665066236669301 0.20341404667163973 0.13376371125223796 -0.6985577970095287 -0.005536959586547991 -0.07363950977440026 -0.9831955010901217 -0.2098446101501048 -0.21951826784724296 -1.3910111131293417 -0.8197751771113924 +9100,0.34890585843659727,0,0.896589662617771 1.1568497493015715 1.1070884541074906 1.3673485407913 1.1135117628183968 0.6845430858965019 0.6058382068725817 0.4716968200873392 -0.1665066236669301 0.20341404667163973 0.13376371125223796 -0.6985577970095287 -0.005536959586547991 -0.07363950977440026 -0.9831955010901217 -0.2098446101501048 -0.21951826784724296 -1.3910111131293417 -0.8197751771113924 -0.24853924093865745 +9101,0.8024069312784263,0,1.1568497493015715 1.1070884541074906 1.3673485407913 1.1135117628183968 0.6845430858965019 0.6058382068725817 0.4716968200873392 -0.1665066236669301 0.20341404667163973 0.13376371125223796 -0.6985577970095287 -0.005536959586547991 -0.07363950977440026 -0.9831955010901217 -0.2098446101501048 -0.21951826784724296 -1.3910111131293417 -0.8197751771113924 -0.24853924093865745 0.34890585843659727 +9102,1.076880845620306,0,1.1070884541074906 1.3673485407913 1.1135117628183968 0.6845430858965019 0.6058382068725817 0.4716968200873392 -0.1665066236669301 0.20341404667163973 0.13376371125223796 -0.6985577970095287 -0.005536959586547991 -0.07363950977440026 -0.9831955010901217 -0.2098446101501048 -0.21951826784724296 -1.3910111131293417 -0.8197751771113924 -0.24853924093865745 0.34890585843659727 0.8024069312784263 +9103,1.12217936011503,0,1.3673485407913 1.1135117628183968 0.6845430858965019 0.6058382068725817 0.4716968200873392 -0.1665066236669301 0.20341404667163973 0.13376371125223796 -0.6985577970095287 -0.005536959586547991 -0.07363950977440026 -0.9831955010901217 -0.2098446101501048 -0.21951826784724296 -1.3910111131293417 -0.8197751771113924 -0.24853924093865745 0.34890585843659727 0.8024069312784263 1.076880845620306 +9104,1.625828674458834,0,1.1135117628183968 0.6845430858965019 0.6058382068725817 0.4716968200873392 -0.1665066236669301 0.20341404667163973 0.13376371125223796 -0.6985577970095287 -0.005536959586547991 -0.07363950977440026 -0.9831955010901217 -0.2098446101501048 -0.21951826784724296 -1.3910111131293417 -0.8197751771113924 -0.24853924093865745 0.34890585843659727 0.8024069312784263 1.076880845620306 1.12217936011503 +9105,1.656010486473904,0,0.6845430858965019 0.6058382068725817 0.4716968200873392 -0.1665066236669301 0.20341404667163973 0.13376371125223796 -0.6985577970095287 -0.005536959586547991 -0.07363950977440026 -0.9831955010901217 -0.2098446101501048 -0.21951826784724296 -1.3910111131293417 -0.8197751771113924 -0.24853924093865745 0.34890585843659727 0.8024069312784263 1.076880845620306 1.12217936011503 1.625828674458834 +9106,1.686192298488974,0,0.6058382068725817 0.4716968200873392 -0.1665066236669301 0.20341404667163973 0.13376371125223796 -0.6985577970095287 -0.005536959586547991 -0.07363950977440026 -0.9831955010901217 -0.2098446101501048 -0.21951826784724296 -1.3910111131293417 -0.8197751771113924 -0.24853924093865745 0.34890585843659727 0.8024069312784263 1.076880845620306 1.12217936011503 1.625828674458834 1.656010486473904 +9107,1.718695788351355,0,0.4716968200873392 -0.1665066236669301 0.20341404667163973 0.13376371125223796 -0.6985577970095287 -0.005536959586547991 -0.07363950977440026 -0.9831955010901217 -0.2098446101501048 -0.21951826784724296 -1.3910111131293417 -0.8197751771113924 -0.24853924093865745 0.34890585843659727 0.8024069312784263 1.076880845620306 1.12217936011503 1.625828674458834 1.656010486473904 1.686192298488974 +9108,1.418425453432187,0,-0.1665066236669301 0.20341404667163973 0.13376371125223796 -0.6985577970095287 -0.005536959586547991 -0.07363950977440026 -0.9831955010901217 -0.2098446101501048 -0.21951826784724296 -1.3910111131293417 -0.8197751771113924 -0.24853924093865745 0.34890585843659727 0.8024069312784263 1.076880845620306 1.12217936011503 1.625828674458834 1.656010486473904 1.686192298488974 1.718695788351355 +9109,0.915163085396277,0,0.20341404667163973 0.13376371125223796 -0.6985577970095287 -0.005536959586547991 -0.07363950977440026 -0.9831955010901217 -0.2098446101501048 -0.21951826784724296 -1.3910111131293417 -0.8197751771113924 -0.24853924093865745 0.34890585843659727 0.8024069312784263 1.076880845620306 1.12217936011503 1.625828674458834 1.656010486473904 1.686192298488974 1.718695788351355 1.418425453432187 +9110,0.8178847835938509,0,0.13376371125223796 -0.6985577970095287 -0.005536959586547991 -0.07363950977440026 -0.9831955010901217 -0.2098446101501048 -0.21951826784724296 -1.3910111131293417 -0.8197751771113924 -0.24853924093865745 0.34890585843659727 0.8024069312784263 1.076880845620306 1.12217936011503 1.625828674458834 1.656010486473904 1.686192298488974 1.718695788351355 1.418425453432187 0.915163085396277 +9111,0.5965514954833288,0,-0.6985577970095287 -0.005536959586547991 -0.07363950977440026 -0.9831955010901217 -0.2098446101501048 -0.21951826784724296 -1.3910111131293417 -0.8197751771113924 -0.24853924093865745 0.34890585843659727 0.8024069312784263 1.076880845620306 1.12217936011503 1.625828674458834 1.656010486473904 1.686192298488974 1.718695788351355 1.418425453432187 0.915163085396277 0.8178847835938509 +9112,0.3752182073728067,0,-0.005536959586547991 -0.07363950977440026 -0.9831955010901217 -0.2098446101501048 -0.21951826784724296 -1.3910111131293417 -0.8197751771113924 -0.24853924093865745 0.34890585843659727 0.8024069312784263 1.076880845620306 1.12217936011503 1.625828674458834 1.656010486473904 1.686192298488974 1.718695788351355 1.418425453432187 0.915163085396277 0.8178847835938509 0.5965514954833288 +9113,0.24365646269173305,0,-0.07363950977440026 -0.9831955010901217 -0.2098446101501048 -0.21951826784724296 -1.3910111131293417 -0.8197751771113924 -0.24853924093865745 0.34890585843659727 0.8024069312784263 1.076880845620306 1.12217936011503 1.625828674458834 1.656010486473904 1.686192298488974 1.718695788351355 1.418425453432187 0.915163085396277 0.8178847835938509 0.5965514954833288 0.3752182073728067 +9114,0.11596418108951113,0,-0.9831955010901217 -0.2098446101501048 -0.21951826784724296 -1.3910111131293417 -0.8197751771113924 -0.24853924093865745 0.34890585843659727 0.8024069312784263 1.076880845620306 1.12217936011503 1.625828674458834 1.656010486473904 1.686192298488974 1.718695788351355 1.418425453432187 0.915163085396277 0.8178847835938509 0.5965514954833288 0.3752182073728067 0.24365646269173305 +9115,-0.011728100512719579,0,-0.2098446101501048 -0.21951826784724296 -1.3910111131293417 -0.8197751771113924 -0.24853924093865745 0.34890585843659727 0.8024069312784263 1.076880845620306 1.12217936011503 1.625828674458834 1.656010486473904 1.686192298488974 1.718695788351355 1.418425453432187 0.915163085396277 0.8178847835938509 0.5965514954833288 0.3752182073728067 0.24365646269173305 0.11596418108951113 +9116,-0.7078445083987817,0,-0.21951826784724296 -1.3910111131293417 -0.8197751771113924 -0.24853924093865745 0.34890585843659727 0.8024069312784263 1.076880845620306 1.12217936011503 1.625828674458834 1.656010486473904 1.686192298488974 1.718695788351355 1.418425453432187 0.915163085396277 0.8178847835938509 0.5965514954833288 0.3752182073728067 0.24365646269173305 0.11596418108951113 -0.011728100512719579 +9117,-0.7073027835677372,0,-1.3910111131293417 -0.8197751771113924 -0.24853924093865745 0.34890585843659727 0.8024069312784263 1.076880845620306 1.12217936011503 1.625828674458834 1.656010486473904 1.686192298488974 1.718695788351355 1.418425453432187 0.915163085396277 0.8178847835938509 0.5965514954833288 0.3752182073728067 0.24365646269173305 0.11596418108951113 -0.011728100512719579 -0.7078445083987817 +9118,-1.5195288802915805,0,-0.8197751771113924 -0.24853924093865745 0.34890585843659727 0.8024069312784263 1.076880845620306 1.12217936011503 1.625828674458834 1.656010486473904 1.686192298488974 1.718695788351355 1.418425453432187 0.915163085396277 0.8178847835938509 0.5965514954833288 0.3752182073728067 0.24365646269173305 0.11596418108951113 -0.011728100512719579 -0.7078445083987817 -0.7073027835677372 +9119,-1.6350968441435314,0,-0.24853924093865745 0.34890585843659727 0.8024069312784263 1.076880845620306 1.12217936011503 1.625828674458834 1.656010486473904 1.686192298488974 1.718695788351355 1.418425453432187 0.915163085396277 0.8178847835938509 0.5965514954833288 0.3752182073728067 0.24365646269173305 0.11596418108951113 -0.011728100512719579 -0.7078445083987817 -0.7073027835677372 -1.5195288802915805 +9120,-0.489800263905288,0,0.34890585843659727 0.8024069312784263 1.076880845620306 1.12217936011503 1.625828674458834 1.656010486473904 1.686192298488974 1.718695788351355 1.418425453432187 0.915163085396277 0.8178847835938509 0.5965514954833288 0.3752182073728067 0.24365646269173305 0.11596418108951113 -0.011728100512719579 -0.7078445083987817 -0.7073027835677372 -1.5195288802915805 -1.6350968441435314 +9121,-0.18508004644543605,0,0.8024069312784263 1.076880845620306 1.12217936011503 1.625828674458834 1.656010486473904 1.686192298488974 1.718695788351355 1.418425453432187 0.915163085396277 0.8178847835938509 0.5965514954833288 0.3752182073728067 0.24365646269173305 0.11596418108951113 -0.011728100512719579 -0.7078445083987817 -0.7073027835677372 -1.5195288802915805 -1.6350968441435314 -0.489800263905288 +9122,-0.14793320088842413,0,1.076880845620306 1.12217936011503 1.625828674458834 1.656010486473904 1.686192298488974 1.718695788351355 1.418425453432187 0.915163085396277 0.8178847835938509 0.5965514954833288 0.3752182073728067 0.24365646269173305 0.11596418108951113 -0.011728100512719579 -0.7078445083987817 -0.7073027835677372 -1.5195288802915805 -1.6350968441435314 -0.489800263905288 -0.18508004644543605 +9123,0.12215532201567392,0,1.12217936011503 1.625828674458834 1.656010486473904 1.686192298488974 1.718695788351355 1.418425453432187 0.915163085396277 0.8178847835938509 0.5965514954833288 0.3752182073728067 0.24365646269173305 0.11596418108951113 -0.011728100512719579 -0.7078445083987817 -0.7073027835677372 -1.5195288802915805 -1.6350968441435314 -0.489800263905288 -0.18508004644543605 -0.14793320088842413 +9124,0.392243844919772,0,1.625828674458834 1.656010486473904 1.686192298488974 1.718695788351355 1.418425453432187 0.915163085396277 0.8178847835938509 0.5965514954833288 0.3752182073728067 0.24365646269173305 0.11596418108951113 -0.011728100512719579 -0.7078445083987817 -0.7073027835677372 -1.5195288802915805 -1.6350968441435314 -0.489800263905288 -0.18508004644543605 -0.14793320088842413 0.12215532201567392 +9125,0.9153952531810028,0,1.656010486473904 1.686192298488974 1.718695788351355 1.418425453432187 0.915163085396277 0.8178847835938509 0.5965514954833288 0.3752182073728067 0.24365646269173305 0.11596418108951113 -0.011728100512719579 -0.7078445083987817 -0.7073027835677372 -1.5195288802915805 -1.6350968441435314 -0.489800263905288 -0.18508004644543605 -0.14793320088842413 0.12215532201567392 0.392243844919772 +9126,1.2404301518048484,0,1.686192298488974 1.718695788351355 1.418425453432187 0.915163085396277 0.8178847835938509 0.5965514954833288 0.3752182073728067 0.24365646269173305 0.11596418108951113 -0.011728100512719579 -0.7078445083987817 -0.7073027835677372 -1.5195288802915805 -1.6350968441435314 -0.489800263905288 -0.18508004644543605 -0.14793320088842413 0.12215532201567392 0.392243844919772 0.9153952531810028 +9127,1.4199732386637276,0,1.718695788351355 1.418425453432187 0.915163085396277 0.8178847835938509 0.5965514954833288 0.3752182073728067 0.24365646269173305 0.11596418108951113 -0.011728100512719579 -0.7078445083987817 -0.7073027835677372 -1.5195288802915805 -1.6350968441435314 -0.489800263905288 -0.18508004644543605 -0.14793320088842413 0.12215532201567392 0.392243844919772 0.9153952531810028 1.2404301518048484 +9128,1.574751761817938,0,1.418425453432187 0.915163085396277 0.8178847835938509 0.5965514954833288 0.3752182073728067 0.24365646269173305 0.11596418108951113 -0.011728100512719579 -0.7078445083987817 -0.7073027835677372 -1.5195288802915805 -1.6350968441435314 -0.489800263905288 -0.18508004644543605 -0.14793320088842413 0.12215532201567392 0.392243844919772 0.9153952531810028 1.2404301518048484 1.4199732386637276 +9129,1.635115385848087,0,0.915163085396277 0.8178847835938509 0.5965514954833288 0.3752182073728067 0.24365646269173305 0.11596418108951113 -0.011728100512719579 -0.7078445083987817 -0.7073027835677372 -1.5195288802915805 -1.6350968441435314 -0.489800263905288 -0.18508004644543605 -0.14793320088842413 0.12215532201567392 0.392243844919772 0.9153952531810028 1.2404301518048484 1.4199732386637276 1.574751761817938 +9130,1.6954790098782269,0,0.8178847835938509 0.5965514954833288 0.3752182073728067 0.24365646269173305 0.11596418108951113 -0.011728100512719579 -0.7078445083987817 -0.7073027835677372 -1.5195288802915805 -1.6350968441435314 -0.489800263905288 -0.18508004644543605 -0.14793320088842413 0.12215532201567392 0.392243844919772 0.9153952531810028 1.2404301518048484 1.4199732386637276 1.574751761817938 1.635115385848087 +9131,1.6227331039957438,0,0.5965514954833288 0.3752182073728067 0.24365646269173305 0.11596418108951113 -0.011728100512719579 -0.7078445083987817 -0.7073027835677372 -1.5195288802915805 -1.6350968441435314 -0.489800263905288 -0.18508004644543605 -0.14793320088842413 0.12215532201567392 0.392243844919772 0.9153952531810028 1.2404301518048484 1.4199732386637276 1.574751761817938 1.635115385848087 1.6954790098782269 +9132,1.385921963569806,0,0.3752182073728067 0.24365646269173305 0.11596418108951113 -0.011728100512719579 -0.7078445083987817 -0.7073027835677372 -1.5195288802915805 -1.6350968441435314 -0.489800263905288 -0.18508004644543605 -0.14793320088842413 0.12215532201567392 0.392243844919772 0.9153952531810028 1.2404301518048484 1.4199732386637276 1.574751761817938 1.635115385848087 1.6954790098782269 1.6227331039957438 +9133,1.1491108231438594,0,0.24365646269173305 0.11596418108951113 -0.011728100512719579 -0.7078445083987817 -0.7073027835677372 -1.5195288802915805 -1.6350968441435314 -0.489800263905288 -0.18508004644543605 -0.14793320088842413 0.12215532201567392 0.392243844919772 0.9153952531810028 1.2404301518048484 1.4199732386637276 1.574751761817938 1.635115385848087 1.6954790098782269 1.6227331039957438 1.385921963569806 +9134,0.7544255891006295,0,0.11596418108951113 -0.011728100512719579 -0.7078445083987817 -0.7073027835677372 -1.5195288802915805 -1.6350968441435314 -0.489800263905288 -0.18508004644543605 -0.14793320088842413 0.12215532201567392 0.392243844919772 0.9153952531810028 1.2404301518048484 1.4199732386637276 1.574751761817938 1.635115385848087 1.6954790098782269 1.6227331039957438 1.385921963569806 1.1491108231438594 +9135,0.5604365067989451,0,-0.011728100512719579 -0.7078445083987817 -0.7073027835677372 -1.5195288802915805 -1.6350968441435314 -0.489800263905288 -0.18508004644543605 -0.14793320088842413 0.12215532201567392 0.392243844919772 0.9153952531810028 1.2404301518048484 1.4199732386637276 1.574751761817938 1.635115385848087 1.6954790098782269 1.6227331039957438 1.385921963569806 1.1491108231438594 0.7544255891006295 +9136,-0.1973075497746199,0,-0.7078445083987817 -0.7073027835677372 -1.5195288802915805 -1.6350968441435314 -0.489800263905288 -0.18508004644543605 -0.14793320088842413 0.12215532201567392 0.392243844919772 0.9153952531810028 1.2404301518048484 1.4199732386637276 1.574751761817938 1.635115385848087 1.6954790098782269 1.6227331039957438 1.385921963569806 1.1491108231438594 0.7544255891006295 0.5604365067989451 +9137,0.17245834204079058,0,-0.7073027835677372 -1.5195288802915805 -1.6350968441435314 -0.489800263905288 -0.18508004644543605 -0.14793320088842413 0.12215532201567392 0.392243844919772 0.9153952531810028 1.2404301518048484 1.4199732386637276 1.574751761817938 1.635115385848087 1.6954790098782269 1.6227331039957438 1.385921963569806 1.1491108231438594 0.7544255891006295 0.5604365067989451 -0.1973075497746199 +9138,0.011488677960417278,0,-1.5195288802915805 -1.6350968441435314 -0.489800263905288 -0.18508004644543605 -0.14793320088842413 0.12215532201567392 0.392243844919772 0.9153952531810028 1.2404301518048484 1.4199732386637276 1.574751761817938 1.635115385848087 1.6954790098782269 1.6227331039957438 1.385921963569806 1.1491108231438594 0.7544255891006295 0.5604365067989451 -0.1973075497746199 0.17245834204079058 +9139,-0.0806045433163422,0,-1.6350968441435314 -0.489800263905288 -0.18508004644543605 -0.14793320088842413 0.12215532201567392 0.392243844919772 0.9153952531810028 1.2404301518048484 1.4199732386637276 1.574751761817938 1.635115385848087 1.6954790098782269 1.6227331039957438 1.385921963569806 1.1491108231438594 0.7544255891006295 0.5604365067989451 -0.1973075497746199 0.17245834204079058 0.011488677960417278 +9140,-0.17269776459309288,0,-0.489800263905288 -0.18508004644543605 -0.14793320088842413 0.12215532201567392 0.392243844919772 0.9153952531810028 1.2404301518048484 1.4199732386637276 1.574751761817938 1.635115385848087 1.6954790098782269 1.6227331039957438 1.385921963569806 1.1491108231438594 0.7544255891006295 0.5604365067989451 -0.1973075497746199 0.17245834204079058 0.011488677960417278 -0.0806045433163422 +9141,-0.3143201132791987,0,-0.18508004644543605 -0.14793320088842413 0.12215532201567392 0.392243844919772 0.9153952531810028 1.2404301518048484 1.4199732386637276 1.574751761817938 1.635115385848087 1.6954790098782269 1.6227331039957438 1.385921963569806 1.1491108231438594 0.7544255891006295 0.5604365067989451 -0.1973075497746199 0.17245834204079058 0.011488677960417278 -0.0806045433163422 -0.17269776459309288 +9142,-0.45594246196530447,0,-0.14793320088842413 0.12215532201567392 0.392243844919772 0.9153952531810028 1.2404301518048484 1.4199732386637276 1.574751761817938 1.635115385848087 1.6954790098782269 1.6227331039957438 1.385921963569806 1.1491108231438594 0.7544255891006295 0.5604365067989451 -0.1973075497746199 0.17245834204079058 0.011488677960417278 -0.0806045433163422 -0.17269776459309288 -0.3143201132791987 +9143,-0.620007696508768,0,0.12215532201567392 0.392243844919772 0.9153952531810028 1.2404301518048484 1.4199732386637276 1.574751761817938 1.635115385848087 1.6954790098782269 1.6227331039957438 1.385921963569806 1.1491108231438594 0.7544255891006295 0.5604365067989451 -0.1973075497746199 0.17245834204079058 0.011488677960417278 -0.0806045433163422 -0.17269776459309288 -0.3143201132791987 -0.45594246196530447 +9144,-0.6385811192872651,0,0.392243844919772 0.9153952531810028 1.2404301518048484 1.4199732386637276 1.574751761817938 1.635115385848087 1.6954790098782269 1.6227331039957438 1.385921963569806 1.1491108231438594 0.7544255891006295 0.5604365067989451 -0.1973075497746199 0.17245834204079058 0.011488677960417278 -0.0806045433163422 -0.17269776459309288 -0.3143201132791987 -0.45594246196530447 -0.620007696508768 +9145,-0.6571545420657711,0,0.9153952531810028 1.2404301518048484 1.4199732386637276 1.574751761817938 1.635115385848087 1.6954790098782269 1.6227331039957438 1.385921963569806 1.1491108231438594 0.7544255891006295 0.5604365067989451 -0.1973075497746199 0.17245834204079058 0.011488677960417278 -0.0806045433163422 -0.17269776459309288 -0.3143201132791987 -0.45594246196530447 -0.620007696508768 -0.6385811192872651 +9146,-0.6679890386865736,0,1.2404301518048484 1.4199732386637276 1.574751761817938 1.635115385848087 1.6954790098782269 1.6227331039957438 1.385921963569806 1.1491108231438594 0.7544255891006295 0.5604365067989451 -0.1973075497746199 0.17245834204079058 0.011488677960417278 -0.0806045433163422 -0.17269776459309288 -0.3143201132791987 -0.45594246196530447 -0.620007696508768 -0.6385811192872651 -0.6571545420657711 +9147,-0.22841803292861076,0,1.4199732386637276 1.574751761817938 1.635115385848087 1.6954790098782269 1.6227331039957438 1.385921963569806 1.1491108231438594 0.7544255891006295 0.5604365067989451 -0.1973075497746199 0.17245834204079058 0.011488677960417278 -0.0806045433163422 -0.17269776459309288 -0.3143201132791987 -0.45594246196530447 -0.620007696508768 -0.6385811192872651 -0.6571545420657711 -0.6679890386865736 +9148,-0.1535826169835512,0,1.574751761817938 1.635115385848087 1.6954790098782269 1.6227331039957438 1.385921963569806 1.1491108231438594 0.7544255891006295 0.5604365067989451 -0.1973075497746199 0.17245834204079058 0.011488677960417278 -0.0806045433163422 -0.17269776459309288 -0.3143201132791987 -0.45594246196530447 -0.620007696508768 -0.6385811192872651 -0.6571545420657711 -0.6679890386865736 -0.22841803292861076 +9149,0.650723978587306,0,1.635115385848087 1.6954790098782269 1.6227331039957438 1.385921963569806 1.1491108231438594 0.7544255891006295 0.5604365067989451 -0.1973075497746199 0.17245834204079058 0.011488677960417278 -0.0806045433163422 -0.17269776459309288 -0.3143201132791987 -0.45594246196530447 -0.620007696508768 -0.6385811192872651 -0.6571545420657711 -0.6679890386865736 -0.22841803292861076 -0.1535826169835512 +9150,0.9347425685752792,0,1.6954790098782269 1.6227331039957438 1.385921963569806 1.1491108231438594 0.7544255891006295 0.5604365067989451 -0.1973075497746199 0.17245834204079058 0.011488677960417278 -0.0806045433163422 -0.17269776459309288 -0.3143201132791987 -0.45594246196530447 -0.620007696508768 -0.6385811192872651 -0.6571545420657711 -0.6679890386865736 -0.22841803292861076 -0.1535826169835512 0.650723978587306 +9151,1.218761158563261,0,1.6227331039957438 1.385921963569806 1.1491108231438594 0.7544255891006295 0.5604365067989451 -0.1973075497746199 0.17245834204079058 0.011488677960417278 -0.0806045433163422 -0.17269776459309288 -0.3143201132791987 -0.45594246196530447 -0.620007696508768 -0.6385811192872651 -0.6571545420657711 -0.6679890386865736 -0.22841803292861076 -0.1535826169835512 0.650723978587306 0.9347425685752792 +9152,1.3503229032443347,0,1.385921963569806 1.1491108231438594 0.7544255891006295 0.5604365067989451 -0.1973075497746199 0.17245834204079058 0.011488677960417278 -0.0806045433163422 -0.17269776459309288 -0.3143201132791987 -0.45594246196530447 -0.620007696508768 -0.6385811192872651 -0.6571545420657711 -0.6679890386865736 -0.22841803292861076 -0.1535826169835512 0.650723978587306 0.9347425685752792 1.218761158563261 +9153,1.4524767285261175,0,1.1491108231438594 0.7544255891006295 0.5604365067989451 -0.1973075497746199 0.17245834204079058 0.011488677960417278 -0.0806045433163422 -0.17269776459309288 -0.3143201132791987 -0.45594246196530447 -0.620007696508768 -0.6385811192872651 -0.6571545420657711 -0.6679890386865736 -0.22841803292861076 -0.1535826169835512 0.650723978587306 0.9347425685752792 1.218761158563261 1.3503229032443347 +9154,1.385921963569806,0,0.7544255891006295 0.5604365067989451 -0.1973075497746199 0.17245834204079058 0.011488677960417278 -0.0806045433163422 -0.17269776459309288 -0.3143201132791987 -0.45594246196530447 -0.620007696508768 -0.6385811192872651 -0.6571545420657711 -0.6679890386865736 -0.22841803292861076 -0.1535826169835512 0.650723978587306 0.9347425685752792 1.218761158563261 1.3503229032443347 1.4524767285261175 +9155,1.2636469302779765,0,0.5604365067989451 -0.1973075497746199 0.17245834204079058 0.011488677960417278 -0.0806045433163422 -0.17269776459309288 -0.3143201132791987 -0.45594246196530447 -0.620007696508768 -0.6385811192872651 -0.6571545420657711 -0.6679890386865736 -0.22841803292861076 -0.1535826169835512 0.650723978587306 0.9347425685752792 1.218761158563261 1.3503229032443347 1.4524767285261175 1.385921963569806 +9156,1.1645886754592838,0,-0.1973075497746199 0.17245834204079058 0.011488677960417278 -0.0806045433163422 -0.17269776459309288 -0.3143201132791987 -0.45594246196530447 -0.620007696508768 -0.6385811192872651 -0.6571545420657711 -0.6679890386865736 -0.22841803292861076 -0.1535826169835512 0.650723978587306 0.9347425685752792 1.218761158563261 1.3503229032443347 1.4524767285261175 1.385921963569806 1.2636469302779765 +9157,0.8612227700770344,0,0.17245834204079058 0.011488677960417278 -0.0806045433163422 -0.17269776459309288 -0.3143201132791987 -0.45594246196530447 -0.620007696508768 -0.6385811192872651 -0.6571545420657711 -0.6679890386865736 -0.22841803292861076 -0.1535826169835512 0.650723978587306 0.9347425685752792 1.218761158563261 1.3503229032443347 1.4524767285261175 1.385921963569806 1.2636469302779765 1.1645886754592838 +9158,0.4758242474230488,0,0.011488677960417278 -0.0806045433163422 -0.17269776459309288 -0.3143201132791987 -0.45594246196530447 -0.620007696508768 -0.6385811192872651 -0.6571545420657711 -0.6679890386865736 -0.22841803292861076 -0.1535826169835512 0.650723978587306 0.9347425685752792 1.218761158563261 1.3503229032443347 1.4524767285261175 1.385921963569806 1.2636469302779765 1.1645886754592838 0.8612227700770344 +9159,0.25294317408098604,0,-0.0806045433163422 -0.17269776459309288 -0.3143201132791987 -0.45594246196530447 -0.620007696508768 -0.6385811192872651 -0.6571545420657711 -0.6679890386865736 -0.22841803292861076 -0.1535826169835512 0.650723978587306 0.9347425685752792 1.218761158563261 1.3503229032443347 1.4524767285261175 1.385921963569806 1.2636469302779765 1.1645886754592838 0.8612227700770344 0.4758242474230488 +9160,0.08268679861135095,0,-0.17269776459309288 -0.3143201132791987 -0.45594246196530447 -0.620007696508768 -0.6385811192872651 -0.6571545420657711 -0.6679890386865736 -0.22841803292861076 -0.1535826169835512 0.650723978587306 0.9347425685752792 1.218761158563261 1.3503229032443347 1.4524767285261175 1.385921963569806 1.2636469302779765 1.1645886754592838 0.8612227700770344 0.4758242474230488 0.25294317408098604 +9161,-0.1076907848683308,0,-0.3143201132791987 -0.45594246196530447 -0.620007696508768 -0.6385811192872651 -0.6571545420657711 -0.6679890386865736 -0.22841803292861076 -0.1535826169835512 0.650723978587306 0.9347425685752792 1.218761158563261 1.3503229032443347 1.4524767285261175 1.385921963569806 1.2636469302779765 1.1645886754592838 0.8612227700770344 0.4758242474230488 0.25294317408098604 0.08268679861135095 +9162,-0.2067490396870234,0,-0.45594246196530447 -0.620007696508768 -0.6385811192872651 -0.6571545420657711 -0.6679890386865736 -0.22841803292861076 -0.1535826169835512 0.650723978587306 0.9347425685752792 1.218761158563261 1.3503229032443347 1.4524767285261175 1.385921963569806 1.2636469302779765 1.1645886754592838 0.8612227700770344 0.4758242474230488 0.25294317408098604 0.08268679861135095 -0.1076907848683308 +9163,-0.28878165695875074,0,-0.620007696508768 -0.6385811192872651 -0.6571545420657711 -0.6679890386865736 -0.22841803292861076 -0.1535826169835512 0.650723978587306 0.9347425685752792 1.218761158563261 1.3503229032443347 1.4524767285261175 1.385921963569806 1.2636469302779765 1.1645886754592838 0.8612227700770344 0.4758242474230488 0.25294317408098604 0.08268679861135095 -0.1076907848683308 -0.2067490396870234 +9164,-0.45129910627067354,0,-0.6385811192872651 -0.6571545420657711 -0.6679890386865736 -0.22841803292861076 -0.1535826169835512 0.650723978587306 0.9347425685752792 1.218761158563261 1.3503229032443347 1.4524767285261175 1.385921963569806 1.2636469302779765 1.1645886754592838 0.8612227700770344 0.4758242474230488 0.25294317408098604 0.08268679861135095 -0.1076907848683308 -0.2067490396870234 -0.28878165695875074 +9165,-0.5317839383108602,0,-0.6571545420657711 -0.6679890386865736 -0.22841803292861076 -0.1535826169835512 0.650723978587306 0.9347425685752792 1.218761158563261 1.3503229032443347 1.4524767285261175 1.385921963569806 1.2636469302779765 1.1645886754592838 0.8612227700770344 0.4758242474230488 0.25294317408098604 0.08268679861135095 -0.1076907848683308 -0.2067490396870234 -0.28878165695875074 -0.45129910627067354 +9166,-0.5751219247940438,0,-0.6679890386865736 -0.22841803292861076 -0.1535826169835512 0.650723978587306 0.9347425685752792 1.218761158563261 1.3503229032443347 1.4524767285261175 1.385921963569806 1.2636469302779765 1.1645886754592838 0.8612227700770344 0.4758242474230488 0.25294317408098604 0.08268679861135095 -0.1076907848683308 -0.2067490396870234 -0.28878165695875074 -0.45129910627067354 -0.5317839383108602 +9167,-0.7221615217905419,0,-0.22841803292861076 -0.1535826169835512 0.650723978587306 0.9347425685752792 1.218761158563261 1.3503229032443347 1.4524767285261175 1.385921963569806 1.2636469302779765 1.1645886754592838 0.8612227700770344 0.4758242474230488 0.25294317408098604 0.08268679861135095 -0.1076907848683308 -0.2067490396870234 -0.28878165695875074 -0.45129910627067354 -0.5317839383108602 -0.5751219247940438 +9168,-0.7151964882486,0,-0.1535826169835512 0.650723978587306 0.9347425685752792 1.218761158563261 1.3503229032443347 1.4524767285261175 1.385921963569806 1.2636469302779765 1.1645886754592838 0.8612227700770344 0.4758242474230488 0.25294317408098604 0.08268679861135095 -0.1076907848683308 -0.2067490396870234 -0.28878165695875074 -0.45129910627067354 -0.5317839383108602 -0.5751219247940438 -0.7221615217905419 +9169,-0.7082314547066669,0,0.650723978587306 0.9347425685752792 1.218761158563261 1.3503229032443347 1.4524767285261175 1.385921963569806 1.2636469302779765 1.1645886754592838 0.8612227700770344 0.4758242474230488 0.25294317408098604 0.08268679861135095 -0.1076907848683308 -0.2067490396870234 -0.28878165695875074 -0.45129910627067354 -0.5317839383108602 -0.5751219247940438 -0.7221615217905419 -0.7151964882486 +9170,-0.8072897095253595,0,0.9347425685752792 1.218761158563261 1.3503229032443347 1.4524767285261175 1.385921963569806 1.2636469302779765 1.1645886754592838 0.8612227700770344 0.4758242474230488 0.25294317408098604 0.08268679861135095 -0.1076907848683308 -0.2067490396870234 -0.28878165695875074 -0.45129910627067354 -0.5317839383108602 -0.5751219247940438 -0.7221615217905419 -0.7151964882486 -0.7082314547066669 +9171,-0.573574139562503,0,1.218761158563261 1.3503229032443347 1.4524767285261175 1.385921963569806 1.2636469302779765 1.1645886754592838 0.8612227700770344 0.4758242474230488 0.25294317408098604 0.08268679861135095 -0.1076907848683308 -0.2067490396870234 -0.28878165695875074 -0.45129910627067354 -0.5317839383108602 -0.5751219247940438 -0.7221615217905419 -0.7151964882486 -0.7082314547066669 -0.8072897095253595 +9172,-0.04113601991201923,0,1.3503229032443347 1.4524767285261175 1.385921963569806 1.2636469302779765 1.1645886754592838 0.8612227700770344 0.4758242474230488 0.25294317408098604 0.08268679861135095 -0.1076907848683308 -0.2067490396870234 -0.28878165695875074 -0.45129910627067354 -0.5317839383108602 -0.5751219247940438 -0.7221615217905419 -0.7151964882486 -0.7082314547066669 -0.8072897095253595 -0.573574139562503 +9173,0.5036843815908078,0,1.4524767285261175 1.385921963569806 1.2636469302779765 1.1645886754592838 0.8612227700770344 0.4758242474230488 0.25294317408098604 0.08268679861135095 -0.1076907848683308 -0.2067490396870234 -0.28878165695875074 -0.45129910627067354 -0.5317839383108602 -0.5751219247940438 -0.7221615217905419 -0.7151964882486 -0.7082314547066669 -0.8072897095253595 -0.573574139562503 -0.04113601991201923 +9174,0.7993113608153449,0,1.385921963569806 1.2636469302779765 1.1645886754592838 0.8612227700770344 0.4758242474230488 0.25294317408098604 0.08268679861135095 -0.1076907848683308 -0.2067490396870234 -0.28878165695875074 -0.45129910627067354 -0.5317839383108602 -0.5751219247940438 -0.7221615217905419 -0.7151964882486 -0.7082314547066669 -0.8072897095253595 -0.573574139562503 -0.04113601991201923 0.5036843815908078 +9175,1.0949383400398909,0,1.2636469302779765 1.1645886754592838 0.8612227700770344 0.4758242474230488 0.25294317408098604 0.08268679861135095 -0.1076907848683308 -0.2067490396870234 -0.28878165695875074 -0.45129910627067354 -0.5317839383108602 -0.5751219247940438 -0.7221615217905419 -0.7151964882486 -0.7082314547066669 -0.8072897095253595 -0.573574139562503 -0.04113601991201923 0.5036843815908078 0.7993113608153449 +9176,1.4013998158852217,0,1.1645886754592838 0.8612227700770344 0.4758242474230488 0.25294317408098604 0.08268679861135095 -0.1076907848683308 -0.2067490396870234 -0.28878165695875074 -0.45129910627067354 -0.5317839383108602 -0.5751219247940438 -0.7221615217905419 -0.7151964882486 -0.7082314547066669 -0.8072897095253595 -0.573574139562503 -0.04113601991201923 0.5036843815908078 0.7993113608153449 1.0949383400398909 +9177,1.42771216482144,0,0.8612227700770344 0.4758242474230488 0.25294317408098604 0.08268679861135095 -0.1076907848683308 -0.2067490396870234 -0.28878165695875074 -0.45129910627067354 -0.5317839383108602 -0.5751219247940438 -0.7221615217905419 -0.7151964882486 -0.7082314547066669 -0.8072897095253595 -0.573574139562503 -0.04113601991201923 0.5036843815908078 0.7993113608153449 1.0949383400398909 1.4013998158852217 +9178,1.6474976677004214,0,0.4758242474230488 0.25294317408098604 0.08268679861135095 -0.1076907848683308 -0.2067490396870234 -0.28878165695875074 -0.45129910627067354 -0.5317839383108602 -0.5751219247940438 -0.7221615217905419 -0.7151964882486 -0.7082314547066669 -0.8072897095253595 -0.573574139562503 -0.04113601991201923 0.5036843815908078 0.7993113608153449 1.0949383400398909 1.4013998158852217 1.42771216482144 +9179,1.5391527014924757,0,0.25294317408098604 0.08268679861135095 -0.1076907848683308 -0.2067490396870234 -0.28878165695875074 -0.45129910627067354 -0.5317839383108602 -0.5751219247940438 -0.7221615217905419 -0.7151964882486 -0.7082314547066669 -0.8072897095253595 -0.573574139562503 -0.04113601991201923 0.5036843815908078 0.7993113608153449 1.0949383400398909 1.4013998158852217 1.42771216482144 1.6474976677004214 +9180,1.3015676684507587,0,0.08268679861135095 -0.1076907848683308 -0.2067490396870234 -0.28878165695875074 -0.45129910627067354 -0.5317839383108602 -0.5751219247940438 -0.7221615217905419 -0.7151964882486 -0.7082314547066669 -0.8072897095253595 -0.573574139562503 -0.04113601991201923 0.5036843815908078 0.7993113608153449 1.0949383400398909 1.4013998158852217 1.42771216482144 1.6474976677004214 1.5391527014924757 +9181,1.0639826354090505,0,-0.1076907848683308 -0.2067490396870234 -0.28878165695875074 -0.45129910627067354 -0.5317839383108602 -0.5751219247940438 -0.7221615217905419 -0.7151964882486 -0.7082314547066669 -0.8072897095253595 -0.573574139562503 -0.04113601991201923 0.5036843815908078 0.7993113608153449 1.0949383400398909 1.4013998158852217 1.42771216482144 1.6474976677004214 1.5391527014924757 1.3015676684507587 +9182,0.6615584752080996,0,-0.2067490396870234 -0.28878165695875074 -0.45129910627067354 -0.5317839383108602 -0.5751219247940438 -0.7221615217905419 -0.7151964882486 -0.7082314547066669 -0.8072897095253595 -0.573574139562503 -0.04113601991201923 0.5036843815908078 0.7993113608153449 1.0949383400398909 1.4013998158852217 1.42771216482144 1.6474976677004214 1.5391527014924757 1.3015676684507587 1.0639826354090505 +9183,0.45879860987608356,0,-0.28878165695875074 -0.45129910627067354 -0.5317839383108602 -0.5751219247940438 -0.7221615217905419 -0.7151964882486 -0.7082314547066669 -0.8072897095253595 -0.573574139562503 -0.04113601991201923 0.5036843815908078 0.7993113608153449 1.0949383400398909 1.4013998158852217 1.42771216482144 1.6474976677004214 1.5391527014924757 1.3015676684507587 1.0639826354090505 0.6615584752080996 +9184,0.24675203315481445,0,-0.45129910627067354 -0.5317839383108602 -0.5751219247940438 -0.7221615217905419 -0.7151964882486 -0.7082314547066669 -0.8072897095253595 -0.573574139562503 -0.04113601991201923 0.5036843815908078 0.7993113608153449 1.0949383400398909 1.4013998158852217 1.42771216482144 1.6474976677004214 1.5391527014924757 1.3015676684507587 1.0639826354090505 0.6615584752080996 0.45879860987608356 +9185,0.11054693277910989,0,-0.5317839383108602 -0.5751219247940438 -0.7221615217905419 -0.7151964882486 -0.7082314547066669 -0.8072897095253595 -0.573574139562503 -0.04113601991201923 0.5036843815908078 0.7993113608153449 1.0949383400398909 1.4013998158852217 1.42771216482144 1.6474976677004214 1.5391527014924757 1.3015676684507587 1.0639826354090505 0.6615584752080996 0.45879860987608356 0.24675203315481445 +9186,-0.07518729500594096,0,-0.5751219247940438 -0.7221615217905419 -0.7151964882486 -0.7082314547066669 -0.8072897095253595 -0.573574139562503 -0.04113601991201923 0.5036843815908078 0.7993113608153449 1.0949383400398909 1.4013998158852217 1.42771216482144 1.6474976677004214 1.5391527014924757 1.3015676684507587 1.0639826354090505 0.6615584752080996 0.45879860987608356 0.24675203315481445 0.11054693277910989 +9187,-0.11078635533141219,0,-0.7221615217905419 -0.7151964882486 -0.7082314547066669 -0.8072897095253595 -0.573574139562503 -0.04113601991201923 0.5036843815908078 0.7993113608153449 1.0949383400398909 1.4013998158852217 1.42771216482144 1.6474976677004214 1.5391527014924757 1.3015676684507587 1.0639826354090505 0.6615584752080996 0.45879860987608356 0.24675203315481445 0.11054693277910989 -0.07518729500594096 +9188,-0.2052012544554827,0,-0.7151964882486 -0.7082314547066669 -0.8072897095253595 -0.573574139562503 -0.04113601991201923 0.5036843815908078 0.7993113608153449 1.0949383400398909 1.4013998158852217 1.42771216482144 1.6474976677004214 1.5391527014924757 1.3015676684507587 1.0639826354090505 0.6615584752080996 0.45879860987608356 0.24675203315481445 0.11054693277910989 -0.07518729500594096 -0.11078635533141219 +9189,-0.7382584881985863,0,-0.7082314547066669 -0.8072897095253595 -0.573574139562503 -0.04113601991201923 0.5036843815908078 0.7993113608153449 1.0949383400398909 1.4013998158852217 1.42771216482144 1.6474976677004214 1.5391527014924757 1.3015676684507587 1.0639826354090505 0.6615584752080996 0.45879860987608356 0.24675203315481445 0.11054693277910989 -0.07518729500594096 -0.11078635533141219 -0.2052012544554827 +9190,-1.271315721941681,0,-0.8072897095253595 -0.573574139562503 -0.04113601991201923 0.5036843815908078 0.7993113608153449 1.0949383400398909 1.4013998158852217 1.42771216482144 1.6474976677004214 1.5391527014924757 1.3015676684507587 1.0639826354090505 0.6615584752080996 0.45879860987608356 0.24675203315481445 0.11054693277910989 -0.07518729500594096 -0.11078635533141219 -0.2052012544554827 -0.7382584881985863 +9191,-0.4776114552068918,0,-0.573574139562503 -0.04113601991201923 0.5036843815908078 0.7993113608153449 1.0949383400398909 1.4013998158852217 1.42771216482144 1.6474976677004214 1.5391527014924757 1.3015676684507587 1.0639826354090505 0.6615584752080996 0.45879860987608356 0.24675203315481445 0.11054693277910989 -0.07518729500594096 -0.11078635533141219 -0.2052012544554827 -0.7382584881985863 -1.271315721941681 +9192,-0.5003123053210986,0,-0.04113601991201923 0.5036843815908078 0.7993113608153449 1.0949383400398909 1.4013998158852217 1.42771216482144 1.6474976677004214 1.5391527014924757 1.3015676684507587 1.0639826354090505 0.6615584752080996 0.45879860987608356 0.24675203315481445 0.11054693277910989 -0.07518729500594096 -0.11078635533141219 -0.2052012544554827 -0.7382584881985863 -1.271315721941681 -0.4776114552068918 +9193,-1.187270983868944,0,0.5036843815908078 0.7993113608153449 1.0949383400398909 1.4013998158852217 1.42771216482144 1.6474976677004214 1.5391527014924757 1.3015676684507587 1.0639826354090505 0.6615584752080996 0.45879860987608356 0.24675203315481445 0.11054693277910989 -0.07518729500594096 -0.11078635533141219 -0.2052012544554827 -0.7382584881985863 -1.271315721941681 -0.4776114552068918 -0.5003123053210986 +9194,-0.5457140053947441,0,0.7993113608153449 1.0949383400398909 1.4013998158852217 1.42771216482144 1.6474976677004214 1.5391527014924757 1.3015676684507587 1.0639826354090505 0.6615584752080996 0.45879860987608356 0.24675203315481445 0.11054693277910989 -0.07518729500594096 -0.11078635533141219 -0.2052012544554827 -0.7382584881985863 -1.271315721941681 -0.4776114552068918 -0.5003123053210986 -1.187270983868944 +9195,-0.40486554932440866,0,1.0949383400398909 1.4013998158852217 1.42771216482144 1.6474976677004214 1.5391527014924757 1.3015676684507587 1.0639826354090505 0.6615584752080996 0.45879860987608356 0.24675203315481445 0.11054693277910989 -0.07518729500594096 -0.11078635533141219 -0.2052012544554827 -0.7382584881985863 -1.271315721941681 -0.4776114552068918 -0.5003123053210986 -1.187270983868944 -0.5457140053947441 +9196,0.14614599310458112,0,1.4013998158852217 1.42771216482144 1.6474976677004214 1.5391527014924757 1.3015676684507587 1.0639826354090505 0.6615584752080996 0.45879860987608356 0.24675203315481445 0.11054693277910989 -0.07518729500594096 -0.11078635533141219 -0.2052012544554827 -0.7382584881985863 -1.271315721941681 -0.4776114552068918 -0.5003123053210986 -1.187270983868944 -0.5457140053947441 -0.40486554932440866 +9197,0.6971575355335708,0,1.42771216482144 1.6474976677004214 1.5391527014924757 1.3015676684507587 1.0639826354090505 0.6615584752080996 0.45879860987608356 0.24675203315481445 0.11054693277910989 -0.07518729500594096 -0.11078635533141219 -0.2052012544554827 -0.7382584881985863 -1.271315721941681 -0.4776114552068918 -0.5003123053210986 -1.187270983868944 -0.5457140053947441 -0.40486554932440866 0.14614599310458112 +9198,1.0407658569359137,0,1.6474976677004214 1.5391527014924757 1.3015676684507587 1.0639826354090505 0.6615584752080996 0.45879860987608356 0.24675203315481445 0.11054693277910989 -0.07518729500594096 -0.11078635533141219 -0.2052012544554827 -0.7382584881985863 -1.271315721941681 -0.4776114552068918 -0.5003123053210986 -1.187270983868944 -0.5457140053947441 -0.40486554932440866 0.14614599310458112 0.6971575355335708 +9199,1.2458474001152409,0,1.5391527014924757 1.3015676684507587 1.0639826354090505 0.6615584752080996 0.45879860987608356 0.24675203315481445 0.11054693277910989 -0.07518729500594096 -0.11078635533141219 -0.2052012544554827 -0.7382584881985863 -1.271315721941681 -0.4776114552068918 -0.5003123053210986 -1.187270983868944 -0.5457140053947441 -0.40486554932440866 0.14614599310458112 0.6971575355335708 1.0407658569359137 +9200,1.450928943294577,0,1.3015676684507587 1.0639826354090505 0.6615584752080996 0.45879860987608356 0.24675203315481445 0.11054693277910989 -0.07518729500594096 -0.11078635533141219 -0.2052012544554827 -0.7382584881985863 -1.271315721941681 -0.4776114552068918 -0.5003123053210986 -1.187270983868944 -0.5457140053947441 -0.40486554932440866 0.14614599310458112 0.6971575355335708 1.0407658569359137 1.2458474001152409 +9201,1.4215210238952685,0,1.0639826354090505 0.6615584752080996 0.45879860987608356 0.24675203315481445 0.11054693277910989 -0.07518729500594096 -0.11078635533141219 -0.2052012544554827 -0.7382584881985863 -1.271315721941681 -0.4776114552068918 -0.5003123053210986 -1.187270983868944 -0.5457140053947441 -0.40486554932440866 0.14614599310458112 0.6971575355335708 1.0407658569359137 1.2458474001152409 1.450928943294577 +9202,1.3921131044959687,0,0.6615584752080996 0.45879860987608356 0.24675203315481445 0.11054693277910989 -0.07518729500594096 -0.11078635533141219 -0.2052012544554827 -0.7382584881985863 -1.271315721941681 -0.4776114552068918 -0.5003123053210986 -1.187270983868944 -0.5457140053947441 -0.40486554932440866 0.14614599310458112 0.6971575355335708 1.0407658569359137 1.2458474001152409 1.450928943294577 1.4215210238952685 +9203,1.364717305897679,0,0.45879860987608356 0.24675203315481445 0.11054693277910989 -0.07518729500594096 -0.11078635533141219 -0.2052012544554827 -0.7382584881985863 -1.271315721941681 -0.4776114552068918 -0.5003123053210986 -1.187270983868944 -0.5457140053947441 -0.40486554932440866 0.14614599310458112 0.6971575355335708 1.0407658569359137 1.2458474001152409 1.450928943294577 1.4215210238952685 1.3921131044959687 +9204,1.1831620982377897,0,0.24675203315481445 0.11054693277910989 -0.07518729500594096 -0.11078635533141219 -0.2052012544554827 -0.7382584881985863 -1.271315721941681 -0.4776114552068918 -0.5003123053210986 -1.187270983868944 -0.5457140053947441 -0.40486554932440866 0.14614599310458112 0.6971575355335708 1.0407658569359137 1.2458474001152409 1.450928943294577 1.4215210238952685 1.3921131044959687 1.364717305897679 +9205,0.9723537497017515,0,0.11054693277910989 -0.07518729500594096 -0.11078635533141219 -0.2052012544554827 -0.7382584881985863 -1.271315721941681 -0.4776114552068918 -0.5003123053210986 -1.187270983868944 -0.5457140053947441 -0.40486554932440866 0.14614599310458112 0.6971575355335708 1.0407658569359137 1.2458474001152409 1.450928943294577 1.4215210238952685 1.3921131044959687 1.364717305897679 1.1831620982377897 +9206,0.6073859921041225,0,-0.07518729500594096 -0.11078635533141219 -0.2052012544554827 -0.7382584881985863 -1.271315721941681 -0.4776114552068918 -0.5003123053210986 -1.187270983868944 -0.5457140053947441 -0.40486554932440866 0.14614599310458112 0.6971575355335708 1.0407658569359137 1.2458474001152409 1.450928943294577 1.4215210238952685 1.3921131044959687 1.364717305897679 1.1831620982377897 0.9723537497017515 +9207,0.3334280061211727,0,-0.11078635533141219 -0.2052012544554827 -0.7382584881985863 -1.271315721941681 -0.4776114552068918 -0.5003123053210986 -1.187270983868944 -0.5457140053947441 -0.40486554932440866 0.14614599310458112 0.6971575355335708 1.0407658569359137 1.2458474001152409 1.450928943294577 1.4215210238952685 1.3921131044959687 1.364717305897679 1.1831620982377897 0.9723537497017515 0.6073859921041225 +9208,0.16781498634616848,0,-0.2052012544554827 -0.7382584881985863 -1.271315721941681 -0.4776114552068918 -0.5003123053210986 -1.187270983868944 -0.5457140053947441 -0.40486554932440866 0.14614599310458112 0.6971575355335708 1.0407658569359137 1.2458474001152409 1.450928943294577 1.4215210238952685 1.3921131044959687 1.364717305897679 1.1831620982377897 0.9723537497017515 0.6073859921041225 0.3334280061211727 +9209,0.07030451675901657,0,-0.7382584881985863 -1.271315721941681 -0.4776114552068918 -0.5003123053210986 -1.187270983868944 -0.5457140053947441 -0.40486554932440866 0.14614599310458112 0.6971575355335708 1.0407658569359137 1.2458474001152409 1.450928943294577 1.4215210238952685 1.3921131044959687 1.364717305897679 1.1831620982377897 0.9723537497017515 0.6073859921041225 0.3334280061211727 0.16781498634616848 +9210,-0.08292622116365325,0,-1.271315721941681 -0.4776114552068918 -0.5003123053210986 -1.187270983868944 -0.5457140053947441 -0.40486554932440866 0.14614599310458112 0.6971575355335708 1.0407658569359137 1.2458474001152409 1.450928943294577 1.4215210238952685 1.3921131044959687 1.364717305897679 1.1831620982377897 0.9723537497017515 0.6073859921041225 0.3334280061211727 0.16781498634616848 0.07030451675901657 +9211,-0.8174277027919581,0,-0.4776114552068918 -0.5003123053210986 -1.187270983868944 -0.5457140053947441 -0.40486554932440866 0.14614599310458112 0.6971575355335708 1.0407658569359137 1.2458474001152409 1.450928943294577 1.4215210238952685 1.3921131044959687 1.364717305897679 1.1831620982377897 0.9723537497017515 0.6073859921041225 0.3334280061211727 0.16781498634616848 0.07030451675901657 -0.08292622116365325 +9212,-0.3893876970089929,0,-0.5003123053210986 -1.187270983868944 -0.5457140053947441 -0.40486554932440866 0.14614599310458112 0.6971575355335708 1.0407658569359137 1.2458474001152409 1.450928943294577 1.4215210238952685 1.3921131044959687 1.364717305897679 1.1831620982377897 0.9723537497017515 0.6073859921041225 0.3334280061211727 0.16781498634616848 0.07030451675901657 -0.08292622116365325 -0.8174277027919581 +9213,-0.48999373705922616,0,-1.187270983868944 -0.5457140053947441 -0.40486554932440866 0.14614599310458112 0.6971575355335708 1.0407658569359137 1.2458474001152409 1.450928943294577 1.4215210238952685 1.3921131044959687 1.364717305897679 1.1831620982377897 0.9723537497017515 0.6073859921041225 0.3334280061211727 0.16781498634616848 0.07030451675901657 -0.08292622116365325 -0.8174277027919581 -0.3893876970089929 +9214,-0.5905997771094683,0,-0.5457140053947441 -0.40486554932440866 0.14614599310458112 0.6971575355335708 1.0407658569359137 1.2458474001152409 1.450928943294577 1.4215210238952685 1.3921131044959687 1.364717305897679 1.1831620982377897 0.9723537497017515 0.6073859921041225 0.3334280061211727 0.16781498634616848 0.07030451675901657 -0.08292622116365325 -0.8174277027919581 -0.3893876970089929 -0.48999373705922616 +9215,-0.5542268241682268,0,-0.40486554932440866 0.14614599310458112 0.6971575355335708 1.0407658569359137 1.2458474001152409 1.450928943294577 1.4215210238952685 1.3921131044959687 1.364717305897679 1.1831620982377897 0.9723537497017515 0.6073859921041225 0.3334280061211727 0.16781498634616848 0.07030451675901657 -0.08292622116365325 -0.8174277027919581 -0.3893876970089929 -0.48999373705922616 -0.5905997771094683 +9216,-0.5178538712269851,0,0.14614599310458112 0.6971575355335708 1.0407658569359137 1.2458474001152409 1.450928943294577 1.4215210238952685 1.3921131044959687 1.364717305897679 1.1831620982377897 0.9723537497017515 0.6073859921041225 0.3334280061211727 0.16781498634616848 0.07030451675901657 -0.08292622116365325 -0.8174277027919581 -0.3893876970089929 -0.48999373705922616 -0.5905997771094683 -0.5542268241682268 +9217,-0.5132105155323631,0,0.6971575355335708 1.0407658569359137 1.2458474001152409 1.450928943294577 1.4215210238952685 1.3921131044959687 1.364717305897679 1.1831620982377897 0.9723537497017515 0.6073859921041225 0.3334280061211727 0.16781498634616848 0.07030451675901657 -0.08292622116365325 -0.8174277027919581 -0.3893876970089929 -0.48999373705922616 -0.5905997771094683 -0.5542268241682268 -0.5178538712269851 +9218,-1.0076505077484805,0,1.0407658569359137 1.2458474001152409 1.450928943294577 1.4215210238952685 1.3921131044959687 1.364717305897679 1.1831620982377897 0.9723537497017515 0.6073859921041225 0.3334280061211727 0.16781498634616848 0.07030451675901657 -0.08292622116365325 -0.8174277027919581 -0.3893876970089929 -0.48999373705922616 -0.5905997771094683 -0.5542268241682268 -0.5178538712269851 -0.5132105155323631 +9219,-0.32644443087468394,0,1.2458474001152409 1.450928943294577 1.4215210238952685 1.3921131044959687 1.364717305897679 1.1831620982377897 0.9723537497017515 0.6073859921041225 0.3334280061211727 0.16781498634616848 0.07030451675901657 -0.08292622116365325 -0.8174277027919581 -0.3893876970089929 -0.48999373705922616 -0.5905997771094683 -0.5542268241682268 -0.5178538712269851 -0.5132105155323631 -1.0076505077484805 +9220,-0.23306138862324166,0,1.450928943294577 1.4215210238952685 1.3921131044959687 1.364717305897679 1.1831620982377897 0.9723537497017515 0.6073859921041225 0.3334280061211727 0.16781498634616848 0.07030451675901657 -0.08292622116365325 -0.8174277027919581 -0.3893876970089929 -0.48999373705922616 -0.5905997771094683 -0.5542268241682268 -0.5178538712269851 -0.5132105155323631 -1.0076505077484805 -0.32644443087468394 +9221,0.37034268389345,0,1.4215210238952685 1.3921131044959687 1.364717305897679 1.1831620982377897 0.9723537497017515 0.6073859921041225 0.3334280061211727 0.16781498634616848 0.07030451675901657 -0.08292622116365325 -0.8174277027919581 -0.3893876970089929 -0.48999373705922616 -0.5905997771094683 -0.5542268241682268 -0.5178538712269851 -0.5132105155323631 -1.0076505077484805 -0.32644443087468394 -0.23306138862324166 +9222,0.04708773828587971,0,1.3921131044959687 1.364717305897679 1.1831620982377897 0.9723537497017515 0.6073859921041225 0.3334280061211727 0.16781498634616848 0.07030451675901657 -0.08292622116365325 -0.8174277027919581 -0.3893876970089929 -0.48999373705922616 -0.5905997771094683 -0.5542268241682268 -0.5178538712269851 -0.5132105155323631 -1.0076505077484805 -0.32644443087468394 -0.23306138862324166 0.37034268389345 +9223,1.281446460440712,0,1.364717305897679 1.1831620982377897 0.9723537497017515 0.6073859921041225 0.3334280061211727 0.16781498634616848 0.07030451675901657 -0.08292622116365325 -0.8174277027919581 -0.3893876970089929 -0.48999373705922616 -0.5905997771094683 -0.5542268241682268 -0.5178538712269851 -0.5132105155323631 -1.0076505077484805 -0.32644443087468394 -0.23306138862324166 0.37034268389345 0.04708773828587971 +9224,1.5891461644712825,0,1.1831620982377897 0.9723537497017515 0.6073859921041225 0.3334280061211727 0.16781498634616848 0.07030451675901657 -0.08292622116365325 -0.8174277027919581 -0.3893876970089929 -0.48999373705922616 -0.5905997771094683 -0.5542268241682268 -0.5178538712269851 -0.5132105155323631 -1.0076505077484805 -0.32644443087468394 -0.23306138862324166 0.37034268389345 0.04708773828587971 1.281446460440712 +9225,1.5891461644712825,0,0.9723537497017515 0.6073859921041225 0.3334280061211727 0.16781498634616848 0.07030451675901657 -0.08292622116365325 -0.8174277027919581 -0.3893876970089929 -0.48999373705922616 -0.5905997771094683 -0.5542268241682268 -0.5178538712269851 -0.5132105155323631 -1.0076505077484805 -0.32644443087468394 -0.23306138862324166 0.37034268389345 0.04708773828587971 1.281446460440712 1.5891461644712825 +9226,1.5891461644712825,0,0.6073859921041225 0.3334280061211727 0.16781498634616848 0.07030451675901657 -0.08292622116365325 -0.8174277027919581 -0.3893876970089929 -0.48999373705922616 -0.5905997771094683 -0.5542268241682268 -0.5178538712269851 -0.5132105155323631 -1.0076505077484805 -0.32644443087468394 -0.23306138862324166 0.37034268389345 0.04708773828587971 1.281446460440712 1.5891461644712825 1.5891461644712825 +9227,1.5891461644712825,0,0.3334280061211727 0.16781498634616848 0.07030451675901657 -0.08292622116365325 -0.8174277027919581 -0.3893876970089929 -0.48999373705922616 -0.5905997771094683 -0.5542268241682268 -0.5178538712269851 -0.5132105155323631 -1.0076505077484805 -0.32644443087468394 -0.23306138862324166 0.37034268389345 0.04708773828587971 1.281446460440712 1.5891461644712825 1.5891461644712825 1.5891461644712825 +9228,0.9908110885878946,0,0.16781498634616848 0.07030451675901657 -0.08292622116365325 -0.8174277027919581 -0.3893876970089929 -0.48999373705922616 -0.5905997771094683 -0.5542268241682268 -0.5178538712269851 -0.5132105155323631 -1.0076505077484805 -0.32644443087468394 -0.23306138862324166 0.37034268389345 0.04708773828587971 1.281446460440712 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 +9229,0.4882065292753832,0,0.07030451675901657 -0.08292622116365325 -0.8174277027919581 -0.3893876970089929 -0.48999373705922616 -0.5905997771094683 -0.5542268241682268 -0.5178538712269851 -0.5132105155323631 -1.0076505077484805 -0.32644443087468394 -0.23306138862324166 0.37034268389345 0.04708773828587971 1.281446460440712 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 0.9908110885878946 +9230,-0.15799380489344747,0,-0.08292622116365325 -0.8174277027919581 -0.3893876970089929 -0.48999373705922616 -0.5905997771094683 -0.5542268241682268 -0.5178538712269851 -0.5132105155323631 -1.0076505077484805 -0.32644443087468394 -0.23306138862324166 0.37034268389345 0.04708773828587971 1.281446460440712 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 0.9908110885878946 0.4882065292753832 +9231,0.15756090918719817,0,-0.8174277027919581 -0.3893876970089929 -0.48999373705922616 -0.5905997771094683 -0.5542268241682268 -0.5178538712269851 -0.5132105155323631 -1.0076505077484805 -0.32644443087468394 -0.23306138862324166 0.37034268389345 0.04708773828587971 1.281446460440712 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 0.9908110885878946 0.4882065292753832 -0.15799380489344747 +9232,-0.1680544088984708,0,-0.3893876970089929 -0.48999373705922616 -0.5905997771094683 -0.5542268241682268 -0.5178538712269851 -0.5132105155323631 -1.0076505077484805 -0.32644443087468394 -0.23306138862324166 0.37034268389345 0.04708773828587971 1.281446460440712 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 0.9908110885878946 0.4882065292753832 -0.15799380489344747 0.15756090918719817 +9233,-0.8390193067719702,0,-0.48999373705922616 -0.5905997771094683 -0.5542268241682268 -0.5178538712269851 -0.5132105155323631 -1.0076505077484805 -0.32644443087468394 -0.23306138862324166 0.37034268389345 0.04708773828587971 1.281446460440712 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 0.9908110885878946 0.4882065292753832 -0.15799380489344747 0.15756090918719817 -0.1680544088984708 +9234,-0.8136046732700498,0,-0.5905997771094683 -0.5542268241682268 -0.5178538712269851 -0.5132105155323631 -1.0076505077484805 -0.32644443087468394 -0.23306138862324166 0.37034268389345 0.04708773828587971 1.281446460440712 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 0.9908110885878946 0.4882065292753832 -0.15799380489344747 0.15756090918719817 -0.1680544088984708 -0.8390193067719702 +9235,-1.600632826424387,0,-0.5542268241682268 -0.5178538712269851 -0.5132105155323631 -1.0076505077484805 -0.32644443087468394 -0.23306138862324166 0.37034268389345 0.04708773828587971 1.281446460440712 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 0.9908110885878946 0.4882065292753832 -0.15799380489344747 0.15756090918719817 -0.1680544088984708 -0.8390193067719702 -0.8136046732700498 +9236,-1.6912814480485097,0,-0.5178538712269851 -0.5132105155323631 -1.0076505077484805 -0.32644443087468394 -0.23306138862324166 0.37034268389345 0.04708773828587971 1.281446460440712 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 0.9908110885878946 0.4882065292753832 -0.15799380489344747 0.15756090918719817 -0.1680544088984708 -0.8390193067719702 -0.8136046732700498 -1.600632826424387 +9237,-1.6223534124554262,0,-0.5132105155323631 -1.0076505077484805 -0.32644443087468394 -0.23306138862324166 0.37034268389345 0.04708773828587971 1.281446460440712 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 0.9908110885878946 0.4882065292753832 -0.15799380489344747 0.15756090918719817 -0.1680544088984708 -0.8390193067719702 -0.8136046732700498 -1.600632826424387 -1.6912814480485097 +9238,-1.7661942532551533,0,-1.0076505077484805 -0.32644443087468394 -0.23306138862324166 0.37034268389345 0.04708773828587971 1.281446460440712 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 0.9908110885878946 0.4882065292753832 -0.15799380489344747 0.15756090918719817 -0.1680544088984708 -0.8390193067719702 -0.8136046732700498 -1.600632826424387 -1.6912814480485097 -1.6223534124554262 +9239,-1.7504584368376566,0,-0.32644443087468394 -0.23306138862324166 0.37034268389345 0.04708773828587971 1.281446460440712 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 0.9908110885878946 0.4882065292753832 -0.15799380489344747 0.15756090918719817 -0.1680544088984708 -0.8390193067719702 -0.8136046732700498 -1.600632826424387 -1.6912814480485097 -1.6223534124554262 -1.7661942532551533 +9240,-0.9905861755707364,0,-0.23306138862324166 0.37034268389345 0.04708773828587971 1.281446460440712 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 0.9908110885878946 0.4882065292753832 -0.15799380489344747 0.15756090918719817 -0.1680544088984708 -0.8390193067719702 -0.8136046732700498 -1.600632826424387 -1.6912814480485097 -1.6223534124554262 -1.7661942532551533 -1.7504584368376566 +9241,-0.7268048774851729,0,0.37034268389345 0.04708773828587971 1.281446460440712 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 0.9908110885878946 0.4882065292753832 -0.15799380489344747 0.15756090918719817 -0.1680544088984708 -0.8390193067719702 -0.8136046732700498 -1.600632826424387 -1.6912814480485097 -1.6223534124554262 -1.7661942532551533 -1.7504584368376566 -0.9905861755707364 +9242,-0.8119330652199815,0,0.04708773828587971 1.281446460440712 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 0.9908110885878946 0.4882065292753832 -0.15799380489344747 0.15756090918719817 -0.1680544088984708 -0.8390193067719702 -0.8136046732700498 -1.600632826424387 -1.6912814480485097 -1.6223534124554262 -1.7661942532551533 -1.7504584368376566 -0.9905861755707364 -0.7268048774851729 +9243,-0.6285205152822417,0,1.281446460440712 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 0.9908110885878946 0.4882065292753832 -0.15799380489344747 0.15756090918719817 -0.1680544088984708 -0.8390193067719702 -0.8136046732700498 -1.600632826424387 -1.6912814480485097 -1.6223534124554262 -1.7661942532551533 -1.7504584368376566 -0.9905861755707364 -0.7268048774851729 -0.8119330652199815 +9244,-0.445107965344502,0,1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 0.9908110885878946 0.4882065292753832 -0.15799380489344747 0.15756090918719817 -0.1680544088984708 -0.8390193067719702 -0.8136046732700498 -1.600632826424387 -1.6912814480485097 -1.6223534124554262 -1.7661942532551533 -1.7504584368376566 -0.9905861755707364 -0.7268048774851729 -0.8119330652199815 -0.6285205152822417 +9245,-0.23615695908632306,0,1.5891461644712825 1.5891461644712825 1.5891461644712825 0.9908110885878946 0.4882065292753832 -0.15799380489344747 0.15756090918719817 -0.1680544088984708 -0.8390193067719702 -0.8136046732700498 -1.600632826424387 -1.6912814480485097 -1.6223534124554262 -1.7661942532551533 -1.7504584368376566 -0.9905861755707364 -0.7268048774851729 -0.8119330652199815 -0.6285205152822417 -0.445107965344502 +9246,0.14150263740995023,0,1.5891461644712825 1.5891461644712825 0.9908110885878946 0.4882065292753832 -0.15799380489344747 0.15756090918719817 -0.1680544088984708 -0.8390193067719702 -0.8136046732700498 -1.600632826424387 -1.6912814480485097 -1.6223534124554262 -1.7661942532551533 -1.7504584368376566 -0.9905861755707364 -0.7268048774851729 -0.8119330652199815 -0.6285205152822417 -0.445107965344502 -0.23615695908632306 +9247,0.5191622339062235,0,1.5891461644712825 0.9908110885878946 0.4882065292753832 -0.15799380489344747 0.15756090918719817 -0.1680544088984708 -0.8390193067719702 -0.8136046732700498 -1.600632826424387 -1.6912814480485097 -1.6223534124554262 -1.7661942532551533 -1.7504584368376566 -0.9905861755707364 -0.7268048774851729 -0.8119330652199815 -0.6285205152822417 -0.445107965344502 -0.23615695908632306 0.14150263740995023 +9248,1.251264648425642,0,0.9908110885878946 0.4882065292753832 -0.15799380489344747 0.15756090918719817 -0.1680544088984708 -0.8390193067719702 -0.8136046732700498 -1.600632826424387 -1.6912814480485097 -1.6223534124554262 -1.7661942532551533 -1.7504584368376566 -0.9905861755707364 -0.7268048774851729 -0.8119330652199815 -0.6285205152822417 -0.445107965344502 -0.23615695908632306 0.14150263740995023 0.5191622339062235 +9249,1.4772412922307863,0,0.4882065292753832 -0.15799380489344747 0.15756090918719817 -0.1680544088984708 -0.8390193067719702 -0.8136046732700498 -1.600632826424387 -1.6912814480485097 -1.6223534124554262 -1.7661942532551533 -1.7504584368376566 -0.9905861755707364 -0.7268048774851729 -0.8119330652199815 -0.6285205152822417 -0.445107965344502 -0.23615695908632306 0.14150263740995023 0.5191622339062235 1.251264648425642 +9250,1.0546959240197975,0,-0.15799380489344747 0.15756090918719817 -0.1680544088984708 -0.8390193067719702 -0.8136046732700498 -1.600632826424387 -1.6912814480485097 -1.6223534124554262 -1.7661942532551533 -1.7504584368376566 -0.9905861755707364 -0.7268048774851729 -0.8119330652199815 -0.6285205152822417 -0.445107965344502 -0.23615695908632306 0.14150263740995023 0.5191622339062235 1.251264648425642 1.4772412922307863 +9251,1.4385466614422335,0,0.15756090918719817 -0.1680544088984708 -0.8390193067719702 -0.8136046732700498 -1.600632826424387 -1.6912814480485097 -1.6223534124554262 -1.7661942532551533 -1.7504584368376566 -0.9905861755707364 -0.7268048774851729 -0.8119330652199815 -0.6285205152822417 -0.445107965344502 -0.23615695908632306 0.14150263740995023 0.5191622339062235 1.251264648425642 1.4772412922307863 1.0546959240197975 +9252,1.169232031153906,0,-0.1680544088984708 -0.8390193067719702 -0.8136046732700498 -1.600632826424387 -1.6912814480485097 -1.6223534124554262 -1.7661942532551533 -1.7504584368376566 -0.9905861755707364 -0.7268048774851729 -0.8119330652199815 -0.6285205152822417 -0.445107965344502 -0.23615695908632306 0.14150263740995023 0.5191622339062235 1.251264648425642 1.4772412922307863 1.0546959240197975 1.4385466614422335 +9253,0.8039547165099759,0,-0.8390193067719702 -0.8136046732700498 -1.600632826424387 -1.6912814480485097 -1.6223534124554262 -1.7661942532551533 -1.7504584368376566 -0.9905861755707364 -0.7268048774851729 -0.8119330652199815 -0.6285205152822417 -0.445107965344502 -0.23615695908632306 0.14150263740995023 0.5191622339062235 1.251264648425642 1.4772412922307863 1.0546959240197975 1.4385466614422335 1.169232031153906 +9254,0.33961914704734425,0,-0.8136046732700498 -1.600632826424387 -1.6912814480485097 -1.6223534124554262 -1.7661942532551533 -1.7504584368376566 -0.9905861755707364 -0.7268048774851729 -0.8119330652199815 -0.6285205152822417 -0.445107965344502 -0.23615695908632306 0.14150263740995023 0.5191622339062235 1.251264648425642 1.4772412922307863 1.0546959240197975 1.4385466614422335 1.169232031153906 0.8039547165099759 +9255,0.023870959812751655,0,-1.600632826424387 -1.6912814480485097 -1.6223534124554262 -1.7661942532551533 -1.7504584368376566 -0.9905861755707364 -0.7268048774851729 -0.8119330652199815 -0.6285205152822417 -0.445107965344502 -0.23615695908632306 0.14150263740995023 0.5191622339062235 1.251264648425642 1.4772412922307863 1.0546959240197975 1.4385466614422335 1.169232031153906 0.8039547165099759 0.33961914704734425 +9256,-0.19746232829777044,0,-1.6912814480485097 -1.6223534124554262 -1.7661942532551533 -1.7504584368376566 -0.9905861755707364 -0.7268048774851729 -0.8119330652199815 -0.6285205152822417 -0.445107965344502 -0.23615695908632306 0.14150263740995023 0.5191622339062235 1.251264648425642 1.4772412922307863 1.0546959240197975 1.4385466614422335 1.169232031153906 0.8039547165099759 0.33961914704734425 0.023870959812751655 +9257,-0.4280823277975455,0,-1.6223534124554262 -1.7661942532551533 -1.7504584368376566 -0.9905861755707364 -0.7268048774851729 -0.8119330652199815 -0.6285205152822417 -0.445107965344502 -0.23615695908632306 0.14150263740995023 0.5191622339062235 1.251264648425642 1.4772412922307863 1.0546959240197975 1.4385466614422335 1.169232031153906 0.8039547165099759 0.33961914704734425 0.023870959812751655 -0.19746232829777044 +9258,-0.5418445423158835,0,-1.7661942532551533 -1.7504584368376566 -0.9905861755707364 -0.7268048774851729 -0.8119330652199815 -0.6285205152822417 -0.445107965344502 -0.23615695908632306 0.14150263740995023 0.5191622339062235 1.251264648425642 1.4772412922307863 1.0546959240197975 1.4385466614422335 1.169232031153906 0.8039547165099759 0.33961914704734425 0.023870959812751655 -0.19746232829777044 -0.4280823277975455 +9259,-0.6556067568342304,0,-1.7504584368376566 -0.9905861755707364 -0.7268048774851729 -0.8119330652199815 -0.6285205152822417 -0.445107965344502 -0.23615695908632306 0.14150263740995023 0.5191622339062235 1.251264648425642 1.4772412922307863 1.0546959240197975 1.4385466614422335 1.169232031153906 0.8039547165099759 0.33961914704734425 0.023870959812751655 -0.19746232829777044 -0.4280823277975455 -0.5418445423158835 +9260,-0.7531172264213823,0,-0.9905861755707364 -0.7268048774851729 -0.8119330652199815 -0.6285205152822417 -0.445107965344502 -0.23615695908632306 0.14150263740995023 0.5191622339062235 1.251264648425642 1.4772412922307863 1.0546959240197975 1.4385466614422335 1.169232031153906 0.8039547165099759 0.33961914704734425 0.023870959812751655 -0.19746232829777044 -0.4280823277975455 -0.5418445423158835 -0.6556067568342304 +9261,-0.8521754812400837,0,-0.7268048774851729 -0.8119330652199815 -0.6285205152822417 -0.445107965344502 -0.23615695908632306 0.14150263740995023 0.5191622339062235 1.251264648425642 1.4772412922307863 1.0546959240197975 1.4385466614422335 1.169232031153906 0.8039547165099759 0.33961914704734425 0.023870959812751655 -0.19746232829777044 -0.4280823277975455 -0.5418445423158835 -0.6556067568342304 -0.7531172264213823 +9262,-0.5890519918779188,0,-0.8119330652199815 -0.6285205152822417 -0.445107965344502 -0.23615695908632306 0.14150263740995023 0.5191622339062235 1.251264648425642 1.4772412922307863 1.0546959240197975 1.4385466614422335 1.169232031153906 0.8039547165099759 0.33961914704734425 0.023870959812751655 -0.19746232829777044 -0.4280823277975455 -0.5418445423158835 -0.6556067568342304 -0.7531172264213823 -0.8521754812400837 +9263,-1.0050966621164348,0,-0.6285205152822417 -0.445107965344502 -0.23615695908632306 0.14150263740995023 0.5191622339062235 1.251264648425642 1.4772412922307863 1.0546959240197975 1.4385466614422335 1.169232031153906 0.8039547165099759 0.33961914704734425 0.023870959812751655 -0.19746232829777044 -0.4280823277975455 -0.5418445423158835 -0.6556067568342304 -0.7531172264213823 -0.8521754812400837 -0.5890519918779188 +9264,-0.7531172264213823,0,-0.445107965344502 -0.23615695908632306 0.14150263740995023 0.5191622339062235 1.251264648425642 1.4772412922307863 1.0546959240197975 1.4385466614422335 1.169232031153906 0.8039547165099759 0.33961914704734425 0.023870959812751655 -0.19746232829777044 -0.4280823277975455 -0.5418445423158835 -0.6556067568342304 -0.7531172264213823 -0.8521754812400837 -0.5890519918779188 -1.0050966621164348 +9265,-0.8351498436931184,0,-0.23615695908632306 0.14150263740995023 0.5191622339062235 1.251264648425642 1.4772412922307863 1.0546959240197975 1.4385466614422335 1.169232031153906 0.8039547165099759 0.33961914704734425 0.023870959812751655 -0.19746232829777044 -0.4280823277975455 -0.5418445423158835 -0.6556067568342304 -0.7531172264213823 -0.8521754812400837 -0.5890519918779188 -1.0050966621164348 -0.7531172264213823 +9266,-0.8103852799884409,0,0.14150263740995023 0.5191622339062235 1.251264648425642 1.4772412922307863 1.0546959240197975 1.4385466614422335 1.169232031153906 0.8039547165099759 0.33961914704734425 0.023870959812751655 -0.19746232829777044 -0.4280823277975455 -0.5418445423158835 -0.6556067568342304 -0.7531172264213823 -0.8521754812400837 -0.5890519918779188 -1.0050966621164348 -0.7531172264213823 -0.8351498436931184 +9267,-0.5890519918779188,0,0.5191622339062235 1.251264648425642 1.4772412922307863 1.0546959240197975 1.4385466614422335 1.169232031153906 0.8039547165099759 0.33961914704734425 0.023870959812751655 -0.19746232829777044 -0.4280823277975455 -0.5418445423158835 -0.6556067568342304 -0.7531172264213823 -0.8521754812400837 -0.5890519918779188 -1.0050966621164348 -0.7531172264213823 -0.8351498436931184 -0.8103852799884409 +9268,-0.40641333455594936,0,1.251264648425642 1.4772412922307863 1.0546959240197975 1.4385466614422335 1.169232031153906 0.8039547165099759 0.33961914704734425 0.023870959812751655 -0.19746232829777044 -0.4280823277975455 -0.5418445423158835 -0.6556067568342304 -0.7531172264213823 -0.8521754812400837 -0.5890519918779188 -1.0050966621164348 -0.7531172264213823 -0.8351498436931184 -0.8103852799884409 -0.5890519918779188 +9269,-0.18198447598234585,0,1.4772412922307863 1.0546959240197975 1.4385466614422335 1.169232031153906 0.8039547165099759 0.33961914704734425 0.023870959812751655 -0.19746232829777044 -0.4280823277975455 -0.5418445423158835 -0.6556067568342304 -0.7531172264213823 -0.8521754812400837 -0.5890519918779188 -1.0050966621164348 -0.7531172264213823 -0.8351498436931184 -0.8103852799884409 -0.5890519918779188 -0.40641333455594936 +9270,0.13995485217840953,0,1.0546959240197975 1.4385466614422335 1.169232031153906 0.8039547165099759 0.33961914704734425 0.023870959812751655 -0.19746232829777044 -0.4280823277975455 -0.5418445423158835 -0.6556067568342304 -0.7531172264213823 -0.8521754812400837 -0.5890519918779188 -1.0050966621164348 -0.7531172264213823 -0.8351498436931184 -0.8103852799884409 -0.5890519918779188 -0.40641333455594936 -0.18198447598234585 +9271,0.4875358223933114,0,1.4385466614422335 1.169232031153906 0.8039547165099759 0.33961914704734425 0.023870959812751655 -0.19746232829777044 -0.4280823277975455 -0.5418445423158835 -0.6556067568342304 -0.7531172264213823 -0.8521754812400837 -0.5890519918779188 -1.0050966621164348 -0.7531172264213823 -0.8351498436931184 -0.8103852799884409 -0.5890519918779188 -0.40641333455594936 -0.18198447598234585 0.13995485217840953 +9272,0.8351167924534275,0,1.169232031153906 0.8039547165099759 0.33961914704734425 0.023870959812751655 -0.19746232829777044 -0.4280823277975455 -0.5418445423158835 -0.6556067568342304 -0.7531172264213823 -0.8521754812400837 -0.5890519918779188 -1.0050966621164348 -0.7531172264213823 -0.8351498436931184 -0.8103852799884409 -0.5890519918779188 -0.40641333455594936 -0.18198447598234585 0.13995485217840953 0.4875358223933114 +9273,0.4857300729049216,0,0.8039547165099759 0.33961914704734425 0.023870959812751655 -0.19746232829777044 -0.4280823277975455 -0.5418445423158835 -0.6556067568342304 -0.7531172264213823 -0.8521754812400837 -0.5890519918779188 -1.0050966621164348 -0.7531172264213823 -0.8351498436931184 -0.8103852799884409 -0.5890519918779188 -0.40641333455594936 -0.18198447598234585 0.13995485217840953 0.4875358223933114 0.8351167924534275 +9274,1.0656336063742808,0,0.33961914704734425 0.023870959812751655 -0.19746232829777044 -0.4280823277975455 -0.5418445423158835 -0.6556067568342304 -0.7531172264213823 -0.8521754812400837 -0.5890519918779188 -1.0050966621164348 -0.7531172264213823 -0.8351498436931184 -0.8103852799884409 -0.5890519918779188 -0.40641333455594936 -0.18198447598234585 0.13995485217840953 0.4875358223933114 0.8351167924534275 0.4857300729049216 +9275,0.9485694499254644,0,0.023870959812751655 -0.19746232829777044 -0.4280823277975455 -0.5418445423158835 -0.6556067568342304 -0.7531172264213823 -0.8521754812400837 -0.5890519918779188 -1.0050966621164348 -0.7531172264213823 -0.8351498436931184 -0.8103852799884409 -0.5890519918779188 -0.40641333455594936 -0.18198447598234585 0.13995485217840953 0.4875358223933114 0.8351167924534275 0.4857300729049216 1.0656336063742808 +9276,0.2821963149571351,0,-0.19746232829777044 -0.4280823277975455 -0.5418445423158835 -0.6556067568342304 -0.7531172264213823 -0.8521754812400837 -0.5890519918779188 -1.0050966621164348 -0.7531172264213823 -0.8351498436931184 -0.8103852799884409 -0.5890519918779188 -0.40641333455594936 -0.18198447598234585 0.13995485217840953 0.4875358223933114 0.8351167924534275 0.4857300729049216 1.0656336063742808 0.9485694499254644 +9277,0.3482351515545166,0,-0.4280823277975455 -0.5418445423158835 -0.6556067568342304 -0.7531172264213823 -0.8521754812400837 -0.5890519918779188 -1.0050966621164348 -0.7531172264213823 -0.8351498436931184 -0.8103852799884409 -0.5890519918779188 -0.40641333455594936 -0.18198447598234585 0.13995485217840953 0.4875358223933114 0.8351167924534275 0.4857300729049216 1.0656336063742808 0.9485694499254644 0.2821963149571351 +9278,-0.13503499067716848,0,-0.5418445423158835 -0.6556067568342304 -0.7531172264213823 -0.8521754812400837 -0.5890519918779188 -1.0050966621164348 -0.7531172264213823 -0.8351498436931184 -0.8103852799884409 -0.5890519918779188 -0.40641333455594936 -0.18198447598234585 0.13995485217840953 0.4875358223933114 0.8351167924534275 0.4857300729049216 1.0656336063742808 0.9485694499254644 0.2821963149571351 0.3482351515545166 +9279,-0.15706513375452655,0,-0.6556067568342304 -0.7531172264213823 -0.8521754812400837 -0.5890519918779188 -1.0050966621164348 -0.7531172264213823 -0.8351498436931184 -0.8103852799884409 -0.5890519918779188 -0.40641333455594936 -0.18198447598234585 0.13995485217840953 0.4875358223933114 0.8351167924534275 0.4857300729049216 1.0656336063742808 0.9485694499254644 0.2821963149571351 0.3482351515545166 -0.13503499067716848 +9280,-0.7940819422677939,0,-0.7531172264213823 -0.8521754812400837 -0.5890519918779188 -1.0050966621164348 -0.7531172264213823 -0.8351498436931184 -0.8103852799884409 -0.5890519918779188 -0.40641333455594936 -0.18198447598234585 0.13995485217840953 0.4875358223933114 0.8351167924534275 0.4857300729049216 1.0656336063742808 0.9485694499254644 0.2821963149571351 0.3482351515545166 -0.13503499067716848 -0.15706513375452655 +9281,-0.9698587516267343,0,-0.8521754812400837 -0.5890519918779188 -1.0050966621164348 -0.7531172264213823 -0.8351498436931184 -0.8103852799884409 -0.5890519918779188 -0.40641333455594936 -0.18198447598234585 0.13995485217840953 0.4875358223933114 0.8351167924534275 0.4857300729049216 1.0656336063742808 0.9485694499254644 0.2821963149571351 0.3482351515545166 -0.13503499067716848 -0.15706513375452655 -0.7940819422677939 +9282,-1.000608084944972,0,-0.5890519918779188 -1.0050966621164348 -0.7531172264213823 -0.8351498436931184 -0.8103852799884409 -0.5890519918779188 -0.40641333455594936 -0.18198447598234585 0.13995485217840953 0.4875358223933114 0.8351167924534275 0.4857300729049216 1.0656336063742808 0.9485694499254644 0.2821963149571351 0.3482351515545166 -0.13503499067716848 -0.15706513375452655 -0.7940819422677939 -0.9698587516267343 +9283,-1.2247273864722656,0,-1.0050966621164348 -0.7531172264213823 -0.8351498436931184 -0.8103852799884409 -0.5890519918779188 -0.40641333455594936 -0.18198447598234585 0.13995485217840953 0.4875358223933114 0.8351167924534275 0.4857300729049216 1.0656336063742808 0.9485694499254644 0.2821963149571351 0.3482351515545166 -0.13503499067716848 -0.15706513375452655 -0.7940819422677939 -0.9698587516267343 -1.000608084944972 +9284,-1.3038192118040621,0,-0.7531172264213823 -0.8351498436931184 -0.8103852799884409 -0.5890519918779188 -0.40641333455594936 -0.18198447598234585 0.13995485217840953 0.4875358223933114 0.8351167924534275 0.4857300729049216 1.0656336063742808 0.9485694499254644 0.2821963149571351 0.3482351515545166 -0.13503499067716848 -0.15706513375452655 -0.7940819422677939 -0.9698587516267343 -1.000608084944972 -1.2247273864722656 +9285,-0.20055789876085184,0,-0.8351498436931184 -0.8103852799884409 -0.5890519918779188 -0.40641333455594936 -0.18198447598234585 0.13995485217840953 0.4875358223933114 0.8351167924534275 0.4857300729049216 1.0656336063742808 0.9485694499254644 0.2821963149571351 0.3482351515545166 -0.13503499067716848 -0.15706513375452655 -0.7940819422677939 -0.9698587516267343 -1.000608084944972 -1.2247273864722656 -1.3038192118040621 +9286,-0.9085922529297878,0,-0.8103852799884409 -0.5890519918779188 -0.40641333455594936 -0.18198447598234585 0.13995485217840953 0.4875358223933114 0.8351167924534275 0.4857300729049216 1.0656336063742808 0.9485694499254644 0.2821963149571351 0.3482351515545166 -0.13503499067716848 -0.15706513375452655 -0.7940819422677939 -0.9698587516267343 -1.000608084944972 -1.2247273864722656 -1.3038192118040621 -0.20055789876085184 +9287,-0.4342734687237083,0,-0.5890519918779188 -0.40641333455594936 -0.18198447598234585 0.13995485217840953 0.4875358223933114 0.8351167924534275 0.4857300729049216 1.0656336063742808 0.9485694499254644 0.2821963149571351 0.3482351515545166 -0.13503499067716848 -0.15706513375452655 -0.7940819422677939 -0.9698587516267343 -1.000608084944972 -1.2247273864722656 -1.3038192118040621 -0.20055789876085184 -0.9085922529297878 +9288,-0.6109918475350284,0,-0.40641333455594936 -0.18198447598234585 0.13995485217840953 0.4875358223933114 0.8351167924534275 0.4857300729049216 1.0656336063742808 0.9485694499254644 0.2821963149571351 0.3482351515545166 -0.13503499067716848 -0.15706513375452655 -0.7940819422677939 -0.9698587516267343 -1.000608084944972 -1.2247273864722656 -1.3038192118040621 -0.20055789876085184 -0.9085922529297878 -0.4342734687237083 +9289,-1.3577337306511903,0,-0.18198447598234585 0.13995485217840953 0.4875358223933114 0.8351167924534275 0.4857300729049216 1.0656336063742808 0.9485694499254644 0.2821963149571351 0.3482351515545166 -0.13503499067716848 -0.15706513375452655 -0.7940819422677939 -0.9698587516267343 -1.000608084944972 -1.2247273864722656 -1.3038192118040621 -0.20055789876085184 -0.9085922529297878 -0.4342734687237083 -0.6109918475350284 +9290,-1.2494403573874824,0,0.13995485217840953 0.4875358223933114 0.8351167924534275 0.4857300729049216 1.0656336063742808 0.9485694499254644 0.2821963149571351 0.3482351515545166 -0.13503499067716848 -0.15706513375452655 -0.7940819422677939 -0.9698587516267343 -1.000608084944972 -1.2247273864722656 -1.3038192118040621 -0.20055789876085184 -0.9085922529297878 -0.4342734687237083 -0.6109918475350284 -1.3577337306511903 +9291,-0.6179181864461827,0,0.4875358223933114 0.8351167924534275 0.4857300729049216 1.0656336063742808 0.9485694499254644 0.2821963149571351 0.3482351515545166 -0.13503499067716848 -0.15706513375452655 -0.7940819422677939 -0.9698587516267343 -1.000608084944972 -1.2247273864722656 -1.3038192118040621 -0.20055789876085184 -0.9085922529297878 -0.4342734687237083 -0.6109918475350284 -1.3577337306511903 -1.2494403573874824 +9292,-0.3352152139050157,0,0.8351167924534275 0.4857300729049216 1.0656336063742808 0.9485694499254644 0.2821963149571351 0.3482351515545166 -0.13503499067716848 -0.15706513375452655 -0.7940819422677939 -0.9698587516267343 -1.000608084944972 -1.2247273864722656 -1.3038192118040621 -0.20055789876085184 -0.9085922529297878 -0.4342734687237083 -0.6109918475350284 -1.3577337306511903 -1.2494403573874824 -0.6179181864461827 +9293,0.08555020128970652,0,0.4857300729049216 1.0656336063742808 0.9485694499254644 0.2821963149571351 0.3482351515545166 -0.13503499067716848 -0.15706513375452655 -0.7940819422677939 -0.9698587516267343 -1.000608084944972 -1.2247273864722656 -1.3038192118040621 -0.20055789876085184 -0.9085922529297878 -0.4342734687237083 -0.6109918475350284 -1.3577337306511903 -1.2494403573874824 -0.6179181864461827 -0.3352152139050157 +9294,-0.02772188118705662,0,1.0656336063742808 0.9485694499254644 0.2821963149571351 0.3482351515545166 -0.13503499067716848 -0.15706513375452655 -0.7940819422677939 -0.9698587516267343 -1.000608084944972 -1.2247273864722656 -1.3038192118040621 -0.20055789876085184 -0.9085922529297878 -0.4342734687237083 -0.6109918475350284 -1.3577337306511903 -1.2494403573874824 -0.6179181864461827 -0.3352152139050157 0.08555020128970652 +9295,0.12602478509453446,0,0.9485694499254644 0.2821963149571351 0.3482351515545166 -0.13503499067716848 -0.15706513375452655 -0.7940819422677939 -0.9698587516267343 -1.000608084944972 -1.2247273864722656 -1.3038192118040621 -0.20055789876085184 -0.9085922529297878 -0.4342734687237083 -0.6109918475350284 -1.3577337306511903 -1.2494403573874824 -0.6179181864461827 -0.3352152139050157 0.08555020128970652 -0.02772188118705662 +9296,0.5052321668223485,0,0.2821963149571351 0.3482351515545166 -0.13503499067716848 -0.15706513375452655 -0.7940819422677939 -0.9698587516267343 -1.000608084944972 -1.2247273864722656 -1.3038192118040621 -0.20055789876085184 -0.9085922529297878 -0.4342734687237083 -0.6109918475350284 -1.3577337306511903 -1.2494403573874824 -0.6179181864461827 -0.3352152139050157 0.08555020128970652 -0.02772188118705662 0.12602478509453446 +9297,0.5872647840940758,0,0.3482351515545166 -0.13503499067716848 -0.15706513375452655 -0.7940819422677939 -0.9698587516267343 -1.000608084944972 -1.2247273864722656 -1.3038192118040621 -0.20055789876085184 -0.9085922529297878 -0.4342734687237083 -0.6109918475350284 -1.3577337306511903 -1.2494403573874824 -0.6179181864461827 -0.3352152139050157 0.08555020128970652 -0.02772188118705662 0.12602478509453446 0.5052321668223485 +9298,0.6275072001141692,0,-0.13503499067716848 -0.15706513375452655 -0.7940819422677939 -0.9698587516267343 -1.000608084944972 -1.2247273864722656 -1.3038192118040621 -0.20055789876085184 -0.9085922529297878 -0.4342734687237083 -0.6109918475350284 -1.3577337306511903 -1.2494403573874824 -0.6179181864461827 -0.3352152139050157 0.08555020128970652 -0.02772188118705662 0.12602478509453446 0.5052321668223485 0.5872647840940758 +9299,0.2637776707017797,0,-0.15706513375452655 -0.7940819422677939 -0.9698587516267343 -1.000608084944972 -1.2247273864722656 -1.3038192118040621 -0.20055789876085184 -0.9085922529297878 -0.4342734687237083 -0.6109918475350284 -1.3577337306511903 -1.2494403573874824 -0.6179181864461827 -0.3352152139050157 0.08555020128970652 -0.02772188118705662 0.12602478509453446 0.5052321668223485 0.5872647840940758 0.6275072001141692 +9300,0.07030451675901657,0,-0.7940819422677939 -0.9698587516267343 -1.000608084944972 -1.2247273864722656 -1.3038192118040621 -0.20055789876085184 -0.9085922529297878 -0.4342734687237083 -0.6109918475350284 -1.3577337306511903 -1.2494403573874824 -0.6179181864461827 -0.3352152139050157 0.08555020128970652 -0.02772188118705662 0.12602478509453446 0.5052321668223485 0.5872647840940758 0.6275072001141692 0.2637776707017797 +9301,-0.12316863718374657,0,-0.9698587516267343 -1.000608084944972 -1.2247273864722656 -1.3038192118040621 -0.20055789876085184 -0.9085922529297878 -0.4342734687237083 -0.6109918475350284 -1.3577337306511903 -1.2494403573874824 -0.6179181864461827 -0.3352152139050157 0.08555020128970652 -0.02772188118705662 0.12602478509453446 0.5052321668223485 0.5872647840940758 0.6275072001141692 0.2637776707017797 0.07030451675901657 +9302,-0.30890286496879743,0,-1.000608084944972 -1.2247273864722656 -1.3038192118040621 -0.20055789876085184 -0.9085922529297878 -0.4342734687237083 -0.6109918475350284 -1.3577337306511903 -1.2494403573874824 -0.6179181864461827 -0.3352152139050157 0.08555020128970652 -0.02772188118705662 0.12602478509453446 0.5052321668223485 0.5872647840940758 0.6275072001141692 0.2637776707017797 0.07030451675901657 -0.12316863718374657 +9303,-0.40176997886132726,0,-1.2247273864722656 -1.3038192118040621 -0.20055789876085184 -0.9085922529297878 -0.4342734687237083 -0.6109918475350284 -1.3577337306511903 -1.2494403573874824 -0.6179181864461827 -0.3352152139050157 0.08555020128970652 -0.02772188118705662 0.12602478509453446 0.5052321668223485 0.5872647840940758 0.6275072001141692 0.2637776707017797 0.07030451675901657 -0.12316863718374657 -0.30890286496879743 +9304,-0.4946370927538571,0,-1.3038192118040621 -0.20055789876085184 -0.9085922529297878 -0.4342734687237083 -0.6109918475350284 -1.3577337306511903 -1.2494403573874824 -0.6179181864461827 -0.3352152139050157 0.08555020128970652 -0.02772188118705662 0.12602478509453446 0.5052321668223485 0.5872647840940758 0.6275072001141692 0.2637776707017797 0.07030451675901657 -0.12316863718374657 -0.30890286496879743 -0.40176997886132726 +9305,-0.5194016564585259,0,-0.20055789876085184 -0.9085922529297878 -0.4342734687237083 -0.6109918475350284 -1.3577337306511903 -1.2494403573874824 -0.6179181864461827 -0.3352152139050157 0.08555020128970652 -0.02772188118705662 0.12602478509453446 0.5052321668223485 0.5872647840940758 0.6275072001141692 0.2637776707017797 0.07030451675901657 -0.12316863718374657 -0.30890286496879743 -0.40176997886132726 -0.4946370927538571 +9306,-0.7212715452824087,0,-0.9085922529297878 -0.4342734687237083 -0.6109918475350284 -1.3577337306511903 -1.2494403573874824 -0.6179181864461827 -0.3352152139050157 0.08555020128970652 -0.02772188118705662 0.12602478509453446 0.5052321668223485 0.5872647840940758 0.6275072001141692 0.2637776707017797 0.07030451675901657 -0.12316863718374657 -0.30890286496879743 -0.40176997886132726 -0.4946370927538571 -0.5194016564585259 +9307,-1.1045160667708982,0,-0.4342734687237083 -0.6109918475350284 -1.3577337306511903 -1.2494403573874824 -0.6179181864461827 -0.3352152139050157 0.08555020128970652 -0.02772188118705662 0.12602478509453446 0.5052321668223485 0.5872647840940758 0.6275072001141692 0.2637776707017797 0.07030451675901657 -0.12316863718374657 -0.30890286496879743 -0.40176997886132726 -0.4946370927538571 -0.5194016564585259 -0.7212715452824087 +9308,-1.2156986393398617,0,-0.6109918475350284 -1.3577337306511903 -1.2494403573874824 -0.6179181864461827 -0.3352152139050157 0.08555020128970652 -0.02772188118705662 0.12602478509453446 0.5052321668223485 0.5872647840940758 0.6275072001141692 0.2637776707017797 0.07030451675901657 -0.12316863718374657 -0.30890286496879743 -0.40176997886132726 -0.4946370927538571 -0.5194016564585259 -0.7212715452824087 -1.1045160667708982 +9309,-1.1787581650954613,0,-1.3577337306511903 -1.2494403573874824 -0.6179181864461827 -0.3352152139050157 0.08555020128970652 -0.02772188118705662 0.12602478509453446 0.5052321668223485 0.5872647840940758 0.6275072001141692 0.2637776707017797 0.07030451675901657 -0.12316863718374657 -0.30890286496879743 -0.40176997886132726 -0.4946370927538571 -0.5194016564585259 -0.7212715452824087 -1.1045160667708982 -1.2156986393398617 +9310,-1.339315086395835,0,-1.2494403573874824 -0.6179181864461827 -0.3352152139050157 0.08555020128970652 -0.02772188118705662 0.12602478509453446 0.5052321668223485 0.5872647840940758 0.6275072001141692 0.2637776707017797 0.07030451675901657 -0.12316863718374657 -0.30890286496879743 -0.40176997886132726 -0.4946370927538571 -0.5194016564585259 -0.7212715452824087 -1.1045160667708982 -1.2156986393398617 -1.1787581650954613 +9311,-1.3517489611924158,0,-0.6179181864461827 -0.3352152139050157 0.08555020128970652 -0.02772188118705662 0.12602478509453446 0.5052321668223485 0.5872647840940758 0.6275072001141692 0.2637776707017797 0.07030451675901657 -0.12316863718374657 -0.30890286496879743 -0.40176997886132726 -0.4946370927538571 -0.5194016564585259 -0.7212715452824087 -1.1045160667708982 -1.2156986393398617 -1.1787581650954613 -1.339315086395835 +9312,-0.6650172910420108,0,-0.3352152139050157 0.08555020128970652 -0.02772188118705662 0.12602478509453446 0.5052321668223485 0.5872647840940758 0.6275072001141692 0.2637776707017797 0.07030451675901657 -0.12316863718374657 -0.30890286496879743 -0.40176997886132726 -0.4946370927538571 -0.5194016564585259 -0.7212715452824087 -1.1045160667708982 -1.2156986393398617 -1.1787581650954613 -1.339315086395835 -1.3517489611924158 +9313,-0.7939787565340954,0,0.08555020128970652 -0.02772188118705662 0.12602478509453446 0.5052321668223485 0.5872647840940758 0.6275072001141692 0.2637776707017797 0.07030451675901657 -0.12316863718374657 -0.30890286496879743 -0.40176997886132726 -0.4946370927538571 -0.5194016564585259 -0.7212715452824087 -1.1045160667708982 -1.2156986393398617 -1.1787581650954613 -1.339315086395835 -1.3517489611924158 -0.6650172910420108 +9314,-0.2237746772339887,0,-0.02772188118705662 0.12602478509453446 0.5052321668223485 0.5872647840940758 0.6275072001141692 0.2637776707017797 0.07030451675901657 -0.12316863718374657 -0.30890286496879743 -0.40176997886132726 -0.4946370927538571 -0.5194016564585259 -0.7212715452824087 -1.1045160667708982 -1.2156986393398617 -1.1787581650954613 -1.339315086395835 -1.3517489611924158 -0.6650172910420108 -0.7939787565340954 +9315,-0.24107117719646742,0,0.12602478509453446 0.5052321668223485 0.5872647840940758 0.6275072001141692 0.2637776707017797 0.07030451675901657 -0.12316863718374657 -0.30890286496879743 -0.40176997886132726 -0.4946370927538571 -0.5194016564585259 -0.7212715452824087 -1.1045160667708982 -1.2156986393398617 -1.1787581650954613 -1.339315086395835 -1.3517489611924158 -0.6650172910420108 -0.7939787565340954 -0.2237746772339887 +9316,-0.9629453110290389,0,0.5052321668223485 0.5872647840940758 0.6275072001141692 0.2637776707017797 0.07030451675901657 -0.12316863718374657 -0.30890286496879743 -0.40176997886132726 -0.4946370927538571 -0.5194016564585259 -0.7212715452824087 -1.1045160667708982 -1.2156986393398617 -1.1787581650954613 -1.339315086395835 -1.3517489611924158 -0.6650172910420108 -0.7939787565340954 -0.2237746772339887 -0.24107117719646742 +9317,-0.6279529939790828,0,0.5872647840940758 0.6275072001141692 0.2637776707017797 0.07030451675901657 -0.12316863718374657 -0.30890286496879743 -0.40176997886132726 -0.4946370927538571 -0.5194016564585259 -0.7212715452824087 -1.1045160667708982 -1.2156986393398617 -1.1787581650954613 -1.339315086395835 -1.3517489611924158 -0.6650172910420108 -0.7939787565340954 -0.2237746772339887 -0.24107117719646742 -0.9629453110290389 +9318,-0.2698986771339349,0,0.6275072001141692 0.2637776707017797 0.07030451675901657 -0.12316863718374657 -0.30890286496879743 -0.40176997886132726 -0.4946370927538571 -0.5194016564585259 -0.7212715452824087 -1.1045160667708982 -1.2156986393398617 -1.1787581650954613 -1.339315086395835 -1.3517489611924158 -0.6650172910420108 -0.7939787565340954 -0.2237746772339887 -0.24107117719646742 -0.9629453110290389 -0.6279529939790828 +9319,0.061249973154489414,0,0.2637776707017797 0.07030451675901657 -0.12316863718374657 -0.30890286496879743 -0.40176997886132726 -0.4946370927538571 -0.5194016564585259 -0.7212715452824087 -1.1045160667708982 -1.2156986393398617 -1.1787581650954613 -1.339315086395835 -1.3517489611924158 -0.6650172910420108 -0.7939787565340954 -0.2237746772339887 -0.24107117719646742 -0.9629453110290389 -0.6279529939790828 -0.2698986771339349 +9320,0.4154606233929,0,0.07030451675901657 -0.12316863718374657 -0.30890286496879743 -0.40176997886132726 -0.4946370927538571 -0.5194016564585259 -0.7212715452824087 -1.1045160667708982 -1.2156986393398617 -1.1787581650954613 -1.339315086395835 -1.3517489611924158 -0.6650172910420108 -0.7939787565340954 -0.2237746772339887 -0.24107117719646742 -0.9629453110290389 -0.6279529939790828 -0.2698986771339349 0.061249973154489414 +9321,0.513744985595831,0,-0.12316863718374657 -0.30890286496879743 -0.40176997886132726 -0.4946370927538571 -0.5194016564585259 -0.7212715452824087 -1.1045160667708982 -1.2156986393398617 -1.1787581650954613 -1.339315086395835 -1.3517489611924158 -0.6650172910420108 -0.7939787565340954 -0.2237746772339887 -0.24107117719646742 -0.9629453110290389 -0.6279529939790828 -0.2698986771339349 0.061249973154489414 0.4154606233929 +9322,0.6120293477987534,0,-0.30890286496879743 -0.40176997886132726 -0.4946370927538571 -0.5194016564585259 -0.7212715452824087 -1.1045160667708982 -1.2156986393398617 -1.1787581650954613 -1.339315086395835 -1.3517489611924158 -0.6650172910420108 -0.7939787565340954 -0.2237746772339887 -0.24107117719646742 -0.9629453110290389 -0.6279529939790828 -0.2698986771339349 0.061249973154489414 0.4154606233929 0.513744985595831 +9323,0.5052321668223485,0,-0.40176997886132726 -0.4946370927538571 -0.5194016564585259 -0.7212715452824087 -1.1045160667708982 -1.2156986393398617 -1.1787581650954613 -1.339315086395835 -1.3517489611924158 -0.6650172910420108 -0.7939787565340954 -0.2237746772339887 -0.24107117719646742 -0.9629453110290389 -0.6279529939790828 -0.2698986771339349 0.061249973154489414 0.4154606233929 0.513744985595831 0.6120293477987534 +9324,0.17710169773542148,0,-0.4946370927538571 -0.5194016564585259 -0.7212715452824087 -1.1045160667708982 -1.2156986393398617 -1.1787581650954613 -1.339315086395835 -1.3517489611924158 -0.6650172910420108 -0.7939787565340954 -0.2237746772339887 -0.24107117719646742 -0.9629453110290389 -0.6279529939790828 -0.2698986771339349 0.061249973154489414 0.4154606233929 0.513744985595831 0.6120293477987534 0.5052321668223485 +9325,0.01945977190285539,0,-0.5194016564585259 -0.7212715452824087 -1.1045160667708982 -1.2156986393398617 -1.1787581650954613 -1.339315086395835 -1.3517489611924158 -0.6650172910420108 -0.7939787565340954 -0.2237746772339887 -0.24107117719646742 -0.9629453110290389 -0.6279529939790828 -0.2698986771339349 0.061249973154489414 0.4154606233929 0.513744985595831 0.6120293477987534 0.5052321668223485 0.17710169773542148 +9326,-0.2671126637171634,0,-0.7212715452824087 -1.1045160667708982 -1.2156986393398617 -1.1787581650954613 -1.339315086395835 -1.3517489611924158 -0.6650172910420108 -0.7939787565340954 -0.2237746772339887 -0.24107117719646742 -0.9629453110290389 -0.6279529939790828 -0.2698986771339349 0.061249973154489414 0.4154606233929 0.513744985595831 0.6120293477987534 0.5052321668223485 0.17710169773542148 0.01945977190285539 +9327,-0.35843199237815254,0,-1.1045160667708982 -1.2156986393398617 -1.1787581650954613 -1.339315086395835 -1.3517489611924158 -0.6650172910420108 -0.7939787565340954 -0.2237746772339887 -0.24107117719646742 -0.9629453110290389 -0.6279529939790828 -0.2698986771339349 0.061249973154489414 0.4154606233929 0.513744985595831 0.6120293477987534 0.5052321668223485 0.17710169773542148 0.01945977190285539 -0.2671126637171634 +9328,-0.36075367022546356,0,-1.2156986393398617 -1.1787581650954613 -1.339315086395835 -1.3517489611924158 -0.6650172910420108 -0.7939787565340954 -0.2237746772339887 -0.24107117719646742 -0.9629453110290389 -0.6279529939790828 -0.2698986771339349 0.061249973154489414 0.4154606233929 0.513744985595831 0.6120293477987534 0.5052321668223485 0.17710169773542148 0.01945977190285539 -0.2671126637171634 -0.35843199237815254 +9329,-0.36307534807277464,0,-1.1787581650954613 -1.339315086395835 -1.3517489611924158 -0.6650172910420108 -0.7939787565340954 -0.2237746772339887 -0.24107117719646742 -0.9629453110290389 -0.6279529939790828 -0.2698986771339349 0.061249973154489414 0.4154606233929 0.513744985595831 0.6120293477987534 0.5052321668223485 0.17710169773542148 0.01945977190285539 -0.2671126637171634 -0.35843199237815254 -0.36075367022546356 +9330,-0.6562645655576378,0,-1.339315086395835 -1.3517489611924158 -0.6650172910420108 -0.7939787565340954 -0.2237746772339887 -0.24107117719646742 -0.9629453110290389 -0.6279529939790828 -0.2698986771339349 0.061249973154489414 0.4154606233929 0.513744985595831 0.6120293477987534 0.5052321668223485 0.17710169773542148 0.01945977190285539 -0.2671126637171634 -0.35843199237815254 -0.36075367022546356 -0.36307534807277464 +9331,-1.3913722631198893,0,-1.3517489611924158 -0.6650172910420108 -0.7939787565340954 -0.2237746772339887 -0.24107117719646742 -0.9629453110290389 -0.6279529939790828 -0.2698986771339349 0.061249973154489414 0.4154606233929 0.513744985595831 0.6120293477987534 0.5052321668223485 0.17710169773542148 0.01945977190285539 -0.2671126637171634 -0.35843199237815254 -0.36075367022546356 -0.36307534807277464 -0.6562645655576378 +9332,-1.4636022404886655,0,-0.6650172910420108 -0.7939787565340954 -0.2237746772339887 -0.24107117719646742 -0.9629453110290389 -0.6279529939790828 -0.2698986771339349 0.061249973154489414 0.4154606233929 0.513744985595831 0.6120293477987534 0.5052321668223485 0.17710169773542148 0.01945977190285539 -0.2671126637171634 -0.35843199237815254 -0.36075367022546356 -0.36307534807277464 -0.6562645655576378 -1.3913722631198893 +9333,-1.508745976460239,0,-0.7939787565340954 -0.2237746772339887 -0.24107117719646742 -0.9629453110290389 -0.6279529939790828 -0.2698986771339349 0.061249973154489414 0.4154606233929 0.513744985595831 0.6120293477987534 0.5052321668223485 0.17710169773542148 0.01945977190285539 -0.2671126637171634 -0.35843199237815254 -0.36075367022546356 -0.36307534807277464 -0.6562645655576378 -1.3913722631198893 -1.4636022404886655 +9334,-1.5900047011162046,0,-0.2237746772339887 -0.24107117719646742 -0.9629453110290389 -0.6279529939790828 -0.2698986771339349 0.061249973154489414 0.4154606233929 0.513744985595831 0.6120293477987534 0.5052321668223485 0.17710169773542148 0.01945977190285539 -0.2671126637171634 -0.35843199237815254 -0.36075367022546356 -0.36307534807277464 -0.6562645655576378 -1.3913722631198893 -1.4636022404886655 -1.508745976460239 +9335,-1.644177184220173,0,-0.24107117719646742 -0.9629453110290389 -0.6279529939790828 -0.2698986771339349 0.061249973154489414 0.4154606233929 0.513744985595831 0.6120293477987534 0.5052321668223485 0.17710169773542148 0.01945977190285539 -0.2671126637171634 -0.35843199237815254 -0.36075367022546356 -0.36307534807277464 -0.6562645655576378 -1.3913722631198893 -1.4636022404886655 -1.508745976460239 -1.5900047011162046 +9336,-0.7328799345189727,0,-0.9629453110290389 -0.6279529939790828 -0.2698986771339349 0.061249973154489414 0.4154606233929 0.513744985595831 0.6120293477987534 0.5052321668223485 0.17710169773542148 0.01945977190285539 -0.2671126637171634 -0.35843199237815254 -0.36075367022546356 -0.36307534807277464 -0.6562645655576378 -1.3913722631198893 -1.4636022404886655 -1.508745976460239 -1.5900047011162046 -1.644177184220173 +9337,-0.46522917335455743,0,-0.6279529939790828 -0.2698986771339349 0.061249973154489414 0.4154606233929 0.513744985595831 0.6120293477987534 0.5052321668223485 0.17710169773542148 0.01945977190285539 -0.2671126637171634 -0.35843199237815254 -0.36075367022546356 -0.36307534807277464 -0.6562645655576378 -1.3913722631198893 -1.4636022404886655 -1.508745976460239 -1.5900047011162046 -1.644177184220173 -0.7328799345189727 +9338,-0.3770054151566497,0,-0.2698986771339349 0.061249973154489414 0.4154606233929 0.513744985595831 0.6120293477987534 0.5052321668223485 0.17710169773542148 0.01945977190285539 -0.2671126637171634 -0.35843199237815254 -0.36075367022546356 -0.36307534807277464 -0.6562645655576378 -1.3913722631198893 -1.4636022404886655 -1.508745976460239 -1.5900047011162046 -1.644177184220173 -0.7328799345189727 -0.46522917335455743 +9339,-0.3878399117774522,0,0.061249973154489414 0.4154606233929 0.513744985595831 0.6120293477987534 0.5052321668223485 0.17710169773542148 0.01945977190285539 -0.2671126637171634 -0.35843199237815254 -0.36075367022546356 -0.36307534807277464 -0.6562645655576378 -1.3913722631198893 -1.4636022404886655 -1.508745976460239 -1.5900047011162046 -1.644177184220173 -0.7328799345189727 -0.46522917335455743 -0.3770054151566497 +9340,-0.5302361530793195,0,0.4154606233929 0.513744985595831 0.6120293477987534 0.5052321668223485 0.17710169773542148 0.01945977190285539 -0.2671126637171634 -0.35843199237815254 -0.36075367022546356 -0.36307534807277464 -0.6562645655576378 -1.3913722631198893 -1.4636022404886655 -1.508745976460239 -1.5900047011162046 -1.644177184220173 -0.7328799345189727 -0.46522917335455743 -0.3770054151566497 -0.3878399117774522 +9341,-0.07077610709604469,0,0.513744985595831 0.6120293477987534 0.5052321668223485 0.17710169773542148 0.01945977190285539 -0.2671126637171634 -0.35843199237815254 -0.36075367022546356 -0.36307534807277464 -0.6562645655576378 -1.3913722631198893 -1.4636022404886655 -1.508745976460239 -1.5900047011162046 -1.644177184220173 -0.7328799345189727 -0.46522917335455743 -0.3770054151566497 -0.3878399117774522 -0.5302361530793195 +9342,0.051483448343464445,0,0.6120293477987534 0.5052321668223485 0.17710169773542148 0.01945977190285539 -0.2671126637171634 -0.35843199237815254 -0.36075367022546356 -0.36307534807277464 -0.6562645655576378 -1.3913722631198893 -1.4636022404886655 -1.508745976460239 -1.5900047011162046 -1.644177184220173 -0.7328799345189727 -0.46522917335455743 -0.3770054151566497 -0.3878399117774522 -0.5302361530793195 -0.07077610709604469 +9343,0.5671435760840291,0,0.5052321668223485 0.17710169773542148 0.01945977190285539 -0.2671126637171634 -0.35843199237815254 -0.36075367022546356 -0.36307534807277464 -0.6562645655576378 -1.3913722631198893 -1.4636022404886655 -1.508745976460239 -1.5900047011162046 -1.644177184220173 -0.7328799345189727 -0.46522917335455743 -0.3770054151566497 -0.3878399117774522 -0.5302361530793195 -0.07077610709604469 0.051483448343464445 +9344,0.745603213280837,0,0.17710169773542148 0.01945977190285539 -0.2671126637171634 -0.35843199237815254 -0.36075367022546356 -0.36307534807277464 -0.6562645655576378 -1.3913722631198893 -1.4636022404886655 -1.508745976460239 -1.5900047011162046 -1.644177184220173 -0.7328799345189727 -0.46522917335455743 -0.3770054151566497 -0.3878399117774522 -0.5302361530793195 -0.07077610709604469 0.051483448343464445 0.5671435760840291 +9345,0.574696768013959,0,0.01945977190285539 -0.2671126637171634 -0.35843199237815254 -0.36075367022546356 -0.36307534807277464 -0.6562645655576378 -1.3913722631198893 -1.4636022404886655 -1.508745976460239 -1.5900047011162046 -1.644177184220173 -0.7328799345189727 -0.46522917335455743 -0.3770054151566497 -0.3878399117774522 -0.5302361530793195 -0.07077610709604469 0.051483448343464445 0.5671435760840291 0.745603213280837 +9346,0.8113840856213694,0,-0.2671126637171634 -0.35843199237815254 -0.36075367022546356 -0.36307534807277464 -0.6562645655576378 -1.3913722631198893 -1.4636022404886655 -1.508745976460239 -1.5900047011162046 -1.644177184220173 -0.7328799345189727 -0.46522917335455743 -0.3770054151566497 -0.3878399117774522 -0.5302361530793195 -0.07077610709604469 0.051483448343464445 0.5671435760840291 0.745603213280837 0.574696768013959 +9347,0.6987053207651116,0,-0.35843199237815254 -0.36075367022546356 -0.36307534807277464 -0.6562645655576378 -1.3913722631198893 -1.4636022404886655 -1.508745976460239 -1.5900047011162046 -1.644177184220173 -0.7328799345189727 -0.46522917335455743 -0.3770054151566497 -0.3878399117774522 -0.5302361530793195 -0.07077610709604469 0.051483448343464445 0.5671435760840291 0.745603213280837 0.574696768013959 0.8113840856213694 +9348,0.6971575355335708,0,-0.36075367022546356 -0.36307534807277464 -0.6562645655576378 -1.3913722631198893 -1.4636022404886655 -1.508745976460239 -1.5900047011162046 -1.644177184220173 -0.7328799345189727 -0.46522917335455743 -0.3770054151566497 -0.3878399117774522 -0.5302361530793195 -0.07077610709604469 0.051483448343464445 0.5671435760840291 0.745603213280837 0.574696768013959 0.8113840856213694 0.6987053207651116 +9349,0.6956097503020214,0,-0.36307534807277464 -0.6562645655576378 -1.3913722631198893 -1.4636022404886655 -1.508745976460239 -1.5900047011162046 -1.644177184220173 -0.7328799345189727 -0.46522917335455743 -0.3770054151566497 -0.3878399117774522 -0.5302361530793195 -0.07077610709604469 0.051483448343464445 0.5671435760840291 0.745603213280837 0.574696768013959 0.8113840856213694 0.6987053207651116 0.6971575355335708 +9350,0.34890585843659727,0,-0.6562645655576378 -1.3913722631198893 -1.4636022404886655 -1.508745976460239 -1.5900047011162046 -1.644177184220173 -0.7328799345189727 -0.46522917335455743 -0.3770054151566497 -0.3878399117774522 -0.5302361530793195 -0.07077610709604469 0.051483448343464445 0.5671435760840291 0.745603213280837 0.574696768013959 0.8113840856213694 0.6987053207651116 0.6971575355335708 0.6956097503020214 +9351,0.054826664443592,0,-1.3913722631198893 -1.4636022404886655 -1.508745976460239 -1.5900047011162046 -1.644177184220173 -0.7328799345189727 -0.46522917335455743 -0.3770054151566497 -0.3878399117774522 -0.5302361530793195 -0.07077610709604469 0.051483448343464445 0.5671435760840291 0.745603213280837 0.574696768013959 0.8113840856213694 0.6987053207651116 0.6971575355335708 0.6956097503020214 0.34890585843659727 +9352,-0.1076907848683308,0,-1.4636022404886655 -1.508745976460239 -1.5900047011162046 -1.644177184220173 -0.7328799345189727 -0.46522917335455743 -0.3770054151566497 -0.3878399117774522 -0.5302361530793195 -0.07077610709604469 0.051483448343464445 0.5671435760840291 0.745603213280837 0.574696768013959 0.8113840856213694 0.6987053207651116 0.6971575355335708 0.6956097503020214 0.34890585843659727 0.054826664443592 +9353,-0.20055789876085184,0,-1.508745976460239 -1.5900047011162046 -1.644177184220173 -0.7328799345189727 -0.46522917335455743 -0.3770054151566497 -0.3878399117774522 -0.5302361530793195 -0.07077610709604469 0.051483448343464445 0.5671435760840291 0.745603213280837 0.574696768013959 0.8113840856213694 0.6987053207651116 0.6971575355335708 0.6956097503020214 0.34890585843659727 0.054826664443592 -0.1076907848683308 +9354,-0.42003384459352333,0,-1.5900047011162046 -1.644177184220173 -0.7328799345189727 -0.46522917335455743 -0.3770054151566497 -0.3878399117774522 -0.5302361530793195 -0.07077610709604469 0.051483448343464445 0.5671435760840291 0.745603213280837 0.574696768013959 0.8113840856213694 0.6987053207651116 0.6971575355335708 0.6956097503020214 0.34890585843659727 0.054826664443592 -0.1076907848683308 -0.20055789876085184 +9355,-1.1108619862202203,0,-1.644177184220173 -0.7328799345189727 -0.46522917335455743 -0.3770054151566497 -0.3878399117774522 -0.5302361530793195 -0.07077610709604469 0.051483448343464445 0.5671435760840291 0.745603213280837 0.574696768013959 0.8113840856213694 0.6987053207651116 0.6971575355335708 0.6956097503020214 0.34890585843659727 0.054826664443592 -0.1076907848683308 -0.20055789876085184 -0.42003384459352333 +9356,-1.094661834233272,0,-0.7328799345189727 -0.46522917335455743 -0.3770054151566497 -0.3878399117774522 -0.5302361530793195 -0.07077610709604469 0.051483448343464445 0.5671435760840291 0.745603213280837 0.574696768013959 0.8113840856213694 0.6987053207651116 0.6971575355335708 0.6956097503020214 0.34890585843659727 0.054826664443592 -0.1076907848683308 -0.20055789876085184 -0.42003384459352333 -1.1108619862202203 +9357,-1.031718568098963,0,-0.46522917335455743 -0.3770054151566497 -0.3878399117774522 -0.5302361530793195 -0.07077610709604469 0.051483448343464445 0.5671435760840291 0.745603213280837 0.574696768013959 0.8113840856213694 0.6987053207651116 0.6971575355335708 0.6956097503020214 0.34890585843659727 0.054826664443592 -0.1076907848683308 -0.20055789876085184 -0.42003384459352333 -1.1108619862202203 -1.094661834233272 +9358,-1.0310994540063432,0,-0.3770054151566497 -0.3878399117774522 -0.5302361530793195 -0.07077610709604469 0.051483448343464445 0.5671435760840291 0.745603213280837 0.574696768013959 0.8113840856213694 0.6987053207651116 0.6971575355335708 0.6956097503020214 0.34890585843659727 0.054826664443592 -0.1076907848683308 -0.20055789876085184 -0.42003384459352333 -1.1108619862202203 -1.094661834233272 -1.031718568098963 +9359,-0.9837372259211574,0,-0.3878399117774522 -0.5302361530793195 -0.07077610709604469 0.051483448343464445 0.5671435760840291 0.745603213280837 0.574696768013959 0.8113840856213694 0.6987053207651116 0.6971575355335708 0.6956097503020214 0.34890585843659727 0.054826664443592 -0.1076907848683308 -0.20055789876085184 -0.42003384459352333 -1.1108619862202203 -1.094661834233272 -1.031718568098963 -1.0310994540063432 +9360,-0.4745158847438104,0,-0.5302361530793195 -0.07077610709604469 0.051483448343464445 0.5671435760840291 0.745603213280837 0.574696768013959 0.8113840856213694 0.6987053207651116 0.6971575355335708 0.6956097503020214 0.34890585843659727 0.054826664443592 -0.1076907848683308 -0.20055789876085184 -0.42003384459352333 -1.1108619862202203 -1.094661834233272 -1.031718568098963 -1.0310994540063432 -0.9837372259211574 +9361,-0.4992804484484792,0,-0.07077610709604469 0.051483448343464445 0.5671435760840291 0.745603213280837 0.574696768013959 0.8113840856213694 0.6987053207651116 0.6971575355335708 0.6956097503020214 0.34890585843659727 0.054826664443592 -0.1076907848683308 -0.20055789876085184 -0.42003384459352333 -1.1108619862202203 -1.094661834233272 -1.031718568098963 -1.0310994540063432 -0.9837372259211574 -0.4745158847438104 +9362,-0.6401289045188147,0,0.051483448343464445 0.5671435760840291 0.745603213280837 0.574696768013959 0.8113840856213694 0.6987053207651116 0.6971575355335708 0.6956097503020214 0.34890585843659727 0.054826664443592 -0.1076907848683308 -0.20055789876085184 -0.42003384459352333 -1.1108619862202203 -1.094661834233272 -1.031718568098963 -1.0310994540063432 -0.9837372259211574 -0.4745158847438104 -0.4992804484484792 +9363,-0.4358212539552578,0,0.5671435760840291 0.745603213280837 0.574696768013959 0.8113840856213694 0.6987053207651116 0.6971575355335708 0.6956097503020214 0.34890585843659727 0.054826664443592 -0.1076907848683308 -0.20055789876085184 -0.42003384459352333 -1.1108619862202203 -1.094661834233272 -1.031718568098963 -1.0310994540063432 -0.9837372259211574 -0.4745158847438104 -0.4992804484484792 -0.6401289045188147 +9364,-0.23151360339169216,0,0.745603213280837 0.574696768013959 0.8113840856213694 0.6987053207651116 0.6971575355335708 0.6956097503020214 0.34890585843659727 0.054826664443592 -0.1076907848683308 -0.20055789876085184 -0.42003384459352333 -1.1108619862202203 -1.094661834233272 -1.031718568098963 -1.0310994540063432 -0.9837372259211574 -0.4745158847438104 -0.4992804484484792 -0.6401289045188147 -0.4358212539552578 +9365,0.04940941613319956,0,0.574696768013959 0.8113840856213694 0.6987053207651116 0.6971575355335708 0.6956097503020214 0.34890585843659727 0.054826664443592 -0.1076907848683308 -0.20055789876085184 -0.42003384459352333 -1.1108619862202203 -1.094661834233272 -1.031718568098963 -1.0310994540063432 -0.9837372259211574 -0.4745158847438104 -0.4992804484484792 -0.6401289045188147 -0.4358212539552578 -0.23151360339169216 +9366,0.3303324356580913,0,0.8113840856213694 0.6987053207651116 0.6971575355335708 0.6956097503020214 0.34890585843659727 0.054826664443592 -0.1076907848683308 -0.20055789876085184 -0.42003384459352333 -1.1108619862202203 -1.094661834233272 -1.031718568098963 -1.0310994540063432 -0.9837372259211574 -0.4745158847438104 -0.4992804484484792 -0.6401289045188147 -0.4358212539552578 -0.23151360339169216 0.04940941613319956 +9367,0.7420433072482863,0,0.6987053207651116 0.6971575355335708 0.6956097503020214 0.34890585843659727 0.054826664443592 -0.1076907848683308 -0.20055789876085184 -0.42003384459352333 -1.1108619862202203 -1.094661834233272 -1.031718568098963 -1.0310994540063432 -0.9837372259211574 -0.4745158847438104 -0.4992804484484792 -0.6401289045188147 -0.4358212539552578 -0.23151360339169216 0.04940941613319956 0.3303324356580913 +9368,0.9158595887504632,0,0.6971575355335708 0.6956097503020214 0.34890585843659727 0.054826664443592 -0.1076907848683308 -0.20055789876085184 -0.42003384459352333 -1.1108619862202203 -1.094661834233272 -1.031718568098963 -1.0310994540063432 -0.9837372259211574 -0.4745158847438104 -0.4992804484484792 -0.6401289045188147 -0.4358212539552578 -0.23151360339169216 0.04940941613319956 0.3303324356580913 0.7420433072482863 +9369,0.7288871327801816,0,0.6956097503020214 0.34890585843659727 0.054826664443592 -0.1076907848683308 -0.20055789876085184 -0.42003384459352333 -1.1108619862202203 -1.094661834233272 -1.031718568098963 -1.0310994540063432 -0.9837372259211574 -0.4745158847438104 -0.4992804484484792 -0.6401289045188147 -0.4358212539552578 -0.23151360339169216 0.04940941613319956 0.3303324356580913 0.7420433072482863 0.9158595887504632 +9370,0.9027034142823586,0,0.34890585843659727 0.054826664443592 -0.1076907848683308 -0.20055789876085184 -0.42003384459352333 -1.1108619862202203 -1.094661834233272 -1.031718568098963 -1.0310994540063432 -0.9837372259211574 -0.4745158847438104 -0.4992804484484792 -0.6401289045188147 -0.4358212539552578 -0.23151360339169216 0.04940941613319956 0.3303324356580913 0.7420433072482863 0.9158595887504632 0.7288871327801816 +9371,0.7157309583120769,0,0.054826664443592 -0.1076907848683308 -0.20055789876085184 -0.42003384459352333 -1.1108619862202203 -1.094661834233272 -1.031718568098963 -1.0310994540063432 -0.9837372259211574 -0.4745158847438104 -0.4992804484484792 -0.6401289045188147 -0.4358212539552578 -0.23151360339169216 0.04940941613319956 0.3303324356580913 0.7420433072482863 0.9158595887504632 0.7288871327801816 0.9027034142823586 +9372,0.4711808917284179,0,-0.1076907848683308 -0.20055789876085184 -0.42003384459352333 -1.1108619862202203 -1.094661834233272 -1.031718568098963 -1.0310994540063432 -0.9837372259211574 -0.4745158847438104 -0.4992804484484792 -0.6401289045188147 -0.4358212539552578 -0.23151360339169216 0.04940941613319956 0.3303324356580913 0.7420433072482863 0.9158595887504632 0.7288871327801816 0.9027034142823586 0.7157309583120769 +9373,0.22255499075330468,0,-0.20055789876085184 -0.42003384459352333 -1.1108619862202203 -1.094661834233272 -1.031718568098963 -1.0310994540063432 -0.9837372259211574 -0.4745158847438104 -0.4992804484484792 -0.6401289045188147 -0.4358212539552578 -0.23151360339169216 0.04940941613319956 0.3303324356580913 0.7420433072482863 0.9158595887504632 0.7288871327801816 0.9027034142823586 0.7157309583120769 0.4711808917284179 +9374,-0.02607091037660308,0,-0.42003384459352333 -1.1108619862202203 -1.094661834233272 -1.031718568098963 -1.0310994540063432 -0.9837372259211574 -0.4745158847438104 -0.4992804484484792 -0.6401289045188147 -0.4358212539552578 -0.23151360339169216 0.04940941613319956 0.3303324356580913 0.7420433072482863 0.9158595887504632 0.7288871327801816 0.9027034142823586 0.7157309583120769 0.4711808917284179 0.22255499075330468 +9375,0.014584248423498673,0,-1.1108619862202203 -1.094661834233272 -1.031718568098963 -1.0310994540063432 -0.9837372259211574 -0.4745158847438104 -0.4992804484484792 -0.6401289045188147 -0.4358212539552578 -0.23151360339169216 0.04940941613319956 0.3303324356580913 0.7420433072482863 0.9158595887504632 0.7288871327801816 0.9027034142823586 0.7157309583120769 0.4711808917284179 0.22255499075330468 -0.02607091037660308 +9376,-0.07828286546903115,0,-1.094661834233272 -1.031718568098963 -1.0310994540063432 -0.9837372259211574 -0.4745158847438104 -0.4992804484484792 -0.6401289045188147 -0.4358212539552578 -0.23151360339169216 0.04940941613319956 0.3303324356580913 0.7420433072482863 0.9158595887504632 0.7288871327801816 0.9027034142823586 0.7157309583120769 0.4711808917284179 0.22255499075330468 -0.02607091037660308 0.014584248423498673 +9377,-0.45385295190271924,0,-1.031718568098963 -1.0310994540063432 -0.9837372259211574 -0.4745158847438104 -0.4992804484484792 -0.6401289045188147 -0.4358212539552578 -0.23151360339169216 0.04940941613319956 0.3303324356580913 0.7420433072482863 0.9158595887504632 0.7288871327801816 0.9027034142823586 0.7157309583120769 0.4711808917284179 0.22255499075330468 -0.02607091037660308 0.014584248423498673 -0.07828286546903115 +9378,-0.2222268920024392,0,-1.0310994540063432 -0.9837372259211574 -0.4745158847438104 -0.4992804484484792 -0.6401289045188147 -0.4358212539552578 -0.23151360339169216 0.04940941613319956 0.3303324356580913 0.7420433072482863 0.9158595887504632 0.7288871327801816 0.9027034142823586 0.7157309583120769 0.4711808917284179 0.22255499075330468 -0.02607091037660308 0.014584248423498673 -0.07828286546903115 -0.45385295190271924 +9379,-0.9100626488997533,0,-0.9837372259211574 -0.4745158847438104 -0.4992804484484792 -0.6401289045188147 -0.4358212539552578 -0.23151360339169216 0.04940941613319956 0.3303324356580913 0.7420433072482863 0.9158595887504632 0.7288871327801816 0.9027034142823586 0.7157309583120769 0.4711808917284179 0.22255499075330468 -0.02607091037660308 0.014584248423498673 -0.07828286546903115 -0.45385295190271924 -0.2222268920024392 +9380,-0.9907022594630993,0,-0.4745158847438104 -0.4992804484484792 -0.6401289045188147 -0.4358212539552578 -0.23151360339169216 0.04940941613319956 0.3303324356580913 0.7420433072482863 0.9158595887504632 0.7288871327801816 0.9027034142823586 0.7157309583120769 0.4711808917284179 0.22255499075330468 -0.02607091037660308 0.014584248423498673 -0.07828286546903115 -0.45385295190271924 -0.2222268920024392 -0.9100626488997533 +9381,-1.0221222996634,0,-0.4992804484484792 -0.6401289045188147 -0.4358212539552578 -0.23151360339169216 0.04940941613319956 0.3303324356580913 0.7420433072482863 0.9158595887504632 0.7288871327801816 0.9027034142823586 0.7157309583120769 0.4711808917284179 0.22255499075330468 -0.02607091037660308 0.014584248423498673 -0.07828286546903115 -0.45385295190271924 -0.2222268920024392 -0.9100626488997533 -0.9907022594630993 +9382,-1.1191684336810916,0,-0.6401289045188147 -0.4358212539552578 -0.23151360339169216 0.04940941613319956 0.3303324356580913 0.7420433072482863 0.9158595887504632 0.7288871327801816 0.9027034142823586 0.7157309583120769 0.4711808917284179 0.22255499075330468 -0.02607091037660308 0.014584248423498673 -0.07828286546903115 -0.45385295190271924 -0.2222268920024392 -0.9100626488997533 -0.9907022594630993 -1.0221222996634 +9383,-1.1669949973357467,0,-0.4358212539552578 -0.23151360339169216 0.04940941613319956 0.3303324356580913 0.7420433072482863 0.9158595887504632 0.7288871327801816 0.9027034142823586 0.7157309583120769 0.4711808917284179 0.22255499075330468 -0.02607091037660308 0.014584248423498673 -0.07828286546903115 -0.45385295190271924 -0.2222268920024392 -0.9100626488997533 -0.9907022594630993 -1.0221222996634 -1.1191684336810916 +9384,-1.1118164538312645,0,-0.23151360339169216 0.04940941613319956 0.3303324356580913 0.7420433072482863 0.9158595887504632 0.7288871327801816 0.9027034142823586 0.7157309583120769 0.4711808917284179 0.22255499075330468 -0.02607091037660308 0.014584248423498673 -0.07828286546903115 -0.45385295190271924 -0.2222268920024392 -0.9100626488997533 -0.9907022594630993 -1.0221222996634 -1.1191684336810916 -1.1669949973357467 +9385,-1.1939780531540367,0,0.04940941613319956 0.3303324356580913 0.7420433072482863 0.9158595887504632 0.7288871327801816 0.9027034142823586 0.7157309583120769 0.4711808917284179 0.22255499075330468 -0.02607091037660308 0.014584248423498673 -0.07828286546903115 -0.45385295190271924 -0.2222268920024392 -0.9100626488997533 -0.9907022594630993 -1.0221222996634 -1.1191684336810916 -1.1669949973357467 -1.1118164538312645 +9386,-1.1731345454724573,0,0.3303324356580913 0.7420433072482863 0.9158595887504632 0.7288871327801816 0.9027034142823586 0.7157309583120769 0.4711808917284179 0.22255499075330468 -0.02607091037660308 0.014584248423498673 -0.07828286546903115 -0.45385295190271924 -0.2222268920024392 -0.9100626488997533 -0.9907022594630993 -1.0221222996634 -1.1191684336810916 -1.1669949973357467 -1.1118164538312645 -1.1939780531540367 +9387,-0.39317977082626937,0,0.7420433072482863 0.9158595887504632 0.7288871327801816 0.9027034142823586 0.7157309583120769 0.4711808917284179 0.22255499075330468 -0.02607091037660308 0.014584248423498673 -0.07828286546903115 -0.45385295190271924 -0.2222268920024392 -0.9100626488997533 -0.9907022594630993 -1.0221222996634 -1.1191684336810916 -1.1669949973357467 -1.1118164538312645 -1.1939780531540367 -1.1731345454724573 +9388,-0.6253733520297083,0,0.9158595887504632 0.7288871327801816 0.9027034142823586 0.7157309583120769 0.4711808917284179 0.22255499075330468 -0.02607091037660308 0.014584248423498673 -0.07828286546903115 -0.45385295190271924 -0.2222268920024392 -0.9100626488997533 -0.9907022594630993 -1.0221222996634 -1.1191684336810916 -1.1669949973357467 -1.1118164538312645 -1.1939780531540367 -1.1731345454724573 -0.39317977082626937 +9389,-0.09845566626852983,0,0.7288871327801816 0.9027034142823586 0.7157309583120769 0.4711808917284179 0.22255499075330468 -0.02607091037660308 0.014584248423498673 -0.07828286546903115 -0.45385295190271924 -0.2222268920024392 -0.9100626488997533 -0.9907022594630993 -1.0221222996634 -1.1191684336810916 -1.1669949973357467 -1.1118164538312645 -1.1939780531540367 -1.1731345454724573 -0.39317977082626937 -0.6253733520297083 +9390,-0.20411780479340247,0,0.9027034142823586 0.7157309583120769 0.4711808917284179 0.22255499075330468 -0.02607091037660308 0.014584248423498673 -0.07828286546903115 -0.45385295190271924 -0.2222268920024392 -0.9100626488997533 -0.9907022594630993 -1.0221222996634 -1.1191684336810916 -1.1669949973357467 -1.1118164538312645 -1.1939780531540367 -1.1731345454724573 -0.39317977082626937 -0.6253733520297083 -0.09845566626852983 +9391,0.5336598222932664,0,0.7157309583120769 0.4711808917284179 0.22255499075330468 -0.02607091037660308 0.014584248423498673 -0.07828286546903115 -0.45385295190271924 -0.2222268920024392 -0.9100626488997533 -0.9907022594630993 -1.0221222996634 -1.1191684336810916 -1.1669949973357467 -1.1118164538312645 -1.1939780531540367 -1.1731345454724573 -0.39317977082626937 -0.6253733520297083 -0.09845566626852983 -0.20411780479340247 +9392,0.6388576250938841,0,0.4711808917284179 0.22255499075330468 -0.02607091037660308 0.014584248423498673 -0.07828286546903115 -0.45385295190271924 -0.2222268920024392 -0.9100626488997533 -0.9907022594630993 -1.0221222996634 -1.1191684336810916 -1.1669949973357467 -1.1118164538312645 -1.1939780531540367 -1.1731345454724573 -0.39317977082626937 -0.6253733520297083 -0.09845566626852983 -0.20411780479340247 0.5336598222932664 +9393,0.4057095764341866,0,0.22255499075330468 -0.02607091037660308 0.014584248423498673 -0.07828286546903115 -0.45385295190271924 -0.2222268920024392 -0.9100626488997533 -0.9907022594630993 -1.0221222996634 -1.1191684336810916 -1.1669949973357467 -1.1118164538312645 -1.1939780531540367 -1.1731345454724573 -0.39317977082626937 -0.6253733520297083 -0.09845566626852983 -0.20411780479340247 0.5336598222932664 0.6388576250938841 +9394,0.6236893298247782,0,-0.02607091037660308 0.014584248423498673 -0.07828286546903115 -0.45385295190271924 -0.2222268920024392 -0.9100626488997533 -0.9907022594630993 -1.0221222996634 -1.1191684336810916 -1.1669949973357467 -1.1118164538312645 -1.1939780531540367 -1.1731345454724573 -0.39317977082626937 -0.6253733520297083 -0.09845566626852983 -0.20411780479340247 0.5336598222932664 0.6388576250938841 0.4057095764341866 +9395,0.503323231755037,0,0.014584248423498673 -0.07828286546903115 -0.45385295190271924 -0.2222268920024392 -0.9100626488997533 -0.9907022594630993 -1.0221222996634 -1.1191684336810916 -1.1669949973357467 -1.1118164538312645 -1.1939780531540367 -1.1731345454724573 -0.39317977082626937 -0.6253733520297083 -0.09845566626852983 -0.20411780479340247 0.5336598222932664 0.6388576250938841 0.4057095764341866 0.6236893298247782 +9396,-0.05754254336636469,0,-0.07828286546903115 -0.45385295190271924 -0.2222268920024392 -0.9100626488997533 -0.9907022594630993 -1.0221222996634 -1.1191684336810916 -1.1669949973357467 -1.1118164538312645 -1.1939780531540367 -1.1731345454724573 -0.39317977082626937 -0.6253733520297083 -0.09845566626852983 -0.20411780479340247 0.5336598222932664 0.6388576250938841 0.4057095764341866 0.6236893298247782 0.503323231755037 +9397,-0.031075415906995894,0,-0.45385295190271924 -0.2222268920024392 -0.9100626488997533 -0.9907022594630993 -1.0221222996634 -1.1191684336810916 -1.1669949973357467 -1.1118164538312645 -1.1939780531540367 -1.1731345454724573 -0.39317977082626937 -0.6253733520297083 -0.09845566626852983 -0.20411780479340247 0.5336598222932664 0.6388576250938841 0.4057095764341866 0.6236893298247782 0.503323231755037 -0.05754254336636469 +9398,-0.445107965344502,0,-0.2222268920024392 -0.9100626488997533 -0.9907022594630993 -1.0221222996634 -1.1191684336810916 -1.1669949973357467 -1.1118164538312645 -1.1939780531540367 -1.1731345454724573 -0.39317977082626937 -0.6253733520297083 -0.09845566626852983 -0.20411780479340247 0.5336598222932664 0.6388576250938841 0.4057095764341866 0.6236893298247782 0.503323231755037 -0.05754254336636469 -0.031075415906995894 +9399,-0.4920058578602273,0,-0.9100626488997533 -0.9907022594630993 -1.0221222996634 -1.1191684336810916 -1.1669949973357467 -1.1118164538312645 -1.1939780531540367 -1.1731345454724573 -0.39317977082626937 -0.6253733520297083 -0.09845566626852983 -0.20411780479340247 0.5336598222932664 0.6388576250938841 0.4057095764341866 0.6236893298247782 0.503323231755037 -0.05754254336636469 -0.031075415906995894 -0.445107965344502 +9400,-1.0284166263232701,0,-0.9907022594630993 -1.0221222996634 -1.1191684336810916 -1.1669949973357467 -1.1118164538312645 -1.1939780531540367 -1.1731345454724573 -0.39317977082626937 -0.6253733520297083 -0.09845566626852983 -0.20411780479340247 0.5336598222932664 0.6388576250938841 0.4057095764341866 0.6236893298247782 0.503323231755037 -0.05754254336636469 -0.031075415906995894 -0.445107965344502 -0.4920058578602273 +9401,-1.197692737709738,0,-1.0221222996634 -1.1191684336810916 -1.1669949973357467 -1.1118164538312645 -1.1939780531540367 -1.1731345454724573 -0.39317977082626937 -0.6253733520297083 -0.09845566626852983 -0.20411780479340247 0.5336598222932664 0.6388576250938841 0.4057095764341866 0.6236893298247782 0.503323231755037 -0.05754254336636469 -0.031075415906995894 -0.445107965344502 -0.4920058578602273 -1.0284166263232701 +9402,-1.0575665814657207,0,-1.1191684336810916 -1.1669949973357467 -1.1118164538312645 -1.1939780531540367 -1.1731345454724573 -0.39317977082626937 -0.6253733520297083 -0.09845566626852983 -0.20411780479340247 0.5336598222932664 0.6388576250938841 0.4057095764341866 0.6236893298247782 0.503323231755037 -0.05754254336636469 -0.031075415906995894 -0.445107965344502 -0.4920058578602273 -1.0284166263232701 -1.197692737709738 +9403,-1.3299767822171298,0,-1.1669949973357467 -1.1118164538312645 -1.1939780531540367 -1.1731345454724573 -0.39317977082626937 -0.6253733520297083 -0.09845566626852983 -0.20411780479340247 0.5336598222932664 0.6388576250938841 0.4057095764341866 0.6236893298247782 0.503323231755037 -0.05754254336636469 -0.031075415906995894 -0.445107965344502 -0.4920058578602273 -1.0284166263232701 -1.197692737709738 -1.0575665814657207 +9404,-1.2929847151832685,0,-1.1118164538312645 -1.1939780531540367 -1.1731345454724573 -0.39317977082626937 -0.6253733520297083 -0.09845566626852983 -0.20411780479340247 0.5336598222932664 0.6388576250938841 0.4057095764341866 0.6236893298247782 0.503323231755037 -0.05754254336636469 -0.031075415906995894 -0.445107965344502 -0.4920058578602273 -1.0284166263232701 -1.197692737709738 -1.0575665814657207 -1.3299767822171298 +9405,-1.3155823795637855,0,-1.1939780531540367 -1.1731345454724573 -0.39317977082626937 -0.6253733520297083 -0.09845566626852983 -0.20411780479340247 0.5336598222932664 0.6388576250938841 0.4057095764341866 0.6236893298247782 0.503323231755037 -0.05754254336636469 -0.031075415906995894 -0.445107965344502 -0.4920058578602273 -1.0284166263232701 -1.197692737709738 -1.0575665814657207 -1.3299767822171298 -1.2929847151832685 +9406,-1.2587270687767353,0,-1.1731345454724573 -0.39317977082626937 -0.6253733520297083 -0.09845566626852983 -0.20411780479340247 0.5336598222932664 0.6388576250938841 0.4057095764341866 0.6236893298247782 0.503323231755037 -0.05754254336636469 -0.031075415906995894 -0.445107965344502 -0.4920058578602273 -1.0284166263232701 -1.197692737709738 -1.0575665814657207 -1.3299767822171298 -1.2929847151832685 -1.3155823795637855 +9407,-1.2614614892492693,0,-0.39317977082626937 -0.6253733520297083 -0.09845566626852983 -0.20411780479340247 0.5336598222932664 0.6388576250938841 0.4057095764341866 0.6236893298247782 0.503323231755037 -0.05754254336636469 -0.031075415906995894 -0.445107965344502 -0.4920058578602273 -1.0284166263232701 -1.197692737709738 -1.0575665814657207 -1.3299767822171298 -1.2929847151832685 -1.3155823795637855 -1.2587270687767353 +9408,-1.320380513781567,0,-0.6253733520297083 -0.09845566626852983 -0.20411780479340247 0.5336598222932664 0.6388576250938841 0.4057095764341866 0.6236893298247782 0.503323231755037 -0.05754254336636469 -0.031075415906995894 -0.445107965344502 -0.4920058578602273 -1.0284166263232701 -1.197692737709738 -1.0575665814657207 -1.3299767822171298 -1.2929847151832685 -1.3155823795637855 -1.2587270687767353 -1.2614614892492693 +9409,-1.3043867331072299,0,-0.09845566626852983 -0.20411780479340247 0.5336598222932664 0.6388576250938841 0.4057095764341866 0.6236893298247782 0.503323231755037 -0.05754254336636469 -0.031075415906995894 -0.445107965344502 -0.4920058578602273 -1.0284166263232701 -1.197692737709738 -1.0575665814657207 -1.3299767822171298 -1.2929847151832685 -1.3155823795637855 -1.2587270687767353 -1.2614614892492693 -1.320380513781567 +9410,-1.3445775561830768,0,-0.20411780479340247 0.5336598222932664 0.6388576250938841 0.4057095764341866 0.6236893298247782 0.503323231755037 -0.05754254336636469 -0.031075415906995894 -0.445107965344502 -0.4920058578602273 -1.0284166263232701 -1.197692737709738 -1.0575665814657207 -1.3299767822171298 -1.2929847151832685 -1.3155823795637855 -1.2587270687767353 -1.2614614892492693 -1.320380513781567 -1.3043867331072299 +9411,-1.1804607288501612,0,0.5336598222932664 0.6388576250938841 0.4057095764341866 0.6236893298247782 0.503323231755037 -0.05754254336636469 -0.031075415906995894 -0.445107965344502 -0.4920058578602273 -1.0284166263232701 -1.197692737709738 -1.0575665814657207 -1.3299767822171298 -1.2929847151832685 -1.3155823795637855 -1.2587270687767353 -1.2614614892492693 -1.320380513781567 -1.3043867331072299 -1.3445775561830768 +9412,-1.288754102268646,0,0.6388576250938841 0.4057095764341866 0.6236893298247782 0.503323231755037 -0.05754254336636469 -0.031075415906995894 -0.445107965344502 -0.4920058578602273 -1.0284166263232701 -1.197692737709738 -1.0575665814657207 -1.3299767822171298 -1.2929847151832685 -1.3155823795637855 -1.2587270687767353 -1.2614614892492693 -1.320380513781567 -1.3043867331072299 -1.3445775561830768 -1.1804607288501612 +9413,-1.192739824968797,0,0.4057095764341866 0.6236893298247782 0.503323231755037 -0.05754254336636469 -0.031075415906995894 -0.445107965344502 -0.4920058578602273 -1.0284166263232701 -1.197692737709738 -1.0575665814657207 -1.3299767822171298 -1.2929847151832685 -1.3155823795637855 -1.2587270687767353 -1.2614614892492693 -1.320380513781567 -1.3043867331072299 -1.3445775561830768 -1.1804607288501612 -1.288754102268646 +9414,-1.0855814941566302,0,0.6236893298247782 0.503323231755037 -0.05754254336636469 -0.031075415906995894 -0.445107965344502 -0.4920058578602273 -1.0284166263232701 -1.197692737709738 -1.0575665814657207 -1.3299767822171298 -1.2929847151832685 -1.3155823795637855 -1.2587270687767353 -1.2614614892492693 -1.320380513781567 -1.3043867331072299 -1.3445775561830768 -1.1804607288501612 -1.288754102268646 -1.192739824968797 +9415,-0.9932819015672595,0,0.503323231755037 -0.05754254336636469 -0.031075415906995894 -0.445107965344502 -0.4920058578602273 -1.0284166263232701 -1.197692737709738 -1.0575665814657207 -1.3299767822171298 -1.2929847151832685 -1.3155823795637855 -1.2587270687767353 -1.2614614892492693 -1.320380513781567 -1.3043867331072299 -1.3445775561830768 -1.1804607288501612 -1.288754102268646 -1.192739824968797 -1.0855814941566302 +9416,-0.8898382551560081,0,-0.05754254336636469 -0.031075415906995894 -0.445107965344502 -0.4920058578602273 -1.0284166263232701 -1.197692737709738 -1.0575665814657207 -1.3299767822171298 -1.2929847151832685 -1.3155823795637855 -1.2587270687767353 -1.2614614892492693 -1.320380513781567 -1.3043867331072299 -1.3445775561830768 -1.1804607288501612 -1.288754102268646 -1.192739824968797 -1.0855814941566302 -0.9932819015672595 +9417,-1.0557092391878702,0,-0.031075415906995894 -0.445107965344502 -0.4920058578602273 -1.0284166263232701 -1.197692737709738 -1.0575665814657207 -1.3299767822171298 -1.2929847151832685 -1.3155823795637855 -1.2587270687767353 -1.2614614892492693 -1.320380513781567 -1.3043867331072299 -1.3445775561830768 -1.1804607288501612 -1.288754102268646 -1.192739824968797 -1.0855814941566302 -0.9932819015672595 -0.8898382551560081 +9418,-0.8624940495019561,0,-0.445107965344502 -0.4920058578602273 -1.0284166263232701 -1.197692737709738 -1.0575665814657207 -1.3299767822171298 -1.2929847151832685 -1.3155823795637855 -1.2587270687767353 -1.2614614892492693 -1.320380513781567 -1.3043867331072299 -1.3445775561830768 -1.1804607288501612 -1.288754102268646 -1.192739824968797 -1.0855814941566302 -0.9932819015672595 -0.8898382551560081 -1.0557092391878702 +9419,-0.938593489949584,0,-0.4920058578602273 -1.0284166263232701 -1.197692737709738 -1.0575665814657207 -1.3299767822171298 -1.2929847151832685 -1.3155823795637855 -1.2587270687767353 -1.2614614892492693 -1.320380513781567 -1.3043867331072299 -1.3445775561830768 -1.1804607288501612 -1.288754102268646 -1.192739824968797 -1.0855814941566302 -0.9932819015672595 -0.8898382551560081 -1.0557092391878702 -0.8624940495019561 +9420,-0.9675628702515465,0,-1.0284166263232701 -1.197692737709738 -1.0575665814657207 -1.3299767822171298 -1.2929847151832685 -1.3155823795637855 -1.2587270687767353 -1.2614614892492693 -1.320380513781567 -1.3043867331072299 -1.3445775561830768 -1.1804607288501612 -1.288754102268646 -1.192739824968797 -1.0855814941566302 -0.9932819015672595 -0.8898382551560081 -1.0557092391878702 -0.8624940495019561 -0.938593489949584 +9421,-1.0593723309541105,0,-1.197692737709738 -1.0575665814657207 -1.3299767822171298 -1.2929847151832685 -1.3155823795637855 -1.2587270687767353 -1.2614614892492693 -1.320380513781567 -1.3043867331072299 -1.3445775561830768 -1.1804607288501612 -1.288754102268646 -1.192739824968797 -1.0855814941566302 -0.9932819015672595 -0.8898382551560081 -1.0557092391878702 -0.8624940495019561 -0.938593489949584 -0.9675628702515465 +9422,-1.1040517312014377,0,-1.0575665814657207 -1.3299767822171298 -1.2929847151832685 -1.3155823795637855 -1.2587270687767353 -1.2614614892492693 -1.320380513781567 -1.3043867331072299 -1.3445775561830768 -1.1804607288501612 -1.288754102268646 -1.192739824968797 -1.0855814941566302 -0.9932819015672595 -0.8898382551560081 -1.0557092391878702 -0.8624940495019561 -0.938593489949584 -0.9675628702515465 -1.0593723309541105 +9423,-1.1087982726297583,0,-1.3299767822171298 -1.2929847151832685 -1.3155823795637855 -1.2587270687767353 -1.2614614892492693 -1.320380513781567 -1.3043867331072299 -1.3445775561830768 -1.1804607288501612 -1.288754102268646 -1.192739824968797 -1.0855814941566302 -0.9932819015672595 -0.8898382551560081 -1.0557092391878702 -0.8624940495019561 -0.938593489949584 -0.9675628702515465 -1.0593723309541105 -1.1040517312014377 +9424,-1.1667886260231353,0,-1.2929847151832685 -1.3155823795637855 -1.2587270687767353 -1.2614614892492693 -1.320380513781567 -1.3043867331072299 -1.3445775561830768 -1.1804607288501612 -1.288754102268646 -1.192739824968797 -1.0855814941566302 -0.9932819015672595 -0.8898382551560081 -1.0557092391878702 -0.8624940495019561 -0.938593489949584 -0.9675628702515465 -1.0593723309541105 -1.1040517312014377 -1.1087982726297583 +9425,-1.1848461202879343,0,-1.3155823795637855 -1.2587270687767353 -1.2614614892492693 -1.320380513781567 -1.3043867331072299 -1.3445775561830768 -1.1804607288501612 -1.288754102268646 -1.192739824968797 -1.0855814941566302 -0.9932819015672595 -0.8898382551560081 -1.0557092391878702 -0.8624940495019561 -0.938593489949584 -0.9675628702515465 -1.0593723309541105 -1.1040517312014377 -1.1087982726297583 -1.1667886260231353 +9426,-1.2494919501769433,0,-1.2587270687767353 -1.2614614892492693 -1.320380513781567 -1.3043867331072299 -1.3445775561830768 -1.1804607288501612 -1.288754102268646 -1.192739824968797 -1.0855814941566302 -0.9932819015672595 -0.8898382551560081 -1.0557092391878702 -0.8624940495019561 -0.938593489949584 -0.9675628702515465 -1.0593723309541105 -1.1040517312014377 -1.1087982726297583 -1.1667886260231353 -1.1848461202879343 +9427,-1.2520199993368657,0,-1.2614614892492693 -1.320380513781567 -1.3043867331072299 -1.3445775561830768 -1.1804607288501612 -1.288754102268646 -1.192739824968797 -1.0855814941566302 -0.9932819015672595 -0.8898382551560081 -1.0557092391878702 -0.8624940495019561 -0.938593489949584 -0.9675628702515465 -1.0593723309541105 -1.1040517312014377 -1.1087982726297583 -1.1667886260231353 -1.1848461202879343 -1.2494919501769433 +9428,-1.3011363841209893,0,-1.320380513781567 -1.3043867331072299 -1.3445775561830768 -1.1804607288501612 -1.288754102268646 -1.192739824968797 -1.0855814941566302 -0.9932819015672595 -0.8898382551560081 -1.0557092391878702 -0.8624940495019561 -0.938593489949584 -0.9675628702515465 -1.0593723309541105 -1.1040517312014377 -1.1087982726297583 -1.1667886260231353 -1.1848461202879343 -1.2494919501769433 -1.2520199993368657 +9429,-1.3977697753586722,0,-1.3043867331072299 -1.3445775561830768 -1.1804607288501612 -1.288754102268646 -1.192739824968797 -1.0855814941566302 -0.9932819015672595 -0.8898382551560081 -1.0557092391878702 -0.8624940495019561 -0.938593489949584 -0.9675628702515465 -1.0593723309541105 -1.1040517312014377 -1.1087982726297583 -1.1667886260231353 -1.1848461202879343 -1.2494919501769433 -1.2520199993368657 -1.3011363841209893 +9430,-1.4310471578368236,0,-1.3445775561830768 -1.1804607288501612 -1.288754102268646 -1.192739824968797 -1.0855814941566302 -0.9932819015672595 -0.8898382551560081 -1.0557092391878702 -0.8624940495019561 -0.938593489949584 -0.9675628702515465 -1.0593723309541105 -1.1040517312014377 -1.1087982726297583 -1.1667886260231353 -1.1848461202879343 -1.2494919501769433 -1.2520199993368657 -1.3011363841209893 -1.3977697753586722 +9431,-1.511841546923329,0,-1.1804607288501612 -1.288754102268646 -1.192739824968797 -1.0855814941566302 -0.9932819015672595 -0.8898382551560081 -1.0557092391878702 -0.8624940495019561 -0.938593489949584 -0.9675628702515465 -1.0593723309541105 -1.1040517312014377 -1.1087982726297583 -1.1667886260231353 -1.1848461202879343 -1.2494919501769433 -1.2520199993368657 -1.3011363841209893 -1.3977697753586722 -1.4310471578368236 +9432,-1.522443875759388,0,-1.288754102268646 -1.192739824968797 -1.0855814941566302 -0.9932819015672595 -0.8898382551560081 -1.0557092391878702 -0.8624940495019561 -0.938593489949584 -0.9675628702515465 -1.0593723309541105 -1.1040517312014377 -1.1087982726297583 -1.1667886260231353 -1.1848461202879343 -1.2494919501769433 -1.2520199993368657 -1.3011363841209893 -1.3977697753586722 -1.4310471578368236 -1.511841546923329 +9433,-1.6266356183142952,0,-1.192739824968797 -1.0855814941566302 -0.9932819015672595 -0.8898382551560081 -1.0557092391878702 -0.8624940495019561 -0.938593489949584 -0.9675628702515465 -1.0593723309541105 -1.1040517312014377 -1.1087982726297583 -1.1667886260231353 -1.1848461202879343 -1.2494919501769433 -1.2520199993368657 -1.3011363841209893 -1.3977697753586722 -1.4310471578368236 -1.511841546923329 -1.522443875759388 +9434,-1.6606353004639793,0,-1.0855814941566302 -0.9932819015672595 -0.8898382551560081 -1.0557092391878702 -0.8624940495019561 -0.938593489949584 -0.9675628702515465 -1.0593723309541105 -1.1040517312014377 -1.1087982726297583 -1.1667886260231353 -1.1848461202879343 -1.2494919501769433 -1.2520199993368657 -1.3011363841209893 -1.3977697753586722 -1.4310471578368236 -1.511841546923329 -1.522443875759388 -1.6266356183142952 +9435,-1.2797511514535884,0,-0.9932819015672595 -0.8898382551560081 -1.0557092391878702 -0.8624940495019561 -0.938593489949584 -0.9675628702515465 -1.0593723309541105 -1.1040517312014377 -1.1087982726297583 -1.1667886260231353 -1.1848461202879343 -1.2494919501769433 -1.2520199993368657 -1.3011363841209893 -1.3977697753586722 -1.4310471578368236 -1.511841546923329 -1.522443875759388 -1.6266356183142952 -1.6606353004639793 +9436,-1.452045444196339,0,-0.8898382551560081 -1.0557092391878702 -0.8624940495019561 -0.938593489949584 -0.9675628702515465 -1.0593723309541105 -1.1040517312014377 -1.1087982726297583 -1.1667886260231353 -1.1848461202879343 -1.2494919501769433 -1.2520199993368657 -1.3011363841209893 -1.3977697753586722 -1.4310471578368236 -1.511841546923329 -1.522443875759388 -1.6266356183142952 -1.6606353004639793 -1.2797511514535884 +9437,-1.2094559054694525,0,-1.0557092391878702 -0.8624940495019561 -0.938593489949584 -0.9675628702515465 -1.0593723309541105 -1.1040517312014377 -1.1087982726297583 -1.1667886260231353 -1.1848461202879343 -1.2494919501769433 -1.2520199993368657 -1.3011363841209893 -1.3977697753586722 -1.4310471578368236 -1.511841546923329 -1.522443875759388 -1.6266356183142952 -1.6606353004639793 -1.2797511514535884 -1.452045444196339 +9438,-1.1371227423669776,0,-0.8624940495019561 -0.938593489949584 -0.9675628702515465 -1.0593723309541105 -1.1040517312014377 -1.1087982726297583 -1.1667886260231353 -1.1848461202879343 -1.2494919501769433 -1.2520199993368657 -1.3011363841209893 -1.3977697753586722 -1.4310471578368236 -1.511841546923329 -1.522443875759388 -1.6266356183142952 -1.6606353004639793 -1.2797511514535884 -1.452045444196339 -1.2094559054694525 +9439,-0.8377810785867394,0,-0.938593489949584 -0.9675628702515465 -1.0593723309541105 -1.1040517312014377 -1.1087982726297583 -1.1667886260231353 -1.1848461202879343 -1.2494919501769433 -1.2520199993368657 -1.3011363841209893 -1.3977697753586722 -1.4310471578368236 -1.511841546923329 -1.522443875759388 -1.6266356183142952 -1.6606353004639793 -1.2797511514535884 -1.452045444196339 -1.2094559054694525 -1.1371227423669776 +9440,-0.7086957902761273,0,-0.9675628702515465 -1.0593723309541105 -1.1040517312014377 -1.1087982726297583 -1.1667886260231353 -1.1848461202879343 -1.2494919501769433 -1.2520199993368657 -1.3011363841209893 -1.3977697753586722 -1.4310471578368236 -1.511841546923329 -1.522443875759388 -1.6266356183142952 -1.6606353004639793 -1.2797511514535884 -1.452045444196339 -1.2094559054694525 -1.1371227423669776 -0.8377810785867394 +9441,-0.814409521590452,0,-1.0593723309541105 -1.1040517312014377 -1.1087982726297583 -1.1667886260231353 -1.1848461202879343 -1.2494919501769433 -1.2520199993368657 -1.3011363841209893 -1.3977697753586722 -1.4310471578368236 -1.511841546923329 -1.522443875759388 -1.6266356183142952 -1.6606353004639793 -1.2797511514535884 -1.452045444196339 -1.2094559054694525 -1.1371227423669776 -0.8377810785867394 -0.7086957902761273 +9442,-0.6070578933532658,0,-1.1040517312014377 -1.1087982726297583 -1.1667886260231353 -1.1848461202879343 -1.2494919501769433 -1.2520199993368657 -1.3011363841209893 -1.3977697753586722 -1.4310471578368236 -1.511841546923329 -1.522443875759388 -1.6266356183142952 -1.6606353004639793 -1.2797511514535884 -1.452045444196339 -1.2094559054694525 -1.1371227423669776 -0.8377810785867394 -0.7086957902761273 -0.814409521590452 +9443,-0.634505284895802,0,-1.1087982726297583 -1.1667886260231353 -1.1848461202879343 -1.2494919501769433 -1.2520199993368657 -1.3011363841209893 -1.3977697753586722 -1.4310471578368236 -1.511841546923329 -1.522443875759388 -1.6266356183142952 -1.6606353004639793 -1.2797511514535884 -1.452045444196339 -1.2094559054694525 -1.1371227423669776 -0.8377810785867394 -0.7086957902761273 -0.814409521590452 -0.6070578933532658 +9444,-0.9513111253203516,0,-1.1667886260231353 -1.1848461202879343 -1.2494919501769433 -1.2520199993368657 -1.3011363841209893 -1.3977697753586722 -1.4310471578368236 -1.511841546923329 -1.522443875759388 -1.6266356183142952 -1.6606353004639793 -1.2797511514535884 -1.452045444196339 -1.2094559054694525 -1.1371227423669776 -0.8377810785867394 -0.7086957902761273 -0.814409521590452 -0.6070578933532658 -0.634505284895802 +9445,-0.8823057004656929,0,-1.1848461202879343 -1.2494919501769433 -1.2520199993368657 -1.3011363841209893 -1.3977697753586722 -1.4310471578368236 -1.511841546923329 -1.522443875759388 -1.6266356183142952 -1.6606353004639793 -1.2797511514535884 -1.452045444196339 -1.2094559054694525 -1.1371227423669776 -0.8377810785867394 -0.7086957902761273 -0.814409521590452 -0.6070578933532658 -0.634505284895802 -0.9513111253203516 +9446,-1.1026587244930475,0,-1.2494919501769433 -1.2520199993368657 -1.3011363841209893 -1.3977697753586722 -1.4310471578368236 -1.511841546923329 -1.522443875759388 -1.6266356183142952 -1.6606353004639793 -1.2797511514535884 -1.452045444196339 -1.2094559054694525 -1.1371227423669776 -0.8377810785867394 -0.7086957902761273 -0.814409521590452 -0.6070578933532658 -0.634505284895802 -0.9513111253203516 -0.8823057004656929 +9447,-1.2443068696512678,0,-1.2520199993368657 -1.3011363841209893 -1.3977697753586722 -1.4310471578368236 -1.511841546923329 -1.522443875759388 -1.6266356183142952 -1.6606353004639793 -1.2797511514535884 -1.452045444196339 -1.2094559054694525 -1.1371227423669776 -0.8377810785867394 -0.7086957902761273 -0.814409521590452 -0.6070578933532658 -0.634505284895802 -0.9513111253203516 -0.8823057004656929 -1.1026587244930475 +9448,-1.490894853508051,0,-1.3011363841209893 -1.3977697753586722 -1.4310471578368236 -1.511841546923329 -1.522443875759388 -1.6266356183142952 -1.6606353004639793 -1.2797511514535884 -1.452045444196339 -1.2094559054694525 -1.1371227423669776 -0.8377810785867394 -0.7086957902761273 -0.814409521590452 -0.6070578933532658 -0.634505284895802 -0.9513111253203516 -0.8823057004656929 -1.1026587244930475 -1.2443068696512678 +9449,-1.6587779581861286,0,-1.3977697753586722 -1.4310471578368236 -1.511841546923329 -1.522443875759388 -1.6266356183142952 -1.6606353004639793 -1.2797511514535884 -1.452045444196339 -1.2094559054694525 -1.1371227423669776 -0.8377810785867394 -0.7086957902761273 -0.814409521590452 -0.6070578933532658 -0.634505284895802 -0.9513111253203516 -0.8823057004656929 -1.1026587244930475 -1.2443068696512678 -1.490894853508051 +9450,-1.6826396472239997,0,-1.4310471578368236 -1.511841546923329 -1.522443875759388 -1.6266356183142952 -1.6606353004639793 -1.2797511514535884 -1.452045444196339 -1.2094559054694525 -1.1371227423669776 -0.8377810785867394 -0.7086957902761273 -0.814409521590452 -0.6070578933532658 -0.634505284895802 -0.9513111253203516 -0.8823057004656929 -1.1026587244930475 -1.2443068696512678 -1.490894853508051 -1.6587779581861286 +9451,-1.8985298905519974,0,-1.511841546923329 -1.522443875759388 -1.6266356183142952 -1.6606353004639793 -1.2797511514535884 -1.452045444196339 -1.2094559054694525 -1.1371227423669776 -0.8377810785867394 -0.7086957902761273 -0.814409521590452 -0.6070578933532658 -0.634505284895802 -0.9513111253203516 -0.8823057004656929 -1.1026587244930475 -1.2443068696512678 -1.490894853508051 -1.6587779581861286 -1.6826396472239997 +9452,-1.9703987182397973,0,-1.522443875759388 -1.6266356183142952 -1.6606353004639793 -1.2797511514535884 -1.452045444196339 -1.2094559054694525 -1.1371227423669776 -0.8377810785867394 -0.7086957902761273 -0.814409521590452 -0.6070578933532658 -0.634505284895802 -0.9513111253203516 -0.8823057004656929 -1.1026587244930475 -1.2443068696512678 -1.490894853508051 -1.6587779581861286 -1.6826396472239997 -1.8985298905519974 +9453,-1.9962983243960073,0,-1.6266356183142952 -1.6606353004639793 -1.2797511514535884 -1.452045444196339 -1.2094559054694525 -1.1371227423669776 -0.8377810785867394 -0.7086957902761273 -0.814409521590452 -0.6070578933532658 -0.634505284895802 -0.9513111253203516 -0.8823057004656929 -1.1026587244930475 -1.2443068696512678 -1.490894853508051 -1.6587779581861286 -1.6826396472239997 -1.8985298905519974 -1.9703987182397973 +9454,-2.083490225721278,0,-1.6606353004639793 -1.2797511514535884 -1.452045444196339 -1.2094559054694525 -1.1371227423669776 -0.8377810785867394 -0.7086957902761273 -0.814409521590452 -0.6070578933532658 -0.634505284895802 -0.9513111253203516 -0.8823057004656929 -1.1026587244930475 -1.2443068696512678 -1.490894853508051 -1.6587779581861286 -1.6826396472239997 -1.8985298905519974 -1.9703987182397973 -1.9962983243960073 +9455,-2.1247129058245386,0,-1.2797511514535884 -1.452045444196339 -1.2094559054694525 -1.1371227423669776 -0.8377810785867394 -0.7086957902761273 -0.814409521590452 -0.6070578933532658 -0.634505284895802 -0.9513111253203516 -0.8823057004656929 -1.1026587244930475 -1.2443068696512678 -1.490894853508051 -1.6587779581861286 -1.6826396472239997 -1.8985298905519974 -1.9703987182397973 -1.9962983243960073 -2.083490225721278 +9456,-2.0883915456727578,0,-1.452045444196339 -1.2094559054694525 -1.1371227423669776 -0.8377810785867394 -0.7086957902761273 -0.814409521590452 -0.6070578933532658 -0.634505284895802 -0.9513111253203516 -0.8823057004656929 -1.1026587244930475 -1.2443068696512678 -1.490894853508051 -1.6587779581861286 -1.6826396472239997 -1.8985298905519974 -1.9703987182397973 -1.9962983243960073 -2.083490225721278 -2.1247129058245386 +9457,-2.1554622389879907,0,-1.2094559054694525 -1.1371227423669776 -0.8377810785867394 -0.7086957902761273 -0.814409521590452 -0.6070578933532658 -0.634505284895802 -0.9513111253203516 -0.8823057004656929 -1.1026587244930475 -1.2443068696512678 -1.490894853508051 -1.6587779581861286 -1.6826396472239997 -1.8985298905519974 -1.9703987182397973 -1.9962983243960073 -2.083490225721278 -2.1247129058245386 -2.0883915456727578 +9458,-2.1449888923577447,0,-1.1371227423669776 -0.8377810785867394 -0.7086957902761273 -0.814409521590452 -0.6070578933532658 -0.634505284895802 -0.9513111253203516 -0.8823057004656929 -1.1026587244930475 -1.2443068696512678 -1.490894853508051 -1.6587779581861286 -1.6826396472239997 -1.8985298905519974 -1.9703987182397973 -1.9962983243960073 -2.083490225721278 -2.1247129058245386 -2.0883915456727578 -2.1554622389879907 +9459,-1.4212961108781101,0,-0.8377810785867394 -0.7086957902761273 -0.814409521590452 -0.6070578933532658 -0.634505284895802 -0.9513111253203516 -0.8823057004656929 -1.1026587244930475 -1.2443068696512678 -1.490894853508051 -1.6587779581861286 -1.6826396472239997 -1.8985298905519974 -1.9703987182397973 -1.9962983243960073 -2.083490225721278 -2.1247129058245386 -2.0883915456727578 -2.1554622389879907 -2.1449888923577447 +9460,-1.648562575657946,0,-0.7086957902761273 -0.814409521590452 -0.6070578933532658 -0.634505284895802 -0.9513111253203516 -0.8823057004656929 -1.1026587244930475 -1.2443068696512678 -1.490894853508051 -1.6587779581861286 -1.6826396472239997 -1.8985298905519974 -1.9703987182397973 -1.9962983243960073 -2.083490225721278 -2.1247129058245386 -2.0883915456727578 -2.1554622389879907 -2.1449888923577447 -1.4212961108781101 +9461,-1.162609605897965,0,-0.814409521590452 -0.6070578933532658 -0.634505284895802 -0.9513111253203516 -0.8823057004656929 -1.1026587244930475 -1.2443068696512678 -1.490894853508051 -1.6587779581861286 -1.6826396472239997 -1.8985298905519974 -1.9703987182397973 -1.9962983243960073 -2.083490225721278 -2.1247129058245386 -2.0883915456727578 -2.1554622389879907 -2.1449888923577447 -1.4212961108781101 -1.648562575657946 +9462,-1.1378966349827482,0,-0.6070578933532658 -0.634505284895802 -0.9513111253203516 -0.8823057004656929 -1.1026587244930475 -1.2443068696512678 -1.490894853508051 -1.6587779581861286 -1.6826396472239997 -1.8985298905519974 -1.9703987182397973 -1.9962983243960073 -2.083490225721278 -2.1247129058245386 -2.0883915456727578 -2.1554622389879907 -2.1449888923577447 -1.4212961108781101 -1.648562575657946 -1.162609605897965 +9463,-0.49819699878639895,0,-0.634505284895802 -0.9513111253203516 -0.8823057004656929 -1.1026587244930475 -1.2443068696512678 -1.490894853508051 -1.6587779581861286 -1.6826396472239997 -1.8985298905519974 -1.9703987182397973 -1.9962983243960073 -2.083490225721278 -2.1247129058245386 -2.0883915456727578 -2.1554622389879907 -2.1449888923577447 -1.4212961108781101 -1.648562575657946 -1.162609605897965 -1.1378966349827482 +9464,-0.3197373615895999,0,-0.9513111253203516 -0.8823057004656929 -1.1026587244930475 -1.2443068696512678 -1.490894853508051 -1.6587779581861286 -1.6826396472239997 -1.8985298905519974 -1.9703987182397973 -1.9962983243960073 -2.083490225721278 -2.1247129058245386 -2.0883915456727578 -2.1554622389879907 -2.1449888923577447 -1.4212961108781101 -1.648562575657946 -1.162609605897965 -1.1378966349827482 -0.49819699878639895 +9465,-0.46019887135204135,0,-0.8823057004656929 -1.1026587244930475 -1.2443068696512678 -1.490894853508051 -1.6587779581861286 -1.6826396472239997 -1.8985298905519974 -1.9703987182397973 -1.9962983243960073 -2.083490225721278 -2.1247129058245386 -2.0883915456727578 -2.1554622389879907 -2.1449888923577447 -1.4212961108781101 -1.648562575657946 -1.162609605897965 -1.1378966349827482 -0.49819699878639895 -0.3197373615895999 +9466,-0.17543218522041235,0,-1.1026587244930475 -1.2443068696512678 -1.490894853508051 -1.6587779581861286 -1.6826396472239997 -1.8985298905519974 -1.9703987182397973 -1.9962983243960073 -2.083490225721278 -2.1247129058245386 -2.0883915456727578 -2.1554622389879907 -2.1449888923577447 -1.4212961108781101 -1.648562575657946 -1.162609605897965 -1.1378966349827482 -0.49819699878639895 -0.3197373615895999 -0.46019887135204135 +9467,-0.20958664589325574,0,-1.2443068696512678 -1.490894853508051 -1.6587779581861286 -1.6826396472239997 -1.8985298905519974 -1.9703987182397973 -1.9962983243960073 -2.083490225721278 -2.1247129058245386 -2.0883915456727578 -2.1554622389879907 -2.1449888923577447 -1.4212961108781101 -1.648562575657946 -1.162609605897965 -1.1378966349827482 -0.49819699878639895 -0.3197373615895999 -0.46019887135204135 -0.17543218522041235 +9468,-0.7764887834176697,0,-1.490894853508051 -1.6587779581861286 -1.6826396472239997 -1.8985298905519974 -1.9703987182397973 -1.9962983243960073 -2.083490225721278 -2.1247129058245386 -2.0883915456727578 -2.1554622389879907 -2.1449888923577447 -1.4212961108781101 -1.648562575657946 -1.162609605897965 -1.1378966349827482 -0.49819699878639895 -0.3197373615895999 -0.46019887135204135 -0.17543218522041235 -0.20958664589325574 +9469,-0.6330606852431742,0,-1.6587779581861286 -1.6826396472239997 -1.8985298905519974 -1.9703987182397973 -1.9962983243960073 -2.083490225721278 -2.1247129058245386 -2.0883915456727578 -2.1554622389879907 -2.1449888923577447 -1.4212961108781101 -1.648562575657946 -1.162609605897965 -1.1378966349827482 -0.49819699878639895 -0.3197373615895999 -0.46019887135204135 -0.17543218522041235 -0.20958664589325574 -0.7764887834176697 +9470,-1.022380263920258,0,-1.6826396472239997 -1.8985298905519974 -1.9703987182397973 -1.9962983243960073 -2.083490225721278 -2.1247129058245386 -2.0883915456727578 -2.1554622389879907 -2.1449888923577447 -1.4212961108781101 -1.648562575657946 -1.162609605897965 -1.1378966349827482 -0.49819699878639895 -0.3197373615895999 -0.46019887135204135 -0.17543218522041235 -0.20958664589325574 -0.7764887834176697 -0.6330606852431742 +9471,-1.127603863192999,0,-1.8985298905519974 -1.9703987182397973 -1.9962983243960073 -2.083490225721278 -2.1247129058245386 -2.0883915456727578 -2.1554622389879907 -2.1449888923577447 -1.4212961108781101 -1.648562575657946 -1.162609605897965 -1.1378966349827482 -0.49819699878639895 -0.3197373615895999 -0.46019887135204135 -0.17543218522041235 -0.20958664589325574 -0.7764887834176697 -0.6330606852431742 -1.022380263920258 +9472,-1.6116221015683312,0,-1.9703987182397973 -1.9962983243960073 -2.083490225721278 -2.1247129058245386 -2.0883915456727578 -2.1554622389879907 -2.1449888923577447 -1.4212961108781101 -1.648562575657946 -1.162609605897965 -1.1378966349827482 -0.49819699878639895 -0.3197373615895999 -0.46019887135204135 -0.17543218522041235 -0.20958664589325574 -0.7764887834176697 -0.6330606852431742 -1.022380263920258 -1.127603863192999 +9473,-1.811544360539338,0,-1.9962983243960073 -2.083490225721278 -2.1247129058245386 -2.0883915456727578 -2.1554622389879907 -2.1449888923577447 -1.4212961108781101 -1.648562575657946 -1.162609605897965 -1.1378966349827482 -0.49819699878639895 -0.3197373615895999 -0.46019887135204135 -0.17543218522041235 -0.20958664589325574 -0.7764887834176697 -0.6330606852431742 -1.022380263920258 -1.127603863192999 -1.6116221015683312 +9474,-1.8447701502280287,0,-2.083490225721278 -2.1247129058245386 -2.0883915456727578 -2.1554622389879907 -2.1449888923577447 -1.4212961108781101 -1.648562575657946 -1.162609605897965 -1.1378966349827482 -0.49819699878639895 -0.3197373615895999 -0.46019887135204135 -0.17543218522041235 -0.20958664589325574 -0.7764887834176697 -0.6330606852431742 -1.022380263920258 -1.127603863192999 -1.6116221015683312 -1.811544360539338 +9475,-2.1002578991661798,0,-2.1247129058245386 -2.0883915456727578 -2.1554622389879907 -2.1449888923577447 -1.4212961108781101 -1.648562575657946 -1.162609605897965 -1.1378966349827482 -0.49819699878639895 -0.3197373615895999 -0.46019887135204135 -0.17543218522041235 -0.20958664589325574 -0.7764887834176697 -0.6330606852431742 -1.022380263920258 -1.127603863192999 -1.6116221015683312 -1.811544360539338 -1.8447701502280287 +9476,-2.189049178512452,0,-2.0883915456727578 -2.1554622389879907 -2.1449888923577447 -1.4212961108781101 -1.648562575657946 -1.162609605897965 -1.1378966349827482 -0.49819699878639895 -0.3197373615895999 -0.46019887135204135 -0.17543218522041235 -0.20958664589325574 -0.7764887834176697 -0.6330606852431742 -1.022380263920258 -1.127603863192999 -1.6116221015683312 -1.811544360539338 -1.8447701502280287 -2.1002578991661798 +9477,-2.2332642433450958,0,-2.1554622389879907 -2.1449888923577447 -1.4212961108781101 -1.648562575657946 -1.162609605897965 -1.1378966349827482 -0.49819699878639895 -0.3197373615895999 -0.46019887135204135 -0.17543218522041235 -0.20958664589325574 -0.7764887834176697 -0.6330606852431742 -1.022380263920258 -1.127603863192999 -1.6116221015683312 -1.811544360539338 -1.8447701502280287 -2.1002578991661798 -2.189049178512452 +9478,-2.336914261068967,0,-2.1449888923577447 -1.4212961108781101 -1.648562575657946 -1.162609605897965 -1.1378966349827482 -0.49819699878639895 -0.3197373615895999 -0.46019887135204135 -0.17543218522041235 -0.20958664589325574 -0.7764887834176697 -0.6330606852431742 -1.022380263920258 -1.127603863192999 -1.6116221015683312 -1.811544360539338 -1.8447701502280287 -2.1002578991661798 -2.189049178512452 -2.2332642433450958 +9479,-2.3959880639696296,0,-1.4212961108781101 -1.648562575657946 -1.162609605897965 -1.1378966349827482 -0.49819699878639895 -0.3197373615895999 -0.46019887135204135 -0.17543218522041235 -0.20958664589325574 -0.7764887834176697 -0.6330606852431742 -1.022380263920258 -1.127603863192999 -1.6116221015683312 -1.811544360539338 -1.8447701502280287 -2.1002578991661798 -2.189049178512452 -2.2332642433450958 -2.336914261068967 +9480,-2.3599504645468214,0,-1.648562575657946 -1.162609605897965 -1.1378966349827482 -0.49819699878639895 -0.3197373615895999 -0.46019887135204135 -0.17543218522041235 -0.20958664589325574 -0.7764887834176697 -0.6330606852431742 -1.022380263920258 -1.127603863192999 -1.6116221015683312 -1.811544360539338 -1.8447701502280287 -2.1002578991661798 -2.189049178512452 -2.2332642433450958 -2.336914261068967 -2.3959880639696296 +9481,-2.450728068376766,0,-1.162609605897965 -1.1378966349827482 -0.49819699878639895 -0.3197373615895999 -0.46019887135204135 -0.17543218522041235 -0.20958664589325574 -0.7764887834176697 -0.6330606852431742 -1.022380263920258 -1.127603863192999 -1.6116221015683312 -1.811544360539338 -1.8447701502280287 -2.1002578991661798 -2.189049178512452 -2.2332642433450958 -2.336914261068967 -2.3959880639696296 -2.3599504645468214 +9482,-2.446394269728445,0,-1.1378966349827482 -0.49819699878639895 -0.3197373615895999 -0.46019887135204135 -0.17543218522041235 -0.20958664589325574 -0.7764887834176697 -0.6330606852431742 -1.022380263920258 -1.127603863192999 -1.6116221015683312 -1.811544360539338 -1.8447701502280287 -2.1002578991661798 -2.189049178512452 -2.2332642433450958 -2.336914261068967 -2.3959880639696296 -2.3599504645468214 -2.450728068376766 +9483,-1.4530257081247298,0,-0.49819699878639895 -0.3197373615895999 -0.46019887135204135 -0.17543218522041235 -0.20958664589325574 -0.7764887834176697 -0.6330606852431742 -1.022380263920258 -1.127603863192999 -1.6116221015683312 -1.811544360539338 -1.8447701502280287 -2.1002578991661798 -2.189049178512452 -2.2332642433450958 -2.336914261068967 -2.3959880639696296 -2.3599504645468214 -2.450728068376766 -2.446394269728445 +9484,-1.7783701637948763,0,-0.3197373615895999 -0.46019887135204135 -0.17543218522041235 -0.20958664589325574 -0.7764887834176697 -0.6330606852431742 -1.022380263920258 -1.127603863192999 -1.6116221015683312 -1.811544360539338 -1.8447701502280287 -2.1002578991661798 -2.189049178512452 -2.2332642433450958 -2.336914261068967 -2.3959880639696296 -2.3599504645468214 -2.450728068376766 -2.446394269728445 -1.4530257081247298 +9485,-1.11467985650962,0,-0.46019887135204135 -0.17543218522041235 -0.20958664589325574 -0.7764887834176697 -0.6330606852431742 -1.022380263920258 -1.127603863192999 -1.6116221015683312 -1.811544360539338 -1.8447701502280287 -2.1002578991661798 -2.189049178512452 -2.2332642433450958 -2.336914261068967 -2.3959880639696296 -2.3599504645468214 -2.450728068376766 -2.446394269728445 -1.4530257081247298 -1.7783701637948763 +9486,-1.1132094605396545,0,-0.17543218522041235 -0.20958664589325574 -0.7764887834176697 -0.6330606852431742 -1.022380263920258 -1.127603863192999 -1.6116221015683312 -1.811544360539338 -1.8447701502280287 -2.1002578991661798 -2.189049178512452 -2.2332642433450958 -2.336914261068967 -2.3959880639696296 -2.3599504645468214 -2.450728068376766 -2.446394269728445 -1.4530257081247298 -1.7783701637948763 -1.11467985650962 +9487,-0.2287791827643815,0,-0.20958664589325574 -0.7764887834176697 -0.6330606852431742 -1.022380263920258 -1.127603863192999 -1.6116221015683312 -1.811544360539338 -1.8447701502280287 -2.1002578991661798 -2.189049178512452 -2.2332642433450958 -2.336914261068967 -2.3959880639696296 -2.3599504645468214 -2.450728068376766 -2.446394269728445 -1.4530257081247298 -1.7783701637948763 -1.11467985650962 -1.1132094605396545 +9488,-0.0065688164591674175,0,-0.7764887834176697 -0.6330606852431742 -1.022380263920258 -1.127603863192999 -1.6116221015683312 -1.811544360539338 -1.8447701502280287 -2.1002578991661798 -2.189049178512452 -2.2332642433450958 -2.336914261068967 -2.3959880639696296 -2.3599504645468214 -2.450728068376766 -2.446394269728445 -1.4530257081247298 -1.7783701637948763 -1.11467985650962 -1.1132094605396545 -0.2287791827643815 +9489,-0.19839099943669133,0,-0.6330606852431742 -1.022380263920258 -1.127603863192999 -1.6116221015683312 -1.811544360539338 -1.8447701502280287 -2.1002578991661798 -2.189049178512452 -2.2332642433450958 -2.336914261068967 -2.3959880639696296 -2.3599504645468214 -2.450728068376766 -2.446394269728445 -1.4530257081247298 -1.7783701637948763 -1.11467985650962 -1.1132094605396545 -0.2287791827643815 -0.0065688164591674175 +9490,0.16183021673260828,0,-1.022380263920258 -1.127603863192999 -1.6116221015683312 -1.811544360539338 -1.8447701502280287 -2.1002578991661798 -2.189049178512452 -2.2332642433450958 -2.336914261068967 -2.3959880639696296 -2.3599504645468214 -2.450728068376766 -2.446394269728445 -1.4530257081247298 -1.7783701637948763 -1.11467985650962 -1.1132094605396545 -0.2287791827643815 -0.0065688164591674175 -0.19839099943669133 +9491,0.10801888361918748,0,-1.127603863192999 -1.6116221015683312 -1.811544360539338 -1.8447701502280287 -2.1002578991661798 -2.189049178512452 -2.2332642433450958 -2.336914261068967 -2.3959880639696296 -2.3599504645468214 -2.450728068376766 -2.446394269728445 -1.4530257081247298 -1.7783701637948763 -1.11467985650962 -1.1132094605396545 -0.2287791827643815 -0.0065688164591674175 -0.19839099943669133 0.16183021673260828 +9492,-0.3942632204883496,0,-1.6116221015683312 -1.811544360539338 -1.8447701502280287 -2.1002578991661798 -2.189049178512452 -2.2332642433450958 -2.336914261068967 -2.3959880639696296 -2.3599504645468214 -2.450728068376766 -2.446394269728445 -1.4530257081247298 -1.7783701637948763 -1.11467985650962 -1.1132094605396545 -0.2287791827643815 -0.0065688164591674175 -0.19839099943669133 0.16183021673260828 0.10801888361918748 +9493,-0.29858429670692505,0,-1.811544360539338 -1.8447701502280287 -2.1002578991661798 -2.189049178512452 -2.2332642433450958 -2.336914261068967 -2.3959880639696296 -2.3599504645468214 -2.450728068376766 -2.446394269728445 -1.4530257081247298 -1.7783701637948763 -1.11467985650962 -1.1132094605396545 -0.2287791827643815 -0.0065688164591674175 -0.19839099943669133 0.16183021673260828 0.10801888361918748 -0.3942632204883496 +9494,-0.651376143919608,0,-1.8447701502280287 -2.1002578991661798 -2.189049178512452 -2.2332642433450958 -2.336914261068967 -2.3959880639696296 -2.3599504645468214 -2.450728068376766 -2.446394269728445 -1.4530257081247298 -1.7783701637948763 -1.11467985650962 -1.1132094605396545 -0.2287791827643815 -0.0065688164591674175 -0.19839099943669133 0.16183021673260828 0.10801888361918748 -0.3942632204883496 -0.29858429670692505 +9495,-0.7976160518282214,0,-2.1002578991661798 -2.189049178512452 -2.2332642433450958 -2.336914261068967 -2.3959880639696296 -2.3599504645468214 -2.450728068376766 -2.446394269728445 -1.4530257081247298 -1.7783701637948763 -1.11467985650962 -1.1132094605396545 -0.2287791827643815 -0.0065688164591674175 -0.19839099943669133 0.16183021673260828 0.10801888361918748 -0.3942632204883496 -0.29858429670692505 -0.651376143919608 +9496,-1.2192585453724125,0,-2.189049178512452 -2.2332642433450958 -2.336914261068967 -2.3959880639696296 -2.3599504645468214 -2.450728068376766 -2.446394269728445 -1.4530257081247298 -1.7783701637948763 -1.11467985650962 -1.1132094605396545 -0.2287791827643815 -0.0065688164591674175 -0.19839099943669133 0.16183021673260828 0.10801888361918748 -0.3942632204883496 -0.29858429670692505 -0.651376143919608 -0.7976160518282214 +9497,-1.4343490996125252,0,-2.2332642433450958 -2.336914261068967 -2.3959880639696296 -2.3599504645468214 -2.450728068376766 -2.446394269728445 -1.4530257081247298 -1.7783701637948763 -1.11467985650962 -1.1132094605396545 -0.2287791827643815 -0.0065688164591674175 -0.19839099943669133 0.16183021673260828 0.10801888361918748 -0.3942632204883496 -0.29858429670692505 -0.651376143919608 -0.7976160518282214 -1.2192585453724125 +9498,-1.4462154531059384,0,-2.336914261068967 -2.3959880639696296 -2.3599504645468214 -2.450728068376766 -2.446394269728445 -1.4530257081247298 -1.7783701637948763 -1.11467985650962 -1.1132094605396545 -0.2287791827643815 -0.0065688164591674175 -0.19839099943669133 0.16183021673260828 0.10801888361918748 -0.3942632204883496 -0.29858429670692505 -0.651376143919608 -0.7976160518282214 -1.2192585453724125 -1.4343490996125252 +9499,-1.7290474076981415,0,-2.3959880639696296 -2.3599504645468214 -2.450728068376766 -2.446394269728445 -1.4530257081247298 -1.7783701637948763 -1.11467985650962 -1.1132094605396545 -0.2287791827643815 -0.0065688164591674175 -0.19839099943669133 0.16183021673260828 0.10801888361918748 -0.3942632204883496 -0.29858429670692505 -0.651376143919608 -0.7976160518282214 -1.2192585453724125 -1.4343490996125252 -1.4462154531059384 +9500,-1.8086551615436448,0,-2.3599504645468214 -2.450728068376766 -2.446394269728445 -1.4530257081247298 -1.7783701637948763 -1.11467985650962 -1.1132094605396545 -0.2287791827643815 -0.0065688164591674175 -0.19839099943669133 0.16183021673260828 0.10801888361918748 -0.3942632204883496 -0.29858429670692505 -0.651376143919608 -0.7976160518282214 -1.2192585453724125 -1.4343490996125252 -1.4462154531059384 -1.7290474076981415 +9501,-1.8602480025434531,0,-2.450728068376766 -2.446394269728445 -1.4530257081247298 -1.7783701637948763 -1.11467985650962 -1.1132094605396545 -0.2287791827643815 -0.0065688164591674175 -0.19839099943669133 0.16183021673260828 0.10801888361918748 -0.3942632204883496 -0.29858429670692505 -0.651376143919608 -0.7976160518282214 -1.2192585453724125 -1.4343490996125252 -1.4462154531059384 -1.7290474076981415 -1.8086551615436448 +9502,-1.9491940605676705,0,-2.446394269728445 -1.4530257081247298 -1.7783701637948763 -1.11467985650962 -1.1132094605396545 -0.2287791827643815 -0.0065688164591674175 -0.19839099943669133 0.16183021673260828 0.10801888361918748 -0.3942632204883496 -0.29858429670692505 -0.651376143919608 -0.7976160518282214 -1.2192585453724125 -1.4343490996125252 -1.4462154531059384 -1.7290474076981415 -1.8086551615436448 -1.8602480025434531 +9503,-2.0101252057461836,0,-1.4530257081247298 -1.7783701637948763 -1.11467985650962 -1.1132094605396545 -0.2287791827643815 -0.0065688164591674175 -0.19839099943669133 0.16183021673260828 0.10801888361918748 -0.3942632204883496 -0.29858429670692505 -0.651376143919608 -0.7976160518282214 -1.2192585453724125 -1.4343490996125252 -1.4462154531059384 -1.7290474076981415 -1.8086551615436448 -1.8602480025434531 -1.9491940605676705 +9504,-1.9785761834948468,0,-1.7783701637948763 -1.11467985650962 -1.1132094605396545 -0.2287791827643815 -0.0065688164591674175 -0.19839099943669133 0.16183021673260828 0.10801888361918748 -0.3942632204883496 -0.29858429670692505 -0.651376143919608 -0.7976160518282214 -1.2192585453724125 -1.4343490996125252 -1.4462154531059384 -1.7290474076981415 -1.8086551615436448 -1.8602480025434531 -1.9491940605676705 -2.0101252057461836 +9505,-2.070334051253173,0,-1.11467985650962 -1.1132094605396545 -0.2287791827643815 -0.0065688164591674175 -0.19839099943669133 0.16183021673260828 0.10801888361918748 -0.3942632204883496 -0.29858429670692505 -0.651376143919608 -0.7976160518282214 -1.2192585453724125 -1.4343490996125252 -1.4462154531059384 -1.7290474076981415 -1.8086551615436448 -1.8602480025434531 -1.9491940605676705 -2.0101252057461836 -1.9785761834948468 +9506,-2.0696117515816406,0,-1.1132094605396545 -0.2287791827643815 -0.0065688164591674175 -0.19839099943669133 0.16183021673260828 0.10801888361918748 -0.3942632204883496 -0.29858429670692505 -0.651376143919608 -0.7976160518282214 -1.2192585453724125 -1.4343490996125252 -1.4462154531059384 -1.7290474076981415 -1.8086551615436448 -1.8602480025434531 -1.9491940605676705 -2.0101252057461836 -1.9785761834948468 -2.070334051253173 +9507,-0.984588507798503,0,-0.2287791827643815 -0.0065688164591674175 -0.19839099943669133 0.16183021673260828 0.10801888361918748 -0.3942632204883496 -0.29858429670692505 -0.651376143919608 -0.7976160518282214 -1.2192585453724125 -1.4343490996125252 -1.4462154531059384 -1.7290474076981415 -1.8086551615436448 -1.8602480025434531 -1.9491940605676705 -2.0101252057461836 -1.9785761834948468 -2.070334051253173 -2.0696117515816406 +9508,-1.3452998560093952,0,-0.0065688164591674175 -0.19839099943669133 0.16183021673260828 0.10801888361918748 -0.3942632204883496 -0.29858429670692505 -0.651376143919608 -0.7976160518282214 -1.2192585453724125 -1.4343490996125252 -1.4462154531059384 -1.7290474076981415 -1.8086551615436448 -1.8602480025434531 -1.9491940605676705 -2.0101252057461836 -1.9785761834948468 -2.070334051253173 -2.0696117515816406 -0.984588507798503 +9509,-0.6217102602634592,0,-0.19839099943669133 0.16183021673260828 0.10801888361918748 -0.3942632204883496 -0.29858429670692505 -0.651376143919608 -0.7976160518282214 -1.2192585453724125 -1.4343490996125252 -1.4462154531059384 -1.7290474076981415 -1.8086551615436448 -1.8602480025434531 -1.9491940605676705 -2.0101252057461836 -1.9785761834948468 -2.070334051253173 -2.0696117515816406 -0.984588507798503 -1.3452998560093952 +9510,-0.6336282065463331,0,0.16183021673260828 0.10801888361918748 -0.3942632204883496 -0.29858429670692505 -0.651376143919608 -0.7976160518282214 -1.2192585453724125 -1.4343490996125252 -1.4462154531059384 -1.7290474076981415 -1.8086551615436448 -1.8602480025434531 -1.9491940605676705 -2.0101252057461836 -1.9785761834948468 -2.070334051253173 -2.0696117515816406 -0.984588507798503 -1.3452998560093952 -0.6217102602634592 +9511,0.3351305698758639,0,0.10801888361918748 -0.3942632204883496 -0.29858429670692505 -0.651376143919608 -0.7976160518282214 -1.2192585453724125 -1.4343490996125252 -1.4462154531059384 -1.7290474076981415 -1.8086551615436448 -1.8602480025434531 -1.9491940605676705 -2.0101252057461836 -1.9785761834948468 -2.070334051253173 -2.0696117515816406 -0.984588507798503 -1.3452998560093952 -0.6217102602634592 -0.6336282065463331 +9512,0.56838180426926,0,-0.3942632204883496 -0.29858429670692505 -0.651376143919608 -0.7976160518282214 -1.2192585453724125 -1.4343490996125252 -1.4462154531059384 -1.7290474076981415 -1.8086551615436448 -1.8602480025434531 -1.9491940605676705 -2.0101252057461836 -1.9785761834948468 -2.070334051253173 -2.0696117515816406 -0.984588507798503 -1.3452998560093952 -0.6217102602634592 -0.6336282065463331 0.3351305698758639 +9513,0.360436858411586,0,-0.29858429670692505 -0.651376143919608 -0.7976160518282214 -1.2192585453724125 -1.4343490996125252 -1.4462154531059384 -1.7290474076981415 -1.8086551615436448 -1.8602480025434531 -1.9491940605676705 -2.0101252057461836 -1.9785761834948468 -2.070334051253173 -2.0696117515816406 -0.984588507798503 -1.3452998560093952 -0.6217102602634592 -0.6336282065463331 0.3351305698758639 0.56838180426926 +9514,0.7407534862735947,0,-0.651376143919608 -0.7976160518282214 -1.2192585453724125 -1.4343490996125252 -1.4462154531059384 -1.7290474076981415 -1.8086551615436448 -1.8602480025434531 -1.9491940605676705 -2.0101252057461836 -1.9785761834948468 -2.070334051253173 -2.0696117515816406 -0.984588507798503 -1.3452998560093952 -0.6217102602634592 -0.6336282065463331 0.3351305698758639 0.56838180426926 0.360436858411586 +9515,0.6798739337297566,0,-0.7976160518282214 -1.2192585453724125 -1.4343490996125252 -1.4462154531059384 -1.7290474076981415 -1.8086551615436448 -1.8602480025434531 -1.9491940605676705 -2.0101252057461836 -1.9785761834948468 -2.070334051253173 -2.0696117515816406 -0.984588507798503 -1.3452998560093952 -0.6217102602634592 -0.6336282065463331 0.3351305698758639 0.56838180426926 0.360436858411586 0.7407534862735947 +9516,0.05026069801054518,0,-1.2192585453724125 -1.4343490996125252 -1.4462154531059384 -1.7290474076981415 -1.8086551615436448 -1.8602480025434531 -1.9491940605676705 -2.0101252057461836 -1.9785761834948468 -2.070334051253173 -2.0696117515816406 -0.984588507798503 -1.3452998560093952 -0.6217102602634592 -0.6336282065463331 0.3351305698758639 0.56838180426926 0.360436858411586 0.7407534862735947 0.6798739337297566 +9517,0.17895904001327206,0,-1.4343490996125252 -1.4462154531059384 -1.7290474076981415 -1.8086551615436448 -1.8602480025434531 -1.9491940605676705 -2.0101252057461836 -1.9785761834948468 -2.070334051253173 -2.0696117515816406 -0.984588507798503 -1.3452998560093952 -0.6217102602634592 -0.6336282065463331 0.3351305698758639 0.56838180426926 0.360436858411586 0.7407534862735947 0.6798739337297566 0.05026069801054518 +9518,-0.26107630131415116,0,-1.4462154531059384 -1.7290474076981415 -1.8086551615436448 -1.8602480025434531 -1.9491940605676705 -2.0101252057461836 -1.9785761834948468 -2.070334051253173 -2.0696117515816406 -0.984588507798503 -1.3452998560093952 -0.6217102602634592 -0.6336282065463331 0.3351305698758639 0.56838180426926 0.360436858411586 0.7407534862735947 0.6798739337297566 0.05026069801054518 0.17895904001327206 +9519,-0.4346604150315935,0,-1.7290474076981415 -1.8086551615436448 -1.8602480025434531 -1.9491940605676705 -2.0101252057461836 -1.9785761834948468 -2.070334051253173 -2.0696117515816406 -0.984588507798503 -1.3452998560093952 -0.6217102602634592 -0.6336282065463331 0.3351305698758639 0.56838180426926 0.360436858411586 0.7407534862735947 0.6798739337297566 0.05026069801054518 0.17895904001327206 -0.26107630131415116 +9520,-0.9635128321774122,0,-1.8086551615436448 -1.8602480025434531 -1.9491940605676705 -2.0101252057461836 -1.9785761834948468 -2.070334051253173 -2.0696117515816406 -0.984588507798503 -1.3452998560093952 -0.6217102602634592 -0.6336282065463331 0.3351305698758639 0.56838180426926 0.360436858411586 0.7407534862735947 0.6798739337297566 0.05026069801054518 0.17895904001327206 -0.26107630131415116 -0.4346604150315935 +9521,-1.2259140218680444,0,-1.8602480025434531 -1.9491940605676705 -2.0101252057461836 -1.9785761834948468 -2.070334051253173 -2.0696117515816406 -0.984588507798503 -1.3452998560093952 -0.6217102602634592 -0.6336282065463331 0.3351305698758639 0.56838180426926 0.360436858411586 0.7407534862735947 0.6798739337297566 0.05026069801054518 0.17895904001327206 -0.26107630131415116 -0.4346604150315935 -0.9635128321774122 +9522,-1.1646733194884356,0,-1.9491940605676705 -2.0101252057461836 -1.9785761834948468 -2.070334051253173 -2.0696117515816406 -0.984588507798503 -1.3452998560093952 -0.6217102602634592 -0.6336282065463331 0.3351305698758639 0.56838180426926 0.360436858411586 0.7407534862735947 0.6798739337297566 0.05026069801054518 0.17895904001327206 -0.26107630131415116 -0.4346604150315935 -0.9635128321774122 -1.2259140218680444 +9523,-1.5349551396627585,0,-2.0101252057461836 -1.9785761834948468 -2.070334051253173 -2.0696117515816406 -0.984588507798503 -1.3452998560093952 -0.6217102602634592 -0.6336282065463331 0.3351305698758639 0.56838180426926 0.360436858411586 0.7407534862735947 0.6798739337297566 0.05026069801054518 0.17895904001327206 -0.26107630131415116 -0.4346604150315935 -0.9635128321774122 -1.2259140218680444 -1.1646733194884356 +9524,-1.5815950680764206,0,-1.9785761834948468 -2.070334051253173 -2.0696117515816406 -0.984588507798503 -1.3452998560093952 -0.6217102602634592 -0.6336282065463331 0.3351305698758639 0.56838180426926 0.360436858411586 0.7407534862735947 0.6798739337297566 0.05026069801054518 0.17895904001327206 -0.26107630131415116 -0.4346604150315935 -0.9635128321774122 -1.2259140218680444 -1.1646733194884356 -1.5349551396627585 +9525,-1.5903142581625145,0,-2.070334051253173 -2.0696117515816406 -0.984588507798503 -1.3452998560093952 -0.6217102602634592 -0.6336282065463331 0.3351305698758639 0.56838180426926 0.360436858411586 0.7407534862735947 0.6798739337297566 0.05026069801054518 0.17895904001327206 -0.26107630131415116 -0.4346604150315935 -0.9635128321774122 -1.2259140218680444 -1.1646733194884356 -1.5349551396627585 -1.5815950680764206 +9526,-1.6495944325305743,0,-2.0696117515816406 -0.984588507798503 -1.3452998560093952 -0.6217102602634592 -0.6336282065463331 0.3351305698758639 0.56838180426926 0.360436858411586 0.7407534862735947 0.6798739337297566 0.05026069801054518 0.17895904001327206 -0.26107630131415116 -0.4346604150315935 -0.9635128321774122 -1.2259140218680444 -1.1646733194884356 -1.5349551396627585 -1.5815950680764206 -1.5903142581625145 +9527,-1.6709538687258516,0,-0.984588507798503 -1.3452998560093952 -0.6217102602634592 -0.6336282065463331 0.3351305698758639 0.56838180426926 0.360436858411586 0.7407534862735947 0.6798739337297566 0.05026069801054518 0.17895904001327206 -0.26107630131415116 -0.4346604150315935 -0.9635128321774122 -1.2259140218680444 -1.1646733194884356 -1.5349551396627585 -1.5815950680764206 -1.5903142581625145 -1.6495944325305743 +9528,-1.521128258312582,0,-1.3452998560093952 -0.6217102602634592 -0.6336282065463331 0.3351305698758639 0.56838180426926 0.360436858411586 0.7407534862735947 0.6798739337297566 0.05026069801054518 0.17895904001327206 -0.26107630131415116 -0.4346604150315935 -0.9635128321774122 -1.2259140218680444 -1.1646733194884356 -1.5349551396627585 -1.5815950680764206 -1.5903142581625145 -1.6495944325305743 -1.6709538687258516 +9529,-1.5995493767623066,0,-0.6217102602634592 -0.6336282065463331 0.3351305698758639 0.56838180426926 0.360436858411586 0.7407534862735947 0.6798739337297566 0.05026069801054518 0.17895904001327206 -0.26107630131415116 -0.4346604150315935 -0.9635128321774122 -1.2259140218680444 -1.1646733194884356 -1.5349551396627585 -1.5815950680764206 -1.5903142581625145 -1.6495944325305743 -1.6709538687258516 -1.521128258312582 +9530,-1.5067854484486898,0,-0.6336282065463331 0.3351305698758639 0.56838180426926 0.360436858411586 0.7407534862735947 0.6798739337297566 0.05026069801054518 0.17895904001327206 -0.26107630131415116 -0.4346604150315935 -0.9635128321774122 -1.2259140218680444 -1.1646733194884356 -1.5349551396627585 -1.5815950680764206 -1.5903142581625145 -1.6495944325305743 -1.6709538687258516 -1.521128258312582 -1.5995493767623066 +9531,-0.6055359045938483,0,0.3351305698758639 0.56838180426926 0.360436858411586 0.7407534862735947 0.6798739337297566 0.05026069801054518 0.17895904001327206 -0.26107630131415116 -0.4346604150315935 -0.9635128321774122 -1.2259140218680444 -1.1646733194884356 -1.5349551396627585 -1.5815950680764206 -1.5903142581625145 -1.6495944325305743 -1.6709538687258516 -1.521128258312582 -1.5995493767623066 -1.5067854484486898 +9532,-0.7822671815638329,0,0.56838180426926 0.360436858411586 0.7407534862735947 0.6798739337297566 0.05026069801054518 0.17895904001327206 -0.26107630131415116 -0.4346604150315935 -0.9635128321774122 -1.2259140218680444 -1.1646733194884356 -1.5349551396627585 -1.5815950680764206 -1.5903142581625145 -1.6495944325305743 -1.6709538687258516 -1.521128258312582 -1.5995493767623066 -1.5067854484486898 -0.6055359045938483 +9533,-0.15051284299258424,0,0.360436858411586 0.7407534862735947 0.6798739337297566 0.05026069801054518 0.17895904001327206 -0.26107630131415116 -0.4346604150315935 -0.9635128321774122 -1.2259140218680444 -1.1646733194884356 -1.5349551396627585 -1.5815950680764206 -1.5903142581625145 -1.6495944325305743 -1.6709538687258516 -1.521128258312582 -1.5995493767623066 -1.5067854484486898 -0.6055359045938483 -0.7822671815638329 +9534,-0.24242548927406993,0,0.7407534862735947 0.6798739337297566 0.05026069801054518 0.17895904001327206 -0.26107630131415116 -0.4346604150315935 -0.9635128321774122 -1.2259140218680444 -1.1646733194884356 -1.5349551396627585 -1.5815950680764206 -1.5903142581625145 -1.6495944325305743 -1.6709538687258516 -1.521128258312582 -1.5995493767623066 -1.5067854484486898 -0.6055359045938483 -0.7822671815638329 -0.15051284299258424 +9535,0.6305511777877985,0,0.6798739337297566 0.05026069801054518 0.17895904001327206 -0.26107630131415116 -0.4346604150315935 -0.9635128321774122 -1.2259140218680444 -1.1646733194884356 -1.5349551396627585 -1.5815950680764206 -1.5903142581625145 -1.6495944325305743 -1.6709538687258516 -1.521128258312582 -1.5995493767623066 -1.5067854484486898 -0.6055359045938483 -0.7822671815638329 -0.15051284299258424 -0.24242548927406993 +9536,0.7798608596873701,0,0.05026069801054518 0.17895904001327206 -0.26107630131415116 -0.4346604150315935 -0.9635128321774122 -1.2259140218680444 -1.1646733194884356 -1.5349551396627585 -1.5815950680764206 -1.5903142581625145 -1.6495944325305743 -1.6709538687258516 -1.521128258312582 -1.5995493767623066 -1.5067854484486898 -0.6055359045938483 -0.7822671815638329 -0.15051284299258424 -0.24242548927406993 0.6305511777877985 +9537,0.544236354657211,0,0.17895904001327206 -0.26107630131415116 -0.4346604150315935 -0.9635128321774122 -1.2259140218680444 -1.1646733194884356 -1.5349551396627585 -1.5815950680764206 -1.5903142581625145 -1.6495944325305743 -1.6709538687258516 -1.521128258312582 -1.5995493767623066 -1.5067854484486898 -0.6055359045938483 -0.7822671815638329 -0.15051284299258424 -0.24242548927406993 0.6305511777877985 0.7798608596873701 +9538,0.8218574324064012,0,-0.26107630131415116 -0.4346604150315935 -0.9635128321774122 -1.2259140218680444 -1.1646733194884356 -1.5349551396627585 -1.5815950680764206 -1.5903142581625145 -1.6495944325305743 -1.6709538687258516 -1.521128258312582 -1.5995493767623066 -1.5067854484486898 -0.6055359045938483 -0.7822671815638329 -0.15051284299258424 -0.24242548927406993 0.6305511777877985 0.7798608596873701 0.544236354657211 +9539,0.7145443229162981,0,-0.4346604150315935 -0.9635128321774122 -1.2259140218680444 -1.1646733194884356 -1.5349551396627585 -1.5815950680764206 -1.5903142581625145 -1.6495944325305743 -1.6709538687258516 -1.521128258312582 -1.5995493767623066 -1.5067854484486898 -0.6055359045938483 -0.7822671815638329 -0.15051284299258424 -0.24242548927406993 0.6305511777877985 0.7798608596873701 0.544236354657211 0.8218574324064012 +9540,-0.017687073654156543,0,-0.9635128321774122 -1.2259140218680444 -1.1646733194884356 -1.5349551396627585 -1.5815950680764206 -1.5903142581625145 -1.6495944325305743 -1.6709538687258516 -1.521128258312582 -1.5995493767623066 -1.5067854484486898 -0.6055359045938483 -0.7822671815638329 -0.15051284299258424 -0.24242548927406993 0.6305511777877985 0.7798608596873701 0.544236354657211 0.8218574324064012 0.7145443229162981 +9541,0.08330591270397074,0,-1.2259140218680444 -1.1646733194884356 -1.5349551396627585 -1.5815950680764206 -1.5903142581625145 -1.6495944325305743 -1.6709538687258516 -1.521128258312582 -1.5995493767623066 -1.5067854484486898 -0.6055359045938483 -0.7822671815638329 -0.15051284299258424 -0.24242548927406993 0.6305511777877985 0.7798608596873701 0.544236354657211 0.8218574324064012 0.7145443229162981 -0.017687073654156543 +9542,-0.4406193881730304,0,-1.1646733194884356 -1.5349551396627585 -1.5815950680764206 -1.5903142581625145 -1.6495944325305743 -1.6709538687258516 -1.521128258312582 -1.5995493767623066 -1.5067854484486898 -0.6055359045938483 -0.7822671815638329 -0.15051284299258424 -0.24242548927406993 0.6305511777877985 0.7798608596873701 0.544236354657211 0.8218574324064012 0.7145443229162981 -0.017687073654156543 0.08330591270397074 +9543,-0.5359629584360307,0,-1.5349551396627585 -1.5815950680764206 -1.5903142581625145 -1.6495944325305743 -1.6709538687258516 -1.521128258312582 -1.5995493767623066 -1.5067854484486898 -0.6055359045938483 -0.7822671815638329 -0.15051284299258424 -0.24242548927406993 0.6305511777877985 0.7798608596873701 0.544236354657211 0.8218574324064012 0.7145443229162981 -0.017687073654156543 0.08330591270397074 -0.4406193881730304 +9544,-1.2027488361843683,0,-1.5815950680764206 -1.5903142581625145 -1.6495944325305743 -1.6709538687258516 -1.521128258312582 -1.5995493767623066 -1.5067854484486898 -0.6055359045938483 -0.7822671815638329 -0.15051284299258424 -0.24242548927406993 0.6305511777877985 0.7798608596873701 0.544236354657211 0.8218574324064012 0.7145443229162981 -0.017687073654156543 0.08330591270397074 -0.4406193881730304 -0.5359629584360307 +9545,-1.4409529833186965,0,-1.5903142581625145 -1.6495944325305743 -1.6709538687258516 -1.521128258312582 -1.5995493767623066 -1.5067854484486898 -0.6055359045938483 -0.7822671815638329 -0.15051284299258424 -0.24242548927406993 0.6305511777877985 0.7798608596873701 0.544236354657211 0.8218574324064012 0.7145443229162981 -0.017687073654156543 0.08330591270397074 -0.4406193881730304 -0.5359629584360307 -1.2027488361843683 +9546,-1.4592168490508926,0,-1.6495944325305743 -1.6709538687258516 -1.521128258312582 -1.5995493767623066 -1.5067854484486898 -0.6055359045938483 -0.7822671815638329 -0.15051284299258424 -0.24242548927406993 0.6305511777877985 0.7798608596873701 0.544236354657211 0.8218574324064012 0.7145443229162981 -0.017687073654156543 0.08330591270397074 -0.4406193881730304 -0.5359629584360307 -1.2027488361843683 -1.4409529833186965 +9547,-1.7707344233708626,0,-1.6709538687258516 -1.521128258312582 -1.5995493767623066 -1.5067854484486898 -0.6055359045938483 -0.7822671815638329 -0.15051284299258424 -0.24242548927406993 0.6305511777877985 0.7798608596873701 0.544236354657211 0.8218574324064012 0.7145443229162981 -0.017687073654156543 0.08330591270397074 -0.4406193881730304 -0.5359629584360307 -1.2027488361843683 -1.4409529833186965 -1.4592168490508926 +9548,-1.862311716133915,0,-1.521128258312582 -1.5995493767623066 -1.5067854484486898 -0.6055359045938483 -0.7822671815638329 -0.15051284299258424 -0.24242548927406993 0.6305511777877985 0.7798608596873701 0.544236354657211 0.8218574324064012 0.7145443229162981 -0.017687073654156543 0.08330591270397074 -0.4406193881730304 -0.5359629584360307 -1.2027488361843683 -1.4409529833186965 -1.4592168490508926 -1.7707344233708626 +9549,-1.9094675729064896,0,-1.5995493767623066 -1.5067854484486898 -0.6055359045938483 -0.7822671815638329 -0.15051284299258424 -0.24242548927406993 0.6305511777877985 0.7798608596873701 0.544236354657211 0.8218574324064012 0.7145443229162981 -0.017687073654156543 0.08330591270397074 -0.4406193881730304 -0.5359629584360307 -1.2027488361843683 -1.4409529833186965 -1.4592168490508926 -1.7707344233708626 -1.862311716133915 +9550,-2.015852011102895,0,-1.5067854484486898 -0.6055359045938483 -0.7822671815638329 -0.15051284299258424 -0.24242548927406993 0.6305511777877985 0.7798608596873701 0.544236354657211 0.8218574324064012 0.7145443229162981 -0.017687073654156543 0.08330591270397074 -0.4406193881730304 -0.5359629584360307 -1.2027488361843683 -1.4409529833186965 -1.4592168490508926 -1.7707344233708626 -1.862311716133915 -1.9094675729064896 +9551,-2.0778150133088134,0,-0.6055359045938483 -0.7822671815638329 -0.15051284299258424 -0.24242548927406993 0.6305511777877985 0.7798608596873701 0.544236354657211 0.8218574324064012 0.7145443229162981 -0.017687073654156543 0.08330591270397074 -0.4406193881730304 -0.5359629584360307 -1.2027488361843683 -1.4409529833186965 -1.4592168490508926 -1.7707344233708626 -1.862311716133915 -1.9094675729064896 -2.015852011102895 +9552,-2.0318199954598946,0,-0.7822671815638329 -0.15051284299258424 -0.24242548927406993 0.6305511777877985 0.7798608596873701 0.544236354657211 0.8218574324064012 0.7145443229162981 -0.017687073654156543 0.08330591270397074 -0.4406193881730304 -0.5359629584360307 -1.2027488361843683 -1.4409529833186965 -1.4592168490508926 -1.7707344233708626 -1.862311716133915 -1.9094675729064896 -2.015852011102895 -2.0778150133088134 +9553,-2.1297690041443924,0,-0.15051284299258424 -0.24242548927406993 0.6305511777877985 0.7798608596873701 0.544236354657211 0.8218574324064012 0.7145443229162981 -0.017687073654156543 0.08330591270397074 -0.4406193881730304 -0.5359629584360307 -1.2027488361843683 -1.4409529833186965 -1.4592168490508926 -1.7707344233708626 -1.862311716133915 -1.9094675729064896 -2.015852011102895 -2.0778150133088134 -2.0318199954598946 +9554,-2.1197599930836066,0,-0.24242548927406993 0.6305511777877985 0.7798608596873701 0.544236354657211 0.8218574324064012 0.7145443229162981 -0.017687073654156543 0.08330591270397074 -0.4406193881730304 -0.5359629584360307 -1.2027488361843683 -1.4409529833186965 -1.4592168490508926 -1.7707344233708626 -1.862311716133915 -1.9094675729064896 -2.015852011102895 -2.0778150133088134 -2.0318199954598946 -2.1297690041443924 +9555,-1.06754979620916,0,0.6305511777877985 0.7798608596873701 0.544236354657211 0.8218574324064012 0.7145443229162981 -0.017687073654156543 0.08330591270397074 -0.4406193881730304 -0.5359629584360307 -1.2027488361843683 -1.4409529833186965 -1.4592168490508926 -1.7707344233708626 -1.862311716133915 -1.9094675729064896 -2.015852011102895 -2.0778150133088134 -2.0318199954598946 -2.1297690041443924 -2.1197599930836066 +9556,-1.4049411802132257,0,0.7798608596873701 0.544236354657211 0.8218574324064012 0.7145443229162981 -0.017687073654156543 0.08330591270397074 -0.4406193881730304 -0.5359629584360307 -1.2027488361843683 -1.4409529833186965 -1.4592168490508926 -1.7707344233708626 -1.862311716133915 -1.9094675729064896 -2.015852011102895 -2.0778150133088134 -2.0318199954598946 -2.1297690041443924 -2.1197599930836066 -1.06754979620916 +9557,-0.7001313787131839,0,0.544236354657211 0.8218574324064012 0.7145443229162981 -0.017687073654156543 0.08330591270397074 -0.4406193881730304 -0.5359629584360307 -1.2027488361843683 -1.4409529833186965 -1.4592168490508926 -1.7707344233708626 -1.862311716133915 -1.9094675729064896 -2.015852011102895 -2.0778150133088134 -2.0318199954598946 -2.1297690041443924 -2.1197599930836066 -1.06754979620916 -1.4049411802132257 +9558,-0.7966873806892917,0,0.8218574324064012 0.7145443229162981 -0.017687073654156543 0.08330591270397074 -0.4406193881730304 -0.5359629584360307 -1.2027488361843683 -1.4409529833186965 -1.4592168490508926 -1.7707344233708626 -1.862311716133915 -1.9094675729064896 -2.015852011102895 -2.0778150133088134 -2.0318199954598946 -2.1297690041443924 -2.1197599930836066 -1.06754979620916 -1.4049411802132257 -0.7001313787131839 +9559,0.17524435545757086,0,0.7145443229162981 -0.017687073654156543 0.08330591270397074 -0.4406193881730304 -0.5359629584360307 -1.2027488361843683 -1.4409529833186965 -1.4592168490508926 -1.7707344233708626 -1.862311716133915 -1.9094675729064896 -2.015852011102895 -2.0778150133088134 -2.0318199954598946 -2.1297690041443924 -2.1197599930836066 -1.06754979620916 -1.4049411802132257 -0.7001313787131839 -0.7966873806892917 +9560,0.34581028797350705,0,-0.017687073654156543 0.08330591270397074 -0.4406193881730304 -0.5359629584360307 -1.2027488361843683 -1.4409529833186965 -1.4592168490508926 -1.7707344233708626 -1.862311716133915 -1.9094675729064896 -2.015852011102895 -2.0778150133088134 -2.0318199954598946 -2.1297690041443924 -2.1197599930836066 -1.06754979620916 -1.4049411802132257 -0.7001313787131839 -0.7966873806892917 0.17524435545757086 +9561,0.17315484539498566,0,0.08330591270397074 -0.4406193881730304 -0.5359629584360307 -1.2027488361843683 -1.4409529833186965 -1.4592168490508926 -1.7707344233708626 -1.862311716133915 -1.9094675729064896 -2.015852011102895 -2.0778150133088134 -2.0318199954598946 -2.1297690041443924 -2.1197599930836066 -1.06754979620916 -1.4049411802132257 -0.7001313787131839 -0.7966873806892917 0.17524435545757086 0.34581028797350705 +9562,0.45812790299401174,0,-0.4406193881730304 -0.5359629584360307 -1.2027488361843683 -1.4409529833186965 -1.4592168490508926 -1.7707344233708626 -1.862311716133915 -1.9094675729064896 -2.015852011102895 -2.0778150133088134 -2.0318199954598946 -2.1297690041443924 -2.1197599930836066 -1.06754979620916 -1.4049411802132257 -0.7001313787131839 -0.7966873806892917 0.17524435545757086 0.34581028797350705 0.17315484539498566 +9563,0.3998795853437857,0,-0.5359629584360307 -1.2027488361843683 -1.4409529833186965 -1.4592168490508926 -1.7707344233708626 -1.862311716133915 -1.9094675729064896 -2.015852011102895 -2.0778150133088134 -2.0318199954598946 -2.1297690041443924 -2.1197599930836066 -1.06754979620916 -1.4049411802132257 -0.7001313787131839 -0.7966873806892917 0.17524435545757086 0.34581028797350705 0.17315484539498566 0.45812790299401174 +9564,-0.29806836834800376,0,-1.2027488361843683 -1.4409529833186965 -1.4592168490508926 -1.7707344233708626 -1.862311716133915 -1.9094675729064896 -2.015852011102895 -2.0778150133088134 -2.0318199954598946 -2.1297690041443924 -2.1197599930836066 -1.06754979620916 -1.4049411802132257 -0.7001313787131839 -0.7966873806892917 0.17524435545757086 0.34581028797350705 0.17315484539498566 0.45812790299401174 0.3998795853437857 +9565,-0.14308347388118187,0,-1.4409529833186965 -1.4592168490508926 -1.7707344233708626 -1.862311716133915 -1.9094675729064896 -2.015852011102895 -2.0778150133088134 -2.0318199954598946 -2.1297690041443924 -2.1197599930836066 -1.06754979620916 -1.4049411802132257 -0.7001313787131839 -0.7966873806892917 0.17524435545757086 0.34581028797350705 0.17315484539498566 0.45812790299401174 0.3998795853437857 -0.29806836834800376 +9566,-0.6277982154559323,0,-1.4592168490508926 -1.7707344233708626 -1.862311716133915 -1.9094675729064896 -2.015852011102895 -2.0778150133088134 -2.0318199954598946 -2.1297690041443924 -2.1197599930836066 -1.06754979620916 -1.4049411802132257 -0.7001313787131839 -0.7966873806892917 0.17524435545757086 0.34581028797350705 0.17315484539498566 0.45812790299401174 0.3998795853437857 -0.29806836834800376 -0.14308347388118187 +9567,-0.6765018574600474,0,-1.7707344233708626 -1.862311716133915 -1.9094675729064896 -2.015852011102895 -2.0778150133088134 -2.0318199954598946 -2.1297690041443924 -2.1197599930836066 -1.06754979620916 -1.4049411802132257 -0.7001313787131839 -0.7966873806892917 0.17524435545757086 0.34581028797350705 0.17315484539498566 0.45812790299401174 0.3998795853437857 -0.29806836834800376 -0.14308347388118187 -0.6277982154559323 +9568,-1.3065536324313816,0,-1.862311716133915 -1.9094675729064896 -2.015852011102895 -2.0778150133088134 -2.0318199954598946 -2.1297690041443924 -2.1197599930836066 -1.06754979620916 -1.4049411802132257 -0.7001313787131839 -0.7966873806892917 0.17524435545757086 0.34581028797350705 0.17315484539498566 0.45812790299401174 0.3998795853437857 -0.29806836834800376 -0.14308347388118187 -0.6277982154559323 -0.6765018574600474 +9569,-1.500594307522527,0,-1.9094675729064896 -2.015852011102895 -2.0778150133088134 -2.0318199954598946 -2.1297690041443924 -2.1197599930836066 -1.06754979620916 -1.4049411802132257 -0.7001313787131839 -0.7966873806892917 0.17524435545757086 0.34581028797350705 0.17315484539498566 0.45812790299401174 0.3998795853437857 -0.29806836834800376 -0.14308347388118187 -0.6277982154559323 -0.6765018574600474 -1.3065536324313816 +9570,-1.2313054737063225,0,-2.015852011102895 -2.0778150133088134 -2.0318199954598946 -2.1297690041443924 -2.1197599930836066 -1.06754979620916 -1.4049411802132257 -0.7001313787131839 -0.7966873806892917 0.17524435545757086 0.34581028797350705 0.17315484539498566 0.45812790299401174 0.3998795853437857 -0.29806836834800376 -0.14308347388118187 -0.6277982154559323 -0.6765018574600474 -1.3065536324313816 -1.500594307522527 +9571,-1.5797893185880219,0,-2.0778150133088134 -2.0318199954598946 -2.1297690041443924 -2.1197599930836066 -1.06754979620916 -1.4049411802132257 -0.7001313787131839 -0.7966873806892917 0.17524435545757086 0.34581028797350705 0.17315484539498566 0.45812790299401174 0.3998795853437857 -0.29806836834800376 -0.14308347388118187 -0.6277982154559323 -0.6765018574600474 -1.3065536324313816 -1.500594307522527 -1.2313054737063225 +9572,-1.4649436544076035,0,-2.0318199954598946 -2.1297690041443924 -2.1197599930836066 -1.06754979620916 -1.4049411802132257 -0.7001313787131839 -0.7966873806892917 0.17524435545757086 0.34581028797350705 0.17315484539498566 0.45812790299401174 0.3998795853437857 -0.29806836834800376 -0.14308347388118187 -0.6277982154559323 -0.6765018574600474 -1.3065536324313816 -1.500594307522527 -1.2313054737063225 -1.5797893185880219 +9573,-1.437547855809305,0,-2.1297690041443924 -2.1197599930836066 -1.06754979620916 -1.4049411802132257 -0.7001313787131839 -0.7966873806892917 0.17524435545757086 0.34581028797350705 0.17315484539498566 0.45812790299401174 0.3998795853437857 -0.29806836834800376 -0.14308347388118187 -0.6277982154559323 -0.6765018574600474 -1.3065536324313816 -1.500594307522527 -1.2313054737063225 -1.5797893185880219 -1.4649436544076035 +9574,-1.2935522364864274,0,-2.1197599930836066 -1.06754979620916 -1.4049411802132257 -0.7001313787131839 -0.7966873806892917 0.17524435545757086 0.34581028797350705 0.17315484539498566 0.45812790299401174 0.3998795853437857 -0.29806836834800376 -0.14308347388118187 -0.6277982154559323 -0.6765018574600474 -1.3065536324313816 -1.500594307522527 -1.2313054737063225 -1.5797893185880219 -1.4649436544076035 -1.437547855809305 +9575,-1.2370064825909015,0,-1.06754979620916 -1.4049411802132257 -0.7001313787131839 -0.7966873806892917 0.17524435545757086 0.34581028797350705 0.17315484539498566 0.45812790299401174 0.3998795853437857 -0.29806836834800376 -0.14308347388118187 -0.6277982154559323 -0.6765018574600474 -1.3065536324313816 -1.500594307522527 -1.2313054737063225 -1.5797893185880219 -1.4649436544076035 -1.437547855809305 -1.2935522364864274 +9576,-1.2435329770354975,0,-1.4049411802132257 -0.7001313787131839 -0.7966873806892917 0.17524435545757086 0.34581028797350705 0.17315484539498566 0.45812790299401174 0.3998795853437857 -0.29806836834800376 -0.14308347388118187 -0.6277982154559323 -0.6765018574600474 -1.3065536324313816 -1.500594307522527 -1.2313054737063225 -1.5797893185880219 -1.4649436544076035 -1.437547855809305 -1.2935522364864274 -1.2370064825909015 +9577,-1.1659631404631183,0,-0.7001313787131839 -0.7966873806892917 0.17524435545757086 0.34581028797350705 0.17315484539498566 0.45812790299401174 0.3998795853437857 -0.29806836834800376 -0.14308347388118187 -0.6277982154559323 -0.6765018574600474 -1.3065536324313816 -1.500594307522527 -1.2313054737063225 -1.5797893185880219 -1.4649436544076035 -1.437547855809305 -1.2935522364864274 -1.2370064825909015 -1.2435329770354975 +9578,-1.1514655522308612,0,-0.7966873806892917 0.17524435545757086 0.34581028797350705 0.17315484539498566 0.45812790299401174 0.3998795853437857 -0.29806836834800376 -0.14308347388118187 -0.6277982154559323 -0.6765018574600474 -1.3065536324313816 -1.500594307522527 -1.2313054737063225 -1.5797893185880219 -1.4649436544076035 -1.437547855809305 -1.2935522364864274 -1.2370064825909015 -1.2435329770354975 -1.1659631404631183 +9579,-1.0030845413154337,0,0.17524435545757086 0.34581028797350705 0.17315484539498566 0.45812790299401174 0.3998795853437857 -0.29806836834800376 -0.14308347388118187 -0.6277982154559323 -0.6765018574600474 -1.3065536324313816 -1.500594307522527 -1.2313054737063225 -1.5797893185880219 -1.4649436544076035 -1.437547855809305 -1.2935522364864274 -1.2370064825909015 -1.2435329770354975 -1.1659631404631183 -1.1514655522308612 +9580,-1.0332147605410518,0,0.34581028797350705 0.17315484539498566 0.45812790299401174 0.3998795853437857 -0.29806836834800376 -0.14308347388118187 -0.6277982154559323 -0.6765018574600474 -1.3065536324313816 -1.500594307522527 -1.2313054737063225 -1.5797893185880219 -1.4649436544076035 -1.437547855809305 -1.2935522364864274 -1.2370064825909015 -1.2435329770354975 -1.1659631404631183 -1.1514655522308612 -1.0030845413154337 +9581,-0.9294615570834904,0,0.17315484539498566 0.45812790299401174 0.3998795853437857 -0.29806836834800376 -0.14308347388118187 -0.6277982154559323 -0.6765018574600474 -1.3065536324313816 -1.500594307522527 -1.2313054737063225 -1.5797893185880219 -1.4649436544076035 -1.437547855809305 -1.2935522364864274 -1.2370064825909015 -1.2435329770354975 -1.1659631404631183 -1.1514655522308612 -1.0030845413154337 -1.0332147605410518 +9582,-0.7691368035678426,0,0.45812790299401174 0.3998795853437857 -0.29806836834800376 -0.14308347388118187 -0.6277982154559323 -0.6765018574600474 -1.3065536324313816 -1.500594307522527 -1.2313054737063225 -1.5797893185880219 -1.4649436544076035 -1.437547855809305 -1.2935522364864274 -1.2370064825909015 -1.2435329770354975 -1.1659631404631183 -1.1514655522308612 -1.0030845413154337 -1.0332147605410518 -0.9294615570834904 +9583,-0.6842407836177596,0,0.3998795853437857 -0.29806836834800376 -0.14308347388118187 -0.6277982154559323 -0.6765018574600474 -1.3065536324313816 -1.500594307522527 -1.2313054737063225 -1.5797893185880219 -1.4649436544076035 -1.437547855809305 -1.2935522364864274 -1.2370064825909015 -1.2435329770354975 -1.1659631404631183 -1.1514655522308612 -1.0030845413154337 -1.0332147605410518 -0.9294615570834904 -0.7691368035678426 +9584,-0.5427732134548132,0,-0.29806836834800376 -0.14308347388118187 -0.6277982154559323 -0.6765018574600474 -1.3065536324313816 -1.500594307522527 -1.2313054737063225 -1.5797893185880219 -1.4649436544076035 -1.437547855809305 -1.2935522364864274 -1.2370064825909015 -1.2435329770354975 -1.1659631404631183 -1.1514655522308612 -1.0030845413154337 -1.0332147605410518 -0.9294615570834904 -0.7691368035678426 -0.6842407836177596 +9585,-0.5431601597626984,0,-0.14308347388118187 -0.6277982154559323 -0.6765018574600474 -1.3065536324313816 -1.500594307522527 -1.2313054737063225 -1.5797893185880219 -1.4649436544076035 -1.437547855809305 -1.2935522364864274 -1.2370064825909015 -1.2435329770354975 -1.1659631404631183 -1.1514655522308612 -1.0030845413154337 -1.0332147605410518 -0.9294615570834904 -0.7691368035678426 -0.6842407836177596 -0.5427732134548132 +9586,-0.35440775077614145,0,-0.6277982154559323 -0.6765018574600474 -1.3065536324313816 -1.500594307522527 -1.2313054737063225 -1.5797893185880219 -1.4649436544076035 -1.437547855809305 -1.2935522364864274 -1.2370064825909015 -1.2435329770354975 -1.1659631404631183 -1.1514655522308612 -1.0030845413154337 -1.0332147605410518 -0.9294615570834904 -0.7691368035678426 -0.6842407836177596 -0.5427732134548132 -0.5431601597626984 +9587,-0.3075098582604073,0,-0.6765018574600474 -1.3065536324313816 -1.500594307522527 -1.2313054737063225 -1.5797893185880219 -1.4649436544076035 -1.437547855809305 -1.2935522364864274 -1.2370064825909015 -1.2435329770354975 -1.1659631404631183 -1.1514655522308612 -1.0030845413154337 -1.0332147605410518 -0.9294615570834904 -0.7691368035678426 -0.6842407836177596 -0.5427732134548132 -0.5431601597626984 -0.35440775077614145 +9588,-0.867188997986039,0,-1.3065536324313816 -1.500594307522527 -1.2313054737063225 -1.5797893185880219 -1.4649436544076035 -1.437547855809305 -1.2935522364864274 -1.2370064825909015 -1.2435329770354975 -1.1659631404631183 -1.1514655522308612 -1.0030845413154337 -1.0332147605410518 -0.9294615570834904 -0.7691368035678426 -0.6842407836177596 -0.5427732134548132 -0.5431601597626984 -0.35440775077614145 -0.3075098582604073 +9589,-0.6180987614414565,0,-1.500594307522527 -1.2313054737063225 -1.5797893185880219 -1.4649436544076035 -1.437547855809305 -1.2935522364864274 -1.2370064825909015 -1.2435329770354975 -1.1659631404631183 -1.1514655522308612 -1.0030845413154337 -1.0332147605410518 -0.9294615570834904 -0.7691368035678426 -0.6842407836177596 -0.5427732134548132 -0.5431601597626984 -0.35440775077614145 -0.3075098582604073 -0.867188997986039 +9590,-0.9755855569834455,0,-1.2313054737063225 -1.5797893185880219 -1.4649436544076035 -1.437547855809305 -1.2935522364864274 -1.2370064825909015 -1.2435329770354975 -1.1659631404631183 -1.1514655522308612 -1.0030845413154337 -1.0332147605410518 -0.9294615570834904 -0.7691368035678426 -0.6842407836177596 -0.5427732134548132 -0.5431601597626984 -0.35440775077614145 -0.3075098582604073 -0.867188997986039 -0.6180987614414565 +9591,-1.0393027157335246,0,-1.5797893185880219 -1.4649436544076035 -1.437547855809305 -1.2935522364864274 -1.2370064825909015 -1.2435329770354975 -1.1659631404631183 -1.1514655522308612 -1.0030845413154337 -1.0332147605410518 -0.9294615570834904 -0.7691368035678426 -0.6842407836177596 -0.5427732134548132 -0.5431601597626984 -0.35440775077614145 -0.3075098582604073 -0.867188997986039 -0.6180987614414565 -0.9755855569834455 +9592,-1.4947127236426652,0,-1.4649436544076035 -1.437547855809305 -1.2935522364864274 -1.2370064825909015 -1.2435329770354975 -1.1659631404631183 -1.1514655522308612 -1.0030845413154337 -1.0332147605410518 -0.9294615570834904 -0.7691368035678426 -0.6842407836177596 -0.5427732134548132 -0.5431601597626984 -0.35440775077614145 -0.3075098582604073 -0.867188997986039 -0.6180987614414565 -0.9755855569834455 -1.0393027157335246 +9593,-1.656353094759896,0,-1.437547855809305 -1.2935522364864274 -1.2370064825909015 -1.2435329770354975 -1.1659631404631183 -1.1514655522308612 -1.0030845413154337 -1.0332147605410518 -0.9294615570834904 -0.7691368035678426 -0.6842407836177596 -0.5427732134548132 -0.5431601597626984 -0.35440775077614145 -0.3075098582604073 -0.867188997986039 -0.6180987614414565 -0.9755855569834455 -1.0393027157335246 -1.4947127236426652 +9594,-1.6273837144579424,0,-1.2935522364864274 -1.2370064825909015 -1.2435329770354975 -1.1659631404631183 -1.1514655522308612 -1.0030845413154337 -1.0332147605410518 -0.9294615570834904 -0.7691368035678426 -0.6842407836177596 -0.5427732134548132 -0.5431601597626984 -0.35440775077614145 -0.3075098582604073 -0.867188997986039 -0.6180987614414565 -0.9755855569834455 -1.0393027157335246 -1.4947127236426652 -1.656353094759896 +9595,-1.8525606691752017,0,-1.2370064825909015 -1.2435329770354975 -1.1659631404631183 -1.1514655522308612 -1.0030845413154337 -1.0332147605410518 -0.9294615570834904 -0.7691368035678426 -0.6842407836177596 -0.5427732134548132 -0.5431601597626984 -0.35440775077614145 -0.3075098582604073 -0.867188997986039 -0.6180987614414565 -0.9755855569834455 -1.0393027157335246 -1.4947127236426652 -1.656353094759896 -1.6273837144579424 +9596,-1.8871278727828305,0,-1.2435329770354975 -1.1659631404631183 -1.1514655522308612 -1.0030845413154337 -1.0332147605410518 -0.9294615570834904 -0.7691368035678426 -0.6842407836177596 -0.5427732134548132 -0.5431601597626984 -0.35440775077614145 -0.3075098582604073 -0.867188997986039 -0.6180987614414565 -0.9755855569834455 -1.0393027157335246 -1.4947127236426652 -1.656353094759896 -1.6273837144579424 -1.8525606691752017 +9597,-1.845544042843799,0,-1.1659631404631183 -1.1514655522308612 -1.0030845413154337 -1.0332147605410518 -0.9294615570834904 -0.7691368035678426 -0.6842407836177596 -0.5427732134548132 -0.5431601597626984 -0.35440775077614145 -0.3075098582604073 -0.867188997986039 -0.6180987614414565 -0.9755855569834455 -1.0393027157335246 -1.4947127236426652 -1.656353094759896 -1.6273837144579424 -1.8525606691752017 -1.8871278727828305 +9598,-1.9054949240939394,0,-1.1514655522308612 -1.0030845413154337 -1.0332147605410518 -0.9294615570834904 -0.7691368035678426 -0.6842407836177596 -0.5427732134548132 -0.5431601597626984 -0.35440775077614145 -0.3075098582604073 -0.867188997986039 -0.6180987614414565 -0.9755855569834455 -1.0393027157335246 -1.4947127236426652 -1.656353094759896 -1.6273837144579424 -1.8525606691752017 -1.8871278727828305 -1.845544042843799 +9599,-1.8892947721069908,0,-1.0030845413154337 -1.0332147605410518 -0.9294615570834904 -0.7691368035678426 -0.6842407836177596 -0.5427732134548132 -0.5431601597626984 -0.35440775077614145 -0.3075098582604073 -0.867188997986039 -0.6180987614414565 -0.9755855569834455 -1.0393027157335246 -1.4947127236426652 -1.656353094759896 -1.6273837144579424 -1.8525606691752017 -1.8871278727828305 -1.845544042843799 -1.9054949240939394 +9600,-1.9048242172118675,0,-1.0332147605410518 -0.9294615570834904 -0.7691368035678426 -0.6842407836177596 -0.5427732134548132 -0.5431601597626984 -0.35440775077614145 -0.3075098582604073 -0.867188997986039 -0.6180987614414565 -0.9755855569834455 -1.0393027157335246 -1.4947127236426652 -1.656353094759896 -1.6273837144579424 -1.8525606691752017 -1.8871278727828305 -1.845544042843799 -1.9054949240939394 -1.8892947721069908 +9601,-1.8780475327061887,0,-0.9294615570834904 -0.7691368035678426 -0.6842407836177596 -0.5427732134548132 -0.5431601597626984 -0.35440775077614145 -0.3075098582604073 -0.867188997986039 -0.6180987614414565 -0.9755855569834455 -1.0393027157335246 -1.4947127236426652 -1.656353094759896 -1.6273837144579424 -1.8525606691752017 -1.8871278727828305 -1.845544042843799 -1.9054949240939394 -1.8892947721069908 -1.9048242172118675 +9602,-1.8830004454471208,0,-0.7691368035678426 -0.6842407836177596 -0.5427732134548132 -0.5431601597626984 -0.35440775077614145 -0.3075098582604073 -0.867188997986039 -0.6180987614414565 -0.9755855569834455 -1.0393027157335246 -1.4947127236426652 -1.656353094759896 -1.6273837144579424 -1.8525606691752017 -1.8871278727828305 -1.845544042843799 -1.9054949240939394 -1.8892947721069908 -1.9048242172118675 -1.8780475327061887 +9603,-1.2113390442194263,0,-0.6842407836177596 -0.5427732134548132 -0.5431601597626984 -0.35440775077614145 -0.3075098582604073 -0.867188997986039 -0.6180987614414565 -0.9755855569834455 -1.0393027157335246 -1.4947127236426652 -1.656353094759896 -1.6273837144579424 -1.8525606691752017 -1.8871278727828305 -1.845544042843799 -1.9054949240939394 -1.8892947721069908 -1.9048242172118675 -1.8780475327061887 -1.8830004454471208 +9604,-1.4418300616681654,0,-0.5427732134548132 -0.5431601597626984 -0.35440775077614145 -0.3075098582604073 -0.867188997986039 -0.6180987614414565 -0.9755855569834455 -1.0393027157335246 -1.4947127236426652 -1.656353094759896 -1.6273837144579424 -1.8525606691752017 -1.8871278727828305 -1.845544042843799 -1.9054949240939394 -1.8892947721069908 -1.9048242172118675 -1.8780475327061887 -1.8830004454471208 -1.2113390442194263 +9605,-0.9957067649934921,0,-0.5431601597626984 -0.35440775077614145 -0.3075098582604073 -0.867188997986039 -0.6180987614414565 -0.9755855569834455 -1.0393027157335246 -1.4947127236426652 -1.656353094759896 -1.6273837144579424 -1.8525606691752017 -1.8871278727828305 -1.845544042843799 -1.9054949240939394 -1.8892947721069908 -1.9048242172118675 -1.8780475327061887 -1.8830004454471208 -1.2113390442194263 -1.4418300616681654 +9606,-0.988922306446824,0,-0.35440775077614145 -0.3075098582604073 -0.867188997986039 -0.6180987614414565 -0.9755855569834455 -1.0393027157335246 -1.4947127236426652 -1.656353094759896 -1.6273837144579424 -1.8525606691752017 -1.8871278727828305 -1.845544042843799 -1.9054949240939394 -1.8892947721069908 -1.9048242172118675 -1.8780475327061887 -1.8830004454471208 -1.2113390442194263 -1.4418300616681654 -0.9957067649934921 +9607,-0.396352730550926,0,-0.3075098582604073 -0.867188997986039 -0.6180987614414565 -0.9755855569834455 -1.0393027157335246 -1.4947127236426652 -1.656353094759896 -1.6273837144579424 -1.8525606691752017 -1.8871278727828305 -1.845544042843799 -1.9054949240939394 -1.8892947721069908 -1.9048242172118675 -1.8780475327061887 -1.8830004454471208 -1.2113390442194263 -1.4418300616681654 -0.9957067649934921 -0.988922306446824 +9608,-0.243121992628265,0,-0.867188997986039 -0.6180987614414565 -0.9755855569834455 -1.0393027157335246 -1.4947127236426652 -1.656353094759896 -1.6273837144579424 -1.8525606691752017 -1.8871278727828305 -1.845544042843799 -1.9054949240939394 -1.8892947721069908 -1.9048242172118675 -1.8780475327061887 -1.8830004454471208 -1.2113390442194263 -1.4418300616681654 -0.9957067649934921 -0.988922306446824 -0.396352730550926 +9609,-0.3846669520527867,0,-0.6180987614414565 -0.9755855569834455 -1.0393027157335246 -1.4947127236426652 -1.656353094759896 -1.6273837144579424 -1.8525606691752017 -1.8871278727828305 -1.845544042843799 -1.9054949240939394 -1.8892947721069908 -1.9048242172118675 -1.8780475327061887 -1.8830004454471208 -1.2113390442194263 -1.4418300616681654 -0.9957067649934921 -0.988922306446824 -0.396352730550926 -0.243121992628265 +9610,-0.1331776483993179,0,-0.9755855569834455 -1.0393027157335246 -1.4947127236426652 -1.656353094759896 -1.6273837144579424 -1.8525606691752017 -1.8871278727828305 -1.845544042843799 -1.9054949240939394 -1.8892947721069908 -1.9048242172118675 -1.8780475327061887 -1.8830004454471208 -1.2113390442194263 -1.4418300616681654 -0.9957067649934921 -0.988922306446824 -0.396352730550926 -0.243121992628265 -0.3846669520527867 +9611,-0.1764640419382549,0,-1.0393027157335246 -1.4947127236426652 -1.656353094759896 -1.6273837144579424 -1.8525606691752017 -1.8871278727828305 -1.845544042843799 -1.9054949240939394 -1.8892947721069908 -1.9048242172118675 -1.8780475327061887 -1.8830004454471208 -1.2113390442194263 -1.4418300616681654 -0.9957067649934921 -0.988922306446824 -0.396352730550926 -0.243121992628265 -0.3846669520527867 -0.1331776483993179 +9612,-0.7015759782110349,0,-1.4947127236426652 -1.656353094759896 -1.6273837144579424 -1.8525606691752017 -1.8871278727828305 -1.845544042843799 -1.9054949240939394 -1.8892947721069908 -1.9048242172118675 -1.8780475327061887 -1.8830004454471208 -1.2113390442194263 -1.4418300616681654 -0.9957067649934921 -0.988922306446824 -0.396352730550926 -0.243121992628265 -0.3846669520527867 -0.1331776483993179 -0.1764640419382549 +9613,-0.5842538576601461,0,-1.656353094759896 -1.6273837144579424 -1.8525606691752017 -1.8871278727828305 -1.845544042843799 -1.9054949240939394 -1.8892947721069908 -1.9048242172118675 -1.8780475327061887 -1.8830004454471208 -1.2113390442194263 -1.4418300616681654 -0.9957067649934921 -0.988922306446824 -0.396352730550926 -0.243121992628265 -0.3846669520527867 -0.1331776483993179 -0.1764640419382549 -0.7015759782110349 +9614,-0.9487572796883059,0,-1.6273837144579424 -1.8525606691752017 -1.8871278727828305 -1.845544042843799 -1.9054949240939394 -1.8892947721069908 -1.9048242172118675 -1.8780475327061887 -1.8830004454471208 -1.2113390442194263 -1.4418300616681654 -0.9957067649934921 -0.988922306446824 -0.396352730550926 -0.243121992628265 -0.3846669520527867 -0.1331776483993179 -0.1764640419382549 -0.7015759782110349 -0.5842538576601461 +9615,-1.145867728925195,0,-1.8525606691752017 -1.8871278727828305 -1.845544042843799 -1.9054949240939394 -1.8892947721069908 -1.9048242172118675 -1.8780475327061887 -1.8830004454471208 -1.2113390442194263 -1.4418300616681654 -0.9957067649934921 -0.988922306446824 -0.396352730550926 -0.243121992628265 -0.3846669520527867 -0.1331776483993179 -0.1764640419382549 -0.7015759782110349 -0.5842538576601461 -0.9487572796883059 +9616,-1.566168808550448,0,-1.8871278727828305 -1.845544042843799 -1.9054949240939394 -1.8892947721069908 -1.9048242172118675 -1.8780475327061887 -1.8830004454471208 -1.2113390442194263 -1.4418300616681654 -0.9957067649934921 -0.988922306446824 -0.396352730550926 -0.243121992628265 -0.3846669520527867 -0.1331776483993179 -0.1764640419382549 -0.7015759782110349 -0.5842538576601461 -0.9487572796883059 -1.145867728925195 +9617,-1.8190769153844302,0,-1.845544042843799 -1.9054949240939394 -1.8892947721069908 -1.9048242172118675 -1.8780475327061887 -1.8830004454471208 -1.2113390442194263 -1.4418300616681654 -0.9957067649934921 -0.988922306446824 -0.396352730550926 -0.243121992628265 -0.3846669520527867 -0.1331776483993179 -0.1764640419382549 -0.7015759782110349 -0.5842538576601461 -0.9487572796883059 -1.145867728925195 -1.566168808550448 +9618,-1.825655002618487,0,-1.9054949240939394 -1.8892947721069908 -1.9048242172118675 -1.8780475327061887 -1.8830004454471208 -1.2113390442194263 -1.4418300616681654 -0.9957067649934921 -0.988922306446824 -0.396352730550926 -0.243121992628265 -0.3846669520527867 -0.1331776483993179 -0.1764640419382549 -0.7015759782110349 -0.5842538576601461 -0.9487572796883059 -1.145867728925195 -1.566168808550448 -1.8190769153844302 +9619,-2.1606731159857806,0,-1.8892947721069908 -1.9048242172118675 -1.8780475327061887 -1.8830004454471208 -1.2113390442194263 -1.4418300616681654 -0.9957067649934921 -0.988922306446824 -0.396352730550926 -0.243121992628265 -0.3846669520527867 -0.1331776483993179 -0.1764640419382549 -0.7015759782110349 -0.5842538576601461 -0.9487572796883059 -1.145867728925195 -1.566168808550448 -1.8190769153844302 -1.825655002618487 +9620,-2.24936120975314,0,-1.9048242172118675 -1.8780475327061887 -1.8830004454471208 -1.2113390442194263 -1.4418300616681654 -0.9957067649934921 -0.988922306446824 -0.396352730550926 -0.243121992628265 -0.3846669520527867 -0.1331776483993179 -0.1764640419382549 -0.7015759782110349 -0.5842538576601461 -0.9487572796883059 -1.145867728925195 -1.566168808550448 -1.8190769153844302 -1.825655002618487 -2.1606731159857806 +9621,-1.3103586044073312,0,-1.8780475327061887 -1.8830004454471208 -1.2113390442194263 -1.4418300616681654 -0.9957067649934921 -0.988922306446824 -0.396352730550926 -0.243121992628265 -0.3846669520527867 -0.1331776483993179 -0.1764640419382549 -0.7015759782110349 -0.5842538576601461 -0.9487572796883059 -1.145867728925195 -1.566168808550448 -1.8190769153844302 -1.825655002618487 -2.1606731159857806 -2.24936120975314 +9622,-1.0564831318036405,0,-1.8830004454471208 -1.2113390442194263 -1.4418300616681654 -0.9957067649934921 -0.988922306446824 -0.396352730550926 -0.243121992628265 -0.3846669520527867 -0.1331776483993179 -0.1764640419382549 -0.7015759782110349 -0.5842538576601461 -0.9487572796883059 -1.145867728925195 -1.566168808550448 -1.8190769153844302 -1.825655002618487 -2.1606731159857806 -2.24936120975314 -1.3103586044073312 +9623,-1.7704764591140136,0,-1.2113390442194263 -1.4418300616681654 -0.9957067649934921 -0.988922306446824 -0.396352730550926 -0.243121992628265 -0.3846669520527867 -0.1331776483993179 -0.1764640419382549 -0.7015759782110349 -0.5842538576601461 -0.9487572796883059 -1.145867728925195 -1.566168808550448 -1.8190769153844302 -1.825655002618487 -2.1606731159857806 -2.24936120975314 -1.3103586044073312 -1.0564831318036405 +9624,-1.1565732434949525,0,-1.4418300616681654 -0.9957067649934921 -0.988922306446824 -0.396352730550926 -0.243121992628265 -0.3846669520527867 -0.1331776483993179 -0.1764640419382549 -0.7015759782110349 -0.5842538576601461 -0.9487572796883059 -1.145867728925195 -1.566168808550448 -1.8190769153844302 -1.825655002618487 -2.1606731159857806 -2.24936120975314 -1.3103586044073312 -1.0564831318036405 -1.7704764591140136 +9625,-1.2066182992632202,0,-0.9957067649934921 -0.988922306446824 -0.396352730550926 -0.243121992628265 -0.3846669520527867 -0.1331776483993179 -0.1764640419382549 -0.7015759782110349 -0.5842538576601461 -0.9487572796883059 -1.145867728925195 -1.566168808550448 -1.8190769153844302 -1.825655002618487 -2.1606731159857806 -2.24936120975314 -1.3103586044073312 -1.0564831318036405 -1.7704764591140136 -1.1565732434949525 +9626,-1.2561474266725665,0,-0.988922306446824 -0.396352730550926 -0.243121992628265 -0.3846669520527867 -0.1331776483993179 -0.1764640419382549 -0.7015759782110349 -0.5842538576601461 -0.9487572796883059 -1.145867728925195 -1.566168808550448 -1.8190769153844302 -1.825655002618487 -2.1606731159857806 -2.24936120975314 -1.3103586044073312 -1.0564831318036405 -1.7704764591140136 -1.1565732434949525 -1.2066182992632202 +9627,-1.1060122592129868,0,-0.396352730550926 -0.243121992628265 -0.3846669520527867 -0.1331776483993179 -0.1764640419382549 -0.7015759782110349 -0.5842538576601461 -0.9487572796883059 -1.145867728925195 -1.566168808550448 -1.8190769153844302 -1.825655002618487 -2.1606731159857806 -2.24936120975314 -1.3103586044073312 -1.0564831318036405 -1.7704764591140136 -1.1565732434949525 -1.2066182992632202 -1.2561474266725665 +9628,-0.5751219247940438,0,-0.243121992628265 -0.3846669520527867 -0.1331776483993179 -0.1764640419382549 -0.7015759782110349 -0.5842538576601461 -0.9487572796883059 -1.145867728925195 -1.566168808550448 -1.8190769153844302 -1.825655002618487 -2.1606731159857806 -2.24936120975314 -1.3103586044073312 -1.0564831318036405 -1.7704764591140136 -1.1565732434949525 -1.2066182992632202 -1.2561474266725665 -1.1060122592129868 +9629,0.3380713618157948,0,-0.3846669520527867 -0.1331776483993179 -0.1764640419382549 -0.7015759782110349 -0.5842538576601461 -0.9487572796883059 -1.145867728925195 -1.566168808550448 -1.8190769153844302 -1.825655002618487 -2.1606731159857806 -2.24936120975314 -1.3103586044073312 -1.0564831318036405 -1.7704764591140136 -1.1565732434949525 -1.2066182992632202 -1.2561474266725665 -1.1060122592129868 -0.5751219247940438 +9630,0.9478987430433926,0,-0.1331776483993179 -0.1764640419382549 -0.7015759782110349 -0.5842538576601461 -0.9487572796883059 -1.145867728925195 -1.566168808550448 -1.8190769153844302 -1.825655002618487 -2.1606731159857806 -2.24936120975314 -1.3103586044073312 -1.0564831318036405 -1.7704764591140136 -1.1565732434949525 -1.2066182992632202 -1.2561474266725665 -1.1060122592129868 -0.5751219247940438 0.3380713618157948 +9631,1.0887471991137192,0,-0.1764640419382549 -0.7015759782110349 -0.5842538576601461 -0.9487572796883059 -1.145867728925195 -1.566168808550448 -1.8190769153844302 -1.825655002618487 -2.1606731159857806 -2.24936120975314 -1.3103586044073312 -1.0564831318036405 -1.7704764591140136 -1.1565732434949525 -1.2066182992632202 -1.2561474266725665 -1.1060122592129868 -0.5751219247940438 0.3380713618157948 0.9478987430433926 +9632,1.2295956551840548,0,-0.7015759782110349 -0.5842538576601461 -0.9487572796883059 -1.145867728925195 -1.566168808550448 -1.8190769153844302 -1.825655002618487 -2.1606731159857806 -2.24936120975314 -1.3103586044073312 -1.0564831318036405 -1.7704764591140136 -1.1565732434949525 -1.2066182992632202 -1.2561474266725665 -1.1060122592129868 -0.5751219247940438 0.3380713618157948 0.9478987430433926 1.0887471991137192 +9633,1.3224627690765758,0,-0.5842538576601461 -0.9487572796883059 -1.145867728925195 -1.566168808550448 -1.8190769153844302 -1.825655002618487 -2.1606731159857806 -2.24936120975314 -1.3103586044073312 -1.0564831318036405 -1.7704764591140136 -1.1565732434949525 -1.2066182992632202 -1.2561474266725665 -1.1060122592129868 -0.5751219247940438 0.3380713618157948 0.9478987430433926 1.0887471991137192 1.2295956551840548 +9634,1.4664067956099927,0,-0.9487572796883059 -1.145867728925195 -1.566168808550448 -1.8190769153844302 -1.825655002618487 -2.1606731159857806 -2.24936120975314 -1.3103586044073312 -1.0564831318036405 -1.7704764591140136 -1.1565732434949525 -1.2066182992632202 -1.2561474266725665 -1.1060122592129868 -0.5751219247940438 0.3380713618157948 0.9478987430433926 1.0887471991137192 1.2295956551840548 1.3224627690765758 +9635,1.5871340436702814,0,-1.145867728925195 -1.566168808550448 -1.8190769153844302 -1.825655002618487 -2.1606731159857806 -2.24936120975314 -1.3103586044073312 -1.0564831318036405 -1.7704764591140136 -1.1565732434949525 -1.2066182992632202 -1.2561474266725665 -1.1060122592129868 -0.5751219247940438 0.3380713618157948 0.9478987430433926 1.0887471991137192 1.2295956551840548 1.3224627690765758 1.4664067956099927 +9636,1.2110222324055488,0,-1.566168808550448 -1.8190769153844302 -1.825655002618487 -2.1606731159857806 -2.24936120975314 -1.3103586044073312 -1.0564831318036405 -1.7704764591140136 -1.1565732434949525 -1.2066182992632202 -1.2561474266725665 -1.1060122592129868 -0.5751219247940438 0.3380713618157948 0.9478987430433926 1.0887471991137192 1.2295956551840548 1.3224627690765758 1.4664067956099927 1.5871340436702814 +9637,0.5950037102517881,0,-1.8190769153844302 -1.825655002618487 -2.1606731159857806 -2.24936120975314 -1.3103586044073312 -1.0564831318036405 -1.7704764591140136 -1.1565732434949525 -1.2066182992632202 -1.2561474266725665 -1.1060122592129868 -0.5751219247940438 0.3380713618157948 0.9478987430433926 1.0887471991137192 1.2295956551840548 1.3224627690765758 1.4664067956099927 1.5871340436702814 1.2110222324055488 +9638,0.44951189848683054,0,-1.825655002618487 -2.1606731159857806 -2.24936120975314 -1.3103586044073312 -1.0564831318036405 -1.7704764591140136 -1.1565732434949525 -1.2066182992632202 -1.2561474266725665 -1.1060122592129868 -0.5751219247940438 0.3380713618157948 0.9478987430433926 1.0887471991137192 1.2295956551840548 1.3224627690765758 1.4664067956099927 1.5871340436702814 1.2110222324055488 0.5950037102517881 +9639,0.12757257032607516,0,-2.1606731159857806 -2.24936120975314 -1.3103586044073312 -1.0564831318036405 -1.7704764591140136 -1.1565732434949525 -1.2066182992632202 -1.2561474266725665 -1.1060122592129868 -0.5751219247940438 0.3380713618157948 0.9478987430433926 1.0887471991137192 1.2295956551840548 1.3224627690765758 1.4664067956099927 1.5871340436702814 1.2110222324055488 0.5950037102517881 0.44951189848683054 +9640,-0.0535183017643536,0,-2.24936120975314 -1.3103586044073312 -1.0564831318036405 -1.7704764591140136 -1.1565732434949525 -1.2066182992632202 -1.2561474266725665 -1.1060122592129868 -0.5751219247940438 0.3380713618157948 0.9478987430433926 1.0887471991137192 1.2295956551840548 1.3224627690765758 1.4664067956099927 1.5871340436702814 1.2110222324055488 0.5950037102517881 0.44951189848683054 0.12757257032607516 +9641,-0.264017093254082,0,-1.3103586044073312 -1.0564831318036405 -1.7704764591140136 -1.1565732434949525 -1.2066182992632202 -1.2561474266725665 -1.1060122592129868 -0.5751219247940438 0.3380713618157948 0.9478987430433926 1.0887471991137192 1.2295956551840548 1.3224627690765758 1.4664067956099927 1.5871340436702814 1.2110222324055488 0.5950037102517881 0.44951189848683054 0.12757257032607516 -0.0535183017643536 +9642,-0.46832474381763883,0,-1.0564831318036405 -1.7704764591140136 -1.1565732434949525 -1.2066182992632202 -1.2561474266725665 -1.1060122592129868 -0.5751219247940438 0.3380713618157948 0.9478987430433926 1.0887471991137192 1.2295956551840548 1.3224627690765758 1.4664067956099927 1.5871340436702814 1.2110222324055488 0.5950037102517881 0.44951189848683054 0.12757257032607516 -0.0535183017643536 -0.264017093254082 +9643,-0.5348795087739504,0,-1.7704764591140136 -1.1565732434949525 -1.2066182992632202 -1.2561474266725665 -1.1060122592129868 -0.5751219247940438 0.3380713618157948 0.9478987430433926 1.0887471991137192 1.2295956551840548 1.3224627690765758 1.4664067956099927 1.5871340436702814 1.2110222324055488 0.5950037102517881 0.44951189848683054 0.12757257032607516 -0.0535183017643536 -0.264017093254082 -0.46832474381763883 +9644,-0.6540589716026897,0,-1.1565732434949525 -1.2066182992632202 -1.2561474266725665 -1.1060122592129868 -0.5751219247940438 0.3380713618157948 0.9478987430433926 1.0887471991137192 1.2295956551840548 1.3224627690765758 1.4664067956099927 1.5871340436702814 1.2110222324055488 0.5950037102517881 0.44951189848683054 0.12757257032607516 -0.0535183017643536 -0.264017093254082 -0.46832474381763883 -0.5348795087739504 +9645,-0.7469260854952195,0,-1.2066182992632202 -1.2561474266725665 -1.1060122592129868 -0.5751219247940438 0.3380713618157948 0.9478987430433926 1.0887471991137192 1.2295956551840548 1.3224627690765758 1.4664067956099927 1.5871340436702814 1.2110222324055488 0.5950037102517881 0.44951189848683054 0.12757257032607516 -0.0535183017643536 -0.264017093254082 -0.46832474381763883 -0.5348795087739504 -0.6540589716026897 +9646,-0.7747862196629784,0,-1.2561474266725665 -1.1060122592129868 -0.5751219247940438 0.3380713618157948 0.9478987430433926 1.0887471991137192 1.2295956551840548 1.3224627690765758 1.4664067956099927 1.5871340436702814 1.2110222324055488 0.5950037102517881 0.44951189848683054 0.12757257032607516 -0.0535183017643536 -0.264017093254082 -0.46832474381763883 -0.5348795087739504 -0.6540589716026897 -0.7469260854952195 +9647,-0.8428887698508307,0,-1.1060122592129868 -0.5751219247940438 0.3380713618157948 0.9478987430433926 1.0887471991137192 1.2295956551840548 1.3224627690765758 1.4664067956099927 1.5871340436702814 1.2110222324055488 0.5950037102517881 0.44951189848683054 0.12757257032607516 -0.0535183017643536 -0.264017093254082 -0.46832474381763883 -0.5348795087739504 -0.6540589716026897 -0.7469260854952195 -0.7747862196629784 +9648,-0.9419470246695234,0,-0.5751219247940438 0.3380713618157948 0.9478987430433926 1.0887471991137192 1.2295956551840548 1.3224627690765758 1.4664067956099927 1.5871340436702814 1.2110222324055488 0.5950037102517881 0.44951189848683054 0.12757257032607516 -0.0535183017643536 -0.264017093254082 -0.46832474381763883 -0.5348795087739504 -0.6540589716026897 -0.7469260854952195 -0.7747862196629784 -0.8428887698508307 +9649,-0.9636160179111107,0,0.3380713618157948 0.9478987430433926 1.0887471991137192 1.2295956551840548 1.3224627690765758 1.4664067956099927 1.5871340436702814 1.2110222324055488 0.5950037102517881 0.44951189848683054 0.12757257032607516 -0.0535183017643536 -0.264017093254082 -0.46832474381763883 -0.5348795087739504 -0.6540589716026897 -0.7469260854952195 -0.7747862196629784 -0.8428887698508307 -0.9419470246695234 +9650,-0.9342080985118111,0,0.9478987430433926 1.0887471991137192 1.2295956551840548 1.3224627690765758 1.4664067956099927 1.5871340436702814 1.2110222324055488 0.5950037102517881 0.44951189848683054 0.12757257032607516 -0.0535183017643536 -0.264017093254082 -0.46832474381763883 -0.5348795087739504 -0.6540589716026897 -0.7469260854952195 -0.7747862196629784 -0.8428887698508307 -0.9419470246695234 -0.9636160179111107 +9651,-0.8459843403139121,0,1.0887471991137192 1.2295956551840548 1.3224627690765758 1.4664067956099927 1.5871340436702814 1.2110222324055488 0.5950037102517881 0.44951189848683054 0.12757257032607516 -0.0535183017643536 -0.264017093254082 -0.46832474381763883 -0.5348795087739504 -0.6540589716026897 -0.7469260854952195 -0.7747862196629784 -0.8428887698508307 -0.9419470246695234 -0.9636160179111107 -0.9342080985118111 +9652,-0.282590516032588,0,1.2295956551840548 1.3224627690765758 1.4664067956099927 1.5871340436702814 1.2110222324055488 0.5950037102517881 0.44951189848683054 0.12757257032607516 -0.0535183017643536 -0.264017093254082 -0.46832474381763883 -0.5348795087739504 -0.6540589716026897 -0.7469260854952195 -0.7747862196629784 -0.8428887698508307 -0.9419470246695234 -0.9636160179111107 -0.9342080985118111 -0.8459843403139121 +9653,0.5686913613155699,0,1.3224627690765758 1.4664067956099927 1.5871340436702814 1.2110222324055488 0.5950037102517881 0.44951189848683054 0.12757257032607516 -0.0535183017643536 -0.264017093254082 -0.46832474381763883 -0.5348795087739504 -0.6540589716026897 -0.7469260854952195 -0.7747862196629784 -0.8428887698508307 -0.9419470246695234 -0.9636160179111107 -0.9342080985118111 -0.8459843403139121 -0.282590516032588 +9654,0.9726633067480613,0,1.4664067956099927 1.5871340436702814 1.2110222324055488 0.5950037102517881 0.44951189848683054 0.12757257032607516 -0.0535183017643536 -0.264017093254082 -0.46832474381763883 -0.5348795087739504 -0.6540589716026897 -0.7469260854952195 -0.7747862196629784 -0.8428887698508307 -0.9419470246695234 -0.9636160179111107 -0.9342080985118111 -0.8459843403139121 -0.282590516032588 0.5686913613155699 +9655,1.3410361918550817,0,1.5871340436702814 1.2110222324055488 0.5950037102517881 0.44951189848683054 0.12757257032607516 -0.0535183017643536 -0.264017093254082 -0.46832474381763883 -0.5348795087739504 -0.6540589716026897 -0.7469260854952195 -0.7747862196629784 -0.8428887698508307 -0.9419470246695234 -0.9636160179111107 -0.9342080985118111 -0.8459843403139121 -0.282590516032588 0.5686913613155699 0.9726633067480613 +9656,1.5081969968616267,0,1.2110222324055488 0.5950037102517881 0.44951189848683054 0.12757257032607516 -0.0535183017643536 -0.264017093254082 -0.46832474381763883 -0.5348795087739504 -0.6540589716026897 -0.7469260854952195 -0.7747862196629784 -0.8428887698508307 -0.9419470246695234 -0.9636160179111107 -0.9342080985118111 -0.8459843403139121 -0.282590516032588 0.5686913613155699 0.9726633067480613 1.3410361918550817 +9657,1.6242808892272844,0,0.5950037102517881 0.44951189848683054 0.12757257032607516 -0.0535183017643536 -0.264017093254082 -0.46832474381763883 -0.5348795087739504 -0.6540589716026897 -0.7469260854952195 -0.7747862196629784 -0.8428887698508307 -0.9419470246695234 -0.9636160179111107 -0.9342080985118111 -0.8459843403139121 -0.282590516032588 0.5686913613155699 0.9726633067480613 1.3410361918550817 1.5081969968616267 +9658,1.7914416942338383,0,0.44951189848683054 0.12757257032607516 -0.0535183017643536 -0.264017093254082 -0.46832474381763883 -0.5348795087739504 -0.6540589716026897 -0.7469260854952195 -0.7747862196629784 -0.8428887698508307 -0.9419470246695234 -0.9636160179111107 -0.9342080985118111 -0.8459843403139121 -0.282590516032588 0.5686913613155699 0.9726633067480613 1.3410361918550817 1.5081969968616267 1.6242808892272844 +9659,1.8997866604417837,0,0.12757257032607516 -0.0535183017643536 -0.264017093254082 -0.46832474381763883 -0.5348795087739504 -0.6540589716026897 -0.7469260854952195 -0.7747862196629784 -0.8428887698508307 -0.9419470246695234 -0.9636160179111107 -0.9342080985118111 -0.8459843403139121 -0.282590516032588 0.5686913613155699 0.9726633067480613 1.3410361918550817 1.5081969968616267 1.6242808892272844 1.7914416942338383 +9660,1.4292599500529806,0,-0.0535183017643536 -0.264017093254082 -0.46832474381763883 -0.5348795087739504 -0.6540589716026897 -0.7469260854952195 -0.7747862196629784 -0.8428887698508307 -0.9419470246695234 -0.9636160179111107 -0.9342080985118111 -0.8459843403139121 -0.282590516032588 0.5686913613155699 0.9726633067480613 1.3410361918550817 1.5081969968616267 1.6242808892272844 1.7914416942338383 1.8997866604417837 +9661,0.9478987430433926,0,-0.264017093254082 -0.46832474381763883 -0.5348795087739504 -0.6540589716026897 -0.7469260854952195 -0.7747862196629784 -0.8428887698508307 -0.9419470246695234 -0.9636160179111107 -0.9342080985118111 -0.8459843403139121 -0.282590516032588 0.5686913613155699 0.9726633067480613 1.3410361918550817 1.5081969968616267 1.6242808892272844 1.7914416942338383 1.8997866604417837 1.4292599500529806 +9662,0.5857169988625351,0,-0.46832474381763883 -0.5348795087739504 -0.6540589716026897 -0.7469260854952195 -0.7747862196629784 -0.8428887698508307 -0.9419470246695234 -0.9636160179111107 -0.9342080985118111 -0.8459843403139121 -0.282590516032588 0.5686913613155699 0.9726633067480613 1.3410361918550817 1.5081969968616267 1.6242808892272844 1.7914416942338383 1.8997866604417837 1.4292599500529806 0.9478987430433926 +9663,0.2080574023662618,0,-0.5348795087739504 -0.6540589716026897 -0.7469260854952195 -0.7747862196629784 -0.8428887698508307 -0.9419470246695234 -0.9636160179111107 -0.9342080985118111 -0.8459843403139121 -0.282590516032588 0.5686913613155699 0.9726633067480613 1.3410361918550817 1.5081969968616267 1.6242808892272844 1.7914416942338383 1.8997866604417837 1.4292599500529806 0.9478987430433926 0.5857169988625351 +9664,-0.2144879658447357,0,-0.6540589716026897 -0.7469260854952195 -0.7747862196629784 -0.8428887698508307 -0.9419470246695234 -0.9636160179111107 -0.9342080985118111 -0.8459843403139121 -0.282590516032588 0.5686913613155699 0.9726633067480613 1.3410361918550817 1.5081969968616267 1.6242808892272844 1.7914416942338383 1.8997866604417837 1.4292599500529806 0.9478987430433926 0.5857169988625351 0.2080574023662618 +9665,-0.4265345425660048,0,-0.7469260854952195 -0.7747862196629784 -0.8428887698508307 -0.9419470246695234 -0.9636160179111107 -0.9342080985118111 -0.8459843403139121 -0.282590516032588 0.5686913613155699 0.9726633067480613 1.3410361918550817 1.5081969968616267 1.6242808892272844 1.7914416942338383 1.8997866604417837 1.4292599500529806 0.9478987430433926 0.5857169988625351 0.2080574023662618 -0.2144879658447357 +9666,-0.5472617906262848,0,-0.7747862196629784 -0.8428887698508307 -0.9419470246695234 -0.9636160179111107 -0.9342080985118111 -0.8459843403139121 -0.282590516032588 0.5686913613155699 0.9726633067480613 1.3410361918550817 1.5081969968616267 1.6242808892272844 1.7914416942338383 1.8997866604417837 1.4292599500529806 0.9478987430433926 0.5857169988625351 0.2080574023662618 -0.2144879658447357 -0.4265345425660048 +9667,-0.5317839383108602,0,-0.8428887698508307 -0.9419470246695234 -0.9636160179111107 -0.9342080985118111 -0.8459843403139121 -0.282590516032588 0.5686913613155699 0.9726633067480613 1.3410361918550817 1.5081969968616267 1.6242808892272844 1.7914416942338383 1.8997866604417837 1.4292599500529806 0.9478987430433926 0.5857169988625351 0.2080574023662618 -0.2144879658447357 -0.4265345425660048 -0.5472617906262848 +9668,-0.6509634011396083,0,-0.9419470246695234 -0.9636160179111107 -0.9342080985118111 -0.8459843403139121 -0.282590516032588 0.5686913613155699 0.9726633067480613 1.3410361918550817 1.5081969968616267 1.6242808892272844 1.7914416942338383 1.8997866604417837 1.4292599500529806 0.9478987430433926 0.5857169988625351 0.2080574023662618 -0.2144879658447357 -0.4265345425660048 -0.5472617906262848 -0.5317839383108602 +9669,-0.782525145820682,0,-0.9636160179111107 -0.9342080985118111 -0.8459843403139121 -0.282590516032588 0.5686913613155699 0.9726633067480613 1.3410361918550817 1.5081969968616267 1.6242808892272844 1.7914416942338383 1.8997866604417837 1.4292599500529806 0.9478987430433926 0.5857169988625351 0.2080574023662618 -0.2144879658447357 -0.4265345425660048 -0.5472617906262848 -0.5317839383108602 -0.6509634011396083 +9670,-0.8010985685991879,0,-0.9342080985118111 -0.8459843403139121 -0.282590516032588 0.5686913613155699 0.9726633067480613 1.3410361918550817 1.5081969968616267 1.6242808892272844 1.7914416942338383 1.8997866604417837 1.4292599500529806 0.9478987430433926 0.5857169988625351 0.2080574023662618 -0.2144879658447357 -0.4265345425660048 -0.5472617906262848 -0.5317839383108602 -0.6509634011396083 -0.782525145820682 +9671,-0.8506276960085343,0,-0.8459843403139121 -0.282590516032588 0.5686913613155699 0.9726633067480613 1.3410361918550817 1.5081969968616267 1.6242808892272844 1.7914416942338383 1.8997866604417837 1.4292599500529806 0.9478987430433926 0.5857169988625351 0.2080574023662618 -0.2144879658447357 -0.4265345425660048 -0.5472617906262848 -0.5317839383108602 -0.6509634011396083 -0.782525145820682 -0.8010985685991879 +9672,-0.9837372259211574,0,-0.282590516032588 0.5686913613155699 0.9726633067480613 1.3410361918550817 1.5081969968616267 1.6242808892272844 1.7914416942338383 1.8997866604417837 1.4292599500529806 0.9478987430433926 0.5857169988625351 0.2080574023662618 -0.2144879658447357 -0.4265345425660048 -0.5472617906262848 -0.5317839383108602 -0.6509634011396083 -0.782525145820682 -0.8010985685991879 -0.8506276960085343 +9673,-1.0549353465720999,0,0.5686913613155699 0.9726633067480613 1.3410361918550817 1.5081969968616267 1.6242808892272844 1.7914416942338383 1.8997866604417837 1.4292599500529806 0.9478987430433926 0.5857169988625351 0.2080574023662618 -0.2144879658447357 -0.4265345425660048 -0.5472617906262848 -0.5317839383108602 -0.6509634011396083 -0.782525145820682 -0.8010985685991879 -0.8506276960085343 -0.9837372259211574 +9674,-1.201974943568598,0,0.9726633067480613 1.3410361918550817 1.5081969968616267 1.6242808892272844 1.7914416942338383 1.8997866604417837 1.4292599500529806 0.9478987430433926 0.5857169988625351 0.2080574023662618 -0.2144879658447357 -0.4265345425660048 -0.5472617906262848 -0.5317839383108602 -0.6509634011396083 -0.782525145820682 -0.8010985685991879 -0.8506276960085343 -0.9837372259211574 -1.0549353465720999 +9675,-1.1214901115284026,0,1.3410361918550817 1.5081969968616267 1.6242808892272844 1.7914416942338383 1.8997866604417837 1.4292599500529806 0.9478987430433926 0.5857169988625351 0.2080574023662618 -0.2144879658447357 -0.4265345425660048 -0.5472617906262848 -0.5317839383108602 -0.6509634011396083 -0.782525145820682 -0.8010985685991879 -0.8506276960085343 -0.9837372259211574 -1.0549353465720999 -1.201974943568598 +9676,-0.3801009856197399,0,1.5081969968616267 1.6242808892272844 1.7914416942338383 1.8997866604417837 1.4292599500529806 0.9478987430433926 0.5857169988625351 0.2080574023662618 -0.2144879658447357 -0.4265345425660048 -0.5472617906262848 -0.5317839383108602 -0.6509634011396083 -0.782525145820682 -0.8010985685991879 -0.8506276960085343 -0.9837372259211574 -1.0549353465720999 -1.201974943568598 -1.1214901115284026 +9677,0.322593509500379,0,1.6242808892272844 1.7914416942338383 1.8997866604417837 1.4292599500529806 0.9478987430433926 0.5857169988625351 0.2080574023662618 -0.2144879658447357 -0.4265345425660048 -0.5472617906262848 -0.5317839383108602 -0.6509634011396083 -0.782525145820682 -0.8010985685991879 -0.8506276960085343 -0.9837372259211574 -1.0549353465720999 -1.201974943568598 -1.1214901115284026 -0.3801009856197399 +9678,0.6832274684496871,0,1.7914416942338383 1.8997866604417837 1.4292599500529806 0.9478987430433926 0.5857169988625351 0.2080574023662618 -0.2144879658447357 -0.4265345425660048 -0.5472617906262848 -0.5317839383108602 -0.6509634011396083 -0.782525145820682 -0.8010985685991879 -0.8506276960085343 -0.9837372259211574 -1.0549353465720999 -1.201974943568598 -1.1214901115284026 -0.3801009856197399 0.322593509500379 +9679,0.9478987430433926,0,1.8997866604417837 1.4292599500529806 0.9478987430433926 0.5857169988625351 0.2080574023662618 -0.2144879658447357 -0.4265345425660048 -0.5472617906262848 -0.5317839383108602 -0.6509634011396083 -0.782525145820682 -0.8010985685991879 -0.8506276960085343 -0.9837372259211574 -1.0549353465720999 -1.201974943568598 -1.1214901115284026 -0.3801009856197399 0.322593509500379 0.6832274684496871 +9680,1.2559080041202642,0,1.4292599500529806 0.9478987430433926 0.5857169988625351 0.2080574023662618 -0.2144879658447357 -0.4265345425660048 -0.5472617906262848 -0.5317839383108602 -0.6509634011396083 -0.782525145820682 -0.8010985685991879 -0.8506276960085343 -0.9837372259211574 -1.0549353465720999 -1.201974943568598 -1.1214901115284026 -0.3801009856197399 0.322593509500379 0.6832274684496871 0.9478987430433926 +9681,1.334845050928919,0,0.9478987430433926 0.5857169988625351 0.2080574023662618 -0.2144879658447357 -0.4265345425660048 -0.5472617906262848 -0.5317839383108602 -0.6509634011396083 -0.782525145820682 -0.8010985685991879 -0.8506276960085343 -0.9837372259211574 -1.0549353465720999 -1.201974943568598 -1.1214901115284026 -0.3801009856197399 0.322593509500379 0.6832274684496871 0.9478987430433926 1.2559080041202642 +9682,1.3286539100027472,0,0.5857169988625351 0.2080574023662618 -0.2144879658447357 -0.4265345425660048 -0.5472617906262848 -0.5317839383108602 -0.6509634011396083 -0.782525145820682 -0.8010985685991879 -0.8506276960085343 -0.9837372259211574 -1.0549353465720999 -1.201974943568598 -1.1214901115284026 -0.3801009856197399 0.322593509500379 0.6832274684496871 0.9478987430433926 1.2559080041202642 1.334845050928919 +9683,1.0082623670735327,0,0.2080574023662618 -0.2144879658447357 -0.4265345425660048 -0.5472617906262848 -0.5317839383108602 -0.6509634011396083 -0.782525145820682 -0.8010985685991879 -0.8506276960085343 -0.9837372259211574 -1.0549353465720999 -1.201974943568598 -1.1214901115284026 -0.3801009856197399 0.322593509500379 0.6832274684496871 0.9478987430433926 1.2559080041202642 1.334845050928919 1.3286539100027472 +9684,0.7304349180117223,0,-0.2144879658447357 -0.4265345425660048 -0.5472617906262848 -0.5317839383108602 -0.6509634011396083 -0.782525145820682 -0.8010985685991879 -0.8506276960085343 -0.9837372259211574 -1.0549353465720999 -1.201974943568598 -1.1214901115284026 -0.3801009856197399 0.322593509500379 0.6832274684496871 0.9478987430433926 1.2559080041202642 1.334845050928919 1.3286539100027472 1.0082623670735327 +9685,0.45260746894991194,0,-0.4265345425660048 -0.5472617906262848 -0.5317839383108602 -0.6509634011396083 -0.782525145820682 -0.8010985685991879 -0.8506276960085343 -0.9837372259211574 -1.0549353465720999 -1.201974943568598 -1.1214901115284026 -0.3801009856197399 0.322593509500379 0.6832274684496871 0.9478987430433926 1.2559080041202642 1.334845050928919 1.3286539100027472 1.0082623670735327 0.7304349180117223 +9686,0.019227604118129564,0,-0.5472617906262848 -0.5317839383108602 -0.6509634011396083 -0.782525145820682 -0.8010985685991879 -0.8506276960085343 -0.9837372259211574 -1.0549353465720999 -1.201974943568598 -1.1214901115284026 -0.3801009856197399 0.322593509500379 0.6832274684496871 0.9478987430433926 1.2559080041202642 1.334845050928919 1.3286539100027472 1.0082623670735327 0.7304349180117223 0.45260746894991194 +9687,-0.30271172404263463,0,-0.5317839383108602 -0.6509634011396083 -0.782525145820682 -0.8010985685991879 -0.8506276960085343 -0.9837372259211574 -1.0549353465720999 -1.201974943568598 -1.1214901115284026 -0.3801009856197399 0.322593509500379 0.6832274684496871 0.9478987430433926 1.2559080041202642 1.334845050928919 1.3286539100027472 1.0082623670735327 0.7304349180117223 0.45260746894991194 0.019227604118129564 +9688,-0.45439467673375494,0,-0.6509634011396083 -0.782525145820682 -0.8010985685991879 -0.8506276960085343 -0.9837372259211574 -1.0549353465720999 -1.201974943568598 -1.1214901115284026 -0.3801009856197399 0.322593509500379 0.6832274684496871 0.9478987430433926 1.2559080041202642 1.334845050928919 1.3286539100027472 1.0082623670735327 0.7304349180117223 0.45260746894991194 0.019227604118129564 -0.30271172404263463 +9689,-0.4868981665961448,0,-0.782525145820682 -0.8010985685991879 -0.8506276960085343 -0.9837372259211574 -1.0549353465720999 -1.201974943568598 -1.1214901115284026 -0.3801009856197399 0.322593509500379 0.6832274684496871 0.9478987430433926 1.2559080041202642 1.334845050928919 1.3286539100027472 1.0082623670735327 0.7304349180117223 0.45260746894991194 0.019227604118129564 -0.30271172404263463 -0.45439467673375494 +9690,-0.7082314547066669,0,-0.8010985685991879 -0.8506276960085343 -0.9837372259211574 -1.0549353465720999 -1.201974943568598 -1.1214901115284026 -0.3801009856197399 0.322593509500379 0.6832274684496871 0.9478987430433926 1.2559080041202642 1.334845050928919 1.3286539100027472 1.0082623670735327 0.7304349180117223 0.45260746894991194 0.019227604118129564 -0.30271172404263463 -0.45439467673375494 -0.4868981665961448 +9691,-0.62465105220339,0,-0.8506276960085343 -0.9837372259211574 -1.0549353465720999 -1.201974943568598 -1.1214901115284026 -0.3801009856197399 0.322593509500379 0.6832274684496871 0.9478987430433926 1.2559080041202642 1.334845050928919 1.3286539100027472 1.0082623670735327 0.7304349180117223 0.45260746894991194 0.019227604118129564 -0.30271172404263463 -0.45439467673375494 -0.4868981665961448 -0.7082314547066669 +9692,-0.7716906491998883,0,-0.9837372259211574 -1.0549353465720999 -1.201974943568598 -1.1214901115284026 -0.3801009856197399 0.322593509500379 0.6832274684496871 0.9478987430433926 1.2559080041202642 1.334845050928919 1.3286539100027472 1.0082623670735327 0.7304349180117223 0.45260746894991194 0.019227604118129564 -0.30271172404263463 -0.45439467673375494 -0.4868981665961448 -0.7082314547066669 -0.62465105220339 +9693,-0.8452104476981418,0,-1.0549353465720999 -1.201974943568598 -1.1214901115284026 -0.3801009856197399 0.322593509500379 0.6832274684496871 0.9478987430433926 1.2559080041202642 1.334845050928919 1.3286539100027472 1.0082623670735327 0.7304349180117223 0.45260746894991194 0.019227604118129564 -0.30271172404263463 -0.45439467673375494 -0.4868981665961448 -0.7082314547066669 -0.62465105220339 -0.7716906491998883 +9694,-0.9187302461963865,0,-1.201974943568598 -1.1214901115284026 -0.3801009856197399 0.322593509500379 0.6832274684496871 0.9478987430433926 1.2559080041202642 1.334845050928919 1.3286539100027472 1.0082623670735327 0.7304349180117223 0.45260746894991194 0.019227604118129564 -0.30271172404263463 -0.45439467673375494 -0.4868981665961448 -0.7082314547066669 -0.62465105220339 -0.7716906491998883 -0.8452104476981418 +9695,-1.059578702266722,0,-1.1214901115284026 -0.3801009856197399 0.322593509500379 0.6832274684496871 0.9478987430433926 1.2559080041202642 1.334845050928919 1.3286539100027472 1.0082623670735327 0.7304349180117223 0.45260746894991194 0.019227604118129564 -0.30271172404263463 -0.45439467673375494 -0.4868981665961448 -0.7082314547066669 -0.62465105220339 -0.7716906491998883 -0.8452104476981418 -0.9187302461963865 +9696,-1.1214901115284026,0,-0.3801009856197399 0.322593509500379 0.6832274684496871 0.9478987430433926 1.2559080041202642 1.334845050928919 1.3286539100027472 1.0082623670735327 0.7304349180117223 0.45260746894991194 0.019227604118129564 -0.30271172404263463 -0.45439467673375494 -0.4868981665961448 -0.7082314547066669 -0.62465105220339 -0.7716906491998883 -0.8452104476981418 -0.9187302461963865 -1.059578702266722 +9697,-1.1787581650954613,0,0.322593509500379 0.6832274684496871 0.9478987430433926 1.2559080041202642 1.334845050928919 1.3286539100027472 1.0082623670735327 0.7304349180117223 0.45260746894991194 0.019227604118129564 -0.30271172404263463 -0.45439467673375494 -0.4868981665961448 -0.7082314547066669 -0.62465105220339 -0.7716906491998883 -0.8452104476981418 -0.9187302461963865 -1.059578702266722 -1.1214901115284026 +9698,-0.9682593736057415,0,0.6832274684496871 0.9478987430433926 1.2559080041202642 1.334845050928919 1.3286539100027472 1.0082623670735327 0.7304349180117223 0.45260746894991194 0.019227604118129564 -0.30271172404263463 -0.45439467673375494 -0.4868981665961448 -0.7082314547066669 -0.62465105220339 -0.7716906491998883 -0.8452104476981418 -0.9187302461963865 -1.059578702266722 -1.1214901115284026 -1.1787581650954613 +9699,-0.9605204474480293,0,0.9478987430433926 1.2559080041202642 1.334845050928919 1.3286539100027472 1.0082623670735327 0.7304349180117223 0.45260746894991194 0.019227604118129564 -0.30271172404263463 -0.45439467673375494 -0.4868981665961448 -0.7082314547066669 -0.62465105220339 -0.7716906491998883 -0.8452104476981418 -0.9187302461963865 -1.059578702266722 -1.1214901115284026 -1.1787581650954613 -0.9682593736057415 +9700,-0.7391871593375072,0,1.2559080041202642 1.334845050928919 1.3286539100027472 1.0082623670735327 0.7304349180117223 0.45260746894991194 0.019227604118129564 -0.30271172404263463 -0.45439467673375494 -0.4868981665961448 -0.7082314547066669 -0.62465105220339 -0.7716906491998883 -0.8452104476981418 -0.9187302461963865 -1.059578702266722 -1.1214901115284026 -1.1787581650954613 -0.9682593736057415 -0.9605204474480293 +9701,-0.24853924093865745,0,1.334845050928919 1.3286539100027472 1.0082623670735327 0.7304349180117223 0.45260746894991194 0.019227604118129564 -0.30271172404263463 -0.45439467673375494 -0.4868981665961448 -0.7082314547066669 -0.62465105220339 -0.7716906491998883 -0.8452104476981418 -0.9187302461963865 -1.059578702266722 -1.1214901115284026 -1.1787581650954613 -0.9682593736057415 -0.9605204474480293 -0.7391871593375072 +9702,0.16317163065153759,0,1.3286539100027472 1.0082623670735327 0.7304349180117223 0.45260746894991194 0.019227604118129564 -0.30271172404263463 -0.45439467673375494 -0.4868981665961448 -0.7082314547066669 -0.62465105220339 -0.7716906491998883 -0.8452104476981418 -0.9187302461963865 -1.059578702266722 -1.1214901115284026 -1.1787581650954613 -0.9682593736057415 -0.9605204474480293 -0.7391871593375072 -0.24853924093865745 +9703,0.660010689976559,0,1.0082623670735327 0.7304349180117223 0.45260746894991194 0.019227604118129564 -0.30271172404263463 -0.45439467673375494 -0.4868981665961448 -0.7082314547066669 -0.62465105220339 -0.7716906491998883 -0.8452104476981418 -0.9187302461963865 -1.059578702266722 -1.1214901115284026 -1.1787581650954613 -0.9682593736057415 -0.9605204474480293 -0.7391871593375072 -0.24853924093865745 0.16317163065153759 +9704,0.978854447674233,0,0.7304349180117223 0.45260746894991194 0.019227604118129564 -0.30271172404263463 -0.45439467673375494 -0.4868981665961448 -0.7082314547066669 -0.62465105220339 -0.7716906491998883 -0.8452104476981418 -0.9187302461963865 -1.059578702266722 -1.1214901115284026 -1.1787581650954613 -0.9682593736057415 -0.9605204474480293 -0.7391871593375072 -0.24853924093865745 0.16317163065153759 0.660010689976559 +9705,1.0825560581875477,0,0.45260746894991194 0.019227604118129564 -0.30271172404263463 -0.45439467673375494 -0.4868981665961448 -0.7082314547066669 -0.62465105220339 -0.7716906491998883 -0.8452104476981418 -0.9187302461963865 -1.059578702266722 -1.1214901115284026 -1.1787581650954613 -0.9682593736057415 -0.9605204474480293 -0.7391871593375072 -0.24853924093865745 0.16317163065153759 0.660010689976559 0.978854447674233 +9706,0.978854447674233,0,0.019227604118129564 -0.30271172404263463 -0.45439467673375494 -0.4868981665961448 -0.7082314547066669 -0.62465105220339 -0.7716906491998883 -0.8452104476981418 -0.9187302461963865 -1.059578702266722 -1.1214901115284026 -1.1787581650954613 -0.9682593736057415 -0.9605204474480293 -0.7391871593375072 -0.24853924093865745 0.16317163065153759 0.660010689976559 0.978854447674233 1.0825560581875477 +9707,0.9401598168856804,0,-0.30271172404263463 -0.45439467673375494 -0.4868981665961448 -0.7082314547066669 -0.62465105220339 -0.7716906491998883 -0.8452104476981418 -0.9187302461963865 -1.059578702266722 -1.1214901115284026 -1.1787581650954613 -0.9682593736057415 -0.9605204474480293 -0.7391871593375072 -0.24853924093865745 0.16317163065153759 0.660010689976559 0.978854447674233 1.0825560581875477 0.978854447674233 +9708,0.5965514954833288,0,-0.45439467673375494 -0.4868981665961448 -0.7082314547066669 -0.62465105220339 -0.7716906491998883 -0.8452104476981418 -0.9187302461963865 -1.059578702266722 -1.1214901115284026 -1.1787581650954613 -0.9682593736057415 -0.9605204474480293 -0.7391871593375072 -0.24853924093865745 0.16317163065153759 0.660010689976559 0.978854447674233 1.0825560581875477 0.978854447674233 0.9401598168856804 +9709,0.2096051875978025,0,-0.4868981665961448 -0.7082314547066669 -0.62465105220339 -0.7716906491998883 -0.8452104476981418 -0.9187302461963865 -1.059578702266722 -1.1214901115284026 -1.1787581650954613 -0.9682593736057415 -0.9605204474480293 -0.7391871593375072 -0.24853924093865745 0.16317163065153759 0.660010689976559 0.978854447674233 1.0825560581875477 0.978854447674233 0.9401598168856804 0.5965514954833288 +9710,-0.24699145570711675,0,-0.7082314547066669 -0.62465105220339 -0.7716906491998883 -0.8452104476981418 -0.9187302461963865 -1.059578702266722 -1.1214901115284026 -1.1787581650954613 -0.9682593736057415 -0.9605204474480293 -0.7391871593375072 -0.24853924093865745 0.16317163065153759 0.660010689976559 0.978854447674233 1.0825560581875477 0.978854447674233 0.9401598168856804 0.5965514954833288 0.2096051875978025 +9711,-0.46987252904917953,0,-0.62465105220339 -0.7716906491998883 -0.8452104476981418 -0.9187302461963865 -1.059578702266722 -1.1214901115284026 -1.1787581650954613 -0.9682593736057415 -0.9605204474480293 -0.7391871593375072 -0.24853924093865745 0.16317163065153759 0.660010689976559 0.978854447674233 1.0825560581875477 0.978854447674233 0.9401598168856804 0.5965514954833288 0.2096051875978025 -0.24699145570711675 +9712,-0.6308421931295616,0,-0.7716906491998883 -0.8452104476981418 -0.9187302461963865 -1.059578702266722 -1.1214901115284026 -1.1787581650954613 -0.9682593736057415 -0.9605204474480293 -0.7391871593375072 -0.24853924093865745 0.16317163065153759 0.660010689976559 0.978854447674233 1.0825560581875477 0.978854447674233 0.9401598168856804 0.5965514954833288 0.2096051875978025 -0.24699145570711675 -0.46987252904917953 +9713,-0.7422827298005886,0,-0.8452104476981418 -0.9187302461963865 -1.059578702266722 -1.1214901115284026 -1.1787581650954613 -0.9682593736057415 -0.9605204474480293 -0.7391871593375072 -0.24853924093865745 0.16317163065153759 0.660010689976559 0.978854447674233 1.0825560581875477 0.978854447674233 0.9401598168856804 0.5965514954833288 0.2096051875978025 -0.24699145570711675 -0.46987252904917953 -0.6308421931295616 +9714,-0.791811857209935,0,-0.9187302461963865 -1.059578702266722 -1.1214901115284026 -1.1787581650954613 -0.9682593736057415 -0.9605204474480293 -0.7391871593375072 -0.24853924093865745 0.16317163065153759 0.660010689976559 0.978854447674233 1.0825560581875477 0.978854447674233 0.9401598168856804 0.5965514954833288 0.2096051875978025 -0.24699145570711675 -0.46987252904917953 -0.6308421931295616 -0.7422827298005886 +9715,-0.8908701120286363,0,-1.059578702266722 -1.1214901115284026 -1.1787581650954613 -0.9682593736057415 -0.9605204474480293 -0.7391871593375072 -0.24853924093865745 0.16317163065153759 0.660010689976559 0.978854447674233 1.0825560581875477 0.978854447674233 0.9401598168856804 0.5965514954833288 0.2096051875978025 -0.24699145570711675 -0.46987252904917953 -0.6308421931295616 -0.7422827298005886 -0.791811857209935 +9716,-0.8552710517031651,0,-1.1214901115284026 -1.1787581650954613 -0.9682593736057415 -0.9605204474480293 -0.7391871593375072 -0.24853924093865745 0.16317163065153759 0.660010689976559 0.978854447674233 1.0825560581875477 0.978854447674233 0.9401598168856804 0.5965514954833288 0.2096051875978025 -0.24699145570711675 -0.46987252904917953 -0.6308421931295616 -0.7422827298005886 -0.791811857209935 -0.8908701120286363 +9717,-0.8753922597132118,0,-1.1787581650954613 -0.9682593736057415 -0.9605204474480293 -0.7391871593375072 -0.24853924093865745 0.16317163065153759 0.660010689976559 0.978854447674233 1.0825560581875477 0.978854447674233 0.9401598168856804 0.5965514954833288 0.2096051875978025 -0.24699145570711675 -0.46987252904917953 -0.6308421931295616 -0.7422827298005886 -0.791811857209935 -0.8908701120286363 -0.8552710517031651 +9718,-0.9868327963842388,0,-0.9682593736057415 -0.9605204474480293 -0.7391871593375072 -0.24853924093865745 0.16317163065153759 0.660010689976559 0.978854447674233 1.0825560581875477 0.978854447674233 0.9401598168856804 0.5965514954833288 0.2096051875978025 -0.24699145570711675 -0.46987252904917953 -0.6308421931295616 -0.7422827298005886 -0.791811857209935 -0.8908701120286363 -0.8552710517031651 -0.8753922597132118 +9719,-1.1152989706022398,0,-0.9605204474480293 -0.7391871593375072 -0.24853924093865745 0.16317163065153759 0.660010689976559 0.978854447674233 1.0825560581875477 0.978854447674233 0.9401598168856804 0.5965514954833288 0.2096051875978025 -0.24699145570711675 -0.46987252904917953 -0.6308421931295616 -0.7422827298005886 -0.791811857209935 -0.8908701120286363 -0.8552710517031651 -0.8753922597132118 -0.9868327963842388 +9720,-1.2375740038940606,0,-0.7391871593375072 -0.24853924093865745 0.16317163065153759 0.660010689976559 0.978854447674233 1.0825560581875477 0.978854447674233 0.9401598168856804 0.5965514954833288 0.2096051875978025 -0.24699145570711675 -0.46987252904917953 -0.6308421931295616 -0.7422827298005886 -0.791811857209935 -0.8908701120286363 -0.8552710517031651 -0.8753922597132118 -0.9868327963842388 -1.1152989706022398 +9721,-1.2159050106524731,0,-0.24853924093865745 0.16317163065153759 0.660010689976559 0.978854447674233 1.0825560581875477 0.978854447674233 0.9401598168856804 0.5965514954833288 0.2096051875978025 -0.24699145570711675 -0.46987252904917953 -0.6308421931295616 -0.7422827298005886 -0.791811857209935 -0.8908701120286363 -0.8552710517031651 -0.8753922597132118 -0.9868327963842388 -1.1152989706022398 -1.2375740038940606 +9722,-1.2917464869980377,0,0.16317163065153759 0.660010689976559 0.978854447674233 1.0825560581875477 0.978854447674233 0.9401598168856804 0.5965514954833288 0.2096051875978025 -0.24699145570711675 -0.46987252904917953 -0.6308421931295616 -0.7422827298005886 -0.791811857209935 -0.8908701120286363 -0.8552710517031651 -0.8753922597132118 -0.9868327963842388 -1.1152989706022398 -1.2375740038940606 -1.2159050106524731 +9723,-1.2592429971356567,0,0.660010689976559 0.978854447674233 1.0825560581875477 0.978854447674233 0.9401598168856804 0.5965514954833288 0.2096051875978025 -0.24699145570711675 -0.46987252904917953 -0.6308421931295616 -0.7422827298005886 -0.791811857209935 -0.8908701120286363 -0.8552710517031651 -0.8753922597132118 -0.9868327963842388 -1.1152989706022398 -1.2375740038940606 -1.2159050106524731 -1.2917464869980377 +9724,-0.8676533335554995,0,0.978854447674233 1.0825560581875477 0.978854447674233 0.9401598168856804 0.5965514954833288 0.2096051875978025 -0.24699145570711675 -0.46987252904917953 -0.6308421931295616 -0.7422827298005886 -0.791811857209935 -0.8908701120286363 -0.8552710517031651 -0.8753922597132118 -0.9868327963842388 -1.1152989706022398 -1.2375740038940606 -1.2159050106524731 -1.2917464869980377 -1.2592429971356567 +9725,-0.29342501265338167,0,1.0825560581875477 0.978854447674233 0.9401598168856804 0.5965514954833288 0.2096051875978025 -0.24699145570711675 -0.46987252904917953 -0.6308421931295616 -0.7422827298005886 -0.791811857209935 -0.8908701120286363 -0.8552710517031651 -0.8753922597132118 -0.9868327963842388 -1.1152989706022398 -1.2375740038940606 -1.2159050106524731 -1.2917464869980377 -1.2592429971356567 -0.8676533335554995 +9726,0.17400612727234008,0,0.978854447674233 0.9401598168856804 0.5965514954833288 0.2096051875978025 -0.24699145570711675 -0.46987252904917953 -0.6308421931295616 -0.7422827298005886 -0.791811857209935 -0.8908701120286363 -0.8552710517031651 -0.8753922597132118 -0.9868327963842388 -1.1152989706022398 -1.2375740038940606 -1.2159050106524731 -1.2917464869980377 -1.2592429971356567 -0.8676533335554995 -0.29342501265338167 +9727,0.6956097503020214,0,0.9401598168856804 0.5965514954833288 0.2096051875978025 -0.24699145570711675 -0.46987252904917953 -0.6308421931295616 -0.7422827298005886 -0.791811857209935 -0.8908701120286363 -0.8552710517031651 -0.8753922597132118 -0.9868327963842388 -1.1152989706022398 -1.2375740038940606 -1.2159050106524731 -1.2917464869980377 -1.2592429971356567 -0.8676533335554995 -0.29342501265338167 0.17400612727234008 +9728,1.2357867961102176,0,0.5965514954833288 0.2096051875978025 -0.24699145570711675 -0.46987252904917953 -0.6308421931295616 -0.7422827298005886 -0.791811857209935 -0.8908701120286363 -0.8552710517031651 -0.8753922597132118 -0.9868327963842388 -1.1152989706022398 -1.2375740038940606 -1.2159050106524731 -1.2917464869980377 -1.2592429971356567 -0.8676533335554995 -0.29342501265338167 0.17400612727234008 0.6956097503020214 +9729,1.4973625002408328,0,0.2096051875978025 -0.24699145570711675 -0.46987252904917953 -0.6308421931295616 -0.7422827298005886 -0.791811857209935 -0.8908701120286363 -0.8552710517031651 -0.8753922597132118 -0.9868327963842388 -1.1152989706022398 -1.2375740038940606 -1.2159050106524731 -1.2917464869980377 -1.2592429971356567 -0.8676533335554995 -0.29342501265338167 0.17400612727234008 0.6956097503020214 1.2357867961102176 +9730,1.178518742543159,0,-0.24699145570711675 -0.46987252904917953 -0.6308421931295616 -0.7422827298005886 -0.791811857209935 -0.8908701120286363 -0.8552710517031651 -0.8753922597132118 -0.9868327963842388 -1.1152989706022398 -1.2375740038940606 -1.2159050106524731 -1.2917464869980377 -1.2592429971356567 -0.8676533335554995 -0.29342501265338167 0.17400612727234008 0.6956097503020214 1.2357867961102176 1.4973625002408328 +9731,1.2218567290263425,0,-0.46987252904917953 -0.6308421931295616 -0.7422827298005886 -0.791811857209935 -0.8908701120286363 -0.8552710517031651 -0.8753922597132118 -0.9868327963842388 -1.1152989706022398 -1.2375740038940606 -1.2159050106524731 -1.2917464869980377 -1.2592429971356567 -0.8676533335554995 -0.29342501265338167 0.17400612727234008 0.6956097503020214 1.2357867961102176 1.4973625002408328 1.178518742543159 +9732,0.6197682739564656,0,-0.6308421931295616 -0.7422827298005886 -0.791811857209935 -0.8908701120286363 -0.8552710517031651 -0.8753922597132118 -0.9868327963842388 -1.1152989706022398 -1.2375740038940606 -1.2159050106524731 -1.2917464869980377 -1.2592429971356567 -0.8676533335554995 -0.29342501265338167 0.17400612727234008 0.6956097503020214 1.2357867961102176 1.4973625002408328 1.178518742543159 1.2218567290263425 +9733,0.08733015430598183,0,-0.7422827298005886 -0.791811857209935 -0.8908701120286363 -0.8552710517031651 -0.8753922597132118 -0.9868327963842388 -1.1152989706022398 -1.2375740038940606 -1.2159050106524731 -1.2917464869980377 -1.2592429971356567 -0.8676533335554995 -0.29342501265338167 0.17400612727234008 0.6956097503020214 1.2357867961102176 1.4973625002408328 1.178518742543159 1.2218567290263425 0.6197682739564656 +9734,-0.16960219413001149,0,-0.791811857209935 -0.8908701120286363 -0.8552710517031651 -0.8753922597132118 -0.9868327963842388 -1.1152989706022398 -1.2375740038940606 -1.2159050106524731 -1.2917464869980377 -1.2592429971356567 -0.8676533335554995 -0.29342501265338167 0.17400612727234008 0.6956097503020214 1.2357867961102176 1.4973625002408328 1.178518742543159 1.2218567290263425 0.6197682739564656 0.08733015430598183 +9735,-0.30580729450571603,0,-0.8908701120286363 -0.8552710517031651 -0.8753922597132118 -0.9868327963842388 -1.1152989706022398 -1.2375740038940606 -1.2159050106524731 -1.2917464869980377 -1.2592429971356567 -0.8676533335554995 -0.29342501265338167 0.17400612727234008 0.6956097503020214 1.2357867961102176 1.4973625002408328 1.178518742543159 1.2218567290263425 0.6197682739564656 0.08733015430598183 -0.16960219413001149 +9736,-0.47142031428072023,0,-0.8552710517031651 -0.8753922597132118 -0.9868327963842388 -1.1152989706022398 -1.2375740038940606 -1.2159050106524731 -1.2917464869980377 -1.2592429971356567 -0.8676533335554995 -0.29342501265338167 0.17400612727234008 0.6956097503020214 1.2357867961102176 1.4973625002408328 1.178518742543159 1.2218567290263425 0.6197682739564656 0.08733015430598183 -0.16960219413001149 -0.30580729450571603 +9737,-0.62465105220339,0,-0.8753922597132118 -0.9868327963842388 -1.1152989706022398 -1.2375740038940606 -1.2159050106524731 -1.2917464869980377 -1.2592429971356567 -0.8676533335554995 -0.29342501265338167 0.17400612727234008 0.6956097503020214 1.2357867961102176 1.4973625002408328 1.178518742543159 1.2218567290263425 0.6197682739564656 0.08733015430598183 -0.16960219413001149 -0.30580729450571603 -0.47142031428072023 +9738,-0.7020403137804953,0,-0.9868327963842388 -1.1152989706022398 -1.2375740038940606 -1.2159050106524731 -1.2917464869980377 -1.2592429971356567 -0.8676533335554995 -0.29342501265338167 0.17400612727234008 0.6956097503020214 1.2357867961102176 1.4973625002408328 1.178518742543159 1.2218567290263425 0.6197682739564656 0.08733015430598183 -0.16960219413001149 -0.30580729450571603 -0.47142031428072023 -0.62465105220339 +9739,-0.7654995082737255,0,-1.1152989706022398 -1.2375740038940606 -1.2159050106524731 -1.2917464869980377 -1.2592429971356567 -0.8676533335554995 -0.29342501265338167 0.17400612727234008 0.6956097503020214 1.2357867961102176 1.4973625002408328 1.178518742543159 1.2218567290263425 0.6197682739564656 0.08733015430598183 -0.16960219413001149 -0.30580729450571603 -0.47142031428072023 -0.62465105220339 -0.7020403137804953 +9740,-0.8707489040185808,0,-1.2375740038940606 -1.2159050106524731 -1.2917464869980377 -1.2592429971356567 -0.8676533335554995 -0.29342501265338167 0.17400612727234008 0.6956097503020214 1.2357867961102176 1.4973625002408328 1.178518742543159 1.2218567290263425 0.6197682739564656 0.08733015430598183 -0.16960219413001149 -0.30580729450571603 -0.47142031428072023 -0.62465105220339 -0.7020403137804953 -0.7654995082737255 +9741,-0.9450425951326047,0,-1.2159050106524731 -1.2917464869980377 -1.2592429971356567 -0.8676533335554995 -0.29342501265338167 0.17400612727234008 0.6956097503020214 1.2357867961102176 1.4973625002408328 1.178518742543159 1.2218567290263425 0.6197682739564656 0.08733015430598183 -0.16960219413001149 -0.30580729450571603 -0.47142031428072023 -0.62465105220339 -0.7020403137804953 -0.7654995082737255 -0.8707489040185808 +9742,-1.0286229976358816,0,-1.2917464869980377 -1.2592429971356567 -0.8676533335554995 -0.29342501265338167 0.17400612727234008 0.6956097503020214 1.2357867961102176 1.4973625002408328 1.178518742543159 1.2218567290263425 0.6197682739564656 0.08733015430598183 -0.16960219413001149 -0.30580729450571603 -0.47142031428072023 -0.62465105220339 -0.7020403137804953 -0.7654995082737255 -0.8707489040185808 -0.9450425951326047 +9743,-1.1431591047699987,0,-1.2592429971356567 -0.8676533335554995 -0.29342501265338167 0.17400612727234008 0.6956097503020214 1.2357867961102176 1.4973625002408328 1.178518742543159 1.2218567290263425 0.6197682739564656 0.08733015430598183 -0.16960219413001149 -0.30580729450571603 -0.47142031428072023 -0.62465105220339 -0.7020403137804953 -0.7654995082737255 -0.8707489040185808 -0.9450425951326047 -1.0286229976358816 +9744,-1.1849493060216327,0,-0.8676533335554995 -0.29342501265338167 0.17400612727234008 0.6956097503020214 1.2357867961102176 1.4973625002408328 1.178518742543159 1.2218567290263425 0.6197682739564656 0.08733015430598183 -0.16960219413001149 -0.30580729450571603 -0.47142031428072023 -0.62465105220339 -0.7020403137804953 -0.7654995082737255 -0.8707489040185808 -0.9450425951326047 -1.0286229976358816 -1.1431591047699987 +9745,-1.2731730642195318,0,-0.29342501265338167 0.17400612727234008 0.6956097503020214 1.2357867961102176 1.4973625002408328 1.178518742543159 1.2218567290263425 0.6197682739564656 0.08733015430598183 -0.16960219413001149 -0.30580729450571603 -0.47142031428072023 -0.62465105220339 -0.7020403137804953 -0.7654995082737255 -0.8707489040185808 -0.9450425951326047 -1.0286229976358816 -1.1431591047699987 -1.1849493060216327 +9746,-1.1818537355585514,0,0.17400612727234008 0.6956097503020214 1.2357867961102176 1.4973625002408328 1.178518742543159 1.2218567290263425 0.6197682739564656 0.08733015430598183 -0.16960219413001149 -0.30580729450571603 -0.47142031428072023 -0.62465105220339 -0.7020403137804953 -0.7654995082737255 -0.8707489040185808 -0.9450425951326047 -1.0286229976358816 -1.1431591047699987 -1.1849493060216327 -1.2731730642195318 +9747,-1.138515749075368,0,0.6956097503020214 1.2357867961102176 1.4973625002408328 1.178518742543159 1.2218567290263425 0.6197682739564656 0.08733015430598183 -0.16960219413001149 -0.30580729450571603 -0.47142031428072023 -0.62465105220339 -0.7020403137804953 -0.7654995082737255 -0.8707489040185808 -0.9450425951326047 -1.0286229976358816 -1.1431591047699987 -1.1849493060216327 -1.2731730642195318 -1.1818537355585514 +9748,-0.6478678306765181,0,1.2357867961102176 1.4973625002408328 1.178518742543159 1.2218567290263425 0.6197682739564656 0.08733015430598183 -0.16960219413001149 -0.30580729450571603 -0.47142031428072023 -0.62465105220339 -0.7020403137804953 -0.7654995082737255 -0.8707489040185808 -0.9450425951326047 -1.0286229976358816 -1.1431591047699987 -1.1849493060216327 -1.2731730642195318 -1.1818537355585514 -1.138515749075368 +9749,-0.058161657458975696,0,1.4973625002408328 1.178518742543159 1.2218567290263425 0.6197682739564656 0.08733015430598183 -0.16960219413001149 -0.30580729450571603 -0.47142031428072023 -0.62465105220339 -0.7020403137804953 -0.7654995082737255 -0.8707489040185808 -0.9450425951326047 -1.0286229976358816 -1.1431591047699987 -1.1849493060216327 -1.2731730642195318 -1.1818537355585514 -1.138515749075368 -0.6478678306765181 +9750,0.44796411325528984,0,1.178518742543159 1.2218567290263425 0.6197682739564656 0.08733015430598183 -0.16960219413001149 -0.30580729450571603 -0.47142031428072023 -0.62465105220339 -0.7020403137804953 -0.7654995082737255 -0.8707489040185808 -0.9450425951326047 -1.0286229976358816 -1.1431591047699987 -1.1849493060216327 -1.2731730642195318 -1.1818537355585514 -1.138515749075368 -0.6478678306765181 -0.058161657458975696 +9751,0.9215863941071744,0,1.2218567290263425 0.6197682739564656 0.08733015430598183 -0.16960219413001149 -0.30580729450571603 -0.47142031428072023 -0.62465105220339 -0.7020403137804953 -0.7654995082737255 -0.8707489040185808 -0.9450425951326047 -1.0286229976358816 -1.1431591047699987 -1.1849493060216327 -1.2731730642195318 -1.1818537355585514 -1.138515749075368 -0.6478678306765181 -0.058161657458975696 0.44796411325528984 +9752,1.1955443800901242,0,0.6197682739564656 0.08733015430598183 -0.16960219413001149 -0.30580729450571603 -0.47142031428072023 -0.62465105220339 -0.7020403137804953 -0.7654995082737255 -0.8707489040185808 -0.9450425951326047 -1.0286229976358816 -1.1431591047699987 -1.1849493060216327 -1.2731730642195318 -1.1818537355585514 -1.138515749075368 -0.6478678306765181 -0.058161657458975696 0.44796411325528984 0.9215863941071744 +9753,1.2915070644457354,0,0.08733015430598183 -0.16960219413001149 -0.30580729450571603 -0.47142031428072023 -0.62465105220339 -0.7020403137804953 -0.7654995082737255 -0.8707489040185808 -0.9450425951326047 -1.0286229976358816 -1.1431591047699987 -1.1849493060216327 -1.2731730642195318 -1.1818537355585514 -1.138515749075368 -0.6478678306765181 -0.058161657458975696 0.44796411325528984 0.9215863941071744 1.1955443800901242 +9754,1.4106865272744746,0,-0.16960219413001149 -0.30580729450571603 -0.47142031428072023 -0.62465105220339 -0.7020403137804953 -0.7654995082737255 -0.8707489040185808 -0.9450425951326047 -1.0286229976358816 -1.1431591047699987 -1.1849493060216327 -1.2731730642195318 -1.1818537355585514 -1.138515749075368 -0.6478678306765181 -0.058161657458975696 0.44796411325528984 0.9215863941071744 1.1955443800901242 1.2915070644457354 +9755,1.2636469302779765,0,-0.30580729450571603 -0.47142031428072023 -0.62465105220339 -0.7020403137804953 -0.7654995082737255 -0.8707489040185808 -0.9450425951326047 -1.0286229976358816 -1.1431591047699987 -1.1849493060216327 -1.2731730642195318 -1.1818537355585514 -1.138515749075368 -0.6478678306765181 -0.058161657458975696 0.44796411325528984 0.9215863941071744 1.1955443800901242 1.2915070644457354 1.4106865272744746 +9756,0.9494465282749334,0,-0.47142031428072023 -0.62465105220339 -0.7020403137804953 -0.7654995082737255 -0.8707489040185808 -0.9450425951326047 -1.0286229976358816 -1.1431591047699987 -1.1849493060216327 -1.2731730642195318 -1.1818537355585514 -1.138515749075368 -0.6478678306765181 -0.058161657458975696 0.44796411325528984 0.9215863941071744 1.1955443800901242 1.2915070644457354 1.4106865272744746 1.2636469302779765 +9757,0.6987053207651116,0,-0.62465105220339 -0.7020403137804953 -0.7654995082737255 -0.8707489040185808 -0.9450425951326047 -1.0286229976358816 -1.1431591047699987 -1.1849493060216327 -1.2731730642195318 -1.1818537355585514 -1.138515749075368 -0.6478678306765181 -0.058161657458975696 0.44796411325528984 0.9215863941071744 1.1955443800901242 1.2915070644457354 1.4106865272744746 1.2636469302779765 0.9494465282749334 +9758,0.35200142889967867,0,-0.7020403137804953 -0.7654995082737255 -0.8707489040185808 -0.9450425951326047 -1.0286229976358816 -1.1431591047699987 -1.1849493060216327 -1.2731730642195318 -1.1818537355585514 -1.138515749075368 -0.6478678306765181 -0.058161657458975696 0.44796411325528984 0.9215863941071744 1.1955443800901242 1.2915070644457354 1.4106865272744746 1.2636469302779765 0.9494465282749334 0.6987053207651116 +9759,0.06256559060130429,0,-0.7654995082737255 -0.8707489040185808 -0.9450425951326047 -1.0286229976358816 -1.1431591047699987 -1.1849493060216327 -1.2731730642195318 -1.1818537355585514 -1.138515749075368 -0.6478678306765181 -0.058161657458975696 0.44796411325528984 0.9215863941071744 1.1955443800901242 1.2915070644457354 1.4106865272744746 1.2636469302779765 0.9494465282749334 0.6987053207651116 0.35200142889967867 +9760,-0.28568608649566934,0,-0.8707489040185808 -0.9450425951326047 -1.0286229976358816 -1.1431591047699987 -1.1849493060216327 -1.2731730642195318 -1.1818537355585514 -1.138515749075368 -0.6478678306765181 -0.058161657458975696 0.44796411325528984 0.9215863941071744 1.1955443800901242 1.2915070644457354 1.4106865272744746 1.2636469302779765 0.9494465282749334 0.6987053207651116 0.35200142889967867 0.06256559060130429 +9761,-0.45594246196530447,0,-0.9450425951326047 -1.0286229976358816 -1.1431591047699987 -1.1849493060216327 -1.2731730642195318 -1.1818537355585514 -1.138515749075368 -0.6478678306765181 -0.058161657458975696 0.44796411325528984 0.9215863941071744 1.1955443800901242 1.2915070644457354 1.4106865272744746 1.2636469302779765 0.9494465282749334 0.6987053207651116 0.35200142889967867 0.06256559060130429 -0.28568608649566934 +9762,-0.6122687703510556,0,-1.0286229976358816 -1.1431591047699987 -1.1849493060216327 -1.2731730642195318 -1.1818537355585514 -1.138515749075368 -0.6478678306765181 -0.058161657458975696 0.44796411325528984 0.9215863941071744 1.1955443800901242 1.2915070644457354 1.4106865272744746 1.2636469302779765 0.9494465282749334 0.6987053207651116 0.35200142889967867 0.06256559060130429 -0.28568608649566934 -0.45594246196530447 +9763,-0.5255927973846974,0,-1.1431591047699987 -1.1849493060216327 -1.2731730642195318 -1.1818537355585514 -1.138515749075368 -0.6478678306765181 -0.058161657458975696 0.44796411325528984 0.9215863941071744 1.1955443800901242 1.2915070644457354 1.4106865272744746 1.2636469302779765 0.9494465282749334 0.6987053207651116 0.35200142889967867 0.06256559060130429 -0.28568608649566934 -0.45594246196530447 -0.6122687703510556 +9764,-0.7469260854952195,0,-1.1849493060216327 -1.2731730642195318 -1.1818537355585514 -1.138515749075368 -0.6478678306765181 -0.058161657458975696 0.44796411325528984 0.9215863941071744 1.1955443800901242 1.2915070644457354 1.4106865272744746 1.2636469302779765 0.9494465282749334 0.6987053207651116 0.35200142889967867 0.06256559060130429 -0.28568608649566934 -0.45594246196530447 -0.6122687703510556 -0.5255927973846974 +9765,-0.7778817901260598,0,-1.2731730642195318 -1.1818537355585514 -1.138515749075368 -0.6478678306765181 -0.058161657458975696 0.44796411325528984 0.9215863941071744 1.1955443800901242 1.2915070644457354 1.4106865272744746 1.2636469302779765 0.9494465282749334 0.6987053207651116 0.35200142889967867 0.06256559060130429 -0.28568608649566934 -0.45594246196530447 -0.6122687703510556 -0.5255927973846974 -0.7469260854952195 +9766,-0.7113270251697483,0,-1.1818537355585514 -1.138515749075368 -0.6478678306765181 -0.058161657458975696 0.44796411325528984 0.9215863941071744 1.1955443800901242 1.2915070644457354 1.4106865272744746 1.2636469302779765 0.9494465282749334 0.6987053207651116 0.35200142889967867 0.06256559060130429 -0.28568608649566934 -0.45594246196530447 -0.6122687703510556 -0.5255927973846974 -0.7469260854952195 -0.7778817901260598 +9767,-0.7221615217905419,0,-1.138515749075368 -0.6478678306765181 -0.058161657458975696 0.44796411325528984 0.9215863941071744 1.1955443800901242 1.2915070644457354 1.4106865272744746 1.2636469302779765 0.9494465282749334 0.6987053207651116 0.35200142889967867 0.06256559060130429 -0.28568608649566934 -0.45594246196530447 -0.6122687703510556 -0.5255927973846974 -0.7469260854952195 -0.7778817901260598 -0.7113270251697483 +9768,-0.7175181660959199,0,-0.6478678306765181 -0.058161657458975696 0.44796411325528984 0.9215863941071744 1.1955443800901242 1.2915070644457354 1.4106865272744746 1.2636469302779765 0.9494465282749334 0.6987053207651116 0.35200142889967867 0.06256559060130429 -0.28568608649566934 -0.45594246196530447 -0.6122687703510556 -0.5255927973846974 -0.7469260854952195 -0.7778817901260598 -0.7113270251697483 -0.7221615217905419 +9769,-0.5766697100255844,0,-0.058161657458975696 0.44796411325528984 0.9215863941071744 1.1955443800901242 1.2915070644457354 1.4106865272744746 1.2636469302779765 0.9494465282749334 0.6987053207651116 0.35200142889967867 0.06256559060130429 -0.28568608649566934 -0.45594246196530447 -0.6122687703510556 -0.5255927973846974 -0.7469260854952195 -0.7778817901260598 -0.7113270251697483 -0.7221615217905419 -0.7175181660959199 +9770,-0.4884459518276855,0,0.44796411325528984 0.9215863941071744 1.1955443800901242 1.2915070644457354 1.4106865272744746 1.2636469302779765 0.9494465282749334 0.6987053207651116 0.35200142889967867 0.06256559060130429 -0.28568608649566934 -0.45594246196530447 -0.6122687703510556 -0.5255927973846974 -0.7469260854952195 -0.7778817901260598 -0.7113270251697483 -0.7221615217905419 -0.7175181660959199 -0.5766697100255844 +9771,-0.4311778982606269,0,0.9215863941071744 1.1955443800901242 1.2915070644457354 1.4106865272744746 1.2636469302779765 0.9494465282749334 0.6987053207651116 0.35200142889967867 0.06256559060130429 -0.28568608649566934 -0.45594246196530447 -0.6122687703510556 -0.5255927973846974 -0.7469260854952195 -0.7778817901260598 -0.7113270251697483 -0.7221615217905419 -0.7175181660959199 -0.5766697100255844 -0.4884459518276855 +9772,-0.34450192529426865,0,1.1955443800901242 1.2915070644457354 1.4106865272744746 1.2636469302779765 0.9494465282749334 0.6987053207651116 0.35200142889967867 0.06256559060130429 -0.28568608649566934 -0.45594246196530447 -0.6122687703510556 -0.5255927973846974 -0.7469260854952195 -0.7778817901260598 -0.7113270251697483 -0.7221615217905419 -0.7175181660959199 -0.5766697100255844 -0.4884459518276855 -0.4311778982606269 +9773,0.02541874504429235,0,1.2915070644457354 1.4106865272744746 1.2636469302779765 0.9494465282749334 0.6987053207651116 0.35200142889967867 0.06256559060130429 -0.28568608649566934 -0.45594246196530447 -0.6122687703510556 -0.5255927973846974 -0.7469260854952195 -0.7778817901260598 -0.7113270251697483 -0.7221615217905419 -0.7175181660959199 -0.5766697100255844 -0.4884459518276855 -0.4311778982606269 -0.34450192529426865 +9774,0.4139128381613593,0,1.4106865272744746 1.2636469302779765 0.9494465282749334 0.6987053207651116 0.35200142889967867 0.06256559060130429 -0.28568608649566934 -0.45594246196530447 -0.6122687703510556 -0.5255927973846974 -0.7469260854952195 -0.7778817901260598 -0.7113270251697483 -0.7221615217905419 -0.7175181660959199 -0.5766697100255844 -0.4884459518276855 -0.4311778982606269 -0.34450192529426865 0.02541874504429235 +9775,0.6708451865973527,0,1.2636469302779765 0.9494465282749334 0.6987053207651116 0.35200142889967867 0.06256559060130429 -0.28568608649566934 -0.45594246196530447 -0.6122687703510556 -0.5255927973846974 -0.7469260854952195 -0.7778817901260598 -0.7113270251697483 -0.7221615217905419 -0.7175181660959199 -0.5766697100255844 -0.4884459518276855 -0.4311778982606269 -0.34450192529426865 0.02541874504429235 0.4139128381613593 +9776,0.8952740451709561,0,0.9494465282749334 0.6987053207651116 0.35200142889967867 0.06256559060130429 -0.28568608649566934 -0.45594246196530447 -0.6122687703510556 -0.5255927973846974 -0.7469260854952195 -0.7778817901260598 -0.7113270251697483 -0.7221615217905419 -0.7175181660959199 -0.5766697100255844 -0.4884459518276855 -0.4311778982606269 -0.34450192529426865 0.02541874504429235 0.4139128381613593 0.6708451865973527 +9777,1.0546959240197975,0,0.6987053207651116 0.35200142889967867 0.06256559060130429 -0.28568608649566934 -0.45594246196530447 -0.6122687703510556 -0.5255927973846974 -0.7469260854952195 -0.7778817901260598 -0.7113270251697483 -0.7221615217905419 -0.7175181660959199 -0.5766697100255844 -0.4884459518276855 -0.4311778982606269 -0.34450192529426865 0.02541874504429235 0.4139128381613593 0.6708451865973527 0.8952740451709561 +9778,1.1522063936069495,0,0.35200142889967867 0.06256559060130429 -0.28568608649566934 -0.45594246196530447 -0.6122687703510556 -0.5255927973846974 -0.7469260854952195 -0.7778817901260598 -0.7113270251697483 -0.7221615217905419 -0.7175181660959199 -0.5766697100255844 -0.4884459518276855 -0.4311778982606269 -0.34450192529426865 0.02541874504429235 0.4139128381613593 0.6708451865973527 0.8952740451709561 1.0546959240197975 +9779,1.1738753868485368,0,0.06256559060130429 -0.28568608649566934 -0.45594246196530447 -0.6122687703510556 -0.5255927973846974 -0.7469260854952195 -0.7778817901260598 -0.7113270251697483 -0.7221615217905419 -0.7175181660959199 -0.5766697100255844 -0.4884459518276855 -0.4311778982606269 -0.34450192529426865 0.02541874504429235 0.4139128381613593 0.6708451865973527 0.8952740451709561 1.0546959240197975 1.1522063936069495 +9780,1.016001293231245,0,-0.28568608649566934 -0.45594246196530447 -0.6122687703510556 -0.5255927973846974 -0.7469260854952195 -0.7778817901260598 -0.7113270251697483 -0.7221615217905419 -0.7175181660959199 -0.5766697100255844 -0.4884459518276855 -0.4311778982606269 -0.34450192529426865 0.02541874504429235 0.4139128381613593 0.6708451865973527 0.8952740451709561 1.0546959240197975 1.1522063936069495 1.1738753868485368 +9781,0.8256237097515632,0,-0.45594246196530447 -0.6122687703510556 -0.5255927973846974 -0.7469260854952195 -0.7778817901260598 -0.7113270251697483 -0.7221615217905419 -0.7175181660959199 -0.5766697100255844 -0.4884459518276855 -0.4311778982606269 -0.34450192529426865 0.02541874504429235 0.4139128381613593 0.6708451865973527 0.8952740451709561 1.0546959240197975 1.1522063936069495 1.1738753868485368 1.016001293231245 +9782,0.38450491876205967,0,-0.6122687703510556 -0.5255927973846974 -0.7469260854952195 -0.7778817901260598 -0.7113270251697483 -0.7221615217905419 -0.7175181660959199 -0.5766697100255844 -0.4884459518276855 -0.4311778982606269 -0.34450192529426865 0.02541874504429235 0.4139128381613593 0.6708451865973527 0.8952740451709561 1.0546959240197975 1.1522063936069495 1.1738753868485368 1.016001293231245 0.8256237097515632 +9783,0.14924156356766252,0,-0.5255927973846974 -0.7469260854952195 -0.7778817901260598 -0.7113270251697483 -0.7221615217905419 -0.7175181660959199 -0.5766697100255844 -0.4884459518276855 -0.4311778982606269 -0.34450192529426865 0.02541874504429235 0.4139128381613593 0.6708451865973527 0.8952740451709561 1.0546959240197975 1.1522063936069495 1.1738753868485368 1.016001293231245 0.8256237097515632 0.38450491876205967 +9784,-0.01637145620734167,0,-0.7469260854952195 -0.7778817901260598 -0.7113270251697483 -0.7221615217905419 -0.7175181660959199 -0.5766697100255844 -0.4884459518276855 -0.4311778982606269 -0.34450192529426865 0.02541874504429235 0.4139128381613593 0.6708451865973527 0.8952740451709561 1.0546959240197975 1.1522063936069495 1.1738753868485368 1.016001293231245 0.8256237097515632 0.38450491876205967 0.14924156356766252 +9785,-0.11233414056295289,0,-0.7778817901260598 -0.7113270251697483 -0.7221615217905419 -0.7175181660959199 -0.5766697100255844 -0.4884459518276855 -0.4311778982606269 -0.34450192529426865 0.02541874504429235 0.4139128381613593 0.6708451865973527 0.8952740451709561 1.0546959240197975 1.1522063936069495 1.1738753868485368 1.016001293231245 0.8256237097515632 0.38450491876205967 0.14924156356766252 -0.01637145620734167 +9786,-0.19901011352931114,0,-0.7113270251697483 -0.7221615217905419 -0.7175181660959199 -0.5766697100255844 -0.4884459518276855 -0.4311778982606269 -0.34450192529426865 0.02541874504429235 0.4139128381613593 0.6708451865973527 0.8952740451709561 1.0546959240197975 1.1522063936069495 1.1738753868485368 1.016001293231245 0.8256237097515632 0.38450491876205967 0.14924156356766252 -0.01637145620734167 -0.11233414056295289 +9787,-0.3305718582103936,0,-0.7221615217905419 -0.7175181660959199 -0.5766697100255844 -0.4884459518276855 -0.4311778982606269 -0.34450192529426865 0.02541874504429235 0.4139128381613593 0.6708451865973527 0.8952740451709561 1.0546959240197975 1.1522063936069495 1.1738753868485368 1.016001293231245 0.8256237097515632 0.38450491876205967 0.14924156356766252 -0.01637145620734167 -0.11233414056295289 -0.19901011352931114 +9788,-0.3801009856197399,0,-0.7175181660959199 -0.5766697100255844 -0.4884459518276855 -0.4311778982606269 -0.34450192529426865 0.02541874504429235 0.4139128381613593 0.6708451865973527 0.8952740451709561 1.0546959240197975 1.1522063936069495 1.1738753868485368 1.016001293231245 0.8256237097515632 0.38450491876205967 0.14924156356766252 -0.01637145620734167 -0.11233414056295289 -0.19901011352931114 -0.3305718582103936 +9789,-0.38474434131436197,0,-0.5766697100255844 -0.4884459518276855 -0.4311778982606269 -0.34450192529426865 0.02541874504429235 0.4139128381613593 0.6708451865973527 0.8952740451709561 1.0546959240197975 1.1522063936069495 1.1738753868485368 1.016001293231245 0.8256237097515632 0.38450491876205967 0.14924156356766252 -0.01637145620734167 -0.11233414056295289 -0.19901011352931114 -0.3305718582103936 -0.3801009856197399 +9790,-0.5286883678477788,0,-0.4884459518276855 -0.4311778982606269 -0.34450192529426865 0.02541874504429235 0.4139128381613593 0.6708451865973527 0.8952740451709561 1.0546959240197975 1.1522063936069495 1.1738753868485368 1.016001293231245 0.8256237097515632 0.38450491876205967 0.14924156356766252 -0.01637145620734167 -0.11233414056295289 -0.19901011352931114 -0.3305718582103936 -0.3801009856197399 -0.38474434131436197 +9791,-0.610720985119515,0,-0.4311778982606269 -0.34450192529426865 0.02541874504429235 0.4139128381613593 0.6708451865973527 0.8952740451709561 1.0546959240197975 1.1522063936069495 1.1738753868485368 1.016001293231245 0.8256237097515632 0.38450491876205967 0.14924156356766252 -0.01637145620734167 -0.11233414056295289 -0.19901011352931114 -0.3305718582103936 -0.3801009856197399 -0.38474434131436197 -0.5286883678477788 +9792,-0.6261988374349308,0,-0.34450192529426865 0.02541874504429235 0.4139128381613593 0.6708451865973527 0.8952740451709561 1.0546959240197975 1.1522063936069495 1.1738753868485368 1.016001293231245 0.8256237097515632 0.38450491876205967 0.14924156356766252 -0.01637145620734167 -0.11233414056295289 -0.19901011352931114 -0.3305718582103936 -0.3801009856197399 -0.38474434131436197 -0.5286883678477788 -0.610720985119515 +9793,-0.6788235353073673,0,0.02541874504429235 0.4139128381613593 0.6708451865973527 0.8952740451709561 1.0546959240197975 1.1522063936069495 1.1738753868485368 1.016001293231245 0.8256237097515632 0.38450491876205967 0.14924156356766252 -0.01637145620734167 -0.11233414056295289 -0.19901011352931114 -0.3305718582103936 -0.3801009856197399 -0.38474434131436197 -0.5286883678477788 -0.610720985119515 -0.6261988374349308 +9794,-0.7159703808643704,0,0.4139128381613593 0.6708451865973527 0.8952740451709561 1.0546959240197975 1.1522063936069495 1.1738753868485368 1.016001293231245 0.8256237097515632 0.38450491876205967 0.14924156356766252 -0.01637145620734167 -0.11233414056295289 -0.19901011352931114 -0.3305718582103936 -0.3801009856197399 -0.38474434131436197 -0.5286883678477788 -0.610720985119515 -0.6261988374349308 -0.6788235353073673 +9795,-0.5642874281732501,0,0.6708451865973527 0.8952740451709561 1.0546959240197975 1.1522063936069495 1.1738753868485368 1.016001293231245 0.8256237097515632 0.38450491876205967 0.14924156356766252 -0.01637145620734167 -0.11233414056295289 -0.19901011352931114 -0.3305718582103936 -0.3801009856197399 -0.38474434131436197 -0.5286883678477788 -0.610720985119515 -0.6261988374349308 -0.6788235353073673 -0.7159703808643704 +9796,0.13221592602069726,0,0.8952740451709561 1.0546959240197975 1.1522063936069495 1.1738753868485368 1.016001293231245 0.8256237097515632 0.38450491876205967 0.14924156356766252 -0.01637145620734167 -0.11233414056295289 -0.19901011352931114 -0.3305718582103936 -0.3801009856197399 -0.38474434131436197 -0.5286883678477788 -0.610720985119515 -0.6261988374349308 -0.6788235353073673 -0.7159703808643704 -0.5642874281732501 +9797,1.1119639775868473,0,1.0546959240197975 1.1522063936069495 1.1738753868485368 1.016001293231245 0.8256237097515632 0.38450491876205967 0.14924156356766252 -0.01637145620734167 -0.11233414056295289 -0.19901011352931114 -0.3305718582103936 -0.3801009856197399 -0.38474434131436197 -0.5286883678477788 -0.610720985119515 -0.6261988374349308 -0.6788235353073673 -0.7159703808643704 -0.5642874281732501 0.13221592602069726 +9798,1.3983042454221404,0,1.1522063936069495 1.1738753868485368 1.016001293231245 0.8256237097515632 0.38450491876205967 0.14924156356766252 -0.01637145620734167 -0.11233414056295289 -0.19901011352931114 -0.3305718582103936 -0.3801009856197399 -0.38474434131436197 -0.5286883678477788 -0.610720985119515 -0.6261988374349308 -0.6788235353073673 -0.7159703808643704 -0.5642874281732501 0.13221592602069726 1.1119639775868473 +9799,1.8951433047471529,0,1.1738753868485368 1.016001293231245 0.8256237097515632 0.38450491876205967 0.14924156356766252 -0.01637145620734167 -0.11233414056295289 -0.19901011352931114 -0.3305718582103936 -0.3801009856197399 -0.38474434131436197 -0.5286883678477788 -0.610720985119515 -0.6261988374349308 -0.6788235353073673 -0.7159703808643704 -0.5642874281732501 0.13221592602069726 1.1119639775868473 1.3983042454221404 +9800,2.218630418139458,0,1.016001293231245 0.8256237097515632 0.38450491876205967 0.14924156356766252 -0.01637145620734167 -0.11233414056295289 -0.19901011352931114 -0.3305718582103936 -0.3801009856197399 -0.38474434131436197 -0.5286883678477788 -0.610720985119515 -0.6261988374349308 -0.6788235353073673 -0.7159703808643704 -0.5642874281732501 0.13221592602069726 1.1119639775868473 1.3983042454221404 1.8951433047471529 +9801,2.100998740542259,0,0.8256237097515632 0.38450491876205967 0.14924156356766252 -0.01637145620734167 -0.11233414056295289 -0.19901011352931114 -0.3305718582103936 -0.3801009856197399 -0.38474434131436197 -0.5286883678477788 -0.610720985119515 -0.6261988374349308 -0.6788235353073673 -0.7159703808643704 -0.5642874281732501 0.13221592602069726 1.1119639775868473 1.3983042454221404 1.8951433047471529 2.218630418139458 +9802,2.1087376666999713,0,0.38450491876205967 0.14924156356766252 -0.01637145620734167 -0.11233414056295289 -0.19901011352931114 -0.3305718582103936 -0.3801009856197399 -0.38474434131436197 -0.5286883678477788 -0.610720985119515 -0.6261988374349308 -0.6788235353073673 -0.7159703808643704 -0.5642874281732501 0.13221592602069726 1.1119639775868473 1.3983042454221404 1.8951433047471529 2.218630418139458 2.100998740542259 +9803,2.105642096236881,0,0.14924156356766252 -0.01637145620734167 -0.11233414056295289 -0.19901011352931114 -0.3305718582103936 -0.3801009856197399 -0.38474434131436197 -0.5286883678477788 -0.610720985119515 -0.6261988374349308 -0.6788235353073673 -0.7159703808643704 -0.5642874281732501 0.13221592602069726 1.1119639775868473 1.3983042454221404 1.8951433047471529 2.218630418139458 2.100998740542259 2.1087376666999713 +9804,1.755842633908367,0,-0.01637145620734167 -0.11233414056295289 -0.19901011352931114 -0.3305718582103936 -0.3801009856197399 -0.38474434131436197 -0.5286883678477788 -0.610720985119515 -0.6261988374349308 -0.6788235353073673 -0.7159703808643704 -0.5642874281732501 0.13221592602069726 1.1119639775868473 1.3983042454221404 1.8951433047471529 2.218630418139458 2.100998740542259 2.1087376666999713 2.105642096236881 +9805,1.472597936536164,0,-0.11233414056295289 -0.19901011352931114 -0.3305718582103936 -0.3801009856197399 -0.38474434131436197 -0.5286883678477788 -0.610720985119515 -0.6261988374349308 -0.6788235353073673 -0.7159703808643704 -0.5642874281732501 0.13221592602069726 1.1119639775868473 1.3983042454221404 1.8951433047471529 2.218630418139458 2.100998740542259 2.1087376666999713 2.105642096236881 1.755842633908367 +9806,1.3596096146335876,0,-0.19901011352931114 -0.3305718582103936 -0.3801009856197399 -0.38474434131436197 -0.5286883678477788 -0.610720985119515 -0.6261988374349308 -0.6788235353073673 -0.7159703808643704 -0.5642874281732501 0.13221592602069726 1.1119639775868473 1.3983042454221404 1.8951433047471529 2.218630418139458 2.100998740542259 2.1087376666999713 2.105642096236881 1.755842633908367 1.472597936536164 +9807,0.9850455886003958,0,-0.3305718582103936 -0.3801009856197399 -0.38474434131436197 -0.5286883678477788 -0.610720985119515 -0.6261988374349308 -0.6788235353073673 -0.7159703808643704 -0.5642874281732501 0.13221592602069726 1.1119639775868473 1.3983042454221404 1.8951433047471529 2.218630418139458 2.100998740542259 2.1087376666999713 2.105642096236881 1.755842633908367 1.472597936536164 1.3596096146335876 +9808,1.099581695734513,0,-0.3801009856197399 -0.38474434131436197 -0.5286883678477788 -0.610720985119515 -0.6261988374349308 -0.6788235353073673 -0.7159703808643704 -0.5642874281732501 0.13221592602069726 1.1119639775868473 1.3983042454221404 1.8951433047471529 2.218630418139458 2.100998740542259 2.1087376666999713 2.105642096236881 1.755842633908367 1.472597936536164 1.3596096146335876 0.9850455886003958 +9809,0.7791901528052982,0,-0.38474434131436197 -0.5286883678477788 -0.610720985119515 -0.6261988374349308 -0.6788235353073673 -0.7159703808643704 -0.5642874281732501 0.13221592602069726 1.1119639775868473 1.3983042454221404 1.8951433047471529 2.218630418139458 2.100998740542259 2.1087376666999713 2.105642096236881 1.755842633908367 1.472597936536164 1.3596096146335876 0.9850455886003958 1.099581695734513 +9810,0.6336983410403407,0,-0.5286883678477788 -0.610720985119515 -0.6261988374349308 -0.6788235353073673 -0.7159703808643704 -0.5642874281732501 0.13221592602069726 1.1119639775868473 1.3983042454221404 1.8951433047471529 2.218630418139458 2.100998740542259 2.1087376666999713 2.105642096236881 1.755842633908367 1.472597936536164 1.3596096146335876 0.9850455886003958 1.099581695734513 0.7791901528052982 +9811,0.3937916301513127,0,-0.610720985119515 -0.6261988374349308 -0.6788235353073673 -0.7159703808643704 -0.5642874281732501 0.13221592602069726 1.1119639775868473 1.3983042454221404 1.8951433047471529 2.218630418139458 2.100998740542259 2.1087376666999713 2.105642096236881 1.755842633908367 1.472597936536164 1.3596096146335876 0.9850455886003958 1.099581695734513 0.7791901528052982 0.6336983410403407 +9812,0.18484062389313374,0,-0.6261988374349308 -0.6788235353073673 -0.7159703808643704 -0.5642874281732501 0.13221592602069726 1.1119639775868473 1.3983042454221404 1.8951433047471529 2.218630418139458 2.100998740542259 2.1087376666999713 2.105642096236881 1.755842633908367 1.472597936536164 1.3596096146335876 0.9850455886003958 1.099581695734513 0.7791901528052982 0.6336983410403407 0.3937916301513127 +9813,0.13531149648378746,0,-0.6788235353073673 -0.7159703808643704 -0.5642874281732501 0.13221592602069726 1.1119639775868473 1.3983042454221404 1.8951433047471529 2.218630418139458 2.100998740542259 2.1087376666999713 2.105642096236881 1.755842633908367 1.472597936536164 1.3596096146335876 0.9850455886003958 1.099581695734513 0.7791901528052982 0.6336983410403407 0.3937916301513127 0.18484062389313374 +9814,0.02696653027583305,0,-0.7159703808643704 -0.5642874281732501 0.13221592602069726 1.1119639775868473 1.3983042454221404 1.8951433047471529 2.218630418139458 2.100998740542259 2.1087376666999713 2.105642096236881 1.755842633908367 1.472597936536164 1.3596096146335876 0.9850455886003958 1.099581695734513 0.7791901528052982 0.6336983410403407 0.3937916301513127 0.18484062389313374 0.13531149648378746 +9815,0.06411337583284497,0,-0.5642874281732501 0.13221592602069726 1.1119639775868473 1.3983042454221404 1.8951433047471529 2.218630418139458 2.100998740542259 2.1087376666999713 2.105642096236881 1.755842633908367 1.472597936536164 1.3596096146335876 0.9850455886003958 1.099581695734513 0.7791901528052982 0.6336983410403407 0.3937916301513127 0.18484062389313374 0.13531149648378746 0.02696653027583305 +9816,0.06875673152747587,0,0.13221592602069726 1.1119639775868473 1.3983042454221404 1.8951433047471529 2.218630418139458 2.100998740542259 2.1087376666999713 2.105642096236881 1.755842633908367 1.472597936536164 1.3596096146335876 0.9850455886003958 1.099581695734513 0.7791901528052982 0.6336983410403407 0.3937916301513127 0.18484062389313374 0.13531149648378746 0.02696653027583305 0.06411337583284497 +9817,0.2065096171347211,0,1.1119639775868473 1.3983042454221404 1.8951433047471529 2.218630418139458 2.100998740542259 2.1087376666999713 2.105642096236881 1.755842633908367 1.472597936536164 1.3596096146335876 0.9850455886003958 1.099581695734513 0.7791901528052982 0.6336983410403407 0.3937916301513127 0.18484062389313374 0.13531149648378746 0.02696653027583305 0.06411337583284497 0.06875673152747587 +9818,0.06411337583284497,0,1.3983042454221404 1.8951433047471529 2.218630418139458 2.100998740542259 2.1087376666999713 2.105642096236881 1.755842633908367 1.472597936536164 1.3596096146335876 0.9850455886003958 1.099581695734513 0.7791901528052982 0.6336983410403407 0.3937916301513127 0.18484062389313374 0.13531149648378746 0.02696653027583305 0.06411337583284497 0.06875673152747587 0.2065096171347211 +9819,-0.13245534857299956,0,1.8951433047471529 2.218630418139458 2.100998740542259 2.1087376666999713 2.105642096236881 1.755842633908367 1.472597936536164 1.3596096146335876 0.9850455886003958 1.099581695734513 0.7791901528052982 0.6336983410403407 0.3937916301513127 0.18484062389313374 0.13531149648378746 0.02696653027583305 0.06411337583284497 0.06875673152747587 0.2065096171347211 0.06411337583284497 +9820,0.3690270664466439,0,2.218630418139458 2.100998740542259 2.1087376666999713 2.105642096236881 1.755842633908367 1.472597936536164 1.3596096146335876 0.9850455886003958 1.099581695734513 0.7791901528052982 0.6336983410403407 0.3937916301513127 0.18484062389313374 0.13531149648378746 0.02696653027583305 0.06411337583284497 0.06875673152747587 0.2065096171347211 0.06411337583284497 -0.13245534857299956 +9821,1.1970921653216648,0,2.100998740542259 2.1087376666999713 2.105642096236881 1.755842633908367 1.472597936536164 1.3596096146335876 0.9850455886003958 1.099581695734513 0.7791901528052982 0.6336983410403407 0.3937916301513127 0.18484062389313374 0.13531149648378746 0.02696653027583305 0.06411337583284497 0.06875673152747587 0.2065096171347211 0.06411337583284497 -0.13245534857299956 0.3690270664466439 +9822,1.576299547049479,0,2.1087376666999713 2.105642096236881 1.755842633908367 1.472597936536164 1.3596096146335876 0.9850455886003958 1.099581695734513 0.7791901528052982 0.6336983410403407 0.3937916301513127 0.18484062389313374 0.13531149648378746 0.02696653027583305 0.06411337583284497 0.06875673152747587 0.2065096171347211 0.06411337583284497 -0.13245534857299956 0.3690270664466439 1.1970921653216648 +9823,1.8781176672001965,0,2.105642096236881 1.755842633908367 1.472597936536164 1.3596096146335876 0.9850455886003958 1.099581695734513 0.7791901528052982 0.6336983410403407 0.3937916301513127 0.18484062389313374 0.13531149648378746 0.02696653027583305 0.06411337583284497 0.06875673152747587 0.2065096171347211 0.06411337583284497 -0.13245534857299956 0.3690270664466439 1.1970921653216648 1.576299547049479 +9824,2.0236094789651538,0,1.755842633908367 1.472597936536164 1.3596096146335876 0.9850455886003958 1.099581695734513 0.7791901528052982 0.6336983410403407 0.3937916301513127 0.18484062389313374 0.13531149648378746 0.02696653027583305 0.06411337583284497 0.06875673152747587 0.2065096171347211 0.06411337583284497 -0.13245534857299956 0.3690270664466439 1.1970921653216648 1.576299547049479 1.8781176672001965 +9825,2.028252834659776,0,1.472597936536164 1.3596096146335876 0.9850455886003958 1.099581695734513 0.7791901528052982 0.6336983410403407 0.3937916301513127 0.18484062389313374 0.13531149648378746 0.02696653027583305 0.06411337583284497 0.06875673152747587 0.2065096171347211 0.06411337583284497 -0.13245534857299956 0.3690270664466439 1.1970921653216648 1.576299547049479 1.8781176672001965 2.0236094789651538 +9826,1.9616980697034645,0,1.3596096146335876 0.9850455886003958 1.099581695734513 0.7791901528052982 0.6336983410403407 0.3937916301513127 0.18484062389313374 0.13531149648378746 0.02696653027583305 0.06411337583284497 0.06875673152747587 0.2065096171347211 0.06411337583284497 -0.13245534857299956 0.3690270664466439 1.1970921653216648 1.576299547049479 1.8781176672001965 2.0236094789651538 2.028252834659776 +9827,1.8193018284015972,0,0.9850455886003958 1.099581695734513 0.7791901528052982 0.6336983410403407 0.3937916301513127 0.18484062389313374 0.13531149648378746 0.02696653027583305 0.06411337583284497 0.06875673152747587 0.2065096171347211 0.06411337583284497 -0.13245534857299956 0.3690270664466439 1.1970921653216648 1.576299547049479 1.8781176672001965 2.0236094789651538 2.028252834659776 1.9616980697034645 +9828,1.4880757888515799,0,1.099581695734513 0.7791901528052982 0.6336983410403407 0.3937916301513127 0.18484062389313374 0.13531149648378746 0.02696653027583305 0.06411337583284497 0.06875673152747587 0.2065096171347211 0.06411337583284497 -0.13245534857299956 0.3690270664466439 1.1970921653216648 1.576299547049479 1.8781176672001965 2.0236094789651538 2.028252834659776 1.9616980697034645 1.8193018284015972 +9829,0.8720572666978281,0,0.7791901528052982 0.6336983410403407 0.3937916301513127 0.18484062389313374 0.13531149648378746 0.02696653027583305 0.06411337583284497 0.06875673152747587 0.2065096171347211 0.06411337583284497 -0.13245534857299956 0.3690270664466439 1.1970921653216648 1.576299547049479 1.8781176672001965 2.0236094789651538 2.028252834659776 1.9616980697034645 1.8193018284015972 1.4880757888515799 +9830,0.5036843815908078,0,0.6336983410403407 0.3937916301513127 0.18484062389313374 0.13531149648378746 0.02696653027583305 0.06411337583284497 0.06875673152747587 0.2065096171347211 0.06411337583284497 -0.13245534857299956 0.3690270664466439 1.1970921653216648 1.576299547049479 1.8781176672001965 2.0236094789651538 2.028252834659776 1.9616980697034645 1.8193018284015972 1.4880757888515799 0.8720572666978281 +9831,0.2250830399132271,0,0.3937916301513127 0.18484062389313374 0.13531149648378746 0.02696653027583305 0.06411337583284497 0.06875673152747587 0.2065096171347211 0.06411337583284497 -0.13245534857299956 0.3690270664466439 1.1970921653216648 1.576299547049479 1.8781176672001965 2.0236094789651538 2.028252834659776 1.9616980697034645 1.8193018284015972 1.4880757888515799 0.8720572666978281 0.5036843815908078 +9832,-0.056613872227435,0,0.18484062389313374 0.13531149648378746 0.02696653027583305 0.06411337583284497 0.06875673152747587 0.2065096171347211 0.06411337583284497 -0.13245534857299956 0.3690270664466439 1.1970921653216648 1.576299547049479 1.8781176672001965 2.0236094789651538 2.028252834659776 1.9616980697034645 1.8193018284015972 1.4880757888515799 0.8720572666978281 0.5036843815908078 0.2250830399132271 +9833,-0.18353226121388655,0,0.13531149648378746 0.02696653027583305 0.06411337583284497 0.06875673152747587 0.2065096171347211 0.06411337583284497 -0.13245534857299956 0.3690270664466439 1.1970921653216648 1.576299547049479 1.8781176672001965 2.0236094789651538 2.028252834659776 1.9616980697034645 1.8193018284015972 1.4880757888515799 0.8720572666978281 0.5036843815908078 0.2250830399132271 -0.056613872227435 +9834,-0.30271172404263463,0,0.02696653027583305 0.06411337583284497 0.06875673152747587 0.2065096171347211 0.06411337583284497 -0.13245534857299956 0.3690270664466439 1.1970921653216648 1.576299547049479 1.8781176672001965 2.0236094789651538 2.028252834659776 1.9616980697034645 1.8193018284015972 1.4880757888515799 0.8720572666978281 0.5036843815908078 0.2250830399132271 -0.056613872227435 -0.18353226121388655 +9835,-0.29961615357954446,0,0.06411337583284497 0.06875673152747587 0.2065096171347211 0.06411337583284497 -0.13245534857299956 0.3690270664466439 1.1970921653216648 1.576299547049479 1.8781176672001965 2.0236094789651538 2.028252834659776 1.9616980697034645 1.8193018284015972 1.4880757888515799 0.8720572666978281 0.5036843815908078 0.2250830399132271 -0.056613872227435 -0.18353226121388655 -0.30271172404263463 +9836,-0.3259285025157627,0,0.06875673152747587 0.2065096171347211 0.06411337583284497 -0.13245534857299956 0.3690270664466439 1.1970921653216648 1.576299547049479 1.8781176672001965 2.0236094789651538 2.028252834659776 1.9616980697034645 1.8193018284015972 1.4880757888515799 0.8720572666978281 0.5036843815908078 0.2250830399132271 -0.056613872227435 -0.18353226121388655 -0.30271172404263463 -0.29961615357954446 +9837,-0.4126044754821209,0,0.2065096171347211 0.06411337583284497 -0.13245534857299956 0.3690270664466439 1.1970921653216648 1.576299547049479 1.8781176672001965 2.0236094789651538 2.028252834659776 1.9616980697034645 1.8193018284015972 1.4880757888515799 0.8720572666978281 0.5036843815908078 0.2250830399132271 -0.056613872227435 -0.18353226121388655 -0.30271172404263463 -0.29961615357954446 -0.3259285025157627 +9838,-0.4249867573344553,0,0.06411337583284497 -0.13245534857299956 0.3690270664466439 1.1970921653216648 1.576299547049479 1.8781176672001965 2.0236094789651538 2.028252834659776 1.9616980697034645 1.8193018284015972 1.4880757888515799 0.8720572666978281 0.5036843815908078 0.2250830399132271 -0.056613872227435 -0.18353226121388655 -0.30271172404263463 -0.29961615357954446 -0.3259285025157627 -0.4126044754821209 +9839,-0.5008282336800198,0,-0.13245534857299956 0.3690270664466439 1.1970921653216648 1.576299547049479 1.8781176672001965 2.0236094789651538 2.028252834659776 1.9616980697034645 1.8193018284015972 1.4880757888515799 0.8720572666978281 0.5036843815908078 0.2250830399132271 -0.056613872227435 -0.18353226121388655 -0.30271172404263463 -0.29961615357954446 -0.3259285025157627 -0.4126044754821209 -0.4249867573344553 +9840,-0.573574139562503,0,0.3690270664466439 1.1970921653216648 1.576299547049479 1.8781176672001965 2.0236094789651538 2.028252834659776 1.9616980697034645 1.8193018284015972 1.4880757888515799 0.8720572666978281 0.5036843815908078 0.2250830399132271 -0.056613872227435 -0.18353226121388655 -0.30271172404263463 -0.29961615357954446 -0.3259285025157627 -0.4126044754821209 -0.4249867573344553 -0.5008282336800198 +9841,-0.4884459518276855,0,1.1970921653216648 1.576299547049479 1.8781176672001965 2.0236094789651538 2.028252834659776 1.9616980697034645 1.8193018284015972 1.4880757888515799 0.8720572666978281 0.5036843815908078 0.2250830399132271 -0.056613872227435 -0.18353226121388655 -0.30271172404263463 -0.29961615357954446 -0.3259285025157627 -0.4126044754821209 -0.4249867573344553 -0.5008282336800198 -0.573574139562503 +9842,-0.5859564214148374,0,1.576299547049479 1.8781176672001965 2.0236094789651538 2.028252834659776 1.9616980697034645 1.8193018284015972 1.4880757888515799 0.8720572666978281 0.5036843815908078 0.2250830399132271 -0.056613872227435 -0.18353226121388655 -0.30271172404263463 -0.29961615357954446 -0.3259285025157627 -0.4126044754821209 -0.4249867573344553 -0.5008282336800198 -0.573574139562503 -0.4884459518276855 +9843,-0.46058581765992657,0,1.8781176672001965 2.0236094789651538 2.028252834659776 1.9616980697034645 1.8193018284015972 1.4880757888515799 0.8720572666978281 0.5036843815908078 0.2250830399132271 -0.056613872227435 -0.18353226121388655 -0.30271172404263463 -0.29961615357954446 -0.3259285025157627 -0.4126044754821209 -0.4249867573344553 -0.5008282336800198 -0.573574139562503 -0.4884459518276855 -0.5859564214148374 +9844,-0.3383107843680971,0,2.0236094789651538 2.028252834659776 1.9616980697034645 1.8193018284015972 1.4880757888515799 0.8720572666978281 0.5036843815908078 0.2250830399132271 -0.056613872227435 -0.18353226121388655 -0.30271172404263463 -0.29961615357954446 -0.3259285025157627 -0.4126044754821209 -0.4249867573344553 -0.5008282336800198 -0.573574139562503 -0.4884459518276855 -0.5859564214148374 -0.46058581765992657 +9845,-0.1618632679722992,0,2.028252834659776 1.9616980697034645 1.8193018284015972 1.4880757888515799 0.8720572666978281 0.5036843815908078 0.2250830399132271 -0.056613872227435 -0.18353226121388655 -0.30271172404263463 -0.29961615357954446 -0.3259285025157627 -0.4126044754821209 -0.4249867573344553 -0.5008282336800198 -0.573574139562503 -0.4884459518276855 -0.5859564214148374 -0.46058581765992657 -0.3383107843680971 +9846,-0.03958823468047853,0,1.9616980697034645 1.8193018284015972 1.4880757888515799 0.8720572666978281 0.5036843815908078 0.2250830399132271 -0.056613872227435 -0.18353226121388655 -0.30271172404263463 -0.29961615357954446 -0.3259285025157627 -0.4126044754821209 -0.4249867573344553 -0.5008282336800198 -0.573574139562503 -0.4884459518276855 -0.5859564214148374 -0.46058581765992657 -0.3383107843680971 -0.1618632679722992 +9847,0.10280800662139761,0,1.8193018284015972 1.4880757888515799 0.8720572666978281 0.5036843815908078 0.2250830399132271 -0.056613872227435 -0.18353226121388655 -0.30271172404263463 -0.29961615357954446 -0.3259285025157627 -0.4126044754821209 -0.4249867573344553 -0.5008282336800198 -0.573574139562503 -0.4884459518276855 -0.5859564214148374 -0.46058581765992657 -0.3383107843680971 -0.1618632679722992 -0.03958823468047853 +9848,0.10126022138985691,0,1.4880757888515799 0.8720572666978281 0.5036843815908078 0.2250830399132271 -0.056613872227435 -0.18353226121388655 -0.30271172404263463 -0.29961615357954446 -0.3259285025157627 -0.4126044754821209 -0.4249867573344553 -0.5008282336800198 -0.573574139562503 -0.4884459518276855 -0.5859564214148374 -0.46058581765992657 -0.3383107843680971 -0.1618632679722992 -0.03958823468047853 0.10280800662139761 +9849,0.24675203315481445,0,0.8720572666978281 0.5036843815908078 0.2250830399132271 -0.056613872227435 -0.18353226121388655 -0.30271172404263463 -0.29961615357954446 -0.3259285025157627 -0.4126044754821209 -0.4249867573344553 -0.5008282336800198 -0.573574139562503 -0.4884459518276855 -0.5859564214148374 -0.46058581765992657 -0.3383107843680971 -0.1618632679722992 -0.03958823468047853 0.10280800662139761 0.10126022138985691 +9850,0.2792555230171955,0,0.5036843815908078 0.2250830399132271 -0.056613872227435 -0.18353226121388655 -0.30271172404263463 -0.29961615357954446 -0.3259285025157627 -0.4126044754821209 -0.4249867573344553 -0.5008282336800198 -0.573574139562503 -0.4884459518276855 -0.5859564214148374 -0.46058581765992657 -0.3383107843680971 -0.1618632679722992 -0.03958823468047853 0.10280800662139761 0.10126022138985691 0.24675203315481445 +9851,0.25603874454406744,0,0.2250830399132271 -0.056613872227435 -0.18353226121388655 -0.30271172404263463 -0.29961615357954446 -0.3259285025157627 -0.4126044754821209 -0.4249867573344553 -0.5008282336800198 -0.573574139562503 -0.4884459518276855 -0.5859564214148374 -0.46058581765992657 -0.3383107843680971 -0.1618632679722992 -0.03958823468047853 0.10280800662139761 0.10126022138985691 0.24675203315481445 0.2792555230171955 +9852,0.03780102689662673,0,-0.056613872227435 -0.18353226121388655 -0.30271172404263463 -0.29961615357954446 -0.3259285025157627 -0.4126044754821209 -0.4249867573344553 -0.5008282336800198 -0.573574139562503 -0.4884459518276855 -0.5859564214148374 -0.46058581765992657 -0.3383107843680971 -0.1618632679722992 -0.03958823468047853 0.10280800662139761 0.10126022138985691 0.24675203315481445 0.2792555230171955 0.25603874454406744 +9853,-0.25782595232791045,0,-0.18353226121388655 -0.30271172404263463 -0.29961615357954446 -0.3259285025157627 -0.4126044754821209 -0.4249867573344553 -0.5008282336800198 -0.573574139562503 -0.4884459518276855 -0.5859564214148374 -0.46058581765992657 -0.3383107843680971 -0.1618632679722992 -0.03958823468047853 0.10280800662139761 0.10126022138985691 0.24675203315481445 0.2792555230171955 0.25603874454406744 0.03780102689662673 +9854,-0.41879561640829255,0,-0.30271172404263463 -0.29961615357954446 -0.3259285025157627 -0.4126044754821209 -0.4249867573344553 -0.5008282336800198 -0.573574139562503 -0.4884459518276855 -0.5859564214148374 -0.46058581765992657 -0.3383107843680971 -0.1618632679722992 -0.03958823468047853 0.10280800662139761 0.10126022138985691 0.24675203315481445 0.2792555230171955 0.25603874454406744 0.03780102689662673 -0.25782595232791045 +9855,-0.5023760189115606,0,-0.29961615357954446 -0.3259285025157627 -0.4126044754821209 -0.4249867573344553 -0.5008282336800198 -0.573574139562503 -0.4884459518276855 -0.5859564214148374 -0.46058581765992657 -0.3383107843680971 -0.1618632679722992 -0.03958823468047853 0.10280800662139761 0.10126022138985691 0.24675203315481445 0.2792555230171955 0.25603874454406744 0.03780102689662673 -0.25782595232791045 -0.41879561640829255 +9856,-0.5023760189115606,0,-0.3259285025157627 -0.4126044754821209 -0.4249867573344553 -0.5008282336800198 -0.573574139562503 -0.4884459518276855 -0.5859564214148374 -0.46058581765992657 -0.3383107843680971 -0.1618632679722992 -0.03958823468047853 0.10280800662139761 0.10126022138985691 0.24675203315481445 0.2792555230171955 0.25603874454406744 0.03780102689662673 -0.25782595232791045 -0.41879561640829255 -0.5023760189115606 +9857,-0.5348795087739504,0,-0.4126044754821209 -0.4249867573344553 -0.5008282336800198 -0.573574139562503 -0.4884459518276855 -0.5859564214148374 -0.46058581765992657 -0.3383107843680971 -0.1618632679722992 -0.03958823468047853 0.10280800662139761 0.10126022138985691 0.24675203315481445 0.2792555230171955 0.25603874454406744 0.03780102689662673 -0.25782595232791045 -0.41879561640829255 -0.5023760189115606 -0.5023760189115606 +9858,-0.45594246196530447,0,-0.4249867573344553 -0.5008282336800198 -0.573574139562503 -0.4884459518276855 -0.5859564214148374 -0.46058581765992657 -0.3383107843680971 -0.1618632679722992 -0.03958823468047853 0.10280800662139761 0.10126022138985691 0.24675203315481445 0.2792555230171955 0.25603874454406744 0.03780102689662673 -0.25782595232791045 -0.41879561640829255 -0.5023760189115606 -0.5023760189115606 -0.5348795087739504 +9859,-0.3290240729788441,0,-0.5008282336800198 -0.573574139562503 -0.4884459518276855 -0.5859564214148374 -0.46058581765992657 -0.3383107843680971 -0.1618632679722992 -0.03958823468047853 0.10280800662139761 0.10126022138985691 0.24675203315481445 0.2792555230171955 0.25603874454406744 0.03780102689662673 -0.25782595232791045 -0.41879561640829255 -0.5023760189115606 -0.5023760189115606 -0.5348795087739504 -0.45594246196530447 +9860,-0.5875042066463781,0,-0.573574139562503 -0.4884459518276855 -0.5859564214148374 -0.46058581765992657 -0.3383107843680971 -0.1618632679722992 -0.03958823468047853 0.10280800662139761 0.10126022138985691 0.24675203315481445 0.2792555230171955 0.25603874454406744 0.03780102689662673 -0.25782595232791045 -0.41879561640829255 -0.5023760189115606 -0.5023760189115606 -0.5348795087739504 -0.45594246196530447 -0.3290240729788441 +9861,-0.5797652804886658,0,-0.4884459518276855 -0.5859564214148374 -0.46058581765992657 -0.3383107843680971 -0.1618632679722992 -0.03958823468047853 0.10280800662139761 0.10126022138985691 0.24675203315481445 0.2792555230171955 0.25603874454406744 0.03780102689662673 -0.25782595232791045 -0.41879561640829255 -0.5023760189115606 -0.5023760189115606 -0.5348795087739504 -0.45594246196530447 -0.3290240729788441 -0.5875042066463781 +9862,-0.6029820589618027,0,-0.5859564214148374 -0.46058581765992657 -0.3383107843680971 -0.1618632679722992 -0.03958823468047853 0.10280800662139761 0.10126022138985691 0.24675203315481445 0.2792555230171955 0.25603874454406744 0.03780102689662673 -0.25782595232791045 -0.41879561640829255 -0.5023760189115606 -0.5023760189115606 -0.5348795087739504 -0.45594246196530447 -0.3290240729788441 -0.5875042066463781 -0.5797652804886658 +9863,-0.8413409846192812,0,-0.46058581765992657 -0.3383107843680971 -0.1618632679722992 -0.03958823468047853 0.10280800662139761 0.10126022138985691 0.24675203315481445 0.2792555230171955 0.25603874454406744 0.03780102689662673 -0.25782595232791045 -0.41879561640829255 -0.5023760189115606 -0.5023760189115606 -0.5348795087739504 -0.45594246196530447 -0.3290240729788441 -0.5875042066463781 -0.5797652804886658 -0.6029820589618027 +9864,-0.7531172264213823,0,-0.3383107843680971 -0.1618632679722992 -0.03958823468047853 0.10280800662139761 0.10126022138985691 0.24675203315481445 0.2792555230171955 0.25603874454406744 0.03780102689662673 -0.25782595232791045 -0.41879561640829255 -0.5023760189115606 -0.5023760189115606 -0.5348795087739504 -0.45594246196530447 -0.3290240729788441 -0.5875042066463781 -0.5797652804886658 -0.6029820589618027 -0.8413409846192812 +9865,-0.6494156159080676,0,-0.1618632679722992 -0.03958823468047853 0.10280800662139761 0.10126022138985691 0.24675203315481445 0.2792555230171955 0.25603874454406744 0.03780102689662673 -0.25782595232791045 -0.41879561640829255 -0.5023760189115606 -0.5023760189115606 -0.5348795087739504 -0.45594246196530447 -0.3290240729788441 -0.5875042066463781 -0.5797652804886658 -0.6029820589618027 -0.8413409846192812 -0.7531172264213823 +9866,-0.9666341991126168,0,-0.03958823468047853 0.10280800662139761 0.10126022138985691 0.24675203315481445 0.2792555230171955 0.25603874454406744 0.03780102689662673 -0.25782595232791045 -0.41879561640829255 -0.5023760189115606 -0.5023760189115606 -0.5348795087739504 -0.45594246196530447 -0.3290240729788441 -0.5875042066463781 -0.5797652804886658 -0.6029820589618027 -0.8413409846192812 -0.7531172264213823 -0.6494156159080676 +9867,-0.6958491728543237,0,0.10280800662139761 0.10126022138985691 0.24675203315481445 0.2792555230171955 0.25603874454406744 0.03780102689662673 -0.25782595232791045 -0.41879561640829255 -0.5023760189115606 -0.5023760189115606 -0.5348795087739504 -0.45594246196530447 -0.3290240729788441 -0.5875042066463781 -0.5797652804886658 -0.6029820589618027 -0.8413409846192812 -0.7531172264213823 -0.6494156159080676 -0.9666341991126168 +9868,-0.4961848779853978,0,0.10126022138985691 0.24675203315481445 0.2792555230171955 0.25603874454406744 0.03780102689662673 -0.25782595232791045 -0.41879561640829255 -0.5023760189115606 -0.5023760189115606 -0.5348795087739504 -0.45594246196530447 -0.3290240729788441 -0.5875042066463781 -0.5797652804886658 -0.6029820589618027 -0.8413409846192812 -0.7531172264213823 -0.6494156159080676 -0.9666341991126168 -0.6958491728543237 +9869,-0.40331776409286796,0,0.24675203315481445 0.2792555230171955 0.25603874454406744 0.03780102689662673 -0.25782595232791045 -0.41879561640829255 -0.5023760189115606 -0.5023760189115606 -0.5348795087739504 -0.45594246196530447 -0.3290240729788441 -0.5875042066463781 -0.5797652804886658 -0.6029820589618027 -0.8413409846192812 -0.7531172264213823 -0.6494156159080676 -0.9666341991126168 -0.6958491728543237 -0.4961848779853978 +9870,-0.34527581791003903,0,0.2792555230171955 0.25603874454406744 0.03780102689662673 -0.25782595232791045 -0.41879561640829255 -0.5023760189115606 -0.5023760189115606 -0.5348795087739504 -0.45594246196530447 -0.3290240729788441 -0.5875042066463781 -0.5797652804886658 -0.6029820589618027 -0.8413409846192812 -0.7531172264213823 -0.6494156159080676 -0.9666341991126168 -0.6958491728543237 -0.4961848779853978 -0.40331776409286796 +9871,-0.28723387172721004,0,0.25603874454406744 0.03780102689662673 -0.25782595232791045 -0.41879561640829255 -0.5023760189115606 -0.5023760189115606 -0.5348795087739504 -0.45594246196530447 -0.3290240729788441 -0.5875042066463781 -0.5797652804886658 -0.6029820589618027 -0.8413409846192812 -0.7531172264213823 -0.6494156159080676 -0.9666341991126168 -0.6958491728543237 -0.4961848779853978 -0.40331776409286796 -0.34527581791003903 +9872,-0.2175835363078171,0,0.03780102689662673 -0.25782595232791045 -0.41879561640829255 -0.5023760189115606 -0.5023760189115606 -0.5348795087739504 -0.45594246196530447 -0.3290240729788441 -0.5875042066463781 -0.5797652804886658 -0.6029820589618027 -0.8413409846192812 -0.7531172264213823 -0.6494156159080676 -0.9666341991126168 -0.6958491728543237 -0.4961848779853978 -0.40331776409286796 -0.34527581791003903 -0.28723387172721004 +9873,-0.18198447598234585,0,-0.25782595232791045 -0.41879561640829255 -0.5023760189115606 -0.5023760189115606 -0.5348795087739504 -0.45594246196530447 -0.3290240729788441 -0.5875042066463781 -0.5797652804886658 -0.6029820589618027 -0.8413409846192812 -0.7531172264213823 -0.6494156159080676 -0.9666341991126168 -0.6958491728543237 -0.4961848779853978 -0.40331776409286796 -0.34527581791003903 -0.28723387172721004 -0.2175835363078171 +9874,-0.14328984519379323,0,-0.41879561640829255 -0.5023760189115606 -0.5023760189115606 -0.5348795087739504 -0.45594246196530447 -0.3290240729788441 -0.5875042066463781 -0.5797652804886658 -0.6029820589618027 -0.8413409846192812 -0.7531172264213823 -0.6494156159080676 -0.9666341991126168 -0.6958491728543237 -0.4961848779853978 -0.40331776409286796 -0.34527581791003903 -0.28723387172721004 -0.2175835363078171 -0.18198447598234585 +9875,-0.23306138862324166,0,-0.5023760189115606 -0.5023760189115606 -0.5348795087739504 -0.45594246196530447 -0.3290240729788441 -0.5875042066463781 -0.5797652804886658 -0.6029820589618027 -0.8413409846192812 -0.7531172264213823 -0.6494156159080676 -0.9666341991126168 -0.6958491728543237 -0.4961848779853978 -0.40331776409286796 -0.34527581791003903 -0.28723387172721004 -0.2175835363078171 -0.18198447598234585 -0.14328984519379323 +9876,-0.3290240729788441,0,-0.5023760189115606 -0.5348795087739504 -0.45594246196530447 -0.3290240729788441 -0.5875042066463781 -0.5797652804886658 -0.6029820589618027 -0.8413409846192812 -0.7531172264213823 -0.6494156159080676 -0.9666341991126168 -0.6958491728543237 -0.4961848779853978 -0.40331776409286796 -0.34527581791003903 -0.28723387172721004 -0.2175835363078171 -0.18198447598234585 -0.14328984519379323 -0.23306138862324166 +9877,-0.3785532003881992,0,-0.5348795087739504 -0.45594246196530447 -0.3290240729788441 -0.5875042066463781 -0.5797652804886658 -0.6029820589618027 -0.8413409846192812 -0.7531172264213823 -0.6494156159080676 -0.9666341991126168 -0.6958491728543237 -0.4961848779853978 -0.40331776409286796 -0.34527581791003903 -0.28723387172721004 -0.2175835363078171 -0.18198447598234585 -0.14328984519379323 -0.23306138862324166 -0.3290240729788441 +9878,-0.5240450121531567,0,-0.45594246196530447 -0.3290240729788441 -0.5875042066463781 -0.5797652804886658 -0.6029820589618027 -0.8413409846192812 -0.7531172264213823 -0.6494156159080676 -0.9666341991126168 -0.6958491728543237 -0.4961848779853978 -0.40331776409286796 -0.34527581791003903 -0.28723387172721004 -0.2175835363078171 -0.18198447598234585 -0.14328984519379323 -0.23306138862324166 -0.3290240729788441 -0.3785532003881992 +9879,-0.5859564214148374,0,-0.3290240729788441 -0.5875042066463781 -0.5797652804886658 -0.6029820589618027 -0.8413409846192812 -0.7531172264213823 -0.6494156159080676 -0.9666341991126168 -0.6958491728543237 -0.4961848779853978 -0.40331776409286796 -0.34527581791003903 -0.28723387172721004 -0.2175835363078171 -0.18198447598234585 -0.14328984519379323 -0.23306138862324166 -0.3290240729788441 -0.3785532003881992 -0.5240450121531567 +9880,-0.6896580319281609,0,-0.5875042066463781 -0.5797652804886658 -0.6029820589618027 -0.8413409846192812 -0.7531172264213823 -0.6494156159080676 -0.9666341991126168 -0.6958491728543237 -0.4961848779853978 -0.40331776409286796 -0.34527581791003903 -0.28723387172721004 -0.2175835363078171 -0.18198447598234585 -0.14328984519379323 -0.23306138862324166 -0.3290240729788441 -0.3785532003881992 -0.5240450121531567 -0.5859564214148374 +9881,-0.8057419242938189,0,-0.5797652804886658 -0.6029820589618027 -0.8413409846192812 -0.7531172264213823 -0.6494156159080676 -0.9666341991126168 -0.6958491728543237 -0.4961848779853978 -0.40331776409286796 -0.34527581791003903 -0.28723387172721004 -0.2175835363078171 -0.18198447598234585 -0.14328984519379323 -0.23306138862324166 -0.3290240729788441 -0.3785532003881992 -0.5240450121531567 -0.5859564214148374 -0.6896580319281609 +9882,-0.6850146762335301,0,-0.6029820589618027 -0.8413409846192812 -0.7531172264213823 -0.6494156159080676 -0.9666341991126168 -0.6958491728543237 -0.4961848779853978 -0.40331776409286796 -0.34527581791003903 -0.28723387172721004 -0.2175835363078171 -0.18198447598234585 -0.14328984519379323 -0.23306138862324166 -0.3290240729788441 -0.3785532003881992 -0.5240450121531567 -0.5859564214148374 -0.6896580319281609 -0.8057419242938189 +9883,-1.013145145320457,0,-0.8413409846192812 -0.7531172264213823 -0.6494156159080676 -0.9666341991126168 -0.6958491728543237 -0.4961848779853978 -0.40331776409286796 -0.34527581791003903 -0.28723387172721004 -0.2175835363078171 -0.18198447598234585 -0.14328984519379323 -0.23306138862324166 -0.3290240729788441 -0.3785532003881992 -0.5240450121531567 -0.5859564214148374 -0.6896580319281609 -0.8057419242938189 -0.6850146762335301 +9884,-1.1354201786122864,0,-0.7531172264213823 -0.6494156159080676 -0.9666341991126168 -0.6958491728543237 -0.4961848779853978 -0.40331776409286796 -0.34527581791003903 -0.28723387172721004 -0.2175835363078171 -0.18198447598234585 -0.14328984519379323 -0.23306138862324166 -0.3290240729788441 -0.3785532003881992 -0.5240450121531567 -0.5859564214148374 -0.6896580319281609 -0.8057419242938189 -0.6850146762335301 -1.013145145320457 +9885,-1.1261334672230334,0,-0.6494156159080676 -0.9666341991126168 -0.6958491728543237 -0.4961848779853978 -0.40331776409286796 -0.34527581791003903 -0.28723387172721004 -0.2175835363078171 -0.18198447598234585 -0.14328984519379323 -0.23306138862324166 -0.3290240729788441 -0.3785532003881992 -0.5240450121531567 -0.5859564214148374 -0.6896580319281609 -0.8057419242938189 -0.6850146762335301 -1.013145145320457 -1.1354201786122864 +9886,-1.0115973600889163,0,-0.9666341991126168 -0.6958491728543237 -0.4961848779853978 -0.40331776409286796 -0.34527581791003903 -0.28723387172721004 -0.2175835363078171 -0.18198447598234585 -0.14328984519379323 -0.23306138862324166 -0.3290240729788441 -0.3785532003881992 -0.5240450121531567 -0.5859564214148374 -0.6896580319281609 -0.8057419242938189 -0.6850146762335301 -1.013145145320457 -1.1354201786122864 -1.1261334672230334 +9887,-1.045648635182847,0,-0.6958491728543237 -0.4961848779853978 -0.40331776409286796 -0.34527581791003903 -0.28723387172721004 -0.2175835363078171 -0.18198447598234585 -0.14328984519379323 -0.23306138862324166 -0.3290240729788441 -0.3785532003881992 -0.5240450121531567 -0.5859564214148374 -0.6896580319281609 -0.8057419242938189 -0.6850146762335301 -1.013145145320457 -1.1354201786122864 -1.1261334672230334 -1.0115973600889163 +9888,-0.971354944068823,0,-0.4961848779853978 -0.40331776409286796 -0.34527581791003903 -0.28723387172721004 -0.2175835363078171 -0.18198447598234585 -0.14328984519379323 -0.23306138862324166 -0.3290240729788441 -0.3785532003881992 -0.5240450121531567 -0.5859564214148374 -0.6896580319281609 -0.8057419242938189 -0.6850146762335301 -1.013145145320457 -1.1354201786122864 -1.1261334672230334 -1.0115973600889163 -1.045648635182847 +9889,-1.2422173595886914,0,-0.40331776409286796 -0.34527581791003903 -0.28723387172721004 -0.2175835363078171 -0.18198447598234585 -0.14328984519379323 -0.23306138862324166 -0.3290240729788441 -0.3785532003881992 -0.5240450121531567 -0.5859564214148374 -0.6896580319281609 -0.8057419242938189 -0.6850146762335301 -1.013145145320457 -1.1354201786122864 -1.1261334672230334 -1.0115973600889163 -1.045648635182847 -0.971354944068823 +9890,-1.3056765540819129,0,-0.34527581791003903 -0.28723387172721004 -0.2175835363078171 -0.18198447598234585 -0.14328984519379323 -0.23306138862324166 -0.3290240729788441 -0.3785532003881992 -0.5240450121531567 -0.5859564214148374 -0.6896580319281609 -0.8057419242938189 -0.6850146762335301 -1.013145145320457 -1.1354201786122864 -1.1261334672230334 -1.0115973600889163 -1.045648635182847 -0.971354944068823 -1.2422173595886914 +9891,0.14173480519468487,0,-0.28723387172721004 -0.2175835363078171 -0.18198447598234585 -0.14328984519379323 -0.23306138862324166 -0.3290240729788441 -0.3785532003881992 -0.5240450121531567 -0.5859564214148374 -0.6896580319281609 -0.8057419242938189 -0.6850146762335301 -1.013145145320457 -1.1354201786122864 -1.1261334672230334 -1.0115973600889163 -1.045648635182847 -0.971354944068823 -1.2422173595886914 -1.3056765540819129 +9892,1.5891461644712825,0,-0.2175835363078171 -0.18198447598234585 -0.14328984519379323 -0.23306138862324166 -0.3290240729788441 -0.3785532003881992 -0.5240450121531567 -0.5859564214148374 -0.6896580319281609 -0.8057419242938189 -0.6850146762335301 -1.013145145320457 -1.1354201786122864 -1.1261334672230334 -1.0115973600889163 -1.045648635182847 -0.971354944068823 -1.2422173595886914 -1.3056765540819129 0.14173480519468487 +9893,1.5891461644712825,0,-0.18198447598234585 -0.14328984519379323 -0.23306138862324166 -0.3290240729788441 -0.3785532003881992 -0.5240450121531567 -0.5859564214148374 -0.6896580319281609 -0.8057419242938189 -0.6850146762335301 -1.013145145320457 -1.1354201786122864 -1.1261334672230334 -1.0115973600889163 -1.045648635182847 -0.971354944068823 -1.2422173595886914 -1.3056765540819129 0.14173480519468487 1.5891461644712825 +9894,1.5891461644712825,0,-0.14328984519379323 -0.23306138862324166 -0.3290240729788441 -0.3785532003881992 -0.5240450121531567 -0.5859564214148374 -0.6896580319281609 -0.8057419242938189 -0.6850146762335301 -1.013145145320457 -1.1354201786122864 -1.1261334672230334 -1.0115973600889163 -1.045648635182847 -0.971354944068823 -1.2422173595886914 -1.3056765540819129 0.14173480519468487 1.5891461644712825 1.5891461644712825 +9895,1.5891461644712825,0,-0.23306138862324166 -0.3290240729788441 -0.3785532003881992 -0.5240450121531567 -0.5859564214148374 -0.6896580319281609 -0.8057419242938189 -0.6850146762335301 -1.013145145320457 -1.1354201786122864 -1.1261334672230334 -1.0115973600889163 -1.045648635182847 -0.971354944068823 -1.2422173595886914 -1.3056765540819129 0.14173480519468487 1.5891461644712825 1.5891461644712825 1.5891461644712825 +9896,1.5891461644712825,0,-0.3290240729788441 -0.3785532003881992 -0.5240450121531567 -0.5859564214148374 -0.6896580319281609 -0.8057419242938189 -0.6850146762335301 -1.013145145320457 -1.1354201786122864 -1.1261334672230334 -1.0115973600889163 -1.045648635182847 -0.971354944068823 -1.2422173595886914 -1.3056765540819129 0.14173480519468487 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 +9897,1.5891461644712825,0,-0.3785532003881992 -0.5240450121531567 -0.5859564214148374 -0.6896580319281609 -0.8057419242938189 -0.6850146762335301 -1.013145145320457 -1.1354201786122864 -1.1261334672230334 -1.0115973600889163 -1.045648635182847 -0.971354944068823 -1.2422173595886914 -1.3056765540819129 0.14173480519468487 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 +9898,1.5891461644712825,0,-0.5240450121531567 -0.5859564214148374 -0.6896580319281609 -0.8057419242938189 -0.6850146762335301 -1.013145145320457 -1.1354201786122864 -1.1261334672230334 -1.0115973600889163 -1.045648635182847 -0.971354944068823 -1.2422173595886914 -1.3056765540819129 0.14173480519468487 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 +9899,1.5891461644712825,0,-0.5859564214148374 -0.6896580319281609 -0.8057419242938189 -0.6850146762335301 -1.013145145320457 -1.1354201786122864 -1.1261334672230334 -1.0115973600889163 -1.045648635182847 -0.971354944068823 -1.2422173595886914 -1.3056765540819129 0.14173480519468487 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 +9900,1.5891461644712825,0,-0.6896580319281609 -0.8057419242938189 -0.6850146762335301 -1.013145145320457 -1.1354201786122864 -1.1261334672230334 -1.0115973600889163 -1.045648635182847 -0.971354944068823 -1.2422173595886914 -1.3056765540819129 0.14173480519468487 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 +9901,1.5891461644712825,0,-0.8057419242938189 -0.6850146762335301 -1.013145145320457 -1.1354201786122864 -1.1261334672230334 -1.0115973600889163 -1.045648635182847 -0.971354944068823 -1.2422173595886914 -1.3056765540819129 0.14173480519468487 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 +9902,1.5891461644712825,0,-0.6850146762335301 -1.013145145320457 -1.1354201786122864 -1.1261334672230334 -1.0115973600889163 -1.045648635182847 -0.971354944068823 -1.2422173595886914 -1.3056765540819129 0.14173480519468487 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 +9903,1.5891461644712825,0,-1.013145145320457 -1.1354201786122864 -1.1261334672230334 -1.0115973600889163 -1.045648635182847 -0.971354944068823 -1.2422173595886914 -1.3056765540819129 0.14173480519468487 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 +9904,1.5891461644712825,0,-1.1354201786122864 -1.1261334672230334 -1.0115973600889163 -1.045648635182847 -0.971354944068823 -1.2422173595886914 -1.3056765540819129 0.14173480519468487 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 +9905,1.5891461644712825,0,-1.1261334672230334 -1.0115973600889163 -1.045648635182847 -0.971354944068823 -1.2422173595886914 -1.3056765540819129 0.14173480519468487 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 +9906,1.5891461644712825,0,-1.0115973600889163 -1.045648635182847 -0.971354944068823 -1.2422173595886914 -1.3056765540819129 0.14173480519468487 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 +9907,1.5891461644712825,0,-1.045648635182847 -0.971354944068823 -1.2422173595886914 -1.3056765540819129 0.14173480519468487 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 +9908,1.5891461644712825,0,-0.971354944068823 -1.2422173595886914 -1.3056765540819129 0.14173480519468487 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 +9909,-0.7268048774851729,0,-1.2422173595886914 -1.3056765540819129 0.14173480519468487 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 +9910,-0.5720263543309624,0,-1.3056765540819129 0.14173480519468487 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 -0.7268048774851729 +9911,-0.8815834006393833,0,0.14173480519468487 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 -0.7268048774851729 -0.5720263543309624 +9912,-1.0479703130301579,0,1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 -0.7268048774851729 -0.5720263543309624 -0.8815834006393833 +9913,-1.2143572254209325,0,1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 -0.7268048774851729 -0.5720263543309624 -0.8815834006393833 -1.0479703130301579 +9914,-1.2685297085249096,0,1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 -0.7268048774851729 -0.5720263543309624 -0.8815834006393833 -1.0479703130301579 -1.2143572254209325 +9915,-1.2638863528302788,0,1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 -0.7268048774851729 -0.5720263543309624 -0.8815834006393833 -1.0479703130301579 -1.2143572254209325 -1.2685297085249096 +9916,-0.864557763092418,0,1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 -0.7268048774851729 -0.5720263543309624 -0.8815834006393833 -1.0479703130301579 -1.2143572254209325 -1.2685297085249096 -1.2638863528302788 +9917,-0.7484738707267602,0,1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 -0.7268048774851729 -0.5720263543309624 -0.8815834006393833 -1.0479703130301579 -1.2143572254209325 -1.2685297085249096 -1.2638863528302788 -0.864557763092418 +9918,-0.3537886366835216,0,1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 -0.7268048774851729 -0.5720263543309624 -0.8815834006393833 -1.0479703130301579 -1.2143572254209325 -1.2685297085249096 -1.2638863528302788 -0.864557763092418 -0.7484738707267602 +9919,-0.05042273130127221,0,1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 -0.7268048774851729 -0.5720263543309624 -0.8815834006393833 -1.0479703130301579 -1.2143572254209325 -1.2685297085249096 -1.2638863528302788 -0.864557763092418 -0.7484738707267602 -0.3537886366835216 +9920,0.13995485217840953,0,1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 -0.7268048774851729 -0.5720263543309624 -0.8815834006393833 -1.0479703130301579 -1.2143572254209325 -1.2685297085249096 -1.2638863528302788 -0.864557763092418 -0.7484738707267602 -0.3537886366835216 -0.05042273130127221 +9921,0.30247230149033233,0,1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 -0.7268048774851729 -0.5720263543309624 -0.8815834006393833 -1.0479703130301579 -1.2143572254209325 -1.2685297085249096 -1.2638863528302788 -0.864557763092418 -0.7484738707267602 -0.3537886366835216 -0.05042273130127221 0.13995485217840953 +9922,0.24829981838635515,0,1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 -0.7268048774851729 -0.5720263543309624 -0.8815834006393833 -1.0479703130301579 -1.2143572254209325 -1.2685297085249096 -1.2638863528302788 -0.864557763092418 -0.7484738707267602 -0.3537886366835216 -0.05042273130127221 0.13995485217840953 0.30247230149033233 +9923,0.09971243615831621,0,1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 -0.7268048774851729 -0.5720263543309624 -0.8815834006393833 -1.0479703130301579 -1.2143572254209325 -1.2685297085249096 -1.2638863528302788 -0.864557763092418 -0.7484738707267602 -0.3537886366835216 -0.05042273130127221 0.13995485217840953 0.30247230149033233 0.24829981838635515 +9924,-0.08447400639519394,0,1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 -0.7268048774851729 -0.5720263543309624 -0.8815834006393833 -1.0479703130301579 -1.2143572254209325 -1.2685297085249096 -1.2638863528302788 -0.864557763092418 -0.7484738707267602 -0.3537886366835216 -0.05042273130127221 0.13995485217840953 0.30247230149033233 0.24829981838635515 0.09971243615831621 +9925,-0.315094005894969,0,1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 -0.7268048774851729 -0.5720263543309624 -0.8815834006393833 -1.0479703130301579 -1.2143572254209325 -1.2685297085249096 -1.2638863528302788 -0.864557763092418 -0.7484738707267602 -0.3537886366835216 -0.05042273130127221 0.13995485217840953 0.30247230149033233 0.24829981838635515 0.09971243615831621 -0.08447400639519394 +9926,-0.3537886366835216,0,1.5891461644712825 1.5891461644712825 1.5891461644712825 -0.7268048774851729 -0.5720263543309624 -0.8815834006393833 -1.0479703130301579 -1.2143572254209325 -1.2685297085249096 -1.2638863528302788 -0.864557763092418 -0.7484738707267602 -0.3537886366835216 -0.05042273130127221 0.13995485217840953 0.30247230149033233 0.24829981838635515 0.09971243615831621 -0.08447400639519394 -0.315094005894969 +9927,-0.46522917335455743,0,1.5891461644712825 1.5891461644712825 -0.7268048774851729 -0.5720263543309624 -0.8815834006393833 -1.0479703130301579 -1.2143572254209325 -1.2685297085249096 -1.2638863528302788 -0.864557763092418 -0.7484738707267602 -0.3537886366835216 -0.05042273130127221 0.13995485217840953 0.30247230149033233 0.24829981838635515 0.09971243615831621 -0.08447400639519394 -0.315094005894969 -0.3537886366835216 +9928,-0.5673829986363315,0,1.5891461644712825 -0.7268048774851729 -0.5720263543309624 -0.8815834006393833 -1.0479703130301579 -1.2143572254209325 -1.2685297085249096 -1.2638863528302788 -0.864557763092418 -0.7484738707267602 -0.3537886366835216 -0.05042273130127221 0.13995485217840953 0.30247230149033233 0.24829981838635515 0.09971243615831621 -0.08447400639519394 -0.315094005894969 -0.3537886366835216 -0.46522917335455743 +9929,-0.5875042066463781,0,-0.7268048774851729 -0.5720263543309624 -0.8815834006393833 -1.0479703130301579 -1.2143572254209325 -1.2685297085249096 -1.2638863528302788 -0.864557763092418 -0.7484738707267602 -0.3537886366835216 -0.05042273130127221 0.13995485217840953 0.30247230149033233 0.24829981838635515 0.09971243615831621 -0.08447400639519394 -0.315094005894969 -0.3537886366835216 -0.46522917335455743 -0.5673829986363315 +9930,-0.6494156159080676,0,-0.5720263543309624 -0.8815834006393833 -1.0479703130301579 -1.2143572254209325 -1.2685297085249096 -1.2638863528302788 -0.864557763092418 -0.7484738707267602 -0.3537886366835216 -0.05042273130127221 0.13995485217840953 0.30247230149033233 0.24829981838635515 0.09971243615831621 -0.08447400639519394 -0.315094005894969 -0.3537886366835216 -0.46522917335455743 -0.5673829986363315 -0.5875042066463781 +9931,-0.6602501125288612,0,-0.8815834006393833 -1.0479703130301579 -1.2143572254209325 -1.2685297085249096 -1.2638863528302788 -0.864557763092418 -0.7484738707267602 -0.3537886366835216 -0.05042273130127221 0.13995485217840953 0.30247230149033233 0.24829981838635515 0.09971243615831621 -0.08447400639519394 -0.315094005894969 -0.3537886366835216 -0.46522917335455743 -0.5673829986363315 -0.5875042066463781 -0.6494156159080676 +9932,-0.694301387622783,0,-1.0479703130301579 -1.2143572254209325 -1.2685297085249096 -1.2638863528302788 -0.864557763092418 -0.7484738707267602 -0.3537886366835216 -0.05042273130127221 0.13995485217840953 0.30247230149033233 0.24829981838635515 0.09971243615831621 -0.08447400639519394 -0.315094005894969 -0.3537886366835216 -0.46522917335455743 -0.5673829986363315 -0.5875042066463781 -0.6494156159080676 -0.6602501125288612 +9933,-0.754665011652923,0,-1.2143572254209325 -1.2685297085249096 -1.2638863528302788 -0.864557763092418 -0.7484738707267602 -0.3537886366835216 -0.05042273130127221 0.13995485217840953 0.30247230149033233 0.24829981838635515 0.09971243615831621 -0.08447400639519394 -0.315094005894969 -0.3537886366835216 -0.46522917335455743 -0.5673829986363315 -0.5875042066463781 -0.6494156159080676 -0.6602501125288612 -0.694301387622783 +9934,-0.7314482331797949,0,-1.2685297085249096 -1.2638863528302788 -0.864557763092418 -0.7484738707267602 -0.3537886366835216 -0.05042273130127221 0.13995485217840953 0.30247230149033233 0.24829981838635515 0.09971243615831621 -0.08447400639519394 -0.315094005894969 -0.3537886366835216 -0.46522917335455743 -0.5673829986363315 -0.5875042066463781 -0.6494156159080676 -0.6602501125288612 -0.694301387622783 -0.754665011652923 +9935,-0.7624039378106353,0,-1.2638863528302788 -0.864557763092418 -0.7484738707267602 -0.3537886366835216 -0.05042273130127221 0.13995485217840953 0.30247230149033233 0.24829981838635515 0.09971243615831621 -0.08447400639519394 -0.315094005894969 -0.3537886366835216 -0.46522917335455743 -0.5673829986363315 -0.5875042066463781 -0.6494156159080676 -0.6602501125288612 -0.694301387622783 -0.754665011652923 -0.7314482331797949 +9936,-0.8258631323038654,0,-0.864557763092418 -0.7484738707267602 -0.3537886366835216 -0.05042273130127221 0.13995485217840953 0.30247230149033233 0.24829981838635515 0.09971243615831621 -0.08447400639519394 -0.315094005894969 -0.3537886366835216 -0.46522917335455743 -0.5673829986363315 -0.5875042066463781 -0.6494156159080676 -0.6602501125288612 -0.694301387622783 -0.754665011652923 -0.7314482331797949 -0.7624039378106353 +9937,-0.9249213871225581,0,-0.7484738707267602 -0.3537886366835216 -0.05042273130127221 0.13995485217840953 0.30247230149033233 0.24829981838635515 0.09971243615831621 -0.08447400639519394 -0.315094005894969 -0.3537886366835216 -0.46522917335455743 -0.5673829986363315 -0.5875042066463781 -0.6494156159080676 -0.6602501125288612 -0.694301387622783 -0.754665011652923 -0.7314482331797949 -0.7624039378106353 -0.8258631323038654 +9938,-1.0441008499512974,0,-0.3537886366835216 -0.05042273130127221 0.13995485217840953 0.30247230149033233 0.24829981838635515 0.09971243615831621 -0.08447400639519394 -0.315094005894969 -0.3537886366835216 -0.46522917335455743 -0.5673829986363315 -0.5875042066463781 -0.6494156159080676 -0.6602501125288612 -0.694301387622783 -0.754665011652923 -0.7314482331797949 -0.7624039378106353 -0.8258631323038654 -0.9249213871225581 +9939,-1.1168467558337805,0,-0.05042273130127221 0.13995485217840953 0.30247230149033233 0.24829981838635515 0.09971243615831621 -0.08447400639519394 -0.315094005894969 -0.3537886366835216 -0.46522917335455743 -0.5673829986363315 -0.5875042066463781 -0.6494156159080676 -0.6602501125288612 -0.694301387622783 -0.754665011652923 -0.7314482331797949 -0.7624039378106353 -0.8258631323038654 -0.9249213871225581 -1.0441008499512974 +9940,-0.7051358842435766,0,0.13995485217840953 0.30247230149033233 0.24829981838635515 0.09971243615831621 -0.08447400639519394 -0.315094005894969 -0.3537886366835216 -0.46522917335455743 -0.5673829986363315 -0.5875042066463781 -0.6494156159080676 -0.6602501125288612 -0.694301387622783 -0.754665011652923 -0.7314482331797949 -0.7624039378106353 -0.8258631323038654 -0.9249213871225581 -1.0441008499512974 -1.1168467558337805 +9941,-0.5101149450692729,0,0.30247230149033233 0.24829981838635515 0.09971243615831621 -0.08447400639519394 -0.315094005894969 -0.3537886366835216 -0.46522917335455743 -0.5673829986363315 -0.5875042066463781 -0.6494156159080676 -0.6602501125288612 -0.694301387622783 -0.754665011652923 -0.7314482331797949 -0.7624039378106353 -0.8258631323038654 -0.9249213871225581 -1.0441008499512974 -1.1168467558337805 -0.7051358842435766 +9942,-0.25627816709636975,0,0.24829981838635515 0.09971243615831621 -0.08447400639519394 -0.315094005894969 -0.3537886366835216 -0.46522917335455743 -0.5673829986363315 -0.5875042066463781 -0.6494156159080676 -0.6602501125288612 -0.694301387622783 -0.754665011652923 -0.7314482331797949 -0.7624039378106353 -0.8258631323038654 -0.9249213871225581 -1.0441008499512974 -1.1168467558337805 -0.7051358842435766 -0.5101149450692729 +9943,-0.11542971102603429,0,0.09971243615831621 -0.08447400639519394 -0.315094005894969 -0.3537886366835216 -0.46522917335455743 -0.5673829986363315 -0.5875042066463781 -0.6494156159080676 -0.6602501125288612 -0.694301387622783 -0.754665011652923 -0.7314482331797949 -0.7624039378106353 -0.8258631323038654 -0.9249213871225581 -1.0441008499512974 -1.1168467558337805 -0.7051358842435766 -0.5101149450692729 -0.25627816709636975 +9944,-0.058161657458975696,0,-0.08447400639519394 -0.315094005894969 -0.3537886366835216 -0.46522917335455743 -0.5673829986363315 -0.5875042066463781 -0.6494156159080676 -0.6602501125288612 -0.694301387622783 -0.754665011652923 -0.7314482331797949 -0.7624039378106353 -0.8258631323038654 -0.9249213871225581 -1.0441008499512974 -1.1168467558337805 -0.7051358842435766 -0.5101149450692729 -0.25627816709636975 -0.11542971102603429 +9945,-0.003989174355007293,0,-0.315094005894969 -0.3537886366835216 -0.46522917335455743 -0.5673829986363315 -0.5875042066463781 -0.6494156159080676 -0.6602501125288612 -0.694301387622783 -0.754665011652923 -0.7314482331797949 -0.7624039378106353 -0.8258631323038654 -0.9249213871225581 -1.0441008499512974 -1.1168467558337805 -0.7051358842435766 -0.5101149450692729 -0.25627816709636975 -0.11542971102603429 -0.058161657458975696 +9946,0.09816465092677551,0,-0.3537886366835216 -0.46522917335455743 -0.5673829986363315 -0.5875042066463781 -0.6494156159080676 -0.6602501125288612 -0.694301387622783 -0.754665011652923 -0.7314482331797949 -0.7624039378106353 -0.8258631323038654 -0.9249213871225581 -1.0441008499512974 -1.1168467558337805 -0.7051358842435766 -0.5101149450692729 -0.25627816709636975 -0.11542971102603429 -0.058161657458975696 -0.003989174355007293 +9947,0.02541874504429235,0,-0.46522917335455743 -0.5673829986363315 -0.5875042066463781 -0.6494156159080676 -0.6602501125288612 -0.694301387622783 -0.754665011652923 -0.7314482331797949 -0.7624039378106353 -0.8258631323038654 -0.9249213871225581 -1.0441008499512974 -1.1168467558337805 -0.7051358842435766 -0.5101149450692729 -0.25627816709636975 -0.11542971102603429 -0.058161657458975696 -0.003989174355007293 0.09816465092677551 +9948,-0.17114997936155218,0,-0.5673829986363315 -0.5875042066463781 -0.6494156159080676 -0.6602501125288612 -0.694301387622783 -0.754665011652923 -0.7314482331797949 -0.7624039378106353 -0.8258631323038654 -0.9249213871225581 -1.0441008499512974 -1.1168467558337805 -0.7051358842435766 -0.5101149450692729 -0.25627816709636975 -0.11542971102603429 -0.058161657458975696 -0.003989174355007293 0.09816465092677551 0.02541874504429235 +9949,-0.3491452809888996,0,-0.5875042066463781 -0.6494156159080676 -0.6602501125288612 -0.694301387622783 -0.754665011652923 -0.7314482331797949 -0.7624039378106353 -0.8258631323038654 -0.9249213871225581 -1.0441008499512974 -1.1168467558337805 -0.7051358842435766 -0.5101149450692729 -0.25627816709636975 -0.11542971102603429 -0.058161657458975696 -0.003989174355007293 0.09816465092677551 0.02541874504429235 -0.17114997936155218 +9950,-0.5054715893746508,0,-0.6494156159080676 -0.6602501125288612 -0.694301387622783 -0.754665011652923 -0.7314482331797949 -0.7624039378106353 -0.8258631323038654 -0.9249213871225581 -1.0441008499512974 -1.1168467558337805 -0.7051358842435766 -0.5101149450692729 -0.25627816709636975 -0.11542971102603429 -0.058161657458975696 -0.003989174355007293 0.09816465092677551 0.02541874504429235 -0.17114997936155218 -0.3491452809888996 +9951,-0.5534529315524563,0,-0.6602501125288612 -0.694301387622783 -0.754665011652923 -0.7314482331797949 -0.7624039378106353 -0.8258631323038654 -0.9249213871225581 -1.0441008499512974 -1.1168467558337805 -0.7051358842435766 -0.5101149450692729 -0.25627816709636975 -0.11542971102603429 -0.058161657458975696 -0.003989174355007293 0.09816465092677551 0.02541874504429235 -0.17114997936155218 -0.3491452809888996 -0.5054715893746508 +9952,-0.5627396429417093,0,-0.694301387622783 -0.754665011652923 -0.7314482331797949 -0.7624039378106353 -0.8258631323038654 -0.9249213871225581 -1.0441008499512974 -1.1168467558337805 -0.7051358842435766 -0.5101149450692729 -0.25627816709636975 -0.11542971102603429 -0.058161657458975696 -0.003989174355007293 0.09816465092677551 0.02541874504429235 -0.17114997936155218 -0.3491452809888996 -0.5054715893746508 -0.5534529315524563 +9953,-0.6169121260456778,0,-0.754665011652923 -0.7314482331797949 -0.7624039378106353 -0.8258631323038654 -0.9249213871225581 -1.0441008499512974 -1.1168467558337805 -0.7051358842435766 -0.5101149450692729 -0.25627816709636975 -0.11542971102603429 -0.058161657458975696 -0.003989174355007293 0.09816465092677551 0.02541874504429235 -0.17114997936155218 -0.3491452809888996 -0.5054715893746508 -0.5534529315524563 -0.5627396429417093 +9954,-0.703588099012036,0,-0.7314482331797949 -0.7624039378106353 -0.8258631323038654 -0.9249213871225581 -1.0441008499512974 -1.1168467558337805 -0.7051358842435766 -0.5101149450692729 -0.25627816709636975 -0.11542971102603429 -0.058161657458975696 -0.003989174355007293 0.09816465092677551 0.02541874504429235 -0.17114997936155218 -0.3491452809888996 -0.5054715893746508 -0.5534529315524563 -0.5627396429417093 -0.6169121260456778 +9955,-0.6540589716026897,0,-0.7624039378106353 -0.8258631323038654 -0.9249213871225581 -1.0441008499512974 -1.1168467558337805 -0.7051358842435766 -0.5101149450692729 -0.25627816709636975 -0.11542971102603429 -0.058161657458975696 -0.003989174355007293 0.09816465092677551 0.02541874504429235 -0.17114997936155218 -0.3491452809888996 -0.5054715893746508 -0.5534529315524563 -0.5627396429417093 -0.6169121260456778 -0.703588099012036 +9956,-0.7794295753576006,0,-0.8258631323038654 -0.9249213871225581 -1.0441008499512974 -1.1168467558337805 -0.7051358842435766 -0.5101149450692729 -0.25627816709636975 -0.11542971102603429 -0.058161657458975696 -0.003989174355007293 0.09816465092677551 0.02541874504429235 -0.17114997936155218 -0.3491452809888996 -0.5054715893746508 -0.5534529315524563 -0.5627396429417093 -0.6169121260456778 -0.703588099012036 -0.6540589716026897 +9957,-0.8088374947569001,0,-0.9249213871225581 -1.0441008499512974 -1.1168467558337805 -0.7051358842435766 -0.5101149450692729 -0.25627816709636975 -0.11542971102603429 -0.058161657458975696 -0.003989174355007293 0.09816465092677551 0.02541874504429235 -0.17114997936155218 -0.3491452809888996 -0.5054715893746508 -0.5534529315524563 -0.5627396429417093 -0.6169121260456778 -0.703588099012036 -0.6540589716026897 -0.7794295753576006 +9958,-0.7190659513274605,0,-1.0441008499512974 -1.1168467558337805 -0.7051358842435766 -0.5101149450692729 -0.25627816709636975 -0.11542971102603429 -0.058161657458975696 -0.003989174355007293 0.09816465092677551 0.02541874504429235 -0.17114997936155218 -0.3491452809888996 -0.5054715893746508 -0.5534529315524563 -0.5627396429417093 -0.6169121260456778 -0.703588099012036 -0.6540589716026897 -0.7794295753576006 -0.8088374947569001 +9959,-0.7871685015153128,0,-1.1168467558337805 -0.7051358842435766 -0.5101149450692729 -0.25627816709636975 -0.11542971102603429 -0.058161657458975696 -0.003989174355007293 0.09816465092677551 0.02541874504429235 -0.17114997936155218 -0.3491452809888996 -0.5054715893746508 -0.5534529315524563 -0.5627396429417093 -0.6169121260456778 -0.703588099012036 -0.6540589716026897 -0.7794295753576006 -0.8088374947569001 -0.7190659513274605 +9960,-0.9249213871225581,0,-0.7051358842435766 -0.5101149450692729 -0.25627816709636975 -0.11542971102603429 -0.058161657458975696 -0.003989174355007293 0.09816465092677551 0.02541874504429235 -0.17114997936155218 -0.3491452809888996 -0.5054715893746508 -0.5534529315524563 -0.5627396429417093 -0.6169121260456778 -0.703588099012036 -0.6540589716026897 -0.7794295753576006 -0.8088374947569001 -0.7190659513274605 -0.7871685015153128 +9961,-0.8630099778608774,0,-0.5101149450692729 -0.25627816709636975 -0.11542971102603429 -0.058161657458975696 -0.003989174355007293 0.09816465092677551 0.02541874504429235 -0.17114997936155218 -0.3491452809888996 -0.5054715893746508 -0.5534529315524563 -0.5627396429417093 -0.6169121260456778 -0.703588099012036 -0.6540589716026897 -0.7794295753576006 -0.8088374947569001 -0.7190659513274605 -0.7871685015153128 -0.9249213871225581 +9962,-0.6973969580858732,0,-0.25627816709636975 -0.11542971102603429 -0.058161657458975696 -0.003989174355007293 0.09816465092677551 0.02541874504429235 -0.17114997936155218 -0.3491452809888996 -0.5054715893746508 -0.5534529315524563 -0.5627396429417093 -0.6169121260456778 -0.703588099012036 -0.6540589716026897 -0.7794295753576006 -0.8088374947569001 -0.7190659513274605 -0.7871685015153128 -0.9249213871225581 -0.8630099778608774 +9963,-0.6169121260456778,0,-0.11542971102603429 -0.058161657458975696 -0.003989174355007293 0.09816465092677551 0.02541874504429235 -0.17114997936155218 -0.3491452809888996 -0.5054715893746508 -0.5534529315524563 -0.5627396429417093 -0.6169121260456778 -0.703588099012036 -0.6540589716026897 -0.7794295753576006 -0.8088374947569001 -0.7190659513274605 -0.7871685015153128 -0.9249213871225581 -0.8630099778608774 -0.6973969580858732 +9964,-0.6695368239181143,0,-0.058161657458975696 -0.003989174355007293 0.09816465092677551 0.02541874504429235 -0.17114997936155218 -0.3491452809888996 -0.5054715893746508 -0.5534529315524563 -0.5627396429417093 -0.6169121260456778 -0.703588099012036 -0.6540589716026897 -0.7794295753576006 -0.8088374947569001 -0.7190659513274605 -0.7871685015153128 -0.9249213871225581 -0.8630099778608774 -0.6973969580858732 -0.6169121260456778 +9965,-0.5859564214148374,0,-0.003989174355007293 0.09816465092677551 0.02541874504429235 -0.17114997936155218 -0.3491452809888996 -0.5054715893746508 -0.5534529315524563 -0.5627396429417093 -0.6169121260456778 -0.703588099012036 -0.6540589716026897 -0.7794295753576006 -0.8088374947569001 -0.7190659513274605 -0.7871685015153128 -0.9249213871225581 -0.8630099778608774 -0.6973969580858732 -0.6169121260456778 -0.6695368239181143 +9966,-0.2129401806131862,0,0.09816465092677551 0.02541874504429235 -0.17114997936155218 -0.3491452809888996 -0.5054715893746508 -0.5534529315524563 -0.5627396429417093 -0.6169121260456778 -0.703588099012036 -0.6540589716026897 -0.7794295753576006 -0.8088374947569001 -0.7190659513274605 -0.7871685015153128 -0.9249213871225581 -0.8630099778608774 -0.6973969580858732 -0.6169121260456778 -0.6695368239181143 -0.5859564214148374 +9967,-0.10304742917369991,0,0.02541874504429235 -0.17114997936155218 -0.3491452809888996 -0.5054715893746508 -0.5534529315524563 -0.5627396429417093 -0.6169121260456778 -0.703588099012036 -0.6540589716026897 -0.7794295753576006 -0.8088374947569001 -0.7190659513274605 -0.7871685015153128 -0.9249213871225581 -0.8630099778608774 -0.6973969580858732 -0.6169121260456778 -0.6695368239181143 -0.5859564214148374 -0.2129401806131862 +9968,-0.017919241438882367,0,-0.17114997936155218 -0.3491452809888996 -0.5054715893746508 -0.5534529315524563 -0.5627396429417093 -0.6169121260456778 -0.703588099012036 -0.6540589716026897 -0.7794295753576006 -0.8088374947569001 -0.7190659513274605 -0.7871685015153128 -0.9249213871225581 -0.8630099778608774 -0.6973969580858732 -0.6169121260456778 -0.6695368239181143 -0.5859564214148374 -0.2129401806131862 -0.10304742917369991 +9969,-0.08756957685828413,0,-0.3491452809888996 -0.5054715893746508 -0.5534529315524563 -0.5627396429417093 -0.6169121260456778 -0.703588099012036 -0.6540589716026897 -0.7794295753576006 -0.8088374947569001 -0.7190659513274605 -0.7871685015153128 -0.9249213871225581 -0.8630099778608774 -0.6973969580858732 -0.6169121260456778 -0.6695368239181143 -0.5859564214148374 -0.2129401806131862 -0.10304742917369991 -0.017919241438882367 +9970,-0.09995185871061851,0,-0.5054715893746508 -0.5534529315524563 -0.5627396429417093 -0.6169121260456778 -0.703588099012036 -0.6540589716026897 -0.7794295753576006 -0.8088374947569001 -0.7190659513274605 -0.7871685015153128 -0.9249213871225581 -0.8630099778608774 -0.6973969580858732 -0.6169121260456778 -0.6695368239181143 -0.5859564214148374 -0.2129401806131862 -0.10304742917369991 -0.017919241438882367 -0.08756957685828413 +9971,-0.17114997936155218,0,-0.5534529315524563 -0.5627396429417093 -0.6169121260456778 -0.703588099012036 -0.6540589716026897 -0.7794295753576006 -0.8088374947569001 -0.7190659513274605 -0.7871685015153128 -0.9249213871225581 -0.8630099778608774 -0.6973969580858732 -0.6169121260456778 -0.6695368239181143 -0.5859564214148374 -0.2129401806131862 -0.10304742917369991 -0.017919241438882367 -0.08756957685828413 -0.09995185871061851 +9972,-0.2206791067708985,0,-0.5627396429417093 -0.6169121260456778 -0.703588099012036 -0.6540589716026897 -0.7794295753576006 -0.8088374947569001 -0.7190659513274605 -0.7871685015153128 -0.9249213871225581 -0.8630099778608774 -0.6973969580858732 -0.6169121260456778 -0.6695368239181143 -0.5859564214148374 -0.2129401806131862 -0.10304742917369991 -0.017919241438882367 -0.08756957685828413 -0.09995185871061851 -0.17114997936155218 +9973,-0.2624693080225413,0,-0.6169121260456778 -0.703588099012036 -0.6540589716026897 -0.7794295753576006 -0.8088374947569001 -0.7190659513274605 -0.7871685015153128 -0.9249213871225581 -0.8630099778608774 -0.6973969580858732 -0.6169121260456778 -0.6695368239181143 -0.5859564214148374 -0.2129401806131862 -0.10304742917369991 -0.017919241438882367 -0.08756957685828413 -0.09995185871061851 -0.17114997936155218 -0.2206791067708985 +9974,-0.2779471603379571,0,-0.703588099012036 -0.6540589716026897 -0.7794295753576006 -0.8088374947569001 -0.7190659513274605 -0.7871685015153128 -0.9249213871225581 -0.8630099778608774 -0.6973969580858732 -0.6169121260456778 -0.6695368239181143 -0.5859564214148374 -0.2129401806131862 -0.10304742917369991 -0.017919241438882367 -0.08756957685828413 -0.09995185871061851 -0.17114997936155218 -0.2206791067708985 -0.2624693080225413 +9975,-0.45284689150221424,0,-0.6540589716026897 -0.7794295753576006 -0.8088374947569001 -0.7190659513274605 -0.7871685015153128 -0.9249213871225581 -0.8630099778608774 -0.6973969580858732 -0.6169121260456778 -0.6695368239181143 -0.5859564214148374 -0.2129401806131862 -0.10304742917369991 -0.017919241438882367 -0.08756957685828413 -0.09995185871061851 -0.17114997936155218 -0.2206791067708985 -0.2624693080225413 -0.2779471603379571 +9976,-0.3708142742304869,0,-0.7794295753576006 -0.8088374947569001 -0.7190659513274605 -0.7871685015153128 -0.9249213871225581 -0.8630099778608774 -0.6973969580858732 -0.6169121260456778 -0.6695368239181143 -0.5859564214148374 -0.2129401806131862 -0.10304742917369991 -0.017919241438882367 -0.08756957685828413 -0.09995185871061851 -0.17114997936155218 -0.2206791067708985 -0.2624693080225413 -0.2779471603379571 -0.45284689150221424 +9977,-0.29806836834800376,0,-0.8088374947569001 -0.7190659513274605 -0.7871685015153128 -0.9249213871225581 -0.8630099778608774 -0.6973969580858732 -0.6169121260456778 -0.6695368239181143 -0.5859564214148374 -0.2129401806131862 -0.10304742917369991 -0.017919241438882367 -0.08756957685828413 -0.09995185871061851 -0.17114997936155218 -0.2206791067708985 -0.2624693080225413 -0.2779471603379571 -0.45284689150221424 -0.3708142742304869 +9978,-0.4157000459452023,0,-0.7190659513274605 -0.7871685015153128 -0.9249213871225581 -0.8630099778608774 -0.6973969580858732 -0.6169121260456778 -0.6695368239181143 -0.5859564214148374 -0.2129401806131862 -0.10304742917369991 -0.017919241438882367 -0.08756957685828413 -0.09995185871061851 -0.17114997936155218 -0.2206791067708985 -0.2624693080225413 -0.2779471603379571 -0.45284689150221424 -0.3708142742304869 -0.29806836834800376 +9979,-0.45749024719684517,0,-0.7871685015153128 -0.9249213871225581 -0.8630099778608774 -0.6973969580858732 -0.6169121260456778 -0.6695368239181143 -0.5859564214148374 -0.2129401806131862 -0.10304742917369991 -0.017919241438882367 -0.08756957685828413 -0.09995185871061851 -0.17114997936155218 -0.2206791067708985 -0.2624693080225413 -0.2779471603379571 -0.45284689150221424 -0.3708142742304869 -0.29806836834800376 -0.4157000459452023 +9980,-0.7959134880735212,0,-0.9249213871225581 -0.8630099778608774 -0.6973969580858732 -0.6169121260456778 -0.6695368239181143 -0.5859564214148374 -0.2129401806131862 -0.10304742917369991 -0.017919241438882367 -0.08756957685828413 -0.09995185871061851 -0.17114997936155218 -0.2206791067708985 -0.2624693080225413 -0.2779471603379571 -0.45284689150221424 -0.3708142742304869 -0.29806836834800376 -0.4157000459452023 -0.45749024719684517 +9981,-0.49308930752230756,0,-0.8630099778608774 -0.6973969580858732 -0.6169121260456778 -0.6695368239181143 -0.5859564214148374 -0.2129401806131862 -0.10304742917369991 -0.017919241438882367 -0.08756957685828413 -0.09995185871061851 -0.17114997936155218 -0.2206791067708985 -0.2624693080225413 -0.2779471603379571 -0.45284689150221424 -0.3708142742304869 -0.29806836834800376 -0.4157000459452023 -0.45749024719684517 -0.7959134880735212 +9982,-0.4992804484484792,0,-0.6973969580858732 -0.6169121260456778 -0.6695368239181143 -0.5859564214148374 -0.2129401806131862 -0.10304742917369991 -0.017919241438882367 -0.08756957685828413 -0.09995185871061851 -0.17114997936155218 -0.2206791067708985 -0.2624693080225413 -0.2779471603379571 -0.45284689150221424 -0.3708142742304869 -0.29806836834800376 -0.4157000459452023 -0.45749024719684517 -0.7959134880735212 -0.49308930752230756 +9983,-0.5395228644685724,0,-0.6169121260456778 -0.6695368239181143 -0.5859564214148374 -0.2129401806131862 -0.10304742917369991 -0.017919241438882367 -0.08756957685828413 -0.09995185871061851 -0.17114997936155218 -0.2206791067708985 -0.2624693080225413 -0.2779471603379571 -0.45284689150221424 -0.3708142742304869 -0.29806836834800376 -0.4157000459452023 -0.45749024719684517 -0.7959134880735212 -0.49308930752230756 -0.4992804484484792 +9984,-0.5395228644685724,0,-0.6695368239181143 -0.5859564214148374 -0.2129401806131862 -0.10304742917369991 -0.017919241438882367 -0.08756957685828413 -0.09995185871061851 -0.17114997936155218 -0.2206791067708985 -0.2624693080225413 -0.2779471603379571 -0.45284689150221424 -0.3708142742304869 -0.29806836834800376 -0.4157000459452023 -0.45749024719684517 -0.7959134880735212 -0.49308930752230756 -0.4992804484484792 -0.5395228644685724 +9985,-0.5441662201632034,0,-0.5859564214148374 -0.2129401806131862 -0.10304742917369991 -0.017919241438882367 -0.08756957685828413 -0.09995185871061851 -0.17114997936155218 -0.2206791067708985 -0.2624693080225413 -0.2779471603379571 -0.45284689150221424 -0.3708142742304869 -0.29806836834800376 -0.4157000459452023 -0.45749024719684517 -0.7959134880735212 -0.49308930752230756 -0.4992804484484792 -0.5395228644685724 -0.5395228644685724 +9986,-0.48999373705922616,0,-0.2129401806131862 -0.10304742917369991 -0.017919241438882367 -0.08756957685828413 -0.09995185871061851 -0.17114997936155218 -0.2206791067708985 -0.2624693080225413 -0.2779471603379571 -0.45284689150221424 -0.3708142742304869 -0.29806836834800376 -0.4157000459452023 -0.45749024719684517 -0.7959134880735212 -0.49308930752230756 -0.4992804484484792 -0.5395228644685724 -0.5395228644685724 -0.5441662201632034 +9987,-0.4280823277975455,0,-0.10304742917369991 -0.017919241438882367 -0.08756957685828413 -0.09995185871061851 -0.17114997936155218 -0.2206791067708985 -0.2624693080225413 -0.2779471603379571 -0.45284689150221424 -0.3708142742304869 -0.29806836834800376 -0.4157000459452023 -0.45749024719684517 -0.7959134880735212 -0.49308930752230756 -0.4992804484484792 -0.5395228644685724 -0.5395228644685724 -0.5441662201632034 -0.48999373705922616 +9988,-0.4126044754821209,0,-0.017919241438882367 -0.08756957685828413 -0.09995185871061851 -0.17114997936155218 -0.2206791067708985 -0.2624693080225413 -0.2779471603379571 -0.45284689150221424 -0.3708142742304869 -0.29806836834800376 -0.4157000459452023 -0.45749024719684517 -0.7959134880735212 -0.49308930752230756 -0.4992804484484792 -0.5395228644685724 -0.5395228644685724 -0.5441662201632034 -0.48999373705922616 -0.4280823277975455 +9989,-0.34140635483118725,0,-0.08756957685828413 -0.09995185871061851 -0.17114997936155218 -0.2206791067708985 -0.2624693080225413 -0.2779471603379571 -0.45284689150221424 -0.3708142742304869 -0.29806836834800376 -0.4157000459452023 -0.45749024719684517 -0.7959134880735212 -0.49308930752230756 -0.4992804484484792 -0.5395228644685724 -0.5395228644685724 -0.5441662201632034 -0.48999373705922616 -0.4280823277975455 -0.4126044754821209 +9990,-0.22841803292861076,0,-0.09995185871061851 -0.17114997936155218 -0.2206791067708985 -0.2624693080225413 -0.2779471603379571 -0.45284689150221424 -0.3708142742304869 -0.29806836834800376 -0.4157000459452023 -0.45749024719684517 -0.7959134880735212 -0.49308930752230756 -0.4992804484484792 -0.5395228644685724 -0.5395228644685724 -0.5441662201632034 -0.48999373705922616 -0.4280823277975455 -0.4126044754821209 -0.34140635483118725 +9991,-0.17888890551926448,0,-0.17114997936155218 -0.2206791067708985 -0.2624693080225413 -0.2779471603379571 -0.45284689150221424 -0.3708142742304869 -0.29806836834800376 -0.4157000459452023 -0.45749024719684517 -0.7959134880735212 -0.49308930752230756 -0.4992804484484792 -0.5395228644685724 -0.5395228644685724 -0.5441662201632034 -0.48999373705922616 -0.4280823277975455 -0.4126044754821209 -0.34140635483118725 -0.22841803292861076 +9992,-0.18662783167697675,0,-0.2206791067708985 -0.2624693080225413 -0.2779471603379571 -0.45284689150221424 -0.3708142742304869 -0.29806836834800376 -0.4157000459452023 -0.45749024719684517 -0.7959134880735212 -0.49308930752230756 -0.4992804484484792 -0.5395228644685724 -0.5395228644685724 -0.5441662201632034 -0.48999373705922616 -0.4280823277975455 -0.4126044754821209 -0.34140635483118725 -0.22841803292861076 -0.17888890551926448 +9993,-0.09840407347907781,0,-0.2624693080225413 -0.2779471603379571 -0.45284689150221424 -0.3708142742304869 -0.29806836834800376 -0.4157000459452023 -0.45749024719684517 -0.7959134880735212 -0.49308930752230756 -0.4992804484484792 -0.5395228644685724 -0.5395228644685724 -0.5441662201632034 -0.48999373705922616 -0.4280823277975455 -0.4126044754821209 -0.34140635483118725 -0.22841803292861076 -0.17888890551926448 -0.18662783167697675 +9994,-0.09530850301598763,0,-0.2779471603379571 -0.45284689150221424 -0.3708142742304869 -0.29806836834800376 -0.4157000459452023 -0.45749024719684517 -0.7959134880735212 -0.49308930752230756 -0.4992804484484792 -0.5395228644685724 -0.5395228644685724 -0.5441662201632034 -0.48999373705922616 -0.4280823277975455 -0.4126044754821209 -0.34140635483118725 -0.22841803292861076 -0.17888890551926448 -0.18662783167697675 -0.09840407347907781 +9995,-0.2237746772339887,0,-0.45284689150221424 -0.3708142742304869 -0.29806836834800376 -0.4157000459452023 -0.45749024719684517 -0.7959134880735212 -0.49308930752230756 -0.4992804484484792 -0.5395228644685724 -0.5395228644685724 -0.5441662201632034 -0.48999373705922616 -0.4280823277975455 -0.4126044754821209 -0.34140635483118725 -0.22841803292861076 -0.17888890551926448 -0.18662783167697675 -0.09840407347907781 -0.09530850301598763 +9996,-0.2686604489487041,0,-0.3708142742304869 -0.29806836834800376 -0.4157000459452023 -0.45749024719684517 -0.7959134880735212 -0.49308930752230756 -0.4992804484484792 -0.5395228644685724 -0.5395228644685724 -0.5441662201632034 -0.48999373705922616 -0.4280823277975455 -0.4126044754821209 -0.34140635483118725 -0.22841803292861076 -0.17888890551926448 -0.18662783167697675 -0.09840407347907781 -0.09530850301598763 -0.2237746772339887 +9997,-0.40022219362978656,0,-0.29806836834800376 -0.4157000459452023 -0.45749024719684517 -0.7959134880735212 -0.49308930752230756 -0.4992804484484792 -0.5395228644685724 -0.5395228644685724 -0.5441662201632034 -0.48999373705922616 -0.4280823277975455 -0.4126044754821209 -0.34140635483118725 -0.22841803292861076 -0.17888890551926448 -0.18662783167697675 -0.09840407347907781 -0.09530850301598763 -0.2237746772339887 -0.2686604489487041 +9998,-0.5379750792370318,0,-0.4157000459452023 -0.45749024719684517 -0.7959134880735212 -0.49308930752230756 -0.4992804484484792 -0.5395228644685724 -0.5395228644685724 -0.5441662201632034 -0.48999373705922616 -0.4280823277975455 -0.4126044754821209 -0.34140635483118725 -0.22841803292861076 -0.17888890551926448 -0.18662783167697675 -0.09840407347907781 -0.09530850301598763 -0.2237746772339887 -0.2686604489487041 -0.40022219362978656 +9999,-0.4977326632169385,0,-0.45749024719684517 -0.7959134880735212 -0.49308930752230756 -0.4992804484484792 -0.5395228644685724 -0.5395228644685724 -0.5441662201632034 -0.48999373705922616 -0.4280823277975455 -0.4126044754821209 -0.34140635483118725 -0.22841803292861076 -0.17888890551926448 -0.18662783167697675 -0.09840407347907781 -0.09530850301598763 -0.2237746772339887 -0.2686604489487041 -0.40022219362978656 -0.5379750792370318 +10000,-0.6896580319281609,0,-0.7959134880735212 -0.49308930752230756 -0.4992804484484792 -0.5395228644685724 -0.5395228644685724 -0.5441662201632034 -0.48999373705922616 -0.4280823277975455 -0.4126044754821209 -0.34140635483118725 -0.22841803292861076 -0.17888890551926448 -0.18662783167697675 -0.09840407347907781 -0.09530850301598763 -0.2237746772339887 -0.2686604489487041 -0.40022219362978656 -0.5379750792370318 -0.4977326632169385 +10001,-0.703588099012036,0,-0.49308930752230756 -0.4992804484484792 -0.5395228644685724 -0.5395228644685724 -0.5441662201632034 -0.48999373705922616 -0.4280823277975455 -0.4126044754821209 -0.34140635483118725 -0.22841803292861076 -0.17888890551926448 -0.18662783167697675 -0.09840407347907781 -0.09530850301598763 -0.2237746772339887 -0.2686604489487041 -0.40022219362978656 -0.5379750792370318 -0.4977326632169385 -0.6896580319281609 +10002,-0.782525145820682,0,-0.4992804484484792 -0.5395228644685724 -0.5395228644685724 -0.5441662201632034 -0.48999373705922616 -0.4280823277975455 -0.4126044754821209 -0.34140635483118725 -0.22841803292861076 -0.17888890551926448 -0.18662783167697675 -0.09840407347907781 -0.09530850301598763 -0.2237746772339887 -0.2686604489487041 -0.40022219362978656 -0.5379750792370318 -0.4977326632169385 -0.6896580319281609 -0.703588099012036 +10003,-0.999215078236582,0,-0.5395228644685724 -0.5395228644685724 -0.5441662201632034 -0.48999373705922616 -0.4280823277975455 -0.4126044754821209 -0.34140635483118725 -0.22841803292861076 -0.17888890551926448 -0.18662783167697675 -0.09840407347907781 -0.09530850301598763 -0.2237746772339887 -0.2686604489487041 -0.40022219362978656 -0.5379750792370318 -0.4977326632169385 -0.6896580319281609 -0.703588099012036 -0.782525145820682 +10004,-1.0115973600889163,0,-0.5395228644685724 -0.5441662201632034 -0.48999373705922616 -0.4280823277975455 -0.4126044754821209 -0.34140635483118725 -0.22841803292861076 -0.17888890551926448 -0.18662783167697675 -0.09840407347907781 -0.09530850301598763 -0.2237746772339887 -0.2686604489487041 -0.40022219362978656 -0.5379750792370318 -0.4977326632169385 -0.6896580319281609 -0.703588099012036 -0.782525145820682 -0.999215078236582 +10005,-1.0657698431928935,0,-0.5441662201632034 -0.48999373705922616 -0.4280823277975455 -0.4126044754821209 -0.34140635483118725 -0.22841803292861076 -0.17888890551926448 -0.18662783167697675 -0.09840407347907781 -0.09530850301598763 -0.2237746772339887 -0.2686604489487041 -0.40022219362978656 -0.5379750792370318 -0.4977326632169385 -0.6896580319281609 -0.703588099012036 -0.782525145820682 -0.999215078236582 -1.0115973600889163 +10006,-1.050291990877469,0,-0.48999373705922616 -0.4280823277975455 -0.4126044754821209 -0.34140635483118725 -0.22841803292861076 -0.17888890551926448 -0.18662783167697675 -0.09840407347907781 -0.09530850301598763 -0.2237746772339887 -0.2686604489487041 -0.40022219362978656 -0.5379750792370318 -0.4977326632169385 -0.6896580319281609 -0.703588099012036 -0.782525145820682 -0.999215078236582 -1.0115973600889163 -1.0657698431928935 +10007,-1.0208840714781693,0,-0.4280823277975455 -0.4126044754821209 -0.34140635483118725 -0.22841803292861076 -0.17888890551926448 -0.18662783167697675 -0.09840407347907781 -0.09530850301598763 -0.2237746772339887 -0.2686604489487041 -0.40022219362978656 -0.5379750792370318 -0.4977326632169385 -0.6896580319281609 -0.703588099012036 -0.782525145820682 -0.999215078236582 -1.0115973600889163 -1.0657698431928935 -1.050291990877469 +10008,-0.9821894406896167,0,-0.4126044754821209 -0.34140635483118725 -0.22841803292861076 -0.17888890551926448 -0.18662783167697675 -0.09840407347907781 -0.09530850301598763 -0.2237746772339887 -0.2686604489487041 -0.40022219362978656 -0.5379750792370318 -0.4977326632169385 -0.6896580319281609 -0.703588099012036 -0.782525145820682 -0.999215078236582 -1.0115973600889163 -1.0657698431928935 -1.050291990877469 -1.0208840714781693 +10009,-0.9667115883741921,0,-0.34140635483118725 -0.22841803292861076 -0.17888890551926448 -0.18662783167697675 -0.09840407347907781 -0.09530850301598763 -0.2237746772339887 -0.2686604489487041 -0.40022219362978656 -0.5379750792370318 -0.4977326632169385 -0.6896580319281609 -0.703588099012036 -0.782525145820682 -0.999215078236582 -1.0115973600889163 -1.0657698431928935 -1.050291990877469 -1.0208840714781693 -0.9821894406896167 +10010,-0.920278031427936,0,-0.22841803292861076 -0.17888890551926448 -0.18662783167697675 -0.09840407347907781 -0.09530850301598763 -0.2237746772339887 -0.2686604489487041 -0.40022219362978656 -0.5379750792370318 -0.4977326632169385 -0.6896580319281609 -0.703588099012036 -0.782525145820682 -0.999215078236582 -1.0115973600889163 -1.0657698431928935 -1.050291990877469 -1.0208840714781693 -0.9821894406896167 -0.9667115883741921 +10011,-0.9280169575856395,0,-0.17888890551926448 -0.18662783167697675 -0.09840407347907781 -0.09530850301598763 -0.2237746772339887 -0.2686604489487041 -0.40022219362978656 -0.5379750792370318 -0.4977326632169385 -0.6896580319281609 -0.703588099012036 -0.782525145820682 -0.999215078236582 -1.0115973600889163 -1.0657698431928935 -1.050291990877469 -1.0208840714781693 -0.9821894406896167 -0.9667115883741921 -0.920278031427936 +10012,-0.7097792399382076,0,-0.18662783167697675 -0.09840407347907781 -0.09530850301598763 -0.2237746772339887 -0.2686604489487041 -0.40022219362978656 -0.5379750792370318 -0.4977326632169385 -0.6896580319281609 -0.703588099012036 -0.782525145820682 -0.999215078236582 -1.0115973600889163 -1.0657698431928935 -1.050291990877469 -1.0208840714781693 -0.9821894406896167 -0.9667115883741921 -0.920278031427936 -0.9280169575856395 +10013,-0.8831311858709241,0,-0.09840407347907781 -0.09530850301598763 -0.2237746772339887 -0.2686604489487041 -0.40022219362978656 -0.5379750792370318 -0.4977326632169385 -0.6896580319281609 -0.703588099012036 -0.782525145820682 -0.999215078236582 -1.0115973600889163 -1.0657698431928935 -1.050291990877469 -1.0208840714781693 -0.9821894406896167 -0.9667115883741921 -0.920278031427936 -0.9280169575856395 -0.7097792399382076 +10014,-0.5008282336800198,0,-0.09530850301598763 -0.2237746772339887 -0.2686604489487041 -0.40022219362978656 -0.5379750792370318 -0.4977326632169385 -0.6896580319281609 -0.703588099012036 -0.782525145820682 -0.999215078236582 -1.0115973600889163 -1.0657698431928935 -1.050291990877469 -1.0208840714781693 -0.9821894406896167 -0.9667115883741921 -0.920278031427936 -0.9280169575856395 -0.7097792399382076 -0.8831311858709241 +10015,-0.6602501125288612,0,-0.2237746772339887 -0.2686604489487041 -0.40022219362978656 -0.5379750792370318 -0.4977326632169385 -0.6896580319281609 -0.703588099012036 -0.782525145820682 -0.999215078236582 -1.0115973600889163 -1.0657698431928935 -1.050291990877469 -1.0208840714781693 -0.9821894406896167 -0.9667115883741921 -0.920278031427936 -0.9280169575856395 -0.7097792399382076 -0.8831311858709241 -0.5008282336800198 +10016,-0.5596440724786191,0,-0.2686604489487041 -0.40022219362978656 -0.5379750792370318 -0.4977326632169385 -0.6896580319281609 -0.703588099012036 -0.782525145820682 -0.999215078236582 -1.0115973600889163 -1.0657698431928935 -1.050291990877469 -1.0208840714781693 -0.9821894406896167 -0.9667115883741921 -0.920278031427936 -0.9280169575856395 -0.7097792399382076 -0.8831311858709241 -0.5008282336800198 -0.6602501125288612 +10017,-0.666441253455024,0,-0.40022219362978656 -0.5379750792370318 -0.4977326632169385 -0.6896580319281609 -0.703588099012036 -0.782525145820682 -0.999215078236582 -1.0115973600889163 -1.0657698431928935 -1.050291990877469 -1.0208840714781693 -0.9821894406896167 -0.9667115883741921 -0.920278031427936 -0.9280169575856395 -0.7097792399382076 -0.8831311858709241 -0.5008282336800198 -0.6602501125288612 -0.5596440724786191 +10018,-0.7593083673475539,0,-0.5379750792370318 -0.4977326632169385 -0.6896580319281609 -0.703588099012036 -0.782525145820682 -0.999215078236582 -1.0115973600889163 -1.0657698431928935 -1.050291990877469 -1.0208840714781693 -0.9821894406896167 -0.9667115883741921 -0.920278031427936 -0.9280169575856395 -0.7097792399382076 -0.8831311858709241 -0.5008282336800198 -0.6602501125288612 -0.5596440724786191 -0.666441253455024 +10019,-0.8057419242938189,0,-0.4977326632169385 -0.6896580319281609 -0.703588099012036 -0.782525145820682 -0.999215078236582 -1.0115973600889163 -1.0657698431928935 -1.050291990877469 -1.0208840714781693 -0.9821894406896167 -0.9667115883741921 -0.920278031427936 -0.9280169575856395 -0.7097792399382076 -0.8831311858709241 -0.5008282336800198 -0.6602501125288612 -0.5596440724786191 -0.666441253455024 -0.7593083673475539 +10020,-0.7964552129045658,0,-0.6896580319281609 -0.703588099012036 -0.782525145820682 -0.999215078236582 -1.0115973600889163 -1.0657698431928935 -1.050291990877469 -1.0208840714781693 -0.9821894406896167 -0.9667115883741921 -0.920278031427936 -0.9280169575856395 -0.7097792399382076 -0.8831311858709241 -0.5008282336800198 -0.6602501125288612 -0.5596440724786191 -0.666441253455024 -0.7593083673475539 -0.8057419242938189 +10021,-0.8815834006393833,0,-0.703588099012036 -0.782525145820682 -0.999215078236582 -1.0115973600889163 -1.0657698431928935 -1.050291990877469 -1.0208840714781693 -0.9821894406896167 -0.9667115883741921 -0.920278031427936 -0.9280169575856395 -0.7097792399382076 -0.8831311858709241 -0.5008282336800198 -0.6602501125288612 -0.5596440724786191 -0.666441253455024 -0.7593083673475539 -0.8057419242938189 -0.7964552129045658 +10022,-0.8970612529547991,0,-0.782525145820682 -0.999215078236582 -1.0115973600889163 -1.0657698431928935 -1.050291990877469 -1.0208840714781693 -0.9821894406896167 -0.9667115883741921 -0.920278031427936 -0.9280169575856395 -0.7097792399382076 -0.8831311858709241 -0.5008282336800198 -0.6602501125288612 -0.5596440724786191 -0.666441253455024 -0.7593083673475539 -0.8057419242938189 -0.7964552129045658 -0.8815834006393833 +10023,-0.8815834006393833,0,-0.999215078236582 -1.0115973600889163 -1.0657698431928935 -1.050291990877469 -1.0208840714781693 -0.9821894406896167 -0.9667115883741921 -0.920278031427936 -0.9280169575856395 -0.7097792399382076 -0.8831311858709241 -0.5008282336800198 -0.6602501125288612 -0.5596440724786191 -0.666441253455024 -0.7593083673475539 -0.8057419242938189 -0.7964552129045658 -0.8815834006393833 -0.8970612529547991 +10024,-0.8753922597132118,0,-1.0115973600889163 -1.0657698431928935 -1.050291990877469 -1.0208840714781693 -0.9821894406896167 -0.9667115883741921 -0.920278031427936 -0.9280169575856395 -0.7097792399382076 -0.8831311858709241 -0.5008282336800198 -0.6602501125288612 -0.5596440724786191 -0.666441253455024 -0.7593083673475539 -0.8057419242938189 -0.7964552129045658 -0.8815834006393833 -0.8970612529547991 -0.8815834006393833 +10025,-0.8986090381863399,0,-1.0657698431928935 -1.050291990877469 -1.0208840714781693 -0.9821894406896167 -0.9667115883741921 -0.920278031427936 -0.9280169575856395 -0.7097792399382076 -0.8831311858709241 -0.5008282336800198 -0.6602501125288612 -0.5596440724786191 -0.666441253455024 -0.7593083673475539 -0.8057419242938189 -0.7964552129045658 -0.8815834006393833 -0.8970612529547991 -0.8815834006393833 -0.8753922597132118 +10026,-0.9373036689748925,0,-1.050291990877469 -1.0208840714781693 -0.9821894406896167 -0.9667115883741921 -0.920278031427936 -0.9280169575856395 -0.7097792399382076 -0.8831311858709241 -0.5008282336800198 -0.6602501125288612 -0.5596440724786191 -0.666441253455024 -0.7593083673475539 -0.8057419242938189 -0.7964552129045658 -0.8815834006393833 -0.8970612529547991 -0.8815834006393833 -0.8753922597132118 -0.8986090381863399 +10027,-0.9280169575856395,0,-1.0208840714781693 -0.9821894406896167 -0.9667115883741921 -0.920278031427936 -0.9280169575856395 -0.7097792399382076 -0.8831311858709241 -0.5008282336800198 -0.6602501125288612 -0.5596440724786191 -0.666441253455024 -0.7593083673475539 -0.8057419242938189 -0.7964552129045658 -0.8815834006393833 -0.8970612529547991 -0.8815834006393833 -0.8753922597132118 -0.8986090381863399 -0.9373036689748925 +10028,-0.8970612529547991,0,-0.9821894406896167 -0.9667115883741921 -0.920278031427936 -0.9280169575856395 -0.7097792399382076 -0.8831311858709241 -0.5008282336800198 -0.6602501125288612 -0.5596440724786191 -0.666441253455024 -0.7593083673475539 -0.8057419242938189 -0.7964552129045658 -0.8815834006393833 -0.8970612529547991 -0.8815834006393833 -0.8753922597132118 -0.8986090381863399 -0.9373036689748925 -0.9280169575856395 +10029,-0.9976672930050412,0,-0.9667115883741921 -0.920278031427936 -0.9280169575856395 -0.7097792399382076 -0.8831311858709241 -0.5008282336800198 -0.6602501125288612 -0.5596440724786191 -0.666441253455024 -0.7593083673475539 -0.8057419242938189 -0.7964552129045658 -0.8815834006393833 -0.8970612529547991 -0.8815834006393833 -0.8753922597132118 -0.8986090381863399 -0.9373036689748925 -0.9280169575856395 -0.8970612529547991 +10030,-1.073508769350597,0,-0.920278031427936 -0.9280169575856395 -0.7097792399382076 -0.8831311858709241 -0.5008282336800198 -0.6602501125288612 -0.5596440724786191 -0.666441253455024 -0.7593083673475539 -0.8057419242938189 -0.7964552129045658 -0.8815834006393833 -0.8970612529547991 -0.8815834006393833 -0.8753922597132118 -0.8986090381863399 -0.9373036689748925 -0.9280169575856395 -0.8970612529547991 -0.9976672930050412 +10031,-1.1276812524545743,0,-0.9280169575856395 -0.7097792399382076 -0.8831311858709241 -0.5008282336800198 -0.6602501125288612 -0.5596440724786191 -0.666441253455024 -0.7593083673475539 -0.8057419242938189 -0.7964552129045658 -0.8815834006393833 -0.8970612529547991 -0.8815834006393833 -0.8753922597132118 -0.8986090381863399 -0.9373036689748925 -0.9280169575856395 -0.8970612529547991 -0.9976672930050412 -1.073508769350597 +10032,-1.1276812524545743,0,-0.7097792399382076 -0.8831311858709241 -0.5008282336800198 -0.6602501125288612 -0.5596440724786191 -0.666441253455024 -0.7593083673475539 -0.8057419242938189 -0.7964552129045658 -0.8815834006393833 -0.8970612529547991 -0.8815834006393833 -0.8753922597132118 -0.8986090381863399 -0.9373036689748925 -0.9280169575856395 -0.8970612529547991 -0.9976672930050412 -1.073508769350597 -1.1276812524545743 +10033,-1.0812476955083092,0,-0.8831311858709241 -0.5008282336800198 -0.6602501125288612 -0.5596440724786191 -0.666441253455024 -0.7593083673475539 -0.8057419242938189 -0.7964552129045658 -0.8815834006393833 -0.8970612529547991 -0.8815834006393833 -0.8753922597132118 -0.8986090381863399 -0.9373036689748925 -0.9280169575856395 -0.8970612529547991 -0.9976672930050412 -1.073508769350597 -1.1276812524545743 -1.1276812524545743 +10034,-1.0967255478237339,0,-0.5008282336800198 -0.6602501125288612 -0.5596440724786191 -0.666441253455024 -0.7593083673475539 -0.8057419242938189 -0.7964552129045658 -0.8815834006393833 -0.8970612529547991 -0.8815834006393833 -0.8753922597132118 -0.8986090381863399 -0.9373036689748925 -0.9280169575856395 -0.8970612529547991 -0.9976672930050412 -1.073508769350597 -1.1276812524545743 -1.1276812524545743 -1.0812476955083092 +10035,-1.0936299773606524,0,-0.6602501125288612 -0.5596440724786191 -0.666441253455024 -0.7593083673475539 -0.8057419242938189 -0.7964552129045658 -0.8815834006393833 -0.8970612529547991 -0.8815834006393833 -0.8753922597132118 -0.8986090381863399 -0.9373036689748925 -0.9280169575856395 -0.8970612529547991 -0.9976672930050412 -1.073508769350597 -1.1276812524545743 -1.1276812524545743 -1.0812476955083092 -1.0967255478237339 +10036,-0.9729027293003637,0,-0.5596440724786191 -0.666441253455024 -0.7593083673475539 -0.8057419242938189 -0.7964552129045658 -0.8815834006393833 -0.8970612529547991 -0.8815834006393833 -0.8753922597132118 -0.8986090381863399 -0.9373036689748925 -0.9280169575856395 -0.8970612529547991 -0.9976672930050412 -1.073508769350597 -1.1276812524545743 -1.1276812524545743 -1.0812476955083092 -1.0967255478237339 -1.0936299773606524 +10037,-0.6958491728543237,0,-0.666441253455024 -0.7593083673475539 -0.8057419242938189 -0.7964552129045658 -0.8815834006393833 -0.8970612529547991 -0.8815834006393833 -0.8753922597132118 -0.8986090381863399 -0.9373036689748925 -0.9280169575856395 -0.8970612529547991 -0.9976672930050412 -1.073508769350597 -1.1276812524545743 -1.1276812524545743 -1.0812476955083092 -1.0967255478237339 -1.0936299773606524 -0.9729027293003637 +10038,-0.5580962872470785,0,-0.7593083673475539 -0.8057419242938189 -0.7964552129045658 -0.8815834006393833 -0.8970612529547991 -0.8815834006393833 -0.8753922597132118 -0.8986090381863399 -0.9373036689748925 -0.9280169575856395 -0.8970612529547991 -0.9976672930050412 -1.073508769350597 -1.1276812524545743 -1.1276812524545743 -1.0812476955083092 -1.0967255478237339 -1.0936299773606524 -0.9729027293003637 -0.6958491728543237 +10039,-0.3801009856197399,0,-0.8057419242938189 -0.7964552129045658 -0.8815834006393833 -0.8970612529547991 -0.8815834006393833 -0.8753922597132118 -0.8986090381863399 -0.9373036689748925 -0.9280169575856395 -0.8970612529547991 -0.9976672930050412 -1.073508769350597 -1.1276812524545743 -1.1276812524545743 -1.0812476955083092 -1.0967255478237339 -1.0936299773606524 -0.9729027293003637 -0.6958491728543237 -0.5580962872470785 +10040,-0.20210568399239254,0,-0.7964552129045658 -0.8815834006393833 -0.8970612529547991 -0.8815834006393833 -0.8753922597132118 -0.8986090381863399 -0.9373036689748925 -0.9280169575856395 -0.8970612529547991 -0.9976672930050412 -1.073508769350597 -1.1276812524545743 -1.1276812524545743 -1.0812476955083092 -1.0967255478237339 -1.0936299773606524 -0.9729027293003637 -0.6958491728543237 -0.5580962872470785 -0.3801009856197399 +10041,-0.3259285025157627,0,-0.8815834006393833 -0.8970612529547991 -0.8815834006393833 -0.8753922597132118 -0.8986090381863399 -0.9373036689748925 -0.9280169575856395 -0.8970612529547991 -0.9976672930050412 -1.073508769350597 -1.1276812524545743 -1.1276812524545743 -1.0812476955083092 -1.0967255478237339 -1.0936299773606524 -0.9729027293003637 -0.6958491728543237 -0.5580962872470785 -0.3801009856197399 -0.20210568399239254 +10042,-0.34140635483118725,0,-0.8970612529547991 -0.8815834006393833 -0.8753922597132118 -0.8986090381863399 -0.9373036689748925 -0.9280169575856395 -0.8970612529547991 -0.9976672930050412 -1.073508769350597 -1.1276812524545743 -1.1276812524545743 -1.0812476955083092 -1.0967255478237339 -1.0936299773606524 -0.9729027293003637 -0.6958491728543237 -0.5580962872470785 -0.3801009856197399 -0.20210568399239254 -0.3259285025157627 +10043,-0.33985856959964655,0,-0.8815834006393833 -0.8753922597132118 -0.8986090381863399 -0.9373036689748925 -0.9280169575856395 -0.8970612529547991 -0.9976672930050412 -1.073508769350597 -1.1276812524545743 -1.1276812524545743 -1.0812476955083092 -1.0967255478237339 -1.0936299773606524 -0.9729027293003637 -0.6958491728543237 -0.5580962872470785 -0.3801009856197399 -0.20210568399239254 -0.3259285025157627 -0.34140635483118725 +10044,-0.4110566902505802,0,-0.8753922597132118 -0.8986090381863399 -0.9373036689748925 -0.9280169575856395 -0.8970612529547991 -0.9976672930050412 -1.073508769350597 -1.1276812524545743 -1.1276812524545743 -1.0812476955083092 -1.0967255478237339 -1.0936299773606524 -0.9729027293003637 -0.6958491728543237 -0.5580962872470785 -0.3801009856197399 -0.20210568399239254 -0.3259285025157627 -0.34140635483118725 -0.33985856959964655 +10045,-0.6679890386865736,0,-0.8986090381863399 -0.9373036689748925 -0.9280169575856395 -0.8970612529547991 -0.9976672930050412 -1.073508769350597 -1.1276812524545743 -1.1276812524545743 -1.0812476955083092 -1.0967255478237339 -1.0936299773606524 -0.9729027293003637 -0.6958491728543237 -0.5580962872470785 -0.3801009856197399 -0.20210568399239254 -0.3259285025157627 -0.34140635483118725 -0.33985856959964655 -0.4110566902505802 +10046,-0.8119330652199815,0,-0.9373036689748925 -0.9280169575856395 -0.8970612529547991 -0.9976672930050412 -1.073508769350597 -1.1276812524545743 -1.1276812524545743 -1.0812476955083092 -1.0967255478237339 -1.0936299773606524 -0.9729027293003637 -0.6958491728543237 -0.5580962872470785 -0.3801009856197399 -0.20210568399239254 -0.3259285025157627 -0.34140635483118725 -0.33985856959964655 -0.4110566902505802 -0.6679890386865736 +10047,-0.9419470246695234,0,-0.9280169575856395 -0.8970612529547991 -0.9976672930050412 -1.073508769350597 -1.1276812524545743 -1.1276812524545743 -1.0812476955083092 -1.0967255478237339 -1.0936299773606524 -0.9729027293003637 -0.6958491728543237 -0.5580962872470785 -0.3801009856197399 -0.20210568399239254 -0.3259285025157627 -0.34140635483118725 -0.33985856959964655 -0.4110566902505802 -0.6679890386865736 -0.8119330652199815 +10048,-1.0410052794882159,0,-0.8970612529547991 -0.9976672930050412 -1.073508769350597 -1.1276812524545743 -1.1276812524545743 -1.0812476955083092 -1.0967255478237339 -1.0936299773606524 -0.9729027293003637 -0.6958491728543237 -0.5580962872470785 -0.3801009856197399 -0.20210568399239254 -0.3259285025157627 -0.34140635483118725 -0.33985856959964655 -0.4110566902505802 -0.6679890386865736 -0.8119330652199815 -0.9419470246695234 +10049,-1.3227021916288781,0,-0.9976672930050412 -1.073508769350597 -1.1276812524545743 -1.1276812524545743 -1.0812476955083092 -1.0967255478237339 -1.0936299773606524 -0.9729027293003637 -0.6958491728543237 -0.5580962872470785 -0.3801009856197399 -0.20210568399239254 -0.3259285025157627 -0.34140635483118725 -0.33985856959964655 -0.4110566902505802 -0.6679890386865736 -0.8119330652199815 -0.9419470246695234 -1.0410052794882159 +10050,-1.4078303793636955,0,-1.073508769350597 -1.1276812524545743 -1.1276812524545743 -1.0812476955083092 -1.0967255478237339 -1.0936299773606524 -0.9729027293003637 -0.6958491728543237 -0.5580962872470785 -0.3801009856197399 -0.20210568399239254 -0.3259285025157627 -0.34140635483118725 -0.33985856959964655 -0.4110566902505802 -0.6679890386865736 -0.8119330652199815 -0.9419470246695234 -1.0410052794882159 -1.3227021916288781 +10051,-1.1942360174108857,0,-1.1276812524545743 -1.1276812524545743 -1.0812476955083092 -1.0967255478237339 -1.0936299773606524 -0.9729027293003637 -0.6958491728543237 -0.5580962872470785 -0.3801009856197399 -0.20210568399239254 -0.3259285025157627 -0.34140635483118725 -0.33985856959964655 -0.4110566902505802 -0.6679890386865736 -0.8119330652199815 -0.9419470246695234 -1.0410052794882159 -1.3227021916288781 -1.4078303793636955 +10052,-1.1478024604646209,0,-1.1276812524545743 -1.0812476955083092 -1.0967255478237339 -1.0936299773606524 -0.9729027293003637 -0.6958491728543237 -0.5580962872470785 -0.3801009856197399 -0.20210568399239254 -0.3259285025157627 -0.34140635483118725 -0.33985856959964655 -0.4110566902505802 -0.6679890386865736 -0.8119330652199815 -0.9419470246695234 -1.0410052794882159 -1.3227021916288781 -1.4078303793636955 -1.1942360174108857 +10053,-1.2824597756087848,0,-1.0812476955083092 -1.0967255478237339 -1.0936299773606524 -0.9729027293003637 -0.6958491728543237 -0.5580962872470785 -0.3801009856197399 -0.20210568399239254 -0.3259285025157627 -0.34140635483118725 -0.33985856959964655 -0.4110566902505802 -0.6679890386865736 -0.8119330652199815 -0.9419470246695234 -1.0410052794882159 -1.3227021916288781 -1.4078303793636955 -1.1942360174108857 -1.1478024604646209 +10054,-1.1957838026424266,0,-1.0967255478237339 -1.0936299773606524 -0.9729027293003637 -0.6958491728543237 -0.5580962872470785 -0.3801009856197399 -0.20210568399239254 -0.3259285025157627 -0.34140635483118725 -0.33985856959964655 -0.4110566902505802 -0.6679890386865736 -0.8119330652199815 -0.9419470246695234 -1.0410052794882159 -1.3227021916288781 -1.4078303793636955 -1.1942360174108857 -1.1478024604646209 -1.2824597756087848 +10055,-1.180305950327002,0,-1.0936299773606524 -0.9729027293003637 -0.6958491728543237 -0.5580962872470785 -0.3801009856197399 -0.20210568399239254 -0.3259285025157627 -0.34140635483118725 -0.33985856959964655 -0.4110566902505802 -0.6679890386865736 -0.8119330652199815 -0.9419470246695234 -1.0410052794882159 -1.3227021916288781 -1.4078303793636955 -1.1942360174108857 -1.1478024604646209 -1.2824597756087848 -1.1957838026424266 +10056,-1.3908047418167304,0,-0.9729027293003637 -0.6958491728543237 -0.5580962872470785 -0.3801009856197399 -0.20210568399239254 -0.3259285025157627 -0.34140635483118725 -0.33985856959964655 -0.4110566902505802 -0.6679890386865736 -0.8119330652199815 -0.9419470246695234 -1.0410052794882159 -1.3227021916288781 -1.4078303793636955 -1.1942360174108857 -1.1478024604646209 -1.2824597756087848 -1.1957838026424266 -1.180305950327002 +10057,-1.45271615107842,0,-0.6958491728543237 -0.5580962872470785 -0.3801009856197399 -0.20210568399239254 -0.3259285025157627 -0.34140635483118725 -0.33985856959964655 -0.4110566902505802 -0.6679890386865736 -0.8119330652199815 -0.9419470246695234 -1.0410052794882159 -1.3227021916288781 -1.4078303793636955 -1.1942360174108857 -1.1478024604646209 -1.2824597756087848 -1.1957838026424266 -1.180305950327002 -1.3908047418167304 +10058,-1.545583264970941,0,-0.5580962872470785 -0.3801009856197399 -0.20210568399239254 -0.3259285025157627 -0.34140635483118725 -0.33985856959964655 -0.4110566902505802 -0.6679890386865736 -0.8119330652199815 -0.9419470246695234 -1.0410052794882159 -1.3227021916288781 -1.4078303793636955 -1.1942360174108857 -1.1478024604646209 -1.2824597756087848 -1.1957838026424266 -1.180305950327002 -1.3908047418167304 -1.45271615107842 +10059,-1.5533221911286532,0,-0.3801009856197399 -0.20210568399239254 -0.3259285025157627 -0.34140635483118725 -0.33985856959964655 -0.4110566902505802 -0.6679890386865736 -0.8119330652199815 -0.9419470246695234 -1.0410052794882159 -1.3227021916288781 -1.4078303793636955 -1.1942360174108857 -1.1478024604646209 -1.2824597756087848 -1.1957838026424266 -1.180305950327002 -1.3908047418167304 -1.45271615107842 -1.545583264970941 +10060,-1.248408500514863,0,-0.20210568399239254 -0.3259285025157627 -0.34140635483118725 -0.33985856959964655 -0.4110566902505802 -0.6679890386865736 -0.8119330652199815 -0.9419470246695234 -1.0410052794882159 -1.3227021916288781 -1.4078303793636955 -1.1942360174108857 -1.1478024604646209 -1.2824597756087848 -1.1957838026424266 -1.180305950327002 -1.3908047418167304 -1.45271615107842 -1.545583264970941 -1.5533221911286532 +10061,-0.8475321255454529,0,-0.3259285025157627 -0.34140635483118725 -0.33985856959964655 -0.4110566902505802 -0.6679890386865736 -0.8119330652199815 -0.9419470246695234 -1.0410052794882159 -1.3227021916288781 -1.4078303793636955 -1.1942360174108857 -1.1478024604646209 -1.2824597756087848 -1.1957838026424266 -1.180305950327002 -1.3908047418167304 -1.45271615107842 -1.545583264970941 -1.5533221911286532 -1.248408500514863 +10062,-0.46987252904917953,0,-0.34140635483118725 -0.33985856959964655 -0.4110566902505802 -0.6679890386865736 -0.8119330652199815 -0.9419470246695234 -1.0410052794882159 -1.3227021916288781 -1.4078303793636955 -1.1942360174108857 -1.1478024604646209 -1.2824597756087848 -1.1957838026424266 -1.180305950327002 -1.3908047418167304 -1.45271615107842 -1.545583264970941 -1.5533221911286532 -1.248408500514863 -0.8475321255454529 +10063,-0.1618632679722992,0,-0.33985856959964655 -0.4110566902505802 -0.6679890386865736 -0.8119330652199815 -0.9419470246695234 -1.0410052794882159 -1.3227021916288781 -1.4078303793636955 -1.1942360174108857 -1.1478024604646209 -1.2824597756087848 -1.1957838026424266 -1.180305950327002 -1.3908047418167304 -1.45271615107842 -1.545583264970941 -1.5533221911286532 -1.248408500514863 -0.8475321255454529 -0.46987252904917953 +10064,0.039348812128176223,0,-0.4110566902505802 -0.6679890386865736 -0.8119330652199815 -0.9419470246695234 -1.0410052794882159 -1.3227021916288781 -1.4078303793636955 -1.1942360174108857 -1.1478024604646209 -1.2824597756087848 -1.1957838026424266 -1.180305950327002 -1.3908047418167304 -1.45271615107842 -1.545583264970941 -1.5533221911286532 -1.248408500514863 -0.8475321255454529 -0.46987252904917953 -0.1618632679722992 +10065,0.08578236907443235,0,-0.6679890386865736 -0.8119330652199815 -0.9419470246695234 -1.0410052794882159 -1.3227021916288781 -1.4078303793636955 -1.1942360174108857 -1.1478024604646209 -1.2824597756087848 -1.1957838026424266 -1.180305950327002 -1.3908047418167304 -1.45271615107842 -1.545583264970941 -1.5533221911286532 -1.248408500514863 -0.8475321255454529 -0.46987252904917953 -0.1618632679722992 0.039348812128176223 +10066,0.14769377833612182,0,-0.8119330652199815 -0.9419470246695234 -1.0410052794882159 -1.3227021916288781 -1.4078303793636955 -1.1942360174108857 -1.1478024604646209 -1.2824597756087848 -1.1957838026424266 -1.180305950327002 -1.3908047418167304 -1.45271615107842 -1.545583264970941 -1.5533221911286532 -1.248408500514863 -0.8475321255454529 -0.46987252904917953 -0.1618632679722992 0.039348812128176223 0.08578236907443235 +10067,0.12447699986298497,0,-0.9419470246695234 -1.0410052794882159 -1.3227021916288781 -1.4078303793636955 -1.1942360174108857 -1.1478024604646209 -1.2824597756087848 -1.1957838026424266 -1.180305950327002 -1.3908047418167304 -1.45271615107842 -1.545583264970941 -1.5533221911286532 -1.248408500514863 -0.8475321255454529 -0.46987252904917953 -0.1618632679722992 0.039348812128176223 0.08578236907443235 0.14769377833612182 +10068,-0.14638541565688343,0,-1.0410052794882159 -1.3227021916288781 -1.4078303793636955 -1.1942360174108857 -1.1478024604646209 -1.2824597756087848 -1.1957838026424266 -1.180305950327002 -1.3908047418167304 -1.45271615107842 -1.545583264970941 -1.5533221911286532 -1.248408500514863 -0.8475321255454529 -0.46987252904917953 -0.1618632679722992 0.039348812128176223 0.08578236907443235 0.14769377833612182 0.12447699986298497 +10069,-0.4807070256699732,0,-1.3227021916288781 -1.4078303793636955 -1.1942360174108857 -1.1478024604646209 -1.2824597756087848 -1.1957838026424266 -1.180305950327002 -1.3908047418167304 -1.45271615107842 -1.545583264970941 -1.5533221911286532 -1.248408500514863 -0.8475321255454529 -0.46987252904917953 -0.1618632679722992 0.039348812128176223 0.08578236907443235 0.14769377833612182 0.12447699986298497 -0.14638541565688343 +10070,-0.750021655958301,0,-1.4078303793636955 -1.1942360174108857 -1.1478024604646209 -1.2824597756087848 -1.1957838026424266 -1.180305950327002 -1.3908047418167304 -1.45271615107842 -1.545583264970941 -1.5533221911286532 -1.248408500514863 -0.8475321255454529 -0.46987252904917953 -0.1618632679722992 0.039348812128176223 0.08578236907443235 0.14769377833612182 0.12447699986298497 -0.14638541565688343 -0.4807070256699732 +10071,-0.9589726622164886,0,-1.1942360174108857 -1.1478024604646209 -1.2824597756087848 -1.1957838026424266 -1.180305950327002 -1.3908047418167304 -1.45271615107842 -1.545583264970941 -1.5533221911286532 -1.248408500514863 -0.8475321255454529 -0.46987252904917953 -0.1618632679722992 0.039348812128176223 0.08578236907443235 0.14769377833612182 0.12447699986298497 -0.14638541565688343 -0.4807070256699732 -0.750021655958301 +10072,-1.0889866216660216,0,-1.1478024604646209 -1.2824597756087848 -1.1957838026424266 -1.180305950327002 -1.3908047418167304 -1.45271615107842 -1.545583264970941 -1.5533221911286532 -1.248408500514863 -0.8475321255454529 -0.46987252904917953 -0.1618632679722992 0.039348812128176223 0.08578236907443235 0.14769377833612182 0.12447699986298497 -0.14638541565688343 -0.4807070256699732 -0.750021655958301 -0.9589726622164886 +10073,-1.2375740038940606,0,-1.2824597756087848 -1.1957838026424266 -1.180305950327002 -1.3908047418167304 -1.45271615107842 -1.545583264970941 -1.5533221911286532 -1.248408500514863 -0.8475321255454529 -0.46987252904917953 -0.1618632679722992 0.039348812128176223 0.08578236907443235 0.14769377833612182 0.12447699986298497 -0.14638541565688343 -0.4807070256699732 -0.750021655958301 -0.9589726622164886 -1.0889866216660216 +10074,-1.3304411177865902,0,-1.1957838026424266 -1.180305950327002 -1.3908047418167304 -1.45271615107842 -1.545583264970941 -1.5533221911286532 -1.248408500514863 -0.8475321255454529 -0.46987252904917953 -0.1618632679722992 0.039348812128176223 0.08578236907443235 0.14769377833612182 0.12447699986298497 -0.14638541565688343 -0.4807070256699732 -0.750021655958301 -0.9589726622164886 -1.0889866216660216 -1.2375740038940606 +10075,-1.3660401781120615,0,-1.180305950327002 -1.3908047418167304 -1.45271615107842 -1.545583264970941 -1.5533221911286532 -1.248408500514863 -0.8475321255454529 -0.46987252904917953 -0.1618632679722992 0.039348812128176223 0.08578236907443235 0.14769377833612182 0.12447699986298497 -0.14638541565688343 -0.4807070256699732 -0.750021655958301 -0.9589726622164886 -1.0889866216660216 -1.2375740038940606 -1.3304411177865902 +10076,-1.073508769350597,0,-1.3908047418167304 -1.45271615107842 -1.545583264970941 -1.5533221911286532 -1.248408500514863 -0.8475321255454529 -0.46987252904917953 -0.1618632679722992 0.039348812128176223 0.08578236907443235 0.14769377833612182 0.12447699986298497 -0.14638541565688343 -0.4807070256699732 -0.750021655958301 -0.9589726622164886 -1.0889866216660216 -1.2375740038940606 -1.3304411177865902 -1.3660401781120615 +10077,-1.064222057961344,0,-1.45271615107842 -1.545583264970941 -1.5533221911286532 -1.248408500514863 -0.8475321255454529 -0.46987252904917953 -0.1618632679722992 0.039348812128176223 0.08578236907443235 0.14769377833612182 0.12447699986298497 -0.14638541565688343 -0.4807070256699732 -0.750021655958301 -0.9589726622164886 -1.0889866216660216 -1.2375740038940606 -1.3304411177865902 -1.3660401781120615 -1.073508769350597 +10078,-1.1524458161592517,0,-1.545583264970941 -1.5533221911286532 -1.248408500514863 -0.8475321255454529 -0.46987252904917953 -0.1618632679722992 0.039348812128176223 0.08578236907443235 0.14769377833612182 0.12447699986298497 -0.14638541565688343 -0.4807070256699732 -0.750021655958301 -0.9589726622164886 -1.0889866216660216 -1.2375740038940606 -1.3304411177865902 -1.3660401781120615 -1.073508769350597 -1.064222057961344 +10079,-1.443429439689167,0,-1.5533221911286532 -1.248408500514863 -0.8475321255454529 -0.46987252904917953 -0.1618632679722992 0.039348812128176223 0.08578236907443235 0.14769377833612182 0.12447699986298497 -0.14638541565688343 -0.4807070256699732 -0.750021655958301 -0.9589726622164886 -1.0889866216660216 -1.2375740038940606 -1.3304411177865902 -1.3660401781120615 -1.073508769350597 -1.064222057961344 -1.1524458161592517 +10080,-1.5657044729809875,0,-1.248408500514863 -0.8475321255454529 -0.46987252904917953 -0.1618632679722992 0.039348812128176223 0.08578236907443235 0.14769377833612182 0.12447699986298497 -0.14638541565688343 -0.4807070256699732 -0.750021655958301 -0.9589726622164886 -1.0889866216660216 -1.2375740038940606 -1.3304411177865902 -1.3660401781120615 -1.073508769350597 -1.064222057961344 -1.1524458161592517 -1.443429439689167 +10081,-1.660119372105058,0,-0.8475321255454529 -0.46987252904917953 -0.1618632679722992 0.039348812128176223 0.08578236907443235 0.14769377833612182 0.12447699986298497 -0.14638541565688343 -0.4807070256699732 -0.750021655958301 -0.9589726622164886 -1.0889866216660216 -1.2375740038940606 -1.3304411177865902 -1.3660401781120615 -1.073508769350597 -1.064222057961344 -1.1524458161592517 -1.443429439689167 -1.5657044729809875 +10082,-1.6461893050211829,0,-0.46987252904917953 -0.1618632679722992 0.039348812128176223 0.08578236907443235 0.14769377833612182 0.12447699986298497 -0.14638541565688343 -0.4807070256699732 -0.750021655958301 -0.9589726622164886 -1.0889866216660216 -1.2375740038940606 -1.3304411177865902 -1.3660401781120615 -1.073508769350597 -1.064222057961344 -1.1524458161592517 -1.443429439689167 -1.5657044729809875 -1.660119372105058 +10083,-1.63690259363193,0,-0.1618632679722992 0.039348812128176223 0.08578236907443235 0.14769377833612182 0.12447699986298497 -0.14638541565688343 -0.4807070256699732 -0.750021655958301 -0.9589726622164886 -1.0889866216660216 -1.2375740038940606 -1.3304411177865902 -1.3660401781120615 -1.073508769350597 -1.064222057961344 -1.1524458161592517 -1.443429439689167 -1.5657044729809875 -1.660119372105058 -1.6461893050211829 +10084,-1.2035227288001387,0,0.039348812128176223 0.08578236907443235 0.14769377833612182 0.12447699986298497 -0.14638541565688343 -0.4807070256699732 -0.750021655958301 -0.9589726622164886 -1.0889866216660216 -1.2375740038940606 -1.3304411177865902 -1.3660401781120615 -1.073508769350597 -1.064222057961344 -1.1524458161592517 -1.443429439689167 -1.5657044729809875 -1.660119372105058 -1.6461893050211829 -1.63690259363193 +10085,-0.6261988374349308,0,0.08578236907443235 0.14769377833612182 0.12447699986298497 -0.14638541565688343 -0.4807070256699732 -0.750021655958301 -0.9589726622164886 -1.0889866216660216 -1.2375740038940606 -1.3304411177865902 -1.3660401781120615 -1.073508769350597 -1.064222057961344 -1.1524458161592517 -1.443429439689167 -1.5657044729809875 -1.660119372105058 -1.6461893050211829 -1.63690259363193 -1.2035227288001387 +10086,-0.09066514732136553,0,0.14769377833612182 0.12447699986298497 -0.14638541565688343 -0.4807070256699732 -0.750021655958301 -0.9589726622164886 -1.0889866216660216 -1.2375740038940606 -1.3304411177865902 -1.3660401781120615 -1.073508769350597 -1.064222057961344 -1.1524458161592517 -1.443429439689167 -1.5657044729809875 -1.660119372105058 -1.6461893050211829 -1.63690259363193 -1.2035227288001387 -0.6261988374349308 +10087,0.36438371075201303,0,0.12447699986298497 -0.14638541565688343 -0.4807070256699732 -0.750021655958301 -0.9589726622164886 -1.0889866216660216 -1.2375740038940606 -1.3304411177865902 -1.3660401781120615 -1.073508769350597 -1.064222057961344 -1.1524458161592517 -1.443429439689167 -1.5657044729809875 -1.660119372105058 -1.6461893050211829 -1.63690259363193 -1.2035227288001387 -0.6261988374349308 -0.09066514732136553 +10088,0.5238055896008544,0,-0.14638541565688343 -0.4807070256699732 -0.750021655958301 -0.9589726622164886 -1.0889866216660216 -1.2375740038940606 -1.3304411177865902 -1.3660401781120615 -1.073508769350597 -1.064222057961344 -1.1524458161592517 -1.443429439689167 -1.5657044729809875 -1.660119372105058 -1.6461893050211829 -1.63690259363193 -1.2035227288001387 -0.6261988374349308 -0.09066514732136553 0.36438371075201303 +10089,0.5470223680739825,0,-0.4807070256699732 -0.750021655958301 -0.9589726622164886 -1.0889866216660216 -1.2375740038940606 -1.3304411177865902 -1.3660401781120615 -1.073508769350597 -1.064222057961344 -1.1524458161592517 -1.443429439689167 -1.5657044729809875 -1.660119372105058 -1.6461893050211829 -1.63690259363193 -1.2035227288001387 -0.6261988374349308 -0.09066514732136553 0.36438371075201303 0.5238055896008544 +10090,0.4804676031176709,0,-0.750021655958301 -0.9589726622164886 -1.0889866216660216 -1.2375740038940606 -1.3304411177865902 -1.3660401781120615 -1.073508769350597 -1.064222057961344 -1.1524458161592517 -1.443429439689167 -1.5657044729809875 -1.660119372105058 -1.6461893050211829 -1.63690259363193 -1.2035227288001387 -0.6261988374349308 -0.09066514732136553 0.36438371075201303 0.5238055896008544 0.5470223680739825 +10091,0.3674792812151032,0,-0.9589726622164886 -1.0889866216660216 -1.2375740038940606 -1.3304411177865902 -1.3660401781120615 -1.073508769350597 -1.064222057961344 -1.1524458161592517 -1.443429439689167 -1.5657044729809875 -1.660119372105058 -1.6461893050211829 -1.63690259363193 -1.2035227288001387 -0.6261988374349308 -0.09066514732136553 0.36438371075201303 0.5238055896008544 0.5470223680739825 0.4804676031176709 +10092,0.12292921463144427,0,-1.0889866216660216 -1.2375740038940606 -1.3304411177865902 -1.3660401781120615 -1.073508769350597 -1.064222057961344 -1.1524458161592517 -1.443429439689167 -1.5657044729809875 -1.660119372105058 -1.6461893050211829 -1.63690259363193 -1.2035227288001387 -0.6261988374349308 -0.09066514732136553 0.36438371075201303 0.5238055896008544 0.5470223680739825 0.4804676031176709 0.3674792812151032 +10093,-0.2113923953816455,0,-1.2375740038940606 -1.3304411177865902 -1.3660401781120615 -1.073508769350597 -1.064222057961344 -1.1524458161592517 -1.443429439689167 -1.5657044729809875 -1.660119372105058 -1.6461893050211829 -1.63690259363193 -1.2035227288001387 -0.6261988374349308 -0.09066514732136553 0.36438371075201303 0.5238055896008544 0.5470223680739825 0.4804676031176709 0.3674792812151032 0.12292921463144427 +10094,-0.47296809951226093,0,-1.3304411177865902 -1.3660401781120615 -1.073508769350597 -1.064222057961344 -1.1524458161592517 -1.443429439689167 -1.5657044729809875 -1.660119372105058 -1.6461893050211829 -1.63690259363193 -1.2035227288001387 -0.6261988374349308 -0.09066514732136553 0.36438371075201303 0.5238055896008544 0.5470223680739825 0.4804676031176709 0.3674792812151032 0.12292921463144427 -0.2113923953816455 +10095,-0.7190659513274605,0,-1.3660401781120615 -1.073508769350597 -1.064222057961344 -1.1524458161592517 -1.443429439689167 -1.5657044729809875 -1.660119372105058 -1.6461893050211829 -1.63690259363193 -1.2035227288001387 -0.6261988374349308 -0.09066514732136553 0.36438371075201303 0.5238055896008544 0.5470223680739825 0.4804676031176709 0.3674792812151032 0.12292921463144427 -0.2113923953816455 -0.47296809951226093 +10096,-0.90170460864943,0,-1.073508769350597 -1.064222057961344 -1.1524458161592517 -1.443429439689167 -1.5657044729809875 -1.660119372105058 -1.6461893050211829 -1.63690259363193 -1.2035227288001387 -0.6261988374349308 -0.09066514732136553 0.36438371075201303 0.5238055896008544 0.5470223680739825 0.4804676031176709 0.3674792812151032 0.12292921463144427 -0.2113923953816455 -0.47296809951226093 -0.7190659513274605 +10097,-0.9883805816157882,0,-1.064222057961344 -1.1524458161592517 -1.443429439689167 -1.5657044729809875 -1.660119372105058 -1.6461893050211829 -1.63690259363193 -1.2035227288001387 -0.6261988374349308 -0.09066514732136553 0.36438371075201303 0.5238055896008544 0.5470223680739825 0.4804676031176709 0.3674792812151032 0.12292921463144427 -0.2113923953816455 -0.47296809951226093 -0.7190659513274605 -0.90170460864943 +10098,-1.1152989706022398,0,-1.1524458161592517 -1.443429439689167 -1.5657044729809875 -1.660119372105058 -1.6461893050211829 -1.63690259363193 -1.2035227288001387 -0.6261988374349308 -0.09066514732136553 0.36438371075201303 0.5238055896008544 0.5470223680739825 0.4804676031176709 0.3674792812151032 0.12292921463144427 -0.2113923953816455 -0.47296809951226093 -0.7190659513274605 -0.90170460864943 -0.9883805816157882 +10099,-1.1632803127800455,0,-1.443429439689167 -1.5657044729809875 -1.660119372105058 -1.6461893050211829 -1.63690259363193 -1.2035227288001387 -0.6261988374349308 -0.09066514732136553 0.36438371075201303 0.5238055896008544 0.5470223680739825 0.4804676031176709 0.3674792812151032 0.12292921463144427 -0.2113923953816455 -0.47296809951226093 -0.7190659513274605 -0.90170460864943 -0.9883805816157882 -1.1152989706022398 +10100,-1.2360262186625197,0,-1.5657044729809875 -1.660119372105058 -1.6461893050211829 -1.63690259363193 -1.2035227288001387 -0.6261988374349308 -0.09066514732136553 0.36438371075201303 0.5238055896008544 0.5470223680739825 0.4804676031176709 0.3674792812151032 0.12292921463144427 -0.2113923953816455 -0.47296809951226093 -0.7190659513274605 -0.90170460864943 -0.9883805816157882 -1.1152989706022398 -1.1632803127800455 +10101,-1.336632258712762,0,-1.660119372105058 -1.6461893050211829 -1.63690259363193 -1.2035227288001387 -0.6261988374349308 -0.09066514732136553 0.36438371075201303 0.5238055896008544 0.5470223680739825 0.4804676031176709 0.3674792812151032 0.12292921463144427 -0.2113923953816455 -0.47296809951226093 -0.7190659513274605 -0.90170460864943 -0.9883805816157882 -1.1152989706022398 -1.1632803127800455 -1.2360262186625197 +10102,-1.3443711848704654,0,-1.6461893050211829 -1.63690259363193 -1.2035227288001387 -0.6261988374349308 -0.09066514732136553 0.36438371075201303 0.5238055896008544 0.5470223680739825 0.4804676031176709 0.3674792812151032 0.12292921463144427 -0.2113923953816455 -0.47296809951226093 -0.7190659513274605 -0.90170460864943 -0.9883805816157882 -1.1152989706022398 -1.1632803127800455 -1.2360262186625197 -1.336632258712762 +10103,-1.4248560169106608,0,-1.63690259363193 -1.2035227288001387 -0.6261988374349308 -0.09066514732136553 0.36438371075201303 0.5238055896008544 0.5470223680739825 0.4804676031176709 0.3674792812151032 0.12292921463144427 -0.2113923953816455 -0.47296809951226093 -0.7190659513274605 -0.90170460864943 -0.9883805816157882 -1.1152989706022398 -1.1632803127800455 -1.2360262186625197 -1.336632258712762 -1.3443711848704654 +10104,-1.4078303793636955,0,-1.2035227288001387 -0.6261988374349308 -0.09066514732136553 0.36438371075201303 0.5238055896008544 0.5470223680739825 0.4804676031176709 0.3674792812151032 0.12292921463144427 -0.2113923953816455 -0.47296809951226093 -0.7190659513274605 -0.90170460864943 -0.9883805816157882 -1.1152989706022398 -1.1632803127800455 -1.2360262186625197 -1.336632258712762 -1.3443711848704654 -1.4248560169106608 +10105,-1.4310471578368236,0,-0.6261988374349308 -0.09066514732136553 0.36438371075201303 0.5238055896008544 0.5470223680739825 0.4804676031176709 0.3674792812151032 0.12292921463144427 -0.2113923953816455 -0.47296809951226093 -0.7190659513274605 -0.90170460864943 -0.9883805816157882 -1.1152989706022398 -1.1632803127800455 -1.2360262186625197 -1.336632258712762 -1.3443711848704654 -1.4248560169106608 -1.4078303793636955 +10106,-1.4867674261723416,0,-0.09066514732136553 0.36438371075201303 0.5238055896008544 0.5470223680739825 0.4804676031176709 0.3674792812151032 0.12292921463144427 -0.2113923953816455 -0.47296809951226093 -0.7190659513274605 -0.90170460864943 -0.9883805816157882 -1.1152989706022398 -1.1632803127800455 -1.2360262186625197 -1.336632258712762 -1.3443711848704654 -1.4248560169106608 -1.4078303793636955 -1.4310471578368236 +10107,-1.4650984329307541,0,0.36438371075201303 0.5238055896008544 0.5470223680739825 0.4804676031176709 0.3674792812151032 0.12292921463144427 -0.2113923953816455 -0.47296809951226093 -0.7190659513274605 -0.90170460864943 -0.9883805816157882 -1.1152989706022398 -1.1632803127800455 -1.2360262186625197 -1.336632258712762 -1.3443711848704654 -1.4248560169106608 -1.4078303793636955 -1.4310471578368236 -1.4867674261723416 +10108,-1.1756625946323798,0,0.5238055896008544 0.5470223680739825 0.4804676031176709 0.3674792812151032 0.12292921463144427 -0.2113923953816455 -0.47296809951226093 -0.7190659513274605 -0.90170460864943 -0.9883805816157882 -1.1152989706022398 -1.1632803127800455 -1.2360262186625197 -1.336632258712762 -1.3443711848704654 -1.4248560169106608 -1.4078303793636955 -1.4310471578368236 -1.4867674261723416 -1.4650984329307541 +10109,-0.5550007167839971,0,0.5470223680739825 0.4804676031176709 0.3674792812151032 0.12292921463144427 -0.2113923953816455 -0.47296809951226093 -0.7190659513274605 -0.90170460864943 -0.9883805816157882 -1.1152989706022398 -1.1632803127800455 -1.2360262186625197 -1.336632258712762 -1.3443711848704654 -1.4248560169106608 -1.4078303793636955 -1.4310471578368236 -1.4867674261723416 -1.4650984329307541 -1.1756625946323798 +10110,0.008393107497327084,0,0.4804676031176709 0.3674792812151032 0.12292921463144427 -0.2113923953816455 -0.47296809951226093 -0.7190659513274605 -0.90170460864943 -0.9883805816157882 -1.1152989706022398 -1.1632803127800455 -1.2360262186625197 -1.336632258712762 -1.3443711848704654 -1.4248560169106608 -1.4078303793636955 -1.4310471578368236 -1.4867674261723416 -1.4650984329307541 -1.1756625946323798 -0.5550007167839971 +10111,0.5160666634431421,0,0.3674792812151032 0.12292921463144427 -0.2113923953816455 -0.47296809951226093 -0.7190659513274605 -0.90170460864943 -0.9883805816157882 -1.1152989706022398 -1.1632803127800455 -1.2360262186625197 -1.336632258712762 -1.3443711848704654 -1.4248560169106608 -1.4078303793636955 -1.4310471578368236 -1.4867674261723416 -1.4650984329307541 -1.1756625946323798 -0.5550007167839971 0.008393107497327084 +10112,0.7699034414160453,0,0.12292921463144427 -0.2113923953816455 -0.47296809951226093 -0.7190659513274605 -0.90170460864943 -0.9883805816157882 -1.1152989706022398 -1.1632803127800455 -1.2360262186625197 -1.336632258712762 -1.3443711848704654 -1.4248560169106608 -1.4078303793636955 -1.4310471578368236 -1.4867674261723416 -1.4650984329307541 -1.1756625946323798 -0.5550007167839971 0.008393107497327084 0.5160666634431421 +10113,0.9138474679494621,0,-0.2113923953816455 -0.47296809951226093 -0.7190659513274605 -0.90170460864943 -0.9883805816157882 -1.1152989706022398 -1.1632803127800455 -1.2360262186625197 -1.336632258712762 -1.3443711848704654 -1.4248560169106608 -1.4078303793636955 -1.4310471578368236 -1.4867674261723416 -1.4650984329307541 -1.1756625946323798 -0.5550007167839971 0.008393107497327084 0.5160666634431421 0.7699034414160453 +10114,0.69251417983894,0,-0.47296809951226093 -0.7190659513274605 -0.90170460864943 -0.9883805816157882 -1.1152989706022398 -1.1632803127800455 -1.2360262186625197 -1.336632258712762 -1.3443711848704654 -1.4248560169106608 -1.4078303793636955 -1.4310471578368236 -1.4867674261723416 -1.4650984329307541 -1.1756625946323798 -0.5550007167839971 0.008393107497327084 0.5160666634431421 0.7699034414160453 0.9138474679494621 +10115,0.7064442469228239,0,-0.7190659513274605 -0.90170460864943 -0.9883805816157882 -1.1152989706022398 -1.1632803127800455 -1.2360262186625197 -1.336632258712762 -1.3443711848704654 -1.4248560169106608 -1.4078303793636955 -1.4310471578368236 -1.4867674261723416 -1.4650984329307541 -1.1756625946323798 -0.5550007167839971 0.008393107497327084 0.5160666634431421 0.7699034414160453 0.9138474679494621 0.69251417983894 +10116,0.4742764621915081,0,-0.90170460864943 -0.9883805816157882 -1.1152989706022398 -1.1632803127800455 -1.2360262186625197 -1.336632258712762 -1.3443711848704654 -1.4248560169106608 -1.4078303793636955 -1.4310471578368236 -1.4867674261723416 -1.4650984329307541 -1.1756625946323798 -0.5550007167839971 0.008393107497327084 0.5160666634431421 0.7699034414160453 0.9138474679494621 0.69251417983894 0.7064442469228239 +10117,0.019227604118129564,0,-0.9883805816157882 -1.1152989706022398 -1.1632803127800455 -1.2360262186625197 -1.336632258712762 -1.3443711848704654 -1.4248560169106608 -1.4078303793636955 -1.4310471578368236 -1.4867674261723416 -1.4650984329307541 -1.1756625946323798 -0.5550007167839971 0.008393107497327084 0.5160666634431421 0.7699034414160453 0.9138474679494621 0.69251417983894 0.7064442469228239 0.4742764621915081 +10118,-0.19591454306622974,0,-1.1152989706022398 -1.1632803127800455 -1.2360262186625197 -1.336632258712762 -1.3443711848704654 -1.4248560169106608 -1.4078303793636955 -1.4310471578368236 -1.4867674261723416 -1.4650984329307541 -1.1756625946323798 -0.5550007167839971 0.008393107497327084 0.5160666634431421 0.7699034414160453 0.9138474679494621 0.69251417983894 0.7064442469228239 0.4742764621915081 0.019227604118129564 +10119,-0.2671126637171634,0,-1.1632803127800455 -1.2360262186625197 -1.336632258712762 -1.3443711848704654 -1.4248560169106608 -1.4078303793636955 -1.4310471578368236 -1.4867674261723416 -1.4650984329307541 -1.1756625946323798 -0.5550007167839971 0.008393107497327084 0.5160666634431421 0.7699034414160453 0.9138474679494621 0.69251417983894 0.7064442469228239 0.4742764621915081 0.019227604118129564 -0.19591454306622974 +10120,-0.3383107843680971,0,-1.2360262186625197 -1.336632258712762 -1.3443711848704654 -1.4248560169106608 -1.4078303793636955 -1.4310471578368236 -1.4867674261723416 -1.4650984329307541 -1.1756625946323798 -0.5550007167839971 0.008393107497327084 0.5160666634431421 0.7699034414160453 0.9138474679494621 0.69251417983894 0.7064442469228239 0.4742764621915081 0.019227604118129564 -0.19591454306622974 -0.2671126637171634 +10121,-0.35843199237815254,0,-1.336632258712762 -1.3443711848704654 -1.4248560169106608 -1.4078303793636955 -1.4310471578368236 -1.4867674261723416 -1.4650984329307541 -1.1756625946323798 -0.5550007167839971 0.008393107497327084 0.5160666634431421 0.7699034414160453 0.9138474679494621 0.69251417983894 0.7064442469228239 0.4742764621915081 0.019227604118129564 -0.19591454306622974 -0.2671126637171634 -0.3383107843680971 +10122,-0.5085671598377322,0,-1.3443711848704654 -1.4248560169106608 -1.4078303793636955 -1.4310471578368236 -1.4867674261723416 -1.4650984329307541 -1.1756625946323798 -0.5550007167839971 0.008393107497327084 0.5160666634431421 0.7699034414160453 0.9138474679494621 0.69251417983894 0.7064442469228239 0.4742764621915081 0.019227604118129564 -0.19591454306622974 -0.2671126637171634 -0.3383107843680971 -0.35843199237815254 +10123,-0.6215554817403086,0,-1.4248560169106608 -1.4078303793636955 -1.4310471578368236 -1.4867674261723416 -1.4650984329307541 -1.1756625946323798 -0.5550007167839971 0.008393107497327084 0.5160666634431421 0.7699034414160453 0.9138474679494621 0.69251417983894 0.7064442469228239 0.4742764621915081 0.019227604118129564 -0.19591454306622974 -0.2671126637171634 -0.3383107843680971 -0.35843199237815254 -0.5085671598377322 +10124,-0.7020403137804953,0,-1.4078303793636955 -1.4310471578368236 -1.4867674261723416 -1.4650984329307541 -1.1756625946323798 -0.5550007167839971 0.008393107497327084 0.5160666634431421 0.7699034414160453 0.9138474679494621 0.69251417983894 0.7064442469228239 0.4742764621915081 0.019227604118129564 -0.19591454306622974 -0.2671126637171634 -0.3383107843680971 -0.35843199237815254 -0.5085671598377322 -0.6215554817403086 +10125,-0.7422827298005886,0,-1.4310471578368236 -1.4867674261723416 -1.4650984329307541 -1.1756625946323798 -0.5550007167839971 0.008393107497327084 0.5160666634431421 0.7699034414160453 0.9138474679494621 0.69251417983894 0.7064442469228239 0.4742764621915081 0.019227604118129564 -0.19591454306622974 -0.2671126637171634 -0.3383107843680971 -0.35843199237815254 -0.5085671598377322 -0.6215554817403086 -0.7020403137804953 +10126,-0.7299004479482543,0,-1.4867674261723416 -1.4650984329307541 -1.1756625946323798 -0.5550007167839971 0.008393107497327084 0.5160666634431421 0.7699034414160453 0.9138474679494621 0.69251417983894 0.7064442469228239 0.4742764621915081 0.019227604118129564 -0.19591454306622974 -0.2671126637171634 -0.3383107843680971 -0.35843199237815254 -0.5085671598377322 -0.6215554817403086 -0.7020403137804953 -0.7422827298005886 +10127,-0.8459843403139121,0,-1.4650984329307541 -1.1756625946323798 -0.5550007167839971 0.008393107497327084 0.5160666634431421 0.7699034414160453 0.9138474679494621 0.69251417983894 0.7064442469228239 0.4742764621915081 0.019227604118129564 -0.19591454306622974 -0.2671126637171634 -0.3383107843680971 -0.35843199237815254 -0.5085671598377322 -0.6215554817403086 -0.7020403137804953 -0.7422827298005886 -0.7299004479482543 +10128,-0.938851454206442,0,-1.1756625946323798 -0.5550007167839971 0.008393107497327084 0.5160666634431421 0.7699034414160453 0.9138474679494621 0.69251417983894 0.7064442469228239 0.4742764621915081 0.019227604118129564 -0.19591454306622974 -0.2671126637171634 -0.3383107843680971 -0.35843199237815254 -0.5085671598377322 -0.6215554817403086 -0.7020403137804953 -0.7422827298005886 -0.7299004479482543 -0.8459843403139121 +10129,-1.0255274271727914,0,-0.5550007167839971 0.008393107497327084 0.5160666634431421 0.7699034414160453 0.9138474679494621 0.69251417983894 0.7064442469228239 0.4742764621915081 0.019227604118129564 -0.19591454306622974 -0.2671126637171634 -0.3383107843680971 -0.35843199237815254 -0.5085671598377322 -0.6215554817403086 -0.7020403137804953 -0.7422827298005886 -0.7299004479482543 -0.8459843403139121 -0.938851454206442 +10130,-1.1307768229176556,0,0.008393107497327084 0.5160666634431421 0.7699034414160453 0.9138474679494621 0.69251417983894 0.7064442469228239 0.4742764621915081 0.019227604118129564 -0.19591454306622974 -0.2671126637171634 -0.3383107843680971 -0.35843199237815254 -0.5085671598377322 -0.6215554817403086 -0.7020403137804953 -0.7422827298005886 -0.7299004479482543 -0.8459843403139121 -0.938851454206442 -1.0255274271727914 +10131,-1.1632803127800455,0,0.5160666634431421 0.7699034414160453 0.9138474679494621 0.69251417983894 0.7064442469228239 0.4742764621915081 0.019227604118129564 -0.19591454306622974 -0.2671126637171634 -0.3383107843680971 -0.35843199237815254 -0.5085671598377322 -0.6215554817403086 -0.7020403137804953 -0.7422827298005886 -0.7299004479482543 -0.8459843403139121 -0.938851454206442 -1.0255274271727914 -1.1307768229176556 +10132,-0.9326603132802703,0,0.7699034414160453 0.9138474679494621 0.69251417983894 0.7064442469228239 0.4742764621915081 0.019227604118129564 -0.19591454306622974 -0.2671126637171634 -0.3383107843680971 -0.35843199237815254 -0.5085671598377322 -0.6215554817403086 -0.7020403137804953 -0.7422827298005886 -0.7299004479482543 -0.8459843403139121 -0.938851454206442 -1.0255274271727914 -1.1307768229176556 -1.1632803127800455 +10133,-0.45439467673375494,0,0.9138474679494621 0.69251417983894 0.7064442469228239 0.4742764621915081 0.019227604118129564 -0.19591454306622974 -0.2671126637171634 -0.3383107843680971 -0.35843199237815254 -0.5085671598377322 -0.6215554817403086 -0.7020403137804953 -0.7422827298005886 -0.7299004479482543 -0.8459843403139121 -0.938851454206442 -1.0255274271727914 -1.1307768229176556 -1.1632803127800455 -0.9326603132802703 +10134,0.16317163065153759,0,0.69251417983894 0.7064442469228239 0.4742764621915081 0.019227604118129564 -0.19591454306622974 -0.2671126637171634 -0.3383107843680971 -0.35843199237815254 -0.5085671598377322 -0.6215554817403086 -0.7020403137804953 -0.7422827298005886 -0.7299004479482543 -0.8459843403139121 -0.938851454206442 -1.0255274271727914 -1.1307768229176556 -1.1632803127800455 -0.9326603132802703 -0.45439467673375494 +10135,0.4448685427922085,0,0.7064442469228239 0.4742764621915081 0.019227604118129564 -0.19591454306622974 -0.2671126637171634 -0.3383107843680971 -0.35843199237815254 -0.5085671598377322 -0.6215554817403086 -0.7020403137804953 -0.7422827298005886 -0.7299004479482543 -0.8459843403139121 -0.938851454206442 -1.0255274271727914 -1.1307768229176556 -1.1632803127800455 -0.9326603132802703 -0.45439467673375494 0.16317163065153759 +10136,0.6058382068725817,0,0.4742764621915081 0.019227604118129564 -0.19591454306622974 -0.2671126637171634 -0.3383107843680971 -0.35843199237815254 -0.5085671598377322 -0.6215554817403086 -0.7020403137804953 -0.7422827298005886 -0.7299004479482543 -0.8459843403139121 -0.938851454206442 -1.0255274271727914 -1.1307768229176556 -1.1632803127800455 -0.9326603132802703 -0.45439467673375494 0.16317163065153759 0.4448685427922085 +10137,0.7683556561845045,0,0.019227604118129564 -0.19591454306622974 -0.2671126637171634 -0.3383107843680971 -0.35843199237815254 -0.5085671598377322 -0.6215554817403086 -0.7020403137804953 -0.7422827298005886 -0.7299004479482543 -0.8459843403139121 -0.938851454206442 -1.0255274271727914 -1.1307768229176556 -1.1632803127800455 -0.9326603132802703 -0.45439467673375494 0.16317163065153759 0.4448685427922085 0.6058382068725817 +10138,0.7420433072482863,0,-0.19591454306622974 -0.2671126637171634 -0.3383107843680971 -0.35843199237815254 -0.5085671598377322 -0.6215554817403086 -0.7020403137804953 -0.7422827298005886 -0.7299004479482543 -0.8459843403139121 -0.938851454206442 -1.0255274271727914 -1.1307768229176556 -1.1632803127800455 -0.9326603132802703 -0.45439467673375494 0.16317163065153759 0.4448685427922085 0.6058382068725817 0.7683556561845045 +10139,0.6522717638188467,0,-0.2671126637171634 -0.3383107843680971 -0.35843199237815254 -0.5085671598377322 -0.6215554817403086 -0.7020403137804953 -0.7422827298005886 -0.7299004479482543 -0.8459843403139121 -0.938851454206442 -1.0255274271727914 -1.1307768229176556 -1.1632803127800455 -0.9326603132802703 -0.45439467673375494 0.16317163065153759 0.4448685427922085 0.6058382068725817 0.7683556561845045 0.7420433072482863 +10140,0.4711808917284179,0,-0.3383107843680971 -0.35843199237815254 -0.5085671598377322 -0.6215554817403086 -0.7020403137804953 -0.7422827298005886 -0.7299004479482543 -0.8459843403139121 -0.938851454206442 -1.0255274271727914 -1.1307768229176556 -1.1632803127800455 -0.9326603132802703 -0.45439467673375494 0.16317163065153759 0.4448685427922085 0.6058382068725817 0.7683556561845045 0.7420433072482863 0.6522717638188467 +10141,0.033157671202004635,0,-0.35843199237815254 -0.5085671598377322 -0.6215554817403086 -0.7020403137804953 -0.7422827298005886 -0.7299004479482543 -0.8459843403139121 -0.938851454206442 -1.0255274271727914 -1.1307768229176556 -1.1632803127800455 -0.9326603132802703 -0.45439467673375494 0.16317163065153759 0.4448685427922085 0.6058382068725817 0.7683556561845045 0.7420433072482863 0.6522717638188467 0.4711808917284179 +10142,-0.3506930662204403,0,-0.5085671598377322 -0.6215554817403086 -0.7020403137804953 -0.7422827298005886 -0.7299004479482543 -0.8459843403139121 -0.938851454206442 -1.0255274271727914 -1.1307768229176556 -1.1632803127800455 -0.9326603132802703 -0.45439467673375494 0.16317163065153759 0.4448685427922085 0.6058382068725817 0.7683556561845045 0.7420433072482863 0.6522717638188467 0.4711808917284179 0.033157671202004635 +10143,-0.6277466226664714,0,-0.6215554817403086 -0.7020403137804953 -0.7422827298005886 -0.7299004479482543 -0.8459843403139121 -0.938851454206442 -1.0255274271727914 -1.1307768229176556 -1.1632803127800455 -0.9326603132802703 -0.45439467673375494 0.16317163065153759 0.4448685427922085 0.6058382068725817 0.7683556561845045 0.7420433072482863 0.6522717638188467 0.4711808917284179 0.033157671202004635 -0.3506930662204403 +10144,-0.7980029981361065,0,-0.7020403137804953 -0.7422827298005886 -0.7299004479482543 -0.8459843403139121 -0.938851454206442 -1.0255274271727914 -1.1307768229176556 -1.1632803127800455 -0.9326603132802703 -0.45439467673375494 0.16317163065153759 0.4448685427922085 0.6058382068725817 0.7683556561845045 0.7420433072482863 0.6522717638188467 0.4711808917284179 0.033157671202004635 -0.3506930662204403 -0.6277466226664714 +10145,-0.920278031427936,0,-0.7422827298005886 -0.7299004479482543 -0.8459843403139121 -0.938851454206442 -1.0255274271727914 -1.1307768229176556 -1.1632803127800455 -0.9326603132802703 -0.45439467673375494 0.16317163065153759 0.4448685427922085 0.6058382068725817 0.7683556561845045 0.7420433072482863 0.6522717638188467 0.4711808917284179 0.033157671202004635 -0.3506930662204403 -0.6277466226664714 -0.7980029981361065 +10146,-1.0100495748573757,0,-0.7299004479482543 -0.8459843403139121 -0.938851454206442 -1.0255274271727914 -1.1307768229176556 -1.1632803127800455 -0.9326603132802703 -0.45439467673375494 0.16317163065153759 0.4448685427922085 0.6058382068725817 0.7683556561845045 0.7420433072482863 0.6522717638188467 0.4711808917284179 0.033157671202004635 -0.3506930662204403 -0.6277466226664714 -0.7980029981361065 -0.920278031427936 +10147,-1.059578702266722,0,-0.8459843403139121 -0.938851454206442 -1.0255274271727914 -1.1307768229176556 -1.1632803127800455 -0.9326603132802703 -0.45439467673375494 0.16317163065153759 0.4448685427922085 0.6058382068725817 0.7683556561845045 0.7420433072482863 0.6522717638188467 0.4711808917284179 0.033157671202004635 -0.3506930662204403 -0.6277466226664714 -0.7980029981361065 -0.920278031427936 -1.0100495748573757 +10148,-1.1183945410653213,0,-0.938851454206442 -1.0255274271727914 -1.1307768229176556 -1.1632803127800455 -0.9326603132802703 -0.45439467673375494 0.16317163065153759 0.4448685427922085 0.6058382068725817 0.7683556561845045 0.7420433072482863 0.6522717638188467 0.4711808917284179 0.033157671202004635 -0.3506930662204403 -0.6277466226664714 -0.7980029981361065 -0.920278031427936 -1.0100495748573757 -1.059578702266722 +10149,-1.1276812524545743,0,-1.0255274271727914 -1.1307768229176556 -1.1632803127800455 -0.9326603132802703 -0.45439467673375494 0.16317163065153759 0.4448685427922085 0.6058382068725817 0.7683556561845045 0.7420433072482863 0.6522717638188467 0.4711808917284179 0.033157671202004635 -0.3506930662204403 -0.6277466226664714 -0.7980029981361065 -0.920278031427936 -1.0100495748573757 -1.059578702266722 -1.1183945410653213 +10150,-1.2313828629678978,0,-1.1307768229176556 -1.1632803127800455 -0.9326603132802703 -0.45439467673375494 0.16317163065153759 0.4448685427922085 0.6058382068725817 0.7683556561845045 0.7420433072482863 0.6522717638188467 0.4711808917284179 0.033157671202004635 -0.3506930662204403 -0.6277466226664714 -0.7980029981361065 -0.920278031427936 -1.0100495748573757 -1.059578702266722 -1.1183945410653213 -1.1276812524545743 +10151,-1.5208187012662722,0,-1.1632803127800455 -0.9326603132802703 -0.45439467673375494 0.16317163065153759 0.4448685427922085 0.6058382068725817 0.7683556561845045 0.7420433072482863 0.6522717638188467 0.4711808917284179 0.033157671202004635 -0.3506930662204403 -0.6277466226664714 -0.7980029981361065 -0.920278031427936 -1.0100495748573757 -1.059578702266722 -1.1183945410653213 -1.1276812524545743 -1.2313828629678978 +10152,-1.2220961515786448,0,-0.9326603132802703 -0.45439467673375494 0.16317163065153759 0.4448685427922085 0.6058382068725817 0.7683556561845045 0.7420433072482863 0.6522717638188467 0.4711808917284179 0.033157671202004635 -0.3506930662204403 -0.6277466226664714 -0.7980029981361065 -0.920278031427936 -1.0100495748573757 -1.059578702266722 -1.1183945410653213 -1.1276812524545743 -1.2313828629678978 -1.5208187012662722 +10153,-1.35984903718589,0,-0.45439467673375494 0.16317163065153759 0.4448685427922085 0.6058382068725817 0.7683556561845045 0.7420433072482863 0.6522717638188467 0.4711808917284179 0.033157671202004635 -0.3506930662204403 -0.6277466226664714 -0.7980029981361065 -0.920278031427936 -1.0100495748573757 -1.059578702266722 -1.1183945410653213 -1.1276812524545743 -1.2313828629678978 -1.5208187012662722 -1.2220961515786448 +10154,-1.3644923928805208,0,0.16317163065153759 0.4448685427922085 0.6058382068725817 0.7683556561845045 0.7420433072482863 0.6522717638188467 0.4711808917284179 0.033157671202004635 -0.3506930662204403 -0.6277466226664714 -0.7980029981361065 -0.920278031427936 -1.0100495748573757 -1.059578702266722 -1.1183945410653213 -1.1276812524545743 -1.2313828629678978 -1.5208187012662722 -1.2220961515786448 -1.35984903718589 +10155,-1.392352527048271,0,0.4448685427922085 0.6058382068725817 0.7683556561845045 0.7420433072482863 0.6522717638188467 0.4711808917284179 0.033157671202004635 -0.3506930662204403 -0.6277466226664714 -0.7980029981361065 -0.920278031427936 -1.0100495748573757 -1.059578702266722 -1.1183945410653213 -1.1276812524545743 -1.2313828629678978 -1.5208187012662722 -1.2220961515786448 -1.35984903718589 -1.3644923928805208 +10156,-1.1864970912531736,0,0.6058382068725817 0.7683556561845045 0.7420433072482863 0.6522717638188467 0.4711808917284179 0.033157671202004635 -0.3506930662204403 -0.6277466226664714 -0.7980029981361065 -0.920278031427936 -1.0100495748573757 -1.059578702266722 -1.1183945410653213 -1.1276812524545743 -1.2313828629678978 -1.5208187012662722 -1.2220961515786448 -1.35984903718589 -1.3644923928805208 -1.392352527048271 +10157,-0.620007696508768,0,0.7683556561845045 0.7420433072482863 0.6522717638188467 0.4711808917284179 0.033157671202004635 -0.3506930662204403 -0.6277466226664714 -0.7980029981361065 -0.920278031427936 -1.0100495748573757 -1.059578702266722 -1.1183945410653213 -1.1276812524545743 -1.2313828629678978 -1.5208187012662722 -1.2220961515786448 -1.35984903718589 -1.3644923928805208 -1.392352527048271 -1.1864970912531736 +10158,-0.2191313215393578,0,0.7420433072482863 0.6522717638188467 0.4711808917284179 0.033157671202004635 -0.3506930662204403 -0.6277466226664714 -0.7980029981361065 -0.920278031427936 -1.0100495748573757 -1.059578702266722 -1.1183945410653213 -1.1276812524545743 -1.2313828629678978 -1.5208187012662722 -1.2220961515786448 -1.35984903718589 -1.3644923928805208 -1.392352527048271 -1.1864970912531736 -0.620007696508768 +10159,0.1089991475475692,0,0.6522717638188467 0.4711808917284179 0.033157671202004635 -0.3506930662204403 -0.6277466226664714 -0.7980029981361065 -0.920278031427936 -1.0100495748573757 -1.059578702266722 -1.1183945410653213 -1.1276812524545743 -1.2313828629678978 -1.5208187012662722 -1.2220961515786448 -1.35984903718589 -1.3644923928805208 -1.392352527048271 -1.1864970912531736 -0.620007696508768 -0.2191313215393578 +10160,0.2761599525541141,0,0.4711808917284179 0.033157671202004635 -0.3506930662204403 -0.6277466226664714 -0.7980029981361065 -0.920278031427936 -1.0100495748573757 -1.059578702266722 -1.1183945410653213 -1.1276812524545743 -1.2313828629678978 -1.5208187012662722 -1.2220961515786448 -1.35984903718589 -1.3644923928805208 -1.392352527048271 -1.1864970912531736 -0.620007696508768 -0.2191313215393578 0.1089991475475692 +10161,0.2250830399132271,0,0.033157671202004635 -0.3506930662204403 -0.6277466226664714 -0.7980029981361065 -0.920278031427936 -1.0100495748573757 -1.059578702266722 -1.1183945410653213 -1.1276812524545743 -1.2313828629678978 -1.5208187012662722 -1.2220961515786448 -1.35984903718589 -1.3644923928805208 -1.392352527048271 -1.1864970912531736 -0.620007696508768 -0.2191313215393578 0.1089991475475692 0.2761599525541141 +10162,0.13221592602069726,0,-0.3506930662204403 -0.6277466226664714 -0.7980029981361065 -0.920278031427936 -1.0100495748573757 -1.059578702266722 -1.1183945410653213 -1.1276812524545743 -1.2313828629678978 -1.5208187012662722 -1.2220961515786448 -1.35984903718589 -1.3644923928805208 -1.392352527048271 -1.1864970912531736 -0.620007696508768 -0.2191313215393578 0.1089991475475692 0.2761599525541141 0.2250830399132271 +10163,0.01613203365503937,0,-0.6277466226664714 -0.7980029981361065 -0.920278031427936 -1.0100495748573757 -1.059578702266722 -1.1183945410653213 -1.1276812524545743 -1.2313828629678978 -1.5208187012662722 -1.2220961515786448 -1.35984903718589 -1.3644923928805208 -1.392352527048271 -1.1864970912531736 -0.620007696508768 -0.2191313215393578 0.1089991475475692 0.2761599525541141 0.2250830399132271 0.13221592602069726 +10164,-0.06435279838514728,0,-0.7980029981361065 -0.920278031427936 -1.0100495748573757 -1.059578702266722 -1.1183945410653213 -1.1276812524545743 -1.2313828629678978 -1.5208187012662722 -1.2220961515786448 -1.35984903718589 -1.3644923928805208 -1.392352527048271 -1.1864970912531736 -0.620007696508768 -0.2191313215393578 0.1089991475475692 0.2761599525541141 0.2250830399132271 0.13221592602069726 0.01613203365503937 +10165,-0.2113923953816455,0,-0.920278031427936 -1.0100495748573757 -1.059578702266722 -1.1183945410653213 -1.1276812524545743 -1.2313828629678978 -1.5208187012662722 -1.2220961515786448 -1.35984903718589 -1.3644923928805208 -1.392352527048271 -1.1864970912531736 -0.620007696508768 -0.2191313215393578 0.1089991475475692 0.2761599525541141 0.2250830399132271 0.13221592602069726 0.01613203365503937 -0.06435279838514728 +10166,-0.36152756284123394,0,-1.0100495748573757 -1.059578702266722 -1.1183945410653213 -1.1276812524545743 -1.2313828629678978 -1.5208187012662722 -1.2220961515786448 -1.35984903718589 -1.3644923928805208 -1.392352527048271 -1.1864970912531736 -0.620007696508768 -0.2191313215393578 0.1089991475475692 0.2761599525541141 0.2250830399132271 0.13221592602069726 0.01613203365503937 -0.06435279838514728 -0.2113923953816455 +10167,-0.5101149450692729,0,-1.059578702266722 -1.1183945410653213 -1.1276812524545743 -1.2313828629678978 -1.5208187012662722 -1.2220961515786448 -1.35984903718589 -1.3644923928805208 -1.392352527048271 -1.1864970912531736 -0.620007696508768 -0.2191313215393578 0.1089991475475692 0.2761599525541141 0.2250830399132271 0.13221592602069726 0.01613203365503937 -0.06435279838514728 -0.2113923953816455 -0.36152756284123394 +10168,-0.5936953475725497,0,-1.1183945410653213 -1.1276812524545743 -1.2313828629678978 -1.5208187012662722 -1.2220961515786448 -1.35984903718589 -1.3644923928805208 -1.392352527048271 -1.1864970912531736 -0.620007696508768 -0.2191313215393578 0.1089991475475692 0.2761599525541141 0.2250830399132271 0.13221592602069726 0.01613203365503937 -0.06435279838514728 -0.2113923953816455 -0.36152756284123394 -0.5101149450692729 +10169,-0.6401289045188147,0,-1.1276812524545743 -1.2313828629678978 -1.5208187012662722 -1.2220961515786448 -1.35984903718589 -1.3644923928805208 -1.392352527048271 -1.1864970912531736 -0.620007696508768 -0.2191313215393578 0.1089991475475692 0.2761599525541141 0.2250830399132271 0.13221592602069726 0.01613203365503937 -0.06435279838514728 -0.2113923953816455 -0.36152756284123394 -0.5101149450692729 -0.5936953475725497 +10170,-0.7299004479482543,0,-1.2313828629678978 -1.5208187012662722 -1.2220961515786448 -1.35984903718589 -1.3644923928805208 -1.392352527048271 -1.1864970912531736 -0.620007696508768 -0.2191313215393578 0.1089991475475692 0.2761599525541141 0.2250830399132271 0.13221592602069726 0.01613203365503937 -0.06435279838514728 -0.2113923953816455 -0.36152756284123394 -0.5101149450692729 -0.5936953475725497 -0.6401289045188147 +10171,-0.8862267563340055,0,-1.5208187012662722 -1.2220961515786448 -1.35984903718589 -1.3644923928805208 -1.392352527048271 -1.1864970912531736 -0.620007696508768 -0.2191313215393578 0.1089991475475692 0.2761599525541141 0.2250830399132271 0.13221592602069726 0.01613203365503937 -0.06435279838514728 -0.2113923953816455 -0.36152756284123394 -0.5101149450692729 -0.5936953475725497 -0.6401289045188147 -0.7299004479482543 +10172,-0.9651638031426514,0,-1.2220961515786448 -1.35984903718589 -1.3644923928805208 -1.392352527048271 -1.1864970912531736 -0.620007696508768 -0.2191313215393578 0.1089991475475692 0.2761599525541141 0.2250830399132271 0.13221592602069726 0.01613203365503937 -0.06435279838514728 -0.2113923953816455 -0.36152756284123394 -0.5101149450692729 -0.5936953475725497 -0.6401289045188147 -0.7299004479482543 -0.8862267563340055 +10173,-0.9125391052702237,0,-1.35984903718589 -1.3644923928805208 -1.392352527048271 -1.1864970912531736 -0.620007696508768 -0.2191313215393578 0.1089991475475692 0.2761599525541141 0.2250830399132271 0.13221592602069726 0.01613203365503937 -0.06435279838514728 -0.2113923953816455 -0.36152756284123394 -0.5101149450692729 -0.5936953475725497 -0.6401289045188147 -0.7299004479482543 -0.8862267563340055 -0.9651638031426514 +10174,-0.8475321255454529,0,-1.3644923928805208 -1.392352527048271 -1.1864970912531736 -0.620007696508768 -0.2191313215393578 0.1089991475475692 0.2761599525541141 0.2250830399132271 0.13221592602069726 0.01613203365503937 -0.06435279838514728 -0.2113923953816455 -0.36152756284123394 -0.5101149450692729 -0.5936953475725497 -0.6401289045188147 -0.7299004479482543 -0.8862267563340055 -0.9651638031426514 -0.9125391052702237 +10175,-0.7980029981361065,0,-1.392352527048271 -1.1864970912531736 -0.620007696508768 -0.2191313215393578 0.1089991475475692 0.2761599525541141 0.2250830399132271 0.13221592602069726 0.01613203365503937 -0.06435279838514728 -0.2113923953816455 -0.36152756284123394 -0.5101149450692729 -0.5936953475725497 -0.6401289045188147 -0.7299004479482543 -0.8862267563340055 -0.9651638031426514 -0.9125391052702237 -0.8475321255454529 +10176,-0.8537232664716244,0,-1.1864970912531736 -0.620007696508768 -0.2191313215393578 0.1089991475475692 0.2761599525541141 0.2250830399132271 0.13221592602069726 0.01613203365503937 -0.06435279838514728 -0.2113923953816455 -0.36152756284123394 -0.5101149450692729 -0.5936953475725497 -0.6401289045188147 -0.7299004479482543 -0.8862267563340055 -0.9651638031426514 -0.9125391052702237 -0.8475321255454529 -0.7980029981361065 +10177,-0.8196719913776939,0,-0.620007696508768 -0.2191313215393578 0.1089991475475692 0.2761599525541141 0.2250830399132271 0.13221592602069726 0.01613203365503937 -0.06435279838514728 -0.2113923953816455 -0.36152756284123394 -0.5101149450692729 -0.5936953475725497 -0.6401289045188147 -0.7299004479482543 -0.8862267563340055 -0.9651638031426514 -0.9125391052702237 -0.8475321255454529 -0.7980029981361065 -0.8537232664716244 +10178,-0.8065158169095892,0,-0.2191313215393578 0.1089991475475692 0.2761599525541141 0.2250830399132271 0.13221592602069726 0.01613203365503937 -0.06435279838514728 -0.2113923953816455 -0.36152756284123394 -0.5101149450692729 -0.5936953475725497 -0.6401289045188147 -0.7299004479482543 -0.8862267563340055 -0.9651638031426514 -0.9125391052702237 -0.8475321255454529 -0.7980029981361065 -0.8537232664716244 -0.8196719913776939 +10179,-0.7933596424414756,0,0.1089991475475692 0.2761599525541141 0.2250830399132271 0.13221592602069726 0.01613203365503937 -0.06435279838514728 -0.2113923953816455 -0.36152756284123394 -0.5101149450692729 -0.5936953475725497 -0.6401289045188147 -0.7299004479482543 -0.8862267563340055 -0.9651638031426514 -0.9125391052702237 -0.8475321255454529 -0.7980029981361065 -0.8537232664716244 -0.8196719913776939 -0.8065158169095892 +10180,-0.7809773605891412,0,0.2761599525541141 0.2250830399132271 0.13221592602069726 0.01613203365503937 -0.06435279838514728 -0.2113923953816455 -0.36152756284123394 -0.5101149450692729 -0.5936953475725497 -0.6401289045188147 -0.7299004479482543 -0.8862267563340055 -0.9651638031426514 -0.9125391052702237 -0.8475321255454529 -0.7980029981361065 -0.8537232664716244 -0.8196719913776939 -0.8065158169095892 -0.7933596424414756 +10181,-0.8150286356830718,0,0.2250830399132271 0.13221592602069726 0.01613203365503937 -0.06435279838514728 -0.2113923953816455 -0.36152756284123394 -0.5101149450692729 -0.5936953475725497 -0.6401289045188147 -0.7299004479482543 -0.8862267563340055 -0.9651638031426514 -0.9125391052702237 -0.8475321255454529 -0.7980029981361065 -0.8537232664716244 -0.8196719913776939 -0.8065158169095892 -0.7933596424414756 -0.7809773605891412 +10182,-0.7376393741059666,0,0.13221592602069726 0.01613203365503937 -0.06435279838514728 -0.2113923953816455 -0.36152756284123394 -0.5101149450692729 -0.5936953475725497 -0.6401289045188147 -0.7299004479482543 -0.8862267563340055 -0.9651638031426514 -0.9125391052702237 -0.8475321255454529 -0.7980029981361065 -0.8537232664716244 -0.8196719913776939 -0.8065158169095892 -0.7933596424414756 -0.7809773605891412 -0.8150286356830718 +10183,-0.5751219247940438,0,0.01613203365503937 -0.06435279838514728 -0.2113923953816455 -0.36152756284123394 -0.5101149450692729 -0.5936953475725497 -0.6401289045188147 -0.7299004479482543 -0.8862267563340055 -0.9651638031426514 -0.9125391052702237 -0.8475321255454529 -0.7980029981361065 -0.8537232664716244 -0.8196719913776939 -0.8065158169095892 -0.7933596424414756 -0.7809773605891412 -0.8150286356830718 -0.7376393741059666 +10184,-0.6540589716026897,0,-0.06435279838514728 -0.2113923953816455 -0.36152756284123394 -0.5101149450692729 -0.5936953475725497 -0.6401289045188147 -0.7299004479482543 -0.8862267563340055 -0.9651638031426514 -0.9125391052702237 -0.8475321255454529 -0.7980029981361065 -0.8537232664716244 -0.8196719913776939 -0.8065158169095892 -0.7933596424414756 -0.7809773605891412 -0.8150286356830718 -0.7376393741059666 -0.5751219247940438 +10185,-0.5503573610893662,0,-0.2113923953816455 -0.36152756284123394 -0.5101149450692729 -0.5936953475725497 -0.6401289045188147 -0.7299004479482543 -0.8862267563340055 -0.9651638031426514 -0.9125391052702237 -0.8475321255454529 -0.7980029981361065 -0.8537232664716244 -0.8196719913776939 -0.8065158169095892 -0.7933596424414756 -0.7809773605891412 -0.8150286356830718 -0.7376393741059666 -0.5751219247940438 -0.6540589716026897 +10186,-0.46058581765992657,0,-0.36152756284123394 -0.5101149450692729 -0.5936953475725497 -0.6401289045188147 -0.7299004479482543 -0.8862267563340055 -0.9651638031426514 -0.9125391052702237 -0.8475321255454529 -0.7980029981361065 -0.8537232664716244 -0.8196719913776939 -0.8065158169095892 -0.7933596424414756 -0.7809773605891412 -0.8150286356830718 -0.7376393741059666 -0.5751219247940438 -0.6540589716026897 -0.5503573610893662 +10187,-0.34295414006272795,0,-0.5101149450692729 -0.5936953475725497 -0.6401289045188147 -0.7299004479482543 -0.8862267563340055 -0.9651638031426514 -0.9125391052702237 -0.8475321255454529 -0.7980029981361065 -0.8537232664716244 -0.8196719913776939 -0.8065158169095892 -0.7933596424414756 -0.7809773605891412 -0.8150286356830718 -0.7376393741059666 -0.5751219247940438 -0.6540589716026897 -0.5503573610893662 -0.46058581765992657 +10188,-0.3135462206634283,0,-0.5936953475725497 -0.6401289045188147 -0.7299004479482543 -0.8862267563340055 -0.9651638031426514 -0.9125391052702237 -0.8475321255454529 -0.7980029981361065 -0.8537232664716244 -0.8196719913776939 -0.8065158169095892 -0.7933596424414756 -0.7809773605891412 -0.8150286356830718 -0.7376393741059666 -0.5751219247940438 -0.6540589716026897 -0.5503573610893662 -0.46058581765992657 -0.34295414006272795 +10189,-0.38319655608282127,0,-0.6401289045188147 -0.7299004479482543 -0.8862267563340055 -0.9651638031426514 -0.9125391052702237 -0.8475321255454529 -0.7980029981361065 -0.8537232664716244 -0.8196719913776939 -0.8065158169095892 -0.7933596424414756 -0.7809773605891412 -0.8150286356830718 -0.7376393741059666 -0.5751219247940438 -0.6540589716026897 -0.5503573610893662 -0.46058581765992657 -0.34295414006272795 -0.3135462206634283 +10190,-0.5054715893746508,0,-0.7299004479482543 -0.8862267563340055 -0.9651638031426514 -0.9125391052702237 -0.8475321255454529 -0.7980029981361065 -0.8537232664716244 -0.8196719913776939 -0.8065158169095892 -0.7933596424414756 -0.7809773605891412 -0.8150286356830718 -0.7376393741059666 -0.5751219247940438 -0.6540589716026897 -0.5503573610893662 -0.46058581765992657 -0.34295414006272795 -0.3135462206634283 -0.38319655608282127 +10191,-0.5890519918779188,0,-0.8862267563340055 -0.9651638031426514 -0.9125391052702237 -0.8475321255454529 -0.7980029981361065 -0.8537232664716244 -0.8196719913776939 -0.8065158169095892 -0.7933596424414756 -0.7809773605891412 -0.8150286356830718 -0.7376393741059666 -0.5751219247940438 -0.6540589716026897 -0.5503573610893662 -0.46058581765992657 -0.34295414006272795 -0.3135462206634283 -0.38319655608282127 -0.5054715893746508 +10192,-0.6927536023912423,0,-0.9651638031426514 -0.9125391052702237 -0.8475321255454529 -0.7980029981361065 -0.8537232664716244 -0.8196719913776939 -0.8065158169095892 -0.7933596424414756 -0.7809773605891412 -0.8150286356830718 -0.7376393741059666 -0.5751219247940438 -0.6540589716026897 -0.5503573610893662 -0.46058581765992657 -0.34295414006272795 -0.3135462206634283 -0.38319655608282127 -0.5054715893746508 -0.5890519918779188 +10193,-0.7577605821160132,0,-0.9125391052702237 -0.8475321255454529 -0.7980029981361065 -0.8537232664716244 -0.8196719913776939 -0.8065158169095892 -0.7933596424414756 -0.7809773605891412 -0.8150286356830718 -0.7376393741059666 -0.5751219247940438 -0.6540589716026897 -0.5503573610893662 -0.46058581765992657 -0.34295414006272795 -0.3135462206634283 -0.38319655608282127 -0.5054715893746508 -0.5890519918779188 -0.6927536023912423 +10194,-0.8243153470723248,0,-0.8475321255454529 -0.7980029981361065 -0.8537232664716244 -0.8196719913776939 -0.8065158169095892 -0.7933596424414756 -0.7809773605891412 -0.8150286356830718 -0.7376393741059666 -0.5751219247940438 -0.6540589716026897 -0.5503573610893662 -0.46058581765992657 -0.34295414006272795 -0.3135462206634283 -0.38319655608282127 -0.5054715893746508 -0.5890519918779188 -0.6927536023912423 -0.7577605821160132 +10195,-0.920278031427936,0,-0.7980029981361065 -0.8537232664716244 -0.8196719913776939 -0.8065158169095892 -0.7933596424414756 -0.7809773605891412 -0.8150286356830718 -0.7376393741059666 -0.5751219247940438 -0.6540589716026897 -0.5503573610893662 -0.46058581765992657 -0.34295414006272795 -0.3135462206634283 -0.38319655608282127 -0.5054715893746508 -0.5890519918779188 -0.6927536023912423 -0.7577605821160132 -0.8243153470723248 +10196,-1.036361923793594,0,-0.8537232664716244 -0.8196719913776939 -0.8065158169095892 -0.7933596424414756 -0.7809773605891412 -0.8150286356830718 -0.7376393741059666 -0.5751219247940438 -0.6540589716026897 -0.5503573610893662 -0.46058581765992657 -0.34295414006272795 -0.3135462206634283 -0.38319655608282127 -0.5054715893746508 -0.5890519918779188 -0.6927536023912423 -0.7577605821160132 -0.8243153470723248 -0.920278031427936 +10197,-0.989928366847329,0,-0.8196719913776939 -0.8065158169095892 -0.7933596424414756 -0.7809773605891412 -0.8150286356830718 -0.7376393741059666 -0.5751219247940438 -0.6540589716026897 -0.5503573610893662 -0.46058581765992657 -0.34295414006272795 -0.3135462206634283 -0.38319655608282127 -0.5054715893746508 -0.5890519918779188 -0.6927536023912423 -0.7577605821160132 -0.8243153470723248 -0.920278031427936 -1.036361923793594 +10198,-0.9961195077734918,0,-0.8065158169095892 -0.7933596424414756 -0.7809773605891412 -0.8150286356830718 -0.7376393741059666 -0.5751219247940438 -0.6540589716026897 -0.5503573610893662 -0.46058581765992657 -0.34295414006272795 -0.3135462206634283 -0.38319655608282127 -0.5054715893746508 -0.5890519918779188 -0.6927536023912423 -0.7577605821160132 -0.8243153470723248 -0.920278031427936 -1.036361923793594 -0.989928366847329 +10199,-1.0936299773606524,0,-0.7933596424414756 -0.7809773605891412 -0.8150286356830718 -0.7376393741059666 -0.5751219247940438 -0.6540589716026897 -0.5503573610893662 -0.46058581765992657 -0.34295414006272795 -0.3135462206634283 -0.38319655608282127 -0.5054715893746508 -0.5890519918779188 -0.6927536023912423 -0.7577605821160132 -0.8243153470723248 -0.920278031427936 -1.036361923793594 -0.989928366847329 -0.9961195077734918 +10200,-1.0982733330552745,0,-0.7809773605891412 -0.8150286356830718 -0.7376393741059666 -0.5751219247940438 -0.6540589716026897 -0.5503573610893662 -0.46058581765992657 -0.34295414006272795 -0.3135462206634283 -0.38319655608282127 -0.5054715893746508 -0.5890519918779188 -0.6927536023912423 -0.7577605821160132 -0.8243153470723248 -0.920278031427936 -1.036361923793594 -0.989928366847329 -0.9961195077734918 -1.0936299773606524 +10201,-1.1447068900015396,0,-0.8150286356830718 -0.7376393741059666 -0.5751219247940438 -0.6540589716026897 -0.5503573610893662 -0.46058581765992657 -0.34295414006272795 -0.3135462206634283 -0.38319655608282127 -0.5054715893746508 -0.5890519918779188 -0.6927536023912423 -0.7577605821160132 -0.8243153470723248 -0.920278031427936 -1.036361923793594 -0.989928366847329 -0.9961195077734918 -1.0936299773606524 -1.0982733330552745 +10202,-1.1895926617162549,0,-0.7376393741059666 -0.5751219247940438 -0.6540589716026897 -0.5503573610893662 -0.46058581765992657 -0.34295414006272795 -0.3135462206634283 -0.38319655608282127 -0.5054715893746508 -0.5890519918779188 -0.6927536023912423 -0.7577605821160132 -0.8243153470723248 -0.920278031427936 -1.036361923793594 -0.989928366847329 -0.9961195077734918 -1.0936299773606524 -1.0982733330552745 -1.1447068900015396 +10203,-1.2190005811155544,0,-0.5751219247940438 -0.6540589716026897 -0.5503573610893662 -0.46058581765992657 -0.34295414006272795 -0.3135462206634283 -0.38319655608282127 -0.5054715893746508 -0.5890519918779188 -0.6927536023912423 -0.7577605821160132 -0.8243153470723248 -0.920278031427936 -1.036361923793594 -0.989928366847329 -0.9961195077734918 -1.0936299773606524 -1.0982733330552745 -1.1447068900015396 -1.1895926617162549 +10204,-0.9852850111526981,0,-0.6540589716026897 -0.5503573610893662 -0.46058581765992657 -0.34295414006272795 -0.3135462206634283 -0.38319655608282127 -0.5054715893746508 -0.5890519918779188 -0.6927536023912423 -0.7577605821160132 -0.8243153470723248 -0.920278031427936 -1.036361923793594 -0.989928366847329 -0.9961195077734918 -1.0936299773606524 -1.0982733330552745 -1.1447068900015396 -1.1895926617162549 -1.2190005811155544 +10205,-0.5813130657202153,0,-0.5503573610893662 -0.46058581765992657 -0.34295414006272795 -0.3135462206634283 -0.38319655608282127 -0.5054715893746508 -0.5890519918779188 -0.6927536023912423 -0.7577605821160132 -0.8243153470723248 -0.920278031427936 -1.036361923793594 -0.989928366847329 -0.9961195077734918 -1.0936299773606524 -1.0982733330552745 -1.1447068900015396 -1.1895926617162549 -1.2190005811155544 -0.9852850111526981 +10206,-0.0550660869958943,0,-0.46058581765992657 -0.34295414006272795 -0.3135462206634283 -0.38319655608282127 -0.5054715893746508 -0.5890519918779188 -0.6927536023912423 -0.7577605821160132 -0.8243153470723248 -0.920278031427936 -1.036361923793594 -0.989928366847329 -0.9961195077734918 -1.0936299773606524 -1.0982733330552745 -1.1447068900015396 -1.1895926617162549 -1.2190005811155544 -0.9852850111526981 -0.5813130657202153 +10207,0.45260746894991194,0,-0.34295414006272795 -0.3135462206634283 -0.38319655608282127 -0.5054715893746508 -0.5890519918779188 -0.6927536023912423 -0.7577605821160132 -0.8243153470723248 -0.920278031427936 -1.036361923793594 -0.989928366847329 -0.9961195077734918 -1.0936299773606524 -1.0982733330552745 -1.1447068900015396 -1.1895926617162549 -1.2190005811155544 -0.9852850111526981 -0.5813130657202153 -0.0550660869958943 +10208,0.6816796832181463,0,-0.3135462206634283 -0.38319655608282127 -0.5054715893746508 -0.5890519918779188 -0.6927536023912423 -0.7577605821160132 -0.8243153470723248 -0.920278031427936 -1.036361923793594 -0.989928366847329 -0.9961195077734918 -1.0936299773606524 -1.0982733330552745 -1.1447068900015396 -1.1895926617162549 -1.2190005811155544 -0.9852850111526981 -0.5813130657202153 -0.0550660869958943 0.45260746894991194 +10209,0.841101562066979,0,-0.38319655608282127 -0.5054715893746508 -0.5890519918779188 -0.6927536023912423 -0.7577605821160132 -0.8243153470723248 -0.920278031427936 -1.036361923793594 -0.989928366847329 -0.9961195077734918 -1.0936299773606524 -1.0982733330552745 -1.1447068900015396 -1.1895926617162549 -1.2190005811155544 -0.9852850111526981 -0.5813130657202153 -0.0550660869958943 0.45260746894991194 0.6816796832181463 +10210,0.8890829042447845,0,-0.5054715893746508 -0.5890519918779188 -0.6927536023912423 -0.7577605821160132 -0.8243153470723248 -0.920278031427936 -1.036361923793594 -0.989928366847329 -0.9961195077734918 -1.0936299773606524 -1.0982733330552745 -1.1447068900015396 -1.1895926617162549 -1.2190005811155544 -0.9852850111526981 -0.5813130657202153 -0.0550660869958943 0.45260746894991194 0.6816796832181463 0.841101562066979 +10211,0.8875351190132439,0,-0.5890519918779188 -0.6927536023912423 -0.7577605821160132 -0.8243153470723248 -0.920278031427936 -1.036361923793594 -0.989928366847329 -0.9961195077734918 -1.0936299773606524 -1.0982733330552745 -1.1447068900015396 -1.1895926617162549 -1.2190005811155544 -0.9852850111526981 -0.5813130657202153 -0.0550660869958943 0.45260746894991194 0.6816796832181463 0.841101562066979 0.8890829042447845 +10212,0.590360354557166,0,-0.6927536023912423 -0.7577605821160132 -0.8243153470723248 -0.920278031427936 -1.036361923793594 -0.989928366847329 -0.9961195077734918 -1.0936299773606524 -1.0982733330552745 -1.1447068900015396 -1.1895926617162549 -1.2190005811155544 -0.9852850111526981 -0.5813130657202153 -0.0550660869958943 0.45260746894991194 0.6816796832181463 0.841101562066979 0.8890829042447845 0.8875351190132439 +10213,0.23591753653402076,0,-0.7577605821160132 -0.8243153470723248 -0.920278031427936 -1.036361923793594 -0.989928366847329 -0.9961195077734918 -1.0936299773606524 -1.0982733330552745 -1.1447068900015396 -1.1895926617162549 -1.2190005811155544 -0.9852850111526981 -0.5813130657202153 -0.0550660869958943 0.45260746894991194 0.6816796832181463 0.841101562066979 0.8890829042447845 0.8875351190132439 0.590360354557166 +10214,-0.005536959586547991,0,-0.8243153470723248 -0.920278031427936 -1.036361923793594 -0.989928366847329 -0.9961195077734918 -1.0936299773606524 -1.0982733330552745 -1.1447068900015396 -1.1895926617162549 -1.2190005811155544 -0.9852850111526981 -0.5813130657202153 -0.0550660869958943 0.45260746894991194 0.6816796832181463 0.841101562066979 0.8890829042447845 0.8875351190132439 0.590360354557166 0.23591753653402076 +10215,-0.19591454306622974,0,-0.920278031427936 -1.036361923793594 -0.989928366847329 -0.9961195077734918 -1.0936299773606524 -1.0982733330552745 -1.1447068900015396 -1.1895926617162549 -1.2190005811155544 -0.9852850111526981 -0.5813130657202153 -0.0550660869958943 0.45260746894991194 0.6816796832181463 0.841101562066979 0.8890829042447845 0.8875351190132439 0.590360354557166 0.23591753653402076 -0.005536959586547991 +10216,-0.18043669075080518,0,-1.036361923793594 -0.989928366847329 -0.9961195077734918 -1.0936299773606524 -1.0982733330552745 -1.1447068900015396 -1.1895926617162549 -1.2190005811155544 -0.9852850111526981 -0.5813130657202153 -0.0550660869958943 0.45260746894991194 0.6816796832181463 0.841101562066979 0.8890829042447845 0.8875351190132439 0.590360354557166 0.23591753653402076 -0.005536959586547991 -0.19591454306622974 +10217,-0.30425950927417533,0,-0.989928366847329 -0.9961195077734918 -1.0936299773606524 -1.0982733330552745 -1.1447068900015396 -1.1895926617162549 -1.2190005811155544 -0.9852850111526981 -0.5813130657202153 -0.0550660869958943 0.45260746894991194 0.6816796832181463 0.841101562066979 0.8890829042447845 0.8875351190132439 0.590360354557166 0.23591753653402076 -0.005536959586547991 -0.19591454306622974 -0.18043669075080518 +10218,-0.47296809951226093,0,-0.9961195077734918 -1.0936299773606524 -1.0982733330552745 -1.1447068900015396 -1.1895926617162549 -1.2190005811155544 -0.9852850111526981 -0.5813130657202153 -0.0550660869958943 0.45260746894991194 0.6816796832181463 0.841101562066979 0.8890829042447845 0.8875351190132439 0.590360354557166 0.23591753653402076 -0.005536959586547991 -0.19591454306622974 -0.18043669075080518 -0.30425950927417533 +10219,-0.4435601801129613,0,-1.0936299773606524 -1.0982733330552745 -1.1447068900015396 -1.1895926617162549 -1.2190005811155544 -0.9852850111526981 -0.5813130657202153 -0.0550660869958943 0.45260746894991194 0.6816796832181463 0.841101562066979 0.8890829042447845 0.8875351190132439 0.590360354557166 0.23591753653402076 -0.005536959586547991 -0.19591454306622974 -0.18043669075080518 -0.30425950927417533 -0.47296809951226093 +10220,-0.5441662201632034,0,-1.0982733330552745 -1.1447068900015396 -1.1895926617162549 -1.2190005811155544 -0.9852850111526981 -0.5813130657202153 -0.0550660869958943 0.45260746894991194 0.6816796832181463 0.841101562066979 0.8890829042447845 0.8875351190132439 0.590360354557166 0.23591753653402076 -0.005536959586547991 -0.19591454306622974 -0.18043669075080518 -0.30425950927417533 -0.47296809951226093 -0.4435601801129613 +10221,-0.7515694411898416,0,-1.1447068900015396 -1.1895926617162549 -1.2190005811155544 -0.9852850111526981 -0.5813130657202153 -0.0550660869958943 0.45260746894991194 0.6816796832181463 0.841101562066979 0.8890829042447845 0.8875351190132439 0.590360354557166 0.23591753653402076 -0.005536959586547991 -0.19591454306622974 -0.18043669075080518 -0.30425950927417533 -0.47296809951226093 -0.4435601801129613 -0.5441662201632034 +10222,-0.7283526627167135,0,-1.1895926617162549 -1.2190005811155544 -0.9852850111526981 -0.5813130657202153 -0.0550660869958943 0.45260746894991194 0.6816796832181463 0.841101562066979 0.8890829042447845 0.8875351190132439 0.590360354557166 0.23591753653402076 -0.005536959586547991 -0.19591454306622974 -0.18043669075080518 -0.30425950927417533 -0.47296809951226093 -0.4435601801129613 -0.5441662201632034 -0.7515694411898416 +10223,-0.6509634011396083,0,-1.2190005811155544 -0.9852850111526981 -0.5813130657202153 -0.0550660869958943 0.45260746894991194 0.6816796832181463 0.841101562066979 0.8890829042447845 0.8875351190132439 0.590360354557166 0.23591753653402076 -0.005536959586547991 -0.19591454306622974 -0.18043669075080518 -0.30425950927417533 -0.47296809951226093 -0.4435601801129613 -0.5441662201632034 -0.7515694411898416 -0.7283526627167135 +10224,-0.6819191057704487,0,-0.9852850111526981 -0.5813130657202153 -0.0550660869958943 0.45260746894991194 0.6816796832181463 0.841101562066979 0.8890829042447845 0.8875351190132439 0.590360354557166 0.23591753653402076 -0.005536959586547991 -0.19591454306622974 -0.18043669075080518 -0.30425950927417533 -0.47296809951226093 -0.4435601801129613 -0.5441662201632034 -0.7515694411898416 -0.7283526627167135 -0.6509634011396083 +10225,-0.7020403137804953,0,-0.5813130657202153 -0.0550660869958943 0.45260746894991194 0.6816796832181463 0.841101562066979 0.8890829042447845 0.8875351190132439 0.590360354557166 0.23591753653402076 -0.005536959586547991 -0.19591454306622974 -0.18043669075080518 -0.30425950927417533 -0.47296809951226093 -0.4435601801129613 -0.5441662201632034 -0.7515694411898416 -0.7283526627167135 -0.6509634011396083 -0.6819191057704487 +10226,-0.8289587027669468,0,-0.0550660869958943 0.45260746894991194 0.6816796832181463 0.841101562066979 0.8890829042447845 0.8875351190132439 0.590360354557166 0.23591753653402076 -0.005536959586547991 -0.19591454306622974 -0.18043669075080518 -0.30425950927417533 -0.47296809951226093 -0.4435601801129613 -0.5441662201632034 -0.7515694411898416 -0.7283526627167135 -0.6509634011396083 -0.6819191057704487 -0.7020403137804953 +10227,-0.8846789711024647,0,0.45260746894991194 0.6816796832181463 0.841101562066979 0.8890829042447845 0.8875351190132439 0.590360354557166 0.23591753653402076 -0.005536959586547991 -0.19591454306622974 -0.18043669075080518 -0.30425950927417533 -0.47296809951226093 -0.4435601801129613 -0.5441662201632034 -0.7515694411898416 -0.7283526627167135 -0.6509634011396083 -0.6819191057704487 -0.7020403137804953 -0.8289587027669468 +10228,-0.5689307838678721,0,0.6816796832181463 0.841101562066979 0.8890829042447845 0.8875351190132439 0.590360354557166 0.23591753653402076 -0.005536959586547991 -0.19591454306622974 -0.18043669075080518 -0.30425950927417533 -0.47296809951226093 -0.4435601801129613 -0.5441662201632034 -0.7515694411898416 -0.7283526627167135 -0.6509634011396083 -0.6819191057704487 -0.7020403137804953 -0.8289587027669468 -0.8846789711024647 +10229,0.10280800662139761,0,0.841101562066979 0.8890829042447845 0.8875351190132439 0.590360354557166 0.23591753653402076 -0.005536959586547991 -0.19591454306622974 -0.18043669075080518 -0.30425950927417533 -0.47296809951226093 -0.4435601801129613 -0.5441662201632034 -0.7515694411898416 -0.7283526627167135 -0.6509634011396083 -0.6819191057704487 -0.7020403137804953 -0.8289587027669468 -0.8846789711024647 -0.5689307838678721 +10230,0.4851109588123018,0,0.8890829042447845 0.8875351190132439 0.590360354557166 0.23591753653402076 -0.005536959586547991 -0.19591454306622974 -0.18043669075080518 -0.30425950927417533 -0.47296809951226093 -0.4435601801129613 -0.5441662201632034 -0.7515694411898416 -0.7283526627167135 -0.6509634011396083 -0.6819191057704487 -0.7020403137804953 -0.8289587027669468 -0.8846789711024647 -0.5689307838678721 0.10280800662139761 +10231,0.8333626359092754,0,0.8875351190132439 0.590360354557166 0.23591753653402076 -0.005536959586547991 -0.19591454306622974 -0.18043669075080518 -0.30425950927417533 -0.47296809951226093 -0.4435601801129613 -0.5441662201632034 -0.7515694411898416 -0.7283526627167135 -0.6509634011396083 -0.6819191057704487 -0.7020403137804953 -0.8289587027669468 -0.8846789711024647 -0.5689307838678721 0.10280800662139761 0.4851109588123018 +10232,1.1506586083754,0,0.590360354557166 0.23591753653402076 -0.005536959586547991 -0.19591454306622974 -0.18043669075080518 -0.30425950927417533 -0.47296809951226093 -0.4435601801129613 -0.5441662201632034 -0.7515694411898416 -0.7283526627167135 -0.6509634011396083 -0.6819191057704487 -0.7020403137804953 -0.8289587027669468 -0.8846789711024647 -0.5689307838678721 0.10280800662139761 0.4851109588123018 0.8333626359092754 +10233,1.1955443800901242,0,0.23591753653402076 -0.005536959586547991 -0.19591454306622974 -0.18043669075080518 -0.30425950927417533 -0.47296809951226093 -0.4435601801129613 -0.5441662201632034 -0.7515694411898416 -0.7283526627167135 -0.6509634011396083 -0.6819191057704487 -0.7020403137804953 -0.8289587027669468 -0.8846789711024647 -0.5689307838678721 0.10280800662139761 0.4851109588123018 0.8333626359092754 1.1506586083754 +10234,1.2775769973618603,0,-0.005536959586547991 -0.19591454306622974 -0.18043669075080518 -0.30425950927417533 -0.47296809951226093 -0.4435601801129613 -0.5441662201632034 -0.7515694411898416 -0.7283526627167135 -0.6509634011396083 -0.6819191057704487 -0.7020403137804953 -0.8289587027669468 -0.8846789711024647 -0.5689307838678721 0.10280800662139761 0.4851109588123018 0.8333626359092754 1.1506586083754 1.1955443800901242 +10235,1.1227984742076498,0,-0.19591454306622974 -0.18043669075080518 -0.30425950927417533 -0.47296809951226093 -0.4435601801129613 -0.5441662201632034 -0.7515694411898416 -0.7283526627167135 -0.6509634011396083 -0.6819191057704487 -0.7020403137804953 -0.8289587027669468 -0.8846789711024647 -0.5689307838678721 0.10280800662139761 0.4851109588123018 0.8333626359092754 1.1506586083754 1.1955443800901242 1.2775769973618603 +10236,0.9494465282749334,0,-0.18043669075080518 -0.30425950927417533 -0.47296809951226093 -0.4435601801129613 -0.5441662201632034 -0.7515694411898416 -0.7283526627167135 -0.6509634011396083 -0.6819191057704487 -0.7020403137804953 -0.8289587027669468 -0.8846789711024647 -0.5689307838678721 0.10280800662139761 0.4851109588123018 0.8333626359092754 1.1506586083754 1.1955443800901242 1.2775769973618603 1.1227984742076498 +10237,0.5052321668223485,0,-0.30425950927417533 -0.47296809951226093 -0.4435601801129613 -0.5441662201632034 -0.7515694411898416 -0.7283526627167135 -0.6509634011396083 -0.6819191057704487 -0.7020403137804953 -0.8289587027669468 -0.8846789711024647 -0.5689307838678721 0.10280800662139761 0.4851109588123018 0.8333626359092754 1.1506586083754 1.1955443800901242 1.2775769973618603 1.1227984742076498 0.9494465282749334 +10238,0.23282196607093936,0,-0.47296809951226093 -0.4435601801129613 -0.5441662201632034 -0.7515694411898416 -0.7283526627167135 -0.6509634011396083 -0.6819191057704487 -0.7020403137804953 -0.8289587027669468 -0.8846789711024647 -0.5689307838678721 0.10280800662139761 0.4851109588123018 0.8333626359092754 1.1506586083754 1.1955443800901242 1.2775769973618603 1.1227984742076498 0.9494465282749334 0.5052321668223485 +10239,-0.12626420764683677,0,-0.4435601801129613 -0.5441662201632034 -0.7515694411898416 -0.7283526627167135 -0.6509634011396083 -0.6819191057704487 -0.7020403137804953 -0.8289587027669468 -0.8846789711024647 -0.5689307838678721 0.10280800662139761 0.4851109588123018 0.8333626359092754 1.1506586083754 1.1955443800901242 1.2775769973618603 1.1227984742076498 0.9494465282749334 0.5052321668223485 0.23282196607093936 +10240,-0.34140635483118725,0,-0.5441662201632034 -0.7515694411898416 -0.7283526627167135 -0.6509634011396083 -0.6819191057704487 -0.7020403137804953 -0.8289587027669468 -0.8846789711024647 -0.5689307838678721 0.10280800662139761 0.4851109588123018 0.8333626359092754 1.1506586083754 1.1955443800901242 1.2775769973618603 1.1227984742076498 0.9494465282749334 0.5052321668223485 0.23282196607093936 -0.12626420764683677 +10241,-0.4358212539552578,0,-0.7515694411898416 -0.7283526627167135 -0.6509634011396083 -0.6819191057704487 -0.7020403137804953 -0.8289587027669468 -0.8846789711024647 -0.5689307838678721 0.10280800662139761 0.4851109588123018 0.8333626359092754 1.1506586083754 1.1955443800901242 1.2775769973618603 1.1227984742076498 0.9494465282749334 0.5052321668223485 0.23282196607093936 -0.12626420764683677 -0.34140635483118725 +10242,-0.5317839383108602,0,-0.7283526627167135 -0.6509634011396083 -0.6819191057704487 -0.7020403137804953 -0.8289587027669468 -0.8846789711024647 -0.5689307838678721 0.10280800662139761 0.4851109588123018 0.8333626359092754 1.1506586083754 1.1955443800901242 1.2775769973618603 1.1227984742076498 0.9494465282749334 0.5052321668223485 0.23282196607093936 -0.12626420764683677 -0.34140635483118725 -0.4358212539552578 +10243,-0.6509634011396083,0,-0.6509634011396083 -0.6819191057704487 -0.7020403137804953 -0.8289587027669468 -0.8846789711024647 -0.5689307838678721 0.10280800662139761 0.4851109588123018 0.8333626359092754 1.1506586083754 1.1955443800901242 1.2775769973618603 1.1227984742076498 0.9494465282749334 0.5052321668223485 0.23282196607093936 -0.12626420764683677 -0.34140635483118725 -0.4358212539552578 -0.5317839383108602 +10244,-0.7964552129045658,0,-0.6819191057704487 -0.7020403137804953 -0.8289587027669468 -0.8846789711024647 -0.5689307838678721 0.10280800662139761 0.4851109588123018 0.8333626359092754 1.1506586083754 1.1955443800901242 1.2775769973618603 1.1227984742076498 0.9494465282749334 0.5052321668223485 0.23282196607093936 -0.12626420764683677 -0.34140635483118725 -0.4358212539552578 -0.5317839383108602 -0.6509634011396083 +10245,-0.9094435348071335,0,-0.7020403137804953 -0.8289587027669468 -0.8846789711024647 -0.5689307838678721 0.10280800662139761 0.4851109588123018 0.8333626359092754 1.1506586083754 1.1955443800901242 1.2775769973618603 1.1227984742076498 0.9494465282749334 0.5052321668223485 0.23282196607093936 -0.12626420764683677 -0.34140635483118725 -0.4358212539552578 -0.5317839383108602 -0.6509634011396083 -0.7964552129045658 +10246,-1.0007628634681227,0,-0.8289587027669468 -0.8846789711024647 -0.5689307838678721 0.10280800662139761 0.4851109588123018 0.8333626359092754 1.1506586083754 1.1955443800901242 1.2775769973618603 1.1227984742076498 0.9494465282749334 0.5052321668223485 0.23282196607093936 -0.12626420764683677 -0.34140635483118725 -0.4358212539552578 -0.5317839383108602 -0.6509634011396083 -0.7964552129045658 -0.9094435348071335 +10247,-1.036361923793594,0,-0.8846789711024647 -0.5689307838678721 0.10280800662139761 0.4851109588123018 0.8333626359092754 1.1506586083754 1.1955443800901242 1.2775769973618603 1.1227984742076498 0.9494465282749334 0.5052321668223485 0.23282196607093936 -0.12626420764683677 -0.34140635483118725 -0.4358212539552578 -0.5317839383108602 -0.6509634011396083 -0.7964552129045658 -0.9094435348071335 -1.0007628634681227 +10248,-1.0533875613405503,0,-0.5689307838678721 0.10280800662139761 0.4851109588123018 0.8333626359092754 1.1506586083754 1.1955443800901242 1.2775769973618603 1.1227984742076498 0.9494465282749334 0.5052321668223485 0.23282196607093936 -0.12626420764683677 -0.34140635483118725 -0.4358212539552578 -0.5317839383108602 -0.6509634011396083 -0.7964552129045658 -0.9094435348071335 -1.0007628634681227 -1.036361923793594 +10249,-1.003858433931204,0,0.10280800662139761 0.4851109588123018 0.8333626359092754 1.1506586083754 1.1955443800901242 1.2775769973618603 1.1227984742076498 0.9494465282749334 0.5052321668223485 0.23282196607093936 -0.12626420764683677 -0.34140635483118725 -0.4358212539552578 -0.5317839383108602 -0.6509634011396083 -0.7964552129045658 -0.9094435348071335 -1.0007628634681227 -1.036361923793594 -1.0533875613405503 +10250,-1.0704131988875156,0,0.4851109588123018 0.8333626359092754 1.1506586083754 1.1955443800901242 1.2775769973618603 1.1227984742076498 0.9494465282749334 0.5052321668223485 0.23282196607093936 -0.12626420764683677 -0.34140635483118725 -0.4358212539552578 -0.5317839383108602 -0.6509634011396083 -0.7964552129045658 -0.9094435348071335 -1.0007628634681227 -1.036361923793594 -1.0533875613405503 -1.003858433931204 +10251,-1.1508980309277022,0,0.8333626359092754 1.1506586083754 1.1955443800901242 1.2775769973618603 1.1227984742076498 0.9494465282749334 0.5052321668223485 0.23282196607093936 -0.12626420764683677 -0.34140635483118725 -0.4358212539552578 -0.5317839383108602 -0.6509634011396083 -0.7964552129045658 -0.9094435348071335 -1.0007628634681227 -1.036361923793594 -1.0533875613405503 -1.003858433931204 -1.0704131988875156 +10252,-0.8769400449447524,0,1.1506586083754 1.1955443800901242 1.2775769973618603 1.1227984742076498 0.9494465282749334 0.5052321668223485 0.23282196607093936 -0.12626420764683677 -0.34140635483118725 -0.4358212539552578 -0.5317839383108602 -0.6509634011396083 -0.7964552129045658 -0.9094435348071335 -1.0007628634681227 -1.036361923793594 -1.0533875613405503 -1.003858433931204 -1.0704131988875156 -1.1508980309277022 +10253,-0.4868981665961448,0,1.1955443800901242 1.2775769973618603 1.1227984742076498 0.9494465282749334 0.5052321668223485 0.23282196607093936 -0.12626420764683677 -0.34140635483118725 -0.4358212539552578 -0.5317839383108602 -0.6509634011396083 -0.7964552129045658 -0.9094435348071335 -1.0007628634681227 -1.036361923793594 -1.0533875613405503 -1.003858433931204 -1.0704131988875156 -1.1508980309277022 -0.8769400449447524 +10254,0.0006541813396235972,0,1.2775769973618603 1.1227984742076498 0.9494465282749334 0.5052321668223485 0.23282196607093936 -0.12626420764683677 -0.34140635483118725 -0.4358212539552578 -0.5317839383108602 -0.6509634011396083 -0.7964552129045658 -0.9094435348071335 -1.0007628634681227 -1.036361923793594 -1.0533875613405503 -1.003858433931204 -1.0704131988875156 -1.1508980309277022 -0.8769400449447524 -0.4868981665961448 +10255,0.45570303941300216,0,1.1227984742076498 0.9494465282749334 0.5052321668223485 0.23282196607093936 -0.12626420764683677 -0.34140635483118725 -0.4358212539552578 -0.5317839383108602 -0.6509634011396083 -0.7964552129045658 -0.9094435348071335 -1.0007628634681227 -1.036361923793594 -1.0533875613405503 -1.003858433931204 -1.0704131988875156 -1.1508980309277022 -0.8769400449447524 -0.4868981665961448 0.0006541813396235972 +10256,0.6522717638188467,0,0.9494465282749334 0.5052321668223485 0.23282196607093936 -0.12626420764683677 -0.34140635483118725 -0.4358212539552578 -0.5317839383108602 -0.6509634011396083 -0.7964552129045658 -0.9094435348071335 -1.0007628634681227 -1.036361923793594 -1.0533875613405503 -1.003858433931204 -1.0704131988875156 -1.1508980309277022 -0.8769400449447524 -0.4868981665961448 0.0006541813396235972 0.45570303941300216 +10257,0.7373999515536642,0,0.5052321668223485 0.23282196607093936 -0.12626420764683677 -0.34140635483118725 -0.4358212539552578 -0.5317839383108602 -0.6509634011396083 -0.7964552129045658 -0.9094435348071335 -1.0007628634681227 -1.036361923793594 -1.0533875613405503 -1.003858433931204 -1.0704131988875156 -1.1508980309277022 -0.8769400449447524 -0.4868981665961448 0.0006541813396235972 0.45570303941300216 0.6522717638188467 +10258,0.6723929718288933,0,0.23282196607093936 -0.12626420764683677 -0.34140635483118725 -0.4358212539552578 -0.5317839383108602 -0.6509634011396083 -0.7964552129045658 -0.9094435348071335 -1.0007628634681227 -1.036361923793594 -1.0533875613405503 -1.003858433931204 -1.0704131988875156 -1.1508980309277022 -0.8769400449447524 -0.4868981665961448 0.0006541813396235972 0.45570303941300216 0.6522717638188467 0.7373999515536642 +10259,0.5532135090001541,0,-0.12626420764683677 -0.34140635483118725 -0.4358212539552578 -0.5317839383108602 -0.6509634011396083 -0.7964552129045658 -0.9094435348071335 -1.0007628634681227 -1.036361923793594 -1.0533875613405503 -1.003858433931204 -1.0704131988875156 -1.1508980309277022 -0.8769400449447524 -0.4868981665961448 0.0006541813396235972 0.45570303941300216 0.6522717638188467 0.7373999515536642 0.6723929718288933 +10260,0.3752182073728067,0,-0.34140635483118725 -0.4358212539552578 -0.5317839383108602 -0.6509634011396083 -0.7964552129045658 -0.9094435348071335 -1.0007628634681227 -1.036361923793594 -1.0533875613405503 -1.003858433931204 -1.0704131988875156 -1.1508980309277022 -0.8769400449447524 -0.4868981665961448 0.0006541813396235972 0.45570303941300216 0.6522717638188467 0.7373999515536642 0.6723929718288933 0.5532135090001541 +10261,-0.06590058361668798,0,-0.4358212539552578 -0.5317839383108602 -0.6509634011396083 -0.7964552129045658 -0.9094435348071335 -1.0007628634681227 -1.036361923793594 -1.0533875613405503 -1.003858433931204 -1.0704131988875156 -1.1508980309277022 -0.8769400449447524 -0.4868981665961448 0.0006541813396235972 0.45570303941300216 0.6522717638188467 0.7373999515536642 0.6723929718288933 0.5532135090001541 0.3752182073728067 +10262,-0.33985856959964655,0,-0.5317839383108602 -0.6509634011396083 -0.7964552129045658 -0.9094435348071335 -1.0007628634681227 -1.036361923793594 -1.0533875613405503 -1.003858433931204 -1.0704131988875156 -1.1508980309277022 -0.8769400449447524 -0.4868981665961448 0.0006541813396235972 0.45570303941300216 0.6522717638188467 0.7373999515536642 0.6723929718288933 0.5532135090001541 0.3752182073728067 -0.06590058361668798 +10263,-0.5642874281732501,0,-0.6509634011396083 -0.7964552129045658 -0.9094435348071335 -1.0007628634681227 -1.036361923793594 -1.0533875613405503 -1.003858433931204 -1.0704131988875156 -1.1508980309277022 -0.8769400449447524 -0.4868981665961448 0.0006541813396235972 0.45570303941300216 0.6522717638188467 0.7373999515536642 0.6723929718288933 0.5532135090001541 0.3752182073728067 -0.06590058361668798 -0.33985856959964655 +10264,-0.7268048774851729,0,-0.7964552129045658 -0.9094435348071335 -1.0007628634681227 -1.036361923793594 -1.0533875613405503 -1.003858433931204 -1.0704131988875156 -1.1508980309277022 -0.8769400449447524 -0.4868981665961448 0.0006541813396235972 0.45570303941300216 0.6522717638188467 0.7373999515536642 0.6723929718288933 0.5532135090001541 0.3752182073728067 -0.06590058361668798 -0.33985856959964655 -0.5642874281732501 +10265,-0.8444365550823715,0,-0.9094435348071335 -1.0007628634681227 -1.036361923793594 -1.0533875613405503 -1.003858433931204 -1.0704131988875156 -1.1508980309277022 -0.8769400449447524 -0.4868981665961448 0.0006541813396235972 0.45570303941300216 0.6522717638188467 0.7373999515536642 0.6723929718288933 0.5532135090001541 0.3752182073728067 -0.06590058361668798 -0.33985856959964655 -0.5642874281732501 -0.7268048774851729 +10266,-0.9326603132802703,0,-1.0007628634681227 -1.036361923793594 -1.0533875613405503 -1.003858433931204 -1.0704131988875156 -1.1508980309277022 -0.8769400449447524 -0.4868981665961448 0.0006541813396235972 0.45570303941300216 0.6522717638188467 0.7373999515536642 0.6723929718288933 0.5532135090001541 0.3752182073728067 -0.06590058361668798 -0.33985856959964655 -0.5642874281732501 -0.7268048774851729 -0.8444365550823715 +10267,-1.0054062191627446,0,-1.036361923793594 -1.0533875613405503 -1.003858433931204 -1.0704131988875156 -1.1508980309277022 -0.8769400449447524 -0.4868981665961448 0.0006541813396235972 0.45570303941300216 0.6522717638188467 0.7373999515536642 0.6723929718288933 0.5532135090001541 0.3752182073728067 -0.06590058361668798 -0.33985856959964655 -0.5642874281732501 -0.7268048774851729 -0.8444365550823715 -0.9326603132802703 +10268,-1.087438836434481,0,-1.0533875613405503 -1.003858433931204 -1.0704131988875156 -1.1508980309277022 -0.8769400449447524 -0.4868981665961448 0.0006541813396235972 0.45570303941300216 0.6522717638188467 0.7373999515536642 0.6723929718288933 0.5532135090001541 0.3752182073728067 -0.06590058361668798 -0.33985856959964655 -0.5642874281732501 -0.7268048774851729 -0.8444365550823715 -0.9326603132802703 -1.0054062191627446 +10269,-1.2220961515786448,0,-1.003858433931204 -1.0704131988875156 -1.1508980309277022 -0.8769400449447524 -0.4868981665961448 0.0006541813396235972 0.45570303941300216 0.6522717638188467 0.7373999515536642 0.6723929718288933 0.5532135090001541 0.3752182073728067 -0.06590058361668798 -0.33985856959964655 -0.5642874281732501 -0.7268048774851729 -0.8444365550823715 -0.9326603132802703 -1.0054062191627446 -1.087438836434481 +10270,-1.2066182992632202,0,-1.0704131988875156 -1.1508980309277022 -0.8769400449447524 -0.4868981665961448 0.0006541813396235972 0.45570303941300216 0.6522717638188467 0.7373999515536642 0.6723929718288933 0.5532135090001541 0.3752182073728067 -0.06590058361668798 -0.33985856959964655 -0.5642874281732501 -0.7268048774851729 -0.8444365550823715 -0.9326603132802703 -1.0054062191627446 -1.087438836434481 -1.2220961515786448 +10271,-1.3025809836188313,0,-1.1508980309277022 -0.8769400449447524 -0.4868981665961448 0.0006541813396235972 0.45570303941300216 0.6522717638188467 0.7373999515536642 0.6723929718288933 0.5532135090001541 0.3752182073728067 -0.06590058361668798 -0.33985856959964655 -0.5642874281732501 -0.7268048774851729 -0.8444365550823715 -0.9326603132802703 -1.0054062191627446 -1.087438836434481 -1.2220961515786448 -1.2066182992632202 +10272,-1.1973315878739672,0,-0.8769400449447524 -0.4868981665961448 0.0006541813396235972 0.45570303941300216 0.6522717638188467 0.7373999515536642 0.6723929718288933 0.5532135090001541 0.3752182073728067 -0.06590058361668798 -0.33985856959964655 -0.5642874281732501 -0.7268048774851729 -0.8444365550823715 -0.9326603132802703 -1.0054062191627446 -1.087438836434481 -1.2220961515786448 -1.2066182992632202 -1.3025809836188313 +10273,-1.2824597756087848,0,-0.4868981665961448 0.0006541813396235972 0.45570303941300216 0.6522717638188467 0.7373999515536642 0.6723929718288933 0.5532135090001541 0.3752182073728067 -0.06590058361668798 -0.33985856959964655 -0.5642874281732501 -0.7268048774851729 -0.8444365550823715 -0.9326603132802703 -1.0054062191627446 -1.087438836434481 -1.2220961515786448 -1.2066182992632202 -1.3025809836188313 -1.1973315878739672 +10274,-1.1772103798639204,0,0.0006541813396235972 0.45570303941300216 0.6522717638188467 0.7373999515536642 0.6723929718288933 0.5532135090001541 0.3752182073728067 -0.06590058361668798 -0.33985856959964655 -0.5642874281732501 -0.7268048774851729 -0.8444365550823715 -0.9326603132802703 -1.0054062191627446 -1.087438836434481 -1.2220961515786448 -1.2066182992632202 -1.3025809836188313 -1.1973315878739672 -1.2824597756087848 +10275,-1.2545996414410259,0,0.45570303941300216 0.6522717638188467 0.7373999515536642 0.6723929718288933 0.5532135090001541 0.3752182073728067 -0.06590058361668798 -0.33985856959964655 -0.5642874281732501 -0.7268048774851729 -0.8444365550823715 -0.9326603132802703 -1.0054062191627446 -1.087438836434481 -1.2220961515786448 -1.2066182992632202 -1.3025809836188313 -1.1973315878739672 -1.2824597756087848 -1.1772103798639204 +10276,-0.9636160179111107,0,0.6522717638188467 0.7373999515536642 0.6723929718288933 0.5532135090001541 0.3752182073728067 -0.06590058361668798 -0.33985856959964655 -0.5642874281732501 -0.7268048774851729 -0.8444365550823715 -0.9326603132802703 -1.0054062191627446 -1.087438836434481 -1.2220961515786448 -1.2066182992632202 -1.3025809836188313 -1.1973315878739672 -1.2824597756087848 -1.1772103798639204 -1.2545996414410259 +10277,-0.6587023272973206,0,0.7373999515536642 0.6723929718288933 0.5532135090001541 0.3752182073728067 -0.06590058361668798 -0.33985856959964655 -0.5642874281732501 -0.7268048774851729 -0.8444365550823715 -0.9326603132802703 -1.0054062191627446 -1.087438836434481 -1.2220961515786448 -1.2066182992632202 -1.3025809836188313 -1.1973315878739672 -1.2824597756087848 -1.1772103798639204 -1.2545996414410259 -0.9636160179111107 +10278,-0.44665575057605145,0,0.6723929718288933 0.5532135090001541 0.3752182073728067 -0.06590058361668798 -0.33985856959964655 -0.5642874281732501 -0.7268048774851729 -0.8444365550823715 -0.9326603132802703 -1.0054062191627446 -1.087438836434481 -1.2220961515786448 -1.2066182992632202 -1.3025809836188313 -1.1973315878739672 -1.2824597756087848 -1.1772103798639204 -1.2545996414410259 -0.9636160179111107 -0.6587023272973206 +10279,-0.25318259663328835,0,0.5532135090001541 0.3752182073728067 -0.06590058361668798 -0.33985856959964655 -0.5642874281732501 -0.7268048774851729 -0.8444365550823715 -0.9326603132802703 -1.0054062191627446 -1.087438836434481 -1.2220961515786448 -1.2066182992632202 -1.3025809836188313 -1.1973315878739672 -1.2824597756087848 -1.1772103798639204 -1.2545996414410259 -0.9636160179111107 -0.6587023272973206 -0.44665575057605145 +10280,-0.04577937560664132,0,0.3752182073728067 -0.06590058361668798 -0.33985856959964655 -0.5642874281732501 -0.7268048774851729 -0.8444365550823715 -0.9326603132802703 -1.0054062191627446 -1.087438836434481 -1.2220961515786448 -1.2066182992632202 -1.3025809836188313 -1.1973315878739672 -1.2824597756087848 -1.1772103798639204 -1.2545996414410259 -0.9636160179111107 -0.6587023272973206 -0.44665575057605145 -0.25318259663328835 +10281,-0.04423159037510062,0,-0.06590058361668798 -0.33985856959964655 -0.5642874281732501 -0.7268048774851729 -0.8444365550823715 -0.9326603132802703 -1.0054062191627446 -1.087438836434481 -1.2220961515786448 -1.2066182992632202 -1.3025809836188313 -1.1973315878739672 -1.2824597756087848 -1.1772103798639204 -1.2545996414410259 -0.9636160179111107 -0.6587023272973206 -0.44665575057605145 -0.25318259663328835 -0.04577937560664132 +10282,-0.03339709375430694,0,-0.33985856959964655 -0.5642874281732501 -0.7268048774851729 -0.8444365550823715 -0.9326603132802703 -1.0054062191627446 -1.087438836434481 -1.2220961515786448 -1.2066182992632202 -1.3025809836188313 -1.1973315878739672 -1.2824597756087848 -1.1772103798639204 -1.2545996414410259 -0.9636160179111107 -0.6587023272973206 -0.44665575057605145 -0.25318259663328835 -0.04577937560664132 -0.04423159037510062 +10283,-0.14638541565688343,0,-0.5642874281732501 -0.7268048774851729 -0.8444365550823715 -0.9326603132802703 -1.0054062191627446 -1.087438836434481 -1.2220961515786448 -1.2066182992632202 -1.3025809836188313 -1.1973315878739672 -1.2824597756087848 -1.1772103798639204 -1.2545996414410259 -0.9636160179111107 -0.6587023272973206 -0.44665575057605145 -0.25318259663328835 -0.04577937560664132 -0.04423159037510062 -0.03339709375430694 +10284,-0.264017093254082,0,-0.7268048774851729 -0.8444365550823715 -0.9326603132802703 -1.0054062191627446 -1.087438836434481 -1.2220961515786448 -1.2066182992632202 -1.3025809836188313 -1.1973315878739672 -1.2824597756087848 -1.1772103798639204 -1.2545996414410259 -0.9636160179111107 -0.6587023272973206 -0.44665575057605145 -0.25318259663328835 -0.04577937560664132 -0.04423159037510062 -0.03339709375430694 -0.14638541565688343 +10285,-0.445107965344502,0,-0.8444365550823715 -0.9326603132802703 -1.0054062191627446 -1.087438836434481 -1.2220961515786448 -1.2066182992632202 -1.3025809836188313 -1.1973315878739672 -1.2824597756087848 -1.1772103798639204 -1.2545996414410259 -0.9636160179111107 -0.6587023272973206 -0.44665575057605145 -0.25318259663328835 -0.04577937560664132 -0.04423159037510062 -0.03339709375430694 -0.14638541565688343 -0.264017093254082 +10286,-0.5395228644685724,0,-0.9326603132802703 -1.0054062191627446 -1.087438836434481 -1.2220961515786448 -1.2066182992632202 -1.3025809836188313 -1.1973315878739672 -1.2824597756087848 -1.1772103798639204 -1.2545996414410259 -0.9636160179111107 -0.6587023272973206 -0.44665575057605145 -0.25318259663328835 -0.04577937560664132 -0.04423159037510062 -0.03339709375430694 -0.14638541565688343 -0.264017093254082 -0.445107965344502 +10287,-0.5023760189115606,0,-1.0054062191627446 -1.087438836434481 -1.2220961515786448 -1.2066182992632202 -1.3025809836188313 -1.1973315878739672 -1.2824597756087848 -1.1772103798639204 -1.2545996414410259 -0.9636160179111107 -0.6587023272973206 -0.44665575057605145 -0.25318259663328835 -0.04577937560664132 -0.04423159037510062 -0.03339709375430694 -0.14638541565688343 -0.264017093254082 -0.445107965344502 -0.5395228644685724 +10288,-0.5317839383108602,0,-1.087438836434481 -1.2220961515786448 -1.2066182992632202 -1.3025809836188313 -1.1973315878739672 -1.2824597756087848 -1.1772103798639204 -1.2545996414410259 -0.9636160179111107 -0.6587023272973206 -0.44665575057605145 -0.25318259663328835 -0.04577937560664132 -0.04423159037510062 -0.03339709375430694 -0.14638541565688343 -0.264017093254082 -0.445107965344502 -0.5395228644685724 -0.5023760189115606 +10289,-0.5998864884987125,0,-1.2220961515786448 -1.2066182992632202 -1.3025809836188313 -1.1973315878739672 -1.2824597756087848 -1.1772103798639204 -1.2545996414410259 -0.9636160179111107 -0.6587023272973206 -0.44665575057605145 -0.25318259663328835 -0.04577937560664132 -0.04423159037510062 -0.03339709375430694 -0.14638541565688343 -0.264017093254082 -0.445107965344502 -0.5395228644685724 -0.5023760189115606 -0.5317839383108602 +10290,-0.8274109175354062,0,-1.2066182992632202 -1.3025809836188313 -1.1973315878739672 -1.2824597756087848 -1.1772103798639204 -1.2545996414410259 -0.9636160179111107 -0.6587023272973206 -0.44665575057605145 -0.25318259663328835 -0.04577937560664132 -0.04423159037510062 -0.03339709375430694 -0.14638541565688343 -0.264017093254082 -0.445107965344502 -0.5395228644685724 -0.5023760189115606 -0.5317839383108602 -0.5998864884987125 +10291,-0.9311125280487297,0,-1.3025809836188313 -1.1973315878739672 -1.2824597756087848 -1.1772103798639204 -1.2545996414410259 -0.9636160179111107 -0.6587023272973206 -0.44665575057605145 -0.25318259663328835 -0.04577937560664132 -0.04423159037510062 -0.03339709375430694 -0.14638541565688343 -0.264017093254082 -0.445107965344502 -0.5395228644685724 -0.5023760189115606 -0.5317839383108602 -0.5998864884987125 -0.8274109175354062 +10292,-1.0054062191627446,0,-1.1973315878739672 -1.2824597756087848 -1.1772103798639204 -1.2545996414410259 -0.9636160179111107 -0.6587023272973206 -0.44665575057605145 -0.25318259663328835 -0.04577937560664132 -0.04423159037510062 -0.03339709375430694 -0.14638541565688343 -0.264017093254082 -0.445107965344502 -0.5395228644685724 -0.5023760189115606 -0.5317839383108602 -0.5998864884987125 -0.8274109175354062 -0.9311125280487297 +10293,-1.129229037686115,0,-1.2824597756087848 -1.1772103798639204 -1.2545996414410259 -0.9636160179111107 -0.6587023272973206 -0.44665575057605145 -0.25318259663328835 -0.04577937560664132 -0.04423159037510062 -0.03339709375430694 -0.14638541565688343 -0.264017093254082 -0.445107965344502 -0.5395228644685724 -0.5023760189115606 -0.5317839383108602 -0.5998864884987125 -0.8274109175354062 -0.9311125280487297 -1.0054062191627446 +10294,-1.1710192389377578,0,-1.1772103798639204 -1.2545996414410259 -0.9636160179111107 -0.6587023272973206 -0.44665575057605145 -0.25318259663328835 -0.04577937560664132 -0.04423159037510062 -0.03339709375430694 -0.14638541565688343 -0.264017093254082 -0.445107965344502 -0.5395228644685724 -0.5023760189115606 -0.5317839383108602 -0.5998864884987125 -0.8274109175354062 -0.9311125280487297 -1.0054062191627446 -1.129229037686115 +10295,-1.253051856209485,0,-1.2545996414410259 -0.9636160179111107 -0.6587023272973206 -0.44665575057605145 -0.25318259663328835 -0.04577937560664132 -0.04423159037510062 -0.03339709375430694 -0.14638541565688343 -0.264017093254082 -0.445107965344502 -0.5395228644685724 -0.5023760189115606 -0.5317839383108602 -0.5998864884987125 -0.8274109175354062 -0.9311125280487297 -1.0054062191627446 -1.129229037686115 -1.1710192389377578 +10296,-1.3552056814912679,0,-0.9636160179111107 -0.6587023272973206 -0.44665575057605145 -0.25318259663328835 -0.04577937560664132 -0.04423159037510062 -0.03339709375430694 -0.14638541565688343 -0.264017093254082 -0.445107965344502 -0.5395228644685724 -0.5023760189115606 -0.5317839383108602 -0.5998864884987125 -0.8274109175354062 -0.9311125280487297 -1.0054062191627446 -1.129229037686115 -1.1710192389377578 -1.253051856209485 +10297,-1.4697417886253763,0,-0.6587023272973206 -0.44665575057605145 -0.25318259663328835 -0.04577937560664132 -0.04423159037510062 -0.03339709375430694 -0.14638541565688343 -0.264017093254082 -0.445107965344502 -0.5395228644685724 -0.5023760189115606 -0.5317839383108602 -0.5998864884987125 -0.8274109175354062 -0.9311125280487297 -1.0054062191627446 -1.129229037686115 -1.1710192389377578 -1.253051856209485 -1.3552056814912679 +10298,-1.5332009831186064,0,-0.44665575057605145 -0.25318259663328835 -0.04577937560664132 -0.04423159037510062 -0.03339709375430694 -0.14638541565688343 -0.264017093254082 -0.445107965344502 -0.5395228644685724 -0.5023760189115606 -0.5317839383108602 -0.5998864884987125 -0.8274109175354062 -0.9311125280487297 -1.0054062191627446 -1.129229037686115 -1.1710192389377578 -1.253051856209485 -1.3552056814912679 -1.4697417886253763 +10299,-1.5440354797394,0,-0.25318259663328835 -0.04577937560664132 -0.04423159037510062 -0.03339709375430694 -0.14638541565688343 -0.264017093254082 -0.445107965344502 -0.5395228644685724 -0.5023760189115606 -0.5317839383108602 -0.5998864884987125 -0.8274109175354062 -0.9311125280487297 -1.0054062191627446 -1.129229037686115 -1.1710192389377578 -1.253051856209485 -1.3552056814912679 -1.4697417886253763 -1.5332009831186064 +10300,-1.313415480239625,0,-0.04577937560664132 -0.04423159037510062 -0.03339709375430694 -0.14638541565688343 -0.264017093254082 -0.445107965344502 -0.5395228644685724 -0.5023760189115606 -0.5317839383108602 -0.5998864884987125 -0.8274109175354062 -0.9311125280487297 -1.0054062191627446 -1.129229037686115 -1.1710192389377578 -1.253051856209485 -1.3552056814912679 -1.4697417886253763 -1.5332009831186064 -1.5440354797394 +10301,-1.0054062191627446,0,-0.04423159037510062 -0.03339709375430694 -0.14638541565688343 -0.264017093254082 -0.445107965344502 -0.5395228644685724 -0.5023760189115606 -0.5317839383108602 -0.5998864884987125 -0.8274109175354062 -0.9311125280487297 -1.0054062191627446 -1.129229037686115 -1.1710192389377578 -1.253051856209485 -1.3552056814912679 -1.4697417886253763 -1.5332009831186064 -1.5440354797394 -1.313415480239625 +10302,-0.7763340048945192,0,-0.03339709375430694 -0.14638541565688343 -0.264017093254082 -0.445107965344502 -0.5395228644685724 -0.5023760189115606 -0.5317839383108602 -0.5998864884987125 -0.8274109175354062 -0.9311125280487297 -1.0054062191627446 -1.129229037686115 -1.1710192389377578 -1.253051856209485 -1.3552056814912679 -1.4697417886253763 -1.5332009831186064 -1.5440354797394 -1.313415480239625 -1.0054062191627446 +10303,-0.5720263543309624,0,-0.14638541565688343 -0.264017093254082 -0.445107965344502 -0.5395228644685724 -0.5023760189115606 -0.5317839383108602 -0.5998864884987125 -0.8274109175354062 -0.9311125280487297 -1.0054062191627446 -1.129229037686115 -1.1710192389377578 -1.253051856209485 -1.3552056814912679 -1.4697417886253763 -1.5332009831186064 -1.5440354797394 -1.313415480239625 -1.0054062191627446 -0.7763340048945192 +10304,-0.3770054151566497,0,-0.264017093254082 -0.445107965344502 -0.5395228644685724 -0.5023760189115606 -0.5317839383108602 -0.5998864884987125 -0.8274109175354062 -0.9311125280487297 -1.0054062191627446 -1.129229037686115 -1.1710192389377578 -1.253051856209485 -1.3552056814912679 -1.4697417886253763 -1.5332009831186064 -1.5440354797394 -1.313415480239625 -1.0054062191627446 -0.7763340048945192 -0.5720263543309624 +10305,-0.28413830126412865,0,-0.445107965344502 -0.5395228644685724 -0.5023760189115606 -0.5317839383108602 -0.5998864884987125 -0.8274109175354062 -0.9311125280487297 -1.0054062191627446 -1.129229037686115 -1.1710192389377578 -1.253051856209485 -1.3552056814912679 -1.4697417886253763 -1.5332009831186064 -1.5440354797394 -1.313415480239625 -1.0054062191627446 -0.7763340048945192 -0.5720263543309624 -0.3770054151566497 +10306,-0.3274762877473034,0,-0.5395228644685724 -0.5023760189115606 -0.5317839383108602 -0.5998864884987125 -0.8274109175354062 -0.9311125280487297 -1.0054062191627446 -1.129229037686115 -1.1710192389377578 -1.253051856209485 -1.3552056814912679 -1.4697417886253763 -1.5332009831186064 -1.5440354797394 -1.313415480239625 -1.0054062191627446 -0.7763340048945192 -0.5720263543309624 -0.3770054151566497 -0.28413830126412865 +10307,-0.3955788379351557,0,-0.5023760189115606 -0.5317839383108602 -0.5998864884987125 -0.8274109175354062 -0.9311125280487297 -1.0054062191627446 -1.129229037686115 -1.1710192389377578 -1.253051856209485 -1.3552056814912679 -1.4697417886253763 -1.5332009831186064 -1.5440354797394 -1.313415480239625 -1.0054062191627446 -0.7763340048945192 -0.5720263543309624 -0.3770054151566497 -0.28413830126412865 -0.3274762877473034 +10308,-0.5627396429417093,0,-0.5317839383108602 -0.5998864884987125 -0.8274109175354062 -0.9311125280487297 -1.0054062191627446 -1.129229037686115 -1.1710192389377578 -1.253051856209485 -1.3552056814912679 -1.4697417886253763 -1.5332009831186064 -1.5440354797394 -1.313415480239625 -1.0054062191627446 -0.7763340048945192 -0.5720263543309624 -0.3770054151566497 -0.28413830126412865 -0.3274762877473034 -0.3955788379351557 +10309,-0.9295647428171889,0,-0.5998864884987125 -0.8274109175354062 -0.9311125280487297 -1.0054062191627446 -1.129229037686115 -1.1710192389377578 -1.253051856209485 -1.3552056814912679 -1.4697417886253763 -1.5332009831186064 -1.5440354797394 -1.313415480239625 -1.0054062191627446 -0.7763340048945192 -0.5720263543309624 -0.3770054151566497 -0.28413830126412865 -0.3274762877473034 -0.3955788379351557 -0.5627396429417093 +10310,-1.0982733330552745,0,-0.8274109175354062 -0.9311125280487297 -1.0054062191627446 -1.129229037686115 -1.1710192389377578 -1.253051856209485 -1.3552056814912679 -1.4697417886253763 -1.5332009831186064 -1.5440354797394 -1.313415480239625 -1.0054062191627446 -0.7763340048945192 -0.5720263543309624 -0.3770054151566497 -0.28413830126412865 -0.3274762877473034 -0.3955788379351557 -0.5627396429417093 -0.9295647428171889 +10311,-1.35984903718589,0,-0.9311125280487297 -1.0054062191627446 -1.129229037686115 -1.1710192389377578 -1.253051856209485 -1.3552056814912679 -1.4697417886253763 -1.5332009831186064 -1.5440354797394 -1.313415480239625 -1.0054062191627446 -0.7763340048945192 -0.5720263543309624 -0.3770054151566497 -0.28413830126412865 -0.3274762877473034 -0.3955788379351557 -0.5627396429417093 -0.9295647428171889 -1.0982733330552745 +10312,-1.4774807147830886,0,-1.0054062191627446 -1.129229037686115 -1.1710192389377578 -1.253051856209485 -1.3552056814912679 -1.4697417886253763 -1.5332009831186064 -1.5440354797394 -1.313415480239625 -1.0054062191627446 -0.7763340048945192 -0.5720263543309624 -0.3770054151566497 -0.28413830126412865 -0.3274762877473034 -0.3955788379351557 -0.5627396429417093 -0.9295647428171889 -1.0982733330552745 -1.35984903718589 +10313,-1.5672522582125281,0,-1.129229037686115 -1.1710192389377578 -1.253051856209485 -1.3552056814912679 -1.4697417886253763 -1.5332009831186064 -1.5440354797394 -1.313415480239625 -1.0054062191627446 -0.7763340048945192 -0.5720263543309624 -0.3770054151566497 -0.28413830126412865 -0.3274762877473034 -0.3955788379351557 -0.5627396429417093 -0.9295647428171889 -1.0982733330552745 -1.35984903718589 -1.4774807147830886 +10314,-1.6214247413165055,0,-1.1710192389377578 -1.253051856209485 -1.3552056814912679 -1.4697417886253763 -1.5332009831186064 -1.5440354797394 -1.313415480239625 -1.0054062191627446 -0.7763340048945192 -0.5720263543309624 -0.3770054151566497 -0.28413830126412865 -0.3274762877473034 -0.3955788379351557 -0.5627396429417093 -0.9295647428171889 -1.0982733330552745 -1.35984903718589 -1.4774807147830886 -1.5672522582125281 +10315,-1.7034573585882415,0,-1.253051856209485 -1.3552056814912679 -1.4697417886253763 -1.5332009831186064 -1.5440354797394 -1.313415480239625 -1.0054062191627446 -0.7763340048945192 -0.5720263543309624 -0.3770054151566497 -0.28413830126412865 -0.3274762877473034 -0.3955788379351557 -0.5627396429417093 -0.9295647428171889 -1.0982733330552745 -1.35984903718589 -1.4774807147830886 -1.5672522582125281 -1.6214247413165055 +10316,-1.7127440699774945,0,-1.3552056814912679 -1.4697417886253763 -1.5332009831186064 -1.5440354797394 -1.313415480239625 -1.0054062191627446 -0.7763340048945192 -0.5720263543309624 -0.3770054151566497 -0.28413830126412865 -0.3274762877473034 -0.3955788379351557 -0.5627396429417093 -0.9295647428171889 -1.0982733330552745 -1.35984903718589 -1.4774807147830886 -1.5672522582125281 -1.6214247413165055 -1.7034573585882415 +10317,-1.7638209826183815,0,-1.4697417886253763 -1.5332009831186064 -1.5440354797394 -1.313415480239625 -1.0054062191627446 -0.7763340048945192 -0.5720263543309624 -0.3770054151566497 -0.28413830126412865 -0.3274762877473034 -0.3955788379351557 -0.5627396429417093 -0.9295647428171889 -1.0982733330552745 -1.35984903718589 -1.4774807147830886 -1.5672522582125281 -1.6214247413165055 -1.7034573585882415 -1.7127440699774945 +10318,-1.8210890361854402,0,-1.5332009831186064 -1.5440354797394 -1.313415480239625 -1.0054062191627446 -0.7763340048945192 -0.5720263543309624 -0.3770054151566497 -0.28413830126412865 -0.3274762877473034 -0.3955788379351557 -0.5627396429417093 -0.9295647428171889 -1.0982733330552745 -1.35984903718589 -1.4774807147830886 -1.5672522582125281 -1.6214247413165055 -1.7034573585882415 -1.7127440699774945 -1.7638209826183815 +10319,-1.8876438011417518,0,-1.5440354797394 -1.313415480239625 -1.0054062191627446 -0.7763340048945192 -0.5720263543309624 -0.3770054151566497 -0.28413830126412865 -0.3274762877473034 -0.3955788379351557 -0.5627396429417093 -0.9295647428171889 -1.0982733330552745 -1.35984903718589 -1.4774807147830886 -1.5672522582125281 -1.6214247413165055 -1.7034573585882415 -1.7127440699774945 -1.7638209826183815 -1.8210890361854402 +10320,-1.960389707024226,0,-1.313415480239625 -1.0054062191627446 -0.7763340048945192 -0.5720263543309624 -0.3770054151566497 -0.28413830126412865 -0.3274762877473034 -0.3955788379351557 -0.5627396429417093 -0.9295647428171889 -1.0982733330552745 -1.35984903718589 -1.4774807147830886 -1.5672522582125281 -1.6214247413165055 -1.7034573585882415 -1.7127440699774945 -1.7638209826183815 -1.8210890361854402 -1.8876438011417518 +10321,-1.9062172239202577,0,-1.0054062191627446 -0.7763340048945192 -0.5720263543309624 -0.3770054151566497 -0.28413830126412865 -0.3274762877473034 -0.3955788379351557 -0.5627396429417093 -0.9295647428171889 -1.0982733330552745 -1.35984903718589 -1.4774807147830886 -1.5672522582125281 -1.6214247413165055 -1.7034573585882415 -1.7127440699774945 -1.7638209826183815 -1.8210890361854402 -1.8876438011417518 -1.960389707024226 +10322,-1.94181628424572,0,-0.7763340048945192 -0.5720263543309624 -0.3770054151566497 -0.28413830126412865 -0.3274762877473034 -0.3955788379351557 -0.5627396429417093 -0.9295647428171889 -1.0982733330552745 -1.35984903718589 -1.4774807147830886 -1.5672522582125281 -1.6214247413165055 -1.7034573585882415 -1.7127440699774945 -1.7638209826183815 -1.8210890361854402 -1.8876438011417518 -1.960389707024226 -1.9062172239202577 +10323,-1.932529572856467,0,-0.5720263543309624 -0.3770054151566497 -0.28413830126412865 -0.3274762877473034 -0.3955788379351557 -0.5627396429417093 -0.9295647428171889 -1.0982733330552745 -1.35984903718589 -1.4774807147830886 -1.5672522582125281 -1.6214247413165055 -1.7034573585882415 -1.7127440699774945 -1.7638209826183815 -1.8210890361854402 -1.8876438011417518 -1.960389707024226 -1.9062172239202577 -1.94181628424572 +10324,-1.7638209826183815,0,-0.3770054151566497 -0.28413830126412865 -0.3274762877473034 -0.3955788379351557 -0.5627396429417093 -0.9295647428171889 -1.0982733330552745 -1.35984903718589 -1.4774807147830886 -1.5672522582125281 -1.6214247413165055 -1.7034573585882415 -1.7127440699774945 -1.7638209826183815 -1.8210890361854402 -1.8876438011417518 -1.960389707024226 -1.9062172239202577 -1.94181628424572 -1.932529572856467 +10325,-1.1478024604646209,0,-0.28413830126412865 -0.3274762877473034 -0.3955788379351557 -0.5627396429417093 -0.9295647428171889 -1.0982733330552745 -1.35984903718589 -1.4774807147830886 -1.5672522582125281 -1.6214247413165055 -1.7034573585882415 -1.7127440699774945 -1.7638209826183815 -1.8210890361854402 -1.8876438011417518 -1.960389707024226 -1.9062172239202577 -1.94181628424572 -1.932529572856467 -1.7638209826183815 +10326,-0.96206823267957,0,-0.3274762877473034 -0.3955788379351557 -0.5627396429417093 -0.9295647428171889 -1.0982733330552745 -1.35984903718589 -1.4774807147830886 -1.5672522582125281 -1.6214247413165055 -1.7034573585882415 -1.7127440699774945 -1.7638209826183815 -1.8210890361854402 -1.8876438011417518 -1.960389707024226 -1.9062172239202577 -1.94181628424572 -1.932529572856467 -1.7638209826183815 -1.1478024604646209 +10327,-0.7856207162837722,0,-0.3955788379351557 -0.5627396429417093 -0.9295647428171889 -1.0982733330552745 -1.35984903718589 -1.4774807147830886 -1.5672522582125281 -1.6214247413165055 -1.7034573585882415 -1.7127440699774945 -1.7638209826183815 -1.8210890361854402 -1.8876438011417518 -1.960389707024226 -1.9062172239202577 -1.94181628424572 -1.932529572856467 -1.7638209826183815 -1.1478024604646209 -0.96206823267957 +10328,-0.6292944078980209,0,-0.5627396429417093 -0.9295647428171889 -1.0982733330552745 -1.35984903718589 -1.4774807147830886 -1.5672522582125281 -1.6214247413165055 -1.7034573585882415 -1.7127440699774945 -1.7638209826183815 -1.8210890361854402 -1.8876438011417518 -1.960389707024226 -1.9062172239202577 -1.94181628424572 -1.932529572856467 -1.7638209826183815 -1.1478024604646209 -0.96206823267957 -0.7856207162837722 +10329,-0.5519051463209157,0,-0.9295647428171889 -1.0982733330552745 -1.35984903718589 -1.4774807147830886 -1.5672522582125281 -1.6214247413165055 -1.7034573585882415 -1.7127440699774945 -1.7638209826183815 -1.8210890361854402 -1.8876438011417518 -1.960389707024226 -1.9062172239202577 -1.94181628424572 -1.932529572856467 -1.7638209826183815 -1.1478024604646209 -0.96206823267957 -0.7856207162837722 -0.6292944078980209 +10330,-0.5023760189115606,0,-1.0982733330552745 -1.35984903718589 -1.4774807147830886 -1.5672522582125281 -1.6214247413165055 -1.7034573585882415 -1.7127440699774945 -1.7638209826183815 -1.8210890361854402 -1.8876438011417518 -1.960389707024226 -1.9062172239202577 -1.94181628424572 -1.932529572856467 -1.7638209826183815 -1.1478024604646209 -0.96206823267957 -0.7856207162837722 -0.6292944078980209 -0.5519051463209157 +10331,-0.610720985119515,0,-1.35984903718589 -1.4774807147830886 -1.5672522582125281 -1.6214247413165055 -1.7034573585882415 -1.7127440699774945 -1.7638209826183815 -1.8210890361854402 -1.8876438011417518 -1.960389707024226 -1.9062172239202577 -1.94181628424572 -1.932529572856467 -1.7638209826183815 -1.1478024604646209 -0.96206823267957 -0.7856207162837722 -0.6292944078980209 -0.5519051463209157 -0.5023760189115606 +10332,-0.7763340048945192,0,-1.4774807147830886 -1.5672522582125281 -1.6214247413165055 -1.7034573585882415 -1.7127440699774945 -1.7638209826183815 -1.8210890361854402 -1.8876438011417518 -1.960389707024226 -1.9062172239202577 -1.94181628424572 -1.932529572856467 -1.7638209826183815 -1.1478024604646209 -0.96206823267957 -0.7856207162837722 -0.6292944078980209 -0.5519051463209157 -0.5023760189115606 -0.610720985119515 +10333,-1.003858433931204,0,-1.5672522582125281 -1.6214247413165055 -1.7034573585882415 -1.7127440699774945 -1.7638209826183815 -1.8210890361854402 -1.8876438011417518 -1.960389707024226 -1.9062172239202577 -1.94181628424572 -1.932529572856467 -1.7638209826183815 -1.1478024604646209 -0.96206823267957 -0.7856207162837722 -0.6292944078980209 -0.5519051463209157 -0.5023760189115606 -0.610720985119515 -0.7763340048945192 +10334,-1.1555413866223332,0,-1.6214247413165055 -1.7034573585882415 -1.7127440699774945 -1.7638209826183815 -1.8210890361854402 -1.8876438011417518 -1.960389707024226 -1.9062172239202577 -1.94181628424572 -1.932529572856467 -1.7638209826183815 -1.1478024604646209 -0.96206823267957 -0.7856207162837722 -0.6292944078980209 -0.5519051463209157 -0.5023760189115606 -0.610720985119515 -0.7763340048945192 -1.003858433931204 +10335,-1.3706835338066836,0,-1.7034573585882415 -1.7127440699774945 -1.7638209826183815 -1.8210890361854402 -1.8876438011417518 -1.960389707024226 -1.9062172239202577 -1.94181628424572 -1.932529572856467 -1.7638209826183815 -1.1478024604646209 -0.96206823267957 -0.7856207162837722 -0.6292944078980209 -0.5519051463209157 -0.5023760189115606 -0.610720985119515 -0.7763340048945192 -1.003858433931204 -1.1555413866223332 +10336,-1.5749911843702404,0,-1.7127440699774945 -1.7638209826183815 -1.8210890361854402 -1.8876438011417518 -1.960389707024226 -1.9062172239202577 -1.94181628424572 -1.932529572856467 -1.7638209826183815 -1.1478024604646209 -0.96206823267957 -0.7856207162837722 -0.6292944078980209 -0.5519051463209157 -0.5023760189115606 -0.610720985119515 -0.7763340048945192 -1.003858433931204 -1.1555413866223332 -1.3706835338066836 +10337,-1.7498909155344977,0,-1.7638209826183815 -1.8210890361854402 -1.8876438011417518 -1.960389707024226 -1.9062172239202577 -1.94181628424572 -1.932529572856467 -1.7638209826183815 -1.1478024604646209 -0.96206823267957 -0.7856207162837722 -0.6292944078980209 -0.5519051463209157 -0.5023760189115606 -0.610720985119515 -0.7763340048945192 -1.003858433931204 -1.1555413866223332 -1.3706835338066836 -1.5749911843702404 +10338,-1.9077650091517984,0,-1.8210890361854402 -1.8876438011417518 -1.960389707024226 -1.9062172239202577 -1.94181628424572 -1.932529572856467 -1.7638209826183815 -1.1478024604646209 -0.96206823267957 -0.7856207162837722 -0.6292944078980209 -0.5519051463209157 -0.5023760189115606 -0.610720985119515 -0.7763340048945192 -1.003858433931204 -1.1555413866223332 -1.3706835338066836 -1.5749911843702404 -1.7498909155344977 +10339,-1.9681286331819383,0,-1.8876438011417518 -1.960389707024226 -1.9062172239202577 -1.94181628424572 -1.932529572856467 -1.7638209826183815 -1.1478024604646209 -0.96206823267957 -0.7856207162837722 -0.6292944078980209 -0.5519051463209157 -0.5023760189115606 -0.610720985119515 -0.7763340048945192 -1.003858433931204 -1.1555413866223332 -1.3706835338066836 -1.5749911843702404 -1.7498909155344977 -1.9077650091517984 +10340,-2.0052754787389504,0,-1.960389707024226 -1.9062172239202577 -1.94181628424572 -1.932529572856467 -1.7638209826183815 -1.1478024604646209 -0.96206823267957 -0.7856207162837722 -0.6292944078980209 -0.5519051463209157 -0.5023760189115606 -0.610720985119515 -0.7763340048945192 -1.003858433931204 -1.1555413866223332 -1.3706835338066836 -1.5749911843702404 -1.7498909155344977 -1.9077650091517984 -1.9681286331819383 +10341,-1.9805109150342728,0,-1.9062172239202577 -1.94181628424572 -1.932529572856467 -1.7638209826183815 -1.1478024604646209 -0.96206823267957 -0.7856207162837722 -0.6292944078980209 -0.5519051463209157 -0.5023760189115606 -0.610720985119515 -0.7763340048945192 -1.003858433931204 -1.1555413866223332 -1.3706835338066836 -1.5749911843702404 -1.7498909155344977 -1.9077650091517984 -1.9681286331819383 -2.0052754787389504 +10342,-2.020753331054366,0,-1.94181628424572 -1.932529572856467 -1.7638209826183815 -1.1478024604646209 -0.96206823267957 -0.7856207162837722 -0.6292944078980209 -0.5519051463209157 -0.5023760189115606 -0.610720985119515 -0.7763340048945192 -1.003858433931204 -1.1555413866223332 -1.3706835338066836 -1.5749911843702404 -1.7498909155344977 -1.9077650091517984 -1.9681286331819383 -2.0052754787389504 -1.9805109150342728 +10343,-2.0130144048966625,0,-1.932529572856467 -1.7638209826183815 -1.1478024604646209 -0.96206823267957 -0.7856207162837722 -0.6292944078980209 -0.5519051463209157 -0.5023760189115606 -0.610720985119515 -0.7763340048945192 -1.003858433931204 -1.1555413866223332 -1.3706835338066836 -1.5749911843702404 -1.7498909155344977 -1.9077650091517984 -1.9681286331819383 -2.0052754787389504 -1.9805109150342728 -2.020753331054366 +10344,-1.9665808479503977,0,-1.7638209826183815 -1.1478024604646209 -0.96206823267957 -0.7856207162837722 -0.6292944078980209 -0.5519051463209157 -0.5023760189115606 -0.610720985119515 -0.7763340048945192 -1.003858433931204 -1.1555413866223332 -1.3706835338066836 -1.5749911843702404 -1.7498909155344977 -1.9077650091517984 -1.9681286331819383 -2.0052754787389504 -1.9805109150342728 -2.020753331054366 -2.0130144048966625 +10345,-1.9959887673496972,0,-1.1478024604646209 -0.96206823267957 -0.7856207162837722 -0.6292944078980209 -0.5519051463209157 -0.5023760189115606 -0.610720985119515 -0.7763340048945192 -1.003858433931204 -1.1555413866223332 -1.3706835338066836 -1.5749911843702404 -1.7498909155344977 -1.9077650091517984 -1.9681286331819383 -2.0052754787389504 -1.9805109150342728 -2.020753331054366 -2.0130144048966625 -1.9665808479503977 +10346,-1.8922871568363737,0,-0.96206823267957 -0.7856207162837722 -0.6292944078980209 -0.5519051463209157 -0.5023760189115606 -0.610720985119515 -0.7763340048945192 -1.003858433931204 -1.1555413866223332 -1.3706835338066836 -1.5749911843702404 -1.7498909155344977 -1.9077650091517984 -1.9681286331819383 -2.0052754787389504 -1.9805109150342728 -2.020753331054366 -2.0130144048966625 -1.9665808479503977 -1.9959887673496972 +10347,-1.8690703783632456,0,-0.7856207162837722 -0.6292944078980209 -0.5519051463209157 -0.5023760189115606 -0.610720985119515 -0.7763340048945192 -1.003858433931204 -1.1555413866223332 -1.3706835338066836 -1.5749911843702404 -1.7498909155344977 -1.9077650091517984 -1.9681286331819383 -2.0052754787389504 -1.9805109150342728 -2.020753331054366 -2.0130144048966625 -1.9665808479503977 -1.9959887673496972 -1.8922871568363737 +10348,-1.8133501100277278,0,-0.6292944078980209 -0.5519051463209157 -0.5023760189115606 -0.610720985119515 -0.7763340048945192 -1.003858433931204 -1.1555413866223332 -1.3706835338066836 -1.5749911843702404 -1.7498909155344977 -1.9077650091517984 -1.9681286331819383 -2.0052754787389504 -1.9805109150342728 -2.020753331054366 -2.0130144048966625 -1.9665808479503977 -1.9959887673496972 -1.8922871568363737 -1.8690703783632456 +10349,-1.3257977620919683,0,-0.5519051463209157 -0.5023760189115606 -0.610720985119515 -0.7763340048945192 -1.003858433931204 -1.1555413866223332 -1.3706835338066836 -1.5749911843702404 -1.7498909155344977 -1.9077650091517984 -1.9681286331819383 -2.0052754787389504 -1.9805109150342728 -2.020753331054366 -2.0130144048966625 -1.9665808479503977 -1.9959887673496972 -1.8922871568363737 -1.8690703783632456 -1.8133501100277278 +10350,-0.9280169575856395,0,-0.5023760189115606 -0.610720985119515 -0.7763340048945192 -1.003858433931204 -1.1555413866223332 -1.3706835338066836 -1.5749911843702404 -1.7498909155344977 -1.9077650091517984 -1.9681286331819383 -2.0052754787389504 -1.9805109150342728 -2.020753331054366 -2.0130144048966625 -1.9665808479503977 -1.9959887673496972 -1.8922871568363737 -1.8690703783632456 -1.8133501100277278 -1.3257977620919683 +10351,-0.7593083673475539,0,-0.610720985119515 -0.7763340048945192 -1.003858433931204 -1.1555413866223332 -1.3706835338066836 -1.5749911843702404 -1.7498909155344977 -1.9077650091517984 -1.9681286331819383 -2.0052754787389504 -1.9805109150342728 -2.020753331054366 -2.0130144048966625 -1.9665808479503977 -1.9959887673496972 -1.8922871568363737 -1.8690703783632456 -1.8133501100277278 -1.3257977620919683 -0.9280169575856395 +10352,-0.6648934682234834,0,-0.7763340048945192 -1.003858433931204 -1.1555413866223332 -1.3706835338066836 -1.5749911843702404 -1.7498909155344977 -1.9077650091517984 -1.9681286331819383 -2.0052754787389504 -1.9805109150342728 -2.020753331054366 -2.0130144048966625 -1.9665808479503977 -1.9959887673496972 -1.8922871568363737 -1.8690703783632456 -1.8133501100277278 -1.3257977620919683 -0.9280169575856395 -0.7593083673475539 +10353,-0.6261988374349308,0,-1.003858433931204 -1.1555413866223332 -1.3706835338066836 -1.5749911843702404 -1.7498909155344977 -1.9077650091517984 -1.9681286331819383 -2.0052754787389504 -1.9805109150342728 -2.020753331054366 -2.0130144048966625 -1.9665808479503977 -1.9959887673496972 -1.8922871568363737 -1.8690703783632456 -1.8133501100277278 -1.3257977620919683 -0.9280169575856395 -0.7593083673475539 -0.6648934682234834 +10354,-0.6292944078980209,0,-1.1555413866223332 -1.3706835338066836 -1.5749911843702404 -1.7498909155344977 -1.9077650091517984 -1.9681286331819383 -2.0052754787389504 -1.9805109150342728 -2.020753331054366 -2.0130144048966625 -1.9665808479503977 -1.9959887673496972 -1.8922871568363737 -1.8690703783632456 -1.8133501100277278 -1.3257977620919683 -0.9280169575856395 -0.7593083673475539 -0.6648934682234834 -0.6261988374349308 +10355,-0.7066836694751262,0,-1.3706835338066836 -1.5749911843702404 -1.7498909155344977 -1.9077650091517984 -1.9681286331819383 -2.0052754787389504 -1.9805109150342728 -2.020753331054366 -2.0130144048966625 -1.9665808479503977 -1.9959887673496972 -1.8922871568363737 -1.8690703783632456 -1.8133501100277278 -1.3257977620919683 -0.9280169575856395 -0.7593083673475539 -0.6648934682234834 -0.6261988374349308 -0.6292944078980209 +10356,-0.8599144073977872,0,-1.5749911843702404 -1.7498909155344977 -1.9077650091517984 -1.9681286331819383 -2.0052754787389504 -1.9805109150342728 -2.020753331054366 -2.0130144048966625 -1.9665808479503977 -1.9959887673496972 -1.8922871568363737 -1.8690703783632456 -1.8133501100277278 -1.3257977620919683 -0.9280169575856395 -0.7593083673475539 -0.6648934682234834 -0.6261988374349308 -0.6292944078980209 -0.7066836694751262 +10357,-1.013145145320457,0,-1.7498909155344977 -1.9077650091517984 -1.9681286331819383 -2.0052754787389504 -1.9805109150342728 -2.020753331054366 -2.0130144048966625 -1.9665808479503977 -1.9959887673496972 -1.8922871568363737 -1.8690703783632456 -1.8133501100277278 -1.3257977620919683 -0.9280169575856395 -0.7593083673475539 -0.6648934682234834 -0.6261988374349308 -0.6292944078980209 -0.7066836694751262 -0.8599144073977872 +10358,-1.1818537355585514,0,-1.9077650091517984 -1.9681286331819383 -2.0052754787389504 -1.9805109150342728 -2.020753331054366 -2.0130144048966625 -1.9665808479503977 -1.9959887673496972 -1.8922871568363737 -1.8690703783632456 -1.8133501100277278 -1.3257977620919683 -0.9280169575856395 -0.7593083673475539 -0.6648934682234834 -0.6261988374349308 -0.6292944078980209 -0.7066836694751262 -0.8599144073977872 -1.013145145320457 +10359,-1.285555346071866,0,-1.9681286331819383 -2.0052754787389504 -1.9805109150342728 -2.020753331054366 -2.0130144048966625 -1.9665808479503977 -1.9959887673496972 -1.8922871568363737 -1.8690703783632456 -1.8133501100277278 -1.3257977620919683 -0.9280169575856395 -0.7593083673475539 -0.6648934682234834 -0.6261988374349308 -0.6292944078980209 -0.7066836694751262 -0.8599144073977872 -1.013145145320457 -1.1818537355585514 +10360,-1.4248560169106608,0,-2.0052754787389504 -1.9805109150342728 -2.020753331054366 -2.0130144048966625 -1.9665808479503977 -1.9959887673496972 -1.8922871568363737 -1.8690703783632456 -1.8133501100277278 -1.3257977620919683 -0.9280169575856395 -0.7593083673475539 -0.6648934682234834 -0.6261988374349308 -0.6292944078980209 -0.7066836694751262 -0.8599144073977872 -1.013145145320457 -1.1818537355585514 -1.285555346071866 +10361,-1.5285576274239756,0,-1.9805109150342728 -2.020753331054366 -2.0130144048966625 -1.9665808479503977 -1.9959887673496972 -1.8922871568363737 -1.8690703783632456 -1.8133501100277278 -1.3257977620919683 -0.9280169575856395 -0.7593083673475539 -0.6648934682234834 -0.6261988374349308 -0.6292944078980209 -0.7066836694751262 -0.8599144073977872 -1.013145145320457 -1.1818537355585514 -1.285555346071866 -1.4248560169106608 +10362,-1.5037930637193069,0,-2.020753331054366 -2.0130144048966625 -1.9665808479503977 -1.9959887673496972 -1.8922871568363737 -1.8690703783632456 -1.8133501100277278 -1.3257977620919683 -0.9280169575856395 -0.7593083673475539 -0.6648934682234834 -0.6261988374349308 -0.6292944078980209 -0.7066836694751262 -0.8599144073977872 -1.013145145320457 -1.1818537355585514 -1.285555346071866 -1.4248560169106608 -1.5285576274239756 +10363,-1.5130797751085598,0,-2.0130144048966625 -1.9665808479503977 -1.9959887673496972 -1.8922871568363737 -1.8690703783632456 -1.8133501100277278 -1.3257977620919683 -0.9280169575856395 -0.7593083673475539 -0.6648934682234834 -0.6261988374349308 -0.6292944078980209 -0.7066836694751262 -0.8599144073977872 -1.013145145320457 -1.1818537355585514 -1.285555346071866 -1.4248560169106608 -1.5285576274239756 -1.5037930637193069 +10364,-1.6988140028936107,0,-1.9665808479503977 -1.9959887673496972 -1.8922871568363737 -1.8690703783632456 -1.8133501100277278 -1.3257977620919683 -0.9280169575856395 -0.7593083673475539 -0.6648934682234834 -0.6261988374349308 -0.6292944078980209 -0.7066836694751262 -0.8599144073977872 -1.013145145320457 -1.1818537355585514 -1.285555346071866 -1.4248560169106608 -1.5285576274239756 -1.5037930637193069 -1.5130797751085598 +10365,-1.8009678281753934,0,-1.9959887673496972 -1.8922871568363737 -1.8690703783632456 -1.8133501100277278 -1.3257977620919683 -0.9280169575856395 -0.7593083673475539 -0.6648934682234834 -0.6261988374349308 -0.6292944078980209 -0.7066836694751262 -0.8599144073977872 -1.013145145320457 -1.1818537355585514 -1.285555346071866 -1.4248560169106608 -1.5285576274239756 -1.5037930637193069 -1.5130797751085598 -1.6988140028936107 +10366,-1.8040633986384749,0,-1.8922871568363737 -1.8690703783632456 -1.8133501100277278 -1.3257977620919683 -0.9280169575856395 -0.7593083673475539 -0.6648934682234834 -0.6261988374349308 -0.6292944078980209 -0.7066836694751262 -0.8599144073977872 -1.013145145320457 -1.1818537355585514 -1.285555346071866 -1.4248560169106608 -1.5285576274239756 -1.5037930637193069 -1.5130797751085598 -1.6988140028936107 -1.8009678281753934 +10367,-1.8737137340578678,0,-1.8690703783632456 -1.8133501100277278 -1.3257977620919683 -0.9280169575856395 -0.7593083673475539 -0.6648934682234834 -0.6261988374349308 -0.6292944078980209 -0.7066836694751262 -0.8599144073977872 -1.013145145320457 -1.1818537355585514 -1.285555346071866 -1.4248560169106608 -1.5285576274239756 -1.5037930637193069 -1.5130797751085598 -1.6988140028936107 -1.8009678281753934 -1.8040633986384749 +10368,-1.8427580294270274,0,-1.8133501100277278 -1.3257977620919683 -0.9280169575856395 -0.7593083673475539 -0.6648934682234834 -0.6261988374349308 -0.6292944078980209 -0.7066836694751262 -0.8599144073977872 -1.013145145320457 -1.1818537355585514 -1.285555346071866 -1.4248560169106608 -1.5285576274239756 -1.5037930637193069 -1.5130797751085598 -1.6988140028936107 -1.8009678281753934 -1.8040633986384749 -1.8737137340578678 +10369,-1.8737137340578678,0,-1.3257977620919683 -0.9280169575856395 -0.7593083673475539 -0.6648934682234834 -0.6261988374349308 -0.6292944078980209 -0.7066836694751262 -0.8599144073977872 -1.013145145320457 -1.1818537355585514 -1.285555346071866 -1.4248560169106608 -1.5285576274239756 -1.5037930637193069 -1.5130797751085598 -1.6988140028936107 -1.8009678281753934 -1.8040633986384749 -1.8737137340578678 -1.8427580294270274 +10370,-1.776203264470716,0,-0.9280169575856395 -0.7593083673475539 -0.6648934682234834 -0.6261988374349308 -0.6292944078980209 -0.7066836694751262 -0.8599144073977872 -1.013145145320457 -1.1818537355585514 -1.285555346071866 -1.4248560169106608 -1.5285576274239756 -1.5037930637193069 -1.5130797751085598 -1.6988140028936107 -1.8009678281753934 -1.8040633986384749 -1.8737137340578678 -1.8427580294270274 -1.8737137340578678 +10371,-1.7622731973868409,0,-0.7593083673475539 -0.6648934682234834 -0.6261988374349308 -0.6292944078980209 -0.7066836694751262 -0.8599144073977872 -1.013145145320457 -1.1818537355585514 -1.285555346071866 -1.4248560169106608 -1.5285576274239756 -1.5037930637193069 -1.5130797751085598 -1.6988140028936107 -1.8009678281753934 -1.8040633986384749 -1.8737137340578678 -1.8427580294270274 -1.8737137340578678 -1.776203264470716 +10372,-1.5842778957594934,0,-0.6648934682234834 -0.6261988374349308 -0.6292944078980209 -0.7066836694751262 -0.8599144073977872 -1.013145145320457 -1.1818537355585514 -1.285555346071866 -1.4248560169106608 -1.5285576274239756 -1.5037930637193069 -1.5130797751085598 -1.6988140028936107 -1.8009678281753934 -1.8040633986384749 -1.8737137340578678 -1.8427580294270274 -1.8737137340578678 -1.776203264470716 -1.7622731973868409 +10373,-1.4712895738569258,0,-0.6261988374349308 -0.6292944078980209 -0.7066836694751262 -0.8599144073977872 -1.013145145320457 -1.1818537355585514 -1.285555346071866 -1.4248560169106608 -1.5285576274239756 -1.5037930637193069 -1.5130797751085598 -1.6988140028936107 -1.8009678281753934 -1.8040633986384749 -1.8737137340578678 -1.8427580294270274 -1.8737137340578678 -1.776203264470716 -1.7622731973868409 -1.5842778957594934 +10374,-1.3861613861221083,0,-0.6292944078980209 -0.7066836694751262 -0.8599144073977872 -1.013145145320457 -1.1818537355585514 -1.285555346071866 -1.4248560169106608 -1.5285576274239756 -1.5037930637193069 -1.5130797751085598 -1.6988140028936107 -1.8009678281753934 -1.8040633986384749 -1.8737137340578678 -1.8427580294270274 -1.8737137340578678 -1.776203264470716 -1.7622731973868409 -1.5842778957594934 -1.4712895738569258 +10375,-1.3056765540819129,0,-0.7066836694751262 -0.8599144073977872 -1.013145145320457 -1.1818537355585514 -1.285555346071866 -1.4248560169106608 -1.5285576274239756 -1.5037930637193069 -1.5130797751085598 -1.6988140028936107 -1.8009678281753934 -1.8040633986384749 -1.8737137340578678 -1.8427580294270274 -1.8737137340578678 -1.776203264470716 -1.7622731973868409 -1.5842778957594934 -1.4712895738569258 -1.3861613861221083 +10376,-1.2576952119041072,0,-0.8599144073977872 -1.013145145320457 -1.1818537355585514 -1.285555346071866 -1.4248560169106608 -1.5285576274239756 -1.5037930637193069 -1.5130797751085598 -1.6988140028936107 -1.8009678281753934 -1.8040633986384749 -1.8737137340578678 -1.8427580294270274 -1.8737137340578678 -1.776203264470716 -1.7622731973868409 -1.5842778957594934 -1.4712895738569258 -1.3861613861221083 -1.3056765540819129 +10377,-1.073508769350597,0,-1.013145145320457 -1.1818537355585514 -1.285555346071866 -1.4248560169106608 -1.5285576274239756 -1.5037930637193069 -1.5130797751085598 -1.6988140028936107 -1.8009678281753934 -1.8040633986384749 -1.8737137340578678 -1.8427580294270274 -1.8737137340578678 -1.776203264470716 -1.7622731973868409 -1.5842778957594934 -1.4712895738569258 -1.3861613861221083 -1.3056765540819129 -1.2576952119041072 +10378,-0.9048001791125114,0,-1.1818537355585514 -1.285555346071866 -1.4248560169106608 -1.5285576274239756 -1.5037930637193069 -1.5130797751085598 -1.6988140028936107 -1.8009678281753934 -1.8040633986384749 -1.8737137340578678 -1.8427580294270274 -1.8737137340578678 -1.776203264470716 -1.7622731973868409 -1.5842778957594934 -1.4712895738569258 -1.3861613861221083 -1.3056765540819129 -1.2576952119041072 -1.073508769350597 +10379,-0.8924178972601771,0,-1.285555346071866 -1.4248560169106608 -1.5285576274239756 -1.5037930637193069 -1.5130797751085598 -1.6988140028936107 -1.8009678281753934 -1.8040633986384749 -1.8737137340578678 -1.8427580294270274 -1.8737137340578678 -1.776203264470716 -1.7622731973868409 -1.5842778957594934 -1.4712895738569258 -1.3861613861221083 -1.3056765540819129 -1.2576952119041072 -1.073508769350597 -0.9048001791125114 +10380,-1.0324924607147334,0,-1.4248560169106608 -1.5285576274239756 -1.5037930637193069 -1.5130797751085598 -1.6988140028936107 -1.8009678281753934 -1.8040633986384749 -1.8737137340578678 -1.8427580294270274 -1.8737137340578678 -1.776203264470716 -1.7622731973868409 -1.5842778957594934 -1.4712895738569258 -1.3861613861221083 -1.3056765540819129 -1.2576952119041072 -1.073508769350597 -0.9048001791125114 -0.8924178972601771 +10381,-1.1725670241692985,0,-1.5285576274239756 -1.5037930637193069 -1.5130797751085598 -1.6988140028936107 -1.8009678281753934 -1.8040633986384749 -1.8737137340578678 -1.8427580294270274 -1.8737137340578678 -1.776203264470716 -1.7622731973868409 -1.5842778957594934 -1.4712895738569258 -1.3861613861221083 -1.3056765540819129 -1.2576952119041072 -1.073508769350597 -0.9048001791125114 -0.8924178972601771 -1.0324924607147334 +10382,-1.3072243393134624,0,-1.5037930637193069 -1.5130797751085598 -1.6988140028936107 -1.8009678281753934 -1.8040633986384749 -1.8737137340578678 -1.8427580294270274 -1.8737137340578678 -1.776203264470716 -1.7622731973868409 -1.5842778957594934 -1.4712895738569258 -1.3861613861221083 -1.3056765540819129 -1.2576952119041072 -1.073508769350597 -0.9048001791125114 -0.8924178972601771 -1.0324924607147334 -1.1725670241692985 +10383,-1.369135748575143,0,-1.5130797751085598 -1.6988140028936107 -1.8009678281753934 -1.8040633986384749 -1.8737137340578678 -1.8427580294270274 -1.8737137340578678 -1.776203264470716 -1.7622731973868409 -1.5842778957594934 -1.4712895738569258 -1.3861613861221083 -1.3056765540819129 -1.2576952119041072 -1.073508769350597 -0.9048001791125114 -0.8924178972601771 -1.0324924607147334 -1.1725670241692985 -1.3072243393134624 +10384,-1.5037930637193069,0,-1.6988140028936107 -1.8009678281753934 -1.8040633986384749 -1.8737137340578678 -1.8427580294270274 -1.8737137340578678 -1.776203264470716 -1.7622731973868409 -1.5842778957594934 -1.4712895738569258 -1.3861613861221083 -1.3056765540819129 -1.2576952119041072 -1.073508769350597 -0.9048001791125114 -0.8924178972601771 -1.0324924607147334 -1.1725670241692985 -1.3072243393134624 -1.369135748575143 +10385,-1.590469036685665,0,-1.8009678281753934 -1.8040633986384749 -1.8737137340578678 -1.8427580294270274 -1.8737137340578678 -1.776203264470716 -1.7622731973868409 -1.5842778957594934 -1.4712895738569258 -1.3861613861221083 -1.3056765540819129 -1.2576952119041072 -1.073508769350597 -0.9048001791125114 -0.8924178972601771 -1.0324924607147334 -1.1725670241692985 -1.3072243393134624 -1.369135748575143 -1.5037930637193069 +10386,-1.6988140028936107,0,-1.8040633986384749 -1.8737137340578678 -1.8427580294270274 -1.8737137340578678 -1.776203264470716 -1.7622731973868409 -1.5842778957594934 -1.4712895738569258 -1.3861613861221083 -1.3056765540819129 -1.2576952119041072 -1.073508769350597 -0.9048001791125114 -0.8924178972601771 -1.0324924607147334 -1.1725670241692985 -1.3072243393134624 -1.369135748575143 -1.5037930637193069 -1.590469036685665 +10387,-1.8334713180377744,0,-1.8737137340578678 -1.8427580294270274 -1.8737137340578678 -1.776203264470716 -1.7622731973868409 -1.5842778957594934 -1.4712895738569258 -1.3861613861221083 -1.3056765540819129 -1.2576952119041072 -1.073508769350597 -0.9048001791125114 -0.8924178972601771 -1.0324924607147334 -1.1725670241692985 -1.3072243393134624 -1.369135748575143 -1.5037930637193069 -1.590469036685665 -1.6988140028936107 +10388,-1.8938349420679146,0,-1.8427580294270274 -1.8737137340578678 -1.776203264470716 -1.7622731973868409 -1.5842778957594934 -1.4712895738569258 -1.3861613861221083 -1.3056765540819129 -1.2576952119041072 -1.073508769350597 -0.9048001791125114 -0.8924178972601771 -1.0324924607147334 -1.1725670241692985 -1.3072243393134624 -1.369135748575143 -1.5037930637193069 -1.590469036685665 -1.6988140028936107 -1.8334713180377744 +10389,-1.9944409821181566,0,-1.8737137340578678 -1.776203264470716 -1.7622731973868409 -1.5842778957594934 -1.4712895738569258 -1.3861613861221083 -1.3056765540819129 -1.2576952119041072 -1.073508769350597 -0.9048001791125114 -0.8924178972601771 -1.0324924607147334 -1.1725670241692985 -1.3072243393134624 -1.369135748575143 -1.5037930637193069 -1.590469036685665 -1.6988140028936107 -1.8334713180377744 -1.8938349420679146 +10390,-2.087308096010678,0,-1.776203264470716 -1.7622731973868409 -1.5842778957594934 -1.4712895738569258 -1.3861613861221083 -1.3056765540819129 -1.2576952119041072 -1.073508769350597 -0.9048001791125114 -0.8924178972601771 -1.0324924607147334 -1.1725670241692985 -1.3072243393134624 -1.369135748575143 -1.5037930637193069 -1.590469036685665 -1.6988140028936107 -1.8334713180377744 -1.8938349420679146 -1.9944409821181566 +10391,-2.036231183369791,0,-1.7622731973868409 -1.5842778957594934 -1.4712895738569258 -1.3861613861221083 -1.3056765540819129 -1.2576952119041072 -1.073508769350597 -0.9048001791125114 -0.8924178972601771 -1.0324924607147334 -1.1725670241692985 -1.3072243393134624 -1.369135748575143 -1.5037930637193069 -1.590469036685665 -1.6988140028936107 -1.8334713180377744 -1.8938349420679146 -1.9944409821181566 -2.087308096010678 +10392,-2.1662451428193235,0,-1.5842778957594934 -1.4712895738569258 -1.3861613861221083 -1.3056765540819129 -1.2576952119041072 -1.073508769350597 -0.9048001791125114 -0.8924178972601771 -1.0324924607147334 -1.1725670241692985 -1.3072243393134624 -1.369135748575143 -1.5037930637193069 -1.590469036685665 -1.6988140028936107 -1.8334713180377744 -1.8938349420679146 -1.9944409821181566 -2.087308096010678 -2.036231183369791 +10393,-2.2962591022688654,0,-1.4712895738569258 -1.3861613861221083 -1.3056765540819129 -1.2576952119041072 -1.073508769350597 -0.9048001791125114 -0.8924178972601771 -1.0324924607147334 -1.1725670241692985 -1.3072243393134624 -1.369135748575143 -1.5037930637193069 -1.590469036685665 -1.6988140028936107 -1.8334713180377744 -1.8938349420679146 -1.9944409821181566 -2.087308096010678 -2.036231183369791 -2.1662451428193235 +10394,-2.34269265921513,0,-1.3861613861221083 -1.3056765540819129 -1.2576952119041072 -1.073508769350597 -0.9048001791125114 -0.8924178972601771 -1.0324924607147334 -1.1725670241692985 -1.3072243393134624 -1.369135748575143 -1.5037930637193069 -1.590469036685665 -1.6988140028936107 -1.8334713180377744 -1.8938349420679146 -1.9944409821181566 -2.087308096010678 -2.036231183369791 -2.1662451428193235 -2.2962591022688654 +10395,-2.3829350752352236,0,-1.3056765540819129 -1.2576952119041072 -1.073508769350597 -0.9048001791125114 -0.8924178972601771 -1.0324924607147334 -1.1725670241692985 -1.3072243393134624 -1.369135748575143 -1.5037930637193069 -1.590469036685665 -1.6988140028936107 -1.8334713180377744 -1.8938349420679146 -1.9944409821181566 -2.087308096010678 -2.036231183369791 -2.1662451428193235 -2.2962591022688654 -2.34269265921513 +10396,-2.0702824584637125,0,-1.2576952119041072 -1.073508769350597 -0.9048001791125114 -0.8924178972601771 -1.0324924607147334 -1.1725670241692985 -1.3072243393134624 -1.369135748575143 -1.5037930637193069 -1.590469036685665 -1.6988140028936107 -1.8334713180377744 -1.8938349420679146 -1.9944409821181566 -2.087308096010678 -2.036231183369791 -2.1662451428193235 -2.2962591022688654 -2.34269265921513 -2.3829350752352236 +10397,-1.5037930637193069,0,-1.073508769350597 -0.9048001791125114 -0.8924178972601771 -1.0324924607147334 -1.1725670241692985 -1.3072243393134624 -1.369135748575143 -1.5037930637193069 -1.590469036685665 -1.6988140028936107 -1.8334713180377744 -1.8938349420679146 -1.9944409821181566 -2.087308096010678 -2.036231183369791 -2.1662451428193235 -2.2962591022688654 -2.34269265921513 -2.3829350752352236 -2.0702824584637125 +10398,-1.229835077736357,0,-0.9048001791125114 -0.8924178972601771 -1.0324924607147334 -1.1725670241692985 -1.3072243393134624 -1.369135748575143 -1.5037930637193069 -1.590469036685665 -1.6988140028936107 -1.8334713180377744 -1.8938349420679146 -1.9944409821181566 -2.087308096010678 -2.036231183369791 -2.1662451428193235 -2.2962591022688654 -2.34269265921513 -2.3829350752352236 -2.0702824584637125 -1.5037930637193069 +10399,-0.9976672930050412,0,-0.8924178972601771 -1.0324924607147334 -1.1725670241692985 -1.3072243393134624 -1.369135748575143 -1.5037930637193069 -1.590469036685665 -1.6988140028936107 -1.8334713180377744 -1.8938349420679146 -1.9944409821181566 -2.087308096010678 -2.036231183369791 -2.1662451428193235 -2.2962591022688654 -2.34269265921513 -2.3829350752352236 -2.0702824584637125 -1.5037930637193069 -1.229835077736357 +10400,-0.8769400449447524,0,-1.0324924607147334 -1.1725670241692985 -1.3072243393134624 -1.369135748575143 -1.5037930637193069 -1.590469036685665 -1.6988140028936107 -1.8334713180377744 -1.8938349420679146 -1.9944409821181566 -2.087308096010678 -2.036231183369791 -2.1662451428193235 -2.2962591022688654 -2.34269265921513 -2.3829350752352236 -2.0702824584637125 -1.5037930637193069 -1.229835077736357 -0.9976672930050412 +10401,-0.7670472935052661,0,-1.1725670241692985 -1.3072243393134624 -1.369135748575143 -1.5037930637193069 -1.590469036685665 -1.6988140028936107 -1.8334713180377744 -1.8938349420679146 -1.9944409821181566 -2.087308096010678 -2.036231183369791 -2.1662451428193235 -2.2962591022688654 -2.34269265921513 -2.3829350752352236 -2.0702824584637125 -1.5037930637193069 -1.229835077736357 -0.9976672930050412 -0.8769400449447524 +10402,-0.7933596424414756,0,-1.3072243393134624 -1.369135748575143 -1.5037930637193069 -1.590469036685665 -1.6988140028936107 -1.8334713180377744 -1.8938349420679146 -1.9944409821181566 -2.087308096010678 -2.036231183369791 -2.1662451428193235 -2.2962591022688654 -2.34269265921513 -2.3829350752352236 -2.0702824584637125 -1.5037930637193069 -1.229835077736357 -0.9976672930050412 -0.8769400449447524 -0.7670472935052661 +10403,-0.8877745415655461,0,-1.369135748575143 -1.5037930637193069 -1.590469036685665 -1.6988140028936107 -1.8334713180377744 -1.8938349420679146 -1.9944409821181566 -2.087308096010678 -2.036231183369791 -2.1662451428193235 -2.2962591022688654 -2.34269265921513 -2.3829350752352236 -2.0702824584637125 -1.5037930637193069 -1.229835077736357 -0.9976672930050412 -0.8769400449447524 -0.7670472935052661 -0.7933596424414756 +10404,-1.0549353465720999,0,-1.5037930637193069 -1.590469036685665 -1.6988140028936107 -1.8334713180377744 -1.8938349420679146 -1.9944409821181566 -2.087308096010678 -2.036231183369791 -2.1662451428193235 -2.2962591022688654 -2.34269265921513 -2.3829350752352236 -2.0702824584637125 -1.5037930637193069 -1.229835077736357 -0.9976672930050412 -0.8769400449447524 -0.7670472935052661 -0.7933596424414756 -0.8877745415655461 +10405,-1.2220961515786448,0,-1.590469036685665 -1.6988140028936107 -1.8334713180377744 -1.8938349420679146 -1.9944409821181566 -2.087308096010678 -2.036231183369791 -2.1662451428193235 -2.2962591022688654 -2.34269265921513 -2.3829350752352236 -2.0702824584637125 -1.5037930637193069 -1.229835077736357 -0.9976672930050412 -0.8769400449447524 -0.7670472935052661 -0.7933596424414756 -0.8877745415655461 -1.0549353465720999 +10406,-1.3985436679744425,0,-1.6988140028936107 -1.8334713180377744 -1.8938349420679146 -1.9944409821181566 -2.087308096010678 -2.036231183369791 -2.1662451428193235 -2.2962591022688654 -2.34269265921513 -2.3829350752352236 -2.0702824584637125 -1.5037930637193069 -1.229835077736357 -0.9976672930050412 -0.8769400449447524 -0.7670472935052661 -0.7933596424414756 -0.8877745415655461 -1.0549353465720999 -1.2220961515786448 +10407,-1.6059468890010808,0,-1.8334713180377744 -1.8938349420679146 -1.9944409821181566 -2.087308096010678 -2.036231183369791 -2.1662451428193235 -2.2962591022688654 -2.34269265921513 -2.3829350752352236 -2.0702824584637125 -1.5037930637193069 -1.229835077736357 -0.9976672930050412 -0.8769400449447524 -0.7670472935052661 -0.7933596424414756 -0.8877745415655461 -1.0549353465720999 -1.2220961515786448 -1.3985436679744425 +10408,-1.734413063219082,0,-1.8938349420679146 -1.9944409821181566 -2.087308096010678 -2.036231183369791 -2.1662451428193235 -2.2962591022688654 -2.34269265921513 -2.3829350752352236 -2.0702824584637125 -1.5037930637193069 -1.229835077736357 -0.9976672930050412 -0.8769400449447524 -0.7670472935052661 -0.7933596424414756 -0.8877745415655461 -1.0549353465720999 -1.2220961515786448 -1.3985436679744425 -1.6059468890010808 +10409,-1.9495552104034324,0,-1.9944409821181566 -2.087308096010678 -2.036231183369791 -2.1662451428193235 -2.2962591022688654 -2.34269265921513 -2.3829350752352236 -2.0702824584637125 -1.5037930637193069 -1.229835077736357 -0.9976672930050412 -0.8769400449447524 -0.7670472935052661 -0.7933596424414756 -0.8877745415655461 -1.0549353465720999 -1.2220961515786448 -1.3985436679744425 -1.6059468890010808 -1.734413063219082 +10410,-2.0099188344335723,0,-2.087308096010678 -2.036231183369791 -2.1662451428193235 -2.2962591022688654 -2.34269265921513 -2.3829350752352236 -2.0702824584637125 -1.5037930637193069 -1.229835077736357 -0.9976672930050412 -0.8769400449447524 -0.7670472935052661 -0.7933596424414756 -0.8877745415655461 -1.0549353465720999 -1.2220961515786448 -1.3985436679744425 -1.6059468890010808 -1.734413063219082 -1.9495552104034324 +10411,-2.1058815187891837,0,-2.036231183369791 -2.1662451428193235 -2.2962591022688654 -2.34269265921513 -2.3829350752352236 -2.0702824584637125 -1.5037930637193069 -1.229835077736357 -0.9976672930050412 -0.8769400449447524 -0.7670472935052661 -0.7933596424414756 -0.8877745415655461 -1.0549353465720999 -1.2220961515786448 -1.3985436679744425 -1.6059468890010808 -1.734413063219082 -1.9495552104034324 -2.0099188344335723 +10412,-2.062543532306009,0,-2.1662451428193235 -2.2962591022688654 -2.34269265921513 -2.3829350752352236 -2.0702824584637125 -1.5037930637193069 -1.229835077736357 -0.9976672930050412 -0.8769400449447524 -0.7670472935052661 -0.7933596424414756 -0.8877745415655461 -1.0549353465720999 -1.2220961515786448 -1.3985436679744425 -1.6059468890010808 -1.734413063219082 -1.9495552104034324 -2.0099188344335723 -2.1058815187891837 +10413,-2.043970109527503,0,-2.2962591022688654 -2.34269265921513 -2.3829350752352236 -2.0702824584637125 -1.5037930637193069 -1.229835077736357 -0.9976672930050412 -0.8769400449447524 -0.7670472935052661 -0.7933596424414756 -0.8877745415655461 -1.0549353465720999 -1.2220961515786448 -1.3985436679744425 -1.6059468890010808 -1.734413063219082 -1.9495552104034324 -2.0099188344335723 -2.1058815187891837 -2.062543532306009 +10414,-2.265303397638025,0,-2.34269265921513 -2.3829350752352236 -2.0702824584637125 -1.5037930637193069 -1.229835077736357 -0.9976672930050412 -0.8769400449447524 -0.7670472935052661 -0.7933596424414756 -0.8877745415655461 -1.0549353465720999 -1.2220961515786448 -1.3985436679744425 -1.6059468890010808 -1.734413063219082 -1.9495552104034324 -2.0099188344335723 -2.1058815187891837 -2.062543532306009 -2.043970109527503 +10415,-2.3039980284265775,0,-2.3829350752352236 -2.0702824584637125 -1.5037930637193069 -1.229835077736357 -0.9976672930050412 -0.8769400449447524 -0.7670472935052661 -0.7933596424414756 -0.8877745415655461 -1.0549353465720999 -1.2220961515786448 -1.3985436679744425 -1.6059468890010808 -1.734413063219082 -1.9495552104034324 -2.0099188344335723 -2.1058815187891837 -2.062543532306009 -2.043970109527503 -2.265303397638025 +10416,-2.305545813658118,0,-2.0702824584637125 -1.5037930637193069 -1.229835077736357 -0.9976672930050412 -0.8769400449447524 -0.7670472935052661 -0.7933596424414756 -0.8877745415655461 -1.0549353465720999 -1.2220961515786448 -1.3985436679744425 -1.6059468890010808 -1.734413063219082 -1.9495552104034324 -2.0099188344335723 -2.1058815187891837 -2.062543532306009 -2.043970109527503 -2.265303397638025 -2.3039980284265775 +10417,-2.1894619212924606,0,-1.5037930637193069 -1.229835077736357 -0.9976672930050412 -0.8769400449447524 -0.7670472935052661 -0.7933596424414756 -0.8877745415655461 -1.0549353465720999 -1.2220961515786448 -1.3985436679744425 -1.6059468890010808 -1.734413063219082 -1.9495552104034324 -2.0099188344335723 -2.1058815187891837 -2.062543532306009 -2.043970109527503 -2.265303397638025 -2.3039980284265775 -2.305545813658118 +10418,-2.116716015409977,0,-1.229835077736357 -0.9976672930050412 -0.8769400449447524 -0.7670472935052661 -0.7933596424414756 -0.8877745415655461 -1.0549353465720999 -1.2220961515786448 -1.3985436679744425 -1.6059468890010808 -1.734413063219082 -1.9495552104034324 -2.0099188344335723 -2.1058815187891837 -2.062543532306009 -2.043970109527503 -2.265303397638025 -2.3039980284265775 -2.305545813658118 -2.1894619212924606 +10419,-2.1476717200408175,0,-0.9976672930050412 -0.8769400449447524 -0.7670472935052661 -0.7933596424414756 -0.8877745415655461 -1.0549353465720999 -1.2220961515786448 -1.3985436679744425 -1.6059468890010808 -1.734413063219082 -1.9495552104034324 -2.0099188344335723 -2.1058815187891837 -2.062543532306009 -2.043970109527503 -2.265303397638025 -2.3039980284265775 -2.305545813658118 -2.1894619212924606 -2.116716015409977 +10420,-2.7856687924824755,0,-0.8769400449447524 -0.7670472935052661 -0.7933596424414756 -0.8877745415655461 -1.0549353465720999 -1.2220961515786448 -1.3985436679744425 -1.6059468890010808 -1.734413063219082 -1.9495552104034324 -2.0099188344335723 -2.1058815187891837 -2.062543532306009 -2.043970109527503 -2.265303397638025 -2.3039980284265775 -2.305545813658118 -2.1894619212924606 -2.116716015409977 -2.1476717200408175 +10421,-1.3304411177865902,0,-0.7670472935052661 -0.7933596424414756 -0.8877745415655461 -1.0549353465720999 -1.2220961515786448 -1.3985436679744425 -1.6059468890010808 -1.734413063219082 -1.9495552104034324 -2.0099188344335723 -2.1058815187891837 -2.062543532306009 -2.043970109527503 -2.265303397638025 -2.3039980284265775 -2.305545813658118 -2.1894619212924606 -2.116716015409977 -2.1476717200408175 -2.7856687924824755 +10422,-0.9589726622164886,0,-0.7933596424414756 -0.8877745415655461 -1.0549353465720999 -1.2220961515786448 -1.3985436679744425 -1.6059468890010808 -1.734413063219082 -1.9495552104034324 -2.0099188344335723 -2.1058815187891837 -2.062543532306009 -2.043970109527503 -2.265303397638025 -2.3039980284265775 -2.305545813658118 -2.1894619212924606 -2.116716015409977 -2.1476717200408175 -2.7856687924824755 -1.3304411177865902 +10423,-0.6989447433174139,0,-0.8877745415655461 -1.0549353465720999 -1.2220961515786448 -1.3985436679744425 -1.6059468890010808 -1.734413063219082 -1.9495552104034324 -2.0099188344335723 -2.1058815187891837 -2.062543532306009 -2.043970109527503 -2.265303397638025 -2.3039980284265775 -2.305545813658118 -2.1894619212924606 -2.116716015409977 -2.1476717200408175 -2.7856687924824755 -1.3304411177865902 -0.9589726622164886 +10424,-0.5472617906262848,0,-1.0549353465720999 -1.2220961515786448 -1.3985436679744425 -1.6059468890010808 -1.734413063219082 -1.9495552104034324 -2.0099188344335723 -2.1058815187891837 -2.062543532306009 -2.043970109527503 -2.265303397638025 -2.3039980284265775 -2.305545813658118 -2.1894619212924606 -2.116716015409977 -2.1476717200408175 -2.7856687924824755 -1.3304411177865902 -0.9589726622164886 -0.6989447433174139 +10425,-0.5658352134047907,0,-1.2220961515786448 -1.3985436679744425 -1.6059468890010808 -1.734413063219082 -1.9495552104034324 -2.0099188344335723 -2.1058815187891837 -2.062543532306009 -2.043970109527503 -2.265303397638025 -2.3039980284265775 -2.305545813658118 -2.1894619212924606 -2.116716015409977 -2.1476717200408175 -2.7856687924824755 -1.3304411177865902 -0.9589726622164886 -0.6989447433174139 -0.5472617906262848 +10426,-0.33985856959964655,0,-1.3985436679744425 -1.6059468890010808 -1.734413063219082 -1.9495552104034324 -2.0099188344335723 -2.1058815187891837 -2.062543532306009 -2.043970109527503 -2.265303397638025 -2.3039980284265775 -2.305545813658118 -2.1894619212924606 -2.116716015409977 -2.1476717200408175 -2.7856687924824755 -1.3304411177865902 -0.9589726622164886 -0.6989447433174139 -0.5472617906262848 -0.5658352134047907 +10427,-0.712874810401289,0,-1.6059468890010808 -1.734413063219082 -1.9495552104034324 -2.0099188344335723 -2.1058815187891837 -2.062543532306009 -2.043970109527503 -2.265303397638025 -2.3039980284265775 -2.305545813658118 -2.1894619212924606 -2.116716015409977 -2.1476717200408175 -2.7856687924824755 -1.3304411177865902 -0.9589726622164886 -0.6989447433174139 -0.5472617906262848 -0.5658352134047907 -0.33985856959964655 +10428,-0.8575927295504762,0,-1.734413063219082 -1.9495552104034324 -2.0099188344335723 -2.1058815187891837 -2.062543532306009 -2.043970109527503 -2.265303397638025 -2.3039980284265775 -2.305545813658118 -2.1894619212924606 -2.116716015409977 -2.1476717200408175 -2.7856687924824755 -1.3304411177865902 -0.9589726622164886 -0.6989447433174139 -0.5472617906262848 -0.5658352134047907 -0.33985856959964655 -0.712874810401289 +10429,-1.0023106486996634,0,-1.9495552104034324 -2.0099188344335723 -2.1058815187891837 -2.062543532306009 -2.043970109527503 -2.265303397638025 -2.3039980284265775 -2.305545813658118 -2.1894619212924606 -2.116716015409977 -2.1476717200408175 -2.7856687924824755 -1.3304411177865902 -0.9589726622164886 -0.6989447433174139 -0.5472617906262848 -0.5658352134047907 -0.33985856959964655 -0.712874810401289 -0.8575927295504762 +10430,-1.092082192129103,0,-2.0099188344335723 -2.1058815187891837 -2.062543532306009 -2.043970109527503 -2.265303397638025 -2.3039980284265775 -2.305545813658118 -2.1894619212924606 -2.116716015409977 -2.1476717200408175 -2.7856687924824755 -1.3304411177865902 -0.9589726622164886 -0.6989447433174139 -0.5472617906262848 -0.5658352134047907 -0.33985856959964655 -0.712874810401289 -0.8575927295504762 -1.0023106486996634 +10431,-1.3118676950080843,0,-2.1058815187891837 -2.062543532306009 -2.043970109527503 -2.265303397638025 -2.3039980284265775 -2.305545813658118 -2.1894619212924606 -2.116716015409977 -2.1476717200408175 -2.7856687924824755 -1.3304411177865902 -0.9589726622164886 -0.6989447433174139 -0.5472617906262848 -0.5658352134047907 -0.33985856959964655 -0.712874810401289 -0.8575927295504762 -1.0023106486996634 -1.092082192129103 +10432,-1.443429439689167,0,-2.062543532306009 -2.043970109527503 -2.265303397638025 -2.3039980284265775 -2.305545813658118 -2.1894619212924606 -2.116716015409977 -2.1476717200408175 -2.7856687924824755 -1.3304411177865902 -0.9589726622164886 -0.6989447433174139 -0.5472617906262848 -0.5658352134047907 -0.33985856959964655 -0.712874810401289 -0.8575927295504762 -1.0023106486996634 -1.092082192129103 -1.3118676950080843 +10433,-1.4573595067730418,0,-2.043970109527503 -2.265303397638025 -2.3039980284265775 -2.305545813658118 -2.1894619212924606 -2.116716015409977 -2.1476717200408175 -2.7856687924824755 -1.3304411177865902 -0.9589726622164886 -0.6989447433174139 -0.5472617906262848 -0.5658352134047907 -0.33985856959964655 -0.712874810401289 -0.8575927295504762 -1.0023106486996634 -1.092082192129103 -1.3118676950080843 -1.443429439689167 +10434,-1.485219640940801,0,-2.265303397638025 -2.3039980284265775 -2.305545813658118 -2.1894619212924606 -2.116716015409977 -2.1476717200408175 -2.7856687924824755 -1.3304411177865902 -0.9589726622164886 -0.6989447433174139 -0.5472617906262848 -0.5658352134047907 -0.33985856959964655 -0.712874810401289 -0.8575927295504762 -1.0023106486996634 -1.092082192129103 -1.3118676950080843 -1.443429439689167 -1.4573595067730418 +10435,-1.6152336003903338,0,-2.3039980284265775 -2.305545813658118 -2.1894619212924606 -2.116716015409977 -2.1476717200408175 -2.7856687924824755 -1.3304411177865902 -0.9589726622164886 -0.6989447433174139 -0.5472617906262848 -0.5658352134047907 -0.33985856959964655 -0.712874810401289 -0.8575927295504762 -1.0023106486996634 -1.092082192129103 -1.3118676950080843 -1.443429439689167 -1.4573595067730418 -1.485219640940801 +10436,-1.794776687249222,0,-2.305545813658118 -2.1894619212924606 -2.116716015409977 -2.1476717200408175 -2.7856687924824755 -1.3304411177865902 -0.9589726622164886 -0.6989447433174139 -0.5472617906262848 -0.5658352134047907 -0.33985856959964655 -0.712874810401289 -0.8575927295504762 -1.0023106486996634 -1.092082192129103 -1.3118676950080843 -1.443429439689167 -1.4573595067730418 -1.485219640940801 -1.6152336003903338 +10437,-1.9124083648464205,0,-2.1894619212924606 -2.116716015409977 -2.1476717200408175 -2.7856687924824755 -1.3304411177865902 -0.9589726622164886 -0.6989447433174139 -0.5472617906262848 -0.5658352134047907 -0.33985856959964655 -0.712874810401289 -0.8575927295504762 -1.0023106486996634 -1.092082192129103 -1.3118676950080843 -1.443429439689167 -1.4573595067730418 -1.485219640940801 -1.6152336003903338 -1.794776687249222 +10438,-1.9170517205410513,0,-2.116716015409977 -2.1476717200408175 -2.7856687924824755 -1.3304411177865902 -0.9589726622164886 -0.6989447433174139 -0.5472617906262848 -0.5658352134047907 -0.33985856959964655 -0.712874810401289 -0.8575927295504762 -1.0023106486996634 -1.092082192129103 -1.3118676950080843 -1.443429439689167 -1.4573595067730418 -1.485219640940801 -1.6152336003903338 -1.794776687249222 -1.9124083648464205 +10439,-1.8783570897524986,0,-2.1476717200408175 -2.7856687924824755 -1.3304411177865902 -0.9589726622164886 -0.6989447433174139 -0.5472617906262848 -0.5658352134047907 -0.33985856959964655 -0.712874810401289 -0.8575927295504762 -1.0023106486996634 -1.092082192129103 -1.3118676950080843 -1.443429439689167 -1.4573595067730418 -1.485219640940801 -1.6152336003903338 -1.794776687249222 -1.9124083648464205 -1.9170517205410513 +10440,-1.9015738682256267,0,-2.7856687924824755 -1.3304411177865902 -0.9589726622164886 -0.6989447433174139 -0.5472617906262848 -0.5658352134047907 -0.33985856959964655 -0.712874810401289 -0.8575927295504762 -1.0023106486996634 -1.092082192129103 -1.3118676950080843 -1.443429439689167 -1.4573595067730418 -1.485219640940801 -1.6152336003903338 -1.794776687249222 -1.9124083648464205 -1.9170517205410513 -1.8783570897524986 +10441,-1.918599505772592,0,-1.3304411177865902 -0.9589726622164886 -0.6989447433174139 -0.5472617906262848 -0.5658352134047907 -0.33985856959964655 -0.712874810401289 -0.8575927295504762 -1.0023106486996634 -1.092082192129103 -1.3118676950080843 -1.443429439689167 -1.4573595067730418 -1.485219640940801 -1.6152336003903338 -1.794776687249222 -1.9124083648464205 -1.9170517205410513 -1.8783570897524986 -1.9015738682256267 +10442,-1.9309817876249264,0,-0.9589726622164886 -0.6989447433174139 -0.5472617906262848 -0.5658352134047907 -0.33985856959964655 -0.712874810401289 -0.8575927295504762 -1.0023106486996634 -1.092082192129103 -1.3118676950080843 -1.443429439689167 -1.4573595067730418 -1.485219640940801 -1.6152336003903338 -1.794776687249222 -1.9124083648464205 -1.9170517205410513 -1.8783570897524986 -1.9015738682256267 -1.918599505772592 +10443,-1.9634852774873075,0,-0.6989447433174139 -0.5472617906262848 -0.5658352134047907 -0.33985856959964655 -0.712874810401289 -0.8575927295504762 -1.0023106486996634 -1.092082192129103 -1.3118676950080843 -1.443429439689167 -1.4573595067730418 -1.485219640940801 -1.6152336003903338 -1.794776687249222 -1.9124083648464205 -1.9170517205410513 -1.8783570897524986 -1.9015738682256267 -1.918599505772592 -1.9309817876249264 +10444,-1.7498909155344977,0,-0.5472617906262848 -0.5658352134047907 -0.33985856959964655 -0.712874810401289 -0.8575927295504762 -1.0023106486996634 -1.092082192129103 -1.3118676950080843 -1.443429439689167 -1.4573595067730418 -1.485219640940801 -1.6152336003903338 -1.794776687249222 -1.9124083648464205 -1.9170517205410513 -1.8783570897524986 -1.9015738682256267 -1.918599505772592 -1.9309817876249264 -1.9634852774873075 +10445,-1.1787581650954613,0,-0.5658352134047907 -0.33985856959964655 -0.712874810401289 -0.8575927295504762 -1.0023106486996634 -1.092082192129103 -1.3118676950080843 -1.443429439689167 -1.4573595067730418 -1.485219640940801 -1.6152336003903338 -1.794776687249222 -1.9124083648464205 -1.9170517205410513 -1.8783570897524986 -1.9015738682256267 -1.918599505772592 -1.9309817876249264 -1.9634852774873075 -1.7498909155344977 +10446,-0.7438305150321293,0,-0.33985856959964655 -0.712874810401289 -0.8575927295504762 -1.0023106486996634 -1.092082192129103 -1.3118676950080843 -1.443429439689167 -1.4573595067730418 -1.485219640940801 -1.6152336003903338 -1.794776687249222 -1.9124083648464205 -1.9170517205410513 -1.8783570897524986 -1.9015738682256267 -1.918599505772592 -1.9309817876249264 -1.9634852774873075 -1.7498909155344977 -1.1787581650954613 +10447,-0.4946370927538571,0,-0.712874810401289 -0.8575927295504762 -1.0023106486996634 -1.092082192129103 -1.3118676950080843 -1.443429439689167 -1.4573595067730418 -1.485219640940801 -1.6152336003903338 -1.794776687249222 -1.9124083648464205 -1.9170517205410513 -1.8783570897524986 -1.9015738682256267 -1.918599505772592 -1.9309817876249264 -1.9634852774873075 -1.7498909155344977 -1.1787581650954613 -0.7438305150321293 +10448,-0.2748515898748757,0,-0.8575927295504762 -1.0023106486996634 -1.092082192129103 -1.3118676950080843 -1.443429439689167 -1.4573595067730418 -1.485219640940801 -1.6152336003903338 -1.794776687249222 -1.9124083648464205 -1.9170517205410513 -1.8783570897524986 -1.9015738682256267 -1.918599505772592 -1.9309817876249264 -1.9634852774873075 -1.7498909155344977 -1.1787581650954613 -0.7438305150321293 -0.4946370927538571 +10449,-0.13709870426763043,0,-1.0023106486996634 -1.092082192129103 -1.3118676950080843 -1.443429439689167 -1.4573595067730418 -1.485219640940801 -1.6152336003903338 -1.794776687249222 -1.9124083648464205 -1.9170517205410513 -1.8783570897524986 -1.9015738682256267 -1.918599505772592 -1.9309817876249264 -1.9634852774873075 -1.7498909155344977 -1.1787581650954613 -0.7438305150321293 -0.4946370927538571 -0.2748515898748757 +10450,-0.04577937560664132,0,-1.092082192129103 -1.3118676950080843 -1.443429439689167 -1.4573595067730418 -1.485219640940801 -1.6152336003903338 -1.794776687249222 -1.9124083648464205 -1.9170517205410513 -1.8783570897524986 -1.9015738682256267 -1.918599505772592 -1.9309817876249264 -1.9634852774873075 -1.7498909155344977 -1.1787581650954613 -0.7438305150321293 -0.4946370927538571 -0.2748515898748757 -0.13709870426763043 +10451,-0.12007306672066517,0,-1.3118676950080843 -1.443429439689167 -1.4573595067730418 -1.485219640940801 -1.6152336003903338 -1.794776687249222 -1.9124083648464205 -1.9170517205410513 -1.8783570897524986 -1.9015738682256267 -1.918599505772592 -1.9309817876249264 -1.9634852774873075 -1.7498909155344977 -1.1787581650954613 -0.7438305150321293 -0.4946370927538571 -0.2748515898748757 -0.13709870426763043 -0.04577937560664132 +10452,-0.19281897260313954,0,-1.443429439689167 -1.4573595067730418 -1.485219640940801 -1.6152336003903338 -1.794776687249222 -1.9124083648464205 -1.9170517205410513 -1.8783570897524986 -1.9015738682256267 -1.918599505772592 -1.9309817876249264 -1.9634852774873075 -1.7498909155344977 -1.1787581650954613 -0.7438305150321293 -0.4946370927538571 -0.2748515898748757 -0.13709870426763043 -0.04577937560664132 -0.12007306672066517 +10453,-0.633937763592643,0,-1.4573595067730418 -1.485219640940801 -1.6152336003903338 -1.794776687249222 -1.9124083648464205 -1.9170517205410513 -1.8783570897524986 -1.9015738682256267 -1.918599505772592 -1.9309817876249264 -1.9634852774873075 -1.7498909155344977 -1.1787581650954613 -0.7438305150321293 -0.4946370927538571 -0.2748515898748757 -0.13709870426763043 -0.04577937560664132 -0.12007306672066517 -0.19281897260313954 +10454,-0.9048001791125114,0,-1.485219640940801 -1.6152336003903338 -1.794776687249222 -1.9124083648464205 -1.9170517205410513 -1.8783570897524986 -1.9015738682256267 -1.918599505772592 -1.9309817876249264 -1.9634852774873075 -1.7498909155344977 -1.1787581650954613 -0.7438305150321293 -0.4946370927538571 -0.2748515898748757 -0.13709870426763043 -0.04577937560664132 -0.12007306672066517 -0.19281897260313954 -0.633937763592643 +10455,-1.1911404469478044,0,-1.6152336003903338 -1.794776687249222 -1.9124083648464205 -1.9170517205410513 -1.8783570897524986 -1.9015738682256267 -1.918599505772592 -1.9309817876249264 -1.9634852774873075 -1.7498909155344977 -1.1787581650954613 -0.7438305150321293 -0.4946370927538571 -0.2748515898748757 -0.13709870426763043 -0.04577937560664132 -0.12007306672066517 -0.19281897260313954 -0.633937763592643 -0.9048001791125114 +10456,-1.225191722041726,0,-1.794776687249222 -1.9124083648464205 -1.9170517205410513 -1.8783570897524986 -1.9015738682256267 -1.918599505772592 -1.9309817876249264 -1.9634852774873075 -1.7498909155344977 -1.1787581650954613 -0.7438305150321293 -0.4946370927538571 -0.2748515898748757 -0.13709870426763043 -0.04577937560664132 -0.12007306672066517 -0.19281897260313954 -0.633937763592643 -0.9048001791125114 -1.1911404469478044 +10457,-1.35984903718589,0,-1.9124083648464205 -1.9170517205410513 -1.8783570897524986 -1.9015738682256267 -1.918599505772592 -1.9309817876249264 -1.9634852774873075 -1.7498909155344977 -1.1787581650954613 -0.7438305150321293 -0.4946370927538571 -0.2748515898748757 -0.13709870426763043 -0.04577937560664132 -0.12007306672066517 -0.19281897260313954 -0.633937763592643 -0.9048001791125114 -1.1911404469478044 -1.225191722041726 +10458,-1.2545996414410259,0,-1.9170517205410513 -1.8783570897524986 -1.9015738682256267 -1.918599505772592 -1.9309817876249264 -1.9634852774873075 -1.7498909155344977 -1.1787581650954613 -0.7438305150321293 -0.4946370927538571 -0.2748515898748757 -0.13709870426763043 -0.04577937560664132 -0.12007306672066517 -0.19281897260313954 -0.633937763592643 -0.9048001791125114 -1.1911404469478044 -1.225191722041726 -1.35984903718589 +10459,-1.5657044729809875,0,-1.8783570897524986 -1.9015738682256267 -1.918599505772592 -1.9309817876249264 -1.9634852774873075 -1.7498909155344977 -1.1787581650954613 -0.7438305150321293 -0.4946370927538571 -0.2748515898748757 -0.13709870426763043 -0.04577937560664132 -0.12007306672066517 -0.19281897260313954 -0.633937763592643 -0.9048001791125114 -1.1911404469478044 -1.225191722041726 -1.35984903718589 -1.2545996414410259 +10460,-1.7127440699774945,0,-1.9015738682256267 -1.918599505772592 -1.9309817876249264 -1.9634852774873075 -1.7498909155344977 -1.1787581650954613 -0.7438305150321293 -0.4946370927538571 -0.2748515898748757 -0.13709870426763043 -0.04577937560664132 -0.12007306672066517 -0.19281897260313954 -0.633937763592643 -0.9048001791125114 -1.1911404469478044 -1.225191722041726 -1.35984903718589 -1.2545996414410259 -1.5657044729809875 +10461,-1.766916553081463,0,-1.918599505772592 -1.9309817876249264 -1.9634852774873075 -1.7498909155344977 -1.1787581650954613 -0.7438305150321293 -0.4946370927538571 -0.2748515898748757 -0.13709870426763043 -0.04577937560664132 -0.12007306672066517 -0.19281897260313954 -0.633937763592643 -0.9048001791125114 -1.1911404469478044 -1.225191722041726 -1.35984903718589 -1.2545996414410259 -1.5657044729809875 -1.7127440699774945 +10462,-1.8768093045209493,0,-1.9309817876249264 -1.9634852774873075 -1.7498909155344977 -1.1787581650954613 -0.7438305150321293 -0.4946370927538571 -0.2748515898748757 -0.13709870426763043 -0.04577937560664132 -0.12007306672066517 -0.19281897260313954 -0.633937763592643 -0.9048001791125114 -1.1911404469478044 -1.225191722041726 -1.35984903718589 -1.2545996414410259 -1.5657044729809875 -1.7127440699774945 -1.766916553081463 +10463,-1.9247906466987548,0,-1.9634852774873075 -1.7498909155344977 -1.1787581650954613 -0.7438305150321293 -0.4946370927538571 -0.2748515898748757 -0.13709870426763043 -0.04577937560664132 -0.12007306672066517 -0.19281897260313954 -0.633937763592643 -0.9048001791125114 -1.1911404469478044 -1.225191722041726 -1.35984903718589 -1.2545996414410259 -1.5657044729809875 -1.7127440699774945 -1.766916553081463 -1.8768093045209493 +10464,-1.9774153445711913,0,-1.7498909155344977 -1.1787581650954613 -0.7438305150321293 -0.4946370927538571 -0.2748515898748757 -0.13709870426763043 -0.04577937560664132 -0.12007306672066517 -0.19281897260313954 -0.633937763592643 -0.9048001791125114 -1.1911404469478044 -1.225191722041726 -1.35984903718589 -1.2545996414410259 -1.5657044729809875 -1.7127440699774945 -1.766916553081463 -1.8768093045209493 -1.9247906466987548 +10465,-2.0037276935074098,0,-1.1787581650954613 -0.7438305150321293 -0.4946370927538571 -0.2748515898748757 -0.13709870426763043 -0.04577937560664132 -0.12007306672066517 -0.19281897260313954 -0.633937763592643 -0.9048001791125114 -1.1911404469478044 -1.225191722041726 -1.35984903718589 -1.2545996414410259 -1.5657044729809875 -1.7127440699774945 -1.766916553081463 -1.8768093045209493 -1.9247906466987548 -1.9774153445711913 +10466,-2.0315878276751596,0,-0.7438305150321293 -0.4946370927538571 -0.2748515898748757 -0.13709870426763043 -0.04577937560664132 -0.12007306672066517 -0.19281897260313954 -0.633937763592643 -0.9048001791125114 -1.1911404469478044 -1.225191722041726 -1.35984903718589 -1.2545996414410259 -1.5657044729809875 -1.7127440699774945 -1.766916553081463 -1.8768093045209493 -1.9247906466987548 -1.9774153445711913 -2.0037276935074098 +10467,-1.5966601776118365,0,-0.4946370927538571 -0.2748515898748757 -0.13709870426763043 -0.04577937560664132 -0.12007306672066517 -0.19281897260313954 -0.633937763592643 -0.9048001791125114 -1.1911404469478044 -1.225191722041726 -1.35984903718589 -1.2545996414410259 -1.5657044729809875 -1.7127440699774945 -1.766916553081463 -1.8768093045209493 -1.9247906466987548 -1.9774153445711913 -2.0037276935074098 -2.0315878276751596 +10468,-1.3799702451959366,0,-0.2748515898748757 -0.13709870426763043 -0.04577937560664132 -0.12007306672066517 -0.19281897260313954 -0.633937763592643 -0.9048001791125114 -1.1911404469478044 -1.225191722041726 -1.35984903718589 -1.2545996414410259 -1.5657044729809875 -1.7127440699774945 -1.766916553081463 -1.8768093045209493 -1.9247906466987548 -1.9774153445711913 -2.0037276935074098 -2.0315878276751596 -1.5966601776118365 +10469,-0.8537232664716244,0,-0.13709870426763043 -0.04577937560664132 -0.12007306672066517 -0.19281897260313954 -0.633937763592643 -0.9048001791125114 -1.1911404469478044 -1.225191722041726 -1.35984903718589 -1.2545996414410259 -1.5657044729809875 -1.7127440699774945 -1.766916553081463 -1.8768093045209493 -1.9247906466987548 -1.9774153445711913 -2.0037276935074098 -2.0315878276751596 -1.5966601776118365 -1.3799702451959366 +10470,-0.3723620594620276,0,-0.04577937560664132 -0.12007306672066517 -0.19281897260313954 -0.633937763592643 -0.9048001791125114 -1.1911404469478044 -1.225191722041726 -1.35984903718589 -1.2545996414410259 -1.5657044729809875 -1.7127440699774945 -1.766916553081463 -1.8768093045209493 -1.9247906466987548 -1.9774153445711913 -2.0037276935074098 -2.0315878276751596 -1.5966601776118365 -1.3799702451959366 -0.8537232664716244 +10471,-0.030301523291225544,0,-0.12007306672066517 -0.19281897260313954 -0.633937763592643 -0.9048001791125114 -1.1911404469478044 -1.225191722041726 -1.35984903718589 -1.2545996414410259 -1.5657044729809875 -1.7127440699774945 -1.766916553081463 -1.8768093045209493 -1.9247906466987548 -1.9774153445711913 -2.0037276935074098 -2.0315878276751596 -1.5966601776118365 -1.3799702451959366 -0.8537232664716244 -0.3723620594620276 +10472,0.24365646269173305,0,-0.19281897260313954 -0.633937763592643 -0.9048001791125114 -1.1911404469478044 -1.225191722041726 -1.35984903718589 -1.2545996414410259 -1.5657044729809875 -1.7127440699774945 -1.766916553081463 -1.8768093045209493 -1.9247906466987548 -1.9774153445711913 -2.0037276935074098 -2.0315878276751596 -1.5966601776118365 -1.3799702451959366 -0.8537232664716244 -0.3723620594620276 -0.030301523291225544 +10473,0.4139128381613593,0,-0.633937763592643 -0.9048001791125114 -1.1911404469478044 -1.225191722041726 -1.35984903718589 -1.2545996414410259 -1.5657044729809875 -1.7127440699774945 -1.766916553081463 -1.8768093045209493 -1.9247906466987548 -1.9774153445711913 -2.0037276935074098 -2.0315878276751596 -1.5966601776118365 -1.3799702451959366 -0.8537232664716244 -0.3723620594620276 -0.030301523291225544 0.24365646269173305 +10474,0.46034639510762426,0,-0.9048001791125114 -1.1911404469478044 -1.225191722041726 -1.35984903718589 -1.2545996414410259 -1.5657044729809875 -1.7127440699774945 -1.766916553081463 -1.8768093045209493 -1.9247906466987548 -1.9774153445711913 -2.0037276935074098 -2.0315878276751596 -1.5966601776118365 -1.3799702451959366 -0.8537232664716244 -0.3723620594620276 -0.030301523291225544 0.24365646269173305 0.4139128381613593 +10475,0.322593509500379,0,-1.1911404469478044 -1.225191722041726 -1.35984903718589 -1.2545996414410259 -1.5657044729809875 -1.7127440699774945 -1.766916553081463 -1.8768093045209493 -1.9247906466987548 -1.9774153445711913 -2.0037276935074098 -2.0315878276751596 -1.5966601776118365 -1.3799702451959366 -0.8537232664716244 -0.3723620594620276 -0.030301523291225544 0.24365646269173305 0.4139128381613593 0.46034639510762426 +10476,-0.11852528148912447,0,-1.225191722041726 -1.35984903718589 -1.2545996414410259 -1.5657044729809875 -1.7127440699774945 -1.766916553081463 -1.8768093045209493 -1.9247906466987548 -1.9774153445711913 -2.0037276935074098 -2.0315878276751596 -1.5966601776118365 -1.3799702451959366 -0.8537232664716244 -0.3723620594620276 -0.030301523291225544 0.24365646269173305 0.4139128381613593 0.46034639510762426 0.322593509500379 +10477,-0.6202398642934938,0,-1.35984903718589 -1.2545996414410259 -1.5657044729809875 -1.7127440699774945 -1.766916553081463 -1.8768093045209493 -1.9247906466987548 -1.9774153445711913 -2.0037276935074098 -2.0315878276751596 -1.5966601776118365 -1.3799702451959366 -0.8537232664716244 -0.3723620594620276 -0.030301523291225544 0.24365646269173305 0.4139128381613593 0.46034639510762426 0.322593509500379 -0.11852528148912447 +10478,-0.4992804484484792,0,-1.2545996414410259 -1.5657044729809875 -1.7127440699774945 -1.766916553081463 -1.8768093045209493 -1.9247906466987548 -1.9774153445711913 -2.0037276935074098 -2.0315878276751596 -1.5966601776118365 -1.3799702451959366 -0.8537232664716244 -0.3723620594620276 -0.030301523291225544 0.24365646269173305 0.4139128381613593 0.46034639510762426 0.322593509500379 -0.11852528148912447 -0.6202398642934938 +10479,-0.6648934682234834,0,-1.5657044729809875 -1.7127440699774945 -1.766916553081463 -1.8768093045209493 -1.9247906466987548 -1.9774153445711913 -2.0037276935074098 -2.0315878276751596 -1.5966601776118365 -1.3799702451959366 -0.8537232664716244 -0.3723620594620276 -0.030301523291225544 0.24365646269173305 0.4139128381613593 0.46034639510762426 0.322593509500379 -0.11852528148912447 -0.6202398642934938 -0.4992804484484792 +10480,-0.8026463538307286,0,-1.7127440699774945 -1.766916553081463 -1.8768093045209493 -1.9247906466987548 -1.9774153445711913 -2.0037276935074098 -2.0315878276751596 -1.5966601776118365 -1.3799702451959366 -0.8537232664716244 -0.3723620594620276 -0.030301523291225544 0.24365646269173305 0.4139128381613593 0.46034639510762426 0.322593509500379 -0.11852528148912447 -0.6202398642934938 -0.4992804484484792 -0.6648934682234834 +10481,-0.9264691723540988,0,-1.766916553081463 -1.8768093045209493 -1.9247906466987548 -1.9774153445711913 -2.0037276935074098 -2.0315878276751596 -1.5966601776118365 -1.3799702451959366 -0.8537232664716244 -0.3723620594620276 -0.030301523291225544 0.24365646269173305 0.4139128381613593 0.46034639510762426 0.322593509500379 -0.11852528148912447 -0.6202398642934938 -0.4992804484484792 -0.6648934682234834 -0.8026463538307286 +10482,-0.9326603132802703,0,-1.8768093045209493 -1.9247906466987548 -1.9774153445711913 -2.0037276935074098 -2.0315878276751596 -1.5966601776118365 -1.3799702451959366 -0.8537232664716244 -0.3723620594620276 -0.030301523291225544 0.24365646269173305 0.4139128381613593 0.46034639510762426 0.322593509500379 -0.11852528148912447 -0.6202398642934938 -0.4992804484484792 -0.6648934682234834 -0.8026463538307286 -0.9264691723540988 +10483,-1.0007628634681227,0,-1.9247906466987548 -1.9774153445711913 -2.0037276935074098 -2.0315878276751596 -1.5966601776118365 -1.3799702451959366 -0.8537232664716244 -0.3723620594620276 -0.030301523291225544 0.24365646269173305 0.4139128381613593 0.46034639510762426 0.322593509500379 -0.11852528148912447 -0.6202398642934938 -0.4992804484484792 -0.6648934682234834 -0.8026463538307286 -0.9264691723540988 -0.9326603132802703 +10484,-1.036361923793594,0,-1.9774153445711913 -2.0037276935074098 -2.0315878276751596 -1.5966601776118365 -1.3799702451959366 -0.8537232664716244 -0.3723620594620276 -0.030301523291225544 0.24365646269173305 0.4139128381613593 0.46034639510762426 0.322593509500379 -0.11852528148912447 -0.6202398642934938 -0.4992804484484792 -0.6648934682234834 -0.8026463538307286 -0.9264691723540988 -0.9326603132802703 -1.0007628634681227 +10485,-0.971354944068823,0,-2.0037276935074098 -2.0315878276751596 -1.5966601776118365 -1.3799702451959366 -0.8537232664716244 -0.3723620594620276 -0.030301523291225544 0.24365646269173305 0.4139128381613593 0.46034639510762426 0.322593509500379 -0.11852528148912447 -0.6202398642934938 -0.4992804484484792 -0.6648934682234834 -0.8026463538307286 -0.9264691723540988 -0.9326603132802703 -1.0007628634681227 -1.036361923793594 +10486,-0.9233736018910174,0,-2.0315878276751596 -1.5966601776118365 -1.3799702451959366 -0.8537232664716244 -0.3723620594620276 -0.030301523291225544 0.24365646269173305 0.4139128381613593 0.46034639510762426 0.322593509500379 -0.11852528148912447 -0.6202398642934938 -0.4992804484484792 -0.6648934682234834 -0.8026463538307286 -0.9264691723540988 -0.9326603132802703 -1.0007628634681227 -1.036361923793594 -0.971354944068823 +10487,-1.1601847423169553,0,-1.5966601776118365 -1.3799702451959366 -0.8537232664716244 -0.3723620594620276 -0.030301523291225544 0.24365646269173305 0.4139128381613593 0.46034639510762426 0.322593509500379 -0.11852528148912447 -0.6202398642934938 -0.4992804484484792 -0.6648934682234834 -0.8026463538307286 -0.9264691723540988 -0.9326603132802703 -1.0007628634681227 -1.036361923793594 -0.971354944068823 -0.9233736018910174 +10488,-1.3242499768604188,0,-1.3799702451959366 -0.8537232664716244 -0.3723620594620276 -0.030301523291225544 0.24365646269173305 0.4139128381613593 0.46034639510762426 0.322593509500379 -0.11852528148912447 -0.6202398642934938 -0.4992804484484792 -0.6648934682234834 -0.8026463538307286 -0.9264691723540988 -0.9326603132802703 -1.0007628634681227 -1.036361923793594 -0.971354944068823 -0.9233736018910174 -1.1601847423169553 +10489,-1.4062825941321548,0,-0.8537232664716244 -0.3723620594620276 -0.030301523291225544 0.24365646269173305 0.4139128381613593 0.46034639510762426 0.322593509500379 -0.11852528148912447 -0.6202398642934938 -0.4992804484484792 -0.6648934682234834 -0.8026463538307286 -0.9264691723540988 -0.9326603132802703 -1.0007628634681227 -1.036361923793594 -0.971354944068823 -0.9233736018910174 -1.1601847423169553 -1.3242499768604188 +10490,-2.3748865920312014,0,-0.3723620594620276 -0.030301523291225544 0.24365646269173305 0.4139128381613593 0.46034639510762426 0.322593509500379 -0.11852528148912447 -0.6202398642934938 -0.4992804484484792 -0.6648934682234834 -0.8026463538307286 -0.9264691723540988 -0.9326603132802703 -1.0007628634681227 -1.036361923793594 -0.971354944068823 -0.9233736018910174 -1.1601847423169553 -1.3242499768604188 -1.4062825941321548 +10491,-1.4542639363099605,0,-0.030301523291225544 0.24365646269173305 0.4139128381613593 0.46034639510762426 0.322593509500379 -0.11852528148912447 -0.6202398642934938 -0.4992804484484792 -0.6648934682234834 -0.8026463538307286 -0.9264691723540988 -0.9326603132802703 -1.0007628634681227 -1.036361923793594 -0.971354944068823 -0.9233736018910174 -1.1601847423169553 -1.3242499768604188 -1.4062825941321548 -2.3748865920312014 +10492,-1.7963244724807625,0,0.24365646269173305 0.4139128381613593 0.46034639510762426 0.322593509500379 -0.11852528148912447 -0.6202398642934938 -0.4992804484484792 -0.6648934682234834 -0.8026463538307286 -0.9264691723540988 -0.9326603132802703 -1.0007628634681227 -1.036361923793594 -0.971354944068823 -0.9233736018910174 -1.1601847423169553 -1.3242499768604188 -1.4062825941321548 -2.3748865920312014 -1.4542639363099605 +10493,-1.1725670241692985,0,0.4139128381613593 0.46034639510762426 0.322593509500379 -0.11852528148912447 -0.6202398642934938 -0.4992804484484792 -0.6648934682234834 -0.8026463538307286 -0.9264691723540988 -0.9326603132802703 -1.0007628634681227 -1.036361923793594 -0.971354944068823 -0.9233736018910174 -1.1601847423169553 -1.3242499768604188 -1.4062825941321548 -2.3748865920312014 -1.4542639363099605 -1.7963244724807625 +10494,-0.3770054151566497,0,0.46034639510762426 0.322593509500379 -0.11852528148912447 -0.6202398642934938 -0.4992804484484792 -0.6648934682234834 -0.8026463538307286 -0.9264691723540988 -0.9326603132802703 -1.0007628634681227 -1.036361923793594 -0.971354944068823 -0.9233736018910174 -1.1601847423169553 -1.3242499768604188 -1.4062825941321548 -2.3748865920312014 -1.4542639363099605 -1.7963244724807625 -1.1725670241692985 +10495,0.017679818886580066,0,0.322593509500379 -0.11852528148912447 -0.6202398642934938 -0.4992804484484792 -0.6648934682234834 -0.8026463538307286 -0.9264691723540988 -0.9326603132802703 -1.0007628634681227 -1.036361923793594 -0.971354944068823 -0.9233736018910174 -1.1601847423169553 -1.3242499768604188 -1.4062825941321548 -2.3748865920312014 -1.4542639363099605 -1.7963244724807625 -1.1725670241692985 -0.3770054151566497 +10496,0.2065096171347211,0,-0.11852528148912447 -0.6202398642934938 -0.4992804484484792 -0.6648934682234834 -0.8026463538307286 -0.9264691723540988 -0.9326603132802703 -1.0007628634681227 -1.036361923793594 -0.971354944068823 -0.9233736018910174 -1.1601847423169553 -1.3242499768604188 -1.4062825941321548 -2.3748865920312014 -1.4542639363099605 -1.7963244724807625 -1.1725670241692985 -0.3770054151566497 0.017679818886580066 +10497,0.29628116056416076,0,-0.6202398642934938 -0.4992804484484792 -0.6648934682234834 -0.8026463538307286 -0.9264691723540988 -0.9326603132802703 -1.0007628634681227 -1.036361923793594 -0.971354944068823 -0.9233736018910174 -1.1601847423169553 -1.3242499768604188 -1.4062825941321548 -2.3748865920312014 -1.4542639363099605 -1.7963244724807625 -1.1725670241692985 -0.3770054151566497 0.017679818886580066 0.2065096171347211 +10498,-0.14793320088842413,0,-0.4992804484484792 -0.6648934682234834 -0.8026463538307286 -0.9264691723540988 -0.9326603132802703 -1.0007628634681227 -1.036361923793594 -0.971354944068823 -0.9233736018910174 -1.1601847423169553 -1.3242499768604188 -1.4062825941321548 -2.3748865920312014 -1.4542639363099605 -1.7963244724807625 -1.1725670241692985 -0.3770054151566497 0.017679818886580066 0.2065096171347211 0.29628116056416076 +10499,0.15852827495691552,0,-0.6648934682234834 -0.8026463538307286 -0.9264691723540988 -0.9326603132802703 -1.0007628634681227 -1.036361923793594 -0.971354944068823 -0.9233736018910174 -1.1601847423169553 -1.3242499768604188 -1.4062825941321548 -2.3748865920312014 -1.4542639363099605 -1.7963244724807625 -1.1725670241692985 -0.3770054151566497 0.017679818886580066 0.2065096171347211 0.29628116056416076 -0.14793320088842413 +10500,-0.11697749625758379,0,-0.8026463538307286 -0.9264691723540988 -0.9326603132802703 -1.0007628634681227 -1.036361923793594 -0.971354944068823 -0.9233736018910174 -1.1601847423169553 -1.3242499768604188 -1.4062825941321548 -2.3748865920312014 -1.4542639363099605 -1.7963244724807625 -1.1725670241692985 -0.3770054151566497 0.017679818886580066 0.2065096171347211 0.29628116056416076 -0.14793320088842413 0.15852827495691552 +10501,-0.5194016564585259,0,-0.9264691723540988 -0.9326603132802703 -1.0007628634681227 -1.036361923793594 -0.971354944068823 -0.9233736018910174 -1.1601847423169553 -1.3242499768604188 -1.4062825941321548 -2.3748865920312014 -1.4542639363099605 -1.7963244724807625 -1.1725670241692985 -0.3770054151566497 0.017679818886580066 0.2065096171347211 0.29628116056416076 -0.14793320088842413 0.15852827495691552 -0.11697749625758379 +10502,-0.7562127968844725,0,-0.9326603132802703 -1.0007628634681227 -1.036361923793594 -0.971354944068823 -0.9233736018910174 -1.1601847423169553 -1.3242499768604188 -1.4062825941321548 -2.3748865920312014 -1.4542639363099605 -1.7963244724807625 -1.1725670241692985 -0.3770054151566497 0.017679818886580066 0.2065096171347211 0.29628116056416076 -0.14793320088842413 0.15852827495691552 -0.11697749625758379 -0.5194016564585259 +10503,-1.0889866216660216,0,-1.0007628634681227 -1.036361923793594 -0.971354944068823 -0.9233736018910174 -1.1601847423169553 -1.3242499768604188 -1.4062825941321548 -2.3748865920312014 -1.4542639363099605 -1.7963244724807625 -1.1725670241692985 -0.3770054151566497 0.017679818886580066 0.2065096171347211 0.29628116056416076 -0.14793320088842413 0.15852827495691552 -0.11697749625758379 -0.5194016564585259 -0.7562127968844725 +10504,-1.2824597756087848,0,-1.036361923793594 -0.971354944068823 -0.9233736018910174 -1.1601847423169553 -1.3242499768604188 -1.4062825941321548 -2.3748865920312014 -1.4542639363099605 -1.7963244724807625 -1.1725670241692985 -0.3770054151566497 0.017679818886580066 0.2065096171347211 0.29628116056416076 -0.14793320088842413 0.15852827495691552 -0.11697749625758379 -0.5194016564585259 -0.7562127968844725 -1.0889866216660216 +10505,-1.45271615107842,0,-0.971354944068823 -0.9233736018910174 -1.1601847423169553 -1.3242499768604188 -1.4062825941321548 -2.3748865920312014 -1.4542639363099605 -1.7963244724807625 -1.1725670241692985 -0.3770054151566497 0.017679818886580066 0.2065096171347211 0.29628116056416076 -0.14793320088842413 0.15852827495691552 -0.11697749625758379 -0.5194016564585259 -0.7562127968844725 -1.0889866216660216 -1.2824597756087848 +10506,-1.5657044729809875,0,-0.9233736018910174 -1.1601847423169553 -1.3242499768604188 -1.4062825941321548 -2.3748865920312014 -1.4542639363099605 -1.7963244724807625 -1.1725670241692985 -0.3770054151566497 0.017679818886580066 0.2065096171347211 0.29628116056416076 -0.14793320088842413 0.15852827495691552 -0.11697749625758379 -0.5194016564585259 -0.7562127968844725 -1.0889866216660216 -1.2824597756087848 -1.45271615107842 +10507,-1.6910750767358984,0,-1.1601847423169553 -1.3242499768604188 -1.4062825941321548 -2.3748865920312014 -1.4542639363099605 -1.7963244724807625 -1.1725670241692985 -0.3770054151566497 0.017679818886580066 0.2065096171347211 0.29628116056416076 -0.14793320088842413 0.15852827495691552 -0.11697749625758379 -0.5194016564585259 -0.7562127968844725 -1.0889866216660216 -1.2824597756087848 -1.45271615107842 -1.5657044729809875 +10508,-1.4914107818669724,0,-1.3242499768604188 -1.4062825941321548 -2.3748865920312014 -1.4542639363099605 -1.7963244724807625 -1.1725670241692985 -0.3770054151566497 0.017679818886580066 0.2065096171347211 0.29628116056416076 -0.14793320088842413 0.15852827495691552 -0.11697749625758379 -0.5194016564585259 -0.7562127968844725 -1.0889866216660216 -1.2824597756087848 -1.45271615107842 -1.5657044729809875 -1.6910750767358984 +10509,-1.5827301105279528,0,-1.4062825941321548 -2.3748865920312014 -1.4542639363099605 -1.7963244724807625 -1.1725670241692985 -0.3770054151566497 0.017679818886580066 0.2065096171347211 0.29628116056416076 -0.14793320088842413 0.15852827495691552 -0.11697749625758379 -0.5194016564585259 -0.7562127968844725 -1.0889866216660216 -1.2824597756087848 -1.45271615107842 -1.5657044729809875 -1.6910750767358984 -1.4914107818669724 +10510,-1.669406083494311,0,-2.3748865920312014 -1.4542639363099605 -1.7963244724807625 -1.1725670241692985 -0.3770054151566497 0.017679818886580066 0.2065096171347211 0.29628116056416076 -0.14793320088842413 0.15852827495691552 -0.11697749625758379 -0.5194016564585259 -0.7562127968844725 -1.0889866216660216 -1.2824597756087848 -1.45271615107842 -1.5657044729809875 -1.6910750767358984 -1.4914107818669724 -1.5827301105279528 +10511,-1.7591776269237507,0,-1.4542639363099605 -1.7963244724807625 -1.1725670241692985 -0.3770054151566497 0.017679818886580066 0.2065096171347211 0.29628116056416076 -0.14793320088842413 0.15852827495691552 -0.11697749625758379 -0.5194016564585259 -0.7562127968844725 -1.0889866216660216 -1.2824597756087848 -1.45271615107842 -1.5657044729809875 -1.6910750767358984 -1.4914107818669724 -1.5827301105279528 -1.669406083494311 +10512,-1.7653687678499221,0,-1.7963244724807625 -1.1725670241692985 -0.3770054151566497 0.017679818886580066 0.2065096171347211 0.29628116056416076 -0.14793320088842413 0.15852827495691552 -0.11697749625758379 -0.5194016564585259 -0.7562127968844725 -1.0889866216660216 -1.2824597756087848 -1.45271615107842 -1.5657044729809875 -1.6910750767358984 -1.4914107818669724 -1.5827301105279528 -1.669406083494311 -1.7591776269237507 +10513,-1.7591776269237507,0,-1.1725670241692985 -0.3770054151566497 0.017679818886580066 0.2065096171347211 0.29628116056416076 -0.14793320088842413 0.15852827495691552 -0.11697749625758379 -0.5194016564585259 -0.7562127968844725 -1.0889866216660216 -1.2824597756087848 -1.45271615107842 -1.5657044729809875 -1.6910750767358984 -1.4914107818669724 -1.5827301105279528 -1.669406083494311 -1.7591776269237507 -1.7653687678499221 +10514,-1.8876438011417518,0,-0.3770054151566497 0.017679818886580066 0.2065096171347211 0.29628116056416076 -0.14793320088842413 0.15852827495691552 -0.11697749625758379 -0.5194016564585259 -0.7562127968844725 -1.0889866216660216 -1.2824597756087848 -1.45271615107842 -1.5657044729809875 -1.6910750767358984 -1.4914107818669724 -1.5827301105279528 -1.669406083494311 -1.7591776269237507 -1.7653687678499221 -1.7591776269237507 +10515,-2.071830243695262,0,0.017679818886580066 0.2065096171347211 0.29628116056416076 -0.14793320088842413 0.15852827495691552 -0.11697749625758379 -0.5194016564585259 -0.7562127968844725 -1.0889866216660216 -1.2824597756087848 -1.45271615107842 -1.5657044729809875 -1.6910750767358984 -1.4914107818669724 -1.5827301105279528 -1.669406083494311 -1.7591776269237507 -1.7653687678499221 -1.7591776269237507 -1.8876438011417518 +10516,-1.7034573585882415,0,0.2065096171347211 0.29628116056416076 -0.14793320088842413 0.15852827495691552 -0.11697749625758379 -0.5194016564585259 -0.7562127968844725 -1.0889866216660216 -1.2824597756087848 -1.45271615107842 -1.5657044729809875 -1.6910750767358984 -1.4914107818669724 -1.5827301105279528 -1.669406083494311 -1.7591776269237507 -1.7653687678499221 -1.7591776269237507 -1.8876438011417518 -2.071830243695262 +10517,-1.2963898426926599,0,0.29628116056416076 -0.14793320088842413 0.15852827495691552 -0.11697749625758379 -0.5194016564585259 -0.7562127968844725 -1.0889866216660216 -1.2824597756087848 -1.45271615107842 -1.5657044729809875 -1.6910750767358984 -1.4914107818669724 -1.5827301105279528 -1.669406083494311 -1.7591776269237507 -1.7653687678499221 -1.7591776269237507 -1.8876438011417518 -2.071830243695262 -1.7034573585882415 +10518,-1.0332663533305038,0,-0.14793320088842413 0.15852827495691552 -0.11697749625758379 -0.5194016564585259 -0.7562127968844725 -1.0889866216660216 -1.2824597756087848 -1.45271615107842 -1.5657044729809875 -1.6910750767358984 -1.4914107818669724 -1.5827301105279528 -1.669406083494311 -1.7591776269237507 -1.7653687678499221 -1.7591776269237507 -1.8876438011417518 -2.071830243695262 -1.7034573585882415 -1.2963898426926599 +10519,-0.6169121260456778,0,0.15852827495691552 -0.11697749625758379 -0.5194016564585259 -0.7562127968844725 -1.0889866216660216 -1.2824597756087848 -1.45271615107842 -1.5657044729809875 -1.6910750767358984 -1.4914107818669724 -1.5827301105279528 -1.669406083494311 -1.7591776269237507 -1.7653687678499221 -1.7591776269237507 -1.8876438011417518 -2.071830243695262 -1.7034573585882415 -1.2963898426926599 -1.0332663533305038 +10520,-0.2794949455694978,0,-0.11697749625758379 -0.5194016564585259 -0.7562127968844725 -1.0889866216660216 -1.2824597756087848 -1.45271615107842 -1.5657044729809875 -1.6910750767358984 -1.4914107818669724 -1.5827301105279528 -1.669406083494311 -1.7591776269237507 -1.7653687678499221 -1.7591776269237507 -1.8876438011417518 -2.071830243695262 -1.7034573585882415 -1.2963898426926599 -1.0332663533305038 -0.6169121260456778 +10521,-0.030301523291225544,0,-0.5194016564585259 -0.7562127968844725 -1.0889866216660216 -1.2824597756087848 -1.45271615107842 -1.5657044729809875 -1.6910750767358984 -1.4914107818669724 -1.5827301105279528 -1.669406083494311 -1.7591776269237507 -1.7653687678499221 -1.7591776269237507 -1.8876438011417518 -2.071830243695262 -1.7034573585882415 -1.2963898426926599 -1.0332663533305038 -0.6169121260456778 -0.2794949455694978 +10522,-0.03184930852276624,0,-0.7562127968844725 -1.0889866216660216 -1.2824597756087848 -1.45271615107842 -1.5657044729809875 -1.6910750767358984 -1.4914107818669724 -1.5827301105279528 -1.669406083494311 -1.7591776269237507 -1.7653687678499221 -1.7591776269237507 -1.8876438011417518 -2.071830243695262 -1.7034573585882415 -1.2963898426926599 -1.0332663533305038 -0.6169121260456778 -0.2794949455694978 -0.030301523291225544 +10523,0.03160988597046394,0,-1.0889866216660216 -1.2824597756087848 -1.45271615107842 -1.5657044729809875 -1.6910750767358984 -1.4914107818669724 -1.5827301105279528 -1.669406083494311 -1.7591776269237507 -1.7653687678499221 -1.7591776269237507 -1.8876438011417518 -2.071830243695262 -1.7034573585882415 -1.2963898426926599 -1.0332663533305038 -0.6169121260456778 -0.2794949455694978 -0.030301523291225544 -0.03184930852276624 +10524,-0.15257655658304622,0,-1.2824597756087848 -1.45271615107842 -1.5657044729809875 -1.6910750767358984 -1.4914107818669724 -1.5827301105279528 -1.669406083494311 -1.7591776269237507 -1.7653687678499221 -1.7591776269237507 -1.8876438011417518 -2.071830243695262 -1.7034573585882415 -1.2963898426926599 -1.0332663533305038 -0.6169121260456778 -0.2794949455694978 -0.030301523291225544 -0.03184930852276624 0.03160988597046394 +10525,-0.6122687703510556,0,-1.45271615107842 -1.5657044729809875 -1.6910750767358984 -1.4914107818669724 -1.5827301105279528 -1.669406083494311 -1.7591776269237507 -1.7653687678499221 -1.7591776269237507 -1.8876438011417518 -2.071830243695262 -1.7034573585882415 -1.2963898426926599 -1.0332663533305038 -0.6169121260456778 -0.2794949455694978 -0.030301523291225544 -0.03184930852276624 0.03160988597046394 -0.15257655658304622 +10526,-0.9667115883741921,0,-1.5657044729809875 -1.6910750767358984 -1.4914107818669724 -1.5827301105279528 -1.669406083494311 -1.7591776269237507 -1.7653687678499221 -1.7591776269237507 -1.8876438011417518 -2.071830243695262 -1.7034573585882415 -1.2963898426926599 -1.0332663533305038 -0.6169121260456778 -0.2794949455694978 -0.030301523291225544 -0.03184930852276624 0.03160988597046394 -0.15257655658304622 -0.6122687703510556 +10527,-1.2050705140316795,0,-1.6910750767358984 -1.4914107818669724 -1.5827301105279528 -1.669406083494311 -1.7591776269237507 -1.7653687678499221 -1.7591776269237507 -1.8876438011417518 -2.071830243695262 -1.7034573585882415 -1.2963898426926599 -1.0332663533305038 -0.6169121260456778 -0.2794949455694978 -0.030301523291225544 -0.03184930852276624 0.03160988597046394 -0.15257655658304622 -0.6122687703510556 -0.9667115883741921 +10528,-1.3908047418167304,0,-1.4914107818669724 -1.5827301105279528 -1.669406083494311 -1.7591776269237507 -1.7653687678499221 -1.7591776269237507 -1.8876438011417518 -2.071830243695262 -1.7034573585882415 -1.2963898426926599 -1.0332663533305038 -0.6169121260456778 -0.2794949455694978 -0.030301523291225544 -0.03184930852276624 0.03160988597046394 -0.15257655658304622 -0.6122687703510556 -0.9667115883741921 -1.2050705140316795 +10529,-1.3737791042697651,0,-1.5827301105279528 -1.669406083494311 -1.7591776269237507 -1.7653687678499221 -1.7591776269237507 -1.8876438011417518 -2.071830243695262 -1.7034573585882415 -1.2963898426926599 -1.0332663533305038 -0.6169121260456778 -0.2794949455694978 -0.030301523291225544 -0.03184930852276624 0.03160988597046394 -0.15257655658304622 -0.6122687703510556 -0.9667115883741921 -1.2050705140316795 -1.3908047418167304 +10530,-1.545583264970941,0,-1.669406083494311 -1.7591776269237507 -1.7653687678499221 -1.7591776269237507 -1.8876438011417518 -2.071830243695262 -1.7034573585882415 -1.2963898426926599 -1.0332663533305038 -0.6169121260456778 -0.2794949455694978 -0.030301523291225544 -0.03184930852276624 0.03160988597046394 -0.15257655658304622 -0.6122687703510556 -0.9667115883741921 -1.2050705140316795 -1.3908047418167304 -1.3737791042697651 +10531,-1.609042459464171,0,-1.7591776269237507 -1.7653687678499221 -1.7591776269237507 -1.8876438011417518 -2.071830243695262 -1.7034573585882415 -1.2963898426926599 -1.0332663533305038 -0.6169121260456778 -0.2794949455694978 -0.030301523291225544 -0.03184930852276624 0.03160988597046394 -0.15257655658304622 -0.6122687703510556 -0.9667115883741921 -1.2050705140316795 -1.3908047418167304 -1.3737791042697651 -1.545583264970941 +10532,-1.6570238016419767,0,-1.7653687678499221 -1.7591776269237507 -1.8876438011417518 -2.071830243695262 -1.7034573585882415 -1.2963898426926599 -1.0332663533305038 -0.6169121260456778 -0.2794949455694978 -0.030301523291225544 -0.03184930852276624 0.03160988597046394 -0.15257655658304622 -0.6122687703510556 -0.9667115883741921 -1.2050705140316795 -1.3908047418167304 -1.3737791042697651 -1.545583264970941 -1.609042459464171 +10533,-1.3861613861221083,0,-1.7591776269237507 -1.8876438011417518 -2.071830243695262 -1.7034573585882415 -1.2963898426926599 -1.0332663533305038 -0.6169121260456778 -0.2794949455694978 -0.030301523291225544 -0.03184930852276624 0.03160988597046394 -0.15257655658304622 -0.6122687703510556 -0.9667115883741921 -1.2050705140316795 -1.3908047418167304 -1.3737791042697651 -1.545583264970941 -1.609042459464171 -1.6570238016419767 +10534,-1.1586369570854145,0,-1.8876438011417518 -2.071830243695262 -1.7034573585882415 -1.2963898426926599 -1.0332663533305038 -0.6169121260456778 -0.2794949455694978 -0.030301523291225544 -0.03184930852276624 0.03160988597046394 -0.15257655658304622 -0.6122687703510556 -0.9667115883741921 -1.2050705140316795 -1.3908047418167304 -1.3737791042697651 -1.545583264970941 -1.609042459464171 -1.6570238016419767 -1.3861613861221083 +10535,-1.1756625946323798,0,-2.071830243695262 -1.7034573585882415 -1.2963898426926599 -1.0332663533305038 -0.6169121260456778 -0.2794949455694978 -0.030301523291225544 -0.03184930852276624 0.03160988597046394 -0.15257655658304622 -0.6122687703510556 -0.9667115883741921 -1.2050705140316795 -1.3908047418167304 -1.3737791042697651 -1.545583264970941 -1.609042459464171 -1.6570238016419767 -1.3861613861221083 -1.1586369570854145 +10536,-1.087438836434481,0,-1.7034573585882415 -1.2963898426926599 -1.0332663533305038 -0.6169121260456778 -0.2794949455694978 -0.030301523291225544 -0.03184930852276624 0.03160988597046394 -0.15257655658304622 -0.6122687703510556 -0.9667115883741921 -1.2050705140316795 -1.3908047418167304 -1.3737791042697651 -1.545583264970941 -1.609042459464171 -1.6570238016419767 -1.3861613861221083 -1.1586369570854145 -1.1756625946323798 +10537,-0.9868327963842388,0,-1.2963898426926599 -1.0332663533305038 -0.6169121260456778 -0.2794949455694978 -0.030301523291225544 -0.03184930852276624 0.03160988597046394 -0.15257655658304622 -0.6122687703510556 -0.9667115883741921 -1.2050705140316795 -1.3908047418167304 -1.3737791042697651 -1.545583264970941 -1.609042459464171 -1.6570238016419767 -1.3861613861221083 -1.1586369570854145 -1.1756625946323798 -1.087438836434481 +10538,-0.8630099778608774,0,-1.0332663533305038 -0.6169121260456778 -0.2794949455694978 -0.030301523291225544 -0.03184930852276624 0.03160988597046394 -0.15257655658304622 -0.6122687703510556 -0.9667115883741921 -1.2050705140316795 -1.3908047418167304 -1.3737791042697651 -1.545583264970941 -1.609042459464171 -1.6570238016419767 -1.3861613861221083 -1.1586369570854145 -1.1756625946323798 -1.087438836434481 -0.9868327963842388 +10539,-0.8753922597132118,0,-0.6169121260456778 -0.2794949455694978 -0.030301523291225544 -0.03184930852276624 0.03160988597046394 -0.15257655658304622 -0.6122687703510556 -0.9667115883741921 -1.2050705140316795 -1.3908047418167304 -1.3737791042697651 -1.545583264970941 -1.609042459464171 -1.6570238016419767 -1.3861613861221083 -1.1586369570854145 -1.1756625946323798 -1.087438836434481 -0.9868327963842388 -0.8630099778608774 +10540,-1.0827954807398499,0,-0.2794949455694978 -0.030301523291225544 -0.03184930852276624 0.03160988597046394 -0.15257655658304622 -0.6122687703510556 -0.9667115883741921 -1.2050705140316795 -1.3908047418167304 -1.3737791042697651 -1.545583264970941 -1.609042459464171 -1.6570238016419767 -1.3861613861221083 -1.1586369570854145 -1.1756625946323798 -1.087438836434481 -0.9868327963842388 -0.8630099778608774 -0.8753922597132118 +10541,-0.675727964844277,0,-0.030301523291225544 -0.03184930852276624 0.03160988597046394 -0.15257655658304622 -0.6122687703510556 -0.9667115883741921 -1.2050705140316795 -1.3908047418167304 -1.3737791042697651 -1.545583264970941 -1.609042459464171 -1.6570238016419767 -1.3861613861221083 -1.1586369570854145 -1.1756625946323798 -1.087438836434481 -0.9868327963842388 -0.8630099778608774 -0.8753922597132118 -1.0827954807398499 +10542,-0.282590516032588,0,-0.03184930852276624 0.03160988597046394 -0.15257655658304622 -0.6122687703510556 -0.9667115883741921 -1.2050705140316795 -1.3908047418167304 -1.3737791042697651 -1.545583264970941 -1.609042459464171 -1.6570238016419767 -1.3861613861221083 -1.1586369570854145 -1.1756625946323798 -1.087438836434481 -0.9868327963842388 -0.8630099778608774 -0.8753922597132118 -1.0827954807398499 -0.675727964844277 +10543,0.25758652977560814,0,0.03160988597046394 -0.15257655658304622 -0.6122687703510556 -0.9667115883741921 -1.2050705140316795 -1.3908047418167304 -1.3737791042697651 -1.545583264970941 -1.609042459464171 -1.6570238016419767 -1.3861613861221083 -1.1586369570854145 -1.1756625946323798 -1.087438836434481 -0.9868327963842388 -0.8630099778608774 -0.8753922597132118 -1.0827954807398499 -0.675727964844277 -0.282590516032588 +10544,0.5872647840940758,0,-0.15257655658304622 -0.6122687703510556 -0.9667115883741921 -1.2050705140316795 -1.3908047418167304 -1.3737791042697651 -1.545583264970941 -1.609042459464171 -1.6570238016419767 -1.3861613861221083 -1.1586369570854145 -1.1756625946323798 -1.087438836434481 -0.9868327963842388 -0.8630099778608774 -0.8753922597132118 -1.0827954807398499 -0.675727964844277 -0.282590516032588 0.25758652977560814 +10545,0.7977635755838042,0,-0.6122687703510556 -0.9667115883741921 -1.2050705140316795 -1.3908047418167304 -1.3737791042697651 -1.545583264970941 -1.609042459464171 -1.6570238016419767 -1.3861613861221083 -1.1586369570854145 -1.1756625946323798 -1.087438836434481 -0.9868327963842388 -0.8630099778608774 -0.8753922597132118 -1.0827954807398499 -0.675727964844277 -0.282590516032588 0.25758652977560814 0.5872647840940758 +10546,0.7962157903522635,0,-0.9667115883741921 -1.2050705140316795 -1.3908047418167304 -1.3737791042697651 -1.545583264970941 -1.609042459464171 -1.6570238016419767 -1.3861613861221083 -1.1586369570854145 -1.1756625946323798 -1.087438836434481 -0.9868327963842388 -0.8630099778608774 -0.8753922597132118 -1.0827954807398499 -0.675727964844277 -0.282590516032588 0.25758652977560814 0.5872647840940758 0.7977635755838042 +10547,0.6677496161342713,0,-1.2050705140316795 -1.3908047418167304 -1.3737791042697651 -1.545583264970941 -1.609042459464171 -1.6570238016419767 -1.3861613861221083 -1.1586369570854145 -1.1756625946323798 -1.087438836434481 -0.9868327963842388 -0.8630099778608774 -0.8753922597132118 -1.0827954807398499 -0.675727964844277 -0.282590516032588 0.25758652977560814 0.5872647840940758 0.7977635755838042 0.7962157903522635 +10548,0.3566447845943007,0,-1.3908047418167304 -1.3737791042697651 -1.545583264970941 -1.609042459464171 -1.6570238016419767 -1.3861613861221083 -1.1586369570854145 -1.1756625946323798 -1.087438836434481 -0.9868327963842388 -0.8630099778608774 -0.8753922597132118 -1.0827954807398499 -0.675727964844277 -0.282590516032588 0.25758652977560814 0.5872647840940758 0.7977635755838042 0.7962157903522635 0.6677496161342713 +10549,-0.11542971102603429,0,-1.3737791042697651 -1.545583264970941 -1.609042459464171 -1.6570238016419767 -1.3861613861221083 -1.1586369570854145 -1.1756625946323798 -1.087438836434481 -0.9868327963842388 -0.8630099778608774 -0.8753922597132118 -1.0827954807398499 -0.675727964844277 -0.282590516032588 0.25758652977560814 0.5872647840940758 0.7977635755838042 0.7962157903522635 0.6677496161342713 0.3566447845943007 +10550,-0.5875042066463781,0,-1.545583264970941 -1.609042459464171 -1.6570238016419767 -1.3861613861221083 -1.1586369570854145 -1.1756625946323798 -1.087438836434481 -0.9868327963842388 -0.8630099778608774 -0.8753922597132118 -1.0827954807398499 -0.675727964844277 -0.282590516032588 0.25758652977560814 0.5872647840940758 0.7977635755838042 0.7962157903522635 0.6677496161342713 0.3566447845943007 -0.11542971102603429 +10551,-0.7531172264213823,0,-1.609042459464171 -1.6570238016419767 -1.3861613861221083 -1.1586369570854145 -1.1756625946323798 -1.087438836434481 -0.9868327963842388 -0.8630099778608774 -0.8753922597132118 -1.0827954807398499 -0.675727964844277 -0.282590516032588 0.25758652977560814 0.5872647840940758 0.7977635755838042 0.7962157903522635 0.6677496161342713 0.3566447845943007 -0.11542971102603429 -0.5875042066463781 +10552,-0.822767561840784,0,-1.6570238016419767 -1.3861613861221083 -1.1586369570854145 -1.1756625946323798 -1.087438836434481 -0.9868327963842388 -0.8630099778608774 -0.8753922597132118 -1.0827954807398499 -0.675727964844277 -0.282590516032588 0.25758652977560814 0.5872647840940758 0.7977635755838042 0.7962157903522635 0.6677496161342713 0.3566447845943007 -0.11542971102603429 -0.5875042066463781 -0.7531172264213823 +10553,-0.7391871593375072,0,-1.3861613861221083 -1.1586369570854145 -1.1756625946323798 -1.087438836434481 -0.9868327963842388 -0.8630099778608774 -0.8753922597132118 -1.0827954807398499 -0.675727964844277 -0.282590516032588 0.25758652977560814 0.5872647840940758 0.7977635755838042 0.7962157903522635 0.6677496161342713 0.3566447845943007 -0.11542971102603429 -0.5875042066463781 -0.7531172264213823 -0.822767561840784 +10554,-0.6834668910019893,0,-1.1586369570854145 -1.1756625946323798 -1.087438836434481 -0.9868327963842388 -0.8630099778608774 -0.8753922597132118 -1.0827954807398499 -0.675727964844277 -0.282590516032588 0.25758652977560814 0.5872647840940758 0.7977635755838042 0.7962157903522635 0.6677496161342713 0.3566447845943007 -0.11542971102603429 -0.5875042066463781 -0.7531172264213823 -0.822767561840784 -0.7391871593375072 +10555,-0.7391871593375072,0,-1.1756625946323798 -1.087438836434481 -0.9868327963842388 -0.8630099778608774 -0.8753922597132118 -1.0827954807398499 -0.675727964844277 -0.282590516032588 0.25758652977560814 0.5872647840940758 0.7977635755838042 0.7962157903522635 0.6677496161342713 0.3566447845943007 -0.11542971102603429 -0.5875042066463781 -0.7531172264213823 -0.822767561840784 -0.7391871593375072 -0.6834668910019893 +10556,-0.9930239373104104,0,-1.087438836434481 -0.9868327963842388 -0.8630099778608774 -0.8753922597132118 -1.0827954807398499 -0.675727964844277 -0.282590516032588 0.25758652977560814 0.5872647840940758 0.7977635755838042 0.7962157903522635 0.6677496161342713 0.3566447845943007 -0.11542971102603429 -0.5875042066463781 -0.7531172264213823 -0.822767561840784 -0.7391871593375072 -0.6834668910019893 -0.7391871593375072 +10557,-0.9868327963842388,0,-0.9868327963842388 -0.8630099778608774 -0.8753922597132118 -1.0827954807398499 -0.675727964844277 -0.282590516032588 0.25758652977560814 0.5872647840940758 0.7977635755838042 0.7962157903522635 0.6677496161342713 0.3566447845943007 -0.11542971102603429 -0.5875042066463781 -0.7531172264213823 -0.822767561840784 -0.7391871593375072 -0.6834668910019893 -0.7391871593375072 -0.9930239373104104 +10558,-0.9558770917533984,0,-0.8630099778608774 -0.8753922597132118 -1.0827954807398499 -0.675727964844277 -0.282590516032588 0.25758652977560814 0.5872647840940758 0.7977635755838042 0.7962157903522635 0.6677496161342713 0.3566447845943007 -0.11542971102603429 -0.5875042066463781 -0.7531172264213823 -0.822767561840784 -0.7391871593375072 -0.6834668910019893 -0.7391871593375072 -0.9930239373104104 -0.9868327963842388 +10559,-1.119942326296862,0,-0.8753922597132118 -1.0827954807398499 -0.675727964844277 -0.282590516032588 0.25758652977560814 0.5872647840940758 0.7977635755838042 0.7962157903522635 0.6677496161342713 0.3566447845943007 -0.11542971102603429 -0.5875042066463781 -0.7531172264213823 -0.822767561840784 -0.7391871593375072 -0.6834668910019893 -0.7391871593375072 -0.9930239373104104 -0.9868327963842388 -0.9558770917533984 +10560,-1.2143572254209325,0,-1.0827954807398499 -0.675727964844277 -0.282590516032588 0.25758652977560814 0.5872647840940758 0.7977635755838042 0.7962157903522635 0.6677496161342713 0.3566447845943007 -0.11542971102603429 -0.5875042066463781 -0.7531172264213823 -0.822767561840784 -0.7391871593375072 -0.6834668910019893 -0.7391871593375072 -0.9930239373104104 -0.9868327963842388 -0.9558770917533984 -1.119942326296862 +10561,-1.3381800439443026,0,-0.675727964844277 -0.282590516032588 0.25758652977560814 0.5872647840940758 0.7977635755838042 0.7962157903522635 0.6677496161342713 0.3566447845943007 -0.11542971102603429 -0.5875042066463781 -0.7531172264213823 -0.822767561840784 -0.7391871593375072 -0.6834668910019893 -0.7391871593375072 -0.9930239373104104 -0.9868327963842388 -0.9558770917533984 -1.119942326296862 -1.2143572254209325 +10562,-1.3072243393134624,0,-0.282590516032588 0.25758652977560814 0.5872647840940758 0.7977635755838042 0.7962157903522635 0.6677496161342713 0.3566447845943007 -0.11542971102603429 -0.5875042066463781 -0.7531172264213823 -0.822767561840784 -0.7391871593375072 -0.6834668910019893 -0.7391871593375072 -0.9930239373104104 -0.9868327963842388 -0.9558770917533984 -1.119942326296862 -1.2143572254209325 -1.3381800439443026 +10563,-1.401639238437524,0,0.25758652977560814 0.5872647840940758 0.7977635755838042 0.7962157903522635 0.6677496161342713 0.3566447845943007 -0.11542971102603429 -0.5875042066463781 -0.7531172264213823 -0.822767561840784 -0.7391871593375072 -0.6834668910019893 -0.7391871593375072 -0.9930239373104104 -0.9868327963842388 -0.9558770917533984 -1.119942326296862 -1.2143572254209325 -1.3381800439443026 -1.3072243393134624 +10564,-1.1849493060216327,0,0.5872647840940758 0.7977635755838042 0.7962157903522635 0.6677496161342713 0.3566447845943007 -0.11542971102603429 -0.5875042066463781 -0.7531172264213823 -0.822767561840784 -0.7391871593375072 -0.6834668910019893 -0.7391871593375072 -0.9930239373104104 -0.9868327963842388 -0.9558770917533984 -1.119942326296862 -1.2143572254209325 -1.3381800439443026 -1.3072243393134624 -1.401639238437524 +10565,-0.46677695858609813,0,0.7977635755838042 0.7962157903522635 0.6677496161342713 0.3566447845943007 -0.11542971102603429 -0.5875042066463781 -0.7531172264213823 -0.822767561840784 -0.7391871593375072 -0.6834668910019893 -0.7391871593375072 -0.9930239373104104 -0.9868327963842388 -0.9558770917533984 -1.119942326296862 -1.2143572254209325 -1.3381800439443026 -1.3072243393134624 -1.401639238437524 -1.1849493060216327 +10566,0.23282196607093936,0,0.7962157903522635 0.6677496161342713 0.3566447845943007 -0.11542971102603429 -0.5875042066463781 -0.7531172264213823 -0.822767561840784 -0.7391871593375072 -0.6834668910019893 -0.7391871593375072 -0.9930239373104104 -0.9868327963842388 -0.9558770917533984 -1.119942326296862 -1.2143572254209325 -1.3381800439443026 -1.3072243393134624 -1.401639238437524 -1.1849493060216327 -0.46677695858609813 +10567,0.6383416967349717,0,0.6677496161342713 0.3566447845943007 -0.11542971102603429 -0.5875042066463781 -0.7531172264213823 -0.822767561840784 -0.7391871593375072 -0.6834668910019893 -0.7391871593375072 -0.9930239373104104 -0.9868327963842388 -0.9558770917533984 -1.119942326296862 -1.2143572254209325 -1.3381800439443026 -1.3072243393134624 -1.401639238437524 -1.1849493060216327 -0.46677695858609813 0.23282196607093936 +10568,0.9834978033688551,0,0.3566447845943007 -0.11542971102603429 -0.5875042066463781 -0.7531172264213823 -0.822767561840784 -0.7391871593375072 -0.6834668910019893 -0.7391871593375072 -0.9930239373104104 -0.9868327963842388 -0.9558770917533984 -1.119942326296862 -1.2143572254209325 -1.3381800439443026 -1.3072243393134624 -1.401639238437524 -1.1849493060216327 -0.46677695858609813 0.23282196607093936 0.6383416967349717 +10569,1.1444674674492372,0,-0.11542971102603429 -0.5875042066463781 -0.7531172264213823 -0.822767561840784 -0.7391871593375072 -0.6834668910019893 -0.7391871593375072 -0.9930239373104104 -0.9868327963842388 -0.9558770917533984 -1.119942326296862 -1.2143572254209325 -1.3381800439443026 -1.3072243393134624 -1.401639238437524 -1.1849493060216327 -0.46677695858609813 0.23282196607093936 0.6383416967349717 0.9834978033688551 +10570,1.1305374003653532,0,-0.5875042066463781 -0.7531172264213823 -0.822767561840784 -0.7391871593375072 -0.6834668910019893 -0.7391871593375072 -0.9930239373104104 -0.9868327963842388 -0.9558770917533984 -1.119942326296862 -1.2143572254209325 -1.3381800439443026 -1.3072243393134624 -1.401639238437524 -1.1849493060216327 -0.46677695858609813 0.23282196607093936 0.6383416967349717 0.9834978033688551 1.1444674674492372 +10571,1.2172133733317116,0,-0.7531172264213823 -0.822767561840784 -0.7391871593375072 -0.6834668910019893 -0.7391871593375072 -0.9930239373104104 -0.9868327963842388 -0.9558770917533984 -1.119942326296862 -1.2143572254209325 -1.3381800439443026 -1.3072243393134624 -1.401639238437524 -1.1849493060216327 -0.46677695858609813 0.23282196607093936 0.6383416967349717 0.9834978033688551 1.1444674674492372 1.1305374003653532 +10572,0.8055025017415165,0,-0.822767561840784 -0.7391871593375072 -0.6834668910019893 -0.7391871593375072 -0.9930239373104104 -0.9868327963842388 -0.9558770917533984 -1.119942326296862 -1.2143572254209325 -1.3381800439443026 -1.3072243393134624 -1.401639238437524 -1.1849493060216327 -0.46677695858609813 0.23282196607093936 0.6383416967349717 0.9834978033688551 1.1444674674492372 1.1305374003653532 1.2172133733317116 +10573,0.5423790123793604,0,-0.7391871593375072 -0.6834668910019893 -0.7391871593375072 -0.9930239373104104 -0.9868327963842388 -0.9558770917533984 -1.119942326296862 -1.2143572254209325 -1.3381800439443026 -1.3072243393134624 -1.401639238437524 -1.1849493060216327 -0.46677695858609813 0.23282196607093936 0.6383416967349717 0.9834978033688551 1.1444674674492372 1.1305374003653532 1.2172133733317116 0.8055025017415165 +10574,0.2096051875978025,0,-0.6834668910019893 -0.7391871593375072 -0.9930239373104104 -0.9868327963842388 -0.9558770917533984 -1.119942326296862 -1.2143572254209325 -1.3381800439443026 -1.3072243393134624 -1.401639238437524 -1.1849493060216327 -0.46677695858609813 0.23282196607093936 0.6383416967349717 0.9834978033688551 1.1444674674492372 1.1305374003653532 1.2172133733317116 0.8055025017415165 0.5423790123793604 +10575,-0.03339709375430694,0,-0.7391871593375072 -0.9930239373104104 -0.9868327963842388 -0.9558770917533984 -1.119942326296862 -1.2143572254209325 -1.3381800439443026 -1.3072243393134624 -1.401639238437524 -1.1849493060216327 -0.46677695858609813 0.23282196607093936 0.6383416967349717 0.9834978033688551 1.1444674674492372 1.1305374003653532 1.2172133733317116 0.8055025017415165 0.5423790123793604 0.2096051875978025 +10576,-0.2624693080225413,0,-0.9930239373104104 -0.9868327963842388 -0.9558770917533984 -1.119942326296862 -1.2143572254209325 -1.3381800439443026 -1.3072243393134624 -1.401639238437524 -1.1849493060216327 -0.46677695858609813 0.23282196607093936 0.6383416967349717 0.9834978033688551 1.1444674674492372 1.1305374003653532 1.2172133733317116 0.8055025017415165 0.5423790123793604 0.2096051875978025 -0.03339709375430694 +10577,-0.45439467673375494,0,-0.9868327963842388 -0.9558770917533984 -1.119942326296862 -1.2143572254209325 -1.3381800439443026 -1.3072243393134624 -1.401639238437524 -1.1849493060216327 -0.46677695858609813 0.23282196607093936 0.6383416967349717 0.9834978033688551 1.1444674674492372 1.1305374003653532 1.2172133733317116 0.8055025017415165 0.5423790123793604 0.2096051875978025 -0.03339709375430694 -0.2624693080225413 +10578,-0.44665575057605145,0,-0.9558770917533984 -1.119942326296862 -1.2143572254209325 -1.3381800439443026 -1.3072243393134624 -1.401639238437524 -1.1849493060216327 -0.46677695858609813 0.23282196607093936 0.6383416967349717 0.9834978033688551 1.1444674674492372 1.1305374003653532 1.2172133733317116 0.8055025017415165 0.5423790123793604 0.2096051875978025 -0.03339709375430694 -0.2624693080225413 -0.45439467673375494 +10579,-0.5163060859954445,0,-1.119942326296862 -1.2143572254209325 -1.3381800439443026 -1.3072243393134624 -1.401639238437524 -1.1849493060216327 -0.46677695858609813 0.23282196607093936 0.6383416967349717 0.9834978033688551 1.1444674674492372 1.1305374003653532 1.2172133733317116 0.8055025017415165 0.5423790123793604 0.2096051875978025 -0.03339709375430694 -0.2624693080225413 -0.45439467673375494 -0.44665575057605145 +10580,-0.6509634011396083,0,-1.2143572254209325 -1.3381800439443026 -1.3072243393134624 -1.401639238437524 -1.1849493060216327 -0.46677695858609813 0.23282196607093936 0.6383416967349717 0.9834978033688551 1.1444674674492372 1.1305374003653532 1.2172133733317116 0.8055025017415165 0.5423790123793604 0.2096051875978025 -0.03339709375430694 -0.2624693080225413 -0.45439467673375494 -0.44665575057605145 -0.5163060859954445 +10581,-0.6602501125288612,0,-1.3381800439443026 -1.3072243393134624 -1.401639238437524 -1.1849493060216327 -0.46677695858609813 0.23282196607093936 0.6383416967349717 0.9834978033688551 1.1444674674492372 1.1305374003653532 1.2172133733317116 0.8055025017415165 0.5423790123793604 0.2096051875978025 -0.03339709375430694 -0.2624693080225413 -0.45439467673375494 -0.44665575057605145 -0.5163060859954445 -0.6509634011396083 +10582,-0.7004925285489546,0,-1.3072243393134624 -1.401639238437524 -1.1849493060216327 -0.46677695858609813 0.23282196607093936 0.6383416967349717 0.9834978033688551 1.1444674674492372 1.1305374003653532 1.2172133733317116 0.8055025017415165 0.5423790123793604 0.2096051875978025 -0.03339709375430694 -0.2624693080225413 -0.45439467673375494 -0.44665575057605145 -0.5163060859954445 -0.6509634011396083 -0.6602501125288612 +10583,-0.6741801796127364,0,-1.401639238437524 -1.1849493060216327 -0.46677695858609813 0.23282196607093936 0.6383416967349717 0.9834978033688551 1.1444674674492372 1.1305374003653532 1.2172133733317116 0.8055025017415165 0.5423790123793604 0.2096051875978025 -0.03339709375430694 -0.2624693080225413 -0.45439467673375494 -0.44665575057605145 -0.5163060859954445 -0.6509634011396083 -0.6602501125288612 -0.7004925285489546 +10584,-0.7283526627167135,0,-1.1849493060216327 -0.46677695858609813 0.23282196607093936 0.6383416967349717 0.9834978033688551 1.1444674674492372 1.1305374003653532 1.2172133733317116 0.8055025017415165 0.5423790123793604 0.2096051875978025 -0.03339709375430694 -0.2624693080225413 -0.45439467673375494 -0.44665575057605145 -0.5163060859954445 -0.6509634011396083 -0.6602501125288612 -0.7004925285489546 -0.6741801796127364 +10585,-0.7624039378106353,0,-0.46677695858609813 0.23282196607093936 0.6383416967349717 0.9834978033688551 1.1444674674492372 1.1305374003653532 1.2172133733317116 0.8055025017415165 0.5423790123793604 0.2096051875978025 -0.03339709375430694 -0.2624693080225413 -0.45439467673375494 -0.44665575057605145 -0.5163060859954445 -0.6509634011396083 -0.6602501125288612 -0.7004925285489546 -0.6741801796127364 -0.7283526627167135 +10586,-0.5317839383108602,0,0.23282196607093936 0.6383416967349717 0.9834978033688551 1.1444674674492372 1.1305374003653532 1.2172133733317116 0.8055025017415165 0.5423790123793604 0.2096051875978025 -0.03339709375430694 -0.2624693080225413 -0.45439467673375494 -0.44665575057605145 -0.5163060859954445 -0.6509634011396083 -0.6602501125288612 -0.7004925285489546 -0.6741801796127364 -0.7283526627167135 -0.7624039378106353 +10587,-0.5890519918779188,0,0.6383416967349717 0.9834978033688551 1.1444674674492372 1.1305374003653532 1.2172133733317116 0.8055025017415165 0.5423790123793604 0.2096051875978025 -0.03339709375430694 -0.2624693080225413 -0.45439467673375494 -0.44665575057605145 -0.5163060859954445 -0.6509634011396083 -0.6602501125288612 -0.7004925285489546 -0.6741801796127364 -0.7283526627167135 -0.7624039378106353 -0.5317839383108602 +10588,-0.2763993751064164,0,0.9834978033688551 1.1444674674492372 1.1305374003653532 1.2172133733317116 0.8055025017415165 0.5423790123793604 0.2096051875978025 -0.03339709375430694 -0.2624693080225413 -0.45439467673375494 -0.44665575057605145 -0.5163060859954445 -0.6509634011396083 -0.6602501125288612 -0.7004925285489546 -0.6741801796127364 -0.7283526627167135 -0.7624039378106353 -0.5317839383108602 -0.5890519918779188 +10589,0.6971575355335708,0,1.1444674674492372 1.1305374003653532 1.2172133733317116 0.8055025017415165 0.5423790123793604 0.2096051875978025 -0.03339709375430694 -0.2624693080225413 -0.45439467673375494 -0.44665575057605145 -0.5163060859954445 -0.6509634011396083 -0.6602501125288612 -0.7004925285489546 -0.6741801796127364 -0.7283526627167135 -0.7624039378106353 -0.5317839383108602 -0.5890519918779188 -0.2763993751064164 +10590,0.9401598168856804,0,1.1305374003653532 1.2172133733317116 0.8055025017415165 0.5423790123793604 0.2096051875978025 -0.03339709375430694 -0.2624693080225413 -0.45439467673375494 -0.44665575057605145 -0.5163060859954445 -0.6509634011396083 -0.6602501125288612 -0.7004925285489546 -0.6741801796127364 -0.7283526627167135 -0.7624039378106353 -0.5317839383108602 -0.5890519918779188 -0.2763993751064164 0.6971575355335708 +10591,0.5678400794382242,0,1.2172133733317116 0.8055025017415165 0.5423790123793604 0.2096051875978025 -0.03339709375430694 -0.2624693080225413 -0.45439467673375494 -0.44665575057605145 -0.5163060859954445 -0.6509634011396083 -0.6602501125288612 -0.7004925285489546 -0.6741801796127364 -0.7283526627167135 -0.7624039378106353 -0.5317839383108602 -0.5890519918779188 -0.2763993751064164 0.6971575355335708 0.9401598168856804 +10592,1.5051014263985452,0,0.8055025017415165 0.5423790123793604 0.2096051875978025 -0.03339709375430694 -0.2624693080225413 -0.45439467673375494 -0.44665575057605145 -0.5163060859954445 -0.6509634011396083 -0.6602501125288612 -0.7004925285489546 -0.6741801796127364 -0.7283526627167135 -0.7624039378106353 -0.5317839383108602 -0.5890519918779188 -0.2763993751064164 0.6971575355335708 0.9401598168856804 0.5678400794382242 +10593,1.2760292121303107,0,0.5423790123793604 0.2096051875978025 -0.03339709375430694 -0.2624693080225413 -0.45439467673375494 -0.44665575057605145 -0.5163060859954445 -0.6509634011396083 -0.6602501125288612 -0.7004925285489546 -0.6741801796127364 -0.7283526627167135 -0.7624039378106353 -0.5317839383108602 -0.5890519918779188 -0.2763993751064164 0.6971575355335708 0.9401598168856804 0.5678400794382242 1.5051014263985452 +10594,1.4400944466737744,0,0.2096051875978025 -0.03339709375430694 -0.2624693080225413 -0.45439467673375494 -0.44665575057605145 -0.5163060859954445 -0.6509634011396083 -0.6602501125288612 -0.7004925285489546 -0.6741801796127364 -0.7283526627167135 -0.7624039378106353 -0.5317839383108602 -0.5890519918779188 -0.2763993751064164 0.6971575355335708 0.9401598168856804 0.5678400794382242 1.5051014263985452 1.2760292121303107 +10595,1.2040571988636068,0,-0.03339709375430694 -0.2624693080225413 -0.45439467673375494 -0.44665575057605145 -0.5163060859954445 -0.6509634011396083 -0.6602501125288612 -0.7004925285489546 -0.6741801796127364 -0.7283526627167135 -0.7624039378106353 -0.5317839383108602 -0.5890519918779188 -0.2763993751064164 0.6971575355335708 0.9401598168856804 0.5678400794382242 1.5051014263985452 1.2760292121303107 1.4400944466737744 +10596,0.9680199510534393,0,-0.2624693080225413 -0.45439467673375494 -0.44665575057605145 -0.5163060859954445 -0.6509634011396083 -0.6602501125288612 -0.7004925285489546 -0.6741801796127364 -0.7283526627167135 -0.7624039378106353 -0.5317839383108602 -0.5890519918779188 -0.2763993751064164 0.6971575355335708 0.9401598168856804 0.5678400794382242 1.5051014263985452 1.2760292121303107 1.4400944466737744 1.2040571988636068 +10597,0.5826214283994537,0,-0.45439467673375494 -0.44665575057605145 -0.5163060859954445 -0.6509634011396083 -0.6602501125288612 -0.7004925285489546 -0.6741801796127364 -0.7283526627167135 -0.7624039378106353 -0.5317839383108602 -0.5890519918779188 -0.2763993751064164 0.6971575355335708 0.9401598168856804 0.5678400794382242 1.5051014263985452 1.2760292121303107 1.4400944466737744 1.2040571988636068 0.9680199510534393 +10598,0.2792555230171955,0,-0.44665575057605145 -0.5163060859954445 -0.6509634011396083 -0.6602501125288612 -0.7004925285489546 -0.6741801796127364 -0.7283526627167135 -0.7624039378106353 -0.5317839383108602 -0.5890519918779188 -0.2763993751064164 0.6971575355335708 0.9401598168856804 0.5678400794382242 1.5051014263985452 1.2760292121303107 1.4400944466737744 1.2040571988636068 0.9680199510534393 0.5826214283994537 +10599,0.24210867746019235,0,-0.5163060859954445 -0.6509634011396083 -0.6602501125288612 -0.7004925285489546 -0.6741801796127364 -0.7283526627167135 -0.7624039378106353 -0.5317839383108602 -0.5890519918779188 -0.2763993751064164 0.6971575355335708 0.9401598168856804 0.5678400794382242 1.5051014263985452 1.2760292121303107 1.4400944466737744 1.2040571988636068 0.9680199510534393 0.5826214283994537 0.2792555230171955 +10600,0.20496183190318043,0,-0.6509634011396083 -0.6602501125288612 -0.7004925285489546 -0.6741801796127364 -0.7283526627167135 -0.7624039378106353 -0.5317839383108602 -0.5890519918779188 -0.2763993751064164 0.6971575355335708 0.9401598168856804 0.5678400794382242 1.5051014263985452 1.2760292121303107 1.4400944466737744 1.2040571988636068 0.9680199510534393 0.5826214283994537 0.2792555230171955 0.24210867746019235 +10601,0.14150263740995023,0,-0.6602501125288612 -0.7004925285489546 -0.6741801796127364 -0.7283526627167135 -0.7624039378106353 -0.5317839383108602 -0.5890519918779188 -0.2763993751064164 0.6971575355335708 0.9401598168856804 0.5678400794382242 1.5051014263985452 1.2760292121303107 1.4400944466737744 1.2040571988636068 0.9680199510534393 0.5826214283994537 0.2792555230171955 0.24210867746019235 0.20496183190318043 +10602,-0.008632530049629385,0,-0.7004925285489546 -0.6741801796127364 -0.7283526627167135 -0.7624039378106353 -0.5317839383108602 -0.5890519918779188 -0.2763993751064164 0.6971575355335708 0.9401598168856804 0.5678400794382242 1.5051014263985452 1.2760292121303107 1.4400944466737744 1.2040571988636068 0.9680199510534393 0.5826214283994537 0.2792555230171955 0.24210867746019235 0.20496183190318043 0.14150263740995023 +10603,-0.061257227922065886,0,-0.6741801796127364 -0.7283526627167135 -0.7624039378106353 -0.5317839383108602 -0.5890519918779188 -0.2763993751064164 0.6971575355335708 0.9401598168856804 0.5678400794382242 1.5051014263985452 1.2760292121303107 1.4400944466737744 1.2040571988636068 0.9680199510534393 0.5826214283994537 0.2792555230171955 0.24210867746019235 0.20496183190318043 0.14150263740995023 -0.008632530049629385 +10604,-0.12162085195220587,0,-0.7283526627167135 -0.7624039378106353 -0.5317839383108602 -0.5890519918779188 -0.2763993751064164 0.6971575355335708 0.9401598168856804 0.5678400794382242 1.5051014263985452 1.2760292121303107 1.4400944466737744 1.2040571988636068 0.9680199510534393 0.5826214283994537 0.2792555230171955 0.24210867746019235 0.20496183190318043 0.14150263740995023 -0.008632530049629385 -0.061257227922065886 +10605,-0.17114997936155218,0,-0.7624039378106353 -0.5317839383108602 -0.5890519918779188 -0.2763993751064164 0.6971575355335708 0.9401598168856804 0.5678400794382242 1.5051014263985452 1.2760292121303107 1.4400944466737744 1.2040571988636068 0.9680199510534393 0.5826214283994537 0.2792555230171955 0.24210867746019235 0.20496183190318043 0.14150263740995023 -0.008632530049629385 -0.061257227922065886 -0.12162085195220587 +10606,-0.29032944219029144,0,-0.5317839383108602 -0.5890519918779188 -0.2763993751064164 0.6971575355335708 0.9401598168856804 0.5678400794382242 1.5051014263985452 1.2760292121303107 1.4400944466737744 1.2040571988636068 0.9680199510534393 0.5826214283994537 0.2792555230171955 0.24210867746019235 0.20496183190318043 0.14150263740995023 -0.008632530049629385 -0.061257227922065886 -0.12162085195220587 -0.17114997936155218 +10607,-0.23615695908632306,0,-0.5890519918779188 -0.2763993751064164 0.6971575355335708 0.9401598168856804 0.5678400794382242 1.5051014263985452 1.2760292121303107 1.4400944466737744 1.2040571988636068 0.9680199510534393 0.5826214283994537 0.2792555230171955 0.24210867746019235 0.20496183190318043 0.14150263740995023 -0.008632530049629385 -0.061257227922065886 -0.12162085195220587 -0.17114997936155218 -0.29032944219029144 +10608,-0.2717560194117943,0,-0.2763993751064164 0.6971575355335708 0.9401598168856804 0.5678400794382242 1.5051014263985452 1.2760292121303107 1.4400944466737744 1.2040571988636068 0.9680199510534393 0.5826214283994537 0.2792555230171955 0.24210867746019235 0.20496183190318043 0.14150263740995023 -0.008632530049629385 -0.061257227922065886 -0.12162085195220587 -0.17114997936155218 -0.29032944219029144 -0.23615695908632306 +10609,-0.5472617906262848,0,0.6971575355335708 0.9401598168856804 0.5678400794382242 1.5051014263985452 1.2760292121303107 1.4400944466737744 1.2040571988636068 0.9680199510534393 0.5826214283994537 0.2792555230171955 0.24210867746019235 0.20496183190318043 0.14150263740995023 -0.008632530049629385 -0.061257227922065886 -0.12162085195220587 -0.17114997936155218 -0.29032944219029144 -0.23615695908632306 -0.2717560194117943 +10610,-1.1837884670979772,0,0.9401598168856804 0.5678400794382242 1.5051014263985452 1.2760292121303107 1.4400944466737744 1.2040571988636068 0.9680199510534393 0.5826214283994537 0.2792555230171955 0.24210867746019235 0.20496183190318043 0.14150263740995023 -0.008632530049629385 -0.061257227922065886 -0.12162085195220587 -0.17114997936155218 -0.29032944219029144 -0.23615695908632306 -0.2717560194117943 -0.5472617906262848 +10611,-0.5704785690994129,0,0.5678400794382242 1.5051014263985452 1.2760292121303107 1.4400944466737744 1.2040571988636068 0.9680199510534393 0.5826214283994537 0.2792555230171955 0.24210867746019235 0.20496183190318043 0.14150263740995023 -0.008632530049629385 -0.061257227922065886 -0.12162085195220587 -0.17114997936155218 -0.29032944219029144 -0.23615695908632306 -0.2717560194117943 -0.5472617906262848 -1.1837884670979772 +10612,-0.4280823277975455,0,1.5051014263985452 1.2760292121303107 1.4400944466737744 1.2040571988636068 0.9680199510534393 0.5826214283994537 0.2792555230171955 0.24210867746019235 0.20496183190318043 0.14150263740995023 -0.008632530049629385 -0.061257227922065886 -0.12162085195220587 -0.17114997936155218 -0.29032944219029144 -0.23615695908632306 -0.2717560194117943 -0.5472617906262848 -1.1837884670979772 -0.5704785690994129 +10613,0.11364250324219129,0,1.2760292121303107 1.4400944466737744 1.2040571988636068 0.9680199510534393 0.5826214283994537 0.2792555230171955 0.24210867746019235 0.20496183190318043 0.14150263740995023 -0.008632530049629385 -0.061257227922065886 -0.12162085195220587 -0.17114997936155218 -0.29032944219029144 -0.23615695908632306 -0.2717560194117943 -0.5472617906262848 -1.1837884670979772 -0.5704785690994129 -0.4280823277975455 +10614,0.5176144486746829,0,1.4400944466737744 1.2040571988636068 0.9680199510534393 0.5826214283994537 0.2792555230171955 0.24210867746019235 0.20496183190318043 0.14150263740995023 -0.008632530049629385 -0.061257227922065886 -0.12162085195220587 -0.17114997936155218 -0.29032944219029144 -0.23615695908632306 -0.2717560194117943 -0.5472617906262848 -1.1837884670979772 -0.5704785690994129 -0.4280823277975455 0.11364250324219129 +10615,0.7791901528052982,0,1.2040571988636068 0.9680199510534393 0.5826214283994537 0.2792555230171955 0.24210867746019235 0.20496183190318043 0.14150263740995023 -0.008632530049629385 -0.061257227922065886 -0.12162085195220587 -0.17114997936155218 -0.29032944219029144 -0.23615695908632306 -0.2717560194117943 -0.5472617906262848 -1.1837884670979772 -0.5704785690994129 -0.4280823277975455 0.11364250324219129 0.5176144486746829 +10616,1.0098101523050733,0,0.9680199510534393 0.5826214283994537 0.2792555230171955 0.24210867746019235 0.20496183190318043 0.14150263740995023 -0.008632530049629385 -0.061257227922065886 -0.12162085195220587 -0.17114997936155218 -0.29032944219029144 -0.23615695908632306 -0.2717560194117943 -0.5472617906262848 -1.1837884670979772 -0.5704785690994129 -0.4280823277975455 0.11364250324219129 0.5176144486746829 0.7791901528052982 +10617,1.181614313006249,0,0.5826214283994537 0.2792555230171955 0.24210867746019235 0.20496183190318043 0.14150263740995023 -0.008632530049629385 -0.061257227922065886 -0.12162085195220587 -0.17114997936155218 -0.29032944219029144 -0.23615695908632306 -0.2717560194117943 -0.5472617906262848 -1.1837884670979772 -0.5704785690994129 -0.4280823277975455 0.11364250324219129 0.5176144486746829 0.7791901528052982 1.0098101523050733 +10618,1.2110222324055488,0,0.2792555230171955 0.24210867746019235 0.20496183190318043 0.14150263740995023 -0.008632530049629385 -0.061257227922065886 -0.12162085195220587 -0.17114997936155218 -0.29032944219029144 -0.23615695908632306 -0.2717560194117943 -0.5472617906262848 -1.1837884670979772 -0.5704785690994129 -0.4280823277975455 0.11364250324219129 0.5176144486746829 0.7791901528052982 1.0098101523050733 1.181614313006249 +10619,1.0980339105029722,0,0.24210867746019235 0.20496183190318043 0.14150263740995023 -0.008632530049629385 -0.061257227922065886 -0.12162085195220587 -0.17114997936155218 -0.29032944219029144 -0.23615695908632306 -0.2717560194117943 -0.5472617906262848 -1.1837884670979772 -0.5704785690994129 -0.4280823277975455 0.11364250324219129 0.5176144486746829 0.7791901528052982 1.0098101523050733 1.181614313006249 1.2110222324055488 +10620,0.8697355888505083,0,0.20496183190318043 0.14150263740995023 -0.008632530049629385 -0.061257227922065886 -0.12162085195220587 -0.17114997936155218 -0.29032944219029144 -0.23615695908632306 -0.2717560194117943 -0.5472617906262848 -1.1837884670979772 -0.5704785690994129 -0.4280823277975455 0.11364250324219129 0.5176144486746829 0.7791901528052982 1.0098101523050733 1.181614313006249 1.2110222324055488 1.0980339105029722 +10621,0.641437267198053,0,0.14150263740995023 -0.008632530049629385 -0.061257227922065886 -0.12162085195220587 -0.17114997936155218 -0.29032944219029144 -0.23615695908632306 -0.2717560194117943 -0.5472617906262848 -1.1837884670979772 -0.5704785690994129 -0.4280823277975455 0.11364250324219129 0.5176144486746829 0.7791901528052982 1.0098101523050733 1.181614313006249 1.2110222324055488 1.0980339105029722 0.8697355888505083 +10622,0.35819256982585024,0,-0.008632530049629385 -0.061257227922065886 -0.12162085195220587 -0.17114997936155218 -0.29032944219029144 -0.23615695908632306 -0.2717560194117943 -0.5472617906262848 -1.1837884670979772 -0.5704785690994129 -0.4280823277975455 0.11364250324219129 0.5176144486746829 0.7791901528052982 1.0098101523050733 1.181614313006249 1.2110222324055488 1.0980339105029722 0.8697355888505083 0.641437267198053 +10623,0.19412733528238674,0,-0.061257227922065886 -0.12162085195220587 -0.17114997936155218 -0.29032944219029144 -0.23615695908632306 -0.2717560194117943 -0.5472617906262848 -1.1837884670979772 -0.5704785690994129 -0.4280823277975455 0.11364250324219129 0.5176144486746829 0.7791901528052982 1.0098101523050733 1.181614313006249 1.2110222324055488 1.0980339105029722 0.8697355888505083 0.641437267198053 0.35819256982585024 +10624,0.09816465092677551,0,-0.12162085195220587 -0.17114997936155218 -0.29032944219029144 -0.23615695908632306 -0.2717560194117943 -0.5472617906262848 -1.1837884670979772 -0.5704785690994129 -0.4280823277975455 0.11364250324219129 0.5176144486746829 0.7791901528052982 1.0098101523050733 1.181614313006249 1.2110222324055488 1.0980339105029722 0.8697355888505083 0.641437267198053 0.35819256982585024 0.19412733528238674 +10625,0.06101780536976358,0,-0.17114997936155218 -0.29032944219029144 -0.23615695908632306 -0.2717560194117943 -0.5472617906262848 -1.1837884670979772 -0.5704785690994129 -0.4280823277975455 0.11364250324219129 0.5176144486746829 0.7791901528052982 1.0098101523050733 1.181614313006249 1.2110222324055488 1.0980339105029722 0.8697355888505083 0.641437267198053 0.35819256982585024 0.19412733528238674 0.09816465092677551 +10626,0.05637444967513269,0,-0.29032944219029144 -0.23615695908632306 -0.2717560194117943 -0.5472617906262848 -1.1837884670979772 -0.5704785690994129 -0.4280823277975455 0.11364250324219129 0.5176144486746829 0.7791901528052982 1.0098101523050733 1.181614313006249 1.2110222324055488 1.0980339105029722 0.8697355888505083 0.641437267198053 0.35819256982585024 0.19412733528238674 0.09816465092677551 0.06101780536976358 +10627,-0.005536959586547991,0,-0.23615695908632306 -0.2717560194117943 -0.5472617906262848 -1.1837884670979772 -0.5704785690994129 -0.4280823277975455 0.11364250324219129 0.5176144486746829 0.7791901528052982 1.0098101523050733 1.181614313006249 1.2110222324055488 1.0980339105029722 0.8697355888505083 0.641437267198053 0.35819256982585024 0.19412733528238674 0.09816465092677551 0.06101780536976358 0.05637444967513269 +10628,0.0006541813396235972,0,-0.2717560194117943 -0.5472617906262848 -1.1837884670979772 -0.5704785690994129 -0.4280823277975455 0.11364250324219129 0.5176144486746829 0.7791901528052982 1.0098101523050733 1.181614313006249 1.2110222324055488 1.0980339105029722 0.8697355888505083 0.641437267198053 0.35819256982585024 0.19412733528238674 0.09816465092677551 0.06101780536976358 0.05637444967513269 -0.005536959586547991 +10629,0.00994089272887658,0,-0.5472617906262848 -1.1837884670979772 -0.5704785690994129 -0.4280823277975455 0.11364250324219129 0.5176144486746829 0.7791901528052982 1.0098101523050733 1.181614313006249 1.2110222324055488 1.0980339105029722 0.8697355888505083 0.641437267198053 0.35819256982585024 0.19412733528238674 0.09816465092677551 0.06101780536976358 0.05637444967513269 -0.005536959586547991 0.0006541813396235972 +10630,-0.09840407347907781,0,-1.1837884670979772 -0.5704785690994129 -0.4280823277975455 0.11364250324219129 0.5176144486746829 0.7791901528052982 1.0098101523050733 1.181614313006249 1.2110222324055488 1.0980339105029722 0.8697355888505083 0.641437267198053 0.35819256982585024 0.19412733528238674 0.09816465092677551 0.06101780536976358 0.05637444967513269 -0.005536959586547991 0.0006541813396235972 0.00994089272887658 +10631,-0.15257655658304622,0,-0.5704785690994129 -0.4280823277975455 0.11364250324219129 0.5176144486746829 0.7791901528052982 1.0098101523050733 1.181614313006249 1.2110222324055488 1.0980339105029722 0.8697355888505083 0.641437267198053 0.35819256982585024 0.19412733528238674 0.09816465092677551 0.06101780536976358 0.05637444967513269 -0.005536959586547991 0.0006541813396235972 0.00994089272887658 -0.09840407347907781 +10632,-0.19281897260313954,0,-0.4280823277975455 0.11364250324219129 0.5176144486746829 0.7791901528052982 1.0098101523050733 1.181614313006249 1.2110222324055488 1.0980339105029722 0.8697355888505083 0.641437267198053 0.35819256982585024 0.19412733528238674 0.09816465092677551 0.06101780536976358 0.05637444967513269 -0.005536959586547991 0.0006541813396235972 0.00994089272887658 -0.09840407347907781 -0.15257655658304622 +10633,-0.38164877085128057,0,0.11364250324219129 0.5176144486746829 0.7791901528052982 1.0098101523050733 1.181614313006249 1.2110222324055488 1.0980339105029722 0.8697355888505083 0.641437267198053 0.35819256982585024 0.19412733528238674 0.09816465092677551 0.06101780536976358 0.05637444967513269 -0.005536959586547991 0.0006541813396235972 0.00994089272887658 -0.09840407347907781 -0.15257655658304622 -0.19281897260313954 +10634,-0.5039238041431101,0,0.5176144486746829 0.7791901528052982 1.0098101523050733 1.181614313006249 1.2110222324055488 1.0980339105029722 0.8697355888505083 0.641437267198053 0.35819256982585024 0.19412733528238674 0.09816465092677551 0.06101780536976358 0.05637444967513269 -0.005536959586547991 0.0006541813396235972 0.00994089272887658 -0.09840407347907781 -0.15257655658304622 -0.19281897260313954 -0.38164877085128057 +10635,-0.5333317235424098,0,0.7791901528052982 1.0098101523050733 1.181614313006249 1.2110222324055488 1.0980339105029722 0.8697355888505083 0.641437267198053 0.35819256982585024 0.19412733528238674 0.09816465092677551 0.06101780536976358 0.05637444967513269 -0.005536959586547991 0.0006541813396235972 0.00994089272887658 -0.09840407347907781 -0.15257655658304622 -0.19281897260313954 -0.38164877085128057 -0.5039238041431101 +10636,-0.44975132103913285,0,1.0098101523050733 1.181614313006249 1.2110222324055488 1.0980339105029722 0.8697355888505083 0.641437267198053 0.35819256982585024 0.19412733528238674 0.09816465092677551 0.06101780536976358 0.05637444967513269 -0.005536959586547991 0.0006541813396235972 0.00994089272887658 -0.09840407347907781 -0.15257655658304622 -0.19281897260313954 -0.38164877085128057 -0.5039238041431101 -0.5333317235424098 +10637,-0.264017093254082,0,1.181614313006249 1.2110222324055488 1.0980339105029722 0.8697355888505083 0.641437267198053 0.35819256982585024 0.19412733528238674 0.09816465092677551 0.06101780536976358 0.05637444967513269 -0.005536959586547991 0.0006541813396235972 0.00994089272887658 -0.09840407347907781 -0.15257655658304622 -0.19281897260313954 -0.38164877085128057 -0.5039238041431101 -0.5333317235424098 -0.44975132103913285 +10638,-0.013275885744260276,0,1.2110222324055488 1.0980339105029722 0.8697355888505083 0.641437267198053 0.35819256982585024 0.19412733528238674 0.09816465092677551 0.06101780536976358 0.05637444967513269 -0.005536959586547991 0.0006541813396235972 0.00994089272887658 -0.09840407347907781 -0.15257655658304622 -0.19281897260313954 -0.38164877085128057 -0.5039238041431101 -0.5333317235424098 -0.44975132103913285 -0.264017093254082 +10639,0.2127007580608927,0,1.0980339105029722 0.8697355888505083 0.641437267198053 0.35819256982585024 0.19412733528238674 0.09816465092677551 0.06101780536976358 0.05637444967513269 -0.005536959586547991 0.0006541813396235972 0.00994089272887658 -0.09840407347907781 -0.15257655658304622 -0.19281897260313954 -0.38164877085128057 -0.5039238041431101 -0.5333317235424098 -0.44975132103913285 -0.264017093254082 -0.013275885744260276 +10640,0.2684210263964018,0,0.8697355888505083 0.641437267198053 0.35819256982585024 0.19412733528238674 0.09816465092677551 0.06101780536976358 0.05637444967513269 -0.005536959586547991 0.0006541813396235972 0.00994089272887658 -0.09840407347907781 -0.15257655658304622 -0.19281897260313954 -0.38164877085128057 -0.5039238041431101 -0.5333317235424098 -0.44975132103913285 -0.264017093254082 -0.013275885744260276 0.2127007580608927 +10641,0.34890585843659727,0,0.641437267198053 0.35819256982585024 0.19412733528238674 0.09816465092677551 0.06101780536976358 0.05637444967513269 -0.005536959586547991 0.0006541813396235972 0.00994089272887658 -0.09840407347907781 -0.15257655658304622 -0.19281897260313954 -0.38164877085128057 -0.5039238041431101 -0.5333317235424098 -0.44975132103913285 -0.264017093254082 -0.013275885744260276 0.2127007580608927 0.2684210263964018 +10642,0.30556787195341373,0,0.35819256982585024 0.19412733528238674 0.09816465092677551 0.06101780536976358 0.05637444967513269 -0.005536959586547991 0.0006541813396235972 0.00994089272887658 -0.09840407347907781 -0.15257655658304622 -0.19281897260313954 -0.38164877085128057 -0.5039238041431101 -0.5333317235424098 -0.44975132103913285 -0.264017093254082 -0.013275885744260276 0.2127007580608927 0.2684210263964018 0.34890585843659727 +10643,-0.03494487898584764,0,0.19412733528238674 0.09816465092677551 0.06101780536976358 0.05637444967513269 -0.005536959586547991 0.0006541813396235972 0.00994089272887658 -0.09840407347907781 -0.15257655658304622 -0.19281897260313954 -0.38164877085128057 -0.5039238041431101 -0.5333317235424098 -0.44975132103913285 -0.264017093254082 -0.013275885744260276 0.2127007580608927 0.2684210263964018 0.34890585843659727 0.30556787195341373 +10644,-0.17192387197732253,0,0.09816465092677551 0.06101780536976358 0.05637444967513269 -0.005536959586547991 0.0006541813396235972 0.00994089272887658 -0.09840407347907781 -0.15257655658304622 -0.19281897260313954 -0.38164877085128057 -0.5039238041431101 -0.5333317235424098 -0.44975132103913285 -0.264017093254082 -0.013275885744260276 0.2127007580608927 0.2684210263964018 0.34890585843659727 0.30556787195341373 -0.03494487898584764 +10645,-0.30890286496879743,0,0.06101780536976358 0.05637444967513269 -0.005536959586547991 0.0006541813396235972 0.00994089272887658 -0.09840407347907781 -0.15257655658304622 -0.19281897260313954 -0.38164877085128057 -0.5039238041431101 -0.5333317235424098 -0.44975132103913285 -0.264017093254082 -0.013275885744260276 0.2127007580608927 0.2684210263964018 0.34890585843659727 0.30556787195341373 -0.03494487898584764 -0.17192387197732253 +10646,-0.5642874281732501,0,0.05637444967513269 -0.005536959586547991 0.0006541813396235972 0.00994089272887658 -0.09840407347907781 -0.15257655658304622 -0.19281897260313954 -0.38164877085128057 -0.5039238041431101 -0.5333317235424098 -0.44975132103913285 -0.264017093254082 -0.013275885744260276 0.2127007580608927 0.2684210263964018 0.34890585843659727 0.30556787195341373 -0.03494487898584764 -0.17192387197732253 -0.30890286496879743 +10647,0.5124293681490162,0,-0.005536959586547991 0.0006541813396235972 0.00994089272887658 -0.09840407347907781 -0.15257655658304622 -0.19281897260313954 -0.38164877085128057 -0.5039238041431101 -0.5333317235424098 -0.44975132103913285 -0.264017093254082 -0.013275885744260276 0.2127007580608927 0.2684210263964018 0.34890585843659727 0.30556787195341373 -0.03494487898584764 -0.17192387197732253 -0.30890286496879743 -0.5642874281732501 +10648,1.5891461644712825,0,0.0006541813396235972 0.00994089272887658 -0.09840407347907781 -0.15257655658304622 -0.19281897260313954 -0.38164877085128057 -0.5039238041431101 -0.5333317235424098 -0.44975132103913285 -0.264017093254082 -0.013275885744260276 0.2127007580608927 0.2684210263964018 0.34890585843659727 0.30556787195341373 -0.03494487898584764 -0.17192387197732253 -0.30890286496879743 -0.5642874281732501 0.5124293681490162 +10649,1.5891461644712825,0,0.00994089272887658 -0.09840407347907781 -0.15257655658304622 -0.19281897260313954 -0.38164877085128057 -0.5039238041431101 -0.5333317235424098 -0.44975132103913285 -0.264017093254082 -0.013275885744260276 0.2127007580608927 0.2684210263964018 0.34890585843659727 0.30556787195341373 -0.03494487898584764 -0.17192387197732253 -0.30890286496879743 -0.5642874281732501 0.5124293681490162 1.5891461644712825 +10650,1.5891461644712825,0,-0.09840407347907781 -0.15257655658304622 -0.19281897260313954 -0.38164877085128057 -0.5039238041431101 -0.5333317235424098 -0.44975132103913285 -0.264017093254082 -0.013275885744260276 0.2127007580608927 0.2684210263964018 0.34890585843659727 0.30556787195341373 -0.03494487898584764 -0.17192387197732253 -0.30890286496879743 -0.5642874281732501 0.5124293681490162 1.5891461644712825 1.5891461644712825 +10651,1.5891461644712825,0,-0.15257655658304622 -0.19281897260313954 -0.38164877085128057 -0.5039238041431101 -0.5333317235424098 -0.44975132103913285 -0.264017093254082 -0.013275885744260276 0.2127007580608927 0.2684210263964018 0.34890585843659727 0.30556787195341373 -0.03494487898584764 -0.17192387197732253 -0.30890286496879743 -0.5642874281732501 0.5124293681490162 1.5891461644712825 1.5891461644712825 1.5891461644712825 +10652,1.5891461644712825,0,-0.19281897260313954 -0.38164877085128057 -0.5039238041431101 -0.5333317235424098 -0.44975132103913285 -0.264017093254082 -0.013275885744260276 0.2127007580608927 0.2684210263964018 0.34890585843659727 0.30556787195341373 -0.03494487898584764 -0.17192387197732253 -0.30890286496879743 -0.5642874281732501 0.5124293681490162 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 +10653,-0.7531172264213823,0,-0.38164877085128057 -0.5039238041431101 -0.5333317235424098 -0.44975132103913285 -0.264017093254082 -0.013275885744260276 0.2127007580608927 0.2684210263964018 0.34890585843659727 0.30556787195341373 -0.03494487898584764 -0.17192387197732253 -0.30890286496879743 -0.5642874281732501 0.5124293681490162 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 +10654,-0.7438305150321293,0,-0.5039238041431101 -0.5333317235424098 -0.44975132103913285 -0.264017093254082 -0.013275885744260276 0.2127007580608927 0.2684210263964018 0.34890585843659727 0.30556787195341373 -0.03494487898584764 -0.17192387197732253 -0.30890286496879743 -0.5642874281732501 0.5124293681490162 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 -0.7531172264213823 +10655,-0.8413409846192812,0,-0.5333317235424098 -0.44975132103913285 -0.264017093254082 -0.013275885744260276 0.2127007580608927 0.2684210263964018 0.34890585843659727 0.30556787195341373 -0.03494487898584764 -0.17192387197732253 -0.30890286496879743 -0.5642874281732501 0.5124293681490162 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 -0.7531172264213823 -0.7438305150321293 +10656,-0.8692011187870402,0,-0.44975132103913285 -0.264017093254082 -0.013275885744260276 0.2127007580608927 0.2684210263964018 0.34890585843659727 0.30556787195341373 -0.03494487898584764 -0.17192387197732253 -0.30890286496879743 -0.5642874281732501 0.5124293681490162 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 -0.7531172264213823 -0.7438305150321293 -0.8413409846192812 +10657,-0.9729027293003637,0,-0.264017093254082 -0.013275885744260276 0.2127007580608927 0.2684210263964018 0.34890585843659727 0.30556787195341373 -0.03494487898584764 -0.17192387197732253 -0.30890286496879743 -0.5642874281732501 0.5124293681490162 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 -0.7531172264213823 -0.7438305150321293 -0.8413409846192812 -0.8692011187870402 +10658,-0.9868327963842388,0,-0.013275885744260276 0.2127007580608927 0.2684210263964018 0.34890585843659727 0.30556787195341373 -0.03494487898584764 -0.17192387197732253 -0.30890286496879743 -0.5642874281732501 0.5124293681490162 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 -0.7531172264213823 -0.7438305150321293 -0.8413409846192812 -0.8692011187870402 -0.9729027293003637 +10659,-1.0023106486996634,0,0.2127007580608927 0.2684210263964018 0.34890585843659727 0.30556787195341373 -0.03494487898584764 -0.17192387197732253 -0.30890286496879743 -0.5642874281732501 0.5124293681490162 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 -0.7531172264213823 -0.7438305150321293 -0.8413409846192812 -0.8692011187870402 -0.9729027293003637 -0.9868327963842388 +10660,-0.9852850111526981,0,0.2684210263964018 0.34890585843659727 0.30556787195341373 -0.03494487898584764 -0.17192387197732253 -0.30890286496879743 -0.5642874281732501 0.5124293681490162 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 -0.7531172264213823 -0.7438305150321293 -0.8413409846192812 -0.8692011187870402 -0.9729027293003637 -0.9868327963842388 -1.0023106486996634 +10661,-0.8986090381863399,0,0.34890585843659727 0.30556787195341373 -0.03494487898584764 -0.17192387197732253 -0.30890286496879743 -0.5642874281732501 0.5124293681490162 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 -0.7531172264213823 -0.7438305150321293 -0.8413409846192812 -0.8692011187870402 -0.9729027293003637 -0.9868327963842388 -1.0023106486996634 -0.9852850111526981 +10662,-0.9094435348071335,0,0.30556787195341373 -0.03494487898584764 -0.17192387197732253 -0.30890286496879743 -0.5642874281732501 0.5124293681490162 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 -0.7531172264213823 -0.7438305150321293 -0.8413409846192812 -0.8692011187870402 -0.9729027293003637 -0.9868327963842388 -1.0023106486996634 -0.9852850111526981 -0.8986090381863399 +10663,-0.8614621926293367,0,-0.03494487898584764 -0.17192387197732253 -0.30890286496879743 -0.5642874281732501 0.5124293681490162 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 -0.7531172264213823 -0.7438305150321293 -0.8413409846192812 -0.8692011187870402 -0.9729027293003637 -0.9868327963842388 -1.0023106486996634 -0.9852850111526981 -0.8986090381863399 -0.9094435348071335 +10664,-0.8413409846192812,0,-0.17192387197732253 -0.30890286496879743 -0.5642874281732501 0.5124293681490162 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 -0.7531172264213823 -0.7438305150321293 -0.8413409846192812 -0.8692011187870402 -0.9729027293003637 -0.9868327963842388 -1.0023106486996634 -0.9852850111526981 -0.8986090381863399 -0.9094435348071335 -0.8614621926293367 +10665,-1.0023106486996634,0,-0.30890286496879743 -0.5642874281732501 0.5124293681490162 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 -0.7531172264213823 -0.7438305150321293 -0.8413409846192812 -0.8692011187870402 -0.9729027293003637 -0.9868327963842388 -1.0023106486996634 -0.9852850111526981 -0.8986090381863399 -0.9094435348071335 -0.8614621926293367 -0.8413409846192812 +10666,-0.9729027293003637,0,-0.5642874281732501 0.5124293681490162 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 -0.7531172264213823 -0.7438305150321293 -0.8413409846192812 -0.8692011187870402 -0.9729027293003637 -0.9868327963842388 -1.0023106486996634 -0.9852850111526981 -0.8986090381863399 -0.9094435348071335 -0.8614621926293367 -0.8413409846192812 -1.0023106486996634 +10667,-0.9543293065218578,0,0.5124293681490162 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 -0.7531172264213823 -0.7438305150321293 -0.8413409846192812 -0.8692011187870402 -0.9729027293003637 -0.9868327963842388 -1.0023106486996634 -0.9852850111526981 -0.8986090381863399 -0.9094435348071335 -0.8614621926293367 -0.8413409846192812 -1.0023106486996634 -0.9729027293003637 +10668,-1.001536756083893,0,1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 -0.7531172264213823 -0.7438305150321293 -0.8413409846192812 -0.8692011187870402 -0.9729027293003637 -0.9868327963842388 -1.0023106486996634 -0.9852850111526981 -0.8986090381863399 -0.9094435348071335 -0.8614621926293367 -0.8413409846192812 -1.0023106486996634 -0.9729027293003637 -0.9543293065218578 +10669,-1.0487442056459282,0,1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 -0.7531172264213823 -0.7438305150321293 -0.8413409846192812 -0.8692011187870402 -0.9729027293003637 -0.9868327963842388 -1.0023106486996634 -0.9852850111526981 -0.8986090381863399 -0.9094435348071335 -0.8614621926293367 -0.8413409846192812 -1.0023106486996634 -0.9729027293003637 -0.9543293065218578 -1.001536756083893 +10670,-1.1772103798639204,0,1.5891461644712825 1.5891461644712825 1.5891461644712825 -0.7531172264213823 -0.7438305150321293 -0.8413409846192812 -0.8692011187870402 -0.9729027293003637 -0.9868327963842388 -1.0023106486996634 -0.9852850111526981 -0.8986090381863399 -0.9094435348071335 -0.8614621926293367 -0.8413409846192812 -1.0023106486996634 -0.9729027293003637 -0.9543293065218578 -1.001536756083893 -1.0487442056459282 +10671,-1.211261654957851,0,1.5891461644712825 1.5891461644712825 -0.7531172264213823 -0.7438305150321293 -0.8413409846192812 -0.8692011187870402 -0.9729027293003637 -0.9868327963842388 -1.0023106486996634 -0.9852850111526981 -0.8986090381863399 -0.9094435348071335 -0.8614621926293367 -0.8413409846192812 -1.0023106486996634 -0.9729027293003637 -0.9543293065218578 -1.001536756083893 -1.0487442056459282 -1.1772103798639204 +10672,-1.2685297085249096,0,1.5891461644712825 -0.7531172264213823 -0.7438305150321293 -0.8413409846192812 -0.8692011187870402 -0.9729027293003637 -0.9868327963842388 -1.0023106486996634 -0.9852850111526981 -0.8986090381863399 -0.9094435348071335 -0.8614621926293367 -0.8413409846192812 -1.0023106486996634 -0.9729027293003637 -0.9543293065218578 -1.001536756083893 -1.0487442056459282 -1.1772103798639204 -1.211261654957851 +10673,-1.3103199097765437,0,-0.7531172264213823 -0.7438305150321293 -0.8413409846192812 -0.8692011187870402 -0.9729027293003637 -0.9868327963842388 -1.0023106486996634 -0.9852850111526981 -0.8986090381863399 -0.9094435348071335 -0.8614621926293367 -0.8413409846192812 -1.0023106486996634 -0.9729027293003637 -0.9543293065218578 -1.001536756083893 -1.0487442056459282 -1.1772103798639204 -1.211261654957851 -1.2685297085249096 +10674,-1.3861613861221083,0,-0.7438305150321293 -0.8413409846192812 -0.8692011187870402 -0.9729027293003637 -0.9868327963842388 -1.0023106486996634 -0.9852850111526981 -0.8986090381863399 -0.9094435348071335 -0.8614621926293367 -0.8413409846192812 -1.0023106486996634 -0.9729027293003637 -0.9543293065218578 -1.001536756083893 -1.0487442056459282 -1.1772103798639204 -1.211261654957851 -1.2685297085249096 -1.3103199097765437 +10675,-1.485219640940801,0,-0.8413409846192812 -0.8692011187870402 -0.9729027293003637 -0.9868327963842388 -1.0023106486996634 -0.9852850111526981 -0.8986090381863399 -0.9094435348071335 -0.8614621926293367 -0.8413409846192812 -1.0023106486996634 -0.9729027293003637 -0.9543293065218578 -1.001536756083893 -1.0487442056459282 -1.1772103798639204 -1.211261654957851 -1.2685297085249096 -1.3103199097765437 -1.3861613861221083 +10676,-1.4743851443200071,0,-0.8692011187870402 -0.9729027293003637 -0.9868327963842388 -1.0023106486996634 -0.9852850111526981 -0.8986090381863399 -0.9094435348071335 -0.8614621926293367 -0.8413409846192812 -1.0023106486996634 -0.9729027293003637 -0.9543293065218578 -1.001536756083893 -1.0487442056459282 -1.1772103798639204 -1.211261654957851 -1.2685297085249096 -1.3103199097765437 -1.3861613861221083 -1.485219640940801 +10677,-1.5084364194139288,0,-0.9729027293003637 -0.9868327963842388 -1.0023106486996634 -0.9852850111526981 -0.8986090381863399 -0.9094435348071335 -0.8614621926293367 -0.8413409846192812 -1.0023106486996634 -0.9729027293003637 -0.9543293065218578 -1.001536756083893 -1.0487442056459282 -1.1772103798639204 -1.211261654957851 -1.2685297085249096 -1.3103199097765437 -1.3861613861221083 -1.485219640940801 -1.4743851443200071 +10678,-1.5378443388132286,0,-0.9868327963842388 -1.0023106486996634 -0.9852850111526981 -0.8986090381863399 -0.9094435348071335 -0.8614621926293367 -0.8413409846192812 -1.0023106486996634 -0.9729027293003637 -0.9543293065218578 -1.001536756083893 -1.0487442056459282 -1.1772103798639204 -1.211261654957851 -1.2685297085249096 -1.3103199097765437 -1.3861613861221083 -1.485219640940801 -1.4743851443200071 -1.5084364194139288 +10679,-1.5610611172863653,0,-1.0023106486996634 -0.9852850111526981 -0.8986090381863399 -0.9094435348071335 -0.8614621926293367 -0.8413409846192812 -1.0023106486996634 -0.9729027293003637 -0.9543293065218578 -1.001536756083893 -1.0487442056459282 -1.1772103798639204 -1.211261654957851 -1.2685297085249096 -1.3103199097765437 -1.3861613861221083 -1.485219640940801 -1.4743851443200071 -1.5084364194139288 -1.5378443388132286 +10680,-1.6399981640950114,0,-0.9852850111526981 -0.8986090381863399 -0.9094435348071335 -0.8614621926293367 -0.8413409846192812 -1.0023106486996634 -0.9729027293003637 -0.9543293065218578 -1.001536756083893 -1.0487442056459282 -1.1772103798639204 -1.211261654957851 -1.2685297085249096 -1.3103199097765437 -1.3861613861221083 -1.485219640940801 -1.4743851443200071 -1.5084364194139288 -1.5378443388132286 -1.5610611172863653 +10681,-1.627615882242677,0,-0.8986090381863399 -0.9094435348071335 -0.8614621926293367 -0.8413409846192812 -1.0023106486996634 -0.9729027293003637 -0.9543293065218578 -1.001536756083893 -1.0487442056459282 -1.1772103798639204 -1.211261654957851 -1.2685297085249096 -1.3103199097765437 -1.3861613861221083 -1.485219640940801 -1.4743851443200071 -1.5084364194139288 -1.5378443388132286 -1.5610611172863653 -1.6399981640950114 +10682,-1.6755972244204826,0,-0.9094435348071335 -0.8614621926293367 -0.8413409846192812 -1.0023106486996634 -0.9729027293003637 -0.9543293065218578 -1.001536756083893 -1.0487442056459282 -1.1772103798639204 -1.211261654957851 -1.2685297085249096 -1.3103199097765437 -1.3861613861221083 -1.485219640940801 -1.4743851443200071 -1.5084364194139288 -1.5378443388132286 -1.5610611172863653 -1.6399981640950114 -1.627615882242677 +10683,-1.6129119225430228,0,-0.8614621926293367 -0.8413409846192812 -1.0023106486996634 -0.9729027293003637 -0.9543293065218578 -1.001536756083893 -1.0487442056459282 -1.1772103798639204 -1.211261654957851 -1.2685297085249096 -1.3103199097765437 -1.3861613861221083 -1.485219640940801 -1.4743851443200071 -1.5084364194139288 -1.5378443388132286 -1.5610611172863653 -1.6399981640950114 -1.627615882242677 -1.6755972244204826 +10684,-1.5502266206655717,0,-0.8413409846192812 -1.0023106486996634 -0.9729027293003637 -0.9543293065218578 -1.001536756083893 -1.0487442056459282 -1.1772103798639204 -1.211261654957851 -1.2685297085249096 -1.3103199097765437 -1.3861613861221083 -1.485219640940801 -1.4743851443200071 -1.5084364194139288 -1.5378443388132286 -1.5610611172863653 -1.6399981640950114 -1.627615882242677 -1.6755972244204826 -1.6129119225430228 +10685,-1.2453129300517727,0,-1.0023106486996634 -0.9729027293003637 -0.9543293065218578 -1.001536756083893 -1.0487442056459282 -1.1772103798639204 -1.211261654957851 -1.2685297085249096 -1.3103199097765437 -1.3861613861221083 -1.485219640940801 -1.4743851443200071 -1.5084364194139288 -1.5378443388132286 -1.5610611172863653 -1.6399981640950114 -1.627615882242677 -1.6755972244204826 -1.6129119225430228 -1.5502266206655717 +10686,-0.8413409846192812,0,-0.9729027293003637 -0.9543293065218578 -1.001536756083893 -1.0487442056459282 -1.1772103798639204 -1.211261654957851 -1.2685297085249096 -1.3103199097765437 -1.3861613861221083 -1.485219640940801 -1.4743851443200071 -1.5084364194139288 -1.5378443388132286 -1.5610611172863653 -1.6399981640950114 -1.627615882242677 -1.6755972244204826 -1.6129119225430228 -1.5502266206655717 -1.2453129300517727 +10687,-0.5967909180356311,0,-0.9543293065218578 -1.001536756083893 -1.0487442056459282 -1.1772103798639204 -1.211261654957851 -1.2685297085249096 -1.3103199097765437 -1.3861613861221083 -1.485219640940801 -1.4743851443200071 -1.5084364194139288 -1.5378443388132286 -1.5610611172863653 -1.6399981640950114 -1.627615882242677 -1.6755972244204826 -1.6129119225430228 -1.5502266206655717 -1.2453129300517727 -0.8413409846192812 +10688,-0.4203434016398332,0,-1.001536756083893 -1.0487442056459282 -1.1772103798639204 -1.211261654957851 -1.2685297085249096 -1.3103199097765437 -1.3861613861221083 -1.485219640940801 -1.4743851443200071 -1.5084364194139288 -1.5378443388132286 -1.5610611172863653 -1.6399981640950114 -1.627615882242677 -1.6755972244204826 -1.6129119225430228 -1.5502266206655717 -1.2453129300517727 -0.8413409846192812 -0.5967909180356311 +10689,-0.2655648784856227,0,-1.0487442056459282 -1.1772103798639204 -1.211261654957851 -1.2685297085249096 -1.3103199097765437 -1.3861613861221083 -1.485219640940801 -1.4743851443200071 -1.5084364194139288 -1.5378443388132286 -1.5610611172863653 -1.6399981640950114 -1.627615882242677 -1.6755972244204826 -1.6129119225430228 -1.5502266206655717 -1.2453129300517727 -0.8413409846192812 -0.5967909180356311 -0.4203434016398332 +10690,-0.2113923953816455,0,-1.1772103798639204 -1.211261654957851 -1.2685297085249096 -1.3103199097765437 -1.3861613861221083 -1.485219640940801 -1.4743851443200071 -1.5084364194139288 -1.5378443388132286 -1.5610611172863653 -1.6399981640950114 -1.627615882242677 -1.6755972244204826 -1.6129119225430228 -1.5502266206655717 -1.2453129300517727 -0.8413409846192812 -0.5967909180356311 -0.4203434016398332 -0.2655648784856227 +10691,-0.2810427308010473,0,-1.211261654957851 -1.2685297085249096 -1.3103199097765437 -1.3861613861221083 -1.485219640940801 -1.4743851443200071 -1.5084364194139288 -1.5378443388132286 -1.5610611172863653 -1.6399981640950114 -1.627615882242677 -1.6755972244204826 -1.6129119225430228 -1.5502266206655717 -1.2453129300517727 -0.8413409846192812 -0.5967909180356311 -0.4203434016398332 -0.2655648784856227 -0.2113923953816455 +10692,-0.43040400564485654,0,-1.2685297085249096 -1.3103199097765437 -1.3861613861221083 -1.485219640940801 -1.4743851443200071 -1.5084364194139288 -1.5378443388132286 -1.5610611172863653 -1.6399981640950114 -1.627615882242677 -1.6755972244204826 -1.6129119225430228 -1.5502266206655717 -1.2453129300517727 -0.8413409846192812 -0.5967909180356311 -0.4203434016398332 -0.2655648784856227 -0.2113923953816455 -0.2810427308010473 +10693,-0.5797652804886658,0,-1.3103199097765437 -1.3861613861221083 -1.485219640940801 -1.4743851443200071 -1.5084364194139288 -1.5378443388132286 -1.5610611172863653 -1.6399981640950114 -1.627615882242677 -1.6755972244204826 -1.6129119225430228 -1.5502266206655717 -1.2453129300517727 -0.8413409846192812 -0.5967909180356311 -0.4203434016398332 -0.2655648784856227 -0.2113923953816455 -0.2810427308010473 -0.43040400564485654 +10694,-0.8351498436931184,0,-1.3861613861221083 -1.485219640940801 -1.4743851443200071 -1.5084364194139288 -1.5378443388132286 -1.5610611172863653 -1.6399981640950114 -1.627615882242677 -1.6755972244204826 -1.6129119225430228 -1.5502266206655717 -1.2453129300517727 -0.8413409846192812 -0.5967909180356311 -0.4203434016398332 -0.2655648784856227 -0.2113923953816455 -0.2810427308010473 -0.43040400564485654 -0.5797652804886658 +10695,-1.0069540043942942,0,-1.485219640940801 -1.4743851443200071 -1.5084364194139288 -1.5378443388132286 -1.5610611172863653 -1.6399981640950114 -1.627615882242677 -1.6755972244204826 -1.6129119225430228 -1.5502266206655717 -1.2453129300517727 -0.8413409846192812 -0.5967909180356311 -0.4203434016398332 -0.2655648784856227 -0.2113923953816455 -0.2810427308010473 -0.43040400564485654 -0.5797652804886658 -0.8351498436931184 +10696,-1.1539936013907925,0,-1.4743851443200071 -1.5084364194139288 -1.5378443388132286 -1.5610611172863653 -1.6399981640950114 -1.627615882242677 -1.6755972244204826 -1.6129119225430228 -1.5502266206655717 -1.2453129300517727 -0.8413409846192812 -0.5967909180356311 -0.4203434016398332 -0.2655648784856227 -0.2113923953816455 -0.2810427308010473 -0.43040400564485654 -0.5797652804886658 -0.8351498436931184 -1.0069540043942942 +10697,-1.2607907823671973,0,-1.5084364194139288 -1.5378443388132286 -1.5610611172863653 -1.6399981640950114 -1.627615882242677 -1.6755972244204826 -1.6129119225430228 -1.5502266206655717 -1.2453129300517727 -0.8413409846192812 -0.5967909180356311 -0.4203434016398332 -0.2655648784856227 -0.2113923953816455 -0.2810427308010473 -0.43040400564485654 -0.5797652804886658 -0.8351498436931184 -1.0069540043942942 -1.1539936013907925 +10698,-1.3149632654711658,0,-1.5378443388132286 -1.5610611172863653 -1.6399981640950114 -1.627615882242677 -1.6755972244204826 -1.6129119225430228 -1.5502266206655717 -1.2453129300517727 -0.8413409846192812 -0.5967909180356311 -0.4203434016398332 -0.2655648784856227 -0.2113923953816455 -0.2810427308010473 -0.43040400564485654 -0.5797652804886658 -0.8351498436931184 -1.0069540043942942 -1.1539936013907925 -1.2607907823671973 +10699,-1.3954480975113612,0,-1.5610611172863653 -1.6399981640950114 -1.627615882242677 -1.6755972244204826 -1.6129119225430228 -1.5502266206655717 -1.2453129300517727 -0.8413409846192812 -0.5967909180356311 -0.4203434016398332 -0.2655648784856227 -0.2113923953816455 -0.2810427308010473 -0.43040400564485654 -0.5797652804886658 -0.8351498436931184 -1.0069540043942942 -1.1539936013907925 -1.2607907823671973 -1.3149632654711658 +10700,-1.4681940033938357,0,-1.6399981640950114 -1.627615882242677 -1.6755972244204826 -1.6129119225430228 -1.5502266206655717 -1.2453129300517727 -0.8413409846192812 -0.5967909180356311 -0.4203434016398332 -0.2655648784856227 -0.2113923953816455 -0.2810427308010473 -0.43040400564485654 -0.5797652804886658 -0.8351498436931184 -1.0069540043942942 -1.1539936013907925 -1.2607907823671973 -1.3149632654711658 -1.3954480975113612 +10701,-1.5208187012662722,0,-1.627615882242677 -1.6755972244204826 -1.6129119225430228 -1.5502266206655717 -1.2453129300517727 -0.8413409846192812 -0.5967909180356311 -0.4203434016398332 -0.2655648784856227 -0.2113923953816455 -0.2810427308010473 -0.43040400564485654 -0.5797652804886658 -0.8351498436931184 -1.0069540043942942 -1.1539936013907925 -1.2607907823671973 -1.3149632654711658 -1.3954480975113612 -1.4681940033938357 +10702,-1.5749911843702404,0,-1.6755972244204826 -1.6129119225430228 -1.5502266206655717 -1.2453129300517727 -0.8413409846192812 -0.5967909180356311 -0.4203434016398332 -0.2655648784856227 -0.2113923953816455 -0.2810427308010473 -0.43040400564485654 -0.5797652804886658 -0.8351498436931184 -1.0069540043942942 -1.1539936013907925 -1.2607907823671973 -1.3149632654711658 -1.3954480975113612 -1.4681940033938357 -1.5208187012662722 +10703,-1.539392124044778,0,-1.6129119225430228 -1.5502266206655717 -1.2453129300517727 -0.8413409846192812 -0.5967909180356311 -0.4203434016398332 -0.2655648784856227 -0.2113923953816455 -0.2810427308010473 -0.43040400564485654 -0.5797652804886658 -0.8351498436931184 -1.0069540043942942 -1.1539936013907925 -1.2607907823671973 -1.3149632654711658 -1.3954480975113612 -1.4681940033938357 -1.5208187012662722 -1.5749911843702404 +10704,-1.5440354797394,0,-1.5502266206655717 -1.2453129300517727 -0.8413409846192812 -0.5967909180356311 -0.4203434016398332 -0.2655648784856227 -0.2113923953816455 -0.2810427308010473 -0.43040400564485654 -0.5797652804886658 -0.8351498436931184 -1.0069540043942942 -1.1539936013907925 -1.2607907823671973 -1.3149632654711658 -1.3954480975113612 -1.4681940033938357 -1.5208187012662722 -1.5749911843702404 -1.539392124044778 +10705,-1.627615882242677,0,-1.2453129300517727 -0.8413409846192812 -0.5967909180356311 -0.4203434016398332 -0.2655648784856227 -0.2113923953816455 -0.2810427308010473 -0.43040400564485654 -0.5797652804886658 -0.8351498436931184 -1.0069540043942942 -1.1539936013907925 -1.2607907823671973 -1.3149632654711658 -1.3954480975113612 -1.4681940033938357 -1.5208187012662722 -1.5749911843702404 -1.539392124044778 -1.5440354797394 +10706,-1.6167813856218833,0,-0.8413409846192812 -0.5967909180356311 -0.4203434016398332 -0.2655648784856227 -0.2113923953816455 -0.2810427308010473 -0.43040400564485654 -0.5797652804886658 -0.8351498436931184 -1.0069540043942942 -1.1539936013907925 -1.2607907823671973 -1.3149632654711658 -1.3954480975113612 -1.4681940033938357 -1.5208187012662722 -1.5749911843702404 -1.539392124044778 -1.5440354797394 -1.627615882242677 +10707,-1.6136858151587932,0,-0.5967909180356311 -0.4203434016398332 -0.2655648784856227 -0.2113923953816455 -0.2810427308010473 -0.43040400564485654 -0.5797652804886658 -0.8351498436931184 -1.0069540043942942 -1.1539936013907925 -1.2607907823671973 -1.3149632654711658 -1.3954480975113612 -1.4681940033938357 -1.5208187012662722 -1.5749911843702404 -1.539392124044778 -1.5440354797394 -1.627615882242677 -1.6167813856218833 +10708,-1.4558117215415012,0,-0.4203434016398332 -0.2655648784856227 -0.2113923953816455 -0.2810427308010473 -0.43040400564485654 -0.5797652804886658 -0.8351498436931184 -1.0069540043942942 -1.1539936013907925 -1.2607907823671973 -1.3149632654711658 -1.3954480975113612 -1.4681940033938357 -1.5208187012662722 -1.5749911843702404 -1.539392124044778 -1.5440354797394 -1.627615882242677 -1.6167813856218833 -1.6136858151587932 +10709,-1.225191722041726,0,-0.2655648784856227 -0.2113923953816455 -0.2810427308010473 -0.43040400564485654 -0.5797652804886658 -0.8351498436931184 -1.0069540043942942 -1.1539936013907925 -1.2607907823671973 -1.3149632654711658 -1.3954480975113612 -1.4681940033938357 -1.5208187012662722 -1.5749911843702404 -1.539392124044778 -1.5440354797394 -1.627615882242677 -1.6167813856218833 -1.6136858151587932 -1.4558117215415012 +10710,-0.9218258166594767,0,-0.2113923953816455 -0.2810427308010473 -0.43040400564485654 -0.5797652804886658 -0.8351498436931184 -1.0069540043942942 -1.1539936013907925 -1.2607907823671973 -1.3149632654711658 -1.3954480975113612 -1.4681940033938357 -1.5208187012662722 -1.5749911843702404 -1.539392124044778 -1.5440354797394 -1.627615882242677 -1.6167813856218833 -1.6136858151587932 -1.4558117215415012 -1.225191722041726 +10711,-0.6091731998879655,0,-0.2810427308010473 -0.43040400564485654 -0.5797652804886658 -0.8351498436931184 -1.0069540043942942 -1.1539936013907925 -1.2607907823671973 -1.3149632654711658 -1.3954480975113612 -1.4681940033938357 -1.5208187012662722 -1.5749911843702404 -1.539392124044778 -1.5440354797394 -1.627615882242677 -1.6167813856218833 -1.6136858151587932 -1.4558117215415012 -1.225191722041726 -0.9218258166594767 +10712,-0.4946370927538571,0,-0.43040400564485654 -0.5797652804886658 -0.8351498436931184 -1.0069540043942942 -1.1539936013907925 -1.2607907823671973 -1.3149632654711658 -1.3954480975113612 -1.4681940033938357 -1.5208187012662722 -1.5749911843702404 -1.539392124044778 -1.5440354797394 -1.627615882242677 -1.6167813856218833 -1.6136858151587932 -1.4558117215415012 -1.225191722041726 -0.9218258166594767 -0.6091731998879655 +10713,-0.4404646096498799,0,-0.5797652804886658 -0.8351498436931184 -1.0069540043942942 -1.1539936013907925 -1.2607907823671973 -1.3149632654711658 -1.3954480975113612 -1.4681940033938357 -1.5208187012662722 -1.5749911843702404 -1.539392124044778 -1.5440354797394 -1.627615882242677 -1.6167813856218833 -1.6136858151587932 -1.4558117215415012 -1.225191722041726 -0.9218258166594767 -0.6091731998879655 -0.4946370927538571 +10714,-0.3739098446935683,0,-0.8351498436931184 -1.0069540043942942 -1.1539936013907925 -1.2607907823671973 -1.3149632654711658 -1.3954480975113612 -1.4681940033938357 -1.5208187012662722 -1.5749911843702404 -1.539392124044778 -1.5440354797394 -1.627615882242677 -1.6167813856218833 -1.6136858151587932 -1.4558117215415012 -1.225191722041726 -0.9218258166594767 -0.6091731998879655 -0.4946370927538571 -0.4404646096498799 +10715,-0.3955788379351557,0,-1.0069540043942942 -1.1539936013907925 -1.2607907823671973 -1.3149632654711658 -1.3954480975113612 -1.4681940033938357 -1.5208187012662722 -1.5749911843702404 -1.539392124044778 -1.5440354797394 -1.627615882242677 -1.6167813856218833 -1.6136858151587932 -1.4558117215415012 -1.225191722041726 -0.9218258166594767 -0.6091731998879655 -0.4946370927538571 -0.4404646096498799 -0.3739098446935683 +10716,-0.5286883678477788,0,-1.1539936013907925 -1.2607907823671973 -1.3149632654711658 -1.3954480975113612 -1.4681940033938357 -1.5208187012662722 -1.5749911843702404 -1.539392124044778 -1.5440354797394 -1.627615882242677 -1.6167813856218833 -1.6136858151587932 -1.4558117215415012 -1.225191722041726 -0.9218258166594767 -0.6091731998879655 -0.4946370927538571 -0.4404646096498799 -0.3739098446935683 -0.3955788379351557 +10717,-0.661797897760402,0,-1.2607907823671973 -1.3149632654711658 -1.3954480975113612 -1.4681940033938357 -1.5208187012662722 -1.5749911843702404 -1.539392124044778 -1.5440354797394 -1.627615882242677 -1.6167813856218833 -1.6136858151587932 -1.4558117215415012 -1.225191722041726 -0.9218258166594767 -0.6091731998879655 -0.4946370927538571 -0.4404646096498799 -0.3739098446935683 -0.3955788379351557 -0.5286883678477788 +10718,-0.8753922597132118,0,-1.3149632654711658 -1.3954480975113612 -1.4681940033938357 -1.5208187012662722 -1.5749911843702404 -1.539392124044778 -1.5440354797394 -1.627615882242677 -1.6167813856218833 -1.6136858151587932 -1.4558117215415012 -1.225191722041726 -0.9218258166594767 -0.6091731998879655 -0.4946370927538571 -0.4404646096498799 -0.3739098446935683 -0.3955788379351557 -0.5286883678477788 -0.661797897760402 +10719,-0.9930239373104104,0,-1.3954480975113612 -1.4681940033938357 -1.5208187012662722 -1.5749911843702404 -1.539392124044778 -1.5440354797394 -1.627615882242677 -1.6167813856218833 -1.6136858151587932 -1.4558117215415012 -1.225191722041726 -0.9218258166594767 -0.6091731998879655 -0.4946370927538571 -0.4404646096498799 -0.3739098446935683 -0.3955788379351557 -0.5286883678477788 -0.661797897760402 -0.8753922597132118 +10720,-1.1338723933807457,0,-1.4681940033938357 -1.5208187012662722 -1.5749911843702404 -1.539392124044778 -1.5440354797394 -1.627615882242677 -1.6167813856218833 -1.6136858151587932 -1.4558117215415012 -1.225191722041726 -0.9218258166594767 -0.6091731998879655 -0.4946370927538571 -0.4404646096498799 -0.3739098446935683 -0.3955788379351557 -0.5286883678477788 -0.661797897760402 -0.8753922597132118 -0.9930239373104104 +10721,-1.220548366347104,0,-1.5208187012662722 -1.5749911843702404 -1.539392124044778 -1.5440354797394 -1.627615882242677 -1.6167813856218833 -1.6136858151587932 -1.4558117215415012 -1.225191722041726 -0.9218258166594767 -0.6091731998879655 -0.4946370927538571 -0.4404646096498799 -0.3739098446935683 -0.3955788379351557 -0.5286883678477788 -0.661797897760402 -0.8753922597132118 -0.9930239373104104 -1.1338723933807457 +10722,-1.2700774937564503,0,-1.5749911843702404 -1.539392124044778 -1.5440354797394 -1.627615882242677 -1.6167813856218833 -1.6136858151587932 -1.4558117215415012 -1.225191722041726 -0.9218258166594767 -0.6091731998879655 -0.4946370927538571 -0.4404646096498799 -0.3739098446935683 -0.3955788379351557 -0.5286883678477788 -0.661797897760402 -0.8753922597132118 -0.9930239373104104 -1.1338723933807457 -1.220548366347104 +10723,-1.3242499768604188,0,-1.539392124044778 -1.5440354797394 -1.627615882242677 -1.6167813856218833 -1.6136858151587932 -1.4558117215415012 -1.225191722041726 -0.9218258166594767 -0.6091731998879655 -0.4946370927538571 -0.4404646096498799 -0.3739098446935683 -0.3955788379351557 -0.5286883678477788 -0.661797897760402 -0.8753922597132118 -0.9930239373104104 -1.1338723933807457 -1.220548366347104 -1.2700774937564503 +10724,-1.4047348089006142,0,-1.5440354797394 -1.627615882242677 -1.6167813856218833 -1.6136858151587932 -1.4558117215415012 -1.225191722041726 -0.9218258166594767 -0.6091731998879655 -0.4946370927538571 -0.4404646096498799 -0.3739098446935683 -0.3955788379351557 -0.5286883678477788 -0.661797897760402 -0.8753922597132118 -0.9930239373104104 -1.1338723933807457 -1.220548366347104 -1.2700774937564503 -1.3242499768604188 +10725,-1.4914107818669724,0,-1.627615882242677 -1.6167813856218833 -1.6136858151587932 -1.4558117215415012 -1.225191722041726 -0.9218258166594767 -0.6091731998879655 -0.4946370927538571 -0.4404646096498799 -0.3739098446935683 -0.3955788379351557 -0.5286883678477788 -0.661797897760402 -0.8753922597132118 -0.9930239373104104 -1.1338723933807457 -1.220548366347104 -1.2700774937564503 -1.3242499768604188 -1.4047348089006142 +10726,-1.5951123923802872,0,-1.6167813856218833 -1.6136858151587932 -1.4558117215415012 -1.225191722041726 -0.9218258166594767 -0.6091731998879655 -0.4946370927538571 -0.4404646096498799 -0.3739098446935683 -0.3955788379351557 -0.5286883678477788 -0.661797897760402 -0.8753922597132118 -0.9930239373104104 -1.1338723933807457 -1.220548366347104 -1.2700774937564503 -1.3242499768604188 -1.4047348089006142 -1.4914107818669724 +10727,-1.599755748074918,0,-1.6136858151587932 -1.4558117215415012 -1.225191722041726 -0.9218258166594767 -0.6091731998879655 -0.4946370927538571 -0.4404646096498799 -0.3739098446935683 -0.3955788379351557 -0.5286883678477788 -0.661797897760402 -0.8753922597132118 -0.9930239373104104 -1.1338723933807457 -1.220548366347104 -1.2700774937564503 -1.3242499768604188 -1.4047348089006142 -1.4914107818669724 -1.5951123923802872 +10728,-1.6043991037695402,0,-1.4558117215415012 -1.225191722041726 -0.9218258166594767 -0.6091731998879655 -0.4946370927538571 -0.4404646096498799 -0.3739098446935683 -0.3955788379351557 -0.5286883678477788 -0.661797897760402 -0.8753922597132118 -0.9930239373104104 -1.1338723933807457 -1.220548366347104 -1.2700774937564503 -1.3242499768604188 -1.4047348089006142 -1.4914107818669724 -1.5951123923802872 -1.599755748074918 +10729,-1.63690259363193,0,-1.225191722041726 -0.9218258166594767 -0.6091731998879655 -0.4946370927538571 -0.4404646096498799 -0.3739098446935683 -0.3955788379351557 -0.5286883678477788 -0.661797897760402 -0.8753922597132118 -0.9930239373104104 -1.1338723933807457 -1.220548366347104 -1.2700774937564503 -1.3242499768604188 -1.4047348089006142 -1.4914107818669724 -1.5951123923802872 -1.599755748074918 -1.6043991037695402 +10730,-1.6740494391889418,0,-0.9218258166594767 -0.6091731998879655 -0.4946370927538571 -0.4404646096498799 -0.3739098446935683 -0.3955788379351557 -0.5286883678477788 -0.661797897760402 -0.8753922597132118 -0.9930239373104104 -1.1338723933807457 -1.220548366347104 -1.2700774937564503 -1.3242499768604188 -1.4047348089006142 -1.4914107818669724 -1.5951123923802872 -1.599755748074918 -1.6043991037695402 -1.63690259363193 +10731,-1.6740494391889418,0,-0.6091731998879655 -0.4946370927538571 -0.4404646096498799 -0.3739098446935683 -0.3955788379351557 -0.5286883678477788 -0.661797897760402 -0.8753922597132118 -0.9930239373104104 -1.1338723933807457 -1.220548366347104 -1.2700774937564503 -1.3242499768604188 -1.4047348089006142 -1.4914107818669724 -1.5951123923802872 -1.599755748074918 -1.6043991037695402 -1.63690259363193 -1.6740494391889418 +10732,-1.3892569565851896,0,-0.4946370927538571 -0.4404646096498799 -0.3739098446935683 -0.3955788379351557 -0.5286883678477788 -0.661797897760402 -0.8753922597132118 -0.9930239373104104 -1.1338723933807457 -1.220548366347104 -1.2700774937564503 -1.3242499768604188 -1.4047348089006142 -1.4914107818669724 -1.5951123923802872 -1.599755748074918 -1.6043991037695402 -1.63690259363193 -1.6740494391889418 -1.6740494391889418 +10733,-0.8243153470723248,0,-0.4404646096498799 -0.3739098446935683 -0.3955788379351557 -0.5286883678477788 -0.661797897760402 -0.8753922597132118 -0.9930239373104104 -1.1338723933807457 -1.220548366347104 -1.2700774937564503 -1.3242499768604188 -1.4047348089006142 -1.4914107818669724 -1.5951123923802872 -1.599755748074918 -1.6043991037695402 -1.63690259363193 -1.6740494391889418 -1.6740494391889418 -1.3892569565851896 +10734,-0.5681568912521018,0,-0.3739098446935683 -0.3955788379351557 -0.5286883678477788 -0.661797897760402 -0.8753922597132118 -0.9930239373104104 -1.1338723933807457 -1.220548366347104 -1.2700774937564503 -1.3242499768604188 -1.4047348089006142 -1.4914107818669724 -1.5951123923802872 -1.599755748074918 -1.6043991037695402 -1.63690259363193 -1.6740494391889418 -1.6740494391889418 -1.3892569565851896 -0.8243153470723248 +10735,-0.3119984354318876,0,-0.3955788379351557 -0.5286883678477788 -0.661797897760402 -0.8753922597132118 -0.9930239373104104 -1.1338723933807457 -1.220548366347104 -1.2700774937564503 -1.3242499768604188 -1.4047348089006142 -1.4914107818669724 -1.5951123923802872 -1.599755748074918 -1.6043991037695402 -1.63690259363193 -1.6740494391889418 -1.6740494391889418 -1.3892569565851896 -0.8243153470723248 -0.5681568912521018 +10736,-0.04423159037510062,0,-0.5286883678477788 -0.661797897760402 -0.8753922597132118 -0.9930239373104104 -1.1338723933807457 -1.220548366347104 -1.2700774937564503 -1.3242499768604188 -1.4047348089006142 -1.4914107818669724 -1.5951123923802872 -1.599755748074918 -1.6043991037695402 -1.63690259363193 -1.6740494391889418 -1.6740494391889418 -1.3892569565851896 -0.8243153470723248 -0.5681568912521018 -0.3119984354318876 +10737,0.2127007580608927,0,-0.661797897760402 -0.8753922597132118 -0.9930239373104104 -1.1338723933807457 -1.220548366347104 -1.2700774937564503 -1.3242499768604188 -1.4047348089006142 -1.4914107818669724 -1.5951123923802872 -1.599755748074918 -1.6043991037695402 -1.63690259363193 -1.6740494391889418 -1.6740494391889418 -1.3892569565851896 -0.8243153470723248 -0.5681568912521018 -0.3119984354318876 -0.04423159037510062 +10738,0.2173441137555148,0,-0.8753922597132118 -0.9930239373104104 -1.1338723933807457 -1.220548366347104 -1.2700774937564503 -1.3242499768604188 -1.4047348089006142 -1.4914107818669724 -1.5951123923802872 -1.599755748074918 -1.6043991037695402 -1.63690259363193 -1.6740494391889418 -1.6740494391889418 -1.3892569565851896 -0.8243153470723248 -0.5681568912521018 -0.3119984354318876 -0.04423159037510062 0.2127007580608927 +10739,0.14459820787303163,0,-0.9930239373104104 -1.1338723933807457 -1.220548366347104 -1.2700774937564503 -1.3242499768604188 -1.4047348089006142 -1.4914107818669724 -1.5951123923802872 -1.599755748074918 -1.6043991037695402 -1.63690259363193 -1.6740494391889418 -1.6740494391889418 -1.3892569565851896 -0.8243153470723248 -0.5681568912521018 -0.3119984354318876 -0.04423159037510062 0.2127007580608927 0.2173441137555148 +10740,-0.04113601991201923,0,-1.1338723933807457 -1.220548366347104 -1.2700774937564503 -1.3242499768604188 -1.4047348089006142 -1.4914107818669724 -1.5951123923802872 -1.599755748074918 -1.6043991037695402 -1.63690259363193 -1.6740494391889418 -1.6740494391889418 -1.3892569565851896 -0.8243153470723248 -0.5681568912521018 -0.3119984354318876 -0.04423159037510062 0.2127007580608927 0.2173441137555148 0.14459820787303163 +10741,-0.22687024769707007,0,-1.220548366347104 -1.2700774937564503 -1.3242499768604188 -1.4047348089006142 -1.4914107818669724 -1.5951123923802872 -1.599755748074918 -1.6043991037695402 -1.63690259363193 -1.6740494391889418 -1.6740494391889418 -1.3892569565851896 -0.8243153470723248 -0.5681568912521018 -0.3119984354318876 -0.04423159037510062 0.2127007580608927 0.2173441137555148 0.14459820787303163 -0.04113601991201923 +10742,-0.5441662201632034,0,-1.2700774937564503 -1.3242499768604188 -1.4047348089006142 -1.4914107818669724 -1.5951123923802872 -1.599755748074918 -1.6043991037695402 -1.63690259363193 -1.6740494391889418 -1.6740494391889418 -1.3892569565851896 -0.8243153470723248 -0.5681568912521018 -0.3119984354318876 -0.04423159037510062 0.2127007580608927 0.2173441137555148 0.14459820787303163 -0.04113601991201923 -0.22687024769707007 +10743,-0.675727964844277,0,-1.3242499768604188 -1.4047348089006142 -1.4914107818669724 -1.5951123923802872 -1.599755748074918 -1.6043991037695402 -1.63690259363193 -1.6740494391889418 -1.6740494391889418 -1.3892569565851896 -0.8243153470723248 -0.5681568912521018 -0.3119984354318876 -0.04423159037510062 0.2127007580608927 0.2173441137555148 0.14459820787303163 -0.04113601991201923 -0.22687024769707007 -0.5441662201632034 +10744,-0.7964552129045658,0,-1.4047348089006142 -1.4914107818669724 -1.5951123923802872 -1.599755748074918 -1.6043991037695402 -1.63690259363193 -1.6740494391889418 -1.6740494391889418 -1.3892569565851896 -0.8243153470723248 -0.5681568912521018 -0.3119984354318876 -0.04423159037510062 0.2127007580608927 0.2173441137555148 0.14459820787303163 -0.04113601991201923 -0.22687024769707007 -0.5441662201632034 -0.675727964844277 +10745,-0.9295647428171889,0,-1.4914107818669724 -1.5951123923802872 -1.599755748074918 -1.6043991037695402 -1.63690259363193 -1.6740494391889418 -1.6740494391889418 -1.3892569565851896 -0.8243153470723248 -0.5681568912521018 -0.3119984354318876 -0.04423159037510062 0.2127007580608927 0.2173441137555148 0.14459820787303163 -0.04113601991201923 -0.22687024769707007 -0.5441662201632034 -0.675727964844277 -0.7964552129045658 +10746,-1.0348141385620444,0,-1.5951123923802872 -1.599755748074918 -1.6043991037695402 -1.63690259363193 -1.6740494391889418 -1.6740494391889418 -1.3892569565851896 -0.8243153470723248 -0.5681568912521018 -0.3119984354318876 -0.04423159037510062 0.2127007580608927 0.2173441137555148 0.14459820787303163 -0.04113601991201923 -0.22687024769707007 -0.5441662201632034 -0.675727964844277 -0.7964552129045658 -0.9295647428171889 +10747,-1.059578702266722,0,-1.599755748074918 -1.6043991037695402 -1.63690259363193 -1.6740494391889418 -1.6740494391889418 -1.3892569565851896 -0.8243153470723248 -0.5681568912521018 -0.3119984354318876 -0.04423159037510062 0.2127007580608927 0.2173441137555148 0.14459820787303163 -0.04113601991201923 -0.22687024769707007 -0.5441662201632034 -0.675727964844277 -0.7964552129045658 -0.9295647428171889 -1.0348141385620444 +10748,-1.1601847423169553,0,-1.6043991037695402 -1.63690259363193 -1.6740494391889418 -1.6740494391889418 -1.3892569565851896 -0.8243153470723248 -0.5681568912521018 -0.3119984354318876 -0.04423159037510062 0.2127007580608927 0.2173441137555148 0.14459820787303163 -0.04113601991201923 -0.22687024769707007 -0.5441662201632034 -0.675727964844277 -0.7964552129045658 -0.9295647428171889 -1.0348141385620444 -1.059578702266722 +10749,-1.2050705140316795,0,-1.63690259363193 -1.6740494391889418 -1.6740494391889418 -1.3892569565851896 -0.8243153470723248 -0.5681568912521018 -0.3119984354318876 -0.04423159037510062 0.2127007580608927 0.2173441137555148 0.14459820787303163 -0.04113601991201923 -0.22687024769707007 -0.5441662201632034 -0.675727964844277 -0.7964552129045658 -0.9295647428171889 -1.0348141385620444 -1.059578702266722 -1.1601847423169553 +10750,-1.2917464869980377,0,-1.6740494391889418 -1.6740494391889418 -1.3892569565851896 -0.8243153470723248 -0.5681568912521018 -0.3119984354318876 -0.04423159037510062 0.2127007580608927 0.2173441137555148 0.14459820787303163 -0.04113601991201923 -0.22687024769707007 -0.5441662201632034 -0.675727964844277 -0.7964552129045658 -0.9295647428171889 -1.0348141385620444 -1.059578702266722 -1.1601847423169553 -1.2050705140316795 +10751,-1.2592429971356567,0,-1.6740494391889418 -1.3892569565851896 -0.8243153470723248 -0.5681568912521018 -0.3119984354318876 -0.04423159037510062 0.2127007580608927 0.2173441137555148 0.14459820787303163 -0.04113601991201923 -0.22687024769707007 -0.5441662201632034 -0.675727964844277 -0.7964552129045658 -0.9295647428171889 -1.0348141385620444 -1.059578702266722 -1.1601847423169553 -1.2050705140316795 -1.2917464869980377 +10752,-1.2360262186625197,0,-1.3892569565851896 -0.8243153470723248 -0.5681568912521018 -0.3119984354318876 -0.04423159037510062 0.2127007580608927 0.2173441137555148 0.14459820787303163 -0.04113601991201923 -0.22687024769707007 -0.5441662201632034 -0.675727964844277 -0.7964552129045658 -0.9295647428171889 -1.0348141385620444 -1.059578702266722 -1.1601847423169553 -1.2050705140316795 -1.2917464869980377 -1.2592429971356567 +10753,-1.3613968224174307,0,-0.8243153470723248 -0.5681568912521018 -0.3119984354318876 -0.04423159037510062 0.2127007580608927 0.2173441137555148 0.14459820787303163 -0.04113601991201923 -0.22687024769707007 -0.5441662201632034 -0.675727964844277 -0.7964552129045658 -0.9295647428171889 -1.0348141385620444 -1.059578702266722 -1.1601847423169553 -1.2050705140316795 -1.2917464869980377 -1.2592429971356567 -1.2360262186625197 +10754,-1.2778164199141626,0,-0.5681568912521018 -0.3119984354318876 -0.04423159037510062 0.2127007580608927 0.2173441137555148 0.14459820787303163 -0.04113601991201923 -0.22687024769707007 -0.5441662201632034 -0.675727964844277 -0.7964552129045658 -0.9295647428171889 -1.0348141385620444 -1.059578702266722 -1.1601847423169553 -1.2050705140316795 -1.2917464869980377 -1.2592429971356567 -1.2360262186625197 -1.3613968224174307 +10755,-1.3257977620919683,0,-0.3119984354318876 -0.04423159037510062 0.2127007580608927 0.2173441137555148 0.14459820787303163 -0.04113601991201923 -0.22687024769707007 -0.5441662201632034 -0.675727964844277 -0.7964552129045658 -0.9295647428171889 -1.0348141385620444 -1.059578702266722 -1.1601847423169553 -1.2050705140316795 -1.2917464869980377 -1.2592429971356567 -1.2360262186625197 -1.3613968224174307 -1.2778164199141626 +10756,-1.1230378967599521,0,-0.04423159037510062 0.2127007580608927 0.2173441137555148 0.14459820787303163 -0.04113601991201923 -0.22687024769707007 -0.5441662201632034 -0.675727964844277 -0.7964552129045658 -0.9295647428171889 -1.0348141385620444 -1.059578702266722 -1.1601847423169553 -1.2050705140316795 -1.2917464869980377 -1.2592429971356567 -1.2360262186625197 -1.3613968224174307 -1.2778164199141626 -1.3257977620919683 +10757,-0.6370333340557244,0,0.2127007580608927 0.2173441137555148 0.14459820787303163 -0.04113601991201923 -0.22687024769707007 -0.5441662201632034 -0.675727964844277 -0.7964552129045658 -0.9295647428171889 -1.0348141385620444 -1.059578702266722 -1.1601847423169553 -1.2050705140316795 -1.2917464869980377 -1.2592429971356567 -1.2360262186625197 -1.3613968224174307 -1.2778164199141626 -1.3257977620919683 -1.1230378967599521 +10758,-0.08756957685828413,0,0.2173441137555148 0.14459820787303163 -0.04113601991201923 -0.22687024769707007 -0.5441662201632034 -0.675727964844277 -0.7964552129045658 -0.9295647428171889 -1.0348141385620444 -1.059578702266722 -1.1601847423169553 -1.2050705140316795 -1.2917464869980377 -1.2592429971356567 -1.2360262186625197 -1.3613968224174307 -1.2778164199141626 -1.3257977620919683 -1.1230378967599521 -0.6370333340557244 +10759,0.3380713618157948,0,0.14459820787303163 -0.04113601991201923 -0.22687024769707007 -0.5441662201632034 -0.675727964844277 -0.7964552129045658 -0.9295647428171889 -1.0348141385620444 -1.059578702266722 -1.1601847423169553 -1.2050705140316795 -1.2917464869980377 -1.2592429971356567 -1.2360262186625197 -1.3613968224174307 -1.2778164199141626 -1.3257977620919683 -1.1230378967599521 -0.6370333340557244 -0.08756957685828413 +10760,0.5361878714531888,0,-0.04113601991201923 -0.22687024769707007 -0.5441662201632034 -0.675727964844277 -0.7964552129045658 -0.9295647428171889 -1.0348141385620444 -1.059578702266722 -1.1601847423169553 -1.2050705140316795 -1.2917464869980377 -1.2592429971356567 -1.2360262186625197 -1.3613968224174307 -1.2778164199141626 -1.3257977620919683 -1.1230378967599521 -0.6370333340557244 -0.08756957685828413 0.3380713618157948 +10761,0.6662018309027218,0,-0.22687024769707007 -0.5441662201632034 -0.675727964844277 -0.7964552129045658 -0.9295647428171889 -1.0348141385620444 -1.059578702266722 -1.1601847423169553 -1.2050705140316795 -1.2917464869980377 -1.2592429971356567 -1.2360262186625197 -1.3613968224174307 -1.2778164199141626 -1.3257977620919683 -1.1230378967599521 -0.6370333340557244 -0.08756957685828413 0.3380713618157948 0.5361878714531888 +10762,0.7760945823422168,0,-0.5441662201632034 -0.675727964844277 -0.7964552129045658 -0.9295647428171889 -1.0348141385620444 -1.059578702266722 -1.1601847423169553 -1.2050705140316795 -1.2917464869980377 -1.2592429971356567 -1.2360262186625197 -1.3613968224174307 -1.2778164199141626 -1.3257977620919683 -1.1230378967599521 -0.6370333340557244 -0.08756957685828413 0.3380713618157948 0.5361878714531888 0.6662018309027218 +10763,0.5888125693256165,0,-0.675727964844277 -0.7964552129045658 -0.9295647428171889 -1.0348141385620444 -1.059578702266722 -1.1601847423169553 -1.2050705140316795 -1.2917464869980377 -1.2592429971356567 -1.2360262186625197 -1.3613968224174307 -1.2778164199141626 -1.3257977620919683 -1.1230378967599521 -0.6370333340557244 -0.08756957685828413 0.3380713618157948 0.5361878714531888 0.6662018309027218 0.7760945823422168 +10764,0.3914699523040016,0,-0.7964552129045658 -0.9295647428171889 -1.0348141385620444 -1.059578702266722 -1.1601847423169553 -1.2050705140316795 -1.2917464869980377 -1.2592429971356567 -1.2360262186625197 -1.3613968224174307 -1.2778164199141626 -1.3257977620919683 -1.1230378967599521 -0.6370333340557244 -0.08756957685828413 0.3380713618157948 0.5361878714531888 0.6662018309027218 0.7760945823422168 0.5888125693256165 +10765,0.19412733528238674,0,-0.9295647428171889 -1.0348141385620444 -1.059578702266722 -1.1601847423169553 -1.2050705140316795 -1.2917464869980377 -1.2592429971356567 -1.2360262186625197 -1.3613968224174307 -1.2778164199141626 -1.3257977620919683 -1.1230378967599521 -0.6370333340557244 -0.08756957685828413 0.3380713618157948 0.5361878714531888 0.6662018309027218 0.7760945823422168 0.5888125693256165 0.3914699523040016 +10766,-0.04887494606973151,0,-1.0348141385620444 -1.059578702266722 -1.1601847423169553 -1.2050705140316795 -1.2917464869980377 -1.2592429971356567 -1.2360262186625197 -1.3613968224174307 -1.2778164199141626 -1.3257977620919683 -1.1230378967599521 -0.6370333340557244 -0.08756957685828413 0.3380713618157948 0.5361878714531888 0.6662018309027218 0.7760945823422168 0.5888125693256165 0.3914699523040016 0.19412733528238674 +10767,-0.2671126637171634,0,-1.059578702266722 -1.1601847423169553 -1.2050705140316795 -1.2917464869980377 -1.2592429971356567 -1.2360262186625197 -1.3613968224174307 -1.2778164199141626 -1.3257977620919683 -1.1230378967599521 -0.6370333340557244 -0.08756957685828413 0.3380713618157948 0.5361878714531888 0.6662018309027218 0.7760945823422168 0.5888125693256165 0.3914699523040016 0.19412733528238674 -0.04887494606973151 +10768,-0.40331776409286796,0,-1.1601847423169553 -1.2050705140316795 -1.2917464869980377 -1.2592429971356567 -1.2360262186625197 -1.3613968224174307 -1.2778164199141626 -1.3257977620919683 -1.1230378967599521 -0.6370333340557244 -0.08756957685828413 0.3380713618157948 0.5361878714531888 0.6662018309027218 0.7760945823422168 0.5888125693256165 0.3914699523040016 0.19412733528238674 -0.04887494606973151 -0.2671126637171634 +10769,-0.5983387032671718,0,-1.2050705140316795 -1.2917464869980377 -1.2592429971356567 -1.2360262186625197 -1.3613968224174307 -1.2778164199141626 -1.3257977620919683 -1.1230378967599521 -0.6370333340557244 -0.08756957685828413 0.3380713618157948 0.5361878714531888 0.6662018309027218 0.7760945823422168 0.5888125693256165 0.3914699523040016 0.19412733528238674 -0.04887494606973151 -0.2671126637171634 -0.40331776409286796 +10770,-0.6169121260456778,0,-1.2917464869980377 -1.2592429971356567 -1.2360262186625197 -1.3613968224174307 -1.2778164199141626 -1.3257977620919683 -1.1230378967599521 -0.6370333340557244 -0.08756957685828413 0.3380713618157948 0.5361878714531888 0.6662018309027218 0.7760945823422168 0.5888125693256165 0.3914699523040016 0.19412733528238674 -0.04887494606973151 -0.2671126637171634 -0.40331776409286796 -0.5983387032671718 +10771,-0.6803713205389079,0,-1.2592429971356567 -1.2360262186625197 -1.3613968224174307 -1.2778164199141626 -1.3257977620919683 -1.1230378967599521 -0.6370333340557244 -0.08756957685828413 0.3380713618157948 0.5361878714531888 0.6662018309027218 0.7760945823422168 0.5888125693256165 0.3914699523040016 0.19412733528238674 -0.04887494606973151 -0.2671126637171634 -0.40331776409286796 -0.5983387032671718 -0.6169121260456778 +10772,-0.754665011652923,0,-1.2360262186625197 -1.3613968224174307 -1.2778164199141626 -1.3257977620919683 -1.1230378967599521 -0.6370333340557244 -0.08756957685828413 0.3380713618157948 0.5361878714531888 0.6662018309027218 0.7760945823422168 0.5888125693256165 0.3914699523040016 0.19412733528238674 -0.04887494606973151 -0.2671126637171634 -0.40331776409286796 -0.5983387032671718 -0.6169121260456778 -0.6803713205389079 +10773,-0.7314482331797949,0,-1.3613968224174307 -1.2778164199141626 -1.3257977620919683 -1.1230378967599521 -0.6370333340557244 -0.08756957685828413 0.3380713618157948 0.5361878714531888 0.6662018309027218 0.7760945823422168 0.5888125693256165 0.3914699523040016 0.19412733528238674 -0.04887494606973151 -0.2671126637171634 -0.40331776409286796 -0.5983387032671718 -0.6169121260456778 -0.6803713205389079 -0.754665011652923 +10774,-0.8057419242938189,0,-1.2778164199141626 -1.3257977620919683 -1.1230378967599521 -0.6370333340557244 -0.08756957685828413 0.3380713618157948 0.5361878714531888 0.6662018309027218 0.7760945823422168 0.5888125693256165 0.3914699523040016 0.19412733528238674 -0.04887494606973151 -0.2671126637171634 -0.40331776409286796 -0.5983387032671718 -0.6169121260456778 -0.6803713205389079 -0.754665011652923 -0.7314482331797949 +10775,-0.8753922597132118,0,-1.3257977620919683 -1.1230378967599521 -0.6370333340557244 -0.08756957685828413 0.3380713618157948 0.5361878714531888 0.6662018309027218 0.7760945823422168 0.5888125693256165 0.3914699523040016 0.19412733528238674 -0.04887494606973151 -0.2671126637171634 -0.40331776409286796 -0.5983387032671718 -0.6169121260456778 -0.6803713205389079 -0.754665011652923 -0.7314482331797949 -0.8057419242938189 +10776,-0.8568188369347058,0,-1.1230378967599521 -0.6370333340557244 -0.08756957685828413 0.3380713618157948 0.5361878714531888 0.6662018309027218 0.7760945823422168 0.5888125693256165 0.3914699523040016 0.19412733528238674 -0.04887494606973151 -0.2671126637171634 -0.40331776409286796 -0.5983387032671718 -0.6169121260456778 -0.6803713205389079 -0.754665011652923 -0.7314482331797949 -0.8057419242938189 -0.8753922597132118 +10777,-0.9589726622164886,0,-0.6370333340557244 -0.08756957685828413 0.3380713618157948 0.5361878714531888 0.6662018309027218 0.7760945823422168 0.5888125693256165 0.3914699523040016 0.19412733528238674 -0.04887494606973151 -0.2671126637171634 -0.40331776409286796 -0.5983387032671718 -0.6169121260456778 -0.6803713205389079 -0.754665011652923 -0.7314482331797949 -0.8057419242938189 -0.8753922597132118 -0.8568188369347058 +10778,-1.0704131988875156,0,-0.08756957685828413 0.3380713618157948 0.5361878714531888 0.6662018309027218 0.7760945823422168 0.5888125693256165 0.3914699523040016 0.19412733528238674 -0.04887494606973151 -0.2671126637171634 -0.40331776409286796 -0.5983387032671718 -0.6169121260456778 -0.6803713205389079 -0.754665011652923 -0.7314482331797949 -0.8057419242938189 -0.8753922597132118 -0.8568188369347058 -0.9589726622164886 +10779,-1.1400635343069085,0,0.3380713618157948 0.5361878714531888 0.6662018309027218 0.7760945823422168 0.5888125693256165 0.3914699523040016 0.19412733528238674 -0.04887494606973151 -0.2671126637171634 -0.40331776409286796 -0.5983387032671718 -0.6169121260456778 -0.6803713205389079 -0.754665011652923 -0.7314482331797949 -0.8057419242938189 -0.8753922597132118 -0.8568188369347058 -0.9589726622164886 -1.0704131988875156 +10780,-0.8475321255454529,0,0.5361878714531888 0.6662018309027218 0.7760945823422168 0.5888125693256165 0.3914699523040016 0.19412733528238674 -0.04887494606973151 -0.2671126637171634 -0.40331776409286796 -0.5983387032671718 -0.6169121260456778 -0.6803713205389079 -0.754665011652923 -0.7314482331797949 -0.8057419242938189 -0.8753922597132118 -0.8568188369347058 -0.9589726622164886 -1.0704131988875156 -1.1400635343069085 +10781,-0.25318259663328835,0,0.6662018309027218 0.7760945823422168 0.5888125693256165 0.3914699523040016 0.19412733528238674 -0.04887494606973151 -0.2671126637171634 -0.40331776409286796 -0.5983387032671718 -0.6169121260456778 -0.6803713205389079 -0.754665011652923 -0.7314482331797949 -0.8057419242938189 -0.8753922597132118 -0.8568188369347058 -0.9589726622164886 -1.0704131988875156 -1.1400635343069085 -0.8475321255454529 +10782,0.23901310699710215,0,0.7760945823422168 0.5888125693256165 0.3914699523040016 0.19412733528238674 -0.04887494606973151 -0.2671126637171634 -0.40331776409286796 -0.5983387032671718 -0.6169121260456778 -0.6803713205389079 -0.754665011652923 -0.7314482331797949 -0.8057419242938189 -0.8753922597132118 -0.8568188369347058 -0.9589726622164886 -1.0704131988875156 -1.1400635343069085 -0.8475321255454529 -0.25318259663328835 +10783,0.5686913613155699,0,0.5888125693256165 0.3914699523040016 0.19412733528238674 -0.04887494606973151 -0.2671126637171634 -0.40331776409286796 -0.5983387032671718 -0.6169121260456778 -0.6803713205389079 -0.754665011652923 -0.7314482331797949 -0.8057419242938189 -0.8753922597132118 -0.8568188369347058 -0.9589726622164886 -1.0704131988875156 -1.1400635343069085 -0.8475321255454529 -0.25318259663328835 0.23901310699710215 +10784,0.8008591460468856,0,0.3914699523040016 0.19412733528238674 -0.04887494606973151 -0.2671126637171634 -0.40331776409286796 -0.5983387032671718 -0.6169121260456778 -0.6803713205389079 -0.754665011652923 -0.7314482331797949 -0.8057419242938189 -0.8753922597132118 -0.8568188369347058 -0.9589726622164886 -1.0704131988875156 -1.1400635343069085 -0.8475321255454529 -0.25318259663328835 0.23901310699710215 0.5686913613155699 +10785,0.9850455886003958,0,0.19412733528238674 -0.04887494606973151 -0.2671126637171634 -0.40331776409286796 -0.5983387032671718 -0.6169121260456778 -0.6803713205389079 -0.754665011652923 -0.7314482331797949 -0.8057419242938189 -0.8753922597132118 -0.8568188369347058 -0.9589726622164886 -1.0704131988875156 -1.1400635343069085 -0.8475321255454529 -0.25318259663328835 0.23901310699710215 0.5686913613155699 0.8008591460468856 +10786,1.020644648925867,0,-0.04887494606973151 -0.2671126637171634 -0.40331776409286796 -0.5983387032671718 -0.6169121260456778 -0.6803713205389079 -0.754665011652923 -0.7314482331797949 -0.8057419242938189 -0.8753922597132118 -0.8568188369347058 -0.9589726622164886 -1.0704131988875156 -1.1400635343069085 -0.8475321255454529 -0.25318259663328835 0.23901310699710215 0.5686913613155699 0.8008591460468856 0.9850455886003958 +10787,0.9757588772111427,0,-0.2671126637171634 -0.40331776409286796 -0.5983387032671718 -0.6169121260456778 -0.6803713205389079 -0.754665011652923 -0.7314482331797949 -0.8057419242938189 -0.8753922597132118 -0.8568188369347058 -0.9589726622164886 -1.0704131988875156 -1.1400635343069085 -0.8475321255454529 -0.25318259663328835 0.23901310699710215 0.5686913613155699 0.8008591460468856 0.9850455886003958 1.020644648925867 +10788,0.7211482066224693,0,-0.40331776409286796 -0.5983387032671718 -0.6169121260456778 -0.6803713205389079 -0.754665011652923 -0.7314482331797949 -0.8057419242938189 -0.8753922597132118 -0.8568188369347058 -0.9589726622164886 -1.0704131988875156 -1.1400635343069085 -0.8475321255454529 -0.25318259663328835 0.23901310699710215 0.5686913613155699 0.8008591460468856 0.9850455886003958 1.020644648925867 0.9757588772111427 +10789,0.46653753603379583,0,-0.5983387032671718 -0.6169121260456778 -0.6803713205389079 -0.754665011652923 -0.7314482331797949 -0.8057419242938189 -0.8753922597132118 -0.8568188369347058 -0.9589726622164886 -1.0704131988875156 -1.1400635343069085 -0.8475321255454529 -0.25318259663328835 0.23901310699710215 0.5686913613155699 0.8008591460468856 0.9850455886003958 1.020644648925867 0.9757588772111427 0.7211482066224693 +10790,0.10280800662139761,0,-0.6169121260456778 -0.6803713205389079 -0.754665011652923 -0.7314482331797949 -0.8057419242938189 -0.8753922597132118 -0.8568188369347058 -0.9589726622164886 -1.0704131988875156 -1.1400635343069085 -0.8475321255454529 -0.25318259663328835 0.23901310699710215 0.5686913613155699 0.8008591460468856 0.9850455886003958 1.020644648925867 0.9757588772111427 0.7211482066224693 0.46653753603379583 +10791,-0.14948098611996483,0,-0.6803713205389079 -0.754665011652923 -0.7314482331797949 -0.8057419242938189 -0.8753922597132118 -0.8568188369347058 -0.9589726622164886 -1.0704131988875156 -1.1400635343069085 -0.8475321255454529 -0.25318259663328835 0.23901310699710215 0.5686913613155699 0.8008591460468856 0.9850455886003958 1.020644648925867 0.9757588772111427 0.7211482066224693 0.46653753603379583 0.10280800662139761 +10792,-0.29342501265338167,0,-0.754665011652923 -0.7314482331797949 -0.8057419242938189 -0.8753922597132118 -0.8568188369347058 -0.9589726622164886 -1.0704131988875156 -1.1400635343069085 -0.8475321255454529 -0.25318259663328835 0.23901310699710215 0.5686913613155699 0.8008591460468856 0.9850455886003958 1.020644648925867 0.9757588772111427 0.7211482066224693 0.46653753603379583 0.10280800662139761 -0.14948098611996483 +10793,-0.394031052703615,0,-0.7314482331797949 -0.8057419242938189 -0.8753922597132118 -0.8568188369347058 -0.9589726622164886 -1.0704131988875156 -1.1400635343069085 -0.8475321255454529 -0.25318259663328835 0.23901310699710215 0.5686913613155699 0.8008591460468856 0.9850455886003958 1.020644648925867 0.9757588772111427 0.7211482066224693 0.46653753603379583 0.10280800662139761 -0.14948098611996483 -0.29342501265338167 +10794,-0.4249867573344553,0,-0.8057419242938189 -0.8753922597132118 -0.8568188369347058 -0.9589726622164886 -1.0704131988875156 -1.1400635343069085 -0.8475321255454529 -0.25318259663328835 0.23901310699710215 0.5686913613155699 0.8008591460468856 0.9850455886003958 1.020644648925867 0.9757588772111427 0.7211482066224693 0.46653753603379583 0.10280800662139761 -0.14948098611996483 -0.29342501265338167 -0.394031052703615 +10795,-0.4992804484484792,0,-0.8753922597132118 -0.8568188369347058 -0.9589726622164886 -1.0704131988875156 -1.1400635343069085 -0.8475321255454529 -0.25318259663328835 0.23901310699710215 0.5686913613155699 0.8008591460468856 0.9850455886003958 1.020644648925867 0.9757588772111427 0.7211482066224693 0.46653753603379583 0.10280800662139761 -0.14948098611996483 -0.29342501265338167 -0.394031052703615 -0.4249867573344553 +10796,-0.6416766897503553,0,-0.8568188369347058 -0.9589726622164886 -1.0704131988875156 -1.1400635343069085 -0.8475321255454529 -0.25318259663328835 0.23901310699710215 0.5686913613155699 0.8008591460468856 0.9850455886003958 1.020644648925867 0.9757588772111427 0.7211482066224693 0.46653753603379583 0.10280800662139761 -0.14948098611996483 -0.29342501265338167 -0.394031052703615 -0.4249867573344553 -0.4992804484484792 +10797,-0.5673829986363315,0,-0.9589726622164886 -1.0704131988875156 -1.1400635343069085 -0.8475321255454529 -0.25318259663328835 0.23901310699710215 0.5686913613155699 0.8008591460468856 0.9850455886003958 1.020644648925867 0.9757588772111427 0.7211482066224693 0.46653753603379583 0.10280800662139761 -0.14948098611996483 -0.29342501265338167 -0.394031052703615 -0.4249867573344553 -0.4992804484484792 -0.6416766897503553 +10798,-0.6138165555825964,0,-1.0704131988875156 -1.1400635343069085 -0.8475321255454529 -0.25318259663328835 0.23901310699710215 0.5686913613155699 0.8008591460468856 0.9850455886003958 1.020644648925867 0.9757588772111427 0.7211482066224693 0.46653753603379583 0.10280800662139761 -0.14948098611996483 -0.29342501265338167 -0.394031052703615 -0.4249867573344553 -0.4992804484484792 -0.6416766897503553 -0.5673829986363315 +10799,-0.4373690391867985,0,-1.1400635343069085 -0.8475321255454529 -0.25318259663328835 0.23901310699710215 0.5686913613155699 0.8008591460468856 0.9850455886003958 1.020644648925867 0.9757588772111427 0.7211482066224693 0.46653753603379583 0.10280800662139761 -0.14948098611996483 -0.29342501265338167 -0.394031052703615 -0.4249867573344553 -0.4992804484484792 -0.6416766897503553 -0.5673829986363315 -0.6138165555825964 +10800,-0.4868981665961448,0,-0.8475321255454529 -0.25318259663328835 0.23901310699710215 0.5686913613155699 0.8008591460468856 0.9850455886003958 1.020644648925867 0.9757588772111427 0.7211482066224693 0.46653753603379583 0.10280800662139761 -0.14948098611996483 -0.29342501265338167 -0.394031052703615 -0.4249867573344553 -0.4992804484484792 -0.6416766897503553 -0.5673829986363315 -0.6138165555825964 -0.4373690391867985 +10801,-0.5611918577101599,0,-0.25318259663328835 0.23901310699710215 0.5686913613155699 0.8008591460468856 0.9850455886003958 1.020644648925867 0.9757588772111427 0.7211482066224693 0.46653753603379583 0.10280800662139761 -0.14948098611996483 -0.29342501265338167 -0.394031052703615 -0.4249867573344553 -0.4992804484484792 -0.6416766897503553 -0.5673829986363315 -0.6138165555825964 -0.4373690391867985 -0.4868981665961448 +10802,-0.7082314547066669,0,0.23901310699710215 0.5686913613155699 0.8008591460468856 0.9850455886003958 1.020644648925867 0.9757588772111427 0.7211482066224693 0.46653753603379583 0.10280800662139761 -0.14948098611996483 -0.29342501265338167 -0.394031052703615 -0.4249867573344553 -0.4992804484484792 -0.6416766897503553 -0.5673829986363315 -0.6138165555825964 -0.4373690391867985 -0.4868981665961448 -0.5611918577101599 +10803,-0.7422827298005886,0,0.5686913613155699 0.8008591460468856 0.9850455886003958 1.020644648925867 0.9757588772111427 0.7211482066224693 0.46653753603379583 0.10280800662139761 -0.14948098611996483 -0.29342501265338167 -0.394031052703615 -0.4249867573344553 -0.4992804484484792 -0.6416766897503553 -0.5673829986363315 -0.6138165555825964 -0.4373690391867985 -0.4868981665961448 -0.5611918577101599 -0.7082314547066669 +10804,-0.6076254146564247,0,0.8008591460468856 0.9850455886003958 1.020644648925867 0.9757588772111427 0.7211482066224693 0.46653753603379583 0.10280800662139761 -0.14948098611996483 -0.29342501265338167 -0.394031052703615 -0.4249867573344553 -0.4992804484484792 -0.6416766897503553 -0.5673829986363315 -0.6138165555825964 -0.4373690391867985 -0.4868981665961448 -0.5611918577101599 -0.7082314547066669 -0.7422827298005886 +10805,0.07804344291672885,0,0.9850455886003958 1.020644648925867 0.9757588772111427 0.7211482066224693 0.46653753603379583 0.10280800662139761 -0.14948098611996483 -0.29342501265338167 -0.394031052703615 -0.4249867573344553 -0.4992804484484792 -0.6416766897503553 -0.5673829986363315 -0.6138165555825964 -0.4373690391867985 -0.4868981665961448 -0.5611918577101599 -0.7082314547066669 -0.7422827298005886 -0.6076254146564247 +10806,0.4974932406646362,0,1.020644648925867 0.9757588772111427 0.7211482066224693 0.46653753603379583 0.10280800662139761 -0.14948098611996483 -0.29342501265338167 -0.394031052703615 -0.4249867573344553 -0.4992804484484792 -0.6416766897503553 -0.5673829986363315 -0.6138165555825964 -0.4373690391867985 -0.4868981665961448 -0.5611918577101599 -0.7082314547066669 -0.7422827298005886 -0.6076254146564247 0.07804344291672885 +10807,0.8441971325300691,0,0.9757588772111427 0.7211482066224693 0.46653753603379583 0.10280800662139761 -0.14948098611996483 -0.29342501265338167 -0.394031052703615 -0.4249867573344553 -0.4992804484484792 -0.6416766897503553 -0.5673829986363315 -0.6138165555825964 -0.4373690391867985 -0.4868981665961448 -0.5611918577101599 -0.7082314547066669 -0.7422827298005886 -0.6076254146564247 0.07804344291672885 0.4974932406646362 +10808,1.0980339105029722,0,0.7211482066224693 0.46653753603379583 0.10280800662139761 -0.14948098611996483 -0.29342501265338167 -0.394031052703615 -0.4249867573344553 -0.4992804484484792 -0.6416766897503553 -0.5673829986363315 -0.6138165555825964 -0.4373690391867985 -0.4868981665961448 -0.5611918577101599 -0.7082314547066669 -0.7422827298005886 -0.6076254146564247 0.07804344291672885 0.4974932406646362 0.8441971325300691 +10809,1.2141178028686301,0,0.46653753603379583 0.10280800662139761 -0.14948098611996483 -0.29342501265338167 -0.394031052703615 -0.4249867573344553 -0.4992804484484792 -0.6416766897503553 -0.5673829986363315 -0.6138165555825964 -0.4373690391867985 -0.4868981665961448 -0.5611918577101599 -0.7082314547066669 -0.7422827298005886 -0.6076254146564247 0.07804344291672885 0.4974932406646362 0.8441971325300691 1.0980339105029722 +10810,1.2620991450464358,0,0.10280800662139761 -0.14948098611996483 -0.29342501265338167 -0.394031052703615 -0.4249867573344553 -0.4992804484484792 -0.6416766897503553 -0.5673829986363315 -0.6138165555825964 -0.4373690391867985 -0.4868981665961448 -0.5611918577101599 -0.7082314547066669 -0.7422827298005886 -0.6076254146564247 0.07804344291672885 0.4974932406646362 0.8441971325300691 1.0980339105029722 1.2141178028686301 +10811,1.1754231720800774,0,-0.14948098611996483 -0.29342501265338167 -0.394031052703615 -0.4249867573344553 -0.4992804484484792 -0.6416766897503553 -0.5673829986363315 -0.6138165555825964 -0.4373690391867985 -0.4868981665961448 -0.5611918577101599 -0.7082314547066669 -0.7422827298005886 -0.6076254146564247 0.07804344291672885 0.4974932406646362 0.8441971325300691 1.0980339105029722 1.2141178028686301 1.2620991450464358 +10812,0.9184908236440842,0,-0.29342501265338167 -0.394031052703615 -0.4249867573344553 -0.4992804484484792 -0.6416766897503553 -0.5673829986363315 -0.6138165555825964 -0.4373690391867985 -0.4868981665961448 -0.5611918577101599 -0.7082314547066669 -0.7422827298005886 -0.6076254146564247 0.07804344291672885 0.4974932406646362 0.8441971325300691 1.0980339105029722 1.2141178028686301 1.2620991450464358 1.1754231720800774 +10813,0.6615584752080996,0,-0.394031052703615 -0.4249867573344553 -0.4992804484484792 -0.6416766897503553 -0.5673829986363315 -0.6138165555825964 -0.4373690391867985 -0.4868981665961448 -0.5611918577101599 -0.7082314547066669 -0.7422827298005886 -0.6076254146564247 0.07804344291672885 0.4974932406646362 0.8441971325300691 1.0980339105029722 1.2141178028686301 1.2620991450464358 1.1754231720800774 0.9184908236440842 +10814,0.1074513623160285,0,-0.4249867573344553 -0.4992804484484792 -0.6416766897503553 -0.5673829986363315 -0.6138165555825964 -0.4373690391867985 -0.4868981665961448 -0.5611918577101599 -0.7082314547066669 -0.7422827298005886 -0.6076254146564247 0.07804344291672885 0.4974932406646362 0.8441971325300691 1.0980339105029722 1.2141178028686301 1.2620991450464358 1.1754231720800774 0.9184908236440842 0.6615584752080996 +10815,0.006071429650016038,0,-0.4992804484484792 -0.6416766897503553 -0.5673829986363315 -0.6138165555825964 -0.4373690391867985 -0.4868981665961448 -0.5611918577101599 -0.7082314547066669 -0.7422827298005886 -0.6076254146564247 0.07804344291672885 0.4974932406646362 0.8441971325300691 1.0980339105029722 1.2141178028686301 1.2620991450464358 1.1754231720800774 0.9184908236440842 0.6615584752080996 0.1074513623160285 +10816,-0.09530850301598763,0,-0.6416766897503553 -0.5673829986363315 -0.6138165555825964 -0.4373690391867985 -0.4868981665961448 -0.5611918577101599 -0.7082314547066669 -0.7422827298005886 -0.6076254146564247 0.07804344291672885 0.4974932406646362 0.8441971325300691 1.0980339105029722 1.2141178028686301 1.2620991450464358 1.1754231720800774 0.9184908236440842 0.6615584752080996 0.1074513623160285 0.006071429650016038 +10817,-0.22996581816015146,0,-0.5673829986363315 -0.6138165555825964 -0.4373690391867985 -0.4868981665961448 -0.5611918577101599 -0.7082314547066669 -0.7422827298005886 -0.6076254146564247 0.07804344291672885 0.4974932406646362 0.8441971325300691 1.0980339105029722 1.2141178028686301 1.2620991450464358 1.1754231720800774 0.9184908236440842 0.6615584752080996 0.1074513623160285 0.006071429650016038 -0.09530850301598763 +10818,-0.3367629991365564,0,-0.6138165555825964 -0.4373690391867985 -0.4868981665961448 -0.5611918577101599 -0.7082314547066669 -0.7422827298005886 -0.6076254146564247 0.07804344291672885 0.4974932406646362 0.8441971325300691 1.0980339105029722 1.2141178028686301 1.2620991450464358 1.1754231720800774 0.9184908236440842 0.6615584752080996 0.1074513623160285 0.006071429650016038 -0.09530850301598763 -0.22996581816015146 +10819,-0.3383107843680971,0,-0.4373690391867985 -0.4868981665961448 -0.5611918577101599 -0.7082314547066669 -0.7422827298005886 -0.6076254146564247 0.07804344291672885 0.4974932406646362 0.8441971325300691 1.0980339105029722 1.2141178028686301 1.2620991450464358 1.1754231720800774 0.9184908236440842 0.6615584752080996 0.1074513623160285 0.006071429650016038 -0.09530850301598763 -0.22996581816015146 -0.3367629991365564 +10820,-0.4961848779853978,0,-0.4868981665961448 -0.5611918577101599 -0.7082314547066669 -0.7422827298005886 -0.6076254146564247 0.07804344291672885 0.4974932406646362 0.8441971325300691 1.0980339105029722 1.2141178028686301 1.2620991450464358 1.1754231720800774 0.9184908236440842 0.6615584752080996 0.1074513623160285 0.006071429650016038 -0.09530850301598763 -0.22996581816015146 -0.3367629991365564 -0.3383107843680971 +10821,-0.5967909180356311,0,-0.5611918577101599 -0.7082314547066669 -0.7422827298005886 -0.6076254146564247 0.07804344291672885 0.4974932406646362 0.8441971325300691 1.0980339105029722 1.2141178028686301 1.2620991450464358 1.1754231720800774 0.9184908236440842 0.6615584752080996 0.1074513623160285 0.006071429650016038 -0.09530850301598763 -0.22996581816015146 -0.3367629991365564 -0.3383107843680971 -0.4961848779853978 +10822,-0.6463200454449775,0,-0.7082314547066669 -0.7422827298005886 -0.6076254146564247 0.07804344291672885 0.4974932406646362 0.8441971325300691 1.0980339105029722 1.2141178028686301 1.2620991450464358 1.1754231720800774 0.9184908236440842 0.6615584752080996 0.1074513623160285 0.006071429650016038 -0.09530850301598763 -0.22996581816015146 -0.3367629991365564 -0.3383107843680971 -0.4961848779853978 -0.5967909180356311 +10823,-0.7376393741059666,0,-0.7422827298005886 -0.6076254146564247 0.07804344291672885 0.4974932406646362 0.8441971325300691 1.0980339105029722 1.2141178028686301 1.2620991450464358 1.1754231720800774 0.9184908236440842 0.6615584752080996 0.1074513623160285 0.006071429650016038 -0.09530850301598763 -0.22996581816015146 -0.3367629991365564 -0.3383107843680971 -0.4961848779853978 -0.5967909180356311 -0.6463200454449775 +10824,-0.7020403137804953,0,-0.6076254146564247 0.07804344291672885 0.4974932406646362 0.8441971325300691 1.0980339105029722 1.2141178028686301 1.2620991450464358 1.1754231720800774 0.9184908236440842 0.6615584752080996 0.1074513623160285 0.006071429650016038 -0.09530850301598763 -0.22996581816015146 -0.3367629991365564 -0.3383107843680971 -0.4961848779853978 -0.5967909180356311 -0.6463200454449775 -0.7376393741059666 +10825,-0.8181242061461532,0,0.07804344291672885 0.4974932406646362 0.8441971325300691 1.0980339105029722 1.2141178028686301 1.2620991450464358 1.1754231720800774 0.9184908236440842 0.6615584752080996 0.1074513623160285 0.006071429650016038 -0.09530850301598763 -0.22996581816015146 -0.3367629991365564 -0.3383107843680971 -0.4961848779853978 -0.5967909180356311 -0.6463200454449775 -0.7376393741059666 -0.7020403137804953 +10826,-0.9218258166594767,0,0.4974932406646362 0.8441971325300691 1.0980339105029722 1.2141178028686301 1.2620991450464358 1.1754231720800774 0.9184908236440842 0.6615584752080996 0.1074513623160285 0.006071429650016038 -0.09530850301598763 -0.22996581816015146 -0.3367629991365564 -0.3383107843680971 -0.4961848779853978 -0.5967909180356311 -0.6463200454449775 -0.7376393741059666 -0.7020403137804953 -0.8181242061461532 +10827,-0.9032523938809707,0,0.8441971325300691 1.0980339105029722 1.2141178028686301 1.2620991450464358 1.1754231720800774 0.9184908236440842 0.6615584752080996 0.1074513623160285 0.006071429650016038 -0.09530850301598763 -0.22996581816015146 -0.3367629991365564 -0.3383107843680971 -0.4961848779853978 -0.5967909180356311 -0.6463200454449775 -0.7376393741059666 -0.7020403137804953 -0.8181242061461532 -0.9218258166594767 +10828,-0.7206137365590013,0,1.0980339105029722 1.2141178028686301 1.2620991450464358 1.1754231720800774 0.9184908236440842 0.6615584752080996 0.1074513623160285 0.006071429650016038 -0.09530850301598763 -0.22996581816015146 -0.3367629991365564 -0.3383107843680971 -0.4961848779853978 -0.5967909180356311 -0.6463200454449775 -0.7376393741059666 -0.7020403137804953 -0.8181242061461532 -0.9218258166594767 -0.9032523938809707 +10829,-0.11078635533141219,0,1.2141178028686301 1.2620991450464358 1.1754231720800774 0.9184908236440842 0.6615584752080996 0.1074513623160285 0.006071429650016038 -0.09530850301598763 -0.22996581816015146 -0.3367629991365564 -0.3383107843680971 -0.4961848779853978 -0.5967909180356311 -0.6463200454449775 -0.7376393741059666 -0.7020403137804953 -0.8181242061461532 -0.9218258166594767 -0.9032523938809707 -0.7206137365590013 +10830,0.4231995495506123,0,1.2620991450464358 1.1754231720800774 0.9184908236440842 0.6615584752080996 0.1074513623160285 0.006071429650016038 -0.09530850301598763 -0.22996581816015146 -0.3367629991365564 -0.3383107843680971 -0.4961848779853978 -0.5967909180356311 -0.6463200454449775 -0.7376393741059666 -0.7020403137804953 -0.8181242061461532 -0.9218258166594767 -0.9032523938809707 -0.7206137365590013 -0.11078635533141219 +10831,0.8132414278992288,0,1.1754231720800774 0.9184908236440842 0.6615584752080996 0.1074513623160285 0.006071429650016038 -0.09530850301598763 -0.22996581816015146 -0.3367629991365564 -0.3383107843680971 -0.4961848779853978 -0.5967909180356311 -0.6463200454449775 -0.7376393741059666 -0.7020403137804953 -0.8181242061461532 -0.9218258166594767 -0.9032523938809707 -0.7206137365590013 -0.11078635533141219 0.4231995495506123 +10832,1.0500525683251667,0,0.9184908236440842 0.6615584752080996 0.1074513623160285 0.006071429650016038 -0.09530850301598763 -0.22996581816015146 -0.3367629991365564 -0.3383107843680971 -0.4961848779853978 -0.5967909180356311 -0.6463200454449775 -0.7376393741059666 -0.7020403137804953 -0.8181242061461532 -0.9218258166594767 -0.9032523938809707 -0.7206137365590013 -0.11078635533141219 0.4231995495506123 0.8132414278992288 +10833,1.1475630379123185,0,0.6615584752080996 0.1074513623160285 0.006071429650016038 -0.09530850301598763 -0.22996581816015146 -0.3367629991365564 -0.3383107843680971 -0.4961848779853978 -0.5967909180356311 -0.6463200454449775 -0.7376393741059666 -0.7020403137804953 -0.8181242061461532 -0.9218258166594767 -0.9032523938809707 -0.7206137365590013 -0.11078635533141219 0.4231995495506123 0.8132414278992288 1.0500525683251667 +10834,1.2295956551840548,0,0.1074513623160285 0.006071429650016038 -0.09530850301598763 -0.22996581816015146 -0.3367629991365564 -0.3383107843680971 -0.4961848779853978 -0.5967909180356311 -0.6463200454449775 -0.7376393741059666 -0.7020403137804953 -0.8181242061461532 -0.9218258166594767 -0.9032523938809707 -0.7206137365590013 -0.11078635533141219 0.4231995495506123 0.8132414278992288 1.0500525683251667 1.1475630379123185 +10835,1.12357236682342,0,0.006071429650016038 -0.09530850301598763 -0.22996581816015146 -0.3367629991365564 -0.3383107843680971 -0.4961848779853978 -0.5967909180356311 -0.6463200454449775 -0.7376393741059666 -0.7020403137804953 -0.8181242061461532 -0.9218258166594767 -0.9032523938809707 -0.7206137365590013 -0.11078635533141219 0.4231995495506123 0.8132414278992288 1.0500525683251667 1.1475630379123185 1.2295956551840548 +10836,1.0175490784627856,0,-0.09530850301598763 -0.22996581816015146 -0.3367629991365564 -0.3383107843680971 -0.4961848779853978 -0.5967909180356311 -0.6463200454449775 -0.7376393741059666 -0.7020403137804953 -0.8181242061461532 -0.9218258166594767 -0.9032523938809707 -0.7206137365590013 -0.11078635533141219 0.4231995495506123 0.8132414278992288 1.0500525683251667 1.1475630379123185 1.2295956551840548 1.12357236682342 +10837,0.5671435760840291,0,-0.22996581816015146 -0.3367629991365564 -0.3383107843680971 -0.4961848779853978 -0.5967909180356311 -0.6463200454449775 -0.7376393741059666 -0.7020403137804953 -0.8181242061461532 -0.9218258166594767 -0.9032523938809707 -0.7206137365590013 -0.11078635533141219 0.4231995495506123 0.8132414278992288 1.0500525683251667 1.1475630379123185 1.2295956551840548 1.12357236682342 1.0175490784627856 +10838,0.2065096171347211,0,-0.3367629991365564 -0.3383107843680971 -0.4961848779853978 -0.5967909180356311 -0.6463200454449775 -0.7376393741059666 -0.7020403137804953 -0.8181242061461532 -0.9218258166594767 -0.9032523938809707 -0.7206137365590013 -0.11078635533141219 0.4231995495506123 0.8132414278992288 1.0500525683251667 1.1475630379123185 1.2295956551840548 1.12357236682342 1.0175490784627856 0.5671435760840291 +10839,0.019227604118129564,0,-0.3383107843680971 -0.4961848779853978 -0.5967909180356311 -0.6463200454449775 -0.7376393741059666 -0.7020403137804953 -0.8181242061461532 -0.9218258166594767 -0.9032523938809707 -0.7206137365590013 -0.11078635533141219 0.4231995495506123 0.8132414278992288 1.0500525683251667 1.1475630379123185 1.2295956551840548 1.12357236682342 1.0175490784627856 0.5671435760840291 0.2065096171347211 +10840,-0.18508004644543605,0,-0.4961848779853978 -0.5967909180356311 -0.6463200454449775 -0.7376393741059666 -0.7020403137804953 -0.8181242061461532 -0.9218258166594767 -0.9032523938809707 -0.7206137365590013 -0.11078635533141219 0.4231995495506123 0.8132414278992288 1.0500525683251667 1.1475630379123185 1.2295956551840548 1.12357236682342 1.0175490784627856 0.5671435760840291 0.2065096171347211 0.019227604118129564 +10841,-0.4961848779853978,0,-0.5967909180356311 -0.6463200454449775 -0.7376393741059666 -0.7020403137804953 -0.8181242061461532 -0.9218258166594767 -0.9032523938809707 -0.7206137365590013 -0.11078635533141219 0.4231995495506123 0.8132414278992288 1.0500525683251667 1.1475630379123185 1.2295956551840548 1.12357236682342 1.0175490784627856 0.5671435760840291 0.2065096171347211 0.019227604118129564 -0.18508004644543605 +10842,-0.5596440724786191,0,-0.6463200454449775 -0.7376393741059666 -0.7020403137804953 -0.8181242061461532 -0.9218258166594767 -0.9032523938809707 -0.7206137365590013 -0.11078635533141219 0.4231995495506123 0.8132414278992288 1.0500525683251667 1.1475630379123185 1.2295956551840548 1.12357236682342 1.0175490784627856 0.5671435760840291 0.2065096171347211 0.019227604118129564 -0.18508004644543605 -0.4961848779853978 +10843,-0.6556067568342304,0,-0.7376393741059666 -0.7020403137804953 -0.8181242061461532 -0.9218258166594767 -0.9032523938809707 -0.7206137365590013 -0.11078635533141219 0.4231995495506123 0.8132414278992288 1.0500525683251667 1.1475630379123185 1.2295956551840548 1.12357236682342 1.0175490784627856 0.5671435760840291 0.2065096171347211 0.019227604118129564 -0.18508004644543605 -0.4961848779853978 -0.5596440724786191 +10844,-0.7345438036428763,0,-0.7020403137804953 -0.8181242061461532 -0.9218258166594767 -0.9032523938809707 -0.7206137365590013 -0.11078635533141219 0.4231995495506123 0.8132414278992288 1.0500525683251667 1.1475630379123185 1.2295956551840548 1.12357236682342 1.0175490784627856 0.5671435760840291 0.2065096171347211 0.019227604118129564 -0.18508004644543605 -0.4961848779853978 -0.5596440724786191 -0.6556067568342304 +10845,-0.8305064879984876,0,-0.8181242061461532 -0.9218258166594767 -0.9032523938809707 -0.7206137365590013 -0.11078635533141219 0.4231995495506123 0.8132414278992288 1.0500525683251667 1.1475630379123185 1.2295956551840548 1.12357236682342 1.0175490784627856 0.5671435760840291 0.2065096171347211 0.019227604118129564 -0.18508004644543605 -0.4961848779853978 -0.5596440724786191 -0.6556067568342304 -0.7345438036428763 +10846,-0.8428887698508307,0,-0.9218258166594767 -0.9032523938809707 -0.7206137365590013 -0.11078635533141219 0.4231995495506123 0.8132414278992288 1.0500525683251667 1.1475630379123185 1.2295956551840548 1.12357236682342 1.0175490784627856 0.5671435760840291 0.2065096171347211 0.019227604118129564 -0.18508004644543605 -0.4961848779853978 -0.5596440724786191 -0.6556067568342304 -0.7345438036428763 -0.8305064879984876 +10847,-0.9032523938809707,0,-0.9032523938809707 -0.7206137365590013 -0.11078635533141219 0.4231995495506123 0.8132414278992288 1.0500525683251667 1.1475630379123185 1.2295956551840548 1.12357236682342 1.0175490784627856 0.5671435760840291 0.2065096171347211 0.019227604118129564 -0.18508004644543605 -0.4961848779853978 -0.5596440724786191 -0.6556067568342304 -0.7345438036428763 -0.8305064879984876 -0.8428887698508307 +10848,-0.9295647428171889,0,-0.7206137365590013 -0.11078635533141219 0.4231995495506123 0.8132414278992288 1.0500525683251667 1.1475630379123185 1.2295956551840548 1.12357236682342 1.0175490784627856 0.5671435760840291 0.2065096171347211 0.019227604118129564 -0.18508004644543605 -0.4961848779853978 -0.5596440724786191 -0.6556067568342304 -0.7345438036428763 -0.8305064879984876 -0.8428887698508307 -0.9032523938809707 +10849,-1.0193362862466286,0,-0.11078635533141219 0.4231995495506123 0.8132414278992288 1.0500525683251667 1.1475630379123185 1.2295956551840548 1.12357236682342 1.0175490784627856 0.5671435760840291 0.2065096171347211 0.019227604118129564 -0.18508004644543605 -0.4961848779853978 -0.5596440724786191 -0.6556067568342304 -0.7345438036428763 -0.8305064879984876 -0.8428887698508307 -0.9032523938809707 -0.9295647428171889 +10850,-1.0998211182868152,0,0.4231995495506123 0.8132414278992288 1.0500525683251667 1.1475630379123185 1.2295956551840548 1.12357236682342 1.0175490784627856 0.5671435760840291 0.2065096171347211 0.019227604118129564 -0.18508004644543605 -0.4961848779853978 -0.5596440724786191 -0.6556067568342304 -0.7345438036428763 -0.8305064879984876 -0.8428887698508307 -0.9032523938809707 -0.9295647428171889 -1.0193362862466286 +10851,-1.0410052794882159,0,0.8132414278992288 1.0500525683251667 1.1475630379123185 1.2295956551840548 1.12357236682342 1.0175490784627856 0.5671435760840291 0.2065096171347211 0.019227604118129564 -0.18508004644543605 -0.4961848779853978 -0.5596440724786191 -0.6556067568342304 -0.7345438036428763 -0.8305064879984876 -0.8428887698508307 -0.9032523938809707 -0.9295647428171889 -1.0193362862466286 -1.0998211182868152 +10852,-0.7778817901260598,0,1.0500525683251667 1.1475630379123185 1.2295956551840548 1.12357236682342 1.0175490784627856 0.5671435760840291 0.2065096171347211 0.019227604118129564 -0.18508004644543605 -0.4961848779853978 -0.5596440724786191 -0.6556067568342304 -0.7345438036428763 -0.8305064879984876 -0.8428887698508307 -0.9032523938809707 -0.9295647428171889 -1.0193362862466286 -1.0998211182868152 -1.0410052794882159 +10853,-0.07209172454285957,0,1.1475630379123185 1.2295956551840548 1.12357236682342 1.0175490784627856 0.5671435760840291 0.2065096171347211 0.019227604118129564 -0.18508004644543605 -0.4961848779853978 -0.5596440724786191 -0.6556067568342304 -0.7345438036428763 -0.8305064879984876 -0.8428887698508307 -0.9032523938809707 -0.9295647428171889 -1.0193362862466286 -1.0998211182868152 -1.0410052794882159 -0.7778817901260598 +10854,0.24210867746019235,0,1.2295956551840548 1.12357236682342 1.0175490784627856 0.5671435760840291 0.2065096171347211 0.019227604118129564 -0.18508004644543605 -0.4961848779853978 -0.5596440724786191 -0.6556067568342304 -0.7345438036428763 -0.8305064879984876 -0.8428887698508307 -0.9032523938809707 -0.9295647428171889 -1.0193362862466286 -1.0998211182868152 -1.0410052794882159 -0.7778817901260598 -0.07209172454285957 +10855,0.8797961928555316,0,1.12357236682342 1.0175490784627856 0.5671435760840291 0.2065096171347211 0.019227604118129564 -0.18508004644543605 -0.4961848779853978 -0.5596440724786191 -0.6556067568342304 -0.7345438036428763 -0.8305064879984876 -0.8428887698508307 -0.9032523938809707 -0.9295647428171889 -1.0193362862466286 -1.0998211182868152 -1.0410052794882159 -0.7778817901260598 -0.07209172454285957 0.24210867746019235 +10856,1.181614313006249,0,1.0175490784627856 0.5671435760840291 0.2065096171347211 0.019227604118129564 -0.18508004644543605 -0.4961848779853978 -0.5596440724786191 -0.6556067568342304 -0.7345438036428763 -0.8305064879984876 -0.8428887698508307 -0.9032523938809707 -0.9295647428171889 -1.0193362862466286 -1.0998211182868152 -1.0410052794882159 -0.7778817901260598 -0.07209172454285957 0.24210867746019235 0.8797961928555316 +10857,1.3147238429188635,0,0.5671435760840291 0.2065096171347211 0.019227604118129564 -0.18508004644543605 -0.4961848779853978 -0.5596440724786191 -0.6556067568342304 -0.7345438036428763 -0.8305064879984876 -0.8428887698508307 -0.9032523938809707 -0.9295647428171889 -1.0193362862466286 -1.0998211182868152 -1.0410052794882159 -0.7778817901260598 -0.07209172454285957 0.24210867746019235 0.8797961928555316 1.181614313006249 +10858,1.2806725678249418,0,0.2065096171347211 0.019227604118129564 -0.18508004644543605 -0.4961848779853978 -0.5596440724786191 -0.6556067568342304 -0.7345438036428763 -0.8305064879984876 -0.8428887698508307 -0.9032523938809707 -0.9295647428171889 -1.0193362862466286 -1.0998211182868152 -1.0410052794882159 -0.7778817901260598 -0.07209172454285957 0.24210867746019235 0.8797961928555316 1.181614313006249 1.3147238429188635 +10859,1.1676842459223653,0,0.019227604118129564 -0.18508004644543605 -0.4961848779853978 -0.5596440724786191 -0.6556067568342304 -0.7345438036428763 -0.8305064879984876 -0.8428887698508307 -0.9032523938809707 -0.9295647428171889 -1.0193362862466286 -1.0998211182868152 -1.0410052794882159 -0.7778817901260598 -0.07209172454285957 0.24210867746019235 0.8797961928555316 1.181614313006249 1.3147238429188635 1.2806725678249418 +10860,0.9099780048706103,0,-0.18508004644543605 -0.4961848779853978 -0.5596440724786191 -0.6556067568342304 -0.7345438036428763 -0.8305064879984876 -0.8428887698508307 -0.9032523938809707 -0.9295647428171889 -1.0193362862466286 -1.0998211182868152 -1.0410052794882159 -0.7778817901260598 -0.07209172454285957 0.24210867746019235 0.8797961928555316 1.181614313006249 1.3147238429188635 1.2806725678249418 1.1676842459223653 +10861,0.6522717638188467,0,-0.4961848779853978 -0.5596440724786191 -0.6556067568342304 -0.7345438036428763 -0.8305064879984876 -0.8428887698508307 -0.9032523938809707 -0.9295647428171889 -1.0193362862466286 -1.0998211182868152 -1.0410052794882159 -0.7778817901260598 -0.07209172454285957 0.24210867746019235 0.8797961928555316 1.181614313006249 1.3147238429188635 1.2806725678249418 1.1676842459223653 0.9099780048706103 +10862,0.19877069097700883,0,-0.5596440724786191 -0.6556067568342304 -0.7345438036428763 -0.8305064879984876 -0.8428887698508307 -0.9032523938809707 -0.9295647428171889 -1.0193362862466286 -1.0998211182868152 -1.0410052794882159 -0.7778817901260598 -0.07209172454285957 0.24210867746019235 0.8797961928555316 1.181614313006249 1.3147238429188635 1.2806725678249418 1.1676842459223653 0.9099780048706103 0.6522717638188467 +10863,-0.03881434206469938,0,-0.6556067568342304 -0.7345438036428763 -0.8305064879984876 -0.8428887698508307 -0.9032523938809707 -0.9295647428171889 -1.0193362862466286 -1.0998211182868152 -1.0410052794882159 -0.7778817901260598 -0.07209172454285957 0.24210867746019235 0.8797961928555316 1.181614313006249 1.3147238429188635 1.2806725678249418 1.1676842459223653 0.9099780048706103 0.6522717638188467 0.19877069097700883 +10864,-0.2763993751064164,0,-0.7345438036428763 -0.8305064879984876 -0.8428887698508307 -0.9032523938809707 -0.9295647428171889 -1.0193362862466286 -1.0998211182868152 -1.0410052794882159 -0.7778817901260598 -0.07209172454285957 0.24210867746019235 0.8797961928555316 1.181614313006249 1.3147238429188635 1.2806725678249418 1.1676842459223653 0.9099780048706103 0.6522717638188467 0.19877069097700883 -0.03881434206469938 +10865,-0.3305718582103936,0,-0.8305064879984876 -0.8428887698508307 -0.9032523938809707 -0.9295647428171889 -1.0193362862466286 -1.0998211182868152 -1.0410052794882159 -0.7778817901260598 -0.07209172454285957 0.24210867746019235 0.8797961928555316 1.181614313006249 1.3147238429188635 1.2806725678249418 1.1676842459223653 0.9099780048706103 0.6522717638188467 0.19877069097700883 -0.03881434206469938 -0.2763993751064164 +10866,-0.38474434131436197,0,-0.8428887698508307 -0.9032523938809707 -0.9295647428171889 -1.0193362862466286 -1.0998211182868152 -1.0410052794882159 -0.7778817901260598 -0.07209172454285957 0.24210867746019235 0.8797961928555316 1.181614313006249 1.3147238429188635 1.2806725678249418 1.1676842459223653 0.9099780048706103 0.6522717638188467 0.19877069097700883 -0.03881434206469938 -0.2763993751064164 -0.3305718582103936 +10867,-0.4853503813646041,0,-0.9032523938809707 -0.9295647428171889 -1.0193362862466286 -1.0998211182868152 -1.0410052794882159 -0.7778817901260598 -0.07209172454285957 0.24210867746019235 0.8797961928555316 1.181614313006249 1.3147238429188635 1.2806725678249418 1.1676842459223653 0.9099780048706103 0.6522717638188467 0.19877069097700883 -0.03881434206469938 -0.2763993751064164 -0.3305718582103936 -0.38474434131436197 +10868,-0.5224972269216073,0,-0.9295647428171889 -1.0193362862466286 -1.0998211182868152 -1.0410052794882159 -0.7778817901260598 -0.07209172454285957 0.24210867746019235 0.8797961928555316 1.181614313006249 1.3147238429188635 1.2806725678249418 1.1676842459223653 0.9099780048706103 0.6522717638188467 0.19877069097700883 -0.03881434206469938 -0.2763993751064164 -0.3305718582103936 -0.38474434131436197 -0.4853503813646041 +10869,-0.6463200454449775,0,-1.0193362862466286 -1.0998211182868152 -1.0410052794882159 -0.7778817901260598 -0.07209172454285957 0.24210867746019235 0.8797961928555316 1.181614313006249 1.3147238429188635 1.2806725678249418 1.1676842459223653 0.9099780048706103 0.6522717638188467 0.19877069097700883 -0.03881434206469938 -0.2763993751064164 -0.3305718582103936 -0.38474434131436197 -0.4853503813646041 -0.5224972269216073 +10870,-0.6370333340557244,0,-1.0998211182868152 -1.0410052794882159 -0.7778817901260598 -0.07209172454285957 0.24210867746019235 0.8797961928555316 1.181614313006249 1.3147238429188635 1.2806725678249418 1.1676842459223653 0.9099780048706103 0.6522717638188467 0.19877069097700883 -0.03881434206469938 -0.2763993751064164 -0.3305718582103936 -0.38474434131436197 -0.4853503813646041 -0.5224972269216073 -0.6463200454449775 +10871,-0.6788235353073673,0,-1.0410052794882159 -0.7778817901260598 -0.07209172454285957 0.24210867746019235 0.8797961928555316 1.181614313006249 1.3147238429188635 1.2806725678249418 1.1676842459223653 0.9099780048706103 0.6522717638188467 0.19877069097700883 -0.03881434206469938 -0.2763993751064164 -0.3305718582103936 -0.38474434131436197 -0.4853503813646041 -0.5224972269216073 -0.6463200454449775 -0.6370333340557244 +10872,-0.6819191057704487,0,-0.7778817901260598 -0.07209172454285957 0.24210867746019235 0.8797961928555316 1.181614313006249 1.3147238429188635 1.2806725678249418 1.1676842459223653 0.9099780048706103 0.6522717638188467 0.19877069097700883 -0.03881434206469938 -0.2763993751064164 -0.3305718582103936 -0.38474434131436197 -0.4853503813646041 -0.5224972269216073 -0.6463200454449775 -0.6370333340557244 -0.6788235353073673 +10873,-0.8119330652199815,0,-0.07209172454285957 0.24210867746019235 0.8797961928555316 1.181614313006249 1.3147238429188635 1.2806725678249418 1.1676842459223653 0.9099780048706103 0.6522717638188467 0.19877069097700883 -0.03881434206469938 -0.2763993751064164 -0.3305718582103936 -0.38474434131436197 -0.4853503813646041 -0.5224972269216073 -0.6463200454449775 -0.6370333340557244 -0.6788235353073673 -0.6819191057704487 +10874,-0.7716906491998883,0,0.24210867746019235 0.8797961928555316 1.181614313006249 1.3147238429188635 1.2806725678249418 1.1676842459223653 0.9099780048706103 0.6522717638188467 0.19877069097700883 -0.03881434206469938 -0.2763993751064164 -0.3305718582103936 -0.38474434131436197 -0.4853503813646041 -0.5224972269216073 -0.6463200454449775 -0.6370333340557244 -0.6788235353073673 -0.6819191057704487 -0.8119330652199815 +10875,-0.8939656824917177,0,0.8797961928555316 1.181614313006249 1.3147238429188635 1.2806725678249418 1.1676842459223653 0.9099780048706103 0.6522717638188467 0.19877069097700883 -0.03881434206469938 -0.2763993751064164 -0.3305718582103936 -0.38474434131436197 -0.4853503813646041 -0.5224972269216073 -0.6463200454449775 -0.6370333340557244 -0.6788235353073673 -0.6819191057704487 -0.8119330652199815 -0.7716906491998883 +10876,-0.9558770917533984,0,1.181614313006249 1.3147238429188635 1.2806725678249418 1.1676842459223653 0.9099780048706103 0.6522717638188467 0.19877069097700883 -0.03881434206469938 -0.2763993751064164 -0.3305718582103936 -0.38474434131436197 -0.4853503813646041 -0.5224972269216073 -0.6463200454449775 -0.6370333340557244 -0.6788235353073673 -0.6819191057704487 -0.8119330652199815 -0.7716906491998883 -0.8939656824917177 +10877,-0.3785532003881992,0,1.3147238429188635 1.2806725678249418 1.1676842459223653 0.9099780048706103 0.6522717638188467 0.19877069097700883 -0.03881434206469938 -0.2763993751064164 -0.3305718582103936 -0.38474434131436197 -0.4853503813646041 -0.5224972269216073 -0.6463200454449775 -0.6370333340557244 -0.6788235353073673 -0.6819191057704487 -0.8119330652199815 -0.7716906491998883 -0.8939656824917177 -0.9558770917533984 +10878,0.019227604118129564,0,1.2806725678249418 1.1676842459223653 0.9099780048706103 0.6522717638188467 0.19877069097700883 -0.03881434206469938 -0.2763993751064164 -0.3305718582103936 -0.38474434131436197 -0.4853503813646041 -0.5224972269216073 -0.6463200454449775 -0.6370333340557244 -0.6788235353073673 -0.6819191057704487 -0.8119330652199815 -0.7716906491998883 -0.8939656824917177 -0.9558770917533984 -0.3785532003881992 +10879,0.3179501538057481,0,1.1676842459223653 0.9099780048706103 0.6522717638188467 0.19877069097700883 -0.03881434206469938 -0.2763993751064164 -0.3305718582103936 -0.38474434131436197 -0.4853503813646041 -0.5224972269216073 -0.6463200454449775 -0.6370333340557244 -0.6788235353073673 -0.6819191057704487 -0.8119330652199815 -0.7716906491998883 -0.8939656824917177 -0.9558770917533984 -0.3785532003881992 0.019227604118129564 +10880,0.46034639510762426,0,0.9099780048706103 0.6522717638188467 0.19877069097700883 -0.03881434206469938 -0.2763993751064164 -0.3305718582103936 -0.38474434131436197 -0.4853503813646041 -0.5224972269216073 -0.6463200454449775 -0.6370333340557244 -0.6788235353073673 -0.6819191057704487 -0.8119330652199815 -0.7716906491998883 -0.8939656824917177 -0.9558770917533984 -0.3785532003881992 0.019227604118129564 0.3179501538057481 +10881,0.5361878714531888,0,0.6522717638188467 0.19877069097700883 -0.03881434206469938 -0.2763993751064164 -0.3305718582103936 -0.38474434131436197 -0.4853503813646041 -0.5224972269216073 -0.6463200454449775 -0.6370333340557244 -0.6788235353073673 -0.6819191057704487 -0.8119330652199815 -0.7716906491998883 -0.8939656824917177 -0.9558770917533984 -0.3785532003881992 0.019227604118129564 0.3179501538057481 0.46034639510762426 +10882,0.5779780727048228,0,0.19877069097700883 -0.03881434206469938 -0.2763993751064164 -0.3305718582103936 -0.38474434131436197 -0.4853503813646041 -0.5224972269216073 -0.6463200454449775 -0.6370333340557244 -0.6788235353073673 -0.6819191057704487 -0.8119330652199815 -0.7716906491998883 -0.8939656824917177 -0.9558770917533984 -0.3785532003881992 0.019227604118129564 0.3179501538057481 0.46034639510762426 0.5361878714531888 +10883,0.3752182073728067,0,-0.03881434206469938 -0.2763993751064164 -0.3305718582103936 -0.38474434131436197 -0.4853503813646041 -0.5224972269216073 -0.6463200454449775 -0.6370333340557244 -0.6788235353073673 -0.6819191057704487 -0.8119330652199815 -0.7716906491998883 -0.8939656824917177 -0.9558770917533984 -0.3785532003881992 0.019227604118129564 0.3179501538057481 0.46034639510762426 0.5361878714531888 0.5779780727048228 +10884,0.14537210048881077,0,-0.2763993751064164 -0.3305718582103936 -0.38474434131436197 -0.4853503813646041 -0.5224972269216073 -0.6463200454449775 -0.6370333340557244 -0.6788235353073673 -0.6819191057704487 -0.8119330652199815 -0.7716906491998883 -0.8939656824917177 -0.9558770917533984 -0.3785532003881992 0.019227604118129564 0.3179501538057481 0.46034639510762426 0.5361878714531888 0.5779780727048228 0.3752182073728067 +10885,-0.08447400639519394,0,-0.3305718582103936 -0.38474434131436197 -0.4853503813646041 -0.5224972269216073 -0.6463200454449775 -0.6370333340557244 -0.6788235353073673 -0.6819191057704487 -0.8119330652199815 -0.7716906491998883 -0.8939656824917177 -0.9558770917533984 -0.3785532003881992 0.019227604118129564 0.3179501538057481 0.46034639510762426 0.5361878714531888 0.5779780727048228 0.3752182073728067 0.14537210048881077 +10886,-0.40022219362978656,0,-0.38474434131436197 -0.4853503813646041 -0.5224972269216073 -0.6463200454449775 -0.6370333340557244 -0.6788235353073673 -0.6819191057704487 -0.8119330652199815 -0.7716906491998883 -0.8939656824917177 -0.9558770917533984 -0.3785532003881992 0.019227604118129564 0.3179501538057481 0.46034639510762426 0.5361878714531888 0.5779780727048228 0.3752182073728067 0.14537210048881077 -0.08447400639519394 +10887,-0.6060776294248841,0,-0.4853503813646041 -0.5224972269216073 -0.6463200454449775 -0.6370333340557244 -0.6788235353073673 -0.6819191057704487 -0.8119330652199815 -0.7716906491998883 -0.8939656824917177 -0.9558770917533984 -0.3785532003881992 0.019227604118129564 0.3179501538057481 0.46034639510762426 0.5361878714531888 0.5779780727048228 0.3752182073728067 0.14537210048881077 -0.08447400639519394 -0.40022219362978656 +10888,-0.7701428639683475,0,-0.5224972269216073 -0.6463200454449775 -0.6370333340557244 -0.6788235353073673 -0.6819191057704487 -0.8119330652199815 -0.7716906491998883 -0.8939656824917177 -0.9558770917533984 -0.3785532003881992 0.019227604118129564 0.3179501538057481 0.46034639510762426 0.5361878714531888 0.5779780727048228 0.3752182073728067 0.14537210048881077 -0.08447400639519394 -0.40022219362978656 -0.6060776294248841 +10889,-0.8831311858709241,0,-0.6463200454449775 -0.6370333340557244 -0.6788235353073673 -0.6819191057704487 -0.8119330652199815 -0.7716906491998883 -0.8939656824917177 -0.9558770917533984 -0.3785532003881992 0.019227604118129564 0.3179501538057481 0.46034639510762426 0.5361878714531888 0.5779780727048228 0.3752182073728067 0.14537210048881077 -0.08447400639519394 -0.40022219362978656 -0.6060776294248841 -0.7701428639683475 +10890,-0.9868327963842388,0,-0.6370333340557244 -0.6788235353073673 -0.6819191057704487 -0.8119330652199815 -0.7716906491998883 -0.8939656824917177 -0.9558770917533984 -0.3785532003881992 0.019227604118129564 0.3179501538057481 0.46034639510762426 0.5361878714531888 0.5779780727048228 0.3752182073728067 0.14537210048881077 -0.08447400639519394 -0.40022219362978656 -0.6060776294248841 -0.7701428639683475 -0.8831311858709241 +10891,-1.045648635182847,0,-0.6788235353073673 -0.6819191057704487 -0.8119330652199815 -0.7716906491998883 -0.8939656824917177 -0.9558770917533984 -0.3785532003881992 0.019227604118129564 0.3179501538057481 0.46034639510762426 0.5361878714531888 0.5779780727048228 0.3752182073728067 0.14537210048881077 -0.08447400639519394 -0.40022219362978656 -0.6060776294248841 -0.7701428639683475 -0.8831311858709241 -0.9868327963842388 +10892,-1.0719609841190563,0,-0.6819191057704487 -0.8119330652199815 -0.7716906491998883 -0.8939656824917177 -0.9558770917533984 -0.3785532003881992 0.019227604118129564 0.3179501538057481 0.46034639510762426 0.5361878714531888 0.5779780727048228 0.3752182073728067 0.14537210048881077 -0.08447400639519394 -0.40022219362978656 -0.6060776294248841 -0.7701428639683475 -0.8831311858709241 -0.9868327963842388 -1.045648635182847 +10893,-1.138515749075368,0,-0.8119330652199815 -0.7716906491998883 -0.8939656824917177 -0.9558770917533984 -0.3785532003881992 0.019227604118129564 0.3179501538057481 0.46034639510762426 0.5361878714531888 0.5779780727048228 0.3752182073728067 0.14537210048881077 -0.08447400639519394 -0.40022219362978656 -0.6060776294248841 -0.7701428639683475 -0.8831311858709241 -0.9868327963842388 -1.045648635182847 -1.0719609841190563 +10894,-1.1942360174108857,0,-0.7716906491998883 -0.8939656824917177 -0.9558770917533984 -0.3785532003881992 0.019227604118129564 0.3179501538057481 0.46034639510762426 0.5361878714531888 0.5779780727048228 0.3752182073728067 0.14537210048881077 -0.08447400639519394 -0.40022219362978656 -0.6060776294248841 -0.7701428639683475 -0.8831311858709241 -0.9868327963842388 -1.045648635182847 -1.0719609841190563 -1.138515749075368 +10895,-1.2375740038940606,0,-0.8939656824917177 -0.9558770917533984 -0.3785532003881992 0.019227604118129564 0.3179501538057481 0.46034639510762426 0.5361878714531888 0.5779780727048228 0.3752182073728067 0.14537210048881077 -0.08447400639519394 -0.40022219362978656 -0.6060776294248841 -0.7701428639683475 -0.8831311858709241 -0.9868327963842388 -1.045648635182847 -1.0719609841190563 -1.138515749075368 -1.1942360174108857 +10896,-1.2220961515786448,0,-0.9558770917533984 -0.3785532003881992 0.019227604118129564 0.3179501538057481 0.46034639510762426 0.5361878714531888 0.5779780727048228 0.3752182073728067 0.14537210048881077 -0.08447400639519394 -0.40022219362978656 -0.6060776294248841 -0.7701428639683475 -0.8831311858709241 -0.9868327963842388 -1.045648635182847 -1.0719609841190563 -1.138515749075368 -1.1942360174108857 -1.2375740038940606 +10897,-1.3196066211657966,0,-0.3785532003881992 0.019227604118129564 0.3179501538057481 0.46034639510762426 0.5361878714531888 0.5779780727048228 0.3752182073728067 0.14537210048881077 -0.08447400639519394 -0.40022219362978656 -0.6060776294248841 -0.7701428639683475 -0.8831311858709241 -0.9868327963842388 -1.045648635182847 -1.0719609841190563 -1.138515749075368 -1.1942360174108857 -1.2375740038940606 -1.2220961515786448 +10898,-1.2963898426926599,0,0.019227604118129564 0.3179501538057481 0.46034639510762426 0.5361878714531888 0.5779780727048228 0.3752182073728067 0.14537210048881077 -0.08447400639519394 -0.40022219362978656 -0.6060776294248841 -0.7701428639683475 -0.8831311858709241 -0.9868327963842388 -1.045648635182847 -1.0719609841190563 -1.138515749075368 -1.1942360174108857 -1.2375740038940606 -1.2220961515786448 -1.3196066211657966 +10899,-1.2963898426926599,0,0.3179501538057481 0.46034639510762426 0.5361878714531888 0.5779780727048228 0.3752182073728067 0.14537210048881077 -0.08447400639519394 -0.40022219362978656 -0.6060776294248841 -0.7701428639683475 -0.8831311858709241 -0.9868327963842388 -1.045648635182847 -1.0719609841190563 -1.138515749075368 -1.1942360174108857 -1.2375740038940606 -1.2220961515786448 -1.3196066211657966 -1.2963898426926599 +10900,-1.0146929305519976,0,0.46034639510762426 0.5361878714531888 0.5779780727048228 0.3752182073728067 0.14537210048881077 -0.08447400639519394 -0.40022219362978656 -0.6060776294248841 -0.7701428639683475 -0.8831311858709241 -0.9868327963842388 -1.045648635182847 -1.0719609841190563 -1.138515749075368 -1.1942360174108857 -1.2375740038940606 -1.2220961515786448 -1.3196066211657966 -1.2963898426926599 -1.2963898426926599 +10901,-0.6788235353073673,0,0.5361878714531888 0.5779780727048228 0.3752182073728067 0.14537210048881077 -0.08447400639519394 -0.40022219362978656 -0.6060776294248841 -0.7701428639683475 -0.8831311858709241 -0.9868327963842388 -1.045648635182847 -1.0719609841190563 -1.138515749075368 -1.1942360174108857 -1.2375740038940606 -1.2220961515786448 -1.3196066211657966 -1.2963898426926599 -1.2963898426926599 -1.0146929305519976 +10902,-0.18972340214005814,0,0.5779780727048228 0.3752182073728067 0.14537210048881077 -0.08447400639519394 -0.40022219362978656 -0.6060776294248841 -0.7701428639683475 -0.8831311858709241 -0.9868327963842388 -1.045648635182847 -1.0719609841190563 -1.138515749075368 -1.1942360174108857 -1.2375740038940606 -1.2220961515786448 -1.3196066211657966 -1.2963898426926599 -1.2963898426926599 -1.0146929305519976 -0.6788235353073673 +10903,0.25913431500714884,0,0.3752182073728067 0.14537210048881077 -0.08447400639519394 -0.40022219362978656 -0.6060776294248841 -0.7701428639683475 -0.8831311858709241 -0.9868327963842388 -1.045648635182847 -1.0719609841190563 -1.138515749075368 -1.1942360174108857 -1.2375740038940606 -1.2220961515786448 -1.3196066211657966 -1.2963898426926599 -1.2963898426926599 -1.0146929305519976 -0.6788235353073673 -0.18972340214005814 +10904,0.5578568646947761,0,0.14537210048881077 -0.08447400639519394 -0.40022219362978656 -0.6060776294248841 -0.7701428639683475 -0.8831311858709241 -0.9868327963842388 -1.045648635182847 -1.0719609841190563 -1.138515749075368 -1.1942360174108857 -1.2375740038940606 -1.2220961515786448 -1.3196066211657966 -1.2963898426926599 -1.2963898426926599 -1.0146929305519976 -0.6788235353073673 -0.18972340214005814 0.25913431500714884 +10905,0.7126353878489867,0,-0.08447400639519394 -0.40022219362978656 -0.6060776294248841 -0.7701428639683475 -0.8831311858709241 -0.9868327963842388 -1.045648635182847 -1.0719609841190563 -1.138515749075368 -1.1942360174108857 -1.2375740038940606 -1.2220961515786448 -1.3196066211657966 -1.2963898426926599 -1.2963898426926599 -1.0146929305519976 -0.6788235353073673 -0.18972340214005814 0.25913431500714884 0.5578568646947761 +10906,0.7188265287751583,0,-0.40022219362978656 -0.6060776294248841 -0.7701428639683475 -0.8831311858709241 -0.9868327963842388 -1.045648635182847 -1.0719609841190563 -1.138515749075368 -1.1942360174108857 -1.2375740038940606 -1.2220961515786448 -1.3196066211657966 -1.2963898426926599 -1.2963898426926599 -1.0146929305519976 -0.6788235353073673 -0.18972340214005814 0.25913431500714884 0.5578568646947761 0.7126353878489867 +10907,0.6863230389127685,0,-0.6060776294248841 -0.7701428639683475 -0.8831311858709241 -0.9868327963842388 -1.045648635182847 -1.0719609841190563 -1.138515749075368 -1.1942360174108857 -1.2375740038940606 -1.2220961515786448 -1.3196066211657966 -1.2963898426926599 -1.2963898426926599 -1.0146929305519976 -0.6788235353073673 -0.18972340214005814 0.25913431500714884 0.5578568646947761 0.7126353878489867 0.7188265287751583 +10908,0.4765981400388192,0,-0.7701428639683475 -0.8831311858709241 -0.9868327963842388 -1.045648635182847 -1.0719609841190563 -1.138515749075368 -1.1942360174108857 -1.2375740038940606 -1.2220961515786448 -1.3196066211657966 -1.2963898426926599 -1.2963898426926599 -1.0146929305519976 -0.6788235353073673 -0.18972340214005814 0.25913431500714884 0.5578568646947761 0.7126353878489867 0.7188265287751583 0.6863230389127685 +10909,0.2668732411648611,0,-0.8831311858709241 -0.9868327963842388 -1.045648635182847 -1.0719609841190563 -1.138515749075368 -1.1942360174108857 -1.2375740038940606 -1.2220961515786448 -1.3196066211657966 -1.2963898426926599 -1.2963898426926599 -1.0146929305519976 -0.6788235353073673 -0.18972340214005814 0.25913431500714884 0.5578568646947761 0.7126353878489867 0.7188265287751583 0.6863230389127685 0.4765981400388192 +10910,-0.06899615407977817,0,-0.9868327963842388 -1.045648635182847 -1.0719609841190563 -1.138515749075368 -1.1942360174108857 -1.2375740038940606 -1.2220961515786448 -1.3196066211657966 -1.2963898426926599 -1.2963898426926599 -1.0146929305519976 -0.6788235353073673 -0.18972340214005814 0.25913431500714884 0.5578568646947761 0.7126353878489867 0.7188265287751583 0.6863230389127685 0.4765981400388192 0.2668732411648611 +10911,-0.19281897260313954,0,-1.045648635182847 -1.0719609841190563 -1.138515749075368 -1.1942360174108857 -1.2375740038940606 -1.2220961515786448 -1.3196066211657966 -1.2963898426926599 -1.2963898426926599 -1.0146929305519976 -0.6788235353073673 -0.18972340214005814 0.25913431500714884 0.5578568646947761 0.7126353878489867 0.7188265287751583 0.6863230389127685 0.4765981400388192 0.2668732411648611 -0.06899615407977817 +10912,-0.4234389721029146,0,-1.0719609841190563 -1.138515749075368 -1.1942360174108857 -1.2375740038940606 -1.2220961515786448 -1.3196066211657966 -1.2963898426926599 -1.2963898426926599 -1.0146929305519976 -0.6788235353073673 -0.18972340214005814 0.25913431500714884 0.5578568646947761 0.7126353878489867 0.7188265287751583 0.6863230389127685 0.4765981400388192 0.2668732411648611 -0.06899615407977817 -0.19281897260313954 +10913,-0.5890519918779188,0,-1.138515749075368 -1.1942360174108857 -1.2375740038940606 -1.2220961515786448 -1.3196066211657966 -1.2963898426926599 -1.2963898426926599 -1.0146929305519976 -0.6788235353073673 -0.18972340214005814 0.25913431500714884 0.5578568646947761 0.7126353878489867 0.7188265287751583 0.6863230389127685 0.4765981400388192 0.2668732411648611 -0.06899615407977817 -0.19281897260313954 -0.4234389721029146 +10914,-0.7701428639683475,0,-1.1942360174108857 -1.2375740038940606 -1.2220961515786448 -1.3196066211657966 -1.2963898426926599 -1.2963898426926599 -1.0146929305519976 -0.6788235353073673 -0.18972340214005814 0.25913431500714884 0.5578568646947761 0.7126353878489867 0.7188265287751583 0.6863230389127685 0.4765981400388192 0.2668732411648611 -0.06899615407977817 -0.19281897260313954 -0.4234389721029146 -0.5890519918779188 +10915,-0.8258631323038654,0,-1.2375740038940606 -1.2220961515786448 -1.3196066211657966 -1.2963898426926599 -1.2963898426926599 -1.0146929305519976 -0.6788235353073673 -0.18972340214005814 0.25913431500714884 0.5578568646947761 0.7126353878489867 0.7188265287751583 0.6863230389127685 0.4765981400388192 0.2668732411648611 -0.06899615407977817 -0.19281897260313954 -0.4234389721029146 -0.5890519918779188 -0.7701428639683475 +10916,-0.9357558837433517,0,-1.2220961515786448 -1.3196066211657966 -1.2963898426926599 -1.2963898426926599 -1.0146929305519976 -0.6788235353073673 -0.18972340214005814 0.25913431500714884 0.5578568646947761 0.7126353878489867 0.7188265287751583 0.6863230389127685 0.4765981400388192 0.2668732411648611 -0.06899615407977817 -0.19281897260313954 -0.4234389721029146 -0.5890519918779188 -0.7701428639683475 -0.8258631323038654 +10917,-0.9729027293003637,0,-1.3196066211657966 -1.2963898426926599 -1.2963898426926599 -1.0146929305519976 -0.6788235353073673 -0.18972340214005814 0.25913431500714884 0.5578568646947761 0.7126353878489867 0.7188265287751583 0.6863230389127685 0.4765981400388192 0.2668732411648611 -0.06899615407977817 -0.19281897260313954 -0.4234389721029146 -0.5890519918779188 -0.7701428639683475 -0.8258631323038654 -0.9357558837433517 +10918,-1.0967255478237339,0,-1.2963898426926599 -1.2963898426926599 -1.0146929305519976 -0.6788235353073673 -0.18972340214005814 0.25913431500714884 0.5578568646947761 0.7126353878489867 0.7188265287751583 0.6863230389127685 0.4765981400388192 0.2668732411648611 -0.06899615407977817 -0.19281897260313954 -0.4234389721029146 -0.5890519918779188 -0.7701428639683475 -0.8258631323038654 -0.9357558837433517 -0.9729027293003637 +10919,-1.1555413866223332,0,-1.2963898426926599 -1.0146929305519976 -0.6788235353073673 -0.18972340214005814 0.25913431500714884 0.5578568646947761 0.7126353878489867 0.7188265287751583 0.6863230389127685 0.4765981400388192 0.2668732411648611 -0.06899615407977817 -0.19281897260313954 -0.4234389721029146 -0.5890519918779188 -0.7701428639683475 -0.8258631323038654 -0.9357558837433517 -0.9729027293003637 -1.0967255478237339 +10920,-1.2840075608403254,0,-1.0146929305519976 -0.6788235353073673 -0.18972340214005814 0.25913431500714884 0.5578568646947761 0.7126353878489867 0.7188265287751583 0.6863230389127685 0.4765981400388192 0.2668732411648611 -0.06899615407977817 -0.19281897260313954 -0.4234389721029146 -0.5890519918779188 -0.7701428639683475 -0.8258631323038654 -0.9357558837433517 -0.9729027293003637 -1.0967255478237339 -1.1555413866223332 +10921,-1.2979376279242092,0,-0.6788235353073673 -0.18972340214005814 0.25913431500714884 0.5578568646947761 0.7126353878489867 0.7188265287751583 0.6863230389127685 0.4765981400388192 0.2668732411648611 -0.06899615407977817 -0.19281897260313954 -0.4234389721029146 -0.5890519918779188 -0.7701428639683475 -0.8258631323038654 -0.9357558837433517 -0.9729027293003637 -1.0967255478237339 -1.1555413866223332 -1.2840075608403254 +10922,-1.248408500514863,0,-0.18972340214005814 0.25913431500714884 0.5578568646947761 0.7126353878489867 0.7188265287751583 0.6863230389127685 0.4765981400388192 0.2668732411648611 -0.06899615407977817 -0.19281897260313954 -0.4234389721029146 -0.5890519918779188 -0.7701428639683475 -0.8258631323038654 -0.9357558837433517 -0.9729027293003637 -1.0967255478237339 -1.1555413866223332 -1.2840075608403254 -1.2979376279242092 +10923,-1.2576952119041072,0,0.25913431500714884 0.5578568646947761 0.7126353878489867 0.7188265287751583 0.6863230389127685 0.4765981400388192 0.2668732411648611 -0.06899615407977817 -0.19281897260313954 -0.4234389721029146 -0.5890519918779188 -0.7701428639683475 -0.8258631323038654 -0.9357558837433517 -0.9729027293003637 -1.0967255478237339 -1.1555413866223332 -1.2840075608403254 -1.2979376279242092 -1.248408500514863 +10924,-1.1137511853706992,0,0.5578568646947761 0.7126353878489867 0.7188265287751583 0.6863230389127685 0.4765981400388192 0.2668732411648611 -0.06899615407977817 -0.19281897260313954 -0.4234389721029146 -0.5890519918779188 -0.7701428639683475 -0.8258631323038654 -0.9357558837433517 -0.9729027293003637 -1.0967255478237339 -1.1555413866223332 -1.2840075608403254 -1.2979376279242092 -1.248408500514863 -1.2576952119041072 +10925,-0.6648934682234834,0,0.7126353878489867 0.7188265287751583 0.6863230389127685 0.4765981400388192 0.2668732411648611 -0.06899615407977817 -0.19281897260313954 -0.4234389721029146 -0.5890519918779188 -0.7701428639683475 -0.8258631323038654 -0.9357558837433517 -0.9729027293003637 -1.0967255478237339 -1.1555413866223332 -1.2840075608403254 -1.2979376279242092 -1.248408500514863 -1.2576952119041072 -1.1137511853706992 +10926,0.2266308251447678,0,0.7188265287751583 0.6863230389127685 0.4765981400388192 0.2668732411648611 -0.06899615407977817 -0.19281897260313954 -0.4234389721029146 -0.5890519918779188 -0.7701428639683475 -0.8258631323038654 -0.9357558837433517 -0.9729027293003637 -1.0967255478237339 -1.1555413866223332 -1.2840075608403254 -1.2979376279242092 -1.248408500514863 -1.2576952119041072 -1.1137511853706992 -0.6648934682234834 +10927,0.45415525418145264,0,0.6863230389127685 0.4765981400388192 0.2668732411648611 -0.06899615407977817 -0.19281897260313954 -0.4234389721029146 -0.5890519918779188 -0.7701428639683475 -0.8258631323038654 -0.9357558837433517 -0.9729027293003637 -1.0967255478237339 -1.1555413866223332 -1.2840075608403254 -1.2979376279242092 -1.248408500514863 -1.2576952119041072 -1.1137511853706992 -0.6648934682234834 0.2266308251447678 +10928,0.6275072001141692,0,0.4765981400388192 0.2668732411648611 -0.06899615407977817 -0.19281897260313954 -0.4234389721029146 -0.5890519918779188 -0.7701428639683475 -0.8258631323038654 -0.9357558837433517 -0.9729027293003637 -1.0967255478237339 -1.1555413866223332 -1.2840075608403254 -1.2979376279242092 -1.248408500514863 -1.2576952119041072 -1.1137511853706992 -0.6648934682234834 0.2266308251447678 0.45415525418145264 +10929,0.6956097503020214,0,0.2668732411648611 -0.06899615407977817 -0.19281897260313954 -0.4234389721029146 -0.5890519918779188 -0.7701428639683475 -0.8258631323038654 -0.9357558837433517 -0.9729027293003637 -1.0967255478237339 -1.1555413866223332 -1.2840075608403254 -1.2979376279242092 -1.248408500514863 -1.2576952119041072 -1.1137511853706992 -0.6648934682234834 0.2266308251447678 0.45415525418145264 0.6275072001141692 +10930,0.701800891228193,0,-0.06899615407977817 -0.19281897260313954 -0.4234389721029146 -0.5890519918779188 -0.7701428639683475 -0.8258631323038654 -0.9357558837433517 -0.9729027293003637 -1.0967255478237339 -1.1555413866223332 -1.2840075608403254 -1.2979376279242092 -1.248408500514863 -1.2576952119041072 -1.1137511853706992 -0.6648934682234834 0.2266308251447678 0.45415525418145264 0.6275072001141692 0.6956097503020214 +10931,0.6104815625672126,0,-0.19281897260313954 -0.4234389721029146 -0.5890519918779188 -0.7701428639683475 -0.8258631323038654 -0.9357558837433517 -0.9729027293003637 -1.0967255478237339 -1.1555413866223332 -1.2840075608403254 -1.2979376279242092 -1.248408500514863 -1.2576952119041072 -1.1137511853706992 -0.6648934682234834 0.2266308251447678 0.45415525418145264 0.6275072001141692 0.6956097503020214 0.701800891228193 +10932,0.46034639510762426,0,-0.4234389721029146 -0.5890519918779188 -0.7701428639683475 -0.8258631323038654 -0.9357558837433517 -0.9729027293003637 -1.0967255478237339 -1.1555413866223332 -1.2840075608403254 -1.2979376279242092 -1.248408500514863 -1.2576952119041072 -1.1137511853706992 -0.6648934682234834 0.2266308251447678 0.45415525418145264 0.6275072001141692 0.6956097503020214 0.701800891228193 0.6104815625672126 +10933,-0.09066514732136553,0,-0.5890519918779188 -0.7701428639683475 -0.8258631323038654 -0.9357558837433517 -0.9729027293003637 -1.0967255478237339 -1.1555413866223332 -1.2840075608403254 -1.2979376279242092 -1.248408500514863 -1.2576952119041072 -1.1137511853706992 -0.6648934682234834 0.2266308251447678 0.45415525418145264 0.6275072001141692 0.6956097503020214 0.701800891228193 0.6104815625672126 0.46034639510762426 +10934,-0.48999373705922616,0,-0.7701428639683475 -0.8258631323038654 -0.9357558837433517 -0.9729027293003637 -1.0967255478237339 -1.1555413866223332 -1.2840075608403254 -1.2979376279242092 -1.248408500514863 -1.2576952119041072 -1.1137511853706992 -0.6648934682234834 0.2266308251447678 0.45415525418145264 0.6275072001141692 0.6956097503020214 0.701800891228193 0.6104815625672126 0.46034639510762426 -0.09066514732136553 +10935,-0.6416766897503553,0,-0.8258631323038654 -0.9357558837433517 -0.9729027293003637 -1.0967255478237339 -1.1555413866223332 -1.2840075608403254 -1.2979376279242092 -1.248408500514863 -1.2576952119041072 -1.1137511853706992 -0.6648934682234834 0.2266308251447678 0.45415525418145264 0.6275072001141692 0.6956097503020214 0.701800891228193 0.6104815625672126 0.46034639510762426 -0.09066514732136553 -0.48999373705922616 +10936,-0.7268048774851729,0,-0.9357558837433517 -0.9729027293003637 -1.0967255478237339 -1.1555413866223332 -1.2840075608403254 -1.2979376279242092 -1.248408500514863 -1.2576952119041072 -1.1137511853706992 -0.6648934682234834 0.2266308251447678 0.45415525418145264 0.6275072001141692 0.6956097503020214 0.701800891228193 0.6104815625672126 0.46034639510762426 -0.09066514732136553 -0.48999373705922616 -0.6416766897503553 +10937,-0.910991320038683,0,-0.9729027293003637 -1.0967255478237339 -1.1555413866223332 -1.2840075608403254 -1.2979376279242092 -1.248408500514863 -1.2576952119041072 -1.1137511853706992 -0.6648934682234834 0.2266308251447678 0.45415525418145264 0.6275072001141692 0.6956097503020214 0.701800891228193 0.6104815625672126 0.46034639510762426 -0.09066514732136553 -0.48999373705922616 -0.6416766897503553 -0.7268048774851729 +10938,-0.938851454206442,0,-1.0967255478237339 -1.1555413866223332 -1.2840075608403254 -1.2979376279242092 -1.248408500514863 -1.2576952119041072 -1.1137511853706992 -0.6648934682234834 0.2266308251447678 0.45415525418145264 0.6275072001141692 0.6956097503020214 0.701800891228193 0.6104815625672126 0.46034639510762426 -0.09066514732136553 -0.48999373705922616 -0.6416766897503553 -0.7268048774851729 -0.910991320038683 +10939,-1.1276812524545743,0,-1.1555413866223332 -1.2840075608403254 -1.2979376279242092 -1.248408500514863 -1.2576952119041072 -1.1137511853706992 -0.6648934682234834 0.2266308251447678 0.45415525418145264 0.6275072001141692 0.6956097503020214 0.701800891228193 0.6104815625672126 0.46034639510762426 -0.09066514732136553 -0.48999373705922616 -0.6416766897503553 -0.7268048774851729 -0.910991320038683 -0.938851454206442 +10940,-1.1245856819914928,0,-1.2840075608403254 -1.2979376279242092 -1.248408500514863 -1.2576952119041072 -1.1137511853706992 -0.6648934682234834 0.2266308251447678 0.45415525418145264 0.6275072001141692 0.6956097503020214 0.701800891228193 0.6104815625672126 0.46034639510762426 -0.09066514732136553 -0.48999373705922616 -0.6416766897503553 -0.7268048774851729 -0.910991320038683 -0.938851454206442 -1.1276812524545743 +10941,-1.3056765540819129,0,-1.2979376279242092 -1.248408500514863 -1.2576952119041072 -1.1137511853706992 -0.6648934682234834 0.2266308251447678 0.45415525418145264 0.6275072001141692 0.6956097503020214 0.701800891228193 0.6104815625672126 0.46034639510762426 -0.09066514732136553 -0.48999373705922616 -0.6416766897503553 -0.7268048774851729 -0.910991320038683 -0.938851454206442 -1.1276812524545743 -1.1245856819914928 +10942,-1.3381800439443026,0,-1.248408500514863 -1.2576952119041072 -1.1137511853706992 -0.6648934682234834 0.2266308251447678 0.45415525418145264 0.6275072001141692 0.6956097503020214 0.701800891228193 0.6104815625672126 0.46034639510762426 -0.09066514732136553 -0.48999373705922616 -0.6416766897503553 -0.7268048774851729 -0.910991320038683 -0.938851454206442 -1.1276812524545743 -1.1245856819914928 -1.3056765540819129 +10943,-1.378422459964396,0,-1.2576952119041072 -1.1137511853706992 -0.6648934682234834 0.2266308251447678 0.45415525418145264 0.6275072001141692 0.6956097503020214 0.701800891228193 0.6104815625672126 0.46034639510762426 -0.09066514732136553 -0.48999373705922616 -0.6416766897503553 -0.7268048774851729 -0.910991320038683 -0.938851454206442 -1.1276812524545743 -1.1245856819914928 -1.3056765540819129 -1.3381800439443026 +10944,-1.4116998424425473,0,-1.1137511853706992 -0.6648934682234834 0.2266308251447678 0.45415525418145264 0.6275072001141692 0.6956097503020214 0.701800891228193 0.6104815625672126 0.46034639510762426 -0.09066514732136553 -0.48999373705922616 -0.6416766897503553 -0.7268048774851729 -0.910991320038683 -0.938851454206442 -1.1276812524545743 -1.1245856819914928 -1.3056765540819129 -1.3381800439443026 -1.378422459964396 +10945,-1.4449772249207076,0,-0.6648934682234834 0.2266308251447678 0.45415525418145264 0.6275072001141692 0.6956097503020214 0.701800891228193 0.6104815625672126 0.46034639510762426 -0.09066514732136553 -0.48999373705922616 -0.6416766897503553 -0.7268048774851729 -0.910991320038683 -0.938851454206442 -1.1276812524545743 -1.1245856819914928 -1.3056765540819129 -1.3381800439443026 -1.378422459964396 -1.4116998424425473 +10946,-1.4743851443200071,0,0.2266308251447678 0.45415525418145264 0.6275072001141692 0.6956097503020214 0.701800891228193 0.6104815625672126 0.46034639510762426 -0.09066514732136553 -0.48999373705922616 -0.6416766897503553 -0.7268048774851729 -0.910991320038683 -0.938851454206442 -1.1276812524545743 -1.1245856819914928 -1.3056765540819129 -1.3381800439443026 -1.378422459964396 -1.4116998424425473 -1.4449772249207076 +10947,-1.4341427282999137,0,0.45415525418145264 0.6275072001141692 0.6956097503020214 0.701800891228193 0.6104815625672126 0.46034639510762426 -0.09066514732136553 -0.48999373705922616 -0.6416766897503553 -0.7268048774851729 -0.910991320038683 -0.938851454206442 -1.1276812524545743 -1.1245856819914928 -1.3056765540819129 -1.3381800439443026 -1.378422459964396 -1.4116998424425473 -1.4449772249207076 -1.4743851443200071 +10948,-1.318058835934256,0,0.6275072001141692 0.6956097503020214 0.701800891228193 0.6104815625672126 0.46034639510762426 -0.09066514732136553 -0.48999373705922616 -0.6416766897503553 -0.7268048774851729 -0.910991320038683 -0.938851454206442 -1.1276812524545743 -1.1245856819914928 -1.3056765540819129 -1.3381800439443026 -1.378422459964396 -1.4116998424425473 -1.4449772249207076 -1.4743851443200071 -1.4341427282999137 +10949,-1.234478433430979,0,0.6956097503020214 0.701800891228193 0.6104815625672126 0.46034639510762426 -0.09066514732136553 -0.48999373705922616 -0.6416766897503553 -0.7268048774851729 -0.910991320038683 -0.938851454206442 -1.1276812524545743 -1.1245856819914928 -1.3056765540819129 -1.3381800439443026 -1.378422459964396 -1.4116998424425473 -1.4449772249207076 -1.4743851443200071 -1.4341427282999137 -1.318058835934256 +10950,-0.2763993751064164,0,0.701800891228193 0.6104815625672126 0.46034639510762426 -0.09066514732136553 -0.48999373705922616 -0.6416766897503553 -0.7268048774851729 -0.910991320038683 -0.938851454206442 -1.1276812524545743 -1.1245856819914928 -1.3056765540819129 -1.3381800439443026 -1.378422459964396 -1.4116998424425473 -1.4449772249207076 -1.4743851443200071 -1.4341427282999137 -1.318058835934256 -1.234478433430979 +10951,0.014584248423498673,0,0.6104815625672126 0.46034639510762426 -0.09066514732136553 -0.48999373705922616 -0.6416766897503553 -0.7268048774851729 -0.910991320038683 -0.938851454206442 -1.1276812524545743 -1.1245856819914928 -1.3056765540819129 -1.3381800439443026 -1.378422459964396 -1.4116998424425473 -1.4449772249207076 -1.4743851443200071 -1.4341427282999137 -1.318058835934256 -1.234478433430979 -0.2763993751064164 +10952,0.13840706694686883,0,0.46034639510762426 -0.09066514732136553 -0.48999373705922616 -0.6416766897503553 -0.7268048774851729 -0.910991320038683 -0.938851454206442 -1.1276812524545743 -1.1245856819914928 -1.3056765540819129 -1.3381800439443026 -1.378422459964396 -1.4116998424425473 -1.4449772249207076 -1.4743851443200071 -1.4341427282999137 -1.318058835934256 -1.234478433430979 -0.2763993751064164 0.014584248423498673 +10953,0.3674792812151032,0,-0.09066514732136553 -0.48999373705922616 -0.6416766897503553 -0.7268048774851729 -0.910991320038683 -0.938851454206442 -1.1276812524545743 -1.1245856819914928 -1.3056765540819129 -1.3381800439443026 -1.378422459964396 -1.4116998424425473 -1.4449772249207076 -1.4743851443200071 -1.4341427282999137 -1.318058835934256 -1.234478433430979 -0.2763993751064164 0.014584248423498673 0.13840706694686883 +10954,0.3937916301513127,0,-0.48999373705922616 -0.6416766897503553 -0.7268048774851729 -0.910991320038683 -0.938851454206442 -1.1276812524545743 -1.1245856819914928 -1.3056765540819129 -1.3381800439443026 -1.378422459964396 -1.4116998424425473 -1.4449772249207076 -1.4743851443200071 -1.4341427282999137 -1.318058835934256 -1.234478433430979 -0.2763993751064164 0.014584248423498673 0.13840706694686883 0.3674792812151032 +10955,0.4727286769599586,0,-0.6416766897503553 -0.7268048774851729 -0.910991320038683 -0.938851454206442 -1.1276812524545743 -1.1245856819914928 -1.3056765540819129 -1.3381800439443026 -1.378422459964396 -1.4116998424425473 -1.4449772249207076 -1.4743851443200071 -1.4341427282999137 -1.318058835934256 -1.234478433430979 -0.2763993751064164 0.014584248423498673 0.13840706694686883 0.3674792812151032 0.3937916301513127 +10956,0.17091055680924988,0,-0.7268048774851729 -0.910991320038683 -0.938851454206442 -1.1276812524545743 -1.1245856819914928 -1.3056765540819129 -1.3381800439443026 -1.378422459964396 -1.4116998424425473 -1.4449772249207076 -1.4743851443200071 -1.4341427282999137 -1.318058835934256 -1.234478433430979 -0.2763993751064164 0.014584248423498673 0.13840706694686883 0.3674792812151032 0.3937916301513127 0.4727286769599586 +10957,-0.06744836884822868,0,-0.910991320038683 -0.938851454206442 -1.1276812524545743 -1.1245856819914928 -1.3056765540819129 -1.3381800439443026 -1.378422459964396 -1.4116998424425473 -1.4449772249207076 -1.4743851443200071 -1.4341427282999137 -1.318058835934256 -1.234478433430979 -0.2763993751064164 0.014584248423498673 0.13840706694686883 0.3674792812151032 0.3937916301513127 0.4727286769599586 0.17091055680924988 +10958,-0.4265345425660048,0,-0.938851454206442 -1.1276812524545743 -1.1245856819914928 -1.3056765540819129 -1.3381800439443026 -1.378422459964396 -1.4116998424425473 -1.4449772249207076 -1.4743851443200071 -1.4341427282999137 -1.318058835934256 -1.234478433430979 -0.2763993751064164 0.014584248423498673 0.13840706694686883 0.3674792812151032 0.3937916301513127 0.4727286769599586 0.17091055680924988 -0.06744836884822868 +10959,-0.6184599112772184,0,-1.1276812524545743 -1.1245856819914928 -1.3056765540819129 -1.3381800439443026 -1.378422459964396 -1.4116998424425473 -1.4449772249207076 -1.4743851443200071 -1.4341427282999137 -1.318058835934256 -1.234478433430979 -0.2763993751064164 0.014584248423498673 0.13840706694686883 0.3674792812151032 0.3937916301513127 0.4727286769599586 0.17091055680924988 -0.06744836884822868 -0.4265345425660048 +10960,-0.7871685015153128,0,-1.1245856819914928 -1.3056765540819129 -1.3381800439443026 -1.378422459964396 -1.4116998424425473 -1.4449772249207076 -1.4743851443200071 -1.4341427282999137 -1.318058835934256 -1.234478433430979 -0.2763993751064164 0.014584248423498673 0.13840706694686883 0.3674792812151032 0.3937916301513127 0.4727286769599586 0.17091055680924988 -0.06744836884822868 -0.4265345425660048 -0.6184599112772184 +10961,-0.8738444744816711,0,-1.3056765540819129 -1.3381800439443026 -1.378422459964396 -1.4116998424425473 -1.4449772249207076 -1.4743851443200071 -1.4341427282999137 -1.318058835934256 -1.234478433430979 -0.2763993751064164 0.014584248423498673 0.13840706694686883 0.3674792812151032 0.3937916301513127 0.4727286769599586 0.17091055680924988 -0.06744836884822868 -0.4265345425660048 -0.6184599112772184 -0.7871685015153128 +10962,-1.0936299773606524,0,-1.3381800439443026 -1.378422459964396 -1.4116998424425473 -1.4449772249207076 -1.4743851443200071 -1.4341427282999137 -1.318058835934256 -1.234478433430979 -0.2763993751064164 0.014584248423498673 0.13840706694686883 0.3674792812151032 0.3937916301513127 0.4727286769599586 0.17091055680924988 -0.06744836884822868 -0.4265345425660048 -0.6184599112772184 -0.7871685015153128 -0.8738444744816711 +10963,-1.1245856819914928,0,-1.378422459964396 -1.4116998424425473 -1.4449772249207076 -1.4743851443200071 -1.4341427282999137 -1.318058835934256 -1.234478433430979 -0.2763993751064164 0.014584248423498673 0.13840706694686883 0.3674792812151032 0.3937916301513127 0.4727286769599586 0.17091055680924988 -0.06744836884822868 -0.4265345425660048 -0.6184599112772184 -0.7871685015153128 -0.8738444744816711 -1.0936299773606524 +10964,-1.1988793731055079,0,-1.4116998424425473 -1.4449772249207076 -1.4743851443200071 -1.4341427282999137 -1.318058835934256 -1.234478433430979 -0.2763993751064164 0.014584248423498673 0.13840706694686883 0.3674792812151032 0.3937916301513127 0.4727286769599586 0.17091055680924988 -0.06744836884822868 -0.4265345425660048 -0.6184599112772184 -0.7871685015153128 -0.8738444744816711 -1.0936299773606524 -1.1245856819914928 +10965,-1.3211544063973373,0,-1.4449772249207076 -1.4743851443200071 -1.4341427282999137 -1.318058835934256 -1.234478433430979 -0.2763993751064164 0.014584248423498673 0.13840706694686883 0.3674792812151032 0.3937916301513127 0.4727286769599586 0.17091055680924988 -0.06744836884822868 -0.4265345425660048 -0.6184599112772184 -0.7871685015153128 -0.8738444744816711 -1.0936299773606524 -1.1245856819914928 -1.1988793731055079 +10966,-1.3706835338066836,0,-1.4743851443200071 -1.4341427282999137 -1.318058835934256 -1.234478433430979 -0.2763993751064164 0.014584248423498673 0.13840706694686883 0.3674792812151032 0.3937916301513127 0.4727286769599586 0.17091055680924988 -0.06744836884822868 -0.4265345425660048 -0.6184599112772184 -0.7871685015153128 -0.8738444744816711 -1.0936299773606524 -1.1245856819914928 -1.1988793731055079 -1.3211544063973373 +10967,-1.290198701766497,0,-1.4341427282999137 -1.318058835934256 -1.234478433430979 -0.2763993751064164 0.014584248423498673 0.13840706694686883 0.3674792812151032 0.3937916301513127 0.4727286769599586 0.17091055680924988 -0.06744836884822868 -0.4265345425660048 -0.6184599112772184 -0.7871685015153128 -0.8738444744816711 -1.0936299773606524 -1.1245856819914928 -1.1988793731055079 -1.3211544063973373 -1.3706835338066836 +10968,-1.3536578962597183,0,-1.318058835934256 -1.234478433430979 -0.2763993751064164 0.014584248423498673 0.13840706694686883 0.3674792812151032 0.3937916301513127 0.4727286769599586 0.17091055680924988 -0.06744836884822868 -0.4265345425660048 -0.6184599112772184 -0.7871685015153128 -0.8738444744816711 -1.0936299773606524 -1.1245856819914928 -1.1988793731055079 -1.3211544063973373 -1.3706835338066836 -1.290198701766497 +10969,-1.4248560169106608,0,-1.234478433430979 -0.2763993751064164 0.014584248423498673 0.13840706694686883 0.3674792812151032 0.3937916301513127 0.4727286769599586 0.17091055680924988 -0.06744836884822868 -0.4265345425660048 -0.6184599112772184 -0.7871685015153128 -0.8738444744816711 -1.0936299773606524 -1.1245856819914928 -1.1988793731055079 -1.3211544063973373 -1.3706835338066836 -1.290198701766497 -1.3536578962597183 +10970,-1.4062825941321548,0,-0.2763993751064164 0.014584248423498673 0.13840706694686883 0.3674792812151032 0.3937916301513127 0.4727286769599586 0.17091055680924988 -0.06744836884822868 -0.4265345425660048 -0.6184599112772184 -0.7871685015153128 -0.8738444744816711 -1.0936299773606524 -1.1245856819914928 -1.1988793731055079 -1.3211544063973373 -1.3706835338066836 -1.290198701766497 -1.3536578962597183 -1.4248560169106608 +10971,-1.627615882242677,0,0.014584248423498673 0.13840706694686883 0.3674792812151032 0.3937916301513127 0.4727286769599586 0.17091055680924988 -0.06744836884822868 -0.4265345425660048 -0.6184599112772184 -0.7871685015153128 -0.8738444744816711 -1.0936299773606524 -1.1245856819914928 -1.1988793731055079 -1.3211544063973373 -1.3706835338066836 -1.290198701766497 -1.3536578962597183 -1.4248560169106608 -1.4062825941321548 +10972,-1.3908047418167304,0,0.13840706694686883 0.3674792812151032 0.3937916301513127 0.4727286769599586 0.17091055680924988 -0.06744836884822868 -0.4265345425660048 -0.6184599112772184 -0.7871685015153128 -0.8738444744816711 -1.0936299773606524 -1.1245856819914928 -1.1988793731055079 -1.3211544063973373 -1.3706835338066836 -1.290198701766497 -1.3536578962597183 -1.4248560169106608 -1.4062825941321548 -1.627615882242677 +10973,-0.9311125280487297,0,0.3674792812151032 0.3937916301513127 0.4727286769599586 0.17091055680924988 -0.06744836884822868 -0.4265345425660048 -0.6184599112772184 -0.7871685015153128 -0.8738444744816711 -1.0936299773606524 -1.1245856819914928 -1.1988793731055079 -1.3211544063973373 -1.3706835338066836 -1.290198701766497 -1.3536578962597183 -1.4248560169106608 -1.4062825941321548 -1.627615882242677 -1.3908047418167304 +10974,-0.4420123948814206,0,0.3937916301513127 0.4727286769599586 0.17091055680924988 -0.06744836884822868 -0.4265345425660048 -0.6184599112772184 -0.7871685015153128 -0.8738444744816711 -1.0936299773606524 -1.1245856819914928 -1.1988793731055079 -1.3211544063973373 -1.3706835338066836 -1.290198701766497 -1.3536578962597183 -1.4248560169106608 -1.4062825941321548 -1.627615882242677 -1.3908047418167304 -0.9311125280487297 +10975,-0.14483763042533393,0,0.4727286769599586 0.17091055680924988 -0.06744836884822868 -0.4265345425660048 -0.6184599112772184 -0.7871685015153128 -0.8738444744816711 -1.0936299773606524 -1.1245856819914928 -1.1988793731055079 -1.3211544063973373 -1.3706835338066836 -1.290198701766497 -1.3536578962597183 -1.4248560169106608 -1.4062825941321548 -1.627615882242677 -1.3908047418167304 -0.9311125280487297 -0.4420123948814206 +10976,0.22972639560784916,0,0.17091055680924988 -0.06744836884822868 -0.4265345425660048 -0.6184599112772184 -0.7871685015153128 -0.8738444744816711 -1.0936299773606524 -1.1245856819914928 -1.1988793731055079 -1.3211544063973373 -1.3706835338066836 -1.290198701766497 -1.3536578962597183 -1.4248560169106608 -1.4062825941321548 -1.627615882242677 -1.3908047418167304 -0.9311125280487297 -0.4420123948814206 -0.14483763042533393 +10977,0.4231995495506123,0,-0.06744836884822868 -0.4265345425660048 -0.6184599112772184 -0.7871685015153128 -0.8738444744816711 -1.0936299773606524 -1.1245856819914928 -1.1988793731055079 -1.3211544063973373 -1.3706835338066836 -1.290198701766497 -1.3536578962597183 -1.4248560169106608 -1.4062825941321548 -1.627615882242677 -1.3908047418167304 -0.9311125280487297 -0.4420123948814206 -0.14483763042533393 0.22972639560784916 +10978,0.38140934829897827,0,-0.4265345425660048 -0.6184599112772184 -0.7871685015153128 -0.8738444744816711 -1.0936299773606524 -1.1245856819914928 -1.1988793731055079 -1.3211544063973373 -1.3706835338066836 -1.290198701766497 -1.3536578962597183 -1.4248560169106608 -1.4062825941321548 -1.627615882242677 -1.3908047418167304 -0.9311125280487297 -0.4420123948814206 -0.14483763042533393 0.22972639560784916 0.4231995495506123 +10979,0.5269011600639358,0,-0.6184599112772184 -0.7871685015153128 -0.8738444744816711 -1.0936299773606524 -1.1245856819914928 -1.1988793731055079 -1.3211544063973373 -1.3706835338066836 -1.290198701766497 -1.3536578962597183 -1.4248560169106608 -1.4062825941321548 -1.627615882242677 -1.3908047418167304 -0.9311125280487297 -0.4420123948814206 -0.14483763042533393 0.22972639560784916 0.4231995495506123 0.38140934829897827 +10980,0.4727286769599586,0,-0.7871685015153128 -0.8738444744816711 -1.0936299773606524 -1.1245856819914928 -1.1988793731055079 -1.3211544063973373 -1.3706835338066836 -1.290198701766497 -1.3536578962597183 -1.4248560169106608 -1.4062825941321548 -1.627615882242677 -1.3908047418167304 -0.9311125280487297 -0.4420123948814206 -0.14483763042533393 0.22972639560784916 0.4231995495506123 0.38140934829897827 0.5269011600639358 +10981,0.1043557918529383,0,-0.8738444744816711 -1.0936299773606524 -1.1245856819914928 -1.1988793731055079 -1.3211544063973373 -1.3706835338066836 -1.290198701766497 -1.3536578962597183 -1.4248560169106608 -1.4062825941321548 -1.627615882242677 -1.3908047418167304 -0.9311125280487297 -0.4420123948814206 -0.14483763042533393 0.22972639560784916 0.4231995495506123 0.38140934829897827 0.5269011600639358 0.4727286769599586 +10982,-0.40022219362978656,0,-1.0936299773606524 -1.1245856819914928 -1.1988793731055079 -1.3211544063973373 -1.3706835338066836 -1.290198701766497 -1.3536578962597183 -1.4248560169106608 -1.4062825941321548 -1.627615882242677 -1.3908047418167304 -0.9311125280487297 -0.4420123948814206 -0.14483763042533393 0.22972639560784916 0.4231995495506123 0.38140934829897827 0.5269011600639358 0.4727286769599586 0.1043557918529383 +10983,0.5944619854207523,0,-1.1245856819914928 -1.1988793731055079 -1.3211544063973373 -1.3706835338066836 -1.290198701766497 -1.3536578962597183 -1.4248560169106608 -1.4062825941321548 -1.627615882242677 -1.3908047418167304 -0.9311125280487297 -0.4420123948814206 -0.14483763042533393 0.22972639560784916 0.4231995495506123 0.38140934829897827 0.5269011600639358 0.4727286769599586 0.1043557918529383 -0.40022219362978656 +10984,1.5891461644712825,0,-1.1988793731055079 -1.3211544063973373 -1.3706835338066836 -1.290198701766497 -1.3536578962597183 -1.4248560169106608 -1.4062825941321548 -1.627615882242677 -1.3908047418167304 -0.9311125280487297 -0.4420123948814206 -0.14483763042533393 0.22972639560784916 0.4231995495506123 0.38140934829897827 0.5269011600639358 0.4727286769599586 0.1043557918529383 -0.40022219362978656 0.5944619854207523 +10985,1.5891461644712825,0,-1.3211544063973373 -1.3706835338066836 -1.290198701766497 -1.3536578962597183 -1.4248560169106608 -1.4062825941321548 -1.627615882242677 -1.3908047418167304 -0.9311125280487297 -0.4420123948814206 -0.14483763042533393 0.22972639560784916 0.4231995495506123 0.38140934829897827 0.5269011600639358 0.4727286769599586 0.1043557918529383 -0.40022219362978656 0.5944619854207523 1.5891461644712825 +10986,-0.6556067568342304,0,-1.3706835338066836 -1.290198701766497 -1.3536578962597183 -1.4248560169106608 -1.4062825941321548 -1.627615882242677 -1.3908047418167304 -0.9311125280487297 -0.4420123948814206 -0.14483763042533393 0.22972639560784916 0.4231995495506123 0.38140934829897827 0.5269011600639358 0.4727286769599586 0.1043557918529383 -0.40022219362978656 0.5944619854207523 1.5891461644712825 1.5891461644712825 +10987,-0.7376393741059666,0,-1.290198701766497 -1.3536578962597183 -1.4248560169106608 -1.4062825941321548 -1.627615882242677 -1.3908047418167304 -0.9311125280487297 -0.4420123948814206 -0.14483763042533393 0.22972639560784916 0.4231995495506123 0.38140934829897827 0.5269011600639358 0.4727286769599586 0.1043557918529383 -0.40022219362978656 0.5944619854207523 1.5891461644712825 1.5891461644712825 -0.6556067568342304 +10988,-0.8057419242938189,0,-1.3536578962597183 -1.4248560169106608 -1.4062825941321548 -1.627615882242677 -1.3908047418167304 -0.9311125280487297 -0.4420123948814206 -0.14483763042533393 0.22972639560784916 0.4231995495506123 0.38140934829897827 0.5269011600639358 0.4727286769599586 0.1043557918529383 -0.40022219362978656 0.5944619854207523 1.5891461644712825 1.5891461644712825 -0.6556067568342304 -0.7376393741059666 +10989,-0.8506276960085343,0,-1.4248560169106608 -1.4062825941321548 -1.627615882242677 -1.3908047418167304 -0.9311125280487297 -0.4420123948814206 -0.14483763042533393 0.22972639560784916 0.4231995495506123 0.38140934829897827 0.5269011600639358 0.4727286769599586 0.1043557918529383 -0.40022219362978656 0.5944619854207523 1.5891461644712825 1.5891461644712825 -0.6556067568342304 -0.7376393741059666 -0.8057419242938189 +10990,-0.920278031427936,0,-1.4062825941321548 -1.627615882242677 -1.3908047418167304 -0.9311125280487297 -0.4420123948814206 -0.14483763042533393 0.22972639560784916 0.4231995495506123 0.38140934829897827 0.5269011600639358 0.4727286769599586 0.1043557918529383 -0.40022219362978656 0.5944619854207523 1.5891461644712825 1.5891461644712825 -0.6556067568342304 -0.7376393741059666 -0.8057419242938189 -0.8506276960085343 +10991,-0.9311125280487297,0,-1.627615882242677 -1.3908047418167304 -0.9311125280487297 -0.4420123948814206 -0.14483763042533393 0.22972639560784916 0.4231995495506123 0.38140934829897827 0.5269011600639358 0.4727286769599586 0.1043557918529383 -0.40022219362978656 0.5944619854207523 1.5891461644712825 1.5891461644712825 -0.6556067568342304 -0.7376393741059666 -0.8057419242938189 -0.8506276960085343 -0.920278031427936 +10992,-0.920278031427936,0,-1.3908047418167304 -0.9311125280487297 -0.4420123948814206 -0.14483763042533393 0.22972639560784916 0.4231995495506123 0.38140934829897827 0.5269011600639358 0.4727286769599586 0.1043557918529383 -0.40022219362978656 0.5944619854207523 1.5891461644712825 1.5891461644712825 -0.6556067568342304 -0.7376393741059666 -0.8057419242938189 -0.8506276960085343 -0.920278031427936 -0.9311125280487297 +10993,-1.0007628634681227,0,-0.9311125280487297 -0.4420123948814206 -0.14483763042533393 0.22972639560784916 0.4231995495506123 0.38140934829897827 0.5269011600639358 0.4727286769599586 0.1043557918529383 -0.40022219362978656 0.5944619854207523 1.5891461644712825 1.5891461644712825 -0.6556067568342304 -0.7376393741059666 -0.8057419242938189 -0.8506276960085343 -0.920278031427936 -0.9311125280487297 -0.920278031427936 +10994,-1.064222057961344,0,-0.4420123948814206 -0.14483763042533393 0.22972639560784916 0.4231995495506123 0.38140934829897827 0.5269011600639358 0.4727286769599586 0.1043557918529383 -0.40022219362978656 0.5944619854207523 1.5891461644712825 1.5891461644712825 -0.6556067568342304 -0.7376393741059666 -0.8057419242938189 -0.8506276960085343 -0.920278031427936 -0.9311125280487297 -0.920278031427936 -1.0007628634681227 +10995,-0.971354944068823,0,-0.14483763042533393 0.22972639560784916 0.4231995495506123 0.38140934829897827 0.5269011600639358 0.4727286769599586 0.1043557918529383 -0.40022219362978656 0.5944619854207523 1.5891461644712825 1.5891461644712825 -0.6556067568342304 -0.7376393741059666 -0.8057419242938189 -0.8506276960085343 -0.920278031427936 -0.9311125280487297 -0.920278031427936 -1.0007628634681227 -1.064222057961344 +10996,-0.8057419242938189,0,0.22972639560784916 0.4231995495506123 0.38140934829897827 0.5269011600639358 0.4727286769599586 0.1043557918529383 -0.40022219362978656 0.5944619854207523 1.5891461644712825 1.5891461644712825 -0.6556067568342304 -0.7376393741059666 -0.8057419242938189 -0.8506276960085343 -0.920278031427936 -0.9311125280487297 -0.920278031427936 -1.0007628634681227 -1.064222057961344 -0.971354944068823 +10997,-0.3506930662204403,0,0.4231995495506123 0.38140934829897827 0.5269011600639358 0.4727286769599586 0.1043557918529383 -0.40022219362978656 0.5944619854207523 1.5891461644712825 1.5891461644712825 -0.6556067568342304 -0.7376393741059666 -0.8057419242938189 -0.8506276960085343 -0.920278031427936 -0.9311125280487297 -0.920278031427936 -1.0007628634681227 -1.064222057961344 -0.971354944068823 -0.8057419242938189 +10998,0.19877069097700883,0,0.38140934829897827 0.5269011600639358 0.4727286769599586 0.1043557918529383 -0.40022219362978656 0.5944619854207523 1.5891461644712825 1.5891461644712825 -0.6556067568342304 -0.7376393741059666 -0.8057419242938189 -0.8506276960085343 -0.920278031427936 -0.9311125280487297 -0.920278031427936 -1.0007628634681227 -1.064222057961344 -0.971354944068823 -0.8057419242938189 -0.3506930662204403 +10999,0.6538195490503874,0,0.5269011600639358 0.4727286769599586 0.1043557918529383 -0.40022219362978656 0.5944619854207523 1.5891461644712825 1.5891461644712825 -0.6556067568342304 -0.7376393741059666 -0.8057419242938189 -0.8506276960085343 -0.920278031427936 -0.9311125280487297 -0.920278031427936 -1.0007628634681227 -1.064222057961344 -0.971354944068823 -0.8057419242938189 -0.3506930662204403 0.19877069097700883 +11000,0.8488404882246913,0,0.4727286769599586 0.1043557918529383 -0.40022219362978656 0.5944619854207523 1.5891461644712825 1.5891461644712825 -0.6556067568342304 -0.7376393741059666 -0.8057419242938189 -0.8506276960085343 -0.920278031427936 -0.9311125280487297 -0.920278031427936 -1.0007628634681227 -1.064222057961344 -0.971354944068823 -0.8057419242938189 -0.3506930662204403 0.19877069097700883 0.6538195490503874 +11001,1.062434850177501,0,0.1043557918529383 -0.40022219362978656 0.5944619854207523 1.5891461644712825 1.5891461644712825 -0.6556067568342304 -0.7376393741059666 -0.8057419242938189 -0.8506276960085343 -0.920278031427936 -0.9311125280487297 -0.920278031427936 -1.0007628634681227 -1.064222057961344 -0.971354944068823 -0.8057419242938189 -0.3506930662204403 0.19877069097700883 0.6538195490503874 0.8488404882246913 +11002,1.1444674674492372,0,-0.40022219362978656 0.5944619854207523 1.5891461644712825 1.5891461644712825 -0.6556067568342304 -0.7376393741059666 -0.8057419242938189 -0.8506276960085343 -0.920278031427936 -0.9311125280487297 -0.920278031427936 -1.0007628634681227 -1.064222057961344 -0.971354944068823 -0.8057419242938189 -0.3506930662204403 0.19877069097700883 0.6538195490503874 0.8488404882246913 1.062434850177501 +11003,0.9122996827179214,0,0.5944619854207523 1.5891461644712825 1.5891461644712825 -0.6556067568342304 -0.7376393741059666 -0.8057419242938189 -0.8506276960085343 -0.920278031427936 -0.9311125280487297 -0.920278031427936 -1.0007628634681227 -1.064222057961344 -0.971354944068823 -0.8057419242938189 -0.3506930662204403 0.19877069097700883 0.6538195490503874 0.8488404882246913 1.062434850177501 1.1444674674492372 +11004,0.7219220992382397,0,1.5891461644712825 1.5891461644712825 -0.6556067568342304 -0.7376393741059666 -0.8057419242938189 -0.8506276960085343 -0.920278031427936 -0.9311125280487297 -0.920278031427936 -1.0007628634681227 -1.064222057961344 -0.971354944068823 -0.8057419242938189 -0.3506930662204403 0.19877069097700883 0.6538195490503874 0.8488404882246913 1.062434850177501 1.1444674674492372 0.9122996827179214 +11005,0.5315445157585579,0,1.5891461644712825 -0.6556067568342304 -0.7376393741059666 -0.8057419242938189 -0.8506276960085343 -0.920278031427936 -0.9311125280487297 -0.920278031427936 -1.0007628634681227 -1.064222057961344 -0.971354944068823 -0.8057419242938189 -0.3506930662204403 0.19877069097700883 0.6538195490503874 0.8488404882246913 1.062434850177501 1.1444674674492372 0.9122996827179214 0.7219220992382397 +11006,0.13066814078915656,0,-0.6556067568342304 -0.7376393741059666 -0.8057419242938189 -0.8506276960085343 -0.920278031427936 -0.9311125280487297 -0.920278031427936 -1.0007628634681227 -1.064222057961344 -0.971354944068823 -0.8057419242938189 -0.3506930662204403 0.19877069097700883 0.6538195490503874 0.8488404882246913 1.062434850177501 1.1444674674492372 0.9122996827179214 0.7219220992382397 0.5315445157585579 +11007,-0.07209172454285957,0,-0.7376393741059666 -0.8057419242938189 -0.8506276960085343 -0.920278031427936 -0.9311125280487297 -0.920278031427936 -1.0007628634681227 -1.064222057961344 -0.971354944068823 -0.8057419242938189 -0.3506930662204403 0.19877069097700883 0.6538195490503874 0.8488404882246913 1.062434850177501 1.1444674674492372 0.9122996827179214 0.7219220992382397 0.5315445157585579 0.13066814078915656 +11008,-0.1680544088984708,0,-0.8057419242938189 -0.8506276960085343 -0.920278031427936 -0.9311125280487297 -0.920278031427936 -1.0007628634681227 -1.064222057961344 -0.971354944068823 -0.8057419242938189 -0.3506930662204403 0.19877069097700883 0.6538195490503874 0.8488404882246913 1.062434850177501 1.1444674674492372 0.9122996827179214 0.7219220992382397 0.5315445157585579 0.13066814078915656 -0.07209172454285957 +11009,-0.3878399117774522,0,-0.8506276960085343 -0.920278031427936 -0.9311125280487297 -0.920278031427936 -1.0007628634681227 -1.064222057961344 -0.971354944068823 -0.8057419242938189 -0.3506930662204403 0.19877069097700883 0.6538195490503874 0.8488404882246913 1.062434850177501 1.1444674674492372 0.9122996827179214 0.7219220992382397 0.5315445157585579 0.13066814078915656 -0.07209172454285957 -0.1680544088984708 +11010,-0.5813130657202153,0,-0.920278031427936 -0.9311125280487297 -0.920278031427936 -1.0007628634681227 -1.064222057961344 -0.971354944068823 -0.8057419242938189 -0.3506930662204403 0.19877069097700883 0.6538195490503874 0.8488404882246913 1.062434850177501 1.1444674674492372 0.9122996827179214 0.7219220992382397 0.5315445157585579 0.13066814078915656 -0.07209172454285957 -0.1680544088984708 -0.3878399117774522 +11011,-0.6912058171597016,0,-0.9311125280487297 -0.920278031427936 -1.0007628634681227 -1.064222057961344 -0.971354944068823 -0.8057419242938189 -0.3506930662204403 0.19877069097700883 0.6538195490503874 0.8488404882246913 1.062434850177501 1.1444674674492372 0.9122996827179214 0.7219220992382397 0.5315445157585579 0.13066814078915656 -0.07209172454285957 -0.1680544088984708 -0.3878399117774522 -0.5813130657202153 +11012,-0.7422827298005886,0,-0.920278031427936 -1.0007628634681227 -1.064222057961344 -0.971354944068823 -0.8057419242938189 -0.3506930662204403 0.19877069097700883 0.6538195490503874 0.8488404882246913 1.062434850177501 1.1444674674492372 0.9122996827179214 0.7219220992382397 0.5315445157585579 0.13066814078915656 -0.07209172454285957 -0.1680544088984708 -0.3878399117774522 -0.5813130657202153 -0.6912058171597016 +11013,-0.8583666221662465,0,-1.0007628634681227 -1.064222057961344 -0.971354944068823 -0.8057419242938189 -0.3506930662204403 0.19877069097700883 0.6538195490503874 0.8488404882246913 1.062434850177501 1.1444674674492372 0.9122996827179214 0.7219220992382397 0.5315445157585579 0.13066814078915656 -0.07209172454285957 -0.1680544088984708 -0.3878399117774522 -0.5813130657202153 -0.6912058171597016 -0.7422827298005886 +11014,-0.9729027293003637,0,-1.064222057961344 -0.971354944068823 -0.8057419242938189 -0.3506930662204403 0.19877069097700883 0.6538195490503874 0.8488404882246913 1.062434850177501 1.1444674674492372 0.9122996827179214 0.7219220992382397 0.5315445157585579 0.13066814078915656 -0.07209172454285957 -0.1680544088984708 -0.3878399117774522 -0.5813130657202153 -0.6912058171597016 -0.7422827298005886 -0.8583666221662465 +11015,-1.0146929305519976,0,-0.971354944068823 -0.8057419242938189 -0.3506930662204403 0.19877069097700883 0.6538195490503874 0.8488404882246913 1.062434850177501 1.1444674674492372 0.9122996827179214 0.7219220992382397 0.5315445157585579 0.13066814078915656 -0.07209172454285957 -0.1680544088984708 -0.3878399117774522 -0.5813130657202153 -0.6912058171597016 -0.7422827298005886 -0.8583666221662465 -0.9729027293003637 +11016,-1.0425530647197567,0,-0.8057419242938189 -0.3506930662204403 0.19877069097700883 0.6538195490503874 0.8488404882246913 1.062434850177501 1.1444674674492372 0.9122996827179214 0.7219220992382397 0.5315445157585579 0.13066814078915656 -0.07209172454285957 -0.1680544088984708 -0.3878399117774522 -0.5813130657202153 -0.6912058171597016 -0.7422827298005886 -0.8583666221662465 -0.9729027293003637 -1.0146929305519976 +11017,-1.1060122592129868,0,-0.3506930662204403 0.19877069097700883 0.6538195490503874 0.8488404882246913 1.062434850177501 1.1444674674492372 0.9122996827179214 0.7219220992382397 0.5315445157585579 0.13066814078915656 -0.07209172454285957 -0.1680544088984708 -0.3878399117774522 -0.5813130657202153 -0.6912058171597016 -0.7422827298005886 -0.8583666221662465 -0.9729027293003637 -1.0146929305519976 -1.0425530647197567 +11018,-1.3072243393134624,0,0.19877069097700883 0.6538195490503874 0.8488404882246913 1.062434850177501 1.1444674674492372 0.9122996827179214 0.7219220992382397 0.5315445157585579 0.13066814078915656 -0.07209172454285957 -0.1680544088984708 -0.3878399117774522 -0.5813130657202153 -0.6912058171597016 -0.7422827298005886 -0.8583666221662465 -0.9729027293003637 -1.0146929305519976 -1.0425530647197567 -1.1060122592129868 +11019,-1.2499562857464037,0,0.6538195490503874 0.8488404882246913 1.062434850177501 1.1444674674492372 0.9122996827179214 0.7219220992382397 0.5315445157585579 0.13066814078915656 -0.07209172454285957 -0.1680544088984708 -0.3878399117774522 -0.5813130657202153 -0.6912058171597016 -0.7422827298005886 -0.8583666221662465 -0.9729027293003637 -1.0146929305519976 -1.0425530647197567 -1.1060122592129868 -1.3072243393134624 +11020,-1.0146929305519976,0,0.8488404882246913 1.062434850177501 1.1444674674492372 0.9122996827179214 0.7219220992382397 0.5315445157585579 0.13066814078915656 -0.07209172454285957 -0.1680544088984708 -0.3878399117774522 -0.5813130657202153 -0.6912058171597016 -0.7422827298005886 -0.8583666221662465 -0.9729027293003637 -1.0146929305519976 -1.0425530647197567 -1.1060122592129868 -1.3072243393134624 -1.2499562857464037 +11021,-0.6819191057704487,0,1.062434850177501 1.1444674674492372 0.9122996827179214 0.7219220992382397 0.5315445157585579 0.13066814078915656 -0.07209172454285957 -0.1680544088984708 -0.3878399117774522 -0.5813130657202153 -0.6912058171597016 -0.7422827298005886 -0.8583666221662465 -0.9729027293003637 -1.0146929305519976 -1.0425530647197567 -1.1060122592129868 -1.3072243393134624 -1.2499562857464037 -1.0146929305519976 +11022,-0.23460917385478236,0,1.1444674674492372 0.9122996827179214 0.7219220992382397 0.5315445157585579 0.13066814078915656 -0.07209172454285957 -0.1680544088984708 -0.3878399117774522 -0.5813130657202153 -0.6912058171597016 -0.7422827298005886 -0.8583666221662465 -0.9729027293003637 -1.0146929305519976 -1.0425530647197567 -1.1060122592129868 -1.3072243393134624 -1.2499562857464037 -1.0146929305519976 -0.6819191057704487 +11023,0.11364250324219129,0,0.9122996827179214 0.7219220992382397 0.5315445157585579 0.13066814078915656 -0.07209172454285957 -0.1680544088984708 -0.3878399117774522 -0.5813130657202153 -0.6912058171597016 -0.7422827298005886 -0.8583666221662465 -0.9729027293003637 -1.0146929305519976 -1.0425530647197567 -1.1060122592129868 -1.3072243393134624 -1.2499562857464037 -1.0146929305519976 -0.6819191057704487 -0.23460917385478236 +11024,0.3752182073728067,0,0.7219220992382397 0.5315445157585579 0.13066814078915656 -0.07209172454285957 -0.1680544088984708 -0.3878399117774522 -0.5813130657202153 -0.6912058171597016 -0.7422827298005886 -0.8583666221662465 -0.9729027293003637 -1.0146929305519976 -1.0425530647197567 -1.1060122592129868 -1.3072243393134624 -1.2499562857464037 -1.0146929305519976 -0.6819191057704487 -0.23460917385478236 0.11364250324219129 +11025,0.41855619385599024,0,0.5315445157585579 0.13066814078915656 -0.07209172454285957 -0.1680544088984708 -0.3878399117774522 -0.5813130657202153 -0.6912058171597016 -0.7422827298005886 -0.8583666221662465 -0.9729027293003637 -1.0146929305519976 -1.0425530647197567 -1.1060122592129868 -1.3072243393134624 -1.2499562857464037 -1.0146929305519976 -0.6819191057704487 -0.23460917385478236 0.11364250324219129 0.3752182073728067 +11026,0.5346400862216482,0,0.13066814078915656 -0.07209172454285957 -0.1680544088984708 -0.3878399117774522 -0.5813130657202153 -0.6912058171597016 -0.7422827298005886 -0.8583666221662465 -0.9729027293003637 -1.0146929305519976 -1.0425530647197567 -1.1060122592129868 -1.3072243393134624 -1.2499562857464037 -1.0146929305519976 -0.6819191057704487 -0.23460917385478236 0.11364250324219129 0.3752182073728067 0.41855619385599024 +11027,0.3721226369097253,0,-0.07209172454285957 -0.1680544088984708 -0.3878399117774522 -0.5813130657202153 -0.6912058171597016 -0.7422827298005886 -0.8583666221662465 -0.9729027293003637 -1.0146929305519976 -1.0425530647197567 -1.1060122592129868 -1.3072243393134624 -1.2499562857464037 -1.0146929305519976 -0.6819191057704487 -0.23460917385478236 0.11364250324219129 0.3752182073728067 0.41855619385599024 0.5346400862216482 +11028,0.06875673152747587,0,-0.1680544088984708 -0.3878399117774522 -0.5813130657202153 -0.6912058171597016 -0.7422827298005886 -0.8583666221662465 -0.9729027293003637 -1.0146929305519976 -1.0425530647197567 -1.1060122592129868 -1.3072243393134624 -1.2499562857464037 -1.0146929305519976 -0.6819191057704487 -0.23460917385478236 0.11364250324219129 0.3752182073728067 0.41855619385599024 0.5346400862216482 0.3721226369097253 +11029,-0.29032944219029144,0,-0.3878399117774522 -0.5813130657202153 -0.6912058171597016 -0.7422827298005886 -0.8583666221662465 -0.9729027293003637 -1.0146929305519976 -1.0425530647197567 -1.1060122592129868 -1.3072243393134624 -1.2499562857464037 -1.0146929305519976 -0.6819191057704487 -0.23460917385478236 0.11364250324219129 0.3752182073728067 0.41855619385599024 0.5346400862216482 0.3721226369097253 0.06875673152747587 +11030,-0.49308930752230756,0,-0.5813130657202153 -0.6912058171597016 -0.7422827298005886 -0.8583666221662465 -0.9729027293003637 -1.0146929305519976 -1.0425530647197567 -1.1060122592129868 -1.3072243393134624 -1.2499562857464037 -1.0146929305519976 -0.6819191057704487 -0.23460917385478236 0.11364250324219129 0.3752182073728067 0.41855619385599024 0.5346400862216482 0.3721226369097253 0.06875673152747587 -0.29032944219029144 +11031,-0.6153664899139291,0,-0.6912058171597016 -0.7422827298005886 -0.8583666221662465 -0.9729027293003637 -1.0146929305519976 -1.0425530647197567 -1.1060122592129868 -1.3072243393134624 -1.2499562857464037 -1.0146929305519976 -0.6819191057704487 -0.23460917385478236 0.11364250324219129 0.3752182073728067 0.41855619385599024 0.5346400862216482 0.3721226369097253 0.06875673152747587 -0.29032944219029144 -0.49308930752230756 +11032,-0.6231032669718494,0,-0.7422827298005886 -0.8583666221662465 -0.9729027293003637 -1.0146929305519976 -1.0425530647197567 -1.1060122592129868 -1.3072243393134624 -1.2499562857464037 -1.0146929305519976 -0.6819191057704487 -0.23460917385478236 0.11364250324219129 0.3752182073728067 0.41855619385599024 0.5346400862216482 0.3721226369097253 0.06875673152747587 -0.29032944219029144 -0.49308930752230756 -0.6153664899139291 +11033,-0.7175181660959199,0,-0.8583666221662465 -0.9729027293003637 -1.0146929305519976 -1.0425530647197567 -1.1060122592129868 -1.3072243393134624 -1.2499562857464037 -1.0146929305519976 -0.6819191057704487 -0.23460917385478236 0.11364250324219129 0.3752182073728067 0.41855619385599024 0.5346400862216482 0.3721226369097253 0.06875673152747587 -0.29032944219029144 -0.49308930752230756 -0.6153664899139291 -0.6231032669718494 +11034,-0.7654995082737255,0,-0.9729027293003637 -1.0146929305519976 -1.0425530647197567 -1.1060122592129868 -1.3072243393134624 -1.2499562857464037 -1.0146929305519976 -0.6819191057704487 -0.23460917385478236 0.11364250324219129 0.3752182073728067 0.41855619385599024 0.5346400862216482 0.3721226369097253 0.06875673152747587 -0.29032944219029144 -0.49308930752230756 -0.6153664899139291 -0.6231032669718494 -0.7175181660959199 +11035,-0.8119330652199815,0,-1.0146929305519976 -1.0425530647197567 -1.1060122592129868 -1.3072243393134624 -1.2499562857464037 -1.0146929305519976 -0.6819191057704487 -0.23460917385478236 0.11364250324219129 0.3752182073728067 0.41855619385599024 0.5346400862216482 0.3721226369097253 0.06875673152747587 -0.29032944219029144 -0.49308930752230756 -0.6153664899139291 -0.6231032669718494 -0.7175181660959199 -0.7654995082737255 +11036,-0.9094435348071335,0,-1.0425530647197567 -1.1060122592129868 -1.3072243393134624 -1.2499562857464037 -1.0146929305519976 -0.6819191057704487 -0.23460917385478236 0.11364250324219129 0.3752182073728067 0.41855619385599024 0.5346400862216482 0.3721226369097253 0.06875673152747587 -0.29032944219029144 -0.49308930752230756 -0.6153664899139291 -0.6231032669718494 -0.7175181660959199 -0.7654995082737255 -0.8119330652199815 +11037,-0.9558770917533984,0,-1.1060122592129868 -1.3072243393134624 -1.2499562857464037 -1.0146929305519976 -0.6819191057704487 -0.23460917385478236 0.11364250324219129 0.3752182073728067 0.41855619385599024 0.5346400862216482 0.3721226369097253 0.06875673152747587 -0.29032944219029144 -0.49308930752230756 -0.6153664899139291 -0.6231032669718494 -0.7175181660959199 -0.7654995082737255 -0.8119330652199815 -0.9094435348071335 +11038,-1.0162407157835471,0,-1.3072243393134624 -1.2499562857464037 -1.0146929305519976 -0.6819191057704487 -0.23460917385478236 0.11364250324219129 0.3752182073728067 0.41855619385599024 0.5346400862216482 0.3721226369097253 0.06875673152747587 -0.29032944219029144 -0.49308930752230756 -0.6153664899139291 -0.6231032669718494 -0.7175181660959199 -0.7654995082737255 -0.8119330652199815 -0.9094435348071335 -0.9558770917533984 +11039,-1.027075212404341,0,-1.2499562857464037 -1.0146929305519976 -0.6819191057704487 -0.23460917385478236 0.11364250324219129 0.3752182073728067 0.41855619385599024 0.5346400862216482 0.3721226369097253 0.06875673152747587 -0.29032944219029144 -0.49308930752230756 -0.6153664899139291 -0.6231032669718494 -0.7175181660959199 -0.7654995082737255 -0.8119330652199815 -0.9094435348071335 -0.9558770917533984 -1.0162407157835471 +11040,-1.0858910512029403,0,-1.0146929305519976 -0.6819191057704487 -0.23460917385478236 0.11364250324219129 0.3752182073728067 0.41855619385599024 0.5346400862216482 0.3721226369097253 0.06875673152747587 -0.29032944219029144 -0.49308930752230756 -0.6153664899139291 -0.6231032669718494 -0.7175181660959199 -0.7654995082737255 -0.8119330652199815 -0.9094435348071335 -0.9558770917533984 -1.0162407157835471 -1.027075212404341 +11041,-1.1539936013907925,0,-0.6819191057704487 -0.23460917385478236 0.11364250324219129 0.3752182073728067 0.41855619385599024 0.5346400862216482 0.3721226369097253 0.06875673152747587 -0.29032944219029144 -0.49308930752230756 -0.6153664899139291 -0.6231032669718494 -0.7175181660959199 -0.7654995082737255 -0.8119330652199815 -0.9094435348071335 -0.9558770917533984 -1.0162407157835471 -1.027075212404341 -1.0858910512029403 +11042,-1.2453129300517727,0,-0.23460917385478236 0.11364250324219129 0.3752182073728067 0.41855619385599024 0.5346400862216482 0.3721226369097253 0.06875673152747587 -0.29032944219029144 -0.49308930752230756 -0.6153664899139291 -0.6231032669718494 -0.7175181660959199 -0.7654995082737255 -0.8119330652199815 -0.9094435348071335 -0.9558770917533984 -1.0162407157835471 -1.027075212404341 -1.0858910512029403 -1.1539936013907925 +11043,-1.2097138697263103,0,0.11364250324219129 0.3752182073728067 0.41855619385599024 0.5346400862216482 0.3721226369097253 0.06875673152747587 -0.29032944219029144 -0.49308930752230756 -0.6153664899139291 -0.6231032669718494 -0.7175181660959199 -0.7654995082737255 -0.8119330652199815 -0.9094435348071335 -0.9558770917533984 -1.0162407157835471 -1.027075212404341 -1.0858910512029403 -1.1539936013907925 -1.2453129300517727 +11044,-1.1586369570854145,0,0.3752182073728067 0.41855619385599024 0.5346400862216482 0.3721226369097253 0.06875673152747587 -0.29032944219029144 -0.49308930752230756 -0.6153664899139291 -0.6231032669718494 -0.7175181660959199 -0.7654995082737255 -0.8119330652199815 -0.9094435348071335 -0.9558770917533984 -1.0162407157835471 -1.027075212404341 -1.0858910512029403 -1.1539936013907925 -1.2453129300517727 -1.2097138697263103 +11045,-0.8552710517031651,0,0.41855619385599024 0.5346400862216482 0.3721226369097253 0.06875673152747587 -0.29032944219029144 -0.49308930752230756 -0.6153664899139291 -0.6231032669718494 -0.7175181660959199 -0.7654995082737255 -0.8119330652199815 -0.9094435348071335 -0.9558770917533984 -1.0162407157835471 -1.027075212404341 -1.0858910512029403 -1.1539936013907925 -1.2453129300517727 -1.2097138697263103 -1.1586369570854145 +11046,-0.5023760189115606,0,0.5346400862216482 0.3721226369097253 0.06875673152747587 -0.29032944219029144 -0.49308930752230756 -0.6153664899139291 -0.6231032669718494 -0.7175181660959199 -0.7654995082737255 -0.8119330652199815 -0.9094435348071335 -0.9558770917533984 -1.0162407157835471 -1.027075212404341 -1.0858910512029403 -1.1539936013907925 -1.2453129300517727 -1.2097138697263103 -1.1586369570854145 -0.8552710517031651 +11047,-0.1665066236669301,0,0.3721226369097253 0.06875673152747587 -0.29032944219029144 -0.49308930752230756 -0.6153664899139291 -0.6231032669718494 -0.7175181660959199 -0.7654995082737255 -0.8119330652199815 -0.9094435348071335 -0.9558770917533984 -1.0162407157835471 -1.027075212404341 -1.0858910512029403 -1.1539936013907925 -1.2453129300517727 -1.2097138697263103 -1.1586369570854145 -0.8552710517031651 -0.5023760189115606 +11048,0.030062100738923243,0,0.06875673152747587 -0.29032944219029144 -0.49308930752230756 -0.6153664899139291 -0.6231032669718494 -0.7175181660959199 -0.7654995082737255 -0.8119330652199815 -0.9094435348071335 -0.9558770917533984 -1.0162407157835471 -1.027075212404341 -1.0858910512029403 -1.1539936013907925 -1.2453129300517727 -1.2097138697263103 -1.1586369570854145 -0.8552710517031651 -0.5023760189115606 -0.1665066236669301 +11049,0.2188918989870555,0,-0.29032944219029144 -0.49308930752230756 -0.6153664899139291 -0.6231032669718494 -0.7175181660959199 -0.7654995082737255 -0.8119330652199815 -0.9094435348071335 -0.9558770917533984 -1.0162407157835471 -1.027075212404341 -1.0858910512029403 -1.1539936013907925 -1.2453129300517727 -1.2097138697263103 -1.1586369570854145 -0.8552710517031651 -0.5023760189115606 -0.1665066236669301 0.030062100738923243 +11050,0.2730643820910327,0,-0.49308930752230756 -0.6153664899139291 -0.6231032669718494 -0.7175181660959199 -0.7654995082737255 -0.8119330652199815 -0.9094435348071335 -0.9558770917533984 -1.0162407157835471 -1.027075212404341 -1.0858910512029403 -1.1539936013907925 -1.2453129300517727 -1.2097138697263103 -1.1586369570854145 -0.8552710517031651 -0.5023760189115606 -0.1665066236669301 0.030062100738923243 0.2188918989870555 +11051,0.14459820787303163,0,-0.6153664899139291 -0.6231032669718494 -0.7175181660959199 -0.7654995082737255 -0.8119330652199815 -0.9094435348071335 -0.9558770917533984 -1.0162407157835471 -1.027075212404341 -1.0858910512029403 -1.1539936013907925 -1.2453129300517727 -1.2097138697263103 -1.1586369570854145 -0.8552710517031651 -0.5023760189115606 -0.1665066236669301 0.030062100738923243 0.2188918989870555 0.2730643820910327 +11052,-0.025658167596594655,0,-0.6231032669718494 -0.7175181660959199 -0.7654995082737255 -0.8119330652199815 -0.9094435348071335 -0.9558770917533984 -1.0162407157835471 -1.027075212404341 -1.0858910512029403 -1.1539936013907925 -1.2453129300517727 -1.2097138697263103 -1.1586369570854145 -0.8552710517031651 -0.5023760189115606 -0.1665066236669301 0.030062100738923243 0.2188918989870555 0.2730643820910327 0.14459820787303163 +11053,-0.19591454306622974,0,-0.7175181660959199 -0.7654995082737255 -0.8119330652199815 -0.9094435348071335 -0.9558770917533984 -1.0162407157835471 -1.027075212404341 -1.0858910512029403 -1.1539936013907925 -1.2453129300517727 -1.2097138697263103 -1.1586369570854145 -0.8552710517031651 -0.5023760189115606 -0.1665066236669301 0.030062100738923243 0.2188918989870555 0.2730643820910327 0.14459820787303163 -0.025658167596594655 +11054,-0.5023760189115606,0,-0.7654995082737255 -0.8119330652199815 -0.9094435348071335 -0.9558770917533984 -1.0162407157835471 -1.027075212404341 -1.0858910512029403 -1.1539936013907925 -1.2453129300517727 -1.2097138697263103 -1.1586369570854145 -0.8552710517031651 -0.5023760189115606 -0.1665066236669301 0.030062100738923243 0.2188918989870555 0.2730643820910327 0.14459820787303163 -0.025658167596594655 -0.19591454306622974 +11055,-0.633937763592643,0,-0.8119330652199815 -0.9094435348071335 -0.9558770917533984 -1.0162407157835471 -1.027075212404341 -1.0858910512029403 -1.1539936013907925 -1.2453129300517727 -1.2097138697263103 -1.1586369570854145 -0.8552710517031651 -0.5023760189115606 -0.1665066236669301 0.030062100738923243 0.2188918989870555 0.2730643820910327 0.14459820787303163 -0.025658167596594655 -0.19591454306622974 -0.5023760189115606 +11056,-0.7376393741059666,0,-0.9094435348071335 -0.9558770917533984 -1.0162407157835471 -1.027075212404341 -1.0858910512029403 -1.1539936013907925 -1.2453129300517727 -1.2097138697263103 -1.1586369570854145 -0.8552710517031651 -0.5023760189115606 -0.1665066236669301 0.030062100738923243 0.2188918989870555 0.2730643820910327 0.14459820787303163 -0.025658167596594655 -0.19591454306622974 -0.5023760189115606 -0.633937763592643 +11057,-0.8568188369347058,0,-0.9558770917533984 -1.0162407157835471 -1.027075212404341 -1.0858910512029403 -1.1539936013907925 -1.2453129300517727 -1.2097138697263103 -1.1586369570854145 -0.8552710517031651 -0.5023760189115606 -0.1665066236669301 0.030062100738923243 0.2188918989870555 0.2730643820910327 0.14459820787303163 -0.025658167596594655 -0.19591454306622974 -0.5023760189115606 -0.633937763592643 -0.7376393741059666 +11058,-1.02243185670971,0,-1.0162407157835471 -1.027075212404341 -1.0858910512029403 -1.1539936013907925 -1.2453129300517727 -1.2097138697263103 -1.1586369570854145 -0.8552710517031651 -0.5023760189115606 -0.1665066236669301 0.030062100738923243 0.2188918989870555 0.2730643820910327 0.14459820787303163 -0.025658167596594655 -0.19591454306622974 -0.5023760189115606 -0.633937763592643 -0.7376393741059666 -0.8568188369347058 +11059,-1.0487442056459282,0,-1.027075212404341 -1.0858910512029403 -1.1539936013907925 -1.2453129300517727 -1.2097138697263103 -1.1586369570854145 -0.8552710517031651 -0.5023760189115606 -0.1665066236669301 0.030062100738923243 0.2188918989870555 0.2730643820910327 0.14459820787303163 -0.025658167596594655 -0.19591454306622974 -0.5023760189115606 -0.633937763592643 -0.7376393741059666 -0.8568188369347058 -1.02243185670971 +11060,-1.1447068900015396,0,-1.0858910512029403 -1.1539936013907925 -1.2453129300517727 -1.2097138697263103 -1.1586369570854145 -0.8552710517031651 -0.5023760189115606 -0.1665066236669301 0.030062100738923243 0.2188918989870555 0.2730643820910327 0.14459820787303163 -0.025658167596594655 -0.19591454306622974 -0.5023760189115606 -0.633937763592643 -0.7376393741059666 -0.8568188369347058 -1.02243185670971 -1.0487442056459282 +11061,-1.1369679638438273,0,-1.1539936013907925 -1.2453129300517727 -1.2097138697263103 -1.1586369570854145 -0.8552710517031651 -0.5023760189115606 -0.1665066236669301 0.030062100738923243 0.2188918989870555 0.2730643820910327 0.14459820787303163 -0.025658167596594655 -0.19591454306622974 -0.5023760189115606 -0.633937763592643 -0.7376393741059666 -0.8568188369347058 -1.02243185670971 -1.0487442056459282 -1.1447068900015396 +11062,-1.2081660844947608,0,-1.2453129300517727 -1.2097138697263103 -1.1586369570854145 -0.8552710517031651 -0.5023760189115606 -0.1665066236669301 0.030062100738923243 0.2188918989870555 0.2730643820910327 0.14459820787303163 -0.025658167596594655 -0.19591454306622974 -0.5023760189115606 -0.633937763592643 -0.7376393741059666 -0.8568188369347058 -1.02243185670971 -1.0487442056459282 -1.1447068900015396 -1.1369679638438273 +11063,-1.3149632654711658,0,-1.2097138697263103 -1.1586369570854145 -0.8552710517031651 -0.5023760189115606 -0.1665066236669301 0.030062100738923243 0.2188918989870555 0.2730643820910327 0.14459820787303163 -0.025658167596594655 -0.19591454306622974 -0.5023760189115606 -0.633937763592643 -0.7376393741059666 -0.8568188369347058 -1.02243185670971 -1.0487442056459282 -1.1447068900015396 -1.1369679638438273 -1.2081660844947608 +11064,-1.3567534667228085,0,-1.1586369570854145 -0.8552710517031651 -0.5023760189115606 -0.1665066236669301 0.030062100738923243 0.2188918989870555 0.2730643820910327 0.14459820787303163 -0.025658167596594655 -0.19591454306622974 -0.5023760189115606 -0.633937763592643 -0.7376393741059666 -0.8568188369347058 -1.02243185670971 -1.0487442056459282 -1.1447068900015396 -1.1369679638438273 -1.2081660844947608 -1.3149632654711658 +11065,-1.3629446076489713,0,-0.8552710517031651 -0.5023760189115606 -0.1665066236669301 0.030062100738923243 0.2188918989870555 0.2730643820910327 0.14459820787303163 -0.025658167596594655 -0.19591454306622974 -0.5023760189115606 -0.633937763592643 -0.7376393741059666 -0.8568188369347058 -1.02243185670971 -1.0487442056459282 -1.1447068900015396 -1.1369679638438273 -1.2081660844947608 -1.3149632654711658 -1.3567534667228085 +11066,-1.35984903718589,0,-0.5023760189115606 -0.1665066236669301 0.030062100738923243 0.2188918989870555 0.2730643820910327 0.14459820787303163 -0.025658167596594655 -0.19591454306622974 -0.5023760189115606 -0.633937763592643 -0.7376393741059666 -0.8568188369347058 -1.02243185670971 -1.0487442056459282 -1.1447068900015396 -1.1369679638438273 -1.2081660844947608 -1.3149632654711658 -1.3567534667228085 -1.3629446076489713 +11067,-1.3459189701020149,0,-0.1665066236669301 0.030062100738923243 0.2188918989870555 0.2730643820910327 0.14459820787303163 -0.025658167596594655 -0.19591454306622974 -0.5023760189115606 -0.633937763592643 -0.7376393741059666 -0.8568188369347058 -1.02243185670971 -1.0487442056459282 -1.1447068900015396 -1.1369679638438273 -1.2081660844947608 -1.3149632654711658 -1.3567534667228085 -1.3629446076489713 -1.35984903718589 +11068,-1.2035227288001387,0,0.030062100738923243 0.2188918989870555 0.2730643820910327 0.14459820787303163 -0.025658167596594655 -0.19591454306622974 -0.5023760189115606 -0.633937763592643 -0.7376393741059666 -0.8568188369347058 -1.02243185670971 -1.0487442056459282 -1.1447068900015396 -1.1369679638438273 -1.2081660844947608 -1.3149632654711658 -1.3567534667228085 -1.3629446076489713 -1.35984903718589 -1.3459189701020149 +11069,-0.6091731998879655,0,0.2188918989870555 0.2730643820910327 0.14459820787303163 -0.025658167596594655 -0.19591454306622974 -0.5023760189115606 -0.633937763592643 -0.7376393741059666 -0.8568188369347058 -1.02243185670971 -1.0487442056459282 -1.1447068900015396 -1.1369679638438273 -1.2081660844947608 -1.3149632654711658 -1.3567534667228085 -1.3629446076489713 -1.35984903718589 -1.3459189701020149 -1.2035227288001387 +11070,-0.0535183017643536,0,0.2730643820910327 0.14459820787303163 -0.025658167596594655 -0.19591454306622974 -0.5023760189115606 -0.633937763592643 -0.7376393741059666 -0.8568188369347058 -1.02243185670971 -1.0487442056459282 -1.1447068900015396 -1.1369679638438273 -1.2081660844947608 -1.3149632654711658 -1.3567534667228085 -1.3629446076489713 -1.35984903718589 -1.3459189701020149 -1.2035227288001387 -0.6091731998879655 +11071,0.4139128381613593,0,0.14459820787303163 -0.025658167596594655 -0.19591454306622974 -0.5023760189115606 -0.633937763592643 -0.7376393741059666 -0.8568188369347058 -1.02243185670971 -1.0487442056459282 -1.1447068900015396 -1.1369679638438273 -1.2081660844947608 -1.3149632654711658 -1.3567534667228085 -1.3629446076489713 -1.35984903718589 -1.3459189701020149 -1.2035227288001387 -0.6091731998879655 -0.0535183017643536 +11072,0.673940757060434,0,-0.025658167596594655 -0.19591454306622974 -0.5023760189115606 -0.633937763592643 -0.7376393741059666 -0.8568188369347058 -1.02243185670971 -1.0487442056459282 -1.1447068900015396 -1.1369679638438273 -1.2081660844947608 -1.3149632654711658 -1.3567534667228085 -1.3629446076489713 -1.35984903718589 -1.3459189701020149 -1.2035227288001387 -0.6091731998879655 -0.0535183017643536 0.4139128381613593 +11073,0.8674139110031972,0,-0.19591454306622974 -0.5023760189115606 -0.633937763592643 -0.7376393741059666 -0.8568188369347058 -1.02243185670971 -1.0487442056459282 -1.1447068900015396 -1.1369679638438273 -1.2081660844947608 -1.3149632654711658 -1.3567534667228085 -1.3629446076489713 -1.35984903718589 -1.3459189701020149 -1.2035227288001387 -0.6091731998879655 -0.0535183017643536 0.4139128381613593 0.673940757060434 +11074,0.9215863941071744,0,-0.5023760189115606 -0.633937763592643 -0.7376393741059666 -0.8568188369347058 -1.02243185670971 -1.0487442056459282 -1.1447068900015396 -1.1369679638438273 -1.2081660844947608 -1.3149632654711658 -1.3567534667228085 -1.3629446076489713 -1.35984903718589 -1.3459189701020149 -1.2035227288001387 -0.6091731998879655 -0.0535183017643536 0.4139128381613593 0.673940757060434 0.8674139110031972 +11075,0.7776423675737576,0,-0.633937763592643 -0.7376393741059666 -0.8568188369347058 -1.02243185670971 -1.0487442056459282 -1.1447068900015396 -1.1369679638438273 -1.2081660844947608 -1.3149632654711658 -1.3567534667228085 -1.3629446076489713 -1.35984903718589 -1.3459189701020149 -1.2035227288001387 -0.6091731998879655 -0.0535183017643536 0.4139128381613593 0.673940757060434 0.8674139110031972 0.9215863941071744 +11076,0.7373999515536642,0,-0.7376393741059666 -0.8568188369347058 -1.02243185670971 -1.0487442056459282 -1.1447068900015396 -1.1369679638438273 -1.2081660844947608 -1.3149632654711658 -1.3567534667228085 -1.3629446076489713 -1.35984903718589 -1.3459189701020149 -1.2035227288001387 -0.6091731998879655 -0.0535183017643536 0.4139128381613593 0.673940757060434 0.8674139110031972 0.9215863941071744 0.7776423675737576 +11077,0.34735807320504775,0,-0.8568188369347058 -1.02243185670971 -1.0487442056459282 -1.1447068900015396 -1.1369679638438273 -1.2081660844947608 -1.3149632654711658 -1.3567534667228085 -1.3629446076489713 -1.35984903718589 -1.3459189701020149 -1.2035227288001387 -0.6091731998879655 -0.0535183017643536 0.4139128381613593 0.673940757060434 0.8674139110031972 0.9215863941071744 0.7776423675737576 0.7373999515536642 +11078,-0.007084744818088688,0,-1.02243185670971 -1.0487442056459282 -1.1447068900015396 -1.1369679638438273 -1.2081660844947608 -1.3149632654711658 -1.3567534667228085 -1.3629446076489713 -1.35984903718589 -1.3459189701020149 -1.2035227288001387 -0.6091731998879655 -0.0535183017643536 0.4139128381613593 0.673940757060434 0.8674139110031972 0.9215863941071744 0.7776423675737576 0.7373999515536642 0.34735807320504775 +11079,-0.3104506502003469,0,-1.0487442056459282 -1.1447068900015396 -1.1369679638438273 -1.2081660844947608 -1.3149632654711658 -1.3567534667228085 -1.3629446076489713 -1.35984903718589 -1.3459189701020149 -1.2035227288001387 -0.6091731998879655 -0.0535183017643536 0.4139128381613593 0.673940757060434 0.8674139110031972 0.9215863941071744 0.7776423675737576 0.7373999515536642 0.34735807320504775 -0.007084744818088688 +11080,-0.5132105155323631,0,-1.1447068900015396 -1.1369679638438273 -1.2081660844947608 -1.3149632654711658 -1.3567534667228085 -1.3629446076489713 -1.35984903718589 -1.3459189701020149 -1.2035227288001387 -0.6091731998879655 -0.0535183017643536 0.4139128381613593 0.673940757060434 0.8674139110031972 0.9215863941071744 0.7776423675737576 0.7373999515536642 0.34735807320504775 -0.007084744818088688 -0.3104506502003469 +11081,-0.6215554817403086,0,-1.1369679638438273 -1.2081660844947608 -1.3149632654711658 -1.3567534667228085 -1.3629446076489713 -1.35984903718589 -1.3459189701020149 -1.2035227288001387 -0.6091731998879655 -0.0535183017643536 0.4139128381613593 0.673940757060434 0.8674139110031972 0.9215863941071744 0.7776423675737576 0.7373999515536642 0.34735807320504775 -0.007084744818088688 -0.3104506502003469 -0.5132105155323631 +11082,-0.6648934682234834,0,-1.2081660844947608 -1.3149632654711658 -1.3567534667228085 -1.3629446076489713 -1.35984903718589 -1.3459189701020149 -1.2035227288001387 -0.6091731998879655 -0.0535183017643536 0.4139128381613593 0.673940757060434 0.8674139110031972 0.9215863941071744 0.7776423675737576 0.7373999515536642 0.34735807320504775 -0.007084744818088688 -0.3104506502003469 -0.5132105155323631 -0.6215554817403086 +11083,-0.5936953475725497,0,-1.3149632654711658 -1.3567534667228085 -1.3629446076489713 -1.35984903718589 -1.3459189701020149 -1.2035227288001387 -0.6091731998879655 -0.0535183017643536 0.4139128381613593 0.673940757060434 0.8674139110031972 0.9215863941071744 0.7776423675737576 0.7373999515536642 0.34735807320504775 -0.007084744818088688 -0.3104506502003469 -0.5132105155323631 -0.6215554817403086 -0.6648934682234834 +11084,-0.7314482331797949,0,-1.3567534667228085 -1.3629446076489713 -1.35984903718589 -1.3459189701020149 -1.2035227288001387 -0.6091731998879655 -0.0535183017643536 0.4139128381613593 0.673940757060434 0.8674139110031972 0.9215863941071744 0.7776423675737576 0.7373999515536642 0.34735807320504775 -0.007084744818088688 -0.3104506502003469 -0.5132105155323631 -0.6215554817403086 -0.6648934682234834 -0.5936953475725497 +11085,-0.8397931993877406,0,-1.3629446076489713 -1.35984903718589 -1.3459189701020149 -1.2035227288001387 -0.6091731998879655 -0.0535183017643536 0.4139128381613593 0.673940757060434 0.8674139110031972 0.9215863941071744 0.7776423675737576 0.7373999515536642 0.34735807320504775 -0.007084744818088688 -0.3104506502003469 -0.5132105155323631 -0.6215554817403086 -0.6648934682234834 -0.5936953475725497 -0.7314482331797949 +11086,-0.7809773605891412,0,-1.35984903718589 -1.3459189701020149 -1.2035227288001387 -0.6091731998879655 -0.0535183017643536 0.4139128381613593 0.673940757060434 0.8674139110031972 0.9215863941071744 0.7776423675737576 0.7373999515536642 0.34735807320504775 -0.007084744818088688 -0.3104506502003469 -0.5132105155323631 -0.6215554817403086 -0.6648934682234834 -0.5936953475725497 -0.7314482331797949 -0.8397931993877406 +11087,-0.8753922597132118,0,-1.3459189701020149 -1.2035227288001387 -0.6091731998879655 -0.0535183017643536 0.4139128381613593 0.673940757060434 0.8674139110031972 0.9215863941071744 0.7776423675737576 0.7373999515536642 0.34735807320504775 -0.007084744818088688 -0.3104506502003469 -0.5132105155323631 -0.6215554817403086 -0.6648934682234834 -0.5936953475725497 -0.7314482331797949 -0.8397931993877406 -0.7809773605891412 +11088,-1.0487442056459282,0,-1.2035227288001387 -0.6091731998879655 -0.0535183017643536 0.4139128381613593 0.673940757060434 0.8674139110031972 0.9215863941071744 0.7776423675737576 0.7373999515536642 0.34735807320504775 -0.007084744818088688 -0.3104506502003469 -0.5132105155323631 -0.6215554817403086 -0.6648934682234834 -0.5936953475725497 -0.7314482331797949 -0.8397931993877406 -0.7809773605891412 -0.8753922597132118 +11089,-1.036361923793594,0,-0.6091731998879655 -0.0535183017643536 0.4139128381613593 0.673940757060434 0.8674139110031972 0.9215863941071744 0.7776423675737576 0.7373999515536642 0.34735807320504775 -0.007084744818088688 -0.3104506502003469 -0.5132105155323631 -0.6215554817403086 -0.6648934682234834 -0.5936953475725497 -0.7314482331797949 -0.8397931993877406 -0.7809773605891412 -0.8753922597132118 -1.0487442056459282 +11090,-1.0069540043942942,0,-0.0535183017643536 0.4139128381613593 0.673940757060434 0.8674139110031972 0.9215863941071744 0.7776423675737576 0.7373999515536642 0.34735807320504775 -0.007084744818088688 -0.3104506502003469 -0.5132105155323631 -0.6215554817403086 -0.6648934682234834 -0.5936953475725497 -0.7314482331797949 -0.8397931993877406 -0.7809773605891412 -0.8753922597132118 -1.0487442056459282 -1.036361923793594 +11091,-0.9837372259211574,0,0.4139128381613593 0.673940757060434 0.8674139110031972 0.9215863941071744 0.7776423675737576 0.7373999515536642 0.34735807320504775 -0.007084744818088688 -0.3104506502003469 -0.5132105155323631 -0.6215554817403086 -0.6648934682234834 -0.5936953475725497 -0.7314482331797949 -0.8397931993877406 -0.7809773605891412 -0.8753922597132118 -1.0487442056459282 -1.036361923793594 -1.0069540043942942 +11092,-0.8862267563340055,0,0.673940757060434 0.8674139110031972 0.9215863941071744 0.7776423675737576 0.7373999515536642 0.34735807320504775 -0.007084744818088688 -0.3104506502003469 -0.5132105155323631 -0.6215554817403086 -0.6648934682234834 -0.5936953475725497 -0.7314482331797949 -0.8397931993877406 -0.7809773605891412 -0.8753922597132118 -1.0487442056459282 -1.036361923793594 -1.0069540043942942 -0.9837372259211574 +11093,-0.2160357510762764,0,0.8674139110031972 0.9215863941071744 0.7776423675737576 0.7373999515536642 0.34735807320504775 -0.007084744818088688 -0.3104506502003469 -0.5132105155323631 -0.6215554817403086 -0.6648934682234834 -0.5936953475725497 -0.7314482331797949 -0.8397931993877406 -0.7809773605891412 -0.8753922597132118 -1.0487442056459282 -1.036361923793594 -1.0069540043942942 -0.9837372259211574 -0.8862267563340055 +11094,0.2111529728293432,0,0.9215863941071744 0.7776423675737576 0.7373999515536642 0.34735807320504775 -0.007084744818088688 -0.3104506502003469 -0.5132105155323631 -0.6215554817403086 -0.6648934682234834 -0.5936953475725497 -0.7314482331797949 -0.8397931993877406 -0.7809773605891412 -0.8753922597132118 -1.0487442056459282 -1.036361923793594 -1.0069540043942942 -0.9837372259211574 -0.8862267563340055 -0.2160357510762764 +11095,0.6104815625672126,0,0.7776423675737576 0.7373999515536642 0.34735807320504775 -0.007084744818088688 -0.3104506502003469 -0.5132105155323631 -0.6215554817403086 -0.6648934682234834 -0.5936953475725497 -0.7314482331797949 -0.8397931993877406 -0.7809773605891412 -0.8753922597132118 -1.0487442056459282 -1.036361923793594 -1.0069540043942942 -0.9837372259211574 -0.8862267563340055 -0.2160357510762764 0.2111529728293432 +11096,0.8472927029931505,0,0.7373999515536642 0.34735807320504775 -0.007084744818088688 -0.3104506502003469 -0.5132105155323631 -0.6215554817403086 -0.6648934682234834 -0.5936953475725497 -0.7314482331797949 -0.8397931993877406 -0.7809773605891412 -0.8753922597132118 -1.0487442056459282 -1.036361923793594 -1.0069540043942942 -0.9837372259211574 -0.8862267563340055 -0.2160357510762764 0.2111529728293432 0.6104815625672126 +11097,0.9587332396641863,0,0.34735807320504775 -0.007084744818088688 -0.3104506502003469 -0.5132105155323631 -0.6215554817403086 -0.6648934682234834 -0.5936953475725497 -0.7314482331797949 -0.8397931993877406 -0.7809773605891412 -0.8753922597132118 -1.0487442056459282 -1.036361923793594 -1.0069540043942942 -0.9837372259211574 -0.8862267563340055 -0.2160357510762764 0.2111529728293432 0.6104815625672126 0.8472927029931505 +11098,0.9540898839695554,0,-0.007084744818088688 -0.3104506502003469 -0.5132105155323631 -0.6215554817403086 -0.6648934682234834 -0.5936953475725497 -0.7314482331797949 -0.8397931993877406 -0.7809773605891412 -0.8753922597132118 -1.0487442056459282 -1.036361923793594 -1.0069540043942942 -0.9837372259211574 -0.8862267563340055 -0.2160357510762764 0.2111529728293432 0.6104815625672126 0.8472927029931505 0.9587332396641863 +11099,0.8952740451709561,0,-0.3104506502003469 -0.5132105155323631 -0.6215554817403086 -0.6648934682234834 -0.5936953475725497 -0.7314482331797949 -0.8397931993877406 -0.7809773605891412 -0.8753922597132118 -1.0487442056459282 -1.036361923793594 -1.0069540043942942 -0.9837372259211574 -0.8862267563340055 -0.2160357510762764 0.2111529728293432 0.6104815625672126 0.8472927029931505 0.9587332396641863 0.9540898839695554 +11100,0.7373999515536642,0,-0.5132105155323631 -0.6215554817403086 -0.6648934682234834 -0.5936953475725497 -0.7314482331797949 -0.8397931993877406 -0.7809773605891412 -0.8753922597132118 -1.0487442056459282 -1.036361923793594 -1.0069540043942942 -0.9837372259211574 -0.8862267563340055 -0.2160357510762764 0.2111529728293432 0.6104815625672126 0.8472927029931505 0.9587332396641863 0.9540898839695554 0.8952740451709561 +11101,0.5361878714531888,0,-0.6215554817403086 -0.6648934682234834 -0.5936953475725497 -0.7314482331797949 -0.8397931993877406 -0.7809773605891412 -0.8753922597132118 -1.0487442056459282 -1.036361923793594 -1.0069540043942942 -0.9837372259211574 -0.8862267563340055 -0.2160357510762764 0.2111529728293432 0.6104815625672126 0.8472927029931505 0.9587332396641863 0.9540898839695554 0.8952740451709561 0.7373999515536642 +11102,0.1043557918529383,0,-0.6648934682234834 -0.5936953475725497 -0.7314482331797949 -0.8397931993877406 -0.7809773605891412 -0.8753922597132118 -1.0487442056459282 -1.036361923793594 -1.0069540043942942 -0.9837372259211574 -0.8862267563340055 -0.2160357510762764 0.2111529728293432 0.6104815625672126 0.8472927029931505 0.9587332396641863 0.9540898839695554 0.8952740451709561 0.7373999515536642 0.5361878714531888 +11103,-0.1634110532038399,0,-0.5936953475725497 -0.7314482331797949 -0.8397931993877406 -0.7809773605891412 -0.8753922597132118 -1.0487442056459282 -1.036361923793594 -1.0069540043942942 -0.9837372259211574 -0.8862267563340055 -0.2160357510762764 0.2111529728293432 0.6104815625672126 0.8472927029931505 0.9587332396641863 0.9540898839695554 0.8952740451709561 0.7373999515536642 0.5361878714531888 0.1043557918529383 +11104,-0.45439467673375494,0,-0.7314482331797949 -0.8397931993877406 -0.7809773605891412 -0.8753922597132118 -1.0487442056459282 -1.036361923793594 -1.0069540043942942 -0.9837372259211574 -0.8862267563340055 -0.2160357510762764 0.2111529728293432 0.6104815625672126 0.8472927029931505 0.9587332396641863 0.9540898839695554 0.8952740451709561 0.7373999515536642 0.5361878714531888 0.1043557918529383 -0.1634110532038399 +11105,-0.5967909180356311,0,-0.8397931993877406 -0.7809773605891412 -0.8753922597132118 -1.0487442056459282 -1.036361923793594 -1.0069540043942942 -0.9837372259211574 -0.8862267563340055 -0.2160357510762764 0.2111529728293432 0.6104815625672126 0.8472927029931505 0.9587332396641863 0.9540898839695554 0.8952740451709561 0.7373999515536642 0.5361878714531888 0.1043557918529383 -0.1634110532038399 -0.45439467673375494 +11106,-0.7794295753576006,0,-0.7809773605891412 -0.8753922597132118 -1.0487442056459282 -1.036361923793594 -1.0069540043942942 -0.9837372259211574 -0.8862267563340055 -0.2160357510762764 0.2111529728293432 0.6104815625672126 0.8472927029931505 0.9587332396641863 0.9540898839695554 0.8952740451709561 0.7373999515536642 0.5361878714531888 0.1043557918529383 -0.1634110532038399 -0.45439467673375494 -0.5967909180356311 +11107,-0.8305064879984876,0,-0.8753922597132118 -1.0487442056459282 -1.036361923793594 -1.0069540043942942 -0.9837372259211574 -0.8862267563340055 -0.2160357510762764 0.2111529728293432 0.6104815625672126 0.8472927029931505 0.9587332396641863 0.9540898839695554 0.8952740451709561 0.7373999515536642 0.5361878714531888 0.1043557918529383 -0.1634110532038399 -0.45439467673375494 -0.5967909180356311 -0.7794295753576006 +11108,-0.8630099778608774,0,-1.0487442056459282 -1.036361923793594 -1.0069540043942942 -0.9837372259211574 -0.8862267563340055 -0.2160357510762764 0.2111529728293432 0.6104815625672126 0.8472927029931505 0.9587332396641863 0.9540898839695554 0.8952740451709561 0.7373999515536642 0.5361878714531888 0.1043557918529383 -0.1634110532038399 -0.45439467673375494 -0.5967909180356311 -0.7794295753576006 -0.8305064879984876 +11109,-0.9961195077734918,0,-1.036361923793594 -1.0069540043942942 -0.9837372259211574 -0.8862267563340055 -0.2160357510762764 0.2111529728293432 0.6104815625672126 0.8472927029931505 0.9587332396641863 0.9540898839695554 0.8952740451709561 0.7373999515536642 0.5361878714531888 0.1043557918529383 -0.1634110532038399 -0.45439467673375494 -0.5967909180356311 -0.7794295753576006 -0.8305064879984876 -0.8630099778608774 +11110,-1.0611264874982627,0,-1.0069540043942942 -0.9837372259211574 -0.8862267563340055 -0.2160357510762764 0.2111529728293432 0.6104815625672126 0.8472927029931505 0.9587332396641863 0.9540898839695554 0.8952740451709561 0.7373999515536642 0.5361878714531888 0.1043557918529383 -0.1634110532038399 -0.45439467673375494 -0.5967909180356311 -0.7794295753576006 -0.8305064879984876 -0.8630099778608774 -0.9961195077734918 +11111,-1.0471964204143875,0,-0.9837372259211574 -0.8862267563340055 -0.2160357510762764 0.2111529728293432 0.6104815625672126 0.8472927029931505 0.9587332396641863 0.9540898839695554 0.8952740451709561 0.7373999515536642 0.5361878714531888 0.1043557918529383 -0.1634110532038399 -0.45439467673375494 -0.5967909180356311 -0.7794295753576006 -0.8305064879984876 -0.8630099778608774 -0.9961195077734918 -1.0611264874982627 +11112,-1.1911404469478044,0,-0.8862267563340055 -0.2160357510762764 0.2111529728293432 0.6104815625672126 0.8472927029931505 0.9587332396641863 0.9540898839695554 0.8952740451709561 0.7373999515536642 0.5361878714531888 0.1043557918529383 -0.1634110532038399 -0.45439467673375494 -0.5967909180356311 -0.7794295753576006 -0.8305064879984876 -0.8630099778608774 -0.9961195077734918 -1.0611264874982627 -1.0471964204143875 +11113,-1.3350844734812124,0,-0.2160357510762764 0.2111529728293432 0.6104815625672126 0.8472927029931505 0.9587332396641863 0.9540898839695554 0.8952740451709561 0.7373999515536642 0.5361878714531888 0.1043557918529383 -0.1634110532038399 -0.45439467673375494 -0.5967909180356311 -0.7794295753576006 -0.8305064879984876 -0.8630099778608774 -0.9961195077734918 -1.0611264874982627 -1.0471964204143875 -1.1911404469478044 +11114,-1.3521101110281777,0,0.2111529728293432 0.6104815625672126 0.8472927029931505 0.9587332396641863 0.9540898839695554 0.8952740451709561 0.7373999515536642 0.5361878714531888 0.1043557918529383 -0.1634110532038399 -0.45439467673375494 -0.5967909180356311 -0.7794295753576006 -0.8305064879984876 -0.8630099778608774 -0.9961195077734918 -1.0611264874982627 -1.0471964204143875 -1.1911404469478044 -1.3350844734812124 +11115,-1.3629446076489713,0,0.6104815625672126 0.8472927029931505 0.9587332396641863 0.9540898839695554 0.8952740451709561 0.7373999515536642 0.5361878714531888 0.1043557918529383 -0.1634110532038399 -0.45439467673375494 -0.5967909180356311 -0.7794295753576006 -0.8305064879984876 -0.8630099778608774 -0.9961195077734918 -1.0611264874982627 -1.0471964204143875 -1.1911404469478044 -1.3350844734812124 -1.3521101110281777 +11116,-1.304128768850372,0,0.8472927029931505 0.9587332396641863 0.9540898839695554 0.8952740451709561 0.7373999515536642 0.5361878714531888 0.1043557918529383 -0.1634110532038399 -0.45439467673375494 -0.5967909180356311 -0.7794295753576006 -0.8305064879984876 -0.8630099778608774 -0.9961195077734918 -1.0611264874982627 -1.0471964204143875 -1.1911404469478044 -1.3350844734812124 -1.3521101110281777 -1.3629446076489713 +11117,-0.5704785690994129,0,0.9587332396641863 0.9540898839695554 0.8952740451709561 0.7373999515536642 0.5361878714531888 0.1043557918529383 -0.1634110532038399 -0.45439467673375494 -0.5967909180356311 -0.7794295753576006 -0.8305064879984876 -0.8630099778608774 -0.9961195077734918 -1.0611264874982627 -1.0471964204143875 -1.1911404469478044 -1.3350844734812124 -1.3521101110281777 -1.3629446076489713 -1.304128768850372 +11118,-0.2067490396870234,0,0.9540898839695554 0.8952740451709561 0.7373999515536642 0.5361878714531888 0.1043557918529383 -0.1634110532038399 -0.45439467673375494 -0.5967909180356311 -0.7794295753576006 -0.8305064879984876 -0.8630099778608774 -0.9961195077734918 -1.0611264874982627 -1.0471964204143875 -1.1911404469478044 -1.3350844734812124 -1.3521101110281777 -1.3629446076489713 -1.304128768850372 -0.5704785690994129 +11119,0.06720894629592637,0,0.8952740451709561 0.7373999515536642 0.5361878714531888 0.1043557918529383 -0.1634110532038399 -0.45439467673375494 -0.5967909180356311 -0.7794295753576006 -0.8305064879984876 -0.8630099778608774 -0.9961195077734918 -1.0611264874982627 -1.0471964204143875 -1.1911404469478044 -1.3350844734812124 -1.3521101110281777 -1.3629446076489713 -1.304128768850372 -0.5704785690994129 -0.2067490396870234 +11120,0.14459820787303163,0,0.7373999515536642 0.5361878714531888 0.1043557918529383 -0.1634110532038399 -0.45439467673375494 -0.5967909180356311 -0.7794295753576006 -0.8305064879984876 -0.8630099778608774 -0.9961195077734918 -1.0611264874982627 -1.0471964204143875 -1.1911404469478044 -1.3350844734812124 -1.3521101110281777 -1.3629446076489713 -1.304128768850372 -0.5704785690994129 -0.2067490396870234 0.06720894629592637 +11121,0.2699688116279425,0,0.5361878714531888 0.1043557918529383 -0.1634110532038399 -0.45439467673375494 -0.5967909180356311 -0.7794295753576006 -0.8305064879984876 -0.8630099778608774 -0.9961195077734918 -1.0611264874982627 -1.0471964204143875 -1.1911404469478044 -1.3350844734812124 -1.3521101110281777 -1.3629446076489713 -1.304128768850372 -0.5704785690994129 -0.2067490396870234 0.06720894629592637 0.14459820787303163 +11122,0.2281786103763085,0,0.1043557918529383 -0.1634110532038399 -0.45439467673375494 -0.5967909180356311 -0.7794295753576006 -0.8305064879984876 -0.8630099778608774 -0.9961195077734918 -1.0611264874982627 -1.0471964204143875 -1.1911404469478044 -1.3350844734812124 -1.3521101110281777 -1.3629446076489713 -1.304128768850372 -0.5704785690994129 -0.2067490396870234 0.06720894629592637 0.14459820787303163 0.2699688116279425 +11123,0.10126022138985691,0,-0.1634110532038399 -0.45439467673375494 -0.5967909180356311 -0.7794295753576006 -0.8305064879984876 -0.8630099778608774 -0.9961195077734918 -1.0611264874982627 -1.0471964204143875 -1.1911404469478044 -1.3350844734812124 -1.3521101110281777 -1.3629446076489713 -1.304128768850372 -0.5704785690994129 -0.2067490396870234 0.06720894629592637 0.14459820787303163 0.2699688116279425 0.2281786103763085 +11124,-0.04887494606973151,0,-0.45439467673375494 -0.5967909180356311 -0.7794295753576006 -0.8305064879984876 -0.8630099778608774 -0.9961195077734918 -1.0611264874982627 -1.0471964204143875 -1.1911404469478044 -1.3350844734812124 -1.3521101110281777 -1.3629446076489713 -1.304128768850372 -0.5704785690994129 -0.2067490396870234 0.06720894629592637 0.14459820787303163 0.2699688116279425 0.2281786103763085 0.10126022138985691 +11125,-0.28413830126412865,0,-0.5967909180356311 -0.7794295753576006 -0.8305064879984876 -0.8630099778608774 -0.9961195077734918 -1.0611264874982627 -1.0471964204143875 -1.1911404469478044 -1.3350844734812124 -1.3521101110281777 -1.3629446076489713 -1.304128768850372 -0.5704785690994129 -0.2067490396870234 0.06720894629592637 0.14459820787303163 0.2699688116279425 0.2281786103763085 0.10126022138985691 -0.04887494606973151 +11126,-0.822071058486589,0,-0.7794295753576006 -0.8305064879984876 -0.8630099778608774 -0.9961195077734918 -1.0611264874982627 -1.0471964204143875 -1.1911404469478044 -1.3350844734812124 -1.3521101110281777 -1.3629446076489713 -1.304128768850372 -0.5704785690994129 -0.2067490396870234 0.06720894629592637 0.14459820787303163 0.2699688116279425 0.2281786103763085 0.10126022138985691 -0.04887494606973151 -0.28413830126412865 +11127,-0.4095089050190395,0,-0.8305064879984876 -0.8630099778608774 -0.9961195077734918 -1.0611264874982627 -1.0471964204143875 -1.1911404469478044 -1.3350844734812124 -1.3521101110281777 -1.3629446076489713 -1.304128768850372 -0.5704785690994129 -0.2067490396870234 0.06720894629592637 0.14459820787303163 0.2699688116279425 0.2281786103763085 0.10126022138985691 -0.04887494606973151 -0.28413830126412865 -0.822071058486589 +11128,-0.5023760189115606,0,-0.8630099778608774 -0.9961195077734918 -1.0611264874982627 -1.0471964204143875 -1.1911404469478044 -1.3350844734812124 -1.3521101110281777 -1.3629446076489713 -1.304128768850372 -0.5704785690994129 -0.2067490396870234 0.06720894629592637 0.14459820787303163 0.2699688116279425 0.2281786103763085 0.10126022138985691 -0.04887494606973151 -0.28413830126412865 -0.822071058486589 -0.4095089050190395 +11129,-0.6308421931295616,0,-0.9961195077734918 -1.0611264874982627 -1.0471964204143875 -1.1911404469478044 -1.3350844734812124 -1.3521101110281777 -1.3629446076489713 -1.304128768850372 -0.5704785690994129 -0.2067490396870234 0.06720894629592637 0.14459820787303163 0.2699688116279425 0.2281786103763085 0.10126022138985691 -0.04887494606973151 -0.28413830126412865 -0.822071058486589 -0.4095089050190395 -0.5023760189115606 +11130,-0.822767561840784,0,-1.0611264874982627 -1.0471964204143875 -1.1911404469478044 -1.3350844734812124 -1.3521101110281777 -1.3629446076489713 -1.304128768850372 -0.5704785690994129 -0.2067490396870234 0.06720894629592637 0.14459820787303163 0.2699688116279425 0.2281786103763085 0.10126022138985691 -0.04887494606973151 -0.28413830126412865 -0.822071058486589 -0.4095089050190395 -0.5023760189115606 -0.6308421931295616 +11131,-0.9156346757333051,0,-1.0471964204143875 -1.1911404469478044 -1.3350844734812124 -1.3521101110281777 -1.3629446076489713 -1.304128768850372 -0.5704785690994129 -0.2067490396870234 0.06720894629592637 0.14459820787303163 0.2699688116279425 0.2281786103763085 0.10126022138985691 -0.04887494606973151 -0.28413830126412865 -0.822071058486589 -0.4095089050190395 -0.5023760189115606 -0.6308421931295616 -0.822767561840784 +11132,-1.0255274271727914,0,-1.1911404469478044 -1.3350844734812124 -1.3521101110281777 -1.3629446076489713 -1.304128768850372 -0.5704785690994129 -0.2067490396870234 0.06720894629592637 0.14459820787303163 0.2699688116279425 0.2281786103763085 0.10126022138985691 -0.04887494606973151 -0.28413830126412865 -0.822071058486589 -0.4095089050190395 -0.5023760189115606 -0.6308421931295616 -0.822767561840784 -0.9156346757333051 +11133,-1.1478024604646209,0,-1.3350844734812124 -1.3521101110281777 -1.3629446076489713 -1.304128768850372 -0.5704785690994129 -0.2067490396870234 0.06720894629592637 0.14459820787303163 0.2699688116279425 0.2281786103763085 0.10126022138985691 -0.04887494606973151 -0.28413830126412865 -0.822071058486589 -0.4095089050190395 -0.5023760189115606 -0.6308421931295616 -0.822767561840784 -0.9156346757333051 -1.0255274271727914 +11134,-1.2066182992632202,0,-1.3521101110281777 -1.3629446076489713 -1.304128768850372 -0.5704785690994129 -0.2067490396870234 0.06720894629592637 0.14459820787303163 0.2699688116279425 0.2281786103763085 0.10126022138985691 -0.04887494606973151 -0.28413830126412865 -0.822071058486589 -0.4095089050190395 -0.5023760189115606 -0.6308421931295616 -0.822767561840784 -0.9156346757333051 -1.0255274271727914 -1.1478024604646209 +11135,-1.2871031313034156,0,-1.3629446076489713 -1.304128768850372 -0.5704785690994129 -0.2067490396870234 0.06720894629592637 0.14459820787303163 0.2699688116279425 0.2281786103763085 0.10126022138985691 -0.04887494606973151 -0.28413830126412865 -0.822071058486589 -0.4095089050190395 -0.5023760189115606 -0.6308421931295616 -0.822767561840784 -0.9156346757333051 -1.0255274271727914 -1.1478024604646209 -1.2066182992632202 +11136,-1.3010331983872907,0,-1.304128768850372 -0.5704785690994129 -0.2067490396870234 0.06720894629592637 0.14459820787303163 0.2699688116279425 0.2281786103763085 0.10126022138985691 -0.04887494606973151 -0.28413830126412865 -0.822071058486589 -0.4095089050190395 -0.5023760189115606 -0.6308421931295616 -0.822767561840784 -0.9156346757333051 -1.0255274271727914 -1.1478024604646209 -1.2066182992632202 -1.2871031313034156 +11137,-1.341275614407384,0,-0.5704785690994129 -0.2067490396870234 0.06720894629592637 0.14459820787303163 0.2699688116279425 0.2281786103763085 0.10126022138985691 -0.04887494606973151 -0.28413830126412865 -0.822071058486589 -0.4095089050190395 -0.5023760189115606 -0.6308421931295616 -0.822767561840784 -0.9156346757333051 -1.0255274271727914 -1.1478024604646209 -1.2066182992632202 -1.2871031313034156 -1.3010331983872907 +11138,-1.290198701766497,0,-0.2067490396870234 0.06720894629592637 0.14459820787303163 0.2699688116279425 0.2281786103763085 0.10126022138985691 -0.04887494606973151 -0.28413830126412865 -0.822071058486589 -0.4095089050190395 -0.5023760189115606 -0.6308421931295616 -0.822767561840784 -0.9156346757333051 -1.0255274271727914 -1.1478024604646209 -1.2066182992632202 -1.2871031313034156 -1.3010331983872907 -1.341275614407384 +11139,-1.3010331983872907,0,0.06720894629592637 0.14459820787303163 0.2699688116279425 0.2281786103763085 0.10126022138985691 -0.04887494606973151 -0.28413830126412865 -0.822071058486589 -0.4095089050190395 -0.5023760189115606 -0.6308421931295616 -0.822767561840784 -0.9156346757333051 -1.0255274271727914 -1.1478024604646209 -1.2066182992632202 -1.2871031313034156 -1.3010331983872907 -1.341275614407384 -1.290198701766497 +11140,-1.229835077736357,0,0.14459820787303163 0.2699688116279425 0.2281786103763085 0.10126022138985691 -0.04887494606973151 -0.28413830126412865 -0.822071058486589 -0.4095089050190395 -0.5023760189115606 -0.6308421931295616 -0.822767561840784 -0.9156346757333051 -1.0255274271727914 -1.1478024604646209 -1.2066182992632202 -1.2871031313034156 -1.3010331983872907 -1.341275614407384 -1.290198701766497 -1.3010331983872907 +11141,-0.6571545420657711,0,0.2699688116279425 0.2281786103763085 0.10126022138985691 -0.04887494606973151 -0.28413830126412865 -0.822071058486589 -0.4095089050190395 -0.5023760189115606 -0.6308421931295616 -0.822767561840784 -0.9156346757333051 -1.0255274271727914 -1.1478024604646209 -1.2066182992632202 -1.2871031313034156 -1.3010331983872907 -1.341275614407384 -1.290198701766497 -1.3010331983872907 -1.229835077736357 +11142,-0.30271172404263463,0,0.2281786103763085 0.10126022138985691 -0.04887494606973151 -0.28413830126412865 -0.822071058486589 -0.4095089050190395 -0.5023760189115606 -0.6308421931295616 -0.822767561840784 -0.9156346757333051 -1.0255274271727914 -1.1478024604646209 -1.2066182992632202 -1.2871031313034156 -1.3010331983872907 -1.341275614407384 -1.290198701766497 -1.3010331983872907 -1.229835077736357 -0.6571545420657711 +11143,-0.3723620594620276,0,0.10126022138985691 -0.04887494606973151 -0.28413830126412865 -0.822071058486589 -0.4095089050190395 -0.5023760189115606 -0.6308421931295616 -0.822767561840784 -0.9156346757333051 -1.0255274271727914 -1.1478024604646209 -1.2066182992632202 -1.2871031313034156 -1.3010331983872907 -1.341275614407384 -1.290198701766497 -1.3010331983872907 -1.229835077736357 -0.6571545420657711 -0.30271172404263463 +11144,-0.08292622116365325,0,-0.04887494606973151 -0.28413830126412865 -0.822071058486589 -0.4095089050190395 -0.5023760189115606 -0.6308421931295616 -0.822767561840784 -0.9156346757333051 -1.0255274271727914 -1.1478024604646209 -1.2066182992632202 -1.2871031313034156 -1.3010331983872907 -1.341275614407384 -1.290198701766497 -1.3010331983872907 -1.229835077736357 -0.6571545420657711 -0.30271172404263463 -0.3723620594620276 +11145,0.034705456433545334,0,-0.28413830126412865 -0.822071058486589 -0.4095089050190395 -0.5023760189115606 -0.6308421931295616 -0.822767561840784 -0.9156346757333051 -1.0255274271727914 -1.1478024604646209 -1.2066182992632202 -1.2871031313034156 -1.3010331983872907 -1.341275614407384 -1.290198701766497 -1.3010331983872907 -1.229835077736357 -0.6571545420657711 -0.30271172404263463 -0.3723620594620276 -0.08292622116365325 +11146,0.09042572476906323,0,-0.822071058486589 -0.4095089050190395 -0.5023760189115606 -0.6308421931295616 -0.822767561840784 -0.9156346757333051 -1.0255274271727914 -1.1478024604646209 -1.2066182992632202 -1.2871031313034156 -1.3010331983872907 -1.341275614407384 -1.290198701766497 -1.3010331983872907 -1.229835077736357 -0.6571545420657711 -0.30271172404263463 -0.3723620594620276 -0.08292622116365325 0.034705456433545334 +11147,0.17400612727234008,0,-0.4095089050190395 -0.5023760189115606 -0.6308421931295616 -0.822767561840784 -0.9156346757333051 -1.0255274271727914 -1.1478024604646209 -1.2066182992632202 -1.2871031313034156 -1.3010331983872907 -1.341275614407384 -1.290198701766497 -1.3010331983872907 -1.229835077736357 -0.6571545420657711 -0.30271172404263463 -0.3723620594620276 -0.08292622116365325 0.034705456433545334 0.09042572476906323 +11148,-0.13864648949917113,0,-0.5023760189115606 -0.6308421931295616 -0.822767561840784 -0.9156346757333051 -1.0255274271727914 -1.1478024604646209 -1.2066182992632202 -1.2871031313034156 -1.3010331983872907 -1.341275614407384 -1.290198701766497 -1.3010331983872907 -1.229835077736357 -0.6571545420657711 -0.30271172404263463 -0.3723620594620276 -0.08292622116365325 0.034705456433545334 0.09042572476906323 0.17400612727234008 +11149,-0.18299053638285084,0,-0.6308421931295616 -0.822767561840784 -0.9156346757333051 -1.0255274271727914 -1.1478024604646209 -1.2066182992632202 -1.2871031313034156 -1.3010331983872907 -1.341275614407384 -1.290198701766497 -1.3010331983872907 -1.229835077736357 -0.6571545420657711 -0.30271172404263463 -0.3723620594620276 -0.08292622116365325 0.034705456433545334 0.09042572476906323 0.17400612727234008 -0.13864648949917113 +11150,-0.5163060859954445,0,-0.822767561840784 -0.9156346757333051 -1.0255274271727914 -1.1478024604646209 -1.2066182992632202 -1.2871031313034156 -1.3010331983872907 -1.341275614407384 -1.290198701766497 -1.3010331983872907 -1.229835077736357 -0.6571545420657711 -0.30271172404263463 -0.3723620594620276 -0.08292622116365325 0.034705456433545334 0.09042572476906323 0.17400612727234008 -0.13864648949917113 -0.18299053638285084 +11151,-0.7283526627167135,0,-0.9156346757333051 -1.0255274271727914 -1.1478024604646209 -1.2066182992632202 -1.2871031313034156 -1.3010331983872907 -1.341275614407384 -1.290198701766497 -1.3010331983872907 -1.229835077736357 -0.6571545420657711 -0.30271172404263463 -0.3723620594620276 -0.08292622116365325 0.034705456433545334 0.09042572476906323 0.17400612727234008 -0.13864648949917113 -0.18299053638285084 -0.5163060859954445 +11152,-0.8475321255454529,0,-1.0255274271727914 -1.1478024604646209 -1.2066182992632202 -1.2871031313034156 -1.3010331983872907 -1.341275614407384 -1.290198701766497 -1.3010331983872907 -1.229835077736357 -0.6571545420657711 -0.30271172404263463 -0.3723620594620276 -0.08292622116365325 0.034705456433545334 0.09042572476906323 0.17400612727234008 -0.13864648949917113 -0.18299053638285084 -0.5163060859954445 -0.7283526627167135 +11153,-0.9512337360587764,0,-1.1478024604646209 -1.2066182992632202 -1.2871031313034156 -1.3010331983872907 -1.341275614407384 -1.290198701766497 -1.3010331983872907 -1.229835077736357 -0.6571545420657711 -0.30271172404263463 -0.3723620594620276 -0.08292622116365325 0.034705456433545334 0.09042572476906323 0.17400612727234008 -0.13864648949917113 -0.18299053638285084 -0.5163060859954445 -0.7283526627167135 -0.8475321255454529 +11154,-0.9976672930050412,0,-1.2066182992632202 -1.2871031313034156 -1.3010331983872907 -1.341275614407384 -1.290198701766497 -1.3010331983872907 -1.229835077736357 -0.6571545420657711 -0.30271172404263463 -0.3723620594620276 -0.08292622116365325 0.034705456433545334 0.09042572476906323 0.17400612727234008 -0.13864648949917113 -0.18299053638285084 -0.5163060859954445 -0.7283526627167135 -0.8475321255454529 -0.9512337360587764 +11155,-1.0332663533305038,0,-1.2871031313034156 -1.3010331983872907 -1.341275614407384 -1.290198701766497 -1.3010331983872907 -1.229835077736357 -0.6571545420657711 -0.30271172404263463 -0.3723620594620276 -0.08292622116365325 0.034705456433545334 0.09042572476906323 0.17400612727234008 -0.13864648949917113 -0.18299053638285084 -0.5163060859954445 -0.7283526627167135 -0.8475321255454529 -0.9512337360587764 -0.9976672930050412 +11156,-1.013145145320457,0,-1.3010331983872907 -1.341275614407384 -1.290198701766497 -1.3010331983872907 -1.229835077736357 -0.6571545420657711 -0.30271172404263463 -0.3723620594620276 -0.08292622116365325 0.034705456433545334 0.09042572476906323 0.17400612727234008 -0.13864648949917113 -0.18299053638285084 -0.5163060859954445 -0.7283526627167135 -0.8475321255454529 -0.9512337360587764 -0.9976672930050412 -1.0332663533305038 +11157,-1.0626742727298033,0,-1.341275614407384 -1.290198701766497 -1.3010331983872907 -1.229835077736357 -0.6571545420657711 -0.30271172404263463 -0.3723620594620276 -0.08292622116365325 0.034705456433545334 0.09042572476906323 0.17400612727234008 -0.13864648949917113 -0.18299053638285084 -0.5163060859954445 -0.7283526627167135 -0.8475321255454529 -0.9512337360587764 -0.9976672930050412 -1.0332663533305038 -1.013145145320457 +11158,-1.0580309170351812,0,-1.290198701766497 -1.3010331983872907 -1.229835077736357 -0.6571545420657711 -0.30271172404263463 -0.3723620594620276 -0.08292622116365325 0.034705456433545334 0.09042572476906323 0.17400612727234008 -0.13864648949917113 -0.18299053638285084 -0.5163060859954445 -0.7283526627167135 -0.8475321255454529 -0.9512337360587764 -0.9976672930050412 -1.0332663533305038 -1.013145145320457 -1.0626742727298033 +11159,-1.1354201786122864,0,-1.3010331983872907 -1.229835077736357 -0.6571545420657711 -0.30271172404263463 -0.3723620594620276 -0.08292622116365325 0.034705456433545334 0.09042572476906323 0.17400612727234008 -0.13864648949917113 -0.18299053638285084 -0.5163060859954445 -0.7283526627167135 -0.8475321255454529 -0.9512337360587764 -0.9976672930050412 -1.0332663533305038 -1.013145145320457 -1.0626742727298033 -1.0580309170351812 +11160,-1.2159050106524731,0,-1.229835077736357 -0.6571545420657711 -0.30271172404263463 -0.3723620594620276 -0.08292622116365325 0.034705456433545334 0.09042572476906323 0.17400612727234008 -0.13864648949917113 -0.18299053638285084 -0.5163060859954445 -0.7283526627167135 -0.8475321255454529 -0.9512337360587764 -0.9976672930050412 -1.0332663533305038 -1.013145145320457 -1.0626742727298033 -1.0580309170351812 -1.1354201786122864 +11161,-1.234478433430979,0,-0.6571545420657711 -0.30271172404263463 -0.3723620594620276 -0.08292622116365325 0.034705456433545334 0.09042572476906323 0.17400612727234008 -0.13864648949917113 -0.18299053638285084 -0.5163060859954445 -0.7283526627167135 -0.8475321255454529 -0.9512337360587764 -0.9976672930050412 -1.0332663533305038 -1.013145145320457 -1.0626742727298033 -1.0580309170351812 -1.1354201786122864 -1.2159050106524731 +11162,-1.3056765540819129,0,-0.30271172404263463 -0.3723620594620276 -0.08292622116365325 0.034705456433545334 0.09042572476906323 0.17400612727234008 -0.13864648949917113 -0.18299053638285084 -0.5163060859954445 -0.7283526627167135 -0.8475321255454529 -0.9512337360587764 -0.9976672930050412 -1.0332663533305038 -1.013145145320457 -1.0626742727298033 -1.0580309170351812 -1.1354201786122864 -1.2159050106524731 -1.234478433430979 +11163,-1.3768746747328553,0,-0.3723620594620276 -0.08292622116365325 0.034705456433545334 0.09042572476906323 0.17400612727234008 -0.13864648949917113 -0.18299053638285084 -0.5163060859954445 -0.7283526627167135 -0.8475321255454529 -0.9512337360587764 -0.9976672930050412 -1.0332663533305038 -1.013145145320457 -1.0626742727298033 -1.0580309170351812 -1.1354201786122864 -1.2159050106524731 -1.234478433430979 -1.3056765540819129 +11164,-1.211261654957851,0,-0.08292622116365325 0.034705456433545334 0.09042572476906323 0.17400612727234008 -0.13864648949917113 -0.18299053638285084 -0.5163060859954445 -0.7283526627167135 -0.8475321255454529 -0.9512337360587764 -0.9976672930050412 -1.0332663533305038 -1.013145145320457 -1.0626742727298033 -1.0580309170351812 -1.1354201786122864 -1.2159050106524731 -1.234478433430979 -1.3056765540819129 -1.3768746747328553 +11165,-0.9667115883741921,0,0.034705456433545334 0.09042572476906323 0.17400612727234008 -0.13864648949917113 -0.18299053638285084 -0.5163060859954445 -0.7283526627167135 -0.8475321255454529 -0.9512337360587764 -0.9976672930050412 -1.0332663533305038 -1.013145145320457 -1.0626742727298033 -1.0580309170351812 -1.1354201786122864 -1.2159050106524731 -1.234478433430979 -1.3056765540819129 -1.3768746747328553 -1.211261654957851 +11166,-0.782525145820682,0,0.09042572476906323 0.17400612727234008 -0.13864648949917113 -0.18299053638285084 -0.5163060859954445 -0.7283526627167135 -0.8475321255454529 -0.9512337360587764 -0.9976672930050412 -1.0332663533305038 -1.013145145320457 -1.0626742727298033 -1.0580309170351812 -1.1354201786122864 -1.2159050106524731 -1.234478433430979 -1.3056765540819129 -1.3768746747328553 -1.211261654957851 -0.9667115883741921 +11167,-0.5348795087739504,0,0.17400612727234008 -0.13864648949917113 -0.18299053638285084 -0.5163060859954445 -0.7283526627167135 -0.8475321255454529 -0.9512337360587764 -0.9976672930050412 -1.0332663533305038 -1.013145145320457 -1.0626742727298033 -1.0580309170351812 -1.1354201786122864 -1.2159050106524731 -1.234478433430979 -1.3056765540819129 -1.3768746747328553 -1.211261654957851 -0.9667115883741921 -0.782525145820682 +11168,-0.40176997886132726,0,-0.13864648949917113 -0.18299053638285084 -0.5163060859954445 -0.7283526627167135 -0.8475321255454529 -0.9512337360587764 -0.9976672930050412 -1.0332663533305038 -1.013145145320457 -1.0626742727298033 -1.0580309170351812 -1.1354201786122864 -1.2159050106524731 -1.234478433430979 -1.3056765540819129 -1.3768746747328553 -1.211261654957851 -0.9667115883741921 -0.782525145820682 -0.5348795087739504 +11169,-0.2082968249185641,0,-0.18299053638285084 -0.5163060859954445 -0.7283526627167135 -0.8475321255454529 -0.9512337360587764 -0.9976672930050412 -1.0332663533305038 -1.013145145320457 -1.0626742727298033 -1.0580309170351812 -1.1354201786122864 -1.2159050106524731 -1.234478433430979 -1.3056765540819129 -1.3768746747328553 -1.211261654957851 -0.9667115883741921 -0.782525145820682 -0.5348795087739504 -0.40176997886132726 +11170,-0.12007306672066517,0,-0.5163060859954445 -0.7283526627167135 -0.8475321255454529 -0.9512337360587764 -0.9976672930050412 -1.0332663533305038 -1.013145145320457 -1.0626742727298033 -1.0580309170351812 -1.1354201786122864 -1.2159050106524731 -1.234478433430979 -1.3056765540819129 -1.3768746747328553 -1.211261654957851 -0.9667115883741921 -0.782525145820682 -0.5348795087739504 -0.40176997886132726 -0.2082968249185641 +11171,-0.22841803292861076,0,-0.7283526627167135 -0.8475321255454529 -0.9512337360587764 -0.9976672930050412 -1.0332663533305038 -1.013145145320457 -1.0626742727298033 -1.0580309170351812 -1.1354201786122864 -1.2159050106524731 -1.234478433430979 -1.3056765540819129 -1.3768746747328553 -1.211261654957851 -0.9667115883741921 -0.782525145820682 -0.5348795087739504 -0.40176997886132726 -0.2082968249185641 -0.12007306672066517 +11172,-0.3143201132791987,0,-0.8475321255454529 -0.9512337360587764 -0.9976672930050412 -1.0332663533305038 -1.013145145320457 -1.0626742727298033 -1.0580309170351812 -1.1354201786122864 -1.2159050106524731 -1.234478433430979 -1.3056765540819129 -1.3768746747328553 -1.211261654957851 -0.9667115883741921 -0.782525145820682 -0.5348795087739504 -0.40176997886132726 -0.2082968249185641 -0.12007306672066517 -0.22841803292861076 +11173,-0.40022219362978656,0,-0.9512337360587764 -0.9976672930050412 -1.0332663533305038 -1.013145145320457 -1.0626742727298033 -1.0580309170351812 -1.1354201786122864 -1.2159050106524731 -1.234478433430979 -1.3056765540819129 -1.3768746747328553 -1.211261654957851 -0.9667115883741921 -0.782525145820682 -0.5348795087739504 -0.40176997886132726 -0.2082968249185641 -0.12007306672066517 -0.22841803292861076 -0.3143201132791987 +11174,-0.6401289045188147,0,-0.9976672930050412 -1.0332663533305038 -1.013145145320457 -1.0626742727298033 -1.0580309170351812 -1.1354201786122864 -1.2159050106524731 -1.234478433430979 -1.3056765540819129 -1.3768746747328553 -1.211261654957851 -0.9667115883741921 -0.782525145820682 -0.5348795087739504 -0.40176997886132726 -0.2082968249185641 -0.12007306672066517 -0.22841803292861076 -0.3143201132791987 -0.40022219362978656 +11175,-0.7562127968844725,0,-1.0332663533305038 -1.013145145320457 -1.0626742727298033 -1.0580309170351812 -1.1354201786122864 -1.2159050106524731 -1.234478433430979 -1.3056765540819129 -1.3768746747328553 -1.211261654957851 -0.9667115883741921 -0.782525145820682 -0.5348795087739504 -0.40176997886132726 -0.2082968249185641 -0.12007306672066517 -0.22841803292861076 -0.3143201132791987 -0.40022219362978656 -0.6401289045188147 +11176,-0.8382454141561998,0,-1.013145145320457 -1.0626742727298033 -1.0580309170351812 -1.1354201786122864 -1.2159050106524731 -1.234478433430979 -1.3056765540819129 -1.3768746747328553 -1.211261654957851 -0.9667115883741921 -0.782525145820682 -0.5348795087739504 -0.40176997886132726 -0.2082968249185641 -0.12007306672066517 -0.22841803292861076 -0.3143201132791987 -0.40022219362978656 -0.6401289045188147 -0.7562127968844725 +11177,-0.980641655458076,0,-1.0626742727298033 -1.0580309170351812 -1.1354201786122864 -1.2159050106524731 -1.234478433430979 -1.3056765540819129 -1.3768746747328553 -1.211261654957851 -0.9667115883741921 -0.782525145820682 -0.5348795087739504 -0.40176997886132726 -0.2082968249185641 -0.12007306672066517 -0.22841803292861076 -0.3143201132791987 -0.40022219362978656 -0.6401289045188147 -0.7562127968844725 -0.8382454141561998 +11178,-1.0719609841190563,0,-1.0580309170351812 -1.1354201786122864 -1.2159050106524731 -1.234478433430979 -1.3056765540819129 -1.3768746747328553 -1.211261654957851 -0.9667115883741921 -0.782525145820682 -0.5348795087739504 -0.40176997886132726 -0.2082968249185641 -0.12007306672066517 -0.22841803292861076 -0.3143201132791987 -0.40022219362978656 -0.6401289045188147 -0.7562127968844725 -0.8382454141561998 -0.980641655458076 +11179,-1.1029166887498967,0,-1.1354201786122864 -1.2159050106524731 -1.234478433430979 -1.3056765540819129 -1.3768746747328553 -1.211261654957851 -0.9667115883741921 -0.782525145820682 -0.5348795087739504 -0.40176997886132726 -0.2082968249185641 -0.12007306672066517 -0.22841803292861076 -0.3143201132791987 -0.40022219362978656 -0.6401289045188147 -0.7562127968844725 -0.8382454141561998 -0.980641655458076 -1.0719609841190563 +11180,-1.1864970912531736,0,-1.2159050106524731 -1.234478433430979 -1.3056765540819129 -1.3768746747328553 -1.211261654957851 -0.9667115883741921 -0.782525145820682 -0.5348795087739504 -0.40176997886132726 -0.2082968249185641 -0.12007306672066517 -0.22841803292861076 -0.3143201132791987 -0.40022219362978656 -0.6401289045188147 -0.7562127968844725 -0.8382454141561998 -0.980641655458076 -1.0719609841190563 -1.1029166887498967 +11181,-1.2406695743571508,0,-1.234478433430979 -1.3056765540819129 -1.3768746747328553 -1.211261654957851 -0.9667115883741921 -0.782525145820682 -0.5348795087739504 -0.40176997886132726 -0.2082968249185641 -0.12007306672066517 -0.22841803292861076 -0.3143201132791987 -0.40022219362978656 -0.6401289045188147 -0.7562127968844725 -0.8382454141561998 -0.980641655458076 -1.0719609841190563 -1.1029166887498967 -1.1864970912531736 +11182,-1.271625278987991,0,-1.3056765540819129 -1.3768746747328553 -1.211261654957851 -0.9667115883741921 -0.782525145820682 -0.5348795087739504 -0.40176997886132726 -0.2082968249185641 -0.12007306672066517 -0.22841803292861076 -0.3143201132791987 -0.40022219362978656 -0.6401289045188147 -0.7562127968844725 -0.8382454141561998 -0.980641655458076 -1.0719609841190563 -1.1029166887498967 -1.1864970912531736 -1.2406695743571508 +11183,-1.3644923928805208,0,-1.3768746747328553 -1.211261654957851 -0.9667115883741921 -0.782525145820682 -0.5348795087739504 -0.40176997886132726 -0.2082968249185641 -0.12007306672066517 -0.22841803292861076 -0.3143201132791987 -0.40022219362978656 -0.6401289045188147 -0.7562127968844725 -0.8382454141561998 -0.980641655458076 -1.0719609841190563 -1.1029166887498967 -1.1864970912531736 -1.2406695743571508 -1.271625278987991 +11184,-1.392352527048271,0,-1.211261654957851 -0.9667115883741921 -0.782525145820682 -0.5348795087739504 -0.40176997886132726 -0.2082968249185641 -0.12007306672066517 -0.22841803292861076 -0.3143201132791987 -0.40022219362978656 -0.6401289045188147 -0.7562127968844725 -0.8382454141561998 -0.980641655458076 -1.0719609841190563 -1.1029166887498967 -1.1864970912531736 -1.2406695743571508 -1.271625278987991 -1.3644923928805208 +11185,-1.4186648759844893,0,-0.9667115883741921 -0.782525145820682 -0.5348795087739504 -0.40176997886132726 -0.2082968249185641 -0.12007306672066517 -0.22841803292861076 -0.3143201132791987 -0.40022219362978656 -0.6401289045188147 -0.7562127968844725 -0.8382454141561998 -0.980641655458076 -1.0719609841190563 -1.1029166887498967 -1.1864970912531736 -1.2406695743571508 -1.271625278987991 -1.3644923928805208 -1.392352527048271 +11186,-1.4867674261723416,0,-0.782525145820682 -0.5348795087739504 -0.40176997886132726 -0.2082968249185641 -0.12007306672066517 -0.22841803292861076 -0.3143201132791987 -0.40022219362978656 -0.6401289045188147 -0.7562127968844725 -0.8382454141561998 -0.980641655458076 -1.0719609841190563 -1.1029166887498967 -1.1864970912531736 -1.2406695743571508 -1.271625278987991 -1.3644923928805208 -1.392352527048271 -1.4186648759844893 +11187,-1.494506352330054,0,-0.5348795087739504 -0.40176997886132726 -0.2082968249185641 -0.12007306672066517 -0.22841803292861076 -0.3143201132791987 -0.40022219362978656 -0.6401289045188147 -0.7562127968844725 -0.8382454141561998 -0.980641655458076 -1.0719609841190563 -1.1029166887498967 -1.1864970912531736 -1.2406695743571508 -1.271625278987991 -1.3644923928805208 -1.392352527048271 -1.4186648759844893 -1.4867674261723416 +11188,-1.4000914532059834,0,-0.40176997886132726 -0.2082968249185641 -0.12007306672066517 -0.22841803292861076 -0.3143201132791987 -0.40022219362978656 -0.6401289045188147 -0.7562127968844725 -0.8382454141561998 -0.980641655458076 -1.0719609841190563 -1.1029166887498967 -1.1864970912531736 -1.2406695743571508 -1.271625278987991 -1.3644923928805208 -1.392352527048271 -1.4186648759844893 -1.4867674261723416 -1.494506352330054 +11189,-0.980641655458076,0,-0.2082968249185641 -0.12007306672066517 -0.22841803292861076 -0.3143201132791987 -0.40022219362978656 -0.6401289045188147 -0.7562127968844725 -0.8382454141561998 -0.980641655458076 -1.0719609841190563 -1.1029166887498967 -1.1864970912531736 -1.2406695743571508 -1.271625278987991 -1.3644923928805208 -1.392352527048271 -1.4186648759844893 -1.4867674261723416 -1.494506352330054 -1.4000914532059834 +11190,-0.4358212539552578,0,-0.12007306672066517 -0.22841803292861076 -0.3143201132791987 -0.40022219362978656 -0.6401289045188147 -0.7562127968844725 -0.8382454141561998 -0.980641655458076 -1.0719609841190563 -1.1029166887498967 -1.1864970912531736 -1.2406695743571508 -1.271625278987991 -1.3644923928805208 -1.392352527048271 -1.4186648759844893 -1.4867674261723416 -1.494506352330054 -1.4000914532059834 -0.980641655458076 +11191,-0.14793320088842413,0,-0.22841803292861076 -0.3143201132791987 -0.40022219362978656 -0.6401289045188147 -0.7562127968844725 -0.8382454141561998 -0.980641655458076 -1.0719609841190563 -1.1029166887498967 -1.1864970912531736 -1.2406695743571508 -1.271625278987991 -1.3644923928805208 -1.392352527048271 -1.4186648759844893 -1.4867674261723416 -1.494506352330054 -1.4000914532059834 -0.980641655458076 -0.4358212539552578 +11192,0.17400612727234008,0,-0.3143201132791987 -0.40022219362978656 -0.6401289045188147 -0.7562127968844725 -0.8382454141561998 -0.980641655458076 -1.0719609841190563 -1.1029166887498967 -1.1864970912531736 -1.2406695743571508 -1.271625278987991 -1.3644923928805208 -1.392352527048271 -1.4186648759844893 -1.4867674261723416 -1.494506352330054 -1.4000914532059834 -0.980641655458076 -0.4358212539552578 -0.14793320088842413 +11193,0.3953394153828534,0,-0.40022219362978656 -0.6401289045188147 -0.7562127968844725 -0.8382454141561998 -0.980641655458076 -1.0719609841190563 -1.1029166887498967 -1.1864970912531736 -1.2406695743571508 -1.271625278987991 -1.3644923928805208 -1.392352527048271 -1.4186648759844893 -1.4867674261723416 -1.494506352330054 -1.4000914532059834 -0.980641655458076 -0.4358212539552578 -0.14793320088842413 0.17400612727234008 +11194,0.42010397908753094,0,-0.6401289045188147 -0.7562127968844725 -0.8382454141561998 -0.980641655458076 -1.0719609841190563 -1.1029166887498967 -1.1864970912531736 -1.2406695743571508 -1.271625278987991 -1.3644923928805208 -1.392352527048271 -1.4186648759844893 -1.4867674261723416 -1.494506352330054 -1.4000914532059834 -0.980641655458076 -0.4358212539552578 -0.14793320088842413 0.17400612727234008 0.3953394153828534 +11195,0.36128814028893164,0,-0.7562127968844725 -0.8382454141561998 -0.980641655458076 -1.0719609841190563 -1.1029166887498967 -1.1864970912531736 -1.2406695743571508 -1.271625278987991 -1.3644923928805208 -1.392352527048271 -1.4186648759844893 -1.4867674261723416 -1.494506352330054 -1.4000914532059834 -0.980641655458076 -0.4358212539552578 -0.14793320088842413 0.17400612727234008 0.3953394153828534 0.42010397908753094 +11196,0.34426250274196635,0,-0.8382454141561998 -0.980641655458076 -1.0719609841190563 -1.1029166887498967 -1.1864970912531736 -1.2406695743571508 -1.271625278987991 -1.3644923928805208 -1.392352527048271 -1.4186648759844893 -1.4867674261723416 -1.494506352330054 -1.4000914532059834 -0.980641655458076 -0.4358212539552578 -0.14793320088842413 0.17400612727234008 0.3953394153828534 0.42010397908753094 0.36128814028893164 +11197,-0.014823670975800974,0,-0.980641655458076 -1.0719609841190563 -1.1029166887498967 -1.1864970912531736 -1.2406695743571508 -1.271625278987991 -1.3644923928805208 -1.392352527048271 -1.4186648759844893 -1.4867674261723416 -1.494506352330054 -1.4000914532059834 -0.980641655458076 -0.4358212539552578 -0.14793320088842413 0.17400612727234008 0.3953394153828534 0.42010397908753094 0.36128814028893164 0.34426250274196635 +11198,-0.2717560194117943,0,-1.0719609841190563 -1.1029166887498967 -1.1864970912531736 -1.2406695743571508 -1.271625278987991 -1.3644923928805208 -1.392352527048271 -1.4186648759844893 -1.4867674261723416 -1.494506352330054 -1.4000914532059834 -0.980641655458076 -0.4358212539552578 -0.14793320088842413 0.17400612727234008 0.3953394153828534 0.42010397908753094 0.36128814028893164 0.34426250274196635 -0.014823670975800974 +11199,-0.3785532003881992,0,-1.1029166887498967 -1.1864970912531736 -1.2406695743571508 -1.271625278987991 -1.3644923928805208 -1.392352527048271 -1.4186648759844893 -1.4867674261723416 -1.494506352330054 -1.4000914532059834 -0.980641655458076 -0.4358212539552578 -0.14793320088842413 0.17400612727234008 0.3953394153828534 0.42010397908753094 0.36128814028893164 0.34426250274196635 -0.014823670975800974 -0.2717560194117943 +11200,-0.7422827298005886,0,-1.1864970912531736 -1.2406695743571508 -1.271625278987991 -1.3644923928805208 -1.392352527048271 -1.4186648759844893 -1.4867674261723416 -1.494506352330054 -1.4000914532059834 -0.980641655458076 -0.4358212539552578 -0.14793320088842413 0.17400612727234008 0.3953394153828534 0.42010397908753094 0.36128814028893164 0.34426250274196635 -0.014823670975800974 -0.2717560194117943 -0.3785532003881992 +11201,-0.7747862196629784,0,-1.2406695743571508 -1.271625278987991 -1.3644923928805208 -1.392352527048271 -1.4186648759844893 -1.4867674261723416 -1.494506352330054 -1.4000914532059834 -0.980641655458076 -0.4358212539552578 -0.14793320088842413 0.17400612727234008 0.3953394153828534 0.42010397908753094 0.36128814028893164 0.34426250274196635 -0.014823670975800974 -0.2717560194117943 -0.3785532003881992 -0.7422827298005886 +11202,-0.8521754812400837,0,-1.271625278987991 -1.3644923928805208 -1.392352527048271 -1.4186648759844893 -1.4867674261723416 -1.494506352330054 -1.4000914532059834 -0.980641655458076 -0.4358212539552578 -0.14793320088842413 0.17400612727234008 0.3953394153828534 0.42010397908753094 0.36128814028893164 0.34426250274196635 -0.014823670975800974 -0.2717560194117943 -0.3785532003881992 -0.7422827298005886 -0.7747862196629784 +11203,-0.9883805816157882,0,-1.3644923928805208 -1.392352527048271 -1.4186648759844893 -1.4867674261723416 -1.494506352330054 -1.4000914532059834 -0.980641655458076 -0.4358212539552578 -0.14793320088842413 0.17400612727234008 0.3953394153828534 0.42010397908753094 0.36128814028893164 0.34426250274196635 -0.014823670975800974 -0.2717560194117943 -0.3785532003881992 -0.7422827298005886 -0.7747862196629784 -0.8521754812400837 +11204,-1.017788501015088,0,-1.392352527048271 -1.4186648759844893 -1.4867674261723416 -1.494506352330054 -1.4000914532059834 -0.980641655458076 -0.4358212539552578 -0.14793320088842413 0.17400612727234008 0.3953394153828534 0.42010397908753094 0.36128814028893164 0.34426250274196635 -0.014823670975800974 -0.2717560194117943 -0.3785532003881992 -0.7422827298005886 -0.7747862196629784 -0.8521754812400837 -0.9883805816157882 +11205,-1.078152125045228,0,-1.4186648759844893 -1.4867674261723416 -1.494506352330054 -1.4000914532059834 -0.980641655458076 -0.4358212539552578 -0.14793320088842413 0.17400612727234008 0.3953394153828534 0.42010397908753094 0.36128814028893164 0.34426250274196635 -0.014823670975800974 -0.2717560194117943 -0.3785532003881992 -0.7422827298005886 -0.7747862196629784 -0.8521754812400837 -0.9883805816157882 -1.017788501015088 +11206,-1.1245856819914928,0,-1.4867674261723416 -1.494506352330054 -1.4000914532059834 -0.980641655458076 -0.4358212539552578 -0.14793320088842413 0.17400612727234008 0.3953394153828534 0.42010397908753094 0.36128814028893164 0.34426250274196635 -0.014823670975800974 -0.2717560194117943 -0.3785532003881992 -0.7422827298005886 -0.7747862196629784 -0.8521754812400837 -0.9883805816157882 -1.017788501015088 -1.078152125045228 +11207,-1.183401520790092,0,-1.494506352330054 -1.4000914532059834 -0.980641655458076 -0.4358212539552578 -0.14793320088842413 0.17400612727234008 0.3953394153828534 0.42010397908753094 0.36128814028893164 0.34426250274196635 -0.014823670975800974 -0.2717560194117943 -0.3785532003881992 -0.7422827298005886 -0.7747862196629784 -0.8521754812400837 -0.9883805816157882 -1.017788501015088 -1.078152125045228 -1.1245856819914928 +11208,-1.2515040709779444,0,-1.4000914532059834 -0.980641655458076 -0.4358212539552578 -0.14793320088842413 0.17400612727234008 0.3953394153828534 0.42010397908753094 0.36128814028893164 0.34426250274196635 -0.014823670975800974 -0.2717560194117943 -0.3785532003881992 -0.7422827298005886 -0.7747862196629784 -0.8521754812400837 -0.9883805816157882 -1.017788501015088 -1.078152125045228 -1.1245856819914928 -1.183401520790092 +11209,-1.2592429971356567,0,-0.980641655458076 -0.4358212539552578 -0.14793320088842413 0.17400612727234008 0.3953394153828534 0.42010397908753094 0.36128814028893164 0.34426250274196635 -0.014823670975800974 -0.2717560194117943 -0.3785532003881992 -0.7422827298005886 -0.7747862196629784 -0.8521754812400837 -0.9883805816157882 -1.017788501015088 -1.078152125045228 -1.1245856819914928 -1.183401520790092 -1.2515040709779444 +11210,-1.3660401781120615,0,-0.4358212539552578 -0.14793320088842413 0.17400612727234008 0.3953394153828534 0.42010397908753094 0.36128814028893164 0.34426250274196635 -0.014823670975800974 -0.2717560194117943 -0.3785532003881992 -0.7422827298005886 -0.7747862196629784 -0.8521754812400837 -0.9883805816157882 -1.017788501015088 -1.078152125045228 -1.1245856819914928 -1.183401520790092 -1.2515040709779444 -1.2592429971356567 +11211,-1.29948541315575,0,-0.14793320088842413 0.17400612727234008 0.3953394153828534 0.42010397908753094 0.36128814028893164 0.34426250274196635 -0.014823670975800974 -0.2717560194117943 -0.3785532003881992 -0.7422827298005886 -0.7747862196629784 -0.8521754812400837 -0.9883805816157882 -1.017788501015088 -1.078152125045228 -1.1245856819914928 -1.183401520790092 -1.2515040709779444 -1.2592429971356567 -1.3660401781120615 +11212,-1.1462546752330802,0,0.17400612727234008 0.3953394153828534 0.42010397908753094 0.36128814028893164 0.34426250274196635 -0.014823670975800974 -0.2717560194117943 -0.3785532003881992 -0.7422827298005886 -0.7747862196629784 -0.8521754812400837 -0.9883805816157882 -1.017788501015088 -1.078152125045228 -1.1245856819914928 -1.183401520790092 -1.2515040709779444 -1.2592429971356567 -1.3660401781120615 -1.29948541315575 +11213,-0.6463200454449775,0,0.3953394153828534 0.42010397908753094 0.36128814028893164 0.34426250274196635 -0.014823670975800974 -0.2717560194117943 -0.3785532003881992 -0.7422827298005886 -0.7747862196629784 -0.8521754812400837 -0.9883805816157882 -1.017788501015088 -1.078152125045228 -1.1245856819914928 -1.183401520790092 -1.2515040709779444 -1.2592429971356567 -1.3660401781120615 -1.29948541315575 -1.1462546752330802 +11214,-0.2052012544554827,0,0.42010397908753094 0.36128814028893164 0.34426250274196635 -0.014823670975800974 -0.2717560194117943 -0.3785532003881992 -0.7422827298005886 -0.7747862196629784 -0.8521754812400837 -0.9883805816157882 -1.017788501015088 -1.078152125045228 -1.1245856819914928 -1.183401520790092 -1.2515040709779444 -1.2592429971356567 -1.3660401781120615 -1.29948541315575 -1.1462546752330802 -0.6463200454449775 +11215,0.24056089222864285,0,0.36128814028893164 0.34426250274196635 -0.014823670975800974 -0.2717560194117943 -0.3785532003881992 -0.7422827298005886 -0.7747862196629784 -0.8521754812400837 -0.9883805816157882 -1.017788501015088 -1.078152125045228 -1.1245856819914928 -1.183401520790092 -1.2515040709779444 -1.2592429971356567 -1.3660401781120615 -1.29948541315575 -1.1462546752330802 -0.6463200454449775 -0.2052012544554827 +11216,0.4835631735807611,0,0.34426250274196635 -0.014823670975800974 -0.2717560194117943 -0.3785532003881992 -0.7422827298005886 -0.7747862196629784 -0.8521754812400837 -0.9883805816157882 -1.017788501015088 -1.078152125045228 -1.1245856819914928 -1.183401520790092 -1.2515040709779444 -1.2592429971356567 -1.3660401781120615 -1.29948541315575 -1.1462546752330802 -0.6463200454449775 -0.2052012544554827 0.24056089222864285 +11217,0.6104815625672126,0,-0.014823670975800974 -0.2717560194117943 -0.3785532003881992 -0.7422827298005886 -0.7747862196629784 -0.8521754812400837 -0.9883805816157882 -1.017788501015088 -1.078152125045228 -1.1245856819914928 -1.183401520790092 -1.2515040709779444 -1.2592429971356567 -1.3660401781120615 -1.29948541315575 -1.1462546752330802 -0.6463200454449775 -0.2052012544554827 0.24056089222864285 0.4835631735807611 +11218,0.6584629047450182,0,-0.2717560194117943 -0.3785532003881992 -0.7422827298005886 -0.7747862196629784 -0.8521754812400837 -0.9883805816157882 -1.017788501015088 -1.078152125045228 -1.1245856819914928 -1.183401520790092 -1.2515040709779444 -1.2592429971356567 -1.3660401781120615 -1.29948541315575 -1.1462546752330802 -0.6463200454449775 -0.2052012544554827 0.24056089222864285 0.4835631735807611 0.6104815625672126 +11219,0.5748182010520848,0,-0.3785532003881992 -0.7422827298005886 -0.7747862196629784 -0.8521754812400837 -0.9883805816157882 -1.017788501015088 -1.078152125045228 -1.1245856819914928 -1.183401520790092 -1.2515040709779444 -1.2592429971356567 -1.3660401781120615 -1.29948541315575 -1.1462546752330802 -0.6463200454449775 -0.2052012544554827 0.24056089222864285 0.4835631735807611 0.6104815625672126 0.6584629047450182 +11220,0.06101780536976358,0,-0.7422827298005886 -0.7747862196629784 -0.8521754812400837 -0.9883805816157882 -1.017788501015088 -1.078152125045228 -1.1245856819914928 -1.183401520790092 -1.2515040709779444 -1.2592429971356567 -1.3660401781120615 -1.29948541315575 -1.1462546752330802 -0.6463200454449775 -0.2052012544554827 0.24056089222864285 0.4835631735807611 0.6104815625672126 0.6584629047450182 0.5748182010520848 +11221,0.07959122814826955,0,-0.7747862196629784 -0.8521754812400837 -0.9883805816157882 -1.017788501015088 -1.078152125045228 -1.1245856819914928 -1.183401520790092 -1.2515040709779444 -1.2592429971356567 -1.3660401781120615 -1.29948541315575 -1.1462546752330802 -0.6463200454449775 -0.2052012544554827 0.24056089222864285 0.4835631735807611 0.6104815625672126 0.6584629047450182 0.5748182010520848 0.06101780536976358 +11222,-0.2175835363078171,0,-0.8521754812400837 -0.9883805816157882 -1.017788501015088 -1.078152125045228 -1.1245856819914928 -1.183401520790092 -1.2515040709779444 -1.2592429971356567 -1.3660401781120615 -1.29948541315575 -1.1462546752330802 -0.6463200454449775 -0.2052012544554827 0.24056089222864285 0.4835631735807611 0.6104815625672126 0.6584629047450182 0.5748182010520848 0.06101780536976358 0.07959122814826955 +11223,-0.3893876970089929,0,-0.9883805816157882 -1.017788501015088 -1.078152125045228 -1.1245856819914928 -1.183401520790092 -1.2515040709779444 -1.2592429971356567 -1.3660401781120615 -1.29948541315575 -1.1462546752330802 -0.6463200454449775 -0.2052012544554827 0.24056089222864285 0.4835631735807611 0.6104815625672126 0.6584629047450182 0.5748182010520848 0.06101780536976358 0.07959122814826955 -0.2175835363078171 +11224,-0.5271405826162381,0,-1.017788501015088 -1.078152125045228 -1.1245856819914928 -1.183401520790092 -1.2515040709779444 -1.2592429971356567 -1.3660401781120615 -1.29948541315575 -1.1462546752330802 -0.6463200454449775 -0.2052012544554827 0.24056089222864285 0.4835631735807611 0.6104815625672126 0.6584629047450182 0.5748182010520848 0.06101780536976358 0.07959122814826955 -0.2175835363078171 -0.3893876970089929 +11225,-0.6401289045188147,0,-1.078152125045228 -1.1245856819914928 -1.183401520790092 -1.2515040709779444 -1.2592429971356567 -1.3660401781120615 -1.29948541315575 -1.1462546752330802 -0.6463200454449775 -0.2052012544554827 0.24056089222864285 0.4835631735807611 0.6104815625672126 0.6584629047450182 0.5748182010520848 0.06101780536976358 0.07959122814826955 -0.2175835363078171 -0.3893876970089929 -0.5271405826162381 +11226,-0.7701428639683475,0,-1.1245856819914928 -1.183401520790092 -1.2515040709779444 -1.2592429971356567 -1.3660401781120615 -1.29948541315575 -1.1462546752330802 -0.6463200454449775 -0.2052012544554827 0.24056089222864285 0.4835631735807611 0.6104815625672126 0.6584629047450182 0.5748182010520848 0.06101780536976358 0.07959122814826955 -0.2175835363078171 -0.3893876970089929 -0.5271405826162381 -0.6401289045188147 +11227,-0.864557763092418,0,-1.183401520790092 -1.2515040709779444 -1.2592429971356567 -1.3660401781120615 -1.29948541315575 -1.1462546752330802 -0.6463200454449775 -0.2052012544554827 0.24056089222864285 0.4835631735807611 0.6104815625672126 0.6584629047450182 0.5748182010520848 0.06101780536976358 0.07959122814826955 -0.2175835363078171 -0.3893876970089929 -0.5271405826162381 -0.6401289045188147 -0.7701428639683475 +11228,-0.8707489040185808,0,-1.2515040709779444 -1.2592429971356567 -1.3660401781120615 -1.29948541315575 -1.1462546752330802 -0.6463200454449775 -0.2052012544554827 0.24056089222864285 0.4835631735807611 0.6104815625672126 0.6584629047450182 0.5748182010520848 0.06101780536976358 0.07959122814826955 -0.2175835363078171 -0.3893876970089929 -0.5271405826162381 -0.6401289045188147 -0.7701428639683475 -0.864557763092418 +11229,-0.943494809901064,0,-1.2592429971356567 -1.3660401781120615 -1.29948541315575 -1.1462546752330802 -0.6463200454449775 -0.2052012544554827 0.24056089222864285 0.4835631735807611 0.6104815625672126 0.6584629047450182 0.5748182010520848 0.06101780536976358 0.07959122814826955 -0.2175835363078171 -0.3893876970089929 -0.5271405826162381 -0.6401289045188147 -0.7701428639683475 -0.864557763092418 -0.8707489040185808 +11230,-0.9342080985118111,0,-1.3660401781120615 -1.29948541315575 -1.1462546752330802 -0.6463200454449775 -0.2052012544554827 0.24056089222864285 0.4835631735807611 0.6104815625672126 0.6584629047450182 0.5748182010520848 0.06101780536976358 0.07959122814826955 -0.2175835363078171 -0.3893876970089929 -0.5271405826162381 -0.6401289045188147 -0.7701428639683475 -0.864557763092418 -0.8707489040185808 -0.943494809901064 +11231,-0.9790938702265353,0,-1.29948541315575 -1.1462546752330802 -0.6463200454449775 -0.2052012544554827 0.24056089222864285 0.4835631735807611 0.6104815625672126 0.6584629047450182 0.5748182010520848 0.06101780536976358 0.07959122814826955 -0.2175835363078171 -0.3893876970089929 -0.5271405826162381 -0.6401289045188147 -0.7701428639683475 -0.864557763092418 -0.8707489040185808 -0.943494809901064 -0.9342080985118111 +11232,-1.003858433931204,0,-1.1462546752330802 -0.6463200454449775 -0.2052012544554827 0.24056089222864285 0.4835631735807611 0.6104815625672126 0.6584629047450182 0.5748182010520848 0.06101780536976358 0.07959122814826955 -0.2175835363078171 -0.3893876970089929 -0.5271405826162381 -0.6401289045188147 -0.7701428639683475 -0.864557763092418 -0.8707489040185808 -0.943494809901064 -0.9342080985118111 -0.9790938702265353 +11233,-1.017788501015088,0,-0.6463200454449775 -0.2052012544554827 0.24056089222864285 0.4835631735807611 0.6104815625672126 0.6584629047450182 0.5748182010520848 0.06101780536976358 0.07959122814826955 -0.2175835363078171 -0.3893876970089929 -0.5271405826162381 -0.6401289045188147 -0.7701428639683475 -0.864557763092418 -0.8707489040185808 -0.943494809901064 -0.9342080985118111 -0.9790938702265353 -1.003858433931204 +11234,-1.059578702266722,0,-0.2052012544554827 0.24056089222864285 0.4835631735807611 0.6104815625672126 0.6584629047450182 0.5748182010520848 0.06101780536976358 0.07959122814826955 -0.2175835363078171 -0.3893876970089929 -0.5271405826162381 -0.6401289045188147 -0.7701428639683475 -0.864557763092418 -0.8707489040185808 -0.943494809901064 -0.9342080985118111 -0.9790938702265353 -1.003858433931204 -1.017788501015088 +11235,-1.0766043398136873,0,0.24056089222864285 0.4835631735807611 0.6104815625672126 0.6584629047450182 0.5748182010520848 0.06101780536976358 0.07959122814826955 -0.2175835363078171 -0.3893876970089929 -0.5271405826162381 -0.6401289045188147 -0.7701428639683475 -0.864557763092418 -0.8707489040185808 -0.943494809901064 -0.9342080985118111 -0.9790938702265353 -1.003858433931204 -1.017788501015088 -1.059578702266722 +11236,-1.0533875613405503,0,0.4835631735807611 0.6104815625672126 0.6584629047450182 0.5748182010520848 0.06101780536976358 0.07959122814826955 -0.2175835363078171 -0.3893876970089929 -0.5271405826162381 -0.6401289045188147 -0.7701428639683475 -0.864557763092418 -0.8707489040185808 -0.943494809901064 -0.9342080985118111 -0.9790938702265353 -1.003858433931204 -1.017788501015088 -1.059578702266722 -1.0766043398136873 +11237,-0.8181242061461532,0,0.6104815625672126 0.6584629047450182 0.5748182010520848 0.06101780536976358 0.07959122814826955 -0.2175835363078171 -0.3893876970089929 -0.5271405826162381 -0.6401289045188147 -0.7701428639683475 -0.864557763092418 -0.8707489040185808 -0.943494809901064 -0.9342080985118111 -0.9790938702265353 -1.003858433931204 -1.017788501015088 -1.059578702266722 -1.0766043398136873 -1.0533875613405503 +11238,-0.5689307838678721,0,0.6584629047450182 0.5748182010520848 0.06101780536976358 0.07959122814826955 -0.2175835363078171 -0.3893876970089929 -0.5271405826162381 -0.6401289045188147 -0.7701428639683475 -0.864557763092418 -0.8707489040185808 -0.943494809901064 -0.9342080985118111 -0.9790938702265353 -1.003858433931204 -1.017788501015088 -1.059578702266722 -1.0766043398136873 -1.0533875613405503 -0.8181242061461532 +11239,-0.3228329320526813,0,0.5748182010520848 0.06101780536976358 0.07959122814826955 -0.2175835363078171 -0.3893876970089929 -0.5271405826162381 -0.6401289045188147 -0.7701428639683475 -0.864557763092418 -0.8707489040185808 -0.943494809901064 -0.9342080985118111 -0.9790938702265353 -1.003858433931204 -1.017788501015088 -1.059578702266722 -1.0766043398136873 -1.0533875613405503 -0.8181242061461532 -0.5689307838678721 +11240,-0.1665066236669301,0,0.06101780536976358 0.07959122814826955 -0.2175835363078171 -0.3893876970089929 -0.5271405826162381 -0.6401289045188147 -0.7701428639683475 -0.864557763092418 -0.8707489040185808 -0.943494809901064 -0.9342080985118111 -0.9790938702265353 -1.003858433931204 -1.017788501015088 -1.059578702266722 -1.0766043398136873 -1.0533875613405503 -0.8181242061461532 -0.5689307838678721 -0.3228329320526813 +11241,-0.024110382365053955,0,0.07959122814826955 -0.2175835363078171 -0.3893876970089929 -0.5271405826162381 -0.6401289045188147 -0.7701428639683475 -0.864557763092418 -0.8707489040185808 -0.943494809901064 -0.9342080985118111 -0.9790938702265353 -1.003858433931204 -1.017788501015088 -1.059578702266722 -1.0766043398136873 -1.0533875613405503 -0.8181242061461532 -0.5689307838678721 -0.3228329320526813 -0.1665066236669301 +11242,0.12912035555761586,0,-0.2175835363078171 -0.3893876970089929 -0.5271405826162381 -0.6401289045188147 -0.7701428639683475 -0.864557763092418 -0.8707489040185808 -0.943494809901064 -0.9342080985118111 -0.9790938702265353 -1.003858433931204 -1.017788501015088 -1.059578702266722 -1.0766043398136873 -1.0533875613405503 -0.8181242061461532 -0.5689307838678721 -0.3228329320526813 -0.1665066236669301 -0.024110382365053955 +11243,0.2746121673225734,0,-0.3893876970089929 -0.5271405826162381 -0.6401289045188147 -0.7701428639683475 -0.864557763092418 -0.8707489040185808 -0.943494809901064 -0.9342080985118111 -0.9790938702265353 -1.003858433931204 -1.017788501015088 -1.059578702266722 -1.0766043398136873 -1.0533875613405503 -0.8181242061461532 -0.5689307838678721 -0.3228329320526813 -0.1665066236669301 -0.024110382365053955 0.12912035555761586 +11244,0.17323223465656093,0,-0.5271405826162381 -0.6401289045188147 -0.7701428639683475 -0.864557763092418 -0.8707489040185808 -0.943494809901064 -0.9342080985118111 -0.9790938702265353 -1.003858433931204 -1.017788501015088 -1.059578702266722 -1.0766043398136873 -1.0533875613405503 -0.8181242061461532 -0.5689307838678721 -0.3228329320526813 -0.1665066236669301 -0.024110382365053955 0.12912035555761586 0.2746121673225734 +11245,0.07185230199055727,0,-0.6401289045188147 -0.7701428639683475 -0.864557763092418 -0.8707489040185808 -0.943494809901064 -0.9342080985118111 -0.9790938702265353 -1.003858433931204 -1.017788501015088 -1.059578702266722 -1.0766043398136873 -1.0533875613405503 -0.8181242061461532 -0.5689307838678721 -0.3228329320526813 -0.1665066236669301 -0.024110382365053955 0.12912035555761586 0.2746121673225734 0.17323223465656093 +11246,-0.15412434181458692,0,-0.7701428639683475 -0.864557763092418 -0.8707489040185808 -0.943494809901064 -0.9342080985118111 -0.9790938702265353 -1.003858433931204 -1.017788501015088 -1.059578702266722 -1.0766043398136873 -1.0533875613405503 -0.8181242061461532 -0.5689307838678721 -0.3228329320526813 -0.1665066236669301 -0.024110382365053955 0.12912035555761586 0.2746121673225734 0.17323223465656093 0.07185230199055727 +11247,-0.3537886366835216,0,-0.864557763092418 -0.8707489040185808 -0.943494809901064 -0.9342080985118111 -0.9790938702265353 -1.003858433931204 -1.017788501015088 -1.059578702266722 -1.0766043398136873 -1.0533875613405503 -0.8181242061461532 -0.5689307838678721 -0.3228329320526813 -0.1665066236669301 -0.024110382365053955 0.12912035555761586 0.2746121673225734 0.17323223465656093 0.07185230199055727 -0.15412434181458692 +11248,-0.4791592404384325,0,-0.8707489040185808 -0.943494809901064 -0.9342080985118111 -0.9790938702265353 -1.003858433931204 -1.017788501015088 -1.059578702266722 -1.0766043398136873 -1.0533875613405503 -0.8181242061461532 -0.5689307838678721 -0.3228329320526813 -0.1665066236669301 -0.024110382365053955 0.12912035555761586 0.2746121673225734 0.17323223465656093 0.07185230199055727 -0.15412434181458692 -0.3537886366835216 +11249,-0.5658352134047907,0,-0.943494809901064 -0.9342080985118111 -0.9790938702265353 -1.003858433931204 -1.017788501015088 -1.059578702266722 -1.0766043398136873 -1.0533875613405503 -0.8181242061461532 -0.5689307838678721 -0.3228329320526813 -0.1665066236669301 -0.024110382365053955 0.12912035555761586 0.2746121673225734 0.17323223465656093 0.07185230199055727 -0.15412434181458692 -0.3537886366835216 -0.4791592404384325 +11250,-0.5844086361832967,0,-0.9342080985118111 -0.9790938702265353 -1.003858433931204 -1.017788501015088 -1.059578702266722 -1.0766043398136873 -1.0533875613405503 -0.8181242061461532 -0.5689307838678721 -0.3228329320526813 -0.1665066236669301 -0.024110382365053955 0.12912035555761586 0.2746121673225734 0.17323223465656093 0.07185230199055727 -0.15412434181458692 -0.3537886366835216 -0.4791592404384325 -0.5658352134047907 +11251,-0.675727964844277,0,-0.9790938702265353 -1.003858433931204 -1.017788501015088 -1.059578702266722 -1.0766043398136873 -1.0533875613405503 -0.8181242061461532 -0.5689307838678721 -0.3228329320526813 -0.1665066236669301 -0.024110382365053955 0.12912035555761586 0.2746121673225734 0.17323223465656093 0.07185230199055727 -0.15412434181458692 -0.3537886366835216 -0.4791592404384325 -0.5658352134047907 -0.5844086361832967 +11252,-0.7608561525790946,0,-1.003858433931204 -1.017788501015088 -1.059578702266722 -1.0766043398136873 -1.0533875613405503 -0.8181242061461532 -0.5689307838678721 -0.3228329320526813 -0.1665066236669301 -0.024110382365053955 0.12912035555761586 0.2746121673225734 0.17323223465656093 0.07185230199055727 -0.15412434181458692 -0.3537886366835216 -0.4791592404384325 -0.5658352134047907 -0.5844086361832967 -0.675727964844277 +11253,-0.7407349445690479,0,-1.017788501015088 -1.059578702266722 -1.0766043398136873 -1.0533875613405503 -0.8181242061461532 -0.5689307838678721 -0.3228329320526813 -0.1665066236669301 -0.024110382365053955 0.12912035555761586 0.2746121673225734 0.17323223465656093 0.07185230199055727 -0.15412434181458692 -0.3537886366835216 -0.4791592404384325 -0.5658352134047907 -0.5844086361832967 -0.675727964844277 -0.7608561525790946 +11254,-0.7469260854952195,0,-1.059578702266722 -1.0766043398136873 -1.0533875613405503 -0.8181242061461532 -0.5689307838678721 -0.3228329320526813 -0.1665066236669301 -0.024110382365053955 0.12912035555761586 0.2746121673225734 0.17323223465656093 0.07185230199055727 -0.15412434181458692 -0.3537886366835216 -0.4791592404384325 -0.5658352134047907 -0.5844086361832967 -0.675727964844277 -0.7608561525790946 -0.7407349445690479 +11255,-0.7577605821160132,0,-1.0766043398136873 -1.0533875613405503 -0.8181242061461532 -0.5689307838678721 -0.3228329320526813 -0.1665066236669301 -0.024110382365053955 0.12912035555761586 0.2746121673225734 0.17323223465656093 0.07185230199055727 -0.15412434181458692 -0.3537886366835216 -0.4791592404384325 -0.5658352134047907 -0.5844086361832967 -0.675727964844277 -0.7608561525790946 -0.7407349445690479 -0.7469260854952195 +11256,-0.7515694411898416,0,-1.0533875613405503 -0.8181242061461532 -0.5689307838678721 -0.3228329320526813 -0.1665066236669301 -0.024110382365053955 0.12912035555761586 0.2746121673225734 0.17323223465656093 0.07185230199055727 -0.15412434181458692 -0.3537886366835216 -0.4791592404384325 -0.5658352134047907 -0.5844086361832967 -0.675727964844277 -0.7608561525790946 -0.7407349445690479 -0.7469260854952195 -0.7577605821160132 +11257,-0.8552710517031651,0,-0.8181242061461532 -0.5689307838678721 -0.3228329320526813 -0.1665066236669301 -0.024110382365053955 0.12912035555761586 0.2746121673225734 0.17323223465656093 0.07185230199055727 -0.15412434181458692 -0.3537886366835216 -0.4791592404384325 -0.5658352134047907 -0.5844086361832967 -0.675727964844277 -0.7608561525790946 -0.7407349445690479 -0.7469260854952195 -0.7577605821160132 -0.7515694411898416 +11258,-0.864557763092418,0,-0.5689307838678721 -0.3228329320526813 -0.1665066236669301 -0.024110382365053955 0.12912035555761586 0.2746121673225734 0.17323223465656093 0.07185230199055727 -0.15412434181458692 -0.3537886366835216 -0.4791592404384325 -0.5658352134047907 -0.5844086361832967 -0.675727964844277 -0.7608561525790946 -0.7407349445690479 -0.7469260854952195 -0.7577605821160132 -0.7515694411898416 -0.8552710517031651 +11259,-0.9171824609648458,0,-0.3228329320526813 -0.1665066236669301 -0.024110382365053955 0.12912035555761586 0.2746121673225734 0.17323223465656093 0.07185230199055727 -0.15412434181458692 -0.3537886366835216 -0.4791592404384325 -0.5658352134047907 -0.5844086361832967 -0.675727964844277 -0.7608561525790946 -0.7407349445690479 -0.7469260854952195 -0.7577605821160132 -0.7515694411898416 -0.8552710517031651 -0.864557763092418 +11260,-0.7902640719783942,0,-0.1665066236669301 -0.024110382365053955 0.12912035555761586 0.2746121673225734 0.17323223465656093 0.07185230199055727 -0.15412434181458692 -0.3537886366835216 -0.4791592404384325 -0.5658352134047907 -0.5844086361832967 -0.675727964844277 -0.7608561525790946 -0.7407349445690479 -0.7469260854952195 -0.7577605821160132 -0.7515694411898416 -0.8552710517031651 -0.864557763092418 -0.9171824609648458 +11261,-0.264017093254082,0,-0.024110382365053955 0.12912035555761586 0.2746121673225734 0.17323223465656093 0.07185230199055727 -0.15412434181458692 -0.3537886366835216 -0.4791592404384325 -0.5658352134047907 -0.5844086361832967 -0.675727964844277 -0.7608561525790946 -0.7407349445690479 -0.7469260854952195 -0.7577605821160132 -0.7515694411898416 -0.8552710517031651 -0.864557763092418 -0.9171824609648458 -0.7902640719783942 +11262,0.34581028797350705,0,0.12912035555761586 0.2746121673225734 0.17323223465656093 0.07185230199055727 -0.15412434181458692 -0.3537886366835216 -0.4791592404384325 -0.5658352134047907 -0.5844086361832967 -0.675727964844277 -0.7608561525790946 -0.7407349445690479 -0.7469260854952195 -0.7577605821160132 -0.7515694411898416 -0.8552710517031651 -0.864557763092418 -0.9171824609648458 -0.7902640719783942 -0.264017093254082 +11263,0.6723929718288933,0,0.2746121673225734 0.17323223465656093 0.07185230199055727 -0.15412434181458692 -0.3537886366835216 -0.4791592404384325 -0.5658352134047907 -0.5844086361832967 -0.675727964844277 -0.7608561525790946 -0.7407349445690479 -0.7469260854952195 -0.7577605821160132 -0.7515694411898416 -0.8552710517031651 -0.864557763092418 -0.9171824609648458 -0.7902640719783942 -0.264017093254082 0.34581028797350705 +11264,0.9355164611910495,0,0.17323223465656093 0.07185230199055727 -0.15412434181458692 -0.3537886366835216 -0.4791592404384325 -0.5658352134047907 -0.5844086361832967 -0.675727964844277 -0.7608561525790946 -0.7407349445690479 -0.7469260854952195 -0.7577605821160132 -0.7515694411898416 -0.8552710517031651 -0.864557763092418 -0.9171824609648458 -0.7902640719783942 -0.264017093254082 0.34581028797350705 0.6723929718288933 +11265,1.1754231720800774,0,0.07185230199055727 -0.15412434181458692 -0.3537886366835216 -0.4791592404384325 -0.5658352134047907 -0.5844086361832967 -0.675727964844277 -0.7608561525790946 -0.7407349445690479 -0.7469260854952195 -0.7577605821160132 -0.7515694411898416 -0.8552710517031651 -0.864557763092418 -0.9171824609648458 -0.7902640719783942 -0.264017093254082 0.34581028797350705 0.6723929718288933 0.9355164611910495 +11266,1.2032833062478365,0,-0.15412434181458692 -0.3537886366835216 -0.4791592404384325 -0.5658352134047907 -0.5844086361832967 -0.675727964844277 -0.7608561525790946 -0.7407349445690479 -0.7469260854952195 -0.7577605821160132 -0.7515694411898416 -0.8552710517031651 -0.864557763092418 -0.9171824609648458 -0.7902640719783942 -0.264017093254082 0.34581028797350705 0.6723929718288933 0.9355164611910495 1.1754231720800774 +11267,1.2141178028686301,0,-0.3537886366835216 -0.4791592404384325 -0.5658352134047907 -0.5844086361832967 -0.675727964844277 -0.7608561525790946 -0.7407349445690479 -0.7469260854952195 -0.7577605821160132 -0.7515694411898416 -0.8552710517031651 -0.864557763092418 -0.9171824609648458 -0.7902640719783942 -0.264017093254082 0.34581028797350705 0.6723929718288933 0.9355164611910495 1.1754231720800774 1.2032833062478365 +11268,0.9796283402900033,0,-0.4791592404384325 -0.5658352134047907 -0.5844086361832967 -0.675727964844277 -0.7608561525790946 -0.7407349445690479 -0.7469260854952195 -0.7577605821160132 -0.7515694411898416 -0.8552710517031651 -0.864557763092418 -0.9171824609648458 -0.7902640719783942 -0.264017093254082 0.34581028797350705 0.6723929718288933 0.9355164611910495 1.1754231720800774 1.2032833062478365 1.2141178028686301 +11269,0.7451388777113765,0,-0.5658352134047907 -0.5844086361832967 -0.675727964844277 -0.7608561525790946 -0.7407349445690479 -0.7469260854952195 -0.7577605821160132 -0.7515694411898416 -0.8552710517031651 -0.864557763092418 -0.9171824609648458 -0.7902640719783942 -0.264017093254082 0.34581028797350705 0.6723929718288933 0.9355164611910495 1.1754231720800774 1.2032833062478365 1.2141178028686301 0.9796283402900033 +11270,0.2761599525541141,0,-0.5844086361832967 -0.675727964844277 -0.7608561525790946 -0.7407349445690479 -0.7469260854952195 -0.7577605821160132 -0.7515694411898416 -0.8552710517031651 -0.864557763092418 -0.9171824609648458 -0.7902640719783942 -0.264017093254082 0.34581028797350705 0.6723929718288933 0.9355164611910495 1.1754231720800774 1.2032833062478365 1.2141178028686301 0.9796283402900033 0.7451388777113765 +11271,0.11828585893682218,0,-0.675727964844277 -0.7608561525790946 -0.7407349445690479 -0.7469260854952195 -0.7577605821160132 -0.7515694411898416 -0.8552710517031651 -0.864557763092418 -0.9171824609648458 -0.7902640719783942 -0.264017093254082 0.34581028797350705 0.6723929718288933 0.9355164611910495 1.1754231720800774 1.2032833062478365 1.2141178028686301 0.9796283402900033 0.7451388777113765 0.2761599525541141 +11272,-0.09530850301598763,0,-0.7608561525790946 -0.7407349445690479 -0.7469260854952195 -0.7577605821160132 -0.7515694411898416 -0.8552710517031651 -0.864557763092418 -0.9171824609648458 -0.7902640719783942 -0.264017093254082 0.34581028797350705 0.6723929718288933 0.9355164611910495 1.1754231720800774 1.2032833062478365 1.2141178028686301 0.9796283402900033 0.7451388777113765 0.2761599525541141 0.11828585893682218 +11273,-0.24080031478094516,0,-0.7407349445690479 -0.7469260854952195 -0.7577605821160132 -0.7515694411898416 -0.8552710517031651 -0.864557763092418 -0.9171824609648458 -0.7902640719783942 -0.264017093254082 0.34581028797350705 0.6723929718288933 0.9355164611910495 1.1754231720800774 1.2032833062478365 1.2141178028686301 0.9796283402900033 0.7451388777113765 0.2761599525541141 0.11828585893682218 -0.09530850301598763 +11274,-0.4234389721029146,0,-0.7469260854952195 -0.7577605821160132 -0.7515694411898416 -0.8552710517031651 -0.864557763092418 -0.9171824609648458 -0.7902640719783942 -0.264017093254082 0.34581028797350705 0.6723929718288933 0.9355164611910495 1.1754231720800774 1.2032833062478365 1.2141178028686301 0.9796283402900033 0.7451388777113765 0.2761599525541141 0.11828585893682218 -0.09530850301598763 -0.24080031478094516 +11275,-0.48999373705922616,0,-0.7577605821160132 -0.7515694411898416 -0.8552710517031651 -0.864557763092418 -0.9171824609648458 -0.7902640719783942 -0.264017093254082 0.34581028797350705 0.6723929718288933 0.9355164611910495 1.1754231720800774 1.2032833062478365 1.2141178028686301 0.9796283402900033 0.7451388777113765 0.2761599525541141 0.11828585893682218 -0.09530850301598763 -0.24080031478094516 -0.4234389721029146 +11276,-0.8831311858709241,0,-0.7515694411898416 -0.8552710517031651 -0.864557763092418 -0.9171824609648458 -0.7902640719783942 -0.264017093254082 0.34581028797350705 0.6723929718288933 0.9355164611910495 1.1754231720800774 1.2032833062478365 1.2141178028686301 0.9796283402900033 0.7451388777113765 0.2761599525541141 0.11828585893682218 -0.09530850301598763 -0.24080031478094516 -0.4234389721029146 -0.48999373705922616 +11277,-0.754665011652923,0,-0.8552710517031651 -0.864557763092418 -0.9171824609648458 -0.7902640719783942 -0.264017093254082 0.34581028797350705 0.6723929718288933 0.9355164611910495 1.1754231720800774 1.2032833062478365 1.2141178028686301 0.9796283402900033 0.7451388777113765 0.2761599525541141 0.11828585893682218 -0.09530850301598763 -0.24080031478094516 -0.4234389721029146 -0.48999373705922616 -0.8831311858709241 +11278,-1.0967255478237339,0,-0.864557763092418 -0.9171824609648458 -0.7902640719783942 -0.264017093254082 0.34581028797350705 0.6723929718288933 0.9355164611910495 1.1754231720800774 1.2032833062478365 1.2141178028686301 0.9796283402900033 0.7451388777113765 0.2761599525541141 0.11828585893682218 -0.09530850301598763 -0.24080031478094516 -0.4234389721029146 -0.48999373705922616 -0.8831311858709241 -0.754665011652923 +11279,-0.6370333340557244,0,-0.9171824609648458 -0.7902640719783942 -0.264017093254082 0.34581028797350705 0.6723929718288933 0.9355164611910495 1.1754231720800774 1.2032833062478365 1.2141178028686301 0.9796283402900033 0.7451388777113765 0.2761599525541141 0.11828585893682218 -0.09530850301598763 -0.24080031478094516 -0.4234389721029146 -0.48999373705922616 -0.8831311858709241 -0.754665011652923 -1.0967255478237339 +11280,-0.5658352134047907,0,-0.7902640719783942 -0.264017093254082 0.34581028797350705 0.6723929718288933 0.9355164611910495 1.1754231720800774 1.2032833062478365 1.2141178028686301 0.9796283402900033 0.7451388777113765 0.2761599525541141 0.11828585893682218 -0.09530850301598763 -0.24080031478094516 -0.4234389721029146 -0.48999373705922616 -0.8831311858709241 -0.754665011652923 -1.0967255478237339 -0.6370333340557244 +11281,-0.6045298441933433,0,-0.264017093254082 0.34581028797350705 0.6723929718288933 0.9355164611910495 1.1754231720800774 1.2032833062478365 1.2141178028686301 0.9796283402900033 0.7451388777113765 0.2761599525541141 0.11828585893682218 -0.09530850301598763 -0.24080031478094516 -0.4234389721029146 -0.48999373705922616 -0.8831311858709241 -0.754665011652923 -1.0967255478237339 -0.6370333340557244 -0.5658352134047907 +11282,-1.081211590476995,0,0.34581028797350705 0.6723929718288933 0.9355164611910495 1.1754231720800774 1.2032833062478365 1.2141178028686301 0.9796283402900033 0.7451388777113765 0.2761599525541141 0.11828585893682218 -0.09530850301598763 -0.24080031478094516 -0.4234389721029146 -0.48999373705922616 -0.8831311858709241 -0.754665011652923 -1.0967255478237339 -0.6370333340557244 -0.5658352134047907 -0.6045298441933433 +11283,-0.9512337360587764,0,0.6723929718288933 0.9355164611910495 1.1754231720800774 1.2032833062478365 1.2141178028686301 0.9796283402900033 0.7451388777113765 0.2761599525541141 0.11828585893682218 -0.09530850301598763 -0.24080031478094516 -0.4234389721029146 -0.48999373705922616 -0.8831311858709241 -0.754665011652923 -1.0967255478237339 -0.6370333340557244 -0.5658352134047907 -0.6045298441933433 -1.081211590476995 +11284,-0.3104506502003469,0,0.9355164611910495 1.1754231720800774 1.2032833062478365 1.2141178028686301 0.9796283402900033 0.7451388777113765 0.2761599525541141 0.11828585893682218 -0.09530850301598763 -0.24080031478094516 -0.4234389721029146 -0.48999373705922616 -0.8831311858709241 -0.754665011652923 -1.0967255478237339 -0.6370333340557244 -0.5658352134047907 -0.6045298441933433 -1.081211590476995 -0.9512337360587764 +11285,0.4092694824667372,0,1.1754231720800774 1.2032833062478365 1.2141178028686301 0.9796283402900033 0.7451388777113765 0.2761599525541141 0.11828585893682218 -0.09530850301598763 -0.24080031478094516 -0.4234389721029146 -0.48999373705922616 -0.8831311858709241 -0.754665011652923 -1.0967255478237339 -0.6370333340557244 -0.5658352134047907 -0.6045298441933433 -1.081211590476995 -0.9512337360587764 -0.3104506502003469 +11286,0.988141159063486,0,1.2032833062478365 1.2141178028686301 0.9796283402900033 0.7451388777113765 0.2761599525541141 0.11828585893682218 -0.09530850301598763 -0.24080031478094516 -0.4234389721029146 -0.48999373705922616 -0.8831311858709241 -0.754665011652923 -1.0967255478237339 -0.6370333340557244 -0.5658352134047907 -0.6045298441933433 -1.081211590476995 -0.9512337360587764 -0.3104506502003469 0.4092694824667372 +11287,1.4106865272744746,0,1.2141178028686301 0.9796283402900033 0.7451388777113765 0.2761599525541141 0.11828585893682218 -0.09530850301598763 -0.24080031478094516 -0.4234389721029146 -0.48999373705922616 -0.8831311858709241 -0.754665011652923 -1.0967255478237339 -0.6370333340557244 -0.5658352134047907 -0.6045298441933433 -1.081211590476995 -0.9512337360587764 -0.3104506502003469 0.4092694824667372 0.988141159063486 +11288,1.5871340436702814,0,0.9796283402900033 0.7451388777113765 0.2761599525541141 0.11828585893682218 -0.09530850301598763 -0.24080031478094516 -0.4234389721029146 -0.48999373705922616 -0.8831311858709241 -0.754665011652923 -1.0967255478237339 -0.6370333340557244 -0.5658352134047907 -0.6045298441933433 -1.081211590476995 -0.9512337360587764 -0.3104506502003469 0.4092694824667372 0.988141159063486 1.4106865272744746 +11289,1.5407004867240164,0,0.7451388777113765 0.2761599525541141 0.11828585893682218 -0.09530850301598763 -0.24080031478094516 -0.4234389721029146 -0.48999373705922616 -0.8831311858709241 -0.754665011652923 -1.0967255478237339 -0.6370333340557244 -0.5658352134047907 -0.6045298441933433 -1.081211590476995 -0.9512337360587764 -0.3104506502003469 0.4092694824667372 0.988141159063486 1.4106865272744746 1.5871340436702814 +11290,1.4075909568113933,0,0.2761599525541141 0.11828585893682218 -0.09530850301598763 -0.24080031478094516 -0.4234389721029146 -0.48999373705922616 -0.8831311858709241 -0.754665011652923 -1.0967255478237339 -0.6370333340557244 -0.5658352134047907 -0.6045298441933433 -1.081211590476995 -0.9512337360587764 -0.3104506502003469 0.4092694824667372 0.988141159063486 1.4106865272744746 1.5871340436702814 1.5407004867240164 +11291,1.1938152103716337,0,0.11828585893682218 -0.09530850301598763 -0.24080031478094516 -0.4234389721029146 -0.48999373705922616 -0.8831311858709241 -0.754665011652923 -1.0967255478237339 -0.6370333340557244 -0.5658352134047907 -0.6045298441933433 -1.081211590476995 -0.9512337360587764 -0.3104506502003469 0.4092694824667372 0.988141159063486 1.4106865272744746 1.5871340436702814 1.5407004867240164 1.4075909568113933 +11292,1.2450735074994705,0,-0.09530850301598763 -0.24080031478094516 -0.4234389721029146 -0.48999373705922616 -0.8831311858709241 -0.754665011652923 -1.0967255478237339 -0.6370333340557244 -0.5658352134047907 -0.6045298441933433 -1.081211590476995 -0.9512337360587764 -0.3104506502003469 0.4092694824667372 0.988141159063486 1.4106865272744746 1.5871340436702814 1.5407004867240164 1.4075909568113933 1.1938152103716337 +11293,0.9664721658218898,0,-0.24080031478094516 -0.4234389721029146 -0.48999373705922616 -0.8831311858709241 -0.754665011652923 -1.0967255478237339 -0.6370333340557244 -0.5658352134047907 -0.6045298441933433 -1.081211590476995 -0.9512337360587764 -0.3104506502003469 0.4092694824667372 0.988141159063486 1.4106865272744746 1.5871340436702814 1.5407004867240164 1.4075909568113933 1.1938152103716337 1.2450735074994705 +11294,0.6956097503020214,0,-0.4234389721029146 -0.48999373705922616 -0.8831311858709241 -0.754665011652923 -1.0967255478237339 -0.6370333340557244 -0.5658352134047907 -0.6045298441933433 -1.081211590476995 -0.9512337360587764 -0.3104506502003469 0.4092694824667372 0.988141159063486 1.4106865272744746 1.5871340436702814 1.5407004867240164 1.4075909568113933 1.1938152103716337 1.2450735074994705 0.9664721658218898 +11295,0.5501179385370639,0,-0.48999373705922616 -0.8831311858709241 -0.754665011652923 -1.0967255478237339 -0.6370333340557244 -0.5658352134047907 -0.6045298441933433 -1.081211590476995 -0.9512337360587764 -0.3104506502003469 0.4092694824667372 0.988141159063486 1.4106865272744746 1.5871340436702814 1.5407004867240164 1.4075909568113933 1.1938152103716337 1.2450735074994705 0.9664721658218898 0.6956097503020214 +11296,0.5439267976109011,0,-0.8831311858709241 -0.754665011652923 -1.0967255478237339 -0.6370333340557244 -0.5658352134047907 -0.6045298441933433 -1.081211590476995 -0.9512337360587764 -0.3104506502003469 0.4092694824667372 0.988141159063486 1.4106865272744746 1.5871340436702814 1.5407004867240164 1.4075909568113933 1.1938152103716337 1.2450735074994705 0.9664721658218898 0.6956097503020214 0.5501179385370639 +11297,0.06101780536976358,0,-0.754665011652923 -1.0967255478237339 -0.6370333340557244 -0.5658352134047907 -0.6045298441933433 -1.081211590476995 -0.9512337360587764 -0.3104506502003469 0.4092694824667372 0.988141159063486 1.4106865272744746 1.5871340436702814 1.5407004867240164 1.4075909568113933 1.1938152103716337 1.2450735074994705 0.9664721658218898 0.6956097503020214 0.5501179385370639 0.5439267976109011 +11298,-0.03494487898584764,0,-1.0967255478237339 -0.6370333340557244 -0.5658352134047907 -0.6045298441933433 -1.081211590476995 -0.9512337360587764 -0.3104506502003469 0.4092694824667372 0.988141159063486 1.4106865272744746 1.5871340436702814 1.5407004867240164 1.4075909568113933 1.1938152103716337 1.2450735074994705 0.9664721658218898 0.6956097503020214 0.5501179385370639 0.5439267976109011 0.06101780536976358 +11299,-0.055108209506640166,0,-0.6370333340557244 -0.5658352134047907 -0.6045298441933433 -1.081211590476995 -0.9512337360587764 -0.3104506502003469 0.4092694824667372 0.988141159063486 1.4106865272744746 1.5871340436702814 1.5407004867240164 1.4075909568113933 1.1938152103716337 1.2450735074994705 0.9664721658218898 0.6956097503020214 0.5501179385370639 0.5439267976109011 0.06101780536976358 -0.03494487898584764 +11300,-0.2067490396870234,0,-0.5658352134047907 -0.6045298441933433 -1.081211590476995 -0.9512337360587764 -0.3104506502003469 0.4092694824667372 0.988141159063486 1.4106865272744746 1.5871340436702814 1.5407004867240164 1.4075909568113933 1.1938152103716337 1.2450735074994705 0.9664721658218898 0.6956097503020214 0.5501179385370639 0.5439267976109011 0.06101780536976358 -0.03494487898584764 -0.055108209506640166 +11301,-0.2098446101501048,0,-0.6045298441933433 -1.081211590476995 -0.9512337360587764 -0.3104506502003469 0.4092694824667372 0.988141159063486 1.4106865272744746 1.5871340436702814 1.5407004867240164 1.4075909568113933 1.1938152103716337 1.2450735074994705 0.9664721658218898 0.6956097503020214 0.5501179385370639 0.5439267976109011 0.06101780536976358 -0.03494487898584764 -0.055108209506640166 -0.2067490396870234 +11302,-0.34604971052580935,0,-1.081211590476995 -0.9512337360587764 -0.3104506502003469 0.4092694824667372 0.988141159063486 1.4106865272744746 1.5871340436702814 1.5407004867240164 1.4075909568113933 1.1938152103716337 1.2450735074994705 0.9664721658218898 0.6956097503020214 0.5501179385370639 0.5439267976109011 0.06101780536976358 -0.03494487898584764 -0.055108209506640166 -0.2067490396870234 -0.2098446101501048 +11303,-0.3692664889989462,0,-0.9512337360587764 -0.3104506502003469 0.4092694824667372 0.988141159063486 1.4106865272744746 1.5871340436702814 1.5407004867240164 1.4075909568113933 1.1938152103716337 1.2450735074994705 0.9664721658218898 0.6956097503020214 0.5501179385370639 0.5439267976109011 0.06101780536976358 -0.03494487898584764 -0.055108209506640166 -0.2067490396870234 -0.2098446101501048 -0.34604971052580935 +11304,-0.45594246196530447,0,-0.3104506502003469 0.4092694824667372 0.988141159063486 1.4106865272744746 1.5871340436702814 1.5407004867240164 1.4075909568113933 1.1938152103716337 1.2450735074994705 0.9664721658218898 0.6956097503020214 0.5501179385370639 0.5439267976109011 0.06101780536976358 -0.03494487898584764 -0.055108209506640166 -0.2067490396870234 -0.2098446101501048 -0.34604971052580935 -0.3692664889989462 +11305,-0.4745158847438104,0,0.4092694824667372 0.988141159063486 1.4106865272744746 1.5871340436702814 1.5407004867240164 1.4075909568113933 1.1938152103716337 1.2450735074994705 0.9664721658218898 0.6956097503020214 0.5501179385370639 0.5439267976109011 0.06101780536976358 -0.03494487898584764 -0.055108209506640166 -0.2067490396870234 -0.2098446101501048 -0.34604971052580935 -0.3692664889989462 -0.45594246196530447 +11306,-0.6308421931295616,0,0.988141159063486 1.4106865272744746 1.5871340436702814 1.5407004867240164 1.4075909568113933 1.1938152103716337 1.2450735074994705 0.9664721658218898 0.6956097503020214 0.5501179385370639 0.5439267976109011 0.06101780536976358 -0.03494487898584764 -0.055108209506640166 -0.2067490396870234 -0.2098446101501048 -0.34604971052580935 -0.3692664889989462 -0.45594246196530447 -0.4745158847438104 +11307,-0.601434273730262,0,1.4106865272744746 1.5871340436702814 1.5407004867240164 1.4075909568113933 1.1938152103716337 1.2450735074994705 0.9664721658218898 0.6956097503020214 0.5501179385370639 0.5439267976109011 0.06101780536976358 -0.03494487898584764 -0.055108209506640166 -0.2067490396870234 -0.2098446101501048 -0.34604971052580935 -0.3692664889989462 -0.45594246196530447 -0.4745158847438104 -0.6308421931295616 +11308,-0.38319655608282127,0,1.5871340436702814 1.5407004867240164 1.4075909568113933 1.1938152103716337 1.2450735074994705 0.9664721658218898 0.6956097503020214 0.5501179385370639 0.5439267976109011 0.06101780536976358 -0.03494487898584764 -0.055108209506640166 -0.2067490396870234 -0.2098446101501048 -0.34604971052580935 -0.3692664889989462 -0.45594246196530447 -0.4745158847438104 -0.6308421931295616 -0.601434273730262 +11309,0.2080574023662618,0,1.5407004867240164 1.4075909568113933 1.1938152103716337 1.2450735074994705 0.9664721658218898 0.6956097503020214 0.5501179385370639 0.5439267976109011 0.06101780536976358 -0.03494487898584764 -0.055108209506640166 -0.2067490396870234 -0.2098446101501048 -0.34604971052580935 -0.3692664889989462 -0.45594246196530447 -0.4745158847438104 -0.6308421931295616 -0.601434273730262 -0.38319655608282127 +11310,0.7776423675737576,0,1.4075909568113933 1.1938152103716337 1.2450735074994705 0.9664721658218898 0.6956097503020214 0.5501179385370639 0.5439267976109011 0.06101780536976358 -0.03494487898584764 -0.055108209506640166 -0.2067490396870234 -0.2098446101501048 -0.34604971052580935 -0.3692664889989462 -0.45594246196530447 -0.4745158847438104 -0.6308421931295616 -0.601434273730262 -0.38319655608282127 0.2080574023662618 +11311,1.1955443800901242,0,1.1938152103716337 1.2450735074994705 0.9664721658218898 0.6956097503020214 0.5501179385370639 0.5439267976109011 0.06101780536976358 -0.03494487898584764 -0.055108209506640166 -0.2067490396870234 -0.2098446101501048 -0.34604971052580935 -0.3692664889989462 -0.45594246196530447 -0.4745158847438104 -0.6308421931295616 -0.601434273730262 -0.38319655608282127 0.2080574023662618 0.7776423675737576 +11312,1.4060431715798525,0,1.2450735074994705 0.9664721658218898 0.6956097503020214 0.5501179385370639 0.5439267976109011 0.06101780536976358 -0.03494487898584764 -0.055108209506640166 -0.2067490396870234 -0.2098446101501048 -0.34604971052580935 -0.3692664889989462 -0.45594246196530447 -0.4745158847438104 -0.6308421931295616 -0.601434273730262 -0.38319655608282127 0.2080574023662618 0.7776423675737576 1.1955443800901242 +11313,1.5995163255226157,0,0.9664721658218898 0.6956097503020214 0.5501179385370639 0.5439267976109011 0.06101780536976358 -0.03494487898584764 -0.055108209506640166 -0.2067490396870234 -0.2098446101501048 -0.34604971052580935 -0.3692664889989462 -0.45594246196530447 -0.4745158847438104 -0.6308421931295616 -0.601434273730262 -0.38319655608282127 0.2080574023662618 0.7776423675737576 1.1955443800901242 1.4060431715798525 +11314,1.6335676006165374,0,0.6956097503020214 0.5501179385370639 0.5439267976109011 0.06101780536976358 -0.03494487898584764 -0.055108209506640166 -0.2067490396870234 -0.2098446101501048 -0.34604971052580935 -0.3692664889989462 -0.45594246196530447 -0.4745158847438104 -0.6308421931295616 -0.601434273730262 -0.38319655608282127 0.2080574023662618 0.7776423675737576 1.1955443800901242 1.4060431715798525 1.5995163255226157 +11315,1.5468916276501792,0,0.5501179385370639 0.5439267976109011 0.06101780536976358 -0.03494487898584764 -0.055108209506640166 -0.2067490396870234 -0.2098446101501048 -0.34604971052580935 -0.3692664889989462 -0.45594246196530447 -0.4745158847438104 -0.6308421931295616 -0.601434273730262 -0.38319655608282127 0.2080574023662618 0.7776423675737576 1.1955443800901242 1.4060431715798525 1.5995163255226157 1.6335676006165374 +11316,1.2388823665733077,0,0.5439267976109011 0.06101780536976358 -0.03494487898584764 -0.055108209506640166 -0.2067490396870234 -0.2098446101501048 -0.34604971052580935 -0.3692664889989462 -0.45594246196530447 -0.4745158847438104 -0.6308421931295616 -0.601434273730262 -0.38319655608282127 0.2080574023662618 0.7776423675737576 1.1955443800901242 1.4060431715798525 1.5995163255226157 1.6335676006165374 1.5468916276501792 +11317,0.7806605487752637,0,0.06101780536976358 -0.03494487898584764 -0.055108209506640166 -0.2067490396870234 -0.2098446101501048 -0.34604971052580935 -0.3692664889989462 -0.45594246196530447 -0.4745158847438104 -0.6308421931295616 -0.601434273730262 -0.38319655608282127 0.2080574023662618 0.7776423675737576 1.1955443800901242 1.4060431715798525 1.5995163255226157 1.6335676006165374 1.5468916276501792 1.2388823665733077 +11318,0.664654045671181,0,-0.03494487898584764 -0.055108209506640166 -0.2067490396870234 -0.2098446101501048 -0.34604971052580935 -0.3692664889989462 -0.45594246196530447 -0.4745158847438104 -0.6308421931295616 -0.601434273730262 -0.38319655608282127 0.2080574023662618 0.7776423675737576 1.1955443800901242 1.4060431715798525 1.5995163255226157 1.6335676006165374 1.5468916276501792 1.2388823665733077 0.7806605487752637 +11319,0.45879860987608356,0,-0.055108209506640166 -0.2067490396870234 -0.2098446101501048 -0.34604971052580935 -0.3692664889989462 -0.45594246196530447 -0.4745158847438104 -0.6308421931295616 -0.601434273730262 -0.38319655608282127 0.2080574023662618 0.7776423675737576 1.1955443800901242 1.4060431715798525 1.5995163255226157 1.6335676006165374 1.5468916276501792 1.2388823665733077 0.7806605487752637 0.664654045671181 +11320,0.2684210263964018,0,-0.2067490396870234 -0.2098446101501048 -0.34604971052580935 -0.3692664889989462 -0.45594246196530447 -0.4745158847438104 -0.6308421931295616 -0.601434273730262 -0.38319655608282127 0.2080574023662618 0.7776423675737576 1.1955443800901242 1.4060431715798525 1.5995163255226157 1.6335676006165374 1.5468916276501792 1.2388823665733077 0.7806605487752637 0.664654045671181 0.45879860987608356 +11321,0.04863552351742921,0,-0.2098446101501048 -0.34604971052580935 -0.3692664889989462 -0.45594246196530447 -0.4745158847438104 -0.6308421931295616 -0.601434273730262 -0.38319655608282127 0.2080574023662618 0.7776423675737576 1.1955443800901242 1.4060431715798525 1.5995163255226157 1.6335676006165374 1.5468916276501792 1.2388823665733077 0.7806605487752637 0.664654045671181 0.45879860987608356 0.2684210263964018 +11322,-0.08602179162673464,0,-0.34604971052580935 -0.3692664889989462 -0.45594246196530447 -0.4745158847438104 -0.6308421931295616 -0.601434273730262 -0.38319655608282127 0.2080574023662618 0.7776423675737576 1.1955443800901242 1.4060431715798525 1.5995163255226157 1.6335676006165374 1.5468916276501792 1.2388823665733077 0.7806605487752637 0.664654045671181 0.45879860987608356 0.2684210263964018 0.04863552351742921 +11323,-0.12935977810991817,0,-0.3692664889989462 -0.45594246196530447 -0.4745158847438104 -0.6308421931295616 -0.601434273730262 -0.38319655608282127 0.2080574023662618 0.7776423675737576 1.1955443800901242 1.4060431715798525 1.5995163255226157 1.6335676006165374 1.5468916276501792 1.2388823665733077 0.7806605487752637 0.664654045671181 0.45879860987608356 0.2684210263964018 0.04863552351742921 -0.08602179162673464 +11324,-0.12162085195220587,0,-0.45594246196530447 -0.4745158847438104 -0.6308421931295616 -0.601434273730262 -0.38319655608282127 0.2080574023662618 0.7776423675737576 1.1955443800901242 1.4060431715798525 1.5995163255226157 1.6335676006165374 1.5468916276501792 1.2388823665733077 0.7806605487752637 0.664654045671181 0.45879860987608356 0.2684210263964018 0.04863552351742921 -0.08602179162673464 -0.12935977810991817 +11325,-0.23460917385478236,0,-0.4745158847438104 -0.6308421931295616 -0.601434273730262 -0.38319655608282127 0.2080574023662618 0.7776423675737576 1.1955443800901242 1.4060431715798525 1.5995163255226157 1.6335676006165374 1.5468916276501792 1.2388823665733077 0.7806605487752637 0.664654045671181 0.45879860987608356 0.2684210263964018 0.04863552351742921 -0.08602179162673464 -0.12935977810991817 -0.12162085195220587 +11326,-0.34450192529426865,0,-0.6308421931295616 -0.601434273730262 -0.38319655608282127 0.2080574023662618 0.7776423675737576 1.1955443800901242 1.4060431715798525 1.5995163255226157 1.6335676006165374 1.5468916276501792 1.2388823665733077 0.7806605487752637 0.664654045671181 0.45879860987608356 0.2684210263964018 0.04863552351742921 -0.08602179162673464 -0.12935977810991817 -0.12162085195220587 -0.23460917385478236 +11327,-0.5379750792370318,0,-0.601434273730262 -0.38319655608282127 0.2080574023662618 0.7776423675737576 1.1955443800901242 1.4060431715798525 1.5995163255226157 1.6335676006165374 1.5468916276501792 1.2388823665733077 0.7806605487752637 0.664654045671181 0.45879860987608356 0.2684210263964018 0.04863552351742921 -0.08602179162673464 -0.12935977810991817 -0.12162085195220587 -0.23460917385478236 -0.34450192529426865 +11328,-0.750021655958301,0,-0.38319655608282127 0.2080574023662618 0.7776423675737576 1.1955443800901242 1.4060431715798525 1.5995163255226157 1.6335676006165374 1.5468916276501792 1.2388823665733077 0.7806605487752637 0.664654045671181 0.45879860987608356 0.2684210263964018 0.04863552351742921 -0.08602179162673464 -0.12935977810991817 -0.12162085195220587 -0.23460917385478236 -0.34450192529426865 -0.5379750792370318 +11329,-0.5936953475725497,0,0.2080574023662618 0.7776423675737576 1.1955443800901242 1.4060431715798525 1.5995163255226157 1.6335676006165374 1.5468916276501792 1.2388823665733077 0.7806605487752637 0.664654045671181 0.45879860987608356 0.2684210263964018 0.04863552351742921 -0.08602179162673464 -0.12935977810991817 -0.12162085195220587 -0.23460917385478236 -0.34450192529426865 -0.5379750792370318 -0.750021655958301 +11330,-0.5457140053947441,0,0.7776423675737576 1.1955443800901242 1.4060431715798525 1.5995163255226157 1.6335676006165374 1.5468916276501792 1.2388823665733077 0.7806605487752637 0.664654045671181 0.45879860987608356 0.2684210263964018 0.04863552351742921 -0.08602179162673464 -0.12935977810991817 -0.12162085195220587 -0.23460917385478236 -0.34450192529426865 -0.5379750792370318 -0.750021655958301 -0.5936953475725497 +11331,-0.7144225956328297,0,1.1955443800901242 1.4060431715798525 1.5995163255226157 1.6335676006165374 1.5468916276501792 1.2388823665733077 0.7806605487752637 0.664654045671181 0.45879860987608356 0.2684210263964018 0.04863552351742921 -0.08602179162673464 -0.12935977810991817 -0.12162085195220587 -0.23460917385478236 -0.34450192529426865 -0.5379750792370318 -0.750021655958301 -0.5936953475725497 -0.5457140053947441 +11332,-0.5844086361832967,0,1.4060431715798525 1.5995163255226157 1.6335676006165374 1.5468916276501792 1.2388823665733077 0.7806605487752637 0.664654045671181 0.45879860987608356 0.2684210263964018 0.04863552351742921 -0.08602179162673464 -0.12935977810991817 -0.12162085195220587 -0.23460917385478236 -0.34450192529426865 -0.5379750792370318 -0.750021655958301 -0.5936953475725497 -0.5457140053947441 -0.7144225956328297 +11333,0.12138142939990357,0,1.5995163255226157 1.6335676006165374 1.5468916276501792 1.2388823665733077 0.7806605487752637 0.664654045671181 0.45879860987608356 0.2684210263964018 0.04863552351742921 -0.08602179162673464 -0.12935977810991817 -0.12162085195220587 -0.23460917385478236 -0.34450192529426865 -0.5379750792370318 -0.750021655958301 -0.5936953475725497 -0.5457140053947441 -0.7144225956328297 -0.5844086361832967 +11334,0.6909663946073993,0,1.6335676006165374 1.5468916276501792 1.2388823665733077 0.7806605487752637 0.664654045671181 0.45879860987608356 0.2684210263964018 0.04863552351742921 -0.08602179162673464 -0.12935977810991817 -0.12162085195220587 -0.23460917385478236 -0.34450192529426865 -0.5379750792370318 -0.750021655958301 -0.5936953475725497 -0.5457140053947441 -0.7144225956328297 -0.5844086361832967 0.12138142939990357 +11335,0.9649243805903491,0,1.5468916276501792 1.2388823665733077 0.7806605487752637 0.664654045671181 0.45879860987608356 0.2684210263964018 0.04863552351742921 -0.08602179162673464 -0.12935977810991817 -0.12162085195220587 -0.23460917385478236 -0.34450192529426865 -0.5379750792370318 -0.750021655958301 -0.5936953475725497 -0.5457140053947441 -0.7144225956328297 -0.5844086361832967 0.12138142939990357 0.6909663946073993 +11336,1.3379406213920002,0,1.2388823665733077 0.7806605487752637 0.664654045671181 0.45879860987608356 0.2684210263964018 0.04863552351742921 -0.08602179162673464 -0.12935977810991817 -0.12162085195220587 -0.23460917385478236 -0.34450192529426865 -0.5379750792370318 -0.750021655958301 -0.5936953475725497 -0.5457140053947441 -0.7144225956328297 -0.5844086361832967 0.12138142939990357 0.6909663946073993 0.9649243805903491 +11337,1.5174837082508796,0,0.7806605487752637 0.664654045671181 0.45879860987608356 0.2684210263964018 0.04863552351742921 -0.08602179162673464 -0.12935977810991817 -0.12162085195220587 -0.23460917385478236 -0.34450192529426865 -0.5379750792370318 -0.750021655958301 -0.5936953475725497 -0.5457140053947441 -0.7144225956328297 -0.5844086361832967 0.12138142939990357 0.6909663946073993 0.9649243805903491 1.3379406213920002 +11338,1.6180897483011216,0,0.664654045671181 0.45879860987608356 0.2684210263964018 0.04863552351742921 -0.08602179162673464 -0.12935977810991817 -0.12162085195220587 -0.23460917385478236 -0.34450192529426865 -0.5379750792370318 -0.750021655958301 -0.5936953475725497 -0.5457140053947441 -0.7144225956328297 -0.5844086361832967 0.12138142939990357 0.6909663946073993 0.9649243805903491 1.3379406213920002 1.5174837082508796 +11339,1.6010641107541563,0,0.45879860987608356 0.2684210263964018 0.04863552351742921 -0.08602179162673464 -0.12935977810991817 -0.12162085195220587 -0.23460917385478236 -0.34450192529426865 -0.5379750792370318 -0.750021655958301 -0.5936953475725497 -0.5457140053947441 -0.7144225956328297 -0.5844086361832967 0.12138142939990357 0.6909663946073993 0.9649243805903491 1.3379406213920002 1.5174837082508796 1.6180897483011216 +11340,1.5951051376127194,0,0.2684210263964018 0.04863552351742921 -0.08602179162673464 -0.12935977810991817 -0.12162085195220587 -0.23460917385478236 -0.34450192529426865 -0.5379750792370318 -0.750021655958301 -0.5936953475725497 -0.5457140053947441 -0.7144225956328297 -0.5844086361832967 0.12138142939990357 0.6909663946073993 0.9649243805903491 1.3379406213920002 1.5174837082508796 1.6180897483011216 1.6010641107541563 +11341,1.5891461644712825,0,0.04863552351742921 -0.08602179162673464 -0.12935977810991817 -0.12162085195220587 -0.23460917385478236 -0.34450192529426865 -0.5379750792370318 -0.750021655958301 -0.5936953475725497 -0.5457140053947441 -0.7144225956328297 -0.5844086361832967 0.12138142939990357 0.6909663946073993 0.9649243805903491 1.3379406213920002 1.5174837082508796 1.6180897483011216 1.6010641107541563 1.5951051376127194 +11342,1.5891461644712825,0,-0.08602179162673464 -0.12935977810991817 -0.12162085195220587 -0.23460917385478236 -0.34450192529426865 -0.5379750792370318 -0.750021655958301 -0.5936953475725497 -0.5457140053947441 -0.7144225956328297 -0.5844086361832967 0.12138142939990357 0.6909663946073993 0.9649243805903491 1.3379406213920002 1.5174837082508796 1.6180897483011216 1.6010641107541563 1.5951051376127194 1.5891461644712825 +11343,1.5891461644712825,0,-0.12935977810991817 -0.12162085195220587 -0.23460917385478236 -0.34450192529426865 -0.5379750792370318 -0.750021655958301 -0.5936953475725497 -0.5457140053947441 -0.7144225956328297 -0.5844086361832967 0.12138142939990357 0.6909663946073993 0.9649243805903491 1.3379406213920002 1.5174837082508796 1.6180897483011216 1.6010641107541563 1.5951051376127194 1.5891461644712825 1.5891461644712825 +11344,1.5891461644712825,0,-0.12162085195220587 -0.23460917385478236 -0.34450192529426865 -0.5379750792370318 -0.750021655958301 -0.5936953475725497 -0.5457140053947441 -0.7144225956328297 -0.5844086361832967 0.12138142939990357 0.6909663946073993 0.9649243805903491 1.3379406213920002 1.5174837082508796 1.6180897483011216 1.6010641107541563 1.5951051376127194 1.5891461644712825 1.5891461644712825 1.5891461644712825 +11345,1.5891461644712825,0,-0.23460917385478236 -0.34450192529426865 -0.5379750792370318 -0.750021655958301 -0.5936953475725497 -0.5457140053947441 -0.7144225956328297 -0.5844086361832967 0.12138142939990357 0.6909663946073993 0.9649243805903491 1.3379406213920002 1.5174837082508796 1.6180897483011216 1.6010641107541563 1.5951051376127194 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 +11346,1.5891461644712825,0,-0.34450192529426865 -0.5379750792370318 -0.750021655958301 -0.5936953475725497 -0.5457140053947441 -0.7144225956328297 -0.5844086361832967 0.12138142939990357 0.6909663946073993 0.9649243805903491 1.3379406213920002 1.5174837082508796 1.6180897483011216 1.6010641107541563 1.5951051376127194 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 +11347,1.5891461644712825,0,-0.5379750792370318 -0.750021655958301 -0.5936953475725497 -0.5457140053947441 -0.7144225956328297 -0.5844086361832967 0.12138142939990357 0.6909663946073993 0.9649243805903491 1.3379406213920002 1.5174837082508796 1.6180897483011216 1.6010641107541563 1.5951051376127194 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 +11348,1.5891461644712825,0,-0.750021655958301 -0.5936953475725497 -0.5457140053947441 -0.7144225956328297 -0.5844086361832967 0.12138142939990357 0.6909663946073993 0.9649243805903491 1.3379406213920002 1.5174837082508796 1.6180897483011216 1.6010641107541563 1.5951051376127194 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 +11349,1.5891461644712825,0,-0.5936953475725497 -0.5457140053947441 -0.7144225956328297 -0.5844086361832967 0.12138142939990357 0.6909663946073993 0.9649243805903491 1.3379406213920002 1.5174837082508796 1.6180897483011216 1.6010641107541563 1.5951051376127194 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 +11350,-0.23410271577457606,0,-0.5457140053947441 -0.7144225956328297 -0.5844086361832967 0.12138142939990357 0.6909663946073993 0.9649243805903491 1.3379406213920002 1.5174837082508796 1.6180897483011216 1.6010641107541563 1.5951051376127194 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 +11351,1.5891461644712825,0,-0.7144225956328297 -0.5844086361832967 0.12138142939990357 0.6909663946073993 0.9649243805903491 1.3379406213920002 1.5174837082508796 1.6180897483011216 1.6010641107541563 1.5951051376127194 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 -0.23410271577457606 +11352,1.5891461644712825,0,-0.5844086361832967 0.12138142939990357 0.6909663946073993 0.9649243805903491 1.3379406213920002 1.5174837082508796 1.6180897483011216 1.6010641107541563 1.5951051376127194 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 -0.23410271577457606 1.5891461644712825 +11353,-0.6370333340557244,0,0.12138142939990357 0.6909663946073993 0.9649243805903491 1.3379406213920002 1.5174837082508796 1.6180897483011216 1.6010641107541563 1.5951051376127194 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 -0.23410271577457606 1.5891461644712825 1.5891461644712825 +11354,-0.633937763592643,0,0.6909663946073993 0.9649243805903491 1.3379406213920002 1.5174837082508796 1.6180897483011216 1.6010641107541563 1.5951051376127194 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 -0.23410271577457606 1.5891461644712825 1.5891461644712825 -0.6370333340557244 +11355,-0.6333204118082852,0,0.9649243805903491 1.3379406213920002 1.5174837082508796 1.6180897483011216 1.6010641107541563 1.5951051376127194 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 -0.23410271577457606 1.5891461644712825 1.5891461644712825 -0.6370333340557244 -0.633937763592643 +11356,1.5891461644712825,0,1.3379406213920002 1.5174837082508796 1.6180897483011216 1.6010641107541563 1.5951051376127194 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 -0.23410271577457606 1.5891461644712825 1.5891461644712825 -0.6370333340557244 -0.633937763592643 -0.6333204118082852 +11357,1.5891461644712825,0,1.5174837082508796 1.6180897483011216 1.6010641107541563 1.5951051376127194 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 -0.23410271577457606 1.5891461644712825 1.5891461644712825 -0.6370333340557244 -0.633937763592643 -0.6333204118082852 1.5891461644712825 +11358,1.5891461644712825,0,1.6180897483011216 1.6010641107541563 1.5951051376127194 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 -0.23410271577457606 1.5891461644712825 1.5891461644712825 -0.6370333340557244 -0.633937763592643 -0.6333204118082852 1.5891461644712825 1.5891461644712825 +11359,1.1414962441943082,0,1.6010641107541563 1.5951051376127194 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 -0.23410271577457606 1.5891461644712825 1.5891461644712825 -0.6370333340557244 -0.633937763592643 -0.6333204118082852 1.5891461644712825 1.5891461644712825 1.5891461644712825 +11360,1.5891461644712825,0,1.5951051376127194 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 -0.23410271577457606 1.5891461644712825 1.5891461644712825 -0.6370333340557244 -0.633937763592643 -0.6333204118082852 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.1414962441943082 +11361,1.5891461644712825,0,1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 -0.23410271577457606 1.5891461644712825 1.5891461644712825 -0.6370333340557244 -0.633937763592643 -0.6333204118082852 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.1414962441943082 1.5891461644712825 +11362,1.5891461644712825,0,1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 -0.23410271577457606 1.5891461644712825 1.5891461644712825 -0.6370333340557244 -0.633937763592643 -0.6333204118082852 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.1414962441943082 1.5891461644712825 1.5891461644712825 +11363,1.2311434404155954,0,1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 -0.23410271577457606 1.5891461644712825 1.5891461644712825 -0.6370333340557244 -0.633937763592643 -0.6333204118082852 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.1414962441943082 1.5891461644712825 1.5891461644712825 1.5891461644712825 +11364,1.2312428580661412,0,1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 -0.23410271577457606 1.5891461644712825 1.5891461644712825 -0.6370333340557244 -0.633937763592643 -0.6333204118082852 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.1414962441943082 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.2311434404155954 +11365,1.5891461644712825,0,1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 -0.23410271577457606 1.5891461644712825 1.5891461644712825 -0.6370333340557244 -0.633937763592643 -0.6333204118082852 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.1414962441943082 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.2311434404155954 1.2312428580661412 +11366,1.5891461644712825,0,1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 -0.23410271577457606 1.5891461644712825 1.5891461644712825 -0.6370333340557244 -0.633937763592643 -0.6333204118082852 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.1414962441943082 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.2311434404155954 1.2312428580661412 1.5891461644712825 +11367,1.5891461644712825,0,1.5891461644712825 1.5891461644712825 1.5891461644712825 -0.23410271577457606 1.5891461644712825 1.5891461644712825 -0.6370333340557244 -0.633937763592643 -0.6333204118082852 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.1414962441943082 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.2311434404155954 1.2312428580661412 1.5891461644712825 1.5891461644712825 +11368,1.5891461644712825,0,1.5891461644712825 1.5891461644712825 -0.23410271577457606 1.5891461644712825 1.5891461644712825 -0.6370333340557244 -0.633937763592643 -0.6333204118082852 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.1414962441943082 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.2311434404155954 1.2312428580661412 1.5891461644712825 1.5891461644712825 1.5891461644712825 +11369,1.5891461644712825,0,1.5891461644712825 -0.23410271577457606 1.5891461644712825 1.5891461644712825 -0.6370333340557244 -0.633937763592643 -0.6333204118082852 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.1414962441943082 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.2311434404155954 1.2312428580661412 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 +11370,1.5891461644712825,0,-0.23410271577457606 1.5891461644712825 1.5891461644712825 -0.6370333340557244 -0.633937763592643 -0.6333204118082852 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.1414962441943082 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.2311434404155954 1.2312428580661412 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 +11371,1.5891461644712825,0,1.5891461644712825 1.5891461644712825 -0.6370333340557244 -0.633937763592643 -0.6333204118082852 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.1414962441943082 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.2311434404155954 1.2312428580661412 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 +11372,1.5891461644712825,0,1.5891461644712825 -0.6370333340557244 -0.633937763592643 -0.6333204118082852 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.1414962441943082 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.2311434404155954 1.2312428580661412 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 +11373,1.5891461644712825,0,-0.6370333340557244 -0.633937763592643 -0.6333204118082852 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.1414962441943082 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.2311434404155954 1.2312428580661412 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 +11374,1.5891461644712825,0,-0.633937763592643 -0.6333204118082852 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.1414962441943082 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.2311434404155954 1.2312428580661412 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 +11375,1.5891461644712825,0,-0.6333204118082852 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.1414962441943082 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.2311434404155954 1.2312428580661412 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 +11376,1.5891461644712825,0,1.5891461644712825 1.5891461644712825 1.5891461644712825 1.1414962441943082 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.2311434404155954 1.2312428580661412 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 +11377,1.5891461644712825,0,1.5891461644712825 1.5891461644712825 1.1414962441943082 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.2311434404155954 1.2312428580661412 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 +11378,1.5891461644712825,0,1.5891461644712825 1.1414962441943082 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.2311434404155954 1.2312428580661412 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 +11379,1.5891461644712825,0,1.1414962441943082 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.2311434404155954 1.2312428580661412 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 +11380,1.5891461644712825,0,1.5891461644712825 1.5891461644712825 1.5891461644712825 1.2311434404155954 1.2312428580661412 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 +11381,1.5891461644712825,0,1.5891461644712825 1.5891461644712825 1.2311434404155954 1.2312428580661412 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 +11382,1.5891461644712825,0,1.5891461644712825 1.2311434404155954 1.2312428580661412 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 +11383,1.5891461644712825,0,1.2311434404155954 1.2312428580661412 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 +11384,1.5891461644712825,0,1.2312428580661412 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 +11385,1.5891461644712825,0,1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 +11386,1.5891461644712825,0,1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 +11387,1.5891461644712825,0,1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 +11388,1.5891461644712825,0,1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 +11389,1.5891461644712825,0,1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 +11390,1.5891461644712825,0,1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 +11391,1.5891461644712825,0,1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 +11392,1.5891461644712825,0,1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 +11393,1.5891461644712825,0,1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 +11394,1.5891461644712825,0,1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 +11395,1.5891461644712825,0,1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 +11396,1.5891461644712825,0,1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 +11397,1.5891461644712825,0,1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 +11398,-1.3335366882496718,0,1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 +11399,-0.9605204474480293,0,1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 -1.3335366882496718 +11400,-1.027075212404341,0,1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 -1.3335366882496718 -0.9605204474480293 +11401,-1.1075600444445275,0,1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 -1.3335366882496718 -0.9605204474480293 -1.027075212404341 +11402,-1.5618350099021356,0,1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 -1.3335366882496718 -0.9605204474480293 -1.027075212404341 -1.1075600444445275 +11403,-1.1679236684746674,0,1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 -1.3335366882496718 -0.9605204474480293 -1.027075212404341 -1.1075600444445275 -1.5618350099021356 +11404,-0.9140868905017644,0,1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 -1.3335366882496718 -0.9605204474480293 -1.027075212404341 -1.1075600444445275 -1.5618350099021356 -1.1679236684746674 +11405,-0.4327256834921676,0,1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 -1.3335366882496718 -0.9605204474480293 -1.027075212404341 -1.1075600444445275 -1.5618350099021356 -1.1679236684746674 -0.9140868905017644 +11406,0.019227604118129564,0,1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 -1.3335366882496718 -0.9605204474480293 -1.027075212404341 -1.1075600444445275 -1.5618350099021356 -1.1679236684746674 -0.9140868905017644 -0.4327256834921676 +11407,0.34735807320504775,0,1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 -1.3335366882496718 -0.9605204474480293 -1.027075212404341 -1.1075600444445275 -1.5618350099021356 -1.1679236684746674 -0.9140868905017644 -0.4327256834921676 0.019227604118129564 +11408,0.7141831730805274,0,1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 -1.3335366882496718 -0.9605204474480293 -1.027075212404341 -1.1075600444445275 -1.5618350099021356 -1.1679236684746674 -0.9140868905017644 -0.4327256834921676 0.019227604118129564 0.34735807320504775 +11409,0.9571854544326368,0,1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 -1.3335366882496718 -0.9605204474480293 -1.027075212404341 -1.1075600444445275 -1.5618350099021356 -1.1679236684746674 -0.9140868905017644 -0.4327256834921676 0.019227604118129564 0.34735807320504775 0.7141831730805274 +11410,1.0268357898520386,0,1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 -1.3335366882496718 -0.9605204474480293 -1.027075212404341 -1.1075600444445275 -1.5618350099021356 -1.1679236684746674 -0.9140868905017644 -0.4327256834921676 0.019227604118129564 0.34735807320504775 0.7141831730805274 0.9571854544326368 +11411,1.0980339105029722,0,1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 -1.3335366882496718 -0.9605204474480293 -1.027075212404341 -1.1075600444445275 -1.5618350099021356 -1.1679236684746674 -0.9140868905017644 -0.4327256834921676 0.019227604118129564 0.34735807320504775 0.7141831730805274 0.9571854544326368 1.0268357898520386 +11412,0.7172787435436175,0,1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 -1.3335366882496718 -0.9605204474480293 -1.027075212404341 -1.1075600444445275 -1.5618350099021356 -1.1679236684746674 -0.9140868905017644 -0.4327256834921676 0.019227604118129564 0.34735807320504775 0.7141831730805274 0.9571854544326368 1.0268357898520386 1.0980339105029722 +11413,0.07030451675901657,0,1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 -1.3335366882496718 -0.9605204474480293 -1.027075212404341 -1.1075600444445275 -1.5618350099021356 -1.1679236684746674 -0.9140868905017644 -0.4327256834921676 0.019227604118129564 0.34735807320504775 0.7141831730805274 0.9571854544326368 1.0268357898520386 1.0980339105029722 0.7172787435436175 +11414,-0.19591454306622974,0,1.5891461644712825 1.5891461644712825 1.5891461644712825 1.5891461644712825 -1.3335366882496718 -0.9605204474480293 -1.027075212404341 -1.1075600444445275 -1.5618350099021356 -1.1679236684746674 -0.9140868905017644 -0.4327256834921676 0.019227604118129564 0.34735807320504775 0.7141831730805274 0.9571854544326368 1.0268357898520386 1.0980339105029722 0.7172787435436175 0.07030451675901657 +11415,-0.30271172404263463,0,1.5891461644712825 1.5891461644712825 1.5891461644712825 -1.3335366882496718 -0.9605204474480293 -1.027075212404341 -1.1075600444445275 -1.5618350099021356 -1.1679236684746674 -0.9140868905017644 -0.4327256834921676 0.019227604118129564 0.34735807320504775 0.7141831730805274 0.9571854544326368 1.0268357898520386 1.0980339105029722 0.7172787435436175 0.07030451675901657 -0.19591454306622974 +11416,-0.4095089050190395,0,1.5891461644712825 1.5891461644712825 -1.3335366882496718 -0.9605204474480293 -1.027075212404341 -1.1075600444445275 -1.5618350099021356 -1.1679236684746674 -0.9140868905017644 -0.4327256834921676 0.019227604118129564 0.34735807320504775 0.7141831730805274 0.9571854544326368 1.0268357898520386 1.0980339105029722 0.7172787435436175 0.07030451675901657 -0.19591454306622974 -0.30271172404263463 +11417,-0.5101149450692729,0,1.5891461644712825 -1.3335366882496718 -0.9605204474480293 -1.027075212404341 -1.1075600444445275 -1.5618350099021356 -1.1679236684746674 -0.9140868905017644 -0.4327256834921676 0.019227604118129564 0.34735807320504775 0.7141831730805274 0.9571854544326368 1.0268357898520386 1.0980339105029722 0.7172787435436175 0.07030451675901657 -0.19591454306622974 -0.30271172404263463 -0.4095089050190395 +11418,-0.6261988374349308,0,-1.3335366882496718 -0.9605204474480293 -1.027075212404341 -1.1075600444445275 -1.5618350099021356 -1.1679236684746674 -0.9140868905017644 -0.4327256834921676 0.019227604118129564 0.34735807320504775 0.7141831730805274 0.9571854544326368 1.0268357898520386 1.0980339105029722 0.7172787435436175 0.07030451675901657 -0.19591454306622974 -0.30271172404263463 -0.4095089050190395 -0.5101149450692729 +11419,-0.7531172264213823,0,-0.9605204474480293 -1.027075212404341 -1.1075600444445275 -1.5618350099021356 -1.1679236684746674 -0.9140868905017644 -0.4327256834921676 0.019227604118129564 0.34735807320504775 0.7141831730805274 0.9571854544326368 1.0268357898520386 1.0980339105029722 0.7172787435436175 0.07030451675901657 -0.19591454306622974 -0.30271172404263463 -0.4095089050190395 -0.5101149450692729 -0.6261988374349308 +11420,-0.8769400449447524,0,-1.027075212404341 -1.1075600444445275 -1.5618350099021356 -1.1679236684746674 -0.9140868905017644 -0.4327256834921676 0.019227604118129564 0.34735807320504775 0.7141831730805274 0.9571854544326368 1.0268357898520386 1.0980339105029722 0.7172787435436175 0.07030451675901657 -0.19591454306622974 -0.30271172404263463 -0.4095089050190395 -0.5101149450692729 -0.6261988374349308 -0.7531172264213823 +11421,-0.9636160179111107,0,-1.1075600444445275 -1.5618350099021356 -1.1679236684746674 -0.9140868905017644 -0.4327256834921676 0.019227604118129564 0.34735807320504775 0.7141831730805274 0.9571854544326368 1.0268357898520386 1.0980339105029722 0.7172787435436175 0.07030451675901657 -0.19591454306622974 -0.30271172404263463 -0.4095089050190395 -0.5101149450692729 -0.6261988374349308 -0.7531172264213823 -0.8769400449447524 +11422,-1.087438836434481,0,-1.5618350099021356 -1.1679236684746674 -0.9140868905017644 -0.4327256834921676 0.019227604118129564 0.34735807320504775 0.7141831730805274 0.9571854544326368 1.0268357898520386 1.0980339105029722 0.7172787435436175 0.07030451675901657 -0.19591454306622974 -0.30271172404263463 -0.4095089050190395 -0.5101149450692729 -0.6261988374349308 -0.7531172264213823 -0.8769400449447524 -0.9636160179111107 +11423,-1.1400635343069085,0,-1.1679236684746674 -0.9140868905017644 -0.4327256834921676 0.019227604118129564 0.34735807320504775 0.7141831730805274 0.9571854544326368 1.0268357898520386 1.0980339105029722 0.7172787435436175 0.07030451675901657 -0.19591454306622974 -0.30271172404263463 -0.4095089050190395 -0.5101149450692729 -0.6261988374349308 -0.7531172264213823 -0.8769400449447524 -0.9636160179111107 -1.087438836434481 +11424,-1.2128094401893919,0,-0.9140868905017644 -0.4327256834921676 0.019227604118129564 0.34735807320504775 0.7141831730805274 0.9571854544326368 1.0268357898520386 1.0980339105029722 0.7172787435436175 0.07030451675901657 -0.19591454306622974 -0.30271172404263463 -0.4095089050190395 -0.5101149450692729 -0.6261988374349308 -0.7531172264213823 -0.8769400449447524 -0.9636160179111107 -1.087438836434481 -1.1400635343069085 +11425,-1.285555346071866,0,-0.4327256834921676 0.019227604118129564 0.34735807320504775 0.7141831730805274 0.9571854544326368 1.0268357898520386 1.0980339105029722 0.7172787435436175 0.07030451675901657 -0.19591454306622974 -0.30271172404263463 -0.4095089050190395 -0.5101149450692729 -0.6261988374349308 -0.7531172264213823 -0.8769400449447524 -0.9636160179111107 -1.087438836434481 -1.1400635343069085 -1.2128094401893919 +11426,-1.3583012519543494,0,0.019227604118129564 0.34735807320504775 0.7141831730805274 0.9571854544326368 1.0268357898520386 1.0980339105029722 0.7172787435436175 0.07030451675901657 -0.19591454306622974 -0.30271172404263463 -0.4095089050190395 -0.5101149450692729 -0.6261988374349308 -0.7531172264213823 -0.8769400449447524 -0.9636160179111107 -1.087438836434481 -1.1400635343069085 -1.2128094401893919 -1.285555346071866 +11427,-1.2731730642195318,0,0.34735807320504775 0.7141831730805274 0.9571854544326368 1.0268357898520386 1.0980339105029722 0.7172787435436175 0.07030451675901657 -0.19591454306622974 -0.30271172404263463 -0.4095089050190395 -0.5101149450692729 -0.6261988374349308 -0.7531172264213823 -0.8769400449447524 -0.9636160179111107 -1.087438836434481 -1.1400635343069085 -1.2128094401893919 -1.285555346071866 -1.3583012519543494 +11428,-1.1990341516286673,0,0.7141831730805274 0.9571854544326368 1.0268357898520386 1.0980339105029722 0.7172787435436175 0.07030451675901657 -0.19591454306622974 -0.30271172404263463 -0.4095089050190395 -0.5101149450692729 -0.6261988374349308 -0.7531172264213823 -0.8769400449447524 -0.9636160179111107 -1.087438836434481 -1.1400635343069085 -1.2128094401893919 -1.285555346071866 -1.3583012519543494 -1.2731730642195318 +11429,-0.5890519918779188,0,0.9571854544326368 1.0268357898520386 1.0980339105029722 0.7172787435436175 0.07030451675901657 -0.19591454306622974 -0.30271172404263463 -0.4095089050190395 -0.5101149450692729 -0.6261988374349308 -0.7531172264213823 -0.8769400449447524 -0.9636160179111107 -1.087438836434481 -1.1400635343069085 -1.2128094401893919 -1.285555346071866 -1.3583012519543494 -1.2731730642195318 -1.1990341516286673 +11430,-0.13864648949917113,0,1.0268357898520386 1.0980339105029722 0.7172787435436175 0.07030451675901657 -0.19591454306622974 -0.30271172404263463 -0.4095089050190395 -0.5101149450692729 -0.6261988374349308 -0.7531172264213823 -0.8769400449447524 -0.9636160179111107 -1.087438836434481 -1.1400635343069085 -1.2128094401893919 -1.285555346071866 -1.3583012519543494 -1.2731730642195318 -1.1990341516286673 -0.5890519918779188 +11431,0.3876004892251499,0,1.0980339105029722 0.7172787435436175 0.07030451675901657 -0.19591454306622974 -0.30271172404263463 -0.4095089050190395 -0.5101149450692729 -0.6261988374349308 -0.7531172264213823 -0.8769400449447524 -0.9636160179111107 -1.087438836434481 -1.1400635343069085 -1.2128094401893919 -1.285555346071866 -1.3583012519543494 -1.2731730642195318 -1.1990341516286673 -0.5890519918779188 -0.13864648949917113 +11432,0.780737938036839,0,0.7172787435436175 0.07030451675901657 -0.19591454306622974 -0.30271172404263463 -0.4095089050190395 -0.5101149450692729 -0.6261988374349308 -0.7531172264213823 -0.8769400449447524 -0.9636160179111107 -1.087438836434481 -1.1400635343069085 -1.2128094401893919 -1.285555346071866 -1.3583012519543494 -1.2731730642195318 -1.1990341516286673 -0.5890519918779188 -0.13864648949917113 0.3876004892251499 +11433,0.9184908236440842,0,0.07030451675901657 -0.19591454306622974 -0.30271172404263463 -0.4095089050190395 -0.5101149450692729 -0.6261988374349308 -0.7531172264213823 -0.8769400449447524 -0.9636160179111107 -1.087438836434481 -1.1400635343069085 -1.2128094401893919 -1.285555346071866 -1.3583012519543494 -1.2731730642195318 -1.1990341516286673 -0.5890519918779188 -0.13864648949917113 0.3876004892251499 0.780737938036839 +11434,1.0036190113789016,0,-0.19591454306622974 -0.30271172404263463 -0.4095089050190395 -0.5101149450692729 -0.6261988374349308 -0.7531172264213823 -0.8769400449447524 -0.9636160179111107 -1.087438836434481 -1.1400635343069085 -1.2128094401893919 -1.285555346071866 -1.3583012519543494 -1.2731730642195318 -1.1990341516286673 -0.5890519918779188 -0.13864648949917113 0.3876004892251499 0.780737938036839 0.9184908236440842 +11435,1.1676842459223653,0,-0.30271172404263463 -0.4095089050190395 -0.5101149450692729 -0.6261988374349308 -0.7531172264213823 -0.8769400449447524 -0.9636160179111107 -1.087438836434481 -1.1400635343069085 -1.2128094401893919 -1.285555346071866 -1.3583012519543494 -1.2731730642195318 -1.1990341516286673 -0.5890519918779188 -0.13864648949917113 0.3876004892251499 0.780737938036839 0.9184908236440842 1.0036190113789016 +11436,0.8952740451709561,0,-0.4095089050190395 -0.5101149450692729 -0.6261988374349308 -0.7531172264213823 -0.8769400449447524 -0.9636160179111107 -1.087438836434481 -1.1400635343069085 -1.2128094401893919 -1.285555346071866 -1.3583012519543494 -1.2731730642195318 -1.1990341516286673 -0.5890519918779188 -0.13864648949917113 0.3876004892251499 0.780737938036839 0.9184908236440842 1.0036190113789016 1.1676842459223653 +11437,0.622863844419547,0,-0.5101149450692729 -0.6261988374349308 -0.7531172264213823 -0.8769400449447524 -0.9636160179111107 -1.087438836434481 -1.1400635343069085 -1.2128094401893919 -1.285555346071866 -1.3583012519543494 -1.2731730642195318 -1.1990341516286673 -0.5890519918779188 -0.13864648949917113 0.3876004892251499 0.780737938036839 0.9184908236440842 1.0036190113789016 1.1676842459223653 0.8952740451709561 +11438,0.20031847620854953,0,-0.6261988374349308 -0.7531172264213823 -0.8769400449447524 -0.9636160179111107 -1.087438836434481 -1.1400635343069085 -1.2128094401893919 -1.285555346071866 -1.3583012519543494 -1.2731730642195318 -1.1990341516286673 -0.5890519918779188 -0.13864648949917113 0.3876004892251499 0.780737938036839 0.9184908236440842 1.0036190113789016 1.1676842459223653 0.8952740451709561 0.622863844419547 +11439,-0.07054393931131887,0,-0.7531172264213823 -0.8769400449447524 -0.9636160179111107 -1.087438836434481 -1.1400635343069085 -1.2128094401893919 -1.285555346071866 -1.3583012519543494 -1.2731730642195318 -1.1990341516286673 -0.5890519918779188 -0.13864648949917113 0.3876004892251499 0.780737938036839 0.9184908236440842 1.0036190113789016 1.1676842459223653 0.8952740451709561 0.622863844419547 0.20031847620854953 +11440,-0.25318259663328835,0,-0.8769400449447524 -0.9636160179111107 -1.087438836434481 -1.1400635343069085 -1.2128094401893919 -1.285555346071866 -1.3583012519543494 -1.2731730642195318 -1.1990341516286673 -0.5890519918779188 -0.13864648949917113 0.3876004892251499 0.780737938036839 0.9184908236440842 1.0036190113789016 1.1676842459223653 0.8952740451709561 0.622863844419547 0.20031847620854953 -0.07054393931131887 +11441,-0.45284689150221424,0,-0.9636160179111107 -1.087438836434481 -1.1400635343069085 -1.2128094401893919 -1.285555346071866 -1.3583012519543494 -1.2731730642195318 -1.1990341516286673 -0.5890519918779188 -0.13864648949917113 0.3876004892251499 0.780737938036839 0.9184908236440842 1.0036190113789016 1.1676842459223653 0.8952740451709561 0.622863844419547 0.20031847620854953 -0.07054393931131887 -0.25318259663328835 +11442,-0.6556067568342304,0,-1.087438836434481 -1.1400635343069085 -1.2128094401893919 -1.285555346071866 -1.3583012519543494 -1.2731730642195318 -1.1990341516286673 -0.5890519918779188 -0.13864648949917113 0.3876004892251499 0.780737938036839 0.9184908236440842 1.0036190113789016 1.1676842459223653 0.8952740451709561 0.622863844419547 0.20031847620854953 -0.07054393931131887 -0.25318259663328835 -0.45284689150221424 +11443,-0.6494156159080676,0,-1.1400635343069085 -1.2128094401893919 -1.285555346071866 -1.3583012519543494 -1.2731730642195318 -1.1990341516286673 -0.5890519918779188 -0.13864648949917113 0.3876004892251499 0.780737938036839 0.9184908236440842 1.0036190113789016 1.1676842459223653 0.8952740451709561 0.622863844419547 0.20031847620854953 -0.07054393931131887 -0.25318259663328835 -0.45284689150221424 -0.6556067568342304 +11444,-0.7577605821160132,0,-1.2128094401893919 -1.285555346071866 -1.3583012519543494 -1.2731730642195318 -1.1990341516286673 -0.5890519918779188 -0.13864648949917113 0.3876004892251499 0.780737938036839 0.9184908236440842 1.0036190113789016 1.1676842459223653 0.8952740451709561 0.622863844419547 0.20031847620854953 -0.07054393931131887 -0.25318259663328835 -0.45284689150221424 -0.6556067568342304 -0.6494156159080676 +11445,-0.712874810401289,0,-1.285555346071866 -1.3583012519543494 -1.2731730642195318 -1.1990341516286673 -0.5890519918779188 -0.13864648949917113 0.3876004892251499 0.780737938036839 0.9184908236440842 1.0036190113789016 1.1676842459223653 0.8952740451709561 0.622863844419547 0.20031847620854953 -0.07054393931131887 -0.25318259663328835 -0.45284689150221424 -0.6556067568342304 -0.6494156159080676 -0.7577605821160132 +11446,-0.694301387622783,0,-1.3583012519543494 -1.2731730642195318 -1.1990341516286673 -0.5890519918779188 -0.13864648949917113 0.3876004892251499 0.780737938036839 0.9184908236440842 1.0036190113789016 1.1676842459223653 0.8952740451709561 0.622863844419547 0.20031847620854953 -0.07054393931131887 -0.25318259663328835 -0.45284689150221424 -0.6556067568342304 -0.6494156159080676 -0.7577605821160132 -0.712874810401289 +11447,-0.7175181660959199,0,-1.2731730642195318 -1.1990341516286673 -0.5890519918779188 -0.13864648949917113 0.3876004892251499 0.780737938036839 0.9184908236440842 1.0036190113789016 1.1676842459223653 0.8952740451709561 0.622863844419547 0.20031847620854953 -0.07054393931131887 -0.25318259663328835 -0.45284689150221424 -0.6556067568342304 -0.6494156159080676 -0.7577605821160132 -0.712874810401289 -0.694301387622783 +11448,-0.7856207162837722,0,-1.1990341516286673 -0.5890519918779188 -0.13864648949917113 0.3876004892251499 0.780737938036839 0.9184908236440842 1.0036190113789016 1.1676842459223653 0.8952740451709561 0.622863844419547 0.20031847620854953 -0.07054393931131887 -0.25318259663328835 -0.45284689150221424 -0.6556067568342304 -0.6494156159080676 -0.7577605821160132 -0.712874810401289 -0.694301387622783 -0.7175181660959199 +11449,-0.8150286356830718,0,-0.5890519918779188 -0.13864648949917113 0.3876004892251499 0.780737938036839 0.9184908236440842 1.0036190113789016 1.1676842459223653 0.8952740451709561 0.622863844419547 0.20031847620854953 -0.07054393931131887 -0.25318259663328835 -0.45284689150221424 -0.6556067568342304 -0.6494156159080676 -0.7577605821160132 -0.712874810401289 -0.694301387622783 -0.7175181660959199 -0.7856207162837722 +11450,-0.7438305150321293,0,-0.13864648949917113 0.3876004892251499 0.780737938036839 0.9184908236440842 1.0036190113789016 1.1676842459223653 0.8952740451709561 0.622863844419547 0.20031847620854953 -0.07054393931131887 -0.25318259663328835 -0.45284689150221424 -0.6556067568342304 -0.6494156159080676 -0.7577605821160132 -0.712874810401289 -0.694301387622783 -0.7175181660959199 -0.7856207162837722 -0.8150286356830718 +11451,-0.6973969580858732,0,0.3876004892251499 0.780737938036839 0.9184908236440842 1.0036190113789016 1.1676842459223653 0.8952740451709561 0.622863844419547 0.20031847620854953 -0.07054393931131887 -0.25318259663328835 -0.45284689150221424 -0.6556067568342304 -0.6494156159080676 -0.7577605821160132 -0.712874810401289 -0.694301387622783 -0.7175181660959199 -0.7856207162837722 -0.8150286356830718 -0.7438305150321293 +11452,-0.7268048774851729,0,0.780737938036839 0.9184908236440842 1.0036190113789016 1.1676842459223653 0.8952740451709561 0.622863844419547 0.20031847620854953 -0.07054393931131887 -0.25318259663328835 -0.45284689150221424 -0.6556067568342304 -0.6494156159080676 -0.7577605821160132 -0.712874810401289 -0.694301387622783 -0.7175181660959199 -0.7856207162837722 -0.8150286356830718 -0.7438305150321293 -0.6973969580858732 +11453,-0.18817561690851745,0,0.9184908236440842 1.0036190113789016 1.1676842459223653 0.8952740451709561 0.622863844419547 0.20031847620854953 -0.07054393931131887 -0.25318259663328835 -0.45284689150221424 -0.6556067568342304 -0.6494156159080676 -0.7577605821160132 -0.712874810401289 -0.694301387622783 -0.7175181660959199 -0.7856207162837722 -0.8150286356830718 -0.7438305150321293 -0.6973969580858732 -0.7268048774851729 +11454,0.44641632802374914,0,1.0036190113789016 1.1676842459223653 0.8952740451709561 0.622863844419547 0.20031847620854953 -0.07054393931131887 -0.25318259663328835 -0.45284689150221424 -0.6556067568342304 -0.6494156159080676 -0.7577605821160132 -0.712874810401289 -0.694301387622783 -0.7175181660959199 -0.7856207162837722 -0.8150286356830718 -0.7438305150321293 -0.6973969580858732 -0.7268048774851729 -0.18817561690851745 +11455,0.734304381090574,0,1.1676842459223653 0.8952740451709561 0.622863844419547 0.20031847620854953 -0.07054393931131887 -0.25318259663328835 -0.45284689150221424 -0.6556067568342304 -0.6494156159080676 -0.7577605821160132 -0.712874810401289 -0.694301387622783 -0.7175181660959199 -0.7856207162837722 -0.8150286356830718 -0.7438305150321293 -0.6973969580858732 -0.7268048774851729 -0.18817561690851745 0.44641632802374914 +11456,0.8751528371609095,0,0.8952740451709561 0.622863844419547 0.20031847620854953 -0.07054393931131887 -0.25318259663328835 -0.45284689150221424 -0.6556067568342304 -0.6494156159080676 -0.7577605821160132 -0.712874810401289 -0.694301387622783 -0.7175181660959199 -0.7856207162837722 -0.8150286356830718 -0.7438305150321293 -0.6973969580858732 -0.7268048774851729 -0.18817561690851745 0.44641632802374914 0.734304381090574 +11457,0.6847752536812277,0,0.622863844419547 0.20031847620854953 -0.07054393931131887 -0.25318259663328835 -0.45284689150221424 -0.6556067568342304 -0.6494156159080676 -0.7577605821160132 -0.712874810401289 -0.694301387622783 -0.7175181660959199 -0.7856207162837722 -0.8150286356830718 -0.7438305150321293 -0.6973969580858732 -0.7268048774851729 -0.18817561690851745 0.44641632802374914 0.734304381090574 0.8751528371609095 +11458,0.8349104211408162,0,0.20031847620854953 -0.07054393931131887 -0.25318259663328835 -0.45284689150221424 -0.6556067568342304 -0.6494156159080676 -0.7577605821160132 -0.712874810401289 -0.694301387622783 -0.7175181660959199 -0.7856207162837722 -0.8150286356830718 -0.7438305150321293 -0.6973969580858732 -0.7268048774851729 -0.18817561690851745 0.44641632802374914 0.734304381090574 0.8751528371609095 0.6847752536812277 +11459,0.7869290789630106,0,-0.07054393931131887 -0.25318259663328835 -0.45284689150221424 -0.6556067568342304 -0.6494156159080676 -0.7577605821160132 -0.712874810401289 -0.694301387622783 -0.7175181660959199 -0.7856207162837722 -0.8150286356830718 -0.7438305150321293 -0.6973969580858732 -0.7268048774851729 -0.18817561690851745 0.44641632802374914 0.734304381090574 0.8751528371609095 0.6847752536812277 0.8349104211408162 +11460,0.6453067302769048,0,-0.25318259663328835 -0.45284689150221424 -0.6556067568342304 -0.6494156159080676 -0.7577605821160132 -0.712874810401289 -0.694301387622783 -0.7175181660959199 -0.7856207162837722 -0.8150286356830718 -0.7438305150321293 -0.6973969580858732 -0.7268048774851729 -0.18817561690851745 0.44641632802374914 0.734304381090574 0.8751528371609095 0.6847752536812277 0.8349104211408162 0.7869290789630106 +11461,0.5036843815908078,0,-0.45284689150221424 -0.6556067568342304 -0.6494156159080676 -0.7577605821160132 -0.712874810401289 -0.694301387622783 -0.7175181660959199 -0.7856207162837722 -0.8150286356830718 -0.7438305150321293 -0.6973969580858732 -0.7268048774851729 -0.18817561690851745 0.44641632802374914 0.734304381090574 0.8751528371609095 0.6847752536812277 0.8349104211408162 0.7869290789630106 0.6453067302769048 +11462,0.28854223440644844,0,-0.6556067568342304 -0.6494156159080676 -0.7577605821160132 -0.712874810401289 -0.694301387622783 -0.7175181660959199 -0.7856207162837722 -0.8150286356830718 -0.7438305150321293 -0.6973969580858732 -0.7268048774851729 -0.18817561690851745 0.44641632802374914 0.734304381090574 0.8751528371609095 0.6847752536812277 0.8349104211408162 0.7869290789630106 0.6453067302769048 0.5036843815908078 +11463,0.15078934879920322,0,-0.6494156159080676 -0.7577605821160132 -0.712874810401289 -0.694301387622783 -0.7175181660959199 -0.7856207162837722 -0.8150286356830718 -0.7438305150321293 -0.6973969580858732 -0.7268048774851729 -0.18817561690851745 0.44641632802374914 0.734304381090574 0.8751528371609095 0.6847752536812277 0.8349104211408162 0.7869290789630106 0.6453067302769048 0.5036843815908078 0.28854223440644844 +11464,0.0517310939805106,0,-0.7577605821160132 -0.712874810401289 -0.694301387622783 -0.7175181660959199 -0.7856207162837722 -0.8150286356830718 -0.7438305150321293 -0.6973969580858732 -0.7268048774851729 -0.18817561690851745 0.44641632802374914 0.734304381090574 0.8751528371609095 0.6847752536812277 0.8349104211408162 0.7869290789630106 0.6453067302769048 0.5036843815908078 0.28854223440644844 0.15078934879920322 +11465,-0.04113601991201923,0,-0.712874810401289 -0.694301387622783 -0.7175181660959199 -0.7856207162837722 -0.8150286356830718 -0.7438305150321293 -0.6973969580858732 -0.7268048774851729 -0.18817561690851745 0.44641632802374914 0.734304381090574 0.8751528371609095 0.6847752536812277 0.8349104211408162 0.7869290789630106 0.6453067302769048 0.5036843815908078 0.28854223440644844 0.15078934879920322 0.0517310939805106 +11466,-0.13400313380454026,0,-0.694301387622783 -0.7175181660959199 -0.7856207162837722 -0.8150286356830718 -0.7438305150321293 -0.6973969580858732 -0.7268048774851729 -0.18817561690851745 0.44641632802374914 0.734304381090574 0.8751528371609095 0.6847752536812277 0.8349104211408162 0.7869290789630106 0.6453067302769048 0.5036843815908078 0.28854223440644844 0.15078934879920322 0.0517310939805106 -0.04113601991201923 +11467,-0.15721991227767712,0,-0.7175181660959199 -0.7856207162837722 -0.8150286356830718 -0.7438305150321293 -0.6973969580858732 -0.7268048774851729 -0.18817561690851745 0.44641632802374914 0.734304381090574 0.8751528371609095 0.6847752536812277 0.8349104211408162 0.7869290789630106 0.6453067302769048 0.5036843815908078 0.28854223440644844 0.15078934879920322 0.0517310939805106 -0.04113601991201923 -0.13400313380454026 +11468,-0.2082968249185641,0,-0.7856207162837722 -0.8150286356830718 -0.7438305150321293 -0.6973969580858732 -0.7268048774851729 -0.18817561690851745 0.44641632802374914 0.734304381090574 0.8751528371609095 0.6847752536812277 0.8349104211408162 0.7869290789630106 0.6453067302769048 0.5036843815908078 0.28854223440644844 0.15078934879920322 0.0517310939805106 -0.04113601991201923 -0.13400313380454026 -0.15721991227767712 +11469,-0.28413830126412865,0,-0.8150286356830718 -0.7438305150321293 -0.6973969580858732 -0.7268048774851729 -0.18817561690851745 0.44641632802374914 0.734304381090574 0.8751528371609095 0.6847752536812277 0.8349104211408162 0.7869290789630106 0.6453067302769048 0.5036843815908078 0.28854223440644844 0.15078934879920322 0.0517310939805106 -0.04113601991201923 -0.13400313380454026 -0.15721991227767712 -0.2082968249185641 +11470,-0.333667428673475,0,-0.7438305150321293 -0.6973969580858732 -0.7268048774851729 -0.18817561690851745 0.44641632802374914 0.734304381090574 0.8751528371609095 0.6847752536812277 0.8349104211408162 0.7869290789630106 0.6453067302769048 0.5036843815908078 0.28854223440644844 0.15078934879920322 0.0517310939805106 -0.04113601991201923 -0.13400313380454026 -0.15721991227767712 -0.2082968249185641 -0.28413830126412865 +11471,-0.3785532003881992,0,-0.6973969580858732 -0.7268048774851729 -0.18817561690851745 0.44641632802374914 0.734304381090574 0.8751528371609095 0.6847752536812277 0.8349104211408162 0.7869290789630106 0.6453067302769048 0.5036843815908078 0.28854223440644844 0.15078934879920322 0.0517310939805106 -0.04113601991201923 -0.13400313380454026 -0.15721991227767712 -0.2082968249185641 -0.28413830126412865 -0.333667428673475 +11472,-0.5085671598377322,0,-0.7268048774851729 -0.18817561690851745 0.44641632802374914 0.734304381090574 0.8751528371609095 0.6847752536812277 0.8349104211408162 0.7869290789630106 0.6453067302769048 0.5036843815908078 0.28854223440644844 0.15078934879920322 0.0517310939805106 -0.04113601991201923 -0.13400313380454026 -0.15721991227767712 -0.2082968249185641 -0.28413830126412865 -0.333667428673475 -0.3785532003881992 +11473,-0.6850146762335301,0,-0.18817561690851745 0.44641632802374914 0.734304381090574 0.8751528371609095 0.6847752536812277 0.8349104211408162 0.7869290789630106 0.6453067302769048 0.5036843815908078 0.28854223440644844 0.15078934879920322 0.0517310939805106 -0.04113601991201923 -0.13400313380454026 -0.15721991227767712 -0.2082968249185641 -0.28413830126412865 -0.333667428673475 -0.3785532003881992 -0.5085671598377322 +11474,-0.7469260854952195,0,0.44641632802374914 0.734304381090574 0.8751528371609095 0.6847752536812277 0.8349104211408162 0.7869290789630106 0.6453067302769048 0.5036843815908078 0.28854223440644844 0.15078934879920322 0.0517310939805106 -0.04113601991201923 -0.13400313380454026 -0.15721991227767712 -0.2082968249185641 -0.28413830126412865 -0.333667428673475 -0.3785532003881992 -0.5085671598377322 -0.6850146762335301 +11475,-0.8258631323038654,0,0.734304381090574 0.8751528371609095 0.6847752536812277 0.8349104211408162 0.7869290789630106 0.6453067302769048 0.5036843815908078 0.28854223440644844 0.15078934879920322 0.0517310939805106 -0.04113601991201923 -0.13400313380454026 -0.15721991227767712 -0.2082968249185641 -0.28413830126412865 -0.333667428673475 -0.3785532003881992 -0.5085671598377322 -0.6850146762335301 -0.7469260854952195 +11476,-0.8243153470723248,0,0.8751528371609095 0.6847752536812277 0.8349104211408162 0.7869290789630106 0.6453067302769048 0.5036843815908078 0.28854223440644844 0.15078934879920322 0.0517310939805106 -0.04113601991201923 -0.13400313380454026 -0.15721991227767712 -0.2082968249185641 -0.28413830126412865 -0.333667428673475 -0.3785532003881992 -0.5085671598377322 -0.6850146762335301 -0.7469260854952195 -0.8258631323038654 +11477,-0.4157000459452023,0,0.6847752536812277 0.8349104211408162 0.7869290789630106 0.6453067302769048 0.5036843815908078 0.28854223440644844 0.15078934879920322 0.0517310939805106 -0.04113601991201923 -0.13400313380454026 -0.15721991227767712 -0.2082968249185641 -0.28413830126412865 -0.333667428673475 -0.3785532003881992 -0.5085671598377322 -0.6850146762335301 -0.7469260854952195 -0.8258631323038654 -0.8243153470723248 +11478,0.09506908046368533,0,0.8349104211408162 0.7869290789630106 0.6453067302769048 0.5036843815908078 0.28854223440644844 0.15078934879920322 0.0517310939805106 -0.04113601991201923 -0.13400313380454026 -0.15721991227767712 -0.2082968249185641 -0.28413830126412865 -0.333667428673475 -0.3785532003881992 -0.5085671598377322 -0.6850146762335301 -0.7469260854952195 -0.8258631323038654 -0.8243153470723248 -0.4157000459452023 +11479,0.45725082464454286,0,0.7869290789630106 0.6453067302769048 0.5036843815908078 0.28854223440644844 0.15078934879920322 0.0517310939805106 -0.04113601991201923 -0.13400313380454026 -0.15721991227767712 -0.2082968249185641 -0.28413830126412865 -0.333667428673475 -0.3785532003881992 -0.5085671598377322 -0.6850146762335301 -0.7469260854952195 -0.8258631323038654 -0.8243153470723248 -0.4157000459452023 0.09506908046368533 +11480,0.734304381090574,0,0.6453067302769048 0.5036843815908078 0.28854223440644844 0.15078934879920322 0.0517310939805106 -0.04113601991201923 -0.13400313380454026 -0.15721991227767712 -0.2082968249185641 -0.28413830126412865 -0.333667428673475 -0.3785532003881992 -0.5085671598377322 -0.6850146762335301 -0.7469260854952195 -0.8258631323038654 -0.8243153470723248 -0.4157000459452023 0.09506908046368533 0.45725082464454286 +11481,0.8085980722045979,0,0.5036843815908078 0.28854223440644844 0.15078934879920322 0.0517310939805106 -0.04113601991201923 -0.13400313380454026 -0.15721991227767712 -0.2082968249185641 -0.28413830126412865 -0.333667428673475 -0.3785532003881992 -0.5085671598377322 -0.6850146762335301 -0.7469260854952195 -0.8258631323038654 -0.8243153470723248 -0.4157000459452023 0.09506908046368533 0.45725082464454286 0.734304381090574 +11482,0.8689616962347378,0,0.28854223440644844 0.15078934879920322 0.0517310939805106 -0.04113601991201923 -0.13400313380454026 -0.15721991227767712 -0.2082968249185641 -0.28413830126412865 -0.333667428673475 -0.3785532003881992 -0.5085671598377322 -0.6850146762335301 -0.7469260854952195 -0.8258631323038654 -0.8243153470723248 -0.4157000459452023 0.09506908046368533 0.45725082464454286 0.734304381090574 0.8085980722045979 +11483,0.641437267198053,0,0.15078934879920322 0.0517310939805106 -0.04113601991201923 -0.13400313380454026 -0.15721991227767712 -0.2082968249185641 -0.28413830126412865 -0.333667428673475 -0.3785532003881992 -0.5085671598377322 -0.6850146762335301 -0.7469260854952195 -0.8258631323038654 -0.8243153470723248 -0.4157000459452023 0.09506908046368533 0.45725082464454286 0.734304381090574 0.8085980722045979 0.8689616962347378 +11484,0.42010397908753094,0,0.0517310939805106 -0.04113601991201923 -0.13400313380454026 -0.15721991227767712 -0.2082968249185641 -0.28413830126412865 -0.333667428673475 -0.3785532003881992 -0.5085671598377322 -0.6850146762335301 -0.7469260854952195 -0.8258631323038654 -0.8243153470723248 -0.4157000459452023 0.09506908046368533 0.45725082464454286 0.734304381090574 0.8085980722045979 0.8689616962347378 0.641437267198053 +11485,0.19877069097700883,0,-0.04113601991201923 -0.13400313380454026 -0.15721991227767712 -0.2082968249185641 -0.28413830126412865 -0.333667428673475 -0.3785532003881992 -0.5085671598377322 -0.6850146762335301 -0.7469260854952195 -0.8258631323038654 -0.8243153470723248 -0.4157000459452023 0.09506908046368533 0.45725082464454286 0.734304381090574 0.8085980722045979 0.8689616962347378 0.641437267198053 0.42010397908753094 +11486,-0.1634110532038399,0,-0.13400313380454026 -0.15721991227767712 -0.2082968249185641 -0.28413830126412865 -0.333667428673475 -0.3785532003881992 -0.5085671598377322 -0.6850146762335301 -0.7469260854952195 -0.8258631323038654 -0.8243153470723248 -0.4157000459452023 0.09506908046368533 0.45725082464454286 0.734304381090574 0.8085980722045979 0.8689616962347378 0.641437267198053 0.42010397908753094 0.19877069097700883 +11487,-0.4435601801129613,0,-0.15721991227767712 -0.2082968249185641 -0.28413830126412865 -0.333667428673475 -0.3785532003881992 -0.5085671598377322 -0.6850146762335301 -0.7469260854952195 -0.8258631323038654 -0.8243153470723248 -0.4157000459452023 0.09506908046368533 0.45725082464454286 0.734304381090574 0.8085980722045979 0.8689616962347378 0.641437267198053 0.42010397908753094 0.19877069097700883 -0.1634110532038399 +11488,-0.5751219247940438,0,-0.2082968249185641 -0.28413830126412865 -0.333667428673475 -0.3785532003881992 -0.5085671598377322 -0.6850146762335301 -0.7469260854952195 -0.8258631323038654 -0.8243153470723248 -0.4157000459452023 0.09506908046368533 0.45725082464454286 0.734304381090574 0.8085980722045979 0.8689616962347378 0.641437267198053 0.42010397908753094 0.19877069097700883 -0.1634110532038399 -0.4435601801129613 +11489,-0.6679890386865736,0,-0.28413830126412865 -0.333667428673475 -0.3785532003881992 -0.5085671598377322 -0.6850146762335301 -0.7469260854952195 -0.8258631323038654 -0.8243153470723248 -0.4157000459452023 0.09506908046368533 0.45725082464454286 0.734304381090574 0.8085980722045979 0.8689616962347378 0.641437267198053 0.42010397908753094 0.19877069097700883 -0.1634110532038399 -0.4435601801129613 -0.5751219247940438 +11490,-0.7082314547066669,0,-0.333667428673475 -0.3785532003881992 -0.5085671598377322 -0.6850146762335301 -0.7469260854952195 -0.8258631323038654 -0.8243153470723248 -0.4157000459452023 0.09506908046368533 0.45725082464454286 0.734304381090574 0.8085980722045979 0.8689616962347378 0.641437267198053 0.42010397908753094 0.19877069097700883 -0.1634110532038399 -0.4435601801129613 -0.5751219247940438 -0.6679890386865736 +11491,-0.8103852799884409,0,-0.3785532003881992 -0.5085671598377322 -0.6850146762335301 -0.7469260854952195 -0.8258631323038654 -0.8243153470723248 -0.4157000459452023 0.09506908046368533 0.45725082464454286 0.734304381090574 0.8085980722045979 0.8689616962347378 0.641437267198053 0.42010397908753094 0.19877069097700883 -0.1634110532038399 -0.4435601801129613 -0.5751219247940438 -0.6679890386865736 -0.7082314547066669 +11492,-0.8784878301762932,0,-0.5085671598377322 -0.6850146762335301 -0.7469260854952195 -0.8258631323038654 -0.8243153470723248 -0.4157000459452023 0.09506908046368533 0.45725082464454286 0.734304381090574 0.8085980722045979 0.8689616962347378 0.641437267198053 0.42010397908753094 0.19877069097700883 -0.1634110532038399 -0.4435601801129613 -0.5751219247940438 -0.6679890386865736 -0.7082314547066669 -0.8103852799884409 +11493,-0.9574248769849392,0,-0.6850146762335301 -0.7469260854952195 -0.8258631323038654 -0.8243153470723248 -0.4157000459452023 0.09506908046368533 0.45725082464454286 0.734304381090574 0.8085980722045979 0.8689616962347378 0.641437267198053 0.42010397908753094 0.19877069097700883 -0.1634110532038399 -0.4435601801129613 -0.5751219247940438 -0.6679890386865736 -0.7082314547066669 -0.8103852799884409 -0.8784878301762932 +11494,-1.064222057961344,0,-0.7469260854952195 -0.8258631323038654 -0.8243153470723248 -0.4157000459452023 0.09506908046368533 0.45725082464454286 0.734304381090574 0.8085980722045979 0.8689616962347378 0.641437267198053 0.42010397908753094 0.19877069097700883 -0.1634110532038399 -0.4435601801129613 -0.5751219247940438 -0.6679890386865736 -0.7082314547066669 -0.8103852799884409 -0.8784878301762932 -0.9574248769849392 +11495,-1.087438836434481,0,-0.8258631323038654 -0.8243153470723248 -0.4157000459452023 0.09506908046368533 0.45725082464454286 0.734304381090574 0.8085980722045979 0.8689616962347378 0.641437267198053 0.42010397908753094 0.19877069097700883 -0.1634110532038399 -0.4435601801129613 -0.5751219247940438 -0.6679890386865736 -0.7082314547066669 -0.8103852799884409 -0.8784878301762932 -0.9574248769849392 -1.064222057961344 +11496,-1.1354201786122864,0,-0.8243153470723248 -0.4157000459452023 0.09506908046368533 0.45725082464454286 0.734304381090574 0.8085980722045979 0.8689616962347378 0.641437267198053 0.42010397908753094 0.19877069097700883 -0.1634110532038399 -0.4435601801129613 -0.5751219247940438 -0.6679890386865736 -0.7082314547066669 -0.8103852799884409 -0.8784878301762932 -0.9574248769849392 -1.064222057961344 -1.087438836434481 +11497,-1.132324608149205,0,-0.4157000459452023 0.09506908046368533 0.45725082464454286 0.734304381090574 0.8085980722045979 0.8689616962347378 0.641437267198053 0.42010397908753094 0.19877069097700883 -0.1634110532038399 -0.4435601801129613 -0.5751219247940438 -0.6679890386865736 -0.7082314547066669 -0.8103852799884409 -0.8784878301762932 -0.9574248769849392 -1.064222057961344 -1.087438836434481 -1.1354201786122864 +11498,-1.078152125045228,0,0.09506908046368533 0.45725082464454286 0.734304381090574 0.8085980722045979 0.8689616962347378 0.641437267198053 0.42010397908753094 0.19877069097700883 -0.1634110532038399 -0.4435601801129613 -0.5751219247940438 -0.6679890386865736 -0.7082314547066669 -0.8103852799884409 -0.8784878301762932 -0.9574248769849392 -1.064222057961344 -1.087438836434481 -1.1354201786122864 -1.132324608149205 +11499,-1.2035227288001387,0,0.45725082464454286 0.734304381090574 0.8085980722045979 0.8689616962347378 0.641437267198053 0.42010397908753094 0.19877069097700883 -0.1634110532038399 -0.4435601801129613 -0.5751219247940438 -0.6679890386865736 -0.7082314547066669 -0.8103852799884409 -0.8784878301762932 -0.9574248769849392 -1.064222057961344 -1.087438836434481 -1.1354201786122864 -1.132324608149205 -1.078152125045228 +11500,-1.110655614907609,0,0.734304381090574 0.8085980722045979 0.8689616962347378 0.641437267198053 0.42010397908753094 0.19877069097700883 -0.1634110532038399 -0.4435601801129613 -0.5751219247940438 -0.6679890386865736 -0.7082314547066669 -0.8103852799884409 -0.8784878301762932 -0.9574248769849392 -1.064222057961344 -1.087438836434481 -1.1354201786122864 -1.132324608149205 -1.078152125045228 -1.2035227288001387 +11501,-0.8955134677232585,0,0.8085980722045979 0.8689616962347378 0.641437267198053 0.42010397908753094 0.19877069097700883 -0.1634110532038399 -0.4435601801129613 -0.5751219247940438 -0.6679890386865736 -0.7082314547066669 -0.8103852799884409 -0.8784878301762932 -0.9574248769849392 -1.064222057961344 -1.087438836434481 -1.1354201786122864 -1.132324608149205 -1.078152125045228 -1.2035227288001387 -1.110655614907609 +11502,-0.45749024719684517,0,0.8689616962347378 0.641437267198053 0.42010397908753094 0.19877069097700883 -0.1634110532038399 -0.4435601801129613 -0.5751219247940438 -0.6679890386865736 -0.7082314547066669 -0.8103852799884409 -0.8784878301762932 -0.9574248769849392 -1.064222057961344 -1.087438836434481 -1.1354201786122864 -1.132324608149205 -1.078152125045228 -1.2035227288001387 -1.110655614907609 -0.8955134677232585 +11503,-0.056613872227435,0,0.641437267198053 0.42010397908753094 0.19877069097700883 -0.1634110532038399 -0.4435601801129613 -0.5751219247940438 -0.6679890386865736 -0.7082314547066669 -0.8103852799884409 -0.8784878301762932 -0.9574248769849392 -1.064222057961344 -1.087438836434481 -1.1354201786122864 -1.132324608149205 -1.078152125045228 -1.2035227288001387 -1.110655614907609 -0.8955134677232585 -0.45749024719684517 +11504,0.2204396842185962,0,0.42010397908753094 0.19877069097700883 -0.1634110532038399 -0.4435601801129613 -0.5751219247940438 -0.6679890386865736 -0.7082314547066669 -0.8103852799884409 -0.8784878301762932 -0.9574248769849392 -1.064222057961344 -1.087438836434481 -1.1354201786122864 -1.132324608149205 -1.078152125045228 -1.2035227288001387 -1.110655614907609 -0.8955134677232585 -0.45749024719684517 -0.056613872227435 +11505,0.3674792812151032,0,0.19877069097700883 -0.1634110532038399 -0.4435601801129613 -0.5751219247940438 -0.6679890386865736 -0.7082314547066669 -0.8103852799884409 -0.8784878301762932 -0.9574248769849392 -1.064222057961344 -1.087438836434481 -1.1354201786122864 -1.132324608149205 -1.078152125045228 -1.2035227288001387 -1.110655614907609 -0.8955134677232585 -0.45749024719684517 -0.056613872227435 0.2204396842185962 +11506,0.4077216972351965,0,-0.1634110532038399 -0.4435601801129613 -0.5751219247940438 -0.6679890386865736 -0.7082314547066669 -0.8103852799884409 -0.8784878301762932 -0.9574248769849392 -1.064222057961344 -1.087438836434481 -1.1354201786122864 -1.132324608149205 -1.078152125045228 -1.2035227288001387 -1.110655614907609 -0.8955134677232585 -0.45749024719684517 -0.056613872227435 0.2204396842185962 0.3674792812151032 +11507,0.3117590128795853,0,-0.4435601801129613 -0.5751219247940438 -0.6679890386865736 -0.7082314547066669 -0.8103852799884409 -0.8784878301762932 -0.9574248769849392 -1.064222057961344 -1.087438836434481 -1.1354201786122864 -1.132324608149205 -1.078152125045228 -1.2035227288001387 -1.110655614907609 -0.8955134677232585 -0.45749024719684517 -0.056613872227435 0.2204396842185962 0.3674792812151032 0.4077216972351965 +11508,0.16007606018845622,0,-0.5751219247940438 -0.6679890386865736 -0.7082314547066669 -0.8103852799884409 -0.8784878301762932 -0.9574248769849392 -1.064222057961344 -1.087438836434481 -1.1354201786122864 -1.132324608149205 -1.078152125045228 -1.2035227288001387 -1.110655614907609 -0.8955134677232585 -0.45749024719684517 -0.056613872227435 0.2204396842185962 0.3674792812151032 0.4077216972351965 0.3117590128795853 +11509,0.008393107497327084,0,-0.6679890386865736 -0.7082314547066669 -0.8103852799884409 -0.8784878301762932 -0.9574248769849392 -1.064222057961344 -1.087438836434481 -1.1354201786122864 -1.132324608149205 -1.078152125045228 -1.2035227288001387 -1.110655614907609 -0.8955134677232585 -0.45749024719684517 -0.056613872227435 0.2204396842185962 0.3674792812151032 0.4077216972351965 0.3117590128795853 0.16007606018845622 +11510,-0.26092152279099184,0,-0.7082314547066669 -0.8103852799884409 -0.8784878301762932 -0.9574248769849392 -1.064222057961344 -1.087438836434481 -1.1354201786122864 -1.132324608149205 -1.078152125045228 -1.2035227288001387 -1.110655614907609 -0.8955134677232585 -0.45749024719684517 -0.056613872227435 0.2204396842185962 0.3674792812151032 0.4077216972351965 0.3117590128795853 0.16007606018845622 0.008393107497327084 +11511,-0.4079611197874988,0,-0.8103852799884409 -0.8784878301762932 -0.9574248769849392 -1.064222057961344 -1.087438836434481 -1.1354201786122864 -1.132324608149205 -1.078152125045228 -1.2035227288001387 -1.110655614907609 -0.8955134677232585 -0.45749024719684517 -0.056613872227435 0.2204396842185962 0.3674792812151032 0.4077216972351965 0.3117590128795853 0.16007606018845622 0.008393107497327084 -0.26092152279099184 +11512,-0.46368138812300796,0,-0.8784878301762932 -0.9574248769849392 -1.064222057961344 -1.087438836434481 -1.1354201786122864 -1.132324608149205 -1.078152125045228 -1.2035227288001387 -1.110655614907609 -0.8955134677232585 -0.45749024719684517 -0.056613872227435 0.2204396842185962 0.3674792812151032 0.4077216972351965 0.3117590128795853 0.16007606018845622 0.008393107497327084 -0.26092152279099184 -0.4079611197874988 +11513,-0.5766697100255844,0,-0.9574248769849392 -1.064222057961344 -1.087438836434481 -1.1354201786122864 -1.132324608149205 -1.078152125045228 -1.2035227288001387 -1.110655614907609 -0.8955134677232585 -0.45749024719684517 -0.056613872227435 0.2204396842185962 0.3674792812151032 0.4077216972351965 0.3117590128795853 0.16007606018845622 0.008393107497327084 -0.26092152279099184 -0.4079611197874988 -0.46368138812300796 +11514,-0.6788235353073673,0,-1.064222057961344 -1.087438836434481 -1.1354201786122864 -1.132324608149205 -1.078152125045228 -1.2035227288001387 -1.110655614907609 -0.8955134677232585 -0.45749024719684517 -0.056613872227435 0.2204396842185962 0.3674792812151032 0.4077216972351965 0.3117590128795853 0.16007606018845622 0.008393107497327084 -0.26092152279099184 -0.4079611197874988 -0.46368138812300796 -0.5766697100255844 +11515,-0.7329960184113357,0,-1.087438836434481 -1.1354201786122864 -1.132324608149205 -1.078152125045228 -1.2035227288001387 -1.110655614907609 -0.8955134677232585 -0.45749024719684517 -0.056613872227435 0.2204396842185962 0.3674792812151032 0.4077216972351965 0.3117590128795853 0.16007606018845622 0.008393107497327084 -0.26092152279099184 -0.4079611197874988 -0.46368138812300796 -0.5766697100255844 -0.6788235353073673 +11516,-0.7701428639683475,0,-1.1354201786122864 -1.132324608149205 -1.078152125045228 -1.2035227288001387 -1.110655614907609 -0.8955134677232585 -0.45749024719684517 -0.056613872227435 0.2204396842185962 0.3674792812151032 0.4077216972351965 0.3117590128795853 0.16007606018845622 0.008393107497327084 -0.26092152279099184 -0.4079611197874988 -0.46368138812300796 -0.5766697100255844 -0.6788235353073673 -0.7329960184113357 +11517,-0.8165764209146125,0,-1.132324608149205 -1.078152125045228 -1.2035227288001387 -1.110655614907609 -0.8955134677232585 -0.45749024719684517 -0.056613872227435 0.2204396842185962 0.3674792812151032 0.4077216972351965 0.3117590128795853 0.16007606018845622 0.008393107497327084 -0.26092152279099184 -0.4079611197874988 -0.46368138812300796 -0.5766697100255844 -0.6788235353073673 -0.7329960184113357 -0.7701428639683475 +11518,-0.7716906491998883,0,-1.078152125045228 -1.2035227288001387 -1.110655614907609 -0.8955134677232585 -0.45749024719684517 -0.056613872227435 0.2204396842185962 0.3674792812151032 0.4077216972351965 0.3117590128795853 0.16007606018845622 0.008393107497327084 -0.26092152279099184 -0.4079611197874988 -0.46368138812300796 -0.5766697100255844 -0.6788235353073673 -0.7329960184113357 -0.7701428639683475 -0.8165764209146125 +11519,-0.8026463538307286,0,-1.2035227288001387 -1.110655614907609 -0.8955134677232585 -0.45749024719684517 -0.056613872227435 0.2204396842185962 0.3674792812151032 0.4077216972351965 0.3117590128795853 0.16007606018845622 0.008393107497327084 -0.26092152279099184 -0.4079611197874988 -0.46368138812300796 -0.5766697100255844 -0.6788235353073673 -0.7329960184113357 -0.7701428639683475 -0.8165764209146125 -0.7716906491998883 +11520,-0.7887162867468536,0,-1.110655614907609 -0.8955134677232585 -0.45749024719684517 -0.056613872227435 0.2204396842185962 0.3674792812151032 0.4077216972351965 0.3117590128795853 0.16007606018845622 0.008393107497327084 -0.26092152279099184 -0.4079611197874988 -0.46368138812300796 -0.5766697100255844 -0.6788235353073673 -0.7329960184113357 -0.7701428639683475 -0.8165764209146125 -0.7716906491998883 -0.8026463538307286 +11521,-0.750021655958301,0,-0.8955134677232585 -0.45749024719684517 -0.056613872227435 0.2204396842185962 0.3674792812151032 0.4077216972351965 0.3117590128795853 0.16007606018845622 0.008393107497327084 -0.26092152279099184 -0.4079611197874988 -0.46368138812300796 -0.5766697100255844 -0.6788235353073673 -0.7329960184113357 -0.7701428639683475 -0.8165764209146125 -0.7716906491998883 -0.8026463538307286 -0.7887162867468536 +11522,-0.6958491728543237,0,-0.45749024719684517 -0.056613872227435 0.2204396842185962 0.3674792812151032 0.4077216972351965 0.3117590128795853 0.16007606018845622 0.008393107497327084 -0.26092152279099184 -0.4079611197874988 -0.46368138812300796 -0.5766697100255844 -0.6788235353073673 -0.7329960184113357 -0.7701428639683475 -0.8165764209146125 -0.7716906491998883 -0.8026463538307286 -0.7887162867468536 -0.750021655958301 +11523,-0.6571545420657711,0,-0.056613872227435 0.2204396842185962 0.3674792812151032 0.4077216972351965 0.3117590128795853 0.16007606018845622 0.008393107497327084 -0.26092152279099184 -0.4079611197874988 -0.46368138812300796 -0.5766697100255844 -0.6788235353073673 -0.7329960184113357 -0.7701428639683475 -0.8165764209146125 -0.7716906491998883 -0.8026463538307286 -0.7887162867468536 -0.750021655958301 -0.6958491728543237 +11524,-0.5410706497001132,0,0.2204396842185962 0.3674792812151032 0.4077216972351965 0.3117590128795853 0.16007606018845622 0.008393107497327084 -0.26092152279099184 -0.4079611197874988 -0.46368138812300796 -0.5766697100255844 -0.6788235353073673 -0.7329960184113357 -0.7701428639683475 -0.8165764209146125 -0.7716906491998883 -0.8026463538307286 -0.7887162867468536 -0.750021655958301 -0.6958491728543237 -0.6571545420657711 +11525,-0.35843199237815254,0,0.3674792812151032 0.4077216972351965 0.3117590128795853 0.16007606018845622 0.008393107497327084 -0.26092152279099184 -0.4079611197874988 -0.46368138812300796 -0.5766697100255844 -0.6788235353073673 -0.7329960184113357 -0.7701428639683475 -0.8165764209146125 -0.7716906491998883 -0.8026463538307286 -0.7887162867468536 -0.750021655958301 -0.6958491728543237 -0.6571545420657711 -0.5410706497001132 +11526,-0.09530850301598763,0,0.4077216972351965 0.3117590128795853 0.16007606018845622 0.008393107497327084 -0.26092152279099184 -0.4079611197874988 -0.46368138812300796 -0.5766697100255844 -0.6788235353073673 -0.7329960184113357 -0.7701428639683475 -0.8165764209146125 -0.7716906491998883 -0.8026463538307286 -0.7887162867468536 -0.750021655958301 -0.6958491728543237 -0.6571545420657711 -0.5410706497001132 -0.35843199237815254 +11527,0.24210867746019235,0,0.3117590128795853 0.16007606018845622 0.008393107497327084 -0.26092152279099184 -0.4079611197874988 -0.46368138812300796 -0.5766697100255844 -0.6788235353073673 -0.7329960184113357 -0.7701428639683475 -0.8165764209146125 -0.7716906491998883 -0.8026463538307286 -0.7887162867468536 -0.750021655958301 -0.6958491728543237 -0.6571545420657711 -0.5410706497001132 -0.35843199237815254 -0.09530850301598763 +11528,0.4324862609398653,0,0.16007606018845622 0.008393107497327084 -0.26092152279099184 -0.4079611197874988 -0.46368138812300796 -0.5766697100255844 -0.6788235353073673 -0.7329960184113357 -0.7701428639683475 -0.8165764209146125 -0.7716906491998883 -0.8026463538307286 -0.7887162867468536 -0.750021655958301 -0.6958491728543237 -0.6571545420657711 -0.5410706497001132 -0.35843199237815254 -0.09530850301598763 0.24210867746019235 +11529,0.5346400862216482,0,0.008393107497327084 -0.26092152279099184 -0.4079611197874988 -0.46368138812300796 -0.5766697100255844 -0.6788235353073673 -0.7329960184113357 -0.7701428639683475 -0.8165764209146125 -0.7716906491998883 -0.8026463538307286 -0.7887162867468536 -0.750021655958301 -0.6958491728543237 -0.6571545420657711 -0.5410706497001132 -0.35843199237815254 -0.09530850301598763 0.24210867746019235 0.4324862609398653 +11530,0.5052321668223485,0,-0.26092152279099184 -0.4079611197874988 -0.46368138812300796 -0.5766697100255844 -0.6788235353073673 -0.7329960184113357 -0.7701428639683475 -0.8165764209146125 -0.7716906491998883 -0.8026463538307286 -0.7887162867468536 -0.750021655958301 -0.6958491728543237 -0.6571545420657711 -0.5410706497001132 -0.35843199237815254 -0.09530850301598763 0.24210867746019235 0.4324862609398653 0.5346400862216482 +11531,0.3256766151846615,0,-0.4079611197874988 -0.46368138812300796 -0.5766697100255844 -0.6788235353073673 -0.7329960184113357 -0.7701428639683475 -0.8165764209146125 -0.7716906491998883 -0.8026463538307286 -0.7887162867468536 -0.750021655958301 -0.6958491728543237 -0.6571545420657711 -0.5410706497001132 -0.35843199237815254 -0.09530850301598763 0.24210867746019235 0.4324862609398653 0.5346400862216482 0.5052321668223485 +11532,0.280803308248745,0,-0.46368138812300796 -0.5766697100255844 -0.6788235353073673 -0.7329960184113357 -0.7701428639683475 -0.8165764209146125 -0.7716906491998883 -0.8026463538307286 -0.7887162867468536 -0.750021655958301 -0.6958491728543237 -0.6571545420657711 -0.5410706497001132 -0.35843199237815254 -0.09530850301598763 0.24210867746019235 0.4324862609398653 0.5346400862216482 0.5052321668223485 0.3256766151846615 +11533,0.05947002013822289,0,-0.5766697100255844 -0.6788235353073673 -0.7329960184113357 -0.7701428639683475 -0.8165764209146125 -0.7716906491998883 -0.8026463538307286 -0.7887162867468536 -0.750021655958301 -0.6958491728543237 -0.6571545420657711 -0.5410706497001132 -0.35843199237815254 -0.09530850301598763 0.24210867746019235 0.4324862609398653 0.5346400862216482 0.5052321668223485 0.3256766151846615 0.280803308248745 +11534,-0.013275885744260276,0,-0.6788235353073673 -0.7329960184113357 -0.7701428639683475 -0.8165764209146125 -0.7716906491998883 -0.8026463538307286 -0.7887162867468536 -0.750021655958301 -0.6958491728543237 -0.6571545420657711 -0.5410706497001132 -0.35843199237815254 -0.09530850301598763 0.24210867746019235 0.4324862609398653 0.5346400862216482 0.5052321668223485 0.3256766151846615 0.280803308248745 0.05947002013822289 +11535,-0.08756957685828413,0,-0.7329960184113357 -0.7701428639683475 -0.8165764209146125 -0.7716906491998883 -0.8026463538307286 -0.7887162867468536 -0.750021655958301 -0.6958491728543237 -0.6571545420657711 -0.5410706497001132 -0.35843199237815254 -0.09530850301598763 0.24210867746019235 0.4324862609398653 0.5346400862216482 0.5052321668223485 0.3256766151846615 0.280803308248745 0.05947002013822289 -0.013275885744260276 +11536,-0.18662783167697675,0,-0.7701428639683475 -0.8165764209146125 -0.7716906491998883 -0.8026463538307286 -0.7887162867468536 -0.750021655958301 -0.6958491728543237 -0.6571545420657711 -0.5410706497001132 -0.35843199237815254 -0.09530850301598763 0.24210867746019235 0.4324862609398653 0.5346400862216482 0.5052321668223485 0.3256766151846615 0.280803308248745 0.05947002013822289 -0.013275885744260276 -0.08756957685828413 +11537,-0.2113923953816455,0,-0.8165764209146125 -0.7716906491998883 -0.8026463538307286 -0.7887162867468536 -0.750021655958301 -0.6958491728543237 -0.6571545420657711 -0.5410706497001132 -0.35843199237815254 -0.09530850301598763 0.24210867746019235 0.4324862609398653 0.5346400862216482 0.5052321668223485 0.3256766151846615 0.280803308248745 0.05947002013822289 -0.013275885744260276 -0.08756957685828413 -0.18662783167697675 +11538,-0.25473038186482905,0,-0.7716906491998883 -0.8026463538307286 -0.7887162867468536 -0.750021655958301 -0.6958491728543237 -0.6571545420657711 -0.5410706497001132 -0.35843199237815254 -0.09530850301598763 0.24210867746019235 0.4324862609398653 0.5346400862216482 0.5052321668223485 0.3256766151846615 0.280803308248745 0.05947002013822289 -0.013275885744260276 -0.08756957685828413 -0.18662783167697675 -0.2113923953816455 +11539,-0.30735507973725673,0,-0.8026463538307286 -0.7887162867468536 -0.750021655958301 -0.6958491728543237 -0.6571545420657711 -0.5410706497001132 -0.35843199237815254 -0.09530850301598763 0.24210867746019235 0.4324862609398653 0.5346400862216482 0.5052321668223485 0.3256766151846615 0.280803308248745 0.05947002013822289 -0.013275885744260276 -0.08756957685828413 -0.18662783167697675 -0.2113923953816455 -0.25473038186482905 +11540,-0.3537886366835216,0,-0.7887162867468536 -0.750021655958301 -0.6958491728543237 -0.6571545420657711 -0.5410706497001132 -0.35843199237815254 -0.09530850301598763 0.24210867746019235 0.4324862609398653 0.5346400862216482 0.5052321668223485 0.3256766151846615 0.280803308248745 0.05947002013822289 -0.013275885744260276 -0.08756957685828413 -0.18662783167697675 -0.2113923953816455 -0.25473038186482905 -0.30735507973725673 +11541,-0.3491452809888996,0,-0.750021655958301 -0.6958491728543237 -0.6571545420657711 -0.5410706497001132 -0.35843199237815254 -0.09530850301598763 0.24210867746019235 0.4324862609398653 0.5346400862216482 0.5052321668223485 0.3256766151846615 0.280803308248745 0.05947002013822289 -0.013275885744260276 -0.08756957685828413 -0.18662783167697675 -0.2113923953816455 -0.25473038186482905 -0.30735507973725673 -0.3537886366835216 +11542,-0.3119984354318876,0,-0.6958491728543237 -0.6571545420657711 -0.5410706497001132 -0.35843199237815254 -0.09530850301598763 0.24210867746019235 0.4324862609398653 0.5346400862216482 0.5052321668223485 0.3256766151846615 0.280803308248745 0.05947002013822289 -0.013275885744260276 -0.08756957685828413 -0.18662783167697675 -0.2113923953816455 -0.25473038186482905 -0.30735507973725673 -0.3537886366835216 -0.3491452809888996 +11543,-0.3367629991365564,0,-0.6571545420657711 -0.5410706497001132 -0.35843199237815254 -0.09530850301598763 0.24210867746019235 0.4324862609398653 0.5346400862216482 0.5052321668223485 0.3256766151846615 0.280803308248745 0.05947002013822289 -0.013275885744260276 -0.08756957685828413 -0.18662783167697675 -0.2113923953816455 -0.25473038186482905 -0.30735507973725673 -0.3537886366835216 -0.3491452809888996 -0.3119984354318876 +11544,-0.3739098446935683,0,-0.5410706497001132 -0.35843199237815254 -0.09530850301598763 0.24210867746019235 0.4324862609398653 0.5346400862216482 0.5052321668223485 0.3256766151846615 0.280803308248745 0.05947002013822289 -0.013275885744260276 -0.08756957685828413 -0.18662783167697675 -0.2113923953816455 -0.25473038186482905 -0.30735507973725673 -0.3537886366835216 -0.3491452809888996 -0.3119984354318876 -0.3367629991365564 +11545,-0.3893876970089929,0,-0.35843199237815254 -0.09530850301598763 0.24210867746019235 0.4324862609398653 0.5346400862216482 0.5052321668223485 0.3256766151846615 0.280803308248745 0.05947002013822289 -0.013275885744260276 -0.08756957685828413 -0.18662783167697675 -0.2113923953816455 -0.25473038186482905 -0.30735507973725673 -0.3537886366835216 -0.3491452809888996 -0.3119984354318876 -0.3367629991365564 -0.3739098446935683 +11546,-0.5070193746061915,0,-0.09530850301598763 0.24210867746019235 0.4324862609398653 0.5346400862216482 0.5052321668223485 0.3256766151846615 0.280803308248745 0.05947002013822289 -0.013275885744260276 -0.08756957685828413 -0.18662783167697675 -0.2113923953816455 -0.25473038186482905 -0.30735507973725673 -0.3537886366835216 -0.3491452809888996 -0.3119984354318876 -0.3367629991365564 -0.3739098446935683 -0.3893876970089929 +11547,-0.5286883678477788,0,0.24210867746019235 0.4324862609398653 0.5346400862216482 0.5052321668223485 0.3256766151846615 0.280803308248745 0.05947002013822289 -0.013275885744260276 -0.08756957685828413 -0.18662783167697675 -0.2113923953816455 -0.25473038186482905 -0.30735507973725673 -0.3537886366835216 -0.3491452809888996 -0.3119984354318876 -0.3367629991365564 -0.3739098446935683 -0.3893876970089929 -0.5070193746061915 +11548,-0.4745158847438104,0,0.4324862609398653 0.5346400862216482 0.5052321668223485 0.3256766151846615 0.280803308248745 0.05947002013822289 -0.013275885744260276 -0.08756957685828413 -0.18662783167697675 -0.2113923953816455 -0.25473038186482905 -0.30735507973725673 -0.3537886366835216 -0.3491452809888996 -0.3119984354318876 -0.3367629991365564 -0.3739098446935683 -0.3893876970089929 -0.5070193746061915 -0.5286883678477788 +11549,-0.15257655658304622,0,0.5346400862216482 0.5052321668223485 0.3256766151846615 0.280803308248745 0.05947002013822289 -0.013275885744260276 -0.08756957685828413 -0.18662783167697675 -0.2113923953816455 -0.25473038186482905 -0.30735507973725673 -0.3537886366835216 -0.3491452809888996 -0.3119984354318876 -0.3367629991365564 -0.3739098446935683 -0.3893876970089929 -0.5070193746061915 -0.5286883678477788 -0.4745158847438104 +11550,0.34116693227888495,0,0.5052321668223485 0.3256766151846615 0.280803308248745 0.05947002013822289 -0.013275885744260276 -0.08756957685828413 -0.18662783167697675 -0.2113923953816455 -0.25473038186482905 -0.30735507973725673 -0.3537886366835216 -0.3491452809888996 -0.3119984354318876 -0.3367629991365564 -0.3739098446935683 -0.3893876970089929 -0.5070193746061915 -0.5286883678477788 -0.4745158847438104 -0.15257655658304622 +11551,0.6027426364095004,0,0.3256766151846615 0.280803308248745 0.05947002013822289 -0.013275885744260276 -0.08756957685828413 -0.18662783167697675 -0.2113923953816455 -0.25473038186482905 -0.30735507973725673 -0.3537886366835216 -0.3491452809888996 -0.3119984354318876 -0.3367629991365564 -0.3739098446935683 -0.3893876970089929 -0.5070193746061915 -0.5286883678477788 -0.4745158847438104 -0.15257655658304622 0.34116693227888495 +11552,0.6770363275235243,0,0.280803308248745 0.05947002013822289 -0.013275885744260276 -0.08756957685828413 -0.18662783167697675 -0.2113923953816455 -0.25473038186482905 -0.30735507973725673 -0.3537886366835216 -0.3491452809888996 -0.3119984354318876 -0.3367629991365564 -0.3739098446935683 -0.3893876970089929 -0.5070193746061915 -0.5286883678477788 -0.4745158847438104 -0.15257655658304622 0.34116693227888495 0.6027426364095004 +11553,0.7559733743321702,0,0.05947002013822289 -0.013275885744260276 -0.08756957685828413 -0.18662783167697675 -0.2113923953816455 -0.25473038186482905 -0.30735507973725673 -0.3537886366835216 -0.3491452809888996 -0.3119984354318876 -0.3367629991365564 -0.3739098446935683 -0.3893876970089929 -0.5070193746061915 -0.5286883678477788 -0.4745158847438104 -0.15257655658304622 0.34116693227888495 0.6027426364095004 0.6770363275235243 +11554,0.8085980722045979,0,-0.013275885744260276 -0.08756957685828413 -0.18662783167697675 -0.2113923953816455 -0.25473038186482905 -0.30735507973725673 -0.3537886366835216 -0.3491452809888996 -0.3119984354318876 -0.3367629991365564 -0.3739098446935683 -0.3893876970089929 -0.5070193746061915 -0.5286883678477788 -0.4745158847438104 -0.15257655658304622 0.34116693227888495 0.6027426364095004 0.6770363275235243 0.7559733743321702 +11555,0.7466866629429172,0,-0.08756957685828413 -0.18662783167697675 -0.2113923953816455 -0.25473038186482905 -0.30735507973725673 -0.3537886366835216 -0.3491452809888996 -0.3119984354318876 -0.3367629991365564 -0.3739098446935683 -0.3893876970089929 -0.5070193746061915 -0.5286883678477788 -0.4745158847438104 -0.15257655658304622 0.34116693227888495 0.6027426364095004 0.6770363275235243 0.7559733743321702 0.8085980722045979 +11556,0.6352461262718814,0,-0.18662783167697675 -0.2113923953816455 -0.25473038186482905 -0.30735507973725673 -0.3537886366835216 -0.3491452809888996 -0.3119984354318876 -0.3367629991365564 -0.3739098446935683 -0.3893876970089929 -0.5070193746061915 -0.5286883678477788 -0.4745158847438104 -0.15257655658304622 0.34116693227888495 0.6027426364095004 0.6770363275235243 0.7559733743321702 0.8085980722045979 0.7466866629429172 +11557,0.3334280061211727,0,-0.2113923953816455 -0.25473038186482905 -0.30735507973725673 -0.3537886366835216 -0.3491452809888996 -0.3119984354318876 -0.3367629991365564 -0.3739098446935683 -0.3893876970089929 -0.5070193746061915 -0.5286883678477788 -0.4745158847438104 -0.15257655658304622 0.34116693227888495 0.6027426364095004 0.6770363275235243 0.7559733743321702 0.8085980722045979 0.7466866629429172 0.6352461262718814 +11558,0.07185230199055727,0,-0.25473038186482905 -0.30735507973725673 -0.3537886366835216 -0.3491452809888996 -0.3119984354318876 -0.3367629991365564 -0.3739098446935683 -0.3893876970089929 -0.5070193746061915 -0.5286883678477788 -0.4745158847438104 -0.15257655658304622 0.34116693227888495 0.6027426364095004 0.6770363275235243 0.7559733743321702 0.8085980722045979 0.7466866629429172 0.6352461262718814 0.3334280061211727 +11559,-0.11388192579449359,0,-0.30735507973725673 -0.3537886366835216 -0.3491452809888996 -0.3119984354318876 -0.3367629991365564 -0.3739098446935683 -0.3893876970089929 -0.5070193746061915 -0.5286883678477788 -0.4745158847438104 -0.15257655658304622 0.34116693227888495 0.6027426364095004 0.6770363275235243 0.7559733743321702 0.8085980722045979 0.7466866629429172 0.6352461262718814 0.3334280061211727 0.07185230199055727 +11560,-0.3197373615895999,0,-0.3537886366835216 -0.3491452809888996 -0.3119984354318876 -0.3367629991365564 -0.3739098446935683 -0.3893876970089929 -0.5070193746061915 -0.5286883678477788 -0.4745158847438104 -0.15257655658304622 0.34116693227888495 0.6027426364095004 0.6770363275235243 0.7559733743321702 0.8085980722045979 0.7466866629429172 0.6352461262718814 0.3334280061211727 0.07185230199055727 -0.11388192579449359 +11561,-0.4807070256699732,0,-0.3491452809888996 -0.3119984354318876 -0.3367629991365564 -0.3739098446935683 -0.3893876970089929 -0.5070193746061915 -0.5286883678477788 -0.4745158847438104 -0.15257655658304622 0.34116693227888495 0.6027426364095004 0.6770363275235243 0.7559733743321702 0.8085980722045979 0.7466866629429172 0.6352461262718814 0.3334280061211727 0.07185230199055727 -0.11388192579449359 -0.3197373615895999 +11562,-0.6215554817403086,0,-0.3119984354318876 -0.3367629991365564 -0.3739098446935683 -0.3893876970089929 -0.5070193746061915 -0.5286883678477788 -0.4745158847438104 -0.15257655658304622 0.34116693227888495 0.6027426364095004 0.6770363275235243 0.7559733743321702 0.8085980722045979 0.7466866629429172 0.6352461262718814 0.3334280061211727 0.07185230199055727 -0.11388192579449359 -0.3197373615895999 -0.4807070256699732 +11563,-0.7221615217905419,0,-0.3367629991365564 -0.3739098446935683 -0.3893876970089929 -0.5070193746061915 -0.5286883678477788 -0.4745158847438104 -0.15257655658304622 0.34116693227888495 0.6027426364095004 0.6770363275235243 0.7559733743321702 0.8085980722045979 0.7466866629429172 0.6352461262718814 0.3334280061211727 0.07185230199055727 -0.11388192579449359 -0.3197373615895999 -0.4807070256699732 -0.6215554817403086 +11564,-0.7887162867468536,0,-0.3739098446935683 -0.3893876970089929 -0.5070193746061915 -0.5286883678477788 -0.4745158847438104 -0.15257655658304622 0.34116693227888495 0.6027426364095004 0.6770363275235243 0.7559733743321702 0.8085980722045979 0.7466866629429172 0.6352461262718814 0.3334280061211727 0.07185230199055727 -0.11388192579449359 -0.3197373615895999 -0.4807070256699732 -0.6215554817403086 -0.7221615217905419 +11565,-0.8722966892501304,0,-0.3893876970089929 -0.5070193746061915 -0.5286883678477788 -0.4745158847438104 -0.15257655658304622 0.34116693227888495 0.6027426364095004 0.6770363275235243 0.7559733743321702 0.8085980722045979 0.7466866629429172 0.6352461262718814 0.3334280061211727 0.07185230199055727 -0.11388192579449359 -0.3197373615895999 -0.4807070256699732 -0.6215554817403086 -0.7221615217905419 -0.7887162867468536 +11566,-0.9496859508272356,0,-0.5070193746061915 -0.5286883678477788 -0.4745158847438104 -0.15257655658304622 0.34116693227888495 0.6027426364095004 0.6770363275235243 0.7559733743321702 0.8085980722045979 0.7466866629429172 0.6352461262718814 0.3334280061211727 0.07185230199055727 -0.11388192579449359 -0.3197373615895999 -0.4807070256699732 -0.6215554817403086 -0.7221615217905419 -0.7887162867468536 -0.8722966892501304 +11567,-1.0487442056459282,0,-0.5286883678477788 -0.4745158847438104 -0.15257655658304622 0.34116693227888495 0.6027426364095004 0.6770363275235243 0.7559733743321702 0.8085980722045979 0.7466866629429172 0.6352461262718814 0.3334280061211727 0.07185230199055727 -0.11388192579449359 -0.3197373615895999 -0.4807070256699732 -0.6215554817403086 -0.7221615217905419 -0.7887162867468536 -0.8722966892501304 -0.9496859508272356 +11568,-1.0471964204143875,0,-0.4745158847438104 -0.15257655658304622 0.34116693227888495 0.6027426364095004 0.6770363275235243 0.7559733743321702 0.8085980722045979 0.7466866629429172 0.6352461262718814 0.3334280061211727 0.07185230199055727 -0.11388192579449359 -0.3197373615895999 -0.4807070256699732 -0.6215554817403086 -0.7221615217905419 -0.7887162867468536 -0.8722966892501304 -0.9496859508272356 -1.0487442056459282 +11569,-1.078152125045228,0,-0.15257655658304622 0.34116693227888495 0.6027426364095004 0.6770363275235243 0.7559733743321702 0.8085980722045979 0.7466866629429172 0.6352461262718814 0.3334280061211727 0.07185230199055727 -0.11388192579449359 -0.3197373615895999 -0.4807070256699732 -0.6215554817403086 -0.7221615217905419 -0.7887162867468536 -0.8722966892501304 -0.9496859508272356 -1.0487442056459282 -1.0471964204143875 +11570,-1.547982332079836,0,0.34116693227888495 0.6027426364095004 0.6770363275235243 0.7559733743321702 0.8085980722045979 0.7466866629429172 0.6352461262718814 0.3334280061211727 0.07185230199055727 -0.11388192579449359 -0.3197373615895999 -0.4807070256699732 -0.6215554817403086 -0.7221615217905419 -0.7887162867468536 -0.8722966892501304 -0.9496859508272356 -1.0487442056459282 -1.0471964204143875 -1.078152125045228 +11571,-1.0611264874982627,0,0.6027426364095004 0.6770363275235243 0.7559733743321702 0.8085980722045979 0.7466866629429172 0.6352461262718814 0.3334280061211727 0.07185230199055727 -0.11388192579449359 -0.3197373615895999 -0.4807070256699732 -0.6215554817403086 -0.7221615217905419 -0.7887162867468536 -0.8722966892501304 -0.9496859508272356 -1.0487442056459282 -1.0471964204143875 -1.078152125045228 -1.547982332079836 +11572,-0.8815834006393833,0,0.6770363275235243 0.7559733743321702 0.8085980722045979 0.7466866629429172 0.6352461262718814 0.3334280061211727 0.07185230199055727 -0.11388192579449359 -0.3197373615895999 -0.4807070256699732 -0.6215554817403086 -0.7221615217905419 -0.7887162867468536 -0.8722966892501304 -0.9496859508272356 -1.0487442056459282 -1.0471964204143875 -1.078152125045228 -1.547982332079836 -1.0611264874982627 +11573,-0.5844086361832967,0,0.7559733743321702 0.8085980722045979 0.7466866629429172 0.6352461262718814 0.3334280061211727 0.07185230199055727 -0.11388192579449359 -0.3197373615895999 -0.4807070256699732 -0.6215554817403086 -0.7221615217905419 -0.7887162867468536 -0.8722966892501304 -0.9496859508272356 -1.0487442056459282 -1.0471964204143875 -1.078152125045228 -1.547982332079836 -1.0611264874982627 -0.8815834006393833 +11574,-0.2253224624655294,0,0.8085980722045979 0.7466866629429172 0.6352461262718814 0.3334280061211727 0.07185230199055727 -0.11388192579449359 -0.3197373615895999 -0.4807070256699732 -0.6215554817403086 -0.7221615217905419 -0.7887162867468536 -0.8722966892501304 -0.9496859508272356 -1.0487442056459282 -1.0471964204143875 -1.078152125045228 -1.547982332079836 -1.0611264874982627 -0.8815834006393833 -0.5844086361832967 +11575,-0.02101481190197256,0,0.7466866629429172 0.6352461262718814 0.3334280061211727 0.07185230199055727 -0.11388192579449359 -0.3197373615895999 -0.4807070256699732 -0.6215554817403086 -0.7221615217905419 -0.7887162867468536 -0.8722966892501304 -0.9496859508272356 -1.0487442056459282 -1.0471964204143875 -1.078152125045228 -1.547982332079836 -1.0611264874982627 -0.8815834006393833 -0.5844086361832967 -0.2253224624655294 +11576,0.13066814078915656,0,0.6352461262718814 0.3334280061211727 0.07185230199055727 -0.11388192579449359 -0.3197373615895999 -0.4807070256699732 -0.6215554817403086 -0.7221615217905419 -0.7887162867468536 -0.8722966892501304 -0.9496859508272356 -1.0487442056459282 -1.0471964204143875 -1.078152125045228 -1.547982332079836 -1.0611264874982627 -0.8815834006393833 -0.5844086361832967 -0.2253224624655294 -0.02101481190197256 +11577,0.2142485432924334,0,0.3334280061211727 0.07185230199055727 -0.11388192579449359 -0.3197373615895999 -0.4807070256699732 -0.6215554817403086 -0.7221615217905419 -0.7887162867468536 -0.8722966892501304 -0.9496859508272356 -1.0487442056459282 -1.0471964204143875 -1.078152125045228 -1.547982332079836 -1.0611264874982627 -0.8815834006393833 -0.5844086361832967 -0.2253224624655294 -0.02101481190197256 0.13066814078915656 +11578,0.11828585893682218,0,0.07185230199055727 -0.11388192579449359 -0.3197373615895999 -0.4807070256699732 -0.6215554817403086 -0.7221615217905419 -0.7887162867468536 -0.8722966892501304 -0.9496859508272356 -1.0487442056459282 -1.0471964204143875 -1.078152125045228 -1.547982332079836 -1.0611264874982627 -0.8815834006393833 -0.5844086361832967 -0.2253224624655294 -0.02101481190197256 0.13066814078915656 0.2142485432924334 +11579,0.07959122814826955,0,-0.11388192579449359 -0.3197373615895999 -0.4807070256699732 -0.6215554817403086 -0.7221615217905419 -0.7887162867468536 -0.8722966892501304 -0.9496859508272356 -1.0487442056459282 -1.0471964204143875 -1.078152125045228 -1.547982332079836 -1.0611264874982627 -0.8815834006393833 -0.5844086361832967 -0.2253224624655294 -0.02101481190197256 0.13066814078915656 0.2142485432924334 0.11828585893682218 +11580,-0.0550660869958943,0,-0.3197373615895999 -0.4807070256699732 -0.6215554817403086 -0.7221615217905419 -0.7887162867468536 -0.8722966892501304 -0.9496859508272356 -1.0487442056459282 -1.0471964204143875 -1.078152125045228 -1.547982332079836 -1.0611264874982627 -0.8815834006393833 -0.5844086361832967 -0.2253224624655294 -0.02101481190197256 0.13066814078915656 0.2142485432924334 0.11828585893682218 0.07959122814826955 +11581,-0.12471642241528727,0,-0.4807070256699732 -0.6215554817403086 -0.7221615217905419 -0.7887162867468536 -0.8722966892501304 -0.9496859508272356 -1.0487442056459282 -1.0471964204143875 -1.078152125045228 -1.547982332079836 -1.0611264874982627 -0.8815834006393833 -0.5844086361832967 -0.2253224624655294 -0.02101481190197256 0.13066814078915656 0.2142485432924334 0.11828585893682218 0.07959122814826955 -0.0550660869958943 +11582,-0.264017093254082,0,-0.6215554817403086 -0.7221615217905419 -0.7887162867468536 -0.8722966892501304 -0.9496859508272356 -1.0487442056459282 -1.0471964204143875 -1.078152125045228 -1.547982332079836 -1.0611264874982627 -0.8815834006393833 -0.5844086361832967 -0.2253224624655294 -0.02101481190197256 0.13066814078915656 0.2142485432924334 0.11828585893682218 0.07959122814826955 -0.0550660869958943 -0.12471642241528727 +11583,-0.3924832674720743,0,-0.7221615217905419 -0.7887162867468536 -0.8722966892501304 -0.9496859508272356 -1.0487442056459282 -1.0471964204143875 -1.078152125045228 -1.547982332079836 -1.0611264874982627 -0.8815834006393833 -0.5844086361832967 -0.2253224624655294 -0.02101481190197256 0.13066814078915656 0.2142485432924334 0.11828585893682218 0.07959122814826955 -0.0550660869958943 -0.12471642241528727 -0.264017093254082 +11584,-0.5317839383108602,0,-0.7887162867468536 -0.8722966892501304 -0.9496859508272356 -1.0487442056459282 -1.0471964204143875 -1.078152125045228 -1.547982332079836 -1.0611264874982627 -0.8815834006393833 -0.5844086361832967 -0.2253224624655294 -0.02101481190197256 0.13066814078915656 0.2142485432924334 0.11828585893682218 0.07959122814826955 -0.0550660869958943 -0.12471642241528727 -0.264017093254082 -0.3924832674720743 +11585,-0.6184599112772184,0,-0.8722966892501304 -0.9496859508272356 -1.0487442056459282 -1.0471964204143875 -1.078152125045228 -1.547982332079836 -1.0611264874982627 -0.8815834006393833 -0.5844086361832967 -0.2253224624655294 -0.02101481190197256 0.13066814078915656 0.2142485432924334 0.11828585893682218 0.07959122814826955 -0.0550660869958943 -0.12471642241528727 -0.264017093254082 -0.3924832674720743 -0.5317839383108602 +11586,-0.6556067568342304,0,-0.9496859508272356 -1.0487442056459282 -1.0471964204143875 -1.078152125045228 -1.547982332079836 -1.0611264874982627 -0.8815834006393833 -0.5844086361832967 -0.2253224624655294 -0.02101481190197256 0.13066814078915656 0.2142485432924334 0.11828585893682218 0.07959122814826955 -0.0550660869958943 -0.12471642241528727 -0.264017093254082 -0.3924832674720743 -0.5317839383108602 -0.6184599112772184 +11587,-0.6633456829919426,0,-1.0487442056459282 -1.0471964204143875 -1.078152125045228 -1.547982332079836 -1.0611264874982627 -0.8815834006393833 -0.5844086361832967 -0.2253224624655294 -0.02101481190197256 0.13066814078915656 0.2142485432924334 0.11828585893682218 0.07959122814826955 -0.0550660869958943 -0.12471642241528727 -0.264017093254082 -0.3924832674720743 -0.5317839383108602 -0.6184599112772184 -0.6556067568342304 +11588,-0.6602501125288612,0,-1.0471964204143875 -1.078152125045228 -1.547982332079836 -1.0611264874982627 -0.8815834006393833 -0.5844086361832967 -0.2253224624655294 -0.02101481190197256 0.13066814078915656 0.2142485432924334 0.11828585893682218 0.07959122814826955 -0.0550660869958943 -0.12471642241528727 -0.264017093254082 -0.3924832674720743 -0.5317839383108602 -0.6184599112772184 -0.6556067568342304 -0.6633456829919426 +11589,-0.7252570922536233,0,-1.078152125045228 -1.547982332079836 -1.0611264874982627 -0.8815834006393833 -0.5844086361832967 -0.2253224624655294 -0.02101481190197256 0.13066814078915656 0.2142485432924334 0.11828585893682218 0.07959122814826955 -0.0550660869958943 -0.12471642241528727 -0.264017093254082 -0.3924832674720743 -0.5317839383108602 -0.6184599112772184 -0.6556067568342304 -0.6633456829919426 -0.6602501125288612 +11590,-0.8490799107769935,0,-1.547982332079836 -1.0611264874982627 -0.8815834006393833 -0.5844086361832967 -0.2253224624655294 -0.02101481190197256 0.13066814078915656 0.2142485432924334 0.11828585893682218 0.07959122814826955 -0.0550660869958943 -0.12471642241528727 -0.264017093254082 -0.3924832674720743 -0.5317839383108602 -0.6184599112772184 -0.6556067568342304 -0.6633456829919426 -0.6602501125288612 -0.7252570922536233 +11591,-0.994571722541951,0,-1.0611264874982627 -0.8815834006393833 -0.5844086361832967 -0.2253224624655294 -0.02101481190197256 0.13066814078915656 0.2142485432924334 0.11828585893682218 0.07959122814826955 -0.0550660869958943 -0.12471642241528727 -0.264017093254082 -0.3924832674720743 -0.5317839383108602 -0.6184599112772184 -0.6556067568342304 -0.6633456829919426 -0.6602501125288612 -0.7252570922536233 -0.8490799107769935 +11592,-1.0750565545821464,0,-0.8815834006393833 -0.5844086361832967 -0.2253224624655294 -0.02101481190197256 0.13066814078915656 0.2142485432924334 0.11828585893682218 0.07959122814826955 -0.0550660869958943 -0.12471642241528727 -0.264017093254082 -0.3924832674720743 -0.5317839383108602 -0.6184599112772184 -0.6556067568342304 -0.6633456829919426 -0.6602501125288612 -0.7252570922536233 -0.8490799107769935 -0.994571722541951 +11593,-1.1183945410653213,0,-0.5844086361832967 -0.2253224624655294 -0.02101481190197256 0.13066814078915656 0.2142485432924334 0.11828585893682218 0.07959122814826955 -0.0550660869958943 -0.12471642241528727 -0.264017093254082 -0.3924832674720743 -0.5317839383108602 -0.6184599112772184 -0.6556067568342304 -0.6633456829919426 -0.6602501125288612 -0.7252570922536233 -0.8490799107769935 -0.994571722541951 -1.0750565545821464 +11594,-1.138515749075368,0,-0.2253224624655294 -0.02101481190197256 0.13066814078915656 0.2142485432924334 0.11828585893682218 0.07959122814826955 -0.0550660869958943 -0.12471642241528727 -0.264017093254082 -0.3924832674720743 -0.5317839383108602 -0.6184599112772184 -0.6556067568342304 -0.6633456829919426 -0.6602501125288612 -0.7252570922536233 -0.8490799107769935 -0.994571722541951 -1.0750565545821464 -1.1183945410653213 +11595,-1.1601847423169553,0,-0.02101481190197256 0.13066814078915656 0.2142485432924334 0.11828585893682218 0.07959122814826955 -0.0550660869958943 -0.12471642241528727 -0.264017093254082 -0.3924832674720743 -0.5317839383108602 -0.6184599112772184 -0.6556067568342304 -0.6633456829919426 -0.6602501125288612 -0.7252570922536233 -0.8490799107769935 -0.994571722541951 -1.0750565545821464 -1.1183945410653213 -1.138515749075368 +11596,-0.9357558837433517,0,0.13066814078915656 0.2142485432924334 0.11828585893682218 0.07959122814826955 -0.0550660869958943 -0.12471642241528727 -0.264017093254082 -0.3924832674720743 -0.5317839383108602 -0.6184599112772184 -0.6556067568342304 -0.6633456829919426 -0.6602501125288612 -0.7252570922536233 -0.8490799107769935 -0.994571722541951 -1.0750565545821464 -1.1183945410653213 -1.138515749075368 -1.1601847423169553 +11597,-0.4884459518276855,0,0.2142485432924334 0.11828585893682218 0.07959122814826955 -0.0550660869958943 -0.12471642241528727 -0.264017093254082 -0.3924832674720743 -0.5317839383108602 -0.6184599112772184 -0.6556067568342304 -0.6633456829919426 -0.6602501125288612 -0.7252570922536233 -0.8490799107769935 -0.994571722541951 -1.0750565545821464 -1.1183945410653213 -1.138515749075368 -1.1601847423169553 -0.9357558837433517 +11598,-0.18043669075080518,0,0.11828585893682218 0.07959122814826955 -0.0550660869958943 -0.12471642241528727 -0.264017093254082 -0.3924832674720743 -0.5317839383108602 -0.6184599112772184 -0.6556067568342304 -0.6633456829919426 -0.6602501125288612 -0.7252570922536233 -0.8490799107769935 -0.994571722541951 -1.0750565545821464 -1.1183945410653213 -1.138515749075368 -1.1601847423169553 -0.9357558837433517 -0.4884459518276855 +11599,0.0501833087489699,0,0.07959122814826955 -0.0550660869958943 -0.12471642241528727 -0.264017093254082 -0.3924832674720743 -0.5317839383108602 -0.6184599112772184 -0.6556067568342304 -0.6633456829919426 -0.6602501125288612 -0.7252570922536233 -0.8490799107769935 -0.994571722541951 -1.0750565545821464 -1.1183945410653213 -1.138515749075368 -1.1601847423169553 -0.9357558837433517 -0.4884459518276855 -0.18043669075080518 +11600,0.15698048972537482,0,-0.0550660869958943 -0.12471642241528727 -0.264017093254082 -0.3924832674720743 -0.5317839383108602 -0.6184599112772184 -0.6556067568342304 -0.6633456829919426 -0.6602501125288612 -0.7252570922536233 -0.8490799107769935 -0.994571722541951 -1.0750565545821464 -1.1183945410653213 -1.138515749075368 -1.1601847423169553 -0.9357558837433517 -0.4884459518276855 -0.18043669075080518 0.0501833087489699 +11601,0.24984760361789585,0,-0.12471642241528727 -0.264017093254082 -0.3924832674720743 -0.5317839383108602 -0.6184599112772184 -0.6556067568342304 -0.6633456829919426 -0.6602501125288612 -0.7252570922536233 -0.8490799107769935 -0.994571722541951 -1.0750565545821464 -1.1183945410653213 -1.138515749075368 -1.1601847423169553 -0.9357558837433517 -0.4884459518276855 -0.18043669075080518 0.0501833087489699 0.15698048972537482 +11602,0.3117590128795853,0,-0.264017093254082 -0.3924832674720743 -0.5317839383108602 -0.6184599112772184 -0.6556067568342304 -0.6633456829919426 -0.6602501125288612 -0.7252570922536233 -0.8490799107769935 -0.994571722541951 -1.0750565545821464 -1.1183945410653213 -1.138515749075368 -1.1601847423169553 -0.9357558837433517 -0.4884459518276855 -0.18043669075080518 0.0501833087489699 0.15698048972537482 0.24984760361789585 +11603,0.2219874694501369,0,-0.3924832674720743 -0.5317839383108602 -0.6184599112772184 -0.6556067568342304 -0.6633456829919426 -0.6602501125288612 -0.7252570922536233 -0.8490799107769935 -0.994571722541951 -1.0750565545821464 -1.1183945410653213 -1.138515749075368 -1.1601847423169553 -0.9357558837433517 -0.4884459518276855 -0.18043669075080518 0.0501833087489699 0.15698048972537482 0.24984760361789585 0.3117590128795853 +11604,0.07649565768517935,0,-0.5317839383108602 -0.6184599112772184 -0.6556067568342304 -0.6633456829919426 -0.6602501125288612 -0.7252570922536233 -0.8490799107769935 -0.994571722541951 -1.0750565545821464 -1.1183945410653213 -1.138515749075368 -1.1601847423169553 -0.9357558837433517 -0.4884459518276855 -0.18043669075080518 0.0501833087489699 0.15698048972537482 0.24984760361789585 0.3117590128795853 0.2219874694501369 +11605,-0.12935977810991817,0,-0.6184599112772184 -0.6556067568342304 -0.6633456829919426 -0.6602501125288612 -0.7252570922536233 -0.8490799107769935 -0.994571722541951 -1.0750565545821464 -1.1183945410653213 -1.138515749075368 -1.1601847423169553 -0.9357558837433517 -0.4884459518276855 -0.18043669075080518 0.0501833087489699 0.15698048972537482 0.24984760361789585 0.3117590128795853 0.2219874694501369 0.07649565768517935 +11606,-0.3537886366835216,0,-0.6556067568342304 -0.6633456829919426 -0.6602501125288612 -0.7252570922536233 -0.8490799107769935 -0.994571722541951 -1.0750565545821464 -1.1183945410653213 -1.138515749075368 -1.1601847423169553 -0.9357558837433517 -0.4884459518276855 -0.18043669075080518 0.0501833087489699 0.15698048972537482 0.24984760361789585 0.3117590128795853 0.2219874694501369 0.07649565768517935 -0.12935977810991817 +11607,-0.5023760189115606,0,-0.6633456829919426 -0.6602501125288612 -0.7252570922536233 -0.8490799107769935 -0.994571722541951 -1.0750565545821464 -1.1183945410653213 -1.138515749075368 -1.1601847423169553 -0.9357558837433517 -0.4884459518276855 -0.18043669075080518 0.0501833087489699 0.15698048972537482 0.24984760361789585 0.3117590128795853 0.2219874694501369 0.07649565768517935 -0.12935977810991817 -0.3537886366835216 +11608,-0.6323899783611023,0,-0.6602501125288612 -0.7252570922536233 -0.8490799107769935 -0.994571722541951 -1.0750565545821464 -1.1183945410653213 -1.138515749075368 -1.1601847423169553 -0.9357558837433517 -0.4884459518276855 -0.18043669075080518 0.0501833087489699 0.15698048972537482 0.24984760361789585 0.3117590128795853 0.2219874694501369 0.07649565768517935 -0.12935977810991817 -0.3537886366835216 -0.5023760189115606 +11609,-0.791811857209935,0,-0.7252570922536233 -0.8490799107769935 -0.994571722541951 -1.0750565545821464 -1.1183945410653213 -1.138515749075368 -1.1601847423169553 -0.9357558837433517 -0.4884459518276855 -0.18043669075080518 0.0501833087489699 0.15698048972537482 0.24984760361789585 0.3117590128795853 0.2219874694501369 0.07649565768517935 -0.12935977810991817 -0.3537886366835216 -0.5023760189115606 -0.6323899783611023 +11610,-0.8939656824917177,0,-0.8490799107769935 -0.994571722541951 -1.0750565545821464 -1.1183945410653213 -1.138515749075368 -1.1601847423169553 -0.9357558837433517 -0.4884459518276855 -0.18043669075080518 0.0501833087489699 0.15698048972537482 0.24984760361789585 0.3117590128795853 0.2219874694501369 0.07649565768517935 -0.12935977810991817 -0.3537886366835216 -0.5023760189115606 -0.6323899783611023 -0.791811857209935 +11611,-0.9574248769849392,0,-0.994571722541951 -1.0750565545821464 -1.1183945410653213 -1.138515749075368 -1.1601847423169553 -0.9357558837433517 -0.4884459518276855 -0.18043669075080518 0.0501833087489699 0.15698048972537482 0.24984760361789585 0.3117590128795853 0.2219874694501369 0.07649565768517935 -0.12935977810991817 -0.3537886366835216 -0.5023760189115606 -0.6323899783611023 -0.791811857209935 -0.8939656824917177 +11612,-1.008501789625835,0,-1.0750565545821464 -1.1183945410653213 -1.138515749075368 -1.1601847423169553 -0.9357558837433517 -0.4884459518276855 -0.18043669075080518 0.0501833087489699 0.15698048972537482 0.24984760361789585 0.3117590128795853 0.2219874694501369 0.07649565768517935 -0.12935977810991817 -0.3537886366835216 -0.5023760189115606 -0.6323899783611023 -0.791811857209935 -0.8939656824917177 -0.9574248769849392 +11613,-1.0626742727298033,0,-1.1183945410653213 -1.138515749075368 -1.1601847423169553 -0.9357558837433517 -0.4884459518276855 -0.18043669075080518 0.0501833087489699 0.15698048972537482 0.24984760361789585 0.3117590128795853 0.2219874694501369 0.07649565768517935 -0.12935977810991817 -0.3537886366835216 -0.5023760189115606 -0.6323899783611023 -0.791811857209935 -0.8939656824917177 -0.9574248769849392 -1.008501789625835 +11614,-1.1122034001391496,0,-1.138515749075368 -1.1601847423169553 -0.9357558837433517 -0.4884459518276855 -0.18043669075080518 0.0501833087489699 0.15698048972537482 0.24984760361789585 0.3117590128795853 0.2219874694501369 0.07649565768517935 -0.12935977810991817 -0.3537886366835216 -0.5023760189115606 -0.6323899783611023 -0.791811857209935 -0.8939656824917177 -0.9574248769849392 -1.008501789625835 -1.0626742727298033 +11615,-1.1570891718538738,0,-1.1601847423169553 -0.9357558837433517 -0.4884459518276855 -0.18043669075080518 0.0501833087489699 0.15698048972537482 0.24984760361789585 0.3117590128795853 0.2219874694501369 0.07649565768517935 -0.12935977810991817 -0.3537886366835216 -0.5023760189115606 -0.6323899783611023 -0.791811857209935 -0.8939656824917177 -0.9574248769849392 -1.008501789625835 -1.0626742727298033 -1.1122034001391496 +11616,-1.1694714537062083,0,-0.9357558837433517 -0.4884459518276855 -0.18043669075080518 0.0501833087489699 0.15698048972537482 0.24984760361789585 0.3117590128795853 0.2219874694501369 0.07649565768517935 -0.12935977810991817 -0.3537886366835216 -0.5023760189115606 -0.6323899783611023 -0.791811857209935 -0.8939656824917177 -0.9574248769849392 -1.008501789625835 -1.0626742727298033 -1.1122034001391496 -1.1570891718538738 +11617,-1.1570891718538738,0,-0.4884459518276855 -0.18043669075080518 0.0501833087489699 0.15698048972537482 0.24984760361789585 0.3117590128795853 0.2219874694501369 0.07649565768517935 -0.12935977810991817 -0.3537886366835216 -0.5023760189115606 -0.6323899783611023 -0.791811857209935 -0.8939656824917177 -0.9574248769849392 -1.008501789625835 -1.0626742727298033 -1.1122034001391496 -1.1570891718538738 -1.1694714537062083 +11618,-1.1462546752330802,0,-0.18043669075080518 0.0501833087489699 0.15698048972537482 0.24984760361789585 0.3117590128795853 0.2219874694501369 0.07649565768517935 -0.12935977810991817 -0.3537886366835216 -0.5023760189115606 -0.6323899783611023 -0.791811857209935 -0.8939656824917177 -0.9574248769849392 -1.008501789625835 -1.0626742727298033 -1.1122034001391496 -1.1570891718538738 -1.1694714537062083 -1.1570891718538738 +11619,-1.1725670241692985,0,0.0501833087489699 0.15698048972537482 0.24984760361789585 0.3117590128795853 0.2219874694501369 0.07649565768517935 -0.12935977810991817 -0.3537886366835216 -0.5023760189115606 -0.6323899783611023 -0.791811857209935 -0.8939656824917177 -0.9574248769849392 -1.008501789625835 -1.0626742727298033 -1.1122034001391496 -1.1570891718538738 -1.1694714537062083 -1.1570891718538738 -1.1462546752330802 +11620,-1.0007628634681227,0,0.15698048972537482 0.24984760361789585 0.3117590128795853 0.2219874694501369 0.07649565768517935 -0.12935977810991817 -0.3537886366835216 -0.5023760189115606 -0.6323899783611023 -0.791811857209935 -0.8939656824917177 -0.9574248769849392 -1.008501789625835 -1.0626742727298033 -1.1122034001391496 -1.1570891718538738 -1.1694714537062083 -1.1570891718538738 -1.1462546752330802 -1.1725670241692985 +11621,-0.6401289045188147,0,0.24984760361789585 0.3117590128795853 0.2219874694501369 0.07649565768517935 -0.12935977810991817 -0.3537886366835216 -0.5023760189115606 -0.6323899783611023 -0.791811857209935 -0.8939656824917177 -0.9574248769849392 -1.008501789625835 -1.0626742727298033 -1.1122034001391496 -1.1570891718538738 -1.1694714537062083 -1.1570891718538738 -1.1462546752330802 -1.1725670241692985 -1.0007628634681227 +11622,-0.3770054151566497,0,0.3117590128795853 0.2219874694501369 0.07649565768517935 -0.12935977810991817 -0.3537886366835216 -0.5023760189115606 -0.6323899783611023 -0.791811857209935 -0.8939656824917177 -0.9574248769849392 -1.008501789625835 -1.0626742727298033 -1.1122034001391496 -1.1570891718538738 -1.1694714537062083 -1.1570891718538738 -1.1462546752330802 -1.1725670241692985 -1.0007628634681227 -0.6401289045188147 +11623,-0.08447400639519394,0,0.2219874694501369 0.07649565768517935 -0.12935977810991817 -0.3537886366835216 -0.5023760189115606 -0.6323899783611023 -0.791811857209935 -0.8939656824917177 -0.9574248769849392 -1.008501789625835 -1.0626742727298033 -1.1122034001391496 -1.1570891718538738 -1.1694714537062083 -1.1570891718538738 -1.1462546752330802 -1.1725670241692985 -1.0007628634681227 -0.6401289045188147 -0.3770054151566497 +11624,0.14459820787303163,0,0.07649565768517935 -0.12935977810991817 -0.3537886366835216 -0.5023760189115606 -0.6323899783611023 -0.791811857209935 -0.8939656824917177 -0.9574248769849392 -1.008501789625835 -1.0626742727298033 -1.1122034001391496 -1.1570891718538738 -1.1694714537062083 -1.1570891718538738 -1.1462546752330802 -1.1725670241692985 -1.0007628634681227 -0.6401289045188147 -0.3770054151566497 -0.08447400639519394 +11625,0.24520424792327375,0,-0.12935977810991817 -0.3537886366835216 -0.5023760189115606 -0.6323899783611023 -0.791811857209935 -0.8939656824917177 -0.9574248769849392 -1.008501789625835 -1.0626742727298033 -1.1122034001391496 -1.1570891718538738 -1.1694714537062083 -1.1570891718538738 -1.1462546752330802 -1.1725670241692985 -1.0007628634681227 -0.6401289045188147 -0.3770054151566497 -0.08447400639519394 0.14459820787303163 +11626,0.4092694824667372,0,-0.3537886366835216 -0.5023760189115606 -0.6323899783611023 -0.791811857209935 -0.8939656824917177 -0.9574248769849392 -1.008501789625835 -1.0626742727298033 -1.1122034001391496 -1.1570891718538738 -1.1694714537062083 -1.1570891718538738 -1.1462546752330802 -1.1725670241692985 -1.0007628634681227 -0.6401289045188147 -0.3770054151566497 -0.08447400639519394 0.14459820787303163 0.24520424792327375 +11627,0.35354921413121937,0,-0.5023760189115606 -0.6323899783611023 -0.791811857209935 -0.8939656824917177 -0.9574248769849392 -1.008501789625835 -1.0626742727298033 -1.1122034001391496 -1.1570891718538738 -1.1694714537062083 -1.1570891718538738 -1.1462546752330802 -1.1725670241692985 -1.0007628634681227 -0.6401289045188147 -0.3770054151566497 -0.08447400639519394 0.14459820787303163 0.24520424792327375 0.4092694824667372 +11628,0.2653254559333204,0,-0.6323899783611023 -0.791811857209935 -0.8939656824917177 -0.9574248769849392 -1.008501789625835 -1.0626742727298033 -1.1122034001391496 -1.1570891718538738 -1.1694714537062083 -1.1570891718538738 -1.1462546752330802 -1.1725670241692985 -1.0007628634681227 -0.6401289045188147 -0.3770054151566497 -0.08447400639519394 0.14459820787303163 0.24520424792327375 0.4092694824667372 0.35354921413121937 +11629,0.11054693277910989,0,-0.791811857209935 -0.8939656824917177 -0.9574248769849392 -1.008501789625835 -1.0626742727298033 -1.1122034001391496 -1.1570891718538738 -1.1694714537062083 -1.1570891718538738 -1.1462546752330802 -1.1725670241692985 -1.0007628634681227 -0.6401289045188147 -0.3770054151566497 -0.08447400639519394 0.14459820787303163 0.24520424792327375 0.4092694824667372 0.35354921413121937 0.2653254559333204 +11630,-0.11697749625758379,0,-0.8939656824917177 -0.9574248769849392 -1.008501789625835 -1.0626742727298033 -1.1122034001391496 -1.1570891718538738 -1.1694714537062083 -1.1570891718538738 -1.1462546752330802 -1.1725670241692985 -1.0007628634681227 -0.6401289045188147 -0.3770054151566497 -0.08447400639519394 0.14459820787303163 0.24520424792327375 0.4092694824667372 0.35354921413121937 0.2653254559333204 0.11054693277910989 +11631,-0.2237746772339887,0,-0.9574248769849392 -1.008501789625835 -1.0626742727298033 -1.1122034001391496 -1.1570891718538738 -1.1694714537062083 -1.1570891718538738 -1.1462546752330802 -1.1725670241692985 -1.0007628634681227 -0.6401289045188147 -0.3770054151566497 -0.08447400639519394 0.14459820787303163 0.24520424792327375 0.4092694824667372 0.35354921413121937 0.2653254559333204 0.11054693277910989 -0.11697749625758379 +11632,-0.3383107843680971,0,-1.008501789625835 -1.0626742727298033 -1.1122034001391496 -1.1570891718538738 -1.1694714537062083 -1.1570891718538738 -1.1462546752330802 -1.1725670241692985 -1.0007628634681227 -0.6401289045188147 -0.3770054151566497 -0.08447400639519394 0.14459820787303163 0.24520424792327375 0.4092694824667372 0.35354921413121937 0.2653254559333204 0.11054693277910989 -0.11697749625758379 -0.2237746772339887 +11633,-0.45903803242838587,0,-1.0626742727298033 -1.1122034001391496 -1.1570891718538738 -1.1694714537062083 -1.1570891718538738 -1.1462546752330802 -1.1725670241692985 -1.0007628634681227 -0.6401289045188147 -0.3770054151566497 -0.08447400639519394 0.14459820787303163 0.24520424792327375 0.4092694824667372 0.35354921413121937 0.2653254559333204 0.11054693277910989 -0.11697749625758379 -0.2237746772339887 -0.3383107843680971 +11634,-0.5534529315524563,0,-1.1122034001391496 -1.1570891718538738 -1.1694714537062083 -1.1570891718538738 -1.1462546752330802 -1.1725670241692985 -1.0007628634681227 -0.6401289045188147 -0.3770054151566497 -0.08447400639519394 0.14459820787303163 0.24520424792327375 0.4092694824667372 0.35354921413121937 0.2653254559333204 0.11054693277910989 -0.11697749625758379 -0.2237746772339887 -0.3383107843680971 -0.45903803242838587 +11635,-0.6494156159080676,0,-1.1570891718538738 -1.1694714537062083 -1.1570891718538738 -1.1462546752330802 -1.1725670241692985 -1.0007628634681227 -0.6401289045188147 -0.3770054151566497 -0.08447400639519394 0.14459820787303163 0.24520424792327375 0.4092694824667372 0.35354921413121937 0.2653254559333204 0.11054693277910989 -0.11697749625758379 -0.2237746772339887 -0.3383107843680971 -0.45903803242838587 -0.5534529315524563 +11636,-0.7268048774851729,0,-1.1694714537062083 -1.1570891718538738 -1.1462546752330802 -1.1725670241692985 -1.0007628634681227 -0.6401289045188147 -0.3770054151566497 -0.08447400639519394 0.14459820787303163 0.24520424792327375 0.4092694824667372 0.35354921413121937 0.2653254559333204 0.11054693277910989 -0.11697749625758379 -0.2237746772339887 -0.3383107843680971 -0.45903803242838587 -0.5534529315524563 -0.6494156159080676 +11637,-0.7840729310522314,0,-1.1570891718538738 -1.1462546752330802 -1.1725670241692985 -1.0007628634681227 -0.6401289045188147 -0.3770054151566497 -0.08447400639519394 0.14459820787303163 0.24520424792327375 0.4092694824667372 0.35354921413121937 0.2653254559333204 0.11054693277910989 -0.11697749625758379 -0.2237746772339887 -0.3383107843680971 -0.45903803242838587 -0.5534529315524563 -0.6494156159080676 -0.7268048774851729 +11638,-0.8026463538307286,0,-1.1462546752330802 -1.1725670241692985 -1.0007628634681227 -0.6401289045188147 -0.3770054151566497 -0.08447400639519394 0.14459820787303163 0.24520424792327375 0.4092694824667372 0.35354921413121937 0.2653254559333204 0.11054693277910989 -0.11697749625758379 -0.2237746772339887 -0.3383107843680971 -0.45903803242838587 -0.5534529315524563 -0.6494156159080676 -0.7268048774851729 -0.7840729310522314 +11639,-0.8428887698508307,0,-1.1725670241692985 -1.0007628634681227 -0.6401289045188147 -0.3770054151566497 -0.08447400639519394 0.14459820787303163 0.24520424792327375 0.4092694824667372 0.35354921413121937 0.2653254559333204 0.11054693277910989 -0.11697749625758379 -0.2237746772339887 -0.3383107843680971 -0.45903803242838587 -0.5534529315524563 -0.6494156159080676 -0.7268048774851729 -0.7840729310522314 -0.8026463538307286 +11640,-0.864557763092418,0,-1.0007628634681227 -0.6401289045188147 -0.3770054151566497 -0.08447400639519394 0.14459820787303163 0.24520424792327375 0.4092694824667372 0.35354921413121937 0.2653254559333204 0.11054693277910989 -0.11697749625758379 -0.2237746772339887 -0.3383107843680971 -0.45903803242838587 -0.5534529315524563 -0.6494156159080676 -0.7268048774851729 -0.7840729310522314 -0.8026463538307286 -0.8428887698508307 +11641,-0.8676533335554995,0,-0.6401289045188147 -0.3770054151566497 -0.08447400639519394 0.14459820787303163 0.24520424792327375 0.4092694824667372 0.35354921413121937 0.2653254559333204 0.11054693277910989 -0.11697749625758379 -0.2237746772339887 -0.3383107843680971 -0.45903803242838587 -0.5534529315524563 -0.6494156159080676 -0.7268048774851729 -0.7840729310522314 -0.8026463538307286 -0.8428887698508307 -0.864557763092418 +11642,-0.8924178972601771,0,-0.3770054151566497 -0.08447400639519394 0.14459820787303163 0.24520424792327375 0.4092694824667372 0.35354921413121937 0.2653254559333204 0.11054693277910989 -0.11697749625758379 -0.2237746772339887 -0.3383107843680971 -0.45903803242838587 -0.5534529315524563 -0.6494156159080676 -0.7268048774851729 -0.7840729310522314 -0.8026463538307286 -0.8428887698508307 -0.864557763092418 -0.8676533335554995 +11643,-0.920278031427936,0,-0.08447400639519394 0.14459820787303163 0.24520424792327375 0.4092694824667372 0.35354921413121937 0.2653254559333204 0.11054693277910989 -0.11697749625758379 -0.2237746772339887 -0.3383107843680971 -0.45903803242838587 -0.5534529315524563 -0.6494156159080676 -0.7268048774851729 -0.7840729310522314 -0.8026463538307286 -0.8428887698508307 -0.864557763092418 -0.8676533335554995 -0.8924178972601771 +11644,-0.791811857209935,0,0.14459820787303163 0.24520424792327375 0.4092694824667372 0.35354921413121937 0.2653254559333204 0.11054693277910989 -0.11697749625758379 -0.2237746772339887 -0.3383107843680971 -0.45903803242838587 -0.5534529315524563 -0.6494156159080676 -0.7268048774851729 -0.7840729310522314 -0.8026463538307286 -0.8428887698508307 -0.864557763092418 -0.8676533335554995 -0.8924178972601771 -0.920278031427936 +11645,-0.5147583007639037,0,0.24520424792327375 0.4092694824667372 0.35354921413121937 0.2653254559333204 0.11054693277910989 -0.11697749625758379 -0.2237746772339887 -0.3383107843680971 -0.45903803242838587 -0.5534529315524563 -0.6494156159080676 -0.7268048774851729 -0.7840729310522314 -0.8026463538307286 -0.8428887698508307 -0.864557763092418 -0.8676533335554995 -0.8924178972601771 -0.920278031427936 -0.791811857209935 +11646,-0.1665066236669301,0,0.4092694824667372 0.35354921413121937 0.2653254559333204 0.11054693277910989 -0.11697749625758379 -0.2237746772339887 -0.3383107843680971 -0.45903803242838587 -0.5534529315524563 -0.6494156159080676 -0.7268048774851729 -0.7840729310522314 -0.8026463538307286 -0.8428887698508307 -0.864557763092418 -0.8676533335554995 -0.8924178972601771 -0.920278031427936 -0.791811857209935 -0.5147583007639037 +11647,0.13840706694686883,0,0.35354921413121937 0.2653254559333204 0.11054693277910989 -0.11697749625758379 -0.2237746772339887 -0.3383107843680971 -0.45903803242838587 -0.5534529315524563 -0.6494156159080676 -0.7268048774851729 -0.7840729310522314 -0.8026463538307286 -0.8428887698508307 -0.864557763092418 -0.8676533335554995 -0.8924178972601771 -0.920278031427936 -0.791811857209935 -0.5147583007639037 -0.1665066236669301 +11648,0.38140934829897827,0,0.2653254559333204 0.11054693277910989 -0.11697749625758379 -0.2237746772339887 -0.3383107843680971 -0.45903803242838587 -0.5534529315524563 -0.6494156159080676 -0.7268048774851729 -0.7840729310522314 -0.8026463538307286 -0.8428887698508307 -0.864557763092418 -0.8676533335554995 -0.8924178972601771 -0.920278031427936 -0.791811857209935 -0.5147583007639037 -0.1665066236669301 0.13840706694686883 +11649,0.5702391465471105,0,0.11054693277910989 -0.11697749625758379 -0.2237746772339887 -0.3383107843680971 -0.45903803242838587 -0.5534529315524563 -0.6494156159080676 -0.7268048774851729 -0.7840729310522314 -0.8026463538307286 -0.8428887698508307 -0.864557763092418 -0.8676533335554995 -0.8924178972601771 -0.920278031427936 -0.791811857209935 -0.5147583007639037 -0.1665066236669301 0.13840706694686883 0.38140934829897827 +11650,0.6042904216410411,0,-0.11697749625758379 -0.2237746772339887 -0.3383107843680971 -0.45903803242838587 -0.5534529315524563 -0.6494156159080676 -0.7268048774851729 -0.7840729310522314 -0.8026463538307286 -0.8428887698508307 -0.864557763092418 -0.8676533335554995 -0.8924178972601771 -0.920278031427936 -0.791811857209935 -0.5147583007639037 -0.1665066236669301 0.13840706694686883 0.38140934829897827 0.5702391465471105 +11651,0.5516657237686133,0,-0.2237746772339887 -0.3383107843680971 -0.45903803242838587 -0.5534529315524563 -0.6494156159080676 -0.7268048774851729 -0.7840729310522314 -0.8026463538307286 -0.8428887698508307 -0.864557763092418 -0.8676533335554995 -0.8924178972601771 -0.920278031427936 -0.791811857209935 -0.5147583007639037 -0.1665066236669301 0.13840706694686883 0.38140934829897827 0.5702391465471105 0.6042904216410411 +11652,0.4324862609398653,0,-0.3383107843680971 -0.45903803242838587 -0.5534529315524563 -0.6494156159080676 -0.7268048774851729 -0.7840729310522314 -0.8026463538307286 -0.8428887698508307 -0.864557763092418 -0.8676533335554995 -0.8924178972601771 -0.920278031427936 -0.791811857209935 -0.5147583007639037 -0.1665066236669301 0.13840706694686883 0.38140934829897827 0.5702391465471105 0.6042904216410411 0.5516657237686133 +11653,0.20186626144009023,0,-0.45903803242838587 -0.5534529315524563 -0.6494156159080676 -0.7268048774851729 -0.7840729310522314 -0.8026463538307286 -0.8428887698508307 -0.864557763092418 -0.8676533335554995 -0.8924178972601771 -0.920278031427936 -0.791811857209935 -0.5147583007639037 -0.1665066236669301 0.13840706694686883 0.38140934829897827 0.5702391465471105 0.6042904216410411 0.5516657237686133 0.4324862609398653 +11654,-0.08756957685828413,0,-0.5534529315524563 -0.6494156159080676 -0.7268048774851729 -0.7840729310522314 -0.8026463538307286 -0.8428887698508307 -0.864557763092418 -0.8676533335554995 -0.8924178972601771 -0.920278031427936 -0.791811857209935 -0.5147583007639037 -0.1665066236669301 0.13840706694686883 0.38140934829897827 0.5702391465471105 0.6042904216410411 0.5516657237686133 0.4324862609398653 0.20186626144009023 +11655,-0.30425950927417533,0,-0.6494156159080676 -0.7268048774851729 -0.7840729310522314 -0.8026463538307286 -0.8428887698508307 -0.864557763092418 -0.8676533335554995 -0.8924178972601771 -0.920278031427936 -0.791811857209935 -0.5147583007639037 -0.1665066236669301 0.13840706694686883 0.38140934829897827 0.5702391465471105 0.6042904216410411 0.5516657237686133 0.4324862609398653 0.20186626144009023 -0.08756957685828413 +11656,-0.4265345425660048,0,-0.7268048774851729 -0.7840729310522314 -0.8026463538307286 -0.8428887698508307 -0.864557763092418 -0.8676533335554995 -0.8924178972601771 -0.920278031427936 -0.791811857209935 -0.5147583007639037 -0.1665066236669301 0.13840706694686883 0.38140934829897827 0.5702391465471105 0.6042904216410411 0.5516657237686133 0.4324862609398653 0.20186626144009023 -0.08756957685828413 -0.30425950927417533 +11657,-0.5271405826162381,0,-0.7840729310522314 -0.8026463538307286 -0.8428887698508307 -0.864557763092418 -0.8676533335554995 -0.8924178972601771 -0.920278031427936 -0.791811857209935 -0.5147583007639037 -0.1665066236669301 0.13840706694686883 0.38140934829897827 0.5702391465471105 0.6042904216410411 0.5516657237686133 0.4324862609398653 0.20186626144009023 -0.08756957685828413 -0.30425950927417533 -0.4265345425660048 +11658,-0.6122687703510556,0,-0.8026463538307286 -0.8428887698508307 -0.864557763092418 -0.8676533335554995 -0.8924178972601771 -0.920278031427936 -0.791811857209935 -0.5147583007639037 -0.1665066236669301 0.13840706694686883 0.38140934829897827 0.5702391465471105 0.6042904216410411 0.5516657237686133 0.4324862609398653 0.20186626144009023 -0.08756957685828413 -0.30425950927417533 -0.4265345425660048 -0.5271405826162381 +11659,-0.6602501125288612,0,-0.8428887698508307 -0.864557763092418 -0.8676533335554995 -0.8924178972601771 -0.920278031427936 -0.791811857209935 -0.5147583007639037 -0.1665066236669301 0.13840706694686883 0.38140934829897827 0.5702391465471105 0.6042904216410411 0.5516657237686133 0.4324862609398653 0.20186626144009023 -0.08756957685828413 -0.30425950927417533 -0.4265345425660048 -0.5271405826162381 -0.6122687703510556 +11660,-0.6695368239181143,0,-0.864557763092418 -0.8676533335554995 -0.8924178972601771 -0.920278031427936 -0.791811857209935 -0.5147583007639037 -0.1665066236669301 0.13840706694686883 0.38140934829897827 0.5702391465471105 0.6042904216410411 0.5516657237686133 0.4324862609398653 0.20186626144009023 -0.08756957685828413 -0.30425950927417533 -0.4265345425660048 -0.5271405826162381 -0.6122687703510556 -0.6602501125288612 +11661,-0.6927536023912423,0,-0.8676533335554995 -0.8924178972601771 -0.920278031427936 -0.791811857209935 -0.5147583007639037 -0.1665066236669301 0.13840706694686883 0.38140934829897827 0.5702391465471105 0.6042904216410411 0.5516657237686133 0.4324862609398653 0.20186626144009023 -0.08756957685828413 -0.30425950927417533 -0.4265345425660048 -0.5271405826162381 -0.6122687703510556 -0.6602501125288612 -0.6695368239181143 +11662,-0.6989447433174139,0,-0.8924178972601771 -0.920278031427936 -0.791811857209935 -0.5147583007639037 -0.1665066236669301 0.13840706694686883 0.38140934829897827 0.5702391465471105 0.6042904216410411 0.5516657237686133 0.4324862609398653 0.20186626144009023 -0.08756957685828413 -0.30425950927417533 -0.4265345425660048 -0.5271405826162381 -0.6122687703510556 -0.6602501125288612 -0.6695368239181143 -0.6927536023912423 +11663,-0.7360915888744258,0,-0.920278031427936 -0.791811857209935 -0.5147583007639037 -0.1665066236669301 0.13840706694686883 0.38140934829897827 0.5702391465471105 0.6042904216410411 0.5516657237686133 0.4324862609398653 0.20186626144009023 -0.08756957685828413 -0.30425950927417533 -0.4265345425660048 -0.5271405826162381 -0.6122687703510556 -0.6602501125288612 -0.6695368239181143 -0.6927536023912423 -0.6989447433174139 +11664,-0.7685950787368069,0,-0.791811857209935 -0.5147583007639037 -0.1665066236669301 0.13840706694686883 0.38140934829897827 0.5702391465471105 0.6042904216410411 0.5516657237686133 0.4324862609398653 0.20186626144009023 -0.08756957685828413 -0.30425950927417533 -0.4265345425660048 -0.5271405826162381 -0.6122687703510556 -0.6602501125288612 -0.6695368239181143 -0.6927536023912423 -0.6989447433174139 -0.7360915888744258 +11665,-0.7840729310522314,0,-0.5147583007639037 -0.1665066236669301 0.13840706694686883 0.38140934829897827 0.5702391465471105 0.6042904216410411 0.5516657237686133 0.4324862609398653 0.20186626144009023 -0.08756957685828413 -0.30425950927417533 -0.4265345425660048 -0.5271405826162381 -0.6122687703510556 -0.6602501125288612 -0.6695368239181143 -0.6927536023912423 -0.6989447433174139 -0.7360915888744258 -0.7685950787368069 +11666,-0.8010985685991879,0,-0.1665066236669301 0.13840706694686883 0.38140934829897827 0.5702391465471105 0.6042904216410411 0.5516657237686133 0.4324862609398653 0.20186626144009023 -0.08756957685828413 -0.30425950927417533 -0.4265345425660048 -0.5271405826162381 -0.6122687703510556 -0.6602501125288612 -0.6695368239181143 -0.6927536023912423 -0.6989447433174139 -0.7360915888744258 -0.7685950787368069 -0.7840729310522314 +11667,-0.8057419242938189,0,0.13840706694686883 0.38140934829897827 0.5702391465471105 0.6042904216410411 0.5516657237686133 0.4324862609398653 0.20186626144009023 -0.08756957685828413 -0.30425950927417533 -0.4265345425660048 -0.5271405826162381 -0.6122687703510556 -0.6602501125288612 -0.6695368239181143 -0.6927536023912423 -0.6989447433174139 -0.7360915888744258 -0.7685950787368069 -0.7840729310522314 -0.8010985685991879 +11668,-0.7562127968844725,0,0.38140934829897827 0.5702391465471105 0.6042904216410411 0.5516657237686133 0.4324862609398653 0.20186626144009023 -0.08756957685828413 -0.30425950927417533 -0.4265345425660048 -0.5271405826162381 -0.6122687703510556 -0.6602501125288612 -0.6695368239181143 -0.6927536023912423 -0.6989447433174139 -0.7360915888744258 -0.7685950787368069 -0.7840729310522314 -0.8010985685991879 -0.8057419242938189 +11669,-0.6679890386865736,0,0.5702391465471105 0.6042904216410411 0.5516657237686133 0.4324862609398653 0.20186626144009023 -0.08756957685828413 -0.30425950927417533 -0.4265345425660048 -0.5271405826162381 -0.6122687703510556 -0.6602501125288612 -0.6695368239181143 -0.6927536023912423 -0.6989447433174139 -0.7360915888744258 -0.7685950787368069 -0.7840729310522314 -0.8010985685991879 -0.8057419242938189 -0.7562127968844725 +11670,-0.5627396429417093,0,0.6042904216410411 0.5516657237686133 0.4324862609398653 0.20186626144009023 -0.08756957685828413 -0.30425950927417533 -0.4265345425660048 -0.5271405826162381 -0.6122687703510556 -0.6602501125288612 -0.6695368239181143 -0.6927536023912423 -0.6989447433174139 -0.7360915888744258 -0.7685950787368069 -0.7840729310522314 -0.8010985685991879 -0.8057419242938189 -0.7562127968844725 -0.6679890386865736 +11671,-0.4311778982606269,0,0.5516657237686133 0.4324862609398653 0.20186626144009023 -0.08756957685828413 -0.30425950927417533 -0.4265345425660048 -0.5271405826162381 -0.6122687703510556 -0.6602501125288612 -0.6695368239181143 -0.6927536023912423 -0.6989447433174139 -0.7360915888744258 -0.7685950787368069 -0.7840729310522314 -0.8010985685991879 -0.8057419242938189 -0.7562127968844725 -0.6679890386865736 -0.5627396429417093 +11672,-0.4110566902505802,0,0.4324862609398653 0.20186626144009023 -0.08756957685828413 -0.30425950927417533 -0.4265345425660048 -0.5271405826162381 -0.6122687703510556 -0.6602501125288612 -0.6695368239181143 -0.6927536023912423 -0.6989447433174139 -0.7360915888744258 -0.7685950787368069 -0.7840729310522314 -0.8010985685991879 -0.8057419242938189 -0.7562127968844725 -0.6679890386865736 -0.5627396429417093 -0.4311778982606269 +11673,-0.4404646096498799,0,0.20186626144009023 -0.08756957685828413 -0.30425950927417533 -0.4265345425660048 -0.5271405826162381 -0.6122687703510556 -0.6602501125288612 -0.6695368239181143 -0.6927536023912423 -0.6989447433174139 -0.7360915888744258 -0.7685950787368069 -0.7840729310522314 -0.8010985685991879 -0.8057419242938189 -0.7562127968844725 -0.6679890386865736 -0.5627396429417093 -0.4311778982606269 -0.4110566902505802 +11674,-0.3537886366835216,0,-0.08756957685828413 -0.30425950927417533 -0.4265345425660048 -0.5271405826162381 -0.6122687703510556 -0.6602501125288612 -0.6695368239181143 -0.6927536023912423 -0.6989447433174139 -0.7360915888744258 -0.7685950787368069 -0.7840729310522314 -0.8010985685991879 -0.8057419242938189 -0.7562127968844725 -0.6679890386865736 -0.5627396429417093 -0.4311778982606269 -0.4110566902505802 -0.4404646096498799 +11675,-0.3785532003881992,0,-0.30425950927417533 -0.4265345425660048 -0.5271405826162381 -0.6122687703510556 -0.6602501125288612 -0.6695368239181143 -0.6927536023912423 -0.6989447433174139 -0.7360915888744258 -0.7685950787368069 -0.7840729310522314 -0.8010985685991879 -0.8057419242938189 -0.7562127968844725 -0.6679890386865736 -0.5627396429417093 -0.4311778982606269 -0.4110566902505802 -0.4404646096498799 -0.3537886366835216 +11676,-0.4420123948814206,0,-0.4265345425660048 -0.5271405826162381 -0.6122687703510556 -0.6602501125288612 -0.6695368239181143 -0.6927536023912423 -0.6989447433174139 -0.7360915888744258 -0.7685950787368069 -0.7840729310522314 -0.8010985685991879 -0.8057419242938189 -0.7562127968844725 -0.6679890386865736 -0.5627396429417093 -0.4311778982606269 -0.4110566902505802 -0.4404646096498799 -0.3537886366835216 -0.3785532003881992 +11677,-0.4977326632169385,0,-0.5271405826162381 -0.6122687703510556 -0.6602501125288612 -0.6695368239181143 -0.6927536023912423 -0.6989447433174139 -0.7360915888744258 -0.7685950787368069 -0.7840729310522314 -0.8010985685991879 -0.8057419242938189 -0.7562127968844725 -0.6679890386865736 -0.5627396429417093 -0.4311778982606269 -0.4110566902505802 -0.4404646096498799 -0.3537886366835216 -0.3785532003881992 -0.4420123948814206 +11678,-0.5379750792370318,0,-0.6122687703510556 -0.6602501125288612 -0.6695368239181143 -0.6927536023912423 -0.6989447433174139 -0.7360915888744258 -0.7685950787368069 -0.7840729310522314 -0.8010985685991879 -0.8057419242938189 -0.7562127968844725 -0.6679890386865736 -0.5627396429417093 -0.4311778982606269 -0.4110566902505802 -0.4404646096498799 -0.3537886366835216 -0.3785532003881992 -0.4420123948814206 -0.4977326632169385 +11679,-0.5967909180356311,0,-0.6602501125288612 -0.6695368239181143 -0.6927536023912423 -0.6989447433174139 -0.7360915888744258 -0.7685950787368069 -0.7840729310522314 -0.8010985685991879 -0.8057419242938189 -0.7562127968844725 -0.6679890386865736 -0.5627396429417093 -0.4311778982606269 -0.4110566902505802 -0.4404646096498799 -0.3537886366835216 -0.3785532003881992 -0.4420123948814206 -0.4977326632169385 -0.5379750792370318 +11680,-0.6277466226664714,0,-0.6695368239181143 -0.6927536023912423 -0.6989447433174139 -0.7360915888744258 -0.7685950787368069 -0.7840729310522314 -0.8010985685991879 -0.8057419242938189 -0.7562127968844725 -0.6679890386865736 -0.5627396429417093 -0.4311778982606269 -0.4110566902505802 -0.4404646096498799 -0.3537886366835216 -0.3785532003881992 -0.4420123948814206 -0.4977326632169385 -0.5379750792370318 -0.5967909180356311 +11681,-0.6602501125288612,0,-0.6927536023912423 -0.6989447433174139 -0.7360915888744258 -0.7685950787368069 -0.7840729310522314 -0.8010985685991879 -0.8057419242938189 -0.7562127968844725 -0.6679890386865736 -0.5627396429417093 -0.4311778982606269 -0.4110566902505802 -0.4404646096498799 -0.3537886366835216 -0.3785532003881992 -0.4420123948814206 -0.4977326632169385 -0.5379750792370318 -0.5967909180356311 -0.6277466226664714 +11682,-0.6850146762335301,0,-0.6989447433174139 -0.7360915888744258 -0.7685950787368069 -0.7840729310522314 -0.8010985685991879 -0.8057419242938189 -0.7562127968844725 -0.6679890386865736 -0.5627396429417093 -0.4311778982606269 -0.4110566902505802 -0.4404646096498799 -0.3537886366835216 -0.3785532003881992 -0.4420123948814206 -0.4977326632169385 -0.5379750792370318 -0.5967909180356311 -0.6277466226664714 -0.6602501125288612 +11683,-0.6958491728543237,0,-0.7360915888744258 -0.7685950787368069 -0.7840729310522314 -0.8010985685991879 -0.8057419242938189 -0.7562127968844725 -0.6679890386865736 -0.5627396429417093 -0.4311778982606269 -0.4110566902505802 -0.4404646096498799 -0.3537886366835216 -0.3785532003881992 -0.4420123948814206 -0.4977326632169385 -0.5379750792370318 -0.5967909180356311 -0.6277466226664714 -0.6602501125288612 -0.6850146762335301 +11684,-0.7391871593375072,0,-0.7685950787368069 -0.7840729310522314 -0.8010985685991879 -0.8057419242938189 -0.7562127968844725 -0.6679890386865736 -0.5627396429417093 -0.4311778982606269 -0.4110566902505802 -0.4404646096498799 -0.3537886366835216 -0.3785532003881992 -0.4420123948814206 -0.4977326632169385 -0.5379750792370318 -0.5967909180356311 -0.6277466226664714 -0.6602501125288612 -0.6850146762335301 -0.6958491728543237 +11685,-0.763951723042176,0,-0.7840729310522314 -0.8010985685991879 -0.8057419242938189 -0.7562127968844725 -0.6679890386865736 -0.5627396429417093 -0.4311778982606269 -0.4110566902505802 -0.4404646096498799 -0.3537886366835216 -0.3785532003881992 -0.4420123948814206 -0.4977326632169385 -0.5379750792370318 -0.5967909180356311 -0.6277466226664714 -0.6602501125288612 -0.6850146762335301 -0.6958491728543237 -0.7391871593375072 +11686,-0.8150286356830718,0,-0.8010985685991879 -0.8057419242938189 -0.7562127968844725 -0.6679890386865736 -0.5627396429417093 -0.4311778982606269 -0.4110566902505802 -0.4404646096498799 -0.3537886366835216 -0.3785532003881992 -0.4420123948814206 -0.4977326632169385 -0.5379750792370318 -0.5967909180356311 -0.6277466226664714 -0.6602501125288612 -0.6850146762335301 -0.6958491728543237 -0.7391871593375072 -0.763951723042176 +11687,-0.8382454141561998,0,-0.8057419242938189 -0.7562127968844725 -0.6679890386865736 -0.5627396429417093 -0.4311778982606269 -0.4110566902505802 -0.4404646096498799 -0.3537886366835216 -0.3785532003881992 -0.4420123948814206 -0.4977326632169385 -0.5379750792370318 -0.5967909180356311 -0.6277466226664714 -0.6602501125288612 -0.6850146762335301 -0.6958491728543237 -0.7391871593375072 -0.763951723042176 -0.8150286356830718 +11688,-0.8846789711024647,0,-0.7562127968844725 -0.6679890386865736 -0.5627396429417093 -0.4311778982606269 -0.4110566902505802 -0.4404646096498799 -0.3537886366835216 -0.3785532003881992 -0.4420123948814206 -0.4977326632169385 -0.5379750792370318 -0.5967909180356311 -0.6277466226664714 -0.6602501125288612 -0.6850146762335301 -0.6958491728543237 -0.7391871593375072 -0.763951723042176 -0.8150286356830718 -0.8382454141561998 +11689,-0.8537232664716244,0,-0.6679890386865736 -0.5627396429417093 -0.4311778982606269 -0.4110566902505802 -0.4404646096498799 -0.3537886366835216 -0.3785532003881992 -0.4420123948814206 -0.4977326632169385 -0.5379750792370318 -0.5967909180356311 -0.6277466226664714 -0.6602501125288612 -0.6850146762335301 -0.6958491728543237 -0.7391871593375072 -0.763951723042176 -0.8150286356830718 -0.8382454141561998 -0.8846789711024647 +11690,-0.9187302461963865,0,-0.5627396429417093 -0.4311778982606269 -0.4110566902505802 -0.4404646096498799 -0.3537886366835216 -0.3785532003881992 -0.4420123948814206 -0.4977326632169385 -0.5379750792370318 -0.5967909180356311 -0.6277466226664714 -0.6602501125288612 -0.6850146762335301 -0.6958491728543237 -0.7391871593375072 -0.763951723042176 -0.8150286356830718 -0.8382454141561998 -0.8846789711024647 -0.8537232664716244 +11691,-0.9465903803641454,0,-0.4311778982606269 -0.4110566902505802 -0.4404646096498799 -0.3537886366835216 -0.3785532003881992 -0.4420123948814206 -0.4977326632169385 -0.5379750792370318 -0.5967909180356311 -0.6277466226664714 -0.6602501125288612 -0.6850146762335301 -0.6958491728543237 -0.7391871593375072 -0.763951723042176 -0.8150286356830718 -0.8382454141561998 -0.8846789711024647 -0.8537232664716244 -0.9187302461963865 +11692,-0.8722966892501304,0,-0.4110566902505802 -0.4404646096498799 -0.3537886366835216 -0.3785532003881992 -0.4420123948814206 -0.4977326632169385 -0.5379750792370318 -0.5967909180356311 -0.6277466226664714 -0.6602501125288612 -0.6850146762335301 -0.6958491728543237 -0.7391871593375072 -0.763951723042176 -0.8150286356830718 -0.8382454141561998 -0.8846789711024647 -0.8537232664716244 -0.9187302461963865 -0.9465903803641454 +11693,-0.7902640719783942,0,-0.4404646096498799 -0.3537886366835216 -0.3785532003881992 -0.4420123948814206 -0.4977326632169385 -0.5379750792370318 -0.5967909180356311 -0.6277466226664714 -0.6602501125288612 -0.6850146762335301 -0.6958491728543237 -0.7391871593375072 -0.763951723042176 -0.8150286356830718 -0.8382454141561998 -0.8846789711024647 -0.8537232664716244 -0.9187302461963865 -0.9465903803641454 -0.8722966892501304 +11694,-0.643224474981896,0,-0.3537886366835216 -0.3785532003881992 -0.4420123948814206 -0.4977326632169385 -0.5379750792370318 -0.5967909180356311 -0.6277466226664714 -0.6602501125288612 -0.6850146762335301 -0.6958491728543237 -0.7391871593375072 -0.763951723042176 -0.8150286356830718 -0.8382454141561998 -0.8846789711024647 -0.8537232664716244 -0.9187302461963865 -0.9465903803641454 -0.8722966892501304 -0.7902640719783942 +11695,-0.44665575057605145,0,-0.3785532003881992 -0.4420123948814206 -0.4977326632169385 -0.5379750792370318 -0.5967909180356311 -0.6277466226664714 -0.6602501125288612 -0.6850146762335301 -0.6958491728543237 -0.7391871593375072 -0.763951723042176 -0.8150286356830718 -0.8382454141561998 -0.8846789711024647 -0.8537232664716244 -0.9187302461963865 -0.9465903803641454 -0.8722966892501304 -0.7902640719783942 -0.643224474981896 +11696,-0.30580729450571603,0,-0.4420123948814206 -0.4977326632169385 -0.5379750792370318 -0.5967909180356311 -0.6277466226664714 -0.6602501125288612 -0.6850146762335301 -0.6958491728543237 -0.7391871593375072 -0.763951723042176 -0.8150286356830718 -0.8382454141561998 -0.8846789711024647 -0.8537232664716244 -0.9187302461963865 -0.9465903803641454 -0.8722966892501304 -0.7902640719783942 -0.643224474981896 -0.44665575057605145 +11697,-0.29032944219029144,0,-0.4977326632169385 -0.5379750792370318 -0.5967909180356311 -0.6277466226664714 -0.6602501125288612 -0.6850146762335301 -0.6958491728543237 -0.7391871593375072 -0.763951723042176 -0.8150286356830718 -0.8382454141561998 -0.8846789711024647 -0.8537232664716244 -0.9187302461963865 -0.9465903803641454 -0.8722966892501304 -0.7902640719783942 -0.643224474981896 -0.44665575057605145 -0.30580729450571603 +11698,-0.24853924093865745,0,-0.5379750792370318 -0.5967909180356311 -0.6277466226664714 -0.6602501125288612 -0.6850146762335301 -0.6958491728543237 -0.7391871593375072 -0.763951723042176 -0.8150286356830718 -0.8382454141561998 -0.8846789711024647 -0.8537232664716244 -0.9187302461963865 -0.9465903803641454 -0.8722966892501304 -0.7902640719783942 -0.643224474981896 -0.44665575057605145 -0.30580729450571603 -0.29032944219029144 +11699,-0.29806836834800376,0,-0.5967909180356311 -0.6277466226664714 -0.6602501125288612 -0.6850146762335301 -0.6958491728543237 -0.7391871593375072 -0.763951723042176 -0.8150286356830718 -0.8382454141561998 -0.8846789711024647 -0.8537232664716244 -0.9187302461963865 -0.9465903803641454 -0.8722966892501304 -0.7902640719783942 -0.643224474981896 -0.44665575057605145 -0.30580729450571603 -0.29032944219029144 -0.24853924093865745 +11700,-0.3708142742304869,0,-0.6277466226664714 -0.6602501125288612 -0.6850146762335301 -0.6958491728543237 -0.7391871593375072 -0.763951723042176 -0.8150286356830718 -0.8382454141561998 -0.8846789711024647 -0.8537232664716244 -0.9187302461963865 -0.9465903803641454 -0.8722966892501304 -0.7902640719783942 -0.643224474981896 -0.44665575057605145 -0.30580729450571603 -0.29032944219029144 -0.24853924093865745 -0.29806836834800376 +11701,-0.4822548109015139,0,-0.6602501125288612 -0.6850146762335301 -0.6958491728543237 -0.7391871593375072 -0.763951723042176 -0.8150286356830718 -0.8382454141561998 -0.8846789711024647 -0.8537232664716244 -0.9187302461963865 -0.9465903803641454 -0.8722966892501304 -0.7902640719783942 -0.643224474981896 -0.44665575057605145 -0.30580729450571603 -0.29032944219029144 -0.24853924093865745 -0.29806836834800376 -0.3708142742304869 +11702,-0.620007696508768,0,-0.6850146762335301 -0.6958491728543237 -0.7391871593375072 -0.763951723042176 -0.8150286356830718 -0.8382454141561998 -0.8846789711024647 -0.8537232664716244 -0.9187302461963865 -0.9465903803641454 -0.8722966892501304 -0.7902640719783942 -0.643224474981896 -0.44665575057605145 -0.30580729450571603 -0.29032944219029144 -0.24853924093865745 -0.29806836834800376 -0.3708142742304869 -0.4822548109015139 +11703,-0.6556067568342304,0,-0.6958491728543237 -0.7391871593375072 -0.763951723042176 -0.8150286356830718 -0.8382454141561998 -0.8846789711024647 -0.8537232664716244 -0.9187302461963865 -0.9465903803641454 -0.8722966892501304 -0.7902640719783942 -0.643224474981896 -0.44665575057605145 -0.30580729450571603 -0.29032944219029144 -0.24853924093865745 -0.29806836834800376 -0.3708142742304869 -0.4822548109015139 -0.620007696508768 +11704,-0.7097792399382076,0,-0.7391871593375072 -0.763951723042176 -0.8150286356830718 -0.8382454141561998 -0.8846789711024647 -0.8537232664716244 -0.9187302461963865 -0.9465903803641454 -0.8722966892501304 -0.7902640719783942 -0.643224474981896 -0.44665575057605145 -0.30580729450571603 -0.29032944219029144 -0.24853924093865745 -0.29806836834800376 -0.3708142742304869 -0.4822548109015139 -0.620007696508768 -0.6556067568342304 +11705,-0.7995507833676472,0,-0.763951723042176 -0.8150286356830718 -0.8382454141561998 -0.8846789711024647 -0.8537232664716244 -0.9187302461963865 -0.9465903803641454 -0.8722966892501304 -0.7902640719783942 -0.643224474981896 -0.44665575057605145 -0.30580729450571603 -0.29032944219029144 -0.24853924093865745 -0.29806836834800376 -0.3708142742304869 -0.4822548109015139 -0.620007696508768 -0.6556067568342304 -0.7097792399382076 +11706,-0.8800356154078338,0,-0.8150286356830718 -0.8382454141561998 -0.8846789711024647 -0.8537232664716244 -0.9187302461963865 -0.9465903803641454 -0.8722966892501304 -0.7902640719783942 -0.643224474981896 -0.44665575057605145 -0.30580729450571603 -0.29032944219029144 -0.24853924093865745 -0.29806836834800376 -0.3708142742304869 -0.4822548109015139 -0.620007696508768 -0.6556067568342304 -0.7097792399382076 -0.7995507833676472 +11707,-0.920278031427936,0,-0.8382454141561998 -0.8846789711024647 -0.8537232664716244 -0.9187302461963865 -0.9465903803641454 -0.8722966892501304 -0.7902640719783942 -0.643224474981896 -0.44665575057605145 -0.30580729450571603 -0.29032944219029144 -0.24853924093865745 -0.29806836834800376 -0.3708142742304869 -0.4822548109015139 -0.620007696508768 -0.6556067568342304 -0.7097792399382076 -0.7995507833676472 -0.8800356154078338 +11708,-1.0471964204143875,0,-0.8846789711024647 -0.8537232664716244 -0.9187302461963865 -0.9465903803641454 -0.8722966892501304 -0.7902640719783942 -0.643224474981896 -0.44665575057605145 -0.30580729450571603 -0.29032944219029144 -0.24853924093865745 -0.29806836834800376 -0.3708142742304869 -0.4822548109015139 -0.620007696508768 -0.6556067568342304 -0.7097792399382076 -0.7995507833676472 -0.8800356154078338 -0.920278031427936 +11709,-1.132324608149205,0,-0.8537232664716244 -0.9187302461963865 -0.9465903803641454 -0.8722966892501304 -0.7902640719783942 -0.643224474981896 -0.44665575057605145 -0.30580729450571603 -0.29032944219029144 -0.24853924093865745 -0.29806836834800376 -0.3708142742304869 -0.4822548109015139 -0.620007696508768 -0.6556067568342304 -0.7097792399382076 -0.7995507833676472 -0.8800356154078338 -0.920278031427936 -1.0471964204143875 +11710,-1.1772103798639204,0,-0.9187302461963865 -0.9465903803641454 -0.8722966892501304 -0.7902640719783942 -0.643224474981896 -0.44665575057605145 -0.30580729450571603 -0.29032944219029144 -0.24853924093865745 -0.29806836834800376 -0.3708142742304869 -0.4822548109015139 -0.620007696508768 -0.6556067568342304 -0.7097792399382076 -0.7995507833676472 -0.8800356154078338 -0.920278031427936 -1.0471964204143875 -1.132324608149205 +11711,-1.2499562857464037,0,-0.9465903803641454 -0.8722966892501304 -0.7902640719783942 -0.643224474981896 -0.44665575057605145 -0.30580729450571603 -0.29032944219029144 -0.24853924093865745 -0.29806836834800376 -0.3708142742304869 -0.4822548109015139 -0.620007696508768 -0.6556067568342304 -0.7097792399382076 -0.7995507833676472 -0.8800356154078338 -0.920278031427936 -1.0471964204143875 -1.132324608149205 -1.1772103798639204 +11712,-1.4124737350583176,0,-0.8722966892501304 -0.7902640719783942 -0.643224474981896 -0.44665575057605145 -0.30580729450571603 -0.29032944219029144 -0.24853924093865745 -0.29806836834800376 -0.3708142742304869 -0.4822548109015139 -0.620007696508768 -0.6556067568342304 -0.7097792399382076 -0.7995507833676472 -0.8800356154078338 -0.920278031427936 -1.0471964204143875 -1.132324608149205 -1.1772103798639204 -1.2499562857464037 +11713,-1.4620028624676729,0,-0.7902640719783942 -0.643224474981896 -0.44665575057605145 -0.30580729450571603 -0.29032944219029144 -0.24853924093865745 -0.29806836834800376 -0.3708142742304869 -0.4822548109015139 -0.620007696508768 -0.6556067568342304 -0.7097792399382076 -0.7995507833676472 -0.8800356154078338 -0.920278031427936 -1.0471964204143875 -1.132324608149205 -1.1772103798639204 -1.2499562857464037 -1.4124737350583176 +11714,-1.5873734662225836,0,-0.643224474981896 -0.44665575057605145 -0.30580729450571603 -0.29032944219029144 -0.24853924093865745 -0.29806836834800376 -0.3708142742304869 -0.4822548109015139 -0.620007696508768 -0.6556067568342304 -0.7097792399382076 -0.7995507833676472 -0.8800356154078338 -0.920278031427936 -1.0471964204143875 -1.132324608149205 -1.1772103798639204 -1.2499562857464037 -1.4124737350583176 -1.4620028624676729 +11715,-1.6461893050211829,0,-0.44665575057605145 -0.30580729450571603 -0.29032944219029144 -0.24853924093865745 -0.29806836834800376 -0.3708142742304869 -0.4822548109015139 -0.620007696508768 -0.6556067568342304 -0.7097792399382076 -0.7995507833676472 -0.8800356154078338 -0.920278031427936 -1.0471964204143875 -1.132324608149205 -1.1772103798639204 -1.2499562857464037 -1.4124737350583176 -1.4620028624676729 -1.5873734662225836 +11716,-1.341275614407384,0,-0.30580729450571603 -0.29032944219029144 -0.24853924093865745 -0.29806836834800376 -0.3708142742304869 -0.4822548109015139 -0.620007696508768 -0.6556067568342304 -0.7097792399382076 -0.7995507833676472 -0.8800356154078338 -0.920278031427936 -1.0471964204143875 -1.132324608149205 -1.1772103798639204 -1.2499562857464037 -1.4124737350583176 -1.4620028624676729 -1.5873734662225836 -1.6461893050211829 +11717,-0.9264691723540988,0,-0.29032944219029144 -0.24853924093865745 -0.29806836834800376 -0.3708142742304869 -0.4822548109015139 -0.620007696508768 -0.6556067568342304 -0.7097792399382076 -0.7995507833676472 -0.8800356154078338 -0.920278031427936 -1.0471964204143875 -1.132324608149205 -1.1772103798639204 -1.2499562857464037 -1.4124737350583176 -1.4620028624676729 -1.5873734662225836 -1.6461893050211829 -1.341275614407384 +11718,-0.601434273730262,0,-0.24853924093865745 -0.29806836834800376 -0.3708142742304869 -0.4822548109015139 -0.620007696508768 -0.6556067568342304 -0.7097792399382076 -0.7995507833676472 -0.8800356154078338 -0.920278031427936 -1.0471964204143875 -1.132324608149205 -1.1772103798639204 -1.2499562857464037 -1.4124737350583176 -1.4620028624676729 -1.5873734662225836 -1.6461893050211829 -1.341275614407384 -0.9264691723540988 +11719,-0.3739098446935683,0,-0.29806836834800376 -0.3708142742304869 -0.4822548109015139 -0.620007696508768 -0.6556067568342304 -0.7097792399382076 -0.7995507833676472 -0.8800356154078338 -0.920278031427936 -1.0471964204143875 -1.132324608149205 -1.1772103798639204 -1.2499562857464037 -1.4124737350583176 -1.4620028624676729 -1.5873734662225836 -1.6461893050211829 -1.341275614407384 -0.9264691723540988 -0.601434273730262 +11720,-0.23770474431786376,0,-0.3708142742304869 -0.4822548109015139 -0.620007696508768 -0.6556067568342304 -0.7097792399382076 -0.7995507833676472 -0.8800356154078338 -0.920278031427936 -1.0471964204143875 -1.132324608149205 -1.1772103798639204 -1.2499562857464037 -1.4124737350583176 -1.4620028624676729 -1.5873734662225836 -1.6461893050211829 -1.341275614407384 -0.9264691723540988 -0.601434273730262 -0.3739098446935683 +11721,-0.13245534857299956,0,-0.4822548109015139 -0.620007696508768 -0.6556067568342304 -0.7097792399382076 -0.7995507833676472 -0.8800356154078338 -0.920278031427936 -1.0471964204143875 -1.132324608149205 -1.1772103798639204 -1.2499562857464037 -1.4124737350583176 -1.4620028624676729 -1.5873734662225836 -1.6461893050211829 -1.341275614407384 -0.9264691723540988 -0.601434273730262 -0.3739098446935683 -0.23770474431786376 +11722,-0.07209172454285957,0,-0.620007696508768 -0.6556067568342304 -0.7097792399382076 -0.7995507833676472 -0.8800356154078338 -0.920278031427936 -1.0471964204143875 -1.132324608149205 -1.1772103798639204 -1.2499562857464037 -1.4124737350583176 -1.4620028624676729 -1.5873734662225836 -1.6461893050211829 -1.341275614407384 -0.9264691723540988 -0.601434273730262 -0.3739098446935683 -0.23770474431786376 -0.13245534857299956 +11723,-0.04423159037510062,0,-0.6556067568342304 -0.7097792399382076 -0.7995507833676472 -0.8800356154078338 -0.920278031427936 -1.0471964204143875 -1.132324608149205 -1.1772103798639204 -1.2499562857464037 -1.4124737350583176 -1.4620028624676729 -1.5873734662225836 -1.6461893050211829 -1.341275614407384 -0.9264691723540988 -0.601434273730262 -0.3739098446935683 -0.23770474431786376 -0.13245534857299956 -0.07209172454285957 +11724,-0.11078635533141219,0,-0.7097792399382076 -0.7995507833676472 -0.8800356154078338 -0.920278031427936 -1.0471964204143875 -1.132324608149205 -1.1772103798639204 -1.2499562857464037 -1.4124737350583176 -1.4620028624676729 -1.5873734662225836 -1.6461893050211829 -1.341275614407384 -0.9264691723540988 -0.601434273730262 -0.3739098446935683 -0.23770474431786376 -0.13245534857299956 -0.07209172454285957 -0.04423159037510062 +11725,-0.3352152139050157,0,-0.7995507833676472 -0.8800356154078338 -0.920278031427936 -1.0471964204143875 -1.132324608149205 -1.1772103798639204 -1.2499562857464037 -1.4124737350583176 -1.4620028624676729 -1.5873734662225836 -1.6461893050211829 -1.341275614407384 -0.9264691723540988 -0.601434273730262 -0.3739098446935683 -0.23770474431786376 -0.13245534857299956 -0.07209172454285957 -0.04423159037510062 -0.11078635533141219 +11726,-0.5720263543309624,0,-0.8800356154078338 -0.920278031427936 -1.0471964204143875 -1.132324608149205 -1.1772103798639204 -1.2499562857464037 -1.4124737350583176 -1.4620028624676729 -1.5873734662225836 -1.6461893050211829 -1.341275614407384 -0.9264691723540988 -0.601434273730262 -0.3739098446935683 -0.23770474431786376 -0.13245534857299956 -0.07209172454285957 -0.04423159037510062 -0.11078635533141219 -0.3352152139050157 +11727,-0.7608561525790946,0,-0.920278031427936 -1.0471964204143875 -1.132324608149205 -1.1772103798639204 -1.2499562857464037 -1.4124737350583176 -1.4620028624676729 -1.5873734662225836 -1.6461893050211829 -1.341275614407384 -0.9264691723540988 -0.601434273730262 -0.3739098446935683 -0.23770474431786376 -0.13245534857299956 -0.07209172454285957 -0.04423159037510062 -0.11078635533141219 -0.3352152139050157 -0.5720263543309624 +11728,-0.8722966892501304,0,-1.0471964204143875 -1.132324608149205 -1.1772103798639204 -1.2499562857464037 -1.4124737350583176 -1.4620028624676729 -1.5873734662225836 -1.6461893050211829 -1.341275614407384 -0.9264691723540988 -0.601434273730262 -0.3739098446935683 -0.23770474431786376 -0.13245534857299956 -0.07209172454285957 -0.04423159037510062 -0.11078635533141219 -0.3352152139050157 -0.5720263543309624 -0.7608561525790946 +11729,-1.0905344068975622,0,-1.132324608149205 -1.1772103798639204 -1.2499562857464037 -1.4124737350583176 -1.4620028624676729 -1.5873734662225836 -1.6461893050211829 -1.341275614407384 -0.9264691723540988 -0.601434273730262 -0.3739098446935683 -0.23770474431786376 -0.13245534857299956 -0.07209172454285957 -0.04423159037510062 -0.11078635533141219 -0.3352152139050157 -0.5720263543309624 -0.7608561525790946 -0.8722966892501304 +11730,-1.2468607152833135,0,-1.1772103798639204 -1.2499562857464037 -1.4124737350583176 -1.4620028624676729 -1.5873734662225836 -1.6461893050211829 -1.341275614407384 -0.9264691723540988 -0.601434273730262 -0.3739098446935683 -0.23770474431786376 -0.13245534857299956 -0.07209172454285957 -0.04423159037510062 -0.11078635533141219 -0.3352152139050157 -0.5720263543309624 -0.7608561525790946 -0.8722966892501304 -1.0905344068975622 +11731,-1.3861613861221083,0,-1.2499562857464037 -1.4124737350583176 -1.4620028624676729 -1.5873734662225836 -1.6461893050211829 -1.341275614407384 -0.9264691723540988 -0.601434273730262 -0.3739098446935683 -0.23770474431786376 -0.13245534857299956 -0.07209172454285957 -0.04423159037510062 -0.11078635533141219 -0.3352152139050157 -0.5720263543309624 -0.7608561525790946 -0.8722966892501304 -1.0905344068975622 -1.2468607152833135 +11732,-1.5099842046454783,0,-1.4124737350583176 -1.4620028624676729 -1.5873734662225836 -1.6461893050211829 -1.341275614407384 -0.9264691723540988 -0.601434273730262 -0.3739098446935683 -0.23770474431786376 -0.13245534857299956 -0.07209172454285957 -0.04423159037510062 -0.11078635533141219 -0.3352152139050157 -0.5720263543309624 -0.7608561525790946 -0.8722966892501304 -1.0905344068975622 -1.2468607152833135 -1.3861613861221083 +11733,-1.627615882242677,0,-1.4620028624676729 -1.5873734662225836 -1.6461893050211829 -1.341275614407384 -0.9264691723540988 -0.601434273730262 -0.3739098446935683 -0.23770474431786376 -0.13245534857299956 -0.07209172454285957 -0.04423159037510062 -0.11078635533141219 -0.3352152139050157 -0.5720263543309624 -0.7608561525790946 -0.8722966892501304 -1.0905344068975622 -1.2468607152833135 -1.3861613861221083 -1.5099842046454783 +11734,-1.6647627277996888,0,-1.5873734662225836 -1.6461893050211829 -1.341275614407384 -0.9264691723540988 -0.601434273730262 -0.3739098446935683 -0.23770474431786376 -0.13245534857299956 -0.07209172454285957 -0.04423159037510062 -0.11078635533141219 -0.3352152139050157 -0.5720263543309624 -0.7608561525790946 -0.8722966892501304 -1.0905344068975622 -1.2468607152833135 -1.3861613861221083 -1.5099842046454783 -1.627615882242677 +11735,-1.6725016539573925,0,-1.6461893050211829 -1.341275614407384 -0.9264691723540988 -0.601434273730262 -0.3739098446935683 -0.23770474431786376 -0.13245534857299956 -0.07209172454285957 -0.04423159037510062 -0.11078635533141219 -0.3352152139050157 -0.5720263543309624 -0.7608561525790946 -0.8722966892501304 -1.0905344068975622 -1.2468607152833135 -1.3861613861221083 -1.5099842046454783 -1.627615882242677 -1.6647627277996888 +11736,-1.732865277987541,0,-1.341275614407384 -0.9264691723540988 -0.601434273730262 -0.3739098446935683 -0.23770474431786376 -0.13245534857299956 -0.07209172454285957 -0.04423159037510062 -0.11078635533141219 -0.3352152139050157 -0.5720263543309624 -0.7608561525790946 -0.8722966892501304 -1.0905344068975622 -1.2468607152833135 -1.3861613861221083 -1.5099842046454783 -1.627615882242677 -1.6647627277996888 -1.6725016539573925 +11737,-1.7081007142828637,0,-0.9264691723540988 -0.601434273730262 -0.3739098446935683 -0.23770474431786376 -0.13245534857299956 -0.07209172454285957 -0.04423159037510062 -0.11078635533141219 -0.3352152139050157 -0.5720263543309624 -0.7608561525790946 -0.8722966892501304 -1.0905344068975622 -1.2468607152833135 -1.3861613861221083 -1.5099842046454783 -1.627615882242677 -1.6647627277996888 -1.6725016539573925 -1.732865277987541 +11738,-1.7220307813667386,0,-0.601434273730262 -0.3739098446935683 -0.23770474431786376 -0.13245534857299956 -0.07209172454285957 -0.04423159037510062 -0.11078635533141219 -0.3352152139050157 -0.5720263543309624 -0.7608561525790946 -0.8722966892501304 -1.0905344068975622 -1.2468607152833135 -1.3861613861221083 -1.5099842046454783 -1.627615882242677 -1.6647627277996888 -1.6725016539573925 -1.732865277987541 -1.7081007142828637 +11739,-1.7282219222929103,0,-0.3739098446935683 -0.23770474431786376 -0.13245534857299956 -0.07209172454285957 -0.04423159037510062 -0.11078635533141219 -0.3352152139050157 -0.5720263543309624 -0.7608561525790946 -0.8722966892501304 -1.0905344068975622 -1.2468607152833135 -1.3861613861221083 -1.5099842046454783 -1.627615882242677 -1.6647627277996888 -1.6725016539573925 -1.732865277987541 -1.7081007142828637 -1.7220307813667386 +11740,-1.3675879633436023,0,-0.23770474431786376 -0.13245534857299956 -0.07209172454285957 -0.04423159037510062 -0.11078635533141219 -0.3352152139050157 -0.5720263543309624 -0.7608561525790946 -0.8722966892501304 -1.0905344068975622 -1.2468607152833135 -1.3861613861221083 -1.5099842046454783 -1.627615882242677 -1.6647627277996888 -1.6725016539573925 -1.732865277987541 -1.7081007142828637 -1.7220307813667386 -1.7282219222929103 +11741,-0.9729027293003637,0,-0.13245534857299956 -0.07209172454285957 -0.04423159037510062 -0.11078635533141219 -0.3352152139050157 -0.5720263543309624 -0.7608561525790946 -0.8722966892501304 -1.0905344068975622 -1.2468607152833135 -1.3861613861221083 -1.5099842046454783 -1.627615882242677 -1.6647627277996888 -1.6725016539573925 -1.732865277987541 -1.7081007142828637 -1.7220307813667386 -1.7282219222929103 -1.3675879633436023 +11742,-0.675727964844277,0,-0.07209172454285957 -0.04423159037510062 -0.11078635533141219 -0.3352152139050157 -0.5720263543309624 -0.7608561525790946 -0.8722966892501304 -1.0905344068975622 -1.2468607152833135 -1.3861613861221083 -1.5099842046454783 -1.627615882242677 -1.6647627277996888 -1.6725016539573925 -1.732865277987541 -1.7081007142828637 -1.7220307813667386 -1.7282219222929103 -1.3675879633436023 -0.9729027293003637 +11743,-0.5673829986363315,0,-0.04423159037510062 -0.11078635533141219 -0.3352152139050157 -0.5720263543309624 -0.7608561525790946 -0.8722966892501304 -1.0905344068975622 -1.2468607152833135 -1.3861613861221083 -1.5099842046454783 -1.627615882242677 -1.6647627277996888 -1.6725016539573925 -1.732865277987541 -1.7081007142828637 -1.7220307813667386 -1.7282219222929103 -1.3675879633436023 -0.9729027293003637 -0.675727964844277 +11744,-0.4404646096498799,0,-0.11078635533141219 -0.3352152139050157 -0.5720263543309624 -0.7608561525790946 -0.8722966892501304 -1.0905344068975622 -1.2468607152833135 -1.3861613861221083 -1.5099842046454783 -1.627615882242677 -1.6647627277996888 -1.6725016539573925 -1.732865277987541 -1.7081007142828637 -1.7220307813667386 -1.7282219222929103 -1.3675879633436023 -0.9729027293003637 -0.675727964844277 -0.5673829986363315 +11745,-0.3197373615895999,0,-0.3352152139050157 -0.5720263543309624 -0.7608561525790946 -0.8722966892501304 -1.0905344068975622 -1.2468607152833135 -1.3861613861221083 -1.5099842046454783 -1.627615882242677 -1.6647627277996888 -1.6725016539573925 -1.732865277987541 -1.7081007142828637 -1.7220307813667386 -1.7282219222929103 -1.3675879633436023 -0.9729027293003637 -0.675727964844277 -0.5673829986363315 -0.4404646096498799 +11746,-0.3878399117774522,0,-0.5720263543309624 -0.7608561525790946 -0.8722966892501304 -1.0905344068975622 -1.2468607152833135 -1.3861613861221083 -1.5099842046454783 -1.627615882242677 -1.6647627277996888 -1.6725016539573925 -1.732865277987541 -1.7081007142828637 -1.7220307813667386 -1.7282219222929103 -1.3675879633436023 -0.9729027293003637 -0.675727964844277 -0.5673829986363315 -0.4404646096498799 -0.3197373615895999 +11747,-0.5008282336800198,0,-0.7608561525790946 -0.8722966892501304 -1.0905344068975622 -1.2468607152833135 -1.3861613861221083 -1.5099842046454783 -1.627615882242677 -1.6647627277996888 -1.6725016539573925 -1.732865277987541 -1.7081007142828637 -1.7220307813667386 -1.7282219222929103 -1.3675879633436023 -0.9729027293003637 -0.675727964844277 -0.5673829986363315 -0.4404646096498799 -0.3197373615895999 -0.3878399117774522 +11748,-0.5689307838678721,0,-0.8722966892501304 -1.0905344068975622 -1.2468607152833135 -1.3861613861221083 -1.5099842046454783 -1.627615882242677 -1.6647627277996888 -1.6725016539573925 -1.732865277987541 -1.7081007142828637 -1.7220307813667386 -1.7282219222929103 -1.3675879633436023 -0.9729027293003637 -0.675727964844277 -0.5673829986363315 -0.4404646096498799 -0.3197373615895999 -0.3878399117774522 -0.5008282336800198 +11749,-0.703588099012036,0,-1.0905344068975622 -1.2468607152833135 -1.3861613861221083 -1.5099842046454783 -1.627615882242677 -1.6647627277996888 -1.6725016539573925 -1.732865277987541 -1.7081007142828637 -1.7220307813667386 -1.7282219222929103 -1.3675879633436023 -0.9729027293003637 -0.675727964844277 -0.5673829986363315 -0.4404646096498799 -0.3197373615895999 -0.3878399117774522 -0.5008282336800198 -0.5689307838678721 +11750,-0.8366976289246592,0,-1.2468607152833135 -1.3861613861221083 -1.5099842046454783 -1.627615882242677 -1.6647627277996888 -1.6725016539573925 -1.732865277987541 -1.7081007142828637 -1.7220307813667386 -1.7282219222929103 -1.3675879633436023 -0.9729027293003637 -0.675727964844277 -0.5673829986363315 -0.4404646096498799 -0.3197373615895999 -0.3878399117774522 -0.5008282336800198 -0.5689307838678721 -0.703588099012036 +11751,-0.9589726622164886,0,-1.3861613861221083 -1.5099842046454783 -1.627615882242677 -1.6647627277996888 -1.6725016539573925 -1.732865277987541 -1.7081007142828637 -1.7220307813667386 -1.7282219222929103 -1.3675879633436023 -0.9729027293003637 -0.675727964844277 -0.5673829986363315 -0.4404646096498799 -0.3197373615895999 -0.3878399117774522 -0.5008282336800198 -0.5689307838678721 -0.703588099012036 -0.8366976289246592 +11752,-1.1354201786122864,0,-1.5099842046454783 -1.627615882242677 -1.6647627277996888 -1.6725016539573925 -1.732865277987541 -1.7081007142828637 -1.7220307813667386 -1.7282219222929103 -1.3675879633436023 -0.9729027293003637 -0.675727964844277 -0.5673829986363315 -0.4404646096498799 -0.3197373615895999 -0.3878399117774522 -0.5008282336800198 -0.5689307838678721 -0.703588099012036 -0.8366976289246592 -0.9589726622164886 +11753,-1.2669819232933601,0,-1.627615882242677 -1.6647627277996888 -1.6725016539573925 -1.732865277987541 -1.7081007142828637 -1.7220307813667386 -1.7282219222929103 -1.3675879633436023 -0.9729027293003637 -0.675727964844277 -0.5673829986363315 -0.4404646096498799 -0.3197373615895999 -0.3878399117774522 -0.5008282336800198 -0.5689307838678721 -0.703588099012036 -0.8366976289246592 -0.9589726622164886 -1.1354201786122864 +11754,-1.35984903718589,0,-1.6647627277996888 -1.6725016539573925 -1.732865277987541 -1.7081007142828637 -1.7220307813667386 -1.7282219222929103 -1.3675879633436023 -0.9729027293003637 -0.675727964844277 -0.5673829986363315 -0.4404646096498799 -0.3197373615895999 -0.3878399117774522 -0.5008282336800198 -0.5689307838678721 -0.703588099012036 -0.8366976289246592 -0.9589726622164886 -1.1354201786122864 -1.2669819232933601 +11755,-1.4031870236690736,0,-1.6725016539573925 -1.732865277987541 -1.7081007142828637 -1.7220307813667386 -1.7282219222929103 -1.3675879633436023 -0.9729027293003637 -0.675727964844277 -0.5673829986363315 -0.4404646096498799 -0.3197373615895999 -0.3878399117774522 -0.5008282336800198 -0.5689307838678721 -0.703588099012036 -0.8366976289246592 -0.9589726622164886 -1.1354201786122864 -1.2669819232933601 -1.35984903718589 +11756,-1.387709171353649,0,-1.732865277987541 -1.7081007142828637 -1.7220307813667386 -1.7282219222929103 -1.3675879633436023 -0.9729027293003637 -0.675727964844277 -0.5673829986363315 -0.4404646096498799 -0.3197373615895999 -0.3878399117774522 -0.5008282336800198 -0.5689307838678721 -0.703588099012036 -0.8366976289246592 -0.9589726622164886 -1.1354201786122864 -1.2669819232933601 -1.35984903718589 -1.4031870236690736 +11757,-1.392352527048271,0,-1.7081007142828637 -1.7220307813667386 -1.7282219222929103 -1.3675879633436023 -0.9729027293003637 -0.675727964844277 -0.5673829986363315 -0.4404646096498799 -0.3197373615895999 -0.3878399117774522 -0.5008282336800198 -0.5689307838678721 -0.703588099012036 -0.8366976289246592 -0.9589726622164886 -1.1354201786122864 -1.2669819232933601 -1.35984903718589 -1.4031870236690736 -1.387709171353649 +11758,-1.4558117215415012,0,-1.7220307813667386 -1.7282219222929103 -1.3675879633436023 -0.9729027293003637 -0.675727964844277 -0.5673829986363315 -0.4404646096498799 -0.3197373615895999 -0.3878399117774522 -0.5008282336800198 -0.5689307838678721 -0.703588099012036 -0.8366976289246592 -0.9589726622164886 -1.1354201786122864 -1.2669819232933601 -1.35984903718589 -1.4031870236690736 -1.387709171353649 -1.392352527048271 +11759,-1.5409399092763187,0,-1.7282219222929103 -1.3675879633436023 -0.9729027293003637 -0.675727964844277 -0.5673829986363315 -0.4404646096498799 -0.3197373615895999 -0.3878399117774522 -0.5008282336800198 -0.5689307838678721 -0.703588099012036 -0.8366976289246592 -0.9589726622164886 -1.1354201786122864 -1.2669819232933601 -1.35984903718589 -1.4031870236690736 -1.387709171353649 -1.392352527048271 -1.4558117215415012 +11760,-1.525462056960894,0,-1.3675879633436023 -0.9729027293003637 -0.675727964844277 -0.5673829986363315 -0.4404646096498799 -0.3197373615895999 -0.3878399117774522 -0.5008282336800198 -0.5689307838678721 -0.703588099012036 -0.8366976289246592 -0.9589726622164886 -1.1354201786122864 -1.2669819232933601 -1.35984903718589 -1.4031870236690736 -1.387709171353649 -1.392352527048271 -1.4558117215415012 -1.5409399092763187 +11761,-1.6229725265480461,0,-0.9729027293003637 -0.675727964844277 -0.5673829986363315 -0.4404646096498799 -0.3197373615895999 -0.3878399117774522 -0.5008282336800198 -0.5689307838678721 -0.703588099012036 -0.8366976289246592 -0.9589726622164886 -1.1354201786122864 -1.2669819232933601 -1.35984903718589 -1.4031870236690736 -1.387709171353649 -1.392352527048271 -1.4558117215415012 -1.5409399092763187 -1.525462056960894 +11762,-1.6895272915043578,0,-0.675727964844277 -0.5673829986363315 -0.4404646096498799 -0.3197373615895999 -0.3878399117774522 -0.5008282336800198 -0.5689307838678721 -0.703588099012036 -0.8366976289246592 -0.9589726622164886 -1.1354201786122864 -1.2669819232933601 -1.35984903718589 -1.4031870236690736 -1.387709171353649 -1.392352527048271 -1.4558117215415012 -1.5409399092763187 -1.525462056960894 -1.6229725265480461 +11763,-1.6755972244204826,0,-0.5673829986363315 -0.4404646096498799 -0.3197373615895999 -0.3878399117774522 -0.5008282336800198 -0.5689307838678721 -0.703588099012036 -0.8366976289246592 -0.9589726622164886 -1.1354201786122864 -1.2669819232933601 -1.35984903718589 -1.4031870236690736 -1.387709171353649 -1.392352527048271 -1.4558117215415012 -1.5409399092763187 -1.525462056960894 -1.6229725265480461 -1.6895272915043578 +11764,-1.3954480975113612,0,-0.4404646096498799 -0.3197373615895999 -0.3878399117774522 -0.5008282336800198 -0.5689307838678721 -0.703588099012036 -0.8366976289246592 -0.9589726622164886 -1.1354201786122864 -1.2669819232933601 -1.35984903718589 -1.4031870236690736 -1.387709171353649 -1.392352527048271 -1.4558117215415012 -1.5409399092763187 -1.525462056960894 -1.6229725265480461 -1.6895272915043578 -1.6755972244204826 +11765,-1.0827954807398499,0,-0.3197373615895999 -0.3878399117774522 -0.5008282336800198 -0.5689307838678721 -0.703588099012036 -0.8366976289246592 -0.9589726622164886 -1.1354201786122864 -1.2669819232933601 -1.35984903718589 -1.4031870236690736 -1.387709171353649 -1.392352527048271 -1.4558117215415012 -1.5409399092763187 -1.525462056960894 -1.6229725265480461 -1.6895272915043578 -1.6755972244204826 -1.3954480975113612 +11766,-0.7747862196629784,0,-0.3878399117774522 -0.5008282336800198 -0.5689307838678721 -0.703588099012036 -0.8366976289246592 -0.9589726622164886 -1.1354201786122864 -1.2669819232933601 -1.35984903718589 -1.4031870236690736 -1.387709171353649 -1.392352527048271 -1.4558117215415012 -1.5409399092763187 -1.525462056960894 -1.6229725265480461 -1.6895272915043578 -1.6755972244204826 -1.3954480975113612 -1.0827954807398499 +11767,-0.5998864884987125,0,-0.5008282336800198 -0.5689307838678721 -0.703588099012036 -0.8366976289246592 -0.9589726622164886 -1.1354201786122864 -1.2669819232933601 -1.35984903718589 -1.4031870236690736 -1.387709171353649 -1.392352527048271 -1.4558117215415012 -1.5409399092763187 -1.525462056960894 -1.6229725265480461 -1.6895272915043578 -1.6755972244204826 -1.3954480975113612 -1.0827954807398499 -0.7747862196629784 +11768,-0.45439467673375494,0,-0.5689307838678721 -0.703588099012036 -0.8366976289246592 -0.9589726622164886 -1.1354201786122864 -1.2669819232933601 -1.35984903718589 -1.4031870236690736 -1.387709171353649 -1.392352527048271 -1.4558117215415012 -1.5409399092763187 -1.525462056960894 -1.6229725265480461 -1.6895272915043578 -1.6755972244204826 -1.3954480975113612 -1.0827954807398499 -0.7747862196629784 -0.5998864884987125 +11769,-0.38319655608282127,0,-0.703588099012036 -0.8366976289246592 -0.9589726622164886 -1.1354201786122864 -1.2669819232933601 -1.35984903718589 -1.4031870236690736 -1.387709171353649 -1.392352527048271 -1.4558117215415012 -1.5409399092763187 -1.525462056960894 -1.6229725265480461 -1.6895272915043578 -1.6755972244204826 -1.3954480975113612 -1.0827954807398499 -0.7747862196629784 -0.5998864884987125 -0.45439467673375494 +11770,-0.39712662316670516,0,-0.8366976289246592 -0.9589726622164886 -1.1354201786122864 -1.2669819232933601 -1.35984903718589 -1.4031870236690736 -1.387709171353649 -1.392352527048271 -1.4558117215415012 -1.5409399092763187 -1.525462056960894 -1.6229725265480461 -1.6895272915043578 -1.6755972244204826 -1.3954480975113612 -1.0827954807398499 -0.7747862196629784 -0.5998864884987125 -0.45439467673375494 -0.38319655608282127 +11771,-0.46213360289146727,0,-0.9589726622164886 -1.1354201786122864 -1.2669819232933601 -1.35984903718589 -1.4031870236690736 -1.387709171353649 -1.392352527048271 -1.4558117215415012 -1.5409399092763187 -1.525462056960894 -1.6229725265480461 -1.6895272915043578 -1.6755972244204826 -1.3954480975113612 -1.0827954807398499 -0.7747862196629784 -0.5998864884987125 -0.45439467673375494 -0.38319655608282127 -0.39712662316670516 +11772,-0.5178538712269851,0,-1.1354201786122864 -1.2669819232933601 -1.35984903718589 -1.4031870236690736 -1.387709171353649 -1.392352527048271 -1.4558117215415012 -1.5409399092763187 -1.525462056960894 -1.6229725265480461 -1.6895272915043578 -1.6755972244204826 -1.3954480975113612 -1.0827954807398499 -0.7747862196629784 -0.5998864884987125 -0.45439467673375494 -0.38319655608282127 -0.39712662316670516 -0.46213360289146727 +11773,-0.703588099012036,0,-1.2669819232933601 -1.35984903718589 -1.4031870236690736 -1.387709171353649 -1.392352527048271 -1.4558117215415012 -1.5409399092763187 -1.525462056960894 -1.6229725265480461 -1.6895272915043578 -1.6755972244204826 -1.3954480975113612 -1.0827954807398499 -0.7747862196629784 -0.5998864884987125 -0.45439467673375494 -0.38319655608282127 -0.39712662316670516 -0.46213360289146727 -0.5178538712269851 +11774,-0.8661055483239588,0,-1.35984903718589 -1.4031870236690736 -1.387709171353649 -1.392352527048271 -1.4558117215415012 -1.5409399092763187 -1.525462056960894 -1.6229725265480461 -1.6895272915043578 -1.6755972244204826 -1.3954480975113612 -1.0827954807398499 -0.7747862196629784 -0.5998864884987125 -0.45439467673375494 -0.38319655608282127 -0.39712662316670516 -0.46213360289146727 -0.5178538712269851 -0.703588099012036 +11775,-0.9574248769849392,0,-1.4031870236690736 -1.387709171353649 -1.392352527048271 -1.4558117215415012 -1.5409399092763187 -1.525462056960894 -1.6229725265480461 -1.6895272915043578 -1.6755972244204826 -1.3954480975113612 -1.0827954807398499 -0.7747862196629784 -0.5998864884987125 -0.45439467673375494 -0.38319655608282127 -0.39712662316670516 -0.46213360289146727 -0.5178538712269851 -0.703588099012036 -0.8661055483239588 +11776,-1.045648635182847,0,-1.387709171353649 -1.392352527048271 -1.4558117215415012 -1.5409399092763187 -1.525462056960894 -1.6229725265480461 -1.6895272915043578 -1.6755972244204826 -1.3954480975113612 -1.0827954807398499 -0.7747862196629784 -0.5998864884987125 -0.45439467673375494 -0.38319655608282127 -0.39712662316670516 -0.46213360289146727 -0.5178538712269851 -0.703588099012036 -0.8661055483239588 -0.9574248769849392 +11777,-1.1756625946323798,0,-1.392352527048271 -1.4558117215415012 -1.5409399092763187 -1.525462056960894 -1.6229725265480461 -1.6895272915043578 -1.6755972244204826 -1.3954480975113612 -1.0827954807398499 -0.7747862196629784 -0.5998864884987125 -0.45439467673375494 -0.38319655608282127 -0.39712662316670516 -0.46213360289146727 -0.5178538712269851 -0.703588099012036 -0.8661055483239588 -0.9574248769849392 -1.045648635182847 +11778,-1.2731730642195318,0,-1.4558117215415012 -1.5409399092763187 -1.525462056960894 -1.6229725265480461 -1.6895272915043578 -1.6755972244204826 -1.3954480975113612 -1.0827954807398499 -0.7747862196629784 -0.5998864884987125 -0.45439467673375494 -0.38319655608282127 -0.39712662316670516 -0.46213360289146727 -0.5178538712269851 -0.703588099012036 -0.8661055483239588 -0.9574248769849392 -1.045648635182847 -1.1756625946323798 +11779,-1.4124737350583176,0,-1.5409399092763187 -1.525462056960894 -1.6229725265480461 -1.6895272915043578 -1.6755972244204826 -1.3954480975113612 -1.0827954807398499 -0.7747862196629784 -0.5998864884987125 -0.45439467673375494 -0.38319655608282127 -0.39712662316670516 -0.46213360289146727 -0.5178538712269851 -0.703588099012036 -0.8661055483239588 -0.9574248769849392 -1.045648635182847 -1.1756625946323798 -1.2731730642195318 +11780,-1.4960541375615946,0,-1.525462056960894 -1.6229725265480461 -1.6895272915043578 -1.6755972244204826 -1.3954480975113612 -1.0827954807398499 -0.7747862196629784 -0.5998864884987125 -0.45439467673375494 -0.38319655608282127 -0.39712662316670516 -0.46213360289146727 -0.5178538712269851 -0.703588099012036 -0.8661055483239588 -0.9574248769849392 -1.045648635182847 -1.1756625946323798 -1.2731730642195318 -1.4124737350583176 +11781,-1.5703478286756183,0,-1.6229725265480461 -1.6895272915043578 -1.6755972244204826 -1.3954480975113612 -1.0827954807398499 -0.7747862196629784 -0.5998864884987125 -0.45439467673375494 -0.38319655608282127 -0.39712662316670516 -0.46213360289146727 -0.5178538712269851 -0.703588099012036 -0.8661055483239588 -0.9574248769849392 -1.045648635182847 -1.1756625946323798 -1.2731730642195318 -1.4124737350583176 -1.4960541375615946 +11782,-1.6028513185379993,0,-1.6895272915043578 -1.6755972244204826 -1.3954480975113612 -1.0827954807398499 -0.7747862196629784 -0.5998864884987125 -0.45439467673375494 -0.38319655608282127 -0.39712662316670516 -0.46213360289146727 -0.5178538712269851 -0.703588099012036 -0.8661055483239588 -0.9574248769849392 -1.045648635182847 -1.1756625946323798 -1.2731730642195318 -1.4124737350583176 -1.4960541375615946 -1.5703478286756183 +11783,-1.6198769560849646,0,-1.6755972244204826 -1.3954480975113612 -1.0827954807398499 -0.7747862196629784 -0.5998864884987125 -0.45439467673375494 -0.38319655608282127 -0.39712662316670516 -0.46213360289146727 -0.5178538712269851 -0.703588099012036 -0.8661055483239588 -0.9574248769849392 -1.045648635182847 -1.1756625946323798 -1.2731730642195318 -1.4124737350583176 -1.4960541375615946 -1.5703478286756183 -1.6028513185379993 +11784,-1.6291636674742176,0,-1.3954480975113612 -1.0827954807398499 -0.7747862196629784 -0.5998864884987125 -0.45439467673375494 -0.38319655608282127 -0.39712662316670516 -0.46213360289146727 -0.5178538712269851 -0.703588099012036 -0.8661055483239588 -0.9574248769849392 -1.045648635182847 -1.1756625946323798 -1.2731730642195318 -1.4124737350583176 -1.4960541375615946 -1.5703478286756183 -1.6028513185379993 -1.6198769560849646 +11785,-1.683336150578186,0,-1.0827954807398499 -0.7747862196629784 -0.5998864884987125 -0.45439467673375494 -0.38319655608282127 -0.39712662316670516 -0.46213360289146727 -0.5178538712269851 -0.703588099012036 -0.8661055483239588 -0.9574248769849392 -1.045648635182847 -1.1756625946323798 -1.2731730642195318 -1.4124737350583176 -1.4960541375615946 -1.5703478286756183 -1.6028513185379993 -1.6198769560849646 -1.6291636674742176 +11786,-1.7003617881251514,0,-0.7747862196629784 -0.5998864884987125 -0.45439467673375494 -0.38319655608282127 -0.39712662316670516 -0.46213360289146727 -0.5178538712269851 -0.703588099012036 -0.8661055483239588 -0.9574248769849392 -1.045648635182847 -1.1756625946323798 -1.2731730642195318 -1.4124737350583176 -1.4960541375615946 -1.5703478286756183 -1.6028513185379993 -1.6198769560849646 -1.6291636674742176 -1.683336150578186 +11787,-1.6229725265480461,0,-0.5998864884987125 -0.45439467673375494 -0.38319655608282127 -0.39712662316670516 -0.46213360289146727 -0.5178538712269851 -0.703588099012036 -0.8661055483239588 -0.9574248769849392 -1.045648635182847 -1.1756625946323798 -1.2731730642195318 -1.4124737350583176 -1.4960541375615946 -1.5703478286756183 -1.6028513185379993 -1.6198769560849646 -1.6291636674742176 -1.683336150578186 -1.7003617881251514 +11788,-1.5424876945078594,0,-0.45439467673375494 -0.38319655608282127 -0.39712662316670516 -0.46213360289146727 -0.5178538712269851 -0.703588099012036 -0.8661055483239588 -0.9574248769849392 -1.045648635182847 -1.1756625946323798 -1.2731730642195318 -1.4124737350583176 -1.4960541375615946 -1.5703478286756183 -1.6028513185379993 -1.6198769560849646 -1.6291636674742176 -1.683336150578186 -1.7003617881251514 -1.6229725265480461 +11789,-1.201974943568598,0,-0.38319655608282127 -0.39712662316670516 -0.46213360289146727 -0.5178538712269851 -0.703588099012036 -0.8661055483239588 -0.9574248769849392 -1.045648635182847 -1.1756625946323798 -1.2731730642195318 -1.4124737350583176 -1.4960541375615946 -1.5703478286756183 -1.6028513185379993 -1.6198769560849646 -1.6291636674742176 -1.683336150578186 -1.7003617881251514 -1.6229725265480461 -1.5424876945078594 +11790,-0.7716906491998883,0,-0.39712662316670516 -0.46213360289146727 -0.5178538712269851 -0.703588099012036 -0.8661055483239588 -0.9574248769849392 -1.045648635182847 -1.1756625946323798 -1.2731730642195318 -1.4124737350583176 -1.4960541375615946 -1.5703478286756183 -1.6028513185379993 -1.6198769560849646 -1.6291636674742176 -1.683336150578186 -1.7003617881251514 -1.6229725265480461 -1.5424876945078594 -1.201974943568598 +11791,-0.4961848779853978,0,-0.46213360289146727 -0.5178538712269851 -0.703588099012036 -0.8661055483239588 -0.9574248769849392 -1.045648635182847 -1.1756625946323798 -1.2731730642195318 -1.4124737350583176 -1.4960541375615946 -1.5703478286756183 -1.6028513185379993 -1.6198769560849646 -1.6291636674742176 -1.683336150578186 -1.7003617881251514 -1.6229725265480461 -1.5424876945078594 -1.201974943568598 -0.7716906491998883 +11792,-0.4095089050190395,0,-0.5178538712269851 -0.703588099012036 -0.8661055483239588 -0.9574248769849392 -1.045648635182847 -1.1756625946323798 -1.2731730642195318 -1.4124737350583176 -1.4960541375615946 -1.5703478286756183 -1.6028513185379993 -1.6198769560849646 -1.6291636674742176 -1.683336150578186 -1.7003617881251514 -1.6229725265480461 -1.5424876945078594 -1.201974943568598 -0.7716906491998883 -0.4961848779853978 +11793,-0.3692664889989462,0,-0.703588099012036 -0.8661055483239588 -0.9574248769849392 -1.045648635182847 -1.1756625946323798 -1.2731730642195318 -1.4124737350583176 -1.4960541375615946 -1.5703478286756183 -1.6028513185379993 -1.6198769560849646 -1.6291636674742176 -1.683336150578186 -1.7003617881251514 -1.6229725265480461 -1.5424876945078594 -1.201974943568598 -0.7716906491998883 -0.4961848779853978 -0.4095089050190395 +11794,-0.34140635483118725,0,-0.8661055483239588 -0.9574248769849392 -1.045648635182847 -1.1756625946323798 -1.2731730642195318 -1.4124737350583176 -1.4960541375615946 -1.5703478286756183 -1.6028513185379993 -1.6198769560849646 -1.6291636674742176 -1.683336150578186 -1.7003617881251514 -1.6229725265480461 -1.5424876945078594 -1.201974943568598 -0.7716906491998883 -0.4961848779853978 -0.4095089050190395 -0.3692664889989462 +11795,-0.39867440839824586,0,-0.9574248769849392 -1.045648635182847 -1.1756625946323798 -1.2731730642195318 -1.4124737350583176 -1.4960541375615946 -1.5703478286756183 -1.6028513185379993 -1.6198769560849646 -1.6291636674742176 -1.683336150578186 -1.7003617881251514 -1.6229725265480461 -1.5424876945078594 -1.201974943568598 -0.7716906491998883 -0.4961848779853978 -0.4095089050190395 -0.3692664889989462 -0.34140635483118725 +11796,-0.4822548109015139,0,-1.045648635182847 -1.1756625946323798 -1.2731730642195318 -1.4124737350583176 -1.4960541375615946 -1.5703478286756183 -1.6028513185379993 -1.6198769560849646 -1.6291636674742176 -1.683336150578186 -1.7003617881251514 -1.6229725265480461 -1.5424876945078594 -1.201974943568598 -0.7716906491998883 -0.4961848779853978 -0.4095089050190395 -0.3692664889989462 -0.34140635483118725 -0.39867440839824586 +11797,-0.5751219247940438,0,-1.1756625946323798 -1.2731730642195318 -1.4124737350583176 -1.4960541375615946 -1.5703478286756183 -1.6028513185379993 -1.6198769560849646 -1.6291636674742176 -1.683336150578186 -1.7003617881251514 -1.6229725265480461 -1.5424876945078594 -1.201974943568598 -0.7716906491998883 -0.4961848779853978 -0.4095089050190395 -0.3692664889989462 -0.34140635483118725 -0.39867440839824586 -0.4822548109015139 +11798,-0.791811857209935,0,-1.2731730642195318 -1.4124737350583176 -1.4960541375615946 -1.5703478286756183 -1.6028513185379993 -1.6198769560849646 -1.6291636674742176 -1.683336150578186 -1.7003617881251514 -1.6229725265480461 -1.5424876945078594 -1.201974943568598 -0.7716906491998883 -0.4961848779853978 -0.4095089050190395 -0.3692664889989462 -0.34140635483118725 -0.39867440839824586 -0.4822548109015139 -0.5751219247940438 +11799,-0.8444365550823715,0,-1.4124737350583176 -1.4960541375615946 -1.5703478286756183 -1.6028513185379993 -1.6198769560849646 -1.6291636674742176 -1.683336150578186 -1.7003617881251514 -1.6229725265480461 -1.5424876945078594 -1.201974943568598 -0.7716906491998883 -0.4961848779853978 -0.4095089050190395 -0.3692664889989462 -0.34140635483118725 -0.39867440839824586 -0.4822548109015139 -0.5751219247940438 -0.791811857209935 +11800,-0.9450425951326047,0,-1.4960541375615946 -1.5703478286756183 -1.6028513185379993 -1.6198769560849646 -1.6291636674742176 -1.683336150578186 -1.7003617881251514 -1.6229725265480461 -1.5424876945078594 -1.201974943568598 -0.7716906491998883 -0.4961848779853978 -0.4095089050190395 -0.3692664889989462 -0.34140635483118725 -0.39867440839824586 -0.4822548109015139 -0.5751219247940438 -0.791811857209935 -0.8444365550823715 +11801,-0.9961195077734918,0,-1.5703478286756183 -1.6028513185379993 -1.6198769560849646 -1.6291636674742176 -1.683336150578186 -1.7003617881251514 -1.6229725265480461 -1.5424876945078594 -1.201974943568598 -0.7716906491998883 -0.4961848779853978 -0.4095089050190395 -0.3692664889989462 -0.34140635483118725 -0.39867440839824586 -0.4822548109015139 -0.5751219247940438 -0.791811857209935 -0.8444365550823715 -0.9450425951326047 +11802,-1.0379097090251346,0,-1.6028513185379993 -1.6198769560849646 -1.6291636674742176 -1.683336150578186 -1.7003617881251514 -1.6229725265480461 -1.5424876945078594 -1.201974943568598 -0.7716906491998883 -0.4961848779853978 -0.4095089050190395 -0.3692664889989462 -0.34140635483118725 -0.39867440839824586 -0.4822548109015139 -0.5751219247940438 -0.791811857209935 -0.8444365550823715 -0.9450425951326047 -0.9961195077734918 +11803,-1.0889866216660216,0,-1.6198769560849646 -1.6291636674742176 -1.683336150578186 -1.7003617881251514 -1.6229725265480461 -1.5424876945078594 -1.201974943568598 -0.7716906491998883 -0.4961848779853978 -0.4095089050190395 -0.3692664889989462 -0.34140635483118725 -0.39867440839824586 -0.4822548109015139 -0.5751219247940438 -0.791811857209935 -0.8444365550823715 -0.9450425951326047 -0.9961195077734918 -1.0379097090251346 +11804,-1.1416113195384492,0,-1.6291636674742176 -1.683336150578186 -1.7003617881251514 -1.6229725265480461 -1.5424876945078594 -1.201974943568598 -0.7716906491998883 -0.4961848779853978 -0.4095089050190395 -0.3692664889989462 -0.34140635483118725 -0.39867440839824586 -0.4822548109015139 -0.5751219247940438 -0.791811857209935 -0.8444365550823715 -0.9450425951326047 -0.9961195077734918 -1.0379097090251346 -1.0889866216660216 +11805,-1.2097138697263103,0,-1.683336150578186 -1.7003617881251514 -1.6229725265480461 -1.5424876945078594 -1.201974943568598 -0.7716906491998883 -0.4961848779853978 -0.4095089050190395 -0.3692664889989462 -0.34140635483118725 -0.39867440839824586 -0.4822548109015139 -0.5751219247940438 -0.791811857209935 -0.8444365550823715 -0.9450425951326047 -0.9961195077734918 -1.0379097090251346 -1.0889866216660216 -1.1416113195384492 +11806,-1.2932942722295784,0,-1.7003617881251514 -1.6229725265480461 -1.5424876945078594 -1.201974943568598 -0.7716906491998883 -0.4961848779853978 -0.4095089050190395 -0.3692664889989462 -0.34140635483118725 -0.39867440839824586 -0.4822548109015139 -0.5751219247940438 -0.791811857209935 -0.8444365550823715 -0.9450425951326047 -0.9961195077734918 -1.0379097090251346 -1.0889866216660216 -1.1416113195384492 -1.2097138697263103 +11807,-1.4155693055214078,0,-1.6229725265480461 -1.5424876945078594 -1.201974943568598 -0.7716906491998883 -0.4961848779853978 -0.4095089050190395 -0.3692664889989462 -0.34140635483118725 -0.39867440839824586 -0.4822548109015139 -0.5751219247940438 -0.791811857209935 -0.8444365550823715 -0.9450425951326047 -0.9961195077734918 -1.0379097090251346 -1.0889866216660216 -1.1416113195384492 -1.2097138697263103 -1.2932942722295784 +11808,-1.502245278487766,0,-1.5424876945078594 -1.201974943568598 -0.7716906491998883 -0.4961848779853978 -0.4095089050190395 -0.3692664889989462 -0.34140635483118725 -0.39867440839824586 -0.4822548109015139 -0.5751219247940438 -0.791811857209935 -0.8444365550823715 -0.9450425951326047 -0.9961195077734918 -1.0379097090251346 -1.0889866216660216 -1.1416113195384492 -1.2097138697263103 -1.2932942722295784 -1.4155693055214078 +11809,-1.5548699763601939,0,-1.201974943568598 -0.7716906491998883 -0.4961848779853978 -0.4095089050190395 -0.3692664889989462 -0.34140635483118725 -0.39867440839824586 -0.4822548109015139 -0.5751219247940438 -0.791811857209935 -0.8444365550823715 -0.9450425951326047 -0.9961195077734918 -1.0379097090251346 -1.0889866216660216 -1.1416113195384492 -1.2097138697263103 -1.2932942722295784 -1.4155693055214078 -1.502245278487766 +11810,-1.585825680991034,0,-0.7716906491998883 -0.4961848779853978 -0.4095089050190395 -0.3692664889989462 -0.34140635483118725 -0.39867440839824586 -0.4822548109015139 -0.5751219247940438 -0.791811857209935 -0.8444365550823715 -0.9450425951326047 -0.9961195077734918 -1.0379097090251346 -1.0889866216660216 -1.1416113195384492 -1.2097138697263103 -1.2932942722295784 -1.4155693055214078 -1.502245278487766 -1.5548699763601939 +11811,-1.590469036685665,0,-0.4961848779853978 -0.4095089050190395 -0.3692664889989462 -0.34140635483118725 -0.39867440839824586 -0.4822548109015139 -0.5751219247940438 -0.791811857209935 -0.8444365550823715 -0.9450425951326047 -0.9961195077734918 -1.0379097090251346 -1.0889866216660216 -1.1416113195384492 -1.2097138697263103 -1.2932942722295784 -1.4155693055214078 -1.502245278487766 -1.5548699763601939 -1.585825680991034 +11812,-1.4171170907529487,0,-0.4095089050190395 -0.3692664889989462 -0.34140635483118725 -0.39867440839824586 -0.4822548109015139 -0.5751219247940438 -0.791811857209935 -0.8444365550823715 -0.9450425951326047 -0.9961195077734918 -1.0379097090251346 -1.0889866216660216 -1.1416113195384492 -1.2097138697263103 -1.2932942722295784 -1.4155693055214078 -1.502245278487766 -1.5548699763601939 -1.585825680991034 -1.590469036685665 +11813,-0.9187302461963865,0,-0.3692664889989462 -0.34140635483118725 -0.39867440839824586 -0.4822548109015139 -0.5751219247940438 -0.791811857209935 -0.8444365550823715 -0.9450425951326047 -0.9961195077734918 -1.0379097090251346 -1.0889866216660216 -1.1416113195384492 -1.2097138697263103 -1.2932942722295784 -1.4155693055214078 -1.502245278487766 -1.5548699763601939 -1.585825680991034 -1.590469036685665 -1.4171170907529487 +11814,-0.6494156159080676,0,-0.34140635483118725 -0.39867440839824586 -0.4822548109015139 -0.5751219247940438 -0.791811857209935 -0.8444365550823715 -0.9450425951326047 -0.9961195077734918 -1.0379097090251346 -1.0889866216660216 -1.1416113195384492 -1.2097138697263103 -1.2932942722295784 -1.4155693055214078 -1.502245278487766 -1.5548699763601939 -1.585825680991034 -1.590469036685665 -1.4171170907529487 -0.9187302461963865 +11815,-0.4234389721029146,0,-0.39867440839824586 -0.4822548109015139 -0.5751219247940438 -0.791811857209935 -0.8444365550823715 -0.9450425951326047 -0.9961195077734918 -1.0379097090251346 -1.0889866216660216 -1.1416113195384492 -1.2097138697263103 -1.2932942722295784 -1.4155693055214078 -1.502245278487766 -1.5548699763601939 -1.585825680991034 -1.590469036685665 -1.4171170907529487 -0.9187302461963865 -0.6494156159080676 +11816,-0.3259285025157627,0,-0.4822548109015139 -0.5751219247940438 -0.791811857209935 -0.8444365550823715 -0.9450425951326047 -0.9961195077734918 -1.0379097090251346 -1.0889866216660216 -1.1416113195384492 -1.2097138697263103 -1.2932942722295784 -1.4155693055214078 -1.502245278487766 -1.5548699763601939 -1.585825680991034 -1.590469036685665 -1.4171170907529487 -0.9187302461963865 -0.6494156159080676 -0.4234389721029146 +11817,-0.2237746772339887,0,-0.5751219247940438 -0.791811857209935 -0.8444365550823715 -0.9450425951326047 -0.9961195077734918 -1.0379097090251346 -1.0889866216660216 -1.1416113195384492 -1.2097138697263103 -1.2932942722295784 -1.4155693055214078 -1.502245278487766 -1.5548699763601939 -1.585825680991034 -1.590469036685665 -1.4171170907529487 -0.9187302461963865 -0.6494156159080676 -0.4234389721029146 -0.3259285025157627 +11818,-0.19436675783468904,0,-0.791811857209935 -0.8444365550823715 -0.9450425951326047 -0.9961195077734918 -1.0379097090251346 -1.0889866216660216 -1.1416113195384492 -1.2097138697263103 -1.2932942722295784 -1.4155693055214078 -1.502245278487766 -1.5548699763601939 -1.585825680991034 -1.590469036685665 -1.4171170907529487 -0.9187302461963865 -0.6494156159080676 -0.4234389721029146 -0.3259285025157627 -0.2237746772339887 +11819,-0.29032944219029144,0,-0.8444365550823715 -0.9450425951326047 -0.9961195077734918 -1.0379097090251346 -1.0889866216660216 -1.1416113195384492 -1.2097138697263103 -1.2932942722295784 -1.4155693055214078 -1.502245278487766 -1.5548699763601939 -1.585825680991034 -1.590469036685665 -1.4171170907529487 -0.9187302461963865 -0.6494156159080676 -0.4234389721029146 -0.3259285025157627 -0.2237746772339887 -0.19436675783468904 +11820,-0.4203434016398332,0,-0.9450425951326047 -0.9961195077734918 -1.0379097090251346 -1.0889866216660216 -1.1416113195384492 -1.2097138697263103 -1.2932942722295784 -1.4155693055214078 -1.502245278487766 -1.5548699763601939 -1.585825680991034 -1.590469036685665 -1.4171170907529487 -0.9187302461963865 -0.6494156159080676 -0.4234389721029146 -0.3259285025157627 -0.2237746772339887 -0.19436675783468904 -0.29032944219029144 +11821,-0.6045298441933433,0,-0.9961195077734918 -1.0379097090251346 -1.0889866216660216 -1.1416113195384492 -1.2097138697263103 -1.2932942722295784 -1.4155693055214078 -1.502245278487766 -1.5548699763601939 -1.585825680991034 -1.590469036685665 -1.4171170907529487 -0.9187302461963865 -0.6494156159080676 -0.4234389721029146 -0.3259285025157627 -0.2237746772339887 -0.19436675783468904 -0.29032944219029144 -0.4203434016398332 +11822,-0.7856207162837722,0,-1.0379097090251346 -1.0889866216660216 -1.1416113195384492 -1.2097138697263103 -1.2932942722295784 -1.4155693055214078 -1.502245278487766 -1.5548699763601939 -1.585825680991034 -1.590469036685665 -1.4171170907529487 -0.9187302461963865 -0.6494156159080676 -0.4234389721029146 -0.3259285025157627 -0.2237746772339887 -0.19436675783468904 -0.29032944219029144 -0.4203434016398332 -0.6045298441933433 +11823,-0.9543293065218578,0,-1.0889866216660216 -1.1416113195384492 -1.2097138697263103 -1.2932942722295784 -1.4155693055214078 -1.502245278487766 -1.5548699763601939 -1.585825680991034 -1.590469036685665 -1.4171170907529487 -0.9187302461963865 -0.6494156159080676 -0.4234389721029146 -0.3259285025157627 -0.2237746772339887 -0.19436675783468904 -0.29032944219029144 -0.4203434016398332 -0.6045298441933433 -0.7856207162837722 +11824,-1.1060122592129868,0,-1.1416113195384492 -1.2097138697263103 -1.2932942722295784 -1.4155693055214078 -1.502245278487766 -1.5548699763601939 -1.585825680991034 -1.590469036685665 -1.4171170907529487 -0.9187302461963865 -0.6494156159080676 -0.4234389721029146 -0.3259285025157627 -0.2237746772339887 -0.19436675783468904 -0.29032944219029144 -0.4203434016398332 -0.6045298441933433 -0.7856207162837722 -0.9543293065218578 +11825,-1.1632803127800455,0,-1.2097138697263103 -1.2932942722295784 -1.4155693055214078 -1.502245278487766 -1.5548699763601939 -1.585825680991034 -1.590469036685665 -1.4171170907529487 -0.9187302461963865 -0.6494156159080676 -0.4234389721029146 -0.3259285025157627 -0.2237746772339887 -0.19436675783468904 -0.29032944219029144 -0.4203434016398332 -0.6045298441933433 -0.7856207162837722 -0.9543293065218578 -1.1060122592129868 +11826,-1.1973315878739672,0,-1.2932942722295784 -1.4155693055214078 -1.502245278487766 -1.5548699763601939 -1.585825680991034 -1.590469036685665 -1.4171170907529487 -0.9187302461963865 -0.6494156159080676 -0.4234389721029146 -0.3259285025157627 -0.2237746772339887 -0.19436675783468904 -0.29032944219029144 -0.4203434016398332 -0.6045298441933433 -0.7856207162837722 -0.9543293065218578 -1.1060122592129868 -1.1632803127800455 +11827,-1.1756625946323798,0,-1.4155693055214078 -1.502245278487766 -1.5548699763601939 -1.585825680991034 -1.590469036685665 -1.4171170907529487 -0.9187302461963865 -0.6494156159080676 -0.4234389721029146 -0.3259285025157627 -0.2237746772339887 -0.19436675783468904 -0.29032944219029144 -0.4203434016398332 -0.6045298441933433 -0.7856207162837722 -0.9543293065218578 -1.1060122592129868 -1.1632803127800455 -1.1973315878739672 +11828,-1.1508980309277022,0,-1.502245278487766 -1.5548699763601939 -1.585825680991034 -1.590469036685665 -1.4171170907529487 -0.9187302461963865 -0.6494156159080676 -0.4234389721029146 -0.3259285025157627 -0.2237746772339887 -0.19436675783468904 -0.29032944219029144 -0.4203434016398332 -0.6045298441933433 -0.7856207162837722 -0.9543293065218578 -1.1060122592129868 -1.1632803127800455 -1.1973315878739672 -1.1756625946323798 +11829,-1.1710192389377578,0,-1.5548699763601939 -1.585825680991034 -1.590469036685665 -1.4171170907529487 -0.9187302461963865 -0.6494156159080676 -0.4234389721029146 -0.3259285025157627 -0.2237746772339887 -0.19436675783468904 -0.29032944219029144 -0.4203434016398332 -0.6045298441933433 -0.7856207162837722 -0.9543293065218578 -1.1060122592129868 -1.1632803127800455 -1.1973315878739672 -1.1756625946323798 -1.1508980309277022 +11830,-1.1973315878739672,0,-1.585825680991034 -1.590469036685665 -1.4171170907529487 -0.9187302461963865 -0.6494156159080676 -0.4234389721029146 -0.3259285025157627 -0.2237746772339887 -0.19436675783468904 -0.29032944219029144 -0.4203434016398332 -0.6045298441933433 -0.7856207162837722 -0.9543293065218578 -1.1060122592129868 -1.1632803127800455 -1.1973315878739672 -1.1756625946323798 -1.1508980309277022 -1.1710192389377578 +11831,-1.2236439368101855,0,-1.590469036685665 -1.4171170907529487 -0.9187302461963865 -0.6494156159080676 -0.4234389721029146 -0.3259285025157627 -0.2237746772339887 -0.19436675783468904 -0.29032944219029144 -0.4203434016398332 -0.6045298441933433 -0.7856207162837722 -0.9543293065218578 -1.1060122592129868 -1.1632803127800455 -1.1973315878739672 -1.1756625946323798 -1.1508980309277022 -1.1710192389377578 -1.1973315878739672 +11832,-1.2313828629678978,0,-1.4171170907529487 -0.9187302461963865 -0.6494156159080676 -0.4234389721029146 -0.3259285025157627 -0.2237746772339887 -0.19436675783468904 -0.29032944219029144 -0.4203434016398332 -0.6045298441933433 -0.7856207162837722 -0.9543293065218578 -1.1060122592129868 -1.1632803127800455 -1.1973315878739672 -1.1756625946323798 -1.1508980309277022 -1.1710192389377578 -1.1973315878739672 -1.2236439368101855 +11833,-1.2159050106524731,0,-0.9187302461963865 -0.6494156159080676 -0.4234389721029146 -0.3259285025157627 -0.2237746772339887 -0.19436675783468904 -0.29032944219029144 -0.4203434016398332 -0.6045298441933433 -0.7856207162837722 -0.9543293065218578 -1.1060122592129868 -1.1632803127800455 -1.1973315878739672 -1.1756625946323798 -1.1508980309277022 -1.1710192389377578 -1.1973315878739672 -1.2236439368101855 -1.2313828629678978 +11834,-1.229835077736357,0,-0.6494156159080676 -0.4234389721029146 -0.3259285025157627 -0.2237746772339887 -0.19436675783468904 -0.29032944219029144 -0.4203434016398332 -0.6045298441933433 -0.7856207162837722 -0.9543293065218578 -1.1060122592129868 -1.1632803127800455 -1.1973315878739672 -1.1756625946323798 -1.1508980309277022 -1.1710192389377578 -1.1973315878739672 -1.2236439368101855 -1.2313828629678978 -1.2159050106524731 +11835,-1.192688232179345,0,-0.4234389721029146 -0.3259285025157627 -0.2237746772339887 -0.19436675783468904 -0.29032944219029144 -0.4203434016398332 -0.6045298441933433 -0.7856207162837722 -0.9543293065218578 -1.1060122592129868 -1.1632803127800455 -1.1973315878739672 -1.1756625946323798 -1.1508980309277022 -1.1710192389377578 -1.1973315878739672 -1.2236439368101855 -1.2313828629678978 -1.2159050106524731 -1.229835077736357 +11836,-1.101368903518356,0,-0.3259285025157627 -0.2237746772339887 -0.19436675783468904 -0.29032944219029144 -0.4203434016398332 -0.6045298441933433 -0.7856207162837722 -0.9543293065218578 -1.1060122592129868 -1.1632803127800455 -1.1973315878739672 -1.1756625946323798 -1.1508980309277022 -1.1710192389377578 -1.1973315878739672 -1.2236439368101855 -1.2313828629678978 -1.2159050106524731 -1.229835077736357 -1.192688232179345 +11837,-0.8506276960085343,0,-0.2237746772339887 -0.19436675783468904 -0.29032944219029144 -0.4203434016398332 -0.6045298441933433 -0.7856207162837722 -0.9543293065218578 -1.1060122592129868 -1.1632803127800455 -1.1973315878739672 -1.1756625946323798 -1.1508980309277022 -1.1710192389377578 -1.1973315878739672 -1.2236439368101855 -1.2313828629678978 -1.2159050106524731 -1.229835077736357 -1.192688232179345 -1.101368903518356 +11838,-0.7252570922536233,0,-0.19436675783468904 -0.29032944219029144 -0.4203434016398332 -0.6045298441933433 -0.7856207162837722 -0.9543293065218578 -1.1060122592129868 -1.1632803127800455 -1.1973315878739672 -1.1756625946323798 -1.1508980309277022 -1.1710192389377578 -1.1973315878739672 -1.2236439368101855 -1.2313828629678978 -1.2159050106524731 -1.229835077736357 -1.192688232179345 -1.101368903518356 -0.8506276960085343 +11839,-0.6354855488241837,0,-0.29032944219029144 -0.4203434016398332 -0.6045298441933433 -0.7856207162837722 -0.9543293065218578 -1.1060122592129868 -1.1632803127800455 -1.1973315878739672 -1.1756625946323798 -1.1508980309277022 -1.1710192389377578 -1.1973315878739672 -1.2236439368101855 -1.2313828629678978 -1.2159050106524731 -1.229835077736357 -1.192688232179345 -1.101368903518356 -0.8506276960085343 -0.7252570922536233 +11840,-0.5766697100255844,0,-0.4203434016398332 -0.6045298441933433 -0.7856207162837722 -0.9543293065218578 -1.1060122592129868 -1.1632803127800455 -1.1973315878739672 -1.1756625946323798 -1.1508980309277022 -1.1710192389377578 -1.1973315878739672 -1.2236439368101855 -1.2313828629678978 -1.2159050106524731 -1.229835077736357 -1.192688232179345 -1.101368903518356 -0.8506276960085343 -0.7252570922536233 -0.6354855488241837 +11841,-0.5813130657202153,0,-0.6045298441933433 -0.7856207162837722 -0.9543293065218578 -1.1060122592129868 -1.1632803127800455 -1.1973315878739672 -1.1756625946323798 -1.1508980309277022 -1.1710192389377578 -1.1973315878739672 -1.2236439368101855 -1.2313828629678978 -1.2159050106524731 -1.229835077736357 -1.192688232179345 -1.101368903518356 -0.8506276960085343 -0.7252570922536233 -0.6354855488241837 -0.5766697100255844 +11842,-0.7391871593375072,0,-0.7856207162837722 -0.9543293065218578 -1.1060122592129868 -1.1632803127800455 -1.1973315878739672 -1.1756625946323798 -1.1508980309277022 -1.1710192389377578 -1.1973315878739672 -1.2236439368101855 -1.2313828629678978 -1.2159050106524731 -1.229835077736357 -1.192688232179345 -1.101368903518356 -0.8506276960085343 -0.7252570922536233 -0.6354855488241837 -0.5766697100255844 -0.5813130657202153 +11843,-0.8010985685991879,0,-0.9543293065218578 -1.1060122592129868 -1.1632803127800455 -1.1973315878739672 -1.1756625946323798 -1.1508980309277022 -1.1710192389377578 -1.1973315878739672 -1.2236439368101855 -1.2313828629678978 -1.2159050106524731 -1.229835077736357 -1.192688232179345 -1.101368903518356 -0.8506276960085343 -0.7252570922536233 -0.6354855488241837 -0.5766697100255844 -0.5813130657202153 -0.7391871593375072 +11844,-0.8692011187870402,0,-1.1060122592129868 -1.1632803127800455 -1.1973315878739672 -1.1756625946323798 -1.1508980309277022 -1.1710192389377578 -1.1973315878739672 -1.2236439368101855 -1.2313828629678978 -1.2159050106524731 -1.229835077736357 -1.192688232179345 -1.101368903518356 -0.8506276960085343 -0.7252570922536233 -0.6354855488241837 -0.5766697100255844 -0.5813130657202153 -0.7391871593375072 -0.8010985685991879 +11845,-0.952781521290317,0,-1.1632803127800455 -1.1973315878739672 -1.1756625946323798 -1.1508980309277022 -1.1710192389377578 -1.1973315878739672 -1.2236439368101855 -1.2313828629678978 -1.2159050106524731 -1.229835077736357 -1.192688232179345 -1.101368903518356 -0.8506276960085343 -0.7252570922536233 -0.6354855488241837 -0.5766697100255844 -0.5813130657202153 -0.7391871593375072 -0.8010985685991879 -0.8692011187870402 +11846,-1.027075212404341,0,-1.1973315878739672 -1.1756625946323798 -1.1508980309277022 -1.1710192389377578 -1.1973315878739672 -1.2236439368101855 -1.2313828629678978 -1.2159050106524731 -1.229835077736357 -1.192688232179345 -1.101368903518356 -0.8506276960085343 -0.7252570922536233 -0.6354855488241837 -0.5766697100255844 -0.5813130657202153 -0.7391871593375072 -0.8010985685991879 -0.8692011187870402 -0.952781521290317 +11847,-1.078152125045228,0,-1.1756625946323798 -1.1508980309277022 -1.1710192389377578 -1.1973315878739672 -1.2236439368101855 -1.2313828629678978 -1.2159050106524731 -1.229835077736357 -1.192688232179345 -1.101368903518356 -0.8506276960085343 -0.7252570922536233 -0.6354855488241837 -0.5766697100255844 -0.5813130657202153 -0.7391871593375072 -0.8010985685991879 -0.8692011187870402 -0.952781521290317 -1.027075212404341 +11848,-1.0951777625921932,0,-1.1508980309277022 -1.1710192389377578 -1.1973315878739672 -1.2236439368101855 -1.2313828629678978 -1.2159050106524731 -1.229835077736357 -1.192688232179345 -1.101368903518356 -0.8506276960085343 -0.7252570922536233 -0.6354855488241837 -0.5766697100255844 -0.5813130657202153 -0.7391871593375072 -0.8010985685991879 -0.8692011187870402 -0.952781521290317 -1.027075212404341 -1.078152125045228 +11849,-1.0936299773606524,0,-1.1710192389377578 -1.1973315878739672 -1.2236439368101855 -1.2313828629678978 -1.2159050106524731 -1.229835077736357 -1.192688232179345 -1.101368903518356 -0.8506276960085343 -0.7252570922536233 -0.6354855488241837 -0.5766697100255844 -0.5813130657202153 -0.7391871593375072 -0.8010985685991879 -0.8692011187870402 -0.952781521290317 -1.027075212404341 -1.078152125045228 -1.0951777625921932 +11850,-1.1245856819914928,0,-1.1973315878739672 -1.2236439368101855 -1.2313828629678978 -1.2159050106524731 -1.229835077736357 -1.192688232179345 -1.101368903518356 -0.8506276960085343 -0.7252570922536233 -0.6354855488241837 -0.5766697100255844 -0.5813130657202153 -0.7391871593375072 -0.8010985685991879 -0.8692011187870402 -0.952781521290317 -1.027075212404341 -1.078152125045228 -1.0951777625921932 -1.0936299773606524 +11851,-1.129229037686115,0,-1.2236439368101855 -1.2313828629678978 -1.2159050106524731 -1.229835077736357 -1.192688232179345 -1.101368903518356 -0.8506276960085343 -0.7252570922536233 -0.6354855488241837 -0.5766697100255844 -0.5813130657202153 -0.7391871593375072 -0.8010985685991879 -0.8692011187870402 -0.952781521290317 -1.027075212404341 -1.078152125045228 -1.0951777625921932 -1.0936299773606524 -1.1245856819914928 +11852,-1.1338723933807457,0,-1.2313828629678978 -1.2159050106524731 -1.229835077736357 -1.192688232179345 -1.101368903518356 -0.8506276960085343 -0.7252570922536233 -0.6354855488241837 -0.5766697100255844 -0.5813130657202153 -0.7391871593375072 -0.8010985685991879 -0.8692011187870402 -0.952781521290317 -1.027075212404341 -1.078152125045228 -1.0951777625921932 -1.0936299773606524 -1.1245856819914928 -1.129229037686115 +11853,-1.1508980309277022,0,-1.2159050106524731 -1.229835077736357 -1.192688232179345 -1.101368903518356 -0.8506276960085343 -0.7252570922536233 -0.6354855488241837 -0.5766697100255844 -0.5813130657202153 -0.7391871593375072 -0.8010985685991879 -0.8692011187870402 -0.952781521290317 -1.027075212404341 -1.078152125045228 -1.0951777625921932 -1.0936299773606524 -1.1245856819914928 -1.129229037686115 -1.1338723933807457 +11854,-1.1973315878739672,0,-1.229835077736357 -1.192688232179345 -1.101368903518356 -0.8506276960085343 -0.7252570922536233 -0.6354855488241837 -0.5766697100255844 -0.5813130657202153 -0.7391871593375072 -0.8010985685991879 -0.8692011187870402 -0.952781521290317 -1.027075212404341 -1.078152125045228 -1.0951777625921932 -1.0936299773606524 -1.1245856819914928 -1.129229037686115 -1.1338723933807457 -1.1508980309277022 +11855,-1.201974943568598,0,-1.192688232179345 -1.101368903518356 -0.8506276960085343 -0.7252570922536233 -0.6354855488241837 -0.5766697100255844 -0.5813130657202153 -0.7391871593375072 -0.8010985685991879 -0.8692011187870402 -0.952781521290317 -1.027075212404341 -1.078152125045228 -1.0951777625921932 -1.0936299773606524 -1.1245856819914928 -1.129229037686115 -1.1338723933807457 -1.1508980309277022 -1.1973315878739672 +11856,-1.225191722041726,0,-1.101368903518356 -0.8506276960085343 -0.7252570922536233 -0.6354855488241837 -0.5766697100255844 -0.5813130657202153 -0.7391871593375072 -0.8010985685991879 -0.8692011187870402 -0.952781521290317 -1.027075212404341 -1.078152125045228 -1.0951777625921932 -1.0936299773606524 -1.1245856819914928 -1.129229037686115 -1.1338723933807457 -1.1508980309277022 -1.1973315878739672 -1.201974943568598 +11857,-1.2406695743571508,0,-0.8506276960085343 -0.7252570922536233 -0.6354855488241837 -0.5766697100255844 -0.5813130657202153 -0.7391871593375072 -0.8010985685991879 -0.8692011187870402 -0.952781521290317 -1.027075212404341 -1.078152125045228 -1.0951777625921932 -1.0936299773606524 -1.1245856819914928 -1.129229037686115 -1.1338723933807457 -1.1508980309277022 -1.1973315878739672 -1.201974943568598 -1.225191722041726 +11858,-1.2917464869980377,0,-0.7252570922536233 -0.6354855488241837 -0.5766697100255844 -0.5813130657202153 -0.7391871593375072 -0.8010985685991879 -0.8692011187870402 -0.952781521290317 -1.027075212404341 -1.078152125045228 -1.0951777625921932 -1.0936299773606524 -1.1245856819914928 -1.129229037686115 -1.1338723933807457 -1.1508980309277022 -1.1973315878739672 -1.201974943568598 -1.225191722041726 -1.2406695743571508 +11859,-1.3196066211657966,0,-0.6354855488241837 -0.5766697100255844 -0.5813130657202153 -0.7391871593375072 -0.8010985685991879 -0.8692011187870402 -0.952781521290317 -1.027075212404341 -1.078152125045228 -1.0951777625921932 -1.0936299773606524 -1.1245856819914928 -1.129229037686115 -1.1338723933807457 -1.1508980309277022 -1.1973315878739672 -1.201974943568598 -1.225191722041726 -1.2406695743571508 -1.2917464869980377 +11860,-1.2066182992632202,0,-0.5766697100255844 -0.5813130657202153 -0.7391871593375072 -0.8010985685991879 -0.8692011187870402 -0.952781521290317 -1.027075212404341 -1.078152125045228 -1.0951777625921932 -1.0936299773606524 -1.1245856819914928 -1.129229037686115 -1.1338723933807457 -1.1508980309277022 -1.1973315878739672 -1.201974943568598 -1.225191722041726 -1.2406695743571508 -1.2917464869980377 -1.3196066211657966 +11861,-1.0425530647197567,0,-0.5813130657202153 -0.7391871593375072 -0.8010985685991879 -0.8692011187870402 -0.952781521290317 -1.027075212404341 -1.078152125045228 -1.0951777625921932 -1.0936299773606524 -1.1245856819914928 -1.129229037686115 -1.1338723933807457 -1.1508980309277022 -1.1973315878739672 -1.201974943568598 -1.225191722041726 -1.2406695743571508 -1.2917464869980377 -1.3196066211657966 -1.2066182992632202 +11862,-0.7685950787368069,0,-0.7391871593375072 -0.8010985685991879 -0.8692011187870402 -0.952781521290317 -1.027075212404341 -1.078152125045228 -1.0951777625921932 -1.0936299773606524 -1.1245856819914928 -1.129229037686115 -1.1338723933807457 -1.1508980309277022 -1.1973315878739672 -1.201974943568598 -1.225191722041726 -1.2406695743571508 -1.2917464869980377 -1.3196066211657966 -1.2066182992632202 -1.0425530647197567 +11863,-0.5967909180356311,0,-0.8010985685991879 -0.8692011187870402 -0.952781521290317 -1.027075212404341 -1.078152125045228 -1.0951777625921932 -1.0936299773606524 -1.1245856819914928 -1.129229037686115 -1.1338723933807457 -1.1508980309277022 -1.1973315878739672 -1.201974943568598 -1.225191722041726 -1.2406695743571508 -1.2917464869980377 -1.3196066211657966 -1.2066182992632202 -1.0425530647197567 -0.7685950787368069 +11864,-0.46522917335455743,0,-0.8692011187870402 -0.952781521290317 -1.027075212404341 -1.078152125045228 -1.0951777625921932 -1.0936299773606524 -1.1245856819914928 -1.129229037686115 -1.1338723933807457 -1.1508980309277022 -1.1973315878739672 -1.201974943568598 -1.225191722041726 -1.2406695743571508 -1.2917464869980377 -1.3196066211657966 -1.2066182992632202 -1.0425530647197567 -0.7685950787368069 -0.5967909180356311 +11865,-0.38629212654590267,0,-0.952781521290317 -1.027075212404341 -1.078152125045228 -1.0951777625921932 -1.0936299773606524 -1.1245856819914928 -1.129229037686115 -1.1338723933807457 -1.1508980309277022 -1.1973315878739672 -1.201974943568598 -1.225191722041726 -1.2406695743571508 -1.2917464869980377 -1.3196066211657966 -1.2066182992632202 -1.0425530647197567 -0.7685950787368069 -0.5967909180356311 -0.46522917335455743 +11866,-0.3801009856197399,0,-1.027075212404341 -1.078152125045228 -1.0951777625921932 -1.0936299773606524 -1.1245856819914928 -1.129229037686115 -1.1338723933807457 -1.1508980309277022 -1.1973315878739672 -1.201974943568598 -1.225191722041726 -1.2406695743571508 -1.2917464869980377 -1.3196066211657966 -1.2066182992632202 -1.0425530647197567 -0.7685950787368069 -0.5967909180356311 -0.46522917335455743 -0.38629212654590267 +11867,-0.36617091853585604,0,-1.078152125045228 -1.0951777625921932 -1.0936299773606524 -1.1245856819914928 -1.129229037686115 -1.1338723933807457 -1.1508980309277022 -1.1973315878739672 -1.201974943568598 -1.225191722041726 -1.2406695743571508 -1.2917464869980377 -1.3196066211657966 -1.2066182992632202 -1.0425530647197567 -0.7685950787368069 -0.5967909180356311 -0.46522917335455743 -0.38629212654590267 -0.3801009856197399 +11868,-0.3878399117774522,0,-1.0951777625921932 -1.0936299773606524 -1.1245856819914928 -1.129229037686115 -1.1338723933807457 -1.1508980309277022 -1.1973315878739672 -1.201974943568598 -1.225191722041726 -1.2406695743571508 -1.2917464869980377 -1.3196066211657966 -1.2066182992632202 -1.0425530647197567 -0.7685950787368069 -0.5967909180356311 -0.46522917335455743 -0.38629212654590267 -0.3801009856197399 -0.36617091853585604 +11869,-0.5859564214148374,0,-1.0936299773606524 -1.1245856819914928 -1.129229037686115 -1.1338723933807457 -1.1508980309277022 -1.1973315878739672 -1.201974943568598 -1.225191722041726 -1.2406695743571508 -1.2917464869980377 -1.3196066211657966 -1.2066182992632202 -1.0425530647197567 -0.7685950787368069 -0.5967909180356311 -0.46522917335455743 -0.38629212654590267 -0.3801009856197399 -0.36617091853585604 -0.3878399117774522 +11870,-0.7329960184113357,0,-1.1245856819914928 -1.129229037686115 -1.1338723933807457 -1.1508980309277022 -1.1973315878739672 -1.201974943568598 -1.225191722041726 -1.2406695743571508 -1.2917464869980377 -1.3196066211657966 -1.2066182992632202 -1.0425530647197567 -0.7685950787368069 -0.5967909180356311 -0.46522917335455743 -0.38629212654590267 -0.3801009856197399 -0.36617091853585604 -0.3878399117774522 -0.5859564214148374 +11871,-0.8351498436931184,0,-1.129229037686115 -1.1338723933807457 -1.1508980309277022 -1.1973315878739672 -1.201974943568598 -1.225191722041726 -1.2406695743571508 -1.2917464869980377 -1.3196066211657966 -1.2066182992632202 -1.0425530647197567 -0.7685950787368069 -0.5967909180356311 -0.46522917335455743 -0.38629212654590267 -0.3801009856197399 -0.36617091853585604 -0.3878399117774522 -0.5859564214148374 -0.7329960184113357 +11872,-0.8692011187870402,0,-1.1338723933807457 -1.1508980309277022 -1.1973315878739672 -1.201974943568598 -1.225191722041726 -1.2406695743571508 -1.2917464869980377 -1.3196066211657966 -1.2066182992632202 -1.0425530647197567 -0.7685950787368069 -0.5967909180356311 -0.46522917335455743 -0.38629212654590267 -0.3801009856197399 -0.36617091853585604 -0.3878399117774522 -0.5859564214148374 -0.7329960184113357 -0.8351498436931184 +11873,-0.9249213871225581,0,-1.1508980309277022 -1.1973315878739672 -1.201974943568598 -1.225191722041726 -1.2406695743571508 -1.2917464869980377 -1.3196066211657966 -1.2066182992632202 -1.0425530647197567 -0.7685950787368069 -0.5967909180356311 -0.46522917335455743 -0.38629212654590267 -0.3801009856197399 -0.36617091853585604 -0.3878399117774522 -0.5859564214148374 -0.7329960184113357 -0.8351498436931184 -0.8692011187870402 +11874,-1.0115973600889163,0,-1.1973315878739672 -1.201974943568598 -1.225191722041726 -1.2406695743571508 -1.2917464869980377 -1.3196066211657966 -1.2066182992632202 -1.0425530647197567 -0.7685950787368069 -0.5967909180356311 -0.46522917335455743 -0.38629212654590267 -0.3801009856197399 -0.36617091853585604 -0.3878399117774522 -0.5859564214148374 -0.7329960184113357 -0.8351498436931184 -0.8692011187870402 -0.9249213871225581 +11875,-1.0425530647197567,0,-1.201974943568598 -1.225191722041726 -1.2406695743571508 -1.2917464869980377 -1.3196066211657966 -1.2066182992632202 -1.0425530647197567 -0.7685950787368069 -0.5967909180356311 -0.46522917335455743 -0.38629212654590267 -0.3801009856197399 -0.36617091853585604 -0.3878399117774522 -0.5859564214148374 -0.7329960184113357 -0.8351498436931184 -0.8692011187870402 -0.9249213871225581 -1.0115973600889163 +11876,-1.036361923793594,0,-1.225191722041726 -1.2406695743571508 -1.2917464869980377 -1.3196066211657966 -1.2066182992632202 -1.0425530647197567 -0.7685950787368069 -0.5967909180356311 -0.46522917335455743 -0.38629212654590267 -0.3801009856197399 -0.36617091853585604 -0.3878399117774522 -0.5859564214148374 -0.7329960184113357 -0.8351498436931184 -0.8692011187870402 -0.9249213871225581 -1.0115973600889163 -1.0425530647197567 +11877,-1.0796999102767686,0,-1.2406695743571508 -1.2917464869980377 -1.3196066211657966 -1.2066182992632202 -1.0425530647197567 -0.7685950787368069 -0.5967909180356311 -0.46522917335455743 -0.38629212654590267 -0.3801009856197399 -0.36617091853585604 -0.3878399117774522 -0.5859564214148374 -0.7329960184113357 -0.8351498436931184 -0.8692011187870402 -0.9249213871225581 -1.0115973600889163 -1.0425530647197567 -1.036361923793594 +11878,-1.1431591047699987,0,-1.2917464869980377 -1.3196066211657966 -1.2066182992632202 -1.0425530647197567 -0.7685950787368069 -0.5967909180356311 -0.46522917335455743 -0.38629212654590267 -0.3801009856197399 -0.36617091853585604 -0.3878399117774522 -0.5859564214148374 -0.7329960184113357 -0.8351498436931184 -0.8692011187870402 -0.9249213871225581 -1.0115973600889163 -1.0425530647197567 -1.036361923793594 -1.0796999102767686 +11879,-1.2050705140316795,0,-1.3196066211657966 -1.2066182992632202 -1.0425530647197567 -0.7685950787368069 -0.5967909180356311 -0.46522917335455743 -0.38629212654590267 -0.3801009856197399 -0.36617091853585604 -0.3878399117774522 -0.5859564214148374 -0.7329960184113357 -0.8351498436931184 -0.8692011187870402 -0.9249213871225581 -1.0115973600889163 -1.0425530647197567 -1.036361923793594 -1.0796999102767686 -1.1431591047699987 +11880,-1.1880448764847142,0,-1.2066182992632202 -1.0425530647197567 -0.7685950787368069 -0.5967909180356311 -0.46522917335455743 -0.38629212654590267 -0.3801009856197399 -0.36617091853585604 -0.3878399117774522 -0.5859564214148374 -0.7329960184113357 -0.8351498436931184 -0.8692011187870402 -0.9249213871225581 -1.0115973600889163 -1.0425530647197567 -1.036361923793594 -1.0796999102767686 -1.1431591047699987 -1.2050705140316795 +11881,-1.1617325275485046,0,-1.0425530647197567 -0.7685950787368069 -0.5967909180356311 -0.46522917335455743 -0.38629212654590267 -0.3801009856197399 -0.36617091853585604 -0.3878399117774522 -0.5859564214148374 -0.7329960184113357 -0.8351498436931184 -0.8692011187870402 -0.9249213871225581 -1.0115973600889163 -1.0425530647197567 -1.036361923793594 -1.0796999102767686 -1.1431591047699987 -1.2050705140316795 -1.1880448764847142 +11882,-1.1431591047699987,0,-0.7685950787368069 -0.5967909180356311 -0.46522917335455743 -0.38629212654590267 -0.3801009856197399 -0.36617091853585604 -0.3878399117774522 -0.5859564214148374 -0.7329960184113357 -0.8351498436931184 -0.8692011187870402 -0.9249213871225581 -1.0115973600889163 -1.0425530647197567 -1.036361923793594 -1.0796999102767686 -1.1431591047699987 -1.2050705140316795 -1.1880448764847142 -1.1617325275485046 +11883,-1.119942326296862,0,-0.5967909180356311 -0.46522917335455743 -0.38629212654590267 -0.3801009856197399 -0.36617091853585604 -0.3878399117774522 -0.5859564214148374 -0.7329960184113357 -0.8351498436931184 -0.8692011187870402 -0.9249213871225581 -1.0115973600889163 -1.0425530647197567 -1.036361923793594 -1.0796999102767686 -1.1431591047699987 -1.2050705140316795 -1.1880448764847142 -1.1617325275485046 -1.1431591047699987 +11884,-0.9729027293003637,0,-0.46522917335455743 -0.38629212654590267 -0.3801009856197399 -0.36617091853585604 -0.3878399117774522 -0.5859564214148374 -0.7329960184113357 -0.8351498436931184 -0.8692011187870402 -0.9249213871225581 -1.0115973600889163 -1.0425530647197567 -1.036361923793594 -1.0796999102767686 -1.1431591047699987 -1.2050705140316795 -1.1880448764847142 -1.1617325275485046 -1.1431591047699987 -1.119942326296862 +11885,-0.6927536023912423,0,-0.38629212654590267 -0.3801009856197399 -0.36617091853585604 -0.3878399117774522 -0.5859564214148374 -0.7329960184113357 -0.8351498436931184 -0.8692011187870402 -0.9249213871225581 -1.0115973600889163 -1.0425530647197567 -1.036361923793594 -1.0796999102767686 -1.1431591047699987 -1.2050705140316795 -1.1880448764847142 -1.1617325275485046 -1.1431591047699987 -1.119942326296862 -0.9729027293003637 +11886,-0.44975132103913285,0,-0.3801009856197399 -0.36617091853585604 -0.3878399117774522 -0.5859564214148374 -0.7329960184113357 -0.8351498436931184 -0.8692011187870402 -0.9249213871225581 -1.0115973600889163 -1.0425530647197567 -1.036361923793594 -1.0796999102767686 -1.1431591047699987 -1.2050705140316795 -1.1880448764847142 -1.1617325275485046 -1.1431591047699987 -1.119942326296862 -0.9729027293003637 -0.6927536023912423 +11887,-0.30580729450571603,0,-0.36617091853585604 -0.3878399117774522 -0.5859564214148374 -0.7329960184113357 -0.8351498436931184 -0.8692011187870402 -0.9249213871225581 -1.0115973600889163 -1.0425530647197567 -1.036361923793594 -1.0796999102767686 -1.1431591047699987 -1.2050705140316795 -1.1880448764847142 -1.1617325275485046 -1.1431591047699987 -1.119942326296862 -0.9729027293003637 -0.6927536023912423 -0.44975132103913285 +11888,-0.1618632679722992,0,-0.3878399117774522 -0.5859564214148374 -0.7329960184113357 -0.8351498436931184 -0.8692011187870402 -0.9249213871225581 -1.0115973600889163 -1.0425530647197567 -1.036361923793594 -1.0796999102767686 -1.1431591047699987 -1.2050705140316795 -1.1880448764847142 -1.1617325275485046 -1.1431591047699987 -1.119942326296862 -0.9729027293003637 -0.6927536023912423 -0.44975132103913285 -0.30580729450571603 +11889,-0.061257227922065886,0,-0.5859564214148374 -0.7329960184113357 -0.8351498436931184 -0.8692011187870402 -0.9249213871225581 -1.0115973600889163 -1.0425530647197567 -1.036361923793594 -1.0796999102767686 -1.1431591047699987 -1.2050705140316795 -1.1880448764847142 -1.1617325275485046 -1.1431591047699987 -1.119942326296862 -0.9729027293003637 -0.6927536023912423 -0.44975132103913285 -0.30580729450571603 -0.1618632679722992 +11890,-0.06744836884822868,0,-0.7329960184113357 -0.8351498436931184 -0.8692011187870402 -0.9249213871225581 -1.0115973600889163 -1.0425530647197567 -1.036361923793594 -1.0796999102767686 -1.1431591047699987 -1.2050705140316795 -1.1880448764847142 -1.1617325275485046 -1.1431591047699987 -1.119942326296862 -0.9729027293003637 -0.6927536023912423 -0.44975132103913285 -0.30580729450571603 -0.1618632679722992 -0.061257227922065886 +11891,-0.12781199287837747,0,-0.8351498436931184 -0.8692011187870402 -0.9249213871225581 -1.0115973600889163 -1.0425530647197567 -1.036361923793594 -1.0796999102767686 -1.1431591047699987 -1.2050705140316795 -1.1880448764847142 -1.1617325275485046 -1.1431591047699987 -1.119942326296862 -0.9729027293003637 -0.6927536023912423 -0.44975132103913285 -0.30580729450571603 -0.1618632679722992 -0.061257227922065886 -0.06744836884822868 +11892,-0.30116393881109393,0,-0.8692011187870402 -0.9249213871225581 -1.0115973600889163 -1.0425530647197567 -1.036361923793594 -1.0796999102767686 -1.1431591047699987 -1.2050705140316795 -1.1880448764847142 -1.1617325275485046 -1.1431591047699987 -1.119942326296862 -0.9729027293003637 -0.6927536023912423 -0.44975132103913285 -0.30580729450571603 -0.1618632679722992 -0.061257227922065886 -0.06744836884822868 -0.12781199287837747 +11893,-0.45284689150221424,0,-0.9249213871225581 -1.0115973600889163 -1.0425530647197567 -1.036361923793594 -1.0796999102767686 -1.1431591047699987 -1.2050705140316795 -1.1880448764847142 -1.1617325275485046 -1.1431591047699987 -1.119942326296862 -0.9729027293003637 -0.6927536023912423 -0.44975132103913285 -0.30580729450571603 -0.1618632679722992 -0.061257227922065886 -0.06744836884822868 -0.12781199287837747 -0.30116393881109393 +11894,-0.6060776294248841,0,-1.0115973600889163 -1.0425530647197567 -1.036361923793594 -1.0796999102767686 -1.1431591047699987 -1.2050705140316795 -1.1880448764847142 -1.1617325275485046 -1.1431591047699987 -1.119942326296862 -0.9729027293003637 -0.6927536023912423 -0.44975132103913285 -0.30580729450571603 -0.1618632679722992 -0.061257227922065886 -0.06744836884822868 -0.12781199287837747 -0.30116393881109393 -0.45284689150221424 +11895,-0.6865624614650707,0,-1.0425530647197567 -1.036361923793594 -1.0796999102767686 -1.1431591047699987 -1.2050705140316795 -1.1880448764847142 -1.1617325275485046 -1.1431591047699987 -1.119942326296862 -0.9729027293003637 -0.6927536023912423 -0.44975132103913285 -0.30580729450571603 -0.1618632679722992 -0.061257227922065886 -0.06744836884822868 -0.12781199287837747 -0.30116393881109393 -0.45284689150221424 -0.6060776294248841 +11896,-0.7407349445690479,0,-1.036361923793594 -1.0796999102767686 -1.1431591047699987 -1.2050705140316795 -1.1880448764847142 -1.1617325275485046 -1.1431591047699987 -1.119942326296862 -0.9729027293003637 -0.6927536023912423 -0.44975132103913285 -0.30580729450571603 -0.1618632679722992 -0.061257227922065886 -0.06744836884822868 -0.12781199287837747 -0.30116393881109393 -0.45284689150221424 -0.6060776294248841 -0.6865624614650707 +11897,-0.7964552129045658,0,-1.0796999102767686 -1.1431591047699987 -1.2050705140316795 -1.1880448764847142 -1.1617325275485046 -1.1431591047699987 -1.119942326296862 -0.9729027293003637 -0.6927536023912423 -0.44975132103913285 -0.30580729450571603 -0.1618632679722992 -0.061257227922065886 -0.06744836884822868 -0.12781199287837747 -0.30116393881109393 -0.45284689150221424 -0.6060776294248841 -0.6865624614650707 -0.7407349445690479 +11898,-0.8258631323038654,0,-1.1431591047699987 -1.2050705140316795 -1.1880448764847142 -1.1617325275485046 -1.1431591047699987 -1.119942326296862 -0.9729027293003637 -0.6927536023912423 -0.44975132103913285 -0.30580729450571603 -0.1618632679722992 -0.061257227922065886 -0.06744836884822868 -0.12781199287837747 -0.30116393881109393 -0.45284689150221424 -0.6060776294248841 -0.6865624614650707 -0.7407349445690479 -0.7964552129045658 +11899,-0.8397931993877406,0,-1.2050705140316795 -1.1880448764847142 -1.1617325275485046 -1.1431591047699987 -1.119942326296862 -0.9729027293003637 -0.6927536023912423 -0.44975132103913285 -0.30580729450571603 -0.1618632679722992 -0.061257227922065886 -0.06744836884822868 -0.12781199287837747 -0.30116393881109393 -0.45284689150221424 -0.6060776294248841 -0.6865624614650707 -0.7407349445690479 -0.7964552129045658 -0.8258631323038654 +11900,-0.8537232664716244,0,-1.1880448764847142 -1.1617325275485046 -1.1431591047699987 -1.119942326296862 -0.9729027293003637 -0.6927536023912423 -0.44975132103913285 -0.30580729450571603 -0.1618632679722992 -0.061257227922065886 -0.06744836884822868 -0.12781199287837747 -0.30116393881109393 -0.45284689150221424 -0.6060776294248841 -0.6865624614650707 -0.7407349445690479 -0.7964552129045658 -0.8258631323038654 -0.8397931993877406 +11901,-0.8831311858709241,0,-1.1617325275485046 -1.1431591047699987 -1.119942326296862 -0.9729027293003637 -0.6927536023912423 -0.44975132103913285 -0.30580729450571603 -0.1618632679722992 -0.061257227922065886 -0.06744836884822868 -0.12781199287837747 -0.30116393881109393 -0.45284689150221424 -0.6060776294248841 -0.6865624614650707 -0.7407349445690479 -0.7964552129045658 -0.8258631323038654 -0.8397931993877406 -0.8537232664716244 +11902,-0.9078957495755928,0,-1.1431591047699987 -1.119942326296862 -0.9729027293003637 -0.6927536023912423 -0.44975132103913285 -0.30580729450571603 -0.1618632679722992 -0.061257227922065886 -0.06744836884822868 -0.12781199287837747 -0.30116393881109393 -0.45284689150221424 -0.6060776294248841 -0.6865624614650707 -0.7407349445690479 -0.7964552129045658 -0.8258631323038654 -0.8397931993877406 -0.8537232664716244 -0.8831311858709241 +11903,-0.9048001791125114,0,-1.119942326296862 -0.9729027293003637 -0.6927536023912423 -0.44975132103913285 -0.30580729450571603 -0.1618632679722992 -0.061257227922065886 -0.06744836884822868 -0.12781199287837747 -0.30116393881109393 -0.45284689150221424 -0.6060776294248841 -0.6865624614650707 -0.7407349445690479 -0.7964552129045658 -0.8258631323038654 -0.8397931993877406 -0.8537232664716244 -0.8831311858709241 -0.9078957495755928 +11904,-0.9078957495755928,0,-0.9729027293003637 -0.6927536023912423 -0.44975132103913285 -0.30580729450571603 -0.1618632679722992 -0.061257227922065886 -0.06744836884822868 -0.12781199287837747 -0.30116393881109393 -0.45284689150221424 -0.6060776294248841 -0.6865624614650707 -0.7407349445690479 -0.7964552129045658 -0.8258631323038654 -0.8397931993877406 -0.8537232664716244 -0.8831311858709241 -0.9078957495755928 -0.9048001791125114 +11905,-0.8707489040185808,0,-0.6927536023912423 -0.44975132103913285 -0.30580729450571603 -0.1618632679722992 -0.061257227922065886 -0.06744836884822868 -0.12781199287837747 -0.30116393881109393 -0.45284689150221424 -0.6060776294248841 -0.6865624614650707 -0.7407349445690479 -0.7964552129045658 -0.8258631323038654 -0.8397931993877406 -0.8537232664716244 -0.8831311858709241 -0.9078957495755928 -0.9048001791125114 -0.9078957495755928 +11906,-0.8722966892501304,0,-0.44975132103913285 -0.30580729450571603 -0.1618632679722992 -0.061257227922065886 -0.06744836884822868 -0.12781199287837747 -0.30116393881109393 -0.45284689150221424 -0.6060776294248841 -0.6865624614650707 -0.7407349445690479 -0.7964552129045658 -0.8258631323038654 -0.8397931993877406 -0.8537232664716244 -0.8831311858709241 -0.9078957495755928 -0.9048001791125114 -0.9078957495755928 -0.8707489040185808 +11907,-0.8537232664716244,0,-0.30580729450571603 -0.1618632679722992 -0.061257227922065886 -0.06744836884822868 -0.12781199287837747 -0.30116393881109393 -0.45284689150221424 -0.6060776294248841 -0.6865624614650707 -0.7407349445690479 -0.7964552129045658 -0.8258631323038654 -0.8397931993877406 -0.8537232664716244 -0.8831311858709241 -0.9078957495755928 -0.9048001791125114 -0.9078957495755928 -0.8707489040185808 -0.8722966892501304 +11908,-0.8150286356830718,0,-0.1618632679722992 -0.061257227922065886 -0.06744836884822868 -0.12781199287837747 -0.30116393881109393 -0.45284689150221424 -0.6060776294248841 -0.6865624614650707 -0.7407349445690479 -0.7964552129045658 -0.8258631323038654 -0.8397931993877406 -0.8537232664716244 -0.8831311858709241 -0.9078957495755928 -0.9048001791125114 -0.9078957495755928 -0.8707489040185808 -0.8722966892501304 -0.8537232664716244 +11909,-0.7283526627167135,0,-0.061257227922065886 -0.06744836884822868 -0.12781199287837747 -0.30116393881109393 -0.45284689150221424 -0.6060776294248841 -0.6865624614650707 -0.7407349445690479 -0.7964552129045658 -0.8258631323038654 -0.8397931993877406 -0.8537232664716244 -0.8831311858709241 -0.9078957495755928 -0.9048001791125114 -0.9078957495755928 -0.8707489040185808 -0.8722966892501304 -0.8537232664716244 -0.8150286356830718 +11910,-0.5859564214148374,0,-0.06744836884822868 -0.12781199287837747 -0.30116393881109393 -0.45284689150221424 -0.6060776294248841 -0.6865624614650707 -0.7407349445690479 -0.7964552129045658 -0.8258631323038654 -0.8397931993877406 -0.8537232664716244 -0.8831311858709241 -0.9078957495755928 -0.9048001791125114 -0.9078957495755928 -0.8707489040185808 -0.8722966892501304 -0.8537232664716244 -0.8150286356830718 -0.7283526627167135 +11911,-0.44975132103913285,0,-0.12781199287837747 -0.30116393881109393 -0.45284689150221424 -0.6060776294248841 -0.6865624614650707 -0.7407349445690479 -0.7964552129045658 -0.8258631323038654 -0.8397931993877406 -0.8537232664716244 -0.8831311858709241 -0.9078957495755928 -0.9048001791125114 -0.9078957495755928 -0.8707489040185808 -0.8722966892501304 -0.8537232664716244 -0.8150286356830718 -0.7283526627167135 -0.5859564214148374 +11912,-0.2763993751064164,0,-0.30116393881109393 -0.45284689150221424 -0.6060776294248841 -0.6865624614650707 -0.7407349445690479 -0.7964552129045658 -0.8258631323038654 -0.8397931993877406 -0.8537232664716244 -0.8831311858709241 -0.9078957495755928 -0.9048001791125114 -0.9078957495755928 -0.8707489040185808 -0.8722966892501304 -0.8537232664716244 -0.8150286356830718 -0.7283526627167135 -0.5859564214148374 -0.44975132103913285 +11913,-0.15721991227767712,0,-0.45284689150221424 -0.6060776294248841 -0.6865624614650707 -0.7407349445690479 -0.7964552129045658 -0.8258631323038654 -0.8397931993877406 -0.8537232664716244 -0.8831311858709241 -0.9078957495755928 -0.9048001791125114 -0.9078957495755928 -0.8707489040185808 -0.8722966892501304 -0.8537232664716244 -0.8150286356830718 -0.7283526627167135 -0.5859564214148374 -0.44975132103913285 -0.2763993751064164 +11914,-0.11542971102603429,0,-0.6060776294248841 -0.6865624614650707 -0.7407349445690479 -0.7964552129045658 -0.8258631323038654 -0.8397931993877406 -0.8537232664716244 -0.8831311858709241 -0.9078957495755928 -0.9048001791125114 -0.9078957495755928 -0.8707489040185808 -0.8722966892501304 -0.8537232664716244 -0.8150286356830718 -0.7283526627167135 -0.5859564214148374 -0.44975132103913285 -0.2763993751064164 -0.15721991227767712 +11915,-0.11078635533141219,0,-0.6865624614650707 -0.7407349445690479 -0.7964552129045658 -0.8258631323038654 -0.8397931993877406 -0.8537232664716244 -0.8831311858709241 -0.9078957495755928 -0.9048001791125114 -0.9078957495755928 -0.8707489040185808 -0.8722966892501304 -0.8537232664716244 -0.8150286356830718 -0.7283526627167135 -0.5859564214148374 -0.44975132103913285 -0.2763993751064164 -0.15721991227767712 -0.11542971102603429 +11916,-0.20210568399239254,0,-0.7407349445690479 -0.7964552129045658 -0.8258631323038654 -0.8397931993877406 -0.8537232664716244 -0.8831311858709241 -0.9078957495755928 -0.9048001791125114 -0.9078957495755928 -0.8707489040185808 -0.8722966892501304 -0.8537232664716244 -0.8150286356830718 -0.7283526627167135 -0.5859564214148374 -0.44975132103913285 -0.2763993751064164 -0.15721991227767712 -0.11542971102603429 -0.11078635533141219 +11917,-0.3491452809888996,0,-0.7964552129045658 -0.8258631323038654 -0.8397931993877406 -0.8537232664716244 -0.8831311858709241 -0.9078957495755928 -0.9048001791125114 -0.9078957495755928 -0.8707489040185808 -0.8722966892501304 -0.8537232664716244 -0.8150286356830718 -0.7283526627167135 -0.5859564214148374 -0.44975132103913285 -0.2763993751064164 -0.15721991227767712 -0.11542971102603429 -0.11078635533141219 -0.20210568399239254 +11918,-0.5132105155323631,0,-0.8258631323038654 -0.8397931993877406 -0.8537232664716244 -0.8831311858709241 -0.9078957495755928 -0.9048001791125114 -0.9078957495755928 -0.8707489040185808 -0.8722966892501304 -0.8537232664716244 -0.8150286356830718 -0.7283526627167135 -0.5859564214148374 -0.44975132103913285 -0.2763993751064164 -0.15721991227767712 -0.11542971102603429 -0.11078635533141219 -0.20210568399239254 -0.3491452809888996 +11919,-0.615364340814137,0,-0.8397931993877406 -0.8537232664716244 -0.8831311858709241 -0.9078957495755928 -0.9048001791125114 -0.9078957495755928 -0.8707489040185808 -0.8722966892501304 -0.8537232664716244 -0.8150286356830718 -0.7283526627167135 -0.5859564214148374 -0.44975132103913285 -0.2763993751064164 -0.15721991227767712 -0.11542971102603429 -0.11078635533141219 -0.20210568399239254 -0.3491452809888996 -0.5132105155323631 +11920,-0.7144225956328297,0,-0.8537232664716244 -0.8831311858709241 -0.9078957495755928 -0.9048001791125114 -0.9078957495755928 -0.8707489040185808 -0.8722966892501304 -0.8537232664716244 -0.8150286356830718 -0.7283526627167135 -0.5859564214148374 -0.44975132103913285 -0.2763993751064164 -0.15721991227767712 -0.11542971102603429 -0.11078635533141219 -0.20210568399239254 -0.3491452809888996 -0.5132105155323631 -0.615364340814137 +11921,-0.7407349445690479,0,-0.8831311858709241 -0.9078957495755928 -0.9048001791125114 -0.9078957495755928 -0.8707489040185808 -0.8722966892501304 -0.8537232664716244 -0.8150286356830718 -0.7283526627167135 -0.5859564214148374 -0.44975132103913285 -0.2763993751064164 -0.15721991227767712 -0.11542971102603429 -0.11078635533141219 -0.20210568399239254 -0.3491452809888996 -0.5132105155323631 -0.615364340814137 -0.7144225956328297 +11922,-0.791811857209935,0,-0.9078957495755928 -0.9048001791125114 -0.9078957495755928 -0.8707489040185808 -0.8722966892501304 -0.8537232664716244 -0.8150286356830718 -0.7283526627167135 -0.5859564214148374 -0.44975132103913285 -0.2763993751064164 -0.15721991227767712 -0.11542971102603429 -0.11078635533141219 -0.20210568399239254 -0.3491452809888996 -0.5132105155323631 -0.615364340814137 -0.7144225956328297 -0.7407349445690479 +11923,-0.8336020584615778,0,-0.9048001791125114 -0.9078957495755928 -0.8707489040185808 -0.8722966892501304 -0.8537232664716244 -0.8150286356830718 -0.7283526627167135 -0.5859564214148374 -0.44975132103913285 -0.2763993751064164 -0.15721991227767712 -0.11542971102603429 -0.11078635533141219 -0.20210568399239254 -0.3491452809888996 -0.5132105155323631 -0.615364340814137 -0.7144225956328297 -0.7407349445690479 -0.791811857209935 +11924,-0.8831311858709241,0,-0.9078957495755928 -0.8707489040185808 -0.8722966892501304 -0.8537232664716244 -0.8150286356830718 -0.7283526627167135 -0.5859564214148374 -0.44975132103913285 -0.2763993751064164 -0.15721991227767712 -0.11542971102603429 -0.11078635533141219 -0.20210568399239254 -0.3491452809888996 -0.5132105155323631 -0.615364340814137 -0.7144225956328297 -0.7407349445690479 -0.791811857209935 -0.8336020584615778 +11925,-0.9218258166594767,0,-0.8707489040185808 -0.8722966892501304 -0.8537232664716244 -0.8150286356830718 -0.7283526627167135 -0.5859564214148374 -0.44975132103913285 -0.2763993751064164 -0.15721991227767712 -0.11542971102603429 -0.11078635533141219 -0.20210568399239254 -0.3491452809888996 -0.5132105155323631 -0.615364340814137 -0.7144225956328297 -0.7407349445690479 -0.791811857209935 -0.8336020584615778 -0.8831311858709241 +11926,-0.9543293065218578,0,-0.8722966892501304 -0.8537232664716244 -0.8150286356830718 -0.7283526627167135 -0.5859564214148374 -0.44975132103913285 -0.2763993751064164 -0.15721991227767712 -0.11542971102603429 -0.11078635533141219 -0.20210568399239254 -0.3491452809888996 -0.5132105155323631 -0.615364340814137 -0.7144225956328297 -0.7407349445690479 -0.791811857209935 -0.8336020584615778 -0.8831311858709241 -0.9218258166594767 +11927,-0.9775460849949946,0,-0.8537232664716244 -0.8150286356830718 -0.7283526627167135 -0.5859564214148374 -0.44975132103913285 -0.2763993751064164 -0.15721991227767712 -0.11542971102603429 -0.11078635533141219 -0.20210568399239254 -0.3491452809888996 -0.5132105155323631 -0.615364340814137 -0.7144225956328297 -0.7407349445690479 -0.791811857209935 -0.8336020584615778 -0.8831311858709241 -0.9218258166594767 -0.9543293065218578 +11928,-1.031718568098963,0,-0.8150286356830718 -0.7283526627167135 -0.5859564214148374 -0.44975132103913285 -0.2763993751064164 -0.15721991227767712 -0.11542971102603429 -0.11078635533141219 -0.20210568399239254 -0.3491452809888996 -0.5132105155323631 -0.615364340814137 -0.7144225956328297 -0.7407349445690479 -0.791811857209935 -0.8336020584615778 -0.8831311858709241 -0.9218258166594767 -0.9543293065218578 -0.9775460849949946 +11929,-1.0951777625921932,0,-0.7283526627167135 -0.5859564214148374 -0.44975132103913285 -0.2763993751064164 -0.15721991227767712 -0.11542971102603429 -0.11078635533141219 -0.20210568399239254 -0.3491452809888996 -0.5132105155323631 -0.615364340814137 -0.7144225956328297 -0.7407349445690479 -0.791811857209935 -0.8336020584615778 -0.8831311858709241 -0.9218258166594767 -0.9543293065218578 -0.9775460849949946 -1.031718568098963 +11930,-1.0564831318036405,0,-0.5859564214148374 -0.44975132103913285 -0.2763993751064164 -0.15721991227767712 -0.11542971102603429 -0.11078635533141219 -0.20210568399239254 -0.3491452809888996 -0.5132105155323631 -0.615364340814137 -0.7144225956328297 -0.7407349445690479 -0.791811857209935 -0.8336020584615778 -0.8831311858709241 -0.9218258166594767 -0.9543293065218578 -0.9775460849949946 -1.031718568098963 -1.0951777625921932 +11931,-1.02243185670971,0,-0.44975132103913285 -0.2763993751064164 -0.15721991227767712 -0.11542971102603429 -0.11078635533141219 -0.20210568399239254 -0.3491452809888996 -0.5132105155323631 -0.615364340814137 -0.7144225956328297 -0.7407349445690479 -0.791811857209935 -0.8336020584615778 -0.8831311858709241 -0.9218258166594767 -0.9543293065218578 -0.9775460849949946 -1.031718568098963 -1.0951777625921932 -1.0564831318036405 +11932,-0.8924178972601771,0,-0.2763993751064164 -0.15721991227767712 -0.11542971102603429 -0.11078635533141219 -0.20210568399239254 -0.3491452809888996 -0.5132105155323631 -0.615364340814137 -0.7144225956328297 -0.7407349445690479 -0.791811857209935 -0.8336020584615778 -0.8831311858709241 -0.9218258166594767 -0.9543293065218578 -0.9775460849949946 -1.031718568098963 -1.0951777625921932 -1.0564831318036405 -1.02243185670971 +11933,-0.6169121260456778,0,-0.15721991227767712 -0.11542971102603429 -0.11078635533141219 -0.20210568399239254 -0.3491452809888996 -0.5132105155323631 -0.615364340814137 -0.7144225956328297 -0.7407349445690479 -0.791811857209935 -0.8336020584615778 -0.8831311858709241 -0.9218258166594767 -0.9543293065218578 -0.9775460849949946 -1.031718568098963 -1.0951777625921932 -1.0564831318036405 -1.02243185670971 -0.8924178972601771 +11934,-0.333667428673475,0,-0.11542971102603429 -0.11078635533141219 -0.20210568399239254 -0.3491452809888996 -0.5132105155323631 -0.615364340814137 -0.7144225956328297 -0.7407349445690479 -0.791811857209935 -0.8336020584615778 -0.8831311858709241 -0.9218258166594767 -0.9543293065218578 -0.9775460849949946 -1.031718568098963 -1.0951777625921932 -1.0564831318036405 -1.02243185670971 -0.8924178972601771 -0.6169121260456778 +11935,-0.13090756334145887,0,-0.11078635533141219 -0.20210568399239254 -0.3491452809888996 -0.5132105155323631 -0.615364340814137 -0.7144225956328297 -0.7407349445690479 -0.791811857209935 -0.8336020584615778 -0.8831311858709241 -0.9218258166594767 -0.9543293065218578 -0.9775460849949946 -1.031718568098963 -1.0951777625921932 -1.0564831318036405 -1.02243185670971 -0.8924178972601771 -0.6169121260456778 -0.333667428673475 +11936,0.08113901337981025,0,-0.20210568399239254 -0.3491452809888996 -0.5132105155323631 -0.615364340814137 -0.7144225956328297 -0.7407349445690479 -0.791811857209935 -0.8336020584615778 -0.8831311858709241 -0.9218258166594767 -0.9543293065218578 -0.9775460849949946 -1.031718568098963 -1.0951777625921932 -1.0564831318036405 -1.02243185670971 -0.8924178972601771 -0.6169121260456778 -0.333667428673475 -0.13090756334145887 +11937,0.19412733528238674,0,-0.3491452809888996 -0.5132105155323631 -0.615364340814137 -0.7144225956328297 -0.7407349445690479 -0.791811857209935 -0.8336020584615778 -0.8831311858709241 -0.9218258166594767 -0.9543293065218578 -0.9775460849949946 -1.031718568098963 -1.0951777625921932 -1.0564831318036405 -1.02243185670971 -0.8924178972601771 -0.6169121260456778 -0.333667428673475 -0.13090756334145887 0.08113901337981025 +11938,0.2219874694501369,0,-0.5132105155323631 -0.615364340814137 -0.7144225956328297 -0.7407349445690479 -0.791811857209935 -0.8336020584615778 -0.8831311858709241 -0.9218258166594767 -0.9543293065218578 -0.9775460849949946 -1.031718568098963 -1.0951777625921932 -1.0564831318036405 -1.02243185670971 -0.8924178972601771 -0.6169121260456778 -0.333667428673475 -0.13090756334145887 0.08113901337981025 0.19412733528238674 +11939,0.24675203315481445,0,-0.615364340814137 -0.7144225956328297 -0.7407349445690479 -0.791811857209935 -0.8336020584615778 -0.8831311858709241 -0.9218258166594767 -0.9543293065218578 -0.9775460849949946 -1.031718568098963 -1.0951777625921932 -1.0564831318036405 -1.02243185670971 -0.8924178972601771 -0.6169121260456778 -0.333667428673475 -0.13090756334145887 0.08113901337981025 0.19412733528238674 0.2219874694501369 +11940,0.2096051875978025,0,-0.7144225956328297 -0.7407349445690479 -0.791811857209935 -0.8336020584615778 -0.8831311858709241 -0.9218258166594767 -0.9543293065218578 -0.9775460849949946 -1.031718568098963 -1.0951777625921932 -1.0564831318036405 -1.02243185670971 -0.8924178972601771 -0.6169121260456778 -0.333667428673475 -0.13090756334145887 0.08113901337981025 0.19412733528238674 0.2219874694501369 0.24675203315481445 +11941,0.045539953054339014,0,-0.7407349445690479 -0.791811857209935 -0.8336020584615778 -0.8831311858709241 -0.9218258166594767 -0.9543293065218578 -0.9775460849949946 -1.031718568098963 -1.0951777625921932 -1.0564831318036405 -1.02243185670971 -0.8924178972601771 -0.6169121260456778 -0.333667428673475 -0.13090756334145887 0.08113901337981025 0.19412733528238674 0.2219874694501369 0.24675203315481445 0.2096051875978025 +11942,-0.14328984519379323,0,-0.791811857209935 -0.8336020584615778 -0.8831311858709241 -0.9218258166594767 -0.9543293065218578 -0.9775460849949946 -1.031718568098963 -1.0951777625921932 -1.0564831318036405 -1.02243185670971 -0.8924178972601771 -0.6169121260456778 -0.333667428673475 -0.13090756334145887 0.08113901337981025 0.19412733528238674 0.2219874694501369 0.24675203315481445 0.2096051875978025 0.045539953054339014 +11943,-0.3801009856197399,0,-0.8336020584615778 -0.8831311858709241 -0.9218258166594767 -0.9543293065218578 -0.9775460849949946 -1.031718568098963 -1.0951777625921932 -1.0564831318036405 -1.02243185670971 -0.8924178972601771 -0.6169121260456778 -0.333667428673475 -0.13090756334145887 0.08113901337981025 0.19412733528238674 0.2219874694501369 0.24675203315481445 0.2096051875978025 0.045539953054339014 -0.14328984519379323 +11944,-0.47142031428072023,0,-0.8831311858709241 -0.9218258166594767 -0.9543293065218578 -0.9775460849949946 -1.031718568098963 -1.0951777625921932 -1.0564831318036405 -1.02243185670971 -0.8924178972601771 -0.6169121260456778 -0.333667428673475 -0.13090756334145887 0.08113901337981025 0.19412733528238674 0.2219874694501369 0.24675203315481445 0.2096051875978025 0.045539953054339014 -0.14328984519379323 -0.3801009856197399 +11945,-0.5751219247940438,0,-0.9218258166594767 -0.9543293065218578 -0.9775460849949946 -1.031718568098963 -1.0951777625921932 -1.0564831318036405 -1.02243185670971 -0.8924178972601771 -0.6169121260456778 -0.333667428673475 -0.13090756334145887 0.08113901337981025 0.19412733528238674 0.2219874694501369 0.24675203315481445 0.2096051875978025 0.045539953054339014 -0.14328984519379323 -0.3801009856197399 -0.47142031428072023 +11946,-0.6447722602134367,0,-0.9543293065218578 -0.9775460849949946 -1.031718568098963 -1.0951777625921932 -1.0564831318036405 -1.02243185670971 -0.8924178972601771 -0.6169121260456778 -0.333667428673475 -0.13090756334145887 0.08113901337981025 0.19412733528238674 0.2219874694501369 0.24675203315481445 0.2096051875978025 0.045539953054339014 -0.14328984519379323 -0.3801009856197399 -0.47142031428072023 -0.5751219247940438 +11947,-0.7732384344314289,0,-0.9775460849949946 -1.031718568098963 -1.0951777625921932 -1.0564831318036405 -1.02243185670971 -0.8924178972601771 -0.6169121260456778 -0.333667428673475 -0.13090756334145887 0.08113901337981025 0.19412733528238674 0.2219874694501369 0.24675203315481445 0.2096051875978025 0.045539953054339014 -0.14328984519379323 -0.3801009856197399 -0.47142031428072023 -0.5751219247940438 -0.6447722602134367 +11948,-0.8010985685991879,0,-1.031718568098963 -1.0951777625921932 -1.0564831318036405 -1.02243185670971 -0.8924178972601771 -0.6169121260456778 -0.333667428673475 -0.13090756334145887 0.08113901337981025 0.19412733528238674 0.2219874694501369 0.24675203315481445 0.2096051875978025 0.045539953054339014 -0.14328984519379323 -0.3801009856197399 -0.47142031428072023 -0.5751219247940438 -0.6447722602134367 -0.7732384344314289 +11949,-0.7856207162837722,0,-1.0951777625921932 -1.0564831318036405 -1.02243185670971 -0.8924178972601771 -0.6169121260456778 -0.333667428673475 -0.13090756334145887 0.08113901337981025 0.19412733528238674 0.2219874694501369 0.24675203315481445 0.2096051875978025 0.045539953054339014 -0.14328984519379323 -0.3801009856197399 -0.47142031428072023 -0.5751219247940438 -0.6447722602134367 -0.7732384344314289 -0.8010985685991879 +11950,-0.8212197766092346,0,-1.0564831318036405 -1.02243185670971 -0.8924178972601771 -0.6169121260456778 -0.333667428673475 -0.13090756334145887 0.08113901337981025 0.19412733528238674 0.2219874694501369 0.24675203315481445 0.2096051875978025 0.045539953054339014 -0.14328984519379323 -0.3801009856197399 -0.47142031428072023 -0.5751219247940438 -0.6447722602134367 -0.7732384344314289 -0.8010985685991879 -0.7856207162837722 +11951,-0.8444365550823715,0,-1.02243185670971 -0.8924178972601771 -0.6169121260456778 -0.333667428673475 -0.13090756334145887 0.08113901337981025 0.19412733528238674 0.2219874694501369 0.24675203315481445 0.2096051875978025 0.045539953054339014 -0.14328984519379323 -0.3801009856197399 -0.47142031428072023 -0.5751219247940438 -0.6447722602134367 -0.7732384344314289 -0.8010985685991879 -0.7856207162837722 -0.8212197766092346 +11952,-0.8676533335554995,0,-0.8924178972601771 -0.6169121260456778 -0.333667428673475 -0.13090756334145887 0.08113901337981025 0.19412733528238674 0.2219874694501369 0.24675203315481445 0.2096051875978025 0.045539953054339014 -0.14328984519379323 -0.3801009856197399 -0.47142031428072023 -0.5751219247940438 -0.6447722602134367 -0.7732384344314289 -0.8010985685991879 -0.7856207162837722 -0.8212197766092346 -0.8444365550823715 +11953,-0.9465903803641454,0,-0.6169121260456778 -0.333667428673475 -0.13090756334145887 0.08113901337981025 0.19412733528238674 0.2219874694501369 0.24675203315481445 0.2096051875978025 0.045539953054339014 -0.14328984519379323 -0.3801009856197399 -0.47142031428072023 -0.5751219247940438 -0.6447722602134367 -0.7732384344314289 -0.8010985685991879 -0.7856207162837722 -0.8212197766092346 -0.8444365550823715 -0.8676533335554995 +11954,-0.994571722541951,0,-0.333667428673475 -0.13090756334145887 0.08113901337981025 0.19412733528238674 0.2219874694501369 0.24675203315481445 0.2096051875978025 0.045539953054339014 -0.14328984519379323 -0.3801009856197399 -0.47142031428072023 -0.5751219247940438 -0.6447722602134367 -0.7732384344314289 -0.8010985685991879 -0.7856207162837722 -0.8212197766092346 -0.8444365550823715 -0.8676533335554995 -0.9465903803641454 +11955,-1.0518397761090097,0,-0.13090756334145887 0.08113901337981025 0.19412733528238674 0.2219874694501369 0.24675203315481445 0.2096051875978025 0.045539953054339014 -0.14328984519379323 -0.3801009856197399 -0.47142031428072023 -0.5751219247940438 -0.6447722602134367 -0.7732384344314289 -0.8010985685991879 -0.7856207162837722 -0.8212197766092346 -0.8444365550823715 -0.8676533335554995 -0.9465903803641454 -0.994571722541951 +11956,-0.8676533335554995,0,0.08113901337981025 0.19412733528238674 0.2219874694501369 0.24675203315481445 0.2096051875978025 0.045539953054339014 -0.14328984519379323 -0.3801009856197399 -0.47142031428072023 -0.5751219247940438 -0.6447722602134367 -0.7732384344314289 -0.8010985685991879 -0.7856207162837722 -0.8212197766092346 -0.8444365550823715 -0.8676533335554995 -0.9465903803641454 -0.994571722541951 -1.0518397761090097 +11957,-0.5163060859954445,0,0.19412733528238674 0.2219874694501369 0.24675203315481445 0.2096051875978025 0.045539953054339014 -0.14328984519379323 -0.3801009856197399 -0.47142031428072023 -0.5751219247940438 -0.6447722602134367 -0.7732384344314289 -0.8010985685991879 -0.7856207162837722 -0.8212197766092346 -0.8444365550823715 -0.8676533335554995 -0.9465903803641454 -0.994571722541951 -1.0518397761090097 -0.8676533335554995 +11958,-0.13864648949917113,0,0.2219874694501369 0.24675203315481445 0.2096051875978025 0.045539953054339014 -0.14328984519379323 -0.3801009856197399 -0.47142031428072023 -0.5751219247940438 -0.6447722602134367 -0.7732384344314289 -0.8010985685991879 -0.7856207162837722 -0.8212197766092346 -0.8444365550823715 -0.8676533335554995 -0.9465903803641454 -0.994571722541951 -1.0518397761090097 -0.8676533335554995 -0.5163060859954445 +11959,0.18638840912467444,0,0.24675203315481445 0.2096051875978025 0.045539953054339014 -0.14328984519379323 -0.3801009856197399 -0.47142031428072023 -0.5751219247940438 -0.6447722602134367 -0.7732384344314289 -0.8010985685991879 -0.7856207162837722 -0.8212197766092346 -0.8444365550823715 -0.8676533335554995 -0.9465903803641454 -0.994571722541951 -1.0518397761090097 -0.8676533335554995 -0.5163060859954445 -0.13864648949917113 +11960,0.3891482744566906,0,0.2096051875978025 0.045539953054339014 -0.14328984519379323 -0.3801009856197399 -0.47142031428072023 -0.5751219247940438 -0.6447722602134367 -0.7732384344314289 -0.8010985685991879 -0.7856207162837722 -0.8212197766092346 -0.8444365550823715 -0.8676533335554995 -0.9465903803641454 -0.994571722541951 -1.0518397761090097 -0.8676533335554995 -0.5163060859954445 -0.13864648949917113 0.18638840912467444 +11961,0.41700840862444954,0,0.045539953054339014 -0.14328984519379323 -0.3801009856197399 -0.47142031428072023 -0.5751219247940438 -0.6447722602134367 -0.7732384344314289 -0.8010985685991879 -0.7856207162837722 -0.8212197766092346 -0.8444365550823715 -0.8676533335554995 -0.9465903803641454 -0.994571722541951 -1.0518397761090097 -0.8676533335554995 -0.5163060859954445 -0.13864648949917113 0.18638840912467444 0.3891482744566906 +11962,0.4154606233929,0,-0.14328984519379323 -0.3801009856197399 -0.47142031428072023 -0.5751219247940438 -0.6447722602134367 -0.7732384344314289 -0.8010985685991879 -0.7856207162837722 -0.8212197766092346 -0.8444365550823715 -0.8676533335554995 -0.9465903803641454 -0.994571722541951 -1.0518397761090097 -0.8676533335554995 -0.5163060859954445 -0.13864648949917113 0.18638840912467444 0.3891482744566906 0.41700840862444954 +11963,0.46963310649687723,0,-0.3801009856197399 -0.47142031428072023 -0.5751219247940438 -0.6447722602134367 -0.7732384344314289 -0.8010985685991879 -0.7856207162837722 -0.8212197766092346 -0.8444365550823715 -0.8676533335554995 -0.9465903803641454 -0.994571722541951 -1.0518397761090097 -0.8676533335554995 -0.5163060859954445 -0.13864648949917113 0.18638840912467444 0.3891482744566906 0.41700840862444954 0.4154606233929 +11964,0.4309384757083246,0,-0.47142031428072023 -0.5751219247940438 -0.6447722602134367 -0.7732384344314289 -0.8010985685991879 -0.7856207162837722 -0.8212197766092346 -0.8444365550823715 -0.8676533335554995 -0.9465903803641454 -0.994571722541951 -1.0518397761090097 -0.8676533335554995 -0.5163060859954445 -0.13864648949917113 0.18638840912467444 0.3891482744566906 0.41700840862444954 0.4154606233929 0.46963310649687723 +11965,0.17864948296696218,0,-0.5751219247940438 -0.6447722602134367 -0.7732384344314289 -0.8010985685991879 -0.7856207162837722 -0.8212197766092346 -0.8444365550823715 -0.8676533335554995 -0.9465903803641454 -0.994571722541951 -1.0518397761090097 -0.8676533335554995 -0.5163060859954445 -0.13864648949917113 0.18638840912467444 0.3891482744566906 0.41700840862444954 0.4154606233929 0.46963310649687723 0.4309384757083246 +11966,-0.12935977810991817,0,-0.6447722602134367 -0.7732384344314289 -0.8010985685991879 -0.7856207162837722 -0.8212197766092346 -0.8444365550823715 -0.8676533335554995 -0.9465903803641454 -0.994571722541951 -1.0518397761090097 -0.8676533335554995 -0.5163060859954445 -0.13864648949917113 0.18638840912467444 0.3891482744566906 0.41700840862444954 0.4154606233929 0.46963310649687723 0.4309384757083246 0.17864948296696218 +11967,-0.3274762877473034,0,-0.7732384344314289 -0.8010985685991879 -0.7856207162837722 -0.8212197766092346 -0.8444365550823715 -0.8676533335554995 -0.9465903803641454 -0.994571722541951 -1.0518397761090097 -0.8676533335554995 -0.5163060859954445 -0.13864648949917113 0.18638840912467444 0.3891482744566906 0.41700840862444954 0.4154606233929 0.46963310649687723 0.4309384757083246 0.17864948296696218 -0.12935977810991817 +11968,-0.5116627303008136,0,-0.8010985685991879 -0.7856207162837722 -0.8212197766092346 -0.8444365550823715 -0.8676533335554995 -0.9465903803641454 -0.994571722541951 -1.0518397761090097 -0.8676533335554995 -0.5163060859954445 -0.13864648949917113 0.18638840912467444 0.3891482744566906 0.41700840862444954 0.4154606233929 0.46963310649687723 0.4309384757083246 0.17864948296696218 -0.12935977810991817 -0.3274762877473034 +11969,-0.620007696508768,0,-0.7856207162837722 -0.8212197766092346 -0.8444365550823715 -0.8676533335554995 -0.9465903803641454 -0.994571722541951 -1.0518397761090097 -0.8676533335554995 -0.5163060859954445 -0.13864648949917113 0.18638840912467444 0.3891482744566906 0.41700840862444954 0.4154606233929 0.46963310649687723 0.4309384757083246 0.17864948296696218 -0.12935977810991817 -0.3274762877473034 -0.5116627303008136 +11970,-0.6989447433174139,0,-0.8212197766092346 -0.8444365550823715 -0.8676533335554995 -0.9465903803641454 -0.994571722541951 -1.0518397761090097 -0.8676533335554995 -0.5163060859954445 -0.13864648949917113 0.18638840912467444 0.3891482744566906 0.41700840862444954 0.4154606233929 0.46963310649687723 0.4309384757083246 0.17864948296696218 -0.12935977810991817 -0.3274762877473034 -0.5116627303008136 -0.620007696508768 +11971,-0.7654995082737255,0,-0.8444365550823715 -0.8676533335554995 -0.9465903803641454 -0.994571722541951 -1.0518397761090097 -0.8676533335554995 -0.5163060859954445 -0.13864648949917113 0.18638840912467444 0.3891482744566906 0.41700840862444954 0.4154606233929 0.46963310649687723 0.4309384757083246 0.17864948296696218 -0.12935977810991817 -0.3274762877473034 -0.5116627303008136 -0.620007696508768 -0.6989447433174139 +11972,-0.8119330652199815,0,-0.8676533335554995 -0.9465903803641454 -0.994571722541951 -1.0518397761090097 -0.8676533335554995 -0.5163060859954445 -0.13864648949917113 0.18638840912467444 0.3891482744566906 0.41700840862444954 0.4154606233929 0.46963310649687723 0.4309384757083246 0.17864948296696218 -0.12935977810991817 -0.3274762877473034 -0.5116627303008136 -0.620007696508768 -0.6989447433174139 -0.7654995082737255 +11973,-0.8413409846192812,0,-0.9465903803641454 -0.994571722541951 -1.0518397761090097 -0.8676533335554995 -0.5163060859954445 -0.13864648949917113 0.18638840912467444 0.3891482744566906 0.41700840862444954 0.4154606233929 0.46963310649687723 0.4309384757083246 0.17864948296696218 -0.12935977810991817 -0.3274762877473034 -0.5116627303008136 -0.620007696508768 -0.6989447433174139 -0.7654995082737255 -0.8119330652199815 +11974,-0.8800356154078338,0,-0.994571722541951 -1.0518397761090097 -0.8676533335554995 -0.5163060859954445 -0.13864648949917113 0.18638840912467444 0.3891482744566906 0.41700840862444954 0.4154606233929 0.46963310649687723 0.4309384757083246 0.17864948296696218 -0.12935977810991817 -0.3274762877473034 -0.5116627303008136 -0.620007696508768 -0.6989447433174139 -0.7654995082737255 -0.8119330652199815 -0.8413409846192812 +11975,-0.90170460864943,0,-1.0518397761090097 -0.8676533335554995 -0.5163060859954445 -0.13864648949917113 0.18638840912467444 0.3891482744566906 0.41700840862444954 0.4154606233929 0.46963310649687723 0.4309384757083246 0.17864948296696218 -0.12935977810991817 -0.3274762877473034 -0.5116627303008136 -0.620007696508768 -0.6989447433174139 -0.7654995082737255 -0.8119330652199815 -0.8413409846192812 -0.8800356154078338 +11976,-0.9032523938809707,0,-0.8676533335554995 -0.5163060859954445 -0.13864648949917113 0.18638840912467444 0.3891482744566906 0.41700840862444954 0.4154606233929 0.46963310649687723 0.4309384757083246 0.17864948296696218 -0.12935977810991817 -0.3274762877473034 -0.5116627303008136 -0.620007696508768 -0.6989447433174139 -0.7654995082737255 -0.8119330652199815 -0.8413409846192812 -0.8800356154078338 -0.90170460864943 +11977,-0.9496859508272356,0,-0.5163060859954445 -0.13864648949917113 0.18638840912467444 0.3891482744566906 0.41700840862444954 0.4154606233929 0.46963310649687723 0.4309384757083246 0.17864948296696218 -0.12935977810991817 -0.3274762877473034 -0.5116627303008136 -0.620007696508768 -0.6989447433174139 -0.7654995082737255 -0.8119330652199815 -0.8413409846192812 -0.8800356154078338 -0.90170460864943 -0.9032523938809707 +11978,-0.9868327963842388,0,-0.13864648949917113 0.18638840912467444 0.3891482744566906 0.41700840862444954 0.4154606233929 0.46963310649687723 0.4309384757083246 0.17864948296696218 -0.12935977810991817 -0.3274762877473034 -0.5116627303008136 -0.620007696508768 -0.6989447433174139 -0.7654995082737255 -0.8119330652199815 -0.8413409846192812 -0.8800356154078338 -0.90170460864943 -0.9032523938809707 -0.9496859508272356 +11979,-0.9465903803641454,0,0.18638840912467444 0.3891482744566906 0.41700840862444954 0.4154606233929 0.46963310649687723 0.4309384757083246 0.17864948296696218 -0.12935977810991817 -0.3274762877473034 -0.5116627303008136 -0.620007696508768 -0.6989447433174139 -0.7654995082737255 -0.8119330652199815 -0.8413409846192812 -0.8800356154078338 -0.90170460864943 -0.9032523938809707 -0.9496859508272356 -0.9868327963842388 +11980,-0.5673829986363315,0,0.3891482744566906 0.41700840862444954 0.4154606233929 0.46963310649687723 0.4309384757083246 0.17864948296696218 -0.12935977810991817 -0.3274762877473034 -0.5116627303008136 -0.620007696508768 -0.6989447433174139 -0.7654995082737255 -0.8119330652199815 -0.8413409846192812 -0.8800356154078338 -0.90170460864943 -0.9032523938809707 -0.9496859508272356 -0.9868327963842388 -0.9465903803641454 +11981,0.01613203365503937,0,0.41700840862444954 0.4154606233929 0.46963310649687723 0.4309384757083246 0.17864948296696218 -0.12935977810991817 -0.3274762877473034 -0.5116627303008136 -0.620007696508768 -0.6989447433174139 -0.7654995082737255 -0.8119330652199815 -0.8413409846192812 -0.8800356154078338 -0.90170460864943 -0.9032523938809707 -0.9496859508272356 -0.9868327963842388 -0.9465903803641454 -0.5673829986363315 +11982,0.45415525418145264,0,0.4154606233929 0.46963310649687723 0.4309384757083246 0.17864948296696218 -0.12935977810991817 -0.3274762877473034 -0.5116627303008136 -0.620007696508768 -0.6989447433174139 -0.7654995082737255 -0.8119330652199815 -0.8413409846192812 -0.8800356154078338 -0.90170460864943 -0.9032523938809707 -0.9496859508272356 -0.9868327963842388 -0.9465903803641454 -0.5673829986363315 0.01613203365503937 +11983,0.8055025017415165,0,0.46963310649687723 0.4309384757083246 0.17864948296696218 -0.12935977810991817 -0.3274762877473034 -0.5116627303008136 -0.620007696508768 -0.6989447433174139 -0.7654995082737255 -0.8119330652199815 -0.8413409846192812 -0.8800356154078338 -0.90170460864943 -0.9032523938809707 -0.9496859508272356 -0.9868327963842388 -0.9465903803641454 -0.5673829986363315 0.01613203365503937 0.45415525418145264 +11984,0.9865933738319452,0,0.4309384757083246 0.17864948296696218 -0.12935977810991817 -0.3274762877473034 -0.5116627303008136 -0.620007696508768 -0.6989447433174139 -0.7654995082737255 -0.8119330652199815 -0.8413409846192812 -0.8800356154078338 -0.90170460864943 -0.9032523938809707 -0.9496859508272356 -0.9868327963842388 -0.9465903803641454 -0.5673829986363315 0.01613203365503937 0.45415525418145264 0.8055025017415165 +11985,1.0175490784627856,0,0.17864948296696218 -0.12935977810991817 -0.3274762877473034 -0.5116627303008136 -0.620007696508768 -0.6989447433174139 -0.7654995082737255 -0.8119330652199815 -0.8413409846192812 -0.8800356154078338 -0.90170460864943 -0.9032523938809707 -0.9496859508272356 -0.9868327963842388 -0.9465903803641454 -0.5673829986363315 0.01613203365503937 0.45415525418145264 0.8055025017415165 0.9865933738319452 +11986,1.0423136421674544,0,-0.12935977810991817 -0.3274762877473034 -0.5116627303008136 -0.620007696508768 -0.6989447433174139 -0.7654995082737255 -0.8119330652199815 -0.8413409846192812 -0.8800356154078338 -0.90170460864943 -0.9032523938809707 -0.9496859508272356 -0.9868327963842388 -0.9465903803641454 -0.5673829986363315 0.01613203365503937 0.45415525418145264 0.8055025017415165 0.9865933738319452 1.0175490784627856 +11987,1.0175490784627856,0,-0.3274762877473034 -0.5116627303008136 -0.620007696508768 -0.6989447433174139 -0.7654995082737255 -0.8119330652199815 -0.8413409846192812 -0.8800356154078338 -0.90170460864943 -0.9032523938809707 -0.9496859508272356 -0.9868327963842388 -0.9465903803641454 -0.5673829986363315 0.01613203365503937 0.45415525418145264 0.8055025017415165 0.9865933738319452 1.0175490784627856 1.0423136421674544 +11988,0.9896889442950266,0,-0.5116627303008136 -0.620007696508768 -0.6989447433174139 -0.7654995082737255 -0.8119330652199815 -0.8413409846192812 -0.8800356154078338 -0.90170460864943 -0.9032523938809707 -0.9496859508272356 -0.9868327963842388 -0.9465903803641454 -0.5673829986363315 0.01613203365503937 0.45415525418145264 0.8055025017415165 0.9865933738319452 1.0175490784627856 1.0423136421674544 1.0175490784627856 +11989,0.790024649426092,0,-0.620007696508768 -0.6989447433174139 -0.7654995082737255 -0.8119330652199815 -0.8413409846192812 -0.8800356154078338 -0.90170460864943 -0.9032523938809707 -0.9496859508272356 -0.9868327963842388 -0.9465903803641454 -0.5673829986363315 0.01613203365503937 0.45415525418145264 0.8055025017415165 0.9865933738319452 1.0175490784627856 1.0423136421674544 1.0175490784627856 0.9896889442950266 +11990,0.4139128381613593,0,-0.6989447433174139 -0.7654995082737255 -0.8119330652199815 -0.8413409846192812 -0.8800356154078338 -0.90170460864943 -0.9032523938809707 -0.9496859508272356 -0.9868327963842388 -0.9465903803641454 -0.5673829986363315 0.01613203365503937 0.45415525418145264 0.8055025017415165 0.9865933738319452 1.0175490784627856 1.0423136421674544 1.0175490784627856 0.9896889442950266 0.790024649426092 +11991,0.11673807370528148,0,-0.7654995082737255 -0.8119330652199815 -0.8413409846192812 -0.8800356154078338 -0.90170460864943 -0.9032523938809707 -0.9496859508272356 -0.9868327963842388 -0.9465903803641454 -0.5673829986363315 0.01613203365503937 0.45415525418145264 0.8055025017415165 0.9865933738319452 1.0175490784627856 1.0423136421674544 1.0175490784627856 0.9896889442950266 0.790024649426092 0.4139128381613593 +11992,-0.09066514732136553,0,-0.8119330652199815 -0.8413409846192812 -0.8800356154078338 -0.90170460864943 -0.9032523938809707 -0.9496859508272356 -0.9868327963842388 -0.9465903803641454 -0.5673829986363315 0.01613203365503937 0.45415525418145264 0.8055025017415165 0.9865933738319452 1.0175490784627856 1.0423136421674544 1.0175490784627856 0.9896889442950266 0.790024649426092 0.4139128381613593 0.11673807370528148 +11993,-0.2160357510762764,0,-0.8413409846192812 -0.8800356154078338 -0.90170460864943 -0.9032523938809707 -0.9496859508272356 -0.9868327963842388 -0.9465903803641454 -0.5673829986363315 0.01613203365503937 0.45415525418145264 0.8055025017415165 0.9865933738319452 1.0175490784627856 1.0423136421674544 1.0175490784627856 0.9896889442950266 0.790024649426092 0.4139128381613593 0.11673807370528148 -0.09066514732136553 +11994,-0.3197373615895999,0,-0.8800356154078338 -0.90170460864943 -0.9032523938809707 -0.9496859508272356 -0.9868327963842388 -0.9465903803641454 -0.5673829986363315 0.01613203365503937 0.45415525418145264 0.8055025017415165 0.9865933738319452 1.0175490784627856 1.0423136421674544 1.0175490784627856 0.9896889442950266 0.790024649426092 0.4139128381613593 0.11673807370528148 -0.09066514732136553 -0.2160357510762764 +11995,-0.44665575057605145,0,-0.90170460864943 -0.9032523938809707 -0.9496859508272356 -0.9868327963842388 -0.9465903803641454 -0.5673829986363315 0.01613203365503937 0.45415525418145264 0.8055025017415165 0.9865933738319452 1.0175490784627856 1.0423136421674544 1.0175490784627856 0.9896889442950266 0.790024649426092 0.4139128381613593 0.11673807370528148 -0.09066514732136553 -0.2160357510762764 -0.3197373615895999 +11996,-0.620007696508768,0,-0.9032523938809707 -0.9496859508272356 -0.9868327963842388 -0.9465903803641454 -0.5673829986363315 0.01613203365503937 0.45415525418145264 0.8055025017415165 0.9865933738319452 1.0175490784627856 1.0423136421674544 1.0175490784627856 0.9896889442950266 0.790024649426092 0.4139128381613593 0.11673807370528148 -0.09066514732136553 -0.2160357510762764 -0.3197373615895999 -0.44665575057605145 +11997,-0.6509634011396083,0,-0.9496859508272356 -0.9868327963842388 -0.9465903803641454 -0.5673829986363315 0.01613203365503937 0.45415525418145264 0.8055025017415165 0.9865933738319452 1.0175490784627856 1.0423136421674544 1.0175490784627856 0.9896889442950266 0.790024649426092 0.4139128381613593 0.11673807370528148 -0.09066514732136553 -0.2160357510762764 -0.3197373615895999 -0.44665575057605145 -0.620007696508768 +11998,-0.703588099012036,0,-0.9868327963842388 -0.9465903803641454 -0.5673829986363315 0.01613203365503937 0.45415525418145264 0.8055025017415165 0.9865933738319452 1.0175490784627856 1.0423136421674544 1.0175490784627856 0.9896889442950266 0.790024649426092 0.4139128381613593 0.11673807370528148 -0.09066514732136553 -0.2160357510762764 -0.3197373615895999 -0.44665575057605145 -0.620007696508768 -0.6509634011396083 +11999,-0.7887162867468536,0,-0.9465903803641454 -0.5673829986363315 0.01613203365503937 0.45415525418145264 0.8055025017415165 0.9865933738319452 1.0175490784627856 1.0423136421674544 1.0175490784627856 0.9896889442950266 0.790024649426092 0.4139128381613593 0.11673807370528148 -0.09066514732136553 -0.2160357510762764 -0.3197373615895999 -0.44665575057605145 -0.620007696508768 -0.6509634011396083 -0.703588099012036 +12000,-0.8583666221662465,0,-0.5673829986363315 0.01613203365503937 0.45415525418145264 0.8055025017415165 0.9865933738319452 1.0175490784627856 1.0423136421674544 1.0175490784627856 0.9896889442950266 0.790024649426092 0.4139128381613593 0.11673807370528148 -0.09066514732136553 -0.2160357510762764 -0.3197373615895999 -0.44665575057605145 -0.620007696508768 -0.6509634011396083 -0.703588099012036 -0.7887162867468536 +12001,-0.9125391052702237,0,0.01613203365503937 0.45415525418145264 0.8055025017415165 0.9865933738319452 1.0175490784627856 1.0423136421674544 1.0175490784627856 0.9896889442950266 0.790024649426092 0.4139128381613593 0.11673807370528148 -0.09066514732136553 -0.2160357510762764 -0.3197373615895999 -0.44665575057605145 -0.620007696508768 -0.6509634011396083 -0.703588099012036 -0.7887162867468536 -0.8583666221662465 +12002,-0.9496859508272356,0,0.45415525418145264 0.8055025017415165 0.9865933738319452 1.0175490784627856 1.0423136421674544 1.0175490784627856 0.9896889442950266 0.790024649426092 0.4139128381613593 0.11673807370528148 -0.09066514732136553 -0.2160357510762764 -0.3197373615895999 -0.44665575057605145 -0.620007696508768 -0.6509634011396083 -0.703588099012036 -0.7887162867468536 -0.8583666221662465 -0.9125391052702237 +12003,-0.9140868905017644,0,0.8055025017415165 0.9865933738319452 1.0175490784627856 1.0423136421674544 1.0175490784627856 0.9896889442950266 0.790024649426092 0.4139128381613593 0.11673807370528148 -0.09066514732136553 -0.2160357510762764 -0.3197373615895999 -0.44665575057605145 -0.620007696508768 -0.6509634011396083 -0.703588099012036 -0.7887162867468536 -0.8583666221662465 -0.9125391052702237 -0.9496859508272356 +12004,-0.5008282336800198,0,0.9865933738319452 1.0175490784627856 1.0423136421674544 1.0175490784627856 0.9896889442950266 0.790024649426092 0.4139128381613593 0.11673807370528148 -0.09066514732136553 -0.2160357510762764 -0.3197373615895999 -0.44665575057605145 -0.620007696508768 -0.6509634011396083 -0.703588099012036 -0.7887162867468536 -0.8583666221662465 -0.9125391052702237 -0.9496859508272356 -0.9140868905017644 +12005,0.12292921463144427,0,1.0175490784627856 1.0423136421674544 1.0175490784627856 0.9896889442950266 0.790024649426092 0.4139128381613593 0.11673807370528148 -0.09066514732136553 -0.2160357510762764 -0.3197373615895999 -0.44665575057605145 -0.620007696508768 -0.6509634011396083 -0.703588099012036 -0.7887162867468536 -0.8583666221662465 -0.9125391052702237 -0.9496859508272356 -0.9140868905017644 -0.5008282336800198 +12006,0.5114233077485113,0,1.0423136421674544 1.0175490784627856 0.9896889442950266 0.790024649426092 0.4139128381613593 0.11673807370528148 -0.09066514732136553 -0.2160357510762764 -0.3197373615895999 -0.44665575057605145 -0.620007696508768 -0.6509634011396083 -0.703588099012036 -0.7887162867468536 -0.8583666221662465 -0.9125391052702237 -0.9496859508272356 -0.9140868905017644 -0.5008282336800198 0.12292921463144427 +12007,0.8364582063723568,0,1.0175490784627856 0.9896889442950266 0.790024649426092 0.4139128381613593 0.11673807370528148 -0.09066514732136553 -0.2160357510762764 -0.3197373615895999 -0.44665575057605145 -0.620007696508768 -0.6509634011396083 -0.703588099012036 -0.7887162867468536 -0.8583666221662465 -0.9125391052702237 -0.9496859508272356 -0.9140868905017644 -0.5008282336800198 0.12292921463144427 0.5114233077485113 +12008,1.0314791455466608,0,0.9896889442950266 0.790024649426092 0.4139128381613593 0.11673807370528148 -0.09066514732136553 -0.2160357510762764 -0.3197373615895999 -0.44665575057605145 -0.620007696508768 -0.6509634011396083 -0.703588099012036 -0.7887162867468536 -0.8583666221662465 -0.9125391052702237 -0.9496859508272356 -0.9140868905017644 -0.5008282336800198 0.12292921463144427 0.5114233077485113 0.8364582063723568 +12009,1.1553019640700308,0,0.790024649426092 0.4139128381613593 0.11673807370528148 -0.09066514732136553 -0.2160357510762764 -0.3197373615895999 -0.44665575057605145 -0.620007696508768 -0.6509634011396083 -0.703588099012036 -0.7887162867468536 -0.8583666221662465 -0.9125391052702237 -0.9496859508272356 -0.9140868905017644 -0.5008282336800198 0.12292921463144427 0.5114233077485113 0.8364582063723568 1.0314791455466608 +12010,1.1553019640700308,0,0.4139128381613593 0.11673807370528148 -0.09066514732136553 -0.2160357510762764 -0.3197373615895999 -0.44665575057605145 -0.620007696508768 -0.6509634011396083 -0.703588099012036 -0.7887162867468536 -0.8583666221662465 -0.9125391052702237 -0.9496859508272356 -0.9140868905017644 -0.5008282336800198 0.12292921463144427 0.5114233077485113 0.8364582063723568 1.0314791455466608 1.1553019640700308 +12011,1.085651628650638,0,0.11673807370528148 -0.09066514732136553 -0.2160357510762764 -0.3197373615895999 -0.44665575057605145 -0.620007696508768 -0.6509634011396083 -0.703588099012036 -0.7887162867468536 -0.8583666221662465 -0.9125391052702237 -0.9496859508272356 -0.9140868905017644 -0.5008282336800198 0.12292921463144427 0.5114233077485113 0.8364582063723568 1.0314791455466608 1.1553019640700308 1.1553019640700308 +12012,0.9912367295265674,0,-0.09066514732136553 -0.2160357510762764 -0.3197373615895999 -0.44665575057605145 -0.620007696508768 -0.6509634011396083 -0.703588099012036 -0.7887162867468536 -0.8583666221662465 -0.9125391052702237 -0.9496859508272356 -0.9140868905017644 -0.5008282336800198 0.12292921463144427 0.5114233077485113 0.8364582063723568 1.0314791455466608 1.1553019640700308 1.1553019640700308 1.085651628650638 +12013,0.650723978587306,0,-0.2160357510762764 -0.3197373615895999 -0.44665575057605145 -0.620007696508768 -0.6509634011396083 -0.703588099012036 -0.7887162867468536 -0.8583666221662465 -0.9125391052702237 -0.9496859508272356 -0.9140868905017644 -0.5008282336800198 0.12292921463144427 0.5114233077485113 0.8364582063723568 1.0314791455466608 1.1553019640700308 1.1553019640700308 1.085651628650638 0.9912367295265674 +12014,0.3210457242688383,0,-0.3197373615895999 -0.44665575057605145 -0.620007696508768 -0.6509634011396083 -0.703588099012036 -0.7887162867468536 -0.8583666221662465 -0.9125391052702237 -0.9496859508272356 -0.9140868905017644 -0.5008282336800198 0.12292921463144427 0.5114233077485113 0.8364582063723568 1.0314791455466608 1.1553019640700308 1.1553019640700308 1.085651628650638 0.9912367295265674 0.650723978587306 +12015,0.033157671202004635,0,-0.44665575057605145 -0.620007696508768 -0.6509634011396083 -0.703588099012036 -0.7887162867468536 -0.8583666221662465 -0.9125391052702237 -0.9496859508272356 -0.9140868905017644 -0.5008282336800198 0.12292921463144427 0.5114233077485113 0.8364582063723568 1.0314791455466608 1.1553019640700308 1.1553019640700308 1.085651628650638 0.9912367295265674 0.650723978587306 0.3210457242688383 +12016,-0.15102877135150553,0,-0.620007696508768 -0.6509634011396083 -0.703588099012036 -0.7887162867468536 -0.8583666221662465 -0.9125391052702237 -0.9496859508272356 -0.9140868905017644 -0.5008282336800198 0.12292921463144427 0.5114233077485113 0.8364582063723568 1.0314791455466608 1.1553019640700308 1.1553019640700308 1.085651628650638 0.9912367295265674 0.650723978587306 0.3210457242688383 0.033157671202004635 +12017,-0.2810427308010473,0,-0.6509634011396083 -0.703588099012036 -0.7887162867468536 -0.8583666221662465 -0.9125391052702237 -0.9496859508272356 -0.9140868905017644 -0.5008282336800198 0.12292921463144427 0.5114233077485113 0.8364582063723568 1.0314791455466608 1.1553019640700308 1.1553019640700308 1.085651628650638 0.9912367295265674 0.650723978587306 0.3210457242688383 0.033157671202004635 -0.15102877135150553 +12018,-0.4265345425660048,0,-0.703588099012036 -0.7887162867468536 -0.8583666221662465 -0.9125391052702237 -0.9496859508272356 -0.9140868905017644 -0.5008282336800198 0.12292921463144427 0.5114233077485113 0.8364582063723568 1.0314791455466608 1.1553019640700308 1.1553019640700308 1.085651628650638 0.9912367295265674 0.650723978587306 0.3210457242688383 0.033157671202004635 -0.15102877135150553 -0.2810427308010473 +12019,-0.5070193746061915,0,-0.7887162867468536 -0.8583666221662465 -0.9125391052702237 -0.9496859508272356 -0.9140868905017644 -0.5008282336800198 0.12292921463144427 0.5114233077485113 0.8364582063723568 1.0314791455466608 1.1553019640700308 1.1553019640700308 1.085651628650638 0.9912367295265674 0.650723978587306 0.3210457242688383 0.033157671202004635 -0.15102877135150553 -0.2810427308010473 -0.4265345425660048 +12020,-0.6509634011396083,0,-0.8583666221662465 -0.9125391052702237 -0.9496859508272356 -0.9140868905017644 -0.5008282336800198 0.12292921463144427 0.5114233077485113 0.8364582063723568 1.0314791455466608 1.1553019640700308 1.1553019640700308 1.085651628650638 0.9912367295265674 0.650723978587306 0.3210457242688383 0.033157671202004635 -0.15102877135150553 -0.2810427308010473 -0.4265345425660048 -0.5070193746061915 +12021,-0.7237093070220827,0,-0.9125391052702237 -0.9496859508272356 -0.9140868905017644 -0.5008282336800198 0.12292921463144427 0.5114233077485113 0.8364582063723568 1.0314791455466608 1.1553019640700308 1.1553019640700308 1.085651628650638 0.9912367295265674 0.650723978587306 0.3210457242688383 0.033157671202004635 -0.15102877135150553 -0.2810427308010473 -0.4265345425660048 -0.5070193746061915 -0.6509634011396083 +12022,-0.8196719913776939,0,-0.9496859508272356 -0.9140868905017644 -0.5008282336800198 0.12292921463144427 0.5114233077485113 0.8364582063723568 1.0314791455466608 1.1553019640700308 1.1553019640700308 1.085651628650638 0.9912367295265674 0.650723978587306 0.3210457242688383 0.033157671202004635 -0.15102877135150553 -0.2810427308010473 -0.4265345425660048 -0.5070193746061915 -0.6509634011396083 -0.7237093070220827 +12023,-0.8506276960085343,0,-0.9140868905017644 -0.5008282336800198 0.12292921463144427 0.5114233077485113 0.8364582063723568 1.0314791455466608 1.1553019640700308 1.1553019640700308 1.085651628650638 0.9912367295265674 0.650723978587306 0.3210457242688383 0.033157671202004635 -0.15102877135150553 -0.2810427308010473 -0.4265345425660048 -0.5070193746061915 -0.6509634011396083 -0.7237093070220827 -0.8196719913776939 +12024,-0.9311125280487297,0,-0.5008282336800198 0.12292921463144427 0.5114233077485113 0.8364582063723568 1.0314791455466608 1.1553019640700308 1.1553019640700308 1.085651628650638 0.9912367295265674 0.650723978587306 0.3210457242688383 0.033157671202004635 -0.15102877135150553 -0.2810427308010473 -0.4265345425660048 -0.5070193746061915 -0.6509634011396083 -0.7237093070220827 -0.8196719913776939 -0.8506276960085343 +12025,-0.999215078236582,0,0.12292921463144427 0.5114233077485113 0.8364582063723568 1.0314791455466608 1.1553019640700308 1.1553019640700308 1.085651628650638 0.9912367295265674 0.650723978587306 0.3210457242688383 0.033157671202004635 -0.15102877135150553 -0.2810427308010473 -0.4265345425660048 -0.5070193746061915 -0.6509634011396083 -0.7237093070220827 -0.8196719913776939 -0.8506276960085343 -0.9311125280487297 +12026,-1.0796999102767686,0,0.5114233077485113 0.8364582063723568 1.0314791455466608 1.1553019640700308 1.1553019640700308 1.085651628650638 0.9912367295265674 0.650723978587306 0.3210457242688383 0.033157671202004635 -0.15102877135150553 -0.2810427308010473 -0.4265345425660048 -0.5070193746061915 -0.6509634011396083 -0.7237093070220827 -0.8196719913776939 -0.8506276960085343 -0.9311125280487297 -0.999215078236582 +12027,-0.9667115883741921,0,0.8364582063723568 1.0314791455466608 1.1553019640700308 1.1553019640700308 1.085651628650638 0.9912367295265674 0.650723978587306 0.3210457242688383 0.033157671202004635 -0.15102877135150553 -0.2810427308010473 -0.4265345425660048 -0.5070193746061915 -0.6509634011396083 -0.7237093070220827 -0.8196719913776939 -0.8506276960085343 -0.9311125280487297 -0.999215078236582 -1.0796999102767686 +12028,-0.5797652804886658,0,1.0314791455466608 1.1553019640700308 1.1553019640700308 1.085651628650638 0.9912367295265674 0.650723978587306 0.3210457242688383 0.033157671202004635 -0.15102877135150553 -0.2810427308010473 -0.4265345425660048 -0.5070193746061915 -0.6509634011396083 -0.7237093070220827 -0.8196719913776939 -0.8506276960085343 -0.9311125280487297 -0.999215078236582 -1.0796999102767686 -0.9667115883741921 +12029,0.04244438259125762,0,1.1553019640700308 1.1553019640700308 1.085651628650638 0.9912367295265674 0.650723978587306 0.3210457242688383 0.033157671202004635 -0.15102877135150553 -0.2810427308010473 -0.4265345425660048 -0.5070193746061915 -0.6509634011396083 -0.7237093070220827 -0.8196719913776939 -0.8506276960085343 -0.9311125280487297 -0.999215078236582 -1.0796999102767686 -0.9667115883741921 -0.5797652804886658 +12030,0.4882065292753832,0,1.1553019640700308 1.085651628650638 0.9912367295265674 0.650723978587306 0.3210457242688383 0.033157671202004635 -0.15102877135150553 -0.2810427308010473 -0.4265345425660048 -0.5070193746061915 -0.6509634011396083 -0.7237093070220827 -0.8196719913776939 -0.8506276960085343 -0.9311125280487297 -0.999215078236582 -1.0796999102767686 -0.9667115883741921 -0.5797652804886658 0.04244438259125762 +12031,0.7915724346576326,0,1.085651628650638 0.9912367295265674 0.650723978587306 0.3210457242688383 0.033157671202004635 -0.15102877135150553 -0.2810427308010473 -0.4265345425660048 -0.5070193746061915 -0.6509634011396083 -0.7237093070220827 -0.8196719913776939 -0.8506276960085343 -0.9311125280487297 -0.999215078236582 -1.0796999102767686 -0.9667115883741921 -0.5797652804886658 0.04244438259125762 0.4882065292753832 +12032,0.9850455886003958,0,0.9912367295265674 0.650723978587306 0.3210457242688383 0.033157671202004635 -0.15102877135150553 -0.2810427308010473 -0.4265345425660048 -0.5070193746061915 -0.6509634011396083 -0.7237093070220827 -0.8196719913776939 -0.8506276960085343 -0.9311125280487297 -0.999215078236582 -1.0796999102767686 -0.9667115883741921 -0.5797652804886658 0.04244438259125762 0.4882065292753832 0.7915724346576326 +12033,1.1475630379123185,0,0.650723978587306 0.3210457242688383 0.033157671202004635 -0.15102877135150553 -0.2810427308010473 -0.4265345425660048 -0.5070193746061915 -0.6509634011396083 -0.7237093070220827 -0.8196719913776939 -0.8506276960085343 -0.9311125280487297 -0.999215078236582 -1.0796999102767686 -0.9667115883741921 -0.5797652804886658 0.04244438259125762 0.4882065292753832 0.7915724346576326 0.9850455886003958 +12034,1.1707798163854555,0,0.3210457242688383 0.033157671202004635 -0.15102877135150553 -0.2810427308010473 -0.4265345425660048 -0.5070193746061915 -0.6509634011396083 -0.7237093070220827 -0.8196719913776939 -0.8506276960085343 -0.9311125280487297 -0.999215078236582 -1.0796999102767686 -0.9667115883741921 -0.5797652804886658 0.04244438259125762 0.4882065292753832 0.7915724346576326 0.9850455886003958 1.1475630379123185 +12035,1.200187735784755,0,0.033157671202004635 -0.15102877135150553 -0.2810427308010473 -0.4265345425660048 -0.5070193746061915 -0.6509634011396083 -0.7237093070220827 -0.8196719913776939 -0.8506276960085343 -0.9311125280487297 -0.999215078236582 -1.0796999102767686 -0.9667115883741921 -0.5797652804886658 0.04244438259125762 0.4882065292753832 0.7915724346576326 0.9850455886003958 1.1475630379123185 1.1707798163854555 +12036,1.1042250514291438,0,-0.15102877135150553 -0.2810427308010473 -0.4265345425660048 -0.5070193746061915 -0.6509634011396083 -0.7237093070220827 -0.8196719913776939 -0.8506276960085343 -0.9311125280487297 -0.999215078236582 -1.0796999102767686 -0.9667115883741921 -0.5797652804886658 0.04244438259125762 0.4882065292753832 0.7915724346576326 0.9850455886003958 1.1475630379123185 1.1707798163854555 1.200187735784755 +12037,0.8658661257716564,0,-0.2810427308010473 -0.4265345425660048 -0.5070193746061915 -0.6509634011396083 -0.7237093070220827 -0.8196719913776939 -0.8506276960085343 -0.9311125280487297 -0.999215078236582 -1.0796999102767686 -0.9667115883741921 -0.5797652804886658 0.04244438259125762 0.4882065292753832 0.7915724346576326 0.9850455886003958 1.1475630379123185 1.1707798163854555 1.200187735784755 1.1042250514291438 +12038,0.37831377783589687,0,-0.4265345425660048 -0.5070193746061915 -0.6509634011396083 -0.7237093070220827 -0.8196719913776939 -0.8506276960085343 -0.9311125280487297 -0.999215078236582 -1.0796999102767686 -0.9667115883741921 -0.5797652804886658 0.04244438259125762 0.4882065292753832 0.7915724346576326 0.9850455886003958 1.1475630379123185 1.1707798163854555 1.200187735784755 1.1042250514291438 0.8658661257716564 +12039,0.11054693277910989,0,-0.5070193746061915 -0.6509634011396083 -0.7237093070220827 -0.8196719913776939 -0.8506276960085343 -0.9311125280487297 -0.999215078236582 -1.0796999102767686 -0.9667115883741921 -0.5797652804886658 0.04244438259125762 0.4882065292753832 0.7915724346576326 0.9850455886003958 1.1475630379123185 1.1707798163854555 1.200187735784755 1.1042250514291438 0.8658661257716564 0.37831377783589687 +12040,-0.10149964394215921,0,-0.6509634011396083 -0.7237093070220827 -0.8196719913776939 -0.8506276960085343 -0.9311125280487297 -0.999215078236582 -1.0796999102767686 -0.9667115883741921 -0.5797652804886658 0.04244438259125762 0.4882065292753832 0.7915724346576326 0.9850455886003958 1.1475630379123185 1.1707798163854555 1.200187735784755 1.1042250514291438 0.8658661257716564 0.37831377783589687 0.11054693277910989 +12041,-0.29497279788492237,0,-0.7237093070220827 -0.8196719913776939 -0.8506276960085343 -0.9311125280487297 -0.999215078236582 -1.0796999102767686 -0.9667115883741921 -0.5797652804886658 0.04244438259125762 0.4882065292753832 0.7915724346576326 0.9850455886003958 1.1475630379123185 1.1707798163854555 1.200187735784755 1.1042250514291438 0.8658661257716564 0.37831377783589687 0.11054693277910989 -0.10149964394215921 +12042,-0.4141522607136616,0,-0.8196719913776939 -0.8506276960085343 -0.9311125280487297 -0.999215078236582 -1.0796999102767686 -0.9667115883741921 -0.5797652804886658 0.04244438259125762 0.4882065292753832 0.7915724346576326 0.9850455886003958 1.1475630379123185 1.1707798163854555 1.200187735784755 1.1042250514291438 0.8658661257716564 0.37831377783589687 0.11054693277910989 -0.10149964394215921 -0.29497279788492237 +12043,-0.46987252904917953,0,-0.8506276960085343 -0.9311125280487297 -0.999215078236582 -1.0796999102767686 -0.9667115883741921 -0.5797652804886658 0.04244438259125762 0.4882065292753832 0.7915724346576326 0.9850455886003958 1.1475630379123185 1.1707798163854555 1.200187735784755 1.1042250514291438 0.8658661257716564 0.37831377783589687 0.11054693277910989 -0.10149964394215921 -0.29497279788492237 -0.4141522607136616 +12044,-0.5410706497001132,0,-0.9311125280487297 -0.999215078236582 -1.0796999102767686 -0.9667115883741921 -0.5797652804886658 0.04244438259125762 0.4882065292753832 0.7915724346576326 0.9850455886003958 1.1475630379123185 1.1707798163854555 1.200187735784755 1.1042250514291438 0.8658661257716564 0.37831377783589687 0.11054693277910989 -0.10149964394215921 -0.29497279788492237 -0.4141522607136616 -0.46987252904917953 +12045,-0.671084609149655,0,-0.999215078236582 -1.0796999102767686 -0.9667115883741921 -0.5797652804886658 0.04244438259125762 0.4882065292753832 0.7915724346576326 0.9850455886003958 1.1475630379123185 1.1707798163854555 1.200187735784755 1.1042250514291438 0.8658661257716564 0.37831377783589687 0.11054693277910989 -0.10149964394215921 -0.29497279788492237 -0.4141522607136616 -0.46987252904917953 -0.5410706497001132 +12046,-0.675727964844277,0,-1.0796999102767686 -0.9667115883741921 -0.5797652804886658 0.04244438259125762 0.4882065292753832 0.7915724346576326 0.9850455886003958 1.1475630379123185 1.1707798163854555 1.200187735784755 1.1042250514291438 0.8658661257716564 0.37831377783589687 0.11054693277910989 -0.10149964394215921 -0.29497279788492237 -0.4141522607136616 -0.46987252904917953 -0.5410706497001132 -0.671084609149655 +12047,-0.7654995082737255,0,-0.9667115883741921 -0.5797652804886658 0.04244438259125762 0.4882065292753832 0.7915724346576326 0.9850455886003958 1.1475630379123185 1.1707798163854555 1.200187735784755 1.1042250514291438 0.8658661257716564 0.37831377783589687 0.11054693277910989 -0.10149964394215921 -0.29497279788492237 -0.4141522607136616 -0.46987252904917953 -0.5410706497001132 -0.671084609149655 -0.675727964844277 +12048,-0.8010985685991879,0,-0.5797652804886658 0.04244438259125762 0.4882065292753832 0.7915724346576326 0.9850455886003958 1.1475630379123185 1.1707798163854555 1.200187735784755 1.1042250514291438 0.8658661257716564 0.37831377783589687 0.11054693277910989 -0.10149964394215921 -0.29497279788492237 -0.4141522607136616 -0.46987252904917953 -0.5410706497001132 -0.671084609149655 -0.675727964844277 -0.7654995082737255 +12049,-0.7871685015153128,0,0.04244438259125762 0.4882065292753832 0.7915724346576326 0.9850455886003958 1.1475630379123185 1.1707798163854555 1.200187735784755 1.1042250514291438 0.8658661257716564 0.37831377783589687 0.11054693277910989 -0.10149964394215921 -0.29497279788492237 -0.4141522607136616 -0.46987252904917953 -0.5410706497001132 -0.671084609149655 -0.675727964844277 -0.7654995082737255 -0.8010985685991879 +12050,-0.8784878301762932,0,0.4882065292753832 0.7915724346576326 0.9850455886003958 1.1475630379123185 1.1707798163854555 1.200187735784755 1.1042250514291438 0.8658661257716564 0.37831377783589687 0.11054693277910989 -0.10149964394215921 -0.29497279788492237 -0.4141522607136616 -0.46987252904917953 -0.5410706497001132 -0.671084609149655 -0.675727964844277 -0.7654995082737255 -0.8010985685991879 -0.7871685015153128 +12051,-0.8150286356830718,0,0.7915724346576326 0.9850455886003958 1.1475630379123185 1.1707798163854555 1.200187735784755 1.1042250514291438 0.8658661257716564 0.37831377783589687 0.11054693277910989 -0.10149964394215921 -0.29497279788492237 -0.4141522607136616 -0.46987252904917953 -0.5410706497001132 -0.671084609149655 -0.675727964844277 -0.7654995082737255 -0.8010985685991879 -0.7871685015153128 -0.8784878301762932 +12052,-0.46677695858609813,0,0.9850455886003958 1.1475630379123185 1.1707798163854555 1.200187735784755 1.1042250514291438 0.8658661257716564 0.37831377783589687 0.11054693277910989 -0.10149964394215921 -0.29497279788492237 -0.4141522607136616 -0.46987252904917953 -0.5410706497001132 -0.671084609149655 -0.675727964844277 -0.7654995082737255 -0.8010985685991879 -0.7871685015153128 -0.8784878301762932 -0.8150286356830718 +12053,0.0517310939805106,0,1.1475630379123185 1.1707798163854555 1.200187735784755 1.1042250514291438 0.8658661257716564 0.37831377783589687 0.11054693277910989 -0.10149964394215921 -0.29497279788492237 -0.4141522607136616 -0.46987252904917953 -0.5410706497001132 -0.671084609149655 -0.675727964844277 -0.7654995082737255 -0.8010985685991879 -0.7871685015153128 -0.8784878301762932 -0.8150286356830718 -0.46677695858609813 +12054,0.3906960596882313,0,1.1707798163854555 1.200187735784755 1.1042250514291438 0.8658661257716564 0.37831377783589687 0.11054693277910989 -0.10149964394215921 -0.29497279788492237 -0.4141522607136616 -0.46987252904917953 -0.5410706497001132 -0.671084609149655 -0.675727964844277 -0.7654995082737255 -0.8010985685991879 -0.7871685015153128 -0.8784878301762932 -0.8150286356830718 -0.46677695858609813 0.0517310939805106 +12055,0.7265654549328705,0,1.200187735784755 1.1042250514291438 0.8658661257716564 0.37831377783589687 0.11054693277910989 -0.10149964394215921 -0.29497279788492237 -0.4141522607136616 -0.46987252904917953 -0.5410706497001132 -0.671084609149655 -0.675727964844277 -0.7654995082737255 -0.8010985685991879 -0.7871685015153128 -0.8784878301762932 -0.8150286356830718 -0.46677695858609813 0.0517310939805106 0.3906960596882313 +12056,0.9525420987380148,0,1.1042250514291438 0.8658661257716564 0.37831377783589687 0.11054693277910989 -0.10149964394215921 -0.29497279788492237 -0.4141522607136616 -0.46987252904917953 -0.5410706497001132 -0.671084609149655 -0.675727964844277 -0.7654995082737255 -0.8010985685991879 -0.7871685015153128 -0.8784878301762932 -0.8150286356830718 -0.46677695858609813 0.0517310939805106 0.3906960596882313 0.7265654549328705 +12057,1.0686259911036726,0,0.8658661257716564 0.37831377783589687 0.11054693277910989 -0.10149964394215921 -0.29497279788492237 -0.4141522607136616 -0.46987252904917953 -0.5410706497001132 -0.671084609149655 -0.675727964844277 -0.7654995082737255 -0.8010985685991879 -0.7871685015153128 -0.8784878301762932 -0.8150286356830718 -0.46677695858609813 0.0517310939805106 0.3906960596882313 0.7265654549328705 0.9525420987380148 +12058,0.988141159063486,0,0.37831377783589687 0.11054693277910989 -0.10149964394215921 -0.29497279788492237 -0.4141522607136616 -0.46987252904917953 -0.5410706497001132 -0.671084609149655 -0.675727964844277 -0.7654995082737255 -0.8010985685991879 -0.7871685015153128 -0.8784878301762932 -0.8150286356830718 -0.46677695858609813 0.0517310939805106 0.3906960596882313 0.7265654549328705 0.9525420987380148 1.0686259911036726 +12059,0.8380059916038975,0,0.11054693277910989 -0.10149964394215921 -0.29497279788492237 -0.4141522607136616 -0.46987252904917953 -0.5410706497001132 -0.671084609149655 -0.675727964844277 -0.7654995082737255 -0.8010985685991879 -0.7871685015153128 -0.8784878301762932 -0.8150286356830718 -0.46677695858609813 0.0517310939805106 0.3906960596882313 0.7265654549328705 0.9525420987380148 1.0686259911036726 0.988141159063486 +12060,0.673940757060434,0,-0.10149964394215921 -0.29497279788492237 -0.4141522607136616 -0.46987252904917953 -0.5410706497001132 -0.671084609149655 -0.675727964844277 -0.7654995082737255 -0.8010985685991879 -0.7871685015153128 -0.8784878301762932 -0.8150286356830718 -0.46677695858609813 0.0517310939805106 0.3906960596882313 0.7265654549328705 0.9525420987380148 1.0686259911036726 0.988141159063486 0.8380059916038975 +12061,0.46034639510762426,0,-0.29497279788492237 -0.4141522607136616 -0.46987252904917953 -0.5410706497001132 -0.671084609149655 -0.675727964844277 -0.7654995082737255 -0.8010985685991879 -0.7871685015153128 -0.8784878301762932 -0.8150286356830718 -0.46677695858609813 0.0517310939805106 0.3906960596882313 0.7265654549328705 0.9525420987380148 1.0686259911036726 0.988141159063486 0.8380059916038975 0.673940757060434 +12062,0.23901310699710215,0,-0.4141522607136616 -0.46987252904917953 -0.5410706497001132 -0.671084609149655 -0.675727964844277 -0.7654995082737255 -0.8010985685991879 -0.7871685015153128 -0.8784878301762932 -0.8150286356830718 -0.46677695858609813 0.0517310939805106 0.3906960596882313 0.7265654549328705 0.9525420987380148 1.0686259911036726 0.988141159063486 0.8380059916038975 0.673940757060434 0.46034639510762426 +12063,0.005297537034245689,0,-0.46987252904917953 -0.5410706497001132 -0.671084609149655 -0.675727964844277 -0.7654995082737255 -0.8010985685991879 -0.7871685015153128 -0.8784878301762932 -0.8150286356830718 -0.46677695858609813 0.0517310939805106 0.3906960596882313 0.7265654549328705 0.9525420987380148 1.0686259911036726 0.988141159063486 0.8380059916038975 0.673940757060434 0.46034639510762426 0.23901310699710215 +12064,-0.15567212704613642,0,-0.5410706497001132 -0.671084609149655 -0.675727964844277 -0.7654995082737255 -0.8010985685991879 -0.7871685015153128 -0.8784878301762932 -0.8150286356830718 -0.46677695858609813 0.0517310939805106 0.3906960596882313 0.7265654549328705 0.9525420987380148 1.0686259911036726 0.988141159063486 0.8380059916038975 0.673940757060434 0.46034639510762426 0.23901310699710215 0.005297537034245689 +12065,-0.3135462206634283,0,-0.671084609149655 -0.675727964844277 -0.7654995082737255 -0.8010985685991879 -0.7871685015153128 -0.8784878301762932 -0.8150286356830718 -0.46677695858609813 0.0517310939805106 0.3906960596882313 0.7265654549328705 0.9525420987380148 1.0686259911036726 0.988141159063486 0.8380059916038975 0.673940757060434 0.46034639510762426 0.23901310699710215 0.005297537034245689 -0.15567212704613642 +12066,-0.44975132103913285,0,-0.675727964844277 -0.7654995082737255 -0.8010985685991879 -0.7871685015153128 -0.8784878301762932 -0.8150286356830718 -0.46677695858609813 0.0517310939805106 0.3906960596882313 0.7265654549328705 0.9525420987380148 1.0686259911036726 0.988141159063486 0.8380059916038975 0.673940757060434 0.46034639510762426 0.23901310699710215 0.005297537034245689 -0.15567212704613642 -0.3135462206634283 +12067,-0.5534529315524563,0,-0.7654995082737255 -0.8010985685991879 -0.7871685015153128 -0.8784878301762932 -0.8150286356830718 -0.46677695858609813 0.0517310939805106 0.3906960596882313 0.7265654549328705 0.9525420987380148 1.0686259911036726 0.988141159063486 0.8380059916038975 0.673940757060434 0.46034639510762426 0.23901310699710215 0.005297537034245689 -0.15567212704613642 -0.3135462206634283 -0.44975132103913285 +12068,-0.620007696508768,0,-0.8010985685991879 -0.7871685015153128 -0.8784878301762932 -0.8150286356830718 -0.46677695858609813 0.0517310939805106 0.3906960596882313 0.7265654549328705 0.9525420987380148 1.0686259911036726 0.988141159063486 0.8380059916038975 0.673940757060434 0.46034639510762426 0.23901310699710215 0.005297537034245689 -0.15567212704613642 -0.3135462206634283 -0.44975132103913285 -0.5534529315524563 +12069,-0.5704785690994129,0,-0.7871685015153128 -0.8784878301762932 -0.8150286356830718 -0.46677695858609813 0.0517310939805106 0.3906960596882313 0.7265654549328705 0.9525420987380148 1.0686259911036726 0.988141159063486 0.8380059916038975 0.673940757060434 0.46034639510762426 0.23901310699710215 0.005297537034245689 -0.15567212704613642 -0.3135462206634283 -0.44975132103913285 -0.5534529315524563 -0.620007696508768 +12070,-0.6494156159080676,0,-0.8784878301762932 -0.8150286356830718 -0.46677695858609813 0.0517310939805106 0.3906960596882313 0.7265654549328705 0.9525420987380148 1.0686259911036726 0.988141159063486 0.8380059916038975 0.673940757060434 0.46034639510762426 0.23901310699710215 0.005297537034245689 -0.15567212704613642 -0.3135462206634283 -0.44975132103913285 -0.5534529315524563 -0.620007696508768 -0.5704785690994129 +12071,-0.6648934682234834,0,-0.8150286356830718 -0.46677695858609813 0.0517310939805106 0.3906960596882313 0.7265654549328705 0.9525420987380148 1.0686259911036726 0.988141159063486 0.8380059916038975 0.673940757060434 0.46034639510762426 0.23901310699710215 0.005297537034245689 -0.15567212704613642 -0.3135462206634283 -0.44975132103913285 -0.5534529315524563 -0.620007696508768 -0.5704785690994129 -0.6494156159080676 +12072,-0.7562127968844725,0,-0.46677695858609813 0.0517310939805106 0.3906960596882313 0.7265654549328705 0.9525420987380148 1.0686259911036726 0.988141159063486 0.8380059916038975 0.673940757060434 0.46034639510762426 0.23901310699710215 0.005297537034245689 -0.15567212704613642 -0.3135462206634283 -0.44975132103913285 -0.5534529315524563 -0.620007696508768 -0.5704785690994129 -0.6494156159080676 -0.6648934682234834 +12073,-0.7809773605891412,0,0.0517310939805106 0.3906960596882313 0.7265654549328705 0.9525420987380148 1.0686259911036726 0.988141159063486 0.8380059916038975 0.673940757060434 0.46034639510762426 0.23901310699710215 0.005297537034245689 -0.15567212704613642 -0.3135462206634283 -0.44975132103913285 -0.5534529315524563 -0.620007696508768 -0.5704785690994129 -0.6494156159080676 -0.6648934682234834 -0.7562127968844725 +12074,-0.8026463538307286,0,0.3906960596882313 0.7265654549328705 0.9525420987380148 1.0686259911036726 0.988141159063486 0.8380059916038975 0.673940757060434 0.46034639510762426 0.23901310699710215 0.005297537034245689 -0.15567212704613642 -0.3135462206634283 -0.44975132103913285 -0.5534529315524563 -0.620007696508768 -0.5704785690994129 -0.6494156159080676 -0.6648934682234834 -0.7562127968844725 -0.7809773605891412 +12075,-0.7949074276730251,0,0.7265654549328705 0.9525420987380148 1.0686259911036726 0.988141159063486 0.8380059916038975 0.673940757060434 0.46034639510762426 0.23901310699710215 0.005297537034245689 -0.15567212704613642 -0.3135462206634283 -0.44975132103913285 -0.5534529315524563 -0.620007696508768 -0.5704785690994129 -0.6494156159080676 -0.6648934682234834 -0.7562127968844725 -0.7809773605891412 -0.8026463538307286 +12076,-0.7329960184113357,0,0.9525420987380148 1.0686259911036726 0.988141159063486 0.8380059916038975 0.673940757060434 0.46034639510762426 0.23901310699710215 0.005297537034245689 -0.15567212704613642 -0.3135462206634283 -0.44975132103913285 -0.5534529315524563 -0.620007696508768 -0.5704785690994129 -0.6494156159080676 -0.6648934682234834 -0.7562127968844725 -0.7809773605891412 -0.8026463538307286 -0.7949074276730251 +12077,-0.3692664889989462,0,1.0686259911036726 0.988141159063486 0.8380059916038975 0.673940757060434 0.46034639510762426 0.23901310699710215 0.005297537034245689 -0.15567212704613642 -0.3135462206634283 -0.44975132103913285 -0.5534529315524563 -0.620007696508768 -0.5704785690994129 -0.6494156159080676 -0.6648934682234834 -0.7562127968844725 -0.7809773605891412 -0.8026463538307286 -0.7949074276730251 -0.7329960184113357 +12078,-0.003989174355007293,0,0.988141159063486 0.8380059916038975 0.673940757060434 0.46034639510762426 0.23901310699710215 0.005297537034245689 -0.15567212704613642 -0.3135462206634283 -0.44975132103913285 -0.5534529315524563 -0.620007696508768 -0.5704785690994129 -0.6494156159080676 -0.6648934682234834 -0.7562127968844725 -0.7809773605891412 -0.8026463538307286 -0.7949074276730251 -0.7329960184113357 -0.3692664889989462 +12079,0.3179501538057481,0,0.8380059916038975 0.673940757060434 0.46034639510762426 0.23901310699710215 0.005297537034245689 -0.15567212704613642 -0.3135462206634283 -0.44975132103913285 -0.5534529315524563 -0.620007696508768 -0.5704785690994129 -0.6494156159080676 -0.6648934682234834 -0.7562127968844725 -0.7809773605891412 -0.8026463538307286 -0.7949074276730251 -0.7329960184113357 -0.3692664889989462 -0.003989174355007293 +12080,0.5826214283994537,0,0.673940757060434 0.46034639510762426 0.23901310699710215 0.005297537034245689 -0.15567212704613642 -0.3135462206634283 -0.44975132103913285 -0.5534529315524563 -0.620007696508768 -0.5704785690994129 -0.6494156159080676 -0.6648934682234834 -0.7562127968844725 -0.7809773605891412 -0.8026463538307286 -0.7949074276730251 -0.7329960184113357 -0.3692664889989462 -0.003989174355007293 0.3179501538057481 +12081,0.6832274684496871,0,0.46034639510762426 0.23901310699710215 0.005297537034245689 -0.15567212704613642 -0.3135462206634283 -0.44975132103913285 -0.5534529315524563 -0.620007696508768 -0.5704785690994129 -0.6494156159080676 -0.6648934682234834 -0.7562127968844725 -0.7809773605891412 -0.8026463538307286 -0.7949074276730251 -0.7329960184113357 -0.3692664889989462 -0.003989174355007293 0.3179501538057481 0.5826214283994537 +12082,0.6429850524295937,0,0.23901310699710215 0.005297537034245689 -0.15567212704613642 -0.3135462206634283 -0.44975132103913285 -0.5534529315524563 -0.620007696508768 -0.5704785690994129 -0.6494156159080676 -0.6648934682234834 -0.7562127968844725 -0.7809773605891412 -0.8026463538307286 -0.7949074276730251 -0.7329960184113357 -0.3692664889989462 -0.003989174355007293 0.3179501538057481 0.5826214283994537 0.6832274684496871 +12083,0.5439267976109011,0,0.005297537034245689 -0.15567212704613642 -0.3135462206634283 -0.44975132103913285 -0.5534529315524563 -0.620007696508768 -0.5704785690994129 -0.6494156159080676 -0.6648934682234834 -0.7562127968844725 -0.7809773605891412 -0.8026463538307286 -0.7949074276730251 -0.7329960184113357 -0.3692664889989462 -0.003989174355007293 0.3179501538057481 0.5826214283994537 0.6832274684496871 0.6429850524295937 +12084,0.4417729723291183,0,-0.15567212704613642 -0.3135462206634283 -0.44975132103913285 -0.5534529315524563 -0.620007696508768 -0.5704785690994129 -0.6494156159080676 -0.6648934682234834 -0.7562127968844725 -0.7809773605891412 -0.8026463538307286 -0.7949074276730251 -0.7329960184113357 -0.3692664889989462 -0.003989174355007293 0.3179501538057481 0.5826214283994537 0.6832274684496871 0.6429850524295937 0.5439267976109011 +12085,0.17091055680924988,0,-0.3135462206634283 -0.44975132103913285 -0.5534529315524563 -0.620007696508768 -0.5704785690994129 -0.6494156159080676 -0.6648934682234834 -0.7562127968844725 -0.7809773605891412 -0.8026463538307286 -0.7949074276730251 -0.7329960184113357 -0.3692664889989462 -0.003989174355007293 0.3179501538057481 0.5826214283994537 0.6832274684496871 0.6429850524295937 0.5439267976109011 0.4417729723291183 +12086,-0.08447400639519394,0,-0.44975132103913285 -0.5534529315524563 -0.620007696508768 -0.5704785690994129 -0.6494156159080676 -0.6648934682234834 -0.7562127968844725 -0.7809773605891412 -0.8026463538307286 -0.7949074276730251 -0.7329960184113357 -0.3692664889989462 -0.003989174355007293 0.3179501538057481 0.5826214283994537 0.6832274684496871 0.6429850524295937 0.5439267976109011 0.4417729723291183 0.17091055680924988 +12087,-0.2222268920024392,0,-0.5534529315524563 -0.620007696508768 -0.5704785690994129 -0.6494156159080676 -0.6648934682234834 -0.7562127968844725 -0.7809773605891412 -0.8026463538307286 -0.7949074276730251 -0.7329960184113357 -0.3692664889989462 -0.003989174355007293 0.3179501538057481 0.5826214283994537 0.6832274684496871 0.6429850524295937 0.5439267976109011 0.4417729723291183 0.17091055680924988 -0.08447400639519394 +12088,-0.3181895763580504,0,-0.620007696508768 -0.5704785690994129 -0.6494156159080676 -0.6648934682234834 -0.7562127968844725 -0.7809773605891412 -0.8026463538307286 -0.7949074276730251 -0.7329960184113357 -0.3692664889989462 -0.003989174355007293 0.3179501538057481 0.5826214283994537 0.6832274684496871 0.6429850524295937 0.5439267976109011 0.4417729723291183 0.17091055680924988 -0.08447400639519394 -0.2222268920024392 +12089,-0.5209494416900665,0,-0.5704785690994129 -0.6494156159080676 -0.6648934682234834 -0.7562127968844725 -0.7809773605891412 -0.8026463538307286 -0.7949074276730251 -0.7329960184113357 -0.3692664889989462 -0.003989174355007293 0.3179501538057481 0.5826214283994537 0.6832274684496871 0.6429850524295937 0.5439267976109011 0.4417729723291183 0.17091055680924988 -0.08447400639519394 -0.2222268920024392 -0.3181895763580504 +12090,-0.6122687703510556,0,-0.6494156159080676 -0.6648934682234834 -0.7562127968844725 -0.7809773605891412 -0.8026463538307286 -0.7949074276730251 -0.7329960184113357 -0.3692664889989462 -0.003989174355007293 0.3179501538057481 0.5826214283994537 0.6832274684496871 0.6429850524295937 0.5439267976109011 0.4417729723291183 0.17091055680924988 -0.08447400639519394 -0.2222268920024392 -0.3181895763580504 -0.5209494416900665 +12091,-0.7097792399382076,0,-0.6648934682234834 -0.7562127968844725 -0.7809773605891412 -0.8026463538307286 -0.7949074276730251 -0.7329960184113357 -0.3692664889989462 -0.003989174355007293 0.3179501538057481 0.5826214283994537 0.6832274684496871 0.6429850524295937 0.5439267976109011 0.4417729723291183 0.17091055680924988 -0.08447400639519394 -0.2222268920024392 -0.3181895763580504 -0.5209494416900665 -0.6122687703510556 +12092,-0.7794295753576006,0,-0.7562127968844725 -0.7809773605891412 -0.8026463538307286 -0.7949074276730251 -0.7329960184113357 -0.3692664889989462 -0.003989174355007293 0.3179501538057481 0.5826214283994537 0.6832274684496871 0.6429850524295937 0.5439267976109011 0.4417729723291183 0.17091055680924988 -0.08447400639519394 -0.2222268920024392 -0.3181895763580504 -0.5209494416900665 -0.6122687703510556 -0.7097792399382076 +12093,-0.9001568234178893,0,-0.7809773605891412 -0.8026463538307286 -0.7949074276730251 -0.7329960184113357 -0.3692664889989462 -0.003989174355007293 0.3179501538057481 0.5826214283994537 0.6832274684496871 0.6429850524295937 0.5439267976109011 0.4417729723291183 0.17091055680924988 -0.08447400639519394 -0.2222268920024392 -0.3181895763580504 -0.5209494416900665 -0.6122687703510556 -0.7097792399382076 -0.7794295753576006 +12094,-0.9790938702265353,0,-0.8026463538307286 -0.7949074276730251 -0.7329960184113357 -0.3692664889989462 -0.003989174355007293 0.3179501538057481 0.5826214283994537 0.6832274684496871 0.6429850524295937 0.5439267976109011 0.4417729723291183 0.17091055680924988 -0.08447400639519394 -0.2222268920024392 -0.3181895763580504 -0.5209494416900665 -0.6122687703510556 -0.7097792399382076 -0.7794295753576006 -0.9001568234178893 +12095,-1.045648635182847,0,-0.7949074276730251 -0.7329960184113357 -0.3692664889989462 -0.003989174355007293 0.3179501538057481 0.5826214283994537 0.6832274684496871 0.6429850524295937 0.5439267976109011 0.4417729723291183 0.17091055680924988 -0.08447400639519394 -0.2222268920024392 -0.3181895763580504 -0.5209494416900665 -0.6122687703510556 -0.7097792399382076 -0.7794295753576006 -0.9001568234178893 -0.9790938702265353 +12096,-0.9883805816157882,0,-0.7329960184113357 -0.3692664889989462 -0.003989174355007293 0.3179501538057481 0.5826214283994537 0.6832274684496871 0.6429850524295937 0.5439267976109011 0.4417729723291183 0.17091055680924988 -0.08447400639519394 -0.2222268920024392 -0.3181895763580504 -0.5209494416900665 -0.6122687703510556 -0.7097792399382076 -0.7794295753576006 -0.9001568234178893 -0.9790938702265353 -1.045648635182847 +12097,-1.0936299773606524,0,-0.3692664889989462 -0.003989174355007293 0.3179501538057481 0.5826214283994537 0.6832274684496871 0.6429850524295937 0.5439267976109011 0.4417729723291183 0.17091055680924988 -0.08447400639519394 -0.2222268920024392 -0.3181895763580504 -0.5209494416900665 -0.6122687703510556 -0.7097792399382076 -0.7794295753576006 -0.9001568234178893 -0.9790938702265353 -1.045648635182847 -0.9883805816157882 +12098,-1.1307768229176556,0,-0.003989174355007293 0.3179501538057481 0.5826214283994537 0.6832274684496871 0.6429850524295937 0.5439267976109011 0.4417729723291183 0.17091055680924988 -0.08447400639519394 -0.2222268920024392 -0.3181895763580504 -0.5209494416900665 -0.6122687703510556 -0.7097792399382076 -0.7794295753576006 -0.9001568234178893 -0.9790938702265353 -1.045648635182847 -0.9883805816157882 -1.0936299773606524 +12099,-1.0394574942566752,0,0.3179501538057481 0.5826214283994537 0.6832274684496871 0.6429850524295937 0.5439267976109011 0.4417729723291183 0.17091055680924988 -0.08447400639519394 -0.2222268920024392 -0.3181895763580504 -0.5209494416900665 -0.6122687703510556 -0.7097792399382076 -0.7794295753576006 -0.9001568234178893 -0.9790938702265353 -1.045648635182847 -0.9883805816157882 -1.0936299773606524 -1.1307768229176556 +12100,-0.7685950787368069,0,0.5826214283994537 0.6832274684496871 0.6429850524295937 0.5439267976109011 0.4417729723291183 0.17091055680924988 -0.08447400639519394 -0.2222268920024392 -0.3181895763580504 -0.5209494416900665 -0.6122687703510556 -0.7097792399382076 -0.7794295753576006 -0.9001568234178893 -0.9790938702265353 -1.045648635182847 -0.9883805816157882 -1.0936299773606524 -1.1307768229176556 -1.0394574942566752 +12101,-0.45129910627067354,0,0.6832274684496871 0.6429850524295937 0.5439267976109011 0.4417729723291183 0.17091055680924988 -0.08447400639519394 -0.2222268920024392 -0.3181895763580504 -0.5209494416900665 -0.6122687703510556 -0.7097792399382076 -0.7794295753576006 -0.9001568234178893 -0.9790938702265353 -1.045648635182847 -0.9883805816157882 -1.0936299773606524 -1.1307768229176556 -1.0394574942566752 -0.7685950787368069 +12102,-0.20210568399239254,0,0.6429850524295937 0.5439267976109011 0.4417729723291183 0.17091055680924988 -0.08447400639519394 -0.2222268920024392 -0.3181895763580504 -0.5209494416900665 -0.6122687703510556 -0.7097792399382076 -0.7794295753576006 -0.9001568234178893 -0.9790938702265353 -1.045648635182847 -0.9883805816157882 -1.0936299773606524 -1.1307768229176556 -1.0394574942566752 -0.7685950787368069 -0.45129910627067354 +12103,0.11983364416836288,0,0.5439267976109011 0.4417729723291183 0.17091055680924988 -0.08447400639519394 -0.2222268920024392 -0.3181895763580504 -0.5209494416900665 -0.6122687703510556 -0.7097792399382076 -0.7794295753576006 -0.9001568234178893 -0.9790938702265353 -1.045648635182847 -0.9883805816157882 -1.0936299773606524 -1.1307768229176556 -1.0394574942566752 -0.7685950787368069 -0.45129910627067354 -0.20210568399239254 +12104,0.25758652977560814,0,0.4417729723291183 0.17091055680924988 -0.08447400639519394 -0.2222268920024392 -0.3181895763580504 -0.5209494416900665 -0.6122687703510556 -0.7097792399382076 -0.7794295753576006 -0.9001568234178893 -0.9790938702265353 -1.045648635182847 -0.9883805816157882 -1.0936299773606524 -1.1307768229176556 -1.0394574942566752 -0.7685950787368069 -0.45129910627067354 -0.20210568399239254 0.11983364416836288 +12105,0.2684210263964018,0,0.17091055680924988 -0.08447400639519394 -0.2222268920024392 -0.3181895763580504 -0.5209494416900665 -0.6122687703510556 -0.7097792399382076 -0.7794295753576006 -0.9001568234178893 -0.9790938702265353 -1.045648635182847 -0.9883805816157882 -1.0936299773606524 -1.1307768229176556 -1.0394574942566752 -0.7685950787368069 -0.45129910627067354 -0.20210568399239254 0.11983364416836288 0.25758652977560814 +12106,0.2250830399132271,0,-0.08447400639519394 -0.2222268920024392 -0.3181895763580504 -0.5209494416900665 -0.6122687703510556 -0.7097792399382076 -0.7794295753576006 -0.9001568234178893 -0.9790938702265353 -1.045648635182847 -0.9883805816157882 -1.0936299773606524 -1.1307768229176556 -1.0394574942566752 -0.7685950787368069 -0.45129910627067354 -0.20210568399239254 0.11983364416836288 0.25758652977560814 0.2684210263964018 +12107,0.13531149648378746,0,-0.2222268920024392 -0.3181895763580504 -0.5209494416900665 -0.6122687703510556 -0.7097792399382076 -0.7794295753576006 -0.9001568234178893 -0.9790938702265353 -1.045648635182847 -0.9883805816157882 -1.0936299773606524 -1.1307768229176556 -1.0394574942566752 -0.7685950787368069 -0.45129910627067354 -0.20210568399239254 0.11983364416836288 0.25758652977560814 0.2684210263964018 0.2250830399132271 +12108,0.045539953054339014,0,-0.3181895763580504 -0.5209494416900665 -0.6122687703510556 -0.7097792399382076 -0.7794295753576006 -0.9001568234178893 -0.9790938702265353 -1.045648635182847 -0.9883805816157882 -1.0936299773606524 -1.1307768229176556 -1.0394574942566752 -0.7685950787368069 -0.45129910627067354 -0.20210568399239254 0.11983364416836288 0.25758652977560814 0.2684210263964018 0.2250830399132271 0.13531149648378746 +12109,-0.12935977810991817,0,-0.5209494416900665 -0.6122687703510556 -0.7097792399382076 -0.7794295753576006 -0.9001568234178893 -0.9790938702265353 -1.045648635182847 -0.9883805816157882 -1.0936299773606524 -1.1307768229176556 -1.0394574942566752 -0.7685950787368069 -0.45129910627067354 -0.20210568399239254 0.11983364416836288 0.25758652977560814 0.2684210263964018 0.2250830399132271 0.13531149648378746 0.045539953054339014 +12110,-0.3878399117774522,0,-0.6122687703510556 -0.7097792399382076 -0.7794295753576006 -0.9001568234178893 -0.9790938702265353 -1.045648635182847 -0.9883805816157882 -1.0936299773606524 -1.1307768229176556 -1.0394574942566752 -0.7685950787368069 -0.45129910627067354 -0.20210568399239254 0.11983364416836288 0.25758652977560814 0.2684210263964018 0.2250830399132271 0.13531149648378746 0.045539953054339014 -0.12935977810991817 +12111,-0.5596440724786191,0,-0.7097792399382076 -0.7794295753576006 -0.9001568234178893 -0.9790938702265353 -1.045648635182847 -0.9883805816157882 -1.0936299773606524 -1.1307768229176556 -1.0394574942566752 -0.7685950787368069 -0.45129910627067354 -0.20210568399239254 0.11983364416836288 0.25758652977560814 0.2684210263964018 0.2250830399132271 0.13531149648378746 0.045539953054339014 -0.12935977810991817 -0.3878399117774522 +12112,-0.6788235353073673,0,-0.7794295753576006 -0.9001568234178893 -0.9790938702265353 -1.045648635182847 -0.9883805816157882 -1.0936299773606524 -1.1307768229176556 -1.0394574942566752 -0.7685950787368069 -0.45129910627067354 -0.20210568399239254 0.11983364416836288 0.25758652977560814 0.2684210263964018 0.2250830399132271 0.13531149648378746 0.045539953054339014 -0.12935977810991817 -0.3878399117774522 -0.5596440724786191 +12113,-0.8010985685991879,0,-0.9001568234178893 -0.9790938702265353 -1.045648635182847 -0.9883805816157882 -1.0936299773606524 -1.1307768229176556 -1.0394574942566752 -0.7685950787368069 -0.45129910627067354 -0.20210568399239254 0.11983364416836288 0.25758652977560814 0.2684210263964018 0.2250830399132271 0.13531149648378746 0.045539953054339014 -0.12935977810991817 -0.3878399117774522 -0.5596440724786191 -0.6788235353073673 +12114,-0.8490799107769935,0,-0.9790938702265353 -1.045648635182847 -0.9883805816157882 -1.0936299773606524 -1.1307768229176556 -1.0394574942566752 -0.7685950787368069 -0.45129910627067354 -0.20210568399239254 0.11983364416836288 0.25758652977560814 0.2684210263964018 0.2250830399132271 0.13531149648378746 0.045539953054339014 -0.12935977810991817 -0.3878399117774522 -0.5596440724786191 -0.6788235353073673 -0.8010985685991879 +12115,-0.8955134677232585,0,-1.045648635182847 -0.9883805816157882 -1.0936299773606524 -1.1307768229176556 -1.0394574942566752 -0.7685950787368069 -0.45129910627067354 -0.20210568399239254 0.11983364416836288 0.25758652977560814 0.2684210263964018 0.2250830399132271 0.13531149648378746 0.045539953054339014 -0.12935977810991817 -0.3878399117774522 -0.5596440724786191 -0.6788235353073673 -0.8010985685991879 -0.8490799107769935 +12116,-0.8475321255454529,0,-0.9883805816157882 -1.0936299773606524 -1.1307768229176556 -1.0394574942566752 -0.7685950787368069 -0.45129910627067354 -0.20210568399239254 0.11983364416836288 0.25758652977560814 0.2684210263964018 0.2250830399132271 0.13531149648378746 0.045539953054339014 -0.12935977810991817 -0.3878399117774522 -0.5596440724786191 -0.6788235353073673 -0.8010985685991879 -0.8490799107769935 -0.8955134677232585 +12117,-0.8320542732300282,0,-1.0936299773606524 -1.1307768229176556 -1.0394574942566752 -0.7685950787368069 -0.45129910627067354 -0.20210568399239254 0.11983364416836288 0.25758652977560814 0.2684210263964018 0.2250830399132271 0.13531149648378746 0.045539953054339014 -0.12935977810991817 -0.3878399117774522 -0.5596440724786191 -0.6788235353073673 -0.8010985685991879 -0.8490799107769935 -0.8955134677232585 -0.8475321255454529 +12118,-0.864557763092418,0,-1.1307768229176556 -1.0394574942566752 -0.7685950787368069 -0.45129910627067354 -0.20210568399239254 0.11983364416836288 0.25758652977560814 0.2684210263964018 0.2250830399132271 0.13531149648378746 0.045539953054339014 -0.12935977810991817 -0.3878399117774522 -0.5596440724786191 -0.6788235353073673 -0.8010985685991879 -0.8490799107769935 -0.8955134677232585 -0.8475321255454529 -0.8320542732300282 +12119,-0.9063479643440521,0,-1.0394574942566752 -0.7685950787368069 -0.45129910627067354 -0.20210568399239254 0.11983364416836288 0.25758652977560814 0.2684210263964018 0.2250830399132271 0.13531149648378746 0.045539953054339014 -0.12935977810991817 -0.3878399117774522 -0.5596440724786191 -0.6788235353073673 -0.8010985685991879 -0.8490799107769935 -0.8955134677232585 -0.8475321255454529 -0.8320542732300282 -0.864557763092418 +12120,-0.9326603132802703,0,-0.7685950787368069 -0.45129910627067354 -0.20210568399239254 0.11983364416836288 0.25758652977560814 0.2684210263964018 0.2250830399132271 0.13531149648378746 0.045539953054339014 -0.12935977810991817 -0.3878399117774522 -0.5596440724786191 -0.6788235353073673 -0.8010985685991879 -0.8490799107769935 -0.8955134677232585 -0.8475321255454529 -0.8320542732300282 -0.864557763092418 -0.9063479643440521 +12121,-0.9481381655956861,0,-0.45129910627067354 -0.20210568399239254 0.11983364416836288 0.25758652977560814 0.2684210263964018 0.2250830399132271 0.13531149648378746 0.045539953054339014 -0.12935977810991817 -0.3878399117774522 -0.5596440724786191 -0.6788235353073673 -0.8010985685991879 -0.8490799107769935 -0.8955134677232585 -0.8475321255454529 -0.8320542732300282 -0.864557763092418 -0.9063479643440521 -0.9326603132802703 +12122,-0.9636160179111107,0,-0.20210568399239254 0.11983364416836288 0.25758652977560814 0.2684210263964018 0.2250830399132271 0.13531149648378746 0.045539953054339014 -0.12935977810991817 -0.3878399117774522 -0.5596440724786191 -0.6788235353073673 -0.8010985685991879 -0.8490799107769935 -0.8955134677232585 -0.8475321255454529 -0.8320542732300282 -0.864557763092418 -0.9063479643440521 -0.9326603132802703 -0.9481381655956861 +12123,-0.9233736018910174,0,0.11983364416836288 0.25758652977560814 0.2684210263964018 0.2250830399132271 0.13531149648378746 0.045539953054339014 -0.12935977810991817 -0.3878399117774522 -0.5596440724786191 -0.6788235353073673 -0.8010985685991879 -0.8490799107769935 -0.8955134677232585 -0.8475321255454529 -0.8320542732300282 -0.864557763092418 -0.9063479643440521 -0.9326603132802703 -0.9481381655956861 -0.9636160179111107 +12124,-0.8119330652199815,0,0.25758652977560814 0.2684210263964018 0.2250830399132271 0.13531149648378746 0.045539953054339014 -0.12935977810991817 -0.3878399117774522 -0.5596440724786191 -0.6788235353073673 -0.8010985685991879 -0.8490799107769935 -0.8955134677232585 -0.8475321255454529 -0.8320542732300282 -0.864557763092418 -0.9063479643440521 -0.9326603132802703 -0.9481381655956861 -0.9636160179111107 -0.9233736018910174 +12125,-0.6277466226664714,0,0.2684210263964018 0.2250830399132271 0.13531149648378746 0.045539953054339014 -0.12935977810991817 -0.3878399117774522 -0.5596440724786191 -0.6788235353073673 -0.8010985685991879 -0.8490799107769935 -0.8955134677232585 -0.8475321255454529 -0.8320542732300282 -0.864557763092418 -0.9063479643440521 -0.9326603132802703 -0.9481381655956861 -0.9636160179111107 -0.9233736018910174 -0.8119330652199815 +12126,-0.36462313330431534,0,0.2250830399132271 0.13531149648378746 0.045539953054339014 -0.12935977810991817 -0.3878399117774522 -0.5596440724786191 -0.6788235353073673 -0.8010985685991879 -0.8490799107769935 -0.8955134677232585 -0.8475321255454529 -0.8320542732300282 -0.864557763092418 -0.9063479643440521 -0.9326603132802703 -0.9481381655956861 -0.9636160179111107 -0.9233736018910174 -0.8119330652199815 -0.6277466226664714 +12127,-0.14948098611996483,0,0.13531149648378746 0.045539953054339014 -0.12935977810991817 -0.3878399117774522 -0.5596440724786191 -0.6788235353073673 -0.8010985685991879 -0.8490799107769935 -0.8955134677232585 -0.8475321255454529 -0.8320542732300282 -0.864557763092418 -0.9063479643440521 -0.9326603132802703 -0.9481381655956861 -0.9636160179111107 -0.9233736018910174 -0.8119330652199815 -0.6277466226664714 -0.36462313330431534 +12128,0.033157671202004635,0,0.045539953054339014 -0.12935977810991817 -0.3878399117774522 -0.5596440724786191 -0.6788235353073673 -0.8010985685991879 -0.8490799107769935 -0.8955134677232585 -0.8475321255454529 -0.8320542732300282 -0.864557763092418 -0.9063479643440521 -0.9326603132802703 -0.9481381655956861 -0.9636160179111107 -0.9233736018910174 -0.8119330652199815 -0.6277466226664714 -0.36462313330431534 -0.14948098611996483 +12129,0.2173441137555148,0,-0.12935977810991817 -0.3878399117774522 -0.5596440724786191 -0.6788235353073673 -0.8010985685991879 -0.8490799107769935 -0.8955134677232585 -0.8475321255454529 -0.8320542732300282 -0.864557763092418 -0.9063479643440521 -0.9326603132802703 -0.9481381655956861 -0.9636160179111107 -0.9233736018910174 -0.8119330652199815 -0.6277466226664714 -0.36462313330431534 -0.14948098611996483 0.033157671202004635 +12130,0.15543270449383412,0,-0.3878399117774522 -0.5596440724786191 -0.6788235353073673 -0.8010985685991879 -0.8490799107769935 -0.8955134677232585 -0.8475321255454529 -0.8320542732300282 -0.864557763092418 -0.9063479643440521 -0.9326603132802703 -0.9481381655956861 -0.9636160179111107 -0.9233736018910174 -0.8119330652199815 -0.6277466226664714 -0.36462313330431534 -0.14948098611996483 0.033157671202004635 0.2173441137555148 +12131,0.04863552351742921,0,-0.5596440724786191 -0.6788235353073673 -0.8010985685991879 -0.8490799107769935 -0.8955134677232585 -0.8475321255454529 -0.8320542732300282 -0.864557763092418 -0.9063479643440521 -0.9326603132802703 -0.9481381655956861 -0.9636160179111107 -0.9233736018910174 -0.8119330652199815 -0.6277466226664714 -0.36462313330431534 -0.14948098611996483 0.033157671202004635 0.2173441137555148 0.15543270449383412 +12132,-0.06590058361668798,0,-0.6788235353073673 -0.8010985685991879 -0.8490799107769935 -0.8955134677232585 -0.8475321255454529 -0.8320542732300282 -0.864557763092418 -0.9063479643440521 -0.9326603132802703 -0.9481381655956861 -0.9636160179111107 -0.9233736018910174 -0.8119330652199815 -0.6277466226664714 -0.36462313330431534 -0.14948098611996483 0.033157671202004635 0.2173441137555148 0.15543270449383412 0.04863552351742921 +12133,-0.19591454306622974,0,-0.8010985685991879 -0.8490799107769935 -0.8955134677232585 -0.8475321255454529 -0.8320542732300282 -0.864557763092418 -0.9063479643440521 -0.9326603132802703 -0.9481381655956861 -0.9636160179111107 -0.9233736018910174 -0.8119330652199815 -0.6277466226664714 -0.36462313330431534 -0.14948098611996483 0.033157671202004635 0.2173441137555148 0.15543270449383412 0.04863552351742921 -0.06590058361668798 +12134,-0.38319655608282127,0,-0.8490799107769935 -0.8955134677232585 -0.8475321255454529 -0.8320542732300282 -0.864557763092418 -0.9063479643440521 -0.9326603132802703 -0.9481381655956861 -0.9636160179111107 -0.9233736018910174 -0.8119330652199815 -0.6277466226664714 -0.36462313330431534 -0.14948098611996483 0.033157671202004635 0.2173441137555148 0.15543270449383412 0.04863552351742921 -0.06590058361668798 -0.19591454306622974 +12135,-0.5008282336800198,0,-0.8955134677232585 -0.8475321255454529 -0.8320542732300282 -0.864557763092418 -0.9063479643440521 -0.9326603132802703 -0.9481381655956861 -0.9636160179111107 -0.9233736018910174 -0.8119330652199815 -0.6277466226664714 -0.36462313330431534 -0.14948098611996483 0.033157671202004635 0.2173441137555148 0.15543270449383412 0.04863552351742921 -0.06590058361668798 -0.19591454306622974 -0.38319655608282127 +12136,-0.5596440724786191,0,-0.8475321255454529 -0.8320542732300282 -0.864557763092418 -0.9063479643440521 -0.9326603132802703 -0.9481381655956861 -0.9636160179111107 -0.9233736018910174 -0.8119330652199815 -0.6277466226664714 -0.36462313330431534 -0.14948098611996483 0.033157671202004635 0.2173441137555148 0.15543270449383412 0.04863552351742921 -0.06590058361668798 -0.19591454306622974 -0.38319655608282127 -0.5008282336800198 +12137,-0.6803713205389079,0,-0.8320542732300282 -0.864557763092418 -0.9063479643440521 -0.9326603132802703 -0.9481381655956861 -0.9636160179111107 -0.9233736018910174 -0.8119330652199815 -0.6277466226664714 -0.36462313330431534 -0.14948098611996483 0.033157671202004635 0.2173441137555148 0.15543270449383412 0.04863552351742921 -0.06590058361668798 -0.19591454306622974 -0.38319655608282127 -0.5008282336800198 -0.5596440724786191 +12138,-0.6633456829919426,0,-0.864557763092418 -0.9063479643440521 -0.9326603132802703 -0.9481381655956861 -0.9636160179111107 -0.9233736018910174 -0.8119330652199815 -0.6277466226664714 -0.36462313330431534 -0.14948098611996483 0.033157671202004635 0.2173441137555148 0.15543270449383412 0.04863552351742921 -0.06590058361668798 -0.19591454306622974 -0.38319655608282127 -0.5008282336800198 -0.5596440724786191 -0.6803713205389079 +12139,-0.7237093070220827,0,-0.9063479643440521 -0.9326603132802703 -0.9481381655956861 -0.9636160179111107 -0.9233736018910174 -0.8119330652199815 -0.6277466226664714 -0.36462313330431534 -0.14948098611996483 0.033157671202004635 0.2173441137555148 0.15543270449383412 0.04863552351742921 -0.06590058361668798 -0.19591454306622974 -0.38319655608282127 -0.5008282336800198 -0.5596440724786191 -0.6803713205389079 -0.6633456829919426 +12140,-0.7654995082737255,0,-0.9326603132802703 -0.9481381655956861 -0.9636160179111107 -0.9233736018910174 -0.8119330652199815 -0.6277466226664714 -0.36462313330431534 -0.14948098611996483 0.033157671202004635 0.2173441137555148 0.15543270449383412 0.04863552351742921 -0.06590058361668798 -0.19591454306622974 -0.38319655608282127 -0.5008282336800198 -0.5596440724786191 -0.6803713205389079 -0.6633456829919426 -0.7237093070220827 +12141,-0.8521754812400837,0,-0.9481381655956861 -0.9636160179111107 -0.9233736018910174 -0.8119330652199815 -0.6277466226664714 -0.36462313330431534 -0.14948098611996483 0.033157671202004635 0.2173441137555148 0.15543270449383412 0.04863552351742921 -0.06590058361668798 -0.19591454306622974 -0.38319655608282127 -0.5008282336800198 -0.5596440724786191 -0.6803713205389079 -0.6633456829919426 -0.7237093070220827 -0.7654995082737255 +12142,-0.9326603132802703,0,-0.9636160179111107 -0.9233736018910174 -0.8119330652199815 -0.6277466226664714 -0.36462313330431534 -0.14948098611996483 0.033157671202004635 0.2173441137555148 0.15543270449383412 0.04863552351742921 -0.06590058361668798 -0.19591454306622974 -0.38319655608282127 -0.5008282336800198 -0.5596440724786191 -0.6803713205389079 -0.6633456829919426 -0.7237093070220827 -0.7654995082737255 -0.8521754812400837 +12143,-0.9698071588372823,0,-0.9233736018910174 -0.8119330652199815 -0.6277466226664714 -0.36462313330431534 -0.14948098611996483 0.033157671202004635 0.2173441137555148 0.15543270449383412 0.04863552351742921 -0.06590058361668798 -0.19591454306622974 -0.38319655608282127 -0.5008282336800198 -0.5596440724786191 -0.6803713205389079 -0.6633456829919426 -0.7237093070220827 -0.7654995082737255 -0.8521754812400837 -0.9326603132802703 +12144,-0.9698071588372823,0,-0.8119330652199815 -0.6277466226664714 -0.36462313330431534 -0.14948098611996483 0.033157671202004635 0.2173441137555148 0.15543270449383412 0.04863552351742921 -0.06590058361668798 -0.19591454306622974 -0.38319655608282127 -0.5008282336800198 -0.5596440724786191 -0.6803713205389079 -0.6633456829919426 -0.7237093070220827 -0.7654995082737255 -0.8521754812400837 -0.9326603132802703 -0.9698071588372823 +12145,-1.0100495748573757,0,-0.6277466226664714 -0.36462313330431534 -0.14948098611996483 0.033157671202004635 0.2173441137555148 0.15543270449383412 0.04863552351742921 -0.06590058361668798 -0.19591454306622974 -0.38319655608282127 -0.5008282336800198 -0.5596440724786191 -0.6803713205389079 -0.6633456829919426 -0.7237093070220827 -0.7654995082737255 -0.8521754812400837 -0.9326603132802703 -0.9698071588372823 -0.9698071588372823 +12146,-0.994571722541951,0,-0.36462313330431534 -0.14948098611996483 0.033157671202004635 0.2173441137555148 0.15543270449383412 0.04863552351742921 -0.06590058361668798 -0.19591454306622974 -0.38319655608282127 -0.5008282336800198 -0.5596440724786191 -0.6803713205389079 -0.6633456829919426 -0.7237093070220827 -0.7654995082737255 -0.8521754812400837 -0.9326603132802703 -0.9698071588372823 -0.9698071588372823 -1.0100495748573757 +12147,-1.2190005811155544,0,-0.14948098611996483 0.033157671202004635 0.2173441137555148 0.15543270449383412 0.04863552351742921 -0.06590058361668798 -0.19591454306622974 -0.38319655608282127 -0.5008282336800198 -0.5596440724786191 -0.6803713205389079 -0.6633456829919426 -0.7237093070220827 -0.7654995082737255 -0.8521754812400837 -0.9326603132802703 -0.9698071588372823 -0.9698071588372823 -1.0100495748573757 -0.994571722541951 +12148,-0.9342080985118111,0,0.033157671202004635 0.2173441137555148 0.15543270449383412 0.04863552351742921 -0.06590058361668798 -0.19591454306622974 -0.38319655608282127 -0.5008282336800198 -0.5596440724786191 -0.6803713205389079 -0.6633456829919426 -0.7237093070220827 -0.7654995082737255 -0.8521754812400837 -0.9326603132802703 -0.9698071588372823 -0.9698071588372823 -1.0100495748573757 -0.994571722541951 -1.2190005811155544 +12149,-0.7515694411898416,0,0.2173441137555148 0.15543270449383412 0.04863552351742921 -0.06590058361668798 -0.19591454306622974 -0.38319655608282127 -0.5008282336800198 -0.5596440724786191 -0.6803713205389079 -0.6633456829919426 -0.7237093070220827 -0.7654995082737255 -0.8521754812400837 -0.9326603132802703 -0.9698071588372823 -0.9698071588372823 -1.0100495748573757 -0.994571722541951 -1.2190005811155544 -0.9342080985118111 +12150,-0.7964552129045658,0,0.15543270449383412 0.04863552351742921 -0.06590058361668798 -0.19591454306622974 -0.38319655608282127 -0.5008282336800198 -0.5596440724786191 -0.6803713205389079 -0.6633456829919426 -0.7237093070220827 -0.7654995082737255 -0.8521754812400837 -0.9326603132802703 -0.9698071588372823 -0.9698071588372823 -1.0100495748573757 -0.994571722541951 -1.2190005811155544 -0.9342080985118111 -0.7515694411898416 +12151,-0.315094005894969,0,0.04863552351742921 -0.06590058361668798 -0.19591454306622974 -0.38319655608282127 -0.5008282336800198 -0.5596440724786191 -0.6803713205389079 -0.6633456829919426 -0.7237093070220827 -0.7654995082737255 -0.8521754812400837 -0.9326603132802703 -0.9698071588372823 -0.9698071588372823 -1.0100495748573757 -0.994571722541951 -1.2190005811155544 -0.9342080985118111 -0.7515694411898416 -0.7964552129045658 +12152,-0.011728100512719579,0,-0.06590058361668798 -0.19591454306622974 -0.38319655608282127 -0.5008282336800198 -0.5596440724786191 -0.6803713205389079 -0.6633456829919426 -0.7237093070220827 -0.7654995082737255 -0.8521754812400837 -0.9326603132802703 -0.9698071588372823 -0.9698071588372823 -1.0100495748573757 -0.994571722541951 -1.2190005811155544 -0.9342080985118111 -0.7515694411898416 -0.7964552129045658 -0.315094005894969 +12153,0.17091055680924988,0,-0.19591454306622974 -0.38319655608282127 -0.5008282336800198 -0.5596440724786191 -0.6803713205389079 -0.6633456829919426 -0.7237093070220827 -0.7654995082737255 -0.8521754812400837 -0.9326603132802703 -0.9698071588372823 -0.9698071588372823 -1.0100495748573757 -0.994571722541951 -1.2190005811155544 -0.9342080985118111 -0.7515694411898416 -0.7964552129045658 -0.315094005894969 -0.011728100512719579 +12154,0.271516596859492,0,-0.38319655608282127 -0.5008282336800198 -0.5596440724786191 -0.6803713205389079 -0.6633456829919426 -0.7237093070220827 -0.7654995082737255 -0.8521754812400837 -0.9326603132802703 -0.9698071588372823 -0.9698071588372823 -1.0100495748573757 -0.994571722541951 -1.2190005811155544 -0.9342080985118111 -0.7515694411898416 -0.7964552129045658 -0.315094005894969 -0.011728100512719579 0.17091055680924988 +12155,0.3148545833426667,0,-0.5008282336800198 -0.5596440724786191 -0.6803713205389079 -0.6633456829919426 -0.7237093070220827 -0.7654995082737255 -0.8521754812400837 -0.9326603132802703 -0.9698071588372823 -0.9698071588372823 -1.0100495748573757 -0.994571722541951 -1.2190005811155544 -0.9342080985118111 -0.7515694411898416 -0.7964552129045658 -0.315094005894969 -0.011728100512719579 0.17091055680924988 0.271516596859492 +12156,-0.06435279838514728,0,-0.5596440724786191 -0.6803713205389079 -0.6633456829919426 -0.7237093070220827 -0.7654995082737255 -0.8521754812400837 -0.9326603132802703 -0.9698071588372823 -0.9698071588372823 -1.0100495748573757 -0.994571722541951 -1.2190005811155544 -0.9342080985118111 -0.7515694411898416 -0.7964552129045658 -0.315094005894969 -0.011728100512719579 0.17091055680924988 0.271516596859492 0.3148545833426667 +12157,0.07804344291672885,0,-0.6803713205389079 -0.6633456829919426 -0.7237093070220827 -0.7654995082737255 -0.8521754812400837 -0.9326603132802703 -0.9698071588372823 -0.9698071588372823 -1.0100495748573757 -0.994571722541951 -1.2190005811155544 -0.9342080985118111 -0.7515694411898416 -0.7964552129045658 -0.315094005894969 -0.011728100512719579 0.17091055680924988 0.271516596859492 0.3148545833426667 -0.06435279838514728 +12158,-0.22841803292861076,0,-0.6633456829919426 -0.7237093070220827 -0.7654995082737255 -0.8521754812400837 -0.9326603132802703 -0.9698071588372823 -0.9698071588372823 -1.0100495748573757 -0.994571722541951 -1.2190005811155544 -0.9342080985118111 -0.7515694411898416 -0.7964552129045658 -0.315094005894969 -0.011728100512719579 0.17091055680924988 0.271516596859492 0.3148545833426667 -0.06435279838514728 0.07804344291672885 +12159,-0.4126044754821209,0,-0.7237093070220827 -0.7654995082737255 -0.8521754812400837 -0.9326603132802703 -0.9698071588372823 -0.9698071588372823 -1.0100495748573757 -0.994571722541951 -1.2190005811155544 -0.9342080985118111 -0.7515694411898416 -0.7964552129045658 -0.315094005894969 -0.011728100512719579 0.17091055680924988 0.271516596859492 0.3148545833426667 -0.06435279838514728 0.07804344291672885 -0.22841803292861076 +12160,-0.5147583007639037,0,-0.7654995082737255 -0.8521754812400837 -0.9326603132802703 -0.9698071588372823 -0.9698071588372823 -1.0100495748573757 -0.994571722541951 -1.2190005811155544 -0.9342080985118111 -0.7515694411898416 -0.7964552129045658 -0.315094005894969 -0.011728100512719579 0.17091055680924988 0.271516596859492 0.3148545833426667 -0.06435279838514728 0.07804344291672885 -0.22841803292861076 -0.4126044754821209 +12161,-0.6060776294248841,0,-0.8521754812400837 -0.9326603132802703 -0.9698071588372823 -0.9698071588372823 -1.0100495748573757 -0.994571722541951 -1.2190005811155544 -0.9342080985118111 -0.7515694411898416 -0.7964552129045658 -0.315094005894969 -0.011728100512719579 0.17091055680924988 0.271516596859492 0.3148545833426667 -0.06435279838514728 0.07804344291672885 -0.22841803292861076 -0.4126044754821209 -0.5147583007639037 +12162,-0.6385811192872651,0,-0.9326603132802703 -0.9698071588372823 -0.9698071588372823 -1.0100495748573757 -0.994571722541951 -1.2190005811155544 -0.9342080985118111 -0.7515694411898416 -0.7964552129045658 -0.315094005894969 -0.011728100512719579 0.17091055680924988 0.271516596859492 0.3148545833426667 -0.06435279838514728 0.07804344291672885 -0.22841803292861076 -0.4126044754821209 -0.5147583007639037 -0.6060776294248841 +12163,-0.6354855488241837,0,-0.9698071588372823 -0.9698071588372823 -1.0100495748573757 -0.994571722541951 -1.2190005811155544 -0.9342080985118111 -0.7515694411898416 -0.7964552129045658 -0.315094005894969 -0.011728100512719579 0.17091055680924988 0.271516596859492 0.3148545833426667 -0.06435279838514728 0.07804344291672885 -0.22841803292861076 -0.4126044754821209 -0.5147583007639037 -0.6060776294248841 -0.6385811192872651 +12164,-0.6277466226664714,0,-0.9698071588372823 -1.0100495748573757 -0.994571722541951 -1.2190005811155544 -0.9342080985118111 -0.7515694411898416 -0.7964552129045658 -0.315094005894969 -0.011728100512719579 0.17091055680924988 0.271516596859492 0.3148545833426667 -0.06435279838514728 0.07804344291672885 -0.22841803292861076 -0.4126044754821209 -0.5147583007639037 -0.6060776294248841 -0.6385811192872651 -0.6354855488241837 +12165,-0.7438305150321293,0,-1.0100495748573757 -0.994571722541951 -1.2190005811155544 -0.9342080985118111 -0.7515694411898416 -0.7964552129045658 -0.315094005894969 -0.011728100512719579 0.17091055680924988 0.271516596859492 0.3148545833426667 -0.06435279838514728 0.07804344291672885 -0.22841803292861076 -0.4126044754821209 -0.5147583007639037 -0.6060776294248841 -0.6385811192872651 -0.6354855488241837 -0.6277466226664714 +12166,-0.8939656824917177,0,-0.994571722541951 -1.2190005811155544 -0.9342080985118111 -0.7515694411898416 -0.7964552129045658 -0.315094005894969 -0.011728100512719579 0.17091055680924988 0.271516596859492 0.3148545833426667 -0.06435279838514728 0.07804344291672885 -0.22841803292861076 -0.4126044754821209 -0.5147583007639037 -0.6060776294248841 -0.6385811192872651 -0.6354855488241837 -0.6277466226664714 -0.7438305150321293 +12167,-0.8815834006393833,0,-1.2190005811155544 -0.9342080985118111 -0.7515694411898416 -0.7964552129045658 -0.315094005894969 -0.011728100512719579 0.17091055680924988 0.271516596859492 0.3148545833426667 -0.06435279838514728 0.07804344291672885 -0.22841803292861076 -0.4126044754821209 -0.5147583007639037 -0.6060776294248841 -0.6385811192872651 -0.6354855488241837 -0.6277466226664714 -0.7438305150321293 -0.8939656824917177 +12168,-0.9125391052702237,0,-0.9342080985118111 -0.7515694411898416 -0.7964552129045658 -0.315094005894969 -0.011728100512719579 0.17091055680924988 0.271516596859492 0.3148545833426667 -0.06435279838514728 0.07804344291672885 -0.22841803292861076 -0.4126044754821209 -0.5147583007639037 -0.6060776294248841 -0.6385811192872651 -0.6354855488241837 -0.6277466226664714 -0.7438305150321293 -0.8939656824917177 -0.8815834006393833 +12169,-0.8939656824917177,0,-0.7515694411898416 -0.7964552129045658 -0.315094005894969 -0.011728100512719579 0.17091055680924988 0.271516596859492 0.3148545833426667 -0.06435279838514728 0.07804344291672885 -0.22841803292861076 -0.4126044754821209 -0.5147583007639037 -0.6060776294248841 -0.6385811192872651 -0.6354855488241837 -0.6277466226664714 -0.7438305150321293 -0.8939656824917177 -0.8815834006393833 -0.9125391052702237 +12170,-1.0023106486996634,0,-0.7964552129045658 -0.315094005894969 -0.011728100512719579 0.17091055680924988 0.271516596859492 0.3148545833426667 -0.06435279838514728 0.07804344291672885 -0.22841803292861076 -0.4126044754821209 -0.5147583007639037 -0.6060776294248841 -0.6385811192872651 -0.6354855488241837 -0.6277466226664714 -0.7438305150321293 -0.8939656824917177 -0.8815834006393833 -0.9125391052702237 -0.8939656824917177 +12171,-0.9218258166594767,0,-0.315094005894969 -0.011728100512719579 0.17091055680924988 0.271516596859492 0.3148545833426667 -0.06435279838514728 0.07804344291672885 -0.22841803292861076 -0.4126044754821209 -0.5147583007639037 -0.6060776294248841 -0.6385811192872651 -0.6354855488241837 -0.6277466226664714 -0.7438305150321293 -0.8939656824917177 -0.8815834006393833 -0.9125391052702237 -0.8939656824917177 -1.0023106486996634 +12172,-0.610720985119515,0,-0.011728100512719579 0.17091055680924988 0.271516596859492 0.3148545833426667 -0.06435279838514728 0.07804344291672885 -0.22841803292861076 -0.4126044754821209 -0.5147583007639037 -0.6060776294248841 -0.6385811192872651 -0.6354855488241837 -0.6277466226664714 -0.7438305150321293 -0.8939656824917177 -0.8815834006393833 -0.9125391052702237 -0.8939656824917177 -1.0023106486996634 -0.9218258166594767 +12173,-0.12626420764683677,0,0.17091055680924988 0.271516596859492 0.3148545833426667 -0.06435279838514728 0.07804344291672885 -0.22841803292861076 -0.4126044754821209 -0.5147583007639037 -0.6060776294248841 -0.6385811192872651 -0.6354855488241837 -0.6277466226664714 -0.7438305150321293 -0.8939656824917177 -0.8815834006393833 -0.9125391052702237 -0.8939656824917177 -1.0023106486996634 -0.9218258166594767 -0.610720985119515 +12174,0.331880220889632,0,0.271516596859492 0.3148545833426667 -0.06435279838514728 0.07804344291672885 -0.22841803292861076 -0.4126044754821209 -0.5147583007639037 -0.6060776294248841 -0.6385811192872651 -0.6354855488241837 -0.6277466226664714 -0.7438305150321293 -0.8939656824917177 -0.8815834006393833 -0.9125391052702237 -0.8939656824917177 -1.0023106486996634 -0.9218258166594767 -0.610720985119515 -0.12626420764683677 +12175,0.6336983410403407,0,0.3148545833426667 -0.06435279838514728 0.07804344291672885 -0.22841803292861076 -0.4126044754821209 -0.5147583007639037 -0.6060776294248841 -0.6385811192872651 -0.6354855488241837 -0.6277466226664714 -0.7438305150321293 -0.8939656824917177 -0.8815834006393833 -0.9125391052702237 -0.8939656824917177 -1.0023106486996634 -0.9218258166594767 -0.610720985119515 -0.12626420764683677 0.331880220889632 +12176,0.8302670654461852,0,-0.06435279838514728 0.07804344291672885 -0.22841803292861076 -0.4126044754821209 -0.5147583007639037 -0.6060776294248841 -0.6385811192872651 -0.6354855488241837 -0.6277466226664714 -0.7438305150321293 -0.8939656824917177 -0.8815834006393833 -0.9125391052702237 -0.8939656824917177 -1.0023106486996634 -0.9218258166594767 -0.610720985119515 -0.12626420764683677 0.331880220889632 0.6336983410403407 +12177,0.9448031725803024,0,0.07804344291672885 -0.22841803292861076 -0.4126044754821209 -0.5147583007639037 -0.6060776294248841 -0.6385811192872651 -0.6354855488241837 -0.6277466226664714 -0.7438305150321293 -0.8939656824917177 -0.8815834006393833 -0.9125391052702237 -0.8939656824917177 -1.0023106486996634 -0.9218258166594767 -0.610720985119515 -0.12626420764683677 0.331880220889632 0.6336983410403407 0.8302670654461852 +12178,1.016001293231245,0,-0.22841803292861076 -0.4126044754821209 -0.5147583007639037 -0.6060776294248841 -0.6385811192872651 -0.6354855488241837 -0.6277466226664714 -0.7438305150321293 -0.8939656824917177 -0.8815834006393833 -0.9125391052702237 -0.8939656824917177 -1.0023106486996634 -0.9218258166594767 -0.610720985119515 -0.12626420764683677 0.331880220889632 0.6336983410403407 0.8302670654461852 0.9448031725803024 +12179,1.085651628650638,0,-0.4126044754821209 -0.5147583007639037 -0.6060776294248841 -0.6385811192872651 -0.6354855488241837 -0.6277466226664714 -0.7438305150321293 -0.8939656824917177 -0.8815834006393833 -0.9125391052702237 -0.8939656824917177 -1.0023106486996634 -0.9218258166594767 -0.610720985119515 -0.12626420764683677 0.331880220889632 0.6336983410403407 0.8302670654461852 0.9448031725803024 1.016001293231245 +12180,0.9386120316541396,0,-0.5147583007639037 -0.6060776294248841 -0.6385811192872651 -0.6354855488241837 -0.6277466226664714 -0.7438305150321293 -0.8939656824917177 -0.8815834006393833 -0.9125391052702237 -0.8939656824917177 -1.0023106486996634 -0.9218258166594767 -0.610720985119515 -0.12626420764683677 0.331880220889632 0.6336983410403407 0.8302670654461852 0.9448031725803024 1.016001293231245 1.085651628650638 +12181,0.7312088106274927,0,-0.6060776294248841 -0.6385811192872651 -0.6354855488241837 -0.6277466226664714 -0.7438305150321293 -0.8939656824917177 -0.8815834006393833 -0.9125391052702237 -0.8939656824917177 -1.0023106486996634 -0.9218258166594767 -0.610720985119515 -0.12626420764683677 0.331880220889632 0.6336983410403407 0.8302670654461852 0.9448031725803024 1.016001293231245 1.085651628650638 0.9386120316541396 +12182,0.38450491876205967,0,-0.6385811192872651 -0.6354855488241837 -0.6277466226664714 -0.7438305150321293 -0.8939656824917177 -0.8815834006393833 -0.9125391052702237 -0.8939656824917177 -1.0023106486996634 -0.9218258166594767 -0.610720985119515 -0.12626420764683677 0.331880220889632 0.6336983410403407 0.8302670654461852 0.9448031725803024 1.016001293231245 1.085651628650638 0.9386120316541396 0.7312088106274927 +12183,0.17400612727234008,0,-0.6354855488241837 -0.6277466226664714 -0.7438305150321293 -0.8939656824917177 -0.8815834006393833 -0.9125391052702237 -0.8939656824917177 -1.0023106486996634 -0.9218258166594767 -0.610720985119515 -0.12626420764683677 0.331880220889632 0.6336983410403407 0.8302670654461852 0.9448031725803024 1.016001293231245 1.085651628650638 0.9386120316541396 0.7312088106274927 0.38450491876205967 +12184,0.019227604118129564,0,-0.6277466226664714 -0.7438305150321293 -0.8939656824917177 -0.8815834006393833 -0.9125391052702237 -0.8939656824917177 -1.0023106486996634 -0.9218258166594767 -0.610720985119515 -0.12626420764683677 0.331880220889632 0.6336983410403407 0.8302670654461852 0.9448031725803024 1.016001293231245 1.085651628650638 0.9386120316541396 0.7312088106274927 0.38450491876205967 0.17400612727234008 +12185,-0.1665066236669301,0,-0.7438305150321293 -0.8939656824917177 -0.8815834006393833 -0.9125391052702237 -0.8939656824917177 -1.0023106486996634 -0.9218258166594767 -0.610720985119515 -0.12626420764683677 0.331880220889632 0.6336983410403407 0.8302670654461852 0.9448031725803024 1.016001293231245 1.085651628650638 0.9386120316541396 0.7312088106274927 0.38450491876205967 0.17400612727234008 0.019227604118129564 +12186,-0.30116393881109393,0,-0.8939656824917177 -0.8815834006393833 -0.9125391052702237 -0.8939656824917177 -1.0023106486996634 -0.9218258166594767 -0.610720985119515 -0.12626420764683677 0.331880220889632 0.6336983410403407 0.8302670654461852 0.9448031725803024 1.016001293231245 1.085651628650638 0.9386120316541396 0.7312088106274927 0.38450491876205967 0.17400612727234008 0.019227604118129564 -0.1665066236669301 +12187,-0.34140635483118725,0,-0.8815834006393833 -0.9125391052702237 -0.8939656824917177 -1.0023106486996634 -0.9218258166594767 -0.610720985119515 -0.12626420764683677 0.331880220889632 0.6336983410403407 0.8302670654461852 0.9448031725803024 1.016001293231245 1.085651628650638 0.9386120316541396 0.7312088106274927 0.38450491876205967 0.17400612727234008 0.019227604118129564 -0.1665066236669301 -0.30116393881109393 +12188,-0.4807070256699732,0,-0.9125391052702237 -0.8939656824917177 -1.0023106486996634 -0.9218258166594767 -0.610720985119515 -0.12626420764683677 0.331880220889632 0.6336983410403407 0.8302670654461852 0.9448031725803024 1.016001293231245 1.085651628650638 0.9386120316541396 0.7312088106274927 0.38450491876205967 0.17400612727234008 0.019227604118129564 -0.1665066236669301 -0.30116393881109393 -0.34140635483118725 +12189,-0.5797652804886658,0,-0.8939656824917177 -1.0023106486996634 -0.9218258166594767 -0.610720985119515 -0.12626420764683677 0.331880220889632 0.6336983410403407 0.8302670654461852 0.9448031725803024 1.016001293231245 1.085651628650638 0.9386120316541396 0.7312088106274927 0.38450491876205967 0.17400612727234008 0.019227604118129564 -0.1665066236669301 -0.30116393881109393 -0.34140635483118725 -0.4807070256699732 +12190,-0.5967909180356311,0,-1.0023106486996634 -0.9218258166594767 -0.610720985119515 -0.12626420764683677 0.331880220889632 0.6336983410403407 0.8302670654461852 0.9448031725803024 1.016001293231245 1.085651628650638 0.9386120316541396 0.7312088106274927 0.38450491876205967 0.17400612727234008 0.019227604118129564 -0.1665066236669301 -0.30116393881109393 -0.34140635483118725 -0.4807070256699732 -0.5797652804886658 +12191,-0.7345438036428763,0,-0.9218258166594767 -0.610720985119515 -0.12626420764683677 0.331880220889632 0.6336983410403407 0.8302670654461852 0.9448031725803024 1.016001293231245 1.085651628650638 0.9386120316541396 0.7312088106274927 0.38450491876205967 0.17400612727234008 0.019227604118129564 -0.1665066236669301 -0.30116393881109393 -0.34140635483118725 -0.4807070256699732 -0.5797652804886658 -0.5967909180356311 +12192,-0.7283526627167135,0,-0.610720985119515 -0.12626420764683677 0.331880220889632 0.6336983410403407 0.8302670654461852 0.9448031725803024 1.016001293231245 1.085651628650638 0.9386120316541396 0.7312088106274927 0.38450491876205967 0.17400612727234008 0.019227604118129564 -0.1665066236669301 -0.30116393881109393 -0.34140635483118725 -0.4807070256699732 -0.5797652804886658 -0.5967909180356311 -0.7345438036428763 +12193,-0.754665011652923,0,-0.12626420764683677 0.331880220889632 0.6336983410403407 0.8302670654461852 0.9448031725803024 1.016001293231245 1.085651628650638 0.9386120316541396 0.7312088106274927 0.38450491876205967 0.17400612727234008 0.019227604118129564 -0.1665066236669301 -0.30116393881109393 -0.34140635483118725 -0.4807070256699732 -0.5797652804886658 -0.5967909180356311 -0.7345438036428763 -0.7283526627167135 +12194,-0.8970612529547991,0,0.331880220889632 0.6336983410403407 0.8302670654461852 0.9448031725803024 1.016001293231245 1.085651628650638 0.9386120316541396 0.7312088106274927 0.38450491876205967 0.17400612727234008 0.019227604118129564 -0.1665066236669301 -0.30116393881109393 -0.34140635483118725 -0.4807070256699732 -0.5797652804886658 -0.5967909180356311 -0.7345438036428763 -0.7283526627167135 -0.754665011652923 +12195,-0.9125391052702237,0,0.6336983410403407 0.8302670654461852 0.9448031725803024 1.016001293231245 1.085651628650638 0.9386120316541396 0.7312088106274927 0.38450491876205967 0.17400612727234008 0.019227604118129564 -0.1665066236669301 -0.30116393881109393 -0.34140635483118725 -0.4807070256699732 -0.5797652804886658 -0.5967909180356311 -0.7345438036428763 -0.7283526627167135 -0.754665011652923 -0.8970612529547991 +12196,-0.46677695858609813,0,0.8302670654461852 0.9448031725803024 1.016001293231245 1.085651628650638 0.9386120316541396 0.7312088106274927 0.38450491876205967 0.17400612727234008 0.019227604118129564 -0.1665066236669301 -0.30116393881109393 -0.34140635483118725 -0.4807070256699732 -0.5797652804886658 -0.5967909180356311 -0.7345438036428763 -0.7283526627167135 -0.754665011652923 -0.8970612529547991 -0.9125391052702237 +12197,-0.09995185871061851,0,0.9448031725803024 1.016001293231245 1.085651628650638 0.9386120316541396 0.7312088106274927 0.38450491876205967 0.17400612727234008 0.019227604118129564 -0.1665066236669301 -0.30116393881109393 -0.34140635483118725 -0.4807070256699732 -0.5797652804886658 -0.5967909180356311 -0.7345438036428763 -0.7283526627167135 -0.754665011652923 -0.8970612529547991 -0.9125391052702237 -0.46677695858609813 +12198,0.4727286769599586,0,1.016001293231245 1.085651628650638 0.9386120316541396 0.7312088106274927 0.38450491876205967 0.17400612727234008 0.019227604118129564 -0.1665066236669301 -0.30116393881109393 -0.34140635483118725 -0.4807070256699732 -0.5797652804886658 -0.5967909180356311 -0.7345438036428763 -0.7283526627167135 -0.754665011652923 -0.8970612529547991 -0.9125391052702237 -0.46677695858609813 -0.09995185871061851 +12199,0.5594046499263169,0,1.085651628650638 0.9386120316541396 0.7312088106274927 0.38450491876205967 0.17400612727234008 0.019227604118129564 -0.1665066236669301 -0.30116393881109393 -0.34140635483118725 -0.4807070256699732 -0.5797652804886658 -0.5967909180356311 -0.7345438036428763 -0.7283526627167135 -0.754665011652923 -0.8970612529547991 -0.9125391052702237 -0.46677695858609813 -0.09995185871061851 0.4727286769599586 +12200,0.8194325688253916,0,0.9386120316541396 0.7312088106274927 0.38450491876205967 0.17400612727234008 0.019227604118129564 -0.1665066236669301 -0.30116393881109393 -0.34140635483118725 -0.4807070256699732 -0.5797652804886658 -0.5967909180356311 -0.7345438036428763 -0.7283526627167135 -0.754665011652923 -0.8970612529547991 -0.9125391052702237 -0.46677695858609813 -0.09995185871061851 0.4727286769599586 0.5594046499263169 +12201,0.9262297498017965,0,0.7312088106274927 0.38450491876205967 0.17400612727234008 0.019227604118129564 -0.1665066236669301 -0.30116393881109393 -0.34140635483118725 -0.4807070256699732 -0.5797652804886658 -0.5967909180356311 -0.7345438036428763 -0.7283526627167135 -0.754665011652923 -0.8970612529547991 -0.9125391052702237 -0.46677695858609813 -0.09995185871061851 0.4727286769599586 0.5594046499263169 0.8194325688253916 +12202,0.9695677362849799,0,0.38450491876205967 0.17400612727234008 0.019227604118129564 -0.1665066236669301 -0.30116393881109393 -0.34140635483118725 -0.4807070256699732 -0.5797652804886658 -0.5967909180356311 -0.7345438036428763 -0.7283526627167135 -0.754665011652923 -0.8970612529547991 -0.9125391052702237 -0.46677695858609813 -0.09995185871061851 0.4727286769599586 0.5594046499263169 0.8194325688253916 0.9262297498017965 +12203,0.8813439780870811,0,0.17400612727234008 0.019227604118129564 -0.1665066236669301 -0.30116393881109393 -0.34140635483118725 -0.4807070256699732 -0.5797652804886658 -0.5967909180356311 -0.7345438036428763 -0.7283526627167135 -0.754665011652923 -0.8970612529547991 -0.9125391052702237 -0.46677695858609813 -0.09995185871061851 0.4727286769599586 0.5594046499263169 0.8194325688253916 0.9262297498017965 0.9695677362849799 +12204,0.6987053207651116,0,0.019227604118129564 -0.1665066236669301 -0.30116393881109393 -0.34140635483118725 -0.4807070256699732 -0.5797652804886658 -0.5967909180356311 -0.7345438036428763 -0.7283526627167135 -0.754665011652923 -0.8970612529547991 -0.9125391052702237 -0.46677695858609813 -0.09995185871061851 0.4727286769599586 0.5594046499263169 0.8194325688253916 0.9262297498017965 0.9695677362849799 0.8813439780870811 +12205,0.36593149598355373,0,-0.1665066236669301 -0.30116393881109393 -0.34140635483118725 -0.4807070256699732 -0.5797652804886658 -0.5967909180356311 -0.7345438036428763 -0.7283526627167135 -0.754665011652923 -0.8970612529547991 -0.9125391052702237 -0.46677695858609813 -0.09995185871061851 0.4727286769599586 0.5594046499263169 0.8194325688253916 0.9262297498017965 0.9695677362849799 0.8813439780870811 0.6987053207651116 +12206,0.033157671202004635,0,-0.30116393881109393 -0.34140635483118725 -0.4807070256699732 -0.5797652804886658 -0.5967909180356311 -0.7345438036428763 -0.7283526627167135 -0.754665011652923 -0.8970612529547991 -0.9125391052702237 -0.46677695858609813 -0.09995185871061851 0.4727286769599586 0.5594046499263169 0.8194325688253916 0.9262297498017965 0.9695677362849799 0.8813439780870811 0.6987053207651116 0.36593149598355373 +12207,-0.15721991227767712,0,-0.34140635483118725 -0.4807070256699732 -0.5797652804886658 -0.5967909180356311 -0.7345438036428763 -0.7283526627167135 -0.754665011652923 -0.8970612529547991 -0.9125391052702237 -0.46677695858609813 -0.09995185871061851 0.4727286769599586 0.5594046499263169 0.8194325688253916 0.9262297498017965 0.9695677362849799 0.8813439780870811 0.6987053207651116 0.36593149598355373 0.033157671202004635 +12208,-0.324380717284222,0,-0.4807070256699732 -0.5797652804886658 -0.5967909180356311 -0.7345438036428763 -0.7283526627167135 -0.754665011652923 -0.8970612529547991 -0.9125391052702237 -0.46677695858609813 -0.09995185871061851 0.4727286769599586 0.5594046499263169 0.8194325688253916 0.9262297498017965 0.9695677362849799 0.8813439780870811 0.6987053207651116 0.36593149598355373 0.033157671202004635 -0.15721991227767712 +12209,-0.4977326632169385,0,-0.5797652804886658 -0.5967909180356311 -0.7345438036428763 -0.7283526627167135 -0.754665011652923 -0.8970612529547991 -0.9125391052702237 -0.46677695858609813 -0.09995185871061851 0.4727286769599586 0.5594046499263169 0.8194325688253916 0.9262297498017965 0.9695677362849799 0.8813439780870811 0.6987053207651116 0.36593149598355373 0.033157671202004635 -0.15721991227767712 -0.324380717284222 +12210,-0.5379750792370318,0,-0.5967909180356311 -0.7345438036428763 -0.7283526627167135 -0.754665011652923 -0.8970612529547991 -0.9125391052702237 -0.46677695858609813 -0.09995185871061851 0.4727286769599586 0.5594046499263169 0.8194325688253916 0.9262297498017965 0.9695677362849799 0.8813439780870811 0.6987053207651116 0.36593149598355373 0.033157671202004635 -0.15721991227767712 -0.324380717284222 -0.4977326632169385 +12211,-0.6261988374349308,0,-0.7345438036428763 -0.7283526627167135 -0.754665011652923 -0.8970612529547991 -0.9125391052702237 -0.46677695858609813 -0.09995185871061851 0.4727286769599586 0.5594046499263169 0.8194325688253916 0.9262297498017965 0.9695677362849799 0.8813439780870811 0.6987053207651116 0.36593149598355373 0.033157671202004635 -0.15721991227767712 -0.324380717284222 -0.4977326632169385 -0.5379750792370318 +12212,-0.7670472935052661,0,-0.7283526627167135 -0.754665011652923 -0.8970612529547991 -0.9125391052702237 -0.46677695858609813 -0.09995185871061851 0.4727286769599586 0.5594046499263169 0.8194325688253916 0.9262297498017965 0.9695677362849799 0.8813439780870811 0.6987053207651116 0.36593149598355373 0.033157671202004635 -0.15721991227767712 -0.324380717284222 -0.4977326632169385 -0.5379750792370318 -0.6261988374349308 +12213,-0.9032523938809707,0,-0.754665011652923 -0.8970612529547991 -0.9125391052702237 -0.46677695858609813 -0.09995185871061851 0.4727286769599586 0.5594046499263169 0.8194325688253916 0.9262297498017965 0.9695677362849799 0.8813439780870811 0.6987053207651116 0.36593149598355373 0.033157671202004635 -0.15721991227767712 -0.324380717284222 -0.4977326632169385 -0.5379750792370318 -0.6261988374349308 -0.7670472935052661 +12214,-0.9280169575856395,0,-0.8970612529547991 -0.9125391052702237 -0.46677695858609813 -0.09995185871061851 0.4727286769599586 0.5594046499263169 0.8194325688253916 0.9262297498017965 0.9695677362849799 0.8813439780870811 0.6987053207651116 0.36593149598355373 0.033157671202004635 -0.15721991227767712 -0.324380717284222 -0.4977326632169385 -0.5379750792370318 -0.6261988374349308 -0.7670472935052661 -0.9032523938809707 +12215,-1.0286229976358816,0,-0.9125391052702237 -0.46677695858609813 -0.09995185871061851 0.4727286769599586 0.5594046499263169 0.8194325688253916 0.9262297498017965 0.9695677362849799 0.8813439780870811 0.6987053207651116 0.36593149598355373 0.033157671202004635 -0.15721991227767712 -0.324380717284222 -0.4977326632169385 -0.5379750792370318 -0.6261988374349308 -0.7670472935052661 -0.9032523938809707 -0.9280169575856395 +12216,-1.0766043398136873,0,-0.46677695858609813 -0.09995185871061851 0.4727286769599586 0.5594046499263169 0.8194325688253916 0.9262297498017965 0.9695677362849799 0.8813439780870811 0.6987053207651116 0.36593149598355373 0.033157671202004635 -0.15721991227767712 -0.324380717284222 -0.4977326632169385 -0.5379750792370318 -0.6261988374349308 -0.7670472935052661 -0.9032523938809707 -0.9280169575856395 -1.0286229976358816 +12217,-1.1369679638438273,0,-0.09995185871061851 0.4727286769599586 0.5594046499263169 0.8194325688253916 0.9262297498017965 0.9695677362849799 0.8813439780870811 0.6987053207651116 0.36593149598355373 0.033157671202004635 -0.15721991227767712 -0.324380717284222 -0.4977326632169385 -0.5379750792370318 -0.6261988374349308 -0.7670472935052661 -0.9032523938809707 -0.9280169575856395 -1.0286229976358816 -1.0766043398136873 +12218,-1.2220961515786448,0,0.4727286769599586 0.5594046499263169 0.8194325688253916 0.9262297498017965 0.9695677362849799 0.8813439780870811 0.6987053207651116 0.36593149598355373 0.033157671202004635 -0.15721991227767712 -0.324380717284222 -0.4977326632169385 -0.5379750792370318 -0.6261988374349308 -0.7670472935052661 -0.9032523938809707 -0.9280169575856395 -1.0286229976358816 -1.0766043398136873 -1.1369679638438273 +12219,-1.1679236684746674,0,0.5594046499263169 0.8194325688253916 0.9262297498017965 0.9695677362849799 0.8813439780870811 0.6987053207651116 0.36593149598355373 0.033157671202004635 -0.15721991227767712 -0.324380717284222 -0.4977326632169385 -0.5379750792370318 -0.6261988374349308 -0.7670472935052661 -0.9032523938809707 -0.9280169575856395 -1.0286229976358816 -1.0766043398136873 -1.1369679638438273 -1.2220961515786448 +12220,-0.8831311858709241,0,0.8194325688253916 0.9262297498017965 0.9695677362849799 0.8813439780870811 0.6987053207651116 0.36593149598355373 0.033157671202004635 -0.15721991227767712 -0.324380717284222 -0.4977326632169385 -0.5379750792370318 -0.6261988374349308 -0.7670472935052661 -0.9032523938809707 -0.9280169575856395 -1.0286229976358816 -1.0766043398136873 -1.1369679638438273 -1.2220961515786448 -1.1679236684746674 +12221,-0.28878165695875074,0,0.9262297498017965 0.9695677362849799 0.8813439780870811 0.6987053207651116 0.36593149598355373 0.033157671202004635 -0.15721991227767712 -0.324380717284222 -0.4977326632169385 -0.5379750792370318 -0.6261988374349308 -0.7670472935052661 -0.9032523938809707 -0.9280169575856395 -1.0286229976358816 -1.0766043398136873 -1.1369679638438273 -1.2220961515786448 -1.1679236684746674 -0.8831311858709241 +12222,0.14150263740995023,0,0.9695677362849799 0.8813439780870811 0.6987053207651116 0.36593149598355373 0.033157671202004635 -0.15721991227767712 -0.324380717284222 -0.4977326632169385 -0.5379750792370318 -0.6261988374349308 -0.7670472935052661 -0.9032523938809707 -0.9280169575856395 -1.0286229976358816 -1.0766043398136873 -1.1369679638438273 -1.2220961515786448 -1.1679236684746674 -0.8831311858709241 -0.28878165695875074 +12223,0.44951189848683054,0,0.8813439780870811 0.6987053207651116 0.36593149598355373 0.033157671202004635 -0.15721991227767712 -0.324380717284222 -0.4977326632169385 -0.5379750792370318 -0.6261988374349308 -0.7670472935052661 -0.9032523938809707 -0.9280169575856395 -1.0286229976358816 -1.0766043398136873 -1.1369679638438273 -1.2220961515786448 -1.1679236684746674 -0.8831311858709241 -0.28878165695875074 0.14150263740995023 +12224,0.4990410258961769,0,0.6987053207651116 0.36593149598355373 0.033157671202004635 -0.15721991227767712 -0.324380717284222 -0.4977326632169385 -0.5379750792370318 -0.6261988374349308 -0.7670472935052661 -0.9032523938809707 -0.9280169575856395 -1.0286229976358816 -1.0766043398136873 -1.1369679638438273 -1.2220961515786448 -1.1679236684746674 -0.8831311858709241 -0.28878165695875074 0.14150263740995023 0.44951189848683054 +12225,0.6275072001141692,0,0.36593149598355373 0.033157671202004635 -0.15721991227767712 -0.324380717284222 -0.4977326632169385 -0.5379750792370318 -0.6261988374349308 -0.7670472935052661 -0.9032523938809707 -0.9280169575856395 -1.0286229976358816 -1.0766043398136873 -1.1369679638438273 -1.2220961515786448 -1.1679236684746674 -0.8831311858709241 -0.28878165695875074 0.14150263740995023 0.44951189848683054 0.4990410258961769 +12226,0.5454745828424418,0,0.033157671202004635 -0.15721991227767712 -0.324380717284222 -0.4977326632169385 -0.5379750792370318 -0.6261988374349308 -0.7670472935052661 -0.9032523938809707 -0.9280169575856395 -1.0286229976358816 -1.0766043398136873 -1.1369679638438273 -1.2220961515786448 -1.1679236684746674 -0.8831311858709241 -0.28878165695875074 0.14150263740995023 0.44951189848683054 0.4990410258961769 0.6275072001141692 +12227,0.3148545833426667,0,-0.15721991227767712 -0.324380717284222 -0.4977326632169385 -0.5379750792370318 -0.6261988374349308 -0.7670472935052661 -0.9032523938809707 -0.9280169575856395 -1.0286229976358816 -1.0766043398136873 -1.1369679638438273 -1.2220961515786448 -1.1679236684746674 -0.8831311858709241 -0.28878165695875074 0.14150263740995023 0.44951189848683054 0.4990410258961769 0.6275072001141692 0.5454745828424418 +12228,0.34735807320504775,0,-0.324380717284222 -0.4977326632169385 -0.5379750792370318 -0.6261988374349308 -0.7670472935052661 -0.9032523938809707 -0.9280169575856395 -1.0286229976358816 -1.0766043398136873 -1.1369679638438273 -1.2220961515786448 -1.1679236684746674 -0.8831311858709241 -0.28878165695875074 0.14150263740995023 0.44951189848683054 0.4990410258961769 0.6275072001141692 0.5454745828424418 0.3148545833426667 +12229,0.15233713403074392,0,-0.4977326632169385 -0.5379750792370318 -0.6261988374349308 -0.7670472935052661 -0.9032523938809707 -0.9280169575856395 -1.0286229976358816 -1.0766043398136873 -1.1369679638438273 -1.2220961515786448 -1.1679236684746674 -0.8831311858709241 -0.28878165695875074 0.14150263740995023 0.44951189848683054 0.4990410258961769 0.6275072001141692 0.5454745828424418 0.3148545833426667 0.34735807320504775 +12230,-0.10459521440524061,0,-0.5379750792370318 -0.6261988374349308 -0.7670472935052661 -0.9032523938809707 -0.9280169575856395 -1.0286229976358816 -1.0766043398136873 -1.1369679638438273 -1.2220961515786448 -1.1679236684746674 -0.8831311858709241 -0.28878165695875074 0.14150263740995023 0.44951189848683054 0.4990410258961769 0.6275072001141692 0.5454745828424418 0.3148545833426667 0.34735807320504775 0.15233713403074392 +12231,-0.29806836834800376,0,-0.6261988374349308 -0.7670472935052661 -0.9032523938809707 -0.9280169575856395 -1.0286229976358816 -1.0766043398136873 -1.1369679638438273 -1.2220961515786448 -1.1679236684746674 -0.8831311858709241 -0.28878165695875074 0.14150263740995023 0.44951189848683054 0.4990410258961769 0.6275072001141692 0.5454745828424418 0.3148545833426667 0.34735807320504775 0.15233713403074392 -0.10459521440524061 +12232,-0.4342734687237083,0,-0.7670472935052661 -0.9032523938809707 -0.9280169575856395 -1.0286229976358816 -1.0766043398136873 -1.1369679638438273 -1.2220961515786448 -1.1679236684746674 -0.8831311858709241 -0.28878165695875074 0.14150263740995023 0.44951189848683054 0.4990410258961769 0.6275072001141692 0.5454745828424418 0.3148545833426667 0.34735807320504775 0.15233713403074392 -0.10459521440524061 -0.29806836834800376 +12233,-0.7066836694751262,0,-0.9032523938809707 -0.9280169575856395 -1.0286229976358816 -1.0766043398136873 -1.1369679638438273 -1.2220961515786448 -1.1679236684746674 -0.8831311858709241 -0.28878165695875074 0.14150263740995023 0.44951189848683054 0.4990410258961769 0.6275072001141692 0.5454745828424418 0.3148545833426667 0.34735807320504775 0.15233713403074392 -0.10459521440524061 -0.29806836834800376 -0.4342734687237083 +12234,-0.7438305150321293,0,-0.9280169575856395 -1.0286229976358816 -1.0766043398136873 -1.1369679638438273 -1.2220961515786448 -1.1679236684746674 -0.8831311858709241 -0.28878165695875074 0.14150263740995023 0.44951189848683054 0.4990410258961769 0.6275072001141692 0.5454745828424418 0.3148545833426667 0.34735807320504775 0.15233713403074392 -0.10459521440524061 -0.29806836834800376 -0.4342734687237083 -0.7066836694751262 +12235,-0.8769400449447524,0,-1.0286229976358816 -1.0766043398136873 -1.1369679638438273 -1.2220961515786448 -1.1679236684746674 -0.8831311858709241 -0.28878165695875074 0.14150263740995023 0.44951189848683054 0.4990410258961769 0.6275072001141692 0.5454745828424418 0.3148545833426667 0.34735807320504775 0.15233713403074392 -0.10459521440524061 -0.29806836834800376 -0.4342734687237083 -0.7066836694751262 -0.7438305150321293 +12236,-0.9465903803641454,0,-1.0766043398136873 -1.1369679638438273 -1.2220961515786448 -1.1679236684746674 -0.8831311858709241 -0.28878165695875074 0.14150263740995023 0.44951189848683054 0.4990410258961769 0.6275072001141692 0.5454745828424418 0.3148545833426667 0.34735807320504775 0.15233713403074392 -0.10459521440524061 -0.29806836834800376 -0.4342734687237083 -0.7066836694751262 -0.7438305150321293 -0.8769400449447524 +12237,-1.0146929305519976,0,-1.1369679638438273 -1.2220961515786448 -1.1679236684746674 -0.8831311858709241 -0.28878165695875074 0.14150263740995023 0.44951189848683054 0.4990410258961769 0.6275072001141692 0.5454745828424418 0.3148545833426667 0.34735807320504775 0.15233713403074392 -0.10459521440524061 -0.29806836834800376 -0.4342734687237083 -0.7066836694751262 -0.7438305150321293 -0.8769400449447524 -0.9465903803641454 +12238,-1.0657698431928935,0,-1.2220961515786448 -1.1679236684746674 -0.8831311858709241 -0.28878165695875074 0.14150263740995023 0.44951189848683054 0.4990410258961769 0.6275072001141692 0.5454745828424418 0.3148545833426667 0.34735807320504775 0.15233713403074392 -0.10459521440524061 -0.29806836834800376 -0.4342734687237083 -0.7066836694751262 -0.7438305150321293 -0.8769400449447524 -0.9465903803641454 -1.0146929305519976 +12239,-1.1168467558337805,0,-1.1679236684746674 -0.8831311858709241 -0.28878165695875074 0.14150263740995023 0.44951189848683054 0.4990410258961769 0.6275072001141692 0.5454745828424418 0.3148545833426667 0.34735807320504775 0.15233713403074392 -0.10459521440524061 -0.29806836834800376 -0.4342734687237083 -0.7066836694751262 -0.7438305150321293 -0.8769400449447524 -0.9465903803641454 -1.0146929305519976 -1.0657698431928935 +12240,-1.1555413866223332,0,-0.8831311858709241 -0.28878165695875074 0.14150263740995023 0.44951189848683054 0.4990410258961769 0.6275072001141692 0.5454745828424418 0.3148545833426667 0.34735807320504775 0.15233713403074392 -0.10459521440524061 -0.29806836834800376 -0.4342734687237083 -0.7066836694751262 -0.7438305150321293 -0.8769400449447524 -0.9465903803641454 -1.0146929305519976 -1.0657698431928935 -1.1168467558337805 +12241,-1.1849493060216327,0,-0.28878165695875074 0.14150263740995023 0.44951189848683054 0.4990410258961769 0.6275072001141692 0.5454745828424418 0.3148545833426667 0.34735807320504775 0.15233713403074392 -0.10459521440524061 -0.29806836834800376 -0.4342734687237083 -0.7066836694751262 -0.7438305150321293 -0.8769400449447524 -0.9465903803641454 -1.0146929305519976 -1.0657698431928935 -1.1168467558337805 -1.1555413866223332 +12242,-1.276268634682613,0,0.14150263740995023 0.44951189848683054 0.4990410258961769 0.6275072001141692 0.5454745828424418 0.3148545833426667 0.34735807320504775 0.15233713403074392 -0.10459521440524061 -0.29806836834800376 -0.4342734687237083 -0.7066836694751262 -0.7438305150321293 -0.8769400449447524 -0.9465903803641454 -1.0146929305519976 -1.0657698431928935 -1.1168467558337805 -1.1555413866223332 -1.1849493060216327 +12243,-1.2313828629678978,0,0.44951189848683054 0.4990410258961769 0.6275072001141692 0.5454745828424418 0.3148545833426667 0.34735807320504775 0.15233713403074392 -0.10459521440524061 -0.29806836834800376 -0.4342734687237083 -0.7066836694751262 -0.7438305150321293 -0.8769400449447524 -0.9465903803641454 -1.0146929305519976 -1.0657698431928935 -1.1168467558337805 -1.1555413866223332 -1.1849493060216327 -1.276268634682613 +12244,-1.0518397761090097,0,0.4990410258961769 0.6275072001141692 0.5454745828424418 0.3148545833426667 0.34735807320504775 0.15233713403074392 -0.10459521440524061 -0.29806836834800376 -0.4342734687237083 -0.7066836694751262 -0.7438305150321293 -0.8769400449447524 -0.9465903803641454 -1.0146929305519976 -1.0657698431928935 -1.1168467558337805 -1.1555413866223332 -1.1849493060216327 -1.276268634682613 -1.2313828629678978 +12245,-0.4218911868713739,0,0.6275072001141692 0.5454745828424418 0.3148545833426667 0.34735807320504775 0.15233713403074392 -0.10459521440524061 -0.29806836834800376 -0.4342734687237083 -0.7066836694751262 -0.7438305150321293 -0.8769400449447524 -0.9465903803641454 -1.0146929305519976 -1.0657698431928935 -1.1168467558337805 -1.1555413866223332 -1.1849493060216327 -1.276268634682613 -1.2313828629678978 -1.0518397761090097 +12246,-0.03494487898584764,0,0.5454745828424418 0.3148545833426667 0.34735807320504775 0.15233713403074392 -0.10459521440524061 -0.29806836834800376 -0.4342734687237083 -0.7066836694751262 -0.7438305150321293 -0.8769400449447524 -0.9465903803641454 -1.0146929305519976 -1.0657698431928935 -1.1168467558337805 -1.1555413866223332 -1.1849493060216327 -1.276268634682613 -1.2313828629678978 -1.0518397761090097 -0.4218911868713739 +12247,0.25913431500714884,0,0.3148545833426667 0.34735807320504775 0.15233713403074392 -0.10459521440524061 -0.29806836834800376 -0.4342734687237083 -0.7066836694751262 -0.7438305150321293 -0.8769400449447524 -0.9465903803641454 -1.0146929305519976 -1.0657698431928935 -1.1168467558337805 -1.1555413866223332 -1.1849493060216327 -1.276268634682613 -1.2313828629678978 -1.0518397761090097 -0.4218911868713739 -0.03494487898584764 +12248,0.45879860987608356,0,0.34735807320504775 0.15233713403074392 -0.10459521440524061 -0.29806836834800376 -0.4342734687237083 -0.7066836694751262 -0.7438305150321293 -0.8769400449447524 -0.9465903803641454 -1.0146929305519976 -1.0657698431928935 -1.1168467558337805 -1.1555413866223332 -1.1849493060216327 -1.276268634682613 -1.2313828629678978 -1.0518397761090097 -0.4218911868713739 -0.03494487898584764 0.25913431500714884 +12249,0.5330923009901074,0,0.15233713403074392 -0.10459521440524061 -0.29806836834800376 -0.4342734687237083 -0.7066836694751262 -0.7438305150321293 -0.8769400449447524 -0.9465903803641454 -1.0146929305519976 -1.0657698431928935 -1.1168467558337805 -1.1555413866223332 -1.1849493060216327 -1.276268634682613 -1.2313828629678978 -1.0518397761090097 -0.4218911868713739 -0.03494487898584764 0.25913431500714884 0.45879860987608356 +12250,0.581073643167913,0,-0.10459521440524061 -0.29806836834800376 -0.4342734687237083 -0.7066836694751262 -0.7438305150321293 -0.8769400449447524 -0.9465903803641454 -1.0146929305519976 -1.0657698431928935 -1.1168467558337805 -1.1555413866223332 -1.1849493060216327 -1.276268634682613 -1.2313828629678978 -1.0518397761090097 -0.4218911868713739 -0.03494487898584764 0.25913431500714884 0.45879860987608356 0.5330923009901074 +12251,0.6151249182618348,0,-0.29806836834800376 -0.4342734687237083 -0.7066836694751262 -0.7438305150321293 -0.8769400449447524 -0.9465903803641454 -1.0146929305519976 -1.0657698431928935 -1.1168467558337805 -1.1555413866223332 -1.1849493060216327 -1.276268634682613 -1.2313828629678978 -1.0518397761090097 -0.4218911868713739 -0.03494487898584764 0.25913431500714884 0.45879860987608356 0.5330923009901074 0.581073643167913 +12252,0.5594046499263169,0,-0.4342734687237083 -0.7066836694751262 -0.7438305150321293 -0.8769400449447524 -0.9465903803641454 -1.0146929305519976 -1.0657698431928935 -1.1168467558337805 -1.1555413866223332 -1.1849493060216327 -1.276268634682613 -1.2313828629678978 -1.0518397761090097 -0.4218911868713739 -0.03494487898584764 0.25913431500714884 0.45879860987608356 0.5330923009901074 0.581073643167913 0.6151249182618348 +12253,0.36128814028893164,0,-0.7066836694751262 -0.7438305150321293 -0.8769400449447524 -0.9465903803641454 -1.0146929305519976 -1.0657698431928935 -1.1168467558337805 -1.1555413866223332 -1.1849493060216327 -1.276268634682613 -1.2313828629678978 -1.0518397761090097 -0.4218911868713739 -0.03494487898584764 0.25913431500714884 0.45879860987608356 0.5330923009901074 0.581073643167913 0.6151249182618348 0.5594046499263169 +12254,-0.010180315281178881,0,-0.7438305150321293 -0.8769400449447524 -0.9465903803641454 -1.0146929305519976 -1.0657698431928935 -1.1168467558337805 -1.1555413866223332 -1.1849493060216327 -1.276268634682613 -1.2313828629678978 -1.0518397761090097 -0.4218911868713739 -0.03494487898584764 0.25913431500714884 0.45879860987608356 0.5330923009901074 0.581073643167913 0.6151249182618348 0.5594046499263169 0.36128814028893164 +12255,-0.2686604489487041,0,-0.8769400449447524 -0.9465903803641454 -1.0146929305519976 -1.0657698431928935 -1.1168467558337805 -1.1555413866223332 -1.1849493060216327 -1.276268634682613 -1.2313828629678978 -1.0518397761090097 -0.4218911868713739 -0.03494487898584764 0.25913431500714884 0.45879860987608356 0.5330923009901074 0.581073643167913 0.6151249182618348 0.5594046499263169 0.36128814028893164 -0.010180315281178881 +12256,-0.47296809951226093,0,-0.9465903803641454 -1.0146929305519976 -1.0657698431928935 -1.1168467558337805 -1.1555413866223332 -1.1849493060216327 -1.276268634682613 -1.2313828629678978 -1.0518397761090097 -0.4218911868713739 -0.03494487898584764 0.25913431500714884 0.45879860987608356 0.5330923009901074 0.581073643167913 0.6151249182618348 0.5594046499263169 0.36128814028893164 -0.010180315281178881 -0.2686604489487041 +12257,-0.6556067568342304,0,-1.0146929305519976 -1.0657698431928935 -1.1168467558337805 -1.1555413866223332 -1.1849493060216327 -1.276268634682613 -1.2313828629678978 -1.0518397761090097 -0.4218911868713739 -0.03494487898584764 0.25913431500714884 0.45879860987608356 0.5330923009901074 0.581073643167913 0.6151249182618348 0.5594046499263169 0.36128814028893164 -0.010180315281178881 -0.2686604489487041 -0.47296809951226093 +12258,-0.7345438036428763,0,-1.0657698431928935 -1.1168467558337805 -1.1555413866223332 -1.1849493060216327 -1.276268634682613 -1.2313828629678978 -1.0518397761090097 -0.4218911868713739 -0.03494487898584764 0.25913431500714884 0.45879860987608356 0.5330923009901074 0.581073643167913 0.6151249182618348 0.5594046499263169 0.36128814028893164 -0.010180315281178881 -0.2686604489487041 -0.47296809951226093 -0.6556067568342304 +12259,-0.7701428639683475,0,-1.1168467558337805 -1.1555413866223332 -1.1849493060216327 -1.276268634682613 -1.2313828629678978 -1.0518397761090097 -0.4218911868713739 -0.03494487898584764 0.25913431500714884 0.45879860987608356 0.5330923009901074 0.581073643167913 0.6151249182618348 0.5594046499263169 0.36128814028893164 -0.010180315281178881 -0.2686604489487041 -0.47296809951226093 -0.6556067568342304 -0.7345438036428763 +12260,-0.8475321255454529,0,-1.1555413866223332 -1.1849493060216327 -1.276268634682613 -1.2313828629678978 -1.0518397761090097 -0.4218911868713739 -0.03494487898584764 0.25913431500714884 0.45879860987608356 0.5330923009901074 0.581073643167913 0.6151249182618348 0.5594046499263169 0.36128814028893164 -0.010180315281178881 -0.2686604489487041 -0.47296809951226093 -0.6556067568342304 -0.7345438036428763 -0.7701428639683475 +12261,-0.9326603132802703,0,-1.1849493060216327 -1.276268634682613 -1.2313828629678978 -1.0518397761090097 -0.4218911868713739 -0.03494487898584764 0.25913431500714884 0.45879860987608356 0.5330923009901074 0.581073643167913 0.6151249182618348 0.5594046499263169 0.36128814028893164 -0.010180315281178881 -0.2686604489487041 -0.47296809951226093 -0.6556067568342304 -0.7345438036428763 -0.7701428639683475 -0.8475321255454529 +12262,-1.008501789625835,0,-1.276268634682613 -1.2313828629678978 -1.0518397761090097 -0.4218911868713739 -0.03494487898584764 0.25913431500714884 0.45879860987608356 0.5330923009901074 0.581073643167913 0.6151249182618348 0.5594046499263169 0.36128814028893164 -0.010180315281178881 -0.2686604489487041 -0.47296809951226093 -0.6556067568342304 -0.7345438036428763 -0.7701428639683475 -0.8475321255454529 -0.9326603132802703 +12263,-1.092082192129103,0,-1.2313828629678978 -1.0518397761090097 -0.4218911868713739 -0.03494487898584764 0.25913431500714884 0.45879860987608356 0.5330923009901074 0.581073643167913 0.6151249182618348 0.5594046499263169 0.36128814028893164 -0.010180315281178881 -0.2686604489487041 -0.47296809951226093 -0.6556067568342304 -0.7345438036428763 -0.7701428639683475 -0.8475321255454529 -0.9326603132802703 -1.008501789625835 +12264,-1.1539936013907925,0,-1.0518397761090097 -0.4218911868713739 -0.03494487898584764 0.25913431500714884 0.45879860987608356 0.5330923009901074 0.581073643167913 0.6151249182618348 0.5594046499263169 0.36128814028893164 -0.010180315281178881 -0.2686604489487041 -0.47296809951226093 -0.6556067568342304 -0.7345438036428763 -0.7701428639683475 -0.8475321255454529 -0.9326603132802703 -1.008501789625835 -1.092082192129103 +12265,-1.2066182992632202,0,-0.4218911868713739 -0.03494487898584764 0.25913431500714884 0.45879860987608356 0.5330923009901074 0.581073643167913 0.6151249182618348 0.5594046499263169 0.36128814028893164 -0.010180315281178881 -0.2686604489487041 -0.47296809951226093 -0.6556067568342304 -0.7345438036428763 -0.7701428639683475 -0.8475321255454529 -0.9326603132802703 -1.008501789625835 -1.092082192129103 -1.1539936013907925 +12266,-1.2747208494510724,0,-0.03494487898584764 0.25913431500714884 0.45879860987608356 0.5330923009901074 0.581073643167913 0.6151249182618348 0.5594046499263169 0.36128814028893164 -0.010180315281178881 -0.2686604489487041 -0.47296809951226093 -0.6556067568342304 -0.7345438036428763 -0.7701428639683475 -0.8475321255454529 -0.9326603132802703 -1.008501789625835 -1.092082192129103 -1.1539936013907925 -1.2066182992632202 +12267,-1.180305950327002,0,0.25913431500714884 0.45879860987608356 0.5330923009901074 0.581073643167913 0.6151249182618348 0.5594046499263169 0.36128814028893164 -0.010180315281178881 -0.2686604489487041 -0.47296809951226093 -0.6556067568342304 -0.7345438036428763 -0.7701428639683475 -0.8475321255454529 -0.9326603132802703 -1.008501789625835 -1.092082192129103 -1.1539936013907925 -1.2066182992632202 -1.2747208494510724 +12268,-0.8614621926293367,0,0.45879860987608356 0.5330923009901074 0.581073643167913 0.6151249182618348 0.5594046499263169 0.36128814028893164 -0.010180315281178881 -0.2686604489487041 -0.47296809951226093 -0.6556067568342304 -0.7345438036428763 -0.7701428639683475 -0.8475321255454529 -0.9326603132802703 -1.008501789625835 -1.092082192129103 -1.1539936013907925 -1.2066182992632202 -1.2747208494510724 -1.180305950327002 +12269,-0.3290240729788441,0,0.5330923009901074 0.581073643167913 0.6151249182618348 0.5594046499263169 0.36128814028893164 -0.010180315281178881 -0.2686604489487041 -0.47296809951226093 -0.6556067568342304 -0.7345438036428763 -0.7701428639683475 -0.8475321255454529 -0.9326603132802703 -1.008501789625835 -1.092082192129103 -1.1539936013907925 -1.2066182992632202 -1.2747208494510724 -1.180305950327002 -0.8614621926293367 +12270,0.07804344291672885,0,0.581073643167913 0.6151249182618348 0.5594046499263169 0.36128814028893164 -0.010180315281178881 -0.2686604489487041 -0.47296809951226093 -0.6556067568342304 -0.7345438036428763 -0.7701428639683475 -0.8475321255454529 -0.9326603132802703 -1.008501789625835 -1.092082192129103 -1.1539936013907925 -1.2066182992632202 -1.2747208494510724 -1.180305950327002 -0.8614621926293367 -0.3290240729788441 +12271,0.34581028797350705,0,0.6151249182618348 0.5594046499263169 0.36128814028893164 -0.010180315281178881 -0.2686604489487041 -0.47296809951226093 -0.6556067568342304 -0.7345438036428763 -0.7701428639683475 -0.8475321255454529 -0.9326603132802703 -1.008501789625835 -1.092082192129103 -1.1539936013907925 -1.2066182992632202 -1.2747208494510724 -1.180305950327002 -0.8614621926293367 -0.3290240729788441 0.07804344291672885 +12272,0.5702391465471105,0,0.5594046499263169 0.36128814028893164 -0.010180315281178881 -0.2686604489487041 -0.47296809951226093 -0.6556067568342304 -0.7345438036428763 -0.7701428639683475 -0.8475321255454529 -0.9326603132802703 -1.008501789625835 -1.092082192129103 -1.1539936013907925 -1.2066182992632202 -1.2747208494510724 -1.180305950327002 -0.8614621926293367 -0.3290240729788441 0.07804344291672885 0.34581028797350705 +12273,0.6151249182618348,0,0.36128814028893164 -0.010180315281178881 -0.2686604489487041 -0.47296809951226093 -0.6556067568342304 -0.7345438036428763 -0.7701428639683475 -0.8475321255454529 -0.9326603132802703 -1.008501789625835 -1.092082192129103 -1.1539936013907925 -1.2066182992632202 -1.2747208494510724 -1.180305950327002 -0.8614621926293367 -0.3290240729788441 0.07804344291672885 0.34581028797350705 0.5702391465471105 +12274,0.6027426364095004,0,-0.010180315281178881 -0.2686604489487041 -0.47296809951226093 -0.6556067568342304 -0.7345438036428763 -0.7701428639683475 -0.8475321255454529 -0.9326603132802703 -1.008501789625835 -1.092082192129103 -1.1539936013907925 -1.2066182992632202 -1.2747208494510724 -1.180305950327002 -0.8614621926293367 -0.3290240729788441 0.07804344291672885 0.34581028797350705 0.5702391465471105 0.6151249182618348 +12275,0.4990410258961769,0,-0.2686604489487041 -0.47296809951226093 -0.6556067568342304 -0.7345438036428763 -0.7701428639683475 -0.8475321255454529 -0.9326603132802703 -1.008501789625835 -1.092082192129103 -1.1539936013907925 -1.2066182992632202 -1.2747208494510724 -1.180305950327002 -0.8614621926293367 -0.3290240729788441 0.07804344291672885 0.34581028797350705 0.5702391465471105 0.6151249182618348 0.6027426364095004 +12276,0.37831377783589687,0,-0.47296809951226093 -0.6556067568342304 -0.7345438036428763 -0.7701428639683475 -0.8475321255454529 -0.9326603132802703 -1.008501789625835 -1.092082192129103 -1.1539936013907925 -1.2066182992632202 -1.2747208494510724 -1.180305950327002 -0.8614621926293367 -0.3290240729788441 0.07804344291672885 0.34581028797350705 0.5702391465471105 0.6151249182618348 0.6027426364095004 0.4990410258961769 +12277,0.19722290574546814,0,-0.6556067568342304 -0.7345438036428763 -0.7701428639683475 -0.8475321255454529 -0.9326603132802703 -1.008501789625835 -1.092082192129103 -1.1539936013907925 -1.2066182992632202 -1.2747208494510724 -1.180305950327002 -0.8614621926293367 -0.3290240729788441 0.07804344291672885 0.34581028797350705 0.5702391465471105 0.6151249182618348 0.6027426364095004 0.4990410258961769 0.37831377783589687 +12278,-0.12162085195220587,0,-0.7345438036428763 -0.7701428639683475 -0.8475321255454529 -0.9326603132802703 -1.008501789625835 -1.092082192129103 -1.1539936013907925 -1.2066182992632202 -1.2747208494510724 -1.180305950327002 -0.8614621926293367 -0.3290240729788441 0.07804344291672885 0.34581028797350705 0.5702391465471105 0.6151249182618348 0.6027426364095004 0.4990410258961769 0.37831377783589687 0.19722290574546814 +12279,-0.35843199237815254,0,-0.7701428639683475 -0.8475321255454529 -0.9326603132802703 -1.008501789625835 -1.092082192129103 -1.1539936013907925 -1.2066182992632202 -1.2747208494510724 -1.180305950327002 -0.8614621926293367 -0.3290240729788441 0.07804344291672885 0.34581028797350705 0.5702391465471105 0.6151249182618348 0.6027426364095004 0.4990410258961769 0.37831377783589687 0.19722290574546814 -0.12162085195220587 +12280,-0.5194016564585259,0,-0.8475321255454529 -0.9326603132802703 -1.008501789625835 -1.092082192129103 -1.1539936013907925 -1.2066182992632202 -1.2747208494510724 -1.180305950327002 -0.8614621926293367 -0.3290240729788441 0.07804344291672885 0.34581028797350705 0.5702391465471105 0.6151249182618348 0.6027426364095004 0.4990410258961769 0.37831377783589687 0.19722290574546814 -0.12162085195220587 -0.35843199237815254 +12281,-0.6463200454449775,0,-0.9326603132802703 -1.008501789625835 -1.092082192129103 -1.1539936013907925 -1.2066182992632202 -1.2747208494510724 -1.180305950327002 -0.8614621926293367 -0.3290240729788441 0.07804344291672885 0.34581028797350705 0.5702391465471105 0.6151249182618348 0.6027426364095004 0.4990410258961769 0.37831377783589687 0.19722290574546814 -0.12162085195220587 -0.35843199237815254 -0.5194016564585259 +12282,-0.7113270251697483,0,-1.008501789625835 -1.092082192129103 -1.1539936013907925 -1.2066182992632202 -1.2747208494510724 -1.180305950327002 -0.8614621926293367 -0.3290240729788441 0.07804344291672885 0.34581028797350705 0.5702391465471105 0.6151249182618348 0.6027426364095004 0.4990410258961769 0.37831377783589687 0.19722290574546814 -0.12162085195220587 -0.35843199237815254 -0.5194016564585259 -0.6463200454449775 +12283,-0.7175181660959199,0,-1.092082192129103 -1.1539936013907925 -1.2066182992632202 -1.2747208494510724 -1.180305950327002 -0.8614621926293367 -0.3290240729788441 0.07804344291672885 0.34581028797350705 0.5702391465471105 0.6151249182618348 0.6027426364095004 0.4990410258961769 0.37831377783589687 0.19722290574546814 -0.12162085195220587 -0.35843199237815254 -0.5194016564585259 -0.6463200454449775 -0.7113270251697483 +12284,-0.694301387622783,0,-1.1539936013907925 -1.2066182992632202 -1.2747208494510724 -1.180305950327002 -0.8614621926293367 -0.3290240729788441 0.07804344291672885 0.34581028797350705 0.5702391465471105 0.6151249182618348 0.6027426364095004 0.4990410258961769 0.37831377783589687 0.19722290574546814 -0.12162085195220587 -0.35843199237815254 -0.5194016564585259 -0.6463200454449775 -0.7113270251697483 -0.7175181660959199 +12285,-0.7159703808643704,0,-1.2066182992632202 -1.2747208494510724 -1.180305950327002 -0.8614621926293367 -0.3290240729788441 0.07804344291672885 0.34581028797350705 0.5702391465471105 0.6151249182618348 0.6027426364095004 0.4990410258961769 0.37831377783589687 0.19722290574546814 -0.12162085195220587 -0.35843199237815254 -0.5194016564585259 -0.6463200454449775 -0.7113270251697483 -0.7175181660959199 -0.694301387622783 +12286,-0.754665011652923,0,-1.2747208494510724 -1.180305950327002 -0.8614621926293367 -0.3290240729788441 0.07804344291672885 0.34581028797350705 0.5702391465471105 0.6151249182618348 0.6027426364095004 0.4990410258961769 0.37831377783589687 0.19722290574546814 -0.12162085195220587 -0.35843199237815254 -0.5194016564585259 -0.6463200454449775 -0.7113270251697483 -0.7175181660959199 -0.694301387622783 -0.7159703808643704 +12287,-0.7856207162837722,0,-1.180305950327002 -0.8614621926293367 -0.3290240729788441 0.07804344291672885 0.34581028797350705 0.5702391465471105 0.6151249182618348 0.6027426364095004 0.4990410258961769 0.37831377783589687 0.19722290574546814 -0.12162085195220587 -0.35843199237815254 -0.5194016564585259 -0.6463200454449775 -0.7113270251697483 -0.7175181660959199 -0.694301387622783 -0.7159703808643704 -0.754665011652923 +12288,-0.8862267563340055,0,-0.8614621926293367 -0.3290240729788441 0.07804344291672885 0.34581028797350705 0.5702391465471105 0.6151249182618348 0.6027426364095004 0.4990410258961769 0.37831377783589687 0.19722290574546814 -0.12162085195220587 -0.35843199237815254 -0.5194016564585259 -0.6463200454449775 -0.7113270251697483 -0.7175181660959199 -0.694301387622783 -0.7159703808643704 -0.754665011652923 -0.7856207162837722 +12289,-0.994571722541951,0,-0.3290240729788441 0.07804344291672885 0.34581028797350705 0.5702391465471105 0.6151249182618348 0.6027426364095004 0.4990410258961769 0.37831377783589687 0.19722290574546814 -0.12162085195220587 -0.35843199237815254 -0.5194016564585259 -0.6463200454449775 -0.7113270251697483 -0.7175181660959199 -0.694301387622783 -0.7159703808643704 -0.754665011652923 -0.7856207162837722 -0.8862267563340055 +12290,-1.0115973600889163,0,0.07804344291672885 0.34581028797350705 0.5702391465471105 0.6151249182618348 0.6027426364095004 0.4990410258961769 0.37831377783589687 0.19722290574546814 -0.12162085195220587 -0.35843199237815254 -0.5194016564585259 -0.6463200454449775 -0.7113270251697483 -0.7175181660959199 -0.694301387622783 -0.7159703808643704 -0.754665011652923 -0.7856207162837722 -0.8862267563340055 -0.994571722541951 +12291,-0.9883805816157882,0,0.34581028797350705 0.5702391465471105 0.6151249182618348 0.6027426364095004 0.4990410258961769 0.37831377783589687 0.19722290574546814 -0.12162085195220587 -0.35843199237815254 -0.5194016564585259 -0.6463200454449775 -0.7113270251697483 -0.7175181660959199 -0.694301387622783 -0.7159703808643704 -0.754665011652923 -0.7856207162837722 -0.8862267563340055 -0.994571722541951 -1.0115973600889163 +12292,-0.7949074276730251,0,0.5702391465471105 0.6151249182618348 0.6027426364095004 0.4990410258961769 0.37831377783589687 0.19722290574546814 -0.12162085195220587 -0.35843199237815254 -0.5194016564585259 -0.6463200454449775 -0.7113270251697483 -0.7175181660959199 -0.694301387622783 -0.7159703808643704 -0.754665011652923 -0.7856207162837722 -0.8862267563340055 -0.994571722541951 -1.0115973600889163 -0.9883805816157882 +12293,-0.4946370927538571,0,0.6151249182618348 0.6027426364095004 0.4990410258961769 0.37831377783589687 0.19722290574546814 -0.12162085195220587 -0.35843199237815254 -0.5194016564585259 -0.6463200454449775 -0.7113270251697483 -0.7175181660959199 -0.694301387622783 -0.7159703808643704 -0.754665011652923 -0.7856207162837722 -0.8862267563340055 -0.994571722541951 -1.0115973600889163 -0.9883805816157882 -0.7949074276730251 +12294,-0.17424554982463358,0,0.6027426364095004 0.4990410258961769 0.37831377783589687 0.19722290574546814 -0.12162085195220587 -0.35843199237815254 -0.5194016564585259 -0.6463200454449775 -0.7113270251697483 -0.7175181660959199 -0.694301387622783 -0.7159703808643704 -0.754665011652923 -0.7856207162837722 -0.8862267563340055 -0.994571722541951 -1.0115973600889163 -0.9883805816157882 -0.7949074276730251 -0.4946370927538571 +12295,0.043992167822798314,0,0.4990410258961769 0.37831377783589687 0.19722290574546814 -0.12162085195220587 -0.35843199237815254 -0.5194016564585259 -0.6463200454449775 -0.7113270251697483 -0.7175181660959199 -0.694301387622783 -0.7159703808643704 -0.754665011652923 -0.7856207162837722 -0.8862267563340055 -0.994571722541951 -1.0115973600889163 -0.9883805816157882 -0.7949074276730251 -0.4946370927538571 -0.17424554982463358 +12296,0.29009001963799796,0,0.37831377783589687 0.19722290574546814 -0.12162085195220587 -0.35843199237815254 -0.5194016564585259 -0.6463200454449775 -0.7113270251697483 -0.7175181660959199 -0.694301387622783 -0.7159703808643704 -0.754665011652923 -0.7856207162837722 -0.8862267563340055 -0.994571722541951 -1.0115973600889163 -0.9883805816157882 -0.7949074276730251 -0.4946370927538571 -0.17424554982463358 0.043992167822798314 +12297,0.38605270399360037,0,0.19722290574546814 -0.12162085195220587 -0.35843199237815254 -0.5194016564585259 -0.6463200454449775 -0.7113270251697483 -0.7175181660959199 -0.694301387622783 -0.7159703808643704 -0.754665011652923 -0.7856207162837722 -0.8862267563340055 -0.994571722541951 -1.0115973600889163 -0.9883805816157882 -0.7949074276730251 -0.4946370927538571 -0.17424554982463358 0.043992167822798314 0.29009001963799796 +12298,0.3365235765842541,0,-0.12162085195220587 -0.35843199237815254 -0.5194016564585259 -0.6463200454449775 -0.7113270251697483 -0.7175181660959199 -0.694301387622783 -0.7159703808643704 -0.754665011652923 -0.7856207162837722 -0.8862267563340055 -0.994571722541951 -1.0115973600889163 -0.9883805816157882 -0.7949074276730251 -0.4946370927538571 -0.17424554982463358 0.043992167822798314 0.29009001963799796 0.38605270399360037 +12299,0.2188918989870555,0,-0.35843199237815254 -0.5194016564585259 -0.6463200454449775 -0.7113270251697483 -0.7175181660959199 -0.694301387622783 -0.7159703808643704 -0.754665011652923 -0.7856207162837722 -0.8862267563340055 -0.994571722541951 -1.0115973600889163 -0.9883805816157882 -0.7949074276730251 -0.4946370927538571 -0.17424554982463358 0.043992167822798314 0.29009001963799796 0.38605270399360037 0.3365235765842541 +12300,0.019227604118129564,0,-0.5194016564585259 -0.6463200454449775 -0.7113270251697483 -0.7175181660959199 -0.694301387622783 -0.7159703808643704 -0.754665011652923 -0.7856207162837722 -0.8862267563340055 -0.994571722541951 -1.0115973600889163 -0.9883805816157882 -0.7949074276730251 -0.4946370927538571 -0.17424554982463358 0.043992167822798314 0.29009001963799796 0.38605270399360037 0.3365235765842541 0.2188918989870555 +12301,-0.13090756334145887,0,-0.6463200454449775 -0.7113270251697483 -0.7175181660959199 -0.694301387622783 -0.7159703808643704 -0.754665011652923 -0.7856207162837722 -0.8862267563340055 -0.994571722541951 -1.0115973600889163 -0.9883805816157882 -0.7949074276730251 -0.4946370927538571 -0.17424554982463358 0.043992167822798314 0.29009001963799796 0.38605270399360037 0.3365235765842541 0.2188918989870555 0.019227604118129564 +12302,-0.3878399117774522,0,-0.7113270251697483 -0.7175181660959199 -0.694301387622783 -0.7159703808643704 -0.754665011652923 -0.7856207162837722 -0.8862267563340055 -0.994571722541951 -1.0115973600889163 -0.9883805816157882 -0.7949074276730251 -0.4946370927538571 -0.17424554982463358 0.043992167822798314 0.29009001963799796 0.38605270399360037 0.3365235765842541 0.2188918989870555 0.019227604118129564 -0.13090756334145887 +12303,-0.5410706497001132,0,-0.7175181660959199 -0.694301387622783 -0.7159703808643704 -0.754665011652923 -0.7856207162837722 -0.8862267563340055 -0.994571722541951 -1.0115973600889163 -0.9883805816157882 -0.7949074276730251 -0.4946370927538571 -0.17424554982463358 0.043992167822798314 0.29009001963799796 0.38605270399360037 0.3365235765842541 0.2188918989870555 0.019227604118129564 -0.13090756334145887 -0.3878399117774522 +12304,-0.5875042066463781,0,-0.694301387622783 -0.7159703808643704 -0.754665011652923 -0.7856207162837722 -0.8862267563340055 -0.994571722541951 -1.0115973600889163 -0.9883805816157882 -0.7949074276730251 -0.4946370927538571 -0.17424554982463358 0.043992167822798314 0.29009001963799796 0.38605270399360037 0.3365235765842541 0.2188918989870555 0.019227604118129564 -0.13090756334145887 -0.3878399117774522 -0.5410706497001132 +12305,-0.6401289045188147,0,-0.7159703808643704 -0.754665011652923 -0.7856207162837722 -0.8862267563340055 -0.994571722541951 -1.0115973600889163 -0.9883805816157882 -0.7949074276730251 -0.4946370927538571 -0.17424554982463358 0.043992167822798314 0.29009001963799796 0.38605270399360037 0.3365235765842541 0.2188918989870555 0.019227604118129564 -0.13090756334145887 -0.3878399117774522 -0.5410706497001132 -0.5875042066463781 +12306,-0.671084609149655,0,-0.754665011652923 -0.7856207162837722 -0.8862267563340055 -0.994571722541951 -1.0115973600889163 -0.9883805816157882 -0.7949074276730251 -0.4946370927538571 -0.17424554982463358 0.043992167822798314 0.29009001963799796 0.38605270399360037 0.3365235765842541 0.2188918989870555 0.019227604118129564 -0.13090756334145887 -0.3878399117774522 -0.5410706497001132 -0.5875042066463781 -0.6401289045188147 +12307,-0.6989447433174139,0,-0.7856207162837722 -0.8862267563340055 -0.994571722541951 -1.0115973600889163 -0.9883805816157882 -0.7949074276730251 -0.4946370927538571 -0.17424554982463358 0.043992167822798314 0.29009001963799796 0.38605270399360037 0.3365235765842541 0.2188918989870555 0.019227604118129564 -0.13090756334145887 -0.3878399117774522 -0.5410706497001132 -0.5875042066463781 -0.6401289045188147 -0.671084609149655 +12308,-0.7484738707267602,0,-0.8862267563340055 -0.994571722541951 -1.0115973600889163 -0.9883805816157882 -0.7949074276730251 -0.4946370927538571 -0.17424554982463358 0.043992167822798314 0.29009001963799796 0.38605270399360037 0.3365235765842541 0.2188918989870555 0.019227604118129564 -0.13090756334145887 -0.3878399117774522 -0.5410706497001132 -0.5875042066463781 -0.6401289045188147 -0.671084609149655 -0.6989447433174139 +12309,-0.7608561525790946,0,-0.994571722541951 -1.0115973600889163 -0.9883805816157882 -0.7949074276730251 -0.4946370927538571 -0.17424554982463358 0.043992167822798314 0.29009001963799796 0.38605270399360037 0.3365235765842541 0.2188918989870555 0.019227604118129564 -0.13090756334145887 -0.3878399117774522 -0.5410706497001132 -0.5875042066463781 -0.6401289045188147 -0.671084609149655 -0.6989447433174139 -0.7484738707267602 +12310,-0.7794295753576006,0,-1.0115973600889163 -0.9883805816157882 -0.7949074276730251 -0.4946370927538571 -0.17424554982463358 0.043992167822798314 0.29009001963799796 0.38605270399360037 0.3365235765842541 0.2188918989870555 0.019227604118129564 -0.13090756334145887 -0.3878399117774522 -0.5410706497001132 -0.5875042066463781 -0.6401289045188147 -0.671084609149655 -0.6989447433174139 -0.7484738707267602 -0.7608561525790946 +12311,-0.7593083673475539,0,-0.9883805816157882 -0.7949074276730251 -0.4946370927538571 -0.17424554982463358 0.043992167822798314 0.29009001963799796 0.38605270399360037 0.3365235765842541 0.2188918989870555 0.019227604118129564 -0.13090756334145887 -0.3878399117774522 -0.5410706497001132 -0.5875042066463781 -0.6401289045188147 -0.671084609149655 -0.6989447433174139 -0.7484738707267602 -0.7608561525790946 -0.7794295753576006 +12312,-0.7763340048945192,0,-0.7949074276730251 -0.4946370927538571 -0.17424554982463358 0.043992167822798314 0.29009001963799796 0.38605270399360037 0.3365235765842541 0.2188918989870555 0.019227604118129564 -0.13090756334145887 -0.3878399117774522 -0.5410706497001132 -0.5875042066463781 -0.6401289045188147 -0.671084609149655 -0.6989447433174139 -0.7484738707267602 -0.7608561525790946 -0.7794295753576006 -0.7593083673475539 +12313,-0.8072897095253595,0,-0.4946370927538571 -0.17424554982463358 0.043992167822798314 0.29009001963799796 0.38605270399360037 0.3365235765842541 0.2188918989870555 0.019227604118129564 -0.13090756334145887 -0.3878399117774522 -0.5410706497001132 -0.5875042066463781 -0.6401289045188147 -0.671084609149655 -0.6989447433174139 -0.7484738707267602 -0.7608561525790946 -0.7794295753576006 -0.7593083673475539 -0.7763340048945192 +12314,-0.8026463538307286,0,-0.17424554982463358 0.043992167822798314 0.29009001963799796 0.38605270399360037 0.3365235765842541 0.2188918989870555 0.019227604118129564 -0.13090756334145887 -0.3878399117774522 -0.5410706497001132 -0.5875042066463781 -0.6401289045188147 -0.671084609149655 -0.6989447433174139 -0.7484738707267602 -0.7608561525790946 -0.7794295753576006 -0.7593083673475539 -0.7763340048945192 -0.8072897095253595 +12315,-0.7685950787368069,0,0.043992167822798314 0.29009001963799796 0.38605270399360037 0.3365235765842541 0.2188918989870555 0.019227604118129564 -0.13090756334145887 -0.3878399117774522 -0.5410706497001132 -0.5875042066463781 -0.6401289045188147 -0.671084609149655 -0.6989447433174139 -0.7484738707267602 -0.7608561525790946 -0.7794295753576006 -0.7593083673475539 -0.7763340048945192 -0.8072897095253595 -0.8026463538307286 +12316,-0.666441253455024,0,0.29009001963799796 0.38605270399360037 0.3365235765842541 0.2188918989870555 0.019227604118129564 -0.13090756334145887 -0.3878399117774522 -0.5410706497001132 -0.5875042066463781 -0.6401289045188147 -0.671084609149655 -0.6989447433174139 -0.7484738707267602 -0.7608561525790946 -0.7794295753576006 -0.7593083673475539 -0.7763340048945192 -0.8072897095253595 -0.8026463538307286 -0.7685950787368069 +12317,-0.4977326632169385,0,0.38605270399360037 0.3365235765842541 0.2188918989870555 0.019227604118129564 -0.13090756334145887 -0.3878399117774522 -0.5410706497001132 -0.5875042066463781 -0.6401289045188147 -0.671084609149655 -0.6989447433174139 -0.7484738707267602 -0.7608561525790946 -0.7794295753576006 -0.7593083673475539 -0.7763340048945192 -0.8072897095253595 -0.8026463538307286 -0.7685950787368069 -0.666441253455024 +12318,-0.3352152139050157,0,0.3365235765842541 0.2188918989870555 0.019227604118129564 -0.13090756334145887 -0.3878399117774522 -0.5410706497001132 -0.5875042066463781 -0.6401289045188147 -0.671084609149655 -0.6989447433174139 -0.7484738707267602 -0.7608561525790946 -0.7794295753576006 -0.7593083673475539 -0.7763340048945192 -0.8072897095253595 -0.8026463538307286 -0.7685950787368069 -0.666441253455024 -0.4977326632169385 +12319,-0.38629212654590267,0,0.2188918989870555 0.019227604118129564 -0.13090756334145887 -0.3878399117774522 -0.5410706497001132 -0.5875042066463781 -0.6401289045188147 -0.671084609149655 -0.6989447433174139 -0.7484738707267602 -0.7608561525790946 -0.7794295753576006 -0.7593083673475539 -0.7763340048945192 -0.8072897095253595 -0.8026463538307286 -0.7685950787368069 -0.666441253455024 -0.4977326632169385 -0.3352152139050157 +12320,-0.28568608649566934,0,0.019227604118129564 -0.13090756334145887 -0.3878399117774522 -0.5410706497001132 -0.5875042066463781 -0.6401289045188147 -0.671084609149655 -0.6989447433174139 -0.7484738707267602 -0.7608561525790946 -0.7794295753576006 -0.7593083673475539 -0.7763340048945192 -0.8072897095253595 -0.8026463538307286 -0.7685950787368069 -0.666441253455024 -0.4977326632169385 -0.3352152139050157 -0.38629212654590267 +12321,-0.14328984519379323,0,-0.13090756334145887 -0.3878399117774522 -0.5410706497001132 -0.5875042066463781 -0.6401289045188147 -0.671084609149655 -0.6989447433174139 -0.7484738707267602 -0.7608561525790946 -0.7794295753576006 -0.7593083673475539 -0.7763340048945192 -0.8072897095253595 -0.8026463538307286 -0.7685950787368069 -0.666441253455024 -0.4977326632169385 -0.3352152139050157 -0.38629212654590267 -0.28568608649566934 +12322,-0.09995185871061851,0,-0.3878399117774522 -0.5410706497001132 -0.5875042066463781 -0.6401289045188147 -0.671084609149655 -0.6989447433174139 -0.7484738707267602 -0.7608561525790946 -0.7794295753576006 -0.7593083673475539 -0.7763340048945192 -0.8072897095253595 -0.8026463538307286 -0.7685950787368069 -0.666441253455024 -0.4977326632169385 -0.3352152139050157 -0.38629212654590267 -0.28568608649566934 -0.14328984519379323 +12323,-0.09840407347907781,0,-0.5410706497001132 -0.5875042066463781 -0.6401289045188147 -0.671084609149655 -0.6989447433174139 -0.7484738707267602 -0.7608561525790946 -0.7794295753576006 -0.7593083673475539 -0.7763340048945192 -0.8072897095253595 -0.8026463538307286 -0.7685950787368069 -0.666441253455024 -0.4977326632169385 -0.3352152139050157 -0.38629212654590267 -0.28568608649566934 -0.14328984519379323 -0.09995185871061851 +12324,-0.2237746772339887,0,-0.5875042066463781 -0.6401289045188147 -0.671084609149655 -0.6989447433174139 -0.7484738707267602 -0.7608561525790946 -0.7794295753576006 -0.7593083673475539 -0.7763340048945192 -0.8072897095253595 -0.8026463538307286 -0.7685950787368069 -0.666441253455024 -0.4977326632169385 -0.3352152139050157 -0.38629212654590267 -0.28568608649566934 -0.14328984519379323 -0.09995185871061851 -0.09840407347907781 +12325,-0.3259285025157627,0,-0.6401289045188147 -0.671084609149655 -0.6989447433174139 -0.7484738707267602 -0.7608561525790946 -0.7794295753576006 -0.7593083673475539 -0.7763340048945192 -0.8072897095253595 -0.8026463538307286 -0.7685950787368069 -0.666441253455024 -0.4977326632169385 -0.3352152139050157 -0.38629212654590267 -0.28568608649566934 -0.14328984519379323 -0.09995185871061851 -0.09840407347907781 -0.2237746772339887 +12326,-0.44665575057605145,0,-0.671084609149655 -0.6989447433174139 -0.7484738707267602 -0.7608561525790946 -0.7794295753576006 -0.7593083673475539 -0.7763340048945192 -0.8072897095253595 -0.8026463538307286 -0.7685950787368069 -0.666441253455024 -0.4977326632169385 -0.3352152139050157 -0.38629212654590267 -0.28568608649566934 -0.14328984519379323 -0.09995185871061851 -0.09840407347907781 -0.2237746772339887 -0.3259285025157627 +12327,-0.44820353580759215,0,-0.6989447433174139 -0.7484738707267602 -0.7608561525790946 -0.7794295753576006 -0.7593083673475539 -0.7763340048945192 -0.8072897095253595 -0.8026463538307286 -0.7685950787368069 -0.666441253455024 -0.4977326632169385 -0.3352152139050157 -0.38629212654590267 -0.28568608649566934 -0.14328984519379323 -0.09995185871061851 -0.09840407347907781 -0.2237746772339887 -0.3259285025157627 -0.44665575057605145 +12328,-0.5101149450692729,0,-0.7484738707267602 -0.7608561525790946 -0.7794295753576006 -0.7593083673475539 -0.7763340048945192 -0.8072897095253595 -0.8026463538307286 -0.7685950787368069 -0.666441253455024 -0.4977326632169385 -0.3352152139050157 -0.38629212654590267 -0.28568608649566934 -0.14328984519379323 -0.09995185871061851 -0.09840407347907781 -0.2237746772339887 -0.3259285025157627 -0.44665575057605145 -0.44820353580759215 +12329,-0.5627396429417093,0,-0.7608561525790946 -0.7794295753576006 -0.7593083673475539 -0.7763340048945192 -0.8072897095253595 -0.8026463538307286 -0.7685950787368069 -0.666441253455024 -0.4977326632169385 -0.3352152139050157 -0.38629212654590267 -0.28568608649566934 -0.14328984519379323 -0.09995185871061851 -0.09840407347907781 -0.2237746772339887 -0.3259285025157627 -0.44665575057605145 -0.44820353580759215 -0.5101149450692729 +12330,-0.5720263543309624,0,-0.7794295753576006 -0.7593083673475539 -0.7763340048945192 -0.8072897095253595 -0.8026463538307286 -0.7685950787368069 -0.666441253455024 -0.4977326632169385 -0.3352152139050157 -0.38629212654590267 -0.28568608649566934 -0.14328984519379323 -0.09995185871061851 -0.09840407347907781 -0.2237746772339887 -0.3259285025157627 -0.44665575057605145 -0.44820353580759215 -0.5101149450692729 -0.5627396429417093 +12331,-0.5720263543309624,0,-0.7593083673475539 -0.7763340048945192 -0.8072897095253595 -0.8026463538307286 -0.7685950787368069 -0.666441253455024 -0.4977326632169385 -0.3352152139050157 -0.38629212654590267 -0.28568608649566934 -0.14328984519379323 -0.09995185871061851 -0.09840407347907781 -0.2237746772339887 -0.3259285025157627 -0.44665575057605145 -0.44820353580759215 -0.5101149450692729 -0.5627396429417093 -0.5720263543309624 +12332,-0.7004925285489546,0,-0.7763340048945192 -0.8072897095253595 -0.8026463538307286 -0.7685950787368069 -0.666441253455024 -0.4977326632169385 -0.3352152139050157 -0.38629212654590267 -0.28568608649566934 -0.14328984519379323 -0.09995185871061851 -0.09840407347907781 -0.2237746772339887 -0.3259285025157627 -0.44665575057605145 -0.44820353580759215 -0.5101149450692729 -0.5627396429417093 -0.5720263543309624 -0.5720263543309624 +12333,-0.8010985685991879,0,-0.8072897095253595 -0.8026463538307286 -0.7685950787368069 -0.666441253455024 -0.4977326632169385 -0.3352152139050157 -0.38629212654590267 -0.28568608649566934 -0.14328984519379323 -0.09995185871061851 -0.09840407347907781 -0.2237746772339887 -0.3259285025157627 -0.44665575057605145 -0.44820353580759215 -0.5101149450692729 -0.5627396429417093 -0.5720263543309624 -0.5720263543309624 -0.7004925285489546 +12334,-0.8506276960085343,0,-0.8026463538307286 -0.7685950787368069 -0.666441253455024 -0.4977326632169385 -0.3352152139050157 -0.38629212654590267 -0.28568608649566934 -0.14328984519379323 -0.09995185871061851 -0.09840407347907781 -0.2237746772339887 -0.3259285025157627 -0.44665575057605145 -0.44820353580759215 -0.5101149450692729 -0.5627396429417093 -0.5720263543309624 -0.5720263543309624 -0.7004925285489546 -0.8010985685991879 +12335,-0.8955134677232585,0,-0.7685950787368069 -0.666441253455024 -0.4977326632169385 -0.3352152139050157 -0.38629212654590267 -0.28568608649566934 -0.14328984519379323 -0.09995185871061851 -0.09840407347907781 -0.2237746772339887 -0.3259285025157627 -0.44665575057605145 -0.44820353580759215 -0.5101149450692729 -0.5627396429417093 -0.5720263543309624 -0.5720263543309624 -0.7004925285489546 -0.8010985685991879 -0.8506276960085343 +12336,-0.8583666221662465,0,-0.666441253455024 -0.4977326632169385 -0.3352152139050157 -0.38629212654590267 -0.28568608649566934 -0.14328984519379323 -0.09995185871061851 -0.09840407347907781 -0.2237746772339887 -0.3259285025157627 -0.44665575057605145 -0.44820353580759215 -0.5101149450692729 -0.5627396429417093 -0.5720263543309624 -0.5720263543309624 -0.7004925285489546 -0.8010985685991879 -0.8506276960085343 -0.8955134677232585 +12337,-0.8692011187870402,0,-0.4977326632169385 -0.3352152139050157 -0.38629212654590267 -0.28568608649566934 -0.14328984519379323 -0.09995185871061851 -0.09840407347907781 -0.2237746772339887 -0.3259285025157627 -0.44665575057605145 -0.44820353580759215 -0.5101149450692729 -0.5627396429417093 -0.5720263543309624 -0.5720263543309624 -0.7004925285489546 -0.8010985685991879 -0.8506276960085343 -0.8955134677232585 -0.8583666221662465 +12338,-0.750021655958301,0,-0.3352152139050157 -0.38629212654590267 -0.28568608649566934 -0.14328984519379323 -0.09995185871061851 -0.09840407347907781 -0.2237746772339887 -0.3259285025157627 -0.44665575057605145 -0.44820353580759215 -0.5101149450692729 -0.5627396429417093 -0.5720263543309624 -0.5720263543309624 -0.7004925285489546 -0.8010985685991879 -0.8506276960085343 -0.8955134677232585 -0.8583666221662465 -0.8692011187870402 +12339,-0.7840729310522314,0,-0.38629212654590267 -0.28568608649566934 -0.14328984519379323 -0.09995185871061851 -0.09840407347907781 -0.2237746772339887 -0.3259285025157627 -0.44665575057605145 -0.44820353580759215 -0.5101149450692729 -0.5627396429417093 -0.5720263543309624 -0.5720263543309624 -0.7004925285489546 -0.8010985685991879 -0.8506276960085343 -0.8955134677232585 -0.8583666221662465 -0.8692011187870402 -0.750021655958301 +12340,-0.6788235353073673,0,-0.28568608649566934 -0.14328984519379323 -0.09995185871061851 -0.09840407347907781 -0.2237746772339887 -0.3259285025157627 -0.44665575057605145 -0.44820353580759215 -0.5101149450692729 -0.5627396429417093 -0.5720263543309624 -0.5720263543309624 -0.7004925285489546 -0.8010985685991879 -0.8506276960085343 -0.8955134677232585 -0.8583666221662465 -0.8692011187870402 -0.750021655958301 -0.7840729310522314 +12341,-0.4435601801129613,0,-0.14328984519379323 -0.09995185871061851 -0.09840407347907781 -0.2237746772339887 -0.3259285025157627 -0.44665575057605145 -0.44820353580759215 -0.5101149450692729 -0.5627396429417093 -0.5720263543309624 -0.5720263543309624 -0.7004925285489546 -0.8010985685991879 -0.8506276960085343 -0.8955134677232585 -0.8583666221662465 -0.8692011187870402 -0.750021655958301 -0.7840729310522314 -0.6788235353073673 +12342,-0.22841803292861076,0,-0.09995185871061851 -0.09840407347907781 -0.2237746772339887 -0.3259285025157627 -0.44665575057605145 -0.44820353580759215 -0.5101149450692729 -0.5627396429417093 -0.5720263543309624 -0.5720263543309624 -0.7004925285489546 -0.8010985685991879 -0.8506276960085343 -0.8955134677232585 -0.8583666221662465 -0.8692011187870402 -0.750021655958301 -0.7840729310522314 -0.6788235353073673 -0.4435601801129613 +12343,-0.08447400639519394,0,-0.09840407347907781 -0.2237746772339887 -0.3259285025157627 -0.44665575057605145 -0.44820353580759215 -0.5101149450692729 -0.5627396429417093 -0.5720263543309624 -0.5720263543309624 -0.7004925285489546 -0.8010985685991879 -0.8506276960085343 -0.8955134677232585 -0.8583666221662465 -0.8692011187870402 -0.750021655958301 -0.7840729310522314 -0.6788235353073673 -0.4435601801129613 -0.22841803292861076 +12344,0.11364250324219129,0,-0.2237746772339887 -0.3259285025157627 -0.44665575057605145 -0.44820353580759215 -0.5101149450692729 -0.5627396429417093 -0.5720263543309624 -0.5720263543309624 -0.7004925285489546 -0.8010985685991879 -0.8506276960085343 -0.8955134677232585 -0.8583666221662465 -0.8692011187870402 -0.750021655958301 -0.7840729310522314 -0.6788235353073673 -0.4435601801129613 -0.22841803292861076 -0.08447400639519394 +12345,0.13685928171532816,0,-0.3259285025157627 -0.44665575057605145 -0.44820353580759215 -0.5101149450692729 -0.5627396429417093 -0.5720263543309624 -0.5720263543309624 -0.7004925285489546 -0.8010985685991879 -0.8506276960085343 -0.8955134677232585 -0.8583666221662465 -0.8692011187870402 -0.750021655958301 -0.7840729310522314 -0.6788235353073673 -0.4435601801129613 -0.22841803292861076 -0.08447400639519394 0.11364250324219129 +12346,0.17245834204079058,0,-0.44665575057605145 -0.44820353580759215 -0.5101149450692729 -0.5627396429417093 -0.5720263543309624 -0.5720263543309624 -0.7004925285489546 -0.8010985685991879 -0.8506276960085343 -0.8955134677232585 -0.8583666221662465 -0.8692011187870402 -0.750021655958301 -0.7840729310522314 -0.6788235353073673 -0.4435601801129613 -0.22841803292861076 -0.08447400639519394 0.11364250324219129 0.13685928171532816 +12347,0.13840706694686883,0,-0.44820353580759215 -0.5101149450692729 -0.5627396429417093 -0.5720263543309624 -0.5720263543309624 -0.7004925285489546 -0.8010985685991879 -0.8506276960085343 -0.8955134677232585 -0.8583666221662465 -0.8692011187870402 -0.750021655958301 -0.7840729310522314 -0.6788235353073673 -0.4435601801129613 -0.22841803292861076 -0.08447400639519394 0.11364250324219129 0.13685928171532816 0.17245834204079058 +12348,0.023870959812751655,0,-0.5101149450692729 -0.5627396429417093 -0.5720263543309624 -0.5720263543309624 -0.7004925285489546 -0.8010985685991879 -0.8506276960085343 -0.8955134677232585 -0.8583666221662465 -0.8692011187870402 -0.750021655958301 -0.7840729310522314 -0.6788235353073673 -0.4435601801129613 -0.22841803292861076 -0.08447400639519394 0.11364250324219129 0.13685928171532816 0.17245834204079058 0.13840706694686883 +12349,-0.09530850301598763,0,-0.5627396429417093 -0.5720263543309624 -0.5720263543309624 -0.7004925285489546 -0.8010985685991879 -0.8506276960085343 -0.8955134677232585 -0.8583666221662465 -0.8692011187870402 -0.750021655958301 -0.7840729310522314 -0.6788235353073673 -0.4435601801129613 -0.22841803292861076 -0.08447400639519394 0.11364250324219129 0.13685928171532816 0.17245834204079058 0.13840706694686883 0.023870959812751655 +12350,-0.3506930662204403,0,-0.5720263543309624 -0.5720263543309624 -0.7004925285489546 -0.8010985685991879 -0.8506276960085343 -0.8955134677232585 -0.8583666221662465 -0.8692011187870402 -0.750021655958301 -0.7840729310522314 -0.6788235353073673 -0.4435601801129613 -0.22841803292861076 -0.08447400639519394 0.11364250324219129 0.13685928171532816 0.17245834204079058 0.13840706694686883 0.023870959812751655 -0.09530850301598763 +12351,-0.4745158847438104,0,-0.5720263543309624 -0.7004925285489546 -0.8010985685991879 -0.8506276960085343 -0.8955134677232585 -0.8583666221662465 -0.8692011187870402 -0.750021655958301 -0.7840729310522314 -0.6788235353073673 -0.4435601801129613 -0.22841803292861076 -0.08447400639519394 0.11364250324219129 0.13685928171532816 0.17245834204079058 0.13840706694686883 0.023870959812751655 -0.09530850301598763 -0.3506930662204403 +12352,-0.5240450121531567,0,-0.7004925285489546 -0.8010985685991879 -0.8506276960085343 -0.8955134677232585 -0.8583666221662465 -0.8692011187870402 -0.750021655958301 -0.7840729310522314 -0.6788235353073673 -0.4435601801129613 -0.22841803292861076 -0.08447400639519394 0.11364250324219129 0.13685928171532816 0.17245834204079058 0.13840706694686883 0.023870959812751655 -0.09530850301598763 -0.3506930662204403 -0.4745158847438104 +12353,-0.5550007167839971,0,-0.8010985685991879 -0.8506276960085343 -0.8955134677232585 -0.8583666221662465 -0.8692011187870402 -0.750021655958301 -0.7840729310522314 -0.6788235353073673 -0.4435601801129613 -0.22841803292861076 -0.08447400639519394 0.11364250324219129 0.13685928171532816 0.17245834204079058 0.13840706694686883 0.023870959812751655 -0.09530850301598763 -0.3506930662204403 -0.4745158847438104 -0.5240450121531567 +12354,-0.5580962872470785,0,-0.8506276960085343 -0.8955134677232585 -0.8583666221662465 -0.8692011187870402 -0.750021655958301 -0.7840729310522314 -0.6788235353073673 -0.4435601801129613 -0.22841803292861076 -0.08447400639519394 0.11364250324219129 0.13685928171532816 0.17245834204079058 0.13840706694686883 0.023870959812751655 -0.09530850301598763 -0.3506930662204403 -0.4745158847438104 -0.5240450121531567 -0.5550007167839971 +12355,-0.6029820589618027,0,-0.8955134677232585 -0.8583666221662465 -0.8692011187870402 -0.750021655958301 -0.7840729310522314 -0.6788235353073673 -0.4435601801129613 -0.22841803292861076 -0.08447400639519394 0.11364250324219129 0.13685928171532816 0.17245834204079058 0.13840706694686883 0.023870959812751655 -0.09530850301598763 -0.3506930662204403 -0.4745158847438104 -0.5240450121531567 -0.5550007167839971 -0.5580962872470785 +12356,-0.6850146762335301,0,-0.8583666221662465 -0.8692011187870402 -0.750021655958301 -0.7840729310522314 -0.6788235353073673 -0.4435601801129613 -0.22841803292861076 -0.08447400639519394 0.11364250324219129 0.13685928171532816 0.17245834204079058 0.13840706694686883 0.023870959812751655 -0.09530850301598763 -0.3506930662204403 -0.4745158847438104 -0.5240450121531567 -0.5550007167839971 -0.5580962872470785 -0.6029820589618027 +12357,-0.7299004479482543,0,-0.8692011187870402 -0.750021655958301 -0.7840729310522314 -0.6788235353073673 -0.4435601801129613 -0.22841803292861076 -0.08447400639519394 0.11364250324219129 0.13685928171532816 0.17245834204079058 0.13840706694686883 0.023870959812751655 -0.09530850301598763 -0.3506930662204403 -0.4745158847438104 -0.5240450121531567 -0.5550007167839971 -0.5580962872470785 -0.6029820589618027 -0.6850146762335301 +12358,-0.7856207162837722,0,-0.750021655958301 -0.7840729310522314 -0.6788235353073673 -0.4435601801129613 -0.22841803292861076 -0.08447400639519394 0.11364250324219129 0.13685928171532816 0.17245834204079058 0.13840706694686883 0.023870959812751655 -0.09530850301598763 -0.3506930662204403 -0.4745158847438104 -0.5240450121531567 -0.5550007167839971 -0.5580962872470785 -0.6029820589618027 -0.6850146762335301 -0.7299004479482543 +12359,-0.8336020584615778,0,-0.7840729310522314 -0.6788235353073673 -0.4435601801129613 -0.22841803292861076 -0.08447400639519394 0.11364250324219129 0.13685928171532816 0.17245834204079058 0.13840706694686883 0.023870959812751655 -0.09530850301598763 -0.3506930662204403 -0.4745158847438104 -0.5240450121531567 -0.5550007167839971 -0.5580962872470785 -0.6029820589618027 -0.6850146762335301 -0.7299004479482543 -0.7856207162837722 +12360,-0.8893223267970869,0,-0.6788235353073673 -0.4435601801129613 -0.22841803292861076 -0.08447400639519394 0.11364250324219129 0.13685928171532816 0.17245834204079058 0.13840706694686883 0.023870959812751655 -0.09530850301598763 -0.3506930662204403 -0.4745158847438104 -0.5240450121531567 -0.5550007167839971 -0.5580962872470785 -0.6029820589618027 -0.6850146762335301 -0.7299004479482543 -0.7856207162837722 -0.8336020584615778 +12361,-0.7391871593375072,0,-0.4435601801129613 -0.22841803292861076 -0.08447400639519394 0.11364250324219129 0.13685928171532816 0.17245834204079058 0.13840706694686883 0.023870959812751655 -0.09530850301598763 -0.3506930662204403 -0.4745158847438104 -0.5240450121531567 -0.5550007167839971 -0.5580962872470785 -0.6029820589618027 -0.6850146762335301 -0.7299004479482543 -0.7856207162837722 -0.8336020584615778 -0.8893223267970869 +12362,-0.6060776294248841,0,-0.22841803292861076 -0.08447400639519394 0.11364250324219129 0.13685928171532816 0.17245834204079058 0.13840706694686883 0.023870959812751655 -0.09530850301598763 -0.3506930662204403 -0.4745158847438104 -0.5240450121531567 -0.5550007167839971 -0.5580962872470785 -0.6029820589618027 -0.6850146762335301 -0.7299004479482543 -0.7856207162837722 -0.8336020584615778 -0.8893223267970869 -0.7391871593375072 +12363,-0.47142031428072023,0,-0.08447400639519394 0.11364250324219129 0.13685928171532816 0.17245834204079058 0.13840706694686883 0.023870959812751655 -0.09530850301598763 -0.3506930662204403 -0.4745158847438104 -0.5240450121531567 -0.5550007167839971 -0.5580962872470785 -0.6029820589618027 -0.6850146762335301 -0.7299004479482543 -0.7856207162837722 -0.8336020584615778 -0.8893223267970869 -0.7391871593375072 -0.6060776294248841 +12364,-0.5101149450692729,0,0.11364250324219129 0.13685928171532816 0.17245834204079058 0.13840706694686883 0.023870959812751655 -0.09530850301598763 -0.3506930662204403 -0.4745158847438104 -0.5240450121531567 -0.5550007167839971 -0.5580962872470785 -0.6029820589618027 -0.6850146762335301 -0.7299004479482543 -0.7856207162837722 -0.8336020584615778 -0.8893223267970869 -0.7391871593375072 -0.6060776294248841 -0.47142031428072023 +12365,-0.6819191057704487,0,0.13685928171532816 0.17245834204079058 0.13840706694686883 0.023870959812751655 -0.09530850301598763 -0.3506930662204403 -0.4745158847438104 -0.5240450121531567 -0.5550007167839971 -0.5580962872470785 -0.6029820589618027 -0.6850146762335301 -0.7299004479482543 -0.7856207162837722 -0.8336020584615778 -0.8893223267970869 -0.7391871593375072 -0.6060776294248841 -0.47142031428072023 -0.5101149450692729 +12366,-0.7809773605891412,0,0.17245834204079058 0.13840706694686883 0.023870959812751655 -0.09530850301598763 -0.3506930662204403 -0.4745158847438104 -0.5240450121531567 -0.5550007167839971 -0.5580962872470785 -0.6029820589618027 -0.6850146762335301 -0.7299004479482543 -0.7856207162837722 -0.8336020584615778 -0.8893223267970869 -0.7391871593375072 -0.6060776294248841 -0.47142031428072023 -0.5101149450692729 -0.6819191057704487 +12367,-0.7624039378106353,0,0.13840706694686883 0.023870959812751655 -0.09530850301598763 -0.3506930662204403 -0.4745158847438104 -0.5240450121531567 -0.5550007167839971 -0.5580962872470785 -0.6029820589618027 -0.6850146762335301 -0.7299004479482543 -0.7856207162837722 -0.8336020584615778 -0.8893223267970869 -0.7391871593375072 -0.6060776294248841 -0.47142031428072023 -0.5101149450692729 -0.6819191057704487 -0.7809773605891412 +12368,-0.5952431328040904,0,0.023870959812751655 -0.09530850301598763 -0.3506930662204403 -0.4745158847438104 -0.5240450121531567 -0.5550007167839971 -0.5580962872470785 -0.6029820589618027 -0.6850146762335301 -0.7299004479482543 -0.7856207162837722 -0.8336020584615778 -0.8893223267970869 -0.7391871593375072 -0.6060776294248841 -0.47142031428072023 -0.5101149450692729 -0.6819191057704487 -0.7809773605891412 -0.7624039378106353 +12369,-0.4977326632169385,0,-0.09530850301598763 -0.3506930662204403 -0.4745158847438104 -0.5240450121531567 -0.5550007167839971 -0.5580962872470785 -0.6029820589618027 -0.6850146762335301 -0.7299004479482543 -0.7856207162837722 -0.8336020584615778 -0.8893223267970869 -0.7391871593375072 -0.6060776294248841 -0.47142031428072023 -0.5101149450692729 -0.6819191057704487 -0.7809773605891412 -0.7624039378106353 -0.5952431328040904 +12370,-0.615364340814137,0,-0.3506930662204403 -0.4745158847438104 -0.5240450121531567 -0.5550007167839971 -0.5580962872470785 -0.6029820589618027 -0.6850146762335301 -0.7299004479482543 -0.7856207162837722 -0.8336020584615778 -0.8893223267970869 -0.7391871593375072 -0.6060776294248841 -0.47142031428072023 -0.5101149450692729 -0.6819191057704487 -0.7809773605891412 -0.7624039378106353 -0.5952431328040904 -0.4977326632169385 +12371,-0.7562127968844725,0,-0.4745158847438104 -0.5240450121531567 -0.5550007167839971 -0.5580962872470785 -0.6029820589618027 -0.6850146762335301 -0.7299004479482543 -0.7856207162837722 -0.8336020584615778 -0.8893223267970869 -0.7391871593375072 -0.6060776294248841 -0.47142031428072023 -0.5101149450692729 -0.6819191057704487 -0.7809773605891412 -0.7624039378106353 -0.5952431328040904 -0.4977326632169385 -0.615364340814137 +12372,-0.8924178972601771,0,-0.5240450121531567 -0.5550007167839971 -0.5580962872470785 -0.6029820589618027 -0.6850146762335301 -0.7299004479482543 -0.7856207162837722 -0.8336020584615778 -0.8893223267970869 -0.7391871593375072 -0.6060776294248841 -0.47142031428072023 -0.5101149450692729 -0.6819191057704487 -0.7809773605891412 -0.7624039378106353 -0.5952431328040904 -0.4977326632169385 -0.615364340814137 -0.7562127968844725 +12373,-0.8862267563340055,0,-0.5550007167839971 -0.5580962872470785 -0.6029820589618027 -0.6850146762335301 -0.7299004479482543 -0.7856207162837722 -0.8336020584615778 -0.8893223267970869 -0.7391871593375072 -0.6060776294248841 -0.47142031428072023 -0.5101149450692729 -0.6819191057704487 -0.7809773605891412 -0.7624039378106353 -0.5952431328040904 -0.4977326632169385 -0.615364340814137 -0.7562127968844725 -0.8924178972601771 +12374,-0.9063479643440521,0,-0.5580962872470785 -0.6029820589618027 -0.6850146762335301 -0.7299004479482543 -0.7856207162837722 -0.8336020584615778 -0.8893223267970869 -0.7391871593375072 -0.6060776294248841 -0.47142031428072023 -0.5101149450692729 -0.6819191057704487 -0.7809773605891412 -0.7624039378106353 -0.5952431328040904 -0.4977326632169385 -0.615364340814137 -0.7562127968844725 -0.8924178972601771 -0.8862267563340055 +12375,-0.920278031427936,0,-0.6029820589618027 -0.6850146762335301 -0.7299004479482543 -0.7856207162837722 -0.8336020584615778 -0.8893223267970869 -0.7391871593375072 -0.6060776294248841 -0.47142031428072023 -0.5101149450692729 -0.6819191057704487 -0.7809773605891412 -0.7624039378106353 -0.5952431328040904 -0.4977326632169385 -0.615364340814137 -0.7562127968844725 -0.8924178972601771 -0.8862267563340055 -0.9063479643440521 +12376,-0.8846789711024647,0,-0.6850146762335301 -0.7299004479482543 -0.7856207162837722 -0.8336020584615778 -0.8893223267970869 -0.7391871593375072 -0.6060776294248841 -0.47142031428072023 -0.5101149450692729 -0.6819191057704487 -0.7809773605891412 -0.7624039378106353 -0.5952431328040904 -0.4977326632169385 -0.615364340814137 -0.7562127968844725 -0.8924178972601771 -0.8862267563340055 -0.9063479643440521 -0.920278031427936 +12377,-0.9187302461963865,0,-0.7299004479482543 -0.7856207162837722 -0.8336020584615778 -0.8893223267970869 -0.7391871593375072 -0.6060776294248841 -0.47142031428072023 -0.5101149450692729 -0.6819191057704487 -0.7809773605891412 -0.7624039378106353 -0.5952431328040904 -0.4977326632169385 -0.615364340814137 -0.7562127968844725 -0.8924178972601771 -0.8862267563340055 -0.9063479643440521 -0.920278031427936 -0.8846789711024647 +12378,-0.9558770917533984,0,-0.7856207162837722 -0.8336020584615778 -0.8893223267970869 -0.7391871593375072 -0.6060776294248841 -0.47142031428072023 -0.5101149450692729 -0.6819191057704487 -0.7809773605891412 -0.7624039378106353 -0.5952431328040904 -0.4977326632169385 -0.615364340814137 -0.7562127968844725 -0.8924178972601771 -0.8862267563340055 -0.9063479643440521 -0.920278031427936 -0.8846789711024647 -0.9187302461963865 +12379,-1.0023106486996634,0,-0.8336020584615778 -0.8893223267970869 -0.7391871593375072 -0.6060776294248841 -0.47142031428072023 -0.5101149450692729 -0.6819191057704487 -0.7809773605891412 -0.7624039378106353 -0.5952431328040904 -0.4977326632169385 -0.615364340814137 -0.7562127968844725 -0.8924178972601771 -0.8862267563340055 -0.9063479643440521 -0.920278031427936 -0.8846789711024647 -0.9187302461963865 -0.9558770917533984 +12380,-1.0471964204143875,0,-0.8893223267970869 -0.7391871593375072 -0.6060776294248841 -0.47142031428072023 -0.5101149450692729 -0.6819191057704487 -0.7809773605891412 -0.7624039378106353 -0.5952431328040904 -0.4977326632169385 -0.615364340814137 -0.7562127968844725 -0.8924178972601771 -0.8862267563340055 -0.9063479643440521 -0.920278031427936 -0.8846789711024647 -0.9187302461963865 -0.9558770917533984 -1.0023106486996634 +12381,-1.0487442056459282,0,-0.7391871593375072 -0.6060776294248841 -0.47142031428072023 -0.5101149450692729 -0.6819191057704487 -0.7809773605891412 -0.7624039378106353 -0.5952431328040904 -0.4977326632169385 -0.615364340814137 -0.7562127968844725 -0.8924178972601771 -0.8862267563340055 -0.9063479643440521 -0.920278031427936 -0.8846789711024647 -0.9187302461963865 -0.9558770917533984 -1.0023106486996634 -1.0471964204143875 +12382,-1.059578702266722,0,-0.6060776294248841 -0.47142031428072023 -0.5101149450692729 -0.6819191057704487 -0.7809773605891412 -0.7624039378106353 -0.5952431328040904 -0.4977326632169385 -0.615364340814137 -0.7562127968844725 -0.8924178972601771 -0.8862267563340055 -0.9063479643440521 -0.920278031427936 -0.8846789711024647 -0.9187302461963865 -0.9558770917533984 -1.0023106486996634 -1.0471964204143875 -1.0487442056459282 +12383,-1.087438836434481,0,-0.47142031428072023 -0.5101149450692729 -0.6819191057704487 -0.7809773605891412 -0.7624039378106353 -0.5952431328040904 -0.4977326632169385 -0.615364340814137 -0.7562127968844725 -0.8924178972601771 -0.8862267563340055 -0.9063479643440521 -0.920278031427936 -0.8846789711024647 -0.9187302461963865 -0.9558770917533984 -1.0023106486996634 -1.0471964204143875 -1.0487442056459282 -1.059578702266722 +12384,-1.0410052794882159,0,-0.5101149450692729 -0.6819191057704487 -0.7809773605891412 -0.7624039378106353 -0.5952431328040904 -0.4977326632169385 -0.615364340814137 -0.7562127968844725 -0.8924178972601771 -0.8862267563340055 -0.9063479643440521 -0.920278031427936 -0.8846789711024647 -0.9187302461963865 -0.9558770917533984 -1.0023106486996634 -1.0471964204143875 -1.0487442056459282 -1.059578702266722 -1.087438836434481 +12385,-1.0766043398136873,0,-0.6819191057704487 -0.7809773605891412 -0.7624039378106353 -0.5952431328040904 -0.4977326632169385 -0.615364340814137 -0.7562127968844725 -0.8924178972601771 -0.8862267563340055 -0.9063479643440521 -0.920278031427936 -0.8846789711024647 -0.9187302461963865 -0.9558770917533984 -1.0023106486996634 -1.0471964204143875 -1.0487442056459282 -1.059578702266722 -1.087438836434481 -1.0410052794882159 +12386,-1.0626742727298033,0,-0.7809773605891412 -0.7624039378106353 -0.5952431328040904 -0.4977326632169385 -0.615364340814137 -0.7562127968844725 -0.8924178972601771 -0.8862267563340055 -0.9063479643440521 -0.920278031427936 -0.8846789711024647 -0.9187302461963865 -0.9558770917533984 -1.0023106486996634 -1.0471964204143875 -1.0487442056459282 -1.059578702266722 -1.087438836434481 -1.0410052794882159 -1.0766043398136873 +12387,-1.0518397761090097,0,-0.7624039378106353 -0.5952431328040904 -0.4977326632169385 -0.615364340814137 -0.7562127968844725 -0.8924178972601771 -0.8862267563340055 -0.9063479643440521 -0.920278031427936 -0.8846789711024647 -0.9187302461963865 -0.9558770917533984 -1.0023106486996634 -1.0471964204143875 -1.0487442056459282 -1.059578702266722 -1.087438836434481 -1.0410052794882159 -1.0766043398136873 -1.0626742727298033 +12388,-0.8970612529547991,0,-0.5952431328040904 -0.4977326632169385 -0.615364340814137 -0.7562127968844725 -0.8924178972601771 -0.8862267563340055 -0.9063479643440521 -0.920278031427936 -0.8846789711024647 -0.9187302461963865 -0.9558770917533984 -1.0023106486996634 -1.0471964204143875 -1.0487442056459282 -1.059578702266722 -1.087438836434481 -1.0410052794882159 -1.0766043398136873 -1.0626742727298033 -1.0518397761090097 +12389,-0.8150286356830718,0,-0.4977326632169385 -0.615364340814137 -0.7562127968844725 -0.8924178972601771 -0.8862267563340055 -0.9063479643440521 -0.920278031427936 -0.8846789711024647 -0.9187302461963865 -0.9558770917533984 -1.0023106486996634 -1.0471964204143875 -1.0487442056459282 -1.059578702266722 -1.087438836434481 -1.0410052794882159 -1.0766043398136873 -1.0626742727298033 -1.0518397761090097 -0.8970612529547991 +12390,-0.7360915888744258,0,-0.615364340814137 -0.7562127968844725 -0.8924178972601771 -0.8862267563340055 -0.9063479643440521 -0.920278031427936 -0.8846789711024647 -0.9187302461963865 -0.9558770917533984 -1.0023106486996634 -1.0471964204143875 -1.0487442056459282 -1.059578702266722 -1.087438836434481 -1.0410052794882159 -1.0766043398136873 -1.0626742727298033 -1.0518397761090097 -0.8970612529547991 -0.8150286356830718 +12391,-0.694301387622783,0,-0.7562127968844725 -0.8924178972601771 -0.8862267563340055 -0.9063479643440521 -0.920278031427936 -0.8846789711024647 -0.9187302461963865 -0.9558770917533984 -1.0023106486996634 -1.0471964204143875 -1.0487442056459282 -1.059578702266722 -1.087438836434481 -1.0410052794882159 -1.0766043398136873 -1.0626742727298033 -1.0518397761090097 -0.8970612529547991 -0.8150286356830718 -0.7360915888744258 +12392,-0.5039238041431101,0,-0.8924178972601771 -0.8862267563340055 -0.9063479643440521 -0.920278031427936 -0.8846789711024647 -0.9187302461963865 -0.9558770917533984 -1.0023106486996634 -1.0471964204143875 -1.0487442056459282 -1.059578702266722 -1.087438836434481 -1.0410052794882159 -1.0766043398136873 -1.0626742727298033 -1.0518397761090097 -0.8970612529547991 -0.8150286356830718 -0.7360915888744258 -0.694301387622783 +12393,-0.5689307838678721,0,-0.8862267563340055 -0.9063479643440521 -0.920278031427936 -0.8846789711024647 -0.9187302461963865 -0.9558770917533984 -1.0023106486996634 -1.0471964204143875 -1.0487442056459282 -1.059578702266722 -1.087438836434481 -1.0410052794882159 -1.0766043398136873 -1.0626742727298033 -1.0518397761090097 -0.8970612529547991 -0.8150286356830718 -0.7360915888744258 -0.694301387622783 -0.5039238041431101 +12394,-0.643224474981896,0,-0.9063479643440521 -0.920278031427936 -0.8846789711024647 -0.9187302461963865 -0.9558770917533984 -1.0023106486996634 -1.0471964204143875 -1.0487442056459282 -1.059578702266722 -1.087438836434481 -1.0410052794882159 -1.0766043398136873 -1.0626742727298033 -1.0518397761090097 -0.8970612529547991 -0.8150286356830718 -0.7360915888744258 -0.694301387622783 -0.5039238041431101 -0.5689307838678721 +12395,-0.7252570922536233,0,-0.920278031427936 -0.8846789711024647 -0.9187302461963865 -0.9558770917533984 -1.0023106486996634 -1.0471964204143875 -1.0487442056459282 -1.059578702266722 -1.087438836434481 -1.0410052794882159 -1.0766043398136873 -1.0626742727298033 -1.0518397761090097 -0.8970612529547991 -0.8150286356830718 -0.7360915888744258 -0.694301387622783 -0.5039238041431101 -0.5689307838678721 -0.643224474981896 +12396,-0.8784878301762932,0,-0.8846789711024647 -0.9187302461963865 -0.9558770917533984 -1.0023106486996634 -1.0471964204143875 -1.0487442056459282 -1.059578702266722 -1.087438836434481 -1.0410052794882159 -1.0766043398136873 -1.0626742727298033 -1.0518397761090097 -0.8970612529547991 -0.8150286356830718 -0.7360915888744258 -0.694301387622783 -0.5039238041431101 -0.5689307838678721 -0.643224474981896 -0.7252570922536233 +12397,-1.050291990877469,0,-0.9187302461963865 -0.9558770917533984 -1.0023106486996634 -1.0471964204143875 -1.0487442056459282 -1.059578702266722 -1.087438836434481 -1.0410052794882159 -1.0766043398136873 -1.0626742727298033 -1.0518397761090097 -0.8970612529547991 -0.8150286356830718 -0.7360915888744258 -0.694301387622783 -0.5039238041431101 -0.5689307838678721 -0.643224474981896 -0.7252570922536233 -0.8784878301762932 +12398,-1.092082192129103,0,-0.9558770917533984 -1.0023106486996634 -1.0471964204143875 -1.0487442056459282 -1.059578702266722 -1.087438836434481 -1.0410052794882159 -1.0766043398136873 -1.0626742727298033 -1.0518397761090097 -0.8970612529547991 -0.8150286356830718 -0.7360915888744258 -0.694301387622783 -0.5039238041431101 -0.5689307838678721 -0.643224474981896 -0.7252570922536233 -0.8784878301762932 -1.050291990877469 +12399,-1.2793642051457033,0,-1.0023106486996634 -1.0471964204143875 -1.0487442056459282 -1.059578702266722 -1.087438836434481 -1.0410052794882159 -1.0766043398136873 -1.0626742727298033 -1.0518397761090097 -0.8970612529547991 -0.8150286356830718 -0.7360915888744258 -0.694301387622783 -0.5039238041431101 -0.5689307838678721 -0.643224474981896 -0.7252570922536233 -0.8784878301762932 -1.050291990877469 -1.092082192129103 +12400,-1.0951777625921932,0,-1.0471964204143875 -1.0487442056459282 -1.059578702266722 -1.087438836434481 -1.0410052794882159 -1.0766043398136873 -1.0626742727298033 -1.0518397761090097 -0.8970612529547991 -0.8150286356830718 -0.7360915888744258 -0.694301387622783 -0.5039238041431101 -0.5689307838678721 -0.643224474981896 -0.7252570922536233 -0.8784878301762932 -1.050291990877469 -1.092082192129103 -1.2793642051457033 +12401,-1.2035227288001387,0,-1.0487442056459282 -1.059578702266722 -1.087438836434481 -1.0410052794882159 -1.0766043398136873 -1.0626742727298033 -1.0518397761090097 -0.8970612529547991 -0.8150286356830718 -0.7360915888744258 -0.694301387622783 -0.5039238041431101 -0.5689307838678721 -0.643224474981896 -0.7252570922536233 -0.8784878301762932 -1.050291990877469 -1.092082192129103 -1.2793642051457033 -1.0951777625921932 +12402,-1.180305950327002,0,-1.059578702266722 -1.087438836434481 -1.0410052794882159 -1.0766043398136873 -1.0626742727298033 -1.0518397761090097 -0.8970612529547991 -0.8150286356830718 -0.7360915888744258 -0.694301387622783 -0.5039238041431101 -0.5689307838678721 -0.643224474981896 -0.7252570922536233 -0.8784878301762932 -1.050291990877469 -1.092082192129103 -1.2793642051457033 -1.0951777625921932 -1.2035227288001387 +12403,-1.1679236684746674,0,-1.087438836434481 -1.0410052794882159 -1.0766043398136873 -1.0626742727298033 -1.0518397761090097 -0.8970612529547991 -0.8150286356830718 -0.7360915888744258 -0.694301387622783 -0.5039238041431101 -0.5689307838678721 -0.643224474981896 -0.7252570922536233 -0.8784878301762932 -1.050291990877469 -1.092082192129103 -1.2793642051457033 -1.0951777625921932 -1.2035227288001387 -1.180305950327002 +12404,-1.1462546752330802,0,-1.0410052794882159 -1.0766043398136873 -1.0626742727298033 -1.0518397761090097 -0.8970612529547991 -0.8150286356830718 -0.7360915888744258 -0.694301387622783 -0.5039238041431101 -0.5689307838678721 -0.643224474981896 -0.7252570922536233 -0.8784878301762932 -1.050291990877469 -1.092082192129103 -1.2793642051457033 -1.0951777625921932 -1.2035227288001387 -1.180305950327002 -1.1679236684746674 +12405,-1.0843432659713994,0,-1.0766043398136873 -1.0626742727298033 -1.0518397761090097 -0.8970612529547991 -0.8150286356830718 -0.7360915888744258 -0.694301387622783 -0.5039238041431101 -0.5689307838678721 -0.643224474981896 -0.7252570922536233 -0.8784878301762932 -1.050291990877469 -1.092082192129103 -1.2793642051457033 -1.0951777625921932 -1.2035227288001387 -1.180305950327002 -1.1679236684746674 -1.1462546752330802 +12406,-1.1122034001391496,0,-1.0626742727298033 -1.0518397761090097 -0.8970612529547991 -0.8150286356830718 -0.7360915888744258 -0.694301387622783 -0.5039238041431101 -0.5689307838678721 -0.643224474981896 -0.7252570922536233 -0.8784878301762932 -1.050291990877469 -1.092082192129103 -1.2793642051457033 -1.0951777625921932 -1.2035227288001387 -1.180305950327002 -1.1679236684746674 -1.1462546752330802 -1.0843432659713994 +12407,-1.1168467558337805,0,-1.0518397761090097 -0.8970612529547991 -0.8150286356830718 -0.7360915888744258 -0.694301387622783 -0.5039238041431101 -0.5689307838678721 -0.643224474981896 -0.7252570922536233 -0.8784878301762932 -1.050291990877469 -1.092082192129103 -1.2793642051457033 -1.0951777625921932 -1.2035227288001387 -1.180305950327002 -1.1679236684746674 -1.1462546752330802 -1.0843432659713994 -1.1122034001391496 +12408,-1.1416113195384492,0,-0.8970612529547991 -0.8150286356830718 -0.7360915888744258 -0.694301387622783 -0.5039238041431101 -0.5689307838678721 -0.643224474981896 -0.7252570922536233 -0.8784878301762932 -1.050291990877469 -1.092082192129103 -1.2793642051457033 -1.0951777625921932 -1.2035227288001387 -1.180305950327002 -1.1679236684746674 -1.1462546752330802 -1.0843432659713994 -1.1122034001391496 -1.1168467558337805 +12409,-1.180305950327002,0,-0.8150286356830718 -0.7360915888744258 -0.694301387622783 -0.5039238041431101 -0.5689307838678721 -0.643224474981896 -0.7252570922536233 -0.8784878301762932 -1.050291990877469 -1.092082192129103 -1.2793642051457033 -1.0951777625921932 -1.2035227288001387 -1.180305950327002 -1.1679236684746674 -1.1462546752330802 -1.0843432659713994 -1.1122034001391496 -1.1168467558337805 -1.1416113195384492 +12410,-1.2035227288001387,0,-0.7360915888744258 -0.694301387622783 -0.5039238041431101 -0.5689307838678721 -0.643224474981896 -0.7252570922536233 -0.8784878301762932 -1.050291990877469 -1.092082192129103 -1.2793642051457033 -1.0951777625921932 -1.2035227288001387 -1.180305950327002 -1.1679236684746674 -1.1462546752330802 -1.0843432659713994 -1.1122034001391496 -1.1168467558337805 -1.1416113195384492 -1.180305950327002 +12411,-1.1122034001391496,0,-0.694301387622783 -0.5039238041431101 -0.5689307838678721 -0.643224474981896 -0.7252570922536233 -0.8784878301762932 -1.050291990877469 -1.092082192129103 -1.2793642051457033 -1.0951777625921932 -1.2035227288001387 -1.180305950327002 -1.1679236684746674 -1.1462546752330802 -1.0843432659713994 -1.1122034001391496 -1.1168467558337805 -1.1416113195384492 -1.180305950327002 -1.2035227288001387 +12412,-0.9295647428171889,0,-0.5039238041431101 -0.5689307838678721 -0.643224474981896 -0.7252570922536233 -0.8784878301762932 -1.050291990877469 -1.092082192129103 -1.2793642051457033 -1.0951777625921932 -1.2035227288001387 -1.180305950327002 -1.1679236684746674 -1.1462546752330802 -1.0843432659713994 -1.1122034001391496 -1.1168467558337805 -1.1416113195384492 -1.180305950327002 -1.2035227288001387 -1.1122034001391496 +12413,-0.8212197766092346,0,-0.5689307838678721 -0.643224474981896 -0.7252570922536233 -0.8784878301762932 -1.050291990877469 -1.092082192129103 -1.2793642051457033 -1.0951777625921932 -1.2035227288001387 -1.180305950327002 -1.1679236684746674 -1.1462546752330802 -1.0843432659713994 -1.1122034001391496 -1.1168467558337805 -1.1416113195384492 -1.180305950327002 -1.2035227288001387 -1.1122034001391496 -0.9295647428171889 +12414,-0.8041941390622781,0,-0.643224474981896 -0.7252570922536233 -0.8784878301762932 -1.050291990877469 -1.092082192129103 -1.2793642051457033 -1.0951777625921932 -1.2035227288001387 -1.180305950327002 -1.1679236684746674 -1.1462546752330802 -1.0843432659713994 -1.1122034001391496 -1.1168467558337805 -1.1416113195384492 -1.180305950327002 -1.2035227288001387 -1.1122034001391496 -0.9295647428171889 -0.8212197766092346 +12415,-0.750021655958301,0,-0.7252570922536233 -0.8784878301762932 -1.050291990877469 -1.092082192129103 -1.2793642051457033 -1.0951777625921932 -1.2035227288001387 -1.180305950327002 -1.1679236684746674 -1.1462546752330802 -1.0843432659713994 -1.1122034001391496 -1.1168467558337805 -1.1416113195384492 -1.180305950327002 -1.2035227288001387 -1.1122034001391496 -0.9295647428171889 -0.8212197766092346 -0.8041941390622781 +12416,-0.7376393741059666,0,-0.8784878301762932 -1.050291990877469 -1.092082192129103 -1.2793642051457033 -1.0951777625921932 -1.2035227288001387 -1.180305950327002 -1.1679236684746674 -1.1462546752330802 -1.0843432659713994 -1.1122034001391496 -1.1168467558337805 -1.1416113195384492 -1.180305950327002 -1.2035227288001387 -1.1122034001391496 -0.9295647428171889 -0.8212197766092346 -0.8041941390622781 -0.750021655958301 +12417,-0.694301387622783,0,-1.050291990877469 -1.092082192129103 -1.2793642051457033 -1.0951777625921932 -1.2035227288001387 -1.180305950327002 -1.1679236684746674 -1.1462546752330802 -1.0843432659713994 -1.1122034001391496 -1.1168467558337805 -1.1416113195384492 -1.180305950327002 -1.2035227288001387 -1.1122034001391496 -0.9295647428171889 -0.8212197766092346 -0.8041941390622781 -0.750021655958301 -0.7376393741059666 +12418,-0.5859564214148374,0,-1.092082192129103 -1.2793642051457033 -1.0951777625921932 -1.2035227288001387 -1.180305950327002 -1.1679236684746674 -1.1462546752330802 -1.0843432659713994 -1.1122034001391496 -1.1168467558337805 -1.1416113195384492 -1.180305950327002 -1.2035227288001387 -1.1122034001391496 -0.9295647428171889 -0.8212197766092346 -0.8041941390622781 -0.750021655958301 -0.7376393741059666 -0.694301387622783 +12419,-0.5163060859954445,0,-1.2793642051457033 -1.0951777625921932 -1.2035227288001387 -1.180305950327002 -1.1679236684746674 -1.1462546752330802 -1.0843432659713994 -1.1122034001391496 -1.1168467558337805 -1.1416113195384492 -1.180305950327002 -1.2035227288001387 -1.1122034001391496 -0.9295647428171889 -0.8212197766092346 -0.8041941390622781 -0.750021655958301 -0.7376393741059666 -0.694301387622783 -0.5859564214148374 +12420,-0.7654995082737255,0,-1.0951777625921932 -1.2035227288001387 -1.180305950327002 -1.1679236684746674 -1.1462546752330802 -1.0843432659713994 -1.1122034001391496 -1.1168467558337805 -1.1416113195384492 -1.180305950327002 -1.2035227288001387 -1.1122034001391496 -0.9295647428171889 -0.8212197766092346 -0.8041941390622781 -0.750021655958301 -0.7376393741059666 -0.694301387622783 -0.5859564214148374 -0.5163060859954445 +12421,-0.7949074276730251,0,-1.2035227288001387 -1.180305950327002 -1.1679236684746674 -1.1462546752330802 -1.0843432659713994 -1.1122034001391496 -1.1168467558337805 -1.1416113195384492 -1.180305950327002 -1.2035227288001387 -1.1122034001391496 -0.9295647428171889 -0.8212197766092346 -0.8041941390622781 -0.750021655958301 -0.7376393741059666 -0.694301387622783 -0.5859564214148374 -0.5163060859954445 -0.7654995082737255 +12422,-0.9326603132802703,0,-1.180305950327002 -1.1679236684746674 -1.1462546752330802 -1.0843432659713994 -1.1122034001391496 -1.1168467558337805 -1.1416113195384492 -1.180305950327002 -1.2035227288001387 -1.1122034001391496 -0.9295647428171889 -0.8212197766092346 -0.8041941390622781 -0.750021655958301 -0.7376393741059666 -0.694301387622783 -0.5859564214148374 -0.5163060859954445 -0.7654995082737255 -0.7949074276730251 +12423,-1.0471964204143875,0,-1.1679236684746674 -1.1462546752330802 -1.0843432659713994 -1.1122034001391496 -1.1168467558337805 -1.1416113195384492 -1.180305950327002 -1.2035227288001387 -1.1122034001391496 -0.9295647428171889 -0.8212197766092346 -0.8041941390622781 -0.750021655958301 -0.7376393741059666 -0.694301387622783 -0.5859564214148374 -0.5163060859954445 -0.7654995082737255 -0.7949074276730251 -0.9326603132802703 +12424,-1.1044644739814462,0,-1.1462546752330802 -1.0843432659713994 -1.1122034001391496 -1.1168467558337805 -1.1416113195384492 -1.180305950327002 -1.2035227288001387 -1.1122034001391496 -0.9295647428171889 -0.8212197766092346 -0.8041941390622781 -0.750021655958301 -0.7376393741059666 -0.694301387622783 -0.5859564214148374 -0.5163060859954445 -0.7654995082737255 -0.7949074276730251 -0.9326603132802703 -1.0471964204143875 +12425,-1.2793642051457033,0,-1.0843432659713994 -1.1122034001391496 -1.1168467558337805 -1.1416113195384492 -1.180305950327002 -1.2035227288001387 -1.1122034001391496 -0.9295647428171889 -0.8212197766092346 -0.8041941390622781 -0.750021655958301 -0.7376393741059666 -0.694301387622783 -0.5859564214148374 -0.5163060859954445 -0.7654995082737255 -0.7949074276730251 -0.9326603132802703 -1.0471964204143875 -1.1044644739814462 +12426,-1.341275614407384,0,-1.1122034001391496 -1.1168467558337805 -1.1416113195384492 -1.180305950327002 -1.2035227288001387 -1.1122034001391496 -0.9295647428171889 -0.8212197766092346 -0.8041941390622781 -0.750021655958301 -0.7376393741059666 -0.694301387622783 -0.5859564214148374 -0.5163060859954445 -0.7654995082737255 -0.7949074276730251 -0.9326603132802703 -1.0471964204143875 -1.1044644739814462 -1.2793642051457033 +12427,-1.369135748575143,0,-1.1168467558337805 -1.1416113195384492 -1.180305950327002 -1.2035227288001387 -1.1122034001391496 -0.9295647428171889 -0.8212197766092346 -0.8041941390622781 -0.750021655958301 -0.7376393741059666 -0.694301387622783 -0.5859564214148374 -0.5163060859954445 -0.7654995082737255 -0.7949074276730251 -0.9326603132802703 -1.0471964204143875 -1.1044644739814462 -1.2793642051457033 -1.341275614407384 +12428,-1.4867674261723416,0,-1.1416113195384492 -1.180305950327002 -1.2035227288001387 -1.1122034001391496 -0.9295647428171889 -0.8212197766092346 -0.8041941390622781 -0.750021655958301 -0.7376393741059666 -0.694301387622783 -0.5859564214148374 -0.5163060859954445 -0.7654995082737255 -0.7949074276730251 -0.9326603132802703 -1.0471964204143875 -1.1044644739814462 -1.2793642051457033 -1.341275614407384 -1.369135748575143 +12429,-1.502245278487766,0,-1.180305950327002 -1.2035227288001387 -1.1122034001391496 -0.9295647428171889 -0.8212197766092346 -0.8041941390622781 -0.750021655958301 -0.7376393741059666 -0.694301387622783 -0.5859564214148374 -0.5163060859954445 -0.7654995082737255 -0.7949074276730251 -0.9326603132802703 -1.0471964204143875 -1.1044644739814462 -1.2793642051457033 -1.341275614407384 -1.369135748575143 -1.4867674261723416 +12430,-1.536296553581688,0,-1.2035227288001387 -1.1122034001391496 -0.9295647428171889 -0.8212197766092346 -0.8041941390622781 -0.750021655958301 -0.7376393741059666 -0.694301387622783 -0.5859564214148374 -0.5163060859954445 -0.7654995082737255 -0.7949074276730251 -0.9326603132802703 -1.0471964204143875 -1.1044644739814462 -1.2793642051457033 -1.341275614407384 -1.369135748575143 -1.4867674261723416 -1.502245278487766 +12431,-1.5595133320548247,0,-1.1122034001391496 -0.9295647428171889 -0.8212197766092346 -0.8041941390622781 -0.750021655958301 -0.7376393741059666 -0.694301387622783 -0.5859564214148374 -0.5163060859954445 -0.7654995082737255 -0.7949074276730251 -0.9326603132802703 -1.0471964204143875 -1.1044644739814462 -1.2793642051457033 -1.341275614407384 -1.369135748575143 -1.4867674261723416 -1.502245278487766 -1.536296553581688 +12432,-1.5842778957594934,0,-0.9295647428171889 -0.8212197766092346 -0.8041941390622781 -0.750021655958301 -0.7376393741059666 -0.694301387622783 -0.5859564214148374 -0.5163060859954445 -0.7654995082737255 -0.7949074276730251 -0.9326603132802703 -1.0471964204143875 -1.1044644739814462 -1.2793642051457033 -1.341275614407384 -1.369135748575143 -1.4867674261723416 -1.502245278487766 -1.536296553581688 -1.5595133320548247 +12433,-1.5920168219172057,0,-0.8212197766092346 -0.8041941390622781 -0.750021655958301 -0.7376393741059666 -0.694301387622783 -0.5859564214148374 -0.5163060859954445 -0.7654995082737255 -0.7949074276730251 -0.9326603132802703 -1.0471964204143875 -1.1044644739814462 -1.2793642051457033 -1.341275614407384 -1.369135748575143 -1.4867674261723416 -1.502245278487766 -1.536296553581688 -1.5595133320548247 -1.5842778957594934 +12434,-1.5223664864978128,0,-0.8041941390622781 -0.750021655958301 -0.7376393741059666 -0.694301387622783 -0.5859564214148374 -0.5163060859954445 -0.7654995082737255 -0.7949074276730251 -0.9326603132802703 -1.0471964204143875 -1.1044644739814462 -1.2793642051457033 -1.341275614407384 -1.369135748575143 -1.4867674261723416 -1.502245278487766 -1.536296553581688 -1.5595133320548247 -1.5842778957594934 -1.5920168219172057 +12435,-1.4124737350583176,0,-0.750021655958301 -0.7376393741059666 -0.694301387622783 -0.5859564214148374 -0.5163060859954445 -0.7654995082737255 -0.7949074276730251 -0.9326603132802703 -1.0471964204143875 -1.1044644739814462 -1.2793642051457033 -1.341275614407384 -1.369135748575143 -1.4867674261723416 -1.502245278487766 -1.536296553581688 -1.5595133320548247 -1.5842778957594934 -1.5920168219172057 -1.5223664864978128 +12436,-1.050291990877469,0,-0.7376393741059666 -0.694301387622783 -0.5859564214148374 -0.5163060859954445 -0.7654995082737255 -0.7949074276730251 -0.9326603132802703 -1.0471964204143875 -1.1044644739814462 -1.2793642051457033 -1.341275614407384 -1.369135748575143 -1.4867674261723416 -1.502245278487766 -1.536296553581688 -1.5595133320548247 -1.5842778957594934 -1.5920168219172057 -1.5223664864978128 -1.4124737350583176 +12437,-0.7469260854952195,0,-0.694301387622783 -0.5859564214148374 -0.5163060859954445 -0.7654995082737255 -0.7949074276730251 -0.9326603132802703 -1.0471964204143875 -1.1044644739814462 -1.2793642051457033 -1.341275614407384 -1.369135748575143 -1.4867674261723416 -1.502245278487766 -1.536296553581688 -1.5595133320548247 -1.5842778957594934 -1.5920168219172057 -1.5223664864978128 -1.4124737350583176 -1.050291990877469 +12438,-0.46058581765992657,0,-0.5859564214148374 -0.5163060859954445 -0.7654995082737255 -0.7949074276730251 -0.9326603132802703 -1.0471964204143875 -1.1044644739814462 -1.2793642051457033 -1.341275614407384 -1.369135748575143 -1.4867674261723416 -1.502245278487766 -1.536296553581688 -1.5595133320548247 -1.5842778957594934 -1.5920168219172057 -1.5223664864978128 -1.4124737350583176 -1.050291990877469 -0.7469260854952195 +12439,-0.2191313215393578,0,-0.5163060859954445 -0.7654995082737255 -0.7949074276730251 -0.9326603132802703 -1.0471964204143875 -1.1044644739814462 -1.2793642051457033 -1.341275614407384 -1.369135748575143 -1.4867674261723416 -1.502245278487766 -1.536296553581688 -1.5595133320548247 -1.5842778957594934 -1.5920168219172057 -1.5223664864978128 -1.4124737350583176 -1.050291990877469 -0.7469260854952195 -0.46058581765992657 +12440,-0.06744836884822868,0,-0.7654995082737255 -0.7949074276730251 -0.9326603132802703 -1.0471964204143875 -1.1044644739814462 -1.2793642051457033 -1.341275614407384 -1.369135748575143 -1.4867674261723416 -1.502245278487766 -1.536296553581688 -1.5595133320548247 -1.5842778957594934 -1.5920168219172057 -1.5223664864978128 -1.4124737350583176 -1.050291990877469 -0.7469260854952195 -0.46058581765992657 -0.2191313215393578 +12441,0.06566116106438567,0,-0.7949074276730251 -0.9326603132802703 -1.0471964204143875 -1.1044644739814462 -1.2793642051457033 -1.341275614407384 -1.369135748575143 -1.4867674261723416 -1.502245278487766 -1.536296553581688 -1.5595133320548247 -1.5842778957594934 -1.5920168219172057 -1.5223664864978128 -1.4124737350583176 -1.050291990877469 -0.7469260854952195 -0.46058581765992657 -0.2191313215393578 -0.06744836884822868 +12442,0.10126022138985691,0,-0.9326603132802703 -1.0471964204143875 -1.1044644739814462 -1.2793642051457033 -1.341275614407384 -1.369135748575143 -1.4867674261723416 -1.502245278487766 -1.536296553581688 -1.5595133320548247 -1.5842778957594934 -1.5920168219172057 -1.5223664864978128 -1.4124737350583176 -1.050291990877469 -0.7469260854952195 -0.46058581765992657 -0.2191313215393578 -0.06744836884822868 0.06566116106438567 +12443,0.12757257032607516,0,-1.0471964204143875 -1.1044644739814462 -1.2793642051457033 -1.341275614407384 -1.369135748575143 -1.4867674261723416 -1.502245278487766 -1.536296553581688 -1.5595133320548247 -1.5842778957594934 -1.5920168219172057 -1.5223664864978128 -1.4124737350583176 -1.050291990877469 -0.7469260854952195 -0.46058581765992657 -0.2191313215393578 -0.06744836884822868 0.06566116106438567 0.10126022138985691 +12444,-0.03649266421738833,0,-1.1044644739814462 -1.2793642051457033 -1.341275614407384 -1.369135748575143 -1.4867674261723416 -1.502245278487766 -1.536296553581688 -1.5595133320548247 -1.5842778957594934 -1.5920168219172057 -1.5223664864978128 -1.4124737350583176 -1.050291990877469 -0.7469260854952195 -0.46058581765992657 -0.2191313215393578 -0.06744836884822868 0.06566116106438567 0.10126022138985691 0.12757257032607516 +12445,-0.19591454306622974,0,-1.2793642051457033 -1.341275614407384 -1.369135748575143 -1.4867674261723416 -1.502245278487766 -1.536296553581688 -1.5595133320548247 -1.5842778957594934 -1.5920168219172057 -1.5223664864978128 -1.4124737350583176 -1.050291990877469 -0.7469260854952195 -0.46058581765992657 -0.2191313215393578 -0.06744836884822868 0.06566116106438567 0.10126022138985691 0.12757257032607516 -0.03649266421738833 +12446,-0.38164877085128057,0,-1.341275614407384 -1.369135748575143 -1.4867674261723416 -1.502245278487766 -1.536296553581688 -1.5595133320548247 -1.5842778957594934 -1.5920168219172057 -1.5223664864978128 -1.4124737350583176 -1.050291990877469 -0.7469260854952195 -0.46058581765992657 -0.2191313215393578 -0.06744836884822868 0.06566116106438567 0.10126022138985691 0.12757257032607516 -0.03649266421738833 -0.19591454306622974 +12447,-0.7747862196629784,0,-1.369135748575143 -1.4867674261723416 -1.502245278487766 -1.536296553581688 -1.5595133320548247 -1.5842778957594934 -1.5920168219172057 -1.5223664864978128 -1.4124737350583176 -1.050291990877469 -0.7469260854952195 -0.46058581765992657 -0.2191313215393578 -0.06744836884822868 0.06566116106438567 0.10126022138985691 0.12757257032607516 -0.03649266421738833 -0.19591454306622974 -0.38164877085128057 +12448,-0.5844086361832967,0,-1.4867674261723416 -1.502245278487766 -1.536296553581688 -1.5595133320548247 -1.5842778957594934 -1.5920168219172057 -1.5223664864978128 -1.4124737350583176 -1.050291990877469 -0.7469260854952195 -0.46058581765992657 -0.2191313215393578 -0.06744836884822868 0.06566116106438567 0.10126022138985691 0.12757257032607516 -0.03649266421738833 -0.19591454306622974 -0.38164877085128057 -0.7747862196629784 +12449,-0.712874810401289,0,-1.502245278487766 -1.536296553581688 -1.5595133320548247 -1.5842778957594934 -1.5920168219172057 -1.5223664864978128 -1.4124737350583176 -1.050291990877469 -0.7469260854952195 -0.46058581765992657 -0.2191313215393578 -0.06744836884822868 0.06566116106438567 0.10126022138985691 0.12757257032607516 -0.03649266421738833 -0.19591454306622974 -0.38164877085128057 -0.7747862196629784 -0.5844086361832967 +12450,-0.7685950787368069,0,-1.536296553581688 -1.5595133320548247 -1.5842778957594934 -1.5920168219172057 -1.5223664864978128 -1.4124737350583176 -1.050291990877469 -0.7469260854952195 -0.46058581765992657 -0.2191313215393578 -0.06744836884822868 0.06566116106438567 0.10126022138985691 0.12757257032607516 -0.03649266421738833 -0.19591454306622974 -0.38164877085128057 -0.7747862196629784 -0.5844086361832967 -0.712874810401289 +12451,-0.8800356154078338,0,-1.5595133320548247 -1.5842778957594934 -1.5920168219172057 -1.5223664864978128 -1.4124737350583176 -1.050291990877469 -0.7469260854952195 -0.46058581765992657 -0.2191313215393578 -0.06744836884822868 0.06566116106438567 0.10126022138985691 0.12757257032607516 -0.03649266421738833 -0.19591454306622974 -0.38164877085128057 -0.7747862196629784 -0.5844086361832967 -0.712874810401289 -0.7685950787368069 +12452,-0.9326603132802703,0,-1.5842778957594934 -1.5920168219172057 -1.5223664864978128 -1.4124737350583176 -1.050291990877469 -0.7469260854952195 -0.46058581765992657 -0.2191313215393578 -0.06744836884822868 0.06566116106438567 0.10126022138985691 0.12757257032607516 -0.03649266421738833 -0.19591454306622974 -0.38164877085128057 -0.7747862196629784 -0.5844086361832967 -0.712874810401289 -0.7685950787368069 -0.8800356154078338 +12453,-0.9729027293003637,0,-1.5920168219172057 -1.5223664864978128 -1.4124737350583176 -1.050291990877469 -0.7469260854952195 -0.46058581765992657 -0.2191313215393578 -0.06744836884822868 0.06566116106438567 0.10126022138985691 0.12757257032607516 -0.03649266421738833 -0.19591454306622974 -0.38164877085128057 -0.7747862196629784 -0.5844086361832967 -0.712874810401289 -0.7685950787368069 -0.8800356154078338 -0.9326603132802703 +12454,-1.0286229976358816,0,-1.5223664864978128 -1.4124737350583176 -1.050291990877469 -0.7469260854952195 -0.46058581765992657 -0.2191313215393578 -0.06744836884822868 0.06566116106438567 0.10126022138985691 0.12757257032607516 -0.03649266421738833 -0.19591454306622974 -0.38164877085128057 -0.7747862196629784 -0.5844086361832967 -0.712874810401289 -0.7685950787368069 -0.8800356154078338 -0.9326603132802703 -0.9729027293003637 +12455,-1.0657698431928935,0,-1.4124737350583176 -1.050291990877469 -0.7469260854952195 -0.46058581765992657 -0.2191313215393578 -0.06744836884822868 0.06566116106438567 0.10126022138985691 0.12757257032607516 -0.03649266421738833 -0.19591454306622974 -0.38164877085128057 -0.7747862196629784 -0.5844086361832967 -0.712874810401289 -0.7685950787368069 -0.8800356154078338 -0.9326603132802703 -0.9729027293003637 -1.0286229976358816 +12456,-1.045648635182847,0,-1.050291990877469 -0.7469260854952195 -0.46058581765992657 -0.2191313215393578 -0.06744836884822868 0.06566116106438567 0.10126022138985691 0.12757257032607516 -0.03649266421738833 -0.19591454306622974 -0.38164877085128057 -0.7747862196629784 -0.5844086361832967 -0.712874810401289 -0.7685950787368069 -0.8800356154078338 -0.9326603132802703 -0.9729027293003637 -1.0286229976358816 -1.0657698431928935 +12457,-1.0487442056459282,0,-0.7469260854952195 -0.46058581765992657 -0.2191313215393578 -0.06744836884822868 0.06566116106438567 0.10126022138985691 0.12757257032607516 -0.03649266421738833 -0.19591454306622974 -0.38164877085128057 -0.7747862196629784 -0.5844086361832967 -0.712874810401289 -0.7685950787368069 -0.8800356154078338 -0.9326603132802703 -0.9729027293003637 -1.0286229976358816 -1.0657698431928935 -1.045648635182847 +12458,-1.050291990877469,0,-0.46058581765992657 -0.2191313215393578 -0.06744836884822868 0.06566116106438567 0.10126022138985691 0.12757257032607516 -0.03649266421738833 -0.19591454306622974 -0.38164877085128057 -0.7747862196629784 -0.5844086361832967 -0.712874810401289 -0.7685950787368069 -0.8800356154078338 -0.9326603132802703 -0.9729027293003637 -1.0286229976358816 -1.0657698431928935 -1.045648635182847 -1.0487442056459282 +12459,-0.9589726622164886,0,-0.2191313215393578 -0.06744836884822868 0.06566116106438567 0.10126022138985691 0.12757257032607516 -0.03649266421738833 -0.19591454306622974 -0.38164877085128057 -0.7747862196629784 -0.5844086361832967 -0.712874810401289 -0.7685950787368069 -0.8800356154078338 -0.9326603132802703 -0.9729027293003637 -1.0286229976358816 -1.0657698431928935 -1.045648635182847 -1.0487442056459282 -1.050291990877469 +12460,-0.8800356154078338,0,-0.06744836884822868 0.06566116106438567 0.10126022138985691 0.12757257032607516 -0.03649266421738833 -0.19591454306622974 -0.38164877085128057 -0.7747862196629784 -0.5844086361832967 -0.712874810401289 -0.7685950787368069 -0.8800356154078338 -0.9326603132802703 -0.9729027293003637 -1.0286229976358816 -1.0657698431928935 -1.045648635182847 -1.0487442056459282 -1.050291990877469 -0.9589726622164886 +12461,-0.7221615217905419,0,0.06566116106438567 0.10126022138985691 0.12757257032607516 -0.03649266421738833 -0.19591454306622974 -0.38164877085128057 -0.7747862196629784 -0.5844086361832967 -0.712874810401289 -0.7685950787368069 -0.8800356154078338 -0.9326603132802703 -0.9729027293003637 -1.0286229976358816 -1.0657698431928935 -1.045648635182847 -1.0487442056459282 -1.050291990877469 -0.9589726622164886 -0.8800356154078338 +12462,-0.5132105155323631,0,0.10126022138985691 0.12757257032607516 -0.03649266421738833 -0.19591454306622974 -0.38164877085128057 -0.7747862196629784 -0.5844086361832967 -0.712874810401289 -0.7685950787368069 -0.8800356154078338 -0.9326603132802703 -0.9729027293003637 -1.0286229976358816 -1.0657698431928935 -1.045648635182847 -1.0487442056459282 -1.050291990877469 -0.9589726622164886 -0.8800356154078338 -0.7221615217905419 +12463,-0.3367629991365564,0,0.12757257032607516 -0.03649266421738833 -0.19591454306622974 -0.38164877085128057 -0.7747862196629784 -0.5844086361832967 -0.712874810401289 -0.7685950787368069 -0.8800356154078338 -0.9326603132802703 -0.9729027293003637 -1.0286229976358816 -1.0657698431928935 -1.045648635182847 -1.0487442056459282 -1.050291990877469 -0.9589726622164886 -0.8800356154078338 -0.7221615217905419 -0.5132105155323631 +12464,-1.410925949826777,0,-0.03649266421738833 -0.19591454306622974 -0.38164877085128057 -0.7747862196629784 -0.5844086361832967 -0.712874810401289 -0.7685950787368069 -0.8800356154078338 -0.9326603132802703 -0.9729027293003637 -1.0286229976358816 -1.0657698431928935 -1.045648635182847 -1.0487442056459282 -1.050291990877469 -0.9589726622164886 -0.8800356154078338 -0.7221615217905419 -0.5132105155323631 -0.3367629991365564 +12465,0.17710169773542148,0,-0.19591454306622974 -0.38164877085128057 -0.7747862196629784 -0.5844086361832967 -0.712874810401289 -0.7685950787368069 -0.8800356154078338 -0.9326603132802703 -0.9729027293003637 -1.0286229976358816 -1.0657698431928935 -1.045648635182847 -1.0487442056459282 -1.050291990877469 -0.9589726622164886 -0.8800356154078338 -0.7221615217905419 -0.5132105155323631 -0.3367629991365564 -1.410925949826777 +12466,0.1797329326290424,0,-0.38164877085128057 -0.7747862196629784 -0.5844086361832967 -0.712874810401289 -0.7685950787368069 -0.8800356154078338 -0.9326603132802703 -0.9729027293003637 -1.0286229976358816 -1.0657698431928935 -1.045648635182847 -1.0487442056459282 -1.050291990877469 -0.9589726622164886 -0.8800356154078338 -0.7221615217905419 -0.5132105155323631 -0.3367629991365564 -1.410925949826777 0.17710169773542148 +12467,0.18236416752266335,0,-0.7747862196629784 -0.5844086361832967 -0.712874810401289 -0.7685950787368069 -0.8800356154078338 -0.9326603132802703 -0.9729027293003637 -1.0286229976358816 -1.0657698431928935 -1.045648635182847 -1.0487442056459282 -1.050291990877469 -0.9589726622164886 -0.8800356154078338 -0.7221615217905419 -0.5132105155323631 -0.3367629991365564 -1.410925949826777 0.17710169773542148 0.1797329326290424 +12468,-0.15954159012498814,0,-0.5844086361832967 -0.712874810401289 -0.7685950787368069 -0.8800356154078338 -0.9326603132802703 -0.9729027293003637 -1.0286229976358816 -1.0657698431928935 -1.045648635182847 -1.0487442056459282 -1.050291990877469 -0.9589726622164886 -0.8800356154078338 -0.7221615217905419 -0.5132105155323631 -0.3367629991365564 -1.410925949826777 0.17710169773542148 0.1797329326290424 0.18236416752266335 +12469,-0.2717560194117943,0,-0.712874810401289 -0.7685950787368069 -0.8800356154078338 -0.9326603132802703 -0.9729027293003637 -1.0286229976358816 -1.0657698431928935 -1.045648635182847 -1.0487442056459282 -1.050291990877469 -0.9589726622164886 -0.8800356154078338 -0.7221615217905419 -0.5132105155323631 -0.3367629991365564 -1.410925949826777 0.17710169773542148 0.1797329326290424 0.18236416752266335 -0.15954159012498814 +12470,-0.38629212654590267,0,-0.7685950787368069 -0.8800356154078338 -0.9326603132802703 -0.9729027293003637 -1.0286229976358816 -1.0657698431928935 -1.045648635182847 -1.0487442056459282 -1.050291990877469 -0.9589726622164886 -0.8800356154078338 -0.7221615217905419 -0.5132105155323631 -0.3367629991365564 -1.410925949826777 0.17710169773542148 0.1797329326290424 0.18236416752266335 -0.15954159012498814 -0.2717560194117943 +12471,-0.3893876970089929,0,-0.8800356154078338 -0.9326603132802703 -0.9729027293003637 -1.0286229976358816 -1.0657698431928935 -1.045648635182847 -1.0487442056459282 -1.050291990877469 -0.9589726622164886 -0.8800356154078338 -0.7221615217905419 -0.5132105155323631 -0.3367629991365564 -1.410925949826777 0.17710169773542148 0.1797329326290424 0.18236416752266335 -0.15954159012498814 -0.2717560194117943 -0.38629212654590267 +12472,-0.45439467673375494,0,-0.9326603132802703 -0.9729027293003637 -1.0286229976358816 -1.0657698431928935 -1.045648635182847 -1.0487442056459282 -1.050291990877469 -0.9589726622164886 -0.8800356154078338 -0.7221615217905419 -0.5132105155323631 -0.3367629991365564 -1.410925949826777 0.17710169773542148 0.1797329326290424 0.18236416752266335 -0.15954159012498814 -0.2717560194117943 -0.38629212654590267 -0.3893876970089929 +12473,-0.5116627303008136,0,-0.9729027293003637 -1.0286229976358816 -1.0657698431928935 -1.045648635182847 -1.0487442056459282 -1.050291990877469 -0.9589726622164886 -0.8800356154078338 -0.7221615217905419 -0.5132105155323631 -0.3367629991365564 -1.410925949826777 0.17710169773542148 0.1797329326290424 0.18236416752266335 -0.15954159012498814 -0.2717560194117943 -0.38629212654590267 -0.3893876970089929 -0.45439467673375494 +12474,-0.9930239373104104,0,-1.0286229976358816 -1.0657698431928935 -1.045648635182847 -1.0487442056459282 -1.050291990877469 -0.9589726622164886 -0.8800356154078338 -0.7221615217905419 -0.5132105155323631 -0.3367629991365564 -1.410925949826777 0.17710169773542148 0.1797329326290424 0.18236416752266335 -0.15954159012498814 -0.2717560194117943 -0.38629212654590267 -0.3893876970089929 -0.45439467673375494 -0.5116627303008136 +12475,-0.5426184349316627,0,-1.0657698431928935 -1.045648635182847 -1.0487442056459282 -1.050291990877469 -0.9589726622164886 -0.8800356154078338 -0.7221615217905419 -0.5132105155323631 -0.3367629991365564 -1.410925949826777 0.17710169773542148 0.1797329326290424 0.18236416752266335 -0.15954159012498814 -0.2717560194117943 -0.38629212654590267 -0.3893876970089929 -0.45439467673375494 -0.5116627303008136 -0.9930239373104104 +12476,-0.5905997771094683,0,-1.045648635182847 -1.0487442056459282 -1.050291990877469 -0.9589726622164886 -0.8800356154078338 -0.7221615217905419 -0.5132105155323631 -0.3367629991365564 -1.410925949826777 0.17710169773542148 0.1797329326290424 0.18236416752266335 -0.15954159012498814 -0.2717560194117943 -0.38629212654590267 -0.3893876970089929 -0.45439467673375494 -0.5116627303008136 -0.9930239373104104 -0.5426184349316627 +12477,-0.7237093070220827,0,-1.0487442056459282 -1.050291990877469 -0.9589726622164886 -0.8800356154078338 -0.7221615217905419 -0.5132105155323631 -0.3367629991365564 -1.410925949826777 0.17710169773542148 0.1797329326290424 0.18236416752266335 -0.15954159012498814 -0.2717560194117943 -0.38629212654590267 -0.3893876970089929 -0.45439467673375494 -0.5116627303008136 -0.9930239373104104 -0.5426184349316627 -0.5905997771094683 +12478,-0.7902640719783942,0,-1.050291990877469 -0.9589726622164886 -0.8800356154078338 -0.7221615217905419 -0.5132105155323631 -0.3367629991365564 -1.410925949826777 0.17710169773542148 0.1797329326290424 0.18236416752266335 -0.15954159012498814 -0.2717560194117943 -0.38629212654590267 -0.3893876970089929 -0.45439467673375494 -0.5116627303008136 -0.9930239373104104 -0.5426184349316627 -0.5905997771094683 -0.7237093070220827 +12479,-0.8181242061461532,0,-0.9589726622164886 -0.8800356154078338 -0.7221615217905419 -0.5132105155323631 -0.3367629991365564 -1.410925949826777 0.17710169773542148 0.1797329326290424 0.18236416752266335 -0.15954159012498814 -0.2717560194117943 -0.38629212654590267 -0.3893876970089929 -0.45439467673375494 -0.5116627303008136 -0.9930239373104104 -0.5426184349316627 -0.5905997771094683 -0.7237093070220827 -0.7902640719783942 +12480,-0.8692011187870402,0,-0.8800356154078338 -0.7221615217905419 -0.5132105155323631 -0.3367629991365564 -1.410925949826777 0.17710169773542148 0.1797329326290424 0.18236416752266335 -0.15954159012498814 -0.2717560194117943 -0.38629212654590267 -0.3893876970089929 -0.45439467673375494 -0.5116627303008136 -0.9930239373104104 -0.5426184349316627 -0.5905997771094683 -0.7237093070220827 -0.7902640719783942 -0.8181242061461532 +12481,-0.8924178972601771,0,-0.7221615217905419 -0.5132105155323631 -0.3367629991365564 -1.410925949826777 0.17710169773542148 0.1797329326290424 0.18236416752266335 -0.15954159012498814 -0.2717560194117943 -0.38629212654590267 -0.3893876970089929 -0.45439467673375494 -0.5116627303008136 -0.9930239373104104 -0.5426184349316627 -0.5905997771094683 -0.7237093070220827 -0.7902640719783942 -0.8181242061461532 -0.8692011187870402 +12482,-0.8862267563340055,0,-0.5132105155323631 -0.3367629991365564 -1.410925949826777 0.17710169773542148 0.1797329326290424 0.18236416752266335 -0.15954159012498814 -0.2717560194117943 -0.38629212654590267 -0.3893876970089929 -0.45439467673375494 -0.5116627303008136 -0.9930239373104104 -0.5426184349316627 -0.5905997771094683 -0.7237093070220827 -0.7902640719783942 -0.8181242061461532 -0.8692011187870402 -0.8924178972601771 +12483,-0.8397931993877406,0,-0.3367629991365564 -1.410925949826777 0.17710169773542148 0.1797329326290424 0.18236416752266335 -0.15954159012498814 -0.2717560194117943 -0.38629212654590267 -0.3893876970089929 -0.45439467673375494 -0.5116627303008136 -0.9930239373104104 -0.5426184349316627 -0.5905997771094683 -0.7237093070220827 -0.7902640719783942 -0.8181242061461532 -0.8692011187870402 -0.8924178972601771 -0.8862267563340055 +12484,-0.6587023272973206,0,-1.410925949826777 0.17710169773542148 0.1797329326290424 0.18236416752266335 -0.15954159012498814 -0.2717560194117943 -0.38629212654590267 -0.3893876970089929 -0.45439467673375494 -0.5116627303008136 -0.9930239373104104 -0.5426184349316627 -0.5905997771094683 -0.7237093070220827 -0.7902640719783942 -0.8181242061461532 -0.8692011187870402 -0.8924178972601771 -0.8862267563340055 -0.8397931993877406 +12485,-0.26092152279099184,0,0.17710169773542148 0.1797329326290424 0.18236416752266335 -0.15954159012498814 -0.2717560194117943 -0.38629212654590267 -0.3893876970089929 -0.45439467673375494 -0.5116627303008136 -0.9930239373104104 -0.5426184349316627 -0.5905997771094683 -0.7237093070220827 -0.7902640719783942 -0.8181242061461532 -0.8692011187870402 -0.8924178972601771 -0.8862267563340055 -0.8397931993877406 -0.6587023272973206 +12486,0.0037497518027049923,0,0.1797329326290424 0.18236416752266335 -0.15954159012498814 -0.2717560194117943 -0.38629212654590267 -0.3893876970089929 -0.45439467673375494 -0.5116627303008136 -0.9930239373104104 -0.5426184349316627 -0.5905997771094683 -0.7237093070220827 -0.7902640719783942 -0.8181242061461532 -0.8692011187870402 -0.8924178972601771 -0.8862267563340055 -0.8397931993877406 -0.6587023272973206 -0.26092152279099184 +12487,0.2668732411648611,0,0.18236416752266335 -0.15954159012498814 -0.2717560194117943 -0.38629212654590267 -0.3893876970089929 -0.45439467673375494 -0.5116627303008136 -0.9930239373104104 -0.5426184349316627 -0.5905997771094683 -0.7237093070220827 -0.7902640719783942 -0.8181242061461532 -0.8692011187870402 -0.8924178972601771 -0.8862267563340055 -0.8397931993877406 -0.6587023272973206 -0.26092152279099184 0.0037497518027049923 +12488,0.5114233077485113,0,-0.15954159012498814 -0.2717560194117943 -0.38629212654590267 -0.3893876970089929 -0.45439467673375494 -0.5116627303008136 -0.9930239373104104 -0.5426184349316627 -0.5905997771094683 -0.7237093070220827 -0.7902640719783942 -0.8181242061461532 -0.8692011187870402 -0.8924178972601771 -0.8862267563340055 -0.8397931993877406 -0.6587023272973206 -0.26092152279099184 0.0037497518027049923 0.2668732411648611 +12489,0.5965514954833288,0,-0.2717560194117943 -0.38629212654590267 -0.3893876970089929 -0.45439467673375494 -0.5116627303008136 -0.9930239373104104 -0.5426184349316627 -0.5905997771094683 -0.7237093070220827 -0.7902640719783942 -0.8181242061461532 -0.8692011187870402 -0.8924178972601771 -0.8862267563340055 -0.8397931993877406 -0.6587023272973206 -0.26092152279099184 0.0037497518027049923 0.2668732411648611 0.5114233077485113 +12490,0.6182204887249162,0,-0.38629212654590267 -0.3893876970089929 -0.45439467673375494 -0.5116627303008136 -0.9930239373104104 -0.5426184349316627 -0.5905997771094683 -0.7237093070220827 -0.7902640719783942 -0.8181242061461532 -0.8692011187870402 -0.8924178972601771 -0.8862267563340055 -0.8397931993877406 -0.6587023272973206 -0.26092152279099184 0.0037497518027049923 0.2668732411648611 0.5114233077485113 0.5965514954833288 +12491,0.57178693177866,0,-0.3893876970089929 -0.45439467673375494 -0.5116627303008136 -0.9930239373104104 -0.5426184349316627 -0.5905997771094683 -0.7237093070220827 -0.7902640719783942 -0.8181242061461532 -0.8692011187870402 -0.8924178972601771 -0.8862267563340055 -0.8397931993877406 -0.6587023272973206 -0.26092152279099184 0.0037497518027049923 0.2668732411648611 0.5114233077485113 0.5965514954833288 0.6182204887249162 +12492,0.44641632802374914,0,-0.45439467673375494 -0.5116627303008136 -0.9930239373104104 -0.5426184349316627 -0.5905997771094683 -0.7237093070220827 -0.7902640719783942 -0.8181242061461532 -0.8692011187870402 -0.8924178972601771 -0.8862267563340055 -0.8397931993877406 -0.6587023272973206 -0.26092152279099184 0.0037497518027049923 0.2668732411648611 0.5114233077485113 0.5965514954833288 0.6182204887249162 0.57178693177866 +12493,0.18793619435621514,0,-0.5116627303008136 -0.9930239373104104 -0.5426184349316627 -0.5905997771094683 -0.7237093070220827 -0.7902640719783942 -0.8181242061461532 -0.8692011187870402 -0.8924178972601771 -0.8862267563340055 -0.8397931993877406 -0.6587023272973206 -0.26092152279099184 0.0037497518027049923 0.2668732411648611 0.5114233077485113 0.5965514954833288 0.6182204887249162 0.57178693177866 0.44641632802374914 +12494,-0.02720595282813535,0,-0.9930239373104104 -0.5426184349316627 -0.5905997771094683 -0.7237093070220827 -0.7902640719783942 -0.8181242061461532 -0.8692011187870402 -0.8924178972601771 -0.8862267563340055 -0.8397931993877406 -0.6587023272973206 -0.26092152279099184 0.0037497518027049923 0.2668732411648611 0.5114233077485113 0.5965514954833288 0.6182204887249162 0.57178693177866 0.44641632802374914 0.18793619435621514 +12495,-0.1649588384353894,0,-0.5426184349316627 -0.5905997771094683 -0.7237093070220827 -0.7902640719783942 -0.8181242061461532 -0.8692011187870402 -0.8924178972601771 -0.8862267563340055 -0.8397931993877406 -0.6587023272973206 -0.26092152279099184 0.0037497518027049923 0.2668732411648611 0.5114233077485113 0.5965514954833288 0.6182204887249162 0.57178693177866 0.44641632802374914 0.18793619435621514 -0.02720595282813535 +12496,-0.2082968249185641,0,-0.5905997771094683 -0.7237093070220827 -0.7902640719783942 -0.8181242061461532 -0.8692011187870402 -0.8924178972601771 -0.8862267563340055 -0.8397931993877406 -0.6587023272973206 -0.26092152279099184 0.0037497518027049923 0.2668732411648611 0.5114233077485113 0.5965514954833288 0.6182204887249162 0.57178693177866 0.44641632802374914 0.18793619435621514 -0.02720595282813535 -0.1649588384353894 +12497,-0.30425950927417533,0,-0.7237093070220827 -0.7902640719783942 -0.8181242061461532 -0.8692011187870402 -0.8924178972601771 -0.8862267563340055 -0.8397931993877406 -0.6587023272973206 -0.26092152279099184 0.0037497518027049923 0.2668732411648611 0.5114233077485113 0.5965514954833288 0.6182204887249162 0.57178693177866 0.44641632802374914 0.18793619435621514 -0.02720595282813535 -0.1649588384353894 -0.2082968249185641 +12498,-0.4203434016398332,0,-0.7902640719783942 -0.8181242061461532 -0.8692011187870402 -0.8924178972601771 -0.8862267563340055 -0.8397931993877406 -0.6587023272973206 -0.26092152279099184 0.0037497518027049923 0.2668732411648611 0.5114233077485113 0.5965514954833288 0.6182204887249162 0.57178693177866 0.44641632802374914 0.18793619435621514 -0.02720595282813535 -0.1649588384353894 -0.2082968249185641 -0.30425950927417533 +12499,-0.4342734687237083,0,-0.8181242061461532 -0.8692011187870402 -0.8924178972601771 -0.8862267563340055 -0.8397931993877406 -0.6587023272973206 -0.26092152279099184 0.0037497518027049923 0.2668732411648611 0.5114233077485113 0.5965514954833288 0.6182204887249162 0.57178693177866 0.44641632802374914 0.18793619435621514 -0.02720595282813535 -0.1649588384353894 -0.2082968249185641 -0.30425950927417533 -0.4203434016398332 +12500,-0.5163060859954445,0,-0.8692011187870402 -0.8924178972601771 -0.8862267563340055 -0.8397931993877406 -0.6587023272973206 -0.26092152279099184 0.0037497518027049923 0.2668732411648611 0.5114233077485113 0.5965514954833288 0.6182204887249162 0.57178693177866 0.44641632802374914 0.18793619435621514 -0.02720595282813535 -0.1649588384353894 -0.2082968249185641 -0.30425950927417533 -0.4203434016398332 -0.4342734687237083 +12501,-0.5286883678477788,0,-0.8924178972601771 -0.8862267563340055 -0.8397931993877406 -0.6587023272973206 -0.26092152279099184 0.0037497518027049923 0.2668732411648611 0.5114233077485113 0.5965514954833288 0.6182204887249162 0.57178693177866 0.44641632802374914 0.18793619435621514 -0.02720595282813535 -0.1649588384353894 -0.2082968249185641 -0.30425950927417533 -0.4203434016398332 -0.4342734687237083 -0.5163060859954445 +12502,-0.5596440724786191,0,-0.8862267563340055 -0.8397931993877406 -0.6587023272973206 -0.26092152279099184 0.0037497518027049923 0.2668732411648611 0.5114233077485113 0.5965514954833288 0.6182204887249162 0.57178693177866 0.44641632802374914 0.18793619435621514 -0.02720595282813535 -0.1649588384353894 -0.2082968249185641 -0.30425950927417533 -0.4203434016398332 -0.4342734687237083 -0.5163060859954445 -0.5286883678477788 +12503,-0.5905997771094683,0,-0.8397931993877406 -0.6587023272973206 -0.26092152279099184 0.0037497518027049923 0.2668732411648611 0.5114233077485113 0.5965514954833288 0.6182204887249162 0.57178693177866 0.44641632802374914 0.18793619435621514 -0.02720595282813535 -0.1649588384353894 -0.2082968249185641 -0.30425950927417533 -0.4203434016398332 -0.4342734687237083 -0.5163060859954445 -0.5286883678477788 -0.5596440724786191 +12504,-0.6587023272973206,0,-0.6587023272973206 -0.26092152279099184 0.0037497518027049923 0.2668732411648611 0.5114233077485113 0.5965514954833288 0.6182204887249162 0.57178693177866 0.44641632802374914 0.18793619435621514 -0.02720595282813535 -0.1649588384353894 -0.2082968249185641 -0.30425950927417533 -0.4203434016398332 -0.4342734687237083 -0.5163060859954445 -0.5286883678477788 -0.5596440724786191 -0.5905997771094683 +12505,-0.6370333340557244,0,-0.26092152279099184 0.0037497518027049923 0.2668732411648611 0.5114233077485113 0.5965514954833288 0.6182204887249162 0.57178693177866 0.44641632802374914 0.18793619435621514 -0.02720595282813535 -0.1649588384353894 -0.2082968249185641 -0.30425950927417533 -0.4203434016398332 -0.4342734687237083 -0.5163060859954445 -0.5286883678477788 -0.5596440724786191 -0.5905997771094683 -0.6587023272973206 +12506,-0.6215554817403086,0,0.0037497518027049923 0.2668732411648611 0.5114233077485113 0.5965514954833288 0.6182204887249162 0.57178693177866 0.44641632802374914 0.18793619435621514 -0.02720595282813535 -0.1649588384353894 -0.2082968249185641 -0.30425950927417533 -0.4203434016398332 -0.4342734687237083 -0.5163060859954445 -0.5286883678477788 -0.5596440724786191 -0.5905997771094683 -0.6587023272973206 -0.6370333340557244 +12507,-0.5782174952571252,0,0.2668732411648611 0.5114233077485113 0.5965514954833288 0.6182204887249162 0.57178693177866 0.44641632802374914 0.18793619435621514 -0.02720595282813535 -0.1649588384353894 -0.2082968249185641 -0.30425950927417533 -0.4203434016398332 -0.4342734687237083 -0.5163060859954445 -0.5286883678477788 -0.5596440724786191 -0.5905997771094683 -0.6587023272973206 -0.6370333340557244 -0.6215554817403086 +12508,-0.5070193746061915,0,0.5114233077485113 0.5965514954833288 0.6182204887249162 0.57178693177866 0.44641632802374914 0.18793619435621514 -0.02720595282813535 -0.1649588384353894 -0.2082968249185641 -0.30425950927417533 -0.4203434016398332 -0.4342734687237083 -0.5163060859954445 -0.5286883678477788 -0.5596440724786191 -0.5905997771094683 -0.6587023272973206 -0.6370333340557244 -0.6215554817403086 -0.5782174952571252 +12509,-0.3259285025157627,0,0.5965514954833288 0.6182204887249162 0.57178693177866 0.44641632802374914 0.18793619435621514 -0.02720595282813535 -0.1649588384353894 -0.2082968249185641 -0.30425950927417533 -0.4203434016398332 -0.4342734687237083 -0.5163060859954445 -0.5286883678477788 -0.5596440724786191 -0.5905997771094683 -0.6587023272973206 -0.6370333340557244 -0.6215554817403086 -0.5782174952571252 -0.5070193746061915 +12510,-0.017919241438882367,0,0.6182204887249162 0.57178693177866 0.44641632802374914 0.18793619435621514 -0.02720595282813535 -0.1649588384353894 -0.2082968249185641 -0.30425950927417533 -0.4203434016398332 -0.4342734687237083 -0.5163060859954445 -0.5286883678477788 -0.5596440724786191 -0.5905997771094683 -0.6587023272973206 -0.6370333340557244 -0.6215554817403086 -0.5782174952571252 -0.5070193746061915 -0.3259285025157627 +12511,0.24520424792327375,0,0.57178693177866 0.44641632802374914 0.18793619435621514 -0.02720595282813535 -0.1649588384353894 -0.2082968249185641 -0.30425950927417533 -0.4203434016398332 -0.4342734687237083 -0.5163060859954445 -0.5286883678477788 -0.5596440724786191 -0.5905997771094683 -0.6587023272973206 -0.6370333340557244 -0.6215554817403086 -0.5782174952571252 -0.5070193746061915 -0.3259285025157627 -0.017919241438882367 +12512,0.36438371075201303,0,0.44641632802374914 0.18793619435621514 -0.02720595282813535 -0.1649588384353894 -0.2082968249185641 -0.30425950927417533 -0.4203434016398332 -0.4342734687237083 -0.5163060859954445 -0.5286883678477788 -0.5596440724786191 -0.5905997771094683 -0.6587023272973206 -0.6370333340557244 -0.6215554817403086 -0.5782174952571252 -0.5070193746061915 -0.3259285025157627 -0.017919241438882367 0.24520424792327375 +12513,0.36593149598355373,0,0.18793619435621514 -0.02720595282813535 -0.1649588384353894 -0.2082968249185641 -0.30425950927417533 -0.4203434016398332 -0.4342734687237083 -0.5163060859954445 -0.5286883678477788 -0.5596440724786191 -0.5905997771094683 -0.6587023272973206 -0.6370333340557244 -0.6215554817403086 -0.5782174952571252 -0.5070193746061915 -0.3259285025157627 -0.017919241438882367 0.24520424792327375 0.36438371075201303 +12514,0.4324862609398653,0,-0.02720595282813535 -0.1649588384353894 -0.2082968249185641 -0.30425950927417533 -0.4203434016398332 -0.4342734687237083 -0.5163060859954445 -0.5286883678477788 -0.5596440724786191 -0.5905997771094683 -0.6587023272973206 -0.6370333340557244 -0.6215554817403086 -0.5782174952571252 -0.5070193746061915 -0.3259285025157627 -0.017919241438882367 0.24520424792327375 0.36438371075201303 0.36593149598355373 +12515,0.3752182073728067,0,-0.1649588384353894 -0.2082968249185641 -0.30425950927417533 -0.4203434016398332 -0.4342734687237083 -0.5163060859954445 -0.5286883678477788 -0.5596440724786191 -0.5905997771094683 -0.6587023272973206 -0.6370333340557244 -0.6215554817403086 -0.5782174952571252 -0.5070193746061915 -0.3259285025157627 -0.017919241438882367 0.24520424792327375 0.36438371075201303 0.36593149598355373 0.4324862609398653 +12516,0.24829981838635515,0,-0.2082968249185641 -0.30425950927417533 -0.4203434016398332 -0.4342734687237083 -0.5163060859954445 -0.5286883678477788 -0.5596440724786191 -0.5905997771094683 -0.6587023272973206 -0.6370333340557244 -0.6215554817403086 -0.5782174952571252 -0.5070193746061915 -0.3259285025157627 -0.017919241438882367 0.24520424792327375 0.36438371075201303 0.36593149598355373 0.4324862609398653 0.3752182073728067 +12517,0.16317163065153759,0,-0.30425950927417533 -0.4203434016398332 -0.4342734687237083 -0.5163060859954445 -0.5286883678477788 -0.5596440724786191 -0.5905997771094683 -0.6587023272973206 -0.6370333340557244 -0.6215554817403086 -0.5782174952571252 -0.5070193746061915 -0.3259285025157627 -0.017919241438882367 0.24520424792327375 0.36438371075201303 0.36593149598355373 0.4324862609398653 0.3752182073728067 0.24829981838635515 +12518,-0.017919241438882367,0,-0.4203434016398332 -0.4342734687237083 -0.5163060859954445 -0.5286883678477788 -0.5596440724786191 -0.5905997771094683 -0.6587023272973206 -0.6370333340557244 -0.6215554817403086 -0.5782174952571252 -0.5070193746061915 -0.3259285025157627 -0.017919241438882367 0.24520424792327375 0.36438371075201303 0.36593149598355373 0.4324862609398653 0.3752182073728067 0.24829981838635515 0.16317163065153759 +12519,-0.2175835363078171,0,-0.4342734687237083 -0.5163060859954445 -0.5286883678477788 -0.5596440724786191 -0.5905997771094683 -0.6587023272973206 -0.6370333340557244 -0.6215554817403086 -0.5782174952571252 -0.5070193746061915 -0.3259285025157627 -0.017919241438882367 0.24520424792327375 0.36438371075201303 0.36593149598355373 0.4324862609398653 0.3752182073728067 0.24829981838635515 0.16317163065153759 -0.017919241438882367 +12520,-0.3352152139050157,0,-0.5163060859954445 -0.5286883678477788 -0.5596440724786191 -0.5905997771094683 -0.6587023272973206 -0.6370333340557244 -0.6215554817403086 -0.5782174952571252 -0.5070193746061915 -0.3259285025157627 -0.017919241438882367 0.24520424792327375 0.36438371075201303 0.36593149598355373 0.4324862609398653 0.3752182073728067 0.24829981838635515 0.16317163065153759 -0.017919241438882367 -0.2175835363078171 +12521,-0.3770054151566497,0,-0.5286883678477788 -0.5596440724786191 -0.5905997771094683 -0.6587023272973206 -0.6370333340557244 -0.6215554817403086 -0.5782174952571252 -0.5070193746061915 -0.3259285025157627 -0.017919241438882367 0.24520424792327375 0.36438371075201303 0.36593149598355373 0.4324862609398653 0.3752182073728067 0.24829981838635515 0.16317163065153759 -0.017919241438882367 -0.2175835363078171 -0.3352152139050157 +12522,-0.3924832674720743,0,-0.5596440724786191 -0.5905997771094683 -0.6587023272973206 -0.6370333340557244 -0.6215554817403086 -0.5782174952571252 -0.5070193746061915 -0.3259285025157627 -0.017919241438882367 0.24520424792327375 0.36438371075201303 0.36593149598355373 0.4324862609398653 0.3752182073728067 0.24829981838635515 0.16317163065153759 -0.017919241438882367 -0.2175835363078171 -0.3352152139050157 -0.3770054151566497 +12523,-0.4234389721029146,0,-0.5905997771094683 -0.6587023272973206 -0.6370333340557244 -0.6215554817403086 -0.5782174952571252 -0.5070193746061915 -0.3259285025157627 -0.017919241438882367 0.24520424792327375 0.36438371075201303 0.36593149598355373 0.4324862609398653 0.3752182073728067 0.24829981838635515 0.16317163065153759 -0.017919241438882367 -0.2175835363078171 -0.3352152139050157 -0.3770054151566497 -0.3924832674720743 +12524,-0.4868981665961448,0,-0.6587023272973206 -0.6370333340557244 -0.6215554817403086 -0.5782174952571252 -0.5070193746061915 -0.3259285025157627 -0.017919241438882367 0.24520424792327375 0.36438371075201303 0.36593149598355373 0.4324862609398653 0.3752182073728067 0.24829981838635515 0.16317163065153759 -0.017919241438882367 -0.2175835363078171 -0.3352152139050157 -0.3770054151566497 -0.3924832674720743 -0.4234389721029146 +12525,-0.5534529315524563,0,-0.6370333340557244 -0.6215554817403086 -0.5782174952571252 -0.5070193746061915 -0.3259285025157627 -0.017919241438882367 0.24520424792327375 0.36438371075201303 0.36593149598355373 0.4324862609398653 0.3752182073728067 0.24829981838635515 0.16317163065153759 -0.017919241438882367 -0.2175835363078171 -0.3352152139050157 -0.3770054151566497 -0.3924832674720743 -0.4234389721029146 -0.4868981665961448 +12526,-0.5983387032671718,0,-0.6215554817403086 -0.5782174952571252 -0.5070193746061915 -0.3259285025157627 -0.017919241438882367 0.24520424792327375 0.36438371075201303 0.36593149598355373 0.4324862609398653 0.3752182073728067 0.24829981838635515 0.16317163065153759 -0.017919241438882367 -0.2175835363078171 -0.3352152139050157 -0.3770054151566497 -0.3924832674720743 -0.4234389721029146 -0.4868981665961448 -0.5534529315524563 +12527,-0.6354855488241837,0,-0.5782174952571252 -0.5070193746061915 -0.3259285025157627 -0.017919241438882367 0.24520424792327375 0.36438371075201303 0.36593149598355373 0.4324862609398653 0.3752182073728067 0.24829981838635515 0.16317163065153759 -0.017919241438882367 -0.2175835363078171 -0.3352152139050157 -0.3770054151566497 -0.3924832674720743 -0.4234389721029146 -0.4868981665961448 -0.5534529315524563 -0.5983387032671718 +12528,-0.7004925285489546,0,-0.5070193746061915 -0.3259285025157627 -0.017919241438882367 0.24520424792327375 0.36438371075201303 0.36593149598355373 0.4324862609398653 0.3752182073728067 0.24829981838635515 0.16317163065153759 -0.017919241438882367 -0.2175835363078171 -0.3352152139050157 -0.3770054151566497 -0.3924832674720743 -0.4234389721029146 -0.4868981665961448 -0.5534529315524563 -0.5983387032671718 -0.6354855488241837 +12529,-0.8274109175354062,0,-0.3259285025157627 -0.017919241438882367 0.24520424792327375 0.36438371075201303 0.36593149598355373 0.4324862609398653 0.3752182073728067 0.24829981838635515 0.16317163065153759 -0.017919241438882367 -0.2175835363078171 -0.3352152139050157 -0.3770054151566497 -0.3924832674720743 -0.4234389721029146 -0.4868981665961448 -0.5534529315524563 -0.5983387032671718 -0.6354855488241837 -0.7004925285489546 +12530,-0.9156346757333051,0,-0.017919241438882367 0.24520424792327375 0.36438371075201303 0.36593149598355373 0.4324862609398653 0.3752182073728067 0.24829981838635515 0.16317163065153759 -0.017919241438882367 -0.2175835363078171 -0.3352152139050157 -0.3770054151566497 -0.3924832674720743 -0.4234389721029146 -0.4868981665961448 -0.5534529315524563 -0.5983387032671718 -0.6354855488241837 -0.7004925285489546 -0.8274109175354062 +12531,-0.6648934682234834,0,0.24520424792327375 0.36438371075201303 0.36593149598355373 0.4324862609398653 0.3752182073728067 0.24829981838635515 0.16317163065153759 -0.017919241438882367 -0.2175835363078171 -0.3352152139050157 -0.3770054151566497 -0.3924832674720743 -0.4234389721029146 -0.4868981665961448 -0.5534529315524563 -0.5983387032671718 -0.6354855488241837 -0.7004925285489546 -0.8274109175354062 -0.9156346757333051 +12532,-0.5116627303008136,0,0.36438371075201303 0.36593149598355373 0.4324862609398653 0.3752182073728067 0.24829981838635515 0.16317163065153759 -0.017919241438882367 -0.2175835363078171 -0.3352152139050157 -0.3770054151566497 -0.3924832674720743 -0.4234389721029146 -0.4868981665961448 -0.5534529315524563 -0.5983387032671718 -0.6354855488241837 -0.7004925285489546 -0.8274109175354062 -0.9156346757333051 -0.6648934682234834 +12533,-0.29032944219029144,0,0.36593149598355373 0.4324862609398653 0.3752182073728067 0.24829981838635515 0.16317163065153759 -0.017919241438882367 -0.2175835363078171 -0.3352152139050157 -0.3770054151566497 -0.3924832674720743 -0.4234389721029146 -0.4868981665961448 -0.5534529315524563 -0.5983387032671718 -0.6354855488241837 -0.7004925285489546 -0.8274109175354062 -0.9156346757333051 -0.6648934682234834 -0.5116627303008136 +12534,-0.08292622116365325,0,0.4324862609398653 0.3752182073728067 0.24829981838635515 0.16317163065153759 -0.017919241438882367 -0.2175835363078171 -0.3352152139050157 -0.3770054151566497 -0.3924832674720743 -0.4234389721029146 -0.4868981665961448 -0.5534529315524563 -0.5983387032671718 -0.6354855488241837 -0.7004925285489546 -0.8274109175354062 -0.9156346757333051 -0.6648934682234834 -0.5116627303008136 -0.29032944219029144 +12535,0.23746532176556145,0,0.3752182073728067 0.24829981838635515 0.16317163065153759 -0.017919241438882367 -0.2175835363078171 -0.3352152139050157 -0.3770054151566497 -0.3924832674720743 -0.4234389721029146 -0.4868981665961448 -0.5534529315524563 -0.5983387032671718 -0.6354855488241837 -0.7004925285489546 -0.8274109175354062 -0.9156346757333051 -0.6648934682234834 -0.5116627303008136 -0.29032944219029144 -0.08292622116365325 +12536,0.14769377833612182,0,0.24829981838635515 0.16317163065153759 -0.017919241438882367 -0.2175835363078171 -0.3352152139050157 -0.3770054151566497 -0.3924832674720743 -0.4234389721029146 -0.4868981665961448 -0.5534529315524563 -0.5983387032671718 -0.6354855488241837 -0.7004925285489546 -0.8274109175354062 -0.9156346757333051 -0.6648934682234834 -0.5116627303008136 -0.29032944219029144 -0.08292622116365325 0.23746532176556145 +12537,0.46808532126533653,0,0.16317163065153759 -0.017919241438882367 -0.2175835363078171 -0.3352152139050157 -0.3770054151566497 -0.3924832674720743 -0.4234389721029146 -0.4868981665961448 -0.5534529315524563 -0.5983387032671718 -0.6354855488241837 -0.7004925285489546 -0.8274109175354062 -0.9156346757333051 -0.6648934682234834 -0.5116627303008136 -0.29032944219029144 -0.08292622116365325 0.23746532176556145 0.14769377833612182 +12538,0.4990410258961769,0,-0.017919241438882367 -0.2175835363078171 -0.3352152139050157 -0.3770054151566497 -0.3924832674720743 -0.4234389721029146 -0.4868981665961448 -0.5534529315524563 -0.5983387032671718 -0.6354855488241837 -0.7004925285489546 -0.8274109175354062 -0.9156346757333051 -0.6648934682234834 -0.5116627303008136 -0.29032944219029144 -0.08292622116365325 0.23746532176556145 0.14769377833612182 0.46808532126533653 +12539,0.5919081397887067,0,-0.2175835363078171 -0.3352152139050157 -0.3770054151566497 -0.3924832674720743 -0.4234389721029146 -0.4868981665961448 -0.5534529315524563 -0.5983387032671718 -0.6354855488241837 -0.7004925285489546 -0.8274109175354062 -0.9156346757333051 -0.6648934682234834 -0.5116627303008136 -0.29032944219029144 -0.08292622116365325 0.23746532176556145 0.14769377833612182 0.46808532126533653 0.4990410258961769 +12540,0.4990410258961769,0,-0.3352152139050157 -0.3770054151566497 -0.3924832674720743 -0.4234389721029146 -0.4868981665961448 -0.5534529315524563 -0.5983387032671718 -0.6354855488241837 -0.7004925285489546 -0.8274109175354062 -0.9156346757333051 -0.6648934682234834 -0.5116627303008136 -0.29032944219029144 -0.08292622116365325 0.23746532176556145 0.14769377833612182 0.46808532126533653 0.4990410258961769 0.5919081397887067 +12541,0.3272368651950011,0,-0.3770054151566497 -0.3924832674720743 -0.4234389721029146 -0.4868981665961448 -0.5534529315524563 -0.5983387032671718 -0.6354855488241837 -0.7004925285489546 -0.8274109175354062 -0.9156346757333051 -0.6648934682234834 -0.5116627303008136 -0.29032944219029144 -0.08292622116365325 0.23746532176556145 0.14769377833612182 0.46808532126533653 0.4990410258961769 0.5919081397887067 0.4990410258961769 +12542,0.18329283866158427,0,-0.3924832674720743 -0.4234389721029146 -0.4868981665961448 -0.5534529315524563 -0.5983387032671718 -0.6354855488241837 -0.7004925285489546 -0.8274109175354062 -0.9156346757333051 -0.6648934682234834 -0.5116627303008136 -0.29032944219029144 -0.08292622116365325 0.23746532176556145 0.14769377833612182 0.46808532126533653 0.4990410258961769 0.5919081397887067 0.4990410258961769 0.3272368651950011 +12543,0.05947002013822289,0,-0.4234389721029146 -0.4868981665961448 -0.5534529315524563 -0.5983387032671718 -0.6354855488241837 -0.7004925285489546 -0.8274109175354062 -0.9156346757333051 -0.6648934682234834 -0.5116627303008136 -0.29032944219029144 -0.08292622116365325 0.23746532176556145 0.14769377833612182 0.46808532126533653 0.4990410258961769 0.5919081397887067 0.4990410258961769 0.3272368651950011 0.18329283866158427 +12544,-0.1076907848683308,0,-0.4868981665961448 -0.5534529315524563 -0.5983387032671718 -0.6354855488241837 -0.7004925285489546 -0.8274109175354062 -0.9156346757333051 -0.6648934682234834 -0.5116627303008136 -0.29032944219029144 -0.08292622116365325 0.23746532176556145 0.14769377833612182 0.46808532126533653 0.4990410258961769 0.5919081397887067 0.4990410258961769 0.3272368651950011 0.18329283866158427 0.05947002013822289 +12545,-0.282590516032588,0,-0.5534529315524563 -0.5983387032671718 -0.6354855488241837 -0.7004925285489546 -0.8274109175354062 -0.9156346757333051 -0.6648934682234834 -0.5116627303008136 -0.29032944219029144 -0.08292622116365325 0.23746532176556145 0.14769377833612182 0.46808532126533653 0.4990410258961769 0.5919081397887067 0.4990410258961769 0.3272368651950011 0.18329283866158427 0.05947002013822289 -0.1076907848683308 +12546,-0.40641333455594936,0,-0.5983387032671718 -0.6354855488241837 -0.7004925285489546 -0.8274109175354062 -0.9156346757333051 -0.6648934682234834 -0.5116627303008136 -0.29032944219029144 -0.08292622116365325 0.23746532176556145 0.14769377833612182 0.46808532126533653 0.4990410258961769 0.5919081397887067 0.4990410258961769 0.3272368651950011 0.18329283866158427 0.05947002013822289 -0.1076907848683308 -0.282590516032588 +12547,-0.49154152229076686,0,-0.6354855488241837 -0.7004925285489546 -0.8274109175354062 -0.9156346757333051 -0.6648934682234834 -0.5116627303008136 -0.29032944219029144 -0.08292622116365325 0.23746532176556145 0.14769377833612182 0.46808532126533653 0.4990410258961769 0.5919081397887067 0.4990410258961769 0.3272368651950011 0.18329283866158427 0.05947002013822289 -0.1076907848683308 -0.282590516032588 -0.40641333455594936 +12548,-0.582860850951756,0,-0.7004925285489546 -0.8274109175354062 -0.9156346757333051 -0.6648934682234834 -0.5116627303008136 -0.29032944219029144 -0.08292622116365325 0.23746532176556145 0.14769377833612182 0.46808532126533653 0.4990410258961769 0.5919081397887067 0.4990410258961769 0.3272368651950011 0.18329283866158427 0.05947002013822289 -0.1076907848683308 -0.282590516032588 -0.40641333455594936 -0.49154152229076686 +12549,-0.6741801796127364,0,-0.8274109175354062 -0.9156346757333051 -0.6648934682234834 -0.5116627303008136 -0.29032944219029144 -0.08292622116365325 0.23746532176556145 0.14769377833612182 0.46808532126533653 0.4990410258961769 0.5919081397887067 0.4990410258961769 0.3272368651950011 0.18329283866158427 0.05947002013822289 -0.1076907848683308 -0.282590516032588 -0.40641333455594936 -0.49154152229076686 -0.582860850951756 +12550,-0.7469260854952195,0,-0.9156346757333051 -0.6648934682234834 -0.5116627303008136 -0.29032944219029144 -0.08292622116365325 0.23746532176556145 0.14769377833612182 0.46808532126533653 0.4990410258961769 0.5919081397887067 0.4990410258961769 0.3272368651950011 0.18329283866158427 0.05947002013822289 -0.1076907848683308 -0.282590516032588 -0.40641333455594936 -0.49154152229076686 -0.582860850951756 -0.6741801796127364 +12551,-0.8862267563340055,0,-0.6648934682234834 -0.5116627303008136 -0.29032944219029144 -0.08292622116365325 0.23746532176556145 0.14769377833612182 0.46808532126533653 0.4990410258961769 0.5919081397887067 0.4990410258961769 0.3272368651950011 0.18329283866158427 0.05947002013822289 -0.1076907848683308 -0.282590516032588 -0.40641333455594936 -0.49154152229076686 -0.582860850951756 -0.6741801796127364 -0.7469260854952195 +12552,-0.9357558837433517,0,-0.5116627303008136 -0.29032944219029144 -0.08292622116365325 0.23746532176556145 0.14769377833612182 0.46808532126533653 0.4990410258961769 0.5919081397887067 0.4990410258961769 0.3272368651950011 0.18329283866158427 0.05947002013822289 -0.1076907848683308 -0.282590516032588 -0.40641333455594936 -0.49154152229076686 -0.582860850951756 -0.6741801796127364 -0.7469260854952195 -0.8862267563340055 +12553,-0.9775460849949946,0,-0.29032944219029144 -0.08292622116365325 0.23746532176556145 0.14769377833612182 0.46808532126533653 0.4990410258961769 0.5919081397887067 0.4990410258961769 0.3272368651950011 0.18329283866158427 0.05947002013822289 -0.1076907848683308 -0.282590516032588 -0.40641333455594936 -0.49154152229076686 -0.582860850951756 -0.6741801796127364 -0.7469260854952195 -0.8862267563340055 -0.9357558837433517 +12554,-1.0332663533305038,0,-0.08292622116365325 0.23746532176556145 0.14769377833612182 0.46808532126533653 0.4990410258961769 0.5919081397887067 0.4990410258961769 0.3272368651950011 0.18329283866158427 0.05947002013822289 -0.1076907848683308 -0.282590516032588 -0.40641333455594936 -0.49154152229076686 -0.582860850951756 -0.6741801796127364 -0.7469260854952195 -0.8862267563340055 -0.9357558837433517 -0.9775460849949946 +12555,-0.7252570922536233,0,0.23746532176556145 0.14769377833612182 0.46808532126533653 0.4990410258961769 0.5919081397887067 0.4990410258961769 0.3272368651950011 0.18329283866158427 0.05947002013822289 -0.1076907848683308 -0.282590516032588 -0.40641333455594936 -0.49154152229076686 -0.582860850951756 -0.6741801796127364 -0.7469260854952195 -0.8862267563340055 -0.9357558837433517 -0.9775460849949946 -1.0332663533305038 +12556,-0.25473038186482905,0,0.14769377833612182 0.46808532126533653 0.4990410258961769 0.5919081397887067 0.4990410258961769 0.3272368651950011 0.18329283866158427 0.05947002013822289 -0.1076907848683308 -0.282590516032588 -0.40641333455594936 -0.49154152229076686 -0.582860850951756 -0.6741801796127364 -0.7469260854952195 -0.8862267563340055 -0.9357558837433517 -0.9775460849949946 -1.0332663533305038 -0.7252570922536233 +12557,0.2777077377856548,0,0.46808532126533653 0.4990410258961769 0.5919081397887067 0.4990410258961769 0.3272368651950011 0.18329283866158427 0.05947002013822289 -0.1076907848683308 -0.282590516032588 -0.40641333455594936 -0.49154152229076686 -0.582860850951756 -0.6741801796127364 -0.7469260854952195 -0.8862267563340055 -0.9357558837433517 -0.9775460849949946 -1.0332663533305038 -0.7252570922536233 -0.25473038186482905 +12558,0.7668078709529639,0,0.4990410258961769 0.5919081397887067 0.4990410258961769 0.3272368651950011 0.18329283866158427 0.05947002013822289 -0.1076907848683308 -0.282590516032588 -0.40641333455594936 -0.49154152229076686 -0.582860850951756 -0.6741801796127364 -0.7469260854952195 -0.8862267563340055 -0.9357558837433517 -0.9775460849949946 -1.0332663533305038 -0.7252570922536233 -0.25473038186482905 0.2777077377856548 +12559,1.020644648925867,0,0.5919081397887067 0.4990410258961769 0.3272368651950011 0.18329283866158427 0.05947002013822289 -0.1076907848683308 -0.282590516032588 -0.40641333455594936 -0.49154152229076686 -0.582860850951756 -0.6741801796127364 -0.7469260854952195 -0.8862267563340055 -0.9357558837433517 -0.9775460849949946 -1.0332663533305038 -0.7252570922536233 -0.25473038186482905 0.2777077377856548 0.7668078709529639 +12560,1.118155118513019,0,0.4990410258961769 0.3272368651950011 0.18329283866158427 0.05947002013822289 -0.1076907848683308 -0.282590516032588 -0.40641333455594936 -0.49154152229076686 -0.582860850951756 -0.6741801796127364 -0.7469260854952195 -0.8862267563340055 -0.9357558837433517 -0.9775460849949946 -1.0332663533305038 -0.7252570922536233 -0.25473038186482905 0.2777077377856548 0.7668078709529639 1.020644648925867 +12561,1.1924488096270427,0,0.3272368651950011 0.18329283866158427 0.05947002013822289 -0.1076907848683308 -0.282590516032588 -0.40641333455594936 -0.49154152229076686 -0.582860850951756 -0.6741801796127364 -0.7469260854952195 -0.8862267563340055 -0.9357558837433517 -0.9775460849949946 -1.0332663533305038 -0.7252570922536233 -0.25473038186482905 0.2777077377856548 0.7668078709529639 1.020644648925867 1.118155118513019 +12562,1.2311434404155954,0,0.18329283866158427 0.05947002013822289 -0.1076907848683308 -0.282590516032588 -0.40641333455594936 -0.49154152229076686 -0.582860850951756 -0.6741801796127364 -0.7469260854952195 -0.8862267563340055 -0.9357558837433517 -0.9775460849949946 -1.0332663533305038 -0.7252570922536233 -0.25473038186482905 0.2777077377856548 0.7668078709529639 1.020644648925867 1.118155118513019 1.1924488096270427 +12563,1.2017355210162957,0,0.05947002013822289 -0.1076907848683308 -0.282590516032588 -0.40641333455594936 -0.49154152229076686 -0.582860850951756 -0.6741801796127364 -0.7469260854952195 -0.8862267563340055 -0.9357558837433517 -0.9775460849949946 -1.0332663533305038 -0.7252570922536233 -0.25473038186482905 0.2777077377856548 0.7668078709529639 1.020644648925867 1.118155118513019 1.1924488096270427 1.2311434404155954 +12564,1.0964861252714315,0,-0.1076907848683308 -0.282590516032588 -0.40641333455594936 -0.49154152229076686 -0.582860850951756 -0.6741801796127364 -0.7469260854952195 -0.8862267563340055 -0.9357558837433517 -0.9775460849949946 -1.0332663533305038 -0.7252570922536233 -0.25473038186482905 0.2777077377856548 0.7668078709529639 1.020644648925867 1.118155118513019 1.1924488096270427 1.2311434404155954 1.2017355210162957 +12565,0.8364582063723568,0,-0.282590516032588 -0.40641333455594936 -0.49154152229076686 -0.582860850951756 -0.6741801796127364 -0.7469260854952195 -0.8862267563340055 -0.9357558837433517 -0.9775460849949946 -1.0332663533305038 -0.7252570922536233 -0.25473038186482905 0.2777077377856548 0.7668078709529639 1.020644648925867 1.118155118513019 1.1924488096270427 1.2311434404155954 1.2017355210162957 1.0964861252714315 +12566,0.5067799520538891,0,-0.40641333455594936 -0.49154152229076686 -0.582860850951756 -0.6741801796127364 -0.7469260854952195 -0.8862267563340055 -0.9357558837433517 -0.9775460849949946 -1.0332663533305038 -0.7252570922536233 -0.25473038186482905 0.2777077377856548 0.7668078709529639 1.020644648925867 1.118155118513019 1.1924488096270427 1.2311434404155954 1.2017355210162957 1.0964861252714315 0.8364582063723568 +12567,0.30402008672187303,0,-0.49154152229076686 -0.582860850951756 -0.6741801796127364 -0.7469260854952195 -0.8862267563340055 -0.9357558837433517 -0.9775460849949946 -1.0332663533305038 -0.7252570922536233 -0.25473038186482905 0.2777077377856548 0.7668078709529639 1.020644648925867 1.118155118513019 1.1924488096270427 1.2311434404155954 1.2017355210162957 1.0964861252714315 0.8364582063723568 0.5067799520538891 +12568,0.18793619435621514,0,-0.582860850951756 -0.6741801796127364 -0.7469260854952195 -0.8862267563340055 -0.9357558837433517 -0.9775460849949946 -1.0332663533305038 -0.7252570922536233 -0.25473038186482905 0.2777077377856548 0.7668078709529639 1.020644648925867 1.118155118513019 1.1924488096270427 1.2311434404155954 1.2017355210162957 1.0964861252714315 0.8364582063723568 0.5067799520538891 0.30402008672187303 +12569,0.02696653027583305,0,-0.6741801796127364 -0.7469260854952195 -0.8862267563340055 -0.9357558837433517 -0.9775460849949946 -1.0332663533305038 -0.7252570922536233 -0.25473038186482905 0.2777077377856548 0.7668078709529639 1.020644648925867 1.118155118513019 1.1924488096270427 1.2311434404155954 1.2017355210162957 1.0964861252714315 0.8364582063723568 0.5067799520538891 0.30402008672187303 0.18793619435621514 +12570,-0.07518729500594096,0,-0.7469260854952195 -0.8862267563340055 -0.9357558837433517 -0.9775460849949946 -1.0332663533305038 -0.7252570922536233 -0.25473038186482905 0.2777077377856548 0.7668078709529639 1.020644648925867 1.118155118513019 1.1924488096270427 1.2311434404155954 1.2017355210162957 1.0964861252714315 0.8364582063723568 0.5067799520538891 0.30402008672187303 0.18793619435621514 0.02696653027583305 +12571,-0.14793320088842413,0,-0.8862267563340055 -0.9357558837433517 -0.9775460849949946 -1.0332663533305038 -0.7252570922536233 -0.25473038186482905 0.2777077377856548 0.7668078709529639 1.020644648925867 1.118155118513019 1.1924488096270427 1.2311434404155954 1.2017355210162957 1.0964861252714315 0.8364582063723568 0.5067799520538891 0.30402008672187303 0.18793619435621514 0.02696653027583305 -0.07518729500594096 +12572,-0.2191313215393578,0,-0.9357558837433517 -0.9775460849949946 -1.0332663533305038 -0.7252570922536233 -0.25473038186482905 0.2777077377856548 0.7668078709529639 1.020644648925867 1.118155118513019 1.1924488096270427 1.2311434404155954 1.2017355210162957 1.0964861252714315 0.8364582063723568 0.5067799520538891 0.30402008672187303 0.18793619435621514 0.02696653027583305 -0.07518729500594096 -0.14793320088842413 +12573,-0.2516348114017388,0,-0.9775460849949946 -1.0332663533305038 -0.7252570922536233 -0.25473038186482905 0.2777077377856548 0.7668078709529639 1.020644648925867 1.118155118513019 1.1924488096270427 1.2311434404155954 1.2017355210162957 1.0964861252714315 0.8364582063723568 0.5067799520538891 0.30402008672187303 0.18793619435621514 0.02696653027583305 -0.07518729500594096 -0.14793320088842413 -0.2191313215393578 +12574,-0.7654995082737255,0,-1.0332663533305038 -0.7252570922536233 -0.25473038186482905 0.2777077377856548 0.7668078709529639 1.020644648925867 1.118155118513019 1.1924488096270427 1.2311434404155954 1.2017355210162957 1.0964861252714315 0.8364582063723568 0.5067799520538891 0.30402008672187303 0.18793619435621514 0.02696653027583305 -0.07518729500594096 -0.14793320088842413 -0.2191313215393578 -0.2516348114017388 +12575,-0.46368138812300796,0,-0.7252570922536233 -0.25473038186482905 0.2777077377856548 0.7668078709529639 1.020644648925867 1.118155118513019 1.1924488096270427 1.2311434404155954 1.2017355210162957 1.0964861252714315 0.8364582063723568 0.5067799520538891 0.30402008672187303 0.18793619435621514 0.02696653027583305 -0.07518729500594096 -0.14793320088842413 -0.2191313215393578 -0.2516348114017388 -0.7654995082737255 +12576,-0.4745158847438104,0,-0.25473038186482905 0.2777077377856548 0.7668078709529639 1.020644648925867 1.118155118513019 1.1924488096270427 1.2311434404155954 1.2017355210162957 1.0964861252714315 0.8364582063723568 0.5067799520538891 0.30402008672187303 0.18793619435621514 0.02696653027583305 -0.07518729500594096 -0.14793320088842413 -0.2191313215393578 -0.2516348114017388 -0.7654995082737255 -0.46368138812300796 +12577,-0.5503573610893662,0,0.2777077377856548 0.7668078709529639 1.020644648925867 1.118155118513019 1.1924488096270427 1.2311434404155954 1.2017355210162957 1.0964861252714315 0.8364582063723568 0.5067799520538891 0.30402008672187303 0.18793619435621514 0.02696653027583305 -0.07518729500594096 -0.14793320088842413 -0.2191313215393578 -0.2516348114017388 -0.7654995082737255 -0.46368138812300796 -0.4745158847438104 +12578,-0.5859564214148374,0,0.7668078709529639 1.020644648925867 1.118155118513019 1.1924488096270427 1.2311434404155954 1.2017355210162957 1.0964861252714315 0.8364582063723568 0.5067799520538891 0.30402008672187303 0.18793619435621514 0.02696653027583305 -0.07518729500594096 -0.14793320088842413 -0.2191313215393578 -0.2516348114017388 -0.7654995082737255 -0.46368138812300796 -0.4745158847438104 -0.5503573610893662 +12579,-0.4265345425660048,0,1.020644648925867 1.118155118513019 1.1924488096270427 1.2311434404155954 1.2017355210162957 1.0964861252714315 0.8364582063723568 0.5067799520538891 0.30402008672187303 0.18793619435621514 0.02696653027583305 -0.07518729500594096 -0.14793320088842413 -0.2191313215393578 -0.2516348114017388 -0.7654995082737255 -0.46368138812300796 -0.4745158847438104 -0.5503573610893662 -0.5859564214148374 +12580,-0.15257655658304622,0,1.118155118513019 1.1924488096270427 1.2311434404155954 1.2017355210162957 1.0964861252714315 0.8364582063723568 0.5067799520538891 0.30402008672187303 0.18793619435621514 0.02696653027583305 -0.07518729500594096 -0.14793320088842413 -0.2191313215393578 -0.2516348114017388 -0.7654995082737255 -0.46368138812300796 -0.4745158847438104 -0.5503573610893662 -0.5859564214148374 -0.4265345425660048 +12581,0.3086634424164951,0,1.1924488096270427 1.2311434404155954 1.2017355210162957 1.0964861252714315 0.8364582063723568 0.5067799520538891 0.30402008672187303 0.18793619435621514 0.02696653027583305 -0.07518729500594096 -0.14793320088842413 -0.2191313215393578 -0.2516348114017388 -0.7654995082737255 -0.46368138812300796 -0.4745158847438104 -0.5503573610893662 -0.5859564214148374 -0.4265345425660048 -0.15257655658304622 +12582,0.8720572666978281,0,1.2311434404155954 1.2017355210162957 1.0964861252714315 0.8364582063723568 0.5067799520538891 0.30402008672187303 0.18793619435621514 0.02696653027583305 -0.07518729500594096 -0.14793320088842413 -0.2191313215393578 -0.2516348114017388 -0.7654995082737255 -0.46368138812300796 -0.4745158847438104 -0.5503573610893662 -0.5859564214148374 -0.4265345425660048 -0.15257655658304622 0.3086634424164951 +12583,1.1939965948585836,0,1.2017355210162957 1.0964861252714315 0.8364582063723568 0.5067799520538891 0.30402008672187303 0.18793619435621514 0.02696653027583305 -0.07518729500594096 -0.14793320088842413 -0.2191313215393578 -0.2516348114017388 -0.7654995082737255 -0.46368138812300796 -0.4745158847438104 -0.5503573610893662 -0.5859564214148374 -0.4265345425660048 -0.15257655658304622 0.3086634424164951 0.8720572666978281 +12584,1.3735396817174716,0,1.0964861252714315 0.8364582063723568 0.5067799520538891 0.30402008672187303 0.18793619435621514 0.02696653027583305 -0.07518729500594096 -0.14793320088842413 -0.2191313215393578 -0.2516348114017388 -0.7654995082737255 -0.46368138812300796 -0.4745158847438104 -0.5503573610893662 -0.5859564214148374 -0.4265345425660048 -0.15257655658304622 0.3086634424164951 0.8720572666978281 1.1939965948585836 +12585,1.4462855875999459,0,0.8364582063723568 0.5067799520538891 0.30402008672187303 0.18793619435621514 0.02696653027583305 -0.07518729500594096 -0.14793320088842413 -0.2191313215393578 -0.2516348114017388 -0.7654995082737255 -0.46368138812300796 -0.4745158847438104 -0.5503573610893662 -0.5859564214148374 -0.4265345425660048 -0.15257655658304622 0.3086634424164951 0.8720572666978281 1.1939965948585836 1.3735396817174716 +12586,1.409138742042934,0,0.5067799520538891 0.30402008672187303 0.18793619435621514 0.02696653027583305 -0.07518729500594096 -0.14793320088842413 -0.2191313215393578 -0.2516348114017388 -0.7654995082737255 -0.46368138812300796 -0.4745158847438104 -0.5503573610893662 -0.5859564214148374 -0.4265345425660048 -0.15257655658304622 0.3086634424164951 0.8720572666978281 1.1939965948585836 1.3735396817174716 1.4462855875999459 +12587,1.4478333728314865,0,0.30402008672187303 0.18793619435621514 0.02696653027583305 -0.07518729500594096 -0.14793320088842413 -0.2191313215393578 -0.2516348114017388 -0.7654995082737255 -0.46368138812300796 -0.4745158847438104 -0.5503573610893662 -0.5859564214148374 -0.4265345425660048 -0.15257655658304622 0.3086634424164951 0.8720572666978281 1.1939965948585836 1.3735396817174716 1.4462855875999459 1.409138742042934 +12588,1.330201695234288,0,0.18793619435621514 0.02696653027583305 -0.07518729500594096 -0.14793320088842413 -0.2191313215393578 -0.2516348114017388 -0.7654995082737255 -0.46368138812300796 -0.4745158847438104 -0.5503573610893662 -0.5859564214148374 -0.4265345425660048 -0.15257655658304622 0.3086634424164951 0.8720572666978281 1.1939965948585836 1.3735396817174716 1.4462855875999459 1.409138742042934 1.4478333728314865 +12589,1.0825560581875477,0,0.02696653027583305 -0.07518729500594096 -0.14793320088842413 -0.2191313215393578 -0.2516348114017388 -0.7654995082737255 -0.46368138812300796 -0.4745158847438104 -0.5503573610893662 -0.5859564214148374 -0.4265345425660048 -0.15257655658304622 0.3086634424164951 0.8720572666978281 1.1939965948585836 1.3735396817174716 1.4462855875999459 1.409138742042934 1.4478333728314865 1.330201695234288 +12590,0.7497822334059986,0,-0.07518729500594096 -0.14793320088842413 -0.2191313215393578 -0.2516348114017388 -0.7654995082737255 -0.46368138812300796 -0.4745158847438104 -0.5503573610893662 -0.5859564214148374 -0.4265345425660048 -0.15257655658304622 0.3086634424164951 0.8720572666978281 1.1939965948585836 1.3735396817174716 1.4462855875999459 1.409138742042934 1.4478333728314865 1.330201695234288 1.0825560581875477 +12591,0.5625002203894071,0,-0.14793320088842413 -0.2191313215393578 -0.2516348114017388 -0.7654995082737255 -0.46368138812300796 -0.4745158847438104 -0.5503573610893662 -0.5859564214148374 -0.4265345425660048 -0.15257655658304622 0.3086634424164951 0.8720572666978281 1.1939965948585836 1.3735396817174716 1.4462855875999459 1.409138742042934 1.4478333728314865 1.330201695234288 1.0825560581875477 0.7497822334059986 +12592,0.4355818314029555,0,-0.2191313215393578 -0.2516348114017388 -0.7654995082737255 -0.46368138812300796 -0.4745158847438104 -0.5503573610893662 -0.5859564214148374 -0.4265345425660048 -0.15257655658304622 0.3086634424164951 0.8720572666978281 1.1939965948585836 1.3735396817174716 1.4462855875999459 1.409138742042934 1.4478333728314865 1.330201695234288 1.0825560581875477 0.7497822334059986 0.5625002203894071 +12593,0.36283592552047234,0,-0.2516348114017388 -0.7654995082737255 -0.46368138812300796 -0.4745158847438104 -0.5503573610893662 -0.5859564214148374 -0.4265345425660048 -0.15257655658304622 0.3086634424164951 0.8720572666978281 1.1939965948585836 1.3735396817174716 1.4462855875999459 1.409138742042934 1.4478333728314865 1.330201695234288 1.0825560581875477 0.7497822334059986 0.5625002203894071 0.4355818314029555 +12594,0.20031847620854953,0,-0.7654995082737255 -0.46368138812300796 -0.4745158847438104 -0.5503573610893662 -0.5859564214148374 -0.4265345425660048 -0.15257655658304622 0.3086634424164951 0.8720572666978281 1.1939965948585836 1.3735396817174716 1.4462855875999459 1.409138742042934 1.4478333728314865 1.330201695234288 1.0825560581875477 0.7497822334059986 0.5625002203894071 0.4355818314029555 0.36283592552047234 +12595,0.030062100738923243,0,-0.46368138812300796 -0.4745158847438104 -0.5503573610893662 -0.5859564214148374 -0.4265345425660048 -0.15257655658304622 0.3086634424164951 0.8720572666978281 1.1939965948585836 1.3735396817174716 1.4462855875999459 1.409138742042934 1.4478333728314865 1.330201695234288 1.0825560581875477 0.7497822334059986 0.5625002203894071 0.4355818314029555 0.36283592552047234 0.20031847620854953 +12596,-0.2624693080225413,0,-0.4745158847438104 -0.5503573610893662 -0.5859564214148374 -0.4265345425660048 -0.15257655658304622 0.3086634424164951 0.8720572666978281 1.1939965948585836 1.3735396817174716 1.4462855875999459 1.409138742042934 1.4478333728314865 1.330201695234288 1.0825560581875477 0.7497822334059986 0.5625002203894071 0.4355818314029555 0.36283592552047234 0.20031847620854953 0.030062100738923243 +12597,-0.3506930662204403,0,-0.5503573610893662 -0.5859564214148374 -0.4265345425660048 -0.15257655658304622 0.3086634424164951 0.8720572666978281 1.1939965948585836 1.3735396817174716 1.4462855875999459 1.409138742042934 1.4478333728314865 1.330201695234288 1.0825560581875477 0.7497822334059986 0.5625002203894071 0.4355818314029555 0.36283592552047234 0.20031847620854953 0.030062100738923243 -0.2624693080225413 +12598,-0.5302361530793195,0,-0.5859564214148374 -0.4265345425660048 -0.15257655658304622 0.3086634424164951 0.8720572666978281 1.1939965948585836 1.3735396817174716 1.4462855875999459 1.409138742042934 1.4478333728314865 1.330201695234288 1.0825560581875477 0.7497822334059986 0.5625002203894071 0.4355818314029555 0.36283592552047234 0.20031847620854953 0.030062100738923243 -0.2624693080225413 -0.3506930662204403 +12599,-0.5967909180356311,0,-0.4265345425660048 -0.15257655658304622 0.3086634424164951 0.8720572666978281 1.1939965948585836 1.3735396817174716 1.4462855875999459 1.409138742042934 1.4478333728314865 1.330201695234288 1.0825560581875477 0.7497822334059986 0.5625002203894071 0.4355818314029555 0.36283592552047234 0.20031847620854953 0.030062100738923243 -0.2624693080225413 -0.3506930662204403 -0.5302361530793195 +12600,-0.6478678306765181,0,-0.15257655658304622 0.3086634424164951 0.8720572666978281 1.1939965948585836 1.3735396817174716 1.4462855875999459 1.409138742042934 1.4478333728314865 1.330201695234288 1.0825560581875477 0.7497822334059986 0.5625002203894071 0.4355818314029555 0.36283592552047234 0.20031847620854953 0.030062100738923243 -0.2624693080225413 -0.3506930662204403 -0.5302361530793195 -0.5967909180356311 +12601,-0.7066836694751262,0,0.3086634424164951 0.8720572666978281 1.1939965948585836 1.3735396817174716 1.4462855875999459 1.409138742042934 1.4478333728314865 1.330201695234288 1.0825560581875477 0.7497822334059986 0.5625002203894071 0.4355818314029555 0.36283592552047234 0.20031847620854953 0.030062100738923243 -0.2624693080225413 -0.3506930662204403 -0.5302361530793195 -0.5967909180356311 -0.6478678306765181 +12602,-0.763951723042176,0,0.8720572666978281 1.1939965948585836 1.3735396817174716 1.4462855875999459 1.409138742042934 1.4478333728314865 1.330201695234288 1.0825560581875477 0.7497822334059986 0.5625002203894071 0.4355818314029555 0.36283592552047234 0.20031847620854953 0.030062100738923243 -0.2624693080225413 -0.3506930662204403 -0.5302361530793195 -0.5967909180356311 -0.6478678306765181 -0.7066836694751262 +12603,-0.5720263543309624,0,1.1939965948585836 1.3735396817174716 1.4462855875999459 1.409138742042934 1.4478333728314865 1.330201695234288 1.0825560581875477 0.7497822334059986 0.5625002203894071 0.4355818314029555 0.36283592552047234 0.20031847620854953 0.030062100738923243 -0.2624693080225413 -0.3506930662204403 -0.5302361530793195 -0.5967909180356311 -0.6478678306765181 -0.7066836694751262 -0.763951723042176 +12604,-0.19901011352931114,0,1.3735396817174716 1.4462855875999459 1.409138742042934 1.4478333728314865 1.330201695234288 1.0825560581875477 0.7497822334059986 0.5625002203894071 0.4355818314029555 0.36283592552047234 0.20031847620854953 0.030062100738923243 -0.2624693080225413 -0.3506930662204403 -0.5302361530793195 -0.5967909180356311 -0.6478678306765181 -0.7066836694751262 -0.763951723042176 -0.5720263543309624 +12605,0.08268679861135095,0,1.4462855875999459 1.409138742042934 1.4478333728314865 1.330201695234288 1.0825560581875477 0.7497822334059986 0.5625002203894071 0.4355818314029555 0.36283592552047234 0.20031847620854953 0.030062100738923243 -0.2624693080225413 -0.3506930662204403 -0.5302361530793195 -0.5967909180356311 -0.6478678306765181 -0.7066836694751262 -0.763951723042176 -0.5720263543309624 -0.19901011352931114 +12606,0.6073859921041225,0,1.409138742042934 1.4478333728314865 1.330201695234288 1.0825560581875477 0.7497822334059986 0.5625002203894071 0.4355818314029555 0.36283592552047234 0.20031847620854953 0.030062100738923243 -0.2624693080225413 -0.3506930662204403 -0.5302361530793195 -0.5967909180356311 -0.6478678306765181 -0.7066836694751262 -0.763951723042176 -0.5720263543309624 -0.19901011352931114 0.08268679861135095 +12607,0.7265654549328705,0,1.4478333728314865 1.330201695234288 1.0825560581875477 0.7497822334059986 0.5625002203894071 0.4355818314029555 0.36283592552047234 0.20031847620854953 0.030062100738923243 -0.2624693080225413 -0.3506930662204403 -0.5302361530793195 -0.5967909180356311 -0.6478678306765181 -0.7066836694751262 -0.763951723042176 -0.5720263543309624 -0.19901011352931114 0.08268679861135095 0.6073859921041225 +12608,0.9200386088756337,0,1.330201695234288 1.0825560581875477 0.7497822334059986 0.5625002203894071 0.4355818314029555 0.36283592552047234 0.20031847620854953 0.030062100738923243 -0.2624693080225413 -0.3506930662204403 -0.5302361530793195 -0.5967909180356311 -0.6478678306765181 -0.7066836694751262 -0.763951723042176 -0.5720263543309624 -0.19901011352931114 0.08268679861135095 0.6073859921041225 0.7265654549328705 +12609,1.0190968636943263,0,1.0825560581875477 0.7497822334059986 0.5625002203894071 0.4355818314029555 0.36283592552047234 0.20031847620854953 0.030062100738923243 -0.2624693080225413 -0.3506930662204403 -0.5302361530793195 -0.5967909180356311 -0.6478678306765181 -0.7066836694751262 -0.763951723042176 -0.5720263543309624 -0.19901011352931114 0.08268679861135095 0.6073859921041225 0.7265654549328705 0.9200386088756337 +12610,1.0221924341574078,0,0.7497822334059986 0.5625002203894071 0.4355818314029555 0.36283592552047234 0.20031847620854953 0.030062100738923243 -0.2624693080225413 -0.3506930662204403 -0.5302361530793195 -0.5967909180356311 -0.6478678306765181 -0.7066836694751262 -0.763951723042176 -0.5720263543309624 -0.19901011352931114 0.08268679861135095 0.6073859921041225 0.7265654549328705 0.9200386088756337 1.0190968636943263 +12611,0.9045607565602091,0,0.5625002203894071 0.4355818314029555 0.36283592552047234 0.20031847620854953 0.030062100738923243 -0.2624693080225413 -0.3506930662204403 -0.5302361530793195 -0.5967909180356311 -0.6478678306765181 -0.7066836694751262 -0.763951723042176 -0.5720263543309624 -0.19901011352931114 0.08268679861135095 0.6073859921041225 0.7265654549328705 0.9200386088756337 1.0190968636943263 1.0221924341574078 +12612,0.7853812937314698,0,0.4355818314029555 0.36283592552047234 0.20031847620854953 0.030062100738923243 -0.2624693080225413 -0.3506930662204403 -0.5302361530793195 -0.5967909180356311 -0.6478678306765181 -0.7066836694751262 -0.763951723042176 -0.5720263543309624 -0.19901011352931114 0.08268679861135095 0.6073859921041225 0.7265654549328705 0.9200386088756337 1.0190968636943263 1.0221924341574078 0.9045607565602091 +12613,0.6213160591880064,0,0.36283592552047234 0.20031847620854953 0.030062100738923243 -0.2624693080225413 -0.3506930662204403 -0.5302361530793195 -0.5967909180356311 -0.6478678306765181 -0.7066836694751262 -0.763951723042176 -0.5720263543309624 -0.19901011352931114 0.08268679861135095 0.6073859921041225 0.7265654549328705 0.9200386088756337 1.0190968636943263 1.0221924341574078 0.9045607565602091 0.7853812937314698 +12614,0.23127418083938986,0,0.20031847620854953 0.030062100738923243 -0.2624693080225413 -0.3506930662204403 -0.5302361530793195 -0.5967909180356311 -0.6478678306765181 -0.7066836694751262 -0.763951723042176 -0.5720263543309624 -0.19901011352931114 0.08268679861135095 0.6073859921041225 0.7265654549328705 0.9200386088756337 1.0190968636943263 1.0221924341574078 0.9045607565602091 0.7853812937314698 0.6213160591880064 +12615,0.01613203365503937,0,0.030062100738923243 -0.2624693080225413 -0.3506930662204403 -0.5302361530793195 -0.5967909180356311 -0.6478678306765181 -0.7066836694751262 -0.763951723042176 -0.5720263543309624 -0.19901011352931114 0.08268679861135095 0.6073859921041225 0.7265654549328705 0.9200386088756337 1.0190968636943263 1.0221924341574078 0.9045607565602091 0.7853812937314698 0.6213160591880064 0.23127418083938986 +12616,-0.2082968249185641,0,-0.2624693080225413 -0.3506930662204403 -0.5302361530793195 -0.5967909180356311 -0.6478678306765181 -0.7066836694751262 -0.763951723042176 -0.5720263543309624 -0.19901011352931114 0.08268679861135095 0.6073859921041225 0.7265654549328705 0.9200386088756337 1.0190968636943263 1.0221924341574078 0.9045607565602091 0.7853812937314698 0.6213160591880064 0.23127418083938986 0.01613203365503937 +12617,-0.2624693080225413,0,-0.3506930662204403 -0.5302361530793195 -0.5967909180356311 -0.6478678306765181 -0.7066836694751262 -0.763951723042176 -0.5720263543309624 -0.19901011352931114 0.08268679861135095 0.6073859921041225 0.7265654549328705 0.9200386088756337 1.0190968636943263 1.0221924341574078 0.9045607565602091 0.7853812937314698 0.6213160591880064 0.23127418083938986 0.01613203365503937 -0.2082968249185641 +12618,-0.7856207162837722,0,-0.5302361530793195 -0.5967909180356311 -0.6478678306765181 -0.7066836694751262 -0.763951723042176 -0.5720263543309624 -0.19901011352931114 0.08268679861135095 0.6073859921041225 0.7265654549328705 0.9200386088756337 1.0190968636943263 1.0221924341574078 0.9045607565602091 0.7853812937314698 0.6213160591880064 0.23127418083938986 0.01613203365503937 -0.2082968249185641 -0.2624693080225413 +12619,-0.4265345425660048,0,-0.5967909180356311 -0.6478678306765181 -0.7066836694751262 -0.763951723042176 -0.5720263543309624 -0.19901011352931114 0.08268679861135095 0.6073859921041225 0.7265654549328705 0.9200386088756337 1.0190968636943263 1.0221924341574078 0.9045607565602091 0.7853812937314698 0.6213160591880064 0.23127418083938986 0.01613203365503937 -0.2082968249185641 -0.2624693080225413 -0.7856207162837722 +12620,-0.49154152229076686,0,-0.6478678306765181 -0.7066836694751262 -0.763951723042176 -0.5720263543309624 -0.19901011352931114 0.08268679861135095 0.6073859921041225 0.7265654549328705 0.9200386088756337 1.0190968636943263 1.0221924341574078 0.9045607565602091 0.7853812937314698 0.6213160591880064 0.23127418083938986 0.01613203365503937 -0.2082968249185641 -0.2624693080225413 -0.7856207162837722 -0.4265345425660048 +12621,-0.5890519918779188,0,-0.7066836694751262 -0.763951723042176 -0.5720263543309624 -0.19901011352931114 0.08268679861135095 0.6073859921041225 0.7265654549328705 0.9200386088756337 1.0190968636943263 1.0221924341574078 0.9045607565602091 0.7853812937314698 0.6213160591880064 0.23127418083938986 0.01613203365503937 -0.2082968249185641 -0.2624693080225413 -0.7856207162837722 -0.4265345425660048 -0.49154152229076686 +12622,-0.6927536023912423,0,-0.763951723042176 -0.5720263543309624 -0.19901011352931114 0.08268679861135095 0.6073859921041225 0.7265654549328705 0.9200386088756337 1.0190968636943263 1.0221924341574078 0.9045607565602091 0.7853812937314698 0.6213160591880064 0.23127418083938986 0.01613203365503937 -0.2082968249185641 -0.2624693080225413 -0.7856207162837722 -0.4265345425660048 -0.49154152229076686 -0.5890519918779188 +12623,-0.8305064879984876,0,-0.5720263543309624 -0.19901011352931114 0.08268679861135095 0.6073859921041225 0.7265654549328705 0.9200386088756337 1.0190968636943263 1.0221924341574078 0.9045607565602091 0.7853812937314698 0.6213160591880064 0.23127418083938986 0.01613203365503937 -0.2082968249185641 -0.2624693080225413 -0.7856207162837722 -0.4265345425660048 -0.49154152229076686 -0.5890519918779188 -0.6927536023912423 +12624,-0.9171824609648458,0,-0.19901011352931114 0.08268679861135095 0.6073859921041225 0.7265654549328705 0.9200386088756337 1.0190968636943263 1.0221924341574078 0.9045607565602091 0.7853812937314698 0.6213160591880064 0.23127418083938986 0.01613203365503937 -0.2082968249185641 -0.2624693080225413 -0.7856207162837722 -0.4265345425660048 -0.49154152229076686 -0.5890519918779188 -0.6927536023912423 -0.8305064879984876 +12625,-0.9419470246695234,0,0.08268679861135095 0.6073859921041225 0.7265654549328705 0.9200386088756337 1.0190968636943263 1.0221924341574078 0.9045607565602091 0.7853812937314698 0.6213160591880064 0.23127418083938986 0.01613203365503937 -0.2082968249185641 -0.2624693080225413 -0.7856207162837722 -0.4265345425660048 -0.49154152229076686 -0.5890519918779188 -0.6927536023912423 -0.8305064879984876 -0.9171824609648458 +12626,-1.0146929305519976,0,0.6073859921041225 0.7265654549328705 0.9200386088756337 1.0190968636943263 1.0221924341574078 0.9045607565602091 0.7853812937314698 0.6213160591880064 0.23127418083938986 0.01613203365503937 -0.2082968249185641 -0.2624693080225413 -0.7856207162837722 -0.4265345425660048 -0.49154152229076686 -0.5890519918779188 -0.6927536023912423 -0.8305064879984876 -0.9171824609648458 -0.9419470246695234 +12627,-0.9063479643440521,0,0.7265654549328705 0.9200386088756337 1.0190968636943263 1.0221924341574078 0.9045607565602091 0.7853812937314698 0.6213160591880064 0.23127418083938986 0.01613203365503937 -0.2082968249185641 -0.2624693080225413 -0.7856207162837722 -0.4265345425660048 -0.49154152229076686 -0.5890519918779188 -0.6927536023912423 -0.8305064879984876 -0.9171824609648458 -0.9419470246695234 -1.0146929305519976 +12628,-0.4791592404384325,0,0.9200386088756337 1.0190968636943263 1.0221924341574078 0.9045607565602091 0.7853812937314698 0.6213160591880064 0.23127418083938986 0.01613203365503937 -0.2082968249185641 -0.2624693080225413 -0.7856207162837722 -0.4265345425660048 -0.49154152229076686 -0.5890519918779188 -0.6927536023912423 -0.8305064879984876 -0.9171824609648458 -0.9419470246695234 -1.0146929305519976 -0.9063479643440521 +12629,-0.024110382365053955,0,1.0190968636943263 1.0221924341574078 0.9045607565602091 0.7853812937314698 0.6213160591880064 0.23127418083938986 0.01613203365503937 -0.2082968249185641 -0.2624693080225413 -0.7856207162837722 -0.4265345425660048 -0.49154152229076686 -0.5890519918779188 -0.6927536023912423 -0.8305064879984876 -0.9171824609648458 -0.9419470246695234 -1.0146929305519976 -0.9063479643440521 -0.4791592404384325 +12630,0.24210867746019235,0,1.0221924341574078 0.9045607565602091 0.7853812937314698 0.6213160591880064 0.23127418083938986 0.01613203365503937 -0.2082968249185641 -0.2624693080225413 -0.7856207162837722 -0.4265345425660048 -0.49154152229076686 -0.5890519918779188 -0.6927536023912423 -0.8305064879984876 -0.9171824609648458 -0.9419470246695234 -1.0146929305519976 -0.9063479643440521 -0.4791592404384325 -0.024110382365053955 +12631,0.4711808917284179,0,0.9045607565602091 0.7853812937314698 0.6213160591880064 0.23127418083938986 0.01613203365503937 -0.2082968249185641 -0.2624693080225413 -0.7856207162837722 -0.4265345425660048 -0.49154152229076686 -0.5890519918779188 -0.6927536023912423 -0.8305064879984876 -0.9171824609648458 -0.9419470246695234 -1.0146929305519976 -0.9063479643440521 -0.4791592404384325 -0.024110382365053955 0.24210867746019235 +12632,0.5888125693256165,0,0.7853812937314698 0.6213160591880064 0.23127418083938986 0.01613203365503937 -0.2082968249185641 -0.2624693080225413 -0.7856207162837722 -0.4265345425660048 -0.49154152229076686 -0.5890519918779188 -0.6927536023912423 -0.8305064879984876 -0.9171824609648458 -0.9419470246695234 -1.0146929305519976 -0.9063479643440521 -0.4791592404384325 -0.024110382365053955 0.24210867746019235 0.4711808917284179 +12633,0.6878708241443179,0,0.6213160591880064 0.23127418083938986 0.01613203365503937 -0.2082968249185641 -0.2624693080225413 -0.7856207162837722 -0.4265345425660048 -0.49154152229076686 -0.5890519918779188 -0.6927536023912423 -0.8305064879984876 -0.9171824609648458 -0.9419470246695234 -1.0146929305519976 -0.9063479643440521 -0.4791592404384325 -0.024110382365053955 0.24210867746019235 0.4711808917284179 0.5888125693256165 +12634,0.7729990118791267,0,0.23127418083938986 0.01613203365503937 -0.2082968249185641 -0.2624693080225413 -0.7856207162837722 -0.4265345425660048 -0.49154152229076686 -0.5890519918779188 -0.6927536023912423 -0.8305064879984876 -0.9171824609648458 -0.9419470246695234 -1.0146929305519976 -0.9063479643440521 -0.4791592404384325 -0.024110382365053955 0.24210867746019235 0.4711808917284179 0.5888125693256165 0.6878708241443179 +12635,0.7466866629429172,0,0.01613203365503937 -0.2082968249185641 -0.2624693080225413 -0.7856207162837722 -0.4265345425660048 -0.49154152229076686 -0.5890519918779188 -0.6927536023912423 -0.8305064879984876 -0.9171824609648458 -0.9419470246695234 -1.0146929305519976 -0.9063479643440521 -0.4791592404384325 -0.024110382365053955 0.24210867746019235 0.4711808917284179 0.5888125693256165 0.6878708241443179 0.7729990118791267 +12636,0.7420433072482863,0,-0.2082968249185641 -0.2624693080225413 -0.7856207162837722 -0.4265345425660048 -0.49154152229076686 -0.5890519918779188 -0.6927536023912423 -0.8305064879984876 -0.9171824609648458 -0.9419470246695234 -1.0146929305519976 -0.9063479643440521 -0.4791592404384325 -0.024110382365053955 0.24210867746019235 0.4711808917284179 0.5888125693256165 0.6878708241443179 0.7729990118791267 0.7466866629429172 +12637,0.5764302874732822,0,-0.2624693080225413 -0.7856207162837722 -0.4265345425660048 -0.49154152229076686 -0.5890519918779188 -0.6927536023912423 -0.8305064879984876 -0.9171824609648458 -0.9419470246695234 -1.0146929305519976 -0.9063479643440521 -0.4791592404384325 -0.024110382365053955 0.24210867746019235 0.4711808917284179 0.5888125693256165 0.6878708241443179 0.7729990118791267 0.7466866629429172 0.7420433072482863 +12638,0.25139538884944534,0,-0.7856207162837722 -0.4265345425660048 -0.49154152229076686 -0.5890519918779188 -0.6927536023912423 -0.8305064879984876 -0.9171824609648458 -0.9419470246695234 -1.0146929305519976 -0.9063479643440521 -0.4791592404384325 -0.024110382365053955 0.24210867746019235 0.4711808917284179 0.5888125693256165 0.6878708241443179 0.7729990118791267 0.7466866629429172 0.7420433072482863 0.5764302874732822 +12639,-0.011728100512719579,0,-0.4265345425660048 -0.49154152229076686 -0.5890519918779188 -0.6927536023912423 -0.8305064879984876 -0.9171824609648458 -0.9419470246695234 -1.0146929305519976 -0.9063479643440521 -0.4791592404384325 -0.024110382365053955 0.24210867746019235 0.4711808917284179 0.5888125693256165 0.6878708241443179 0.7729990118791267 0.7466866629429172 0.7420433072482863 0.5764302874732822 0.25139538884944534 +12640,-0.23460917385478236,0,-0.49154152229076686 -0.5890519918779188 -0.6927536023912423 -0.8305064879984876 -0.9171824609648458 -0.9419470246695234 -1.0146929305519976 -0.9063479643440521 -0.4791592404384325 -0.024110382365053955 0.24210867746019235 0.4711808917284179 0.5888125693256165 0.6878708241443179 0.7729990118791267 0.7466866629429172 0.7420433072482863 0.5764302874732822 0.25139538884944534 -0.011728100512719579 +12641,-0.3522408514519809,0,-0.5890519918779188 -0.6927536023912423 -0.8305064879984876 -0.9171824609648458 -0.9419470246695234 -1.0146929305519976 -0.9063479643440521 -0.4791592404384325 -0.024110382365053955 0.24210867746019235 0.4711808917284179 0.5888125693256165 0.6878708241443179 0.7729990118791267 0.7466866629429172 0.7420433072482863 0.5764302874732822 0.25139538884944534 -0.011728100512719579 -0.23460917385478236 +12642,-0.45594246196530447,0,-0.6927536023912423 -0.8305064879984876 -0.9171824609648458 -0.9419470246695234 -1.0146929305519976 -0.9063479643440521 -0.4791592404384325 -0.024110382365053955 0.24210867746019235 0.4711808917284179 0.5888125693256165 0.6878708241443179 0.7729990118791267 0.7466866629429172 0.7420433072482863 0.5764302874732822 0.25139538884944534 -0.011728100512719579 -0.23460917385478236 -0.3522408514519809 +12643,-0.5720263543309624,0,-0.8305064879984876 -0.9171824609648458 -0.9419470246695234 -1.0146929305519976 -0.9063479643440521 -0.4791592404384325 -0.024110382365053955 0.24210867746019235 0.4711808917284179 0.5888125693256165 0.6878708241443179 0.7729990118791267 0.7466866629429172 0.7420433072482863 0.5764302874732822 0.25139538884944534 -0.011728100512719579 -0.23460917385478236 -0.3522408514519809 -0.45594246196530447 +12644,-0.6726323943811956,0,-0.9171824609648458 -0.9419470246695234 -1.0146929305519976 -0.9063479643440521 -0.4791592404384325 -0.024110382365053955 0.24210867746019235 0.4711808917284179 0.5888125693256165 0.6878708241443179 0.7729990118791267 0.7466866629429172 0.7420433072482863 0.5764302874732822 0.25139538884944534 -0.011728100512719579 -0.23460917385478236 -0.3522408514519809 -0.45594246196530447 -0.5720263543309624 +12645,-0.7747862196629784,0,-0.9419470246695234 -1.0146929305519976 -0.9063479643440521 -0.4791592404384325 -0.024110382365053955 0.24210867746019235 0.4711808917284179 0.5888125693256165 0.6878708241443179 0.7729990118791267 0.7466866629429172 0.7420433072482863 0.5764302874732822 0.25139538884944534 -0.011728100512719579 -0.23460917385478236 -0.3522408514519809 -0.45594246196530447 -0.5720263543309624 -0.6726323943811956 +12646,-0.8212197766092346,0,-1.0146929305519976 -0.9063479643440521 -0.4791592404384325 -0.024110382365053955 0.24210867746019235 0.4711808917284179 0.5888125693256165 0.6878708241443179 0.7729990118791267 0.7466866629429172 0.7420433072482863 0.5764302874732822 0.25139538884944534 -0.011728100512719579 -0.23460917385478236 -0.3522408514519809 -0.45594246196530447 -0.5720263543309624 -0.6726323943811956 -0.7747862196629784 +12647,-0.8103852799884409,0,-0.9063479643440521 -0.4791592404384325 -0.024110382365053955 0.24210867746019235 0.4711808917284179 0.5888125693256165 0.6878708241443179 0.7729990118791267 0.7466866629429172 0.7420433072482863 0.5764302874732822 0.25139538884944534 -0.011728100512719579 -0.23460917385478236 -0.3522408514519809 -0.45594246196530447 -0.5720263543309624 -0.6726323943811956 -0.7747862196629784 -0.8212197766092346 +12648,-0.8614621926293367,0,-0.4791592404384325 -0.024110382365053955 0.24210867746019235 0.4711808917284179 0.5888125693256165 0.6878708241443179 0.7729990118791267 0.7466866629429172 0.7420433072482863 0.5764302874732822 0.25139538884944534 -0.011728100512719579 -0.23460917385478236 -0.3522408514519809 -0.45594246196530447 -0.5720263543309624 -0.6726323943811956 -0.7747862196629784 -0.8212197766092346 -0.8103852799884409 +12649,-0.8351498436931184,0,-0.024110382365053955 0.24210867746019235 0.4711808917284179 0.5888125693256165 0.6878708241443179 0.7729990118791267 0.7466866629429172 0.7420433072482863 0.5764302874732822 0.25139538884944534 -0.011728100512719579 -0.23460917385478236 -0.3522408514519809 -0.45594246196530447 -0.5720263543309624 -0.6726323943811956 -0.7747862196629784 -0.8212197766092346 -0.8103852799884409 -0.8614621926293367 +12650,-0.6819191057704487,0,0.24210867746019235 0.4711808917284179 0.5888125693256165 0.6878708241443179 0.7729990118791267 0.7466866629429172 0.7420433072482863 0.5764302874732822 0.25139538884944534 -0.011728100512719579 -0.23460917385478236 -0.3522408514519809 -0.45594246196530447 -0.5720263543309624 -0.6726323943811956 -0.7747862196629784 -0.8212197766092346 -0.8103852799884409 -0.8614621926293367 -0.8351498436931184 +12651,-0.5255927973846974,0,0.4711808917284179 0.5888125693256165 0.6878708241443179 0.7729990118791267 0.7466866629429172 0.7420433072482863 0.5764302874732822 0.25139538884944534 -0.011728100512719579 -0.23460917385478236 -0.3522408514519809 -0.45594246196530447 -0.5720263543309624 -0.6726323943811956 -0.7747862196629784 -0.8212197766092346 -0.8103852799884409 -0.8614621926293367 -0.8351498436931184 -0.6819191057704487 +12652,-0.2624693080225413,0,0.5888125693256165 0.6878708241443179 0.7729990118791267 0.7466866629429172 0.7420433072482863 0.5764302874732822 0.25139538884944534 -0.011728100512719579 -0.23460917385478236 -0.3522408514519809 -0.45594246196530447 -0.5720263543309624 -0.6726323943811956 -0.7747862196629784 -0.8212197766092346 -0.8103852799884409 -0.8614621926293367 -0.8351498436931184 -0.6819191057704487 -0.5255927973846974 +12653,0.13840706694686883,0,0.6878708241443179 0.7729990118791267 0.7466866629429172 0.7420433072482863 0.5764302874732822 0.25139538884944534 -0.011728100512719579 -0.23460917385478236 -0.3522408514519809 -0.45594246196530447 -0.5720263543309624 -0.6726323943811956 -0.7747862196629784 -0.8212197766092346 -0.8103852799884409 -0.8614621926293367 -0.8351498436931184 -0.6819191057704487 -0.5255927973846974 -0.2624693080225413 +12654,0.5114233077485113,0,0.7729990118791267 0.7466866629429172 0.7420433072482863 0.5764302874732822 0.25139538884944534 -0.011728100512719579 -0.23460917385478236 -0.3522408514519809 -0.45594246196530447 -0.5720263543309624 -0.6726323943811956 -0.7747862196629784 -0.8212197766092346 -0.8103852799884409 -0.8614621926293367 -0.8351498436931184 -0.6819191057704487 -0.5255927973846974 -0.2624693080225413 0.13840706694686883 +12655,0.7652600857214231,0,0.7466866629429172 0.7420433072482863 0.5764302874732822 0.25139538884944534 -0.011728100512719579 -0.23460917385478236 -0.3522408514519809 -0.45594246196530447 -0.5720263543309624 -0.6726323943811956 -0.7747862196629784 -0.8212197766092346 -0.8103852799884409 -0.8614621926293367 -0.8351498436931184 -0.6819191057704487 -0.5255927973846974 -0.2624693080225413 0.13840706694686883 0.5114233077485113 +12656,0.9339686759595087,0,0.7420433072482863 0.5764302874732822 0.25139538884944534 -0.011728100512719579 -0.23460917385478236 -0.3522408514519809 -0.45594246196530447 -0.5720263543309624 -0.6726323943811956 -0.7747862196629784 -0.8212197766092346 -0.8103852799884409 -0.8614621926293367 -0.8351498436931184 -0.6819191057704487 -0.5255927973846974 -0.2624693080225413 0.13840706694686883 0.5114233077485113 0.7652600857214231 +12657,1.0516003535567073,0,0.5764302874732822 0.25139538884944534 -0.011728100512719579 -0.23460917385478236 -0.3522408514519809 -0.45594246196530447 -0.5720263543309624 -0.6726323943811956 -0.7747862196629784 -0.8212197766092346 -0.8103852799884409 -0.8614621926293367 -0.8351498436931184 -0.6819191057704487 -0.5255927973846974 -0.2624693080225413 0.13840706694686883 0.5114233077485113 0.7652600857214231 0.9339686759595087 +12658,0.9912367295265674,0,0.25139538884944534 -0.011728100512719579 -0.23460917385478236 -0.3522408514519809 -0.45594246196530447 -0.5720263543309624 -0.6726323943811956 -0.7747862196629784 -0.8212197766092346 -0.8103852799884409 -0.8614621926293367 -0.8351498436931184 -0.6819191057704487 -0.5255927973846974 -0.2624693080225413 0.13840706694686883 0.5114233077485113 0.7652600857214231 0.9339686759595087 1.0516003535567073 +12659,0.8875351190132439,0,-0.011728100512719579 -0.23460917385478236 -0.3522408514519809 -0.45594246196530447 -0.5720263543309624 -0.6726323943811956 -0.7747862196629784 -0.8212197766092346 -0.8103852799884409 -0.8614621926293367 -0.8351498436931184 -0.6819191057704487 -0.5255927973846974 -0.2624693080225413 0.13840706694686883 0.5114233077485113 0.7652600857214231 0.9339686759595087 1.0516003535567073 0.9912367295265674 +12660,0.6383416967349717,0,-0.23460917385478236 -0.3522408514519809 -0.45594246196530447 -0.5720263543309624 -0.6726323943811956 -0.7747862196629784 -0.8212197766092346 -0.8103852799884409 -0.8614621926293367 -0.8351498436931184 -0.6819191057704487 -0.5255927973846974 -0.2624693080225413 0.13840706694686883 0.5114233077485113 0.7652600857214231 0.9339686759595087 1.0516003535567073 0.9912367295265674 0.8875351190132439 +12661,0.3380713618157948,0,-0.3522408514519809 -0.45594246196530447 -0.5720263543309624 -0.6726323943811956 -0.7747862196629784 -0.8212197766092346 -0.8103852799884409 -0.8614621926293367 -0.8351498436931184 -0.6819191057704487 -0.5255927973846974 -0.2624693080225413 0.13840706694686883 0.5114233077485113 0.7652600857214231 0.9339686759595087 1.0516003535567073 0.9912367295265674 0.8875351190132439 0.6383416967349717 +12662,-0.11697749625758379,0,-0.45594246196530447 -0.5720263543309624 -0.6726323943811956 -0.7747862196629784 -0.8212197766092346 -0.8103852799884409 -0.8614621926293367 -0.8351498436931184 -0.6819191057704487 -0.5255927973846974 -0.2624693080225413 0.13840706694686883 0.5114233077485113 0.7652600857214231 0.9339686759595087 1.0516003535567073 0.9912367295265674 0.8875351190132439 0.6383416967349717 0.3380713618157948 +12663,-0.3228329320526813,0,-0.5720263543309624 -0.6726323943811956 -0.7747862196629784 -0.8212197766092346 -0.8103852799884409 -0.8614621926293367 -0.8351498436931184 -0.6819191057704487 -0.5255927973846974 -0.2624693080225413 0.13840706694686883 0.5114233077485113 0.7652600857214231 0.9339686759595087 1.0516003535567073 0.9912367295265674 0.8875351190132439 0.6383416967349717 0.3380713618157948 -0.11697749625758379 +12664,-0.44975132103913285,0,-0.6726323943811956 -0.7747862196629784 -0.8212197766092346 -0.8103852799884409 -0.8614621926293367 -0.8351498436931184 -0.6819191057704487 -0.5255927973846974 -0.2624693080225413 0.13840706694686883 0.5114233077485113 0.7652600857214231 0.9339686759595087 1.0516003535567073 0.9912367295265674 0.8875351190132439 0.6383416967349717 0.3380713618157948 -0.11697749625758379 -0.3228329320526813 +12665,-0.5240450121531567,0,-0.7747862196629784 -0.8212197766092346 -0.8103852799884409 -0.8614621926293367 -0.8351498436931184 -0.6819191057704487 -0.5255927973846974 -0.2624693080225413 0.13840706694686883 0.5114233077485113 0.7652600857214231 0.9339686759595087 1.0516003535567073 0.9912367295265674 0.8875351190132439 0.6383416967349717 0.3380713618157948 -0.11697749625758379 -0.3228329320526813 -0.44975132103913285 +12666,-0.5550007167839971,0,-0.8212197766092346 -0.8103852799884409 -0.8614621926293367 -0.8351498436931184 -0.6819191057704487 -0.5255927973846974 -0.2624693080225413 0.13840706694686883 0.5114233077485113 0.7652600857214231 0.9339686759595087 1.0516003535567073 0.9912367295265674 0.8875351190132439 0.6383416967349717 0.3380713618157948 -0.11697749625758379 -0.3228329320526813 -0.44975132103913285 -0.5240450121531567 +12667,-0.6060776294248841,0,-0.8103852799884409 -0.8614621926293367 -0.8351498436931184 -0.6819191057704487 -0.5255927973846974 -0.2624693080225413 0.13840706694686883 0.5114233077485113 0.7652600857214231 0.9339686759595087 1.0516003535567073 0.9912367295265674 0.8875351190132439 0.6383416967349717 0.3380713618157948 -0.11697749625758379 -0.3228329320526813 -0.44975132103913285 -0.5240450121531567 -0.5550007167839971 +12668,-0.6261988374349308,0,-0.8614621926293367 -0.8351498436931184 -0.6819191057704487 -0.5255927973846974 -0.2624693080225413 0.13840706694686883 0.5114233077485113 0.7652600857214231 0.9339686759595087 1.0516003535567073 0.9912367295265674 0.8875351190132439 0.6383416967349717 0.3380713618157948 -0.11697749625758379 -0.3228329320526813 -0.44975132103913285 -0.5240450121531567 -0.5550007167839971 -0.6060776294248841 +12669,-0.6261988374349308,0,-0.8351498436931184 -0.6819191057704487 -0.5255927973846974 -0.2624693080225413 0.13840706694686883 0.5114233077485113 0.7652600857214231 0.9339686759595087 1.0516003535567073 0.9912367295265674 0.8875351190132439 0.6383416967349717 0.3380713618157948 -0.11697749625758379 -0.3228329320526813 -0.44975132103913285 -0.5240450121531567 -0.5550007167839971 -0.6060776294248841 -0.6261988374349308 +12670,-0.5983387032671718,0,-0.6819191057704487 -0.5255927973846974 -0.2624693080225413 0.13840706694686883 0.5114233077485113 0.7652600857214231 0.9339686759595087 1.0516003535567073 0.9912367295265674 0.8875351190132439 0.6383416967349717 0.3380713618157948 -0.11697749625758379 -0.3228329320526813 -0.44975132103913285 -0.5240450121531567 -0.5550007167839971 -0.6060776294248841 -0.6261988374349308 -0.6261988374349308 +12671,-0.6556067568342304,0,-0.5255927973846974 -0.2624693080225413 0.13840706694686883 0.5114233077485113 0.7652600857214231 0.9339686759595087 1.0516003535567073 0.9912367295265674 0.8875351190132439 0.6383416967349717 0.3380713618157948 -0.11697749625758379 -0.3228329320526813 -0.44975132103913285 -0.5240450121531567 -0.5550007167839971 -0.6060776294248841 -0.6261988374349308 -0.6261988374349308 -0.5983387032671718 +12672,-0.6679890386865736,0,-0.2624693080225413 0.13840706694686883 0.5114233077485113 0.7652600857214231 0.9339686759595087 1.0516003535567073 0.9912367295265674 0.8875351190132439 0.6383416967349717 0.3380713618157948 -0.11697749625758379 -0.3228329320526813 -0.44975132103913285 -0.5240450121531567 -0.5550007167839971 -0.6060776294248841 -0.6261988374349308 -0.6261988374349308 -0.5983387032671718 -0.6556067568342304 +12673,-0.6912058171597016,0,0.13840706694686883 0.5114233077485113 0.7652600857214231 0.9339686759595087 1.0516003535567073 0.9912367295265674 0.8875351190132439 0.6383416967349717 0.3380713618157948 -0.11697749625758379 -0.3228329320526813 -0.44975132103913285 -0.5240450121531567 -0.5550007167839971 -0.6060776294248841 -0.6261988374349308 -0.6261988374349308 -0.5983387032671718 -0.6556067568342304 -0.6679890386865736 +12674,-0.7221615217905419,0,0.5114233077485113 0.7652600857214231 0.9339686759595087 1.0516003535567073 0.9912367295265674 0.8875351190132439 0.6383416967349717 0.3380713618157948 -0.11697749625758379 -0.3228329320526813 -0.44975132103913285 -0.5240450121531567 -0.5550007167839971 -0.6060776294248841 -0.6261988374349308 -0.6261988374349308 -0.5983387032671718 -0.6556067568342304 -0.6679890386865736 -0.6912058171597016 +12675,-0.671084609149655,0,0.7652600857214231 0.9339686759595087 1.0516003535567073 0.9912367295265674 0.8875351190132439 0.6383416967349717 0.3380713618157948 -0.11697749625758379 -0.3228329320526813 -0.44975132103913285 -0.5240450121531567 -0.5550007167839971 -0.6060776294248841 -0.6261988374349308 -0.6261988374349308 -0.5983387032671718 -0.6556067568342304 -0.6679890386865736 -0.6912058171597016 -0.7221615217905419 +12676,-0.5395228644685724,0,0.9339686759595087 1.0516003535567073 0.9912367295265674 0.8875351190132439 0.6383416967349717 0.3380713618157948 -0.11697749625758379 -0.3228329320526813 -0.44975132103913285 -0.5240450121531567 -0.5550007167839971 -0.6060776294248841 -0.6261988374349308 -0.6261988374349308 -0.5983387032671718 -0.6556067568342304 -0.6679890386865736 -0.6912058171597016 -0.7221615217905419 -0.671084609149655 +12677,-0.25937373755945115,0,1.0516003535567073 0.9912367295265674 0.8875351190132439 0.6383416967349717 0.3380713618157948 -0.11697749625758379 -0.3228329320526813 -0.44975132103913285 -0.5240450121531567 -0.5550007167839971 -0.6060776294248841 -0.6261988374349308 -0.6261988374349308 -0.5983387032671718 -0.6556067568342304 -0.6679890386865736 -0.6912058171597016 -0.7221615217905419 -0.671084609149655 -0.5395228644685724 +12678,-0.04423159037510062,0,0.9912367295265674 0.8875351190132439 0.6383416967349717 0.3380713618157948 -0.11697749625758379 -0.3228329320526813 -0.44975132103913285 -0.5240450121531567 -0.5550007167839971 -0.6060776294248841 -0.6261988374349308 -0.6261988374349308 -0.5983387032671718 -0.6556067568342304 -0.6679890386865736 -0.6912058171597016 -0.7221615217905419 -0.671084609149655 -0.5395228644685724 -0.25937373755945115 +12679,0.14924156356766252,0,0.8875351190132439 0.6383416967349717 0.3380713618157948 -0.11697749625758379 -0.3228329320526813 -0.44975132103913285 -0.5240450121531567 -0.5550007167839971 -0.6060776294248841 -0.6261988374349308 -0.6261988374349308 -0.5983387032671718 -0.6556067568342304 -0.6679890386865736 -0.6912058171597016 -0.7221615217905419 -0.671084609149655 -0.5395228644685724 -0.25937373755945115 -0.04423159037510062 +12680,0.29163780486953866,0,0.6383416967349717 0.3380713618157948 -0.11697749625758379 -0.3228329320526813 -0.44975132103913285 -0.5240450121531567 -0.5550007167839971 -0.6060776294248841 -0.6261988374349308 -0.6261988374349308 -0.5983387032671718 -0.6556067568342304 -0.6679890386865736 -0.6912058171597016 -0.7221615217905419 -0.671084609149655 -0.5395228644685724 -0.25937373755945115 -0.04423159037510062 0.14924156356766252 +12681,0.40307834154056565,0,0.3380713618157948 -0.11697749625758379 -0.3228329320526813 -0.44975132103913285 -0.5240450121531567 -0.5550007167839971 -0.6060776294248841 -0.6261988374349308 -0.6261988374349308 -0.5983387032671718 -0.6556067568342304 -0.6679890386865736 -0.6912058171597016 -0.7221615217905419 -0.671084609149655 -0.5395228644685724 -0.25937373755945115 -0.04423159037510062 0.14924156356766252 0.29163780486953866 +12682,0.4897543145069239,0,-0.11697749625758379 -0.3228329320526813 -0.44975132103913285 -0.5240450121531567 -0.5550007167839971 -0.6060776294248841 -0.6261988374349308 -0.6261988374349308 -0.5983387032671718 -0.6556067568342304 -0.6679890386865736 -0.6912058171597016 -0.7221615217905419 -0.671084609149655 -0.5395228644685724 -0.25937373755945115 -0.04423159037510062 0.14924156356766252 0.29163780486953866 0.40307834154056565 +12683,0.4123650529298186,0,-0.3228329320526813 -0.44975132103913285 -0.5240450121531567 -0.5550007167839971 -0.6060776294248841 -0.6261988374349308 -0.6261988374349308 -0.5983387032671718 -0.6556067568342304 -0.6679890386865736 -0.6912058171597016 -0.7221615217905419 -0.671084609149655 -0.5395228644685724 -0.25937373755945115 -0.04423159037510062 0.14924156356766252 0.29163780486953866 0.40307834154056565 0.4897543145069239 +12684,0.25603874454406744,0,-0.44975132103913285 -0.5240450121531567 -0.5550007167839971 -0.6060776294248841 -0.6261988374349308 -0.6261988374349308 -0.5983387032671718 -0.6556067568342304 -0.6679890386865736 -0.6912058171597016 -0.7221615217905419 -0.671084609149655 -0.5395228644685724 -0.25937373755945115 -0.04423159037510062 0.14924156356766252 0.29163780486953866 0.40307834154056565 0.4897543145069239 0.4123650529298186 +12685,0.054826664443592,0,-0.5240450121531567 -0.5550007167839971 -0.6060776294248841 -0.6261988374349308 -0.6261988374349308 -0.5983387032671718 -0.6556067568342304 -0.6679890386865736 -0.6912058171597016 -0.7221615217905419 -0.671084609149655 -0.5395228644685724 -0.25937373755945115 -0.04423159037510062 0.14924156356766252 0.29163780486953866 0.40307834154056565 0.4897543145069239 0.4123650529298186 0.25603874454406744 +12686,-0.14638541565688343,0,-0.5550007167839971 -0.6060776294248841 -0.6261988374349308 -0.6261988374349308 -0.5983387032671718 -0.6556067568342304 -0.6679890386865736 -0.6912058171597016 -0.7221615217905419 -0.671084609149655 -0.5395228644685724 -0.25937373755945115 -0.04423159037510062 0.14924156356766252 0.29163780486953866 0.40307834154056565 0.4897543145069239 0.4123650529298186 0.25603874454406744 0.054826664443592 +12687,-0.34450192529426865,0,-0.6060776294248841 -0.6261988374349308 -0.6261988374349308 -0.5983387032671718 -0.6556067568342304 -0.6679890386865736 -0.6912058171597016 -0.7221615217905419 -0.671084609149655 -0.5395228644685724 -0.25937373755945115 -0.04423159037510062 0.14924156356766252 0.29163780486953866 0.40307834154056565 0.4897543145069239 0.4123650529298186 0.25603874454406744 0.054826664443592 -0.14638541565688343 +12688,-0.5580962872470785,0,-0.6261988374349308 -0.6261988374349308 -0.5983387032671718 -0.6556067568342304 -0.6679890386865736 -0.6912058171597016 -0.7221615217905419 -0.671084609149655 -0.5395228644685724 -0.25937373755945115 -0.04423159037510062 0.14924156356766252 0.29163780486953866 0.40307834154056565 0.4897543145069239 0.4123650529298186 0.25603874454406744 0.054826664443592 -0.14638541565688343 -0.34450192529426865 +12689,-0.6122687703510556,0,-0.6261988374349308 -0.5983387032671718 -0.6556067568342304 -0.6679890386865736 -0.6912058171597016 -0.7221615217905419 -0.671084609149655 -0.5395228644685724 -0.25937373755945115 -0.04423159037510062 0.14924156356766252 0.29163780486953866 0.40307834154056565 0.4897543145069239 0.4123650529298186 0.25603874454406744 0.054826664443592 -0.14638541565688343 -0.34450192529426865 -0.5580962872470785 +12690,-0.7206137365590013,0,-0.5983387032671718 -0.6556067568342304 -0.6679890386865736 -0.6912058171597016 -0.7221615217905419 -0.671084609149655 -0.5395228644685724 -0.25937373755945115 -0.04423159037510062 0.14924156356766252 0.29163780486953866 0.40307834154056565 0.4897543145069239 0.4123650529298186 0.25603874454406744 0.054826664443592 -0.14638541565688343 -0.34450192529426865 -0.5580962872470785 -0.6122687703510556 +12691,-0.7871685015153128,0,-0.6556067568342304 -0.6679890386865736 -0.6912058171597016 -0.7221615217905419 -0.671084609149655 -0.5395228644685724 -0.25937373755945115 -0.04423159037510062 0.14924156356766252 0.29163780486953866 0.40307834154056565 0.4897543145069239 0.4123650529298186 0.25603874454406744 0.054826664443592 -0.14638541565688343 -0.34450192529426865 -0.5580962872470785 -0.6122687703510556 -0.7206137365590013 +12692,-0.8970612529547991,0,-0.6679890386865736 -0.6912058171597016 -0.7221615217905419 -0.671084609149655 -0.5395228644685724 -0.25937373755945115 -0.04423159037510062 0.14924156356766252 0.29163780486953866 0.40307834154056565 0.4897543145069239 0.4123650529298186 0.25603874454406744 0.054826664443592 -0.14638541565688343 -0.34450192529426865 -0.5580962872470785 -0.6122687703510556 -0.7206137365590013 -0.7871685015153128 +12693,-0.9775460849949946,0,-0.6912058171597016 -0.7221615217905419 -0.671084609149655 -0.5395228644685724 -0.25937373755945115 -0.04423159037510062 0.14924156356766252 0.29163780486953866 0.40307834154056565 0.4897543145069239 0.4123650529298186 0.25603874454406744 0.054826664443592 -0.14638541565688343 -0.34450192529426865 -0.5580962872470785 -0.6122687703510556 -0.7206137365590013 -0.7871685015153128 -0.8970612529547991 +12694,-1.045648635182847,0,-0.7221615217905419 -0.671084609149655 -0.5395228644685724 -0.25937373755945115 -0.04423159037510062 0.14924156356766252 0.29163780486953866 0.40307834154056565 0.4897543145069239 0.4123650529298186 0.25603874454406744 0.054826664443592 -0.14638541565688343 -0.34450192529426865 -0.5580962872470785 -0.6122687703510556 -0.7206137365590013 -0.7871685015153128 -0.8970612529547991 -0.9775460849949946 +12695,-1.0843432659713994,0,-0.671084609149655 -0.5395228644685724 -0.25937373755945115 -0.04423159037510062 0.14924156356766252 0.29163780486953866 0.40307834154056565 0.4897543145069239 0.4123650529298186 0.25603874454406744 0.054826664443592 -0.14638541565688343 -0.34450192529426865 -0.5580962872470785 -0.6122687703510556 -0.7206137365590013 -0.7871685015153128 -0.8970612529547991 -0.9775460849949946 -1.045648635182847 +12696,-1.1694714537062083,0,-0.5395228644685724 -0.25937373755945115 -0.04423159037510062 0.14924156356766252 0.29163780486953866 0.40307834154056565 0.4897543145069239 0.4123650529298186 0.25603874454406744 0.054826664443592 -0.14638541565688343 -0.34450192529426865 -0.5580962872470785 -0.6122687703510556 -0.7206137365590013 -0.7871685015153128 -0.8970612529547991 -0.9775460849949946 -1.045648635182847 -1.0843432659713994 +12697,-1.1694714537062083,0,-0.25937373755945115 -0.04423159037510062 0.14924156356766252 0.29163780486953866 0.40307834154056565 0.4897543145069239 0.4123650529298186 0.25603874454406744 0.054826664443592 -0.14638541565688343 -0.34450192529426865 -0.5580962872470785 -0.6122687703510556 -0.7206137365590013 -0.7871685015153128 -0.8970612529547991 -0.9775460849949946 -1.045648635182847 -1.0843432659713994 -1.1694714537062083 +12698,-1.1895926617162549,0,-0.04423159037510062 0.14924156356766252 0.29163780486953866 0.40307834154056565 0.4897543145069239 0.4123650529298186 0.25603874454406744 0.054826664443592 -0.14638541565688343 -0.34450192529426865 -0.5580962872470785 -0.6122687703510556 -0.7206137365590013 -0.7871685015153128 -0.8970612529547991 -0.9775460849949946 -1.045648635182847 -1.0843432659713994 -1.1694714537062083 -1.1694714537062083 +12699,-1.059578702266722,0,0.14924156356766252 0.29163780486953866 0.40307834154056565 0.4897543145069239 0.4123650529298186 0.25603874454406744 0.054826664443592 -0.14638541565688343 -0.34450192529426865 -0.5580962872470785 -0.6122687703510556 -0.7206137365590013 -0.7871685015153128 -0.8970612529547991 -0.9775460849949946 -1.045648635182847 -1.0843432659713994 -1.1694714537062083 -1.1694714537062083 -1.1895926617162549 +12700,-0.6463200454449775,0,0.29163780486953866 0.40307834154056565 0.4897543145069239 0.4123650529298186 0.25603874454406744 0.054826664443592 -0.14638541565688343 -0.34450192529426865 -0.5580962872470785 -0.6122687703510556 -0.7206137365590013 -0.7871685015153128 -0.8970612529547991 -0.9775460849949946 -1.045648635182847 -1.0843432659713994 -1.1694714537062083 -1.1694714537062083 -1.1895926617162549 -1.059578702266722 +12701,-0.30890286496879743,0,0.40307834154056565 0.4897543145069239 0.4123650529298186 0.25603874454406744 0.054826664443592 -0.14638541565688343 -0.34450192529426865 -0.5580962872470785 -0.6122687703510556 -0.7206137365590013 -0.7871685015153128 -0.8970612529547991 -0.9775460849949946 -1.045648635182847 -1.0843432659713994 -1.1694714537062083 -1.1694714537062083 -1.1895926617162549 -1.059578702266722 -0.6463200454449775 +12702,0.034705456433545334,0,0.4897543145069239 0.4123650529298186 0.25603874454406744 0.054826664443592 -0.14638541565688343 -0.34450192529426865 -0.5580962872470785 -0.6122687703510556 -0.7206137365590013 -0.7871685015153128 -0.8970612529547991 -0.9775460849949946 -1.045648635182847 -1.0843432659713994 -1.1694714537062083 -1.1694714537062083 -1.1895926617162549 -1.059578702266722 -0.6463200454449775 -0.30890286496879743 +12703,0.25913431500714884,0,0.4123650529298186 0.25603874454406744 0.054826664443592 -0.14638541565688343 -0.34450192529426865 -0.5580962872470785 -0.6122687703510556 -0.7206137365590013 -0.7871685015153128 -0.8970612529547991 -0.9775460849949946 -1.045648635182847 -1.0843432659713994 -1.1694714537062083 -1.1694714537062083 -1.1895926617162549 -1.059578702266722 -0.6463200454449775 -0.30890286496879743 0.034705456433545334 +12704,0.4882065292753832,0,0.25603874454406744 0.054826664443592 -0.14638541565688343 -0.34450192529426865 -0.5580962872470785 -0.6122687703510556 -0.7206137365590013 -0.7871685015153128 -0.8970612529547991 -0.9775460849949946 -1.045648635182847 -1.0843432659713994 -1.1694714537062083 -1.1694714537062083 -1.1895926617162549 -1.059578702266722 -0.6463200454449775 -0.30890286496879743 0.034705456433545334 0.25913431500714884 +12705,0.5625002203894071,0,0.054826664443592 -0.14638541565688343 -0.34450192529426865 -0.5580962872470785 -0.6122687703510556 -0.7206137365590013 -0.7871685015153128 -0.8970612529547991 -0.9775460849949946 -1.045648635182847 -1.0843432659713994 -1.1694714537062083 -1.1694714537062083 -1.1895926617162549 -1.059578702266722 -0.6463200454449775 -0.30890286496879743 0.034705456433545334 0.25913431500714884 0.4882065292753832 +12706,0.6182204887249162,0,-0.14638541565688343 -0.34450192529426865 -0.5580962872470785 -0.6122687703510556 -0.7206137365590013 -0.7871685015153128 -0.8970612529547991 -0.9775460849949946 -1.045648635182847 -1.0843432659713994 -1.1694714537062083 -1.1694714537062083 -1.1895926617162549 -1.059578702266722 -0.6463200454449775 -0.30890286496879743 0.034705456433545334 0.25913431500714884 0.4882065292753832 0.5625002203894071 +12707,0.6336983410403407,0,-0.34450192529426865 -0.5580962872470785 -0.6122687703510556 -0.7206137365590013 -0.7871685015153128 -0.8970612529547991 -0.9775460849949946 -1.045648635182847 -1.0843432659713994 -1.1694714537062083 -1.1694714537062083 -1.1895926617162549 -1.059578702266722 -0.6463200454449775 -0.30890286496879743 0.034705456433545334 0.25913431500714884 0.4882065292753832 0.5625002203894071 0.6182204887249162 +12708,0.5269011600639358,0,-0.5580962872470785 -0.6122687703510556 -0.7206137365590013 -0.7871685015153128 -0.8970612529547991 -0.9775460849949946 -1.045648635182847 -1.0843432659713994 -1.1694714537062083 -1.1694714537062083 -1.1895926617162549 -1.059578702266722 -0.6463200454449775 -0.30890286496879743 0.034705456433545334 0.25913431500714884 0.4882065292753832 0.5625002203894071 0.6182204887249162 0.6336983410403407 +12709,0.3256890799634604,0,-0.6122687703510556 -0.7206137365590013 -0.7871685015153128 -0.8970612529547991 -0.9775460849949946 -1.045648635182847 -1.0843432659713994 -1.1694714537062083 -1.1694714537062083 -1.1895926617162549 -1.059578702266722 -0.6463200454449775 -0.30890286496879743 0.034705456433545334 0.25913431500714884 0.4882065292753832 0.5625002203894071 0.6182204887249162 0.6336983410403407 0.5269011600639358 +12710,0.05947002013822289,0,-0.7206137365590013 -0.7871685015153128 -0.8970612529547991 -0.9775460849949946 -1.045648635182847 -1.0843432659713994 -1.1694714537062083 -1.1694714537062083 -1.1895926617162549 -1.059578702266722 -0.6463200454449775 -0.30890286496879743 0.034705456433545334 0.25913431500714884 0.4882065292753832 0.5625002203894071 0.6182204887249162 0.6336983410403407 0.5269011600639358 0.3256890799634604 +12711,-0.17269776459309288,0,-0.7871685015153128 -0.8970612529547991 -0.9775460849949946 -1.045648635182847 -1.0843432659713994 -1.1694714537062083 -1.1694714537062083 -1.1895926617162549 -1.059578702266722 -0.6463200454449775 -0.30890286496879743 0.034705456433545334 0.25913431500714884 0.4882065292753832 0.5625002203894071 0.6182204887249162 0.6336983410403407 0.5269011600639358 0.3256890799634604 0.05947002013822289 +12712,-0.3119984354318876,0,-0.8970612529547991 -0.9775460849949946 -1.045648635182847 -1.0843432659713994 -1.1694714537062083 -1.1694714537062083 -1.1895926617162549 -1.059578702266722 -0.6463200454449775 -0.30890286496879743 0.034705456433545334 0.25913431500714884 0.4882065292753832 0.5625002203894071 0.6182204887249162 0.6336983410403407 0.5269011600639358 0.3256890799634604 0.05947002013822289 -0.17269776459309288 +12713,-0.45439467673375494,0,-0.9775460849949946 -1.045648635182847 -1.0843432659713994 -1.1694714537062083 -1.1694714537062083 -1.1895926617162549 -1.059578702266722 -0.6463200454449775 -0.30890286496879743 0.034705456433545334 0.25913431500714884 0.4882065292753832 0.5625002203894071 0.6182204887249162 0.6336983410403407 0.5269011600639358 0.3256890799634604 0.05947002013822289 -0.17269776459309288 -0.3119984354318876 +12714,-0.5255927973846974,0,-1.045648635182847 -1.0843432659713994 -1.1694714537062083 -1.1694714537062083 -1.1895926617162549 -1.059578702266722 -0.6463200454449775 -0.30890286496879743 0.034705456433545334 0.25913431500714884 0.4882065292753832 0.5625002203894071 0.6182204887249162 0.6336983410403407 0.5269011600639358 0.3256890799634604 0.05947002013822289 -0.17269776459309288 -0.3119984354318876 -0.45439467673375494 +12715,-0.5503573610893662,0,-1.0843432659713994 -1.1694714537062083 -1.1694714537062083 -1.1895926617162549 -1.059578702266722 -0.6463200454449775 -0.30890286496879743 0.034705456433545334 0.25913431500714884 0.4882065292753832 0.5625002203894071 0.6182204887249162 0.6336983410403407 0.5269011600639358 0.3256890799634604 0.05947002013822289 -0.17269776459309288 -0.3119984354318876 -0.45439467673375494 -0.5255927973846974 +12716,-0.6958491728543237,0,-1.1694714537062083 -1.1694714537062083 -1.1895926617162549 -1.059578702266722 -0.6463200454449775 -0.30890286496879743 0.034705456433545334 0.25913431500714884 0.4882065292753832 0.5625002203894071 0.6182204887249162 0.6336983410403407 0.5269011600639358 0.3256890799634604 0.05947002013822289 -0.17269776459309288 -0.3119984354318876 -0.45439467673375494 -0.5255927973846974 -0.5503573610893662 +12717,-0.7469260854952195,0,-1.1694714537062083 -1.1895926617162549 -1.059578702266722 -0.6463200454449775 -0.30890286496879743 0.034705456433545334 0.25913431500714884 0.4882065292753832 0.5625002203894071 0.6182204887249162 0.6336983410403407 0.5269011600639358 0.3256890799634604 0.05947002013822289 -0.17269776459309288 -0.3119984354318876 -0.45439467673375494 -0.5255927973846974 -0.5503573610893662 -0.6958491728543237 +12718,-0.8506276960085343,0,-1.1895926617162549 -1.059578702266722 -0.6463200454449775 -0.30890286496879743 0.034705456433545334 0.25913431500714884 0.4882065292753832 0.5625002203894071 0.6182204887249162 0.6336983410403407 0.5269011600639358 0.3256890799634604 0.05947002013822289 -0.17269776459309288 -0.3119984354318876 -0.45439467673375494 -0.5255927973846974 -0.5503573610893662 -0.6958491728543237 -0.7469260854952195 +12719,-0.9187302461963865,0,-1.059578702266722 -0.6463200454449775 -0.30890286496879743 0.034705456433545334 0.25913431500714884 0.4882065292753832 0.5625002203894071 0.6182204887249162 0.6336983410403407 0.5269011600639358 0.3256890799634604 0.05947002013822289 -0.17269776459309288 -0.3119984354318876 -0.45439467673375494 -0.5255927973846974 -0.5503573610893662 -0.6958491728543237 -0.7469260854952195 -0.8506276960085343 +12720,-0.999215078236582,0,-0.6463200454449775 -0.30890286496879743 0.034705456433545334 0.25913431500714884 0.4882065292753832 0.5625002203894071 0.6182204887249162 0.6336983410403407 0.5269011600639358 0.3256890799634604 0.05947002013822289 -0.17269776459309288 -0.3119984354318876 -0.45439467673375494 -0.5255927973846974 -0.5503573610893662 -0.6958491728543237 -0.7469260854952195 -0.8506276960085343 -0.9187302461963865 +12721,-1.068865413655975,0,-0.30890286496879743 0.034705456433545334 0.25913431500714884 0.4882065292753832 0.5625002203894071 0.6182204887249162 0.6336983410403407 0.5269011600639358 0.3256890799634604 0.05947002013822289 -0.17269776459309288 -0.3119984354318876 -0.45439467673375494 -0.5255927973846974 -0.5503573610893662 -0.6958491728543237 -0.7469260854952195 -0.8506276960085343 -0.9187302461963865 -0.999215078236582 +12722,-1.0611264874982627,0,0.034705456433545334 0.25913431500714884 0.4882065292753832 0.5625002203894071 0.6182204887249162 0.6336983410403407 0.5269011600639358 0.3256890799634604 0.05947002013822289 -0.17269776459309288 -0.3119984354318876 -0.45439467673375494 -0.5255927973846974 -0.5503573610893662 -0.6958491728543237 -0.7469260854952195 -0.8506276960085343 -0.9187302461963865 -0.999215078236582 -1.068865413655975 +12723,-0.8676533335554995,0,0.25913431500714884 0.4882065292753832 0.5625002203894071 0.6182204887249162 0.6336983410403407 0.5269011600639358 0.3256890799634604 0.05947002013822289 -0.17269776459309288 -0.3119984354318876 -0.45439467673375494 -0.5255927973846974 -0.5503573610893662 -0.6958491728543237 -0.7469260854952195 -0.8506276960085343 -0.9187302461963865 -0.999215078236582 -1.068865413655975 -1.0611264874982627 +12724,-0.39712662316670516,0,0.4882065292753832 0.5625002203894071 0.6182204887249162 0.6336983410403407 0.5269011600639358 0.3256890799634604 0.05947002013822289 -0.17269776459309288 -0.3119984354318876 -0.45439467673375494 -0.5255927973846974 -0.5503573610893662 -0.6958491728543237 -0.7469260854952195 -0.8506276960085343 -0.9187302461963865 -0.999215078236582 -1.068865413655975 -1.0611264874982627 -0.8676533335554995 +12725,0.20031847620854953,0,0.5625002203894071 0.6182204887249162 0.6336983410403407 0.5269011600639358 0.3256890799634604 0.05947002013822289 -0.17269776459309288 -0.3119984354318876 -0.45439467673375494 -0.5255927973846974 -0.5503573610893662 -0.6958491728543237 -0.7469260854952195 -0.8506276960085343 -0.9187302461963865 -0.999215078236582 -1.068865413655975 -1.0611264874982627 -0.8676533335554995 -0.39712662316670516 +12726,0.7590689447952516,0,0.6182204887249162 0.6336983410403407 0.5269011600639358 0.3256890799634604 0.05947002013822289 -0.17269776459309288 -0.3119984354318876 -0.45439467673375494 -0.5255927973846974 -0.5503573610893662 -0.6958491728543237 -0.7469260854952195 -0.8506276960085343 -0.9187302461963865 -0.999215078236582 -1.068865413655975 -1.0611264874982627 -0.8676533335554995 -0.39712662316670516 0.20031847620854953 +12727,1.0779127024929256,0,0.6336983410403407 0.5269011600639358 0.3256890799634604 0.05947002013822289 -0.17269776459309288 -0.3119984354318876 -0.45439467673375494 -0.5255927973846974 -0.5503573610893662 -0.6958491728543237 -0.7469260854952195 -0.8506276960085343 -0.9187302461963865 -0.999215078236582 -1.068865413655975 -1.0611264874982627 -0.8676533335554995 -0.39712662316670516 0.20031847620854953 0.7590689447952516 +12728,1.2791247825934011,0,0.5269011600639358 0.3256890799634604 0.05947002013822289 -0.17269776459309288 -0.3119984354318876 -0.45439467673375494 -0.5255927973846974 -0.5503573610893662 -0.6958491728543237 -0.7469260854952195 -0.8506276960085343 -0.9187302461963865 -0.999215078236582 -1.068865413655975 -1.0611264874982627 -0.8676533335554995 -0.39712662316670516 0.20031847620854953 0.7590689447952516 1.0779127024929256 +12729,1.3704441112543813,0,0.3256890799634604 0.05947002013822289 -0.17269776459309288 -0.3119984354318876 -0.45439467673375494 -0.5255927973846974 -0.5503573610893662 -0.6958491728543237 -0.7469260854952195 -0.8506276960085343 -0.9187302461963865 -0.999215078236582 -1.068865413655975 -1.0611264874982627 -0.8676533335554995 -0.39712662316670516 0.20031847620854953 0.7590689447952516 1.0779127024929256 1.2791247825934011 +12730,1.4400944466737744,0,0.05947002013822289 -0.17269776459309288 -0.3119984354318876 -0.45439467673375494 -0.5255927973846974 -0.5503573610893662 -0.6958491728543237 -0.7469260854952195 -0.8506276960085343 -0.9187302461963865 -0.999215078236582 -1.068865413655975 -1.0611264874982627 -0.8676533335554995 -0.39712662316670516 0.20031847620854953 0.7590689447952516 1.0779127024929256 1.2791247825934011 1.3704441112543813 +12731,1.4400944466737744,0,-0.17269776459309288 -0.3119984354318876 -0.45439467673375494 -0.5255927973846974 -0.5503573610893662 -0.6958491728543237 -0.7469260854952195 -0.8506276960085343 -0.9187302461963865 -0.999215078236582 -1.068865413655975 -1.0611264874982627 -0.8676533335554995 -0.39712662316670516 0.20031847620854953 0.7590689447952516 1.0779127024929256 1.2791247825934011 1.3704441112543813 1.4400944466737744 +12732,1.2961504201403662,0,-0.3119984354318876 -0.45439467673375494 -0.5255927973846974 -0.5503573610893662 -0.6958491728543237 -0.7469260854952195 -0.8506276960085343 -0.9187302461963865 -0.999215078236582 -1.068865413655975 -1.0611264874982627 -0.8676533335554995 -0.39712662316670516 0.20031847620854953 0.7590689447952516 1.0779127024929256 1.2791247825934011 1.3704441112543813 1.4400944466737744 1.4400944466737744 +12733,1.0825560581875477,0,-0.45439467673375494 -0.5255927973846974 -0.5503573610893662 -0.6958491728543237 -0.7469260854952195 -0.8506276960085343 -0.9187302461963865 -0.999215078236582 -1.068865413655975 -1.0611264874982627 -0.8676533335554995 -0.39712662316670516 0.20031847620854953 0.7590689447952516 1.0779127024929256 1.2791247825934011 1.3704441112543813 1.4400944466737744 1.4400944466737744 1.2961504201403662 +12734,0.738947736785205,0,-0.5255927973846974 -0.5503573610893662 -0.6958491728543237 -0.7469260854952195 -0.8506276960085343 -0.9187302461963865 -0.999215078236582 -1.068865413655975 -1.0611264874982627 -0.8676533335554995 -0.39712662316670516 0.20031847620854953 0.7590689447952516 1.0779127024929256 1.2791247825934011 1.3704441112543813 1.4400944466737744 1.4400944466737744 1.2961504201403662 1.0825560581875477 +12735,0.46808532126533653,0,-0.5503573610893662 -0.6958491728543237 -0.7469260854952195 -0.8506276960085343 -0.9187302461963865 -0.999215078236582 -1.068865413655975 -1.0611264874982627 -0.8676533335554995 -0.39712662316670516 0.20031847620854953 0.7590689447952516 1.0779127024929256 1.2791247825934011 1.3704441112543813 1.4400944466737744 1.4400944466737744 1.2961504201403662 1.0825560581875477 0.738947736785205 +12736,0.271516596859492,0,-0.6958491728543237 -0.7469260854952195 -0.8506276960085343 -0.9187302461963865 -0.999215078236582 -1.068865413655975 -1.0611264874982627 -0.8676533335554995 -0.39712662316670516 0.20031847620854953 0.7590689447952516 1.0779127024929256 1.2791247825934011 1.3704441112543813 1.4400944466737744 1.4400944466737744 1.2961504201403662 1.0825560581875477 0.738947736785205 0.46808532126533653 +12737,0.17245834204079058,0,-0.7469260854952195 -0.8506276960085343 -0.9187302461963865 -0.999215078236582 -1.068865413655975 -1.0611264874982627 -0.8676533335554995 -0.39712662316670516 0.20031847620854953 0.7590689447952516 1.0779127024929256 1.2791247825934011 1.3704441112543813 1.4400944466737744 1.4400944466737744 1.2961504201403662 1.0825560581875477 0.738947736785205 0.46808532126533653 0.271516596859492 +12738,0.04708773828587971,0,-0.8506276960085343 -0.9187302461963865 -0.999215078236582 -1.068865413655975 -1.0611264874982627 -0.8676533335554995 -0.39712662316670516 0.20031847620854953 0.7590689447952516 1.0779127024929256 1.2791247825934011 1.3704441112543813 1.4400944466737744 1.4400944466737744 1.2961504201403662 1.0825560581875477 0.738947736785205 0.46808532126533653 0.271516596859492 0.17245834204079058 +12739,0.030062100738923243,0,-0.9187302461963865 -0.999215078236582 -1.068865413655975 -1.0611264874982627 -0.8676533335554995 -0.39712662316670516 0.20031847620854953 0.7590689447952516 1.0779127024929256 1.2791247825934011 1.3704441112543813 1.4400944466737744 1.4400944466737744 1.2961504201403662 1.0825560581875477 0.738947736785205 0.46808532126533653 0.271516596859492 0.17245834204079058 0.04708773828587971 +12740,-0.061257227922065886,0,-0.999215078236582 -1.068865413655975 -1.0611264874982627 -0.8676533335554995 -0.39712662316670516 0.20031847620854953 0.7590689447952516 1.0779127024929256 1.2791247825934011 1.3704441112543813 1.4400944466737744 1.4400944466737744 1.2961504201403662 1.0825560581875477 0.738947736785205 0.46808532126533653 0.271516596859492 0.17245834204079058 0.04708773828587971 0.030062100738923243 +12741,-0.13400313380454026,0,-1.068865413655975 -1.0611264874982627 -0.8676533335554995 -0.39712662316670516 0.20031847620854953 0.7590689447952516 1.0779127024929256 1.2791247825934011 1.3704441112543813 1.4400944466737744 1.4400944466737744 1.2961504201403662 1.0825560581875477 0.738947736785205 0.46808532126533653 0.271516596859492 0.17245834204079058 0.04708773828587971 0.030062100738923243 -0.061257227922065886 +12742,-0.2624693080225413,0,-1.0611264874982627 -0.8676533335554995 -0.39712662316670516 0.20031847620854953 0.7590689447952516 1.0779127024929256 1.2791247825934011 1.3704441112543813 1.4400944466737744 1.4400944466737744 1.2961504201403662 1.0825560581875477 0.738947736785205 0.46808532126533653 0.271516596859492 0.17245834204079058 0.04708773828587971 0.030062100738923243 -0.061257227922065886 -0.13400313380454026 +12743,-0.4234389721029146,0,-0.8676533335554995 -0.39712662316670516 0.20031847620854953 0.7590689447952516 1.0779127024929256 1.2791247825934011 1.3704441112543813 1.4400944466737744 1.4400944466737744 1.2961504201403662 1.0825560581875477 0.738947736785205 0.46808532126533653 0.271516596859492 0.17245834204079058 0.04708773828587971 0.030062100738923243 -0.061257227922065886 -0.13400313380454026 -0.2624693080225413 +12744,-0.5936953475725497,0,-0.39712662316670516 0.20031847620854953 0.7590689447952516 1.0779127024929256 1.2791247825934011 1.3704441112543813 1.4400944466737744 1.4400944466737744 1.2961504201403662 1.0825560581875477 0.738947736785205 0.46808532126533653 0.271516596859492 0.17245834204079058 0.04708773828587971 0.030062100738923243 -0.061257227922065886 -0.13400313380454026 -0.2624693080225413 -0.4234389721029146 +12745,-0.6261988374349308,0,0.20031847620854953 0.7590689447952516 1.0779127024929256 1.2791247825934011 1.3704441112543813 1.4400944466737744 1.4400944466737744 1.2961504201403662 1.0825560581875477 0.738947736785205 0.46808532126533653 0.271516596859492 0.17245834204079058 0.04708773828587971 0.030062100738923243 -0.061257227922065886 -0.13400313380454026 -0.2624693080225413 -0.4234389721029146 -0.5936953475725497 +12746,-0.615364340814137,0,0.7590689447952516 1.0779127024929256 1.2791247825934011 1.3704441112543813 1.4400944466737744 1.4400944466737744 1.2961504201403662 1.0825560581875477 0.738947736785205 0.46808532126533653 0.271516596859492 0.17245834204079058 0.04708773828587971 0.030062100738923243 -0.061257227922065886 -0.13400313380454026 -0.2624693080225413 -0.4234389721029146 -0.5936953475725497 -0.6261988374349308 +12747,-0.3290240729788441,0,1.0779127024929256 1.2791247825934011 1.3704441112543813 1.4400944466737744 1.4400944466737744 1.2961504201403662 1.0825560581875477 0.738947736785205 0.46808532126533653 0.271516596859492 0.17245834204079058 0.04708773828587971 0.030062100738923243 -0.061257227922065886 -0.13400313380454026 -0.2624693080225413 -0.4234389721029146 -0.5936953475725497 -0.6261988374349308 -0.615364340814137 +12748,0.30247230149033233,0,1.2791247825934011 1.3704441112543813 1.4400944466737744 1.4400944466737744 1.2961504201403662 1.0825560581875477 0.738947736785205 0.46808532126533653 0.271516596859492 0.17245834204079058 0.04708773828587971 0.030062100738923243 -0.061257227922065886 -0.13400313380454026 -0.2624693080225413 -0.4234389721029146 -0.5936953475725497 -0.6261988374349308 -0.615364340814137 -0.3290240729788441 +12749,0.8705094814662874,0,1.3704441112543813 1.4400944466737744 1.4400944466737744 1.2961504201403662 1.0825560581875477 0.738947736785205 0.46808532126533653 0.271516596859492 0.17245834204079058 0.04708773828587971 0.030062100738923243 -0.061257227922065886 -0.13400313380454026 -0.2624693080225413 -0.4234389721029146 -0.5936953475725497 -0.6261988374349308 -0.615364340814137 -0.3290240729788441 0.30247230149033233 +12750,1.3456795475497125,0,1.4400944466737744 1.4400944466737744 1.2961504201403662 1.0825560581875477 0.738947736785205 0.46808532126533653 0.271516596859492 0.17245834204079058 0.04708773828587971 0.030062100738923243 -0.061257227922065886 -0.13400313380454026 -0.2624693080225413 -0.4234389721029146 -0.5936953475725497 -0.6261988374349308 -0.615364340814137 -0.3290240729788441 0.30247230149033233 0.8705094814662874 +12751,1.6289242449219155,0,1.4400944466737744 1.2961504201403662 1.0825560581875477 0.738947736785205 0.46808532126533653 0.271516596859492 0.17245834204079058 0.04708773828587971 0.030062100738923243 -0.061257227922065886 -0.13400313380454026 -0.2624693080225413 -0.4234389721029146 -0.5936953475725497 -0.6261988374349308 -0.615364340814137 -0.3290240729788441 0.30247230149033233 0.8705094814662874 1.3456795475497125 +12752,1.8610920296532312,0,1.2961504201403662 1.0825560581875477 0.738947736785205 0.46808532126533653 0.271516596859492 0.17245834204079058 0.04708773828587971 0.030062100738923243 -0.061257227922065886 -0.13400313380454026 -0.2624693080225413 -0.4234389721029146 -0.5936953475725497 -0.6261988374349308 -0.615364340814137 -0.3290240729788441 0.30247230149033233 0.8705094814662874 1.3456795475497125 1.6289242449219155 +12753,1.9462202173880487,0,1.0825560581875477 0.738947736785205 0.46808532126533653 0.271516596859492 0.17245834204079058 0.04708773828587971 0.030062100738923243 -0.061257227922065886 -0.13400313380454026 -0.2624693080225413 -0.4234389721029146 -0.5936953475725497 -0.6261988374349308 -0.615364340814137 -0.3290240729788441 0.30247230149033233 0.8705094814662874 1.3456795475497125 1.6289242449219155 1.8610920296532312 +12754,1.9338379355357056,0,0.738947736785205 0.46808532126533653 0.271516596859492 0.17245834204079058 0.04708773828587971 0.030062100738923243 -0.061257227922065886 -0.13400313380454026 -0.2624693080225413 -0.4234389721029146 -0.5936953475725497 -0.6261988374349308 -0.615364340814137 -0.3290240729788441 0.30247230149033233 0.8705094814662874 1.3456795475497125 1.6289242449219155 1.8610920296532312 1.9462202173880487 +12755,1.8038239760861725,0,0.46808532126533653 0.271516596859492 0.17245834204079058 0.04708773828587971 0.030062100738923243 -0.061257227922065886 -0.13400313380454026 -0.2624693080225413 -0.4234389721029146 -0.5936953475725497 -0.6261988374349308 -0.615364340814137 -0.3290240729788441 0.30247230149033233 0.8705094814662874 1.3456795475497125 1.6289242449219155 1.8610920296532312 1.9462202173880487 1.9338379355357056 +12756,1.6149941778380315,0,0.271516596859492 0.17245834204079058 0.04708773828587971 0.030062100738923243 -0.061257227922065886 -0.13400313380454026 -0.2624693080225413 -0.4234389721029146 -0.5936953475725497 -0.6261988374349308 -0.615364340814137 -0.3290240729788441 0.30247230149033233 0.8705094814662874 1.3456795475497125 1.6289242449219155 1.8610920296532312 1.9462202173880487 1.9338379355357056 1.8038239760861725 +12757,1.3781830374120936,0,0.17245834204079058 0.04708773828587971 0.030062100738923243 -0.061257227922065886 -0.13400313380454026 -0.2624693080225413 -0.4234389721029146 -0.5936953475725497 -0.6261988374349308 -0.615364340814137 -0.3290240729788441 0.30247230149033233 0.8705094814662874 1.3456795475497125 1.6289242449219155 1.8610920296532312 1.9462202173880487 1.9338379355357056 1.8038239760861725 1.6149941778380315 +12758,1.006714581841992,0,0.04708773828587971 0.030062100738923243 -0.061257227922065886 -0.13400313380454026 -0.2624693080225413 -0.4234389721029146 -0.5936953475725497 -0.6261988374349308 -0.615364340814137 -0.3290240729788441 0.30247230149033233 0.8705094814662874 1.3456795475497125 1.6289242449219155 1.8610920296532312 1.9462202173880487 1.9338379355357056 1.8038239760861725 1.6149941778380315 1.3781830374120936 +12759,0.6677496161342713,0,0.030062100738923243 -0.061257227922065886 -0.13400313380454026 -0.2624693080225413 -0.4234389721029146 -0.5936953475725497 -0.6261988374349308 -0.615364340814137 -0.3290240729788441 0.30247230149033233 0.8705094814662874 1.3456795475497125 1.6289242449219155 1.8610920296532312 1.9462202173880487 1.9338379355357056 1.8038239760861725 1.6149941778380315 1.3781830374120936 1.006714581841992 +12760,0.4154606233929,0,-0.061257227922065886 -0.13400313380454026 -0.2624693080225413 -0.4234389721029146 -0.5936953475725497 -0.6261988374349308 -0.615364340814137 -0.3290240729788441 0.30247230149033233 0.8705094814662874 1.3456795475497125 1.6289242449219155 1.8610920296532312 1.9462202173880487 1.9338379355357056 1.8038239760861725 1.6149941778380315 1.3781830374120936 1.006714581841992 0.6677496161342713 +12761,0.19103176481929654,0,-0.13400313380454026 -0.2624693080225413 -0.4234389721029146 -0.5936953475725497 -0.6261988374349308 -0.615364340814137 -0.3290240729788441 0.30247230149033233 0.8705094814662874 1.3456795475497125 1.6289242449219155 1.8610920296532312 1.9462202173880487 1.9338379355357056 1.8038239760861725 1.6149941778380315 1.3781830374120936 1.006714581841992 0.6677496161342713 0.4154606233929 +12762,0.033157671202004635,0,-0.2624693080225413 -0.4234389721029146 -0.5936953475725497 -0.6261988374349308 -0.615364340814137 -0.3290240729788441 0.30247230149033233 0.8705094814662874 1.3456795475497125 1.6289242449219155 1.8610920296532312 1.9462202173880487 1.9338379355357056 1.8038239760861725 1.6149941778380315 1.3781830374120936 1.006714581841992 0.6677496161342713 0.4154606233929 0.19103176481929654 +12763,-0.09995185871061851,0,-0.4234389721029146 -0.5936953475725497 -0.6261988374349308 -0.615364340814137 -0.3290240729788441 0.30247230149033233 0.8705094814662874 1.3456795475497125 1.6289242449219155 1.8610920296532312 1.9462202173880487 1.9338379355357056 1.8038239760861725 1.6149941778380315 1.3781830374120936 1.006714581841992 0.6677496161342713 0.4154606233929 0.19103176481929654 0.033157671202004635 +12764,-0.2237746772339887,0,-0.5936953475725497 -0.6261988374349308 -0.615364340814137 -0.3290240729788441 0.30247230149033233 0.8705094814662874 1.3456795475497125 1.6289242449219155 1.8610920296532312 1.9462202173880487 1.9338379355357056 1.8038239760861725 1.6149941778380315 1.3781830374120936 1.006714581841992 0.6677496161342713 0.4154606233929 0.19103176481929654 0.033157671202004635 -0.09995185871061851 +12765,-0.36307534807277464,0,-0.6261988374349308 -0.615364340814137 -0.3290240729788441 0.30247230149033233 0.8705094814662874 1.3456795475497125 1.6289242449219155 1.8610920296532312 1.9462202173880487 1.9338379355357056 1.8038239760861725 1.6149941778380315 1.3781830374120936 1.006714581841992 0.6677496161342713 0.4154606233929 0.19103176481929654 0.033157671202004635 -0.09995185871061851 -0.2237746772339887 +12766,-0.4420123948814206,0,-0.615364340814137 -0.3290240729788441 0.30247230149033233 0.8705094814662874 1.3456795475497125 1.6289242449219155 1.8610920296532312 1.9462202173880487 1.9338379355357056 1.8038239760861725 1.6149941778380315 1.3781830374120936 1.006714581841992 0.6677496161342713 0.4154606233929 0.19103176481929654 0.033157671202004635 -0.09995185871061851 -0.2237746772339887 -0.36307534807277464 +12767,-0.5503573610893662,0,-0.3290240729788441 0.30247230149033233 0.8705094814662874 1.3456795475497125 1.6289242449219155 1.8610920296532312 1.9462202173880487 1.9338379355357056 1.8038239760861725 1.6149941778380315 1.3781830374120936 1.006714581841992 0.6677496161342713 0.4154606233929 0.19103176481929654 0.033157671202004635 -0.09995185871061851 -0.2237746772339887 -0.36307534807277464 -0.4420123948814206 +12768,-0.6509634011396083,0,0.30247230149033233 0.8705094814662874 1.3456795475497125 1.6289242449219155 1.8610920296532312 1.9462202173880487 1.9338379355357056 1.8038239760861725 1.6149941778380315 1.3781830374120936 1.006714581841992 0.6677496161342713 0.4154606233929 0.19103176481929654 0.033157671202004635 -0.09995185871061851 -0.2237746772339887 -0.36307534807277464 -0.4420123948814206 -0.5503573610893662 +12769,-0.7314482331797949,0,0.8705094814662874 1.3456795475497125 1.6289242449219155 1.8610920296532312 1.9462202173880487 1.9338379355357056 1.8038239760861725 1.6149941778380315 1.3781830374120936 1.006714581841992 0.6677496161342713 0.4154606233929 0.19103176481929654 0.033157671202004635 -0.09995185871061851 -0.2237746772339887 -0.36307534807277464 -0.4420123948814206 -0.5503573610893662 -0.6509634011396083 +12770,-0.7144225956328297,0,1.3456795475497125 1.6289242449219155 1.8610920296532312 1.9462202173880487 1.9338379355357056 1.8038239760861725 1.6149941778380315 1.3781830374120936 1.006714581841992 0.6677496161342713 0.4154606233929 0.19103176481929654 0.033157671202004635 -0.09995185871061851 -0.2237746772339887 -0.36307534807277464 -0.4420123948814206 -0.5503573610893662 -0.6509634011396083 -0.7314482331797949 +12771,-0.5704785690994129,0,1.6289242449219155 1.8610920296532312 1.9462202173880487 1.9338379355357056 1.8038239760861725 1.6149941778380315 1.3781830374120936 1.006714581841992 0.6677496161342713 0.4154606233929 0.19103176481929654 0.033157671202004635 -0.09995185871061851 -0.2237746772339887 -0.36307534807277464 -0.4420123948814206 -0.5503573610893662 -0.6509634011396083 -0.7314482331797949 -0.7144225956328297 +12772,-0.07828286546903115,0,1.8610920296532312 1.9462202173880487 1.9338379355357056 1.8038239760861725 1.6149941778380315 1.3781830374120936 1.006714581841992 0.6677496161342713 0.4154606233929 0.19103176481929654 0.033157671202004635 -0.09995185871061851 -0.2237746772339887 -0.36307534807277464 -0.4420123948814206 -0.5503573610893662 -0.6509634011396083 -0.7314482331797949 -0.7144225956328297 -0.5704785690994129 +12773,0.2823510934802857,0,1.9462202173880487 1.9338379355357056 1.8038239760861725 1.6149941778380315 1.3781830374120936 1.006714581841992 0.6677496161342713 0.4154606233929 0.19103176481929654 0.033157671202004635 -0.09995185871061851 -0.2237746772339887 -0.36307534807277464 -0.4420123948814206 -0.5503573610893662 -0.6509634011396083 -0.7314482331797949 -0.7144225956328297 -0.5704785690994129 -0.07828286546903115 +12774,0.49284988497000526,0,1.9338379355357056 1.8038239760861725 1.6149941778380315 1.3781830374120936 1.006714581841992 0.6677496161342713 0.4154606233929 0.19103176481929654 0.033157671202004635 -0.09995185871061851 -0.2237746772339887 -0.36307534807277464 -0.4420123948814206 -0.5503573610893662 -0.6509634011396083 -0.7314482331797949 -0.7144225956328297 -0.5704785690994129 -0.07828286546903115 0.2823510934802857 +12775,0.6553673342819281,0,1.8038239760861725 1.6149941778380315 1.3781830374120936 1.006714581841992 0.6677496161342713 0.4154606233929 0.19103176481929654 0.033157671202004635 -0.09995185871061851 -0.2237746772339887 -0.36307534807277464 -0.4420123948814206 -0.5503573610893662 -0.6509634011396083 -0.7314482331797949 -0.7144225956328297 -0.5704785690994129 -0.07828286546903115 0.2823510934802857 0.49284988497000526 +12776,0.7714512266475859,0,1.6149941778380315 1.3781830374120936 1.006714581841992 0.6677496161342713 0.4154606233929 0.19103176481929654 0.033157671202004635 -0.09995185871061851 -0.2237746772339887 -0.36307534807277464 -0.4420123948814206 -0.5503573610893662 -0.6509634011396083 -0.7314482331797949 -0.7144225956328297 -0.5704785690994129 -0.07828286546903115 0.2823510934802857 0.49284988497000526 0.6553673342819281 +12777,0.7946680051207228,0,1.3781830374120936 1.006714581841992 0.6677496161342713 0.4154606233929 0.19103176481929654 0.033157671202004635 -0.09995185871061851 -0.2237746772339887 -0.36307534807277464 -0.4420123948814206 -0.5503573610893662 -0.6509634011396083 -0.7314482331797949 -0.7144225956328297 -0.5704785690994129 -0.07828286546903115 0.2823510934802857 0.49284988497000526 0.6553673342819281 0.7714512266475859 +12778,0.8364582063723568,0,1.006714581841992 0.6677496161342713 0.4154606233929 0.19103176481929654 0.033157671202004635 -0.09995185871061851 -0.2237746772339887 -0.36307534807277464 -0.4420123948814206 -0.5503573610893662 -0.6509634011396083 -0.7314482331797949 -0.7144225956328297 -0.5704785690994129 -0.07828286546903115 0.2823510934802857 0.49284988497000526 0.6553673342819281 0.7714512266475859 0.7946680051207228 +12779,0.8287192802146446,0,0.6677496161342713 0.4154606233929 0.19103176481929654 0.033157671202004635 -0.09995185871061851 -0.2237746772339887 -0.36307534807277464 -0.4420123948814206 -0.5503573610893662 -0.6509634011396083 -0.7314482331797949 -0.7144225956328297 -0.5704785690994129 -0.07828286546903115 0.2823510934802857 0.49284988497000526 0.6553673342819281 0.7714512266475859 0.7946680051207228 0.8364582063723568 +12780,0.6987053207651116,0,0.4154606233929 0.19103176481929654 0.033157671202004635 -0.09995185871061851 -0.2237746772339887 -0.36307534807277464 -0.4420123948814206 -0.5503573610893662 -0.6509634011396083 -0.7314482331797949 -0.7144225956328297 -0.5704785690994129 -0.07828286546903115 0.2823510934802857 0.49284988497000526 0.6553673342819281 0.7714512266475859 0.7946680051207228 0.8364582063723568 0.8287192802146446 +12781,0.434034046171406,0,0.19103176481929654 0.033157671202004635 -0.09995185871061851 -0.2237746772339887 -0.36307534807277464 -0.4420123948814206 -0.5503573610893662 -0.6509634011396083 -0.7314482331797949 -0.7144225956328297 -0.5704785690994129 -0.07828286546903115 0.2823510934802857 0.49284988497000526 0.6553673342819281 0.7714512266475859 0.7946680051207228 0.8364582063723568 0.8287192802146446 0.6987053207651116 +12782,0.15078934879920322,0,0.033157671202004635 -0.09995185871061851 -0.2237746772339887 -0.36307534807277464 -0.4420123948814206 -0.5503573610893662 -0.6509634011396083 -0.7314482331797949 -0.7144225956328297 -0.5704785690994129 -0.07828286546903115 0.2823510934802857 0.49284988497000526 0.6553673342819281 0.7714512266475859 0.7946680051207228 0.8364582063723568 0.8287192802146446 0.6987053207651116 0.434034046171406 +12783,-0.15257655658304622,0,-0.09995185871061851 -0.2237746772339887 -0.36307534807277464 -0.4420123948814206 -0.5503573610893662 -0.6509634011396083 -0.7314482331797949 -0.7144225956328297 -0.5704785690994129 -0.07828286546903115 0.2823510934802857 0.49284988497000526 0.6553673342819281 0.7714512266475859 0.7946680051207228 0.8364582063723568 0.8287192802146446 0.6987053207651116 0.434034046171406 0.15078934879920322 +12784,-0.29806836834800376,0,-0.2237746772339887 -0.36307534807277464 -0.4420123948814206 -0.5503573610893662 -0.6509634011396083 -0.7314482331797949 -0.7144225956328297 -0.5704785690994129 -0.07828286546903115 0.2823510934802857 0.49284988497000526 0.6553673342819281 0.7714512266475859 0.7946680051207228 0.8364582063723568 0.8287192802146446 0.6987053207651116 0.434034046171406 0.15078934879920322 -0.15257655658304622 +12785,-0.3924832674720743,0,-0.36307534807277464 -0.4420123948814206 -0.5503573610893662 -0.6509634011396083 -0.7314482331797949 -0.7144225956328297 -0.5704785690994129 -0.07828286546903115 0.2823510934802857 0.49284988497000526 0.6553673342819281 0.7714512266475859 0.7946680051207228 0.8364582063723568 0.8287192802146446 0.6987053207651116 0.434034046171406 0.15078934879920322 -0.15257655658304622 -0.29806836834800376 +12786,-0.4838025961330546,0,-0.4420123948814206 -0.5503573610893662 -0.6509634011396083 -0.7314482331797949 -0.7144225956328297 -0.5704785690994129 -0.07828286546903115 0.2823510934802857 0.49284988497000526 0.6553673342819281 0.7714512266475859 0.7946680051207228 0.8364582063723568 0.8287192802146446 0.6987053207651116 0.434034046171406 0.15078934879920322 -0.15257655658304622 -0.29806836834800376 -0.3924832674720743 +12787,-0.5611918577101599,0,-0.5503573610893662 -0.6509634011396083 -0.7314482331797949 -0.7144225956328297 -0.5704785690994129 -0.07828286546903115 0.2823510934802857 0.49284988497000526 0.6553673342819281 0.7714512266475859 0.7946680051207228 0.8364582063723568 0.8287192802146446 0.6987053207651116 0.434034046171406 0.15078934879920322 -0.15257655658304622 -0.29806836834800376 -0.3924832674720743 -0.4838025961330546 +12788,-0.5967909180356311,0,-0.6509634011396083 -0.7314482331797949 -0.7144225956328297 -0.5704785690994129 -0.07828286546903115 0.2823510934802857 0.49284988497000526 0.6553673342819281 0.7714512266475859 0.7946680051207228 0.8364582063723568 0.8287192802146446 0.6987053207651116 0.434034046171406 0.15078934879920322 -0.15257655658304622 -0.29806836834800376 -0.3924832674720743 -0.4838025961330546 -0.5611918577101599 +12789,-0.652511186371149,0,-0.7314482331797949 -0.7144225956328297 -0.5704785690994129 -0.07828286546903115 0.2823510934802857 0.49284988497000526 0.6553673342819281 0.7714512266475859 0.7946680051207228 0.8364582063723568 0.8287192802146446 0.6987053207651116 0.434034046171406 0.15078934879920322 -0.15257655658304622 -0.29806836834800376 -0.3924832674720743 -0.4838025961330546 -0.5611918577101599 -0.5967909180356311 +12790,-0.6896580319281609,0,-0.7144225956328297 -0.5704785690994129 -0.07828286546903115 0.2823510934802857 0.49284988497000526 0.6553673342819281 0.7714512266475859 0.7946680051207228 0.8364582063723568 0.8287192802146446 0.6987053207651116 0.434034046171406 0.15078934879920322 -0.15257655658304622 -0.29806836834800376 -0.3924832674720743 -0.4838025961330546 -0.5611918577101599 -0.5967909180356311 -0.652511186371149 +12791,-0.7376393741059666,0,-0.5704785690994129 -0.07828286546903115 0.2823510934802857 0.49284988497000526 0.6553673342819281 0.7714512266475859 0.7946680051207228 0.8364582063723568 0.8287192802146446 0.6987053207651116 0.434034046171406 0.15078934879920322 -0.15257655658304622 -0.29806836834800376 -0.3924832674720743 -0.4838025961330546 -0.5611918577101599 -0.5967909180356311 -0.652511186371149 -0.6896580319281609 +12792,-0.7778817901260598,0,-0.07828286546903115 0.2823510934802857 0.49284988497000526 0.6553673342819281 0.7714512266475859 0.7946680051207228 0.8364582063723568 0.8287192802146446 0.6987053207651116 0.434034046171406 0.15078934879920322 -0.15257655658304622 -0.29806836834800376 -0.3924832674720743 -0.4838025961330546 -0.5611918577101599 -0.5967909180356311 -0.652511186371149 -0.6896580319281609 -0.7376393741059666 +12793,-0.782525145820682,0,0.2823510934802857 0.49284988497000526 0.6553673342819281 0.7714512266475859 0.7946680051207228 0.8364582063723568 0.8287192802146446 0.6987053207651116 0.434034046171406 0.15078934879920322 -0.15257655658304622 -0.29806836834800376 -0.3924832674720743 -0.4838025961330546 -0.5611918577101599 -0.5967909180356311 -0.652511186371149 -0.6896580319281609 -0.7376393741059666 -0.7778817901260598 +12794,-0.7624039378106353,0,0.49284988497000526 0.6553673342819281 0.7714512266475859 0.7946680051207228 0.8364582063723568 0.8287192802146446 0.6987053207651116 0.434034046171406 0.15078934879920322 -0.15257655658304622 -0.29806836834800376 -0.3924832674720743 -0.4838025961330546 -0.5611918577101599 -0.5967909180356311 -0.652511186371149 -0.6896580319281609 -0.7376393741059666 -0.7778817901260598 -0.782525145820682 +12795,-0.6865624614650707,0,0.6553673342819281 0.7714512266475859 0.7946680051207228 0.8364582063723568 0.8287192802146446 0.6987053207651116 0.434034046171406 0.15078934879920322 -0.15257655658304622 -0.29806836834800376 -0.3924832674720743 -0.4838025961330546 -0.5611918577101599 -0.5967909180356311 -0.652511186371149 -0.6896580319281609 -0.7376393741059666 -0.7778817901260598 -0.782525145820682 -0.7624039378106353 +12796,-0.4342734687237083,0,0.7714512266475859 0.7946680051207228 0.8364582063723568 0.8287192802146446 0.6987053207651116 0.434034046171406 0.15078934879920322 -0.15257655658304622 -0.29806836834800376 -0.3924832674720743 -0.4838025961330546 -0.5611918577101599 -0.5967909180356311 -0.652511186371149 -0.6896580319281609 -0.7376393741059666 -0.7778817901260598 -0.782525145820682 -0.7624039378106353 -0.6865624614650707 +12797,-0.18043669075080518,0,0.7946680051207228 0.8364582063723568 0.8287192802146446 0.6987053207651116 0.434034046171406 0.15078934879920322 -0.15257655658304622 -0.29806836834800376 -0.3924832674720743 -0.4838025961330546 -0.5611918577101599 -0.5967909180356311 -0.652511186371149 -0.6896580319281609 -0.7376393741059666 -0.7778817901260598 -0.782525145820682 -0.7624039378106353 -0.6865624614650707 -0.4342734687237083 +12798,0.08423458384289165,0,0.8364582063723568 0.8287192802146446 0.6987053207651116 0.434034046171406 0.15078934879920322 -0.15257655658304622 -0.29806836834800376 -0.3924832674720743 -0.4838025961330546 -0.5611918577101599 -0.5967909180356311 -0.652511186371149 -0.6896580319281609 -0.7376393741059666 -0.7778817901260598 -0.782525145820682 -0.7624039378106353 -0.6865624614650707 -0.4342734687237083 -0.18043669075080518 +12799,0.34890585843659727,0,0.8287192802146446 0.6987053207651116 0.434034046171406 0.15078934879920322 -0.15257655658304622 -0.29806836834800376 -0.3924832674720743 -0.4838025961330546 -0.5611918577101599 -0.5967909180356311 -0.652511186371149 -0.6896580319281609 -0.7376393741059666 -0.7778817901260598 -0.782525145820682 -0.7624039378106353 -0.6865624614650707 -0.4342734687237083 -0.18043669075080518 0.08423458384289165 +12800,0.5392834419162702,0,0.6987053207651116 0.434034046171406 0.15078934879920322 -0.15257655658304622 -0.29806836834800376 -0.3924832674720743 -0.4838025961330546 -0.5611918577101599 -0.5967909180356311 -0.652511186371149 -0.6896580319281609 -0.7376393741059666 -0.7778817901260598 -0.782525145820682 -0.7624039378106353 -0.6865624614650707 -0.4342734687237083 -0.18043669075080518 0.08423458384289165 0.34890585843659727 +12801,0.6027426364095004,0,0.434034046171406 0.15078934879920322 -0.15257655658304622 -0.29806836834800376 -0.3924832674720743 -0.4838025961330546 -0.5611918577101599 -0.5967909180356311 -0.652511186371149 -0.6896580319281609 -0.7376393741059666 -0.7778817901260598 -0.782525145820682 -0.7624039378106353 -0.6865624614650707 -0.4342734687237083 -0.18043669075080518 0.08423458384289165 0.34890585843659727 0.5392834419162702 +12802,0.650723978587306,0,0.15078934879920322 -0.15257655658304622 -0.29806836834800376 -0.3924832674720743 -0.4838025961330546 -0.5611918577101599 -0.5967909180356311 -0.652511186371149 -0.6896580319281609 -0.7376393741059666 -0.7778817901260598 -0.782525145820682 -0.7624039378106353 -0.6865624614650707 -0.4342734687237083 -0.18043669075080518 0.08423458384289165 0.34890585843659727 0.5392834419162702 0.6027426364095004 +12803,0.6832274684496871,0,-0.15257655658304622 -0.29806836834800376 -0.3924832674720743 -0.4838025961330546 -0.5611918577101599 -0.5967909180356311 -0.652511186371149 -0.6896580319281609 -0.7376393741059666 -0.7778817901260598 -0.782525145820682 -0.7624039378106353 -0.6865624614650707 -0.4342734687237083 -0.18043669075080518 0.08423458384289165 0.34890585843659727 0.5392834419162702 0.6027426364095004 0.650723978587306 +12804,0.6259594148826284,0,-0.29806836834800376 -0.3924832674720743 -0.4838025961330546 -0.5611918577101599 -0.5967909180356311 -0.652511186371149 -0.6896580319281609 -0.7376393741059666 -0.7778817901260598 -0.782525145820682 -0.7624039378106353 -0.6865624614650707 -0.4342734687237083 -0.18043669075080518 0.08423458384289165 0.34890585843659727 0.5392834419162702 0.6027426364095004 0.650723978587306 0.6832274684496871 +12805,0.4402251870975776,0,-0.3924832674720743 -0.4838025961330546 -0.5611918577101599 -0.5967909180356311 -0.652511186371149 -0.6896580319281609 -0.7376393741059666 -0.7778817901260598 -0.782525145820682 -0.7624039378106353 -0.6865624614650707 -0.4342734687237083 -0.18043669075080518 0.08423458384289165 0.34890585843659727 0.5392834419162702 0.6027426364095004 0.650723978587306 0.6832274684496871 0.6259594148826284 +12806,0.13531149648378746,0,-0.4838025961330546 -0.5611918577101599 -0.5967909180356311 -0.652511186371149 -0.6896580319281609 -0.7376393741059666 -0.7778817901260598 -0.782525145820682 -0.7624039378106353 -0.6865624614650707 -0.4342734687237083 -0.18043669075080518 0.08423458384289165 0.34890585843659727 0.5392834419162702 0.6027426364095004 0.650723978587306 0.6832274684496871 0.6259594148826284 0.4402251870975776 +12807,-0.005536959586547991,0,-0.5611918577101599 -0.5967909180356311 -0.652511186371149 -0.6896580319281609 -0.7376393741059666 -0.7778817901260598 -0.782525145820682 -0.7624039378106353 -0.6865624614650707 -0.4342734687237083 -0.18043669075080518 0.08423458384289165 0.34890585843659727 0.5392834419162702 0.6027426364095004 0.650723978587306 0.6832274684496871 0.6259594148826284 0.4402251870975776 0.13531149648378746 +12808,-0.17269776459309288,0,-0.5967909180356311 -0.652511186371149 -0.6896580319281609 -0.7376393741059666 -0.7778817901260598 -0.782525145820682 -0.7624039378106353 -0.6865624614650707 -0.4342734687237083 -0.18043669075080518 0.08423458384289165 0.34890585843659727 0.5392834419162702 0.6027426364095004 0.650723978587306 0.6832274684496871 0.6259594148826284 0.4402251870975776 0.13531149648378746 -0.005536959586547991 +12809,-0.30580729450571603,0,-0.652511186371149 -0.6896580319281609 -0.7376393741059666 -0.7778817901260598 -0.782525145820682 -0.7624039378106353 -0.6865624614650707 -0.4342734687237083 -0.18043669075080518 0.08423458384289165 0.34890585843659727 0.5392834419162702 0.6027426364095004 0.650723978587306 0.6832274684496871 0.6259594148826284 0.4402251870975776 0.13531149648378746 -0.005536959586547991 -0.17269776459309288 +12810,-0.4095089050190395,0,-0.6896580319281609 -0.7376393741059666 -0.7778817901260598 -0.782525145820682 -0.7624039378106353 -0.6865624614650707 -0.4342734687237083 -0.18043669075080518 0.08423458384289165 0.34890585843659727 0.5392834419162702 0.6027426364095004 0.650723978587306 0.6832274684496871 0.6259594148826284 0.4402251870975776 0.13531149648378746 -0.005536959586547991 -0.17269776459309288 -0.30580729450571603 +12811,-0.5070193746061915,0,-0.7376393741059666 -0.7778817901260598 -0.782525145820682 -0.7624039378106353 -0.6865624614650707 -0.4342734687237083 -0.18043669075080518 0.08423458384289165 0.34890585843659727 0.5392834419162702 0.6027426364095004 0.650723978587306 0.6832274684496871 0.6259594148826284 0.4402251870975776 0.13531149648378746 -0.005536959586547991 -0.17269776459309288 -0.30580729450571603 -0.4095089050190395 +12812,-0.661797897760402,0,-0.7778817901260598 -0.782525145820682 -0.7624039378106353 -0.6865624614650707 -0.4342734687237083 -0.18043669075080518 0.08423458384289165 0.34890585843659727 0.5392834419162702 0.6027426364095004 0.650723978587306 0.6832274684496871 0.6259594148826284 0.4402251870975776 0.13531149648378746 -0.005536959586547991 -0.17269776459309288 -0.30580729450571603 -0.4095089050190395 -0.5070193746061915 +12813,-0.7654995082737255,0,-0.782525145820682 -0.7624039378106353 -0.6865624614650707 -0.4342734687237083 -0.18043669075080518 0.08423458384289165 0.34890585843659727 0.5392834419162702 0.6027426364095004 0.650723978587306 0.6832274684496871 0.6259594148826284 0.4402251870975776 0.13531149648378746 -0.005536959586547991 -0.17269776459309288 -0.30580729450571603 -0.4095089050190395 -0.5070193746061915 -0.661797897760402 +12814,-0.8289587027669468,0,-0.7624039378106353 -0.6865624614650707 -0.4342734687237083 -0.18043669075080518 0.08423458384289165 0.34890585843659727 0.5392834419162702 0.6027426364095004 0.650723978587306 0.6832274684496871 0.6259594148826284 0.4402251870975776 0.13531149648378746 -0.005536959586547991 -0.17269776459309288 -0.30580729450571603 -0.4095089050190395 -0.5070193746061915 -0.661797897760402 -0.7654995082737255 +12815,-0.90170460864943,0,-0.6865624614650707 -0.4342734687237083 -0.18043669075080518 0.08423458384289165 0.34890585843659727 0.5392834419162702 0.6027426364095004 0.650723978587306 0.6832274684496871 0.6259594148826284 0.4402251870975776 0.13531149648378746 -0.005536959586547991 -0.17269776459309288 -0.30580729450571603 -0.4095089050190395 -0.5070193746061915 -0.661797897760402 -0.7654995082737255 -0.8289587027669468 +12816,-0.9125391052702237,0,-0.4342734687237083 -0.18043669075080518 0.08423458384289165 0.34890585843659727 0.5392834419162702 0.6027426364095004 0.650723978587306 0.6832274684496871 0.6259594148826284 0.4402251870975776 0.13531149648378746 -0.005536959586547991 -0.17269776459309288 -0.30580729450571603 -0.4095089050190395 -0.5070193746061915 -0.661797897760402 -0.7654995082737255 -0.8289587027669468 -0.90170460864943 +12817,-0.9914761520788696,0,-0.18043669075080518 0.08423458384289165 0.34890585843659727 0.5392834419162702 0.6027426364095004 0.650723978587306 0.6832274684496871 0.6259594148826284 0.4402251870975776 0.13531149648378746 -0.005536959586547991 -0.17269776459309288 -0.30580729450571603 -0.4095089050190395 -0.5070193746061915 -0.661797897760402 -0.7654995082737255 -0.8289587027669468 -0.90170460864943 -0.9125391052702237 +12818,-1.0069540043942942,0,0.08423458384289165 0.34890585843659727 0.5392834419162702 0.6027426364095004 0.650723978587306 0.6832274684496871 0.6259594148826284 0.4402251870975776 0.13531149648378746 -0.005536959586547991 -0.17269776459309288 -0.30580729450571603 -0.4095089050190395 -0.5070193746061915 -0.661797897760402 -0.7654995082737255 -0.8289587027669468 -0.90170460864943 -0.9125391052702237 -0.9914761520788696 +12819,-0.7964552129045658,0,0.34890585843659727 0.5392834419162702 0.6027426364095004 0.650723978587306 0.6832274684496871 0.6259594148826284 0.4402251870975776 0.13531149648378746 -0.005536959586547991 -0.17269776459309288 -0.30580729450571603 -0.4095089050190395 -0.5070193746061915 -0.661797897760402 -0.7654995082737255 -0.8289587027669468 -0.90170460864943 -0.9125391052702237 -0.9914761520788696 -1.0069540043942942 +12820,-0.3274762877473034,0,0.5392834419162702 0.6027426364095004 0.650723978587306 0.6832274684496871 0.6259594148826284 0.4402251870975776 0.13531149648378746 -0.005536959586547991 -0.17269776459309288 -0.30580729450571603 -0.4095089050190395 -0.5070193746061915 -0.661797897760402 -0.7654995082737255 -0.8289587027669468 -0.90170460864943 -0.9125391052702237 -0.9914761520788696 -1.0069540043942942 -0.7964552129045658 +12821,0.039348812128176223,0,0.6027426364095004 0.650723978587306 0.6832274684496871 0.6259594148826284 0.4402251870975776 0.13531149648378746 -0.005536959586547991 -0.17269776459309288 -0.30580729450571603 -0.4095089050190395 -0.5070193746061915 -0.661797897760402 -0.7654995082737255 -0.8289587027669468 -0.90170460864943 -0.9125391052702237 -0.9914761520788696 -1.0069540043942942 -0.7964552129045658 -0.3274762877473034 +12822,0.373670422141266,0,0.650723978587306 0.6832274684496871 0.6259594148826284 0.4402251870975776 0.13531149648378746 -0.005536959586547991 -0.17269776459309288 -0.30580729450571603 -0.4095089050190395 -0.5070193746061915 -0.661797897760402 -0.7654995082737255 -0.8289587027669468 -0.90170460864943 -0.9125391052702237 -0.9914761520788696 -1.0069540043942942 -0.7964552129045658 -0.3274762877473034 0.039348812128176223 +12823,0.6522717638188467,0,0.6832274684496871 0.6259594148826284 0.4402251870975776 0.13531149648378746 -0.005536959586547991 -0.17269776459309288 -0.30580729450571603 -0.4095089050190395 -0.5070193746061915 -0.661797897760402 -0.7654995082737255 -0.8289587027669468 -0.90170460864943 -0.9125391052702237 -0.9914761520788696 -1.0069540043942942 -0.7964552129045658 -0.3274762877473034 0.039348812128176223 0.373670422141266 +12824,0.7869290789630106,0,0.6259594148826284 0.4402251870975776 0.13531149648378746 -0.005536959586547991 -0.17269776459309288 -0.30580729450571603 -0.4095089050190395 -0.5070193746061915 -0.661797897760402 -0.7654995082737255 -0.8289587027669468 -0.90170460864943 -0.9125391052702237 -0.9914761520788696 -1.0069540043942942 -0.7964552129045658 -0.3274762877473034 0.039348812128176223 0.373670422141266 0.6522717638188467 +12825,0.8797961928555316,0,0.4402251870975776 0.13531149648378746 -0.005536959586547991 -0.17269776459309288 -0.30580729450571603 -0.4095089050190395 -0.5070193746061915 -0.661797897760402 -0.7654995082737255 -0.8289587027669468 -0.90170460864943 -0.9125391052702237 -0.9914761520788696 -1.0069540043942942 -0.7964552129045658 -0.3274762877473034 0.039348812128176223 0.373670422141266 0.6522717638188467 0.7869290789630106 +12826,0.9030129713286684,0,0.13531149648378746 -0.005536959586547991 -0.17269776459309288 -0.30580729450571603 -0.4095089050190395 -0.5070193746061915 -0.661797897760402 -0.7654995082737255 -0.8289587027669468 -0.90170460864943 -0.9125391052702237 -0.9914761520788696 -1.0069540043942942 -0.7964552129045658 -0.3274762877473034 0.039348812128176223 0.373670422141266 0.6522717638188467 0.7869290789630106 0.8797961928555316 +12827,0.8720572666978281,0,-0.005536959586547991 -0.17269776459309288 -0.30580729450571603 -0.4095089050190395 -0.5070193746061915 -0.661797897760402 -0.7654995082737255 -0.8289587027669468 -0.90170460864943 -0.9125391052702237 -0.9914761520788696 -1.0069540043942942 -0.7964552129045658 -0.3274762877473034 0.039348812128176223 0.373670422141266 0.6522717638188467 0.7869290789630106 0.8797961928555316 0.9030129713286684 +12828,0.7791901528052982,0,-0.17269776459309288 -0.30580729450571603 -0.4095089050190395 -0.5070193746061915 -0.661797897760402 -0.7654995082737255 -0.8289587027669468 -0.90170460864943 -0.9125391052702237 -0.9914761520788696 -1.0069540043942942 -0.7964552129045658 -0.3274762877473034 0.039348812128176223 0.373670422141266 0.6522717638188467 0.7869290789630106 0.8797961928555316 0.9030129713286684 0.8720572666978281 +12829,0.590360354557166,0,-0.30580729450571603 -0.4095089050190395 -0.5070193746061915 -0.661797897760402 -0.7654995082737255 -0.8289587027669468 -0.90170460864943 -0.9125391052702237 -0.9914761520788696 -1.0069540043942942 -0.7964552129045658 -0.3274762877473034 0.039348812128176223 0.373670422141266 0.6522717638188467 0.7869290789630106 0.8797961928555316 0.9030129713286684 0.8720572666978281 0.7791901528052982 +12830,0.35819256982585024,0,-0.4095089050190395 -0.5070193746061915 -0.661797897760402 -0.7654995082737255 -0.8289587027669468 -0.90170460864943 -0.9125391052702237 -0.9914761520788696 -1.0069540043942942 -0.7964552129045658 -0.3274762877473034 0.039348812128176223 0.373670422141266 0.6522717638188467 0.7869290789630106 0.8797961928555316 0.9030129713286684 0.8720572666978281 0.7791901528052982 0.590360354557166 +12831,0.03625324166508603,0,-0.5070193746061915 -0.661797897760402 -0.7654995082737255 -0.8289587027669468 -0.90170460864943 -0.9125391052702237 -0.9914761520788696 -1.0069540043942942 -0.7964552129045658 -0.3274762877473034 0.039348812128176223 0.373670422141266 0.6522717638188467 0.7869290789630106 0.8797961928555316 0.9030129713286684 0.8720572666978281 0.7791901528052982 0.590360354557166 0.35819256982585024 +12832,-0.17269776459309288,0,-0.661797897760402 -0.7654995082737255 -0.8289587027669468 -0.90170460864943 -0.9125391052702237 -0.9914761520788696 -1.0069540043942942 -0.7964552129045658 -0.3274762877473034 0.039348812128176223 0.373670422141266 0.6522717638188467 0.7869290789630106 0.8797961928555316 0.9030129713286684 0.8720572666978281 0.7791901528052982 0.590360354557166 0.35819256982585024 0.03625324166508603 +12833,-0.3197373615895999,0,-0.7654995082737255 -0.8289587027669468 -0.90170460864943 -0.9125391052702237 -0.9914761520788696 -1.0069540043942942 -0.7964552129045658 -0.3274762877473034 0.039348812128176223 0.373670422141266 0.6522717638188467 0.7869290789630106 0.8797961928555316 0.9030129713286684 0.8720572666978281 0.7791901528052982 0.590360354557166 0.35819256982585024 0.03625324166508603 -0.17269776459309288 +12834,-0.45594246196530447,0,-0.8289587027669468 -0.90170460864943 -0.9125391052702237 -0.9914761520788696 -1.0069540043942942 -0.7964552129045658 -0.3274762877473034 0.039348812128176223 0.373670422141266 0.6522717638188467 0.7869290789630106 0.8797961928555316 0.9030129713286684 0.8720572666978281 0.7791901528052982 0.590360354557166 0.35819256982585024 0.03625324166508603 -0.17269776459309288 -0.3197373615895999 +12835,-0.5720263543309624,0,-0.90170460864943 -0.9125391052702237 -0.9914761520788696 -1.0069540043942942 -0.7964552129045658 -0.3274762877473034 0.039348812128176223 0.373670422141266 0.6522717638188467 0.7869290789630106 0.8797961928555316 0.9030129713286684 0.8720572666978281 0.7791901528052982 0.590360354557166 0.35819256982585024 0.03625324166508603 -0.17269776459309288 -0.3197373615895999 -0.45594246196530447 +12836,-0.6772757500758178,0,-0.9125391052702237 -0.9914761520788696 -1.0069540043942942 -0.7964552129045658 -0.3274762877473034 0.039348812128176223 0.373670422141266 0.6522717638188467 0.7869290789630106 0.8797961928555316 0.9030129713286684 0.8720572666978281 0.7791901528052982 0.590360354557166 0.35819256982585024 0.03625324166508603 -0.17269776459309288 -0.3197373615895999 -0.45594246196530447 -0.5720263543309624 +12837,-0.7701428639683475,0,-0.9914761520788696 -1.0069540043942942 -0.7964552129045658 -0.3274762877473034 0.039348812128176223 0.373670422141266 0.6522717638188467 0.7869290789630106 0.8797961928555316 0.9030129713286684 0.8720572666978281 0.7791901528052982 0.590360354557166 0.35819256982585024 0.03625324166508603 -0.17269776459309288 -0.3197373615895999 -0.45594246196530447 -0.5720263543309624 -0.6772757500758178 +12838,-0.8397931993877406,0,-1.0069540043942942 -0.7964552129045658 -0.3274762877473034 0.039348812128176223 0.373670422141266 0.6522717638188467 0.7869290789630106 0.8797961928555316 0.9030129713286684 0.8720572666978281 0.7791901528052982 0.590360354557166 0.35819256982585024 0.03625324166508603 -0.17269776459309288 -0.3197373615895999 -0.45594246196530447 -0.5720263543309624 -0.6772757500758178 -0.7701428639683475 +12839,-0.8908701120286363,0,-0.7964552129045658 -0.3274762877473034 0.039348812128176223 0.373670422141266 0.6522717638188467 0.7869290789630106 0.8797961928555316 0.9030129713286684 0.8720572666978281 0.7791901528052982 0.590360354557166 0.35819256982585024 0.03625324166508603 -0.17269776459309288 -0.3197373615895999 -0.45594246196530447 -0.5720263543309624 -0.6772757500758178 -0.7701428639683475 -0.8397931993877406 +12840,-0.8831311858709241,0,-0.3274762877473034 0.039348812128176223 0.373670422141266 0.6522717638188467 0.7869290789630106 0.8797961928555316 0.9030129713286684 0.8720572666978281 0.7791901528052982 0.590360354557166 0.35819256982585024 0.03625324166508603 -0.17269776459309288 -0.3197373615895999 -0.45594246196530447 -0.5720263543309624 -0.6772757500758178 -0.7701428639683475 -0.8397931993877406 -0.8908701120286363 +12841,-0.9078957495755928,0,0.039348812128176223 0.373670422141266 0.6522717638188467 0.7869290789630106 0.8797961928555316 0.9030129713286684 0.8720572666978281 0.7791901528052982 0.590360354557166 0.35819256982585024 0.03625324166508603 -0.17269776459309288 -0.3197373615895999 -0.45594246196530447 -0.5720263543309624 -0.6772757500758178 -0.7701428639683475 -0.8397931993877406 -0.8908701120286363 -0.8831311858709241 +12842,-0.8893223267970869,0,0.373670422141266 0.6522717638188467 0.7869290789630106 0.8797961928555316 0.9030129713286684 0.8720572666978281 0.7791901528052982 0.590360354557166 0.35819256982585024 0.03625324166508603 -0.17269776459309288 -0.3197373615895999 -0.45594246196530447 -0.5720263543309624 -0.6772757500758178 -0.7701428639683475 -0.8397931993877406 -0.8908701120286363 -0.8831311858709241 -0.9078957495755928 +12843,-0.7809773605891412,0,0.6522717638188467 0.7869290789630106 0.8797961928555316 0.9030129713286684 0.8720572666978281 0.7791901528052982 0.590360354557166 0.35819256982585024 0.03625324166508603 -0.17269776459309288 -0.3197373615895999 -0.45594246196530447 -0.5720263543309624 -0.6772757500758178 -0.7701428639683475 -0.8397931993877406 -0.8908701120286363 -0.8831311858709241 -0.9078957495755928 -0.8893223267970869 +12844,-0.3723620594620276,0,0.7869290789630106 0.8797961928555316 0.9030129713286684 0.8720572666978281 0.7791901528052982 0.590360354557166 0.35819256982585024 0.03625324166508603 -0.17269776459309288 -0.3197373615895999 -0.45594246196530447 -0.5720263543309624 -0.6772757500758178 -0.7701428639683475 -0.8397931993877406 -0.8908701120286363 -0.8831311858709241 -0.9078957495755928 -0.8893223267970869 -0.7809773605891412 +12845,-0.061257227922065886,0,0.8797961928555316 0.9030129713286684 0.8720572666978281 0.7791901528052982 0.590360354557166 0.35819256982585024 0.03625324166508603 -0.17269776459309288 -0.3197373615895999 -0.45594246196530447 -0.5720263543309624 -0.6772757500758178 -0.7701428639683475 -0.8397931993877406 -0.8908701120286363 -0.8831311858709241 -0.9078957495755928 -0.8893223267970869 -0.7809773605891412 -0.3723620594620276 +12846,0.13685928171532816,0,0.9030129713286684 0.8720572666978281 0.7791901528052982 0.590360354557166 0.35819256982585024 0.03625324166508603 -0.17269776459309288 -0.3197373615895999 -0.45594246196530447 -0.5720263543309624 -0.6772757500758178 -0.7701428639683475 -0.8397931993877406 -0.8908701120286363 -0.8831311858709241 -0.9078957495755928 -0.8893223267970869 -0.7809773605891412 -0.3723620594620276 -0.061257227922065886 +12847,0.5485701533055232,0,0.8720572666978281 0.7791901528052982 0.590360354557166 0.35819256982585024 0.03625324166508603 -0.17269776459309288 -0.3197373615895999 -0.45594246196530447 -0.5720263543309624 -0.6772757500758178 -0.7701428639683475 -0.8397931993877406 -0.8908701120286363 -0.8831311858709241 -0.9078957495755928 -0.8893223267970869 -0.7809773605891412 -0.3723620594620276 -0.061257227922065886 0.13685928171532816 +12848,0.6352461262718814,0,0.7791901528052982 0.590360354557166 0.35819256982585024 0.03625324166508603 -0.17269776459309288 -0.3197373615895999 -0.45594246196530447 -0.5720263543309624 -0.6772757500758178 -0.7701428639683475 -0.8397931993877406 -0.8908701120286363 -0.8831311858709241 -0.9078957495755928 -0.8893223267970869 -0.7809773605891412 -0.3723620594620276 -0.061257227922065886 0.13685928171532816 0.5485701533055232 +12849,0.7141831730805274,0,0.590360354557166 0.35819256982585024 0.03625324166508603 -0.17269776459309288 -0.3197373615895999 -0.45594246196530447 -0.5720263543309624 -0.6772757500758178 -0.7701428639683475 -0.8397931993877406 -0.8908701120286363 -0.8831311858709241 -0.9078957495755928 -0.8893223267970869 -0.7809773605891412 -0.3723620594620276 -0.061257227922065886 0.13685928171532816 0.5485701533055232 0.6352461262718814 +12850,0.5253533748323951,0,0.35819256982585024 0.03625324166508603 -0.17269776459309288 -0.3197373615895999 -0.45594246196530447 -0.5720263543309624 -0.6772757500758178 -0.7701428639683475 -0.8397931993877406 -0.8908701120286363 -0.8831311858709241 -0.9078957495755928 -0.8893223267970869 -0.7809773605891412 -0.3723620594620276 -0.061257227922065886 0.13685928171532816 0.5485701533055232 0.6352461262718814 0.7141831730805274 +12851,0.5129710929800607,0,0.03625324166508603 -0.17269776459309288 -0.3197373615895999 -0.45594246196530447 -0.5720263543309624 -0.6772757500758178 -0.7701428639683475 -0.8397931993877406 -0.8908701120286363 -0.8831311858709241 -0.9078957495755928 -0.8893223267970869 -0.7809773605891412 -0.3723620594620276 -0.061257227922065886 0.13685928171532816 0.5485701533055232 0.6352461262718814 0.7141831730805274 0.5253533748323951 +12852,0.44796411325528984,0,-0.17269776459309288 -0.3197373615895999 -0.45594246196530447 -0.5720263543309624 -0.6772757500758178 -0.7701428639683475 -0.8397931993877406 -0.8908701120286363 -0.8831311858709241 -0.9078957495755928 -0.8893223267970869 -0.7809773605891412 -0.3723620594620276 -0.061257227922065886 0.13685928171532816 0.5485701533055232 0.6352461262718814 0.7141831730805274 0.5253533748323951 0.5129710929800607 +12853,0.034705456433545334,0,-0.3197373615895999 -0.45594246196530447 -0.5720263543309624 -0.6772757500758178 -0.7701428639683475 -0.8397931993877406 -0.8908701120286363 -0.8831311858709241 -0.9078957495755928 -0.8893223267970869 -0.7809773605891412 -0.3723620594620276 -0.061257227922065886 0.13685928171532816 0.5485701533055232 0.6352461262718814 0.7141831730805274 0.5253533748323951 0.5129710929800607 0.44796411325528984 +12854,-0.1680544088984708,0,-0.45594246196530447 -0.5720263543309624 -0.6772757500758178 -0.7701428639683475 -0.8397931993877406 -0.8908701120286363 -0.8831311858709241 -0.9078957495755928 -0.8893223267970869 -0.7809773605891412 -0.3723620594620276 -0.061257227922065886 0.13685928171532816 0.5485701533055232 0.6352461262718814 0.7141831730805274 0.5253533748323951 0.5129710929800607 0.44796411325528984 0.034705456433545334 +12855,-0.3553364219150623,0,-0.5720263543309624 -0.6772757500758178 -0.7701428639683475 -0.8397931993877406 -0.8908701120286363 -0.8831311858709241 -0.9078957495755928 -0.8893223267970869 -0.7809773605891412 -0.3723620594620276 -0.061257227922065886 0.13685928171532816 0.5485701533055232 0.6352461262718814 0.7141831730805274 0.5253533748323951 0.5129710929800607 0.44796411325528984 0.034705456433545334 -0.1680544088984708 +12856,-0.4884459518276855,0,-0.6772757500758178 -0.7701428639683475 -0.8397931993877406 -0.8908701120286363 -0.8831311858709241 -0.9078957495755928 -0.8893223267970869 -0.7809773605891412 -0.3723620594620276 -0.061257227922065886 0.13685928171532816 0.5485701533055232 0.6352461262718814 0.7141831730805274 0.5253533748323951 0.5129710929800607 0.44796411325528984 0.034705456433545334 -0.1680544088984708 -0.3553364219150623 +12857,-0.5844086361832967,0,-0.7701428639683475 -0.8397931993877406 -0.8908701120286363 -0.8831311858709241 -0.9078957495755928 -0.8893223267970869 -0.7809773605891412 -0.3723620594620276 -0.061257227922065886 0.13685928171532816 0.5485701533055232 0.6352461262718814 0.7141831730805274 0.5253533748323951 0.5129710929800607 0.44796411325528984 0.034705456433545334 -0.1680544088984708 -0.3553364219150623 -0.4884459518276855 +12858,-0.6896580319281609,0,-0.8397931993877406 -0.8908701120286363 -0.8831311858709241 -0.9078957495755928 -0.8893223267970869 -0.7809773605891412 -0.3723620594620276 -0.061257227922065886 0.13685928171532816 0.5485701533055232 0.6352461262718814 0.7141831730805274 0.5253533748323951 0.5129710929800607 0.44796411325528984 0.034705456433545334 -0.1680544088984708 -0.3553364219150623 -0.4884459518276855 -0.5844086361832967 +12859,-0.7856207162837722,0,-0.8908701120286363 -0.8831311858709241 -0.9078957495755928 -0.8893223267970869 -0.7809773605891412 -0.3723620594620276 -0.061257227922065886 0.13685928171532816 0.5485701533055232 0.6352461262718814 0.7141831730805274 0.5253533748323951 0.5129710929800607 0.44796411325528984 0.034705456433545334 -0.1680544088984708 -0.3553364219150623 -0.4884459518276855 -0.5844086361832967 -0.6896580319281609 +12860,-0.8243153470723248,0,-0.8831311858709241 -0.9078957495755928 -0.8893223267970869 -0.7809773605891412 -0.3723620594620276 -0.061257227922065886 0.13685928171532816 0.5485701533055232 0.6352461262718814 0.7141831730805274 0.5253533748323951 0.5129710929800607 0.44796411325528984 0.034705456433545334 -0.1680544088984708 -0.3553364219150623 -0.4884459518276855 -0.5844086361832967 -0.6896580319281609 -0.7856207162837722 +12861,-0.8506276960085343,0,-0.9078957495755928 -0.8893223267970869 -0.7809773605891412 -0.3723620594620276 -0.061257227922065886 0.13685928171532816 0.5485701533055232 0.6352461262718814 0.7141831730805274 0.5253533748323951 0.5129710929800607 0.44796411325528984 0.034705456433545334 -0.1680544088984708 -0.3553364219150623 -0.4884459518276855 -0.5844086361832967 -0.6896580319281609 -0.7856207162837722 -0.8243153470723248 +12862,-0.8026463538307286,0,-0.8893223267970869 -0.7809773605891412 -0.3723620594620276 -0.061257227922065886 0.13685928171532816 0.5485701533055232 0.6352461262718814 0.7141831730805274 0.5253533748323951 0.5129710929800607 0.44796411325528984 0.034705456433545334 -0.1680544088984708 -0.3553364219150623 -0.4884459518276855 -0.5844086361832967 -0.6896580319281609 -0.7856207162837722 -0.8243153470723248 -0.8506276960085343 +12863,-0.7964552129045658,0,-0.7809773605891412 -0.3723620594620276 -0.061257227922065886 0.13685928171532816 0.5485701533055232 0.6352461262718814 0.7141831730805274 0.5253533748323951 0.5129710929800607 0.44796411325528984 0.034705456433545334 -0.1680544088984708 -0.3553364219150623 -0.4884459518276855 -0.5844086361832967 -0.6896580319281609 -0.7856207162837722 -0.8243153470723248 -0.8506276960085343 -0.8026463538307286 +12864,-0.7716906491998883,0,-0.3723620594620276 -0.061257227922065886 0.13685928171532816 0.5485701533055232 0.6352461262718814 0.7141831730805274 0.5253533748323951 0.5129710929800607 0.44796411325528984 0.034705456433545334 -0.1680544088984708 -0.3553364219150623 -0.4884459518276855 -0.5844086361832967 -0.6896580319281609 -0.7856207162837722 -0.8243153470723248 -0.8506276960085343 -0.8026463538307286 -0.7964552129045658 +12865,-0.7531172264213823,0,-0.061257227922065886 0.13685928171532816 0.5485701533055232 0.6352461262718814 0.7141831730805274 0.5253533748323951 0.5129710929800607 0.44796411325528984 0.034705456433545334 -0.1680544088984708 -0.3553364219150623 -0.4884459518276855 -0.5844086361832967 -0.6896580319281609 -0.7856207162837722 -0.8243153470723248 -0.8506276960085343 -0.8026463538307286 -0.7964552129045658 -0.7716906491998883 +12866,-0.7097792399382076,0,0.13685928171532816 0.5485701533055232 0.6352461262718814 0.7141831730805274 0.5253533748323951 0.5129710929800607 0.44796411325528984 0.034705456433545334 -0.1680544088984708 -0.3553364219150623 -0.4884459518276855 -0.5844086361832967 -0.6896580319281609 -0.7856207162837722 -0.8243153470723248 -0.8506276960085343 -0.8026463538307286 -0.7964552129045658 -0.7716906491998883 -0.7531172264213823 +12867,-0.7051358842435766,0,0.5485701533055232 0.6352461262718814 0.7141831730805274 0.5253533748323951 0.5129710929800607 0.44796411325528984 0.034705456433545334 -0.1680544088984708 -0.3553364219150623 -0.4884459518276855 -0.5844086361832967 -0.6896580319281609 -0.7856207162837722 -0.8243153470723248 -0.8506276960085343 -0.8026463538307286 -0.7964552129045658 -0.7716906491998883 -0.7531172264213823 -0.7097792399382076 +12868,-0.5503573610893662,0,0.6352461262718814 0.7141831730805274 0.5253533748323951 0.5129710929800607 0.44796411325528984 0.034705456433545334 -0.1680544088984708 -0.3553364219150623 -0.4884459518276855 -0.5844086361832967 -0.6896580319281609 -0.7856207162837722 -0.8243153470723248 -0.8506276960085343 -0.8026463538307286 -0.7964552129045658 -0.7716906491998883 -0.7531172264213823 -0.7097792399382076 -0.7051358842435766 +12869,-0.3770054151566497,0,0.7141831730805274 0.5253533748323951 0.5129710929800607 0.44796411325528984 0.034705456433545334 -0.1680544088984708 -0.3553364219150623 -0.4884459518276855 -0.5844086361832967 -0.6896580319281609 -0.7856207162837722 -0.8243153470723248 -0.8506276960085343 -0.8026463538307286 -0.7964552129045658 -0.7716906491998883 -0.7531172264213823 -0.7097792399382076 -0.7051358842435766 -0.5503573610893662 +12870,-0.2098446101501048,0,0.5253533748323951 0.5129710929800607 0.44796411325528984 0.034705456433545334 -0.1680544088984708 -0.3553364219150623 -0.4884459518276855 -0.5844086361832967 -0.6896580319281609 -0.7856207162837722 -0.8243153470723248 -0.8506276960085343 -0.8026463538307286 -0.7964552129045658 -0.7716906491998883 -0.7531172264213823 -0.7097792399382076 -0.7051358842435766 -0.5503573610893662 -0.3770054151566497 +12871,-0.056613872227435,0,0.5129710929800607 0.44796411325528984 0.034705456433545334 -0.1680544088984708 -0.3553364219150623 -0.4884459518276855 -0.5844086361832967 -0.6896580319281609 -0.7856207162837722 -0.8243153470723248 -0.8506276960085343 -0.8026463538307286 -0.7964552129045658 -0.7716906491998883 -0.7531172264213823 -0.7097792399382076 -0.7051358842435766 -0.5503573610893662 -0.3770054151566497 -0.2098446101501048 +12872,0.02232317458121096,0,0.44796411325528984 0.034705456433545334 -0.1680544088984708 -0.3553364219150623 -0.4884459518276855 -0.5844086361832967 -0.6896580319281609 -0.7856207162837722 -0.8243153470723248 -0.8506276960085343 -0.8026463538307286 -0.7964552129045658 -0.7716906491998883 -0.7531172264213823 -0.7097792399382076 -0.7051358842435766 -0.5503573610893662 -0.3770054151566497 -0.2098446101501048 -0.056613872227435 +12873,0.15698048972537482,0,0.034705456433545334 -0.1680544088984708 -0.3553364219150623 -0.4884459518276855 -0.5844086361832967 -0.6896580319281609 -0.7856207162837722 -0.8243153470723248 -0.8506276960085343 -0.8026463538307286 -0.7964552129045658 -0.7716906491998883 -0.7531172264213823 -0.7097792399382076 -0.7051358842435766 -0.5503573610893662 -0.3770054151566497 -0.2098446101501048 -0.056613872227435 0.02232317458121096 +12874,0.2080574023662618,0,-0.1680544088984708 -0.3553364219150623 -0.4884459518276855 -0.5844086361832967 -0.6896580319281609 -0.7856207162837722 -0.8243153470723248 -0.8506276960085343 -0.8026463538307286 -0.7964552129045658 -0.7716906491998883 -0.7531172264213823 -0.7097792399382076 -0.7051358842435766 -0.5503573610893662 -0.3770054151566497 -0.2098446101501048 -0.056613872227435 0.02232317458121096 0.15698048972537482 +12875,0.24520424792327375,0,-0.3553364219150623 -0.4884459518276855 -0.5844086361832967 -0.6896580319281609 -0.7856207162837722 -0.8243153470723248 -0.8506276960085343 -0.8026463538307286 -0.7964552129045658 -0.7716906491998883 -0.7531172264213823 -0.7097792399382076 -0.7051358842435766 -0.5503573610893662 -0.3770054151566497 -0.2098446101501048 -0.056613872227435 0.02232317458121096 0.15698048972537482 0.2080574023662618 +12876,0.15852827495691552,0,-0.4884459518276855 -0.5844086361832967 -0.6896580319281609 -0.7856207162837722 -0.8243153470723248 -0.8506276960085343 -0.8026463538307286 -0.7964552129045658 -0.7716906491998883 -0.7531172264213823 -0.7097792399382076 -0.7051358842435766 -0.5503573610893662 -0.3770054151566497 -0.2098446101501048 -0.056613872227435 0.02232317458121096 0.15698048972537482 0.2080574023662618 0.24520424792327375 +12877,-0.051970516532812906,0,-0.5844086361832967 -0.6896580319281609 -0.7856207162837722 -0.8243153470723248 -0.8506276960085343 -0.8026463538307286 -0.7964552129045658 -0.7716906491998883 -0.7531172264213823 -0.7097792399382076 -0.7051358842435766 -0.5503573610893662 -0.3770054151566497 -0.2098446101501048 -0.056613872227435 0.02232317458121096 0.15698048972537482 0.2080574023662618 0.24520424792327375 0.15852827495691552 +12878,-0.3212851468211406,0,-0.6896580319281609 -0.7856207162837722 -0.8243153470723248 -0.8506276960085343 -0.8026463538307286 -0.7964552129045658 -0.7716906491998883 -0.7531172264213823 -0.7097792399382076 -0.7051358842435766 -0.5503573610893662 -0.3770054151566497 -0.2098446101501048 -0.056613872227435 0.02232317458121096 0.15698048972537482 0.2080574023662618 0.24520424792327375 0.15852827495691552 -0.051970516532812906 +12879,-0.5194016564585259,0,-0.7856207162837722 -0.8243153470723248 -0.8506276960085343 -0.8026463538307286 -0.7964552129045658 -0.7716906491998883 -0.7531172264213823 -0.7097792399382076 -0.7051358842435766 -0.5503573610893662 -0.3770054151566497 -0.2098446101501048 -0.056613872227435 0.02232317458121096 0.15698048972537482 0.2080574023662618 0.24520424792327375 0.15852827495691552 -0.051970516532812906 -0.3212851468211406 +12880,-0.62465105220339,0,-0.8243153470723248 -0.8506276960085343 -0.8026463538307286 -0.7964552129045658 -0.7716906491998883 -0.7531172264213823 -0.7097792399382076 -0.7051358842435766 -0.5503573610893662 -0.3770054151566497 -0.2098446101501048 -0.056613872227435 0.02232317458121096 0.15698048972537482 0.2080574023662618 0.24520424792327375 0.15852827495691552 -0.051970516532812906 -0.3212851468211406 -0.5194016564585259 +12881,-0.6973969580858732,0,-0.8506276960085343 -0.8026463538307286 -0.7964552129045658 -0.7716906491998883 -0.7531172264213823 -0.7097792399382076 -0.7051358842435766 -0.5503573610893662 -0.3770054151566497 -0.2098446101501048 -0.056613872227435 0.02232317458121096 0.15698048972537482 0.2080574023662618 0.24520424792327375 0.15852827495691552 -0.051970516532812906 -0.3212851468211406 -0.5194016564585259 -0.62465105220339 +12882,-0.782525145820682,0,-0.8026463538307286 -0.7964552129045658 -0.7716906491998883 -0.7531172264213823 -0.7097792399382076 -0.7051358842435766 -0.5503573610893662 -0.3770054151566497 -0.2098446101501048 -0.056613872227435 0.02232317458121096 0.15698048972537482 0.2080574023662618 0.24520424792327375 0.15852827495691552 -0.051970516532812906 -0.3212851468211406 -0.5194016564585259 -0.62465105220339 -0.6973969580858732 +12883,-0.8119330652199815,0,-0.7964552129045658 -0.7716906491998883 -0.7531172264213823 -0.7097792399382076 -0.7051358842435766 -0.5503573610893662 -0.3770054151566497 -0.2098446101501048 -0.056613872227435 0.02232317458121096 0.15698048972537482 0.2080574023662618 0.24520424792327375 0.15852827495691552 -0.051970516532812906 -0.3212851468211406 -0.5194016564585259 -0.62465105220339 -0.6973969580858732 -0.782525145820682 +12884,-0.754665011652923,0,-0.7716906491998883 -0.7531172264213823 -0.7097792399382076 -0.7051358842435766 -0.5503573610893662 -0.3770054151566497 -0.2098446101501048 -0.056613872227435 0.02232317458121096 0.15698048972537482 0.2080574023662618 0.24520424792327375 0.15852827495691552 -0.051970516532812906 -0.3212851468211406 -0.5194016564585259 -0.62465105220339 -0.6973969580858732 -0.782525145820682 -0.8119330652199815 +12885,-0.7469260854952195,0,-0.7531172264213823 -0.7097792399382076 -0.7051358842435766 -0.5503573610893662 -0.3770054151566497 -0.2098446101501048 -0.056613872227435 0.02232317458121096 0.15698048972537482 0.2080574023662618 0.24520424792327375 0.15852827495691552 -0.051970516532812906 -0.3212851468211406 -0.5194016564585259 -0.62465105220339 -0.6973969580858732 -0.782525145820682 -0.8119330652199815 -0.754665011652923 +12886,-0.7051358842435766,0,-0.7097792399382076 -0.7051358842435766 -0.5503573610893662 -0.3770054151566497 -0.2098446101501048 -0.056613872227435 0.02232317458121096 0.15698048972537482 0.2080574023662618 0.24520424792327375 0.15852827495691552 -0.051970516532812906 -0.3212851468211406 -0.5194016564585259 -0.62465105220339 -0.6973969580858732 -0.782525145820682 -0.8119330652199815 -0.754665011652923 -0.7469260854952195 +12887,-0.666441253455024,0,-0.7051358842435766 -0.5503573610893662 -0.3770054151566497 -0.2098446101501048 -0.056613872227435 0.02232317458121096 0.15698048972537482 0.2080574023662618 0.24520424792327375 0.15852827495691552 -0.051970516532812906 -0.3212851468211406 -0.5194016564585259 -0.62465105220339 -0.6973969580858732 -0.782525145820682 -0.8119330652199815 -0.754665011652923 -0.7469260854952195 -0.7051358842435766 +12888,-0.6819191057704487,0,-0.5503573610893662 -0.3770054151566497 -0.2098446101501048 -0.056613872227435 0.02232317458121096 0.15698048972537482 0.2080574023662618 0.24520424792327375 0.15852827495691552 -0.051970516532812906 -0.3212851468211406 -0.5194016564585259 -0.62465105220339 -0.6973969580858732 -0.782525145820682 -0.8119330652199815 -0.754665011652923 -0.7469260854952195 -0.7051358842435766 -0.666441253455024 +12889,-0.6803713205389079,0,-0.3770054151566497 -0.2098446101501048 -0.056613872227435 0.02232317458121096 0.15698048972537482 0.2080574023662618 0.24520424792327375 0.15852827495691552 -0.051970516532812906 -0.3212851468211406 -0.5194016564585259 -0.62465105220339 -0.6973969580858732 -0.782525145820682 -0.8119330652199815 -0.754665011652923 -0.7469260854952195 -0.7051358842435766 -0.666441253455024 -0.6819191057704487 +12890,-0.6463200454449775,0,-0.2098446101501048 -0.056613872227435 0.02232317458121096 0.15698048972537482 0.2080574023662618 0.24520424792327375 0.15852827495691552 -0.051970516532812906 -0.3212851468211406 -0.5194016564585259 -0.62465105220339 -0.6973969580858732 -0.782525145820682 -0.8119330652199815 -0.754665011652923 -0.7469260854952195 -0.7051358842435766 -0.666441253455024 -0.6819191057704487 -0.6803713205389079 +12891,-0.6060776294248841,0,-0.056613872227435 0.02232317458121096 0.15698048972537482 0.2080574023662618 0.24520424792327375 0.15852827495691552 -0.051970516532812906 -0.3212851468211406 -0.5194016564585259 -0.62465105220339 -0.6973969580858732 -0.782525145820682 -0.8119330652199815 -0.754665011652923 -0.7469260854952195 -0.7051358842435766 -0.666441253455024 -0.6819191057704487 -0.6803713205389079 -0.6463200454449775 +12892,-0.47142031428072023,0,0.02232317458121096 0.15698048972537482 0.2080574023662618 0.24520424792327375 0.15852827495691552 -0.051970516532812906 -0.3212851468211406 -0.5194016564585259 -0.62465105220339 -0.6973969580858732 -0.782525145820682 -0.8119330652199815 -0.754665011652923 -0.7469260854952195 -0.7051358842435766 -0.666441253455024 -0.6819191057704487 -0.6803713205389079 -0.6463200454449775 -0.6060776294248841 +12893,-0.3274762877473034,0,0.15698048972537482 0.2080574023662618 0.24520424792327375 0.15852827495691552 -0.051970516532812906 -0.3212851468211406 -0.5194016564585259 -0.62465105220339 -0.6973969580858732 -0.782525145820682 -0.8119330652199815 -0.754665011652923 -0.7469260854952195 -0.7051358842435766 -0.666441253455024 -0.6819191057704487 -0.6803713205389079 -0.6463200454449775 -0.6060776294248841 -0.47142031428072023 +12894,-0.17888890551926448,0,0.2080574023662618 0.24520424792327375 0.15852827495691552 -0.051970516532812906 -0.3212851468211406 -0.5194016564585259 -0.62465105220339 -0.6973969580858732 -0.782525145820682 -0.8119330652199815 -0.754665011652923 -0.7469260854952195 -0.7051358842435766 -0.666441253455024 -0.6819191057704487 -0.6803713205389079 -0.6463200454449775 -0.6060776294248841 -0.47142031428072023 -0.3274762877473034 +12895,-0.05970944269052519,0,0.24520424792327375 0.15852827495691552 -0.051970516532812906 -0.3212851468211406 -0.5194016564585259 -0.62465105220339 -0.6973969580858732 -0.782525145820682 -0.8119330652199815 -0.754665011652923 -0.7469260854952195 -0.7051358842435766 -0.666441253455024 -0.6819191057704487 -0.6803713205389079 -0.6463200454449775 -0.6060776294248841 -0.47142031428072023 -0.3274762877473034 -0.17888890551926448 +12896,0.05792223490668219,0,0.15852827495691552 -0.051970516532812906 -0.3212851468211406 -0.5194016564585259 -0.62465105220339 -0.6973969580858732 -0.782525145820682 -0.8119330652199815 -0.754665011652923 -0.7469260854952195 -0.7051358842435766 -0.666441253455024 -0.6819191057704487 -0.6803713205389079 -0.6463200454449775 -0.6060776294248841 -0.47142031428072023 -0.3274762877473034 -0.17888890551926448 -0.05970944269052519 +12897,0.13066814078915656,0,-0.051970516532812906 -0.3212851468211406 -0.5194016564585259 -0.62465105220339 -0.6973969580858732 -0.782525145820682 -0.8119330652199815 -0.754665011652923 -0.7469260854952195 -0.7051358842435766 -0.666441253455024 -0.6819191057704487 -0.6803713205389079 -0.6463200454449775 -0.6060776294248841 -0.47142031428072023 -0.3274762877473034 -0.17888890551926448 -0.05970944269052519 0.05792223490668219 +12898,0.14305042264149093,0,-0.3212851468211406 -0.5194016564585259 -0.62465105220339 -0.6973969580858732 -0.782525145820682 -0.8119330652199815 -0.754665011652923 -0.7469260854952195 -0.7051358842435766 -0.666441253455024 -0.6819191057704487 -0.6803713205389079 -0.6463200454449775 -0.6060776294248841 -0.47142031428072023 -0.3274762877473034 -0.17888890551926448 -0.05970944269052519 0.05792223490668219 0.13066814078915656 +12899,0.1043557918529383,0,-0.5194016564585259 -0.62465105220339 -0.6973969580858732 -0.782525145820682 -0.8119330652199815 -0.754665011652923 -0.7469260854952195 -0.7051358842435766 -0.666441253455024 -0.6819191057704487 -0.6803713205389079 -0.6463200454449775 -0.6060776294248841 -0.47142031428072023 -0.3274762877473034 -0.17888890551926448 -0.05970944269052519 0.05792223490668219 0.13066814078915656 0.14305042264149093 +12900,-0.06435279838514728,0,-0.62465105220339 -0.6973969580858732 -0.782525145820682 -0.8119330652199815 -0.754665011652923 -0.7469260854952195 -0.7051358842435766 -0.666441253455024 -0.6819191057704487 -0.6803713205389079 -0.6463200454449775 -0.6060776294248841 -0.47142031428072023 -0.3274762877473034 -0.17888890551926448 -0.05970944269052519 0.05792223490668219 0.13066814078915656 0.14305042264149093 0.1043557918529383 +12901,-0.2144879658447357,0,-0.6973969580858732 -0.782525145820682 -0.8119330652199815 -0.754665011652923 -0.7469260854952195 -0.7051358842435766 -0.666441253455024 -0.6819191057704487 -0.6803713205389079 -0.6463200454449775 -0.6060776294248841 -0.47142031428072023 -0.3274762877473034 -0.17888890551926448 -0.05970944269052519 0.05792223490668219 0.13066814078915656 0.14305042264149093 0.1043557918529383 -0.06435279838514728 +12902,-0.3352152139050157,0,-0.782525145820682 -0.8119330652199815 -0.754665011652923 -0.7469260854952195 -0.7051358842435766 -0.666441253455024 -0.6819191057704487 -0.6803713205389079 -0.6463200454449775 -0.6060776294248841 -0.47142031428072023 -0.3274762877473034 -0.17888890551926448 -0.05970944269052519 0.05792223490668219 0.13066814078915656 0.14305042264149093 0.1043557918529383 -0.06435279838514728 -0.2144879658447357 +12903,-0.5395228644685724,0,-0.8119330652199815 -0.754665011652923 -0.7469260854952195 -0.7051358842435766 -0.666441253455024 -0.6819191057704487 -0.6803713205389079 -0.6463200454449775 -0.6060776294248841 -0.47142031428072023 -0.3274762877473034 -0.17888890551926448 -0.05970944269052519 0.05792223490668219 0.13066814078915656 0.14305042264149093 0.1043557918529383 -0.06435279838514728 -0.2144879658447357 -0.3352152139050157 +12904,-0.643224474981896,0,-0.754665011652923 -0.7469260854952195 -0.7051358842435766 -0.666441253455024 -0.6819191057704487 -0.6803713205389079 -0.6463200454449775 -0.6060776294248841 -0.47142031428072023 -0.3274762877473034 -0.17888890551926448 -0.05970944269052519 0.05792223490668219 0.13066814078915656 0.14305042264149093 0.1043557918529383 -0.06435279838514728 -0.2144879658447357 -0.3352152139050157 -0.5395228644685724 +12905,-0.694301387622783,0,-0.7469260854952195 -0.7051358842435766 -0.666441253455024 -0.6819191057704487 -0.6803713205389079 -0.6463200454449775 -0.6060776294248841 -0.47142031428072023 -0.3274762877473034 -0.17888890551926448 -0.05970944269052519 0.05792223490668219 0.13066814078915656 0.14305042264149093 0.1043557918529383 -0.06435279838514728 -0.2144879658447357 -0.3352152139050157 -0.5395228644685724 -0.643224474981896 +12906,-0.8041941390622781,0,-0.7051358842435766 -0.666441253455024 -0.6819191057704487 -0.6803713205389079 -0.6463200454449775 -0.6060776294248841 -0.47142031428072023 -0.3274762877473034 -0.17888890551926448 -0.05970944269052519 0.05792223490668219 0.13066814078915656 0.14305042264149093 0.1043557918529383 -0.06435279838514728 -0.2144879658447357 -0.3352152139050157 -0.5395228644685724 -0.643224474981896 -0.694301387622783 +12907,-0.8614621926293367,0,-0.666441253455024 -0.6819191057704487 -0.6803713205389079 -0.6463200454449775 -0.6060776294248841 -0.47142031428072023 -0.3274762877473034 -0.17888890551926448 -0.05970944269052519 0.05792223490668219 0.13066814078915656 0.14305042264149093 0.1043557918529383 -0.06435279838514728 -0.2144879658447357 -0.3352152139050157 -0.5395228644685724 -0.643224474981896 -0.694301387622783 -0.8041941390622781 +12908,-0.952781521290317,0,-0.6819191057704487 -0.6803713205389079 -0.6463200454449775 -0.6060776294248841 -0.47142031428072023 -0.3274762877473034 -0.17888890551926448 -0.05970944269052519 0.05792223490668219 0.13066814078915656 0.14305042264149093 0.1043557918529383 -0.06435279838514728 -0.2144879658447357 -0.3352152139050157 -0.5395228644685724 -0.643224474981896 -0.694301387622783 -0.8041941390622781 -0.8614621926293367 +12909,-1.0023106486996634,0,-0.6803713205389079 -0.6463200454449775 -0.6060776294248841 -0.47142031428072023 -0.3274762877473034 -0.17888890551926448 -0.05970944269052519 0.05792223490668219 0.13066814078915656 0.14305042264149093 0.1043557918529383 -0.06435279838514728 -0.2144879658447357 -0.3352152139050157 -0.5395228644685724 -0.643224474981896 -0.694301387622783 -0.8041941390622781 -0.8614621926293367 -0.952781521290317 +12910,-1.0719609841190563,0,-0.6463200454449775 -0.6060776294248841 -0.47142031428072023 -0.3274762877473034 -0.17888890551926448 -0.05970944269052519 0.05792223490668219 0.13066814078915656 0.14305042264149093 0.1043557918529383 -0.06435279838514728 -0.2144879658447357 -0.3352152139050157 -0.5395228644685724 -0.643224474981896 -0.694301387622783 -0.8041941390622781 -0.8614621926293367 -0.952781521290317 -1.0023106486996634 +12911,-1.0936299773606524,0,-0.6060776294248841 -0.47142031428072023 -0.3274762877473034 -0.17888890551926448 -0.05970944269052519 0.05792223490668219 0.13066814078915656 0.14305042264149093 0.1043557918529383 -0.06435279838514728 -0.2144879658447357 -0.3352152139050157 -0.5395228644685724 -0.643224474981896 -0.694301387622783 -0.8041941390622781 -0.8614621926293367 -0.952781521290317 -1.0023106486996634 -1.0719609841190563 +12912,-1.0951777625921932,0,-0.47142031428072023 -0.3274762877473034 -0.17888890551926448 -0.05970944269052519 0.05792223490668219 0.13066814078915656 0.14305042264149093 0.1043557918529383 -0.06435279838514728 -0.2144879658447357 -0.3352152139050157 -0.5395228644685724 -0.643224474981896 -0.694301387622783 -0.8041941390622781 -0.8614621926293367 -0.952781521290317 -1.0023106486996634 -1.0719609841190563 -1.0936299773606524 +12913,-1.0936299773606524,0,-0.3274762877473034 -0.17888890551926448 -0.05970944269052519 0.05792223490668219 0.13066814078915656 0.14305042264149093 0.1043557918529383 -0.06435279838514728 -0.2144879658447357 -0.3352152139050157 -0.5395228644685724 -0.643224474981896 -0.694301387622783 -0.8041941390622781 -0.8614621926293367 -0.952781521290317 -1.0023106486996634 -1.0719609841190563 -1.0936299773606524 -1.0951777625921932 +12914,-1.0766043398136873,0,-0.17888890551926448 -0.05970944269052519 0.05792223490668219 0.13066814078915656 0.14305042264149093 0.1043557918529383 -0.06435279838514728 -0.2144879658447357 -0.3352152139050157 -0.5395228644685724 -0.643224474981896 -0.694301387622783 -0.8041941390622781 -0.8614621926293367 -0.952781521290317 -1.0023106486996634 -1.0719609841190563 -1.0936299773606524 -1.0951777625921932 -1.0936299773606524 +12915,-0.9976672930050412,0,-0.05970944269052519 0.05792223490668219 0.13066814078915656 0.14305042264149093 0.1043557918529383 -0.06435279838514728 -0.2144879658447357 -0.3352152139050157 -0.5395228644685724 -0.643224474981896 -0.694301387622783 -0.8041941390622781 -0.8614621926293367 -0.952781521290317 -1.0023106486996634 -1.0719609841190563 -1.0936299773606524 -1.0951777625921932 -1.0936299773606524 -1.0766043398136873 +12916,-0.6494156159080676,0,0.05792223490668219 0.13066814078915656 0.14305042264149093 0.1043557918529383 -0.06435279838514728 -0.2144879658447357 -0.3352152139050157 -0.5395228644685724 -0.643224474981896 -0.694301387622783 -0.8041941390622781 -0.8614621926293367 -0.952781521290317 -1.0023106486996634 -1.0719609841190563 -1.0936299773606524 -1.0951777625921932 -1.0936299773606524 -1.0766043398136873 -0.9976672930050412 +12917,-0.39712662316670516,0,0.13066814078915656 0.14305042264149093 0.1043557918529383 -0.06435279838514728 -0.2144879658447357 -0.3352152139050157 -0.5395228644685724 -0.643224474981896 -0.694301387622783 -0.8041941390622781 -0.8614621926293367 -0.952781521290317 -1.0023106486996634 -1.0719609841190563 -1.0936299773606524 -1.0951777625921932 -1.0936299773606524 -1.0766043398136873 -0.9976672930050412 -0.6494156159080676 +12918,-0.17888890551926448,0,0.14305042264149093 0.1043557918529383 -0.06435279838514728 -0.2144879658447357 -0.3352152139050157 -0.5395228644685724 -0.643224474981896 -0.694301387622783 -0.8041941390622781 -0.8614621926293367 -0.952781521290317 -1.0023106486996634 -1.0719609841190563 -1.0936299773606524 -1.0951777625921932 -1.0936299773606524 -1.0766043398136873 -0.9976672930050412 -0.6494156159080676 -0.39712662316670516 +12919,-0.04577937560664132,0,0.1043557918529383 -0.06435279838514728 -0.2144879658447357 -0.3352152139050157 -0.5395228644685724 -0.643224474981896 -0.694301387622783 -0.8041941390622781 -0.8614621926293367 -0.952781521290317 -1.0023106486996634 -1.0719609841190563 -1.0936299773606524 -1.0951777625921932 -1.0936299773606524 -1.0766043398136873 -0.9976672930050412 -0.6494156159080676 -0.39712662316670516 -0.17888890551926448 +12920,0.16781498634616848,0,-0.06435279838514728 -0.2144879658447357 -0.3352152139050157 -0.5395228644685724 -0.643224474981896 -0.694301387622783 -0.8041941390622781 -0.8614621926293367 -0.952781521290317 -1.0023106486996634 -1.0719609841190563 -1.0936299773606524 -1.0951777625921932 -1.0936299773606524 -1.0766043398136873 -0.9976672930050412 -0.6494156159080676 -0.39712662316670516 -0.17888890551926448 -0.04577937560664132 +12921,0.29782894579570146,0,-0.2144879658447357 -0.3352152139050157 -0.5395228644685724 -0.643224474981896 -0.694301387622783 -0.8041941390622781 -0.8614621926293367 -0.952781521290317 -1.0023106486996634 -1.0719609841190563 -1.0936299773606524 -1.0951777625921932 -1.0936299773606524 -1.0766043398136873 -0.9976672930050412 -0.6494156159080676 -0.39712662316670516 -0.17888890551926448 -0.04577937560664132 0.16781498634616848 +12922,0.3721226369097253,0,-0.3352152139050157 -0.5395228644685724 -0.643224474981896 -0.694301387622783 -0.8041941390622781 -0.8614621926293367 -0.952781521290317 -1.0023106486996634 -1.0719609841190563 -1.0936299773606524 -1.0951777625921932 -1.0936299773606524 -1.0766043398136873 -0.9976672930050412 -0.6494156159080676 -0.39712662316670516 -0.17888890551926448 -0.04577937560664132 0.16781498634616848 0.29782894579570146 +12923,0.36438371075201303,0,-0.5395228644685724 -0.643224474981896 -0.694301387622783 -0.8041941390622781 -0.8614621926293367 -0.952781521290317 -1.0023106486996634 -1.0719609841190563 -1.0936299773606524 -1.0951777625921932 -1.0936299773606524 -1.0766043398136873 -0.9976672930050412 -0.6494156159080676 -0.39712662316670516 -0.17888890551926448 -0.04577937560664132 0.16781498634616848 0.29782894579570146 0.3721226369097253 +12924,0.2204396842185962,0,-0.643224474981896 -0.694301387622783 -0.8041941390622781 -0.8614621926293367 -0.952781521290317 -1.0023106486996634 -1.0719609841190563 -1.0936299773606524 -1.0951777625921932 -1.0936299773606524 -1.0766043398136873 -0.9976672930050412 -0.6494156159080676 -0.39712662316670516 -0.17888890551926448 -0.04577937560664132 0.16781498634616848 0.29782894579570146 0.3721226369097253 0.36438371075201303 +12925,0.013036463191957975,0,-0.694301387622783 -0.8041941390622781 -0.8614621926293367 -0.952781521290317 -1.0023106486996634 -1.0719609841190563 -1.0936299773606524 -1.0951777625921932 -1.0936299773606524 -1.0766043398136873 -0.9976672930050412 -0.6494156159080676 -0.39712662316670516 -0.17888890551926448 -0.04577937560664132 0.16781498634616848 0.29782894579570146 0.3721226369097253 0.36438371075201303 0.2204396842185962 +12926,-0.25937373755945115,0,-0.8041941390622781 -0.8614621926293367 -0.952781521290317 -1.0023106486996634 -1.0719609841190563 -1.0936299773606524 -1.0951777625921932 -1.0936299773606524 -1.0766043398136873 -0.9976672930050412 -0.6494156159080676 -0.39712662316670516 -0.17888890551926448 -0.04577937560664132 0.16781498634616848 0.29782894579570146 0.3721226369097253 0.36438371075201303 0.2204396842185962 0.013036463191957975 +12927,-0.4110566902505802,0,-0.8614621926293367 -0.952781521290317 -1.0023106486996634 -1.0719609841190563 -1.0936299773606524 -1.0951777625921932 -1.0936299773606524 -1.0766043398136873 -0.9976672930050412 -0.6494156159080676 -0.39712662316670516 -0.17888890551926448 -0.04577937560664132 0.16781498634616848 0.29782894579570146 0.3721226369097253 0.36438371075201303 0.2204396842185962 0.013036463191957975 -0.25937373755945115 +12928,-0.4946370927538571,0,-0.952781521290317 -1.0023106486996634 -1.0719609841190563 -1.0936299773606524 -1.0951777625921932 -1.0936299773606524 -1.0766043398136873 -0.9976672930050412 -0.6494156159080676 -0.39712662316670516 -0.17888890551926448 -0.04577937560664132 0.16781498634616848 0.29782894579570146 0.3721226369097253 0.36438371075201303 0.2204396842185962 0.013036463191957975 -0.25937373755945115 -0.4110566902505802 +12929,-0.5689307838678721,0,-1.0023106486996634 -1.0719609841190563 -1.0936299773606524 -1.0951777625921932 -1.0936299773606524 -1.0766043398136873 -0.9976672930050412 -0.6494156159080676 -0.39712662316670516 -0.17888890551926448 -0.04577937560664132 0.16781498634616848 0.29782894579570146 0.3721226369097253 0.36438371075201303 0.2204396842185962 0.013036463191957975 -0.25937373755945115 -0.4110566902505802 -0.4946370927538571 +12930,-0.6169121260456778,0,-1.0719609841190563 -1.0936299773606524 -1.0951777625921932 -1.0936299773606524 -1.0766043398136873 -0.9976672930050412 -0.6494156159080676 -0.39712662316670516 -0.17888890551926448 -0.04577937560664132 0.16781498634616848 0.29782894579570146 0.3721226369097253 0.36438371075201303 0.2204396842185962 0.013036463191957975 -0.25937373755945115 -0.4110566902505802 -0.4946370927538571 -0.5689307838678721 +12931,-0.6587023272973206,0,-1.0936299773606524 -1.0951777625921932 -1.0936299773606524 -1.0766043398136873 -0.9976672930050412 -0.6494156159080676 -0.39712662316670516 -0.17888890551926448 -0.04577937560664132 0.16781498634616848 0.29782894579570146 0.3721226369097253 0.36438371075201303 0.2204396842185962 0.013036463191957975 -0.25937373755945115 -0.4110566902505802 -0.4946370927538571 -0.5689307838678721 -0.6169121260456778 +12932,-0.671084609149655,0,-1.0951777625921932 -1.0936299773606524 -1.0766043398136873 -0.9976672930050412 -0.6494156159080676 -0.39712662316670516 -0.17888890551926448 -0.04577937560664132 0.16781498634616848 0.29782894579570146 0.3721226369097253 0.36438371075201303 0.2204396842185962 0.013036463191957975 -0.25937373755945115 -0.4110566902505802 -0.4946370927538571 -0.5689307838678721 -0.6169121260456778 -0.6587023272973206 +12933,-0.6679890386865736,0,-1.0936299773606524 -1.0766043398136873 -0.9976672930050412 -0.6494156159080676 -0.39712662316670516 -0.17888890551926448 -0.04577937560664132 0.16781498634616848 0.29782894579570146 0.3721226369097253 0.36438371075201303 0.2204396842185962 0.013036463191957975 -0.25937373755945115 -0.4110566902505802 -0.4946370927538571 -0.5689307838678721 -0.6169121260456778 -0.6587023272973206 -0.671084609149655 +12934,-0.6648934682234834,0,-1.0766043398136873 -0.9976672930050412 -0.6494156159080676 -0.39712662316670516 -0.17888890551926448 -0.04577937560664132 0.16781498634616848 0.29782894579570146 0.3721226369097253 0.36438371075201303 0.2204396842185962 0.013036463191957975 -0.25937373755945115 -0.4110566902505802 -0.4946370927538571 -0.5689307838678721 -0.6169121260456778 -0.6587023272973206 -0.671084609149655 -0.6679890386865736 +12935,-0.6556067568342304,0,-0.9976672930050412 -0.6494156159080676 -0.39712662316670516 -0.17888890551926448 -0.04577937560664132 0.16781498634616848 0.29782894579570146 0.3721226369097253 0.36438371075201303 0.2204396842185962 0.013036463191957975 -0.25937373755945115 -0.4110566902505802 -0.4946370927538571 -0.5689307838678721 -0.6169121260456778 -0.6587023272973206 -0.671084609149655 -0.6679890386865736 -0.6648934682234834 +12936,-0.6850146762335301,0,-0.6494156159080676 -0.39712662316670516 -0.17888890551926448 -0.04577937560664132 0.16781498634616848 0.29782894579570146 0.3721226369097253 0.36438371075201303 0.2204396842185962 0.013036463191957975 -0.25937373755945115 -0.4110566902505802 -0.4946370927538571 -0.5689307838678721 -0.6169121260456778 -0.6587023272973206 -0.671084609149655 -0.6679890386865736 -0.6648934682234834 -0.6556067568342304 +12937,-0.6478678306765181,0,-0.39712662316670516 -0.17888890551926448 -0.04577937560664132 0.16781498634616848 0.29782894579570146 0.3721226369097253 0.36438371075201303 0.2204396842185962 0.013036463191957975 -0.25937373755945115 -0.4110566902505802 -0.4946370927538571 -0.5689307838678721 -0.6169121260456778 -0.6587023272973206 -0.671084609149655 -0.6679890386865736 -0.6648934682234834 -0.6556067568342304 -0.6850146762335301 +12938,-0.661797897760402,0,-0.17888890551926448 -0.04577937560664132 0.16781498634616848 0.29782894579570146 0.3721226369097253 0.36438371075201303 0.2204396842185962 0.013036463191957975 -0.25937373755945115 -0.4110566902505802 -0.4946370927538571 -0.5689307838678721 -0.6169121260456778 -0.6587023272973206 -0.671084609149655 -0.6679890386865736 -0.6648934682234834 -0.6556067568342304 -0.6850146762335301 -0.6478678306765181 +12939,-0.6091731998879655,0,-0.04577937560664132 0.16781498634616848 0.29782894579570146 0.3721226369097253 0.36438371075201303 0.2204396842185962 0.013036463191957975 -0.25937373755945115 -0.4110566902505802 -0.4946370927538571 -0.5689307838678721 -0.6169121260456778 -0.6587023272973206 -0.671084609149655 -0.6679890386865736 -0.6648934682234834 -0.6556067568342304 -0.6850146762335301 -0.6478678306765181 -0.661797897760402 +12940,-0.5023760189115606,0,0.16781498634616848 0.29782894579570146 0.3721226369097253 0.36438371075201303 0.2204396842185962 0.013036463191957975 -0.25937373755945115 -0.4110566902505802 -0.4946370927538571 -0.5689307838678721 -0.6169121260456778 -0.6587023272973206 -0.671084609149655 -0.6679890386865736 -0.6648934682234834 -0.6556067568342304 -0.6850146762335301 -0.6478678306765181 -0.661797897760402 -0.6091731998879655 +12941,-0.3692664889989462,0,0.29782894579570146 0.3721226369097253 0.36438371075201303 0.2204396842185962 0.013036463191957975 -0.25937373755945115 -0.4110566902505802 -0.4946370927538571 -0.5689307838678721 -0.6169121260456778 -0.6587023272973206 -0.671084609149655 -0.6679890386865736 -0.6648934682234834 -0.6556067568342304 -0.6850146762335301 -0.6478678306765181 -0.661797897760402 -0.6091731998879655 -0.5023760189115606 +12942,-0.2794949455694978,0,0.3721226369097253 0.36438371075201303 0.2204396842185962 0.013036463191957975 -0.25937373755945115 -0.4110566902505802 -0.4946370927538571 -0.5689307838678721 -0.6169121260456778 -0.6587023272973206 -0.671084609149655 -0.6679890386865736 -0.6648934682234834 -0.6556067568342304 -0.6850146762335301 -0.6478678306765181 -0.661797897760402 -0.6091731998879655 -0.5023760189115606 -0.3692664889989462 +12943,-0.15567212704613642,0,0.36438371075201303 0.2204396842185962 0.013036463191957975 -0.25937373755945115 -0.4110566902505802 -0.4946370927538571 -0.5689307838678721 -0.6169121260456778 -0.6587023272973206 -0.671084609149655 -0.6679890386865736 -0.6648934682234834 -0.6556067568342304 -0.6850146762335301 -0.6478678306765181 -0.661797897760402 -0.6091731998879655 -0.5023760189115606 -0.3692664889989462 -0.2794949455694978 +12944,-0.002441389123466596,0,0.2204396842185962 0.013036463191957975 -0.25937373755945115 -0.4110566902505802 -0.4946370927538571 -0.5689307838678721 -0.6169121260456778 -0.6587023272973206 -0.671084609149655 -0.6679890386865736 -0.6648934682234834 -0.6556067568342304 -0.6850146762335301 -0.6478678306765181 -0.661797897760402 -0.6091731998879655 -0.5023760189115606 -0.3692664889989462 -0.2794949455694978 -0.15567212704613642 +12945,0.16471941588308708,0,0.013036463191957975 -0.25937373755945115 -0.4110566902505802 -0.4946370927538571 -0.5689307838678721 -0.6169121260456778 -0.6587023272973206 -0.671084609149655 -0.6679890386865736 -0.6648934682234834 -0.6556067568342304 -0.6850146762335301 -0.6478678306765181 -0.661797897760402 -0.6091731998879655 -0.5023760189115606 -0.3692664889989462 -0.2794949455694978 -0.15567212704613642 -0.002441389123466596 +12946,0.2746121673225734,0,-0.25937373755945115 -0.4110566902505802 -0.4946370927538571 -0.5689307838678721 -0.6169121260456778 -0.6587023272973206 -0.671084609149655 -0.6679890386865736 -0.6648934682234834 -0.6556067568342304 -0.6850146762335301 -0.6478678306765181 -0.661797897760402 -0.6091731998879655 -0.5023760189115606 -0.3692664889989462 -0.2794949455694978 -0.15567212704613642 -0.002441389123466596 0.16471941588308708 +12947,0.3334280061211727,0,-0.4110566902505802 -0.4946370927538571 -0.5689307838678721 -0.6169121260456778 -0.6587023272973206 -0.671084609149655 -0.6679890386865736 -0.6648934682234834 -0.6556067568342304 -0.6850146762335301 -0.6478678306765181 -0.661797897760402 -0.6091731998879655 -0.5023760189115606 -0.3692664889989462 -0.2794949455694978 -0.15567212704613642 -0.002441389123466596 0.16471941588308708 0.2746121673225734 +12948,0.2219874694501369,0,-0.4946370927538571 -0.5689307838678721 -0.6169121260456778 -0.6587023272973206 -0.671084609149655 -0.6679890386865736 -0.6648934682234834 -0.6556067568342304 -0.6850146762335301 -0.6478678306765181 -0.661797897760402 -0.6091731998879655 -0.5023760189115606 -0.3692664889989462 -0.2794949455694978 -0.15567212704613642 -0.002441389123466596 0.16471941588308708 0.2746121673225734 0.3334280061211727 +12949,0.04244438259125762,0,-0.5689307838678721 -0.6169121260456778 -0.6587023272973206 -0.671084609149655 -0.6679890386865736 -0.6648934682234834 -0.6556067568342304 -0.6850146762335301 -0.6478678306765181 -0.661797897760402 -0.6091731998879655 -0.5023760189115606 -0.3692664889989462 -0.2794949455694978 -0.15567212704613642 -0.002441389123466596 0.16471941588308708 0.2746121673225734 0.3334280061211727 0.2219874694501369 +12950,-0.20055789876085184,0,-0.6169121260456778 -0.6587023272973206 -0.671084609149655 -0.6679890386865736 -0.6648934682234834 -0.6556067568342304 -0.6850146762335301 -0.6478678306765181 -0.661797897760402 -0.6091731998879655 -0.5023760189115606 -0.3692664889989462 -0.2794949455694978 -0.15567212704613642 -0.002441389123466596 0.16471941588308708 0.2746121673225734 0.3334280061211727 0.2219874694501369 0.04244438259125762 +12951,-0.3878399117774522,0,-0.6587023272973206 -0.671084609149655 -0.6679890386865736 -0.6648934682234834 -0.6556067568342304 -0.6850146762335301 -0.6478678306765181 -0.661797897760402 -0.6091731998879655 -0.5023760189115606 -0.3692664889989462 -0.2794949455694978 -0.15567212704613642 -0.002441389123466596 0.16471941588308708 0.2746121673225734 0.3334280061211727 0.2219874694501369 0.04244438259125762 -0.20055789876085184 +12952,-0.46058581765992657,0,-0.671084609149655 -0.6679890386865736 -0.6648934682234834 -0.6556067568342304 -0.6850146762335301 -0.6478678306765181 -0.661797897760402 -0.6091731998879655 -0.5023760189115606 -0.3692664889989462 -0.2794949455694978 -0.15567212704613642 -0.002441389123466596 0.16471941588308708 0.2746121673225734 0.3334280061211727 0.2219874694501369 0.04244438259125762 -0.20055789876085184 -0.3878399117774522 +12953,-0.4807070256699732,0,-0.6679890386865736 -0.6648934682234834 -0.6556067568342304 -0.6850146762335301 -0.6478678306765181 -0.661797897760402 -0.6091731998879655 -0.5023760189115606 -0.3692664889989462 -0.2794949455694978 -0.15567212704613642 -0.002441389123466596 0.16471941588308708 0.2746121673225734 0.3334280061211727 0.2219874694501369 0.04244438259125762 -0.20055789876085184 -0.3878399117774522 -0.46058581765992657 +12954,-0.4884459518276855,0,-0.6648934682234834 -0.6556067568342304 -0.6850146762335301 -0.6478678306765181 -0.661797897760402 -0.6091731998879655 -0.5023760189115606 -0.3692664889989462 -0.2794949455694978 -0.15567212704613642 -0.002441389123466596 0.16471941588308708 0.2746121673225734 0.3334280061211727 0.2219874694501369 0.04244438259125762 -0.20055789876085184 -0.3878399117774522 -0.46058581765992657 -0.4807070256699732 +12955,-0.5147583007639037,0,-0.6556067568342304 -0.6850146762335301 -0.6478678306765181 -0.661797897760402 -0.6091731998879655 -0.5023760189115606 -0.3692664889989462 -0.2794949455694978 -0.15567212704613642 -0.002441389123466596 0.16471941588308708 0.2746121673225734 0.3334280061211727 0.2219874694501369 0.04244438259125762 -0.20055789876085184 -0.3878399117774522 -0.46058581765992657 -0.4807070256699732 -0.4884459518276855 +12956,-0.5333317235424098,0,-0.6850146762335301 -0.6478678306765181 -0.661797897760402 -0.6091731998879655 -0.5023760189115606 -0.3692664889989462 -0.2794949455694978 -0.15567212704613642 -0.002441389123466596 0.16471941588308708 0.2746121673225734 0.3334280061211727 0.2219874694501369 0.04244438259125762 -0.20055789876085184 -0.3878399117774522 -0.46058581765992657 -0.4807070256699732 -0.4884459518276855 -0.5147583007639037 +12957,-0.5395228644685724,0,-0.6478678306765181 -0.661797897760402 -0.6091731998879655 -0.5023760189115606 -0.3692664889989462 -0.2794949455694978 -0.15567212704613642 -0.002441389123466596 0.16471941588308708 0.2746121673225734 0.3334280061211727 0.2219874694501369 0.04244438259125762 -0.20055789876085184 -0.3878399117774522 -0.46058581765992657 -0.4807070256699732 -0.4884459518276855 -0.5147583007639037 -0.5333317235424098 +12958,-0.5859564214148374,0,-0.661797897760402 -0.6091731998879655 -0.5023760189115606 -0.3692664889989462 -0.2794949455694978 -0.15567212704613642 -0.002441389123466596 0.16471941588308708 0.2746121673225734 0.3334280061211727 0.2219874694501369 0.04244438259125762 -0.20055789876085184 -0.3878399117774522 -0.46058581765992657 -0.4807070256699732 -0.4884459518276855 -0.5147583007639037 -0.5333317235424098 -0.5395228644685724 +12959,-0.6091731998879655,0,-0.6091731998879655 -0.5023760189115606 -0.3692664889989462 -0.2794949455694978 -0.15567212704613642 -0.002441389123466596 0.16471941588308708 0.2746121673225734 0.3334280061211727 0.2219874694501369 0.04244438259125762 -0.20055789876085184 -0.3878399117774522 -0.46058581765992657 -0.4807070256699732 -0.4884459518276855 -0.5147583007639037 -0.5333317235424098 -0.5395228644685724 -0.5859564214148374 +12960,-0.592147562341009,0,-0.5023760189115606 -0.3692664889989462 -0.2794949455694978 -0.15567212704613642 -0.002441389123466596 0.16471941588308708 0.2746121673225734 0.3334280061211727 0.2219874694501369 0.04244438259125762 -0.20055789876085184 -0.3878399117774522 -0.46058581765992657 -0.4807070256699732 -0.4884459518276855 -0.5147583007639037 -0.5333317235424098 -0.5395228644685724 -0.5859564214148374 -0.6091731998879655 +12961,-0.6045298441933433,0,-0.3692664889989462 -0.2794949455694978 -0.15567212704613642 -0.002441389123466596 0.16471941588308708 0.2746121673225734 0.3334280061211727 0.2219874694501369 0.04244438259125762 -0.20055789876085184 -0.3878399117774522 -0.46058581765992657 -0.4807070256699732 -0.4884459518276855 -0.5147583007639037 -0.5333317235424098 -0.5395228644685724 -0.5859564214148374 -0.6091731998879655 -0.592147562341009 +12962,-0.6215554817403086,0,-0.2794949455694978 -0.15567212704613642 -0.002441389123466596 0.16471941588308708 0.2746121673225734 0.3334280061211727 0.2219874694501369 0.04244438259125762 -0.20055789876085184 -0.3878399117774522 -0.46058581765992657 -0.4807070256699732 -0.4884459518276855 -0.5147583007639037 -0.5333317235424098 -0.5395228644685724 -0.5859564214148374 -0.6091731998879655 -0.592147562341009 -0.6045298441933433 +12963,-0.6060776294248841,0,-0.15567212704613642 -0.002441389123466596 0.16471941588308708 0.2746121673225734 0.3334280061211727 0.2219874694501369 0.04244438259125762 -0.20055789876085184 -0.3878399117774522 -0.46058581765992657 -0.4807070256699732 -0.4884459518276855 -0.5147583007639037 -0.5333317235424098 -0.5395228644685724 -0.5859564214148374 -0.6091731998879655 -0.592147562341009 -0.6045298441933433 -0.6215554817403086 +12964,-0.5255927973846974,0,-0.002441389123466596 0.16471941588308708 0.2746121673225734 0.3334280061211727 0.2219874694501369 0.04244438259125762 -0.20055789876085184 -0.3878399117774522 -0.46058581765992657 -0.4807070256699732 -0.4884459518276855 -0.5147583007639037 -0.5333317235424098 -0.5395228644685724 -0.5859564214148374 -0.6091731998879655 -0.592147562341009 -0.6045298441933433 -0.6215554817403086 -0.6060776294248841 +12965,-0.4404646096498799,0,0.16471941588308708 0.2746121673225734 0.3334280061211727 0.2219874694501369 0.04244438259125762 -0.20055789876085184 -0.3878399117774522 -0.46058581765992657 -0.4807070256699732 -0.4884459518276855 -0.5147583007639037 -0.5333317235424098 -0.5395228644685724 -0.5859564214148374 -0.6091731998879655 -0.592147562341009 -0.6045298441933433 -0.6215554817403086 -0.6060776294248841 -0.5255927973846974 +12966,-0.3212851468211406,0,0.2746121673225734 0.3334280061211727 0.2219874694501369 0.04244438259125762 -0.20055789876085184 -0.3878399117774522 -0.46058581765992657 -0.4807070256699732 -0.4884459518276855 -0.5147583007639037 -0.5333317235424098 -0.5395228644685724 -0.5859564214148374 -0.6091731998879655 -0.592147562341009 -0.6045298441933433 -0.6215554817403086 -0.6060776294248841 -0.5255927973846974 -0.4404646096498799 +12967,-0.19746232829777044,0,0.3334280061211727 0.2219874694501369 0.04244438259125762 -0.20055789876085184 -0.3878399117774522 -0.46058581765992657 -0.4807070256699732 -0.4884459518276855 -0.5147583007639037 -0.5333317235424098 -0.5395228644685724 -0.5859564214148374 -0.6091731998879655 -0.592147562341009 -0.6045298441933433 -0.6215554817403086 -0.6060776294248841 -0.5255927973846974 -0.4404646096498799 -0.3212851468211406 +12968,-0.08447400639519394,0,0.2219874694501369 0.04244438259125762 -0.20055789876085184 -0.3878399117774522 -0.46058581765992657 -0.4807070256699732 -0.4884459518276855 -0.5147583007639037 -0.5333317235424098 -0.5395228644685724 -0.5859564214148374 -0.6091731998879655 -0.592147562341009 -0.6045298441933433 -0.6215554817403086 -0.6060776294248841 -0.5255927973846974 -0.4404646096498799 -0.3212851468211406 -0.19746232829777044 +12969,-0.03339709375430694,0,0.04244438259125762 -0.20055789876085184 -0.3878399117774522 -0.46058581765992657 -0.4807070256699732 -0.4884459518276855 -0.5147583007639037 -0.5333317235424098 -0.5395228644685724 -0.5859564214148374 -0.6091731998879655 -0.592147562341009 -0.6045298441933433 -0.6215554817403086 -0.6060776294248841 -0.5255927973846974 -0.4404646096498799 -0.3212851468211406 -0.19746232829777044 -0.08447400639519394 +12970,-0.03804044944892903,0,-0.20055789876085184 -0.3878399117774522 -0.46058581765992657 -0.4807070256699732 -0.4884459518276855 -0.5147583007639037 -0.5333317235424098 -0.5395228644685724 -0.5859564214148374 -0.6091731998879655 -0.592147562341009 -0.6045298441933433 -0.6215554817403086 -0.6060776294248841 -0.5255927973846974 -0.4404646096498799 -0.3212851468211406 -0.19746232829777044 -0.08447400639519394 -0.03339709375430694 +12971,-0.10304742917369991,0,-0.3878399117774522 -0.46058581765992657 -0.4807070256699732 -0.4884459518276855 -0.5147583007639037 -0.5333317235424098 -0.5395228644685724 -0.5859564214148374 -0.6091731998879655 -0.592147562341009 -0.6045298441933433 -0.6215554817403086 -0.6060776294248841 -0.5255927973846974 -0.4404646096498799 -0.3212851468211406 -0.19746232829777044 -0.08447400639519394 -0.03339709375430694 -0.03804044944892903 +12972,-0.2160357510762764,0,-0.46058581765992657 -0.4807070256699732 -0.4884459518276855 -0.5147583007639037 -0.5333317235424098 -0.5395228644685724 -0.5859564214148374 -0.6091731998879655 -0.592147562341009 -0.6045298441933433 -0.6215554817403086 -0.6060776294248841 -0.5255927973846974 -0.4404646096498799 -0.3212851468211406 -0.19746232829777044 -0.08447400639519394 -0.03339709375430694 -0.03804044944892903 -0.10304742917369991 +12973,-0.30735507973725673,0,-0.4807070256699732 -0.4884459518276855 -0.5147583007639037 -0.5333317235424098 -0.5395228644685724 -0.5859564214148374 -0.6091731998879655 -0.592147562341009 -0.6045298441933433 -0.6215554817403086 -0.6060776294248841 -0.5255927973846974 -0.4404646096498799 -0.3212851468211406 -0.19746232829777044 -0.08447400639519394 -0.03339709375430694 -0.03804044944892903 -0.10304742917369991 -0.2160357510762764 +12974,-0.40331776409286796,0,-0.4884459518276855 -0.5147583007639037 -0.5333317235424098 -0.5395228644685724 -0.5859564214148374 -0.6091731998879655 -0.592147562341009 -0.6045298441933433 -0.6215554817403086 -0.6060776294248841 -0.5255927973846974 -0.4404646096498799 -0.3212851468211406 -0.19746232829777044 -0.08447400639519394 -0.03339709375430694 -0.03804044944892903 -0.10304742917369991 -0.2160357510762764 -0.30735507973725673 +12975,-0.5488095758578255,0,-0.5147583007639037 -0.5333317235424098 -0.5395228644685724 -0.5859564214148374 -0.6091731998879655 -0.592147562341009 -0.6045298441933433 -0.6215554817403086 -0.6060776294248841 -0.5255927973846974 -0.4404646096498799 -0.3212851468211406 -0.19746232829777044 -0.08447400639519394 -0.03339709375430694 -0.03804044944892903 -0.10304742917369991 -0.2160357510762764 -0.30735507973725673 -0.40331776409286796 +12976,-0.6169121260456778,0,-0.5333317235424098 -0.5395228644685724 -0.5859564214148374 -0.6091731998879655 -0.592147562341009 -0.6045298441933433 -0.6215554817403086 -0.6060776294248841 -0.5255927973846974 -0.4404646096498799 -0.3212851468211406 -0.19746232829777044 -0.08447400639519394 -0.03339709375430694 -0.03804044944892903 -0.10304742917369991 -0.2160357510762764 -0.30735507973725673 -0.40331776409286796 -0.5488095758578255 +12977,-0.633937763592643,0,-0.5395228644685724 -0.5859564214148374 -0.6091731998879655 -0.592147562341009 -0.6045298441933433 -0.6215554817403086 -0.6060776294248841 -0.5255927973846974 -0.4404646096498799 -0.3212851468211406 -0.19746232829777044 -0.08447400639519394 -0.03339709375430694 -0.03804044944892903 -0.10304742917369991 -0.2160357510762764 -0.30735507973725673 -0.40331776409286796 -0.5488095758578255 -0.6169121260456778 +12978,-0.6881102466966202,0,-0.5859564214148374 -0.6091731998879655 -0.592147562341009 -0.6045298441933433 -0.6215554817403086 -0.6060776294248841 -0.5255927973846974 -0.4404646096498799 -0.3212851468211406 -0.19746232829777044 -0.08447400639519394 -0.03339709375430694 -0.03804044944892903 -0.10304742917369991 -0.2160357510762764 -0.30735507973725673 -0.40331776409286796 -0.5488095758578255 -0.6169121260456778 -0.633937763592643 +12979,-0.7020403137804953,0,-0.6091731998879655 -0.592147562341009 -0.6045298441933433 -0.6215554817403086 -0.6060776294248841 -0.5255927973846974 -0.4404646096498799 -0.3212851468211406 -0.19746232829777044 -0.08447400639519394 -0.03339709375430694 -0.03804044944892903 -0.10304742917369991 -0.2160357510762764 -0.30735507973725673 -0.40331776409286796 -0.5488095758578255 -0.6169121260456778 -0.633937763592643 -0.6881102466966202 +12980,-0.6679890386865736,0,-0.592147562341009 -0.6045298441933433 -0.6215554817403086 -0.6060776294248841 -0.5255927973846974 -0.4404646096498799 -0.3212851468211406 -0.19746232829777044 -0.08447400639519394 -0.03339709375430694 -0.03804044944892903 -0.10304742917369991 -0.2160357510762764 -0.30735507973725673 -0.40331776409286796 -0.5488095758578255 -0.6169121260456778 -0.633937763592643 -0.6881102466966202 -0.7020403137804953 +12981,-0.7206137365590013,0,-0.6045298441933433 -0.6215554817403086 -0.6060776294248841 -0.5255927973846974 -0.4404646096498799 -0.3212851468211406 -0.19746232829777044 -0.08447400639519394 -0.03339709375430694 -0.03804044944892903 -0.10304742917369991 -0.2160357510762764 -0.30735507973725673 -0.40331776409286796 -0.5488095758578255 -0.6169121260456778 -0.633937763592643 -0.6881102466966202 -0.7020403137804953 -0.6679890386865736 +12982,-0.7453783002636788,0,-0.6215554817403086 -0.6060776294248841 -0.5255927973846974 -0.4404646096498799 -0.3212851468211406 -0.19746232829777044 -0.08447400639519394 -0.03339709375430694 -0.03804044944892903 -0.10304742917369991 -0.2160357510762764 -0.30735507973725673 -0.40331776409286796 -0.5488095758578255 -0.6169121260456778 -0.633937763592643 -0.6881102466966202 -0.7020403137804953 -0.6679890386865736 -0.7206137365590013 +12983,-0.7453783002636788,0,-0.6060776294248841 -0.5255927973846974 -0.4404646096498799 -0.3212851468211406 -0.19746232829777044 -0.08447400639519394 -0.03339709375430694 -0.03804044944892903 -0.10304742917369991 -0.2160357510762764 -0.30735507973725673 -0.40331776409286796 -0.5488095758578255 -0.6169121260456778 -0.633937763592643 -0.6881102466966202 -0.7020403137804953 -0.6679890386865736 -0.7206137365590013 -0.7453783002636788 +12984,-0.7809773605891412,0,-0.5255927973846974 -0.4404646096498799 -0.3212851468211406 -0.19746232829777044 -0.08447400639519394 -0.03339709375430694 -0.03804044944892903 -0.10304742917369991 -0.2160357510762764 -0.30735507973725673 -0.40331776409286796 -0.5488095758578255 -0.6169121260456778 -0.633937763592643 -0.6881102466966202 -0.7020403137804953 -0.6679890386865736 -0.7206137365590013 -0.7453783002636788 -0.7453783002636788 +12985,-0.8258631323038654,0,-0.4404646096498799 -0.3212851468211406 -0.19746232829777044 -0.08447400639519394 -0.03339709375430694 -0.03804044944892903 -0.10304742917369991 -0.2160357510762764 -0.30735507973725673 -0.40331776409286796 -0.5488095758578255 -0.6169121260456778 -0.633937763592643 -0.6881102466966202 -0.7020403137804953 -0.6679890386865736 -0.7206137365590013 -0.7453783002636788 -0.7453783002636788 -0.7809773605891412 +12986,-0.8305064879984876,0,-0.3212851468211406 -0.19746232829777044 -0.08447400639519394 -0.03339709375430694 -0.03804044944892903 -0.10304742917369991 -0.2160357510762764 -0.30735507973725673 -0.40331776409286796 -0.5488095758578255 -0.6169121260456778 -0.633937763592643 -0.6881102466966202 -0.7020403137804953 -0.6679890386865736 -0.7206137365590013 -0.7453783002636788 -0.7453783002636788 -0.7809773605891412 -0.8258631323038654 +12987,-0.8134808504515311,0,-0.19746232829777044 -0.08447400639519394 -0.03339709375430694 -0.03804044944892903 -0.10304742917369991 -0.2160357510762764 -0.30735507973725673 -0.40331776409286796 -0.5488095758578255 -0.6169121260456778 -0.633937763592643 -0.6881102466966202 -0.7020403137804953 -0.6679890386865736 -0.7206137365590013 -0.7453783002636788 -0.7453783002636788 -0.7809773605891412 -0.8258631323038654 -0.8305064879984876 +12988,-0.7283526627167135,0,-0.08447400639519394 -0.03339709375430694 -0.03804044944892903 -0.10304742917369991 -0.2160357510762764 -0.30735507973725673 -0.40331776409286796 -0.5488095758578255 -0.6169121260456778 -0.633937763592643 -0.6881102466966202 -0.7020403137804953 -0.6679890386865736 -0.7206137365590013 -0.7453783002636788 -0.7453783002636788 -0.7809773605891412 -0.8258631323038654 -0.8305064879984876 -0.8134808504515311 +12989,-0.38474434131436197,0,-0.03339709375430694 -0.03804044944892903 -0.10304742917369991 -0.2160357510762764 -0.30735507973725673 -0.40331776409286796 -0.5488095758578255 -0.6169121260456778 -0.633937763592643 -0.6881102466966202 -0.7020403137804953 -0.6679890386865736 -0.7206137365590013 -0.7453783002636788 -0.7453783002636788 -0.7809773605891412 -0.8258631323038654 -0.8305064879984876 -0.8134808504515311 -0.7283526627167135 +12990,-0.25782595232791045,0,-0.03804044944892903 -0.10304742917369991 -0.2160357510762764 -0.30735507973725673 -0.40331776409286796 -0.5488095758578255 -0.6169121260456778 -0.633937763592643 -0.6881102466966202 -0.7020403137804953 -0.6679890386865736 -0.7206137365590013 -0.7453783002636788 -0.7453783002636788 -0.7809773605891412 -0.8258631323038654 -0.8305064879984876 -0.8134808504515311 -0.7283526627167135 -0.38474434131436197 +12991,-0.07209172454285957,0,-0.10304742917369991 -0.2160357510762764 -0.30735507973725673 -0.40331776409286796 -0.5488095758578255 -0.6169121260456778 -0.633937763592643 -0.6881102466966202 -0.7020403137804953 -0.6679890386865736 -0.7206137365590013 -0.7453783002636788 -0.7453783002636788 -0.7809773605891412 -0.8258631323038654 -0.8305064879984876 -0.8134808504515311 -0.7283526627167135 -0.38474434131436197 -0.25782595232791045 +12992,-0.06435279838514728,0,-0.2160357510762764 -0.30735507973725673 -0.40331776409286796 -0.5488095758578255 -0.6169121260456778 -0.633937763592643 -0.6881102466966202 -0.7020403137804953 -0.6679890386865736 -0.7206137365590013 -0.7453783002636788 -0.7453783002636788 -0.7809773605891412 -0.8258631323038654 -0.8305064879984876 -0.8134808504515311 -0.7283526627167135 -0.38474434131436197 -0.25782595232791045 -0.07209172454285957 +12993,-0.05042273130127221,0,-0.30735507973725673 -0.40331776409286796 -0.5488095758578255 -0.6169121260456778 -0.633937763592643 -0.6881102466966202 -0.7020403137804953 -0.6679890386865736 -0.7206137365590013 -0.7453783002636788 -0.7453783002636788 -0.7809773605891412 -0.8258631323038654 -0.8305064879984876 -0.8134808504515311 -0.7283526627167135 -0.38474434131436197 -0.25782595232791045 -0.07209172454285957 -0.06435279838514728 +12994,-0.07209172454285957,0,-0.40331776409286796 -0.5488095758578255 -0.6169121260456778 -0.633937763592643 -0.6881102466966202 -0.7020403137804953 -0.6679890386865736 -0.7206137365590013 -0.7453783002636788 -0.7453783002636788 -0.7809773605891412 -0.8258631323038654 -0.8305064879984876 -0.8134808504515311 -0.7283526627167135 -0.38474434131436197 -0.25782595232791045 -0.07209172454285957 -0.06435279838514728 -0.05042273130127221 +12995,-0.13245534857299956,0,-0.5488095758578255 -0.6169121260456778 -0.633937763592643 -0.6881102466966202 -0.7020403137804953 -0.6679890386865736 -0.7206137365590013 -0.7453783002636788 -0.7453783002636788 -0.7809773605891412 -0.8258631323038654 -0.8305064879984876 -0.8134808504515311 -0.7283526627167135 -0.38474434131436197 -0.25782595232791045 -0.07209172454285957 -0.06435279838514728 -0.05042273130127221 -0.07209172454285957 +12996,-0.2160357510762764,0,-0.6169121260456778 -0.633937763592643 -0.6881102466966202 -0.7020403137804953 -0.6679890386865736 -0.7206137365590013 -0.7453783002636788 -0.7453783002636788 -0.7809773605891412 -0.8258631323038654 -0.8305064879984876 -0.8134808504515311 -0.7283526627167135 -0.38474434131436197 -0.25782595232791045 -0.07209172454285957 -0.06435279838514728 -0.05042273130127221 -0.07209172454285957 -0.13245534857299956 +12997,-0.3305718582103936,0,-0.633937763592643 -0.6881102466966202 -0.7020403137804953 -0.6679890386865736 -0.7206137365590013 -0.7453783002636788 -0.7453783002636788 -0.7809773605891412 -0.8258631323038654 -0.8305064879984876 -0.8134808504515311 -0.7283526627167135 -0.38474434131436197 -0.25782595232791045 -0.07209172454285957 -0.06435279838514728 -0.05042273130127221 -0.07209172454285957 -0.13245534857299956 -0.2160357510762764 +12998,-0.46677695858609813,0,-0.6881102466966202 -0.7020403137804953 -0.6679890386865736 -0.7206137365590013 -0.7453783002636788 -0.7453783002636788 -0.7809773605891412 -0.8258631323038654 -0.8305064879984876 -0.8134808504515311 -0.7283526627167135 -0.38474434131436197 -0.25782595232791045 -0.07209172454285957 -0.06435279838514728 -0.05042273130127221 -0.07209172454285957 -0.13245534857299956 -0.2160357510762764 -0.3305718582103936 +12999,-0.573574139562503,0,-0.7020403137804953 -0.6679890386865736 -0.7206137365590013 -0.7453783002636788 -0.7453783002636788 -0.7809773605891412 -0.8258631323038654 -0.8305064879984876 -0.8134808504515311 -0.7283526627167135 -0.38474434131436197 -0.25782595232791045 -0.07209172454285957 -0.06435279838514728 -0.05042273130127221 -0.07209172454285957 -0.13245534857299956 -0.2160357510762764 -0.3305718582103936 -0.46677695858609813 +13000,-0.6215554817403086,0,-0.6679890386865736 -0.7206137365590013 -0.7453783002636788 -0.7453783002636788 -0.7809773605891412 -0.8258631323038654 -0.8305064879984876 -0.8134808504515311 -0.7283526627167135 -0.38474434131436197 -0.25782595232791045 -0.07209172454285957 -0.06435279838514728 -0.05042273130127221 -0.07209172454285957 -0.13245534857299956 -0.2160357510762764 -0.3305718582103936 -0.46677695858609813 -0.573574139562503 +13001,-0.6478678306765181,0,-0.7206137365590013 -0.7453783002636788 -0.7453783002636788 -0.7809773605891412 -0.8258631323038654 -0.8305064879984876 -0.8134808504515311 -0.7283526627167135 -0.38474434131436197 -0.25782595232791045 -0.07209172454285957 -0.06435279838514728 -0.05042273130127221 -0.07209172454285957 -0.13245534857299956 -0.2160357510762764 -0.3305718582103936 -0.46677695858609813 -0.573574139562503 -0.6215554817403086 +13002,-0.7004925285489546,0,-0.7453783002636788 -0.7453783002636788 -0.7809773605891412 -0.8258631323038654 -0.8305064879984876 -0.8134808504515311 -0.7283526627167135 -0.38474434131436197 -0.25782595232791045 -0.07209172454285957 -0.06435279838514728 -0.05042273130127221 -0.07209172454285957 -0.13245534857299956 -0.2160357510762764 -0.3305718582103936 -0.46677695858609813 -0.573574139562503 -0.6215554817403086 -0.6478678306765181 +13003,-0.7422827298005886,0,-0.7453783002636788 -0.7809773605891412 -0.8258631323038654 -0.8305064879984876 -0.8134808504515311 -0.7283526627167135 -0.38474434131436197 -0.25782595232791045 -0.07209172454285957 -0.06435279838514728 -0.05042273130127221 -0.07209172454285957 -0.13245534857299956 -0.2160357510762764 -0.3305718582103936 -0.46677695858609813 -0.573574139562503 -0.6215554817403086 -0.6478678306765181 -0.7004925285489546 +13004,-0.7871685015153128,0,-0.7809773605891412 -0.8258631323038654 -0.8305064879984876 -0.8134808504515311 -0.7283526627167135 -0.38474434131436197 -0.25782595232791045 -0.07209172454285957 -0.06435279838514728 -0.05042273130127221 -0.07209172454285957 -0.13245534857299956 -0.2160357510762764 -0.3305718582103936 -0.46677695858609813 -0.573574139562503 -0.6215554817403086 -0.6478678306765181 -0.7004925285489546 -0.7422827298005886 +13005,-0.8181242061461532,0,-0.8258631323038654 -0.8305064879984876 -0.8134808504515311 -0.7283526627167135 -0.38474434131436197 -0.25782595232791045 -0.07209172454285957 -0.06435279838514728 -0.05042273130127221 -0.07209172454285957 -0.13245534857299956 -0.2160357510762764 -0.3305718582103936 -0.46677695858609813 -0.573574139562503 -0.6215554817403086 -0.6478678306765181 -0.7004925285489546 -0.7422827298005886 -0.7871685015153128 +13006,-0.9001568234178893,0,-0.8305064879984876 -0.8134808504515311 -0.7283526627167135 -0.38474434131436197 -0.25782595232791045 -0.07209172454285957 -0.06435279838514728 -0.05042273130127221 -0.07209172454285957 -0.13245534857299956 -0.2160357510762764 -0.3305718582103936 -0.46677695858609813 -0.573574139562503 -0.6215554817403086 -0.6478678306765181 -0.7004925285489546 -0.7422827298005886 -0.7871685015153128 -0.8181242061461532 +13007,-0.9589726622164886,0,-0.8134808504515311 -0.7283526627167135 -0.38474434131436197 -0.25782595232791045 -0.07209172454285957 -0.06435279838514728 -0.05042273130127221 -0.07209172454285957 -0.13245534857299956 -0.2160357510762764 -0.3305718582103936 -0.46677695858609813 -0.573574139562503 -0.6215554817403086 -0.6478678306765181 -0.7004925285489546 -0.7422827298005886 -0.7871685015153128 -0.8181242061461532 -0.9001568234178893 +13008,-1.0100495748573757,0,-0.7283526627167135 -0.38474434131436197 -0.25782595232791045 -0.07209172454285957 -0.06435279838514728 -0.05042273130127221 -0.07209172454285957 -0.13245534857299956 -0.2160357510762764 -0.3305718582103936 -0.46677695858609813 -0.573574139562503 -0.6215554817403086 -0.6478678306765181 -0.7004925285489546 -0.7422827298005886 -0.7871685015153128 -0.8181242061461532 -0.9001568234178893 -0.9589726622164886 +13009,-1.0858910512029403,0,-0.38474434131436197 -0.25782595232791045 -0.07209172454285957 -0.06435279838514728 -0.05042273130127221 -0.07209172454285957 -0.13245534857299956 -0.2160357510762764 -0.3305718582103936 -0.46677695858609813 -0.573574139562503 -0.6215554817403086 -0.6478678306765181 -0.7004925285489546 -0.7422827298005886 -0.7871685015153128 -0.8181242061461532 -0.9001568234178893 -0.9589726622164886 -1.0100495748573757 +13010,-1.1462546752330802,0,-0.25782595232791045 -0.07209172454285957 -0.06435279838514728 -0.05042273130127221 -0.07209172454285957 -0.13245534857299956 -0.2160357510762764 -0.3305718582103936 -0.46677695858609813 -0.573574139562503 -0.6215554817403086 -0.6478678306765181 -0.7004925285489546 -0.7422827298005886 -0.7871685015153128 -0.8181242061461532 -0.9001568234178893 -0.9589726622164886 -1.0100495748573757 -1.0858910512029403 +13011,-0.9140868905017644,0,-0.07209172454285957 -0.06435279838514728 -0.05042273130127221 -0.07209172454285957 -0.13245534857299956 -0.2160357510762764 -0.3305718582103936 -0.46677695858609813 -0.573574139562503 -0.6215554817403086 -0.6478678306765181 -0.7004925285489546 -0.7422827298005886 -0.7871685015153128 -0.8181242061461532 -0.9001568234178893 -0.9589726622164886 -1.0100495748573757 -1.0858910512029403 -1.1462546752330802 +13012,-0.582860850951756,0,-0.06435279838514728 -0.05042273130127221 -0.07209172454285957 -0.13245534857299956 -0.2160357510762764 -0.3305718582103936 -0.46677695858609813 -0.573574139562503 -0.6215554817403086 -0.6478678306765181 -0.7004925285489546 -0.7422827298005886 -0.7871685015153128 -0.8181242061461532 -0.9001568234178893 -0.9589726622164886 -1.0100495748573757 -1.0858910512029403 -1.1462546752330802 -0.9140868905017644 +13013,-0.3909354822405336,0,-0.05042273130127221 -0.07209172454285957 -0.13245534857299956 -0.2160357510762764 -0.3305718582103936 -0.46677695858609813 -0.573574139562503 -0.6215554817403086 -0.6478678306765181 -0.7004925285489546 -0.7422827298005886 -0.7871685015153128 -0.8181242061461532 -0.9001568234178893 -0.9589726622164886 -1.0100495748573757 -1.0858910512029403 -1.1462546752330802 -0.9140868905017644 -0.582860850951756 +13014,-0.20055789876085184,0,-0.07209172454285957 -0.13245534857299956 -0.2160357510762764 -0.3305718582103936 -0.46677695858609813 -0.573574139562503 -0.6215554817403086 -0.6478678306765181 -0.7004925285489546 -0.7422827298005886 -0.7871685015153128 -0.8181242061461532 -0.9001568234178893 -0.9589726622164886 -1.0100495748573757 -1.0858910512029403 -1.1462546752330802 -0.9140868905017644 -0.582860850951756 -0.3909354822405336 +13015,-0.04113601991201923,0,-0.13245534857299956 -0.2160357510762764 -0.3305718582103936 -0.46677695858609813 -0.573574139562503 -0.6215554817403086 -0.6478678306765181 -0.7004925285489546 -0.7422827298005886 -0.7871685015153128 -0.8181242061461532 -0.9001568234178893 -0.9589726622164886 -1.0100495748573757 -1.0858910512029403 -1.1462546752330802 -0.9140868905017644 -0.582860850951756 -0.3909354822405336 -0.20055789876085184 +13016,-0.04423159037510062,0,-0.2160357510762764 -0.3305718582103936 -0.46677695858609813 -0.573574139562503 -0.6215554817403086 -0.6478678306765181 -0.7004925285489546 -0.7422827298005886 -0.7871685015153128 -0.8181242061461532 -0.9001568234178893 -0.9589726622164886 -1.0100495748573757 -1.0858910512029403 -1.1462546752330802 -0.9140868905017644 -0.582860850951756 -0.3909354822405336 -0.20055789876085184 -0.04113601991201923 +13017,0.039348812128176223,0,-0.3305718582103936 -0.46677695858609813 -0.573574139562503 -0.6215554817403086 -0.6478678306765181 -0.7004925285489546 -0.7422827298005886 -0.7871685015153128 -0.8181242061461532 -0.9001568234178893 -0.9589726622164886 -1.0100495748573757 -1.0858910512029403 -1.1462546752330802 -0.9140868905017644 -0.582860850951756 -0.3909354822405336 -0.20055789876085184 -0.04113601991201923 -0.04423159037510062 +13018,-0.03184930852276624,0,-0.46677695858609813 -0.573574139562503 -0.6215554817403086 -0.6478678306765181 -0.7004925285489546 -0.7422827298005886 -0.7871685015153128 -0.8181242061461532 -0.9001568234178893 -0.9589726622164886 -1.0100495748573757 -1.0858910512029403 -1.1462546752330802 -0.9140868905017644 -0.582860850951756 -0.3909354822405336 -0.20055789876085184 -0.04113601991201923 -0.04423159037510062 0.039348812128176223 +13019,0.033157671202004635,0,-0.573574139562503 -0.6215554817403086 -0.6478678306765181 -0.7004925285489546 -0.7422827298005886 -0.7871685015153128 -0.8181242061461532 -0.9001568234178893 -0.9589726622164886 -1.0100495748573757 -1.0858910512029403 -1.1462546752330802 -0.9140868905017644 -0.582860850951756 -0.3909354822405336 -0.20055789876085184 -0.04113601991201923 -0.04423159037510062 0.039348812128176223 -0.03184930852276624 +13020,-0.007084744818088688,0,-0.6215554817403086 -0.6478678306765181 -0.7004925285489546 -0.7422827298005886 -0.7871685015153128 -0.8181242061461532 -0.9001568234178893 -0.9589726622164886 -1.0100495748573757 -1.0858910512029403 -1.1462546752330802 -0.9140868905017644 -0.582860850951756 -0.3909354822405336 -0.20055789876085184 -0.04113601991201923 -0.04423159037510062 0.039348812128176223 -0.03184930852276624 0.033157671202004635 +13021,-0.1076907848683308,0,-0.6478678306765181 -0.7004925285489546 -0.7422827298005886 -0.7871685015153128 -0.8181242061461532 -0.9001568234178893 -0.9589726622164886 -1.0100495748573757 -1.0858910512029403 -1.1462546752330802 -0.9140868905017644 -0.582860850951756 -0.3909354822405336 -0.20055789876085184 -0.04113601991201923 -0.04423159037510062 0.039348812128176223 -0.03184930852276624 0.033157671202004635 -0.007084744818088688 +13022,-0.28568608649566934,0,-0.7004925285489546 -0.7422827298005886 -0.7871685015153128 -0.8181242061461532 -0.9001568234178893 -0.9589726622164886 -1.0100495748573757 -1.0858910512029403 -1.1462546752330802 -0.9140868905017644 -0.582860850951756 -0.3909354822405336 -0.20055789876085184 -0.04113601991201923 -0.04423159037510062 0.039348812128176223 -0.03184930852276624 0.033157671202004635 -0.007084744818088688 -0.1076907848683308 +13023,-0.46677695858609813,0,-0.7422827298005886 -0.7871685015153128 -0.8181242061461532 -0.9001568234178893 -0.9589726622164886 -1.0100495748573757 -1.0858910512029403 -1.1462546752330802 -0.9140868905017644 -0.582860850951756 -0.3909354822405336 -0.20055789876085184 -0.04113601991201923 -0.04423159037510062 0.039348812128176223 -0.03184930852276624 0.033157671202004635 -0.007084744818088688 -0.1076907848683308 -0.28568608649566934 +13024,-0.6323899783611023,0,-0.7871685015153128 -0.8181242061461532 -0.9001568234178893 -0.9589726622164886 -1.0100495748573757 -1.0858910512029403 -1.1462546752330802 -0.9140868905017644 -0.582860850951756 -0.3909354822405336 -0.20055789876085184 -0.04113601991201923 -0.04423159037510062 0.039348812128176223 -0.03184930852276624 0.033157671202004635 -0.007084744818088688 -0.1076907848683308 -0.28568608649566934 -0.46677695858609813 +13025,-0.6912058171597016,0,-0.8181242061461532 -0.9001568234178893 -0.9589726622164886 -1.0100495748573757 -1.0858910512029403 -1.1462546752330802 -0.9140868905017644 -0.582860850951756 -0.3909354822405336 -0.20055789876085184 -0.04113601991201923 -0.04423159037510062 0.039348812128176223 -0.03184930852276624 0.033157671202004635 -0.007084744818088688 -0.1076907848683308 -0.28568608649566934 -0.46677695858609813 -0.6323899783611023 +13026,-0.7732384344314289,0,-0.9001568234178893 -0.9589726622164886 -1.0100495748573757 -1.0858910512029403 -1.1462546752330802 -0.9140868905017644 -0.582860850951756 -0.3909354822405336 -0.20055789876085184 -0.04113601991201923 -0.04423159037510062 0.039348812128176223 -0.03184930852276624 0.033157671202004635 -0.007084744818088688 -0.1076907848683308 -0.28568608649566934 -0.46677695858609813 -0.6323899783611023 -0.6912058171597016 +13027,-0.8428887698508307,0,-0.9589726622164886 -1.0100495748573757 -1.0858910512029403 -1.1462546752330802 -0.9140868905017644 -0.582860850951756 -0.3909354822405336 -0.20055789876085184 -0.04113601991201923 -0.04423159037510062 0.039348812128176223 -0.03184930852276624 0.033157671202004635 -0.007084744818088688 -0.1076907848683308 -0.28568608649566934 -0.46677695858609813 -0.6323899783611023 -0.6912058171597016 -0.7732384344314289 +13028,-0.8924178972601771,0,-1.0100495748573757 -1.0858910512029403 -1.1462546752330802 -0.9140868905017644 -0.582860850951756 -0.3909354822405336 -0.20055789876085184 -0.04113601991201923 -0.04423159037510062 0.039348812128176223 -0.03184930852276624 0.033157671202004635 -0.007084744818088688 -0.1076907848683308 -0.28568608649566934 -0.46677695858609813 -0.6323899783611023 -0.6912058171597016 -0.7732384344314289 -0.8428887698508307 +13029,-1.017788501015088,0,-1.0858910512029403 -1.1462546752330802 -0.9140868905017644 -0.582860850951756 -0.3909354822405336 -0.20055789876085184 -0.04113601991201923 -0.04423159037510062 0.039348812128176223 -0.03184930852276624 0.033157671202004635 -0.007084744818088688 -0.1076907848683308 -0.28568608649566934 -0.46677695858609813 -0.6323899783611023 -0.6912058171597016 -0.7732384344314289 -0.8428887698508307 -0.8924178972601771 +13030,-1.050291990877469,0,-1.1462546752330802 -0.9140868905017644 -0.582860850951756 -0.3909354822405336 -0.20055789876085184 -0.04113601991201923 -0.04423159037510062 0.039348812128176223 -0.03184930852276624 0.033157671202004635 -0.007084744818088688 -0.1076907848683308 -0.28568608649566934 -0.46677695858609813 -0.6323899783611023 -0.6912058171597016 -0.7732384344314289 -0.8428887698508307 -0.8924178972601771 -1.017788501015088 +13031,-1.0982733330552745,0,-0.9140868905017644 -0.582860850951756 -0.3909354822405336 -0.20055789876085184 -0.04113601991201923 -0.04423159037510062 0.039348812128176223 -0.03184930852276624 0.033157671202004635 -0.007084744818088688 -0.1076907848683308 -0.28568608649566934 -0.46677695858609813 -0.6323899783611023 -0.6912058171597016 -0.7732384344314289 -0.8428887698508307 -0.8924178972601771 -1.017788501015088 -1.050291990877469 +13032,-1.078152125045228,0,-0.582860850951756 -0.3909354822405336 -0.20055789876085184 -0.04113601991201923 -0.04423159037510062 0.039348812128176223 -0.03184930852276624 0.033157671202004635 -0.007084744818088688 -0.1076907848683308 -0.28568608649566934 -0.46677695858609813 -0.6323899783611023 -0.6912058171597016 -0.7732384344314289 -0.8428887698508307 -0.8924178972601771 -1.017788501015088 -1.050291990877469 -1.0982733330552745 +13033,-1.0905344068975622,0,-0.3909354822405336 -0.20055789876085184 -0.04113601991201923 -0.04423159037510062 0.039348812128176223 -0.03184930852276624 0.033157671202004635 -0.007084744818088688 -0.1076907848683308 -0.28568608649566934 -0.46677695858609813 -0.6323899783611023 -0.6912058171597016 -0.7732384344314289 -0.8428887698508307 -0.8924178972601771 -1.017788501015088 -1.050291990877469 -1.0982733330552745 -1.078152125045228 +13034,-1.045648635182847,0,-0.20055789876085184 -0.04113601991201923 -0.04423159037510062 0.039348812128176223 -0.03184930852276624 0.033157671202004635 -0.007084744818088688 -0.1076907848683308 -0.28568608649566934 -0.46677695858609813 -0.6323899783611023 -0.6912058171597016 -0.7732384344314289 -0.8428887698508307 -0.8924178972601771 -1.017788501015088 -1.050291990877469 -1.0982733330552745 -1.078152125045228 -1.0905344068975622 +13035,-0.8196719913776939,0,-0.04113601991201923 -0.04423159037510062 0.039348812128176223 -0.03184930852276624 0.033157671202004635 -0.007084744818088688 -0.1076907848683308 -0.28568608649566934 -0.46677695858609813 -0.6323899783611023 -0.6912058171597016 -0.7732384344314289 -0.8428887698508307 -0.8924178972601771 -1.017788501015088 -1.050291990877469 -1.0982733330552745 -1.078152125045228 -1.0905344068975622 -1.045648635182847 +13036,-0.5426184349316627,0,-0.04423159037510062 0.039348812128176223 -0.03184930852276624 0.033157671202004635 -0.007084744818088688 -0.1076907848683308 -0.28568608649566934 -0.46677695858609813 -0.6323899783611023 -0.6912058171597016 -0.7732384344314289 -0.8428887698508307 -0.8924178972601771 -1.017788501015088 -1.050291990877469 -1.0982733330552745 -1.078152125045228 -1.0905344068975622 -1.045648635182847 -0.8196719913776939 +13037,-0.23770474431786376,0,0.039348812128176223 -0.03184930852276624 0.033157671202004635 -0.007084744818088688 -0.1076907848683308 -0.28568608649566934 -0.46677695858609813 -0.6323899783611023 -0.6912058171597016 -0.7732384344314289 -0.8428887698508307 -0.8924178972601771 -1.017788501015088 -1.050291990877469 -1.0982733330552745 -1.078152125045228 -1.0905344068975622 -1.045648635182847 -0.8196719913776939 -0.5426184349316627 +13038,0.006845322265786387,0,-0.03184930852276624 0.033157671202004635 -0.007084744818088688 -0.1076907848683308 -0.28568608649566934 -0.46677695858609813 -0.6323899783611023 -0.6912058171597016 -0.7732384344314289 -0.8428887698508307 -0.8924178972601771 -1.017788501015088 -1.050291990877469 -1.0982733330552745 -1.078152125045228 -1.0905344068975622 -1.045648635182847 -0.8196719913776939 -0.5426184349316627 -0.23770474431786376 +13039,0.19257955005083724,0,0.033157671202004635 -0.007084744818088688 -0.1076907848683308 -0.28568608649566934 -0.46677695858609813 -0.6323899783611023 -0.6912058171597016 -0.7732384344314289 -0.8428887698508307 -0.8924178972601771 -1.017788501015088 -1.050291990877469 -1.0982733330552745 -1.078152125045228 -1.0905344068975622 -1.045648635182847 -0.8196719913776939 -0.5426184349316627 -0.23770474431786376 0.006845322265786387 +13040,0.29009001963799796,0,-0.007084744818088688 -0.1076907848683308 -0.28568608649566934 -0.46677695858609813 -0.6323899783611023 -0.6912058171597016 -0.7732384344314289 -0.8428887698508307 -0.8924178972601771 -1.017788501015088 -1.050291990877469 -1.0982733330552745 -1.078152125045228 -1.0905344068975622 -1.045648635182847 -0.8196719913776939 -0.5426184349316627 -0.23770474431786376 0.006845322265786387 0.19257955005083724 +13041,0.34271471751042565,0,-0.1076907848683308 -0.28568608649566934 -0.46677695858609813 -0.6323899783611023 -0.6912058171597016 -0.7732384344314289 -0.8428887698508307 -0.8924178972601771 -1.017788501015088 -1.050291990877469 -1.0982733330552745 -1.078152125045228 -1.0905344068975622 -1.045648635182847 -0.8196719913776939 -0.5426184349316627 -0.23770474431786376 0.006845322265786387 0.19257955005083724 0.29009001963799796 +13042,0.36438371075201303,0,-0.28568608649566934 -0.46677695858609813 -0.6323899783611023 -0.6912058171597016 -0.7732384344314289 -0.8428887698508307 -0.8924178972601771 -1.017788501015088 -1.050291990877469 -1.0982733330552745 -1.078152125045228 -1.0905344068975622 -1.045648635182847 -0.8196719913776939 -0.5426184349316627 -0.23770474431786376 0.006845322265786387 0.19257955005083724 0.29009001963799796 0.34271471751042565 +13043,0.3767659926043474,0,-0.46677695858609813 -0.6323899783611023 -0.6912058171597016 -0.7732384344314289 -0.8428887698508307 -0.8924178972601771 -1.017788501015088 -1.050291990877469 -1.0982733330552745 -1.078152125045228 -1.0905344068975622 -1.045648635182847 -0.8196719913776939 -0.5426184349316627 -0.23770474431786376 0.006845322265786387 0.19257955005083724 0.29009001963799796 0.34271471751042565 0.36438371075201303 +13044,0.30092451625879163,0,-0.6323899783611023 -0.6912058171597016 -0.7732384344314289 -0.8428887698508307 -0.8924178972601771 -1.017788501015088 -1.050291990877469 -1.0982733330552745 -1.078152125045228 -1.0905344068975622 -1.045648635182847 -0.8196719913776939 -0.5426184349316627 -0.23770474431786376 0.006845322265786387 0.19257955005083724 0.29009001963799796 0.34271471751042565 0.36438371075201303 0.3767659926043474 +13045,0.13531149648378746,0,-0.6912058171597016 -0.7732384344314289 -0.8428887698508307 -0.8924178972601771 -1.017788501015088 -1.050291990877469 -1.0982733330552745 -1.078152125045228 -1.0905344068975622 -1.045648635182847 -0.8196719913776939 -0.5426184349316627 -0.23770474431786376 0.006845322265786387 0.19257955005083724 0.29009001963799796 0.34271471751042565 0.36438371075201303 0.3767659926043474 0.30092451625879163 +13046,-0.07054393931131887,0,-0.7732384344314289 -0.8428887698508307 -0.8924178972601771 -1.017788501015088 -1.050291990877469 -1.0982733330552745 -1.078152125045228 -1.0905344068975622 -1.045648635182847 -0.8196719913776939 -0.5426184349316627 -0.23770474431786376 0.006845322265786387 0.19257955005083724 0.29009001963799796 0.34271471751042565 0.36438371075201303 0.3767659926043474 0.30092451625879163 0.13531149648378746 +13047,-0.29806836834800376,0,-0.8428887698508307 -0.8924178972601771 -1.017788501015088 -1.050291990877469 -1.0982733330552745 -1.078152125045228 -1.0905344068975622 -1.045648635182847 -0.8196719913776939 -0.5426184349316627 -0.23770474431786376 0.006845322265786387 0.19257955005083724 0.29009001963799796 0.34271471751042565 0.36438371075201303 0.3767659926043474 0.30092451625879163 0.13531149648378746 -0.07054393931131887 +13048,-0.4853503813646041,0,-0.8924178972601771 -1.017788501015088 -1.050291990877469 -1.0982733330552745 -1.078152125045228 -1.0905344068975622 -1.045648635182847 -0.8196719913776939 -0.5426184349316627 -0.23770474431786376 0.006845322265786387 0.19257955005083724 0.29009001963799796 0.34271471751042565 0.36438371075201303 0.3767659926043474 0.30092451625879163 0.13531149648378746 -0.07054393931131887 -0.29806836834800376 +13049,-0.5503573610893662,0,-1.017788501015088 -1.050291990877469 -1.0982733330552745 -1.078152125045228 -1.0905344068975622 -1.045648635182847 -0.8196719913776939 -0.5426184349316627 -0.23770474431786376 0.006845322265786387 0.19257955005083724 0.29009001963799796 0.34271471751042565 0.36438371075201303 0.3767659926043474 0.30092451625879163 0.13531149648378746 -0.07054393931131887 -0.29806836834800376 -0.4853503813646041 +13050,-0.6540589716026897,0,-1.050291990877469 -1.0982733330552745 -1.078152125045228 -1.0905344068975622 -1.045648635182847 -0.8196719913776939 -0.5426184349316627 -0.23770474431786376 0.006845322265786387 0.19257955005083724 0.29009001963799796 0.34271471751042565 0.36438371075201303 0.3767659926043474 0.30092451625879163 0.13531149648378746 -0.07054393931131887 -0.29806836834800376 -0.4853503813646041 -0.5503573610893662 +13051,-0.7299004479482543,0,-1.0982733330552745 -1.078152125045228 -1.0905344068975622 -1.045648635182847 -0.8196719913776939 -0.5426184349316627 -0.23770474431786376 0.006845322265786387 0.19257955005083724 0.29009001963799796 0.34271471751042565 0.36438371075201303 0.3767659926043474 0.30092451625879163 0.13531149648378746 -0.07054393931131887 -0.29806836834800376 -0.4853503813646041 -0.5503573610893662 -0.6540589716026897 +13052,-0.7980029981361065,0,-1.078152125045228 -1.0905344068975622 -1.045648635182847 -0.8196719913776939 -0.5426184349316627 -0.23770474431786376 0.006845322265786387 0.19257955005083724 0.29009001963799796 0.34271471751042565 0.36438371075201303 0.3767659926043474 0.30092451625879163 0.13531149648378746 -0.07054393931131887 -0.29806836834800376 -0.4853503813646041 -0.5503573610893662 -0.6540589716026897 -0.7299004479482543 +13053,-0.8599144073977872,0,-1.0905344068975622 -1.045648635182847 -0.8196719913776939 -0.5426184349316627 -0.23770474431786376 0.006845322265786387 0.19257955005083724 0.29009001963799796 0.34271471751042565 0.36438371075201303 0.3767659926043474 0.30092451625879163 0.13531149648378746 -0.07054393931131887 -0.29806836834800376 -0.4853503813646041 -0.5503573610893662 -0.6540589716026897 -0.7299004479482543 -0.7980029981361065 +13054,-0.9450425951326047,0,-1.045648635182847 -0.8196719913776939 -0.5426184349316627 -0.23770474431786376 0.006845322265786387 0.19257955005083724 0.29009001963799796 0.34271471751042565 0.36438371075201303 0.3767659926043474 0.30092451625879163 0.13531149648378746 -0.07054393931131887 -0.29806836834800376 -0.4853503813646041 -0.5503573610893662 -0.6540589716026897 -0.7299004479482543 -0.7980029981361065 -0.8599144073977872 +13055,-0.9759982997634451,0,-0.8196719913776939 -0.5426184349316627 -0.23770474431786376 0.006845322265786387 0.19257955005083724 0.29009001963799796 0.34271471751042565 0.36438371075201303 0.3767659926043474 0.30092451625879163 0.13531149648378746 -0.07054393931131887 -0.29806836834800376 -0.4853503813646041 -0.5503573610893662 -0.6540589716026897 -0.7299004479482543 -0.7980029981361065 -0.8599144073977872 -0.9450425951326047 +13056,-1.017788501015088,0,-0.5426184349316627 -0.23770474431786376 0.006845322265786387 0.19257955005083724 0.29009001963799796 0.34271471751042565 0.36438371075201303 0.3767659926043474 0.30092451625879163 0.13531149648378746 -0.07054393931131887 -0.29806836834800376 -0.4853503813646041 -0.5503573610893662 -0.6540589716026897 -0.7299004479482543 -0.7980029981361065 -0.8599144073977872 -0.9450425951326047 -0.9759982997634451 +13057,-1.0719609841190563,0,-0.23770474431786376 0.006845322265786387 0.19257955005083724 0.29009001963799796 0.34271471751042565 0.36438371075201303 0.3767659926043474 0.30092451625879163 0.13531149648378746 -0.07054393931131887 -0.29806836834800376 -0.4853503813646041 -0.5503573610893662 -0.6540589716026897 -0.7299004479482543 -0.7980029981361065 -0.8599144073977872 -0.9450425951326047 -0.9759982997634451 -1.017788501015088 +13058,-1.0410052794882159,0,0.006845322265786387 0.19257955005083724 0.29009001963799796 0.34271471751042565 0.36438371075201303 0.3767659926043474 0.30092451625879163 0.13531149648378746 -0.07054393931131887 -0.29806836834800376 -0.4853503813646041 -0.5503573610893662 -0.6540589716026897 -0.7299004479482543 -0.7980029981361065 -0.8599144073977872 -0.9450425951326047 -0.9759982997634451 -1.017788501015088 -1.0719609841190563 +13059,-0.7438305150321293,0,0.19257955005083724 0.29009001963799796 0.34271471751042565 0.36438371075201303 0.3767659926043474 0.30092451625879163 0.13531149648378746 -0.07054393931131887 -0.29806836834800376 -0.4853503813646041 -0.5503573610893662 -0.6540589716026897 -0.7299004479482543 -0.7980029981361065 -0.8599144073977872 -0.9450425951326047 -0.9759982997634451 -1.017788501015088 -1.0719609841190563 -1.0410052794882159 +13060,-0.30580729450571603,0,0.29009001963799796 0.34271471751042565 0.36438371075201303 0.3767659926043474 0.30092451625879163 0.13531149648378746 -0.07054393931131887 -0.29806836834800376 -0.4853503813646041 -0.5503573610893662 -0.6540589716026897 -0.7299004479482543 -0.7980029981361065 -0.8599144073977872 -0.9450425951326047 -0.9759982997634451 -1.017788501015088 -1.0719609841190563 -1.0410052794882159 -0.7438305150321293 +13061,0.023870959812751655,0,0.34271471751042565 0.36438371075201303 0.3767659926043474 0.30092451625879163 0.13531149648378746 -0.07054393931131887 -0.29806836834800376 -0.4853503813646041 -0.5503573610893662 -0.6540589716026897 -0.7299004479482543 -0.7980029981361065 -0.8599144073977872 -0.9450425951326047 -0.9759982997634451 -1.017788501015088 -1.0719609841190563 -1.0410052794882159 -0.7438305150321293 -0.30580729450571603 +13062,0.35354921413121937,0,0.36438371075201303 0.3767659926043474 0.30092451625879163 0.13531149648378746 -0.07054393931131887 -0.29806836834800376 -0.4853503813646041 -0.5503573610893662 -0.6540589716026897 -0.7299004479482543 -0.7980029981361065 -0.8599144073977872 -0.9450425951326047 -0.9759982997634451 -1.017788501015088 -1.0719609841190563 -1.0410052794882159 -0.7438305150321293 -0.30580729450571603 0.023870959812751655 +13063,0.6367939115034221,0,0.3767659926043474 0.30092451625879163 0.13531149648378746 -0.07054393931131887 -0.29806836834800376 -0.4853503813646041 -0.5503573610893662 -0.6540589716026897 -0.7299004479482543 -0.7980029981361065 -0.8599144073977872 -0.9450425951326047 -0.9759982997634451 -1.017788501015088 -1.0719609841190563 -1.0410052794882159 -0.7438305150321293 -0.30580729450571603 0.023870959812751655 0.35354921413121937 +13064,0.7157309583120769,0,0.30092451625879163 0.13531149648378746 -0.07054393931131887 -0.29806836834800376 -0.4853503813646041 -0.5503573610893662 -0.6540589716026897 -0.7299004479482543 -0.7980029981361065 -0.8599144073977872 -0.9450425951326047 -0.9759982997634451 -1.017788501015088 -1.0719609841190563 -1.0410052794882159 -0.7438305150321293 -0.30580729450571603 0.023870959812751655 0.35354921413121937 0.6367939115034221 +13065,0.7946680051207228,0,0.13531149648378746 -0.07054393931131887 -0.29806836834800376 -0.4853503813646041 -0.5503573610893662 -0.6540589716026897 -0.7299004479482543 -0.7980029981361065 -0.8599144073977872 -0.9450425951326047 -0.9759982997634451 -1.017788501015088 -1.0719609841190563 -1.0410052794882159 -0.7438305150321293 -0.30580729450571603 0.023870959812751655 0.35354921413121937 0.6367939115034221 0.7157309583120769 +13066,0.7838335084999292,0,-0.07054393931131887 -0.29806836834800376 -0.4853503813646041 -0.5503573610893662 -0.6540589716026897 -0.7299004479482543 -0.7980029981361065 -0.8599144073977872 -0.9450425951326047 -0.9759982997634451 -1.017788501015088 -1.0719609841190563 -1.0410052794882159 -0.7438305150321293 -0.30580729450571603 0.023870959812751655 0.35354921413121937 0.6367939115034221 0.7157309583120769 0.7946680051207228 +13067,0.5795258579363636,0,-0.29806836834800376 -0.4853503813646041 -0.5503573610893662 -0.6540589716026897 -0.7299004479482543 -0.7980029981361065 -0.8599144073977872 -0.9450425951326047 -0.9759982997634451 -1.017788501015088 -1.0719609841190563 -1.0410052794882159 -0.7438305150321293 -0.30580729450571603 0.023870959812751655 0.35354921413121937 0.6367939115034221 0.7157309583120769 0.7946680051207228 0.7838335084999292 +13068,0.4293906904767839,0,-0.4853503813646041 -0.5503573610893662 -0.6540589716026897 -0.7299004479482543 -0.7980029981361065 -0.8599144073977872 -0.9450425951326047 -0.9759982997634451 -1.017788501015088 -1.0719609841190563 -1.0410052794882159 -0.7438305150321293 -0.30580729450571603 0.023870959812751655 0.35354921413121937 0.6367939115034221 0.7157309583120769 0.7946680051207228 0.7838335084999292 0.5795258579363636 +13069,0.24984760361789585,0,-0.5503573610893662 -0.6540589716026897 -0.7299004479482543 -0.7980029981361065 -0.8599144073977872 -0.9450425951326047 -0.9759982997634451 -1.017788501015088 -1.0719609841190563 -1.0410052794882159 -0.7438305150321293 -0.30580729450571603 0.023870959812751655 0.35354921413121937 0.6367939115034221 0.7157309583120769 0.7946680051207228 0.7838335084999292 0.5795258579363636 0.4293906904767839 +13070,0.014584248423498673,0,-0.6540589716026897 -0.7299004479482543 -0.7980029981361065 -0.8599144073977872 -0.9450425951326047 -0.9759982997634451 -1.017788501015088 -1.0719609841190563 -1.0410052794882159 -0.7438305150321293 -0.30580729450571603 0.023870959812751655 0.35354921413121937 0.6367939115034221 0.7157309583120769 0.7946680051207228 0.7838335084999292 0.5795258579363636 0.4293906904767839 0.24984760361789585 +13071,-0.14328984519379323,0,-0.7299004479482543 -0.7980029981361065 -0.8599144073977872 -0.9450425951326047 -0.9759982997634451 -1.017788501015088 -1.0719609841190563 -1.0410052794882159 -0.7438305150321293 -0.30580729450571603 0.023870959812751655 0.35354921413121937 0.6367939115034221 0.7157309583120769 0.7946680051207228 0.7838335084999292 0.5795258579363636 0.4293906904767839 0.24984760361789585 0.014584248423498673 +13072,-0.3197373615895999,0,-0.7980029981361065 -0.8599144073977872 -0.9450425951326047 -0.9759982997634451 -1.017788501015088 -1.0719609841190563 -1.0410052794882159 -0.7438305150321293 -0.30580729450571603 0.023870959812751655 0.35354921413121937 0.6367939115034221 0.7157309583120769 0.7946680051207228 0.7838335084999292 0.5795258579363636 0.4293906904767839 0.24984760361789585 0.014584248423498673 -0.14328984519379323 +13073,-0.4373690391867985,0,-0.8599144073977872 -0.9450425951326047 -0.9759982997634451 -1.017788501015088 -1.0719609841190563 -1.0410052794882159 -0.7438305150321293 -0.30580729450571603 0.023870959812751655 0.35354921413121937 0.6367939115034221 0.7157309583120769 0.7946680051207228 0.7838335084999292 0.5795258579363636 0.4293906904767839 0.24984760361789585 0.014584248423498673 -0.14328984519379323 -0.3197373615895999 +13074,-0.5163060859954445,0,-0.9450425951326047 -0.9759982997634451 -1.017788501015088 -1.0719609841190563 -1.0410052794882159 -0.7438305150321293 -0.30580729450571603 0.023870959812751655 0.35354921413121937 0.6367939115034221 0.7157309583120769 0.7946680051207228 0.7838335084999292 0.5795258579363636 0.4293906904767839 0.24984760361789585 0.014584248423498673 -0.14328984519379323 -0.3197373615895999 -0.4373690391867985 +13075,-0.5998864884987125,0,-0.9759982997634451 -1.017788501015088 -1.0719609841190563 -1.0410052794882159 -0.7438305150321293 -0.30580729450571603 0.023870959812751655 0.35354921413121937 0.6367939115034221 0.7157309583120769 0.7946680051207228 0.7838335084999292 0.5795258579363636 0.4293906904767839 0.24984760361789585 0.014584248423498673 -0.14328984519379323 -0.3197373615895999 -0.4373690391867985 -0.5163060859954445 +13076,-0.6447722602134367,0,-1.017788501015088 -1.0719609841190563 -1.0410052794882159 -0.7438305150321293 -0.30580729450571603 0.023870959812751655 0.35354921413121937 0.6367939115034221 0.7157309583120769 0.7946680051207228 0.7838335084999292 0.5795258579363636 0.4293906904767839 0.24984760361789585 0.014584248423498673 -0.14328984519379323 -0.3197373615895999 -0.4373690391867985 -0.5163060859954445 -0.5998864884987125 +13077,-0.6277466226664714,0,-1.0719609841190563 -1.0410052794882159 -0.7438305150321293 -0.30580729450571603 0.023870959812751655 0.35354921413121937 0.6367939115034221 0.7157309583120769 0.7946680051207228 0.7838335084999292 0.5795258579363636 0.4293906904767839 0.24984760361789585 0.014584248423498673 -0.14328984519379323 -0.3197373615895999 -0.4373690391867985 -0.5163060859954445 -0.5998864884987125 -0.6447722602134367 +13078,-0.6633456829919426,0,-1.0410052794882159 -0.7438305150321293 -0.30580729450571603 0.023870959812751655 0.35354921413121937 0.6367939115034221 0.7157309583120769 0.7946680051207228 0.7838335084999292 0.5795258579363636 0.4293906904767839 0.24984760361789585 0.014584248423498673 -0.14328984519379323 -0.3197373615895999 -0.4373690391867985 -0.5163060859954445 -0.5998864884987125 -0.6447722602134367 -0.6277466226664714 +13079,-0.6416766897503553,0,-0.7438305150321293 -0.30580729450571603 0.023870959812751655 0.35354921413121937 0.6367939115034221 0.7157309583120769 0.7946680051207228 0.7838335084999292 0.5795258579363636 0.4293906904767839 0.24984760361789585 0.014584248423498673 -0.14328984519379323 -0.3197373615895999 -0.4373690391867985 -0.5163060859954445 -0.5998864884987125 -0.6447722602134367 -0.6277466226664714 -0.6633456829919426 +13080,-0.6803713205389079,0,-0.30580729450571603 0.023870959812751655 0.35354921413121937 0.6367939115034221 0.7157309583120769 0.7946680051207228 0.7838335084999292 0.5795258579363636 0.4293906904767839 0.24984760361789585 0.014584248423498673 -0.14328984519379323 -0.3197373615895999 -0.4373690391867985 -0.5163060859954445 -0.5998864884987125 -0.6447722602134367 -0.6277466226664714 -0.6633456829919426 -0.6416766897503553 +13081,-0.7314482331797949,0,0.023870959812751655 0.35354921413121937 0.6367939115034221 0.7157309583120769 0.7946680051207228 0.7838335084999292 0.5795258579363636 0.4293906904767839 0.24984760361789585 0.014584248423498673 -0.14328984519379323 -0.3197373615895999 -0.4373690391867985 -0.5163060859954445 -0.5998864884987125 -0.6447722602134367 -0.6277466226664714 -0.6633456829919426 -0.6416766897503553 -0.6803713205389079 +13082,-0.8088374947569001,0,0.35354921413121937 0.6367939115034221 0.7157309583120769 0.7946680051207228 0.7838335084999292 0.5795258579363636 0.4293906904767839 0.24984760361789585 0.014584248423498673 -0.14328984519379323 -0.3197373615895999 -0.4373690391867985 -0.5163060859954445 -0.5998864884987125 -0.6447722602134367 -0.6277466226664714 -0.6633456829919426 -0.6416766897503553 -0.6803713205389079 -0.7314482331797949 +13083,-0.6741801796127364,0,0.6367939115034221 0.7157309583120769 0.7946680051207228 0.7838335084999292 0.5795258579363636 0.4293906904767839 0.24984760361789585 0.014584248423498673 -0.14328984519379323 -0.3197373615895999 -0.4373690391867985 -0.5163060859954445 -0.5998864884987125 -0.6447722602134367 -0.6277466226664714 -0.6633456829919426 -0.6416766897503553 -0.6803713205389079 -0.7314482331797949 -0.8088374947569001 +13084,-0.4218911868713739,0,0.7157309583120769 0.7946680051207228 0.7838335084999292 0.5795258579363636 0.4293906904767839 0.24984760361789585 0.014584248423498673 -0.14328984519379323 -0.3197373615895999 -0.4373690391867985 -0.5163060859954445 -0.5998864884987125 -0.6447722602134367 -0.6277466226664714 -0.6633456829919426 -0.6416766897503553 -0.6803713205389079 -0.7314482331797949 -0.8088374947569001 -0.6741801796127364 +13085,-0.17424554982463358,0,0.7946680051207228 0.7838335084999292 0.5795258579363636 0.4293906904767839 0.24984760361789585 0.014584248423498673 -0.14328984519379323 -0.3197373615895999 -0.4373690391867985 -0.5163060859954445 -0.5998864884987125 -0.6447722602134367 -0.6277466226664714 -0.6633456829919426 -0.6416766897503553 -0.6803713205389079 -0.7314482331797949 -0.8088374947569001 -0.6741801796127364 -0.4218911868713739 +13086,-0.06280501315360658,0,0.7838335084999292 0.5795258579363636 0.4293906904767839 0.24984760361789585 0.014584248423498673 -0.14328984519379323 -0.3197373615895999 -0.4373690391867985 -0.5163060859954445 -0.5998864884987125 -0.6447722602134367 -0.6277466226664714 -0.6633456829919426 -0.6416766897503553 -0.6803713205389079 -0.7314482331797949 -0.8088374947569001 -0.6741801796127364 -0.4218911868713739 -0.17424554982463358 +13087,0.15078934879920322,0,0.5795258579363636 0.4293906904767839 0.24984760361789585 0.014584248423498673 -0.14328984519379323 -0.3197373615895999 -0.4373690391867985 -0.5163060859954445 -0.5998864884987125 -0.6447722602134367 -0.6277466226664714 -0.6633456829919426 -0.6416766897503553 -0.6803713205389079 -0.7314482331797949 -0.8088374947569001 -0.6741801796127364 -0.4218911868713739 -0.17424554982463358 -0.06280501315360658 +13088,0.331880220889632,0,0.4293906904767839 0.24984760361789585 0.014584248423498673 -0.14328984519379323 -0.3197373615895999 -0.4373690391867985 -0.5163060859954445 -0.5998864884987125 -0.6447722602134367 -0.6277466226664714 -0.6633456829919426 -0.6416766897503553 -0.6803713205389079 -0.7314482331797949 -0.8088374947569001 -0.6741801796127364 -0.4218911868713739 -0.17424554982463358 -0.06280501315360658 0.15078934879920322 +13089,0.40153055630902496,0,0.24984760361789585 0.014584248423498673 -0.14328984519379323 -0.3197373615895999 -0.4373690391867985 -0.5163060859954445 -0.5998864884987125 -0.6447722602134367 -0.6277466226664714 -0.6633456829919426 -0.6416766897503553 -0.6803713205389079 -0.7314482331797949 -0.8088374947569001 -0.6741801796127364 -0.4218911868713739 -0.17424554982463358 -0.06280501315360658 0.15078934879920322 0.331880220889632 +13090,0.39998277107748426,0,0.014584248423498673 -0.14328984519379323 -0.3197373615895999 -0.4373690391867985 -0.5163060859954445 -0.5998864884987125 -0.6447722602134367 -0.6277466226664714 -0.6633456829919426 -0.6416766897503553 -0.6803713205389079 -0.7314482331797949 -0.8088374947569001 -0.6741801796127364 -0.4218911868713739 -0.17424554982463358 -0.06280501315360658 0.15078934879920322 0.331880220889632 0.40153055630902496 +13091,0.36438371075201303,0,-0.14328984519379323 -0.3197373615895999 -0.4373690391867985 -0.5163060859954445 -0.5998864884987125 -0.6447722602134367 -0.6277466226664714 -0.6633456829919426 -0.6416766897503553 -0.6803713205389079 -0.7314482331797949 -0.8088374947569001 -0.6741801796127364 -0.4218911868713739 -0.17424554982463358 -0.06280501315360658 0.15078934879920322 0.331880220889632 0.40153055630902496 0.39998277107748426 +13092,0.25294317408098604,0,-0.3197373615895999 -0.4373690391867985 -0.5163060859954445 -0.5998864884987125 -0.6447722602134367 -0.6277466226664714 -0.6633456829919426 -0.6416766897503553 -0.6803713205389079 -0.7314482331797949 -0.8088374947569001 -0.6741801796127364 -0.4218911868713739 -0.17424554982463358 -0.06280501315360658 0.15078934879920322 0.331880220889632 0.40153055630902496 0.39998277107748426 0.36438371075201303 +13093,0.09661686569523482,0,-0.4373690391867985 -0.5163060859954445 -0.5998864884987125 -0.6447722602134367 -0.6277466226664714 -0.6633456829919426 -0.6416766897503553 -0.6803713205389079 -0.7314482331797949 -0.8088374947569001 -0.6741801796127364 -0.4218911868713739 -0.17424554982463358 -0.06280501315360658 0.15078934879920322 0.331880220889632 0.40153055630902496 0.39998277107748426 0.36438371075201303 0.25294317408098604 +13094,-0.12471642241528727,0,-0.5163060859954445 -0.5998864884987125 -0.6447722602134367 -0.6277466226664714 -0.6633456829919426 -0.6416766897503553 -0.6803713205389079 -0.7314482331797949 -0.8088374947569001 -0.6741801796127364 -0.4218911868713739 -0.17424554982463358 -0.06280501315360658 0.15078934879920322 0.331880220889632 0.40153055630902496 0.39998277107748426 0.36438371075201303 0.25294317408098604 0.09661686569523482 +13095,-0.3119984354318876,0,-0.5998864884987125 -0.6447722602134367 -0.6277466226664714 -0.6633456829919426 -0.6416766897503553 -0.6803713205389079 -0.7314482331797949 -0.8088374947569001 -0.6741801796127364 -0.4218911868713739 -0.17424554982463358 -0.06280501315360658 0.15078934879920322 0.331880220889632 0.40153055630902496 0.39998277107748426 0.36438371075201303 0.25294317408098604 0.09661686569523482 -0.12471642241528727 +13096,-0.46213360289146727,0,-0.6447722602134367 -0.6277466226664714 -0.6633456829919426 -0.6416766897503553 -0.6803713205389079 -0.7314482331797949 -0.8088374947569001 -0.6741801796127364 -0.4218911868713739 -0.17424554982463358 -0.06280501315360658 0.15078934879920322 0.331880220889632 0.40153055630902496 0.39998277107748426 0.36438371075201303 0.25294317408098604 0.09661686569523482 -0.12471642241528727 -0.3119984354318876 +13097,-0.6184599112772184,0,-0.6277466226664714 -0.6633456829919426 -0.6416766897503553 -0.6803713205389079 -0.7314482331797949 -0.8088374947569001 -0.6741801796127364 -0.4218911868713739 -0.17424554982463358 -0.06280501315360658 0.15078934879920322 0.331880220889632 0.40153055630902496 0.39998277107748426 0.36438371075201303 0.25294317408098604 0.09661686569523482 -0.12471642241528727 -0.3119984354318876 -0.46213360289146727 +13098,-0.7299004479482543,0,-0.6633456829919426 -0.6416766897503553 -0.6803713205389079 -0.7314482331797949 -0.8088374947569001 -0.6741801796127364 -0.4218911868713739 -0.17424554982463358 -0.06280501315360658 0.15078934879920322 0.331880220889632 0.40153055630902496 0.39998277107748426 0.36438371075201303 0.25294317408098604 0.09661686569523482 -0.12471642241528727 -0.3119984354318876 -0.46213360289146727 -0.6184599112772184 +13099,-0.822767561840784,0,-0.6416766897503553 -0.6803713205389079 -0.7314482331797949 -0.8088374947569001 -0.6741801796127364 -0.4218911868713739 -0.17424554982463358 -0.06280501315360658 0.15078934879920322 0.331880220889632 0.40153055630902496 0.39998277107748426 0.36438371075201303 0.25294317408098604 0.09661686569523482 -0.12471642241528727 -0.3119984354318876 -0.46213360289146727 -0.6184599112772184 -0.7299004479482543 +13100,-0.9233736018910174,0,-0.6803713205389079 -0.7314482331797949 -0.8088374947569001 -0.6741801796127364 -0.4218911868713739 -0.17424554982463358 -0.06280501315360658 0.15078934879920322 0.331880220889632 0.40153055630902496 0.39998277107748426 0.36438371075201303 0.25294317408098604 0.09661686569523482 -0.12471642241528727 -0.3119984354318876 -0.46213360289146727 -0.6184599112772184 -0.7299004479482543 -0.822767561840784 +13101,-0.9914761520788696,0,-0.7314482331797949 -0.8088374947569001 -0.6741801796127364 -0.4218911868713739 -0.17424554982463358 -0.06280501315360658 0.15078934879920322 0.331880220889632 0.40153055630902496 0.39998277107748426 0.36438371075201303 0.25294317408098604 0.09661686569523482 -0.12471642241528727 -0.3119984354318876 -0.46213360289146727 -0.6184599112772184 -0.7299004479482543 -0.822767561840784 -0.9233736018910174 +13102,-1.0611264874982627,0,-0.8088374947569001 -0.6741801796127364 -0.4218911868713739 -0.17424554982463358 -0.06280501315360658 0.15078934879920322 0.331880220889632 0.40153055630902496 0.39998277107748426 0.36438371075201303 0.25294317408098604 0.09661686569523482 -0.12471642241528727 -0.3119984354318876 -0.46213360289146727 -0.6184599112772184 -0.7299004479482543 -0.822767561840784 -0.9233736018910174 -0.9914761520788696 +13103,-1.1570891718538738,0,-0.6741801796127364 -0.4218911868713739 -0.17424554982463358 -0.06280501315360658 0.15078934879920322 0.331880220889632 0.40153055630902496 0.39998277107748426 0.36438371075201303 0.25294317408098604 0.09661686569523482 -0.12471642241528727 -0.3119984354318876 -0.46213360289146727 -0.6184599112772184 -0.7299004479482543 -0.822767561840784 -0.9233736018910174 -0.9914761520788696 -1.0611264874982627 +13104,-1.2143572254209325,0,-0.4218911868713739 -0.17424554982463358 -0.06280501315360658 0.15078934879920322 0.331880220889632 0.40153055630902496 0.39998277107748426 0.36438371075201303 0.25294317408098604 0.09661686569523482 -0.12471642241528727 -0.3119984354318876 -0.46213360289146727 -0.6184599112772184 -0.7299004479482543 -0.822767561840784 -0.9233736018910174 -0.9914761520788696 -1.0611264874982627 -1.1570891718538738 +13105,-1.2174527958840138,0,-0.17424554982463358 -0.06280501315360658 0.15078934879920322 0.331880220889632 0.40153055630902496 0.39998277107748426 0.36438371075201303 0.25294317408098604 0.09661686569523482 -0.12471642241528727 -0.3119984354318876 -0.46213360289146727 -0.6184599112772184 -0.7299004479482543 -0.822767561840784 -0.9233736018910174 -0.9914761520788696 -1.0611264874982627 -1.1570891718538738 -1.2143572254209325 +13106,-1.183401520790092,0,-0.06280501315360658 0.15078934879920322 0.331880220889632 0.40153055630902496 0.39998277107748426 0.36438371075201303 0.25294317408098604 0.09661686569523482 -0.12471642241528727 -0.3119984354318876 -0.46213360289146727 -0.6184599112772184 -0.7299004479482543 -0.822767561840784 -0.9233736018910174 -0.9914761520788696 -1.0611264874982627 -1.1570891718538738 -1.2143572254209325 -1.2174527958840138 +13107,-0.9496859508272356,0,0.15078934879920322 0.331880220889632 0.40153055630902496 0.39998277107748426 0.36438371075201303 0.25294317408098604 0.09661686569523482 -0.12471642241528727 -0.3119984354318876 -0.46213360289146727 -0.6184599112772184 -0.7299004479482543 -0.822767561840784 -0.9233736018910174 -0.9914761520788696 -1.0611264874982627 -1.1570891718538738 -1.2143572254209325 -1.2174527958840138 -1.183401520790092 +13108,-0.5936953475725497,0,0.331880220889632 0.40153055630902496 0.39998277107748426 0.36438371075201303 0.25294317408098604 0.09661686569523482 -0.12471642241528727 -0.3119984354318876 -0.46213360289146727 -0.6184599112772184 -0.7299004479482543 -0.822767561840784 -0.9233736018910174 -0.9914761520788696 -1.0611264874982627 -1.1570891718538738 -1.2143572254209325 -1.2174527958840138 -1.183401520790092 -0.9496859508272356 +13109,-0.3305718582103936,0,0.40153055630902496 0.39998277107748426 0.36438371075201303 0.25294317408098604 0.09661686569523482 -0.12471642241528727 -0.3119984354318876 -0.46213360289146727 -0.6184599112772184 -0.7299004479482543 -0.822767561840784 -0.9233736018910174 -0.9914761520788696 -1.0611264874982627 -1.1570891718538738 -1.2143572254209325 -1.2174527958840138 -1.183401520790092 -0.9496859508272356 -0.5936953475725497 +13110,-0.1603154827407585,0,0.39998277107748426 0.36438371075201303 0.25294317408098604 0.09661686569523482 -0.12471642241528727 -0.3119984354318876 -0.46213360289146727 -0.6184599112772184 -0.7299004479482543 -0.822767561840784 -0.9233736018910174 -0.9914761520788696 -1.0611264874982627 -1.1570891718538738 -1.2143572254209325 -1.2174527958840138 -1.183401520790092 -0.9496859508272356 -0.5936953475725497 -0.3305718582103936 +13111,-0.06435279838514728,0,0.36438371075201303 0.25294317408098604 0.09661686569523482 -0.12471642241528727 -0.3119984354318876 -0.46213360289146727 -0.6184599112772184 -0.7299004479482543 -0.822767561840784 -0.9233736018910174 -0.9914761520788696 -1.0611264874982627 -1.1570891718538738 -1.2143572254209325 -1.2174527958840138 -1.183401520790092 -0.9496859508272356 -0.5936953475725497 -0.3305718582103936 -0.1603154827407585 +13112,0.043992167822798314,0,0.25294317408098604 0.09661686569523482 -0.12471642241528727 -0.3119984354318876 -0.46213360289146727 -0.6184599112772184 -0.7299004479482543 -0.822767561840784 -0.9233736018910174 -0.9914761520788696 -1.0611264874982627 -1.1570891718538738 -1.2143572254209325 -1.2174527958840138 -1.183401520790092 -0.9496859508272356 -0.5936953475725497 -0.3305718582103936 -0.1603154827407585 -0.06435279838514728 +13113,0.02696653027583305,0,0.09661686569523482 -0.12471642241528727 -0.3119984354318876 -0.46213360289146727 -0.6184599112772184 -0.7299004479482543 -0.822767561840784 -0.9233736018910174 -0.9914761520788696 -1.0611264874982627 -1.1570891718538738 -1.2143572254209325 -1.2174527958840138 -1.183401520790092 -0.9496859508272356 -0.5936953475725497 -0.3305718582103936 -0.1603154827407585 -0.06435279838514728 0.043992167822798314 +13114,0.0037497518027049923,0,-0.12471642241528727 -0.3119984354318876 -0.46213360289146727 -0.6184599112772184 -0.7299004479482543 -0.822767561840784 -0.9233736018910174 -0.9914761520788696 -1.0611264874982627 -1.1570891718538738 -1.2143572254209325 -1.2174527958840138 -1.183401520790092 -0.9496859508272356 -0.5936953475725497 -0.3305718582103936 -0.1603154827407585 -0.06435279838514728 0.043992167822798314 0.02696653027583305 +13115,-0.09066514732136553,0,-0.3119984354318876 -0.46213360289146727 -0.6184599112772184 -0.7299004479482543 -0.822767561840784 -0.9233736018910174 -0.9914761520788696 -1.0611264874982627 -1.1570891718538738 -1.2143572254209325 -1.2174527958840138 -1.183401520790092 -0.9496859508272356 -0.5936953475725497 -0.3305718582103936 -0.1603154827407585 -0.06435279838514728 0.043992167822798314 0.02696653027583305 0.0037497518027049923 +13116,-0.2222268920024392,0,-0.46213360289146727 -0.6184599112772184 -0.7299004479482543 -0.822767561840784 -0.9233736018910174 -0.9914761520788696 -1.0611264874982627 -1.1570891718538738 -1.2143572254209325 -1.2174527958840138 -1.183401520790092 -0.9496859508272356 -0.5936953475725497 -0.3305718582103936 -0.1603154827407585 -0.06435279838514728 0.043992167822798314 0.02696653027583305 0.0037497518027049923 -0.09066514732136553 +13117,-0.3955788379351557,0,-0.6184599112772184 -0.7299004479482543 -0.822767561840784 -0.9233736018910174 -0.9914761520788696 -1.0611264874982627 -1.1570891718538738 -1.2143572254209325 -1.2174527958840138 -1.183401520790092 -0.9496859508272356 -0.5936953475725497 -0.3305718582103936 -0.1603154827407585 -0.06435279838514728 0.043992167822798314 0.02696653027583305 0.0037497518027049923 -0.09066514732136553 -0.2222268920024392 +13118,-0.601434273730262,0,-0.7299004479482543 -0.822767561840784 -0.9233736018910174 -0.9914761520788696 -1.0611264874982627 -1.1570891718538738 -1.2143572254209325 -1.2174527958840138 -1.183401520790092 -0.9496859508272356 -0.5936953475725497 -0.3305718582103936 -0.1603154827407585 -0.06435279838514728 0.043992167822798314 0.02696653027583305 0.0037497518027049923 -0.09066514732136553 -0.2222268920024392 -0.3955788379351557 +13119,-0.7082314547066669,0,-0.822767561840784 -0.9233736018910174 -0.9914761520788696 -1.0611264874982627 -1.1570891718538738 -1.2143572254209325 -1.2174527958840138 -1.183401520790092 -0.9496859508272356 -0.5936953475725497 -0.3305718582103936 -0.1603154827407585 -0.06435279838514728 0.043992167822798314 0.02696653027583305 0.0037497518027049923 -0.09066514732136553 -0.2222268920024392 -0.3955788379351557 -0.601434273730262 +13120,-0.7949074276730251,0,-0.9233736018910174 -0.9914761520788696 -1.0611264874982627 -1.1570891718538738 -1.2143572254209325 -1.2174527958840138 -1.183401520790092 -0.9496859508272356 -0.5936953475725497 -0.3305718582103936 -0.1603154827407585 -0.06435279838514728 0.043992167822798314 0.02696653027583305 0.0037497518027049923 -0.09066514732136553 -0.2222268920024392 -0.3955788379351557 -0.601434273730262 -0.7082314547066669 +13121,-0.8336020584615778,0,-0.9914761520788696 -1.0611264874982627 -1.1570891718538738 -1.2143572254209325 -1.2174527958840138 -1.183401520790092 -0.9496859508272356 -0.5936953475725497 -0.3305718582103936 -0.1603154827407585 -0.06435279838514728 0.043992167822798314 0.02696653027583305 0.0037497518027049923 -0.09066514732136553 -0.2222268920024392 -0.3955788379351557 -0.601434273730262 -0.7082314547066669 -0.7949074276730251 +13122,-0.8630099778608774,0,-1.0611264874982627 -1.1570891718538738 -1.2143572254209325 -1.2174527958840138 -1.183401520790092 -0.9496859508272356 -0.5936953475725497 -0.3305718582103936 -0.1603154827407585 -0.06435279838514728 0.043992167822798314 0.02696653027583305 0.0037497518027049923 -0.09066514732136553 -0.2222268920024392 -0.3955788379351557 -0.601434273730262 -0.7082314547066669 -0.7949074276730251 -0.8336020584615778 +13123,-0.9140868905017644,0,-1.1570891718538738 -1.2143572254209325 -1.2174527958840138 -1.183401520790092 -0.9496859508272356 -0.5936953475725497 -0.3305718582103936 -0.1603154827407585 -0.06435279838514728 0.043992167822798314 0.02696653027583305 0.0037497518027049923 -0.09066514732136553 -0.2222268920024392 -0.3955788379351557 -0.601434273730262 -0.7082314547066669 -0.7949074276730251 -0.8336020584615778 -0.8630099778608774 +13124,-0.8397931993877406,0,-1.2143572254209325 -1.2174527958840138 -1.183401520790092 -0.9496859508272356 -0.5936953475725497 -0.3305718582103936 -0.1603154827407585 -0.06435279838514728 0.043992167822798314 0.02696653027583305 0.0037497518027049923 -0.09066514732136553 -0.2222268920024392 -0.3955788379351557 -0.601434273730262 -0.7082314547066669 -0.7949074276730251 -0.8336020584615778 -0.8630099778608774 -0.9140868905017644 +13125,-0.8676533335554995,0,-1.2174527958840138 -1.183401520790092 -0.9496859508272356 -0.5936953475725497 -0.3305718582103936 -0.1603154827407585 -0.06435279838514728 0.043992167822798314 0.02696653027583305 0.0037497518027049923 -0.09066514732136553 -0.2222268920024392 -0.3955788379351557 -0.601434273730262 -0.7082314547066669 -0.7949074276730251 -0.8336020584615778 -0.8630099778608774 -0.9140868905017644 -0.8397931993877406 +13126,-0.9233736018910174,0,-1.183401520790092 -0.9496859508272356 -0.5936953475725497 -0.3305718582103936 -0.1603154827407585 -0.06435279838514728 0.043992167822798314 0.02696653027583305 0.0037497518027049923 -0.09066514732136553 -0.2222268920024392 -0.3955788379351557 -0.601434273730262 -0.7082314547066669 -0.7949074276730251 -0.8336020584615778 -0.8630099778608774 -0.9140868905017644 -0.8397931993877406 -0.8676533335554995 +13127,-0.952781521290317,0,-0.9496859508272356 -0.5936953475725497 -0.3305718582103936 -0.1603154827407585 -0.06435279838514728 0.043992167822798314 0.02696653027583305 0.0037497518027049923 -0.09066514732136553 -0.2222268920024392 -0.3955788379351557 -0.601434273730262 -0.7082314547066669 -0.7949074276730251 -0.8336020584615778 -0.8630099778608774 -0.9140868905017644 -0.8397931993877406 -0.8676533335554995 -0.9233736018910174 +13128,-1.0951777625921932,0,-0.5936953475725497 -0.3305718582103936 -0.1603154827407585 -0.06435279838514728 0.043992167822798314 0.02696653027583305 0.0037497518027049923 -0.09066514732136553 -0.2222268920024392 -0.3955788379351557 -0.601434273730262 -0.7082314547066669 -0.7949074276730251 -0.8336020584615778 -0.8630099778608774 -0.9140868905017644 -0.8397931993877406 -0.8676533335554995 -0.9233736018910174 -0.952781521290317 +13129,-1.1632803127800455,0,-0.3305718582103936 -0.1603154827407585 -0.06435279838514728 0.043992167822798314 0.02696653027583305 0.0037497518027049923 -0.09066514732136553 -0.2222268920024392 -0.3955788379351557 -0.601434273730262 -0.7082314547066669 -0.7949074276730251 -0.8336020584615778 -0.8630099778608774 -0.9140868905017644 -0.8397931993877406 -0.8676533335554995 -0.9233736018910174 -0.952781521290317 -1.0951777625921932 +13130,-1.1988793731055079,0,-0.1603154827407585 -0.06435279838514728 0.043992167822798314 0.02696653027583305 0.0037497518027049923 -0.09066514732136553 -0.2222268920024392 -0.3955788379351557 -0.601434273730262 -0.7082314547066669 -0.7949074276730251 -0.8336020584615778 -0.8630099778608774 -0.9140868905017644 -0.8397931993877406 -0.8676533335554995 -0.9233736018910174 -0.952781521290317 -1.0951777625921932 -1.1632803127800455 +13131,-1.1060122592129868,0,-0.06435279838514728 0.043992167822798314 0.02696653027583305 0.0037497518027049923 -0.09066514732136553 -0.2222268920024392 -0.3955788379351557 -0.601434273730262 -0.7082314547066669 -0.7949074276730251 -0.8336020584615778 -0.8630099778608774 -0.9140868905017644 -0.8397931993877406 -0.8676533335554995 -0.9233736018910174 -0.952781521290317 -1.0951777625921932 -1.1632803127800455 -1.1988793731055079 +13132,-0.8738444744816711,0,0.043992167822798314 0.02696653027583305 0.0037497518027049923 -0.09066514732136553 -0.2222268920024392 -0.3955788379351557 -0.601434273730262 -0.7082314547066669 -0.7949074276730251 -0.8336020584615778 -0.8630099778608774 -0.9140868905017644 -0.8397931993877406 -0.8676533335554995 -0.9233736018910174 -0.952781521290317 -1.0951777625921932 -1.1632803127800455 -1.1988793731055079 -1.1060122592129868 +13133,-0.6927536023912423,0,0.02696653027583305 0.0037497518027049923 -0.09066514732136553 -0.2222268920024392 -0.3955788379351557 -0.601434273730262 -0.7082314547066669 -0.7949074276730251 -0.8336020584615778 -0.8630099778608774 -0.9140868905017644 -0.8397931993877406 -0.8676533335554995 -0.9233736018910174 -0.952781521290317 -1.0951777625921932 -1.1632803127800455 -1.1988793731055079 -1.1060122592129868 -0.8738444744816711 +13134,-0.5519051463209157,0,0.0037497518027049923 -0.09066514732136553 -0.2222268920024392 -0.3955788379351557 -0.601434273730262 -0.7082314547066669 -0.7949074276730251 -0.8336020584615778 -0.8630099778608774 -0.9140868905017644 -0.8397931993877406 -0.8676533335554995 -0.9233736018910174 -0.952781521290317 -1.0951777625921932 -1.1632803127800455 -1.1988793731055079 -1.1060122592129868 -0.8738444744816711 -0.6927536023912423 +13135,-0.40641333455594936,0,-0.09066514732136553 -0.2222268920024392 -0.3955788379351557 -0.601434273730262 -0.7082314547066669 -0.7949074276730251 -0.8336020584615778 -0.8630099778608774 -0.9140868905017644 -0.8397931993877406 -0.8676533335554995 -0.9233736018910174 -0.952781521290317 -1.0951777625921932 -1.1632803127800455 -1.1988793731055079 -1.1060122592129868 -0.8738444744816711 -0.6927536023912423 -0.5519051463209157 +13136,-0.29187722742184097,0,-0.2222268920024392 -0.3955788379351557 -0.601434273730262 -0.7082314547066669 -0.7949074276730251 -0.8336020584615778 -0.8630099778608774 -0.9140868905017644 -0.8397931993877406 -0.8676533335554995 -0.9233736018910174 -0.952781521290317 -1.0951777625921932 -1.1632803127800455 -1.1988793731055079 -1.1060122592129868 -0.8738444744816711 -0.6927536023912423 -0.5519051463209157 -0.40641333455594936 +13137,-0.2129401806131862,0,-0.3955788379351557 -0.601434273730262 -0.7082314547066669 -0.7949074276730251 -0.8336020584615778 -0.8630099778608774 -0.9140868905017644 -0.8397931993877406 -0.8676533335554995 -0.9233736018910174 -0.952781521290317 -1.0951777625921932 -1.1632803127800455 -1.1988793731055079 -1.1060122592129868 -0.8738444744816711 -0.6927536023912423 -0.5519051463209157 -0.40641333455594936 -0.29187722742184097 +13138,-0.2098446101501048,0,-0.601434273730262 -0.7082314547066669 -0.7949074276730251 -0.8336020584615778 -0.8630099778608774 -0.9140868905017644 -0.8397931993877406 -0.8676533335554995 -0.9233736018910174 -0.952781521290317 -1.0951777625921932 -1.1632803127800455 -1.1988793731055079 -1.1060122592129868 -0.8738444744816711 -0.6927536023912423 -0.5519051463209157 -0.40641333455594936 -0.29187722742184097 -0.2129401806131862 +13139,-0.29652058311646307,0,-0.7082314547066669 -0.7949074276730251 -0.8336020584615778 -0.8630099778608774 -0.9140868905017644 -0.8397931993877406 -0.8676533335554995 -0.9233736018910174 -0.952781521290317 -1.0951777625921932 -1.1632803127800455 -1.1988793731055079 -1.1060122592129868 -0.8738444744816711 -0.6927536023912423 -0.5519051463209157 -0.40641333455594936 -0.29187722742184097 -0.2129401806131862 -0.2098446101501048 +13140,-0.40176997886132726,0,-0.7949074276730251 -0.8336020584615778 -0.8630099778608774 -0.9140868905017644 -0.8397931993877406 -0.8676533335554995 -0.9233736018910174 -0.952781521290317 -1.0951777625921932 -1.1632803127800455 -1.1988793731055079 -1.1060122592129868 -0.8738444744816711 -0.6927536023912423 -0.5519051463209157 -0.40641333455594936 -0.29187722742184097 -0.2129401806131862 -0.2098446101501048 -0.29652058311646307 +13141,-0.5286883678477788,0,-0.8336020584615778 -0.8630099778608774 -0.9140868905017644 -0.8397931993877406 -0.8676533335554995 -0.9233736018910174 -0.952781521290317 -1.0951777625921932 -1.1632803127800455 -1.1988793731055079 -1.1060122592129868 -0.8738444744816711 -0.6927536023912423 -0.5519051463209157 -0.40641333455594936 -0.29187722742184097 -0.2129401806131862 -0.2098446101501048 -0.29652058311646307 -0.40176997886132726 +13142,-0.6819191057704487,0,-0.8630099778608774 -0.9140868905017644 -0.8397931993877406 -0.8676533335554995 -0.9233736018910174 -0.952781521290317 -1.0951777625921932 -1.1632803127800455 -1.1988793731055079 -1.1060122592129868 -0.8738444744816711 -0.6927536023912423 -0.5519051463209157 -0.40641333455594936 -0.29187722742184097 -0.2129401806131862 -0.2098446101501048 -0.29652058311646307 -0.40176997886132726 -0.5286883678477788 +13143,-0.8196719913776939,0,-0.9140868905017644 -0.8397931993877406 -0.8676533335554995 -0.9233736018910174 -0.952781521290317 -1.0951777625921932 -1.1632803127800455 -1.1988793731055079 -1.1060122592129868 -0.8738444744816711 -0.6927536023912423 -0.5519051463209157 -0.40641333455594936 -0.29187722742184097 -0.2129401806131862 -0.2098446101501048 -0.29652058311646307 -0.40176997886132726 -0.5286883678477788 -0.6819191057704487 +13144,-0.9032523938809707,0,-0.8397931993877406 -0.8676533335554995 -0.9233736018910174 -0.952781521290317 -1.0951777625921932 -1.1632803127800455 -1.1988793731055079 -1.1060122592129868 -0.8738444744816711 -0.6927536023912423 -0.5519051463209157 -0.40641333455594936 -0.29187722742184097 -0.2129401806131862 -0.2098446101501048 -0.29652058311646307 -0.40176997886132726 -0.5286883678477788 -0.6819191057704487 -0.8196719913776939 +13145,-0.938851454206442,0,-0.8676533335554995 -0.9233736018910174 -0.952781521290317 -1.0951777625921932 -1.1632803127800455 -1.1988793731055079 -1.1060122592129868 -0.8738444744816711 -0.6927536023912423 -0.5519051463209157 -0.40641333455594936 -0.29187722742184097 -0.2129401806131862 -0.2098446101501048 -0.29652058311646307 -0.40176997886132726 -0.5286883678477788 -0.6819191057704487 -0.8196719913776939 -0.9032523938809707 +13146,-0.994571722541951,0,-0.9233736018910174 -0.952781521290317 -1.0951777625921932 -1.1632803127800455 -1.1988793731055079 -1.1060122592129868 -0.8738444744816711 -0.6927536023912423 -0.5519051463209157 -0.40641333455594936 -0.29187722742184097 -0.2129401806131862 -0.2098446101501048 -0.29652058311646307 -0.40176997886132726 -0.5286883678477788 -0.6819191057704487 -0.8196719913776939 -0.9032523938809707 -0.938851454206442 +13147,-1.0394574942566752,0,-0.952781521290317 -1.0951777625921932 -1.1632803127800455 -1.1988793731055079 -1.1060122592129868 -0.8738444744816711 -0.6927536023912423 -0.5519051463209157 -0.40641333455594936 -0.29187722742184097 -0.2129401806131862 -0.2098446101501048 -0.29652058311646307 -0.40176997886132726 -0.5286883678477788 -0.6819191057704487 -0.8196719913776939 -0.9032523938809707 -0.938851454206442 -0.994571722541951 +13148,-1.1431591047699987,0,-1.0951777625921932 -1.1632803127800455 -1.1988793731055079 -1.1060122592129868 -0.8738444744816711 -0.6927536023912423 -0.5519051463209157 -0.40641333455594936 -0.29187722742184097 -0.2129401806131862 -0.2098446101501048 -0.29652058311646307 -0.40176997886132726 -0.5286883678477788 -0.6819191057704487 -0.8196719913776939 -0.9032523938809707 -0.938851454206442 -0.994571722541951 -1.0394574942566752 +13149,-1.253051856209485,0,-1.1632803127800455 -1.1988793731055079 -1.1060122592129868 -0.8738444744816711 -0.6927536023912423 -0.5519051463209157 -0.40641333455594936 -0.29187722742184097 -0.2129401806131862 -0.2098446101501048 -0.29652058311646307 -0.40176997886132726 -0.5286883678477788 -0.6819191057704487 -0.8196719913776939 -0.9032523938809707 -0.938851454206442 -0.994571722541951 -1.0394574942566752 -1.1431591047699987 +13150,-1.3428233996389247,0,-1.1988793731055079 -1.1060122592129868 -0.8738444744816711 -0.6927536023912423 -0.5519051463209157 -0.40641333455594936 -0.29187722742184097 -0.2129401806131862 -0.2098446101501048 -0.29652058311646307 -0.40176997886132726 -0.5286883678477788 -0.6819191057704487 -0.8196719913776939 -0.9032523938809707 -0.938851454206442 -0.994571722541951 -1.0394574942566752 -1.1431591047699987 -1.253051856209485 +13151,-1.3799702451959366,0,-1.1060122592129868 -0.8738444744816711 -0.6927536023912423 -0.5519051463209157 -0.40641333455594936 -0.29187722742184097 -0.2129401806131862 -0.2098446101501048 -0.29652058311646307 -0.40176997886132726 -0.5286883678477788 -0.6819191057704487 -0.8196719913776939 -0.9032523938809707 -0.938851454206442 -0.994571722541951 -1.0394574942566752 -1.1431591047699987 -1.253051856209485 -1.3428233996389247 +13152,-1.3706835338066836,0,-0.8738444744816711 -0.6927536023912423 -0.5519051463209157 -0.40641333455594936 -0.29187722742184097 -0.2129401806131862 -0.2098446101501048 -0.29652058311646307 -0.40176997886132726 -0.5286883678477788 -0.6819191057704487 -0.8196719913776939 -0.9032523938809707 -0.938851454206442 -0.994571722541951 -1.0394574942566752 -1.1431591047699987 -1.253051856209485 -1.3428233996389247 -1.3799702451959366 +13153,-1.4341427282999137,0,-0.6927536023912423 -0.5519051463209157 -0.40641333455594936 -0.29187722742184097 -0.2129401806131862 -0.2098446101501048 -0.29652058311646307 -0.40176997886132726 -0.5286883678477788 -0.6819191057704487 -0.8196719913776939 -0.9032523938809707 -0.938851454206442 -0.994571722541951 -1.0394574942566752 -1.1431591047699987 -1.253051856209485 -1.3428233996389247 -1.3799702451959366 -1.3706835338066836 +13154,-1.4542639363099605,0,-0.5519051463209157 -0.40641333455594936 -0.29187722742184097 -0.2129401806131862 -0.2098446101501048 -0.29652058311646307 -0.40176997886132726 -0.5286883678477788 -0.6819191057704487 -0.8196719913776939 -0.9032523938809707 -0.938851454206442 -0.994571722541951 -1.0394574942566752 -1.1431591047699987 -1.253051856209485 -1.3428233996389247 -1.3799702451959366 -1.3706835338066836 -1.4341427282999137 +13155,-1.304128768850372,0,-0.40641333455594936 -0.29187722742184097 -0.2129401806131862 -0.2098446101501048 -0.29652058311646307 -0.40176997886132726 -0.5286883678477788 -0.6819191057704487 -0.8196719913776939 -0.9032523938809707 -0.938851454206442 -0.994571722541951 -1.0394574942566752 -1.1431591047699987 -1.253051856209485 -1.3428233996389247 -1.3799702451959366 -1.3706835338066836 -1.4341427282999137 -1.4542639363099605 +13156,-1.0410052794882159,0,-0.29187722742184097 -0.2129401806131862 -0.2098446101501048 -0.29652058311646307 -0.40176997886132726 -0.5286883678477788 -0.6819191057704487 -0.8196719913776939 -0.9032523938809707 -0.938851454206442 -0.994571722541951 -1.0394574942566752 -1.1431591047699987 -1.253051856209485 -1.3428233996389247 -1.3799702451959366 -1.3706835338066836 -1.4341427282999137 -1.4542639363099605 -1.304128768850372 +13157,-0.9001568234178893,0,-0.2129401806131862 -0.2098446101501048 -0.29652058311646307 -0.40176997886132726 -0.5286883678477788 -0.6819191057704487 -0.8196719913776939 -0.9032523938809707 -0.938851454206442 -0.994571722541951 -1.0394574942566752 -1.1431591047699987 -1.253051856209485 -1.3428233996389247 -1.3799702451959366 -1.3706835338066836 -1.4341427282999137 -1.4542639363099605 -1.304128768850372 -1.0410052794882159 +13158,-0.6385811192872651,0,-0.2098446101501048 -0.29652058311646307 -0.40176997886132726 -0.5286883678477788 -0.6819191057704487 -0.8196719913776939 -0.9032523938809707 -0.938851454206442 -0.994571722541951 -1.0394574942566752 -1.1431591047699987 -1.253051856209485 -1.3428233996389247 -1.3799702451959366 -1.3706835338066836 -1.4341427282999137 -1.4542639363099605 -1.304128768850372 -1.0410052794882159 -0.9001568234178893 +13159,-0.4884459518276855,0,-0.29652058311646307 -0.40176997886132726 -0.5286883678477788 -0.6819191057704487 -0.8196719913776939 -0.9032523938809707 -0.938851454206442 -0.994571722541951 -1.0394574942566752 -1.1431591047699987 -1.253051856209485 -1.3428233996389247 -1.3799702451959366 -1.3706835338066836 -1.4341427282999137 -1.4542639363099605 -1.304128768850372 -1.0410052794882159 -0.9001568234178893 -0.6385811192872651 +13160,-0.4126044754821209,0,-0.40176997886132726 -0.5286883678477788 -0.6819191057704487 -0.8196719913776939 -0.9032523938809707 -0.938851454206442 -0.994571722541951 -1.0394574942566752 -1.1431591047699987 -1.253051856209485 -1.3428233996389247 -1.3799702451959366 -1.3706835338066836 -1.4341427282999137 -1.4542639363099605 -1.304128768850372 -1.0410052794882159 -0.9001568234178893 -0.6385811192872651 -0.4884459518276855 +13161,-0.3553364219150623,0,-0.5286883678477788 -0.6819191057704487 -0.8196719913776939 -0.9032523938809707 -0.938851454206442 -0.994571722541951 -1.0394574942566752 -1.1431591047699987 -1.253051856209485 -1.3428233996389247 -1.3799702451959366 -1.3706835338066836 -1.4341427282999137 -1.4542639363099605 -1.304128768850372 -1.0410052794882159 -0.9001568234178893 -0.6385811192872651 -0.4884459518276855 -0.4126044754821209 +13162,-0.46987252904917953,0,-0.6819191057704487 -0.8196719913776939 -0.9032523938809707 -0.938851454206442 -0.994571722541951 -1.0394574942566752 -1.1431591047699987 -1.253051856209485 -1.3428233996389247 -1.3799702451959366 -1.3706835338066836 -1.4341427282999137 -1.4542639363099605 -1.304128768850372 -1.0410052794882159 -0.9001568234178893 -0.6385811192872651 -0.4884459518276855 -0.4126044754821209 -0.3553364219150623 +13163,-0.8418053201887505,0,-0.8196719913776939 -0.9032523938809707 -0.938851454206442 -0.994571722541951 -1.0394574942566752 -1.1431591047699987 -1.253051856209485 -1.3428233996389247 -1.3799702451959366 -1.3706835338066836 -1.4341427282999137 -1.4542639363099605 -1.304128768850372 -1.0410052794882159 -0.9001568234178893 -0.6385811192872651 -0.4884459518276855 -0.4126044754821209 -0.3553364219150623 -0.46987252904917953 +13164,-0.6354855488241837,0,-0.9032523938809707 -0.938851454206442 -0.994571722541951 -1.0394574942566752 -1.1431591047699987 -1.253051856209485 -1.3428233996389247 -1.3799702451959366 -1.3706835338066836 -1.4341427282999137 -1.4542639363099605 -1.304128768850372 -1.0410052794882159 -0.9001568234178893 -0.6385811192872651 -0.4884459518276855 -0.4126044754821209 -0.3553364219150623 -0.46987252904917953 -0.8418053201887505 +13165,-0.6881102466966202,0,-0.938851454206442 -0.994571722541951 -1.0394574942566752 -1.1431591047699987 -1.253051856209485 -1.3428233996389247 -1.3799702451959366 -1.3706835338066836 -1.4341427282999137 -1.4542639363099605 -1.304128768850372 -1.0410052794882159 -0.9001568234178893 -0.6385811192872651 -0.4884459518276855 -0.4126044754821209 -0.3553364219150623 -0.46987252904917953 -0.8418053201887505 -0.6354855488241837 +13166,-0.8119330652199815,0,-0.994571722541951 -1.0394574942566752 -1.1431591047699987 -1.253051856209485 -1.3428233996389247 -1.3799702451959366 -1.3706835338066836 -1.4341427282999137 -1.4542639363099605 -1.304128768850372 -1.0410052794882159 -0.9001568234178893 -0.6385811192872651 -0.4884459518276855 -0.4126044754821209 -0.3553364219150623 -0.46987252904917953 -0.8418053201887505 -0.6354855488241837 -0.6881102466966202 +13167,-0.9868327963842388,0,-1.0394574942566752 -1.1431591047699987 -1.253051856209485 -1.3428233996389247 -1.3799702451959366 -1.3706835338066836 -1.4341427282999137 -1.4542639363099605 -1.304128768850372 -1.0410052794882159 -0.9001568234178893 -0.6385811192872651 -0.4884459518276855 -0.4126044754821209 -0.3553364219150623 -0.46987252904917953 -0.8418053201887505 -0.6354855488241837 -0.6881102466966202 -0.8119330652199815 +13168,-1.0657698431928935,0,-1.1431591047699987 -1.253051856209485 -1.3428233996389247 -1.3799702451959366 -1.3706835338066836 -1.4341427282999137 -1.4542639363099605 -1.304128768850372 -1.0410052794882159 -0.9001568234178893 -0.6385811192872651 -0.4884459518276855 -0.4126044754821209 -0.3553364219150623 -0.46987252904917953 -0.8418053201887505 -0.6354855488241837 -0.6881102466966202 -0.8119330652199815 -0.9868327963842388 +13169,-1.1338723933807457,0,-1.253051856209485 -1.3428233996389247 -1.3799702451959366 -1.3706835338066836 -1.4341427282999137 -1.4542639363099605 -1.304128768850372 -1.0410052794882159 -0.9001568234178893 -0.6385811192872651 -0.4884459518276855 -0.4126044754821209 -0.3553364219150623 -0.46987252904917953 -0.8418053201887505 -0.6354855488241837 -0.6881102466966202 -0.8119330652199815 -0.9868327963842388 -1.0657698431928935 +13170,-1.2236439368101855,0,-1.3428233996389247 -1.3799702451959366 -1.3706835338066836 -1.4341427282999137 -1.4542639363099605 -1.304128768850372 -1.0410052794882159 -0.9001568234178893 -0.6385811192872651 -0.4884459518276855 -0.4126044754821209 -0.3553364219150623 -0.46987252904917953 -0.8418053201887505 -0.6354855488241837 -0.6881102466966202 -0.8119330652199815 -0.9868327963842388 -1.0657698431928935 -1.1338723933807457 +13171,-1.3025809836188313,0,-1.3799702451959366 -1.3706835338066836 -1.4341427282999137 -1.4542639363099605 -1.304128768850372 -1.0410052794882159 -0.9001568234178893 -0.6385811192872651 -0.4884459518276855 -0.4126044754821209 -0.3553364219150623 -0.46987252904917953 -0.8418053201887505 -0.6354855488241837 -0.6881102466966202 -0.8119330652199815 -0.9868327963842388 -1.0657698431928935 -1.1338723933807457 -1.2236439368101855 +13172,-1.4062825941321548,0,-1.3706835338066836 -1.4341427282999137 -1.4542639363099605 -1.304128768850372 -1.0410052794882159 -0.9001568234178893 -0.6385811192872651 -0.4884459518276855 -0.4126044754821209 -0.3553364219150623 -0.46987252904917953 -0.8418053201887505 -0.6354855488241837 -0.6881102466966202 -0.8119330652199815 -0.9868327963842388 -1.0657698431928935 -1.1338723933807457 -1.2236439368101855 -1.3025809836188313 +13173,-1.485219640940801,0,-1.4341427282999137 -1.4542639363099605 -1.304128768850372 -1.0410052794882159 -0.9001568234178893 -0.6385811192872651 -0.4884459518276855 -0.4126044754821209 -0.3553364219150623 -0.46987252904917953 -0.8418053201887505 -0.6354855488241837 -0.6881102466966202 -0.8119330652199815 -0.9868327963842388 -1.0657698431928935 -1.1338723933807457 -1.2236439368101855 -1.3025809836188313 -1.4062825941321548 +13174,-1.5595133320548247,0,-1.4542639363099605 -1.304128768850372 -1.0410052794882159 -0.9001568234178893 -0.6385811192872651 -0.4884459518276855 -0.4126044754821209 -0.3553364219150623 -0.46987252904917953 -0.8418053201887505 -0.6354855488241837 -0.6881102466966202 -0.8119330652199815 -0.9868327963842388 -1.0657698431928935 -1.1338723933807457 -1.2236439368101855 -1.3025809836188313 -1.4062825941321548 -1.485219640940801 +13175,-1.5889212514541244,0,-1.304128768850372 -1.0410052794882159 -0.9001568234178893 -0.6385811192872651 -0.4884459518276855 -0.4126044754821209 -0.3553364219150623 -0.46987252904917953 -0.8418053201887505 -0.6354855488241837 -0.6881102466966202 -0.8119330652199815 -0.9868327963842388 -1.0657698431928935 -1.1338723933807457 -1.2236439368101855 -1.3025809836188313 -1.4062825941321548 -1.485219640940801 -1.5595133320548247 +13176,-1.6338070231688397,0,-1.0410052794882159 -0.9001568234178893 -0.6385811192872651 -0.4884459518276855 -0.4126044754821209 -0.3553364219150623 -0.46987252904917953 -0.8418053201887505 -0.6354855488241837 -0.6881102466966202 -0.8119330652199815 -0.9868327963842388 -1.0657698431928935 -1.1338723933807457 -1.2236439368101855 -1.3025809836188313 -1.4062825941321548 -1.485219640940801 -1.5595133320548247 -1.5889212514541244 +13177,-1.6539282311788863,0,-0.9001568234178893 -0.6385811192872651 -0.4884459518276855 -0.4126044754821209 -0.3553364219150623 -0.46987252904917953 -0.8418053201887505 -0.6354855488241837 -0.6881102466966202 -0.8119330652199815 -0.9868327963842388 -1.0657698431928935 -1.1338723933807457 -1.2236439368101855 -1.3025809836188313 -1.4062825941321548 -1.485219640940801 -1.5595133320548247 -1.5889212514541244 -1.6338070231688397 +13178,-1.6167813856218833,0,-0.6385811192872651 -0.4884459518276855 -0.4126044754821209 -0.3553364219150623 -0.46987252904917953 -0.8418053201887505 -0.6354855488241837 -0.6881102466966202 -0.8119330652199815 -0.9868327963842388 -1.0657698431928935 -1.1338723933807457 -1.2236439368101855 -1.3025809836188313 -1.4062825941321548 -1.485219640940801 -1.5595133320548247 -1.5889212514541244 -1.6338070231688397 -1.6539282311788863 +13179,-1.2932942722295784,0,-0.4884459518276855 -0.4126044754821209 -0.3553364219150623 -0.46987252904917953 -0.8418053201887505 -0.6354855488241837 -0.6881102466966202 -0.8119330652199815 -0.9868327963842388 -1.0657698431928935 -1.1338723933807457 -1.2236439368101855 -1.3025809836188313 -1.4062825941321548 -1.485219640940801 -1.5595133320548247 -1.5889212514541244 -1.6338070231688397 -1.6539282311788863 -1.6167813856218833 +13180,-0.8877745415655461,0,-0.4126044754821209 -0.3553364219150623 -0.46987252904917953 -0.8418053201887505 -0.6354855488241837 -0.6881102466966202 -0.8119330652199815 -0.9868327963842388 -1.0657698431928935 -1.1338723933807457 -1.2236439368101855 -1.3025809836188313 -1.4062825941321548 -1.485219640940801 -1.5595133320548247 -1.5889212514541244 -1.6338070231688397 -1.6539282311788863 -1.6167813856218833 -1.2932942722295784 +13181,-0.6091731998879655,0,-0.3553364219150623 -0.46987252904917953 -0.8418053201887505 -0.6354855488241837 -0.6881102466966202 -0.8119330652199815 -0.9868327963842388 -1.0657698431928935 -1.1338723933807457 -1.2236439368101855 -1.3025809836188313 -1.4062825941321548 -1.485219640940801 -1.5595133320548247 -1.5889212514541244 -1.6338070231688397 -1.6539282311788863 -1.6167813856218833 -1.2932942722295784 -0.8877745415655461 +13182,-0.356884207146603,0,-0.46987252904917953 -0.8418053201887505 -0.6354855488241837 -0.6881102466966202 -0.8119330652199815 -0.9868327963842388 -1.0657698431928935 -1.1338723933807457 -1.2236439368101855 -1.3025809836188313 -1.4062825941321548 -1.485219640940801 -1.5595133320548247 -1.5889212514541244 -1.6338070231688397 -1.6539282311788863 -1.6167813856218833 -1.2932942722295784 -0.8877745415655461 -0.6091731998879655 +13183,-0.19436675783468904,0,-0.8418053201887505 -0.6354855488241837 -0.6881102466966202 -0.8119330652199815 -0.9868327963842388 -1.0657698431928935 -1.1338723933807457 -1.2236439368101855 -1.3025809836188313 -1.4062825941321548 -1.485219640940801 -1.5595133320548247 -1.5889212514541244 -1.6338070231688397 -1.6539282311788863 -1.6167813856218833 -1.2932942722295784 -0.8877745415655461 -0.6091731998879655 -0.356884207146603 +13184,0.045539953054339014,0,-0.6354855488241837 -0.6881102466966202 -0.8119330652199815 -0.9868327963842388 -1.0657698431928935 -1.1338723933807457 -1.2236439368101855 -1.3025809836188313 -1.4062825941321548 -1.485219640940801 -1.5595133320548247 -1.5889212514541244 -1.6338070231688397 -1.6539282311788863 -1.6167813856218833 -1.2932942722295784 -0.8877745415655461 -0.6091731998879655 -0.356884207146603 -0.19436675783468904 +13185,0.09971243615831621,0,-0.6881102466966202 -0.8119330652199815 -0.9868327963842388 -1.0657698431928935 -1.1338723933807457 -1.2236439368101855 -1.3025809836188313 -1.4062825941321548 -1.485219640940801 -1.5595133320548247 -1.5889212514541244 -1.6338070231688397 -1.6539282311788863 -1.6167813856218833 -1.2932942722295784 -0.8877745415655461 -0.6091731998879655 -0.356884207146603 -0.19436675783468904 0.045539953054339014 +13186,0.15698048972537482,0,-0.8119330652199815 -0.9868327963842388 -1.0657698431928935 -1.1338723933807457 -1.2236439368101855 -1.3025809836188313 -1.4062825941321548 -1.485219640940801 -1.5595133320548247 -1.5889212514541244 -1.6338070231688397 -1.6539282311788863 -1.6167813856218833 -1.2932942722295784 -0.8877745415655461 -0.6091731998879655 -0.356884207146603 -0.19436675783468904 0.045539953054339014 0.09971243615831621 +13187,0.11054693277910989,0,-0.9868327963842388 -1.0657698431928935 -1.1338723933807457 -1.2236439368101855 -1.3025809836188313 -1.4062825941321548 -1.485219640940801 -1.5595133320548247 -1.5889212514541244 -1.6338070231688397 -1.6539282311788863 -1.6167813856218833 -1.2932942722295784 -0.8877745415655461 -0.6091731998879655 -0.356884207146603 -0.19436675783468904 0.045539953054339014 0.09971243615831621 0.15698048972537482 +13188,0.02232317458121096,0,-1.0657698431928935 -1.1338723933807457 -1.2236439368101855 -1.3025809836188313 -1.4062825941321548 -1.485219640940801 -1.5595133320548247 -1.5889212514541244 -1.6338070231688397 -1.6539282311788863 -1.6167813856218833 -1.2932942722295784 -0.8877745415655461 -0.6091731998879655 -0.356884207146603 -0.19436675783468904 0.045539953054339014 0.09971243615831621 0.15698048972537482 0.11054693277910989 +13189,-0.09995185871061851,0,-1.1338723933807457 -1.2236439368101855 -1.3025809836188313 -1.4062825941321548 -1.485219640940801 -1.5595133320548247 -1.5889212514541244 -1.6338070231688397 -1.6539282311788863 -1.6167813856218833 -1.2932942722295784 -0.8877745415655461 -0.6091731998879655 -0.356884207146603 -0.19436675783468904 0.045539953054339014 0.09971243615831621 0.15698048972537482 0.11054693277910989 0.02232317458121096 +13190,-0.4141522607136616,0,-1.2236439368101855 -1.3025809836188313 -1.4062825941321548 -1.485219640940801 -1.5595133320548247 -1.5889212514541244 -1.6338070231688397 -1.6539282311788863 -1.6167813856218833 -1.2932942722295784 -0.8877745415655461 -0.6091731998879655 -0.356884207146603 -0.19436675783468904 0.045539953054339014 0.09971243615831621 0.15698048972537482 0.11054693277910989 0.02232317458121096 -0.09995185871061851 +13191,-0.6277466226664714,0,-1.3025809836188313 -1.4062825941321548 -1.485219640940801 -1.5595133320548247 -1.5889212514541244 -1.6338070231688397 -1.6539282311788863 -1.6167813856218833 -1.2932942722295784 -0.8877745415655461 -0.6091731998879655 -0.356884207146603 -0.19436675783468904 0.045539953054339014 0.09971243615831621 0.15698048972537482 0.11054693277910989 0.02232317458121096 -0.09995185871061851 -0.4141522607136616 +13192,-0.7763340048945192,0,-1.4062825941321548 -1.485219640940801 -1.5595133320548247 -1.5889212514541244 -1.6338070231688397 -1.6539282311788863 -1.6167813856218833 -1.2932942722295784 -0.8877745415655461 -0.6091731998879655 -0.356884207146603 -0.19436675783468904 0.045539953054339014 0.09971243615831621 0.15698048972537482 0.11054693277910989 0.02232317458121096 -0.09995185871061851 -0.4141522607136616 -0.6277466226664714 +13193,-0.8506276960085343,0,-1.485219640940801 -1.5595133320548247 -1.5889212514541244 -1.6338070231688397 -1.6539282311788863 -1.6167813856218833 -1.2932942722295784 -0.8877745415655461 -0.6091731998879655 -0.356884207146603 -0.19436675783468904 0.045539953054339014 0.09971243615831621 0.15698048972537482 0.11054693277910989 0.02232317458121096 -0.09995185871061851 -0.4141522607136616 -0.6277466226664714 -0.7763340048945192 +13194,-0.9605204474480293,0,-1.5595133320548247 -1.5889212514541244 -1.6338070231688397 -1.6539282311788863 -1.6167813856218833 -1.2932942722295784 -0.8877745415655461 -0.6091731998879655 -0.356884207146603 -0.19436675783468904 0.045539953054339014 0.09971243615831621 0.15698048972537482 0.11054693277910989 0.02232317458121096 -0.09995185871061851 -0.4141522607136616 -0.6277466226664714 -0.7763340048945192 -0.8506276960085343 +13195,-1.0239796419412508,0,-1.5889212514541244 -1.6338070231688397 -1.6539282311788863 -1.6167813856218833 -1.2932942722295784 -0.8877745415655461 -0.6091731998879655 -0.356884207146603 -0.19436675783468904 0.045539953054339014 0.09971243615831621 0.15698048972537482 0.11054693277910989 0.02232317458121096 -0.09995185871061851 -0.4141522607136616 -0.6277466226664714 -0.7763340048945192 -0.8506276960085343 -0.9605204474480293 +13196,-1.059578702266722,0,-1.6338070231688397 -1.6539282311788863 -1.6167813856218833 -1.2932942722295784 -0.8877745415655461 -0.6091731998879655 -0.356884207146603 -0.19436675783468904 0.045539953054339014 0.09971243615831621 0.15698048972537482 0.11054693277910989 0.02232317458121096 -0.09995185871061851 -0.4141522607136616 -0.6277466226664714 -0.7763340048945192 -0.8506276960085343 -0.9605204474480293 -1.0239796419412508 +13197,-1.0936299773606524,0,-1.6539282311788863 -1.6167813856218833 -1.2932942722295784 -0.8877745415655461 -0.6091731998879655 -0.356884207146603 -0.19436675783468904 0.045539953054339014 0.09971243615831621 0.15698048972537482 0.11054693277910989 0.02232317458121096 -0.09995185871061851 -0.4141522607136616 -0.6277466226664714 -0.7763340048945192 -0.8506276960085343 -0.9605204474480293 -1.0239796419412508 -1.059578702266722 +13198,-1.1338723933807457,0,-1.6167813856218833 -1.2932942722295784 -0.8877745415655461 -0.6091731998879655 -0.356884207146603 -0.19436675783468904 0.045539953054339014 0.09971243615831621 0.15698048972537482 0.11054693277910989 0.02232317458121096 -0.09995185871061851 -0.4141522607136616 -0.6277466226664714 -0.7763340048945192 -0.8506276960085343 -0.9605204474480293 -1.0239796419412508 -1.059578702266722 -1.0936299773606524 +13199,-1.1663758832431268,0,-1.2932942722295784 -0.8877745415655461 -0.6091731998879655 -0.356884207146603 -0.19436675783468904 0.045539953054339014 0.09971243615831621 0.15698048972537482 0.11054693277910989 0.02232317458121096 -0.09995185871061851 -0.4141522607136616 -0.6277466226664714 -0.7763340048945192 -0.8506276960085343 -0.9605204474480293 -1.0239796419412508 -1.059578702266722 -1.0936299773606524 -1.1338723933807457 +13200,-1.192688232179345,0,-0.8877745415655461 -0.6091731998879655 -0.356884207146603 -0.19436675783468904 0.045539953054339014 0.09971243615831621 0.15698048972537482 0.11054693277910989 0.02232317458121096 -0.09995185871061851 -0.4141522607136616 -0.6277466226664714 -0.7763340048945192 -0.8506276960085343 -0.9605204474480293 -1.0239796419412508 -1.059578702266722 -1.0936299773606524 -1.1338723933807457 -1.1663758832431268 +13201,-1.1988793731055079,0,-0.6091731998879655 -0.356884207146603 -0.19436675783468904 0.045539953054339014 0.09971243615831621 0.15698048972537482 0.11054693277910989 0.02232317458121096 -0.09995185871061851 -0.4141522607136616 -0.6277466226664714 -0.7763340048945192 -0.8506276960085343 -0.9605204474480293 -1.0239796419412508 -1.059578702266722 -1.0936299773606524 -1.1338723933807457 -1.1663758832431268 -1.192688232179345 +13202,-1.1988793731055079,0,-0.356884207146603 -0.19436675783468904 0.045539953054339014 0.09971243615831621 0.15698048972537482 0.11054693277910989 0.02232317458121096 -0.09995185871061851 -0.4141522607136616 -0.6277466226664714 -0.7763340048945192 -0.8506276960085343 -0.9605204474480293 -1.0239796419412508 -1.059578702266722 -1.0936299773606524 -1.1338723933807457 -1.1663758832431268 -1.192688232179345 -1.1988793731055079 +13203,-1.059578702266722,0,-0.19436675783468904 0.045539953054339014 0.09971243615831621 0.15698048972537482 0.11054693277910989 0.02232317458121096 -0.09995185871061851 -0.4141522607136616 -0.6277466226664714 -0.7763340048945192 -0.8506276960085343 -0.9605204474480293 -1.0239796419412508 -1.059578702266722 -1.0936299773606524 -1.1338723933807457 -1.1663758832431268 -1.192688232179345 -1.1988793731055079 -1.1988793731055079 +13204,-0.7933596424414756,0,0.045539953054339014 0.09971243615831621 0.15698048972537482 0.11054693277910989 0.02232317458121096 -0.09995185871061851 -0.4141522607136616 -0.6277466226664714 -0.7763340048945192 -0.8506276960085343 -0.9605204474480293 -1.0239796419412508 -1.059578702266722 -1.0936299773606524 -1.1338723933807457 -1.1663758832431268 -1.192688232179345 -1.1988793731055079 -1.1988793731055079 -1.059578702266722 +13205,-0.5255927973846974,0,0.09971243615831621 0.15698048972537482 0.11054693277910989 0.02232317458121096 -0.09995185871061851 -0.4141522607136616 -0.6277466226664714 -0.7763340048945192 -0.8506276960085343 -0.9605204474480293 -1.0239796419412508 -1.059578702266722 -1.0936299773606524 -1.1338723933807457 -1.1663758832431268 -1.192688232179345 -1.1988793731055079 -1.1988793731055079 -1.059578702266722 -0.7933596424414756 +13206,-0.4249867573344553,0,0.15698048972537482 0.11054693277910989 0.02232317458121096 -0.09995185871061851 -0.4141522607136616 -0.6277466226664714 -0.7763340048945192 -0.8506276960085343 -0.9605204474480293 -1.0239796419412508 -1.059578702266722 -1.0936299773606524 -1.1338723933807457 -1.1663758832431268 -1.192688232179345 -1.1988793731055079 -1.1988793731055079 -1.059578702266722 -0.7933596424414756 -0.5255927973846974 +13207,-0.2779471603379571,0,0.11054693277910989 0.02232317458121096 -0.09995185871061851 -0.4141522607136616 -0.6277466226664714 -0.7763340048945192 -0.8506276960085343 -0.9605204474480293 -1.0239796419412508 -1.059578702266722 -1.0936299773606524 -1.1338723933807457 -1.1663758832431268 -1.192688232179345 -1.1988793731055079 -1.1988793731055079 -1.059578702266722 -0.7933596424414756 -0.5255927973846974 -0.4249867573344553 +13208,-0.09995185871061851,0,0.02232317458121096 -0.09995185871061851 -0.4141522607136616 -0.6277466226664714 -0.7763340048945192 -0.8506276960085343 -0.9605204474480293 -1.0239796419412508 -1.059578702266722 -1.0936299773606524 -1.1338723933807457 -1.1663758832431268 -1.192688232179345 -1.1988793731055079 -1.1988793731055079 -1.059578702266722 -0.7933596424414756 -0.5255927973846974 -0.4249867573344553 -0.2779471603379571 +13209,-0.0008936038919258983,0,-0.09995185871061851 -0.4141522607136616 -0.6277466226664714 -0.7763340048945192 -0.8506276960085343 -0.9605204474480293 -1.0239796419412508 -1.059578702266722 -1.0936299773606524 -1.1338723933807457 -1.1663758832431268 -1.192688232179345 -1.1988793731055079 -1.1988793731055079 -1.059578702266722 -0.7933596424414756 -0.5255927973846974 -0.4249867573344553 -0.2779471603379571 -0.09995185871061851 +13210,-0.017919241438882367,0,-0.4141522607136616 -0.6277466226664714 -0.7763340048945192 -0.8506276960085343 -0.9605204474480293 -1.0239796419412508 -1.059578702266722 -1.0936299773606524 -1.1338723933807457 -1.1663758832431268 -1.192688232179345 -1.1988793731055079 -1.1988793731055079 -1.059578702266722 -0.7933596424414756 -0.5255927973846974 -0.4249867573344553 -0.2779471603379571 -0.09995185871061851 -0.0008936038919258983 +13211,-0.01637145620734167,0,-0.6277466226664714 -0.7763340048945192 -0.8506276960085343 -0.9605204474480293 -1.0239796419412508 -1.059578702266722 -1.0936299773606524 -1.1338723933807457 -1.1663758832431268 -1.192688232179345 -1.1988793731055079 -1.1988793731055079 -1.059578702266722 -0.7933596424414756 -0.5255927973846974 -0.4249867573344553 -0.2779471603379571 -0.09995185871061851 -0.0008936038919258983 -0.017919241438882367 +13212,-0.14019427473071183,0,-0.7763340048945192 -0.8506276960085343 -0.9605204474480293 -1.0239796419412508 -1.059578702266722 -1.0936299773606524 -1.1338723933807457 -1.1663758832431268 -1.192688232179345 -1.1988793731055079 -1.1988793731055079 -1.059578702266722 -0.7933596424414756 -0.5255927973846974 -0.4249867573344553 -0.2779471603379571 -0.09995185871061851 -0.0008936038919258983 -0.017919241438882367 -0.01637145620734167 +13213,-0.273303804643335,0,-0.8506276960085343 -0.9605204474480293 -1.0239796419412508 -1.059578702266722 -1.0936299773606524 -1.1338723933807457 -1.1663758832431268 -1.192688232179345 -1.1988793731055079 -1.1988793731055079 -1.059578702266722 -0.7933596424414756 -0.5255927973846974 -0.4249867573344553 -0.2779471603379571 -0.09995185871061851 -0.0008936038919258983 -0.017919241438882367 -0.01637145620734167 -0.14019427473071183 +13214,-0.5224972269216073,0,-0.9605204474480293 -1.0239796419412508 -1.059578702266722 -1.0936299773606524 -1.1338723933807457 -1.1663758832431268 -1.192688232179345 -1.1988793731055079 -1.1988793731055079 -1.059578702266722 -0.7933596424414756 -0.5255927973846974 -0.4249867573344553 -0.2779471603379571 -0.09995185871061851 -0.0008936038919258983 -0.017919241438882367 -0.01637145620734167 -0.14019427473071183 -0.273303804643335 +13215,-0.712874810401289,0,-1.0239796419412508 -1.059578702266722 -1.0936299773606524 -1.1338723933807457 -1.1663758832431268 -1.192688232179345 -1.1988793731055079 -1.1988793731055079 -1.059578702266722 -0.7933596424414756 -0.5255927973846974 -0.4249867573344553 -0.2779471603379571 -0.09995185871061851 -0.0008936038919258983 -0.017919241438882367 -0.01637145620734167 -0.14019427473071183 -0.273303804643335 -0.5224972269216073 +13216,-0.8165764209146125,0,-1.059578702266722 -1.0936299773606524 -1.1338723933807457 -1.1663758832431268 -1.192688232179345 -1.1988793731055079 -1.1988793731055079 -1.059578702266722 -0.7933596424414756 -0.5255927973846974 -0.4249867573344553 -0.2779471603379571 -0.09995185871061851 -0.0008936038919258983 -0.017919241438882367 -0.01637145620734167 -0.14019427473071183 -0.273303804643335 -0.5224972269216073 -0.712874810401289 +13217,-0.9264691723540988,0,-1.0936299773606524 -1.1338723933807457 -1.1663758832431268 -1.192688232179345 -1.1988793731055079 -1.1988793731055079 -1.059578702266722 -0.7933596424414756 -0.5255927973846974 -0.4249867573344553 -0.2779471603379571 -0.09995185871061851 -0.0008936038919258983 -0.017919241438882367 -0.01637145620734167 -0.14019427473071183 -0.273303804643335 -0.5224972269216073 -0.712874810401289 -0.8165764209146125 +13218,-0.9883805816157882,0,-1.1338723933807457 -1.1663758832431268 -1.192688232179345 -1.1988793731055079 -1.1988793731055079 -1.059578702266722 -0.7933596424414756 -0.5255927973846974 -0.4249867573344553 -0.2779471603379571 -0.09995185871061851 -0.0008936038919258983 -0.017919241438882367 -0.01637145620734167 -0.14019427473071183 -0.273303804643335 -0.5224972269216073 -0.712874810401289 -0.8165764209146125 -0.9264691723540988 +13219,-0.9852850111526981,0,-1.1663758832431268 -1.192688232179345 -1.1988793731055079 -1.1988793731055079 -1.059578702266722 -0.7933596424414756 -0.5255927973846974 -0.4249867573344553 -0.2779471603379571 -0.09995185871061851 -0.0008936038919258983 -0.017919241438882367 -0.01637145620734167 -0.14019427473071183 -0.273303804643335 -0.5224972269216073 -0.712874810401289 -0.8165764209146125 -0.9264691723540988 -0.9883805816157882 +13220,-1.0611264874982627,0,-1.192688232179345 -1.1988793731055079 -1.1988793731055079 -1.059578702266722 -0.7933596424414756 -0.5255927973846974 -0.4249867573344553 -0.2779471603379571 -0.09995185871061851 -0.0008936038919258983 -0.017919241438882367 -0.01637145620734167 -0.14019427473071183 -0.273303804643335 -0.5224972269216073 -0.712874810401289 -0.8165764209146125 -0.9264691723540988 -0.9883805816157882 -0.9852850111526981 +13221,-1.1478024604646209,0,-1.1988793731055079 -1.1988793731055079 -1.059578702266722 -0.7933596424414756 -0.5255927973846974 -0.4249867573344553 -0.2779471603379571 -0.09995185871061851 -0.0008936038919258983 -0.017919241438882367 -0.01637145620734167 -0.14019427473071183 -0.273303804643335 -0.5224972269216073 -0.712874810401289 -0.8165764209146125 -0.9264691723540988 -0.9883805816157882 -0.9852850111526981 -1.0611264874982627 +13222,-1.1508980309277022,0,-1.1988793731055079 -1.059578702266722 -0.7933596424414756 -0.5255927973846974 -0.4249867573344553 -0.2779471603379571 -0.09995185871061851 -0.0008936038919258983 -0.017919241438882367 -0.01637145620734167 -0.14019427473071183 -0.273303804643335 -0.5224972269216073 -0.712874810401289 -0.8165764209146125 -0.9264691723540988 -0.9883805816157882 -0.9852850111526981 -1.0611264874982627 -1.1478024604646209 +13223,-1.1369679638438273,0,-1.059578702266722 -0.7933596424414756 -0.5255927973846974 -0.4249867573344553 -0.2779471603379571 -0.09995185871061851 -0.0008936038919258983 -0.017919241438882367 -0.01637145620734167 -0.14019427473071183 -0.273303804643335 -0.5224972269216073 -0.712874810401289 -0.8165764209146125 -0.9264691723540988 -0.9883805816157882 -0.9852850111526981 -1.0611264874982627 -1.1478024604646209 -1.1508980309277022 +13224,-1.183401520790092,0,-0.7933596424414756 -0.5255927973846974 -0.4249867573344553 -0.2779471603379571 -0.09995185871061851 -0.0008936038919258983 -0.017919241438882367 -0.01637145620734167 -0.14019427473071183 -0.273303804643335 -0.5224972269216073 -0.712874810401289 -0.8165764209146125 -0.9264691723540988 -0.9883805816157882 -0.9852850111526981 -1.0611264874982627 -1.1478024604646209 -1.1508980309277022 -1.1369679638438273 +13225,-1.2545996414410259,0,-0.5255927973846974 -0.4249867573344553 -0.2779471603379571 -0.09995185871061851 -0.0008936038919258983 -0.017919241438882367 -0.01637145620734167 -0.14019427473071183 -0.273303804643335 -0.5224972269216073 -0.712874810401289 -0.8165764209146125 -0.9264691723540988 -0.9883805816157882 -0.9852850111526981 -1.0611264874982627 -1.1478024604646209 -1.1508980309277022 -1.1369679638438273 -1.183401520790092 +13226,-1.2375740038940606,0,-0.4249867573344553 -0.2779471603379571 -0.09995185871061851 -0.0008936038919258983 -0.017919241438882367 -0.01637145620734167 -0.14019427473071183 -0.273303804643335 -0.5224972269216073 -0.712874810401289 -0.8165764209146125 -0.9264691723540988 -0.9883805816157882 -0.9852850111526981 -1.0611264874982627 -1.1478024604646209 -1.1508980309277022 -1.1369679638438273 -1.183401520790092 -1.2545996414410259 +13227,-0.9125391052702237,0,-0.2779471603379571 -0.09995185871061851 -0.0008936038919258983 -0.017919241438882367 -0.01637145620734167 -0.14019427473071183 -0.273303804643335 -0.5224972269216073 -0.712874810401289 -0.8165764209146125 -0.9264691723540988 -0.9883805816157882 -0.9852850111526981 -1.0611264874982627 -1.1478024604646209 -1.1508980309277022 -1.1369679638438273 -1.183401520790092 -1.2545996414410259 -1.2375740038940606 +13228,-0.6571545420657711,0,-0.09995185871061851 -0.0008936038919258983 -0.017919241438882367 -0.01637145620734167 -0.14019427473071183 -0.273303804643335 -0.5224972269216073 -0.712874810401289 -0.8165764209146125 -0.9264691723540988 -0.9883805816157882 -0.9852850111526981 -1.0611264874982627 -1.1478024604646209 -1.1508980309277022 -1.1369679638438273 -1.183401520790092 -1.2545996414410259 -1.2375740038940606 -0.9125391052702237 +13229,-0.38319655608282127,0,-0.0008936038919258983 -0.017919241438882367 -0.01637145620734167 -0.14019427473071183 -0.273303804643335 -0.5224972269216073 -0.712874810401289 -0.8165764209146125 -0.9264691723540988 -0.9883805816157882 -0.9852850111526981 -1.0611264874982627 -1.1478024604646209 -1.1508980309277022 -1.1369679638438273 -1.183401520790092 -1.2545996414410259 -1.2375740038940606 -0.9125391052702237 -0.6571545420657711 +13230,-0.2129401806131862,0,-0.017919241438882367 -0.01637145620734167 -0.14019427473071183 -0.273303804643335 -0.5224972269216073 -0.712874810401289 -0.8165764209146125 -0.9264691723540988 -0.9883805816157882 -0.9852850111526981 -1.0611264874982627 -1.1478024604646209 -1.1508980309277022 -1.1369679638438273 -1.183401520790092 -1.2545996414410259 -1.2375740038940606 -0.9125391052702237 -0.6571545420657711 -0.38319655608282127 +13231,-0.07518729500594096,0,-0.01637145620734167 -0.14019427473071183 -0.273303804643335 -0.5224972269216073 -0.712874810401289 -0.8165764209146125 -0.9264691723540988 -0.9883805816157882 -0.9852850111526981 -1.0611264874982627 -1.1478024604646209 -1.1508980309277022 -1.1369679638438273 -1.183401520790092 -1.2545996414410259 -1.2375740038940606 -0.9125391052702237 -0.6571545420657711 -0.38319655608282127 -0.2129401806131862 +13232,0.04708773828587971,0,-0.14019427473071183 -0.273303804643335 -0.5224972269216073 -0.712874810401289 -0.8165764209146125 -0.9264691723540988 -0.9883805816157882 -0.9852850111526981 -1.0611264874982627 -1.1478024604646209 -1.1508980309277022 -1.1369679638438273 -1.183401520790092 -1.2545996414410259 -1.2375740038940606 -0.9125391052702237 -0.6571545420657711 -0.38319655608282127 -0.2129401806131862 -0.07518729500594096 +13233,0.13066814078915656,0,-0.273303804643335 -0.5224972269216073 -0.712874810401289 -0.8165764209146125 -0.9264691723540988 -0.9883805816157882 -0.9852850111526981 -1.0611264874982627 -1.1478024604646209 -1.1508980309277022 -1.1369679638438273 -1.183401520790092 -1.2545996414410259 -1.2375740038940606 -0.9125391052702237 -0.6571545420657711 -0.38319655608282127 -0.2129401806131862 -0.07518729500594096 0.04708773828587971 +13234,0.17555391250388078,0,-0.5224972269216073 -0.712874810401289 -0.8165764209146125 -0.9264691723540988 -0.9883805816157882 -0.9852850111526981 -1.0611264874982627 -1.1478024604646209 -1.1508980309277022 -1.1369679638438273 -1.183401520790092 -1.2545996414410259 -1.2375740038940606 -0.9125391052702237 -0.6571545420657711 -0.38319655608282127 -0.2129401806131862 -0.07518729500594096 0.04708773828587971 0.13066814078915656 +13235,0.2157963285239741,0,-0.712874810401289 -0.8165764209146125 -0.9264691723540988 -0.9883805816157882 -0.9852850111526981 -1.0611264874982627 -1.1478024604646209 -1.1508980309277022 -1.1369679638438273 -1.183401520790092 -1.2545996414410259 -1.2375740038940606 -0.9125391052702237 -0.6571545420657711 -0.38319655608282127 -0.2129401806131862 -0.07518729500594096 0.04708773828587971 0.13066814078915656 0.17555391250388078 +13236,0.17400612727234008,0,-0.8165764209146125 -0.9264691723540988 -0.9883805816157882 -0.9852850111526981 -1.0611264874982627 -1.1478024604646209 -1.1508980309277022 -1.1369679638438273 -1.183401520790092 -1.2545996414410259 -1.2375740038940606 -0.9125391052702237 -0.6571545420657711 -0.38319655608282127 -0.2129401806131862 -0.07518729500594096 0.04708773828587971 0.13066814078915656 0.17555391250388078 0.2157963285239741 +13237,0.09971243615831621,0,-0.9264691723540988 -0.9883805816157882 -0.9852850111526981 -1.0611264874982627 -1.1478024604646209 -1.1508980309277022 -1.1369679638438273 -1.183401520790092 -1.2545996414410259 -1.2375740038940606 -0.9125391052702237 -0.6571545420657711 -0.38319655608282127 -0.2129401806131862 -0.07518729500594096 0.04708773828587971 0.13066814078915656 0.17555391250388078 0.2157963285239741 0.17400612727234008 +13238,-0.09685628824752832,0,-0.9883805816157882 -0.9852850111526981 -1.0611264874982627 -1.1478024604646209 -1.1508980309277022 -1.1369679638438273 -1.183401520790092 -1.2545996414410259 -1.2375740038940606 -0.9125391052702237 -0.6571545420657711 -0.38319655608282127 -0.2129401806131862 -0.07518729500594096 0.04708773828587971 0.13066814078915656 0.17555391250388078 0.2157963285239741 0.17400612727234008 0.09971243615831621 +13239,-0.30580729450571603,0,-0.9852850111526981 -1.0611264874982627 -1.1478024604646209 -1.1508980309277022 -1.1369679638438273 -1.183401520790092 -1.2545996414410259 -1.2375740038940606 -0.9125391052702237 -0.6571545420657711 -0.38319655608282127 -0.2129401806131862 -0.07518729500594096 0.04708773828587971 0.13066814078915656 0.17555391250388078 0.2157963285239741 0.17400612727234008 0.09971243615831621 -0.09685628824752832 +13240,-0.40641333455594936,0,-1.0611264874982627 -1.1478024604646209 -1.1508980309277022 -1.1369679638438273 -1.183401520790092 -1.2545996414410259 -1.2375740038940606 -0.9125391052702237 -0.6571545420657711 -0.38319655608282127 -0.2129401806131862 -0.07518729500594096 0.04708773828587971 0.13066814078915656 0.17555391250388078 0.2157963285239741 0.17400612727234008 0.09971243615831621 -0.09685628824752832 -0.30580729450571603 +13241,-0.5317839383108602,0,-1.1478024604646209 -1.1508980309277022 -1.1369679638438273 -1.183401520790092 -1.2545996414410259 -1.2375740038940606 -0.9125391052702237 -0.6571545420657711 -0.38319655608282127 -0.2129401806131862 -0.07518729500594096 0.04708773828587971 0.13066814078915656 0.17555391250388078 0.2157963285239741 0.17400612727234008 0.09971243615831621 -0.09685628824752832 -0.30580729450571603 -0.40641333455594936 +13242,-0.6416766897503553,0,-1.1508980309277022 -1.1369679638438273 -1.183401520790092 -1.2545996414410259 -1.2375740038940606 -0.9125391052702237 -0.6571545420657711 -0.38319655608282127 -0.2129401806131862 -0.07518729500594096 0.04708773828587971 0.13066814078915656 0.17555391250388078 0.2157963285239741 0.17400612727234008 0.09971243615831621 -0.09685628824752832 -0.30580729450571603 -0.40641333455594936 -0.5317839383108602 +13243,-0.7438305150321293,0,-1.1369679638438273 -1.183401520790092 -1.2545996414410259 -1.2375740038940606 -0.9125391052702237 -0.6571545420657711 -0.38319655608282127 -0.2129401806131862 -0.07518729500594096 0.04708773828587971 0.13066814078915656 0.17555391250388078 0.2157963285239741 0.17400612727234008 0.09971243615831621 -0.09685628824752832 -0.30580729450571603 -0.40641333455594936 -0.5317839383108602 -0.6416766897503553 +13244,-0.8010985685991879,0,-1.183401520790092 -1.2545996414410259 -1.2375740038940606 -0.9125391052702237 -0.6571545420657711 -0.38319655608282127 -0.2129401806131862 -0.07518729500594096 0.04708773828587971 0.13066814078915656 0.17555391250388078 0.2157963285239741 0.17400612727234008 0.09971243615831621 -0.09685628824752832 -0.30580729450571603 -0.40641333455594936 -0.5317839383108602 -0.6416766897503553 -0.7438305150321293 +13245,-0.943494809901064,0,-1.2545996414410259 -1.2375740038940606 -0.9125391052702237 -0.6571545420657711 -0.38319655608282127 -0.2129401806131862 -0.07518729500594096 0.04708773828587971 0.13066814078915656 0.17555391250388078 0.2157963285239741 0.17400612727234008 0.09971243615831621 -0.09685628824752832 -0.30580729450571603 -0.40641333455594936 -0.5317839383108602 -0.6416766897503553 -0.7438305150321293 -0.8010985685991879 +13246,-1.0054062191627446,0,-1.2375740038940606 -0.9125391052702237 -0.6571545420657711 -0.38319655608282127 -0.2129401806131862 -0.07518729500594096 0.04708773828587971 0.13066814078915656 0.17555391250388078 0.2157963285239741 0.17400612727234008 0.09971243615831621 -0.09685628824752832 -0.30580729450571603 -0.40641333455594936 -0.5317839383108602 -0.6416766897503553 -0.7438305150321293 -0.8010985685991879 -0.943494809901064 +13247,-1.045648635182847,0,-0.9125391052702237 -0.6571545420657711 -0.38319655608282127 -0.2129401806131862 -0.07518729500594096 0.04708773828587971 0.13066814078915656 0.17555391250388078 0.2157963285239741 0.17400612727234008 0.09971243615831621 -0.09685628824752832 -0.30580729450571603 -0.40641333455594936 -0.5317839383108602 -0.6416766897503553 -0.7438305150321293 -0.8010985685991879 -0.943494809901064 -1.0054062191627446 +13248,-1.0750565545821464,0,-0.6571545420657711 -0.38319655608282127 -0.2129401806131862 -0.07518729500594096 0.04708773828587971 0.13066814078915656 0.17555391250388078 0.2157963285239741 0.17400612727234008 0.09971243615831621 -0.09685628824752832 -0.30580729450571603 -0.40641333455594936 -0.5317839383108602 -0.6416766897503553 -0.7438305150321293 -0.8010985685991879 -0.943494809901064 -1.0054062191627446 -1.045648635182847 +13249,-1.1168467558337805,0,-0.38319655608282127 -0.2129401806131862 -0.07518729500594096 0.04708773828587971 0.13066814078915656 0.17555391250388078 0.2157963285239741 0.17400612727234008 0.09971243615831621 -0.09685628824752832 -0.30580729450571603 -0.40641333455594936 -0.5317839383108602 -0.6416766897503553 -0.7438305150321293 -0.8010985685991879 -0.943494809901064 -1.0054062191627446 -1.045648635182847 -1.0750565545821464 +13250,-1.0441008499512974,0,-0.2129401806131862 -0.07518729500594096 0.04708773828587971 0.13066814078915656 0.17555391250388078 0.2157963285239741 0.17400612727234008 0.09971243615831621 -0.09685628824752832 -0.30580729450571603 -0.40641333455594936 -0.5317839383108602 -0.6416766897503553 -0.7438305150321293 -0.8010985685991879 -0.943494809901064 -1.0054062191627446 -1.045648635182847 -1.0750565545821464 -1.1168467558337805 +13251,-0.6695368239181143,0,-0.07518729500594096 0.04708773828587971 0.13066814078915656 0.17555391250388078 0.2157963285239741 0.17400612727234008 0.09971243615831621 -0.09685628824752832 -0.30580729450571603 -0.40641333455594936 -0.5317839383108602 -0.6416766897503553 -0.7438305150321293 -0.8010985685991879 -0.943494809901064 -1.0054062191627446 -1.045648635182847 -1.0750565545821464 -1.1168467558337805 -1.0441008499512974 +13252,-0.16960219413001149,0,0.04708773828587971 0.13066814078915656 0.17555391250388078 0.2157963285239741 0.17400612727234008 0.09971243615831621 -0.09685628824752832 -0.30580729450571603 -0.40641333455594936 -0.5317839383108602 -0.6416766897503553 -0.7438305150321293 -0.8010985685991879 -0.943494809901064 -1.0054062191627446 -1.045648635182847 -1.0750565545821464 -1.1168467558337805 -1.0441008499512974 -0.6695368239181143 +13253,0.29473337533262006,0,0.13066814078915656 0.17555391250388078 0.2157963285239741 0.17400612727234008 0.09971243615831621 -0.09685628824752832 -0.30580729450571603 -0.40641333455594936 -0.5317839383108602 -0.6416766897503553 -0.7438305150321293 -0.8010985685991879 -0.943494809901064 -1.0054062191627446 -1.045648635182847 -1.0750565545821464 -1.1168467558337805 -1.0441008499512974 -0.6695368239181143 -0.16960219413001149 +13254,0.6476284081242158,0,0.17555391250388078 0.2157963285239741 0.17400612727234008 0.09971243615831621 -0.09685628824752832 -0.30580729450571603 -0.40641333455594936 -0.5317839383108602 -0.6416766897503553 -0.7438305150321293 -0.8010985685991879 -0.943494809901064 -1.0054062191627446 -1.045648635182847 -1.0750565545821464 -1.1168467558337805 -1.0441008499512974 -0.6695368239181143 -0.16960219413001149 0.29473337533262006 +13255,0.8024069312784263,0,0.2157963285239741 0.17400612727234008 0.09971243615831621 -0.09685628824752832 -0.30580729450571603 -0.40641333455594936 -0.5317839383108602 -0.6416766897503553 -0.7438305150321293 -0.8010985685991879 -0.943494809901064 -1.0054062191627446 -1.045648635182847 -1.0750565545821464 -1.1168467558337805 -1.0441008499512974 -0.6695368239181143 -0.16960219413001149 0.29473337533262006 0.6476284081242158 +13256,0.9138474679494621,0,0.17400612727234008 0.09971243615831621 -0.09685628824752832 -0.30580729450571603 -0.40641333455594936 -0.5317839383108602 -0.6416766897503553 -0.7438305150321293 -0.8010985685991879 -0.943494809901064 -1.0054062191627446 -1.045648635182847 -1.0750565545821464 -1.1168467558337805 -1.0441008499512974 -0.6695368239181143 -0.16960219413001149 0.29473337533262006 0.6476284081242158 0.8024069312784263 +13257,1.0794604877244662,0,0.09971243615831621 -0.09685628824752832 -0.30580729450571603 -0.40641333455594936 -0.5317839383108602 -0.6416766897503553 -0.7438305150321293 -0.8010985685991879 -0.943494809901064 -1.0054062191627446 -1.045648635182847 -1.0750565545821464 -1.1168467558337805 -1.0441008499512974 -0.6695368239181143 -0.16960219413001149 0.29473337533262006 0.6476284081242158 0.8024069312784263 0.9138474679494621 +13258,1.071721561566754,0,-0.09685628824752832 -0.30580729450571603 -0.40641333455594936 -0.5317839383108602 -0.6416766897503553 -0.7438305150321293 -0.8010985685991879 -0.943494809901064 -1.0054062191627446 -1.045648635182847 -1.0750565545821464 -1.1168467558337805 -1.0441008499512974 -0.6695368239181143 -0.16960219413001149 0.29473337533262006 0.6476284081242158 0.8024069312784263 0.9138474679494621 1.0794604877244662 +13259,1.0314791455466608,0,-0.30580729450571603 -0.40641333455594936 -0.5317839383108602 -0.6416766897503553 -0.7438305150321293 -0.8010985685991879 -0.943494809901064 -1.0054062191627446 -1.045648635182847 -1.0750565545821464 -1.1168467558337805 -1.0441008499512974 -0.6695368239181143 -0.16960219413001149 0.29473337533262006 0.6476284081242158 0.8024069312784263 0.9138474679494621 1.0794604877244662 1.071721561566754 +13260,0.9571854544326368,0,-0.40641333455594936 -0.5317839383108602 -0.6416766897503553 -0.7438305150321293 -0.8010985685991879 -0.943494809901064 -1.0054062191627446 -1.045648635182847 -1.0750565545821464 -1.1168467558337805 -1.0441008499512974 -0.6695368239181143 -0.16960219413001149 0.29473337533262006 0.6476284081242158 0.8024069312784263 0.9138474679494621 1.0794604877244662 1.071721561566754 1.0314791455466608 +13261,0.8612227700770344,0,-0.5317839383108602 -0.6416766897503553 -0.7438305150321293 -0.8010985685991879 -0.943494809901064 -1.0054062191627446 -1.045648635182847 -1.0750565545821464 -1.1168467558337805 -1.0441008499512974 -0.6695368239181143 -0.16960219413001149 0.29473337533262006 0.6476284081242158 0.8024069312784263 0.9138474679494621 1.0794604877244662 1.071721561566754 1.0314791455466608 0.9571854544326368 +13262,0.5470223680739825,0,-0.6416766897503553 -0.7438305150321293 -0.8010985685991879 -0.943494809901064 -1.0054062191627446 -1.045648635182847 -1.0750565545821464 -1.1168467558337805 -1.0441008499512974 -0.6695368239181143 -0.16960219413001149 0.29473337533262006 0.6476284081242158 0.8024069312784263 0.9138474679494621 1.0794604877244662 1.071721561566754 1.0314791455466608 0.9571854544326368 0.8612227700770344 +13263,0.30092451625879163,0,-0.7438305150321293 -0.8010985685991879 -0.943494809901064 -1.0054062191627446 -1.045648635182847 -1.0750565545821464 -1.1168467558337805 -1.0441008499512974 -0.6695368239181143 -0.16960219413001149 0.29473337533262006 0.6476284081242158 0.8024069312784263 0.9138474679494621 1.0794604877244662 1.071721561566754 1.0314791455466608 0.9571854544326368 0.8612227700770344 0.5470223680739825 +13264,0.08887793953752253,0,-0.8010985685991879 -0.943494809901064 -1.0054062191627446 -1.045648635182847 -1.0750565545821464 -1.1168467558337805 -1.0441008499512974 -0.6695368239181143 -0.16960219413001149 0.29473337533262006 0.6476284081242158 0.8024069312784263 0.9138474679494621 1.0794604877244662 1.071721561566754 1.0314791455466608 0.9571854544326368 0.8612227700770344 0.5470223680739825 0.30092451625879163 +13265,-0.05970944269052519,0,-0.943494809901064 -1.0054062191627446 -1.045648635182847 -1.0750565545821464 -1.1168467558337805 -1.0441008499512974 -0.6695368239181143 -0.16960219413001149 0.29473337533262006 0.6476284081242158 0.8024069312784263 0.9138474679494621 1.0794604877244662 1.071721561566754 1.0314791455466608 0.9571854544326368 0.8612227700770344 0.5470223680739825 0.30092451625879163 0.08887793953752253 +13266,-0.1603154827407585,0,-1.0054062191627446 -1.045648635182847 -1.0750565545821464 -1.1168467558337805 -1.0441008499512974 -0.6695368239181143 -0.16960219413001149 0.29473337533262006 0.6476284081242158 0.8024069312784263 0.9138474679494621 1.0794604877244662 1.071721561566754 1.0314791455466608 0.9571854544326368 0.8612227700770344 0.5470223680739825 0.30092451625879163 0.08887793953752253 -0.05970944269052519 +13267,-0.30116393881109393,0,-1.045648635182847 -1.0750565545821464 -1.1168467558337805 -1.0441008499512974 -0.6695368239181143 -0.16960219413001149 0.29473337533262006 0.6476284081242158 0.8024069312784263 0.9138474679494621 1.0794604877244662 1.071721561566754 1.0314791455466608 0.9571854544326368 0.8612227700770344 0.5470223680739825 0.30092451625879163 0.08887793953752253 -0.05970944269052519 -0.1603154827407585 +13268,-0.4249867573344553,0,-1.0750565545821464 -1.1168467558337805 -1.0441008499512974 -0.6695368239181143 -0.16960219413001149 0.29473337533262006 0.6476284081242158 0.8024069312784263 0.9138474679494621 1.0794604877244662 1.071721561566754 1.0314791455466608 0.9571854544326368 0.8612227700770344 0.5470223680739825 0.30092451625879163 0.08887793953752253 -0.05970944269052519 -0.1603154827407585 -0.30116393881109393 +13269,-0.5859564214148374,0,-1.1168467558337805 -1.0441008499512974 -0.6695368239181143 -0.16960219413001149 0.29473337533262006 0.6476284081242158 0.8024069312784263 0.9138474679494621 1.0794604877244662 1.071721561566754 1.0314791455466608 0.9571854544326368 0.8612227700770344 0.5470223680739825 0.30092451625879163 0.08887793953752253 -0.05970944269052519 -0.1603154827407585 -0.30116393881109393 -0.4249867573344553 +13270,-0.5905997771094683,0,-1.0441008499512974 -0.6695368239181143 -0.16960219413001149 0.29473337533262006 0.6476284081242158 0.8024069312784263 0.9138474679494621 1.0794604877244662 1.071721561566754 1.0314791455466608 0.9571854544326368 0.8612227700770344 0.5470223680739825 0.30092451625879163 0.08887793953752253 -0.05970944269052519 -0.1603154827407585 -0.30116393881109393 -0.4249867573344553 -0.5859564214148374 +13271,-0.6556067568342304,0,-0.6695368239181143 -0.16960219413001149 0.29473337533262006 0.6476284081242158 0.8024069312784263 0.9138474679494621 1.0794604877244662 1.071721561566754 1.0314791455466608 0.9571854544326368 0.8612227700770344 0.5470223680739825 0.30092451625879163 0.08887793953752253 -0.05970944269052519 -0.1603154827407585 -0.30116393881109393 -0.4249867573344553 -0.5859564214148374 -0.5905997771094683 +13272,-0.7438305150321293,0,-0.16960219413001149 0.29473337533262006 0.6476284081242158 0.8024069312784263 0.9138474679494621 1.0794604877244662 1.071721561566754 1.0314791455466608 0.9571854544326368 0.8612227700770344 0.5470223680739825 0.30092451625879163 0.08887793953752253 -0.05970944269052519 -0.1603154827407585 -0.30116393881109393 -0.4249867573344553 -0.5859564214148374 -0.5905997771094683 -0.6556067568342304 +13273,-0.7980029981361065,0,0.29473337533262006 0.6476284081242158 0.8024069312784263 0.9138474679494621 1.0794604877244662 1.071721561566754 1.0314791455466608 0.9571854544326368 0.8612227700770344 0.5470223680739825 0.30092451625879163 0.08887793953752253 -0.05970944269052519 -0.1603154827407585 -0.30116393881109393 -0.4249867573344553 -0.5859564214148374 -0.5905997771094683 -0.6556067568342304 -0.7438305150321293 +13274,-0.7221615217905419,0,0.6476284081242158 0.8024069312784263 0.9138474679494621 1.0794604877244662 1.071721561566754 1.0314791455466608 0.9571854544326368 0.8612227700770344 0.5470223680739825 0.30092451625879163 0.08887793953752253 -0.05970944269052519 -0.1603154827407585 -0.30116393881109393 -0.4249867573344553 -0.5859564214148374 -0.5905997771094683 -0.6556067568342304 -0.7438305150321293 -0.7980029981361065 +13275,-0.22841803292861076,0,0.8024069312784263 0.9138474679494621 1.0794604877244662 1.071721561566754 1.0314791455466608 0.9571854544326368 0.8612227700770344 0.5470223680739825 0.30092451625879163 0.08887793953752253 -0.05970944269052519 -0.1603154827407585 -0.30116393881109393 -0.4249867573344553 -0.5859564214148374 -0.5905997771094683 -0.6556067568342304 -0.7438305150321293 -0.7980029981361065 -0.7221615217905419 +13276,0.34735807320504775,0,0.9138474679494621 1.0794604877244662 1.071721561566754 1.0314791455466608 0.9571854544326368 0.8612227700770344 0.5470223680739825 0.30092451625879163 0.08887793953752253 -0.05970944269052519 -0.1603154827407585 -0.30116393881109393 -0.4249867573344553 -0.5859564214148374 -0.5905997771094683 -0.6556067568342304 -0.7438305150321293 -0.7980029981361065 -0.7221615217905419 -0.22841803292861076 +13277,0.7977635755838042,0,1.0794604877244662 1.071721561566754 1.0314791455466608 0.9571854544326368 0.8612227700770344 0.5470223680739825 0.30092451625879163 0.08887793953752253 -0.05970944269052519 -0.1603154827407585 -0.30116393881109393 -0.4249867573344553 -0.5859564214148374 -0.5905997771094683 -0.6556067568342304 -0.7438305150321293 -0.7980029981361065 -0.7221615217905419 -0.22841803292861076 0.34735807320504775 +13278,1.1583975345331123,0,1.071721561566754 1.0314791455466608 0.9571854544326368 0.8612227700770344 0.5470223680739825 0.30092451625879163 0.08887793953752253 -0.05970944269052519 -0.1603154827407585 -0.30116393881109393 -0.4249867573344553 -0.5859564214148374 -0.5905997771094683 -0.6556067568342304 -0.7438305150321293 -0.7980029981361065 -0.7221615217905419 -0.22841803292861076 0.34735807320504775 0.7977635755838042 +13279,1.4246165943583586,0,1.0314791455466608 0.9571854544326368 0.8612227700770344 0.5470223680739825 0.30092451625879163 0.08887793953752253 -0.05970944269052519 -0.1603154827407585 -0.30116393881109393 -0.4249867573344553 -0.5859564214148374 -0.5905997771094683 -0.6556067568342304 -0.7438305150321293 -0.7980029981361065 -0.7221615217905419 -0.22841803292861076 0.34735807320504775 0.7977635755838042 1.1583975345331123 +13280,1.4385466614422335,0,0.9571854544326368 0.8612227700770344 0.5470223680739825 0.30092451625879163 0.08887793953752253 -0.05970944269052519 -0.1603154827407585 -0.30116393881109393 -0.4249867573344553 -0.5859564214148374 -0.5905997771094683 -0.6556067568342304 -0.7438305150321293 -0.7980029981361065 -0.7221615217905419 -0.22841803292861076 0.34735807320504775 0.7977635755838042 1.1583975345331123 1.4246165943583586 +13281,1.5685606208917753,0,0.8612227700770344 0.5470223680739825 0.30092451625879163 0.08887793953752253 -0.05970944269052519 -0.1603154827407585 -0.30116393881109393 -0.4249867573344553 -0.5859564214148374 -0.5905997771094683 -0.6556067568342304 -0.7438305150321293 -0.7980029981361065 -0.7221615217905419 -0.22841803292861076 0.34735807320504775 0.7977635755838042 1.1583975345331123 1.4246165943583586 1.4385466614422335 +13282,1.5623694799656038,0,0.5470223680739825 0.30092451625879163 0.08887793953752253 -0.05970944269052519 -0.1603154827407585 -0.30116393881109393 -0.4249867573344553 -0.5859564214148374 -0.5905997771094683 -0.6556067568342304 -0.7438305150321293 -0.7980029981361065 -0.7221615217905419 -0.22841803292861076 0.34735807320504775 0.7977635755838042 1.1583975345331123 1.4246165943583586 1.4385466614422335 1.5685606208917753 +13283,1.5546305538078915,0,0.30092451625879163 0.08887793953752253 -0.05970944269052519 -0.1603154827407585 -0.30116393881109393 -0.4249867573344553 -0.5859564214148374 -0.5905997771094683 -0.6556067568342304 -0.7438305150321293 -0.7980029981361065 -0.7221615217905419 -0.22841803292861076 0.34735807320504775 0.7977635755838042 1.1583975345331123 1.4246165943583586 1.4385466614422335 1.5685606208917753 1.5623694799656038 +13284,1.4679545808415333,0,0.08887793953752253 -0.05970944269052519 -0.1603154827407585 -0.30116393881109393 -0.4249867573344553 -0.5859564214148374 -0.5905997771094683 -0.6556067568342304 -0.7438305150321293 -0.7980029981361065 -0.7221615217905419 -0.22841803292861076 0.34735807320504775 0.7977635755838042 1.1583975345331123 1.4246165943583586 1.4385466614422335 1.5685606208917753 1.5623694799656038 1.5546305538078915 +13285,1.325558339539666,0,-0.05970944269052519 -0.1603154827407585 -0.30116393881109393 -0.4249867573344553 -0.5859564214148374 -0.5905997771094683 -0.6556067568342304 -0.7438305150321293 -0.7980029981361065 -0.7221615217905419 -0.22841803292861076 0.34735807320504775 0.7977635755838042 1.1583975345331123 1.4246165943583586 1.4385466614422335 1.5685606208917753 1.5623694799656038 1.5546305538078915 1.4679545808415333 +13286,1.0546959240197975,0,-0.1603154827407585 -0.30116393881109393 -0.4249867573344553 -0.5859564214148374 -0.5905997771094683 -0.6556067568342304 -0.7438305150321293 -0.7980029981361065 -0.7221615217905419 -0.22841803292861076 0.34735807320504775 0.7977635755838042 1.1583975345331123 1.4246165943583586 1.4385466614422335 1.5685606208917753 1.5623694799656038 1.5546305538078915 1.4679545808415333 1.325558339539666 +13287,0.7575211595637109,0,-0.30116393881109393 -0.4249867573344553 -0.5859564214148374 -0.5905997771094683 -0.6556067568342304 -0.7438305150321293 -0.7980029981361065 -0.7221615217905419 -0.22841803292861076 0.34735807320504775 0.7977635755838042 1.1583975345331123 1.4246165943583586 1.4385466614422335 1.5685606208917753 1.5623694799656038 1.5546305538078915 1.4679545808415333 1.325558339539666 1.0546959240197975 +13288,0.5083277372854299,0,-0.4249867573344553 -0.5859564214148374 -0.5905997771094683 -0.6556067568342304 -0.7438305150321293 -0.7980029981361065 -0.7221615217905419 -0.22841803292861076 0.34735807320504775 0.7977635755838042 1.1583975345331123 1.4246165943583586 1.4385466614422335 1.5685606208917753 1.5623694799656038 1.5546305538078915 1.4679545808415333 1.325558339539666 1.0546959240197975 0.7575211595637109 +13289,0.2823510934802857,0,-0.5859564214148374 -0.5905997771094683 -0.6556067568342304 -0.7438305150321293 -0.7980029981361065 -0.7221615217905419 -0.22841803292861076 0.34735807320504775 0.7977635755838042 1.1583975345331123 1.4246165943583586 1.4385466614422335 1.5685606208917753 1.5623694799656038 1.5546305538078915 1.4679545808415333 1.325558339539666 1.0546959240197975 0.7575211595637109 0.5083277372854299 +13290,0.1089991475475692,0,-0.5905997771094683 -0.6556067568342304 -0.7438305150321293 -0.7980029981361065 -0.7221615217905419 -0.22841803292861076 0.34735807320504775 0.7977635755838042 1.1583975345331123 1.4246165943583586 1.4385466614422335 1.5685606208917753 1.5623694799656038 1.5546305538078915 1.4679545808415333 1.325558339539666 1.0546959240197975 0.7575211595637109 0.5083277372854299 0.2823510934802857 +13291,0.00994089272887658,0,-0.6556067568342304 -0.7438305150321293 -0.7980029981361065 -0.7221615217905419 -0.22841803292861076 0.34735807320504775 0.7977635755838042 1.1583975345331123 1.4246165943583586 1.4385466614422335 1.5685606208917753 1.5623694799656038 1.5546305538078915 1.4679545808415333 1.325558339539666 1.0546959240197975 0.7575211595637109 0.5083277372854299 0.2823510934802857 0.1089991475475692 +13292,-0.12935977810991817,0,-0.7438305150321293 -0.7980029981361065 -0.7221615217905419 -0.22841803292861076 0.34735807320504775 0.7977635755838042 1.1583975345331123 1.4246165943583586 1.4385466614422335 1.5685606208917753 1.5623694799656038 1.5546305538078915 1.4679545808415333 1.325558339539666 1.0546959240197975 0.7575211595637109 0.5083277372854299 0.2823510934802857 0.1089991475475692 0.00994089272887658 +13293,-0.23306138862324166,0,-0.7980029981361065 -0.7221615217905419 -0.22841803292861076 0.34735807320504775 0.7977635755838042 1.1583975345331123 1.4246165943583586 1.4385466614422335 1.5685606208917753 1.5623694799656038 1.5546305538078915 1.4679545808415333 1.325558339539666 1.0546959240197975 0.7575211595637109 0.5083277372854299 0.2823510934802857 0.1089991475475692 0.00994089272887658 -0.12935977810991817 +13294,-0.38319655608282127,0,-0.7221615217905419 -0.22841803292861076 0.34735807320504775 0.7977635755838042 1.1583975345331123 1.4246165943583586 1.4385466614422335 1.5685606208917753 1.5623694799656038 1.5546305538078915 1.4679545808415333 1.325558339539666 1.0546959240197975 0.7575211595637109 0.5083277372854299 0.2823510934802857 0.1089991475475692 0.00994089272887658 -0.12935977810991817 -0.23306138862324166 +13295,-0.47142031428072023,0,-0.22841803292861076 0.34735807320504775 0.7977635755838042 1.1583975345331123 1.4246165943583586 1.4385466614422335 1.5685606208917753 1.5623694799656038 1.5546305538078915 1.4679545808415333 1.325558339539666 1.0546959240197975 0.7575211595637109 0.5083277372854299 0.2823510934802857 0.1089991475475692 0.00994089272887658 -0.12935977810991817 -0.23306138862324166 -0.38319655608282127 +13296,-0.5178538712269851,0,0.34735807320504775 0.7977635755838042 1.1583975345331123 1.4246165943583586 1.4385466614422335 1.5685606208917753 1.5623694799656038 1.5546305538078915 1.4679545808415333 1.325558339539666 1.0546959240197975 0.7575211595637109 0.5083277372854299 0.2823510934802857 0.1089991475475692 0.00994089272887658 -0.12935977810991817 -0.23306138862324166 -0.38319655608282127 -0.47142031428072023 +13297,-0.5627396429417093,0,0.7977635755838042 1.1583975345331123 1.4246165943583586 1.4385466614422335 1.5685606208917753 1.5623694799656038 1.5546305538078915 1.4679545808415333 1.325558339539666 1.0546959240197975 0.7575211595637109 0.5083277372854299 0.2823510934802857 0.1089991475475692 0.00994089272887658 -0.12935977810991817 -0.23306138862324166 -0.38319655608282127 -0.47142031428072023 -0.5178538712269851 +13298,-0.49308930752230756,0,1.1583975345331123 1.4246165943583586 1.4385466614422335 1.5685606208917753 1.5623694799656038 1.5546305538078915 1.4679545808415333 1.325558339539666 1.0546959240197975 0.7575211595637109 0.5083277372854299 0.2823510934802857 0.1089991475475692 0.00994089272887658 -0.12935977810991817 -0.23306138862324166 -0.38319655608282127 -0.47142031428072023 -0.5178538712269851 -0.5627396429417093 +13299,-0.030301523291225544,0,1.4246165943583586 1.4385466614422335 1.5685606208917753 1.5623694799656038 1.5546305538078915 1.4679545808415333 1.325558339539666 1.0546959240197975 0.7575211595637109 0.5083277372854299 0.2823510934802857 0.1089991475475692 0.00994089272887658 -0.12935977810991817 -0.23306138862324166 -0.38319655608282127 -0.47142031428072023 -0.5178538712269851 -0.5627396429417093 -0.49308930752230756 +13300,0.5408312271478108,0,1.4385466614422335 1.5685606208917753 1.5623694799656038 1.5546305538078915 1.4679545808415333 1.325558339539666 1.0546959240197975 0.7575211595637109 0.5083277372854299 0.2823510934802857 0.1089991475475692 0.00994089272887658 -0.12935977810991817 -0.23306138862324166 -0.38319655608282127 -0.47142031428072023 -0.5178538712269851 -0.5627396429417093 -0.49308930752230756 -0.030301523291225544 +13301,1.0268357898520386,0,1.5685606208917753 1.5623694799656038 1.5546305538078915 1.4679545808415333 1.325558339539666 1.0546959240197975 0.7575211595637109 0.5083277372854299 0.2823510934802857 0.1089991475475692 0.00994089272887658 -0.12935977810991817 -0.23306138862324166 -0.38319655608282127 -0.47142031428072023 -0.5178538712269851 -0.5627396429417093 -0.49308930752230756 -0.030301523291225544 0.5408312271478108 +13302,1.358061829402047,0,1.5623694799656038 1.5546305538078915 1.4679545808415333 1.325558339539666 1.0546959240197975 0.7575211595637109 0.5083277372854299 0.2823510934802857 0.1089991475475692 0.00994089272887658 -0.12935977810991817 -0.23306138862324166 -0.38319655608282127 -0.47142031428072023 -0.5178538712269851 -0.5627396429417093 -0.49308930752230756 -0.030301523291225544 0.5408312271478108 1.0268357898520386 +13303,1.6211853187642031,0,1.5546305538078915 1.4679545808415333 1.325558339539666 1.0546959240197975 0.7575211595637109 0.5083277372854299 0.2823510934802857 0.1089991475475692 0.00994089272887658 -0.12935977810991817 -0.23306138862324166 -0.38319655608282127 -0.47142031428072023 -0.5178538712269851 -0.5627396429417093 -0.49308930752230756 -0.030301523291225544 0.5408312271478108 1.0268357898520386 1.358061829402047 +13304,1.8084673317807947,0,1.4679545808415333 1.325558339539666 1.0546959240197975 0.7575211595637109 0.5083277372854299 0.2823510934802857 0.1089991475475692 0.00994089272887658 -0.12935977810991817 -0.23306138862324166 -0.38319655608282127 -0.47142031428072023 -0.5178538712269851 -0.5627396429417093 -0.49308930752230756 -0.030301523291225544 0.5408312271478108 1.0268357898520386 1.358061829402047 1.6211853187642031 +13305,1.995749344797395,0,1.325558339539666 1.0546959240197975 0.7575211595637109 0.5083277372854299 0.2823510934802857 0.1089991475475692 0.00994089272887658 -0.12935977810991817 -0.23306138862324166 -0.38319655608282127 -0.47142031428072023 -0.5178538712269851 -0.5627396429417093 -0.49308930752230756 -0.030301523291225544 0.5408312271478108 1.0268357898520386 1.358061829402047 1.6211853187642031 1.8084673317807947 +13306,2.0174183380389823,0,1.0546959240197975 0.7575211595637109 0.5083277372854299 0.2823510934802857 0.1089991475475692 0.00994089272887658 -0.12935977810991817 -0.23306138862324166 -0.38319655608282127 -0.47142031428072023 -0.5178538712269851 -0.5627396429417093 -0.49308930752230756 -0.030301523291225544 0.5408312271478108 1.0268357898520386 1.358061829402047 1.6211853187642031 1.8084673317807947 1.995749344797395 +13307,1.9137167275256588,0,0.7575211595637109 0.5083277372854299 0.2823510934802857 0.1089991475475692 0.00994089272887658 -0.12935977810991817 -0.23306138862324166 -0.38319655608282127 -0.47142031428072023 -0.5178538712269851 -0.5627396429417093 -0.49308930752230756 -0.030301523291225544 0.5408312271478108 1.0268357898520386 1.358061829402047 1.6211853187642031 1.8084673317807947 1.995749344797395 2.0174183380389823 +13308,1.8053717613177132,0,0.5083277372854299 0.2823510934802857 0.1089991475475692 0.00994089272887658 -0.12935977810991817 -0.23306138862324166 -0.38319655608282127 -0.47142031428072023 -0.5178538712269851 -0.5627396429417093 -0.49308930752230756 -0.030301523291225544 0.5408312271478108 1.0268357898520386 1.358061829402047 1.6211853187642031 1.8084673317807947 1.995749344797395 2.0174183380389823 1.9137167275256588 +13309,1.5716561913548568,0,0.2823510934802857 0.1089991475475692 0.00994089272887658 -0.12935977810991817 -0.23306138862324166 -0.38319655608282127 -0.47142031428072023 -0.5178538712269851 -0.5627396429417093 -0.49308930752230756 -0.030301523291225544 0.5408312271478108 1.0268357898520386 1.358061829402047 1.6211853187642031 1.8084673317807947 1.995749344797395 2.0174183380389823 1.9137167275256588 1.8053717613177132 +13310,1.2497168631941014,0,0.1089991475475692 0.00994089272887658 -0.12935977810991817 -0.23306138862324166 -0.38319655608282127 -0.47142031428072023 -0.5178538712269851 -0.5627396429417093 -0.49308930752230756 -0.030301523291225544 0.5408312271478108 1.0268357898520386 1.358061829402047 1.6211853187642031 1.8084673317807947 1.995749344797395 2.0174183380389823 1.9137167275256588 1.8053717613177132 1.5716561913548568 +13311,0.7915724346576326,0,0.00994089272887658 -0.12935977810991817 -0.23306138862324166 -0.38319655608282127 -0.47142031428072023 -0.5178538712269851 -0.5627396429417093 -0.49308930752230756 -0.030301523291225544 0.5408312271478108 1.0268357898520386 1.358061829402047 1.6211853187642031 1.8084673317807947 1.995749344797395 2.0174183380389823 1.9137167275256588 1.8053717613177132 1.5716561913548568 1.2497168631941014 +13312,0.5361878714531888,0,-0.12935977810991817 -0.23306138862324166 -0.38319655608282127 -0.47142031428072023 -0.5178538712269851 -0.5627396429417093 -0.49308930752230756 -0.030301523291225544 0.5408312271478108 1.0268357898520386 1.358061829402047 1.6211853187642031 1.8084673317807947 1.995749344797395 2.0174183380389823 1.9137167275256588 1.8053717613177132 1.5716561913548568 1.2497168631941014 0.7915724346576326 +13313,0.2838988787118264,0,-0.23306138862324166 -0.38319655608282127 -0.47142031428072023 -0.5178538712269851 -0.5627396429417093 -0.49308930752230756 -0.030301523291225544 0.5408312271478108 1.0268357898520386 1.358061829402047 1.6211853187642031 1.8084673317807947 1.995749344797395 2.0174183380389823 1.9137167275256588 1.8053717613177132 1.5716561913548568 1.2497168631941014 0.7915724346576326 0.5361878714531888 +13314,0.13531149648378746,0,-0.38319655608282127 -0.47142031428072023 -0.5178538712269851 -0.5627396429417093 -0.49308930752230756 -0.030301523291225544 0.5408312271478108 1.0268357898520386 1.358061829402047 1.6211853187642031 1.8084673317807947 1.995749344797395 2.0174183380389823 1.9137167275256588 1.8053717613177132 1.5716561913548568 1.2497168631941014 0.7915724346576326 0.5361878714531888 0.2838988787118264 +13315,-0.008632530049629385,0,-0.47142031428072023 -0.5178538712269851 -0.5627396429417093 -0.49308930752230756 -0.030301523291225544 0.5408312271478108 1.0268357898520386 1.358061829402047 1.6211853187642031 1.8084673317807947 1.995749344797395 2.0174183380389823 1.9137167275256588 1.8053717613177132 1.5716561913548568 1.2497168631941014 0.7915724346576326 0.5361878714531888 0.2838988787118264 0.13531149648378746 +13316,-0.2144879658447357,0,-0.5178538712269851 -0.5627396429417093 -0.49308930752230756 -0.030301523291225544 0.5408312271478108 1.0268357898520386 1.358061829402047 1.6211853187642031 1.8084673317807947 1.995749344797395 2.0174183380389823 1.9137167275256588 1.8053717613177132 1.5716561913548568 1.2497168631941014 0.7915724346576326 0.5361878714531888 0.2838988787118264 0.13531149648378746 -0.008632530049629385 +13317,-0.30735507973725673,0,-0.5627396429417093 -0.49308930752230756 -0.030301523291225544 0.5408312271478108 1.0268357898520386 1.358061829402047 1.6211853187642031 1.8084673317807947 1.995749344797395 2.0174183380389823 1.9137167275256588 1.8053717613177132 1.5716561913548568 1.2497168631941014 0.7915724346576326 0.5361878714531888 0.2838988787118264 0.13531149648378746 -0.008632530049629385 -0.2144879658447357 +13318,-0.375457629925109,0,-0.49308930752230756 -0.030301523291225544 0.5408312271478108 1.0268357898520386 1.358061829402047 1.6211853187642031 1.8084673317807947 1.995749344797395 2.0174183380389823 1.9137167275256588 1.8053717613177132 1.5716561913548568 1.2497168631941014 0.7915724346576326 0.5361878714531888 0.2838988787118264 0.13531149648378746 -0.008632530049629385 -0.2144879658447357 -0.30735507973725673 +13319,-0.4977326632169385,0,-0.030301523291225544 0.5408312271478108 1.0268357898520386 1.358061829402047 1.6211853187642031 1.8084673317807947 1.995749344797395 2.0174183380389823 1.9137167275256588 1.8053717613177132 1.5716561913548568 1.2497168631941014 0.7915724346576326 0.5361878714531888 0.2838988787118264 0.13531149648378746 -0.008632530049629385 -0.2144879658447357 -0.30735507973725673 -0.375457629925109 +13320,-0.4868981665961448,0,0.5408312271478108 1.0268357898520386 1.358061829402047 1.6211853187642031 1.8084673317807947 1.995749344797395 2.0174183380389823 1.9137167275256588 1.8053717613177132 1.5716561913548568 1.2497168631941014 0.7915724346576326 0.5361878714531888 0.2838988787118264 0.13531149648378746 -0.008632530049629385 -0.2144879658447357 -0.30735507973725673 -0.375457629925109 -0.4977326632169385 +13321,-0.5302361530793195,0,1.0268357898520386 1.358061829402047 1.6211853187642031 1.8084673317807947 1.995749344797395 2.0174183380389823 1.9137167275256588 1.8053717613177132 1.5716561913548568 1.2497168631941014 0.7915724346576326 0.5361878714531888 0.2838988787118264 0.13531149648378746 -0.008632530049629385 -0.2144879658447357 -0.30735507973725673 -0.375457629925109 -0.4977326632169385 -0.4868981665961448 +13322,-0.5178538712269851,0,1.358061829402047 1.6211853187642031 1.8084673317807947 1.995749344797395 2.0174183380389823 1.9137167275256588 1.8053717613177132 1.5716561913548568 1.2497168631941014 0.7915724346576326 0.5361878714531888 0.2838988787118264 0.13531149648378746 -0.008632530049629385 -0.2144879658447357 -0.30735507973725673 -0.375457629925109 -0.4977326632169385 -0.4868981665961448 -0.5302361530793195 +13323,-0.25937373755945115,0,1.6211853187642031 1.8084673317807947 1.995749344797395 2.0174183380389823 1.9137167275256588 1.8053717613177132 1.5716561913548568 1.2497168631941014 0.7915724346576326 0.5361878714531888 0.2838988787118264 0.13531149648378746 -0.008632530049629385 -0.2144879658447357 -0.30735507973725673 -0.375457629925109 -0.4977326632169385 -0.4868981665961448 -0.5302361530793195 -0.5178538712269851 +13324,0.19567512051392744,0,1.8084673317807947 1.995749344797395 2.0174183380389823 1.9137167275256588 1.8053717613177132 1.5716561913548568 1.2497168631941014 0.7915724346576326 0.5361878714531888 0.2838988787118264 0.13531149648378746 -0.008632530049629385 -0.2144879658447357 -0.30735507973725673 -0.375457629925109 -0.4977326632169385 -0.4868981665961448 -0.5302361530793195 -0.5178538712269851 -0.25937373755945115 +13325,0.6878708241443179,0,1.995749344797395 2.0174183380389823 1.9137167275256588 1.8053717613177132 1.5716561913548568 1.2497168631941014 0.7915724346576326 0.5361878714531888 0.2838988787118264 0.13531149648378746 -0.008632530049629385 -0.2144879658447357 -0.30735507973725673 -0.375457629925109 -0.4977326632169385 -0.4868981665961448 -0.5302361530793195 -0.5178538712269851 -0.25937373755945115 0.19567512051392744 +13326,1.1382763265230655,0,2.0174183380389823 1.9137167275256588 1.8053717613177132 1.5716561913548568 1.2497168631941014 0.7915724346576326 0.5361878714531888 0.2838988787118264 0.13531149648378746 -0.008632530049629385 -0.2144879658447357 -0.30735507973725673 -0.375457629925109 -0.4977326632169385 -0.4868981665961448 -0.5302361530793195 -0.5178538712269851 -0.25937373755945115 0.19567512051392744 0.6878708241443179 +13327,1.460215654683821,0,1.9137167275256588 1.8053717613177132 1.5716561913548568 1.2497168631941014 0.7915724346576326 0.5361878714531888 0.2838988787118264 0.13531149648378746 -0.008632530049629385 -0.2144879658447357 -0.30735507973725673 -0.375457629925109 -0.4977326632169385 -0.4868981665961448 -0.5302361530793195 -0.5178538712269851 -0.25937373755945115 0.19567512051392744 0.6878708241443179 1.1382763265230655 +13328,1.6800011575628024,0,1.8053717613177132 1.5716561913548568 1.2497168631941014 0.7915724346576326 0.5361878714531888 0.2838988787118264 0.13531149648378746 -0.008632530049629385 -0.2144879658447357 -0.30735507973725673 -0.375457629925109 -0.4977326632169385 -0.4868981665961448 -0.5302361530793195 -0.5178538712269851 -0.25937373755945115 0.19567512051392744 0.6878708241443179 1.1382763265230655 1.460215654683821 +13329,1.8146584727069661,0,1.5716561913548568 1.2497168631941014 0.7915724346576326 0.5361878714531888 0.2838988787118264 0.13531149648378746 -0.008632530049629385 -0.2144879658447357 -0.30735507973725673 -0.375457629925109 -0.4977326632169385 -0.4868981665961448 -0.5302361530793195 -0.5178538712269851 -0.25937373755945115 0.19567512051392744 0.6878708241443179 1.1382763265230655 1.460215654683821 1.6800011575628024 +13330,1.8920477342840716,0,1.2497168631941014 0.7915724346576326 0.5361878714531888 0.2838988787118264 0.13531149648378746 -0.008632530049629385 -0.2144879658447357 -0.30735507973725673 -0.375457629925109 -0.4977326632169385 -0.4868981665961448 -0.5302361530793195 -0.5178538712269851 -0.25937373755945115 0.19567512051392744 0.6878708241443179 1.1382763265230655 1.460215654683821 1.6800011575628024 1.8146584727069661 +13331,1.399852030653681,0,0.7915724346576326 0.5361878714531888 0.2838988787118264 0.13531149648378746 -0.008632530049629385 -0.2144879658447357 -0.30735507973725673 -0.375457629925109 -0.4977326632169385 -0.4868981665961448 -0.5302361530793195 -0.5178538712269851 -0.25937373755945115 0.19567512051392744 0.6878708241443179 1.1382763265230655 1.460215654683821 1.6800011575628024 1.8146584727069661 1.8920477342840716 +13332,1.2713858564356888,0,0.5361878714531888 0.2838988787118264 0.13531149648378746 -0.008632530049629385 -0.2144879658447357 -0.30735507973725673 -0.375457629925109 -0.4977326632169385 -0.4868981665961448 -0.5302361530793195 -0.5178538712269851 -0.25937373755945115 0.19567512051392744 0.6878708241443179 1.1382763265230655 1.460215654683821 1.6800011575628024 1.8146584727069661 1.8920477342840716 1.399852030653681 +13333,1.0732693467982948,0,0.2838988787118264 0.13531149648378746 -0.008632530049629385 -0.2144879658447357 -0.30735507973725673 -0.375457629925109 -0.4977326632169385 -0.4868981665961448 -0.5302361530793195 -0.5178538712269851 -0.25937373755945115 0.19567512051392744 0.6878708241443179 1.1382763265230655 1.460215654683821 1.6800011575628024 1.8146584727069661 1.8920477342840716 1.399852030653681 1.2713858564356888 +13334,0.6584629047450182,0,0.13531149648378746 -0.008632530049629385 -0.2144879658447357 -0.30735507973725673 -0.375457629925109 -0.4977326632169385 -0.4868981665961448 -0.5302361530793195 -0.5178538712269851 -0.25937373755945115 0.19567512051392744 0.6878708241443179 1.1382763265230655 1.460215654683821 1.6800011575628024 1.8146584727069661 1.8920477342840716 1.399852030653681 1.2713858564356888 1.0732693467982948 +13335,0.3303324356580913,0,-0.008632530049629385 -0.2144879658447357 -0.30735507973725673 -0.375457629925109 -0.4977326632169385 -0.4868981665961448 -0.5302361530793195 -0.5178538712269851 -0.25937373755945115 0.19567512051392744 0.6878708241443179 1.1382763265230655 1.460215654683821 1.6800011575628024 1.8146584727069661 1.8920477342840716 1.399852030653681 1.2713858564356888 1.0732693467982948 0.6584629047450182 +13336,0.06256559060130429,0,-0.2144879658447357 -0.30735507973725673 -0.375457629925109 -0.4977326632169385 -0.4868981665961448 -0.5302361530793195 -0.5178538712269851 -0.25937373755945115 0.19567512051392744 0.6878708241443179 1.1382763265230655 1.460215654683821 1.6800011575628024 1.8146584727069661 1.8920477342840716 1.399852030653681 1.2713858564356888 1.0732693467982948 0.6584629047450182 0.3303324356580913 +13337,-0.09530850301598763,0,-0.30735507973725673 -0.375457629925109 -0.4977326632169385 -0.4868981665961448 -0.5302361530793195 -0.5178538712269851 -0.25937373755945115 0.19567512051392744 0.6878708241443179 1.1382763265230655 1.460215654683821 1.6800011575628024 1.8146584727069661 1.8920477342840716 1.399852030653681 1.2713858564356888 1.0732693467982948 0.6584629047450182 0.3303324356580913 0.06256559060130429 +13338,-0.2098446101501048,0,-0.375457629925109 -0.4977326632169385 -0.4868981665961448 -0.5302361530793195 -0.5178538712269851 -0.25937373755945115 0.19567512051392744 0.6878708241443179 1.1382763265230655 1.460215654683821 1.6800011575628024 1.8146584727069661 1.8920477342840716 1.399852030653681 1.2713858564356888 1.0732693467982948 0.6584629047450182 0.3303324356580913 0.06256559060130429 -0.09530850301598763 +13339,-0.4126044754821209,0,-0.4977326632169385 -0.4868981665961448 -0.5302361530793195 -0.5178538712269851 -0.25937373755945115 0.19567512051392744 0.6878708241443179 1.1382763265230655 1.460215654683821 1.6800011575628024 1.8146584727069661 1.8920477342840716 1.399852030653681 1.2713858564356888 1.0732693467982948 0.6584629047450182 0.3303324356580913 0.06256559060130429 -0.09530850301598763 -0.2098446101501048 +13340,-0.44820353580759215,0,-0.4868981665961448 -0.5302361530793195 -0.5178538712269851 -0.25937373755945115 0.19567512051392744 0.6878708241443179 1.1382763265230655 1.460215654683821 1.6800011575628024 1.8146584727069661 1.8920477342840716 1.399852030653681 1.2713858564356888 1.0732693467982948 0.6584629047450182 0.3303324356580913 0.06256559060130429 -0.09530850301598763 -0.2098446101501048 -0.4126044754821209 +13341,-0.5147583007639037,0,-0.5302361530793195 -0.5178538712269851 -0.25937373755945115 0.19567512051392744 0.6878708241443179 1.1382763265230655 1.460215654683821 1.6800011575628024 1.8146584727069661 1.8920477342840716 1.399852030653681 1.2713858564356888 1.0732693467982948 0.6584629047450182 0.3303324356580913 0.06256559060130429 -0.09530850301598763 -0.2098446101501048 -0.4126044754821209 -0.44820353580759215 +13342,-0.6447722602134367,0,-0.5178538712269851 -0.25937373755945115 0.19567512051392744 0.6878708241443179 1.1382763265230655 1.460215654683821 1.6800011575628024 1.8146584727069661 1.8920477342840716 1.399852030653681 1.2713858564356888 1.0732693467982948 0.6584629047450182 0.3303324356580913 0.06256559060130429 -0.09530850301598763 -0.2098446101501048 -0.4126044754821209 -0.44820353580759215 -0.5147583007639037 +13343,-0.7314482331797949,0,-0.25937373755945115 0.19567512051392744 0.6878708241443179 1.1382763265230655 1.460215654683821 1.6800011575628024 1.8146584727069661 1.8920477342840716 1.399852030653681 1.2713858564356888 1.0732693467982948 0.6584629047450182 0.3303324356580913 0.06256559060130429 -0.09530850301598763 -0.2098446101501048 -0.4126044754821209 -0.44820353580759215 -0.5147583007639037 -0.6447722602134367 +13344,-0.8103852799884409,0,0.19567512051392744 0.6878708241443179 1.1382763265230655 1.460215654683821 1.6800011575628024 1.8146584727069661 1.8920477342840716 1.399852030653681 1.2713858564356888 1.0732693467982948 0.6584629047450182 0.3303324356580913 0.06256559060130429 -0.09530850301598763 -0.2098446101501048 -0.4126044754821209 -0.44820353580759215 -0.5147583007639037 -0.6447722602134367 -0.7314482331797949 +13345,-0.8305064879984876,0,0.6878708241443179 1.1382763265230655 1.460215654683821 1.6800011575628024 1.8146584727069661 1.8920477342840716 1.399852030653681 1.2713858564356888 1.0732693467982948 0.6584629047450182 0.3303324356580913 0.06256559060130429 -0.09530850301598763 -0.2098446101501048 -0.4126044754821209 -0.44820353580759215 -0.5147583007639037 -0.6447722602134367 -0.7314482331797949 -0.8103852799884409 +13346,-0.8537232664716244,0,1.1382763265230655 1.460215654683821 1.6800011575628024 1.8146584727069661 1.8920477342840716 1.399852030653681 1.2713858564356888 1.0732693467982948 0.6584629047450182 0.3303324356580913 0.06256559060130429 -0.09530850301598763 -0.2098446101501048 -0.4126044754821209 -0.44820353580759215 -0.5147583007639037 -0.6447722602134367 -0.7314482331797949 -0.8103852799884409 -0.8305064879984876 +13347,-0.5611918577101599,0,1.460215654683821 1.6800011575628024 1.8146584727069661 1.8920477342840716 1.399852030653681 1.2713858564356888 1.0732693467982948 0.6584629047450182 0.3303324356580913 0.06256559060130429 -0.09530850301598763 -0.2098446101501048 -0.4126044754821209 -0.44820353580759215 -0.5147583007639037 -0.6447722602134367 -0.7314482331797949 -0.8103852799884409 -0.8305064879984876 -0.8537232664716244 +13348,-0.04423159037510062,0,1.6800011575628024 1.8146584727069661 1.8920477342840716 1.399852030653681 1.2713858564356888 1.0732693467982948 0.6584629047450182 0.3303324356580913 0.06256559060130429 -0.09530850301598763 -0.2098446101501048 -0.4126044754821209 -0.44820353580759215 -0.5147583007639037 -0.6447722602134367 -0.7314482331797949 -0.8103852799884409 -0.8305064879984876 -0.8537232664716244 -0.5611918577101599 +13349,0.40307834154056565,0,1.8146584727069661 1.8920477342840716 1.399852030653681 1.2713858564356888 1.0732693467982948 0.6584629047450182 0.3303324356580913 0.06256559060130429 -0.09530850301598763 -0.2098446101501048 -0.4126044754821209 -0.44820353580759215 -0.5147583007639037 -0.6447722602134367 -0.7314482331797949 -0.8103852799884409 -0.8305064879984876 -0.8537232664716244 -0.5611918577101599 -0.04423159037510062 +13350,0.748234448174458,0,1.8920477342840716 1.399852030653681 1.2713858564356888 1.0732693467982948 0.6584629047450182 0.3303324356580913 0.06256559060130429 -0.09530850301598763 -0.2098446101501048 -0.4126044754821209 -0.44820353580759215 -0.5147583007639037 -0.6447722602134367 -0.7314482331797949 -0.8103852799884409 -0.8305064879984876 -0.8537232664716244 -0.5611918577101599 -0.04423159037510062 0.40307834154056565 +13351,0.9773066624426923,0,1.399852030653681 1.2713858564356888 1.0732693467982948 0.6584629047450182 0.3303324356580913 0.06256559060130429 -0.09530850301598763 -0.2098446101501048 -0.4126044754821209 -0.44820353580759215 -0.5147583007639037 -0.6447722602134367 -0.7314482331797949 -0.8103852799884409 -0.8305064879984876 -0.8537232664716244 -0.5611918577101599 -0.04423159037510062 0.40307834154056565 0.748234448174458 +13352,1.1197029037445596,0,1.2713858564356888 1.0732693467982948 0.6584629047450182 0.3303324356580913 0.06256559060130429 -0.09530850301598763 -0.2098446101501048 -0.4126044754821209 -0.44820353580759215 -0.5147583007639037 -0.6447722602134367 -0.7314482331797949 -0.8103852799884409 -0.8305064879984876 -0.8537232664716244 -0.5611918577101599 -0.04423159037510062 0.40307834154056565 0.748234448174458 0.9773066624426923 +13353,1.2063788767109178,0,1.0732693467982948 0.6584629047450182 0.3303324356580913 0.06256559060130429 -0.09530850301598763 -0.2098446101501048 -0.4126044754821209 -0.44820353580759215 -0.5147583007639037 -0.6447722602134367 -0.7314482331797949 -0.8103852799884409 -0.8305064879984876 -0.8537232664716244 -0.5611918577101599 -0.04423159037510062 0.40307834154056565 0.748234448174458 0.9773066624426923 1.1197029037445596 +13354,1.062434850177501,0,0.6584629047450182 0.3303324356580913 0.06256559060130429 -0.09530850301598763 -0.2098446101501048 -0.4126044754821209 -0.44820353580759215 -0.5147583007639037 -0.6447722602134367 -0.7314482331797949 -0.8103852799884409 -0.8305064879984876 -0.8537232664716244 -0.5611918577101599 -0.04423159037510062 0.40307834154056565 0.748234448174458 0.9773066624426923 1.1197029037445596 1.2063788767109178 +13355,0.8968218304024969,0,0.3303324356580913 0.06256559060130429 -0.09530850301598763 -0.2098446101501048 -0.4126044754821209 -0.44820353580759215 -0.5147583007639037 -0.6447722602134367 -0.7314482331797949 -0.8103852799884409 -0.8305064879984876 -0.8537232664716244 -0.5611918577101599 -0.04423159037510062 0.40307834154056565 0.748234448174458 0.9773066624426923 1.1197029037445596 1.2063788767109178 1.062434850177501 +13356,0.7838335084999292,0,0.06256559060130429 -0.09530850301598763 -0.2098446101501048 -0.4126044754821209 -0.44820353580759215 -0.5147583007639037 -0.6447722602134367 -0.7314482331797949 -0.8103852799884409 -0.8305064879984876 -0.8537232664716244 -0.5611918577101599 -0.04423159037510062 0.40307834154056565 0.748234448174458 0.9773066624426923 1.1197029037445596 1.2063788767109178 1.062434850177501 0.8968218304024969 +13357,0.5857169988625351,0,-0.09530850301598763 -0.2098446101501048 -0.4126044754821209 -0.44820353580759215 -0.5147583007639037 -0.6447722602134367 -0.7314482331797949 -0.8103852799884409 -0.8305064879984876 -0.8537232664716244 -0.5611918577101599 -0.04423159037510062 0.40307834154056565 0.748234448174458 0.9773066624426923 1.1197029037445596 1.2063788767109178 1.062434850177501 0.8968218304024969 0.7838335084999292 +13358,0.4077216972351965,0,-0.2098446101501048 -0.4126044754821209 -0.44820353580759215 -0.5147583007639037 -0.6447722602134367 -0.7314482331797949 -0.8103852799884409 -0.8305064879984876 -0.8537232664716244 -0.5611918577101599 -0.04423159037510062 0.40307834154056565 0.748234448174458 0.9773066624426923 1.1197029037445596 1.2063788767109178 1.062434850177501 0.8968218304024969 0.7838335084999292 0.5857169988625351 +13359,0.18019726819850287,0,-0.4126044754821209 -0.44820353580759215 -0.5147583007639037 -0.6447722602134367 -0.7314482331797949 -0.8103852799884409 -0.8305064879984876 -0.8537232664716244 -0.5611918577101599 -0.04423159037510062 0.40307834154056565 0.748234448174458 0.9773066624426923 1.1197029037445596 1.2063788767109178 1.062434850177501 0.8968218304024969 0.7838335084999292 0.5857169988625351 0.4077216972351965 +13360,-0.04268380514355992,0,-0.44820353580759215 -0.5147583007639037 -0.6447722602134367 -0.7314482331797949 -0.8103852799884409 -0.8305064879984876 -0.8537232664716244 -0.5611918577101599 -0.04423159037510062 0.40307834154056565 0.748234448174458 0.9773066624426923 1.1197029037445596 1.2063788767109178 1.062434850177501 0.8968218304024969 0.7838335084999292 0.5857169988625351 0.4077216972351965 0.18019726819850287 +13361,-0.1587676975092178,0,-0.5147583007639037 -0.6447722602134367 -0.7314482331797949 -0.8103852799884409 -0.8305064879984876 -0.8537232664716244 -0.5611918577101599 -0.04423159037510062 0.40307834154056565 0.748234448174458 0.9773066624426923 1.1197029037445596 1.2063788767109178 1.062434850177501 0.8968218304024969 0.7838335084999292 0.5857169988625351 0.4077216972351965 0.18019726819850287 -0.04268380514355992 +13362,-0.2222268920024392,0,-0.6447722602134367 -0.7314482331797949 -0.8103852799884409 -0.8305064879984876 -0.8537232664716244 -0.5611918577101599 -0.04423159037510062 0.40307834154056565 0.748234448174458 0.9773066624426923 1.1197029037445596 1.2063788767109178 1.062434850177501 0.8968218304024969 0.7838335084999292 0.5857169988625351 0.4077216972351965 0.18019726819850287 -0.04268380514355992 -0.1587676975092178 +13363,-0.2624693080225413,0,-0.7314482331797949 -0.8103852799884409 -0.8305064879984876 -0.8537232664716244 -0.5611918577101599 -0.04423159037510062 0.40307834154056565 0.748234448174458 0.9773066624426923 1.1197029037445596 1.2063788767109178 1.062434850177501 0.8968218304024969 0.7838335084999292 0.5857169988625351 0.4077216972351965 0.18019726819850287 -0.04268380514355992 -0.1587676975092178 -0.2222268920024392 +13364,-0.3259285025157627,0,-0.8103852799884409 -0.8305064879984876 -0.8537232664716244 -0.5611918577101599 -0.04423159037510062 0.40307834154056565 0.748234448174458 0.9773066624426923 1.1197029037445596 1.2063788767109178 1.062434850177501 0.8968218304024969 0.7838335084999292 0.5857169988625351 0.4077216972351965 0.18019726819850287 -0.04268380514355992 -0.1587676975092178 -0.2222268920024392 -0.2624693080225413 +13365,-0.34759749575735005,0,-0.8305064879984876 -0.8537232664716244 -0.5611918577101599 -0.04423159037510062 0.40307834154056565 0.748234448174458 0.9773066624426923 1.1197029037445596 1.2063788767109178 1.062434850177501 0.8968218304024969 0.7838335084999292 0.5857169988625351 0.4077216972351965 0.18019726819850287 -0.04268380514355992 -0.1587676975092178 -0.2222268920024392 -0.2624693080225413 -0.3259285025157627 +13366,-0.3924832674720743,0,-0.8537232664716244 -0.5611918577101599 -0.04423159037510062 0.40307834154056565 0.748234448174458 0.9773066624426923 1.1197029037445596 1.2063788767109178 1.062434850177501 0.8968218304024969 0.7838335084999292 0.5857169988625351 0.4077216972351965 0.18019726819850287 -0.04268380514355992 -0.1587676975092178 -0.2222268920024392 -0.2624693080225413 -0.3259285025157627 -0.34759749575735005 +13367,-0.4249867573344553,0,-0.5611918577101599 -0.04423159037510062 0.40307834154056565 0.748234448174458 0.9773066624426923 1.1197029037445596 1.2063788767109178 1.062434850177501 0.8968218304024969 0.7838335084999292 0.5857169988625351 0.4077216972351965 0.18019726819850287 -0.04268380514355992 -0.1587676975092178 -0.2222268920024392 -0.2624693080225413 -0.3259285025157627 -0.34759749575735005 -0.3924832674720743 +13368,-0.5178538712269851,0,-0.04423159037510062 0.40307834154056565 0.748234448174458 0.9773066624426923 1.1197029037445596 1.2063788767109178 1.062434850177501 0.8968218304024969 0.7838335084999292 0.5857169988625351 0.4077216972351965 0.18019726819850287 -0.04268380514355992 -0.1587676975092178 -0.2222268920024392 -0.2624693080225413 -0.3259285025157627 -0.34759749575735005 -0.3924832674720743 -0.4249867573344553 +13369,-0.5890519918779188,0,0.40307834154056565 0.748234448174458 0.9773066624426923 1.1197029037445596 1.2063788767109178 1.062434850177501 0.8968218304024969 0.7838335084999292 0.5857169988625351 0.4077216972351965 0.18019726819850287 -0.04268380514355992 -0.1587676975092178 -0.2222268920024392 -0.2624693080225413 -0.3259285025157627 -0.34759749575735005 -0.3924832674720743 -0.4249867573344553 -0.5178538712269851 +13370,-0.6091731998879655,0,0.748234448174458 0.9773066624426923 1.1197029037445596 1.2063788767109178 1.062434850177501 0.8968218304024969 0.7838335084999292 0.5857169988625351 0.4077216972351965 0.18019726819850287 -0.04268380514355992 -0.1587676975092178 -0.2222268920024392 -0.2624693080225413 -0.3259285025157627 -0.34759749575735005 -0.3924832674720743 -0.4249867573344553 -0.5178538712269851 -0.5890519918779188 +13371,-0.29497279788492237,0,0.9773066624426923 1.1197029037445596 1.2063788767109178 1.062434850177501 0.8968218304024969 0.7838335084999292 0.5857169988625351 0.4077216972351965 0.18019726819850287 -0.04268380514355992 -0.1587676975092178 -0.2222268920024392 -0.2624693080225413 -0.3259285025157627 -0.34759749575735005 -0.3924832674720743 -0.4249867573344553 -0.5178538712269851 -0.5890519918779188 -0.6091731998879655 +13372,0.07494787245363867,0,1.1197029037445596 1.2063788767109178 1.062434850177501 0.8968218304024969 0.7838335084999292 0.5857169988625351 0.4077216972351965 0.18019726819850287 -0.04268380514355992 -0.1587676975092178 -0.2222268920024392 -0.2624693080225413 -0.3259285025157627 -0.34759749575735005 -0.3924832674720743 -0.4249867573344553 -0.5178538712269851 -0.5890519918779188 -0.6091731998879655 -0.29497279788492237 +13373,0.46189418033916496,0,1.2063788767109178 1.062434850177501 0.8968218304024969 0.7838335084999292 0.5857169988625351 0.4077216972351965 0.18019726819850287 -0.04268380514355992 -0.1587676975092178 -0.2222268920024392 -0.2624693080225413 -0.3259285025157627 -0.34759749575735005 -0.3924832674720743 -0.4249867573344553 -0.5178538712269851 -0.5890519918779188 -0.6091731998879655 -0.29497279788492237 0.07494787245363867 +13374,0.75287780386908,0,1.062434850177501 0.8968218304024969 0.7838335084999292 0.5857169988625351 0.4077216972351965 0.18019726819850287 -0.04268380514355992 -0.1587676975092178 -0.2222268920024392 -0.2624693080225413 -0.3259285025157627 -0.34759749575735005 -0.3924832674720743 -0.4249867573344553 -0.5178538712269851 -0.5890519918779188 -0.6091731998879655 -0.29497279788492237 0.07494787245363867 0.46189418033916496 +13375,0.9448031725803024,0,0.8968218304024969 0.7838335084999292 0.5857169988625351 0.4077216972351965 0.18019726819850287 -0.04268380514355992 -0.1587676975092178 -0.2222268920024392 -0.2624693080225413 -0.3259285025157627 -0.34759749575735005 -0.3924832674720743 -0.4249867573344553 -0.5178538712269851 -0.5890519918779188 -0.6091731998879655 -0.29497279788492237 0.07494787245363867 0.46189418033916496 0.75287780386908 +13376,0.9726633067480613,0,0.7838335084999292 0.5857169988625351 0.4077216972351965 0.18019726819850287 -0.04268380514355992 -0.1587676975092178 -0.2222268920024392 -0.2624693080225413 -0.3259285025157627 -0.34759749575735005 -0.3924832674720743 -0.4249867573344553 -0.5178538712269851 -0.5890519918779188 -0.6091731998879655 -0.29497279788492237 0.07494787245363867 0.46189418033916496 0.75287780386908 0.9448031725803024 +13377,0.9819500181373144,0,0.5857169988625351 0.4077216972351965 0.18019726819850287 -0.04268380514355992 -0.1587676975092178 -0.2222268920024392 -0.2624693080225413 -0.3259285025157627 -0.34759749575735005 -0.3924832674720743 -0.4249867573344553 -0.5178538712269851 -0.5890519918779188 -0.6091731998879655 -0.29497279788492237 0.07494787245363867 0.46189418033916496 0.75287780386908 0.9448031725803024 0.9726633067480613 +13378,1.0175490784627856,0,0.4077216972351965 0.18019726819850287 -0.04268380514355992 -0.1587676975092178 -0.2222268920024392 -0.2624693080225413 -0.3259285025157627 -0.34759749575735005 -0.3924832674720743 -0.4249867573344553 -0.5178538712269851 -0.5890519918779188 -0.6091731998879655 -0.29497279788492237 0.07494787245363867 0.46189418033916496 0.75287780386908 0.9448031725803024 0.9726633067480613 0.9819500181373144 +13379,0.9773066624426923,0,0.18019726819850287 -0.04268380514355992 -0.1587676975092178 -0.2222268920024392 -0.2624693080225413 -0.3259285025157627 -0.34759749575735005 -0.3924832674720743 -0.4249867573344553 -0.5178538712269851 -0.5890519918779188 -0.6091731998879655 -0.29497279788492237 0.07494787245363867 0.46189418033916496 0.75287780386908 0.9448031725803024 0.9726633067480613 0.9819500181373144 1.0175490784627856 +13380,0.8008591460468856,0,-0.04268380514355992 -0.1587676975092178 -0.2222268920024392 -0.2624693080225413 -0.3259285025157627 -0.34759749575735005 -0.3924832674720743 -0.4249867573344553 -0.5178538712269851 -0.5890519918779188 -0.6091731998879655 -0.29497279788492237 0.07494787245363867 0.46189418033916496 0.75287780386908 0.9448031725803024 0.9726633067480613 0.9819500181373144 1.0175490784627856 0.9773066624426923 +13381,0.4324862609398653,0,-0.1587676975092178 -0.2222268920024392 -0.2624693080225413 -0.3259285025157627 -0.34759749575735005 -0.3924832674720743 -0.4249867573344553 -0.5178538712269851 -0.5890519918779188 -0.6091731998879655 -0.29497279788492237 0.07494787245363867 0.46189418033916496 0.75287780386908 0.9448031725803024 0.9726633067480613 0.9819500181373144 1.0175490784627856 0.9773066624426923 0.8008591460468856 +13382,0.08423458384289165,0,-0.2222268920024392 -0.2624693080225413 -0.3259285025157627 -0.34759749575735005 -0.3924832674720743 -0.4249867573344553 -0.5178538712269851 -0.5890519918779188 -0.6091731998879655 -0.29497279788492237 0.07494787245363867 0.46189418033916496 0.75287780386908 0.9448031725803024 0.9726633067480613 0.9819500181373144 1.0175490784627856 0.9773066624426923 0.8008591460468856 0.4324862609398653 +13383,-0.2191313215393578,0,-0.2624693080225413 -0.3259285025157627 -0.34759749575735005 -0.3924832674720743 -0.4249867573344553 -0.5178538712269851 -0.5890519918779188 -0.6091731998879655 -0.29497279788492237 0.07494787245363867 0.46189418033916496 0.75287780386908 0.9448031725803024 0.9726633067480613 0.9819500181373144 1.0175490784627856 0.9773066624426923 0.8008591460468856 0.4324862609398653 0.08423458384289165 +13384,-0.40641333455594936,0,-0.3259285025157627 -0.34759749575735005 -0.3924832674720743 -0.4249867573344553 -0.5178538712269851 -0.5890519918779188 -0.6091731998879655 -0.29497279788492237 0.07494787245363867 0.46189418033916496 0.75287780386908 0.9448031725803024 0.9726633067480613 0.9819500181373144 1.0175490784627856 0.9773066624426923 0.8008591460468856 0.4324862609398653 0.08423458384289165 -0.2191313215393578 +13385,-0.5333317235424098,0,-0.34759749575735005 -0.3924832674720743 -0.4249867573344553 -0.5178538712269851 -0.5890519918779188 -0.6091731998879655 -0.29497279788492237 0.07494787245363867 0.46189418033916496 0.75287780386908 0.9448031725803024 0.9726633067480613 0.9819500181373144 1.0175490784627856 0.9773066624426923 0.8008591460468856 0.4324862609398653 0.08423458384289165 -0.2191313215393578 -0.40641333455594936 +13386,-0.6308421931295616,0,-0.3924832674720743 -0.4249867573344553 -0.5178538712269851 -0.5890519918779188 -0.6091731998879655 -0.29497279788492237 0.07494787245363867 0.46189418033916496 0.75287780386908 0.9448031725803024 0.9726633067480613 0.9819500181373144 1.0175490784627856 0.9773066624426923 0.8008591460468856 0.4324862609398653 0.08423458384289165 -0.2191313215393578 -0.40641333455594936 -0.5333317235424098 +13387,-0.6927536023912423,0,-0.4249867573344553 -0.5178538712269851 -0.5890519918779188 -0.6091731998879655 -0.29497279788492237 0.07494787245363867 0.46189418033916496 0.75287780386908 0.9448031725803024 0.9726633067480613 0.9819500181373144 1.0175490784627856 0.9773066624426923 0.8008591460468856 0.4324862609398653 0.08423458384289165 -0.2191313215393578 -0.40641333455594936 -0.5333317235424098 -0.6308421931295616 +13388,-0.7562127968844725,0,-0.5178538712269851 -0.5890519918779188 -0.6091731998879655 -0.29497279788492237 0.07494787245363867 0.46189418033916496 0.75287780386908 0.9448031725803024 0.9726633067480613 0.9819500181373144 1.0175490784627856 0.9773066624426923 0.8008591460468856 0.4324862609398653 0.08423458384289165 -0.2191313215393578 -0.40641333455594936 -0.5333317235424098 -0.6308421931295616 -0.6927536023912423 +13389,-0.7763340048945192,0,-0.5890519918779188 -0.6091731998879655 -0.29497279788492237 0.07494787245363867 0.46189418033916496 0.75287780386908 0.9448031725803024 0.9726633067480613 0.9819500181373144 1.0175490784627856 0.9773066624426923 0.8008591460468856 0.4324862609398653 0.08423458384289165 -0.2191313215393578 -0.40641333455594936 -0.5333317235424098 -0.6308421931295616 -0.6927536023912423 -0.7562127968844725 +13390,-0.7902640719783942,0,-0.6091731998879655 -0.29497279788492237 0.07494787245363867 0.46189418033916496 0.75287780386908 0.9448031725803024 0.9726633067480613 0.9819500181373144 1.0175490784627856 0.9773066624426923 0.8008591460468856 0.4324862609398653 0.08423458384289165 -0.2191313215393578 -0.40641333455594936 -0.5333317235424098 -0.6308421931295616 -0.6927536023912423 -0.7562127968844725 -0.7763340048945192 +13391,-0.7329960184113357,0,-0.29497279788492237 0.07494787245363867 0.46189418033916496 0.75287780386908 0.9448031725803024 0.9726633067480613 0.9819500181373144 1.0175490784627856 0.9773066624426923 0.8008591460468856 0.4324862609398653 0.08423458384289165 -0.2191313215393578 -0.40641333455594936 -0.5333317235424098 -0.6308421931295616 -0.6927536023912423 -0.7562127968844725 -0.7763340048945192 -0.7902640719783942 +13392,-0.7237093070220827,0,0.07494787245363867 0.46189418033916496 0.75287780386908 0.9448031725803024 0.9726633067480613 0.9819500181373144 1.0175490784627856 0.9773066624426923 0.8008591460468856 0.4324862609398653 0.08423458384289165 -0.2191313215393578 -0.40641333455594936 -0.5333317235424098 -0.6308421931295616 -0.6927536023912423 -0.7562127968844725 -0.7763340048945192 -0.7902640719783942 -0.7329960184113357 +13393,-0.712874810401289,0,0.46189418033916496 0.75287780386908 0.9448031725803024 0.9726633067480613 0.9819500181373144 1.0175490784627856 0.9773066624426923 0.8008591460468856 0.4324862609398653 0.08423458384289165 -0.2191313215393578 -0.40641333455594936 -0.5333317235424098 -0.6308421931295616 -0.6927536023912423 -0.7562127968844725 -0.7763340048945192 -0.7902640719783942 -0.7329960184113357 -0.7237093070220827 +13394,-0.6726323943811956,0,0.75287780386908 0.9448031725803024 0.9726633067480613 0.9819500181373144 1.0175490784627856 0.9773066624426923 0.8008591460468856 0.4324862609398653 0.08423458384289165 -0.2191313215393578 -0.40641333455594936 -0.5333317235424098 -0.6308421931295616 -0.6927536023912423 -0.7562127968844725 -0.7763340048945192 -0.7902640719783942 -0.7329960184113357 -0.7237093070220827 -0.712874810401289 +13395,-0.6122687703510556,0,0.9448031725803024 0.9726633067480613 0.9819500181373144 1.0175490784627856 0.9773066624426923 0.8008591460468856 0.4324862609398653 0.08423458384289165 -0.2191313215393578 -0.40641333455594936 -0.5333317235424098 -0.6308421931295616 -0.6927536023912423 -0.7562127968844725 -0.7763340048945192 -0.7902640719783942 -0.7329960184113357 -0.7237093070220827 -0.712874810401289 -0.6726323943811956 +13396,-0.47142031428072023,0,0.9726633067480613 0.9819500181373144 1.0175490784627856 0.9773066624426923 0.8008591460468856 0.4324862609398653 0.08423458384289165 -0.2191313215393578 -0.40641333455594936 -0.5333317235424098 -0.6308421931295616 -0.6927536023912423 -0.7562127968844725 -0.7763340048945192 -0.7902640719783942 -0.7329960184113357 -0.7237093070220827 -0.712874810401289 -0.6726323943811956 -0.6122687703510556 +13397,-0.264017093254082,0,0.9819500181373144 1.0175490784627856 0.9773066624426923 0.8008591460468856 0.4324862609398653 0.08423458384289165 -0.2191313215393578 -0.40641333455594936 -0.5333317235424098 -0.6308421931295616 -0.6927536023912423 -0.7562127968844725 -0.7763340048945192 -0.7902640719783942 -0.7329960184113357 -0.7237093070220827 -0.712874810401289 -0.6726323943811956 -0.6122687703510556 -0.47142031428072023 +13398,-0.11078635533141219,0,1.0175490784627856 0.9773066624426923 0.8008591460468856 0.4324862609398653 0.08423458384289165 -0.2191313215393578 -0.40641333455594936 -0.5333317235424098 -0.6308421931295616 -0.6927536023912423 -0.7562127968844725 -0.7763340048945192 -0.7902640719783942 -0.7329960184113357 -0.7237093070220827 -0.712874810401289 -0.6726323943811956 -0.6122687703510556 -0.47142031428072023 -0.264017093254082 +13399,0.011488677960417278,0,0.9773066624426923 0.8008591460468856 0.4324862609398653 0.08423458384289165 -0.2191313215393578 -0.40641333455594936 -0.5333317235424098 -0.6308421931295616 -0.6927536023912423 -0.7562127968844725 -0.7763340048945192 -0.7902640719783942 -0.7329960184113357 -0.7237093070220827 -0.712874810401289 -0.6726323943811956 -0.6122687703510556 -0.47142031428072023 -0.264017093254082 -0.11078635533141219 +13400,0.12602478509453446,0,0.8008591460468856 0.4324862609398653 0.08423458384289165 -0.2191313215393578 -0.40641333455594936 -0.5333317235424098 -0.6308421931295616 -0.6927536023912423 -0.7562127968844725 -0.7763340048945192 -0.7902640719783942 -0.7329960184113357 -0.7237093070220827 -0.712874810401289 -0.6726323943811956 -0.6122687703510556 -0.47142031428072023 -0.264017093254082 -0.11078635533141219 0.011488677960417278 +13401,0.18019726819850287,0,0.4324862609398653 0.08423458384289165 -0.2191313215393578 -0.40641333455594936 -0.5333317235424098 -0.6308421931295616 -0.6927536023912423 -0.7562127968844725 -0.7763340048945192 -0.7902640719783942 -0.7329960184113357 -0.7237093070220827 -0.712874810401289 -0.6726323943811956 -0.6122687703510556 -0.47142031428072023 -0.264017093254082 -0.11078635533141219 0.011488677960417278 0.12602478509453446 +13402,0.13531149648378746,0,0.08423458384289165 -0.2191313215393578 -0.40641333455594936 -0.5333317235424098 -0.6308421931295616 -0.6927536023912423 -0.7562127968844725 -0.7763340048945192 -0.7902640719783942 -0.7329960184113357 -0.7237093070220827 -0.712874810401289 -0.6726323943811956 -0.6122687703510556 -0.47142031428072023 -0.264017093254082 -0.11078635533141219 0.011488677960417278 0.12602478509453446 0.18019726819850287 +13403,0.08887793953752253,0,-0.2191313215393578 -0.40641333455594936 -0.5333317235424098 -0.6308421931295616 -0.6927536023912423 -0.7562127968844725 -0.7763340048945192 -0.7902640719783942 -0.7329960184113357 -0.7237093070220827 -0.712874810401289 -0.6726323943811956 -0.6122687703510556 -0.47142031428072023 -0.264017093254082 -0.11078635533141219 0.011488677960417278 0.12602478509453446 0.18019726819850287 0.13531149648378746 +13404,-0.008632530049629385,0,-0.40641333455594936 -0.5333317235424098 -0.6308421931295616 -0.6927536023912423 -0.7562127968844725 -0.7763340048945192 -0.7902640719783942 -0.7329960184113357 -0.7237093070220827 -0.712874810401289 -0.6726323943811956 -0.6122687703510556 -0.47142031428072023 -0.264017093254082 -0.11078635533141219 0.011488677960417278 0.12602478509453446 0.18019726819850287 0.13531149648378746 0.08887793953752253 +13405,-0.2129401806131862,0,-0.5333317235424098 -0.6308421931295616 -0.6927536023912423 -0.7562127968844725 -0.7763340048945192 -0.7902640719783942 -0.7329960184113357 -0.7237093070220827 -0.712874810401289 -0.6726323943811956 -0.6122687703510556 -0.47142031428072023 -0.264017093254082 -0.11078635533141219 0.011488677960417278 0.12602478509453446 0.18019726819850287 0.13531149648378746 0.08887793953752253 -0.008632530049629385 +13406,-0.44975132103913285,0,-0.6308421931295616 -0.6927536023912423 -0.7562127968844725 -0.7763340048945192 -0.7902640719783942 -0.7329960184113357 -0.7237093070220827 -0.712874810401289 -0.6726323943811956 -0.6122687703510556 -0.47142031428072023 -0.264017093254082 -0.11078635533141219 0.011488677960417278 0.12602478509453446 0.18019726819850287 0.13531149648378746 0.08887793953752253 -0.008632530049629385 -0.2129401806131862 +13407,-0.6122687703510556,0,-0.6927536023912423 -0.7562127968844725 -0.7763340048945192 -0.7902640719783942 -0.7329960184113357 -0.7237093070220827 -0.712874810401289 -0.6726323943811956 -0.6122687703510556 -0.47142031428072023 -0.264017093254082 -0.11078635533141219 0.011488677960417278 0.12602478509453446 0.18019726819850287 0.13531149648378746 0.08887793953752253 -0.008632530049629385 -0.2129401806131862 -0.44975132103913285 +13408,-0.666441253455024,0,-0.7562127968844725 -0.7763340048945192 -0.7902640719783942 -0.7329960184113357 -0.7237093070220827 -0.712874810401289 -0.6726323943811956 -0.6122687703510556 -0.47142031428072023 -0.264017093254082 -0.11078635533141219 0.011488677960417278 0.12602478509453446 0.18019726819850287 0.13531149648378746 0.08887793953752253 -0.008632530049629385 -0.2129401806131862 -0.44975132103913285 -0.6122687703510556 +13409,-0.7097792399382076,0,-0.7763340048945192 -0.7902640719783942 -0.7329960184113357 -0.7237093070220827 -0.712874810401289 -0.6726323943811956 -0.6122687703510556 -0.47142031428072023 -0.264017093254082 -0.11078635533141219 0.011488677960417278 0.12602478509453446 0.18019726819850287 0.13531149648378746 0.08887793953752253 -0.008632530049629385 -0.2129401806131862 -0.44975132103913285 -0.6122687703510556 -0.666441253455024 +13410,-0.7144225956328297,0,-0.7902640719783942 -0.7329960184113357 -0.7237093070220827 -0.712874810401289 -0.6726323943811956 -0.6122687703510556 -0.47142031428072023 -0.264017093254082 -0.11078635533141219 0.011488677960417278 0.12602478509453446 0.18019726819850287 0.13531149648378746 0.08887793953752253 -0.008632530049629385 -0.2129401806131862 -0.44975132103913285 -0.6122687703510556 -0.666441253455024 -0.7097792399382076 +13411,-0.7144225956328297,0,-0.7329960184113357 -0.7237093070220827 -0.712874810401289 -0.6726323943811956 -0.6122687703510556 -0.47142031428072023 -0.264017093254082 -0.11078635533141219 0.011488677960417278 0.12602478509453446 0.18019726819850287 0.13531149648378746 0.08887793953752253 -0.008632530049629385 -0.2129401806131862 -0.44975132103913285 -0.6122687703510556 -0.666441253455024 -0.7097792399382076 -0.7144225956328297 +13412,-0.7422827298005886,0,-0.7237093070220827 -0.712874810401289 -0.6726323943811956 -0.6122687703510556 -0.47142031428072023 -0.264017093254082 -0.11078635533141219 0.011488677960417278 0.12602478509453446 0.18019726819850287 0.13531149648378746 0.08887793953752253 -0.008632530049629385 -0.2129401806131862 -0.44975132103913285 -0.6122687703510556 -0.666441253455024 -0.7097792399382076 -0.7144225956328297 -0.7144225956328297 +13413,-0.703588099012036,0,-0.712874810401289 -0.6726323943811956 -0.6122687703510556 -0.47142031428072023 -0.264017093254082 -0.11078635533141219 0.011488677960417278 0.12602478509453446 0.18019726819850287 0.13531149648378746 0.08887793953752253 -0.008632530049629385 -0.2129401806131862 -0.44975132103913285 -0.6122687703510556 -0.666441253455024 -0.7097792399382076 -0.7144225956328297 -0.7144225956328297 -0.7422827298005886 +13414,-0.7221615217905419,0,-0.6726323943811956 -0.6122687703510556 -0.47142031428072023 -0.264017093254082 -0.11078635533141219 0.011488677960417278 0.12602478509453446 0.18019726819850287 0.13531149648378746 0.08887793953752253 -0.008632530049629385 -0.2129401806131862 -0.44975132103913285 -0.6122687703510556 -0.666441253455024 -0.7097792399382076 -0.7144225956328297 -0.7144225956328297 -0.7422827298005886 -0.703588099012036 +13415,-0.7113270251697483,0,-0.6122687703510556 -0.47142031428072023 -0.264017093254082 -0.11078635533141219 0.011488677960417278 0.12602478509453446 0.18019726819850287 0.13531149648378746 0.08887793953752253 -0.008632530049629385 -0.2129401806131862 -0.44975132103913285 -0.6122687703510556 -0.666441253455024 -0.7097792399382076 -0.7144225956328297 -0.7144225956328297 -0.7422827298005886 -0.703588099012036 -0.7221615217905419 +13416,-0.7531172264213823,0,-0.47142031428072023 -0.264017093254082 -0.11078635533141219 0.011488677960417278 0.12602478509453446 0.18019726819850287 0.13531149648378746 0.08887793953752253 -0.008632530049629385 -0.2129401806131862 -0.44975132103913285 -0.6122687703510556 -0.666441253455024 -0.7097792399382076 -0.7144225956328297 -0.7144225956328297 -0.7422827298005886 -0.703588099012036 -0.7221615217905419 -0.7113270251697483 +13417,-0.7685950787368069,0,-0.264017093254082 -0.11078635533141219 0.011488677960417278 0.12602478509453446 0.18019726819850287 0.13531149648378746 0.08887793953752253 -0.008632530049629385 -0.2129401806131862 -0.44975132103913285 -0.6122687703510556 -0.666441253455024 -0.7097792399382076 -0.7144225956328297 -0.7144225956328297 -0.7422827298005886 -0.703588099012036 -0.7221615217905419 -0.7113270251697483 -0.7531172264213823 +13418,-0.7190659513274605,0,-0.11078635533141219 0.011488677960417278 0.12602478509453446 0.18019726819850287 0.13531149648378746 0.08887793953752253 -0.008632530049629385 -0.2129401806131862 -0.44975132103913285 -0.6122687703510556 -0.666441253455024 -0.7097792399382076 -0.7144225956328297 -0.7144225956328297 -0.7422827298005886 -0.703588099012036 -0.7221615217905419 -0.7113270251697483 -0.7531172264213823 -0.7685950787368069 +13419,-0.5998864884987125,0,0.011488677960417278 0.12602478509453446 0.18019726819850287 0.13531149648378746 0.08887793953752253 -0.008632530049629385 -0.2129401806131862 -0.44975132103913285 -0.6122687703510556 -0.666441253455024 -0.7097792399382076 -0.7144225956328297 -0.7144225956328297 -0.7422827298005886 -0.703588099012036 -0.7221615217905419 -0.7113270251697483 -0.7531172264213823 -0.7685950787368069 -0.7190659513274605 +13420,-0.4868981665961448,0,0.12602478509453446 0.18019726819850287 0.13531149648378746 0.08887793953752253 -0.008632530049629385 -0.2129401806131862 -0.44975132103913285 -0.6122687703510556 -0.666441253455024 -0.7097792399382076 -0.7144225956328297 -0.7144225956328297 -0.7422827298005886 -0.703588099012036 -0.7221615217905419 -0.7113270251697483 -0.7531172264213823 -0.7685950787368069 -0.7190659513274605 -0.5998864884987125 +13421,-0.30580729450571603,0,0.18019726819850287 0.13531149648378746 0.08887793953752253 -0.008632530049629385 -0.2129401806131862 -0.44975132103913285 -0.6122687703510556 -0.666441253455024 -0.7097792399382076 -0.7144225956328297 -0.7144225956328297 -0.7422827298005886 -0.703588099012036 -0.7221615217905419 -0.7113270251697483 -0.7531172264213823 -0.7685950787368069 -0.7190659513274605 -0.5998864884987125 -0.4868981665961448 +13422,-0.1665066236669301,0,0.13531149648378746 0.08887793953752253 -0.008632530049629385 -0.2129401806131862 -0.44975132103913285 -0.6122687703510556 -0.666441253455024 -0.7097792399382076 -0.7144225956328297 -0.7144225956328297 -0.7422827298005886 -0.703588099012036 -0.7221615217905419 -0.7113270251697483 -0.7531172264213823 -0.7685950787368069 -0.7190659513274605 -0.5998864884987125 -0.4868981665961448 -0.30580729450571603 +13423,-0.058161657458975696,0,0.08887793953752253 -0.008632530049629385 -0.2129401806131862 -0.44975132103913285 -0.6122687703510556 -0.666441253455024 -0.7097792399382076 -0.7144225956328297 -0.7144225956328297 -0.7422827298005886 -0.703588099012036 -0.7221615217905419 -0.7113270251697483 -0.7531172264213823 -0.7685950787368069 -0.7190659513274605 -0.5998864884987125 -0.4868981665961448 -0.30580729450571603 -0.1665066236669301 +13424,0.05947002013822289,0,-0.008632530049629385 -0.2129401806131862 -0.44975132103913285 -0.6122687703510556 -0.666441253455024 -0.7097792399382076 -0.7144225956328297 -0.7144225956328297 -0.7422827298005886 -0.703588099012036 -0.7221615217905419 -0.7113270251697483 -0.7531172264213823 -0.7685950787368069 -0.7190659513274605 -0.5998864884987125 -0.4868981665961448 -0.30580729450571603 -0.1665066236669301 -0.058161657458975696 +13425,0.12602478509453446,0,-0.2129401806131862 -0.44975132103913285 -0.6122687703510556 -0.666441253455024 -0.7097792399382076 -0.7144225956328297 -0.7144225956328297 -0.7422827298005886 -0.703588099012036 -0.7221615217905419 -0.7113270251697483 -0.7531172264213823 -0.7685950787368069 -0.7190659513274605 -0.5998864884987125 -0.4868981665961448 -0.30580729450571603 -0.1665066236669301 -0.058161657458975696 0.05947002013822289 +13426,0.13066814078915656,0,-0.44975132103913285 -0.6122687703510556 -0.666441253455024 -0.7097792399382076 -0.7144225956328297 -0.7144225956328297 -0.7422827298005886 -0.703588099012036 -0.7221615217905419 -0.7113270251697483 -0.7531172264213823 -0.7685950787368069 -0.7190659513274605 -0.5998864884987125 -0.4868981665961448 -0.30580729450571603 -0.1665066236669301 -0.058161657458975696 0.05947002013822289 0.12602478509453446 +13427,0.13685928171532816,0,-0.6122687703510556 -0.666441253455024 -0.7097792399382076 -0.7144225956328297 -0.7144225956328297 -0.7422827298005886 -0.703588099012036 -0.7221615217905419 -0.7113270251697483 -0.7531172264213823 -0.7685950787368069 -0.7190659513274605 -0.5998864884987125 -0.4868981665961448 -0.30580729450571603 -0.1665066236669301 -0.058161657458975696 0.05947002013822289 0.12602478509453446 0.13066814078915656 +13428,0.1074513623160285,0,-0.666441253455024 -0.7097792399382076 -0.7144225956328297 -0.7144225956328297 -0.7422827298005886 -0.703588099012036 -0.7221615217905419 -0.7113270251697483 -0.7531172264213823 -0.7685950787368069 -0.7190659513274605 -0.5998864884987125 -0.4868981665961448 -0.30580729450571603 -0.1665066236669301 -0.058161657458975696 0.05947002013822289 0.12602478509453446 0.13066814078915656 0.13685928171532816 +13429,-0.025658167596594655,0,-0.7097792399382076 -0.7144225956328297 -0.7144225956328297 -0.7422827298005886 -0.703588099012036 -0.7221615217905419 -0.7113270251697483 -0.7531172264213823 -0.7685950787368069 -0.7190659513274605 -0.5998864884987125 -0.4868981665961448 -0.30580729450571603 -0.1665066236669301 -0.058161657458975696 0.05947002013822289 0.12602478509453446 0.13066814078915656 0.13685928171532816 0.1074513623160285 +13430,-0.29961615357954446,0,-0.7144225956328297 -0.7144225956328297 -0.7422827298005886 -0.703588099012036 -0.7221615217905419 -0.7113270251697483 -0.7531172264213823 -0.7685950787368069 -0.7190659513274605 -0.5998864884987125 -0.4868981665961448 -0.30580729450571603 -0.1665066236669301 -0.058161657458975696 0.05947002013822289 0.12602478509453446 0.13066814078915656 0.13685928171532816 0.1074513623160285 -0.025658167596594655 +13431,-0.47296809951226093,0,-0.7144225956328297 -0.7422827298005886 -0.703588099012036 -0.7221615217905419 -0.7113270251697483 -0.7531172264213823 -0.7685950787368069 -0.7190659513274605 -0.5998864884987125 -0.4868981665961448 -0.30580729450571603 -0.1665066236669301 -0.058161657458975696 0.05947002013822289 0.12602478509453446 0.13066814078915656 0.13685928171532816 0.1074513623160285 -0.025658167596594655 -0.29961615357954446 +13432,-0.615364340814137,0,-0.7422827298005886 -0.703588099012036 -0.7221615217905419 -0.7113270251697483 -0.7531172264213823 -0.7685950787368069 -0.7190659513274605 -0.5998864884987125 -0.4868981665961448 -0.30580729450571603 -0.1665066236669301 -0.058161657458975696 0.05947002013822289 0.12602478509453446 0.13066814078915656 0.13685928171532816 0.1074513623160285 -0.025658167596594655 -0.29961615357954446 -0.47296809951226093 +13433,-0.7113270251697483,0,-0.703588099012036 -0.7221615217905419 -0.7113270251697483 -0.7531172264213823 -0.7685950787368069 -0.7190659513274605 -0.5998864884987125 -0.4868981665961448 -0.30580729450571603 -0.1665066236669301 -0.058161657458975696 0.05947002013822289 0.12602478509453446 0.13066814078915656 0.13685928171532816 0.1074513623160285 -0.025658167596594655 -0.29961615357954446 -0.47296809951226093 -0.615364340814137 +13434,-0.7654995082737255,0,-0.7221615217905419 -0.7113270251697483 -0.7531172264213823 -0.7685950787368069 -0.7190659513274605 -0.5998864884987125 -0.4868981665961448 -0.30580729450571603 -0.1665066236669301 -0.058161657458975696 0.05947002013822289 0.12602478509453446 0.13066814078915656 0.13685928171532816 0.1074513623160285 -0.025658167596594655 -0.29961615357954446 -0.47296809951226093 -0.615364340814137 -0.7113270251697483 +13435,-0.8212197766092346,0,-0.7113270251697483 -0.7531172264213823 -0.7685950787368069 -0.7190659513274605 -0.5998864884987125 -0.4868981665961448 -0.30580729450571603 -0.1665066236669301 -0.058161657458975696 0.05947002013822289 0.12602478509453446 0.13066814078915656 0.13685928171532816 0.1074513623160285 -0.025658167596594655 -0.29961615357954446 -0.47296809951226093 -0.615364340814137 -0.7113270251697483 -0.7654995082737255 +13436,-0.8939656824917177,0,-0.7531172264213823 -0.7685950787368069 -0.7190659513274605 -0.5998864884987125 -0.4868981665961448 -0.30580729450571603 -0.1665066236669301 -0.058161657458975696 0.05947002013822289 0.12602478509453446 0.13066814078915656 0.13685928171532816 0.1074513623160285 -0.025658167596594655 -0.29961615357954446 -0.47296809951226093 -0.615364340814137 -0.7113270251697483 -0.7654995082737255 -0.8212197766092346 +13437,-0.952781521290317,0,-0.7685950787368069 -0.7190659513274605 -0.5998864884987125 -0.4868981665961448 -0.30580729450571603 -0.1665066236669301 -0.058161657458975696 0.05947002013822289 0.12602478509453446 0.13066814078915656 0.13685928171532816 0.1074513623160285 -0.025658167596594655 -0.29961615357954446 -0.47296809951226093 -0.615364340814137 -0.7113270251697483 -0.7654995082737255 -0.8212197766092346 -0.8939656824917177 +13438,-0.9914761520788696,0,-0.7190659513274605 -0.5998864884987125 -0.4868981665961448 -0.30580729450571603 -0.1665066236669301 -0.058161657458975696 0.05947002013822289 0.12602478509453446 0.13066814078915656 0.13685928171532816 0.1074513623160285 -0.025658167596594655 -0.29961615357954446 -0.47296809951226093 -0.615364340814137 -0.7113270251697483 -0.7654995082737255 -0.8212197766092346 -0.8939656824917177 -0.952781521290317 +13439,-1.02243185670971,0,-0.5998864884987125 -0.4868981665961448 -0.30580729450571603 -0.1665066236669301 -0.058161657458975696 0.05947002013822289 0.12602478509453446 0.13066814078915656 0.13685928171532816 0.1074513623160285 -0.025658167596594655 -0.29961615357954446 -0.47296809951226093 -0.615364340814137 -0.7113270251697483 -0.7654995082737255 -0.8212197766092346 -0.8939656824917177 -0.952781521290317 -0.9914761520788696 +13440,-1.0487442056459282,0,-0.4868981665961448 -0.30580729450571603 -0.1665066236669301 -0.058161657458975696 0.05947002013822289 0.12602478509453446 0.13066814078915656 0.13685928171532816 0.1074513623160285 -0.025658167596594655 -0.29961615357954446 -0.47296809951226093 -0.615364340814137 -0.7113270251697483 -0.7654995082737255 -0.8212197766092346 -0.8939656824917177 -0.952781521290317 -0.9914761520788696 -1.02243185670971 +13441,-1.0611264874982627,0,-0.30580729450571603 -0.1665066236669301 -0.058161657458975696 0.05947002013822289 0.12602478509453446 0.13066814078915656 0.13685928171532816 0.1074513623160285 -0.025658167596594655 -0.29961615357954446 -0.47296809951226093 -0.615364340814137 -0.7113270251697483 -0.7654995082737255 -0.8212197766092346 -0.8939656824917177 -0.952781521290317 -0.9914761520788696 -1.02243185670971 -1.0487442056459282 +13442,-0.952781521290317,0,-0.1665066236669301 -0.058161657458975696 0.05947002013822289 0.12602478509453446 0.13066814078915656 0.13685928171532816 0.1074513623160285 -0.025658167596594655 -0.29961615357954446 -0.47296809951226093 -0.615364340814137 -0.7113270251697483 -0.7654995082737255 -0.8212197766092346 -0.8939656824917177 -0.952781521290317 -0.9914761520788696 -1.02243185670971 -1.0487442056459282 -1.0611264874982627 +13443,-0.6494156159080676,0,-0.058161657458975696 0.05947002013822289 0.12602478509453446 0.13066814078915656 0.13685928171532816 0.1074513623160285 -0.025658167596594655 -0.29961615357954446 -0.47296809951226093 -0.615364340814137 -0.7113270251697483 -0.7654995082737255 -0.8212197766092346 -0.8939656824917177 -0.952781521290317 -0.9914761520788696 -1.02243185670971 -1.0487442056459282 -1.0611264874982627 -0.952781521290317 +13444,-0.3212851468211406,0,0.05947002013822289 0.12602478509453446 0.13066814078915656 0.13685928171532816 0.1074513623160285 -0.025658167596594655 -0.29961615357954446 -0.47296809951226093 -0.615364340814137 -0.7113270251697483 -0.7654995082737255 -0.8212197766092346 -0.8939656824917177 -0.952781521290317 -0.9914761520788696 -1.02243185670971 -1.0487442056459282 -1.0611264874982627 -0.952781521290317 -0.6494156159080676 +13445,0.09816465092677551,0,0.12602478509453446 0.13066814078915656 0.13685928171532816 0.1074513623160285 -0.025658167596594655 -0.29961615357954446 -0.47296809951226093 -0.615364340814137 -0.7113270251697483 -0.7654995082737255 -0.8212197766092346 -0.8939656824917177 -0.952781521290317 -0.9914761520788696 -1.02243185670971 -1.0487442056459282 -1.0611264874982627 -0.952781521290317 -0.6494156159080676 -0.3212851468211406 +13446,0.5253533748323951,0,0.13066814078915656 0.13685928171532816 0.1074513623160285 -0.025658167596594655 -0.29961615357954446 -0.47296809951226093 -0.615364340814137 -0.7113270251697483 -0.7654995082737255 -0.8212197766092346 -0.8939656824917177 -0.952781521290317 -0.9914761520788696 -1.02243185670971 -1.0487442056459282 -1.0611264874982627 -0.952781521290317 -0.6494156159080676 -0.3212851468211406 0.09816465092677551 +13447,0.8457449177616099,0,0.13685928171532816 0.1074513623160285 -0.025658167596594655 -0.29961615357954446 -0.47296809951226093 -0.615364340814137 -0.7113270251697483 -0.7654995082737255 -0.8212197766092346 -0.8939656824917177 -0.952781521290317 -0.9914761520788696 -1.02243185670971 -1.0487442056459282 -1.0611264874982627 -0.952781521290317 -0.6494156159080676 -0.3212851468211406 0.09816465092677551 0.5253533748323951 +13448,1.0283835750835792,0,0.1074513623160285 -0.025658167596594655 -0.29961615357954446 -0.47296809951226093 -0.615364340814137 -0.7113270251697483 -0.7654995082737255 -0.8212197766092346 -0.8939656824917177 -0.952781521290317 -0.9914761520788696 -1.02243185670971 -1.0487442056459282 -1.0611264874982627 -0.952781521290317 -0.6494156159080676 -0.3212851468211406 0.09816465092677551 0.5253533748323951 0.8457449177616099 +13449,1.1429196822176966,0,-0.025658167596594655 -0.29961615357954446 -0.47296809951226093 -0.615364340814137 -0.7113270251697483 -0.7654995082737255 -0.8212197766092346 -0.8939656824917177 -0.952781521290317 -0.9914761520788696 -1.02243185670971 -1.0487442056459282 -1.0611264874982627 -0.952781521290317 -0.6494156159080676 -0.3212851468211406 0.09816465092677551 0.5253533748323951 0.8457449177616099 1.0283835750835792 +13450,1.1893532391639525,0,-0.29961615357954446 -0.47296809951226093 -0.615364340814137 -0.7113270251697483 -0.7654995082737255 -0.8212197766092346 -0.8939656824917177 -0.952781521290317 -0.9914761520788696 -1.02243185670971 -1.0487442056459282 -1.0611264874982627 -0.952781521290317 -0.6494156159080676 -0.3212851468211406 0.09816465092677551 0.5253533748323951 0.8457449177616099 1.0283835750835792 1.1429196822176966 +13451,1.2249522994894237,0,-0.47296809951226093 -0.615364340814137 -0.7113270251697483 -0.7654995082737255 -0.8212197766092346 -0.8939656824917177 -0.952781521290317 -0.9914761520788696 -1.02243185670971 -1.0487442056459282 -1.0611264874982627 -0.952781521290317 -0.6494156159080676 -0.3212851468211406 0.09816465092677551 0.5253533748323951 0.8457449177616099 1.0283835750835792 1.1429196822176966 1.1893532391639525 +13452,1.2404301518048484,0,-0.615364340814137 -0.7113270251697483 -0.7654995082737255 -0.8212197766092346 -0.8939656824917177 -0.952781521290317 -0.9914761520788696 -1.02243185670971 -1.0487442056459282 -1.0611264874982627 -0.952781521290317 -0.6494156159080676 -0.3212851468211406 0.09816465092677551 0.5253533748323951 0.8457449177616099 1.0283835750835792 1.1429196822176966 1.1893532391639525 1.2249522994894237 +13453,1.1227984742076498,0,-0.7113270251697483 -0.7654995082737255 -0.8212197766092346 -0.8939656824917177 -0.952781521290317 -0.9914761520788696 -1.02243185670971 -1.0487442056459282 -1.0611264874982627 -0.952781521290317 -0.6494156159080676 -0.3212851468211406 0.09816465092677551 0.5253533748323951 0.8457449177616099 1.0283835750835792 1.1429196822176966 1.1893532391639525 1.2249522994894237 1.2404301518048484 +13454,0.7915724346576326,0,-0.7654995082737255 -0.8212197766092346 -0.8939656824917177 -0.952781521290317 -0.9914761520788696 -1.02243185670971 -1.0487442056459282 -1.0611264874982627 -0.952781521290317 -0.6494156159080676 -0.3212851468211406 0.09816465092677551 0.5253533748323951 0.8457449177616099 1.0283835750835792 1.1429196822176966 1.1893532391639525 1.2249522994894237 1.2404301518048484 1.1227984742076498 +13455,0.4943976702015548,0,-0.8212197766092346 -0.8939656824917177 -0.952781521290317 -0.9914761520788696 -1.02243185670971 -1.0487442056459282 -1.0611264874982627 -0.952781521290317 -0.6494156159080676 -0.3212851468211406 0.09816465092677551 0.5253533748323951 0.8457449177616099 1.0283835750835792 1.1429196822176966 1.1893532391639525 1.2249522994894237 1.2404301518048484 1.1227984742076498 0.7915724346576326 +13456,0.23901310699710215,0,-0.8939656824917177 -0.952781521290317 -0.9914761520788696 -1.02243185670971 -1.0487442056459282 -1.0611264874982627 -0.952781521290317 -0.6494156159080676 -0.3212851468211406 0.09816465092677551 0.5253533748323951 0.8457449177616099 1.0283835750835792 1.1429196822176966 1.1893532391639525 1.2249522994894237 1.2404301518048484 1.1227984742076498 0.7915724346576326 0.4943976702015548 +13457,0.06101780536976358,0,-0.952781521290317 -0.9914761520788696 -1.02243185670971 -1.0487442056459282 -1.0611264874982627 -0.952781521290317 -0.6494156159080676 -0.3212851468211406 0.09816465092677551 0.5253533748323951 0.8457449177616099 1.0283835750835792 1.1429196822176966 1.1893532391639525 1.2249522994894237 1.2404301518048484 1.1227984742076498 0.7915724346576326 0.4943976702015548 0.23901310699710215 +13458,-0.10459521440524061,0,-0.9914761520788696 -1.02243185670971 -1.0487442056459282 -1.0611264874982627 -0.952781521290317 -0.6494156159080676 -0.3212851468211406 0.09816465092677551 0.5253533748323951 0.8457449177616099 1.0283835750835792 1.1429196822176966 1.1893532391639525 1.2249522994894237 1.2404301518048484 1.1227984742076498 0.7915724346576326 0.4943976702015548 0.23901310699710215 0.06101780536976358 +13459,-0.2144879658447357,0,-1.02243185670971 -1.0487442056459282 -1.0611264874982627 -0.952781521290317 -0.6494156159080676 -0.3212851468211406 0.09816465092677551 0.5253533748323951 0.8457449177616099 1.0283835750835792 1.1429196822176966 1.1893532391639525 1.2249522994894237 1.2404301518048484 1.1227984742076498 0.7915724346576326 0.4943976702015548 0.23901310699710215 0.06101780536976358 -0.10459521440524061 +13460,-0.282590516032588,0,-1.0487442056459282 -1.0611264874982627 -0.952781521290317 -0.6494156159080676 -0.3212851468211406 0.09816465092677551 0.5253533748323951 0.8457449177616099 1.0283835750835792 1.1429196822176966 1.1893532391639525 1.2249522994894237 1.2404301518048484 1.1227984742076498 0.7915724346576326 0.4943976702015548 0.23901310699710215 0.06101780536976358 -0.10459521440524061 -0.2144879658447357 +13461,-0.3708142742304869,0,-1.0611264874982627 -0.952781521290317 -0.6494156159080676 -0.3212851468211406 0.09816465092677551 0.5253533748323951 0.8457449177616099 1.0283835750835792 1.1429196822176966 1.1893532391639525 1.2249522994894237 1.2404301518048484 1.1227984742076498 0.7915724346576326 0.4943976702015548 0.23901310699710215 0.06101780536976358 -0.10459521440524061 -0.2144879658447357 -0.282590516032588 +13462,-0.38629212654590267,0,-0.952781521290317 -0.6494156159080676 -0.3212851468211406 0.09816465092677551 0.5253533748323951 0.8457449177616099 1.0283835750835792 1.1429196822176966 1.1893532391639525 1.2249522994894237 1.2404301518048484 1.1227984742076498 0.7915724346576326 0.4943976702015548 0.23901310699710215 0.06101780536976358 -0.10459521440524061 -0.2144879658447357 -0.282590516032588 -0.3708142742304869 +13463,-2.4293686321814887,0,-0.6494156159080676 -0.3212851468211406 0.09816465092677551 0.5253533748323951 0.8457449177616099 1.0283835750835792 1.1429196822176966 1.1893532391639525 1.2249522994894237 1.2404301518048484 1.1227984742076498 0.7915724346576326 0.4943976702015548 0.23901310699710215 0.06101780536976358 -0.10459521440524061 -0.2144879658447357 -0.282590516032588 -0.3708142742304869 -0.38629212654590267 +13464,-0.6973969580858732,0,-0.3212851468211406 0.09816465092677551 0.5253533748323951 0.8457449177616099 1.0283835750835792 1.1429196822176966 1.1893532391639525 1.2249522994894237 1.2404301518048484 1.1227984742076498 0.7915724346576326 0.4943976702015548 0.23901310699710215 0.06101780536976358 -0.10459521440524061 -0.2144879658447357 -0.282590516032588 -0.3708142742304869 -0.38629212654590267 -2.4293686321814887 +13465,-0.7624039378106353,0,0.09816465092677551 0.5253533748323951 0.8457449177616099 1.0283835750835792 1.1429196822176966 1.1893532391639525 1.2249522994894237 1.2404301518048484 1.1227984742076498 0.7915724346576326 0.4943976702015548 0.23901310699710215 0.06101780536976358 -0.10459521440524061 -0.2144879658447357 -0.282590516032588 -0.3708142742304869 -0.38629212654590267 -2.4293686321814887 -0.6973969580858732 +13466,-0.7360915888744258,0,0.5253533748323951 0.8457449177616099 1.0283835750835792 1.1429196822176966 1.1893532391639525 1.2249522994894237 1.2404301518048484 1.1227984742076498 0.7915724346576326 0.4943976702015548 0.23901310699710215 0.06101780536976358 -0.10459521440524061 -0.2144879658447357 -0.282590516032588 -0.3708142742304869 -0.38629212654590267 -2.4293686321814887 -0.6973969580858732 -0.7624039378106353 +13467,-0.5101149450692729,0,0.8457449177616099 1.0283835750835792 1.1429196822176966 1.1893532391639525 1.2249522994894237 1.2404301518048484 1.1227984742076498 0.7915724346576326 0.4943976702015548 0.23901310699710215 0.06101780536976358 -0.10459521440524061 -0.2144879658447357 -0.282590516032588 -0.3708142742304869 -0.38629212654590267 -2.4293686321814887 -0.6973969580858732 -0.7624039378106353 -0.7360915888744258 +13468,-0.19901011352931114,0,1.0283835750835792 1.1429196822176966 1.1893532391639525 1.2249522994894237 1.2404301518048484 1.1227984742076498 0.7915724346576326 0.4943976702015548 0.23901310699710215 0.06101780536976358 -0.10459521440524061 -0.2144879658447357 -0.282590516032588 -0.3708142742304869 -0.38629212654590267 -2.4293686321814887 -0.6973969580858732 -0.7624039378106353 -0.7360915888744258 -0.5101149450692729 +13469,0.028514315507373746,0,1.1429196822176966 1.1893532391639525 1.2249522994894237 1.2404301518048484 1.1227984742076498 0.7915724346576326 0.4943976702015548 0.23901310699710215 0.06101780536976358 -0.10459521440524061 -0.2144879658447357 -0.282590516032588 -0.3708142742304869 -0.38629212654590267 -2.4293686321814887 -0.6973969580858732 -0.7624039378106353 -0.7360915888744258 -0.5101149450692729 -0.19901011352931114 +13470,0.30556787195341373,0,1.1893532391639525 1.2249522994894237 1.2404301518048484 1.1227984742076498 0.7915724346576326 0.4943976702015548 0.23901310699710215 0.06101780536976358 -0.10459521440524061 -0.2144879658447357 -0.282590516032588 -0.3708142742304869 -0.38629212654590267 -2.4293686321814887 -0.6973969580858732 -0.7624039378106353 -0.7360915888744258 -0.5101149450692729 -0.19901011352931114 0.028514315507373746 +13471,0.5114233077485113,0,1.2249522994894237 1.2404301518048484 1.1227984742076498 0.7915724346576326 0.4943976702015548 0.23901310699710215 0.06101780536976358 -0.10459521440524061 -0.2144879658447357 -0.282590516032588 -0.3708142742304869 -0.38629212654590267 -2.4293686321814887 -0.6973969580858732 -0.7624039378106353 -0.7360915888744258 -0.5101149450692729 -0.19901011352931114 0.028514315507373746 0.30556787195341373 +13472,0.711087602617446,0,1.2404301518048484 1.1227984742076498 0.7915724346576326 0.4943976702015548 0.23901310699710215 0.06101780536976358 -0.10459521440524061 -0.2144879658447357 -0.282590516032588 -0.3708142742304869 -0.38629212654590267 -2.4293686321814887 -0.6973969580858732 -0.7624039378106353 -0.7360915888744258 -0.5101149450692729 -0.19901011352931114 0.028514315507373746 0.30556787195341373 0.5114233077485113 +13473,0.7993113608153449,0,1.1227984742076498 0.7915724346576326 0.4943976702015548 0.23901310699710215 0.06101780536976358 -0.10459521440524061 -0.2144879658447357 -0.282590516032588 -0.3708142742304869 -0.38629212654590267 -2.4293686321814887 -0.6973969580858732 -0.7624039378106353 -0.7360915888744258 -0.5101149450692729 -0.19901011352931114 0.028514315507373746 0.30556787195341373 0.5114233077485113 0.711087602617446 +13474,0.8689616962347378,0,0.7915724346576326 0.4943976702015548 0.23901310699710215 0.06101780536976358 -0.10459521440524061 -0.2144879658447357 -0.282590516032588 -0.3708142742304869 -0.38629212654590267 -2.4293686321814887 -0.6973969580858732 -0.7624039378106353 -0.7360915888744258 -0.5101149450692729 -0.19901011352931114 0.028514315507373746 0.30556787195341373 0.5114233077485113 0.711087602617446 0.7993113608153449 +13475,0.9061085417917498,0,0.4943976702015548 0.23901310699710215 0.06101780536976358 -0.10459521440524061 -0.2144879658447357 -0.282590516032588 -0.3708142742304869 -0.38629212654590267 -2.4293686321814887 -0.6973969580858732 -0.7624039378106353 -0.7360915888744258 -0.5101149450692729 -0.19901011352931114 0.028514315507373746 0.30556787195341373 0.5114233077485113 0.711087602617446 0.7993113608153449 0.8689616962347378 +13476,0.7977635755838042,0,0.23901310699710215 0.06101780536976358 -0.10459521440524061 -0.2144879658447357 -0.282590516032588 -0.3708142742304869 -0.38629212654590267 -2.4293686321814887 -0.6973969580858732 -0.7624039378106353 -0.7360915888744258 -0.5101149450692729 -0.19901011352931114 0.028514315507373746 0.30556787195341373 0.5114233077485113 0.711087602617446 0.7993113608153449 0.8689616962347378 0.9061085417917498 +13477,0.5950037102517881,0,0.06101780536976358 -0.10459521440524061 -0.2144879658447357 -0.282590516032588 -0.3708142742304869 -0.38629212654590267 -2.4293686321814887 -0.6973969580858732 -0.7624039378106353 -0.7360915888744258 -0.5101149450692729 -0.19901011352931114 0.028514315507373746 0.30556787195341373 0.5114233077485113 0.711087602617446 0.7993113608153449 0.8689616962347378 0.9061085417917498 0.7977635755838042 +13478,0.29937673102724216,0,-0.10459521440524061 -0.2144879658447357 -0.282590516032588 -0.3708142742304869 -0.38629212654590267 -2.4293686321814887 -0.6973969580858732 -0.7624039378106353 -0.7360915888744258 -0.5101149450692729 -0.19901011352931114 0.028514315507373746 0.30556787195341373 0.5114233077485113 0.711087602617446 0.7993113608153449 0.8689616962347378 0.9061085417917498 0.7977635755838042 0.5950037102517881 +13479,0.03625324166508603,0,-0.2144879658447357 -0.282590516032588 -0.3708142742304869 -0.38629212654590267 -2.4293686321814887 -0.6973969580858732 -0.7624039378106353 -0.7360915888744258 -0.5101149450692729 -0.19901011352931114 0.028514315507373746 0.30556787195341373 0.5114233077485113 0.711087602617446 0.7993113608153449 0.8689616962347378 0.9061085417917498 0.7977635755838042 0.5950037102517881 0.29937673102724216 +13480,-0.3104506502003469,0,-0.282590516032588 -0.3708142742304869 -0.38629212654590267 -2.4293686321814887 -0.6973969580858732 -0.7624039378106353 -0.7360915888744258 -0.5101149450692729 -0.19901011352931114 0.028514315507373746 0.30556787195341373 0.5114233077485113 0.711087602617446 0.7993113608153449 0.8689616962347378 0.9061085417917498 0.7977635755838042 0.5950037102517881 0.29937673102724216 0.03625324166508603 +13481,-0.3770054151566497,0,-0.3708142742304869 -0.38629212654590267 -2.4293686321814887 -0.6973969580858732 -0.7624039378106353 -0.7360915888744258 -0.5101149450692729 -0.19901011352931114 0.028514315507373746 0.30556787195341373 0.5114233077485113 0.711087602617446 0.7993113608153449 0.8689616962347378 0.9061085417917498 0.7977635755838042 0.5950037102517881 0.29937673102724216 0.03625324166508603 -0.3104506502003469 +13482,-0.46522917335455743,0,-0.38629212654590267 -2.4293686321814887 -0.6973969580858732 -0.7624039378106353 -0.7360915888744258 -0.5101149450692729 -0.19901011352931114 0.028514315507373746 0.30556787195341373 0.5114233077485113 0.711087602617446 0.7993113608153449 0.8689616962347378 0.9061085417917498 0.7977635755838042 0.5950037102517881 0.29937673102724216 0.03625324166508603 -0.3104506502003469 -0.3770054151566497 +13483,-0.5673829986363315,0,-2.4293686321814887 -0.6973969580858732 -0.7624039378106353 -0.7360915888744258 -0.5101149450692729 -0.19901011352931114 0.028514315507373746 0.30556787195341373 0.5114233077485113 0.711087602617446 0.7993113608153449 0.8689616962347378 0.9061085417917498 0.7977635755838042 0.5950037102517881 0.29937673102724216 0.03625324166508603 -0.3104506502003469 -0.3770054151566497 -0.46522917335455743 +13484,-0.6416766897503553,0,-0.6973969580858732 -0.7624039378106353 -0.7360915888744258 -0.5101149450692729 -0.19901011352931114 0.028514315507373746 0.30556787195341373 0.5114233077485113 0.711087602617446 0.7993113608153449 0.8689616962347378 0.9061085417917498 0.7977635755838042 0.5950037102517881 0.29937673102724216 0.03625324166508603 -0.3104506502003469 -0.3770054151566497 -0.46522917335455743 -0.5673829986363315 +13485,-0.6478678306765181,0,-0.7624039378106353 -0.7360915888744258 -0.5101149450692729 -0.19901011352931114 0.028514315507373746 0.30556787195341373 0.5114233077485113 0.711087602617446 0.7993113608153449 0.8689616962347378 0.9061085417917498 0.7977635755838042 0.5950037102517881 0.29937673102724216 0.03625324166508603 -0.3104506502003469 -0.3770054151566497 -0.46522917335455743 -0.5673829986363315 -0.6416766897503553 +13486,-0.6741801796127364,0,-0.7360915888744258 -0.5101149450692729 -0.19901011352931114 0.028514315507373746 0.30556787195341373 0.5114233077485113 0.711087602617446 0.7993113608153449 0.8689616962347378 0.9061085417917498 0.7977635755838042 0.5950037102517881 0.29937673102724216 0.03625324166508603 -0.3104506502003469 -0.3770054151566497 -0.46522917335455743 -0.5673829986363315 -0.6416766897503553 -0.6478678306765181 +13487,-0.6819191057704487,0,-0.5101149450692729 -0.19901011352931114 0.028514315507373746 0.30556787195341373 0.5114233077485113 0.711087602617446 0.7993113608153449 0.8689616962347378 0.9061085417917498 0.7977635755838042 0.5950037102517881 0.29937673102724216 0.03625324166508603 -0.3104506502003469 -0.3770054151566497 -0.46522917335455743 -0.5673829986363315 -0.6416766897503553 -0.6478678306765181 -0.6741801796127364 +13488,-0.6881102466966202,0,-0.19901011352931114 0.028514315507373746 0.30556787195341373 0.5114233077485113 0.711087602617446 0.7993113608153449 0.8689616962347378 0.9061085417917498 0.7977635755838042 0.5950037102517881 0.29937673102724216 0.03625324166508603 -0.3104506502003469 -0.3770054151566497 -0.46522917335455743 -0.5673829986363315 -0.6416766897503553 -0.6478678306765181 -0.6741801796127364 -0.6819191057704487 +13489,-0.694301387622783,0,0.028514315507373746 0.30556787195341373 0.5114233077485113 0.711087602617446 0.7993113608153449 0.8689616962347378 0.9061085417917498 0.7977635755838042 0.5950037102517881 0.29937673102724216 0.03625324166508603 -0.3104506502003469 -0.3770054151566497 -0.46522917335455743 -0.5673829986363315 -0.6416766897503553 -0.6478678306765181 -0.6741801796127364 -0.6819191057704487 -0.6881102466966202 +13490,-0.6679890386865736,0,0.30556787195341373 0.5114233077485113 0.711087602617446 0.7993113608153449 0.8689616962347378 0.9061085417917498 0.7977635755838042 0.5950037102517881 0.29937673102724216 0.03625324166508603 -0.3104506502003469 -0.3770054151566497 -0.46522917335455743 -0.5673829986363315 -0.6416766897503553 -0.6478678306765181 -0.6741801796127364 -0.6819191057704487 -0.6881102466966202 -0.694301387622783 +13491,-0.5751219247940438,0,0.5114233077485113 0.711087602617446 0.7993113608153449 0.8689616962347378 0.9061085417917498 0.7977635755838042 0.5950037102517881 0.29937673102724216 0.03625324166508603 -0.3104506502003469 -0.3770054151566497 -0.46522917335455743 -0.5673829986363315 -0.6416766897503553 -0.6478678306765181 -0.6741801796127364 -0.6819191057704487 -0.6881102466966202 -0.694301387622783 -0.6679890386865736 +13492,-0.3352152139050157,0,0.711087602617446 0.7993113608153449 0.8689616962347378 0.9061085417917498 0.7977635755838042 0.5950037102517881 0.29937673102724216 0.03625324166508603 -0.3104506502003469 -0.3770054151566497 -0.46522917335455743 -0.5673829986363315 -0.6416766897503553 -0.6478678306765181 -0.6741801796127364 -0.6819191057704487 -0.6881102466966202 -0.694301387622783 -0.6679890386865736 -0.5751219247940438 +13493,-0.04423159037510062,0,0.7993113608153449 0.8689616962347378 0.9061085417917498 0.7977635755838042 0.5950037102517881 0.29937673102724216 0.03625324166508603 -0.3104506502003469 -0.3770054151566497 -0.46522917335455743 -0.5673829986363315 -0.6416766897503553 -0.6478678306765181 -0.6741801796127364 -0.6819191057704487 -0.6881102466966202 -0.694301387622783 -0.6679890386865736 -0.5751219247940438 -0.3352152139050157 +13494,0.14769377833612182,0,0.8689616962347378 0.9061085417917498 0.7977635755838042 0.5950037102517881 0.29937673102724216 0.03625324166508603 -0.3104506502003469 -0.3770054151566497 -0.46522917335455743 -0.5673829986363315 -0.6416766897503553 -0.6478678306765181 -0.6741801796127364 -0.6819191057704487 -0.6881102466966202 -0.694301387622783 -0.6679890386865736 -0.5751219247940438 -0.3352152139050157 -0.04423159037510062 +13495,0.3906960596882313,0,0.9061085417917498 0.7977635755838042 0.5950037102517881 0.29937673102724216 0.03625324166508603 -0.3104506502003469 -0.3770054151566497 -0.46522917335455743 -0.5673829986363315 -0.6416766897503553 -0.6478678306765181 -0.6741801796127364 -0.6819191057704487 -0.6881102466966202 -0.694301387622783 -0.6679890386865736 -0.5751219247940438 -0.3352152139050157 -0.04423159037510062 0.14769377833612182 +13496,0.5315445157585579,0,0.7977635755838042 0.5950037102517881 0.29937673102724216 0.03625324166508603 -0.3104506502003469 -0.3770054151566497 -0.46522917335455743 -0.5673829986363315 -0.6416766897503553 -0.6478678306765181 -0.6741801796127364 -0.6819191057704487 -0.6881102466966202 -0.694301387622783 -0.6679890386865736 -0.5751219247940438 -0.3352152139050157 -0.04423159037510062 0.14769377833612182 0.3906960596882313 +13497,0.6398894819665123,0,0.5950037102517881 0.29937673102724216 0.03625324166508603 -0.3104506502003469 -0.3770054151566497 -0.46522917335455743 -0.5673829986363315 -0.6416766897503553 -0.6478678306765181 -0.6741801796127364 -0.6819191057704487 -0.6881102466966202 -0.694301387622783 -0.6679890386865736 -0.5751219247940438 -0.3352152139050157 -0.04423159037510062 0.14769377833612182 0.3906960596882313 0.5315445157585579 +13498,0.6290549853457186,0,0.29937673102724216 0.03625324166508603 -0.3104506502003469 -0.3770054151566497 -0.46522917335455743 -0.5673829986363315 -0.6416766897503553 -0.6478678306765181 -0.6741801796127364 -0.6819191057704487 -0.6881102466966202 -0.694301387622783 -0.6679890386865736 -0.5751219247940438 -0.3352152139050157 -0.04423159037510062 0.14769377833612182 0.3906960596882313 0.5315445157585579 0.6398894819665123 +13499,0.5516657237686133,0,0.03625324166508603 -0.3104506502003469 -0.3770054151566497 -0.46522917335455743 -0.5673829986363315 -0.6416766897503553 -0.6478678306765181 -0.6741801796127364 -0.6819191057704487 -0.6881102466966202 -0.694301387622783 -0.6679890386865736 -0.5751219247940438 -0.3352152139050157 -0.04423159037510062 0.14769377833612182 0.3906960596882313 0.5315445157585579 0.6398894819665123 0.6290549853457186 +13500,0.4711808917284179,0,-0.3104506502003469 -0.3770054151566497 -0.46522917335455743 -0.5673829986363315 -0.6416766897503553 -0.6478678306765181 -0.6741801796127364 -0.6819191057704487 -0.6881102466966202 -0.694301387622783 -0.6679890386865736 -0.5751219247940438 -0.3352152139050157 -0.04423159037510062 0.14769377833612182 0.3906960596882313 0.5315445157585579 0.6398894819665123 0.6290549853457186 0.5516657237686133 +13501,0.3071156571849544,0,-0.3770054151566497 -0.46522917335455743 -0.5673829986363315 -0.6416766897503553 -0.6478678306765181 -0.6741801796127364 -0.6819191057704487 -0.6881102466966202 -0.694301387622783 -0.6679890386865736 -0.5751219247940438 -0.3352152139050157 -0.04423159037510062 0.14769377833612182 0.3906960596882313 0.5315445157585579 0.6398894819665123 0.6290549853457186 0.5516657237686133 0.4711808917284179 +13502,0.06101780536976358,0,-0.46522917335455743 -0.5673829986363315 -0.6416766897503553 -0.6478678306765181 -0.6741801796127364 -0.6819191057704487 -0.6881102466966202 -0.694301387622783 -0.6679890386865736 -0.5751219247940438 -0.3352152139050157 -0.04423159037510062 0.14769377833612182 0.3906960596882313 0.5315445157585579 0.6398894819665123 0.6290549853457186 0.5516657237686133 0.4711808917284179 0.3071156571849544 +13503,-0.17734112028772378,0,-0.5673829986363315 -0.6416766897503553 -0.6478678306765181 -0.6741801796127364 -0.6819191057704487 -0.6881102466966202 -0.694301387622783 -0.6679890386865736 -0.5751219247940438 -0.3352152139050157 -0.04423159037510062 0.14769377833612182 0.3906960596882313 0.5315445157585579 0.6398894819665123 0.6290549853457186 0.5516657237686133 0.4711808917284179 0.3071156571849544 0.06101780536976358 +13504,-0.3228329320526813,0,-0.6416766897503553 -0.6478678306765181 -0.6741801796127364 -0.6819191057704487 -0.6881102466966202 -0.694301387622783 -0.6679890386865736 -0.5751219247940438 -0.3352152139050157 -0.04423159037510062 0.14769377833612182 0.3906960596882313 0.5315445157585579 0.6398894819665123 0.6290549853457186 0.5516657237686133 0.4711808917284179 0.3071156571849544 0.06101780536976358 -0.17734112028772378 +13505,-0.4311778982606269,0,-0.6478678306765181 -0.6741801796127364 -0.6819191057704487 -0.6881102466966202 -0.694301387622783 -0.6679890386865736 -0.5751219247940438 -0.3352152139050157 -0.04423159037510062 0.14769377833612182 0.3906960596882313 0.5315445157585579 0.6398894819665123 0.6290549853457186 0.5516657237686133 0.4711808917284179 0.3071156571849544 0.06101780536976358 -0.17734112028772378 -0.3228329320526813 +13506,-0.5085671598377322,0,-0.6741801796127364 -0.6819191057704487 -0.6881102466966202 -0.694301387622783 -0.6679890386865736 -0.5751219247940438 -0.3352152139050157 -0.04423159037510062 0.14769377833612182 0.3906960596882313 0.5315445157585579 0.6398894819665123 0.6290549853457186 0.5516657237686133 0.4711808917284179 0.3071156571849544 0.06101780536976358 -0.17734112028772378 -0.3228329320526813 -0.4311778982606269 +13507,-0.5534529315524563,0,-0.6819191057704487 -0.6881102466966202 -0.694301387622783 -0.6679890386865736 -0.5751219247940438 -0.3352152139050157 -0.04423159037510062 0.14769377833612182 0.3906960596882313 0.5315445157585579 0.6398894819665123 0.6290549853457186 0.5516657237686133 0.4711808917284179 0.3071156571849544 0.06101780536976358 -0.17734112028772378 -0.3228329320526813 -0.4311778982606269 -0.5085671598377322 +13508,-0.5905997771094683,0,-0.6881102466966202 -0.694301387622783 -0.6679890386865736 -0.5751219247940438 -0.3352152139050157 -0.04423159037510062 0.14769377833612182 0.3906960596882313 0.5315445157585579 0.6398894819665123 0.6290549853457186 0.5516657237686133 0.4711808917284179 0.3071156571849544 0.06101780536976358 -0.17734112028772378 -0.3228329320526813 -0.4311778982606269 -0.5085671598377322 -0.5534529315524563 +13509,-0.592147562341009,0,-0.694301387622783 -0.6679890386865736 -0.5751219247940438 -0.3352152139050157 -0.04423159037510062 0.14769377833612182 0.3906960596882313 0.5315445157585579 0.6398894819665123 0.6290549853457186 0.5516657237686133 0.4711808917284179 0.3071156571849544 0.06101780536976358 -0.17734112028772378 -0.3228329320526813 -0.4311778982606269 -0.5085671598377322 -0.5534529315524563 -0.5905997771094683 +13510,-0.6060776294248841,0,-0.6679890386865736 -0.5751219247940438 -0.3352152139050157 -0.04423159037510062 0.14769377833612182 0.3906960596882313 0.5315445157585579 0.6398894819665123 0.6290549853457186 0.5516657237686133 0.4711808917284179 0.3071156571849544 0.06101780536976358 -0.17734112028772378 -0.3228329320526813 -0.4311778982606269 -0.5085671598377322 -0.5534529315524563 -0.5905997771094683 -0.592147562341009 +13511,-0.5813130657202153,0,-0.5751219247940438 -0.3352152139050157 -0.04423159037510062 0.14769377833612182 0.3906960596882313 0.5315445157585579 0.6398894819665123 0.6290549853457186 0.5516657237686133 0.4711808917284179 0.3071156571849544 0.06101780536976358 -0.17734112028772378 -0.3228329320526813 -0.4311778982606269 -0.5085671598377322 -0.5534529315524563 -0.5905997771094683 -0.592147562341009 -0.6060776294248841 +13512,-0.5766697100255844,0,-0.3352152139050157 -0.04423159037510062 0.14769377833612182 0.3906960596882313 0.5315445157585579 0.6398894819665123 0.6290549853457186 0.5516657237686133 0.4711808917284179 0.3071156571849544 0.06101780536976358 -0.17734112028772378 -0.3228329320526813 -0.4311778982606269 -0.5085671598377322 -0.5534529315524563 -0.5905997771094683 -0.592147562341009 -0.6060776294248841 -0.5813130657202153 +13513,-0.5611918577101599,0,-0.04423159037510062 0.14769377833612182 0.3906960596882313 0.5315445157585579 0.6398894819665123 0.6290549853457186 0.5516657237686133 0.4711808917284179 0.3071156571849544 0.06101780536976358 -0.17734112028772378 -0.3228329320526813 -0.4311778982606269 -0.5085671598377322 -0.5534529315524563 -0.5905997771094683 -0.592147562341009 -0.6060776294248841 -0.5813130657202153 -0.5766697100255844 +13514,-0.5333317235424098,0,0.14769377833612182 0.3906960596882313 0.5315445157585579 0.6398894819665123 0.6290549853457186 0.5516657237686133 0.4711808917284179 0.3071156571849544 0.06101780536976358 -0.17734112028772378 -0.3228329320526813 -0.4311778982606269 -0.5085671598377322 -0.5534529315524563 -0.5905997771094683 -0.592147562341009 -0.6060776294248841 -0.5813130657202153 -0.5766697100255844 -0.5611918577101599 +13515,-0.45129910627067354,0,0.3906960596882313 0.5315445157585579 0.6398894819665123 0.6290549853457186 0.5516657237686133 0.4711808917284179 0.3071156571849544 0.06101780536976358 -0.17734112028772378 -0.3228329320526813 -0.4311778982606269 -0.5085671598377322 -0.5534529315524563 -0.5905997771094683 -0.592147562341009 -0.6060776294248841 -0.5813130657202153 -0.5766697100255844 -0.5611918577101599 -0.5333317235424098 +13516,-0.28413830126412865,0,0.5315445157585579 0.6398894819665123 0.6290549853457186 0.5516657237686133 0.4711808917284179 0.3071156571849544 0.06101780536976358 -0.17734112028772378 -0.3228329320526813 -0.4311778982606269 -0.5085671598377322 -0.5534529315524563 -0.5905997771094683 -0.592147562341009 -0.6060776294248841 -0.5813130657202153 -0.5766697100255844 -0.5611918577101599 -0.5333317235424098 -0.45129910627067354 +13517,-0.08447400639519394,0,0.6398894819665123 0.6290549853457186 0.5516657237686133 0.4711808917284179 0.3071156571849544 0.06101780536976358 -0.17734112028772378 -0.3228329320526813 -0.4311778982606269 -0.5085671598377322 -0.5534529315524563 -0.5905997771094683 -0.592147562341009 -0.6060776294248841 -0.5813130657202153 -0.5766697100255844 -0.5611918577101599 -0.5333317235424098 -0.45129910627067354 -0.28413830126412865 +13518,0.12447699986298497,0,0.6290549853457186 0.5516657237686133 0.4711808917284179 0.3071156571849544 0.06101780536976358 -0.17734112028772378 -0.3228329320526813 -0.4311778982606269 -0.5085671598377322 -0.5534529315524563 -0.5905997771094683 -0.592147562341009 -0.6060776294248841 -0.5813130657202153 -0.5766697100255844 -0.5611918577101599 -0.5333317235424098 -0.45129910627067354 -0.28413830126412865 -0.08447400639519394 +13519,0.29937673102724216,0,0.5516657237686133 0.4711808917284179 0.3071156571849544 0.06101780536976358 -0.17734112028772378 -0.3228329320526813 -0.4311778982606269 -0.5085671598377322 -0.5534529315524563 -0.5905997771094683 -0.592147562341009 -0.6060776294248841 -0.5813130657202153 -0.5766697100255844 -0.5611918577101599 -0.5333317235424098 -0.45129910627067354 -0.28413830126412865 -0.08447400639519394 0.12447699986298497 +13520,0.40153055630902496,0,0.4711808917284179 0.3071156571849544 0.06101780536976358 -0.17734112028772378 -0.3228329320526813 -0.4311778982606269 -0.5085671598377322 -0.5534529315524563 -0.5905997771094683 -0.592147562341009 -0.6060776294248841 -0.5813130657202153 -0.5766697100255844 -0.5611918577101599 -0.5333317235424098 -0.45129910627067354 -0.28413830126412865 -0.08447400639519394 0.12447699986298497 0.29937673102724216 +13521,0.4293906904767839,0,0.3071156571849544 0.06101780536976358 -0.17734112028772378 -0.3228329320526813 -0.4311778982606269 -0.5085671598377322 -0.5534529315524563 -0.5905997771094683 -0.592147562341009 -0.6060776294248841 -0.5813130657202153 -0.5766697100255844 -0.5611918577101599 -0.5333317235424098 -0.45129910627067354 -0.28413830126412865 -0.08447400639519394 0.12447699986298497 0.29937673102724216 0.40153055630902496 +13522,0.4402251870975776,0,0.06101780536976358 -0.17734112028772378 -0.3228329320526813 -0.4311778982606269 -0.5085671598377322 -0.5534529315524563 -0.5905997771094683 -0.592147562341009 -0.6060776294248841 -0.5813130657202153 -0.5766697100255844 -0.5611918577101599 -0.5333317235424098 -0.45129910627067354 -0.28413830126412865 -0.08447400639519394 0.12447699986298497 0.29937673102724216 0.40153055630902496 0.4293906904767839 +13523,0.41855619385599024,0,-0.17734112028772378 -0.3228329320526813 -0.4311778982606269 -0.5085671598377322 -0.5534529315524563 -0.5905997771094683 -0.592147562341009 -0.6060776294248841 -0.5813130657202153 -0.5766697100255844 -0.5611918577101599 -0.5333317235424098 -0.45129910627067354 -0.28413830126412865 -0.08447400639519394 0.12447699986298497 0.29937673102724216 0.40153055630902496 0.4293906904767839 0.4402251870975776 +13524,0.20341404667163973,0,-0.3228329320526813 -0.4311778982606269 -0.5085671598377322 -0.5534529315524563 -0.5905997771094683 -0.592147562341009 -0.6060776294248841 -0.5813130657202153 -0.5766697100255844 -0.5611918577101599 -0.5333317235424098 -0.45129910627067354 -0.28413830126412865 -0.08447400639519394 0.12447699986298497 0.29937673102724216 0.40153055630902496 0.4293906904767839 0.4402251870975776 0.41855619385599024 +13525,0.04089659735971692,0,-0.4311778982606269 -0.5085671598377322 -0.5534529315524563 -0.5905997771094683 -0.592147562341009 -0.6060776294248841 -0.5813130657202153 -0.5766697100255844 -0.5611918577101599 -0.5333317235424098 -0.45129910627067354 -0.28413830126412865 -0.08447400639519394 0.12447699986298497 0.29937673102724216 0.40153055630902496 0.4293906904767839 0.4402251870975776 0.41855619385599024 0.20341404667163973 +13526,-0.1618632679722992,0,-0.5085671598377322 -0.5534529315524563 -0.5905997771094683 -0.592147562341009 -0.6060776294248841 -0.5813130657202153 -0.5766697100255844 -0.5611918577101599 -0.5333317235424098 -0.45129910627067354 -0.28413830126412865 -0.08447400639519394 0.12447699986298497 0.29937673102724216 0.40153055630902496 0.4293906904767839 0.4402251870975776 0.41855619385599024 0.20341404667163973 0.04089659735971692 +13527,-0.29342501265338167,0,-0.5534529315524563 -0.5905997771094683 -0.592147562341009 -0.6060776294248841 -0.5813130657202153 -0.5766697100255844 -0.5611918577101599 -0.5333317235424098 -0.45129910627067354 -0.28413830126412865 -0.08447400639519394 0.12447699986298497 0.29937673102724216 0.40153055630902496 0.4293906904767839 0.4402251870975776 0.41855619385599024 0.20341404667163973 0.04089659735971692 -0.1618632679722992 +13528,-0.3723620594620276,0,-0.5905997771094683 -0.592147562341009 -0.6060776294248841 -0.5813130657202153 -0.5766697100255844 -0.5611918577101599 -0.5333317235424098 -0.45129910627067354 -0.28413830126412865 -0.08447400639519394 0.12447699986298497 0.29937673102724216 0.40153055630902496 0.4293906904767839 0.4402251870975776 0.41855619385599024 0.20341404667163973 0.04089659735971692 -0.1618632679722992 -0.29342501265338167 +13529,-0.3924832674720743,0,-0.592147562341009 -0.6060776294248841 -0.5813130657202153 -0.5766697100255844 -0.5611918577101599 -0.5333317235424098 -0.45129910627067354 -0.28413830126412865 -0.08447400639519394 0.12447699986298497 0.29937673102724216 0.40153055630902496 0.4293906904767839 0.4402251870975776 0.41855619385599024 0.20341404667163973 0.04089659735971692 -0.1618632679722992 -0.29342501265338167 -0.3723620594620276 +13530,-0.3909354822405336,0,-0.6060776294248841 -0.5813130657202153 -0.5766697100255844 -0.5611918577101599 -0.5333317235424098 -0.45129910627067354 -0.28413830126412865 -0.08447400639519394 0.12447699986298497 0.29937673102724216 0.40153055630902496 0.4293906904767839 0.4402251870975776 0.41855619385599024 0.20341404667163973 0.04089659735971692 -0.1618632679722992 -0.29342501265338167 -0.3723620594620276 -0.3924832674720743 +13531,-0.4218911868713739,0,-0.5813130657202153 -0.5766697100255844 -0.5611918577101599 -0.5333317235424098 -0.45129910627067354 -0.28413830126412865 -0.08447400639519394 0.12447699986298497 0.29937673102724216 0.40153055630902496 0.4293906904767839 0.4402251870975776 0.41855619385599024 0.20341404667163973 0.04089659735971692 -0.1618632679722992 -0.29342501265338167 -0.3723620594620276 -0.3924832674720743 -0.3909354822405336 +13532,-0.4404646096498799,0,-0.5766697100255844 -0.5611918577101599 -0.5333317235424098 -0.45129910627067354 -0.28413830126412865 -0.08447400639519394 0.12447699986298497 0.29937673102724216 0.40153055630902496 0.4293906904767839 0.4402251870975776 0.41855619385599024 0.20341404667163973 0.04089659735971692 -0.1618632679722992 -0.29342501265338167 -0.3723620594620276 -0.3924832674720743 -0.3909354822405336 -0.4218911868713739 +13533,-0.4203434016398332,0,-0.5611918577101599 -0.5333317235424098 -0.45129910627067354 -0.28413830126412865 -0.08447400639519394 0.12447699986298497 0.29937673102724216 0.40153055630902496 0.4293906904767839 0.4402251870975776 0.41855619385599024 0.20341404667163973 0.04089659735971692 -0.1618632679722992 -0.29342501265338167 -0.3723620594620276 -0.3924832674720743 -0.3909354822405336 -0.4218911868713739 -0.4404646096498799 +13534,-0.4342734687237083,0,-0.5333317235424098 -0.45129910627067354 -0.28413830126412865 -0.08447400639519394 0.12447699986298497 0.29937673102724216 0.40153055630902496 0.4293906904767839 0.4402251870975776 0.41855619385599024 0.20341404667163973 0.04089659735971692 -0.1618632679722992 -0.29342501265338167 -0.3723620594620276 -0.3924832674720743 -0.3909354822405336 -0.4218911868713739 -0.4404646096498799 -0.4203434016398332 +13535,-0.4358212539552578,0,-0.45129910627067354 -0.28413830126412865 -0.08447400639519394 0.12447699986298497 0.29937673102724216 0.40153055630902496 0.4293906904767839 0.4402251870975776 0.41855619385599024 0.20341404667163973 0.04089659735971692 -0.1618632679722992 -0.29342501265338167 -0.3723620594620276 -0.3924832674720743 -0.3909354822405336 -0.4218911868713739 -0.4404646096498799 -0.4203434016398332 -0.4342734687237083 +13536,-0.4358212539552578,0,-0.28413830126412865 -0.08447400639519394 0.12447699986298497 0.29937673102724216 0.40153055630902496 0.4293906904767839 0.4402251870975776 0.41855619385599024 0.20341404667163973 0.04089659735971692 -0.1618632679722992 -0.29342501265338167 -0.3723620594620276 -0.3924832674720743 -0.3909354822405336 -0.4218911868713739 -0.4404646096498799 -0.4203434016398332 -0.4342734687237083 -0.4358212539552578 +13537,-0.46677695858609813,0,-0.08447400639519394 0.12447699986298497 0.29937673102724216 0.40153055630902496 0.4293906904767839 0.4402251870975776 0.41855619385599024 0.20341404667163973 0.04089659735971692 -0.1618632679722992 -0.29342501265338167 -0.3723620594620276 -0.3924832674720743 -0.3909354822405336 -0.4218911868713739 -0.4404646096498799 -0.4203434016398332 -0.4342734687237083 -0.4358212539552578 -0.4358212539552578 +13538,-0.45749024719684517,0,0.12447699986298497 0.29937673102724216 0.40153055630902496 0.4293906904767839 0.4402251870975776 0.41855619385599024 0.20341404667163973 0.04089659735971692 -0.1618632679722992 -0.29342501265338167 -0.3723620594620276 -0.3924832674720743 -0.3909354822405336 -0.4218911868713739 -0.4404646096498799 -0.4203434016398332 -0.4342734687237083 -0.4358212539552578 -0.4358212539552578 -0.46677695858609813 +13539,-0.3723620594620276,0,0.29937673102724216 0.40153055630902496 0.4293906904767839 0.4402251870975776 0.41855619385599024 0.20341404667163973 0.04089659735971692 -0.1618632679722992 -0.29342501265338167 -0.3723620594620276 -0.3924832674720743 -0.3909354822405336 -0.4218911868713739 -0.4404646096498799 -0.4203434016398332 -0.4342734687237083 -0.4358212539552578 -0.4358212539552578 -0.46677695858609813 -0.45749024719684517 +13540,-0.23925252954940446,0,0.40153055630902496 0.4293906904767839 0.4402251870975776 0.41855619385599024 0.20341404667163973 0.04089659735971692 -0.1618632679722992 -0.29342501265338167 -0.3723620594620276 -0.3924832674720743 -0.3909354822405336 -0.4218911868713739 -0.4404646096498799 -0.4203434016398332 -0.4342734687237083 -0.4358212539552578 -0.4358212539552578 -0.46677695858609813 -0.45749024719684517 -0.3723620594620276 +13541,-0.07518729500594096,0,0.4293906904767839 0.4402251870975776 0.41855619385599024 0.20341404667163973 0.04089659735971692 -0.1618632679722992 -0.29342501265338167 -0.3723620594620276 -0.3924832674720743 -0.3909354822405336 -0.4218911868713739 -0.4404646096498799 -0.4203434016398332 -0.4342734687237083 -0.4358212539552578 -0.4358212539552578 -0.46677695858609813 -0.45749024719684517 -0.3723620594620276 -0.23925252954940446 +13542,0.09506908046368533,0,0.4402251870975776 0.41855619385599024 0.20341404667163973 0.04089659735971692 -0.1618632679722992 -0.29342501265338167 -0.3723620594620276 -0.3924832674720743 -0.3909354822405336 -0.4218911868713739 -0.4404646096498799 -0.4203434016398332 -0.4342734687237083 -0.4358212539552578 -0.4358212539552578 -0.46677695858609813 -0.45749024719684517 -0.3723620594620276 -0.23925252954940446 -0.07518729500594096 +13543,0.2699688116279425,0,0.41855619385599024 0.20341404667163973 0.04089659735971692 -0.1618632679722992 -0.29342501265338167 -0.3723620594620276 -0.3924832674720743 -0.3909354822405336 -0.4218911868713739 -0.4404646096498799 -0.4203434016398332 -0.4342734687237083 -0.4358212539552578 -0.4358212539552578 -0.46677695858609813 -0.45749024719684517 -0.3723620594620276 -0.23925252954940446 -0.07518729500594096 0.09506908046368533 +13544,0.40307834154056565,0,0.20341404667163973 0.04089659735971692 -0.1618632679722992 -0.29342501265338167 -0.3723620594620276 -0.3924832674720743 -0.3909354822405336 -0.4218911868713739 -0.4404646096498799 -0.4203434016398332 -0.4342734687237083 -0.4358212539552578 -0.4358212539552578 -0.46677695858609813 -0.45749024719684517 -0.3723620594620276 -0.23925252954940446 -0.07518729500594096 0.09506908046368533 0.2699688116279425 +13545,0.424747334782153,0,0.04089659735971692 -0.1618632679722992 -0.29342501265338167 -0.3723620594620276 -0.3924832674720743 -0.3909354822405336 -0.4218911868713739 -0.4404646096498799 -0.4203434016398332 -0.4342734687237083 -0.4358212539552578 -0.4358212539552578 -0.46677695858609813 -0.45749024719684517 -0.3723620594620276 -0.23925252954940446 -0.07518729500594096 0.09506908046368533 0.2699688116279425 0.40307834154056565 +13546,0.4355818314029555,0,-0.1618632679722992 -0.29342501265338167 -0.3723620594620276 -0.3924832674720743 -0.3909354822405336 -0.4218911868713739 -0.4404646096498799 -0.4203434016398332 -0.4342734687237083 -0.4358212539552578 -0.4358212539552578 -0.46677695858609813 -0.45749024719684517 -0.3723620594620276 -0.23925252954940446 -0.07518729500594096 0.09506908046368533 0.2699688116279425 0.40307834154056565 0.424747334782153 +13547,0.424747334782153,0,-0.29342501265338167 -0.3723620594620276 -0.3924832674720743 -0.3909354822405336 -0.4218911868713739 -0.4404646096498799 -0.4203434016398332 -0.4342734687237083 -0.4358212539552578 -0.4358212539552578 -0.46677695858609813 -0.45749024719684517 -0.3723620594620276 -0.23925252954940446 -0.07518729500594096 0.09506908046368533 0.2699688116279425 0.40307834154056565 0.424747334782153 0.4355818314029555 +13548,0.322593509500379,0,-0.3723620594620276 -0.3924832674720743 -0.3909354822405336 -0.4218911868713739 -0.4404646096498799 -0.4203434016398332 -0.4342734687237083 -0.4358212539552578 -0.4358212539552578 -0.46677695858609813 -0.45749024719684517 -0.3723620594620276 -0.23925252954940446 -0.07518729500594096 0.09506908046368533 0.2699688116279425 0.40307834154056565 0.424747334782153 0.4355818314029555 0.424747334782153 +13549,0.18174505343004357,0,-0.3924832674720743 -0.3909354822405336 -0.4218911868713739 -0.4404646096498799 -0.4203434016398332 -0.4342734687237083 -0.4358212539552578 -0.4358212539552578 -0.46677695858609813 -0.45749024719684517 -0.3723620594620276 -0.23925252954940446 -0.07518729500594096 0.09506908046368533 0.2699688116279425 0.40307834154056565 0.424747334782153 0.4355818314029555 0.424747334782153 0.322593509500379 +13550,0.03625324166508603,0,-0.3909354822405336 -0.4218911868713739 -0.4404646096498799 -0.4203434016398332 -0.4342734687237083 -0.4358212539552578 -0.4358212539552578 -0.46677695858609813 -0.45749024719684517 -0.3723620594620276 -0.23925252954940446 -0.07518729500594096 0.09506908046368533 0.2699688116279425 0.40307834154056565 0.424747334782153 0.4355818314029555 0.424747334782153 0.322593509500379 0.18174505343004357 +13551,-0.14328984519379323,0,-0.4218911868713739 -0.4404646096498799 -0.4203434016398332 -0.4342734687237083 -0.4358212539552578 -0.4358212539552578 -0.46677695858609813 -0.45749024719684517 -0.3723620594620276 -0.23925252954940446 -0.07518729500594096 0.09506908046368533 0.2699688116279425 0.40307834154056565 0.424747334782153 0.4355818314029555 0.424747334782153 0.322593509500379 0.18174505343004357 0.03625324166508603 +13552,-0.23770474431786376,0,-0.4404646096498799 -0.4203434016398332 -0.4342734687237083 -0.4358212539552578 -0.4358212539552578 -0.46677695858609813 -0.45749024719684517 -0.3723620594620276 -0.23925252954940446 -0.07518729500594096 0.09506908046368533 0.2699688116279425 0.40307834154056565 0.424747334782153 0.4355818314029555 0.424747334782153 0.322593509500379 0.18174505343004357 0.03625324166508603 -0.14328984519379323 +13553,-0.30735507973725673,0,-0.4203434016398332 -0.4342734687237083 -0.4358212539552578 -0.4358212539552578 -0.46677695858609813 -0.45749024719684517 -0.3723620594620276 -0.23925252954940446 -0.07518729500594096 0.09506908046368533 0.2699688116279425 0.40307834154056565 0.424747334782153 0.4355818314029555 0.424747334782153 0.322593509500379 0.18174505343004357 0.03625324166508603 -0.14328984519379323 -0.23770474431786376 +13554,-0.39712662316670516,0,-0.4342734687237083 -0.4358212539552578 -0.4358212539552578 -0.46677695858609813 -0.45749024719684517 -0.3723620594620276 -0.23925252954940446 -0.07518729500594096 0.09506908046368533 0.2699688116279425 0.40307834154056565 0.424747334782153 0.4355818314029555 0.424747334782153 0.322593509500379 0.18174505343004357 0.03625324166508603 -0.14328984519379323 -0.23770474431786376 -0.30735507973725673 +13555,-0.4868981665961448,0,-0.4358212539552578 -0.4358212539552578 -0.46677695858609813 -0.45749024719684517 -0.3723620594620276 -0.23925252954940446 -0.07518729500594096 0.09506908046368533 0.2699688116279425 0.40307834154056565 0.424747334782153 0.4355818314029555 0.424747334782153 0.322593509500379 0.18174505343004357 0.03625324166508603 -0.14328984519379323 -0.23770474431786376 -0.30735507973725673 -0.39712662316670516 +13556,-0.610720985119515,0,-0.4358212539552578 -0.46677695858609813 -0.45749024719684517 -0.3723620594620276 -0.23925252954940446 -0.07518729500594096 0.09506908046368533 0.2699688116279425 0.40307834154056565 0.424747334782153 0.4355818314029555 0.424747334782153 0.322593509500379 0.18174505343004357 0.03625324166508603 -0.14328984519379323 -0.23770474431786376 -0.30735507973725673 -0.39712662316670516 -0.4868981665961448 +13557,-0.6323899783611023,0,-0.46677695858609813 -0.45749024719684517 -0.3723620594620276 -0.23925252954940446 -0.07518729500594096 0.09506908046368533 0.2699688116279425 0.40307834154056565 0.424747334782153 0.4355818314029555 0.424747334782153 0.322593509500379 0.18174505343004357 0.03625324166508603 -0.14328984519379323 -0.23770474431786376 -0.30735507973725673 -0.39712662316670516 -0.4868981665961448 -0.610720985119515 +13558,-0.6973969580858732,0,-0.45749024719684517 -0.3723620594620276 -0.23925252954940446 -0.07518729500594096 0.09506908046368533 0.2699688116279425 0.40307834154056565 0.424747334782153 0.4355818314029555 0.424747334782153 0.322593509500379 0.18174505343004357 0.03625324166508603 -0.14328984519379323 -0.23770474431786376 -0.30735507973725673 -0.39712662316670516 -0.4868981665961448 -0.610720985119515 -0.6323899783611023 +13559,-0.750021655958301,0,-0.3723620594620276 -0.23925252954940446 -0.07518729500594096 0.09506908046368533 0.2699688116279425 0.40307834154056565 0.424747334782153 0.4355818314029555 0.424747334782153 0.322593509500379 0.18174505343004357 0.03625324166508603 -0.14328984519379323 -0.23770474431786376 -0.30735507973725673 -0.39712662316670516 -0.4868981665961448 -0.610720985119515 -0.6323899783611023 -0.6973969580858732 +13560,-0.7902640719783942,0,-0.23925252954940446 -0.07518729500594096 0.09506908046368533 0.2699688116279425 0.40307834154056565 0.424747334782153 0.4355818314029555 0.424747334782153 0.322593509500379 0.18174505343004357 0.03625324166508603 -0.14328984519379323 -0.23770474431786376 -0.30735507973725673 -0.39712662316670516 -0.4868981665961448 -0.610720985119515 -0.6323899783611023 -0.6973969580858732 -0.750021655958301 +13561,-0.8134808504515311,0,-0.07518729500594096 0.09506908046368533 0.2699688116279425 0.40307834154056565 0.424747334782153 0.4355818314029555 0.424747334782153 0.322593509500379 0.18174505343004357 0.03625324166508603 -0.14328984519379323 -0.23770474431786376 -0.30735507973725673 -0.39712662316670516 -0.4868981665961448 -0.610720985119515 -0.6323899783611023 -0.6973969580858732 -0.750021655958301 -0.7902640719783942 +13562,-0.7515694411898416,0,0.09506908046368533 0.2699688116279425 0.40307834154056565 0.424747334782153 0.4355818314029555 0.424747334782153 0.322593509500379 0.18174505343004357 0.03625324166508603 -0.14328984519379323 -0.23770474431786376 -0.30735507973725673 -0.39712662316670516 -0.4868981665961448 -0.610720985119515 -0.6323899783611023 -0.6973969580858732 -0.750021655958301 -0.7902640719783942 -0.8134808504515311 +13563,-0.45284689150221424,0,0.2699688116279425 0.40307834154056565 0.424747334782153 0.4355818314029555 0.424747334782153 0.322593509500379 0.18174505343004357 0.03625324166508603 -0.14328984519379323 -0.23770474431786376 -0.30735507973725673 -0.39712662316670516 -0.4868981665961448 -0.610720985119515 -0.6323899783611023 -0.6973969580858732 -0.750021655958301 -0.7902640719783942 -0.8134808504515311 -0.7515694411898416 +13564,-0.17734112028772378,0,0.40307834154056565 0.424747334782153 0.4355818314029555 0.424747334782153 0.322593509500379 0.18174505343004357 0.03625324166508603 -0.14328984519379323 -0.23770474431786376 -0.30735507973725673 -0.39712662316670516 -0.4868981665961448 -0.610720985119515 -0.6323899783611023 -0.6973969580858732 -0.750021655958301 -0.7902640719783942 -0.8134808504515311 -0.7515694411898416 -0.45284689150221424 +13565,0.08578236907443235,0,0.424747334782153 0.4355818314029555 0.424747334782153 0.322593509500379 0.18174505343004357 0.03625324166508603 -0.14328984519379323 -0.23770474431786376 -0.30735507973725673 -0.39712662316670516 -0.4868981665961448 -0.610720985119515 -0.6323899783611023 -0.6973969580858732 -0.750021655958301 -0.7902640719783942 -0.8134808504515311 -0.7515694411898416 -0.45284689150221424 -0.17734112028772378 +13566,0.2746121673225734,0,0.4355818314029555 0.424747334782153 0.322593509500379 0.18174505343004357 0.03625324166508603 -0.14328984519379323 -0.23770474431786376 -0.30735507973725673 -0.39712662316670516 -0.4868981665961448 -0.610720985119515 -0.6323899783611023 -0.6973969580858732 -0.750021655958301 -0.7902640719783942 -0.8134808504515311 -0.7515694411898416 -0.45284689150221424 -0.17734112028772378 0.08578236907443235 +13567,0.45725082464454286,0,0.424747334782153 0.322593509500379 0.18174505343004357 0.03625324166508603 -0.14328984519379323 -0.23770474431786376 -0.30735507973725673 -0.39712662316670516 -0.4868981665961448 -0.610720985119515 -0.6323899783611023 -0.6973969580858732 -0.750021655958301 -0.7902640719783942 -0.8134808504515311 -0.7515694411898416 -0.45284689150221424 -0.17734112028772378 0.08578236907443235 0.2746121673225734 +13568,0.5841692136309944,0,0.322593509500379 0.18174505343004357 0.03625324166508603 -0.14328984519379323 -0.23770474431786376 -0.30735507973725673 -0.39712662316670516 -0.4868981665961448 -0.610720985119515 -0.6323899783611023 -0.6973969580858732 -0.750021655958301 -0.7902640719783942 -0.8134808504515311 -0.7515694411898416 -0.45284689150221424 -0.17734112028772378 0.08578236907443235 0.2746121673225734 0.45725082464454286 +13569,0.6429850524295937,0,0.18174505343004357 0.03625324166508603 -0.14328984519379323 -0.23770474431786376 -0.30735507973725673 -0.39712662316670516 -0.4868981665961448 -0.610720985119515 -0.6323899783611023 -0.6973969580858732 -0.750021655958301 -0.7902640719783942 -0.8134808504515311 -0.7515694411898416 -0.45284689150221424 -0.17734112028772378 0.08578236907443235 0.2746121673225734 0.45725082464454286 0.5841692136309944 +13570,0.743591092479827,0,0.03625324166508603 -0.14328984519379323 -0.23770474431786376 -0.30735507973725673 -0.39712662316670516 -0.4868981665961448 -0.610720985119515 -0.6323899783611023 -0.6973969580858732 -0.750021655958301 -0.7902640719783942 -0.8134808504515311 -0.7515694411898416 -0.45284689150221424 -0.17734112028772378 0.08578236907443235 0.2746121673225734 0.45725082464454286 0.5841692136309944 0.6429850524295937 +13571,0.6987053207651116,0,-0.14328984519379323 -0.23770474431786376 -0.30735507973725673 -0.39712662316670516 -0.4868981665961448 -0.610720985119515 -0.6323899783611023 -0.6973969580858732 -0.750021655958301 -0.7902640719783942 -0.8134808504515311 -0.7515694411898416 -0.45284689150221424 -0.17734112028772378 0.08578236907443235 0.2746121673225734 0.45725082464454286 0.5841692136309944 0.6429850524295937 0.743591092479827 +13572,0.650723978587306,0,-0.23770474431786376 -0.30735507973725673 -0.39712662316670516 -0.4868981665961448 -0.610720985119515 -0.6323899783611023 -0.6973969580858732 -0.750021655958301 -0.7902640719783942 -0.8134808504515311 -0.7515694411898416 -0.45284689150221424 -0.17734112028772378 0.08578236907443235 0.2746121673225734 0.45725082464454286 0.5841692136309944 0.6429850524295937 0.743591092479827 0.6987053207651116 +13573,0.45725082464454286,0,-0.30735507973725673 -0.39712662316670516 -0.4868981665961448 -0.610720985119515 -0.6323899783611023 -0.6973969580858732 -0.750021655958301 -0.7902640719783942 -0.8134808504515311 -0.7515694411898416 -0.45284689150221424 -0.17734112028772378 0.08578236907443235 0.2746121673225734 0.45725082464454286 0.5841692136309944 0.6429850524295937 0.743591092479827 0.6987053207651116 0.650723978587306 +13574,0.17400612727234008,0,-0.39712662316670516 -0.4868981665961448 -0.610720985119515 -0.6323899783611023 -0.6973969580858732 -0.750021655958301 -0.7902640719783942 -0.8134808504515311 -0.7515694411898416 -0.45284689150221424 -0.17734112028772378 0.08578236907443235 0.2746121673225734 0.45725082464454286 0.5841692136309944 0.6429850524295937 0.743591092479827 0.6987053207651116 0.650723978587306 0.45725082464454286 +13575,-0.02875373805967605,0,-0.4868981665961448 -0.610720985119515 -0.6323899783611023 -0.6973969580858732 -0.750021655958301 -0.7902640719783942 -0.8134808504515311 -0.7515694411898416 -0.45284689150221424 -0.17734112028772378 0.08578236907443235 0.2746121673225734 0.45725082464454286 0.5841692136309944 0.6429850524295937 0.743591092479827 0.6987053207651116 0.650723978587306 0.45725082464454286 0.17400612727234008 +13576,-0.15412434181458692,0,-0.610720985119515 -0.6323899783611023 -0.6973969580858732 -0.750021655958301 -0.7902640719783942 -0.8134808504515311 -0.7515694411898416 -0.45284689150221424 -0.17734112028772378 0.08578236907443235 0.2746121673225734 0.45725082464454286 0.5841692136309944 0.6429850524295937 0.743591092479827 0.6987053207651116 0.650723978587306 0.45725082464454286 0.17400612727234008 -0.02875373805967605 +13577,-0.25318259663328835,0,-0.6323899783611023 -0.6973969580858732 -0.750021655958301 -0.7902640719783942 -0.8134808504515311 -0.7515694411898416 -0.45284689150221424 -0.17734112028772378 0.08578236907443235 0.2746121673225734 0.45725082464454286 0.5841692136309944 0.6429850524295937 0.743591092479827 0.6987053207651116 0.650723978587306 0.45725082464454286 0.17400612727234008 -0.02875373805967605 -0.15412434181458692 +13578,-0.3305718582103936,0,-0.6973969580858732 -0.750021655958301 -0.7902640719783942 -0.8134808504515311 -0.7515694411898416 -0.45284689150221424 -0.17734112028772378 0.08578236907443235 0.2746121673225734 0.45725082464454286 0.5841692136309944 0.6429850524295937 0.743591092479827 0.6987053207651116 0.650723978587306 0.45725082464454286 0.17400612727234008 -0.02875373805967605 -0.15412434181458692 -0.25318259663328835 +13579,-0.3305718582103936,0,-0.750021655958301 -0.7902640719783942 -0.8134808504515311 -0.7515694411898416 -0.45284689150221424 -0.17734112028772378 0.08578236907443235 0.2746121673225734 0.45725082464454286 0.5841692136309944 0.6429850524295937 0.743591092479827 0.6987053207651116 0.650723978587306 0.45725082464454286 0.17400612727234008 -0.02875373805967605 -0.15412434181458692 -0.25318259663328835 -0.3305718582103936 +13580,-0.4946370927538571,0,-0.7902640719783942 -0.8134808504515311 -0.7515694411898416 -0.45284689150221424 -0.17734112028772378 0.08578236907443235 0.2746121673225734 0.45725082464454286 0.5841692136309944 0.6429850524295937 0.743591092479827 0.6987053207651116 0.650723978587306 0.45725082464454286 0.17400612727234008 -0.02875373805967605 -0.15412434181458692 -0.25318259663328835 -0.3305718582103936 -0.3305718582103936 +13581,-0.5395228644685724,0,-0.8134808504515311 -0.7515694411898416 -0.45284689150221424 -0.17734112028772378 0.08578236907443235 0.2746121673225734 0.45725082464454286 0.5841692136309944 0.6429850524295937 0.743591092479827 0.6987053207651116 0.650723978587306 0.45725082464454286 0.17400612727234008 -0.02875373805967605 -0.15412434181458692 -0.25318259663328835 -0.3305718582103936 -0.3305718582103936 -0.4946370927538571 +13582,-0.573574139562503,0,-0.7515694411898416 -0.45284689150221424 -0.17734112028772378 0.08578236907443235 0.2746121673225734 0.45725082464454286 0.5841692136309944 0.6429850524295937 0.743591092479827 0.6987053207651116 0.650723978587306 0.45725082464454286 0.17400612727234008 -0.02875373805967605 -0.15412434181458692 -0.25318259663328835 -0.3305718582103936 -0.3305718582103936 -0.4946370927538571 -0.5395228644685724 +13583,-0.6323899783611023,0,-0.45284689150221424 -0.17734112028772378 0.08578236907443235 0.2746121673225734 0.45725082464454286 0.5841692136309944 0.6429850524295937 0.743591092479827 0.6987053207651116 0.650723978587306 0.45725082464454286 0.17400612727234008 -0.02875373805967605 -0.15412434181458692 -0.25318259663328835 -0.3305718582103936 -0.3305718582103936 -0.4946370927538571 -0.5395228644685724 -0.573574139562503 +13584,-0.6881102466966202,0,-0.17734112028772378 0.08578236907443235 0.2746121673225734 0.45725082464454286 0.5841692136309944 0.6429850524295937 0.743591092479827 0.6987053207651116 0.650723978587306 0.45725082464454286 0.17400612727234008 -0.02875373805967605 -0.15412434181458692 -0.25318259663328835 -0.3305718582103936 -0.3305718582103936 -0.4946370927538571 -0.5395228644685724 -0.573574139562503 -0.6323899783611023 +13585,-0.7438305150321293,0,0.08578236907443235 0.2746121673225734 0.45725082464454286 0.5841692136309944 0.6429850524295937 0.743591092479827 0.6987053207651116 0.650723978587306 0.45725082464454286 0.17400612727234008 -0.02875373805967605 -0.15412434181458692 -0.25318259663328835 -0.3305718582103936 -0.3305718582103936 -0.4946370927538571 -0.5395228644685724 -0.573574139562503 -0.6323899783611023 -0.6881102466966202 +13586,-0.7577605821160132,0,0.2746121673225734 0.45725082464454286 0.5841692136309944 0.6429850524295937 0.743591092479827 0.6987053207651116 0.650723978587306 0.45725082464454286 0.17400612727234008 -0.02875373805967605 -0.15412434181458692 -0.25318259663328835 -0.3305718582103936 -0.3305718582103936 -0.4946370927538571 -0.5395228644685724 -0.573574139562503 -0.6323899783611023 -0.6881102466966202 -0.7438305150321293 +13587,-0.32696035938838214,0,0.45725082464454286 0.5841692136309944 0.6429850524295937 0.743591092479827 0.6987053207651116 0.650723978587306 0.45725082464454286 0.17400612727234008 -0.02875373805967605 -0.15412434181458692 -0.25318259663328835 -0.3305718582103936 -0.3305718582103936 -0.4946370927538571 -0.5395228644685724 -0.573574139562503 -0.6323899783611023 -0.6881102466966202 -0.7438305150321293 -0.7577605821160132 +13588,-0.039356066895743905,0,0.5841692136309944 0.6429850524295937 0.743591092479827 0.6987053207651116 0.650723978587306 0.45725082464454286 0.17400612727234008 -0.02875373805967605 -0.15412434181458692 -0.25318259663328835 -0.3305718582103936 -0.3305718582103936 -0.4946370927538571 -0.5395228644685724 -0.573574139562503 -0.6323899783611023 -0.6881102466966202 -0.7438305150321293 -0.7577605821160132 -0.32696035938838214 +13589,0.5346400862216482,0,0.6429850524295937 0.743591092479827 0.6987053207651116 0.650723978587306 0.45725082464454286 0.17400612727234008 -0.02875373805967605 -0.15412434181458692 -0.25318259663328835 -0.3305718582103936 -0.3305718582103936 -0.4946370927538571 -0.5395228644685724 -0.573574139562503 -0.6323899783611023 -0.6881102466966202 -0.7438305150321293 -0.7577605821160132 -0.32696035938838214 -0.039356066895743905 +13590,0.6259594148826284,0,0.743591092479827 0.6987053207651116 0.650723978587306 0.45725082464454286 0.17400612727234008 -0.02875373805967605 -0.15412434181458692 -0.25318259663328835 -0.3305718582103936 -0.3305718582103936 -0.4946370927538571 -0.5395228644685724 -0.573574139562503 -0.6323899783611023 -0.6881102466966202 -0.7438305150321293 -0.7577605821160132 -0.32696035938838214 -0.039356066895743905 0.5346400862216482 +13591,0.7203743140066989,0,0.6987053207651116 0.650723978587306 0.45725082464454286 0.17400612727234008 -0.02875373805967605 -0.15412434181458692 -0.25318259663328835 -0.3305718582103936 -0.3305718582103936 -0.4946370927538571 -0.5395228644685724 -0.573574139562503 -0.6323899783611023 -0.6881102466966202 -0.7438305150321293 -0.7577605821160132 -0.32696035938838214 -0.039356066895743905 0.5346400862216482 0.6259594148826284 +13592,0.8287192802146446,0,0.650723978587306 0.45725082464454286 0.17400612727234008 -0.02875373805967605 -0.15412434181458692 -0.25318259663328835 -0.3305718582103936 -0.3305718582103936 -0.4946370927538571 -0.5395228644685724 -0.573574139562503 -0.6323899783611023 -0.6881102466966202 -0.7438305150321293 -0.7577605821160132 -0.32696035938838214 -0.039356066895743905 0.5346400862216482 0.6259594148826284 0.7203743140066989 +13593,0.9169430384125435,0,0.45725082464454286 0.17400612727234008 -0.02875373805967605 -0.15412434181458692 -0.25318259663328835 -0.3305718582103936 -0.3305718582103936 -0.4946370927538571 -0.5395228644685724 -0.573574139562503 -0.6323899783611023 -0.6881102466966202 -0.7438305150321293 -0.7577605821160132 -0.32696035938838214 -0.039356066895743905 0.5346400862216482 0.6259594148826284 0.7203743140066989 0.8287192802146446 +13594,1.0330269307782014,0,0.17400612727234008 -0.02875373805967605 -0.15412434181458692 -0.25318259663328835 -0.3305718582103936 -0.3305718582103936 -0.4946370927538571 -0.5395228644685724 -0.573574139562503 -0.6323899783611023 -0.6881102466966202 -0.7438305150321293 -0.7577605821160132 -0.32696035938838214 -0.039356066895743905 0.5346400862216482 0.6259594148826284 0.7203743140066989 0.8287192802146446 0.9169430384125435 +13595,1.0190968636943263,0,-0.02875373805967605 -0.15412434181458692 -0.25318259663328835 -0.3305718582103936 -0.3305718582103936 -0.4946370927538571 -0.5395228644685724 -0.573574139562503 -0.6323899783611023 -0.6881102466966202 -0.7438305150321293 -0.7577605821160132 -0.32696035938838214 -0.039356066895743905 0.5346400862216482 0.6259594148826284 0.7203743140066989 0.8287192802146446 0.9169430384125435 1.0330269307782014 +13596,0.8859873337817031,0,-0.15412434181458692 -0.25318259663328835 -0.3305718582103936 -0.3305718582103936 -0.4946370927538571 -0.5395228644685724 -0.573574139562503 -0.6323899783611023 -0.6881102466966202 -0.7438305150321293 -0.7577605821160132 -0.32696035938838214 -0.039356066895743905 0.5346400862216482 0.6259594148826284 0.7203743140066989 0.8287192802146446 0.9169430384125435 1.0330269307782014 1.0190968636943263 +13597,0.762164515258333,0,-0.25318259663328835 -0.3305718582103936 -0.3305718582103936 -0.4946370927538571 -0.5395228644685724 -0.573574139562503 -0.6323899783611023 -0.6881102466966202 -0.7438305150321293 -0.7577605821160132 -0.32696035938838214 -0.039356066895743905 0.5346400862216482 0.6259594148826284 0.7203743140066989 0.8287192802146446 0.9169430384125435 1.0330269307782014 1.0190968636943263 0.8859873337817031 +13598,0.5036843815908078,0,-0.3305718582103936 -0.3305718582103936 -0.4946370927538571 -0.5395228644685724 -0.573574139562503 -0.6323899783611023 -0.6881102466966202 -0.7438305150321293 -0.7577605821160132 -0.32696035938838214 -0.039356066895743905 0.5346400862216482 0.6259594148826284 0.7203743140066989 0.8287192802146446 0.9169430384125435 1.0330269307782014 1.0190968636943263 0.8859873337817031 0.762164515258333 +13599,0.2219874694501369,0,-0.3305718582103936 -0.4946370927538571 -0.5395228644685724 -0.573574139562503 -0.6323899783611023 -0.6881102466966202 -0.7438305150321293 -0.7577605821160132 -0.32696035938838214 -0.039356066895743905 0.5346400862216482 0.6259594148826284 0.7203743140066989 0.8287192802146446 0.9169430384125435 1.0330269307782014 1.0190968636943263 0.8859873337817031 0.762164515258333 0.5036843815908078 +13600,0.023870959812751655,0,-0.4946370927538571 -0.5395228644685724 -0.573574139562503 -0.6323899783611023 -0.6881102466966202 -0.7438305150321293 -0.7577605821160132 -0.32696035938838214 -0.039356066895743905 0.5346400862216482 0.6259594148826284 0.7203743140066989 0.8287192802146446 0.9169430384125435 1.0330269307782014 1.0190968636943263 0.8859873337817031 0.762164515258333 0.5036843815908078 0.2219874694501369 +13601,-0.09995185871061851,0,-0.5395228644685724 -0.573574139562503 -0.6323899783611023 -0.6881102466966202 -0.7438305150321293 -0.7577605821160132 -0.32696035938838214 -0.039356066895743905 0.5346400862216482 0.6259594148826284 0.7203743140066989 0.8287192802146446 0.9169430384125435 1.0330269307782014 1.0190968636943263 0.8859873337817031 0.762164515258333 0.5036843815908078 0.2219874694501369 0.023870959812751655 +13602,-0.1587676975092178,0,-0.573574139562503 -0.6323899783611023 -0.6881102466966202 -0.7438305150321293 -0.7577605821160132 -0.32696035938838214 -0.039356066895743905 0.5346400862216482 0.6259594148826284 0.7203743140066989 0.8287192802146446 0.9169430384125435 1.0330269307782014 1.0190968636943263 0.8859873337817031 0.762164515258333 0.5036843815908078 0.2219874694501369 0.023870959812751655 -0.09995185871061851 +13603,-0.315094005894969,0,-0.6323899783611023 -0.6881102466966202 -0.7438305150321293 -0.7577605821160132 -0.32696035938838214 -0.039356066895743905 0.5346400862216482 0.6259594148826284 0.7203743140066989 0.8287192802146446 0.9169430384125435 1.0330269307782014 1.0190968636943263 0.8859873337817031 0.762164515258333 0.5036843815908078 0.2219874694501369 0.023870959812751655 -0.09995185871061851 -0.1587676975092178 +13604,-0.3770054151566497,0,-0.6881102466966202 -0.7438305150321293 -0.7577605821160132 -0.32696035938838214 -0.039356066895743905 0.5346400862216482 0.6259594148826284 0.7203743140066989 0.8287192802146446 0.9169430384125435 1.0330269307782014 1.0190968636943263 0.8859873337817031 0.762164515258333 0.5036843815908078 0.2219874694501369 0.023870959812751655 -0.09995185871061851 -0.1587676975092178 -0.315094005894969 +13605,-0.44820353580759215,0,-0.7438305150321293 -0.7577605821160132 -0.32696035938838214 -0.039356066895743905 0.5346400862216482 0.6259594148826284 0.7203743140066989 0.8287192802146446 0.9169430384125435 1.0330269307782014 1.0190968636943263 0.8859873337817031 0.762164515258333 0.5036843815908078 0.2219874694501369 0.023870959812751655 -0.09995185871061851 -0.1587676975092178 -0.315094005894969 -0.3770054151566497 +13606,-0.4977326632169385,0,-0.7577605821160132 -0.32696035938838214 -0.039356066895743905 0.5346400862216482 0.6259594148826284 0.7203743140066989 0.8287192802146446 0.9169430384125435 1.0330269307782014 1.0190968636943263 0.8859873337817031 0.762164515258333 0.5036843815908078 0.2219874694501369 0.023870959812751655 -0.09995185871061851 -0.1587676975092178 -0.315094005894969 -0.3770054151566497 -0.44820353580759215 +13607,-0.5642874281732501,0,-0.32696035938838214 -0.039356066895743905 0.5346400862216482 0.6259594148826284 0.7203743140066989 0.8287192802146446 0.9169430384125435 1.0330269307782014 1.0190968636943263 0.8859873337817031 0.762164515258333 0.5036843815908078 0.2219874694501369 0.023870959812751655 -0.09995185871061851 -0.1587676975092178 -0.315094005894969 -0.3770054151566497 -0.44820353580759215 -0.4977326632169385 +13608,-0.5627396429417093,0,-0.039356066895743905 0.5346400862216482 0.6259594148826284 0.7203743140066989 0.8287192802146446 0.9169430384125435 1.0330269307782014 1.0190968636943263 0.8859873337817031 0.762164515258333 0.5036843815908078 0.2219874694501369 0.023870959812751655 -0.09995185871061851 -0.1587676975092178 -0.315094005894969 -0.3770054151566497 -0.44820353580759215 -0.4977326632169385 -0.5642874281732501 +13609,-0.5627396429417093,0,0.5346400862216482 0.6259594148826284 0.7203743140066989 0.8287192802146446 0.9169430384125435 1.0330269307782014 1.0190968636943263 0.8859873337817031 0.762164515258333 0.5036843815908078 0.2219874694501369 0.023870959812751655 -0.09995185871061851 -0.1587676975092178 -0.315094005894969 -0.3770054151566497 -0.44820353580759215 -0.4977326632169385 -0.5642874281732501 -0.5627396429417093 +13610,-0.5642874281732501,0,0.6259594148826284 0.7203743140066989 0.8287192802146446 0.9169430384125435 1.0330269307782014 1.0190968636943263 0.8859873337817031 0.762164515258333 0.5036843815908078 0.2219874694501369 0.023870959812751655 -0.09995185871061851 -0.1587676975092178 -0.315094005894969 -0.3770054151566497 -0.44820353580759215 -0.4977326632169385 -0.5642874281732501 -0.5627396429417093 -0.5627396429417093 +13611,-0.3708142742304869,0,0.7203743140066989 0.8287192802146446 0.9169430384125435 1.0330269307782014 1.0190968636943263 0.8859873337817031 0.762164515258333 0.5036843815908078 0.2219874694501369 0.023870959812751655 -0.09995185871061851 -0.1587676975092178 -0.315094005894969 -0.3770054151566497 -0.44820353580759215 -0.4977326632169385 -0.5642874281732501 -0.5627396429417093 -0.5627396429417093 -0.5642874281732501 +13612,-0.0550660869958943,0,0.8287192802146446 0.9169430384125435 1.0330269307782014 1.0190968636943263 0.8859873337817031 0.762164515258333 0.5036843815908078 0.2219874694501369 0.023870959812751655 -0.09995185871061851 -0.1587676975092178 -0.315094005894969 -0.3770054151566497 -0.44820353580759215 -0.4977326632169385 -0.5642874281732501 -0.5627396429417093 -0.5627396429417093 -0.5642874281732501 -0.3708142742304869 +13613,0.34271471751042565,0,0.9169430384125435 1.0330269307782014 1.0190968636943263 0.8859873337817031 0.762164515258333 0.5036843815908078 0.2219874694501369 0.023870959812751655 -0.09995185871061851 -0.1587676975092178 -0.315094005894969 -0.3770054151566497 -0.44820353580759215 -0.4977326632169385 -0.5642874281732501 -0.5627396429417093 -0.5627396429417093 -0.5642874281732501 -0.3708142742304869 -0.0550660869958943 +13614,0.6708451865973527,0,1.0330269307782014 1.0190968636943263 0.8859873337817031 0.762164515258333 0.5036843815908078 0.2219874694501369 0.023870959812751655 -0.09995185871061851 -0.1587676975092178 -0.315094005894969 -0.3770054151566497 -0.44820353580759215 -0.4977326632169385 -0.5642874281732501 -0.5627396429417093 -0.5627396429417093 -0.5642874281732501 -0.3708142742304869 -0.0550660869958943 0.34271471751042565 +13615,0.8674139110031972,0,1.0190968636943263 0.8859873337817031 0.762164515258333 0.5036843815908078 0.2219874694501369 0.023870959812751655 -0.09995185871061851 -0.1587676975092178 -0.315094005894969 -0.3770054151566497 -0.44820353580759215 -0.4977326632169385 -0.5642874281732501 -0.5627396429417093 -0.5627396429417093 -0.5642874281732501 -0.3708142742304869 -0.0550660869958943 0.34271471751042565 0.6708451865973527 +13616,1.0051667966104425,0,0.8859873337817031 0.762164515258333 0.5036843815908078 0.2219874694501369 0.023870959812751655 -0.09995185871061851 -0.1587676975092178 -0.315094005894969 -0.3770054151566497 -0.44820353580759215 -0.4977326632169385 -0.5642874281732501 -0.5627396429417093 -0.5627396429417093 -0.5642874281732501 -0.3708142742304869 -0.0550660869958943 0.34271471751042565 0.6708451865973527 0.8674139110031972 +13617,1.0454092126305445,0,0.762164515258333 0.5036843815908078 0.2219874694501369 0.023870959812751655 -0.09995185871061851 -0.1587676975092178 -0.315094005894969 -0.3770054151566497 -0.44820353580759215 -0.4977326632169385 -0.5642874281732501 -0.5627396429417093 -0.5627396429417093 -0.5642874281732501 -0.3708142742304869 -0.0550660869958943 0.34271471751042565 0.6708451865973527 0.8674139110031972 1.0051667966104425 +13618,1.1320851855969027,0,0.5036843815908078 0.2219874694501369 0.023870959812751655 -0.09995185871061851 -0.1587676975092178 -0.315094005894969 -0.3770054151566497 -0.44820353580759215 -0.4977326632169385 -0.5642874281732501 -0.5627396429417093 -0.5627396429417093 -0.5642874281732501 -0.3708142742304869 -0.0550660869958943 0.34271471751042565 0.6708451865973527 0.8674139110031972 1.0051667966104425 1.0454092126305445 +13619,1.1026772661976032,0,0.2219874694501369 0.023870959812751655 -0.09995185871061851 -0.1587676975092178 -0.315094005894969 -0.3770054151566497 -0.44820353580759215 -0.4977326632169385 -0.5642874281732501 -0.5627396429417093 -0.5627396429417093 -0.5642874281732501 -0.3708142742304869 -0.0550660869958943 0.34271471751042565 0.6708451865973527 0.8674139110031972 1.0051667966104425 1.0454092126305445 1.1320851855969027 +13620,0.9107518974863807,0,0.023870959812751655 -0.09995185871061851 -0.1587676975092178 -0.315094005894969 -0.3770054151566497 -0.44820353580759215 -0.4977326632169385 -0.5642874281732501 -0.5627396429417093 -0.5627396429417093 -0.5642874281732501 -0.3708142742304869 -0.0550660869958943 0.34271471751042565 0.6708451865973527 0.8674139110031972 1.0051667966104425 1.0454092126305445 1.1320851855969027 1.1026772661976032 +13621,0.7126353878489867,0,-0.09995185871061851 -0.1587676975092178 -0.315094005894969 -0.3770054151566497 -0.44820353580759215 -0.4977326632169385 -0.5642874281732501 -0.5627396429417093 -0.5627396429417093 -0.5642874281732501 -0.3708142742304869 -0.0550660869958943 0.34271471751042565 0.6708451865973527 0.8674139110031972 1.0051667966104425 1.0454092126305445 1.1320851855969027 1.1026772661976032 0.9107518974863807 +13622,0.4448685427922085,0,-0.1587676975092178 -0.315094005894969 -0.3770054151566497 -0.44820353580759215 -0.4977326632169385 -0.5642874281732501 -0.5627396429417093 -0.5627396429417093 -0.5642874281732501 -0.3708142742304869 -0.0550660869958943 0.34271471751042565 0.6708451865973527 0.8674139110031972 1.0051667966104425 1.0454092126305445 1.1320851855969027 1.1026772661976032 0.9107518974863807 0.7126353878489867 +13623,0.12292921463144427,0,-0.315094005894969 -0.3770054151566497 -0.44820353580759215 -0.4977326632169385 -0.5642874281732501 -0.5627396429417093 -0.5627396429417093 -0.5642874281732501 -0.3708142742304869 -0.0550660869958943 0.34271471751042565 0.6708451865973527 0.8674139110031972 1.0051667966104425 1.0454092126305445 1.1320851855969027 1.1026772661976032 0.9107518974863807 0.7126353878489867 0.4448685427922085 +13624,-0.13400313380454026,0,-0.3770054151566497 -0.44820353580759215 -0.4977326632169385 -0.5642874281732501 -0.5627396429417093 -0.5627396429417093 -0.5642874281732501 -0.3708142742304869 -0.0550660869958943 0.34271471751042565 0.6708451865973527 0.8674139110031972 1.0051667966104425 1.0454092126305445 1.1320851855969027 1.1026772661976032 0.9107518974863807 0.7126353878489867 0.4448685427922085 0.12292921463144427 +13625,-0.22841803292861076,0,-0.44820353580759215 -0.4977326632169385 -0.5642874281732501 -0.5627396429417093 -0.5627396429417093 -0.5642874281732501 -0.3708142742304869 -0.0550660869958943 0.34271471751042565 0.6708451865973527 0.8674139110031972 1.0051667966104425 1.0454092126305445 1.1320851855969027 1.1026772661976032 0.9107518974863807 0.7126353878489867 0.4448685427922085 0.12292921463144427 -0.13400313380454026 +13626,-0.34140635483118725,0,-0.4977326632169385 -0.5642874281732501 -0.5627396429417093 -0.5627396429417093 -0.5642874281732501 -0.3708142742304869 -0.0550660869958943 0.34271471751042565 0.6708451865973527 0.8674139110031972 1.0051667966104425 1.0454092126305445 1.1320851855969027 1.1026772661976032 0.9107518974863807 0.7126353878489867 0.4448685427922085 0.12292921463144427 -0.13400313380454026 -0.22841803292861076 +13627,-0.41879561640829255,0,-0.5642874281732501 -0.5627396429417093 -0.5627396429417093 -0.5642874281732501 -0.3708142742304869 -0.0550660869958943 0.34271471751042565 0.6708451865973527 0.8674139110031972 1.0051667966104425 1.0454092126305445 1.1320851855969027 1.1026772661976032 0.9107518974863807 0.7126353878489867 0.4448685427922085 0.12292921463144427 -0.13400313380454026 -0.22841803292861076 -0.34140635483118725 +13628,-0.45749024719684517,0,-0.5627396429417093 -0.5627396429417093 -0.5642874281732501 -0.3708142742304869 -0.0550660869958943 0.34271471751042565 0.6708451865973527 0.8674139110031972 1.0051667966104425 1.0454092126305445 1.1320851855969027 1.1026772661976032 0.9107518974863807 0.7126353878489867 0.4448685427922085 0.12292921463144427 -0.13400313380454026 -0.22841803292861076 -0.34140635483118725 -0.41879561640829255 +13629,-0.45903803242838587,0,-0.5627396429417093 -0.5642874281732501 -0.3708142742304869 -0.0550660869958943 0.34271471751042565 0.6708451865973527 0.8674139110031972 1.0051667966104425 1.0454092126305445 1.1320851855969027 1.1026772661976032 0.9107518974863807 0.7126353878489867 0.4448685427922085 0.12292921463144427 -0.13400313380454026 -0.22841803292861076 -0.34140635483118725 -0.41879561640829255 -0.45749024719684517 +13630,-0.47296809951226093,0,-0.5642874281732501 -0.3708142742304869 -0.0550660869958943 0.34271471751042565 0.6708451865973527 0.8674139110031972 1.0051667966104425 1.0454092126305445 1.1320851855969027 1.1026772661976032 0.9107518974863807 0.7126353878489867 0.4448685427922085 0.12292921463144427 -0.13400313380454026 -0.22841803292861076 -0.34140635483118725 -0.41879561640829255 -0.45749024719684517 -0.45903803242838587 +13631,-0.5132105155323631,0,-0.3708142742304869 -0.0550660869958943 0.34271471751042565 0.6708451865973527 0.8674139110031972 1.0051667966104425 1.0454092126305445 1.1320851855969027 1.1026772661976032 0.9107518974863807 0.7126353878489867 0.4448685427922085 0.12292921463144427 -0.13400313380454026 -0.22841803292861076 -0.34140635483118725 -0.41879561640829255 -0.45749024719684517 -0.45903803242838587 -0.47296809951226093 +13632,-0.4961848779853978,0,-0.0550660869958943 0.34271471751042565 0.6708451865973527 0.8674139110031972 1.0051667966104425 1.0454092126305445 1.1320851855969027 1.1026772661976032 0.9107518974863807 0.7126353878489867 0.4448685427922085 0.12292921463144427 -0.13400313380454026 -0.22841803292861076 -0.34140635483118725 -0.41879561640829255 -0.45749024719684517 -0.45903803242838587 -0.47296809951226093 -0.5132105155323631 +13633,-0.5039238041431101,0,0.34271471751042565 0.6708451865973527 0.8674139110031972 1.0051667966104425 1.0454092126305445 1.1320851855969027 1.1026772661976032 0.9107518974863807 0.7126353878489867 0.4448685427922085 0.12292921463144427 -0.13400313380454026 -0.22841803292861076 -0.34140635483118725 -0.41879561640829255 -0.45749024719684517 -0.45903803242838587 -0.47296809951226093 -0.5132105155323631 -0.4961848779853978 +13634,-0.4807070256699732,0,0.6708451865973527 0.8674139110031972 1.0051667966104425 1.0454092126305445 1.1320851855969027 1.1026772661976032 0.9107518974863807 0.7126353878489867 0.4448685427922085 0.12292921463144427 -0.13400313380454026 -0.22841803292861076 -0.34140635483118725 -0.41879561640829255 -0.45749024719684517 -0.45903803242838587 -0.47296809951226093 -0.5132105155323631 -0.4961848779853978 -0.5039238041431101 +13635,-0.4265345425660048,0,0.8674139110031972 1.0051667966104425 1.0454092126305445 1.1320851855969027 1.1026772661976032 0.9107518974863807 0.7126353878489867 0.4448685427922085 0.12292921463144427 -0.13400313380454026 -0.22841803292861076 -0.34140635483118725 -0.41879561640829255 -0.45749024719684517 -0.45903803242838587 -0.47296809951226093 -0.5132105155323631 -0.4961848779853978 -0.5039238041431101 -0.4807070256699732 +13636,-0.3259285025157627,0,1.0051667966104425 1.0454092126305445 1.1320851855969027 1.1026772661976032 0.9107518974863807 0.7126353878489867 0.4448685427922085 0.12292921463144427 -0.13400313380454026 -0.22841803292861076 -0.34140635483118725 -0.41879561640829255 -0.45749024719684517 -0.45903803242838587 -0.47296809951226093 -0.5132105155323631 -0.4961848779853978 -0.5039238041431101 -0.4807070256699732 -0.4265345425660048 +13637,-0.19436675783468904,0,1.0454092126305445 1.1320851855969027 1.1026772661976032 0.9107518974863807 0.7126353878489867 0.4448685427922085 0.12292921463144427 -0.13400313380454026 -0.22841803292861076 -0.34140635483118725 -0.41879561640829255 -0.45749024719684517 -0.45903803242838587 -0.47296809951226093 -0.5132105155323631 -0.4961848779853978 -0.5039238041431101 -0.4807070256699732 -0.4265345425660048 -0.3259285025157627 +13638,0.04708773828587971,0,1.1320851855969027 1.1026772661976032 0.9107518974863807 0.7126353878489867 0.4448685427922085 0.12292921463144427 -0.13400313380454026 -0.22841803292861076 -0.34140635483118725 -0.41879561640829255 -0.45749024719684517 -0.45903803242838587 -0.47296809951226093 -0.5132105155323631 -0.4961848779853978 -0.5039238041431101 -0.4807070256699732 -0.4265345425660048 -0.3259285025157627 -0.19436675783468904 +13639,0.18793619435621514,0,1.1026772661976032 0.9107518974863807 0.7126353878489867 0.4448685427922085 0.12292921463144427 -0.13400313380454026 -0.22841803292861076 -0.34140635483118725 -0.41879561640829255 -0.45749024719684517 -0.45903803242838587 -0.47296809951226093 -0.5132105155323631 -0.4961848779853978 -0.5039238041431101 -0.4807070256699732 -0.4265345425660048 -0.3259285025157627 -0.19436675783468904 0.04708773828587971 +13640,0.30556787195341373,0,0.9107518974863807 0.7126353878489867 0.4448685427922085 0.12292921463144427 -0.13400313380454026 -0.22841803292861076 -0.34140635483118725 -0.41879561640829255 -0.45749024719684517 -0.45903803242838587 -0.47296809951226093 -0.5132105155323631 -0.4961848779853978 -0.5039238041431101 -0.4807070256699732 -0.4265345425660048 -0.3259285025157627 -0.19436675783468904 0.04708773828587971 0.18793619435621514 +13641,0.4417729723291183,0,0.7126353878489867 0.4448685427922085 0.12292921463144427 -0.13400313380454026 -0.22841803292861076 -0.34140635483118725 -0.41879561640829255 -0.45749024719684517 -0.45903803242838587 -0.47296809951226093 -0.5132105155323631 -0.4961848779853978 -0.5039238041431101 -0.4807070256699732 -0.4265345425660048 -0.3259285025157627 -0.19436675783468904 0.04708773828587971 0.18793619435621514 0.30556787195341373 +13642,0.4402251870975776,0,0.4448685427922085 0.12292921463144427 -0.13400313380454026 -0.22841803292861076 -0.34140635483118725 -0.41879561640829255 -0.45749024719684517 -0.45903803242838587 -0.47296809951226093 -0.5132105155323631 -0.4961848779853978 -0.5039238041431101 -0.4807070256699732 -0.4265345425660048 -0.3259285025157627 -0.19436675783468904 0.04708773828587971 0.18793619435621514 0.30556787195341373 0.4417729723291183 +13643,0.37831377783589687,0,0.12292921463144427 -0.13400313380454026 -0.22841803292861076 -0.34140635483118725 -0.41879561640829255 -0.45749024719684517 -0.45903803242838587 -0.47296809951226093 -0.5132105155323631 -0.4961848779853978 -0.5039238041431101 -0.4807070256699732 -0.4265345425660048 -0.3259285025157627 -0.19436675783468904 0.04708773828587971 0.18793619435621514 0.30556787195341373 0.4417729723291183 0.4402251870975776 +13644,0.24829981838635515,0,-0.13400313380454026 -0.22841803292861076 -0.34140635483118725 -0.41879561640829255 -0.45749024719684517 -0.45903803242838587 -0.47296809951226093 -0.5132105155323631 -0.4961848779853978 -0.5039238041431101 -0.4807070256699732 -0.4265345425660048 -0.3259285025157627 -0.19436675783468904 0.04708773828587971 0.18793619435621514 0.30556787195341373 0.4417729723291183 0.4402251870975776 0.37831377783589687 +13645,0.09816465092677551,0,-0.22841803292861076 -0.34140635483118725 -0.41879561640829255 -0.45749024719684517 -0.45903803242838587 -0.47296809951226093 -0.5132105155323631 -0.4961848779853978 -0.5039238041431101 -0.4807070256699732 -0.4265345425660048 -0.3259285025157627 -0.19436675783468904 0.04708773828587971 0.18793619435621514 0.30556787195341373 0.4417729723291183 0.4402251870975776 0.37831377783589687 0.24829981838635515 +13646,-0.06280501315360658,0,-0.34140635483118725 -0.41879561640829255 -0.45749024719684517 -0.45903803242838587 -0.47296809951226093 -0.5132105155323631 -0.4961848779853978 -0.5039238041431101 -0.4807070256699732 -0.4265345425660048 -0.3259285025157627 -0.19436675783468904 0.04708773828587971 0.18793619435621514 0.30556787195341373 0.4417729723291183 0.4402251870975776 0.37831377783589687 0.24829981838635515 0.09816465092677551 +13647,-0.2191313215393578,0,-0.41879561640829255 -0.45749024719684517 -0.45903803242838587 -0.47296809951226093 -0.5132105155323631 -0.4961848779853978 -0.5039238041431101 -0.4807070256699732 -0.4265345425660048 -0.3259285025157627 -0.19436675783468904 0.04708773828587971 0.18793619435621514 0.30556787195341373 0.4417729723291183 0.4402251870975776 0.37831377783589687 0.24829981838635515 0.09816465092677551 -0.06280501315360658 +13648,-0.3553364219150623,0,-0.45749024719684517 -0.45903803242838587 -0.47296809951226093 -0.5132105155323631 -0.4961848779853978 -0.5039238041431101 -0.4807070256699732 -0.4265345425660048 -0.3259285025157627 -0.19436675783468904 0.04708773828587971 0.18793619435621514 0.30556787195341373 0.4417729723291183 0.4402251870975776 0.37831377783589687 0.24829981838635515 0.09816465092677551 -0.06280501315360658 -0.2191313215393578 +13649,-0.4079611197874988,0,-0.45903803242838587 -0.47296809951226093 -0.5132105155323631 -0.4961848779853978 -0.5039238041431101 -0.4807070256699732 -0.4265345425660048 -0.3259285025157627 -0.19436675783468904 0.04708773828587971 0.18793619435621514 0.30556787195341373 0.4417729723291183 0.4402251870975776 0.37831377783589687 0.24829981838635515 0.09816465092677551 -0.06280501315360658 -0.2191313215393578 -0.3553364219150623 +13650,-0.5194016564585259,0,-0.47296809951226093 -0.5132105155323631 -0.4961848779853978 -0.5039238041431101 -0.4807070256699732 -0.4265345425660048 -0.3259285025157627 -0.19436675783468904 0.04708773828587971 0.18793619435621514 0.30556787195341373 0.4417729723291183 0.4402251870975776 0.37831377783589687 0.24829981838635515 0.09816465092677551 -0.06280501315360658 -0.2191313215393578 -0.3553364219150623 -0.4079611197874988 +13651,-0.573574139562503,0,-0.5132105155323631 -0.4961848779853978 -0.5039238041431101 -0.4807070256699732 -0.4265345425660048 -0.3259285025157627 -0.19436675783468904 0.04708773828587971 0.18793619435621514 0.30556787195341373 0.4417729723291183 0.4402251870975776 0.37831377783589687 0.24829981838635515 0.09816465092677551 -0.06280501315360658 -0.2191313215393578 -0.3553364219150623 -0.4079611197874988 -0.5194016564585259 +13652,-0.6231032669718494,0,-0.4961848779853978 -0.5039238041431101 -0.4807070256699732 -0.4265345425660048 -0.3259285025157627 -0.19436675783468904 0.04708773828587971 0.18793619435621514 0.30556787195341373 0.4417729723291183 0.4402251870975776 0.37831377783589687 0.24829981838635515 0.09816465092677551 -0.06280501315360658 -0.2191313215393578 -0.3553364219150623 -0.4079611197874988 -0.5194016564585259 -0.573574139562503 +13653,-0.7004925285489546,0,-0.5039238041431101 -0.4807070256699732 -0.4265345425660048 -0.3259285025157627 -0.19436675783468904 0.04708773828587971 0.18793619435621514 0.30556787195341373 0.4417729723291183 0.4402251870975776 0.37831377783589687 0.24829981838635515 0.09816465092677551 -0.06280501315360658 -0.2191313215393578 -0.3553364219150623 -0.4079611197874988 -0.5194016564585259 -0.573574139562503 -0.6231032669718494 +13654,-0.8150286356830718,0,-0.4807070256699732 -0.4265345425660048 -0.3259285025157627 -0.19436675783468904 0.04708773828587971 0.18793619435621514 0.30556787195341373 0.4417729723291183 0.4402251870975776 0.37831377783589687 0.24829981838635515 0.09816465092677551 -0.06280501315360658 -0.2191313215393578 -0.3553364219150623 -0.4079611197874988 -0.5194016564585259 -0.573574139562503 -0.6231032669718494 -0.7004925285489546 +13655,-0.9187302461963865,0,-0.4265345425660048 -0.3259285025157627 -0.19436675783468904 0.04708773828587971 0.18793619435621514 0.30556787195341373 0.4417729723291183 0.4402251870975776 0.37831377783589687 0.24829981838635515 0.09816465092677551 -0.06280501315360658 -0.2191313215393578 -0.3553364219150623 -0.4079611197874988 -0.5194016564585259 -0.573574139562503 -0.6231032669718494 -0.7004925285489546 -0.8150286356830718 +13656,-0.943494809901064,0,-0.3259285025157627 -0.19436675783468904 0.04708773828587971 0.18793619435621514 0.30556787195341373 0.4417729723291183 0.4402251870975776 0.37831377783589687 0.24829981838635515 0.09816465092677551 -0.06280501315360658 -0.2191313215393578 -0.3553364219150623 -0.4079611197874988 -0.5194016564585259 -0.573574139562503 -0.6231032669718494 -0.7004925285489546 -0.8150286356830718 -0.9187302461963865 +13657,-0.9465903803641454,0,-0.19436675783468904 0.04708773828587971 0.18793619435621514 0.30556787195341373 0.4417729723291183 0.4402251870975776 0.37831377783589687 0.24829981838635515 0.09816465092677551 -0.06280501315360658 -0.2191313215393578 -0.3553364219150623 -0.4079611197874988 -0.5194016564585259 -0.573574139562503 -0.6231032669718494 -0.7004925285489546 -0.8150286356830718 -0.9187302461963865 -0.943494809901064 +13658,-0.8397931993877406,0,0.04708773828587971 0.18793619435621514 0.30556787195341373 0.4417729723291183 0.4402251870975776 0.37831377783589687 0.24829981838635515 0.09816465092677551 -0.06280501315360658 -0.2191313215393578 -0.3553364219150623 -0.4079611197874988 -0.5194016564585259 -0.573574139562503 -0.6231032669718494 -0.7004925285489546 -0.8150286356830718 -0.9187302461963865 -0.943494809901064 -0.9465903803641454 +13659,-0.5302361530793195,0,0.18793619435621514 0.30556787195341373 0.4417729723291183 0.4402251870975776 0.37831377783589687 0.24829981838635515 0.09816465092677551 -0.06280501315360658 -0.2191313215393578 -0.3553364219150623 -0.4079611197874988 -0.5194016564585259 -0.573574139562503 -0.6231032669718494 -0.7004925285489546 -0.8150286356830718 -0.9187302461963865 -0.943494809901064 -0.9465903803641454 -0.8397931993877406 +13660,-0.2052012544554827,0,0.30556787195341373 0.4417729723291183 0.4402251870975776 0.37831377783589687 0.24829981838635515 0.09816465092677551 -0.06280501315360658 -0.2191313215393578 -0.3553364219150623 -0.4079611197874988 -0.5194016564585259 -0.573574139562503 -0.6231032669718494 -0.7004925285489546 -0.8150286356830718 -0.9187302461963865 -0.943494809901064 -0.9465903803641454 -0.8397931993877406 -0.5302361530793195 +13661,-0.003989174355007293,0,0.4417729723291183 0.4402251870975776 0.37831377783589687 0.24829981838635515 0.09816465092677551 -0.06280501315360658 -0.2191313215393578 -0.3553364219150623 -0.4079611197874988 -0.5194016564585259 -0.573574139562503 -0.6231032669718494 -0.7004925285489546 -0.8150286356830718 -0.9187302461963865 -0.943494809901064 -0.9465903803641454 -0.8397931993877406 -0.5302361530793195 -0.2052012544554827 +13662,0.19567512051392744,0,0.4402251870975776 0.37831377783589687 0.24829981838635515 0.09816465092677551 -0.06280501315360658 -0.2191313215393578 -0.3553364219150623 -0.4079611197874988 -0.5194016564585259 -0.573574139562503 -0.6231032669718494 -0.7004925285489546 -0.8150286356830718 -0.9187302461963865 -0.943494809901064 -0.9465903803641454 -0.8397931993877406 -0.5302361530793195 -0.2052012544554827 -0.003989174355007293 +13663,0.35354921413121937,0,0.37831377783589687 0.24829981838635515 0.09816465092677551 -0.06280501315360658 -0.2191313215393578 -0.3553364219150623 -0.4079611197874988 -0.5194016564585259 -0.573574139562503 -0.6231032669718494 -0.7004925285489546 -0.8150286356830718 -0.9187302461963865 -0.943494809901064 -0.9465903803641454 -0.8397931993877406 -0.5302361530793195 -0.2052012544554827 -0.003989174355007293 0.19567512051392744 +13664,0.4278429052452432,0,0.24829981838635515 0.09816465092677551 -0.06280501315360658 -0.2191313215393578 -0.3553364219150623 -0.4079611197874988 -0.5194016564585259 -0.573574139562503 -0.6231032669718494 -0.7004925285489546 -0.8150286356830718 -0.9187302461963865 -0.943494809901064 -0.9465903803641454 -0.8397931993877406 -0.5302361530793195 -0.2052012544554827 -0.003989174355007293 0.19567512051392744 0.35354921413121937 +13665,0.5392834419162702,0,0.09816465092677551 -0.06280501315360658 -0.2191313215393578 -0.3553364219150623 -0.4079611197874988 -0.5194016564585259 -0.573574139562503 -0.6231032669718494 -0.7004925285489546 -0.8150286356830718 -0.9187302461963865 -0.943494809901064 -0.9465903803641454 -0.8397931993877406 -0.5302361530793195 -0.2052012544554827 -0.003989174355007293 0.19567512051392744 0.35354921413121937 0.4278429052452432 +13666,0.57178693177866,0,-0.06280501315360658 -0.2191313215393578 -0.3553364219150623 -0.4079611197874988 -0.5194016564585259 -0.573574139562503 -0.6231032669718494 -0.7004925285489546 -0.8150286356830718 -0.9187302461963865 -0.943494809901064 -0.9465903803641454 -0.8397931993877406 -0.5302361530793195 -0.2052012544554827 -0.003989174355007293 0.19567512051392744 0.35354921413121937 0.4278429052452432 0.5392834419162702 +13667,0.5888125693256165,0,-0.2191313215393578 -0.3553364219150623 -0.4079611197874988 -0.5194016564585259 -0.573574139562503 -0.6231032669718494 -0.7004925285489546 -0.8150286356830718 -0.9187302461963865 -0.943494809901064 -0.9465903803641454 -0.8397931993877406 -0.5302361530793195 -0.2052012544554827 -0.003989174355007293 0.19567512051392744 0.35354921413121937 0.4278429052452432 0.5392834419162702 0.57178693177866 +13668,0.5269011600639358,0,-0.3553364219150623 -0.4079611197874988 -0.5194016564585259 -0.573574139562503 -0.6231032669718494 -0.7004925285489546 -0.8150286356830718 -0.9187302461963865 -0.943494809901064 -0.9465903803641454 -0.8397931993877406 -0.5302361530793195 -0.2052012544554827 -0.003989174355007293 0.19567512051392744 0.35354921413121937 0.4278429052452432 0.5392834419162702 0.57178693177866 0.5888125693256165 +13669,0.46034639510762426,0,-0.4079611197874988 -0.5194016564585259 -0.573574139562503 -0.6231032669718494 -0.7004925285489546 -0.8150286356830718 -0.9187302461963865 -0.943494809901064 -0.9465903803641454 -0.8397931993877406 -0.5302361530793195 -0.2052012544554827 -0.003989174355007293 0.19567512051392744 0.35354921413121937 0.4278429052452432 0.5392834419162702 0.57178693177866 0.5888125693256165 0.5269011600639358 +13670,0.29009001963799796,0,-0.5194016564585259 -0.573574139562503 -0.6231032669718494 -0.7004925285489546 -0.8150286356830718 -0.9187302461963865 -0.943494809901064 -0.9465903803641454 -0.8397931993877406 -0.5302361530793195 -0.2052012544554827 -0.003989174355007293 0.19567512051392744 0.35354921413121937 0.4278429052452432 0.5392834419162702 0.57178693177866 0.5888125693256165 0.5269011600639358 0.46034639510762426 +13671,-0.005536959586547991,0,-0.573574139562503 -0.6231032669718494 -0.7004925285489546 -0.8150286356830718 -0.9187302461963865 -0.943494809901064 -0.9465903803641454 -0.8397931993877406 -0.5302361530793195 -0.2052012544554827 -0.003989174355007293 0.19567512051392744 0.35354921413121937 0.4278429052452432 0.5392834419162702 0.57178693177866 0.5888125693256165 0.5269011600639358 0.46034639510762426 0.29009001963799796 +13672,-0.17424554982463358,0,-0.6231032669718494 -0.7004925285489546 -0.8150286356830718 -0.9187302461963865 -0.943494809901064 -0.9465903803641454 -0.8397931993877406 -0.5302361530793195 -0.2052012544554827 -0.003989174355007293 0.19567512051392744 0.35354921413121937 0.4278429052452432 0.5392834419162702 0.57178693177866 0.5888125693256165 0.5269011600639358 0.46034639510762426 0.29009001963799796 -0.005536959586547991 +13673,-0.25473038186482905,0,-0.7004925285489546 -0.8150286356830718 -0.9187302461963865 -0.943494809901064 -0.9465903803641454 -0.8397931993877406 -0.5302361530793195 -0.2052012544554827 -0.003989174355007293 0.19567512051392744 0.35354921413121937 0.4278429052452432 0.5392834419162702 0.57178693177866 0.5888125693256165 0.5269011600639358 0.46034639510762426 0.29009001963799796 -0.005536959586547991 -0.17424554982463358 +13674,-0.40176997886132726,0,-0.8150286356830718 -0.9187302461963865 -0.943494809901064 -0.9465903803641454 -0.8397931993877406 -0.5302361530793195 -0.2052012544554827 -0.003989174355007293 0.19567512051392744 0.35354921413121937 0.4278429052452432 0.5392834419162702 0.57178693177866 0.5888125693256165 0.5269011600639358 0.46034639510762426 0.29009001963799796 -0.005536959586547991 -0.17424554982463358 -0.25473038186482905 +13675,-0.5070193746061915,0,-0.9187302461963865 -0.943494809901064 -0.9465903803641454 -0.8397931993877406 -0.5302361530793195 -0.2052012544554827 -0.003989174355007293 0.19567512051392744 0.35354921413121937 0.4278429052452432 0.5392834419162702 0.57178693177866 0.5888125693256165 0.5269011600639358 0.46034639510762426 0.29009001963799796 -0.005536959586547991 -0.17424554982463358 -0.25473038186482905 -0.40176997886132726 +13676,-0.5580962872470785,0,-0.943494809901064 -0.9465903803641454 -0.8397931993877406 -0.5302361530793195 -0.2052012544554827 -0.003989174355007293 0.19567512051392744 0.35354921413121937 0.4278429052452432 0.5392834419162702 0.57178693177866 0.5888125693256165 0.5269011600639358 0.46034639510762426 0.29009001963799796 -0.005536959586547991 -0.17424554982463358 -0.25473038186482905 -0.40176997886132726 -0.5070193746061915 +13677,-0.666441253455024,0,-0.9465903803641454 -0.8397931993877406 -0.5302361530793195 -0.2052012544554827 -0.003989174355007293 0.19567512051392744 0.35354921413121937 0.4278429052452432 0.5392834419162702 0.57178693177866 0.5888125693256165 0.5269011600639358 0.46034639510762426 0.29009001963799796 -0.005536959586547991 -0.17424554982463358 -0.25473038186482905 -0.40176997886132726 -0.5070193746061915 -0.5580962872470785 +13678,-0.7438305150321293,0,-0.8397931993877406 -0.5302361530793195 -0.2052012544554827 -0.003989174355007293 0.19567512051392744 0.35354921413121937 0.4278429052452432 0.5392834419162702 0.57178693177866 0.5888125693256165 0.5269011600639358 0.46034639510762426 0.29009001963799796 -0.005536959586547991 -0.17424554982463358 -0.25473038186482905 -0.40176997886132726 -0.5070193746061915 -0.5580962872470785 -0.666441253455024 +13679,-0.7980029981361065,0,-0.5302361530793195 -0.2052012544554827 -0.003989174355007293 0.19567512051392744 0.35354921413121937 0.4278429052452432 0.5392834419162702 0.57178693177866 0.5888125693256165 0.5269011600639358 0.46034639510762426 0.29009001963799796 -0.005536959586547991 -0.17424554982463358 -0.25473038186482905 -0.40176997886132726 -0.5070193746061915 -0.5580962872470785 -0.666441253455024 -0.7438305150321293 +13680,-0.8815834006393833,0,-0.2052012544554827 -0.003989174355007293 0.19567512051392744 0.35354921413121937 0.4278429052452432 0.5392834419162702 0.57178693177866 0.5888125693256165 0.5269011600639358 0.46034639510762426 0.29009001963799796 -0.005536959586547991 -0.17424554982463358 -0.25473038186482905 -0.40176997886132726 -0.5070193746061915 -0.5580962872470785 -0.666441253455024 -0.7438305150321293 -0.7980029981361065 +13681,-0.8877745415655461,0,-0.003989174355007293 0.19567512051392744 0.35354921413121937 0.4278429052452432 0.5392834419162702 0.57178693177866 0.5888125693256165 0.5269011600639358 0.46034639510762426 0.29009001963799796 -0.005536959586547991 -0.17424554982463358 -0.25473038186482905 -0.40176997886132726 -0.5070193746061915 -0.5580962872470785 -0.666441253455024 -0.7438305150321293 -0.7980029981361065 -0.8815834006393833 +13682,-0.7778817901260598,0,0.19567512051392744 0.35354921413121937 0.4278429052452432 0.5392834419162702 0.57178693177866 0.5888125693256165 0.5269011600639358 0.46034639510762426 0.29009001963799796 -0.005536959586547991 -0.17424554982463358 -0.25473038186482905 -0.40176997886132726 -0.5070193746061915 -0.5580962872470785 -0.666441253455024 -0.7438305150321293 -0.7980029981361065 -0.8815834006393833 -0.8877745415655461 +13683,-0.3274762877473034,0,0.35354921413121937 0.4278429052452432 0.5392834419162702 0.57178693177866 0.5888125693256165 0.5269011600639358 0.46034639510762426 0.29009001963799796 -0.005536959586547991 -0.17424554982463358 -0.25473038186482905 -0.40176997886132726 -0.5070193746061915 -0.5580962872470785 -0.666441253455024 -0.7438305150321293 -0.7980029981361065 -0.8815834006393833 -0.8877745415655461 -0.7778817901260598 +13684,0.13066814078915656,0,0.4278429052452432 0.5392834419162702 0.57178693177866 0.5888125693256165 0.5269011600639358 0.46034639510762426 0.29009001963799796 -0.005536959586547991 -0.17424554982463358 -0.25473038186482905 -0.40176997886132726 -0.5070193746061915 -0.5580962872470785 -0.666441253455024 -0.7438305150321293 -0.7980029981361065 -0.8815834006393833 -0.8877745415655461 -0.7778817901260598 -0.3274762877473034 +13685,0.36283592552047234,0,0.5392834419162702 0.57178693177866 0.5888125693256165 0.5269011600639358 0.46034639510762426 0.29009001963799796 -0.005536959586547991 -0.17424554982463358 -0.25473038186482905 -0.40176997886132726 -0.5070193746061915 -0.5580962872470785 -0.666441253455024 -0.7438305150321293 -0.7980029981361065 -0.8815834006393833 -0.8877745415655461 -0.7778817901260598 -0.3274762877473034 0.13066814078915656 +13686,0.6027426364095004,0,0.57178693177866 0.5888125693256165 0.5269011600639358 0.46034639510762426 0.29009001963799796 -0.005536959586547991 -0.17424554982463358 -0.25473038186482905 -0.40176997886132726 -0.5070193746061915 -0.5580962872470785 -0.666441253455024 -0.7438305150321293 -0.7980029981361065 -0.8815834006393833 -0.8877745415655461 -0.7778817901260598 -0.3274762877473034 0.13066814078915656 0.36283592552047234 +13687,0.7404955220167456,0,0.5888125693256165 0.5269011600639358 0.46034639510762426 0.29009001963799796 -0.005536959586547991 -0.17424554982463358 -0.25473038186482905 -0.40176997886132726 -0.5070193746061915 -0.5580962872470785 -0.666441253455024 -0.7438305150321293 -0.7980029981361065 -0.8815834006393833 -0.8877745415655461 -0.7778817901260598 -0.3274762877473034 0.13066814078915656 0.36283592552047234 0.6027426364095004 +13688,0.9308731054964273,0,0.5269011600639358 0.46034639510762426 0.29009001963799796 -0.005536959586547991 -0.17424554982463358 -0.25473038186482905 -0.40176997886132726 -0.5070193746061915 -0.5580962872470785 -0.666441253455024 -0.7438305150321293 -0.7980029981361065 -0.8815834006393833 -0.8877745415655461 -0.7778817901260598 -0.3274762877473034 0.13066814078915656 0.36283592552047234 0.6027426364095004 0.7404955220167456 +13689,1.0314791455466608,0,0.46034639510762426 0.29009001963799796 -0.005536959586547991 -0.17424554982463358 -0.25473038186482905 -0.40176997886132726 -0.5070193746061915 -0.5580962872470785 -0.666441253455024 -0.7438305150321293 -0.7980029981361065 -0.8815834006393833 -0.8877745415655461 -0.7778817901260598 -0.3274762877473034 0.13066814078915656 0.36283592552047234 0.6027426364095004 0.7404955220167456 0.9308731054964273 +13690,1.0051667966104425,0,0.29009001963799796 -0.005536959586547991 -0.17424554982463358 -0.25473038186482905 -0.40176997886132726 -0.5070193746061915 -0.5580962872470785 -0.666441253455024 -0.7438305150321293 -0.7980029981361065 -0.8815834006393833 -0.8877745415655461 -0.7778817901260598 -0.3274762877473034 0.13066814078915656 0.36283592552047234 0.6027426364095004 0.7404955220167456 0.9308731054964273 1.0314791455466608 +13691,0.9726633067480613,0,-0.005536959586547991 -0.17424554982463358 -0.25473038186482905 -0.40176997886132726 -0.5070193746061915 -0.5580962872470785 -0.666441253455024 -0.7438305150321293 -0.7980029981361065 -0.8815834006393833 -0.8877745415655461 -0.7778817901260598 -0.3274762877473034 0.13066814078915656 0.36283592552047234 0.6027426364095004 0.7404955220167456 0.9308731054964273 1.0314791455466608 1.0051667966104425 +13692,0.75287780386908,0,-0.17424554982463358 -0.25473038186482905 -0.40176997886132726 -0.5070193746061915 -0.5580962872470785 -0.666441253455024 -0.7438305150321293 -0.7980029981361065 -0.8815834006393833 -0.8877745415655461 -0.7778817901260598 -0.3274762877473034 0.13066814078915656 0.36283592552047234 0.6027426364095004 0.7404955220167456 0.9308731054964273 1.0314791455466608 1.0051667966104425 0.9726633067480613 +13693,0.5516657237686133,0,-0.25473038186482905 -0.40176997886132726 -0.5070193746061915 -0.5580962872470785 -0.666441253455024 -0.7438305150321293 -0.7980029981361065 -0.8815834006393833 -0.8877745415655461 -0.7778817901260598 -0.3274762877473034 0.13066814078915656 0.36283592552047234 0.6027426364095004 0.7404955220167456 0.9308731054964273 1.0314791455466608 1.0051667966104425 0.9726633067480613 0.75287780386908 +13694,0.29473337533262006,0,-0.40176997886132726 -0.5070193746061915 -0.5580962872470785 -0.666441253455024 -0.7438305150321293 -0.7980029981361065 -0.8815834006393833 -0.8877745415655461 -0.7778817901260598 -0.3274762877473034 0.13066814078915656 0.36283592552047234 0.6027426364095004 0.7404955220167456 0.9308731054964273 1.0314791455466608 1.0051667966104425 0.9726633067480613 0.75287780386908 0.5516657237686133 +13695,0.06720894629592637,0,-0.5070193746061915 -0.5580962872470785 -0.666441253455024 -0.7438305150321293 -0.7980029981361065 -0.8815834006393833 -0.8877745415655461 -0.7778817901260598 -0.3274762877473034 0.13066814078915656 0.36283592552047234 0.6027426364095004 0.7404955220167456 0.9308731054964273 1.0314791455466608 1.0051667966104425 0.9726633067480613 0.75287780386908 0.5516657237686133 0.29473337533262006 +13696,-0.07209172454285957,0,-0.5580962872470785 -0.666441253455024 -0.7438305150321293 -0.7980029981361065 -0.8815834006393833 -0.8877745415655461 -0.7778817901260598 -0.3274762877473034 0.13066814078915656 0.36283592552047234 0.6027426364095004 0.7404955220167456 0.9308731054964273 1.0314791455466608 1.0051667966104425 0.9726633067480613 0.75287780386908 0.5516657237686133 0.29473337533262006 0.06720894629592637 +13697,-0.19746232829777044,0,-0.666441253455024 -0.7438305150321293 -0.7980029981361065 -0.8815834006393833 -0.8877745415655461 -0.7778817901260598 -0.3274762877473034 0.13066814078915656 0.36283592552047234 0.6027426364095004 0.7404955220167456 0.9308731054964273 1.0314791455466608 1.0051667966104425 0.9726633067480613 0.75287780386908 0.5516657237686133 0.29473337533262006 0.06720894629592637 -0.07209172454285957 +13698,-0.3367629991365564,0,-0.7438305150321293 -0.7980029981361065 -0.8815834006393833 -0.8877745415655461 -0.7778817901260598 -0.3274762877473034 0.13066814078915656 0.36283592552047234 0.6027426364095004 0.7404955220167456 0.9308731054964273 1.0314791455466608 1.0051667966104425 0.9726633067480613 0.75287780386908 0.5516657237686133 0.29473337533262006 0.06720894629592637 -0.07209172454285957 -0.19746232829777044 +13699,-0.45594246196530447,0,-0.7980029981361065 -0.8815834006393833 -0.8877745415655461 -0.7778817901260598 -0.3274762877473034 0.13066814078915656 0.36283592552047234 0.6027426364095004 0.7404955220167456 0.9308731054964273 1.0314791455466608 1.0051667966104425 0.9726633067480613 0.75287780386908 0.5516657237686133 0.29473337533262006 0.06720894629592637 -0.07209172454285957 -0.19746232829777044 -0.3367629991365564 +13700,-0.5085671598377322,0,-0.8815834006393833 -0.8877745415655461 -0.7778817901260598 -0.3274762877473034 0.13066814078915656 0.36283592552047234 0.6027426364095004 0.7404955220167456 0.9308731054964273 1.0314791455466608 1.0051667966104425 0.9726633067480613 0.75287780386908 0.5516657237686133 0.29473337533262006 0.06720894629592637 -0.07209172454285957 -0.19746232829777044 -0.3367629991365564 -0.45594246196530447 +13701,-0.5580962872470785,0,-0.8877745415655461 -0.7778817901260598 -0.3274762877473034 0.13066814078915656 0.36283592552047234 0.6027426364095004 0.7404955220167456 0.9308731054964273 1.0314791455466608 1.0051667966104425 0.9726633067480613 0.75287780386908 0.5516657237686133 0.29473337533262006 0.06720894629592637 -0.07209172454285957 -0.19746232829777044 -0.3367629991365564 -0.45594246196530447 -0.5085671598377322 +13702,-0.601434273730262,0,-0.7778817901260598 -0.3274762877473034 0.13066814078915656 0.36283592552047234 0.6027426364095004 0.7404955220167456 0.9308731054964273 1.0314791455466608 1.0051667966104425 0.9726633067480613 0.75287780386908 0.5516657237686133 0.29473337533262006 0.06720894629592637 -0.07209172454285957 -0.19746232829777044 -0.3367629991365564 -0.45594246196530447 -0.5085671598377322 -0.5580962872470785 +13703,-0.6463200454449775,0,-0.3274762877473034 0.13066814078915656 0.36283592552047234 0.6027426364095004 0.7404955220167456 0.9308731054964273 1.0314791455466608 1.0051667966104425 0.9726633067480613 0.75287780386908 0.5516657237686133 0.29473337533262006 0.06720894629592637 -0.07209172454285957 -0.19746232829777044 -0.3367629991365564 -0.45594246196530447 -0.5085671598377322 -0.5580962872470785 -0.601434273730262 +13704,-0.6958491728543237,0,0.13066814078915656 0.36283592552047234 0.6027426364095004 0.7404955220167456 0.9308731054964273 1.0314791455466608 1.0051667966104425 0.9726633067480613 0.75287780386908 0.5516657237686133 0.29473337533262006 0.06720894629592637 -0.07209172454285957 -0.19746232829777044 -0.3367629991365564 -0.45594246196530447 -0.5085671598377322 -0.5580962872470785 -0.601434273730262 -0.6463200454449775 +13705,-0.7345438036428763,0,0.36283592552047234 0.6027426364095004 0.7404955220167456 0.9308731054964273 1.0314791455466608 1.0051667966104425 0.9726633067480613 0.75287780386908 0.5516657237686133 0.29473337533262006 0.06720894629592637 -0.07209172454285957 -0.19746232829777044 -0.3367629991365564 -0.45594246196530447 -0.5085671598377322 -0.5580962872470785 -0.601434273730262 -0.6463200454449775 -0.6958491728543237 +13706,-0.6076254146564247,0,0.6027426364095004 0.7404955220167456 0.9308731054964273 1.0314791455466608 1.0051667966104425 0.9726633067480613 0.75287780386908 0.5516657237686133 0.29473337533262006 0.06720894629592637 -0.07209172454285957 -0.19746232829777044 -0.3367629991365564 -0.45594246196530447 -0.5085671598377322 -0.5580962872470785 -0.601434273730262 -0.6463200454449775 -0.6958491728543237 -0.7345438036428763 +13707,-0.34759749575735005,0,0.7404955220167456 0.9308731054964273 1.0314791455466608 1.0051667966104425 0.9726633067480613 0.75287780386908 0.5516657237686133 0.29473337533262006 0.06720894629592637 -0.07209172454285957 -0.19746232829777044 -0.3367629991365564 -0.45594246196530447 -0.5085671598377322 -0.5580962872470785 -0.601434273730262 -0.6463200454449775 -0.6958491728543237 -0.7345438036428763 -0.6076254146564247 +13708,-0.18972340214005814,0,0.9308731054964273 1.0314791455466608 1.0051667966104425 0.9726633067480613 0.75287780386908 0.5516657237686133 0.29473337533262006 0.06720894629592637 -0.07209172454285957 -0.19746232829777044 -0.3367629991365564 -0.45594246196530447 -0.5085671598377322 -0.5580962872470785 -0.601434273730262 -0.6463200454449775 -0.6958491728543237 -0.7345438036428763 -0.6076254146564247 -0.34759749575735005 +13709,-0.056613872227435,0,1.0314791455466608 1.0051667966104425 0.9726633067480613 0.75287780386908 0.5516657237686133 0.29473337533262006 0.06720894629592637 -0.07209172454285957 -0.19746232829777044 -0.3367629991365564 -0.45594246196530447 -0.5085671598377322 -0.5580962872470785 -0.601434273730262 -0.6463200454449775 -0.6958491728543237 -0.7345438036428763 -0.6076254146564247 -0.34759749575735005 -0.18972340214005814 +13710,0.15698048972537482,0,1.0051667966104425 0.9726633067480613 0.75287780386908 0.5516657237686133 0.29473337533262006 0.06720894629592637 -0.07209172454285957 -0.19746232829777044 -0.3367629991365564 -0.45594246196530447 -0.5085671598377322 -0.5580962872470785 -0.601434273730262 -0.6463200454449775 -0.6958491728543237 -0.7345438036428763 -0.6076254146564247 -0.34759749575735005 -0.18972340214005814 -0.056613872227435 +13711,0.29628116056416076,0,0.9726633067480613 0.75287780386908 0.5516657237686133 0.29473337533262006 0.06720894629592637 -0.07209172454285957 -0.19746232829777044 -0.3367629991365564 -0.45594246196530447 -0.5085671598377322 -0.5580962872470785 -0.601434273730262 -0.6463200454449775 -0.6958491728543237 -0.7345438036428763 -0.6076254146564247 -0.34759749575735005 -0.18972340214005814 -0.056613872227435 0.15698048972537482 +13712,0.35974035505739094,0,0.75287780386908 0.5516657237686133 0.29473337533262006 0.06720894629592637 -0.07209172454285957 -0.19746232829777044 -0.3367629991365564 -0.45594246196530447 -0.5085671598377322 -0.5580962872470785 -0.601434273730262 -0.6463200454449775 -0.6958491728543237 -0.7345438036428763 -0.6076254146564247 -0.34759749575735005 -0.18972340214005814 -0.056613872227435 0.15698048972537482 0.29628116056416076 +13713,0.29009001963799796,0,0.5516657237686133 0.29473337533262006 0.06720894629592637 -0.07209172454285957 -0.19746232829777044 -0.3367629991365564 -0.45594246196530447 -0.5085671598377322 -0.5580962872470785 -0.601434273730262 -0.6463200454449775 -0.6958491728543237 -0.7345438036428763 -0.6076254146564247 -0.34759749575735005 -0.18972340214005814 -0.056613872227435 0.15698048972537482 0.29628116056416076 0.35974035505739094 +13714,0.24829981838635515,0,0.29473337533262006 0.06720894629592637 -0.07209172454285957 -0.19746232829777044 -0.3367629991365564 -0.45594246196530447 -0.5085671598377322 -0.5580962872470785 -0.601434273730262 -0.6463200454449775 -0.6958491728543237 -0.7345438036428763 -0.6076254146564247 -0.34759749575735005 -0.18972340214005814 -0.056613872227435 0.15698048972537482 0.29628116056416076 0.35974035505739094 0.29009001963799796 +13715,0.14305042264149093,0,0.06720894629592637 -0.07209172454285957 -0.19746232829777044 -0.3367629991365564 -0.45594246196530447 -0.5085671598377322 -0.5580962872470785 -0.601434273730262 -0.6463200454449775 -0.6958491728543237 -0.7345438036428763 -0.6076254146564247 -0.34759749575735005 -0.18972340214005814 -0.056613872227435 0.15698048972537482 0.29628116056416076 0.35974035505739094 0.29009001963799796 0.24829981838635515 +13716,0.017679818886580066,0,-0.07209172454285957 -0.19746232829777044 -0.3367629991365564 -0.45594246196530447 -0.5085671598377322 -0.5580962872470785 -0.601434273730262 -0.6463200454449775 -0.6958491728543237 -0.7345438036428763 -0.6076254146564247 -0.34759749575735005 -0.18972340214005814 -0.056613872227435 0.15698048972537482 0.29628116056416076 0.35974035505739094 0.29009001963799796 0.24829981838635515 0.14305042264149093 +13717,-0.18662783167697675,0,-0.19746232829777044 -0.3367629991365564 -0.45594246196530447 -0.5085671598377322 -0.5580962872470785 -0.601434273730262 -0.6463200454449775 -0.6958491728543237 -0.7345438036428763 -0.6076254146564247 -0.34759749575735005 -0.18972340214005814 -0.056613872227435 0.15698048972537482 0.29628116056416076 0.35974035505739094 0.29009001963799796 0.24829981838635515 0.14305042264149093 0.017679818886580066 +13718,-0.28413830126412865,0,-0.3367629991365564 -0.45594246196530447 -0.5085671598377322 -0.5580962872470785 -0.601434273730262 -0.6463200454449775 -0.6958491728543237 -0.7345438036428763 -0.6076254146564247 -0.34759749575735005 -0.18972340214005814 -0.056613872227435 0.15698048972537482 0.29628116056416076 0.35974035505739094 0.29009001963799796 0.24829981838635515 0.14305042264149093 0.017679818886580066 -0.18662783167697675 +13719,-0.35843199237815254,0,-0.45594246196530447 -0.5085671598377322 -0.5580962872470785 -0.601434273730262 -0.6463200454449775 -0.6958491728543237 -0.7345438036428763 -0.6076254146564247 -0.34759749575735005 -0.18972340214005814 -0.056613872227435 0.15698048972537482 0.29628116056416076 0.35974035505739094 0.29009001963799796 0.24829981838635515 0.14305042264149093 0.017679818886580066 -0.18662783167697675 -0.28413830126412865 +13720,-0.45749024719684517,0,-0.5085671598377322 -0.5580962872470785 -0.601434273730262 -0.6463200454449775 -0.6958491728543237 -0.7345438036428763 -0.6076254146564247 -0.34759749575735005 -0.18972340214005814 -0.056613872227435 0.15698048972537482 0.29628116056416076 0.35974035505739094 0.29009001963799796 0.24829981838635515 0.14305042264149093 0.017679818886580066 -0.18662783167697675 -0.28413830126412865 -0.35843199237815254 +13721,-0.6029820589618027,0,-0.5580962872470785 -0.601434273730262 -0.6463200454449775 -0.6958491728543237 -0.7345438036428763 -0.6076254146564247 -0.34759749575735005 -0.18972340214005814 -0.056613872227435 0.15698048972537482 0.29628116056416076 0.35974035505739094 0.29009001963799796 0.24829981838635515 0.14305042264149093 0.017679818886580066 -0.18662783167697675 -0.28413830126412865 -0.35843199237815254 -0.45749024719684517 +13722,-0.7438305150321293,0,-0.601434273730262 -0.6463200454449775 -0.6958491728543237 -0.7345438036428763 -0.6076254146564247 -0.34759749575735005 -0.18972340214005814 -0.056613872227435 0.15698048972537482 0.29628116056416076 0.35974035505739094 0.29009001963799796 0.24829981838635515 0.14305042264149093 0.017679818886580066 -0.18662783167697675 -0.28413830126412865 -0.35843199237815254 -0.45749024719684517 -0.6029820589618027 +13723,-0.9187302461963865,0,-0.6463200454449775 -0.6958491728543237 -0.7345438036428763 -0.6076254146564247 -0.34759749575735005 -0.18972340214005814 -0.056613872227435 0.15698048972537482 0.29628116056416076 0.35974035505739094 0.29009001963799796 0.24829981838635515 0.14305042264149093 0.017679818886580066 -0.18662783167697675 -0.28413830126412865 -0.35843199237815254 -0.45749024719684517 -0.6029820589618027 -0.7438305150321293 +13724,-0.9914761520788696,0,-0.6958491728543237 -0.7345438036428763 -0.6076254146564247 -0.34759749575735005 -0.18972340214005814 -0.056613872227435 0.15698048972537482 0.29628116056416076 0.35974035505739094 0.29009001963799796 0.24829981838635515 0.14305042264149093 0.017679818886580066 -0.18662783167697675 -0.28413830126412865 -0.35843199237815254 -0.45749024719684517 -0.6029820589618027 -0.7438305150321293 -0.9187302461963865 +13725,-1.0146929305519976,0,-0.7345438036428763 -0.6076254146564247 -0.34759749575735005 -0.18972340214005814 -0.056613872227435 0.15698048972537482 0.29628116056416076 0.35974035505739094 0.29009001963799796 0.24829981838635515 0.14305042264149093 0.017679818886580066 -0.18662783167697675 -0.28413830126412865 -0.35843199237815254 -0.45749024719684517 -0.6029820589618027 -0.7438305150321293 -0.9187302461963865 -0.9914761520788696 +13726,-1.0549353465720999,0,-0.6076254146564247 -0.34759749575735005 -0.18972340214005814 -0.056613872227435 0.15698048972537482 0.29628116056416076 0.35974035505739094 0.29009001963799796 0.24829981838635515 0.14305042264149093 0.017679818886580066 -0.18662783167697675 -0.28413830126412865 -0.35843199237815254 -0.45749024719684517 -0.6029820589618027 -0.7438305150321293 -0.9187302461963865 -0.9914761520788696 -1.0146929305519976 +13727,-1.1276812524545743,0,-0.34759749575735005 -0.18972340214005814 -0.056613872227435 0.15698048972537482 0.29628116056416076 0.35974035505739094 0.29009001963799796 0.24829981838635515 0.14305042264149093 0.017679818886580066 -0.18662783167697675 -0.28413830126412865 -0.35843199237815254 -0.45749024719684517 -0.6029820589618027 -0.7438305150321293 -0.9187302461963865 -0.9914761520788696 -1.0146929305519976 -1.0549353465720999 +13728,-1.1338723933807457,0,-0.18972340214005814 -0.056613872227435 0.15698048972537482 0.29628116056416076 0.35974035505739094 0.29009001963799796 0.24829981838635515 0.14305042264149093 0.017679818886580066 -0.18662783167697675 -0.28413830126412865 -0.35843199237815254 -0.45749024719684517 -0.6029820589618027 -0.7438305150321293 -0.9187302461963865 -0.9914761520788696 -1.0146929305519976 -1.0549353465720999 -1.1276812524545743 +13729,-1.1864970912531736,0,-0.056613872227435 0.15698048972537482 0.29628116056416076 0.35974035505739094 0.29009001963799796 0.24829981838635515 0.14305042264149093 0.017679818886580066 -0.18662783167697675 -0.28413830126412865 -0.35843199237815254 -0.45749024719684517 -0.6029820589618027 -0.7438305150321293 -0.9187302461963865 -0.9914761520788696 -1.0146929305519976 -1.0549353465720999 -1.1276812524545743 -1.1338723933807457 +13730,-1.110655614907609,0,0.15698048972537482 0.29628116056416076 0.35974035505739094 0.29009001963799796 0.24829981838635515 0.14305042264149093 0.017679818886580066 -0.18662783167697675 -0.28413830126412865 -0.35843199237815254 -0.45749024719684517 -0.6029820589618027 -0.7438305150321293 -0.9187302461963865 -0.9914761520788696 -1.0146929305519976 -1.0549353465720999 -1.1276812524545743 -1.1338723933807457 -1.1864970912531736 +13731,-0.9249213871225581,0,0.29628116056416076 0.35974035505739094 0.29009001963799796 0.24829981838635515 0.14305042264149093 0.017679818886580066 -0.18662783167697675 -0.28413830126412865 -0.35843199237815254 -0.45749024719684517 -0.6029820589618027 -0.7438305150321293 -0.9187302461963865 -0.9914761520788696 -1.0146929305519976 -1.0549353465720999 -1.1276812524545743 -1.1338723933807457 -1.1864970912531736 -1.110655614907609 +13732,-0.703588099012036,0,0.35974035505739094 0.29009001963799796 0.24829981838635515 0.14305042264149093 0.017679818886580066 -0.18662783167697675 -0.28413830126412865 -0.35843199237815254 -0.45749024719684517 -0.6029820589618027 -0.7438305150321293 -0.9187302461963865 -0.9914761520788696 -1.0146929305519976 -1.0549353465720999 -1.1276812524545743 -1.1338723933807457 -1.1864970912531736 -1.110655614907609 -0.9249213871225581 +13733,-0.46213360289146727,0,0.29009001963799796 0.24829981838635515 0.14305042264149093 0.017679818886580066 -0.18662783167697675 -0.28413830126412865 -0.35843199237815254 -0.45749024719684517 -0.6029820589618027 -0.7438305150321293 -0.9187302461963865 -0.9914761520788696 -1.0146929305519976 -1.0549353465720999 -1.1276812524545743 -1.1338723933807457 -1.1864970912531736 -1.110655614907609 -0.9249213871225581 -0.703588099012036 +13734,-0.273303804643335,0,0.24829981838635515 0.14305042264149093 0.017679818886580066 -0.18662783167697675 -0.28413830126412865 -0.35843199237815254 -0.45749024719684517 -0.6029820589618027 -0.7438305150321293 -0.9187302461963865 -0.9914761520788696 -1.0146929305519976 -1.0549353465720999 -1.1276812524545743 -1.1338723933807457 -1.1864970912531736 -1.110655614907609 -0.9249213871225581 -0.703588099012036 -0.46213360289146727 +13735,-0.13555091903608096,0,0.14305042264149093 0.017679818886580066 -0.18662783167697675 -0.28413830126412865 -0.35843199237815254 -0.45749024719684517 -0.6029820589618027 -0.7438305150321293 -0.9187302461963865 -0.9914761520788696 -1.0146929305519976 -1.0549353465720999 -1.1276812524545743 -1.1338723933807457 -1.1864970912531736 -1.110655614907609 -0.9249213871225581 -0.703588099012036 -0.46213360289146727 -0.273303804643335 +13736,-0.0008936038919258983,0,0.017679818886580066 -0.18662783167697675 -0.28413830126412865 -0.35843199237815254 -0.45749024719684517 -0.6029820589618027 -0.7438305150321293 -0.9187302461963865 -0.9914761520788696 -1.0146929305519976 -1.0549353465720999 -1.1276812524545743 -1.1338723933807457 -1.1864970912531736 -1.110655614907609 -0.9249213871225581 -0.703588099012036 -0.46213360289146727 -0.273303804643335 -0.13555091903608096 +13737,0.08113901337981025,0,-0.18662783167697675 -0.28413830126412865 -0.35843199237815254 -0.45749024719684517 -0.6029820589618027 -0.7438305150321293 -0.9187302461963865 -0.9914761520788696 -1.0146929305519976 -1.0549353465720999 -1.1276812524545743 -1.1338723933807457 -1.1864970912531736 -1.110655614907609 -0.9249213871225581 -0.703588099012036 -0.46213360289146727 -0.273303804643335 -0.13555091903608096 -0.0008936038919258983 +13738,0.1074513623160285,0,-0.28413830126412865 -0.35843199237815254 -0.45749024719684517 -0.6029820589618027 -0.7438305150321293 -0.9187302461963865 -0.9914761520788696 -1.0146929305519976 -1.0549353465720999 -1.1276812524545743 -1.1338723933807457 -1.1864970912531736 -1.110655614907609 -0.9249213871225581 -0.703588099012036 -0.46213360289146727 -0.273303804643335 -0.13555091903608096 -0.0008936038919258983 0.08113901337981025 +13739,0.07340008722209797,0,-0.35843199237815254 -0.45749024719684517 -0.6029820589618027 -0.7438305150321293 -0.9187302461963865 -0.9914761520788696 -1.0146929305519976 -1.0549353465720999 -1.1276812524545743 -1.1338723933807457 -1.1864970912531736 -1.110655614907609 -0.9249213871225581 -0.703588099012036 -0.46213360289146727 -0.273303804643335 -0.13555091903608096 -0.0008936038919258983 0.08113901337981025 0.1074513623160285 +13740,-0.013275885744260276,0,-0.45749024719684517 -0.6029820589618027 -0.7438305150321293 -0.9187302461963865 -0.9914761520788696 -1.0146929305519976 -1.0549353465720999 -1.1276812524545743 -1.1338723933807457 -1.1864970912531736 -1.110655614907609 -0.9249213871225581 -0.703588099012036 -0.46213360289146727 -0.273303804643335 -0.13555091903608096 -0.0008936038919258983 0.08113901337981025 0.1074513623160285 0.07340008722209797 +13741,-0.1092385700998715,0,-0.6029820589618027 -0.7438305150321293 -0.9187302461963865 -0.9914761520788696 -1.0146929305519976 -1.0549353465720999 -1.1276812524545743 -1.1338723933807457 -1.1864970912531736 -1.110655614907609 -0.9249213871225581 -0.703588099012036 -0.46213360289146727 -0.273303804643335 -0.13555091903608096 -0.0008936038919258983 0.08113901337981025 0.1074513623160285 0.07340008722209797 -0.013275885744260276 +13742,-0.2686604489487041,0,-0.7438305150321293 -0.9187302461963865 -0.9914761520788696 -1.0146929305519976 -1.0549353465720999 -1.1276812524545743 -1.1338723933807457 -1.1864970912531736 -1.110655614907609 -0.9249213871225581 -0.703588099012036 -0.46213360289146727 -0.273303804643335 -0.13555091903608096 -0.0008936038919258983 0.08113901337981025 0.1074513623160285 0.07340008722209797 -0.013275885744260276 -0.1092385700998715 +13743,-0.4992804484484792,0,-0.9187302461963865 -0.9914761520788696 -1.0146929305519976 -1.0549353465720999 -1.1276812524545743 -1.1338723933807457 -1.1864970912531736 -1.110655614907609 -0.9249213871225581 -0.703588099012036 -0.46213360289146727 -0.273303804643335 -0.13555091903608096 -0.0008936038919258983 0.08113901337981025 0.1074513623160285 0.07340008722209797 -0.013275885744260276 -0.1092385700998715 -0.2686604489487041 +13744,-0.5766697100255844,0,-0.9914761520788696 -1.0146929305519976 -1.0549353465720999 -1.1276812524545743 -1.1338723933807457 -1.1864970912531736 -1.110655614907609 -0.9249213871225581 -0.703588099012036 -0.46213360289146727 -0.273303804643335 -0.13555091903608096 -0.0008936038919258983 0.08113901337981025 0.1074513623160285 0.07340008722209797 -0.013275885744260276 -0.1092385700998715 -0.2686604489487041 -0.4992804484484792 +13745,-0.6385811192872651,0,-1.0146929305519976 -1.0549353465720999 -1.1276812524545743 -1.1338723933807457 -1.1864970912531736 -1.110655614907609 -0.9249213871225581 -0.703588099012036 -0.46213360289146727 -0.273303804643335 -0.13555091903608096 -0.0008936038919258983 0.08113901337981025 0.1074513623160285 0.07340008722209797 -0.013275885744260276 -0.1092385700998715 -0.2686604489487041 -0.4992804484484792 -0.5766697100255844 +13746,-0.7190659513274605,0,-1.0549353465720999 -1.1276812524545743 -1.1338723933807457 -1.1864970912531736 -1.110655614907609 -0.9249213871225581 -0.703588099012036 -0.46213360289146727 -0.273303804643335 -0.13555091903608096 -0.0008936038919258983 0.08113901337981025 0.1074513623160285 0.07340008722209797 -0.013275885744260276 -0.1092385700998715 -0.2686604489487041 -0.4992804484484792 -0.5766697100255844 -0.6385811192872651 +13747,-0.7995507833676472,0,-1.1276812524545743 -1.1338723933807457 -1.1864970912531736 -1.110655614907609 -0.9249213871225581 -0.703588099012036 -0.46213360289146727 -0.273303804643335 -0.13555091903608096 -0.0008936038919258983 0.08113901337981025 0.1074513623160285 0.07340008722209797 -0.013275885744260276 -0.1092385700998715 -0.2686604489487041 -0.4992804484484792 -0.5766697100255844 -0.6385811192872651 -0.7190659513274605 +13748,-0.8692011187870402,0,-1.1338723933807457 -1.1864970912531736 -1.110655614907609 -0.9249213871225581 -0.703588099012036 -0.46213360289146727 -0.273303804643335 -0.13555091903608096 -0.0008936038919258983 0.08113901337981025 0.1074513623160285 0.07340008722209797 -0.013275885744260276 -0.1092385700998715 -0.2686604489487041 -0.4992804484484792 -0.5766697100255844 -0.6385811192872651 -0.7190659513274605 -0.7995507833676472 +13749,-0.9574248769849392,0,-1.1864970912531736 -1.110655614907609 -0.9249213871225581 -0.703588099012036 -0.46213360289146727 -0.273303804643335 -0.13555091903608096 -0.0008936038919258983 0.08113901337981025 0.1074513623160285 0.07340008722209797 -0.013275885744260276 -0.1092385700998715 -0.2686604489487041 -0.4992804484484792 -0.5766697100255844 -0.6385811192872651 -0.7190659513274605 -0.7995507833676472 -0.8692011187870402 +13750,-0.9976672930050412,0,-1.110655614907609 -0.9249213871225581 -0.703588099012036 -0.46213360289146727 -0.273303804643335 -0.13555091903608096 -0.0008936038919258983 0.08113901337981025 0.1074513623160285 0.07340008722209797 -0.013275885744260276 -0.1092385700998715 -0.2686604489487041 -0.4992804484484792 -0.5766697100255844 -0.6385811192872651 -0.7190659513274605 -0.7995507833676472 -0.8692011187870402 -0.9574248769849392 +13751,-1.02243185670971,0,-0.9249213871225581 -0.703588099012036 -0.46213360289146727 -0.273303804643335 -0.13555091903608096 -0.0008936038919258983 0.08113901337981025 0.1074513623160285 0.07340008722209797 -0.013275885744260276 -0.1092385700998715 -0.2686604489487041 -0.4992804484484792 -0.5766697100255844 -0.6385811192872651 -0.7190659513274605 -0.7995507833676472 -0.8692011187870402 -0.9574248769849392 -0.9976672930050412 +13752,-1.0936299773606524,0,-0.703588099012036 -0.46213360289146727 -0.273303804643335 -0.13555091903608096 -0.0008936038919258983 0.08113901337981025 0.1074513623160285 0.07340008722209797 -0.013275885744260276 -0.1092385700998715 -0.2686604489487041 -0.4992804484484792 -0.5766697100255844 -0.6385811192872651 -0.7190659513274605 -0.7995507833676472 -0.8692011187870402 -0.9574248769849392 -0.9976672930050412 -1.02243185670971 +13753,-1.0766043398136873,0,-0.46213360289146727 -0.273303804643335 -0.13555091903608096 -0.0008936038919258983 0.08113901337981025 0.1074513623160285 0.07340008722209797 -0.013275885744260276 -0.1092385700998715 -0.2686604489487041 -0.4992804484484792 -0.5766697100255844 -0.6385811192872651 -0.7190659513274605 -0.7995507833676472 -0.8692011187870402 -0.9574248769849392 -0.9976672930050412 -1.02243185670971 -1.0936299773606524 +13754,-1.003858433931204,0,-0.273303804643335 -0.13555091903608096 -0.0008936038919258983 0.08113901337981025 0.1074513623160285 0.07340008722209797 -0.013275885744260276 -0.1092385700998715 -0.2686604489487041 -0.4992804484484792 -0.5766697100255844 -0.6385811192872651 -0.7190659513274605 -0.7995507833676472 -0.8692011187870402 -0.9574248769849392 -0.9976672930050412 -1.02243185670971 -1.0936299773606524 -1.0766043398136873 +13755,-0.712874810401289,0,-0.13555091903608096 -0.0008936038919258983 0.08113901337981025 0.1074513623160285 0.07340008722209797 -0.013275885744260276 -0.1092385700998715 -0.2686604489487041 -0.4992804484484792 -0.5766697100255844 -0.6385811192872651 -0.7190659513274605 -0.7995507833676472 -0.8692011187870402 -0.9574248769849392 -0.9976672930050412 -1.02243185670971 -1.0936299773606524 -1.0766043398136873 -1.003858433931204 +13756,-0.40176997886132726,0,-0.0008936038919258983 0.08113901337981025 0.1074513623160285 0.07340008722209797 -0.013275885744260276 -0.1092385700998715 -0.2686604489487041 -0.4992804484484792 -0.5766697100255844 -0.6385811192872651 -0.7190659513274605 -0.7995507833676472 -0.8692011187870402 -0.9574248769849392 -0.9976672930050412 -1.02243185670971 -1.0936299773606524 -1.0766043398136873 -1.003858433931204 -0.712874810401289 +13757,-0.19436675783468904,0,0.08113901337981025 0.1074513623160285 0.07340008722209797 -0.013275885744260276 -0.1092385700998715 -0.2686604489487041 -0.4992804484484792 -0.5766697100255844 -0.6385811192872651 -0.7190659513274605 -0.7995507833676472 -0.8692011187870402 -0.9574248769849392 -0.9976672930050412 -1.02243185670971 -1.0936299773606524 -1.0766043398136873 -1.003858433931204 -0.712874810401289 -0.40176997886132726 +13758,-0.011728100512719579,0,0.1074513623160285 0.07340008722209797 -0.013275885744260276 -0.1092385700998715 -0.2686604489487041 -0.4992804484484792 -0.5766697100255844 -0.6385811192872651 -0.7190659513274605 -0.7995507833676472 -0.8692011187870402 -0.9574248769849392 -0.9976672930050412 -1.02243185670971 -1.0936299773606524 -1.0766043398136873 -1.003858433931204 -0.712874810401289 -0.40176997886132726 -0.19436675783468904 +13759,0.11828585893682218,0,0.07340008722209797 -0.013275885744260276 -0.1092385700998715 -0.2686604489487041 -0.4992804484484792 -0.5766697100255844 -0.6385811192872651 -0.7190659513274605 -0.7995507833676472 -0.8692011187870402 -0.9574248769849392 -0.9976672930050412 -1.02243185670971 -1.0936299773606524 -1.0766043398136873 -1.003858433931204 -0.712874810401289 -0.40176997886132726 -0.19436675783468904 -0.011728100512719579 +13760,0.2127007580608927,0,-0.013275885744260276 -0.1092385700998715 -0.2686604489487041 -0.4992804484484792 -0.5766697100255844 -0.6385811192872651 -0.7190659513274605 -0.7995507833676472 -0.8692011187870402 -0.9574248769849392 -0.9976672930050412 -1.02243185670971 -1.0936299773606524 -1.0766043398136873 -1.003858433931204 -0.712874810401289 -0.40176997886132726 -0.19436675783468904 -0.011728100512719579 0.11828585893682218 +13761,0.2730643820910327,0,-0.1092385700998715 -0.2686604489487041 -0.4992804484484792 -0.5766697100255844 -0.6385811192872651 -0.7190659513274605 -0.7995507833676472 -0.8692011187870402 -0.9574248769849392 -0.9976672930050412 -1.02243185670971 -1.0936299773606524 -1.0766043398136873 -1.003858433931204 -0.712874810401289 -0.40176997886132726 -0.19436675783468904 -0.011728100512719579 0.11828585893682218 0.2127007580608927 +13762,0.28854223440644844,0,-0.2686604489487041 -0.4992804484484792 -0.5766697100255844 -0.6385811192872651 -0.7190659513274605 -0.7995507833676472 -0.8692011187870402 -0.9574248769849392 -0.9976672930050412 -1.02243185670971 -1.0936299773606524 -1.0766043398136873 -1.003858433931204 -0.712874810401289 -0.40176997886132726 -0.19436675783468904 -0.011728100512719579 0.11828585893682218 0.2127007580608927 0.2730643820910327 +13763,0.25603874454406744,0,-0.4992804484484792 -0.5766697100255844 -0.6385811192872651 -0.7190659513274605 -0.7995507833676472 -0.8692011187870402 -0.9574248769849392 -0.9976672930050412 -1.02243185670971 -1.0936299773606524 -1.0766043398136873 -1.003858433931204 -0.712874810401289 -0.40176997886132726 -0.19436675783468904 -0.011728100512719579 0.11828585893682218 0.2127007580608927 0.2730643820910327 0.28854223440644844 +13764,0.22972639560784916,0,-0.5766697100255844 -0.6385811192872651 -0.7190659513274605 -0.7995507833676472 -0.8692011187870402 -0.9574248769849392 -0.9976672930050412 -1.02243185670971 -1.0936299773606524 -1.0766043398136873 -1.003858433931204 -0.712874810401289 -0.40176997886132726 -0.19436675783468904 -0.011728100512719579 0.11828585893682218 0.2127007580608927 0.2730643820910327 0.28854223440644844 0.25603874454406744 +13765,0.15388491926228462,0,-0.6385811192872651 -0.7190659513274605 -0.7995507833676472 -0.8692011187870402 -0.9574248769849392 -0.9976672930050412 -1.02243185670971 -1.0936299773606524 -1.0766043398136873 -1.003858433931204 -0.712874810401289 -0.40176997886132726 -0.19436675783468904 -0.011728100512719579 0.11828585893682218 0.2127007580608927 0.2730643820910327 0.28854223440644844 0.25603874454406744 0.22972639560784916 +13766,-0.017919241438882367,0,-0.7190659513274605 -0.7995507833676472 -0.8692011187870402 -0.9574248769849392 -0.9976672930050412 -1.02243185670971 -1.0936299773606524 -1.0766043398136873 -1.003858433931204 -0.712874810401289 -0.40176997886132726 -0.19436675783468904 -0.011728100512719579 0.11828585893682218 0.2127007580608927 0.2730643820910327 0.28854223440644844 0.25603874454406744 0.22972639560784916 0.15388491926228462 +13767,-0.2098446101501048,0,-0.7995507833676472 -0.8692011187870402 -0.9574248769849392 -0.9976672930050412 -1.02243185670971 -1.0936299773606524 -1.0766043398136873 -1.003858433931204 -0.712874810401289 -0.40176997886132726 -0.19436675783468904 -0.011728100512719579 0.11828585893682218 0.2127007580608927 0.2730643820910327 0.28854223440644844 0.25603874454406744 0.22972639560784916 0.15388491926228462 -0.017919241438882367 +13768,-0.3506930662204403,0,-0.8692011187870402 -0.9574248769849392 -0.9976672930050412 -1.02243185670971 -1.0936299773606524 -1.0766043398136873 -1.003858433931204 -0.712874810401289 -0.40176997886132726 -0.19436675783468904 -0.011728100512719579 0.11828585893682218 0.2127007580608927 0.2730643820910327 0.28854223440644844 0.25603874454406744 0.22972639560784916 0.15388491926228462 -0.017919241438882367 -0.2098446101501048 +13769,-0.46522917335455743,0,-0.9574248769849392 -0.9976672930050412 -1.02243185670971 -1.0936299773606524 -1.0766043398136873 -1.003858433931204 -0.712874810401289 -0.40176997886132726 -0.19436675783468904 -0.011728100512719579 0.11828585893682218 0.2127007580608927 0.2730643820910327 0.28854223440644844 0.25603874454406744 0.22972639560784916 0.15388491926228462 -0.017919241438882367 -0.2098446101501048 -0.3506930662204403 +13770,-0.5209494416900665,0,-0.9976672930050412 -1.02243185670971 -1.0936299773606524 -1.0766043398136873 -1.003858433931204 -0.712874810401289 -0.40176997886132726 -0.19436675783468904 -0.011728100512719579 0.11828585893682218 0.2127007580608927 0.2730643820910327 0.28854223440644844 0.25603874454406744 0.22972639560784916 0.15388491926228462 -0.017919241438882367 -0.2098446101501048 -0.3506930662204403 -0.46522917335455743 +13771,-0.5472617906262848,0,-1.02243185670971 -1.0936299773606524 -1.0766043398136873 -1.003858433931204 -0.712874810401289 -0.40176997886132726 -0.19436675783468904 -0.011728100512719579 0.11828585893682218 0.2127007580608927 0.2730643820910327 0.28854223440644844 0.25603874454406744 0.22972639560784916 0.15388491926228462 -0.017919241438882367 -0.2098446101501048 -0.3506930662204403 -0.46522917335455743 -0.5209494416900665 +13772,-0.6308421931295616,0,-1.0936299773606524 -1.0766043398136873 -1.003858433931204 -0.712874810401289 -0.40176997886132726 -0.19436675783468904 -0.011728100512719579 0.11828585893682218 0.2127007580608927 0.2730643820910327 0.28854223440644844 0.25603874454406744 0.22972639560784916 0.15388491926228462 -0.017919241438882367 -0.2098446101501048 -0.3506930662204403 -0.46522917335455743 -0.5209494416900665 -0.5472617906262848 +13773,-0.6726323943811956,0,-1.0766043398136873 -1.003858433931204 -0.712874810401289 -0.40176997886132726 -0.19436675783468904 -0.011728100512719579 0.11828585893682218 0.2127007580608927 0.2730643820910327 0.28854223440644844 0.25603874454406744 0.22972639560784916 0.15388491926228462 -0.017919241438882367 -0.2098446101501048 -0.3506930662204403 -0.46522917335455743 -0.5209494416900665 -0.5472617906262848 -0.6308421931295616 +13774,-0.7577605821160132,0,-1.003858433931204 -0.712874810401289 -0.40176997886132726 -0.19436675783468904 -0.011728100512719579 0.11828585893682218 0.2127007580608927 0.2730643820910327 0.28854223440644844 0.25603874454406744 0.22972639560784916 0.15388491926228462 -0.017919241438882367 -0.2098446101501048 -0.3506930662204403 -0.46522917335455743 -0.5209494416900665 -0.5472617906262848 -0.6308421931295616 -0.6726323943811956 +13775,-0.7701428639683475,0,-0.712874810401289 -0.40176997886132726 -0.19436675783468904 -0.011728100512719579 0.11828585893682218 0.2127007580608927 0.2730643820910327 0.28854223440644844 0.25603874454406744 0.22972639560784916 0.15388491926228462 -0.017919241438882367 -0.2098446101501048 -0.3506930662204403 -0.46522917335455743 -0.5209494416900665 -0.5472617906262848 -0.6308421931295616 -0.6726323943811956 -0.7577605821160132 +13776,-0.7964552129045658,0,-0.40176997886132726 -0.19436675783468904 -0.011728100512719579 0.11828585893682218 0.2127007580608927 0.2730643820910327 0.28854223440644844 0.25603874454406744 0.22972639560784916 0.15388491926228462 -0.017919241438882367 -0.2098446101501048 -0.3506930662204403 -0.46522917335455743 -0.5209494416900665 -0.5472617906262848 -0.6308421931295616 -0.6726323943811956 -0.7577605821160132 -0.7701428639683475 +13777,-0.8196719913776939,0,-0.19436675783468904 -0.011728100512719579 0.11828585893682218 0.2127007580608927 0.2730643820910327 0.28854223440644844 0.25603874454406744 0.22972639560784916 0.15388491926228462 -0.017919241438882367 -0.2098446101501048 -0.3506930662204403 -0.46522917335455743 -0.5209494416900665 -0.5472617906262848 -0.6308421931295616 -0.6726323943811956 -0.7577605821160132 -0.7701428639683475 -0.7964552129045658 +13778,-0.7299004479482543,0,-0.011728100512719579 0.11828585893682218 0.2127007580608927 0.2730643820910327 0.28854223440644844 0.25603874454406744 0.22972639560784916 0.15388491926228462 -0.017919241438882367 -0.2098446101501048 -0.3506930662204403 -0.46522917335455743 -0.5209494416900665 -0.5472617906262848 -0.6308421931295616 -0.6726323943811956 -0.7577605821160132 -0.7701428639683475 -0.7964552129045658 -0.8196719913776939 +13779,-0.3878399117774522,0,0.11828585893682218 0.2127007580608927 0.2730643820910327 0.28854223440644844 0.25603874454406744 0.22972639560784916 0.15388491926228462 -0.017919241438882367 -0.2098446101501048 -0.3506930662204403 -0.46522917335455743 -0.5209494416900665 -0.5472617906262848 -0.6308421931295616 -0.6726323943811956 -0.7577605821160132 -0.7701428639683475 -0.7964552129045658 -0.8196719913776939 -0.7299004479482543 +13780,-0.010180315281178881,0,0.2127007580608927 0.2730643820910327 0.28854223440644844 0.25603874454406744 0.22972639560784916 0.15388491926228462 -0.017919241438882367 -0.2098446101501048 -0.3506930662204403 -0.46522917335455743 -0.5209494416900665 -0.5472617906262848 -0.6308421931295616 -0.6726323943811956 -0.7577605821160132 -0.7701428639683475 -0.7964552129045658 -0.8196719913776939 -0.7299004479482543 -0.3878399117774522 +13781,0.22972639560784916,0,0.2730643820910327 0.28854223440644844 0.25603874454406744 0.22972639560784916 0.15388491926228462 -0.017919241438882367 -0.2098446101501048 -0.3506930662204403 -0.46522917335455743 -0.5209494416900665 -0.5472617906262848 -0.6308421931295616 -0.6726323943811956 -0.7577605821160132 -0.7701428639683475 -0.7964552129045658 -0.8196719913776939 -0.7299004479482543 -0.3878399117774522 -0.010180315281178881 +13782,0.41700840862444954,0,0.28854223440644844 0.25603874454406744 0.22972639560784916 0.15388491926228462 -0.017919241438882367 -0.2098446101501048 -0.3506930662204403 -0.46522917335455743 -0.5209494416900665 -0.5472617906262848 -0.6308421931295616 -0.6726323943811956 -0.7577605821160132 -0.7701428639683475 -0.7964552129045658 -0.8196719913776939 -0.7299004479482543 -0.3878399117774522 -0.010180315281178881 0.22972639560784916 +13783,0.5934559250202474,0,0.25603874454406744 0.22972639560784916 0.15388491926228462 -0.017919241438882367 -0.2098446101501048 -0.3506930662204403 -0.46522917335455743 -0.5209494416900665 -0.5472617906262848 -0.6308421931295616 -0.6726323943811956 -0.7577605821160132 -0.7701428639683475 -0.7964552129045658 -0.8196719913776939 -0.7299004479482543 -0.3878399117774522 -0.010180315281178881 0.22972639560784916 0.41700840862444954 +13784,0.8441971325300691,0,0.22972639560784916 0.15388491926228462 -0.017919241438882367 -0.2098446101501048 -0.3506930662204403 -0.46522917335455743 -0.5209494416900665 -0.5472617906262848 -0.6308421931295616 -0.6726323943811956 -0.7577605821160132 -0.7701428639683475 -0.7964552129045658 -0.8196719913776939 -0.7299004479482543 -0.3878399117774522 -0.010180315281178881 0.22972639560784916 0.41700840862444954 0.5934559250202474 +13785,0.9494465282749334,0,0.15388491926228462 -0.017919241438882367 -0.2098446101501048 -0.3506930662204403 -0.46522917335455743 -0.5209494416900665 -0.5472617906262848 -0.6308421931295616 -0.6726323943811956 -0.7577605821160132 -0.7701428639683475 -0.7964552129045658 -0.8196719913776939 -0.7299004479482543 -0.3878399117774522 -0.010180315281178881 0.22972639560784916 0.41700840862444954 0.5934559250202474 0.8441971325300691 +13786,1.0330269307782014,0,-0.017919241438882367 -0.2098446101501048 -0.3506930662204403 -0.46522917335455743 -0.5209494416900665 -0.5472617906262848 -0.6308421931295616 -0.6726323943811956 -0.7577605821160132 -0.7701428639683475 -0.7964552129045658 -0.8196719913776939 -0.7299004479482543 -0.3878399117774522 -0.010180315281178881 0.22972639560784916 0.41700840862444954 0.5934559250202474 0.8441971325300691 0.9494465282749334 +13787,1.1382763265230655,0,-0.2098446101501048 -0.3506930662204403 -0.46522917335455743 -0.5209494416900665 -0.5472617906262848 -0.6308421931295616 -0.6726323943811956 -0.7577605821160132 -0.7701428639683475 -0.7964552129045658 -0.8196719913776939 -0.7299004479482543 -0.3878399117774522 -0.010180315281178881 0.22972639560784916 0.41700840862444954 0.5934559250202474 0.8441971325300691 0.9494465282749334 1.0330269307782014 +13788,1.108868407123766,0,-0.3506930662204403 -0.46522917335455743 -0.5209494416900665 -0.5472617906262848 -0.6308421931295616 -0.6726323943811956 -0.7577605821160132 -0.7701428639683475 -0.7964552129045658 -0.8196719913776939 -0.7299004479482543 -0.3878399117774522 -0.010180315281178881 0.22972639560784916 0.41700840862444954 0.5934559250202474 0.8441971325300691 0.9494465282749334 1.0330269307782014 1.1382763265230655 +13789,0.9819500181373144,0,-0.46522917335455743 -0.5209494416900665 -0.5472617906262848 -0.6308421931295616 -0.6726323943811956 -0.7577605821160132 -0.7701428639683475 -0.7964552129045658 -0.8196719913776939 -0.7299004479482543 -0.3878399117774522 -0.010180315281178881 0.22972639560784916 0.41700840862444954 0.5934559250202474 0.8441971325300691 0.9494465282749334 1.0330269307782014 1.1382763265230655 1.108868407123766 +13790,0.748234448174458,0,-0.5209494416900665 -0.5472617906262848 -0.6308421931295616 -0.6726323943811956 -0.7577605821160132 -0.7701428639683475 -0.7964552129045658 -0.8196719913776939 -0.7299004479482543 -0.3878399117774522 -0.010180315281178881 0.22972639560784916 0.41700840862444954 0.5934559250202474 0.8441971325300691 0.9494465282749334 1.0330269307782014 1.1382763265230655 1.108868407123766 0.9819500181373144 +13791,0.45415525418145264,0,-0.5472617906262848 -0.6308421931295616 -0.6726323943811956 -0.7577605821160132 -0.7701428639683475 -0.7964552129045658 -0.8196719913776939 -0.7299004479482543 -0.3878399117774522 -0.010180315281178881 0.22972639560784916 0.41700840862444954 0.5934559250202474 0.8441971325300691 0.9494465282749334 1.0330269307782014 1.1382763265230655 1.108868407123766 0.9819500181373144 0.748234448174458 +13792,0.34735807320504775,0,-0.6308421931295616 -0.6726323943811956 -0.7577605821160132 -0.7701428639683475 -0.7964552129045658 -0.8196719913776939 -0.7299004479482543 -0.3878399117774522 -0.010180315281178881 0.22972639560784916 0.41700840862444954 0.5934559250202474 0.8441971325300691 0.9494465282749334 1.0330269307782014 1.1382763265230655 1.108868407123766 0.9819500181373144 0.748234448174458 0.45415525418145264 +13793,0.262229885470239,0,-0.6726323943811956 -0.7577605821160132 -0.7701428639683475 -0.7964552129045658 -0.8196719913776939 -0.7299004479482543 -0.3878399117774522 -0.010180315281178881 0.22972639560784916 0.41700840862444954 0.5934559250202474 0.8441971325300691 0.9494465282749334 1.0330269307782014 1.1382763265230655 1.108868407123766 0.9819500181373144 0.748234448174458 0.45415525418145264 0.34735807320504775 +13794,0.18174505343004357,0,-0.7577605821160132 -0.7701428639683475 -0.7964552129045658 -0.8196719913776939 -0.7299004479482543 -0.3878399117774522 -0.010180315281178881 0.22972639560784916 0.41700840862444954 0.5934559250202474 0.8441971325300691 0.9494465282749334 1.0330269307782014 1.1382763265230655 1.108868407123766 0.9819500181373144 0.748234448174458 0.45415525418145264 0.34735807320504775 0.262229885470239 +13795,0.12292921463144427,0,-0.7701428639683475 -0.7964552129045658 -0.8196719913776939 -0.7299004479482543 -0.3878399117774522 -0.010180315281178881 0.22972639560784916 0.41700840862444954 0.5934559250202474 0.8441971325300691 0.9494465282749334 1.0330269307782014 1.1382763265230655 1.108868407123766 0.9819500181373144 0.748234448174458 0.45415525418145264 0.34735807320504775 0.262229885470239 0.18174505343004357 +13796,-0.02256259713351326,0,-0.7964552129045658 -0.8196719913776939 -0.7299004479482543 -0.3878399117774522 -0.010180315281178881 0.22972639560784916 0.41700840862444954 0.5934559250202474 0.8441971325300691 0.9494465282749334 1.0330269307782014 1.1382763265230655 1.108868407123766 0.9819500181373144 0.748234448174458 0.45415525418145264 0.34735807320504775 0.262229885470239 0.18174505343004357 0.12292921463144427 +13797,-0.05970944269052519,0,-0.8196719913776939 -0.7299004479482543 -0.3878399117774522 -0.010180315281178881 0.22972639560784916 0.41700840862444954 0.5934559250202474 0.8441971325300691 0.9494465282749334 1.0330269307782014 1.1382763265230655 1.108868407123766 0.9819500181373144 0.748234448174458 0.45415525418145264 0.34735807320504775 0.262229885470239 0.18174505343004357 0.12292921463144427 -0.02256259713351326 +13798,-0.12781199287837747,0,-0.7299004479482543 -0.3878399117774522 -0.010180315281178881 0.22972639560784916 0.41700840862444954 0.5934559250202474 0.8441971325300691 0.9494465282749334 1.0330269307782014 1.1382763265230655 1.108868407123766 0.9819500181373144 0.748234448174458 0.45415525418145264 0.34735807320504775 0.262229885470239 0.18174505343004357 0.12292921463144427 -0.02256259713351326 -0.05970944269052519 +13799,-0.30271172404263463,0,-0.3878399117774522 -0.010180315281178881 0.22972639560784916 0.41700840862444954 0.5934559250202474 0.8441971325300691 0.9494465282749334 1.0330269307782014 1.1382763265230655 1.108868407123766 0.9819500181373144 0.748234448174458 0.45415525418145264 0.34735807320504775 0.262229885470239 0.18174505343004357 0.12292921463144427 -0.02256259713351326 -0.05970944269052519 -0.12781199287837747 +13800,-0.333667428673475,0,-0.010180315281178881 0.22972639560784916 0.41700840862444954 0.5934559250202474 0.8441971325300691 0.9494465282749334 1.0330269307782014 1.1382763265230655 1.108868407123766 0.9819500181373144 0.748234448174458 0.45415525418145264 0.34735807320504775 0.262229885470239 0.18174505343004357 0.12292921463144427 -0.02256259713351326 -0.05970944269052519 -0.12781199287837747 -0.30271172404263463 +13801,-1.410925949826777,0,0.22972639560784916 0.41700840862444954 0.5934559250202474 0.8441971325300691 0.9494465282749334 1.0330269307782014 1.1382763265230655 1.108868407123766 0.9819500181373144 0.748234448174458 0.45415525418145264 0.34735807320504775 0.262229885470239 0.18174505343004357 0.12292921463144427 -0.02256259713351326 -0.05970944269052519 -0.12781199287837747 -0.30271172404263463 -0.333667428673475 +13802,-0.3137120548617183,0,0.41700840862444954 0.5934559250202474 0.8441971325300691 0.9494465282749334 1.0330269307782014 1.1382763265230655 1.108868407123766 0.9819500181373144 0.748234448174458 0.45415525418145264 0.34735807320504775 0.262229885470239 0.18174505343004357 0.12292921463144427 -0.02256259713351326 -0.05970944269052519 -0.12781199287837747 -0.30271172404263463 -0.333667428673475 -1.410925949826777 +13803,-0.04654949317423742,0,0.5934559250202474 0.8441971325300691 0.9494465282749334 1.0330269307782014 1.1382763265230655 1.108868407123766 0.9819500181373144 0.748234448174458 0.45415525418145264 0.34735807320504775 0.262229885470239 0.18174505343004357 0.12292921463144427 -0.02256259713351326 -0.05970944269052519 -0.12781199287837747 -0.30271172404263463 -0.333667428673475 -1.410925949826777 -0.3137120548617183 +13804,-0.06177315628098716,0,0.8441971325300691 0.9494465282749334 1.0330269307782014 1.1382763265230655 1.108868407123766 0.9819500181373144 0.748234448174458 0.45415525418145264 0.34735807320504775 0.262229885470239 0.18174505343004357 0.12292921463144427 -0.02256259713351326 -0.05970944269052519 -0.12781199287837747 -0.30271172404263463 -0.333667428673475 -1.410925949826777 -0.3137120548617183 -0.04654949317423742 +13805,0.19882228376646965,0,0.9494465282749334 1.0330269307782014 1.1382763265230655 1.108868407123766 0.9819500181373144 0.748234448174458 0.45415525418145264 0.34735807320504775 0.262229885470239 0.18174505343004357 0.12292921463144427 -0.02256259713351326 -0.05970944269052519 -0.12781199287837747 -0.30271172404263463 -0.333667428673475 -1.410925949826777 -0.3137120548617183 -0.04654949317423742 -0.06177315628098716 +13806,0.3022401337055977,0,1.0330269307782014 1.1382763265230655 1.108868407123766 0.9819500181373144 0.748234448174458 0.45415525418145264 0.34735807320504775 0.262229885470239 0.18174505343004357 0.12292921463144427 -0.02256259713351326 -0.05970944269052519 -0.12781199287837747 -0.30271172404263463 -0.333667428673475 -1.410925949826777 -0.3137120548617183 -0.04654949317423742 -0.06177315628098716 0.19882228376646965 +13807,0.6152281039955333,0,1.1382763265230655 1.108868407123766 0.9819500181373144 0.748234448174458 0.45415525418145264 0.34735807320504775 0.262229885470239 0.18174505343004357 0.12292921463144427 -0.02256259713351326 -0.05970944269052519 -0.12781199287837747 -0.30271172404263463 -0.333667428673475 -1.410925949826777 -0.3137120548617183 -0.04654949317423742 -0.06177315628098716 0.19882228376646965 0.3022401337055977 +13808,0.7710384838675863,0,1.108868407123766 0.9819500181373144 0.748234448174458 0.45415525418145264 0.34735807320504775 0.262229885470239 0.18174505343004357 0.12292921463144427 -0.02256259713351326 -0.05970944269052519 -0.12781199287837747 -0.30271172404263463 -0.333667428673475 -1.410925949826777 -0.3137120548617183 -0.04654949317423742 -0.06177315628098716 0.19882228376646965 0.3022401337055977 0.6152281039955333 +13809,0.7538064750080097,0,0.9819500181373144 0.748234448174458 0.45415525418145264 0.34735807320504775 0.262229885470239 0.18174505343004357 0.12292921463144427 -0.02256259713351326 -0.05970944269052519 -0.12781199287837747 -0.30271172404263463 -0.333667428673475 -1.410925949826777 -0.3137120548617183 -0.04654949317423742 -0.06177315628098716 0.19882228376646965 0.3022401337055977 0.6152281039955333 0.7710384838675863 +13810,0.967297651227121,0,0.748234448174458 0.45415525418145264 0.34735807320504775 0.262229885470239 0.18174505343004357 0.12292921463144427 -0.02256259713351326 -0.05970944269052519 -0.12781199287837747 -0.30271172404263463 -0.333667428673475 -1.410925949826777 -0.3137120548617183 -0.04654949317423742 -0.06177315628098716 0.19882228376646965 0.3022401337055977 0.6152281039955333 0.7710384838675863 0.7538064750080097 +13811,1.0077464387146113,0,0.45415525418145264 0.34735807320504775 0.262229885470239 0.18174505343004357 0.12292921463144427 -0.02256259713351326 -0.05970944269052519 -0.12781199287837747 -0.30271172404263463 -0.333667428673475 -1.410925949826777 -0.3137120548617183 -0.04654949317423742 -0.06177315628098716 0.19882228376646965 0.3022401337055977 0.6152281039955333 0.7710384838675863 0.7538064750080097 0.967297651227121 +13812,0.8486857097015407,0,0.34735807320504775 0.262229885470239 0.18174505343004357 0.12292921463144427 -0.02256259713351326 -0.05970944269052519 -0.12781199287837747 -0.30271172404263463 -0.333667428673475 -1.410925949826777 -0.3137120548617183 -0.04654949317423742 -0.06177315628098716 0.19882228376646965 0.3022401337055977 0.6152281039955333 0.7710384838675863 0.7538064750080097 0.967297651227121 1.0077464387146113 +13813,0.9556376692010962,0,0.262229885470239 0.18174505343004357 0.12292921463144427 -0.02256259713351326 -0.05970944269052519 -0.12781199287837747 -0.30271172404263463 -0.333667428673475 -1.410925949826777 -0.3137120548617183 -0.04654949317423742 -0.06177315628098716 0.19882228376646965 0.3022401337055977 0.6152281039955333 0.7710384838675863 0.7538064750080097 0.967297651227121 1.0077464387146113 0.8486857097015407 +13814,0.863080112354885,0,0.18174505343004357 0.12292921463144427 -0.02256259713351326 -0.05970944269052519 -0.12781199287837747 -0.30271172404263463 -0.333667428673475 -1.410925949826777 -0.3137120548617183 -0.04654949317423742 -0.06177315628098716 0.19882228376646965 0.3022401337055977 0.6152281039955333 0.7710384838675863 0.7538064750080097 0.967297651227121 1.0077464387146113 0.8486857097015407 0.9556376692010962 +13815,0.5846335492004548,0,0.12292921463144427 -0.02256259713351326 -0.05970944269052519 -0.12781199287837747 -0.30271172404263463 -0.333667428673475 -1.410925949826777 -0.3137120548617183 -0.04654949317423742 -0.06177315628098716 0.19882228376646965 0.3022401337055977 0.6152281039955333 0.7710384838675863 0.7538064750080097 0.967297651227121 1.0077464387146113 0.8486857097015407 0.9556376692010962 0.863080112354885 +13816,0.5540389944053764,0,-0.02256259713351326 -0.05970944269052519 -0.12781199287837747 -0.30271172404263463 -0.333667428673475 -1.410925949826777 -0.3137120548617183 -0.04654949317423742 -0.06177315628098716 0.19882228376646965 0.3022401337055977 0.6152281039955333 0.7710384838675863 0.7538064750080097 0.967297651227121 1.0077464387146113 0.8486857097015407 0.9556376692010962 0.863080112354885 0.5846335492004548 +13817,0.3375554334568823,0,-0.05970944269052519 -0.12781199287837747 -0.30271172404263463 -0.333667428673475 -1.410925949826777 -0.3137120548617183 -0.04654949317423742 -0.06177315628098716 0.19882228376646965 0.3022401337055977 0.6152281039955333 0.7710384838675863 0.7538064750080097 0.967297651227121 1.0077464387146113 0.8486857097015407 0.9556376692010962 0.863080112354885 0.5846335492004548 0.5540389944053764 +13818,0.3930951267971176,0,-0.12781199287837747 -0.30271172404263463 -0.333667428673475 -1.410925949826777 -0.3137120548617183 -0.04654949317423742 -0.06177315628098716 0.19882228376646965 0.3022401337055977 0.6152281039955333 0.7710384838675863 0.7538064750080097 0.967297651227121 1.0077464387146113 0.8486857097015407 0.9556376692010962 0.863080112354885 0.5846335492004548 0.5540389944053764 0.3375554334568823 +13819,0.08593714759759169,0,-0.30271172404263463 -0.333667428673475 -1.410925949826777 -0.3137120548617183 -0.04654949317423742 -0.06177315628098716 0.19882228376646965 0.3022401337055977 0.6152281039955333 0.7710384838675863 0.7538064750080097 0.967297651227121 1.0077464387146113 0.8486857097015407 0.9556376692010962 0.863080112354885 0.5846335492004548 0.5540389944053764 0.3375554334568823 0.3930951267971176 +13820,0.0508024228415897,0,-0.333667428673475 -1.410925949826777 -0.3137120548617183 -0.04654949317423742 -0.06177315628098716 0.19882228376646965 0.3022401337055977 0.6152281039955333 0.7710384838675863 0.7538064750080097 0.967297651227121 1.0077464387146113 0.8486857097015407 0.9556376692010962 0.863080112354885 0.5846335492004548 0.5540389944053764 0.3375554334568823 0.3930951267971176 0.08593714759759169 +13821,-0.036956999786848785,0,-1.410925949826777 -0.3137120548617183 -0.04654949317423742 -0.06177315628098716 0.19882228376646965 0.3022401337055977 0.6152281039955333 0.7710384838675863 0.7538064750080097 0.967297651227121 1.0077464387146113 0.8486857097015407 0.9556376692010962 0.863080112354885 0.5846335492004548 0.5540389944053764 0.3375554334568823 0.3930951267971176 0.08593714759759169 0.0508024228415897 +13822,-0.05455015863697303,0,-0.3137120548617183 -0.04654949317423742 -0.06177315628098716 0.19882228376646965 0.3022401337055977 0.6152281039955333 0.7710384838675863 0.7538064750080097 0.967297651227121 1.0077464387146113 0.8486857097015407 0.9556376692010962 0.863080112354885 0.5846335492004548 0.5540389944053764 0.3375554334568823 0.3930951267971176 0.08593714759759169 0.0508024228415897 -0.036956999786848785 +13823,-0.12476801520474809,0,-0.04654949317423742 -0.06177315628098716 0.19882228376646965 0.3022401337055977 0.6152281039955333 0.7710384838675863 0.7538064750080097 0.967297651227121 1.0077464387146113 0.8486857097015407 0.9556376692010962 0.863080112354885 0.5846335492004548 0.5540389944053764 0.3375554334568823 0.3930951267971176 0.08593714759759169 0.0508024228415897 -0.036956999786848785 -0.05455015863697303 +13824,0.014971194731383846,0,-0.06177315628098716 0.19882228376646965 0.3022401337055977 0.6152281039955333 0.7710384838675863 0.7538064750080097 0.967297651227121 1.0077464387146113 0.8486857097015407 0.9556376692010962 0.863080112354885 0.5846335492004548 0.5540389944053764 0.3375554334568823 0.3930951267971176 0.08593714759759169 0.0508024228415897 -0.036956999786848785 -0.05455015863697303 -0.12476801520474809 +13825,-0.12523235077420855,0,0.19882228376646965 0.3022401337055977 0.6152281039955333 0.7710384838675863 0.7538064750080097 0.967297651227121 1.0077464387146113 0.8486857097015407 0.9556376692010962 0.863080112354885 0.5846335492004548 0.5540389944053764 0.3375554334568823 0.3930951267971176 0.08593714759759169 0.0508024228415897 -0.036956999786848785 -0.05455015863697303 -0.12476801520474809 0.014971194731383846 +13826,-0.055478829775902724,0,0.3022401337055977 0.6152281039955333 0.7710384838675863 0.7538064750080097 0.967297651227121 1.0077464387146113 0.8486857097015407 0.9556376692010962 0.863080112354885 0.5846335492004548 0.5540389944053764 0.3375554334568823 0.3930951267971176 0.08593714759759169 0.0508024228415897 -0.036956999786848785 -0.05455015863697303 -0.12476801520474809 0.014971194731383846 -0.12523235077420855 +13827,0.24094783853652801,0,0.6152281039955333 0.7710384838675863 0.7538064750080097 0.967297651227121 1.0077464387146113 0.8486857097015407 0.9556376692010962 0.863080112354885 0.5846335492004548 0.5540389944053764 0.3375554334568823 0.3930951267971176 0.08593714759759169 0.0508024228415897 -0.036956999786848785 -0.05455015863697303 -0.12476801520474809 0.014971194731383846 -0.12523235077420855 -0.055478829775902724 +13828,0.2351436439182504,0,0.7710384838675863 0.7538064750080097 0.967297651227121 1.0077464387146113 0.8486857097015407 0.9556376692010962 0.863080112354885 0.5846335492004548 0.5540389944053764 0.3375554334568823 0.3930951267971176 0.08593714759759169 0.0508024228415897 -0.036956999786848785 -0.05455015863697303 -0.12476801520474809 0.014971194731383846 -0.12523235077420855 -0.055478829775902724 0.24094783853652801 +13829,0.456012596459312,0,0.7538064750080097 0.967297651227121 1.0077464387146113 0.8486857097015407 0.9556376692010962 0.863080112354885 0.5846335492004548 0.5540389944053764 0.3375554334568823 0.3930951267971176 0.08593714759759169 0.0508024228415897 -0.036956999786848785 -0.05455015863697303 -0.12476801520474809 0.014971194731383846 -0.12523235077420855 -0.055478829775902724 0.24094783853652801 0.2351436439182504 +13830,0.5958549921291337,0,0.967297651227121 1.0077464387146113 0.8486857097015407 0.9556376692010962 0.863080112354885 0.5846335492004548 0.5540389944053764 0.3375554334568823 0.3930951267971176 0.08593714759759169 0.0508024228415897 -0.036956999786848785 -0.05455015863697303 -0.12476801520474809 0.014971194731383846 -0.12523235077420855 -0.055478829775902724 0.24094783853652801 0.2351436439182504 0.456012596459312 +13831,0.8437327969606087,0,1.0077464387146113 0.8486857097015407 0.9556376692010962 0.863080112354885 0.5846335492004548 0.5540389944053764 0.3375554334568823 0.3930951267971176 0.08593714759759169 0.0508024228415897 -0.036956999786848785 -0.05455015863697303 -0.12476801520474809 0.014971194731383846 -0.12523235077420855 -0.055478829775902724 0.24094783853652801 0.2351436439182504 0.456012596459312 0.5958549921291337 +13832,1.0105840449208436,0,0.8486857097015407 0.9556376692010962 0.863080112354885 0.5846335492004548 0.5540389944053764 0.3375554334568823 0.3930951267971176 0.08593714759759169 0.0508024228415897 -0.036956999786848785 -0.05455015863697303 -0.12476801520474809 0.014971194731383846 -0.12523235077420855 -0.055478829775902724 0.24094783853652801 0.2351436439182504 0.456012596459312 0.5958549921291337 0.8437327969606087 +13833,0.9287835954338421,0,0.9556376692010962 0.863080112354885 0.5846335492004548 0.5540389944053764 0.3375554334568823 0.3930951267971176 0.08593714759759169 0.0508024228415897 -0.036956999786848785 -0.05455015863697303 -0.12476801520474809 0.014971194731383846 -0.12523235077420855 -0.055478829775902724 0.24094783853652801 0.2351436439182504 0.456012596459312 0.5958549921291337 0.8437327969606087 1.0105840449208436 +13834,1.178518742543159,0,0.863080112354885 0.5846335492004548 0.5540389944053764 0.3375554334568823 0.3930951267971176 0.08593714759759169 0.0508024228415897 -0.036956999786848785 -0.05455015863697303 -0.12476801520474809 0.014971194731383846 -0.12523235077420855 -0.055478829775902724 0.24094783853652801 0.2351436439182504 0.456012596459312 0.5958549921291337 0.8437327969606087 1.0105840449208436 0.9287835954338421 +13835,1.179602192205239,0,0.5846335492004548 0.5540389944053764 0.3375554334568823 0.3930951267971176 0.08593714759759169 0.0508024228415897 -0.036956999786848785 -0.05455015863697303 -0.12476801520474809 0.014971194731383846 -0.12523235077420855 -0.055478829775902724 0.24094783853652801 0.2351436439182504 0.456012596459312 0.5958549921291337 0.8437327969606087 1.0105840449208436 0.9287835954338421 1.178518742543159 +13836,0.9774614409658429,0,0.5540389944053764 0.3375554334568823 0.3930951267971176 0.08593714759759169 0.0508024228415897 -0.036956999786848785 -0.05455015863697303 -0.12476801520474809 0.014971194731383846 -0.12523235077420855 -0.055478829775902724 0.24094783853652801 0.2351436439182504 0.456012596459312 0.5958549921291337 0.8437327969606087 1.0105840449208436 0.9287835954338421 1.178518742543159 1.179602192205239 +13837,1.0462862909800046,0,0.3375554334568823 0.3930951267971176 0.08593714759759169 0.0508024228415897 -0.036956999786848785 -0.05455015863697303 -0.12476801520474809 0.014971194731383846 -0.12523235077420855 -0.055478829775902724 0.24094783853652801 0.2351436439182504 0.456012596459312 0.5958549921291337 0.8437327969606087 1.0105840449208436 0.9287835954338421 1.178518742543159 1.179602192205239 0.9774614409658429 +13838,0.9118869399379129,0,0.3930951267971176 0.08593714759759169 0.0508024228415897 -0.036956999786848785 -0.05455015863697303 -0.12476801520474809 0.014971194731383846 -0.12523235077420855 -0.055478829775902724 0.24094783853652801 0.2351436439182504 0.456012596459312 0.5958549921291337 0.8437327969606087 1.0105840449208436 0.9287835954338421 1.178518742543159 1.179602192205239 0.9774614409658429 1.0462862909800046 +13839,0.543230294256706,0,0.08593714759759169 0.0508024228415897 -0.036956999786848785 -0.05455015863697303 -0.12476801520474809 0.014971194731383846 -0.12523235077420855 -0.055478829775902724 0.24094783853652801 0.2351436439182504 0.456012596459312 0.5958549921291337 0.8437327969606087 1.0105840449208436 0.9287835954338421 1.178518742543159 1.179602192205239 0.9774614409658429 1.0462862909800046 0.9118869399379129 +13840,0.48691670830069156,0,0.0508024228415897 -0.036956999786848785 -0.05455015863697303 -0.12476801520474809 0.014971194731383846 -0.12523235077420855 -0.055478829775902724 0.24094783853652801 0.2351436439182504 0.456012596459312 0.5958549921291337 0.8437327969606087 1.0105840449208436 0.9287835954338421 1.178518742543159 1.179602192205239 0.9774614409658429 1.0462862909800046 0.9118869399379129 0.543230294256706 +13841,0.19634582739599926,0,-0.036956999786848785 -0.05455015863697303 -0.12476801520474809 0.014971194731383846 -0.12523235077420855 -0.055478829775902724 0.24094783853652801 0.2351436439182504 0.456012596459312 0.5958549921291337 0.8437327969606087 1.0105840449208436 0.9287835954338421 1.178518742543159 1.179602192205239 0.9774614409658429 1.0462862909800046 0.9118869399379129 0.543230294256706 0.48691670830069156 +13842,0.2540266237430663,0,-0.05455015863697303 -0.12476801520474809 0.014971194731383846 -0.12523235077420855 -0.055478829775902724 0.24094783853652801 0.2351436439182504 0.456012596459312 0.5958549921291337 0.8437327969606087 1.0105840449208436 0.9287835954338421 1.178518742543159 1.179602192205239 0.9774614409658429 1.0462862909800046 0.9118869399379129 0.543230294256706 0.48691670830069156 0.19634582739599926 +13843,-0.15262814937250704,0,-0.12476801520474809 0.014971194731383846 -0.12523235077420855 -0.055478829775902724 0.24094783853652801 0.2351436439182504 0.456012596459312 0.5958549921291337 0.8437327969606087 1.0105840449208436 0.9287835954338421 1.178518742543159 1.179602192205239 0.9774614409658429 1.0462862909800046 0.9118869399379129 0.543230294256706 0.48691670830069156 0.19634582739599926 0.2540266237430663 +13844,-0.2110312455458836,0,0.014971194731383846 -0.12523235077420855 -0.055478829775902724 0.24094783853652801 0.2351436439182504 0.456012596459312 0.5958549921291337 0.8437327969606087 1.0105840449208436 0.9287835954338421 1.178518742543159 1.179602192205239 0.9774614409658429 1.0462862909800046 0.9118869399379129 0.543230294256706 0.48691670830069156 0.19634582739599926 0.2540266237430663 -0.15262814937250704 +13845,-0.15528518073825123,0,-0.12523235077420855 -0.055478829775902724 0.24094783853652801 0.2351436439182504 0.456012596459312 0.5958549921291337 0.8437327969606087 1.0105840449208436 0.9287835954338421 1.178518742543159 1.179602192205239 0.9774614409658429 1.0462862909800046 0.9118869399379129 0.543230294256706 0.48691670830069156 0.19634582739599926 0.2540266237430663 -0.15262814937250704 -0.2110312455458836 +13846,-0.2517379971354374,0,-0.055478829775902724 0.24094783853652801 0.2351436439182504 0.456012596459312 0.5958549921291337 0.8437327969606087 1.0105840449208436 0.9287835954338421 1.178518742543159 1.179602192205239 0.9774614409658429 1.0462862909800046 0.9118869399379129 0.543230294256706 0.48691670830069156 0.19634582739599926 0.2540266237430663 -0.15262814937250704 -0.2110312455458836 -0.15528518073825123 +13847,-0.23404165255162337,0,0.24094783853652801 0.2351436439182504 0.456012596459312 0.5958549921291337 0.8437327969606087 1.0105840449208436 0.9287835954338421 1.178518742543159 1.179602192205239 0.9774614409658429 1.0462862909800046 0.9118869399379129 0.543230294256706 0.48691670830069156 0.19634582739599926 0.2540266237430663 -0.15262814937250704 -0.2110312455458836 -0.15528518073825123 -0.2517379971354374 +13848,0.06697677851120055,0,0.2351436439182504 0.456012596459312 0.5958549921291337 0.8437327969606087 1.0105840449208436 0.9287835954338421 1.178518742543159 1.179602192205239 0.9774614409658429 1.0462862909800046 0.9118869399379129 0.543230294256706 0.48691670830069156 0.19634582739599926 0.2540266237430663 -0.15262814937250704 -0.2110312455458836 -0.15528518073825123 -0.2517379971354374 -0.23404165255162337 +13849,-0.009767572501170455,0,0.456012596459312 0.5958549921291337 0.8437327969606087 1.0105840449208436 0.9287835954338421 1.178518742543159 1.179602192205239 0.9774614409658429 1.0462862909800046 0.9118869399379129 0.543230294256706 0.48691670830069156 0.19634582739599926 0.2540266237430663 -0.15262814937250704 -0.2110312455458836 -0.15528518073825123 -0.2517379971354374 -0.23404165255162337 0.06697677851120055 +13850,0.1968101629654597,0,0.5958549921291337 0.8437327969606087 1.0105840449208436 0.9287835954338421 1.178518742543159 1.179602192205239 0.9774614409658429 1.0462862909800046 0.9118869399379129 0.543230294256706 0.48691670830069156 0.19634582739599926 0.2540266237430663 -0.15262814937250704 -0.2110312455458836 -0.15528518073825123 -0.2517379971354374 -0.23404165255162337 0.06697677851120055 -0.009767572501170455 +13851,0.5768172337811673,0,0.8437327969606087 1.0105840449208436 0.9287835954338421 1.178518742543159 1.179602192205239 0.9774614409658429 1.0462862909800046 0.9118869399379129 0.543230294256706 0.48691670830069156 0.19634582739599926 0.2540266237430663 -0.15262814937250704 -0.2110312455458836 -0.15528518073825123 -0.2517379971354374 -0.23404165255162337 0.06697677851120055 -0.009767572501170455 0.1968101629654597 +13852,0.7255851910044888,0,1.0105840449208436 0.9287835954338421 1.178518742543159 1.179602192205239 0.9774614409658429 1.0462862909800046 0.9118869399379129 0.543230294256706 0.48691670830069156 0.19634582739599926 0.2540266237430663 -0.15262814937250704 -0.2110312455458836 -0.15528518073825123 -0.2517379971354374 -0.23404165255162337 0.06697677851120055 -0.009767572501170455 0.1968101629654597 0.5768172337811673 +13853,1.0477824832673077,0,0.9287835954338421 1.178518742543159 1.179602192205239 0.9774614409658429 1.0462862909800046 0.9118869399379129 0.543230294256706 0.48691670830069156 0.19634582739599926 0.2540266237430663 -0.15262814937250704 -0.2110312455458836 -0.15528518073825123 -0.2517379971354374 -0.23404165255162337 0.06697677851120055 -0.009767572501170455 0.1968101629654597 0.5768172337811673 0.7255851910044888 +13854,1.1354129238447188,0,1.178518742543159 1.179602192205239 0.9774614409658429 1.0462862909800046 0.9118869399379129 0.543230294256706 0.48691670830069156 0.19634582739599926 0.2540266237430663 -0.15262814937250704 -0.2110312455458836 -0.15528518073825123 -0.2517379971354374 -0.23404165255162337 0.06697677851120055 -0.009767572501170455 0.1968101629654597 0.5768172337811673 0.7255851910044888 1.0477824832673077 +13855,1.5357991667725364,0,1.179602192205239 0.9774614409658429 1.0462862909800046 0.9118869399379129 0.543230294256706 0.48691670830069156 0.19634582739599926 0.2540266237430663 -0.15262814937250704 -0.2110312455458836 -0.15528518073825123 -0.2517379971354374 -0.23404165255162337 0.06697677851120055 -0.009767572501170455 0.1968101629654597 0.5768172337811673 0.7255851910044888 1.0477824832673077 1.1354129238447188 +13856,1.7016185580149377,0,0.9774614409658429 1.0462862909800046 0.9118869399379129 0.543230294256706 0.48691670830069156 0.19634582739599926 0.2540266237430663 -0.15262814937250704 -0.2110312455458836 -0.15528518073825123 -0.2517379971354374 -0.23404165255162337 0.06697677851120055 -0.009767572501170455 0.1968101629654597 0.5768172337811673 0.7255851910044888 1.0477824832673077 1.1354129238447188 1.5357991667725364 +13857,1.6313233120308017,0,1.0462862909800046 0.9118869399379129 0.543230294256706 0.48691670830069156 0.19634582739599926 0.2540266237430663 -0.15262814937250704 -0.2110312455458836 -0.15528518073825123 -0.2517379971354374 -0.23404165255162337 0.06697677851120055 -0.009767572501170455 0.1968101629654597 0.5768172337811673 0.7255851910044888 1.0477824832673077 1.1354129238447188 1.5357991667725364 1.7016185580149377 +13858,1.8758475821423375,0,0.9118869399379129 0.543230294256706 0.48691670830069156 0.19634582739599926 0.2540266237430663 -0.15262814937250704 -0.2110312455458836 -0.15528518073825123 -0.2517379971354374 -0.23404165255162337 0.06697677851120055 -0.009767572501170455 0.1968101629654597 0.5768172337811673 0.7255851910044888 1.0477824832673077 1.1354129238447188 1.5357991667725364 1.7016185580149377 1.6313233120308017 +13859,1.8842572153369073,0,0.543230294256706 0.48691670830069156 0.19634582739599926 0.2540266237430663 -0.15262814937250704 -0.2110312455458836 -0.15528518073825123 -0.2517379971354374 -0.23404165255162337 0.06697677851120055 -0.009767572501170455 0.1968101629654597 0.5768172337811673 0.7255851910044888 1.0477824832673077 1.1354129238447188 1.5357991667725364 1.7016185580149377 1.6313233120308017 1.8758475821423375 +13860,1.3469177757349433,0,0.48691670830069156 0.19634582739599926 0.2540266237430663 -0.15262814937250704 -0.2110312455458836 -0.15528518073825123 -0.2517379971354374 -0.23404165255162337 0.06697677851120055 -0.009767572501170455 0.1968101629654597 0.5768172337811673 0.7255851910044888 1.0477824832673077 1.1354129238447188 1.5357991667725364 1.7016185580149377 1.6313233120308017 1.8758475821423375 1.8842572153369073 +13861,1.5372437664251644,0,0.19634582739599926 0.2540266237430663 -0.15262814937250704 -0.2110312455458836 -0.15528518073825123 -0.2517379971354374 -0.23404165255162337 0.06697677851120055 -0.009767572501170455 0.1968101629654597 0.5768172337811673 0.7255851910044888 1.0477824832673077 1.1354129238447188 1.5357991667725364 1.7016185580149377 1.6313233120308017 1.8758475821423375 1.8842572153369073 1.3469177757349433 +13862,1.1818206843188606,0,0.2540266237430663 -0.15262814937250704 -0.2110312455458836 -0.15528518073825123 -0.2517379971354374 -0.23404165255162337 0.06697677851120055 -0.009767572501170455 0.1968101629654597 0.5768172337811673 0.7255851910044888 1.0477824832673077 1.1354129238447188 1.5357991667725364 1.7016185580149377 1.6313233120308017 1.8758475821423375 1.8842572153369073 1.3469177757349433 1.5372437664251644 +13863,0.7750111326801367,0,-0.15262814937250704 -0.2110312455458836 -0.15528518073825123 -0.2517379971354374 -0.23404165255162337 0.06697677851120055 -0.009767572501170455 0.1968101629654597 0.5768172337811673 0.7255851910044888 1.0477824832673077 1.1354129238447188 1.5357991667725364 1.7016185580149377 1.6313233120308017 1.8758475821423375 1.8842572153369073 1.3469177757349433 1.5372437664251644 1.1818206843188606 +13864,0.43671687385448776,0,-0.2110312455458836 -0.15528518073825123 -0.2517379971354374 -0.23404165255162337 0.06697677851120055 -0.009767572501170455 0.1968101629654597 0.5768172337811673 0.7255851910044888 1.0477824832673077 1.1354129238447188 1.5357991667725364 1.7016185580149377 1.6313233120308017 1.8758475821423375 1.8842572153369073 1.3469177757349433 1.5372437664251644 1.1818206843188606 0.7750111326801367 +13865,0.04703614549642769,0,-0.15528518073825123 -0.2517379971354374 -0.23404165255162337 0.06697677851120055 -0.009767572501170455 0.1968101629654597 0.5768172337811673 0.7255851910044888 1.0477824832673077 1.1354129238447188 1.5357991667725364 1.7016185580149377 1.6313233120308017 1.8758475821423375 1.8842572153369073 1.3469177757349433 1.5372437664251644 1.1818206843188606 0.7750111326801367 0.43671687385448776 +13866,0.042212214806523,0,-0.2517379971354374 -0.23404165255162337 0.06697677851120055 -0.009767572501170455 0.1968101629654597 0.5768172337811673 0.7255851910044888 1.0477824832673077 1.1354129238447188 1.5357991667725364 1.7016185580149377 1.6313233120308017 1.8758475821423375 1.8842572153369073 1.3469177757349433 1.5372437664251644 1.1818206843188606 0.7750111326801367 0.43671687385448776 0.04703614549642769 +13867,-0.47575411292904124,0,-0.23404165255162337 0.06697677851120055 -0.009767572501170455 0.1968101629654597 0.5768172337811673 0.7255851910044888 1.0477824832673077 1.1354129238447188 1.5357991667725364 1.7016185580149377 1.6313233120308017 1.8758475821423375 1.8842572153369073 1.3469177757349433 1.5372437664251644 1.1818206843188606 0.7750111326801367 0.43671687385448776 0.04703614549642769 0.042212214806523 +13868,-0.6088636428416556,0,0.06697677851120055 -0.009767572501170455 0.1968101629654597 0.5768172337811673 0.7255851910044888 1.0477824832673077 1.1354129238447188 1.5357991667725364 1.7016185580149377 1.6313233120308017 1.8758475821423375 1.8842572153369073 1.3469177757349433 1.5372437664251644 1.1818206843188606 0.7750111326801367 0.43671687385448776 0.04703614549642769 0.042212214806523 -0.47575411292904124 +13869,-0.6570771528041958,0,-0.009767572501170455 0.1968101629654597 0.5768172337811673 0.7255851910044888 1.0477824832673077 1.1354129238447188 1.5357991667725364 1.7016185580149377 1.6313233120308017 1.8758475821423375 1.8842572153369073 1.3469177757349433 1.5372437664251644 1.1818206843188606 0.7750111326801367 0.43671687385448776 0.04703614549642769 0.042212214806523 -0.47575411292904124 -0.6088636428416556 +13870,-0.8184853559819151,0,0.1968101629654597 0.5768172337811673 0.7255851910044888 1.0477824832673077 1.1354129238447188 1.5357991667725364 1.7016185580149377 1.6313233120308017 1.8758475821423375 1.8842572153369073 1.3469177757349433 1.5372437664251644 1.1818206843188606 0.7750111326801367 0.43671687385448776 0.04703614549642769 0.042212214806523 -0.47575411292904124 -0.6088636428416556 -0.6570771528041958 +13871,-0.8949975393643371,0,0.5768172337811673 0.7255851910044888 1.0477824832673077 1.1354129238447188 1.5357991667725364 1.7016185580149377 1.6313233120308017 1.8758475821423375 1.8842572153369073 1.3469177757349433 1.5372437664251644 1.1818206843188606 0.7750111326801367 0.43671687385448776 0.04703614549642769 0.042212214806523 -0.47575411292904124 -0.6088636428416556 -0.6570771528041958 -0.8184853559819151 +13872,-0.261308469098877,0,0.7255851910044888 1.0477824832673077 1.1354129238447188 1.5357991667725364 1.7016185580149377 1.6313233120308017 1.8758475821423375 1.8842572153369073 1.3469177757349433 1.5372437664251644 1.1818206843188606 0.7750111326801367 0.43671687385448776 0.04703614549642769 0.042212214806523 -0.47575411292904124 -0.6088636428416556 -0.6570771528041958 -0.8184853559819151 -0.8949975393643371 +13873,-0.5745544034908847,0,1.0477824832673077 1.1354129238447188 1.5357991667725364 1.7016185580149377 1.6313233120308017 1.8758475821423375 1.8842572153369073 1.3469177757349433 1.5372437664251644 1.1818206843188606 0.7750111326801367 0.43671687385448776 0.04703614549642769 0.042212214806523 -0.47575411292904124 -0.6088636428416556 -0.6570771528041958 -0.8184853559819151 -0.8949975393643371 -0.261308469098877 +13874,-0.17759908454457285,0,1.1354129238447188 1.5357991667725364 1.7016185580149377 1.6313233120308017 1.8758475821423375 1.8842572153369073 1.3469177757349433 1.5372437664251644 1.1818206843188606 0.7750111326801367 0.43671687385448776 0.04703614549642769 0.042212214806523 -0.47575411292904124 -0.6088636428416556 -0.6570771528041958 -0.8184853559819151 -0.8949975393643371 -0.261308469098877 -0.5745544034908847 +13875,0.5093337976859348,0,1.5357991667725364 1.7016185580149377 1.6313233120308017 1.8758475821423375 1.8842572153369073 1.3469177757349433 1.5372437664251644 1.1818206843188606 0.7750111326801367 0.43671687385448776 0.04703614549642769 0.042212214806523 -0.47575411292904124 -0.6088636428416556 -0.6570771528041958 -0.8184853559819151 -0.8949975393643371 -0.261308469098877 -0.5745544034908847 -0.17759908454457285 +13876,0.8096299290772173,0,1.7016185580149377 1.6313233120308017 1.8758475821423375 1.8842572153369073 1.3469177757349433 1.5372437664251644 1.1818206843188606 0.7750111326801367 0.43671687385448776 0.04703614549642769 0.042212214806523 -0.47575411292904124 -0.6088636428416556 -0.6570771528041958 -0.8184853559819151 -0.8949975393643371 -0.261308469098877 -0.5745544034908847 -0.17759908454457285 0.5093337976859348 +13877,1.399903623443142,0,1.6313233120308017 1.8758475821423375 1.8842572153369073 1.3469177757349433 1.5372437664251644 1.1818206843188606 0.7750111326801367 0.43671687385448776 0.04703614549642769 0.042212214806523 -0.47575411292904124 -0.6088636428416556 -0.6570771528041958 -0.8184853559819151 -0.8949975393643371 -0.261308469098877 -0.5745544034908847 -0.17759908454457285 0.5093337976859348 0.8096299290772173 +13878,1.2236366820426177,0,1.8758475821423375 1.8842572153369073 1.3469177757349433 1.5372437664251644 1.1818206843188606 0.7750111326801367 0.43671687385448776 0.04703614549642769 0.042212214806523 -0.47575411292904124 -0.6088636428416556 -0.6570771528041958 -0.8184853559819151 -0.8949975393643371 -0.261308469098877 -0.5745544034908847 -0.17759908454457285 0.5093337976859348 0.8096299290772173 1.399903623443142 +13879,2.069423921818799,0,1.8842572153369073 1.3469177757349433 1.5372437664251644 1.1818206843188606 0.7750111326801367 0.43671687385448776 0.04703614549642769 0.042212214806523 -0.47575411292904124 -0.6088636428416556 -0.6570771528041958 -0.8184853559819151 -0.8949975393643371 -0.261308469098877 -0.5745544034908847 -0.17759908454457285 0.5093337976859348 0.8096299290772173 1.399903623443142 1.2236366820426177 +13880,2.148670525673755,0,1.3469177757349433 1.5372437664251644 1.1818206843188606 0.7750111326801367 0.43671687385448776 0.04703614549642769 0.042212214806523 -0.47575411292904124 -0.6088636428416556 -0.6570771528041958 -0.8184853559819151 -0.8949975393643371 -0.261308469098877 -0.5745544034908847 -0.17759908454457285 0.5093337976859348 0.8096299290772173 1.399903623443142 1.2236366820426177 2.069423921818799 +13881,1.9790332642967396,0,1.5372437664251644 1.1818206843188606 0.7750111326801367 0.43671687385448776 0.04703614549642769 0.042212214806523 -0.47575411292904124 -0.6088636428416556 -0.6570771528041958 -0.8184853559819151 -0.8949975393643371 -0.261308469098877 -0.5745544034908847 -0.17759908454457285 0.5093337976859348 0.8096299290772173 1.399903623443142 1.2236366820426177 2.069423921818799 2.148670525673755 +13882,2.1412411565623524,0,1.1818206843188606 0.7750111326801367 0.43671687385448776 0.04703614549642769 0.042212214806523 -0.47575411292904124 -0.6088636428416556 -0.6570771528041958 -0.8184853559819151 -0.8949975393643371 -0.261308469098877 -0.5745544034908847 -0.17759908454457285 0.5093337976859348 0.8096299290772173 1.399903623443142 1.2236366820426177 2.069423921818799 2.148670525673755 1.9790332642967396 +13883,2.054565183595994,0,0.7750111326801367 0.43671687385448776 0.04703614549642769 0.042212214806523 -0.47575411292904124 -0.6088636428416556 -0.6570771528041958 -0.8184853559819151 -0.8949975393643371 -0.261308469098877 -0.5745544034908847 -0.17759908454457285 0.5093337976859348 0.8096299290772173 1.399903623443142 1.2236366820426177 2.069423921818799 2.148670525673755 1.9790332642967396 2.1412411565623524 +13884,1.6194827550095119,0,0.43671687385448776 0.04703614549642769 0.042212214806523 -0.47575411292904124 -0.6088636428416556 -0.6570771528041958 -0.8184853559819151 -0.8949975393643371 -0.261308469098877 -0.5745544034908847 -0.17759908454457285 0.5093337976859348 0.8096299290772173 1.399903623443142 1.2236366820426177 2.069423921818799 2.148670525673755 1.9790332642967396 2.1412411565623524 2.054565183595994 +13885,1.6489422671982634,0,0.04703614549642769 0.042212214806523 -0.47575411292904124 -0.6088636428416556 -0.6570771528041958 -0.8184853559819151 -0.8949975393643371 -0.261308469098877 -0.5745544034908847 -0.17759908454457285 0.5093337976859348 0.8096299290772173 1.399903623443142 1.2236366820426177 2.069423921818799 2.148670525673755 1.9790332642967396 2.1412411565623524 2.054565183595994 1.6194827550095119 +13886,1.3299953239216766,0,0.042212214806523 -0.47575411292904124 -0.6088636428416556 -0.6570771528041958 -0.8184853559819151 -0.8949975393643371 -0.261308469098877 -0.5745544034908847 -0.17759908454457285 0.5093337976859348 0.8096299290772173 1.399903623443142 1.2236366820426177 2.069423921818799 2.148670525673755 1.9790332642967396 2.1412411565623524 2.054565183595994 1.6194827550095119 1.6489422671982634 +13887,0.8326661325550804,0,-0.47575411292904124 -0.6088636428416556 -0.6570771528041958 -0.8184853559819151 -0.8949975393643371 -0.261308469098877 -0.5745544034908847 -0.17759908454457285 0.5093337976859348 0.8096299290772173 1.399903623443142 1.2236366820426177 2.069423921818799 2.148670525673755 1.9790332642967396 2.1412411565623524 2.054565183595994 1.6194827550095119 1.6489422671982634 1.3299953239216766 +13888,0.5731799384870502,0,-0.6088636428416556 -0.6570771528041958 -0.8184853559819151 -0.8949975393643371 -0.261308469098877 -0.5745544034908847 -0.17759908454457285 0.5093337976859348 0.8096299290772173 1.399903623443142 1.2236366820426177 2.069423921818799 2.148670525673755 1.9790332642967396 2.1412411565623524 2.054565183595994 1.6194827550095119 1.6489422671982634 1.3299953239216766 0.8326661325550804 +13889,0.13531149648378746,0,-0.6570771528041958 -0.8184853559819151 -0.8949975393643371 -0.261308469098877 -0.5745544034908847 -0.17759908454457285 0.5093337976859348 0.8096299290772173 1.399903623443142 1.2236366820426177 2.069423921818799 2.148670525673755 1.9790332642967396 2.1412411565623524 2.054565183595994 1.6194827550095119 1.6489422671982634 1.3299953239216766 0.8326661325550804 0.5731799384870502 +13890,0.12254226832355909,0,-0.8184853559819151 -0.8949975393643371 -0.261308469098877 -0.5745544034908847 -0.17759908454457285 0.5093337976859348 0.8096299290772173 1.399903623443142 1.2236366820426177 2.069423921818799 2.148670525673755 1.9790332642967396 2.1412411565623524 2.054565183595994 1.6194827550095119 1.6489422671982634 1.3299953239216766 0.8326661325550804 0.5731799384870502 0.13531149648378746 +13891,-0.4570259116273847,0,-0.8949975393643371 -0.261308469098877 -0.5745544034908847 -0.17759908454457285 0.5093337976859348 0.8096299290772173 1.399903623443142 1.2236366820426177 2.069423921818799 2.148670525673755 1.9790332642967396 2.1412411565623524 2.054565183595994 1.6194827550095119 1.6489422671982634 1.3299953239216766 0.8326661325550804 0.5731799384870502 0.13531149648378746 0.12254226832355909 +13892,-0.6114948777352853,0,-0.261308469098877 -0.5745544034908847 -0.17759908454457285 0.5093337976859348 0.8096299290772173 1.399903623443142 1.2236366820426177 2.069423921818799 2.148670525673755 1.9790332642967396 2.1412411565623524 2.054565183595994 1.6194827550095119 1.6489422671982634 1.3299953239216766 0.8326661325550804 0.5731799384870502 0.13531149648378746 0.12254226832355909 -0.4570259116273847 +13893,-0.6621074548067118,0,-0.5745544034908847 -0.17759908454457285 0.5093337976859348 0.8096299290772173 1.399903623443142 1.2236366820426177 2.069423921818799 2.148670525673755 1.9790332642967396 2.1412411565623524 2.054565183595994 1.6194827550095119 1.6489422671982634 1.3299953239216766 0.8326661325550804 0.5731799384870502 0.13531149648378746 0.12254226832355909 -0.4570259116273847 -0.6114948777352853 +13894,-0.8511952173116932,0,-0.17759908454457285 0.5093337976859348 0.8096299290772173 1.399903623443142 1.2236366820426177 2.069423921818799 2.148670525673755 1.9790332642967396 2.1412411565623524 2.054565183595994 1.6194827550095119 1.6489422671982634 1.3299953239216766 0.8326661325550804 0.5731799384870502 0.13531149648378746 0.12254226832355909 -0.4570259116273847 -0.6114948777352853 -0.6621074548067118 +13895,-0.9364265906254235,0,0.5093337976859348 0.8096299290772173 1.399903623443142 1.2236366820426177 2.069423921818799 2.148670525673755 1.9790332642967396 2.1412411565623524 2.054565183595994 1.6194827550095119 1.6489422671982634 1.3299953239216766 0.8326661325550804 0.5731799384870502 0.13531149648378746 0.12254226832355909 -0.4570259116273847 -0.6114948777352853 -0.6621074548067118 -0.8511952173116932 +13896,-0.2764767643679917,0,0.8096299290772173 1.399903623443142 1.2236366820426177 2.069423921818799 2.148670525673755 1.9790332642967396 2.1412411565623524 2.054565183595994 1.6194827550095119 1.6489422671982634 1.3299953239216766 0.8326661325550804 0.5731799384870502 0.13531149648378746 0.12254226832355909 -0.4570259116273847 -0.6114948777352853 -0.6621074548067118 -0.8511952173116932 -0.9364265906254235 +13897,-0.6101018710268952,0,1.399903623443142 1.2236366820426177 2.069423921818799 2.148670525673755 1.9790332642967396 2.1412411565623524 2.054565183595994 1.6194827550095119 1.6489422671982634 1.3299953239216766 0.8326661325550804 0.5731799384870502 0.13531149648378746 0.12254226832355909 -0.4570259116273847 -0.6114948777352853 -0.6621074548067118 -0.8511952173116932 -0.9364265906254235 -0.2764767643679917 +13898,-0.19854577795985068,0,1.2236366820426177 2.069423921818799 2.148670525673755 1.9790332642967396 2.1412411565623524 2.054565183595994 1.6194827550095119 1.6489422671982634 1.3299953239216766 0.8326661325550804 0.5731799384870502 0.13531149648378746 0.12254226832355909 -0.4570259116273847 -0.6114948777352853 -0.6621074548067118 -0.8511952173116932 -0.9364265906254235 -0.2764767643679917 -0.6101018710268952 +13899,0.39255340196608185,0,2.069423921818799 2.148670525673755 1.9790332642967396 2.1412411565623524 2.054565183595994 1.6194827550095119 1.6489422671982634 1.3299953239216766 0.8326661325550804 0.5731799384870502 0.13531149648378746 0.12254226832355909 -0.4570259116273847 -0.6114948777352853 -0.6621074548067118 -0.8511952173116932 -0.9364265906254235 -0.2764767643679917 -0.6101018710268952 -0.19854577795985068 +13900,0.7442617993619076,0,2.148670525673755 1.9790332642967396 2.1412411565623524 2.054565183595994 1.6194827550095119 1.6489422671982634 1.3299953239216766 0.8326661325550804 0.5731799384870502 0.13531149648378746 0.12254226832355909 -0.4570259116273847 -0.6114948777352853 -0.6621074548067118 -0.8511952173116932 -0.9364265906254235 -0.2764767643679917 -0.6101018710268952 -0.19854577795985068 0.39255340196608185 +13901,1.2755132837713983,0,1.9790332642967396 2.1412411565623524 2.054565183595994 1.6194827550095119 1.6489422671982634 1.3299953239216766 0.8326661325550804 0.5731799384870502 0.13531149648378746 0.12254226832355909 -0.4570259116273847 -0.6114948777352853 -0.6621074548067118 -0.8511952173116932 -0.9364265906254235 -0.2764767643679917 -0.6101018710268952 -0.19854577795985068 0.39255340196608185 0.7442617993619076 +13902,1.1310791251963979,0,2.1412411565623524 2.054565183595994 1.6194827550095119 1.6489422671982634 1.3299953239216766 0.8326661325550804 0.5731799384870502 0.13531149648378746 0.12254226832355909 -0.4570259116273847 -0.6114948777352853 -0.6621074548067118 -0.8511952173116932 -0.9364265906254235 -0.2764767643679917 -0.6101018710268952 -0.19854577795985068 0.39255340196608185 0.7442617993619076 1.2755132837713983 +13903,1.8875591571126,0,2.054565183595994 1.6194827550095119 1.6489422671982634 1.3299953239216766 0.8326661325550804 0.5731799384870502 0.13531149648378746 0.12254226832355909 -0.4570259116273847 -0.6114948777352853 -0.6621074548067118 -0.8511952173116932 -0.9364265906254235 -0.2764767643679917 -0.6101018710268952 -0.19854577795985068 0.39255340196608185 0.7442617993619076 1.2755132837713983 1.1310791251963979 +13904,1.9683535461990964,0,1.6194827550095119 1.6489422671982634 1.3299953239216766 0.8326661325550804 0.5731799384870502 0.13531149648378746 0.12254226832355909 -0.4570259116273847 -0.6114948777352853 -0.6621074548067118 -0.8511952173116932 -0.9364265906254235 -0.2764767643679917 -0.6101018710268952 -0.19854577795985068 0.39255340196608185 0.7442617993619076 1.2755132837713983 1.1310791251963979 1.8875591571126 +13905,1.771784821793252,0,1.6489422671982634 1.3299953239216766 0.8326661325550804 0.5731799384870502 0.13531149648378746 0.12254226832355909 -0.4570259116273847 -0.6114948777352853 -0.6621074548067118 -0.8511952173116932 -0.9364265906254235 -0.2764767643679917 -0.6101018710268952 -0.19854577795985068 0.39255340196608185 0.7442617993619076 1.2755132837713983 1.1310791251963979 1.8875591571126 1.9683535461990964 +13906,1.94503358199227,0,1.3299953239216766 0.8326661325550804 0.5731799384870502 0.13531149648378746 0.12254226832355909 -0.4570259116273847 -0.6114948777352853 -0.6621074548067118 -0.8511952173116932 -0.9364265906254235 -0.2764767643679917 -0.6101018710268952 -0.19854577795985068 0.39255340196608185 0.7442617993619076 1.2755132837713983 1.1310791251963979 1.8875591571126 1.9683535461990964 1.771784821793252 +13907,1.8409192288537237,0,0.8326661325550804 0.5731799384870502 0.13531149648378746 0.12254226832355909 -0.4570259116273847 -0.6114948777352853 -0.6621074548067118 -0.8511952173116932 -0.9364265906254235 -0.2764767643679917 -0.6101018710268952 -0.19854577795985068 0.39255340196608185 0.7442617993619076 1.2755132837713983 1.1310791251963979 1.8875591571126 1.9683535461990964 1.771784821793252 1.94503358199227 +13908,1.9044300161364058,0,0.5731799384870502 0.13531149648378746 0.12254226832355909 -0.4570259116273847 -0.6114948777352853 -0.6621074548067118 -0.8511952173116932 -0.9364265906254235 -0.2764767643679917 -0.6101018710268952 -0.19854577795985068 0.39255340196608185 0.7442617993619076 1.2755132837713983 1.1310791251963979 1.8875591571126 1.9683535461990964 1.771784821793252 1.94503358199227 1.8409192288537237 +13909,1.9044300161364058,0,0.13531149648378746 0.12254226832355909 -0.4570259116273847 -0.6114948777352853 -0.6621074548067118 -0.8511952173116932 -0.9364265906254235 -0.2764767643679917 -0.6101018710268952 -0.19854577795985068 0.39255340196608185 0.7442617993619076 1.2755132837713983 1.1310791251963979 1.8875591571126 1.9683535461990964 1.771784821793252 1.94503358199227 1.8409192288537237 1.9044300161364058 +13910,1.1289896151338126,0,0.12254226832355909 -0.4570259116273847 -0.6114948777352853 -0.6621074548067118 -0.8511952173116932 -0.9364265906254235 -0.2764767643679917 -0.6101018710268952 -0.19854577795985068 0.39255340196608185 0.7442617993619076 1.2755132837713983 1.1310791251963979 1.8875591571126 1.9683535461990964 1.771784821793252 1.94503358199227 1.8409192288537237 1.9044300161364058 1.9044300161364058 +13911,1.1289896151338126,0,-0.4570259116273847 -0.6114948777352853 -0.6621074548067118 -0.8511952173116932 -0.9364265906254235 -0.2764767643679917 -0.6101018710268952 -0.19854577795985068 0.39255340196608185 0.7442617993619076 1.2755132837713983 1.1310791251963979 1.8875591571126 1.9683535461990964 1.771784821793252 1.94503358199227 1.8409192288537237 1.9044300161364058 1.9044300161364058 1.1289896151338126 +13912,0.7488064557331061,0,-0.6114948777352853 -0.6621074548067118 -0.8511952173116932 -0.9364265906254235 -0.2764767643679917 -0.6101018710268952 -0.19854577795985068 0.39255340196608185 0.7442617993619076 1.2755132837713983 1.1310791251963979 1.8875591571126 1.9683535461990964 1.771784821793252 1.94503358199227 1.8409192288537237 1.9044300161364058 1.9044300161364058 1.1289896151338126 1.1289896151338126 +13913,0.06447676887374877,0,-0.6621074548067118 -0.8511952173116932 -0.9364265906254235 -0.2764767643679917 -0.6101018710268952 -0.19854577795985068 0.39255340196608185 0.7442617993619076 1.2755132837713983 1.1310791251963979 1.8875591571126 1.9683535461990964 1.771784821793252 1.94503358199227 1.8409192288537237 1.9044300161364058 1.9044300161364058 1.1289896151338126 1.1289896151338126 0.7488064557331061 +13914,0.15969840059196322,0,-0.8511952173116932 -0.9364265906254235 -0.2764767643679917 -0.6101018710268952 -0.19854577795985068 0.39255340196608185 0.7442617993619076 1.2755132837713983 1.1310791251963979 1.8875591571126 1.9683535461990964 1.771784821793252 1.94503358199227 1.8409192288537237 1.9044300161364058 1.9044300161364058 1.1289896151338126 1.1289896151338126 0.7488064557331061 0.06447676887374877 +13915,-0.7392903450712057,0,-0.9364265906254235 -0.2764767643679917 -0.6101018710268952 -0.19854577795985068 0.39255340196608185 0.7442617993619076 1.2755132837713983 1.1310791251963979 1.8875591571126 1.9683535461990964 1.771784821793252 1.94503358199227 1.8409192288537237 1.9044300161364058 1.9044300161364058 1.1289896151338126 1.1289896151338126 0.7488064557331061 0.06447676887374877 0.15969840059196322 +13916,-0.8587277720020172,0,-0.2764767643679917 -0.6101018710268952 -0.19854577795985068 0.39255340196608185 0.7442617993619076 1.2755132837713983 1.1310791251963979 1.8875591571126 1.9683535461990964 1.771784821793252 1.94503358199227 1.8409192288537237 1.9044300161364058 1.9044300161364058 1.1289896151338126 1.1289896151338126 0.7488064557331061 0.06447676887374877 0.15969840059196322 -0.7392903450712057 +13917,-0.3518152105133081,0,-0.6101018710268952 -0.19854577795985068 0.39255340196608185 0.7442617993619076 1.2755132837713983 1.1310791251963979 1.8875591571126 1.9683535461990964 1.771784821793252 1.94503358199227 1.8409192288537237 1.9044300161364058 1.9044300161364058 1.1289896151338126 1.1289896151338126 0.7488064557331061 0.06447676887374877 0.15969840059196322 -0.7392903450712057 -0.8587277720020172 +13918,-0.2624693080225413,0,-0.19854577795985068 0.39255340196608185 0.7442617993619076 1.2755132837713983 1.1310791251963979 1.8875591571126 1.9683535461990964 1.771784821793252 1.94503358199227 1.8409192288537237 1.9044300161364058 1.9044300161364058 1.1289896151338126 1.1289896151338126 0.7488064557331061 0.06447676887374877 0.15969840059196322 -0.7392903450712057 -0.8587277720020172 -0.3518152105133081 +13919,-0.3537886366835216,0,0.39255340196608185 0.7442617993619076 1.2755132837713983 1.1310791251963979 1.8875591571126 1.9683535461990964 1.771784821793252 1.94503358199227 1.8409192288537237 1.9044300161364058 1.9044300161364058 1.1289896151338126 1.1289896151338126 0.7488064557331061 0.06447676887374877 0.15969840059196322 -0.7392903450712057 -0.8587277720020172 -0.3518152105133081 -0.2624693080225413 +13920,-0.4358212539552578,0,0.7442617993619076 1.2755132837713983 1.1310791251963979 1.8875591571126 1.9683535461990964 1.771784821793252 1.94503358199227 1.8409192288537237 1.9044300161364058 1.9044300161364058 1.1289896151338126 1.1289896151338126 0.7488064557331061 0.06447676887374877 0.15969840059196322 -0.7392903450712057 -0.8587277720020172 -0.3518152105133081 -0.2624693080225413 -0.3537886366835216 +13921,-0.5008282336800198,0,1.2755132837713983 1.1310791251963979 1.8875591571126 1.9683535461990964 1.771784821793252 1.94503358199227 1.8409192288537237 1.9044300161364058 1.9044300161364058 1.1289896151338126 1.1289896151338126 0.7488064557331061 0.06447676887374877 0.15969840059196322 -0.7392903450712057 -0.8587277720020172 -0.3518152105133081 -0.2624693080225413 -0.3537886366835216 -0.4358212539552578 +13922,-0.3522408514519809,0,1.1310791251963979 1.8875591571126 1.9683535461990964 1.771784821793252 1.94503358199227 1.8409192288537237 1.9044300161364058 1.9044300161364058 1.1289896151338126 1.1289896151338126 0.7488064557331061 0.06447676887374877 0.15969840059196322 -0.7392903450712057 -0.8587277720020172 -0.3518152105133081 -0.2624693080225413 -0.3537886366835216 -0.4358212539552578 -0.5008282336800198 +13923,-0.008632530049629385,0,1.8875591571126 1.9683535461990964 1.771784821793252 1.94503358199227 1.8409192288537237 1.9044300161364058 1.9044300161364058 1.1289896151338126 1.1289896151338126 0.7488064557331061 0.06447676887374877 0.15969840059196322 -0.7392903450712057 -0.8587277720020172 -0.3518152105133081 -0.2624693080225413 -0.3537886366835216 -0.4358212539552578 -0.5008282336800198 -0.3522408514519809 +13924,0.3721226369097253,0,1.9683535461990964 1.771784821793252 1.94503358199227 1.8409192288537237 1.9044300161364058 1.9044300161364058 1.1289896151338126 1.1289896151338126 0.7488064557331061 0.06447676887374877 0.15969840059196322 -0.7392903450712057 -0.8587277720020172 -0.3518152105133081 -0.2624693080225413 -0.3537886366835216 -0.4358212539552578 -0.5008282336800198 -0.3522408514519809 -0.008632530049629385 +13925,0.6615584752080996,0,1.771784821793252 1.94503358199227 1.8409192288537237 1.9044300161364058 1.9044300161364058 1.1289896151338126 1.1289896151338126 0.7488064557331061 0.06447676887374877 0.15969840059196322 -0.7392903450712057 -0.8587277720020172 -0.3518152105133081 -0.2624693080225413 -0.3537886366835216 -0.4358212539552578 -0.5008282336800198 -0.3522408514519809 -0.008632530049629385 0.3721226369097253 +13926,0.8952740451709561,0,1.94503358199227 1.8409192288537237 1.9044300161364058 1.9044300161364058 1.1289896151338126 1.1289896151338126 0.7488064557331061 0.06447676887374877 0.15969840059196322 -0.7392903450712057 -0.8587277720020172 -0.3518152105133081 -0.2624693080225413 -0.3537886366835216 -0.4358212539552578 -0.5008282336800198 -0.3522408514519809 -0.008632530049629385 0.3721226369097253 0.6615584752080996 +13927,1.0407658569359137,0,1.8409192288537237 1.9044300161364058 1.9044300161364058 1.1289896151338126 1.1289896151338126 0.7488064557331061 0.06447676887374877 0.15969840059196322 -0.7392903450712057 -0.8587277720020172 -0.3518152105133081 -0.2624693080225413 -0.3537886366835216 -0.4358212539552578 -0.5008282336800198 -0.3522408514519809 -0.008632530049629385 0.3721226369097253 0.6615584752080996 0.8952740451709561 +13928,1.071721561566754,0,1.9044300161364058 1.9044300161364058 1.1289896151338126 1.1289896151338126 0.7488064557331061 0.06447676887374877 0.15969840059196322 -0.7392903450712057 -0.8587277720020172 -0.3518152105133081 -0.2624693080225413 -0.3537886366835216 -0.4358212539552578 -0.5008282336800198 -0.3522408514519809 -0.008632530049629385 0.3721226369097253 0.6615584752080996 0.8952740451709561 1.0407658569359137 +13929,1.1583975345331123,0,1.9044300161364058 1.1289896151338126 1.1289896151338126 0.7488064557331061 0.06447676887374877 0.15969840059196322 -0.7392903450712057 -0.8587277720020172 -0.3518152105133081 -0.2624693080225413 -0.3537886366835216 -0.4358212539552578 -0.5008282336800198 -0.3522408514519809 -0.008632530049629385 0.3721226369097253 0.6615584752080996 0.8952740451709561 1.0407658569359137 1.071721561566754 +13930,1.2295956551840548,0,1.1289896151338126 1.1289896151338126 0.7488064557331061 0.06447676887374877 0.15969840059196322 -0.7392903450712057 -0.8587277720020172 -0.3518152105133081 -0.2624693080225413 -0.3537886366835216 -0.4358212539552578 -0.5008282336800198 -0.3522408514519809 -0.008632530049629385 0.3721226369097253 0.6615584752080996 0.8952740451709561 1.0407658569359137 1.071721561566754 1.1583975345331123 +13931,1.1197029037445596,0,1.1289896151338126 0.7488064557331061 0.06447676887374877 0.15969840059196322 -0.7392903450712057 -0.8587277720020172 -0.3518152105133081 -0.2624693080225413 -0.3537886366835216 -0.4358212539552578 -0.5008282336800198 -0.3522408514519809 -0.008632530049629385 0.3721226369097253 0.6615584752080996 0.8952740451709561 1.0407658569359137 1.071721561566754 1.1583975345331123 1.2295956551840548 +13932,1.0748171320298443,0,0.7488064557331061 0.06447676887374877 0.15969840059196322 -0.7392903450712057 -0.8587277720020172 -0.3518152105133081 -0.2624693080225413 -0.3537886366835216 -0.4358212539552578 -0.5008282336800198 -0.3522408514519809 -0.008632530049629385 0.3721226369097253 0.6615584752080996 0.8952740451709561 1.0407658569359137 1.071721561566754 1.1583975345331123 1.2295956551840548 1.1197029037445596 +13933,0.7451388777113765,0,0.06447676887374877 0.15969840059196322 -0.7392903450712057 -0.8587277720020172 -0.3518152105133081 -0.2624693080225413 -0.3537886366835216 -0.4358212539552578 -0.5008282336800198 -0.3522408514519809 -0.008632530049629385 0.3721226369097253 0.6615584752080996 0.8952740451709561 1.0407658569359137 1.071721561566754 1.1583975345331123 1.2295956551840548 1.1197029037445596 1.0748171320298443 +13934,0.5346400862216482,0,0.15969840059196322 -0.7392903450712057 -0.8587277720020172 -0.3518152105133081 -0.2624693080225413 -0.3537886366835216 -0.4358212539552578 -0.5008282336800198 -0.3522408514519809 -0.008632530049629385 0.3721226369097253 0.6615584752080996 0.8952740451709561 1.0407658569359137 1.071721561566754 1.1583975345331123 1.2295956551840548 1.1197029037445596 1.0748171320298443 0.7451388777113765 +13935,0.18793619435621514,0,-0.7392903450712057 -0.8587277720020172 -0.3518152105133081 -0.2624693080225413 -0.3537886366835216 -0.4358212539552578 -0.5008282336800198 -0.3522408514519809 -0.008632530049629385 0.3721226369097253 0.6615584752080996 0.8952740451709561 1.0407658569359137 1.071721561566754 1.1583975345331123 1.2295956551840548 1.1197029037445596 1.0748171320298443 0.7451388777113765 0.5346400862216482 +13936,0.0006541813396235972,0,-0.8587277720020172 -0.3518152105133081 -0.2624693080225413 -0.3537886366835216 -0.4358212539552578 -0.5008282336800198 -0.3522408514519809 -0.008632530049629385 0.3721226369097253 0.6615584752080996 0.8952740451709561 1.0407658569359137 1.071721561566754 1.1583975345331123 1.2295956551840548 1.1197029037445596 1.0748171320298443 0.7451388777113765 0.5346400862216482 0.18793619435621514 +13937,-0.07828286546903115,0,-0.3518152105133081 -0.2624693080225413 -0.3537886366835216 -0.4358212539552578 -0.5008282336800198 -0.3522408514519809 -0.008632530049629385 0.3721226369097253 0.6615584752080996 0.8952740451709561 1.0407658569359137 1.071721561566754 1.1583975345331123 1.2295956551840548 1.1197029037445596 1.0748171320298443 0.7451388777113765 0.5346400862216482 0.18793619435621514 0.0006541813396235972 +13938,-0.24699145570711675,0,-0.2624693080225413 -0.3537886366835216 -0.4358212539552578 -0.5008282336800198 -0.3522408514519809 -0.008632530049629385 0.3721226369097253 0.6615584752080996 0.8952740451709561 1.0407658569359137 1.071721561566754 1.1583975345331123 1.2295956551840548 1.1197029037445596 1.0748171320298443 0.7451388777113765 0.5346400862216482 0.18793619435621514 0.0006541813396235972 -0.07828286546903115 +13939,-0.35843199237815254,0,-0.3537886366835216 -0.4358212539552578 -0.5008282336800198 -0.3522408514519809 -0.008632530049629385 0.3721226369097253 0.6615584752080996 0.8952740451709561 1.0407658569359137 1.071721561566754 1.1583975345331123 1.2295956551840548 1.1197029037445596 1.0748171320298443 0.7451388777113765 0.5346400862216482 0.18793619435621514 0.0006541813396235972 -0.07828286546903115 -0.24699145570711675 +13940,-0.45129910627067354,0,-0.4358212539552578 -0.5008282336800198 -0.3522408514519809 -0.008632530049629385 0.3721226369097253 0.6615584752080996 0.8952740451709561 1.0407658569359137 1.071721561566754 1.1583975345331123 1.2295956551840548 1.1197029037445596 1.0748171320298443 0.7451388777113765 0.5346400862216482 0.18793619435621514 0.0006541813396235972 -0.07828286546903115 -0.24699145570711675 -0.35843199237815254 +13941,-0.5333317235424098,0,-0.5008282336800198 -0.3522408514519809 -0.008632530049629385 0.3721226369097253 0.6615584752080996 0.8952740451709561 1.0407658569359137 1.071721561566754 1.1583975345331123 1.2295956551840548 1.1197029037445596 1.0748171320298443 0.7451388777113765 0.5346400862216482 0.18793619435621514 0.0006541813396235972 -0.07828286546903115 -0.24699145570711675 -0.35843199237815254 -0.45129910627067354 +13942,-0.5813130657202153,0,-0.3522408514519809 -0.008632530049629385 0.3721226369097253 0.6615584752080996 0.8952740451709561 1.0407658569359137 1.071721561566754 1.1583975345331123 1.2295956551840548 1.1197029037445596 1.0748171320298443 0.7451388777113765 0.5346400862216482 0.18793619435621514 0.0006541813396235972 -0.07828286546903115 -0.24699145570711675 -0.35843199237815254 -0.45129910627067354 -0.5333317235424098 +13943,-0.6122687703510556,0,-0.008632530049629385 0.3721226369097253 0.6615584752080996 0.8952740451709561 1.0407658569359137 1.071721561566754 1.1583975345331123 1.2295956551840548 1.1197029037445596 1.0748171320298443 0.7451388777113765 0.5346400862216482 0.18793619435621514 0.0006541813396235972 -0.07828286546903115 -0.24699145570711675 -0.35843199237815254 -0.45129910627067354 -0.5333317235424098 -0.5813130657202153 +13944,-0.6231032669718494,0,0.3721226369097253 0.6615584752080996 0.8952740451709561 1.0407658569359137 1.071721561566754 1.1583975345331123 1.2295956551840548 1.1197029037445596 1.0748171320298443 0.7451388777113765 0.5346400862216482 0.18793619435621514 0.0006541813396235972 -0.07828286546903115 -0.24699145570711675 -0.35843199237815254 -0.45129910627067354 -0.5333317235424098 -0.5813130657202153 -0.6122687703510556 +13945,-0.6277466226664714,0,0.6615584752080996 0.8952740451709561 1.0407658569359137 1.071721561566754 1.1583975345331123 1.2295956551840548 1.1197029037445596 1.0748171320298443 0.7451388777113765 0.5346400862216482 0.18793619435621514 0.0006541813396235972 -0.07828286546903115 -0.24699145570711675 -0.35843199237815254 -0.45129910627067354 -0.5333317235424098 -0.5813130657202153 -0.6122687703510556 -0.6231032669718494 +13946,-0.5689307838678721,0,0.8952740451709561 1.0407658569359137 1.071721561566754 1.1583975345331123 1.2295956551840548 1.1197029037445596 1.0748171320298443 0.7451388777113765 0.5346400862216482 0.18793619435621514 0.0006541813396235972 -0.07828286546903115 -0.24699145570711675 -0.35843199237815254 -0.45129910627067354 -0.5333317235424098 -0.5813130657202153 -0.6122687703510556 -0.6231032669718494 -0.6277466226664714 +13947,-0.3506930662204403,0,1.0407658569359137 1.071721561566754 1.1583975345331123 1.2295956551840548 1.1197029037445596 1.0748171320298443 0.7451388777113765 0.5346400862216482 0.18793619435621514 0.0006541813396235972 -0.07828286546903115 -0.24699145570711675 -0.35843199237815254 -0.45129910627067354 -0.5333317235424098 -0.5813130657202153 -0.6122687703510556 -0.6231032669718494 -0.6277466226664714 -0.5689307838678721 +13948,-0.11852528148912447,0,1.071721561566754 1.1583975345331123 1.2295956551840548 1.1197029037445596 1.0748171320298443 0.7451388777113765 0.5346400862216482 0.18793619435621514 0.0006541813396235972 -0.07828286546903115 -0.24699145570711675 -0.35843199237815254 -0.45129910627067354 -0.5333317235424098 -0.5813130657202153 -0.6122687703510556 -0.6231032669718494 -0.6277466226664714 -0.5689307838678721 -0.3506930662204403 +13949,0.11054693277910989,0,1.1583975345331123 1.2295956551840548 1.1197029037445596 1.0748171320298443 0.7451388777113765 0.5346400862216482 0.18793619435621514 0.0006541813396235972 -0.07828286546903115 -0.24699145570711675 -0.35843199237815254 -0.45129910627067354 -0.5333317235424098 -0.5813130657202153 -0.6122687703510556 -0.6231032669718494 -0.6277466226664714 -0.5689307838678721 -0.3506930662204403 -0.11852528148912447 +13950,0.2854466639433671,0,1.2295956551840548 1.1197029037445596 1.0748171320298443 0.7451388777113765 0.5346400862216482 0.18793619435621514 0.0006541813396235972 -0.07828286546903115 -0.24699145570711675 -0.35843199237815254 -0.45129910627067354 -0.5333317235424098 -0.5813130657202153 -0.6122687703510556 -0.6231032669718494 -0.6277466226664714 -0.5689307838678721 -0.3506930662204403 -0.11852528148912447 0.11054693277910989 +13951,0.39688720061440286,0,1.1197029037445596 1.0748171320298443 0.7451388777113765 0.5346400862216482 0.18793619435621514 0.0006541813396235972 -0.07828286546903115 -0.24699145570711675 -0.35843199237815254 -0.45129910627067354 -0.5333317235424098 -0.5813130657202153 -0.6122687703510556 -0.6231032669718494 -0.6277466226664714 -0.5689307838678721 -0.3506930662204403 -0.11852528148912447 0.11054693277910989 0.2854466639433671 +13952,0.4727286769599586,0,1.0748171320298443 0.7451388777113765 0.5346400862216482 0.18793619435621514 0.0006541813396235972 -0.07828286546903115 -0.24699145570711675 -0.35843199237815254 -0.45129910627067354 -0.5333317235424098 -0.5813130657202153 -0.6122687703510556 -0.6231032669718494 -0.6277466226664714 -0.5689307838678721 -0.3506930662204403 -0.11852528148912447 0.11054693277910989 0.2854466639433671 0.39688720061440286 +13953,0.49284988497000526,0,0.7451388777113765 0.5346400862216482 0.18793619435621514 0.0006541813396235972 -0.07828286546903115 -0.24699145570711675 -0.35843199237815254 -0.45129910627067354 -0.5333317235424098 -0.5813130657202153 -0.6122687703510556 -0.6231032669718494 -0.6277466226664714 -0.5689307838678721 -0.3506930662204403 -0.11852528148912447 0.11054693277910989 0.2854466639433671 0.39688720061440286 0.4727286769599586 +13954,0.5160666634431421,0,0.5346400862216482 0.18793619435621514 0.0006541813396235972 -0.07828286546903115 -0.24699145570711675 -0.35843199237815254 -0.45129910627067354 -0.5333317235424098 -0.5813130657202153 -0.6122687703510556 -0.6231032669718494 -0.6277466226664714 -0.5689307838678721 -0.3506930662204403 -0.11852528148912447 0.11054693277910989 0.2854466639433671 0.39688720061440286 0.4727286769599586 0.49284988497000526 +13955,0.4402251870975776,0,0.18793619435621514 0.0006541813396235972 -0.07828286546903115 -0.24699145570711675 -0.35843199237815254 -0.45129910627067354 -0.5333317235424098 -0.5813130657202153 -0.6122687703510556 -0.6231032669718494 -0.6277466226664714 -0.5689307838678721 -0.3506930662204403 -0.11852528148912447 0.11054693277910989 0.2854466639433671 0.39688720061440286 0.4727286769599586 0.49284988497000526 0.5160666634431421 +13956,0.35354921413121937,0,0.0006541813396235972 -0.07828286546903115 -0.24699145570711675 -0.35843199237815254 -0.45129910627067354 -0.5333317235424098 -0.5813130657202153 -0.6122687703510556 -0.6231032669718494 -0.6277466226664714 -0.5689307838678721 -0.3506930662204403 -0.11852528148912447 0.11054693277910989 0.2854466639433671 0.39688720061440286 0.4727286769599586 0.49284988497000526 0.5160666634431421 0.4402251870975776 +13957,0.23901310699710215,0,-0.07828286546903115 -0.24699145570711675 -0.35843199237815254 -0.45129910627067354 -0.5333317235424098 -0.5813130657202153 -0.6122687703510556 -0.6231032669718494 -0.6277466226664714 -0.5689307838678721 -0.3506930662204403 -0.11852528148912447 0.11054693277910989 0.2854466639433671 0.39688720061440286 0.4727286769599586 0.49284988497000526 0.5160666634431421 0.4402251870975776 0.35354921413121937 +13958,-0.02256259713351326,0,-0.24699145570711675 -0.35843199237815254 -0.45129910627067354 -0.5333317235424098 -0.5813130657202153 -0.6122687703510556 -0.6231032669718494 -0.6277466226664714 -0.5689307838678721 -0.3506930662204403 -0.11852528148912447 0.11054693277910989 0.2854466639433671 0.39688720061440286 0.4727286769599586 0.49284988497000526 0.5160666634431421 0.4402251870975776 0.35354921413121937 0.23901310699710215 +13959,-0.2129401806131862,0,-0.35843199237815254 -0.45129910627067354 -0.5333317235424098 -0.5813130657202153 -0.6122687703510556 -0.6231032669718494 -0.6277466226664714 -0.5689307838678721 -0.3506930662204403 -0.11852528148912447 0.11054693277910989 0.2854466639433671 0.39688720061440286 0.4727286769599586 0.49284988497000526 0.5160666634431421 0.4402251870975776 0.35354921413121937 0.23901310699710215 -0.02256259713351326 +13960,-0.30735507973725673,0,-0.45129910627067354 -0.5333317235424098 -0.5813130657202153 -0.6122687703510556 -0.6231032669718494 -0.6277466226664714 -0.5689307838678721 -0.3506930662204403 -0.11852528148912447 0.11054693277910989 0.2854466639433671 0.39688720061440286 0.4727286769599586 0.49284988497000526 0.5160666634431421 0.4402251870975776 0.35354921413121937 0.23901310699710215 -0.02256259713351326 -0.2129401806131862 +13961,-0.4110566902505802,0,-0.5333317235424098 -0.5813130657202153 -0.6122687703510556 -0.6231032669718494 -0.6277466226664714 -0.5689307838678721 -0.3506930662204403 -0.11852528148912447 0.11054693277910989 0.2854466639433671 0.39688720061440286 0.4727286769599586 0.49284988497000526 0.5160666634431421 0.4402251870975776 0.35354921413121937 0.23901310699710215 -0.02256259713351326 -0.2129401806131862 -0.30735507973725673 +13962,-0.46522917335455743,0,-0.5813130657202153 -0.6122687703510556 -0.6231032669718494 -0.6277466226664714 -0.5689307838678721 -0.3506930662204403 -0.11852528148912447 0.11054693277910989 0.2854466639433671 0.39688720061440286 0.4727286769599586 0.49284988497000526 0.5160666634431421 0.4402251870975776 0.35354921413121937 0.23901310699710215 -0.02256259713351326 -0.2129401806131862 -0.30735507973725673 -0.4110566902505802 +13963,-0.5271405826162381,0,-0.6122687703510556 -0.6231032669718494 -0.6277466226664714 -0.5689307838678721 -0.3506930662204403 -0.11852528148912447 0.11054693277910989 0.2854466639433671 0.39688720061440286 0.4727286769599586 0.49284988497000526 0.5160666634431421 0.4402251870975776 0.35354921413121937 0.23901310699710215 -0.02256259713351326 -0.2129401806131862 -0.30735507973725673 -0.4110566902505802 -0.46522917335455743 +13964,-0.5844086361832967,0,-0.6231032669718494 -0.6277466226664714 -0.5689307838678721 -0.3506930662204403 -0.11852528148912447 0.11054693277910989 0.2854466639433671 0.39688720061440286 0.4727286769599586 0.49284988497000526 0.5160666634431421 0.4402251870975776 0.35354921413121937 0.23901310699710215 -0.02256259713351326 -0.2129401806131862 -0.30735507973725673 -0.4110566902505802 -0.46522917335455743 -0.5271405826162381 +13965,-0.6184599112772184,0,-0.6277466226664714 -0.5689307838678721 -0.3506930662204403 -0.11852528148912447 0.11054693277910989 0.2854466639433671 0.39688720061440286 0.4727286769599586 0.49284988497000526 0.5160666634431421 0.4402251870975776 0.35354921413121937 0.23901310699710215 -0.02256259713351326 -0.2129401806131862 -0.30735507973725673 -0.4110566902505802 -0.46522917335455743 -0.5271405826162381 -0.5844086361832967 +13966,-0.6463200454449775,0,-0.5689307838678721 -0.3506930662204403 -0.11852528148912447 0.11054693277910989 0.2854466639433671 0.39688720061440286 0.4727286769599586 0.49284988497000526 0.5160666634431421 0.4402251870975776 0.35354921413121937 0.23901310699710215 -0.02256259713351326 -0.2129401806131862 -0.30735507973725673 -0.4110566902505802 -0.46522917335455743 -0.5271405826162381 -0.5844086361832967 -0.6184599112772184 +13967,-0.8870833576396351,0,-0.3506930662204403 -0.11852528148912447 0.11054693277910989 0.2854466639433671 0.39688720061440286 0.4727286769599586 0.49284988497000526 0.5160666634431421 0.4402251870975776 0.35354921413121937 0.23901310699710215 -0.02256259713351326 -0.2129401806131862 -0.30735507973725673 -0.4110566902505802 -0.46522917335455743 -0.5271405826162381 -0.5844086361832967 -0.6184599112772184 -0.6463200454449775 +13968,-0.5181803839509426,0,-0.11852528148912447 0.11054693277910989 0.2854466639433671 0.39688720061440286 0.4727286769599586 0.49284988497000526 0.5160666634431421 0.4402251870975776 0.35354921413121937 0.23901310699710215 -0.02256259713351326 -0.2129401806131862 -0.30735507973725673 -0.4110566902505802 -0.46522917335455743 -0.5271405826162381 -0.5844086361832967 -0.6184599112772184 -0.6463200454449775 -0.8870833576396351 +13969,-0.9977704787387309,0,0.11054693277910989 0.2854466639433671 0.39688720061440286 0.4727286769599586 0.49284988497000526 0.5160666634431421 0.4402251870975776 0.35354921413121937 0.23901310699710215 -0.02256259713351326 -0.2129401806131862 -0.30735507973725673 -0.4110566902505802 -0.46522917335455743 -0.5271405826162381 -0.5844086361832967 -0.6184599112772184 -0.6463200454449775 -0.8870833576396351 -0.5181803839509426 +13970,-0.6301198933032433,0,0.2854466639433671 0.39688720061440286 0.4727286769599586 0.49284988497000526 0.5160666634431421 0.4402251870975776 0.35354921413121937 0.23901310699710215 -0.02256259713351326 -0.2129401806131862 -0.30735507973725673 -0.4110566902505802 -0.46522917335455743 -0.5271405826162381 -0.5844086361832967 -0.6184599112772184 -0.6463200454449775 -0.8870833576396351 -0.5181803839509426 -0.9977704787387309 +13971,-0.2624693080225413,0,0.39688720061440286 0.4727286769599586 0.49284988497000526 0.5160666634431421 0.4402251870975776 0.35354921413121937 0.23901310699710215 -0.02256259713351326 -0.2129401806131862 -0.30735507973725673 -0.4110566902505802 -0.46522917335455743 -0.5271405826162381 -0.5844086361832967 -0.6184599112772184 -0.6463200454449775 -0.8870833576396351 -0.5181803839509426 -0.9977704787387309 -0.6301198933032433 +13972,-0.24389588524403535,0,0.4727286769599586 0.49284988497000526 0.5160666634431421 0.4402251870975776 0.35354921413121937 0.23901310699710215 -0.02256259713351326 -0.2129401806131862 -0.30735507973725673 -0.4110566902505802 -0.46522917335455743 -0.5271405826162381 -0.5844086361832967 -0.6184599112772184 -0.6463200454449775 -0.8870833576396351 -0.5181803839509426 -0.9977704787387309 -0.6301198933032433 -0.2624693080225413 +13973,-0.19281897260313954,0,0.49284988497000526 0.5160666634431421 0.4402251870975776 0.35354921413121937 0.23901310699710215 -0.02256259713351326 -0.2129401806131862 -0.30735507973725673 -0.4110566902505802 -0.46522917335455743 -0.5271405826162381 -0.5844086361832967 -0.6184599112772184 -0.6463200454449775 -0.8870833576396351 -0.5181803839509426 -0.9977704787387309 -0.6301198933032433 -0.2624693080225413 -0.24389588524403535 +13974,-0.4550137908263748,0,0.5160666634431421 0.4402251870975776 0.35354921413121937 0.23901310699710215 -0.02256259713351326 -0.2129401806131862 -0.30735507973725673 -0.4110566902505802 -0.46522917335455743 -0.5271405826162381 -0.5844086361832967 -0.6184599112772184 -0.6463200454449775 -0.8870833576396351 -0.5181803839509426 -0.9977704787387309 -0.6301198933032433 -0.2624693080225413 -0.24389588524403535 -0.19281897260313954 +13975,-0.010180315281178881,0,0.4402251870975776 0.35354921413121937 0.23901310699710215 -0.02256259713351326 -0.2129401806131862 -0.30735507973725673 -0.4110566902505802 -0.46522917335455743 -0.5271405826162381 -0.5844086361832967 -0.6184599112772184 -0.6463200454449775 -0.8870833576396351 -0.5181803839509426 -0.9977704787387309 -0.6301198933032433 -0.2624693080225413 -0.24389588524403535 -0.19281897260313954 -0.4550137908263748 +13976,-0.3745289587861881,0,0.35354921413121937 0.23901310699710215 -0.02256259713351326 -0.2129401806131862 -0.30735507973725673 -0.4110566902505802 -0.46522917335455743 -0.5271405826162381 -0.5844086361832967 -0.6184599112772184 -0.6463200454449775 -0.8870833576396351 -0.5181803839509426 -0.9977704787387309 -0.6301198933032433 -0.2624693080225413 -0.24389588524403535 -0.19281897260313954 -0.4550137908263748 -0.010180315281178881 +13977,0.07649565768517935,0,0.23901310699710215 -0.02256259713351326 -0.2129401806131862 -0.30735507973725673 -0.4110566902505802 -0.46522917335455743 -0.5271405826162381 -0.5844086361832967 -0.6184599112772184 -0.6463200454449775 -0.8870833576396351 -0.5181803839509426 -0.9977704787387309 -0.6301198933032433 -0.2624693080225413 -0.24389588524403535 -0.19281897260313954 -0.4550137908263748 -0.010180315281178881 -0.3745289587861881 +13978,0.03780102689662673,0,-0.02256259713351326 -0.2129401806131862 -0.30735507973725673 -0.4110566902505802 -0.46522917335455743 -0.5271405826162381 -0.5844086361832967 -0.6184599112772184 -0.6463200454449775 -0.8870833576396351 -0.5181803839509426 -0.9977704787387309 -0.6301198933032433 -0.2624693080225413 -0.24389588524403535 -0.19281897260313954 -0.4550137908263748 -0.010180315281178881 -0.3745289587861881 0.07649565768517935 +13979,0.00994089272887658,0,-0.2129401806131862 -0.30735507973725673 -0.4110566902505802 -0.46522917335455743 -0.5271405826162381 -0.5844086361832967 -0.6184599112772184 -0.6463200454449775 -0.8870833576396351 -0.5181803839509426 -0.9977704787387309 -0.6301198933032433 -0.2624693080225413 -0.24389588524403535 -0.19281897260313954 -0.4550137908263748 -0.010180315281178881 -0.3745289587861881 0.07649565768517935 0.03780102689662673 +13980,0.028514315507373746,0,-0.30735507973725673 -0.4110566902505802 -0.46522917335455743 -0.5271405826162381 -0.5844086361832967 -0.6184599112772184 -0.6463200454449775 -0.8870833576396351 -0.5181803839509426 -0.9977704787387309 -0.6301198933032433 -0.2624693080225413 -0.24389588524403535 -0.19281897260313954 -0.4550137908263748 -0.010180315281178881 -0.3745289587861881 0.07649565768517935 0.03780102689662673 0.00994089272887658 +13981,-0.04268380514355992,0,-0.4110566902505802 -0.46522917335455743 -0.5271405826162381 -0.5844086361832967 -0.6184599112772184 -0.6463200454449775 -0.8870833576396351 -0.5181803839509426 -0.9977704787387309 -0.6301198933032433 -0.2624693080225413 -0.24389588524403535 -0.19281897260313954 -0.4550137908263748 -0.010180315281178881 -0.3745289587861881 0.07649565768517935 0.03780102689662673 0.00994089272887658 0.028514315507373746 +13982,-0.1680544088984708,0,-0.46522917335455743 -0.5271405826162381 -0.5844086361832967 -0.6184599112772184 -0.6463200454449775 -0.8870833576396351 -0.5181803839509426 -0.9977704787387309 -0.6301198933032433 -0.2624693080225413 -0.24389588524403535 -0.19281897260313954 -0.4550137908263748 -0.010180315281178881 -0.3745289587861881 0.07649565768517935 0.03780102689662673 0.00994089272887658 0.028514315507373746 -0.04268380514355992 +13983,-0.6913605956828521,0,-0.5271405826162381 -0.5844086361832967 -0.6184599112772184 -0.6463200454449775 -0.8870833576396351 -0.5181803839509426 -0.9977704787387309 -0.6301198933032433 -0.2624693080225413 -0.24389588524403535 -0.19281897260313954 -0.4550137908263748 -0.010180315281178881 -0.3745289587861881 0.07649565768517935 0.03780102689662673 0.00994089272887658 0.028514315507373746 -0.04268380514355992 -0.1680544088984708 +13984,-0.4157000459452023,0,-0.5844086361832967 -0.6184599112772184 -0.6463200454449775 -0.8870833576396351 -0.5181803839509426 -0.9977704787387309 -0.6301198933032433 -0.2624693080225413 -0.24389588524403535 -0.19281897260313954 -0.4550137908263748 -0.010180315281178881 -0.3745289587861881 0.07649565768517935 0.03780102689662673 0.00994089272887658 0.028514315507373746 -0.04268380514355992 -0.1680544088984708 -0.6913605956828521 +13985,-0.4838025961330546,0,-0.6184599112772184 -0.6463200454449775 -0.8870833576396351 -0.5181803839509426 -0.9977704787387309 -0.6301198933032433 -0.2624693080225413 -0.24389588524403535 -0.19281897260313954 -0.4550137908263748 -0.010180315281178881 -0.3745289587861881 0.07649565768517935 0.03780102689662673 0.00994089272887658 0.028514315507373746 -0.04268380514355992 -0.1680544088984708 -0.6913605956828521 -0.4157000459452023 +13986,-0.5766697100255844,0,-0.6463200454449775 -0.8870833576396351 -0.5181803839509426 -0.9977704787387309 -0.6301198933032433 -0.2624693080225413 -0.24389588524403535 -0.19281897260313954 -0.4550137908263748 -0.010180315281178881 -0.3745289587861881 0.07649565768517935 0.03780102689662673 0.00994089272887658 0.028514315507373746 -0.04268380514355992 -0.1680544088984708 -0.6913605956828521 -0.4157000459452023 -0.4838025961330546 +13987,-0.671084609149655,0,-0.8870833576396351 -0.5181803839509426 -0.9977704787387309 -0.6301198933032433 -0.2624693080225413 -0.24389588524403535 -0.19281897260313954 -0.4550137908263748 -0.010180315281178881 -0.3745289587861881 0.07649565768517935 0.03780102689662673 0.00994089272887658 0.028514315507373746 -0.04268380514355992 -0.1680544088984708 -0.6913605956828521 -0.4157000459452023 -0.4838025961330546 -0.5766697100255844 +13988,-0.7469260854952195,0,-0.5181803839509426 -0.9977704787387309 -0.6301198933032433 -0.2624693080225413 -0.24389588524403535 -0.19281897260313954 -0.4550137908263748 -0.010180315281178881 -0.3745289587861881 0.07649565768517935 0.03780102689662673 0.00994089272887658 0.028514315507373746 -0.04268380514355992 -0.1680544088984708 -0.6913605956828521 -0.4157000459452023 -0.4838025961330546 -0.5766697100255844 -0.671084609149655 +13989,-0.822767561840784,0,-0.9977704787387309 -0.6301198933032433 -0.2624693080225413 -0.24389588524403535 -0.19281897260313954 -0.4550137908263748 -0.010180315281178881 -0.3745289587861881 0.07649565768517935 0.03780102689662673 0.00994089272887658 0.028514315507373746 -0.04268380514355992 -0.1680544088984708 -0.6913605956828521 -0.4157000459452023 -0.4838025961330546 -0.5766697100255844 -0.671084609149655 -0.7469260854952195 +13990,-0.8738444744816711,0,-0.6301198933032433 -0.2624693080225413 -0.24389588524403535 -0.19281897260313954 -0.4550137908263748 -0.010180315281178881 -0.3745289587861881 0.07649565768517935 0.03780102689662673 0.00994089272887658 0.028514315507373746 -0.04268380514355992 -0.1680544088984708 -0.6913605956828521 -0.4157000459452023 -0.4838025961330546 -0.5766697100255844 -0.671084609149655 -0.7469260854952195 -0.822767561840784 +13991,-0.8846789711024647,0,-0.2624693080225413 -0.24389588524403535 -0.19281897260313954 -0.4550137908263748 -0.010180315281178881 -0.3745289587861881 0.07649565768517935 0.03780102689662673 0.00994089272887658 0.028514315507373746 -0.04268380514355992 -0.1680544088984708 -0.6913605956828521 -0.4157000459452023 -0.4838025961330546 -0.5766697100255844 -0.671084609149655 -0.7469260854952195 -0.822767561840784 -0.8738444744816711 +13992,-0.9311125280487297,0,-0.24389588524403535 -0.19281897260313954 -0.4550137908263748 -0.010180315281178881 -0.3745289587861881 0.07649565768517935 0.03780102689662673 0.00994089272887658 0.028514315507373746 -0.04268380514355992 -0.1680544088984708 -0.6913605956828521 -0.4157000459452023 -0.4838025961330546 -0.5766697100255844 -0.671084609149655 -0.7469260854952195 -0.822767561840784 -0.8738444744816711 -0.8846789711024647 +13993,-0.9156346757333051,0,-0.19281897260313954 -0.4550137908263748 -0.010180315281178881 -0.3745289587861881 0.07649565768517935 0.03780102689662673 0.00994089272887658 0.028514315507373746 -0.04268380514355992 -0.1680544088984708 -0.6913605956828521 -0.4157000459452023 -0.4838025961330546 -0.5766697100255844 -0.671084609149655 -0.7469260854952195 -0.822767561840784 -0.8738444744816711 -0.8846789711024647 -0.9311125280487297 +13994,-0.8243153470723248,0,-0.4550137908263748 -0.010180315281178881 -0.3745289587861881 0.07649565768517935 0.03780102689662673 0.00994089272887658 0.028514315507373746 -0.04268380514355992 -0.1680544088984708 -0.6913605956828521 -0.4157000459452023 -0.4838025961330546 -0.5766697100255844 -0.671084609149655 -0.7469260854952195 -0.822767561840784 -0.8738444744816711 -0.8846789711024647 -0.9311125280487297 -0.9156346757333051 +13995,-0.5689307838678721,0,-0.010180315281178881 -0.3745289587861881 0.07649565768517935 0.03780102689662673 0.00994089272887658 0.028514315507373746 -0.04268380514355992 -0.1680544088984708 -0.6913605956828521 -0.4157000459452023 -0.4838025961330546 -0.5766697100255844 -0.671084609149655 -0.7469260854952195 -0.822767561840784 -0.8738444744816711 -0.8846789711024647 -0.9311125280487297 -0.9156346757333051 -0.8243153470723248 +13996,-0.3785532003881992,0,-0.3745289587861881 0.07649565768517935 0.03780102689662673 0.00994089272887658 0.028514315507373746 -0.04268380514355992 -0.1680544088984708 -0.6913605956828521 -0.4157000459452023 -0.4838025961330546 -0.5766697100255844 -0.671084609149655 -0.7469260854952195 -0.822767561840784 -0.8738444744816711 -0.8846789711024647 -0.9311125280487297 -0.9156346757333051 -0.8243153470723248 -0.5689307838678721 +13997,-0.2067490396870234,0,0.07649565768517935 0.03780102689662673 0.00994089272887658 0.028514315507373746 -0.04268380514355992 -0.1680544088984708 -0.6913605956828521 -0.4157000459452023 -0.4838025961330546 -0.5766697100255844 -0.671084609149655 -0.7469260854952195 -0.822767561840784 -0.8738444744816711 -0.8846789711024647 -0.9311125280487297 -0.9156346757333051 -0.8243153470723248 -0.5689307838678721 -0.3785532003881992 +13998,-0.013275885744260276,0,0.03780102689662673 0.00994089272887658 0.028514315507373746 -0.04268380514355992 -0.1680544088984708 -0.6913605956828521 -0.4157000459452023 -0.4838025961330546 -0.5766697100255844 -0.671084609149655 -0.7469260854952195 -0.822767561840784 -0.8738444744816711 -0.8846789711024647 -0.9311125280487297 -0.9156346757333051 -0.8243153470723248 -0.5689307838678721 -0.3785532003881992 -0.2067490396870234 +13999,0.10126022138985691,0,0.00994089272887658 0.028514315507373746 -0.04268380514355992 -0.1680544088984708 -0.6913605956828521 -0.4157000459452023 -0.4838025961330546 -0.5766697100255844 -0.671084609149655 -0.7469260854952195 -0.822767561840784 -0.8738444744816711 -0.8846789711024647 -0.9311125280487297 -0.9156346757333051 -0.8243153470723248 -0.5689307838678721 -0.3785532003881992 -0.2067490396870234 -0.013275885744260276 +14000,0.18638840912467444,0,0.028514315507373746 -0.04268380514355992 -0.1680544088984708 -0.6913605956828521 -0.4157000459452023 -0.4838025961330546 -0.5766697100255844 -0.671084609149655 -0.7469260854952195 -0.822767561840784 -0.8738444744816711 -0.8846789711024647 -0.9311125280487297 -0.9156346757333051 -0.8243153470723248 -0.5689307838678721 -0.3785532003881992 -0.2067490396870234 -0.013275885744260276 0.10126022138985691 +14001,0.2096051875978025,0,-0.04268380514355992 -0.1680544088984708 -0.6913605956828521 -0.4157000459452023 -0.4838025961330546 -0.5766697100255844 -0.671084609149655 -0.7469260854952195 -0.822767561840784 -0.8738444744816711 -0.8846789711024647 -0.9311125280487297 -0.9156346757333051 -0.8243153470723248 -0.5689307838678721 -0.3785532003881992 -0.2067490396870234 -0.013275885744260276 0.10126022138985691 0.18638840912467444 +14002,0.18638840912467444,0,-0.1680544088984708 -0.6913605956828521 -0.4157000459452023 -0.4838025961330546 -0.5766697100255844 -0.671084609149655 -0.7469260854952195 -0.822767561840784 -0.8738444744816711 -0.8846789711024647 -0.9311125280487297 -0.9156346757333051 -0.8243153470723248 -0.5689307838678721 -0.3785532003881992 -0.2067490396870234 -0.013275885744260276 0.10126022138985691 0.18638840912467444 0.2096051875978025 +14003,0.13685928171532816,0,-0.6913605956828521 -0.4157000459452023 -0.4838025961330546 -0.5766697100255844 -0.671084609149655 -0.7469260854952195 -0.822767561840784 -0.8738444744816711 -0.8846789711024647 -0.9311125280487297 -0.9156346757333051 -0.8243153470723248 -0.5689307838678721 -0.3785532003881992 -0.2067490396870234 -0.013275885744260276 0.10126022138985691 0.18638840912467444 0.2096051875978025 0.18638840912467444 +14004,0.13995485217840953,0,-0.4157000459452023 -0.4838025961330546 -0.5766697100255844 -0.671084609149655 -0.7469260854952195 -0.822767561840784 -0.8738444744816711 -0.8846789711024647 -0.9311125280487297 -0.9156346757333051 -0.8243153470723248 -0.5689307838678721 -0.3785532003881992 -0.2067490396870234 -0.013275885744260276 0.10126022138985691 0.18638840912467444 0.2096051875978025 0.18638840912467444 0.13685928171532816 +14005,0.03780102689662673,0,-0.4838025961330546 -0.5766697100255844 -0.671084609149655 -0.7469260854952195 -0.822767561840784 -0.8738444744816711 -0.8846789711024647 -0.9311125280487297 -0.9156346757333051 -0.8243153470723248 -0.5689307838678721 -0.3785532003881992 -0.2067490396870234 -0.013275885744260276 0.10126022138985691 0.18638840912467444 0.2096051875978025 0.18638840912467444 0.13685928171532816 0.13995485217840953 +14006,-0.2067490396870234,0,-0.5766697100255844 -0.671084609149655 -0.7469260854952195 -0.822767561840784 -0.8738444744816711 -0.8846789711024647 -0.9311125280487297 -0.9156346757333051 -0.8243153470723248 -0.5689307838678721 -0.3785532003881992 -0.2067490396870234 -0.013275885744260276 0.10126022138985691 0.18638840912467444 0.2096051875978025 0.18638840912467444 0.13685928171532816 0.13995485217840953 0.03780102689662673 +14007,-0.4203434016398332,0,-0.671084609149655 -0.7469260854952195 -0.822767561840784 -0.8738444744816711 -0.8846789711024647 -0.9311125280487297 -0.9156346757333051 -0.8243153470723248 -0.5689307838678721 -0.3785532003881992 -0.2067490396870234 -0.013275885744260276 0.10126022138985691 0.18638840912467444 0.2096051875978025 0.18638840912467444 0.13685928171532816 0.13995485217840953 0.03780102689662673 -0.2067490396870234 +14008,-0.5209494416900665,0,-0.7469260854952195 -0.822767561840784 -0.8738444744816711 -0.8846789711024647 -0.9311125280487297 -0.9156346757333051 -0.8243153470723248 -0.5689307838678721 -0.3785532003881992 -0.2067490396870234 -0.013275885744260276 0.10126022138985691 0.18638840912467444 0.2096051875978025 0.18638840912467444 0.13685928171532816 0.13995485217840953 0.03780102689662673 -0.2067490396870234 -0.4203434016398332 +14009,-0.633937763592643,0,-0.822767561840784 -0.8738444744816711 -0.8846789711024647 -0.9311125280487297 -0.9156346757333051 -0.8243153470723248 -0.5689307838678721 -0.3785532003881992 -0.2067490396870234 -0.013275885744260276 0.10126022138985691 0.18638840912467444 0.2096051875978025 0.18638840912467444 0.13685928171532816 0.13995485217840953 0.03780102689662673 -0.2067490396870234 -0.4203434016398332 -0.5209494416900665 +14010,-0.6896580319281609,0,-0.8738444744816711 -0.8846789711024647 -0.9311125280487297 -0.9156346757333051 -0.8243153470723248 -0.5689307838678721 -0.3785532003881992 -0.2067490396870234 -0.013275885744260276 0.10126022138985691 0.18638840912467444 0.2096051875978025 0.18638840912467444 0.13685928171532816 0.13995485217840953 0.03780102689662673 -0.2067490396870234 -0.4203434016398332 -0.5209494416900665 -0.633937763592643 +14011,-0.7329960184113357,0,-0.8846789711024647 -0.9311125280487297 -0.9156346757333051 -0.8243153470723248 -0.5689307838678721 -0.3785532003881992 -0.2067490396870234 -0.013275885744260276 0.10126022138985691 0.18638840912467444 0.2096051875978025 0.18638840912467444 0.13685928171532816 0.13995485217840953 0.03780102689662673 -0.2067490396870234 -0.4203434016398332 -0.5209494416900665 -0.633937763592643 -0.6896580319281609 +14012,-0.822767561840784,0,-0.9311125280487297 -0.9156346757333051 -0.8243153470723248 -0.5689307838678721 -0.3785532003881992 -0.2067490396870234 -0.013275885744260276 0.10126022138985691 0.18638840912467444 0.2096051875978025 0.18638840912467444 0.13685928171532816 0.13995485217840953 0.03780102689662673 -0.2067490396870234 -0.4203434016398332 -0.5209494416900665 -0.633937763592643 -0.6896580319281609 -0.7329960184113357 +14013,-0.8955134677232585,0,-0.9156346757333051 -0.8243153470723248 -0.5689307838678721 -0.3785532003881992 -0.2067490396870234 -0.013275885744260276 0.10126022138985691 0.18638840912467444 0.2096051875978025 0.18638840912467444 0.13685928171532816 0.13995485217840953 0.03780102689662673 -0.2067490396870234 -0.4203434016398332 -0.5209494416900665 -0.633937763592643 -0.6896580319281609 -0.7329960184113357 -0.822767561840784 +14014,-0.864557763092418,0,-0.8243153470723248 -0.5689307838678721 -0.3785532003881992 -0.2067490396870234 -0.013275885744260276 0.10126022138985691 0.18638840912467444 0.2096051875978025 0.18638840912467444 0.13685928171532816 0.13995485217840953 0.03780102689662673 -0.2067490396870234 -0.4203434016398332 -0.5209494416900665 -0.633937763592643 -0.6896580319281609 -0.7329960184113357 -0.822767561840784 -0.8955134677232585 +14015,-0.8026463538307286,0,-0.5689307838678721 -0.3785532003881992 -0.2067490396870234 -0.013275885744260276 0.10126022138985691 0.18638840912467444 0.2096051875978025 0.18638840912467444 0.13685928171532816 0.13995485217840953 0.03780102689662673 -0.2067490396870234 -0.4203434016398332 -0.5209494416900665 -0.633937763592643 -0.6896580319281609 -0.7329960184113357 -0.822767561840784 -0.8955134677232585 -0.864557763092418 +14016,-0.7206137365590013,0,-0.3785532003881992 -0.2067490396870234 -0.013275885744260276 0.10126022138985691 0.18638840912467444 0.2096051875978025 0.18638840912467444 0.13685928171532816 0.13995485217840953 0.03780102689662673 -0.2067490396870234 -0.4203434016398332 -0.5209494416900665 -0.633937763592643 -0.6896580319281609 -0.7329960184113357 -0.822767561840784 -0.8955134677232585 -0.864557763092418 -0.8026463538307286 +14017,-0.6772757500758178,0,-0.2067490396870234 -0.013275885744260276 0.10126022138985691 0.18638840912467444 0.2096051875978025 0.18638840912467444 0.13685928171532816 0.13995485217840953 0.03780102689662673 -0.2067490396870234 -0.4203434016398332 -0.5209494416900665 -0.633937763592643 -0.6896580319281609 -0.7329960184113357 -0.822767561840784 -0.8955134677232585 -0.864557763092418 -0.8026463538307286 -0.7206137365590013 +14018,-0.6060776294248841,0,-0.013275885744260276 0.10126022138985691 0.18638840912467444 0.2096051875978025 0.18638840912467444 0.13685928171532816 0.13995485217840953 0.03780102689662673 -0.2067490396870234 -0.4203434016398332 -0.5209494416900665 -0.633937763592643 -0.6896580319281609 -0.7329960184113357 -0.822767561840784 -0.8955134677232585 -0.864557763092418 -0.8026463538307286 -0.7206137365590013 -0.6772757500758178 +14019,-0.5101149450692729,0,0.10126022138985691 0.18638840912467444 0.2096051875978025 0.18638840912467444 0.13685928171532816 0.13995485217840953 0.03780102689662673 -0.2067490396870234 -0.4203434016398332 -0.5209494416900665 -0.633937763592643 -0.6896580319281609 -0.7329960184113357 -0.822767561840784 -0.8955134677232585 -0.864557763092418 -0.8026463538307286 -0.7206137365590013 -0.6772757500758178 -0.6060776294248841 +14020,-0.2779471603379571,0,0.18638840912467444 0.2096051875978025 0.18638840912467444 0.13685928171532816 0.13995485217840953 0.03780102689662673 -0.2067490396870234 -0.4203434016398332 -0.5209494416900665 -0.633937763592643 -0.6896580319281609 -0.7329960184113357 -0.822767561840784 -0.8955134677232585 -0.864557763092418 -0.8026463538307286 -0.7206137365590013 -0.6772757500758178 -0.6060776294248841 -0.5101149450692729 +14021,-0.07828286546903115,0,0.2096051875978025 0.18638840912467444 0.13685928171532816 0.13995485217840953 0.03780102689662673 -0.2067490396870234 -0.4203434016398332 -0.5209494416900665 -0.633937763592643 -0.6896580319281609 -0.7329960184113357 -0.822767561840784 -0.8955134677232585 -0.864557763092418 -0.8026463538307286 -0.7206137365590013 -0.6772757500758178 -0.6060776294248841 -0.5101149450692729 -0.2779471603379571 +14022,0.07185230199055727,0,0.18638840912467444 0.13685928171532816 0.13995485217840953 0.03780102689662673 -0.2067490396870234 -0.4203434016398332 -0.5209494416900665 -0.633937763592643 -0.6896580319281609 -0.7329960184113357 -0.822767561840784 -0.8955134677232585 -0.864557763092418 -0.8026463538307286 -0.7206137365590013 -0.6772757500758178 -0.6060776294248841 -0.5101149450692729 -0.2779471603379571 -0.07828286546903115 +14023,0.2188918989870555,0,0.13685928171532816 0.13995485217840953 0.03780102689662673 -0.2067490396870234 -0.4203434016398332 -0.5209494416900665 -0.633937763592643 -0.6896580319281609 -0.7329960184113357 -0.822767561840784 -0.8955134677232585 -0.864557763092418 -0.8026463538307286 -0.7206137365590013 -0.6772757500758178 -0.6060776294248841 -0.5101149450692729 -0.2779471603379571 -0.07828286546903115 0.07185230199055727 +14024,0.3674792812151032,0,0.13995485217840953 0.03780102689662673 -0.2067490396870234 -0.4203434016398332 -0.5209494416900665 -0.633937763592643 -0.6896580319281609 -0.7329960184113357 -0.822767561840784 -0.8955134677232585 -0.864557763092418 -0.8026463538307286 -0.7206137365590013 -0.6772757500758178 -0.6060776294248841 -0.5101149450692729 -0.2779471603379571 -0.07828286546903115 0.07185230199055727 0.2188918989870555 +14025,0.45105968371837124,0,0.03780102689662673 -0.2067490396870234 -0.4203434016398332 -0.5209494416900665 -0.633937763592643 -0.6896580319281609 -0.7329960184113357 -0.822767561840784 -0.8955134677232585 -0.864557763092418 -0.8026463538307286 -0.7206137365590013 -0.6772757500758178 -0.6060776294248841 -0.5101149450692729 -0.2779471603379571 -0.07828286546903115 0.07185230199055727 0.2188918989870555 0.3674792812151032 +14026,0.4108172676982779,0,-0.2067490396870234 -0.4203434016398332 -0.5209494416900665 -0.633937763592643 -0.6896580319281609 -0.7329960184113357 -0.822767561840784 -0.8955134677232585 -0.864557763092418 -0.8026463538307286 -0.7206137365590013 -0.6772757500758178 -0.6060776294248841 -0.5101149450692729 -0.2779471603379571 -0.07828286546903115 0.07185230199055727 0.2188918989870555 0.3674792812151032 0.45105968371837124 +14027,0.4123650529298186,0,-0.4203434016398332 -0.5209494416900665 -0.633937763592643 -0.6896580319281609 -0.7329960184113357 -0.822767561840784 -0.8955134677232585 -0.864557763092418 -0.8026463538307286 -0.7206137365590013 -0.6772757500758178 -0.6060776294248841 -0.5101149450692729 -0.2779471603379571 -0.07828286546903115 0.07185230199055727 0.2188918989870555 0.3674792812151032 0.45105968371837124 0.4108172676982779 +14028,0.33961914704734425,0,-0.5209494416900665 -0.633937763592643 -0.6896580319281609 -0.7329960184113357 -0.822767561840784 -0.8955134677232585 -0.864557763092418 -0.8026463538307286 -0.7206137365590013 -0.6772757500758178 -0.6060776294248841 -0.5101149450692729 -0.2779471603379571 -0.07828286546903115 0.07185230199055727 0.2188918989870555 0.3674792812151032 0.45105968371837124 0.4108172676982779 0.4123650529298186 +14029,0.18329283866158427,0,-0.633937763592643 -0.6896580319281609 -0.7329960184113357 -0.822767561840784 -0.8955134677232585 -0.864557763092418 -0.8026463538307286 -0.7206137365590013 -0.6772757500758178 -0.6060776294248841 -0.5101149450692729 -0.2779471603379571 -0.07828286546903115 0.07185230199055727 0.2188918989870555 0.3674792812151032 0.45105968371837124 0.4108172676982779 0.4123650529298186 0.33961914704734425 +14030,-0.051970516532812906,0,-0.6896580319281609 -0.7329960184113357 -0.822767561840784 -0.8955134677232585 -0.864557763092418 -0.8026463538307286 -0.7206137365590013 -0.6772757500758178 -0.6060776294248841 -0.5101149450692729 -0.2779471603379571 -0.07828286546903115 0.07185230199055727 0.2188918989870555 0.3674792812151032 0.45105968371837124 0.4108172676982779 0.4123650529298186 0.33961914704734425 0.18329283866158427 +14031,-0.15102877135150553,0,-0.7329960184113357 -0.822767561840784 -0.8955134677232585 -0.864557763092418 -0.8026463538307286 -0.7206137365590013 -0.6772757500758178 -0.6060776294248841 -0.5101149450692729 -0.2779471603379571 -0.07828286546903115 0.07185230199055727 0.2188918989870555 0.3674792812151032 0.45105968371837124 0.4108172676982779 0.4123650529298186 0.33961914704734425 0.18329283866158427 -0.051970516532812906 +14032,-0.3181895763580504,0,-0.822767561840784 -0.8955134677232585 -0.864557763092418 -0.8026463538307286 -0.7206137365590013 -0.6772757500758178 -0.6060776294248841 -0.5101149450692729 -0.2779471603379571 -0.07828286546903115 0.07185230199055727 0.2188918989870555 0.3674792812151032 0.45105968371837124 0.4108172676982779 0.4123650529298186 0.33961914704734425 0.18329283866158427 -0.051970516532812906 -0.15102877135150553 +14033,-0.3739098446935683,0,-0.8955134677232585 -0.864557763092418 -0.8026463538307286 -0.7206137365590013 -0.6772757500758178 -0.6060776294248841 -0.5101149450692729 -0.2779471603379571 -0.07828286546903115 0.07185230199055727 0.2188918989870555 0.3674792812151032 0.45105968371837124 0.4108172676982779 0.4123650529298186 0.33961914704734425 0.18329283866158427 -0.051970516532812906 -0.15102877135150553 -0.3181895763580504 +14034,-0.4884459518276855,0,-0.864557763092418 -0.8026463538307286 -0.7206137365590013 -0.6772757500758178 -0.6060776294248841 -0.5101149450692729 -0.2779471603379571 -0.07828286546903115 0.07185230199055727 0.2188918989870555 0.3674792812151032 0.45105968371837124 0.4108172676982779 0.4123650529298186 0.33961914704734425 0.18329283866158427 -0.051970516532812906 -0.15102877135150553 -0.3181895763580504 -0.3739098446935683 +14035,-0.5580962872470785,0,-0.8026463538307286 -0.7206137365590013 -0.6772757500758178 -0.6060776294248841 -0.5101149450692729 -0.2779471603379571 -0.07828286546903115 0.07185230199055727 0.2188918989870555 0.3674792812151032 0.45105968371837124 0.4108172676982779 0.4123650529298186 0.33961914704734425 0.18329283866158427 -0.051970516532812906 -0.15102877135150553 -0.3181895763580504 -0.3739098446935683 -0.4884459518276855 +14036,-0.5983387032671718,0,-0.7206137365590013 -0.6772757500758178 -0.6060776294248841 -0.5101149450692729 -0.2779471603379571 -0.07828286546903115 0.07185230199055727 0.2188918989870555 0.3674792812151032 0.45105968371837124 0.4108172676982779 0.4123650529298186 0.33961914704734425 0.18329283866158427 -0.051970516532812906 -0.15102877135150553 -0.3181895763580504 -0.3739098446935683 -0.4884459518276855 -0.5580962872470785 +14037,-0.6354855488241837,0,-0.6772757500758178 -0.6060776294248841 -0.5101149450692729 -0.2779471603379571 -0.07828286546903115 0.07185230199055727 0.2188918989870555 0.3674792812151032 0.45105968371837124 0.4108172676982779 0.4123650529298186 0.33961914704734425 0.18329283866158427 -0.051970516532812906 -0.15102877135150553 -0.3181895763580504 -0.3739098446935683 -0.4884459518276855 -0.5580962872470785 -0.5983387032671718 +14038,-0.7020403137804953,0,-0.6060776294248841 -0.5101149450692729 -0.2779471603379571 -0.07828286546903115 0.07185230199055727 0.2188918989870555 0.3674792812151032 0.45105968371837124 0.4108172676982779 0.4123650529298186 0.33961914704734425 0.18329283866158427 -0.051970516532812906 -0.15102877135150553 -0.3181895763580504 -0.3739098446935683 -0.4884459518276855 -0.5580962872470785 -0.5983387032671718 -0.6354855488241837 +14039,-0.7716906491998883,0,-0.5101149450692729 -0.2779471603379571 -0.07828286546903115 0.07185230199055727 0.2188918989870555 0.3674792812151032 0.45105968371837124 0.4108172676982779 0.4123650529298186 0.33961914704734425 0.18329283866158427 -0.051970516532812906 -0.15102877135150553 -0.3181895763580504 -0.3739098446935683 -0.4884459518276855 -0.5580962872470785 -0.5983387032671718 -0.6354855488241837 -0.7020403137804953 +14040,-0.8072897095253595,0,-0.2779471603379571 -0.07828286546903115 0.07185230199055727 0.2188918989870555 0.3674792812151032 0.45105968371837124 0.4108172676982779 0.4123650529298186 0.33961914704734425 0.18329283866158427 -0.051970516532812906 -0.15102877135150553 -0.3181895763580504 -0.3739098446935683 -0.4884459518276855 -0.5580962872470785 -0.5983387032671718 -0.6354855488241837 -0.7020403137804953 -0.7716906491998883 +14041,-0.8552710517031651,0,-0.07828286546903115 0.07185230199055727 0.2188918989870555 0.3674792812151032 0.45105968371837124 0.4108172676982779 0.4123650529298186 0.33961914704734425 0.18329283866158427 -0.051970516532812906 -0.15102877135150553 -0.3181895763580504 -0.3739098446935683 -0.4884459518276855 -0.5580962872470785 -0.5983387032671718 -0.6354855488241837 -0.7020403137804953 -0.7716906491998883 -0.8072897095253595 +14042,-0.7314482331797949,0,0.07185230199055727 0.2188918989870555 0.3674792812151032 0.45105968371837124 0.4108172676982779 0.4123650529298186 0.33961914704734425 0.18329283866158427 -0.051970516532812906 -0.15102877135150553 -0.3181895763580504 -0.3739098446935683 -0.4884459518276855 -0.5580962872470785 -0.5983387032671718 -0.6354855488241837 -0.7020403137804953 -0.7716906491998883 -0.8072897095253595 -0.8552710517031651 +14043,-0.4234389721029146,0,0.2188918989870555 0.3674792812151032 0.45105968371837124 0.4108172676982779 0.4123650529298186 0.33961914704734425 0.18329283866158427 -0.051970516532812906 -0.15102877135150553 -0.3181895763580504 -0.3739098446935683 -0.4884459518276855 -0.5580962872470785 -0.5983387032671718 -0.6354855488241837 -0.7020403137804953 -0.7716906491998883 -0.8072897095253595 -0.8552710517031651 -0.7314482331797949 +14044,-0.15567212704613642,0,0.3674792812151032 0.45105968371837124 0.4108172676982779 0.4123650529298186 0.33961914704734425 0.18329283866158427 -0.051970516532812906 -0.15102877135150553 -0.3181895763580504 -0.3739098446935683 -0.4884459518276855 -0.5580962872470785 -0.5983387032671718 -0.6354855488241837 -0.7020403137804953 -0.7716906491998883 -0.8072897095253595 -0.8552710517031651 -0.7314482331797949 -0.4234389721029146 +14045,0.1074513623160285,0,0.45105968371837124 0.4108172676982779 0.4123650529298186 0.33961914704734425 0.18329283866158427 -0.051970516532812906 -0.15102877135150553 -0.3181895763580504 -0.3739098446935683 -0.4884459518276855 -0.5580962872470785 -0.5983387032671718 -0.6354855488241837 -0.7020403137804953 -0.7716906491998883 -0.8072897095253595 -0.8552710517031651 -0.7314482331797949 -0.4234389721029146 -0.15567212704613642 +14046,0.25139538884944534,0,0.4108172676982779 0.4123650529298186 0.33961914704734425 0.18329283866158427 -0.051970516532812906 -0.15102877135150553 -0.3181895763580504 -0.3739098446935683 -0.4884459518276855 -0.5580962872470785 -0.5983387032671718 -0.6354855488241837 -0.7020403137804953 -0.7716906491998883 -0.8072897095253595 -0.8552710517031651 -0.7314482331797949 -0.4234389721029146 -0.15567212704613642 0.1074513623160285 +14047,0.39843498584594356,0,0.4123650529298186 0.33961914704734425 0.18329283866158427 -0.051970516532812906 -0.15102877135150553 -0.3181895763580504 -0.3739098446935683 -0.4884459518276855 -0.5580962872470785 -0.5983387032671718 -0.6354855488241837 -0.7020403137804953 -0.7716906491998883 -0.8072897095253595 -0.8552710517031651 -0.7314482331797949 -0.4234389721029146 -0.15567212704613642 0.1074513623160285 0.25139538884944534 +14048,0.5160666634431421,0,0.33961914704734425 0.18329283866158427 -0.051970516532812906 -0.15102877135150553 -0.3181895763580504 -0.3739098446935683 -0.4884459518276855 -0.5580962872470785 -0.5983387032671718 -0.6354855488241837 -0.7020403137804953 -0.7716906491998883 -0.8072897095253595 -0.8552710517031651 -0.7314482331797949 -0.4234389721029146 -0.15567212704613642 0.1074513623160285 0.25139538884944534 0.39843498584594356 +14049,0.5423790123793604,0,0.18329283866158427 -0.051970516532812906 -0.15102877135150553 -0.3181895763580504 -0.3739098446935683 -0.4884459518276855 -0.5580962872470785 -0.5983387032671718 -0.6354855488241837 -0.7020403137804953 -0.7716906491998883 -0.8072897095253595 -0.8552710517031651 -0.7314482331797949 -0.4234389721029146 -0.15567212704613642 0.1074513623160285 0.25139538884944534 0.39843498584594356 0.5160666634431421 +14050,0.5686913613155699,0,-0.051970516532812906 -0.15102877135150553 -0.3181895763580504 -0.3739098446935683 -0.4884459518276855 -0.5580962872470785 -0.5983387032671718 -0.6354855488241837 -0.7020403137804953 -0.7716906491998883 -0.8072897095253595 -0.8552710517031651 -0.7314482331797949 -0.4234389721029146 -0.15567212704613642 0.1074513623160285 0.25139538884944534 0.39843498584594356 0.5160666634431421 0.5423790123793604 +14051,0.5655957908524885,0,-0.15102877135150553 -0.3181895763580504 -0.3739098446935683 -0.4884459518276855 -0.5580962872470785 -0.5983387032671718 -0.6354855488241837 -0.7020403137804953 -0.7716906491998883 -0.8072897095253595 -0.8552710517031651 -0.7314482331797949 -0.4234389721029146 -0.15567212704613642 0.1074513623160285 0.25139538884944534 0.39843498584594356 0.5160666634431421 0.5423790123793604 0.5686913613155699 +14052,0.5299967305270172,0,-0.3181895763580504 -0.3739098446935683 -0.4884459518276855 -0.5580962872470785 -0.5983387032671718 -0.6354855488241837 -0.7020403137804953 -0.7716906491998883 -0.8072897095253595 -0.8552710517031651 -0.7314482331797949 -0.4234389721029146 -0.15567212704613642 0.1074513623160285 0.25139538884944534 0.39843498584594356 0.5160666634431421 0.5423790123793604 0.5686913613155699 0.5655957908524885 +14053,0.38605270399360037,0,-0.3739098446935683 -0.4884459518276855 -0.5580962872470785 -0.5983387032671718 -0.6354855488241837 -0.7020403137804953 -0.7716906491998883 -0.8072897095253595 -0.8552710517031651 -0.7314482331797949 -0.4234389721029146 -0.15567212704613642 0.1074513623160285 0.25139538884944534 0.39843498584594356 0.5160666634431421 0.5423790123793604 0.5686913613155699 0.5655957908524885 0.5299967305270172 +14054,0.20496183190318043,0,-0.4884459518276855 -0.5580962872470785 -0.5983387032671718 -0.6354855488241837 -0.7020403137804953 -0.7716906491998883 -0.8072897095253595 -0.8552710517031651 -0.7314482331797949 -0.4234389721029146 -0.15567212704613642 0.1074513623160285 0.25139538884944534 0.39843498584594356 0.5160666634431421 0.5423790123793604 0.5686913613155699 0.5655957908524885 0.5299967305270172 0.38605270399360037 +14055,-0.02101481190197256,0,-0.5580962872470785 -0.5983387032671718 -0.6354855488241837 -0.7020403137804953 -0.7716906491998883 -0.8072897095253595 -0.8552710517031651 -0.7314482331797949 -0.4234389721029146 -0.15567212704613642 0.1074513623160285 0.25139538884944534 0.39843498584594356 0.5160666634431421 0.5423790123793604 0.5686913613155699 0.5655957908524885 0.5299967305270172 0.38605270399360037 0.20496183190318043 +14056,-0.1618632679722992,0,-0.5983387032671718 -0.6354855488241837 -0.7020403137804953 -0.7716906491998883 -0.8072897095253595 -0.8552710517031651 -0.7314482331797949 -0.4234389721029146 -0.15567212704613642 0.1074513623160285 0.25139538884944534 0.39843498584594356 0.5160666634431421 0.5423790123793604 0.5686913613155699 0.5655957908524885 0.5299967305270172 0.38605270399360037 0.20496183190318043 -0.02101481190197256 +14057,-0.282590516032588,0,-0.6354855488241837 -0.7020403137804953 -0.7716906491998883 -0.8072897095253595 -0.8552710517031651 -0.7314482331797949 -0.4234389721029146 -0.15567212704613642 0.1074513623160285 0.25139538884944534 0.39843498584594356 0.5160666634431421 0.5423790123793604 0.5686913613155699 0.5655957908524885 0.5299967305270172 0.38605270399360037 0.20496183190318043 -0.02101481190197256 -0.1618632679722992 +14058,-0.36771870376739674,0,-0.7020403137804953 -0.7716906491998883 -0.8072897095253595 -0.8552710517031651 -0.7314482331797949 -0.4234389721029146 -0.15567212704613642 0.1074513623160285 0.25139538884944534 0.39843498584594356 0.5160666634431421 0.5423790123793604 0.5686913613155699 0.5655957908524885 0.5299967305270172 0.38605270399360037 0.20496183190318043 -0.02101481190197256 -0.1618632679722992 -0.282590516032588 +14059,-0.41724783117675185,0,-0.7716906491998883 -0.8072897095253595 -0.8552710517031651 -0.7314482331797949 -0.4234389721029146 -0.15567212704613642 0.1074513623160285 0.25139538884944534 0.39843498584594356 0.5160666634431421 0.5423790123793604 0.5686913613155699 0.5655957908524885 0.5299967305270172 0.38605270399360037 0.20496183190318043 -0.02101481190197256 -0.1618632679722992 -0.282590516032588 -0.36771870376739674 +14060,-0.48999373705922616,0,-0.8072897095253595 -0.8552710517031651 -0.7314482331797949 -0.4234389721029146 -0.15567212704613642 0.1074513623160285 0.25139538884944534 0.39843498584594356 0.5160666634431421 0.5423790123793604 0.5686913613155699 0.5655957908524885 0.5299967305270172 0.38605270399360037 0.20496183190318043 -0.02101481190197256 -0.1618632679722992 -0.282590516032588 -0.36771870376739674 -0.41724783117675185 +14061,-0.5302361530793195,0,-0.8552710517031651 -0.7314482331797949 -0.4234389721029146 -0.15567212704613642 0.1074513623160285 0.25139538884944534 0.39843498584594356 0.5160666634431421 0.5423790123793604 0.5686913613155699 0.5655957908524885 0.5299967305270172 0.38605270399360037 0.20496183190318043 -0.02101481190197256 -0.1618632679722992 -0.282590516032588 -0.36771870376739674 -0.41724783117675185 -0.48999373705922616 +14062,-0.5410706497001132,0,-0.7314482331797949 -0.4234389721029146 -0.15567212704613642 0.1074513623160285 0.25139538884944534 0.39843498584594356 0.5160666634431421 0.5423790123793604 0.5686913613155699 0.5655957908524885 0.5299967305270172 0.38605270399360037 0.20496183190318043 -0.02101481190197256 -0.1618632679722992 -0.282590516032588 -0.36771870376739674 -0.41724783117675185 -0.48999373705922616 -0.5302361530793195 +14063,-0.5070193746061915,0,-0.4234389721029146 -0.15567212704613642 0.1074513623160285 0.25139538884944534 0.39843498584594356 0.5160666634431421 0.5423790123793604 0.5686913613155699 0.5655957908524885 0.5299967305270172 0.38605270399360037 0.20496183190318043 -0.02101481190197256 -0.1618632679722992 -0.282590516032588 -0.36771870376739674 -0.41724783117675185 -0.48999373705922616 -0.5302361530793195 -0.5410706497001132 +14064,-0.5147583007639037,0,-0.15567212704613642 0.1074513623160285 0.25139538884944534 0.39843498584594356 0.5160666634431421 0.5423790123793604 0.5686913613155699 0.5655957908524885 0.5299967305270172 0.38605270399360037 0.20496183190318043 -0.02101481190197256 -0.1618632679722992 -0.282590516032588 -0.36771870376739674 -0.41724783117675185 -0.48999373705922616 -0.5302361530793195 -0.5410706497001132 -0.5070193746061915 +14065,-0.5751219247940438,0,0.1074513623160285 0.25139538884944534 0.39843498584594356 0.5160666634431421 0.5423790123793604 0.5686913613155699 0.5655957908524885 0.5299967305270172 0.38605270399360037 0.20496183190318043 -0.02101481190197256 -0.1618632679722992 -0.282590516032588 -0.36771870376739674 -0.41724783117675185 -0.48999373705922616 -0.5302361530793195 -0.5410706497001132 -0.5070193746061915 -0.5147583007639037 +14066,-0.5255927973846974,0,0.25139538884944534 0.39843498584594356 0.5160666634431421 0.5423790123793604 0.5686913613155699 0.5655957908524885 0.5299967305270172 0.38605270399360037 0.20496183190318043 -0.02101481190197256 -0.1618632679722992 -0.282590516032588 -0.36771870376739674 -0.41724783117675185 -0.48999373705922616 -0.5302361530793195 -0.5410706497001132 -0.5070193746061915 -0.5147583007639037 -0.5751219247940438 +14067,-0.4853503813646041,0,0.39843498584594356 0.5160666634431421 0.5423790123793604 0.5686913613155699 0.5655957908524885 0.5299967305270172 0.38605270399360037 0.20496183190318043 -0.02101481190197256 -0.1618632679722992 -0.282590516032588 -0.36771870376739674 -0.41724783117675185 -0.48999373705922616 -0.5302361530793195 -0.5410706497001132 -0.5070193746061915 -0.5147583007639037 -0.5751219247940438 -0.5255927973846974 +14068,-0.6514277367090687,0,0.5160666634431421 0.5423790123793604 0.5686913613155699 0.5655957908524885 0.5299967305270172 0.38605270399360037 0.20496183190318043 -0.02101481190197256 -0.1618632679722992 -0.282590516032588 -0.36771870376739674 -0.41724783117675185 -0.48999373705922616 -0.5302361530793195 -0.5410706497001132 -0.5070193746061915 -0.5147583007639037 -0.5751219247940438 -0.5255927973846974 -0.4853503813646041 +14069,0.35385877117752923,0,0.5423790123793604 0.5686913613155699 0.5655957908524885 0.5299967305270172 0.38605270399360037 0.20496183190318043 -0.02101481190197256 -0.1618632679722992 -0.282590516032588 -0.36771870376739674 -0.41724783117675185 -0.48999373705922616 -0.5302361530793195 -0.5410706497001132 -0.5070193746061915 -0.5147583007639037 -0.5751219247940438 -0.5255927973846974 -0.4853503813646041 -0.6514277367090687 +14070,0.44796411325528984,0,0.5686913613155699 0.5655957908524885 0.5299967305270172 0.38605270399360037 0.20496183190318043 -0.02101481190197256 -0.1618632679722992 -0.282590516032588 -0.36771870376739674 -0.41724783117675185 -0.48999373705922616 -0.5302361530793195 -0.5410706497001132 -0.5070193746061915 -0.5147583007639037 -0.5751219247940438 -0.5255927973846974 -0.4853503813646041 -0.6514277367090687 0.35385877117752923 +14071,0.5067799520538891,0,0.5655957908524885 0.5299967305270172 0.38605270399360037 0.20496183190318043 -0.02101481190197256 -0.1618632679722992 -0.282590516032588 -0.36771870376739674 -0.41724783117675185 -0.48999373705922616 -0.5302361530793195 -0.5410706497001132 -0.5070193746061915 -0.5147583007639037 -0.5751219247940438 -0.5255927973846974 -0.4853503813646041 -0.6514277367090687 0.35385877117752923 0.44796411325528984 +14072,0.5702391465471105,0,0.5299967305270172 0.38605270399360037 0.20496183190318043 -0.02101481190197256 -0.1618632679722992 -0.282590516032588 -0.36771870376739674 -0.41724783117675185 -0.48999373705922616 -0.5302361530793195 -0.5410706497001132 -0.5070193746061915 -0.5147583007639037 -0.5751219247940438 -0.5255927973846974 -0.4853503813646041 -0.6514277367090687 0.35385877117752923 0.44796411325528984 0.5067799520538891 +14073,0.6058382068725817,0,0.38605270399360037 0.20496183190318043 -0.02101481190197256 -0.1618632679722992 -0.282590516032588 -0.36771870376739674 -0.41724783117675185 -0.48999373705922616 -0.5302361530793195 -0.5410706497001132 -0.5070193746061915 -0.5147583007639037 -0.5751219247940438 -0.5255927973846974 -0.4853503813646041 -0.6514277367090687 0.35385877117752923 0.44796411325528984 0.5067799520538891 0.5702391465471105 +14074,0.6011948511779597,0,0.20496183190318043 -0.02101481190197256 -0.1618632679722992 -0.282590516032588 -0.36771870376739674 -0.41724783117675185 -0.48999373705922616 -0.5302361530793195 -0.5410706497001132 -0.5070193746061915 -0.5147583007639037 -0.5751219247940438 -0.5255927973846974 -0.4853503813646041 -0.6514277367090687 0.35385877117752923 0.44796411325528984 0.5067799520538891 0.5702391465471105 0.6058382068725817 +14075,0.6058382068725817,0,-0.02101481190197256 -0.1618632679722992 -0.282590516032588 -0.36771870376739674 -0.41724783117675185 -0.48999373705922616 -0.5302361530793195 -0.5410706497001132 -0.5070193746061915 -0.5147583007639037 -0.5751219247940438 -0.5255927973846974 -0.4853503813646041 -0.6514277367090687 0.35385877117752923 0.44796411325528984 0.5067799520538891 0.5702391465471105 0.6058382068725817 0.6011948511779597 +14076,0.46034639510762426,0,-0.1618632679722992 -0.282590516032588 -0.36771870376739674 -0.41724783117675185 -0.48999373705922616 -0.5302361530793195 -0.5410706497001132 -0.5070193746061915 -0.5147583007639037 -0.5751219247940438 -0.5255927973846974 -0.4853503813646041 -0.6514277367090687 0.35385877117752923 0.44796411325528984 0.5067799520538891 0.5702391465471105 0.6058382068725817 0.6011948511779597 0.6058382068725817 +14077,0.3937916301513127,0,-0.282590516032588 -0.36771870376739674 -0.41724783117675185 -0.48999373705922616 -0.5302361530793195 -0.5410706497001132 -0.5070193746061915 -0.5147583007639037 -0.5751219247940438 -0.5255927973846974 -0.4853503813646041 -0.6514277367090687 0.35385877117752923 0.44796411325528984 0.5067799520538891 0.5702391465471105 0.6058382068725817 0.6011948511779597 0.6058382068725817 0.46034639510762426 +14078,0.1043557918529383,0,-0.36771870376739674 -0.41724783117675185 -0.48999373705922616 -0.5302361530793195 -0.5410706497001132 -0.5070193746061915 -0.5147583007639037 -0.5751219247940438 -0.5255927973846974 -0.4853503813646041 -0.6514277367090687 0.35385877117752923 0.44796411325528984 0.5067799520538891 0.5702391465471105 0.6058382068725817 0.6011948511779597 0.6058382068725817 0.46034639510762426 0.3937916301513127 +14079,-0.09840407347907781,0,-0.41724783117675185 -0.48999373705922616 -0.5302361530793195 -0.5410706497001132 -0.5070193746061915 -0.5147583007639037 -0.5751219247940438 -0.5255927973846974 -0.4853503813646041 -0.6514277367090687 0.35385877117752923 0.44796411325528984 0.5067799520538891 0.5702391465471105 0.6058382068725817 0.6011948511779597 0.6058382068725817 0.46034639510762426 0.3937916301513127 0.1043557918529383 +14080,-0.2516348114017388,0,-0.48999373705922616 -0.5302361530793195 -0.5410706497001132 -0.5070193746061915 -0.5147583007639037 -0.5751219247940438 -0.5255927973846974 -0.4853503813646041 -0.6514277367090687 0.35385877117752923 0.44796411325528984 0.5067799520538891 0.5702391465471105 0.6058382068725817 0.6011948511779597 0.6058382068725817 0.46034639510762426 0.3937916301513127 0.1043557918529383 -0.09840407347907781 +14081,-0.30735507973725673,0,-0.5302361530793195 -0.5410706497001132 -0.5070193746061915 -0.5147583007639037 -0.5751219247940438 -0.5255927973846974 -0.4853503813646041 -0.6514277367090687 0.35385877117752923 0.44796411325528984 0.5067799520538891 0.5702391465471105 0.6058382068725817 0.6011948511779597 0.6058382068725817 0.46034639510762426 0.3937916301513127 0.1043557918529383 -0.09840407347907781 -0.2516348114017388 +14082,-0.29497279788492237,0,-0.5410706497001132 -0.5070193746061915 -0.5147583007639037 -0.5751219247940438 -0.5255927973846974 -0.4853503813646041 -0.6514277367090687 0.35385877117752923 0.44796411325528984 0.5067799520538891 0.5702391465471105 0.6058382068725817 0.6011948511779597 0.6058382068725817 0.46034639510762426 0.3937916301513127 0.1043557918529383 -0.09840407347907781 -0.2516348114017388 -0.30735507973725673 +14083,-0.3166417911265097,0,-0.5070193746061915 -0.5147583007639037 -0.5751219247940438 -0.5255927973846974 -0.4853503813646041 -0.6514277367090687 0.35385877117752923 0.44796411325528984 0.5067799520538891 0.5702391465471105 0.6058382068725817 0.6011948511779597 0.6058382068725817 0.46034639510762426 0.3937916301513127 0.1043557918529383 -0.09840407347907781 -0.2516348114017388 -0.30735507973725673 -0.29497279788492237 +14084,-0.29342501265338167,0,-0.5147583007639037 -0.5751219247940438 -0.5255927973846974 -0.4853503813646041 -0.6514277367090687 0.35385877117752923 0.44796411325528984 0.5067799520538891 0.5702391465471105 0.6058382068725817 0.6011948511779597 0.6058382068725817 0.46034639510762426 0.3937916301513127 0.1043557918529383 -0.09840407347907781 -0.2516348114017388 -0.30735507973725673 -0.29497279788492237 -0.3166417911265097 +14085,-0.29497279788492237,0,-0.5751219247940438 -0.5255927973846974 -0.4853503813646041 -0.6514277367090687 0.35385877117752923 0.44796411325528984 0.5067799520538891 0.5702391465471105 0.6058382068725817 0.6011948511779597 0.6058382068725817 0.46034639510762426 0.3937916301513127 0.1043557918529383 -0.09840407347907781 -0.2516348114017388 -0.30735507973725673 -0.29497279788492237 -0.3166417911265097 -0.29342501265338167 +14086,-0.34604971052580935,0,-0.5255927973846974 -0.4853503813646041 -0.6514277367090687 0.35385877117752923 0.44796411325528984 0.5067799520538891 0.5702391465471105 0.6058382068725817 0.6011948511779597 0.6058382068725817 0.46034639510762426 0.3937916301513127 0.1043557918529383 -0.09840407347907781 -0.2516348114017388 -0.30735507973725673 -0.29497279788492237 -0.3166417911265097 -0.29342501265338167 -0.29497279788492237 +14087,-0.40486554932440866,0,-0.4853503813646041 -0.6514277367090687 0.35385877117752923 0.44796411325528984 0.5067799520538891 0.5702391465471105 0.6058382068725817 0.6011948511779597 0.6058382068725817 0.46034639510762426 0.3937916301513127 0.1043557918529383 -0.09840407347907781 -0.2516348114017388 -0.30735507973725673 -0.29497279788492237 -0.3166417911265097 -0.29342501265338167 -0.29497279788492237 -0.34604971052580935 +14088,-0.4280823277975455,0,-0.6514277367090687 0.35385877117752923 0.44796411325528984 0.5067799520538891 0.5702391465471105 0.6058382068725817 0.6011948511779597 0.6058382068725817 0.46034639510762426 0.3937916301513127 0.1043557918529383 -0.09840407347907781 -0.2516348114017388 -0.30735507973725673 -0.29497279788492237 -0.3166417911265097 -0.29342501265338167 -0.29497279788492237 -0.34604971052580935 -0.40486554932440866 +14089,-0.49154152229076686,0,0.35385877117752923 0.44796411325528984 0.5067799520538891 0.5702391465471105 0.6058382068725817 0.6011948511779597 0.6058382068725817 0.46034639510762426 0.3937916301513127 0.1043557918529383 -0.09840407347907781 -0.2516348114017388 -0.30735507973725673 -0.29497279788492237 -0.3166417911265097 -0.29342501265338167 -0.29497279788492237 -0.34604971052580935 -0.40486554932440866 -0.4280823277975455 +14090,-0.40641333455594936,0,0.44796411325528984 0.5067799520538891 0.5702391465471105 0.6058382068725817 0.6011948511779597 0.6058382068725817 0.46034639510762426 0.3937916301513127 0.1043557918529383 -0.09840407347907781 -0.2516348114017388 -0.30735507973725673 -0.29497279788492237 -0.3166417911265097 -0.29342501265338167 -0.29497279788492237 -0.34604971052580935 -0.40486554932440866 -0.4280823277975455 -0.49154152229076686 +14091,-0.09995185871061851,0,0.5067799520538891 0.5702391465471105 0.6058382068725817 0.6011948511779597 0.6058382068725817 0.46034639510762426 0.3937916301513127 0.1043557918529383 -0.09840407347907781 -0.2516348114017388 -0.30735507973725673 -0.29497279788492237 -0.3166417911265097 -0.29342501265338167 -0.29497279788492237 -0.34604971052580935 -0.40486554932440866 -0.4280823277975455 -0.49154152229076686 -0.40641333455594936 +14092,0.20186626144009023,0,0.5702391465471105 0.6058382068725817 0.6011948511779597 0.6058382068725817 0.46034639510762426 0.3937916301513127 0.1043557918529383 -0.09840407347907781 -0.2516348114017388 -0.30735507973725673 -0.29497279788492237 -0.3166417911265097 -0.29342501265338167 -0.29497279788492237 -0.34604971052580935 -0.40486554932440866 -0.4280823277975455 -0.49154152229076686 -0.40641333455594936 -0.09995185871061851 +14093,0.49130209973846456,0,0.6058382068725817 0.6011948511779597 0.6058382068725817 0.46034639510762426 0.3937916301513127 0.1043557918529383 -0.09840407347907781 -0.2516348114017388 -0.30735507973725673 -0.29497279788492237 -0.3166417911265097 -0.29342501265338167 -0.29497279788492237 -0.34604971052580935 -0.40486554932440866 -0.4280823277975455 -0.49154152229076686 -0.40641333455594936 -0.09995185871061851 0.20186626144009023 +14094,0.7126353878489867,0,0.6011948511779597 0.6058382068725817 0.46034639510762426 0.3937916301513127 0.1043557918529383 -0.09840407347907781 -0.2516348114017388 -0.30735507973725673 -0.29497279788492237 -0.3166417911265097 -0.29342501265338167 -0.29497279788492237 -0.34604971052580935 -0.40486554932440866 -0.4280823277975455 -0.49154152229076686 -0.40641333455594936 -0.09995185871061851 0.20186626144009023 0.49130209973846456 +14095,0.8859873337817031,0,0.6058382068725817 0.46034639510762426 0.3937916301513127 0.1043557918529383 -0.09840407347907781 -0.2516348114017388 -0.30735507973725673 -0.29497279788492237 -0.3166417911265097 -0.29342501265338167 -0.29497279788492237 -0.34604971052580935 -0.40486554932440866 -0.4280823277975455 -0.49154152229076686 -0.40641333455594936 -0.09995185871061851 0.20186626144009023 0.49130209973846456 0.7126353878489867 +14096,1.181614313006249,0,0.46034639510762426 0.3937916301513127 0.1043557918529383 -0.09840407347907781 -0.2516348114017388 -0.30735507973725673 -0.29497279788492237 -0.3166417911265097 -0.29342501265338167 -0.29497279788492237 -0.34604971052580935 -0.40486554932440866 -0.4280823277975455 -0.49154152229076686 -0.40641333455594936 -0.09995185871061851 0.20186626144009023 0.49130209973846456 0.7126353878489867 0.8859873337817031 +14097,1.2265000847209646,0,0.3937916301513127 0.1043557918529383 -0.09840407347907781 -0.2516348114017388 -0.30735507973725673 -0.29497279788492237 -0.3166417911265097 -0.29342501265338167 -0.29497279788492237 -0.34604971052580935 -0.40486554932440866 -0.4280823277975455 -0.49154152229076686 -0.40641333455594936 -0.09995185871061851 0.20186626144009023 0.49130209973846456 0.7126353878489867 0.8859873337817031 1.181614313006249 +14098,1.1847098834693306,0,0.1043557918529383 -0.09840407347907781 -0.2516348114017388 -0.30735507973725673 -0.29497279788492237 -0.3166417911265097 -0.29342501265338167 -0.29497279788492237 -0.34604971052580935 -0.40486554932440866 -0.4280823277975455 -0.49154152229076686 -0.40641333455594936 -0.09995185871061851 0.20186626144009023 0.49130209973846456 0.7126353878489867 0.8859873337817031 1.181614313006249 1.2265000847209646 +14099,1.0841038434190973,0,-0.09840407347907781 -0.2516348114017388 -0.30735507973725673 -0.29497279788492237 -0.3166417911265097 -0.29342501265338167 -0.29497279788492237 -0.34604971052580935 -0.40486554932440866 -0.4280823277975455 -0.49154152229076686 -0.40641333455594936 -0.09995185871061851 0.20186626144009023 0.49130209973846456 0.7126353878489867 0.8859873337817031 1.181614313006249 1.2265000847209646 1.1847098834693306 +14100,1.0268357898520386,0,-0.2516348114017388 -0.30735507973725673 -0.29497279788492237 -0.3166417911265097 -0.29342501265338167 -0.29497279788492237 -0.34604971052580935 -0.40486554932440866 -0.4280823277975455 -0.49154152229076686 -0.40641333455594936 -0.09995185871061851 0.20186626144009023 0.49130209973846456 0.7126353878489867 0.8859873337817031 1.181614313006249 1.2265000847209646 1.1847098834693306 1.0841038434190973 +14101,0.862770555308575,0,-0.30735507973725673 -0.29497279788492237 -0.3166417911265097 -0.29342501265338167 -0.29497279788492237 -0.34604971052580935 -0.40486554932440866 -0.4280823277975455 -0.49154152229076686 -0.40641333455594936 -0.09995185871061851 0.20186626144009023 0.49130209973846456 0.7126353878489867 0.8859873337817031 1.181614313006249 1.2265000847209646 1.1847098834693306 1.0841038434190973 1.0268357898520386 +14102,0.6785841127550649,0,-0.29497279788492237 -0.3166417911265097 -0.29342501265338167 -0.29497279788492237 -0.34604971052580935 -0.40486554932440866 -0.4280823277975455 -0.49154152229076686 -0.40641333455594936 -0.09995185871061851 0.20186626144009023 0.49130209973846456 0.7126353878489867 0.8859873337817031 1.181614313006249 1.2265000847209646 1.1847098834693306 1.0841038434190973 1.0268357898520386 0.862770555308575 +14103,0.49130209973846456,0,-0.3166417911265097 -0.29342501265338167 -0.29497279788492237 -0.34604971052580935 -0.40486554932440866 -0.4280823277975455 -0.49154152229076686 -0.40641333455594936 -0.09995185871061851 0.20186626144009023 0.49130209973846456 0.7126353878489867 0.8859873337817031 1.181614313006249 1.2265000847209646 1.1847098834693306 1.0841038434190973 1.0268357898520386 0.862770555308575 0.6785841127550649 +14104,0.3349757913527134,0,-0.29342501265338167 -0.29497279788492237 -0.34604971052580935 -0.40486554932440866 -0.4280823277975455 -0.49154152229076686 -0.40641333455594936 -0.09995185871061851 0.20186626144009023 0.49130209973846456 0.7126353878489867 0.8859873337817031 1.181614313006249 1.2265000847209646 1.1847098834693306 1.0841038434190973 1.0268357898520386 0.862770555308575 0.6785841127550649 0.49130209973846456 +14105,0.13221592602069726,0,-0.29497279788492237 -0.34604971052580935 -0.40486554932440866 -0.4280823277975455 -0.49154152229076686 -0.40641333455594936 -0.09995185871061851 0.20186626144009023 0.49130209973846456 0.7126353878489867 0.8859873337817031 1.181614313006249 1.2265000847209646 1.1847098834693306 1.0841038434190973 1.0268357898520386 0.862770555308575 0.6785841127550649 0.49130209973846456 0.3349757913527134 +14106,-0.7961456558582559,0,-0.34604971052580935 -0.40486554932440866 -0.4280823277975455 -0.49154152229076686 -0.40641333455594936 -0.09995185871061851 0.20186626144009023 0.49130209973846456 0.7126353878489867 0.8859873337817031 1.181614313006249 1.2265000847209646 1.1847098834693306 1.0841038434190973 1.0268357898520386 0.862770555308575 0.6785841127550649 0.49130209973846456 0.3349757913527134 0.13221592602069726 +14107,-0.7961456558582559,0,-0.40486554932440866 -0.4280823277975455 -0.49154152229076686 -0.40641333455594936 -0.09995185871061851 0.20186626144009023 0.49130209973846456 0.7126353878489867 0.8859873337817031 1.181614313006249 1.2265000847209646 1.1847098834693306 1.0841038434190973 1.0268357898520386 0.862770555308575 0.6785841127550649 0.49130209973846456 0.3349757913527134 0.13221592602069726 -0.7961456558582559 +14108,-0.1649588384353894,0,-0.4280823277975455 -0.49154152229076686 -0.40641333455594936 -0.09995185871061851 0.20186626144009023 0.49130209973846456 0.7126353878489867 0.8859873337817031 1.181614313006249 1.2265000847209646 1.1847098834693306 1.0841038434190973 1.0268357898520386 0.862770555308575 0.6785841127550649 0.49130209973846456 0.3349757913527134 0.13221592602069726 -0.7961456558582559 -0.7961456558582559 +14109,-0.19127118737159884,0,-0.49154152229076686 -0.40641333455594936 -0.09995185871061851 0.20186626144009023 0.49130209973846456 0.7126353878489867 0.8859873337817031 1.181614313006249 1.2265000847209646 1.1847098834693306 1.0841038434190973 1.0268357898520386 0.862770555308575 0.6785841127550649 0.49130209973846456 0.3349757913527134 0.13221592602069726 -0.7961456558582559 -0.7961456558582559 -0.1649588384353894 +14110,-0.15412434181458692,0,-0.40641333455594936 -0.09995185871061851 0.20186626144009023 0.49130209973846456 0.7126353878489867 0.8859873337817031 1.181614313006249 1.2265000847209646 1.1847098834693306 1.0841038434190973 1.0268357898520386 0.862770555308575 0.6785841127550649 0.49130209973846456 0.3349757913527134 0.13221592602069726 -0.7961456558582559 -0.7961456558582559 -0.1649588384353894 -0.19127118737159884 +14111,-0.2052012544554827,0,-0.09995185871061851 0.20186626144009023 0.49130209973846456 0.7126353878489867 0.8859873337817031 1.181614313006249 1.2265000847209646 1.1847098834693306 1.0841038434190973 1.0268357898520386 0.862770555308575 0.6785841127550649 0.49130209973846456 0.3349757913527134 0.13221592602069726 -0.7961456558582559 -0.7961456558582559 -0.1649588384353894 -0.19127118737159884 -0.15412434181458692 +14112,-0.24080031478094516,0,0.20186626144009023 0.49130209973846456 0.7126353878489867 0.8859873337817031 1.181614313006249 1.2265000847209646 1.1847098834693306 1.0841038434190973 1.0268357898520386 0.862770555308575 0.6785841127550649 0.49130209973846456 0.3349757913527134 0.13221592602069726 -0.7961456558582559 -0.7961456558582559 -0.1649588384353894 -0.19127118737159884 -0.15412434181458692 -0.2052012544554827 +14113,-0.34450192529426865,0,0.49130209973846456 0.7126353878489867 0.8859873337817031 1.181614313006249 1.2265000847209646 1.1847098834693306 1.0841038434190973 1.0268357898520386 0.862770555308575 0.6785841127550649 0.49130209973846456 0.3349757913527134 0.13221592602069726 -0.7961456558582559 -0.7961456558582559 -0.1649588384353894 -0.19127118737159884 -0.15412434181458692 -0.2052012544554827 -0.24080031478094516 +14114,-0.17579333505618308,0,0.7126353878489867 0.8859873337817031 1.181614313006249 1.2265000847209646 1.1847098834693306 1.0841038434190973 1.0268357898520386 0.862770555308575 0.6785841127550649 0.49130209973846456 0.3349757913527134 0.13221592602069726 -0.7961456558582559 -0.7961456558582559 -0.1649588384353894 -0.19127118737159884 -0.15412434181458692 -0.2052012544554827 -0.24080031478094516 -0.34450192529426865 +14115,0.25139538884944534,0,0.8859873337817031 1.181614313006249 1.2265000847209646 1.1847098834693306 1.0841038434190973 1.0268357898520386 0.862770555308575 0.6785841127550649 0.49130209973846456 0.3349757913527134 0.13221592602069726 -0.7961456558582559 -0.7961456558582559 -0.1649588384353894 -0.19127118737159884 -0.15412434181458692 -0.2052012544554827 -0.24080031478094516 -0.34450192529426865 -0.17579333505618308 +14116,1.0779127024929256,0,1.181614313006249 1.2265000847209646 1.1847098834693306 1.0841038434190973 1.0268357898520386 0.862770555308575 0.6785841127550649 0.49130209973846456 0.3349757913527134 0.13221592602069726 -0.7961456558582559 -0.7961456558582559 -0.1649588384353894 -0.19127118737159884 -0.15412434181458692 -0.2052012544554827 -0.24080031478094516 -0.34450192529426865 -0.17579333505618308 0.25139538884944534 +14117,1.2946026349088169,0,1.2265000847209646 1.1847098834693306 1.0841038434190973 1.0268357898520386 0.862770555308575 0.6785841127550649 0.49130209973846456 0.3349757913527134 0.13221592602069726 -0.7961456558582559 -0.7961456558582559 -0.1649588384353894 -0.19127118737159884 -0.15412434181458692 -0.2052012544554827 -0.24080031478094516 -0.34450192529426865 -0.17579333505618308 0.25139538884944534 1.0779127024929256 +14118,1.76512934529762,0,1.1847098834693306 1.0841038434190973 1.0268357898520386 0.862770555308575 0.6785841127550649 0.49130209973846456 0.3349757913527134 0.13221592602069726 -0.7961456558582559 -0.7961456558582559 -0.1649588384353894 -0.19127118737159884 -0.15412434181458692 -0.2052012544554827 -0.24080031478094516 -0.34450192529426865 -0.17579333505618308 0.25139538884944534 1.0779127024929256 1.2946026349088169 +14119,1.8579964591901497,0,1.0841038434190973 1.0268357898520386 0.862770555308575 0.6785841127550649 0.49130209973846456 0.3349757913527134 0.13221592602069726 -0.7961456558582559 -0.7961456558582559 -0.1649588384353894 -0.19127118737159884 -0.15412434181458692 -0.2052012544554827 -0.24080031478094516 -0.34450192529426865 -0.17579333505618308 0.25139538884944534 1.0779127024929256 1.2946026349088169 1.76512934529762 +14120,1.94931578785113,0,1.0268357898520386 0.862770555308575 0.6785841127550649 0.49130209973846456 0.3349757913527134 0.13221592602069726 -0.7961456558582559 -0.7961456558582559 -0.1649588384353894 -0.19127118737159884 -0.15412434181458692 -0.2052012544554827 -0.24080031478094516 -0.34450192529426865 -0.17579333505618308 0.25139538884944534 1.0779127024929256 1.2946026349088169 1.76512934529762 1.8579964591901497 +14121,1.9632458549350051,0,0.862770555308575 0.6785841127550649 0.49130209973846456 0.3349757913527134 0.13221592602069726 -0.7961456558582559 -0.7961456558582559 -0.1649588384353894 -0.19127118737159884 -0.15412434181458692 -0.2052012544554827 -0.24080031478094516 -0.34450192529426865 -0.17579333505618308 0.25139538884944534 1.0779127024929256 1.2946026349088169 1.76512934529762 1.8579964591901497 1.94931578785113 +14122,2.014322767575901,0,0.6785841127550649 0.49130209973846456 0.3349757913527134 0.13221592602069726 -0.7961456558582559 -0.7961456558582559 -0.1649588384353894 -0.19127118737159884 -0.15412434181458692 -0.2052012544554827 -0.24080031478094516 -0.34450192529426865 -0.17579333505618308 0.25139538884944534 1.0779127024929256 1.2946026349088169 1.76512934529762 1.8579964591901497 1.94931578785113 1.9632458549350051 +14123,1.9787237072504298,0,0.49130209973846456 0.3349757913527134 0.13221592602069726 -0.7961456558582559 -0.7961456558582559 -0.1649588384353894 -0.19127118737159884 -0.15412434181458692 -0.2052012544554827 -0.24080031478094516 -0.34450192529426865 -0.17579333505618308 0.25139538884944534 1.0779127024929256 1.2946026349088169 1.76512934529762 1.8579964591901497 1.94931578785113 1.9632458549350051 2.014322767575901 +14124,1.4606799902532903,0,0.3349757913527134 0.13221592602069726 -0.7961456558582559 -0.7961456558582559 -0.1649588384353894 -0.19127118737159884 -0.15412434181458692 -0.2052012544554827 -0.24080031478094516 -0.34450192529426865 -0.17579333505618308 0.25139538884944534 1.0779127024929256 1.2946026349088169 1.76512934529762 1.8579964591901497 1.94931578785113 1.9632458549350051 2.014322767575901 1.9787237072504298 +14125,1.6211853187642031,0,0.13221592602069726 -0.7961456558582559 -0.7961456558582559 -0.1649588384353894 -0.19127118737159884 -0.15412434181458692 -0.2052012544554827 -0.24080031478094516 -0.34450192529426865 -0.17579333505618308 0.25139538884944534 1.0779127024929256 1.2946026349088169 1.76512934529762 1.8579964591901497 1.94931578785113 1.9632458549350051 2.014322767575901 1.9787237072504298 1.4606799902532903 +14126,1.3673485407913,0,-0.7961456558582559 -0.7961456558582559 -0.1649588384353894 -0.19127118737159884 -0.15412434181458692 -0.2052012544554827 -0.24080031478094516 -0.34450192529426865 -0.17579333505618308 0.25139538884944534 1.0779127024929256 1.2946026349088169 1.76512934529762 1.8579964591901497 1.94931578785113 1.9632458549350051 2.014322767575901 1.9787237072504298 1.4606799902532903 1.6211853187642031 +14127,0.3674792812151032,0,-0.7961456558582559 -0.1649588384353894 -0.19127118737159884 -0.15412434181458692 -0.2052012544554827 -0.24080031478094516 -0.34450192529426865 -0.17579333505618308 0.25139538884944534 1.0779127024929256 1.2946026349088169 1.76512934529762 1.8579964591901497 1.94931578785113 1.9632458549350051 2.014322767575901 1.9787237072504298 1.4606799902532903 1.6211853187642031 1.3673485407913 +14128,0.9153952531810028,0,-0.1649588384353894 -0.19127118737159884 -0.15412434181458692 -0.2052012544554827 -0.24080031478094516 -0.34450192529426865 -0.17579333505618308 0.25139538884944534 1.0779127024929256 1.2946026349088169 1.76512934529762 1.8579964591901497 1.94931578785113 1.9632458549350051 2.014322767575901 1.9787237072504298 1.4606799902532903 1.6211853187642031 1.3673485407913 0.3674792812151032 +14129,0.7219220992382397,0,-0.19127118737159884 -0.15412434181458692 -0.2052012544554827 -0.24080031478094516 -0.34450192529426865 -0.17579333505618308 0.25139538884944534 1.0779127024929256 1.2946026349088169 1.76512934529762 1.8579964591901497 1.94931578785113 1.9632458549350051 2.014322767575901 1.9787237072504298 1.4606799902532903 1.6211853187642031 1.3673485407913 0.3674792812151032 0.9153952531810028 +14130,0.5795258579363636,0,-0.15412434181458692 -0.2052012544554827 -0.24080031478094516 -0.34450192529426865 -0.17579333505618308 0.25139538884944534 1.0779127024929256 1.2946026349088169 1.76512934529762 1.8579964591901497 1.94931578785113 1.9632458549350051 2.014322767575901 1.9787237072504298 1.4606799902532903 1.6211853187642031 1.3673485407913 0.3674792812151032 0.9153952531810028 0.7219220992382397 +14131,0.3380713618157948,0,-0.2052012544554827 -0.24080031478094516 -0.34450192529426865 -0.17579333505618308 0.25139538884944534 1.0779127024929256 1.2946026349088169 1.76512934529762 1.8579964591901497 1.94931578785113 1.9632458549350051 2.014322767575901 1.9787237072504298 1.4606799902532903 1.6211853187642031 1.3673485407913 0.3674792812151032 0.9153952531810028 0.7219220992382397 0.5795258579363636 +14132,0.313306798111126,0,-0.24080031478094516 -0.34450192529426865 -0.17579333505618308 0.25139538884944534 1.0779127024929256 1.2946026349088169 1.76512934529762 1.8579964591901497 1.94931578785113 1.9632458549350051 2.014322767575901 1.9787237072504298 1.4606799902532903 1.6211853187642031 1.3673485407913 0.3674792812151032 0.9153952531810028 0.7219220992382397 0.5795258579363636 0.3380713618157948 +14133,0.23901310699710215,0,-0.34450192529426865 -0.17579333505618308 0.25139538884944534 1.0779127024929256 1.2946026349088169 1.76512934529762 1.8579964591901497 1.94931578785113 1.9632458549350051 2.014322767575901 1.9787237072504298 1.4606799902532903 1.6211853187642031 1.3673485407913 0.3674792812151032 0.9153952531810028 0.7219220992382397 0.5795258579363636 0.3380713618157948 0.313306798111126 +14134,0.2173441137555148,0,-0.17579333505618308 0.25139538884944534 1.0779127024929256 1.2946026349088169 1.76512934529762 1.8579964591901497 1.94931578785113 1.9632458549350051 2.014322767575901 1.9787237072504298 1.4606799902532903 1.6211853187642031 1.3673485407913 0.3674792812151032 0.9153952531810028 0.7219220992382397 0.5795258579363636 0.3380713618157948 0.313306798111126 0.23901310699710215 +14135,0.19257955005083724,0,0.25139538884944534 1.0779127024929256 1.2946026349088169 1.76512934529762 1.8579964591901497 1.94931578785113 1.9632458549350051 2.014322767575901 1.9787237072504298 1.4606799902532903 1.6211853187642031 1.3673485407913 0.3674792812151032 0.9153952531810028 0.7219220992382397 0.5795258579363636 0.3380713618157948 0.313306798111126 0.23901310699710215 0.2173441137555148 +14136,0.13531149648378746,0,1.0779127024929256 1.2946026349088169 1.76512934529762 1.8579964591901497 1.94931578785113 1.9632458549350051 2.014322767575901 1.9787237072504298 1.4606799902532903 1.6211853187642031 1.3673485407913 0.3674792812151032 0.9153952531810028 0.7219220992382397 0.5795258579363636 0.3380713618157948 0.313306798111126 0.23901310699710215 0.2173441137555148 0.19257955005083724 +14137,-1.220238809300794,0,1.2946026349088169 1.76512934529762 1.8579964591901497 1.94931578785113 1.9632458549350051 2.014322767575901 1.9787237072504298 1.4606799902532903 1.6211853187642031 1.3673485407913 0.3674792812151032 0.9153952531810028 0.7219220992382397 0.5795258579363636 0.3380713618157948 0.313306798111126 0.23901310699710215 0.2173441137555148 0.19257955005083724 0.13531149648378746 +14138,0.45415525418145264,0,1.76512934529762 1.8579964591901497 1.94931578785113 1.9632458549350051 2.014322767575901 1.9787237072504298 1.4606799902532903 1.6211853187642031 1.3673485407913 0.3674792812151032 0.9153952531810028 0.7219220992382397 0.5795258579363636 0.3380713618157948 0.313306798111126 0.23901310699710215 0.2173441137555148 0.19257955005083724 0.13531149648378746 -1.220238809300794 +14139,0.9401598168856804,0,1.8579964591901497 1.94931578785113 1.9632458549350051 2.014322767575901 1.9787237072504298 1.4606799902532903 1.6211853187642031 1.3673485407913 0.3674792812151032 0.9153952531810028 0.7219220992382397 0.5795258579363636 0.3380713618157948 0.313306798111126 0.23901310699710215 0.2173441137555148 0.19257955005083724 0.13531149648378746 -1.220238809300794 0.45415525418145264 +14140,1.4540245137576582,0,1.94931578785113 1.9632458549350051 2.014322767575901 1.9787237072504298 1.4606799902532903 1.6211853187642031 1.3673485407913 0.3674792812151032 0.9153952531810028 0.7219220992382397 0.5795258579363636 0.3380713618157948 0.313306798111126 0.23901310699710215 0.2173441137555148 0.19257955005083724 0.13531149648378746 -1.220238809300794 0.45415525418145264 0.9401598168856804 +14141,1.837875251180103,0,1.9632458549350051 2.014322767575901 1.9787237072504298 1.4606799902532903 1.6211853187642031 1.3673485407913 0.3674792812151032 0.9153952531810028 0.7219220992382397 0.5795258579363636 0.3380713618157948 0.313306798111126 0.23901310699710215 0.2173441137555148 0.19257955005083724 0.13531149648378746 -1.220238809300794 0.45415525418145264 0.9401598168856804 1.4540245137576582 +14142,2.0483740426698227,0,2.014322767575901 1.9787237072504298 1.4606799902532903 1.6211853187642031 1.3673485407913 0.3674792812151032 0.9153952531810028 0.7219220992382397 0.5795258579363636 0.3380713618157948 0.313306798111126 0.23901310699710215 0.2173441137555148 0.19257955005083724 0.13531149648378746 -1.220238809300794 0.45415525418145264 0.9401598168856804 1.4540245137576582 1.837875251180103 +14143,1.4815750908791072,0,1.9787237072504298 1.4606799902532903 1.6211853187642031 1.3673485407913 0.3674792812151032 0.9153952531810028 0.7219220992382397 0.5795258579363636 0.3380713618157948 0.313306798111126 0.23901310699710215 0.2173441137555148 0.19257955005083724 0.13531149648378746 -1.220238809300794 0.45415525418145264 0.9401598168856804 1.4540245137576582 1.837875251180103 2.0483740426698227 +14144,2.2929241092534816,0,1.4606799902532903 1.6211853187642031 1.3673485407913 0.3674792812151032 0.9153952531810028 0.7219220992382397 0.5795258579363636 0.3380713618157948 0.313306798111126 0.23901310699710215 0.2173441137555148 0.19257955005083724 0.13531149648378746 -1.220238809300794 0.45415525418145264 0.9401598168856804 1.4540245137576582 1.837875251180103 2.0483740426698227 1.4815750908791072 +14145,2.3625744446728745,0,1.6211853187642031 1.3673485407913 0.3674792812151032 0.9153952531810028 0.7219220992382397 0.5795258579363636 0.3380713618157948 0.313306798111126 0.23901310699710215 0.2173441137555148 0.19257955005083724 0.13531149648378746 -1.220238809300794 0.45415525418145264 0.9401598168856804 1.4540245137576582 1.837875251180103 2.0483740426698227 1.4815750908791072 2.2929241092534816 +14146,2.3904345788406336,0,1.3673485407913 0.3674792812151032 0.9153952531810028 0.7219220992382397 0.5795258579363636 0.3380713618157948 0.313306798111126 0.23901310699710215 0.2173441137555148 0.19257955005083724 0.13531149648378746 -1.220238809300794 0.45415525418145264 0.9401598168856804 1.4540245137576582 1.837875251180103 2.0483740426698227 1.4815750908791072 2.2929241092534816 2.3625744446728745 +14147,2.291376324021932,0,0.3674792812151032 0.9153952531810028 0.7219220992382397 0.5795258579363636 0.3380713618157948 0.313306798111126 0.23901310699710215 0.2173441137555148 0.19257955005083724 0.13531149648378746 -1.220238809300794 0.45415525418145264 0.9401598168856804 1.4540245137576582 1.837875251180103 2.0483740426698227 1.4815750908791072 2.2929241092534816 2.3625744446728745 2.3904345788406336 +14148,2.2418471966125857,0,0.9153952531810028 0.7219220992382397 0.5795258579363636 0.3380713618157948 0.313306798111126 0.23901310699710215 0.2173441137555148 0.19257955005083724 0.13531149648378746 -1.220238809300794 0.45415525418145264 0.9401598168856804 1.4540245137576582 1.837875251180103 2.0483740426698227 1.4815750908791072 2.2929241092534816 2.3625744446728745 2.3904345788406336 2.291376324021932 +14149,2.0684952506798693,0,0.7219220992382397 0.5795258579363636 0.3380713618157948 0.313306798111126 0.23901310699710215 0.2173441137555148 0.19257955005083724 0.13531149648378746 -1.220238809300794 0.45415525418145264 0.9401598168856804 1.4540245137576582 1.837875251180103 2.0483740426698227 1.4815750908791072 2.2929241092534816 2.3625744446728745 2.3904345788406336 2.291376324021932 2.2418471966125857 +14150,1.8394230364116437,0,0.5795258579363636 0.3380713618157948 0.313306798111126 0.23901310699710215 0.2173441137555148 0.19257955005083724 0.13531149648378746 -1.220238809300794 0.45415525418145264 0.9401598168856804 1.4540245137576582 1.837875251180103 2.0483740426698227 1.4815750908791072 2.2929241092534816 2.3625744446728745 2.3904345788406336 2.291376324021932 2.2418471966125857 2.0684952506798693 +14151,1.5685606208917753,0,0.3380713618157948 0.313306798111126 0.23901310699710215 0.2173441137555148 0.19257955005083724 0.13531149648378746 -1.220238809300794 0.45415525418145264 0.9401598168856804 1.4540245137576582 1.837875251180103 2.0483740426698227 1.4815750908791072 2.2929241092534816 2.3625744446728745 2.3904345788406336 2.291376324021932 2.2418471966125857 2.0684952506798693 1.8394230364116437 +14152,1.2528124336571829,0,0.313306798111126 0.23901310699710215 0.2173441137555148 0.19257955005083724 0.13531149648378746 -1.220238809300794 0.45415525418145264 0.9401598168856804 1.4540245137576582 1.837875251180103 2.0483740426698227 1.4815750908791072 2.2929241092534816 2.3625744446728745 2.3904345788406336 2.291376324021932 2.2418471966125857 2.0684952506798693 1.8394230364116437 1.5685606208917753 +14153,0.9804022329057737,0,0.23901310699710215 0.2173441137555148 0.19257955005083724 0.13531149648378746 -1.220238809300794 0.45415525418145264 0.9401598168856804 1.4540245137576582 1.837875251180103 2.0483740426698227 1.4815750908791072 2.2929241092534816 2.3625744446728745 2.3904345788406336 2.291376324021932 2.2418471966125857 2.0684952506798693 1.8394230364116437 1.5685606208917753 1.2528124336571829 +14154,0.790024649426092,0,0.2173441137555148 0.19257955005083724 0.13531149648378746 -1.220238809300794 0.45415525418145264 0.9401598168856804 1.4540245137576582 1.837875251180103 2.0483740426698227 1.4815750908791072 2.2929241092534816 2.3625744446728745 2.3904345788406336 2.291376324021932 2.2418471966125857 2.0684952506798693 1.8394230364116437 1.5685606208917753 1.2528124336571829 0.9804022329057737 +14155,0.7033486764597336,0,0.19257955005083724 0.13531149648378746 -1.220238809300794 0.45415525418145264 0.9401598168856804 1.4540245137576582 1.837875251180103 2.0483740426698227 1.4815750908791072 2.2929241092534816 2.3625744446728745 2.3904345788406336 2.291376324021932 2.2418471966125857 2.0684952506798693 1.8394230364116437 1.5685606208917753 1.2528124336571829 0.9804022329057737 0.790024649426092 +14156,0.599647065946419,0,0.13531149648378746 -1.220238809300794 0.45415525418145264 0.9401598168856804 1.4540245137576582 1.837875251180103 2.0483740426698227 1.4815750908791072 2.2929241092534816 2.3625744446728745 2.3904345788406336 2.291376324021932 2.2418471966125857 2.0684952506798693 1.8394230364116437 1.5685606208917753 1.2528124336571829 0.9804022329057737 0.790024649426092 0.7033486764597336 +14157,0.5748825022417414,0,-1.220238809300794 0.45415525418145264 0.9401598168856804 1.4540245137576582 1.837875251180103 2.0483740426698227 1.4815750908791072 2.2929241092534816 2.3625744446728745 2.3904345788406336 2.291376324021932 2.2418471966125857 2.0684952506798693 1.8394230364116437 1.5685606208917753 1.2528124336571829 0.9804022329057737 0.790024649426092 0.7033486764597336 0.599647065946419 +14158,0.443320757560659,0,0.45415525418145264 0.9401598168856804 1.4540245137576582 1.837875251180103 2.0483740426698227 1.4815750908791072 2.2929241092534816 2.3625744446728745 2.3904345788406336 2.291376324021932 2.2418471966125857 2.0684952506798693 1.8394230364116437 1.5685606208917753 1.2528124336571829 0.9804022329057737 0.790024649426092 0.7033486764597336 0.599647065946419 0.5748825022417414 +14159,0.4154606233929,0,0.9401598168856804 1.4540245137576582 1.837875251180103 2.0483740426698227 1.4815750908791072 2.2929241092534816 2.3625744446728745 2.3904345788406336 2.291376324021932 2.2418471966125857 2.0684952506798693 1.8394230364116437 1.5685606208917753 1.2528124336571829 0.9804022329057737 0.790024649426092 0.7033486764597336 0.599647065946419 0.5748825022417414 0.443320757560659 +14160,-1.090843963943872,0,1.4540245137576582 1.837875251180103 2.0483740426698227 1.4815750908791072 2.2929241092534816 2.3625744446728745 2.3904345788406336 2.291376324021932 2.2418471966125857 2.0684952506798693 1.8394230364116437 1.5685606208917753 1.2528124336571829 0.9804022329057737 0.790024649426092 0.7033486764597336 0.599647065946419 0.5748825022417414 0.443320757560659 0.4154606233929 +14161,0.25758652977560814,0,1.837875251180103 2.0483740426698227 1.4815750908791072 2.2929241092534816 2.3625744446728745 2.3904345788406336 2.291376324021932 2.2418471966125857 2.0684952506798693 1.8394230364116437 1.5685606208917753 1.2528124336571829 0.9804022329057737 0.790024649426092 0.7033486764597336 0.599647065946419 0.5748825022417414 0.443320757560659 0.4154606233929 -1.090843963943872 +14162,0.42010397908753094,0,2.0483740426698227 1.4815750908791072 2.2929241092534816 2.3625744446728745 2.3904345788406336 2.291376324021932 2.2418471966125857 2.0684952506798693 1.8394230364116437 1.5685606208917753 1.2528124336571829 0.9804022329057737 0.790024649426092 0.7033486764597336 0.599647065946419 0.5748825022417414 0.443320757560659 0.4154606233929 -1.090843963943872 0.25758652977560814 +14163,0.9989756556842796,0,1.4815750908791072 2.2929241092534816 2.3625744446728745 2.3904345788406336 2.291376324021932 2.2418471966125857 2.0684952506798693 1.8394230364116437 1.5685606208917753 1.2528124336571829 0.9804022329057737 0.790024649426092 0.7033486764597336 0.599647065946419 0.5748825022417414 0.443320757560659 0.4154606233929 -1.090843963943872 0.25758652977560814 0.42010397908753094 +14164,1.6010641107541563,0,2.2929241092534816 2.3625744446728745 2.3904345788406336 2.291376324021932 2.2418471966125857 2.0684952506798693 1.8394230364116437 1.5685606208917753 1.2528124336571829 0.9804022329057737 0.790024649426092 0.7033486764597336 0.599647065946419 0.5748825022417414 0.443320757560659 0.4154606233929 -1.090843963943872 0.25758652977560814 0.42010397908753094 0.9989756556842796 +14165,2.0390873312805695,0,2.3625744446728745 2.3904345788406336 2.291376324021932 2.2418471966125857 2.0684952506798693 1.8394230364116437 1.5685606208917753 1.2528124336571829 0.9804022329057737 0.790024649426092 0.7033486764597336 0.599647065946419 0.5748825022417414 0.443320757560659 0.4154606233929 -1.090843963943872 0.25758652977560814 0.42010397908753094 0.9989756556842796 1.6010641107541563 +14166,2.331618740042034,0,2.3904345788406336 2.291376324021932 2.2418471966125857 2.0684952506798693 1.8394230364116437 1.5685606208917753 1.2528124336571829 0.9804022329057737 0.790024649426092 0.7033486764597336 0.599647065946419 0.5748825022417414 0.443320757560659 0.4154606233929 -1.090843963943872 0.25758652977560814 0.42010397908753094 0.9989756556842796 1.6010641107541563 2.0390873312805695 +14167,2.528187464447879,0,2.291376324021932 2.2418471966125857 2.0684952506798693 1.8394230364116437 1.5685606208917753 1.2528124336571829 0.9804022329057737 0.790024649426092 0.7033486764597336 0.599647065946419 0.5748825022417414 0.443320757560659 0.4154606233929 -1.090843963943872 0.25758652977560814 0.42010397908753094 0.9989756556842796 1.6010641107541563 2.0390873312805695 2.331618740042034 +14168,2.6458191420450774,0,2.2418471966125857 2.0684952506798693 1.8394230364116437 1.5685606208917753 1.2528124336571829 0.9804022329057737 0.790024649426092 0.7033486764597336 0.599647065946419 0.5748825022417414 0.443320757560659 0.4154606233929 -1.090843963943872 0.25758652977560814 0.42010397908753094 0.9989756556842796 1.6010641107541563 2.0390873312805695 2.331618740042034 2.528187464447879 +14169,2.1585763511556277,0,2.0684952506798693 1.8394230364116437 1.5685606208917753 1.2528124336571829 0.9804022329057737 0.790024649426092 0.7033486764597336 0.599647065946419 0.5748825022417414 0.443320757560659 0.4154606233929 -1.090843963943872 0.25758652977560814 0.42010397908753094 0.9989756556842796 1.6010641107541563 2.0390873312805695 2.331618740042034 2.528187464447879 2.6458191420450774 +14170,2.7232084036221824,0,1.8394230364116437 1.5685606208917753 1.2528124336571829 0.9804022329057737 0.790024649426092 0.7033486764597336 0.599647065946419 0.5748825022417414 0.443320757560659 0.4154606233929 -1.090843963943872 0.25758652977560814 0.42010397908753094 0.9989756556842796 1.6010641107541563 2.0390873312805695 2.331618740042034 2.528187464447879 2.6458191420450774 2.1585763511556277 +14171,2.6349846454242836,0,1.5685606208917753 1.2528124336571829 0.9804022329057737 0.790024649426092 0.7033486764597336 0.599647065946419 0.5748825022417414 0.443320757560659 0.4154606233929 -1.090843963943872 0.25758652977560814 0.42010397908753094 0.9989756556842796 1.6010641107541563 2.0390873312805695 2.331618740042034 2.528187464447879 2.6458191420450774 2.1585763511556277 2.7232084036221824 +14172,2.528187464447879,0,1.2528124336571829 0.9804022329057737 0.790024649426092 0.7033486764597336 0.599647065946419 0.5748825022417414 0.443320757560659 0.4154606233929 -1.090843963943872 0.25758652977560814 0.42010397908753094 0.9989756556842796 1.6010641107541563 2.0390873312805695 2.331618740042034 2.528187464447879 2.6458191420450774 2.1585763511556277 2.7232084036221824 2.6349846454242836 +14173,2.356383303746703,0,0.9804022329057737 0.790024649426092 0.7033486764597336 0.599647065946419 0.5748825022417414 0.443320757560659 0.4154606233929 -1.090843963943872 0.25758652977560814 0.42010397908753094 0.9989756556842796 1.6010641107541563 2.0390873312805695 2.331618740042034 2.528187464447879 2.6458191420450774 2.1585763511556277 2.7232084036221824 2.6349846454242836 2.528187464447879 +14174,2.125763304246928,0,0.790024649426092 0.7033486764597336 0.599647065946419 0.5748825022417414 0.443320757560659 0.4154606233929 -1.090843963943872 0.25758652977560814 0.42010397908753094 0.9989756556842796 1.6010641107541563 2.0390873312805695 2.331618740042034 2.528187464447879 2.6458191420450774 2.1585763511556277 2.7232084036221824 2.6349846454242836 2.528187464447879 2.356383303746703 +14175,1.8471619625693472,0,0.7033486764597336 0.599647065946419 0.5748825022417414 0.443320757560659 0.4154606233929 -1.090843963943872 0.25758652977560814 0.42010397908753094 0.9989756556842796 1.6010641107541563 2.0390873312805695 2.331618740042034 2.528187464447879 2.6458191420450774 2.1585763511556277 2.7232084036221824 2.6349846454242836 2.528187464447879 2.356383303746703 2.125763304246928 +14176,1.5948729698279849,0,0.599647065946419 0.5748825022417414 0.443320757560659 0.4154606233929 -1.090843963943872 0.25758652977560814 0.42010397908753094 0.9989756556842796 1.6010641107541563 2.0390873312805695 2.331618740042034 2.528187464447879 2.6458191420450774 2.1585763511556277 2.7232084036221824 2.6349846454242836 2.528187464447879 2.356383303746703 2.125763304246928 1.8471619625693472 +14177,-0.3482166098499698,0,0.5748825022417414 0.443320757560659 0.4154606233929 -1.090843963943872 0.25758652977560814 0.42010397908753094 0.9989756556842796 1.6010641107541563 2.0390873312805695 2.331618740042034 2.528187464447879 2.6458191420450774 2.1585763511556277 2.7232084036221824 2.6349846454242836 2.528187464447879 2.356383303746703 2.125763304246928 1.8471619625693472 1.5948729698279849 +14178,1.1738753868485368,0,0.443320757560659 0.4154606233929 -1.090843963943872 0.25758652977560814 0.42010397908753094 0.9989756556842796 1.6010641107541563 2.0390873312805695 2.331618740042034 2.528187464447879 2.6458191420450774 2.1585763511556277 2.7232084036221824 2.6349846454242836 2.528187464447879 2.356383303746703 2.125763304246928 1.8471619625693472 1.5948729698279849 -0.3482166098499698 +14179,0.9386120316541396,0,0.4154606233929 -1.090843963943872 0.25758652977560814 0.42010397908753094 0.9989756556842796 1.6010641107541563 2.0390873312805695 2.331618740042034 2.528187464447879 2.6458191420450774 2.1585763511556277 2.7232084036221824 2.6349846454242836 2.528187464447879 2.356383303746703 2.125763304246928 1.8471619625693472 1.5948729698279849 -0.3482166098499698 1.1738753868485368 +14180,0.7699034414160453,0,-1.090843963943872 0.25758652977560814 0.42010397908753094 0.9989756556842796 1.6010641107541563 2.0390873312805695 2.331618740042034 2.528187464447879 2.6458191420450774 2.1585763511556277 2.7232084036221824 2.6349846454242836 2.528187464447879 2.356383303746703 2.125763304246928 1.8471619625693472 1.5948729698279849 -0.3482166098499698 1.1738753868485368 0.9386120316541396 +14181,0.7064442469228239,0,0.25758652977560814 0.42010397908753094 0.9989756556842796 1.6010641107541563 2.0390873312805695 2.331618740042034 2.528187464447879 2.6458191420450774 2.1585763511556277 2.7232084036221824 2.6349846454242836 2.528187464447879 2.356383303746703 2.125763304246928 1.8471619625693472 1.5948729698279849 -0.3482166098499698 1.1738753868485368 0.9386120316541396 0.7699034414160453 +14182,0.6027426364095004,0,0.42010397908753094 0.9989756556842796 1.6010641107541563 2.0390873312805695 2.331618740042034 2.528187464447879 2.6458191420450774 2.1585763511556277 2.7232084036221824 2.6349846454242836 2.528187464447879 2.356383303746703 2.125763304246928 1.8471619625693472 1.5948729698279849 -0.3482166098499698 1.1738753868485368 0.9386120316541396 0.7699034414160453 0.7064442469228239 +14183,-0.9664020313278822,0,0.9989756556842796 1.6010641107541563 2.0390873312805695 2.331618740042034 2.528187464447879 2.6458191420450774 2.1585763511556277 2.7232084036221824 2.6349846454242836 2.528187464447879 2.356383303746703 2.125763304246928 1.8471619625693472 1.5948729698279849 -0.3482166098499698 1.1738753868485368 0.9386120316541396 0.7699034414160453 0.7064442469228239 0.6027426364095004 +14184,-0.9664020313278822,0,1.6010641107541563 2.0390873312805695 2.331618740042034 2.528187464447879 2.6458191420450774 2.1585763511556277 2.7232084036221824 2.6349846454242836 2.528187464447879 2.356383303746703 2.125763304246928 1.8471619625693472 1.5948729698279849 -0.3482166098499698 1.1738753868485368 0.9386120316541396 0.7699034414160453 0.7064442469228239 0.6027426364095004 -0.9664020313278822 +14185,-0.9664020313278822,0,2.0390873312805695 2.331618740042034 2.528187464447879 2.6458191420450774 2.1585763511556277 2.7232084036221824 2.6349846454242836 2.528187464447879 2.356383303746703 2.125763304246928 1.8471619625693472 1.5948729698279849 -0.3482166098499698 1.1738753868485368 0.9386120316541396 0.7699034414160453 0.7064442469228239 0.6027426364095004 -0.9664020313278822 -0.9664020313278822 +14186,0.7219220992382397,0,2.331618740042034 2.528187464447879 2.6458191420450774 2.1585763511556277 2.7232084036221824 2.6349846454242836 2.528187464447879 2.356383303746703 2.125763304246928 1.8471619625693472 1.5948729698279849 -0.3482166098499698 1.1738753868485368 0.9386120316541396 0.7699034414160453 0.7064442469228239 0.6027426364095004 -0.9664020313278822 -0.9664020313278822 -0.9664020313278822 +14187,1.339488406623541,0,2.528187464447879 2.6458191420450774 2.1585763511556277 2.7232084036221824 2.6349846454242836 2.528187464447879 2.356383303746703 2.125763304246928 1.8471619625693472 1.5948729698279849 -0.3482166098499698 1.1738753868485368 0.9386120316541396 0.7699034414160453 0.7064442469228239 0.6027426364095004 -0.9664020313278822 -0.9664020313278822 -0.9664020313278822 0.7219220992382397 +14188,1.898238875210243,0,2.6458191420450774 2.1585763511556277 2.7232084036221824 2.6349846454242836 2.528187464447879 2.356383303746703 2.125763304246928 1.8471619625693472 1.5948729698279849 -0.3482166098499698 1.1738753868485368 0.9386120316541396 0.7699034414160453 0.7064442469228239 0.6027426364095004 -0.9664020313278822 -0.9664020313278822 -0.9664020313278822 0.7219220992382397 1.339488406623541 +14189,2.313045317263528,0,2.1585763511556277 2.7232084036221824 2.6349846454242836 2.528187464447879 2.356383303746703 2.125763304246928 1.8471619625693472 1.5948729698279849 -0.3482166098499698 1.1738753868485368 0.9386120316541396 0.7699034414160453 0.7064442469228239 0.6027426364095004 -0.9664020313278822 -0.9664020313278822 -0.9664020313278822 0.7219220992382397 1.339488406623541 1.898238875210243 +14190,2.6210545783404,0,2.7232084036221824 2.6349846454242836 2.528187464447879 2.356383303746703 2.125763304246928 1.8471619625693472 1.5948729698279849 -0.3482166098499698 1.1738753868485368 0.9386120316541396 0.7699034414160453 0.7064442469228239 0.6027426364095004 -0.9664020313278822 -0.9664020313278822 -0.9664020313278822 0.7219220992382397 1.339488406623541 1.898238875210243 2.313045317263528 +14191,2.7293995445483543,0,2.6349846454242836 2.528187464447879 2.356383303746703 2.125763304246928 1.8471619625693472 1.5948729698279849 -0.3482166098499698 1.1738753868485368 0.9386120316541396 0.7699034414160453 0.7064442469228239 0.6027426364095004 -0.9664020313278822 -0.9664020313278822 -0.9664020313278822 0.7219220992382397 1.339488406623541 1.898238875210243 2.313045317263528 2.6210545783404 +14192,2.970854040668923,0,2.528187464447879 2.356383303746703 2.125763304246928 1.8471619625693472 1.5948729698279849 -0.3482166098499698 1.1738753868485368 0.9386120316541396 0.7699034414160453 0.7064442469228239 0.6027426364095004 -0.9664020313278822 -0.9664020313278822 -0.9664020313278822 0.7219220992382397 1.339488406623541 1.898238875210243 2.313045317263528 2.6210545783404 2.7293995445483543 +14193,3.0018097452997634,0,2.356383303746703 2.125763304246928 1.8471619625693472 1.5948729698279849 -0.3482166098499698 1.1738753868485368 0.9386120316541396 0.7699034414160453 0.7064442469228239 0.6027426364095004 -0.9664020313278822 -0.9664020313278822 -0.9664020313278822 0.7219220992382397 1.339488406623541 1.898238875210243 2.313045317263528 2.6210545783404 2.7293995445483543 2.970854040668923 +14194,2.96156732927967,0,2.125763304246928 1.8471619625693472 1.5948729698279849 -0.3482166098499698 1.1738753868485368 0.9386120316541396 0.7699034414160453 0.7064442469228239 0.6027426364095004 -0.9664020313278822 -0.9664020313278822 -0.9664020313278822 0.7219220992382397 1.339488406623541 1.898238875210243 2.313045317263528 2.6210545783404 2.7293995445483543 2.970854040668923 3.0018097452997634 +14195,2.808336591357,0,1.8471619625693472 1.5948729698279849 -0.3482166098499698 1.1738753868485368 0.9386120316541396 0.7699034414160453 0.7064442469228239 0.6027426364095004 -0.9664020313278822 -0.9664020313278822 -0.9664020313278822 0.7219220992382397 1.339488406623541 1.898238875210243 2.313045317263528 2.6210545783404 2.7293995445483543 2.970854040668923 3.0018097452997634 2.96156732927967 +14196,2.40715065934128,0,1.5948729698279849 -0.3482166098499698 1.1738753868485368 0.9386120316541396 0.7699034414160453 0.7064442469228239 0.6027426364095004 -0.9664020313278822 -0.9664020313278822 -0.9664020313278822 0.7219220992382397 1.339488406623541 1.898238875210243 2.313045317263528 2.6210545783404 2.7293995445483543 2.970854040668923 3.0018097452997634 2.96156732927967 2.808336591357 +14197,2.4678238404177386,0,-0.3482166098499698 1.1738753868485368 0.9386120316541396 0.7699034414160453 0.7064442469228239 0.6027426364095004 -0.9664020313278822 -0.9664020313278822 -0.9664020313278822 0.7219220992382397 1.339488406623541 1.898238875210243 2.313045317263528 2.6210545783404 2.7293995445483543 2.970854040668923 3.0018097452997634 2.96156732927967 2.808336591357 2.40715065934128 +14198,2.1969614248978706,0,1.1738753868485368 0.9386120316541396 0.7699034414160453 0.7064442469228239 0.6027426364095004 -0.9664020313278822 -0.9664020313278822 -0.9664020313278822 0.7219220992382397 1.339488406623541 1.898238875210243 2.313045317263528 2.6210545783404 2.7293995445483543 2.970854040668923 3.0018097452997634 2.96156732927967 2.808336591357 2.40715065934128 2.4678238404177386 +14199,1.8951433047471529,0,0.9386120316541396 0.7699034414160453 0.7064442469228239 0.6027426364095004 -0.9664020313278822 -0.9664020313278822 -0.9664020313278822 0.7219220992382397 1.339488406623541 1.898238875210243 2.313045317263528 2.6210545783404 2.7293995445483543 2.970854040668923 3.0018097452997634 2.96156732927967 2.808336591357 2.40715065934128 2.4678238404177386 2.1969614248978706 +14200,1.6010641107541563,0,0.7699034414160453 0.7064442469228239 0.6027426364095004 -0.9664020313278822 -0.9664020313278822 -0.9664020313278822 0.7219220992382397 1.339488406623541 1.898238875210243 2.313045317263528 2.6210545783404 2.7293995445483543 2.970854040668923 3.0018097452997634 2.96156732927967 2.808336591357 2.40715065934128 2.4678238404177386 2.1969614248978706 1.8951433047471529 +14201,1.3921131044959687,0,0.7064442469228239 0.6027426364095004 -0.9664020313278822 -0.9664020313278822 -0.9664020313278822 0.7219220992382397 1.339488406623541 1.898238875210243 2.313045317263528 2.6210545783404 2.7293995445483543 2.970854040668923 3.0018097452997634 2.96156732927967 2.808336591357 2.40715065934128 2.4678238404177386 2.1969614248978706 1.8951433047471529 1.6010641107541563 +14202,1.2388823665733077,0,0.6027426364095004 -0.9664020313278822 -0.9664020313278822 -0.9664020313278822 0.7219220992382397 1.339488406623541 1.898238875210243 2.313045317263528 2.6210545783404 2.7293995445483543 2.970854040668923 3.0018097452997634 2.96156732927967 2.808336591357 2.40715065934128 2.4678238404177386 2.1969614248978706 1.8951433047471529 1.6010641107541563 1.3921131044959687 +14203,1.0871994138821786,0,-0.9664020313278822 -0.9664020313278822 -0.9664020313278822 0.7219220992382397 1.339488406623541 1.898238875210243 2.313045317263528 2.6210545783404 2.7293995445483543 2.970854040668923 3.0018097452997634 2.96156732927967 2.808336591357 2.40715065934128 2.4678238404177386 2.1969614248978706 1.8951433047471529 1.6010641107541563 1.3921131044959687 1.2388823665733077 +14204,0.9277775350333372,0,-0.9664020313278822 -0.9664020313278822 0.7219220992382397 1.339488406623541 1.898238875210243 2.313045317263528 2.6210545783404 2.7293995445483543 2.970854040668923 3.0018097452997634 2.96156732927967 2.808336591357 2.40715065934128 2.4678238404177386 2.1969614248978706 1.8951433047471529 1.6010641107541563 1.3921131044959687 1.2388823665733077 1.0871994138821786 +14205,0.7126353878489867,0,-0.9664020313278822 0.7219220992382397 1.339488406623541 1.898238875210243 2.313045317263528 2.6210545783404 2.7293995445483543 2.970854040668923 3.0018097452997634 2.96156732927967 2.808336591357 2.40715065934128 2.4678238404177386 2.1969614248978706 1.8951433047471529 1.6010641107541563 1.3921131044959687 1.2388823665733077 1.0871994138821786 0.9277775350333372 +14206,0.5795258579363636,0,0.7219220992382397 1.339488406623541 1.898238875210243 2.313045317263528 2.6210545783404 2.7293995445483543 2.970854040668923 3.0018097452997634 2.96156732927967 2.808336591357 2.40715065934128 2.4678238404177386 2.1969614248978706 1.8951433047471529 1.6010641107541563 1.3921131044959687 1.2388823665733077 1.0871994138821786 0.9277775350333372 0.7126353878489867 +14207,0.46808532126533653,0,1.339488406623541 1.898238875210243 2.313045317263528 2.6210545783404 2.7293995445483543 2.970854040668923 3.0018097452997634 2.96156732927967 2.808336591357 2.40715065934128 2.4678238404177386 2.1969614248978706 1.8951433047471529 1.6010641107541563 1.3921131044959687 1.2388823665733077 1.0871994138821786 0.9277775350333372 0.7126353878489867 0.5795258579363636 +14208,0.4417729723291183,0,1.898238875210243 2.313045317263528 2.6210545783404 2.7293995445483543 2.970854040668923 3.0018097452997634 2.96156732927967 2.808336591357 2.40715065934128 2.4678238404177386 2.1969614248978706 1.8951433047471529 1.6010641107541563 1.3921131044959687 1.2388823665733077 1.0871994138821786 0.9277775350333372 0.7126353878489867 0.5795258579363636 0.46808532126533653 +14209,0.3287846504265506,0,2.313045317263528 2.6210545783404 2.7293995445483543 2.970854040668923 3.0018097452997634 2.96156732927967 2.808336591357 2.40715065934128 2.4678238404177386 2.1969614248978706 1.8951433047471529 1.6010641107541563 1.3921131044959687 1.2388823665733077 1.0871994138821786 0.9277775350333372 0.7126353878489867 0.5795258579363636 0.46808532126533653 0.4417729723291183 +14210,0.4943976702015548,0,2.6210545783404 2.7293995445483543 2.970854040668923 3.0018097452997634 2.96156732927967 2.808336591357 2.40715065934128 2.4678238404177386 2.1969614248978706 1.8951433047471529 1.6010641107541563 1.3921131044959687 1.2388823665733077 1.0871994138821786 0.9277775350333372 0.7126353878489867 0.5795258579363636 0.46808532126533653 0.4417729723291183 0.3287846504265506 +14211,1.0268357898520386,0,2.7293995445483543 2.970854040668923 3.0018097452997634 2.96156732927967 2.808336591357 2.40715065934128 2.4678238404177386 2.1969614248978706 1.8951433047471529 1.6010641107541563 1.3921131044959687 1.2388823665733077 1.0871994138821786 0.9277775350333372 0.7126353878489867 0.5795258579363636 0.46808532126533653 0.4417729723291183 0.3287846504265506 0.4943976702015548 +14212,1.5051014263985452,0,2.970854040668923 3.0018097452997634 2.96156732927967 2.808336591357 2.40715065934128 2.4678238404177386 2.1969614248978706 1.8951433047471529 1.6010641107541563 1.3921131044959687 1.2388823665733077 1.0871994138821786 0.9277775350333372 0.7126353878489867 0.5795258579363636 0.46808532126533653 0.4417729723291183 0.3287846504265506 0.4943976702015548 1.0268357898520386 +14213,1.8239451840962193,0,3.0018097452997634 2.96156732927967 2.808336591357 2.40715065934128 2.4678238404177386 2.1969614248978706 1.8951433047471529 1.6010641107541563 1.3921131044959687 1.2388823665733077 1.0871994138821786 0.9277775350333372 0.7126353878489867 0.5795258579363636 0.46808532126533653 0.4417729723291183 0.3287846504265506 0.4943976702015548 1.0268357898520386 1.5051014263985452 +14214,2.057660754059076,0,2.96156732927967 2.808336591357 2.40715065934128 2.4678238404177386 2.1969614248978706 1.8951433047471529 1.6010641107541563 1.3921131044959687 1.2388823665733077 1.0871994138821786 0.9277775350333372 0.7126353878489867 0.5795258579363636 0.46808532126533653 0.4417729723291183 0.3287846504265506 0.4943976702015548 1.0268357898520386 1.5051014263985452 1.8239451840962193 +14215,2.2016047805924925,0,2.808336591357 2.40715065934128 2.4678238404177386 2.1969614248978706 1.8951433047471529 1.6010641107541563 1.3921131044959687 1.2388823665733077 1.0871994138821786 0.9277775350333372 0.7126353878489867 0.5795258579363636 0.46808532126533653 0.4417729723291183 0.3287846504265506 0.4943976702015548 1.0268357898520386 1.5051014263985452 1.8239451840962193 2.057660754059076 +14216,2.313045317263528,0,2.40715065934128 2.4678238404177386 2.1969614248978706 1.8951433047471529 1.6010641107541563 1.3921131044959687 1.2388823665733077 1.0871994138821786 0.9277775350333372 0.7126353878489867 0.5795258579363636 0.46808532126533653 0.4417729723291183 0.3287846504265506 0.4943976702015548 1.0268357898520386 1.5051014263985452 1.8239451840962193 2.057660754059076 2.2016047805924925 +14217,2.3022108206427347,0,2.4678238404177386 2.1969614248978706 1.8951433047471529 1.6010641107541563 1.3921131044959687 1.2388823665733077 1.0871994138821786 0.9277775350333372 0.7126353878489867 0.5795258579363636 0.46808532126533653 0.4417729723291183 0.3287846504265506 0.4943976702015548 1.0268357898520386 1.5051014263985452 1.8239451840962193 2.057660754059076 2.2016047805924925 2.313045317263528 +14218,2.2341082704548736,0,2.1969614248978706 1.8951433047471529 1.6010641107541563 1.3921131044959687 1.2388823665733077 1.0871994138821786 0.9277775350333372 0.7126353878489867 0.5795258579363636 0.46808532126533653 0.4417729723291183 0.3287846504265506 0.4943976702015548 1.0268357898520386 1.5051014263985452 1.8239451840962193 2.057660754059076 2.2016047805924925 2.313045317263528 2.3022108206427347 +14219,2.144336727025434,0,1.8951433047471529 1.6010641107541563 1.3921131044959687 1.2388823665733077 1.0871994138821786 0.9277775350333372 0.7126353878489867 0.5795258579363636 0.46808532126533653 0.4417729723291183 0.3287846504265506 0.4943976702015548 1.0268357898520386 1.5051014263985452 1.8239451840962193 2.057660754059076 2.2016047805924925 2.313045317263528 2.3022108206427347 2.2341082704548736 +14220,2.003488270955107,0,1.6010641107541563 1.3921131044959687 1.2388823665733077 1.0871994138821786 0.9277775350333372 0.7126353878489867 0.5795258579363636 0.46808532126533653 0.4417729723291183 0.3287846504265506 0.4943976702015548 1.0268357898520386 1.5051014263985452 1.8239451840962193 2.057660754059076 2.2016047805924925 2.313045317263528 2.3022108206427347 2.2341082704548736 2.144336727025434 +14221,1.8363274659485536,0,1.3921131044959687 1.2388823665733077 1.0871994138821786 0.9277775350333372 0.7126353878489867 0.5795258579363636 0.46808532126533653 0.4417729723291183 0.3287846504265506 0.4943976702015548 1.0268357898520386 1.5051014263985452 1.8239451840962193 2.057660754059076 2.2016047805924925 2.313045317263528 2.3022108206427347 2.2341082704548736 2.144336727025434 2.003488270955107 +14222,1.6180897483011216,0,1.2388823665733077 1.0871994138821786 0.9277775350333372 0.7126353878489867 0.5795258579363636 0.46808532126533653 0.4417729723291183 0.3287846504265506 0.4943976702015548 1.0268357898520386 1.5051014263985452 1.8239451840962193 2.057660754059076 2.2016047805924925 2.313045317263528 2.3022108206427347 2.2341082704548736 2.144336727025434 2.003488270955107 1.8363274659485536 +14223,1.1862576687008712,0,1.0871994138821786 0.9277775350333372 0.7126353878489867 0.5795258579363636 0.46808532126533653 0.4417729723291183 0.3287846504265506 0.4943976702015548 1.0268357898520386 1.5051014263985452 1.8239451840962193 2.057660754059076 2.2016047805924925 2.313045317263528 2.3022108206427347 2.2341082704548736 2.144336727025434 2.003488270955107 1.8363274659485536 1.6180897483011216 +14224,0.9184908236440842,0,0.9277775350333372 0.7126353878489867 0.5795258579363636 0.46808532126533653 0.4417729723291183 0.3287846504265506 0.4943976702015548 1.0268357898520386 1.5051014263985452 1.8239451840962193 2.057660754059076 2.2016047805924925 2.313045317263528 2.3022108206427347 2.2341082704548736 2.144336727025434 2.003488270955107 1.8363274659485536 1.6180897483011216 1.1862576687008712 +14225,0.7559733743321702,0,0.7126353878489867 0.5795258579363636 0.46808532126533653 0.4417729723291183 0.3287846504265506 0.4943976702015548 1.0268357898520386 1.5051014263985452 1.8239451840962193 2.057660754059076 2.2016047805924925 2.313045317263528 2.3022108206427347 2.2341082704548736 2.144336727025434 2.003488270955107 1.8363274659485536 1.6180897483011216 1.1862576687008712 0.9184908236440842 +14226,0.5779780727048228,0,0.5795258579363636 0.46808532126533653 0.4417729723291183 0.3287846504265506 0.4943976702015548 1.0268357898520386 1.5051014263985452 1.8239451840962193 2.057660754059076 2.2016047805924925 2.313045317263528 2.3022108206427347 2.2341082704548736 2.144336727025434 2.003488270955107 1.8363274659485536 1.6180897483011216 1.1862576687008712 0.9184908236440842 0.7559733743321702 +14227,0.45570303941300216,0,0.46808532126533653 0.4417729723291183 0.3287846504265506 0.4943976702015548 1.0268357898520386 1.5051014263985452 1.8239451840962193 2.057660754059076 2.2016047805924925 2.313045317263528 2.3022108206427347 2.2341082704548736 2.144336727025434 2.003488270955107 1.8363274659485536 1.6180897483011216 1.1862576687008712 0.9184908236440842 0.7559733743321702 0.5779780727048228 +14228,0.3272368651950011,0,0.4417729723291183 0.3287846504265506 0.4943976702015548 1.0268357898520386 1.5051014263985452 1.8239451840962193 2.057660754059076 2.2016047805924925 2.313045317263528 2.3022108206427347 2.2341082704548736 2.144336727025434 2.003488270955107 1.8363274659485536 1.6180897483011216 1.1862576687008712 0.9184908236440842 0.7559733743321702 0.5779780727048228 0.45570303941300216 +14229,0.2188918989870555,0,0.3287846504265506 0.4943976702015548 1.0268357898520386 1.5051014263985452 1.8239451840962193 2.057660754059076 2.2016047805924925 2.313045317263528 2.3022108206427347 2.2341082704548736 2.144336727025434 2.003488270955107 1.8363274659485536 1.6180897483011216 1.1862576687008712 0.9184908236440842 0.7559733743321702 0.5779780727048228 0.45570303941300216 0.3272368651950011 +14230,0.14924156356766252,0,0.4943976702015548 1.0268357898520386 1.5051014263985452 1.8239451840962193 2.057660754059076 2.2016047805924925 2.313045317263528 2.3022108206427347 2.2341082704548736 2.144336727025434 2.003488270955107 1.8363274659485536 1.6180897483011216 1.1862576687008712 0.9184908236440842 0.7559733743321702 0.5779780727048228 0.45570303941300216 0.3272368651950011 0.2188918989870555 +14231,0.07185230199055727,0,1.0268357898520386 1.5051014263985452 1.8239451840962193 2.057660754059076 2.2016047805924925 2.313045317263528 2.3022108206427347 2.2341082704548736 2.144336727025434 2.003488270955107 1.8363274659485536 1.6180897483011216 1.1862576687008712 0.9184908236440842 0.7559733743321702 0.5779780727048228 0.45570303941300216 0.3272368651950011 0.2188918989870555 0.14924156356766252 +14232,-0.02101481190197256,0,1.5051014263985452 1.8239451840962193 2.057660754059076 2.2016047805924925 2.313045317263528 2.3022108206427347 2.2341082704548736 2.144336727025434 2.003488270955107 1.8363274659485536 1.6180897483011216 1.1862576687008712 0.9184908236440842 0.7559733743321702 0.5779780727048228 0.45570303941300216 0.3272368651950011 0.2188918989870555 0.14924156356766252 0.07185230199055727 +14233,-0.06280501315360658,0,1.8239451840962193 2.057660754059076 2.2016047805924925 2.313045317263528 2.3022108206427347 2.2341082704548736 2.144336727025434 2.003488270955107 1.8363274659485536 1.6180897483011216 1.1862576687008712 0.9184908236440842 0.7559733743321702 0.5779780727048228 0.45570303941300216 0.3272368651950011 0.2188918989870555 0.14924156356766252 0.07185230199055727 -0.02101481190197256 +14234,0.06101780536976358,0,2.057660754059076 2.2016047805924925 2.313045317263528 2.3022108206427347 2.2341082704548736 2.144336727025434 2.003488270955107 1.8363274659485536 1.6180897483011216 1.1862576687008712 0.9184908236440842 0.7559733743321702 0.5779780727048228 0.45570303941300216 0.3272368651950011 0.2188918989870555 0.14924156356766252 0.07185230199055727 -0.02101481190197256 -0.06280501315360658 +14235,0.28699444917490774,0,2.2016047805924925 2.313045317263528 2.3022108206427347 2.2341082704548736 2.144336727025434 2.003488270955107 1.8363274659485536 1.6180897483011216 1.1862576687008712 0.9184908236440842 0.7559733743321702 0.5779780727048228 0.45570303941300216 0.3272368651950011 0.2188918989870555 0.14924156356766252 0.07185230199055727 -0.02101481190197256 -0.06280501315360658 0.06101780536976358 +14236,0.5826214283994537,0,2.313045317263528 2.3022108206427347 2.2341082704548736 2.144336727025434 2.003488270955107 1.8363274659485536 1.6180897483011216 1.1862576687008712 0.9184908236440842 0.7559733743321702 0.5779780727048228 0.45570303941300216 0.3272368651950011 0.2188918989870555 0.14924156356766252 0.07185230199055727 -0.02101481190197256 -0.06280501315360658 0.06101780536976358 0.28699444917490774 +14237,0.8534838439193221,0,2.3022108206427347 2.2341082704548736 2.144336727025434 2.003488270955107 1.8363274659485536 1.6180897483011216 1.1862576687008712 0.9184908236440842 0.7559733743321702 0.5779780727048228 0.45570303941300216 0.3272368651950011 0.2188918989870555 0.14924156356766252 0.07185230199055727 -0.02101481190197256 -0.06280501315360658 0.06101780536976358 0.28699444917490774 0.5826214283994537 +14238,1.0841038434190973,0,2.2341082704548736 2.144336727025434 2.003488270955107 1.8363274659485536 1.6180897483011216 1.1862576687008712 0.9184908236440842 0.7559733743321702 0.5779780727048228 0.45570303941300216 0.3272368651950011 0.2188918989870555 0.14924156356766252 0.07185230199055727 -0.02101481190197256 -0.06280501315360658 0.06101780536976358 0.28699444917490774 0.5826214283994537 0.8534838439193221 +14239,1.2404301518048484,0,2.144336727025434 2.003488270955107 1.8363274659485536 1.6180897483011216 1.1862576687008712 0.9184908236440842 0.7559733743321702 0.5779780727048228 0.45570303941300216 0.3272368651950011 0.2188918989870555 0.14924156356766252 0.07185230199055727 -0.02101481190197256 -0.06280501315360658 0.06101780536976358 0.28699444917490774 0.5826214283994537 0.8534838439193221 1.0841038434190973 +14240,1.311628272455782,0,2.003488270955107 1.8363274659485536 1.6180897483011216 1.1862576687008712 0.9184908236440842 0.7559733743321702 0.5779780727048228 0.45570303941300216 0.3272368651950011 0.2188918989870555 0.14924156356766252 0.07185230199055727 -0.02101481190197256 -0.06280501315360658 0.06101780536976358 0.28699444917490774 0.5826214283994537 0.8534838439193221 1.0841038434190973 1.2404301518048484 +14241,1.3271061247712066,0,1.8363274659485536 1.6180897483011216 1.1862576687008712 0.9184908236440842 0.7559733743321702 0.5779780727048228 0.45570303941300216 0.3272368651950011 0.2188918989870555 0.14924156356766252 0.07185230199055727 -0.02101481190197256 -0.06280501315360658 0.06101780536976358 0.28699444917490774 0.5826214283994537 0.8534838439193221 1.0841038434190973 1.2404301518048484 1.311628272455782 +14242,1.3054371315296105,0,1.6180897483011216 1.1862576687008712 0.9184908236440842 0.7559733743321702 0.5779780727048228 0.45570303941300216 0.3272368651950011 0.2188918989870555 0.14924156356766252 0.07185230199055727 -0.02101481190197256 -0.06280501315360658 0.06101780536976358 0.28699444917490774 0.5826214283994537 0.8534838439193221 1.0841038434190973 1.2404301518048484 1.311628272455782 1.3271061247712066 +14243,1.2435257222679297,0,1.1862576687008712 0.9184908236440842 0.7559733743321702 0.5779780727048228 0.45570303941300216 0.3272368651950011 0.2188918989870555 0.14924156356766252 0.07185230199055727 -0.02101481190197256 -0.06280501315360658 0.06101780536976358 0.28699444917490774 0.5826214283994537 0.8534838439193221 1.0841038434190973 1.2404301518048484 1.311628272455782 1.3271061247712066 1.3054371315296105 +14244,1.1893532391639525,0,0.9184908236440842 0.7559733743321702 0.5779780727048228 0.45570303941300216 0.3272368651950011 0.2188918989870555 0.14924156356766252 0.07185230199055727 -0.02101481190197256 -0.06280501315360658 0.06101780536976358 0.28699444917490774 0.5826214283994537 0.8534838439193221 1.0841038434190973 1.2404301518048484 1.311628272455782 1.3271061247712066 1.3054371315296105 1.2435257222679297 +14245,1.025288004620498,0,0.7559733743321702 0.5779780727048228 0.45570303941300216 0.3272368651950011 0.2188918989870555 0.14924156356766252 0.07185230199055727 -0.02101481190197256 -0.06280501315360658 0.06101780536976358 0.28699444917490774 0.5826214283994537 0.8534838439193221 1.0841038434190973 1.2404301518048484 1.311628272455782 1.3271061247712066 1.3054371315296105 1.2435257222679297 1.1893532391639525 +14246,0.7637123004898737,0,0.5779780727048228 0.45570303941300216 0.3272368651950011 0.2188918989870555 0.14924156356766252 0.07185230199055727 -0.02101481190197256 -0.06280501315360658 0.06101780536976358 0.28699444917490774 0.5826214283994537 0.8534838439193221 1.0841038434190973 1.2404301518048484 1.311628272455782 1.3271061247712066 1.3054371315296105 1.2435257222679297 1.1893532391639525 1.025288004620498 +14247,0.4804676031176709,0,0.45570303941300216 0.3272368651950011 0.2188918989870555 0.14924156356766252 0.07185230199055727 -0.02101481190197256 -0.06280501315360658 0.06101780536976358 0.28699444917490774 0.5826214283994537 0.8534838439193221 1.0841038434190973 1.2404301518048484 1.311628272455782 1.3271061247712066 1.3054371315296105 1.2435257222679297 1.1893532391639525 1.025288004620498 0.7637123004898737 +14248,0.28854223440644844,0,0.3272368651950011 0.2188918989870555 0.14924156356766252 0.07185230199055727 -0.02101481190197256 -0.06280501315360658 0.06101780536976358 0.28699444917490774 0.5826214283994537 0.8534838439193221 1.0841038434190973 1.2404301518048484 1.311628272455782 1.3271061247712066 1.3054371315296105 1.2435257222679297 1.1893532391639525 1.025288004620498 0.7637123004898737 0.4804676031176709 +14249,0.14305042264149093,0,0.2188918989870555 0.14924156356766252 0.07185230199055727 -0.02101481190197256 -0.06280501315360658 0.06101780536976358 0.28699444917490774 0.5826214283994537 0.8534838439193221 1.0841038434190973 1.2404301518048484 1.311628272455782 1.3271061247712066 1.3054371315296105 1.2435257222679297 1.1893532391639525 1.025288004620498 0.7637123004898737 0.4804676031176709 0.28854223440644844 +14250,0.05792223490668219,0,0.14924156356766252 0.07185230199055727 -0.02101481190197256 -0.06280501315360658 0.06101780536976358 0.28699444917490774 0.5826214283994537 0.8534838439193221 1.0841038434190973 1.2404301518048484 1.311628272455782 1.3271061247712066 1.3054371315296105 1.2435257222679297 1.1893532391639525 1.025288004620498 0.7637123004898737 0.4804676031176709 0.28854223440644844 0.14305042264149093 +14251,-0.04732716083818202,0,0.07185230199055727 -0.02101481190197256 -0.06280501315360658 0.06101780536976358 0.28699444917490774 0.5826214283994537 0.8534838439193221 1.0841038434190973 1.2404301518048484 1.311628272455782 1.3271061247712066 1.3054371315296105 1.2435257222679297 1.1893532391639525 1.025288004620498 0.7637123004898737 0.4804676031176709 0.28854223440644844 0.14305042264149093 0.05792223490668219 +14252,-0.1092385700998715,0,-0.02101481190197256 -0.06280501315360658 0.06101780536976358 0.28699444917490774 0.5826214283994537 0.8534838439193221 1.0841038434190973 1.2404301518048484 1.311628272455782 1.3271061247712066 1.3054371315296105 1.2435257222679297 1.1893532391639525 1.025288004620498 0.7637123004898737 0.4804676031176709 0.28854223440644844 0.14305042264149093 0.05792223490668219 -0.04732716083818202 +14253,-0.1665066236669301,0,-0.06280501315360658 0.06101780536976358 0.28699444917490774 0.5826214283994537 0.8534838439193221 1.0841038434190973 1.2404301518048484 1.311628272455782 1.3271061247712066 1.3054371315296105 1.2435257222679297 1.1893532391639525 1.025288004620498 0.7637123004898737 0.4804676031176709 0.28854223440644844 0.14305042264149093 0.05792223490668219 -0.04732716083818202 -0.1092385700998715 +14254,-0.17888890551926448,0,0.06101780536976358 0.28699444917490774 0.5826214283994537 0.8534838439193221 1.0841038434190973 1.2404301518048484 1.311628272455782 1.3271061247712066 1.3054371315296105 1.2435257222679297 1.1893532391639525 1.025288004620498 0.7637123004898737 0.4804676031176709 0.28854223440644844 0.14305042264149093 0.05792223490668219 -0.04732716083818202 -0.1092385700998715 -0.1665066236669301 +14255,-0.19127118737159884,0,0.28699444917490774 0.5826214283994537 0.8534838439193221 1.0841038434190973 1.2404301518048484 1.311628272455782 1.3271061247712066 1.3054371315296105 1.2435257222679297 1.1893532391639525 1.025288004620498 0.7637123004898737 0.4804676031176709 0.28854223440644844 0.14305042264149093 0.05792223490668219 -0.04732716083818202 -0.1092385700998715 -0.1665066236669301 -0.17888890551926448 +14256,-0.17888890551926448,0,0.5826214283994537 0.8534838439193221 1.0841038434190973 1.2404301518048484 1.311628272455782 1.3271061247712066 1.3054371315296105 1.2435257222679297 1.1893532391639525 1.025288004620498 0.7637123004898737 0.4804676031176709 0.28854223440644844 0.14305042264149093 0.05792223490668219 -0.04732716083818202 -0.1092385700998715 -0.1665066236669301 -0.17888890551926448 -0.19127118737159884 +14257,-0.24080031478094516,0,0.8534838439193221 1.0841038434190973 1.2404301518048484 1.311628272455782 1.3271061247712066 1.3054371315296105 1.2435257222679297 1.1893532391639525 1.025288004620498 0.7637123004898737 0.4804676031176709 0.28854223440644844 0.14305042264149093 0.05792223490668219 -0.04732716083818202 -0.1092385700998715 -0.1665066236669301 -0.17888890551926448 -0.19127118737159884 -0.17888890551926448 +14258,-0.17734112028772378,0,1.0841038434190973 1.2404301518048484 1.311628272455782 1.3271061247712066 1.3054371315296105 1.2435257222679297 1.1893532391639525 1.025288004620498 0.7637123004898737 0.4804676031176709 0.28854223440644844 0.14305042264149093 0.05792223490668219 -0.04732716083818202 -0.1092385700998715 -0.1665066236669301 -0.17888890551926448 -0.19127118737159884 -0.17888890551926448 -0.24080031478094516 +14259,-0.056613872227435,0,1.2404301518048484 1.311628272455782 1.3271061247712066 1.3054371315296105 1.2435257222679297 1.1893532391639525 1.025288004620498 0.7637123004898737 0.4804676031176709 0.28854223440644844 0.14305042264149093 0.05792223490668219 -0.04732716083818202 -0.1092385700998715 -0.1665066236669301 -0.17888890551926448 -0.19127118737159884 -0.17888890551926448 -0.24080031478094516 -0.17734112028772378 +14260,0.14150263740995023,0,1.311628272455782 1.3271061247712066 1.3054371315296105 1.2435257222679297 1.1893532391639525 1.025288004620498 0.7637123004898737 0.4804676031176709 0.28854223440644844 0.14305042264149093 0.05792223490668219 -0.04732716083818202 -0.1092385700998715 -0.1665066236669301 -0.17888890551926448 -0.19127118737159884 -0.17888890551926448 -0.24080031478094516 -0.17734112028772378 -0.056613872227435 +14261,0.36128814028893164,0,1.3271061247712066 1.3054371315296105 1.2435257222679297 1.1893532391639525 1.025288004620498 0.7637123004898737 0.4804676031176709 0.28854223440644844 0.14305042264149093 0.05792223490668219 -0.04732716083818202 -0.1092385700998715 -0.1665066236669301 -0.17888890551926448 -0.19127118737159884 -0.17888890551926448 -0.24080031478094516 -0.17734112028772378 -0.056613872227435 0.14150263740995023 +14262,0.5748825022417414,0,1.3054371315296105 1.2435257222679297 1.1893532391639525 1.025288004620498 0.7637123004898737 0.4804676031176709 0.28854223440644844 0.14305042264149093 0.05792223490668219 -0.04732716083818202 -0.1092385700998715 -0.1665066236669301 -0.17888890551926448 -0.19127118737159884 -0.17888890551926448 -0.24080031478094516 -0.17734112028772378 -0.056613872227435 0.14150263740995023 0.36128814028893164 +14263,0.7234698844697803,0,1.2435257222679297 1.1893532391639525 1.025288004620498 0.7637123004898737 0.4804676031176709 0.28854223440644844 0.14305042264149093 0.05792223490668219 -0.04732716083818202 -0.1092385700998715 -0.1665066236669301 -0.17888890551926448 -0.19127118737159884 -0.17888890551926448 -0.24080031478094516 -0.17734112028772378 -0.056613872227435 0.14150263740995023 0.36128814028893164 0.5748825022417414 +14264,0.8875351190132439,0,1.1893532391639525 1.025288004620498 0.7637123004898737 0.4804676031176709 0.28854223440644844 0.14305042264149093 0.05792223490668219 -0.04732716083818202 -0.1092385700998715 -0.1665066236669301 -0.17888890551926448 -0.19127118737159884 -0.17888890551926448 -0.24080031478094516 -0.17734112028772378 -0.056613872227435 0.14150263740995023 0.36128814028893164 0.5748825022417414 0.7234698844697803 +14265,0.8921784747078747,0,1.025288004620498 0.7637123004898737 0.4804676031176709 0.28854223440644844 0.14305042264149093 0.05792223490668219 -0.04732716083818202 -0.1092385700998715 -0.1665066236669301 -0.17888890551926448 -0.19127118737159884 -0.17888890551926448 -0.24080031478094516 -0.17734112028772378 -0.056613872227435 0.14150263740995023 0.36128814028893164 0.5748825022417414 0.7234698844697803 0.8875351190132439 +14266,0.8767006223924502,0,0.7637123004898737 0.4804676031176709 0.28854223440644844 0.14305042264149093 0.05792223490668219 -0.04732716083818202 -0.1092385700998715 -0.1665066236669301 -0.17888890551926448 -0.19127118737159884 -0.17888890551926448 -0.24080031478094516 -0.17734112028772378 -0.056613872227435 0.14150263740995023 0.36128814028893164 0.5748825022417414 0.7234698844697803 0.8875351190132439 0.8921784747078747 +14267,0.8472927029931505,0,0.4804676031176709 0.28854223440644844 0.14305042264149093 0.05792223490668219 -0.04732716083818202 -0.1092385700998715 -0.1665066236669301 -0.17888890551926448 -0.19127118737159884 -0.17888890551926448 -0.24080031478094516 -0.17734112028772378 -0.056613872227435 0.14150263740995023 0.36128814028893164 0.5748825022417414 0.7234698844697803 0.8875351190132439 0.8921784747078747 0.8767006223924502 +14268,0.7699034414160453,0,0.28854223440644844 0.14305042264149093 0.05792223490668219 -0.04732716083818202 -0.1092385700998715 -0.1665066236669301 -0.17888890551926448 -0.19127118737159884 -0.17888890551926448 -0.24080031478094516 -0.17734112028772378 -0.056613872227435 0.14150263740995023 0.36128814028893164 0.5748825022417414 0.7234698844697803 0.8875351190132439 0.8921784747078747 0.8767006223924502 0.8472927029931505 +14269,0.7002531059966522,0,0.14305042264149093 0.05792223490668219 -0.04732716083818202 -0.1092385700998715 -0.1665066236669301 -0.17888890551926448 -0.19127118737159884 -0.17888890551926448 -0.24080031478094516 -0.17734112028772378 -0.056613872227435 0.14150263740995023 0.36128814028893164 0.5748825022417414 0.7234698844697803 0.8875351190132439 0.8921784747078747 0.8767006223924502 0.8472927029931505 0.7699034414160453 +14270,0.5129710929800607,0,0.05792223490668219 -0.04732716083818202 -0.1092385700998715 -0.1665066236669301 -0.17888890551926448 -0.19127118737159884 -0.17888890551926448 -0.24080031478094516 -0.17734112028772378 -0.056613872227435 0.14150263740995023 0.36128814028893164 0.5748825022417414 0.7234698844697803 0.8875351190132439 0.8921784747078747 0.8767006223924502 0.8472927029931505 0.7699034414160453 0.7002531059966522 +14271,0.25758652977560814,0,-0.04732716083818202 -0.1092385700998715 -0.1665066236669301 -0.17888890551926448 -0.19127118737159884 -0.17888890551926448 -0.24080031478094516 -0.17734112028772378 -0.056613872227435 0.14150263740995023 0.36128814028893164 0.5748825022417414 0.7234698844697803 0.8875351190132439 0.8921784747078747 0.8767006223924502 0.8472927029931505 0.7699034414160453 0.7002531059966522 0.5129710929800607 +14272,0.09352129523214463,0,-0.1092385700998715 -0.1665066236669301 -0.17888890551926448 -0.19127118737159884 -0.17888890551926448 -0.24080031478094516 -0.17734112028772378 -0.056613872227435 0.14150263740995023 0.36128814028893164 0.5748825022417414 0.7234698844697803 0.8875351190132439 0.8921784747078747 0.8767006223924502 0.8472927029931505 0.7699034414160453 0.7002531059966522 0.5129710929800607 0.25758652977560814 +14273,-0.04113601991201923,0,-0.1665066236669301 -0.17888890551926448 -0.19127118737159884 -0.17888890551926448 -0.24080031478094516 -0.17734112028772378 -0.056613872227435 0.14150263740995023 0.36128814028893164 0.5748825022417414 0.7234698844697803 0.8875351190132439 0.8921784747078747 0.8767006223924502 0.8472927029931505 0.7699034414160453 0.7002531059966522 0.5129710929800607 0.25758652977560814 0.09352129523214463 +14274,-0.12781199287837747,0,-0.17888890551926448 -0.19127118737159884 -0.17888890551926448 -0.24080031478094516 -0.17734112028772378 -0.056613872227435 0.14150263740995023 0.36128814028893164 0.5748825022417414 0.7234698844697803 0.8875351190132439 0.8921784747078747 0.8767006223924502 0.8472927029931505 0.7699034414160453 0.7002531059966522 0.5129710929800607 0.25758652977560814 0.09352129523214463 -0.04113601991201923 +14275,-0.18508004644543605,0,-0.19127118737159884 -0.17888890551926448 -0.24080031478094516 -0.17734112028772378 -0.056613872227435 0.14150263740995023 0.36128814028893164 0.5748825022417414 0.7234698844697803 0.8875351190132439 0.8921784747078747 0.8767006223924502 0.8472927029931505 0.7699034414160453 0.7002531059966522 0.5129710929800607 0.25758652977560814 0.09352129523214463 -0.04113601991201923 -0.12781199287837747 +14276,-0.20210568399239254,0,-0.17888890551926448 -0.24080031478094516 -0.17734112028772378 -0.056613872227435 0.14150263740995023 0.36128814028893164 0.5748825022417414 0.7234698844697803 0.8875351190132439 0.8921784747078747 0.8767006223924502 0.8472927029931505 0.7699034414160453 0.7002531059966522 0.5129710929800607 0.25758652977560814 0.09352129523214463 -0.04113601991201923 -0.12781199287837747 -0.18508004644543605 +14277,-0.2113923953816455,0,-0.24080031478094516 -0.17734112028772378 -0.056613872227435 0.14150263740995023 0.36128814028893164 0.5748825022417414 0.7234698844697803 0.8875351190132439 0.8921784747078747 0.8767006223924502 0.8472927029931505 0.7699034414160453 0.7002531059966522 0.5129710929800607 0.25758652977560814 0.09352129523214463 -0.04113601991201923 -0.12781199287837747 -0.18508004644543605 -0.20210568399239254 +14278,-0.19746232829777044,0,-0.17734112028772378 -0.056613872227435 0.14150263740995023 0.36128814028893164 0.5748825022417414 0.7234698844697803 0.8875351190132439 0.8921784747078747 0.8767006223924502 0.8472927029931505 0.7699034414160453 0.7002531059966522 0.5129710929800607 0.25758652977560814 0.09352129523214463 -0.04113601991201923 -0.12781199287837747 -0.18508004644543605 -0.20210568399239254 -0.2113923953816455 +14279,-0.19591454306622974,0,-0.056613872227435 0.14150263740995023 0.36128814028893164 0.5748825022417414 0.7234698844697803 0.8875351190132439 0.8921784747078747 0.8767006223924502 0.8472927029931505 0.7699034414160453 0.7002531059966522 0.5129710929800607 0.25758652977560814 0.09352129523214463 -0.04113601991201923 -0.12781199287837747 -0.18508004644543605 -0.20210568399239254 -0.2113923953816455 -0.19746232829777044 +14280,-0.19746232829777044,0,0.14150263740995023 0.36128814028893164 0.5748825022417414 0.7234698844697803 0.8875351190132439 0.8921784747078747 0.8767006223924502 0.8472927029931505 0.7699034414160453 0.7002531059966522 0.5129710929800607 0.25758652977560814 0.09352129523214463 -0.04113601991201923 -0.12781199287837747 -0.18508004644543605 -0.20210568399239254 -0.2113923953816455 -0.19746232829777044 -0.19591454306622974 +14281,-0.19746232829777044,0,0.36128814028893164 0.5748825022417414 0.7234698844697803 0.8875351190132439 0.8921784747078747 0.8767006223924502 0.8472927029931505 0.7699034414160453 0.7002531059966522 0.5129710929800607 0.25758652977560814 0.09352129523214463 -0.04113601991201923 -0.12781199287837747 -0.18508004644543605 -0.20210568399239254 -0.2113923953816455 -0.19746232829777044 -0.19591454306622974 -0.19746232829777044 +14282,-0.18198447598234585,0,0.5748825022417414 0.7234698844697803 0.8875351190132439 0.8921784747078747 0.8767006223924502 0.8472927029931505 0.7699034414160453 0.7002531059966522 0.5129710929800607 0.25758652977560814 0.09352129523214463 -0.04113601991201923 -0.12781199287837747 -0.18508004644543605 -0.20210568399239254 -0.2113923953816455 -0.19746232829777044 -0.19591454306622974 -0.19746232829777044 -0.19746232829777044 +14283,-0.07209172454285957,0,0.7234698844697803 0.8875351190132439 0.8921784747078747 0.8767006223924502 0.8472927029931505 0.7699034414160453 0.7002531059966522 0.5129710929800607 0.25758652977560814 0.09352129523214463 -0.04113601991201923 -0.12781199287837747 -0.18508004644543605 -0.20210568399239254 -0.2113923953816455 -0.19746232829777044 -0.19591454306622974 -0.19746232829777044 -0.19746232829777044 -0.18198447598234585 +14284,0.07185230199055727,0,0.8875351190132439 0.8921784747078747 0.8767006223924502 0.8472927029931505 0.7699034414160453 0.7002531059966522 0.5129710929800607 0.25758652977560814 0.09352129523214463 -0.04113601991201923 -0.12781199287837747 -0.18508004644543605 -0.20210568399239254 -0.2113923953816455 -0.19746232829777044 -0.19591454306622974 -0.19746232829777044 -0.19746232829777044 -0.18198447598234585 -0.07209172454285957 +14285,0.25139538884944534,0,0.8921784747078747 0.8767006223924502 0.8472927029931505 0.7699034414160453 0.7002531059966522 0.5129710929800607 0.25758652977560814 0.09352129523214463 -0.04113601991201923 -0.12781199287837747 -0.18508004644543605 -0.20210568399239254 -0.2113923953816455 -0.19746232829777044 -0.19591454306622974 -0.19746232829777044 -0.19746232829777044 -0.18198447598234585 -0.07209172454285957 0.07185230199055727 +14286,0.4386774018660369,0,0.8767006223924502 0.8472927029931505 0.7699034414160453 0.7002531059966522 0.5129710929800607 0.25758652977560814 0.09352129523214463 -0.04113601991201923 -0.12781199287837747 -0.18508004644543605 -0.20210568399239254 -0.2113923953816455 -0.19746232829777044 -0.19591454306622974 -0.19746232829777044 -0.19746232829777044 -0.18198447598234585 -0.07209172454285957 0.07185230199055727 0.25139538884944534 +14287,0.5686913613155699,0,0.8472927029931505 0.7699034414160453 0.7002531059966522 0.5129710929800607 0.25758652977560814 0.09352129523214463 -0.04113601991201923 -0.12781199287837747 -0.18508004644543605 -0.20210568399239254 -0.2113923953816455 -0.19746232829777044 -0.19591454306622974 -0.19746232829777044 -0.19746232829777044 -0.18198447598234585 -0.07209172454285957 0.07185230199055727 0.25139538884944534 0.4386774018660369 +14288,0.6816796832181463,0,0.7699034414160453 0.7002531059966522 0.5129710929800607 0.25758652977560814 0.09352129523214463 -0.04113601991201923 -0.12781199287837747 -0.18508004644543605 -0.20210568399239254 -0.2113923953816455 -0.19746232829777044 -0.19591454306622974 -0.19746232829777044 -0.19746232829777044 -0.18198447598234585 -0.07209172454285957 0.07185230199055727 0.25139538884944534 0.4386774018660369 0.5686913613155699 +14289,0.7250176697013211,0,0.7002531059966522 0.5129710929800607 0.25758652977560814 0.09352129523214463 -0.04113601991201923 -0.12781199287837747 -0.18508004644543605 -0.20210568399239254 -0.2113923953816455 -0.19746232829777044 -0.19591454306622974 -0.19746232829777044 -0.19746232829777044 -0.18198447598234585 -0.07209172454285957 0.07185230199055727 0.25139538884944534 0.4386774018660369 0.5686913613155699 0.6816796832181463 +14290,0.6832274684496871,0,0.5129710929800607 0.25758652977560814 0.09352129523214463 -0.04113601991201923 -0.12781199287837747 -0.18508004644543605 -0.20210568399239254 -0.2113923953816455 -0.19746232829777044 -0.19591454306622974 -0.19746232829777044 -0.19746232829777044 -0.18198447598234585 -0.07209172454285957 0.07185230199055727 0.25139538884944534 0.4386774018660369 0.5686913613155699 0.6816796832181463 0.7250176697013211 +14291,0.6073859921041225,0,0.25758652977560814 0.09352129523214463 -0.04113601991201923 -0.12781199287837747 -0.18508004644543605 -0.20210568399239254 -0.2113923953816455 -0.19746232829777044 -0.19591454306622974 -0.19746232829777044 -0.19746232829777044 -0.18198447598234585 -0.07209172454285957 0.07185230199055727 0.25139538884944534 0.4386774018660369 0.5686913613155699 0.6816796832181463 0.7250176697013211 0.6832274684496871 +14292,0.5160666634431421,0,0.09352129523214463 -0.04113601991201923 -0.12781199287837747 -0.18508004644543605 -0.20210568399239254 -0.2113923953816455 -0.19746232829777044 -0.19591454306622974 -0.19746232829777044 -0.19746232829777044 -0.18198447598234585 -0.07209172454285957 0.07185230199055727 0.25139538884944534 0.4386774018660369 0.5686913613155699 0.6816796832181463 0.7250176697013211 0.6832274684496871 0.6073859921041225 +14293,0.39843498584594356,0,-0.04113601991201923 -0.12781199287837747 -0.18508004644543605 -0.20210568399239254 -0.2113923953816455 -0.19746232829777044 -0.19591454306622974 -0.19746232829777044 -0.19746232829777044 -0.18198447598234585 -0.07209172454285957 0.07185230199055727 0.25139538884944534 0.4386774018660369 0.5686913613155699 0.6816796832181463 0.7250176697013211 0.6832274684496871 0.6073859921041225 0.5160666634431421 +14294,0.25603874454406744,0,-0.12781199287837747 -0.18508004644543605 -0.20210568399239254 -0.2113923953816455 -0.19746232829777044 -0.19591454306622974 -0.19746232829777044 -0.19746232829777044 -0.18198447598234585 -0.07209172454285957 0.07185230199055727 0.25139538884944534 0.4386774018660369 0.5686913613155699 0.6816796832181463 0.7250176697013211 0.6832274684496871 0.6073859921041225 0.5160666634431421 0.39843498584594356 +14295,0.017679818886580066,0,-0.18508004644543605 -0.20210568399239254 -0.2113923953816455 -0.19746232829777044 -0.19591454306622974 -0.19746232829777044 -0.19746232829777044 -0.18198447598234585 -0.07209172454285957 0.07185230199055727 0.25139538884944534 0.4386774018660369 0.5686913613155699 0.6816796832181463 0.7250176697013211 0.6832274684496871 0.6073859921041225 0.5160666634431421 0.39843498584594356 0.25603874454406744 +14296,-0.1092385700998715,0,-0.20210568399239254 -0.2113923953816455 -0.19746232829777044 -0.19591454306622974 -0.19746232829777044 -0.19746232829777044 -0.18198447598234585 -0.07209172454285957 0.07185230199055727 0.25139538884944534 0.4386774018660369 0.5686913613155699 0.6816796832181463 0.7250176697013211 0.6832274684496871 0.6073859921041225 0.5160666634431421 0.39843498584594356 0.25603874454406744 0.017679818886580066 +14297,-0.2082968249185641,0,-0.2113923953816455 -0.19746232829777044 -0.19591454306622974 -0.19746232829777044 -0.19746232829777044 -0.18198447598234585 -0.07209172454285957 0.07185230199055727 0.25139538884944534 0.4386774018660369 0.5686913613155699 0.6816796832181463 0.7250176697013211 0.6832274684496871 0.6073859921041225 0.5160666634431421 0.39843498584594356 0.25603874454406744 0.017679818886580066 -0.1092385700998715 +14298,-0.29342501265338167,0,-0.19746232829777044 -0.19591454306622974 -0.19746232829777044 -0.19746232829777044 -0.18198447598234585 -0.07209172454285957 0.07185230199055727 0.25139538884944534 0.4386774018660369 0.5686913613155699 0.6816796832181463 0.7250176697013211 0.6832274684496871 0.6073859921041225 0.5160666634431421 0.39843498584594356 0.25603874454406744 0.017679818886580066 -0.1092385700998715 -0.2082968249185641 +14299,-0.333667428673475,0,-0.19591454306622974 -0.19746232829777044 -0.19746232829777044 -0.18198447598234585 -0.07209172454285957 0.07185230199055727 0.25139538884944534 0.4386774018660369 0.5686913613155699 0.6816796832181463 0.7250176697013211 0.6832274684496871 0.6073859921041225 0.5160666634431421 0.39843498584594356 0.25603874454406744 0.017679818886580066 -0.1092385700998715 -0.2082968249185641 -0.29342501265338167 +14300,-0.38319655608282127,0,-0.19746232829777044 -0.19746232829777044 -0.18198447598234585 -0.07209172454285957 0.07185230199055727 0.25139538884944534 0.4386774018660369 0.5686913613155699 0.6816796832181463 0.7250176697013211 0.6832274684496871 0.6073859921041225 0.5160666634431421 0.39843498584594356 0.25603874454406744 0.017679818886580066 -0.1092385700998715 -0.2082968249185641 -0.29342501265338167 -0.333667428673475 +14301,-0.3893876970089929,0,-0.19746232829777044 -0.18198447598234585 -0.07209172454285957 0.07185230199055727 0.25139538884944534 0.4386774018660369 0.5686913613155699 0.6816796832181463 0.7250176697013211 0.6832274684496871 0.6073859921041225 0.5160666634431421 0.39843498584594356 0.25603874454406744 0.017679818886580066 -0.1092385700998715 -0.2082968249185641 -0.29342501265338167 -0.333667428673475 -0.38319655608282127 +14302,-0.4157000459452023,0,-0.18198447598234585 -0.07209172454285957 0.07185230199055727 0.25139538884944534 0.4386774018660369 0.5686913613155699 0.6816796832181463 0.7250176697013211 0.6832274684496871 0.6073859921041225 0.5160666634431421 0.39843498584594356 0.25603874454406744 0.017679818886580066 -0.1092385700998715 -0.2082968249185641 -0.29342501265338167 -0.333667428673475 -0.38319655608282127 -0.3893876970089929 +14303,-0.4435601801129613,0,-0.07209172454285957 0.07185230199055727 0.25139538884944534 0.4386774018660369 0.5686913613155699 0.6816796832181463 0.7250176697013211 0.6832274684496871 0.6073859921041225 0.5160666634431421 0.39843498584594356 0.25603874454406744 0.017679818886580066 -0.1092385700998715 -0.2082968249185641 -0.29342501265338167 -0.333667428673475 -0.38319655608282127 -0.3893876970089929 -0.4157000459452023 +14304,-0.4868981665961448,0,0.07185230199055727 0.25139538884944534 0.4386774018660369 0.5686913613155699 0.6816796832181463 0.7250176697013211 0.6832274684496871 0.6073859921041225 0.5160666634431421 0.39843498584594356 0.25603874454406744 0.017679818886580066 -0.1092385700998715 -0.2082968249185641 -0.29342501265338167 -0.333667428673475 -0.38319655608282127 -0.3893876970089929 -0.4157000459452023 -0.4435601801129613 +14305,-0.5379750792370318,0,0.25139538884944534 0.4386774018660369 0.5686913613155699 0.6816796832181463 0.7250176697013211 0.6832274684496871 0.6073859921041225 0.5160666634431421 0.39843498584594356 0.25603874454406744 0.017679818886580066 -0.1092385700998715 -0.2082968249185641 -0.29342501265338167 -0.333667428673475 -0.38319655608282127 -0.3893876970089929 -0.4157000459452023 -0.4435601801129613 -0.4868981665961448 +14306,-0.46058581765992657,0,0.4386774018660369 0.5686913613155699 0.6816796832181463 0.7250176697013211 0.6832274684496871 0.6073859921041225 0.5160666634431421 0.39843498584594356 0.25603874454406744 0.017679818886580066 -0.1092385700998715 -0.2082968249185641 -0.29342501265338167 -0.333667428673475 -0.38319655608282127 -0.3893876970089929 -0.4157000459452023 -0.4435601801129613 -0.4868981665961448 -0.5379750792370318 +14307,-0.25473038186482905,0,0.5686913613155699 0.6816796832181463 0.7250176697013211 0.6832274684496871 0.6073859921041225 0.5160666634431421 0.39843498584594356 0.25603874454406744 0.017679818886580066 -0.1092385700998715 -0.2082968249185641 -0.29342501265338167 -0.333667428673475 -0.38319655608282127 -0.3893876970089929 -0.4157000459452023 -0.4435601801129613 -0.4868981665961448 -0.5379750792370318 -0.46058581765992657 +14308,-0.11388192579449359,0,0.6816796832181463 0.7250176697013211 0.6832274684496871 0.6073859921041225 0.5160666634431421 0.39843498584594356 0.25603874454406744 0.017679818886580066 -0.1092385700998715 -0.2082968249185641 -0.29342501265338167 -0.333667428673475 -0.38319655608282127 -0.3893876970089929 -0.4157000459452023 -0.4435601801129613 -0.4868981665961448 -0.5379750792370318 -0.46058581765992657 -0.25473038186482905 +14309,0.0037497518027049923,0,0.7250176697013211 0.6832274684496871 0.6073859921041225 0.5160666634431421 0.39843498584594356 0.25603874454406744 0.017679818886580066 -0.1092385700998715 -0.2082968249185641 -0.29342501265338167 -0.333667428673475 -0.38319655608282127 -0.3893876970089929 -0.4157000459452023 -0.4435601801129613 -0.4868981665961448 -0.5379750792370318 -0.46058581765992657 -0.25473038186482905 -0.11388192579449359 +14310,0.08578236907443235,0,0.6832274684496871 0.6073859921041225 0.5160666634431421 0.39843498584594356 0.25603874454406744 0.017679818886580066 -0.1092385700998715 -0.2082968249185641 -0.29342501265338167 -0.333667428673475 -0.38319655608282127 -0.3893876970089929 -0.4157000459452023 -0.4435601801129613 -0.4868981665961448 -0.5379750792370318 -0.46058581765992657 -0.25473038186482905 -0.11388192579449359 0.0037497518027049923 +14311,0.20031847620854953,0,0.6073859921041225 0.5160666634431421 0.39843498584594356 0.25603874454406744 0.017679818886580066 -0.1092385700998715 -0.2082968249185641 -0.29342501265338167 -0.333667428673475 -0.38319655608282127 -0.3893876970089929 -0.4157000459452023 -0.4435601801129613 -0.4868981665961448 -0.5379750792370318 -0.46058581765992657 -0.25473038186482905 -0.11388192579449359 0.0037497518027049923 0.08578236907443235 +14312,0.2699688116279425,0,0.5160666634431421 0.39843498584594356 0.25603874454406744 0.017679818886580066 -0.1092385700998715 -0.2082968249185641 -0.29342501265338167 -0.333667428673475 -0.38319655608282127 -0.3893876970089929 -0.4157000459452023 -0.4435601801129613 -0.4868981665961448 -0.5379750792370318 -0.46058581765992657 -0.25473038186482905 -0.11388192579449359 0.0037497518027049923 0.08578236907443235 0.20031847620854953 +14313,0.29782894579570146,0,0.39843498584594356 0.25603874454406744 0.017679818886580066 -0.1092385700998715 -0.2082968249185641 -0.29342501265338167 -0.333667428673475 -0.38319655608282127 -0.3893876970089929 -0.4157000459452023 -0.4435601801129613 -0.4868981665961448 -0.5379750792370318 -0.46058581765992657 -0.25473038186482905 -0.11388192579449359 0.0037497518027049923 0.08578236907443235 0.20031847620854953 0.2699688116279425 +14314,0.3179501538057481,0,0.25603874454406744 0.017679818886580066 -0.1092385700998715 -0.2082968249185641 -0.29342501265338167 -0.333667428673475 -0.38319655608282127 -0.3893876970089929 -0.4157000459452023 -0.4435601801129613 -0.4868981665961448 -0.5379750792370318 -0.46058581765992657 -0.25473038186482905 -0.11388192579449359 0.0037497518027049923 0.08578236907443235 0.20031847620854953 0.2699688116279425 0.29782894579570146 +14315,0.28699444917490774,0,0.017679818886580066 -0.1092385700998715 -0.2082968249185641 -0.29342501265338167 -0.333667428673475 -0.38319655608282127 -0.3893876970089929 -0.4157000459452023 -0.4435601801129613 -0.4868981665961448 -0.5379750792370318 -0.46058581765992657 -0.25473038186482905 -0.11388192579449359 0.0037497518027049923 0.08578236907443235 0.20031847620854953 0.2699688116279425 0.29782894579570146 0.3179501538057481 +14316,0.24675203315481445,0,-0.1092385700998715 -0.2082968249185641 -0.29342501265338167 -0.333667428673475 -0.38319655608282127 -0.3893876970089929 -0.4157000459452023 -0.4435601801129613 -0.4868981665961448 -0.5379750792370318 -0.46058581765992657 -0.25473038186482905 -0.11388192579449359 0.0037497518027049923 0.08578236907443235 0.20031847620854953 0.2699688116279425 0.29782894579570146 0.3179501538057481 0.28699444917490774 +14317,0.16007606018845622,0,-0.2082968249185641 -0.29342501265338167 -0.333667428673475 -0.38319655608282127 -0.3893876970089929 -0.4157000459452023 -0.4435601801129613 -0.4868981665961448 -0.5379750792370318 -0.46058581765992657 -0.25473038186482905 -0.11388192579449359 0.0037497518027049923 0.08578236907443235 0.20031847620854953 0.2699688116279425 0.29782894579570146 0.3179501538057481 0.28699444917490774 0.24675203315481445 +14318,0.033157671202004635,0,-0.29342501265338167 -0.333667428673475 -0.38319655608282127 -0.3893876970089929 -0.4157000459452023 -0.4435601801129613 -0.4868981665961448 -0.5379750792370318 -0.46058581765992657 -0.25473038186482905 -0.11388192579449359 0.0037497518027049923 0.08578236907443235 0.20031847620854953 0.2699688116279425 0.29782894579570146 0.3179501538057481 0.28699444917490774 0.24675203315481445 0.16007606018845622 +14319,-0.12471642241528727,0,-0.333667428673475 -0.38319655608282127 -0.3893876970089929 -0.4157000459452023 -0.4435601801129613 -0.4868981665961448 -0.5379750792370318 -0.46058581765992657 -0.25473038186482905 -0.11388192579449359 0.0037497518027049923 0.08578236907443235 0.20031847620854953 0.2699688116279425 0.29782894579570146 0.3179501538057481 0.28699444917490774 0.24675203315481445 0.16007606018845622 0.033157671202004635 +14320,-0.29187722742184097,0,-0.38319655608282127 -0.3893876970089929 -0.4157000459452023 -0.4435601801129613 -0.4868981665961448 -0.5379750792370318 -0.46058581765992657 -0.25473038186482905 -0.11388192579449359 0.0037497518027049923 0.08578236907443235 0.20031847620854953 0.2699688116279425 0.29782894579570146 0.3179501538057481 0.28699444917490774 0.24675203315481445 0.16007606018845622 0.033157671202004635 -0.12471642241528727 +14321,-0.34450192529426865,0,-0.3893876970089929 -0.4157000459452023 -0.4435601801129613 -0.4868981665961448 -0.5379750792370318 -0.46058581765992657 -0.25473038186482905 -0.11388192579449359 0.0037497518027049923 0.08578236907443235 0.20031847620854953 0.2699688116279425 0.29782894579570146 0.3179501538057481 0.28699444917490774 0.24675203315481445 0.16007606018845622 0.033157671202004635 -0.12471642241528727 -0.29187722742184097 +14322,-0.4435601801129613,0,-0.4157000459452023 -0.4435601801129613 -0.4868981665961448 -0.5379750792370318 -0.46058581765992657 -0.25473038186482905 -0.11388192579449359 0.0037497518027049923 0.08578236907443235 0.20031847620854953 0.2699688116279425 0.29782894579570146 0.3179501538057481 0.28699444917490774 0.24675203315481445 0.16007606018845622 0.033157671202004635 -0.12471642241528727 -0.29187722742184097 -0.34450192529426865 +14323,-0.4961848779853978,0,-0.4435601801129613 -0.4868981665961448 -0.5379750792370318 -0.46058581765992657 -0.25473038186482905 -0.11388192579449359 0.0037497518027049923 0.08578236907443235 0.20031847620854953 0.2699688116279425 0.29782894579570146 0.3179501538057481 0.28699444917490774 0.24675203315481445 0.16007606018845622 0.033157671202004635 -0.12471642241528727 -0.29187722742184097 -0.34450192529426865 -0.4435601801129613 +14324,-0.9437482902241036,0,-0.4868981665961448 -0.5379750792370318 -0.46058581765992657 -0.25473038186482905 -0.11388192579449359 0.0037497518027049923 0.08578236907443235 0.20031847620854953 0.2699688116279425 0.29782894579570146 0.3179501538057481 0.28699444917490774 0.24675203315481445 0.16007606018845622 0.033157671202004635 -0.12471642241528727 -0.29187722742184097 -0.34450192529426865 -0.4435601801129613 -0.4961848779853978 +14325,-0.6323899783611023,0,-0.5379750792370318 -0.46058581765992657 -0.25473038186482905 -0.11388192579449359 0.0037497518027049923 0.08578236907443235 0.20031847620854953 0.2699688116279425 0.29782894579570146 0.3179501538057481 0.28699444917490774 0.24675203315481445 0.16007606018845622 0.033157671202004635 -0.12471642241528727 -0.29187722742184097 -0.34450192529426865 -0.4435601801129613 -0.4961848779853978 -0.9437482902241036 +14326,-0.6463200454449775,0,-0.46058581765992657 -0.25473038186482905 -0.11388192579449359 0.0037497518027049923 0.08578236907443235 0.20031847620854953 0.2699688116279425 0.29782894579570146 0.3179501538057481 0.28699444917490774 0.24675203315481445 0.16007606018845622 0.033157671202004635 -0.12471642241528727 -0.29187722742184097 -0.34450192529426865 -0.4435601801129613 -0.4961848779853978 -0.9437482902241036 -0.6323899783611023 +14327,-0.6819191057704487,0,-0.25473038186482905 -0.11388192579449359 0.0037497518027049923 0.08578236907443235 0.20031847620854953 0.2699688116279425 0.29782894579570146 0.3179501538057481 0.28699444917490774 0.24675203315481445 0.16007606018845622 0.033157671202004635 -0.12471642241528727 -0.29187722742184097 -0.34450192529426865 -0.4435601801129613 -0.4961848779853978 -0.9437482902241036 -0.6323899783611023 -0.6463200454449775 +14328,-0.5379750792370318,0,-0.11388192579449359 0.0037497518027049923 0.08578236907443235 0.20031847620854953 0.2699688116279425 0.29782894579570146 0.3179501538057481 0.28699444917490774 0.24675203315481445 0.16007606018845622 0.033157671202004635 -0.12471642241528727 -0.29187722742184097 -0.34450192529426865 -0.4435601801129613 -0.4961848779853978 -0.9437482902241036 -0.6323899783611023 -0.6463200454449775 -0.6819191057704487 +14329,-0.5209494416900665,0,0.0037497518027049923 0.08578236907443235 0.20031847620854953 0.2699688116279425 0.29782894579570146 0.3179501538057481 0.28699444917490774 0.24675203315481445 0.16007606018845622 0.033157671202004635 -0.12471642241528727 -0.29187722742184097 -0.34450192529426865 -0.4435601801129613 -0.4961848779853978 -0.9437482902241036 -0.6323899783611023 -0.6463200454449775 -0.6819191057704487 -0.5379750792370318 +14330,-0.5271405826162381,0,0.08578236907443235 0.20031847620854953 0.2699688116279425 0.29782894579570146 0.3179501538057481 0.28699444917490774 0.24675203315481445 0.16007606018845622 0.033157671202004635 -0.12471642241528727 -0.29187722742184097 -0.34450192529426865 -0.4435601801129613 -0.4961848779853978 -0.9437482902241036 -0.6323899783611023 -0.6463200454449775 -0.6819191057704487 -0.5379750792370318 -0.5209494416900665 +14331,-0.29032944219029144,0,0.20031847620854953 0.2699688116279425 0.29782894579570146 0.3179501538057481 0.28699444917490774 0.24675203315481445 0.16007606018845622 0.033157671202004635 -0.12471642241528727 -0.29187722742184097 -0.34450192529426865 -0.4435601801129613 -0.4961848779853978 -0.9437482902241036 -0.6323899783611023 -0.6463200454449775 -0.6819191057704487 -0.5379750792370318 -0.5209494416900665 -0.5271405826162381 +14332,-0.19436675783468904,0,0.2699688116279425 0.29782894579570146 0.3179501538057481 0.28699444917490774 0.24675203315481445 0.16007606018845622 0.033157671202004635 -0.12471642241528727 -0.29187722742184097 -0.34450192529426865 -0.4435601801129613 -0.4961848779853978 -0.9437482902241036 -0.6323899783611023 -0.6463200454449775 -0.6819191057704487 -0.5379750792370318 -0.5209494416900665 -0.5271405826162381 -0.29032944219029144 +14333,-0.02875373805967605,0,0.29782894579570146 0.3179501538057481 0.28699444917490774 0.24675203315481445 0.16007606018845622 0.033157671202004635 -0.12471642241528727 -0.29187722742184097 -0.34450192529426865 -0.4435601801129613 -0.4961848779853978 -0.9437482902241036 -0.6323899783611023 -0.6463200454449775 -0.6819191057704487 -0.5379750792370318 -0.5209494416900665 -0.5271405826162381 -0.29032944219029144 -0.19436675783468904 +14334,0.16317163065153759,0,0.3179501538057481 0.28699444917490774 0.24675203315481445 0.16007606018845622 0.033157671202004635 -0.12471642241528727 -0.29187722742184097 -0.34450192529426865 -0.4435601801129613 -0.4961848779853978 -0.9437482902241036 -0.6323899783611023 -0.6463200454449775 -0.6819191057704487 -0.5379750792370318 -0.5209494416900665 -0.5271405826162381 -0.29032944219029144 -0.19436675783468904 -0.02875373805967605 +14335,0.30247230149033233,0,0.28699444917490774 0.24675203315481445 0.16007606018845622 0.033157671202004635 -0.12471642241528727 -0.29187722742184097 -0.34450192529426865 -0.4435601801129613 -0.4961848779853978 -0.9437482902241036 -0.6323899783611023 -0.6463200454449775 -0.6819191057704487 -0.5379750792370318 -0.5209494416900665 -0.5271405826162381 -0.29032944219029144 -0.19436675783468904 -0.02875373805967605 0.16317163065153759 +14336,0.5485701533055232,0,0.24675203315481445 0.16007606018845622 0.033157671202004635 -0.12471642241528727 -0.29187722742184097 -0.34450192529426865 -0.4435601801129613 -0.4961848779853978 -0.9437482902241036 -0.6323899783611023 -0.6463200454449775 -0.6819191057704487 -0.5379750792370318 -0.5209494416900665 -0.5271405826162381 -0.29032944219029144 -0.19436675783468904 -0.02875373805967605 0.16317163065153759 0.30247230149033233 +14337,0.5779780727048228,0,0.16007606018845622 0.033157671202004635 -0.12471642241528727 -0.29187722742184097 -0.34450192529426865 -0.4435601801129613 -0.4961848779853978 -0.9437482902241036 -0.6323899783611023 -0.6463200454449775 -0.6819191057704487 -0.5379750792370318 -0.5209494416900665 -0.5271405826162381 -0.29032944219029144 -0.19436675783468904 -0.02875373805967605 0.16317163065153759 0.30247230149033233 0.5485701533055232 +14338,0.6259594148826284,0,0.033157671202004635 -0.12471642241528727 -0.29187722742184097 -0.34450192529426865 -0.4435601801129613 -0.4961848779853978 -0.9437482902241036 -0.6323899783611023 -0.6463200454449775 -0.6819191057704487 -0.5379750792370318 -0.5209494416900665 -0.5271405826162381 -0.29032944219029144 -0.19436675783468904 -0.02875373805967605 0.16317163065153759 0.30247230149033233 0.5485701533055232 0.5779780727048228 +14339,0.4108172676982779,0,-0.12471642241528727 -0.29187722742184097 -0.34450192529426865 -0.4435601801129613 -0.4961848779853978 -0.9437482902241036 -0.6323899783611023 -0.6463200454449775 -0.6819191057704487 -0.5379750792370318 -0.5209494416900665 -0.5271405826162381 -0.29032944219029144 -0.19436675783468904 -0.02875373805967605 0.16317163065153759 0.30247230149033233 0.5485701533055232 0.5779780727048228 0.6259594148826284 +14340,0.5532135090001541,0,-0.29187722742184097 -0.34450192529426865 -0.4435601801129613 -0.4961848779853978 -0.9437482902241036 -0.6323899783611023 -0.6463200454449775 -0.6819191057704487 -0.5379750792370318 -0.5209494416900665 -0.5271405826162381 -0.29032944219029144 -0.19436675783468904 -0.02875373805967605 0.16317163065153759 0.30247230149033233 0.5485701533055232 0.5779780727048228 0.6259594148826284 0.4108172676982779 +14341,0.38140934829897827,0,-0.34450192529426865 -0.4435601801129613 -0.4961848779853978 -0.9437482902241036 -0.6323899783611023 -0.6463200454449775 -0.6819191057704487 -0.5379750792370318 -0.5209494416900665 -0.5271405826162381 -0.29032944219029144 -0.19436675783468904 -0.02875373805967605 0.16317163065153759 0.30247230149033233 0.5485701533055232 0.5779780727048228 0.6259594148826284 0.4108172676982779 0.5532135090001541 +14342,0.039348812128176223,0,-0.4435601801129613 -0.4961848779853978 -0.9437482902241036 -0.6323899783611023 -0.6463200454449775 -0.6819191057704487 -0.5379750792370318 -0.5209494416900665 -0.5271405826162381 -0.29032944219029144 -0.19436675783468904 -0.02875373805967605 0.16317163065153759 0.30247230149033233 0.5485701533055232 0.5779780727048228 0.6259594148826284 0.4108172676982779 0.5532135090001541 0.38140934829897827 +14343,-0.011728100512719579,0,-0.4961848779853978 -0.9437482902241036 -0.6323899783611023 -0.6463200454449775 -0.6819191057704487 -0.5379750792370318 -0.5209494416900665 -0.5271405826162381 -0.29032944219029144 -0.19436675783468904 -0.02875373805967605 0.16317163065153759 0.30247230149033233 0.5485701533055232 0.5779780727048228 0.6259594148826284 0.4108172676982779 0.5532135090001541 0.38140934829897827 0.039348812128176223 +14344,-0.061257227922065886,0,-0.9437482902241036 -0.6323899783611023 -0.6463200454449775 -0.6819191057704487 -0.5379750792370318 -0.5209494416900665 -0.5271405826162381 -0.29032944219029144 -0.19436675783468904 -0.02875373805967605 0.16317163065153759 0.30247230149033233 0.5485701533055232 0.5779780727048228 0.6259594148826284 0.4108172676982779 0.5532135090001541 0.38140934829897827 0.039348812128176223 -0.011728100512719579 +14345,-0.3352152139050157,0,-0.6323899783611023 -0.6463200454449775 -0.6819191057704487 -0.5379750792370318 -0.5209494416900665 -0.5271405826162381 -0.29032944219029144 -0.19436675783468904 -0.02875373805967605 0.16317163065153759 0.30247230149033233 0.5485701533055232 0.5779780727048228 0.6259594148826284 0.4108172676982779 0.5532135090001541 0.38140934829897827 0.039348812128176223 -0.011728100512719579 -0.061257227922065886 +14346,-0.36307534807277464,0,-0.6463200454449775 -0.6819191057704487 -0.5379750792370318 -0.5209494416900665 -0.5271405826162381 -0.29032944219029144 -0.19436675783468904 -0.02875373805967605 0.16317163065153759 0.30247230149033233 0.5485701533055232 0.5779780727048228 0.6259594148826284 0.4108172676982779 0.5532135090001541 0.38140934829897827 0.039348812128176223 -0.011728100512719579 -0.061257227922065886 -0.3352152139050157 +14347,-0.4280823277975455,0,-0.6819191057704487 -0.5379750792370318 -0.5209494416900665 -0.5271405826162381 -0.29032944219029144 -0.19436675783468904 -0.02875373805967605 0.16317163065153759 0.30247230149033233 0.5485701533055232 0.5779780727048228 0.6259594148826284 0.4108172676982779 0.5532135090001541 0.38140934829897827 0.039348812128176223 -0.011728100512719579 -0.061257227922065886 -0.3352152139050157 -0.36307534807277464 +14348,-0.45594246196530447,0,-0.5379750792370318 -0.5209494416900665 -0.5271405826162381 -0.29032944219029144 -0.19436675783468904 -0.02875373805967605 0.16317163065153759 0.30247230149033233 0.5485701533055232 0.5779780727048228 0.6259594148826284 0.4108172676982779 0.5532135090001541 0.38140934829897827 0.039348812128176223 -0.011728100512719579 -0.061257227922065886 -0.3352152139050157 -0.36307534807277464 -0.4280823277975455 +14349,-0.5178538712269851,0,-0.5209494416900665 -0.5271405826162381 -0.29032944219029144 -0.19436675783468904 -0.02875373805967605 0.16317163065153759 0.30247230149033233 0.5485701533055232 0.5779780727048228 0.6259594148826284 0.4108172676982779 0.5532135090001541 0.38140934829897827 0.039348812128176223 -0.011728100512719579 -0.061257227922065886 -0.3352152139050157 -0.36307534807277464 -0.4280823277975455 -0.45594246196530447 +14350,-0.5255927973846974,0,-0.5271405826162381 -0.29032944219029144 -0.19436675783468904 -0.02875373805967605 0.16317163065153759 0.30247230149033233 0.5485701533055232 0.5779780727048228 0.6259594148826284 0.4108172676982779 0.5532135090001541 0.38140934829897827 0.039348812128176223 -0.011728100512719579 -0.061257227922065886 -0.3352152139050157 -0.36307534807277464 -0.4280823277975455 -0.45594246196530447 -0.5178538712269851 +14351,-0.5550007167839971,0,-0.29032944219029144 -0.19436675783468904 -0.02875373805967605 0.16317163065153759 0.30247230149033233 0.5485701533055232 0.5779780727048228 0.6259594148826284 0.4108172676982779 0.5532135090001541 0.38140934829897827 0.039348812128176223 -0.011728100512719579 -0.061257227922065886 -0.3352152139050157 -0.36307534807277464 -0.4280823277975455 -0.45594246196530447 -0.5178538712269851 -0.5255927973846974 +14352,-0.5766697100255844,0,-0.19436675783468904 -0.02875373805967605 0.16317163065153759 0.30247230149033233 0.5485701533055232 0.5779780727048228 0.6259594148826284 0.4108172676982779 0.5532135090001541 0.38140934829897827 0.039348812128176223 -0.011728100512719579 -0.061257227922065886 -0.3352152139050157 -0.36307534807277464 -0.4280823277975455 -0.45594246196530447 -0.5178538712269851 -0.5255927973846974 -0.5550007167839971 +14353,-0.4110566902505802,0,-0.02875373805967605 0.16317163065153759 0.30247230149033233 0.5485701533055232 0.5779780727048228 0.6259594148826284 0.4108172676982779 0.5532135090001541 0.38140934829897827 0.039348812128176223 -0.011728100512719579 -0.061257227922065886 -0.3352152139050157 -0.36307534807277464 -0.4280823277975455 -0.45594246196530447 -0.5178538712269851 -0.5255927973846974 -0.5550007167839971 -0.5766697100255844 +14354,-0.3785532003881992,0,0.16317163065153759 0.30247230149033233 0.5485701533055232 0.5779780727048228 0.6259594148826284 0.4108172676982779 0.5532135090001541 0.38140934829897827 0.039348812128176223 -0.011728100512719579 -0.061257227922065886 -0.3352152139050157 -0.36307534807277464 -0.4280823277975455 -0.45594246196530447 -0.5178538712269851 -0.5255927973846974 -0.5550007167839971 -0.5766697100255844 -0.4110566902505802 +14355,-0.22841803292861076,0,0.30247230149033233 0.5485701533055232 0.5779780727048228 0.6259594148826284 0.4108172676982779 0.5532135090001541 0.38140934829897827 0.039348812128176223 -0.011728100512719579 -0.061257227922065886 -0.3352152139050157 -0.36307534807277464 -0.4280823277975455 -0.45594246196530447 -0.5178538712269851 -0.5255927973846974 -0.5550007167839971 -0.5766697100255844 -0.4110566902505802 -0.3785532003881992 +14356,-0.14328984519379323,0,0.5485701533055232 0.5779780727048228 0.6259594148826284 0.4108172676982779 0.5532135090001541 0.38140934829897827 0.039348812128176223 -0.011728100512719579 -0.061257227922065886 -0.3352152139050157 -0.36307534807277464 -0.4280823277975455 -0.45594246196530447 -0.5178538712269851 -0.5255927973846974 -0.5550007167839971 -0.5766697100255844 -0.4110566902505802 -0.3785532003881992 -0.22841803292861076 +14357,0.00994089272887658,0,0.5779780727048228 0.6259594148826284 0.4108172676982779 0.5532135090001541 0.38140934829897827 0.039348812128176223 -0.011728100512719579 -0.061257227922065886 -0.3352152139050157 -0.36307534807277464 -0.4280823277975455 -0.45594246196530447 -0.5178538712269851 -0.5255927973846974 -0.5550007167839971 -0.5766697100255844 -0.4110566902505802 -0.3785532003881992 -0.22841803292861076 -0.14328984519379323 +14358,0.09352129523214463,0,0.6259594148826284 0.4108172676982779 0.5532135090001541 0.38140934829897827 0.039348812128176223 -0.011728100512719579 -0.061257227922065886 -0.3352152139050157 -0.36307534807277464 -0.4280823277975455 -0.45594246196530447 -0.5178538712269851 -0.5255927973846974 -0.5550007167839971 -0.5766697100255844 -0.4110566902505802 -0.3785532003881992 -0.22841803292861076 -0.14328984519379323 0.00994089272887658 +14359,0.16471941588308708,0,0.4108172676982779 0.5532135090001541 0.38140934829897827 0.039348812128176223 -0.011728100512719579 -0.061257227922065886 -0.3352152139050157 -0.36307534807277464 -0.4280823277975455 -0.45594246196530447 -0.5178538712269851 -0.5255927973846974 -0.5550007167839971 -0.5766697100255844 -0.4110566902505802 -0.3785532003881992 -0.22841803292861076 -0.14328984519379323 0.00994089272887658 0.09352129523214463 +14360,0.2653254559333204,0,0.5532135090001541 0.38140934829897827 0.039348812128176223 -0.011728100512719579 -0.061257227922065886 -0.3352152139050157 -0.36307534807277464 -0.4280823277975455 -0.45594246196530447 -0.5178538712269851 -0.5255927973846974 -0.5550007167839971 -0.5766697100255844 -0.4110566902505802 -0.3785532003881992 -0.22841803292861076 -0.14328984519379323 0.00994089272887658 0.09352129523214463 0.16471941588308708 +14361,0.34581028797350705,0,0.38140934829897827 0.039348812128176223 -0.011728100512719579 -0.061257227922065886 -0.3352152139050157 -0.36307534807277464 -0.4280823277975455 -0.45594246196530447 -0.5178538712269851 -0.5255927973846974 -0.5550007167839971 -0.5766697100255844 -0.4110566902505802 -0.3785532003881992 -0.22841803292861076 -0.14328984519379323 0.00994089272887658 0.09352129523214463 0.16471941588308708 0.2653254559333204 +14362,0.34116693227888495,0,0.039348812128176223 -0.011728100512719579 -0.061257227922065886 -0.3352152139050157 -0.36307534807277464 -0.4280823277975455 -0.45594246196530447 -0.5178538712269851 -0.5255927973846974 -0.5550007167839971 -0.5766697100255844 -0.4110566902505802 -0.3785532003881992 -0.22841803292861076 -0.14328984519379323 0.00994089272887658 0.09352129523214463 0.16471941588308708 0.2653254559333204 0.34581028797350705 +14363,0.2653254559333204,0,-0.011728100512719579 -0.061257227922065886 -0.3352152139050157 -0.36307534807277464 -0.4280823277975455 -0.45594246196530447 -0.5178538712269851 -0.5255927973846974 -0.5550007167839971 -0.5766697100255844 -0.4110566902505802 -0.3785532003881992 -0.22841803292861076 -0.14328984519379323 0.00994089272887658 0.09352129523214463 0.16471941588308708 0.2653254559333204 0.34581028797350705 0.34116693227888495 +14364,0.2792555230171955,0,-0.061257227922065886 -0.3352152139050157 -0.36307534807277464 -0.4280823277975455 -0.45594246196530447 -0.5178538712269851 -0.5255927973846974 -0.5550007167839971 -0.5766697100255844 -0.4110566902505802 -0.3785532003881992 -0.22841803292861076 -0.14328984519379323 0.00994089272887658 0.09352129523214463 0.16471941588308708 0.2653254559333204 0.34581028797350705 0.34116693227888495 0.2653254559333204 +14365,0.3272368651950011,0,-0.3352152139050157 -0.36307534807277464 -0.4280823277975455 -0.45594246196530447 -0.5178538712269851 -0.5255927973846974 -0.5550007167839971 -0.5766697100255844 -0.4110566902505802 -0.3785532003881992 -0.22841803292861076 -0.14328984519379323 0.00994089272887658 0.09352129523214463 0.16471941588308708 0.2653254559333204 0.34581028797350705 0.34116693227888495 0.2653254559333204 0.2792555230171955 +14366,0.09042572476906323,0,-0.36307534807277464 -0.4280823277975455 -0.45594246196530447 -0.5178538712269851 -0.5255927973846974 -0.5550007167839971 -0.5766697100255844 -0.4110566902505802 -0.3785532003881992 -0.22841803292861076 -0.14328984519379323 0.00994089272887658 0.09352129523214463 0.16471941588308708 0.2653254559333204 0.34581028797350705 0.34116693227888495 0.2653254559333204 0.2792555230171955 0.3272368651950011 +14367,-0.03339709375430694,0,-0.4280823277975455 -0.45594246196530447 -0.5178538712269851 -0.5255927973846974 -0.5550007167839971 -0.5766697100255844 -0.4110566902505802 -0.3785532003881992 -0.22841803292861076 -0.14328984519379323 0.00994089272887658 0.09352129523214463 0.16471941588308708 0.2653254559333204 0.34581028797350705 0.34116693227888495 0.2653254559333204 0.2792555230171955 0.3272368651950011 0.09042572476906323 +14368,-0.13555091903608096,0,-0.45594246196530447 -0.5178538712269851 -0.5255927973846974 -0.5550007167839971 -0.5766697100255844 -0.4110566902505802 -0.3785532003881992 -0.22841803292861076 -0.14328984519379323 0.00994089272887658 0.09352129523214463 0.16471941588308708 0.2653254559333204 0.34581028797350705 0.34116693227888495 0.2653254559333204 0.2792555230171955 0.3272368651950011 0.09042572476906323 -0.03339709375430694 +14369,-0.24544367047557605,0,-0.5178538712269851 -0.5255927973846974 -0.5550007167839971 -0.5766697100255844 -0.4110566902505802 -0.3785532003881992 -0.22841803292861076 -0.14328984519379323 0.00994089272887658 0.09352129523214463 0.16471941588308708 0.2653254559333204 0.34581028797350705 0.34116693227888495 0.2653254559333204 0.2792555230171955 0.3272368651950011 0.09042572476906323 -0.03339709375430694 -0.13555091903608096 +14370,-0.273303804643335,0,-0.5255927973846974 -0.5550007167839971 -0.5766697100255844 -0.4110566902505802 -0.3785532003881992 -0.22841803292861076 -0.14328984519379323 0.00994089272887658 0.09352129523214463 0.16471941588308708 0.2653254559333204 0.34581028797350705 0.34116693227888495 0.2653254559333204 0.2792555230171955 0.3272368651950011 0.09042572476906323 -0.03339709375430694 -0.13555091903608096 -0.24544367047557605 +14371,-0.30580729450571603,0,-0.5550007167839971 -0.5766697100255844 -0.4110566902505802 -0.3785532003881992 -0.22841803292861076 -0.14328984519379323 0.00994089272887658 0.09352129523214463 0.16471941588308708 0.2653254559333204 0.34581028797350705 0.34116693227888495 0.2653254559333204 0.2792555230171955 0.3272368651950011 0.09042572476906323 -0.03339709375430694 -0.13555091903608096 -0.24544367047557605 -0.273303804643335 +14372,-0.36462313330431534,0,-0.5766697100255844 -0.4110566902505802 -0.3785532003881992 -0.22841803292861076 -0.14328984519379323 0.00994089272887658 0.09352129523214463 0.16471941588308708 0.2653254559333204 0.34581028797350705 0.34116693227888495 0.2653254559333204 0.2792555230171955 0.3272368651950011 0.09042572476906323 -0.03339709375430694 -0.13555091903608096 -0.24544367047557605 -0.273303804643335 -0.30580729450571603 +14373,-0.30271172404263463,0,-0.4110566902505802 -0.3785532003881992 -0.22841803292861076 -0.14328984519379323 0.00994089272887658 0.09352129523214463 0.16471941588308708 0.2653254559333204 0.34581028797350705 0.34116693227888495 0.2653254559333204 0.2792555230171955 0.3272368651950011 0.09042572476906323 -0.03339709375430694 -0.13555091903608096 -0.24544367047557605 -0.273303804643335 -0.30580729450571603 -0.36462313330431534 +14374,-0.30425950927417533,0,-0.3785532003881992 -0.22841803292861076 -0.14328984519379323 0.00994089272887658 0.09352129523214463 0.16471941588308708 0.2653254559333204 0.34581028797350705 0.34116693227888495 0.2653254559333204 0.2792555230171955 0.3272368651950011 0.09042572476906323 -0.03339709375430694 -0.13555091903608096 -0.24544367047557605 -0.273303804643335 -0.30580729450571603 -0.36462313330431534 -0.30271172404263463 +14375,-0.28878165695875074,0,-0.22841803292861076 -0.14328984519379323 0.00994089272887658 0.09352129523214463 0.16471941588308708 0.2653254559333204 0.34581028797350705 0.34116693227888495 0.2653254559333204 0.2792555230171955 0.3272368651950011 0.09042572476906323 -0.03339709375430694 -0.13555091903608096 -0.24544367047557605 -0.273303804643335 -0.30580729450571603 -0.36462313330431534 -0.30271172404263463 -0.30425950927417533 +14376,-0.30271172404263463,0,-0.14328984519379323 0.00994089272887658 0.09352129523214463 0.16471941588308708 0.2653254559333204 0.34581028797350705 0.34116693227888495 0.2653254559333204 0.2792555230171955 0.3272368651950011 0.09042572476906323 -0.03339709375430694 -0.13555091903608096 -0.24544367047557605 -0.273303804643335 -0.30580729450571603 -0.36462313330431534 -0.30271172404263463 -0.30425950927417533 -0.28878165695875074 +14377,-0.3197373615895999,0,0.00994089272887658 0.09352129523214463 0.16471941588308708 0.2653254559333204 0.34581028797350705 0.34116693227888495 0.2653254559333204 0.2792555230171955 0.3272368651950011 0.09042572476906323 -0.03339709375430694 -0.13555091903608096 -0.24544367047557605 -0.273303804643335 -0.30580729450571603 -0.36462313330431534 -0.30271172404263463 -0.30425950927417533 -0.28878165695875074 -0.30271172404263463 +14378,-0.20055789876085184,0,0.09352129523214463 0.16471941588308708 0.2653254559333204 0.34581028797350705 0.34116693227888495 0.2653254559333204 0.2792555230171955 0.3272368651950011 0.09042572476906323 -0.03339709375430694 -0.13555091903608096 -0.24544367047557605 -0.273303804643335 -0.30580729450571603 -0.36462313330431534 -0.30271172404263463 -0.30425950927417533 -0.28878165695875074 -0.30271172404263463 -0.3197373615895999 +14379,-0.11697749625758379,0,0.16471941588308708 0.2653254559333204 0.34581028797350705 0.34116693227888495 0.2653254559333204 0.2792555230171955 0.3272368651950011 0.09042572476906323 -0.03339709375430694 -0.13555091903608096 -0.24544367047557605 -0.273303804643335 -0.30580729450571603 -0.36462313330431534 -0.30271172404263463 -0.30425950927417533 -0.28878165695875074 -0.30271172404263463 -0.3197373615895999 -0.20055789876085184 +14380,0.07340008722209797,0,0.2653254559333204 0.34581028797350705 0.34116693227888495 0.2653254559333204 0.2792555230171955 0.3272368651950011 0.09042572476906323 -0.03339709375430694 -0.13555091903608096 -0.24544367047557605 -0.273303804643335 -0.30580729450571603 -0.36462313330431534 -0.30271172404263463 -0.30425950927417533 -0.28878165695875074 -0.30271172404263463 -0.3197373615895999 -0.20055789876085184 -0.11697749625758379 +14381,0.17400612727234008,0,0.34581028797350705 0.34116693227888495 0.2653254559333204 0.2792555230171955 0.3272368651950011 0.09042572476906323 -0.03339709375430694 -0.13555091903608096 -0.24544367047557605 -0.273303804643335 -0.30580729450571603 -0.36462313330431534 -0.30271172404263463 -0.30425950927417533 -0.28878165695875074 -0.30271172404263463 -0.3197373615895999 -0.20055789876085184 -0.11697749625758379 0.07340008722209797 +14382,0.35509699936276,0,0.34116693227888495 0.2653254559333204 0.2792555230171955 0.3272368651950011 0.09042572476906323 -0.03339709375430694 -0.13555091903608096 -0.24544367047557605 -0.273303804643335 -0.30580729450571603 -0.36462313330431534 -0.30271172404263463 -0.30425950927417533 -0.28878165695875074 -0.30271172404263463 -0.3197373615895999 -0.20055789876085184 -0.11697749625758379 0.07340008722209797 0.17400612727234008 +14383,0.46189418033916496,0,0.2653254559333204 0.2792555230171955 0.3272368651950011 0.09042572476906323 -0.03339709375430694 -0.13555091903608096 -0.24544367047557605 -0.273303804643335 -0.30580729450571603 -0.36462313330431534 -0.30271172404263463 -0.30425950927417533 -0.28878165695875074 -0.30271172404263463 -0.3197373615895999 -0.20055789876085184 -0.11697749625758379 0.07340008722209797 0.17400612727234008 0.35509699936276 +14384,0.6073859921041225,0,0.2792555230171955 0.3272368651950011 0.09042572476906323 -0.03339709375430694 -0.13555091903608096 -0.24544367047557605 -0.273303804643335 -0.30580729450571603 -0.36462313330431534 -0.30271172404263463 -0.30425950927417533 -0.28878165695875074 -0.30271172404263463 -0.3197373615895999 -0.20055789876085184 -0.11697749625758379 0.07340008722209797 0.17400612727234008 0.35509699936276 0.46189418033916496 +14385,0.5578568646947761,0,0.3272368651950011 0.09042572476906323 -0.03339709375430694 -0.13555091903608096 -0.24544367047557605 -0.273303804643335 -0.30580729450571603 -0.36462313330431534 -0.30271172404263463 -0.30425950927417533 -0.28878165695875074 -0.30271172404263463 -0.3197373615895999 -0.20055789876085184 -0.11697749625758379 0.07340008722209797 0.17400612727234008 0.35509699936276 0.46189418033916496 0.6073859921041225 +14386,0.6120293477987534,0,0.09042572476906323 -0.03339709375430694 -0.13555091903608096 -0.24544367047557605 -0.273303804643335 -0.30580729450571603 -0.36462313330431534 -0.30271172404263463 -0.30425950927417533 -0.28878165695875074 -0.30271172404263463 -0.3197373615895999 -0.20055789876085184 -0.11697749625758379 0.07340008722209797 0.17400612727234008 0.35509699936276 0.46189418033916496 0.6073859921041225 0.5578568646947761 +14387,0.5609524351578663,0,-0.03339709375430694 -0.13555091903608096 -0.24544367047557605 -0.273303804643335 -0.30580729450571603 -0.36462313330431534 -0.30271172404263463 -0.30425950927417533 -0.28878165695875074 -0.30271172404263463 -0.3197373615895999 -0.20055789876085184 -0.11697749625758379 0.07340008722209797 0.17400612727234008 0.35509699936276 0.46189418033916496 0.6073859921041225 0.5578568646947761 0.6120293477987534 +14388,0.443320757560659,0,-0.13555091903608096 -0.24544367047557605 -0.273303804643335 -0.30580729450571603 -0.36462313330431534 -0.30271172404263463 -0.30425950927417533 -0.28878165695875074 -0.30271172404263463 -0.3197373615895999 -0.20055789876085184 -0.11697749625758379 0.07340008722209797 0.17400612727234008 0.35509699936276 0.46189418033916496 0.6073859921041225 0.5578568646947761 0.6120293477987534 0.5609524351578663 +14389,0.3102112276480446,0,-0.24544367047557605 -0.273303804643335 -0.30580729450571603 -0.36462313330431534 -0.30271172404263463 -0.30425950927417533 -0.28878165695875074 -0.30271172404263463 -0.3197373615895999 -0.20055789876085184 -0.11697749625758379 0.07340008722209797 0.17400612727234008 0.35509699936276 0.46189418033916496 0.6073859921041225 0.5578568646947761 0.6120293477987534 0.5609524351578663 0.443320757560659 +14390,0.13995485217840953,0,-0.273303804643335 -0.30580729450571603 -0.36462313330431534 -0.30271172404263463 -0.30425950927417533 -0.28878165695875074 -0.30271172404263463 -0.3197373615895999 -0.20055789876085184 -0.11697749625758379 0.07340008722209797 0.17400612727234008 0.35509699936276 0.46189418033916496 0.6073859921041225 0.5578568646947761 0.6120293477987534 0.5609524351578663 0.443320757560659 0.3102112276480446 +14391,-0.0535183017643536,0,-0.30580729450571603 -0.36462313330431534 -0.30271172404263463 -0.30425950927417533 -0.28878165695875074 -0.30271172404263463 -0.3197373615895999 -0.20055789876085184 -0.11697749625758379 0.07340008722209797 0.17400612727234008 0.35509699936276 0.46189418033916496 0.6073859921041225 0.5578568646947761 0.6120293477987534 0.5609524351578663 0.443320757560659 0.3102112276480446 0.13995485217840953 +14392,-0.09995185871061851,0,-0.36462313330431534 -0.30271172404263463 -0.30425950927417533 -0.28878165695875074 -0.30271172404263463 -0.3197373615895999 -0.20055789876085184 -0.11697749625758379 0.07340008722209797 0.17400612727234008 0.35509699936276 0.46189418033916496 0.6073859921041225 0.5578568646947761 0.6120293477987534 0.5609524351578663 0.443320757560659 0.3102112276480446 0.13995485217840953 -0.0535183017643536 +14393,-0.18353226121388655,0,-0.30271172404263463 -0.30425950927417533 -0.28878165695875074 -0.30271172404263463 -0.3197373615895999 -0.20055789876085184 -0.11697749625758379 0.07340008722209797 0.17400612727234008 0.35509699936276 0.46189418033916496 0.6073859921041225 0.5578568646947761 0.6120293477987534 0.5609524351578663 0.443320757560659 0.3102112276480446 0.13995485217840953 -0.0535183017643536 -0.09995185871061851 +14394,-0.22687024769707007,0,-0.30425950927417533 -0.28878165695875074 -0.30271172404263463 -0.3197373615895999 -0.20055789876085184 -0.11697749625758379 0.07340008722209797 0.17400612727234008 0.35509699936276 0.46189418033916496 0.6073859921041225 0.5578568646947761 0.6120293477987534 0.5609524351578663 0.443320757560659 0.3102112276480446 0.13995485217840953 -0.0535183017643536 -0.09995185871061851 -0.18353226121388655 +14395,-0.25318259663328835,0,-0.28878165695875074 -0.30271172404263463 -0.3197373615895999 -0.20055789876085184 -0.11697749625758379 0.07340008722209797 0.17400612727234008 0.35509699936276 0.46189418033916496 0.6073859921041225 0.5578568646947761 0.6120293477987534 0.5609524351578663 0.443320757560659 0.3102112276480446 0.13995485217840953 -0.0535183017643536 -0.09995185871061851 -0.18353226121388655 -0.22687024769707007 +14396,-0.29342501265338167,0,-0.30271172404263463 -0.3197373615895999 -0.20055789876085184 -0.11697749625758379 0.07340008722209797 0.17400612727234008 0.35509699936276 0.46189418033916496 0.6073859921041225 0.5578568646947761 0.6120293477987534 0.5609524351578663 0.443320757560659 0.3102112276480446 0.13995485217840953 -0.0535183017643536 -0.09995185871061851 -0.18353226121388655 -0.22687024769707007 -0.25318259663328835 +14397,-0.24234810001249465,0,-0.3197373615895999 -0.20055789876085184 -0.11697749625758379 0.07340008722209797 0.17400612727234008 0.35509699936276 0.46189418033916496 0.6073859921041225 0.5578568646947761 0.6120293477987534 0.5609524351578663 0.443320757560659 0.3102112276480446 0.13995485217840953 -0.0535183017643536 -0.09995185871061851 -0.18353226121388655 -0.22687024769707007 -0.25318259663328835 -0.29342501265338167 +14398,-0.2516348114017388,0,-0.20055789876085184 -0.11697749625758379 0.07340008722209797 0.17400612727234008 0.35509699936276 0.46189418033916496 0.6073859921041225 0.5578568646947761 0.6120293477987534 0.5609524351578663 0.443320757560659 0.3102112276480446 0.13995485217840953 -0.0535183017643536 -0.09995185871061851 -0.18353226121388655 -0.22687024769707007 -0.25318259663328835 -0.29342501265338167 -0.24234810001249465 +14399,-0.22996581816015146,0,-0.11697749625758379 0.07340008722209797 0.17400612727234008 0.35509699936276 0.46189418033916496 0.6073859921041225 0.5578568646947761 0.6120293477987534 0.5609524351578663 0.443320757560659 0.3102112276480446 0.13995485217840953 -0.0535183017643536 -0.09995185871061851 -0.18353226121388655 -0.22687024769707007 -0.25318259663328835 -0.29342501265338167 -0.24234810001249465 -0.2516348114017388 +14400,-0.22687024769707007,0,0.07340008722209797 0.17400612727234008 0.35509699936276 0.46189418033916496 0.6073859921041225 0.5578568646947761 0.6120293477987534 0.5609524351578663 0.443320757560659 0.3102112276480446 0.13995485217840953 -0.0535183017643536 -0.09995185871061851 -0.18353226121388655 -0.22687024769707007 -0.25318259663328835 -0.29342501265338167 -0.24234810001249465 -0.2516348114017388 -0.22996581816015146 +14401,-0.18817561690851745,0,0.17400612727234008 0.35509699936276 0.46189418033916496 0.6073859921041225 0.5578568646947761 0.6120293477987534 0.5609524351578663 0.443320757560659 0.3102112276480446 0.13995485217840953 -0.0535183017643536 -0.09995185871061851 -0.18353226121388655 -0.22687024769707007 -0.25318259663328835 -0.29342501265338167 -0.24234810001249465 -0.2516348114017388 -0.22996581816015146 -0.22687024769707007 +14402,-0.13090756334145887,0,0.35509699936276 0.46189418033916496 0.6073859921041225 0.5578568646947761 0.6120293477987534 0.5609524351578663 0.443320757560659 0.3102112276480446 0.13995485217840953 -0.0535183017643536 -0.09995185871061851 -0.18353226121388655 -0.22687024769707007 -0.25318259663328835 -0.29342501265338167 -0.24234810001249465 -0.2516348114017388 -0.22996581816015146 -0.22687024769707007 -0.18817561690851745 +14403,-0.13709870426763043,0,0.46189418033916496 0.6073859921041225 0.5578568646947761 0.6120293477987534 0.5609524351578663 0.443320757560659 0.3102112276480446 0.13995485217840953 -0.0535183017643536 -0.09995185871061851 -0.18353226121388655 -0.22687024769707007 -0.25318259663328835 -0.29342501265338167 -0.24234810001249465 -0.2516348114017388 -0.22996581816015146 -0.22687024769707007 -0.18817561690851745 -0.13090756334145887 +14404,-0.14638541565688343,0,0.6073859921041225 0.5578568646947761 0.6120293477987534 0.5609524351578663 0.443320757560659 0.3102112276480446 0.13995485217840953 -0.0535183017643536 -0.09995185871061851 -0.18353226121388655 -0.22687024769707007 -0.25318259663328835 -0.29342501265338167 -0.24234810001249465 -0.2516348114017388 -0.22996581816015146 -0.22687024769707007 -0.18817561690851745 -0.13090756334145887 -0.13709870426763043 +14405,-0.061257227922065886,0,0.5578568646947761 0.6120293477987534 0.5609524351578663 0.443320757560659 0.3102112276480446 0.13995485217840953 -0.0535183017643536 -0.09995185871061851 -0.18353226121388655 -0.22687024769707007 -0.25318259663328835 -0.29342501265338167 -0.24234810001249465 -0.2516348114017388 -0.22996581816015146 -0.22687024769707007 -0.18817561690851745 -0.13090756334145887 -0.13709870426763043 -0.14638541565688343 +14406,-0.003989174355007293,0,0.6120293477987534 0.5609524351578663 0.443320757560659 0.3102112276480446 0.13995485217840953 -0.0535183017643536 -0.09995185871061851 -0.18353226121388655 -0.22687024769707007 -0.25318259663328835 -0.29342501265338167 -0.24234810001249465 -0.2516348114017388 -0.22996581816015146 -0.22687024769707007 -0.18817561690851745 -0.13090756334145887 -0.13709870426763043 -0.14638541565688343 -0.061257227922065886 +14407,0.09971243615831621,0,0.5609524351578663 0.443320757560659 0.3102112276480446 0.13995485217840953 -0.0535183017643536 -0.09995185871061851 -0.18353226121388655 -0.22687024769707007 -0.25318259663328835 -0.29342501265338167 -0.24234810001249465 -0.2516348114017388 -0.22996581816015146 -0.22687024769707007 -0.18817561690851745 -0.13090756334145887 -0.13709870426763043 -0.14638541565688343 -0.061257227922065886 -0.003989174355007293 +14408,0.19567512051392744,0,0.443320757560659 0.3102112276480446 0.13995485217840953 -0.0535183017643536 -0.09995185871061851 -0.18353226121388655 -0.22687024769707007 -0.25318259663328835 -0.29342501265338167 -0.24234810001249465 -0.2516348114017388 -0.22996581816015146 -0.22687024769707007 -0.18817561690851745 -0.13090756334145887 -0.13709870426763043 -0.14638541565688343 -0.061257227922065886 -0.003989174355007293 0.09971243615831621 +14409,0.3102112276480446,0,0.3102112276480446 0.13995485217840953 -0.0535183017643536 -0.09995185871061851 -0.18353226121388655 -0.22687024769707007 -0.25318259663328835 -0.29342501265338167 -0.24234810001249465 -0.2516348114017388 -0.22996581816015146 -0.22687024769707007 -0.18817561690851745 -0.13090756334145887 -0.13709870426763043 -0.14638541565688343 -0.061257227922065886 -0.003989174355007293 0.09971243615831621 0.19567512051392744 +14410,0.37831377783589687,0,0.13995485217840953 -0.0535183017643536 -0.09995185871061851 -0.18353226121388655 -0.22687024769707007 -0.25318259663328835 -0.29342501265338167 -0.24234810001249465 -0.2516348114017388 -0.22996581816015146 -0.22687024769707007 -0.18817561690851745 -0.13090756334145887 -0.13709870426763043 -0.14638541565688343 -0.061257227922065886 -0.003989174355007293 0.09971243615831621 0.19567512051392744 0.3102112276480446 +14411,0.39843498584594356,0,-0.0535183017643536 -0.09995185871061851 -0.18353226121388655 -0.22687024769707007 -0.25318259663328835 -0.29342501265338167 -0.24234810001249465 -0.2516348114017388 -0.22996581816015146 -0.22687024769707007 -0.18817561690851745 -0.13090756334145887 -0.13709870426763043 -0.14638541565688343 -0.061257227922065886 -0.003989174355007293 0.09971243615831621 0.19567512051392744 0.3102112276480446 0.37831377783589687 +14412,0.373670422141266,0,-0.09995185871061851 -0.18353226121388655 -0.22687024769707007 -0.25318259663328835 -0.29342501265338167 -0.24234810001249465 -0.2516348114017388 -0.22996581816015146 -0.22687024769707007 -0.18817561690851745 -0.13090756334145887 -0.13709870426763043 -0.14638541565688343 -0.061257227922065886 -0.003989174355007293 0.09971243615831621 0.19567512051392744 0.3102112276480446 0.37831377783589687 0.39843498584594356 +14413,0.271516596859492,0,-0.18353226121388655 -0.22687024769707007 -0.25318259663328835 -0.29342501265338167 -0.24234810001249465 -0.2516348114017388 -0.22996581816015146 -0.22687024769707007 -0.18817561690851745 -0.13090756334145887 -0.13709870426763043 -0.14638541565688343 -0.061257227922065886 -0.003989174355007293 0.09971243615831621 0.19567512051392744 0.3102112276480446 0.37831377783589687 0.39843498584594356 0.373670422141266 +14414,0.15698048972537482,0,-0.22687024769707007 -0.25318259663328835 -0.29342501265338167 -0.24234810001249465 -0.2516348114017388 -0.22996581816015146 -0.22687024769707007 -0.18817561690851745 -0.13090756334145887 -0.13709870426763043 -0.14638541565688343 -0.061257227922065886 -0.003989174355007293 0.09971243615831621 0.19567512051392744 0.3102112276480446 0.37831377783589687 0.39843498584594356 0.373670422141266 0.271516596859492 +14415,0.043992167822798314,0,-0.25318259663328835 -0.29342501265338167 -0.24234810001249465 -0.2516348114017388 -0.22996581816015146 -0.22687024769707007 -0.18817561690851745 -0.13090756334145887 -0.13709870426763043 -0.14638541565688343 -0.061257227922065886 -0.003989174355007293 0.09971243615831621 0.19567512051392744 0.3102112276480446 0.37831377783589687 0.39843498584594356 0.373670422141266 0.271516596859492 0.15698048972537482 +14416,-0.008632530049629385,0,-0.29342501265338167 -0.24234810001249465 -0.2516348114017388 -0.22996581816015146 -0.22687024769707007 -0.18817561690851745 -0.13090756334145887 -0.13709870426763043 -0.14638541565688343 -0.061257227922065886 -0.003989174355007293 0.09971243615831621 0.19567512051392744 0.3102112276480446 0.37831377783589687 0.39843498584594356 0.373670422141266 0.271516596859492 0.15698048972537482 0.043992167822798314 +14417,-0.06744836884822868,0,-0.24234810001249465 -0.2516348114017388 -0.22996581816015146 -0.22687024769707007 -0.18817561690851745 -0.13090756334145887 -0.13709870426763043 -0.14638541565688343 -0.061257227922065886 -0.003989174355007293 0.09971243615831621 0.19567512051392744 0.3102112276480446 0.37831377783589687 0.39843498584594356 0.373670422141266 0.271516596859492 0.15698048972537482 0.043992167822798314 -0.008632530049629385 +14418,-0.07054393931131887,0,-0.2516348114017388 -0.22996581816015146 -0.22687024769707007 -0.18817561690851745 -0.13090756334145887 -0.13709870426763043 -0.14638541565688343 -0.061257227922065886 -0.003989174355007293 0.09971243615831621 0.19567512051392744 0.3102112276480446 0.37831377783589687 0.39843498584594356 0.373670422141266 0.271516596859492 0.15698048972537482 0.043992167822798314 -0.008632530049629385 -0.06744836884822868 +14419,-0.10614299963678131,0,-0.22996581816015146 -0.22687024769707007 -0.18817561690851745 -0.13090756334145887 -0.13709870426763043 -0.14638541565688343 -0.061257227922065886 -0.003989174355007293 0.09971243615831621 0.19567512051392744 0.3102112276480446 0.37831377783589687 0.39843498584594356 0.373670422141266 0.271516596859492 0.15698048972537482 0.043992167822798314 -0.008632530049629385 -0.06744836884822868 -0.07054393931131887 +14420,-0.11697749625758379,0,-0.22687024769707007 -0.18817561690851745 -0.13090756334145887 -0.13709870426763043 -0.14638541565688343 -0.061257227922065886 -0.003989174355007293 0.09971243615831621 0.19567512051392744 0.3102112276480446 0.37831377783589687 0.39843498584594356 0.373670422141266 0.271516596859492 0.15698048972537482 0.043992167822798314 -0.008632530049629385 -0.06744836884822868 -0.07054393931131887 -0.10614299963678131 +14421,-0.12162085195220587,0,-0.18817561690851745 -0.13090756334145887 -0.13709870426763043 -0.14638541565688343 -0.061257227922065886 -0.003989174355007293 0.09971243615831621 0.19567512051392744 0.3102112276480446 0.37831377783589687 0.39843498584594356 0.373670422141266 0.271516596859492 0.15698048972537482 0.043992167822798314 -0.008632530049629385 -0.06744836884822868 -0.07054393931131887 -0.10614299963678131 -0.11697749625758379 +14422,-0.11542971102603429,0,-0.13090756334145887 -0.13709870426763043 -0.14638541565688343 -0.061257227922065886 -0.003989174355007293 0.09971243615831621 0.19567512051392744 0.3102112276480446 0.37831377783589687 0.39843498584594356 0.373670422141266 0.271516596859492 0.15698048972537482 0.043992167822798314 -0.008632530049629385 -0.06744836884822868 -0.07054393931131887 -0.10614299963678131 -0.11697749625758379 -0.12162085195220587 +14423,-0.1603154827407585,0,-0.13709870426763043 -0.14638541565688343 -0.061257227922065886 -0.003989174355007293 0.09971243615831621 0.19567512051392744 0.3102112276480446 0.37831377783589687 0.39843498584594356 0.373670422141266 0.271516596859492 0.15698048972537482 0.043992167822798314 -0.008632530049629385 -0.06744836884822868 -0.07054393931131887 -0.10614299963678131 -0.11697749625758379 -0.12162085195220587 -0.11542971102603429 +14424,-0.15721991227767712,0,-0.14638541565688343 -0.061257227922065886 -0.003989174355007293 0.09971243615831621 0.19567512051392744 0.3102112276480446 0.37831377783589687 0.39843498584594356 0.373670422141266 0.271516596859492 0.15698048972537482 0.043992167822798314 -0.008632530049629385 -0.06744836884822868 -0.07054393931131887 -0.10614299963678131 -0.11697749625758379 -0.12162085195220587 -0.11542971102603429 -0.1603154827407585 +14425,-0.1603154827407585,0,-0.061257227922065886 -0.003989174355007293 0.09971243615831621 0.19567512051392744 0.3102112276480446 0.37831377783589687 0.39843498584594356 0.373670422141266 0.271516596859492 0.15698048972537482 0.043992167822798314 -0.008632530049629385 -0.06744836884822868 -0.07054393931131887 -0.10614299963678131 -0.11697749625758379 -0.12162085195220587 -0.11542971102603429 -0.1603154827407585 -0.15721991227767712 +14426,-0.11542971102603429,0,-0.003989174355007293 0.09971243615831621 0.19567512051392744 0.3102112276480446 0.37831377783589687 0.39843498584594356 0.373670422141266 0.271516596859492 0.15698048972537482 0.043992167822798314 -0.008632530049629385 -0.06744836884822868 -0.07054393931131887 -0.10614299963678131 -0.11697749625758379 -0.12162085195220587 -0.11542971102603429 -0.1603154827407585 -0.15721991227767712 -0.1603154827407585 +14427,-0.02256259713351326,0,0.09971243615831621 0.19567512051392744 0.3102112276480446 0.37831377783589687 0.39843498584594356 0.373670422141266 0.271516596859492 0.15698048972537482 0.043992167822798314 -0.008632530049629385 -0.06744836884822868 -0.07054393931131887 -0.10614299963678131 -0.11697749625758379 -0.12162085195220587 -0.11542971102603429 -0.1603154827407585 -0.15721991227767712 -0.1603154827407585 -0.11542971102603429 +14428,0.08733015430598183,0,0.19567512051392744 0.3102112276480446 0.37831377783589687 0.39843498584594356 0.373670422141266 0.271516596859492 0.15698048972537482 0.043992167822798314 -0.008632530049629385 -0.06744836884822868 -0.07054393931131887 -0.10614299963678131 -0.11697749625758379 -0.12162085195220587 -0.11542971102603429 -0.1603154827407585 -0.15721991227767712 -0.1603154827407585 -0.11542971102603429 -0.02256259713351326 +14429,0.29009001963799796,0,0.3102112276480446 0.37831377783589687 0.39843498584594356 0.373670422141266 0.271516596859492 0.15698048972537482 0.043992167822798314 -0.008632530049629385 -0.06744836884822868 -0.07054393931131887 -0.10614299963678131 -0.11697749625758379 -0.12162085195220587 -0.11542971102603429 -0.1603154827407585 -0.15721991227767712 -0.1603154827407585 -0.11542971102603429 -0.02256259713351326 0.08733015430598183 +14430,0.5625002203894071,0,0.37831377783589687 0.39843498584594356 0.373670422141266 0.271516596859492 0.15698048972537482 0.043992167822798314 -0.008632530049629385 -0.06744836884822868 -0.07054393931131887 -0.10614299963678131 -0.11697749625758379 -0.12162085195220587 -0.11542971102603429 -0.1603154827407585 -0.15721991227767712 -0.1603154827407585 -0.11542971102603429 -0.02256259713351326 0.08733015430598183 0.29009001963799796 +14431,0.7637123004898737,0,0.39843498584594356 0.373670422141266 0.271516596859492 0.15698048972537482 0.043992167822798314 -0.008632530049629385 -0.06744836884822868 -0.07054393931131887 -0.10614299963678131 -0.11697749625758379 -0.12162085195220587 -0.11542971102603429 -0.1603154827407585 -0.15721991227767712 -0.1603154827407585 -0.11542971102603429 -0.02256259713351326 0.08733015430598183 0.29009001963799796 0.5625002203894071 +14432,0.9308731054964273,0,0.373670422141266 0.271516596859492 0.15698048972537482 0.043992167822798314 -0.008632530049629385 -0.06744836884822868 -0.07054393931131887 -0.10614299963678131 -0.11697749625758379 -0.12162085195220587 -0.11542971102603429 -0.1603154827407585 -0.15721991227767712 -0.1603154827407585 -0.11542971102603429 -0.02256259713351326 0.08733015430598183 0.29009001963799796 0.5625002203894071 0.7637123004898737 +14433,1.108868407123766,0,0.271516596859492 0.15698048972537482 0.043992167822798314 -0.008632530049629385 -0.06744836884822868 -0.07054393931131887 -0.10614299963678131 -0.11697749625758379 -0.12162085195220587 -0.11542971102603429 -0.1603154827407585 -0.15721991227767712 -0.1603154827407585 -0.11542971102603429 -0.02256259713351326 0.08733015430598183 0.29009001963799796 0.5625002203894071 0.7637123004898737 0.9308731054964273 +14434,1.1382763265230655,0,0.15698048972537482 0.043992167822798314 -0.008632530049629385 -0.06744836884822868 -0.07054393931131887 -0.10614299963678131 -0.11697749625758379 -0.12162085195220587 -0.11542971102603429 -0.1603154827407585 -0.15721991227767712 -0.1603154827407585 -0.11542971102603429 -0.02256259713351326 0.08733015430598183 0.29009001963799796 0.5625002203894071 0.7637123004898737 0.9308731054964273 1.108868407123766 +14435,1.0841038434190973,0,0.043992167822798314 -0.008632530049629385 -0.06744836884822868 -0.07054393931131887 -0.10614299963678131 -0.11697749625758379 -0.12162085195220587 -0.11542971102603429 -0.1603154827407585 -0.15721991227767712 -0.1603154827407585 -0.11542971102603429 -0.02256259713351326 0.08733015430598183 0.29009001963799796 0.5625002203894071 0.7637123004898737 0.9308731054964273 1.108868407123766 1.1382763265230655 +14436,0.960281024895727,0,-0.008632530049629385 -0.06744836884822868 -0.07054393931131887 -0.10614299963678131 -0.11697749625758379 -0.12162085195220587 -0.11542971102603429 -0.1603154827407585 -0.15721991227767712 -0.1603154827407585 -0.11542971102603429 -0.02256259713351326 0.08733015430598183 0.29009001963799796 0.5625002203894071 0.7637123004898737 0.9308731054964273 1.108868407123766 1.1382763265230655 1.0841038434190973 +14437,0.7544255891006295,0,-0.06744836884822868 -0.07054393931131887 -0.10614299963678131 -0.11697749625758379 -0.12162085195220587 -0.11542971102603429 -0.1603154827407585 -0.15721991227767712 -0.1603154827407585 -0.11542971102603429 -0.02256259713351326 0.08733015430598183 0.29009001963799796 0.5625002203894071 0.7637123004898737 0.9308731054964273 1.108868407123766 1.1382763265230655 1.0841038434190973 0.960281024895727 +14438,0.5748825022417414,0,-0.07054393931131887 -0.10614299963678131 -0.11697749625758379 -0.12162085195220587 -0.11542971102603429 -0.1603154827407585 -0.15721991227767712 -0.1603154827407585 -0.11542971102603429 -0.02256259713351326 0.08733015430598183 0.29009001963799796 0.5625002203894071 0.7637123004898737 0.9308731054964273 1.108868407123766 1.1382763265230655 1.0841038434190973 0.960281024895727 0.7544255891006295 +14439,0.2838988787118264,0,-0.10614299963678131 -0.11697749625758379 -0.12162085195220587 -0.11542971102603429 -0.1603154827407585 -0.15721991227767712 -0.1603154827407585 -0.11542971102603429 -0.02256259713351326 0.08733015430598183 0.29009001963799796 0.5625002203894071 0.7637123004898737 0.9308731054964273 1.108868407123766 1.1382763265230655 1.0841038434190973 0.960281024895727 0.7544255891006295 0.5748825022417414 +14440,0.13066814078915656,0,-0.11697749625758379 -0.12162085195220587 -0.11542971102603429 -0.1603154827407585 -0.15721991227767712 -0.1603154827407585 -0.11542971102603429 -0.02256259713351326 0.08733015430598183 0.29009001963799796 0.5625002203894071 0.7637123004898737 0.9308731054964273 1.108868407123766 1.1382763265230655 1.0841038434190973 0.960281024895727 0.7544255891006295 0.5748825022417414 0.2838988787118264 +14441,0.033157671202004635,0,-0.12162085195220587 -0.11542971102603429 -0.1603154827407585 -0.15721991227767712 -0.1603154827407585 -0.11542971102603429 -0.02256259713351326 0.08733015430598183 0.29009001963799796 0.5625002203894071 0.7637123004898737 0.9308731054964273 1.108868407123766 1.1382763265230655 1.0841038434190973 0.960281024895727 0.7544255891006295 0.5748825022417414 0.2838988787118264 0.13066814078915656 +14442,-0.03184930852276624,0,-0.11542971102603429 -0.1603154827407585 -0.15721991227767712 -0.1603154827407585 -0.11542971102603429 -0.02256259713351326 0.08733015430598183 0.29009001963799796 0.5625002203894071 0.7637123004898737 0.9308731054964273 1.108868407123766 1.1382763265230655 1.0841038434190973 0.960281024895727 0.7544255891006295 0.5748825022417414 0.2838988787118264 0.13066814078915656 0.033157671202004635 +14443,-0.07363950977440026,0,-0.1603154827407585 -0.15721991227767712 -0.1603154827407585 -0.11542971102603429 -0.02256259713351326 0.08733015430598183 0.29009001963799796 0.5625002203894071 0.7637123004898737 0.9308731054964273 1.108868407123766 1.1382763265230655 1.0841038434190973 0.960281024895727 0.7544255891006295 0.5748825022417414 0.2838988787118264 0.13066814078915656 0.033157671202004635 -0.03184930852276624 +14444,-0.07983065070057185,0,-0.15721991227767712 -0.1603154827407585 -0.11542971102603429 -0.02256259713351326 0.08733015430598183 0.29009001963799796 0.5625002203894071 0.7637123004898737 0.9308731054964273 1.108868407123766 1.1382763265230655 1.0841038434190973 0.960281024895727 0.7544255891006295 0.5748825022417414 0.2838988787118264 0.13066814078915656 0.033157671202004635 -0.03184930852276624 -0.07363950977440026 +14445,-0.10149964394215921,0,-0.1603154827407585 -0.11542971102603429 -0.02256259713351326 0.08733015430598183 0.29009001963799796 0.5625002203894071 0.7637123004898737 0.9308731054964273 1.108868407123766 1.1382763265230655 1.0841038434190973 0.960281024895727 0.7544255891006295 0.5748825022417414 0.2838988787118264 0.13066814078915656 0.033157671202004635 -0.03184930852276624 -0.07363950977440026 -0.07983065070057185 +14446,-0.1634110532038399,0,-0.11542971102603429 -0.02256259713351326 0.08733015430598183 0.29009001963799796 0.5625002203894071 0.7637123004898737 0.9308731054964273 1.108868407123766 1.1382763265230655 1.0841038434190973 0.960281024895727 0.7544255891006295 0.5748825022417414 0.2838988787118264 0.13066814078915656 0.033157671202004635 -0.03184930852276624 -0.07363950977440026 -0.07983065070057185 -0.10149964394215921 +14447,-0.1587676975092178,0,-0.02256259713351326 0.08733015430598183 0.29009001963799796 0.5625002203894071 0.7637123004898737 0.9308731054964273 1.108868407123766 1.1382763265230655 1.0841038434190973 0.960281024895727 0.7544255891006295 0.5748825022417414 0.2838988787118264 0.13066814078915656 0.033157671202004635 -0.03184930852276624 -0.07363950977440026 -0.07983065070057185 -0.10149964394215921 -0.1634110532038399 +14448,-0.17579333505618308,0,0.08733015430598183 0.29009001963799796 0.5625002203894071 0.7637123004898737 0.9308731054964273 1.108868407123766 1.1382763265230655 1.0841038434190973 0.960281024895727 0.7544255891006295 0.5748825022417414 0.2838988787118264 0.13066814078915656 0.033157671202004635 -0.03184930852276624 -0.07363950977440026 -0.07983065070057185 -0.10149964394215921 -0.1634110532038399 -0.1587676975092178 +14449,-0.18662783167697675,0,0.29009001963799796 0.5625002203894071 0.7637123004898737 0.9308731054964273 1.108868407123766 1.1382763265230655 1.0841038434190973 0.960281024895727 0.7544255891006295 0.5748825022417414 0.2838988787118264 0.13066814078915656 0.033157671202004635 -0.03184930852276624 -0.07363950977440026 -0.07983065070057185 -0.10149964394215921 -0.1634110532038399 -0.1587676975092178 -0.17579333505618308 +14450,-0.03958823468047853,0,0.5625002203894071 0.7637123004898737 0.9308731054964273 1.108868407123766 1.1382763265230655 1.0841038434190973 0.960281024895727 0.7544255891006295 0.5748825022417414 0.2838988787118264 0.13066814078915656 0.033157671202004635 -0.03184930852276624 -0.07363950977440026 -0.07983065070057185 -0.10149964394215921 -0.1634110532038399 -0.1587676975092178 -0.17579333505618308 -0.18662783167697675 +14451,0.18484062389313374,0,0.7637123004898737 0.9308731054964273 1.108868407123766 1.1382763265230655 1.0841038434190973 0.960281024895727 0.7544255891006295 0.5748825022417414 0.2838988787118264 0.13066814078915656 0.033157671202004635 -0.03184930852276624 -0.07363950977440026 -0.07983065070057185 -0.10149964394215921 -0.1634110532038399 -0.1587676975092178 -0.17579333505618308 -0.18662783167697675 -0.03958823468047853 +14452,0.4402251870975776,0,0.9308731054964273 1.108868407123766 1.1382763265230655 1.0841038434190973 0.960281024895727 0.7544255891006295 0.5748825022417414 0.2838988787118264 0.13066814078915656 0.033157671202004635 -0.03184930852276624 -0.07363950977440026 -0.07983065070057185 -0.10149964394215921 -0.1634110532038399 -0.1587676975092178 -0.17579333505618308 -0.18662783167697675 -0.03958823468047853 0.18484062389313374 +14453,0.7559733743321702,0,1.108868407123766 1.1382763265230655 1.0841038434190973 0.960281024895727 0.7544255891006295 0.5748825022417414 0.2838988787118264 0.13066814078915656 0.033157671202004635 -0.03184930852276624 -0.07363950977440026 -0.07983065070057185 -0.10149964394215921 -0.1634110532038399 -0.1587676975092178 -0.17579333505618308 -0.18662783167697675 -0.03958823468047853 0.18484062389313374 0.4402251870975776 +14454,0.9571854544326368,0,1.1382763265230655 1.0841038434190973 0.960281024895727 0.7544255891006295 0.5748825022417414 0.2838988787118264 0.13066814078915656 0.033157671202004635 -0.03184930852276624 -0.07363950977440026 -0.07983065070057185 -0.10149964394215921 -0.1634110532038399 -0.1587676975092178 -0.17579333505618308 -0.18662783167697675 -0.03958823468047853 0.18484062389313374 0.4402251870975776 0.7559733743321702 +14455,1.076364917261385,0,1.0841038434190973 0.960281024895727 0.7544255891006295 0.5748825022417414 0.2838988787118264 0.13066814078915656 0.033157671202004635 -0.03184930852276624 -0.07363950977440026 -0.07983065070057185 -0.10149964394215921 -0.1634110532038399 -0.1587676975092178 -0.17579333505618308 -0.18662783167697675 -0.03958823468047853 0.18484062389313374 0.4402251870975776 0.7559733743321702 0.9571854544326368 +14456,1.2295956551840548,0,0.960281024895727 0.7544255891006295 0.5748825022417414 0.2838988787118264 0.13066814078915656 0.033157671202004635 -0.03184930852276624 -0.07363950977440026 -0.07983065070057185 -0.10149964394215921 -0.1634110532038399 -0.1587676975092178 -0.17579333505618308 -0.18662783167697675 -0.03958823468047853 0.18484062389313374 0.4402251870975776 0.7559733743321702 0.9571854544326368 1.076364917261385 +14457,1.358061829402047,0,0.7544255891006295 0.5748825022417414 0.2838988787118264 0.13066814078915656 0.033157671202004635 -0.03184930852276624 -0.07363950977440026 -0.07983065070057185 -0.10149964394215921 -0.1634110532038399 -0.1587676975092178 -0.17579333505618308 -0.18662783167697675 -0.03958823468047853 0.18484062389313374 0.4402251870975776 0.7559733743321702 0.9571854544326368 1.076364917261385 1.2295956551840548 +14458,1.441642231905324,0,0.5748825022417414 0.2838988787118264 0.13066814078915656 0.033157671202004635 -0.03184930852276624 -0.07363950977440026 -0.07983065070057185 -0.10149964394215921 -0.1634110532038399 -0.1587676975092178 -0.17579333505618308 -0.18662783167697675 -0.03958823468047853 0.18484062389313374 0.4402251870975776 0.7559733743321702 0.9571854544326368 1.076364917261385 1.2295956551840548 1.358061829402047 +14459,1.42771216482144,0,0.2838988787118264 0.13066814078915656 0.033157671202004635 -0.03184930852276624 -0.07363950977440026 -0.07983065070057185 -0.10149964394215921 -0.1634110532038399 -0.1587676975092178 -0.17579333505618308 -0.18662783167697675 -0.03958823468047853 0.18484062389313374 0.4402251870975776 0.7559733743321702 0.9571854544326368 1.076364917261385 1.2295956551840548 1.358061829402047 1.441642231905324 +14460,1.3332972656973694,0,0.13066814078915656 0.033157671202004635 -0.03184930852276624 -0.07363950977440026 -0.07983065070057185 -0.10149964394215921 -0.1634110532038399 -0.1587676975092178 -0.17579333505618308 -0.18662783167697675 -0.03958823468047853 0.18484062389313374 0.4402251870975776 0.7559733743321702 0.9571854544326368 1.076364917261385 1.2295956551840548 1.358061829402047 1.441642231905324 1.42771216482144 +14461,1.1847098834693306,0,0.033157671202004635 -0.03184930852276624 -0.07363950977440026 -0.07983065070057185 -0.10149964394215921 -0.1634110532038399 -0.1587676975092178 -0.17579333505618308 -0.18662783167697675 -0.03958823468047853 0.18484062389313374 0.4402251870975776 0.7559733743321702 0.9571854544326368 1.076364917261385 1.2295956551840548 1.358061829402047 1.441642231905324 1.42771216482144 1.3332972656973694 +14462,0.9478987430433926,0,-0.03184930852276624 -0.07363950977440026 -0.07983065070057185 -0.10149964394215921 -0.1634110532038399 -0.1587676975092178 -0.17579333505618308 -0.18662783167697675 -0.03958823468047853 0.18484062389313374 0.4402251870975776 0.7559733743321702 0.9571854544326368 1.076364917261385 1.2295956551840548 1.358061829402047 1.441642231905324 1.42771216482144 1.3332972656973694 1.1847098834693306 +14463,0.6027426364095004,0,-0.07363950977440026 -0.07983065070057185 -0.10149964394215921 -0.1634110532038399 -0.1587676975092178 -0.17579333505618308 -0.18662783167697675 -0.03958823468047853 0.18484062389313374 0.4402251870975776 0.7559733743321702 0.9571854544326368 1.076364917261385 1.2295956551840548 1.358061829402047 1.441642231905324 1.42771216482144 1.3332972656973694 1.1847098834693306 0.9478987430433926 +14464,0.38450491876205967,0,-0.07983065070057185 -0.10149964394215921 -0.1634110532038399 -0.1587676975092178 -0.17579333505618308 -0.18662783167697675 -0.03958823468047853 0.18484062389313374 0.4402251870975776 0.7559733743321702 0.9571854544326368 1.076364917261385 1.2295956551840548 1.358061829402047 1.441642231905324 1.42771216482144 1.3332972656973694 1.1847098834693306 0.9478987430433926 0.6027426364095004 +14465,0.2746121673225734,0,-0.10149964394215921 -0.1634110532038399 -0.1587676975092178 -0.17579333505618308 -0.18662783167697675 -0.03958823468047853 0.18484062389313374 0.4402251870975776 0.7559733743321702 0.9571854544326368 1.076364917261385 1.2295956551840548 1.358061829402047 1.441642231905324 1.42771216482144 1.3332972656973694 1.1847098834693306 0.9478987430433926 0.6027426364095004 0.38450491876205967 +14466,0.15078934879920322,0,-0.1634110532038399 -0.1587676975092178 -0.17579333505618308 -0.18662783167697675 -0.03958823468047853 0.18484062389313374 0.4402251870975776 0.7559733743321702 0.9571854544326368 1.076364917261385 1.2295956551840548 1.358061829402047 1.441642231905324 1.42771216482144 1.3332972656973694 1.1847098834693306 0.9478987430433926 0.6027426364095004 0.38450491876205967 0.2746121673225734 +14467,0.0532788792120513,0,-0.1587676975092178 -0.17579333505618308 -0.18662783167697675 -0.03958823468047853 0.18484062389313374 0.4402251870975776 0.7559733743321702 0.9571854544326368 1.076364917261385 1.2295956551840548 1.358061829402047 1.441642231905324 1.42771216482144 1.3332972656973694 1.1847098834693306 0.9478987430433926 0.6027426364095004 0.38450491876205967 0.2746121673225734 0.15078934879920322 +14468,0.02232317458121096,0,-0.17579333505618308 -0.18662783167697675 -0.03958823468047853 0.18484062389313374 0.4402251870975776 0.7559733743321702 0.9571854544326368 1.076364917261385 1.2295956551840548 1.358061829402047 1.441642231905324 1.42771216482144 1.3332972656973694 1.1847098834693306 0.9478987430433926 0.6027426364095004 0.38450491876205967 0.2746121673225734 0.15078934879920322 0.0532788792120513 +14469,-0.025658167596594655,0,-0.18662783167697675 -0.03958823468047853 0.18484062389313374 0.4402251870975776 0.7559733743321702 0.9571854544326368 1.076364917261385 1.2295956551840548 1.358061829402047 1.441642231905324 1.42771216482144 1.3332972656973694 1.1847098834693306 0.9478987430433926 0.6027426364095004 0.38450491876205967 0.2746121673225734 0.15078934879920322 0.0532788792120513 0.02232317458121096 +14470,-0.03649266421738833,0,-0.03958823468047853 0.18484062389313374 0.4402251870975776 0.7559733743321702 0.9571854544326368 1.076364917261385 1.2295956551840548 1.358061829402047 1.441642231905324 1.42771216482144 1.3332972656973694 1.1847098834693306 0.9478987430433926 0.6027426364095004 0.38450491876205967 0.2746121673225734 0.15078934879920322 0.0532788792120513 0.02232317458121096 -0.025658167596594655 +14471,-0.06590058361668798,0,0.18484062389313374 0.4402251870975776 0.7559733743321702 0.9571854544326368 1.076364917261385 1.2295956551840548 1.358061829402047 1.441642231905324 1.42771216482144 1.3332972656973694 1.1847098834693306 0.9478987430433926 0.6027426364095004 0.38450491876205967 0.2746121673225734 0.15078934879920322 0.0532788792120513 0.02232317458121096 -0.025658167596594655 -0.03649266421738833 +14472,-0.056613872227435,0,0.4402251870975776 0.7559733743321702 0.9571854544326368 1.076364917261385 1.2295956551840548 1.358061829402047 1.441642231905324 1.42771216482144 1.3332972656973694 1.1847098834693306 0.9478987430433926 0.6027426364095004 0.38450491876205967 0.2746121673225734 0.15078934879920322 0.0532788792120513 0.02232317458121096 -0.025658167596594655 -0.03649266421738833 -0.06590058361668798 +14473,-0.03339709375430694,0,0.7559733743321702 0.9571854544326368 1.076364917261385 1.2295956551840548 1.358061829402047 1.441642231905324 1.42771216482144 1.3332972656973694 1.1847098834693306 0.9478987430433926 0.6027426364095004 0.38450491876205967 0.2746121673225734 0.15078934879920322 0.0532788792120513 0.02232317458121096 -0.025658167596594655 -0.03649266421738833 -0.06590058361668798 -0.056613872227435 +14474,0.04244438259125762,0,0.9571854544326368 1.076364917261385 1.2295956551840548 1.358061829402047 1.441642231905324 1.42771216482144 1.3332972656973694 1.1847098834693306 0.9478987430433926 0.6027426364095004 0.38450491876205967 0.2746121673225734 0.15078934879920322 0.0532788792120513 0.02232317458121096 -0.025658167596594655 -0.03649266421738833 -0.06590058361668798 -0.056613872227435 -0.03339709375430694 +14475,0.24984760361789585,0,1.076364917261385 1.2295956551840548 1.358061829402047 1.441642231905324 1.42771216482144 1.3332972656973694 1.1847098834693306 0.9478987430433926 0.6027426364095004 0.38450491876205967 0.2746121673225734 0.15078934879920322 0.0532788792120513 0.02232317458121096 -0.025658167596594655 -0.03649266421738833 -0.06590058361668798 -0.056613872227435 -0.03339709375430694 0.04244438259125762 +14476,0.4061739120036558,0,1.2295956551840548 1.358061829402047 1.441642231905324 1.42771216482144 1.3332972656973694 1.1847098834693306 0.9478987430433926 0.6027426364095004 0.38450491876205967 0.2746121673225734 0.15078934879920322 0.0532788792120513 0.02232317458121096 -0.025658167596594655 -0.03649266421738833 -0.06590058361668798 -0.056613872227435 -0.03339709375430694 0.04244438259125762 0.24984760361789585 +14477,0.8797961928555316,0,1.358061829402047 1.441642231905324 1.42771216482144 1.3332972656973694 1.1847098834693306 0.9478987430433926 0.6027426364095004 0.38450491876205967 0.2746121673225734 0.15078934879920322 0.0532788792120513 0.02232317458121096 -0.025658167596594655 -0.03649266421738833 -0.06590058361668798 -0.056613872227435 -0.03339709375430694 0.04244438259125762 0.24984760361789585 0.4061739120036558 +14478,1.1398241117546062,0,1.441642231905324 1.42771216482144 1.3332972656973694 1.1847098834693306 0.9478987430433926 0.6027426364095004 0.38450491876205967 0.2746121673225734 0.15078934879920322 0.0532788792120513 0.02232317458121096 -0.025658167596594655 -0.03649266421738833 -0.06590058361668798 -0.056613872227435 -0.03339709375430694 0.04244438259125762 0.24984760361789585 0.4061739120036558 0.8797961928555316 +14479,1.2992459906034477,0,1.42771216482144 1.3332972656973694 1.1847098834693306 0.9478987430433926 0.6027426364095004 0.38450491876205967 0.2746121673225734 0.15078934879920322 0.0532788792120513 0.02232317458121096 -0.025658167596594655 -0.03649266421738833 -0.06590058361668798 -0.056613872227435 -0.03339709375430694 0.04244438259125762 0.24984760361789585 0.4061739120036558 0.8797961928555316 1.1398241117546062 +14480,1.3642529703282185,0,1.3332972656973694 1.1847098834693306 0.9478987430433926 0.6027426364095004 0.38450491876205967 0.2746121673225734 0.15078934879920322 0.0532788792120513 0.02232317458121096 -0.025658167596594655 -0.03649266421738833 -0.06590058361668798 -0.056613872227435 -0.03339709375430694 0.04244438259125762 0.24984760361789585 0.4061739120036558 0.8797961928555316 1.1398241117546062 1.2992459906034477 +14481,1.302341561066529,0,1.1847098834693306 0.9478987430433926 0.6027426364095004 0.38450491876205967 0.2746121673225734 0.15078934879920322 0.0532788792120513 0.02232317458121096 -0.025658167596594655 -0.03649266421738833 -0.06590058361668798 -0.056613872227435 -0.03339709375430694 0.04244438259125762 0.24984760361789585 0.4061739120036558 0.8797961928555316 1.1398241117546062 1.2992459906034477 1.3642529703282185 +14482,1.3271061247712066,0,0.9478987430433926 0.6027426364095004 0.38450491876205967 0.2746121673225734 0.15078934879920322 0.0532788792120513 0.02232317458121096 -0.025658167596594655 -0.03649266421738833 -0.06590058361668798 -0.056613872227435 -0.03339709375430694 0.04244438259125762 0.24984760361789585 0.4061739120036558 0.8797961928555316 1.1398241117546062 1.2992459906034477 1.3642529703282185 1.302341561066529 +14483,1.2806725678249418,0,0.6027426364095004 0.38450491876205967 0.2746121673225734 0.15078934879920322 0.0532788792120513 0.02232317458121096 -0.025658167596594655 -0.03649266421738833 -0.06590058361668798 -0.056613872227435 -0.03339709375430694 0.04244438259125762 0.24984760361789585 0.4061739120036558 0.8797961928555316 1.1398241117546062 1.2992459906034477 1.3642529703282185 1.302341561066529 1.3271061247712066 +14484,1.2620991450464358,0,0.38450491876205967 0.2746121673225734 0.15078934879920322 0.0532788792120513 0.02232317458121096 -0.025658167596594655 -0.03649266421738833 -0.06590058361668798 -0.056613872227435 -0.03339709375430694 0.04244438259125762 0.24984760361789585 0.4061739120036558 0.8797961928555316 1.1398241117546062 1.2992459906034477 1.3642529703282185 1.302341561066529 1.3271061247712066 1.2806725678249418 +14485,1.0980339105029722,0,0.2746121673225734 0.15078934879920322 0.0532788792120513 0.02232317458121096 -0.025658167596594655 -0.03649266421738833 -0.06590058361668798 -0.056613872227435 -0.03339709375430694 0.04244438259125762 0.24984760361789585 0.4061739120036558 0.8797961928555316 1.1398241117546062 1.2992459906034477 1.3642529703282185 1.302341561066529 1.3271061247712066 1.2806725678249418 1.2620991450464358 +14486,0.7931202198891821,0,0.15078934879920322 0.0532788792120513 0.02232317458121096 -0.025658167596594655 -0.03649266421738833 -0.06590058361668798 -0.056613872227435 -0.03339709375430694 0.04244438259125762 0.24984760361789585 0.4061739120036558 0.8797961928555316 1.1398241117546062 1.2992459906034477 1.3642529703282185 1.302341561066529 1.3271061247712066 1.2806725678249418 1.2620991450464358 1.0980339105029722 +14487,0.5671435760840291,0,0.0532788792120513 0.02232317458121096 -0.025658167596594655 -0.03649266421738833 -0.06590058361668798 -0.056613872227435 -0.03339709375430694 0.04244438259125762 0.24984760361789585 0.4061739120036558 0.8797961928555316 1.1398241117546062 1.2992459906034477 1.3642529703282185 1.302341561066529 1.3271061247712066 1.2806725678249418 1.2620991450464358 1.0980339105029722 0.7931202198891821 +14488,0.29782894579570146,0,0.02232317458121096 -0.025658167596594655 -0.03649266421738833 -0.06590058361668798 -0.056613872227435 -0.03339709375430694 0.04244438259125762 0.24984760361789585 0.4061739120036558 0.8797961928555316 1.1398241117546062 1.2992459906034477 1.3642529703282185 1.302341561066529 1.3271061247712066 1.2806725678249418 1.2620991450464358 1.0980339105029722 0.7931202198891821 0.5671435760840291 +14489,0.17555391250388078,0,-0.025658167596594655 -0.03649266421738833 -0.06590058361668798 -0.056613872227435 -0.03339709375430694 0.04244438259125762 0.24984760361789585 0.4061739120036558 0.8797961928555316 1.1398241117546062 1.2992459906034477 1.3642529703282185 1.302341561066529 1.3271061247712066 1.2806725678249418 1.2620991450464358 1.0980339105029722 0.7931202198891821 0.5671435760840291 0.29782894579570146 +14490,0.10280800662139761,0,-0.03649266421738833 -0.06590058361668798 -0.056613872227435 -0.03339709375430694 0.04244438259125762 0.24984760361789585 0.4061739120036558 0.8797961928555316 1.1398241117546062 1.2992459906034477 1.3642529703282185 1.302341561066529 1.3271061247712066 1.2806725678249418 1.2620991450464358 1.0980339105029722 0.7931202198891821 0.5671435760840291 0.29782894579570146 0.17555391250388078 +14491,0.039348812128176223,0,-0.06590058361668798 -0.056613872227435 -0.03339709375430694 0.04244438259125762 0.24984760361789585 0.4061739120036558 0.8797961928555316 1.1398241117546062 1.2992459906034477 1.3642529703282185 1.302341561066529 1.3271061247712066 1.2806725678249418 1.2620991450464358 1.0980339105029722 0.7931202198891821 0.5671435760840291 0.29782894579570146 0.17555391250388078 0.10280800662139761 +14492,0.013036463191957975,0,-0.056613872227435 -0.03339709375430694 0.04244438259125762 0.24984760361789585 0.4061739120036558 0.8797961928555316 1.1398241117546062 1.2992459906034477 1.3642529703282185 1.302341561066529 1.3271061247712066 1.2806725678249418 1.2620991450464358 1.0980339105029722 0.7931202198891821 0.5671435760840291 0.29782894579570146 0.17555391250388078 0.10280800662139761 0.039348812128176223 +14493,-0.019467026670423066,0,-0.03339709375430694 0.04244438259125762 0.24984760361789585 0.4061739120036558 0.8797961928555316 1.1398241117546062 1.2992459906034477 1.3642529703282185 1.302341561066529 1.3271061247712066 1.2806725678249418 1.2620991450464358 1.0980339105029722 0.7931202198891821 0.5671435760840291 0.29782894579570146 0.17555391250388078 0.10280800662139761 0.039348812128176223 0.013036463191957975 +14494,-0.06280501315360658,0,0.04244438259125762 0.24984760361789585 0.4061739120036558 0.8797961928555316 1.1398241117546062 1.2992459906034477 1.3642529703282185 1.302341561066529 1.3271061247712066 1.2806725678249418 1.2620991450464358 1.0980339105029722 0.7931202198891821 0.5671435760840291 0.29782894579570146 0.17555391250388078 0.10280800662139761 0.039348812128176223 0.013036463191957975 -0.019467026670423066 +14495,-0.03804044944892903,0,0.24984760361789585 0.4061739120036558 0.8797961928555316 1.1398241117546062 1.2992459906034477 1.3642529703282185 1.302341561066529 1.3271061247712066 1.2806725678249418 1.2620991450464358 1.0980339105029722 0.7931202198891821 0.5671435760840291 0.29782894579570146 0.17555391250388078 0.10280800662139761 0.039348812128176223 0.013036463191957975 -0.019467026670423066 -0.06280501315360658 +14496,-0.04423159037510062,0,0.4061739120036558 0.8797961928555316 1.1398241117546062 1.2992459906034477 1.3642529703282185 1.302341561066529 1.3271061247712066 1.2806725678249418 1.2620991450464358 1.0980339105029722 0.7931202198891821 0.5671435760840291 0.29782894579570146 0.17555391250388078 0.10280800662139761 0.039348812128176223 0.013036463191957975 -0.019467026670423066 -0.06280501315360658 -0.03804044944892903 +14497,-0.04887494606973151,0,0.8797961928555316 1.1398241117546062 1.2992459906034477 1.3642529703282185 1.302341561066529 1.3271061247712066 1.2806725678249418 1.2620991450464358 1.0980339105029722 0.7931202198891821 0.5671435760840291 0.29782894579570146 0.17555391250388078 0.10280800662139761 0.039348812128176223 0.013036463191957975 -0.019467026670423066 -0.06280501315360658 -0.03804044944892903 -0.04423159037510062 +14498,0.0006541813396235972,0,1.1398241117546062 1.2992459906034477 1.3642529703282185 1.302341561066529 1.3271061247712066 1.2806725678249418 1.2620991450464358 1.0980339105029722 0.7931202198891821 0.5671435760840291 0.29782894579570146 0.17555391250388078 0.10280800662139761 0.039348812128176223 0.013036463191957975 -0.019467026670423066 -0.06280501315360658 -0.03804044944892903 -0.04423159037510062 -0.04887494606973151 +14499,0.12602478509453446,0,1.2992459906034477 1.3642529703282185 1.302341561066529 1.3271061247712066 1.2806725678249418 1.2620991450464358 1.0980339105029722 0.7931202198891821 0.5671435760840291 0.29782894579570146 0.17555391250388078 0.10280800662139761 0.039348812128176223 0.013036463191957975 -0.019467026670423066 -0.06280501315360658 -0.03804044944892903 -0.04423159037510062 -0.04887494606973151 0.0006541813396235972 +14500,0.29318559010107936,0,1.3642529703282185 1.302341561066529 1.3271061247712066 1.2806725678249418 1.2620991450464358 1.0980339105029722 0.7931202198891821 0.5671435760840291 0.29782894579570146 0.17555391250388078 0.10280800662139761 0.039348812128176223 0.013036463191957975 -0.019467026670423066 -0.06280501315360658 -0.03804044944892903 -0.04423159037510062 -0.04887494606973151 0.0006541813396235972 0.12602478509453446 +14501,0.5532135090001541,0,1.302341561066529 1.3271061247712066 1.2806725678249418 1.2620991450464358 1.0980339105029722 0.7931202198891821 0.5671435760840291 0.29782894579570146 0.17555391250388078 0.10280800662139761 0.039348812128176223 0.013036463191957975 -0.019467026670423066 -0.06280501315360658 -0.03804044944892903 -0.04423159037510062 -0.04887494606973151 0.0006541813396235972 0.12602478509453446 0.29318559010107936 +14502,0.762164515258333,0,1.3271061247712066 1.2806725678249418 1.2620991450464358 1.0980339105029722 0.7931202198891821 0.5671435760840291 0.29782894579570146 0.17555391250388078 0.10280800662139761 0.039348812128176223 0.013036463191957975 -0.019467026670423066 -0.06280501315360658 -0.03804044944892903 -0.04423159037510062 -0.04887494606973151 0.0006541813396235972 0.12602478509453446 0.29318559010107936 0.5532135090001541 +14503,0.9215863941071744,0,1.2806725678249418 1.2620991450464358 1.0980339105029722 0.7931202198891821 0.5671435760840291 0.29782894579570146 0.17555391250388078 0.10280800662139761 0.039348812128176223 0.013036463191957975 -0.019467026670423066 -0.06280501315360658 -0.03804044944892903 -0.04423159037510062 -0.04887494606973151 0.0006541813396235972 0.12602478509453446 0.29318559010107936 0.5532135090001541 0.762164515258333 +14504,1.0701737763352133,0,1.2620991450464358 1.0980339105029722 0.7931202198891821 0.5671435760840291 0.29782894579570146 0.17555391250388078 0.10280800662139761 0.039348812128176223 0.013036463191957975 -0.019467026670423066 -0.06280501315360658 -0.03804044944892903 -0.04423159037510062 -0.04887494606973151 0.0006541813396235972 0.12602478509453446 0.29318559010107936 0.5532135090001541 0.762164515258333 0.9215863941071744 +14505,1.1661364606908244,0,1.0980339105029722 0.7931202198891821 0.5671435760840291 0.29782894579570146 0.17555391250388078 0.10280800662139761 0.039348812128176223 0.013036463191957975 -0.019467026670423066 -0.06280501315360658 -0.03804044944892903 -0.04423159037510062 -0.04887494606973151 0.0006541813396235972 0.12602478509453446 0.29318559010107936 0.5532135090001541 0.762164515258333 0.9215863941071744 1.0701737763352133 +14506,1.1413718969861557,0,0.7931202198891821 0.5671435760840291 0.29782894579570146 0.17555391250388078 0.10280800662139761 0.039348812128176223 0.013036463191957975 -0.019467026670423066 -0.06280501315360658 -0.03804044944892903 -0.04423159037510062 -0.04887494606973151 0.0006541813396235972 0.12602478509453446 0.29318559010107936 0.5532135090001541 0.762164515258333 0.9215863941071744 1.0701737763352133 1.1661364606908244 +14507,1.0376702864728322,0,0.5671435760840291 0.29782894579570146 0.17555391250388078 0.10280800662139761 0.039348812128176223 0.013036463191957975 -0.019467026670423066 -0.06280501315360658 -0.03804044944892903 -0.04423159037510062 -0.04887494606973151 0.0006541813396235972 0.12602478509453446 0.29318559010107936 0.5532135090001541 0.762164515258333 0.9215863941071744 1.0701737763352133 1.1661364606908244 1.1413718969861557 +14508,0.9494465282749334,0,0.29782894579570146 0.17555391250388078 0.10280800662139761 0.039348812128176223 0.013036463191957975 -0.019467026670423066 -0.06280501315360658 -0.03804044944892903 -0.04423159037510062 -0.04887494606973151 0.0006541813396235972 0.12602478509453446 0.29318559010107936 0.5532135090001541 0.762164515258333 0.9215863941071744 1.0701737763352133 1.1661364606908244 1.1413718969861557 1.0376702864728322 +14509,0.8813439780870811,0,0.17555391250388078 0.10280800662139761 0.039348812128176223 0.013036463191957975 -0.019467026670423066 -0.06280501315360658 -0.03804044944892903 -0.04423159037510062 -0.04887494606973151 0.0006541813396235972 0.12602478509453446 0.29318559010107936 0.5532135090001541 0.762164515258333 0.9215863941071744 1.0701737763352133 1.1661364606908244 1.1413718969861557 1.0376702864728322 0.9494465282749334 +14510,0.6553673342819281,0,0.10280800662139761 0.039348812128176223 0.013036463191957975 -0.019467026670423066 -0.06280501315360658 -0.03804044944892903 -0.04423159037510062 -0.04887494606973151 0.0006541813396235972 0.12602478509453446 0.29318559010107936 0.5532135090001541 0.762164515258333 0.9215863941071744 1.0701737763352133 1.1661364606908244 1.1413718969861557 1.0376702864728322 0.9494465282749334 0.8813439780870811 +14511,0.35509699936276,0,0.039348812128176223 0.013036463191957975 -0.019467026670423066 -0.06280501315360658 -0.03804044944892903 -0.04423159037510062 -0.04887494606973151 0.0006541813396235972 0.12602478509453446 0.29318559010107936 0.5532135090001541 0.762164515258333 0.9215863941071744 1.0701737763352133 1.1661364606908244 1.1413718969861557 1.0376702864728322 0.9494465282749334 0.8813439780870811 0.6553673342819281 +14512,0.14769377833612182,0,0.013036463191957975 -0.019467026670423066 -0.06280501315360658 -0.03804044944892903 -0.04423159037510062 -0.04887494606973151 0.0006541813396235972 0.12602478509453446 0.29318559010107936 0.5532135090001541 0.762164515258333 0.9215863941071744 1.0701737763352133 1.1661364606908244 1.1413718969861557 1.0376702864728322 0.9494465282749334 0.8813439780870811 0.6553673342819281 0.35509699936276 +14513,0.05947002013822289,0,-0.019467026670423066 -0.06280501315360658 -0.03804044944892903 -0.04423159037510062 -0.04887494606973151 0.0006541813396235972 0.12602478509453446 0.29318559010107936 0.5532135090001541 0.762164515258333 0.9215863941071744 1.0701737763352133 1.1661364606908244 1.1413718969861557 1.0376702864728322 0.9494465282749334 0.8813439780870811 0.6553673342819281 0.35509699936276 0.14769377833612182 +14514,0.0501833087489699,0,-0.06280501315360658 -0.03804044944892903 -0.04423159037510062 -0.04887494606973151 0.0006541813396235972 0.12602478509453446 0.29318559010107936 0.5532135090001541 0.762164515258333 0.9215863941071744 1.0701737763352133 1.1661364606908244 1.1413718969861557 1.0376702864728322 0.9494465282749334 0.8813439780870811 0.6553673342819281 0.35509699936276 0.14769377833612182 0.05947002013822289 +14515,-0.02720595282813535,0,-0.03804044944892903 -0.04423159037510062 -0.04887494606973151 0.0006541813396235972 0.12602478509453446 0.29318559010107936 0.5532135090001541 0.762164515258333 0.9215863941071744 1.0701737763352133 1.1661364606908244 1.1413718969861557 1.0376702864728322 0.9494465282749334 0.8813439780870811 0.6553673342819281 0.35509699936276 0.14769377833612182 0.05947002013822289 0.0501833087489699 +14516,-0.02875373805967605,0,-0.04423159037510062 -0.04887494606973151 0.0006541813396235972 0.12602478509453446 0.29318559010107936 0.5532135090001541 0.762164515258333 0.9215863941071744 1.0701737763352133 1.1661364606908244 1.1413718969861557 1.0376702864728322 0.9494465282749334 0.8813439780870811 0.6553673342819281 0.35509699936276 0.14769377833612182 0.05947002013822289 0.0501833087489699 -0.02720595282813535 +14517,-0.12935977810991817,0,-0.04887494606973151 0.0006541813396235972 0.12602478509453446 0.29318559010107936 0.5532135090001541 0.762164515258333 0.9215863941071744 1.0701737763352133 1.1661364606908244 1.1413718969861557 1.0376702864728322 0.9494465282749334 0.8813439780870811 0.6553673342819281 0.35509699936276 0.14769377833612182 0.05947002013822289 0.0501833087489699 -0.02720595282813535 -0.02875373805967605 +14518,-0.12781199287837747,0,0.0006541813396235972 0.12602478509453446 0.29318559010107936 0.5532135090001541 0.762164515258333 0.9215863941071744 1.0701737763352133 1.1661364606908244 1.1413718969861557 1.0376702864728322 0.9494465282749334 0.8813439780870811 0.6553673342819281 0.35509699936276 0.14769377833612182 0.05947002013822289 0.0501833087489699 -0.02720595282813535 -0.02875373805967605 -0.12935977810991817 +14519,-0.11233414056295289,0,0.12602478509453446 0.29318559010107936 0.5532135090001541 0.762164515258333 0.9215863941071744 1.0701737763352133 1.1661364606908244 1.1413718969861557 1.0376702864728322 0.9494465282749334 0.8813439780870811 0.6553673342819281 0.35509699936276 0.14769377833612182 0.05947002013822289 0.0501833087489699 -0.02720595282813535 -0.02875373805967605 -0.12935977810991817 -0.12781199287837747 +14520,-0.11542971102603429,0,0.29318559010107936 0.5532135090001541 0.762164515258333 0.9215863941071744 1.0701737763352133 1.1661364606908244 1.1413718969861557 1.0376702864728322 0.9494465282749334 0.8813439780870811 0.6553673342819281 0.35509699936276 0.14769377833612182 0.05947002013822289 0.0501833087489699 -0.02720595282813535 -0.02875373805967605 -0.12935977810991817 -0.12781199287837747 -0.11233414056295289 +14521,-0.12007306672066517,0,0.5532135090001541 0.762164515258333 0.9215863941071744 1.0701737763352133 1.1661364606908244 1.1413718969861557 1.0376702864728322 0.9494465282749334 0.8813439780870811 0.6553673342819281 0.35509699936276 0.14769377833612182 0.05947002013822289 0.0501833087489699 -0.02720595282813535 -0.02875373805967605 -0.12935977810991817 -0.12781199287837747 -0.11233414056295289 -0.11542971102603429 +14522,-0.07518729500594096,0,0.762164515258333 0.9215863941071744 1.0701737763352133 1.1661364606908244 1.1413718969861557 1.0376702864728322 0.9494465282749334 0.8813439780870811 0.6553673342819281 0.35509699936276 0.14769377833612182 0.05947002013822289 0.0501833087489699 -0.02720595282813535 -0.02875373805967605 -0.12935977810991817 -0.12781199287837747 -0.11233414056295289 -0.11542971102603429 -0.12007306672066517 +14523,0.04244438259125762,0,0.9215863941071744 1.0701737763352133 1.1661364606908244 1.1413718969861557 1.0376702864728322 0.9494465282749334 0.8813439780870811 0.6553673342819281 0.35509699936276 0.14769377833612182 0.05947002013822289 0.0501833087489699 -0.02720595282813535 -0.02875373805967605 -0.12935977810991817 -0.12781199287837747 -0.11233414056295289 -0.11542971102603429 -0.12007306672066517 -0.07518729500594096 +14524,0.2235352546816864,0,1.0701737763352133 1.1661364606908244 1.1413718969861557 1.0376702864728322 0.9494465282749334 0.8813439780870811 0.6553673342819281 0.35509699936276 0.14769377833612182 0.05947002013822289 0.0501833087489699 -0.02720595282813535 -0.02875373805967605 -0.12935977810991817 -0.12781199287837747 -0.11233414056295289 -0.11542971102603429 -0.12007306672066517 -0.07518729500594096 0.04244438259125762 +14525,0.49130209973846456,0,1.1661364606908244 1.1413718969861557 1.0376702864728322 0.9494465282749334 0.8813439780870811 0.6553673342819281 0.35509699936276 0.14769377833612182 0.05947002013822289 0.0501833087489699 -0.02720595282813535 -0.02875373805967605 -0.12935977810991817 -0.12781199287837747 -0.11233414056295289 -0.11542971102603429 -0.12007306672066517 -0.07518729500594096 0.04244438259125762 0.2235352546816864 +14526,0.711087602617446,0,1.1413718969861557 1.0376702864728322 0.9494465282749334 0.8813439780870811 0.6553673342819281 0.35509699936276 0.14769377833612182 0.05947002013822289 0.0501833087489699 -0.02720595282813535 -0.02875373805967605 -0.12935977810991817 -0.12781199287837747 -0.11233414056295289 -0.11542971102603429 -0.12007306672066517 -0.07518729500594096 0.04244438259125762 0.2235352546816864 0.49130209973846456 +14527,0.9355164611910495,0,1.0376702864728322 0.9494465282749334 0.8813439780870811 0.6553673342819281 0.35509699936276 0.14769377833612182 0.05947002013822289 0.0501833087489699 -0.02720595282813535 -0.02875373805967605 -0.12935977810991817 -0.12781199287837747 -0.11233414056295289 -0.11542971102603429 -0.12007306672066517 -0.07518729500594096 0.04244438259125762 0.2235352546816864 0.49130209973846456 0.711087602617446 +14528,1.0314791455466608,0,0.9494465282749334 0.8813439780870811 0.6553673342819281 0.35509699936276 0.14769377833612182 0.05947002013822289 0.0501833087489699 -0.02720595282813535 -0.02875373805967605 -0.12935977810991817 -0.12781199287837747 -0.11233414056295289 -0.11542971102603429 -0.12007306672066517 -0.07518729500594096 0.04244438259125762 0.2235352546816864 0.49130209973846456 0.711087602617446 0.9355164611910495 +14529,1.1924488096270427,0,0.8813439780870811 0.6553673342819281 0.35509699936276 0.14769377833612182 0.05947002013822289 0.0501833087489699 -0.02720595282813535 -0.02875373805967605 -0.12935977810991817 -0.12781199287837747 -0.11233414056295289 -0.11542971102603429 -0.12007306672066517 -0.07518729500594096 0.04244438259125762 0.2235352546816864 0.49130209973846456 0.711087602617446 0.9355164611910495 1.0314791455466608 +14530,1.1444674674492372,0,0.6553673342819281 0.35509699936276 0.14769377833612182 0.05947002013822289 0.0501833087489699 -0.02720595282813535 -0.02875373805967605 -0.12935977810991817 -0.12781199287837747 -0.11233414056295289 -0.11542971102603429 -0.12007306672066517 -0.07518729500594096 0.04244438259125762 0.2235352546816864 0.49130209973846456 0.711087602617446 0.9355164611910495 1.0314791455466608 1.1924488096270427 +14531,1.1258940446707313,0,0.35509699936276 0.14769377833612182 0.05947002013822289 0.0501833087489699 -0.02720595282813535 -0.02875373805967605 -0.12935977810991817 -0.12781199287837747 -0.11233414056295289 -0.11542971102603429 -0.12007306672066517 -0.07518729500594096 0.04244438259125762 0.2235352546816864 0.49130209973846456 0.711087602617446 0.9355164611910495 1.0314791455466608 1.1924488096270427 1.1444674674492372 +14532,1.0686259911036726,0,0.14769377833612182 0.05947002013822289 0.0501833087489699 -0.02720595282813535 -0.02875373805967605 -0.12935977810991817 -0.12781199287837747 -0.11233414056295289 -0.11542971102603429 -0.12007306672066517 -0.07518729500594096 0.04244438259125762 0.2235352546816864 0.49130209973846456 0.711087602617446 0.9355164611910495 1.0314791455466608 1.1924488096270427 1.1444674674492372 1.1258940446707313 +14533,0.9773066624426923,0,0.05947002013822289 0.0501833087489699 -0.02720595282813535 -0.02875373805967605 -0.12935977810991817 -0.12781199287837747 -0.11233414056295289 -0.11542971102603429 -0.12007306672066517 -0.07518729500594096 0.04244438259125762 0.2235352546816864 0.49130209973846456 0.711087602617446 0.9355164611910495 1.0314791455466608 1.1924488096270427 1.1444674674492372 1.1258940446707313 1.0686259911036726 +14534,0.762164515258333,0,0.0501833087489699 -0.02720595282813535 -0.02875373805967605 -0.12935977810991817 -0.12781199287837747 -0.11233414056295289 -0.11542971102603429 -0.12007306672066517 -0.07518729500594096 0.04244438259125762 0.2235352546816864 0.49130209973846456 0.711087602617446 0.9355164611910495 1.0314791455466608 1.1924488096270427 1.1444674674492372 1.1258940446707313 1.0686259911036726 0.9773066624426923 +14535,0.443320757560659,0,-0.02720595282813535 -0.02875373805967605 -0.12935977810991817 -0.12781199287837747 -0.11233414056295289 -0.11542971102603429 -0.12007306672066517 -0.07518729500594096 0.04244438259125762 0.2235352546816864 0.49130209973846456 0.711087602617446 0.9355164611910495 1.0314791455466608 1.1924488096270427 1.1444674674492372 1.1258940446707313 1.0686259911036726 0.9773066624426923 0.762164515258333 +14536,0.23901310699710215,0,-0.02875373805967605 -0.12935977810991817 -0.12781199287837747 -0.11233414056295289 -0.11542971102603429 -0.12007306672066517 -0.07518729500594096 0.04244438259125762 0.2235352546816864 0.49130209973846456 0.711087602617446 0.9355164611910495 1.0314791455466608 1.1924488096270427 1.1444674674492372 1.1258940446707313 1.0686259911036726 0.9773066624426923 0.762164515258333 0.443320757560659 +14537,0.1089991475475692,0,-0.12935977810991817 -0.12781199287837747 -0.11233414056295289 -0.11542971102603429 -0.12007306672066517 -0.07518729500594096 0.04244438259125762 0.2235352546816864 0.49130209973846456 0.711087602617446 0.9355164611910495 1.0314791455466608 1.1924488096270427 1.1444674674492372 1.1258940446707313 1.0686259911036726 0.9773066624426923 0.762164515258333 0.443320757560659 0.23901310699710215 +14538,-0.005536959586547991,0,-0.12781199287837747 -0.11233414056295289 -0.11542971102603429 -0.12007306672066517 -0.07518729500594096 0.04244438259125762 0.2235352546816864 0.49130209973846456 0.711087602617446 0.9355164611910495 1.0314791455466608 1.1924488096270427 1.1444674674492372 1.1258940446707313 1.0686259911036726 0.9773066624426923 0.762164515258333 0.443320757560659 0.23901310699710215 0.1089991475475692 +14539,-0.08911736208982483,0,-0.11233414056295289 -0.11542971102603429 -0.12007306672066517 -0.07518729500594096 0.04244438259125762 0.2235352546816864 0.49130209973846456 0.711087602617446 0.9355164611910495 1.0314791455466608 1.1924488096270427 1.1444674674492372 1.1258940446707313 1.0686259911036726 0.9773066624426923 0.762164515258333 0.443320757560659 0.23901310699710215 0.1089991475475692 -0.005536959586547991 +14540,-0.15102877135150553,0,-0.11542971102603429 -0.12007306672066517 -0.07518729500594096 0.04244438259125762 0.2235352546816864 0.49130209973846456 0.711087602617446 0.9355164611910495 1.0314791455466608 1.1924488096270427 1.1444674674492372 1.1258940446707313 1.0686259911036726 0.9773066624426923 0.762164515258333 0.443320757560659 0.23901310699710215 0.1089991475475692 -0.005536959586547991 -0.08911736208982483 +14541,-0.23770474431786376,0,-0.12007306672066517 -0.07518729500594096 0.04244438259125762 0.2235352546816864 0.49130209973846456 0.711087602617446 0.9355164611910495 1.0314791455466608 1.1924488096270427 1.1444674674492372 1.1258940446707313 1.0686259911036726 0.9773066624426923 0.762164515258333 0.443320757560659 0.23901310699710215 0.1089991475475692 -0.005536959586547991 -0.08911736208982483 -0.15102877135150553 +14542,-0.28568608649566934,0,-0.07518729500594096 0.04244438259125762 0.2235352546816864 0.49130209973846456 0.711087602617446 0.9355164611910495 1.0314791455466608 1.1924488096270427 1.1444674674492372 1.1258940446707313 1.0686259911036726 0.9773066624426923 0.762164515258333 0.443320757560659 0.23901310699710215 0.1089991475475692 -0.005536959586547991 -0.08911736208982483 -0.15102877135150553 -0.23770474431786376 +14543,-0.375457629925109,0,0.04244438259125762 0.2235352546816864 0.49130209973846456 0.711087602617446 0.9355164611910495 1.0314791455466608 1.1924488096270427 1.1444674674492372 1.1258940446707313 1.0686259911036726 0.9773066624426923 0.762164515258333 0.443320757560659 0.23901310699710215 0.1089991475475692 -0.005536959586547991 -0.08911736208982483 -0.15102877135150553 -0.23770474431786376 -0.28568608649566934 +14544,-0.40022219362978656,0,0.2235352546816864 0.49130209973846456 0.711087602617446 0.9355164611910495 1.0314791455466608 1.1924488096270427 1.1444674674492372 1.1258940446707313 1.0686259911036726 0.9773066624426923 0.762164515258333 0.443320757560659 0.23901310699710215 0.1089991475475692 -0.005536959586547991 -0.08911736208982483 -0.15102877135150553 -0.23770474431786376 -0.28568608649566934 -0.375457629925109 +14545,-0.41724783117675185,0,0.49130209973846456 0.711087602617446 0.9355164611910495 1.0314791455466608 1.1924488096270427 1.1444674674492372 1.1258940446707313 1.0686259911036726 0.9773066624426923 0.762164515258333 0.443320757560659 0.23901310699710215 0.1089991475475692 -0.005536959586547991 -0.08911736208982483 -0.15102877135150553 -0.23770474431786376 -0.28568608649566934 -0.375457629925109 -0.40022219362978656 +14546,-0.23306138862324166,0,0.711087602617446 0.9355164611910495 1.0314791455466608 1.1924488096270427 1.1444674674492372 1.1258940446707313 1.0686259911036726 0.9773066624426923 0.762164515258333 0.443320757560659 0.23901310699710215 0.1089991475475692 -0.005536959586547991 -0.08911736208982483 -0.15102877135150553 -0.23770474431786376 -0.28568608649566934 -0.375457629925109 -0.40022219362978656 -0.41724783117675185 +14547,0.15852827495691552,0,0.9355164611910495 1.0314791455466608 1.1924488096270427 1.1444674674492372 1.1258940446707313 1.0686259911036726 0.9773066624426923 0.762164515258333 0.443320757560659 0.23901310699710215 0.1089991475475692 -0.005536959586547991 -0.08911736208982483 -0.15102877135150553 -0.23770474431786376 -0.28568608649566934 -0.375457629925109 -0.40022219362978656 -0.41724783117675185 -0.23306138862324166 +14548,0.4293906904767839,0,1.0314791455466608 1.1924488096270427 1.1444674674492372 1.1258940446707313 1.0686259911036726 0.9773066624426923 0.762164515258333 0.443320757560659 0.23901310699710215 0.1089991475475692 -0.005536959586547991 -0.08911736208982483 -0.15102877135150553 -0.23770474431786376 -0.28568608649566934 -0.375457629925109 -0.40022219362978656 -0.41724783117675185 -0.23306138862324166 0.15852827495691552 +14549,0.7157309583120769,0,1.1924488096270427 1.1444674674492372 1.1258940446707313 1.0686259911036726 0.9773066624426923 0.762164515258333 0.443320757560659 0.23901310699710215 0.1089991475475692 -0.005536959586547991 -0.08911736208982483 -0.15102877135150553 -0.23770474431786376 -0.28568608649566934 -0.375457629925109 -0.40022219362978656 -0.41724783117675185 -0.23306138862324166 0.15852827495691552 0.4293906904767839 +14550,0.9432553873487618,0,1.1444674674492372 1.1258940446707313 1.0686259911036726 0.9773066624426923 0.762164515258333 0.443320757560659 0.23901310699710215 0.1089991475475692 -0.005536959586547991 -0.08911736208982483 -0.15102877135150553 -0.23770474431786376 -0.28568608649566934 -0.375457629925109 -0.40022219362978656 -0.41724783117675185 -0.23306138862324166 0.15852827495691552 0.4293906904767839 0.7157309583120769 +14551,1.1723276016169961,0,1.1258940446707313 1.0686259911036726 0.9773066624426923 0.762164515258333 0.443320757560659 0.23901310699710215 0.1089991475475692 -0.005536959586547991 -0.08911736208982483 -0.15102877135150553 -0.23770474431786376 -0.28568608649566934 -0.375457629925109 -0.40022219362978656 -0.41724783117675185 -0.23306138862324166 0.15852827495691552 0.4293906904767839 0.7157309583120769 0.9432553873487618 +14552,1.297698205371907,0,1.0686259911036726 0.9773066624426923 0.762164515258333 0.443320757560659 0.23901310699710215 0.1089991475475692 -0.005536959586547991 -0.08911736208982483 -0.15102877135150553 -0.23770474431786376 -0.28568608649566934 -0.375457629925109 -0.40022219362978656 -0.41724783117675185 -0.23306138862324166 0.15852827495691552 0.4293906904767839 0.7157309583120769 0.9432553873487618 1.1723276016169961 +14553,1.4060431715798525,0,0.9773066624426923 0.762164515258333 0.443320757560659 0.23901310699710215 0.1089991475475692 -0.005536959586547991 -0.08911736208982483 -0.15102877135150553 -0.23770474431786376 -0.28568608649566934 -0.375457629925109 -0.40022219362978656 -0.41724783117675185 -0.23306138862324166 0.15852827495691552 0.4293906904767839 0.7157309583120769 0.9432553873487618 1.1723276016169961 1.297698205371907 +14554,1.472597936536164,0,0.762164515258333 0.443320757560659 0.23901310699710215 0.1089991475475692 -0.005536959586547991 -0.08911736208982483 -0.15102877135150553 -0.23770474431786376 -0.28568608649566934 -0.375457629925109 -0.40022219362978656 -0.41724783117675185 -0.23306138862324166 0.15852827495691552 0.4293906904767839 0.7157309583120769 0.9432553873487618 1.1723276016169961 1.297698205371907 1.4060431715798525 +14555,1.4803368626938764,0,0.443320757560659 0.23901310699710215 0.1089991475475692 -0.005536959586547991 -0.08911736208982483 -0.15102877135150553 -0.23770474431786376 -0.28568608649566934 -0.375457629925109 -0.40022219362978656 -0.41724783117675185 -0.23306138862324166 0.15852827495691552 0.4293906904767839 0.7157309583120769 0.9432553873487618 1.1723276016169961 1.297698205371907 1.4060431715798525 1.472597936536164 +14556,1.2203089437948018,0,0.23901310699710215 0.1089991475475692 -0.005536959586547991 -0.08911736208982483 -0.15102877135150553 -0.23770474431786376 -0.28568608649566934 -0.375457629925109 -0.40022219362978656 -0.41724783117675185 -0.23306138862324166 0.15852827495691552 0.4293906904767839 0.7157309583120769 0.9432553873487618 1.1723276016169961 1.297698205371907 1.4060431715798525 1.472597936536164 1.4803368626938764 +14557,1.0825560581875477,0,0.1089991475475692 -0.005536959586547991 -0.08911736208982483 -0.15102877135150553 -0.23770474431786376 -0.28568608649566934 -0.375457629925109 -0.40022219362978656 -0.41724783117675185 -0.23306138862324166 0.15852827495691552 0.4293906904767839 0.7157309583120769 0.9432553873487618 1.1723276016169961 1.297698205371907 1.4060431715798525 1.472597936536164 1.4803368626938764 1.2203089437948018 +14558,0.790024649426092,0,-0.005536959586547991 -0.08911736208982483 -0.15102877135150553 -0.23770474431786376 -0.28568608649566934 -0.375457629925109 -0.40022219362978656 -0.41724783117675185 -0.23306138862324166 0.15852827495691552 0.4293906904767839 0.7157309583120769 0.9432553873487618 1.1723276016169961 1.297698205371907 1.4060431715798525 1.472597936536164 1.4803368626938764 1.2203089437948018 1.0825560581875477 +14559,0.4402251870975776,0,-0.08911736208982483 -0.15102877135150553 -0.23770474431786376 -0.28568608649566934 -0.375457629925109 -0.40022219362978656 -0.41724783117675185 -0.23306138862324166 0.15852827495691552 0.4293906904767839 0.7157309583120769 0.9432553873487618 1.1723276016169961 1.297698205371907 1.4060431715798525 1.472597936536164 1.4803368626938764 1.2203089437948018 1.0825560581875477 0.790024649426092 +14560,0.25913431500714884,0,-0.15102877135150553 -0.23770474431786376 -0.28568608649566934 -0.375457629925109 -0.40022219362978656 -0.41724783117675185 -0.23306138862324166 0.15852827495691552 0.4293906904767839 0.7157309583120769 0.9432553873487618 1.1723276016169961 1.297698205371907 1.4060431715798525 1.472597936536164 1.4803368626938764 1.2203089437948018 1.0825560581875477 0.790024649426092 0.4402251870975776 +14561,0.12912035555761586,0,-0.23770474431786376 -0.28568608649566934 -0.375457629925109 -0.40022219362978656 -0.41724783117675185 -0.23306138862324166 0.15852827495691552 0.4293906904767839 0.7157309583120769 0.9432553873487618 1.1723276016169961 1.297698205371907 1.4060431715798525 1.472597936536164 1.4803368626938764 1.2203089437948018 1.0825560581875477 0.790024649426092 0.4402251870975776 0.25913431500714884 +14562,0.005297537034245689,0,-0.28568608649566934 -0.375457629925109 -0.40022219362978656 -0.41724783117675185 -0.23306138862324166 0.15852827495691552 0.4293906904767839 0.7157309583120769 0.9432553873487618 1.1723276016169961 1.297698205371907 1.4060431715798525 1.472597936536164 1.4803368626938764 1.2203089437948018 1.0825560581875477 0.790024649426092 0.4402251870975776 0.25913431500714884 0.12912035555761586 +14563,-0.11078635533141219,0,-0.375457629925109 -0.40022219362978656 -0.41724783117675185 -0.23306138862324166 0.15852827495691552 0.4293906904767839 0.7157309583120769 0.9432553873487618 1.1723276016169961 1.297698205371907 1.4060431715798525 1.472597936536164 1.4803368626938764 1.2203089437948018 1.0825560581875477 0.790024649426092 0.4402251870975776 0.25913431500714884 0.12912035555761586 0.005297537034245689 +14564,-0.2191313215393578,0,-0.40022219362978656 -0.41724783117675185 -0.23306138862324166 0.15852827495691552 0.4293906904767839 0.7157309583120769 0.9432553873487618 1.1723276016169961 1.297698205371907 1.4060431715798525 1.472597936536164 1.4803368626938764 1.2203089437948018 1.0825560581875477 0.790024649426092 0.4402251870975776 0.25913431500714884 0.12912035555761586 0.005297537034245689 -0.11078635533141219 +14565,-0.29497279788492237,0,-0.41724783117675185 -0.23306138862324166 0.15852827495691552 0.4293906904767839 0.7157309583120769 0.9432553873487618 1.1723276016169961 1.297698205371907 1.4060431715798525 1.472597936536164 1.4803368626938764 1.2203089437948018 1.0825560581875477 0.790024649426092 0.4402251870975776 0.25913431500714884 0.12912035555761586 0.005297537034245689 -0.11078635533141219 -0.2191313215393578 +14566,-0.3708142742304869,0,-0.23306138862324166 0.15852827495691552 0.4293906904767839 0.7157309583120769 0.9432553873487618 1.1723276016169961 1.297698205371907 1.4060431715798525 1.472597936536164 1.4803368626938764 1.2203089437948018 1.0825560581875477 0.790024649426092 0.4402251870975776 0.25913431500714884 0.12912035555761586 0.005297537034245689 -0.11078635533141219 -0.2191313215393578 -0.29497279788492237 +14567,-0.4110566902505802,0,0.15852827495691552 0.4293906904767839 0.7157309583120769 0.9432553873487618 1.1723276016169961 1.297698205371907 1.4060431715798525 1.472597936536164 1.4803368626938764 1.2203089437948018 1.0825560581875477 0.790024649426092 0.4402251870975776 0.25913431500714884 0.12912035555761586 0.005297537034245689 -0.11078635533141219 -0.2191313215393578 -0.29497279788492237 -0.3708142742304869 +14568,-0.45129910627067354,0,0.4293906904767839 0.7157309583120769 0.9432553873487618 1.1723276016169961 1.297698205371907 1.4060431715798525 1.472597936536164 1.4803368626938764 1.2203089437948018 1.0825560581875477 0.790024649426092 0.4402251870975776 0.25913431500714884 0.12912035555761586 0.005297537034245689 -0.11078635533141219 -0.2191313215393578 -0.29497279788492237 -0.3708142742304869 -0.4110566902505802 +14569,-0.3955788379351557,0,0.7157309583120769 0.9432553873487618 1.1723276016169961 1.297698205371907 1.4060431715798525 1.472597936536164 1.4803368626938764 1.2203089437948018 1.0825560581875477 0.790024649426092 0.4402251870975776 0.25913431500714884 0.12912035555761586 0.005297537034245689 -0.11078635533141219 -0.2191313215393578 -0.29497279788492237 -0.3708142742304869 -0.4110566902505802 -0.45129910627067354 +14570,0.09816465092677551,0,0.9432553873487618 1.1723276016169961 1.297698205371907 1.4060431715798525 1.472597936536164 1.4803368626938764 1.2203089437948018 1.0825560581875477 0.790024649426092 0.4402251870975776 0.25913431500714884 0.12912035555761586 0.005297537034245689 -0.11078635533141219 -0.2191313215393578 -0.29497279788492237 -0.3708142742304869 -0.4110566902505802 -0.45129910627067354 -0.3955788379351557 +14571,0.24829981838635515,0,1.1723276016169961 1.297698205371907 1.4060431715798525 1.472597936536164 1.4803368626938764 1.2203089437948018 1.0825560581875477 0.790024649426092 0.4402251870975776 0.25913431500714884 0.12912035555761586 0.005297537034245689 -0.11078635533141219 -0.2191313215393578 -0.29497279788492237 -0.3708142742304869 -0.4110566902505802 -0.45129910627067354 -0.3955788379351557 0.09816465092677551 +14572,0.5470223680739825,0,1.297698205371907 1.4060431715798525 1.472597936536164 1.4803368626938764 1.2203089437948018 1.0825560581875477 0.790024649426092 0.4402251870975776 0.25913431500714884 0.12912035555761586 0.005297537034245689 -0.11078635533141219 -0.2191313215393578 -0.29497279788492237 -0.3708142742304869 -0.4110566902505802 -0.45129910627067354 -0.3955788379351557 0.09816465092677551 0.24829981838635515 +14573,0.8271714949831038,0,1.4060431715798525 1.472597936536164 1.4803368626938764 1.2203089437948018 1.0825560581875477 0.790024649426092 0.4402251870975776 0.25913431500714884 0.12912035555761586 0.005297537034245689 -0.11078635533141219 -0.2191313215393578 -0.29497279788492237 -0.3708142742304869 -0.4110566902505802 -0.45129910627067354 -0.3955788379351557 0.09816465092677551 0.24829981838635515 0.5470223680739825 +14574,1.02993136031512,0,1.472597936536164 1.4803368626938764 1.2203089437948018 1.0825560581875477 0.790024649426092 0.4402251870975776 0.25913431500714884 0.12912035555761586 0.005297537034245689 -0.11078635533141219 -0.2191313215393578 -0.29497279788492237 -0.3708142742304869 -0.4110566902505802 -0.45129910627067354 -0.3955788379351557 0.09816465092677551 0.24829981838635515 0.5470223680739825 0.8271714949831038 +14575,1.2357867961102176,0,1.4803368626938764 1.2203089437948018 1.0825560581875477 0.790024649426092 0.4402251870975776 0.25913431500714884 0.12912035555761586 0.005297537034245689 -0.11078635533141219 -0.2191313215393578 -0.29497279788492237 -0.3708142742304869 -0.4110566902505802 -0.45129910627067354 -0.3955788379351557 0.09816465092677551 0.24829981838635515 0.5470223680739825 0.8271714949831038 1.02993136031512 +14576,1.3224627690765758,0,1.2203089437948018 1.0825560581875477 0.790024649426092 0.4402251870975776 0.25913431500714884 0.12912035555761586 0.005297537034245689 -0.11078635533141219 -0.2191313215393578 -0.29497279788492237 -0.3708142742304869 -0.4110566902505802 -0.45129910627067354 -0.3955788379351557 0.09816465092677551 0.24829981838635515 0.5470223680739825 0.8271714949831038 1.02993136031512 1.2357867961102176 +14577,1.3193671986134943,0,1.0825560581875477 0.790024649426092 0.4402251870975776 0.25913431500714884 0.12912035555761586 0.005297537034245689 -0.11078635533141219 -0.2191313215393578 -0.29497279788492237 -0.3708142742304869 -0.4110566902505802 -0.45129910627067354 -0.3955788379351557 0.09816465092677551 0.24829981838635515 0.5470223680739825 0.8271714949831038 1.02993136031512 1.2357867961102176 1.3224627690765758 +14578,1.3874697488013465,0,0.790024649426092 0.4402251870975776 0.25913431500714884 0.12912035555761586 0.005297537034245689 -0.11078635533141219 -0.2191313215393578 -0.29497279788492237 -0.3708142742304869 -0.4110566902505802 -0.45129910627067354 -0.3955788379351557 0.09816465092677551 0.24829981838635515 0.5470223680739825 0.8271714949831038 1.02993136031512 1.2357867961102176 1.3224627690765758 1.3193671986134943 +14579,1.330201695234288,0,0.4402251870975776 0.25913431500714884 0.12912035555761586 0.005297537034245689 -0.11078635533141219 -0.2191313215393578 -0.29497279788492237 -0.3708142742304869 -0.4110566902505802 -0.45129910627067354 -0.3955788379351557 0.09816465092677551 0.24829981838635515 0.5470223680739825 0.8271714949831038 1.02993136031512 1.2357867961102176 1.3224627690765758 1.3193671986134943 1.3874697488013465 +14580,1.2388823665733077,0,0.25913431500714884 0.12912035555761586 0.005297537034245689 -0.11078635533141219 -0.2191313215393578 -0.29497279788492237 -0.3708142742304869 -0.4110566902505802 -0.45129910627067354 -0.3955788379351557 0.09816465092677551 0.24829981838635515 0.5470223680739825 0.8271714949831038 1.02993136031512 1.2357867961102176 1.3224627690765758 1.3193671986134943 1.3874697488013465 1.330201695234288 +14581,1.0825560581875477,0,0.12912035555761586 0.005297537034245689 -0.11078635533141219 -0.2191313215393578 -0.29497279788492237 -0.3708142742304869 -0.4110566902505802 -0.45129910627067354 -0.3955788379351557 0.09816465092677551 0.24829981838635515 0.5470223680739825 0.8271714949831038 1.02993136031512 1.2357867961102176 1.3224627690765758 1.3193671986134943 1.3874697488013465 1.330201695234288 1.2388823665733077 +14582,0.8132414278992288,0,0.005297537034245689 -0.11078635533141219 -0.2191313215393578 -0.29497279788492237 -0.3708142742304869 -0.4110566902505802 -0.45129910627067354 -0.3955788379351557 0.09816465092677551 0.24829981838635515 0.5470223680739825 0.8271714949831038 1.02993136031512 1.2357867961102176 1.3224627690765758 1.3193671986134943 1.3874697488013465 1.330201695234288 1.2388823665733077 1.0825560581875477 +14583,0.5361878714531888,0,-0.11078635533141219 -0.2191313215393578 -0.29497279788492237 -0.3708142742304869 -0.4110566902505802 -0.45129910627067354 -0.3955788379351557 0.09816465092677551 0.24829981838635515 0.5470223680739825 0.8271714949831038 1.02993136031512 1.2357867961102176 1.3224627690765758 1.3193671986134943 1.3874697488013465 1.330201695234288 1.2388823665733077 1.0825560581875477 0.8132414278992288 +14584,0.33961914704734425,0,-0.2191313215393578 -0.29497279788492237 -0.3708142742304869 -0.4110566902505802 -0.45129910627067354 -0.3955788379351557 0.09816465092677551 0.24829981838635515 0.5470223680739825 0.8271714949831038 1.02993136031512 1.2357867961102176 1.3224627690765758 1.3193671986134943 1.3874697488013465 1.330201695234288 1.2388823665733077 1.0825560581875477 0.8132414278992288 0.5361878714531888 +14585,0.17864948296696218,0,-0.29497279788492237 -0.3708142742304869 -0.4110566902505802 -0.45129910627067354 -0.3955788379351557 0.09816465092677551 0.24829981838635515 0.5470223680739825 0.8271714949831038 1.02993136031512 1.2357867961102176 1.3224627690765758 1.3193671986134943 1.3874697488013465 1.330201695234288 1.2388823665733077 1.0825560581875477 0.8132414278992288 0.5361878714531888 0.33961914704734425 +14586,0.039348812128176223,0,-0.3708142742304869 -0.4110566902505802 -0.45129910627067354 -0.3955788379351557 0.09816465092677551 0.24829981838635515 0.5470223680739825 0.8271714949831038 1.02993136031512 1.2357867961102176 1.3224627690765758 1.3193671986134943 1.3874697488013465 1.330201695234288 1.2388823665733077 1.0825560581875477 0.8132414278992288 0.5361878714531888 0.33961914704734425 0.17864948296696218 +14587,-0.04887494606973151,0,-0.4110566902505802 -0.45129910627067354 -0.3955788379351557 0.09816465092677551 0.24829981838635515 0.5470223680739825 0.8271714949831038 1.02993136031512 1.2357867961102176 1.3224627690765758 1.3193671986134943 1.3874697488013465 1.330201695234288 1.2388823665733077 1.0825560581875477 0.8132414278992288 0.5361878714531888 0.33961914704734425 0.17864948296696218 0.039348812128176223 +14588,-0.14948098611996483,0,-0.45129910627067354 -0.3955788379351557 0.09816465092677551 0.24829981838635515 0.5470223680739825 0.8271714949831038 1.02993136031512 1.2357867961102176 1.3224627690765758 1.3193671986134943 1.3874697488013465 1.330201695234288 1.2388823665733077 1.0825560581875477 0.8132414278992288 0.5361878714531888 0.33961914704734425 0.17864948296696218 0.039348812128176223 -0.04887494606973151 +14589,-0.18972340214005814,0,-0.3955788379351557 0.09816465092677551 0.24829981838635515 0.5470223680739825 0.8271714949831038 1.02993136031512 1.2357867961102176 1.3224627690765758 1.3193671986134943 1.3874697488013465 1.330201695234288 1.2388823665733077 1.0825560581875477 0.8132414278992288 0.5361878714531888 0.33961914704734425 0.17864948296696218 0.039348812128176223 -0.04887494606973151 -0.14948098611996483 +14590,-0.28723387172721004,0,0.09816465092677551 0.24829981838635515 0.5470223680739825 0.8271714949831038 1.02993136031512 1.2357867961102176 1.3224627690765758 1.3193671986134943 1.3874697488013465 1.330201695234288 1.2388823665733077 1.0825560581875477 0.8132414278992288 0.5361878714531888 0.33961914704734425 0.17864948296696218 0.039348812128176223 -0.04887494606973151 -0.14948098611996483 -0.18972340214005814 +14591,-0.36771870376739674,0,0.24829981838635515 0.5470223680739825 0.8271714949831038 1.02993136031512 1.2357867961102176 1.3224627690765758 1.3193671986134943 1.3874697488013465 1.330201695234288 1.2388823665733077 1.0825560581875477 0.8132414278992288 0.5361878714531888 0.33961914704734425 0.17864948296696218 0.039348812128176223 -0.04887494606973151 -0.14948098611996483 -0.18972340214005814 -0.28723387172721004 +14592,-0.44975132103913285,0,0.5470223680739825 0.8271714949831038 1.02993136031512 1.2357867961102176 1.3224627690765758 1.3193671986134943 1.3874697488013465 1.330201695234288 1.2388823665733077 1.0825560581875477 0.8132414278992288 0.5361878714531888 0.33961914704734425 0.17864948296696218 0.039348812128176223 -0.04887494606973151 -0.14948098611996483 -0.18972340214005814 -0.28723387172721004 -0.36771870376739674 +14593,-0.4977326632169385,0,0.8271714949831038 1.02993136031512 1.2357867961102176 1.3224627690765758 1.3193671986134943 1.3874697488013465 1.330201695234288 1.2388823665733077 1.0825560581875477 0.8132414278992288 0.5361878714531888 0.33961914704734425 0.17864948296696218 0.039348812128176223 -0.04887494606973151 -0.14948098611996483 -0.18972340214005814 -0.28723387172721004 -0.36771870376739674 -0.44975132103913285 +14594,-0.2763993751064164,0,1.02993136031512 1.2357867961102176 1.3224627690765758 1.3193671986134943 1.3874697488013465 1.330201695234288 1.2388823665733077 1.0825560581875477 0.8132414278992288 0.5361878714531888 0.33961914704734425 0.17864948296696218 0.039348812128176223 -0.04887494606973151 -0.14948098611996483 -0.18972340214005814 -0.28723387172721004 -0.36771870376739674 -0.44975132103913285 -0.4977326632169385 +14595,0.05947002013822289,0,1.2357867961102176 1.3224627690765758 1.3193671986134943 1.3874697488013465 1.330201695234288 1.2388823665733077 1.0825560581875477 0.8132414278992288 0.5361878714531888 0.33961914704734425 0.17864948296696218 0.039348812128176223 -0.04887494606973151 -0.14948098611996483 -0.18972340214005814 -0.28723387172721004 -0.36771870376739674 -0.44975132103913285 -0.4977326632169385 -0.2763993751064164 +14596,0.35509699936276,0,1.3224627690765758 1.3193671986134943 1.3874697488013465 1.330201695234288 1.2388823665733077 1.0825560581875477 0.8132414278992288 0.5361878714531888 0.33961914704734425 0.17864948296696218 0.039348812128176223 -0.04887494606973151 -0.14948098611996483 -0.18972340214005814 -0.28723387172721004 -0.36771870376739674 -0.44975132103913285 -0.4977326632169385 -0.2763993751064164 0.05947002013822289 +14597,0.6708451865973527,0,1.3193671986134943 1.3874697488013465 1.330201695234288 1.2388823665733077 1.0825560581875477 0.8132414278992288 0.5361878714531888 0.33961914704734425 0.17864948296696218 0.039348812128176223 -0.04887494606973151 -0.14948098611996483 -0.18972340214005814 -0.28723387172721004 -0.36771870376739674 -0.44975132103913285 -0.4977326632169385 -0.2763993751064164 0.05947002013822289 0.35509699936276 +14598,0.9308731054964273,0,1.3874697488013465 1.330201695234288 1.2388823665733077 1.0825560581875477 0.8132414278992288 0.5361878714531888 0.33961914704734425 0.17864948296696218 0.039348812128176223 -0.04887494606973151 -0.14948098611996483 -0.18972340214005814 -0.28723387172721004 -0.36771870376739674 -0.44975132103913285 -0.4977326632169385 -0.2763993751064164 0.05947002013822289 0.35509699936276 0.6708451865973527 +14599,1.0454092126305445,0,1.330201695234288 1.2388823665733077 1.0825560581875477 0.8132414278992288 0.5361878714531888 0.33961914704734425 0.17864948296696218 0.039348812128176223 -0.04887494606973151 -0.14948098611996483 -0.18972340214005814 -0.28723387172721004 -0.36771870376739674 -0.44975132103913285 -0.4977326632169385 -0.2763993751064164 0.05947002013822289 0.35509699936276 0.6708451865973527 0.9308731054964273 +14600,1.169232031153906,0,1.2388823665733077 1.0825560581875477 0.8132414278992288 0.5361878714531888 0.33961914704734425 0.17864948296696218 0.039348812128176223 -0.04887494606973151 -0.14948098611996483 -0.18972340214005814 -0.28723387172721004 -0.36771870376739674 -0.44975132103913285 -0.4977326632169385 -0.2763993751064164 0.05947002013822289 0.35509699936276 0.6708451865973527 0.9308731054964273 1.0454092126305445 +14601,1.2528124336571829,0,1.0825560581875477 0.8132414278992288 0.5361878714531888 0.33961914704734425 0.17864948296696218 0.039348812128176223 -0.04887494606973151 -0.14948098611996483 -0.18972340214005814 -0.28723387172721004 -0.36771870376739674 -0.44975132103913285 -0.4977326632169385 -0.2763993751064164 0.05947002013822289 0.35509699936276 0.6708451865973527 0.9308731054964273 1.0454092126305445 1.169232031153906 +14602,1.3425839770866224,0,0.8132414278992288 0.5361878714531888 0.33961914704734425 0.17864948296696218 0.039348812128176223 -0.04887494606973151 -0.14948098611996483 -0.18972340214005814 -0.28723387172721004 -0.36771870376739674 -0.44975132103913285 -0.4977326632169385 -0.2763993751064164 0.05947002013822289 0.35509699936276 0.6708451865973527 0.9308731054964273 1.0454092126305445 1.169232031153906 1.2528124336571829 +14603,1.2791247825934011,0,0.5361878714531888 0.33961914704734425 0.17864948296696218 0.039348812128176223 -0.04887494606973151 -0.14948098611996483 -0.18972340214005814 -0.28723387172721004 -0.36771870376739674 -0.44975132103913285 -0.4977326632169385 -0.2763993751064164 0.05947002013822289 0.35509699936276 0.6708451865973527 0.9308731054964273 1.0454092126305445 1.169232031153906 1.2528124336571829 1.3425839770866224 +14604,1.209474447174008,0,0.33961914704734425 0.17864948296696218 0.039348812128176223 -0.04887494606973151 -0.14948098611996483 -0.18972340214005814 -0.28723387172721004 -0.36771870376739674 -0.44975132103913285 -0.4977326632169385 -0.2763993751064164 0.05947002013822289 0.35509699936276 0.6708451865973527 0.9308731054964273 1.0454092126305445 1.169232031153906 1.2528124336571829 1.3425839770866224 1.2791247825934011 +14605,1.1119639775868473,0,0.17864948296696218 0.039348812128176223 -0.04887494606973151 -0.14948098611996483 -0.18972340214005814 -0.28723387172721004 -0.36771870376739674 -0.44975132103913285 -0.4977326632169385 -0.2763993751064164 0.05947002013822289 0.35509699936276 0.6708451865973527 0.9308731054964273 1.0454092126305445 1.169232031153906 1.2528124336571829 1.3425839770866224 1.2791247825934011 1.209474447174008 +14606,0.9804022329057737,0,0.039348812128176223 -0.04887494606973151 -0.14948098611996483 -0.18972340214005814 -0.28723387172721004 -0.36771870376739674 -0.44975132103913285 -0.4977326632169385 -0.2763993751064164 0.05947002013822289 0.35509699936276 0.6708451865973527 0.9308731054964273 1.0454092126305445 1.169232031153906 1.2528124336571829 1.3425839770866224 1.2791247825934011 1.209474447174008 1.1119639775868473 +14607,0.44641632802374914,0,-0.04887494606973151 -0.14948098611996483 -0.18972340214005814 -0.28723387172721004 -0.36771870376739674 -0.44975132103913285 -0.4977326632169385 -0.2763993751064164 0.05947002013822289 0.35509699936276 0.6708451865973527 0.9308731054964273 1.0454092126305445 1.169232031153906 1.2528124336571829 1.3425839770866224 1.2791247825934011 1.209474447174008 1.1119639775868473 0.9804022329057737 +14608,0.29473337533262006,0,-0.14948098611996483 -0.18972340214005814 -0.28723387172721004 -0.36771870376739674 -0.44975132103913285 -0.4977326632169385 -0.2763993751064164 0.05947002013822289 0.35509699936276 0.6708451865973527 0.9308731054964273 1.0454092126305445 1.169232031153906 1.2528124336571829 1.3425839770866224 1.2791247825934011 1.209474447174008 1.1119639775868473 0.9804022329057737 0.44641632802374914 +14609,0.11828585893682218,0,-0.18972340214005814 -0.28723387172721004 -0.36771870376739674 -0.44975132103913285 -0.4977326632169385 -0.2763993751064164 0.05947002013822289 0.35509699936276 0.6708451865973527 0.9308731054964273 1.0454092126305445 1.169232031153906 1.2528124336571829 1.3425839770866224 1.2791247825934011 1.209474447174008 1.1119639775868473 0.9804022329057737 0.44641632802374914 0.29473337533262006 +14610,0.039348812128176223,0,-0.28723387172721004 -0.36771870376739674 -0.44975132103913285 -0.4977326632169385 -0.2763993751064164 0.05947002013822289 0.35509699936276 0.6708451865973527 0.9308731054964273 1.0454092126305445 1.169232031153906 1.2528124336571829 1.3425839770866224 1.2791247825934011 1.209474447174008 1.1119639775868473 0.9804022329057737 0.44641632802374914 0.29473337533262006 0.11828585893682218 +14611,-0.058161657458975696,0,-0.36771870376739674 -0.44975132103913285 -0.4977326632169385 -0.2763993751064164 0.05947002013822289 0.35509699936276 0.6708451865973527 0.9308731054964273 1.0454092126305445 1.169232031153906 1.2528124336571829 1.3425839770866224 1.2791247825934011 1.209474447174008 1.1119639775868473 0.9804022329057737 0.44641632802374914 0.29473337533262006 0.11828585893682218 0.039348812128176223 +14612,-0.11388192579449359,0,-0.44975132103913285 -0.4977326632169385 -0.2763993751064164 0.05947002013822289 0.35509699936276 0.6708451865973527 0.9308731054964273 1.0454092126305445 1.169232031153906 1.2528124336571829 1.3425839770866224 1.2791247825934011 1.209474447174008 1.1119639775868473 0.9804022329057737 0.44641632802374914 0.29473337533262006 0.11828585893682218 0.039348812128176223 -0.058161657458975696 +14613,-0.2052012544554827,0,-0.4977326632169385 -0.2763993751064164 0.05947002013822289 0.35509699936276 0.6708451865973527 0.9308731054964273 1.0454092126305445 1.169232031153906 1.2528124336571829 1.3425839770866224 1.2791247825934011 1.209474447174008 1.1119639775868473 0.9804022329057737 0.44641632802374914 0.29473337533262006 0.11828585893682218 0.039348812128176223 -0.058161657458975696 -0.11388192579449359 +14614,-0.2779471603379571,0,-0.2763993751064164 0.05947002013822289 0.35509699936276 0.6708451865973527 0.9308731054964273 1.0454092126305445 1.169232031153906 1.2528124336571829 1.3425839770866224 1.2791247825934011 1.209474447174008 1.1119639775868473 0.9804022329057737 0.44641632802374914 0.29473337533262006 0.11828585893682218 0.039348812128176223 -0.058161657458975696 -0.11388192579449359 -0.2052012544554827 +14615,-0.36462313330431534,0,0.05947002013822289 0.35509699936276 0.6708451865973527 0.9308731054964273 1.0454092126305445 1.169232031153906 1.2528124336571829 1.3425839770866224 1.2791247825934011 1.209474447174008 1.1119639775868473 0.9804022329057737 0.44641632802374914 0.29473337533262006 0.11828585893682218 0.039348812128176223 -0.058161657458975696 -0.11388192579449359 -0.2052012544554827 -0.2779471603379571 +14616,-0.4342734687237083,0,0.35509699936276 0.6708451865973527 0.9308731054964273 1.0454092126305445 1.169232031153906 1.2528124336571829 1.3425839770866224 1.2791247825934011 1.209474447174008 1.1119639775868473 0.9804022329057737 0.44641632802374914 0.29473337533262006 0.11828585893682218 0.039348812128176223 -0.058161657458975696 -0.11388192579449359 -0.2052012544554827 -0.2779471603379571 -0.36462313330431534 +14617,-0.46987252904917953,0,0.6708451865973527 0.9308731054964273 1.0454092126305445 1.169232031153906 1.2528124336571829 1.3425839770866224 1.2791247825934011 1.209474447174008 1.1119639775868473 0.9804022329057737 0.44641632802374914 0.29473337533262006 0.11828585893682218 0.039348812128176223 -0.058161657458975696 -0.11388192579449359 -0.2052012544554827 -0.2779471603379571 -0.36462313330431534 -0.4342734687237083 +14618,-0.3506930662204403,0,0.9308731054964273 1.0454092126305445 1.169232031153906 1.2528124336571829 1.3425839770866224 1.2791247825934011 1.209474447174008 1.1119639775868473 0.9804022329057737 0.44641632802374914 0.29473337533262006 0.11828585893682218 0.039348812128176223 -0.058161657458975696 -0.11388192579449359 -0.2052012544554827 -0.2779471603379571 -0.36462313330431534 -0.4342734687237083 -0.46987252904917953 +14619,-0.06280501315360658,0,1.0454092126305445 1.169232031153906 1.2528124336571829 1.3425839770866224 1.2791247825934011 1.209474447174008 1.1119639775868473 0.9804022329057737 0.44641632802374914 0.29473337533262006 0.11828585893682218 0.039348812128176223 -0.058161657458975696 -0.11388192579449359 -0.2052012544554827 -0.2779471603379571 -0.36462313330431534 -0.4342734687237083 -0.46987252904917953 -0.3506930662204403 +14620,0.17710169773542148,0,1.169232031153906 1.2528124336571829 1.3425839770866224 1.2791247825934011 1.209474447174008 1.1119639775868473 0.9804022329057737 0.44641632802374914 0.29473337533262006 0.11828585893682218 0.039348812128176223 -0.058161657458975696 -0.11388192579449359 -0.2052012544554827 -0.2779471603379571 -0.36462313330431534 -0.4342734687237083 -0.46987252904917953 -0.3506930662204403 -0.06280501315360658 +14621,0.4293906904767839,0,1.2528124336571829 1.3425839770866224 1.2791247825934011 1.209474447174008 1.1119639775868473 0.9804022329057737 0.44641632802374914 0.29473337533262006 0.11828585893682218 0.039348812128176223 -0.058161657458975696 -0.11388192579449359 -0.2052012544554827 -0.2779471603379571 -0.36462313330431534 -0.4342734687237083 -0.46987252904917953 -0.3506930662204403 -0.06280501315360658 0.17710169773542148 +14622,0.6662018309027218,0,1.3425839770866224 1.2791247825934011 1.209474447174008 1.1119639775868473 0.9804022329057737 0.44641632802374914 0.29473337533262006 0.11828585893682218 0.039348812128176223 -0.058161657458975696 -0.11388192579449359 -0.2052012544554827 -0.2779471603379571 -0.36462313330431534 -0.4342734687237083 -0.46987252904917953 -0.3506930662204403 -0.06280501315360658 0.17710169773542148 0.4293906904767839 +14623,0.8658661257716564,0,1.2791247825934011 1.209474447174008 1.1119639775868473 0.9804022329057737 0.44641632802374914 0.29473337533262006 0.11828585893682218 0.039348812128176223 -0.058161657458975696 -0.11388192579449359 -0.2052012544554827 -0.2779471603379571 -0.36462313330431534 -0.4342734687237083 -0.46987252904917953 -0.3506930662204403 -0.06280501315360658 0.17710169773542148 0.4293906904767839 0.6662018309027218 +14624,0.9246819645702558,0,1.209474447174008 1.1119639775868473 0.9804022329057737 0.44641632802374914 0.29473337533262006 0.11828585893682218 0.039348812128176223 -0.058161657458975696 -0.11388192579449359 -0.2052012544554827 -0.2779471603379571 -0.36462313330431534 -0.4342734687237083 -0.46987252904917953 -0.3506930662204403 -0.06280501315360658 0.17710169773542148 0.4293906904767839 0.6662018309027218 0.8658661257716564 +14625,0.9571854544326368,0,1.1119639775868473 0.9804022329057737 0.44641632802374914 0.29473337533262006 0.11828585893682218 0.039348812128176223 -0.058161657458975696 -0.11388192579449359 -0.2052012544554827 -0.2779471603379571 -0.36462313330431534 -0.4342734687237083 -0.46987252904917953 -0.3506930662204403 -0.06280501315360658 0.17710169773542148 0.4293906904767839 0.6662018309027218 0.8658661257716564 0.9246819645702558 +14626,0.992784514758108,0,0.9804022329057737 0.44641632802374914 0.29473337533262006 0.11828585893682218 0.039348812128176223 -0.058161657458975696 -0.11388192579449359 -0.2052012544554827 -0.2779471603379571 -0.36462313330431534 -0.4342734687237083 -0.46987252904917953 -0.3506930662204403 -0.06280501315360658 0.17710169773542148 0.4293906904767839 0.6662018309027218 0.8658661257716564 0.9246819645702558 0.9571854544326368 +14627,0.9494465282749334,0,0.44641632802374914 0.29473337533262006 0.11828585893682218 0.039348812128176223 -0.058161657458975696 -0.11388192579449359 -0.2052012544554827 -0.2779471603379571 -0.36462313330431534 -0.4342734687237083 -0.46987252904917953 -0.3506930662204403 -0.06280501315360658 0.17710169773542148 0.4293906904767839 0.6662018309027218 0.8658661257716564 0.9246819645702558 0.9571854544326368 0.992784514758108 +14628,0.9293253202648867,0,0.29473337533262006 0.11828585893682218 0.039348812128176223 -0.058161657458975696 -0.11388192579449359 -0.2052012544554827 -0.2779471603379571 -0.36462313330431534 -0.4342734687237083 -0.46987252904917953 -0.3506930662204403 -0.06280501315360658 0.17710169773542148 0.4293906904767839 0.6662018309027218 0.8658661257716564 0.9246819645702558 0.9571854544326368 0.992784514758108 0.9494465282749334 +14629,0.7296610253959519,0,0.11828585893682218 0.039348812128176223 -0.058161657458975696 -0.11388192579449359 -0.2052012544554827 -0.2779471603379571 -0.36462313330431534 -0.4342734687237083 -0.46987252904917953 -0.3506930662204403 -0.06280501315360658 0.17710169773542148 0.4293906904767839 0.6662018309027218 0.8658661257716564 0.9246819645702558 0.9571854544326368 0.992784514758108 0.9494465282749334 0.9293253202648867 +14630,0.4789198178861302,0,0.039348812128176223 -0.058161657458975696 -0.11388192579449359 -0.2052012544554827 -0.2779471603379571 -0.36462313330431534 -0.4342734687237083 -0.46987252904917953 -0.3506930662204403 -0.06280501315360658 0.17710169773542148 0.4293906904767839 0.6662018309027218 0.8658661257716564 0.9246819645702558 0.9571854544326368 0.992784514758108 0.9494465282749334 0.9293253202648867 0.7296610253959519 +14631,0.25294317408098604,0,-0.058161657458975696 -0.11388192579449359 -0.2052012544554827 -0.2779471603379571 -0.36462313330431534 -0.4342734687237083 -0.46987252904917953 -0.3506930662204403 -0.06280501315360658 0.17710169773542148 0.4293906904767839 0.6662018309027218 0.8658661257716564 0.9246819645702558 0.9571854544326368 0.992784514758108 0.9494465282749334 0.9293253202648867 0.7296610253959519 0.4789198178861302 +14632,0.028514315507373746,0,-0.11388192579449359 -0.2052012544554827 -0.2779471603379571 -0.36462313330431534 -0.4342734687237083 -0.46987252904917953 -0.3506930662204403 -0.06280501315360658 0.17710169773542148 0.4293906904767839 0.6662018309027218 0.8658661257716564 0.9246819645702558 0.9571854544326368 0.992784514758108 0.9494465282749334 0.9293253202648867 0.7296610253959519 0.4789198178861302 0.25294317408098604 +14633,-0.07828286546903115,0,-0.2052012544554827 -0.2779471603379571 -0.36462313330431534 -0.4342734687237083 -0.46987252904917953 -0.3506930662204403 -0.06280501315360658 0.17710169773542148 0.4293906904767839 0.6662018309027218 0.8658661257716564 0.9246819645702558 0.9571854544326368 0.992784514758108 0.9494465282749334 0.9293253202648867 0.7296610253959519 0.4789198178861302 0.25294317408098604 0.028514315507373746 +14634,-0.1618632679722992,0,-0.2779471603379571 -0.36462313330431534 -0.4342734687237083 -0.46987252904917953 -0.3506930662204403 -0.06280501315360658 0.17710169773542148 0.4293906904767839 0.6662018309027218 0.8658661257716564 0.9246819645702558 0.9571854544326368 0.992784514758108 0.9494465282749334 0.9293253202648867 0.7296610253959519 0.4789198178861302 0.25294317408098604 0.028514315507373746 -0.07828286546903115 +14635,-0.273303804643335,0,-0.36462313330431534 -0.4342734687237083 -0.46987252904917953 -0.3506930662204403 -0.06280501315360658 0.17710169773542148 0.4293906904767839 0.6662018309027218 0.8658661257716564 0.9246819645702558 0.9571854544326368 0.992784514758108 0.9494465282749334 0.9293253202648867 0.7296610253959519 0.4789198178861302 0.25294317408098604 0.028514315507373746 -0.07828286546903115 -0.1618632679722992 +14636,-0.3506930662204403,0,-0.4342734687237083 -0.46987252904917953 -0.3506930662204403 -0.06280501315360658 0.17710169773542148 0.4293906904767839 0.6662018309027218 0.8658661257716564 0.9246819645702558 0.9571854544326368 0.992784514758108 0.9494465282749334 0.9293253202648867 0.7296610253959519 0.4789198178861302 0.25294317408098604 0.028514315507373746 -0.07828286546903115 -0.1618632679722992 -0.273303804643335 +14637,-0.4234389721029146,0,-0.46987252904917953 -0.3506930662204403 -0.06280501315360658 0.17710169773542148 0.4293906904767839 0.6662018309027218 0.8658661257716564 0.9246819645702558 0.9571854544326368 0.992784514758108 0.9494465282749334 0.9293253202648867 0.7296610253959519 0.4789198178861302 0.25294317408098604 0.028514315507373746 -0.07828286546903115 -0.1618632679722992 -0.273303804643335 -0.3506930662204403 +14638,-0.5132105155323631,0,-0.3506930662204403 -0.06280501315360658 0.17710169773542148 0.4293906904767839 0.6662018309027218 0.8658661257716564 0.9246819645702558 0.9571854544326368 0.992784514758108 0.9494465282749334 0.9293253202648867 0.7296610253959519 0.4789198178861302 0.25294317408098604 0.028514315507373746 -0.07828286546903115 -0.1618632679722992 -0.273303804643335 -0.3506930662204403 -0.4234389721029146 +14639,-0.6184599112772184,0,-0.06280501315360658 0.17710169773542148 0.4293906904767839 0.6662018309027218 0.8658661257716564 0.9246819645702558 0.9571854544326368 0.992784514758108 0.9494465282749334 0.9293253202648867 0.7296610253959519 0.4789198178861302 0.25294317408098604 0.028514315507373746 -0.07828286546903115 -0.1618632679722992 -0.273303804643335 -0.3506930662204403 -0.4234389721029146 -0.5132105155323631 +14640,-0.643224474981896,0,0.17710169773542148 0.4293906904767839 0.6662018309027218 0.8658661257716564 0.9246819645702558 0.9571854544326368 0.992784514758108 0.9494465282749334 0.9293253202648867 0.7296610253959519 0.4789198178861302 0.25294317408098604 0.028514315507373746 -0.07828286546903115 -0.1618632679722992 -0.273303804643335 -0.3506930662204403 -0.4234389721029146 -0.5132105155323631 -0.6184599112772184 +14641,-0.671084609149655,0,0.4293906904767839 0.6662018309027218 0.8658661257716564 0.9246819645702558 0.9571854544326368 0.992784514758108 0.9494465282749334 0.9293253202648867 0.7296610253959519 0.4789198178861302 0.25294317408098604 0.028514315507373746 -0.07828286546903115 -0.1618632679722992 -0.273303804643335 -0.3506930662204403 -0.4234389721029146 -0.5132105155323631 -0.6184599112772184 -0.643224474981896 +14642,-0.4933338274070801,0,0.6662018309027218 0.8658661257716564 0.9246819645702558 0.9571854544326368 0.992784514758108 0.9494465282749334 0.9293253202648867 0.7296610253959519 0.4789198178861302 0.25294317408098604 0.028514315507373746 -0.07828286546903115 -0.1618632679722992 -0.273303804643335 -0.3506930662204403 -0.4234389721029146 -0.5132105155323631 -0.6184599112772184 -0.643224474981896 -0.671084609149655 +14643,-0.17579333505618308,0,0.8658661257716564 0.9246819645702558 0.9571854544326368 0.992784514758108 0.9494465282749334 0.9293253202648867 0.7296610253959519 0.4789198178861302 0.25294317408098604 0.028514315507373746 -0.07828286546903115 -0.1618632679722992 -0.273303804643335 -0.3506930662204403 -0.4234389721029146 -0.5132105155323631 -0.6184599112772184 -0.643224474981896 -0.671084609149655 -0.4933338274070801 +14644,0.3194979390372976,0,0.9246819645702558 0.9571854544326368 0.992784514758108 0.9494465282749334 0.9293253202648867 0.7296610253959519 0.4789198178861302 0.25294317408098604 0.028514315507373746 -0.07828286546903115 -0.1618632679722992 -0.273303804643335 -0.3506930662204403 -0.4234389721029146 -0.5132105155323631 -0.6184599112772184 -0.643224474981896 -0.671084609149655 -0.4933338274070801 -0.17579333505618308 +14645,0.6460806228926751,0,0.9571854544326368 0.992784514758108 0.9494465282749334 0.9293253202648867 0.7296610253959519 0.4789198178861302 0.25294317408098604 0.028514315507373746 -0.07828286546903115 -0.1618632679722992 -0.273303804643335 -0.3506930662204403 -0.4234389721029146 -0.5132105155323631 -0.6184599112772184 -0.643224474981896 -0.671084609149655 -0.4933338274070801 -0.17579333505618308 0.3194979390372976 +14646,0.7605359778922461,0,0.992784514758108 0.9494465282749334 0.9293253202648867 0.7296610253959519 0.4789198178861302 0.25294317408098604 0.028514315507373746 -0.07828286546903115 -0.1618632679722992 -0.273303804643335 -0.3506930662204403 -0.4234389721029146 -0.5132105155323631 -0.6184599112772184 -0.643224474981896 -0.671084609149655 -0.4933338274070801 -0.17579333505618308 0.3194979390372976 0.6460806228926751 +14647,1.1026772661976032,0,0.9494465282749334 0.9293253202648867 0.7296610253959519 0.4789198178861302 0.25294317408098604 0.028514315507373746 -0.07828286546903115 -0.1618632679722992 -0.273303804643335 -0.3506930662204403 -0.4234389721029146 -0.5132105155323631 -0.6184599112772184 -0.643224474981896 -0.671084609149655 -0.4933338274070801 -0.17579333505618308 0.3194979390372976 0.6460806228926751 0.7605359778922461 +14648,1.316271628150413,0,0.9293253202648867 0.7296610253959519 0.4789198178861302 0.25294317408098604 0.028514315507373746 -0.07828286546903115 -0.1618632679722992 -0.273303804643335 -0.3506930662204403 -0.4234389721029146 -0.5132105155323631 -0.6184599112772184 -0.643224474981896 -0.671084609149655 -0.4933338274070801 -0.17579333505618308 0.3194979390372976 0.6460806228926751 0.7605359778922461 1.1026772661976032 +14649,1.3797308226436342,0,0.7296610253959519 0.4789198178861302 0.25294317408098604 0.028514315507373746 -0.07828286546903115 -0.1618632679722992 -0.273303804643335 -0.3506930662204403 -0.4234389721029146 -0.5132105155323631 -0.6184599112772184 -0.643224474981896 -0.671084609149655 -0.4933338274070801 -0.17579333505618308 0.3194979390372976 0.6460806228926751 0.7605359778922461 1.1026772661976032 1.316271628150413 +14650,1.330201695234288,0,0.4789198178861302 0.25294317408098604 0.028514315507373746 -0.07828286546903115 -0.1618632679722992 -0.273303804643335 -0.3506930662204403 -0.4234389721029146 -0.5132105155323631 -0.6184599112772184 -0.643224474981896 -0.671084609149655 -0.4933338274070801 -0.17579333505618308 0.3194979390372976 0.6460806228926751 0.7605359778922461 1.1026772661976032 1.316271628150413 1.3797308226436342 +14651,1.3503229032443347,0,0.25294317408098604 0.028514315507373746 -0.07828286546903115 -0.1618632679722992 -0.273303804643335 -0.3506930662204403 -0.4234389721029146 -0.5132105155323631 -0.6184599112772184 -0.643224474981896 -0.671084609149655 -0.4933338274070801 -0.17579333505618308 0.3194979390372976 0.6460806228926751 0.7605359778922461 1.1026772661976032 1.316271628150413 1.3797308226436342 1.330201695234288 +14652,1.3100804872242413,0,0.028514315507373746 -0.07828286546903115 -0.1618632679722992 -0.273303804643335 -0.3506930662204403 -0.4234389721029146 -0.5132105155323631 -0.6184599112772184 -0.643224474981896 -0.671084609149655 -0.4933338274070801 -0.17579333505618308 0.3194979390372976 0.6460806228926751 0.7605359778922461 1.1026772661976032 1.316271628150413 1.3797308226436342 1.330201695234288 1.3503229032443347 +14653,1.190901024395502,0,-0.07828286546903115 -0.1618632679722992 -0.273303804643335 -0.3506930662204403 -0.4234389721029146 -0.5132105155323631 -0.6184599112772184 -0.643224474981896 -0.671084609149655 -0.4933338274070801 -0.17579333505618308 0.3194979390372976 0.6460806228926751 0.7605359778922461 1.1026772661976032 1.316271628150413 1.3797308226436342 1.330201695234288 1.3503229032443347 1.3100804872242413 +14654,0.9293253202648867,0,-0.1618632679722992 -0.273303804643335 -0.3506930662204403 -0.4234389721029146 -0.5132105155323631 -0.6184599112772184 -0.643224474981896 -0.671084609149655 -0.4933338274070801 -0.17579333505618308 0.3194979390372976 0.6460806228926751 0.7605359778922461 1.1026772661976032 1.316271628150413 1.3797308226436342 1.330201695234288 1.3503229032443347 1.3100804872242413 1.190901024395502 +14655,0.6213160591880064,0,-0.273303804643335 -0.3506930662204403 -0.4234389721029146 -0.5132105155323631 -0.6184599112772184 -0.643224474981896 -0.671084609149655 -0.4933338274070801 -0.17579333505618308 0.3194979390372976 0.6460806228926751 0.7605359778922461 1.1026772661976032 1.316271628150413 1.3797308226436342 1.330201695234288 1.3503229032443347 1.3100804872242413 1.190901024395502 0.9293253202648867 +14656,0.34735807320504775,0,-0.3506930662204403 -0.4234389721029146 -0.5132105155323631 -0.6184599112772184 -0.643224474981896 -0.671084609149655 -0.4933338274070801 -0.17579333505618308 0.3194979390372976 0.6460806228926751 0.7605359778922461 1.1026772661976032 1.316271628150413 1.3797308226436342 1.330201695234288 1.3503229032443347 1.3100804872242413 1.190901024395502 0.9293253202648867 0.6213160591880064 +14657,0.11054693277910989,0,-0.4234389721029146 -0.5132105155323631 -0.6184599112772184 -0.643224474981896 -0.671084609149655 -0.4933338274070801 -0.17579333505618308 0.3194979390372976 0.6460806228926751 0.7605359778922461 1.1026772661976032 1.316271628150413 1.3797308226436342 1.330201695234288 1.3503229032443347 1.3100804872242413 1.190901024395502 0.9293253202648867 0.6213160591880064 0.34735807320504775 +14658,0.05637444967513269,0,-0.5132105155323631 -0.6184599112772184 -0.643224474981896 -0.671084609149655 -0.4933338274070801 -0.17579333505618308 0.3194979390372976 0.6460806228926751 0.7605359778922461 1.1026772661976032 1.316271628150413 1.3797308226436342 1.330201695234288 1.3503229032443347 1.3100804872242413 1.190901024395502 0.9293253202648867 0.6213160591880064 0.34735807320504775 0.11054693277910989 +14659,-0.058161657458975696,0,-0.6184599112772184 -0.643224474981896 -0.671084609149655 -0.4933338274070801 -0.17579333505618308 0.3194979390372976 0.6460806228926751 0.7605359778922461 1.1026772661976032 1.316271628150413 1.3797308226436342 1.330201695234288 1.3503229032443347 1.3100804872242413 1.190901024395502 0.9293253202648867 0.6213160591880064 0.34735807320504775 0.11054693277910989 0.05637444967513269 +14660,-0.15102877135150553,0,-0.643224474981896 -0.671084609149655 -0.4933338274070801 -0.17579333505618308 0.3194979390372976 0.6460806228926751 0.7605359778922461 1.1026772661976032 1.316271628150413 1.3797308226436342 1.330201695234288 1.3503229032443347 1.3100804872242413 1.190901024395502 0.9293253202648867 0.6213160591880064 0.34735807320504775 0.11054693277910989 0.05637444967513269 -0.058161657458975696 +14661,-0.273303804643335,0,-0.671084609149655 -0.4933338274070801 -0.17579333505618308 0.3194979390372976 0.6460806228926751 0.7605359778922461 1.1026772661976032 1.316271628150413 1.3797308226436342 1.330201695234288 1.3503229032443347 1.3100804872242413 1.190901024395502 0.9293253202648867 0.6213160591880064 0.34735807320504775 0.11054693277910989 0.05637444967513269 -0.058161657458975696 -0.15102877135150553 +14662,-0.38319655608282127,0,-0.4933338274070801 -0.17579333505618308 0.3194979390372976 0.6460806228926751 0.7605359778922461 1.1026772661976032 1.316271628150413 1.3797308226436342 1.330201695234288 1.3503229032443347 1.3100804872242413 1.190901024395502 0.9293253202648867 0.6213160591880064 0.34735807320504775 0.11054693277910989 0.05637444967513269 -0.058161657458975696 -0.15102877135150553 -0.273303804643335 +14663,-0.44975132103913285,0,-0.17579333505618308 0.3194979390372976 0.6460806228926751 0.7605359778922461 1.1026772661976032 1.316271628150413 1.3797308226436342 1.330201695234288 1.3503229032443347 1.3100804872242413 1.190901024395502 0.9293253202648867 0.6213160591880064 0.34735807320504775 0.11054693277910989 0.05637444967513269 -0.058161657458975696 -0.15102877135150553 -0.273303804643335 -0.38319655608282127 +14664,-0.5116627303008136,0,0.3194979390372976 0.6460806228926751 0.7605359778922461 1.1026772661976032 1.316271628150413 1.3797308226436342 1.330201695234288 1.3503229032443347 1.3100804872242413 1.190901024395502 0.9293253202648867 0.6213160591880064 0.34735807320504775 0.11054693277910989 0.05637444967513269 -0.058161657458975696 -0.15102877135150553 -0.273303804643335 -0.38319655608282127 -0.44975132103913285 +14665,-0.4289168245631759,0,0.6460806228926751 0.7605359778922461 1.1026772661976032 1.316271628150413 1.3797308226436342 1.330201695234288 1.3503229032443347 1.3100804872242413 1.190901024395502 0.9293253202648867 0.6213160591880064 0.34735807320504775 0.11054693277910989 0.05637444967513269 -0.058161657458975696 -0.15102877135150553 -0.273303804643335 -0.38319655608282127 -0.44975132103913285 -0.5116627303008136 +14666,-0.23216301955923763,0,0.7605359778922461 1.1026772661976032 1.316271628150413 1.3797308226436342 1.330201695234288 1.3503229032443347 1.3100804872242413 1.190901024395502 0.9293253202648867 0.6213160591880064 0.34735807320504775 0.11054693277910989 0.05637444967513269 -0.058161657458975696 -0.15102877135150553 -0.273303804643335 -0.38319655608282127 -0.44975132103913285 -0.5116627303008136 -0.4289168245631759 +14667,0.04145078898167745,0,1.1026772661976032 1.316271628150413 1.3797308226436342 1.330201695234288 1.3503229032443347 1.3100804872242413 1.190901024395502 0.9293253202648867 0.6213160591880064 0.34735807320504775 0.11054693277910989 0.05637444967513269 -0.058161657458975696 -0.15102877135150553 -0.273303804643335 -0.38319655608282127 -0.44975132103913285 -0.5116627303008136 -0.4289168245631759 -0.23216301955923763 +14668,0.22527532963058158,0,1.316271628150413 1.3797308226436342 1.330201695234288 1.3503229032443347 1.3100804872242413 1.190901024395502 0.9293253202648867 0.6213160591880064 0.34735807320504775 0.11054693277910989 0.05637444967513269 -0.058161657458975696 -0.15102877135150553 -0.273303804643335 -0.38319655608282127 -0.44975132103913285 -0.5116627303008136 -0.4289168245631759 -0.23216301955923763 0.04145078898167745 +14669,0.5872647840940758,0,1.3797308226436342 1.330201695234288 1.3503229032443347 1.3100804872242413 1.190901024395502 0.9293253202648867 0.6213160591880064 0.34735807320504775 0.11054693277910989 0.05637444967513269 -0.058161657458975696 -0.15102877135150553 -0.273303804643335 -0.38319655608282127 -0.44975132103913285 -0.5116627303008136 -0.4289168245631759 -0.23216301955923763 0.04145078898167745 0.22527532963058158 +14670,0.8287192802146446,0,1.330201695234288 1.3503229032443347 1.3100804872242413 1.190901024395502 0.9293253202648867 0.6213160591880064 0.34735807320504775 0.11054693277910989 0.05637444967513269 -0.058161657458975696 -0.15102877135150553 -0.273303804643335 -0.38319655608282127 -0.44975132103913285 -0.5116627303008136 -0.4289168245631759 -0.23216301955923763 0.04145078898167745 0.22527532963058158 0.5872647840940758 +14671,0.9896889442950266,0,1.3503229032443347 1.3100804872242413 1.190901024395502 0.9293253202648867 0.6213160591880064 0.34735807320504775 0.11054693277910989 0.05637444967513269 -0.058161657458975696 -0.15102877135150553 -0.273303804643335 -0.38319655608282127 -0.44975132103913285 -0.5116627303008136 -0.4289168245631759 -0.23216301955923763 0.04145078898167745 0.22527532963058158 0.5872647840940758 0.8287192802146446 +14672,1.1429196822176966,0,1.3100804872242413 1.190901024395502 0.9293253202648867 0.6213160591880064 0.34735807320504775 0.11054693277910989 0.05637444967513269 -0.058161657458975696 -0.15102877135150553 -0.273303804643335 -0.38319655608282127 -0.44975132103913285 -0.5116627303008136 -0.4289168245631759 -0.23216301955923763 0.04145078898167745 0.22527532963058158 0.5872647840940758 0.8287192802146446 0.9896889442950266 +14673,1.2497168631941014,0,1.190901024395502 0.9293253202648867 0.6213160591880064 0.34735807320504775 0.11054693277910989 0.05637444967513269 -0.058161657458975696 -0.15102877135150553 -0.273303804643335 -0.38319655608282127 -0.44975132103913285 -0.5116627303008136 -0.4289168245631759 -0.23216301955923763 0.04145078898167745 0.22527532963058158 0.5872647840940758 0.8287192802146446 0.9896889442950266 1.1429196822176966 +14674,1.3379406213920002,0,0.9293253202648867 0.6213160591880064 0.34735807320504775 0.11054693277910989 0.05637444967513269 -0.058161657458975696 -0.15102877135150553 -0.273303804643335 -0.38319655608282127 -0.44975132103913285 -0.5116627303008136 -0.4289168245631759 -0.23216301955923763 0.04145078898167745 0.22527532963058158 0.5872647840940758 0.8287192802146446 0.9896889442950266 1.1429196822176966 1.2497168631941014 +14675,1.3503229032443347,0,0.6213160591880064 0.34735807320504775 0.11054693277910989 0.05637444967513269 -0.058161657458975696 -0.15102877135150553 -0.273303804643335 -0.38319655608282127 -0.44975132103913285 -0.5116627303008136 -0.4289168245631759 -0.23216301955923763 0.04145078898167745 0.22527532963058158 0.5872647840940758 0.8287192802146446 0.9896889442950266 1.1429196822176966 1.2497168631941014 1.3379406213920002 +14676,1.3704441112543813,0,0.34735807320504775 0.11054693277910989 0.05637444967513269 -0.058161657458975696 -0.15102877135150553 -0.273303804643335 -0.38319655608282127 -0.44975132103913285 -0.5116627303008136 -0.4289168245631759 -0.23216301955923763 0.04145078898167745 0.22527532963058158 0.5872647840940758 0.8287192802146446 0.9896889442950266 1.1429196822176966 1.2497168631941014 1.3379406213920002 1.3503229032443347 +14677,1.2899592792141947,0,0.11054693277910989 0.05637444967513269 -0.058161657458975696 -0.15102877135150553 -0.273303804643335 -0.38319655608282127 -0.44975132103913285 -0.5116627303008136 -0.4289168245631759 -0.23216301955923763 0.04145078898167745 0.22527532963058158 0.5872647840940758 0.8287192802146446 0.9896889442950266 1.1429196822176966 1.2497168631941014 1.3379406213920002 1.3503229032443347 1.3704441112543813 +14678,0.9819500181373144,0,0.05637444967513269 -0.058161657458975696 -0.15102877135150553 -0.273303804643335 -0.38319655608282127 -0.44975132103913285 -0.5116627303008136 -0.4289168245631759 -0.23216301955923763 0.04145078898167745 0.22527532963058158 0.5872647840940758 0.8287192802146446 0.9896889442950266 1.1429196822176966 1.2497168631941014 1.3379406213920002 1.3503229032443347 1.3704441112543813 1.2899592792141947 +14679,0.6801318979866057,0,-0.058161657458975696 -0.15102877135150553 -0.273303804643335 -0.38319655608282127 -0.44975132103913285 -0.5116627303008136 -0.4289168245631759 -0.23216301955923763 0.04145078898167745 0.22527532963058158 0.5872647840940758 0.8287192802146446 0.9896889442950266 1.1429196822176966 1.2497168631941014 1.3379406213920002 1.3503229032443347 1.3704441112543813 1.2899592792141947 0.9819500181373144 +14680,0.46808532126533653,0,-0.15102877135150553 -0.273303804643335 -0.38319655608282127 -0.44975132103913285 -0.5116627303008136 -0.4289168245631759 -0.23216301955923763 0.04145078898167745 0.22527532963058158 0.5872647840940758 0.8287192802146446 0.9896889442950266 1.1429196822176966 1.2497168631941014 1.3379406213920002 1.3503229032443347 1.3704441112543813 1.2899592792141947 0.9819500181373144 0.6801318979866057 +14681,0.18793619435621514,0,-0.273303804643335 -0.38319655608282127 -0.44975132103913285 -0.5116627303008136 -0.4289168245631759 -0.23216301955923763 0.04145078898167745 0.22527532963058158 0.5872647840940758 0.8287192802146446 0.9896889442950266 1.1429196822176966 1.2497168631941014 1.3379406213920002 1.3503229032443347 1.3704441112543813 1.2899592792141947 0.9819500181373144 0.6801318979866057 0.46808532126533653 +14682,0.06566116106438567,0,-0.38319655608282127 -0.44975132103913285 -0.5116627303008136 -0.4289168245631759 -0.23216301955923763 0.04145078898167745 0.22527532963058158 0.5872647840940758 0.8287192802146446 0.9896889442950266 1.1429196822176966 1.2497168631941014 1.3379406213920002 1.3503229032443347 1.3704441112543813 1.2899592792141947 0.9819500181373144 0.6801318979866057 0.46808532126533653 0.18793619435621514 +14683,-0.017919241438882367,0,-0.44975132103913285 -0.5116627303008136 -0.4289168245631759 -0.23216301955923763 0.04145078898167745 0.22527532963058158 0.5872647840940758 0.8287192802146446 0.9896889442950266 1.1429196822176966 1.2497168631941014 1.3379406213920002 1.3503229032443347 1.3704441112543813 1.2899592792141947 0.9819500181373144 0.6801318979866057 0.46808532126533653 0.18793619435621514 0.06566116106438567 +14684,-0.1092385700998715,0,-0.5116627303008136 -0.4289168245631759 -0.23216301955923763 0.04145078898167745 0.22527532963058158 0.5872647840940758 0.8287192802146446 0.9896889442950266 1.1429196822176966 1.2497168631941014 1.3379406213920002 1.3503229032443347 1.3704441112543813 1.2899592792141947 0.9819500181373144 0.6801318979866057 0.46808532126533653 0.18793619435621514 0.06566116106438567 -0.017919241438882367 +14685,-0.2098446101501048,0,-0.4289168245631759 -0.23216301955923763 0.04145078898167745 0.22527532963058158 0.5872647840940758 0.8287192802146446 0.9896889442950266 1.1429196822176966 1.2497168631941014 1.3379406213920002 1.3503229032443347 1.3704441112543813 1.2899592792141947 0.9819500181373144 0.6801318979866057 0.46808532126533653 0.18793619435621514 0.06566116106438567 -0.017919241438882367 -0.1092385700998715 +14686,-0.25627816709636975,0,-0.23216301955923763 0.04145078898167745 0.22527532963058158 0.5872647840940758 0.8287192802146446 0.9896889442950266 1.1429196822176966 1.2497168631941014 1.3379406213920002 1.3503229032443347 1.3704441112543813 1.2899592792141947 0.9819500181373144 0.6801318979866057 0.46808532126533653 0.18793619435621514 0.06566116106438567 -0.017919241438882367 -0.1092385700998715 -0.2098446101501048 +14687,-0.315094005894969,0,0.04145078898167745 0.22527532963058158 0.5872647840940758 0.8287192802146446 0.9896889442950266 1.1429196822176966 1.2497168631941014 1.3379406213920002 1.3503229032443347 1.3704441112543813 1.2899592792141947 0.9819500181373144 0.6801318979866057 0.46808532126533653 0.18793619435621514 0.06566116106438567 -0.017919241438882367 -0.1092385700998715 -0.2098446101501048 -0.25627816709636975 +14688,-0.3893876970089929,0,0.22527532963058158 0.5872647840940758 0.8287192802146446 0.9896889442950266 1.1429196822176966 1.2497168631941014 1.3379406213920002 1.3503229032443347 1.3704441112543813 1.2899592792141947 0.9819500181373144 0.6801318979866057 0.46808532126533653 0.18793619435621514 0.06566116106438567 -0.017919241438882367 -0.1092385700998715 -0.2098446101501048 -0.25627816709636975 -0.315094005894969 +14689,-0.4280823277975455,0,0.5872647840940758 0.8287192802146446 0.9896889442950266 1.1429196822176966 1.2497168631941014 1.3379406213920002 1.3503229032443347 1.3704441112543813 1.2899592792141947 0.9819500181373144 0.6801318979866057 0.46808532126533653 0.18793619435621514 0.06566116106438567 -0.017919241438882367 -0.1092385700998715 -0.2098446101501048 -0.25627816709636975 -0.315094005894969 -0.3893876970089929 +14690,-0.3259285025157627,0,0.8287192802146446 0.9896889442950266 1.1429196822176966 1.2497168631941014 1.3379406213920002 1.3503229032443347 1.3704441112543813 1.2899592792141947 0.9819500181373144 0.6801318979866057 0.46808532126533653 0.18793619435621514 0.06566116106438567 -0.017919241438882367 -0.1092385700998715 -0.2098446101501048 -0.25627816709636975 -0.315094005894969 -0.3893876970089929 -0.4280823277975455 +14691,-0.03339709375430694,0,0.9896889442950266 1.1429196822176966 1.2497168631941014 1.3379406213920002 1.3503229032443347 1.3704441112543813 1.2899592792141947 0.9819500181373144 0.6801318979866057 0.46808532126533653 0.18793619435621514 0.06566116106438567 -0.017919241438882367 -0.1092385700998715 -0.2098446101501048 -0.25627816709636975 -0.315094005894969 -0.3893876970089929 -0.4280823277975455 -0.3259285025157627 +14692,0.2761599525541141,0,1.1429196822176966 1.2497168631941014 1.3379406213920002 1.3503229032443347 1.3704441112543813 1.2899592792141947 0.9819500181373144 0.6801318979866057 0.46808532126533653 0.18793619435621514 0.06566116106438567 -0.017919241438882367 -0.1092385700998715 -0.2098446101501048 -0.25627816709636975 -0.315094005894969 -0.3893876970089929 -0.4280823277975455 -0.3259285025157627 -0.03339709375430694 +14693,0.6197682739564656,0,1.2497168631941014 1.3379406213920002 1.3503229032443347 1.3704441112543813 1.2899592792141947 0.9819500181373144 0.6801318979866057 0.46808532126533653 0.18793619435621514 0.06566116106438567 -0.017919241438882367 -0.1092385700998715 -0.2098446101501048 -0.25627816709636975 -0.315094005894969 -0.3893876970089929 -0.4280823277975455 -0.3259285025157627 -0.03339709375430694 0.2761599525541141 +14694,0.7745467971106762,0,1.3379406213920002 1.3503229032443347 1.3704441112543813 1.2899592792141947 0.9819500181373144 0.6801318979866057 0.46808532126533653 0.18793619435621514 0.06566116106438567 -0.017919241438882367 -0.1092385700998715 -0.2098446101501048 -0.25627816709636975 -0.315094005894969 -0.3893876970089929 -0.4280823277975455 -0.3259285025157627 -0.03339709375430694 0.2761599525541141 0.6197682739564656 +14695,0.9277775350333372,0,1.3503229032443347 1.3704441112543813 1.2899592792141947 0.9819500181373144 0.6801318979866057 0.46808532126533653 0.18793619435621514 0.06566116106438567 -0.017919241438882367 -0.1092385700998715 -0.2098446101501048 -0.25627816709636975 -0.315094005894969 -0.3893876970089929 -0.4280823277975455 -0.3259285025157627 -0.03339709375430694 0.2761599525541141 0.6197682739564656 0.7745467971106762 +14696,1.136728541291525,0,1.3704441112543813 1.2899592792141947 0.9819500181373144 0.6801318979866057 0.46808532126533653 0.18793619435621514 0.06566116106438567 -0.017919241438882367 -0.1092385700998715 -0.2098446101501048 -0.25627816709636975 -0.315094005894969 -0.3893876970089929 -0.4280823277975455 -0.3259285025157627 -0.03339709375430694 0.2761599525541141 0.6197682739564656 0.7745467971106762 0.9277775350333372 +14697,1.1661364606908244,0,1.2899592792141947 0.9819500181373144 0.6801318979866057 0.46808532126533653 0.18793619435621514 0.06566116106438567 -0.017919241438882367 -0.1092385700998715 -0.2098446101501048 -0.25627816709636975 -0.315094005894969 -0.3893876970089929 -0.4280823277975455 -0.3259285025157627 -0.03339709375430694 0.2761599525541141 0.6197682739564656 0.7745467971106762 0.9277775350333372 1.136728541291525 +14698,1.1847098834693306,0,0.9819500181373144 0.6801318979866057 0.46808532126533653 0.18793619435621514 0.06566116106438567 -0.017919241438882367 -0.1092385700998715 -0.2098446101501048 -0.25627816709636975 -0.315094005894969 -0.3893876970089929 -0.4280823277975455 -0.3259285025157627 -0.03339709375430694 0.2761599525541141 0.6197682739564656 0.7745467971106762 0.9277775350333372 1.136728541291525 1.1661364606908244 +14699,1.283768138288023,0,0.6801318979866057 0.46808532126533653 0.18793619435621514 0.06566116106438567 -0.017919241438882367 -0.1092385700998715 -0.2098446101501048 -0.25627816709636975 -0.315094005894969 -0.3893876970089929 -0.4280823277975455 -0.3259285025157627 -0.03339709375430694 0.2761599525541141 0.6197682739564656 0.7745467971106762 0.9277775350333372 1.136728541291525 1.1661364606908244 1.1847098834693306 +14700,1.1645886754592838,0,0.46808532126533653 0.18793619435621514 0.06566116106438567 -0.017919241438882367 -0.1092385700998715 -0.2098446101501048 -0.25627816709636975 -0.315094005894969 -0.3893876970089929 -0.4280823277975455 -0.3259285025157627 -0.03339709375430694 0.2761599525541141 0.6197682739564656 0.7745467971106762 0.9277775350333372 1.136728541291525 1.1661364606908244 1.1847098834693306 1.283768138288023 +14701,0.9432553873487618,0,0.18793619435621514 0.06566116106438567 -0.017919241438882367 -0.1092385700998715 -0.2098446101501048 -0.25627816709636975 -0.315094005894969 -0.3893876970089929 -0.4280823277975455 -0.3259285025157627 -0.03339709375430694 0.2761599525541141 0.6197682739564656 0.7745467971106762 0.9277775350333372 1.136728541291525 1.1661364606908244 1.1847098834693306 1.283768138288023 1.1645886754592838 +14702,0.6166727034933754,0,0.06566116106438567 -0.017919241438882367 -0.1092385700998715 -0.2098446101501048 -0.25627816709636975 -0.315094005894969 -0.3893876970089929 -0.4280823277975455 -0.3259285025157627 -0.03339709375430694 0.2761599525541141 0.6197682739564656 0.7745467971106762 0.9277775350333372 1.136728541291525 1.1661364606908244 1.1847098834693306 1.283768138288023 1.1645886754592838 0.9432553873487618 +14703,0.41700840862444954,0,-0.017919241438882367 -0.1092385700998715 -0.2098446101501048 -0.25627816709636975 -0.315094005894969 -0.3893876970089929 -0.4280823277975455 -0.3259285025157627 -0.03339709375430694 0.2761599525541141 0.6197682739564656 0.7745467971106762 0.9277775350333372 1.136728541291525 1.1661364606908244 1.1847098834693306 1.283768138288023 1.1645886754592838 0.9432553873487618 0.6166727034933754 +14704,0.17091055680924988,0,-0.1092385700998715 -0.2098446101501048 -0.25627816709636975 -0.315094005894969 -0.3893876970089929 -0.4280823277975455 -0.3259285025157627 -0.03339709375430694 0.2761599525541141 0.6197682739564656 0.7745467971106762 0.9277775350333372 1.136728541291525 1.1661364606908244 1.1847098834693306 1.283768138288023 1.1645886754592838 0.9432553873487618 0.6166727034933754 0.41700840862444954 +14705,0.05792223490668219,0,-0.2098446101501048 -0.25627816709636975 -0.315094005894969 -0.3893876970089929 -0.4280823277975455 -0.3259285025157627 -0.03339709375430694 0.2761599525541141 0.6197682739564656 0.7745467971106762 0.9277775350333372 1.136728541291525 1.1661364606908244 1.1847098834693306 1.283768138288023 1.1645886754592838 0.9432553873487618 0.6166727034933754 0.41700840862444954 0.17091055680924988 +14706,-0.03184930852276624,0,-0.25627816709636975 -0.315094005894969 -0.3893876970089929 -0.4280823277975455 -0.3259285025157627 -0.03339709375430694 0.2761599525541141 0.6197682739564656 0.7745467971106762 0.9277775350333372 1.136728541291525 1.1661364606908244 1.1847098834693306 1.283768138288023 1.1645886754592838 0.9432553873487618 0.6166727034933754 0.41700840862444954 0.17091055680924988 0.05792223490668219 +14707,-0.12626420764683677,0,-0.315094005894969 -0.3893876970089929 -0.4280823277975455 -0.3259285025157627 -0.03339709375430694 0.2761599525541141 0.6197682739564656 0.7745467971106762 0.9277775350333372 1.136728541291525 1.1661364606908244 1.1847098834693306 1.283768138288023 1.1645886754592838 0.9432553873487618 0.6166727034933754 0.41700840862444954 0.17091055680924988 0.05792223490668219 -0.03184930852276624 +14708,-0.1603154827407585,0,-0.3893876970089929 -0.4280823277975455 -0.3259285025157627 -0.03339709375430694 0.2761599525541141 0.6197682739564656 0.7745467971106762 0.9277775350333372 1.136728541291525 1.1661364606908244 1.1847098834693306 1.283768138288023 1.1645886754592838 0.9432553873487618 0.6166727034933754 0.41700840862444954 0.17091055680924988 0.05792223490668219 -0.03184930852276624 -0.12626420764683677 +14709,-0.2113923953816455,0,-0.4280823277975455 -0.3259285025157627 -0.03339709375430694 0.2761599525541141 0.6197682739564656 0.7745467971106762 0.9277775350333372 1.136728541291525 1.1661364606908244 1.1847098834693306 1.283768138288023 1.1645886754592838 0.9432553873487618 0.6166727034933754 0.41700840862444954 0.17091055680924988 0.05792223490668219 -0.03184930852276624 -0.12626420764683677 -0.1603154827407585 +14710,-0.29652058311646307,0,-0.3259285025157627 -0.03339709375430694 0.2761599525541141 0.6197682739564656 0.7745467971106762 0.9277775350333372 1.136728541291525 1.1661364606908244 1.1847098834693306 1.283768138288023 1.1645886754592838 0.9432553873487618 0.6166727034933754 0.41700840862444954 0.17091055680924988 0.05792223490668219 -0.03184930852276624 -0.12626420764683677 -0.1603154827407585 -0.2113923953816455 +14711,-0.3290240729788441,0,-0.03339709375430694 0.2761599525541141 0.6197682739564656 0.7745467971106762 0.9277775350333372 1.136728541291525 1.1661364606908244 1.1847098834693306 1.283768138288023 1.1645886754592838 0.9432553873487618 0.6166727034933754 0.41700840862444954 0.17091055680924988 0.05792223490668219 -0.03184930852276624 -0.12626420764683677 -0.1603154827407585 -0.2113923953816455 -0.29652058311646307 +14712,-0.3785532003881992,0,0.2761599525541141 0.6197682739564656 0.7745467971106762 0.9277775350333372 1.136728541291525 1.1661364606908244 1.1847098834693306 1.283768138288023 1.1645886754592838 0.9432553873487618 0.6166727034933754 0.41700840862444954 0.17091055680924988 0.05792223490668219 -0.03184930852276624 -0.12626420764683677 -0.1603154827407585 -0.2113923953816455 -0.29652058311646307 -0.3290240729788441 +14713,-0.3878399117774522,0,0.6197682739564656 0.7745467971106762 0.9277775350333372 1.136728541291525 1.1661364606908244 1.1847098834693306 1.283768138288023 1.1645886754592838 0.9432553873487618 0.6166727034933754 0.41700840862444954 0.17091055680924988 0.05792223490668219 -0.03184930852276624 -0.12626420764683677 -0.1603154827407585 -0.2113923953816455 -0.29652058311646307 -0.3290240729788441 -0.3785532003881992 +14714,-0.3522408514519809,0,0.7745467971106762 0.9277775350333372 1.136728541291525 1.1661364606908244 1.1847098834693306 1.283768138288023 1.1645886754592838 0.9432553873487618 0.6166727034933754 0.41700840862444954 0.17091055680924988 0.05792223490668219 -0.03184930852276624 -0.12626420764683677 -0.1603154827407585 -0.2113923953816455 -0.29652058311646307 -0.3290240729788441 -0.3785532003881992 -0.3878399117774522 +14715,-0.19591454306622974,0,0.9277775350333372 1.136728541291525 1.1661364606908244 1.1847098834693306 1.283768138288023 1.1645886754592838 0.9432553873487618 0.6166727034933754 0.41700840862444954 0.17091055680924988 0.05792223490668219 -0.03184930852276624 -0.12626420764683677 -0.1603154827407585 -0.2113923953816455 -0.29652058311646307 -0.3290240729788441 -0.3785532003881992 -0.3878399117774522 -0.3522408514519809 +14716,-0.02720595282813535,0,1.136728541291525 1.1661364606908244 1.1847098834693306 1.283768138288023 1.1645886754592838 0.9432553873487618 0.6166727034933754 0.41700840862444954 0.17091055680924988 0.05792223490668219 -0.03184930852276624 -0.12626420764683677 -0.1603154827407585 -0.2113923953816455 -0.29652058311646307 -0.3290240729788441 -0.3785532003881992 -0.3878399117774522 -0.3522408514519809 -0.19591454306622974 +14717,0.14305042264149093,0,1.1661364606908244 1.1847098834693306 1.283768138288023 1.1645886754592838 0.9432553873487618 0.6166727034933754 0.41700840862444954 0.17091055680924988 0.05792223490668219 -0.03184930852276624 -0.12626420764683677 -0.1603154827407585 -0.2113923953816455 -0.29652058311646307 -0.3290240729788441 -0.3785532003881992 -0.3878399117774522 -0.3522408514519809 -0.19591454306622974 -0.02720595282813535 +14718,0.4386774018660369,0,1.1847098834693306 1.283768138288023 1.1645886754592838 0.9432553873487618 0.6166727034933754 0.41700840862444954 0.17091055680924988 0.05792223490668219 -0.03184930852276624 -0.12626420764683677 -0.1603154827407585 -0.2113923953816455 -0.29652058311646307 -0.3290240729788441 -0.3785532003881992 -0.3878399117774522 -0.3522408514519809 -0.19591454306622974 -0.02720595282813535 0.14305042264149093 +14719,0.7219220992382397,0,1.283768138288023 1.1645886754592838 0.9432553873487618 0.6166727034933754 0.41700840862444954 0.17091055680924988 0.05792223490668219 -0.03184930852276624 -0.12626420764683677 -0.1603154827407585 -0.2113923953816455 -0.29652058311646307 -0.3290240729788441 -0.3785532003881992 -0.3878399117774522 -0.3522408514519809 -0.19591454306622974 -0.02720595282813535 0.14305042264149093 0.4386774018660369 +14720,0.8225281392884818,0,1.1645886754592838 0.9432553873487618 0.6166727034933754 0.41700840862444954 0.17091055680924988 0.05792223490668219 -0.03184930852276624 -0.12626420764683677 -0.1603154827407585 -0.2113923953816455 -0.29652058311646307 -0.3290240729788441 -0.3785532003881992 -0.3878399117774522 -0.3522408514519809 -0.19591454306622974 -0.02720595282813535 0.14305042264149093 0.4386774018660369 0.7219220992382397 +14721,0.9339686759595087,0,0.9432553873487618 0.6166727034933754 0.41700840862444954 0.17091055680924988 0.05792223490668219 -0.03184930852276624 -0.12626420764683677 -0.1603154827407585 -0.2113923953816455 -0.29652058311646307 -0.3290240729788441 -0.3785532003881992 -0.3878399117774522 -0.3522408514519809 -0.19591454306622974 -0.02720595282813535 0.14305042264149093 0.4386774018660369 0.7219220992382397 0.8225281392884818 +14722,0.9633765953588084,0,0.6166727034933754 0.41700840862444954 0.17091055680924988 0.05792223490668219 -0.03184930852276624 -0.12626420764683677 -0.1603154827407585 -0.2113923953816455 -0.29652058311646307 -0.3290240729788441 -0.3785532003881992 -0.3878399117774522 -0.3522408514519809 -0.19591454306622974 -0.02720595282813535 0.14305042264149093 0.4386774018660369 0.7219220992382397 0.8225281392884818 0.9339686759595087 +14723,0.8875351190132439,0,0.41700840862444954 0.17091055680924988 0.05792223490668219 -0.03184930852276624 -0.12626420764683677 -0.1603154827407585 -0.2113923953816455 -0.29652058311646307 -0.3290240729788441 -0.3785532003881992 -0.3878399117774522 -0.3522408514519809 -0.19591454306622974 -0.02720595282813535 0.14305042264149093 0.4386774018660369 0.7219220992382397 0.8225281392884818 0.9339686759595087 0.9633765953588084 +14724,0.7575211595637109,0,0.17091055680924988 0.05792223490668219 -0.03184930852276624 -0.12626420764683677 -0.1603154827407585 -0.2113923953816455 -0.29652058311646307 -0.3290240729788441 -0.3785532003881992 -0.3878399117774522 -0.3522408514519809 -0.19591454306622974 -0.02720595282813535 0.14305042264149093 0.4386774018660369 0.7219220992382397 0.8225281392884818 0.9339686759595087 0.9633765953588084 0.8875351190132439 +14725,0.6723929718288933,0,0.05792223490668219 -0.03184930852276624 -0.12626420764683677 -0.1603154827407585 -0.2113923953816455 -0.29652058311646307 -0.3290240729788441 -0.3785532003881992 -0.3878399117774522 -0.3522408514519809 -0.19591454306622974 -0.02720595282813535 0.14305042264149093 0.4386774018660369 0.7219220992382397 0.8225281392884818 0.9339686759595087 0.9633765953588084 0.8875351190132439 0.7575211595637109 +14726,0.42010397908753094,0,-0.03184930852276624 -0.12626420764683677 -0.1603154827407585 -0.2113923953816455 -0.29652058311646307 -0.3290240729788441 -0.3785532003881992 -0.3878399117774522 -0.3522408514519809 -0.19591454306622974 -0.02720595282813535 0.14305042264149093 0.4386774018660369 0.7219220992382397 0.8225281392884818 0.9339686759595087 0.9633765953588084 0.8875351190132439 0.7575211595637109 0.6723929718288933 +14727,0.18638840912467444,0,-0.12626420764683677 -0.1603154827407585 -0.2113923953816455 -0.29652058311646307 -0.3290240729788441 -0.3785532003881992 -0.3878399117774522 -0.3522408514519809 -0.19591454306622974 -0.02720595282813535 0.14305042264149093 0.4386774018660369 0.7219220992382397 0.8225281392884818 0.9339686759595087 0.9633765953588084 0.8875351190132439 0.7575211595637109 0.6723929718288933 0.42010397908753094 +14728,0.006845322265786387,0,-0.1603154827407585 -0.2113923953816455 -0.29652058311646307 -0.3290240729788441 -0.3785532003881992 -0.3878399117774522 -0.3522408514519809 -0.19591454306622974 -0.02720595282813535 0.14305042264149093 0.4386774018660369 0.7219220992382397 0.8225281392884818 0.9339686759595087 0.9633765953588084 0.8875351190132439 0.7575211595637109 0.6723929718288933 0.42010397908753094 0.18638840912467444 +14729,-0.11542971102603429,0,-0.2113923953816455 -0.29652058311646307 -0.3290240729788441 -0.3785532003881992 -0.3878399117774522 -0.3522408514519809 -0.19591454306622974 -0.02720595282813535 0.14305042264149093 0.4386774018660369 0.7219220992382397 0.8225281392884818 0.9339686759595087 0.9633765953588084 0.8875351190132439 0.7575211595637109 0.6723929718288933 0.42010397908753094 0.18638840912467444 0.006845322265786387 +14730,-0.2160357510762764,0,-0.29652058311646307 -0.3290240729788441 -0.3785532003881992 -0.3878399117774522 -0.3522408514519809 -0.19591454306622974 -0.02720595282813535 0.14305042264149093 0.4386774018660369 0.7219220992382397 0.8225281392884818 0.9339686759595087 0.9633765953588084 0.8875351190132439 0.7575211595637109 0.6723929718288933 0.42010397908753094 0.18638840912467444 0.006845322265786387 -0.11542971102603429 +14731,-0.25473038186482905,0,-0.3290240729788441 -0.3785532003881992 -0.3878399117774522 -0.3522408514519809 -0.19591454306622974 -0.02720595282813535 0.14305042264149093 0.4386774018660369 0.7219220992382397 0.8225281392884818 0.9339686759595087 0.9633765953588084 0.8875351190132439 0.7575211595637109 0.6723929718288933 0.42010397908753094 0.18638840912467444 0.006845322265786387 -0.11542971102603429 -0.2160357510762764 +14732,-0.2763993751064164,0,-0.3785532003881992 -0.3878399117774522 -0.3522408514519809 -0.19591454306622974 -0.02720595282813535 0.14305042264149093 0.4386774018660369 0.7219220992382397 0.8225281392884818 0.9339686759595087 0.9633765953588084 0.8875351190132439 0.7575211595637109 0.6723929718288933 0.42010397908753094 0.18638840912467444 0.006845322265786387 -0.11542971102603429 -0.2160357510762764 -0.25473038186482905 +14733,-0.29806836834800376,0,-0.3878399117774522 -0.3522408514519809 -0.19591454306622974 -0.02720595282813535 0.14305042264149093 0.4386774018660369 0.7219220992382397 0.8225281392884818 0.9339686759595087 0.9633765953588084 0.8875351190132439 0.7575211595637109 0.6723929718288933 0.42010397908753094 0.18638840912467444 0.006845322265786387 -0.11542971102603429 -0.2160357510762764 -0.25473038186482905 -0.2763993751064164 +14734,-0.3259285025157627,0,-0.3522408514519809 -0.19591454306622974 -0.02720595282813535 0.14305042264149093 0.4386774018660369 0.7219220992382397 0.8225281392884818 0.9339686759595087 0.9633765953588084 0.8875351190132439 0.7575211595637109 0.6723929718288933 0.42010397908753094 0.18638840912467444 0.006845322265786387 -0.11542971102603429 -0.2160357510762764 -0.25473038186482905 -0.2763993751064164 -0.29806836834800376 +14735,-0.3104506502003469,0,-0.19591454306622974 -0.02720595282813535 0.14305042264149093 0.4386774018660369 0.7219220992382397 0.8225281392884818 0.9339686759595087 0.9633765953588084 0.8875351190132439 0.7575211595637109 0.6723929718288933 0.42010397908753094 0.18638840912467444 0.006845322265786387 -0.11542971102603429 -0.2160357510762764 -0.25473038186482905 -0.2763993751064164 -0.29806836834800376 -0.3259285025157627 +14736,-0.29652058311646307,0,-0.02720595282813535 0.14305042264149093 0.4386774018660369 0.7219220992382397 0.8225281392884818 0.9339686759595087 0.9633765953588084 0.8875351190132439 0.7575211595637109 0.6723929718288933 0.42010397908753094 0.18638840912467444 0.006845322265786387 -0.11542971102603429 -0.2160357510762764 -0.25473038186482905 -0.2763993751064164 -0.29806836834800376 -0.3259285025157627 -0.3104506502003469 +14737,-0.2763993751064164,0,0.14305042264149093 0.4386774018660369 0.7219220992382397 0.8225281392884818 0.9339686759595087 0.9633765953588084 0.8875351190132439 0.7575211595637109 0.6723929718288933 0.42010397908753094 0.18638840912467444 0.006845322265786387 -0.11542971102603429 -0.2160357510762764 -0.25473038186482905 -0.2763993751064164 -0.29806836834800376 -0.3259285025157627 -0.3104506502003469 -0.29652058311646307 +14738,-0.2794949455694978,0,0.4386774018660369 0.7219220992382397 0.8225281392884818 0.9339686759595087 0.9633765953588084 0.8875351190132439 0.7575211595637109 0.6723929718288933 0.42010397908753094 0.18638840912467444 0.006845322265786387 -0.11542971102603429 -0.2160357510762764 -0.25473038186482905 -0.2763993751064164 -0.29806836834800376 -0.3259285025157627 -0.3104506502003469 -0.29652058311646307 -0.2763993751064164 +14739,-0.17579333505618308,0,0.7219220992382397 0.8225281392884818 0.9339686759595087 0.9633765953588084 0.8875351190132439 0.7575211595637109 0.6723929718288933 0.42010397908753094 0.18638840912467444 0.006845322265786387 -0.11542971102603429 -0.2160357510762764 -0.25473038186482905 -0.2763993751064164 -0.29806836834800376 -0.3259285025157627 -0.3104506502003469 -0.29652058311646307 -0.2763993751064164 -0.2794949455694978 +14740,-0.12162085195220587,0,0.8225281392884818 0.9339686759595087 0.9633765953588084 0.8875351190132439 0.7575211595637109 0.6723929718288933 0.42010397908753094 0.18638840912467444 0.006845322265786387 -0.11542971102603429 -0.2160357510762764 -0.25473038186482905 -0.2763993751064164 -0.29806836834800376 -0.3259285025157627 -0.3104506502003469 -0.29652058311646307 -0.2763993751064164 -0.2794949455694978 -0.17579333505618308 +14741,-0.002441389123466596,0,0.9339686759595087 0.9633765953588084 0.8875351190132439 0.7575211595637109 0.6723929718288933 0.42010397908753094 0.18638840912467444 0.006845322265786387 -0.11542971102603429 -0.2160357510762764 -0.25473038186482905 -0.2763993751064164 -0.29806836834800376 -0.3259285025157627 -0.3104506502003469 -0.29652058311646307 -0.2763993751064164 -0.2794949455694978 -0.17579333505618308 -0.12162085195220587 +14742,0.19257955005083724,0,0.9633765953588084 0.8875351190132439 0.7575211595637109 0.6723929718288933 0.42010397908753094 0.18638840912467444 0.006845322265786387 -0.11542971102603429 -0.2160357510762764 -0.25473038186482905 -0.2763993751064164 -0.29806836834800376 -0.3259285025157627 -0.3104506502003469 -0.29652058311646307 -0.2763993751064164 -0.2794949455694978 -0.17579333505618308 -0.12162085195220587 -0.002441389123466596 +14743,0.41855619385599024,0,0.8875351190132439 0.7575211595637109 0.6723929718288933 0.42010397908753094 0.18638840912467444 0.006845322265786387 -0.11542971102603429 -0.2160357510762764 -0.25473038186482905 -0.2763993751064164 -0.29806836834800376 -0.3259285025157627 -0.3104506502003469 -0.29652058311646307 -0.2763993751064164 -0.2794949455694978 -0.17579333505618308 -0.12162085195220587 -0.002441389123466596 0.19257955005083724 +14744,0.6398894819665123,0,0.7575211595637109 0.6723929718288933 0.42010397908753094 0.18638840912467444 0.006845322265786387 -0.11542971102603429 -0.2160357510762764 -0.25473038186482905 -0.2763993751064164 -0.29806836834800376 -0.3259285025157627 -0.3104506502003469 -0.29652058311646307 -0.2763993751064164 -0.2794949455694978 -0.17579333505618308 -0.12162085195220587 -0.002441389123466596 0.19257955005083724 0.41855619385599024 +14745,0.7373999515536642,0,0.6723929718288933 0.42010397908753094 0.18638840912467444 0.006845322265786387 -0.11542971102603429 -0.2160357510762764 -0.25473038186482905 -0.2763993751064164 -0.29806836834800376 -0.3259285025157627 -0.3104506502003469 -0.29652058311646307 -0.2763993751064164 -0.2794949455694978 -0.17579333505618308 -0.12162085195220587 -0.002441389123466596 0.19257955005083724 0.41855619385599024 0.6398894819665123 +14746,0.8256237097515632,0,0.42010397908753094 0.18638840912467444 0.006845322265786387 -0.11542971102603429 -0.2160357510762764 -0.25473038186482905 -0.2763993751064164 -0.29806836834800376 -0.3259285025157627 -0.3104506502003469 -0.29652058311646307 -0.2763993751064164 -0.2794949455694978 -0.17579333505618308 -0.12162085195220587 -0.002441389123466596 0.19257955005083724 0.41855619385599024 0.6398894819665123 0.7373999515536642 +14747,0.8132414278992288,0,0.18638840912467444 0.006845322265786387 -0.11542971102603429 -0.2160357510762764 -0.25473038186482905 -0.2763993751064164 -0.29806836834800376 -0.3259285025157627 -0.3104506502003469 -0.29652058311646307 -0.2763993751064164 -0.2794949455694978 -0.17579333505618308 -0.12162085195220587 -0.002441389123466596 0.19257955005083724 0.41855619385599024 0.6398894819665123 0.7373999515536642 0.8256237097515632 +14748,0.8070502869730573,0,0.006845322265786387 -0.11542971102603429 -0.2160357510762764 -0.25473038186482905 -0.2763993751064164 -0.29806836834800376 -0.3259285025157627 -0.3104506502003469 -0.29652058311646307 -0.2763993751064164 -0.2794949455694978 -0.17579333505618308 -0.12162085195220587 -0.002441389123466596 0.19257955005083724 0.41855619385599024 0.6398894819665123 0.7373999515536642 0.8256237097515632 0.8132414278992288 +14749,0.7265654549328705,0,-0.11542971102603429 -0.2160357510762764 -0.25473038186482905 -0.2763993751064164 -0.29806836834800376 -0.3259285025157627 -0.3104506502003469 -0.29652058311646307 -0.2763993751064164 -0.2794949455694978 -0.17579333505618308 -0.12162085195220587 -0.002441389123466596 0.19257955005083724 0.41855619385599024 0.6398894819665123 0.7373999515536642 0.8256237097515632 0.8132414278992288 0.8070502869730573 +14750,0.5238055896008544,0,-0.2160357510762764 -0.25473038186482905 -0.2763993751064164 -0.29806836834800376 -0.3259285025157627 -0.3104506502003469 -0.29652058311646307 -0.2763993751064164 -0.2794949455694978 -0.17579333505618308 -0.12162085195220587 -0.002441389123466596 0.19257955005083724 0.41855619385599024 0.6398894819665123 0.7373999515536642 0.8256237097515632 0.8132414278992288 0.8070502869730573 0.7265654549328705 +14751,0.24829981838635515,0,-0.25473038186482905 -0.2763993751064164 -0.29806836834800376 -0.3259285025157627 -0.3104506502003469 -0.29652058311646307 -0.2763993751064164 -0.2794949455694978 -0.17579333505618308 -0.12162085195220587 -0.002441389123466596 0.19257955005083724 0.41855619385599024 0.6398894819665123 0.7373999515536642 0.8256237097515632 0.8132414278992288 0.8070502869730573 0.7265654549328705 0.5238055896008544 +14752,0.08578236907443235,0,-0.2763993751064164 -0.29806836834800376 -0.3259285025157627 -0.3104506502003469 -0.29652058311646307 -0.2763993751064164 -0.2794949455694978 -0.17579333505618308 -0.12162085195220587 -0.002441389123466596 0.19257955005083724 0.41855619385599024 0.6398894819665123 0.7373999515536642 0.8256237097515632 0.8132414278992288 0.8070502869730573 0.7265654549328705 0.5238055896008544 0.24829981838635515 +14753,-0.030301523291225544,0,-0.29806836834800376 -0.3259285025157627 -0.3104506502003469 -0.29652058311646307 -0.2763993751064164 -0.2794949455694978 -0.17579333505618308 -0.12162085195220587 -0.002441389123466596 0.19257955005083724 0.41855619385599024 0.6398894819665123 0.7373999515536642 0.8256237097515632 0.8132414278992288 0.8070502869730573 0.7265654549328705 0.5238055896008544 0.24829981838635515 0.08578236907443235 +14754,-0.12935977810991817,0,-0.3259285025157627 -0.3104506502003469 -0.29652058311646307 -0.2763993751064164 -0.2794949455694978 -0.17579333505618308 -0.12162085195220587 -0.002441389123466596 0.19257955005083724 0.41855619385599024 0.6398894819665123 0.7373999515536642 0.8256237097515632 0.8132414278992288 0.8070502869730573 0.7265654549328705 0.5238055896008544 0.24829981838635515 0.08578236907443235 -0.030301523291225544 +14755,-0.19591454306622974,0,-0.3104506502003469 -0.29652058311646307 -0.2763993751064164 -0.2794949455694978 -0.17579333505618308 -0.12162085195220587 -0.002441389123466596 0.19257955005083724 0.41855619385599024 0.6398894819665123 0.7373999515536642 0.8256237097515632 0.8132414278992288 0.8070502869730573 0.7265654549328705 0.5238055896008544 0.24829981838635515 0.08578236907443235 -0.030301523291225544 -0.12935977810991817 +14756,-0.2113923953816455,0,-0.29652058311646307 -0.2763993751064164 -0.2794949455694978 -0.17579333505618308 -0.12162085195220587 -0.002441389123466596 0.19257955005083724 0.41855619385599024 0.6398894819665123 0.7373999515536642 0.8256237097515632 0.8132414278992288 0.8070502869730573 0.7265654549328705 0.5238055896008544 0.24829981838635515 0.08578236907443235 -0.030301523291225544 -0.12935977810991817 -0.19591454306622974 +14757,-0.25318259663328835,0,-0.2763993751064164 -0.2794949455694978 -0.17579333505618308 -0.12162085195220587 -0.002441389123466596 0.19257955005083724 0.41855619385599024 0.6398894819665123 0.7373999515536642 0.8256237097515632 0.8132414278992288 0.8070502869730573 0.7265654549328705 0.5238055896008544 0.24829981838635515 0.08578236907443235 -0.030301523291225544 -0.12935977810991817 -0.19591454306622974 -0.2113923953816455 +14758,-0.25627816709636975,0,-0.2794949455694978 -0.17579333505618308 -0.12162085195220587 -0.002441389123466596 0.19257955005083724 0.41855619385599024 0.6398894819665123 0.7373999515536642 0.8256237097515632 0.8132414278992288 0.8070502869730573 0.7265654549328705 0.5238055896008544 0.24829981838635515 0.08578236907443235 -0.030301523291225544 -0.12935977810991817 -0.19591454306622974 -0.2113923953816455 -0.25318259663328835 +14759,-0.24080031478094516,0,-0.17579333505618308 -0.12162085195220587 -0.002441389123466596 0.19257955005083724 0.41855619385599024 0.6398894819665123 0.7373999515536642 0.8256237097515632 0.8132414278992288 0.8070502869730573 0.7265654549328705 0.5238055896008544 0.24829981838635515 0.08578236907443235 -0.030301523291225544 -0.12935977810991817 -0.19591454306622974 -0.2113923953816455 -0.25318259663328835 -0.25627816709636975 +14760,-0.2516348114017388,0,-0.12162085195220587 -0.002441389123466596 0.19257955005083724 0.41855619385599024 0.6398894819665123 0.7373999515536642 0.8256237097515632 0.8132414278992288 0.8070502869730573 0.7265654549328705 0.5238055896008544 0.24829981838635515 0.08578236907443235 -0.030301523291225544 -0.12935977810991817 -0.19591454306622974 -0.2113923953816455 -0.25318259663328835 -0.25627816709636975 -0.24080031478094516 +14761,-0.25627816709636975,0,-0.002441389123466596 0.19257955005083724 0.41855619385599024 0.6398894819665123 0.7373999515536642 0.8256237097515632 0.8132414278992288 0.8070502869730573 0.7265654549328705 0.5238055896008544 0.24829981838635515 0.08578236907443235 -0.030301523291225544 -0.12935977810991817 -0.19591454306622974 -0.2113923953816455 -0.25318259663328835 -0.25627816709636975 -0.24080031478094516 -0.2516348114017388 +14762,-0.2191313215393578,0,0.19257955005083724 0.41855619385599024 0.6398894819665123 0.7373999515536642 0.8256237097515632 0.8132414278992288 0.8070502869730573 0.7265654549328705 0.5238055896008544 0.24829981838635515 0.08578236907443235 -0.030301523291225544 -0.12935977810991817 -0.19591454306622974 -0.2113923953816455 -0.25318259663328835 -0.25627816709636975 -0.24080031478094516 -0.2516348114017388 -0.25627816709636975 +14763,-0.10304742917369991,0,0.41855619385599024 0.6398894819665123 0.7373999515536642 0.8256237097515632 0.8132414278992288 0.8070502869730573 0.7265654549328705 0.5238055896008544 0.24829981838635515 0.08578236907443235 -0.030301523291225544 -0.12935977810991817 -0.19591454306622974 -0.2113923953816455 -0.25318259663328835 -0.25627816709636975 -0.24080031478094516 -0.2516348114017388 -0.25627816709636975 -0.2191313215393578 +14764,0.13221592602069726,0,0.6398894819665123 0.7373999515536642 0.8256237097515632 0.8132414278992288 0.8070502869730573 0.7265654549328705 0.5238055896008544 0.24829981838635515 0.08578236907443235 -0.030301523291225544 -0.12935977810991817 -0.19591454306622974 -0.2113923953816455 -0.25318259663328835 -0.25627816709636975 -0.24080031478094516 -0.2516348114017388 -0.25627816709636975 -0.2191313215393578 -0.10304742917369991 +14765,0.36438371075201303,0,0.7373999515536642 0.8256237097515632 0.8132414278992288 0.8070502869730573 0.7265654549328705 0.5238055896008544 0.24829981838635515 0.08578236907443235 -0.030301523291225544 -0.12935977810991817 -0.19591454306622974 -0.2113923953816455 -0.25318259663328835 -0.25627816709636975 -0.24080031478094516 -0.2516348114017388 -0.25627816709636975 -0.2191313215393578 -0.10304742917369991 0.13221592602069726 +14766,0.6027426364095004,0,0.8256237097515632 0.8132414278992288 0.8070502869730573 0.7265654549328705 0.5238055896008544 0.24829981838635515 0.08578236907443235 -0.030301523291225544 -0.12935977810991817 -0.19591454306622974 -0.2113923953816455 -0.25318259663328835 -0.25627816709636975 -0.24080031478094516 -0.2516348114017388 -0.25627816709636975 -0.2191313215393578 -0.10304742917369991 0.13221592602069726 0.36438371075201303 +14767,0.841101562066979,0,0.8132414278992288 0.8070502869730573 0.7265654549328705 0.5238055896008544 0.24829981838635515 0.08578236907443235 -0.030301523291225544 -0.12935977810991817 -0.19591454306622974 -0.2113923953816455 -0.25318259663328835 -0.25627816709636975 -0.24080031478094516 -0.2516348114017388 -0.25627816709636975 -0.2191313215393578 -0.10304742917369991 0.13221592602069726 0.36438371075201303 0.6027426364095004 +14768,1.0407658569359137,0,0.8070502869730573 0.7265654549328705 0.5238055896008544 0.24829981838635515 0.08578236907443235 -0.030301523291225544 -0.12935977810991817 -0.19591454306622974 -0.2113923953816455 -0.25318259663328835 -0.25627816709636975 -0.24080031478094516 -0.2516348114017388 -0.25627816709636975 -0.2191313215393578 -0.10304742917369991 0.13221592602069726 0.36438371075201303 0.6027426364095004 0.841101562066979 +14769,1.127441829902272,0,0.7265654549328705 0.5238055896008544 0.24829981838635515 0.08578236907443235 -0.030301523291225544 -0.12935977810991817 -0.19591454306622974 -0.2113923953816455 -0.25318259663328835 -0.25627816709636975 -0.24080031478094516 -0.2516348114017388 -0.25627816709636975 -0.2191313215393578 -0.10304742917369991 0.13221592602069726 0.36438371075201303 0.6027426364095004 0.841101562066979 1.0407658569359137 +14770,1.1413718969861557,0,0.5238055896008544 0.24829981838635515 0.08578236907443235 -0.030301523291225544 -0.12935977810991817 -0.19591454306622974 -0.2113923953816455 -0.25318259663328835 -0.25627816709636975 -0.24080031478094516 -0.2516348114017388 -0.25627816709636975 -0.2191313215393578 -0.10304742917369991 0.13221592602069726 0.36438371075201303 0.6027426364095004 0.841101562066979 1.0407658569359137 1.127441829902272 +14771,1.159945319764653,0,0.24829981838635515 0.08578236907443235 -0.030301523291225544 -0.12935977810991817 -0.19591454306622974 -0.2113923953816455 -0.25318259663328835 -0.25627816709636975 -0.24080031478094516 -0.2516348114017388 -0.25627816709636975 -0.2191313215393578 -0.10304742917369991 0.13221592602069726 0.36438371075201303 0.6027426364095004 0.841101562066979 1.0407658569359137 1.127441829902272 1.1413718969861557 +14772,1.1320851855969027,0,0.08578236907443235 -0.030301523291225544 -0.12935977810991817 -0.19591454306622974 -0.2113923953816455 -0.25318259663328835 -0.25627816709636975 -0.24080031478094516 -0.2516348114017388 -0.25627816709636975 -0.2191313215393578 -0.10304742917369991 0.13221592602069726 0.36438371075201303 0.6027426364095004 0.841101562066979 1.0407658569359137 1.127441829902272 1.1413718969861557 1.159945319764653 +14773,1.0500525683251667,0,-0.030301523291225544 -0.12935977810991817 -0.19591454306622974 -0.2113923953816455 -0.25318259663328835 -0.25627816709636975 -0.24080031478094516 -0.2516348114017388 -0.25627816709636975 -0.2191313215393578 -0.10304742917369991 0.13221592602069726 0.36438371075201303 0.6027426364095004 0.841101562066979 1.0407658569359137 1.127441829902272 1.1413718969861557 1.159945319764653 1.1320851855969027 +14774,0.8612227700770344,0,-0.12935977810991817 -0.19591454306622974 -0.2113923953816455 -0.25318259663328835 -0.25627816709636975 -0.24080031478094516 -0.2516348114017388 -0.25627816709636975 -0.2191313215393578 -0.10304742917369991 0.13221592602069726 0.36438371075201303 0.6027426364095004 0.841101562066979 1.0407658569359137 1.127441829902272 1.1413718969861557 1.159945319764653 1.1320851855969027 1.0500525683251667 +14775,0.5702391465471105,0,-0.19591454306622974 -0.2113923953816455 -0.25318259663328835 -0.25627816709636975 -0.24080031478094516 -0.2516348114017388 -0.25627816709636975 -0.2191313215393578 -0.10304742917369991 0.13221592602069726 0.36438371075201303 0.6027426364095004 0.841101562066979 1.0407658569359137 1.127441829902272 1.1413718969861557 1.159945319764653 1.1320851855969027 1.0500525683251667 0.8612227700770344 +14776,0.3272368651950011,0,-0.2113923953816455 -0.25318259663328835 -0.25627816709636975 -0.24080031478094516 -0.2516348114017388 -0.25627816709636975 -0.2191313215393578 -0.10304742917369991 0.13221592602069726 0.36438371075201303 0.6027426364095004 0.841101562066979 1.0407658569359137 1.127441829902272 1.1413718969861557 1.159945319764653 1.1320851855969027 1.0500525683251667 0.8612227700770344 0.5702391465471105 +14777,0.17091055680924988,0,-0.25318259663328835 -0.25627816709636975 -0.24080031478094516 -0.2516348114017388 -0.25627816709636975 -0.2191313215393578 -0.10304742917369991 0.13221592602069726 0.36438371075201303 0.6027426364095004 0.841101562066979 1.0407658569359137 1.127441829902272 1.1413718969861557 1.159945319764653 1.1320851855969027 1.0500525683251667 0.8612227700770344 0.5702391465471105 0.3272368651950011 +14778,0.105903577084479,0,-0.25627816709636975 -0.24080031478094516 -0.2516348114017388 -0.25627816709636975 -0.2191313215393578 -0.10304742917369991 0.13221592602069726 0.36438371075201303 0.6027426364095004 0.841101562066979 1.0407658569359137 1.127441829902272 1.1413718969861557 1.159945319764653 1.1320851855969027 1.0500525683251667 0.8612227700770344 0.5702391465471105 0.3272368651950011 0.17091055680924988 +14779,-0.04113601991201923,0,-0.24080031478094516 -0.2516348114017388 -0.25627816709636975 -0.2191313215393578 -0.10304742917369991 0.13221592602069726 0.36438371075201303 0.6027426364095004 0.841101562066979 1.0407658569359137 1.127441829902272 1.1413718969861557 1.159945319764653 1.1320851855969027 1.0500525683251667 0.8612227700770344 0.5702391465471105 0.3272368651950011 0.17091055680924988 0.105903577084479 +14780,-0.08137843593211255,0,-0.2516348114017388 -0.25627816709636975 -0.2191313215393578 -0.10304742917369991 0.13221592602069726 0.36438371075201303 0.6027426364095004 0.841101562066979 1.0407658569359137 1.127441829902272 1.1413718969861557 1.159945319764653 1.1320851855969027 1.0500525683251667 0.8612227700770344 0.5702391465471105 0.3272368651950011 0.17091055680924988 0.105903577084479 -0.04113601991201923 +14781,-0.16960219413001149,0,-0.25627816709636975 -0.2191313215393578 -0.10304742917369991 0.13221592602069726 0.36438371075201303 0.6027426364095004 0.841101562066979 1.0407658569359137 1.127441829902272 1.1413718969861557 1.159945319764653 1.1320851855969027 1.0500525683251667 0.8612227700770344 0.5702391465471105 0.3272368651950011 0.17091055680924988 0.105903577084479 -0.04113601991201923 -0.08137843593211255 +14782,-0.18817561690851745,0,-0.2191313215393578 -0.10304742917369991 0.13221592602069726 0.36438371075201303 0.6027426364095004 0.841101562066979 1.0407658569359137 1.127441829902272 1.1413718969861557 1.159945319764653 1.1320851855969027 1.0500525683251667 0.8612227700770344 0.5702391465471105 0.3272368651950011 0.17091055680924988 0.105903577084479 -0.04113601991201923 -0.08137843593211255 -0.16960219413001149 +14783,-0.2206791067708985,0,-0.10304742917369991 0.13221592602069726 0.36438371075201303 0.6027426364095004 0.841101562066979 1.0407658569359137 1.127441829902272 1.1413718969861557 1.159945319764653 1.1320851855969027 1.0500525683251667 0.8612227700770344 0.5702391465471105 0.3272368651950011 0.17091055680924988 0.105903577084479 -0.04113601991201923 -0.08137843593211255 -0.16960219413001149 -0.18817561690851745 +14784,-0.23503922009977946,0,0.13221592602069726 0.36438371075201303 0.6027426364095004 0.841101562066979 1.0407658569359137 1.127441829902272 1.1413718969861557 1.159945319764653 1.1320851855969027 1.0500525683251667 0.8612227700770344 0.5702391465471105 0.3272368651950011 0.17091055680924988 0.105903577084479 -0.04113601991201923 -0.08137843593211255 -0.16960219413001149 -0.18817561690851745 -0.2206791067708985 +14785,-0.29187722742184097,0,0.36438371075201303 0.6027426364095004 0.841101562066979 1.0407658569359137 1.127441829902272 1.1413718969861557 1.159945319764653 1.1320851855969027 1.0500525683251667 0.8612227700770344 0.5702391465471105 0.3272368651950011 0.17091055680924988 0.105903577084479 -0.04113601991201923 -0.08137843593211255 -0.16960219413001149 -0.18817561690851745 -0.2206791067708985 -0.23503922009977946 +14786,-0.24853924093865745,0,0.6027426364095004 0.841101562066979 1.0407658569359137 1.127441829902272 1.1413718969861557 1.159945319764653 1.1320851855969027 1.0500525683251667 0.8612227700770344 0.5702391465471105 0.3272368651950011 0.17091055680924988 0.105903577084479 -0.04113601991201923 -0.08137843593211255 -0.16960219413001149 -0.18817561690851745 -0.2206791067708985 -0.23503922009977946 -0.29187722742184097 +14787,-0.12781199287837747,0,0.841101562066979 1.0407658569359137 1.127441829902272 1.1413718969861557 1.159945319764653 1.1320851855969027 1.0500525683251667 0.8612227700770344 0.5702391465471105 0.3272368651950011 0.17091055680924988 0.105903577084479 -0.04113601991201923 -0.08137843593211255 -0.16960219413001149 -0.18817561690851745 -0.2206791067708985 -0.23503922009977946 -0.29187722742184097 -0.24853924093865745 +14788,-0.05064431827137829,0,1.0407658569359137 1.127441829902272 1.1413718969861557 1.159945319764653 1.1320851855969027 1.0500525683251667 0.8612227700770344 0.5702391465471105 0.3272368651950011 0.17091055680924988 0.105903577084479 -0.04113601991201923 -0.08137843593211255 -0.16960219413001149 -0.18817561690851745 -0.2206791067708985 -0.23503922009977946 -0.29187722742184097 -0.24853924093865745 -0.12781199287837747 +14789,0.18019726819850287,0,1.127441829902272 1.1413718969861557 1.159945319764653 1.1320851855969027 1.0500525683251667 0.8612227700770344 0.5702391465471105 0.3272368651950011 0.17091055680924988 0.105903577084479 -0.04113601991201923 -0.08137843593211255 -0.16960219413001149 -0.18817561690851745 -0.2206791067708985 -0.23503922009977946 -0.29187722742184097 -0.24853924093865745 -0.12781199287837747 -0.05064431827137829 +14790,0.34735807320504775,0,1.1413718969861557 1.159945319764653 1.1320851855969027 1.0500525683251667 0.8612227700770344 0.5702391465471105 0.3272368651950011 0.17091055680924988 0.105903577084479 -0.04113601991201923 -0.08137843593211255 -0.16960219413001149 -0.18817561690851745 -0.2206791067708985 -0.23503922009977946 -0.29187722742184097 -0.24853924093865745 -0.12781199287837747 -0.05064431827137829 0.18019726819850287 +14791,0.4262951200137025,0,1.159945319764653 1.1320851855969027 1.0500525683251667 0.8612227700770344 0.5702391465471105 0.3272368651950011 0.17091055680924988 0.105903577084479 -0.04113601991201923 -0.08137843593211255 -0.16960219413001149 -0.18817561690851745 -0.2206791067708985 -0.23503922009977946 -0.29187722742184097 -0.24853924093865745 -0.12781199287837747 -0.05064431827137829 0.18019726819850287 0.34735807320504775 +14792,1.048504783093626,0,1.1320851855969027 1.0500525683251667 0.8612227700770344 0.5702391465471105 0.3272368651950011 0.17091055680924988 0.105903577084479 -0.04113601991201923 -0.08137843593211255 -0.16960219413001149 -0.18817561690851745 -0.2206791067708985 -0.23503922009977946 -0.29187722742184097 -0.24853924093865745 -0.12781199287837747 -0.05064431827137829 0.18019726819850287 0.34735807320504775 0.4262951200137025 +14793,1.2110222324055488,0,1.0500525683251667 0.8612227700770344 0.5702391465471105 0.3272368651950011 0.17091055680924988 0.105903577084479 -0.04113601991201923 -0.08137843593211255 -0.16960219413001149 -0.18817561690851745 -0.2206791067708985 -0.23503922009977946 -0.29187722742184097 -0.24853924093865745 -0.12781199287837747 -0.05064431827137829 0.18019726819850287 0.34735807320504775 0.4262951200137025 1.048504783093626 +14794,1.3085327019927007,0,0.8612227700770344 0.5702391465471105 0.3272368651950011 0.17091055680924988 0.105903577084479 -0.04113601991201923 -0.08137843593211255 -0.16960219413001149 -0.18817561690851745 -0.2206791067708985 -0.23503922009977946 -0.29187722742184097 -0.24853924093865745 -0.12781199287837747 -0.05064431827137829 0.18019726819850287 0.34735807320504775 0.4262951200137025 1.048504783093626 1.2110222324055488 +14795,1.297698205371907,0,0.5702391465471105 0.3272368651950011 0.17091055680924988 0.105903577084479 -0.04113601991201923 -0.08137843593211255 -0.16960219413001149 -0.18817561690851745 -0.2206791067708985 -0.23503922009977946 -0.29187722742184097 -0.24853924093865745 -0.12781199287837747 -0.05064431827137829 0.18019726819850287 0.34735807320504775 0.4262951200137025 1.048504783093626 1.2110222324055488 1.3085327019927007 +14796,1.02993136031512,0,0.3272368651950011 0.17091055680924988 0.105903577084479 -0.04113601991201923 -0.08137843593211255 -0.16960219413001149 -0.18817561690851745 -0.2206791067708985 -0.23503922009977946 -0.29187722742184097 -0.24853924093865745 -0.12781199287837747 -0.05064431827137829 0.18019726819850287 0.34735807320504775 0.4262951200137025 1.048504783093626 1.2110222324055488 1.3085327019927007 1.297698205371907 +14797,0.8055025017415165,0,0.17091055680924988 0.105903577084479 -0.04113601991201923 -0.08137843593211255 -0.16960219413001149 -0.18817561690851745 -0.2206791067708985 -0.23503922009977946 -0.29187722742184097 -0.24853924093865745 -0.12781199287837747 -0.05064431827137829 0.18019726819850287 0.34735807320504775 0.4262951200137025 1.048504783093626 1.2110222324055488 1.3085327019927007 1.297698205371907 1.02993136031512 +14798,0.5547612942316947,0,0.105903577084479 -0.04113601991201923 -0.08137843593211255 -0.16960219413001149 -0.18817561690851745 -0.2206791067708985 -0.23503922009977946 -0.29187722742184097 -0.24853924093865745 -0.12781199287837747 -0.05064431827137829 0.18019726819850287 0.34735807320504775 0.4262951200137025 1.048504783093626 1.2110222324055488 1.3085327019927007 1.297698205371907 1.02993136031512 0.8055025017415165 +14799,0.24675203315481445,0,-0.04113601991201923 -0.08137843593211255 -0.16960219413001149 -0.18817561690851745 -0.2206791067708985 -0.23503922009977946 -0.29187722742184097 -0.24853924093865745 -0.12781199287837747 -0.05064431827137829 0.18019726819850287 0.34735807320504775 0.4262951200137025 1.048504783093626 1.2110222324055488 1.3085327019927007 1.297698205371907 1.02993136031512 0.8055025017415165 0.5547612942316947 +14800,0.12912035555761586,0,-0.08137843593211255 -0.16960219413001149 -0.18817561690851745 -0.2206791067708985 -0.23503922009977946 -0.29187722742184097 -0.24853924093865745 -0.12781199287837747 -0.05064431827137829 0.18019726819850287 0.34735807320504775 0.4262951200137025 1.048504783093626 1.2110222324055488 1.3085327019927007 1.297698205371907 1.02993136031512 0.8055025017415165 0.5547612942316947 0.24675203315481445 +14801,0.13221592602069726,0,-0.16960219413001149 -0.18817561690851745 -0.2206791067708985 -0.23503922009977946 -0.29187722742184097 -0.24853924093865745 -0.12781199287837747 -0.05064431827137829 0.18019726819850287 0.34735807320504775 0.4262951200137025 1.048504783093626 1.2110222324055488 1.3085327019927007 1.297698205371907 1.02993136031512 0.8055025017415165 0.5547612942316947 0.24675203315481445 0.12912035555761586 +14802,0.14769377833612182,0,-0.18817561690851745 -0.2206791067708985 -0.23503922009977946 -0.29187722742184097 -0.24853924093865745 -0.12781199287837747 -0.05064431827137829 0.18019726819850287 0.34735807320504775 0.4262951200137025 1.048504783093626 1.2110222324055488 1.3085327019927007 1.297698205371907 1.02993136031512 0.8055025017415165 0.5547612942316947 0.24675203315481445 0.12912035555761586 0.13221592602069726 +14803,0.105903577084479,0,-0.2206791067708985 -0.23503922009977946 -0.29187722742184097 -0.24853924093865745 -0.12781199287837747 -0.05064431827137829 0.18019726819850287 0.34735807320504775 0.4262951200137025 1.048504783093626 1.2110222324055488 1.3085327019927007 1.297698205371907 1.02993136031512 0.8055025017415165 0.5547612942316947 0.24675203315481445 0.12912035555761586 0.13221592602069726 0.14769377833612182 +14804,0.09971243615831621,0,-0.23503922009977946 -0.29187722742184097 -0.24853924093865745 -0.12781199287837747 -0.05064431827137829 0.18019726819850287 0.34735807320504775 0.4262951200137025 1.048504783093626 1.2110222324055488 1.3085327019927007 1.297698205371907 1.02993136031512 0.8055025017415165 0.5547612942316947 0.24675203315481445 0.12912035555761586 0.13221592602069726 0.14769377833612182 0.105903577084479 +14805,0.04244438259125762,0,-0.29187722742184097 -0.24853924093865745 -0.12781199287837747 -0.05064431827137829 0.18019726819850287 0.34735807320504775 0.4262951200137025 1.048504783093626 1.2110222324055488 1.3085327019927007 1.297698205371907 1.02993136031512 0.8055025017415165 0.5547612942316947 0.24675203315481445 0.12912035555761586 0.13221592602069726 0.14769377833612182 0.105903577084479 0.09971243615831621 +14806,-0.07816574100065511,0,-0.24853924093865745 -0.12781199287837747 -0.05064431827137829 0.18019726819850287 0.34735807320504775 0.4262951200137025 1.048504783093626 1.2110222324055488 1.3085327019927007 1.297698205371907 1.02993136031512 0.8055025017415165 0.5547612942316947 0.24675203315481445 0.12912035555761586 0.13221592602069726 0.14769377833612182 0.105903577084479 0.09971243615831621 0.04244438259125762 +14807,-0.3355435979013244,0,-0.12781199287837747 -0.05064431827137829 0.18019726819850287 0.34735807320504775 0.4262951200137025 1.048504783093626 1.2110222324055488 1.3085327019927007 1.297698205371907 1.02993136031512 0.8055025017415165 0.5547612942316947 0.24675203315481445 0.12912035555761586 0.13221592602069726 0.14769377833612182 0.105903577084479 0.09971243615831621 0.04244438259125762 -0.07816574100065511 +14808,0.06759732740072442,0,-0.05064431827137829 0.18019726819850287 0.34735807320504775 0.4262951200137025 1.048504783093626 1.2110222324055488 1.3085327019927007 1.297698205371907 1.02993136031512 0.8055025017415165 0.5547612942316947 0.24675203315481445 0.12912035555761586 0.13221592602069726 0.14769377833612182 0.105903577084479 0.09971243615831621 0.04244438259125762 -0.07816574100065511 -0.3355435979013244 +14809,-0.36255941971385336,0,0.18019726819850287 0.34735807320504775 0.4262951200137025 1.048504783093626 1.2110222324055488 1.3085327019927007 1.297698205371907 1.02993136031512 0.8055025017415165 0.5547612942316947 0.24675203315481445 0.12912035555761586 0.13221592602069726 0.14769377833612182 0.105903577084479 0.09971243615831621 0.04244438259125762 -0.07816574100065511 -0.3355435979013244 0.06759732740072442 +14810,-0.13219738431615047,0,0.34735807320504775 0.4262951200137025 1.048504783093626 1.2110222324055488 1.3085327019927007 1.297698205371907 1.02993136031512 0.8055025017415165 0.5547612942316947 0.24675203315481445 0.12912035555761586 0.13221592602069726 0.14769377833612182 0.105903577084479 0.09971243615831621 0.04244438259125762 -0.07816574100065511 -0.3355435979013244 0.06759732740072442 -0.36255941971385336 +14811,0.11720240927474193,0,0.4262951200137025 1.048504783093626 1.2110222324055488 1.3085327019927007 1.297698205371907 1.02993136031512 0.8055025017415165 0.5547612942316947 0.24675203315481445 0.12912035555761586 0.13221592602069726 0.14769377833612182 0.105903577084479 0.09971243615831621 0.04244438259125762 -0.07816574100065511 -0.3355435979013244 0.06759732740072442 -0.36255941971385336 -0.13219738431615047 +14812,0.341218525068337,0,1.048504783093626 1.2110222324055488 1.3085327019927007 1.297698205371907 1.02993136031512 0.8055025017415165 0.5547612942316947 0.24675203315481445 0.12912035555761586 0.13221592602069726 0.14769377833612182 0.105903577084479 0.09971243615831621 0.04244438259125762 -0.07816574100065511 -0.3355435979013244 0.06759732740072442 -0.36255941971385336 -0.13219738431615047 0.11720240927474193 +14813,0.584272399364693,0,1.2110222324055488 1.3085327019927007 1.297698205371907 1.02993136031512 0.8055025017415165 0.5547612942316947 0.24675203315481445 0.12912035555761586 0.13221592602069726 0.14769377833612182 0.105903577084479 0.09971243615831621 0.04244438259125762 -0.07816574100065511 -0.3355435979013244 0.06759732740072442 -0.36255941971385336 -0.13219738431615047 0.11720240927474193 0.341218525068337 +14814,0.523694077711282,0,1.3085327019927007 1.297698205371907 1.02993136031512 0.8055025017415165 0.5547612942316947 0.24675203315481445 0.12912035555761586 0.13221592602069726 0.14769377833612182 0.105903577084479 0.09971243615831621 0.04244438259125762 -0.07816574100065511 -0.3355435979013244 0.06759732740072442 -0.36255941971385336 -0.13219738431615047 0.11720240927474193 0.341218525068337 0.584272399364693 +14815,0.7544255891006295,0,1.297698205371907 1.02993136031512 0.8055025017415165 0.5547612942316947 0.24675203315481445 0.12912035555761586 0.13221592602069726 0.14769377833612182 0.105903577084479 0.09971243615831621 0.04244438259125762 -0.07816574100065511 -0.3355435979013244 0.06759732740072442 -0.36255941971385336 -0.13219738431615047 0.11720240927474193 0.341218525068337 0.584272399364693 0.523694077711282 +14816,0.8457449177616099,0,1.02993136031512 0.8055025017415165 0.5547612942316947 0.24675203315481445 0.12912035555761586 0.13221592602069726 0.14769377833612182 0.105903577084479 0.09971243615831621 0.04244438259125762 -0.07816574100065511 -0.3355435979013244 0.06759732740072442 -0.36255941971385336 -0.13219738431615047 0.11720240927474193 0.341218525068337 0.584272399364693 0.523694077711282 0.7544255891006295 +14817,0.9107518974863807,0,0.8055025017415165 0.5547612942316947 0.24675203315481445 0.12912035555761586 0.13221592602069726 0.14769377833612182 0.105903577084479 0.09971243615831621 0.04244438259125762 -0.07816574100065511 -0.3355435979013244 0.06759732740072442 -0.36255941971385336 -0.13219738431615047 0.11720240927474193 0.341218525068337 0.584272399364693 0.523694077711282 0.7544255891006295 0.8457449177616099 +14818,0.8875699732793162,0,0.5547612942316947 0.24675203315481445 0.12912035555761586 0.13221592602069726 0.14769377833612182 0.105903577084479 0.09971243615831621 0.04244438259125762 -0.07816574100065511 -0.3355435979013244 0.06759732740072442 -0.36255941971385336 -0.13219738431615047 0.11720240927474193 0.341218525068337 0.584272399364693 0.523694077711282 0.7544255891006295 0.8457449177616099 0.9107518974863807 +14819,0.7838335084999292,0,0.24675203315481445 0.12912035555761586 0.13221592602069726 0.14769377833612182 0.105903577084479 0.09971243615831621 0.04244438259125762 -0.07816574100065511 -0.3355435979013244 0.06759732740072442 -0.36255941971385336 -0.13219738431615047 0.11720240927474193 0.341218525068337 0.584272399364693 0.523694077711282 0.7544255891006295 0.8457449177616099 0.9107518974863807 0.8875699732793162 +14820,0.7358521663221236,0,0.12912035555761586 0.13221592602069726 0.14769377833612182 0.105903577084479 0.09971243615831621 0.04244438259125762 -0.07816574100065511 -0.3355435979013244 0.06759732740072442 -0.36255941971385336 -0.13219738431615047 0.11720240927474193 0.341218525068337 0.584272399364693 0.523694077711282 0.7544255891006295 0.8457449177616099 0.9107518974863807 0.8875699732793162 0.7838335084999292 +14821,0.6089337773356631,0,0.13221592602069726 0.14769377833612182 0.105903577084479 0.09971243615831621 0.04244438259125762 -0.07816574100065511 -0.3355435979013244 0.06759732740072442 -0.36255941971385336 -0.13219738431615047 0.11720240927474193 0.341218525068337 0.584272399364693 0.523694077711282 0.7544255891006295 0.8457449177616099 0.9107518974863807 0.8875699732793162 0.7838335084999292 0.7358521663221236 +14822,0.35509699936276,0,0.14769377833612182 0.105903577084479 0.09971243615831621 0.04244438259125762 -0.07816574100065511 -0.3355435979013244 0.06759732740072442 -0.36255941971385336 -0.13219738431615047 0.11720240927474193 0.341218525068337 0.584272399364693 0.523694077711282 0.7544255891006295 0.8457449177616099 0.9107518974863807 0.8875699732793162 0.7838335084999292 0.7358521663221236 0.6089337773356631 +14823,0.29318559010107936,0,0.105903577084479 0.09971243615831621 0.04244438259125762 -0.07816574100065511 -0.3355435979013244 0.06759732740072442 -0.36255941971385336 -0.13219738431615047 0.11720240927474193 0.341218525068337 0.584272399364693 0.523694077711282 0.7544255891006295 0.8457449177616099 0.9107518974863807 0.8875699732793162 0.7838335084999292 0.7358521663221236 0.6089337773356631 0.35509699936276 +14824,0.24080724871537462,0,0.09971243615831621 0.04244438259125762 -0.07816574100065511 -0.3355435979013244 0.06759732740072442 -0.36255941971385336 -0.13219738431615047 0.11720240927474193 0.341218525068337 0.584272399364693 0.523694077711282 0.7544255891006295 0.8457449177616099 0.9107518974863807 0.8875699732793162 0.7838335084999292 0.7358521663221236 0.6089337773356631 0.35509699936276 0.29318559010107936 +14825,0.006845322265786387,0,0.04244438259125762 -0.07816574100065511 -0.3355435979013244 0.06759732740072442 -0.36255941971385336 -0.13219738431615047 0.11720240927474193 0.341218525068337 0.584272399364693 0.523694077711282 0.7544255891006295 0.8457449177616099 0.9107518974863807 0.8875699732793162 0.7838335084999292 0.7358521663221236 0.6089337773356631 0.35509699936276 0.29318559010107936 0.24080724871537462 +14826,0.005975657188473209,0,-0.07816574100065511 -0.3355435979013244 0.06759732740072442 -0.36255941971385336 -0.13219738431615047 0.11720240927474193 0.341218525068337 0.584272399364693 0.523694077711282 0.7544255891006295 0.8457449177616099 0.9107518974863807 0.8875699732793162 0.7838335084999292 0.7358521663221236 0.6089337773356631 0.35509699936276 0.29318559010107936 0.24080724871537462 0.006845322265786387 +14827,0.0022019665711642948,0,-0.3355435979013244 0.06759732740072442 -0.36255941971385336 -0.13219738431615047 0.11720240927474193 0.341218525068337 0.584272399364693 0.523694077711282 0.7544255891006295 0.8457449177616099 0.9107518974863807 0.8875699732793162 0.7838335084999292 0.7358521663221236 0.6089337773356631 0.35509699936276 0.29318559010107936 0.24080724871537462 0.006845322265786387 0.005975657188473209 +14828,-0.19289857566193155,0,0.06759732740072442 -0.36255941971385336 -0.13219738431615047 0.11720240927474193 0.341218525068337 0.584272399364693 0.523694077711282 0.7544255891006295 0.8457449177616099 0.9107518974863807 0.8875699732793162 0.7838335084999292 0.7358521663221236 0.6089337773356631 0.35509699936276 0.29318559010107936 0.24080724871537462 0.006845322265786387 0.005975657188473209 0.0022019665711642948 +14829,-0.23337699750980392,0,-0.36255941971385336 -0.13219738431615047 0.11720240927474193 0.341218525068337 0.584272399364693 0.523694077711282 0.7544255891006295 0.8457449177616099 0.9107518974863807 0.8875699732793162 0.7838335084999292 0.7358521663221236 0.6089337773356631 0.35509699936276 0.29318559010107936 0.24080724871537462 0.006845322265786387 0.005975657188473209 0.0022019665711642948 -0.19289857566193155 +14830,-0.7307775262977231,0,-0.13219738431615047 0.11720240927474193 0.341218525068337 0.584272399364693 0.523694077711282 0.7544255891006295 0.8457449177616099 0.9107518974863807 0.8875699732793162 0.7838335084999292 0.7358521663221236 0.6089337773356631 0.35509699936276 0.29318559010107936 0.24080724871537462 0.006845322265786387 0.005975657188473209 0.0022019665711642948 -0.19289857566193155 -0.23337699750980392 +14831,-0.7401674232658889,0,0.11720240927474193 0.341218525068337 0.584272399364693 0.523694077711282 0.7544255891006295 0.8457449177616099 0.9107518974863807 0.8875699732793162 0.7838335084999292 0.7358521663221236 0.6089337773356631 0.35509699936276 0.29318559010107936 0.24080724871537462 0.006845322265786387 0.005975657188473209 0.0022019665711642948 -0.19289857566193155 -0.23337699750980392 -0.7307775262977231 +14832,-0.03804044944892903,0,0.341218525068337 0.584272399364693 0.523694077711282 0.7544255891006295 0.8457449177616099 0.9107518974863807 0.8875699732793162 0.7838335084999292 0.7358521663221236 0.6089337773356631 0.35509699936276 0.29318559010107936 0.24080724871537462 0.006845322265786387 0.005975657188473209 0.0022019665711642948 -0.19289857566193155 -0.23337699750980392 -0.7307775262977231 -0.7401674232658889 +14833,-0.10047667166632306,0,0.584272399364693 0.523694077711282 0.7544255891006295 0.8457449177616099 0.9107518974863807 0.8875699732793162 0.7838335084999292 0.7358521663221236 0.6089337773356631 0.35509699936276 0.29318559010107936 0.24080724871537462 0.006845322265786387 0.005975657188473209 0.0022019665711642948 -0.19289857566193155 -0.23337699750980392 -0.7307775262977231 -0.7401674232658889 -0.03804044944892903 +14834,-0.2672202915944723,0,0.523694077711282 0.7544255891006295 0.8457449177616099 0.9107518974863807 0.8875699732793162 0.7838335084999292 0.7358521663221236 0.6089337773356631 0.35509699936276 0.29318559010107936 0.24080724871537462 0.006845322265786387 0.005975657188473209 0.0022019665711642948 -0.19289857566193155 -0.23337699750980392 -0.7307775262977231 -0.7401674232658889 -0.03804044944892903 -0.10047667166632306 +14835,0.21447181456242373,0,0.7544255891006295 0.8457449177616099 0.9107518974863807 0.8875699732793162 0.7838335084999292 0.7358521663221236 0.6089337773356631 0.35509699936276 0.29318559010107936 0.24080724871537462 0.006845322265786387 0.005975657188473209 0.0022019665711642948 -0.19289857566193155 -0.23337699750980392 -0.7307775262977231 -0.7401674232658889 -0.03804044944892903 -0.10047667166632306 -0.2672202915944723 +14836,-0.08127272390335573,0,0.8457449177616099 0.9107518974863807 0.8875699732793162 0.7838335084999292 0.7358521663221236 0.6089337773356631 0.35509699936276 0.29318559010107936 0.24080724871537462 0.006845322265786387 0.005975657188473209 0.0022019665711642948 -0.19289857566193155 -0.23337699750980392 -0.7307775262977231 -0.7401674232658889 -0.03804044944892903 -0.10047667166632306 -0.2672202915944723 0.21447181456242373 +14837,0.4943976702015548,0,0.9107518974863807 0.8875699732793162 0.7838335084999292 0.7358521663221236 0.6089337773356631 0.35509699936276 0.29318559010107936 0.24080724871537462 0.006845322265786387 0.005975657188473209 0.0022019665711642948 -0.19289857566193155 -0.23337699750980392 -0.7307775262977231 -0.7401674232658889 -0.03804044944892903 -0.10047667166632306 -0.2672202915944723 0.21447181456242373 -0.08127272390335573 +14838,0.5675654384146241,0,0.8875699732793162 0.7838335084999292 0.7358521663221236 0.6089337773356631 0.35509699936276 0.29318559010107936 0.24080724871537462 0.006845322265786387 0.005975657188473209 0.0022019665711642948 -0.19289857566193155 -0.23337699750980392 -0.7307775262977231 -0.7401674232658889 -0.03804044944892903 -0.10047667166632306 -0.2672202915944723 0.21447181456242373 -0.08127272390335573 0.4943976702015548 +14839,0.6911824366369226,0,0.7838335084999292 0.7358521663221236 0.6089337773356631 0.35509699936276 0.29318559010107936 0.24080724871537462 0.006845322265786387 0.005975657188473209 0.0022019665711642948 -0.19289857566193155 -0.23337699750980392 -0.7307775262977231 -0.7401674232658889 -0.03804044944892903 -0.10047667166632306 -0.2672202915944723 0.21447181456242373 -0.08127272390335573 0.4943976702015548 0.5675654384146241 +14840,1.09029498434526,0,0.7358521663221236 0.6089337773356631 0.35509699936276 0.29318559010107936 0.24080724871537462 0.006845322265786387 0.005975657188473209 0.0022019665711642948 -0.19289857566193155 -0.23337699750980392 -0.7307775262977231 -0.7401674232658889 -0.03804044944892903 -0.10047667166632306 -0.2672202915944723 0.21447181456242373 -0.08127272390335573 0.4943976702015548 0.5675654384146241 0.6911824366369226 +14841,1.080534303816492,0,0.6089337773356631 0.35509699936276 0.29318559010107936 0.24080724871537462 0.006845322265786387 0.005975657188473209 0.0022019665711642948 -0.19289857566193155 -0.23337699750980392 -0.7307775262977231 -0.7401674232658889 -0.03804044944892903 -0.10047667166632306 -0.2672202915944723 0.21447181456242373 -0.08127272390335573 0.4943976702015548 0.5675654384146241 0.6911824366369226 1.09029498434526 +14842,1.0219344699005586,0,0.35509699936276 0.29318559010107936 0.24080724871537462 0.006845322265786387 0.005975657188473209 0.0022019665711642948 -0.19289857566193155 -0.23337699750980392 -0.7307775262977231 -0.7401674232658889 -0.03804044944892903 -0.10047667166632306 -0.2672202915944723 0.21447181456242373 -0.08127272390335573 0.4943976702015548 0.5675654384146241 0.6911824366369226 1.09029498434526 1.080534303816492 +14843,1.011357937536614,0,0.29318559010107936 0.24080724871537462 0.006845322265786387 0.005975657188473209 0.0022019665711642948 -0.19289857566193155 -0.23337699750980392 -0.7307775262977231 -0.7401674232658889 -0.03804044944892903 -0.10047667166632306 -0.2672202915944723 0.21447181456242373 -0.08127272390335573 0.4943976702015548 0.5675654384146241 0.6911824366369226 1.09029498434526 1.080534303816492 1.0219344699005586 +14844,0.8751528371609095,0,0.24080724871537462 0.006845322265786387 0.005975657188473209 0.0022019665711642948 -0.19289857566193155 -0.23337699750980392 -0.7307775262977231 -0.7401674232658889 -0.03804044944892903 -0.10047667166632306 -0.2672202915944723 0.21447181456242373 -0.08127272390335573 0.4943976702015548 0.5675654384146241 0.6911824366369226 1.09029498434526 1.080534303816492 1.0219344699005586 1.011357937536614 +14845,0.7296610253959519,0,0.006845322265786387 0.005975657188473209 0.0022019665711642948 -0.19289857566193155 -0.23337699750980392 -0.7307775262977231 -0.7401674232658889 -0.03804044944892903 -0.10047667166632306 -0.2672202915944723 0.21447181456242373 -0.08127272390335573 0.4943976702015548 0.5675654384146241 0.6911824366369226 1.09029498434526 1.080534303816492 1.0219344699005586 1.011357937536614 0.8751528371609095 +14846,0.6601317931816559,0,0.005975657188473209 0.0022019665711642948 -0.19289857566193155 -0.23337699750980392 -0.7307775262977231 -0.7401674232658889 -0.03804044944892903 -0.10047667166632306 -0.2672202915944723 0.21447181456242373 -0.08127272390335573 0.4943976702015548 0.5675654384146241 0.6911824366369226 1.09029498434526 1.080534303816492 1.0219344699005586 1.011357937536614 0.8751528371609095 0.7296610253959519 +14847,0.23127418083938986,0,0.0022019665711642948 -0.19289857566193155 -0.23337699750980392 -0.7307775262977231 -0.7401674232658889 -0.03804044944892903 -0.10047667166632306 -0.2672202915944723 0.21447181456242373 -0.08127272390335573 0.4943976702015548 0.5675654384146241 0.6911824366369226 1.09029498434526 1.080534303816492 1.0219344699005586 1.011357937536614 0.8751528371609095 0.7296610253959519 0.6601317931816559 +14848,0.130205782360555,0,-0.19289857566193155 -0.23337699750980392 -0.7307775262977231 -0.7401674232658889 -0.03804044944892903 -0.10047667166632306 -0.2672202915944723 0.21447181456242373 -0.08127272390335573 0.4943976702015548 0.5675654384146241 0.6911824366369226 1.09029498434526 1.080534303816492 1.0219344699005586 1.011357937536614 0.8751528371609095 0.7296610253959519 0.6601317931816559 0.23127418083938986 +14849,-0.14274713179232365,0,-0.23337699750980392 -0.7307775262977231 -0.7401674232658889 -0.03804044944892903 -0.10047667166632306 -0.2672202915944723 0.21447181456242373 -0.08127272390335573 0.4943976702015548 0.5675654384146241 0.6911824366369226 1.09029498434526 1.080534303816492 1.0219344699005586 1.011357937536614 0.8751528371609095 0.7296610253959519 0.6601317931816559 0.23127418083938986 0.130205782360555 +14850,-0.06435279838514728,0,-0.7307775262977231 -0.7401674232658889 -0.03804044944892903 -0.10047667166632306 -0.2672202915944723 0.21447181456242373 -0.08127272390335573 0.4943976702015548 0.5675654384146241 0.6911824366369226 1.09029498434526 1.080534303816492 1.0219344699005586 1.011357937536614 0.8751528371609095 0.7296610253959519 0.6601317931816559 0.23127418083938986 0.130205782360555 -0.14274713179232365 +14851,-0.16703255102800557,0,-0.7401674232658889 -0.03804044944892903 -0.10047667166632306 -0.2672202915944723 0.21447181456242373 -0.08127272390335573 0.4943976702015548 0.5675654384146241 0.6911824366369226 1.09029498434526 1.080534303816492 1.0219344699005586 1.011357937536614 0.8751528371609095 0.7296610253959519 0.6601317931816559 0.23127418083938986 0.130205782360555 -0.14274713179232365 -0.06435279838514728 +14852,-0.44622221097977816,0,-0.03804044944892903 -0.10047667166632306 -0.2672202915944723 0.21447181456242373 -0.08127272390335573 0.4943976702015548 0.5675654384146241 0.6911824366369226 1.09029498434526 1.080534303816492 1.0219344699005586 1.011357937536614 0.8751528371609095 0.7296610253959519 0.6601317931816559 0.23127418083938986 0.130205782360555 -0.14274713179232365 -0.06435279838514728 -0.16703255102800557 +14853,-0.10461651347781563,0,-0.10047667166632306 -0.2672202915944723 0.21447181456242373 -0.08127272390335573 0.4943976702015548 0.5675654384146241 0.6911824366369226 1.09029498434526 1.080534303816492 1.0219344699005586 1.011357937536614 0.8751528371609095 0.7296610253959519 0.6601317931816559 0.23127418083938986 0.130205782360555 -0.14274713179232365 -0.06435279838514728 -0.16703255102800557 -0.44622221097977816 +14854,-0.5071184210978399,0,-0.2672202915944723 0.21447181456242373 -0.08127272390335573 0.4943976702015548 0.5675654384146241 0.6911824366369226 1.09029498434526 1.080534303816492 1.0219344699005586 1.011357937536614 0.8751528371609095 0.7296610253959519 0.6601317931816559 0.23127418083938986 0.130205782360555 -0.14274713179232365 -0.06435279838514728 -0.16703255102800557 -0.44622221097977816 -0.10461651347781563 +14855,-0.14948098611996483,0,0.21447181456242373 -0.08127272390335573 0.4943976702015548 0.5675654384146241 0.6911824366369226 1.09029498434526 1.080534303816492 1.0219344699005586 1.011357937536614 0.8751528371609095 0.7296610253959519 0.6601317931816559 0.23127418083938986 0.130205782360555 -0.14274713179232365 -0.06435279838514728 -0.16703255102800557 -0.44622221097977816 -0.10461651347781563 -0.5071184210978399 +14856,-0.14566769448884087,0,-0.08127272390335573 0.4943976702015548 0.5675654384146241 0.6911824366369226 1.09029498434526 1.080534303816492 1.0219344699005586 1.011357937536614 0.8751528371609095 0.7296610253959519 0.6601317931816559 0.23127418083938986 0.130205782360555 -0.14274713179232365 -0.06435279838514728 -0.16703255102800557 -0.44622221097977816 -0.10461651347781563 -0.5071184210978399 -0.14948098611996483 +14857,-0.625218573506549,0,0.4943976702015548 0.5675654384146241 0.6911824366369226 1.09029498434526 1.080534303816492 1.0219344699005586 1.011357937536614 0.8751528371609095 0.7296610253959519 0.6601317931816559 0.23127418083938986 0.130205782360555 -0.14274713179232365 -0.06435279838514728 -0.16703255102800557 -0.44622221097977816 -0.10461651347781563 -0.5071184210978399 -0.14948098611996483 -0.14566769448884087 +14858,-0.3696276388347081,0,0.5675654384146241 0.6911824366369226 1.09029498434526 1.080534303816492 1.0219344699005586 1.011357937536614 0.8751528371609095 0.7296610253959519 0.6601317931816559 0.23127418083938986 0.130205782360555 -0.14274713179232365 -0.06435279838514728 -0.16703255102800557 -0.44622221097977816 -0.10461651347781563 -0.5071184210978399 -0.14948098611996483 -0.14566769448884087 -0.625218573506549 +14859,-0.07619335540644594,0,0.6911824366369226 1.09029498434526 1.080534303816492 1.0219344699005586 1.011357937536614 0.8751528371609095 0.7296610253959519 0.6601317931816559 0.23127418083938986 0.130205782360555 -0.14274713179232365 -0.06435279838514728 -0.16703255102800557 -0.44622221097977816 -0.10461651347781563 -0.5071184210978399 -0.14948098611996483 -0.14566769448884087 -0.625218573506549 -0.3696276388347081 +14860,0.16678312947354906,0,1.09029498434526 1.080534303816492 1.0219344699005586 1.011357937536614 0.8751528371609095 0.7296610253959519 0.6601317931816559 0.23127418083938986 0.130205782360555 -0.14274713179232365 -0.06435279838514728 -0.16703255102800557 -0.44622221097977816 -0.10461651347781563 -0.5071184210978399 -0.14948098611996483 -0.14566769448884087 -0.625218573506549 -0.3696276388347081 -0.07619335540644594 +14861,0.44760296341951916,0,1.080534303816492 1.0219344699005586 1.011357937536614 0.8751528371609095 0.7296610253959519 0.6601317931816559 0.23127418083938986 0.130205782360555 -0.14274713179232365 -0.06435279838514728 -0.16703255102800557 -0.44622221097977816 -0.10461651347781563 -0.5071184210978399 -0.14948098611996483 -0.14566769448884087 -0.625218573506549 -0.3696276388347081 -0.07619335540644594 0.16678312947354906 +14862,0.4933931647060934,0,1.0219344699005586 1.011357937536614 0.8751528371609095 0.7296610253959519 0.6601317931816559 0.23127418083938986 0.130205782360555 -0.14274713179232365 -0.06435279838514728 -0.16703255102800557 -0.44622221097977816 -0.10461651347781563 -0.5071184210978399 -0.14948098611996483 -0.14566769448884087 -0.625218573506549 -0.3696276388347081 -0.07619335540644594 0.16678312947354906 0.44760296341951916 +14863,0.8414305953591971,0,1.011357937536614 0.8751528371609095 0.7296610253959519 0.6601317931816559 0.23127418083938986 0.130205782360555 -0.14274713179232365 -0.06435279838514728 -0.16703255102800557 -0.44622221097977816 -0.10461651347781563 -0.5071184210978399 -0.14948098611996483 -0.14566769448884087 -0.625218573506549 -0.3696276388347081 -0.07619335540644594 0.16678312947354906 0.44760296341951916 0.4933931647060934 +14864,1.025288004620498,0,0.8751528371609095 0.7296610253959519 0.6601317931816559 0.23127418083938986 0.130205782360555 -0.14274713179232365 -0.06435279838514728 -0.16703255102800557 -0.44622221097977816 -0.10461651347781563 -0.5071184210978399 -0.14948098611996483 -0.14566769448884087 -0.625218573506549 -0.3696276388347081 -0.07619335540644594 0.16678312947354906 0.44760296341951916 0.4933931647060934 0.8414305953591971 +14865,1.0301324844810187,0,0.7296610253959519 0.6601317931816559 0.23127418083938986 0.130205782360555 -0.14274713179232365 -0.06435279838514728 -0.16703255102800557 -0.44622221097977816 -0.10461651347781563 -0.5071184210978399 -0.14948098611996483 -0.14566769448884087 -0.625218573506549 -0.3696276388347081 -0.07619335540644594 0.16678312947354906 0.44760296341951916 0.4933931647060934 0.8414305953591971 1.025288004620498 +14866,1.1023161163618325,0,0.6601317931816559 0.23127418083938986 0.130205782360555 -0.14274713179232365 -0.06435279838514728 -0.16703255102800557 -0.44622221097977816 -0.10461651347781563 -0.5071184210978399 -0.14948098611996483 -0.14566769448884087 -0.625218573506549 -0.3696276388347081 -0.07619335540644594 0.16678312947354906 0.44760296341951916 0.4933931647060934 0.8414305953591971 1.025288004620498 1.0301324844810187 +14867,1.08570322144009,0,0.23127418083938986 0.130205782360555 -0.14274713179232365 -0.06435279838514728 -0.16703255102800557 -0.44622221097977816 -0.10461651347781563 -0.5071184210978399 -0.14948098611996483 -0.14566769448884087 -0.625218573506549 -0.3696276388347081 -0.07619335540644594 0.16678312947354906 0.44760296341951916 0.4933931647060934 0.8414305953591971 1.025288004620498 1.0301324844810187 1.1023161163618325 +14868,0.7699034414160453,0,0.130205782360555 -0.14274713179232365 -0.06435279838514728 -0.16703255102800557 -0.44622221097977816 -0.10461651347781563 -0.5071184210978399 -0.14948098611996483 -0.14566769448884087 -0.625218573506549 -0.3696276388347081 -0.07619335540644594 0.16678312947354906 0.44760296341951916 0.4933931647060934 0.8414305953591971 1.025288004620498 1.0301324844810187 1.1023161163618325 1.08570322144009 +14869,0.6981165291781863,0,-0.14274713179232365 -0.06435279838514728 -0.16703255102800557 -0.44622221097977816 -0.10461651347781563 -0.5071184210978399 -0.14948098611996483 -0.14566769448884087 -0.625218573506549 -0.3696276388347081 -0.07619335540644594 0.16678312947354906 0.44760296341951916 0.4933931647060934 0.8414305953591971 1.025288004620498 1.0301324844810187 1.1023161163618325 1.08570322144009 0.7699034414160453 +14870,0.3705748516781846,0,-0.06435279838514728 -0.16703255102800557 -0.44622221097977816 -0.10461651347781563 -0.5071184210978399 -0.14948098611996483 -0.14566769448884087 -0.625218573506549 -0.3696276388347081 -0.07619335540644594 0.16678312947354906 0.44760296341951916 0.4933931647060934 0.8414305953591971 1.025288004620498 1.0301324844810187 1.1023161163618325 1.08570322144009 0.7699034414160453 0.6981165291781863 +14871,0.2591279858037776,0,-0.16703255102800557 -0.44622221097977816 -0.10461651347781563 -0.5071184210978399 -0.14948098611996483 -0.14566769448884087 -0.625218573506549 -0.3696276388347081 -0.07619335540644594 0.16678312947354906 0.44760296341951916 0.4933931647060934 0.8414305953591971 1.025288004620498 1.0301324844810187 1.1023161163618325 1.08570322144009 0.7699034414160453 0.6981165291781863 0.3705748516781846 +14872,-0.040774870076248505,0,-0.44622221097977816 -0.10461651347781563 -0.5071184210978399 -0.14948098611996483 -0.14566769448884087 -0.625218573506549 -0.3696276388347081 -0.07619335540644594 0.16678312947354906 0.44760296341951916 0.4933931647060934 0.8414305953591971 1.025288004620498 1.0301324844810187 1.1023161163618325 1.08570322144009 0.7699034414160453 0.6981165291781863 0.3705748516781846 0.2591279858037776 +14873,-0.3519828871951319,0,-0.10461651347781563 -0.5071184210978399 -0.14948098611996483 -0.14566769448884087 -0.625218573506549 -0.3696276388347081 -0.07619335540644594 0.16678312947354906 0.44760296341951916 0.4933931647060934 0.8414305953591971 1.025288004620498 1.0301324844810187 1.1023161163618325 1.08570322144009 0.7699034414160453 0.6981165291781863 0.3705748516781846 0.2591279858037776 -0.040774870076248505 +14874,-0.05010523024725904,0,-0.5071184210978399 -0.14948098611996483 -0.14566769448884087 -0.625218573506549 -0.3696276388347081 -0.07619335540644594 0.16678312947354906 0.44760296341951916 0.4933931647060934 0.8414305953591971 1.025288004620498 1.0301324844810187 1.1023161163618325 1.08570322144009 0.7699034414160453 0.6981165291781863 0.3705748516781846 0.2591279858037776 -0.040774870076248505 -0.3519828871951319 +14875,-0.5377587281148025,0,-0.14948098611996483 -0.14566769448884087 -0.625218573506549 -0.3696276388347081 -0.07619335540644594 0.16678312947354906 0.44760296341951916 0.4933931647060934 0.8414305953591971 1.025288004620498 1.0301324844810187 1.1023161163618325 1.08570322144009 0.7699034414160453 0.6981165291781863 0.3705748516781846 0.2591279858037776 -0.040774870076248505 -0.3519828871951319 -0.05010523024725904 +14876,-0.3321196434419343,0,-0.14566769448884087 -0.625218573506549 -0.3696276388347081 -0.07619335540644594 0.16678312947354906 0.44760296341951916 0.4933931647060934 0.8414305953591971 1.025288004620498 1.0301324844810187 1.1023161163618325 1.08570322144009 0.7699034414160453 0.6981165291781863 0.3705748516781846 0.2591279858037776 -0.040774870076248505 -0.3519828871951319 -0.05010523024725904 -0.5377587281148025 +14877,-0.3239438101716272,0,-0.625218573506549 -0.3696276388347081 -0.07619335540644594 0.16678312947354906 0.44760296341951916 0.4933931647060934 0.8414305953591971 1.025288004620498 1.0301324844810187 1.1023161163618325 1.08570322144009 0.7699034414160453 0.6981165291781863 0.3705748516781846 0.2591279858037776 -0.040774870076248505 -0.3519828871951319 -0.05010523024725904 -0.5377587281148025 -0.3321196434419343 +14878,-0.7260267225784256,0,-0.3696276388347081 -0.07619335540644594 0.16678312947354906 0.44760296341951916 0.4933931647060934 0.8414305953591971 1.025288004620498 1.0301324844810187 1.1023161163618325 1.08570322144009 0.7699034414160453 0.6981165291781863 0.3705748516781846 0.2591279858037776 -0.040774870076248505 -0.3519828871951319 -0.05010523024725904 -0.5377587281148025 -0.3321196434419343 -0.3239438101716272 +14879,-0.264017093254082,0,-0.07619335540644594 0.16678312947354906 0.44760296341951916 0.4933931647060934 0.8414305953591971 1.025288004620498 1.0301324844810187 1.1023161163618325 1.08570322144009 0.7699034414160453 0.6981165291781863 0.3705748516781846 0.2591279858037776 -0.040774870076248505 -0.3519828871951319 -0.05010523024725904 -0.5377587281148025 -0.3321196434419343 -0.3239438101716272 -0.7260267225784256 +14880,-0.270127118316171,0,0.16678312947354906 0.44760296341951916 0.4933931647060934 0.8414305953591971 1.025288004620498 1.0301324844810187 1.1023161163618325 1.08570322144009 0.7699034414160453 0.6981165291781863 0.3705748516781846 0.2591279858037776 -0.040774870076248505 -0.3519828871951319 -0.05010523024725904 -0.5377587281148025 -0.3321196434419343 -0.3239438101716272 -0.7260267225784256 -0.264017093254082 +14881,-0.9282749218424974,0,0.44760296341951916 0.4933931647060934 0.8414305953591971 1.025288004620498 1.0301324844810187 1.1023161163618325 1.08570322144009 0.7699034414160453 0.6981165291781863 0.3705748516781846 0.2591279858037776 -0.040774870076248505 -0.3519828871951319 -0.05010523024725904 -0.5377587281148025 -0.3321196434419343 -0.3239438101716272 -0.7260267225784256 -0.264017093254082 -0.270127118316171 +14882,-0.6248574235160014,0,0.4933931647060934 0.8414305953591971 1.025288004620498 1.0301324844810187 1.1023161163618325 1.08570322144009 0.7699034414160453 0.6981165291781863 0.3705748516781846 0.2591279858037776 -0.040774870076248505 -0.3519828871951319 -0.05010523024725904 -0.5377587281148025 -0.3321196434419343 -0.3239438101716272 -0.7260267225784256 -0.264017093254082 -0.270127118316171 -0.9282749218424974 +14883,-0.04577937560664132,0,0.8414305953591971 1.025288004620498 1.0301324844810187 1.1023161163618325 1.08570322144009 0.7699034414160453 0.6981165291781863 0.3705748516781846 0.2591279858037776 -0.040774870076248505 -0.3519828871951319 -0.05010523024725904 -0.5377587281148025 -0.3321196434419343 -0.3239438101716272 -0.7260267225784256 -0.264017093254082 -0.270127118316171 -0.9282749218424974 -0.6248574235160014 +14884,0.06841107347408602,0,1.025288004620498 1.0301324844810187 1.1023161163618325 1.08570322144009 0.7699034414160453 0.6981165291781863 0.3705748516781846 0.2591279858037776 -0.040774870076248505 -0.3519828871951319 -0.05010523024725904 -0.5377587281148025 -0.3321196434419343 -0.3239438101716272 -0.7260267225784256 -0.264017093254082 -0.270127118316171 -0.9282749218424974 -0.6248574235160014 -0.04577937560664132 +14885,0.380075680271235,0,1.0301324844810187 1.1023161163618325 1.08570322144009 0.7699034414160453 0.6981165291781863 0.3705748516781846 0.2591279858037776 -0.040774870076248505 -0.3519828871951319 -0.05010523024725904 -0.5377587281148025 -0.3321196434419343 -0.3239438101716272 -0.7260267225784256 -0.264017093254082 -0.270127118316171 -0.9282749218424974 -0.6248574235160014 -0.04577937560664132 0.06841107347408602 +14886,0.43512343251852104,0,1.1023161163618325 1.08570322144009 0.7699034414160453 0.6981165291781863 0.3705748516781846 0.2591279858037776 -0.040774870076248505 -0.3519828871951319 -0.05010523024725904 -0.5377587281148025 -0.3321196434419343 -0.3239438101716272 -0.7260267225784256 -0.264017093254082 -0.270127118316171 -0.9282749218424974 -0.6248574235160014 -0.04577937560664132 0.06841107347408602 0.380075680271235 +14887,0.8094235576098291,0,1.08570322144009 0.7699034414160453 0.6981165291781863 0.3705748516781846 0.2591279858037776 -0.040774870076248505 -0.3519828871951319 -0.05010523024725904 -0.5377587281148025 -0.3321196434419343 -0.3239438101716272 -0.7260267225784256 -0.264017093254082 -0.270127118316171 -0.9282749218424974 -0.6248574235160014 -0.04577937560664132 0.06841107347408602 0.380075680271235 0.43512343251852104 +14888,0.9271068281512653,0,0.7699034414160453 0.6981165291781863 0.3705748516781846 0.2591279858037776 -0.040774870076248505 -0.3519828871951319 -0.05010523024725904 -0.5377587281148025 -0.3321196434419343 -0.3239438101716272 -0.7260267225784256 -0.264017093254082 -0.270127118316171 -0.9282749218424974 -0.6248574235160014 -0.04577937560664132 0.06841107347408602 0.380075680271235 0.43512343251852104 0.8094235576098291 +14889,0.8429256966126941,0,0.6981165291781863 0.3705748516781846 0.2591279858037776 -0.040774870076248505 -0.3519828871951319 -0.05010523024725904 -0.5377587281148025 -0.3321196434419343 -0.3239438101716272 -0.7260267225784256 -0.264017093254082 -0.270127118316171 -0.9282749218424974 -0.6248574235160014 -0.04577937560664132 0.06841107347408602 0.380075680271235 0.43512343251852104 0.8094235576098291 0.9271068281512653 +14890,1.0186005740987596,0,0.3705748516781846 0.2591279858037776 -0.040774870076248505 -0.3519828871951319 -0.05010523024725904 -0.5377587281148025 -0.3321196434419343 -0.3239438101716272 -0.7260267225784256 -0.264017093254082 -0.270127118316171 -0.9282749218424974 -0.6248574235160014 -0.04577937560664132 0.06841107347408602 0.380075680271235 0.43512343251852104 0.8094235576098291 0.9271068281512653 0.8429256966126941 +14891,0.9757588772111427,0,0.2591279858037776 -0.040774870076248505 -0.3519828871951319 -0.05010523024725904 -0.5377587281148025 -0.3321196434419343 -0.3239438101716272 -0.7260267225784256 -0.264017093254082 -0.270127118316171 -0.9282749218424974 -0.6248574235160014 -0.04577937560664132 0.06841107347408602 0.380075680271235 0.43512343251852104 0.8094235576098291 0.9271068281512653 0.8429256966126941 1.0186005740987596 +14892,0.9184908236440842,0,-0.040774870076248505 -0.3519828871951319 -0.05010523024725904 -0.5377587281148025 -0.3321196434419343 -0.3239438101716272 -0.7260267225784256 -0.264017093254082 -0.270127118316171 -0.9282749218424974 -0.6248574235160014 -0.04577937560664132 0.06841107347408602 0.380075680271235 0.43512343251852104 0.8094235576098291 0.9271068281512653 0.8429256966126941 1.0186005740987596 0.9757588772111427 +14893,0.8374271049137855,0,-0.3519828871951319 -0.05010523024725904 -0.5377587281148025 -0.3321196434419343 -0.3239438101716272 -0.7260267225784256 -0.264017093254082 -0.270127118316171 -0.9282749218424974 -0.6248574235160014 -0.04577937560664132 0.06841107347408602 0.380075680271235 0.43512343251852104 0.8094235576098291 0.9271068281512653 0.8429256966126941 1.0186005740987596 0.9757588772111427 0.9184908236440842 +14894,0.4742764621915081,0,-0.05010523024725904 -0.5377587281148025 -0.3321196434419343 -0.3239438101716272 -0.7260267225784256 -0.264017093254082 -0.270127118316171 -0.9282749218424974 -0.6248574235160014 -0.04577937560664132 0.06841107347408602 0.380075680271235 0.43512343251852104 0.8094235576098291 0.9271068281512653 0.8429256966126941 1.0186005740987596 0.9757588772111427 0.9184908236440842 0.8374271049137855 +14895,0.34626841599552227,0,-0.5377587281148025 -0.3321196434419343 -0.3239438101716272 -0.7260267225784256 -0.264017093254082 -0.270127118316171 -0.9282749218424974 -0.6248574235160014 -0.04577937560664132 0.06841107347408602 0.380075680271235 0.43512343251852104 0.8094235576098291 0.9271068281512653 0.8429256966126941 1.0186005740987596 0.9757588772111427 0.9184908236440842 0.8374271049137855 0.4742764621915081 +14896,-0.09861044479168919,0,-0.3321196434419343 -0.3239438101716272 -0.7260267225784256 -0.264017093254082 -0.270127118316171 -0.9282749218424974 -0.6248574235160014 -0.04577937560664132 0.06841107347408602 0.380075680271235 0.43512343251852104 0.8094235576098291 0.9271068281512653 0.8429256966126941 1.0186005740987596 0.9757588772111427 0.9184908236440842 0.8374271049137855 0.4742764621915081 0.34626841599552227 +14897,-0.4006349364097862,0,-0.3239438101716272 -0.7260267225784256 -0.264017093254082 -0.270127118316171 -0.9282749218424974 -0.6248574235160014 -0.04577937560664132 0.06841107347408602 0.380075680271235 0.43512343251852104 0.8094235576098291 0.9271068281512653 0.8429256966126941 1.0186005740987596 0.9757588772111427 0.9184908236440842 0.8374271049137855 0.4742764621915081 0.34626841599552227 -0.09861044479168919 +14898,-0.0783232999651947,0,-0.7260267225784256 -0.264017093254082 -0.270127118316171 -0.9282749218424974 -0.6248574235160014 -0.04577937560664132 0.06841107347408602 0.380075680271235 0.43512343251852104 0.8094235576098291 0.9271068281512653 0.8429256966126941 1.0186005740987596 0.9757588772111427 0.9184908236440842 0.8374271049137855 0.4742764621915081 0.34626841599552227 -0.09861044479168919 -0.4006349364097862 +14899,-0.22996581816015146,0,-0.264017093254082 -0.270127118316171 -0.9282749218424974 -0.6248574235160014 -0.04577937560664132 0.06841107347408602 0.380075680271235 0.43512343251852104 0.8094235576098291 0.9271068281512653 0.8429256966126941 1.0186005740987596 0.9757588772111427 0.9184908236440842 0.8374271049137855 0.4742764621915081 0.34626841599552227 -0.09861044479168919 -0.4006349364097862 -0.0783232999651947 +14900,-0.4442562024155084,0,-0.270127118316171 -0.9282749218424974 -0.6248574235160014 -0.04577937560664132 0.06841107347408602 0.380075680271235 0.43512343251852104 0.8094235576098291 0.9271068281512653 0.8429256966126941 1.0186005740987596 0.9757588772111427 0.9184908236440842 0.8374271049137855 0.4742764621915081 0.34626841599552227 -0.09861044479168919 -0.4006349364097862 -0.0783232999651947 -0.22996581816015146 +14901,-0.3228329320526813,0,-0.9282749218424974 -0.6248574235160014 -0.04577937560664132 0.06841107347408602 0.380075680271235 0.43512343251852104 0.8094235576098291 0.9271068281512653 0.8429256966126941 1.0186005740987596 0.9757588772111427 0.9184908236440842 0.8374271049137855 0.4742764621915081 0.34626841599552227 -0.09861044479168919 -0.4006349364097862 -0.0783232999651947 -0.22996581816015146 -0.4442562024155084 +14902,-0.46260462071410696,0,-0.6248574235160014 -0.04577937560664132 0.06841107347408602 0.380075680271235 0.43512343251852104 0.8094235576098291 0.9271068281512653 0.8429256966126941 1.0186005740987596 0.9757588772111427 0.9184908236440842 0.8374271049137855 0.4742764621915081 0.34626841599552227 -0.09861044479168919 -0.4006349364097862 -0.0783232999651947 -0.22996581816015146 -0.4442562024155084 -0.3228329320526813 +14903,-0.8361592452976015,0,-0.04577937560664132 0.06841107347408602 0.380075680271235 0.43512343251852104 0.8094235576098291 0.9271068281512653 0.8429256966126941 1.0186005740987596 0.9757588772111427 0.9184908236440842 0.8374271049137855 0.4742764621915081 0.34626841599552227 -0.09861044479168919 -0.4006349364097862 -0.0783232999651947 -0.22996581816015146 -0.4442562024155084 -0.3228329320526813 -0.46260462071410696 +14904,-0.27373816379187865,0,0.06841107347408602 0.380075680271235 0.43512343251852104 0.8094235576098291 0.9271068281512653 0.8429256966126941 1.0186005740987596 0.9757588772111427 0.9184908236440842 0.8374271049137855 0.4742764621915081 0.34626841599552227 -0.09861044479168919 -0.4006349364097862 -0.0783232999651947 -0.22996581816015146 -0.4442562024155084 -0.3228329320526813 -0.46260462071410696 -0.8361592452976015 +14905,-0.877043230678451,0,0.380075680271235 0.43512343251852104 0.8094235576098291 0.9271068281512653 0.8429256966126941 1.0186005740987596 0.9757588772111427 0.9184908236440842 0.8374271049137855 0.4742764621915081 0.34626841599552227 -0.09861044479168919 -0.4006349364097862 -0.0783232999651947 -0.22996581816015146 -0.4442562024155084 -0.3228329320526813 -0.46260462071410696 -0.8361592452976015 -0.27373816379187865 +14906,-0.5443725914758147,0,0.43512343251852104 0.8094235576098291 0.9271068281512653 0.8429256966126941 1.0186005740987596 0.9757588772111427 0.9184908236440842 0.8374271049137855 0.4742764621915081 0.34626841599552227 -0.09861044479168919 -0.4006349364097862 -0.0783232999651947 -0.22996581816015146 -0.4442562024155084 -0.3228329320526813 -0.46260462071410696 -0.8361592452976015 -0.27373816379187865 -0.877043230678451 +14907,-0.3445776056461708,0,0.8094235576098291 0.9271068281512653 0.8429256966126941 1.0186005740987596 0.9757588772111427 0.9184908236440842 0.8374271049137855 0.4742764621915081 0.34626841599552227 -0.09861044479168919 -0.4006349364097862 -0.0783232999651947 -0.22996581816015146 -0.4442562024155084 -0.3228329320526813 -0.46260462071410696 -0.8361592452976015 -0.27373816379187865 -0.877043230678451 -0.5443725914758147 +14908,0.026260239037400223,0,0.9271068281512653 0.8429256966126941 1.0186005740987596 0.9757588772111427 0.9184908236440842 0.8374271049137855 0.4742764621915081 0.34626841599552227 -0.09861044479168919 -0.4006349364097862 -0.0783232999651947 -0.22996581816015146 -0.4442562024155084 -0.3228329320526813 -0.46260462071410696 -0.8361592452976015 -0.27373816379187865 -0.877043230678451 -0.5443725914758147 -0.3445776056461708 +14909,0.4154606233929,0,0.8429256966126941 1.0186005740987596 0.9757588772111427 0.9184908236440842 0.8374271049137855 0.4742764621915081 0.34626841599552227 -0.09861044479168919 -0.4006349364097862 -0.0783232999651947 -0.22996581816015146 -0.4442562024155084 -0.3228329320526813 -0.46260462071410696 -0.8361592452976015 -0.27373816379187865 -0.877043230678451 -0.5443725914758147 -0.3445776056461708 0.026260239037400223 +14910,0.496075266942237,0,1.0186005740987596 0.9757588772111427 0.9184908236440842 0.8374271049137855 0.4742764621915081 0.34626841599552227 -0.09861044479168919 -0.4006349364097862 -0.0783232999651947 -0.22996581816015146 -0.4442562024155084 -0.3228329320526813 -0.46260462071410696 -0.8361592452976015 -0.27373816379187865 -0.877043230678451 -0.5443725914758147 -0.3445776056461708 0.026260239037400223 0.4154606233929 +14911,0.8550316291508628,0,0.9757588772111427 0.9184908236440842 0.8374271049137855 0.4742764621915081 0.34626841599552227 -0.09861044479168919 -0.4006349364097862 -0.0783232999651947 -0.22996581816015146 -0.4442562024155084 -0.3228329320526813 -0.46260462071410696 -0.8361592452976015 -0.27373816379187865 -0.877043230678451 -0.5443725914758147 -0.3445776056461708 0.026260239037400223 0.4154606233929 0.496075266942237 +14912,0.9625003079275956,0,0.9184908236440842 0.8374271049137855 0.4742764621915081 0.34626841599552227 -0.09861044479168919 -0.4006349364097862 -0.0783232999651947 -0.22996581816015146 -0.4442562024155084 -0.3228329320526813 -0.46260462071410696 -0.8361592452976015 -0.27373816379187865 -0.877043230678451 -0.5443725914758147 -0.3445776056461708 0.026260239037400223 0.4154606233929 0.496075266942237 0.8550316291508628 +14913,0.9040526377064516,0,0.8374271049137855 0.4742764621915081 0.34626841599552227 -0.09861044479168919 -0.4006349364097862 -0.0783232999651947 -0.22996581816015146 -0.4442562024155084 -0.3228329320526813 -0.46260462071410696 -0.8361592452976015 -0.27373816379187865 -0.877043230678451 -0.5443725914758147 -0.3445776056461708 0.026260239037400223 0.4154606233929 0.496075266942237 0.8550316291508628 0.9625003079275956 +14914,1.1521090424044587,0,0.4742764621915081 0.34626841599552227 -0.09861044479168919 -0.4006349364097862 -0.0783232999651947 -0.22996581816015146 -0.4442562024155084 -0.3228329320526813 -0.46260462071410696 -0.8361592452976015 -0.27373816379187865 -0.877043230678451 -0.5443725914758147 -0.3445776056461708 0.026260239037400223 0.4154606233929 0.496075266942237 0.8550316291508628 0.9625003079275956 0.9040526377064516 +14915,0.997427870452739,0,0.34626841599552227 -0.09861044479168919 -0.4006349364097862 -0.0783232999651947 -0.22996581816015146 -0.4442562024155084 -0.3228329320526813 -0.46260462071410696 -0.8361592452976015 -0.27373816379187865 -0.877043230678451 -0.5443725914758147 -0.3445776056461708 0.026260239037400223 0.4154606233929 0.496075266942237 0.8550316291508628 0.9625003079275956 0.9040526377064516 1.1521090424044587 +14916,0.9398448060633326,0,-0.09861044479168919 -0.4006349364097862 -0.0783232999651947 -0.22996581816015146 -0.4442562024155084 -0.3228329320526813 -0.46260462071410696 -0.8361592452976015 -0.27373816379187865 -0.877043230678451 -0.5443725914758147 -0.3445776056461708 0.026260239037400223 0.4154606233929 0.496075266942237 0.8550316291508628 0.9625003079275956 0.9040526377064516 1.1521090424044587 0.997427870452739 +14917,0.9069706104939328,0,-0.4006349364097862 -0.0783232999651947 -0.22996581816015146 -0.4442562024155084 -0.3228329320526813 -0.46260462071410696 -0.8361592452976015 -0.27373816379187865 -0.877043230678451 -0.5443725914758147 -0.3445776056461708 0.026260239037400223 0.4154606233929 0.496075266942237 0.8550316291508628 0.9625003079275956 0.9040526377064516 1.1521090424044587 0.997427870452739 0.9398448060633326 +14918,0.5346400862216482,0,-0.0783232999651947 -0.22996581816015146 -0.4442562024155084 -0.3228329320526813 -0.46260462071410696 -0.8361592452976015 -0.27373816379187865 -0.877043230678451 -0.5443725914758147 -0.3445776056461708 0.026260239037400223 0.4154606233929 0.496075266942237 0.8550316291508628 0.9625003079275956 0.9040526377064516 1.1521090424044587 0.997427870452739 0.9398448060633326 0.9069706104939328 +14919,0.41816528119366697,0,-0.22996581816015146 -0.4442562024155084 -0.3228329320526813 -0.46260462071410696 -0.8361592452976015 -0.27373816379187865 -0.877043230678451 -0.5443725914758147 -0.3445776056461708 0.026260239037400223 0.4154606233929 0.496075266942237 0.8550316291508628 0.9625003079275956 0.9040526377064516 1.1521090424044587 0.997427870452739 0.9398448060633326 0.9069706104939328 0.5346400862216482 +14920,0.10244685678563568,0,-0.4442562024155084 -0.3228329320526813 -0.46260462071410696 -0.8361592452976015 -0.27373816379187865 -0.877043230678451 -0.5443725914758147 -0.3445776056461708 0.026260239037400223 0.4154606233929 0.496075266942237 0.8550316291508628 0.9625003079275956 0.9040526377064516 1.1521090424044587 0.997427870452739 0.9398448060633326 0.9069706104939328 0.5346400862216482 0.41816528119366697 +14921,-0.23966527232941287,0,-0.3228329320526813 -0.46260462071410696 -0.8361592452976015 -0.27373816379187865 -0.877043230678451 -0.5443725914758147 -0.3445776056461708 0.026260239037400223 0.4154606233929 0.496075266942237 0.8550316291508628 0.9625003079275956 0.9040526377064516 1.1521090424044587 0.997427870452739 0.9398448060633326 0.9069706104939328 0.5346400862216482 0.41816528119366697 0.10244685678563568 +14922,-0.14948098611996483,0,-0.46260462071410696 -0.8361592452976015 -0.27373816379187865 -0.877043230678451 -0.5443725914758147 -0.3445776056461708 0.026260239037400223 0.4154606233929 0.496075266942237 0.8550316291508628 0.9625003079275956 0.9040526377064516 1.1521090424044587 0.997427870452739 0.9398448060633326 0.9069706104939328 0.5346400862216482 0.41816528119366697 0.10244685678563568 -0.23966527232941287 +14923,-0.2646055147655569,0,-0.8361592452976015 -0.27373816379187865 -0.877043230678451 -0.5443725914758147 -0.3445776056461708 0.026260239037400223 0.4154606233929 0.496075266942237 0.8550316291508628 0.9625003079275956 0.9040526377064516 1.1521090424044587 0.997427870452739 0.9398448060633326 0.9069706104939328 0.5346400862216482 0.41816528119366697 0.10244685678563568 -0.23966527232941287 -0.14948098611996483 +14924,-0.5904296522957408,0,-0.27373816379187865 -0.877043230678451 -0.5443725914758147 -0.3445776056461708 0.026260239037400223 0.4154606233929 0.496075266942237 0.8550316291508628 0.9625003079275956 0.9040526377064516 1.1521090424044587 0.997427870452739 0.9398448060633326 0.9069706104939328 0.5346400862216482 0.41816528119366697 0.10244685678563568 -0.23966527232941287 -0.14948098611996483 -0.2646055147655569 +14925,-0.16779116762265328,0,-0.877043230678451 -0.5443725914758147 -0.3445776056461708 0.026260239037400223 0.4154606233929 0.496075266942237 0.8550316291508628 0.9625003079275956 0.9040526377064516 1.1521090424044587 0.997427870452739 0.9398448060633326 0.9069706104939328 0.5346400862216482 0.41816528119366697 0.10244685678563568 -0.23966527232941287 -0.14948098611996483 -0.2646055147655569 -0.5904296522957408 +14926,-0.18043669075080518,0,-0.5443725914758147 -0.3445776056461708 0.026260239037400223 0.4154606233929 0.496075266942237 0.8550316291508628 0.9625003079275956 0.9040526377064516 1.1521090424044587 0.997427870452739 0.9398448060633326 0.9069706104939328 0.5346400862216482 0.41816528119366697 0.10244685678563568 -0.23966527232941287 -0.14948098611996483 -0.2646055147655569 -0.5904296522957408 -0.16779116762265328 +14927,-0.43424919960606134,0,-0.3445776056461708 0.026260239037400223 0.4154606233929 0.496075266942237 0.8550316291508628 0.9625003079275956 0.9040526377064516 1.1521090424044587 0.997427870452739 0.9398448060633326 0.9069706104939328 0.5346400862216482 0.41816528119366697 0.10244685678563568 -0.23966527232941287 -0.14948098611996483 -0.2646055147655569 -0.5904296522957408 -0.16779116762265328 -0.18043669075080518 +14928,-0.13400313380454026,0,0.026260239037400223 0.4154606233929 0.496075266942237 0.8550316291508628 0.9625003079275956 0.9040526377064516 1.1521090424044587 0.997427870452739 0.9398448060633326 0.9069706104939328 0.5346400862216482 0.41816528119366697 0.10244685678563568 -0.23966527232941287 -0.14948098611996483 -0.2646055147655569 -0.5904296522957408 -0.16779116762265328 -0.18043669075080518 -0.43424919960606134 +14929,-0.13709870426763043,0,0.4154606233929 0.496075266942237 0.8550316291508628 0.9625003079275956 0.9040526377064516 1.1521090424044587 0.997427870452739 0.9398448060633326 0.9069706104939328 0.5346400862216482 0.41816528119366697 0.10244685678563568 -0.23966527232941287 -0.14948098611996483 -0.2646055147655569 -0.5904296522957408 -0.16779116762265328 -0.18043669075080518 -0.43424919960606134 -0.13400313380454026 +14930,-0.16926518556483353,0,0.496075266942237 0.8550316291508628 0.9625003079275956 0.9040526377064516 1.1521090424044587 0.997427870452739 0.9398448060633326 0.9069706104939328 0.5346400862216482 0.41816528119366697 0.10244685678563568 -0.23966527232941287 -0.14948098611996483 -0.2646055147655569 -0.5904296522957408 -0.16779116762265328 -0.18043669075080518 -0.43424919960606134 -0.13400313380454026 -0.13709870426763043 +14931,0.08423458384289165,0,0.8550316291508628 0.9625003079275956 0.9040526377064516 1.1521090424044587 0.997427870452739 0.9398448060633326 0.9069706104939328 0.5346400862216482 0.41816528119366697 0.10244685678563568 -0.23966527232941287 -0.14948098611996483 -0.2646055147655569 -0.5904296522957408 -0.16779116762265328 -0.18043669075080518 -0.43424919960606134 -0.13400313380454026 -0.13709870426763043 -0.16926518556483353 +14932,0.17014340557205407,0,0.9625003079275956 0.9040526377064516 1.1521090424044587 0.997427870452739 0.9398448060633326 0.9069706104939328 0.5346400862216482 0.41816528119366697 0.10244685678563568 -0.23966527232941287 -0.14948098611996483 -0.2646055147655569 -0.5904296522957408 -0.16779116762265328 -0.18043669075080518 -0.43424919960606134 -0.13400313380454026 -0.13709870426763043 -0.16926518556483353 0.08423458384289165 +14933,0.4089632961871075,0,0.9040526377064516 1.1521090424044587 0.997427870452739 0.9398448060633326 0.9069706104939328 0.5346400862216482 0.41816528119366697 0.10244685678563568 -0.23966527232941287 -0.14948098611996483 -0.2646055147655569 -0.5904296522957408 -0.16779116762265328 -0.18043669075080518 -0.43424919960606134 -0.13400313380454026 -0.13709870426763043 -0.16926518556483353 0.08423458384289165 0.17014340557205407 +14934,0.49357717160555964,0,1.1521090424044587 0.997427870452739 0.9398448060633326 0.9069706104939328 0.5346400862216482 0.41816528119366697 0.10244685678563568 -0.23966527232941287 -0.14948098611996483 -0.2646055147655569 -0.5904296522957408 -0.16779116762265328 -0.18043669075080518 -0.43424919960606134 -0.13400313380454026 -0.13709870426763043 -0.16926518556483353 0.08423458384289165 0.17014340557205407 0.4089632961871075 +14935,0.7698518486265933,0,0.997427870452739 0.9398448060633326 0.9069706104939328 0.5346400862216482 0.41816528119366697 0.10244685678563568 -0.23966527232941287 -0.14948098611996483 -0.2646055147655569 -0.5904296522957408 -0.16779116762265328 -0.18043669075080518 -0.43424919960606134 -0.13400313380454026 -0.13709870426763043 -0.16926518556483353 0.08423458384289165 0.17014340557205407 0.4089632961871075 0.49357717160555964 +14936,0.8919205104510257,0,0.9398448060633326 0.9069706104939328 0.5346400862216482 0.41816528119366697 0.10244685678563568 -0.23966527232941287 -0.14948098611996483 -0.2646055147655569 -0.5904296522957408 -0.16779116762265328 -0.18043669075080518 -0.43424919960606134 -0.13400313380454026 -0.13709870426763043 -0.16926518556483353 0.08423458384289165 0.17014340557205407 0.4089632961871075 0.49357717160555964 0.7698518486265933 +14937,0.7840016515294382,0,0.9069706104939328 0.5346400862216482 0.41816528119366697 0.10244685678563568 -0.23966527232941287 -0.14948098611996483 -0.2646055147655569 -0.5904296522957408 -0.16779116762265328 -0.18043669075080518 -0.43424919960606134 -0.13400313380454026 -0.13709870426763043 -0.16926518556483353 0.08423458384289165 0.17014340557205407 0.4089632961871075 0.49357717160555964 0.7698518486265933 0.8919205104510257 +14938,0.8581271996139442,0,0.5346400862216482 0.41816528119366697 0.10244685678563568 -0.23966527232941287 -0.14948098611996483 -0.2646055147655569 -0.5904296522957408 -0.16779116762265328 -0.18043669075080518 -0.43424919960606134 -0.13400313380454026 -0.13709870426763043 -0.16926518556483353 0.08423458384289165 0.17014340557205407 0.4089632961871075 0.49357717160555964 0.7698518486265933 0.8919205104510257 0.7840016515294382 +14939,0.8875351190132439,0,0.41816528119366697 0.10244685678563568 -0.23966527232941287 -0.14948098611996483 -0.2646055147655569 -0.5904296522957408 -0.16779116762265328 -0.18043669075080518 -0.43424919960606134 -0.13400313380454026 -0.13709870426763043 -0.16926518556483353 0.08423458384289165 0.17014340557205407 0.4089632961871075 0.49357717160555964 0.7698518486265933 0.8919205104510257 0.7840016515294382 0.8581271996139442 +14940,0.852670930554407,0,0.10244685678563568 -0.23966527232941287 -0.14948098611996483 -0.2646055147655569 -0.5904296522957408 -0.16779116762265328 -0.18043669075080518 -0.43424919960606134 -0.13400313380454026 -0.13709870426763043 -0.16926518556483353 0.08423458384289165 0.17014340557205407 0.4089632961871075 0.49357717160555964 0.7698518486265933 0.8919205104510257 0.7840016515294382 0.8581271996139442 0.8875351190132439 +14941,0.6956097503020214,0,-0.23966527232941287 -0.14948098611996483 -0.2646055147655569 -0.5904296522957408 -0.16779116762265328 -0.18043669075080518 -0.43424919960606134 -0.13400313380454026 -0.13709870426763043 -0.16926518556483353 0.08423458384289165 0.17014340557205407 0.4089632961871075 0.49357717160555964 0.7698518486265933 0.8919205104510257 0.7840016515294382 0.8581271996139442 0.8875351190132439 0.852670930554407 +14942,0.5358620620428284,0,-0.14948098611996483 -0.2646055147655569 -0.5904296522957408 -0.16779116762265328 -0.18043669075080518 -0.43424919960606134 -0.13400313380454026 -0.13709870426763043 -0.16926518556483353 0.08423458384289165 0.17014340557205407 0.4089632961871075 0.49357717160555964 0.7698518486265933 0.8919205104510257 0.7840016515294382 0.8581271996139442 0.8875351190132439 0.852670930554407 0.6956097503020214 +14943,0.22847177730568738,0,-0.2646055147655569 -0.5904296522957408 -0.16779116762265328 -0.18043669075080518 -0.43424919960606134 -0.13400313380454026 -0.13709870426763043 -0.16926518556483353 0.08423458384289165 0.17014340557205407 0.4089632961871075 0.49357717160555964 0.7698518486265933 0.8919205104510257 0.7840016515294382 0.8581271996139442 0.8875351190132439 0.852670930554407 0.6956097503020214 0.5358620620428284 +14944,-0.2119599166848045,0,-0.5904296522957408 -0.16779116762265328 -0.18043669075080518 -0.43424919960606134 -0.13400313380454026 -0.13709870426763043 -0.16926518556483353 0.08423458384289165 0.17014340557205407 0.4089632961871075 0.49357717160555964 0.7698518486265933 0.8919205104510257 0.7840016515294382 0.8581271996139442 0.8875351190132439 0.852670930554407 0.6956097503020214 0.5358620620428284 0.22847177730568738 +14945,-0.5090830881966534,0,-0.16779116762265328 -0.18043669075080518 -0.43424919960606134 -0.13400313380454026 -0.13709870426763043 -0.16926518556483353 0.08423458384289165 0.17014340557205407 0.4089632961871075 0.49357717160555964 0.7698518486265933 0.8919205104510257 0.7840016515294382 0.8581271996139442 0.8875351190132439 0.852670930554407 0.6956097503020214 0.5358620620428284 0.22847177730568738 -0.2119599166848045 +14946,-0.13245534857299956,0,-0.18043669075080518 -0.43424919960606134 -0.13400313380454026 -0.13709870426763043 -0.16926518556483353 0.08423458384289165 0.17014340557205407 0.4089632961871075 0.49357717160555964 0.7698518486265933 0.8919205104510257 0.7840016515294382 0.8581271996139442 0.8875351190132439 0.852670930554407 0.6956097503020214 0.5358620620428284 0.22847177730568738 -0.2119599166848045 -0.5090830881966534 +14947,-0.283730835038758,0,-0.43424919960606134 -0.13400313380454026 -0.13709870426763043 -0.16926518556483353 0.08423458384289165 0.17014340557205407 0.4089632961871075 0.49357717160555964 0.7698518486265933 0.8919205104510257 0.7840016515294382 0.8581271996139442 0.8875351190132439 0.852670930554407 0.6956097503020214 0.5358620620428284 0.22847177730568738 -0.2119599166848045 -0.5090830881966534 -0.13245534857299956 +14948,-0.7036165336840853,0,-0.13400313380454026 -0.13709870426763043 -0.16926518556483353 0.08423458384289165 0.17014340557205407 0.4089632961871075 0.49357717160555964 0.7698518486265933 0.8919205104510257 0.7840016515294382 0.8581271996139442 0.8875351190132439 0.852670930554407 0.6956097503020214 0.5358620620428284 0.22847177730568738 -0.2119599166848045 -0.5090830881966534 -0.13245534857299956 -0.283730835038758 +14949,-0.6607111274798807,0,-0.13709870426763043 -0.16926518556483353 0.08423458384289165 0.17014340557205407 0.4089632961871075 0.49357717160555964 0.7698518486265933 0.8919205104510257 0.7840016515294382 0.8581271996139442 0.8875351190132439 0.852670930554407 0.6956097503020214 0.5358620620428284 0.22847177730568738 -0.2119599166848045 -0.5090830881966534 -0.13245534857299956 -0.283730835038758 -0.7036165336840853 +14950,-1.193049382015107,0,-0.16926518556483353 0.08423458384289165 0.17014340557205407 0.4089632961871075 0.49357717160555964 0.7698518486265933 0.8919205104510257 0.7840016515294382 0.8581271996139442 0.8875351190132439 0.852670930554407 0.6956097503020214 0.5358620620428284 0.22847177730568738 -0.2119599166848045 -0.5090830881966534 -0.13245534857299956 -0.283730835038758 -0.7036165336840853 -0.6607111274798807 +14951,-1.2625965318555872,0,0.08423458384289165 0.17014340557205407 0.4089632961871075 0.49357717160555964 0.7698518486265933 0.8919205104510257 0.7840016515294382 0.8581271996139442 0.8875351190132439 0.852670930554407 0.6956097503020214 0.5358620620428284 0.22847177730568738 -0.2119599166848045 -0.5090830881966534 -0.13245534857299956 -0.283730835038758 -0.7036165336840853 -0.6607111274798807 -1.193049382015107 +14952,-0.5484855321608714,0,0.17014340557205407 0.4089632961871075 0.49357717160555964 0.7698518486265933 0.8919205104510257 0.7840016515294382 0.8581271996139442 0.8875351190132439 0.852670930554407 0.6956097503020214 0.5358620620428284 0.22847177730568738 -0.2119599166848045 -0.5090830881966534 -0.13245534857299956 -0.283730835038758 -0.7036165336840853 -0.6607111274798807 -1.193049382015107 -1.2625965318555872 +14953,-0.8435062547447096,0,0.4089632961871075 0.49357717160555964 0.7698518486265933 0.8919205104510257 0.7840016515294382 0.8581271996139442 0.8875351190132439 0.852670930554407 0.6956097503020214 0.5358620620428284 0.22847177730568738 -0.2119599166848045 -0.5090830881966534 -0.13245534857299956 -0.283730835038758 -0.7036165336840853 -0.6607111274798807 -1.193049382015107 -1.2625965318555872 -0.5484855321608714 +14954,-0.04268380514355992,0,0.49357717160555964 0.7698518486265933 0.8919205104510257 0.7840016515294382 0.8581271996139442 0.8875351190132439 0.852670930554407 0.6956097503020214 0.5358620620428284 0.22847177730568738 -0.2119599166848045 -0.5090830881966534 -0.13245534857299956 -0.283730835038758 -0.7036165336840853 -0.6607111274798807 -1.193049382015107 -1.2625965318555872 -0.5484855321608714 -0.8435062547447096 +14955,0.013389511765046087,0,0.7698518486265933 0.8919205104510257 0.7840016515294382 0.8581271996139442 0.8875351190132439 0.852670930554407 0.6956097503020214 0.5358620620428284 0.22847177730568738 -0.2119599166848045 -0.5090830881966534 -0.13245534857299956 -0.283730835038758 -0.7036165336840853 -0.6607111274798807 -1.193049382015107 -1.2625965318555872 -0.5484855321608714 -0.8435062547447096 -0.04268380514355992 +14956,-0.18683420298958814,0,0.8919205104510257 0.7840016515294382 0.8581271996139442 0.8875351190132439 0.852670930554407 0.6956097503020214 0.5358620620428284 0.22847177730568738 -0.2119599166848045 -0.5090830881966534 -0.13245534857299956 -0.283730835038758 -0.7036165336840853 -0.6607111274798807 -1.193049382015107 -1.2625965318555872 -0.5484855321608714 -0.8435062547447096 -0.04268380514355992 0.013389511765046087 +14957,0.14619758589403314,0,0.7840016515294382 0.8581271996139442 0.8875351190132439 0.852670930554407 0.6956097503020214 0.5358620620428284 0.22847177730568738 -0.2119599166848045 -0.5090830881966534 -0.13245534857299956 -0.283730835038758 -0.7036165336840853 -0.6607111274798807 -1.193049382015107 -1.2625965318555872 -0.5484855321608714 -0.8435062547447096 -0.04268380514355992 0.013389511765046087 -0.18683420298958814 +14958,0.18646579838624971,0,0.8581271996139442 0.8875351190132439 0.852670930554407 0.6956097503020214 0.5358620620428284 0.22847177730568738 -0.2119599166848045 -0.5090830881966534 -0.13245534857299956 -0.283730835038758 -0.7036165336840853 -0.6607111274798807 -1.193049382015107 -1.2625965318555872 -0.5484855321608714 -0.8435062547447096 -0.04268380514355992 0.013389511765046087 -0.18683420298958814 0.14619758589403314 +14959,0.6170854462733839,0,0.8875351190132439 0.852670930554407 0.6956097503020214 0.5358620620428284 0.22847177730568738 -0.2119599166848045 -0.5090830881966534 -0.13245534857299956 -0.283730835038758 -0.7036165336840853 -0.6607111274798807 -1.193049382015107 -1.2625965318555872 -0.5484855321608714 -0.8435062547447096 -0.04268380514355992 0.013389511765046087 -0.18683420298958814 0.14619758589403314 0.18646579838624971 +14960,0.754941517459542,0,0.852670930554407 0.6956097503020214 0.5358620620428284 0.22847177730568738 -0.2119599166848045 -0.5090830881966534 -0.13245534857299956 -0.283730835038758 -0.7036165336840853 -0.6607111274798807 -1.193049382015107 -1.2625965318555872 -0.5484855321608714 -0.8435062547447096 -0.04268380514355992 0.013389511765046087 -0.18683420298958814 0.14619758589403314 0.18646579838624971 0.6170854462733839 +14961,0.6368713007650062,0,0.6956097503020214 0.5358620620428284 0.22847177730568738 -0.2119599166848045 -0.5090830881966534 -0.13245534857299956 -0.283730835038758 -0.7036165336840853 -0.6607111274798807 -1.193049382015107 -1.2625965318555872 -0.5484855321608714 -0.8435062547447096 -0.04268380514355992 0.013389511765046087 -0.18683420298958814 0.14619758589403314 0.18646579838624971 0.6170854462733839 0.754941517459542 +14962,0.8600361346812556,0,0.5358620620428284 0.22847177730568738 -0.2119599166848045 -0.5090830881966534 -0.13245534857299956 -0.283730835038758 -0.7036165336840853 -0.6607111274798807 -1.193049382015107 -1.2625965318555872 -0.5484855321608714 -0.8435062547447096 -0.04268380514355992 0.013389511765046087 -0.18683420298958814 0.14619758589403314 0.18646579838624971 0.6170854462733839 0.754941517459542 0.6368713007650062 +14963,0.8272746807168024,0,0.22847177730568738 -0.2119599166848045 -0.5090830881966534 -0.13245534857299956 -0.283730835038758 -0.7036165336840853 -0.6607111274798807 -1.193049382015107 -1.2625965318555872 -0.5484855321608714 -0.8435062547447096 -0.04268380514355992 0.013389511765046087 -0.18683420298958814 0.14619758589403314 0.18646579838624971 0.6170854462733839 0.754941517459542 0.6368713007650062 0.8600361346812556 +14964,0.47396690514519824,0,-0.2119599166848045 -0.5090830881966534 -0.13245534857299956 -0.283730835038758 -0.7036165336840853 -0.6607111274798807 -1.193049382015107 -1.2625965318555872 -0.5484855321608714 -0.8435062547447096 -0.04268380514355992 0.013389511765046087 -0.18683420298958814 0.14619758589403314 0.18646579838624971 0.6170854462733839 0.754941517459542 0.6368713007650062 0.8600361346812556 0.8272746807168024 +14965,0.5480542249466019,0,-0.5090830881966534 -0.13245534857299956 -0.283730835038758 -0.7036165336840853 -0.6607111274798807 -1.193049382015107 -1.2625965318555872 -0.5484855321608714 -0.8435062547447096 -0.04268380514355992 0.013389511765046087 -0.18683420298958814 0.14619758589403314 0.18646579838624971 0.6170854462733839 0.754941517459542 0.6368713007650062 0.8600361346812556 0.8272746807168024 0.47396690514519824 +14966,0.30159522314086346,0,-0.13245534857299956 -0.283730835038758 -0.7036165336840853 -0.6607111274798807 -1.193049382015107 -1.2625965318555872 -0.5484855321608714 -0.8435062547447096 -0.04268380514355992 0.013389511765046087 -0.18683420298958814 0.14619758589403314 0.18646579838624971 0.6170854462733839 0.754941517459542 0.6368713007650062 0.8600361346812556 0.8272746807168024 0.47396690514519824 0.5480542249466019 +14967,0.0035949732795544417,0,-0.283730835038758 -0.7036165336840853 -0.6607111274798807 -1.193049382015107 -1.2625965318555872 -0.5484855321608714 -0.8435062547447096 -0.04268380514355992 0.013389511765046087 -0.18683420298958814 0.14619758589403314 0.18646579838624971 0.6170854462733839 0.754941517459542 0.6368713007650062 0.8600361346812556 0.8272746807168024 0.47396690514519824 0.5480542249466019 0.30159522314086346 +14968,-0.2256836123012913,0,-0.7036165336840853 -0.6607111274798807 -1.193049382015107 -1.2625965318555872 -0.5484855321608714 -0.8435062547447096 -0.04268380514355992 0.013389511765046087 -0.18683420298958814 0.14619758589403314 0.18646579838624971 0.6170854462733839 0.754941517459542 0.6368713007650062 0.8600361346812556 0.8272746807168024 0.47396690514519824 0.5480542249466019 0.30159522314086346 0.0035949732795544417 +14969,-0.5065034462472702,0,-0.6607111274798807 -1.193049382015107 -1.2625965318555872 -0.5484855321608714 -0.8435062547447096 -0.04268380514355992 0.013389511765046087 -0.18683420298958814 0.14619758589403314 0.18646579838624971 0.6170854462733839 0.754941517459542 0.6368713007650062 0.8600361346812556 0.8272746807168024 0.47396690514519824 0.5480542249466019 0.30159522314086346 0.0035949732795544417 -0.2256836123012913 +14970,-0.5262893007388925,0,-1.193049382015107 -1.2625965318555872 -0.5484855321608714 -0.8435062547447096 -0.04268380514355992 0.013389511765046087 -0.18683420298958814 0.14619758589403314 0.18646579838624971 0.6170854462733839 0.754941517459542 0.6368713007650062 0.8600361346812556 0.8272746807168024 0.47396690514519824 0.5480542249466019 0.30159522314086346 0.0035949732795544417 -0.2256836123012913 -0.5065034462472702 +14971,-0.8941204610148683,0,-1.2625965318555872 -0.5484855321608714 -0.8435062547447096 -0.04268380514355992 0.013389511765046087 -0.18683420298958814 0.14619758589403314 0.18646579838624971 0.6170854462733839 0.754941517459542 0.6368713007650062 0.8600361346812556 0.8272746807168024 0.47396690514519824 0.5480542249466019 0.30159522314086346 0.0035949732795544417 -0.2256836123012913 -0.5065034462472702 -0.5262893007388925 +14972,-1.000917641991273,0,-0.5484855321608714 -0.8435062547447096 -0.04268380514355992 0.013389511765046087 -0.18683420298958814 0.14619758589403314 0.18646579838624971 0.6170854462733839 0.754941517459542 0.6368713007650062 0.8600361346812556 0.8272746807168024 0.47396690514519824 0.5480542249466019 0.30159522314086346 0.0035949732795544417 -0.2256836123012913 -0.5065034462472702 -0.5262893007388925 -0.8941204610148683 +14973,-1.0550901250952505,0,-0.8435062547447096 -0.04268380514355992 0.013389511765046087 -0.18683420298958814 0.14619758589403314 0.18646579838624971 0.6170854462733839 0.754941517459542 0.6368713007650062 0.8600361346812556 0.8272746807168024 0.47396690514519824 0.5480542249466019 0.30159522314086346 0.0035949732795544417 -0.2256836123012913 -0.5065034462472702 -0.5262893007388925 -0.8941204610148683 -1.000917641991273 +14974,-1.1794288719775419,0,-0.04268380514355992 0.013389511765046087 -0.18683420298958814 0.14619758589403314 0.18646579838624971 0.6170854462733839 0.754941517459542 0.6368713007650062 0.8600361346812556 0.8272746807168024 0.47396690514519824 0.5480542249466019 0.30159522314086346 0.0035949732795544417 -0.2256836123012913 -0.5065034462472702 -0.5262893007388925 -0.8941204610148683 -1.000917641991273 -1.0550901250952505 +14975,-1.2511429211421736,0,0.013389511765046087 -0.18683420298958814 0.14619758589403314 0.18646579838624971 0.6170854462733839 0.754941517459542 0.6368713007650062 0.8600361346812556 0.8272746807168024 0.47396690514519824 0.5480542249466019 0.30159522314086346 0.0035949732795544417 -0.2256836123012913 -0.5065034462472702 -0.5262893007388925 -0.8941204610148683 -1.000917641991273 -1.0550901250952505 -1.1794288719775419 +14976,-0.6504588092240544,0,-0.18683420298958814 0.14619758589403314 0.18646579838624971 0.6170854462733839 0.754941517459542 0.6368713007650062 0.8600361346812556 0.8272746807168024 0.47396690514519824 0.5480542249466019 0.30159522314086346 0.0035949732795544417 -0.2256836123012913 -0.5065034462472702 -0.5262893007388925 -0.8941204610148683 -1.000917641991273 -1.0550901250952505 -1.1794288719775419 -1.2511429211421736 +14977,-0.9154468968812287,0,0.14619758589403314 0.18646579838624971 0.6170854462733839 0.754941517459542 0.6368713007650062 0.8600361346812556 0.8272746807168024 0.47396690514519824 0.5480542249466019 0.30159522314086346 0.0035949732795544417 -0.2256836123012913 -0.5065034462472702 -0.5262893007388925 -0.8941204610148683 -1.000917641991273 -1.0550901250952505 -1.1794288719775419 -1.2511429211421736 -0.6504588092240544 +14978,-0.24853924093865745,0,0.18646579838624971 0.6170854462733839 0.754941517459542 0.6368713007650062 0.8600361346812556 0.8272746807168024 0.47396690514519824 0.5480542249466019 0.30159522314086346 0.0035949732795544417 -0.2256836123012913 -0.5065034462472702 -0.5262893007388925 -0.8941204610148683 -1.000917641991273 -1.0550901250952505 -1.1794288719775419 -1.2511429211421736 -0.6504588092240544 -0.9154468968812287 +14979,-0.17979852822012193,0,0.6170854462733839 0.754941517459542 0.6368713007650062 0.8600361346812556 0.8272746807168024 0.47396690514519824 0.5480542249466019 0.30159522314086346 0.0035949732795544417 -0.2256836123012913 -0.5065034462472702 -0.5262893007388925 -0.8941204610148683 -1.000917641991273 -1.0550901250952505 -1.1794288719775419 -1.2511429211421736 -0.6504588092240544 -0.9154468968812287 -0.24853924093865745 +14980,-0.23295820288954314,0,0.754941517459542 0.6368713007650062 0.8600361346812556 0.8272746807168024 0.47396690514519824 0.5480542249466019 0.30159522314086346 0.0035949732795544417 -0.2256836123012913 -0.5065034462472702 -0.5262893007388925 -0.8941204610148683 -1.000917641991273 -1.0550901250952505 -1.1794288719775419 -1.2511429211421736 -0.6504588092240544 -0.9154468968812287 -0.24853924093865745 -0.17979852822012193 +14981,0.07763070013672042,0,0.6368713007650062 0.8600361346812556 0.8272746807168024 0.47396690514519824 0.5480542249466019 0.30159522314086346 0.0035949732795544417 -0.2256836123012913 -0.5065034462472702 -0.5262893007388925 -0.8941204610148683 -1.000917641991273 -1.0550901250952505 -1.1794288719775419 -1.2511429211421736 -0.6504588092240544 -0.9154468968812287 -0.24853924093865745 -0.17979852822012193 -0.23295820288954314 +14982,0.0652742147565005,0,0.8600361346812556 0.8272746807168024 0.47396690514519824 0.5480542249466019 0.30159522314086346 0.0035949732795544417 -0.2256836123012913 -0.5065034462472702 -0.5262893007388925 -0.8941204610148683 -1.000917641991273 -1.0550901250952505 -1.1794288719775419 -1.2511429211421736 -0.6504588092240544 -0.9154468968812287 -0.24853924093865745 -0.17979852822012193 -0.23295820288954314 0.07763070013672042 +14983,0.4835115807913003,0,0.8272746807168024 0.47396690514519824 0.5480542249466019 0.30159522314086346 0.0035949732795544417 -0.2256836123012913 -0.5065034462472702 -0.5262893007388925 -0.8941204610148683 -1.000917641991273 -1.0550901250952505 -1.1794288719775419 -1.2511429211421736 -0.6504588092240544 -0.9154468968812287 -0.24853924093865745 -0.17979852822012193 -0.23295820288954314 0.07763070013672042 0.0652742147565005 +14984,0.578803558110054,0,0.47396690514519824 0.5480542249466019 0.30159522314086346 0.0035949732795544417 -0.2256836123012913 -0.5065034462472702 -0.5262893007388925 -0.8941204610148683 -1.000917641991273 -1.0550901250952505 -1.1794288719775419 -1.2511429211421736 -0.6504588092240544 -0.9154468968812287 -0.24853924093865745 -0.17979852822012193 -0.23295820288954314 0.07763070013672042 0.0652742147565005 0.4835115807913003 +14985,0.4955585091252103,0,0.5480542249466019 0.30159522314086346 0.0035949732795544417 -0.2256836123012913 -0.5065034462472702 -0.5262893007388925 -0.8941204610148683 -1.000917641991273 -1.0550901250952505 -1.1794288719775419 -1.2511429211421736 -0.6504588092240544 -0.9154468968812287 -0.24853924093865745 -0.17979852822012193 -0.23295820288954314 0.07763070013672042 0.0652742147565005 0.4835115807913003 0.578803558110054 +14986,0.6503628287515353,0,0.30159522314086346 0.0035949732795544417 -0.2256836123012913 -0.5065034462472702 -0.5262893007388925 -0.8941204610148683 -1.000917641991273 -1.0550901250952505 -1.1794288719775419 -1.2511429211421736 -0.6504588092240544 -0.9154468968812287 -0.24853924093865745 -0.17979852822012193 -0.23295820288954314 0.07763070013672042 0.0652742147565005 0.4835115807913003 0.578803558110054 0.4955585091252103 +14987,0.626630121764709,0,0.0035949732795544417 -0.2256836123012913 -0.5065034462472702 -0.5262893007388925 -0.8941204610148683 -1.000917641991273 -1.0550901250952505 -1.1794288719775419 -1.2511429211421736 -0.6504588092240544 -0.9154468968812287 -0.24853924093865745 -0.17979852822012193 -0.23295820288954314 0.07763070013672042 0.0652742147565005 0.4835115807913003 0.578803558110054 0.4955585091252103 0.6503628287515353 +14988,0.33992870409365417,0,-0.2256836123012913 -0.5065034462472702 -0.5262893007388925 -0.8941204610148683 -1.000917641991273 -1.0550901250952505 -1.1794288719775419 -1.2511429211421736 -0.6504588092240544 -0.9154468968812287 -0.24853924093865745 -0.17979852822012193 -0.23295820288954314 0.07763070013672042 0.0652742147565005 0.4835115807913003 0.578803558110054 0.4955585091252103 0.6503628287515353 0.626630121764709 +14989,0.403852234156336,0,-0.5065034462472702 -0.5262893007388925 -0.8941204610148683 -1.000917641991273 -1.0550901250952505 -1.1794288719775419 -1.2511429211421736 -0.6504588092240544 -0.9154468968812287 -0.24853924093865745 -0.17979852822012193 -0.23295820288954314 0.07763070013672042 0.0652742147565005 0.4835115807913003 0.578803558110054 0.4955585091252103 0.6503628287515353 0.626630121764709 0.33992870409365417 +14990,0.20480705338002986,0,-0.5262893007388925 -0.8941204610148683 -1.000917641991273 -1.0550901250952505 -1.1794288719775419 -1.2511429211421736 -0.6504588092240544 -0.9154468968812287 -0.24853924093865745 -0.17979852822012193 -0.23295820288954314 0.07763070013672042 0.0652742147565005 0.4835115807913003 0.578803558110054 0.4955585091252103 0.6503628287515353 0.626630121764709 0.33992870409365417 0.403852234156336 +14991,0.1818812288129484,0,-0.8941204610148683 -1.000917641991273 -1.0550901250952505 -1.1794288719775419 -1.2511429211421736 -0.6504588092240544 -0.9154468968812287 -0.24853924093865745 -0.17979852822012193 -0.23295820288954314 0.07763070013672042 0.0652742147565005 0.4835115807913003 0.578803558110054 0.4955585091252103 0.6503628287515353 0.626630121764709 0.33992870409365417 0.403852234156336 0.20480705338002986 +14992,-0.04577937560664132,0,-1.000917641991273 -1.0550901250952505 -1.1794288719775419 -1.2511429211421736 -0.6504588092240544 -0.9154468968812287 -0.24853924093865745 -0.17979852822012193 -0.23295820288954314 0.07763070013672042 0.0652742147565005 0.4835115807913003 0.578803558110054 0.4955585091252103 0.6503628287515353 0.626630121764709 0.33992870409365417 0.403852234156336 0.20480705338002986 0.1818812288129484 +14993,-0.26828848117762516,0,-1.0550901250952505 -1.1794288719775419 -1.2511429211421736 -0.6504588092240544 -0.9154468968812287 -0.24853924093865745 -0.17979852822012193 -0.23295820288954314 0.07763070013672042 0.0652742147565005 0.4835115807913003 0.578803558110054 0.4955585091252103 0.6503628287515353 0.626630121764709 0.33992870409365417 0.403852234156336 0.20480705338002986 0.1818812288129484 -0.04577937560664132 +14994,-0.3992338109487493,0,-1.1794288719775419 -1.2511429211421736 -0.6504588092240544 -0.9154468968812287 -0.24853924093865745 -0.17979852822012193 -0.23295820288954314 0.07763070013672042 0.0652742147565005 0.4835115807913003 0.578803558110054 0.4955585091252103 0.6503628287515353 0.626630121764709 0.33992870409365417 0.403852234156336 0.20480705338002986 0.1818812288129484 -0.04577937560664132 -0.26828848117762516 +14995,-0.9611395615406492,0,-1.2511429211421736 -0.6504588092240544 -0.9154468968812287 -0.24853924093865745 -0.17979852822012193 -0.23295820288954314 0.07763070013672042 0.0652742147565005 0.4835115807913003 0.578803558110054 0.4955585091252103 0.6503628287515353 0.626630121764709 0.33992870409365417 0.403852234156336 0.20480705338002986 0.1818812288129484 -0.04577937560664132 -0.26828848117762516 -0.3992338109487493 +14996,-1.0649959505771232,0,-0.6504588092240544 -0.9154468968812287 -0.24853924093865745 -0.17979852822012193 -0.23295820288954314 0.07763070013672042 0.0652742147565005 0.4835115807913003 0.578803558110054 0.4955585091252103 0.6503628287515353 0.626630121764709 0.33992870409365417 0.403852234156336 0.20480705338002986 0.1818812288129484 -0.04577937560664132 -0.26828848117762516 -0.3992338109487493 -0.9611395615406492 +14997,-0.6453462693679558,0,-0.9154468968812287 -0.24853924093865745 -0.17979852822012193 -0.23295820288954314 0.07763070013672042 0.0652742147565005 0.4835115807913003 0.578803558110054 0.4955585091252103 0.6503628287515353 0.626630121764709 0.33992870409365417 0.403852234156336 0.20480705338002986 0.1818812288129484 -0.04577937560664132 -0.26828848117762516 -0.3992338109487493 -0.9611395615406492 -1.0649959505771232 +14998,-0.8997000849974524,0,-0.24853924093865745 -0.17979852822012193 -0.23295820288954314 0.07763070013672042 0.0652742147565005 0.4835115807913003 0.578803558110054 0.4955585091252103 0.6503628287515353 0.626630121764709 0.33992870409365417 0.403852234156336 0.20480705338002986 0.1818812288129484 -0.04577937560664132 -0.26828848117762516 -0.3992338109487493 -0.9611395615406492 -1.0649959505771232 -0.6453462693679558 +14999,-0.45903803242838587,0,-0.17979852822012193 -0.23295820288954314 0.07763070013672042 0.0652742147565005 0.4835115807913003 0.578803558110054 0.4955585091252103 0.6503628287515353 0.626630121764709 0.33992870409365417 0.403852234156336 0.20480705338002986 0.1818812288129484 -0.04577937560664132 -0.26828848117762516 -0.3992338109487493 -0.9611395615406492 -1.0649959505771232 -0.6453462693679558 -0.8997000849974524 +15000,-0.45987888409061456,0,-0.23295820288954314 0.07763070013672042 0.0652742147565005 0.4835115807913003 0.578803558110054 0.4955585091252103 0.6503628287515353 0.626630121764709 0.33992870409365417 0.403852234156336 0.20480705338002986 0.1818812288129484 -0.04577937560664132 -0.26828848117762516 -0.3992338109487493 -0.9611395615406492 -1.0649959505771232 -0.6453462693679558 -0.8997000849974524 -0.45903803242838587 +15001,-0.46368138812300796,0,0.07763070013672042 0.0652742147565005 0.4835115807913003 0.578803558110054 0.4955585091252103 0.6503628287515353 0.626630121764709 0.33992870409365417 0.403852234156336 0.20480705338002986 0.1818812288129484 -0.04577937560664132 -0.26828848117762516 -0.3992338109487493 -0.9611395615406492 -1.0649959505771232 -0.6453462693679558 -0.8997000849974524 -0.45903803242838587 -0.45987888409061456 +15002,-0.47951908316956765,0,0.0652742147565005 0.4835115807913003 0.578803558110054 0.4955585091252103 0.6503628287515353 0.626630121764709 0.33992870409365417 0.403852234156336 0.20480705338002986 0.1818812288129484 -0.04577937560664132 -0.26828848117762516 -0.3992338109487493 -0.9611395615406492 -1.0649959505771232 -0.6453462693679558 -0.8997000849974524 -0.45903803242838587 -0.45987888409061456 -0.46368138812300796 +15003,-0.15280029218861366,0,0.4835115807913003 0.578803558110054 0.4955585091252103 0.6503628287515353 0.626630121764709 0.33992870409365417 0.403852234156336 0.20480705338002986 0.1818812288129484 -0.04577937560664132 -0.26828848117762516 -0.3992338109487493 -0.9611395615406492 -1.0649959505771232 -0.6453462693679558 -0.8997000849974524 -0.45903803242838587 -0.45987888409061456 -0.46368138812300796 -0.47951908316956765 +15004,-0.17130475788470273,0,0.578803558110054 0.4955585091252103 0.6503628287515353 0.626630121764709 0.33992870409365417 0.403852234156336 0.20480705338002986 0.1818812288129484 -0.04577937560664132 -0.26828848117762516 -0.3992338109487493 -0.9611395615406492 -1.0649959505771232 -0.6453462693679558 -0.8997000849974524 -0.45903803242838587 -0.45987888409061456 -0.46368138812300796 -0.47951908316956765 -0.15280029218861366 +15005,0.18097116081427322,0,0.4955585091252103 0.6503628287515353 0.626630121764709 0.33992870409365417 0.403852234156336 0.20480705338002986 0.1818812288129484 -0.04577937560664132 -0.26828848117762516 -0.3992338109487493 -0.9611395615406492 -1.0649959505771232 -0.6453462693679558 -0.8997000849974524 -0.45903803242838587 -0.45987888409061456 -0.46368138812300796 -0.47951908316956765 -0.15280029218861366 -0.17130475788470273 +15006,0.23994177813602305,0,0.6503628287515353 0.626630121764709 0.33992870409365417 0.403852234156336 0.20480705338002986 0.1818812288129484 -0.04577937560664132 -0.26828848117762516 -0.3992338109487493 -0.9611395615406492 -1.0649959505771232 -0.6453462693679558 -0.8997000849974524 -0.45903803242838587 -0.45987888409061456 -0.46368138812300796 -0.47951908316956765 -0.15280029218861366 -0.17130475788470273 0.18097116081427322 +15007,0.6899861306790176,0,0.626630121764709 0.33992870409365417 0.403852234156336 0.20480705338002986 0.1818812288129484 -0.04577937560664132 -0.26828848117762516 -0.3992338109487493 -0.9611395615406492 -1.0649959505771232 -0.6453462693679558 -0.8997000849974524 -0.45903803242838587 -0.45987888409061456 -0.46368138812300796 -0.47951908316956765 -0.15280029218861366 -0.17130475788470273 0.18097116081427322 0.23994177813602305 +15008,0.8467251816899916,0,0.33992870409365417 0.403852234156336 0.20480705338002986 0.1818812288129484 -0.04577937560664132 -0.26828848117762516 -0.3992338109487493 -0.9611395615406492 -1.0649959505771232 -0.6453462693679558 -0.8997000849974524 -0.45903803242838587 -0.45987888409061456 -0.46368138812300796 -0.47951908316956765 -0.15280029218861366 -0.17130475788470273 0.18097116081427322 0.23994177813602305 0.6899861306790176 +15009,0.7332537763597805,0,0.403852234156336 0.20480705338002986 0.1818812288129484 -0.04577937560664132 -0.26828848117762516 -0.3992338109487493 -0.9611395615406492 -1.0649959505771232 -0.6453462693679558 -0.8997000849974524 -0.45903803242838587 -0.45987888409061456 -0.46368138812300796 -0.47951908316956765 -0.15280029218861366 -0.17130475788470273 0.18097116081427322 0.23994177813602305 0.6899861306790176 0.8467251816899916 +15010,0.9677483678343295,0,0.20480705338002986 0.1818812288129484 -0.04577937560664132 -0.26828848117762516 -0.3992338109487493 -0.9611395615406492 -1.0649959505771232 -0.6453462693679558 -0.8997000849974524 -0.45903803242838587 -0.45987888409061456 -0.46368138812300796 -0.47951908316956765 -0.15280029218861366 -0.17130475788470273 0.18097116081427322 0.23994177813602305 0.6899861306790176 0.8467251816899916 0.7332537763597805 +15011,0.90920411225484,0,0.1818812288129484 -0.04577937560664132 -0.26828848117762516 -0.3992338109487493 -0.9611395615406492 -1.0649959505771232 -0.6453462693679558 -0.8997000849974524 -0.45903803242838587 -0.45987888409061456 -0.46368138812300796 -0.47951908316956765 -0.15280029218861366 -0.17130475788470273 0.18097116081427322 0.23994177813602305 0.6899861306790176 0.8467251816899916 0.7332537763597805 0.9677483678343295 +15012,0.862770555308575,0,-0.04577937560664132 -0.26828848117762516 -0.3992338109487493 -0.9611395615406492 -1.0649959505771232 -0.6453462693679558 -0.8997000849974524 -0.45903803242838587 -0.45987888409061456 -0.46368138812300796 -0.47951908316956765 -0.15280029218861366 -0.17130475788470273 0.18097116081427322 0.23994177813602305 0.6899861306790176 0.8467251816899916 0.7332537763597805 0.9677483678343295 0.90920411225484 +15013,0.8203993393169134,0,-0.26828848117762516 -0.3992338109487493 -0.9611395615406492 -1.0649959505771232 -0.6453462693679558 -0.8997000849974524 -0.45903803242838587 -0.45987888409061456 -0.46368138812300796 -0.47951908316956765 -0.15280029218861366 -0.17130475788470273 0.18097116081427322 0.23994177813602305 0.6899861306790176 0.8467251816899916 0.7332537763597805 0.9677483678343295 0.90920411225484 0.862770555308575 +15014,0.6244116296510878,0,-0.3992338109487493 -0.9611395615406492 -1.0649959505771232 -0.6453462693679558 -0.8997000849974524 -0.45903803242838587 -0.45987888409061456 -0.46368138812300796 -0.47951908316956765 -0.15280029218861366 -0.17130475788470273 0.18097116081427322 0.23994177813602305 0.6899861306790176 0.8467251816899916 0.7332537763597805 0.9677483678343295 0.90920411225484 0.862770555308575 0.8203993393169134 +15015,0.4324862609398653,0,-0.9611395615406492 -1.0649959505771232 -0.6453462693679558 -0.8997000849974524 -0.45903803242838587 -0.45987888409061456 -0.46368138812300796 -0.47951908316956765 -0.15280029218861366 -0.17130475788470273 0.18097116081427322 0.23994177813602305 0.6899861306790176 0.8467251816899916 0.7332537763597805 0.9677483678343295 0.90920411225484 0.862770555308575 0.8203993393169134 0.6244116296510878 +15016,0.27958075154375167,0,-1.0649959505771232 -0.6453462693679558 -0.8997000849974524 -0.45903803242838587 -0.45987888409061456 -0.46368138812300796 -0.47951908316956765 -0.15280029218861366 -0.17130475788470273 0.18097116081427322 0.23994177813602305 0.6899861306790176 0.8467251816899916 0.7332537763597805 0.9677483678343295 0.90920411225484 0.862770555308575 0.8203993393169134 0.6244116296510878 0.4324862609398653 +15017,-0.15249133165874065,0,-0.6453462693679558 -0.8997000849974524 -0.45903803242838587 -0.45987888409061456 -0.46368138812300796 -0.47951908316956765 -0.15280029218861366 -0.17130475788470273 0.18097116081427322 0.23994177813602305 0.6899861306790176 0.8467251816899916 0.7332537763597805 0.9677483678343295 0.90920411225484 0.862770555308575 0.8203993393169134 0.6244116296510878 0.4324862609398653 0.27958075154375167 +15018,0.0037497518027049923,0,-0.8997000849974524 -0.45903803242838587 -0.45987888409061456 -0.46368138812300796 -0.47951908316956765 -0.15280029218861366 -0.17130475788470273 0.18097116081427322 0.23994177813602305 0.6899861306790176 0.8467251816899916 0.7332537763597805 0.9677483678343295 0.90920411225484 0.862770555308575 0.8203993393169134 0.6244116296510878 0.4324862609398653 0.27958075154375167 -0.15249133165874065 +15019,-0.13393528369812457,0,-0.45903803242838587 -0.45987888409061456 -0.46368138812300796 -0.47951908316956765 -0.15280029218861366 -0.17130475788470273 0.18097116081427322 0.23994177813602305 0.6899861306790176 0.8467251816899916 0.7332537763597805 0.9677483678343295 0.90920411225484 0.862770555308575 0.8203993393169134 0.6244116296510878 0.4324862609398653 0.27958075154375167 -0.15249133165874065 0.0037497518027049923 +15020,-0.5193677313279296,0,-0.45987888409061456 -0.46368138812300796 -0.47951908316956765 -0.15280029218861366 -0.17130475788470273 0.18097116081427322 0.23994177813602305 0.6899861306790176 0.8467251816899916 0.7332537763597805 0.9677483678343295 0.90920411225484 0.862770555308575 0.8203993393169134 0.6244116296510878 0.4324862609398653 0.27958075154375167 -0.15249133165874065 0.0037497518027049923 -0.13393528369812457 +15021,-0.47862970627343543,0,-0.46368138812300796 -0.47951908316956765 -0.15280029218861366 -0.17130475788470273 0.18097116081427322 0.23994177813602305 0.6899861306790176 0.8467251816899916 0.7332537763597805 0.9677483678343295 0.90920411225484 0.862770555308575 0.8203993393169134 0.6244116296510878 0.4324862609398653 0.27958075154375167 -0.15249133165874065 0.0037497518027049923 -0.13393528369812457 -0.5193677313279296 +15022,-0.9673822952562727,0,-0.47951908316956765 -0.15280029218861366 -0.17130475788470273 0.18097116081427322 0.23994177813602305 0.6899861306790176 0.8467251816899916 0.7332537763597805 0.9677483678343295 0.90920411225484 0.862770555308575 0.8203993393169134 0.6244116296510878 0.4324862609398653 0.27958075154375167 -0.15249133165874065 0.0037497518027049923 -0.13393528369812457 -0.5193677313279296 -0.47862970627343543 +15023,-1.029964411554811,0,-0.15280029218861366 -0.17130475788470273 0.18097116081427322 0.23994177813602305 0.6899861306790176 0.8467251816899916 0.7332537763597805 0.9677483678343295 0.90920411225484 0.862770555308575 0.8203993393169134 0.6244116296510878 0.4324862609398653 0.27958075154375167 -0.15249133165874065 0.0037497518027049923 -0.13393528369812457 -0.5193677313279296 -0.47862970627343543 -0.9673822952562727 +15024,-0.375457629925109,0,-0.17130475788470273 0.18097116081427322 0.23994177813602305 0.6899861306790176 0.8467251816899916 0.7332537763597805 0.9677483678343295 0.90920411225484 0.862770555308575 0.8203993393169134 0.6244116296510878 0.4324862609398653 0.27958075154375167 -0.15249133165874065 0.0037497518027049923 -0.13393528369812457 -0.5193677313279296 -0.47862970627343543 -0.9673822952562727 -1.029964411554811 +15025,-0.36617091853585604,0,0.18097116081427322 0.23994177813602305 0.6899861306790176 0.8467251816899916 0.7332537763597805 0.9677483678343295 0.90920411225484 0.862770555308575 0.8203993393169134 0.6244116296510878 0.4324862609398653 0.27958075154375167 -0.15249133165874065 0.0037497518027049923 -0.13393528369812457 -0.5193677313279296 -0.47862970627343543 -0.9673822952562727 -1.029964411554811 -0.375457629925109 +15026,-0.274610663173518,0,0.23994177813602305 0.6899861306790176 0.8467251816899916 0.7332537763597805 0.9677483678343295 0.90920411225484 0.862770555308575 0.8203993393169134 0.6244116296510878 0.4324862609398653 0.27958075154375167 -0.15249133165874065 0.0037497518027049923 -0.13393528369812457 -0.5193677313279296 -0.47862970627343543 -0.9673822952562727 -1.029964411554811 -0.375457629925109 -0.36617091853585604 +15027,0.1253139879437191,0,0.6899861306790176 0.8467251816899916 0.7332537763597805 0.9677483678343295 0.90920411225484 0.862770555308575 0.8203993393169134 0.6244116296510878 0.4324862609398653 0.27958075154375167 -0.15249133165874065 0.0037497518027049923 -0.13393528369812457 -0.5193677313279296 -0.47862970627343543 -0.9673822952562727 -1.029964411554811 -0.375457629925109 -0.36617091853585604 -0.274610663173518 +15028,0.38104819846321636,0,0.8467251816899916 0.7332537763597805 0.9677483678343295 0.90920411225484 0.862770555308575 0.8203993393169134 0.6244116296510878 0.4324862609398653 0.27958075154375167 -0.15249133165874065 0.0037497518027049923 -0.13393528369812457 -0.5193677313279296 -0.47862970627343543 -0.9673822952562727 -1.029964411554811 -0.375457629925109 -0.36617091853585604 -0.274610663173518 0.1253139879437191 +15029,0.7905405777850132,0,0.7332537763597805 0.9677483678343295 0.90920411225484 0.862770555308575 0.8203993393169134 0.6244116296510878 0.4324862609398653 0.27958075154375167 -0.15249133165874065 0.0037497518027049923 -0.13393528369812457 -0.5193677313279296 -0.47862970627343543 -0.9673822952562727 -1.029964411554811 -0.375457629925109 -0.36617091853585604 -0.274610663173518 0.1253139879437191 0.38104819846321636 +15030,0.8195873473485421,0,0.9677483678343295 0.90920411225484 0.862770555308575 0.8203993393169134 0.6244116296510878 0.4324862609398653 0.27958075154375167 -0.15249133165874065 0.0037497518027049923 -0.13393528369812457 -0.5193677313279296 -0.47862970627343543 -0.9673822952562727 -1.029964411554811 -0.375457629925109 -0.36617091853585604 -0.274610663173518 0.1253139879437191 0.38104819846321636 0.7905405777850132 +15031,1.3558949300778864,0,0.90920411225484 0.862770555308575 0.8203993393169134 0.6244116296510878 0.4324862609398653 0.27958075154375167 -0.15249133165874065 0.0037497518027049923 -0.13393528369812457 -0.5193677313279296 -0.47862970627343543 -0.9673822952562727 -1.029964411554811 -0.375457629925109 -0.36617091853585604 -0.274610663173518 0.1253139879437191 0.38104819846321636 0.7905405777850132 0.8195873473485421 +15032,1.5117569028941773,0,0.862770555308575 0.8203993393169134 0.6244116296510878 0.4324862609398653 0.27958075154375167 -0.15249133165874065 0.0037497518027049923 -0.13393528369812457 -0.5193677313279296 -0.47862970627343543 -0.9673822952562727 -1.029964411554811 -0.375457629925109 -0.36617091853585604 -0.274610663173518 0.1253139879437191 0.38104819846321636 0.7905405777850132 0.8195873473485421 1.3558949300778864 +15033,1.3996198628689551,0,0.8203993393169134 0.6244116296510878 0.4324862609398653 0.27958075154375167 -0.15249133165874065 0.0037497518027049923 -0.13393528369812457 -0.5193677313279296 -0.47862970627343543 -0.9673822952562727 -1.029964411554811 -0.375457629925109 -0.36617091853585604 -0.274610663173518 0.1253139879437191 0.38104819846321636 0.7905405777850132 0.8195873473485421 1.3558949300778864 1.5117569028941773 +15034,1.6448148400173395,0,0.6244116296510878 0.4324862609398653 0.27958075154375167 -0.15249133165874065 0.0037497518027049923 -0.13393528369812457 -0.5193677313279296 -0.47862970627343543 -0.9673822952562727 -1.029964411554811 -0.375457629925109 -0.36617091853585604 -0.274610663173518 0.1253139879437191 0.38104819846321636 0.7905405777850132 0.8195873473485421 1.3558949300778864 1.5117569028941773 1.3996198628689551 +15035,1.6220108041694343,0,0.4324862609398653 0.27958075154375167 -0.15249133165874065 0.0037497518027049923 -0.13393528369812457 -0.5193677313279296 -0.47862970627343543 -0.9673822952562727 -1.029964411554811 -0.375457629925109 -0.36617091853585604 -0.274610663173518 0.1253139879437191 0.38104819846321636 0.7905405777850132 0.8195873473485421 1.3558949300778864 1.5117569028941773 1.3996198628689551 1.6448148400173395 +15036,1.297698205371907,0,0.27958075154375167 -0.15249133165874065 0.0037497518027049923 -0.13393528369812457 -0.5193677313279296 -0.47862970627343543 -0.9673822952562727 -1.029964411554811 -0.375457629925109 -0.36617091853585604 -0.274610663173518 0.1253139879437191 0.38104819846321636 0.7905405777850132 0.8195873473485421 1.3558949300778864 1.5117569028941773 1.3996198628689551 1.6448148400173395 1.6220108041694343 +15037,1.2182067886364358,0,-0.15249133165874065 0.0037497518027049923 -0.13393528369812457 -0.5193677313279296 -0.47862970627343543 -0.9673822952562727 -1.029964411554811 -0.375457629925109 -0.36617091853585604 -0.274610663173518 0.1253139879437191 0.38104819846321636 0.7905405777850132 0.8195873473485421 1.3558949300778864 1.5117569028941773 1.3996198628689551 1.6448148400173395 1.6220108041694343 1.297698205371907 +15038,0.9907273767784246,0,0.0037497518027049923 -0.13393528369812457 -0.5193677313279296 -0.47862970627343543 -0.9673822952562727 -1.029964411554811 -0.375457629925109 -0.36617091853585604 -0.274610663173518 0.1253139879437191 0.38104819846321636 0.7905405777850132 0.8195873473485421 1.3558949300778864 1.5117569028941773 1.3996198628689551 1.6448148400173395 1.6220108041694343 1.297698205371907 1.2182067886364358 +15039,0.5842030658609118,0,-0.13393528369812457 -0.5193677313279296 -0.47862970627343543 -0.9673822952562727 -1.029964411554811 -0.375457629925109 -0.36617091853585604 -0.274610663173518 0.1253139879437191 0.38104819846321636 0.7905405777850132 0.8195873473485421 1.3558949300778864 1.5117569028941773 1.3996198628689551 1.6448148400173395 1.6220108041694343 1.297698205371907 1.2182067886364358 0.9907273767784246 +15040,0.3998795853437857,0,-0.5193677313279296 -0.47862970627343543 -0.9673822952562727 -1.029964411554811 -0.375457629925109 -0.36617091853585604 -0.274610663173518 0.1253139879437191 0.38104819846321636 0.7905405777850132 0.8195873473485421 1.3558949300778864 1.5117569028941773 1.3996198628689551 1.6448148400173395 1.6220108041694343 1.297698205371907 1.2182067886364358 0.9907273767784246 0.5842030658609118 +15041,0.03651120592194391,0,-0.47862970627343543 -0.9673822952562727 -1.029964411554811 -0.375457629925109 -0.36617091853585604 -0.274610663173518 0.1253139879437191 0.38104819846321636 0.7905405777850132 0.8195873473485421 1.3558949300778864 1.5117569028941773 1.3996198628689551 1.6448148400173395 1.6220108041694343 1.297698205371907 1.2182067886364358 0.9907273767784246 0.5842030658609118 0.3998795853437857 +15042,0.05583272484409697,0,-0.9673822952562727 -1.029964411554811 -0.375457629925109 -0.36617091853585604 -0.274610663173518 0.1253139879437191 0.38104819846321636 0.7905405777850132 0.8195873473485421 1.3558949300778864 1.5117569028941773 1.3996198628689551 1.6448148400173395 1.6220108041694343 1.297698205371907 1.2182067886364358 0.9907273767784246 0.5842030658609118 0.3998795853437857 0.03651120592194391 +15043,-0.43509895412893945,0,-1.029964411554811 -0.375457629925109 -0.36617091853585604 -0.274610663173518 0.1253139879437191 0.38104819846321636 0.7905405777850132 0.8195873473485421 1.3558949300778864 1.5117569028941773 1.3996198628689551 1.6448148400173395 1.6220108041694343 1.297698205371907 1.2182067886364358 0.9907273767784246 0.5842030658609118 0.3998795853437857 0.03651120592194391 0.05583272484409697 +15044,-0.5433407347579722,0,-0.375457629925109 -0.36617091853585604 -0.274610663173518 0.1253139879437191 0.38104819846321636 0.7905405777850132 0.8195873473485421 1.3558949300778864 1.5117569028941773 1.3996198628689551 1.6448148400173395 1.6220108041694343 1.297698205371907 1.2182067886364358 0.9907273767784246 0.5842030658609118 0.3998795853437857 0.03651120592194391 0.05583272484409697 -0.43509895412893945 +15045,-0.22309528387163324,0,-0.36617091853585604 -0.274610663173518 0.1253139879437191 0.38104819846321636 0.7905405777850132 0.8195873473485421 1.3558949300778864 1.5117569028941773 1.3996198628689551 1.6448148400173395 1.6220108041694343 1.297698205371907 1.2182067886364358 0.9907273767784246 0.5842030658609118 0.3998795853437857 0.03651120592194391 0.05583272484409697 -0.43509895412893945 -0.5433407347579722 +15046,-0.1665066236669301,0,-0.274610663173518 0.1253139879437191 0.38104819846321636 0.7905405777850132 0.8195873473485421 1.3558949300778864 1.5117569028941773 1.3996198628689551 1.6448148400173395 1.6220108041694343 1.297698205371907 1.2182067886364358 0.9907273767784246 0.5842030658609118 0.3998795853437857 0.03651120592194391 0.05583272484409697 -0.43509895412893945 -0.5433407347579722 -0.22309528387163324 +15047,-0.3199599148420307,0,0.1253139879437191 0.38104819846321636 0.7905405777850132 0.8195873473485421 1.3558949300778864 1.5117569028941773 1.3996198628689551 1.6448148400173395 1.6220108041694343 1.297698205371907 1.2182067886364358 0.9907273767784246 0.5842030658609118 0.3998795853437857 0.03651120592194391 0.05583272484409697 -0.43509895412893945 -0.5433407347579722 -0.22309528387163324 -0.1665066236669301 +15048,-0.2500870261701981,0,0.38104819846321636 0.7905405777850132 0.8195873473485421 1.3558949300778864 1.5117569028941773 1.3996198628689551 1.6448148400173395 1.6220108041694343 1.297698205371907 1.2182067886364358 0.9907273767784246 0.5842030658609118 0.3998795853437857 0.03651120592194391 0.05583272484409697 -0.43509895412893945 -0.5433407347579722 -0.22309528387163324 -0.1665066236669301 -0.3199599148420307 +15049,-0.1526321999264599,0,0.7905405777850132 0.8195873473485421 1.3558949300778864 1.5117569028941773 1.3996198628689551 1.6448148400173395 1.6220108041694343 1.297698205371907 1.2182067886364358 0.9907273767784246 0.5842030658609118 0.3998795853437857 0.03651120592194391 0.05583272484409697 -0.43509895412893945 -0.5433407347579722 -0.22309528387163324 -0.1665066236669301 -0.3199599148420307 -0.2500870261701981 +15050,0.11036433250686406,0,0.8195873473485421 1.3558949300778864 1.5117569028941773 1.3996198628689551 1.6448148400173395 1.6220108041694343 1.297698205371907 1.2182067886364358 0.9907273767784246 0.5842030658609118 0.3998795853437857 0.03651120592194391 0.05583272484409697 -0.43509895412893945 -0.5433407347579722 -0.22309528387163324 -0.1665066236669301 -0.3199599148420307 -0.2500870261701981 -0.1526321999264599 +15051,0.5512950686741819,0,1.3558949300778864 1.5117569028941773 1.3996198628689551 1.6448148400173395 1.6220108041694343 1.297698205371907 1.2182067886364358 0.9907273767784246 0.5842030658609118 0.3998795853437857 0.03651120592194391 0.05583272484409697 -0.43509895412893945 -0.5433407347579722 -0.22309528387163324 -0.1665066236669301 -0.3199599148420307 -0.2500870261701981 -0.1526321999264599 0.11036433250686406 +15052,0.7707289268212765,0,1.5117569028941773 1.3996198628689551 1.6448148400173395 1.6220108041694343 1.297698205371907 1.2182067886364358 0.9907273767784246 0.5842030658609118 0.3998795853437857 0.03651120592194391 0.05583272484409697 -0.43509895412893945 -0.5433407347579722 -0.22309528387163324 -0.1665066236669301 -0.3199599148420307 -0.2500870261701981 -0.1526321999264599 0.11036433250686406 0.5512950686741819 +15053,1.1680969887023736,0,1.3996198628689551 1.6448148400173395 1.6220108041694343 1.297698205371907 1.2182067886364358 0.9907273767784246 0.5842030658609118 0.3998795853437857 0.03651120592194391 0.05583272484409697 -0.43509895412893945 -0.5433407347579722 -0.22309528387163324 -0.1665066236669301 -0.3199599148420307 -0.2500870261701981 -0.1526321999264599 0.11036433250686406 0.5512950686741819 0.7707289268212765 +15054,1.127132272855962,0,1.6448148400173395 1.6220108041694343 1.297698205371907 1.2182067886364358 0.9907273767784246 0.5842030658609118 0.3998795853437857 0.03651120592194391 0.05583272484409697 -0.43509895412893945 -0.5433407347579722 -0.22309528387163324 -0.1665066236669301 -0.3199599148420307 -0.2500870261701981 -0.1526321999264599 0.11036433250686406 0.5512950686741819 0.7707289268212765 1.1680969887023736 +15055,1.6706112604398509,0,1.6220108041694343 1.297698205371907 1.2182067886364358 0.9907273767784246 0.5842030658609118 0.3998795853437857 0.03651120592194391 0.05583272484409697 -0.43509895412893945 -0.5433407347579722 -0.22309528387163324 -0.1665066236669301 -0.3199599148420307 -0.2500870261701981 -0.1526321999264599 0.11036433250686406 0.5512950686741819 0.7707289268212765 1.1680969887023736 1.127132272855962 +15056,1.7757574706058021,0,1.297698205371907 1.2182067886364358 0.9907273767784246 0.5842030658609118 0.3998795853437857 0.03651120592194391 0.05583272484409697 -0.43509895412893945 -0.5433407347579722 -0.22309528387163324 -0.1665066236669301 -0.3199599148420307 -0.2500870261701981 -0.1526321999264599 0.11036433250686406 0.5512950686741819 0.7707289268212765 1.1680969887023736 1.127132272855962 1.6706112604398509 +15057,1.4246165943583586,0,1.2182067886364358 0.9907273767784246 0.5842030658609118 0.3998795853437857 0.03651120592194391 0.05583272484409697 -0.43509895412893945 -0.5433407347579722 -0.22309528387163324 -0.1665066236669301 -0.3199599148420307 -0.2500870261701981 -0.1526321999264599 0.11036433250686406 0.5512950686741819 0.7707289268212765 1.1680969887023736 1.127132272855962 1.6706112604398509 1.7757574706058021 +15058,1.534509345797845,0,0.9907273767784246 0.5842030658609118 0.3998795853437857 0.03651120592194391 0.05583272484409697 -0.43509895412893945 -0.5433407347579722 -0.22309528387163324 -0.1665066236669301 -0.3199599148420307 -0.2500870261701981 -0.1526321999264599 0.11036433250686406 0.5512950686741819 0.7707289268212765 1.1680969887023736 1.127132272855962 1.6706112604398509 1.7757574706058021 1.4246165943583586 +15059,1.583839035972419,0,0.5842030658609118 0.3998795853437857 0.03651120592194391 0.05583272484409697 -0.43509895412893945 -0.5433407347579722 -0.22309528387163324 -0.1665066236669301 -0.3199599148420307 -0.2500870261701981 -0.1526321999264599 0.11036433250686406 0.5512950686741819 0.7707289268212765 1.1680969887023736 1.127132272855962 1.6706112604398509 1.7757574706058021 1.4246165943583586 1.534509345797845 +15060,1.4865280036200392,0,0.3998795853437857 0.03651120592194391 0.05583272484409697 -0.43509895412893945 -0.5433407347579722 -0.22309528387163324 -0.1665066236669301 -0.3199599148420307 -0.2500870261701981 -0.1526321999264599 0.11036433250686406 0.5512950686741819 0.7707289268212765 1.1680969887023736 1.127132272855962 1.6706112604398509 1.7757574706058021 1.4246165943583586 1.534509345797845 1.583839035972419 +15061,1.3774559722646127,0,0.03651120592194391 0.05583272484409697 -0.43509895412893945 -0.5433407347579722 -0.22309528387163324 -0.1665066236669301 -0.3199599148420307 -0.2500870261701981 -0.1526321999264599 0.11036433250686406 0.5512950686741819 0.7707289268212765 1.1680969887023736 1.127132272855962 1.6706112604398509 1.7757574706058021 1.4246165943583586 1.534509345797845 1.583839035972419 1.4865280036200392 +15062,1.0725962571008603,0,0.05583272484409697 -0.43509895412893945 -0.5433407347579722 -0.22309528387163324 -0.1665066236669301 -0.3199599148420307 -0.2500870261701981 -0.1526321999264599 0.11036433250686406 0.5512950686741819 0.7707289268212765 1.1680969887023736 1.127132272855962 1.6706112604398509 1.7757574706058021 1.4246165943583586 1.534509345797845 1.583839035972419 1.4865280036200392 1.3774559722646127 +15063,0.7668078709529639,0,-0.43509895412893945 -0.5433407347579722 -0.22309528387163324 -0.1665066236669301 -0.3199599148420307 -0.2500870261701981 -0.1526321999264599 0.11036433250686406 0.5512950686741819 0.7707289268212765 1.1680969887023736 1.127132272855962 1.6706112604398509 1.7757574706058021 1.4246165943583586 1.534509345797845 1.583839035972419 1.4865280036200392 1.3774559722646127 1.0725962571008603 +15064,0.6097373255164777,0,-0.5433407347579722 -0.22309528387163324 -0.1665066236669301 -0.3199599148420307 -0.2500870261701981 -0.1526321999264599 0.11036433250686406 0.5512950686741819 0.7707289268212765 1.1680969887023736 1.127132272855962 1.6706112604398509 1.7757574706058021 1.4246165943583586 1.534509345797845 1.583839035972419 1.4865280036200392 1.3774559722646127 1.0725962571008603 0.7668078709529639 +15065,0.16659158594345538,0,-0.22309528387163324 -0.1665066236669301 -0.3199599148420307 -0.2500870261701981 -0.1526321999264599 0.11036433250686406 0.5512950686741819 0.7707289268212765 1.1680969887023736 1.127132272855962 1.6706112604398509 1.7757574706058021 1.4246165943583586 1.534509345797845 1.583839035972419 1.4865280036200392 1.3774559722646127 1.0725962571008603 0.7668078709529639 0.6097373255164777 +15066,0.19456889890684934,0,-0.1665066236669301 -0.3199599148420307 -0.2500870261701981 -0.1526321999264599 0.11036433250686406 0.5512950686741819 0.7707289268212765 1.1680969887023736 1.127132272855962 1.6706112604398509 1.7757574706058021 1.4246165943583586 1.534509345797845 1.583839035972419 1.4865280036200392 1.3774559722646127 1.0725962571008603 0.7668078709529639 0.6097373255164777 0.16659158594345538 +15067,-0.36255941971385336,0,-0.3199599148420307 -0.2500870261701981 -0.1526321999264599 0.11036433250686406 0.5512950686741819 0.7707289268212765 1.1680969887023736 1.127132272855962 1.6706112604398509 1.7757574706058021 1.4246165943583586 1.534509345797845 1.583839035972419 1.4865280036200392 1.3774559722646127 1.0725962571008603 0.7668078709529639 0.6097373255164777 0.16659158594345538 0.19456889890684934 +15068,-0.4485646856433541,0,-0.2500870261701981 -0.1526321999264599 0.11036433250686406 0.5512950686741819 0.7707289268212765 1.1680969887023736 1.127132272855962 1.6706112604398509 1.7757574706058021 1.4246165943583586 1.534509345797845 1.583839035972419 1.4865280036200392 1.3774559722646127 1.0725962571008603 0.7668078709529639 0.6097373255164777 0.16659158594345538 0.19456889890684934 -0.36255941971385336 +15069,-0.47203942837334,0,-0.1526321999264599 0.11036433250686406 0.5512950686741819 0.7707289268212765 1.1680969887023736 1.127132272855962 1.6706112604398509 1.7757574706058021 1.4246165943583586 1.534509345797845 1.583839035972419 1.4865280036200392 1.3774559722646127 1.0725962571008603 0.7668078709529639 0.6097373255164777 0.16659158594345538 0.19456889890684934 -0.36255941971385336 -0.4485646856433541 +15070,-0.5788882021392058,0,0.11036433250686406 0.5512950686741819 0.7707289268212765 1.1680969887023736 1.127132272855962 1.6706112604398509 1.7757574706058021 1.4246165943583586 1.534509345797845 1.583839035972419 1.4865280036200392 1.3774559722646127 1.0725962571008603 0.7668078709529639 0.6097373255164777 0.16659158594345538 0.19456889890684934 -0.36255941971385336 -0.4485646856433541 -0.47203942837334 +15071,-0.6232064527055479,0,0.5512950686741819 0.7707289268212765 1.1680969887023736 1.127132272855962 1.6706112604398509 1.7757574706058021 1.4246165943583586 1.534509345797845 1.583839035972419 1.4865280036200392 1.3774559722646127 1.0725962571008603 0.7668078709529639 0.6097373255164777 0.16659158594345538 0.19456889890684934 -0.36255941971385336 -0.4485646856433541 -0.47203942837334 -0.5788882021392058 +15072,-0.14019427473071183,0,0.7707289268212765 1.1680969887023736 1.127132272855962 1.6706112604398509 1.7757574706058021 1.4246165943583586 1.534509345797845 1.583839035972419 1.4865280036200392 1.3774559722646127 1.0725962571008603 0.7668078709529639 0.6097373255164777 0.16659158594345538 0.19456889890684934 -0.36255941971385336 -0.4485646856433541 -0.47203942837334 -0.5788882021392058 -0.6232064527055479 +15073,-0.11135442083585742,0,1.1680969887023736 1.127132272855962 1.6706112604398509 1.7757574706058021 1.4246165943583586 1.534509345797845 1.583839035972419 1.4865280036200392 1.3774559722646127 1.0725962571008603 0.7668078709529639 0.6097373255164777 0.16659158594345538 0.19456889890684934 -0.36255941971385336 -0.4485646856433541 -0.47203942837334 -0.5788882021392058 -0.6232064527055479 -0.14019427473071183 +15074,0.017679818886580066,0,1.127132272855962 1.6706112604398509 1.7757574706058021 1.4246165943583586 1.534509345797845 1.583839035972419 1.4865280036200392 1.3774559722646127 1.0725962571008603 0.7668078709529639 0.6097373255164777 0.16659158594345538 0.19456889890684934 -0.36255941971385336 -0.4485646856433541 -0.47203942837334 -0.5788882021392058 -0.6232064527055479 -0.14019427473071183 -0.11135442083585742 +15075,0.15539549217695614,0,1.6706112604398509 1.7757574706058021 1.4246165943583586 1.534509345797845 1.583839035972419 1.4865280036200392 1.3774559722646127 1.0725962571008603 0.7668078709529639 0.6097373255164777 0.16659158594345538 0.19456889890684934 -0.36255941971385336 -0.4485646856433541 -0.47203942837334 -0.5788882021392058 -0.6232064527055479 -0.14019427473071183 -0.11135442083585742 0.017679818886580066 +15076,0.6493825646683766,0,1.7757574706058021 1.4246165943583586 1.534509345797845 1.583839035972419 1.4865280036200392 1.3774559722646127 1.0725962571008603 0.7668078709529639 0.6097373255164777 0.16659158594345538 0.19456889890684934 -0.36255941971385336 -0.4485646856433541 -0.47203942837334 -0.5788882021392058 -0.6232064527055479 -0.14019427473071183 -0.11135442083585742 0.017679818886580066 0.15539549217695614 +15077,0.9692065864492093,0,1.4246165943583586 1.534509345797845 1.583839035972419 1.4865280036200392 1.3774559722646127 1.0725962571008603 0.7668078709529639 0.6097373255164777 0.16659158594345538 0.19456889890684934 -0.36255941971385336 -0.4485646856433541 -0.47203942837334 -0.5788882021392058 -0.6232064527055479 -0.14019427473071183 -0.11135442083585742 0.017679818886580066 0.15539549217695614 0.6493825646683766 +15078,0.9876768234940255,0,1.534509345797845 1.583839035972419 1.4865280036200392 1.3774559722646127 1.0725962571008603 0.7668078709529639 0.6097373255164777 0.16659158594345538 0.19456889890684934 -0.36255941971385336 -0.4485646856433541 -0.47203942837334 -0.5788882021392058 -0.6232064527055479 -0.14019427473071183 -0.11135442083585742 0.017679818886580066 0.15539549217695614 0.6493825646683766 0.9692065864492093 +15079,1.4079521066471552,0,1.583839035972419 1.4865280036200392 1.3774559722646127 1.0725962571008603 0.7668078709529639 0.6097373255164777 0.16659158594345538 0.19456889890684934 -0.36255941971385336 -0.4485646856433541 -0.47203942837334 -0.5788882021392058 -0.6232064527055479 -0.14019427473071183 -0.11135442083585742 0.017679818886580066 0.15539549217695614 0.6493825646683766 0.9692065864492093 0.9876768234940255 +15080,1.526873605373831,0,1.4865280036200392 1.3774559722646127 1.0725962571008603 0.7668078709529639 0.6097373255164777 0.16659158594345538 0.19456889890684934 -0.36255941971385336 -0.4485646856433541 -0.47203942837334 -0.5788882021392058 -0.6232064527055479 -0.14019427473071183 -0.11135442083585742 0.017679818886580066 0.15539549217695614 0.6493825646683766 0.9692065864492093 0.9876768234940255 1.4079521066471552 +15081,1.27363790066366,0,1.3774559722646127 1.0725962571008603 0.7668078709529639 0.6097373255164777 0.16659158594345538 0.19456889890684934 -0.36255941971385336 -0.4485646856433541 -0.47203942837334 -0.5788882021392058 -0.6232064527055479 -0.14019427473071183 -0.11135442083585742 0.017679818886580066 0.15539549217695614 0.6493825646683766 0.9692065864492093 0.9876768234940255 1.4079521066471552 1.526873605373831 +15082,1.2651947155095171,0,1.0725962571008603 0.7668078709529639 0.6097373255164777 0.16659158594345538 0.19456889890684934 -0.36255941971385336 -0.4485646856433541 -0.47203942837334 -0.5788882021392058 -0.6232064527055479 -0.14019427473071183 -0.11135442083585742 0.017679818886580066 0.15539549217695614 0.6493825646683766 0.9692065864492093 0.9876768234940255 1.4079521066471552 1.526873605373831 1.27363790066366 +15083,1.29411455569479,0,0.7668078709529639 0.6097373255164777 0.16659158594345538 0.19456889890684934 -0.36255941971385336 -0.4485646856433541 -0.47203942837334 -0.5788882021392058 -0.6232064527055479 -0.14019427473071183 -0.11135442083585742 0.017679818886580066 0.15539549217695614 0.6493825646683766 0.9692065864492093 0.9876768234940255 1.4079521066471552 1.526873605373831 1.27363790066366 1.2651947155095171 +15084,1.0856669919668482,0,0.6097373255164777 0.16659158594345538 0.19456889890684934 -0.36255941971385336 -0.4485646856433541 -0.47203942837334 -0.5788882021392058 -0.6232064527055479 -0.14019427473071183 -0.11135442083585742 0.017679818886580066 0.15539549217695614 0.6493825646683766 0.9692065864492093 0.9876768234940255 1.4079521066471552 1.526873605373831 1.27363790066366 1.2651947155095171 1.29411455569479 +15085,1.1464795882502383,0,0.16659158594345538 0.19456889890684934 -0.36255941971385336 -0.4485646856433541 -0.47203942837334 -0.5788882021392058 -0.6232064527055479 -0.14019427473071183 -0.11135442083585742 0.017679818886580066 0.15539549217695614 0.6493825646683766 0.9692065864492093 0.9876768234940255 1.4079521066471552 1.526873605373831 1.27363790066366 1.2651947155095171 1.29411455569479 1.0856669919668482 +15086,0.9172525954588534,0,0.19456889890684934 -0.36255941971385336 -0.4485646856433541 -0.47203942837334 -0.5788882021392058 -0.6232064527055479 -0.14019427473071183 -0.11135442083585742 0.017679818886580066 0.15539549217695614 0.6493825646683766 0.9692065864492093 0.9876768234940255 1.4079521066471552 1.526873605373831 1.27363790066366 1.2651947155095171 1.29411455569479 1.0856669919668482 1.1464795882502383 +15087,0.5347948647447986,0,-0.36255941971385336 -0.4485646856433541 -0.47203942837334 -0.5788882021392058 -0.6232064527055479 -0.14019427473071183 -0.11135442083585742 0.017679818886580066 0.15539549217695614 0.6493825646683766 0.9692065864492093 0.9876768234940255 1.4079521066471552 1.526873605373831 1.27363790066366 1.2651947155095171 1.29411455569479 1.0856669919668482 1.1464795882502383 0.9172525954588534 +15088,0.3566447845943007,0,-0.4485646856433541 -0.47203942837334 -0.5788882021392058 -0.6232064527055479 -0.14019427473071183 -0.11135442083585742 0.017679818886580066 0.15539549217695614 0.6493825646683766 0.9692065864492093 0.9876768234940255 1.4079521066471552 1.526873605373831 1.27363790066366 1.2651947155095171 1.29411455569479 1.0856669919668482 1.1464795882502383 0.9172525954588534 0.5347948647447986 +15089,0.025263966521141802,0,-0.47203942837334 -0.5788882021392058 -0.6232064527055479 -0.14019427473071183 -0.11135442083585742 0.017679818886580066 0.15539549217695614 0.6493825646683766 0.9692065864492093 0.9876768234940255 1.4079521066471552 1.526873605373831 1.27363790066366 1.2651947155095171 1.29411455569479 1.0856669919668482 1.1464795882502383 0.9172525954588534 0.5347948647447986 0.3566447845943007 +15090,0.01721548331711962,0,-0.5788882021392058 -0.6232064527055479 -0.14019427473071183 -0.11135442083585742 0.017679818886580066 0.15539549217695614 0.6493825646683766 0.9692065864492093 0.9876768234940255 1.4079521066471552 1.526873605373831 1.27363790066366 1.2651947155095171 1.29411455569479 1.0856669919668482 1.1464795882502383 0.9172525954588534 0.5347948647447986 0.3566447845943007 0.025263966521141802 +15091,-0.4219427796608347,0,-0.6232064527055479 -0.14019427473071183 -0.11135442083585742 0.017679818886580066 0.15539549217695614 0.6493825646683766 0.9692065864492093 0.9876768234940255 1.4079521066471552 1.526873605373831 1.27363790066366 1.2651947155095171 1.29411455569479 1.0856669919668482 1.1464795882502383 0.9172525954588534 0.5347948647447986 0.3566447845943007 0.025263966521141802 0.01721548331711962 +15092,-0.5377687079244204,0,-0.14019427473071183 -0.11135442083585742 0.017679818886580066 0.15539549217695614 0.6493825646683766 0.9692065864492093 0.9876768234940255 1.4079521066471552 1.526873605373831 1.27363790066366 1.2651947155095171 1.29411455569479 1.0856669919668482 1.1464795882502383 0.9172525954588534 0.5347948647447986 0.3566447845943007 0.025263966521141802 0.01721548331711962 -0.4219427796608347 +15093,-0.12701241956481776,0,-0.11135442083585742 0.017679818886580066 0.15539549217695614 0.6493825646683766 0.9692065864492093 0.9876768234940255 1.4079521066471552 1.526873605373831 1.27363790066366 1.2651947155095171 1.29411455569479 1.0856669919668482 1.1464795882502383 0.9172525954588534 0.5347948647447986 0.3566447845943007 0.025263966521141802 0.01721548331711962 -0.4219427796608347 -0.5377687079244204 +15094,-0.02875373805967605,0,0.017679818886580066 0.15539549217695614 0.6493825646683766 0.9692065864492093 0.9876768234940255 1.4079521066471552 1.526873605373831 1.27363790066366 1.2651947155095171 1.29411455569479 1.0856669919668482 1.1464795882502383 0.9172525954588534 0.5347948647447986 0.3566447845943007 0.025263966521141802 0.01721548331711962 -0.4219427796608347 -0.5377687079244204 -0.12701241956481776 +15095,-0.24823920865310714,0,0.15539549217695614 0.6493825646683766 0.9692065864492093 0.9876768234940255 1.4079521066471552 1.526873605373831 1.27363790066366 1.2651947155095171 1.29411455569479 1.0856669919668482 1.1464795882502383 0.9172525954588534 0.5347948647447986 0.3566447845943007 0.025263966521141802 0.01721548331711962 -0.4219427796608347 -0.5377687079244204 -0.12701241956481776 -0.02875373805967605 +15096,-0.013735037316646355,0,0.6493825646683766 0.9692065864492093 0.9876768234940255 1.4079521066471552 1.526873605373831 1.27363790066366 1.2651947155095171 1.29411455569479 1.0856669919668482 1.1464795882502383 0.9172525954588534 0.5347948647447986 0.3566447845943007 0.025263966521141802 0.01721548331711962 -0.4219427796608347 -0.5377687079244204 -0.12701241956481776 -0.02875373805967605 -0.24823920865310714 +15097,-0.5721295400646521,0,0.9692065864492093 0.9876768234940255 1.4079521066471552 1.526873605373831 1.27363790066366 1.2651947155095171 1.29411455569479 1.0856669919668482 1.1464795882502383 0.9172525954588534 0.5347948647447986 0.3566447845943007 0.025263966521141802 0.01721548331711962 -0.4219427796608347 -0.5377687079244204 -0.12701241956481776 -0.02875373805967605 -0.24823920865310714 -0.013735037316646355 +15098,-0.2762961893727179,0,0.9876768234940255 1.4079521066471552 1.526873605373831 1.27363790066366 1.2651947155095171 1.29411455569479 1.0856669919668482 1.1464795882502383 0.9172525954588534 0.5347948647447986 0.3566447845943007 0.025263966521141802 0.01721548331711962 -0.4219427796608347 -0.5377687079244204 -0.12701241956481776 -0.02875373805967605 -0.24823920865310714 -0.013735037316646355 -0.5721295400646521 +15099,0.014429469900348121,0,1.4079521066471552 1.526873605373831 1.27363790066366 1.2651947155095171 1.29411455569479 1.0856669919668482 1.1464795882502383 0.9172525954588534 0.5347948647447986 0.3566447845943007 0.025263966521141802 0.01721548331711962 -0.4219427796608347 -0.5377687079244204 -0.12701241956481776 -0.02875373805967605 -0.24823920865310714 -0.013735037316646355 -0.5721295400646521 -0.2762961893727179 +15100,0.3119653841921967,0,1.526873605373831 1.27363790066366 1.2651947155095171 1.29411455569479 1.0856669919668482 1.1464795882502383 0.9172525954588534 0.5347948647447986 0.3566447845943007 0.025263966521141802 0.01721548331711962 -0.4219427796608347 -0.5377687079244204 -0.12701241956481776 -0.02875373805967605 -0.24823920865310714 -0.013735037316646355 -0.5721295400646521 -0.2762961893727179 0.014429469900348121 +15101,0.6043936073747396,0,1.27363790066366 1.2651947155095171 1.29411455569479 1.0856669919668482 1.1464795882502383 0.9172525954588534 0.5347948647447986 0.3566447845943007 0.025263966521141802 0.01721548331711962 -0.4219427796608347 -0.5377687079244204 -0.12701241956481776 -0.02875373805967605 -0.24823920865310714 -0.013735037316646355 -0.5721295400646521 -0.2762961893727179 0.014429469900348121 0.3119653841921967 +15102,0.6357104618413418,0,1.2651947155095171 1.29411455569479 1.0856669919668482 1.1464795882502383 0.9172525954588534 0.5347948647447986 0.3566447845943007 0.025263966521141802 0.01721548331711962 -0.4219427796608347 -0.5377687079244204 -0.12701241956481776 -0.02875373805967605 -0.24823920865310714 -0.013735037316646355 -0.5721295400646521 -0.2762961893727179 0.014429469900348121 0.3119653841921967 0.6043936073747396 +15103,1.0151758078260138,0,1.29411455569479 1.0856669919668482 1.1464795882502383 0.9172525954588534 0.5347948647447986 0.3566447845943007 0.025263966521141802 0.01721548331711962 -0.4219427796608347 -0.5377687079244204 -0.12701241956481776 -0.02875373805967605 -0.24823920865310714 -0.013735037316646355 -0.5721295400646521 -0.2762961893727179 0.014429469900348121 0.3119653841921967 0.6043936073747396 0.6357104618413418 +15104,1.133529785094745,0,1.0856669919668482 1.1464795882502383 0.9172525954588534 0.5347948647447986 0.3566447845943007 0.025263966521141802 0.01721548331711962 -0.4219427796608347 -0.5377687079244204 -0.12701241956481776 -0.02875373805967605 -0.24823920865310714 -0.013735037316646355 -0.5721295400646521 -0.2762961893727179 0.014429469900348121 0.3119653841921967 0.6043936073747396 0.6357104618413418 1.0151758078260138 +15105,1.0101197093513832,0,1.1464795882502383 0.9172525954588534 0.5347948647447986 0.3566447845943007 0.025263966521141802 0.01721548331711962 -0.4219427796608347 -0.5377687079244204 -0.12701241956481776 -0.02875373805967605 -0.24823920865310714 -0.013735037316646355 -0.5721295400646521 -0.2762961893727179 0.014429469900348121 0.3119653841921967 0.6043936073747396 0.6357104618413418 1.0151758078260138 1.133529785094745 +15106,1.2090617043939995,0,0.9172525954588534 0.5347948647447986 0.3566447845943007 0.025263966521141802 0.01721548331711962 -0.4219427796608347 -0.5377687079244204 -0.12701241956481776 -0.02875373805967605 -0.24823920865310714 -0.013735037316646355 -0.5721295400646521 -0.2762961893727179 0.014429469900348121 0.3119653841921967 0.6043936073747396 0.6357104618413418 1.0151758078260138 1.133529785094745 1.0101197093513832 +15107,1.166239646424523,0,0.5347948647447986 0.3566447845943007 0.025263966521141802 0.01721548331711962 -0.4219427796608347 -0.5377687079244204 -0.12701241956481776 -0.02875373805967605 -0.24823920865310714 -0.013735037316646355 -0.5721295400646521 -0.2762961893727179 0.014429469900348121 0.3119653841921967 0.6043936073747396 0.6357104618413418 1.0151758078260138 1.133529785094745 1.0101197093513832 1.2090617043939995 +15108,1.0807625536924554,0,0.3566447845943007 0.025263966521141802 0.01721548331711962 -0.4219427796608347 -0.5377687079244204 -0.12701241956481776 -0.02875373805967605 -0.24823920865310714 -0.013735037316646355 -0.5721295400646521 -0.2762961893727179 0.014429469900348121 0.3119653841921967 0.6043936073747396 0.6357104618413418 1.0151758078260138 1.133529785094745 1.0101197093513832 1.2090617043939995 1.166239646424523 +15109,0.9850455886003958,0,0.025263966521141802 0.01721548331711962 -0.4219427796608347 -0.5377687079244204 -0.12701241956481776 -0.02875373805967605 -0.24823920865310714 -0.013735037316646355 -0.5721295400646521 -0.2762961893727179 0.014429469900348121 0.3119653841921967 0.6043936073747396 0.6357104618413418 1.0151758078260138 1.133529785094745 1.0101197093513832 1.2090617043939995 1.166239646424523 1.0807625536924554 +15110,0.7683556561845045,0,0.01721548331711962 -0.4219427796608347 -0.5377687079244204 -0.12701241956481776 -0.02875373805967605 -0.24823920865310714 -0.013735037316646355 -0.5721295400646521 -0.2762961893727179 0.014429469900348121 0.3119653841921967 0.6043936073747396 0.6357104618413418 1.0151758078260138 1.133529785094745 1.0101197093513832 1.2090617043939995 1.166239646424523 1.0807625536924554 0.9850455886003958 +15111,0.644790284648157,0,-0.4219427796608347 -0.5377687079244204 -0.12701241956481776 -0.02875373805967605 -0.24823920865310714 -0.013735037316646355 -0.5721295400646521 -0.2762961893727179 0.014429469900348121 0.3119653841921967 0.6043936073747396 0.6357104618413418 1.0151758078260138 1.133529785094745 1.0101197093513832 1.2090617043939995 1.166239646424523 1.0807625536924554 0.9850455886003958 0.7683556561845045 +15112,0.15708367545907334,0,-0.5377687079244204 -0.12701241956481776 -0.02875373805967605 -0.24823920865310714 -0.013735037316646355 -0.5721295400646521 -0.2762961893727179 0.014429469900348121 0.3119653841921967 0.6043936073747396 0.6357104618413418 1.0151758078260138 1.133529785094745 1.0101197093513832 1.2090617043939995 1.166239646424523 1.0807625536924554 0.9850455886003958 0.7683556561845045 0.644790284648157 +15113,-0.12404571553321544,0,-0.12701241956481776 -0.02875373805967605 -0.24823920865310714 -0.013735037316646355 -0.5721295400646521 -0.2762961893727179 0.014429469900348121 0.3119653841921967 0.6043936073747396 0.6357104618413418 1.0151758078260138 1.133529785094745 1.0101197093513832 1.2090617043939995 1.166239646424523 1.0807625536924554 0.9850455886003958 0.7683556561845045 0.644790284648157 0.15708367545907334 +15114,-0.13152667743407864,0,-0.02875373805967605 -0.24823920865310714 -0.013735037316646355 -0.5721295400646521 -0.2762961893727179 0.014429469900348121 0.3119653841921967 0.6043936073747396 0.6357104618413418 1.0151758078260138 1.133529785094745 1.0101197093513832 1.2090617043939995 1.166239646424523 1.0807625536924554 0.9850455886003958 0.7683556561845045 0.644790284648157 0.15708367545907334 -0.12404571553321544 +15115,-0.5038722113536492,0,-0.24823920865310714 -0.013735037316646355 -0.5721295400646521 -0.2762961893727179 0.014429469900348121 0.3119653841921967 0.6043936073747396 0.6357104618413418 1.0151758078260138 1.133529785094745 1.0101197093513832 1.2090617043939995 1.166239646424523 1.0807625536924554 0.9850455886003958 0.7683556561845045 0.644790284648157 0.15708367545907334 -0.12404571553321544 -0.13152667743407864 +15116,-0.6025693161817942,0,-0.013735037316646355 -0.5721295400646521 -0.2762961893727179 0.014429469900348121 0.3119653841921967 0.6043936073747396 0.6357104618413418 1.0151758078260138 1.133529785094745 1.0101197093513832 1.2090617043939995 1.166239646424523 1.0807625536924554 0.9850455886003958 0.7683556561845045 0.644790284648157 0.15708367545907334 -0.12404571553321544 -0.13152667743407864 -0.5038722113536492 +15117,-0.16658536801447718,0,-0.5721295400646521 -0.2762961893727179 0.014429469900348121 0.3119653841921967 0.6043936073747396 0.6357104618413418 1.0151758078260138 1.133529785094745 1.0101197093513832 1.2090617043939995 1.166239646424523 1.0807625536924554 0.9850455886003958 0.7683556561845045 0.644790284648157 0.15708367545907334 -0.12404571553321544 -0.13152667743407864 -0.5038722113536492 -0.6025693161817942 +15118,-0.419800734981476,0,-0.2762961893727179 0.014429469900348121 0.3119653841921967 0.6043936073747396 0.6357104618413418 1.0151758078260138 1.133529785094745 1.0101197093513832 1.2090617043939995 1.166239646424523 1.0807625536924554 0.9850455886003958 0.7683556561845045 0.644790284648157 0.15708367545907334 -0.12404571553321544 -0.13152667743407864 -0.5038722113536492 -0.6025693161817942 -0.16658536801447718 +15119,0.043992167822798314,0,0.014429469900348121 0.3119653841921967 0.6043936073747396 0.6357104618413418 1.0151758078260138 1.133529785094745 1.0101197093513832 1.2090617043939995 1.166239646424523 1.0807625536924554 0.9850455886003958 0.7683556561845045 0.644790284648157 0.15708367545907334 -0.12404571553321544 -0.13152667743407864 -0.5038722113536492 -0.6025693161817942 -0.16658536801447718 -0.419800734981476 +15120,0.013036463191957975,0,0.3119653841921967 0.6043936073747396 0.6357104618413418 1.0151758078260138 1.133529785094745 1.0101197093513832 1.2090617043939995 1.166239646424523 1.0807625536924554 0.9850455886003958 0.7683556561845045 0.644790284648157 0.15708367545907334 -0.12404571553321544 -0.13152667743407864 -0.5038722113536492 -0.6025693161817942 -0.16658536801447718 -0.419800734981476 0.043992167822798314 +15121,0.0062241386295387715,0,0.6043936073747396 0.6357104618413418 1.0151758078260138 1.133529785094745 1.0101197093513832 1.2090617043939995 1.166239646424523 1.0807625536924554 0.9850455886003958 0.7683556561845045 0.644790284648157 0.15708367545907334 -0.12404571553321544 -0.13152667743407864 -0.5038722113536492 -0.6025693161817942 -0.16658536801447718 -0.419800734981476 0.043992167822798314 0.013036463191957975 +15122,-0.012270860038185168,0,0.6357104618413418 1.0151758078260138 1.133529785094745 1.0101197093513832 1.2090617043939995 1.166239646424523 1.0807625536924554 0.9850455886003958 0.7683556561845045 0.644790284648157 0.15708367545907334 -0.12404571553321544 -0.13152667743407864 -0.5038722113536492 -0.6025693161817942 -0.16658536801447718 -0.419800734981476 0.043992167822798314 0.013036463191957975 0.0062241386295387715 +15123,0.18638840912467444,0,1.0151758078260138 1.133529785094745 1.0101197093513832 1.2090617043939995 1.166239646424523 1.0807625536924554 0.9850455886003958 0.7683556561845045 0.644790284648157 0.15708367545907334 -0.12404571553321544 -0.13152667743407864 -0.5038722113536492 -0.6025693161817942 -0.16658536801447718 -0.419800734981476 0.043992167822798314 0.013036463191957975 0.0062241386295387715 -0.012270860038185168 +15124,0.2506741032867879,0,1.133529785094745 1.0101197093513832 1.2090617043939995 1.166239646424523 1.0807625536924554 0.9850455886003958 0.7683556561845045 0.644790284648157 0.15708367545907334 -0.12404571553321544 -0.13152667743407864 -0.5038722113536492 -0.6025693161817942 -0.16658536801447718 -0.419800734981476 0.043992167822798314 0.013036463191957975 0.0062241386295387715 -0.012270860038185168 0.18638840912467444 +15125,0.5578568646947761,0,1.0101197093513832 1.2090617043939995 1.166239646424523 1.0807625536924554 0.9850455886003958 0.7683556561845045 0.644790284648157 0.15708367545907334 -0.12404571553321544 -0.13152667743407864 -0.5038722113536492 -0.6025693161817942 -0.16658536801447718 -0.419800734981476 0.043992167822798314 0.013036463191957975 0.0062241386295387715 -0.012270860038185168 0.18638840912467444 0.2506741032867879 +15126,0.6320251963490952,0,1.2090617043939995 1.166239646424523 1.0807625536924554 0.9850455886003958 0.7683556561845045 0.644790284648157 0.15708367545907334 -0.12404571553321544 -0.13152667743407864 -0.5038722113536492 -0.6025693161817942 -0.16658536801447718 -0.419800734981476 0.043992167822798314 0.013036463191957975 0.0062241386295387715 -0.012270860038185168 0.18638840912467444 0.2506741032867879 0.5578568646947761 +15127,1.0060438749599112,0,1.166239646424523 1.0807625536924554 0.9850455886003958 0.7683556561845045 0.644790284648157 0.15708367545907334 -0.12404571553321544 -0.13152667743407864 -0.5038722113536492 -0.6025693161817942 -0.16658536801447718 -0.419800734981476 0.043992167822798314 0.013036463191957975 0.0062241386295387715 -0.012270860038185168 0.18638840912467444 0.2506741032867879 0.5578568646947761 0.6320251963490952 +15128,1.1454477313776188,0,1.0807625536924554 0.9850455886003958 0.7683556561845045 0.644790284648157 0.15708367545907334 -0.12404571553321544 -0.13152667743407864 -0.5038722113536492 -0.6025693161817942 -0.16658536801447718 -0.419800734981476 0.043992167822798314 0.013036463191957975 0.0062241386295387715 -0.012270860038185168 0.18638840912467444 0.2506741032867879 0.5578568646947761 0.6320251963490952 1.0060438749599112 +15129,1.065143474332706,0,0.9850455886003958 0.7683556561845045 0.644790284648157 0.15708367545907334 -0.12404571553321544 -0.13152667743407864 -0.5038722113536492 -0.6025693161817942 -0.16658536801447718 -0.419800734981476 0.043992167822798314 0.013036463191957975 0.0062241386295387715 -0.012270860038185168 0.18638840912467444 0.2506741032867879 0.5578568646947761 0.6320251963490952 1.0060438749599112 1.1454477313776188 +15130,1.2777833686744717,0,0.7683556561845045 0.644790284648157 0.15708367545907334 -0.12404571553321544 -0.13152667743407864 -0.5038722113536492 -0.6025693161817942 -0.16658536801447718 -0.419800734981476 0.043992167822798314 0.013036463191957975 0.0062241386295387715 -0.012270860038185168 0.18638840912467444 0.2506741032867879 0.5578568646947761 0.6320251963490952 1.0060438749599112 1.1454477313776188 1.065143474332706 +15131,1.2707151495536169,0,0.644790284648157 0.15708367545907334 -0.12404571553321544 -0.13152667743407864 -0.5038722113536492 -0.6025693161817942 -0.16658536801447718 -0.419800734981476 0.043992167822798314 0.013036463191957975 0.0062241386295387715 -0.012270860038185168 0.18638840912467444 0.2506741032867879 0.5578568646947761 0.6320251963490952 1.0060438749599112 1.1454477313776188 1.065143474332706 1.2777833686744717 +15132,0.9420945484251062,0,0.15708367545907334 -0.12404571553321544 -0.13152667743407864 -0.5038722113536492 -0.6025693161817942 -0.16658536801447718 -0.419800734981476 0.043992167822798314 0.013036463191957975 0.0062241386295387715 -0.012270860038185168 0.18638840912467444 0.2506741032867879 0.5578568646947761 0.6320251963490952 1.0060438749599112 1.1454477313776188 1.065143474332706 1.2777833686744717 1.2707151495536169 +15133,1.0422104564337558,0,-0.12404571553321544 -0.13152667743407864 -0.5038722113536492 -0.6025693161817942 -0.16658536801447718 -0.419800734981476 0.043992167822798314 0.013036463191957975 0.0062241386295387715 -0.012270860038185168 0.18638840912467444 0.2506741032867879 0.5578568646947761 0.6320251963490952 1.0060438749599112 1.1454477313776188 1.065143474332706 1.2777833686744717 1.2707151495536169 0.9420945484251062 +15134,0.8207739827443209,0,-0.13152667743407864 -0.5038722113536492 -0.6025693161817942 -0.16658536801447718 -0.419800734981476 0.043992167822798314 0.013036463191957975 0.0062241386295387715 -0.012270860038185168 0.18638840912467444 0.2506741032867879 0.5578568646947761 0.6320251963490952 1.0060438749599112 1.1454477313776188 1.065143474332706 1.2777833686744717 1.2707151495536169 0.9420945484251062 1.0422104564337558 +15135,0.475205133330429,0,-0.5038722113536492 -0.6025693161817942 -0.16658536801447718 -0.419800734981476 0.043992167822798314 0.013036463191957975 0.0062241386295387715 -0.012270860038185168 0.18638840912467444 0.2506741032867879 0.5578568646947761 0.6320251963490952 1.0060438749599112 1.1454477313776188 1.065143474332706 1.2777833686744717 1.2707151495536169 0.9420945484251062 1.0422104564337558 0.8207739827443209 +15136,0.2951461181126285,0,-0.6025693161817942 -0.16658536801447718 -0.419800734981476 0.043992167822798314 0.013036463191957975 0.0062241386295387715 -0.012270860038185168 0.18638840912467444 0.2506741032867879 0.5578568646947761 0.6320251963490952 1.0060438749599112 1.1454477313776188 1.065143474332706 1.2777833686744717 1.2707151495536169 0.9420945484251062 1.0422104564337558 0.8207739827443209 0.475205133330429 +15137,-0.009045272829637812,0,-0.16658536801447718 -0.419800734981476 0.043992167822798314 0.013036463191957975 0.0062241386295387715 -0.012270860038185168 0.18638840912467444 0.2506741032867879 0.5578568646947761 0.6320251963490952 1.0060438749599112 1.1454477313776188 1.065143474332706 1.2777833686744717 1.2707151495536169 0.9420945484251062 1.0422104564337558 0.8207739827443209 0.475205133330429 0.2951461181126285 +15138,-0.00886469783436401,0,-0.419800734981476 0.043992167822798314 0.013036463191957975 0.0062241386295387715 -0.012270860038185168 0.18638840912467444 0.2506741032867879 0.5578568646947761 0.6320251963490952 1.0060438749599112 1.1454477313776188 1.065143474332706 1.2777833686744717 1.2707151495536169 0.9420945484251062 1.0422104564337558 0.8207739827443209 0.475205133330429 0.2951461181126285 -0.009045272829637812 +15139,-0.41451341054943236,0,0.043992167822798314 0.013036463191957975 0.0062241386295387715 -0.012270860038185168 0.18638840912467444 0.2506741032867879 0.5578568646947761 0.6320251963490952 1.0060438749599112 1.1454477313776188 1.065143474332706 1.2777833686744717 1.2707151495536169 0.9420945484251062 1.0422104564337558 0.8207739827443209 0.475205133330429 0.2951461181126285 -0.009045272829637812 -0.00886469783436401 +15140,-0.5157901576365231,0,0.013036463191957975 0.0062241386295387715 -0.012270860038185168 0.18638840912467444 0.2506741032867879 0.5578568646947761 0.6320251963490952 1.0060438749599112 1.1454477313776188 1.065143474332706 1.2777833686744717 1.2707151495536169 0.9420945484251062 1.0422104564337558 0.8207739827443209 0.475205133330429 0.2951461181126285 -0.009045272829637812 -0.00886469783436401 -0.41451341054943236 +15141,-0.5429279919779726,0,0.0062241386295387715 -0.012270860038185168 0.18638840912467444 0.2506741032867879 0.5578568646947761 0.6320251963490952 1.0060438749599112 1.1454477313776188 1.065143474332706 1.2777833686744717 1.2707151495536169 0.9420945484251062 1.0422104564337558 0.8207739827443209 0.475205133330429 0.2951461181126285 -0.009045272829637812 -0.00886469783436401 -0.41451341054943236 -0.5157901576365231 +15142,-0.6689177098254945,0,-0.012270860038185168 0.18638840912467444 0.2506741032867879 0.5578568646947761 0.6320251963490952 1.0060438749599112 1.1454477313776188 1.065143474332706 1.2777833686744717 1.2707151495536169 0.9420945484251062 1.0422104564337558 0.8207739827443209 0.475205133330429 0.2951461181126285 -0.009045272829637812 -0.00886469783436401 -0.41451341054943236 -0.5157901576365231 -0.5429279919779726 +15143,-0.7207685150821518,0,0.18638840912467444 0.2506741032867879 0.5578568646947761 0.6320251963490952 1.0060438749599112 1.1454477313776188 1.065143474332706 1.2777833686744717 1.2707151495536169 0.9420945484251062 1.0422104564337558 0.8207739827443209 0.475205133330429 0.2951461181126285 -0.009045272829637812 -0.00886469783436401 -0.41451341054943236 -0.5157901576365231 -0.5429279919779726 -0.6689177098254945 +15144,-0.24279315482132185,0,0.2506741032867879 0.5578568646947761 0.6320251963490952 1.0060438749599112 1.1454477313776188 1.065143474332706 1.2777833686744717 1.2707151495536169 0.9420945484251062 1.0422104564337558 0.8207739827443209 0.475205133330429 0.2951461181126285 -0.009045272829637812 -0.00886469783436401 -0.41451341054943236 -0.5157901576365231 -0.5429279919779726 -0.6689177098254945 -0.7207685150821518 +15145,-0.4476331658057158,0,0.5578568646947761 0.6320251963490952 1.0060438749599112 1.1454477313776188 1.065143474332706 1.2777833686744717 1.2707151495536169 0.9420945484251062 1.0422104564337558 0.8207739827443209 0.475205133330429 0.2951461181126285 -0.009045272829637812 -0.00886469783436401 -0.41451341054943236 -0.5157901576365231 -0.5429279919779726 -0.6689177098254945 -0.7207685150821518 -0.24279315482132185 +15146,0.08733015430598183,0,0.6320251963490952 1.0060438749599112 1.1454477313776188 1.065143474332706 1.2777833686744717 1.2707151495536169 0.9420945484251062 1.0422104564337558 0.8207739827443209 0.475205133330429 0.2951461181126285 -0.009045272829637812 -0.00886469783436401 -0.41451341054943236 -0.5157901576365231 -0.5429279919779726 -0.6689177098254945 -0.7207685150821518 -0.24279315482132185 -0.4476331658057158 +15147,0.1888310997864219,0,1.0060438749599112 1.1454477313776188 1.065143474332706 1.2777833686744717 1.2707151495536169 0.9420945484251062 1.0422104564337558 0.8207739827443209 0.475205133330429 0.2951461181126285 -0.009045272829637812 -0.00886469783436401 -0.41451341054943236 -0.5157901576365231 -0.5429279919779726 -0.6689177098254945 -0.7207685150821518 -0.24279315482132185 -0.4476331658057158 0.08733015430598183 +15148,0.3595855765342404,0,1.1454477313776188 1.065143474332706 1.2777833686744717 1.2707151495536169 0.9420945484251062 1.0422104564337558 0.8207739827443209 0.475205133330429 0.2951461181126285 -0.009045272829637812 -0.00886469783436401 -0.41451341054943236 -0.5157901576365231 -0.5429279919779726 -0.6689177098254945 -0.7207685150821518 -0.24279315482132185 -0.4476331658057158 0.08733015430598183 0.1888310997864219 +15149,0.7044321261218139,0,1.065143474332706 1.2777833686744717 1.2707151495536169 0.9420945484251062 1.0422104564337558 0.8207739827443209 0.475205133330429 0.2951461181126285 -0.009045272829637812 -0.00886469783436401 -0.41451341054943236 -0.5157901576365231 -0.5429279919779726 -0.6689177098254945 -0.7207685150821518 -0.24279315482132185 -0.4476331658057158 0.08733015430598183 0.1888310997864219 0.3595855765342404 +15150,0.7331435421669185,0,1.2777833686744717 1.2707151495536169 0.9420945484251062 1.0422104564337558 0.8207739827443209 0.475205133330429 0.2951461181126285 -0.009045272829637812 -0.00886469783436401 -0.41451341054943236 -0.5157901576365231 -0.5429279919779726 -0.6689177098254945 -0.7207685150821518 -0.24279315482132185 -0.4476331658057158 0.08733015430598183 0.1888310997864219 0.3595855765342404 0.7044321261218139 +15151,1.1833684695504012,0,1.2707151495536169 0.9420945484251062 1.0422104564337558 0.8207739827443209 0.475205133330429 0.2951461181126285 -0.009045272829637812 -0.00886469783436401 -0.41451341054943236 -0.5157901576365231 -0.5429279919779726 -0.6689177098254945 -0.7207685150821518 -0.24279315482132185 -0.4476331658057158 0.08733015430598183 0.1888310997864219 0.3595855765342404 0.7044321261218139 0.7331435421669185 +15152,1.317458263546183,0,0.9420945484251062 1.0422104564337558 0.8207739827443209 0.475205133330429 0.2951461181126285 -0.009045272829637812 -0.00886469783436401 -0.41451341054943236 -0.5157901576365231 -0.5429279919779726 -0.6689177098254945 -0.7207685150821518 -0.24279315482132185 -0.4476331658057158 0.08733015430598183 0.1888310997864219 0.3595855765342404 0.7044321261218139 0.7331435421669185 1.1833684695504012 +15153,1.186567225747181,0,1.0422104564337558 0.8207739827443209 0.475205133330429 0.2951461181126285 -0.009045272829637812 -0.00886469783436401 -0.41451341054943236 -0.5157901576365231 -0.5429279919779726 -0.6689177098254945 -0.7207685150821518 -0.24279315482132185 -0.4476331658057158 0.08733015430598183 0.1888310997864219 0.3595855765342404 0.7044321261218139 0.7331435421669185 1.1833684695504012 1.317458263546183 +15154,1.4089839635197834,0,0.8207739827443209 0.475205133330429 0.2951461181126285 -0.009045272829637812 -0.00886469783436401 -0.41451341054943236 -0.5157901576365231 -0.5429279919779726 -0.6689177098254945 -0.7207685150821518 -0.24279315482132185 -0.4476331658057158 0.08733015430598183 0.1888310997864219 0.3595855765342404 0.7044321261218139 0.7331435421669185 1.1833684695504012 1.317458263546183 1.186567225747181 +15155,1.366419869652379,0,0.475205133330429 0.2951461181126285 -0.009045272829637812 -0.00886469783436401 -0.41451341054943236 -0.5157901576365231 -0.5429279919779726 -0.6689177098254945 -0.7207685150821518 -0.24279315482132185 -0.4476331658057158 0.08733015430598183 0.1888310997864219 0.3595855765342404 0.7044321261218139 0.7331435421669185 1.1833684695504012 1.317458263546183 1.186567225747181 1.4089839635197834 +15156,1.0964861252714315,0,0.2951461181126285 -0.009045272829637812 -0.00886469783436401 -0.41451341054943236 -0.5157901576365231 -0.5429279919779726 -0.6689177098254945 -0.7207685150821518 -0.24279315482132185 -0.4476331658057158 0.08733015430598183 0.1888310997864219 0.3595855765342404 0.7044321261218139 0.7331435421669185 1.1833684695504012 1.317458263546183 1.186567225747181 1.4089839635197834 1.366419869652379 +15157,0.9277775350333372,0,-0.009045272829637812 -0.00886469783436401 -0.41451341054943236 -0.5157901576365231 -0.5429279919779726 -0.6689177098254945 -0.7207685150821518 -0.24279315482132185 -0.4476331658057158 0.08733015430598183 0.1888310997864219 0.3595855765342404 0.7044321261218139 0.7331435421669185 1.1833684695504012 1.317458263546183 1.186567225747181 1.4089839635197834 1.366419869652379 1.0964861252714315 +15158,0.8799848644701286,0,-0.00886469783436401 -0.41451341054943236 -0.5157901576365231 -0.5429279919779726 -0.6689177098254945 -0.7207685150821518 -0.24279315482132185 -0.4476331658057158 0.08733015430598183 0.1888310997864219 0.3595855765342404 0.7044321261218139 0.7331435421669185 1.1833684695504012 1.317458263546183 1.186567225747181 1.4089839635197834 1.366419869652379 1.0964861252714315 0.9277775350333372 +15159,0.4804676031176709,0,-0.41451341054943236 -0.5157901576365231 -0.5429279919779726 -0.6689177098254945 -0.7207685150821518 -0.24279315482132185 -0.4476331658057158 0.08733015430598183 0.1888310997864219 0.3595855765342404 0.7044321261218139 0.7331435421669185 1.1833684695504012 1.317458263546183 1.186567225747181 1.4089839635197834 1.366419869652379 1.0964861252714315 0.9277775350333372 0.8799848644701286 +15160,0.38309365128351236,0,-0.5157901576365231 -0.5429279919779726 -0.6689177098254945 -0.7207685150821518 -0.24279315482132185 -0.4476331658057158 0.08733015430598183 0.1888310997864219 0.3595855765342404 0.7044321261218139 0.7331435421669185 1.1833684695504012 1.317458263546183 1.186567225747181 1.4089839635197834 1.366419869652379 1.0964861252714315 0.9277775350333372 0.8799848644701286 0.4804676031176709 +15161,0.10837090306986642,0,-0.5429279919779726 -0.6689177098254945 -0.7207685150821518 -0.24279315482132185 -0.4476331658057158 0.08733015430598183 0.1888310997864219 0.3595855765342404 0.7044321261218139 0.7331435421669185 1.1833684695504012 1.317458263546183 1.186567225747181 1.4089839635197834 1.366419869652379 1.0964861252714315 0.9277775350333372 0.8799848644701286 0.4804676031176709 0.38309365128351236 +15162,0.06156526335207308,0,-0.6689177098254945 -0.7207685150821518 -0.24279315482132185 -0.4476331658057158 0.08733015430598183 0.1888310997864219 0.3595855765342404 0.7044321261218139 0.7331435421669185 1.1833684695504012 1.317458263546183 1.186567225747181 1.4089839635197834 1.366419869652379 1.0964861252714315 0.9277775350333372 0.8799848644701286 0.4804676031176709 0.38309365128351236 0.10837090306986642 +15163,-0.2682992991129422,0,-0.7207685150821518 -0.24279315482132185 -0.4476331658057158 0.08733015430598183 0.1888310997864219 0.3595855765342404 0.7044321261218139 0.7331435421669185 1.1833684695504012 1.317458263546183 1.186567225747181 1.4089839635197834 1.366419869652379 1.0964861252714315 0.9277775350333372 0.8799848644701286 0.4804676031176709 0.38309365128351236 0.10837090306986642 0.06156526335207308 +15164,-0.37024675292732795,0,-0.24279315482132185 -0.4476331658057158 0.08733015430598183 0.1888310997864219 0.3595855765342404 0.7044321261218139 0.7331435421669185 1.1833684695504012 1.317458263546183 1.186567225747181 1.4089839635197834 1.366419869652379 1.0964861252714315 0.9277775350333372 0.8799848644701286 0.4804676031176709 0.38309365128351236 0.10837090306986642 0.06156526335207308 -0.2682992991129422 +15165,-0.40858023388011866,0,-0.4476331658057158 0.08733015430598183 0.1888310997864219 0.3595855765342404 0.7044321261218139 0.7331435421669185 1.1833684695504012 1.317458263546183 1.186567225747181 1.4089839635197834 1.366419869652379 1.0964861252714315 0.9277775350333372 0.8799848644701286 0.4804676031176709 0.38309365128351236 0.10837090306986642 0.06156526335207308 -0.2682992991129422 -0.37024675292732795 +15166,-0.5317323455214082,0,0.08733015430598183 0.1888310997864219 0.3595855765342404 0.7044321261218139 0.7331435421669185 1.1833684695504012 1.317458263546183 1.186567225747181 1.4089839635197834 1.366419869652379 1.0964861252714315 0.9277775350333372 0.8799848644701286 0.4804676031176709 0.38309365128351236 0.10837090306986642 0.06156526335207308 -0.2682992991129422 -0.37024675292732795 -0.40858023388011866 +15167,-0.5912704839915401,0,0.1888310997864219 0.3595855765342404 0.7044321261218139 0.7331435421669185 1.1833684695504012 1.317458263546183 1.186567225747181 1.4089839635197834 1.366419869652379 1.0964861252714315 0.9277775350333372 0.8799848644701286 0.4804676031176709 0.38309365128351236 0.10837090306986642 0.06156526335207308 -0.2682992991129422 -0.37024675292732795 -0.40858023388011866 -0.5317323455214082 +15168,-0.1668753862843569,0,0.3595855765342404 0.7044321261218139 0.7331435421669185 1.1833684695504012 1.317458263546183 1.186567225747181 1.4089839635197834 1.366419869652379 1.0964861252714315 0.9277775350333372 0.8799848644701286 0.4804676031176709 0.38309365128351236 0.10837090306986642 0.06156526335207308 -0.2682992991129422 -0.37024675292732795 -0.40858023388011866 -0.5317323455214082 -0.5912704839915401 +15169,0.0006541813396235972,0,0.7044321261218139 0.7331435421669185 1.1833684695504012 1.317458263546183 1.186567225747181 1.4089839635197834 1.366419869652379 1.0964861252714315 0.9277775350333372 0.8799848644701286 0.4804676031176709 0.38309365128351236 0.10837090306986642 0.06156526335207308 -0.2682992991129422 -0.37024675292732795 -0.40858023388011866 -0.5317323455214082 -0.5912704839915401 -0.1668753862843569 +15170,0.05207513800345283,0,0.7331435421669185 1.1833684695504012 1.317458263546183 1.186567225747181 1.4089839635197834 1.366419869652379 1.0964861252714315 0.9277775350333372 0.8799848644701286 0.4804676031176709 0.38309365128351236 0.10837090306986642 0.06156526335207308 -0.2682992991129422 -0.37024675292732795 -0.40858023388011866 -0.5317323455214082 -0.5912704839915401 -0.1668753862843569 0.0006541813396235972 +15171,0.36509497703652416,0,1.1833684695504012 1.317458263546183 1.186567225747181 1.4089839635197834 1.366419869652379 1.0964861252714315 0.9277775350333372 0.8799848644701286 0.4804676031176709 0.38309365128351236 0.10837090306986642 0.06156526335207308 -0.2682992991129422 -0.37024675292732795 -0.40858023388011866 -0.5317323455214082 -0.5912704839915401 -0.1668753862843569 0.0006541813396235972 0.05207513800345283 +15172,0.522464175681925,0,1.317458263546183 1.186567225747181 1.4089839635197834 1.366419869652379 1.0964861252714315 0.9277775350333372 0.8799848644701286 0.4804676031176709 0.38309365128351236 0.10837090306986642 0.06156526335207308 -0.2682992991129422 -0.37024675292732795 -0.40858023388011866 -0.5317323455214082 -0.5912704839915401 -0.1668753862843569 0.0006541813396235972 0.05207513800345283 0.36509497703652416 +15173,0.8475506672499996,0,1.186567225747181 1.4089839635197834 1.366419869652379 1.0964861252714315 0.9277775350333372 0.8799848644701286 0.4804676031176709 0.38309365128351236 0.10837090306986642 0.06156526335207308 -0.2682992991129422 -0.37024675292732795 -0.40858023388011866 -0.5317323455214082 -0.5912704839915401 -0.1668753862843569 0.0006541813396235972 0.05207513800345283 0.36509497703652416 0.522464175681925 +15174,0.8912498035689539,0,1.4089839635197834 1.366419869652379 1.0964861252714315 0.9277775350333372 0.8799848644701286 0.4804676031176709 0.38309365128351236 0.10837090306986642 0.06156526335207308 -0.2682992991129422 -0.37024675292732795 -0.40858023388011866 -0.5317323455214082 -0.5912704839915401 -0.1668753862843569 0.0006541813396235972 0.05207513800345283 0.36509497703652416 0.522464175681925 0.8475506672499996 +15175,1.3101320800137022,0,1.366419869652379 1.0964861252714315 0.9277775350333372 0.8799848644701286 0.4804676031176709 0.38309365128351236 0.10837090306986642 0.06156526335207308 -0.2682992991129422 -0.37024675292732795 -0.40858023388011866 -0.5317323455214082 -0.5912704839915401 -0.1668753862843569 0.0006541813396235972 0.05207513800345283 0.36509497703652416 0.522464175681925 0.8475506672499996 0.8912498035689539 +15176,1.4476270015188752,0,1.0964861252714315 0.9277775350333372 0.8799848644701286 0.4804676031176709 0.38309365128351236 0.10837090306986642 0.06156526335207308 -0.2682992991129422 -0.37024675292732795 -0.40858023388011866 -0.5317323455214082 -0.5912704839915401 -0.1668753862843569 0.0006541813396235972 0.05207513800345283 0.36509497703652416 0.522464175681925 0.8475506672499996 0.8912498035689539 1.3101320800137022 +15177,1.1584268890539275,0,0.9277775350333372 0.8799848644701286 0.4804676031176709 0.38309365128351236 0.10837090306986642 0.06156526335207308 -0.2682992991129422 -0.37024675292732795 -0.40858023388011866 -0.5317323455214082 -0.5912704839915401 -0.1668753862843569 0.0006541813396235972 0.05207513800345283 0.36509497703652416 0.522464175681925 0.8475506672499996 0.8912498035689539 1.3101320800137022 1.4476270015188752 +15178,1.1506586083754,0,0.8799848644701286 0.4804676031176709 0.38309365128351236 0.10837090306986642 0.06156526335207308 -0.2682992991129422 -0.37024675292732795 -0.40858023388011866 -0.5317323455214082 -0.5912704839915401 -0.1668753862843569 0.0006541813396235972 0.05207513800345283 0.36509497703652416 0.522464175681925 0.8475506672499996 0.8912498035689539 1.3101320800137022 1.4476270015188752 1.1584268890539275 +15179,1.2339931862109572,0,0.4804676031176709 0.38309365128351236 0.10837090306986642 0.06156526335207308 -0.2682992991129422 -0.37024675292732795 -0.40858023388011866 -0.5317323455214082 -0.5912704839915401 -0.1668753862843569 0.0006541813396235972 0.05207513800345283 0.36509497703652416 0.522464175681925 0.8475506672499996 0.8912498035689539 1.3101320800137022 1.4476270015188752 1.1584268890539275 1.1506586083754 +15180,1.064128309240354,0,0.38309365128351236 0.10837090306986642 0.06156526335207308 -0.2682992991129422 -0.37024675292732795 -0.40858023388011866 -0.5317323455214082 -0.5912704839915401 -0.1668753862843569 0.0006541813396235972 0.05207513800345283 0.36509497703652416 0.522464175681925 0.8475506672499996 0.8912498035689539 1.3101320800137022 1.4476270015188752 1.1584268890539275 1.1506586083754 1.2339931862109572 +15181,1.2506220761000522,0,0.10837090306986642 0.06156526335207308 -0.2682992991129422 -0.37024675292732795 -0.40858023388011866 -0.5317323455214082 -0.5912704839915401 -0.1668753862843569 0.0006541813396235972 0.05207513800345283 0.36509497703652416 0.522464175681925 0.8475506672499996 0.8912498035689539 1.3101320800137022 1.4476270015188752 1.1584268890539275 1.1506586083754 1.2339931862109572 1.064128309240354 +15182,0.8952740451709561,0,0.06156526335207308 -0.2682992991129422 -0.37024675292732795 -0.40858023388011866 -0.5317323455214082 -0.5912704839915401 -0.1668753862843569 0.0006541813396235972 0.05207513800345283 0.36509497703652416 0.522464175681925 0.8475506672499996 0.8912498035689539 1.3101320800137022 1.4476270015188752 1.1584268890539275 1.1506586083754 1.2339931862109572 1.064128309240354 1.2506220761000522 +15183,0.6491761933557653,0,-0.2682992991129422 -0.37024675292732795 -0.40858023388011866 -0.5317323455214082 -0.5912704839915401 -0.1668753862843569 0.0006541813396235972 0.05207513800345283 0.36509497703652416 0.522464175681925 0.8475506672499996 0.8912498035689539 1.3101320800137022 1.4476270015188752 1.1584268890539275 1.1506586083754 1.2339931862109572 1.064128309240354 1.2506220761000522 0.8952740451709561 +15184,0.5235138972464617,0,-0.37024675292732795 -0.40858023388011866 -0.5317323455214082 -0.5912704839915401 -0.1668753862843569 0.0006541813396235972 0.05207513800345283 0.36509497703652416 0.522464175681925 0.8475506672499996 0.8912498035689539 1.3101320800137022 1.4476270015188752 1.1584268890539275 1.1506586083754 1.2339931862109572 1.064128309240354 1.2506220761000522 0.8952740451709561 0.6491761933557653 +15185,0.16333534159803959,0,-0.40858023388011866 -0.5317323455214082 -0.5912704839915401 -0.1668753862843569 0.0006541813396235972 0.05207513800345283 0.36509497703652416 0.522464175681925 0.8475506672499996 0.8912498035689539 1.3101320800137022 1.4476270015188752 1.1584268890539275 1.1506586083754 1.2339931862109572 1.064128309240354 1.2506220761000522 0.8952740451709561 0.6491761933557653 0.5235138972464617 +15186,0.2653254559333204,0,-0.5317323455214082 -0.5912704839915401 -0.1668753862843569 0.0006541813396235972 0.05207513800345283 0.36509497703652416 0.522464175681925 0.8475506672499996 0.8912498035689539 1.3101320800137022 1.4476270015188752 1.1584268890539275 1.1506586083754 1.2339931862109572 1.064128309240354 1.2506220761000522 0.8952740451709561 0.6491761933557653 0.5235138972464617 0.16333534159803959 +15187,0.23712031130551767,0,-0.5912704839915401 -0.1668753862843569 0.0006541813396235972 0.05207513800345283 0.36509497703652416 0.522464175681925 0.8475506672499996 0.8912498035689539 1.3101320800137022 1.4476270015188752 1.1584268890539275 1.1506586083754 1.2339931862109572 1.064128309240354 1.2506220761000522 0.8952740451709561 0.6491761933557653 0.5235138972464617 0.16333534159803959 0.2653254559333204 +15188,0.1043557918529383,0,-0.1668753862843569 0.0006541813396235972 0.05207513800345283 0.36509497703652416 0.522464175681925 0.8475506672499996 0.8912498035689539 1.3101320800137022 1.4476270015188752 1.1584268890539275 1.1506586083754 1.2339931862109572 1.064128309240354 1.2506220761000522 0.8952740451709561 0.6491761933557653 0.5235138972464617 0.16333534159803959 0.2653254559333204 0.23712031130551767 +15189,0.024643010718872725,0,0.0006541813396235972 0.05207513800345283 0.36509497703652416 0.522464175681925 0.8475506672499996 0.8912498035689539 1.3101320800137022 1.4476270015188752 1.1584268890539275 1.1506586083754 1.2339931862109572 1.064128309240354 1.2506220761000522 0.8952740451709561 0.6491761933557653 0.5235138972464617 0.16333534159803959 0.2653254559333204 0.23712031130551767 0.1043557918529383 +15190,-0.5305973029150902,0,0.05207513800345283 0.36509497703652416 0.522464175681925 0.8475506672499996 0.8912498035689539 1.3101320800137022 1.4476270015188752 1.1584268890539275 1.1506586083754 1.2339931862109572 1.064128309240354 1.2506220761000522 0.8952740451709561 0.6491761933557653 0.5235138972464617 0.16333534159803959 0.2653254559333204 0.23712031130551767 0.1043557918529383 0.024643010718872725 +15191,-0.5835831507780656,0,0.36509497703652416 0.522464175681925 0.8475506672499996 0.8912498035689539 1.3101320800137022 1.4476270015188752 1.1584268890539275 1.1506586083754 1.2339931862109572 1.064128309240354 1.2506220761000522 0.8952740451709561 0.6491761933557653 0.5235138972464617 0.16333534159803959 0.2653254559333204 0.23712031130551767 0.1043557918529383 0.024643010718872725 -0.5305973029150902 +15192,-0.12677766806220175,0,0.522464175681925 0.8475506672499996 0.8912498035689539 1.3101320800137022 1.4476270015188752 1.1584268890539275 1.1506586083754 1.2339931862109572 1.064128309240354 1.2506220761000522 0.8952740451709561 0.6491761933557653 0.5235138972464617 0.16333534159803959 0.2653254559333204 0.23712031130551767 0.1043557918529383 0.024643010718872725 -0.5305973029150902 -0.5835831507780656 +15193,0.06566116106438567,0,0.8475506672499996 0.8912498035689539 1.3101320800137022 1.4476270015188752 1.1584268890539275 1.1506586083754 1.2339931862109572 1.064128309240354 1.2506220761000522 0.8952740451709561 0.6491761933557653 0.5235138972464617 0.16333534159803959 0.2653254559333204 0.23712031130551767 0.1043557918529383 0.024643010718872725 -0.5305973029150902 -0.5835831507780656 -0.12677766806220175 +15194,0.10547657115400808,0,0.8912498035689539 1.3101320800137022 1.4476270015188752 1.1584268890539275 1.1506586083754 1.2339931862109572 1.064128309240354 1.2506220761000522 0.8952740451709561 0.6491761933557653 0.5235138972464617 0.16333534159803959 0.2653254559333204 0.23712031130551767 0.1043557918529383 0.024643010718872725 -0.5305973029150902 -0.5835831507780656 -0.12677766806220175 0.06566116106438567 +15195,0.2819225002960588,0,1.3101320800137022 1.4476270015188752 1.1584268890539275 1.1506586083754 1.2339931862109572 1.064128309240354 1.2506220761000522 0.8952740451709561 0.6491761933557653 0.5235138972464617 0.16333534159803959 0.2653254559333204 0.23712031130551767 0.1043557918529383 0.024643010718872725 -0.5305973029150902 -0.5835831507780656 -0.12677766806220175 0.06566116106438567 0.10547657115400808 +15196,0.3988477286259432,0,1.4476270015188752 1.1584268890539275 1.1506586083754 1.2339931862109572 1.064128309240354 1.2506220761000522 0.8952740451709561 0.6491761933557653 0.5235138972464617 0.16333534159803959 0.2653254559333204 0.23712031130551767 0.1043557918529383 0.024643010718872725 -0.5305973029150902 -0.5835831507780656 -0.12677766806220175 0.06566116106438567 0.10547657115400808 0.2819225002960588 +15197,0.5798870077721342,0,1.1584268890539275 1.1506586083754 1.2339931862109572 1.064128309240354 1.2506220761000522 0.8952740451709561 0.6491761933557653 0.5235138972464617 0.16333534159803959 0.2653254559333204 0.23712031130551767 0.1043557918529383 0.024643010718872725 -0.5305973029150902 -0.5835831507780656 -0.12677766806220175 0.06566116106438567 0.10547657115400808 0.2819225002960588 0.3988477286259432 +15198,0.7179752468978127,0,1.1506586083754 1.2339931862109572 1.064128309240354 1.2506220761000522 0.8952740451709561 0.6491761933557653 0.5235138972464617 0.16333534159803959 0.2653254559333204 0.23712031130551767 0.1043557918529383 0.024643010718872725 -0.5305973029150902 -0.5835831507780656 -0.12677766806220175 0.06566116106438567 0.10547657115400808 0.2819225002960588 0.3988477286259432 0.5798870077721342 +15199,0.9133315395905408,0,1.2339931862109572 1.064128309240354 1.2506220761000522 0.8952740451709561 0.6491761933557653 0.5235138972464617 0.16333534159803959 0.2653254559333204 0.23712031130551767 0.1043557918529383 0.024643010718872725 -0.5305973029150902 -0.5835831507780656 -0.12677766806220175 0.06566116106438567 0.10547657115400808 0.2819225002960588 0.3988477286259432 0.5798870077721342 0.7179752468978127 +15200,1.0657367919532026,0,1.064128309240354 1.2506220761000522 0.8952740451709561 0.6491761933557653 0.5235138972464617 0.16333534159803959 0.2653254559333204 0.23712031130551767 0.1043557918529383 0.024643010718872725 -0.5305973029150902 -0.5835831507780656 -0.12677766806220175 0.06566116106438567 0.10547657115400808 0.2819225002960588 0.3988477286259432 0.5798870077721342 0.7179752468978127 0.9133315395905408 +15201,1.076364917261385,0,1.2506220761000522 0.8952740451709561 0.6491761933557653 0.5235138972464617 0.16333534159803959 0.2653254559333204 0.23712031130551767 0.1043557918529383 0.024643010718872725 -0.5305973029150902 -0.5835831507780656 -0.12677766806220175 0.06566116106438567 0.10547657115400808 0.2819225002960588 0.3988477286259432 0.5798870077721342 0.7179752468978127 0.9133315395905408 1.0657367919532026 +15202,1.0821223381195246,0,0.8952740451709561 0.6491761933557653 0.5235138972464617 0.16333534159803959 0.2653254559333204 0.23712031130551767 0.1043557918529383 0.024643010718872725 -0.5305973029150902 -0.5835831507780656 -0.12677766806220175 0.06566116106438567 0.10547657115400808 0.2819225002960588 0.3988477286259432 0.5798870077721342 0.7179752468978127 0.9133315395905408 1.0657367919532026 1.076364917261385 +15203,1.1073206218922251,0,0.6491761933557653 0.5235138972464617 0.16333534159803959 0.2653254559333204 0.23712031130551767 0.1043557918529383 0.024643010718872725 -0.5305973029150902 -0.5835831507780656 -0.12677766806220175 0.06566116106438567 0.10547657115400808 0.2819225002960588 0.3988477286259432 0.5798870077721342 0.7179752468978127 0.9133315395905408 1.0657367919532026 1.076364917261385 1.0821223381195246 +15204,0.9850455886003958,0,0.5235138972464617 0.16333534159803959 0.2653254559333204 0.23712031130551767 0.1043557918529383 0.024643010718872725 -0.5305973029150902 -0.5835831507780656 -0.12677766806220175 0.06566116106438567 0.10547657115400808 0.2819225002960588 0.3988477286259432 0.5798870077721342 0.7179752468978127 0.9133315395905408 1.0657367919532026 1.076364917261385 1.0821223381195246 1.1073206218922251 +15205,0.9438762625114109,0,0.16333534159803959 0.2653254559333204 0.23712031130551767 0.1043557918529383 0.024643010718872725 -0.5305973029150902 -0.5835831507780656 -0.12677766806220175 0.06566116106438567 0.10547657115400808 0.2819225002960588 0.3988477286259432 0.5798870077721342 0.7179752468978127 0.9133315395905408 1.0657367919532026 1.076364917261385 1.0821223381195246 1.1073206218922251 0.9850455886003958 +15206,0.7590689447952516,0,0.2653254559333204 0.23712031130551767 0.1043557918529383 0.024643010718872725 -0.5305973029150902 -0.5835831507780656 -0.12677766806220175 0.06566116106438567 0.10547657115400808 0.2819225002960588 0.3988477286259432 0.5798870077721342 0.7179752468978127 0.9133315395905408 1.0657367919532026 1.076364917261385 1.0821223381195246 1.1073206218922251 0.9850455886003958 0.9438762625114109 +15207,0.5470223680739825,0,0.23712031130551767 0.1043557918529383 0.024643010718872725 -0.5305973029150902 -0.5835831507780656 -0.12677766806220175 0.06566116106438567 0.10547657115400808 0.2819225002960588 0.3988477286259432 0.5798870077721342 0.7179752468978127 0.9133315395905408 1.0657367919532026 1.076364917261385 1.0821223381195246 1.1073206218922251 0.9850455886003958 0.9438762625114109 0.7590689447952516 +15208,0.4301084594713858,0,0.1043557918529383 0.024643010718872725 -0.5305973029150902 -0.5835831507780656 -0.12677766806220175 0.06566116106438567 0.10547657115400808 0.2819225002960588 0.3988477286259432 0.5798870077721342 0.7179752468978127 0.9133315395905408 1.0657367919532026 1.076364917261385 1.0821223381195246 1.1073206218922251 0.9850455886003958 0.9438762625114109 0.7590689447952516 0.5470223680739825 +15209,0.09922003877826716,0,0.024643010718872725 -0.5305973029150902 -0.5835831507780656 -0.12677766806220175 0.06566116106438567 0.10547657115400808 0.2819225002960588 0.3988477286259432 0.5798870077721342 0.7179752468978127 0.9133315395905408 1.0657367919532026 1.076364917261385 1.0821223381195246 1.1073206218922251 0.9850455886003958 0.9438762625114109 0.7590689447952516 0.5470223680739825 0.4301084594713858 +15210,0.06740227488673067,0,-0.5305973029150902 -0.5835831507780656 -0.12677766806220175 0.06566116106438567 0.10547657115400808 0.2819225002960588 0.3988477286259432 0.5798870077721342 0.7179752468978127 0.9133315395905408 1.0657367919532026 1.076364917261385 1.0821223381195246 1.1073206218922251 0.9850455886003958 0.9438762625114109 0.7590689447952516 0.5470223680739825 0.4301084594713858 0.09922003877826716 +15211,-0.33578273520817464,0,-0.5835831507780656 -0.12677766806220175 0.06566116106438567 0.10547657115400808 0.2819225002960588 0.3988477286259432 0.5798870077721342 0.7179752468978127 0.9133315395905408 1.0657367919532026 1.076364917261385 1.0821223381195246 1.1073206218922251 0.9850455886003958 0.9438762625114109 0.7590689447952516 0.5470223680739825 0.4301084594713858 0.09922003877826716 0.06740227488673067 +15212,-0.4398970883467209,0,-0.12677766806220175 0.06566116106438567 0.10547657115400808 0.2819225002960588 0.3988477286259432 0.5798870077721342 0.7179752468978127 0.9133315395905408 1.0657367919532026 1.076364917261385 1.0821223381195246 1.1073206218922251 0.9850455886003958 0.9438762625114109 0.7590689447952516 0.5470223680739825 0.4301084594713858 0.09922003877826716 0.06740227488673067 -0.33578273520817464 +15213,-0.4801653008389375,0,0.06566116106438567 0.10547657115400808 0.2819225002960588 0.3988477286259432 0.5798870077721342 0.7179752468978127 0.9133315395905408 1.0657367919532026 1.076364917261385 1.0821223381195246 1.1073206218922251 0.9850455886003958 0.9438762625114109 0.7590689447952516 0.5470223680739825 0.4301084594713858 0.09922003877826716 0.06740227488673067 -0.33578273520817464 -0.4398970883467209 +15214,-0.6055617010659629,0,0.10547657115400808 0.2819225002960588 0.3988477286259432 0.5798870077721342 0.7179752468978127 0.9133315395905408 1.0657367919532026 1.076364917261385 1.0821223381195246 1.1073206218922251 0.9850455886003958 0.9438762625114109 0.7590689447952516 0.5470223680739825 0.4301084594713858 0.09922003877826716 0.06740227488673067 -0.33578273520817464 -0.4398970883467209 -0.4801653008389375 +15215,-0.6671119603371047,0,0.2819225002960588 0.3988477286259432 0.5798870077721342 0.7179752468978127 0.9133315395905408 1.0657367919532026 1.076364917261385 1.0821223381195246 1.1073206218922251 0.9850455886003958 0.9438762625114109 0.7590689447952516 0.5470223680739825 0.4301084594713858 0.09922003877826716 0.06740227488673067 -0.33578273520817464 -0.4398970883467209 -0.4801653008389375 -0.6055617010659629 +15216,-0.17110577678224465,0,0.3988477286259432 0.5798870077721342 0.7179752468978127 0.9133315395905408 1.0657367919532026 1.076364917261385 1.0821223381195246 1.1073206218922251 0.9850455886003958 0.9438762625114109 0.7590689447952516 0.5470223680739825 0.4301084594713858 0.09922003877826716 0.06740227488673067 -0.33578273520817464 -0.4398970883467209 -0.4801653008389375 -0.6055617010659629 -0.6671119603371047 +15217,0.03160988597046394,0,0.5798870077721342 0.7179752468978127 0.9133315395905408 1.0657367919532026 1.076364917261385 1.0821223381195246 1.1073206218922251 0.9850455886003958 0.9438762625114109 0.7590689447952516 0.5470223680739825 0.4301084594713858 0.09922003877826716 0.06740227488673067 -0.33578273520817464 -0.4398970883467209 -0.4801653008389375 -0.6055617010659629 -0.6671119603371047 -0.17110577678224465 +15218,0.012037232703347906,0,0.7179752468978127 0.9133315395905408 1.0657367919532026 1.076364917261385 1.0821223381195246 1.1073206218922251 0.9850455886003958 0.9438762625114109 0.7590689447952516 0.5470223680739825 0.4301084594713858 0.09922003877826716 0.06740227488673067 -0.33578273520817464 -0.4398970883467209 -0.4801653008389375 -0.6055617010659629 -0.6671119603371047 -0.17110577678224465 0.03160988597046394 +15219,0.2622415463293914,0,0.9133315395905408 1.0657367919532026 1.076364917261385 1.0821223381195246 1.1073206218922251 0.9850455886003958 0.9438762625114109 0.7590689447952516 0.5470223680739825 0.4301084594713858 0.09922003877826716 0.06740227488673067 -0.33578273520817464 -0.4398970883467209 -0.4801653008389375 -0.6055617010659629 -0.6671119603371047 -0.17110577678224465 0.03160988597046394 0.012037232703347906 +15220,0.2285397602120792,0,1.0657367919532026 1.076364917261385 1.0821223381195246 1.1073206218922251 0.9850455886003958 0.9438762625114109 0.7590689447952516 0.5470223680739825 0.4301084594713858 0.09922003877826716 0.06740227488673067 -0.33578273520817464 -0.4398970883467209 -0.4801653008389375 -0.6055617010659629 -0.6671119603371047 -0.17110577678224465 0.03160988597046394 0.012037232703347906 0.2622415463293914 +15221,0.49806076196779514,0,1.076364917261385 1.0821223381195246 1.1073206218922251 0.9850455886003958 0.9438762625114109 0.7590689447952516 0.5470223680739825 0.4301084594713858 0.09922003877826716 0.06740227488673067 -0.33578273520817464 -0.4398970883467209 -0.4801653008389375 -0.6055617010659629 -0.6671119603371047 -0.17110577678224465 0.03160988597046394 0.012037232703347906 0.2622415463293914 0.2285397602120792 +15222,0.6419789920290887,0,1.0821223381195246 1.1073206218922251 0.9850455886003958 0.9438762625114109 0.7590689447952516 0.5470223680739825 0.4301084594713858 0.09922003877826716 0.06740227488673067 -0.33578273520817464 -0.4398970883467209 -0.4801653008389375 -0.6055617010659629 -0.6671119603371047 -0.17110577678224465 0.03160988597046394 0.012037232703347906 0.2622415463293914 0.2285397602120792 0.49806076196779514 +15223,0.9533675841432458,0,1.1073206218922251 0.9850455886003958 0.9438762625114109 0.7590689447952516 0.5470223680739825 0.4301084594713858 0.09922003877826716 0.06740227488673067 -0.33578273520817464 -0.4398970883467209 -0.4801653008389375 -0.6055617010659629 -0.6671119603371047 -0.17110577678224465 0.03160988597046394 0.012037232703347906 0.2622415463293914 0.2285397602120792 0.49806076196779514 0.6419789920290887 +15224,1.1391534048725345,0,0.9850455886003958 0.9438762625114109 0.7590689447952516 0.5470223680739825 0.4301084594713858 0.09922003877826716 0.06740227488673067 -0.33578273520817464 -0.4398970883467209 -0.4801653008389375 -0.6055617010659629 -0.6671119603371047 -0.17110577678224465 0.03160988597046394 0.012037232703347906 0.2622415463293914 0.2285397602120792 0.49806076196779514 0.6419789920290887 0.9533675841432458 +15225,1.0322434340002928,0,0.9438762625114109 0.7590689447952516 0.5470223680739825 0.4301084594713858 0.09922003877826716 0.06740227488673067 -0.33578273520817464 -0.4398970883467209 -0.4801653008389375 -0.6055617010659629 -0.6671119603371047 -0.17110577678224465 0.03160988597046394 0.012037232703347906 0.2622415463293914 0.2285397602120792 0.49806076196779514 0.6419789920290887 0.9533675841432458 1.1391534048725345 +15226,1.302313490588347,0,0.7590689447952516 0.5470223680739825 0.4301084594713858 0.09922003877826716 0.06740227488673067 -0.33578273520817464 -0.4398970883467209 -0.4801653008389375 -0.6055617010659629 -0.6671119603371047 -0.17110577678224465 0.03160988597046394 0.012037232703347906 0.2622415463293914 0.2285397602120792 0.49806076196779514 0.6419789920290887 0.9533675841432458 1.1391534048725345 1.0322434340002928 +15227,1.2651947155095171,0,0.5470223680739825 0.4301084594713858 0.09922003877826716 0.06740227488673067 -0.33578273520817464 -0.4398970883467209 -0.4801653008389375 -0.6055617010659629 -0.6671119603371047 -0.17110577678224465 0.03160988597046394 0.012037232703347906 0.2622415463293914 0.2285397602120792 0.49806076196779514 0.6419789920290887 0.9533675841432458 1.1391534048725345 1.0322434340002928 1.302313490588347 +15228,1.236036575988325,0,0.4301084594713858 0.09922003877826716 0.06740227488673067 -0.33578273520817464 -0.4398970883467209 -0.4801653008389375 -0.6055617010659629 -0.6671119603371047 -0.17110577678224465 0.03160988597046394 0.012037232703347906 0.2622415463293914 0.2285397602120792 0.49806076196779514 0.6419789920290887 0.9533675841432458 1.1391534048725345 1.0322434340002928 1.302313490588347 1.2651947155095171 +15229,1.1011294809660537,0,0.09922003877826716 0.06740227488673067 -0.33578273520817464 -0.4398970883467209 -0.4801653008389375 -0.6055617010659629 -0.6671119603371047 -0.17110577678224465 0.03160988597046394 0.012037232703347906 0.2622415463293914 0.2285397602120792 0.49806076196779514 0.6419789920290887 0.9533675841432458 1.1391534048725345 1.0322434340002928 1.302313490588347 1.2651947155095171 1.236036575988325 +15230,1.0208896639471337,0,0.06740227488673067 -0.33578273520817464 -0.4398970883467209 -0.4801653008389375 -0.6055617010659629 -0.6671119603371047 -0.17110577678224465 0.03160988597046394 0.012037232703347906 0.2622415463293914 0.2285397602120792 0.49806076196779514 0.6419789920290887 0.9533675841432458 1.1391534048725345 1.0322434340002928 1.302313490588347 1.2651947155095171 1.236036575988325 1.1011294809660537 +15231,0.7519629521305992,0,-0.33578273520817464 -0.4398970883467209 -0.4801653008389375 -0.6055617010659629 -0.6671119603371047 -0.17110577678224465 0.03160988597046394 0.012037232703347906 0.2622415463293914 0.2285397602120792 0.49806076196779514 0.6419789920290887 0.9533675841432458 1.1391534048725345 1.0322434340002928 1.302313490588347 1.2651947155095171 1.236036575988325 1.1011294809660537 1.0208896639471337 +15232,0.5113201220148215,0,-0.4398970883467209 -0.4801653008389375 -0.6055617010659629 -0.6671119603371047 -0.17110577678224465 0.03160988597046394 0.012037232703347906 0.2622415463293914 0.2285397602120792 0.49806076196779514 0.6419789920290887 0.9533675841432458 1.1391534048725345 1.0322434340002928 1.302313490588347 1.2651947155095171 1.236036575988325 1.1011294809660537 1.0208896639471337 0.7519629521305992 +15233,0.23989018534657103,0,-0.4801653008389375 -0.6055617010659629 -0.6671119603371047 -0.17110577678224465 0.03160988597046394 0.012037232703347906 0.2622415463293914 0.2285397602120792 0.49806076196779514 0.6419789920290887 0.9533675841432458 1.1391534048725345 1.0322434340002928 1.302313490588347 1.2651947155095171 1.236036575988325 1.1011294809660537 1.0208896639471337 0.7519629521305992 0.5113201220148215 +15234,0.23676881841136638,0,-0.6055617010659629 -0.6671119603371047 -0.17110577678224465 0.03160988597046394 0.012037232703347906 0.2622415463293914 0.2285397602120792 0.49806076196779514 0.6419789920290887 0.9533675841432458 1.1391534048725345 1.0322434340002928 1.302313490588347 1.2651947155095171 1.236036575988325 1.1011294809660537 1.0208896639471337 0.7519629521305992 0.5113201220148215 0.23989018534657103 +15235,-0.12409730832266747,0,-0.6671119603371047 -0.17110577678224465 0.03160988597046394 0.012037232703347906 0.2622415463293914 0.2285397602120792 0.49806076196779514 0.6419789920290887 0.9533675841432458 1.1391534048725345 1.0322434340002928 1.302313490588347 1.2651947155095171 1.236036575988325 1.1011294809660537 1.0208896639471337 0.7519629521305992 0.5113201220148215 0.23989018534657103 0.23676881841136638 +15236,-0.2166548651688962,0,-0.17110577678224465 0.03160988597046394 0.012037232703347906 0.2622415463293914 0.2285397602120792 0.49806076196779514 0.6419789920290887 0.9533675841432458 1.1391534048725345 1.0322434340002928 1.302313490588347 1.2651947155095171 1.236036575988325 1.1011294809660537 1.0208896639471337 0.7519629521305992 0.5113201220148215 0.23989018534657103 0.23676881841136638 -0.12409730832266747 +15237,0.08870320758627313,0,0.03160988597046394 0.012037232703347906 0.2622415463293914 0.2285397602120792 0.49806076196779514 0.6419789920290887 0.9533675841432458 1.1391534048725345 1.0322434340002928 1.302313490588347 1.2651947155095171 1.236036575988325 1.1011294809660537 1.0208896639471337 0.7519629521305992 0.5113201220148215 0.23989018534657103 0.23676881841136638 -0.12409730832266747 -0.2166548651688962 +15238,-0.11784869549961784,0,0.012037232703347906 0.2622415463293914 0.2285397602120792 0.49806076196779514 0.6419789920290887 0.9533675841432458 1.1391534048725345 1.0322434340002928 1.302313490588347 1.2651947155095171 1.236036575988325 1.1011294809660537 1.0208896639471337 0.7519629521305992 0.5113201220148215 0.23989018534657103 0.23676881841136638 -0.12409730832266747 -0.2166548651688962 0.08870320758627313 +15239,0.19412733528238674,0,0.2622415463293914 0.2285397602120792 0.49806076196779514 0.6419789920290887 0.9533675841432458 1.1391534048725345 1.0322434340002928 1.302313490588347 1.2651947155095171 1.236036575988325 1.1011294809660537 1.0208896639471337 0.7519629521305992 0.5113201220148215 0.23989018534657103 0.23676881841136638 -0.12409730832266747 -0.2166548651688962 0.08870320758627313 -0.11784869549961784 +15240,0.19841742726177883,0,0.2285397602120792 0.49806076196779514 0.6419789920290887 0.9533675841432458 1.1391534048725345 1.0322434340002928 1.302313490588347 1.2651947155095171 1.236036575988325 1.1011294809660537 1.0208896639471337 0.7519629521305992 0.5113201220148215 0.23989018534657103 0.23676881841136638 -0.12409730832266747 -0.2166548651688962 0.08870320758627313 -0.11784869549961784 0.19412733528238674 +15241,0.2173441137555148,0,0.49806076196779514 0.6419789920290887 0.9533675841432458 1.1391534048725345 1.0322434340002928 1.302313490588347 1.2651947155095171 1.236036575988325 1.1011294809660537 1.0208896639471337 0.7519629521305992 0.5113201220148215 0.23989018534657103 0.23676881841136638 -0.12409730832266747 -0.2166548651688962 0.08870320758627313 -0.11784869549961784 0.19412733528238674 0.19841742726177883 +15242,0.22660368860019786,0,0.6419789920290887 0.9533675841432458 1.1391534048725345 1.0322434340002928 1.302313490588347 1.2651947155095171 1.236036575988325 1.1011294809660537 1.0208896639471337 0.7519629521305992 0.5113201220148215 0.23989018534657103 0.23676881841136638 -0.12409730832266747 -0.2166548651688962 0.08870320758627313 -0.11784869549961784 0.19412733528238674 0.19841742726177883 0.2173441137555148 +15243,0.5477973628676178,0,0.9533675841432458 1.1391534048725345 1.0322434340002928 1.302313490588347 1.2651947155095171 1.236036575988325 1.1011294809660537 1.0208896639471337 0.7519629521305992 0.5113201220148215 0.23989018534657103 0.23676881841136638 -0.12409730832266747 -0.2166548651688962 0.08870320758627313 -0.11784869549961784 0.19412733528238674 0.19841742726177883 0.2173441137555148 0.22660368860019786 +15244,0.5918049540550082,0,1.1391534048725345 1.0322434340002928 1.302313490588347 1.2651947155095171 1.236036575988325 1.1011294809660537 1.0208896639471337 0.7519629521305992 0.5113201220148215 0.23989018534657103 0.23676881841136638 -0.12409730832266747 -0.2166548651688962 0.08870320758627313 -0.11784869549961784 0.19412733528238674 0.19841742726177883 0.2173441137555148 0.22660368860019786 0.5477973628676178 +15245,0.9319049623690467,0,1.0322434340002928 1.302313490588347 1.2651947155095171 1.236036575988325 1.1011294809660537 1.0208896639471337 0.7519629521305992 0.5113201220148215 0.23989018534657103 0.23676881841136638 -0.12409730832266747 -0.2166548651688962 0.08870320758627313 -0.11784869549961784 0.19412733528238674 0.19841742726177883 0.2173441137555148 0.22660368860019786 0.5477973628676178 0.5918049540550082 +15246,0.9644600450208887,0,1.302313490588347 1.2651947155095171 1.236036575988325 1.1011294809660537 1.0208896639471337 0.7519629521305992 0.5113201220148215 0.23989018534657103 0.23676881841136638 -0.12409730832266747 -0.2166548651688962 0.08870320758627313 -0.11784869549961784 0.19412733528238674 0.19841742726177883 0.2173441137555148 0.22660368860019786 0.5477973628676178 0.5918049540550082 0.9319049623690467 +15247,1.407075028452472,0,1.2651947155095171 1.236036575988325 1.1011294809660537 1.0208896639471337 0.7519629521305992 0.5113201220148215 0.23989018534657103 0.23676881841136638 -0.12409730832266747 -0.2166548651688962 0.08870320758627313 -0.11784869549961784 0.19412733528238674 0.19841742726177883 0.2173441137555148 0.22660368860019786 0.5477973628676178 0.5918049540550082 0.9319049623690467 0.9644600450208887 +15248,1.5421450862218586,0,1.236036575988325 1.1011294809660537 1.0208896639471337 0.7519629521305992 0.5113201220148215 0.23989018534657103 0.23676881841136638 -0.12409730832266747 -0.2166548651688962 0.08870320758627313 -0.11784869549961784 0.19412733528238674 0.19841742726177883 0.2173441137555148 0.22660368860019786 0.5477973628676178 0.5918049540550082 0.9319049623690467 0.9644600450208887 1.407075028452472 +15249,1.3256244747000483,0,1.1011294809660537 1.0208896639471337 0.7519629521305992 0.5113201220148215 0.23989018534657103 0.23676881841136638 -0.12409730832266747 -0.2166548651688962 0.08870320758627313 -0.11784869549961784 0.19412733528238674 0.19841742726177883 0.2173441137555148 0.22660368860019786 0.5477973628676178 0.5918049540550082 0.9319049623690467 0.9644600450208887 1.407075028452472 1.5421450862218586 +15250,1.3549662589389655,0,1.0208896639471337 0.7519629521305992 0.5113201220148215 0.23989018534657103 0.23676881841136638 -0.12409730832266747 -0.2166548651688962 0.08870320758627313 -0.11784869549961784 0.19412733528238674 0.19841742726177883 0.2173441137555148 0.22660368860019786 0.5477973628676178 0.5918049540550082 0.9319049623690467 0.9644600450208887 1.407075028452472 1.5421450862218586 1.3256244747000483 +15251,1.4089858626522647,0,0.7519629521305992 0.5113201220148215 0.23989018534657103 0.23676881841136638 -0.12409730832266747 -0.2166548651688962 0.08870320758627313 -0.11784869549961784 0.19412733528238674 0.19841742726177883 0.2173441137555148 0.22660368860019786 0.5477973628676178 0.5918049540550082 0.9319049623690467 0.9644600450208887 1.407075028452472 1.5421450862218586 1.3256244747000483 1.3549662589389655 +15252,1.181758143270563,0,0.5113201220148215 0.23989018534657103 0.23676881841136638 -0.12409730832266747 -0.2166548651688962 0.08870320758627313 -0.11784869549961784 0.19412733528238674 0.19841742726177883 0.2173441137555148 0.22660368860019786 0.5477973628676178 0.5918049540550082 0.9319049623690467 0.9644600450208887 1.407075028452472 1.5421450862218586 1.3256244747000483 1.3549662589389655 1.4089858626522647 +15253,1.2894393987404584,0,0.23989018534657103 0.23676881841136638 -0.12409730832266747 -0.2166548651688962 0.08870320758627313 -0.11784869549961784 0.19412733528238674 0.19841742726177883 0.2173441137555148 0.22660368860019786 0.5477973628676178 0.5918049540550082 0.9319049623690467 0.9644600450208887 1.407075028452472 1.5421450862218586 1.3256244747000483 1.3549662589389655 1.4089858626522647 1.181758143270563 +15254,0.8441971325300691,0,0.23676881841136638 -0.12409730832266747 -0.2166548651688962 0.08870320758627313 -0.11784869549961784 0.19412733528238674 0.19841742726177883 0.2173441137555148 0.22660368860019786 0.5477973628676178 0.5918049540550082 0.9319049623690467 0.9644600450208887 1.407075028452472 1.5421450862218586 1.3256244747000483 1.3549662589389655 1.4089858626522647 1.181758143270563 1.2894393987404584 +15255,0.8101742229221894,0,-0.12409730832266747 -0.2166548651688962 0.08870320758627313 -0.11784869549961784 0.19412733528238674 0.19841742726177883 0.2173441137555148 0.22660368860019786 0.5477973628676178 0.5918049540550082 0.9319049623690467 0.9644600450208887 1.407075028452472 1.5421450862218586 1.3256244747000483 1.3549662589389655 1.4089858626522647 1.181758143270563 1.2894393987404584 0.8441971325300691 +15256,0.7872171092575437,0,-0.2166548651688962 0.08870320758627313 -0.11784869549961784 0.19412733528238674 0.19841742726177883 0.2173441137555148 0.22660368860019786 0.5477973628676178 0.5918049540550082 0.9319049623690467 0.9644600450208887 1.407075028452472 1.5421450862218586 1.3256244747000483 1.3549662589389655 1.4089858626522647 1.181758143270563 1.2894393987404584 0.8441971325300691 0.8101742229221894 +15257,0.5547612942316947,0,0.08870320758627313 -0.11784869549961784 0.19412733528238674 0.19841742726177883 0.2173441137555148 0.22660368860019786 0.5477973628676178 0.5918049540550082 0.9319049623690467 0.9644600450208887 1.407075028452472 1.5421450862218586 1.3256244747000483 1.3549662589389655 1.4089858626522647 1.181758143270563 1.2894393987404584 0.8441971325300691 0.8101742229221894 0.7872171092575437 +15258,0.47171087923971877,0,-0.11784869549961784 0.19412733528238674 0.19841742726177883 0.2173441137555148 0.22660368860019786 0.5477973628676178 0.5918049540550082 0.9319049623690467 0.9644600450208887 1.407075028452472 1.5421450862218586 1.3256244747000483 1.3549662589389655 1.4089858626522647 1.181758143270563 1.2894393987404584 0.8441971325300691 0.8101742229221894 0.7872171092575437 0.5547612942316947 +15259,-0.05455015863697303,0,0.19412733528238674 0.19841742726177883 0.2173441137555148 0.22660368860019786 0.5477973628676178 0.5918049540550082 0.9319049623690467 0.9644600450208887 1.407075028452472 1.5421450862218586 1.3256244747000483 1.3549662589389655 1.4089858626522647 1.181758143270563 1.2894393987404584 0.8441971325300691 0.8101742229221894 0.7872171092575437 0.5547612942316947 0.47171087923971877 +15260,-0.1456631158305651,0,0.19841742726177883 0.2173441137555148 0.22660368860019786 0.5477973628676178 0.5918049540550082 0.9319049623690467 0.9644600450208887 1.407075028452472 1.5421450862218586 1.3256244747000483 1.3549662589389655 1.4089858626522647 1.181758143270563 1.2894393987404584 0.8441971325300691 0.8101742229221894 0.7872171092575437 0.5547612942316947 0.47171087923971877 -0.05455015863697303 +15261,0.28699444917490774,0,0.2173441137555148 0.22660368860019786 0.5477973628676178 0.5918049540550082 0.9319049623690467 0.9644600450208887 1.407075028452472 1.5421450862218586 1.3256244747000483 1.3549662589389655 1.4089858626522647 1.181758143270563 1.2894393987404584 0.8441971325300691 0.8101742229221894 0.7872171092575437 0.5547612942316947 0.47171087923971877 -0.05455015863697303 -0.1456631158305651 +15262,0.1820525127630332,0,0.22660368860019786 0.5477973628676178 0.5918049540550082 0.9319049623690467 0.9644600450208887 1.407075028452472 1.5421450862218586 1.3256244747000483 1.3549662589389655 1.4089858626522647 1.181758143270563 1.2894393987404584 0.8441971325300691 0.8101742229221894 0.7872171092575437 0.5547612942316947 0.47171087923971877 -0.05455015863697303 -0.1456631158305651 0.28699444917490774 +15263,-0.1119482431891207,0,0.5477973628676178 0.5918049540550082 0.9319049623690467 0.9644600450208887 1.407075028452472 1.5421450862218586 1.3256244747000483 1.3549662589389655 1.4089858626522647 1.181758143270563 1.2894393987404584 0.8441971325300691 0.8101742229221894 0.7872171092575437 0.5547612942316947 0.47171087923971877 -0.05455015863697303 -0.1456631158305651 0.28699444917490774 0.1820525127630332 +15264,0.3309185234189956,0,0.5918049540550082 0.9319049623690467 0.9644600450208887 1.407075028452472 1.5421450862218586 1.3256244747000483 1.3549662589389655 1.4089858626522647 1.181758143270563 1.2894393987404584 0.8441971325300691 0.8101742229221894 0.7872171092575437 0.5547612942316947 0.47171087923971877 -0.05455015863697303 -0.1456631158305651 0.28699444917490774 0.1820525127630332 -0.1119482431891207 +15265,-0.1416904671728005,0,0.9319049623690467 0.9644600450208887 1.407075028452472 1.5421450862218586 1.3256244747000483 1.3549662589389655 1.4089858626522647 1.181758143270563 1.2894393987404584 0.8441971325300691 0.8101742229221894 0.7872171092575437 0.5547612942316947 0.47171087923971877 -0.05455015863697303 -0.1456631158305651 0.28699444917490774 0.1820525127630332 -0.1119482431891207 0.3309185234189956 +15266,0.12256806479568234,0,0.9644600450208887 1.407075028452472 1.5421450862218586 1.3256244747000483 1.3549662589389655 1.4089858626522647 1.181758143270563 1.2894393987404584 0.8441971325300691 0.8101742229221894 0.7872171092575437 0.5547612942316947 0.47171087923971877 -0.05455015863697303 -0.1456631158305651 0.28699444917490774 0.1820525127630332 -0.1119482431891207 0.3309185234189956 -0.1416904671728005 +15267,0.5128937037184766,0,1.407075028452472 1.5421450862218586 1.3256244747000483 1.3549662589389655 1.4089858626522647 1.181758143270563 1.2894393987404584 0.8441971325300691 0.8101742229221894 0.7872171092575437 0.5547612942316947 0.47171087923971877 -0.05455015863697303 -0.1456631158305651 0.28699444917490774 0.1820525127630332 -0.1119482431891207 0.3309185234189956 -0.1416904671728005 0.12256806479568234 +15268,0.7351298664958053,0,1.5421450862218586 1.3256244747000483 1.3549662589389655 1.4089858626522647 1.181758143270563 1.2894393987404584 0.8441971325300691 0.8101742229221894 0.7872171092575437 0.5547612942316947 0.47171087923971877 -0.05455015863697303 -0.1456631158305651 0.28699444917490774 0.1820525127630332 -0.1119482431891207 0.3309185234189956 -0.1416904671728005 0.12256806479568234 0.5128937037184766 +15269,1.0834331365370167,0,1.3256244747000483 1.3549662589389655 1.4089858626522647 1.181758143270563 1.2894393987404584 0.8441971325300691 0.8101742229221894 0.7872171092575437 0.5547612942316947 0.47171087923971877 -0.05455015863697303 -0.1456631158305651 0.28699444917490774 0.1820525127630332 -0.1119482431891207 0.3309185234189956 -0.1416904671728005 0.12256806479568234 0.5128937037184766 0.7351298664958053 +15270,0.9829160374886535,0,1.3549662589389655 1.4089858626522647 1.181758143270563 1.2894393987404584 0.8441971325300691 0.8101742229221894 0.7872171092575437 0.5547612942316947 0.47171087923971877 -0.05455015863697303 -0.1456631158305651 0.28699444917490774 0.1820525127630332 -0.1119482431891207 0.3309185234189956 -0.1416904671728005 0.12256806479568234 0.5128937037184766 0.7351298664958053 1.0834331365370167 +15271,1.4596524905508732,0,1.4089858626522647 1.181758143270563 1.2894393987404584 0.8441971325300691 0.8101742229221894 0.7872171092575437 0.5547612942316947 0.47171087923971877 -0.05455015863697303 -0.1456631158305651 0.28699444917490774 0.1820525127630332 -0.1119482431891207 0.3309185234189956 -0.1416904671728005 0.12256806479568234 0.5128937037184766 0.7351298664958053 1.0834331365370167 0.9829160374886535 +15272,1.5051014263985452,0,1.181758143270563 1.2894393987404584 0.8441971325300691 0.8101742229221894 0.7872171092575437 0.5547612942316947 0.47171087923971877 -0.05455015863697303 -0.1456631158305651 0.28699444917490774 0.1820525127630332 -0.1119482431891207 0.3309185234189956 -0.1416904671728005 0.12256806479568234 0.5128937037184766 0.7351298664958053 1.0834331365370167 0.9829160374886535 1.4596524905508732 +15273,1.5373692866997521,0,1.2894393987404584 0.8441971325300691 0.8101742229221894 0.7872171092575437 0.5547612942316947 0.47171087923971877 -0.05455015863697303 -0.1456631158305651 0.28699444917490774 0.1820525127630332 -0.1119482431891207 0.3309185234189956 -0.1416904671728005 0.12256806479568234 0.5128937037184766 0.7351298664958053 1.0834331365370167 0.9829160374886535 1.4596524905508732 1.5051014263985452 +15274,1.8479874479745784,0,0.8441971325300691 0.8101742229221894 0.7872171092575437 0.5547612942316947 0.47171087923971877 -0.05455015863697303 -0.1456631158305651 0.28699444917490774 0.1820525127630332 -0.1119482431891207 0.3309185234189956 -0.1416904671728005 0.12256806479568234 0.5128937037184766 0.7351298664958053 1.0834331365370167 0.9829160374886535 1.4596524905508732 1.5051014263985452 1.5373692866997521 +15275,1.822810141644687,0,0.8101742229221894 0.7872171092575437 0.5547612942316947 0.47171087923971877 -0.05455015863697303 -0.1456631158305651 0.28699444917490774 0.1820525127630332 -0.1119482431891207 0.3309185234189956 -0.1416904671728005 0.12256806479568234 0.5128937037184766 0.7351298664958053 1.0834331365370167 0.9829160374886535 1.4596524905508732 1.5051014263985452 1.5373692866997521 1.8479874479745784 +15276,1.4176705064815454,0,0.7872171092575437 0.5547612942316947 0.47171087923971877 -0.05455015863697303 -0.1456631158305651 0.28699444917490774 0.1820525127630332 -0.1119482431891207 0.3309185234189956 -0.1416904671728005 0.12256806479568234 0.5128937037184766 0.7351298664958053 1.0834331365370167 0.9829160374886535 1.4596524905508732 1.5051014263985452 1.5373692866997521 1.8479874479745784 1.822810141644687 +15277,1.1661364606908244,0,0.5547612942316947 0.47171087923971877 -0.05455015863697303 -0.1456631158305651 0.28699444917490774 0.1820525127630332 -0.1119482431891207 0.3309185234189956 -0.1416904671728005 0.12256806479568234 0.5128937037184766 0.7351298664958053 1.0834331365370167 0.9829160374886535 1.4596524905508732 1.5051014263985452 1.5373692866997521 1.8479874479745784 1.822810141644687 1.4176705064815454 +15278,1.053148138788248,0,0.47171087923971877 -0.05455015863697303 -0.1456631158305651 0.28699444917490774 0.1820525127630332 -0.1119482431891207 0.3309185234189956 -0.1416904671728005 0.12256806479568234 0.5128937037184766 0.7351298664958053 1.0834331365370167 0.9829160374886535 1.4596524905508732 1.5051014263985452 1.5373692866997521 1.8479874479745784 1.822810141644687 1.4176705064815454 1.1661364606908244 +15279,0.9412173742677329,0,-0.05455015863697303 -0.1456631158305651 0.28699444917490774 0.1820525127630332 -0.1119482431891207 0.3309185234189956 -0.1416904671728005 0.12256806479568234 0.5128937037184766 0.7351298664958053 1.0834331365370167 0.9829160374886535 1.4596524905508732 1.5051014263985452 1.5373692866997521 1.8479874479745784 1.822810141644687 1.4176705064815454 1.1661364606908244 1.053148138788248 +15280,0.6570183052471673,0,-0.1456631158305651 0.28699444917490774 0.1820525127630332 -0.1119482431891207 0.3309185234189956 -0.1416904671728005 0.12256806479568234 0.5128937037184766 0.7351298664958053 1.0834331365370167 0.9829160374886535 1.4596524905508732 1.5051014263985452 1.5373692866997521 1.8479874479745784 1.822810141644687 1.4176705064815454 1.1661364606908244 1.053148138788248 0.9412173742677329 +15281,0.3359560552810951,0,0.28699444917490774 0.1820525127630332 -0.1119482431891207 0.3309185234189956 -0.1416904671728005 0.12256806479568234 0.5128937037184766 0.7351298664958053 1.0834331365370167 0.9829160374886535 1.4596524905508732 1.5051014263985452 1.5373692866997521 1.8479874479745784 1.822810141644687 1.4176705064815454 1.1661364606908244 1.053148138788248 0.9412173742677329 0.6570183052471673 +15282,0.3448816168345862,0,0.1820525127630332 -0.1119482431891207 0.3309185234189956 -0.1416904671728005 0.12256806479568234 0.5128937037184766 0.7351298664958053 1.0834331365370167 0.9829160374886535 1.4596524905508732 1.5051014263985452 1.5373692866997521 1.8479874479745784 1.822810141644687 1.4176705064815454 1.1661364606908244 1.053148138788248 0.9412173742677329 0.6570183052471673 0.3359560552810951 +15283,-0.086176570149894,0,-0.1119482431891207 0.3309185234189956 -0.1416904671728005 0.12256806479568234 0.5128937037184766 0.7351298664958053 1.0834331365370167 0.9829160374886535 1.4596524905508732 1.5051014263985452 1.5373692866997521 1.8479874479745784 1.822810141644687 1.4176705064815454 1.1661364606908244 1.053148138788248 0.9412173742677329 0.6570183052471673 0.3359560552810951 0.3448816168345862 +15284,-0.18724694576959655,0,0.3309185234189956 -0.1416904671728005 0.12256806479568234 0.5128937037184766 0.7351298664958053 1.0834331365370167 0.9829160374886535 1.4596524905508732 1.5051014263985452 1.5373692866997521 1.8479874479745784 1.822810141644687 1.4176705064815454 1.1661364606908244 1.053148138788248 0.9412173742677329 0.6570183052471673 0.3359560552810951 0.3448816168345862 -0.086176570149894 +15285,-0.23654390539420825,0,-0.1416904671728005 0.12256806479568234 0.5128937037184766 0.7351298664958053 1.0834331365370167 0.9829160374886535 1.4596524905508732 1.5051014263985452 1.5373692866997521 1.8479874479745784 1.822810141644687 1.4176705064815454 1.1661364606908244 1.053148138788248 0.9412173742677329 0.6570183052471673 0.3359560552810951 0.3448816168345862 -0.086176570149894 -0.18724694576959655 +15286,-0.3548720863456019,0,0.12256806479568234 0.5128937037184766 0.7351298664958053 1.0834331365370167 0.9829160374886535 1.4596524905508732 1.5051014263985452 1.5373692866997521 1.8479874479745784 1.822810141644687 1.4176705064815454 1.1661364606908244 1.053148138788248 0.9412173742677329 0.6570183052471673 0.3359560552810951 0.3448816168345862 -0.086176570149894 -0.18724694576959655 -0.23654390539420825 +15287,-0.4214268513019135,0,0.5128937037184766 0.7351298664958053 1.0834331365370167 0.9829160374886535 1.4596524905508732 1.5051014263985452 1.5373692866997521 1.8479874479745784 1.822810141644687 1.4176705064815454 1.1661364606908244 1.053148138788248 0.9412173742677329 0.6570183052471673 0.3359560552810951 0.3448816168345862 -0.086176570149894 -0.18724694576959655 -0.23654390539420825 -0.3548720863456019 +15288,-0.025503389073444103,0,0.7351298664958053 1.0834331365370167 0.9829160374886535 1.4596524905508732 1.5051014263985452 1.5373692866997521 1.8479874479745784 1.822810141644687 1.4176705064815454 1.1661364606908244 1.053148138788248 0.9412173742677329 0.6570183052471673 0.3359560552810951 0.3448816168345862 -0.086176570149894 -0.18724694576959655 -0.23654390539420825 -0.3548720863456019 -0.4214268513019135 +15289,-0.2462175630913464,0,1.0834331365370167 0.9829160374886535 1.4596524905508732 1.5051014263985452 1.5373692866997521 1.8479874479745784 1.822810141644687 1.4176705064815454 1.1661364606908244 1.053148138788248 0.9412173742677329 0.6570183052471673 0.3359560552810951 0.3448816168345862 -0.086176570149894 -0.18724694576959655 -0.23654390539420825 -0.3548720863456019 -0.4214268513019135 -0.025503389073444103 +15290,-0.004453509924467742,0,0.9829160374886535 1.4596524905508732 1.5051014263985452 1.5373692866997521 1.8479874479745784 1.822810141644687 1.4176705064815454 1.1661364606908244 1.053148138788248 0.9412173742677329 0.6570183052471673 0.3359560552810951 0.3448816168345862 -0.086176570149894 -0.18724694576959655 -0.23654390539420825 -0.3548720863456019 -0.4214268513019135 -0.025503389073444103 -0.2462175630913464 +15291,0.35316226782333415,0,1.4596524905508732 1.5051014263985452 1.5373692866997521 1.8479874479745784 1.822810141644687 1.4176705064815454 1.1661364606908244 1.053148138788248 0.9412173742677329 0.6570183052471673 0.3359560552810951 0.3448816168345862 -0.086176570149894 -0.18724694576959655 -0.23654390539420825 -0.3548720863456019 -0.4214268513019135 -0.025503389073444103 -0.2462175630913464 -0.004453509924467742 +15292,0.5563090794632355,0,1.5051014263985452 1.5373692866997521 1.8479874479745784 1.822810141644687 1.4176705064815454 1.1661364606908244 1.053148138788248 0.9412173742677329 0.6570183052471673 0.3359560552810951 0.3448816168345862 -0.086176570149894 -0.18724694576959655 -0.23654390539420825 -0.3548720863456019 -0.4214268513019135 -0.025503389073444103 -0.2462175630913464 -0.004453509924467742 0.35316226782333415 +15293,0.87530761568406,0,1.5373692866997521 1.8479874479745784 1.822810141644687 1.4176705064815454 1.1661364606908244 1.053148138788248 0.9412173742677329 0.6570183052471673 0.3359560552810951 0.3448816168345862 -0.086176570149894 -0.18724694576959655 -0.23654390539420825 -0.3548720863456019 -0.4214268513019135 -0.025503389073444103 -0.2462175630913464 -0.004453509924467742 0.35316226782333415 0.5563090794632355 +15294,0.9664721658218898,0,1.8479874479745784 1.822810141644687 1.4176705064815454 1.1661364606908244 1.053148138788248 0.9412173742677329 0.6570183052471673 0.3359560552810951 0.3448816168345862 -0.086176570149894 -0.18724694576959655 -0.23654390539420825 -0.3548720863456019 -0.4214268513019135 -0.025503389073444103 -0.2462175630913464 -0.004453509924467742 0.35316226782333415 0.5563090794632355 0.87530761568406 +15295,1.3614153641219775,0,1.822810141644687 1.4176705064815454 1.1661364606908244 1.053148138788248 0.9412173742677329 0.6570183052471673 0.3359560552810951 0.3448816168345862 -0.086176570149894 -0.18724694576959655 -0.23654390539420825 -0.3548720863456019 -0.4214268513019135 -0.025503389073444103 -0.2462175630913464 -0.004453509924467742 0.35316226782333415 0.5563090794632355 0.87530761568406 0.9664721658218898 +15296,1.5285245761842934,0,1.4176705064815454 1.1661364606908244 1.053148138788248 0.9412173742677329 0.6570183052471673 0.3359560552810951 0.3448816168345862 -0.086176570149894 -0.18724694576959655 -0.23654390539420825 -0.3548720863456019 -0.4214268513019135 -0.025503389073444103 -0.2462175630913464 -0.004453509924467742 0.35316226782333415 0.5563090794632355 0.87530761568406 0.9664721658218898 1.3614153641219775 +15297,1.4327424668239561,0,1.1661364606908244 1.053148138788248 0.9412173742677329 0.6570183052471673 0.3359560552810951 0.3448816168345862 -0.086176570149894 -0.18724694576959655 -0.23654390539420825 -0.3548720863456019 -0.4214268513019135 -0.025503389073444103 -0.2462175630913464 -0.004453509924467742 0.35316226782333415 0.5563090794632355 0.87530761568406 0.9664721658218898 1.3614153641219775 1.5285245761842934 +15298,1.6874821194636656,0,1.053148138788248 0.9412173742677329 0.6570183052471673 0.3359560552810951 0.3448816168345862 -0.086176570149894 -0.18724694576959655 -0.23654390539420825 -0.3548720863456019 -0.4214268513019135 -0.025503389073444103 -0.2462175630913464 -0.004453509924467742 0.35316226782333415 0.5563090794632355 0.87530761568406 0.9664721658218898 1.3614153641219775 1.5285245761842934 1.4327424668239561 +15299,1.6793304506807305,0,0.9412173742677329 0.6570183052471673 0.3359560552810951 0.3448816168345862 -0.086176570149894 -0.18724694576959655 -0.23654390539420825 -0.3548720863456019 -0.4214268513019135 -0.025503389073444103 -0.2462175630913464 -0.004453509924467742 0.35316226782333415 0.5563090794632355 0.87530761568406 0.9664721658218898 1.3614153641219775 1.5285245761842934 1.4327424668239561 1.6874821194636656 +15300,1.2373345813417582,0,0.6570183052471673 0.3359560552810951 0.3448816168345862 -0.086176570149894 -0.18724694576959655 -0.23654390539420825 -0.3548720863456019 -0.4214268513019135 -0.025503389073444103 -0.2462175630913464 -0.004453509924467742 0.35316226782333415 0.5563090794632355 0.87530761568406 0.9664721658218898 1.3614153641219775 1.5285245761842934 1.4327424668239561 1.6874821194636656 1.6793304506807305 +15301,1.5639172651971445,0,0.3359560552810951 0.3448816168345862 -0.086176570149894 -0.18724694576959655 -0.23654390539420825 -0.3548720863456019 -0.4214268513019135 -0.025503389073444103 -0.2462175630913464 -0.004453509924467742 0.35316226782333415 0.5563090794632355 0.87530761568406 0.9664721658218898 1.3614153641219775 1.5285245761842934 1.4327424668239561 1.6874821194636656 1.6793304506807305 1.2373345813417582 +15302,1.3918508197514265,0,0.3448816168345862 -0.086176570149894 -0.18724694576959655 -0.23654390539420825 -0.3548720863456019 -0.4214268513019135 -0.025503389073444103 -0.2462175630913464 -0.004453509924467742 0.35316226782333415 0.5563090794632355 0.87530761568406 0.9664721658218898 1.3614153641219775 1.5285245761842934 1.4327424668239561 1.6874821194636656 1.6793304506807305 1.2373345813417582 1.5639172651971445 +15303,1.0647091226135232,0,-0.086176570149894 -0.18724694576959655 -0.23654390539420825 -0.3548720863456019 -0.4214268513019135 -0.025503389073444103 -0.2462175630913464 -0.004453509924467742 0.35316226782333415 0.5563090794632355 0.87530761568406 0.9664721658218898 1.3614153641219775 1.5285245761842934 1.4327424668239561 1.6874821194636656 1.6793304506807305 1.2373345813417582 1.5639172651971445 1.3918508197514265 +15304,0.5892769048950858,0,-0.18724694576959655 -0.23654390539420825 -0.3548720863456019 -0.4214268513019135 -0.025503389073444103 -0.2462175630913464 -0.004453509924467742 0.35316226782333415 0.5563090794632355 0.87530761568406 0.9664721658218898 1.3614153641219775 1.5285245761842934 1.4327424668239561 1.6874821194636656 1.6793304506807305 1.2373345813417582 1.5639172651971445 1.3918508197514265 1.0647091226135232 +15305,0.2736834961836525,0,-0.23654390539420825 -0.3548720863456019 -0.4214268513019135 -0.025503389073444103 -0.2462175630913464 -0.004453509924467742 0.35316226782333415 0.5563090794632355 0.87530761568406 0.9664721658218898 1.3614153641219775 1.5285245761842934 1.4327424668239561 1.6874821194636656 1.6793304506807305 1.2373345813417582 1.5639172651971445 1.3918508197514265 1.0647091226135232 0.5892769048950858 +15306,0.27840424113984985,0,-0.3548720863456019 -0.4214268513019135 -0.025503389073444103 -0.2462175630913464 -0.004453509924467742 0.35316226782333415 0.5563090794632355 0.87530761568406 0.9664721658218898 1.3614153641219775 1.5285245761842934 1.4327424668239561 1.6874821194636656 1.6793304506807305 1.2373345813417582 1.5639172651971445 1.3918508197514265 1.0647091226135232 0.5892769048950858 0.2736834961836525 +15307,-0.14396055207587385,0,-0.4214268513019135 -0.025503389073444103 -0.2462175630913464 -0.004453509924467742 0.35316226782333415 0.5563090794632355 0.87530761568406 0.9664721658218898 1.3614153641219775 1.5285245761842934 1.4327424668239561 1.6874821194636656 1.6793304506807305 1.2373345813417582 1.5639172651971445 1.3918508197514265 1.0647091226135232 0.5892769048950858 0.2736834961836525 0.27840424113984985 +15308,-0.246011191778735,0,-0.025503389073444103 -0.2462175630913464 -0.004453509924467742 0.35316226782333415 0.5563090794632355 0.87530761568406 0.9664721658218898 1.3614153641219775 1.5285245761842934 1.4327424668239561 1.6874821194636656 1.6793304506807305 1.2373345813417582 1.5639172651971445 1.3918508197514265 1.0647091226135232 0.5892769048950858 0.2736834961836525 0.27840424113984985 -0.14396055207587385 +15309,-0.3016282743805544,0,-0.2462175630913464 -0.004453509924467742 0.35316226782333415 0.5563090794632355 0.87530761568406 0.9664721658218898 1.3614153641219775 1.5285245761842934 1.4327424668239561 1.6874821194636656 1.6793304506807305 1.2373345813417582 1.5639172651971445 1.3918508197514265 1.0647091226135232 0.5892769048950858 0.2736834961836525 0.27840424113984985 -0.14396055207587385 -0.246011191778735 +15310,-0.41915676624405446,0,-0.004453509924467742 0.35316226782333415 0.5563090794632355 0.87530761568406 0.9664721658218898 1.3614153641219775 1.5285245761842934 1.4327424668239561 1.6874821194636656 1.6793304506807305 1.2373345813417582 1.5639172651971445 1.3918508197514265 1.0647091226135232 0.5892769048950858 0.2736834961836525 0.27840424113984985 -0.14396055207587385 -0.246011191778735 -0.3016282743805544 +15311,-0.49025170131607526,0,0.35316226782333415 0.5563090794632355 0.87530761568406 0.9664721658218898 1.3614153641219775 1.5285245761842934 1.4327424668239561 1.6874821194636656 1.6793304506807305 1.2373345813417582 1.5639172651971445 1.3918508197514265 1.0647091226135232 0.5892769048950858 0.2736834961836525 0.27840424113984985 -0.14396055207587385 -0.246011191778735 -0.3016282743805544 -0.41915676624405446 +15312,-0.018412930445702396,0,0.5563090794632355 0.87530761568406 0.9664721658218898 1.3614153641219775 1.5285245761842934 1.4327424668239561 1.6874821194636656 1.6793304506807305 1.2373345813417582 1.5639172651971445 1.3918508197514265 1.0647091226135232 0.5892769048950858 0.2736834961836525 0.27840424113984985 -0.14396055207587385 -0.246011191778735 -0.3016282743805544 -0.41915676624405446 -0.49025170131607526 +15313,-0.24458799815063678,0,0.87530761568406 0.9664721658218898 1.3614153641219775 1.5285245761842934 1.4327424668239561 1.6874821194636656 1.6793304506807305 1.2373345813417582 1.5639172651971445 1.3918508197514265 1.0647091226135232 0.5892769048950858 0.2736834961836525 0.27840424113984985 -0.14396055207587385 -0.246011191778735 -0.3016282743805544 -0.41915676624405446 -0.49025170131607526 -0.018412930445702396 +15314,0.2699688116279425,0,0.9664721658218898 1.3614153641219775 1.5285245761842934 1.4327424668239561 1.6874821194636656 1.6793304506807305 1.2373345813417582 1.5639172651971445 1.3918508197514265 1.0647091226135232 0.5892769048950858 0.2736834961836525 0.27840424113984985 -0.14396055207587385 -0.246011191778735 -0.3016282743805544 -0.41915676624405446 -0.49025170131607526 -0.018412930445702396 -0.24458799815063678 +15315,0.29163780486953866,0,1.3614153641219775 1.5285245761842934 1.4327424668239561 1.6874821194636656 1.6793304506807305 1.2373345813417582 1.5639172651971445 1.3918508197514265 1.0647091226135232 0.5892769048950858 0.2736834961836525 0.27840424113984985 -0.14396055207587385 -0.246011191778735 -0.3016282743805544 -0.41915676624405446 -0.49025170131607526 -0.018412930445702396 -0.24458799815063678 0.2699688116279425 +15316,0.313306798111126,0,1.5285245761842934 1.4327424668239561 1.6874821194636656 1.6793304506807305 1.2373345813417582 1.5639172651971445 1.3918508197514265 1.0647091226135232 0.5892769048950858 0.2736834961836525 0.27840424113984985 -0.14396055207587385 -0.246011191778735 -0.3016282743805544 -0.41915676624405446 -0.49025170131607526 -0.018412930445702396 -0.24458799815063678 0.2699688116279425 0.29163780486953866 +15317,0.5521128266068612,0,1.4327424668239561 1.6874821194636656 1.6793304506807305 1.2373345813417582 1.5639172651971445 1.3918508197514265 1.0647091226135232 0.5892769048950858 0.2736834961836525 0.27840424113984985 -0.14396055207587385 -0.246011191778735 -0.3016282743805544 -0.41915676624405446 -0.49025170131607526 -0.018412930445702396 -0.24458799815063678 0.2699688116279425 0.29163780486953866 0.313306798111126 +15318,0.6155740106232244,0,1.6874821194636656 1.6793304506807305 1.2373345813417582 1.5639172651971445 1.3918508197514265 1.0647091226135232 0.5892769048950858 0.2736834961836525 0.27840424113984985 -0.14396055207587385 -0.246011191778735 -0.3016282743805544 -0.41915676624405446 -0.49025170131607526 -0.018412930445702396 -0.24458799815063678 0.2699688116279425 0.29163780486953866 0.313306798111126 0.5521128266068612 +15319,0.9773066624426923,0,1.6793304506807305 1.2373345813417582 1.5639172651971445 1.3918508197514265 1.0647091226135232 0.5892769048950858 0.2736834961836525 0.27840424113984985 -0.14396055207587385 -0.246011191778735 -0.3016282743805544 -0.41915676624405446 -0.49025170131607526 -0.018412930445702396 -0.24458799815063678 0.2699688116279425 0.29163780486953866 0.313306798111126 0.5521128266068612 0.6155740106232244 +15320,1.1693001813758803,0,1.2373345813417582 1.5639172651971445 1.3918508197514265 1.0647091226135232 0.5892769048950858 0.2736834961836525 0.27840424113984985 -0.14396055207587385 -0.246011191778735 -0.3016282743805544 -0.41915676624405446 -0.49025170131607526 -0.018412930445702396 -0.24458799815063678 0.2699688116279425 0.29163780486953866 0.313306798111126 0.5521128266068612 0.6155740106232244 0.9773066624426923 +15321,1.3178194133819536,0,1.5639172651971445 1.3918508197514265 1.0647091226135232 0.5892769048950858 0.2736834961836525 0.27840424113984985 -0.14396055207587385 -0.246011191778735 -0.3016282743805544 -0.41915676624405446 -0.49025170131607526 -0.018412930445702396 -0.24458799815063678 0.2699688116279425 0.29163780486953866 0.313306798111126 0.5521128266068612 0.6155740106232244 0.9773066624426923 1.1693001813758803 +15322,2.3997212902298863,0,1.3918508197514265 1.0647091226135232 0.5892769048950858 0.2736834961836525 0.27840424113984985 -0.14396055207587385 -0.246011191778735 -0.3016282743805544 -0.41915676624405446 -0.49025170131607526 -0.018412930445702396 -0.24458799815063678 0.2699688116279425 0.29163780486953866 0.313306798111126 0.5521128266068612 0.6155740106232244 0.9773066624426923 1.1693001813758803 1.3178194133819536 +15323,2.2044240689152894,0,1.0647091226135232 0.5892769048950858 0.2736834961836525 0.27840424113984985 -0.14396055207587385 -0.246011191778735 -0.3016282743805544 -0.41915676624405446 -0.49025170131607526 -0.018412930445702396 -0.24458799815063678 0.2699688116279425 0.29163780486953866 0.313306798111126 0.5521128266068612 0.6155740106232244 0.9773066624426923 1.1693001813758803 1.3178194133819536 2.3997212902298863 +15324,1.1970921653216648,0,0.5892769048950858 0.2736834961836525 0.27840424113984985 -0.14396055207587385 -0.246011191778735 -0.3016282743805544 -0.41915676624405446 -0.49025170131607526 -0.018412930445702396 -0.24458799815063678 0.2699688116279425 0.29163780486953866 0.313306798111126 0.5521128266068612 0.6155740106232244 0.9773066624426923 1.1693001813758803 1.3178194133819536 2.3997212902298863 2.2044240689152894 +15325,1.1491108231438594,0,0.2736834961836525 0.27840424113984985 -0.14396055207587385 -0.246011191778735 -0.3016282743805544 -0.41915676624405446 -0.49025170131607526 -0.018412930445702396 -0.24458799815063678 0.2699688116279425 0.29163780486953866 0.313306798111126 0.5521128266068612 0.6155740106232244 0.9773066624426923 1.1693001813758803 1.3178194133819536 2.3997212902298863 2.2044240689152894 1.1970921653216648 +15326,0.8720572666978281,0,0.27840424113984985 -0.14396055207587385 -0.246011191778735 -0.3016282743805544 -0.41915676624405446 -0.49025170131607526 -0.018412930445702396 -0.24458799815063678 0.2699688116279425 0.29163780486953866 0.313306798111126 0.5521128266068612 0.6155740106232244 0.9773066624426923 1.1693001813758803 1.3178194133819536 2.3997212902298863 2.2044240689152894 1.1970921653216648 1.1491108231438594 +15327,0.6182204887249162,0,-0.14396055207587385 -0.246011191778735 -0.3016282743805544 -0.41915676624405446 -0.49025170131607526 -0.018412930445702396 -0.24458799815063678 0.2699688116279425 0.29163780486953866 0.313306798111126 0.5521128266068612 0.6155740106232244 0.9773066624426923 1.1693001813758803 1.3178194133819536 2.3997212902298863 2.2044240689152894 1.1970921653216648 1.1491108231438594 0.8720572666978281 +15328,0.36593149598355373,0,-0.246011191778735 -0.3016282743805544 -0.41915676624405446 -0.49025170131607526 -0.018412930445702396 -0.24458799815063678 0.2699688116279425 0.29163780486953866 0.313306798111126 0.5521128266068612 0.6155740106232244 0.9773066624426923 1.1693001813758803 1.3178194133819536 2.3997212902298863 2.2044240689152894 1.1970921653216648 1.1491108231438594 0.8720572666978281 0.6182204887249162 +15329,0.3287846504265506,0,-0.3016282743805544 -0.41915676624405446 -0.49025170131607526 -0.018412930445702396 -0.24458799815063678 0.2699688116279425 0.29163780486953866 0.313306798111126 0.5521128266068612 0.6155740106232244 0.9773066624426923 1.1693001813758803 1.3178194133819536 2.3997212902298863 2.2044240689152894 1.1970921653216648 1.1491108231438594 0.8720572666978281 0.6182204887249162 0.36593149598355373 +15330,0.280803308248745,0,-0.41915676624405446 -0.49025170131607526 -0.018412930445702396 -0.24458799815063678 0.2699688116279425 0.29163780486953866 0.313306798111126 0.5521128266068612 0.6155740106232244 0.9773066624426923 1.1693001813758803 1.3178194133819536 2.3997212902298863 2.2044240689152894 1.1970921653216648 1.1491108231438594 0.8720572666978281 0.6182204887249162 0.36593149598355373 0.3287846504265506 +15331,0.15543270449383412,0,-0.49025170131607526 -0.018412930445702396 -0.24458799815063678 0.2699688116279425 0.29163780486953866 0.313306798111126 0.5521128266068612 0.6155740106232244 0.9773066624426923 1.1693001813758803 1.3178194133819536 2.3997212902298863 2.2044240689152894 1.1970921653216648 1.1491108231438594 0.8720572666978281 0.6182204887249162 0.36593149598355373 0.3287846504265506 0.280803308248745 +15332,0.18638840912467444,0,-0.018412930445702396 -0.24458799815063678 0.2699688116279425 0.29163780486953866 0.313306798111126 0.5521128266068612 0.6155740106232244 0.9773066624426923 1.1693001813758803 1.3178194133819536 2.3997212902298863 2.2044240689152894 1.1970921653216648 1.1491108231438594 0.8720572666978281 0.6182204887249162 0.36593149598355373 0.3287846504265506 0.280803308248745 0.15543270449383412 +15333,0.16317163065153759,0,-0.24458799815063678 0.2699688116279425 0.29163780486953866 0.313306798111126 0.5521128266068612 0.6155740106232244 0.9773066624426923 1.1693001813758803 1.3178194133819536 2.3997212902298863 2.2044240689152894 1.1970921653216648 1.1491108231438594 0.8720572666978281 0.6182204887249162 0.36593149598355373 0.3287846504265506 0.280803308248745 0.15543270449383412 0.18638840912467444 +15334,0.14305042264149093,0,0.2699688116279425 0.29163780486953866 0.313306798111126 0.5521128266068612 0.6155740106232244 0.9773066624426923 1.1693001813758803 1.3178194133819536 2.3997212902298863 2.2044240689152894 1.1970921653216648 1.1491108231438594 0.8720572666978281 0.6182204887249162 0.36593149598355373 0.3287846504265506 0.280803308248745 0.15543270449383412 0.18638840912467444 0.16317163065153759 +15335,0.105903577084479,0,0.29163780486953866 0.313306798111126 0.5521128266068612 0.6155740106232244 0.9773066624426923 1.1693001813758803 1.3178194133819536 2.3997212902298863 2.2044240689152894 1.1970921653216648 1.1491108231438594 0.8720572666978281 0.6182204887249162 0.36593149598355373 0.3287846504265506 0.280803308248745 0.15543270449383412 0.18638840912467444 0.16317163065153759 0.14305042264149093 +15336,0.12602478509453446,0,0.313306798111126 0.5521128266068612 0.6155740106232244 0.9773066624426923 1.1693001813758803 1.3178194133819536 2.3997212902298863 2.2044240689152894 1.1970921653216648 1.1491108231438594 0.8720572666978281 0.6182204887249162 0.36593149598355373 0.3287846504265506 0.280803308248745 0.15543270449383412 0.18638840912467444 0.16317163065153759 0.14305042264149093 0.105903577084479 +15337,0.0532788792120513,0,0.5521128266068612 0.6155740106232244 0.9773066624426923 1.1693001813758803 1.3178194133819536 2.3997212902298863 2.2044240689152894 1.1970921653216648 1.1491108231438594 0.8720572666978281 0.6182204887249162 0.36593149598355373 0.3287846504265506 0.280803308248745 0.15543270449383412 0.18638840912467444 0.16317163065153759 0.14305042264149093 0.105903577084479 0.12602478509453446 +15338,0.10126022138985691,0,0.6155740106232244 0.9773066624426923 1.1693001813758803 1.3178194133819536 2.3997212902298863 2.2044240689152894 1.1970921653216648 1.1491108231438594 0.8720572666978281 0.6182204887249162 0.36593149598355373 0.3287846504265506 0.280803308248745 0.15543270449383412 0.18638840912467444 0.16317163065153759 0.14305042264149093 0.105903577084479 0.12602478509453446 0.0532788792120513 +15339,0.11364250324219129,0,0.9773066624426923 1.1693001813758803 1.3178194133819536 2.3997212902298863 2.2044240689152894 1.1970921653216648 1.1491108231438594 0.8720572666978281 0.6182204887249162 0.36593149598355373 0.3287846504265506 0.280803308248745 0.15543270449383412 0.18638840912467444 0.16317163065153759 0.14305042264149093 0.105903577084479 0.12602478509453446 0.0532788792120513 0.10126022138985691 +15340,0.29808425250531134,0,1.1693001813758803 1.3178194133819536 2.3997212902298863 2.2044240689152894 1.1970921653216648 1.1491108231438594 0.8720572666978281 0.6182204887249162 0.36593149598355373 0.3287846504265506 0.280803308248745 0.15543270449383412 0.18638840912467444 0.16317163065153759 0.14305042264149093 0.105903577084479 0.12602478509453446 0.0532788792120513 0.10126022138985691 0.11364250324219129 +15341,0.7928609268587047,0,1.3178194133819536 2.3997212902298863 2.2044240689152894 1.1970921653216648 1.1491108231438594 0.8720572666978281 0.6182204887249162 0.36593149598355373 0.3287846504265506 0.280803308248745 0.15543270449383412 0.18638840912467444 0.16317163065153759 0.14305042264149093 0.105903577084479 0.12602478509453446 0.0532788792120513 0.10126022138985691 0.11364250324219129 0.29808425250531134 +15342,0.6345080469299152,0,2.3997212902298863 2.2044240689152894 1.1970921653216648 1.1491108231438594 0.8720572666978281 0.6182204887249162 0.36593149598355373 0.3287846504265506 0.280803308248745 0.15543270449383412 0.18638840912467444 0.16317163065153759 0.14305042264149093 0.105903577084479 0.12602478509453446 0.0532788792120513 0.10126022138985691 0.11364250324219129 0.29808425250531134 0.7928609268587047 +15343,1.2591309240305228,0,2.2044240689152894 1.1970921653216648 1.1491108231438594 0.8720572666978281 0.6182204887249162 0.36593149598355373 0.3287846504265506 0.280803308248745 0.15543270449383412 0.18638840912467444 0.16317163065153759 0.14305042264149093 0.105903577084479 0.12602478509453446 0.0532788792120513 0.10126022138985691 0.11364250324219129 0.29808425250531134 0.7928609268587047 0.6345080469299152 +15344,1.2125700176370895,0,1.1970921653216648 1.1491108231438594 0.8720572666978281 0.6182204887249162 0.36593149598355373 0.3287846504265506 0.280803308248745 0.15543270449383412 0.18638840912467444 0.16317163065153759 0.14305042264149093 0.105903577084479 0.12602478509453446 0.0532788792120513 0.10126022138985691 0.11364250324219129 0.29808425250531134 0.7928609268587047 0.6345080469299152 1.2591309240305228 +15345,1.3379406213920002,0,1.1491108231438594 0.8720572666978281 0.6182204887249162 0.36593149598355373 0.3287846504265506 0.280803308248745 0.15543270449383412 0.18638840912467444 0.16317163065153759 0.14305042264149093 0.105903577084479 0.12602478509453446 0.0532788792120513 0.10126022138985691 0.11364250324219129 0.29808425250531134 0.7928609268587047 0.6345080469299152 1.2591309240305228 1.2125700176370895 +15346,1.3797308226436342,0,0.8720572666978281 0.6182204887249162 0.36593149598355373 0.3287846504265506 0.280803308248745 0.15543270449383412 0.18638840912467444 0.16317163065153759 0.14305042264149093 0.105903577084479 0.12602478509453446 0.0532788792120513 0.10126022138985691 0.11364250324219129 0.29808425250531134 0.7928609268587047 0.6345080469299152 1.2591309240305228 1.2125700176370895 1.3379406213920002 +15347,1.3843741783382653,0,0.6182204887249162 0.36593149598355373 0.3287846504265506 0.280803308248745 0.15543270449383412 0.18638840912467444 0.16317163065153759 0.14305042264149093 0.105903577084479 0.12602478509453446 0.0532788792120513 0.10126022138985691 0.11364250324219129 0.29808425250531134 0.7928609268587047 0.6345080469299152 1.2591309240305228 1.2125700176370895 1.3379406213920002 1.3797308226436342 +15348,1.3658778236558993,0,0.36593149598355373 0.3287846504265506 0.280803308248745 0.15543270449383412 0.18638840912467444 0.16317163065153759 0.14305042264149093 0.105903577084479 0.12602478509453446 0.0532788792120513 0.10126022138985691 0.11364250324219129 0.29808425250531134 0.7928609268587047 0.6345080469299152 1.2591309240305228 1.2125700176370895 1.3379406213920002 1.3797308226436342 1.3843741783382653 +15349,1.285315923519564,0,0.3287846504265506 0.280803308248745 0.15543270449383412 0.18638840912467444 0.16317163065153759 0.14305042264149093 0.105903577084479 0.12602478509453446 0.0532788792120513 0.10126022138985691 0.11364250324219129 0.29808425250531134 0.7928609268587047 0.6345080469299152 1.2591309240305228 1.2125700176370895 1.3379406213920002 1.3797308226436342 1.3843741783382653 1.3658778236558993 +15350,1.0841038434190973,0,0.280803308248745 0.15543270449383412 0.18638840912467444 0.16317163065153759 0.14305042264149093 0.105903577084479 0.12602478509453446 0.0532788792120513 0.10126022138985691 0.11364250324219129 0.29808425250531134 0.7928609268587047 0.6345080469299152 1.2591309240305228 1.2125700176370895 1.3379406213920002 1.3797308226436342 1.3843741783382653 1.3658778236558993 1.285315923519564 +15351,0.7977635755838042,0,0.15543270449383412 0.18638840912467444 0.16317163065153759 0.14305042264149093 0.105903577084479 0.12602478509453446 0.0532788792120513 0.10126022138985691 0.11364250324219129 0.29808425250531134 0.7928609268587047 0.6345080469299152 1.2591309240305228 1.2125700176370895 1.3379406213920002 1.3797308226436342 1.3843741783382653 1.3658778236558993 1.285315923519564 1.0841038434190973 +15352,0.5764302874732822,0,0.18638840912467444 0.16317163065153759 0.14305042264149093 0.105903577084479 0.12602478509453446 0.0532788792120513 0.10126022138985691 0.11364250324219129 0.29808425250531134 0.7928609268587047 0.6345080469299152 1.2591309240305228 1.2125700176370895 1.3379406213920002 1.3797308226436342 1.3843741783382653 1.3658778236558993 1.285315923519564 1.0841038434190973 0.7977635755838042 +15353,0.41668675161231533,0,0.16317163065153759 0.14305042264149093 0.105903577084479 0.12602478509453446 0.0532788792120513 0.10126022138985691 0.11364250324219129 0.29808425250531134 0.7928609268587047 0.6345080469299152 1.2591309240305228 1.2125700176370895 1.3379406213920002 1.3797308226436342 1.3843741783382653 1.3658778236558993 1.285315923519564 1.0841038434190973 0.7977635755838042 0.5764302874732822 +15354,0.519390514118791,0,0.14305042264149093 0.105903577084479 0.12602478509453446 0.0532788792120513 0.10126022138985691 0.11364250324219129 0.29808425250531134 0.7928609268587047 0.6345080469299152 1.2591309240305228 1.2125700176370895 1.3379406213920002 1.3797308226436342 1.3843741783382653 1.3658778236558993 1.285315923519564 1.0841038434190973 0.7977635755838042 0.5764302874732822 0.41668675161231533 +15355,0.007445982579421834,0,0.105903577084479 0.12602478509453446 0.0532788792120513 0.10126022138985691 0.11364250324219129 0.29808425250531134 0.7928609268587047 0.6345080469299152 1.2591309240305228 1.2125700176370895 1.3379406213920002 1.3797308226436342 1.3843741783382653 1.3658778236558993 1.285315923519564 1.0841038434190973 0.7977635755838042 0.5764302874732822 0.41668675161231533 0.519390514118791 +15356,0.036525891153436026,0,0.12602478509453446 0.0532788792120513 0.10126022138985691 0.11364250324219129 0.29808425250531134 0.7928609268587047 0.6345080469299152 1.2591309240305228 1.2125700176370895 1.3379406213920002 1.3797308226436342 1.3843741783382653 1.3658778236558993 1.285315923519564 1.0841038434190973 0.7977635755838042 0.5764302874732822 0.41668675161231533 0.519390514118791 0.007445982579421834 +15357,0.06560579972745022,0,0.0532788792120513 0.10126022138985691 0.11364250324219129 0.29808425250531134 0.7928609268587047 0.6345080469299152 1.2591309240305228 1.2125700176370895 1.3379406213920002 1.3797308226436342 1.3843741783382653 1.3658778236558993 1.285315923519564 1.0841038434190973 0.7977635755838042 0.5764302874732822 0.41668675161231533 0.519390514118791 0.007445982579421834 0.036525891153436026 +15358,0.09468570830146442,0,0.10126022138985691 0.11364250324219129 0.29808425250531134 0.7928609268587047 0.6345080469299152 1.2591309240305228 1.2125700176370895 1.3379406213920002 1.3797308226436342 1.3843741783382653 1.3658778236558993 1.285315923519564 1.0841038434190973 0.7977635755838042 0.5764302874732822 0.41668675161231533 0.519390514118791 0.007445982579421834 0.036525891153436026 0.06560579972745022 +15359,0.1237656168754698,0,0.11364250324219129 0.29808425250531134 0.7928609268587047 0.6345080469299152 1.2591309240305228 1.2125700176370895 1.3379406213920002 1.3797308226436342 1.3843741783382653 1.3658778236558993 1.285315923519564 1.0841038434190973 0.7977635755838042 0.5764302874732822 0.41668675161231533 0.519390514118791 0.007445982579421834 0.036525891153436026 0.06560579972745022 0.09468570830146442 +15360,0.152845525449484,0,0.29808425250531134 0.7928609268587047 0.6345080469299152 1.2591309240305228 1.2125700176370895 1.3379406213920002 1.3797308226436342 1.3843741783382653 1.3658778236558993 1.285315923519564 1.0841038434190973 0.7977635755838042 0.5764302874732822 0.41668675161231533 0.519390514118791 0.007445982579421834 0.036525891153436026 0.06560579972745022 0.09468570830146442 0.1237656168754698 +15361,0.20031847620854953,0,0.7928609268587047 0.6345080469299152 1.2591309240305228 1.2125700176370895 1.3379406213920002 1.3797308226436342 1.3843741783382653 1.3658778236558993 1.285315923519564 1.0841038434190973 0.7977635755838042 0.5764302874732822 0.41668675161231533 0.519390514118791 0.007445982579421834 0.036525891153436026 0.06560579972745022 0.09468570830146442 0.1237656168754698 0.152845525449484 +15362,0.2403751494880437,0,0.6345080469299152 1.2591309240305228 1.2125700176370895 1.3379406213920002 1.3797308226436342 1.3843741783382653 1.3658778236558993 1.285315923519564 1.0841038434190973 0.7977635755838042 0.5764302874732822 0.41668675161231533 0.519390514118791 0.007445982579421834 0.036525891153436026 0.06560579972745022 0.09468570830146442 0.1237656168754698 0.152845525449484 0.20031847620854953 +15363,0.41855619385599024,0,1.2591309240305228 1.2125700176370895 1.3379406213920002 1.3797308226436342 1.3843741783382653 1.3658778236558993 1.285315923519564 1.0841038434190973 0.7977635755838042 0.5764302874732822 0.41668675161231533 0.519390514118791 0.007445982579421834 0.036525891153436026 0.06560579972745022 0.09468570830146442 0.1237656168754698 0.152845525449484 0.20031847620854953 0.2403751494880437 +15364,0.5236410292298087,0,1.2125700176370895 1.3379406213920002 1.3797308226436342 1.3843741783382653 1.3658778236558993 1.285315923519564 1.0841038434190973 0.7977635755838042 0.5764302874732822 0.41668675161231533 0.519390514118791 0.007445982579421834 0.036525891153436026 0.06560579972745022 0.09468570830146442 0.1237656168754698 0.152845525449484 0.20031847620854953 0.2403751494880437 0.41855619385599024 +15365,0.8113257495960026,0,1.3379406213920002 1.3797308226436342 1.3843741783382653 1.3658778236558993 1.285315923519564 1.0841038434190973 0.7977635755838042 0.5764302874732822 0.41668675161231533 0.519390514118791 0.007445982579421834 0.036525891153436026 0.06560579972745022 0.09468570830146442 0.1237656168754698 0.152845525449484 0.20031847620854953 0.2403751494880437 0.41855619385599024 0.5236410292298087 +15366,1.2543602188887235,0,1.3797308226436342 1.3843741783382653 1.3658778236558993 1.285315923519564 1.0841038434190973 0.7977635755838042 0.5764302874732822 0.41668675161231533 0.519390514118791 0.007445982579421834 0.036525891153436026 0.06560579972745022 0.09468570830146442 0.1237656168754698 0.152845525449484 0.20031847620854953 0.2403751494880437 0.41855619385599024 0.5236410292298087 0.8113257495960026 +15367,1.478789077462327,0,1.3843741783382653 1.3658778236558993 1.285315923519564 1.0841038434190973 0.7977635755838042 0.5764302874732822 0.41668675161231533 0.519390514118791 0.007445982579421834 0.036525891153436026 0.06560579972745022 0.09468570830146442 0.1237656168754698 0.152845525449484 0.20031847620854953 0.2403751494880437 0.41855619385599024 0.5236410292298087 0.8113257495960026 1.2543602188887235 +15368,1.6614277347842965,0,1.3658778236558993 1.285315923519564 1.0841038434190973 0.7977635755838042 0.5764302874732822 0.41668675161231533 0.519390514118791 0.007445982579421834 0.036525891153436026 0.06560579972745022 0.09468570830146442 0.1237656168754698 0.152845525449484 0.20031847620854953 0.2403751494880437 0.41855619385599024 0.5236410292298087 0.8113257495960026 1.2543602188887235 1.478789077462327 +15369,1.6784533723312616,0,1.285315923519564 1.0841038434190973 0.7977635755838042 0.5764302874732822 0.41668675161231533 0.519390514118791 0.007445982579421834 0.036525891153436026 0.06560579972745022 0.09468570830146442 0.1237656168754698 0.152845525449484 0.20031847620854953 0.2403751494880437 0.41855619385599024 0.5236410292298087 0.8113257495960026 1.2543602188887235 1.478789077462327 1.6614277347842965 +15370,1.6985745803413084,0,1.0841038434190973 0.7977635755838042 0.5764302874732822 0.41668675161231533 0.519390514118791 0.007445982579421834 0.036525891153436026 0.06560579972745022 0.09468570830146442 0.1237656168754698 0.152845525449484 0.20031847620854953 0.2403751494880437 0.41855619385599024 0.5236410292298087 0.8113257495960026 1.2543602188887235 1.478789077462327 1.6614277347842965 1.6784533723312616 +15371,1.6561822875390295,0,0.7977635755838042 0.5764302874732822 0.41668675161231533 0.519390514118791 0.007445982579421834 0.036525891153436026 0.06560579972745022 0.09468570830146442 0.1237656168754698 0.152845525449484 0.20031847620854953 0.2403751494880437 0.41855619385599024 0.5236410292298087 0.8113257495960026 1.2543602188887235 1.478789077462327 1.6614277347842965 1.6784533723312616 1.6985745803413084 +15372,1.5398619717531454,0,0.5764302874732822 0.41668675161231533 0.519390514118791 0.007445982579421834 0.036525891153436026 0.06560579972745022 0.09468570830146442 0.1237656168754698 0.152845525449484 0.20031847620854953 0.2403751494880437 0.41855619385599024 0.5236410292298087 0.8113257495960026 1.2543602188887235 1.478789077462327 1.6614277347842965 1.6784533723312616 1.6985745803413084 1.6561822875390295 +15373,1.4235416559672613,0,0.41668675161231533 0.519390514118791 0.007445982579421834 0.036525891153436026 0.06560579972745022 0.09468570830146442 0.1237656168754698 0.152845525449484 0.20031847620854953 0.2403751494880437 0.41855619385599024 0.5236410292298087 0.8113257495960026 1.2543602188887235 1.478789077462327 1.6614277347842965 1.6784533723312616 1.6985745803413084 1.6561822875390295 1.5398619717531454 +15374,1.3072213401813861,0,0.519390514118791 0.007445982579421834 0.036525891153436026 0.06560579972745022 0.09468570830146442 0.1237656168754698 0.152845525449484 0.20031847620854953 0.2403751494880437 0.41855619385599024 0.5236410292298087 0.8113257495960026 1.2543602188887235 1.478789077462327 1.6614277347842965 1.6784533723312616 1.6985745803413084 1.6561822875390295 1.5398619717531454 1.4235416559672613 +15375,1.0025989240199615,0,0.007445982579421834 0.036525891153436026 0.06560579972745022 0.09468570830146442 0.1237656168754698 0.152845525449484 0.20031847620854953 0.2403751494880437 0.41855619385599024 0.5236410292298087 0.8113257495960026 1.2543602188887235 1.478789077462327 1.6614277347842965 1.6784533723312616 1.6985745803413084 1.6561822875390295 1.5398619717531454 1.4235416559672613 1.3072213401813861 +15376,0.7373999515536642,0,0.036525891153436026 0.06560579972745022 0.09468570830146442 0.1237656168754698 0.152845525449484 0.20031847620854953 0.2403751494880437 0.41855619385599024 0.5236410292298087 0.8113257495960026 1.2543602188887235 1.478789077462327 1.6614277347842965 1.6784533723312616 1.6985745803413084 1.6561822875390295 1.5398619717531454 1.4235416559672613 1.3072213401813861 1.0025989240199615 +15377,0.5932257349954793,0,0.06560579972745022 0.09468570830146442 0.1237656168754698 0.152845525449484 0.20031847620854953 0.2403751494880437 0.41855619385599024 0.5236410292298087 0.8113257495960026 1.2543602188887235 1.478789077462327 1.6614277347842965 1.6784533723312616 1.6985745803413084 1.6561822875390295 1.5398619717531454 1.4235416559672613 1.3072213401813861 1.0025989240199615 0.7373999515536642 +15378,0.46571995485818585,0,0.09468570830146442 0.1237656168754698 0.152845525449484 0.20031847620854953 0.2403751494880437 0.41855619385599024 0.5236410292298087 0.8113257495960026 1.2543602188887235 1.478789077462327 1.6614277347842965 1.6784533723312616 1.6985745803413084 1.6561822875390295 1.5398619717531454 1.4235416559672613 1.3072213401813861 1.0025989240199615 0.7373999515536642 0.5932257349954793 +15379,0.062256033554994386,0,0.1237656168754698 0.152845525449484 0.20031847620854953 0.2403751494880437 0.41855619385599024 0.5236410292298087 0.8113257495960026 1.2543602188887235 1.478789077462327 1.6614277347842965 1.6784533723312616 1.6985745803413084 1.6561822875390295 1.5398619717531454 1.4235416559672613 1.3072213401813861 1.0025989240199615 0.7373999515536642 0.5932257349954793 0.46571995485818585 +15380,-0.040826462865709325,0,0.152845525449484 0.20031847620854953 0.2403751494880437 0.41855619385599024 0.5236410292298087 0.8113257495960026 1.2543602188887235 1.478789077462327 1.6614277347842965 1.6784533723312616 1.6985745803413084 1.6561822875390295 1.5398619717531454 1.4235416559672613 1.3072213401813861 1.0025989240199615 0.7373999515536642 0.5932257349954793 0.46571995485818585 0.062256033554994386 +15381,0.3953394153828534,0,0.20031847620854953 0.2403751494880437 0.41855619385599024 0.5236410292298087 0.8113257495960026 1.2543602188887235 1.478789077462327 1.6614277347842965 1.6784533723312616 1.6985745803413084 1.6561822875390295 1.5398619717531454 1.4235416559672613 1.3072213401813861 1.0025989240199615 0.7373999515536642 0.5932257349954793 0.46571995485818585 0.062256033554994386 -0.040826462865709325 +15382,0.28854223440644844,0,0.2403751494880437 0.41855619385599024 0.5236410292298087 0.8113257495960026 1.2543602188887235 1.478789077462327 1.6614277347842965 1.6784533723312616 1.6985745803413084 1.6561822875390295 1.5398619717531454 1.4235416559672613 1.3072213401813861 1.0025989240199615 0.7373999515536642 0.5932257349954793 0.46571995485818585 0.062256033554994386 -0.040826462865709325 0.3953394153828534 +15383,0.24365646269173305,0,0.41855619385599024 0.5236410292298087 0.8113257495960026 1.2543602188887235 1.478789077462327 1.6614277347842965 1.6784533723312616 1.6985745803413084 1.6561822875390295 1.5398619717531454 1.4235416559672613 1.3072213401813861 1.0025989240199615 0.7373999515536642 0.5932257349954793 0.46571995485818585 0.062256033554994386 -0.040826462865709325 0.3953394153828534 0.28854223440644844 +15384,0.18019726819850287,0,0.5236410292298087 0.8113257495960026 1.2543602188887235 1.478789077462327 1.6614277347842965 1.6784533723312616 1.6985745803413084 1.6561822875390295 1.5398619717531454 1.4235416559672613 1.3072213401813861 1.0025989240199615 0.7373999515536642 0.5932257349954793 0.46571995485818585 0.062256033554994386 -0.040826462865709325 0.3953394153828534 0.28854223440644844 0.24365646269173305 +15385,0.18948397958775584,0,0.8113257495960026 1.2543602188887235 1.478789077462327 1.6614277347842965 1.6784533723312616 1.6985745803413084 1.6561822875390295 1.5398619717531454 1.4235416559672613 1.3072213401813861 1.0025989240199615 0.7373999515536642 0.5932257349954793 0.46571995485818585 0.062256033554994386 -0.040826462865709325 0.3953394153828534 0.28854223440644844 0.24365646269173305 0.18019726819850287 +15386,0.25758652977560814,0,1.2543602188887235 1.478789077462327 1.6614277347842965 1.6784533723312616 1.6985745803413084 1.6561822875390295 1.5398619717531454 1.4235416559672613 1.3072213401813861 1.0025989240199615 0.7373999515536642 0.5932257349954793 0.46571995485818585 0.062256033554994386 -0.040826462865709325 0.3953394153828534 0.28854223440644844 0.24365646269173305 0.18019726819850287 0.18948397958775584 +15387,0.41700840862444954,0,1.478789077462327 1.6614277347842965 1.6784533723312616 1.6985745803413084 1.6561822875390295 1.5398619717531454 1.4235416559672613 1.3072213401813861 1.0025989240199615 0.7373999515536642 0.5932257349954793 0.46571995485818585 0.062256033554994386 -0.040826462865709325 0.3953394153828534 0.28854223440644844 0.24365646269173305 0.18019726819850287 0.18948397958775584 0.25758652977560814 +15388,0.6987053207651116,0,1.6614277347842965 1.6784533723312616 1.6985745803413084 1.6561822875390295 1.5398619717531454 1.4235416559672613 1.3072213401813861 1.0025989240199615 0.7373999515536642 0.5932257349954793 0.46571995485818585 0.062256033554994386 -0.040826462865709325 0.3953394153828534 0.28854223440644844 0.24365646269173305 0.18019726819850287 0.18948397958775584 0.25758652977560814 0.41700840862444954 +15389,0.9618288101272677,0,1.6784533723312616 1.6985745803413084 1.6561822875390295 1.5398619717531454 1.4235416559672613 1.3072213401813861 1.0025989240199615 0.7373999515536642 0.5932257349954793 0.46571995485818585 0.062256033554994386 -0.040826462865709325 0.3953394153828534 0.28854223440644844 0.24365646269173305 0.18019726819850287 0.18948397958775584 0.25758652977560814 0.41700840862444954 0.6987053207651116 +15390,1.3410361918550817,0,1.6985745803413084 1.6561822875390295 1.5398619717531454 1.4235416559672613 1.3072213401813861 1.0025989240199615 0.7373999515536642 0.5932257349954793 0.46571995485818585 0.062256033554994386 -0.040826462865709325 0.3953394153828534 0.28854223440644844 0.24365646269173305 0.18019726819850287 0.18948397958775584 0.25758652977560814 0.41700840862444954 0.6987053207651116 0.9618288101272677 +15391,1.5112925673247168,0,1.6561822875390295 1.5398619717531454 1.4235416559672613 1.3072213401813861 1.0025989240199615 0.7373999515536642 0.5932257349954793 0.46571995485818585 0.062256033554994386 -0.040826462865709325 0.3953394153828534 0.28854223440644844 0.24365646269173305 0.18019726819850287 0.18948397958775584 0.25758652977560814 0.41700840862444954 0.6987053207651116 0.9618288101272677 1.3410361918550817 +15392,1.6026118959856972,0,1.5398619717531454 1.4235416559672613 1.3072213401813861 1.0025989240199615 0.7373999515536642 0.5932257349954793 0.46571995485818585 0.062256033554994386 -0.040826462865709325 0.3953394153828534 0.28854223440644844 0.24365646269173305 0.18019726819850287 0.18948397958775584 0.25758652977560814 0.41700840862444954 0.6987053207651116 0.9618288101272677 1.3410361918550817 1.5112925673247168 +15393,1.7914416942338383,0,1.4235416559672613 1.3072213401813861 1.0025989240199615 0.7373999515536642 0.5932257349954793 0.46571995485818585 0.062256033554994386 -0.040826462865709325 0.3953394153828534 0.28854223440644844 0.24365646269173305 0.18019726819850287 0.18948397958775584 0.25758652977560814 0.41700840862444954 0.6987053207651116 0.9618288101272677 1.3410361918550817 1.5112925673247168 1.6026118959856972 +15394,1.7852505533076666,0,1.3072213401813861 1.0025989240199615 0.7373999515536642 0.5932257349954793 0.46571995485818585 0.062256033554994386 -0.040826462865709325 0.3953394153828534 0.28854223440644844 0.24365646269173305 0.18019726819850287 0.18948397958775584 0.25758652977560814 0.41700840862444954 0.6987053207651116 0.9618288101272677 1.3410361918550817 1.5112925673247168 1.6026118959856972 1.7914416942338383 +15395,1.7542948486768262,0,1.0025989240199615 0.7373999515536642 0.5932257349954793 0.46571995485818585 0.062256033554994386 -0.040826462865709325 0.3953394153828534 0.28854223440644844 0.24365646269173305 0.18019726819850287 0.18948397958775584 0.25758652977560814 0.41700840862444954 0.6987053207651116 0.9618288101272677 1.3410361918550817 1.5112925673247168 1.6026118959856972 1.7914416942338383 1.7852505533076666 +15396,1.5639172651971445,0,0.7373999515536642 0.5932257349954793 0.46571995485818585 0.062256033554994386 -0.040826462865709325 0.3953394153828534 0.28854223440644844 0.24365646269173305 0.18019726819850287 0.18948397958775584 0.25758652977560814 0.41700840862444954 0.6987053207651116 0.9618288101272677 1.3410361918550817 1.5112925673247168 1.6026118959856972 1.7914416942338383 1.7852505533076666 1.7542948486768262 +15397,1.3611573998651283,0,0.5932257349954793 0.46571995485818585 0.062256033554994386 -0.040826462865709325 0.3953394153828534 0.28854223440644844 0.24365646269173305 0.18019726819850287 0.18948397958775584 0.25758652977560814 0.41700840862444954 0.6987053207651116 0.9618288101272677 1.3410361918550817 1.5112925673247168 1.6026118959856972 1.7914416942338383 1.7852505533076666 1.7542948486768262 1.5639172651971445 +15398,1.1553019640700308,0,0.46571995485818585 0.062256033554994386 -0.040826462865709325 0.3953394153828534 0.28854223440644844 0.24365646269173305 0.18019726819850287 0.18948397958775584 0.25758652977560814 0.41700840862444954 0.6987053207651116 0.9618288101272677 1.3410361918550817 1.5112925673247168 1.6026118959856972 1.7914416942338383 1.7852505533076666 1.7542948486768262 1.5639172651971445 1.3611573998651283 +15399,0.8302670654461852,0,0.062256033554994386 -0.040826462865709325 0.3953394153828534 0.28854223440644844 0.24365646269173305 0.18019726819850287 0.18948397958775584 0.25758652977560814 0.41700840862444954 0.6987053207651116 0.9618288101272677 1.3410361918550817 1.5112925673247168 1.6026118959856972 1.7914416942338383 1.7852505533076666 1.7542948486768262 1.5639172651971445 1.3611573998651283 1.1553019640700308 +15400,0.7095398173859053,0,-0.040826462865709325 0.3953394153828534 0.28854223440644844 0.24365646269173305 0.18019726819850287 0.18948397958775584 0.25758652977560814 0.41700840862444954 0.6987053207651116 0.9618288101272677 1.3410361918550817 1.5112925673247168 1.6026118959856972 1.7914416942338383 1.7852505533076666 1.7542948486768262 1.5639172651971445 1.3611573998651283 1.1553019640700308 0.8302670654461852 +15401,0.5129710929800607,0,0.3953394153828534 0.28854223440644844 0.24365646269173305 0.18019726819850287 0.18948397958775584 0.25758652977560814 0.41700840862444954 0.6987053207651116 0.9618288101272677 1.3410361918550817 1.5112925673247168 1.6026118959856972 1.7914416942338383 1.7852505533076666 1.7542948486768262 1.5639172651971445 1.3611573998651283 1.1553019640700308 0.8302670654461852 0.7095398173859053 +15402,0.44407950819351555,0,0.28854223440644844 0.24365646269173305 0.18019726819850287 0.18948397958775584 0.25758652977560814 0.41700840862444954 0.6987053207651116 0.9618288101272677 1.3410361918550817 1.5112925673247168 1.6026118959856972 1.7914416942338383 1.7852505533076666 1.7542948486768262 1.5639172651971445 1.3611573998651283 1.1553019640700308 0.8302670654461852 0.7095398173859053 0.5129710929800607 +15403,0.21961419881337382,0,0.24365646269173305 0.18019726819850287 0.18948397958775584 0.25758652977560814 0.41700840862444954 0.6987053207651116 0.9618288101272677 1.3410361918550817 1.5112925673247168 1.6026118959856972 1.7914416942338383 1.7852505533076666 1.7542948486768262 1.5639172651971445 1.3611573998651283 1.1553019640700308 0.8302670654461852 0.7095398173859053 0.5129710929800607 0.44407950819351555 +15404,0.13768476712055053,0,0.18019726819850287 0.18948397958775584 0.25758652977560814 0.41700840862444954 0.6987053207651116 0.9618288101272677 1.3410361918550817 1.5112925673247168 1.6026118959856972 1.7914416942338383 1.7852505533076666 1.7542948486768262 1.5639172651971445 1.3611573998651283 1.1553019640700308 0.8302670654461852 0.7095398173859053 0.5129710929800607 0.44407950819351555 0.21961419881337382 +15405,0.44641632802374914,0,0.18948397958775584 0.25758652977560814 0.41700840862444954 0.6987053207651116 0.9618288101272677 1.3410361918550817 1.5112925673247168 1.6026118959856972 1.7914416942338383 1.7852505533076666 1.7542948486768262 1.5639172651971445 1.3611573998651283 1.1553019640700308 0.8302670654461852 0.7095398173859053 0.5129710929800607 0.44407950819351555 0.21961419881337382 0.13768476712055053 +15406,0.4278429052452432,0,0.25758652977560814 0.41700840862444954 0.6987053207651116 0.9618288101272677 1.3410361918550817 1.5112925673247168 1.6026118959856972 1.7914416942338383 1.7852505533076666 1.7542948486768262 1.5639172651971445 1.3611573998651283 1.1553019640700308 0.8302670654461852 0.7095398173859053 0.5129710929800607 0.44407950819351555 0.21961419881337382 0.13768476712055053 0.44641632802374914 +15407,0.3876004892251499,0,0.41700840862444954 0.6987053207651116 0.9618288101272677 1.3410361918550817 1.5112925673247168 1.6026118959856972 1.7914416942338383 1.7852505533076666 1.7542948486768262 1.5639172651971445 1.3611573998651283 1.1553019640700308 0.8302670654461852 0.7095398173859053 0.5129710929800607 0.44407950819351555 0.21961419881337382 0.13768476712055053 0.44641632802374914 0.4278429052452432 +15408,0.37986156306743757,0,0.6987053207651116 0.9618288101272677 1.3410361918550817 1.5112925673247168 1.6026118959856972 1.7914416942338383 1.7852505533076666 1.7542948486768262 1.5639172651971445 1.3611573998651283 1.1553019640700308 0.8302670654461852 0.7095398173859053 0.5129710929800607 0.44407950819351555 0.21961419881337382 0.13768476712055053 0.44641632802374914 0.4278429052452432 0.3876004892251499 +15409,0.35200142889967867,0,0.9618288101272677 1.3410361918550817 1.5112925673247168 1.6026118959856972 1.7914416942338383 1.7852505533076666 1.7542948486768262 1.5639172651971445 1.3611573998651283 1.1553019640700308 0.8302670654461852 0.7095398173859053 0.5129710929800607 0.44407950819351555 0.21961419881337382 0.13768476712055053 0.44641632802374914 0.4278429052452432 0.3876004892251499 0.37986156306743757 +15410,0.46808532126533653,0,1.3410361918550817 1.5112925673247168 1.6026118959856972 1.7914416942338383 1.7852505533076666 1.7542948486768262 1.5639172651971445 1.3611573998651283 1.1553019640700308 0.8302670654461852 0.7095398173859053 0.5129710929800607 0.44407950819351555 0.21961419881337382 0.13768476712055053 0.44641632802374914 0.4278429052452432 0.3876004892251499 0.37986156306743757 0.35200142889967867 +15411,0.8008591460468856,0,1.5112925673247168 1.6026118959856972 1.7914416942338383 1.7852505533076666 1.7542948486768262 1.5639172651971445 1.3611573998651283 1.1553019640700308 0.8302670654461852 0.7095398173859053 0.5129710929800607 0.44407950819351555 0.21961419881337382 0.13768476712055053 0.44641632802374914 0.4278429052452432 0.3876004892251499 0.37986156306743757 0.35200142889967867 0.46808532126533653 +15412,1.136728541291525,0,1.6026118959856972 1.7914416942338383 1.7852505533076666 1.7542948486768262 1.5639172651971445 1.3611573998651283 1.1553019640700308 0.8302670654461852 0.7095398173859053 0.5129710929800607 0.44407950819351555 0.21961419881337382 0.13768476712055053 0.44641632802374914 0.4278429052452432 0.3876004892251499 0.37986156306743757 0.35200142889967867 0.46808532126533653 0.8008591460468856 +15413,1.4493811580630274,0,1.7914416942338383 1.7852505533076666 1.7542948486768262 1.5639172651971445 1.3611573998651283 1.1553019640700308 0.8302670654461852 0.7095398173859053 0.5129710929800607 0.44407950819351555 0.21961419881337382 0.13768476712055053 0.44641632802374914 0.4278429052452432 0.3876004892251499 0.37986156306743757 0.35200142889967867 0.46808532126533653 0.8008591460468856 1.136728541291525 +15414,1.6444020972373399,0,1.7852505533076666 1.7542948486768262 1.5639172651971445 1.3611573998651283 1.1553019640700308 0.8302670654461852 0.7095398173859053 0.5129710929800607 0.44407950819351555 0.21961419881337382 0.13768476712055053 0.44641632802374914 0.4278429052452432 0.3876004892251499 0.37986156306743757 0.35200142889967867 0.46808532126533653 0.8008591460468856 1.136728541291525 1.4493811580630274 +15415,1.8750220967371063,0,1.7542948486768262 1.5639172651971445 1.3611573998651283 1.1553019640700308 0.8302670654461852 0.7095398173859053 0.5129710929800607 0.44407950819351555 0.21961419881337382 0.13768476712055053 0.44641632802374914 0.4278429052452432 0.3876004892251499 0.37986156306743757 0.35200142889967867 0.46808532126533653 0.8008591460468856 1.136728541291525 1.4493811580630274 1.6444020972373399 +15416,1.958602499240383,0,1.5639172651971445 1.3611573998651283 1.1553019640700308 0.8302670654461852 0.7095398173859053 0.5129710929800607 0.44407950819351555 0.21961419881337382 0.13768476712055053 0.44641632802374914 0.4278429052452432 0.3876004892251499 0.37986156306743757 0.35200142889967867 0.46808532126533653 0.8008591460468856 1.136728541291525 1.4493811580630274 1.6444020972373399 1.8750220967371063 +15417,1.8765698819686558,0,1.3611573998651283 1.1553019640700308 0.8302670654461852 0.7095398173859053 0.5129710929800607 0.44407950819351555 0.21961419881337382 0.13768476712055053 0.44641632802374914 0.4278429052452432 0.3876004892251499 0.37986156306743757 0.35200142889967867 0.46808532126533653 0.8008591460468856 1.136728541291525 1.4493811580630274 1.6444020972373399 1.8750220967371063 1.958602499240383 +15418,1.8904999490525307,0,1.1553019640700308 0.8302670654461852 0.7095398173859053 0.5129710929800607 0.44407950819351555 0.21961419881337382 0.13768476712055053 0.44641632802374914 0.4278429052452432 0.3876004892251499 0.37986156306743757 0.35200142889967867 0.46808532126533653 0.8008591460468856 1.136728541291525 1.4493811580630274 1.6444020972373399 1.8750220967371063 1.958602499240383 1.8765698819686558 +15419,1.9384812912303364,0,0.8302670654461852 0.7095398173859053 0.5129710929800607 0.44407950819351555 0.21961419881337382 0.13768476712055053 0.44641632802374914 0.4278429052452432 0.3876004892251499 0.37986156306743757 0.35200142889967867 0.46808532126533653 0.8008591460468856 1.136728541291525 1.4493811580630274 1.6444020972373399 1.8750220967371063 1.958602499240383 1.8765698819686558 1.8904999490525307 +15420,1.9632458549350051,0,0.7095398173859053 0.5129710929800607 0.44407950819351555 0.21961419881337382 0.13768476712055053 0.44641632802374914 0.4278429052452432 0.3876004892251499 0.37986156306743757 0.35200142889967867 0.46808532126533653 0.8008591460468856 1.136728541291525 1.4493811580630274 1.6444020972373399 1.8750220967371063 1.958602499240383 1.8765698819686558 1.8904999490525307 1.9384812912303364 +15421,1.6830967280258926,0,0.5129710929800607 0.44407950819351555 0.21961419881337382 0.13768476712055053 0.44641632802374914 0.4278429052452432 0.3876004892251499 0.37986156306743757 0.35200142889967867 0.46808532126533653 0.8008591460468856 1.136728541291525 1.4493811580630274 1.6444020972373399 1.8750220967371063 1.958602499240383 1.8765698819686558 1.8904999490525307 1.9384812912303364 1.9632458549350051 +15422,1.5051014263985452,0,0.44407950819351555 0.21961419881337382 0.13768476712055053 0.44641632802374914 0.4278429052452432 0.3876004892251499 0.37986156306743757 0.35200142889967867 0.46808532126533653 0.8008591460468856 1.136728541291525 1.4493811580630274 1.6444020972373399 1.8750220967371063 1.958602499240383 1.8765698819686558 1.8904999490525307 1.9384812912303364 1.9632458549350051 1.6830967280258926 +15423,1.1862576687008712,0,0.21961419881337382 0.13768476712055053 0.44641632802374914 0.4278429052452432 0.3876004892251499 0.37986156306743757 0.35200142889967867 0.46808532126533653 0.8008591460468856 1.136728541291525 1.4493811580630274 1.6444020972373399 1.8750220967371063 1.958602499240383 1.8765698819686558 1.8904999490525307 1.9384812912303364 1.9632458549350051 1.6830967280258926 1.5051014263985452 +15424,0.9742110919796021,0,0.13768476712055053 0.44641632802374914 0.4278429052452432 0.3876004892251499 0.37986156306743757 0.35200142889967867 0.46808532126533653 0.8008591460468856 1.136728541291525 1.4493811580630274 1.6444020972373399 1.8750220967371063 1.958602499240383 1.8765698819686558 1.8904999490525307 1.9384812912303364 1.9632458549350051 1.6830967280258926 1.5051014263985452 1.1862576687008712 +15425,0.762164515258333,0,0.44641632802374914 0.4278429052452432 0.3876004892251499 0.37986156306743757 0.35200142889967867 0.46808532126533653 0.8008591460468856 1.136728541291525 1.4493811580630274 1.6444020972373399 1.8750220967371063 1.958602499240383 1.8765698819686558 1.8904999490525307 1.9384812912303364 1.9632458549350051 1.6830967280258926 1.5051014263985452 1.1862576687008712 0.9742110919796021 +15426,0.6971575355335708,0,0.4278429052452432 0.3876004892251499 0.37986156306743757 0.35200142889967867 0.46808532126533653 0.8008591460468856 1.136728541291525 1.4493811580630274 1.6444020972373399 1.8750220967371063 1.958602499240383 1.8765698819686558 1.8904999490525307 1.9384812912303364 1.9632458549350051 1.6830967280258926 1.5051014263985452 1.1862576687008712 0.9742110919796021 0.762164515258333 +15427,0.6584629047450182,0,0.3876004892251499 0.37986156306743757 0.35200142889967867 0.46808532126533653 0.8008591460468856 1.136728541291525 1.4493811580630274 1.6444020972373399 1.8750220967371063 1.958602499240383 1.8765698819686558 1.8904999490525307 1.9384812912303364 1.9632458549350051 1.6830967280258926 1.5051014263985452 1.1862576687008712 0.9742110919796021 0.762164515258333 0.6971575355335708 +15428,0.5547612942316947,0,0.37986156306743757 0.35200142889967867 0.46808532126533653 0.8008591460468856 1.136728541291525 1.4493811580630274 1.6444020972373399 1.8750220967371063 1.958602499240383 1.8765698819686558 1.8904999490525307 1.9384812912303364 1.9632458549350051 1.6830967280258926 1.5051014263985452 1.1862576687008712 0.9742110919796021 0.762164515258333 0.6971575355335708 0.6584629047450182 +15429,0.5594046499263169,0,0.35200142889967867 0.46808532126533653 0.8008591460468856 1.136728541291525 1.4493811580630274 1.6444020972373399 1.8750220967371063 1.958602499240383 1.8765698819686558 1.8904999490525307 1.9384812912303364 1.9632458549350051 1.6830967280258926 1.5051014263985452 1.1862576687008712 0.9742110919796021 0.762164515258333 0.6971575355335708 0.6584629047450182 0.5547612942316947 +15430,0.5330923009901074,0,0.46808532126533653 0.8008591460468856 1.136728541291525 1.4493811580630274 1.6444020972373399 1.8750220967371063 1.958602499240383 1.8765698819686558 1.8904999490525307 1.9384812912303364 1.9632458549350051 1.6830967280258926 1.5051014263985452 1.1862576687008712 0.9742110919796021 0.762164515258333 0.6971575355335708 0.6584629047450182 0.5547612942316947 0.5594046499263169 +15431,0.45879860987608356,0,0.8008591460468856 1.136728541291525 1.4493811580630274 1.6444020972373399 1.8750220967371063 1.958602499240383 1.8765698819686558 1.8904999490525307 1.9384812912303364 1.9632458549350051 1.6830967280258926 1.5051014263985452 1.1862576687008712 0.9742110919796021 0.762164515258333 0.6971575355335708 0.6584629047450182 0.5547612942316947 0.5594046499263169 0.5330923009901074 +15432,0.45415525418145264,0,1.136728541291525 1.4493811580630274 1.6444020972373399 1.8750220967371063 1.958602499240383 1.8765698819686558 1.8904999490525307 1.9384812912303364 1.9632458549350051 1.6830967280258926 1.5051014263985452 1.1862576687008712 0.9742110919796021 0.762164515258333 0.6971575355335708 0.6584629047450182 0.5547612942316947 0.5594046499263169 0.5330923009901074 0.45879860987608356 +15433,0.36283592552047234,0,1.4493811580630274 1.6444020972373399 1.8750220967371063 1.958602499240383 1.8765698819686558 1.8904999490525307 1.9384812912303364 1.9632458549350051 1.6830967280258926 1.5051014263985452 1.1862576687008712 0.9742110919796021 0.762164515258333 0.6971575355335708 0.6584629047450182 0.5547612942316947 0.5594046499263169 0.5330923009901074 0.45879860987608356 0.45415525418145264 +15434,0.4804676031176709,0,1.6444020972373399 1.8750220967371063 1.958602499240383 1.8765698819686558 1.8904999490525307 1.9384812912303364 1.9632458549350051 1.6830967280258926 1.5051014263985452 1.1862576687008712 0.9742110919796021 0.762164515258333 0.6971575355335708 0.6584629047450182 0.5547612942316947 0.5594046499263169 0.5330923009901074 0.45879860987608356 0.45415525418145264 0.36283592552047234 +15435,0.7993113608153449,0,1.8750220967371063 1.958602499240383 1.8765698819686558 1.8904999490525307 1.9384812912303364 1.9632458549350051 1.6830967280258926 1.5051014263985452 1.1862576687008712 0.9742110919796021 0.762164515258333 0.6971575355335708 0.6584629047450182 0.5547612942316947 0.5594046499263169 0.5330923009901074 0.45879860987608356 0.45415525418145264 0.36283592552047234 0.4804676031176709 +15436,1.0546959240197975,0,1.958602499240383 1.8765698819686558 1.8904999490525307 1.9384812912303364 1.9632458549350051 1.6830967280258926 1.5051014263985452 1.1862576687008712 0.9742110919796021 0.762164515258333 0.6971575355335708 0.6584629047450182 0.5547612942316947 0.5594046499263169 0.5330923009901074 0.45879860987608356 0.45415525418145264 0.36283592552047234 0.4804676031176709 0.7993113608153449 +15437,1.3719918964859221,0,1.8765698819686558 1.8904999490525307 1.9384812912303364 1.9632458549350051 1.6830967280258926 1.5051014263985452 1.1862576687008712 0.9742110919796021 0.762164515258333 0.6971575355335708 0.6584629047450182 0.5547612942316947 0.5594046499263169 0.5330923009901074 0.45879860987608356 0.45415525418145264 0.36283592552047234 0.4804676031176709 0.7993113608153449 1.0546959240197975 +15438,1.5484394128817287,0,1.8904999490525307 1.9384812912303364 1.9632458549350051 1.6830967280258926 1.5051014263985452 1.1862576687008712 0.9742110919796021 0.762164515258333 0.6971575355335708 0.6584629047450182 0.5547612942316947 0.5594046499263169 0.5330923009901074 0.45879860987608356 0.45415525418145264 0.36283592552047234 0.4804676031176709 0.7993113608153449 1.0546959240197975 1.3719918964859221 +15439,1.6846445132574333,0,1.9384812912303364 1.9632458549350051 1.6830967280258926 1.5051014263985452 1.1862576687008712 0.9742110919796021 0.762164515258333 0.6971575355335708 0.6584629047450182 0.5547612942316947 0.5594046499263169 0.5330923009901074 0.45879860987608356 0.45415525418145264 0.36283592552047234 0.4804676031176709 0.7993113608153449 1.0546959240197975 1.3719918964859221 1.5484394128817287 +15440,1.8564486739586004,0,1.9632458549350051 1.6830967280258926 1.5051014263985452 1.1862576687008712 0.9742110919796021 0.762164515258333 0.6971575355335708 0.6584629047450182 0.5547612942316947 0.5594046499263169 0.5330923009901074 0.45879860987608356 0.45415525418145264 0.36283592552047234 0.4804676031176709 0.7993113608153449 1.0546959240197975 1.3719918964859221 1.5484394128817287 1.6846445132574333 +15441,1.8827610228948184,0,1.6830967280258926 1.5051014263985452 1.1862576687008712 0.9742110919796021 0.762164515258333 0.6971575355335708 0.6584629047450182 0.5547612942316947 0.5594046499263169 0.5330923009901074 0.45879860987608356 0.45415525418145264 0.36283592552047234 0.4804676031176709 0.7993113608153449 1.0546959240197975 1.3719918964859221 1.5484394128817287 1.6846445132574333 1.8564486739586004 +15442,1.9230034389149118,0,1.5051014263985452 1.1862576687008712 0.9742110919796021 0.762164515258333 0.6971575355335708 0.6584629047450182 0.5547612942316947 0.5594046499263169 0.5330923009901074 0.45879860987608356 0.45415525418145264 0.36283592552047234 0.4804676031176709 0.7993113608153449 1.0546959240197975 1.3719918964859221 1.5484394128817287 1.6846445132574333 1.8564486739586004 1.8827610228948184 +15443,1.7914416942338383,0,1.1862576687008712 0.9742110919796021 0.762164515258333 0.6971575355335708 0.6584629047450182 0.5547612942316947 0.5594046499263169 0.5330923009901074 0.45879860987608356 0.45415525418145264 0.36283592552047234 0.4804676031176709 0.7993113608153449 1.0546959240197975 1.3719918964859221 1.5484394128817287 1.6846445132574333 1.8564486739586004 1.8827610228948184 1.9230034389149118 +15444,1.7635815600660791,0,0.9742110919796021 0.762164515258333 0.6971575355335708 0.6584629047450182 0.5547612942316947 0.5594046499263169 0.5330923009901074 0.45879860987608356 0.45415525418145264 0.36283592552047234 0.4804676031176709 0.7993113608153449 1.0546959240197975 1.3719918964859221 1.5484394128817287 1.6846445132574333 1.8564486739586004 1.8827610228948184 1.9230034389149118 1.7914416942338383 +15445,1.6505932381635027,0,0.762164515258333 0.6971575355335708 0.6584629047450182 0.5547612942316947 0.5594046499263169 0.5330923009901074 0.45879860987608356 0.45415525418145264 0.36283592552047234 0.4804676031176709 0.7993113608153449 1.0546959240197975 1.3719918964859221 1.5484394128817287 1.6846445132574333 1.8564486739586004 1.8827610228948184 1.9230034389149118 1.7914416942338383 1.7635815600660791 +15446,1.3967564601905995,0,0.6971575355335708 0.6584629047450182 0.5547612942316947 0.5594046499263169 0.5330923009901074 0.45879860987608356 0.45415525418145264 0.36283592552047234 0.4804676031176709 0.7993113608153449 1.0546959240197975 1.3719918964859221 1.5484394128817287 1.6846445132574333 1.8564486739586004 1.8827610228948184 1.9230034389149118 1.7914416942338383 1.7635815600660791 1.6505932381635027 +15447,1.067078205872132,0,0.6584629047450182 0.5547612942316947 0.5594046499263169 0.5330923009901074 0.45879860987608356 0.45415525418145264 0.36283592552047234 0.4804676031176709 0.7993113608153449 1.0546959240197975 1.3719918964859221 1.5484394128817287 1.6846445132574333 1.8564486739586004 1.8827610228948184 1.9230034389149118 1.7914416942338383 1.7635815600660791 1.6505932381635027 1.3967564601905995 +15448,0.8318148506777348,0,0.5547612942316947 0.5594046499263169 0.5330923009901074 0.45879860987608356 0.45415525418145264 0.36283592552047234 0.4804676031176709 0.7993113608153449 1.0546959240197975 1.3719918964859221 1.5484394128817287 1.6846445132574333 1.8564486739586004 1.8827610228948184 1.9230034389149118 1.7914416942338383 1.7635815600660791 1.6505932381635027 1.3967564601905995 1.067078205872132 +15449,0.7157309583120769,0,0.5594046499263169 0.5330923009901074 0.45879860987608356 0.45415525418145264 0.36283592552047234 0.4804676031176709 0.7993113608153449 1.0546959240197975 1.3719918964859221 1.5484394128817287 1.6846445132574333 1.8564486739586004 1.8827610228948184 1.9230034389149118 1.7914416942338383 1.7635815600660791 1.6505932381635027 1.3967564601905995 1.067078205872132 0.8318148506777348 +15450,0.6785841127550649,0,0.5330923009901074 0.45879860987608356 0.45415525418145264 0.36283592552047234 0.4804676031176709 0.7993113608153449 1.0546959240197975 1.3719918964859221 1.5484394128817287 1.6846445132574333 1.8564486739586004 1.8827610228948184 1.9230034389149118 1.7914416942338383 1.7635815600660791 1.6505932381635027 1.3967564601905995 1.067078205872132 0.8318148506777348 0.7157309583120769 +15451,0.6244116296510878,0,0.45879860987608356 0.45415525418145264 0.36283592552047234 0.4804676031176709 0.7993113608153449 1.0546959240197975 1.3719918964859221 1.5484394128817287 1.6846445132574333 1.8564486739586004 1.8827610228948184 1.9230034389149118 1.7914416942338383 1.7635815600660791 1.6505932381635027 1.3967564601905995 1.067078205872132 0.8318148506777348 0.7157309583120769 0.6785841127550649 +15452,0.5532135090001541,0,0.45415525418145264 0.36283592552047234 0.4804676031176709 0.7993113608153449 1.0546959240197975 1.3719918964859221 1.5484394128817287 1.6846445132574333 1.8564486739586004 1.8827610228948184 1.9230034389149118 1.7914416942338383 1.7635815600660791 1.6505932381635027 1.3967564601905995 1.067078205872132 0.8318148506777348 0.7157309583120769 0.6785841127550649 0.6244116296510878 +15453,0.5052321668223485,0,0.36283592552047234 0.4804676031176709 0.7993113608153449 1.0546959240197975 1.3719918964859221 1.5484394128817287 1.6846445132574333 1.8564486739586004 1.8827610228948184 1.9230034389149118 1.7914416942338383 1.7635815600660791 1.6505932381635027 1.3967564601905995 1.067078205872132 0.8318148506777348 0.7157309583120769 0.6785841127550649 0.6244116296510878 0.5532135090001541 +15454,0.4386774018660369,0,0.4804676031176709 0.7993113608153449 1.0546959240197975 1.3719918964859221 1.5484394128817287 1.6846445132574333 1.8564486739586004 1.8827610228948184 1.9230034389149118 1.7914416942338383 1.7635815600660791 1.6505932381635027 1.3967564601905995 1.067078205872132 0.8318148506777348 0.7157309583120769 0.6785841127550649 0.6244116296510878 0.5532135090001541 0.5052321668223485 +15455,0.39688720061440286,0,0.7993113608153449 1.0546959240197975 1.3719918964859221 1.5484394128817287 1.6846445132574333 1.8564486739586004 1.8827610228948184 1.9230034389149118 1.7914416942338383 1.7635815600660791 1.6505932381635027 1.3967564601905995 1.067078205872132 0.8318148506777348 0.7157309583120769 0.6785841127550649 0.6244116296510878 0.5532135090001541 0.5052321668223485 0.4386774018660369 +15456,0.34581028797350705,0,1.0546959240197975 1.3719918964859221 1.5484394128817287 1.6846445132574333 1.8564486739586004 1.8827610228948184 1.9230034389149118 1.7914416942338383 1.7635815600660791 1.6505932381635027 1.3967564601905995 1.067078205872132 0.8318148506777348 0.7157309583120769 0.6785841127550649 0.6244116296510878 0.5532135090001541 0.5052321668223485 0.4386774018660369 0.39688720061440286 +15457,0.34116693227888495,0,1.3719918964859221 1.5484394128817287 1.6846445132574333 1.8564486739586004 1.8827610228948184 1.9230034389149118 1.7914416942338383 1.7635815600660791 1.6505932381635027 1.3967564601905995 1.067078205872132 0.8318148506777348 0.7157309583120769 0.6785841127550649 0.6244116296510878 0.5532135090001541 0.5052321668223485 0.4386774018660369 0.39688720061440286 0.34581028797350705 +15458,0.44641632802374914,0,1.5484394128817287 1.6846445132574333 1.8564486739586004 1.8827610228948184 1.9230034389149118 1.7914416942338383 1.7635815600660791 1.6505932381635027 1.3967564601905995 1.067078205872132 0.8318148506777348 0.7157309583120769 0.6785841127550649 0.6244116296510878 0.5532135090001541 0.5052321668223485 0.4386774018660369 0.39688720061440286 0.34581028797350705 0.34116693227888495 +15459,0.6306027705772593,0,1.6846445132574333 1.8564486739586004 1.8827610228948184 1.9230034389149118 1.7914416942338383 1.7635815600660791 1.6505932381635027 1.3967564601905995 1.067078205872132 0.8318148506777348 0.7157309583120769 0.6785841127550649 0.6244116296510878 0.5532135090001541 0.5052321668223485 0.4386774018660369 0.39688720061440286 0.34581028797350705 0.34116693227888495 0.44641632802374914 +15460,0.9587332396641863,0,1.8564486739586004 1.8827610228948184 1.9230034389149118 1.7914416942338383 1.7635815600660791 1.6505932381635027 1.3967564601905995 1.067078205872132 0.8318148506777348 0.7157309583120769 0.6785841127550649 0.6244116296510878 0.5532135090001541 0.5052321668223485 0.4386774018660369 0.39688720061440286 0.34581028797350705 0.34116693227888495 0.44641632802374914 0.6306027705772593 +15461,1.251264648425642,0,1.8827610228948184 1.9230034389149118 1.7914416942338383 1.7635815600660791 1.6505932381635027 1.3967564601905995 1.067078205872132 0.8318148506777348 0.7157309583120769 0.6785841127550649 0.6244116296510878 0.5532135090001541 0.5052321668223485 0.4386774018660369 0.39688720061440286 0.34581028797350705 0.34116693227888495 0.44641632802374914 0.6306027705772593 0.9587332396641863 +15462,1.534509345797845,0,1.9230034389149118 1.7914416942338383 1.7635815600660791 1.6505932381635027 1.3967564601905995 1.067078205872132 0.8318148506777348 0.7157309583120769 0.6785841127550649 0.6244116296510878 0.5532135090001541 0.5052321668223485 0.4386774018660369 0.39688720061440286 0.34581028797350705 0.34116693227888495 0.44641632802374914 0.6306027705772593 0.9587332396641863 1.251264648425642 +15463,1.6567843790896744,0,1.7914416942338383 1.7635815600660791 1.6505932381635027 1.3967564601905995 1.067078205872132 0.8318148506777348 0.7157309583120769 0.6785841127550649 0.6244116296510878 0.5532135090001541 0.5052321668223485 0.4386774018660369 0.39688720061440286 0.34581028797350705 0.34116693227888495 0.44641632802374914 0.6306027705772593 0.9587332396641863 1.251264648425642 1.534509345797845 +15464,1.7666771305291606,0,1.7635815600660791 1.6505932381635027 1.3967564601905995 1.067078205872132 0.8318148506777348 0.7157309583120769 0.6785841127550649 0.6244116296510878 0.5532135090001541 0.5052321668223485 0.4386774018660369 0.39688720061440286 0.34581028797350705 0.34116693227888495 0.44641632802374914 0.6306027705772593 0.9587332396641863 1.251264648425642 1.534509345797845 1.6567843790896744 +15465,1.76512934529762,0,1.6505932381635027 1.3967564601905995 1.067078205872132 0.8318148506777348 0.7157309583120769 0.6785841127550649 0.6244116296510878 0.5532135090001541 0.5052321668223485 0.4386774018660369 0.39688720061440286 0.34581028797350705 0.34116693227888495 0.44641632802374914 0.6306027705772593 0.9587332396641863 1.251264648425642 1.534509345797845 1.6567843790896744 1.7666771305291606 +15466,1.7542948486768262,0,1.3967564601905995 1.067078205872132 0.8318148506777348 0.7157309583120769 0.6785841127550649 0.6244116296510878 0.5532135090001541 0.5052321668223485 0.4386774018660369 0.39688720061440286 0.34581028797350705 0.34116693227888495 0.44641632802374914 0.6306027705772593 0.9587332396641863 1.251264648425642 1.534509345797845 1.6567843790896744 1.7666771305291606 1.76512934529762 +15467,1.5824906879756504,0,1.067078205872132 0.8318148506777348 0.7157309583120769 0.6785841127550649 0.6244116296510878 0.5532135090001541 0.5052321668223485 0.4386774018660369 0.39688720061440286 0.34581028797350705 0.34116693227888495 0.44641632802374914 0.6306027705772593 0.9587332396641863 1.251264648425642 1.534509345797845 1.6567843790896744 1.7666771305291606 1.76512934529762 1.7542948486768262 +15468,1.5515349833448102,0,0.8318148506777348 0.7157309583120769 0.6785841127550649 0.6244116296510878 0.5532135090001541 0.5052321668223485 0.4386774018660369 0.39688720061440286 0.34581028797350705 0.34116693227888495 0.44641632802374914 0.6306027705772593 0.9587332396641863 1.251264648425642 1.534509345797845 1.6567843790896744 1.7666771305291606 1.76512934529762 1.7542948486768262 1.5824906879756504 +15469,1.4772412922307863,0,0.7157309583120769 0.6785841127550649 0.6244116296510878 0.5532135090001541 0.5052321668223485 0.4386774018660369 0.39688720061440286 0.34581028797350705 0.34116693227888495 0.44641632802374914 0.6306027705772593 0.9587332396641863 1.251264648425642 1.534509345797845 1.6567843790896744 1.7666771305291606 1.76512934529762 1.7542948486768262 1.5824906879756504 1.5515349833448102 +15470,1.339488406623541,0,0.6785841127550649 0.6244116296510878 0.5532135090001541 0.5052321668223485 0.4386774018660369 0.39688720061440286 0.34581028797350705 0.34116693227888495 0.44641632802374914 0.6306027705772593 0.9587332396641863 1.251264648425642 1.534509345797845 1.6567843790896744 1.7666771305291606 1.76512934529762 1.7542948486768262 1.5824906879756504 1.5515349833448102 1.4772412922307863 +15471,1.071721561566754,0,0.6244116296510878 0.5532135090001541 0.5052321668223485 0.4386774018660369 0.39688720061440286 0.34581028797350705 0.34116693227888495 0.44641632802374914 0.6306027705772593 0.9587332396641863 1.251264648425642 1.534509345797845 1.6567843790896744 1.7666771305291606 1.76512934529762 1.7542948486768262 1.5824906879756504 1.5515349833448102 1.4772412922307863 1.339488406623541 +15472,0.841101562066979,0,0.5532135090001541 0.5052321668223485 0.4386774018660369 0.39688720061440286 0.34581028797350705 0.34116693227888495 0.44641632802374914 0.6306027705772593 0.9587332396641863 1.251264648425642 1.534509345797845 1.6567843790896744 1.7666771305291606 1.76512934529762 1.7542948486768262 1.5824906879756504 1.5515349833448102 1.4772412922307863 1.339488406623541 1.071721561566754 +15473,0.748234448174458,0,0.5052321668223485 0.4386774018660369 0.39688720061440286 0.34581028797350705 0.34116693227888495 0.44641632802374914 0.6306027705772593 0.9587332396641863 1.251264648425642 1.534509345797845 1.6567843790896744 1.7666771305291606 1.76512934529762 1.7542948486768262 1.5824906879756504 1.5515349833448102 1.4772412922307863 1.339488406623541 1.071721561566754 0.841101562066979 +15474,0.664654045671181,0,0.4386774018660369 0.39688720061440286 0.34581028797350705 0.34116693227888495 0.44641632802374914 0.6306027705772593 0.9587332396641863 1.251264648425642 1.534509345797845 1.6567843790896744 1.7666771305291606 1.76512934529762 1.7542948486768262 1.5824906879756504 1.5515349833448102 1.4772412922307863 1.339488406623541 1.071721561566754 0.841101562066979 0.748234448174458 +15475,0.599647065946419,0,0.39688720061440286 0.34581028797350705 0.34116693227888495 0.44641632802374914 0.6306027705772593 0.9587332396641863 1.251264648425642 1.534509345797845 1.6567843790896744 1.7666771305291606 1.76512934529762 1.7542948486768262 1.5824906879756504 1.5515349833448102 1.4772412922307863 1.339488406623541 1.071721561566754 0.841101562066979 0.748234448174458 0.664654045671181 +15476,0.5315445157585579,0,0.34581028797350705 0.34116693227888495 0.44641632802374914 0.6306027705772593 0.9587332396641863 1.251264648425642 1.534509345797845 1.6567843790896744 1.7666771305291606 1.76512934529762 1.7542948486768262 1.5824906879756504 1.5515349833448102 1.4772412922307863 1.339488406623541 1.071721561566754 0.841101562066979 0.748234448174458 0.664654045671181 0.599647065946419 +15477,0.44951189848683054,0,0.34116693227888495 0.44641632802374914 0.6306027705772593 0.9587332396641863 1.251264648425642 1.534509345797845 1.6567843790896744 1.7666771305291606 1.76512934529762 1.7542948486768262 1.5824906879756504 1.5515349833448102 1.4772412922307863 1.339488406623541 1.071721561566754 0.841101562066979 0.748234448174458 0.664654045671181 0.599647065946419 0.5315445157585579 +15478,0.42165176431907164,0,0.44641632802374914 0.6306027705772593 0.9587332396641863 1.251264648425642 1.534509345797845 1.6567843790896744 1.7666771305291606 1.76512934529762 1.7542948486768262 1.5824906879756504 1.5515349833448102 1.4772412922307863 1.339488406623541 1.071721561566754 0.841101562066979 0.748234448174458 0.664654045671181 0.599647065946419 0.5315445157585579 0.44951189848683054 +15479,0.3439998760916662,0,0.6306027705772593 0.9587332396641863 1.251264648425642 1.534509345797845 1.6567843790896744 1.7666771305291606 1.76512934529762 1.7542948486768262 1.5824906879756504 1.5515349833448102 1.4772412922307863 1.339488406623541 1.071721561566754 0.841101562066979 0.748234448174458 0.664654045671181 0.599647065946419 0.5315445157585579 0.44951189848683054 0.42165176431907164 +15480,0.3117590128795853,0,0.9587332396641863 1.251264648425642 1.534509345797845 1.6567843790896744 1.7666771305291606 1.76512934529762 1.7542948486768262 1.5824906879756504 1.5515349833448102 1.4772412922307863 1.339488406623541 1.071721561566754 0.841101562066979 0.748234448174458 0.664654045671181 0.599647065946419 0.5315445157585579 0.44951189848683054 0.42165176431907164 0.3439998760916662 +15481,-0.04577937560664132,0,1.251264648425642 1.534509345797845 1.6567843790896744 1.7666771305291606 1.76512934529762 1.7542948486768262 1.5824906879756504 1.5515349833448102 1.4772412922307863 1.339488406623541 1.071721561566754 0.841101562066979 0.748234448174458 0.664654045671181 0.599647065946419 0.5315445157585579 0.44951189848683054 0.42165176431907164 0.3439998760916662 0.3117590128795853 +15482,0.42165176431907164,0,1.534509345797845 1.6567843790896744 1.7666771305291606 1.76512934529762 1.7542948486768262 1.5824906879756504 1.5515349833448102 1.4772412922307863 1.339488406623541 1.071721561566754 0.841101562066979 0.748234448174458 0.664654045671181 0.599647065946419 0.5315445157585579 0.44951189848683054 0.42165176431907164 0.3439998760916662 0.3117590128795853 -0.04577937560664132 +15483,0.5950037102517881,0,1.6567843790896744 1.7666771305291606 1.76512934529762 1.7542948486768262 1.5824906879756504 1.5515349833448102 1.4772412922307863 1.339488406623541 1.071721561566754 0.841101562066979 0.748234448174458 0.664654045671181 0.599647065946419 0.5315445157585579 0.44951189848683054 0.42165176431907164 0.3439998760916662 0.3117590128795853 -0.04577937560664132 0.42165176431907164 +15484,0.7993113608153449,0,1.7666771305291606 1.76512934529762 1.7542948486768262 1.5824906879756504 1.5515349833448102 1.4772412922307863 1.339488406623541 1.071721561566754 0.841101562066979 0.748234448174458 0.664654045671181 0.599647065946419 0.5315445157585579 0.44951189848683054 0.42165176431907164 0.3439998760916662 0.3117590128795853 -0.04577937560664132 0.42165176431907164 0.5950037102517881 +15485,0.992784514758108,0,1.76512934529762 1.7542948486768262 1.5824906879756504 1.5515349833448102 1.4772412922307863 1.339488406623541 1.071721561566754 0.841101562066979 0.748234448174458 0.664654045671181 0.599647065946419 0.5315445157585579 0.44951189848683054 0.42165176431907164 0.3439998760916662 0.3117590128795853 -0.04577937560664132 0.42165176431907164 0.5950037102517881 0.7993113608153449 +15486,1.2559080041202642,0,1.7542948486768262 1.5824906879756504 1.5515349833448102 1.4772412922307863 1.339488406623541 1.071721561566754 0.841101562066979 0.748234448174458 0.664654045671181 0.599647065946419 0.5315445157585579 0.44951189848683054 0.42165176431907164 0.3439998760916662 0.3117590128795853 -0.04577937560664132 0.42165176431907164 0.5950037102517881 0.7993113608153449 0.992784514758108 +15487,2.0437306869752008,0,1.5824906879756504 1.5515349833448102 1.4772412922307863 1.339488406623541 1.071721561566754 0.841101562066979 0.748234448174458 0.664654045671181 0.599647065946419 0.5315445157585579 0.44951189848683054 0.42165176431907164 0.3439998760916662 0.3117590128795853 -0.04577937560664132 0.42165176431907164 0.5950037102517881 0.7993113608153449 0.992784514758108 1.2559080041202642 +15488,1.5732039765863974,0,1.5515349833448102 1.4772412922307863 1.339488406623541 1.071721561566754 0.841101562066979 0.748234448174458 0.664654045671181 0.599647065946419 0.5315445157585579 0.44951189848683054 0.42165176431907164 0.3439998760916662 0.3117590128795853 -0.04577937560664132 0.42165176431907164 0.5950037102517881 0.7993113608153449 0.992784514758108 1.2559080041202642 2.0437306869752008 +15489,1.5298659901032228,0,1.4772412922307863 1.339488406623541 1.071721561566754 0.841101562066979 0.748234448174458 0.664654045671181 0.599647065946419 0.5315445157585579 0.44951189848683054 0.42165176431907164 0.3439998760916662 0.3117590128795853 -0.04577937560664132 0.42165176431907164 0.5950037102517881 0.7993113608153449 0.992784514758108 1.2559080041202642 2.0437306869752008 1.5732039765863974 +15490,1.6149941778380315,0,1.339488406623541 1.071721561566754 0.841101562066979 0.748234448174458 0.664654045671181 0.599647065946419 0.5315445157585579 0.44951189848683054 0.42165176431907164 0.3439998760916662 0.3117590128795853 -0.04577937560664132 0.42165176431907164 0.5950037102517881 0.7993113608153449 0.992784514758108 1.2559080041202642 2.0437306869752008 1.5732039765863974 1.5298659901032228 +15491,1.6474976677004214,0,1.071721561566754 0.841101562066979 0.748234448174458 0.664654045671181 0.599647065946419 0.5315445157585579 0.44951189848683054 0.42165176431907164 0.3439998760916662 0.3117590128795853 -0.04577937560664132 0.42165176431907164 0.5950037102517881 0.7993113608153449 0.992784514758108 1.2559080041202642 2.0437306869752008 1.5732039765863974 1.5298659901032228 1.6149941778380315 +15492,1.6382109563111684,0,0.841101562066979 0.748234448174458 0.664654045671181 0.599647065946419 0.5315445157585579 0.44951189848683054 0.42165176431907164 0.3439998760916662 0.3117590128795853 -0.04577937560664132 0.42165176431907164 0.5950037102517881 0.7993113608153449 0.992784514758108 1.2559080041202642 2.0437306869752008 1.5732039765863974 1.5298659901032228 1.6149941778380315 1.6474976677004214 +15493,1.9663414253980953,0,0.748234448174458 0.664654045671181 0.599647065946419 0.5315445157585579 0.44951189848683054 0.42165176431907164 0.3439998760916662 0.3117590128795853 -0.04577937560664132 0.42165176431907164 0.5950037102517881 0.7993113608153449 0.992784514758108 1.2559080041202642 2.0437306869752008 1.5732039765863974 1.5298659901032228 1.6149941778380315 1.6474976677004214 1.6382109563111684 +15494,1.251264648425642,0,0.664654045671181 0.599647065946419 0.5315445157585579 0.44951189848683054 0.42165176431907164 0.3439998760916662 0.3117590128795853 -0.04577937560664132 0.42165176431907164 0.5950037102517881 0.7993113608153449 0.992784514758108 1.2559080041202642 2.0437306869752008 1.5732039765863974 1.5298659901032228 1.6149941778380315 1.6474976677004214 1.6382109563111684 1.9663414253980953 +15495,0.9463509578118432,0,0.599647065946419 0.5315445157585579 0.44951189848683054 0.42165176431907164 0.3439998760916662 0.3117590128795853 -0.04577937560664132 0.42165176431907164 0.5950037102517881 0.7993113608153449 0.992784514758108 1.2559080041202642 2.0437306869752008 1.5732039765863974 1.5298659901032228 1.6149941778380315 1.6474976677004214 1.6382109563111684 1.9663414253980953 1.251264648425642 +15496,0.6785841127550649,0,0.5315445157585579 0.44951189848683054 0.42165176431907164 0.3439998760916662 0.3117590128795853 -0.04577937560664132 0.42165176431907164 0.5950037102517881 0.7993113608153449 0.992784514758108 1.2559080041202642 2.0437306869752008 1.5732039765863974 1.5298659901032228 1.6149941778380315 1.6474976677004214 1.6382109563111684 1.9663414253980953 1.251264648425642 0.9463509578118432 +15497,0.6213160591880064,0,0.44951189848683054 0.42165176431907164 0.3439998760916662 0.3117590128795853 -0.04577937560664132 0.42165176431907164 0.5950037102517881 0.7993113608153449 0.992784514758108 1.2559080041202642 2.0437306869752008 1.5732039765863974 1.5298659901032228 1.6149941778380315 1.6474976677004214 1.6382109563111684 1.9663414253980953 1.251264648425642 0.9463509578118432 0.6785841127550649 +15498,0.5176144486746829,0,0.42165176431907164 0.3439998760916662 0.3117590128795853 -0.04577937560664132 0.42165176431907164 0.5950037102517881 0.7993113608153449 0.992784514758108 1.2559080041202642 2.0437306869752008 1.5732039765863974 1.5298659901032228 1.6149941778380315 1.6474976677004214 1.6382109563111684 1.9663414253980953 1.251264648425642 0.9463509578118432 0.6785841127550649 0.6213160591880064 +15499,0.4742764621915081,0,0.3439998760916662 0.3117590128795853 -0.04577937560664132 0.42165176431907164 0.5950037102517881 0.7993113608153449 0.992784514758108 1.2559080041202642 2.0437306869752008 1.5732039765863974 1.5298659901032228 1.6149941778380315 1.6474976677004214 1.6382109563111684 1.9663414253980953 1.251264648425642 0.9463509578118432 0.6785841127550649 0.6213160591880064 0.5176144486746829 +15500,0.45725082464454286,0,0.3117590128795853 -0.04577937560664132 0.42165176431907164 0.5950037102517881 0.7993113608153449 0.992784514758108 1.2559080041202642 2.0437306869752008 1.5732039765863974 1.5298659901032228 1.6149941778380315 1.6474976677004214 1.6382109563111684 1.9663414253980953 1.251264648425642 0.9463509578118432 0.6785841127550649 0.6213160591880064 0.5176144486746829 0.4742764621915081 +15501,0.46189418033916496,0,-0.04577937560664132 0.42165176431907164 0.5950037102517881 0.7993113608153449 0.992784514758108 1.2559080041202642 2.0437306869752008 1.5732039765863974 1.5298659901032228 1.6149941778380315 1.6474976677004214 1.6382109563111684 1.9663414253980953 1.251264648425642 0.9463509578118432 0.6785841127550649 0.6213160591880064 0.5176144486746829 0.4742764621915081 0.45725082464454286 +15502,0.46498975080225513,0,0.42165176431907164 0.5950037102517881 0.7993113608153449 0.992784514758108 1.2559080041202642 2.0437306869752008 1.5732039765863974 1.5298659901032228 1.6149941778380315 1.6474976677004214 1.6382109563111684 1.9663414253980953 1.251264648425642 0.9463509578118432 0.6785841127550649 0.6213160591880064 0.5176144486746829 0.4742764621915081 0.45725082464454286 0.46189418033916496 +15503,0.4851109588123018,0,0.5950037102517881 0.7993113608153449 0.992784514758108 1.2559080041202642 2.0437306869752008 1.5732039765863974 1.5298659901032228 1.6149941778380315 1.6474976677004214 1.6382109563111684 1.9663414253980953 1.251264648425642 0.9463509578118432 0.6785841127550649 0.6213160591880064 0.5176144486746829 0.4742764621915081 0.45725082464454286 0.46189418033916496 0.46498975080225513 +15504,0.4835631735807611,0,0.7993113608153449 0.992784514758108 1.2559080041202642 2.0437306869752008 1.5732039765863974 1.5298659901032228 1.6149941778380315 1.6474976677004214 1.6382109563111684 1.9663414253980953 1.251264648425642 0.9463509578118432 0.6785841127550649 0.6213160591880064 0.5176144486746829 0.4742764621915081 0.45725082464454286 0.46189418033916496 0.46498975080225513 0.4851109588123018 +15505,0.4092694824667372,0,0.992784514758108 1.2559080041202642 2.0437306869752008 1.5732039765863974 1.5298659901032228 1.6149941778380315 1.6474976677004214 1.6382109563111684 1.9663414253980953 1.251264648425642 0.9463509578118432 0.6785841127550649 0.6213160591880064 0.5176144486746829 0.4742764621915081 0.45725082464454286 0.46189418033916496 0.46498975080225513 0.4851109588123018 0.4835631735807611 +15506,0.4866587440438425,0,1.2559080041202642 2.0437306869752008 1.5732039765863974 1.5298659901032228 1.6149941778380315 1.6474976677004214 1.6382109563111684 1.9663414253980953 1.251264648425642 0.9463509578118432 0.6785841127550649 0.6213160591880064 0.5176144486746829 0.4742764621915081 0.45725082464454286 0.46189418033916496 0.46498975080225513 0.4851109588123018 0.4835631735807611 0.4092694824667372 +15507,0.6027426364095004,0,2.0437306869752008 1.5732039765863974 1.5298659901032228 1.6149941778380315 1.6474976677004214 1.6382109563111684 1.9663414253980953 1.251264648425642 0.9463509578118432 0.6785841127550649 0.6213160591880064 0.5176144486746829 0.4742764621915081 0.45725082464454286 0.46189418033916496 0.46498975080225513 0.4851109588123018 0.4835631735807611 0.4092694824667372 0.4866587440438425 +15508,0.8225281392884818,0,1.5732039765863974 1.5298659901032228 1.6149941778380315 1.6474976677004214 1.6382109563111684 1.9663414253980953 1.251264648425642 0.9463509578118432 0.6785841127550649 0.6213160591880064 0.5176144486746829 0.4742764621915081 0.45725082464454286 0.46189418033916496 0.46498975080225513 0.4851109588123018 0.4835631735807611 0.4092694824667372 0.4866587440438425 0.6027426364095004 +15509,1.0546959240197975,0,1.5298659901032228 1.6149941778380315 1.6474976677004214 1.6382109563111684 1.9663414253980953 1.251264648425642 0.9463509578118432 0.6785841127550649 0.6213160591880064 0.5176144486746829 0.4742764621915081 0.45725082464454286 0.46189418033916496 0.46498975080225513 0.4851109588123018 0.4835631735807611 0.4092694824667372 0.4866587440438425 0.6027426364095004 0.8225281392884818 +15510,1.2373345813417582,0,1.6149941778380315 1.6474976677004214 1.6382109563111684 1.9663414253980953 1.251264648425642 0.9463509578118432 0.6785841127550649 0.6213160591880064 0.5176144486746829 0.4742764621915081 0.45725082464454286 0.46189418033916496 0.46498975080225513 0.4851109588123018 0.4835631735807611 0.4092694824667372 0.4866587440438425 0.6027426364095004 0.8225281392884818 1.0546959240197975 +15511,1.3890175340328874,0,1.6474976677004214 1.6382109563111684 1.9663414253980953 1.251264648425642 0.9463509578118432 0.6785841127550649 0.6213160591880064 0.5176144486746829 0.4742764621915081 0.45725082464454286 0.46189418033916496 0.46498975080225513 0.4851109588123018 0.4835631735807611 0.4092694824667372 0.4866587440438425 0.6027426364095004 0.8225281392884818 1.0546959240197975 1.2373345813417582 +15512,1.4540245137576582,0,1.6382109563111684 1.9663414253980953 1.251264648425642 0.9463509578118432 0.6785841127550649 0.6213160591880064 0.5176144486746829 0.4742764621915081 0.45725082464454286 0.46189418033916496 0.46498975080225513 0.4851109588123018 0.4835631735807611 0.4092694824667372 0.4866587440438425 0.6027426364095004 0.8225281392884818 1.0546959240197975 1.2373345813417582 1.3890175340328874 +15513,1.6149941778380315,0,1.9663414253980953 1.251264648425642 0.9463509578118432 0.6785841127550649 0.6213160591880064 0.5176144486746829 0.4742764621915081 0.45725082464454286 0.46189418033916496 0.46498975080225513 0.4851109588123018 0.4835631735807611 0.4092694824667372 0.4866587440438425 0.6027426364095004 0.8225281392884818 1.0546959240197975 1.2373345813417582 1.3890175340328874 1.4540245137576582 +15514,1.5778473322810285,0,1.251264648425642 0.9463509578118432 0.6785841127550649 0.6213160591880064 0.5176144486746829 0.4742764621915081 0.45725082464454286 0.46189418033916496 0.46498975080225513 0.4851109588123018 0.4835631735807611 0.4092694824667372 0.4866587440438425 0.6027426364095004 0.8225281392884818 1.0546959240197975 1.2373345813417582 1.3890175340328874 1.4540245137576582 1.6149941778380315 +15515,1.5933251845964442,0,0.9463509578118432 0.6785841127550649 0.6213160591880064 0.5176144486746829 0.4742764621915081 0.45725082464454286 0.46189418033916496 0.46498975080225513 0.4851109588123018 0.4835631735807611 0.4092694824667372 0.4866587440438425 0.6027426364095004 0.8225281392884818 1.0546959240197975 1.2373345813417582 1.3890175340328874 1.4540245137576582 1.6149941778380315 1.5778473322810285 +15516,1.4385466614422335,0,0.6785841127550649 0.6213160591880064 0.5176144486746829 0.4742764621915081 0.45725082464454286 0.46189418033916496 0.46498975080225513 0.4851109588123018 0.4835631735807611 0.4092694824667372 0.4866587440438425 0.6027426364095004 0.8225281392884818 1.0546959240197975 1.2373345813417582 1.3890175340328874 1.4540245137576582 1.6149941778380315 1.5778473322810285 1.5933251845964442 +15517,1.2450735074994705,0,0.6213160591880064 0.5176144486746829 0.4742764621915081 0.45725082464454286 0.46189418033916496 0.46498975080225513 0.4851109588123018 0.4835631735807611 0.4092694824667372 0.4866587440438425 0.6027426364095004 0.8225281392884818 1.0546959240197975 1.2373345813417582 1.3890175340328874 1.4540245137576582 1.6149941778380315 1.5778473322810285 1.5933251845964442 1.4385466614422335 +15518,1.0500525683251667,0,0.5176144486746829 0.4742764621915081 0.45725082464454286 0.46189418033916496 0.46498975080225513 0.4851109588123018 0.4835631735807611 0.4092694824667372 0.4866587440438425 0.6027426364095004 0.8225281392884818 1.0546959240197975 1.2373345813417582 1.3890175340328874 1.4540245137576582 1.6149941778380315 1.5778473322810285 1.5933251845964442 1.4385466614422335 1.2450735074994705 +15519,0.7497822334059986,0,0.4742764621915081 0.45725082464454286 0.46189418033916496 0.46498975080225513 0.4851109588123018 0.4835631735807611 0.4092694824667372 0.4866587440438425 0.6027426364095004 0.8225281392884818 1.0546959240197975 1.2373345813417582 1.3890175340328874 1.4540245137576582 1.6149941778380315 1.5778473322810285 1.5933251845964442 1.4385466614422335 1.2450735074994705 1.0500525683251667 +15520,0.5083277372854299,0,0.45725082464454286 0.46189418033916496 0.46498975080225513 0.4851109588123018 0.4835631735807611 0.4092694824667372 0.4866587440438425 0.6027426364095004 0.8225281392884818 1.0546959240197975 1.2373345813417582 1.3890175340328874 1.4540245137576582 1.6149941778380315 1.5778473322810285 1.5933251845964442 1.4385466614422335 1.2450735074994705 1.0500525683251667 0.7497822334059986 +15521,0.3906960596882313,0,0.46189418033916496 0.46498975080225513 0.4851109588123018 0.4835631735807611 0.4092694824667372 0.4866587440438425 0.6027426364095004 0.8225281392884818 1.0546959240197975 1.2373345813417582 1.3890175340328874 1.4540245137576582 1.6149941778380315 1.5778473322810285 1.5933251845964442 1.4385466614422335 1.2450735074994705 1.0500525683251667 0.7497822334059986 0.5083277372854299 +15522,0.35354921413121937,0,0.46498975080225513 0.4851109588123018 0.4835631735807611 0.4092694824667372 0.4866587440438425 0.6027426364095004 0.8225281392884818 1.0546959240197975 1.2373345813417582 1.3890175340328874 1.4540245137576582 1.6149941778380315 1.5778473322810285 1.5933251845964442 1.4385466614422335 1.2450735074994705 1.0500525683251667 0.7497822334059986 0.5083277372854299 0.3906960596882313 +15523,0.29628116056416076,0,0.4851109588123018 0.4835631735807611 0.4092694824667372 0.4866587440438425 0.6027426364095004 0.8225281392884818 1.0546959240197975 1.2373345813417582 1.3890175340328874 1.4540245137576582 1.6149941778380315 1.5778473322810285 1.5933251845964442 1.4385466614422335 1.2450735074994705 1.0500525683251667 0.7497822334059986 0.5083277372854299 0.3906960596882313 0.35354921413121937 +15524,0.23127418083938986,0,0.4835631735807611 0.4092694824667372 0.4866587440438425 0.6027426364095004 0.8225281392884818 1.0546959240197975 1.2373345813417582 1.3890175340328874 1.4540245137576582 1.6149941778380315 1.5778473322810285 1.5933251845964442 1.4385466614422335 1.2450735074994705 1.0500525683251667 0.7497822334059986 0.5083277372854299 0.3906960596882313 0.35354921413121937 0.29628116056416076 +15525,0.2219874694501369,0,0.4092694824667372 0.4866587440438425 0.6027426364095004 0.8225281392884818 1.0546959240197975 1.2373345813417582 1.3890175340328874 1.4540245137576582 1.6149941778380315 1.5778473322810285 1.5933251845964442 1.4385466614422335 1.2450735074994705 1.0500525683251667 0.7497822334059986 0.5083277372854299 0.3906960596882313 0.35354921413121937 0.29628116056416076 0.23127418083938986 +15526,0.14614599310458112,0,0.4866587440438425 0.6027426364095004 0.8225281392884818 1.0546959240197975 1.2373345813417582 1.3890175340328874 1.4540245137576582 1.6149941778380315 1.5778473322810285 1.5933251845964442 1.4385466614422335 1.2450735074994705 1.0500525683251667 0.7497822334059986 0.5083277372854299 0.3906960596882313 0.35354921413121937 0.29628116056416076 0.23127418083938986 0.2219874694501369 +15527,0.23746532176556145,0,0.6027426364095004 0.8225281392884818 1.0546959240197975 1.2373345813417582 1.3890175340328874 1.4540245137576582 1.6149941778380315 1.5778473322810285 1.5933251845964442 1.4385466614422335 1.2450735074994705 1.0500525683251667 0.7497822334059986 0.5083277372854299 0.3906960596882313 0.35354921413121937 0.29628116056416076 0.23127418083938986 0.2219874694501369 0.14614599310458112 +15528,0.29937673102724216,0,0.8225281392884818 1.0546959240197975 1.2373345813417582 1.3890175340328874 1.4540245137576582 1.6149941778380315 1.5778473322810285 1.5933251845964442 1.4385466614422335 1.2450735074994705 1.0500525683251667 0.7497822334059986 0.5083277372854299 0.3906960596882313 0.35354921413121937 0.29628116056416076 0.23127418083938986 0.2219874694501369 0.14614599310458112 0.23746532176556145 +15529,0.33961914704734425,0,1.0546959240197975 1.2373345813417582 1.3890175340328874 1.4540245137576582 1.6149941778380315 1.5778473322810285 1.5933251845964442 1.4385466614422335 1.2450735074994705 1.0500525683251667 0.7497822334059986 0.5083277372854299 0.3906960596882313 0.35354921413121937 0.29628116056416076 0.23127418083938986 0.2219874694501369 0.14614599310458112 0.23746532176556145 0.29937673102724216 +15530,0.34271471751042565,0,1.2373345813417582 1.3890175340328874 1.4540245137576582 1.6149941778380315 1.5778473322810285 1.5933251845964442 1.4385466614422335 1.2450735074994705 1.0500525683251667 0.7497822334059986 0.5083277372854299 0.3906960596882313 0.35354921413121937 0.29628116056416076 0.23127418083938986 0.2219874694501369 0.14614599310458112 0.23746532176556145 0.29937673102724216 0.33961914704734425 +15531,0.4154606233929,0,1.3890175340328874 1.4540245137576582 1.6149941778380315 1.5778473322810285 1.5933251845964442 1.4385466614422335 1.2450735074994705 1.0500525683251667 0.7497822334059986 0.5083277372854299 0.3906960596882313 0.35354921413121937 0.29628116056416076 0.23127418083938986 0.2219874694501369 0.14614599310458112 0.23746532176556145 0.29937673102724216 0.33961914704734425 0.34271471751042565 +15532,0.5733347170102008,0,1.4540245137576582 1.6149941778380315 1.5778473322810285 1.5933251845964442 1.4385466614422335 1.2450735074994705 1.0500525683251667 0.7497822334059986 0.5083277372854299 0.3906960596882313 0.35354921413121937 0.29628116056416076 0.23127418083938986 0.2219874694501369 0.14614599310458112 0.23746532176556145 0.29937673102724216 0.33961914704734425 0.34271471751042565 0.4154606233929 +15533,0.7281132401644113,0,1.6149941778380315 1.5778473322810285 1.5933251845964442 1.4385466614422335 1.2450735074994705 1.0500525683251667 0.7497822334059986 0.5083277372854299 0.3906960596882313 0.35354921413121937 0.29628116056416076 0.23127418083938986 0.2219874694501369 0.14614599310458112 0.23746532176556145 0.29937673102724216 0.33961914704734425 0.34271471751042565 0.4154606233929 0.5733347170102008 +15534,1.0051667966104425,0,1.5778473322810285 1.5933251845964442 1.4385466614422335 1.2450735074994705 1.0500525683251667 0.7497822334059986 0.5083277372854299 0.3906960596882313 0.35354921413121937 0.29628116056416076 0.23127418083938986 0.2219874694501369 0.14614599310458112 0.23746532176556145 0.29937673102724216 0.33961914704734425 0.34271471751042565 0.4154606233929 0.5733347170102008 0.7281132401644113 +15535,1.2079266619424585,0,1.5933251845964442 1.4385466614422335 1.2450735074994705 1.0500525683251667 0.7497822334059986 0.5083277372854299 0.3906960596882313 0.35354921413121937 0.29628116056416076 0.23127418083938986 0.2219874694501369 0.14614599310458112 0.23746532176556145 0.29937673102724216 0.33961914704734425 0.34271471751042565 0.4154606233929 0.5733347170102008 0.7281132401644113 1.0051667966104425 +15536,1.3642529703282185,0,1.4385466614422335 1.2450735074994705 1.0500525683251667 0.7497822334059986 0.5083277372854299 0.3906960596882313 0.35354921413121937 0.29628116056416076 0.23127418083938986 0.2219874694501369 0.14614599310458112 0.23746532176556145 0.29937673102724216 0.33961914704734425 0.34271471751042565 0.4154606233929 0.5733347170102008 0.7281132401644113 1.0051667966104425 1.2079266619424585 +15537,1.4261643795898993,0,1.2450735074994705 1.0500525683251667 0.7497822334059986 0.5083277372854299 0.3906960596882313 0.35354921413121937 0.29628116056416076 0.23127418083938986 0.2219874694501369 0.14614599310458112 0.23746532176556145 0.29937673102724216 0.33961914704734425 0.34271471751042565 0.4154606233929 0.5733347170102008 0.7281132401644113 1.0051667966104425 1.2079266619424585 1.3642529703282185 +15538,1.4153298829691057,0,1.0500525683251667 0.7497822334059986 0.5083277372854299 0.3906960596882313 0.35354921413121937 0.29628116056416076 0.23127418083938986 0.2219874694501369 0.14614599310458112 0.23746532176556145 0.29937673102724216 0.33961914704734425 0.34271471751042565 0.4154606233929 0.5733347170102008 0.7281132401644113 1.0051667966104425 1.2079266619424585 1.3642529703282185 1.4261643795898993 +15539,1.3704441112543813,0,0.7497822334059986 0.5083277372854299 0.3906960596882313 0.35354921413121937 0.29628116056416076 0.23127418083938986 0.2219874694501369 0.14614599310458112 0.23746532176556145 0.29937673102724216 0.33961914704734425 0.34271471751042565 0.4154606233929 0.5733347170102008 0.7281132401644113 1.0051667966104425 1.2079266619424585 1.3642529703282185 1.4261643795898993 1.4153298829691057 +15540,1.935385720767255,0,0.5083277372854299 0.3906960596882313 0.35354921413121937 0.29628116056416076 0.23127418083938986 0.2219874694501369 0.14614599310458112 0.23746532176556145 0.29937673102724216 0.33961914704734425 0.34271471751042565 0.4154606233929 0.5733347170102008 0.7281132401644113 1.0051667966104425 1.2079266619424585 1.3642529703282185 1.4261643795898993 1.4153298829691057 1.3704441112543813 +15541,1.1320851855969027,0,0.3906960596882313 0.35354921413121937 0.29628116056416076 0.23127418083938986 0.2219874694501369 0.14614599310458112 0.23746532176556145 0.29937673102724216 0.33961914704734425 0.34271471751042565 0.4154606233929 0.5733347170102008 0.7281132401644113 1.0051667966104425 1.2079266619424585 1.3642529703282185 1.4261643795898993 1.4153298829691057 1.3704441112543813 1.935385720767255 +15542,0.9711155215165207,0,0.35354921413121937 0.29628116056416076 0.23127418083938986 0.2219874694501369 0.14614599310458112 0.23746532176556145 0.29937673102724216 0.33961914704734425 0.34271471751042565 0.4154606233929 0.5733347170102008 0.7281132401644113 1.0051667966104425 1.2079266619424585 1.3642529703282185 1.4261643795898993 1.4153298829691057 1.3704441112543813 1.935385720767255 1.1320851855969027 +15543,0.6708451865973527,0,0.29628116056416076 0.23127418083938986 0.2219874694501369 0.14614599310458112 0.23746532176556145 0.29937673102724216 0.33961914704734425 0.34271471751042565 0.4154606233929 0.5733347170102008 0.7281132401644113 1.0051667966104425 1.2079266619424585 1.3642529703282185 1.4261643795898993 1.4153298829691057 1.3704441112543813 1.935385720767255 1.1320851855969027 0.9711155215165207 +15544,0.443320757560659,0,0.23127418083938986 0.2219874694501369 0.14614599310458112 0.23746532176556145 0.29937673102724216 0.33961914704734425 0.34271471751042565 0.4154606233929 0.5733347170102008 0.7281132401644113 1.0051667966104425 1.2079266619424585 1.3642529703282185 1.4261643795898993 1.4153298829691057 1.3704441112543813 1.935385720767255 1.1320851855969027 0.9711155215165207 0.6708451865973527 +15545,0.34581028797350705,0,0.2219874694501369 0.14614599310458112 0.23746532176556145 0.29937673102724216 0.33961914704734425 0.34271471751042565 0.4154606233929 0.5733347170102008 0.7281132401644113 1.0051667966104425 1.2079266619424585 1.3642529703282185 1.4261643795898993 1.4153298829691057 1.3704441112543813 1.935385720767255 1.1320851855969027 0.9711155215165207 0.6708451865973527 0.443320757560659 +15546,0.2746121673225734,0,0.14614599310458112 0.23746532176556145 0.29937673102724216 0.33961914704734425 0.34271471751042565 0.4154606233929 0.5733347170102008 0.7281132401644113 1.0051667966104425 1.2079266619424585 1.3642529703282185 1.4261643795898993 1.4153298829691057 1.3704441112543813 1.935385720767255 1.1320851855969027 0.9711155215165207 0.6708451865973527 0.443320757560659 0.34581028797350705 +15547,0.29163780486953866,0,0.23746532176556145 0.29937673102724216 0.33961914704734425 0.34271471751042565 0.4154606233929 0.5733347170102008 0.7281132401644113 1.0051667966104425 1.2079266619424585 1.3642529703282185 1.4261643795898993 1.4153298829691057 1.3704441112543813 1.935385720767255 1.1320851855969027 0.9711155215165207 0.6708451865973527 0.443320757560659 0.34581028797350705 0.2746121673225734 +15548,0.17245834204079058,0,0.29937673102724216 0.33961914704734425 0.34271471751042565 0.4154606233929 0.5733347170102008 0.7281132401644113 1.0051667966104425 1.2079266619424585 1.3642529703282185 1.4261643795898993 1.4153298829691057 1.3704441112543813 1.935385720767255 1.1320851855969027 0.9711155215165207 0.6708451865973527 0.443320757560659 0.34581028797350705 0.2746121673225734 0.29163780486953866 +15549,0.14924156356766252,0,0.33961914704734425 0.34271471751042565 0.4154606233929 0.5733347170102008 0.7281132401644113 1.0051667966104425 1.2079266619424585 1.3642529703282185 1.4261643795898993 1.4153298829691057 1.3704441112543813 1.935385720767255 1.1320851855969027 0.9711155215165207 0.6708451865973527 0.443320757560659 0.34581028797350705 0.2746121673225734 0.29163780486953866 0.17245834204079058 +15550,0.09042572476906323,0,0.34271471751042565 0.4154606233929 0.5733347170102008 0.7281132401644113 1.0051667966104425 1.2079266619424585 1.3642529703282185 1.4261643795898993 1.4153298829691057 1.3704441112543813 1.935385720767255 1.1320851855969027 0.9711155215165207 0.6708451865973527 0.443320757560659 0.34581028797350705 0.2746121673225734 0.29163780486953866 0.17245834204079058 0.14924156356766252 +15551,-0.05584833192511389,0,0.4154606233929 0.5733347170102008 0.7281132401644113 1.0051667966104425 1.2079266619424585 1.3642529703282185 1.4261643795898993 1.4153298829691057 1.3704441112543813 1.935385720767255 1.1320851855969027 0.9711155215165207 0.6708451865973527 0.443320757560659 0.34581028797350705 0.2746121673225734 0.29163780486953866 0.17245834204079058 0.14924156356766252 0.09042572476906323 +15552,0.09816465092677551,0,0.5733347170102008 0.7281132401644113 1.0051667966104425 1.2079266619424585 1.3642529703282185 1.4261643795898993 1.4153298829691057 1.3704441112543813 1.935385720767255 1.1320851855969027 0.9711155215165207 0.6708451865973527 0.443320757560659 0.34581028797350705 0.2746121673225734 0.29163780486953866 0.17245834204079058 0.14924156356766252 0.09042572476906323 -0.05584833192511389 +15553,0.17864948296696218,0,0.7281132401644113 1.0051667966104425 1.2079266619424585 1.3642529703282185 1.4261643795898993 1.4153298829691057 1.3704441112543813 1.935385720767255 1.1320851855969027 0.9711155215165207 0.6708451865973527 0.443320757560659 0.34581028797350705 0.2746121673225734 0.29163780486953866 0.17245834204079058 0.14924156356766252 0.09042572476906323 -0.05584833192511389 0.09816465092677551 +15554,0.2188918989870555,0,1.0051667966104425 1.2079266619424585 1.3642529703282185 1.4261643795898993 1.4153298829691057 1.3704441112543813 1.935385720767255 1.1320851855969027 0.9711155215165207 0.6708451865973527 0.443320757560659 0.34581028797350705 0.2746121673225734 0.29163780486953866 0.17245834204079058 0.14924156356766252 0.09042572476906323 -0.05584833192511389 0.09816465092677551 0.17864948296696218 +15555,0.392243844919772,0,1.2079266619424585 1.3642529703282185 1.4261643795898993 1.4153298829691057 1.3704441112543813 1.935385720767255 1.1320851855969027 0.9711155215165207 0.6708451865973527 0.443320757560659 0.34581028797350705 0.2746121673225734 0.29163780486953866 0.17245834204079058 0.14924156356766252 0.09042572476906323 -0.05584833192511389 0.09816465092677551 0.17864948296696218 0.2188918989870555 +15556,0.6429850524295937,0,1.3642529703282185 1.4261643795898993 1.4153298829691057 1.3704441112543813 1.935385720767255 1.1320851855969027 0.9711155215165207 0.6708451865973527 0.443320757560659 0.34581028797350705 0.2746121673225734 0.29163780486953866 0.17245834204079058 0.14924156356766252 0.09042572476906323 -0.05584833192511389 0.09816465092677551 0.17864948296696218 0.2188918989870555 0.392243844919772 +15557,0.790024649426092,0,1.4261643795898993 1.4153298829691057 1.3704441112543813 1.935385720767255 1.1320851855969027 0.9711155215165207 0.6708451865973527 0.443320757560659 0.34581028797350705 0.2746121673225734 0.29163780486953866 0.17245834204079058 0.14924156356766252 0.09042572476906323 -0.05584833192511389 0.09816465092677551 0.17864948296696218 0.2188918989870555 0.392243844919772 0.6429850524295937 +15558,0.9989756556842796,0,1.4153298829691057 1.3704441112543813 1.935385720767255 1.1320851855969027 0.9711155215165207 0.6708451865973527 0.443320757560659 0.34581028797350705 0.2746121673225734 0.29163780486953866 0.17245834204079058 0.14924156356766252 0.09042572476906323 -0.05584833192511389 0.09816465092677551 0.17864948296696218 0.2188918989870555 0.392243844919772 0.6429850524295937 0.790024649426092 +15559,1.1707798163854555,0,1.3704441112543813 1.935385720767255 1.1320851855969027 0.9711155215165207 0.6708451865973527 0.443320757560659 0.34581028797350705 0.2746121673225734 0.29163780486953866 0.17245834204079058 0.14924156356766252 0.09042572476906323 -0.05584833192511389 0.09816465092677551 0.17864948296696218 0.2188918989870555 0.392243844919772 0.6429850524295937 0.790024649426092 0.9989756556842796 +15560,1.2775769973618603,0,1.935385720767255 1.1320851855969027 0.9711155215165207 0.6708451865973527 0.443320757560659 0.34581028797350705 0.2746121673225734 0.29163780486953866 0.17245834204079058 0.14924156356766252 0.09042572476906323 -0.05584833192511389 0.09816465092677551 0.17864948296696218 0.2188918989870555 0.392243844919772 0.6429850524295937 0.790024649426092 0.9989756556842796 1.1707798163854555 +15561,1.3688963260228406,0,1.1320851855969027 0.9711155215165207 0.6708451865973527 0.443320757560659 0.34581028797350705 0.2746121673225734 0.29163780486953866 0.17245834204079058 0.14924156356766252 0.09042572476906323 -0.05584833192511389 0.09816465092677551 0.17864948296696218 0.2188918989870555 0.392243844919772 0.6429850524295937 0.790024649426092 0.9989756556842796 1.1707798163854555 1.2775769973618603 +15562,1.3983042454221404,0,0.9711155215165207 0.6708451865973527 0.443320757560659 0.34581028797350705 0.2746121673225734 0.29163780486953866 0.17245834204079058 0.14924156356766252 0.09042572476906323 -0.05584833192511389 0.09816465092677551 0.17864948296696218 0.2188918989870555 0.392243844919772 0.6429850524295937 0.790024649426092 0.9989756556842796 1.1707798163854555 1.2775769973618603 1.3688963260228406 +15563,1.2946026349088169,0,0.6708451865973527 0.443320757560659 0.34581028797350705 0.2746121673225734 0.29163780486953866 0.17245834204079058 0.14924156356766252 0.09042572476906323 -0.05584833192511389 0.09816465092677551 0.17864948296696218 0.2188918989870555 0.392243844919772 0.6429850524295937 0.790024649426092 0.9989756556842796 1.1707798163854555 1.2775769973618603 1.3688963260228406 1.3983042454221404 +15564,1.2481690779625607,0,0.443320757560659 0.34581028797350705 0.2746121673225734 0.29163780486953866 0.17245834204079058 0.14924156356766252 0.09042572476906323 -0.05584833192511389 0.09816465092677551 0.17864948296696218 0.2188918989870555 0.392243844919772 0.6429850524295937 0.790024649426092 0.9989756556842796 1.1707798163854555 1.2775769973618603 1.3688963260228406 1.3983042454221404 1.2946026349088169 +15565,1.1305374003653532,0,0.34581028797350705 0.2746121673225734 0.29163780486953866 0.17245834204079058 0.14924156356766252 0.09042572476906323 -0.05584833192511389 0.09816465092677551 0.17864948296696218 0.2188918989870555 0.392243844919772 0.6429850524295937 0.790024649426092 0.9989756556842796 1.1707798163854555 1.2775769973618603 1.3688963260228406 1.3983042454221404 1.2946026349088169 1.2481690779625607 +15566,0.9448031725803024,0,0.2746121673225734 0.29163780486953866 0.17245834204079058 0.14924156356766252 0.09042572476906323 -0.05584833192511389 0.09816465092677551 0.17864948296696218 0.2188918989870555 0.392243844919772 0.6429850524295937 0.790024649426092 0.9989756556842796 1.1707798163854555 1.2775769973618603 1.3688963260228406 1.3983042454221404 1.2946026349088169 1.2481690779625607 1.1305374003653532 +15567,0.7079920321543646,0,0.29163780486953866 0.17245834204079058 0.14924156356766252 0.09042572476906323 -0.05584833192511389 0.09816465092677551 0.17864948296696218 0.2188918989870555 0.392243844919772 0.6429850524295937 0.790024649426092 0.9989756556842796 1.1707798163854555 1.2775769973618603 1.3688963260228406 1.3983042454221404 1.2946026349088169 1.2481690779625607 1.1305374003653532 0.9448031725803024 +15568,0.4835631735807611,0,0.17245834204079058 0.14924156356766252 0.09042572476906323 -0.05584833192511389 0.09816465092677551 0.17864948296696218 0.2188918989870555 0.392243844919772 0.6429850524295937 0.790024649426092 0.9989756556842796 1.1707798163854555 1.2775769973618603 1.3688963260228406 1.3983042454221404 1.2946026349088169 1.2481690779625607 1.1305374003653532 0.9448031725803024 0.7079920321543646 +15569,0.34426250274196635,0,0.14924156356766252 0.09042572476906323 -0.05584833192511389 0.09816465092677551 0.17864948296696218 0.2188918989870555 0.392243844919772 0.6429850524295937 0.790024649426092 0.9989756556842796 1.1707798163854555 1.2775769973618603 1.3688963260228406 1.3983042454221404 1.2946026349088169 1.2481690779625607 1.1305374003653532 0.9448031725803024 0.7079920321543646 0.4835631735807611 +15570,0.3287846504265506,0,0.09042572476906323 -0.05584833192511389 0.09816465092677551 0.17864948296696218 0.2188918989870555 0.392243844919772 0.6429850524295937 0.790024649426092 0.9989756556842796 1.1707798163854555 1.2775769973618603 1.3688963260228406 1.3983042454221404 1.2946026349088169 1.2481690779625607 1.1305374003653532 0.9448031725803024 0.7079920321543646 0.4835631735807611 0.34426250274196635 +15571,0.280803308248745,0,-0.05584833192511389 0.09816465092677551 0.17864948296696218 0.2188918989870555 0.392243844919772 0.6429850524295937 0.790024649426092 0.9989756556842796 1.1707798163854555 1.2775769973618603 1.3688963260228406 1.3983042454221404 1.2946026349088169 1.2481690779625607 1.1305374003653532 0.9448031725803024 0.7079920321543646 0.4835631735807611 0.34426250274196635 0.3287846504265506 +15572,0.23591753653402076,0,0.09816465092677551 0.17864948296696218 0.2188918989870555 0.392243844919772 0.6429850524295937 0.790024649426092 0.9989756556842796 1.1707798163854555 1.2775769973618603 1.3688963260228406 1.3983042454221404 1.2946026349088169 1.2481690779625607 1.1305374003653532 0.9448031725803024 0.7079920321543646 0.4835631735807611 0.34426250274196635 0.3287846504265506 0.280803308248745 +15573,0.280803308248745,0,0.17864948296696218 0.2188918989870555 0.392243844919772 0.6429850524295937 0.790024649426092 0.9989756556842796 1.1707798163854555 1.2775769973618603 1.3688963260228406 1.3983042454221404 1.2946026349088169 1.2481690779625607 1.1305374003653532 0.9448031725803024 0.7079920321543646 0.4835631735807611 0.34426250274196635 0.3287846504265506 0.280803308248745 0.23591753653402076 +15574,0.1043557918529383,0,0.2188918989870555 0.392243844919772 0.6429850524295937 0.790024649426092 0.9989756556842796 1.1707798163854555 1.2775769973618603 1.3688963260228406 1.3983042454221404 1.2946026349088169 1.2481690779625607 1.1305374003653532 0.9448031725803024 0.7079920321543646 0.4835631735807611 0.34426250274196635 0.3287846504265506 0.280803308248745 0.23591753653402076 0.280803308248745 +15575,0.12292921463144427,0,0.392243844919772 0.6429850524295937 0.790024649426092 0.9989756556842796 1.1707798163854555 1.2775769973618603 1.3688963260228406 1.3983042454221404 1.2946026349088169 1.2481690779625607 1.1305374003653532 0.9448031725803024 0.7079920321543646 0.4835631735807611 0.34426250274196635 0.3287846504265506 0.280803308248745 0.23591753653402076 0.280803308248745 0.1043557918529383 +15576,0.09661686569523482,0,0.6429850524295937 0.790024649426092 0.9989756556842796 1.1707798163854555 1.2775769973618603 1.3688963260228406 1.3983042454221404 1.2946026349088169 1.2481690779625607 1.1305374003653532 0.9448031725803024 0.7079920321543646 0.4835631735807611 0.34426250274196635 0.3287846504265506 0.280803308248745 0.23591753653402076 0.280803308248745 0.1043557918529383 0.12292921463144427 +15577,0.105903577084479,0,0.790024649426092 0.9989756556842796 1.1707798163854555 1.2775769973618603 1.3688963260228406 1.3983042454221404 1.2946026349088169 1.2481690779625607 1.1305374003653532 0.9448031725803024 0.7079920321543646 0.4835631735807611 0.34426250274196635 0.3287846504265506 0.280803308248745 0.23591753653402076 0.280803308248745 0.1043557918529383 0.12292921463144427 0.09661686569523482 +15578,0.2250830399132271,0,0.9989756556842796 1.1707798163854555 1.2775769973618603 1.3688963260228406 1.3983042454221404 1.2946026349088169 1.2481690779625607 1.1305374003653532 0.9448031725803024 0.7079920321543646 0.4835631735807611 0.34426250274196635 0.3287846504265506 0.280803308248745 0.23591753653402076 0.280803308248745 0.1043557918529383 0.12292921463144427 0.09661686569523482 0.105903577084479 +15579,0.5098755225169705,0,1.1707798163854555 1.2775769973618603 1.3688963260228406 1.3983042454221404 1.2946026349088169 1.2481690779625607 1.1305374003653532 0.9448031725803024 0.7079920321543646 0.4835631735807611 0.34426250274196635 0.3287846504265506 0.280803308248745 0.23591753653402076 0.280803308248745 0.1043557918529383 0.12292921463144427 0.09661686569523482 0.105903577084479 0.2250830399132271 +15580,0.650723978587306,0,1.2775769973618603 1.3688963260228406 1.3983042454221404 1.2946026349088169 1.2481690779625607 1.1305374003653532 0.9448031725803024 0.7079920321543646 0.4835631735807611 0.34426250274196635 0.3287846504265506 0.280803308248745 0.23591753653402076 0.280803308248745 0.1043557918529383 0.12292921463144427 0.09661686569523482 0.105903577084479 0.2250830399132271 0.5098755225169705 +15581,0.9540898839695554,0,1.3688963260228406 1.3983042454221404 1.2946026349088169 1.2481690779625607 1.1305374003653532 0.9448031725803024 0.7079920321543646 0.4835631735807611 0.34426250274196635 0.3287846504265506 0.280803308248745 0.23591753653402076 0.280803308248745 0.1043557918529383 0.12292921463144427 0.09661686569523482 0.105903577084479 0.2250830399132271 0.5098755225169705 0.650723978587306 +15582,1.0051667966104425,0,1.3983042454221404 1.2946026349088169 1.2481690779625607 1.1305374003653532 0.9448031725803024 0.7079920321543646 0.4835631735807611 0.34426250274196635 0.3287846504265506 0.280803308248745 0.23591753653402076 0.280803308248745 0.1043557918529383 0.12292921463144427 0.09661686569523482 0.105903577084479 0.2250830399132271 0.5098755225169705 0.650723978587306 0.9540898839695554 +15583,1.2590035745833543,0,1.2946026349088169 1.2481690779625607 1.1305374003653532 0.9448031725803024 0.7079920321543646 0.4835631735807611 0.34426250274196635 0.3287846504265506 0.280803308248745 0.23591753653402076 0.280803308248745 0.1043557918529383 0.12292921463144427 0.09661686569523482 0.105903577084479 0.2250830399132271 0.5098755225169705 0.650723978587306 0.9540898839695554 1.0051667966104425 +15584,1.3952086749590589,0,1.2481690779625607 1.1305374003653532 0.9448031725803024 0.7079920321543646 0.4835631735807611 0.34426250274196635 0.3287846504265506 0.280803308248745 0.23591753653402076 0.280803308248745 0.1043557918529383 0.12292921463144427 0.09661686569523482 0.105903577084479 0.2250830399132271 0.5098755225169705 0.650723978587306 0.9540898839695554 1.0051667966104425 1.2590035745833543 +15585,1.4710501513046235,0,1.1305374003653532 0.9448031725803024 0.7079920321543646 0.4835631735807611 0.34426250274196635 0.3287846504265506 0.280803308248745 0.23591753653402076 0.280803308248745 0.1043557918529383 0.12292921463144427 0.09661686569523482 0.105903577084479 0.2250830399132271 0.5098755225169705 0.650723978587306 0.9540898839695554 1.0051667966104425 1.2590035745833543 1.3952086749590589 +15586,1.4803368626938764,0,0.9448031725803024 0.7079920321543646 0.4835631735807611 0.34426250274196635 0.3287846504265506 0.280803308248745 0.23591753653402076 0.280803308248745 0.1043557918529383 0.12292921463144427 0.09661686569523482 0.105903577084479 0.2250830399132271 0.5098755225169705 0.650723978587306 0.9540898839695554 1.0051667966104425 1.2590035745833543 1.3952086749590589 1.4710501513046235 +15587,1.441642231905324,0,0.7079920321543646 0.4835631735807611 0.34426250274196635 0.3287846504265506 0.280803308248745 0.23591753653402076 0.280803308248745 0.1043557918529383 0.12292921463144427 0.09661686569523482 0.105903577084479 0.2250830399132271 0.5098755225169705 0.650723978587306 0.9540898839695554 1.0051667966104425 1.2590035745833543 1.3952086749590589 1.4710501513046235 1.4803368626938764 +15588,1.4462855875999459,0,0.4835631735807611 0.34426250274196635 0.3287846504265506 0.280803308248745 0.23591753653402076 0.280803308248745 0.1043557918529383 0.12292921463144427 0.09661686569523482 0.105903577084479 0.2250830399132271 0.5098755225169705 0.650723978587306 0.9540898839695554 1.0051667966104425 1.2590035745833543 1.3952086749590589 1.4710501513046235 1.4803368626938764 1.441642231905324 +15589,1.3503229032443347,0,0.34426250274196635 0.3287846504265506 0.280803308248745 0.23591753653402076 0.280803308248745 0.1043557918529383 0.12292921463144427 0.09661686569523482 0.105903577084479 0.2250830399132271 0.5098755225169705 0.650723978587306 0.9540898839695554 1.0051667966104425 1.2590035745833543 1.3952086749590589 1.4710501513046235 1.4803368626938764 1.441642231905324 1.4462855875999459 +15590,1.081008272956007,0,0.3287846504265506 0.280803308248745 0.23591753653402076 0.280803308248745 0.1043557918529383 0.12292921463144427 0.09661686569523482 0.105903577084479 0.2250830399132271 0.5098755225169705 0.650723978587306 0.9540898839695554 1.0051667966104425 1.2590035745833543 1.3952086749590589 1.4710501513046235 1.4803368626938764 1.441642231905324 1.4462855875999459 1.3503229032443347 +15591,0.8256237097515632,0,0.280803308248745 0.23591753653402076 0.280803308248745 0.1043557918529383 0.12292921463144427 0.09661686569523482 0.105903577084479 0.2250830399132271 0.5098755225169705 0.650723978587306 0.9540898839695554 1.0051667966104425 1.2590035745833543 1.3952086749590589 1.4710501513046235 1.4803368626938764 1.441642231905324 1.4462855875999459 1.3503229032443347 1.081008272956007 +15592,0.6306027705772593,0,0.23591753653402076 0.280803308248745 0.1043557918529383 0.12292921463144427 0.09661686569523482 0.105903577084479 0.2250830399132271 0.5098755225169705 0.650723978587306 0.9540898839695554 1.0051667966104425 1.2590035745833543 1.3952086749590589 1.4710501513046235 1.4803368626938764 1.441642231905324 1.4462855875999459 1.3503229032443347 1.081008272956007 0.8256237097515632 +15593,0.5578568646947761,0,0.280803308248745 0.1043557918529383 0.12292921463144427 0.09661686569523482 0.105903577084479 0.2250830399132271 0.5098755225169705 0.650723978587306 0.9540898839695554 1.0051667966104425 1.2590035745833543 1.3952086749590589 1.4710501513046235 1.4803368626938764 1.441642231905324 1.4462855875999459 1.3503229032443347 1.081008272956007 0.8256237097515632 0.6306027705772593 +15594,0.5269011600639358,0,0.1043557918529383 0.12292921463144427 0.09661686569523482 0.105903577084479 0.2250830399132271 0.5098755225169705 0.650723978587306 0.9540898839695554 1.0051667966104425 1.2590035745833543 1.3952086749590589 1.4710501513046235 1.4803368626938764 1.441642231905324 1.4462855875999459 1.3503229032443347 1.081008272956007 0.8256237097515632 0.6306027705772593 0.5578568646947761 +15595,0.5176144486746829,0,0.12292921463144427 0.09661686569523482 0.105903577084479 0.2250830399132271 0.5098755225169705 0.650723978587306 0.9540898839695554 1.0051667966104425 1.2590035745833543 1.3952086749590589 1.4710501513046235 1.4803368626938764 1.441642231905324 1.4462855875999459 1.3503229032443347 1.081008272956007 0.8256237097515632 0.6306027705772593 0.5578568646947761 0.5269011600639358 +15596,0.49130209973846456,0,0.09661686569523482 0.105903577084479 0.2250830399132271 0.5098755225169705 0.650723978587306 0.9540898839695554 1.0051667966104425 1.2590035745833543 1.3952086749590589 1.4710501513046235 1.4803368626938764 1.441642231905324 1.4462855875999459 1.3503229032443347 1.081008272956007 0.8256237097515632 0.6306027705772593 0.5578568646947761 0.5269011600639358 0.5176144486746829 +15597,0.46189418033916496,0,0.105903577084479 0.2250830399132271 0.5098755225169705 0.650723978587306 0.9540898839695554 1.0051667966104425 1.2590035745833543 1.3952086749590589 1.4710501513046235 1.4803368626938764 1.441642231905324 1.4462855875999459 1.3503229032443347 1.081008272956007 0.8256237097515632 0.6306027705772593 0.5578568646947761 0.5269011600639358 0.5176144486746829 0.49130209973846456 +15598,0.39843498584594356,0,0.2250830399132271 0.5098755225169705 0.650723978587306 0.9540898839695554 1.0051667966104425 1.2590035745833543 1.3952086749590589 1.4710501513046235 1.4803368626938764 1.441642231905324 1.4462855875999459 1.3503229032443347 1.081008272956007 0.8256237097515632 0.6306027705772593 0.5578568646947761 0.5269011600639358 0.5176144486746829 0.49130209973846456 0.46189418033916496 +15599,0.4309384757083246,0,0.5098755225169705 0.650723978587306 0.9540898839695554 1.0051667966104425 1.2590035745833543 1.3952086749590589 1.4710501513046235 1.4803368626938764 1.441642231905324 1.4462855875999459 1.3503229032443347 1.081008272956007 0.8256237097515632 0.6306027705772593 0.5578568646947761 0.5269011600639358 0.5176144486746829 0.49130209973846456 0.46189418033916496 0.39843498584594356 +15600,0.35045364366813797,0,0.650723978587306 0.9540898839695554 1.0051667966104425 1.2590035745833543 1.3952086749590589 1.4710501513046235 1.4803368626938764 1.441642231905324 1.4462855875999459 1.3503229032443347 1.081008272956007 0.8256237097515632 0.6306027705772593 0.5578568646947761 0.5269011600639358 0.5176144486746829 0.49130209973846456 0.46189418033916496 0.39843498584594356 0.4309384757083246 +15601,0.36593149598355373,0,0.9540898839695554 1.0051667966104425 1.2590035745833543 1.3952086749590589 1.4710501513046235 1.4803368626938764 1.441642231905324 1.4462855875999459 1.3503229032443347 1.081008272956007 0.8256237097515632 0.6306027705772593 0.5578568646947761 0.5269011600639358 0.5176144486746829 0.49130209973846456 0.46189418033916496 0.39843498584594356 0.4309384757083246 0.35045364366813797 +15602,0.4882065292753832,0,1.0051667966104425 1.2590035745833543 1.3952086749590589 1.4710501513046235 1.4803368626938764 1.441642231905324 1.4462855875999459 1.3503229032443347 1.081008272956007 0.8256237097515632 0.6306027705772593 0.5578568646947761 0.5269011600639358 0.5176144486746829 0.49130209973846456 0.46189418033916496 0.39843498584594356 0.4309384757083246 0.35045364366813797 0.36593149598355373 +15603,0.6754885422919747,0,1.2590035745833543 1.3952086749590589 1.4710501513046235 1.4803368626938764 1.441642231905324 1.4462855875999459 1.3503229032443347 1.081008272956007 0.8256237097515632 0.6306027705772593 0.5578568646947761 0.5269011600639358 0.5176144486746829 0.49130209973846456 0.46189418033916496 0.39843498584594356 0.4309384757083246 0.35045364366813797 0.36593149598355373 0.4882065292753832 +15604,1.0144535079996955,0,1.3952086749590589 1.4710501513046235 1.4803368626938764 1.441642231905324 1.4462855875999459 1.3503229032443347 1.081008272956007 0.8256237097515632 0.6306027705772593 0.5578568646947761 0.5269011600639358 0.5176144486746829 0.49130209973846456 0.46189418033916496 0.39843498584594356 0.4309384757083246 0.35045364366813797 0.36593149598355373 0.4882065292753832 0.6754885422919747 +15605,1.3147238429188635,0,1.4710501513046235 1.4803368626938764 1.441642231905324 1.4462855875999459 1.3503229032443347 1.081008272956007 0.8256237097515632 0.6306027705772593 0.5578568646947761 0.5269011600639358 0.5176144486746829 0.49130209973846456 0.46189418033916496 0.39843498584594356 0.4309384757083246 0.35045364366813797 0.36593149598355373 0.4882065292753832 0.6754885422919747 1.0144535079996955 +15606,1.4339033057476116,0,1.4803368626938764 1.441642231905324 1.4462855875999459 1.3503229032443347 1.081008272956007 0.8256237097515632 0.6306027705772593 0.5578568646947761 0.5269011600639358 0.5176144486746829 0.49130209973846456 0.46189418033916496 0.39843498584594356 0.4309384757083246 0.35045364366813797 0.36593149598355373 0.4882065292753832 0.6754885422919747 1.0144535079996955 1.3147238429188635 +15607,1.5081969968616267,0,1.441642231905324 1.4462855875999459 1.3503229032443347 1.081008272956007 0.8256237097515632 0.6306027705772593 0.5578568646947761 0.5269011600639358 0.5176144486746829 0.49130209973846456 0.46189418033916496 0.39843498584594356 0.4309384757083246 0.35045364366813797 0.36593149598355373 0.4882065292753832 0.6754885422919747 1.0144535079996955 1.3147238429188635 1.4339033057476116 +15608,1.639758741542709,0,1.4462855875999459 1.3503229032443347 1.081008272956007 0.8256237097515632 0.6306027705772593 0.5578568646947761 0.5269011600639358 0.5176144486746829 0.49130209973846456 0.46189418033916496 0.39843498584594356 0.4309384757083246 0.35045364366813797 0.36593149598355373 0.4882065292753832 0.6754885422919747 1.0144535079996955 1.3147238429188635 1.4339033057476116 1.5081969968616267 +15609,1.6413065267742497,0,1.3503229032443347 1.081008272956007 0.8256237097515632 0.6306027705772593 0.5578568646947761 0.5269011600639358 0.5176144486746829 0.49130209973846456 0.46189418033916496 0.39843498584594356 0.4309384757083246 0.35045364366813797 0.36593149598355373 0.4882065292753832 0.6754885422919747 1.0144535079996955 1.3147238429188635 1.4339033057476116 1.5081969968616267 1.639758741542709 +15610,1.630472030153456,0,1.081008272956007 0.8256237097515632 0.6306027705772593 0.5578568646947761 0.5269011600639358 0.5176144486746829 0.49130209973846456 0.46189418033916496 0.39843498584594356 0.4309384757083246 0.35045364366813797 0.36593149598355373 0.4882065292753832 0.6754885422919747 1.0144535079996955 1.3147238429188635 1.4339033057476116 1.5081969968616267 1.639758741542709 1.6413065267742497 +15611,1.6428543120057904,0,0.8256237097515632 0.6306027705772593 0.5578568646947761 0.5269011600639358 0.5176144486746829 0.49130209973846456 0.46189418033916496 0.39843498584594356 0.4309384757083246 0.35045364366813797 0.36593149598355373 0.4882065292753832 0.6754885422919747 1.0144535079996955 1.3147238429188635 1.4339033057476116 1.5081969968616267 1.639758741542709 1.6413065267742497 1.630472030153456 +15612,1.6196375335326625,0,0.6306027705772593 0.5578568646947761 0.5269011600639358 0.5176144486746829 0.49130209973846456 0.46189418033916496 0.39843498584594356 0.4309384757083246 0.35045364366813797 0.36593149598355373 0.4882065292753832 0.6754885422919747 1.0144535079996955 1.3147238429188635 1.4339033057476116 1.5081969968616267 1.639758741542709 1.6413065267742497 1.630472030153456 1.6428543120057904 +15613,1.4617634399153705,0,0.5578568646947761 0.5269011600639358 0.5176144486746829 0.49130209973846456 0.46189418033916496 0.39843498584594356 0.4309384757083246 0.35045364366813797 0.36593149598355373 0.4882065292753832 0.6754885422919747 1.0144535079996955 1.3147238429188635 1.4339033057476116 1.5081969968616267 1.639758741542709 1.6413065267742497 1.630472030153456 1.6428543120057904 1.6196375335326625 +15614,1.2822203530564824,0,0.5269011600639358 0.5176144486746829 0.49130209973846456 0.46189418033916496 0.39843498584594356 0.4309384757083246 0.35045364366813797 0.36593149598355373 0.4882065292753832 0.6754885422919747 1.0144535079996955 1.3147238429188635 1.4339033057476116 1.5081969968616267 1.639758741542709 1.6413065267742497 1.630472030153456 1.6428543120057904 1.6196375335326625 1.4617634399153705 +15615,0.978854447674233,0,0.5176144486746829 0.49130209973846456 0.46189418033916496 0.39843498584594356 0.4309384757083246 0.35045364366813797 0.36593149598355373 0.4882065292753832 0.6754885422919747 1.0144535079996955 1.3147238429188635 1.4339033057476116 1.5081969968616267 1.639758741542709 1.6413065267742497 1.630472030153456 1.6428543120057904 1.6196375335326625 1.4617634399153705 1.2822203530564824 +15616,0.7513300186375393,0,0.49130209973846456 0.46189418033916496 0.39843498584594356 0.4309384757083246 0.35045364366813797 0.36593149598355373 0.4882065292753832 0.6754885422919747 1.0144535079996955 1.3147238429188635 1.4339033057476116 1.5081969968616267 1.639758741542709 1.6413065267742497 1.630472030153456 1.6428543120057904 1.6196375335326625 1.4617634399153705 1.2822203530564824 0.978854447674233 +15617,0.7172787435436175,0,0.46189418033916496 0.39843498584594356 0.4309384757083246 0.35045364366813797 0.36593149598355373 0.4882065292753832 0.6754885422919747 1.0144535079996955 1.3147238429188635 1.4339033057476116 1.5081969968616267 1.639758741542709 1.6413065267742497 1.630472030153456 1.6428543120057904 1.6196375335326625 1.4617634399153705 1.2822203530564824 0.978854447674233 0.7513300186375393 +15618,0.6677496161342713,0,0.39843498584594356 0.4309384757083246 0.35045364366813797 0.36593149598355373 0.4882065292753832 0.6754885422919747 1.0144535079996955 1.3147238429188635 1.4339033057476116 1.5081969968616267 1.639758741542709 1.6413065267742497 1.630472030153456 1.6428543120057904 1.6196375335326625 1.4617634399153705 1.2822203530564824 0.978854447674233 0.7513300186375393 0.7172787435436175 +15619,0.6213160591880064,0,0.4309384757083246 0.35045364366813797 0.36593149598355373 0.4882065292753832 0.6754885422919747 1.0144535079996955 1.3147238429188635 1.4339033057476116 1.5081969968616267 1.639758741542709 1.6413065267742497 1.630472030153456 1.6428543120057904 1.6196375335326625 1.4617634399153705 1.2822203530564824 0.978854447674233 0.7513300186375393 0.7172787435436175 0.6677496161342713 +15620,0.5764302874732822,0,0.35045364366813797 0.36593149598355373 0.4882065292753832 0.6754885422919747 1.0144535079996955 1.3147238429188635 1.4339033057476116 1.5081969968616267 1.639758741542709 1.6413065267742497 1.630472030153456 1.6428543120057904 1.6196375335326625 1.4617634399153705 1.2822203530564824 0.978854447674233 0.7513300186375393 0.7172787435436175 0.6677496161342713 0.6213160591880064 +15621,0.5563090794632355,0,0.36593149598355373 0.4882065292753832 0.6754885422919747 1.0144535079996955 1.3147238429188635 1.4339033057476116 1.5081969968616267 1.639758741542709 1.6413065267742497 1.630472030153456 1.6428543120057904 1.6196375335326625 1.4617634399153705 1.2822203530564824 0.978854447674233 0.7513300186375393 0.7172787435436175 0.6677496161342713 0.6213160591880064 0.5764302874732822 +15622,0.5532135090001541,0,0.4882065292753832 0.6754885422919747 1.0144535079996955 1.3147238429188635 1.4339033057476116 1.5081969968616267 1.639758741542709 1.6413065267742497 1.630472030153456 1.6428543120057904 1.6196375335326625 1.4617634399153705 1.2822203530564824 0.978854447674233 0.7513300186375393 0.7172787435436175 0.6677496161342713 0.6213160591880064 0.5764302874732822 0.5563090794632355 +15623,0.5191622339062235,0,0.6754885422919747 1.0144535079996955 1.3147238429188635 1.4339033057476116 1.5081969968616267 1.639758741542709 1.6413065267742497 1.630472030153456 1.6428543120057904 1.6196375335326625 1.4617634399153705 1.2822203530564824 0.978854447674233 0.7513300186375393 0.7172787435436175 0.6677496161342713 0.6213160591880064 0.5764302874732822 0.5563090794632355 0.5532135090001541 +15624,0.4990410258961769,0,1.0144535079996955 1.3147238429188635 1.4339033057476116 1.5081969968616267 1.639758741542709 1.6413065267742497 1.630472030153456 1.6428543120057904 1.6196375335326625 1.4617634399153705 1.2822203530564824 0.978854447674233 0.7513300186375393 0.7172787435436175 0.6677496161342713 0.6213160591880064 0.5764302874732822 0.5563090794632355 0.5532135090001541 0.5191622339062235 +15625,0.5191622339062235,0,1.3147238429188635 1.4339033057476116 1.5081969968616267 1.639758741542709 1.6413065267742497 1.630472030153456 1.6428543120057904 1.6196375335326625 1.4617634399153705 1.2822203530564824 0.978854447674233 0.7513300186375393 0.7172787435436175 0.6677496161342713 0.6213160591880064 0.5764302874732822 0.5563090794632355 0.5532135090001541 0.5191622339062235 0.4990410258961769 +15626,0.5392834419162702,0,1.4339033057476116 1.5081969968616267 1.639758741542709 1.6413065267742497 1.630472030153456 1.6428543120057904 1.6196375335326625 1.4617634399153705 1.2822203530564824 0.978854447674233 0.7513300186375393 0.7172787435436175 0.6677496161342713 0.6213160591880064 0.5764302874732822 0.5563090794632355 0.5532135090001541 0.5191622339062235 0.4990410258961769 0.5191622339062235 +15627,0.5872647840940758,0,1.5081969968616267 1.639758741542709 1.6413065267742497 1.630472030153456 1.6428543120057904 1.6196375335326625 1.4617634399153705 1.2822203530564824 0.978854447674233 0.7513300186375393 0.7172787435436175 0.6677496161342713 0.6213160591880064 0.5764302874732822 0.5563090794632355 0.5532135090001541 0.5191622339062235 0.4990410258961769 0.5191622339062235 0.5392834419162702 +15628,0.6723929718288933,0,1.639758741542709 1.6413065267742497 1.630472030153456 1.6428543120057904 1.6196375335326625 1.4617634399153705 1.2822203530564824 0.978854447674233 0.7513300186375393 0.7172787435436175 0.6677496161342713 0.6213160591880064 0.5764302874732822 0.5563090794632355 0.5532135090001541 0.5191622339062235 0.4990410258961769 0.5191622339062235 0.5392834419162702 0.5872647840940758 +15629,0.7248773834008531,0,1.6413065267742497 1.630472030153456 1.6428543120057904 1.6196375335326625 1.4617634399153705 1.2822203530564824 0.978854447674233 0.7513300186375393 0.7172787435436175 0.6677496161342713 0.6213160591880064 0.5764302874732822 0.5563090794632355 0.5532135090001541 0.5191622339062235 0.4990410258961769 0.5191622339062235 0.5392834419162702 0.5872647840940758 0.6723929718288933 +15630,0.7699034414160453,0,1.630472030153456 1.6428543120057904 1.6196375335326625 1.4617634399153705 1.2822203530564824 0.978854447674233 0.7513300186375393 0.7172787435436175 0.6677496161342713 0.6213160591880064 0.5764302874732822 0.5563090794632355 0.5532135090001541 0.5191622339062235 0.4990410258961769 0.5191622339062235 0.5392834419162702 0.5872647840940758 0.6723929718288933 0.7248773834008531 +15631,0.7905122929385823,0,1.6428543120057904 1.6196375335326625 1.4617634399153705 1.2822203530564824 0.978854447674233 0.7513300186375393 0.7172787435436175 0.6677496161342713 0.6213160591880064 0.5764302874732822 0.5563090794632355 0.5532135090001541 0.5191622339062235 0.4990410258961769 0.5191622339062235 0.5392834419162702 0.5872647840940758 0.6723929718288933 0.7248773834008531 0.7699034414160453 +15632,0.9200386088756337,0,1.6196375335326625 1.4617634399153705 1.2822203530564824 0.978854447674233 0.7513300186375393 0.7172787435436175 0.6677496161342713 0.6213160591880064 0.5764302874732822 0.5563090794632355 0.5532135090001541 0.5191622339062235 0.4990410258961769 0.5191622339062235 0.5392834419162702 0.5872647840940758 0.6723929718288933 0.7248773834008531 0.7699034414160453 0.7905122929385823 +15633,1.076364917261385,0,1.4617634399153705 1.2822203530564824 0.978854447674233 0.7513300186375393 0.7172787435436175 0.6677496161342713 0.6213160591880064 0.5764302874732822 0.5563090794632355 0.5532135090001541 0.5191622339062235 0.4990410258961769 0.5191622339062235 0.5392834419162702 0.5872647840940758 0.6723929718288933 0.7248773834008531 0.7699034414160453 0.7905122929385823 0.9200386088756337 +15634,1.251264648425642,0,1.2822203530564824 0.978854447674233 0.7513300186375393 0.7172787435436175 0.6677496161342713 0.6213160591880064 0.5764302874732822 0.5563090794632355 0.5532135090001541 0.5191622339062235 0.4990410258961769 0.5191622339062235 0.5392834419162702 0.5872647840940758 0.6723929718288933 0.7248773834008531 0.7699034414160453 0.7905122929385823 0.9200386088756337 1.076364917261385 +15635,1.3518706884758753,0,0.978854447674233 0.7513300186375393 0.7172787435436175 0.6677496161342713 0.6213160591880064 0.5764302874732822 0.5563090794632355 0.5532135090001541 0.5191622339062235 0.4990410258961769 0.5191622339062235 0.5392834419162702 0.5872647840940758 0.6723929718288933 0.7248773834008531 0.7699034414160453 0.7905122929385823 0.9200386088756337 1.076364917261385 1.251264648425642 +15636,1.3565140441705064,0,0.7513300186375393 0.7172787435436175 0.6677496161342713 0.6213160591880064 0.5764302874732822 0.5563090794632355 0.5532135090001541 0.5191622339062235 0.4990410258961769 0.5191622339062235 0.5392834419162702 0.5872647840940758 0.6723929718288933 0.7248773834008531 0.7699034414160453 0.7905122929385823 0.9200386088756337 1.076364917261385 1.251264648425642 1.3518706884758753 +15637,1.1769709573116183,0,0.7172787435436175 0.6677496161342713 0.6213160591880064 0.5764302874732822 0.5563090794632355 0.5532135090001541 0.5191622339062235 0.4990410258961769 0.5191622339062235 0.5392834419162702 0.5872647840940758 0.6723929718288933 0.7248773834008531 0.7699034414160453 0.7905122929385823 0.9200386088756337 1.076364917261385 1.251264648425642 1.3518706884758753 1.3565140441705064 +15638,0.8364582063723568,0,0.6677496161342713 0.6213160591880064 0.5764302874732822 0.5563090794632355 0.5532135090001541 0.5191622339062235 0.4990410258961769 0.5191622339062235 0.5392834419162702 0.5872647840940758 0.6723929718288933 0.7248773834008531 0.7699034414160453 0.7905122929385823 0.9200386088756337 1.076364917261385 1.251264648425642 1.3518706884758753 1.3565140441705064 1.1769709573116183 +15639,0.6476284081242158,0,0.6213160591880064 0.5764302874732822 0.5563090794632355 0.5532135090001541 0.5191622339062235 0.4990410258961769 0.5191622339062235 0.5392834419162702 0.5872647840940758 0.6723929718288933 0.7248773834008531 0.7699034414160453 0.7905122929385823 0.9200386088756337 1.076364917261385 1.251264648425642 1.3518706884758753 1.3565140441705064 1.1769709573116183 0.8364582063723568 +15640,0.5423790123793604,0,0.5764302874732822 0.5563090794632355 0.5532135090001541 0.5191622339062235 0.4990410258961769 0.5191622339062235 0.5392834419162702 0.5872647840940758 0.6723929718288933 0.7248773834008531 0.7699034414160453 0.7905122929385823 0.9200386088756337 1.076364917261385 1.251264648425642 1.3518706884758753 1.3565140441705064 1.1769709573116183 0.8364582063723568 0.6476284081242158 +15641,0.5547612942316947,0,0.5563090794632355 0.5532135090001541 0.5191622339062235 0.4990410258961769 0.5191622339062235 0.5392834419162702 0.5872647840940758 0.6723929718288933 0.7248773834008531 0.7699034414160453 0.7905122929385823 0.9200386088756337 1.076364917261385 1.251264648425642 1.3518706884758753 1.3565140441705064 1.1769709573116183 0.8364582063723568 0.6476284081242158 0.5423790123793604 +15642,0.5501179385370639,0,0.5532135090001541 0.5191622339062235 0.4990410258961769 0.5191622339062235 0.5392834419162702 0.5872647840940758 0.6723929718288933 0.7248773834008531 0.7699034414160453 0.7905122929385823 0.9200386088756337 1.076364917261385 1.251264648425642 1.3518706884758753 1.3565140441705064 1.1769709573116183 0.8364582063723568 0.6476284081242158 0.5423790123793604 0.5547612942316947 +15643,0.40307834154056565,0,0.5191622339062235 0.4990410258961769 0.5191622339062235 0.5392834419162702 0.5872647840940758 0.6723929718288933 0.7248773834008531 0.7699034414160453 0.7905122929385823 0.9200386088756337 1.076364917261385 1.251264648425642 1.3518706884758753 1.3565140441705064 1.1769709573116183 0.8364582063723568 0.6476284081242158 0.5423790123793604 0.5547612942316947 0.5501179385370639 +15644,0.5129710929800607,0,0.4990410258961769 0.5191622339062235 0.5392834419162702 0.5872647840940758 0.6723929718288933 0.7248773834008531 0.7699034414160453 0.7905122929385823 0.9200386088756337 1.076364917261385 1.251264648425642 1.3518706884758753 1.3565140441705064 1.1769709573116183 0.8364582063723568 0.6476284081242158 0.5423790123793604 0.5547612942316947 0.5501179385370639 0.40307834154056565 +15645,0.4727286769599586,0,0.5191622339062235 0.5392834419162702 0.5872647840940758 0.6723929718288933 0.7248773834008531 0.7699034414160453 0.7905122929385823 0.9200386088756337 1.076364917261385 1.251264648425642 1.3518706884758753 1.3565140441705064 1.1769709573116183 0.8364582063723568 0.6476284081242158 0.5423790123793604 0.5547612942316947 0.5501179385370639 0.40307834154056565 0.5129710929800607 +15646,0.4309384757083246,0,0.5392834419162702 0.5872647840940758 0.6723929718288933 0.7248773834008531 0.7699034414160453 0.7905122929385823 0.9200386088756337 1.076364917261385 1.251264648425642 1.3518706884758753 1.3565140441705064 1.1769709573116183 0.8364582063723568 0.6476284081242158 0.5423790123793604 0.5547612942316947 0.5501179385370639 0.40307834154056565 0.5129710929800607 0.4727286769599586 +15647,0.4897543145069239,0,0.5872647840940758 0.6723929718288933 0.7248773834008531 0.7699034414160453 0.7905122929385823 0.9200386088756337 1.076364917261385 1.251264648425642 1.3518706884758753 1.3565140441705064 1.1769709573116183 0.8364582063723568 0.6476284081242158 0.5423790123793604 0.5547612942316947 0.5501179385370639 0.40307834154056565 0.5129710929800607 0.4727286769599586 0.4309384757083246 +15648,0.4897543145069239,0,0.6723929718288933 0.7248773834008531 0.7699034414160453 0.7905122929385823 0.9200386088756337 1.076364917261385 1.251264648425642 1.3518706884758753 1.3565140441705064 1.1769709573116183 0.8364582063723568 0.6476284081242158 0.5423790123793604 0.5547612942316947 0.5501179385370639 0.40307834154056565 0.5129710929800607 0.4727286769599586 0.4309384757083246 0.4897543145069239 +15649,0.4897543145069239,0,0.7248773834008531 0.7699034414160453 0.7905122929385823 0.9200386088756337 1.076364917261385 1.251264648425642 1.3518706884758753 1.3565140441705064 1.1769709573116183 0.8364582063723568 0.6476284081242158 0.5423790123793604 0.5547612942316947 0.5501179385370639 0.40307834154056565 0.5129710929800607 0.4727286769599586 0.4309384757083246 0.4897543145069239 0.4897543145069239 +15650,0.5299967305270172,0,0.7699034414160453 0.7905122929385823 0.9200386088756337 1.076364917261385 1.251264648425642 1.3518706884758753 1.3565140441705064 1.1769709573116183 0.8364582063723568 0.6476284081242158 0.5423790123793604 0.5547612942316947 0.5501179385370639 0.40307834154056565 0.5129710929800607 0.4727286769599586 0.4309384757083246 0.4897543145069239 0.4897543145069239 0.4897543145069239 +15651,0.622863844419547,0,0.7905122929385823 0.9200386088756337 1.076364917261385 1.251264648425642 1.3518706884758753 1.3565140441705064 1.1769709573116183 0.8364582063723568 0.6476284081242158 0.5423790123793604 0.5547612942316947 0.5501179385370639 0.40307834154056565 0.5129710929800607 0.4727286769599586 0.4309384757083246 0.4897543145069239 0.4897543145069239 0.4897543145069239 0.5299967305270172 +15652,0.7188265287751583,0,0.9200386088756337 1.076364917261385 1.251264648425642 1.3518706884758753 1.3565140441705064 1.1769709573116183 0.8364582063723568 0.6476284081242158 0.5423790123793604 0.5547612942316947 0.5501179385370639 0.40307834154056565 0.5129710929800607 0.4727286769599586 0.4309384757083246 0.4897543145069239 0.4897543145069239 0.4897543145069239 0.5299967305270172 0.622863844419547 +15653,0.8797961928555316,0,1.076364917261385 1.251264648425642 1.3518706884758753 1.3565140441705064 1.1769709573116183 0.8364582063723568 0.6476284081242158 0.5423790123793604 0.5547612942316947 0.5501179385370639 0.40307834154056565 0.5129710929800607 0.4727286769599586 0.4309384757083246 0.4897543145069239 0.4897543145069239 0.4897543145069239 0.5299967305270172 0.622863844419547 0.7188265287751583 +15654,1.0639826354090505,0,1.251264648425642 1.3518706884758753 1.3565140441705064 1.1769709573116183 0.8364582063723568 0.6476284081242158 0.5423790123793604 0.5547612942316947 0.5501179385370639 0.40307834154056565 0.5129710929800607 0.4727286769599586 0.4309384757083246 0.4897543145069239 0.4897543145069239 0.4897543145069239 0.5299967305270172 0.622863844419547 0.7188265287751583 0.8797961928555316 +15655,1.2265000847209646,0,1.3518706884758753 1.3565140441705064 1.1769709573116183 0.8364582063723568 0.6476284081242158 0.5423790123793604 0.5547612942316947 0.5501179385370639 0.40307834154056565 0.5129710929800607 0.4727286769599586 0.4309384757083246 0.4897543145069239 0.4897543145069239 0.4897543145069239 0.5299967305270172 0.622863844419547 0.7188265287751583 0.8797961928555316 1.0639826354090505 +15656,1.3178194133819536,0,1.3565140441705064 1.1769709573116183 0.8364582063723568 0.6476284081242158 0.5423790123793604 0.5547612942316947 0.5501179385370639 0.40307834154056565 0.5129710929800607 0.4727286769599586 0.4309384757083246 0.4897543145069239 0.4897543145069239 0.4897543145069239 0.5299967305270172 0.622863844419547 0.7188265287751583 0.8797961928555316 1.0639826354090505 1.2265000847209646 +15657,1.358061829402047,0,1.1769709573116183 0.8364582063723568 0.6476284081242158 0.5423790123793604 0.5547612942316947 0.5501179385370639 0.40307834154056565 0.5129710929800607 0.4727286769599586 0.4309384757083246 0.4897543145069239 0.4897543145069239 0.4897543145069239 0.5299967305270172 0.622863844419547 0.7188265287751583 0.8797961928555316 1.0639826354090505 1.2265000847209646 1.3178194133819536 +15658,1.330201695234288,0,0.8364582063723568 0.6476284081242158 0.5423790123793604 0.5547612942316947 0.5501179385370639 0.40307834154056565 0.5129710929800607 0.4727286769599586 0.4309384757083246 0.4897543145069239 0.4897543145069239 0.4897543145069239 0.5299967305270172 0.622863844419547 0.7188265287751583 0.8797961928555316 1.0639826354090505 1.2265000847209646 1.3178194133819536 1.358061829402047 +15659,1.1444674674492372,0,0.6476284081242158 0.5423790123793604 0.5547612942316947 0.5501179385370639 0.40307834154056565 0.5129710929800607 0.4727286769599586 0.4309384757083246 0.4897543145069239 0.4897543145069239 0.4897543145069239 0.5299967305270172 0.622863844419547 0.7188265287751583 0.8797961928555316 1.0639826354090505 1.2265000847209646 1.3178194133819536 1.358061829402047 1.330201695234288 +15660,1.0423136421674544,0,0.5423790123793604 0.5547612942316947 0.5501179385370639 0.40307834154056565 0.5129710929800607 0.4727286769599586 0.4309384757083246 0.4897543145069239 0.4897543145069239 0.4897543145069239 0.5299967305270172 0.622863844419547 0.7188265287751583 0.8797961928555316 1.0639826354090505 1.2265000847209646 1.3178194133819536 1.358061829402047 1.330201695234288 1.1444674674492372 +15661,0.8380059916038975,0,0.5547612942316947 0.5501179385370639 0.40307834154056565 0.5129710929800607 0.4727286769599586 0.4309384757083246 0.4897543145069239 0.4897543145069239 0.4897543145069239 0.5299967305270172 0.622863844419547 0.7188265287751583 0.8797961928555316 1.0639826354090505 1.2265000847209646 1.3178194133819536 1.358061829402047 1.330201695234288 1.1444674674492372 1.0423136421674544 +15662,0.622863844419547,0,0.5501179385370639 0.40307834154056565 0.5129710929800607 0.4727286769599586 0.4309384757083246 0.4897543145069239 0.4897543145069239 0.4897543145069239 0.5299967305270172 0.622863844419547 0.7188265287751583 0.8797961928555316 1.0639826354090505 1.2265000847209646 1.3178194133819536 1.358061829402047 1.330201695234288 1.1444674674492372 1.0423136421674544 0.8380059916038975 +15663,0.5361878714531888,0,0.40307834154056565 0.5129710929800607 0.4727286769599586 0.4309384757083246 0.4897543145069239 0.4897543145069239 0.4897543145069239 0.5299967305270172 0.622863844419547 0.7188265287751583 0.8797961928555316 1.0639826354090505 1.2265000847209646 1.3178194133819536 1.358061829402047 1.330201695234288 1.1444674674492372 1.0423136421674544 0.8380059916038975 0.622863844419547 +15664,0.46808532126533653,0,0.5129710929800607 0.4727286769599586 0.4309384757083246 0.4897543145069239 0.4897543145069239 0.4897543145069239 0.5299967305270172 0.622863844419547 0.7188265287751583 0.8797961928555316 1.0639826354090505 1.2265000847209646 1.3178194133819536 1.358061829402047 1.330201695234288 1.1444674674492372 1.0423136421674544 0.8380059916038975 0.622863844419547 0.5361878714531888 +15665,0.46808532126533653,0,0.4727286769599586 0.4309384757083246 0.4897543145069239 0.4897543145069239 0.4897543145069239 0.5299967305270172 0.622863844419547 0.7188265287751583 0.8797961928555316 1.0639826354090505 1.2265000847209646 1.3178194133819536 1.358061829402047 1.330201695234288 1.1444674674492372 1.0423136421674544 0.8380059916038975 0.622863844419547 0.5361878714531888 0.46808532126533653 +15666,0.49130209973846456,0,0.4309384757083246 0.4897543145069239 0.4897543145069239 0.4897543145069239 0.5299967305270172 0.622863844419547 0.7188265287751583 0.8797961928555316 1.0639826354090505 1.2265000847209646 1.3178194133819536 1.358061829402047 1.330201695234288 1.1444674674492372 1.0423136421674544 0.8380059916038975 0.622863844419547 0.5361878714531888 0.46808532126533653 0.46808532126533653 +15667,0.4974932406646362,0,0.4897543145069239 0.4897543145069239 0.4897543145069239 0.5299967305270172 0.622863844419547 0.7188265287751583 0.8797961928555316 1.0639826354090505 1.2265000847209646 1.3178194133819536 1.358061829402047 1.330201695234288 1.1444674674492372 1.0423136421674544 0.8380059916038975 0.622863844419547 0.5361878714531888 0.46808532126533653 0.46808532126533653 0.49130209973846456 +15668,0.45570303941300216,0,0.4897543145069239 0.4897543145069239 0.5299967305270172 0.622863844419547 0.7188265287751583 0.8797961928555316 1.0639826354090505 1.2265000847209646 1.3178194133819536 1.358061829402047 1.330201695234288 1.1444674674492372 1.0423136421674544 0.8380059916038975 0.622863844419547 0.5361878714531888 0.46808532126533653 0.46808532126533653 0.49130209973846456 0.4974932406646362 +15669,0.38295713353051897,0,0.4897543145069239 0.5299967305270172 0.622863844419547 0.7188265287751583 0.8797961928555316 1.0639826354090505 1.2265000847209646 1.3178194133819536 1.358061829402047 1.330201695234288 1.1444674674492372 1.0423136421674544 0.8380059916038975 0.622863844419547 0.5361878714531888 0.46808532126533653 0.46808532126533653 0.49130209973846456 0.4974932406646362 0.45570303941300216 +15670,0.3117590128795853,0,0.5299967305270172 0.622863844419547 0.7188265287751583 0.8797961928555316 1.0639826354090505 1.2265000847209646 1.3178194133819536 1.358061829402047 1.330201695234288 1.1444674674492372 1.0423136421674544 0.8380059916038975 0.622863844419547 0.5361878714531888 0.46808532126533653 0.46808532126533653 0.49130209973846456 0.4974932406646362 0.45570303941300216 0.38295713353051897 +15671,0.2684210263964018,0,0.622863844419547 0.7188265287751583 0.8797961928555316 1.0639826354090505 1.2265000847209646 1.3178194133819536 1.358061829402047 1.330201695234288 1.1444674674492372 1.0423136421674544 0.8380059916038975 0.622863844419547 0.5361878714531888 0.46808532126533653 0.46808532126533653 0.49130209973846456 0.4974932406646362 0.45570303941300216 0.38295713353051897 0.3117590128795853 +15672,0.2746121673225734,0,0.7188265287751583 0.8797961928555316 1.0639826354090505 1.2265000847209646 1.3178194133819536 1.358061829402047 1.330201695234288 1.1444674674492372 1.0423136421674544 0.8380059916038975 0.622863844419547 0.5361878714531888 0.46808532126533653 0.46808532126533653 0.49130209973846456 0.4974932406646362 0.45570303941300216 0.38295713353051897 0.3117590128795853 0.2684210263964018 +15673,0.262229885470239,0,0.8797961928555316 1.0639826354090505 1.2265000847209646 1.3178194133819536 1.358061829402047 1.330201695234288 1.1444674674492372 1.0423136421674544 0.8380059916038975 0.622863844419547 0.5361878714531888 0.46808532126533653 0.46808532126533653 0.49130209973846456 0.4974932406646362 0.45570303941300216 0.38295713353051897 0.3117590128795853 0.2684210263964018 0.2746121673225734 +15674,0.28854223440644844,0,1.0639826354090505 1.2265000847209646 1.3178194133819536 1.358061829402047 1.330201695234288 1.1444674674492372 1.0423136421674544 0.8380059916038975 0.622863844419547 0.5361878714531888 0.46808532126533653 0.46808532126533653 0.49130209973846456 0.4974932406646362 0.45570303941300216 0.38295713353051897 0.3117590128795853 0.2684210263964018 0.2746121673225734 0.262229885470239 +15675,0.34735807320504775,0,1.2265000847209646 1.3178194133819536 1.358061829402047 1.330201695234288 1.1444674674492372 1.0423136421674544 0.8380059916038975 0.622863844419547 0.5361878714531888 0.46808532126533653 0.46808532126533653 0.49130209973846456 0.4974932406646362 0.45570303941300216 0.38295713353051897 0.3117590128795853 0.2684210263964018 0.2746121673225734 0.262229885470239 0.28854223440644844 +15676,0.46963310649687723,0,1.3178194133819536 1.358061829402047 1.330201695234288 1.1444674674492372 1.0423136421674544 0.8380059916038975 0.622863844419547 0.5361878714531888 0.46808532126533653 0.46808532126533653 0.49130209973846456 0.4974932406646362 0.45570303941300216 0.38295713353051897 0.3117590128795853 0.2684210263964018 0.2746121673225734 0.262229885470239 0.28854223440644844 0.34735807320504775 +15677,0.5671435760840291,0,1.358061829402047 1.330201695234288 1.1444674674492372 1.0423136421674544 0.8380059916038975 0.622863844419547 0.5361878714531888 0.46808532126533653 0.46808532126533653 0.49130209973846456 0.4974932406646362 0.45570303941300216 0.38295713353051897 0.3117590128795853 0.2684210263964018 0.2746121673225734 0.262229885470239 0.28854223440644844 0.34735807320504775 0.46963310649687723 +15678,0.762164515258333,0,1.330201695234288 1.1444674674492372 1.0423136421674544 0.8380059916038975 0.622863844419547 0.5361878714531888 0.46808532126533653 0.46808532126533653 0.49130209973846456 0.4974932406646362 0.45570303941300216 0.38295713353051897 0.3117590128795853 0.2684210263964018 0.2746121673225734 0.262229885470239 0.28854223440644844 0.34735807320504775 0.46963310649687723 0.5671435760840291 +15679,0.9773066624426923,0,1.1444674674492372 1.0423136421674544 0.8380059916038975 0.622863844419547 0.5361878714531888 0.46808532126533653 0.46808532126533653 0.49130209973846456 0.4974932406646362 0.45570303941300216 0.38295713353051897 0.3117590128795853 0.2684210263964018 0.2746121673225734 0.262229885470239 0.28854223440644844 0.34735807320504775 0.46963310649687723 0.5671435760840291 0.762164515258333 +15680,1.1197029037445596,0,1.0423136421674544 0.8380059916038975 0.622863844419547 0.5361878714531888 0.46808532126533653 0.46808532126533653 0.49130209973846456 0.4974932406646362 0.45570303941300216 0.38295713353051897 0.3117590128795853 0.2684210263964018 0.2746121673225734 0.262229885470239 0.28854223440644844 0.34735807320504775 0.46963310649687723 0.5671435760840291 0.762164515258333 0.9773066624426923 +15681,1.2651947155095171,0,0.8380059916038975 0.622863844419547 0.5361878714531888 0.46808532126533653 0.46808532126533653 0.49130209973846456 0.4974932406646362 0.45570303941300216 0.38295713353051897 0.3117590128795853 0.2684210263964018 0.2746121673225734 0.262229885470239 0.28854223440644844 0.34735807320504775 0.46963310649687723 0.5671435760840291 0.762164515258333 0.9773066624426923 1.1197029037445596 +15682,1.2961504201403662,0,0.622863844419547 0.5361878714531888 0.46808532126533653 0.46808532126533653 0.49130209973846456 0.4974932406646362 0.45570303941300216 0.38295713353051897 0.3117590128795853 0.2684210263964018 0.2746121673225734 0.262229885470239 0.28854223440644844 0.34735807320504775 0.46963310649687723 0.5671435760840291 0.762164515258333 0.9773066624426923 1.1197029037445596 1.2651947155095171 +15683,1.2249522994894237,0,0.5361878714531888 0.46808532126533653 0.46808532126533653 0.49130209973846456 0.4974932406646362 0.45570303941300216 0.38295713353051897 0.3117590128795853 0.2684210263964018 0.2746121673225734 0.262229885470239 0.28854223440644844 0.34735807320504775 0.46963310649687723 0.5671435760840291 0.762164515258333 0.9773066624426923 1.1197029037445596 1.2651947155095171 1.2961504201403662 +15684,1.1197029037445596,0,0.46808532126533653 0.46808532126533653 0.49130209973846456 0.4974932406646362 0.45570303941300216 0.38295713353051897 0.3117590128795853 0.2684210263964018 0.2746121673225734 0.262229885470239 0.28854223440644844 0.34735807320504775 0.46963310649687723 0.5671435760840291 0.762164515258333 0.9773066624426923 1.1197029037445596 1.2651947155095171 1.2961504201403662 1.2249522994894237 +15685,1.0361225012412916,0,0.46808532126533653 0.49130209973846456 0.4974932406646362 0.45570303941300216 0.38295713353051897 0.3117590128795853 0.2684210263964018 0.2746121673225734 0.262229885470239 0.28854223440644844 0.34735807320504775 0.46963310649687723 0.5671435760840291 0.762164515258333 0.9773066624426923 1.1197029037445596 1.2651947155095171 1.2961504201403662 1.2249522994894237 1.1197029037445596 +15686,0.7714512266475859,0,0.49130209973846456 0.4974932406646362 0.45570303941300216 0.38295713353051897 0.3117590128795853 0.2684210263964018 0.2746121673225734 0.262229885470239 0.28854223440644844 0.34735807320504775 0.46963310649687723 0.5671435760840291 0.762164515258333 0.9773066624426923 1.1197029037445596 1.2651947155095171 1.2961504201403662 1.2249522994894237 1.1197029037445596 1.0361225012412916 +15687,0.57178693177866,0,0.4974932406646362 0.45570303941300216 0.38295713353051897 0.3117590128795853 0.2684210263964018 0.2746121673225734 0.262229885470239 0.28854223440644844 0.34735807320504775 0.46963310649687723 0.5671435760840291 0.762164515258333 0.9773066624426923 1.1197029037445596 1.2651947155095171 1.2961504201403662 1.2249522994894237 1.1197029037445596 1.0361225012412916 0.7714512266475859 +15688,0.41700840862444954,0,0.45570303941300216 0.38295713353051897 0.3117590128795853 0.2684210263964018 0.2746121673225734 0.262229885470239 0.28854223440644844 0.34735807320504775 0.46963310649687723 0.5671435760840291 0.762164515258333 0.9773066624426923 1.1197029037445596 1.2651947155095171 1.2961504201403662 1.2249522994894237 1.1197029037445596 1.0361225012412916 0.7714512266475859 0.57178693177866 +15689,0.3071156571849544,0,0.38295713353051897 0.3117590128795853 0.2684210263964018 0.2746121673225734 0.262229885470239 0.28854223440644844 0.34735807320504775 0.46963310649687723 0.5671435760840291 0.762164515258333 0.9773066624426923 1.1197029037445596 1.2651947155095171 1.2961504201403662 1.2249522994894237 1.1197029037445596 1.0361225012412916 0.7714512266475859 0.57178693177866 0.41700840862444954 +15690,0.20496183190318043,0,0.3117590128795853 0.2684210263964018 0.2746121673225734 0.262229885470239 0.28854223440644844 0.34735807320504775 0.46963310649687723 0.5671435760840291 0.762164515258333 0.9773066624426923 1.1197029037445596 1.2651947155095171 1.2961504201403662 1.2249522994894237 1.1197029037445596 1.0361225012412916 0.7714512266475859 0.57178693177866 0.41700840862444954 0.3071156571849544 +15691,0.14924156356766252,0,0.2684210263964018 0.2746121673225734 0.262229885470239 0.28854223440644844 0.34735807320504775 0.46963310649687723 0.5671435760840291 0.762164515258333 0.9773066624426923 1.1197029037445596 1.2651947155095171 1.2961504201403662 1.2249522994894237 1.1197029037445596 1.0361225012412916 0.7714512266475859 0.57178693177866 0.41700840862444954 0.3071156571849544 0.20496183190318043 +15692,0.09971243615831621,0,0.2746121673225734 0.262229885470239 0.28854223440644844 0.34735807320504775 0.46963310649687723 0.5671435760840291 0.762164515258333 0.9773066624426923 1.1197029037445596 1.2651947155095171 1.2961504201403662 1.2249522994894237 1.1197029037445596 1.0361225012412916 0.7714512266475859 0.57178693177866 0.41700840862444954 0.3071156571849544 0.20496183190318043 0.14924156356766252 +15693,0.07185230199055727,0,0.262229885470239 0.28854223440644844 0.34735807320504775 0.46963310649687723 0.5671435760840291 0.762164515258333 0.9773066624426923 1.1197029037445596 1.2651947155095171 1.2961504201403662 1.2249522994894237 1.1197029037445596 1.0361225012412916 0.7714512266475859 0.57178693177866 0.41700840862444954 0.3071156571849544 0.20496183190318043 0.14924156356766252 0.09971243615831621 +15694,0.043992167822798314,0,0.28854223440644844 0.34735807320504775 0.46963310649687723 0.5671435760840291 0.762164515258333 0.9773066624426923 1.1197029037445596 1.2651947155095171 1.2961504201403662 1.2249522994894237 1.1197029037445596 1.0361225012412916 0.7714512266475859 0.57178693177866 0.41700840862444954 0.3071156571849544 0.20496183190318043 0.14924156356766252 0.09971243615831621 0.07185230199055727 +15695,0.07185230199055727,0,0.34735807320504775 0.46963310649687723 0.5671435760840291 0.762164515258333 0.9773066624426923 1.1197029037445596 1.2651947155095171 1.2961504201403662 1.2249522994894237 1.1197029037445596 1.0361225012412916 0.7714512266475859 0.57178693177866 0.41700840862444954 0.3071156571849544 0.20496183190318043 0.14924156356766252 0.09971243615831621 0.07185230199055727 0.043992167822798314 +15696,0.06101780536976358,0,0.46963310649687723 0.5671435760840291 0.762164515258333 0.9773066624426923 1.1197029037445596 1.2651947155095171 1.2961504201403662 1.2249522994894237 1.1197029037445596 1.0361225012412916 0.7714512266475859 0.57178693177866 0.41700840862444954 0.3071156571849544 0.20496183190318043 0.14924156356766252 0.09971243615831621 0.07185230199055727 0.043992167822798314 0.07185230199055727 +15697,0.105903577084479,0,0.5671435760840291 0.762164515258333 0.9773066624426923 1.1197029037445596 1.2651947155095171 1.2961504201403662 1.2249522994894237 1.1197029037445596 1.0361225012412916 0.7714512266475859 0.57178693177866 0.41700840862444954 0.3071156571849544 0.20496183190318043 0.14924156356766252 0.09971243615831621 0.07185230199055727 0.043992167822798314 0.07185230199055727 0.06101780536976358 +15698,0.12447699986298497,0,0.762164515258333 0.9773066624426923 1.1197029037445596 1.2651947155095171 1.2961504201403662 1.2249522994894237 1.1197029037445596 1.0361225012412916 0.7714512266475859 0.57178693177866 0.41700840862444954 0.3071156571849544 0.20496183190318043 0.14924156356766252 0.09971243615831621 0.07185230199055727 0.043992167822798314 0.07185230199055727 0.06101780536976358 0.105903577084479 +15699,0.3086634424164951,0,0.9773066624426923 1.1197029037445596 1.2651947155095171 1.2961504201403662 1.2249522994894237 1.1197029037445596 1.0361225012412916 0.7714512266475859 0.57178693177866 0.41700840862444954 0.3071156571849544 0.20496183190318043 0.14924156356766252 0.09971243615831621 0.07185230199055727 0.043992167822798314 0.07185230199055727 0.06101780536976358 0.105903577084479 0.12447699986298497 +15700,0.46808532126533653,0,1.1197029037445596 1.2651947155095171 1.2961504201403662 1.2249522994894237 1.1197029037445596 1.0361225012412916 0.7714512266475859 0.57178693177866 0.41700840862444954 0.3071156571849544 0.20496183190318043 0.14924156356766252 0.09971243615831621 0.07185230199055727 0.043992167822798314 0.07185230199055727 0.06101780536976358 0.105903577084479 0.12447699986298497 0.3086634424164951 +15701,0.5888125693256165,0,1.2651947155095171 1.2961504201403662 1.2249522994894237 1.1197029037445596 1.0361225012412916 0.7714512266475859 0.57178693177866 0.41700840862444954 0.3071156571849544 0.20496183190318043 0.14924156356766252 0.09971243615831621 0.07185230199055727 0.043992167822798314 0.07185230199055727 0.06101780536976358 0.105903577084479 0.12447699986298497 0.3086634424164951 0.46808532126533653 +15702,0.7575211595637109,0,1.2961504201403662 1.2249522994894237 1.1197029037445596 1.0361225012412916 0.7714512266475859 0.57178693177866 0.41700840862444954 0.3071156571849544 0.20496183190318043 0.14924156356766252 0.09971243615831621 0.07185230199055727 0.043992167822798314 0.07185230199055727 0.06101780536976358 0.105903577084479 0.12447699986298497 0.3086634424164951 0.46808532126533653 0.5888125693256165 +15703,0.8674139110031972,0,1.2249522994894237 1.1197029037445596 1.0361225012412916 0.7714512266475859 0.57178693177866 0.41700840862444954 0.3071156571849544 0.20496183190318043 0.14924156356766252 0.09971243615831621 0.07185230199055727 0.043992167822798314 0.07185230199055727 0.06101780536976358 0.105903577084479 0.12447699986298497 0.3086634424164951 0.46808532126533653 0.5888125693256165 0.7575211595637109 +15704,1.0361225012412916,0,1.1197029037445596 1.0361225012412916 0.7714512266475859 0.57178693177866 0.41700840862444954 0.3071156571849544 0.20496183190318043 0.14924156356766252 0.09971243615831621 0.07185230199055727 0.043992167822798314 0.07185230199055727 0.06101780536976358 0.105903577084479 0.12447699986298497 0.3086634424164951 0.46808532126533653 0.5888125693256165 0.7575211595637109 0.8674139110031972 +15705,1.1026772661976032,0,1.0361225012412916 0.7714512266475859 0.57178693177866 0.41700840862444954 0.3071156571849544 0.20496183190318043 0.14924156356766252 0.09971243615831621 0.07185230199055727 0.043992167822798314 0.07185230199055727 0.06101780536976358 0.105903577084479 0.12447699986298497 0.3086634424164951 0.46808532126533653 0.5888125693256165 0.7575211595637109 0.8674139110031972 1.0361225012412916 +15706,1.1614931049962025,0,0.7714512266475859 0.57178693177866 0.41700840862444954 0.3071156571849544 0.20496183190318043 0.14924156356766252 0.09971243615831621 0.07185230199055727 0.043992167822798314 0.07185230199055727 0.06101780536976358 0.105903577084479 0.12447699986298497 0.3086634424164951 0.46808532126533653 0.5888125693256165 0.7575211595637109 0.8674139110031972 1.0361225012412916 1.1026772661976032 +15707,1.0469569978620852,0,0.57178693177866 0.41700840862444954 0.3071156571849544 0.20496183190318043 0.14924156356766252 0.09971243615831621 0.07185230199055727 0.043992167822798314 0.07185230199055727 0.06101780536976358 0.105903577084479 0.12447699986298497 0.3086634424164951 0.46808532126533653 0.5888125693256165 0.7575211595637109 0.8674139110031972 1.0361225012412916 1.1026772661976032 1.1614931049962025 +15708,1.002071226147361,0,0.41700840862444954 0.3071156571849544 0.20496183190318043 0.14924156356766252 0.09971243615831621 0.07185230199055727 0.043992167822798314 0.07185230199055727 0.06101780536976358 0.105903577084479 0.12447699986298497 0.3086634424164951 0.46808532126533653 0.5888125693256165 0.7575211595637109 0.8674139110031972 1.0361225012412916 1.1026772661976032 1.1614931049962025 1.0469569978620852 +15709,0.8503882734562319,0,0.3071156571849544 0.20496183190318043 0.14924156356766252 0.09971243615831621 0.07185230199055727 0.043992167822798314 0.07185230199055727 0.06101780536976358 0.105903577084479 0.12447699986298497 0.3086634424164951 0.46808532126533653 0.5888125693256165 0.7575211595637109 0.8674139110031972 1.0361225012412916 1.1026772661976032 1.1614931049962025 1.0469569978620852 1.002071226147361 +15710,0.7296610253959519,0,0.20496183190318043 0.14924156356766252 0.09971243615831621 0.07185230199055727 0.043992167822798314 0.07185230199055727 0.06101780536976358 0.105903577084479 0.12447699986298497 0.3086634424164951 0.46808532126533653 0.5888125693256165 0.7575211595637109 0.8674139110031972 1.0361225012412916 1.1026772661976032 1.1614931049962025 1.0469569978620852 1.002071226147361 0.8503882734562319 +15711,0.4742764621915081,0,0.14924156356766252 0.09971243615831621 0.07185230199055727 0.043992167822798314 0.07185230199055727 0.06101780536976358 0.105903577084479 0.12447699986298497 0.3086634424164951 0.46808532126533653 0.5888125693256165 0.7575211595637109 0.8674139110031972 1.0361225012412916 1.1026772661976032 1.1614931049962025 1.0469569978620852 1.002071226147361 0.8503882734562319 0.7296610253959519 +15712,0.4077216972351965,0,0.09971243615831621 0.07185230199055727 0.043992167822798314 0.07185230199055727 0.06101780536976358 0.105903577084479 0.12447699986298497 0.3086634424164951 0.46808532126533653 0.5888125693256165 0.7575211595637109 0.8674139110031972 1.0361225012412916 1.1026772661976032 1.1614931049962025 1.0469569978620852 1.002071226147361 0.8503882734562319 0.7296610253959519 0.4742764621915081 +15713,0.2761599525541141,0,0.07185230199055727 0.043992167822798314 0.07185230199055727 0.06101780536976358 0.105903577084479 0.12447699986298497 0.3086634424164951 0.46808532126533653 0.5888125693256165 0.7575211595637109 0.8674139110031972 1.0361225012412916 1.1026772661976032 1.1614931049962025 1.0469569978620852 1.002071226147361 0.8503882734562319 0.7296610253959519 0.4742764621915081 0.4077216972351965 +15714,0.20496183190318043,0,0.043992167822798314 0.07185230199055727 0.06101780536976358 0.105903577084479 0.12447699986298497 0.3086634424164951 0.46808532126533653 0.5888125693256165 0.7575211595637109 0.8674139110031972 1.0361225012412916 1.1026772661976032 1.1614931049962025 1.0469569978620852 1.002071226147361 0.8503882734562319 0.7296610253959519 0.4742764621915081 0.4077216972351965 0.2761599525541141 +15715,0.14305042264149093,0,0.07185230199055727 0.06101780536976358 0.105903577084479 0.12447699986298497 0.3086634424164951 0.46808532126533653 0.5888125693256165 0.7575211595637109 0.8674139110031972 1.0361225012412916 1.1026772661976032 1.1614931049962025 1.0469569978620852 1.002071226147361 0.8503882734562319 0.7296610253959519 0.4742764621915081 0.4077216972351965 0.2761599525541141 0.20496183190318043 +15716,0.05637444967513269,0,0.06101780536976358 0.105903577084479 0.12447699986298497 0.3086634424164951 0.46808532126533653 0.5888125693256165 0.7575211595637109 0.8674139110031972 1.0361225012412916 1.1026772661976032 1.1614931049962025 1.0469569978620852 1.002071226147361 0.8503882734562319 0.7296610253959519 0.4742764621915081 0.4077216972351965 0.2761599525541141 0.20496183190318043 0.14305042264149093 +15717,0.014584248423498673,0,0.105903577084479 0.12447699986298497 0.3086634424164951 0.46808532126533653 0.5888125693256165 0.7575211595637109 0.8674139110031972 1.0361225012412916 1.1026772661976032 1.1614931049962025 1.0469569978620852 1.002071226147361 0.8503882734562319 0.7296610253959519 0.4742764621915081 0.4077216972351965 0.2761599525541141 0.20496183190318043 0.14305042264149093 0.05637444967513269 +15718,-0.03339709375430694,0,0.12447699986298497 0.3086634424164951 0.46808532126533653 0.5888125693256165 0.7575211595637109 0.8674139110031972 1.0361225012412916 1.1026772661976032 1.1614931049962025 1.0469569978620852 1.002071226147361 0.8503882734562319 0.7296610253959519 0.4742764621915081 0.4077216972351965 0.2761599525541141 0.20496183190318043 0.14305042264149093 0.05637444967513269 0.014584248423498673 +15719,-0.06744836884822868,0,0.3086634424164951 0.46808532126533653 0.5888125693256165 0.7575211595637109 0.8674139110031972 1.0361225012412916 1.1026772661976032 1.1614931049962025 1.0469569978620852 1.002071226147361 0.8503882734562319 0.7296610253959519 0.4742764621915081 0.4077216972351965 0.2761599525541141 0.20496183190318043 0.14305042264149093 0.05637444967513269 0.014584248423498673 -0.03339709375430694 +15720,-0.11542971102603429,0,0.46808532126533653 0.5888125693256165 0.7575211595637109 0.8674139110031972 1.0361225012412916 1.1026772661976032 1.1614931049962025 1.0469569978620852 1.002071226147361 0.8503882734562319 0.7296610253959519 0.4742764621915081 0.4077216972351965 0.2761599525541141 0.20496183190318043 0.14305042264149093 0.05637444967513269 0.014584248423498673 -0.03339709375430694 -0.06744836884822868 +15721,-0.15567212704613642,0,0.5888125693256165 0.7575211595637109 0.8674139110031972 1.0361225012412916 1.1026772661976032 1.1614931049962025 1.0469569978620852 1.002071226147361 0.8503882734562319 0.7296610253959519 0.4742764621915081 0.4077216972351965 0.2761599525541141 0.20496183190318043 0.14305042264149093 0.05637444967513269 0.014584248423498673 -0.03339709375430694 -0.06744836884822868 -0.11542971102603429 +15722,-0.014823670975800974,0,0.7575211595637109 0.8674139110031972 1.0361225012412916 1.1026772661976032 1.1614931049962025 1.0469569978620852 1.002071226147361 0.8503882734562319 0.7296610253959519 0.4742764621915081 0.4077216972351965 0.2761599525541141 0.20496183190318043 0.14305042264149093 0.05637444967513269 0.014584248423498673 -0.03339709375430694 -0.06744836884822868 -0.11542971102603429 -0.15567212704613642 +15723,0.2777077377856548,0,0.8674139110031972 1.0361225012412916 1.1026772661976032 1.1614931049962025 1.0469569978620852 1.002071226147361 0.8503882734562319 0.7296610253959519 0.4742764621915081 0.4077216972351965 0.2761599525541141 0.20496183190318043 0.14305042264149093 0.05637444967513269 0.014584248423498673 -0.03339709375430694 -0.06744836884822868 -0.11542971102603429 -0.15567212704613642 -0.014823670975800974 +15724,0.4324862609398653,0,1.0361225012412916 1.1026772661976032 1.1614931049962025 1.0469569978620852 1.002071226147361 0.8503882734562319 0.7296610253959519 0.4742764621915081 0.4077216972351965 0.2761599525541141 0.20496183190318043 0.14305042264149093 0.05637444967513269 0.014584248423498673 -0.03339709375430694 -0.06744836884822868 -0.11542971102603429 -0.15567212704613642 -0.014823670975800974 0.2777077377856548 +15725,0.6275072001141692,0,1.1026772661976032 1.1614931049962025 1.0469569978620852 1.002071226147361 0.8503882734562319 0.7296610253959519 0.4742764621915081 0.4077216972351965 0.2761599525541141 0.20496183190318043 0.14305042264149093 0.05637444967513269 0.014584248423498673 -0.03339709375430694 -0.06744836884822868 -0.11542971102603429 -0.15567212704613642 -0.014823670975800974 0.2777077377856548 0.4324862609398653 +15726,0.7931202198891821,0,1.1614931049962025 1.0469569978620852 1.002071226147361 0.8503882734562319 0.7296610253959519 0.4742764621915081 0.4077216972351965 0.2761599525541141 0.20496183190318043 0.14305042264149093 0.05637444967513269 0.014584248423498673 -0.03339709375430694 -0.06744836884822868 -0.11542971102603429 -0.15567212704613642 -0.014823670975800974 0.2777077377856548 0.4324862609398653 0.6275072001141692 +15727,0.9231341793387151,0,1.0469569978620852 1.002071226147361 0.8503882734562319 0.7296610253959519 0.4742764621915081 0.4077216972351965 0.2761599525541141 0.20496183190318043 0.14305042264149093 0.05637444967513269 0.014584248423498673 -0.03339709375430694 -0.06744836884822868 -0.11542971102603429 -0.15567212704613642 -0.014823670975800974 0.2777077377856548 0.4324862609398653 0.6275072001141692 0.7931202198891821 +15728,1.0794604877244662,0,1.002071226147361 0.8503882734562319 0.7296610253959519 0.4742764621915081 0.4077216972351965 0.2761599525541141 0.20496183190318043 0.14305042264149093 0.05637444967513269 0.014584248423498673 -0.03339709375430694 -0.06744836884822868 -0.11542971102603429 -0.15567212704613642 -0.014823670975800974 0.2777077377856548 0.4324862609398653 0.6275072001141692 0.7931202198891821 0.9231341793387151 +15729,1.1258940446707313,0,0.8503882734562319 0.7296610253959519 0.4742764621915081 0.4077216972351965 0.2761599525541141 0.20496183190318043 0.14305042264149093 0.05637444967513269 0.014584248423498673 -0.03339709375430694 -0.06744836884822868 -0.11542971102603429 -0.15567212704613642 -0.014823670975800974 0.2777077377856548 0.4324862609398653 0.6275072001141692 0.7931202198891821 0.9231341793387151 1.0794604877244662 +15730,1.1336329708284434,0,0.7296610253959519 0.4742764621915081 0.4077216972351965 0.2761599525541141 0.20496183190318043 0.14305042264149093 0.05637444967513269 0.014584248423498673 -0.03339709375430694 -0.06744836884822868 -0.11542971102603429 -0.15567212704613642 -0.014823670975800974 0.2777077377856548 0.4324862609398653 0.6275072001141692 0.7931202198891821 0.9231341793387151 1.0794604877244662 1.1258940446707313 +15731,1.081008272956007,0,0.4742764621915081 0.4077216972351965 0.2761599525541141 0.20496183190318043 0.14305042264149093 0.05637444967513269 0.014584248423498673 -0.03339709375430694 -0.06744836884822868 -0.11542971102603429 -0.15567212704613642 -0.014823670975800974 0.2777077377856548 0.4324862609398653 0.6275072001141692 0.7931202198891821 0.9231341793387151 1.0794604877244662 1.1258940446707313 1.1336329708284434 +15732,0.9711155215165207,0,0.4077216972351965 0.2761599525541141 0.20496183190318043 0.14305042264149093 0.05637444967513269 0.014584248423498673 -0.03339709375430694 -0.06744836884822868 -0.11542971102603429 -0.15567212704613642 -0.014823670975800974 0.2777077377856548 0.4324862609398653 0.6275072001141692 0.7931202198891821 0.9231341793387151 1.0794604877244662 1.1258940446707313 1.1336329708284434 1.081008272956007 +15733,0.8674139110031972,0,0.2761599525541141 0.20496183190318043 0.14305042264149093 0.05637444967513269 0.014584248423498673 -0.03339709375430694 -0.06744836884822868 -0.11542971102603429 -0.15567212704613642 -0.014823670975800974 0.2777077377856548 0.4324862609398653 0.6275072001141692 0.7931202198891821 0.9231341793387151 1.0794604877244662 1.1258940446707313 1.1336329708284434 1.081008272956007 0.9711155215165207 +15734,0.6754885422919747,0,0.20496183190318043 0.14305042264149093 0.05637444967513269 0.014584248423498673 -0.03339709375430694 -0.06744836884822868 -0.11542971102603429 -0.15567212704613642 -0.014823670975800974 0.2777077377856548 0.4324862609398653 0.6275072001141692 0.7931202198891821 0.9231341793387151 1.0794604877244662 1.1258940446707313 1.1336329708284434 1.081008272956007 0.9711155215165207 0.8674139110031972 +15735,0.45725082464454286,0,0.14305042264149093 0.05637444967513269 0.014584248423498673 -0.03339709375430694 -0.06744836884822868 -0.11542971102603429 -0.15567212704613642 -0.014823670975800974 0.2777077377856548 0.4324862609398653 0.6275072001141692 0.7931202198891821 0.9231341793387151 1.0794604877244662 1.1258940446707313 1.1336329708284434 1.081008272956007 0.9711155215165207 0.8674139110031972 0.6754885422919747 +15736,0.33961914704734425,0,0.05637444967513269 0.014584248423498673 -0.03339709375430694 -0.06744836884822868 -0.11542971102603429 -0.15567212704613642 -0.014823670975800974 0.2777077377856548 0.4324862609398653 0.6275072001141692 0.7931202198891821 0.9231341793387151 1.0794604877244662 1.1258940446707313 1.1336329708284434 1.081008272956007 0.9711155215165207 0.8674139110031972 0.6754885422919747 0.45725082464454286 +15737,0.23901310699710215,0,0.014584248423498673 -0.03339709375430694 -0.06744836884822868 -0.11542971102603429 -0.15567212704613642 -0.014823670975800974 0.2777077377856548 0.4324862609398653 0.6275072001141692 0.7931202198891821 0.9231341793387151 1.0794604877244662 1.1258940446707313 1.1336329708284434 1.081008272956007 0.9711155215165207 0.8674139110031972 0.6754885422919747 0.45725082464454286 0.33961914704734425 +15738,0.18793619435621514,0,-0.03339709375430694 -0.06744836884822868 -0.11542971102603429 -0.15567212704613642 -0.014823670975800974 0.2777077377856548 0.4324862609398653 0.6275072001141692 0.7931202198891821 0.9231341793387151 1.0794604877244662 1.1258940446707313 1.1336329708284434 1.081008272956007 0.9711155215165207 0.8674139110031972 0.6754885422919747 0.45725082464454286 0.33961914704734425 0.23901310699710215 +15739,0.14614599310458112,0,-0.06744836884822868 -0.11542971102603429 -0.15567212704613642 -0.014823670975800974 0.2777077377856548 0.4324862609398653 0.6275072001141692 0.7931202198891821 0.9231341793387151 1.0794604877244662 1.1258940446707313 1.1336329708284434 1.081008272956007 0.9711155215165207 0.8674139110031972 0.6754885422919747 0.45725082464454286 0.33961914704734425 0.23901310699710215 0.18793619435621514 +15740,0.13995485217840953,0,-0.11542971102603429 -0.15567212704613642 -0.014823670975800974 0.2777077377856548 0.4324862609398653 0.6275072001141692 0.7931202198891821 0.9231341793387151 1.0794604877244662 1.1258940446707313 1.1336329708284434 1.081008272956007 0.9711155215165207 0.8674139110031972 0.6754885422919747 0.45725082464454286 0.33961914704734425 0.23901310699710215 0.18793619435621514 0.14614599310458112 +15741,0.08113901337981025,0,-0.15567212704613642 -0.014823670975800974 0.2777077377856548 0.4324862609398653 0.6275072001141692 0.7931202198891821 0.9231341793387151 1.0794604877244662 1.1258940446707313 1.1336329708284434 1.081008272956007 0.9711155215165207 0.8674139110031972 0.6754885422919747 0.45725082464454286 0.33961914704734425 0.23901310699710215 0.18793619435621514 0.14614599310458112 0.13995485217840953 +15742,0.033157671202004635,0,-0.014823670975800974 0.2777077377856548 0.4324862609398653 0.6275072001141692 0.7931202198891821 0.9231341793387151 1.0794604877244662 1.1258940446707313 1.1336329708284434 1.081008272956007 0.9711155215165207 0.8674139110031972 0.6754885422919747 0.45725082464454286 0.33961914704734425 0.23901310699710215 0.18793619435621514 0.14614599310458112 0.13995485217840953 0.08113901337981025 +15743,0.04863552351742921,0,0.2777077377856548 0.4324862609398653 0.6275072001141692 0.7931202198891821 0.9231341793387151 1.0794604877244662 1.1258940446707313 1.1336329708284434 1.081008272956007 0.9711155215165207 0.8674139110031972 0.6754885422919747 0.45725082464454286 0.33961914704734425 0.23901310699710215 0.18793619435621514 0.14614599310458112 0.13995485217840953 0.08113901337981025 0.033157671202004635 +15744,0.0532788792120513,0,0.4324862609398653 0.6275072001141692 0.7931202198891821 0.9231341793387151 1.0794604877244662 1.1258940446707313 1.1336329708284434 1.081008272956007 0.9711155215165207 0.8674139110031972 0.6754885422919747 0.45725082464454286 0.33961914704734425 0.23901310699710215 0.18793619435621514 0.14614599310458112 0.13995485217840953 0.08113901337981025 0.033157671202004635 0.04863552351742921 +15745,0.06875673152747587,0,0.6275072001141692 0.7931202198891821 0.9231341793387151 1.0794604877244662 1.1258940446707313 1.1336329708284434 1.081008272956007 0.9711155215165207 0.8674139110031972 0.6754885422919747 0.45725082464454286 0.33961914704734425 0.23901310699710215 0.18793619435621514 0.14614599310458112 0.13995485217840953 0.08113901337981025 0.033157671202004635 0.04863552351742921 0.0532788792120513 +15746,0.15698048972537482,0,0.7931202198891821 0.9231341793387151 1.0794604877244662 1.1258940446707313 1.1336329708284434 1.081008272956007 0.9711155215165207 0.8674139110031972 0.6754885422919747 0.45725082464454286 0.33961914704734425 0.23901310699710215 0.18793619435621514 0.14614599310458112 0.13995485217840953 0.08113901337981025 0.033157671202004635 0.04863552351742921 0.0532788792120513 0.06875673152747587 +15747,0.3566447845943007,0,0.9231341793387151 1.0794604877244662 1.1258940446707313 1.1336329708284434 1.081008272956007 0.9711155215165207 0.8674139110031972 0.6754885422919747 0.45725082464454286 0.33961914704734425 0.23901310699710215 0.18793619435621514 0.14614599310458112 0.13995485217840953 0.08113901337981025 0.033157671202004635 0.04863552351742921 0.0532788792120513 0.06875673152747587 0.15698048972537482 +15748,0.45879860987608356,0,1.0794604877244662 1.1258940446707313 1.1336329708284434 1.081008272956007 0.9711155215165207 0.8674139110031972 0.6754885422919747 0.45725082464454286 0.33961914704734425 0.23901310699710215 0.18793619435621514 0.14614599310458112 0.13995485217840953 0.08113901337981025 0.033157671202004635 0.04863552351742921 0.0532788792120513 0.06875673152747587 0.15698048972537482 0.3566447845943007 +15749,0.613577133030294,0,1.1258940446707313 1.1336329708284434 1.081008272956007 0.9711155215165207 0.8674139110031972 0.6754885422919747 0.45725082464454286 0.33961914704734425 0.23901310699710215 0.18793619435621514 0.14614599310458112 0.13995485217840953 0.08113901337981025 0.033157671202004635 0.04863552351742921 0.0532788792120513 0.06875673152747587 0.15698048972537482 0.3566447845943007 0.45879860987608356 +15750,0.664654045671181,0,1.1336329708284434 1.081008272956007 0.9711155215165207 0.8674139110031972 0.6754885422919747 0.45725082464454286 0.33961914704734425 0.23901310699710215 0.18793619435621514 0.14614599310458112 0.13995485217840953 0.08113901337981025 0.033157671202004635 0.04863552351742921 0.0532788792120513 0.06875673152747587 0.15698048972537482 0.3566447845943007 0.45879860987608356 0.613577133030294 +15751,0.69251417983894,0,1.081008272956007 0.9711155215165207 0.8674139110031972 0.6754885422919747 0.45725082464454286 0.33961914704734425 0.23901310699710215 0.18793619435621514 0.14614599310458112 0.13995485217840953 0.08113901337981025 0.033157671202004635 0.04863552351742921 0.0532788792120513 0.06875673152747587 0.15698048972537482 0.3566447845943007 0.45879860987608356 0.613577133030294 0.664654045671181 +15752,0.7637123004898737,0,0.9711155215165207 0.8674139110031972 0.6754885422919747 0.45725082464454286 0.33961914704734425 0.23901310699710215 0.18793619435621514 0.14614599310458112 0.13995485217840953 0.08113901337981025 0.033157671202004635 0.04863552351742921 0.0532788792120513 0.06875673152747587 0.15698048972537482 0.3566447845943007 0.45879860987608356 0.613577133030294 0.664654045671181 0.69251417983894 +15753,0.8132414278992288,0,0.8674139110031972 0.6754885422919747 0.45725082464454286 0.33961914704734425 0.23901310699710215 0.18793619435621514 0.14614599310458112 0.13995485217840953 0.08113901337981025 0.033157671202004635 0.04863552351742921 0.0532788792120513 0.06875673152747587 0.15698048972537482 0.3566447845943007 0.45879860987608356 0.613577133030294 0.664654045671181 0.69251417983894 0.7637123004898737 +15754,0.8256237097515632,0,0.6754885422919747 0.45725082464454286 0.33961914704734425 0.23901310699710215 0.18793619435621514 0.14614599310458112 0.13995485217840953 0.08113901337981025 0.033157671202004635 0.04863552351742921 0.0532788792120513 0.06875673152747587 0.15698048972537482 0.3566447845943007 0.45879860987608356 0.613577133030294 0.664654045671181 0.69251417983894 0.7637123004898737 0.8132414278992288 +15755,0.8426493472985285,0,0.45725082464454286 0.33961914704734425 0.23901310699710215 0.18793619435621514 0.14614599310458112 0.13995485217840953 0.08113901337981025 0.033157671202004635 0.04863552351742921 0.0532788792120513 0.06875673152747587 0.15698048972537482 0.3566447845943007 0.45879860987608356 0.613577133030294 0.664654045671181 0.69251417983894 0.7637123004898737 0.8132414278992288 0.8256237097515632 +15756,0.7095398173859053,0,0.33961914704734425 0.23901310699710215 0.18793619435621514 0.14614599310458112 0.13995485217840953 0.08113901337981025 0.033157671202004635 0.04863552351742921 0.0532788792120513 0.06875673152747587 0.15698048972537482 0.3566447845943007 0.45879860987608356 0.613577133030294 0.664654045671181 0.69251417983894 0.7637123004898737 0.8132414278992288 0.8256237097515632 0.8426493472985285 +15757,0.6553673342819281,0,0.23901310699710215 0.18793619435621514 0.14614599310458112 0.13995485217840953 0.08113901337981025 0.033157671202004635 0.04863552351742921 0.0532788792120513 0.06875673152747587 0.15698048972537482 0.3566447845943007 0.45879860987608356 0.613577133030294 0.664654045671181 0.69251417983894 0.7637123004898737 0.8132414278992288 0.8256237097515632 0.8426493472985285 0.7095398173859053 +15758,0.5191622339062235,0,0.18793619435621514 0.14614599310458112 0.13995485217840953 0.08113901337981025 0.033157671202004635 0.04863552351742921 0.0532788792120513 0.06875673152747587 0.15698048972537482 0.3566447845943007 0.45879860987608356 0.613577133030294 0.664654045671181 0.69251417983894 0.7637123004898737 0.8132414278992288 0.8256237097515632 0.8426493472985285 0.7095398173859053 0.6553673342819281 +15759,0.38295713353051897,0,0.14614599310458112 0.13995485217840953 0.08113901337981025 0.033157671202004635 0.04863552351742921 0.0532788792120513 0.06875673152747587 0.15698048972537482 0.3566447845943007 0.45879860987608356 0.613577133030294 0.664654045671181 0.69251417983894 0.7637123004898737 0.8132414278992288 0.8256237097515632 0.8426493472985285 0.7095398173859053 0.6553673342819281 0.5191622339062235 +15760,0.29782894579570146,0,0.13995485217840953 0.08113901337981025 0.033157671202004635 0.04863552351742921 0.0532788792120513 0.06875673152747587 0.15698048972537482 0.3566447845943007 0.45879860987608356 0.613577133030294 0.664654045671181 0.69251417983894 0.7637123004898737 0.8132414278992288 0.8256237097515632 0.8426493472985285 0.7095398173859053 0.6553673342819281 0.5191622339062235 0.38295713353051897 +15761,0.25758652977560814,0,0.08113901337981025 0.033157671202004635 0.04863552351742921 0.0532788792120513 0.06875673152747587 0.15698048972537482 0.3566447845943007 0.45879860987608356 0.613577133030294 0.664654045671181 0.69251417983894 0.7637123004898737 0.8132414278992288 0.8256237097515632 0.8426493472985285 0.7095398173859053 0.6553673342819281 0.5191622339062235 0.38295713353051897 0.29782894579570146 +15762,0.2127007580608927,0,0.033157671202004635 0.04863552351742921 0.0532788792120513 0.06875673152747587 0.15698048972537482 0.3566447845943007 0.45879860987608356 0.613577133030294 0.664654045671181 0.69251417983894 0.7637123004898737 0.8132414278992288 0.8256237097515632 0.8426493472985285 0.7095398173859053 0.6553673342819281 0.5191622339062235 0.38295713353051897 0.29782894579570146 0.25758652977560814 +15763,0.11983364416836288,0,0.04863552351742921 0.0532788792120513 0.06875673152747587 0.15698048972537482 0.3566447845943007 0.45879860987608356 0.613577133030294 0.664654045671181 0.69251417983894 0.7637123004898737 0.8132414278992288 0.8256237097515632 0.8426493472985285 0.7095398173859053 0.6553673342819281 0.5191622339062235 0.38295713353051897 0.29782894579570146 0.25758652977560814 0.2127007580608927 +15764,0.08733015430598183,0,0.0532788792120513 0.06875673152747587 0.15698048972537482 0.3566447845943007 0.45879860987608356 0.613577133030294 0.664654045671181 0.69251417983894 0.7637123004898737 0.8132414278992288 0.8256237097515632 0.8426493472985285 0.7095398173859053 0.6553673342819281 0.5191622339062235 0.38295713353051897 0.29782894579570146 0.25758652977560814 0.2127007580608927 0.11983364416836288 +15765,0.05792223490668219,0,0.06875673152747587 0.15698048972537482 0.3566447845943007 0.45879860987608356 0.613577133030294 0.664654045671181 0.69251417983894 0.7637123004898737 0.8132414278992288 0.8256237097515632 0.8426493472985285 0.7095398173859053 0.6553673342819281 0.5191622339062235 0.38295713353051897 0.29782894579570146 0.25758652977560814 0.2127007580608927 0.11983364416836288 0.08733015430598183 +15766,0.10280800662139761,0,0.15698048972537482 0.3566447845943007 0.45879860987608356 0.613577133030294 0.664654045671181 0.69251417983894 0.7637123004898737 0.8132414278992288 0.8256237097515632 0.8426493472985285 0.7095398173859053 0.6553673342819281 0.5191622339062235 0.38295713353051897 0.29782894579570146 0.25758652977560814 0.2127007580608927 0.11983364416836288 0.08733015430598183 0.05792223490668219 +15767,0.13531149648378746,0,0.3566447845943007 0.45879860987608356 0.613577133030294 0.664654045671181 0.69251417983894 0.7637123004898737 0.8132414278992288 0.8256237097515632 0.8426493472985285 0.7095398173859053 0.6553673342819281 0.5191622339062235 0.38295713353051897 0.29782894579570146 0.25758652977560814 0.2127007580608927 0.11983364416836288 0.08733015430598183 0.05792223490668219 0.10280800662139761 +15768,0.13531149648378746,0,0.45879860987608356 0.613577133030294 0.664654045671181 0.69251417983894 0.7637123004898737 0.8132414278992288 0.8256237097515632 0.8426493472985285 0.7095398173859053 0.6553673342819281 0.5191622339062235 0.38295713353051897 0.29782894579570146 0.25758652977560814 0.2127007580608927 0.11983364416836288 0.08733015430598183 0.05792223490668219 0.10280800662139761 0.13531149648378746 +15769,0.16936277157770918,0,0.613577133030294 0.664654045671181 0.69251417983894 0.7637123004898737 0.8132414278992288 0.8256237097515632 0.8426493472985285 0.7095398173859053 0.6553673342819281 0.5191622339062235 0.38295713353051897 0.29782894579570146 0.25758652977560814 0.2127007580608927 0.11983364416836288 0.08733015430598183 0.05792223490668219 0.10280800662139761 0.13531149648378746 0.13531149648378746 +15770,0.25449095931252674,0,0.664654045671181 0.69251417983894 0.7637123004898737 0.8132414278992288 0.8256237097515632 0.8426493472985285 0.7095398173859053 0.6553673342819281 0.5191622339062235 0.38295713353051897 0.29782894579570146 0.25758652977560814 0.2127007580608927 0.11983364416836288 0.08733015430598183 0.05792223490668219 0.10280800662139761 0.13531149648378746 0.13531149648378746 0.16936277157770918 +15771,0.2792555230171955,0,0.69251417983894 0.7637123004898737 0.8132414278992288 0.8256237097515632 0.8426493472985285 0.7095398173859053 0.6553673342819281 0.5191622339062235 0.38295713353051897 0.29782894579570146 0.25758652977560814 0.2127007580608927 0.11983364416836288 0.08733015430598183 0.05792223490668219 0.10280800662139761 0.13531149648378746 0.13531149648378746 0.16936277157770918 0.25449095931252674 +15772,0.3953394153828534,0,0.7637123004898737 0.8132414278992288 0.8256237097515632 0.8426493472985285 0.7095398173859053 0.6553673342819281 0.5191622339062235 0.38295713353051897 0.29782894579570146 0.25758652977560814 0.2127007580608927 0.11983364416836288 0.08733015430598183 0.05792223490668219 0.10280800662139761 0.13531149648378746 0.13531149648378746 0.16936277157770918 0.25449095931252674 0.2792555230171955 +15773,0.5021365963592582,0,0.8132414278992288 0.8256237097515632 0.8426493472985285 0.7095398173859053 0.6553673342819281 0.5191622339062235 0.38295713353051897 0.29782894579570146 0.25758652977560814 0.2127007580608927 0.11983364416836288 0.08733015430598183 0.05792223490668219 0.10280800662139761 0.13531149648378746 0.13531149648378746 0.16936277157770918 0.25449095931252674 0.2792555230171955 0.3953394153828534 +15774,0.69251417983894,0,0.8256237097515632 0.8426493472985285 0.7095398173859053 0.6553673342819281 0.5191622339062235 0.38295713353051897 0.29782894579570146 0.25758652977560814 0.2127007580608927 0.11983364416836288 0.08733015430598183 0.05792223490668219 0.10280800662139761 0.13531149648378746 0.13531149648378746 0.16936277157770918 0.25449095931252674 0.2792555230171955 0.3953394153828534 0.5021365963592582 +15775,0.8952740451709561,0,0.8426493472985285 0.7095398173859053 0.6553673342819281 0.5191622339062235 0.38295713353051897 0.29782894579570146 0.25758652977560814 0.2127007580608927 0.11983364416836288 0.08733015430598183 0.05792223490668219 0.10280800662139761 0.13531149648378746 0.13531149648378746 0.16936277157770918 0.25449095931252674 0.2792555230171955 0.3953394153828534 0.5021365963592582 0.69251417983894 +15776,1.0686259911036726,0,0.7095398173859053 0.6553673342819281 0.5191622339062235 0.38295713353051897 0.29782894579570146 0.25758652977560814 0.2127007580608927 0.11983364416836288 0.08733015430598183 0.05792223490668219 0.10280800662139761 0.13531149648378746 0.13531149648378746 0.16936277157770918 0.25449095931252674 0.2792555230171955 0.3953394153828534 0.5021365963592582 0.69251417983894 0.8952740451709561 +15777,1.1769709573116183,0,0.6553673342819281 0.5191622339062235 0.38295713353051897 0.29782894579570146 0.25758652977560814 0.2127007580608927 0.11983364416836288 0.08733015430598183 0.05792223490668219 0.10280800662139761 0.13531149648378746 0.13531149648378746 0.16936277157770918 0.25449095931252674 0.2792555230171955 0.3953394153828534 0.5021365963592582 0.69251417983894 0.8952740451709561 1.0686259911036726 +15778,1.2466212927310112,0,0.5191622339062235 0.38295713353051897 0.29782894579570146 0.25758652977560814 0.2127007580608927 0.11983364416836288 0.08733015430598183 0.05792223490668219 0.10280800662139761 0.13531149648378746 0.13531149648378746 0.16936277157770918 0.25449095931252674 0.2792555230171955 0.3953394153828534 0.5021365963592582 0.69251417983894 0.8952740451709561 1.0686259911036726 1.1769709573116183 +15779,1.2899592792141947,0,0.38295713353051897 0.29782894579570146 0.25758652977560814 0.2127007580608927 0.11983364416836288 0.08733015430598183 0.05792223490668219 0.10280800662139761 0.13531149648378746 0.13531149648378746 0.16936277157770918 0.25449095931252674 0.2792555230171955 0.3953394153828534 0.5021365963592582 0.69251417983894 0.8952740451709561 1.0686259911036726 1.1769709573116183 1.2466212927310112 +15780,1.1738753868485368,0,0.29782894579570146 0.25758652977560814 0.2127007580608927 0.11983364416836288 0.08733015430598183 0.05792223490668219 0.10280800662139761 0.13531149648378746 0.13531149648378746 0.16936277157770918 0.25449095931252674 0.2792555230171955 0.3953394153828534 0.5021365963592582 0.69251417983894 0.8952740451709561 1.0686259911036726 1.1769709573116183 1.2466212927310112 1.2899592792141947 +15781,1.0454092126305445,0,0.25758652977560814 0.2127007580608927 0.11983364416836288 0.08733015430598183 0.05792223490668219 0.10280800662139761 0.13531149648378746 0.13531149648378746 0.16936277157770918 0.25449095931252674 0.2792555230171955 0.3953394153828534 0.5021365963592582 0.69251417983894 0.8952740451709561 1.0686259911036726 1.1769709573116183 1.2466212927310112 1.2899592792141947 1.1738753868485368 +15782,0.7590689447952516,0,0.2127007580608927 0.11983364416836288 0.08733015430598183 0.05792223490668219 0.10280800662139761 0.13531149648378746 0.13531149648378746 0.16936277157770918 0.25449095931252674 0.2792555230171955 0.3953394153828534 0.5021365963592582 0.69251417983894 0.8952740451709561 1.0686259911036726 1.1769709573116183 1.2466212927310112 1.2899592792141947 1.1738753868485368 1.0454092126305445 +15783,0.5454745828424418,0,0.11983364416836288 0.08733015430598183 0.05792223490668219 0.10280800662139761 0.13531149648378746 0.13531149648378746 0.16936277157770918 0.25449095931252674 0.2792555230171955 0.3953394153828534 0.5021365963592582 0.69251417983894 0.8952740451709561 1.0686259911036726 1.1769709573116183 1.2466212927310112 1.2899592792141947 1.1738753868485368 1.0454092126305445 0.7590689447952516 +15784,0.4077216972351965,0,0.08733015430598183 0.05792223490668219 0.10280800662139761 0.13531149648378746 0.13531149648378746 0.16936277157770918 0.25449095931252674 0.2792555230171955 0.3953394153828534 0.5021365963592582 0.69251417983894 0.8952740451709561 1.0686259911036726 1.1769709573116183 1.2466212927310112 1.2899592792141947 1.1738753868485368 1.0454092126305445 0.7590689447952516 0.5454745828424418 +15785,0.3566447845943007,0,0.05792223490668219 0.10280800662139761 0.13531149648378746 0.13531149648378746 0.16936277157770918 0.25449095931252674 0.2792555230171955 0.3953394153828534 0.5021365963592582 0.69251417983894 0.8952740451709561 1.0686259911036726 1.1769709573116183 1.2466212927310112 1.2899592792141947 1.1738753868485368 1.0454092126305445 0.7590689447952516 0.5454745828424418 0.4077216972351965 +15786,0.2746121673225734,0,0.10280800662139761 0.13531149648378746 0.13531149648378746 0.16936277157770918 0.25449095931252674 0.2792555230171955 0.3953394153828534 0.5021365963592582 0.69251417983894 0.8952740451709561 1.0686259911036726 1.1769709573116183 1.2466212927310112 1.2899592792141947 1.1738753868485368 1.0454092126305445 0.7590689447952516 0.5454745828424418 0.4077216972351965 0.3566447845943007 +15787,0.2250830399132271,0,0.13531149648378746 0.13531149648378746 0.16936277157770918 0.25449095931252674 0.2792555230171955 0.3953394153828534 0.5021365963592582 0.69251417983894 0.8952740451709561 1.0686259911036726 1.1769709573116183 1.2466212927310112 1.2899592792141947 1.1738753868485368 1.0454092126305445 0.7590689447952516 0.5454745828424418 0.4077216972351965 0.3566447845943007 0.2746121673225734 +15788,0.17710169773542148,0,0.13531149648378746 0.16936277157770918 0.25449095931252674 0.2792555230171955 0.3953394153828534 0.5021365963592582 0.69251417983894 0.8952740451709561 1.0686259911036726 1.1769709573116183 1.2466212927310112 1.2899592792141947 1.1738753868485368 1.0454092126305445 0.7590689447952516 0.5454745828424418 0.4077216972351965 0.3566447845943007 0.2746121673225734 0.2250830399132271 +15789,0.12757257032607516,0,0.16936277157770918 0.25449095931252674 0.2792555230171955 0.3953394153828534 0.5021365963592582 0.69251417983894 0.8952740451709561 1.0686259911036726 1.1769709573116183 1.2466212927310112 1.2899592792141947 1.1738753868485368 1.0454092126305445 0.7590689447952516 0.5454745828424418 0.4077216972351965 0.3566447845943007 0.2746121673225734 0.2250830399132271 0.17710169773542148 +15790,0.10126022138985691,0,0.25449095931252674 0.2792555230171955 0.3953394153828534 0.5021365963592582 0.69251417983894 0.8952740451709561 1.0686259911036726 1.1769709573116183 1.2466212927310112 1.2899592792141947 1.1738753868485368 1.0454092126305445 0.7590689447952516 0.5454745828424418 0.4077216972351965 0.3566447845943007 0.2746121673225734 0.2250830399132271 0.17710169773542148 0.12757257032607516 +15791,0.005297537034245689,0,0.2792555230171955 0.3953394153828534 0.5021365963592582 0.69251417983894 0.8952740451709561 1.0686259911036726 1.1769709573116183 1.2466212927310112 1.2899592792141947 1.1738753868485368 1.0454092126305445 0.7590689447952516 0.5454745828424418 0.4077216972351965 0.3566447845943007 0.2746121673225734 0.2250830399132271 0.17710169773542148 0.12757257032607516 0.10126022138985691 +15792,-0.008632530049629385,0,0.3953394153828534 0.5021365963592582 0.69251417983894 0.8952740451709561 1.0686259911036726 1.1769709573116183 1.2466212927310112 1.2899592792141947 1.1738753868485368 1.0454092126305445 0.7590689447952516 0.5454745828424418 0.4077216972351965 0.3566447845943007 0.2746121673225734 0.2250830399132271 0.17710169773542148 0.12757257032607516 0.10126022138985691 0.005297537034245689 +15793,-0.010180315281178881,0,0.5021365963592582 0.69251417983894 0.8952740451709561 1.0686259911036726 1.1769709573116183 1.2466212927310112 1.2899592792141947 1.1738753868485368 1.0454092126305445 0.7590689447952516 0.5454745828424418 0.4077216972351965 0.3566447845943007 0.2746121673225734 0.2250830399132271 0.17710169773542148 0.12757257032607516 0.10126022138985691 0.005297537034245689 -0.008632530049629385 +15794,0.18329283866158427,0,0.69251417983894 0.8952740451709561 1.0686259911036726 1.1769709573116183 1.2466212927310112 1.2899592792141947 1.1738753868485368 1.0454092126305445 0.7590689447952516 0.5454745828424418 0.4077216972351965 0.3566447845943007 0.2746121673225734 0.2250830399132271 0.17710169773542148 0.12757257032607516 0.10126022138985691 0.005297537034245689 -0.008632530049629385 -0.010180315281178881 +15795,0.38140934829897827,0,0.8952740451709561 1.0686259911036726 1.1769709573116183 1.2466212927310112 1.2899592792141947 1.1738753868485368 1.0454092126305445 0.7590689447952516 0.5454745828424418 0.4077216972351965 0.3566447845943007 0.2746121673225734 0.2250830399132271 0.17710169773542148 0.12757257032607516 0.10126022138985691 0.005297537034245689 -0.008632530049629385 -0.010180315281178881 0.18329283866158427 +15796,0.5764302874732822,0,1.0686259911036726 1.1769709573116183 1.2466212927310112 1.2899592792141947 1.1738753868485368 1.0454092126305445 0.7590689447952516 0.5454745828424418 0.4077216972351965 0.3566447845943007 0.2746121673225734 0.2250830399132271 0.17710169773542148 0.12757257032607516 0.10126022138985691 0.005297537034245689 -0.008632530049629385 -0.010180315281178881 0.18329283866158427 0.38140934829897827 +15797,0.7141831730805274,0,1.1769709573116183 1.2466212927310112 1.2899592792141947 1.1738753868485368 1.0454092126305445 0.7590689447952516 0.5454745828424418 0.4077216972351965 0.3566447845943007 0.2746121673225734 0.2250830399132271 0.17710169773542148 0.12757257032607516 0.10126022138985691 0.005297537034245689 -0.008632530049629385 -0.010180315281178881 0.18329283866158427 0.38140934829897827 0.5764302874732822 +15798,0.9215863941071744,0,1.2466212927310112 1.2899592792141947 1.1738753868485368 1.0454092126305445 0.7590689447952516 0.5454745828424418 0.4077216972351965 0.3566447845943007 0.2746121673225734 0.2250830399132271 0.17710169773542148 0.12757257032607516 0.10126022138985691 0.005297537034245689 -0.008632530049629385 -0.010180315281178881 0.18329283866158427 0.38140934829897827 0.5764302874732822 0.7141831730805274 +15799,1.1429196822176966,0,1.2899592792141947 1.1738753868485368 1.0454092126305445 0.7590689447952516 0.5454745828424418 0.4077216972351965 0.3566447845943007 0.2746121673225734 0.2250830399132271 0.17710169773542148 0.12757257032607516 0.10126022138985691 0.005297537034245689 -0.008632530049629385 -0.010180315281178881 0.18329283866158427 0.38140934829897827 0.5764302874732822 0.7141831730805274 0.9215863941071744 +15800,1.2915070644457354,0,1.1738753868485368 1.0454092126305445 0.7590689447952516 0.5454745828424418 0.4077216972351965 0.3566447845943007 0.2746121673225734 0.2250830399132271 0.17710169773542148 0.12757257032607516 0.10126022138985691 0.005297537034245689 -0.008632530049629385 -0.010180315281178881 0.18329283866158427 0.38140934829897827 0.5764302874732822 0.7141831730805274 0.9215863941071744 1.1429196822176966 +15801,1.3735396817174716,0,1.0454092126305445 0.7590689447952516 0.5454745828424418 0.4077216972351965 0.3566447845943007 0.2746121673225734 0.2250830399132271 0.17710169773542148 0.12757257032607516 0.10126022138985691 0.005297537034245689 -0.008632530049629385 -0.010180315281178881 0.18329283866158427 0.38140934829897827 0.5764302874732822 0.7141831730805274 0.9215863941071744 1.1429196822176966 1.2915070644457354 +15802,1.418425453432187,0,0.7590689447952516 0.5454745828424418 0.4077216972351965 0.3566447845943007 0.2746121673225734 0.2250830399132271 0.17710169773542148 0.12757257032607516 0.10126022138985691 0.005297537034245689 -0.008632530049629385 -0.010180315281178881 0.18329283866158427 0.38140934829897827 0.5764302874732822 0.7141831730805274 0.9215863941071744 1.1429196822176966 1.2915070644457354 1.3735396817174716 +15803,1.285315923519564,0,0.5454745828424418 0.4077216972351965 0.3566447845943007 0.2746121673225734 0.2250830399132271 0.17710169773542148 0.12757257032607516 0.10126022138985691 0.005297537034245689 -0.008632530049629385 -0.010180315281178881 0.18329283866158427 0.38140934829897827 0.5764302874732822 0.7141831730805274 0.9215863941071744 1.1429196822176966 1.2915070644457354 1.3735396817174716 1.418425453432187 +15804,1.1614931049962025,0,0.4077216972351965 0.3566447845943007 0.2746121673225734 0.2250830399132271 0.17710169773542148 0.12757257032607516 0.10126022138985691 0.005297537034245689 -0.008632530049629385 -0.010180315281178881 0.18329283866158427 0.38140934829897827 0.5764302874732822 0.7141831730805274 0.9215863941071744 1.1429196822176966 1.2915070644457354 1.3735396817174716 1.418425453432187 1.285315923519564 +15805,1.169232031153906,0,0.3566447845943007 0.2746121673225734 0.2250830399132271 0.17710169773542148 0.12757257032607516 0.10126022138985691 0.005297537034245689 -0.008632530049629385 -0.010180315281178881 0.18329283866158427 0.38140934829897827 0.5764302874732822 0.7141831730805274 0.9215863941071744 1.1429196822176966 1.2915070644457354 1.3735396817174716 1.418425453432187 1.285315923519564 1.1614931049962025 +15806,0.950994313506474,0,0.2746121673225734 0.2250830399132271 0.17710169773542148 0.12757257032607516 0.10126022138985691 0.005297537034245689 -0.008632530049629385 -0.010180315281178881 0.18329283866158427 0.38140934829897827 0.5764302874732822 0.7141831730805274 0.9215863941071744 1.1429196822176966 1.2915070644457354 1.3735396817174716 1.418425453432187 1.285315923519564 1.1614931049962025 1.169232031153906 +15807,0.7002531059966522,0,0.2250830399132271 0.17710169773542148 0.12757257032607516 0.10126022138985691 0.005297537034245689 -0.008632530049629385 -0.010180315281178881 0.18329283866158427 0.38140934829897827 0.5764302874732822 0.7141831730805274 0.9215863941071744 1.1429196822176966 1.2915070644457354 1.3735396817174716 1.418425453432187 1.285315923519564 1.1614931049962025 1.169232031153906 0.950994313506474 +15808,0.4804676031176709,0,0.17710169773542148 0.12757257032607516 0.10126022138985691 0.005297537034245689 -0.008632530049629385 -0.010180315281178881 0.18329283866158427 0.38140934829897827 0.5764302874732822 0.7141831730805274 0.9215863941071744 1.1429196822176966 1.2915070644457354 1.3735396817174716 1.418425453432187 1.285315923519564 1.1614931049962025 1.169232031153906 0.950994313506474 0.7002531059966522 +15809,0.4077216972351965,0,0.12757257032607516 0.10126022138985691 0.005297537034245689 -0.008632530049629385 -0.010180315281178881 0.18329283866158427 0.38140934829897827 0.5764302874732822 0.7141831730805274 0.9215863941071744 1.1429196822176966 1.2915070644457354 1.3735396817174716 1.418425453432187 1.285315923519564 1.1614931049962025 1.169232031153906 0.950994313506474 0.7002531059966522 0.4804676031176709 +15810,0.3566447845943007,0,0.10126022138985691 0.005297537034245689 -0.008632530049629385 -0.010180315281178881 0.18329283866158427 0.38140934829897827 0.5764302874732822 0.7141831730805274 0.9215863941071744 1.1429196822176966 1.2915070644457354 1.3735396817174716 1.418425453432187 1.285315923519564 1.1614931049962025 1.169232031153906 0.950994313506474 0.7002531059966522 0.4804676031176709 0.4077216972351965 +15811,0.24056089222864285,0,0.005297537034245689 -0.008632530049629385 -0.010180315281178881 0.18329283866158427 0.38140934829897827 0.5764302874732822 0.7141831730805274 0.9215863941071744 1.1429196822176966 1.2915070644457354 1.3735396817174716 1.418425453432187 1.285315923519564 1.1614931049962025 1.169232031153906 0.950994313506474 0.7002531059966522 0.4804676031176709 0.4077216972351965 0.3566447845943007 +15812,0.20031847620854953,0,-0.008632530049629385 -0.010180315281178881 0.18329283866158427 0.38140934829897827 0.5764302874732822 0.7141831730805274 0.9215863941071744 1.1429196822176966 1.2915070644457354 1.3735396817174716 1.418425453432187 1.285315923519564 1.1614931049962025 1.169232031153906 0.950994313506474 0.7002531059966522 0.4804676031176709 0.4077216972351965 0.3566447845943007 0.24056089222864285 +15813,0.13531149648378746,0,-0.010180315281178881 0.18329283866158427 0.38140934829897827 0.5764302874732822 0.7141831730805274 0.9215863941071744 1.1429196822176966 1.2915070644457354 1.3735396817174716 1.418425453432187 1.285315923519564 1.1614931049962025 1.169232031153906 0.950994313506474 0.7002531059966522 0.4804676031176709 0.4077216972351965 0.3566447845943007 0.24056089222864285 0.20031847620854953 +15814,0.07340008722209797,0,0.18329283866158427 0.38140934829897827 0.5764302874732822 0.7141831730805274 0.9215863941071744 1.1429196822176966 1.2915070644457354 1.3735396817174716 1.418425453432187 1.285315923519564 1.1614931049962025 1.169232031153906 0.950994313506474 0.7002531059966522 0.4804676031176709 0.4077216972351965 0.3566447845943007 0.24056089222864285 0.20031847620854953 0.13531149648378746 +15815,0.045539953054339014,0,0.38140934829897827 0.5764302874732822 0.7141831730805274 0.9215863941071744 1.1429196822176966 1.2915070644457354 1.3735396817174716 1.418425453432187 1.285315923519564 1.1614931049962025 1.169232031153906 0.950994313506474 0.7002531059966522 0.4804676031176709 0.4077216972351965 0.3566447845943007 0.24056089222864285 0.20031847620854953 0.13531149648378746 0.07340008722209797 +15816,0.014584248423498673,0,0.5764302874732822 0.7141831730805274 0.9215863941071744 1.1429196822176966 1.2915070644457354 1.3735396817174716 1.418425453432187 1.285315923519564 1.1614931049962025 1.169232031153906 0.950994313506474 0.7002531059966522 0.4804676031176709 0.4077216972351965 0.3566447845943007 0.24056089222864285 0.20031847620854953 0.13531149648378746 0.07340008722209797 0.045539953054339014 +15817,-0.017919241438882367,0,0.7141831730805274 0.9215863941071744 1.1429196822176966 1.2915070644457354 1.3735396817174716 1.418425453432187 1.285315923519564 1.1614931049962025 1.169232031153906 0.950994313506474 0.7002531059966522 0.4804676031176709 0.4077216972351965 0.3566447845943007 0.24056089222864285 0.20031847620854953 0.13531149648378746 0.07340008722209797 0.045539953054339014 0.014584248423498673 +15818,0.15388491926228462,0,0.9215863941071744 1.1429196822176966 1.2915070644457354 1.3735396817174716 1.418425453432187 1.285315923519564 1.1614931049962025 1.169232031153906 0.950994313506474 0.7002531059966522 0.4804676031176709 0.4077216972351965 0.3566447845943007 0.24056089222864285 0.20031847620854953 0.13531149648378746 0.07340008722209797 0.045539953054339014 0.014584248423498673 -0.017919241438882367 +15819,0.4789198178861302,0,1.1429196822176966 1.2915070644457354 1.3735396817174716 1.418425453432187 1.285315923519564 1.1614931049962025 1.169232031153906 0.950994313506474 0.7002531059966522 0.4804676031176709 0.4077216972351965 0.3566447845943007 0.24056089222864285 0.20031847620854953 0.13531149648378746 0.07340008722209797 0.045539953054339014 0.014584248423498673 -0.017919241438882367 0.15388491926228462 +15820,0.7497822334059986,0,1.2915070644457354 1.3735396817174716 1.418425453432187 1.285315923519564 1.1614931049962025 1.169232031153906 0.950994313506474 0.7002531059966522 0.4804676031176709 0.4077216972351965 0.3566447845943007 0.24056089222864285 0.20031847620854953 0.13531149648378746 0.07340008722209797 0.045539953054339014 0.014584248423498673 -0.017919241438882367 0.15388491926228462 0.4789198178861302 +15821,1.0407658569359137,0,1.3735396817174716 1.418425453432187 1.285315923519564 1.1614931049962025 1.169232031153906 0.950994313506474 0.7002531059966522 0.4804676031176709 0.4077216972351965 0.3566447845943007 0.24056089222864285 0.20031847620854953 0.13531149648378746 0.07340008722209797 0.045539953054339014 0.014584248423498673 -0.017919241438882367 0.15388491926228462 0.4789198178861302 0.7497822334059986 +15822,1.2203089437948018,0,1.418425453432187 1.285315923519564 1.1614931049962025 1.169232031153906 0.950994313506474 0.7002531059966522 0.4804676031176709 0.4077216972351965 0.3566447845943007 0.24056089222864285 0.20031847620854953 0.13531149648378746 0.07340008722209797 0.045539953054339014 0.014584248423498673 -0.017919241438882367 0.15388491926228462 0.4789198178861302 0.7497822334059986 1.0407658569359137 +15823,1.3828263931067157,0,1.285315923519564 1.1614931049962025 1.169232031153906 0.950994313506474 0.7002531059966522 0.4804676031176709 0.4077216972351965 0.3566447845943007 0.24056089222864285 0.20031847620854953 0.13531149648378746 0.07340008722209797 0.045539953054339014 0.014584248423498673 -0.017919241438882367 0.15388491926228462 0.4789198178861302 0.7497822334059986 1.0407658569359137 1.2203089437948018 +15824,1.532961560566304,0,1.1614931049962025 1.169232031153906 0.950994313506474 0.7002531059966522 0.4804676031176709 0.4077216972351965 0.3566447845943007 0.24056089222864285 0.20031847620854953 0.13531149648378746 0.07340008722209797 0.045539953054339014 0.014584248423498673 -0.017919241438882367 0.15388491926228462 0.4789198178861302 0.7497822334059986 1.0407658569359137 1.2203089437948018 1.3828263931067157 +15825,1.616541963069581,0,1.169232031153906 0.950994313506474 0.7002531059966522 0.4804676031176709 0.4077216972351965 0.3566447845943007 0.24056089222864285 0.20031847620854953 0.13531149648378746 0.07340008722209797 0.045539953054339014 0.014584248423498673 -0.017919241438882367 0.15388491926228462 0.4789198178861302 0.7497822334059986 1.0407658569359137 1.2203089437948018 1.3828263931067157 1.532961560566304 +15826,1.7032179360359392,0,0.950994313506474 0.7002531059966522 0.4804676031176709 0.4077216972351965 0.3566447845943007 0.24056089222864285 0.20031847620854953 0.13531149648378746 0.07340008722209797 0.045539953054339014 0.014584248423498673 -0.017919241438882367 0.15388491926228462 0.4789198178861302 0.7497822334059986 1.0407658569359137 1.2203089437948018 1.3828263931067157 1.532961560566304 1.616541963069581 +15827,1.741912566824492,0,0.7002531059966522 0.4804676031176709 0.4077216972351965 0.3566447845943007 0.24056089222864285 0.20031847620854953 0.13531149648378746 0.07340008722209797 0.045539953054339014 0.014584248423498673 -0.017919241438882367 0.15388491926228462 0.4789198178861302 0.7497822334059986 1.0407658569359137 1.2203089437948018 1.3828263931067157 1.532961560566304 1.616541963069581 1.7032179360359392 +15828,1.5824906879756504,0,0.4804676031176709 0.4077216972351965 0.3566447845943007 0.24056089222864285 0.20031847620854953 0.13531149648378746 0.07340008722209797 0.045539953054339014 0.014584248423498673 -0.017919241438882367 0.15388491926228462 0.4789198178861302 0.7497822334059986 1.0407658569359137 1.2203089437948018 1.3828263931067157 1.532961560566304 1.616541963069581 1.7032179360359392 1.741912566824492 +15829,1.4803368626938764,0,0.4077216972351965 0.3566447845943007 0.24056089222864285 0.20031847620854953 0.13531149648378746 0.07340008722209797 0.045539953054339014 0.014584248423498673 -0.017919241438882367 0.15388491926228462 0.4789198178861302 0.7497822334059986 1.0407658569359137 1.2203089437948018 1.3828263931067157 1.532961560566304 1.616541963069581 1.7032179360359392 1.741912566824492 1.5824906879756504 +15830,1.2729336416672294,0,0.3566447845943007 0.24056089222864285 0.20031847620854953 0.13531149648378746 0.07340008722209797 0.045539953054339014 0.014584248423498673 -0.017919241438882367 0.15388491926228462 0.4789198178861302 0.7497822334059986 1.0407658569359137 1.2203089437948018 1.3828263931067157 1.532961560566304 1.616541963069581 1.7032179360359392 1.741912566824492 1.5824906879756504 1.4803368626938764 +15831,1.0546959240197975,0,0.24056089222864285 0.20031847620854953 0.13531149648378746 0.07340008722209797 0.045539953054339014 0.014584248423498673 -0.017919241438882367 0.15388491926228462 0.4789198178861302 0.7497822334059986 1.0407658569359137 1.2203089437948018 1.3828263931067157 1.532961560566304 1.616541963069581 1.7032179360359392 1.741912566824492 1.5824906879756504 1.4803368626938764 1.2729336416672294 +15832,0.7962157903522635,0,0.20031847620854953 0.13531149648378746 0.07340008722209797 0.045539953054339014 0.014584248423498673 -0.017919241438882367 0.15388491926228462 0.4789198178861302 0.7497822334059986 1.0407658569359137 1.2203089437948018 1.3828263931067157 1.532961560566304 1.616541963069581 1.7032179360359392 1.741912566824492 1.5824906879756504 1.4803368626938764 1.2729336416672294 1.0546959240197975 +15833,0.6321505558088,0,0.13531149648378746 0.07340008722209797 0.045539953054339014 0.014584248423498673 -0.017919241438882367 0.15388491926228462 0.4789198178861302 0.7497822334059986 1.0407658569359137 1.2203089437948018 1.3828263931067157 1.532961560566304 1.616541963069581 1.7032179360359392 1.741912566824492 1.5824906879756504 1.4803368626938764 1.2729336416672294 1.0546959240197975 0.7962157903522635 +15834,0.5253533748323951,0,0.07340008722209797 0.045539953054339014 0.014584248423498673 -0.017919241438882367 0.15388491926228462 0.4789198178861302 0.7497822334059986 1.0407658569359137 1.2203089437948018 1.3828263931067157 1.532961560566304 1.616541963069581 1.7032179360359392 1.741912566824492 1.5824906879756504 1.4803368626938764 1.2729336416672294 1.0546959240197975 0.7962157903522635 0.6321505558088 +15835,0.42165176431907164,0,0.045539953054339014 0.014584248423498673 -0.017919241438882367 0.15388491926228462 0.4789198178861302 0.7497822334059986 1.0407658569359137 1.2203089437948018 1.3828263931067157 1.532961560566304 1.616541963069581 1.7032179360359392 1.741912566824492 1.5824906879756504 1.4803368626938764 1.2729336416672294 1.0546959240197975 0.7962157903522635 0.6321505558088 0.5253533748323951 +15836,0.3334280061211727,0,0.014584248423498673 -0.017919241438882367 0.15388491926228462 0.4789198178861302 0.7497822334059986 1.0407658569359137 1.2203089437948018 1.3828263931067157 1.532961560566304 1.616541963069581 1.7032179360359392 1.741912566824492 1.5824906879756504 1.4803368626938764 1.2729336416672294 1.0546959240197975 0.7962157903522635 0.6321505558088 0.5253533748323951 0.42165176431907164 +15837,0.25603874454406744,0,-0.017919241438882367 0.15388491926228462 0.4789198178861302 0.7497822334059986 1.0407658569359137 1.2203089437948018 1.3828263931067157 1.532961560566304 1.616541963069581 1.7032179360359392 1.741912566824492 1.5824906879756504 1.4803368626938764 1.2729336416672294 1.0546959240197975 0.7962157903522635 0.6321505558088 0.5253533748323951 0.42165176431907164 0.3334280061211727 +15838,0.18484062389313374,0,0.15388491926228462 0.4789198178861302 0.7497822334059986 1.0407658569359137 1.2203089437948018 1.3828263931067157 1.532961560566304 1.616541963069581 1.7032179360359392 1.741912566824492 1.5824906879756504 1.4803368626938764 1.2729336416672294 1.0546959240197975 0.7962157903522635 0.6321505558088 0.5253533748323951 0.42165176431907164 0.3334280061211727 0.25603874454406744 +15839,0.14614599310458112,0,0.4789198178861302 0.7497822334059986 1.0407658569359137 1.2203089437948018 1.3828263931067157 1.532961560566304 1.616541963069581 1.7032179360359392 1.741912566824492 1.5824906879756504 1.4803368626938764 1.2729336416672294 1.0546959240197975 0.7962157903522635 0.6321505558088 0.5253533748323951 0.42165176431907164 0.3334280061211727 0.25603874454406744 0.18484062389313374 +15840,0.08268679861135095,0,0.7497822334059986 1.0407658569359137 1.2203089437948018 1.3828263931067157 1.532961560566304 1.616541963069581 1.7032179360359392 1.741912566824492 1.5824906879756504 1.4803368626938764 1.2729336416672294 1.0546959240197975 0.7962157903522635 0.6321505558088 0.5253533748323951 0.42165176431907164 0.3334280061211727 0.25603874454406744 0.18484062389313374 0.14614599310458112 +15841,0.039348812128176223,0,1.0407658569359137 1.2203089437948018 1.3828263931067157 1.532961560566304 1.616541963069581 1.7032179360359392 1.741912566824492 1.5824906879756504 1.4803368626938764 1.2729336416672294 1.0546959240197975 0.7962157903522635 0.6321505558088 0.5253533748323951 0.42165176431907164 0.3334280061211727 0.25603874454406744 0.18484062389313374 0.14614599310458112 0.08268679861135095 +15842,0.3349757913527134,0,1.2203089437948018 1.3828263931067157 1.532961560566304 1.616541963069581 1.7032179360359392 1.741912566824492 1.5824906879756504 1.4803368626938764 1.2729336416672294 1.0546959240197975 0.7962157903522635 0.6321505558088 0.5253533748323951 0.42165176431907164 0.3334280061211727 0.25603874454406744 0.18484062389313374 0.14614599310458112 0.08268679861135095 0.039348812128176223 +15843,0.7095398173859053,0,1.3828263931067157 1.532961560566304 1.616541963069581 1.7032179360359392 1.741912566824492 1.5824906879756504 1.4803368626938764 1.2729336416672294 1.0546959240197975 0.7962157903522635 0.6321505558088 0.5253533748323951 0.42165176431907164 0.3334280061211727 0.25603874454406744 0.18484062389313374 0.14614599310458112 0.08268679861135095 0.039348812128176223 0.3349757913527134 +15844,1.034574716009742,0,1.532961560566304 1.616541963069581 1.7032179360359392 1.741912566824492 1.5824906879756504 1.4803368626938764 1.2729336416672294 1.0546959240197975 0.7962157903522635 0.6321505558088 0.5253533748323951 0.42165176431907164 0.3334280061211727 0.25603874454406744 0.18484062389313374 0.14614599310458112 0.08268679861135095 0.039348812128176223 0.3349757913527134 0.7095398173859053 +15845,1.3549662589389655,0,1.616541963069581 1.7032179360359392 1.741912566824492 1.5824906879756504 1.4803368626938764 1.2729336416672294 1.0546959240197975 0.7962157903522635 0.6321505558088 0.5253533748323951 0.42165176431907164 0.3334280061211727 0.25603874454406744 0.18484062389313374 0.14614599310458112 0.08268679861135095 0.039348812128176223 0.3349757913527134 0.7095398173859053 1.034574716009742 +15846,1.6149941778380315,0,1.7032179360359392 1.741912566824492 1.5824906879756504 1.4803368626938764 1.2729336416672294 1.0546959240197975 0.7962157903522635 0.6321505558088 0.5253533748323951 0.42165176431907164 0.3334280061211727 0.25603874454406744 0.18484062389313374 0.14614599310458112 0.08268679861135095 0.039348812128176223 0.3349757913527134 0.7095398173859053 1.034574716009742 1.3549662589389655 +15847,1.772868271455332,0,1.741912566824492 1.5824906879756504 1.4803368626938764 1.2729336416672294 1.0546959240197975 0.7962157903522635 0.6321505558088 0.5253533748323951 0.42165176431907164 0.3334280061211727 0.25603874454406744 0.18484062389313374 0.14614599310458112 0.08268679861135095 0.039348812128176223 0.3349757913527134 0.7095398173859053 1.034574716009742 1.3549662589389655 1.6149941778380315 +15848,1.9028822309048652,0,1.5824906879756504 1.4803368626938764 1.2729336416672294 1.0546959240197975 0.7962157903522635 0.6321505558088 0.5253533748323951 0.42165176431907164 0.3334280061211727 0.25603874454406744 0.18484062389313374 0.14614599310458112 0.08268679861135095 0.039348812128176223 0.3349757913527134 0.7095398173859053 1.034574716009742 1.3549662589389655 1.6149941778380315 1.772868271455332 +15849,1.9833670629450606,0,1.4803368626938764 1.2729336416672294 1.0546959240197975 0.7962157903522635 0.6321505558088 0.5253533748323951 0.42165176431907164 0.3334280061211727 0.25603874454406744 0.18484062389313374 0.14614599310458112 0.08268679861135095 0.039348812128176223 0.3349757913527134 0.7095398173859053 1.034574716009742 1.3549662589389655 1.6149941778380315 1.772868271455332 1.9028822309048652 +15850,1.9880104186396828,0,1.2729336416672294 1.0546959240197975 0.7962157903522635 0.6321505558088 0.5253533748323951 0.42165176431907164 0.3334280061211727 0.25603874454406744 0.18484062389313374 0.14614599310458112 0.08268679861135095 0.039348812128176223 0.3349757913527134 0.7095398173859053 1.034574716009742 1.3549662589389655 1.6149941778380315 1.772868271455332 1.9028822309048652 1.9833670629450606 +15851,1.8781176672001965,0,1.0546959240197975 0.7962157903522635 0.6321505558088 0.5253533748323951 0.42165176431907164 0.3334280061211727 0.25603874454406744 0.18484062389313374 0.14614599310458112 0.08268679861135095 0.039348812128176223 0.3349757913527134 0.7095398173859053 1.034574716009742 1.3549662589389655 1.6149941778380315 1.772868271455332 1.9028822309048652 1.9833670629450606 1.9880104186396828 +15852,1.8038239760861725,0,0.7962157903522635 0.6321505558088 0.5253533748323951 0.42165176431907164 0.3334280061211727 0.25603874454406744 0.18484062389313374 0.14614599310458112 0.08268679861135095 0.039348812128176223 0.3349757913527134 0.7095398173859053 1.034574716009742 1.3549662589389655 1.6149941778380315 1.772868271455332 1.9028822309048652 1.9833670629450606 1.9880104186396828 1.8781176672001965 +15853,1.6738100166366396,0,0.6321505558088 0.5253533748323951 0.42165176431907164 0.3334280061211727 0.25603874454406744 0.18484062389313374 0.14614599310458112 0.08268679861135095 0.039348812128176223 0.3349757913527134 0.7095398173859053 1.034574716009742 1.3549662589389655 1.6149941778380315 1.772868271455332 1.9028822309048652 1.9833670629450606 1.9880104186396828 1.8781176672001965 1.8038239760861725 +15854,1.4168776682006463,0,0.5253533748323951 0.42165176431907164 0.3334280061211727 0.25603874454406744 0.18484062389313374 0.14614599310458112 0.08268679861135095 0.039348812128176223 0.3349757913527134 0.7095398173859053 1.034574716009742 1.3549662589389655 1.6149941778380315 1.772868271455332 1.9028822309048652 1.9833670629450606 1.9880104186396828 1.8781176672001965 1.8038239760861725 1.6738100166366396 +15855,1.200187735784755,0,0.42165176431907164 0.3334280061211727 0.25603874454406744 0.18484062389313374 0.14614599310458112 0.08268679861135095 0.039348812128176223 0.3349757913527134 0.7095398173859053 1.034574716009742 1.3549662589389655 1.6149941778380315 1.772868271455332 1.9028822309048652 1.9833670629450606 1.9880104186396828 1.8781176672001965 1.8038239760861725 1.6738100166366396 1.4168776682006463 +15856,0.9355164611910495,0,0.3334280061211727 0.25603874454406744 0.18484062389313374 0.14614599310458112 0.08268679861135095 0.039348812128176223 0.3349757913527134 0.7095398173859053 1.034574716009742 1.3549662589389655 1.6149941778380315 1.772868271455332 1.9028822309048652 1.9833670629450606 1.9880104186396828 1.8781176672001965 1.8038239760861725 1.6738100166366396 1.4168776682006463 1.200187735784755 +15857,0.7760945823422168,0,0.25603874454406744 0.18484062389313374 0.14614599310458112 0.08268679861135095 0.039348812128176223 0.3349757913527134 0.7095398173859053 1.034574716009742 1.3549662589389655 1.6149941778380315 1.772868271455332 1.9028822309048652 1.9833670629450606 1.9880104186396828 1.8781176672001965 1.8038239760861725 1.6738100166366396 1.4168776682006463 1.200187735784755 0.9355164611910495 +15858,0.6383416967349717,0,0.18484062389313374 0.14614599310458112 0.08268679861135095 0.039348812128176223 0.3349757913527134 0.7095398173859053 1.034574716009742 1.3549662589389655 1.6149941778380315 1.772868271455332 1.9028822309048652 1.9833670629450606 1.9880104186396828 1.8781176672001965 1.8038239760861725 1.6738100166366396 1.4168776682006463 1.200187735784755 0.9355164611910495 0.7760945823422168 +15859,0.5330923009901074,0,0.14614599310458112 0.08268679861135095 0.039348812128176223 0.3349757913527134 0.7095398173859053 1.034574716009742 1.3549662589389655 1.6149941778380315 1.772868271455332 1.9028822309048652 1.9833670629450606 1.9880104186396828 1.8781176672001965 1.8038239760861725 1.6738100166366396 1.4168776682006463 1.200187735784755 0.9355164611910495 0.7760945823422168 0.6383416967349717 +15860,0.4599160406985824,0,0.08268679861135095 0.039348812128176223 0.3349757913527134 0.7095398173859053 1.034574716009742 1.3549662589389655 1.6149941778380315 1.772868271455332 1.9028822309048652 1.9833670629450606 1.9880104186396828 1.8781176672001965 1.8038239760861725 1.6738100166366396 1.4168776682006463 1.200187735784755 0.9355164611910495 0.7760945823422168 0.6383416967349717 0.5330923009901074 +15861,0.35573716596576194,0,0.039348812128176223 0.3349757913527134 0.7095398173859053 1.034574716009742 1.3549662589389655 1.6149941778380315 1.772868271455332 1.9028822309048652 1.9833670629450606 1.9880104186396828 1.8781176672001965 1.8038239760861725 1.6738100166366396 1.4168776682006463 1.200187735784755 0.9355164611910495 0.7760945823422168 0.6383416967349717 0.5330923009901074 0.4599160406985824 +15862,-0.045521411349792235,0,0.3349757913527134 0.7095398173859053 1.034574716009742 1.3549662589389655 1.6149941778380315 1.772868271455332 1.9028822309048652 1.9833670629450606 1.9880104186396828 1.8781176672001965 1.8038239760861725 1.6738100166366396 1.4168776682006463 1.200187735784755 0.9355164611910495 0.7760945823422168 0.6383416967349717 0.5330923009901074 0.4599160406985824 0.35573716596576194 +15863,-0.07544525926279004,0,0.7095398173859053 1.034574716009742 1.3549662589389655 1.6149941778380315 1.772868271455332 1.9028822309048652 1.9833670629450606 1.9880104186396828 1.8781176672001965 1.8038239760861725 1.6738100166366396 1.4168776682006463 1.200187735784755 0.9355164611910495 0.7760945823422168 0.6383416967349717 0.5330923009901074 0.4599160406985824 0.35573716596576194 -0.045521411349792235 +15864,0.3639967644441279,0,1.034574716009742 1.3549662589389655 1.6149941778380315 1.772868271455332 1.9028822309048652 1.9833670629450606 1.9880104186396828 1.8781176672001965 1.8038239760861725 1.6738100166366396 1.4168776682006463 1.200187735784755 0.9355164611910495 0.7760945823422168 0.6383416967349717 0.5330923009901074 0.4599160406985824 0.35573716596576194 -0.045521411349792235 -0.07544525926279004 +15865,0.17761762609434273,0,1.3549662589389655 1.6149941778380315 1.772868271455332 1.9028822309048652 1.9833670629450606 1.9880104186396828 1.8781176672001965 1.8038239760861725 1.6738100166366396 1.4168776682006463 1.200187735784755 0.9355164611910495 0.7760945823422168 0.6383416967349717 0.5330923009901074 0.4599160406985824 0.35573716596576194 -0.045521411349792235 -0.07544525926279004 0.3639967644441279 +15866,0.4606043593644733,0,1.6149941778380315 1.772868271455332 1.9028822309048652 1.9833670629450606 1.9880104186396828 1.8781176672001965 1.8038239760861725 1.6738100166366396 1.4168776682006463 1.200187735784755 0.9355164611910495 0.7760945823422168 0.6383416967349717 0.5330923009901074 0.4599160406985824 0.35573716596576194 -0.045521411349792235 -0.07544525926279004 0.3639967644441279 0.17761762609434273 +15867,0.9335817296516236,0,1.772868271455332 1.9028822309048652 1.9833670629450606 1.9880104186396828 1.8781176672001965 1.8038239760861725 1.6738100166366396 1.4168776682006463 1.200187735784755 0.9355164611910495 0.7760945823422168 0.6383416967349717 0.5330923009901074 0.4599160406985824 0.35573716596576194 -0.045521411349792235 -0.07544525926279004 0.3639967644441279 0.17761762609434273 0.4606043593644733 +15868,1.1532382504795688,0,1.9028822309048652 1.9833670629450606 1.9880104186396828 1.8781176672001965 1.8038239760861725 1.6738100166366396 1.4168776682006463 1.200187735784755 0.9355164611910495 0.7760945823422168 0.6383416967349717 0.5330923009901074 0.4599160406985824 0.35573716596576194 -0.045521411349792235 -0.07544525926279004 0.3639967644441279 0.17761762609434273 0.4606043593644733 0.9335817296516236 +15869,1.5628854083245252,0,1.9833670629450606 1.9880104186396828 1.8781176672001965 1.8038239760861725 1.6738100166366396 1.4168776682006463 1.200187735784755 0.9355164611910495 0.7760945823422168 0.6383416967349717 0.5330923009901074 0.4599160406985824 0.35573716596576194 -0.045521411349792235 -0.07544525926279004 0.3639967644441279 0.17761762609434273 0.4606043593644733 0.9335817296516236 1.1532382504795688 +15870,1.5934025738580193,0,1.9880104186396828 1.8781176672001965 1.8038239760861725 1.6738100166366396 1.4168776682006463 1.200187735784755 0.9355164611910495 0.7760945823422168 0.6383416967349717 0.5330923009901074 0.4599160406985824 0.35573716596576194 -0.045521411349792235 -0.07544525926279004 0.3639967644441279 0.17761762609434273 0.4606043593644733 0.9335817296516236 1.1532382504795688 1.5628854083245252 +15871,2.129426396013177,0,1.8781176672001965 1.8038239760861725 1.6738100166366396 1.4168776682006463 1.200187735784755 0.9355164611910495 0.7760945823422168 0.6383416967349717 0.5330923009901074 0.4599160406985824 0.35573716596576194 -0.045521411349792235 -0.07544525926279004 0.3639967644441279 0.17761762609434273 0.4606043593644733 0.9335817296516236 1.1532382504795688 1.5628854083245252 1.5934025738580193 +15872,2.2863202255473016,0,1.8038239760861725 1.6738100166366396 1.4168776682006463 1.200187735784755 0.9355164611910495 0.7760945823422168 0.6383416967349717 0.5330923009901074 0.4599160406985824 0.35573716596576194 -0.045521411349792235 -0.07544525926279004 0.3639967644441279 0.17761762609434273 0.4606043593644733 0.9335817296516236 1.1532382504795688 1.5628854083245252 1.5934025738580193 2.129426396013177 +15873,2.187906881293343,0,1.6738100166366396 1.4168776682006463 1.200187735784755 0.9355164611910495 0.7760945823422168 0.6383416967349717 0.5330923009901074 0.4599160406985824 0.35573716596576194 -0.045521411349792235 -0.07544525926279004 0.3639967644441279 0.17761762609434273 0.4606043593644733 0.9335817296516236 1.1532382504795688 1.5628854083245252 1.5934025738580193 2.129426396013177 2.2863202255473016 +15874,2.4299031022449564,0,1.4168776682006463 1.200187735784755 0.9355164611910495 0.7760945823422168 0.6383416967349717 0.5330923009901074 0.4599160406985824 0.35573716596576194 -0.045521411349792235 -0.07544525926279004 0.3639967644441279 0.17761762609434273 0.4606043593644733 0.9335817296516236 1.1532382504795688 1.5628854083245252 1.5934025738580193 2.129426396013177 2.2863202255473016 2.187906881293343 +15875,2.4165921492536926,0,1.200187735784755 0.9355164611910495 0.7760945823422168 0.6383416967349717 0.5330923009901074 0.4599160406985824 0.35573716596576194 -0.045521411349792235 -0.07544525926279004 0.3639967644441279 0.17761762609434273 0.4606043593644733 0.9335817296516236 1.1532382504795688 1.5628854083245252 1.5934025738580193 2.129426396013177 2.2863202255473016 2.187906881293343 2.4299031022449564 +15876,2.0387003849726844,0,0.9355164611910495 0.7760945823422168 0.6383416967349717 0.5330923009901074 0.4599160406985824 0.35573716596576194 -0.045521411349792235 -0.07544525926279004 0.3639967644441279 0.17761762609434273 0.4606043593644733 0.9335817296516236 1.1532382504795688 1.5628854083245252 1.5934025738580193 2.129426396013177 2.2863202255473016 2.187906881293343 2.4299031022449564 2.4165921492536926 +15877,2.146916369129603,0,0.7760945823422168 0.6383416967349717 0.5330923009901074 0.4599160406985824 0.35573716596576194 -0.045521411349792235 -0.07544525926279004 0.3639967644441279 0.17761762609434273 0.4606043593644733 0.9335817296516236 1.1532382504795688 1.5628854083245252 1.5934025738580193 2.129426396013177 2.2863202255473016 2.187906881293343 2.4299031022449564 2.4165921492536926 2.0387003849726844 +15878,1.8905515418419916,0,0.6383416967349717 0.5330923009901074 0.4599160406985824 0.35573716596576194 -0.045521411349792235 -0.07544525926279004 0.3639967644441279 0.17761762609434273 0.4606043593644733 0.9335817296516236 1.1532382504795688 1.5628854083245252 1.5934025738580193 2.129426396013177 2.2863202255473016 2.187906881293343 2.4299031022449564 2.4165921492536926 2.0387003849726844 2.146916369129603 +15879,1.6544843945358292,0,0.5330923009901074 0.4599160406985824 0.35573716596576194 -0.045521411349792235 -0.07544525926279004 0.3639967644441279 0.17761762609434273 0.4606043593644733 0.9335817296516236 1.1532382504795688 1.5628854083245252 1.5934025738580193 2.129426396013177 2.2863202255473016 2.187906881293343 2.4299031022449564 2.4165921492536926 2.0387003849726844 2.146916369129603 1.8905515418419916 +15880,1.392018291970819,0,0.4599160406985824 0.35573716596576194 -0.045521411349792235 -0.07544525926279004 0.3639967644441279 0.17761762609434273 0.4606043593644733 0.9335817296516236 1.1532382504795688 1.5628854083245252 1.5934025738580193 2.129426396013177 2.2863202255473016 2.187906881293343 2.4299031022449564 2.4165921492536926 2.0387003849726844 2.146916369129603 1.8905515418419916 1.6544843945358292 +15881,0.9726633067480613,0,0.35573716596576194 -0.045521411349792235 -0.07544525926279004 0.3639967644441279 0.17761762609434273 0.4606043593644733 0.9335817296516236 1.1532382504795688 1.5628854083245252 1.5934025738580193 2.129426396013177 2.2863202255473016 2.187906881293343 2.4299031022449564 2.4165921492536926 2.0387003849726844 2.146916369129603 1.8905515418419916 1.6544843945358292 1.392018291970819 +15882,0.8457449177616099,0,-0.045521411349792235 -0.07544525926279004 0.3639967644441279 0.17761762609434273 0.4606043593644733 0.9335817296516236 1.1532382504795688 1.5628854083245252 1.5934025738580193 2.129426396013177 2.2863202255473016 2.187906881293343 2.4299031022449564 2.4165921492536926 2.0387003849726844 2.146916369129603 1.8905515418419916 1.6544843945358292 1.392018291970819 0.9726633067480613 +15883,0.7033486764597336,0,-0.07544525926279004 0.3639967644441279 0.17761762609434273 0.4606043593644733 0.9335817296516236 1.1532382504795688 1.5628854083245252 1.5934025738580193 2.129426396013177 2.2863202255473016 2.187906881293343 2.4299031022449564 2.4165921492536926 2.0387003849726844 2.146916369129603 1.8905515418419916 1.6544843945358292 1.392018291970819 0.9726633067480613 0.8457449177616099 +15884,0.6182204887249162,0,0.3639967644441279 0.17761762609434273 0.4606043593644733 0.9335817296516236 1.1532382504795688 1.5628854083245252 1.5934025738580193 2.129426396013177 2.2863202255473016 2.187906881293343 2.4299031022449564 2.4165921492536926 2.0387003849726844 2.146916369129603 1.8905515418419916 1.6544843945358292 1.392018291970819 0.9726633067480613 0.8457449177616099 0.7033486764597336 +15885,0.5779780727048228,0,0.17761762609434273 0.4606043593644733 0.9335817296516236 1.1532382504795688 1.5628854083245252 1.5934025738580193 2.129426396013177 2.2863202255473016 2.187906881293343 2.4299031022449564 2.4165921492536926 2.0387003849726844 2.146916369129603 1.8905515418419916 1.6544843945358292 1.392018291970819 0.9726633067480613 0.8457449177616099 0.7033486764597336 0.6182204887249162 +15886,0.49284988497000526,0,0.4606043593644733 0.9335817296516236 1.1532382504795688 1.5628854083245252 1.5934025738580193 2.129426396013177 2.2863202255473016 2.187906881293343 2.4299031022449564 2.4165921492536926 2.0387003849726844 2.146916369129603 1.8905515418419916 1.6544843945358292 1.392018291970819 0.9726633067480613 0.8457449177616099 0.7033486764597336 0.6182204887249162 0.5779780727048228 +15887,0.46653753603379583,0,0.9335817296516236 1.1532382504795688 1.5628854083245252 1.5934025738580193 2.129426396013177 2.2863202255473016 2.187906881293343 2.4299031022449564 2.4165921492536926 2.0387003849726844 2.146916369129603 1.8905515418419916 1.6544843945358292 1.392018291970819 0.9726633067480613 0.8457449177616099 0.7033486764597336 0.6182204887249162 0.5779780727048228 0.49284988497000526 +15888,0.40462612677210635,0,1.1532382504795688 1.5628854083245252 1.5934025738580193 2.129426396013177 2.2863202255473016 2.187906881293343 2.4299031022449564 2.4165921492536926 2.0387003849726844 2.146916369129603 1.8905515418419916 1.6544843945358292 1.392018291970819 0.9726633067480613 0.8457449177616099 0.7033486764597336 0.6182204887249162 0.5779780727048228 0.49284988497000526 0.46653753603379583 +15889,0.40153055630902496,0,1.5628854083245252 1.5934025738580193 2.129426396013177 2.2863202255473016 2.187906881293343 2.4299031022449564 2.4165921492536926 2.0387003849726844 2.146916369129603 1.8905515418419916 1.6544843945358292 1.392018291970819 0.9726633067480613 0.8457449177616099 0.7033486764597336 0.6182204887249162 0.5779780727048228 0.49284988497000526 0.46653753603379583 0.40462612677210635 +15890,0.4866587440438425,0,1.5934025738580193 2.129426396013177 2.2863202255473016 2.187906881293343 2.4299031022449564 2.4165921492536926 2.0387003849726844 2.146916369129603 1.8905515418419916 1.6544843945358292 1.392018291970819 0.9726633067480613 0.8457449177616099 0.7033486764597336 0.6182204887249162 0.5779780727048228 0.49284988497000526 0.46653753603379583 0.40462612677210635 0.40153055630902496 +15891,0.6863230389127685,0,2.129426396013177 2.2863202255473016 2.187906881293343 2.4299031022449564 2.4165921492536926 2.0387003849726844 2.146916369129603 1.8905515418419916 1.6544843945358292 1.392018291970819 0.9726633067480613 0.8457449177616099 0.7033486764597336 0.6182204887249162 0.5779780727048228 0.49284988497000526 0.46653753603379583 0.40462612677210635 0.40153055630902496 0.4866587440438425 +15892,0.7483941026854237,0,2.2863202255473016 2.187906881293343 2.4299031022449564 2.4165921492536926 2.0387003849726844 2.146916369129603 1.8905515418419916 1.6544843945358292 1.392018291970819 0.9726633067480613 0.8457449177616099 0.7033486764597336 0.6182204887249162 0.5779780727048228 0.49284988497000526 0.46653753603379583 0.40462612677210635 0.40153055630902496 0.4866587440438425 0.6863230389127685 +15893,1.1506586083754,0,2.187906881293343 2.4299031022449564 2.4165921492536926 2.0387003849726844 2.146916369129603 1.8905515418419916 1.6544843945358292 1.392018291970819 0.9726633067480613 0.8457449177616099 0.7033486764597336 0.6182204887249162 0.5779780727048228 0.49284988497000526 0.46653753603379583 0.40462612677210635 0.40153055630902496 0.4866587440438425 0.6863230389127685 0.7483941026854237 +15894,1.4292599500529806,0,2.4299031022449564 2.4165921492536926 2.0387003849726844 2.146916369129603 1.8905515418419916 1.6544843945358292 1.392018291970819 0.9726633067480613 0.8457449177616099 0.7033486764597336 0.6182204887249162 0.5779780727048228 0.49284988497000526 0.46653753603379583 0.40462612677210635 0.40153055630902496 0.4866587440438425 0.6863230389127685 0.7483941026854237 1.1506586083754 +15895,1.6444020972373399,0,2.4165921492536926 2.0387003849726844 2.146916369129603 1.8905515418419916 1.6544843945358292 1.392018291970819 0.9726633067480613 0.8457449177616099 0.7033486764597336 0.6182204887249162 0.5779780727048228 0.49284988497000526 0.46653753603379583 0.40462612677210635 0.40153055630902496 0.4866587440438425 0.6863230389127685 0.7483941026854237 1.1506586083754 1.4292599500529806 +15896,1.7357214258983202,0,2.0387003849726844 2.146916369129603 1.8905515418419916 1.6544843945358292 1.392018291970819 0.9726633067480613 0.8457449177616099 0.7033486764597336 0.6182204887249162 0.5779780727048228 0.49284988497000526 0.46653753603379583 0.40462612677210635 0.40153055630902496 0.4866587440438425 0.6863230389127685 0.7483941026854237 1.1506586083754 1.4292599500529806 1.6444020972373399 +15897,1.6536888086265842,0,2.146916369129603 1.8905515418419916 1.6544843945358292 1.392018291970819 0.9726633067480613 0.8457449177616099 0.7033486764597336 0.6182204887249162 0.5779780727048228 0.49284988497000526 0.46653753603379583 0.40462612677210635 0.40153055630902496 0.4866587440438425 0.6863230389127685 0.7483941026854237 1.1506586083754 1.4292599500529806 1.6444020972373399 1.7357214258983202 +15898,1.5670128356602346,0,1.8905515418419916 1.6544843945358292 1.392018291970819 0.9726633067480613 0.8457449177616099 0.7033486764597336 0.6182204887249162 0.5779780727048228 0.49284988497000526 0.46653753603379583 0.40462612677210635 0.40153055630902496 0.4866587440438425 0.6863230389127685 0.7483941026854237 1.1506586083754 1.4292599500529806 1.6444020972373399 1.7357214258983202 1.6536888086265842 +15899,1.5221270639455105,0,1.6544843945358292 1.392018291970819 0.9726633067480613 0.8457449177616099 0.7033486764597336 0.6182204887249162 0.5779780727048228 0.49284988497000526 0.46653753603379583 0.40462612677210635 0.40153055630902496 0.4866587440438425 0.6863230389127685 0.7483941026854237 1.1506586083754 1.4292599500529806 1.6444020972373399 1.7357214258983202 1.6536888086265842 1.5670128356602346 +15900,1.472597936536164,0,1.392018291970819 0.9726633067480613 0.8457449177616099 0.7033486764597336 0.6182204887249162 0.5779780727048228 0.49284988497000526 0.46653753603379583 0.40462612677210635 0.40153055630902496 0.4866587440438425 0.6863230389127685 0.7483941026854237 1.1506586083754 1.4292599500529806 1.6444020972373399 1.7357214258983202 1.6536888086265842 1.5670128356602346 1.5221270639455105 +15901,1.3317494804658287,0,0.9726633067480613 0.8457449177616099 0.7033486764597336 0.6182204887249162 0.5779780727048228 0.49284988497000526 0.46653753603379583 0.40462612677210635 0.40153055630902496 0.4866587440438425 0.6863230389127685 0.7483941026854237 1.1506586083754 1.4292599500529806 1.6444020972373399 1.7357214258983202 1.6536888086265842 1.5670128356602346 1.5221270639455105 1.472597936536164 +15902,1.0871994138821786,0,0.8457449177616099 0.7033486764597336 0.6182204887249162 0.5779780727048228 0.49284988497000526 0.46653753603379583 0.40462612677210635 0.40153055630902496 0.4866587440438425 0.6863230389127685 0.7483941026854237 1.1506586083754 1.4292599500529806 1.6444020972373399 1.7357214258983202 1.6536888086265842 1.5670128356602346 1.5221270639455105 1.472597936536164 1.3317494804658287 +15903,0.7931202198891821,0,0.7033486764597336 0.6182204887249162 0.5779780727048228 0.49284988497000526 0.46653753603379583 0.40462612677210635 0.40153055630902496 0.4866587440438425 0.6863230389127685 0.7483941026854237 1.1506586083754 1.4292599500529806 1.6444020972373399 1.7357214258983202 1.6536888086265842 1.5670128356602346 1.5221270639455105 1.472597936536164 1.3317494804658287 1.0871994138821786 +15904,0.7575211595637109,0,0.6182204887249162 0.5779780727048228 0.49284988497000526 0.46653753603379583 0.40462612677210635 0.40153055630902496 0.4866587440438425 0.6863230389127685 0.7483941026854237 1.1506586083754 1.4292599500529806 1.6444020972373399 1.7357214258983202 1.6536888086265842 1.5670128356602346 1.5221270639455105 1.472597936536164 1.3317494804658287 1.0871994138821786 0.7931202198891821 +15905,0.6367939115034221,0,0.5779780727048228 0.49284988497000526 0.46653753603379583 0.40462612677210635 0.40153055630902496 0.4866587440438425 0.6863230389127685 0.7483941026854237 1.1506586083754 1.4292599500529806 1.6444020972373399 1.7357214258983202 1.6536888086265842 1.5670128356602346 1.5221270639455105 1.472597936536164 1.3317494804658287 1.0871994138821786 0.7931202198891821 0.7575211595637109 +15906,0.6027426364095004,0,0.49284988497000526 0.46653753603379583 0.40462612677210635 0.40153055630902496 0.4866587440438425 0.6863230389127685 0.7483941026854237 1.1506586083754 1.4292599500529806 1.6444020972373399 1.7357214258983202 1.6536888086265842 1.5670128356602346 1.5221270639455105 1.472597936536164 1.3317494804658287 1.0871994138821786 0.7931202198891821 0.7575211595637109 0.6367939115034221 +15907,0.5423790123793604,0,0.46653753603379583 0.40462612677210635 0.40153055630902496 0.4866587440438425 0.6863230389127685 0.7483941026854237 1.1506586083754 1.4292599500529806 1.6444020972373399 1.7357214258983202 1.6536888086265842 1.5670128356602346 1.5221270639455105 1.472597936536164 1.3317494804658287 1.0871994138821786 0.7931202198891821 0.7575211595637109 0.6367939115034221 0.6027426364095004 +15908,0.4262951200137025,0,0.40462612677210635 0.40153055630902496 0.4866587440438425 0.6863230389127685 0.7483941026854237 1.1506586083754 1.4292599500529806 1.6444020972373399 1.7357214258983202 1.6536888086265842 1.5670128356602346 1.5221270639455105 1.472597936536164 1.3317494804658287 1.0871994138821786 0.7931202198891821 0.7575211595637109 0.6367939115034221 0.6027426364095004 0.5423790123793604 +15909,0.392243844919772,0,0.40153055630902496 0.4866587440438425 0.6863230389127685 0.7483941026854237 1.1506586083754 1.4292599500529806 1.6444020972373399 1.7357214258983202 1.6536888086265842 1.5670128356602346 1.5221270639455105 1.472597936536164 1.3317494804658287 1.0871994138821786 0.7931202198891821 0.7575211595637109 0.6367939115034221 0.6027426364095004 0.5423790123793604 0.4262951200137025 +15910,0.3349757913527134,0,0.4866587440438425 0.6863230389127685 0.7483941026854237 1.1506586083754 1.4292599500529806 1.6444020972373399 1.7357214258983202 1.6536888086265842 1.5670128356602346 1.5221270639455105 1.472597936536164 1.3317494804658287 1.0871994138821786 0.7931202198891821 0.7575211595637109 0.6367939115034221 0.6027426364095004 0.5423790123793604 0.4262951200137025 0.392243844919772 +15911,0.36438371075201303,0,0.6863230389127685 0.7483941026854237 1.1506586083754 1.4292599500529806 1.6444020972373399 1.7357214258983202 1.6536888086265842 1.5670128356602346 1.5221270639455105 1.472597936536164 1.3317494804658287 1.0871994138821786 0.7931202198891821 0.7575211595637109 0.6367939115034221 0.6027426364095004 0.5423790123793604 0.4262951200137025 0.392243844919772 0.3349757913527134 +15912,0.3194979390372976,0,0.7483941026854237 1.1506586083754 1.4292599500529806 1.6444020972373399 1.7357214258983202 1.6536888086265842 1.5670128356602346 1.5221270639455105 1.472597936536164 1.3317494804658287 1.0871994138821786 0.7931202198891821 0.7575211595637109 0.6367939115034221 0.6027426364095004 0.5423790123793604 0.4262951200137025 0.392243844919772 0.3349757913527134 0.36438371075201303 +15913,0.331880220889632,0,1.1506586083754 1.4292599500529806 1.6444020972373399 1.7357214258983202 1.6536888086265842 1.5670128356602346 1.5221270639455105 1.472597936536164 1.3317494804658287 1.0871994138821786 0.7931202198891821 0.7575211595637109 0.6367939115034221 0.6027426364095004 0.5423790123793604 0.4262951200137025 0.392243844919772 0.3349757913527134 0.36438371075201303 0.3194979390372976 +15914,0.3891482744566906,0,1.4292599500529806 1.6444020972373399 1.7357214258983202 1.6536888086265842 1.5670128356602346 1.5221270639455105 1.472597936536164 1.3317494804658287 1.0871994138821786 0.7931202198891821 0.7575211595637109 0.6367939115034221 0.6027426364095004 0.5423790123793604 0.4262951200137025 0.392243844919772 0.3349757913527134 0.36438371075201303 0.3194979390372976 0.331880220889632 +15915,0.5408312271478108,0,1.6444020972373399 1.7357214258983202 1.6536888086265842 1.5670128356602346 1.5221270639455105 1.472597936536164 1.3317494804658287 1.0871994138821786 0.7931202198891821 0.7575211595637109 0.6367939115034221 0.6027426364095004 0.5423790123793604 0.4262951200137025 0.392243844919772 0.3349757913527134 0.36438371075201303 0.3194979390372976 0.331880220889632 0.3891482744566906 +15916,0.7544255891006295,0,1.7357214258983202 1.6536888086265842 1.5670128356602346 1.5221270639455105 1.472597936536164 1.3317494804658287 1.0871994138821786 0.7931202198891821 0.7575211595637109 0.6367939115034221 0.6027426364095004 0.5423790123793604 0.4262951200137025 0.392243844919772 0.3349757913527134 0.36438371075201303 0.3194979390372976 0.331880220889632 0.3891482744566906 0.5408312271478108 +15917,1.0794604877244662,0,1.6536888086265842 1.5670128356602346 1.5221270639455105 1.472597936536164 1.3317494804658287 1.0871994138821786 0.7931202198891821 0.7575211595637109 0.6367939115034221 0.6027426364095004 0.5423790123793604 0.4262951200137025 0.392243844919772 0.3349757913527134 0.36438371075201303 0.3194979390372976 0.331880220889632 0.3891482744566906 0.5408312271478108 0.7544255891006295 +15918,1.2435257222679297,0,1.5670128356602346 1.5221270639455105 1.472597936536164 1.3317494804658287 1.0871994138821786 0.7931202198891821 0.7575211595637109 0.6367939115034221 0.6027426364095004 0.5423790123793604 0.4262951200137025 0.392243844919772 0.3349757913527134 0.36438371075201303 0.3194979390372976 0.331880220889632 0.3891482744566906 0.5408312271478108 0.7544255891006295 1.0794604877244662 +15919,1.3781830374120936,0,1.5221270639455105 1.472597936536164 1.3317494804658287 1.0871994138821786 0.7931202198891821 0.7575211595637109 0.6367939115034221 0.6027426364095004 0.5423790123793604 0.4262951200137025 0.392243844919772 0.3349757913527134 0.36438371075201303 0.3194979390372976 0.331880220889632 0.3891482744566906 0.5408312271478108 0.7544255891006295 1.0794604877244662 1.2435257222679297 +15920,1.588681828901822,0,1.472597936536164 1.3317494804658287 1.0871994138821786 0.7931202198891821 0.7575211595637109 0.6367939115034221 0.6027426364095004 0.5423790123793604 0.4262951200137025 0.392243844919772 0.3349757913527134 0.36438371075201303 0.3194979390372976 0.331880220889632 0.3891482744566906 0.5408312271478108 0.7544255891006295 1.0794604877244662 1.2435257222679297 1.3781830374120936 +15921,1.5933251845964442,0,1.3317494804658287 1.0871994138821786 0.7931202198891821 0.7575211595637109 0.6367939115034221 0.6027426364095004 0.5423790123793604 0.4262951200137025 0.392243844919772 0.3349757913527134 0.36438371075201303 0.3194979390372976 0.331880220889632 0.3891482744566906 0.5408312271478108 0.7544255891006295 1.0794604877244662 1.2435257222679297 1.3781830374120936 1.588681828901822 +15922,1.6103508221434093,0,1.0871994138821786 0.7931202198891821 0.7575211595637109 0.6367939115034221 0.6027426364095004 0.5423790123793604 0.4262951200137025 0.392243844919772 0.3349757913527134 0.36438371075201303 0.3194979390372976 0.331880220889632 0.3891482744566906 0.5408312271478108 0.7544255891006295 1.0794604877244662 1.2435257222679297 1.3781830374120936 1.588681828901822 1.5933251845964442 +15923,1.6985745803413084,0,0.7931202198891821 0.7575211595637109 0.6367939115034221 0.6027426364095004 0.5423790123793604 0.4262951200137025 0.392243844919772 0.3349757913527134 0.36438371075201303 0.3194979390372976 0.331880220889632 0.3891482744566906 0.5408312271478108 0.7544255891006295 1.0794604877244662 1.2435257222679297 1.3781830374120936 1.588681828901822 1.5933251845964442 1.6103508221434093 +15924,1.6057074664487874,0,0.7575211595637109 0.6367939115034221 0.6027426364095004 0.5423790123793604 0.4262951200137025 0.392243844919772 0.3349757913527134 0.36438371075201303 0.3194979390372976 0.331880220889632 0.3891482744566906 0.5408312271478108 0.7544255891006295 1.0794604877244662 1.2435257222679297 1.3781830374120936 1.588681828901822 1.5933251845964442 1.6103508221434093 1.6985745803413084 +15925,1.3642529703282185,0,0.6367939115034221 0.6027426364095004 0.5423790123793604 0.4262951200137025 0.392243844919772 0.3349757913527134 0.36438371075201303 0.3194979390372976 0.331880220889632 0.3891482744566906 0.5408312271478108 0.7544255891006295 1.0794604877244662 1.2435257222679297 1.3781830374120936 1.588681828901822 1.5933251845964442 1.6103508221434093 1.6985745803413084 1.6057074664487874 +15926,1.1661364606908244,0,0.6027426364095004 0.5423790123793604 0.4262951200137025 0.392243844919772 0.3349757913527134 0.36438371075201303 0.3194979390372976 0.331880220889632 0.3891482744566906 0.5408312271478108 0.7544255891006295 1.0794604877244662 1.2435257222679297 1.3781830374120936 1.588681828901822 1.5933251845964442 1.6103508221434093 1.6985745803413084 1.6057074664487874 1.3642529703282185 +15927,0.9246819645702558,0,0.5423790123793604 0.4262951200137025 0.392243844919772 0.3349757913527134 0.36438371075201303 0.3194979390372976 0.331880220889632 0.3891482744566906 0.5408312271478108 0.7544255891006295 1.0794604877244662 1.2435257222679297 1.3781830374120936 1.588681828901822 1.5933251845964442 1.6103508221434093 1.6985745803413084 1.6057074664487874 1.3642529703282185 1.1661364606908244 +15928,0.7157309583120769,0,0.4262951200137025 0.392243844919772 0.3349757913527134 0.36438371075201303 0.3194979390372976 0.331880220889632 0.3891482744566906 0.5408312271478108 0.7544255891006295 1.0794604877244662 1.2435257222679297 1.3781830374120936 1.588681828901822 1.5933251845964442 1.6103508221434093 1.6985745803413084 1.6057074664487874 1.3642529703282185 1.1661364606908244 0.9246819645702558 +15929,0.6089337773356631,0,0.392243844919772 0.3349757913527134 0.36438371075201303 0.3194979390372976 0.331880220889632 0.3891482744566906 0.5408312271478108 0.7544255891006295 1.0794604877244662 1.2435257222679297 1.3781830374120936 1.588681828901822 1.5933251845964442 1.6103508221434093 1.6985745803413084 1.6057074664487874 1.3642529703282185 1.1661364606908244 0.9246819645702558 0.7157309583120769 +15930,0.5392834419162702,0,0.3349757913527134 0.36438371075201303 0.3194979390372976 0.331880220889632 0.3891482744566906 0.5408312271478108 0.7544255891006295 1.0794604877244662 1.2435257222679297 1.3781830374120936 1.588681828901822 1.5933251845964442 1.6103508221434093 1.6985745803413084 1.6057074664487874 1.3642529703282185 1.1661364606908244 0.9246819645702558 0.7157309583120769 0.6089337773356631 +15931,0.5114233077485113,0,0.36438371075201303 0.3194979390372976 0.331880220889632 0.3891482744566906 0.5408312271478108 0.7544255891006295 1.0794604877244662 1.2435257222679297 1.3781830374120936 1.588681828901822 1.5933251845964442 1.6103508221434093 1.6985745803413084 1.6057074664487874 1.3642529703282185 1.1661364606908244 0.9246819645702558 0.7157309583120769 0.6089337773356631 0.5392834419162702 +15932,0.47277781294992216,0,0.3194979390372976 0.331880220889632 0.3891482744566906 0.5408312271478108 0.7544255891006295 1.0794604877244662 1.2435257222679297 1.3781830374120936 1.588681828901822 1.5933251845964442 1.6103508221434093 1.6985745803413084 1.6057074664487874 1.3642529703282185 1.1661364606908244 0.9246819645702558 0.7157309583120769 0.6089337773356631 0.5392834419162702 0.5114233077485113 +15933,0.4804676031176709,0,0.331880220889632 0.3891482744566906 0.5408312271478108 0.7544255891006295 1.0794604877244662 1.2435257222679297 1.3781830374120936 1.588681828901822 1.5933251845964442 1.6103508221434093 1.6985745803413084 1.6057074664487874 1.3642529703282185 1.1661364606908244 0.9246819645702558 0.7157309583120769 0.6089337773356631 0.5392834419162702 0.5114233077485113 0.47277781294992216 +15934,0.4092694824667372,0,0.3891482744566906 0.5408312271478108 0.7544255891006295 1.0794604877244662 1.2435257222679297 1.3781830374120936 1.588681828901822 1.5933251845964442 1.6103508221434093 1.6985745803413084 1.6057074664487874 1.3642529703282185 1.1661364606908244 0.9246819645702558 0.7157309583120769 0.6089337773356631 0.5392834419162702 0.5114233077485113 0.47277781294992216 0.4804676031176709 +15935,0.36283592552047234,0,0.5408312271478108 0.7544255891006295 1.0794604877244662 1.2435257222679297 1.3781830374120936 1.588681828901822 1.5933251845964442 1.6103508221434093 1.6985745803413084 1.6057074664487874 1.3642529703282185 1.1661364606908244 0.9246819645702558 0.7157309583120769 0.6089337773356631 0.5392834419162702 0.5114233077485113 0.47277781294992216 0.4804676031176709 0.4092694824667372 +15936,0.36593149598355373,0,0.7544255891006295 1.0794604877244662 1.2435257222679297 1.3781830374120936 1.588681828901822 1.5933251845964442 1.6103508221434093 1.6985745803413084 1.6057074664487874 1.3642529703282185 1.1661364606908244 0.9246819645702558 0.7157309583120769 0.6089337773356631 0.5392834419162702 0.5114233077485113 0.47277781294992216 0.4804676031176709 0.4092694824667372 0.36283592552047234 +15937,0.35509699936276,0,1.0794604877244662 1.2435257222679297 1.3781830374120936 1.588681828901822 1.5933251845964442 1.6103508221434093 1.6985745803413084 1.6057074664487874 1.3642529703282185 1.1661364606908244 0.9246819645702558 0.7157309583120769 0.6089337773356631 0.5392834419162702 0.5114233077485113 0.47277781294992216 0.4804676031176709 0.4092694824667372 0.36283592552047234 0.36593149598355373 +15938,0.39843498584594356,0,1.2435257222679297 1.3781830374120936 1.588681828901822 1.5933251845964442 1.6103508221434093 1.6985745803413084 1.6057074664487874 1.3642529703282185 1.1661364606908244 0.9246819645702558 0.7157309583120769 0.6089337773356631 0.5392834419162702 0.5114233077485113 0.47277781294992216 0.4804676031176709 0.4092694824667372 0.36283592552047234 0.36593149598355373 0.35509699936276 +15939,0.5640480056209477,0,1.3781830374120936 1.588681828901822 1.5933251845964442 1.6103508221434093 1.6985745803413084 1.6057074664487874 1.3642529703282185 1.1661364606908244 0.9246819645702558 0.7157309583120769 0.6089337773356631 0.5392834419162702 0.5114233077485113 0.47277781294992216 0.4804676031176709 0.4092694824667372 0.36283592552047234 0.36593149598355373 0.35509699936276 0.39843498584594356 +15940,0.738947736785205,0,1.588681828901822 1.5933251845964442 1.6103508221434093 1.6985745803413084 1.6057074664487874 1.3642529703282185 1.1661364606908244 0.9246819645702558 0.7157309583120769 0.6089337773356631 0.5392834419162702 0.5114233077485113 0.47277781294992216 0.4804676031176709 0.4092694824667372 0.36283592552047234 0.36593149598355373 0.35509699936276 0.39843498584594356 0.5640480056209477 +15941,1.0051667966104425,0,1.5933251845964442 1.6103508221434093 1.6985745803413084 1.6057074664487874 1.3642529703282185 1.1661364606908244 0.9246819645702558 0.7157309583120769 0.6089337773356631 0.5392834419162702 0.5114233077485113 0.47277781294992216 0.4804676031176709 0.4092694824667372 0.36283592552047234 0.36593149598355373 0.35509699936276 0.39843498584594356 0.5640480056209477 0.738947736785205 +15942,1.1583975345331123,0,1.6103508221434093 1.6985745803413084 1.6057074664487874 1.3642529703282185 1.1661364606908244 0.9246819645702558 0.7157309583120769 0.6089337773356631 0.5392834419162702 0.5114233077485113 0.47277781294992216 0.4804676031176709 0.4092694824667372 0.36283592552047234 0.36593149598355373 0.35509699936276 0.39843498584594356 0.5640480056209477 0.738947736785205 1.0051667966104425 +15943,1.3271061247712066,0,1.6985745803413084 1.6057074664487874 1.3642529703282185 1.1661364606908244 0.9246819645702558 0.7157309583120769 0.6089337773356631 0.5392834419162702 0.5114233077485113 0.47277781294992216 0.4804676031176709 0.4092694824667372 0.36283592552047234 0.36593149598355373 0.35509699936276 0.39843498584594356 0.5640480056209477 0.738947736785205 1.0051667966104425 1.1583975345331123 +15944,1.478789077462327,0,1.6057074664487874 1.3642529703282185 1.1661364606908244 0.9246819645702558 0.7157309583120769 0.6089337773356631 0.5392834419162702 0.5114233077485113 0.47277781294992216 0.4804676031176709 0.4092694824667372 0.36283592552047234 0.36593149598355373 0.35509699936276 0.39843498584594356 0.5640480056209477 0.738947736785205 1.0051667966104425 1.1583975345331123 1.3271061247712066 +15945,1.4339033057476116,0,1.3642529703282185 1.1661364606908244 0.9246819645702558 0.7157309583120769 0.6089337773356631 0.5392834419162702 0.5114233077485113 0.47277781294992216 0.4804676031176709 0.4092694824667372 0.36283592552047234 0.36593149598355373 0.35509699936276 0.39843498584594356 0.5640480056209477 0.738947736785205 1.0051667966104425 1.1583975345331123 1.3271061247712066 1.478789077462327 +15946,1.454411365341086,0,1.1661364606908244 0.9246819645702558 0.7157309583120769 0.6089337773356631 0.5392834419162702 0.5114233077485113 0.47277781294992216 0.4804676031176709 0.4092694824667372 0.36283592552047234 0.36593149598355373 0.35509699936276 0.39843498584594356 0.5640480056209477 0.738947736785205 1.0051667966104425 1.1583975345331123 1.3271061247712066 1.478789077462327 1.4339033057476116 +15947,1.5305237514644014,0,0.9246819645702558 0.7157309583120769 0.6089337773356631 0.5392834419162702 0.5114233077485113 0.47277781294992216 0.4804676031176709 0.4092694824667372 0.36283592552047234 0.36593149598355373 0.35509699936276 0.39843498584594356 0.5640480056209477 0.738947736785205 1.0051667966104425 1.1583975345331123 1.3271061247712066 1.478789077462327 1.4339033057476116 1.454411365341086 +15948,1.3729093896746876,0,0.7157309583120769 0.6089337773356631 0.5392834419162702 0.5114233077485113 0.47277781294992216 0.4804676031176709 0.4092694824667372 0.36283592552047234 0.36593149598355373 0.35509699936276 0.39843498584594356 0.5640480056209477 0.738947736785205 1.0051667966104425 1.1583975345331123 1.3271061247712066 1.478789077462327 1.4339033057476116 1.454411365341086 1.5305237514644014 +15949,1.5018510774123133,0,0.6089337773356631 0.5392834419162702 0.5114233077485113 0.47277781294992216 0.4804676031176709 0.4092694824667372 0.36283592552047234 0.36593149598355373 0.35509699936276 0.39843498584594356 0.5640480056209477 0.738947736785205 1.0051667966104425 1.1583975345331123 1.3271061247712066 1.478789077462327 1.4339033057476116 1.454411365341086 1.5305237514644014 1.3729093896746876 +15950,1.3970660172369096,0,0.5392834419162702 0.5114233077485113 0.47277781294992216 0.4804676031176709 0.4092694824667372 0.36283592552047234 0.36593149598355373 0.35509699936276 0.39843498584594356 0.5640480056209477 0.738947736785205 1.0051667966104425 1.1583975345331123 1.3271061247712066 1.478789077462327 1.4339033057476116 1.454411365341086 1.5305237514644014 1.3729093896746876 1.5018510774123133 +15951,1.0615835683001553,0,0.5114233077485113 0.47277781294992216 0.4804676031176709 0.4092694824667372 0.36283592552047234 0.36593149598355373 0.35509699936276 0.39843498584594356 0.5640480056209477 0.738947736785205 1.0051667966104425 1.1583975345331123 1.3271061247712066 1.478789077462327 1.4339033057476116 1.454411365341086 1.5305237514644014 1.3729093896746876 1.5018510774123133 1.3970660172369096 +15952,1.033697637660282,0,0.47277781294992216 0.4804676031176709 0.4092694824667372 0.36283592552047234 0.36593149598355373 0.35509699936276 0.39843498584594356 0.5640480056209477 0.738947736785205 1.0051667966104425 1.1583975345331123 1.3271061247712066 1.478789077462327 1.4339033057476116 1.454411365341086 1.5305237514644014 1.3729093896746876 1.5018510774123133 1.3970660172369096 1.0615835683001553 +15953,0.7751143184138352,0,0.4804676031176709 0.4092694824667372 0.36283592552047234 0.36593149598355373 0.35509699936276 0.39843498584594356 0.5640480056209477 0.738947736785205 1.0051667966104425 1.1583975345331123 1.3271061247712066 1.478789077462327 1.4339033057476116 1.454411365341086 1.5305237514644014 1.3729093896746876 1.5018510774123133 1.3970660172369096 1.0615835683001553 1.033697637660282 +15954,0.8068181191883226,0,0.4092694824667372 0.36283592552047234 0.36593149598355373 0.35509699936276 0.39843498584594356 0.5640480056209477 0.738947736785205 1.0051667966104425 1.1583975345331123 1.3271061247712066 1.478789077462327 1.4339033057476116 1.454411365341086 1.5305237514644014 1.3729093896746876 1.5018510774123133 1.3970660172369096 1.0615835683001553 1.033697637660282 0.7751143184138352 +15955,0.4514724264983797,0,0.36283592552047234 0.36593149598355373 0.35509699936276 0.39843498584594356 0.5640480056209477 0.738947736785205 1.0051667966104425 1.1583975345331123 1.3271061247712066 1.478789077462327 1.4339033057476116 1.454411365341086 1.5305237514644014 1.3729093896746876 1.5018510774123133 1.3970660172369096 1.0615835683001553 1.033697637660282 0.7751143184138352 0.8068181191883226 +15956,0.3864138538293711,0,0.36593149598355373 0.35509699936276 0.39843498584594356 0.5640480056209477 0.738947736785205 1.0051667966104425 1.1583975345331123 1.3271061247712066 1.478789077462327 1.4339033057476116 1.454411365341086 1.5305237514644014 1.3729093896746876 1.5018510774123133 1.3970660172369096 1.0615835683001553 1.033697637660282 0.7751143184138352 0.8068181191883226 0.4514724264983797 +15957,0.4231995495506123,0,0.35509699936276 0.39843498584594356 0.5640480056209477 0.738947736785205 1.0051667966104425 1.1583975345331123 1.3271061247712066 1.478789077462327 1.4339033057476116 1.454411365341086 1.5305237514644014 1.3729093896746876 1.5018510774123133 1.3970660172369096 1.0615835683001553 1.033697637660282 0.7751143184138352 0.8068181191883226 0.4514724264983797 0.3864138538293711 +15958,0.32419288752138053,0,0.39843498584594356 0.5640480056209477 0.738947736785205 1.0051667966104425 1.1583975345331123 1.3271061247712066 1.478789077462327 1.4339033057476116 1.454411365341086 1.5305237514644014 1.3729093896746876 1.5018510774123133 1.3970660172369096 1.0615835683001553 1.033697637660282 0.7751143184138352 0.8068181191883226 0.4514724264983797 0.3864138538293711 0.4231995495506123 +15959,0.3270304938823897,0,0.5640480056209477 0.738947736785205 1.0051667966104425 1.1583975345331123 1.3271061247712066 1.478789077462327 1.4339033057476116 1.454411365341086 1.5305237514644014 1.3729093896746876 1.5018510774123133 1.3970660172369096 1.0615835683001553 1.033697637660282 0.7751143184138352 0.8068181191883226 0.4514724264983797 0.3864138538293711 0.4231995495506123 0.32419288752138053 +15960,0.5303836768349024,0,0.738947736785205 1.0051667966104425 1.1583975345331123 1.3271061247712066 1.478789077462327 1.4339033057476116 1.454411365341086 1.5305237514644014 1.3729093896746876 1.5018510774123133 1.3970660172369096 1.0615835683001553 1.033697637660282 0.7751143184138352 0.8068181191883226 0.4514724264983797 0.3864138538293711 0.4231995495506123 0.32419288752138053 0.3270304938823897 +15961,0.4663827575106453,0,1.0051667966104425 1.1583975345331123 1.3271061247712066 1.478789077462327 1.4339033057476116 1.454411365341086 1.5305237514644014 1.3729093896746876 1.5018510774123133 1.3970660172369096 1.0615835683001553 1.033697637660282 0.7751143184138352 0.8068181191883226 0.4514724264983797 0.3864138538293711 0.4231995495506123 0.32419288752138053 0.3270304938823897 0.5303836768349024 +15962,0.6028974149326509,0,1.1583975345331123 1.3271061247712066 1.478789077462327 1.4339033057476116 1.454411365341086 1.5305237514644014 1.3729093896746876 1.5018510774123133 1.3970660172369096 1.0615835683001553 1.033697637660282 0.7751143184138352 0.8068181191883226 0.4514724264983797 0.3864138538293711 0.4231995495506123 0.32419288752138053 0.3270304938823897 0.5303836768349024 0.4663827575106453 +15963,0.8105328037440238,0,1.3271061247712066 1.478789077462327 1.4339033057476116 1.454411365341086 1.5305237514644014 1.3729093896746876 1.5018510774123133 1.3970660172369096 1.0615835683001553 1.033697637660282 0.7751143184138352 0.8068181191883226 0.4514724264983797 0.3864138538293711 0.4231995495506123 0.32419288752138053 0.3270304938823897 0.5303836768349024 0.4663827575106453 0.6028974149326509 +15964,0.9233405506513265,0,1.478789077462327 1.4339033057476116 1.454411365341086 1.5305237514644014 1.3729093896746876 1.5018510774123133 1.3970660172369096 1.0615835683001553 1.033697637660282 0.7751143184138352 0.8068181191883226 0.4514724264983797 0.3864138538293711 0.4231995495506123 0.32419288752138053 0.3270304938823897 0.5303836768349024 0.4663827575106453 0.6028974149326509 0.8105328037440238 +15965,1.1072690291027645,0,1.4339033057476116 1.454411365341086 1.5305237514644014 1.3729093896746876 1.5018510774123133 1.3970660172369096 1.0615835683001553 1.033697637660282 0.7751143184138352 0.8068181191883226 0.4514724264983797 0.3864138538293711 0.4231995495506123 0.32419288752138053 0.3270304938823897 0.5303836768349024 0.4663827575106453 0.6028974149326509 0.8105328037440238 0.9233405506513265 +15966,1.168922474107596,0,1.454411365341086 1.5305237514644014 1.3729093896746876 1.5018510774123133 1.3970660172369096 1.0615835683001553 1.033697637660282 0.7751143184138352 0.8068181191883226 0.4514724264983797 0.3864138538293711 0.4231995495506123 0.32419288752138053 0.3270304938823897 0.5303836768349024 0.4663827575106453 0.6028974149326509 0.8105328037440238 0.9233405506513265 1.1072690291027645 +15967,1.3936092969380574,0,1.5305237514644014 1.3729093896746876 1.5018510774123133 1.3970660172369096 1.0615835683001553 1.033697637660282 0.7751143184138352 0.8068181191883226 0.4514724264983797 0.3864138538293711 0.4231995495506123 0.32419288752138053 0.3270304938823897 0.5303836768349024 0.4663827575106453 0.6028974149326509 0.8105328037440238 0.9233405506513265 1.1072690291027645 1.168922474107596 +15968,1.4960210863219037,0,1.3729093896746876 1.5018510774123133 1.3970660172369096 1.0615835683001553 1.033697637660282 0.7751143184138352 0.8068181191883226 0.4514724264983797 0.3864138538293711 0.4231995495506123 0.32419288752138053 0.3270304938823897 0.5303836768349024 0.4663827575106453 0.6028974149326509 0.8105328037440238 0.9233405506513265 1.1072690291027645 1.168922474107596 1.3936092969380574 +15969,1.313563003995208,0,1.5018510774123133 1.3970660172369096 1.0615835683001553 1.033697637660282 0.7751143184138352 0.8068181191883226 0.4514724264983797 0.3864138538293711 0.4231995495506123 0.32419288752138053 0.3270304938823897 0.5303836768349024 0.4663827575106453 0.6028974149326509 0.8105328037440238 0.9233405506513265 1.1072690291027645 1.168922474107596 1.3936092969380574 1.4960210863219037 +15970,1.510931417488946,0,1.3970660172369096 1.0615835683001553 1.033697637660282 0.7751143184138352 0.8068181191883226 0.4514724264983797 0.3864138538293711 0.4231995495506123 0.32419288752138053 0.3270304938823897 0.5303836768349024 0.4663827575106453 0.6028974149326509 0.8105328037440238 0.9233405506513265 1.1072690291027645 1.168922474107596 1.3936092969380574 1.4960210863219037 1.313563003995208 +15971,1.4234299589625798,0,1.0615835683001553 1.033697637660282 0.7751143184138352 0.8068181191883226 0.4514724264983797 0.3864138538293711 0.4231995495506123 0.32419288752138053 0.3270304938823897 0.5303836768349024 0.4663827575106453 0.6028974149326509 0.8105328037440238 0.9233405506513265 1.1072690291027645 1.168922474107596 1.3936092969380574 1.4960210863219037 1.313563003995208 1.510931417488946 +15972,1.5149298626188428,0,1.033697637660282 0.7751143184138352 0.8068181191883226 0.4514724264983797 0.3864138538293711 0.4231995495506123 0.32419288752138053 0.3270304938823897 0.5303836768349024 0.4663827575106453 0.6028974149326509 0.8105328037440238 0.9233405506513265 1.1072690291027645 1.168922474107596 1.3936092969380574 1.4960210863219037 1.313563003995208 1.510931417488946 1.4234299589625798 +15973,1.3677612835713084,0,0.7751143184138352 0.8068181191883226 0.4514724264983797 0.3864138538293711 0.4231995495506123 0.32419288752138053 0.3270304938823897 0.5303836768349024 0.4663827575106453 0.6028974149326509 0.8105328037440238 0.9233405506513265 1.1072690291027645 1.168922474107596 1.3936092969380574 1.4960210863219037 1.313563003995208 1.510931417488946 1.4234299589625798 1.5149298626188428 +15974,1.3995940663968318,0,0.8068181191883226 0.4514724264983797 0.3864138538293711 0.4231995495506123 0.32419288752138053 0.3270304938823897 0.5303836768349024 0.4663827575106453 0.6028974149326509 0.8105328037440238 0.9233405506513265 1.1072690291027645 1.168922474107596 1.3936092969380574 1.4960210863219037 1.313563003995208 1.510931417488946 1.4234299589625798 1.5149298626188428 1.3677612835713084 +15975,0.9622931456967282,0,0.4514724264983797 0.3864138538293711 0.4231995495506123 0.32419288752138053 0.3270304938823897 0.5303836768349024 0.4663827575106453 0.6028974149326509 0.8105328037440238 0.9233405506513265 1.1072690291027645 1.168922474107596 1.3936092969380574 1.4960210863219037 1.313563003995208 1.510931417488946 1.4234299589625798 1.5149298626188428 1.3677612835713084 1.3995940663968318 +15976,1.1505038298522494,0,0.3864138538293711 0.4231995495506123 0.32419288752138053 0.3270304938823897 0.5303836768349024 0.4663827575106453 0.6028974149326509 0.8105328037440238 0.9233405506513265 1.1072690291027645 1.168922474107596 1.3936092969380574 1.4960210863219037 1.313563003995208 1.510931417488946 1.4234299589625798 1.5149298626188428 1.3677612835713084 1.3995940663968318 0.9622931456967282 +15977,0.8695808103273577,0,0.4231995495506123 0.32419288752138053 0.3270304938823897 0.5303836768349024 0.4663827575106453 0.6028974149326509 0.8105328037440238 0.9233405506513265 1.1072690291027645 1.168922474107596 1.3936092969380574 1.4960210863219037 1.313563003995208 1.510931417488946 1.4234299589625798 1.5149298626188428 1.3677612835713084 1.3995940663968318 0.9622931456967282 1.1505038298522494 +15978,0.881653535133391,0,0.32419288752138053 0.3270304938823897 0.5303836768349024 0.4663827575106453 0.6028974149326509 0.8105328037440238 0.9233405506513265 1.1072690291027645 1.168922474107596 1.3936092969380574 1.4960210863219037 1.313563003995208 1.510931417488946 1.4234299589625798 1.5149298626188428 1.3677612835713084 1.3995940663968318 0.9622931456967282 1.1505038298522494 0.8695808103273577 +15979,0.5030652674981879,0,0.3270304938823897 0.5303836768349024 0.4663827575106453 0.6028974149326509 0.8105328037440238 0.9233405506513265 1.1072690291027645 1.168922474107596 1.3936092969380574 1.4960210863219037 1.313563003995208 1.510931417488946 1.4234299589625798 1.5149298626188428 1.3677612835713084 1.3995940663968318 0.9622931456967282 1.1505038298522494 0.8695808103273577 0.881653535133391 +15980,0.41747274419390995,0,0.5303836768349024 0.4663827575106453 0.6028974149326509 0.8105328037440238 0.9233405506513265 1.1072690291027645 1.168922474107596 1.3936092969380574 1.4960210863219037 1.313563003995208 1.510931417488946 1.4234299589625798 1.5149298626188428 1.3677612835713084 1.3995940663968318 0.9622931456967282 1.1505038298522494 0.8695808103273577 0.881653535133391 0.5030652674981879 +15981,0.3843501402389091,0,0.4663827575106453 0.6028974149326509 0.8105328037440238 0.9233405506513265 1.1072690291027645 1.168922474107596 1.3936092969380574 1.4960210863219037 1.313563003995208 1.510931417488946 1.4234299589625798 1.5149298626188428 1.3677612835713084 1.3995940663968318 0.9622931456967282 1.1505038298522494 0.8695808103273577 0.881653535133391 0.5030652674981879 0.41747274419390995 +15982,0.2812676438182054,0,0.6028974149326509 0.8105328037440238 0.9233405506513265 1.1072690291027645 1.168922474107596 1.3936092969380574 1.4960210863219037 1.313563003995208 1.510931417488946 1.4234299589625798 1.5149298626188428 1.3677612835713084 1.3995940663968318 0.9622931456967282 1.1505038298522494 0.8695808103273577 0.881653535133391 0.5030652674981879 0.41747274419390995 0.3843501402389091 +15983,0.23065506674677888,0,0.8105328037440238 0.9233405506513265 1.1072690291027645 1.168922474107596 1.3936092969380574 1.4960210863219037 1.313563003995208 1.510931417488946 1.4234299589625798 1.5149298626188428 1.3677612835713084 1.3995940663968318 0.9622931456967282 1.1505038298522494 0.8695808103273577 0.881653535133391 0.5030652674981879 0.41747274419390995 0.3843501402389091 0.2812676438182054 +15984,0.5728703814407403,0,0.9233405506513265 1.1072690291027645 1.168922474107596 1.3936092969380574 1.4960210863219037 1.313563003995208 1.510931417488946 1.4234299589625798 1.5149298626188428 1.3677612835713084 1.3995940663968318 0.9622931456967282 1.1505038298522494 0.8695808103273577 0.881653535133391 0.5030652674981879 0.41747274419390995 0.3843501402389091 0.2812676438182054 0.23065506674677888 +15985,0.39131517378085107,0,1.1072690291027645 1.168922474107596 1.3936092969380574 1.4960210863219037 1.313563003995208 1.510931417488946 1.4234299589625798 1.5149298626188428 1.3677612835713084 1.3995940663968318 0.9622931456967282 1.1505038298522494 0.8695808103273577 0.881653535133391 0.5030652674981879 0.41747274419390995 0.3843501402389091 0.2812676438182054 0.23065506674677888 0.5728703814407403 +15986,0.6025878578863498,0,1.168922474107596 1.3936092969380574 1.4960210863219037 1.313563003995208 1.510931417488946 1.4234299589625798 1.5149298626188428 1.3677612835713084 1.3995940663968318 0.9622931456967282 1.1505038298522494 0.8695808103273577 0.881653535133391 0.5030652674981879 0.41747274419390995 0.3843501402389091 0.2812676438182054 0.23065506674677888 0.5728703814407403 0.39131517378085107 +15987,0.9616740316041171,0,1.3936092969380574 1.4960210863219037 1.313563003995208 1.510931417488946 1.4234299589625798 1.5149298626188428 1.3677612835713084 1.3995940663968318 0.9622931456967282 1.1505038298522494 0.8695808103273577 0.881653535133391 0.5030652674981879 0.41747274419390995 0.3843501402389091 0.2812676438182054 0.23065506674677888 0.5728703814407403 0.39131517378085107 0.6025878578863498 +15988,1.1236755525571098,0,1.4960210863219037 1.313563003995208 1.510931417488946 1.4234299589625798 1.5149298626188428 1.3677612835713084 1.3995940663968318 0.9622931456967282 1.1505038298522494 0.8695808103273577 0.881653535133391 0.5030652674981879 0.41747274419390995 0.3843501402389091 0.2812676438182054 0.23065506674677888 0.5728703814407403 0.39131517378085107 0.6025878578863498 0.9616740316041171 +15989,1.4334905629676031,0,1.313563003995208 1.510931417488946 1.4234299589625798 1.5149298626188428 1.3677612835713084 1.3995940663968318 0.9622931456967282 1.1505038298522494 0.8695808103273577 0.881653535133391 0.5030652674981879 0.41747274419390995 0.3843501402389091 0.2812676438182054 0.23065506674677888 0.5728703814407403 0.39131517378085107 0.6025878578863498 0.9616740316041171 1.1236755525571098 +15990,1.485444553957959,0,1.510931417488946 1.4234299589625798 1.5149298626188428 1.3677612835713084 1.3995940663968318 0.9622931456967282 1.1505038298522494 0.8695808103273577 0.881653535133391 0.5030652674981879 0.41747274419390995 0.3843501402389091 0.2812676438182054 0.23065506674677888 0.5728703814407403 0.39131517378085107 0.6025878578863498 0.9616740316041171 1.1236755525571098 1.4334905629676031 +15991,1.8812132376632777,0,1.4234299589625798 1.5149298626188428 1.3677612835713084 1.3995940663968318 0.9622931456967282 1.1505038298522494 0.8695808103273577 0.881653535133391 0.5030652674981879 0.41747274419390995 0.3843501402389091 0.2812676438182054 0.23065506674677888 0.5728703814407403 0.39131517378085107 0.6025878578863498 0.9616740316041171 1.1236755525571098 1.4334905629676031 1.485444553957959 +15992,2.0191209017936735,0,1.5149298626188428 1.3677612835713084 1.3995940663968318 0.9622931456967282 1.1505038298522494 0.8695808103273577 0.881653535133391 0.5030652674981879 0.41747274419390995 0.3843501402389091 0.2812676438182054 0.23065506674677888 0.5728703814407403 0.39131517378085107 0.6025878578863498 0.9616740316041171 1.1236755525571098 1.4334905629676031 1.485444553957959 1.8812132376632777 +15993,1.9040430698285207,0,1.3677612835713084 1.3995940663968318 0.9622931456967282 1.1505038298522494 0.8695808103273577 0.881653535133391 0.5030652674981879 0.41747274419390995 0.3843501402389091 0.2812676438182054 0.23065506674677888 0.5728703814407403 0.39131517378085107 0.6025878578863498 0.9616740316041171 1.1236755525571098 1.4334905629676031 1.485444553957959 1.8812132376632777 2.0191209017936735 +15994,2.126279232605849,0,1.3995940663968318 0.9622931456967282 1.1505038298522494 0.8695808103273577 0.881653535133391 0.5030652674981879 0.41747274419390995 0.3843501402389091 0.2812676438182054 0.23065506674677888 0.5728703814407403 0.39131517378085107 0.6025878578863498 0.9616740316041171 1.1236755525571098 1.4334905629676031 1.485444553957959 1.8812132376632777 2.0191209017936735 1.9040430698285207 +15995,2.095529899442406,0,0.9622931456967282 1.1505038298522494 0.8695808103273577 0.881653535133391 0.5030652674981879 0.41747274419390995 0.3843501402389091 0.2812676438182054 0.23065506674677888 0.5728703814407403 0.39131517378085107 0.6025878578863498 0.9616740316041171 1.1236755525571098 1.4334905629676031 1.485444553957959 1.8812132376632777 2.0191209017936735 1.9040430698285207 2.126279232605849 +15996,1.7908225801412183,0,1.1505038298522494 0.8695808103273577 0.881653535133391 0.5030652674981879 0.41747274419390995 0.3843501402389091 0.2812676438182054 0.23065506674677888 0.5728703814407403 0.39131517378085107 0.6025878578863498 0.9616740316041171 1.1236755525571098 1.4334905629676031 1.485444553957959 1.8812132376632777 2.0191209017936735 1.9040430698285207 2.126279232605849 2.095529899442406 +15997,1.8513925754839697,0,0.8695808103273577 0.881653535133391 0.5030652674981879 0.41747274419390995 0.3843501402389091 0.2812676438182054 0.23065506674677888 0.5728703814407403 0.39131517378085107 0.6025878578863498 0.9616740316041171 1.1236755525571098 1.4334905629676031 1.485444553957959 1.8812132376632777 2.0191209017936735 1.9040430698285207 2.126279232605849 2.095529899442406 1.7908225801412183 +15998,1.638004584998557,0,0.881653535133391 0.5030652674981879 0.41747274419390995 0.3843501402389091 0.2812676438182054 0.23065506674677888 0.5728703814407403 0.39131517378085107 0.6025878578863498 0.9616740316041171 1.1236755525571098 1.4334905629676031 1.485444553957959 1.8812132376632777 2.0191209017936735 1.9040430698285207 2.126279232605849 2.095529899442406 1.7908225801412183 1.8513925754839697 +15999,1.3469951649965186,0,0.5030652674981879 0.41747274419390995 0.3843501402389091 0.2812676438182054 0.23065506674677888 0.5728703814407403 0.39131517378085107 0.6025878578863498 0.9616740316041171 1.1236755525571098 1.4334905629676031 1.485444553957959 1.8812132376632777 2.0191209017936735 1.9040430698285207 2.126279232605849 2.095529899442406 1.7908225801412183 1.8513925754839697 1.638004584998557 +16000,1.1594809841951925,0,0.41747274419390995 0.3843501402389091 0.2812676438182054 0.23065506674677888 0.5728703814407403 0.39131517378085107 0.6025878578863498 0.9616740316041171 1.1236755525571098 1.4334905629676031 1.485444553957959 1.8812132376632777 2.0191209017936735 1.9040430698285207 2.126279232605849 2.095529899442406 1.7908225801412183 1.8513925754839697 1.638004584998557 1.3469951649965186 +16001,0.8943453740320353,0,0.3843501402389091 0.2812676438182054 0.23065506674677888 0.5728703814407403 0.39131517378085107 0.6025878578863498 0.9616740316041171 1.1236755525571098 1.4334905629676031 1.485444553957959 1.8812132376632777 2.0191209017936735 1.9040430698285207 2.126279232605849 2.095529899442406 1.7908225801412183 1.8513925754839697 1.638004584998557 1.3469951649965186 1.1594809841951925 +16002,0.9109066760095312,0,0.2812676438182054 0.23065506674677888 0.5728703814407403 0.39131517378085107 0.6025878578863498 0.9616740316041171 1.1236755525571098 1.4334905629676031 1.485444553957959 1.8812132376632777 2.0191209017936735 1.9040430698285207 2.126279232605849 2.095529899442406 1.7908225801412183 1.8513925754839697 1.638004584998557 1.3469951649965186 1.1594809841951925 0.8943453740320353 +16003,0.5518720950812247,0,0.23065506674677888 0.5728703814407403 0.39131517378085107 0.6025878578863498 0.9616740316041171 1.1236755525571098 1.4334905629676031 1.485444553957959 1.8812132376632777 2.0191209017936735 1.9040430698285207 2.126279232605849 2.095529899442406 1.7908225801412183 1.8513925754839697 1.638004584998557 1.3469951649965186 1.1594809841951925 0.8943453740320353 0.9109066760095312 +16004,0.4745344264483572,0,0.5728703814407403 0.39131517378085107 0.6025878578863498 0.9616740316041171 1.1236755525571098 1.4334905629676031 1.485444553957959 1.8812132376632777 2.0191209017936735 1.9040430698285207 2.126279232605849 2.095529899442406 1.7908225801412183 1.8513925754839697 1.638004584998557 1.3469951649965186 1.1594809841951925 0.8943453740320353 0.9109066760095312 0.5518720950812247 +16005,0.49354638832420034,0,0.39131517378085107 0.6025878578863498 0.9616740316041171 1.1236755525571098 1.4334905629676031 1.485444553957959 1.8812132376632777 2.0191209017936735 1.9040430698285207 2.126279232605849 2.095529899442406 1.7908225801412183 1.8513925754839697 1.638004584998557 1.3469951649965186 1.1594809841951925 0.8943453740320353 0.9109066760095312 0.5518720950812247 0.4745344264483572 +16006,0.3840921759820601,0,0.6025878578863498 0.9616740316041171 1.1236755525571098 1.4334905629676031 1.485444553957959 1.8812132376632777 2.0191209017936735 1.9040430698285207 2.126279232605849 2.095529899442406 1.7908225801412183 1.8513925754839697 1.638004584998557 1.3469951649965186 1.1594809841951925 0.8943453740320353 0.9109066760095312 0.5518720950812247 0.4745344264483572 0.49354638832420034 +16007,0.37098759445818424,0,0.9616740316041171 1.1236755525571098 1.4334905629676031 1.485444553957959 1.8812132376632777 2.0191209017936735 1.9040430698285207 2.126279232605849 2.095529899442406 1.7908225801412183 1.8513925754839697 1.638004584998557 1.3469951649965186 1.1594809841951925 0.8943453740320353 0.9109066760095312 0.5518720950812247 0.4745344264483572 0.49354638832420034 0.3840921759820601 +16008,0.45079378025195516,0,1.1236755525571098 1.4334905629676031 1.485444553957959 1.8812132376632777 2.0191209017936735 1.9040430698285207 2.126279232605849 2.095529899442406 1.7908225801412183 1.8513925754839697 1.638004584998557 1.3469951649965186 1.1594809841951925 0.8943453740320353 0.9109066760095312 0.5518720950812247 0.4745344264483572 0.49354638832420034 0.3840921759820601 0.37098759445818424 +16009,0.41015300316266895,0,1.4334905629676031 1.485444553957959 1.8812132376632777 2.0191209017936735 1.9040430698285207 2.126279232605849 2.095529899442406 1.7908225801412183 1.8513925754839697 1.638004584998557 1.3469951649965186 1.1594809841951925 0.8943453740320353 0.9109066760095312 0.5518720950812247 0.4745344264483572 0.49354638832420034 0.3840921759820601 0.37098759445818424 0.45079378025195516 +16010,0.4990410258961769,0,1.485444553957959 1.8812132376632777 2.0191209017936735 1.9040430698285207 2.126279232605849 2.095529899442406 1.7908225801412183 1.8513925754839697 1.638004584998557 1.3469951649965186 1.1594809841951925 0.8943453740320353 0.9109066760095312 0.5518720950812247 0.4745344264483572 0.49354638832420034 0.3840921759820601 0.37098759445818424 0.45079378025195516 0.41015300316266895 +16011,0.7760945823422168,0,1.8812132376632777 2.0191209017936735 1.9040430698285207 2.126279232605849 2.095529899442406 1.7908225801412183 1.8513925754839697 1.638004584998557 1.3469951649965186 1.1594809841951925 0.8943453740320353 0.9109066760095312 0.5518720950812247 0.4745344264483572 0.49354638832420034 0.3840921759820601 0.37098759445818424 0.45079378025195516 0.41015300316266895 0.4990410258961769 +16012,1.057791494482879,0,2.0191209017936735 1.9040430698285207 2.126279232605849 2.095529899442406 1.7908225801412183 1.8513925754839697 1.638004584998557 1.3469951649965186 1.1594809841951925 0.8943453740320353 0.9109066760095312 0.5518720950812247 0.4745344264483572 0.49354638832420034 0.3840921759820601 0.37098759445818424 0.45079378025195516 0.41015300316266895 0.4990410258961769 0.7760945823422168 +16013,1.3983042454221404,0,1.9040430698285207 2.126279232605849 2.095529899442406 1.7908225801412183 1.8513925754839697 1.638004584998557 1.3469951649965186 1.1594809841951925 0.8943453740320353 0.9109066760095312 0.5518720950812247 0.4745344264483572 0.49354638832420034 0.3840921759820601 0.37098759445818424 0.45079378025195516 0.41015300316266895 0.4990410258961769 0.7760945823422168 1.057791494482879 +16014,1.727982499740608,0,2.126279232605849 2.095529899442406 1.7908225801412183 1.8513925754839697 1.638004584998557 1.3469951649965186 1.1594809841951925 0.8943453740320353 0.9109066760095312 0.5518720950812247 0.4745344264483572 0.49354638832420034 0.3840921759820601 0.37098759445818424 0.45079378025195516 0.41015300316266895 0.4990410258961769 0.7760945823422168 1.057791494482879 1.3983042454221404 +16015,1.82549296932776,0,2.095529899442406 1.7908225801412183 1.8513925754839697 1.638004584998557 1.3469951649965186 1.1594809841951925 0.8943453740320353 0.9109066760095312 0.5518720950812247 0.4745344264483572 0.49354638832420034 0.3840921759820601 0.37098759445818424 0.45079378025195516 0.41015300316266895 0.4990410258961769 0.7760945823422168 1.057791494482879 1.3983042454221404 1.727982499740608 +16016,1.8966910899787024,0,1.7908225801412183 1.8513925754839697 1.638004584998557 1.3469951649965186 1.1594809841951925 0.8943453740320353 0.9109066760095312 0.5518720950812247 0.4745344264483572 0.49354638832420034 0.3840921759820601 0.37098759445818424 0.45079378025195516 0.41015300316266895 0.4990410258961769 0.7760945823422168 1.057791494482879 1.3983042454221404 1.727982499740608 1.82549296932776 +16017,1.953959143545761,0,1.8513925754839697 1.638004584998557 1.3469951649965186 1.1594809841951925 0.8943453740320353 0.9109066760095312 0.5518720950812247 0.4745344264483572 0.49354638832420034 0.3840921759820601 0.37098759445818424 0.45079378025195516 0.41015300316266895 0.4990410258961769 0.7760945823422168 1.057791494482879 1.3983042454221404 1.727982499740608 1.82549296932776 1.8966910899787024 +16018,2.0313484051228663,0,1.638004584998557 1.3469951649965186 1.1594809841951925 0.8943453740320353 0.9109066760095312 0.5518720950812247 0.4745344264483572 0.49354638832420034 0.3840921759820601 0.37098759445818424 0.45079378025195516 0.41015300316266895 0.4990410258961769 0.7760945823422168 1.057791494482879 1.3983042454221404 1.727982499740608 1.82549296932776 1.8966910899787024 1.953959143545761 +16019,1.9972971300289357,0,1.3469951649965186 1.1594809841951925 0.8943453740320353 0.9109066760095312 0.5518720950812247 0.4745344264483572 0.49354638832420034 0.3840921759820601 0.37098759445818424 0.45079378025195516 0.41015300316266895 0.4990410258961769 0.7760945823422168 1.057791494482879 1.3983042454221404 1.727982499740608 1.82549296932776 1.8966910899787024 1.953959143545761 2.0313484051228663 +16020,1.9106211570625775,0,1.1594809841951925 0.8943453740320353 0.9109066760095312 0.5518720950812247 0.4745344264483572 0.49354638832420034 0.3840921759820601 0.37098759445818424 0.45079378025195516 0.41015300316266895 0.4990410258961769 0.7760945823422168 1.057791494482879 1.3983042454221404 1.727982499740608 1.82549296932776 1.8966910899787024 1.953959143545761 2.0313484051228663 1.9972971300289357 +16021,1.6645233052473867,0,0.8943453740320353 0.9109066760095312 0.5518720950812247 0.4745344264483572 0.49354638832420034 0.3840921759820601 0.37098759445818424 0.45079378025195516 0.41015300316266895 0.4990410258961769 0.7760945823422168 1.057791494482879 1.3983042454221404 1.727982499740608 1.82549296932776 1.8966910899787024 1.953959143545761 2.0313484051228663 1.9972971300289357 1.9106211570625775 +16022,1.441642231905324,0,0.9109066760095312 0.5518720950812247 0.4745344264483572 0.49354638832420034 0.3840921759820601 0.37098759445818424 0.45079378025195516 0.41015300316266895 0.4990410258961769 0.7760945823422168 1.057791494482879 1.3983042454221404 1.727982499740608 1.82549296932776 1.8966910899787024 1.953959143545761 2.0313484051228663 1.9972971300289357 1.9106211570625775 1.6645233052473867 +16023,1.1676842459223653,0,0.5518720950812247 0.4745344264483572 0.49354638832420034 0.3840921759820601 0.37098759445818424 0.45079378025195516 0.41015300316266895 0.4990410258961769 0.7760945823422168 1.057791494482879 1.3983042454221404 1.727982499740608 1.82549296932776 1.8966910899787024 1.953959143545761 2.0313484051228663 1.9972971300289357 1.9106211570625775 1.6645233052473867 1.441642231905324 +16024,0.9618288101272677,0,0.4745344264483572 0.49354638832420034 0.3840921759820601 0.37098759445818424 0.45079378025195516 0.41015300316266895 0.4990410258961769 0.7760945823422168 1.057791494482879 1.3983042454221404 1.727982499740608 1.82549296932776 1.8966910899787024 1.953959143545761 2.0313484051228663 1.9972971300289357 1.9106211570625775 1.6645233052473867 1.441642231905324 1.1676842459223653 +16025,0.923307696123776,0,0.49354638832420034 0.3840921759820601 0.37098759445818424 0.45079378025195516 0.41015300316266895 0.4990410258961769 0.7760945823422168 1.057791494482879 1.3983042454221404 1.727982499740608 1.82549296932776 1.8966910899787024 1.953959143545761 2.0313484051228663 1.9972971300289357 1.9106211570625775 1.6645233052473867 1.441642231905324 1.1676842459223653 0.9618288101272677 +16026,0.7079920321543646,0,0.3840921759820601 0.37098759445818424 0.45079378025195516 0.41015300316266895 0.4990410258961769 0.7760945823422168 1.057791494482879 1.3983042454221404 1.727982499740608 1.82549296932776 1.8966910899787024 1.953959143545761 2.0313484051228663 1.9972971300289357 1.9106211570625775 1.6645233052473867 1.441642231905324 1.1676842459223653 0.9618288101272677 0.923307696123776 +16027,0.6491761933557653,0,0.37098759445818424 0.45079378025195516 0.41015300316266895 0.4990410258961769 0.7760945823422168 1.057791494482879 1.3983042454221404 1.727982499740608 1.82549296932776 1.8966910899787024 1.953959143545761 2.0313484051228663 1.9972971300289357 1.9106211570625775 1.6645233052473867 1.441642231905324 1.1676842459223653 0.9618288101272677 0.923307696123776 0.7079920321543646 +16028,0.5253533748323951,0,0.45079378025195516 0.41015300316266895 0.4990410258961769 0.7760945823422168 1.057791494482879 1.3983042454221404 1.727982499740608 1.82549296932776 1.8966910899787024 1.953959143545761 2.0313484051228663 1.9972971300289357 1.9106211570625775 1.6645233052473867 1.441642231905324 1.1676842459223653 0.9618288101272677 0.923307696123776 0.7079920321543646 0.6491761933557653 +16029,0.4897543145069239,0,0.41015300316266895 0.4990410258961769 0.7760945823422168 1.057791494482879 1.3983042454221404 1.727982499740608 1.82549296932776 1.8966910899787024 1.953959143545761 2.0313484051228663 1.9972971300289357 1.9106211570625775 1.6645233052473867 1.441642231905324 1.1676842459223653 0.9618288101272677 0.923307696123776 0.7079920321543646 0.6491761933557653 0.5253533748323951 +16030,0.44796411325528984,0,0.4990410258961769 0.7760945823422168 1.057791494482879 1.3983042454221404 1.727982499740608 1.82549296932776 1.8966910899787024 1.953959143545761 2.0313484051228663 1.9972971300289357 1.9106211570625775 1.6645233052473867 1.441642231905324 1.1676842459223653 0.9618288101272677 0.923307696123776 0.7079920321543646 0.6491761933557653 0.5253533748323951 0.4897543145069239 +16031,0.3891482744566906,0,0.7760945823422168 1.057791494482879 1.3983042454221404 1.727982499740608 1.82549296932776 1.8966910899787024 1.953959143545761 2.0313484051228663 1.9972971300289357 1.9106211570625775 1.6645233052473867 1.441642231905324 1.1676842459223653 0.9618288101272677 0.923307696123776 0.7079920321543646 0.6491761933557653 0.5253533748323951 0.4897543145069239 0.44796411325528984 +16032,0.3210457242688383,0,1.057791494482879 1.3983042454221404 1.727982499740608 1.82549296932776 1.8966910899787024 1.953959143545761 2.0313484051228663 1.9972971300289357 1.9106211570625775 1.6645233052473867 1.441642231905324 1.1676842459223653 0.9618288101272677 0.923307696123776 0.7079920321543646 0.6491761933557653 0.5253533748323951 0.4897543145069239 0.44796411325528984 0.3891482744566906 +16033,0.29782894579570146,0,1.3983042454221404 1.727982499740608 1.82549296932776 1.8966910899787024 1.953959143545761 2.0313484051228663 1.9972971300289357 1.9106211570625775 1.6645233052473867 1.441642231905324 1.1676842459223653 0.9618288101272677 0.923307696123776 0.7079920321543646 0.6491761933557653 0.5253533748323951 0.4897543145069239 0.44796411325528984 0.3891482744566906 0.3210457242688383 +16034,0.4355818314029555,0,1.727982499740608 1.82549296932776 1.8966910899787024 1.953959143545761 2.0313484051228663 1.9972971300289357 1.9106211570625775 1.6645233052473867 1.441642231905324 1.1676842459223653 0.9618288101272677 0.923307696123776 0.7079920321543646 0.6491761933557653 0.5253533748323951 0.4897543145069239 0.44796411325528984 0.3891482744566906 0.3210457242688383 0.29782894579570146 +16035,0.7791901528052982,0,1.82549296932776 1.8966910899787024 1.953959143545761 2.0313484051228663 1.9972971300289357 1.9106211570625775 1.6645233052473867 1.441642231905324 1.1676842459223653 0.9618288101272677 0.923307696123776 0.7079920321543646 0.6491761933557653 0.5253533748323951 0.4897543145069239 0.44796411325528984 0.3891482744566906 0.3210457242688383 0.29782894579570146 0.4355818314029555 +16036,1.02993136031512,0,1.8966910899787024 1.953959143545761 2.0313484051228663 1.9972971300289357 1.9106211570625775 1.6645233052473867 1.441642231905324 1.1676842459223653 0.9618288101272677 0.923307696123776 0.7079920321543646 0.6491761933557653 0.5253533748323951 0.4897543145069239 0.44796411325528984 0.3891482744566906 0.3210457242688383 0.29782894579570146 0.4355818314029555 0.7791901528052982 +16037,1.2636469302779765,0,1.953959143545761 2.0313484051228663 1.9972971300289357 1.9106211570625775 1.6645233052473867 1.441642231905324 1.1676842459223653 0.9618288101272677 0.923307696123776 0.7079920321543646 0.6491761933557653 0.5253533748323951 0.4897543145069239 0.44796411325528984 0.3891482744566906 0.3210457242688383 0.29782894579570146 0.4355818314029555 0.7791901528052982 1.02993136031512 +16038,1.3921131044959687,0,2.0313484051228663 1.9972971300289357 1.9106211570625775 1.6645233052473867 1.441642231905324 1.1676842459223653 0.9618288101272677 0.923307696123776 0.7079920321543646 0.6491761933557653 0.5253533748323951 0.4897543145069239 0.44796411325528984 0.3891482744566906 0.3210457242688383 0.29782894579570146 0.4355818314029555 0.7791901528052982 1.02993136031512 1.2636469302779765 +16039,1.6892878689520554,0,1.9972971300289357 1.9106211570625775 1.6645233052473867 1.441642231905324 1.1676842459223653 0.9618288101272677 0.923307696123776 0.7079920321543646 0.6491761933557653 0.5253533748323951 0.4897543145069239 0.44796411325528984 0.3891482744566906 0.3210457242688383 0.29782894579570146 0.4355818314029555 0.7791901528052982 1.02993136031512 1.2636469302779765 1.3921131044959687 +16040,1.8904999490525307,0,1.9106211570625775 1.6645233052473867 1.441642231905324 1.1676842459223653 0.9618288101272677 0.923307696123776 0.7079920321543646 0.6491761933557653 0.5253533748323951 0.4897543145069239 0.44796411325528984 0.3891482744566906 0.3210457242688383 0.29782894579570146 0.4355818314029555 0.7791901528052982 1.02993136031512 1.2636469302779765 1.3921131044959687 1.6892878689520554 +16041,1.9137167275256588,0,1.6645233052473867 1.441642231905324 1.1676842459223653 0.9618288101272677 0.923307696123776 0.7079920321543646 0.6491761933557653 0.5253533748323951 0.4897543145069239 0.44796411325528984 0.3891482744566906 0.3210457242688383 0.29782894579570146 0.4355818314029555 0.7791901528052982 1.02993136031512 1.2636469302779765 1.3921131044959687 1.6892878689520554 1.8904999490525307 +16042,1.916812297988749,0,1.441642231905324 1.1676842459223653 0.9618288101272677 0.923307696123776 0.7079920321543646 0.6491761933557653 0.5253533748323951 0.4897543145069239 0.44796411325528984 0.3891482744566906 0.3210457242688383 0.29782894579570146 0.4355818314029555 0.7791901528052982 1.02993136031512 1.2636469302779765 1.3921131044959687 1.6892878689520554 1.8904999490525307 1.9137167275256588 +16043,1.9369335059987958,0,1.1676842459223653 0.9618288101272677 0.923307696123776 0.7079920321543646 0.6491761933557653 0.5253533748323951 0.4897543145069239 0.44796411325528984 0.3891482744566906 0.3210457242688383 0.29782894579570146 0.4355818314029555 0.7791901528052982 1.02993136031512 1.2636469302779765 1.3921131044959687 1.6892878689520554 1.8904999490525307 1.9137167275256588 1.916812297988749 +16044,1.907525586599496,0,0.9618288101272677 0.923307696123776 0.7079920321543646 0.6491761933557653 0.5253533748323951 0.4897543145069239 0.44796411325528984 0.3891482744566906 0.3210457242688383 0.29782894579570146 0.4355818314029555 0.7791901528052982 1.02993136031512 1.2636469302779765 1.3921131044959687 1.6892878689520554 1.8904999490525307 1.9137167275256588 1.916812297988749 1.9369335059987958 +16045,1.6227331039957438,0,0.923307696123776 0.7079920321543646 0.6491761933557653 0.5253533748323951 0.4897543145069239 0.44796411325528984 0.3891482744566906 0.3210457242688383 0.29782894579570146 0.4355818314029555 0.7791901528052982 1.02993136031512 1.2636469302779765 1.3921131044959687 1.6892878689520554 1.8904999490525307 1.9137167275256588 1.916812297988749 1.9369335059987958 1.907525586599496 +16046,1.3425839770866224,0,0.7079920321543646 0.6491761933557653 0.5253533748323951 0.4897543145069239 0.44796411325528984 0.3891482744566906 0.3210457242688383 0.29782894579570146 0.4355818314029555 0.7791901528052982 1.02993136031512 1.2636469302779765 1.3921131044959687 1.6892878689520554 1.8904999490525307 1.9137167275256588 1.916812297988749 1.9369335059987958 1.907525586599496 1.6227331039957438 +16047,1.0748171320298443,0,0.6491761933557653 0.5253533748323951 0.4897543145069239 0.44796411325528984 0.3891482744566906 0.3210457242688383 0.29782894579570146 0.4355818314029555 0.7791901528052982 1.02993136031512 1.2636469302779765 1.3921131044959687 1.6892878689520554 1.8904999490525307 1.9137167275256588 1.916812297988749 1.9369335059987958 1.907525586599496 1.6227331039957438 1.3425839770866224 +16048,0.8333626359092754,0,0.5253533748323951 0.4897543145069239 0.44796411325528984 0.3891482744566906 0.3210457242688383 0.29782894579570146 0.4355818314029555 0.7791901528052982 1.02993136031512 1.2636469302779765 1.3921131044959687 1.6892878689520554 1.8904999490525307 1.9137167275256588 1.916812297988749 1.9369335059987958 1.907525586599496 1.6227331039957438 1.3425839770866224 1.0748171320298443 +16049,0.6553673342819281,0,0.4897543145069239 0.44796411325528984 0.3891482744566906 0.3210457242688383 0.29782894579570146 0.4355818314029555 0.7791901528052982 1.02993136031512 1.2636469302779765 1.3921131044959687 1.6892878689520554 1.8904999490525307 1.9137167275256588 1.916812297988749 1.9369335059987958 1.907525586599496 1.6227331039957438 1.3425839770866224 1.0748171320298443 0.8333626359092754 +16050,0.5470223680739825,0,0.44796411325528984 0.3891482744566906 0.3210457242688383 0.29782894579570146 0.4355818314029555 0.7791901528052982 1.02993136031512 1.2636469302779765 1.3921131044959687 1.6892878689520554 1.8904999490525307 1.9137167275256588 1.916812297988749 1.9369335059987958 1.907525586599496 1.6227331039957438 1.3425839770866224 1.0748171320298443 0.8333626359092754 0.6553673342819281 +16051,0.49130209973846456,0,0.3891482744566906 0.3210457242688383 0.29782894579570146 0.4355818314029555 0.7791901528052982 1.02993136031512 1.2636469302779765 1.3921131044959687 1.6892878689520554 1.8904999490525307 1.9137167275256588 1.916812297988749 1.9369335059987958 1.907525586599496 1.6227331039957438 1.3425839770866224 1.0748171320298443 0.8333626359092754 0.6553673342819281 0.5470223680739825 +16052,0.4552370214009889,0,0.3210457242688383 0.29782894579570146 0.4355818314029555 0.7791901528052982 1.02993136031512 1.2636469302779765 1.3921131044959687 1.6892878689520554 1.8904999490525307 1.9137167275256588 1.916812297988749 1.9369335059987958 1.907525586599496 1.6227331039957438 1.3425839770866224 1.0748171320298443 0.8333626359092754 0.6553673342819281 0.5470223680739825 0.49130209973846456 +16053,0.29937673102724216,0,0.29782894579570146 0.4355818314029555 0.7791901528052982 1.02993136031512 1.2636469302779765 1.3921131044959687 1.6892878689520554 1.8904999490525307 1.9137167275256588 1.916812297988749 1.9369335059987958 1.907525586599496 1.6227331039957438 1.3425839770866224 1.0748171320298443 0.8333626359092754 0.6553673342819281 0.5470223680739825 0.49130209973846456 0.4552370214009889 +16054,0.25449095931252674,0,0.4355818314029555 0.7791901528052982 1.02993136031512 1.2636469302779765 1.3921131044959687 1.6892878689520554 1.8904999490525307 1.9137167275256588 1.916812297988749 1.9369335059987958 1.907525586599496 1.6227331039957438 1.3425839770866224 1.0748171320298443 0.8333626359092754 0.6553673342819281 0.5470223680739825 0.49130209973846456 0.4552370214009889 0.29937673102724216 +16055,0.2173441137555148,0,0.7791901528052982 1.02993136031512 1.2636469302779765 1.3921131044959687 1.6892878689520554 1.8904999490525307 1.9137167275256588 1.916812297988749 1.9369335059987958 1.907525586599496 1.6227331039957438 1.3425839770866224 1.0748171320298443 0.8333626359092754 0.6553673342819281 0.5470223680739825 0.49130209973846456 0.4552370214009889 0.29937673102724216 0.25449095931252674 +16056,0.19412733528238674,0,1.02993136031512 1.2636469302779765 1.3921131044959687 1.6892878689520554 1.8904999490525307 1.9137167275256588 1.916812297988749 1.9369335059987958 1.907525586599496 1.6227331039957438 1.3425839770866224 1.0748171320298443 0.8333626359092754 0.6553673342819281 0.5470223680739825 0.49130209973846456 0.4552370214009889 0.29937673102724216 0.25449095931252674 0.2173441137555148 +16057,0.2157963285239741,0,1.2636469302779765 1.3921131044959687 1.6892878689520554 1.8904999490525307 1.9137167275256588 1.916812297988749 1.9369335059987958 1.907525586599496 1.6227331039957438 1.3425839770866224 1.0748171320298443 0.8333626359092754 0.6553673342819281 0.5470223680739825 0.49130209973846456 0.4552370214009889 0.29937673102724216 0.25449095931252674 0.2173441137555148 0.19412733528238674 +16058,0.3148545833426667,0,1.3921131044959687 1.6892878689520554 1.8904999490525307 1.9137167275256588 1.916812297988749 1.9369335059987958 1.907525586599496 1.6227331039957438 1.3425839770866224 1.0748171320298443 0.8333626359092754 0.6553673342819281 0.5470223680739825 0.49130209973846456 0.4552370214009889 0.29937673102724216 0.25449095931252674 0.2173441137555148 0.19412733528238674 0.2157963285239741 +16059,0.3889465220447677,0,1.6892878689520554 1.8904999490525307 1.9137167275256588 1.916812297988749 1.9369335059987958 1.907525586599496 1.6227331039957438 1.3425839770866224 1.0748171320298443 0.8333626359092754 0.6553673342819281 0.5470223680739825 0.49130209973846456 0.4552370214009889 0.29937673102724216 0.25449095931252674 0.2173441137555148 0.19412733528238674 0.2157963285239741 0.3148545833426667 +16060,0.9122996827179214,0,1.8904999490525307 1.9137167275256588 1.916812297988749 1.9369335059987958 1.907525586599496 1.6227331039957438 1.3425839770866224 1.0748171320298443 0.8333626359092754 0.6553673342819281 0.5470223680739825 0.49130209973846456 0.4552370214009889 0.29937673102724216 0.25449095931252674 0.2173441137555148 0.19412733528238674 0.2157963285239741 0.3148545833426667 0.3889465220447677 +16061,1.1847098834693306,0,1.9137167275256588 1.916812297988749 1.9369335059987958 1.907525586599496 1.6227331039957438 1.3425839770866224 1.0748171320298443 0.8333626359092754 0.6553673342819281 0.5470223680739825 0.49130209973846456 0.4552370214009889 0.29937673102724216 0.25449095931252674 0.2173441137555148 0.19412733528238674 0.2157963285239741 0.3148545833426667 0.3889465220447677 0.9122996827179214 +16062,1.460215654683821,0,1.916812297988749 1.9369335059987958 1.907525586599496 1.6227331039957438 1.3425839770866224 1.0748171320298443 0.8333626359092754 0.6553673342819281 0.5470223680739825 0.49130209973846456 0.4552370214009889 0.29937673102724216 0.25449095931252674 0.2173441137555148 0.19412733528238674 0.2157963285239741 0.3148545833426667 0.3889465220447677 0.9122996827179214 1.1847098834693306 +16063,1.6428543120057904,0,1.9369335059987958 1.907525586599496 1.6227331039957438 1.3425839770866224 1.0748171320298443 0.8333626359092754 0.6553673342819281 0.5470223680739825 0.49130209973846456 0.4552370214009889 0.29937673102724216 0.25449095931252674 0.2173441137555148 0.19412733528238674 0.2157963285239741 0.3148545833426667 0.3889465220447677 0.9122996827179214 1.1847098834693306 1.460215654683821 +16064,1.8131106874754255,0,1.907525586599496 1.6227331039957438 1.3425839770866224 1.0748171320298443 0.8333626359092754 0.6553673342819281 0.5470223680739825 0.49130209973846456 0.4552370214009889 0.29937673102724216 0.25449095931252674 0.2173441137555148 0.19412733528238674 0.2157963285239741 0.3148545833426667 0.3889465220447677 0.9122996827179214 1.1847098834693306 1.460215654683821 1.6428543120057904 +16065,1.797632835160001,0,1.6227331039957438 1.3425839770866224 1.0748171320298443 0.8333626359092754 0.6553673342819281 0.5470223680739825 0.49130209973846456 0.4552370214009889 0.29937673102724216 0.25449095931252674 0.2173441137555148 0.19412733528238674 0.2157963285239741 0.3148545833426667 0.3889465220447677 0.9122996827179214 1.1847098834693306 1.460215654683821 1.6428543120057904 1.8131106874754255 +16066,1.8084673317807947,0,1.3425839770866224 1.0748171320298443 0.8333626359092754 0.6553673342819281 0.5470223680739825 0.49130209973846456 0.4552370214009889 0.29937673102724216 0.25449095931252674 0.2173441137555148 0.19412733528238674 0.2157963285239741 0.3148545833426667 0.3889465220447677 0.9122996827179214 1.1847098834693306 1.460215654683821 1.6428543120057904 1.8131106874754255 1.797632835160001 +16067,1.7388169963614017,0,1.0748171320298443 0.8333626359092754 0.6553673342819281 0.5470223680739825 0.49130209973846456 0.4552370214009889 0.29937673102724216 0.25449095931252674 0.2173441137555148 0.19412733528238674 0.2157963285239741 0.3148545833426667 0.3889465220447677 0.9122996827179214 1.1847098834693306 1.460215654683821 1.6428543120057904 1.8131106874754255 1.797632835160001 1.8084673317807947 +16068,2.156719008877768,0,0.8333626359092754 0.6553673342819281 0.5470223680739825 0.49130209973846456 0.4552370214009889 0.29937673102724216 0.25449095931252674 0.2173441137555148 0.19412733528238674 0.2157963285239741 0.3148545833426667 0.3889465220447677 0.9122996827179214 1.1847098834693306 1.460215654683821 1.6428543120057904 1.8131106874754255 1.797632835160001 1.8084673317807947 1.7388169963614017 +16069,1.445047359414715,0,0.6553673342819281 0.5470223680739825 0.49130209973846456 0.4552370214009889 0.29937673102724216 0.25449095931252674 0.2173441137555148 0.19412733528238674 0.2157963285239741 0.3148545833426667 0.3889465220447677 0.9122996827179214 1.1847098834693306 1.460215654683821 1.6428543120057904 1.8131106874754255 1.797632835160001 1.8084673317807947 1.7388169963614017 2.156719008877768 +16070,1.445047359414715,0,0.5470223680739825 0.49130209973846456 0.4552370214009889 0.29937673102724216 0.25449095931252674 0.2173441137555148 0.19412733528238674 0.2157963285239741 0.3148545833426667 0.3889465220447677 0.9122996827179214 1.1847098834693306 1.460215654683821 1.6428543120057904 1.8131106874754255 1.797632835160001 1.8084673317807947 1.7388169963614017 2.156719008877768 1.445047359414715 +16071,0.9680199510534393,0,0.49130209973846456 0.4552370214009889 0.29937673102724216 0.25449095931252674 0.2173441137555148 0.19412733528238674 0.2157963285239741 0.3148545833426667 0.3889465220447677 0.9122996827179214 1.1847098834693306 1.460215654683821 1.6428543120057904 1.8131106874754255 1.797632835160001 1.8084673317807947 1.7388169963614017 2.156719008877768 1.445047359414715 1.445047359414715 +16072,0.7853812937314698,0,0.4552370214009889 0.29937673102724216 0.25449095931252674 0.2173441137555148 0.19412733528238674 0.2157963285239741 0.3148545833426667 0.3889465220447677 0.9122996827179214 1.1847098834693306 1.460215654683821 1.6428543120057904 1.8131106874754255 1.797632835160001 1.8084673317807947 1.7388169963614017 2.156719008877768 1.445047359414715 1.445047359414715 0.9680199510534393 +16073,0.5919081397887067,0,0.29937673102724216 0.25449095931252674 0.2173441137555148 0.19412733528238674 0.2157963285239741 0.3148545833426667 0.3889465220447677 0.9122996827179214 1.1847098834693306 1.460215654683821 1.6428543120057904 1.8131106874754255 1.797632835160001 1.8084673317807947 1.7388169963614017 2.156719008877768 1.445047359414715 1.445047359414715 0.9680199510534393 0.7853812937314698 +16074,0.5021365963592582,0,0.25449095931252674 0.2173441137555148 0.19412733528238674 0.2157963285239741 0.3148545833426667 0.3889465220447677 0.9122996827179214 1.1847098834693306 1.460215654683821 1.6428543120057904 1.8131106874754255 1.797632835160001 1.8084673317807947 1.7388169963614017 2.156719008877768 1.445047359414715 1.445047359414715 0.9680199510534393 0.7853812937314698 0.5919081397887067 +16075,0.4123650529298186,0,0.2173441137555148 0.19412733528238674 0.2157963285239741 0.3148545833426667 0.3889465220447677 0.9122996827179214 1.1847098834693306 1.460215654683821 1.6428543120057904 1.8131106874754255 1.797632835160001 1.8084673317807947 1.7388169963614017 2.156719008877768 1.445047359414715 1.445047359414715 0.9680199510534393 0.7853812937314698 0.5919081397887067 0.5021365963592582 +16076,0.360681285893572,0,0.19412733528238674 0.2157963285239741 0.3148545833426667 0.3889465220447677 0.9122996827179214 1.1847098834693306 1.460215654683821 1.6428543120057904 1.8131106874754255 1.797632835160001 1.8084673317807947 1.7388169963614017 2.156719008877768 1.445047359414715 1.445047359414715 0.9680199510534393 0.7853812937314698 0.5919081397887067 0.5021365963592582 0.4123650529298186 +16077,0.3061915250809953,0,0.2157963285239741 0.3148545833426667 0.3889465220447677 0.9122996827179214 1.1847098834693306 1.460215654683821 1.6428543120057904 1.8131106874754255 1.797632835160001 1.8084673317807947 1.7388169963614017 2.156719008877768 1.445047359414715 1.445047359414715 0.9680199510534393 0.7853812937314698 0.5919081397887067 0.5021365963592582 0.4123650529298186 0.360681285893572 +16078,0.12715982754606672,0,0.3148545833426667 0.3889465220447677 0.9122996827179214 1.1847098834693306 1.460215654683821 1.6428543120057904 1.8131106874754255 1.797632835160001 1.8084673317807947 1.7388169963614017 2.156719008877768 1.445047359414715 1.445047359414715 0.9680199510534393 0.7853812937314698 0.5919081397887067 0.5021365963592582 0.4123650529298186 0.360681285893572 0.3061915250809953 +16079,0.09052891050276175,0,0.3889465220447677 0.9122996827179214 1.1847098834693306 1.460215654683821 1.6428543120057904 1.8131106874754255 1.797632835160001 1.8084673317807947 1.7388169963614017 2.156719008877768 1.445047359414715 1.445047359414715 0.9680199510534393 0.7853812937314698 0.5919081397887067 0.5021365963592582 0.4123650529298186 0.360681285893572 0.3061915250809953 0.12715982754606672 +16080,0.4759016366846241,0,0.9122996827179214 1.1847098834693306 1.460215654683821 1.6428543120057904 1.8131106874754255 1.797632835160001 1.8084673317807947 1.7388169963614017 2.156719008877768 1.445047359414715 1.445047359414715 0.9680199510534393 0.7853812937314698 0.5919081397887067 0.5021365963592582 0.4123650529298186 0.360681285893572 0.3061915250809953 0.12715982754606672 0.09052891050276175 +16081,0.2986028384114718,0,1.1847098834693306 1.460215654683821 1.6428543120057904 1.8131106874754255 1.797632835160001 1.8084673317807947 1.7388169963614017 2.156719008877768 1.445047359414715 1.445047359414715 0.9680199510534393 0.7853812937314698 0.5919081397887067 0.5021365963592582 0.4123650529298186 0.360681285893572 0.3061915250809953 0.12715982754606672 0.09052891050276175 0.4759016366846241 +16082,0.5433076835182813,0,1.460215654683821 1.6428543120057904 1.8131106874754255 1.797632835160001 1.8084673317807947 1.7388169963614017 2.156719008877768 1.445047359414715 1.445047359414715 0.9680199510534393 0.7853812937314698 0.5919081397887067 0.5021365963592582 0.4123650529298186 0.360681285893572 0.3061915250809953 0.12715982754606672 0.09052891050276175 0.4759016366846241 0.2986028384114718 +16083,0.7794997098516081,0,1.6428543120057904 1.8131106874754255 1.797632835160001 1.8084673317807947 1.7388169963614017 2.156719008877768 1.445047359414715 1.445047359414715 0.9680199510534393 0.7853812937314698 0.5919081397887067 0.5021365963592582 0.4123650529298186 0.360681285893572 0.3061915250809953 0.12715982754606672 0.09052891050276175 0.4759016366846241 0.2986028384114718 0.5433076835182813 +16084,1.0270421611646499,0,1.8131106874754255 1.797632835160001 1.8084673317807947 1.7388169963614017 2.156719008877768 1.445047359414715 1.445047359414715 0.9680199510534393 0.7853812937314698 0.5919081397887067 0.5021365963592582 0.4123650529298186 0.360681285893572 0.3061915250809953 0.12715982754606672 0.09052891050276175 0.4759016366846241 0.2986028384114718 0.5433076835182813 0.7794997098516081 +16085,1.266071793858986,0,1.797632835160001 1.8084673317807947 1.7388169963614017 2.156719008877768 1.445047359414715 1.445047359414715 0.9680199510534393 0.7853812937314698 0.5919081397887067 0.5021365963592582 0.4123650529298186 0.360681285893572 0.3061915250809953 0.12715982754606672 0.09052891050276175 0.4759016366846241 0.2986028384114718 0.5433076835182813 0.7794997098516081 1.0270421611646499 +16086,1.2116413464981686,0,1.8084673317807947 1.7388169963614017 2.156719008877768 1.445047359414715 1.445047359414715 0.9680199510534393 0.7853812937314698 0.5919081397887067 0.5021365963592582 0.4123650529298186 0.360681285893572 0.3061915250809953 0.12715982754606672 0.09052891050276175 0.4759016366846241 0.2986028384114718 0.5433076835182813 0.7794997098516081 1.0270421611646499 1.266071793858986 +16087,1.5484910056711807,0,1.7388169963614017 2.156719008877768 1.445047359414715 1.445047359414715 0.9680199510534393 0.7853812937314698 0.5919081397887067 0.5021365963592582 0.4123650529298186 0.360681285893572 0.3061915250809953 0.12715982754606672 0.09052891050276175 0.4759016366846241 0.2986028384114718 0.5433076835182813 0.7794997098516081 1.0270421611646499 1.266071793858986 1.2116413464981686 +16088,1.591880585098602,0,2.156719008877768 1.445047359414715 1.445047359414715 0.9680199510534393 0.7853812937314698 0.5919081397887067 0.5021365963592582 0.4123650529298186 0.360681285893572 0.3061915250809953 0.12715982754606672 0.09052891050276175 0.4759016366846241 0.2986028384114718 0.5433076835182813 0.7794997098516081 1.0270421611646499 1.266071793858986 1.2116413464981686 1.5484910056711807 +16089,1.4428030708289794,0,1.445047359414715 1.445047359414715 0.9680199510534393 0.7853812937314698 0.5919081397887067 0.5021365963592582 0.4123650529298186 0.360681285893572 0.3061915250809953 0.12715982754606672 0.09052891050276175 0.4759016366846241 0.2986028384114718 0.5433076835182813 0.7794997098516081 1.0270421611646499 1.266071793858986 1.2116413464981686 1.5484910056711807 1.591880585098602 +16090,1.5503483479490314,0,1.445047359414715 0.9680199510534393 0.7853812937314698 0.5919081397887067 0.5021365963592582 0.4123650529298186 0.360681285893572 0.3061915250809953 0.12715982754606672 0.09052891050276175 0.4759016366846241 0.2986028384114718 0.5433076835182813 0.7794997098516081 1.0270421611646499 1.266071793858986 1.2116413464981686 1.5484910056711807 1.591880585098602 1.4428030708289794 +16091,1.4654265316816109,0,0.9680199510534393 0.7853812937314698 0.5919081397887067 0.5021365963592582 0.4123650529298186 0.360681285893572 0.3061915250809953 0.12715982754606672 0.09052891050276175 0.4759016366846241 0.2986028384114718 0.5433076835182813 0.7794997098516081 1.0270421611646499 1.266071793858986 1.2116413464981686 1.5484910056711807 1.591880585098602 1.4428030708289794 1.5503483479490314 +16092,1.3599191716798975,0,0.7853812937314698 0.5919081397887067 0.5021365963592582 0.4123650529298186 0.360681285893572 0.3061915250809953 0.12715982754606672 0.09052891050276175 0.4759016366846241 0.2986028384114718 0.5433076835182813 0.7794997098516081 1.0270421611646499 1.266071793858986 1.2116413464981686 1.5484910056711807 1.591880585098602 1.4428030708289794 1.5503483479490314 1.4654265316816109 +16093,1.2818592032207206,0,0.5919081397887067 0.5021365963592582 0.4123650529298186 0.360681285893572 0.3061915250809953 0.12715982754606672 0.09052891050276175 0.4759016366846241 0.2986028384114718 0.5433076835182813 0.7794997098516081 1.0270421611646499 1.266071793858986 1.2116413464981686 1.5484910056711807 1.591880585098602 1.4428030708289794 1.5503483479490314 1.4654265316816109 1.3599191716798975 +16094,1.1832136910272417,0,0.5021365963592582 0.4123650529298186 0.360681285893572 0.3061915250809953 0.12715982754606672 0.09052891050276175 0.4759016366846241 0.2986028384114718 0.5433076835182813 0.7794997098516081 1.0270421611646499 1.266071793858986 1.2116413464981686 1.5484910056711807 1.591880585098602 1.4428030708289794 1.5503483479490314 1.4654265316816109 1.3599191716798975 1.2818592032207206 +16095,1.0514455750335567,0,0.4123650529298186 0.360681285893572 0.3061915250809953 0.12715982754606672 0.09052891050276175 0.4759016366846241 0.2986028384114718 0.5433076835182813 0.7794997098516081 1.0270421611646499 1.266071793858986 1.2116413464981686 1.5484910056711807 1.591880585098602 1.4428030708289794 1.5503483479490314 1.4654265316816109 1.3599191716798975 1.2818592032207206 1.1832136910272417 +16096,0.9638409309282688,0,0.360681285893572 0.3061915250809953 0.12715982754606672 0.09052891050276175 0.4759016366846241 0.2986028384114718 0.5433076835182813 0.7794997098516081 1.0270421611646499 1.266071793858986 1.2116413464981686 1.5484910056711807 1.591880585098602 1.4428030708289794 1.5503483479490314 1.4654265316816109 1.3599191716798975 1.2818592032207206 1.1832136910272417 1.0514455750335567 +16097,0.8431136828679889,0,0.3061915250809953 0.12715982754606672 0.09052891050276175 0.4759016366846241 0.2986028384114718 0.5433076835182813 0.7794997098516081 1.0270421611646499 1.266071793858986 1.2116413464981686 1.5484910056711807 1.591880585098602 1.4428030708289794 1.5503483479490314 1.4654265316816109 1.3599191716798975 1.2818592032207206 1.1832136910272417 1.0514455750335567 0.9638409309282688 +16098,0.8824274277491613,0,0.12715982754606672 0.09052891050276175 0.4759016366846241 0.2986028384114718 0.5433076835182813 0.7794997098516081 1.0270421611646499 1.266071793858986 1.2116413464981686 1.5484910056711807 1.591880585098602 1.4428030708289794 1.5503483479490314 1.4654265316816109 1.3599191716798975 1.2818592032207206 1.1832136910272417 1.0514455750335567 0.9638409309282688 0.8431136828679889 +16099,0.7083531819901265,0,0.09052891050276175 0.4759016366846241 0.2986028384114718 0.5433076835182813 0.7794997098516081 1.0270421611646499 1.266071793858986 1.2116413464981686 1.5484910056711807 1.591880585098602 1.4428030708289794 1.5503483479490314 1.4654265316816109 1.3599191716798975 1.2818592032207206 1.1832136910272417 1.0514455750335567 0.9638409309282688 0.8431136828679889 0.8824274277491613 +16100,0.6943199293273385,0,0.4759016366846241 0.2986028384114718 0.5433076835182813 0.7794997098516081 1.0270421611646499 1.266071793858986 1.2116413464981686 1.5484910056711807 1.591880585098602 1.4428030708289794 1.5503483479490314 1.4654265316816109 1.3599191716798975 1.2818592032207206 1.1832136910272417 1.0514455750335567 0.9638409309282688 0.8431136828679889 0.8824274277491613 0.7083531819901265 +16101,0.6972349247951461,0,0.2986028384114718 0.5433076835182813 0.7794997098516081 1.0270421611646499 1.266071793858986 1.2116413464981686 1.5484910056711807 1.591880585098602 1.4428030708289794 1.5503483479490314 1.4654265316816109 1.3599191716798975 1.2818592032207206 1.1832136910272417 1.0514455750335567 0.9638409309282688 0.8431136828679889 0.8824274277491613 0.7083531819901265 0.6943199293273385 +16102,0.6775522558824367,0,0.5433076835182813 0.7794997098516081 1.0270421611646499 1.266071793858986 1.2116413464981686 1.5484910056711807 1.591880585098602 1.4428030708289794 1.5503483479490314 1.4654265316816109 1.3599191716798975 1.2818592032207206 1.1832136910272417 1.0514455750335567 0.9638409309282688 0.8431136828679889 0.8824274277491613 0.7083531819901265 0.6943199293273385 0.6972349247951461 +16103,0.6748178354099029,0,0.7794997098516081 1.0270421611646499 1.266071793858986 1.2116413464981686 1.5484910056711807 1.591880585098602 1.4428030708289794 1.5503483479490314 1.4654265316816109 1.3599191716798975 1.2818592032207206 1.1832136910272417 1.0514455750335567 0.9638409309282688 0.8431136828679889 0.8824274277491613 0.7083531819901265 0.6943199293273385 0.6972349247951461 0.6775522558824367 +16104,0.7836013407151945,0,1.0270421611646499 1.266071793858986 1.2116413464981686 1.5484910056711807 1.591880585098602 1.4428030708289794 1.5503483479490314 1.4654265316816109 1.3599191716798975 1.2818592032207206 1.1832136910272417 1.0514455750335567 0.9638409309282688 0.8431136828679889 0.8824274277491613 0.7083531819901265 0.6943199293273385 0.6972349247951461 0.6775522558824367 0.6748178354099029 +16105,0.7436942782135255,0,1.266071793858986 1.2116413464981686 1.5484910056711807 1.591880585098602 1.4428030708289794 1.5503483479490314 1.4654265316816109 1.3599191716798975 1.2818592032207206 1.1832136910272417 1.0514455750335567 0.9638409309282688 0.8431136828679889 0.8824274277491613 0.7083531819901265 0.6943199293273385 0.6972349247951461 0.6775522558824367 0.6748178354099029 0.7836013407151945 +16106,0.8153051414896908,0,1.2116413464981686 1.5484910056711807 1.591880585098602 1.4428030708289794 1.5503483479490314 1.4654265316816109 1.3599191716798975 1.2818592032207206 1.1832136910272417 1.0514455750335567 0.9638409309282688 0.8431136828679889 0.8824274277491613 0.7083531819901265 0.6943199293273385 0.6972349247951461 0.6775522558824367 0.6748178354099029 0.7836013407151945 0.7436942782135255 +16107,0.8974623910716216,0,1.5484910056711807 1.591880585098602 1.4428030708289794 1.5503483479490314 1.4654265316816109 1.3599191716798975 1.2818592032207206 1.1832136910272417 1.0514455750335567 0.9638409309282688 0.8431136828679889 0.8824274277491613 0.7083531819901265 0.6943199293273385 0.6972349247951461 0.6775522558824367 0.6748178354099029 0.7836013407151945 0.7436942782135255 0.8153051414896908 +16108,1.0407658569359137,0,1.591880585098602 1.4428030708289794 1.5503483479490314 1.4654265316816109 1.3599191716798975 1.2818592032207206 1.1832136910272417 1.0514455750335567 0.9638409309282688 0.8431136828679889 0.8824274277491613 0.7083531819901265 0.6943199293273385 0.6972349247951461 0.6775522558824367 0.6748178354099029 0.7836013407151945 0.7436942782135255 0.8153051414896908 0.8974623910716216 +16109,1.1568497493015715,0,1.4428030708289794 1.5503483479490314 1.4654265316816109 1.3599191716798975 1.2818592032207206 1.1832136910272417 1.0514455750335567 0.9638409309282688 0.8431136828679889 0.8824274277491613 0.7083531819901265 0.6943199293273385 0.6972349247951461 0.6775522558824367 0.6748178354099029 0.7836013407151945 0.7436942782135255 0.8153051414896908 0.8974623910716216 1.0407658569359137 +16110,1.2342390108786767,0,1.5503483479490314 1.4654265316816109 1.3599191716798975 1.2818592032207206 1.1832136910272417 1.0514455750335567 0.9638409309282688 0.8431136828679889 0.8824274277491613 0.7083531819901265 0.6943199293273385 0.6972349247951461 0.6775522558824367 0.6748178354099029 0.7836013407151945 0.7436942782135255 0.8153051414896908 0.8974623910716216 1.0407658569359137 1.1568497493015715 +16111,1.5577261242709817,0,1.4654265316816109 1.3599191716798975 1.2818592032207206 1.1832136910272417 1.0514455750335567 0.9638409309282688 0.8431136828679889 0.8824274277491613 0.7083531819901265 0.6943199293273385 0.6972349247951461 0.6775522558824367 0.6748178354099029 0.7836013407151945 0.7436942782135255 0.8153051414896908 0.8974623910716216 1.0407658569359137 1.1568497493015715 1.2342390108786767 +16112,1.727982499740608,0,1.3599191716798975 1.2818592032207206 1.1832136910272417 1.0514455750335567 0.9638409309282688 0.8431136828679889 0.8824274277491613 0.7083531819901265 0.6943199293273385 0.6972349247951461 0.6775522558824367 0.6748178354099029 0.7836013407151945 0.7436942782135255 0.8153051414896908 0.8974623910716216 1.0407658569359137 1.1568497493015715 1.2342390108786767 1.5577261242709817 +16113,1.76512934529762,0,1.2818592032207206 1.1832136910272417 1.0514455750335567 0.9638409309282688 0.8431136828679889 0.8824274277491613 0.7083531819901265 0.6943199293273385 0.6972349247951461 0.6775522558824367 0.6748178354099029 0.7836013407151945 0.7436942782135255 0.8153051414896908 0.8974623910716216 1.0407658569359137 1.1568497493015715 1.2342390108786767 1.5577261242709817 1.727982499740608 +16114,1.469502366073074,0,1.1832136910272417 1.0514455750335567 0.9638409309282688 0.8431136828679889 0.8824274277491613 0.7083531819901265 0.6943199293273385 0.6972349247951461 0.6775522558824367 0.6748178354099029 0.7836013407151945 0.7436942782135255 0.8153051414896908 0.8974623910716216 1.0407658569359137 1.1568497493015715 1.2342390108786767 1.5577261242709817 1.727982499740608 1.76512934529762 +16115,1.483432433156958,0,1.0514455750335567 0.9638409309282688 0.8431136828679889 0.8824274277491613 0.7083531819901265 0.6943199293273385 0.6972349247951461 0.6775522558824367 0.6748178354099029 0.7836013407151945 0.7436942782135255 0.8153051414896908 0.8974623910716216 1.0407658569359137 1.1568497493015715 1.2342390108786767 1.5577261242709817 1.727982499740608 1.76512934529762 1.469502366073074 +16116,1.3100804872242413,0,0.9638409309282688 0.8431136828679889 0.8824274277491613 0.7083531819901265 0.6943199293273385 0.6972349247951461 0.6775522558824367 0.6748178354099029 0.7836013407151945 0.7436942782135255 0.8153051414896908 0.8974623910716216 1.0407658569359137 1.1568497493015715 1.2342390108786767 1.5577261242709817 1.727982499740608 1.76512934529762 1.469502366073074 1.483432433156958 +16117,1.2497168631941014,0,0.8431136828679889 0.8824274277491613 0.7083531819901265 0.6943199293273385 0.6972349247951461 0.6775522558824367 0.6748178354099029 0.7836013407151945 0.7436942782135255 0.8153051414896908 0.8974623910716216 1.0407658569359137 1.1568497493015715 1.2342390108786767 1.5577261242709817 1.727982499740608 1.76512934529762 1.469502366073074 1.483432433156958 1.3100804872242413 +16118,1.1568497493015715,0,0.8824274277491613 0.7083531819901265 0.6943199293273385 0.6972349247951461 0.6775522558824367 0.6748178354099029 0.7836013407151945 0.7436942782135255 0.8153051414896908 0.8974623910716216 1.0407658569359137 1.1568497493015715 1.2342390108786767 1.5577261242709817 1.727982499740608 1.76512934529762 1.469502366073074 1.483432433156958 1.3100804872242413 1.2497168631941014 +16119,1.0361225012412916,0,0.7083531819901265 0.6943199293273385 0.6972349247951461 0.6775522558824367 0.6748178354099029 0.7836013407151945 0.7436942782135255 0.8153051414896908 0.8974623910716216 1.0407658569359137 1.1568497493015715 1.2342390108786767 1.5577261242709817 1.727982499740608 1.76512934529762 1.469502366073074 1.483432433156958 1.3100804872242413 1.2497168631941014 1.1568497493015715 +16120,0.8828917633186217,0,0.6943199293273385 0.6972349247951461 0.6775522558824367 0.6748178354099029 0.7836013407151945 0.7436942782135255 0.8153051414896908 0.8974623910716216 1.0407658569359137 1.1568497493015715 1.2342390108786767 1.5577261242709817 1.727982499740608 1.76512934529762 1.469502366073074 1.483432433156958 1.3100804872242413 1.2497168631941014 1.1568497493015715 1.0361225012412916 +16121,0.9138474679494621,0,0.6972349247951461 0.6775522558824367 0.6748178354099029 0.7836013407151945 0.7436942782135255 0.8153051414896908 0.8974623910716216 1.0407658569359137 1.1568497493015715 1.2342390108786767 1.5577261242709817 1.727982499740608 1.76512934529762 1.469502366073074 1.483432433156958 1.3100804872242413 1.2497168631941014 1.1568497493015715 1.0361225012412916 0.8828917633186217 +16122,0.8519360586877814,0,0.6775522558824367 0.6748178354099029 0.7836013407151945 0.7436942782135255 0.8153051414896908 0.8974623910716216 1.0407658569359137 1.1568497493015715 1.2342390108786767 1.5577261242709817 1.727982499740608 1.76512934529762 1.469502366073074 1.483432433156958 1.3100804872242413 1.2497168631941014 1.1568497493015715 1.0361225012412916 0.8828917633186217 0.9138474679494621 +16123,0.8291078159431885,0,0.6748178354099029 0.7836013407151945 0.7436942782135255 0.8153051414896908 0.8974623910716216 1.0407658569359137 1.1568497493015715 1.2342390108786767 1.5577261242709817 1.727982499740608 1.76512934529762 1.469502366073074 1.483432433156958 1.3100804872242413 1.2497168631941014 1.1568497493015715 1.0361225012412916 0.8828917633186217 0.9138474679494621 0.8519360586877814 +16124,0.5533303876802304,0,0.7836013407151945 0.7436942782135255 0.8153051414896908 0.8974623910716216 1.0407658569359137 1.1568497493015715 1.2342390108786767 1.5577261242709817 1.727982499740608 1.76512934529762 1.469502366073074 1.483432433156958 1.3100804872242413 1.2497168631941014 1.1568497493015715 1.0361225012412916 0.8828917633186217 0.9138474679494621 0.8519360586877814 0.8291078159431885 +16125,0.7670151333255325,0,0.7436942782135255 0.8153051414896908 0.8974623910716216 1.0407658569359137 1.1568497493015715 1.2342390108786767 1.5577261242709817 1.727982499740608 1.76512934529762 1.469502366073074 1.483432433156958 1.3100804872242413 1.2497168631941014 1.1568497493015715 1.0361225012412916 0.8828917633186217 0.9138474679494621 0.8519360586877814 0.8291078159431885 0.5533303876802304 +16126,0.6971575355335708,0,0.8153051414896908 0.8974623910716216 1.0407658569359137 1.1568497493015715 1.2342390108786767 1.5577261242709817 1.727982499740608 1.76512934529762 1.469502366073074 1.483432433156958 1.3100804872242413 1.2497168631941014 1.1568497493015715 1.0361225012412916 0.8828917633186217 0.9138474679494621 0.8519360586877814 0.8291078159431885 0.5533303876802304 0.7670151333255325 +16127,0.650723978587306,0,0.8974623910716216 1.0407658569359137 1.1568497493015715 1.2342390108786767 1.5577261242709817 1.727982499740608 1.76512934529762 1.469502366073074 1.483432433156958 1.3100804872242413 1.2497168631941014 1.1568497493015715 1.0361225012412916 0.8828917633186217 0.9138474679494621 0.8519360586877814 0.8291078159431885 0.5533303876802304 0.7670151333255325 0.6971575355335708 +16128,0.5888125693256165,0,1.0407658569359137 1.1568497493015715 1.2342390108786767 1.5577261242709817 1.727982499740608 1.76512934529762 1.469502366073074 1.483432433156958 1.3100804872242413 1.2497168631941014 1.1568497493015715 1.0361225012412916 0.8828917633186217 0.9138474679494621 0.8519360586877814 0.8291078159431885 0.5533303876802304 0.7670151333255325 0.6971575355335708 0.650723978587306 +16129,0.5733347170102008,0,1.1568497493015715 1.2342390108786767 1.5577261242709817 1.727982499740608 1.76512934529762 1.469502366073074 1.483432433156958 1.3100804872242413 1.2497168631941014 1.1568497493015715 1.0361225012412916 0.8828917633186217 0.9138474679494621 0.8519360586877814 0.8291078159431885 0.5533303876802304 0.7670151333255325 0.6971575355335708 0.650723978587306 0.5888125693256165 +16130,0.5625002203894071,0,1.2342390108786767 1.5577261242709817 1.727982499740608 1.76512934529762 1.469502366073074 1.483432433156958 1.3100804872242413 1.2497168631941014 1.1568497493015715 1.0361225012412916 0.8828917633186217 0.9138474679494621 0.8519360586877814 0.8291078159431885 0.5533303876802304 0.7670151333255325 0.6971575355335708 0.650723978587306 0.5888125693256165 0.5733347170102008 +16131,0.7729990118791267,0,1.5577261242709817 1.727982499740608 1.76512934529762 1.469502366073074 1.483432433156958 1.3100804872242413 1.2497168631941014 1.1568497493015715 1.0361225012412916 0.8828917633186217 0.9138474679494621 0.8519360586877814 0.8291078159431885 0.5533303876802304 0.7670151333255325 0.6971575355335708 0.650723978587306 0.5888125693256165 0.5733347170102008 0.5625002203894071 +16132,0.8209803540569323,0,1.727982499740608 1.76512934529762 1.469502366073074 1.483432433156958 1.3100804872242413 1.2497168631941014 1.1568497493015715 1.0361225012412916 0.8828917633186217 0.9138474679494621 0.8519360586877814 0.8291078159431885 0.5533303876802304 0.7670151333255325 0.6971575355335708 0.650723978587306 0.5888125693256165 0.5733347170102008 0.5625002203894071 0.7729990118791267 +16133,1.2574557893518137,0,1.76512934529762 1.469502366073074 1.483432433156958 1.3100804872242413 1.2497168631941014 1.1568497493015715 1.0361225012412916 0.8828917633186217 0.9138474679494621 0.8519360586877814 0.8291078159431885 0.5533303876802304 0.7670151333255325 0.6971575355335708 0.650723978587306 0.5888125693256165 0.5733347170102008 0.5625002203894071 0.7729990118791267 0.8209803540569323 +16134,1.4137820977375648,0,1.469502366073074 1.483432433156958 1.3100804872242413 1.2497168631941014 1.1568497493015715 1.0361225012412916 0.8828917633186217 0.9138474679494621 0.8519360586877814 0.8291078159431885 0.5533303876802304 0.7670151333255325 0.6971575355335708 0.650723978587306 0.5888125693256165 0.5733347170102008 0.5625002203894071 0.7729990118791267 0.8209803540569323 1.2574557893518137 +16135,1.4958147150092922,0,1.483432433156958 1.3100804872242413 1.2497168631941014 1.1568497493015715 1.0361225012412916 0.8828917633186217 0.9138474679494621 0.8519360586877814 0.8291078159431885 0.5533303876802304 0.7670151333255325 0.6971575355335708 0.650723978587306 0.5888125693256165 0.5733347170102008 0.5625002203894071 0.7729990118791267 0.8209803540569323 1.2574557893518137 1.4137820977375648 +16136,1.616541963069581,0,1.3100804872242413 1.2497168631941014 1.1568497493015715 1.0361225012412916 0.8828917633186217 0.9138474679494621 0.8519360586877814 0.8291078159431885 0.5533303876802304 0.7670151333255325 0.6971575355335708 0.650723978587306 0.5888125693256165 0.5733347170102008 0.5625002203894071 0.7729990118791267 0.8209803540569323 1.2574557893518137 1.4137820977375648 1.4958147150092922 +16137,1.6180897483011216,0,1.2497168631941014 1.1568497493015715 1.0361225012412916 0.8828917633186217 0.9138474679494621 0.8519360586877814 0.8291078159431885 0.5533303876802304 0.7670151333255325 0.6971575355335708 0.650723978587306 0.5888125693256165 0.5733347170102008 0.5625002203894071 0.7729990118791267 0.8209803540569323 1.2574557893518137 1.4137820977375648 1.4958147150092922 1.616541963069581 +16138,1.6413065267742497,0,1.1568497493015715 1.0361225012412916 0.8828917633186217 0.9138474679494621 0.8519360586877814 0.8291078159431885 0.5533303876802304 0.7670151333255325 0.6971575355335708 0.650723978587306 0.5888125693256165 0.5733347170102008 0.5625002203894071 0.7729990118791267 0.8209803540569323 1.2574557893518137 1.4137820977375648 1.4958147150092922 1.616541963069581 1.6180897483011216 +16139,1.5964207550595344,0,1.0361225012412916 0.8828917633186217 0.9138474679494621 0.8519360586877814 0.8291078159431885 0.5533303876802304 0.7670151333255325 0.6971575355335708 0.650723978587306 0.5888125693256165 0.5733347170102008 0.5625002203894071 0.7729990118791267 0.8209803540569323 1.2574557893518137 1.4137820977375648 1.4958147150092922 1.616541963069581 1.6180897483011216 1.6413065267742497 +16140,1.5298659901032228,0,0.8828917633186217 0.9138474679494621 0.8519360586877814 0.8291078159431885 0.5533303876802304 0.7670151333255325 0.6971575355335708 0.650723978587306 0.5888125693256165 0.5733347170102008 0.5625002203894071 0.7729990118791267 0.8209803540569323 1.2574557893518137 1.4137820977375648 1.4958147150092922 1.616541963069581 1.6180897483011216 1.6413065267742497 1.5964207550595344 +16141,1.3750874669490123,0,0.9138474679494621 0.8519360586877814 0.8291078159431885 0.5533303876802304 0.7670151333255325 0.6971575355335708 0.650723978587306 0.5888125693256165 0.5733347170102008 0.5625002203894071 0.7729990118791267 0.8209803540569323 1.2574557893518137 1.4137820977375648 1.4958147150092922 1.616541963069581 1.6180897483011216 1.6413065267742497 1.5964207550595344 1.5298659901032228 +16142,1.1553019640700308,0,0.8519360586877814 0.8291078159431885 0.5533303876802304 0.7670151333255325 0.6971575355335708 0.650723978587306 0.5888125693256165 0.5733347170102008 0.5625002203894071 0.7729990118791267 0.8209803540569323 1.2574557893518137 1.4137820977375648 1.4958147150092922 1.616541963069581 1.6180897483011216 1.6413065267742497 1.5964207550595344 1.5298659901032228 1.3750874669490123 +16143,0.7869290789630106,0,0.8291078159431885 0.5533303876802304 0.7670151333255325 0.6971575355335708 0.650723978587306 0.5888125693256165 0.5733347170102008 0.5625002203894071 0.7729990118791267 0.8209803540569323 1.2574557893518137 1.4137820977375648 1.4958147150092922 1.616541963069581 1.6180897483011216 1.6413065267742497 1.5964207550595344 1.5298659901032228 1.3750874669490123 1.1553019640700308 +16144,0.5547612942316947,0,0.5533303876802304 0.7670151333255325 0.6971575355335708 0.650723978587306 0.5888125693256165 0.5733347170102008 0.5625002203894071 0.7729990118791267 0.8209803540569323 1.2574557893518137 1.4137820977375648 1.4958147150092922 1.616541963069581 1.6180897483011216 1.6413065267742497 1.5964207550595344 1.5298659901032228 1.3750874669490123 1.1553019640700308 0.7869290789630106 +16145,0.443320757560659,0,0.7670151333255325 0.6971575355335708 0.650723978587306 0.5888125693256165 0.5733347170102008 0.5625002203894071 0.7729990118791267 0.8209803540569323 1.2574557893518137 1.4137820977375648 1.4958147150092922 1.616541963069581 1.6180897483011216 1.6413065267742497 1.5964207550595344 1.5298659901032228 1.3750874669490123 1.1553019640700308 0.7869290789630106 0.5547612942316947 +16146,0.3721226369097253,0,0.6971575355335708 0.650723978587306 0.5888125693256165 0.5733347170102008 0.5625002203894071 0.7729990118791267 0.8209803540569323 1.2574557893518137 1.4137820977375648 1.4958147150092922 1.616541963069581 1.6180897483011216 1.6413065267742497 1.5964207550595344 1.5298659901032228 1.3750874669490123 1.1553019640700308 0.7869290789630106 0.5547612942316947 0.443320757560659 +16147,0.25913431500714884,0,0.650723978587306 0.5888125693256165 0.5733347170102008 0.5625002203894071 0.7729990118791267 0.8209803540569323 1.2574557893518137 1.4137820977375648 1.4958147150092922 1.616541963069581 1.6180897483011216 1.6413065267742497 1.5964207550595344 1.5298659901032228 1.3750874669490123 1.1553019640700308 0.7869290789630106 0.5547612942316947 0.443320757560659 0.3721226369097253 +16148,0.20186626144009023,0,0.5888125693256165 0.5733347170102008 0.5625002203894071 0.7729990118791267 0.8209803540569323 1.2574557893518137 1.4137820977375648 1.4958147150092922 1.616541963069581 1.6180897483011216 1.6413065267742497 1.5964207550595344 1.5298659901032228 1.3750874669490123 1.1553019640700308 0.7869290789630106 0.5547612942316947 0.443320757560659 0.3721226369097253 0.25913431500714884 +16149,0.06411337583284497,0,0.5733347170102008 0.5625002203894071 0.7729990118791267 0.8209803540569323 1.2574557893518137 1.4137820977375648 1.4958147150092922 1.616541963069581 1.6180897483011216 1.6413065267742497 1.5964207550595344 1.5298659901032228 1.3750874669490123 1.1553019640700308 0.7869290789630106 0.5547612942316947 0.443320757560659 0.3721226369097253 0.25913431500714884 0.20186626144009023 +16150,0.03160988597046394,0,0.5625002203894071 0.7729990118791267 0.8209803540569323 1.2574557893518137 1.4137820977375648 1.4958147150092922 1.616541963069581 1.6180897483011216 1.6413065267742497 1.5964207550595344 1.5298659901032228 1.3750874669490123 1.1553019640700308 0.7869290789630106 0.5547612942316947 0.443320757560659 0.3721226369097253 0.25913431500714884 0.20186626144009023 0.06411337583284497 +16151,0.04863552351742921,0,0.7729990118791267 0.8209803540569323 1.2574557893518137 1.4137820977375648 1.4958147150092922 1.616541963069581 1.6180897483011216 1.6413065267742497 1.5964207550595344 1.5298659901032228 1.3750874669490123 1.1553019640700308 0.7869290789630106 0.5547612942316947 0.443320757560659 0.3721226369097253 0.25913431500714884 0.20186626144009023 0.06411337583284497 0.03160988597046394 +16152,0.04708773828587971,0,0.8209803540569323 1.2574557893518137 1.4137820977375648 1.4958147150092922 1.616541963069581 1.6180897483011216 1.6413065267742497 1.5964207550595344 1.5298659901032228 1.3750874669490123 1.1553019640700308 0.7869290789630106 0.5547612942316947 0.443320757560659 0.3721226369097253 0.25913431500714884 0.20186626144009023 0.06411337583284497 0.03160988597046394 0.04863552351742921 +16153,-0.04577937560664132,0,1.2574557893518137 1.4137820977375648 1.4958147150092922 1.616541963069581 1.6180897483011216 1.6413065267742497 1.5964207550595344 1.5298659901032228 1.3750874669490123 1.1553019640700308 0.7869290789630106 0.5547612942316947 0.443320757560659 0.3721226369097253 0.25913431500714884 0.20186626144009023 0.06411337583284497 0.03160988597046394 0.04863552351742921 0.04708773828587971 +16154,-0.04887494606973151,0,1.4137820977375648 1.4958147150092922 1.616541963069581 1.6180897483011216 1.6413065267742497 1.5964207550595344 1.5298659901032228 1.3750874669490123 1.1553019640700308 0.7869290789630106 0.5547612942316947 0.443320757560659 0.3721226369097253 0.25913431500714884 0.20186626144009023 0.06411337583284497 0.03160988597046394 0.04863552351742921 0.04708773828587971 -0.04577937560664132 +16155,0.2235352546816864,0,1.4958147150092922 1.616541963069581 1.6180897483011216 1.6413065267742497 1.5964207550595344 1.5298659901032228 1.3750874669490123 1.1553019640700308 0.7869290789630106 0.5547612942316947 0.443320757560659 0.3721226369097253 0.25913431500714884 0.20186626144009023 0.06411337583284497 0.03160988597046394 0.04863552351742921 0.04708773828587971 -0.04577937560664132 -0.04887494606973151 +16156,0.5779780727048228,0,1.616541963069581 1.6180897483011216 1.6413065267742497 1.5964207550595344 1.5298659901032228 1.3750874669490123 1.1553019640700308 0.7869290789630106 0.5547612942316947 0.443320757560659 0.3721226369097253 0.25913431500714884 0.20186626144009023 0.06411337583284497 0.03160988597046394 0.04863552351742921 0.04708773828587971 -0.04577937560664132 -0.04887494606973151 0.2235352546816864 +16157,0.8813439780870811,0,1.6180897483011216 1.6413065267742497 1.5964207550595344 1.5298659901032228 1.3750874669490123 1.1553019640700308 0.7869290789630106 0.5547612942316947 0.443320757560659 0.3721226369097253 0.25913431500714884 0.20186626144009023 0.06411337583284497 0.03160988597046394 0.04863552351742921 0.04708773828587971 -0.04577937560664132 -0.04887494606973151 0.2235352546816864 0.5779780727048228 +16158,1.1506586083754,0,1.6413065267742497 1.5964207550595344 1.5298659901032228 1.3750874669490123 1.1553019640700308 0.7869290789630106 0.5547612942316947 0.443320757560659 0.3721226369097253 0.25913431500714884 0.20186626144009023 0.06411337583284497 0.03160988597046394 0.04863552351742921 0.04708773828587971 -0.04577937560664132 -0.04887494606973151 0.2235352546816864 0.5779780727048228 0.8813439780870811 +16159,1.3983042454221404,0,1.5964207550595344 1.5298659901032228 1.3750874669490123 1.1553019640700308 0.7869290789630106 0.5547612942316947 0.443320757560659 0.3721226369097253 0.25913431500714884 0.20186626144009023 0.06411337583284497 0.03160988597046394 0.04863552351742921 0.04708773828587971 -0.04577937560664132 -0.04887494606973151 0.2235352546816864 0.5779780727048228 0.8813439780870811 1.1506586083754 +16160,1.5143881377877981,0,1.5298659901032228 1.3750874669490123 1.1553019640700308 0.7869290789630106 0.5547612942316947 0.443320757560659 0.3721226369097253 0.25913431500714884 0.20186626144009023 0.06411337583284497 0.03160988597046394 0.04863552351742921 0.04708773828587971 -0.04577937560664132 -0.04887494606973151 0.2235352546816864 0.5779780727048228 0.8813439780870811 1.1506586083754 1.3983042454221404 +16161,1.5654650504286851,0,1.3750874669490123 1.1553019640700308 0.7869290789630106 0.5547612942316947 0.443320757560659 0.3721226369097253 0.25913431500714884 0.20186626144009023 0.06411337583284497 0.03160988597046394 0.04863552351742921 0.04708773828587971 -0.04577937560664132 -0.04887494606973151 0.2235352546816864 0.5779780727048228 0.8813439780870811 1.1506586083754 1.3983042454221404 1.5143881377877981 +16162,1.6196375335326625,0,1.1553019640700308 0.7869290789630106 0.5547612942316947 0.443320757560659 0.3721226369097253 0.25913431500714884 0.20186626144009023 0.06411337583284497 0.03160988597046394 0.04863552351742921 0.04708773828587971 -0.04577937560664132 -0.04887494606973151 0.2235352546816864 0.5779780727048228 0.8813439780870811 1.1506586083754 1.3983042454221404 1.5143881377877981 1.5654650504286851 +16163,1.5871340436702814,0,0.7869290789630106 0.5547612942316947 0.443320757560659 0.3721226369097253 0.25913431500714884 0.20186626144009023 0.06411337583284497 0.03160988597046394 0.04863552351742921 0.04708773828587971 -0.04577937560664132 -0.04887494606973151 0.2235352546816864 0.5779780727048228 0.8813439780870811 1.1506586083754 1.3983042454221404 1.5143881377877981 1.5654650504286851 1.6196375335326625 +16164,1.472597936536164,0,0.5547612942316947 0.443320757560659 0.3721226369097253 0.25913431500714884 0.20186626144009023 0.06411337583284497 0.03160988597046394 0.04863552351742921 0.04708773828587971 -0.04577937560664132 -0.04887494606973151 0.2235352546816864 0.5779780727048228 0.8813439780870811 1.1506586083754 1.3983042454221404 1.5143881377877981 1.5654650504286851 1.6196375335326625 1.5871340436702814 +16165,1.311628272455782,0,0.443320757560659 0.3721226369097253 0.25913431500714884 0.20186626144009023 0.06411337583284497 0.03160988597046394 0.04863552351742921 0.04708773828587971 -0.04577937560664132 -0.04887494606973151 0.2235352546816864 0.5779780727048228 0.8813439780870811 1.1506586083754 1.3983042454221404 1.5143881377877981 1.5654650504286851 1.6196375335326625 1.5871340436702814 1.472597936536164 +16166,1.0516003535567073,0,0.3721226369097253 0.25913431500714884 0.20186626144009023 0.06411337583284497 0.03160988597046394 0.04863552351742921 0.04708773828587971 -0.04577937560664132 -0.04887494606973151 0.2235352546816864 0.5779780727048228 0.8813439780870811 1.1506586083754 1.3983042454221404 1.5143881377877981 1.5654650504286851 1.6196375335326625 1.5871340436702814 1.472597936536164 1.311628272455782 +16167,0.7404955220167456,0,0.25913431500714884 0.20186626144009023 0.06411337583284497 0.03160988597046394 0.04863552351742921 0.04708773828587971 -0.04577937560664132 -0.04887494606973151 0.2235352546816864 0.5779780727048228 0.8813439780870811 1.1506586083754 1.3983042454221404 1.5143881377877981 1.5654650504286851 1.6196375335326625 1.5871340436702814 1.472597936536164 1.311628272455782 1.0516003535567073 +16168,0.4727286769599586,0,0.20186626144009023 0.06411337583284497 0.03160988597046394 0.04863552351742921 0.04708773828587971 -0.04577937560664132 -0.04887494606973151 0.2235352546816864 0.5779780727048228 0.8813439780870811 1.1506586083754 1.3983042454221404 1.5143881377877981 1.5654650504286851 1.6196375335326625 1.5871340436702814 1.472597936536164 1.311628272455782 1.0516003535567073 0.7404955220167456 +16169,0.35819256982585024,0,0.06411337583284497 0.03160988597046394 0.04863552351742921 0.04708773828587971 -0.04577937560664132 -0.04887494606973151 0.2235352546816864 0.5779780727048228 0.8813439780870811 1.1506586083754 1.3983042454221404 1.5143881377877981 1.5654650504286851 1.6196375335326625 1.5871340436702814 1.472597936536164 1.311628272455782 1.0516003535567073 0.7404955220167456 0.4727286769599586 +16170,0.26068210023868954,0,0.03160988597046394 0.04863552351742921 0.04708773828587971 -0.04577937560664132 -0.04887494606973151 0.2235352546816864 0.5779780727048228 0.8813439780870811 1.1506586083754 1.3983042454221404 1.5143881377877981 1.5654650504286851 1.6196375335326625 1.5871340436702814 1.472597936536164 1.311628272455782 1.0516003535567073 0.7404955220167456 0.4727286769599586 0.35819256982585024 +16171,0.18793619435621514,0,0.04863552351742921 0.04708773828587971 -0.04577937560664132 -0.04887494606973151 0.2235352546816864 0.5779780727048228 0.8813439780870811 1.1506586083754 1.3983042454221404 1.5143881377877981 1.5654650504286851 1.6196375335326625 1.5871340436702814 1.472597936536164 1.311628272455782 1.0516003535567073 0.7404955220167456 0.4727286769599586 0.35819256982585024 0.26068210023868954 +16172,0.06256559060130429,0,0.04708773828587971 -0.04577937560664132 -0.04887494606973151 0.2235352546816864 0.5779780727048228 0.8813439780870811 1.1506586083754 1.3983042454221404 1.5143881377877981 1.5654650504286851 1.6196375335326625 1.5871340436702814 1.472597936536164 1.311628272455782 1.0516003535567073 0.7404955220167456 0.4727286769599586 0.35819256982585024 0.26068210023868954 0.18793619435621514 +16173,0.03160988597046394,0,-0.04577937560664132 -0.04887494606973151 0.2235352546816864 0.5779780727048228 0.8813439780870811 1.1506586083754 1.3983042454221404 1.5143881377877981 1.5654650504286851 1.6196375335326625 1.5871340436702814 1.472597936536164 1.311628272455782 1.0516003535567073 0.7404955220167456 0.4727286769599586 0.35819256982585024 0.26068210023868954 0.18793619435621514 0.06256559060130429 +16174,0.04708773828587971,0,-0.04887494606973151 0.2235352546816864 0.5779780727048228 0.8813439780870811 1.1506586083754 1.3983042454221404 1.5143881377877981 1.5654650504286851 1.6196375335326625 1.5871340436702814 1.472597936536164 1.311628272455782 1.0516003535567073 0.7404955220167456 0.4727286769599586 0.35819256982585024 0.26068210023868954 0.18793619435621514 0.06256559060130429 0.03160988597046394 +16175,0.09506908046368533,0,0.2235352546816864 0.5779780727048228 0.8813439780870811 1.1506586083754 1.3983042454221404 1.5143881377877981 1.5654650504286851 1.6196375335326625 1.5871340436702814 1.472597936536164 1.311628272455782 1.0516003535567073 0.7404955220167456 0.4727286769599586 0.35819256982585024 0.26068210023868954 0.18793619435621514 0.06256559060130429 0.03160988597046394 0.04708773828587971 +16176,0.07804344291672885,0,0.5779780727048228 0.8813439780870811 1.1506586083754 1.3983042454221404 1.5143881377877981 1.5654650504286851 1.6196375335326625 1.5871340436702814 1.472597936536164 1.311628272455782 1.0516003535567073 0.7404955220167456 0.4727286769599586 0.35819256982585024 0.26068210023868954 0.18793619435621514 0.06256559060130429 0.03160988597046394 0.04708773828587971 0.09506908046368533 +16177,0.04708773828587971,0,0.8813439780870811 1.1506586083754 1.3983042454221404 1.5143881377877981 1.5654650504286851 1.6196375335326625 1.5871340436702814 1.472597936536164 1.311628272455782 1.0516003535567073 0.7404955220167456 0.4727286769599586 0.35819256982585024 0.26068210023868954 0.18793619435621514 0.06256559060130429 0.03160988597046394 0.04708773828587971 0.09506908046368533 0.07804344291672885 +16178,0.014584248423498673,0,1.1506586083754 1.3983042454221404 1.5143881377877981 1.5654650504286851 1.6196375335326625 1.5871340436702814 1.472597936536164 1.311628272455782 1.0516003535567073 0.7404955220167456 0.4727286769599586 0.35819256982585024 0.26068210023868954 0.18793619435621514 0.06256559060130429 0.03160988597046394 0.04708773828587971 0.09506908046368533 0.07804344291672885 0.04708773828587971 +16179,0.105903577084479,0,1.3983042454221404 1.5143881377877981 1.5654650504286851 1.6196375335326625 1.5871340436702814 1.472597936536164 1.311628272455782 1.0516003535567073 0.7404955220167456 0.4727286769599586 0.35819256982585024 0.26068210023868954 0.18793619435621514 0.06256559060130429 0.03160988597046394 0.04708773828587971 0.09506908046368533 0.07804344291672885 0.04708773828587971 0.014584248423498673 +16180,0.2684210263964018,0,1.5143881377877981 1.5654650504286851 1.6196375335326625 1.5871340436702814 1.472597936536164 1.311628272455782 1.0516003535567073 0.7404955220167456 0.4727286769599586 0.35819256982585024 0.26068210023868954 0.18793619435621514 0.06256559060130429 0.03160988597046394 0.04708773828587971 0.09506908046368533 0.07804344291672885 0.04708773828587971 0.014584248423498673 0.105903577084479 +16181,0.5361878714531888,0,1.5654650504286851 1.6196375335326625 1.5871340436702814 1.472597936536164 1.311628272455782 1.0516003535567073 0.7404955220167456 0.4727286769599586 0.35819256982585024 0.26068210023868954 0.18793619435621514 0.06256559060130429 0.03160988597046394 0.04708773828587971 0.09506908046368533 0.07804344291672885 0.04708773828587971 0.014584248423498673 0.105903577084479 0.2684210263964018 +16182,0.8101458574361385,0,1.6196375335326625 1.5871340436702814 1.472597936536164 1.311628272455782 1.0516003535567073 0.7404955220167456 0.4727286769599586 0.35819256982585024 0.26068210023868954 0.18793619435621514 0.06256559060130429 0.03160988597046394 0.04708773828587971 0.09506908046368533 0.07804344291672885 0.04708773828587971 0.014584248423498673 0.105903577084479 0.2684210263964018 0.5361878714531888 +16183,1.020644648925867,0,1.5871340436702814 1.472597936536164 1.311628272455782 1.0516003535567073 0.7404955220167456 0.4727286769599586 0.35819256982585024 0.26068210023868954 0.18793619435621514 0.06256559060130429 0.03160988597046394 0.04708773828587971 0.09506908046368533 0.07804344291672885 0.04708773828587971 0.014584248423498673 0.105903577084479 0.2684210263964018 0.5361878714531888 0.8101458574361385 +16184,1.1119639775868473,0,1.472597936536164 1.311628272455782 1.0516003535567073 0.7404955220167456 0.4727286769599586 0.35819256982585024 0.26068210023868954 0.18793619435621514 0.06256559060130429 0.03160988597046394 0.04708773828587971 0.09506908046368533 0.07804344291672885 0.04708773828587971 0.014584248423498673 0.105903577084479 0.2684210263964018 0.5361878714531888 0.8101458574361385 1.020644648925867 +16185,1.2450735074994705,0,1.311628272455782 1.0516003535567073 0.7404955220167456 0.4727286769599586 0.35819256982585024 0.26068210023868954 0.18793619435621514 0.06256559060130429 0.03160988597046394 0.04708773828587971 0.09506908046368533 0.07804344291672885 0.04708773828587971 0.014584248423498673 0.105903577084479 0.2684210263964018 0.5361878714531888 0.8101458574361385 1.020644648925867 1.1119639775868473 +16186,1.3085327019927007,0,1.0516003535567073 0.7404955220167456 0.4727286769599586 0.35819256982585024 0.26068210023868954 0.18793619435621514 0.06256559060130429 0.03160988597046394 0.04708773828587971 0.09506908046368533 0.07804344291672885 0.04708773828587971 0.014584248423498673 0.105903577084479 0.2684210263964018 0.5361878714531888 0.8101458574361385 1.020644648925867 1.1119639775868473 1.2450735074994705 +16187,1.3286539100027472,0,0.7404955220167456 0.4727286769599586 0.35819256982585024 0.26068210023868954 0.18793619435621514 0.06256559060130429 0.03160988597046394 0.04708773828587971 0.09506908046368533 0.07804344291672885 0.04708773828587971 0.014584248423498673 0.105903577084479 0.2684210263964018 0.5361878714531888 0.8101458574361385 1.020644648925867 1.1119639775868473 1.2450735074994705 1.3085327019927007 +16188,1.2156655881001708,0,0.4727286769599586 0.35819256982585024 0.26068210023868954 0.18793619435621514 0.06256559060130429 0.03160988597046394 0.04708773828587971 0.09506908046368533 0.07804344291672885 0.04708773828587971 0.014584248423498673 0.105903577084479 0.2684210263964018 0.5361878714531888 0.8101458574361385 1.020644648925867 1.1119639775868473 1.2450735074994705 1.3085327019927007 1.3286539100027472 +16189,1.1011294809660537,0,0.35819256982585024 0.26068210023868954 0.18793619435621514 0.06256559060130429 0.03160988597046394 0.04708773828587971 0.09506908046368533 0.07804344291672885 0.04708773828587971 0.014584248423498673 0.105903577084479 0.2684210263964018 0.5361878714531888 0.8101458574361385 1.020644648925867 1.1119639775868473 1.2450735074994705 1.3085327019927007 1.3286539100027472 1.2156655881001708 +16190,0.8736050519293688,0,0.26068210023868954 0.18793619435621514 0.06256559060130429 0.03160988597046394 0.04708773828587971 0.09506908046368533 0.07804344291672885 0.04708773828587971 0.014584248423498673 0.105903577084479 0.2684210263964018 0.5361878714531888 0.8101458574361385 1.020644648925867 1.1119639775868473 1.2450735074994705 1.3085327019927007 1.3286539100027472 1.2156655881001708 1.1011294809660537 +16191,0.5748825022417414,0,0.18793619435621514 0.06256559060130429 0.03160988597046394 0.04708773828587971 0.09506908046368533 0.07804344291672885 0.04708773828587971 0.014584248423498673 0.105903577084479 0.2684210263964018 0.5361878714531888 0.8101458574361385 1.020644648925867 1.1119639775868473 1.2450735074994705 1.3085327019927007 1.3286539100027472 1.2156655881001708 1.1011294809660537 0.8736050519293688 +16192,0.38295713353051897,0,0.06256559060130429 0.03160988597046394 0.04708773828587971 0.09506908046368533 0.07804344291672885 0.04708773828587971 0.014584248423498673 0.105903577084479 0.2684210263964018 0.5361878714531888 0.8101458574361385 1.020644648925867 1.1119639775868473 1.2450735074994705 1.3085327019927007 1.3286539100027472 1.2156655881001708 1.1011294809660537 0.8736050519293688 0.5748825022417414 +16193,0.313306798111126,0,0.03160988597046394 0.04708773828587971 0.09506908046368533 0.07804344291672885 0.04708773828587971 0.014584248423498673 0.105903577084479 0.2684210263964018 0.5361878714531888 0.8101458574361385 1.020644648925867 1.1119639775868473 1.2450735074994705 1.3085327019927007 1.3286539100027472 1.2156655881001708 1.1011294809660537 0.8736050519293688 0.5748825022417414 0.38295713353051897 +16194,0.2188918989870555,0,0.04708773828587971 0.09506908046368533 0.07804344291672885 0.04708773828587971 0.014584248423498673 0.105903577084479 0.2684210263964018 0.5361878714531888 0.8101458574361385 1.020644648925867 1.1119639775868473 1.2450735074994705 1.3085327019927007 1.3286539100027472 1.2156655881001708 1.1011294809660537 0.8736050519293688 0.5748825022417414 0.38295713353051897 0.313306798111126 +16195,0.20186626144009023,0,0.09506908046368533 0.07804344291672885 0.04708773828587971 0.014584248423498673 0.105903577084479 0.2684210263964018 0.5361878714531888 0.8101458574361385 1.020644648925867 1.1119639775868473 1.2450735074994705 1.3085327019927007 1.3286539100027472 1.2156655881001708 1.1011294809660537 0.8736050519293688 0.5748825022417414 0.38295713353051897 0.313306798111126 0.2188918989870555 +16196,0.12447699986298497,0,0.07804344291672885 0.04708773828587971 0.014584248423498673 0.105903577084479 0.2684210263964018 0.5361878714531888 0.8101458574361385 1.020644648925867 1.1119639775868473 1.2450735074994705 1.3085327019927007 1.3286539100027472 1.2156655881001708 1.1011294809660537 0.8736050519293688 0.5748825022417414 0.38295713353051897 0.313306798111126 0.2188918989870555 0.20186626144009023 +16197,0.04438127654142849,0,0.04708773828587971 0.014584248423498673 0.105903577084479 0.2684210263964018 0.5361878714531888 0.8101458574361385 1.020644648925867 1.1119639775868473 1.2450735074994705 1.3085327019927007 1.3286539100027472 1.2156655881001708 1.1011294809660537 0.8736050519293688 0.5748825022417414 0.38295713353051897 0.313306798111126 0.2188918989870555 0.20186626144009023 0.12447699986298497 +16198,-0.6906382958565427,0,0.014584248423498673 0.105903577084479 0.2684210263964018 0.5361878714531888 0.8101458574361385 1.020644648925867 1.1119639775868473 1.2450735074994705 1.3085327019927007 1.3286539100027472 1.2156655881001708 1.1011294809660537 0.8736050519293688 0.5748825022417414 0.38295713353051897 0.313306798111126 0.2188918989870555 0.20186626144009023 0.12447699986298497 0.04438127654142849 +16199,-0.7513630698772302,0,0.105903577084479 0.2684210263964018 0.5361878714531888 0.8101458574361385 1.020644648925867 1.1119639775868473 1.2450735074994705 1.3085327019927007 1.3286539100027472 1.2156655881001708 1.1011294809660537 0.8736050519293688 0.5748825022417414 0.38295713353051897 0.313306798111126 0.2188918989870555 0.20186626144009023 0.12447699986298497 0.04438127654142849 -0.6906382958565427 +16200,-0.39109026076368414,0,0.2684210263964018 0.5361878714531888 0.8101458574361385 1.020644648925867 1.1119639775868473 1.2450735074994705 1.3085327019927007 1.3286539100027472 1.2156655881001708 1.1011294809660537 0.8736050519293688 0.5748825022417414 0.38295713353051897 0.313306798111126 0.2188918989870555 0.20186626144009023 0.12447699986298497 0.04438127654142849 -0.6906382958565427 -0.7513630698772302 +16201,-0.592147562341009,0,0.5361878714531888 0.8101458574361385 1.020644648925867 1.1119639775868473 1.2450735074994705 1.3085327019927007 1.3286539100027472 1.2156655881001708 1.1011294809660537 0.8736050519293688 0.5748825022417414 0.38295713353051897 0.313306798111126 0.2188918989870555 0.20186626144009023 0.12447699986298497 0.04438127654142849 -0.6906382958565427 -0.7513630698772302 -0.39109026076368414 +16202,-0.37220728093887706,0,0.8101458574361385 1.020644648925867 1.1119639775868473 1.2450735074994705 1.3085327019927007 1.3286539100027472 1.2156655881001708 1.1011294809660537 0.8736050519293688 0.5748825022417414 0.38295713353051897 0.313306798111126 0.2188918989870555 0.20186626144009023 0.12447699986298497 0.04438127654142849 -0.6906382958565427 -0.7513630698772302 -0.39109026076368414 -0.592147562341009 +16203,0.05134414767262543,0,1.020644648925867 1.1119639775868473 1.2450735074994705 1.3085327019927007 1.3286539100027472 1.2156655881001708 1.1011294809660537 0.8736050519293688 0.5748825022417414 0.38295713353051897 0.313306798111126 0.2188918989870555 0.20186626144009023 0.12447699986298497 0.04438127654142849 -0.6906382958565427 -0.7513630698772302 -0.39109026076368414 -0.592147562341009 -0.37220728093887706 +16204,0.20341404667163973,0,1.1119639775868473 1.2450735074994705 1.3085327019927007 1.3286539100027472 1.2156655881001708 1.1011294809660537 0.8736050519293688 0.5748825022417414 0.38295713353051897 0.313306798111126 0.2188918989870555 0.20186626144009023 0.12447699986298497 0.04438127654142849 -0.6906382958565427 -0.7513630698772302 -0.39109026076368414 -0.592147562341009 -0.37220728093887706 0.05134414767262543 +16205,0.5590950928800069,0,1.2450735074994705 1.3085327019927007 1.3286539100027472 1.2156655881001708 1.1011294809660537 0.8736050519293688 0.5748825022417414 0.38295713353051897 0.313306798111126 0.2188918989870555 0.20186626144009023 0.12447699986298497 0.04438127654142849 -0.6906382958565427 -0.7513630698772302 -0.39109026076368414 -0.592147562341009 -0.37220728093887706 0.05134414767262543 0.20341404667163973 +16206,0.5439576548763951,0,1.3085327019927007 1.3286539100027472 1.2156655881001708 1.1011294809660537 0.8736050519293688 0.5748825022417414 0.38295713353051897 0.313306798111126 0.2188918989870555 0.20186626144009023 0.12447699986298497 0.04438127654142849 -0.6906382958565427 -0.7513630698772302 -0.39109026076368414 -0.592147562341009 -0.37220728093887706 0.05134414767262543 0.20341404667163973 0.5590950928800069 +16207,0.9432553873487618,0,1.3286539100027472 1.2156655881001708 1.1011294809660537 0.8736050519293688 0.5748825022417414 0.38295713353051897 0.313306798111126 0.2188918989870555 0.20186626144009023 0.12447699986298497 0.04438127654142849 -0.6906382958565427 -0.7513630698772302 -0.39109026076368414 -0.592147562341009 -0.37220728093887706 0.05134414767262543 0.20341404667163973 0.5590950928800069 0.5439576548763951 +16208,1.1831620982377897,0,1.2156655881001708 1.1011294809660537 0.8736050519293688 0.5748825022417414 0.38295713353051897 0.313306798111126 0.2188918989870555 0.20186626144009023 0.12447699986298497 0.04438127654142849 -0.6906382958565427 -0.7513630698772302 -0.39109026076368414 -0.592147562341009 -0.37220728093887706 0.05134414767262543 0.20341404667163973 0.5590950928800069 0.5439576548763951 0.9432553873487618 +16209,1.2868637087511132,0,1.1011294809660537 0.8736050519293688 0.5748825022417414 0.38295713353051897 0.313306798111126 0.2188918989870555 0.20186626144009023 0.12447699986298497 0.04438127654142849 -0.6906382958565427 -0.7513630698772302 -0.39109026076368414 -0.592147562341009 -0.37220728093887706 0.05134414767262543 0.20341404667163973 0.5590950928800069 0.5439576548763951 0.9432553873487618 1.1831620982377897 +16210,1.3750874669490123,0,0.8736050519293688 0.5748825022417414 0.38295713353051897 0.313306798111126 0.2188918989870555 0.20186626144009023 0.12447699986298497 0.04438127654142849 -0.6906382958565427 -0.7513630698772302 -0.39109026076368414 -0.592147562341009 -0.37220728093887706 0.05134414767262543 0.20341404667163973 0.5590950928800069 0.5439576548763951 0.9432553873487618 1.1831620982377897 1.2868637087511132 +16211,1.3209149838450351,0,0.5748825022417414 0.38295713353051897 0.313306798111126 0.2188918989870555 0.20186626144009023 0.12447699986298497 0.04438127654142849 -0.6906382958565427 -0.7513630698772302 -0.39109026076368414 -0.592147562341009 -0.37220728093887706 0.05134414767262543 0.20341404667163973 0.5590950928800069 0.5439576548763951 0.9432553873487618 1.1831620982377897 1.2868637087511132 1.3750874669490123 +16212,1.2559080041202642,0,0.38295713353051897 0.313306798111126 0.2188918989870555 0.20186626144009023 0.12447699986298497 0.04438127654142849 -0.6906382958565427 -0.7513630698772302 -0.39109026076368414 -0.592147562341009 -0.37220728093887706 0.05134414767262543 0.20341404667163973 0.5590950928800069 0.5439576548763951 0.9432553873487618 1.1831620982377897 1.2868637087511132 1.3750874669490123 1.3209149838450351 +16213,1.1320851855969027,0,0.313306798111126 0.2188918989870555 0.20186626144009023 0.12447699986298497 0.04438127654142849 -0.6906382958565427 -0.7513630698772302 -0.39109026076368414 -0.592147562341009 -0.37220728093887706 0.05134414767262543 0.20341404667163973 0.5590950928800069 0.5439576548763951 0.9432553873487618 1.1831620982377897 1.2868637087511132 1.3750874669490123 1.3209149838450351 1.2559080041202642 +16214,0.9246819645702558,0,0.2188918989870555 0.20186626144009023 0.12447699986298497 0.04438127654142849 -0.6906382958565427 -0.7513630698772302 -0.39109026076368414 -0.592147562341009 -0.37220728093887706 0.05134414767262543 0.20341404667163973 0.5590950928800069 0.5439576548763951 0.9432553873487618 1.1831620982377897 1.2868637087511132 1.3750874669490123 1.3209149838450351 1.2559080041202642 1.1320851855969027 +16215,0.6770363275235243,0,0.20186626144009023 0.12447699986298497 0.04438127654142849 -0.6906382958565427 -0.7513630698772302 -0.39109026076368414 -0.592147562341009 -0.37220728093887706 0.05134414767262543 0.20341404667163973 0.5590950928800069 0.5439576548763951 0.9432553873487618 1.1831620982377897 1.2868637087511132 1.3750874669490123 1.3209149838450351 1.2559080041202642 1.1320851855969027 0.9246819645702558 +16216,0.5686913613155699,0,0.12447699986298497 0.04438127654142849 -0.6906382958565427 -0.7513630698772302 -0.39109026076368414 -0.592147562341009 -0.37220728093887706 0.05134414767262543 0.20341404667163973 0.5590950928800069 0.5439576548763951 0.9432553873487618 1.1831620982377897 1.2868637087511132 1.3750874669490123 1.3209149838450351 1.2559080041202642 1.1320851855969027 0.9246819645702558 0.6770363275235243 +16217,0.392243844919772,0,0.04438127654142849 -0.6906382958565427 -0.7513630698772302 -0.39109026076368414 -0.592147562341009 -0.37220728093887706 0.05134414767262543 0.20341404667163973 0.5590950928800069 0.5439576548763951 0.9432553873487618 1.1831620982377897 1.2868637087511132 1.3750874669490123 1.3209149838450351 1.2559080041202642 1.1320851855969027 0.9246819645702558 0.6770363275235243 0.5686913613155699 +16218,0.3241412947319197,0,-0.6906382958565427 -0.7513630698772302 -0.39109026076368414 -0.592147562341009 -0.37220728093887706 0.05134414767262543 0.20341404667163973 0.5590950928800069 0.5439576548763951 0.9432553873487618 1.1831620982377897 1.2868637087511132 1.3750874669490123 1.3209149838450351 1.2559080041202642 1.1320851855969027 0.9246819645702558 0.6770363275235243 0.5686913613155699 0.392243844919772 +16219,0.21667812003424944,0,-0.7513630698772302 -0.39109026076368414 -0.592147562341009 -0.37220728093887706 0.05134414767262543 0.20341404667163973 0.5590950928800069 0.5439576548763951 0.9432553873487618 1.1831620982377897 1.2868637087511132 1.3750874669490123 1.3209149838450351 1.2559080041202642 1.1320851855969027 0.9246819645702558 0.6770363275235243 0.5686913613155699 0.392243844919772 0.3241412947319197 +16220,-0.17488810373158056,0,-0.39109026076368414 -0.592147562341009 -0.37220728093887706 0.05134414767262543 0.20341404667163973 0.5590950928800069 0.5439576548763951 0.9432553873487618 1.1831620982377897 1.2868637087511132 1.3750874669490123 1.3209149838450351 1.2559080041202642 1.1320851855969027 0.9246819645702558 0.6770363275235243 0.5686913613155699 0.392243844919772 0.3241412947319197 0.21667812003424944 +16221,-0.1468679451321823,0,-0.592147562341009 -0.37220728093887706 0.05134414767262543 0.20341404667163973 0.5590950928800069 0.5439576548763951 0.9432553873487618 1.1831620982377897 1.2868637087511132 1.3750874669490123 1.3209149838450351 1.2559080041202642 1.1320851855969027 0.9246819645702558 0.6770363275235243 0.5686913613155699 0.392243844919772 0.3241412947319197 0.21667812003424944 -0.17488810373158056 +16222,-0.633679799335794,0,-0.37220728093887706 0.05134414767262543 0.20341404667163973 0.5590950928800069 0.5439576548763951 0.9432553873487618 1.1831620982377897 1.2868637087511132 1.3750874669490123 1.3209149838450351 1.2559080041202642 1.1320851855969027 0.9246819645702558 0.6770363275235243 0.5686913613155699 0.392243844919772 0.3241412947319197 0.21667812003424944 -0.17488810373158056 -0.1468679451321823 +16223,-0.7009052713289631,0,0.05134414767262543 0.20341404667163973 0.5590950928800069 0.5439576548763951 0.9432553873487618 1.1831620982377897 1.2868637087511132 1.3750874669490123 1.3209149838450351 1.2559080041202642 1.1320851855969027 0.9246819645702558 0.6770363275235243 0.5686913613155699 0.392243844919772 0.3241412947319197 0.21667812003424944 -0.17488810373158056 -0.1468679451321823 -0.633679799335794 +16224,-0.3222912072216368,0,0.20341404667163973 0.5590950928800069 0.5439576548763951 0.9432553873487618 1.1831620982377897 1.2868637087511132 1.3750874669490123 1.3209149838450351 1.2559080041202642 1.1320851855969027 0.9246819645702558 0.6770363275235243 0.5686913613155699 0.392243844919772 0.3241412947319197 0.21667812003424944 -0.17488810373158056 -0.1468679451321823 -0.633679799335794 -0.7009052713289631 +16225,-0.5381298577601824,0,0.5590950928800069 0.5439576548763951 0.9432553873487618 1.1831620982377897 1.2868637087511132 1.3750874669490123 1.3209149838450351 1.2559080041202642 1.1320851855969027 0.9246819645702558 0.6770363275235243 0.5686913613155699 0.392243844919772 0.3241412947319197 0.21667812003424944 -0.17488810373158056 -0.1468679451321823 -0.633679799335794 -0.7009052713289631 -0.3222912072216368 +16226,-0.30812897235302705,0,0.5439576548763951 0.9432553873487618 1.1831620982377897 1.2868637087511132 1.3750874669490123 1.3209149838450351 1.2559080041202642 1.1320851855969027 0.9246819645702558 0.6770363275235243 0.5686913613155699 0.392243844919772 0.3241412947319197 0.21667812003424944 -0.17488810373158056 -0.1468679451321823 -0.633679799335794 -0.7009052713289631 -0.3222912072216368 -0.5381298577601824 +16227,0.1744704628418005,0,0.9432553873487618 1.1831620982377897 1.2868637087511132 1.3750874669490123 1.3209149838450351 1.2559080041202642 1.1320851855969027 0.9246819645702558 0.6770363275235243 0.5686913613155699 0.392243844919772 0.3241412947319197 0.21667812003424944 -0.17488810373158056 -0.1468679451321823 -0.633679799335794 -0.7009052713289631 -0.3222912072216368 -0.5381298577601824 -0.30812897235302705 +16228,0.32027183165306794,0,1.1831620982377897 1.2868637087511132 1.3750874669490123 1.3209149838450351 1.2559080041202642 1.1320851855969027 0.9246819645702558 0.6770363275235243 0.5686913613155699 0.392243844919772 0.3241412947319197 0.21667812003424944 -0.17488810373158056 -0.1468679451321823 -0.633679799335794 -0.7009052713289631 -0.3222912072216368 -0.5381298577601824 -0.30812897235302705 0.1744704628418005 +16229,0.7186717502520077,0,1.2868637087511132 1.3750874669490123 1.3209149838450351 1.2559080041202642 1.1320851855969027 0.9246819645702558 0.6770363275235243 0.5686913613155699 0.392243844919772 0.3241412947319197 0.21667812003424944 -0.17488810373158056 -0.1468679451321823 -0.633679799335794 -0.7009052713289631 -0.3222912072216368 -0.5381298577601824 -0.30812897235302705 0.1744704628418005 0.32027183165306794 +16230,0.6993244348577314,0,1.3750874669490123 1.3209149838450351 1.2559080041202642 1.1320851855969027 0.9246819645702558 0.6770363275235243 0.5686913613155699 0.392243844919772 0.3241412947319197 0.21667812003424944 -0.17488810373158056 -0.1468679451321823 -0.633679799335794 -0.7009052713289631 -0.3222912072216368 -0.5381298577601824 -0.30812897235302705 0.1744704628418005 0.32027183165306794 0.7186717502520077 +16231,1.2369734315059964,0,1.3209149838450351 1.2559080041202642 1.1320851855969027 0.9246819645702558 0.6770363275235243 0.5686913613155699 0.392243844919772 0.3241412947319197 0.21667812003424944 -0.17488810373158056 -0.1468679451321823 -0.633679799335794 -0.7009052713289631 -0.3222912072216368 -0.5381298577601824 -0.30812897235302705 0.1744704628418005 0.32027183165306794 0.7186717502520077 0.6993244348577314 +16232,1.3568751940062682,0,1.2559080041202642 1.1320851855969027 0.9246819645702558 0.6770363275235243 0.5686913613155699 0.392243844919772 0.3241412947319197 0.21667812003424944 -0.17488810373158056 -0.1468679451321823 -0.633679799335794 -0.7009052713289631 -0.3222912072216368 -0.5381298577601824 -0.30812897235302705 0.1744704628418005 0.32027183165306794 0.7186717502520077 0.6993244348577314 1.2369734315059964 +16233,1.2488655813167469,0,1.1320851855969027 0.9246819645702558 0.6770363275235243 0.5686913613155699 0.392243844919772 0.3241412947319197 0.21667812003424944 -0.17488810373158056 -0.1468679451321823 -0.633679799335794 -0.7009052713289631 -0.3222912072216368 -0.5381298577601824 -0.30812897235302705 0.1744704628418005 0.32027183165306794 0.7186717502520077 0.6993244348577314 1.2369734315059964 1.3568751940062682 +16234,1.4447378023684052,0,0.9246819645702558 0.6770363275235243 0.5686913613155699 0.392243844919772 0.3241412947319197 0.21667812003424944 -0.17488810373158056 -0.1468679451321823 -0.633679799335794 -0.7009052713289631 -0.3222912072216368 -0.5381298577601824 -0.30812897235302705 0.1744704628418005 0.32027183165306794 0.7186717502520077 0.6993244348577314 1.2369734315059964 1.3568751940062682 1.2488655813167469 +16235,1.4126986480754846,0,0.6770363275235243 0.5686913613155699 0.392243844919772 0.3241412947319197 0.21667812003424944 -0.17488810373158056 -0.1468679451321823 -0.633679799335794 -0.7009052713289631 -0.3222912072216368 -0.5381298577601824 -0.30812897235302705 0.1744704628418005 0.32027183165306794 0.7186717502520077 0.6993244348577314 1.2369734315059964 1.3568751940062682 1.2488655813167469 1.4447378023684052 +16236,1.1470213130812827,0,0.5686913613155699 0.392243844919772 0.3241412947319197 0.21667812003424944 -0.17488810373158056 -0.1468679451321823 -0.633679799335794 -0.7009052713289631 -0.3222912072216368 -0.5381298577601824 -0.30812897235302705 0.1744704628418005 0.32027183165306794 0.7186717502520077 0.6993244348577314 1.2369734315059964 1.3568751940062682 1.2488655813167469 1.4447378023684052 1.4126986480754846 +16237,1.1928615524070425,0,0.392243844919772 0.3241412947319197 0.21667812003424944 -0.17488810373158056 -0.1468679451321823 -0.633679799335794 -0.7009052713289631 -0.3222912072216368 -0.5381298577601824 -0.30812897235302705 0.1744704628418005 0.32027183165306794 0.7186717502520077 0.6993244348577314 1.2369734315059964 1.3568751940062682 1.2488655813167469 1.4447378023684052 1.4126986480754846 1.1470213130812827 +16238,1.0050636108767528,0,0.3241412947319197 0.21667812003424944 -0.17488810373158056 -0.1468679451321823 -0.633679799335794 -0.7009052713289631 -0.3222912072216368 -0.5381298577601824 -0.30812897235302705 0.1744704628418005 0.32027183165306794 0.7186717502520077 0.6993244348577314 1.2369734315059964 1.3568751940062682 1.2488655813167469 1.4447378023684052 1.4126986480754846 1.1470213130812827 1.1928615524070425 +16239,0.5902829652955819,0,0.21667812003424944 -0.17488810373158056 -0.1468679451321823 -0.633679799335794 -0.7009052713289631 -0.3222912072216368 -0.5381298577601824 -0.30812897235302705 0.1744704628418005 0.32027183165306794 0.7186717502520077 0.6993244348577314 1.2369734315059964 1.3568751940062682 1.2488655813167469 1.4447378023684052 1.4126986480754846 1.1470213130812827 1.1928615524070425 1.0050636108767528 +16240,0.4781459252703599,0,-0.17488810373158056 -0.1468679451321823 -0.633679799335794 -0.7009052713289631 -0.3222912072216368 -0.5381298577601824 -0.30812897235302705 0.1744704628418005 0.32027183165306794 0.7186717502520077 0.6993244348577314 1.2369734315059964 1.3568751940062682 1.2488655813167469 1.4447378023684052 1.4126986480754846 1.1470213130812827 1.1928615524070425 1.0050636108767528 0.5902829652955819 +16241,0.13902618103948863,0,-0.1468679451321823 -0.633679799335794 -0.7009052713289631 -0.3222912072216368 -0.5381298577601824 -0.30812897235302705 0.1744704628418005 0.32027183165306794 0.7186717502520077 0.6993244348577314 1.2369734315059964 1.3568751940062682 1.2488655813167469 1.4447378023684052 1.4126986480754846 1.1470213130812827 1.1928615524070425 1.0050636108767528 0.5902829652955819 0.4781459252703599 +16242,0.14212175150257003,0,-0.633679799335794 -0.7009052713289631 -0.3222912072216368 -0.5381298577601824 -0.30812897235302705 0.1744704628418005 0.32027183165306794 0.7186717502520077 0.6993244348577314 1.2369734315059964 1.3568751940062682 1.2488655813167469 1.4447378023684052 1.4126986480754846 1.1470213130812827 1.1928615524070425 1.0050636108767528 0.5902829652955819 0.4781459252703599 0.13902618103948863 +16243,-0.3110697642929579,0,-0.7009052713289631 -0.3222912072216368 -0.5381298577601824 -0.30812897235302705 0.1744704628418005 0.32027183165306794 0.7186717502520077 0.6993244348577314 1.2369734315059964 1.3568751940062682 1.2488655813167469 1.4447378023684052 1.4126986480754846 1.1470213130812827 1.1928615524070425 1.0050636108767528 0.5902829652955819 0.4781459252703599 0.13902618103948863 0.14212175150257003 +16244,-0.4220459653945245,0,-0.3222912072216368 -0.5381298577601824 -0.30812897235302705 0.1744704628418005 0.32027183165306794 0.7186717502520077 0.6993244348577314 1.2369734315059964 1.3568751940062682 1.2488655813167469 1.4447378023684052 1.4126986480754846 1.1470213130812827 1.1928615524070425 1.0050636108767528 0.5902829652955819 0.4781459252703599 0.13902618103948863 0.14212175150257003 -0.3110697642929579 +16245,-0.3621466769338537,0,-0.5381298577601824 -0.30812897235302705 0.1744704628418005 0.32027183165306794 0.7186717502520077 0.6993244348577314 1.2369734315059964 1.3568751940062682 1.2488655813167469 1.4447378023684052 1.4126986480754846 1.1470213130812827 1.1928615524070425 1.0050636108767528 0.5902829652955819 0.4781459252703599 0.13902618103948863 0.14212175150257003 -0.3110697642929579 -0.4220459653945245 +16246,-0.530081374556169,0,-0.30812897235302705 0.1744704628418005 0.32027183165306794 0.7186717502520077 0.6993244348577314 1.2369734315059964 1.3568751940062682 1.2488655813167469 1.4447378023684052 1.4126986480754846 1.1470213130812827 1.1928615524070425 1.0050636108767528 0.5902829652955819 0.4781459252703599 0.13902618103948863 0.14212175150257003 -0.3110697642929579 -0.4220459653945245 -0.3621466769338537 +16247,-0.5271405826162381,0,0.1744704628418005 0.32027183165306794 0.7186717502520077 0.6993244348577314 1.2369734315059964 1.3568751940062682 1.2488655813167469 1.4447378023684052 1.4126986480754846 1.1470213130812827 1.1928615524070425 1.0050636108767528 0.5902829652955819 0.4781459252703599 0.13902618103948863 0.14212175150257003 -0.3110697642929579 -0.4220459653945245 -0.3621466769338537 -0.530081374556169 +16248,-0.23592479130158844,0,0.32027183165306794 0.7186717502520077 0.6993244348577314 1.2369734315059964 1.3568751940062682 1.2488655813167469 1.4447378023684052 1.4126986480754846 1.1470213130812827 1.1928615524070425 1.0050636108767528 0.5902829652955819 0.4781459252703599 0.13902618103948863 0.14212175150257003 -0.3110697642929579 -0.4220459653945245 -0.3621466769338537 -0.530081374556169 -0.5271405826162381 +16249,-0.32907566576830494,0,0.7186717502520077 0.6993244348577314 1.2369734315059964 1.3568751940062682 1.2488655813167469 1.4447378023684052 1.4126986480754846 1.1470213130812827 1.1928615524070425 1.0050636108767528 0.5902829652955819 0.4781459252703599 0.13902618103948863 0.14212175150257003 -0.3110697642929579 -0.4220459653945245 -0.3621466769338537 -0.530081374556169 -0.5271405826162381 -0.23592479130158844 +16250,-0.13395154101508824,0,0.6993244348577314 1.2369734315059964 1.3568751940062682 1.2488655813167469 1.4447378023684052 1.4126986480754846 1.1470213130812827 1.1928615524070425 1.0050636108767528 0.5902829652955819 0.4781459252703599 0.13902618103948863 0.14212175150257003 -0.3110697642929579 -0.4220459653945245 -0.3621466769338537 -0.530081374556169 -0.5271405826162381 -0.23592479130158844 -0.32907566576830494 +16251,0.30030540216617185,0,1.2369734315059964 1.3568751940062682 1.2488655813167469 1.4447378023684052 1.4126986480754846 1.1470213130812827 1.1928615524070425 1.0050636108767528 0.5902829652955819 0.4781459252703599 0.13902618103948863 0.14212175150257003 -0.3110697642929579 -0.4220459653945245 -0.3621466769338537 -0.530081374556169 -0.5271405826162381 -0.23592479130158844 -0.32907566576830494 -0.13395154101508824 +16252,0.4157185876497579,0,1.3568751940062682 1.2488655813167469 1.4447378023684052 1.4126986480754846 1.1470213130812827 1.1928615524070425 1.0050636108767528 0.5902829652955819 0.4781459252703599 0.13902618103948863 0.14212175150257003 -0.3110697642929579 -0.4220459653945245 -0.3621466769338537 -0.530081374556169 -0.5271405826162381 -0.23592479130158844 -0.32907566576830494 -0.13395154101508824 0.30030540216617185 +16253,0.770264591251816,0,1.2488655813167469 1.4447378023684052 1.4126986480754846 1.1470213130812827 1.1928615524070425 1.0050636108767528 0.5902829652955819 0.4781459252703599 0.13902618103948863 0.14212175150257003 -0.3110697642929579 -0.4220459653945245 -0.3621466769338537 -0.530081374556169 -0.5271405826162381 -0.23592479130158844 -0.32907566576830494 -0.13395154101508824 0.30030540216617185 0.4157185876497579 +16254,0.8299575083998754,0,1.4447378023684052 1.4126986480754846 1.1470213130812827 1.1928615524070425 1.0050636108767528 0.5902829652955819 0.4781459252703599 0.13902618103948863 0.14212175150257003 -0.3110697642929579 -0.4220459653945245 -0.3621466769338537 -0.530081374556169 -0.5271405826162381 -0.23592479130158844 -0.32907566576830494 -0.13395154101508824 0.30030540216617185 0.4157185876497579 0.770264591251816 +16255,1.2827878743596415,0,1.4126986480754846 1.1470213130812827 1.1928615524070425 1.0050636108767528 0.5902829652955819 0.4781459252703599 0.13902618103948863 0.14212175150257003 -0.3110697642929579 -0.4220459653945245 -0.3621466769338537 -0.530081374556169 -0.5271405826162381 -0.23592479130158844 -0.32907566576830494 -0.13395154101508824 0.30030540216617185 0.4157185876497579 0.770264591251816 0.8299575083998754 +16256,1.440765153555855,0,1.1470213130812827 1.1928615524070425 1.0050636108767528 0.5902829652955819 0.4781459252703599 0.13902618103948863 0.14212175150257003 -0.3110697642929579 -0.4220459653945245 -0.3621466769338537 -0.530081374556169 -0.5271405826162381 -0.23592479130158844 -0.32907566576830494 -0.13395154101508824 0.30030540216617185 0.4157185876497579 0.770264591251816 0.8299575083998754 1.2827878743596415 +16257,1.3257131180628166,0,1.1928615524070425 1.0050636108767528 0.5902829652955819 0.4781459252703599 0.13902618103948863 0.14212175150257003 -0.3110697642929579 -0.4220459653945245 -0.3621466769338537 -0.530081374556169 -0.5271405826162381 -0.23592479130158844 -0.32907566576830494 -0.13395154101508824 0.30030540216617185 0.4157185876497579 0.770264591251816 0.8299575083998754 1.2827878743596415 1.440765153555855 +16258,1.574700169028486,0,1.0050636108767528 0.5902829652955819 0.4781459252703599 0.13902618103948863 0.14212175150257003 -0.3110697642929579 -0.4220459653945245 -0.3621466769338537 -0.530081374556169 -0.5271405826162381 -0.23592479130158844 -0.32907566576830494 -0.13395154101508824 0.30030540216617185 0.4157185876497579 0.770264591251816 0.8299575083998754 1.2827878743596415 1.440765153555855 1.3257131180628166 +16259,1.5506579049953413,0,0.5902829652955819 0.4781459252703599 0.13902618103948863 0.14212175150257003 -0.3110697642929579 -0.4220459653945245 -0.3621466769338537 -0.530081374556169 -0.5271405826162381 -0.23592479130158844 -0.32907566576830494 -0.13395154101508824 0.30030540216617185 0.4157185876497579 0.770264591251816 0.8299575083998754 1.2827878743596415 1.440765153555855 1.3257131180628166 1.574700169028486 +16260,1.1999555680000205,0,0.4781459252703599 0.13902618103948863 0.14212175150257003 -0.3110697642929579 -0.4220459653945245 -0.3621466769338537 -0.530081374556169 -0.5271405826162381 -0.23592479130158844 -0.32907566576830494 -0.13395154101508824 0.30030540216617185 0.4157185876497579 0.770264591251816 0.8299575083998754 1.2827878743596415 1.440765153555855 1.3257131180628166 1.574700169028486 1.5506579049953413 +16261,1.2847999951606512,0,0.13902618103948863 0.14212175150257003 -0.3110697642929579 -0.4220459653945245 -0.3621466769338537 -0.530081374556169 -0.5271405826162381 -0.23592479130158844 -0.32907566576830494 -0.13395154101508824 0.30030540216617185 0.4157185876497579 0.770264591251816 0.8299575083998754 1.2827878743596415 1.440765153555855 1.3257131180628166 1.574700169028486 1.5506579049953413 1.1999555680000205 +16262,1.042984349049535,0,0.14212175150257003 -0.3110697642929579 -0.4220459653945245 -0.3621466769338537 -0.530081374556169 -0.5271405826162381 -0.23592479130158844 -0.32907566576830494 -0.13395154101508824 0.30030540216617185 0.4157185876497579 0.770264591251816 0.8299575083998754 1.2827878743596415 1.440765153555855 1.3257131180628166 1.574700169028486 1.5506579049953413 1.1999555680000205 1.2847999951606512 +16263,0.6743277033683193,0,-0.3110697642929579 -0.4220459653945245 -0.3621466769338537 -0.530081374556169 -0.5271405826162381 -0.23592479130158844 -0.32907566576830494 -0.13395154101508824 0.30030540216617185 0.4157185876497579 0.770264591251816 0.8299575083998754 1.2827878743596415 1.440765153555855 1.3257131180628166 1.574700169028486 1.5506579049953413 1.1999555680000205 1.2847999951606512 1.042984349049535 +16264,0.4747923905504206,0,-0.4220459653945245 -0.3621466769338537 -0.530081374556169 -0.5271405826162381 -0.23592479130158844 -0.32907566576830494 -0.13395154101508824 0.30030540216617185 0.4157185876497579 0.770264591251816 0.8299575083998754 1.2827878743596415 1.440765153555855 1.3257131180628166 1.574700169028486 1.5506579049953413 1.1999555680000205 1.2847999951606512 1.042984349049535 0.6743277033683193 +16265,0.14841607816243135,0,-0.3621466769338537 -0.530081374556169 -0.5271405826162381 -0.23592479130158844 -0.32907566576830494 -0.13395154101508824 0.30030540216617185 0.4157185876497579 0.770264591251816 0.8299575083998754 1.2827878743596415 1.440765153555855 1.3257131180628166 1.574700169028486 1.5506579049953413 1.1999555680000205 1.2847999951606512 1.042984349049535 0.6743277033683193 0.4747923905504206 +16266,0.18213199973792873,0,-0.530081374556169 -0.5271405826162381 -0.23592479130158844 -0.32907566576830494 -0.13395154101508824 0.30030540216617185 0.4157185876497579 0.770264591251816 0.8299575083998754 1.2827878743596415 1.440765153555855 1.3257131180628166 1.574700169028486 1.5506579049953413 1.1999555680000205 1.2847999951606512 1.042984349049535 0.6743277033683193 0.4747923905504206 0.14841607816243135 +16267,-0.2642750575109311,0,-0.5271405826162381 -0.23592479130158844 -0.32907566576830494 -0.13395154101508824 0.30030540216617185 0.4157185876497579 0.770264591251816 0.8299575083998754 1.2827878743596415 1.440765153555855 1.3257131180628166 1.574700169028486 1.5506579049953413 1.1999555680000205 1.2847999951606512 1.042984349049535 0.6743277033683193 0.4747923905504206 0.14841607816243135 0.18213199973792873 +16268,-0.3505898804867417,0,-0.23592479130158844 -0.32907566576830494 -0.13395154101508824 0.30030540216617185 0.4157185876497579 0.770264591251816 0.8299575083998754 1.2827878743596415 1.440765153555855 1.3257131180628166 1.574700169028486 1.5506579049953413 1.1999555680000205 1.2847999951606512 1.042984349049535 0.6743277033683193 0.4747923905504206 0.14841607816243135 0.18213199973792873 -0.2642750575109311 +16269,-0.39155459633315337,0,-0.32907566576830494 -0.13395154101508824 0.30030540216617185 0.4157185876497579 0.770264591251816 0.8299575083998754 1.2827878743596415 1.440765153555855 1.3257131180628166 1.574700169028486 1.5506579049953413 1.1999555680000205 1.2847999951606512 1.042984349049535 0.6743277033683193 0.4747923905504206 0.14841607816243135 0.18213199973792873 -0.2642750575109311 -0.3505898804867417 +16270,-0.49298612178861784,0,-0.13395154101508824 0.30030540216617185 0.4157185876497579 0.770264591251816 0.8299575083998754 1.2827878743596415 1.440765153555855 1.3257131180628166 1.574700169028486 1.5506579049953413 1.1999555680000205 1.2847999951606512 1.042984349049535 0.6743277033683193 0.4747923905504206 0.14841607816243135 0.18213199973792873 -0.2642750575109311 -0.3505898804867417 -0.39155459633315337 +16271,-0.5490675401146745,0,0.30030540216617185 0.4157185876497579 0.770264591251816 0.8299575083998754 1.2827878743596415 1.440765153555855 1.3257131180628166 1.574700169028486 1.5506579049953413 1.1999555680000205 1.2847999951606512 1.042984349049535 0.6743277033683193 0.4747923905504206 0.14841607816243135 0.18213199973792873 -0.2642750575109311 -0.3505898804867417 -0.39155459633315337 -0.49298612178861784 +16272,-0.17710895250298914,0,0.4157185876497579 0.770264591251816 0.8299575083998754 1.2827878743596415 1.440765153555855 1.3257131180628166 1.574700169028486 1.5506579049953413 1.1999555680000205 1.2847999951606512 1.042984349049535 0.6743277033683193 0.4747923905504206 0.14841607816243135 0.18213199973792873 -0.2642750575109311 -0.3505898804867417 -0.39155459633315337 -0.49298612178861784 -0.5490675401146745 +16273,-0.3758703727051174,0,0.770264591251816 0.8299575083998754 1.2827878743596415 1.440765153555855 1.3257131180628166 1.574700169028486 1.5506579049953413 1.1999555680000205 1.2847999951606512 1.042984349049535 0.6743277033683193 0.4747923905504206 0.14841607816243135 0.18213199973792873 -0.2642750575109311 -0.3505898804867417 -0.39155459633315337 -0.49298612178861784 -0.5490675401146745 -0.17710895250298914 +16274,-0.1465917869694948,0,0.8299575083998754 1.2827878743596415 1.440765153555855 1.3257131180628166 1.574700169028486 1.5506579049953413 1.1999555680000205 1.2847999951606512 1.042984349049535 0.6743277033683193 0.4747923905504206 0.14841607816243135 0.18213199973792873 -0.2642750575109311 -0.3505898804867417 -0.39155459633315337 -0.49298612178861784 -0.5490675401146745 -0.17710895250298914 -0.3758703727051174 +16275,0.34116693227888495,0,1.2827878743596415 1.440765153555855 1.3257131180628166 1.574700169028486 1.5506579049953413 1.1999555680000205 1.2847999951606512 1.042984349049535 0.6743277033683193 0.4747923905504206 0.14841607816243135 0.18213199973792873 -0.2642750575109311 -0.3505898804867417 -0.39155459633315337 -0.49298612178861784 -0.5490675401146745 -0.17710895250298914 -0.3758703727051174 -0.1465917869694948 +16276,0.4842854734070706,0,1.440765153555855 1.3257131180628166 1.574700169028486 1.5506579049953413 1.1999555680000205 1.2847999951606512 1.042984349049535 0.6743277033683193 0.4747923905504206 0.14841607816243135 0.18213199973792873 -0.2642750575109311 -0.3505898804867417 -0.39155459633315337 -0.49298612178861784 -0.5490675401146745 -0.17710895250298914 -0.3758703727051174 -0.1465917869694948 0.34116693227888495 +16277,0.8858841480480046,0,1.3257131180628166 1.574700169028486 1.5506579049953413 1.1999555680000205 1.2847999951606512 1.042984349049535 0.6743277033683193 0.4747923905504206 0.14841607816243135 0.18213199973792873 -0.2642750575109311 -0.3505898804867417 -0.39155459633315337 -0.49298612178861784 -0.5490675401146745 -0.17710895250298914 -0.3758703727051174 -0.1465917869694948 0.34116693227888495 0.4842854734070706 +16278,0.9144665820420819,0,1.574700169028486 1.5506579049953413 1.1999555680000205 1.2847999951606512 1.042984349049535 0.6743277033683193 0.4747923905504206 0.14841607816243135 0.18213199973792873 -0.2642750575109311 -0.3505898804867417 -0.39155459633315337 -0.49298612178861784 -0.5490675401146745 -0.17710895250298914 -0.3758703727051174 -0.1465917869694948 0.34116693227888495 0.4842854734070706 0.8858841480480046 +16279,1.4404040037200843,0,1.5506579049953413 1.1999555680000205 1.2847999951606512 1.042984349049535 0.6743277033683193 0.4747923905504206 0.14841607816243135 0.18213199973792873 -0.2642750575109311 -0.3505898804867417 -0.39155459633315337 -0.49298612178861784 -0.5490675401146745 -0.17710895250298914 -0.3758703727051174 -0.1465917869694948 0.34116693227888495 0.4842854734070706 0.8858841480480046 0.9144665820420819 +16280,1.5933251845964442,0,1.1999555680000205 1.2847999951606512 1.042984349049535 0.6743277033683193 0.4747923905504206 0.14841607816243135 0.18213199973792873 -0.2642750575109311 -0.3505898804867417 -0.39155459633315337 -0.49298612178861784 -0.5490675401146745 -0.17710895250298914 -0.3758703727051174 -0.1465917869694948 0.34116693227888495 0.4842854734070706 0.8858841480480046 0.9144665820420819 1.4404040037200843 +16281,1.4883853458978897,0,1.2847999951606512 1.042984349049535 0.6743277033683193 0.4747923905504206 0.14841607816243135 0.18213199973792873 -0.2642750575109311 -0.3505898804867417 -0.39155459633315337 -0.49298612178861784 -0.5490675401146745 -0.17710895250298914 -0.3758703727051174 -0.1465917869694948 0.34116693227888495 0.4842854734070706 0.8858841480480046 0.9144665820420819 1.4404040037200843 1.5933251845964442 +16282,1.7272601999142985,0,1.042984349049535 0.6743277033683193 0.4747923905504206 0.14841607816243135 0.18213199973792873 -0.2642750575109311 -0.3505898804867417 -0.39155459633315337 -0.49298612178861784 -0.5490675401146745 -0.17710895250298914 -0.3758703727051174 -0.1465917869694948 0.34116693227888495 0.4842854734070706 0.8858841480480046 0.9144665820420819 1.4404040037200843 1.5933251845964442 1.4883853458978897 +16283,1.7082740345105698,0,0.6743277033683193 0.4747923905504206 0.14841607816243135 0.18213199973792873 -0.2642750575109311 -0.3505898804867417 -0.39155459633315337 -0.49298612178861784 -0.5490675401146745 -0.17710895250298914 -0.3758703727051174 -0.1465917869694948 0.34116693227888495 0.4842854734070706 0.8858841480480046 0.9144665820420819 1.4404040037200843 1.5933251845964442 1.4883853458978897 1.7272601999142985 +16284,1.4293373393145559,0,0.4747923905504206 0.14841607816243135 0.18213199973792873 -0.2642750575109311 -0.3505898804867417 -0.39155459633315337 -0.49298612178861784 -0.5490675401146745 -0.17710895250298914 -0.3758703727051174 -0.1465917869694948 0.34116693227888495 0.4842854734070706 0.8858841480480046 0.9144665820420819 1.4404040037200843 1.5933251845964442 1.4883853458978897 1.7272601999142985 1.7082740345105698 +16285,1.497001350405071,0,0.14841607816243135 0.18213199973792873 -0.2642750575109311 -0.3505898804867417 -0.39155459633315337 -0.49298612178861784 -0.5490675401146745 -0.17710895250298914 -0.3758703727051174 -0.1465917869694948 0.34116693227888495 0.4842854734070706 0.8858841480480046 0.9144665820420819 1.4404040037200843 1.5933251845964442 1.4883853458978897 1.7272601999142985 1.7082740345105698 1.4293373393145559 +16286,1.304714831703301,0,0.18213199973792873 -0.2642750575109311 -0.3505898804867417 -0.39155459633315337 -0.49298612178861784 -0.5490675401146745 -0.17710895250298914 -0.3758703727051174 -0.1465917869694948 0.34116693227888495 0.4842854734070706 0.8858841480480046 0.9144665820420819 1.4404040037200843 1.5933251845964442 1.4883853458978897 1.7272601999142985 1.7082740345105698 1.4293373393145559 1.497001350405071 +16287,0.975526709426417,0,-0.2642750575109311 -0.3505898804867417 -0.39155459633315337 -0.49298612178861784 -0.5490675401146745 -0.17710895250298914 -0.3758703727051174 -0.1465917869694948 0.34116693227888495 0.4842854734070706 0.8858841480480046 0.9144665820420819 1.4404040037200843 1.5933251845964442 1.4883853458978897 1.7272601999142985 1.7082740345105698 1.4293373393145559 1.497001350405071 1.304714831703301 +16288,0.8288740587377951,0,-0.3505898804867417 -0.39155459633315337 -0.49298612178861784 -0.5490675401146745 -0.17710895250298914 -0.3758703727051174 -0.1465917869694948 0.34116693227888495 0.4842854734070706 0.8858841480480046 0.9144665820420819 1.4404040037200843 1.5933251845964442 1.4883853458978897 1.7272601999142985 1.7082740345105698 1.4293373393145559 1.497001350405071 1.304714831703301 0.975526709426417 +16289,0.5453198043192913,0,-0.39155459633315337 -0.49298612178861784 -0.5490675401146745 -0.17710895250298914 -0.3758703727051174 -0.1465917869694948 0.34116693227888495 0.4842854734070706 0.8858841480480046 0.9144665820420819 1.4404040037200843 1.5933251845964442 1.4883853458978897 1.7272601999142985 1.7082740345105698 1.4293373393145559 1.497001350405071 1.304714831703301 0.975526709426417 0.8288740587377951 +16290,0.6501048644946862,0,-0.49298612178861784 -0.5490675401146745 -0.17710895250298914 -0.3758703727051174 -0.1465917869694948 0.34116693227888495 0.4842854734070706 0.8858841480480046 0.9144665820420819 1.4404040037200843 1.5933251845964442 1.4883853458978897 1.7272601999142985 1.7082740345105698 1.4293373393145559 1.497001350405071 1.304714831703301 0.975526709426417 0.8288740587377951 0.5453198043192913 +16291,0.23710417192979955,0,-0.5490675401146745 -0.17710895250298914 -0.3758703727051174 -0.1465917869694948 0.34116693227888495 0.4842854734070706 0.8858841480480046 0.9144665820420819 1.4404040037200843 1.5933251845964442 1.4883853458978897 1.7272601999142985 1.7082740345105698 1.4293373393145559 1.497001350405071 1.304714831703301 0.975526709426417 0.8288740587377951 0.5453198043192913 0.6501048644946862 +16292,0.21244279380403483,0,-0.17710895250298914 -0.3758703727051174 -0.1465917869694948 0.34116693227888495 0.4842854734070706 0.8858841480480046 0.9144665820420819 1.4404040037200843 1.5933251845964442 1.4883853458978897 1.7272601999142985 1.7082740345105698 1.4293373393145559 1.497001350405071 1.304714831703301 0.975526709426417 0.8288740587377951 0.5453198043192913 0.6501048644946862 0.23710417192979955 +16293,0.2507762747568255,0,-0.3758703727051174 -0.1465917869694948 0.34116693227888495 0.4842854734070706 0.8858841480480046 0.9144665820420819 1.4404040037200843 1.5933251845964442 1.4883853458978897 1.7272601999142985 1.7082740345105698 1.4293373393145559 1.497001350405071 1.304714831703301 0.975526709426417 0.8288740587377951 0.5453198043192913 0.6501048644946862 0.23710417192979955 0.21244279380403483 +16294,0.20511661042633098,0,-0.1465917869694948 0.34116693227888495 0.4842854734070706 0.8858841480480046 0.9144665820420819 1.4404040037200843 1.5933251845964442 1.4883853458978897 1.7272601999142985 1.7082740345105698 1.4293373393145559 1.497001350405071 1.304714831703301 0.975526709426417 0.8288740587377951 0.5453198043192913 0.6501048644946862 0.23710417192979955 0.21244279380403483 0.2507762747568255 +16295,0.22245180501960612,0,0.34116693227888495 0.4842854734070706 0.8858841480480046 0.9144665820420819 1.4404040037200843 1.5933251845964442 1.4883853458978897 1.7272601999142985 1.7082740345105698 1.4293373393145559 1.497001350405071 1.304714831703301 0.975526709426417 0.8288740587377951 0.5453198043192913 0.6501048644946862 0.23710417192979955 0.21244279380403483 0.2507762747568255 0.20511661042633098 +16296,0.4097338180361977,0,0.4842854734070706 0.8858841480480046 0.9144665820420819 1.4404040037200843 1.5933251845964442 1.4883853458978897 1.7272601999142985 1.7082740345105698 1.4293373393145559 1.497001350405071 1.304714831703301 0.975526709426417 0.8288740587377951 0.5453198043192913 0.6501048644946862 0.23710417192979955 0.21244279380403483 0.2507762747568255 0.20511661042633098 0.22245180501960612 +16297,0.37042007315503406,0,0.8858841480480046 0.9144665820420819 1.4404040037200843 1.5933251845964442 1.4883853458978897 1.7272601999142985 1.7082740345105698 1.4293373393145559 1.497001350405071 1.304714831703301 0.975526709426417 0.8288740587377951 0.5453198043192913 0.6501048644946862 0.23710417192979955 0.21244279380403483 0.2507762747568255 0.20511661042633098 0.22245180501960612 0.4097338180361977 +16298,0.501053146697178,0,0.9144665820420819 1.4404040037200843 1.5933251845964442 1.4883853458978897 1.7272601999142985 1.7082740345105698 1.4293373393145559 1.497001350405071 1.304714831703301 0.975526709426417 0.8288740587377951 0.5453198043192913 0.6501048644946862 0.23710417192979955 0.21244279380403483 0.2507762747568255 0.20511661042633098 0.22245180501960612 0.4097338180361977 0.37042007315503406 +16299,0.8010139245700362,0,1.4404040037200843 1.5933251845964442 1.4883853458978897 1.7272601999142985 1.7082740345105698 1.4293373393145559 1.497001350405071 1.304714831703301 0.975526709426417 0.8288740587377951 0.5453198043192913 0.6501048644946862 0.23710417192979955 0.21244279380403483 0.2507762747568255 0.20511661042633098 0.22245180501960612 0.4097338180361977 0.37042007315503406 0.501053146697178 +16300,0.8752044299503703,0,1.5933251845964442 1.4883853458978897 1.7272601999142985 1.7082740345105698 1.4293373393145559 1.497001350405071 1.304714831703301 0.975526709426417 0.8288740587377951 0.5453198043192913 0.6501048644946862 0.23710417192979955 0.21244279380403483 0.2507762747568255 0.20511661042633098 0.22245180501960612 0.4097338180361977 0.37042007315503406 0.501053146697178 0.8010139245700362 +16301,1.1187226398161778,0,1.4883853458978897 1.7272601999142985 1.7082740345105698 1.4293373393145559 1.497001350405071 1.304714831703301 0.975526709426417 0.8288740587377951 0.5453198043192913 0.6501048644946862 0.23710417192979955 0.21244279380403483 0.2507762747568255 0.20511661042633098 0.22245180501960612 0.4097338180361977 0.37042007315503406 0.501053146697178 0.8010139245700362 0.8752044299503703 +16302,1.0952478970862007,0,1.7272601999142985 1.7082740345105698 1.4293373393145559 1.497001350405071 1.304714831703301 0.975526709426417 0.8288740587377951 0.5453198043192913 0.6501048644946862 0.23710417192979955 0.21244279380403483 0.2507762747568255 0.20511661042633098 0.22245180501960612 0.4097338180361977 0.37042007315503406 0.501053146697178 0.8010139245700362 0.8752044299503703 1.1187226398161778 +16303,1.4277637576109008,0,1.7082740345105698 1.4293373393145559 1.497001350405071 1.304714831703301 0.975526709426417 0.8288740587377951 0.5453198043192913 0.6501048644946862 0.23710417192979955 0.21244279380403483 0.2507762747568255 0.20511661042633098 0.22245180501960612 0.4097338180361977 0.37042007315503406 0.501053146697178 0.8010139245700362 0.8752044299503703 1.1187226398161778 1.0952478970862007 +16304,1.4932866658493698,0,1.4293373393145559 1.497001350405071 1.304714831703301 0.975526709426417 0.8288740587377951 0.5453198043192913 0.6501048644946862 0.23710417192979955 0.21244279380403483 0.2507762747568255 0.20511661042633098 0.22245180501960612 0.4097338180361977 0.37042007315503406 0.501053146697178 0.8010139245700362 0.8752044299503703 1.1187226398161778 1.0952478970862007 1.4277637576109008 +16305,1.5267704196401326,0,1.497001350405071 1.304714831703301 0.975526709426417 0.8288740587377951 0.5453198043192913 0.6501048644946862 0.23710417192979955 0.21244279380403483 0.2507762747568255 0.20511661042633098 0.22245180501960612 0.4097338180361977 0.37042007315503406 0.501053146697178 0.8010139245700362 0.8752044299503703 1.1187226398161778 1.0952478970862007 1.4277637576109008 1.4932866658493698 +16306,1.602973045821468,0,1.304714831703301 0.975526709426417 0.8288740587377951 0.5453198043192913 0.6501048644946862 0.23710417192979955 0.21244279380403483 0.2507762747568255 0.20511661042633098 0.22245180501960612 0.4097338180361977 0.37042007315503406 0.501053146697178 0.8010139245700362 0.8752044299503703 1.1187226398161778 1.0952478970862007 1.4277637576109008 1.4932866658493698 1.5267704196401326 +16307,1.6471365178646507,0,0.975526709426417 0.8288740587377951 0.5453198043192913 0.6501048644946862 0.23710417192979955 0.21244279380403483 0.2507762747568255 0.20511661042633098 0.22245180501960612 0.4097338180361977 0.37042007315503406 0.501053146697178 0.8010139245700362 0.8752044299503703 1.1187226398161778 1.0952478970862007 1.4277637576109008 1.4932866658493698 1.5267704196401326 1.602973045821468 +16308,1.329892138187978,0,0.8288740587377951 0.5453198043192913 0.6501048644946862 0.23710417192979955 0.21244279380403483 0.2507762747568255 0.20511661042633098 0.22245180501960612 0.4097338180361977 0.37042007315503406 0.501053146697178 0.8010139245700362 0.8752044299503703 1.1187226398161778 1.0952478970862007 1.4277637576109008 1.4932866658493698 1.5267704196401326 1.602973045821468 1.6471365178646507 +16309,1.4945248940346005,0,0.5453198043192913 0.6501048644946862 0.23710417192979955 0.21244279380403483 0.2507762747568255 0.20511661042633098 0.22245180501960612 0.4097338180361977 0.37042007315503406 0.501053146697178 0.8010139245700362 0.8752044299503703 1.1187226398161778 1.0952478970862007 1.4277637576109008 1.4932866658493698 1.5267704196401326 1.602973045821468 1.6471365178646507 1.329892138187978 +16310,1.297749798161359,0,0.6501048644946862 0.23710417192979955 0.21244279380403483 0.2507762747568255 0.20511661042633098 0.22245180501960612 0.4097338180361977 0.37042007315503406 0.501053146697178 0.8010139245700362 0.8752044299503703 1.1187226398161778 1.0952478970862007 1.4277637576109008 1.4932866658493698 1.5267704196401326 1.602973045821468 1.6471365178646507 1.329892138187978 1.4945248940346005 +16311,1.1248879842702262,0,0.23710417192979955 0.21244279380403483 0.2507762747568255 0.20511661042633098 0.22245180501960612 0.4097338180361977 0.37042007315503406 0.501053146697178 0.8010139245700362 0.8752044299503703 1.1187226398161778 1.0952478970862007 1.4277637576109008 1.4932866658493698 1.5267704196401326 1.602973045821468 1.6471365178646507 1.329892138187978 1.4945248940346005 1.297749798161359 +16312,0.9201417946093234,0,0.21244279380403483 0.2507762747568255 0.20511661042633098 0.22245180501960612 0.4097338180361977 0.37042007315503406 0.501053146697178 0.8010139245700362 0.8752044299503703 1.1187226398161778 1.0952478970862007 1.4277637576109008 1.4932866658493698 1.5267704196401326 1.602973045821468 1.6471365178646507 1.329892138187978 1.4945248940346005 1.297749798161359 1.1248879842702262 +16313,0.7393088866209668,0,0.2507762747568255 0.20511661042633098 0.22245180501960612 0.4097338180361977 0.37042007315503406 0.501053146697178 0.8010139245700362 0.8752044299503703 1.1187226398161778 1.0952478970862007 1.4277637576109008 1.4932866658493698 1.5267704196401326 1.602973045821468 1.6471365178646507 1.329892138187978 1.4945248940346005 1.297749798161359 1.1248879842702262 0.9201417946093234 +16314,0.806663340665172,0,0.20511661042633098 0.22245180501960612 0.4097338180361977 0.37042007315503406 0.501053146697178 0.8010139245700362 0.8752044299503703 1.1187226398161778 1.0952478970862007 1.4277637576109008 1.4932866658493698 1.5267704196401326 1.602973045821468 1.6471365178646507 1.329892138187978 1.4945248940346005 1.297749798161359 1.1248879842702262 0.9201417946093234 0.7393088866209668 +16315,0.5431013122056699,0,0.22245180501960612 0.4097338180361977 0.37042007315503406 0.501053146697178 0.8010139245700362 0.8752044299503703 1.1187226398161778 1.0952478970862007 1.4277637576109008 1.4932866658493698 1.5267704196401326 1.602973045821468 1.6471365178646507 1.329892138187978 1.4945248940346005 1.297749798161359 1.1248879842702262 0.9201417946093234 0.7393088866209668 0.806663340665172 +16316,0.527726645469167,0,0.4097338180361977 0.37042007315503406 0.501053146697178 0.8010139245700362 0.8752044299503703 1.1187226398161778 1.0952478970862007 1.4277637576109008 1.4932866658493698 1.5267704196401326 1.602973045821468 1.6471365178646507 1.329892138187978 1.4945248940346005 1.297749798161359 1.1248879842702262 0.9201417946093234 0.7393088866209668 0.806663340665172 0.5431013122056699 +16317,0.4550065360588071,0,0.37042007315503406 0.501053146697178 0.8010139245700362 0.8752044299503703 1.1187226398161778 1.0952478970862007 1.4277637576109008 1.4932866658493698 1.5267704196401326 1.602973045821468 1.6471365178646507 1.329892138187978 1.4945248940346005 1.297749798161359 1.1248879842702262 0.9201417946093234 0.7393088866209668 0.806663340665172 0.5431013122056699 0.527726645469167 +16318,0.45874701708662274,0,0.501053146697178 0.8010139245700362 0.8752044299503703 1.1187226398161778 1.0952478970862007 1.4277637576109008 1.4932866658493698 1.5267704196401326 1.602973045821468 1.6471365178646507 1.329892138187978 1.4945248940346005 1.297749798161359 1.1248879842702262 0.9201417946093234 0.7393088866209668 0.806663340665172 0.5431013122056699 0.527726645469167 0.4550065360588071 +16319,0.40514205513102763,0,0.8010139245700362 0.8752044299503703 1.1187226398161778 1.0952478970862007 1.4277637576109008 1.4932866658493698 1.5267704196401326 1.602973045821468 1.6471365178646507 1.329892138187978 1.4945248940346005 1.297749798161359 1.1248879842702262 0.9201417946093234 0.7393088866209668 0.806663340665172 0.5431013122056699 0.527726645469167 0.4550065360588071 0.45874701708662274 +16320,0.5459389184119022,0,0.8752044299503703 1.1187226398161778 1.0952478970862007 1.4277637576109008 1.4932866658493698 1.5267704196401326 1.602973045821468 1.6471365178646507 1.329892138187978 1.4945248940346005 1.297749798161359 1.1248879842702262 0.9201417946093234 0.7393088866209668 0.806663340665172 0.5431013122056699 0.527726645469167 0.4550065360588071 0.45874701708662274 0.40514205513102763 +16321,0.4275333481989333,0,1.1187226398161778 1.0952478970862007 1.4277637576109008 1.4932866658493698 1.5267704196401326 1.602973045821468 1.6471365178646507 1.329892138187978 1.4945248940346005 1.297749798161359 1.1248879842702262 0.9201417946093234 0.7393088866209668 0.806663340665172 0.5431013122056699 0.527726645469167 0.4550065360588071 0.45874701708662274 0.40514205513102763 0.5459389184119022 +16322,0.5035296030676484,0,1.0952478970862007 1.4277637576109008 1.4932866658493698 1.5267704196401326 1.602973045821468 1.6471365178646507 1.329892138187978 1.4945248940346005 1.297749798161359 1.1248879842702262 0.9201417946093234 0.7393088866209668 0.806663340665172 0.5431013122056699 0.527726645469167 0.4550065360588071 0.45874701708662274 0.40514205513102763 0.5459389184119022 0.4275333481989333 +16323,0.9088945552085301,0,1.4277637576109008 1.4932866658493698 1.5267704196401326 1.602973045821468 1.6471365178646507 1.329892138187978 1.4945248940346005 1.297749798161359 1.1248879842702262 0.9201417946093234 0.7393088866209668 0.806663340665172 0.5431013122056699 0.527726645469167 0.4550065360588071 0.45874701708662274 0.40514205513102763 0.5459389184119022 0.4275333481989333 0.5035296030676484 +16324,0.8751012443714486,0,1.4932866658493698 1.5267704196401326 1.602973045821468 1.6471365178646507 1.329892138187978 1.4945248940346005 1.297749798161359 1.1248879842702262 0.9201417946093234 0.7393088866209668 0.806663340665172 0.5431013122056699 0.527726645469167 0.4550065360588071 0.45874701708662274 0.40514205513102763 0.5459389184119022 0.4275333481989333 0.5035296030676484 0.9088945552085301 +16325,1.1706766306517569,0,1.5267704196401326 1.602973045821468 1.6471365178646507 1.329892138187978 1.4945248940346005 1.297749798161359 1.1248879842702262 0.9201417946093234 0.7393088866209668 0.806663340665172 0.5431013122056699 0.527726645469167 0.4550065360588071 0.45874701708662274 0.40514205513102763 0.5459389184119022 0.4275333481989333 0.5035296030676484 0.9088945552085301 0.8751012443714486 +16326,1.1482595412665138,0,1.602973045821468 1.6471365178646507 1.329892138187978 1.4945248940346005 1.297749798161359 1.1248879842702262 0.9201417946093234 0.7393088866209668 0.806663340665172 0.5431013122056699 0.527726645469167 0.4550065360588071 0.45874701708662274 0.40514205513102763 0.5459389184119022 0.4275333481989333 0.5035296030676484 0.9088945552085301 0.8751012443714486 1.1706766306517569 +16327,1.549832419590119,0,1.6471365178646507 1.329892138187978 1.4945248940346005 1.297749798161359 1.1248879842702262 0.9201417946093234 0.7393088866209668 0.806663340665172 0.5431013122056699 0.527726645469167 0.4550065360588071 0.45874701708662274 0.40514205513102763 0.5459389184119022 0.4275333481989333 0.5035296030676484 0.9088945552085301 0.8751012443714486 1.1706766306517569 1.1482595412665138 +16328,1.633412822093387,0,1.329892138187978 1.4945248940346005 1.297749798161359 1.1248879842702262 0.9201417946093234 0.7393088866209668 0.806663340665172 0.5431013122056699 0.527726645469167 0.4550065360588071 0.45874701708662274 0.40514205513102763 0.5459389184119022 0.4275333481989333 0.5035296030676484 0.9088945552085301 0.8751012443714486 1.1706766306517569 1.1482595412665138 1.549832419590119 +16329,1.5307172719805684,0,1.4945248940346005 1.297749798161359 1.1248879842702262 0.9201417946093234 0.7393088866209668 0.806663340665172 0.5431013122056699 0.527726645469167 0.4550065360588071 0.45874701708662274 0.40514205513102763 0.5459389184119022 0.4275333481989333 0.5035296030676484 0.9088945552085301 0.8751012443714486 1.1706766306517569 1.1482595412665138 1.549832419590119 1.633412822093387 +16330,1.6763896587407998,0,1.297749798161359 1.1248879842702262 0.9201417946093234 0.7393088866209668 0.806663340665172 0.5431013122056699 0.527726645469167 0.4550065360588071 0.45874701708662274 0.40514205513102763 0.5459389184119022 0.4275333481989333 0.5035296030676484 0.9088945552085301 0.8751012443714486 1.1706766306517569 1.1482595412665138 1.549832419590119 1.633412822093387 1.5307172719805684 +16331,1.6357860927301588,0,1.1248879842702262 0.9201417946093234 0.7393088866209668 0.806663340665172 0.5431013122056699 0.527726645469167 0.4550065360588071 0.45874701708662274 0.40514205513102763 0.5459389184119022 0.4275333481989333 0.5035296030676484 0.9088945552085301 0.8751012443714486 1.1706766306517569 1.1482595412665138 1.549832419590119 1.633412822093387 1.5307172719805684 1.6763896587407998 +16332,1.371604950178037,0,0.9201417946093234 0.7393088866209668 0.806663340665172 0.5431013122056699 0.527726645469167 0.4550065360588071 0.45874701708662274 0.40514205513102763 0.5459389184119022 0.4275333481989333 0.5035296030676484 0.9088945552085301 0.8751012443714486 1.1706766306517569 1.1482595412665138 1.549832419590119 1.633412822093387 1.5307172719805684 1.6763896587407998 1.6357860927301588 +16333,1.4055272432209314,0,0.7393088866209668 0.806663340665172 0.5431013122056699 0.527726645469167 0.4550065360588071 0.45874701708662274 0.40514205513102763 0.5459389184119022 0.4275333481989333 0.5035296030676484 0.9088945552085301 0.8751012443714486 1.1706766306517569 1.1482595412665138 1.549832419590119 1.633412822093387 1.5307172719805684 1.6763896587407998 1.6357860927301588 1.371604950178037 +16334,1.2158719594127823,0,0.806663340665172 0.5431013122056699 0.527726645469167 0.4550065360588071 0.45874701708662274 0.40514205513102763 0.5459389184119022 0.4275333481989333 0.5035296030676484 0.9088945552085301 0.8751012443714486 1.1706766306517569 1.1482595412665138 1.549832419590119 1.633412822093387 1.5307172719805684 1.6763896587407998 1.6357860927301588 1.371604950178037 1.4055272432209314 +16335,0.9197290518293237,0,0.5431013122056699 0.527726645469167 0.4550065360588071 0.45874701708662274 0.40514205513102763 0.5459389184119022 0.4275333481989333 0.5035296030676484 0.9088945552085301 0.8751012443714486 1.1706766306517569 1.1482595412665138 1.549832419590119 1.633412822093387 1.5307172719805684 1.6763896587407998 1.6357860927301588 1.371604950178037 1.4055272432209314 1.2158719594127823 +16336,0.7655696427677331,0,0.527726645469167 0.4550065360588071 0.45874701708662274 0.40514205513102763 0.5459389184119022 0.4275333481989333 0.5035296030676484 0.9088945552085301 0.8751012443714486 1.1706766306517569 1.1482595412665138 1.549832419590119 1.633412822093387 1.5307172719805684 1.6763896587407998 1.6357860927301588 1.371604950178037 1.4055272432209314 1.2158719594127823 0.9197290518293237 +16337,0.5049226097760385,0,0.4550065360588071 0.45874701708662274 0.40514205513102763 0.5459389184119022 0.4275333481989333 0.5035296030676484 0.9088945552085301 0.8751012443714486 1.1706766306517569 1.1482595412665138 1.549832419590119 1.633412822093387 1.5307172719805684 1.6763896587407998 1.6357860927301588 1.371604950178037 1.4055272432209314 1.2158719594127823 0.9197290518293237 0.7655696427677331 +16338,0.497106294356751,0,0.45874701708662274 0.40514205513102763 0.5459389184119022 0.4275333481989333 0.5035296030676484 0.9088945552085301 0.8751012443714486 1.1706766306517569 1.1482595412665138 1.549832419590119 1.633412822093387 1.5307172719805684 1.6763896587407998 1.6357860927301588 1.371604950178037 1.4055272432209314 1.2158719594127823 0.9197290518293237 0.7655696427677331 0.5049226097760385 +16339,0.15218235550759338,0,0.40514205513102763 0.5459389184119022 0.4275333481989333 0.5035296030676484 0.9088945552085301 0.8751012443714486 1.1706766306517569 1.1482595412665138 1.549832419590119 1.633412822093387 1.5307172719805684 1.6763896587407998 1.6357860927301588 1.371604950178037 1.4055272432209314 1.2158719594127823 0.9197290518293237 0.7655696427677331 0.5049226097760385 0.497106294356751 +16340,0.06008913423084269,0,0.5459389184119022 0.4275333481989333 0.5035296030676484 0.9088945552085301 0.8751012443714486 1.1706766306517569 1.1482595412665138 1.549832419590119 1.633412822093387 1.5307172719805684 1.6763896587407998 1.6357860927301588 1.371604950178037 1.4055272432209314 1.2158719594127823 0.9197290518293237 0.7655696427677331 0.5049226097760385 0.497106294356751 0.15218235550759338 +16341,0.014584248423498673,0,0.4275333481989333 0.5035296030676484 0.9088945552085301 0.8751012443714486 1.1706766306517569 1.1482595412665138 1.549832419590119 1.633412822093387 1.5307172719805684 1.6763896587407998 1.6357860927301588 1.371604950178037 1.4055272432209314 1.2158719594127823 0.9197290518293237 0.7655696427677331 0.5049226097760385 0.497106294356751 0.15218235550759338 0.06008913423084269 +16342,-0.0930384179581374,0,0.5035296030676484 0.9088945552085301 0.8751012443714486 1.1706766306517569 1.1482595412665138 1.549832419590119 1.633412822093387 1.5307172719805684 1.6763896587407998 1.6357860927301588 1.371604950178037 1.4055272432209314 1.2158719594127823 0.9197290518293237 0.7655696427677331 0.5049226097760385 0.497106294356751 0.15218235550759338 0.06008913423084269 0.014584248423498673 +16343,-0.1540727490251349,0,0.9088945552085301 0.8751012443714486 1.1706766306517569 1.1482595412665138 1.549832419590119 1.633412822093387 1.5307172719805684 1.6763896587407998 1.6357860927301588 1.371604950178037 1.4055272432209314 1.2158719594127823 0.9197290518293237 0.7655696427677331 0.5049226097760385 0.497106294356751 0.15218235550759338 0.06008913423084269 0.014584248423498673 -0.0930384179581374 +16344,0.1175893555826271,0,0.8751012443714486 1.1706766306517569 1.1482595412665138 1.549832419590119 1.633412822093387 1.5307172719805684 1.6763896587407998 1.6357860927301588 1.371604950178037 1.4055272432209314 1.2158719594127823 0.9197290518293237 0.7655696427677331 0.5049226097760385 0.497106294356751 0.15218235550759338 0.06008913423084269 0.014584248423498673 -0.0930384179581374 -0.1540727490251349 +16345,-0.05434378716958477,0,1.1706766306517569 1.1482595412665138 1.549832419590119 1.633412822093387 1.5307172719805684 1.6763896587407998 1.6357860927301588 1.371604950178037 1.4055272432209314 1.2158719594127823 0.9197290518293237 0.7655696427677331 0.5049226097760385 0.497106294356751 0.15218235550759338 0.06008913423084269 0.014584248423498673 -0.0930384179581374 -0.1540727490251349 0.1175893555826271 +16346,0.10641950544340027,0,1.1482595412665138 1.549832419590119 1.633412822093387 1.5307172719805684 1.6763896587407998 1.6357860927301588 1.371604950178037 1.4055272432209314 1.2158719594127823 0.9197290518293237 0.7655696427677331 0.5049226097760385 0.497106294356751 0.15218235550759338 0.06008913423084269 0.014584248423498673 -0.0930384179581374 -0.1540727490251349 0.1175893555826271 -0.05434378716958477 +16347,0.5082503480238546,0,1.549832419590119 1.633412822093387 1.5307172719805684 1.6763896587407998 1.6357860927301588 1.371604950178037 1.4055272432209314 1.2158719594127823 0.9197290518293237 0.7655696427677331 0.5049226097760385 0.497106294356751 0.15218235550759338 0.06008913423084269 0.014584248423498673 -0.0930384179581374 -0.1540727490251349 0.1175893555826271 -0.05434378716958477 0.10641950544340027 +16348,0.5886577908024659,0,1.633412822093387 1.5307172719805684 1.6763896587407998 1.6357860927301588 1.371604950178037 1.4055272432209314 1.2158719594127823 0.9197290518293237 0.7655696427677331 0.5049226097760385 0.497106294356751 0.15218235550759338 0.06008913423084269 0.014584248423498673 -0.0930384179581374 -0.1540727490251349 0.1175893555826271 -0.05434378716958477 0.10641950544340027 0.5082503480238546 +16349,0.9101327833937609,0,1.5307172719805684 1.6763896587407998 1.6357860927301588 1.371604950178037 1.4055272432209314 1.2158719594127823 0.9197290518293237 0.7655696427677331 0.5049226097760385 0.497106294356751 0.15218235550759338 0.06008913423084269 0.014584248423498673 -0.0930384179581374 -0.1540727490251349 0.1175893555826271 -0.05434378716958477 0.10641950544340027 0.5082503480238546 0.5886577908024659 +16350,0.924759353831831,0,1.6763896587407998 1.6357860927301588 1.371604950178037 1.4055272432209314 1.2158719594127823 0.9197290518293237 0.7655696427677331 0.5049226097760385 0.497106294356751 0.15218235550759338 0.06008913423084269 0.014584248423498673 -0.0930384179581374 -0.1540727490251349 0.1175893555826271 -0.05434378716958477 0.10641950544340027 0.5082503480238546 0.5886577908024659 0.9101327833937609 +16351,1.3485171537559448,0,1.6357860927301588 1.371604950178037 1.4055272432209314 1.2158719594127823 0.9197290518293237 0.7655696427677331 0.5049226097760385 0.497106294356751 0.15218235550759338 0.06008913423084269 0.014584248423498673 -0.0930384179581374 -0.1540727490251349 0.1175893555826271 -0.05434378716958477 0.10641950544340027 0.5082503480238546 0.5886577908024659 0.9101327833937609 0.924759353831831 +16352,1.4654265316816109,0,1.371604950178037 1.4055272432209314 1.2158719594127823 0.9197290518293237 0.7655696427677331 0.5049226097760385 0.497106294356751 0.15218235550759338 0.06008913423084269 0.014584248423498673 -0.0930384179581374 -0.1540727490251349 0.1175893555826271 -0.05434378716958477 0.10641950544340027 0.5082503480238546 0.5886577908024659 0.9101327833937609 0.924759353831831 1.3485171537559448 +16353,1.3585261649715075,0,1.4055272432209314 1.2158719594127823 0.9197290518293237 0.7655696427677331 0.5049226097760385 0.497106294356751 0.15218235550759338 0.06008913423084269 0.014584248423498673 -0.0930384179581374 -0.1540727490251349 0.1175893555826271 -0.05434378716958477 0.10641950544340027 0.5082503480238546 0.5886577908024659 0.9101327833937609 0.924759353831831 1.3485171537559448 1.4654265316816109 +16354,1.5500387909027213,0,1.2158719594127823 0.9197290518293237 0.7655696427677331 0.5049226097760385 0.497106294356751 0.15218235550759338 0.06008913423084269 0.014584248423498673 -0.0930384179581374 -0.1540727490251349 0.1175893555826271 -0.05434378716958477 0.10641950544340027 0.5082503480238546 0.5886577908024659 0.9101327833937609 0.924759353831831 1.3485171537559448 1.4654265316816109 1.3585261649715075 +16355,1.5177416725077375,0,0.9197290518293237 0.7655696427677331 0.5049226097760385 0.497106294356751 0.15218235550759338 0.06008913423084269 0.014584248423498673 -0.0930384179581374 -0.1540727490251349 0.1175893555826271 -0.05434378716958477 0.10641950544340027 0.5082503480238546 0.5886577908024659 0.9101327833937609 0.924759353831831 1.3485171537559448 1.4654265316816109 1.3585261649715075 1.5500387909027213 +16356,1.2433709437447793,0,0.7655696427677331 0.5049226097760385 0.497106294356751 0.15218235550759338 0.06008913423084269 0.014584248423498673 -0.0930384179581374 -0.1540727490251349 0.1175893555826271 -0.05434378716958477 0.10641950544340027 0.5082503480238546 0.5886577908024659 0.9101327833937609 0.924759353831831 1.3485171537559448 1.4654265316816109 1.3585261649715075 1.5500387909027213 1.5177416725077375 +16357,1.2917650287025846,0,0.5049226097760385 0.497106294356751 0.15218235550759338 0.06008913423084269 0.014584248423498673 -0.0930384179581374 -0.1540727490251349 0.1175893555826271 -0.05434378716958477 0.10641950544340027 0.5082503480238546 0.5886577908024659 0.9101327833937609 0.924759353831831 1.3485171537559448 1.4654265316816109 1.3585261649715075 1.5500387909027213 1.5177416725077375 1.2433709437447793 +16358,1.098085503292433,0,0.497106294356751 0.15218235550759338 0.06008913423084269 0.014584248423498673 -0.0930384179581374 -0.1540727490251349 0.1175893555826271 -0.05434378716958477 0.10641950544340027 0.5082503480238546 0.5886577908024659 0.9101327833937609 0.924759353831831 1.3485171537559448 1.4654265316816109 1.3585261649715075 1.5500387909027213 1.5177416725077375 1.2433709437447793 1.2917650287025846 +16359,0.783446562192044,0,0.15218235550759338 0.06008913423084269 0.014584248423498673 -0.0930384179581374 -0.1540727490251349 0.1175893555826271 -0.05434378716958477 0.10641950544340027 0.5082503480238546 0.5886577908024659 0.9101327833937609 0.924759353831831 1.3485171537559448 1.4654265316816109 1.3585261649715075 1.5500387909027213 1.5177416725077375 1.2433709437447793 1.2917650287025846 1.098085503292433 +16360,0.6300868422183381,0,0.06008913423084269 0.014584248423498673 -0.0930384179581374 -0.1540727490251349 0.1175893555826271 -0.05434378716958477 0.10641950544340027 0.5082503480238546 0.5886577908024659 0.9101327833937609 0.924759353831831 1.3485171537559448 1.4654265316816109 1.3585261649715075 1.5500387909027213 1.5177416725077375 1.2433709437447793 1.2917650287025846 1.098085503292433 0.783446562192044 +16361,0.35576770624484066,0,0.014584248423498673 -0.0930384179581374 -0.1540727490251349 0.1175893555826271 -0.05434378716958477 0.10641950544340027 0.5082503480238546 0.5886577908024659 0.9101327833937609 0.924759353831831 1.3485171537559448 1.4654265316816109 1.3585261649715075 1.5500387909027213 1.5177416725077375 1.2433709437447793 1.2917650287025846 1.098085503292433 0.783446562192044 0.6300868422183381 +16362,0.3344340665216777,0,-0.0930384179581374 -0.1540727490251349 0.1175893555826271 -0.05434378716958477 0.10641950544340027 0.5082503480238546 0.5886577908024659 0.9101327833937609 0.924759353831831 1.3485171537559448 1.4654265316816109 1.3585261649715075 1.5500387909027213 1.5177416725077375 1.2433709437447793 1.2917650287025846 1.098085503292433 0.783446562192044 0.6300868422183381 0.35576770624484066 +16363,-0.024213568098752483,0,-0.1540727490251349 0.1175893555826271 -0.05434378716958477 0.10641950544340027 0.5082503480238546 0.5886577908024659 0.9101327833937609 0.924759353831831 1.3485171537559448 1.4654265316816109 1.3585261649715075 1.5500387909027213 1.5177416725077375 1.2433709437447793 1.2917650287025846 1.098085503292433 0.783446562192044 0.6300868422183381 0.35576770624484066 0.3344340665216777 +16364,-0.12987570646883942,0,0.1175893555826271 -0.05434378716958477 0.10641950544340027 0.5082503480238546 0.5886577908024659 0.9101327833937609 0.924759353831831 1.3485171537559448 1.4654265316816109 1.3585261649715075 1.5500387909027213 1.5177416725077375 1.2433709437447793 1.2917650287025846 1.098085503292433 0.783446562192044 0.6300868422183381 0.35576770624484066 0.3344340665216777 -0.024213568098752483 +16365,-0.16047026126390906,0,-0.05434378716958477 0.10641950544340027 0.5082503480238546 0.5886577908024659 0.9101327833937609 0.924759353831831 1.3485171537559448 1.4654265316816109 1.3585261649715075 1.5500387909027213 1.5177416725077375 1.2433709437447793 1.2917650287025846 1.098085503292433 0.783446562192044 0.6300868422183381 0.35576770624484066 0.3344340665216777 -0.024213568098752483 -0.12987570646883942 +16366,-0.29115492759552264,0,0.10641950544340027 0.5082503480238546 0.5886577908024659 0.9101327833937609 0.924759353831831 1.3485171537559448 1.4654265316816109 1.3585261649715075 1.5500387909027213 1.5177416725077375 1.2433709437447793 1.2917650287025846 1.098085503292433 0.783446562192044 0.6300868422183381 0.35576770624484066 0.3344340665216777 -0.024213568098752483 -0.12987570646883942 -0.16047026126390906 +16367,-0.3467720103521277,0,0.5082503480238546 0.5886577908024659 0.9101327833937609 0.924759353831831 1.3485171537559448 1.4654265316816109 1.3585261649715075 1.5500387909027213 1.5177416725077375 1.2433709437447793 1.2917650287025846 1.098085503292433 0.783446562192044 0.6300868422183381 0.35576770624484066 0.3344340665216777 -0.024213568098752483 -0.12987570646883942 -0.16047026126390906 -0.29115492759552264 +16368,-0.0012805501998110727,0,0.5886577908024659 0.9101327833937609 0.924759353831831 1.3485171537559448 1.4654265316816109 1.3585261649715075 1.5500387909027213 1.5177416725077375 1.2433709437447793 1.2917650287025846 1.098085503292433 0.783446562192044 0.6300868422183381 0.35576770624484066 0.3344340665216777 -0.024213568098752483 -0.12987570646883942 -0.16047026126390906 -0.29115492759552264 -0.3467720103521277 +16369,-0.19060048048952702,0,0.9101327833937609 0.924759353831831 1.3485171537559448 1.4654265316816109 1.3585261649715075 1.5500387909027213 1.5177416725077375 1.2433709437447793 1.2917650287025846 1.098085503292433 0.783446562192044 0.6300868422183381 0.35576770624484066 0.3344340665216777 -0.024213568098752483 -0.12987570646883942 -0.16047026126390906 -0.29115492759552264 -0.3467720103521277 -0.0012805501998110727 +16370,0.021188132129669888,0,0.924759353831831 1.3485171537559448 1.4654265316816109 1.3585261649715075 1.5500387909027213 1.5177416725077375 1.2433709437447793 1.2917650287025846 1.098085503292433 0.783446562192044 0.6300868422183381 0.35576770624484066 0.3344340665216777 -0.024213568098752483 -0.12987570646883942 -0.16047026126390906 -0.29115492759552264 -0.3467720103521277 -0.0012805501998110727 -0.19060048048952702 +16371,0.5011305359587621,0,1.3485171537559448 1.4654265316816109 1.3585261649715075 1.5500387909027213 1.5177416725077375 1.2433709437447793 1.2917650287025846 1.098085503292433 0.783446562192044 0.6300868422183381 0.35576770624484066 0.3344340665216777 -0.024213568098752483 -0.12987570646883942 -0.16047026126390906 -0.29115492759552264 -0.3467720103521277 -0.0012805501998110727 -0.19060048048952702 0.021188132129669888 +16372,0.6235345513016188,0,1.4654265316816109 1.3585261649715075 1.5500387909027213 1.5177416725077375 1.2433709437447793 1.2917650287025846 1.098085503292433 0.783446562192044 0.6300868422183381 0.35576770624484066 0.3344340665216777 -0.024213568098752483 -0.12987570646883942 -0.16047026126390906 -0.29115492759552264 -0.3467720103521277 -0.0012805501998110727 -0.19060048048952702 0.021188132129669888 0.5011305359587621 +16373,1.0140923581639334,0,1.3585261649715075 1.5500387909027213 1.5177416725077375 1.2433709437447793 1.2917650287025846 1.098085503292433 0.783446562192044 0.6300868422183381 0.35576770624484066 0.3344340665216777 -0.024213568098752483 -0.12987570646883942 -0.16047026126390906 -0.29115492759552264 -0.3467720103521277 -0.0012805501998110727 -0.19060048048952702 0.021188132129669888 0.5011305359587621 0.6235345513016188 +16374,0.936677300114705,0,1.5500387909027213 1.5177416725077375 1.2433709437447793 1.2917650287025846 1.098085503292433 0.783446562192044 0.6300868422183381 0.35576770624484066 0.3344340665216777 -0.024213568098752483 -0.12987570646883942 -0.16047026126390906 -0.29115492759552264 -0.3467720103521277 -0.0012805501998110727 -0.19060048048952702 0.021188132129669888 0.5011305359587621 0.6235345513016188 1.0140923581639334 +16375,1.4832260618443465,0,1.5177416725077375 1.2433709437447793 1.2917650287025846 1.098085503292433 0.783446562192044 0.6300868422183381 0.35576770624484066 0.3344340665216777 -0.024213568098752483 -0.12987570646883942 -0.16047026126390906 -0.29115492759552264 -0.3467720103521277 -0.0012805501998110727 -0.19060048048952702 0.021188132129669888 0.5011305359587621 0.6235345513016188 1.0140923581639334 0.936677300114705 +16376,1.5618019586624448,0,1.2433709437447793 1.2917650287025846 1.098085503292433 0.783446562192044 0.6300868422183381 0.35576770624484066 0.3344340665216777 -0.024213568098752483 -0.12987570646883942 -0.16047026126390906 -0.29115492759552264 -0.3467720103521277 -0.0012805501998110727 -0.19060048048952702 0.021188132129669888 0.5011305359587621 0.6235345513016188 1.0140923581639334 0.936677300114705 1.4832260618443465 +16377,1.442029178213209,0,1.2917650287025846 1.098085503292433 0.783446562192044 0.6300868422183381 0.35576770624484066 0.3344340665216777 -0.024213568098752483 -0.12987570646883942 -0.16047026126390906 -0.29115492759552264 -0.3467720103521277 -0.0012805501998110727 -0.19060048048952702 0.021188132129669888 0.5011305359587621 0.6235345513016188 1.0140923581639334 0.936677300114705 1.4832260618443465 1.5618019586624448 +16378,1.586721300890273,0,1.098085503292433 0.783446562192044 0.6300868422183381 0.35576770624484066 0.3344340665216777 -0.024213568098752483 -0.12987570646883942 -0.16047026126390906 -0.29115492759552264 -0.3467720103521277 -0.0012805501998110727 -0.19060048048952702 0.021188132129669888 0.5011305359587621 0.6235345513016188 1.0140923581639334 0.936677300114705 1.4832260618443465 1.5618019586624448 1.442029178213209 +16379,1.5330647463000027,0,0.783446562192044 0.6300868422183381 0.35576770624484066 0.3344340665216777 -0.024213568098752483 -0.12987570646883942 -0.16047026126390906 -0.29115492759552264 -0.3467720103521277 -0.0012805501998110727 -0.19060048048952702 0.021188132129669888 0.5011305359587621 0.6235345513016188 1.0140923581639334 0.936677300114705 1.4832260618443465 1.5618019586624448 1.442029178213209 1.586721300890273 +16380,1.240352762543273,0,0.6300868422183381 0.35576770624484066 0.3344340665216777 -0.024213568098752483 -0.12987570646883942 -0.16047026126390906 -0.29115492759552264 -0.3467720103521277 -0.0012805501998110727 -0.19060048048952702 0.021188132129669888 0.5011305359587621 0.6235345513016188 1.0140923581639334 0.936677300114705 1.4832260618443465 1.5618019586624448 1.442029178213209 1.586721300890273 1.5330647463000027 +16381,1.266381350905296,0,0.35576770624484066 0.3344340665216777 -0.024213568098752483 -0.12987570646883942 -0.16047026126390906 -0.29115492759552264 -0.3467720103521277 -0.0012805501998110727 -0.19060048048952702 0.021188132129669888 0.5011305359587621 0.6235345513016188 1.0140923581639334 0.936677300114705 1.4832260618443465 1.5618019586624448 1.442029178213209 1.586721300890273 1.5330647463000027 1.240352762543273 +16382,1.0533545101008595,0,0.3344340665216777 -0.024213568098752483 -0.12987570646883942 -0.16047026126390906 -0.29115492759552264 -0.3467720103521277 -0.0012805501998110727 -0.19060048048952702 0.021188132129669888 0.5011305359587621 0.6235345513016188 1.0140923581639334 0.936677300114705 1.4832260618443465 1.5618019586624448 1.442029178213209 1.586721300890273 1.5330647463000027 1.240352762543273 1.266381350905296 +16383,0.7107780455711361,0,-0.024213568098752483 -0.12987570646883942 -0.16047026126390906 -0.29115492759552264 -0.3467720103521277 -0.0012805501998110727 -0.19060048048952702 0.021188132129669888 0.5011305359587621 0.6235345513016188 1.0140923581639334 0.936677300114705 1.4832260618443465 1.5618019586624448 1.442029178213209 1.586721300890273 1.5330647463000027 1.240352762543273 1.266381350905296 1.0533545101008595 +16384,0.5409344128815095,0,-0.12987570646883942 -0.16047026126390906 -0.29115492759552264 -0.3467720103521277 -0.0012805501998110727 -0.19060048048952702 0.021188132129669888 0.5011305359587621 0.6235345513016188 1.0140923581639334 0.936677300114705 1.4832260618443465 1.5618019586624448 1.442029178213209 1.586721300890273 1.5330647463000027 1.240352762543273 1.266381350905296 1.0533545101008595 0.7107780455711361 +16385,0.24154115615703337,0,-0.16047026126390906 -0.29115492759552264 -0.3467720103521277 -0.0012805501998110727 -0.19060048048952702 0.021188132129669888 0.5011305359587621 0.6235345513016188 1.0140923581639334 0.936677300114705 1.4832260618443465 1.5618019586624448 1.442029178213209 1.586721300890273 1.5330647463000027 1.240352762543273 1.266381350905296 1.0533545101008595 0.7107780455711361 0.5409344128815095 +16386,0.23142895936254923,0,-0.29115492759552264 -0.3467720103521277 -0.0012805501998110727 -0.19060048048952702 0.021188132129669888 0.5011305359587621 0.6235345513016188 1.0140923581639334 0.936677300114705 1.4832260618443465 1.5618019586624448 1.442029178213209 1.586721300890273 1.5330647463000027 1.240352762543273 1.266381350905296 1.0533545101008595 0.7107780455711361 0.5409344128815095 0.24154115615703337 +16387,-0.16439131713222163,0,-0.3467720103521277 -0.0012805501998110727 -0.19060048048952702 0.021188132129669888 0.5011305359587621 0.6235345513016188 1.0140923581639334 0.936677300114705 1.4832260618443465 1.5618019586624448 1.442029178213209 1.586721300890273 1.5330647463000027 1.240352762543273 1.266381350905296 1.0533545101008595 0.7107780455711361 0.5409344128815095 0.24154115615703337 0.23142895936254923 +16388,-0.27093053400656314,0,-0.0012805501998110727 -0.19060048048952702 0.021188132129669888 0.5011305359587621 0.6235345513016188 1.0140923581639334 0.936677300114705 1.4832260618443465 1.5618019586624448 1.442029178213209 1.586721300890273 1.5330647463000027 1.240352762543273 1.266381350905296 1.0533545101008595 0.7107780455711361 0.5409344128815095 0.24154115615703337 0.23142895936254923 -0.16439131713222163 +16389,-0.2914902811139558,0,-0.19060048048952702 0.021188132129669888 0.5011305359587621 0.6235345513016188 1.0140923581639334 0.936677300114705 1.4832260618443465 1.5618019586624448 1.442029178213209 1.586721300890273 1.5330647463000027 1.240352762543273 1.266381350905296 1.0533545101008595 0.7107780455711361 0.5409344128815095 0.24154115615703337 0.23142895936254923 -0.16439131713222163 -0.27093053400656314 +16390,-0.42668932108915536,0,0.021188132129669888 0.5011305359587621 0.6235345513016188 1.0140923581639334 0.936677300114705 1.4832260618443465 1.5618019586624448 1.442029178213209 1.586721300890273 1.5330647463000027 1.240352762543273 1.266381350905296 1.0533545101008595 0.7107780455711361 0.5409344128815095 0.24154115615703337 0.23142895936254923 -0.16439131713222163 -0.27093053400656314 -0.2914902811139558 +16391,-0.47590889145220056,0,0.5011305359587621 0.6235345513016188 1.0140923581639334 0.936677300114705 1.4832260618443465 1.5618019586624448 1.442029178213209 1.586721300890273 1.5330647463000027 1.240352762543273 1.266381350905296 1.0533545101008595 0.7107780455711361 0.5409344128815095 0.24154115615703337 0.23142895936254923 -0.16439131713222163 -0.27093053400656314 -0.2914902811139558 -0.42668932108915536 +16392,-0.0784376439921817,0,0.6235345513016188 1.0140923581639334 0.936677300114705 1.4832260618443465 1.5618019586624448 1.442029178213209 1.586721300890273 1.5330647463000027 1.240352762543273 1.266381350905296 1.0533545101008595 0.7107780455711361 0.5409344128815095 0.24154115615703337 0.23142895936254923 -0.16439131713222163 -0.27093053400656314 -0.2914902811139558 -0.42668932108915536 -0.47590889145220056 +16393,-0.2765541536295669,0,1.0140923581639334 0.936677300114705 1.4832260618443465 1.5618019586624448 1.442029178213209 1.586721300890273 1.5330647463000027 1.240352762543273 1.266381350905296 1.0533545101008595 0.7107780455711361 0.5409344128815095 0.24154115615703337 0.23142895936254923 -0.16439131713222163 -0.27093053400656314 -0.2914902811139558 -0.42668932108915536 -0.47590889145220056 -0.0784376439921817 +16394,-0.0279798454439057,0,0.936677300114705 1.4832260618443465 1.5618019586624448 1.442029178213209 1.586721300890273 1.5330647463000027 1.240352762543273 1.266381350905296 1.0533545101008595 0.7107780455711361 0.5409344128815095 0.24154115615703337 0.23142895936254923 -0.16439131713222163 -0.27093053400656314 -0.2914902811139558 -0.42668932108915536 -0.47590889145220056 -0.0784376439921817 -0.2765541536295669 +16395,0.4731156232678438,0,1.4832260618443465 1.5618019586624448 1.442029178213209 1.586721300890273 1.5330647463000027 1.240352762543273 1.266381350905296 1.0533545101008595 0.7107780455711361 0.5409344128815095 0.24154115615703337 0.23142895936254923 -0.16439131713222163 -0.27093053400656314 -0.2914902811139558 -0.42668932108915536 -0.47590889145220056 -0.0784376439921817 -0.2765541536295669 -0.0279798454439057 +16396,0.6375162113297405,0,1.5618019586624448 1.442029178213209 1.586721300890273 1.5330647463000027 1.240352762543273 1.266381350905296 1.0533545101008595 0.7107780455711361 0.5409344128815095 0.24154115615703337 0.23142895936254923 -0.16439131713222163 -0.27093053400656314 -0.2914902811139558 -0.42668932108915536 -0.47590889145220056 -0.0784376439921817 -0.2765541536295669 -0.0279798454439057 0.4731156232678438 +16397,1.0544379597629396,0,1.442029178213209 1.586721300890273 1.5330647463000027 1.240352762543273 1.266381350905296 1.0533545101008595 0.7107780455711361 0.5409344128815095 0.24154115615703337 0.23142895936254923 -0.16439131713222163 -0.27093053400656314 -0.2914902811139558 -0.42668932108915536 -0.47590889145220056 -0.0784376439921817 -0.2765541536295669 -0.0279798454439057 0.4731156232678438 0.6375162113297405 +16398,1.02962180326881,0,1.586721300890273 1.5330647463000027 1.240352762543273 1.266381350905296 1.0533545101008595 0.7107780455711361 0.5409344128815095 0.24154115615703337 0.23142895936254923 -0.16439131713222163 -0.27093053400656314 -0.2914902811139558 -0.42668932108915536 -0.47590889145220056 -0.0784376439921817 -0.2765541536295669 -0.0279798454439057 0.4731156232678438 0.6375162113297405 1.0544379597629396 +16399,1.5937895201659047,0,1.5330647463000027 1.240352762543273 1.266381350905296 1.0533545101008595 0.7107780455711361 0.5409344128815095 0.24154115615703337 0.23142895936254923 -0.16439131713222163 -0.27093053400656314 -0.2914902811139558 -0.42668932108915536 -0.47590889145220056 -0.0784376439921817 -0.2765541536295669 -0.0279798454439057 0.4731156232678438 0.6375162113297405 1.0544379597629396 1.02962180326881 +16400,1.7162193319808934,0,1.240352762543273 1.266381350905296 1.0533545101008595 0.7107780455711361 0.5409344128815095 0.24154115615703337 0.23142895936254923 -0.16439131713222163 -0.27093053400656314 -0.2914902811139558 -0.42668932108915536 -0.47590889145220056 -0.0784376439921817 -0.2765541536295669 -0.0279798454439057 0.4731156232678438 0.6375162113297405 1.0544379597629396 1.02962180326881 1.5937895201659047 +16401,1.6077195872497885,0,1.266381350905296 1.0533545101008595 0.7107780455711361 0.5409344128815095 0.24154115615703337 0.23142895936254923 -0.16439131713222163 -0.27093053400656314 -0.2914902811139558 -0.42668932108915536 -0.47590889145220056 -0.0784376439921817 -0.2765541536295669 -0.0279798454439057 0.4731156232678438 0.6375162113297405 1.0544379597629396 1.02962180326881 1.5937895201659047 1.7162193319808934 +16402,1.8071259178618653,0,1.0533545101008595 0.7107780455711361 0.5409344128815095 0.24154115615703337 0.23142895936254923 -0.16439131713222163 -0.27093053400656314 -0.2914902811139558 -0.42668932108915536 -0.47590889145220056 -0.0784376439921817 -0.2765541536295669 -0.0279798454439057 0.4731156232678438 0.6375162113297405 1.0544379597629396 1.02962180326881 1.5937895201659047 1.7162193319808934 1.6077195872497885 +16403,1.7756026920826518,0,0.7107780455711361 0.5409344128815095 0.24154115615703337 0.23142895936254923 -0.16439131713222163 -0.27093053400656314 -0.2914902811139558 -0.42668932108915536 -0.47590889145220056 -0.0784376439921817 -0.2765541536295669 -0.0279798454439057 0.4731156232678438 0.6375162113297405 1.0544379597629396 1.02962180326881 1.5937895201659047 1.7162193319808934 1.6077195872497885 1.8071259178618653 +16404,1.4886949029441998,0,0.5409344128815095 0.24154115615703337 0.23142895936254923 -0.16439131713222163 -0.27093053400656314 -0.2914902811139558 -0.42668932108915536 -0.47590889145220056 -0.0784376439921817 -0.2765541536295669 -0.0279798454439057 0.4731156232678438 0.6375162113297405 1.0544379597629396 1.02962180326881 1.5937895201659047 1.7162193319808934 1.6077195872497885 1.8071259178618653 1.7756026920826518 +16405,1.542299864745018,0,0.24154115615703337 0.23142895936254923 -0.16439131713222163 -0.27093053400656314 -0.2914902811139558 -0.42668932108915536 -0.47590889145220056 -0.0784376439921817 -0.2765541536295669 -0.0279798454439057 0.4731156232678438 0.6375162113297405 1.0544379597629396 1.02962180326881 1.5937895201659047 1.7162193319808934 1.6077195872497885 1.8071259178618653 1.7756026920826518 1.4886949029441998 +16406,1.3405202634961604,0,0.23142895936254923 -0.16439131713222163 -0.27093053400656314 -0.2914902811139558 -0.42668932108915536 -0.47590889145220056 -0.0784376439921817 -0.2765541536295669 -0.0279798454439057 0.4731156232678438 0.6375162113297405 1.0544379597629396 1.02962180326881 1.5937895201659047 1.7162193319808934 1.6077195872497885 1.8071259178618653 1.7756026920826518 1.4886949029441998 1.542299864745018 +16407,0.9907723939571069,0,-0.16439131713222163 -0.27093053400656314 -0.2914902811139558 -0.42668932108915536 -0.47590889145220056 -0.0784376439921817 -0.2765541536295669 -0.0279798454439057 0.4731156232678438 0.6375162113297405 1.0544379597629396 1.02962180326881 1.5937895201659047 1.7162193319808934 1.6077195872497885 1.8071259178618653 1.7756026920826518 1.4886949029441998 1.542299864745018 1.3405202634961604 +16408,0.8383155486502074,0,-0.27093053400656314 -0.2914902811139558 -0.42668932108915536 -0.47590889145220056 -0.0784376439921817 -0.2765541536295669 -0.0279798454439057 0.4731156232678438 0.6375162113297405 1.0544379597629396 1.02962180326881 1.5937895201659047 1.7162193319808934 1.6077195872497885 1.8071259178618653 1.7756026920826518 1.4886949029441998 1.542299864745018 1.3405202634961604 0.9907723939571069 +16409,0.53789043520788,0,-0.2914902811139558 -0.42668932108915536 -0.47590889145220056 -0.0784376439921817 -0.2765541536295669 -0.0279798454439057 0.4731156232678438 0.6375162113297405 1.0544379597629396 1.02962180326881 1.5937895201659047 1.7162193319808934 1.6077195872497885 1.8071259178618653 1.7756026920826518 1.4886949029441998 1.542299864745018 1.3405202634961604 0.9907723939571069 0.8383155486502074 +16410,0.4872778581364623,0,-0.42668932108915536 -0.47590889145220056 -0.0784376439921817 -0.2765541536295669 -0.0279798454439057 0.4731156232678438 0.6375162113297405 1.0544379597629396 1.02962180326881 1.5937895201659047 1.7162193319808934 1.6077195872497885 1.8071259178618653 1.7756026920826518 1.4886949029441998 1.542299864745018 1.3405202634961604 0.9907723939571069 0.8383155486502074 0.53789043520788 +16411,0.10358189923716796,0,-0.47590889145220056 -0.0784376439921817 -0.2765541536295669 -0.0279798454439057 0.4731156232678438 0.6375162113297405 1.0544379597629396 1.02962180326881 1.5937895201659047 1.7162193319808934 1.6077195872497885 1.8071259178618653 1.7756026920826518 1.4886949029441998 1.542299864745018 1.3405202634961604 0.9907723939571069 0.8383155486502074 0.53789043520788 0.4872778581364623 +16412,-0.030301523291225544,0,-0.0784376439921817 -0.2765541536295669 -0.0279798454439057 0.4731156232678438 0.6375162113297405 1.0544379597629396 1.02962180326881 1.5937895201659047 1.7162193319808934 1.6077195872497885 1.8071259178618653 1.7756026920826518 1.4886949029441998 1.542299864745018 1.3405202634961604 0.9907723939571069 0.8383155486502074 0.53789043520788 0.4872778581364623 0.10358189923716796 +16413,-0.042529026620409374,0,-0.2765541536295669 -0.0279798454439057 0.4731156232678438 0.6375162113297405 1.0544379597629396 1.02962180326881 1.5937895201659047 1.7162193319808934 1.6077195872497885 1.8071259178618653 1.7756026920826518 1.4886949029441998 1.542299864745018 1.3405202634961604 0.9907723939571069 0.8383155486502074 0.53789043520788 0.4872778581364623 0.10358189923716796 -0.030301523291225544 +16414,-0.2169644222151973,0,-0.0279798454439057 0.4731156232678438 0.6375162113297405 1.0544379597629396 1.02962180326881 1.5937895201659047 1.7162193319808934 1.6077195872497885 1.8071259178618653 1.7756026920826518 1.4886949029441998 1.542299864745018 1.3405202634961604 0.9907723939571069 0.8383155486502074 0.53789043520788 0.4872778581364623 0.10358189923716796 -0.030301523291225544 -0.042529026620409374 +16415,-0.26974389861078435,0,0.4731156232678438 0.6375162113297405 1.0544379597629396 1.02962180326881 1.5937895201659047 1.7162193319808934 1.6077195872497885 1.8071259178618653 1.7756026920826518 1.4886949029441998 1.542299864745018 1.3405202634961604 0.9907723939571069 0.8383155486502074 0.53789043520788 0.4872778581364623 0.10358189923716796 -0.030301523291225544 -0.042529026620409374 -0.2169644222151973 +16416,0.11797630189051228,0,0.6375162113297405 1.0544379597629396 1.02962180326881 1.5937895201659047 1.7162193319808934 1.6077195872497885 1.8071259178618653 1.7756026920826518 1.4886949029441998 1.542299864745018 1.3405202634961604 0.9907723939571069 0.8383155486502074 0.53789043520788 0.4872778581364623 0.10358189923716796 -0.030301523291225544 -0.042529026620409374 -0.2169644222151973 -0.26974389861078435 +16417,-0.08163640018896162,0,1.0544379597629396 1.02962180326881 1.5937895201659047 1.7162193319808934 1.6077195872497885 1.8071259178618653 1.7756026920826518 1.4886949029441998 1.542299864745018 1.3405202634961604 0.9907723939571069 0.8383155486502074 0.53789043520788 0.4872778581364623 0.10358189923716796 -0.030301523291225544 -0.042529026620409374 -0.2169644222151973 -0.26974389861078435 0.11797630189051228 +16418,0.15925057478322505,0,1.02962180326881 1.5937895201659047 1.7162193319808934 1.6077195872497885 1.8071259178618653 1.7756026920826518 1.4886949029441998 1.542299864745018 1.3405202634961604 0.9907723939571069 0.8383155486502074 0.53789043520788 0.4872778581364623 0.10358189923716796 -0.030301523291225544 -0.042529026620409374 -0.2169644222151973 -0.26974389861078435 0.11797630189051228 -0.08163640018896162 +16419,0.6392703678738925,0,1.5937895201659047 1.7162193319808934 1.6077195872497885 1.8071259178618653 1.7756026920826518 1.4886949029441998 1.542299864745018 1.3405202634961604 0.9907723939571069 0.8383155486502074 0.53789043520788 0.4872778581364623 0.10358189923716796 -0.030301523291225544 -0.042529026620409374 -0.2169644222151973 -0.26974389861078435 0.11797630189051228 -0.08163640018896162 0.15925057478322505 +16420,0.800446403266886,0,1.7162193319808934 1.6077195872497885 1.8071259178618653 1.7756026920826518 1.4886949029441998 1.542299864745018 1.3405202634961604 0.9907723939571069 0.8383155486502074 0.53789043520788 0.4872778581364623 0.10358189923716796 -0.030301523291225544 -0.042529026620409374 -0.2169644222151973 -0.26974389861078435 0.11797630189051228 -0.08163640018896162 0.15925057478322505 0.6392703678738925 +16421,1.200755257087914,0,1.6077195872497885 1.8071259178618653 1.7756026920826518 1.4886949029441998 1.542299864745018 1.3405202634961604 0.9907723939571069 0.8383155486502074 0.53789043520788 0.4872778581364623 0.10358189923716796 -0.030301523291225544 -0.042529026620409374 -0.2169644222151973 -0.26974389861078435 0.11797630189051228 -0.08163640018896162 0.15925057478322505 0.6392703678738925 0.800446403266886 +16422,1.1773579036195034,0,1.8071259178618653 1.7756026920826518 1.4886949029441998 1.542299864745018 1.3405202634961604 0.9907723939571069 0.8383155486502074 0.53789043520788 0.4872778581364623 0.10358189923716796 -0.030301523291225544 -0.042529026620409374 -0.2169644222151973 -0.26974389861078435 0.11797630189051228 -0.08163640018896162 0.15925057478322505 0.6392703678738925 0.800446403266886 1.200755257087914 +16423,1.7189021596639664,0,1.7756026920826518 1.4886949029441998 1.542299864745018 1.3405202634961604 0.9907723939571069 0.8383155486502074 0.53789043520788 0.4872778581364623 0.10358189923716796 -0.030301523291225544 -0.042529026620409374 -0.2169644222151973 -0.26974389861078435 0.11797630189051228 -0.08163640018896162 0.15925057478322505 0.6392703678738925 0.800446403266886 1.200755257087914 1.1773579036195034 +16424,1.836740208728562,0,1.4886949029441998 1.542299864745018 1.3405202634961604 0.9907723939571069 0.8383155486502074 0.53789043520788 0.4872778581364623 0.10358189923716796 -0.030301523291225544 -0.042529026620409374 -0.2169644222151973 -0.26974389861078435 0.11797630189051228 -0.08163640018896162 0.15925057478322505 0.6392703678738925 0.800446403266886 1.200755257087914 1.1773579036195034 1.7189021596639664 +16425,1.7212496339834007,0,1.542299864745018 1.3405202634961604 0.9907723939571069 0.8383155486502074 0.53789043520788 0.4872778581364623 0.10358189923716796 -0.030301523291225544 -0.042529026620409374 -0.2169644222151973 -0.26974389861078435 0.11797630189051228 -0.08163640018896162 0.15925057478322505 0.6392703678738925 0.800446403266886 1.200755257087914 1.1773579036195034 1.7189021596639664 1.836740208728562 +16426,1.916863890778201,0,1.3405202634961604 0.9907723939571069 0.8383155486502074 0.53789043520788 0.4872778581364623 0.10358189923716796 -0.030301523291225544 -0.042529026620409374 -0.2169644222151973 -0.26974389861078435 0.11797630189051228 -0.08163640018896162 0.15925057478322505 0.6392703678738925 0.800446403266886 1.200755257087914 1.1773579036195034 1.7189021596639664 1.836740208728562 1.7212496339834007 +16427,1.8791495240728158,0,0.9907723939571069 0.8383155486502074 0.53789043520788 0.4872778581364623 0.10358189923716796 -0.030301523291225544 -0.042529026620409374 -0.2169644222151973 -0.26974389861078435 0.11797630189051228 -0.08163640018896162 0.15925057478322505 0.6392703678738925 0.800446403266886 1.200755257087914 1.1773579036195034 1.7189021596639664 1.836740208728562 1.7212496339834007 1.916863890778201 +16428,1.6343414932323077,0,0.8383155486502074 0.53789043520788 0.4872778581364623 0.10358189923716796 -0.030301523291225544 -0.042529026620409374 -0.2169644222151973 -0.26974389861078435 0.11797630189051228 -0.08163640018896162 0.15925057478322505 0.6392703678738925 0.800446403266886 1.200755257087914 1.1773579036195034 1.7189021596639664 1.836740208728562 1.7212496339834007 1.916863890778201 1.8791495240728158 +16429,1.6656583476989189,0,0.53789043520788 0.4872778581364623 0.10358189923716796 -0.030301523291225544 -0.042529026620409374 -0.2169644222151973 -0.26974389861078435 0.11797630189051228 -0.08163640018896162 0.15925057478322505 0.6392703678738925 0.800446403266886 1.200755257087914 1.1773579036195034 1.7189021596639664 1.836740208728562 1.7212496339834007 1.916863890778201 1.8791495240728158 1.6343414932323077 +16430,1.4898815383399786,0,0.4872778581364623 0.10358189923716796 -0.030301523291225544 -0.042529026620409374 -0.2169644222151973 -0.26974389861078435 0.11797630189051228 -0.08163640018896162 0.15925057478322505 0.6392703678738925 0.800446403266886 1.200755257087914 1.1773579036195034 1.7189021596639664 1.836740208728562 1.7212496339834007 1.916863890778201 1.8791495240728158 1.6343414932323077 1.6656583476989189 +16431,1.1262809909786164,0,0.10358189923716796 -0.030301523291225544 -0.042529026620409374 -0.2169644222151973 -0.26974389861078435 0.11797630189051228 -0.08163640018896162 0.15925057478322505 0.6392703678738925 0.800446403266886 1.200755257087914 1.1773579036195034 1.7189021596639664 1.836740208728562 1.7212496339834007 1.916863890778201 1.8791495240728158 1.6343414932323077 1.6656583476989189 1.4898815383399786 +16432,1.013112094080766,0,-0.030301523291225544 -0.042529026620409374 -0.2169644222151973 -0.26974389861078435 0.11797630189051228 -0.08163640018896162 0.15925057478322505 0.6392703678738925 0.800446403266886 1.200755257087914 1.1773579036195034 1.7189021596639664 1.836740208728562 1.7212496339834007 1.916863890778201 1.8791495240728158 1.6343414932323077 1.6656583476989189 1.4898815383399786 1.1262809909786164 +16433,0.7121194594900654,0,-0.042529026620409374 -0.2169644222151973 -0.26974389861078435 0.11797630189051228 -0.08163640018896162 0.15925057478322505 0.6392703678738925 0.800446403266886 1.200755257087914 1.1773579036195034 1.7189021596639664 1.836740208728562 1.7212496339834007 1.916863890778201 1.8791495240728158 1.6343414932323077 1.6656583476989189 1.4898815383399786 1.1262809909786164 1.013112094080766 +16434,0.70775986436963,0,-0.2169644222151973 -0.26974389861078435 0.11797630189051228 -0.08163640018896162 0.15925057478322505 0.6392703678738925 0.800446403266886 1.200755257087914 1.1773579036195034 1.7189021596639664 1.836740208728562 1.7212496339834007 1.916863890778201 1.8791495240728158 1.6343414932323077 1.6656583476989189 1.4898815383399786 1.1262809909786164 1.013112094080766 0.7121194594900654 +16435,0.3078895498007248,0,-0.26974389861078435 0.11797630189051228 -0.08163640018896162 0.15925057478322505 0.6392703678738925 0.800446403266886 1.200755257087914 1.1773579036195034 1.7189021596639664 1.836740208728562 1.7212496339834007 1.916863890778201 1.8791495240728158 1.6343414932323077 1.6656583476989189 1.4898815383399786 1.1262809909786164 1.013112094080766 0.7121194594900654 0.70775986436963 +16436,0.20465227485687051,0,0.11797630189051228 -0.08163640018896162 0.15925057478322505 0.6392703678738925 0.800446403266886 1.200755257087914 1.1773579036195034 1.7189021596639664 1.836740208728562 1.7212496339834007 1.916863890778201 1.8791495240728158 1.6343414932323077 1.6656583476989189 1.4898815383399786 1.1262809909786164 1.013112094080766 0.7121194594900654 0.70775986436963 0.3078895498007248 +16437,0.17098794607082515,0,-0.08163640018896162 0.15925057478322505 0.6392703678738925 0.800446403266886 1.200755257087914 1.1773579036195034 1.7189021596639664 1.836740208728562 1.7212496339834007 1.916863890778201 1.8791495240728158 1.6343414932323077 1.6656583476989189 1.4898815383399786 1.1262809909786164 1.013112094080766 0.7121194594900654 0.70775986436963 0.3078895498007248 0.20465227485687051 +16438,0.04455968912595729,0,0.15925057478322505 0.6392703678738925 0.800446403266886 1.200755257087914 1.1773579036195034 1.7189021596639664 1.836740208728562 1.7212496339834007 1.916863890778201 1.8791495240728158 1.6343414932323077 1.6656583476989189 1.4898815383399786 1.1262809909786164 1.013112094080766 0.7121194594900654 0.70775986436963 0.3078895498007248 0.20465227485687051 0.17098794607082515 +16439,-0.012295621815878555,0,0.6392703678738925 0.800446403266886 1.200755257087914 1.1773579036195034 1.7189021596639664 1.836740208728562 1.7212496339834007 1.916863890778201 1.8791495240728158 1.6343414932323077 1.6656583476989189 1.4898815383399786 1.1262809909786164 1.013112094080766 0.7121194594900654 0.70775986436963 0.3078895498007248 0.20465227485687051 0.17098794607082515 0.04455968912595729 +16440,0.3351305698758639,0,0.800446403266886 1.200755257087914 1.1773579036195034 1.7189021596639664 1.836740208728562 1.7212496339834007 1.916863890778201 1.8791495240728158 1.6343414932323077 1.6656583476989189 1.4898815383399786 1.1262809909786164 1.013112094080766 0.7121194594900654 0.70775986436963 0.3078895498007248 0.20465227485687051 0.17098794607082515 0.04455968912595729 -0.012295621815878555 +16441,0.1435147582109514,0,1.200755257087914 1.1773579036195034 1.7189021596639664 1.836740208728562 1.7212496339834007 1.916863890778201 1.8791495240728158 1.6343414932323077 1.6656583476989189 1.4898815383399786 1.1262809909786164 1.013112094080766 0.7121194594900654 0.70775986436963 0.3078895498007248 0.20465227485687051 0.17098794607082515 0.04455968912595729 -0.012295621815878555 0.3351305698758639 +16442,0.3561804490248403,0,1.1773579036195034 1.7189021596639664 1.836740208728562 1.7212496339834007 1.916863890778201 1.8791495240728158 1.6343414932323077 1.6656583476989189 1.4898815383399786 1.1262809909786164 1.013112094080766 0.7121194594900654 0.70775986436963 0.3078895498007248 0.20465227485687051 0.17098794607082515 0.04455968912595729 -0.012295621815878555 0.3351305698758639 0.1435147582109514 +16443,0.8566568036439788,0,1.7189021596639664 1.836740208728562 1.7212496339834007 1.916863890778201 1.8791495240728158 1.6343414932323077 1.6656583476989189 1.4898815383399786 1.1262809909786164 1.013112094080766 0.7121194594900654 0.70775986436963 0.3078895498007248 0.20465227485687051 0.17098794607082515 0.04455968912595729 -0.012295621815878555 0.3351305698758639 0.1435147582109514 0.3561804490248403 +16444,0.9733856065743797,0,1.836740208728562 1.7212496339834007 1.916863890778201 1.8791495240728158 1.6343414932323077 1.6656583476989189 1.4898815383399786 1.1262809909786164 1.013112094080766 0.7121194594900654 0.70775986436963 0.3078895498007248 0.20465227485687051 0.17098794607082515 0.04455968912595729 -0.012295621815878555 0.3351305698758639 0.1435147582109514 0.3561804490248403 0.8566568036439788 +16445,1.3779250731552446,0,1.7212496339834007 1.916863890778201 1.8791495240728158 1.6343414932323077 1.6656583476989189 1.4898815383399786 1.1262809909786164 1.013112094080766 0.7121194594900654 0.70775986436963 0.3078895498007248 0.20465227485687051 0.17098794607082515 0.04455968912595729 -0.012295621815878555 0.3351305698758639 0.1435147582109514 0.3561804490248403 0.8566568036439788 0.9733856065743797 +16446,1.3450604334570928,0,1.916863890778201 1.8791495240728158 1.6343414932323077 1.6656583476989189 1.4898815383399786 1.1262809909786164 1.013112094080766 0.7121194594900654 0.70775986436963 0.3078895498007248 0.20465227485687051 0.17098794607082515 0.04455968912595729 -0.012295621815878555 0.3351305698758639 0.1435147582109514 0.3561804490248403 0.8566568036439788 0.9733856065743797 1.3779250731552446 +16447,1.8954012690040107,0,1.8791495240728158 1.6343414932323077 1.6656583476989189 1.4898815383399786 1.1262809909786164 1.013112094080766 0.7121194594900654 0.70775986436963 0.3078895498007248 0.20465227485687051 0.17098794607082515 0.04455968912595729 -0.012295621815878555 0.3351305698758639 0.1435147582109514 0.3561804490248403 0.8566568036439788 0.9733856065743797 1.3779250731552446 1.3450604334570928 +16448,2.008337997962341,0,1.6343414932323077 1.6656583476989189 1.4898815383399786 1.1262809909786164 1.013112094080766 0.7121194594900654 0.70775986436963 0.3078895498007248 0.20465227485687051 0.17098794607082515 0.04455968912595729 -0.012295621815878555 0.3351305698758639 0.1435147582109514 0.3561804490248403 0.8566568036439788 0.9733856065743797 1.3779250731552446 1.3450604334570928 1.8954012690040107 +16449,1.894601579916117,0,1.6656583476989189 1.4898815383399786 1.1262809909786164 1.013112094080766 0.7121194594900654 0.70775986436963 0.3078895498007248 0.20465227485687051 0.17098794607082515 0.04455968912595729 -0.012295621815878555 0.3351305698758639 0.1435147582109514 0.3561804490248403 0.8566568036439788 0.9733856065743797 1.3779250731552446 1.3450604334570928 1.8954012690040107 2.008337997962341 +16450,2.083096024645825,0,1.4898815383399786 1.1262809909786164 1.013112094080766 0.7121194594900654 0.70775986436963 0.3078895498007248 0.20465227485687051 0.17098794607082515 0.04455968912595729 -0.012295621815878555 0.3351305698758639 0.1435147582109514 0.3561804490248403 0.8566568036439788 0.9733856065743797 1.3779250731552446 1.3450604334570928 1.8954012690040107 2.008337997962341 1.894601579916117 +16451,2.0449173223709796,0,1.1262809909786164 1.013112094080766 0.7121194594900654 0.70775986436963 0.3078895498007248 0.20465227485687051 0.17098794607082515 0.04455968912595729 -0.012295621815878555 0.3351305698758639 0.1435147582109514 0.3561804490248403 0.8566568036439788 0.9733856065743797 1.3779250731552446 1.3450604334570928 1.8954012690040107 2.008337997962341 1.894601579916117 2.083096024645825 +16452,1.657403493182294,0,1.013112094080766 0.7121194594900654 0.70775986436963 0.3078895498007248 0.20465227485687051 0.17098794607082515 0.04455968912595729 -0.012295621815878555 0.3351305698758639 0.1435147582109514 0.3561804490248403 0.8566568036439788 0.9733856065743797 1.3779250731552446 1.3450604334570928 1.8954012690040107 2.008337997962341 1.894601579916117 2.083096024645825 2.0449173223709796 +16453,1.7356698331088594,0,0.7121194594900654 0.70775986436963 0.3078895498007248 0.20465227485687051 0.17098794607082515 0.04455968912595729 -0.012295621815878555 0.3351305698758639 0.1435147582109514 0.3561804490248403 0.8566568036439788 0.9733856065743797 1.3779250731552446 1.3450604334570928 1.8954012690040107 2.008337997962341 1.894601579916117 2.083096024645825 2.0449173223709796 1.657403493182294 +16454,1.4646010461216028,0,0.70775986436963 0.3078895498007248 0.20465227485687051 0.17098794607082515 0.04455968912595729 -0.012295621815878555 0.3351305698758639 0.1435147582109514 0.3561804490248403 0.8566568036439788 0.9733856065743797 1.3779250731552446 1.3450604334570928 1.8954012690040107 2.008337997962341 1.894601579916117 2.083096024645825 2.0449173223709796 1.657403493182294 1.7356698331088594 +16455,1.144390078187662,0,0.3078895498007248 0.20465227485687051 0.17098794607082515 0.04455968912595729 -0.012295621815878555 0.3351305698758639 0.1435147582109514 0.3561804490248403 0.8566568036439788 0.9733856065743797 1.3779250731552446 1.3450604334570928 1.8954012690040107 2.008337997962341 1.894601579916117 2.083096024645825 2.0449173223709796 1.657403493182294 1.7356698331088594 1.4646010461216028 +16456,0.8897020183374044,0,0.20465227485687051 0.17098794607082515 0.04455968912595729 -0.012295621815878555 0.3351305698758639 0.1435147582109514 0.3561804490248403 0.8566568036439788 0.9733856065743797 1.3779250731552446 1.3450604334570928 1.8954012690040107 2.008337997962341 1.894601579916117 2.083096024645825 2.0449173223709796 1.657403493182294 1.7356698331088594 1.4646010461216028 1.144390078187662 +16457,0.5858717773856856,0,0.17098794607082515 0.04455968912595729 -0.012295621815878555 0.3351305698758639 0.1435147582109514 0.3561804490248403 0.8566568036439788 0.9733856065743797 1.3779250731552446 1.3450604334570928 1.8954012690040107 2.008337997962341 1.894601579916117 2.083096024645825 2.0449173223709796 1.657403493182294 1.7356698331088594 1.4646010461216028 1.144390078187662 0.8897020183374044 +16458,0.6134997437687187,0,0.04455968912595729 -0.012295621815878555 0.3351305698758639 0.1435147582109514 0.3561804490248403 0.8566568036439788 0.9733856065743797 1.3779250731552446 1.3450604334570928 1.8954012690040107 2.008337997962341 1.894601579916117 2.083096024645825 2.0449173223709796 1.657403493182294 1.7356698331088594 1.4646010461216028 1.144390078187662 0.8897020183374044 0.5858717773856856 +16459,0.19918343375701725,0,-0.012295621815878555 0.3351305698758639 0.1435147582109514 0.3561804490248403 0.8566568036439788 0.9733856065743797 1.3779250731552446 1.3450604334570928 1.8954012690040107 2.008337997962341 1.894601579916117 2.083096024645825 2.0449173223709796 1.657403493182294 1.7356698331088594 1.4646010461216028 1.144390078187662 0.8897020183374044 0.5858717773856856 0.6134997437687187 +16460,0.11632533092527306,0,0.3351305698758639 0.1435147582109514 0.3561804490248403 0.8566568036439788 0.9733856065743797 1.3779250731552446 1.3450604334570928 1.8954012690040107 2.008337997962341 1.894601579916117 2.083096024645825 2.0449173223709796 1.657403493182294 1.7356698331088594 1.4646010461216028 1.144390078187662 0.8897020183374044 0.5858717773856856 0.6134997437687187 0.19918343375701725 +16461,0.07254880534475235,0,0.1435147582109514 0.3561804490248403 0.8566568036439788 0.9733856065743797 1.3779250731552446 1.3450604334570928 1.8954012690040107 2.008337997962341 1.894601579916117 2.083096024645825 2.0449173223709796 1.657403493182294 1.7356698331088594 1.4646010461216028 1.144390078187662 0.8897020183374044 0.5858717773856856 0.6134997437687187 0.19918343375701725 0.11632533092527306 +16462,-0.023336489749283606,0,0.3561804490248403 0.8566568036439788 0.9733856065743797 1.3779250731552446 1.3450604334570928 1.8954012690040107 2.008337997962341 1.894601579916117 2.083096024645825 2.0449173223709796 1.657403493182294 1.7356698331088594 1.4646010461216028 1.144390078187662 0.8897020183374044 0.5858717773856856 0.6134997437687187 0.19918343375701725 0.11632533092527306 0.07254880534475235 +16463,-0.08014020774688176,0,0.8566568036439788 0.9733856065743797 1.3779250731552446 1.3450604334570928 1.8954012690040107 2.008337997962341 1.894601579916117 2.083096024645825 2.0449173223709796 1.657403493182294 1.7356698331088594 1.4646010461216028 1.144390078187662 0.8897020183374044 0.5858717773856856 0.6134997437687187 0.19918343375701725 0.11632533092527306 0.07254880534475235 -0.023336489749283606 +16464,0.22639865736003315,0,0.9733856065743797 1.3779250731552446 1.3450604334570928 1.8954012690040107 2.008337997962341 1.894601579916117 2.083096024645825 2.0449173223709796 1.657403493182294 1.7356698331088594 1.4646010461216028 1.144390078187662 0.8897020183374044 0.5858717773856856 0.6134997437687187 0.19918343375701725 0.11632533092527306 0.07254880534475235 -0.023336489749283606 -0.08014020774688176 +16465,0.04848074499426986,0,1.3779250731552446 1.3450604334570928 1.8954012690040107 2.008337997962341 1.894601579916117 2.083096024645825 2.0449173223709796 1.657403493182294 1.7356698331088594 1.4646010461216028 1.144390078187662 0.8897020183374044 0.5858717773856856 0.6134997437687187 0.19918343375701725 0.11632533092527306 0.07254880534475235 -0.023336489749283606 -0.08014020774688176 0.22639865736003315 +16466,0.23390541573301962,0,1.3450604334570928 1.8954012690040107 2.008337997962341 1.894601579916117 2.083096024645825 2.0449173223709796 1.657403493182294 1.7356698331088594 1.4646010461216028 1.144390078187662 0.8897020183374044 0.5858717773856856 0.6134997437687187 0.19918343375701725 0.11632533092527306 0.07254880534475235 -0.023336489749283606 -0.08014020774688176 0.22639865736003315 0.04848074499426986 +16467,0.6988600992882622,0,1.8954012690040107 2.008337997962341 1.894601579916117 2.083096024645825 2.0449173223709796 1.657403493182294 1.7356698331088594 1.4646010461216028 1.144390078187662 0.8897020183374044 0.5858717773856856 0.6134997437687187 0.19918343375701725 0.11632533092527306 0.07254880534475235 -0.023336489749283606 -0.08014020774688176 0.22639865736003315 0.04848074499426986 0.23390541573301962 +16468,0.7911080990881721,0,2.008337997962341 1.894601579916117 2.083096024645825 2.0449173223709796 1.657403493182294 1.7356698331088594 1.4646010461216028 1.144390078187662 0.8897020183374044 0.5858717773856856 0.6134997437687187 0.19918343375701725 0.11632533092527306 0.07254880534475235 -0.023336489749283606 -0.08014020774688176 0.22639865736003315 0.04848074499426986 0.23390541573301962 0.6988600992882622 +16469,1.1628861117045926,0,1.894601579916117 2.083096024645825 2.0449173223709796 1.657403493182294 1.7356698331088594 1.4646010461216028 1.144390078187662 0.8897020183374044 0.5858717773856856 0.6134997437687187 0.19918343375701725 0.11632533092527306 0.07254880534475235 -0.023336489749283606 -0.08014020774688176 0.22639865736003315 0.04848074499426986 0.23390541573301962 0.6988600992882622 0.7911080990881721 +16470,1.1473308701275928,0,2.083096024645825 2.0449173223709796 1.657403493182294 1.7356698331088594 1.4646010461216028 1.144390078187662 0.8897020183374044 0.5858717773856856 0.6134997437687187 0.19918343375701725 0.11632533092527306 0.07254880534475235 -0.023336489749283606 -0.08014020774688176 0.22639865736003315 0.04848074499426986 0.23390541573301962 0.6988600992882622 0.7911080990881721 1.1628861117045926 +16471,1.6482199675267308,0,2.0449173223709796 1.657403493182294 1.7356698331088594 1.4646010461216028 1.144390078187662 0.8897020183374044 0.5858717773856856 0.6134997437687187 0.19918343375701725 0.11632533092527306 0.07254880534475235 -0.023336489749283606 -0.08014020774688176 0.22639865736003315 0.04848074499426986 0.23390541573301962 0.6988600992882622 0.7911080990881721 1.1628861117045926 1.1473308701275928 +16472,1.7617758105776806,0,1.657403493182294 1.7356698331088594 1.4646010461216028 1.144390078187662 0.8897020183374044 0.5858717773856856 0.6134997437687187 0.19918343375701725 0.11632533092527306 0.07254880534475235 -0.023336489749283606 -0.08014020774688176 0.22639865736003315 0.04848074499426986 0.23390541573301962 0.6988600992882622 0.7911080990881721 1.1628861117045926 1.1473308701275928 1.6482199675267308 +16473,1.644015150929446,0,1.7356698331088594 1.4646010461216028 1.144390078187662 0.8897020183374044 0.5858717773856856 0.6134997437687187 0.19918343375701725 0.11632533092527306 0.07254880534475235 -0.023336489749283606 -0.08014020774688176 0.22639865736003315 0.04848074499426986 0.23390541573301962 0.6988600992882622 0.7911080990881721 1.1628861117045926 1.1473308701275928 1.6482199675267308 1.7617758105776806 +16474,1.8346764949833143,0,1.4646010461216028 1.144390078187662 0.8897020183374044 0.5858717773856856 0.6134997437687187 0.19918343375701725 0.11632533092527306 0.07254880534475235 -0.023336489749283606 -0.08014020774688176 0.22639865736003315 0.04848074499426986 0.23390541573301962 0.6988600992882622 0.7911080990881721 1.1628861117045926 1.1473308701275928 1.6482199675267308 1.7617758105776806 1.644015150929446 +16475,1.7940213363379982,0,1.144390078187662 0.8897020183374044 0.5858717773856856 0.6134997437687187 0.19918343375701725 0.11632533092527306 0.07254880534475235 -0.023336489749283606 -0.08014020774688176 0.22639865736003315 0.04848074499426986 0.23390541573301962 0.6988600992882622 0.7911080990881721 1.1628861117045926 1.1473308701275928 1.6482199675267308 1.7617758105776806 1.644015150929446 1.8346764949833143 +16476,1.4301886211919104,0,0.8897020183374044 0.5858717773856856 0.6134997437687187 0.19918343375701725 0.11632533092527306 0.07254880534475235 -0.023336489749283606 -0.08014020774688176 0.22639865736003315 0.04848074499426986 0.23390541573301962 0.6988600992882622 0.7911080990881721 1.1628861117045926 1.1473308701275928 1.6482199675267308 1.7617758105776806 1.644015150929446 1.8346764949833143 1.7940213363379982 +16477,1.4972593145071431,0,0.5858717773856856 0.6134997437687187 0.19918343375701725 0.11632533092527306 0.07254880534475235 -0.023336489749283606 -0.08014020774688176 0.22639865736003315 0.04848074499426986 0.23390541573301962 0.6988600992882622 0.7911080990881721 1.1628861117045926 1.1473308701275928 1.6482199675267308 1.7617758105776806 1.644015150929446 1.8346764949833143 1.7940213363379982 1.4301886211919104 +16478,1.2411524516311578,0,0.6134997437687187 0.19918343375701725 0.11632533092527306 0.07254880534475235 -0.023336489749283606 -0.08014020774688176 0.22639865736003315 0.04848074499426986 0.23390541573301962 0.6988600992882622 0.7911080990881721 1.1628861117045926 1.1473308701275928 1.6482199675267308 1.7617758105776806 1.644015150929446 1.8346764949833143 1.7940213363379982 1.4301886211919104 1.4972593145071431 +16479,0.9316469981121978,0,0.19918343375701725 0.11632533092527306 0.07254880534475235 -0.023336489749283606 -0.08014020774688176 0.22639865736003315 0.04848074499426986 0.23390541573301962 0.6988600992882622 0.7911080990881721 1.1628861117045926 1.1473308701275928 1.6482199675267308 1.7617758105776806 1.644015150929446 1.8346764949833143 1.7940213363379982 1.4301886211919104 1.4972593145071431 1.2411524516311578 +16480,0.6933396652441712,0,0.11632533092527306 0.07254880534475235 -0.023336489749283606 -0.08014020774688176 0.22639865736003315 0.04848074499426986 0.23390541573301962 0.6988600992882622 0.7911080990881721 1.1628861117045926 1.1473308701275928 1.6482199675267308 1.7617758105776806 1.644015150929446 1.8346764949833143 1.7940213363379982 1.4301886211919104 1.4972593145071431 1.2411524516311578 0.9316469981121978 +16481,0.4016337420427235,0,0.07254880534475235 -0.023336489749283606 -0.08014020774688176 0.22639865736003315 0.04848074499426986 0.23390541573301962 0.6988600992882622 0.7911080990881721 1.1628861117045926 1.1473308701275928 1.6482199675267308 1.7617758105776806 1.644015150929446 1.8346764949833143 1.7940213363379982 1.4301886211919104 1.4972593145071431 1.2411524516311578 0.9316469981121978 0.6933396652441712 +16482,0.39177950935031153,0,-0.023336489749283606 -0.08014020774688176 0.22639865736003315 0.04848074499426986 0.23390541573301962 0.6988600992882622 0.7911080990881721 1.1628861117045926 1.1473308701275928 1.6482199675267308 1.7617758105776806 1.644015150929446 1.8346764949833143 1.7940213363379982 1.4301886211919104 1.4972593145071431 1.2411524516311578 0.9316469981121978 0.6933396652441712 0.4016337420427235 +16483,0.006123022439476859,0,-0.08014020774688176 0.22639865736003315 0.04848074499426986 0.23390541573301962 0.6988600992882622 0.7911080990881721 1.1628861117045926 1.1473308701275928 1.6482199675267308 1.7617758105776806 1.644015150929446 1.8346764949833143 1.7940213363379982 1.4301886211919104 1.4972593145071431 1.2411524516311578 0.9316469981121978 0.6933396652441712 0.4016337420427235 0.39177950935031153 +16484,-0.09768177365275948,0,0.22639865736003315 0.04848074499426986 0.23390541573301962 0.6988600992882622 0.7911080990881721 1.1628861117045926 1.1473308701275928 1.6482199675267308 1.7617758105776806 1.644015150929446 1.8346764949833143 1.7940213363379982 1.4301886211919104 1.4972593145071431 1.2411524516311578 0.9316469981121978 0.6933396652441712 0.4016337420427235 0.39177950935031153 0.006123022439476859 +16485,-0.15745208006240294,0,0.04848074499426986 0.23390541573301962 0.6988600992882622 0.7911080990881721 1.1628861117045926 1.1473308701275928 1.6482199675267308 1.7617758105776806 1.644015150929446 1.8346764949833143 1.7940213363379982 1.4301886211919104 1.4972593145071431 1.2411524516311578 0.9316469981121978 0.6933396652441712 0.4016337420427235 0.39177950935031153 0.006123022439476859 -0.09768177365275948 +16486,-0.2759350395369559,0,0.23390541573301962 0.6988600992882622 0.7911080990881721 1.1628861117045926 1.1473308701275928 1.6482199675267308 1.7617758105776806 1.644015150929446 1.8346764949833143 1.7940213363379982 1.4301886211919104 1.4972593145071431 1.2411524516311578 0.9316469981121978 0.6933396652441712 0.4016337420427235 0.39177950935031153 0.006123022439476859 -0.09768177365275948 -0.15745208006240294 +16487,-0.35038350917413036,0,0.6988600992882622 0.7911080990881721 1.1628861117045926 1.1473308701275928 1.6482199675267308 1.7617758105776806 1.644015150929446 1.8346764949833143 1.7940213363379982 1.4301886211919104 1.4972593145071431 1.2411524516311578 0.9316469981121978 0.6933396652441712 0.4016337420427235 0.39177950935031153 0.006123022439476859 -0.09768177365275948 -0.15745208006240294 -0.2759350395369559 +16488,-0.10173181172689384,0,0.7911080990881721 1.1628861117045926 1.1473308701275928 1.6482199675267308 1.7617758105776806 1.644015150929446 1.8346764949833143 1.7940213363379982 1.4301886211919104 1.4972593145071431 1.2411524516311578 0.9316469981121978 0.6933396652441712 0.4016337420427235 0.39177950935031153 0.006123022439476859 -0.09768177365275948 -0.15745208006240294 -0.2759350395369559 -0.35038350917413036 +16489,-0.2838803370072796,0,1.1628861117045926 1.1473308701275928 1.6482199675267308 1.7617758105776806 1.644015150929446 1.8346764949833143 1.7940213363379982 1.4301886211919104 1.4972593145071431 1.2411524516311578 0.9316469981121978 0.6933396652441712 0.4016337420427235 0.39177950935031153 0.006123022439476859 -0.09768177365275948 -0.15745208006240294 -0.2759350395369559 -0.35038350917413036 -0.10173181172689384 +16490,-0.14292869535803132,0,1.1473308701275928 1.6482199675267308 1.7617758105776806 1.644015150929446 1.8346764949833143 1.7940213363379982 1.4301886211919104 1.4972593145071431 1.2411524516311578 0.9316469981121978 0.6933396652441712 0.4016337420427235 0.39177950935031153 0.006123022439476859 -0.09768177365275948 -0.15745208006240294 -0.2759350395369559 -0.35038350917413036 -0.10173181172689384 -0.2838803370072796 +16491,0.27817207335511523,0,1.6482199675267308 1.7617758105776806 1.644015150929446 1.8346764949833143 1.7940213363379982 1.4301886211919104 1.4972593145071431 1.2411524516311578 0.9316469981121978 0.6933396652441712 0.4016337420427235 0.39177950935031153 0.006123022439476859 -0.09768177365275948 -0.15745208006240294 -0.2759350395369559 -0.35038350917413036 -0.10173181172689384 -0.2838803370072796 -0.14292869535803132 +16492,0.32574067275292123,0,1.7617758105776806 1.644015150929446 1.8346764949833143 1.7940213363379982 1.4301886211919104 1.4972593145071431 1.2411524516311578 0.9316469981121978 0.6933396652441712 0.4016337420427235 0.39177950935031153 0.006123022439476859 -0.09768177365275948 -0.15745208006240294 -0.2759350395369559 -0.35038350917413036 -0.10173181172689384 -0.2838803370072796 -0.14292869535803132 0.27817207335511523 +16493,0.6534583992146255,0,1.644015150929446 1.8346764949833143 1.7940213363379982 1.4301886211919104 1.4972593145071431 1.2411524516311578 0.9316469981121978 0.6933396652441712 0.4016337420427235 0.39177950935031153 0.006123022439476859 -0.09768177365275948 -0.15745208006240294 -0.2759350395369559 -0.35038350917413036 -0.10173181172689384 -0.2838803370072796 -0.14292869535803132 0.27817207335511523 0.32574067275292123 +16494,0.6580759584371331,0,1.8346764949833143 1.7940213363379982 1.4301886211919104 1.4972593145071431 1.2411524516311578 0.9316469981121978 0.6933396652441712 0.4016337420427235 0.39177950935031153 0.006123022439476859 -0.09768177365275948 -0.15745208006240294 -0.2759350395369559 -0.35038350917413036 -0.10173181172689384 -0.2838803370072796 -0.14292869535803132 0.27817207335511523 0.32574067275292123 0.6534583992146255 +16495,1.09349374054204,0,1.7940213363379982 1.4301886211919104 1.4972593145071431 1.2411524516311578 0.9316469981121978 0.6933396652441712 0.4016337420427235 0.39177950935031153 0.006123022439476859 -0.09768177365275948 -0.15745208006240294 -0.2759350395369559 -0.35038350917413036 -0.10173181172689384 -0.2838803370072796 -0.14292869535803132 0.27817207335511523 0.32574067275292123 0.6534583992146255 0.6580759584371331 +16496,1.205811355407759,0,1.4301886211919104 1.4972593145071431 1.2411524516311578 0.9316469981121978 0.6933396652441712 0.4016337420427235 0.39177950935031153 0.006123022439476859 -0.09768177365275948 -0.15745208006240294 -0.2759350395369559 -0.35038350917413036 -0.10173181172689384 -0.2838803370072796 -0.14292869535803132 0.27817207335511523 0.32574067275292123 0.6534583992146255 0.6580759584371331 1.09349374054204 +16497,1.0925392729309957,0,1.4972593145071431 1.2411524516311578 0.9316469981121978 0.6933396652441712 0.4016337420427235 0.39177950935031153 0.006123022439476859 -0.09768177365275948 -0.15745208006240294 -0.2759350395369559 -0.35038350917413036 -0.10173181172689384 -0.2838803370072796 -0.14292869535803132 0.27817207335511523 0.32574067275292123 0.6534583992146255 0.6580759584371331 1.09349374054204 1.205811355407759 +16498,1.2800534537323218,0,1.2411524516311578 0.9316469981121978 0.6933396652441712 0.4016337420427235 0.39177950935031153 0.006123022439476859 -0.09768177365275948 -0.15745208006240294 -0.2759350395369559 -0.35038350917413036 -0.10173181172689384 -0.2838803370072796 -0.14292869535803132 0.27817207335511523 0.32574067275292123 0.6534583992146255 0.6580759584371331 1.09349374054204 1.205811355407759 1.0925392729309957 +16499,1.241977937036389,0,0.9316469981121978 0.6933396652441712 0.4016337420427235 0.39177950935031153 0.006123022439476859 -0.09768177365275948 -0.15745208006240294 -0.2759350395369559 -0.35038350917413036 -0.10173181172689384 -0.2838803370072796 -0.14292869535803132 0.27817207335511523 0.32574067275292123 0.6534583992146255 0.6580759584371331 1.09349374054204 1.205811355407759 1.0925392729309957 1.2800534537323218 +16500,0.8387798842196679,0,0.6933396652441712 0.4016337420427235 0.39177950935031153 0.006123022439476859 -0.09768177365275948 -0.15745208006240294 -0.2759350395369559 -0.35038350917413036 -0.10173181172689384 -0.2838803370072796 -0.14292869535803132 0.27817207335511523 0.32574067275292123 0.6534583992146255 0.6580759584371331 1.09349374054204 1.205811355407759 1.0925392729309957 1.2800534537323218 1.241977937036389 +16501,0.9224118795123968,0,0.4016337420427235 0.39177950935031153 0.006123022439476859 -0.09768177365275948 -0.15745208006240294 -0.2759350395369559 -0.35038350917413036 -0.10173181172689384 -0.2838803370072796 -0.14292869535803132 0.27817207335511523 0.32574067275292123 0.6534583992146255 0.6580759584371331 1.09349374054204 1.205811355407759 1.0925392729309957 1.2800534537323218 1.241977937036389 0.8387798842196679 +16502,0.6409213388391317,0,0.39177950935031153 0.006123022439476859 -0.09768177365275948 -0.15745208006240294 -0.2759350395369559 -0.35038350917413036 -0.10173181172689384 -0.2838803370072796 -0.14292869535803132 0.27817207335511523 0.32574067275292123 0.6534583992146255 0.6580759584371331 1.09349374054204 1.205811355407759 1.0925392729309957 1.2800534537323218 1.241977937036389 0.8387798842196679 0.9224118795123968 +16503,0.41940747573333587,0,0.006123022439476859 -0.09768177365275948 -0.15745208006240294 -0.2759350395369559 -0.35038350917413036 -0.10173181172689384 -0.2838803370072796 -0.14292869535803132 0.27817207335511523 0.32574067275292123 0.6534583992146255 0.6580759584371331 1.09349374054204 1.205811355407759 1.0925392729309957 1.2800534537323218 1.241977937036389 0.8387798842196679 0.9224118795123968 0.6409213388391317 +16504,0.11792470910105146,0,-0.09768177365275948 -0.15745208006240294 -0.2759350395369559 -0.35038350917413036 -0.10173181172689384 -0.2838803370072796 -0.14292869535803132 0.27817207335511523 0.32574067275292123 0.6534583992146255 0.6580759584371331 1.09349374054204 1.205811355407759 1.0925392729309957 1.2800534537323218 1.241977937036389 0.8387798842196679 0.9224118795123968 0.6409213388391317 0.41940747573333587 +16505,-0.123581379963755,0,-0.15745208006240294 -0.2759350395369559 -0.35038350917413036 -0.10173181172689384 -0.2838803370072796 -0.14292869535803132 0.27817207335511523 0.32574067275292123 0.6534583992146255 0.6580759584371331 1.09349374054204 1.205811355407759 1.0925392729309957 1.2800534537323218 1.241977937036389 0.8387798842196679 0.9224118795123968 0.6409213388391317 0.41940747573333587 0.11792470910105146 +16506,-0.14290289888590807,0,-0.2759350395369559 -0.35038350917413036 -0.10173181172689384 -0.2838803370072796 -0.14292869535803132 0.27817207335511523 0.32574067275292123 0.6534583992146255 0.6580759584371331 1.09349374054204 1.205811355407759 1.0925392729309957 1.2800534537323218 1.241977937036389 0.8387798842196679 0.9224118795123968 0.6409213388391317 0.41940747573333587 0.11792470910105146 -0.123581379963755 +16507,-0.45847051112522685,0,-0.35038350917413036 -0.10173181172689384 -0.2838803370072796 -0.14292869535803132 0.27817207335511523 0.32574067275292123 0.6534583992146255 0.6580759584371331 1.09349374054204 1.205811355407759 1.0925392729309957 1.2800534537323218 1.241977937036389 0.8387798842196679 0.9224118795123968 0.6409213388391317 0.41940747573333587 0.11792470910105146 -0.123581379963755 -0.14290289888590807 +16508,-0.5518535535314548,0,-0.10173181172689384 -0.2838803370072796 -0.14292869535803132 0.27817207335511523 0.32574067275292123 0.6534583992146255 0.6580759584371331 1.09349374054204 1.205811355407759 1.0925392729309957 1.2800534537323218 1.241977937036389 0.8387798842196679 0.9224118795123968 0.6409213388391317 0.41940747573333587 0.11792470910105146 -0.123581379963755 -0.14290289888590807 -0.45847051112522685 +16509,-0.5958622468967102,0,-0.2838803370072796 -0.14292869535803132 0.27817207335511523 0.32574067275292123 0.6534583992146255 0.6580759584371331 1.09349374054204 1.205811355407759 1.0925392729309957 1.2800534537323218 1.241977937036389 0.8387798842196679 0.9224118795123968 0.6409213388391317 0.41940747573333587 0.11792470910105146 -0.123581379963755 -0.14290289888590807 -0.45847051112522685 -0.5518535535314548 +16510,-0.7057034055467357,0,-0.14292869535803132 0.27817207335511523 0.32574067275292123 0.6534583992146255 0.6580759584371331 1.09349374054204 1.205811355407759 1.0925392729309957 1.2800534537323218 1.241977937036389 0.8387798842196679 0.9224118795123968 0.6409213388391317 0.41940747573333587 0.11792470910105146 -0.123581379963755 -0.14290289888590807 -0.45847051112522685 -0.5518535535314548 -0.5958622468967102 +16511,-0.7661702151557973,0,0.27817207335511523 0.32574067275292123 0.6534583992146255 0.6580759584371331 1.09349374054204 1.205811355407759 1.0925392729309957 1.2800534537323218 1.241977937036389 0.8387798842196679 0.9224118795123968 0.6409213388391317 0.41940747573333587 0.11792470910105146 -0.123581379963755 -0.14290289888590807 -0.45847051112522685 -0.5518535535314548 -0.5958622468967102 -0.7057034055467357 +16512,-0.4656161196624426,0,0.32574067275292123 0.6534583992146255 0.6580759584371331 1.09349374054204 1.205811355407759 1.0925392729309957 1.2800534537323218 1.241977937036389 0.8387798842196679 0.9224118795123968 0.6409213388391317 0.41940747573333587 0.11792470910105146 -0.123581379963755 -0.14290289888590807 -0.45847051112522685 -0.5518535535314548 -0.5958622468967102 -0.7057034055467357 -0.7661702151557973 +16513,-0.646423231178676,0,0.6534583992146255 0.6580759584371331 1.09349374054204 1.205811355407759 1.0925392729309957 1.2800534537323218 1.241977937036389 0.8387798842196679 0.9224118795123968 0.6409213388391317 0.41940747573333587 0.11792470910105146 -0.123581379963755 -0.14290289888590807 -0.45847051112522685 -0.5518535535314548 -0.5958622468967102 -0.7057034055467357 -0.7661702151557973 -0.4656161196624426 +16514,-0.4662094372829392,0,0.6580759584371331 1.09349374054204 1.205811355407759 1.0925392729309957 1.2800534537323218 1.241977937036389 0.8387798842196679 0.9224118795123968 0.6409213388391317 0.41940747573333587 0.11792470910105146 -0.123581379963755 -0.14290289888590807 -0.45847051112522685 -0.5518535535314548 -0.5958622468967102 -0.7057034055467357 -0.7661702151557973 -0.4656161196624426 -0.646423231178676 +16515,-0.01830618774676754,0,1.09349374054204 1.205811355407759 1.0925392729309957 1.2800534537323218 1.241977937036389 0.8387798842196679 0.9224118795123968 0.6409213388391317 0.41940747573333587 0.11792470910105146 -0.123581379963755 -0.14290289888590807 -0.45847051112522685 -0.5518535535314548 -0.5958622468967102 -0.7057034055467357 -0.7661702151557973 -0.4656161196624426 -0.646423231178676 -0.4662094372829392 +16516,0.07267778739578844,0,1.205811355407759 1.0925392729309957 1.2800534537323218 1.241977937036389 0.8387798842196679 0.9224118795123968 0.6409213388391317 0.41940747573333587 0.11792470910105146 -0.123581379963755 -0.14290289888590807 -0.45847051112522685 -0.5518535535314548 -0.5958622468967102 -0.7057034055467357 -0.7661702151557973 -0.4656161196624426 -0.646423231178676 -0.4662094372829392 -0.01830618774676754 +16517,0.431351218488333,0,1.0925392729309957 1.2800534537323218 1.241977937036389 0.8387798842196679 0.9224118795123968 0.6409213388391317 0.41940747573333587 0.11792470910105146 -0.123581379963755 -0.14290289888590807 -0.45847051112522685 -0.5518535535314548 -0.5958622468967102 -0.7057034055467357 -0.7661702151557973 -0.4656161196624426 -0.646423231178676 -0.4662094372829392 -0.01830618774676754 0.07267778739578844 +16518,0.4451007105769343,0,1.2800534537323218 1.241977937036389 0.8387798842196679 0.9224118795123968 0.6409213388391317 0.41940747573333587 0.11792470910105146 -0.123581379963755 -0.14290289888590807 -0.45847051112522685 -0.5518535535314548 -0.5958622468967102 -0.7057034055467357 -0.7661702151557973 -0.4656161196624426 -0.646423231178676 -0.4662094372829392 -0.01830618774676754 0.07267778739578844 0.431351218488333 +16519,0.918748787900942,0,1.241977937036389 0.8387798842196679 0.9224118795123968 0.6409213388391317 0.41940747573333587 0.11792470910105146 -0.123581379963755 -0.14290289888590807 -0.45847051112522685 -0.5518535535314548 -0.5958622468967102 -0.7057034055467357 -0.7661702151557973 -0.4656161196624426 -0.646423231178676 -0.4662094372829392 -0.01830618774676754 0.07267778739578844 0.431351218488333 0.4451007105769343 +16520,1.0474729262210065,0,0.8387798842196679 0.9224118795123968 0.6409213388391317 0.41940747573333587 0.11792470910105146 -0.123581379963755 -0.14290289888590807 -0.45847051112522685 -0.5518535535314548 -0.5958622468967102 -0.7057034055467357 -0.7661702151557973 -0.4656161196624426 -0.646423231178676 -0.4662094372829392 -0.01830618774676754 0.07267778739578844 0.431351218488333 0.4451007105769343 0.918748787900942 +16521,0.9874446557092909,0,0.9224118795123968 0.6409213388391317 0.41940747573333587 0.11792470910105146 -0.123581379963755 -0.14290289888590807 -0.45847051112522685 -0.5518535535314548 -0.5958622468967102 -0.7057034055467357 -0.7661702151557973 -0.4656161196624426 -0.646423231178676 -0.4662094372829392 -0.01830618774676754 0.07267778739578844 0.431351218488333 0.4451007105769343 0.918748787900942 1.0474729262210065 +16522,1.179086263846318,0,0.6409213388391317 0.41940747573333587 0.11792470910105146 -0.123581379963755 -0.14290289888590807 -0.45847051112522685 -0.5518535535314548 -0.5958622468967102 -0.7057034055467357 -0.7661702151557973 -0.4656161196624426 -0.646423231178676 -0.4662094372829392 -0.01830618774676754 0.07267778739578844 0.431351218488333 0.4451007105769343 0.918748787900942 1.0474729262210065 0.9874446557092909 +16523,1.181975462842011,0,0.41940747573333587 0.11792470910105146 -0.123581379963755 -0.14290289888590807 -0.45847051112522685 -0.5518535535314548 -0.5958622468967102 -0.7057034055467357 -0.7661702151557973 -0.4656161196624426 -0.646423231178676 -0.4662094372829392 -0.01830618774676754 0.07267778739578844 0.431351218488333 0.4451007105769343 0.918748787900942 1.0474729262210065 0.9874446557092909 1.179086263846318 +16524,0.9190325484751287,0,0.11792470910105146 -0.123581379963755 -0.14290289888590807 -0.45847051112522685 -0.5518535535314548 -0.5958622468967102 -0.7057034055467357 -0.7661702151557973 -0.4656161196624426 -0.646423231178676 -0.4662094372829392 -0.01830618774676754 0.07267778739578844 0.431351218488333 0.4451007105769343 0.918748787900942 1.0474729262210065 0.9874446557092909 1.179086263846318 1.181975462842011 +16525,1.0105324521313828,0,-0.123581379963755 -0.14290289888590807 -0.45847051112522685 -0.5518535535314548 -0.5958622468967102 -0.7057034055467357 -0.7661702151557973 -0.4656161196624426 -0.646423231178676 -0.4662094372829392 -0.01830618774676754 0.07267778739578844 0.431351218488333 0.4451007105769343 0.918748787900942 1.0474729262210065 0.9874446557092909 1.179086263846318 1.181975462842011 0.9190325484751287 +16526,0.8362002421155078,0,-0.14290289888590807 -0.45847051112522685 -0.5518535535314548 -0.5958622468967102 -0.7057034055467357 -0.7661702151557973 -0.4656161196624426 -0.646423231178676 -0.4662094372829392 -0.01830618774676754 0.07267778739578844 0.431351218488333 0.4451007105769343 0.918748787900942 1.0474729262210065 0.9874446557092909 1.179086263846318 1.181975462842011 0.9190325484751287 1.0105324521313828 +16527,0.537580878161579,0,-0.45847051112522685 -0.5518535535314548 -0.5958622468967102 -0.7057034055467357 -0.7661702151557973 -0.4656161196624426 -0.646423231178676 -0.4662094372829392 -0.01830618774676754 0.07267778739578844 0.431351218488333 0.4451007105769343 0.918748787900942 1.0474729262210065 0.9874446557092909 1.179086263846318 1.181975462842011 0.9190325484751287 1.0105324521313828 0.8362002421155078 +16528,0.4046777195615672,0,-0.5518535535314548 -0.5958622468967102 -0.7057034055467357 -0.7661702151557973 -0.4656161196624426 -0.646423231178676 -0.4662094372829392 -0.01830618774676754 0.07267778739578844 0.431351218488333 0.4451007105769343 0.918748787900942 1.0474729262210065 0.9874446557092909 1.179086263846318 1.181975462842011 0.9190325484751287 1.0105324521313828 0.8362002421155078 0.537580878161579 +16529,0.14748740702351046,0,-0.5958622468967102 -0.7057034055467357 -0.7661702151557973 -0.4656161196624426 -0.646423231178676 -0.4662094372829392 -0.01830618774676754 0.07267778739578844 0.431351218488333 0.4451007105769343 0.918748787900942 1.0474729262210065 0.9874446557092909 1.179086263846318 1.181975462842011 0.9190325484751287 1.0105324521313828 0.8362002421155078 0.537580878161579 0.4046777195615672 +16530,0.14661032867404158,0,-0.7057034055467357 -0.7661702151557973 -0.4656161196624426 -0.646423231178676 -0.4662094372829392 -0.01830618774676754 0.07267778739578844 0.431351218488333 0.4451007105769343 0.918748787900942 1.0474729262210065 0.9874446557092909 1.179086263846318 1.181975462842011 0.9190325484751287 1.0105324521313828 0.8362002421155078 0.537580878161579 0.4046777195615672 0.14748740702351046 +16531,-0.19601772879992826,0,-0.7661702151557973 -0.4656161196624426 -0.646423231178676 -0.4662094372829392 -0.01830618774676754 0.07267778739578844 0.431351218488333 0.4451007105769343 0.918748787900942 1.0474729262210065 0.9874446557092909 1.179086263846318 1.181975462842011 0.9190325484751287 1.0105324521313828 0.8362002421155078 0.537580878161579 0.4046777195615672 0.14748740702351046 0.14661032867404158 +16532,-0.2823325517757301,0,-0.4656161196624426 -0.646423231178676 -0.4662094372829392 -0.01830618774676754 0.07267778739578844 0.431351218488333 0.4451007105769343 0.918748787900942 1.0474729262210065 0.9874446557092909 1.179086263846318 1.181975462842011 0.9190325484751287 1.0105324521313828 0.8362002421155078 0.537580878161579 0.4046777195615672 0.14748740702351046 0.14661032867404158 -0.19601772879992826 +16533,-0.3034082273968297,0,-0.646423231178676 -0.4662094372829392 -0.01830618774676754 0.07267778739578844 0.431351218488333 0.4451007105769343 0.918748787900942 1.0474729262210065 0.9874446557092909 1.179086263846318 1.181975462842011 0.9190325484751287 1.0105324521313828 0.8362002421155078 0.537580878161579 0.4046777195615672 0.14748740702351046 0.14661032867404158 -0.19601772879992826 -0.2823325517757301 +16534,-0.41146943303058864,0,-0.4662094372829392 -0.01830618774676754 0.07267778739578844 0.431351218488333 0.4451007105769343 0.918748787900942 1.0474729262210065 0.9874446557092909 1.179086263846318 1.181975462842011 0.9190325484751287 1.0105324521313828 0.8362002421155078 0.537580878161579 0.4046777195615672 0.14748740702351046 0.14661032867404158 -0.19601772879992826 -0.2823325517757301 -0.3034082273968297 +16535,-0.4542914910000652,0,-0.01830618774676754 0.07267778739578844 0.431351218488333 0.4451007105769343 0.918748787900942 1.0474729262210065 0.9874446557092909 1.179086263846318 1.181975462842011 0.9190325484751287 1.0105324521313828 0.8362002421155078 0.537580878161579 0.4046777195615672 0.14748740702351046 0.14661032867404158 -0.19601772879992826 -0.2823325517757301 -0.3034082273968297 -0.41146943303058864 +16536,-0.12812154992468736,0,0.07267778739578844 0.431351218488333 0.4451007105769343 0.918748787900942 1.0474729262210065 0.9874446557092909 1.179086263846318 1.181975462842011 0.9190325484751287 1.0105324521313828 0.8362002421155078 0.537580878161579 0.4046777195615672 0.14748740702351046 0.14661032867404158 -0.19601772879992826 -0.2823325517757301 -0.3034082273968297 -0.41146943303058864 -0.4542914910000652 +16537,-0.29394094101230295,0,0.431351218488333 0.4451007105769343 0.918748787900942 1.0474729262210065 0.9874446557092909 1.179086263846318 1.181975462842011 0.9190325484751287 1.0105324521313828 0.8362002421155078 0.537580878161579 0.4046777195615672 0.14748740702351046 0.14661032867404158 -0.19601772879992826 -0.2823325517757301 -0.3034082273968297 -0.41146943303058864 -0.4542914910000652 -0.12812154992468736 +16538,-0.09076833305506406,0,0.4451007105769343 0.918748787900942 1.0474729262210065 0.9874446557092909 1.179086263846318 1.181975462842011 0.9190325484751287 1.0105324521313828 0.8362002421155078 0.537580878161579 0.4046777195615672 0.14748740702351046 0.14661032867404158 -0.19601772879992826 -0.2823325517757301 -0.3034082273968297 -0.41146943303058864 -0.4542914910000652 -0.12812154992468736 -0.29394094101230295 +16539,0.3848918650699449,0,0.918748787900942 1.0474729262210065 0.9874446557092909 1.179086263846318 1.181975462842011 0.9190325484751287 1.0105324521313828 0.8362002421155078 0.537580878161579 0.4046777195615672 0.14748740702351046 0.14661032867404158 -0.19601772879992826 -0.2823325517757301 -0.3034082273968297 -0.41146943303058864 -0.4542914910000652 -0.12812154992468736 -0.29394094101230295 -0.09076833305506406 +16540,0.4972352764077871,0,1.0474729262210065 0.9874446557092909 1.179086263846318 1.181975462842011 0.9190325484751287 1.0105324521313828 0.8362002421155078 0.537580878161579 0.4046777195615672 0.14748740702351046 0.14661032867404158 -0.19601772879992826 -0.2823325517757301 -0.3034082273968297 -0.41146943303058864 -0.4542914910000652 -0.12812154992468736 -0.29394094101230295 -0.09076833305506406 0.3848918650699449 +16541,0.8820662779133905,0,0.9874446557092909 1.179086263846318 1.181975462842011 0.9190325484751287 1.0105324521313828 0.8362002421155078 0.537580878161579 0.4046777195615672 0.14748740702351046 0.14661032867404158 -0.19601772879992826 -0.2823325517757301 -0.3034082273968297 -0.41146943303058864 -0.4542914910000652 -0.12812154992468736 -0.29394094101230295 -0.09076833305506406 0.3848918650699449 0.4972352764077871 +16542,0.8205160184874718,0,1.179086263846318 1.181975462842011 0.9190325484751287 1.0105324521313828 0.8362002421155078 0.537580878161579 0.4046777195615672 0.14748740702351046 0.14661032867404158 -0.19601772879992826 -0.2823325517757301 -0.3034082273968297 -0.41146943303058864 -0.4542914910000652 -0.12812154992468736 -0.29394094101230295 -0.09076833305506406 0.3848918650699449 0.4972352764077871 0.8820662779133905 +16543,1.3541407735337345,0,1.181975462842011 0.9190325484751287 1.0105324521313828 0.8362002421155078 0.537580878161579 0.4046777195615672 0.14748740702351046 0.14661032867404158 -0.19601772879992826 -0.2823325517757301 -0.3034082273968297 -0.41146943303058864 -0.4542914910000652 -0.12812154992468736 -0.29394094101230295 -0.09076833305506406 0.3848918650699449 0.4972352764077871 0.8820662779133905 0.8205160184874718 +16544,1.4413842676484658,0,0.9190325484751287 1.0105324521313828 0.8362002421155078 0.537580878161579 0.4046777195615672 0.14748740702351046 0.14661032867404158 -0.19601772879992826 -0.2823325517757301 -0.3034082273968297 -0.41146943303058864 -0.4542914910000652 -0.12812154992468736 -0.29394094101230295 -0.09076833305506406 0.3848918650699449 0.4972352764077871 0.8820662779133905 0.8205160184874718 1.3541407735337345 +16545,1.3388692925309211,0,1.0105324521313828 0.8362002421155078 0.537580878161579 0.4046777195615672 0.14748740702351046 0.14661032867404158 -0.19601772879992826 -0.2823325517757301 -0.3034082273968297 -0.41146943303058864 -0.4542914910000652 -0.12812154992468736 -0.29394094101230295 -0.09076833305506406 0.3848918650699449 0.4972352764077871 0.8820662779133905 0.8205160184874718 1.3541407735337345 1.4413842676484658 +16546,1.4893656098262715,0,0.8362002421155078 0.537580878161579 0.4046777195615672 0.14748740702351046 0.14661032867404158 -0.19601772879992826 -0.2823325517757301 -0.3034082273968297 -0.41146943303058864 -0.4542914910000652 -0.12812154992468736 -0.29394094101230295 -0.09076833305506406 0.3848918650699449 0.4972352764077871 0.8820662779133905 0.8205160184874718 1.3541407735337345 1.4413842676484658 1.3388692925309211 +16547,1.4501034578893457,0,0.537580878161579 0.4046777195615672 0.14748740702351046 0.14661032867404158 -0.19601772879992826 -0.2823325517757301 -0.3034082273968297 -0.41146943303058864 -0.4542914910000652 -0.12812154992468736 -0.29394094101230295 -0.09076833305506406 0.3848918650699449 0.4972352764077871 0.8820662779133905 0.8205160184874718 1.3541407735337345 1.4413842676484658 1.3388692925309211 1.4893656098262715 +16548,1.1624217761351234,0,0.4046777195615672 0.14748740702351046 0.14661032867404158 -0.19601772879992826 -0.2823325517757301 -0.3034082273968297 -0.41146943303058864 -0.4542914910000652 -0.12812154992468736 -0.29394094101230295 -0.09076833305506406 0.3848918650699449 0.4972352764077871 0.8820662779133905 0.8205160184874718 1.3541407735337345 1.4413842676484658 1.3388692925309211 1.4893656098262715 1.4501034578893457 +16549,1.2059661339309182,0,0.14748740702351046 0.14661032867404158 -0.19601772879992826 -0.2823325517757301 -0.3034082273968297 -0.41146943303058864 -0.4542914910000652 -0.12812154992468736 -0.29394094101230295 -0.09076833305506406 0.3848918650699449 0.4972352764077871 0.8820662779133905 0.8205160184874718 1.3541407735337345 1.4413842676484658 1.3388692925309211 1.4893656098262715 1.4501034578893457 1.1624217761351234 +16550,1.0010909622189794,0,0.14661032867404158 -0.19601772879992826 -0.2823325517757301 -0.3034082273968297 -0.41146943303058864 -0.4542914910000652 -0.12812154992468736 -0.29394094101230295 -0.09076833305506406 0.3848918650699449 0.4972352764077871 0.8820662779133905 0.8205160184874718 1.3541407735337345 1.4413842676484658 1.3388692925309211 1.4893656098262715 1.4501034578893457 1.1624217761351234 1.2059661339309182 +16551,0.7422754750330209,0,-0.19601772879992826 -0.2823325517757301 -0.3034082273968297 -0.41146943303058864 -0.4542914910000652 -0.12812154992468736 -0.29394094101230295 -0.09076833305506406 0.3848918650699449 0.4972352764077871 0.8820662779133905 0.8205160184874718 1.3541407735337345 1.4413842676484658 1.3388692925309211 1.4893656098262715 1.4501034578893457 1.1624217761351234 1.2059661339309182 1.0010909622189794 +16552,0.5553804083243146,0,-0.2823325517757301 -0.3034082273968297 -0.41146943303058864 -0.4542914910000652 -0.12812154992468736 -0.29394094101230295 -0.09076833305506406 0.3848918650699449 0.4972352764077871 0.8820662779133905 0.8205160184874718 1.3541407735337345 1.4413842676484658 1.3388692925309211 1.4893656098262715 1.4501034578893457 1.1624217761351234 1.2059661339309182 1.0010909622189794 0.7422754750330209 +16553,0.31454502629635683,0,-0.3034082273968297 -0.41146943303058864 -0.4542914910000652 -0.12812154992468736 -0.29394094101230295 -0.09076833305506406 0.3848918650699449 0.4972352764077871 0.8820662779133905 0.8205160184874718 1.3541407735337345 1.4413842676484658 1.3388692925309211 1.4893656098262715 1.4501034578893457 1.1624217761351234 1.2059661339309182 1.0010909622189794 0.7422754750330209 0.5553804083243146 +16554,0.3174084289747124,0,-0.41146943303058864 -0.4542914910000652 -0.12812154992468736 -0.29394094101230295 -0.09076833305506406 0.3848918650699449 0.4972352764077871 0.8820662779133905 0.8205160184874718 1.3541407735337345 1.4413842676484658 1.3388692925309211 1.4893656098262715 1.4501034578893457 1.1624217761351234 1.2059661339309182 1.0010909622189794 0.7422754750330209 0.5553804083243146 0.31454502629635683 +16555,-0.004659881237079114,0,-0.4542914910000652 -0.12812154992468736 -0.29394094101230295 -0.09076833305506406 0.3848918650699449 0.4972352764077871 0.8820662779133905 0.8205160184874718 1.3541407735337345 1.4413842676484658 1.3388692925309211 1.4893656098262715 1.4501034578893457 1.1624217761351234 1.2059661339309182 1.0010909622189794 0.7422754750330209 0.5553804083243146 0.31454502629635683 0.3174084289747124 +16556,-0.08302940689735178,0,-0.12812154992468736 -0.29394094101230295 -0.09076833305506406 0.3848918650699449 0.4972352764077871 0.8820662779133905 0.8205160184874718 1.3541407735337345 1.4413842676484658 1.3388692925309211 1.4893656098262715 1.4501034578893457 1.1624217761351234 1.2059661339309182 1.0010909622189794 0.7422754750330209 0.5553804083243146 0.31454502629635683 0.3174084289747124 -0.004659881237079114 +16557,-0.14104555660805745,0,-0.29394094101230295 -0.09076833305506406 0.3848918650699449 0.4972352764077871 0.8820662779133905 0.8205160184874718 1.3541407735337345 1.4413842676484658 1.3388692925309211 1.4893656098262715 1.4501034578893457 1.1624217761351234 1.2059661339309182 1.0010909622189794 0.7422754750330209 0.5553804083243146 0.31454502629635683 0.3174084289747124 -0.004659881237079114 -0.08302940689735178 +16558,-0.22619954081499827,0,-0.09076833305506406 0.3848918650699449 0.4972352764077871 0.8820662779133905 0.8205160184874718 1.3541407735337345 1.4413842676484658 1.3388692925309211 1.4893656098262715 1.4501034578893457 1.1624217761351234 1.2059661339309182 1.0010909622189794 0.7422754750330209 0.5553804083243146 0.31454502629635683 0.3174084289747124 -0.004659881237079114 -0.08302940689735178 -0.14104555660805745 +16559,-0.2910001490723721,0,0.3848918650699449 0.4972352764077871 0.8820662779133905 0.8205160184874718 1.3541407735337345 1.4413842676484658 1.3388692925309211 1.4893656098262715 1.4501034578893457 1.1624217761351234 1.2059661339309182 1.0010909622189794 0.7422754750330209 0.5553804083243146 0.31454502629635683 0.3174084289747124 -0.004659881237079114 -0.08302940689735178 -0.14104555660805745 -0.22619954081499827 +16560,0.027895201414762746,0,0.4972352764077871 0.8820662779133905 0.8205160184874718 1.3541407735337345 1.4413842676484658 1.3388692925309211 1.4893656098262715 1.4501034578893457 1.1624217761351234 1.2059661339309182 1.0010909622189794 0.7422754750330209 0.5553804083243146 0.31454502629635683 0.3174084289747124 -0.004659881237079114 -0.08302940689735178 -0.14104555660805745 -0.22619954081499827 -0.2910001490723721 +16561,-0.16480405991223004,0,0.8820662779133905 0.8205160184874718 1.3541407735337345 1.4413842676484658 1.3388692925309211 1.4893656098262715 1.4501034578893457 1.1624217761351234 1.2059661339309182 1.0010909622189794 0.7422754750330209 0.5553804083243146 0.31454502629635683 0.3174084289747124 -0.004659881237079114 -0.08302940689735178 -0.14104555660805745 -0.22619954081499827 -0.2910001490723721 0.027895201414762746 +16562,0.0261926376600627,0,0.8205160184874718 1.3541407735337345 1.4413842676484658 1.3388692925309211 1.4893656098262715 1.4501034578893457 1.1624217761351234 1.2059661339309182 1.0010909622189794 0.7422754750330209 0.5553804083243146 0.31454502629635683 0.3174084289747124 -0.004659881237079114 -0.08302940689735178 -0.14104555660805745 -0.22619954081499827 -0.2910001490723721 0.027895201414762746 -0.16480405991223004 +16563,0.43024197235412953,0,1.3541407735337345 1.4413842676484658 1.3388692925309211 1.4893656098262715 1.4501034578893457 1.1624217761351234 1.2059661339309182 1.0010909622189794 0.7422754750330209 0.5553804083243146 0.31454502629635683 0.3174084289747124 -0.004659881237079114 -0.08302940689735178 -0.14104555660805745 -0.22619954081499827 -0.2910001490723721 0.027895201414762746 -0.16480405991223004 0.0261926376600627 +16564,0.5502211242707624,0,1.4413842676484658 1.3388692925309211 1.4893656098262715 1.4501034578893457 1.1624217761351234 1.2059661339309182 1.0010909622189794 0.7422754750330209 0.5553804083243146 0.31454502629635683 0.3174084289747124 -0.004659881237079114 -0.08302940689735178 -0.14104555660805745 -0.22619954081499827 -0.2910001490723721 0.027895201414762746 -0.16480405991223004 0.0261926376600627 0.43024197235412953 +16565,0.8832529131543837,0,1.3388692925309211 1.4893656098262715 1.4501034578893457 1.1624217761351234 1.2059661339309182 1.0010909622189794 0.7422754750330209 0.5553804083243146 0.31454502629635683 0.3174084289747124 -0.004659881237079114 -0.08302940689735178 -0.14104555660805745 -0.22619954081499827 -0.2910001490723721 0.027895201414762746 -0.16480405991223004 0.0261926376600627 0.43024197235412953 0.5502211242707624 +16566,0.8814987566102316,0,1.4893656098262715 1.4501034578893457 1.1624217761351234 1.2059661339309182 1.0010909622189794 0.7422754750330209 0.5553804083243146 0.31454502629635683 0.3174084289747124 -0.004659881237079114 -0.08302940689735178 -0.14104555660805745 -0.22619954081499827 -0.2910001490723721 0.027895201414762746 -0.16480405991223004 0.0261926376600627 0.43024197235412953 0.5502211242707624 0.8832529131543837 +16567,1.326125860842825,0,1.4501034578893457 1.1624217761351234 1.2059661339309182 1.0010909622189794 0.7422754750330209 0.5553804083243146 0.31454502629635683 0.3174084289747124 -0.004659881237079114 -0.08302940689735178 -0.14104555660805745 -0.22619954081499827 -0.2910001490723721 0.027895201414762746 -0.16480405991223004 0.0261926376600627 0.43024197235412953 0.5502211242707624 0.8832529131543837 0.8814987566102316 +16568,1.4359670193380736,0,1.1624217761351234 1.2059661339309182 1.0010909622189794 0.7422754750330209 0.5553804083243146 0.31454502629635683 0.3174084289747124 -0.004659881237079114 -0.08302940689735178 -0.14104555660805745 -0.22619954081499827 -0.2910001490723721 0.027895201414762746 -0.16480405991223004 0.0261926376600627 0.43024197235412953 0.5502211242707624 0.8832529131543837 0.8814987566102316 1.326125860842825 +16569,1.312634332856287,0,1.2059661339309182 1.0010909622189794 0.7422754750330209 0.5553804083243146 0.31454502629635683 0.3174084289747124 -0.004659881237079114 -0.08302940689735178 -0.14104555660805745 -0.22619954081499827 -0.2910001490723721 0.027895201414762746 -0.16480405991223004 0.0261926376600627 0.43024197235412953 0.5502211242707624 0.8832529131543837 0.8814987566102316 1.326125860842825 1.4359670193380736 +16570,1.5002001064470651,0,1.0010909622189794 0.7422754750330209 0.5553804083243146 0.31454502629635683 0.3174084289747124 -0.004659881237079114 -0.08302940689735178 -0.14104555660805745 -0.22619954081499827 -0.2910001490723721 0.027895201414762746 -0.16480405991223004 0.0261926376600627 0.43024197235412953 0.5502211242707624 0.8832529131543837 0.8814987566102316 1.326125860842825 1.4359670193380736 1.312634332856287 +16571,1.4545920350608172,0,0.7422754750330209 0.5553804083243146 0.31454502629635683 0.3174084289747124 -0.004659881237079114 -0.08302940689735178 -0.14104555660805745 -0.22619954081499827 -0.2910001490723721 0.027895201414762746 -0.16480405991223004 0.0261926376600627 0.43024197235412953 0.5502211242707624 0.8832529131543837 0.8814987566102316 1.326125860842825 1.4359670193380736 1.312634332856287 1.5002001064470651 +16572,1.1227984742076498,0,0.5553804083243146 0.31454502629635683 0.3174084289747124 -0.004659881237079114 -0.08302940689735178 -0.14104555660805745 -0.22619954081499827 -0.2910001490723721 0.027895201414762746 -0.16480405991223004 0.0261926376600627 0.43024197235412953 0.5502211242707624 0.8832529131543837 0.8814987566102316 1.326125860842825 1.4359670193380736 1.312634332856287 1.5002001064470651 1.4545920350608172 +16573,1.172585565873845,0,0.31454502629635683 0.3174084289747124 -0.004659881237079114 -0.08302940689735178 -0.14104555660805745 -0.22619954081499827 -0.2910001490723721 0.027895201414762746 -0.16480405991223004 0.0261926376600627 0.43024197235412953 0.5502211242707624 0.8832529131543837 0.8814987566102316 1.326125860842825 1.4359670193380736 1.312634332856287 1.5002001064470651 1.4545920350608172 1.1227984742076498 +16574,0.9361871680731301,0,0.3174084289747124 -0.004659881237079114 -0.08302940689735178 -0.14104555660805745 -0.22619954081499827 -0.2910001490723721 0.027895201414762746 -0.16480405991223004 0.0261926376600627 0.43024197235412953 0.5502211242707624 0.8832529131543837 0.8814987566102316 1.326125860842825 1.4359670193380736 1.312634332856287 1.5002001064470651 1.4545920350608172 1.1227984742076498 1.172585565873845 +16575,0.6282810927299395,0,-0.004659881237079114 -0.08302940689735178 -0.14104555660805745 -0.22619954081499827 -0.2910001490723721 0.027895201414762746 -0.16480405991223004 0.0261926376600627 0.43024197235412953 0.5502211242707624 0.8832529131543837 0.8814987566102316 1.326125860842825 1.4359670193380736 1.312634332856287 1.5002001064470651 1.4545920350608172 1.1227984742076498 1.172585565873845 0.9361871680731301 +16576,0.4157185876497579,0,-0.08302940689735178 -0.14104555660805745 -0.22619954081499827 -0.2910001490723721 0.027895201414762746 -0.16480405991223004 0.0261926376600627 0.43024197235412953 0.5502211242707624 0.8832529131543837 0.8814987566102316 1.326125860842825 1.4359670193380736 1.312634332856287 1.5002001064470651 1.4545920350608172 1.1227984742076498 1.172585565873845 0.9361871680731301 0.6282810927299395 +16577,0.13164840471753828,0,-0.14104555660805745 -0.22619954081499827 -0.2910001490723721 0.027895201414762746 -0.16480405991223004 0.0261926376600627 0.43024197235412953 0.5502211242707624 0.8832529131543837 0.8814987566102316 1.326125860842825 1.4359670193380736 1.312634332856287 1.5002001064470651 1.4545920350608172 1.1227984742076498 1.172585565873845 0.9361871680731301 0.6282810927299395 0.4157185876497579 +16578,0.09708120126469527,0,-0.22619954081499827 -0.2910001490723721 0.027895201414762746 -0.16480405991223004 0.0261926376600627 0.43024197235412953 0.5502211242707624 0.8832529131543837 0.8814987566102316 1.326125860842825 1.4359670193380736 1.312634332856287 1.5002001064470651 1.4545920350608172 1.1227984742076498 1.172585565873845 0.9361871680731301 0.6282810927299395 0.4157185876497579 0.13164840471753828 +16579,-0.27015664139079276,0,-0.2910001490723721 0.027895201414762746 -0.16480405991223004 0.0261926376600627 0.43024197235412953 0.5502211242707624 0.8832529131543837 0.8814987566102316 1.326125860842825 1.4359670193380736 1.312634332856287 1.5002001064470651 1.4545920350608172 1.1227984742076498 1.172585565873845 0.9361871680731301 0.6282810927299395 0.4157185876497579 0.13164840471753828 0.09708120126469527 +16580,-0.3878915045669042,0,0.027895201414762746 -0.16480405991223004 0.0261926376600627 0.43024197235412953 0.5502211242707624 0.8832529131543837 0.8814987566102316 1.326125860842825 1.4359670193380736 1.312634332856287 1.5002001064470651 1.4545920350608172 1.1227984742076498 1.172585565873845 0.9361871680731301 0.6282810927299395 0.4157185876497579 0.13164840471753828 0.09708120126469527 -0.27015664139079276 +16581,-0.44301845528192557,0,-0.16480405991223004 0.0261926376600627 0.43024197235412953 0.5502211242707624 0.8832529131543837 0.8814987566102316 1.326125860842825 1.4359670193380736 1.312634332856287 1.5002001064470651 1.4545920350608172 1.1227984742076498 1.172585565873845 0.9361871680731301 0.6282810927299395 0.4157185876497579 0.13164840471753828 0.09708120126469527 -0.27015664139079276 -0.3878915045669042 +16582,-0.5816226227665252,0,0.0261926376600627 0.43024197235412953 0.5502211242707624 0.8832529131543837 0.8814987566102316 1.326125860842825 1.4359670193380736 1.312634332856287 1.5002001064470651 1.4545920350608172 1.1227984742076498 1.172585565873845 0.9361871680731301 0.6282810927299395 0.4157185876497579 0.13164840471753828 0.09708120126469527 -0.27015664139079276 -0.3878915045669042 -0.44301845528192557 +16583,-0.6576188776352403,0,0.43024197235412953 0.5502211242707624 0.8832529131543837 0.8814987566102316 1.326125860842825 1.4359670193380736 1.312634332856287 1.5002001064470651 1.4545920350608172 1.1227984742076498 1.172585565873845 0.9361871680731301 0.6282810927299395 0.4157185876497579 0.13164840471753828 0.09708120126469527 -0.27015664139079276 -0.3878915045669042 -0.44301845528192557 -0.5816226227665252 +16584,-0.3456627642179242,0,0.5502211242707624 0.8832529131543837 0.8814987566102316 1.326125860842825 1.4359670193380736 1.312634332856287 1.5002001064470651 1.4545920350608172 1.1227984742076498 1.172585565873845 0.9361871680731301 0.6282810927299395 0.4157185876497579 0.13164840471753828 0.09708120126469527 -0.27015664139079276 -0.3878915045669042 -0.44301845528192557 -0.5816226227665252 -0.6576188776352403 +16585,-0.550976475181986,0,0.8832529131543837 0.8814987566102316 1.326125860842825 1.4359670193380736 1.312634332856287 1.5002001064470651 1.4545920350608172 1.1227984742076498 1.172585565873845 0.9361871680731301 0.6282810927299395 0.4157185876497579 0.13164840471753828 0.09708120126469527 -0.27015664139079276 -0.3878915045669042 -0.44301845528192557 -0.5816226227665252 -0.6576188776352403 -0.3456627642179242 +16586,-0.3683378178600165,0,0.8814987566102316 1.326125860842825 1.4359670193380736 1.312634332856287 1.5002001064470651 1.4545920350608172 1.1227984742076498 1.172585565873845 0.9361871680731301 0.6282810927299395 0.4157185876497579 0.13164840471753828 0.09708120126469527 -0.27015664139079276 -0.3878915045669042 -0.44301845528192557 -0.5816226227665252 -0.6576188776352403 -0.3456627642179242 -0.550976475181986 +16587,0.11797630189051228,0,1.326125860842825 1.4359670193380736 1.312634332856287 1.5002001064470651 1.4545920350608172 1.1227984742076498 1.172585565873845 0.9361871680731301 0.6282810927299395 0.4157185876497579 0.13164840471753828 0.09708120126469527 -0.27015664139079276 -0.3878915045669042 -0.44301845528192557 -0.5816226227665252 -0.6576188776352403 -0.3456627642179242 -0.550976475181986 -0.3683378178600165 +16588,0.19938980506962864,0,1.4359670193380736 1.312634332856287 1.5002001064470651 1.4545920350608172 1.1227984742076498 1.172585565873845 0.9361871680731301 0.6282810927299395 0.4157185876497579 0.13164840471753828 0.09708120126469527 -0.27015664139079276 -0.3878915045669042 -0.44301845528192557 -0.5816226227665252 -0.6576188776352403 -0.3456627642179242 -0.550976475181986 -0.3683378178600165 0.11797630189051228 +16589,0.5844787706773044,0,1.312634332856287 1.5002001064470651 1.4545920350608172 1.1227984742076498 1.172585565873845 0.9361871680731301 0.6282810927299395 0.4157185876497579 0.13164840471753828 0.09708120126469527 -0.27015664139079276 -0.3878915045669042 -0.44301845528192557 -0.5816226227665252 -0.6576188776352403 -0.3456627642179242 -0.550976475181986 -0.3683378178600165 0.11797630189051228 0.19938980506962864 +16590,0.5566186365095454,0,1.5002001064470651 1.4545920350608172 1.1227984742076498 1.172585565873845 0.9361871680731301 0.6282810927299395 0.4157185876497579 0.13164840471753828 0.09708120126469527 -0.27015664139079276 -0.3878915045669042 -0.44301845528192557 -0.5816226227665252 -0.6576188776352403 -0.3456627642179242 -0.550976475181986 -0.3683378178600165 0.11797630189051228 0.19938980506962864 0.5844787706773044 +16591,1.0793573019907678,0,1.4545920350608172 1.1227984742076498 1.172585565873845 0.9361871680731301 0.6282810927299395 0.4157185876497579 0.13164840471753828 0.09708120126469527 -0.27015664139079276 -0.3878915045669042 -0.44301845528192557 -0.5816226227665252 -0.6576188776352403 -0.3456627642179242 -0.550976475181986 -0.3683378178600165 0.11797630189051228 0.19938980506962864 0.5844787706773044 0.5566186365095454 +16592,1.1891468678513413,0,1.1227984742076498 1.172585565873845 0.9361871680731301 0.6282810927299395 0.4157185876497579 0.13164840471753828 0.09708120126469527 -0.27015664139079276 -0.3878915045669042 -0.44301845528192557 -0.5816226227665252 -0.6576188776352403 -0.3456627642179242 -0.550976475181986 -0.3683378178600165 0.11797630189051228 0.19938980506962864 0.5844787706773044 0.5566186365095454 1.0793573019907678 +16593,1.0948609507783156,0,1.172585565873845 0.9361871680731301 0.6282810927299395 0.4157185876497579 0.13164840471753828 0.09708120126469527 -0.27015664139079276 -0.3878915045669042 -0.44301845528192557 -0.5816226227665252 -0.6576188776352403 -0.3456627642179242 -0.550976475181986 -0.3683378178600165 0.11797630189051228 0.19938980506962864 0.5844787706773044 0.5566186365095454 1.0793573019907678 1.1891468678513413 +16594,1.2726756774103805,0,0.9361871680731301 0.6282810927299395 0.4157185876497579 0.13164840471753828 0.09708120126469527 -0.27015664139079276 -0.3878915045669042 -0.44301845528192557 -0.5816226227665252 -0.6576188776352403 -0.3456627642179242 -0.550976475181986 -0.3683378178600165 0.11797630189051228 0.19938980506962864 0.5844787706773044 0.5566186365095454 1.0793573019907678 1.1891468678513413 1.0948609507783156 +16595,1.2464149214183997,0,0.6282810927299395 0.4157185876497579 0.13164840471753828 0.09708120126469527 -0.27015664139079276 -0.3878915045669042 -0.44301845528192557 -0.5816226227665252 -0.6576188776352403 -0.3456627642179242 -0.550976475181986 -0.3683378178600165 0.11797630189051228 0.19938980506962864 0.5844787706773044 0.5566186365095454 1.0793573019907678 1.1891468678513413 1.0948609507783156 1.2726756774103805 +16596,0.8330530788629655,0,0.4157185876497579 0.13164840471753828 0.09708120126469527 -0.27015664139079276 -0.3878915045669042 -0.44301845528192557 -0.5816226227665252 -0.6576188776352403 -0.3456627642179242 -0.550976475181986 -0.3683378178600165 0.11797630189051228 0.19938980506962864 0.5844787706773044 0.5566186365095454 1.0793573019907678 1.1891468678513413 1.0948609507783156 1.2726756774103805 1.2464149214183997 +16597,0.9358260182373593,0,0.13164840471753828 0.09708120126469527 -0.27015664139079276 -0.3878915045669042 -0.44301845528192557 -0.5816226227665252 -0.6576188776352403 -0.3456627642179242 -0.550976475181986 -0.3683378178600165 0.11797630189051228 0.19938980506962864 0.5844787706773044 0.5566186365095454 1.0793573019907678 1.1891468678513413 1.0948609507783156 1.2726756774103805 1.2464149214183997 0.8330530788629655 +16598,0.6514978712030763,0,0.09708120126469527 -0.27015664139079276 -0.3878915045669042 -0.44301845528192557 -0.5816226227665252 -0.6576188776352403 -0.3456627642179242 -0.550976475181986 -0.3683378178600165 0.11797630189051228 0.19938980506962864 0.5844787706773044 0.5566186365095454 1.0793573019907678 1.1891468678513413 1.0948609507783156 1.2726756774103805 1.2464149214183997 0.8330530788629655 0.9358260182373593 +16599,0.38040328789847333,0,-0.27015664139079276 -0.3878915045669042 -0.44301845528192557 -0.5816226227665252 -0.6576188776352403 -0.3456627642179242 -0.550976475181986 -0.3683378178600165 0.11797630189051228 0.19938980506962864 0.5844787706773044 0.5566186365095454 1.0793573019907678 1.1891468678513413 1.0948609507783156 1.2726756774103805 1.2464149214183997 0.8330530788629655 0.9358260182373593 0.6514978712030763 +16600,0.09166395295429403,0,-0.3878915045669042 -0.44301845528192557 -0.5816226227665252 -0.6576188776352403 -0.3456627642179242 -0.550976475181986 -0.3683378178600165 0.11797630189051228 0.19938980506962864 0.5844787706773044 0.5566186365095454 1.0793573019907678 1.1891468678513413 1.0948609507783156 1.2726756774103805 1.2464149214183997 0.8330530788629655 0.9358260182373593 0.6514978712030763 0.38040328789847333 +16601,-0.18384181826019647,0,-0.44301845528192557 -0.5816226227665252 -0.6576188776352403 -0.3456627642179242 -0.550976475181986 -0.3683378178600165 0.11797630189051228 0.19938980506962864 0.5844787706773044 0.5566186365095454 1.0793573019907678 1.1891468678513413 1.0948609507783156 1.2726756774103805 1.2464149214183997 0.8330530788629655 0.9358260182373593 0.6514978712030763 0.38040328789847333 0.09166395295429403 +16602,-0.21936348932409241,0,-0.5816226227665252 -0.6576188776352403 -0.3456627642179242 -0.550976475181986 -0.3683378178600165 0.11797630189051228 0.19938980506962864 0.5844787706773044 0.5566186365095454 1.0793573019907678 1.1891468678513413 1.0948609507783156 1.2726756774103805 1.2464149214183997 0.8330530788629655 0.9358260182373593 0.6514978712030763 0.38040328789847333 0.09166395295429403 -0.18384181826019647 +16603,-0.5748639605371947,0,-0.6576188776352403 -0.3456627642179242 -0.550976475181986 -0.3683378178600165 0.11797630189051228 0.19938980506962864 0.5844787706773044 0.5566186365095454 1.0793573019907678 1.1891468678513413 1.0948609507783156 1.2726756774103805 1.2464149214183997 0.8330530788629655 0.9358260182373593 0.6514978712030763 0.38040328789847333 0.09166395295429403 -0.18384181826019647 -0.21936348932409241 +16604,-0.6903803317544704,0,-0.3456627642179242 -0.550976475181986 -0.3683378178600165 0.11797630189051228 0.19938980506962864 0.5844787706773044 0.5566186365095454 1.0793573019907678 1.1891468678513413 1.0948609507783156 1.2726756774103805 1.2464149214183997 0.8330530788629655 0.9358260182373593 0.6514978712030763 0.38040328789847333 0.09166395295429403 -0.18384181826019647 -0.21936348932409241 -0.5748639605371947 +16605,-0.7435209579858194,0,-0.550976475181986 -0.3683378178600165 0.11797630189051228 0.19938980506962864 0.5844787706773044 0.5566186365095454 1.0793573019907678 1.1891468678513413 1.0948609507783156 1.2726756774103805 1.2464149214183997 0.8330530788629655 0.9358260182373593 0.6514978712030763 0.38040328789847333 0.09166395295429403 -0.18384181826019647 -0.21936348932409241 -0.5748639605371947 -0.6903803317544704 +16606,-0.8798292440952225,0,-0.3683378178600165 0.11797630189051228 0.19938980506962864 0.5844787706773044 0.5566186365095454 1.0793573019907678 1.1891468678513413 1.0948609507783156 1.2726756774103805 1.2464149214183997 0.8330530788629655 0.9358260182373593 0.6514978712030763 0.38040328789847333 0.09166395295429403 -0.18384181826019647 -0.21936348932409241 -0.5748639605371947 -0.6903803317544704 -0.7435209579858194 +16607,-0.9537617852186987,0,0.11797630189051228 0.19938980506962864 0.5844787706773044 0.5566186365095454 1.0793573019907678 1.1891468678513413 1.0948609507783156 1.2726756774103805 1.2464149214183997 0.8330530788629655 0.9358260182373593 0.6514978712030763 0.38040328789847333 0.09166395295429403 -0.18384181826019647 -0.21936348932409241 -0.5748639605371947 -0.6903803317544704 -0.7435209579858194 -0.8798292440952225 +16608,-0.6133522200131359,0,0.19938980506962864 0.5844787706773044 0.5566186365095454 1.0793573019907678 1.1891468678513413 1.0948609507783156 1.2726756774103805 1.2464149214183997 0.8330530788629655 0.9358260182373593 0.6514978712030763 0.38040328789847333 0.09166395295429403 -0.18384181826019647 -0.21936348932409241 -0.5748639605371947 -0.6903803317544704 -0.7435209579858194 -0.8798292440952225 -0.9537617852186987 +16609,-0.825398796734405,0,0.5844787706773044 0.5566186365095454 1.0793573019907678 1.1891468678513413 1.0948609507783156 1.2726756774103805 1.2464149214183997 0.8330530788629655 0.9358260182373593 0.6514978712030763 0.38040328789847333 0.09166395295429403 -0.18384181826019647 -0.21936348932409241 -0.5748639605371947 -0.6903803317544704 -0.7435209579858194 -0.8798292440952225 -0.9537617852186987 -0.6133522200131359 +16610,-0.6231032669718494,0,0.5566186365095454 1.0793573019907678 1.1891468678513413 1.0948609507783156 1.2726756774103805 1.2464149214183997 0.8330530788629655 0.9358260182373593 0.6514978712030763 0.38040328789847333 0.09166395295429403 -0.18384181826019647 -0.21936348932409241 -0.5748639605371947 -0.6903803317544704 -0.7435209579858194 -0.8798292440952225 -0.9537617852186987 -0.6133522200131359 -0.825398796734405 +16611,-0.06164417422995106,0,1.0793573019907678 1.1891468678513413 1.0948609507783156 1.2726756774103805 1.2464149214183997 0.8330530788629655 0.9358260182373593 0.6514978712030763 0.38040328789847333 0.09166395295429403 -0.18384181826019647 -0.21936348932409241 -0.5748639605371947 -0.6903803317544704 -0.7435209579858194 -0.8798292440952225 -0.9537617852186987 -0.6133522200131359 -0.825398796734405 -0.6231032669718494 +16612,0.02093016787282081,0,1.1891468678513413 1.0948609507783156 1.2726756774103805 1.2464149214183997 0.8330530788629655 0.9358260182373593 0.6514978712030763 0.38040328789847333 0.09166395295429403 -0.18384181826019647 -0.21936348932409241 -0.5748639605371947 -0.6903803317544704 -0.7435209579858194 -0.8798292440952225 -0.9537617852186987 -0.6133522200131359 -0.825398796734405 -0.6231032669718494 -0.06164417422995106 +16613,0.4626680729549353,0,1.0948609507783156 1.2726756774103805 1.2464149214183997 0.8330530788629655 0.9358260182373593 0.6514978712030763 0.38040328789847333 0.09166395295429403 -0.18384181826019647 -0.21936348932409241 -0.5748639605371947 -0.6903803317544704 -0.7435209579858194 -0.8798292440952225 -0.9537617852186987 -0.6133522200131359 -0.825398796734405 -0.6231032669718494 -0.06164417422995106 0.02093016787282081 +16614,0.4225804354579925,0,1.2726756774103805 1.2464149214183997 0.8330530788629655 0.9358260182373593 0.6514978712030763 0.38040328789847333 0.09166395295429403 -0.18384181826019647 -0.21936348932409241 -0.5748639605371947 -0.6903803317544704 -0.7435209579858194 -0.8798292440952225 -0.9537617852186987 -0.6133522200131359 -0.825398796734405 -0.6231032669718494 -0.06164417422995106 0.02093016787282081 0.4626680729549353 +16615,1.0249268547847272,0,1.2464149214183997 0.8330530788629655 0.9358260182373593 0.6514978712030763 0.38040328789847333 0.09166395295429403 -0.18384181826019647 -0.21936348932409241 -0.5748639605371947 -0.6903803317544704 -0.7435209579858194 -0.8798292440952225 -0.9537617852186987 -0.6133522200131359 -0.825398796734405 -0.6231032669718494 -0.06164417422995106 0.02093016787282081 0.4626680729549353 0.4225804354579925 +16616,1.1454477313776188,0,0.8330530788629655 0.9358260182373593 0.6514978712030763 0.38040328789847333 0.09166395295429403 -0.18384181826019647 -0.21936348932409241 -0.5748639605371947 -0.6903803317544704 -0.7435209579858194 -0.8798292440952225 -0.9537617852186987 -0.6133522200131359 -0.825398796734405 -0.6231032669718494 -0.06164417422995106 0.02093016787282081 0.4626680729549353 0.4225804354579925 1.0249268547847272 +16617,1.0529933602650976,0,0.9358260182373593 0.6514978712030763 0.38040328789847333 0.09166395295429403 -0.18384181826019647 -0.21936348932409241 -0.5748639605371947 -0.6903803317544704 -0.7435209579858194 -0.8798292440952225 -0.9537617852186987 -0.6133522200131359 -0.825398796734405 -0.6231032669718494 -0.06164417422995106 0.02093016787282081 0.4626680729549353 0.4225804354579925 1.0249268547847272 1.1454477313776188 +16618,1.2445059861963115,0,0.6514978712030763 0.38040328789847333 0.09166395295429403 -0.18384181826019647 -0.21936348932409241 -0.5748639605371947 -0.6903803317544704 -0.7435209579858194 -0.8798292440952225 -0.9537617852186987 -0.6133522200131359 -0.825398796734405 -0.6231032669718494 -0.06164417422995106 0.02093016787282081 0.4626680729549353 0.4225804354579925 1.0249268547847272 1.1454477313776188 1.0529933602650976 +16619,1.2230433644221212,0,0.38040328789847333 0.09166395295429403 -0.18384181826019647 -0.21936348932409241 -0.5748639605371947 -0.6903803317544704 -0.7435209579858194 -0.8798292440952225 -0.9537617852186987 -0.6133522200131359 -0.825398796734405 -0.6231032669718494 -0.06164417422995106 0.02093016787282081 0.4626680729549353 0.4225804354579925 1.0249268547847272 1.1454477313776188 1.0529933602650976 1.2445059861963115 +16620,0.9562567832937159,0,0.09166395295429403 -0.18384181826019647 -0.21936348932409241 -0.5748639605371947 -0.6903803317544704 -0.7435209579858194 -0.8798292440952225 -0.9537617852186987 -0.6133522200131359 -0.825398796734405 -0.6231032669718494 -0.06164417422995106 0.02093016787282081 0.4626680729549353 0.4225804354579925 1.0249268547847272 1.1454477313776188 1.0529933602650976 1.2445059861963115 1.2230433644221212 +16621,1.0165688145344038,0,-0.18384181826019647 -0.21936348932409241 -0.5748639605371947 -0.6903803317544704 -0.7435209579858194 -0.8798292440952225 -0.9537617852186987 -0.6133522200131359 -0.825398796734405 -0.6231032669718494 -0.06164417422995106 0.02093016787282081 0.4626680729549353 0.4225804354579925 1.0249268547847272 1.1454477313776188 1.0529933602650976 1.2445059861963115 1.2230433644221212 0.9562567832937159 +16622,0.8315568864208769,0,-0.21936348932409241 -0.5748639605371947 -0.6903803317544704 -0.7435209579858194 -0.8798292440952225 -0.9537617852186987 -0.6133522200131359 -0.825398796734405 -0.6231032669718494 -0.06164417422995106 0.02093016787282081 0.4626680729549353 0.4225804354579925 1.0249268547847272 1.1454477313776188 1.0529933602650976 1.2445059861963115 1.2230433644221212 0.9562567832937159 1.0165688145344038 +16623,0.4626680729549353,0,-0.5748639605371947 -0.6903803317544704 -0.7435209579858194 -0.8798292440952225 -0.9537617852186987 -0.6133522200131359 -0.825398796734405 -0.6231032669718494 -0.06164417422995106 0.02093016787282081 0.4626680729549353 0.4225804354579925 1.0249268547847272 1.1454477313776188 1.0529933602650976 1.2445059861963115 1.2230433644221212 0.9562567832937159 1.0165688145344038 0.8315568864208769 +16624,0.33894844016526365,0,-0.6903803317544704 -0.7435209579858194 -0.8798292440952225 -0.9537617852186987 -0.6133522200131359 -0.825398796734405 -0.6231032669718494 -0.06164417422995106 0.02093016787282081 0.4626680729549353 0.4225804354579925 1.0249268547847272 1.1454477313776188 1.0529933602650976 1.2445059861963115 1.2230433644221212 0.9562567832937159 1.0165688145344038 0.8315568864208769 0.4626680729549353 +16625,0.03135192171361486,0,-0.7435209579858194 -0.8798292440952225 -0.9537617852186987 -0.6133522200131359 -0.825398796734405 -0.6231032669718494 -0.06164417422995106 0.02093016787282081 0.4626680729549353 0.4225804354579925 1.0249268547847272 1.1454477313776188 1.0529933602650976 1.2445059861963115 1.2230433644221212 0.9562567832937159 1.0165688145344038 0.8315568864208769 0.4626680729549353 0.33894844016526365 +16626,0.03377678529462443,0,-0.8798292440952225 -0.9537617852186987 -0.6133522200131359 -0.825398796734405 -0.6231032669718494 -0.06164417422995106 0.02093016787282081 0.4626680729549353 0.4225804354579925 1.0249268547847272 1.1454477313776188 1.0529933602650976 1.2445059861963115 1.2230433644221212 0.9562567832937159 1.0165688145344038 0.8315568864208769 0.4626680729549353 0.33894844016526365 0.03135192171361486 +16627,-0.3771601936798091,0,-0.9537617852186987 -0.6133522200131359 -0.825398796734405 -0.6231032669718494 -0.06164417422995106 0.02093016787282081 0.4626680729549353 0.4225804354579925 1.0249268547847272 1.1454477313776188 1.0529933602650976 1.2445059861963115 1.2230433644221212 0.9562567832937159 1.0165688145344038 0.8315568864208769 0.4626680729549353 0.33894844016526365 0.03135192171361486 0.03377678529462443 +16628,-0.47807579077635226,0,-0.6133522200131359 -0.825398796734405 -0.6231032669718494 -0.06164417422995106 0.02093016787282081 0.4626680729549353 0.4225804354579925 1.0249268547847272 1.1454477313776188 1.0529933602650976 1.2445059861963115 1.2230433644221212 0.9562567832937159 1.0165688145344038 0.8315568864208769 0.4626680729549353 0.33894844016526365 0.03135192171361486 0.03377678529462443 -0.3771601936798091 +16629,-0.4689438579102586,0,-0.825398796734405 -0.6231032669718494 -0.06164417422995106 0.02093016787282081 0.4626680729549353 0.4225804354579925 1.0249268547847272 1.1454477313776188 1.0529933602650976 1.2445059861963115 1.2230433644221212 0.9562567832937159 1.0165688145344038 0.8315568864208769 0.4626680729549353 0.33894844016526365 0.03135192171361486 0.03377678529462443 -0.3771601936798091 -0.47807579077635226 +16630,-0.6065419649943445,0,-0.6231032669718494 -0.06164417422995106 0.02093016787282081 0.4626680729549353 0.4225804354579925 1.0249268547847272 1.1454477313776188 1.0529933602650976 1.2445059861963115 1.2230433644221212 0.9562567832937159 1.0165688145344038 0.8315568864208769 0.4626680729549353 0.33894844016526365 0.03135192171361486 0.03377678529462443 -0.3771601936798091 -0.47807579077635226 -0.4689438579102586 +16631,-0.6340925421157936,0,-0.06164417422995106 0.02093016787282081 0.4626680729549353 0.4225804354579925 1.0249268547847272 1.1454477313776188 1.0529933602650976 1.2445059861963115 1.2230433644221212 0.9562567832937159 1.0165688145344038 0.8315568864208769 0.4626680729549353 0.33894844016526365 0.03135192171361486 0.03377678529462443 -0.3771601936798091 -0.47807579077635226 -0.4689438579102586 -0.6065419649943445 +16632,-0.3655518044432362,0,0.02093016787282081 0.4626680729549353 0.4225804354579925 1.0249268547847272 1.1454477313776188 1.0529933602650976 1.2445059861963115 1.2230433644221212 0.9562567832937159 1.0165688145344038 0.8315568864208769 0.4626680729549353 0.33894844016526365 0.03135192171361486 0.03377678529462443 -0.3771601936798091 -0.47807579077635226 -0.4689438579102586 -0.6065419649943445 -0.6340925421157936 +16633,-0.4917994865476248,0,0.4626680729549353 0.4225804354579925 1.0249268547847272 1.1454477313776188 1.0529933602650976 1.2445059861963115 1.2230433644221212 0.9562567832937159 1.0165688145344038 0.8315568864208769 0.4626680729549353 0.33894844016526365 0.03135192171361486 0.03377678529462443 -0.3771601936798091 -0.47807579077635226 -0.4689438579102586 -0.6065419649943445 -0.6340925421157936 -0.3655518044432362 +16634,-0.32195585370321245,0,0.4225804354579925 1.0249268547847272 1.1454477313776188 1.0529933602650976 1.2445059861963115 1.2230433644221212 0.9562567832937159 1.0165688145344038 0.8315568864208769 0.4626680729549353 0.33894844016526365 0.03135192171361486 0.03377678529462443 -0.3771601936798091 -0.47807579077635226 -0.4689438579102586 -0.6065419649943445 -0.6340925421157936 -0.3655518044432362 -0.4917994865476248 +16635,0.16789237560774375,0,1.0249268547847272 1.1454477313776188 1.0529933602650976 1.2445059861963115 1.2230433644221212 0.9562567832937159 1.0165688145344038 0.8315568864208769 0.4626680729549353 0.33894844016526365 0.03135192171361486 0.03377678529462443 -0.3771601936798091 -0.47807579077635226 -0.4689438579102586 -0.6065419649943445 -0.6340925421157936 -0.3655518044432362 -0.4917994865476248 -0.32195585370321245 +16636,0.2310678095267785,0,1.1454477313776188 1.0529933602650976 1.2445059861963115 1.2230433644221212 0.9562567832937159 1.0165688145344038 0.8315568864208769 0.4626680729549353 0.33894844016526365 0.03135192171361486 0.03377678529462443 -0.3771601936798091 -0.47807579077635226 -0.4689438579102586 -0.6065419649943445 -0.6340925421157936 -0.3655518044432362 -0.4917994865476248 -0.32195585370321245 0.16789237560774375 +16637,0.6142478399123659,0,1.0529933602650976 1.2445059861963115 1.2230433644221212 0.9562567832937159 1.0165688145344038 0.8315568864208769 0.4626680729549353 0.33894844016526365 0.03135192171361486 0.03377678529462443 -0.3771601936798091 -0.47807579077635226 -0.4689438579102586 -0.6065419649943445 -0.6340925421157936 -0.3655518044432362 -0.4917994865476248 -0.32195585370321245 0.16789237560774375 0.2310678095267785 +16638,0.5566960257711207,0,1.2445059861963115 1.2230433644221212 0.9562567832937159 1.0165688145344038 0.8315568864208769 0.4626680729549353 0.33894844016526365 0.03135192171361486 0.03377678529462443 -0.3771601936798091 -0.47807579077635226 -0.4689438579102586 -0.6065419649943445 -0.6340925421157936 -0.3655518044432362 -0.4917994865476248 -0.32195585370321245 0.16789237560774375 0.2310678095267785 0.6142478399123659 +16639,1.08678667110217,0,1.2230433644221212 0.9562567832937159 1.0165688145344038 0.8315568864208769 0.4626680729549353 0.33894844016526365 0.03135192171361486 0.03377678529462443 -0.3771601936798091 -0.47807579077635226 -0.4689438579102586 -0.6065419649943445 -0.6340925421157936 -0.3655518044432362 -0.4917994865476248 -0.32195585370321245 0.16789237560774375 0.2310678095267785 0.6142478399123659 0.5566960257711207 +16640,1.1761454719063957,0,0.9562567832937159 1.0165688145344038 0.8315568864208769 0.4626680729549353 0.33894844016526365 0.03135192171361486 0.03377678529462443 -0.3771601936798091 -0.47807579077635226 -0.4689438579102586 -0.6065419649943445 -0.6340925421157936 -0.3655518044432362 -0.4917994865476248 -0.32195585370321245 0.16789237560774375 0.2310678095267785 0.6142478399123659 0.5566960257711207 1.08678667110217 +16641,1.0287705213914644,0,1.0165688145344038 0.8315568864208769 0.4626680729549353 0.33894844016526365 0.03135192171361486 0.03377678529462443 -0.3771601936798091 -0.47807579077635226 -0.4689438579102586 -0.6065419649943445 -0.6340925421157936 -0.3655518044432362 -0.4917994865476248 -0.32195585370321245 0.16789237560774375 0.2310678095267785 0.6142478399123659 0.5566960257711207 1.08678667110217 1.1761454719063957 +16642,1.1970405725322129,0,0.8315568864208769 0.4626680729549353 0.33894844016526365 0.03135192171361486 0.03377678529462443 -0.3771601936798091 -0.47807579077635226 -0.4689438579102586 -0.6065419649943445 -0.6340925421157936 -0.3655518044432362 -0.4917994865476248 -0.32195585370321245 0.16789237560774375 0.2310678095267785 0.6142478399123659 0.5566960257711207 1.08678667110217 1.1761454719063957 1.0287705213914644 +16643,1.128576872353813,0,0.4626680729549353 0.33894844016526365 0.03135192171361486 0.03377678529462443 -0.3771601936798091 -0.47807579077635226 -0.4689438579102586 -0.6065419649943445 -0.6340925421157936 -0.3655518044432362 -0.4917994865476248 -0.32195585370321245 0.16789237560774375 0.2310678095267785 0.6142478399123659 0.5566960257711207 1.08678667110217 1.1761454719063957 1.0287705213914644 1.1970405725322129 +16644,0.9478213537818085,0,0.33894844016526365 0.03135192171361486 0.03377678529462443 -0.3771601936798091 -0.47807579077635226 -0.4689438579102586 -0.6065419649943445 -0.6340925421157936 -0.3655518044432362 -0.4917994865476248 -0.32195585370321245 0.16789237560774375 0.2310678095267785 0.6142478399123659 0.5566960257711207 1.08678667110217 1.1761454719063957 1.0287705213914644 1.1970405725322129 1.128576872353813 +16645,0.9167882598893929,0,0.03135192171361486 0.03377678529462443 -0.3771601936798091 -0.47807579077635226 -0.4689438579102586 -0.6065419649943445 -0.6340925421157936 -0.3655518044432362 -0.4917994865476248 -0.32195585370321245 0.16789237560774375 0.2310678095267785 0.6142478399123659 0.5566960257711207 1.08678667110217 1.1761454719063957 1.0287705213914644 1.1970405725322129 1.128576872353813 0.9478213537818085 +16646,0.7734633474485959,0,0.03377678529462443 -0.3771601936798091 -0.47807579077635226 -0.4689438579102586 -0.6065419649943445 -0.6340925421157936 -0.3655518044432362 -0.4917994865476248 -0.32195585370321245 0.16789237560774375 0.2310678095267785 0.6142478399123659 0.5566960257711207 1.08678667110217 1.1761454719063957 1.0287705213914644 1.1970405725322129 1.128576872353813 0.9478213537818085 0.9167882598893929 +16647,0.5618037170352119,0,-0.3771601936798091 -0.47807579077635226 -0.4689438579102586 -0.6065419649943445 -0.6340925421157936 -0.3655518044432362 -0.4917994865476248 -0.32195585370321245 0.16789237560774375 0.2310678095267785 0.6142478399123659 0.5566960257711207 1.08678667110217 1.1761454719063957 1.0287705213914644 1.1970405725322129 1.128576872353813 0.9478213537818085 0.9167882598893929 0.7734633474485959 +16648,0.441257043970197,0,-0.47807579077635226 -0.4689438579102586 -0.6065419649943445 -0.6340925421157936 -0.3655518044432362 -0.4917994865476248 -0.32195585370321245 0.16789237560774375 0.2310678095267785 0.6142478399123659 0.5566960257711207 1.08678667110217 1.1761454719063957 1.0287705213914644 1.1970405725322129 1.128576872353813 0.9478213537818085 0.9167882598893929 0.7734633474485959 0.5618037170352119 +16649,0.25237565277782703,0,-0.4689438579102586 -0.6065419649943445 -0.6340925421157936 -0.3655518044432362 -0.4917994865476248 -0.32195585370321245 0.16789237560774375 0.2310678095267785 0.6142478399123659 0.5566960257711207 1.08678667110217 1.1761454719063957 1.0287705213914644 1.1970405725322129 1.128576872353813 0.9478213537818085 0.9167882598893929 0.7734633474485959 0.5618037170352119 0.441257043970197 +16650,0.16727326151512398,0,-0.6065419649943445 -0.6340925421157936 -0.3655518044432362 -0.4917994865476248 -0.32195585370321245 0.16789237560774375 0.2310678095267785 0.6142478399123659 0.5566960257711207 1.08678667110217 1.1761454719063957 1.0287705213914644 1.1970405725322129 1.128576872353813 0.9478213537818085 0.9167882598893929 0.7734633474485959 0.5618037170352119 0.441257043970197 0.25237565277782703 +16651,-0.05620112944743537,0,-0.6340925421157936 -0.3655518044432362 -0.4917994865476248 -0.32195585370321245 0.16789237560774375 0.2310678095267785 0.6142478399123659 0.5566960257711207 1.08678667110217 1.1761454719063957 1.0287705213914644 1.1970405725322129 1.128576872353813 0.9478213537818085 0.9167882598893929 0.7734633474485959 0.5618037170352119 0.441257043970197 0.25237565277782703 0.16727326151512398 +16652,-0.1758965207898728,0,-0.3655518044432362 -0.4917994865476248 -0.32195585370321245 0.16789237560774375 0.2310678095267785 0.6142478399123659 0.5566960257711207 1.08678667110217 1.1761454719063957 1.0287705213914644 1.1970405725322129 1.128576872353813 0.9478213537818085 0.9167882598893929 0.7734633474485959 0.5618037170352119 0.441257043970197 0.25237565277782703 0.16727326151512398 -0.05620112944743537 +16653,-0.23708563022524395,0,-0.4917994865476248 -0.32195585370321245 0.16789237560774375 0.2310678095267785 0.6142478399123659 0.5566960257711207 1.08678667110217 1.1761454719063957 1.0287705213914644 1.1970405725322129 1.128576872353813 0.9478213537818085 0.9167882598893929 0.7734633474485959 0.5618037170352119 0.441257043970197 0.25237565277782703 0.16727326151512398 -0.05620112944743537 -0.1758965207898728 +16654,-0.37628311533034015,0,-0.32195585370321245 0.16789237560774375 0.2310678095267785 0.6142478399123659 0.5566960257711207 1.08678667110217 1.1761454719063957 1.0287705213914644 1.1970405725322129 1.128576872353813 0.9478213537818085 0.9167882598893929 0.7734633474485959 0.5618037170352119 0.441257043970197 0.25237565277782703 0.16727326151512398 -0.05620112944743537 -0.1758965207898728 -0.23708563022524395 +16655,-0.4569743188379239,0,0.16789237560774375 0.2310678095267785 0.6142478399123659 0.5566960257711207 1.08678667110217 1.1761454719063957 1.0287705213914644 1.1970405725322129 1.128576872353813 0.9478213537818085 0.9167882598893929 0.7734633474485959 0.5618037170352119 0.441257043970197 0.25237565277782703 0.16727326151512398 -0.05620112944743537 -0.1758965207898728 -0.23708563022524395 -0.37628311533034015 +16656,-0.16937002634527687,0,0.2310678095267785 0.6142478399123659 0.5566960257711207 1.08678667110217 1.1761454719063957 1.0287705213914644 1.1970405725322129 1.128576872353813 0.9478213537818085 0.9167882598893929 0.7734633474485959 0.5618037170352119 0.441257043970197 0.25237565277782703 0.16727326151512398 -0.05620112944743537 -0.1758965207898728 -0.23708563022524395 -0.37628311533034015 -0.4569743188379239 +16657,-0.37282639503148807,0,0.6142478399123659 0.5566960257711207 1.08678667110217 1.1761454719063957 1.0287705213914644 1.1970405725322129 1.128576872353813 0.9478213537818085 0.9167882598893929 0.7734633474485959 0.5618037170352119 0.441257043970197 0.25237565277782703 0.16727326151512398 -0.05620112944743537 -0.1758965207898728 -0.23708563022524395 -0.37628311533034015 -0.4569743188379239 -0.16937002634527687 +16658,-0.20798726787225422,0,0.5566960257711207 1.08678667110217 1.1761454719063957 1.0287705213914644 1.1970405725322129 1.128576872353813 0.9478213537818085 0.9167882598893929 0.7734633474485959 0.5618037170352119 0.441257043970197 0.25237565277782703 0.16727326151512398 -0.05620112944743537 -0.1758965207898728 -0.23708563022524395 -0.37628311533034015 -0.4569743188379239 -0.16937002634527687 -0.37282639503148807 +16659,0.3298681000886308,0,1.08678667110217 1.1761454719063957 1.0287705213914644 1.1970405725322129 1.128576872353813 0.9478213537818085 0.9167882598893929 0.7734633474485959 0.5618037170352119 0.441257043970197 0.25237565277782703 0.16727326151512398 -0.05620112944743537 -0.1758965207898728 -0.23708563022524395 -0.37628311533034015 -0.4569743188379239 -0.16937002634527687 -0.37282639503148807 -0.20798726787225422 +16660,0.37036848036557324,0,1.1761454719063957 1.0287705213914644 1.1970405725322129 1.128576872353813 0.9478213537818085 0.9167882598893929 0.7734633474485959 0.5618037170352119 0.441257043970197 0.25237565277782703 0.16727326151512398 -0.05620112944743537 -0.1758965207898728 -0.23708563022524395 -0.37628311533034015 -0.4569743188379239 -0.16937002634527687 -0.37282639503148807 -0.20798726787225422 0.3298681000886308 +16661,0.7838851012893812,0,1.0287705213914644 1.1970405725322129 1.128576872353813 0.9478213537818085 0.9167882598893929 0.7734633474485959 0.5618037170352119 0.441257043970197 0.25237565277782703 0.16727326151512398 -0.05620112944743537 -0.1758965207898728 -0.23708563022524395 -0.37628311533034015 -0.4569743188379239 -0.16937002634527687 -0.37282639503148807 -0.20798726787225422 0.3298681000886308 0.37036848036557324 +16662,0.7233151059466298,0,1.1970405725322129 1.128576872353813 0.9478213537818085 0.9167882598893929 0.7734633474485959 0.5618037170352119 0.441257043970197 0.25237565277782703 0.16727326151512398 -0.05620112944743537 -0.1758965207898728 -0.23708563022524395 -0.37628311533034015 -0.4569743188379239 -0.16937002634527687 -0.37282639503148807 -0.20798726787225422 0.3298681000886308 0.37036848036557324 0.7838851012893812 +16663,1.2948605991656748,0,1.128576872353813 0.9478213537818085 0.9167882598893929 0.7734633474485959 0.5618037170352119 0.441257043970197 0.25237565277782703 0.16727326151512398 -0.05620112944743537 -0.1758965207898728 -0.23708563022524395 -0.37628311533034015 -0.4569743188379239 -0.16937002634527687 -0.37282639503148807 -0.20798726787225422 0.3298681000886308 0.37036848036557324 0.7838851012893812 0.7233151059466298 +16664,1.3923194758085802,0,0.9478213537818085 0.9167882598893929 0.7734633474485959 0.5618037170352119 0.441257043970197 0.25237565277782703 0.16727326151512398 -0.05620112944743537 -0.1758965207898728 -0.23708563022524395 -0.37628311533034015 -0.4569743188379239 -0.16937002634527687 -0.37282639503148807 -0.20798726787225422 0.3298681000886308 0.37036848036557324 0.7838851012893812 0.7233151059466298 1.2948605991656748 +16665,1.291661842968886,0,0.9167882598893929 0.7734633474485959 0.5618037170352119 0.441257043970197 0.25237565277782703 0.16727326151512398 -0.05620112944743537 -0.1758965207898728 -0.23708563022524395 -0.37628311533034015 -0.4569743188379239 -0.16937002634527687 -0.37282639503148807 -0.20798726787225422 0.3298681000886308 0.37036848036557324 0.7838851012893812 0.7233151059466298 1.2948605991656748 1.3923194758085802 +16666,1.4551595562091906,0,0.7734633474485959 0.5618037170352119 0.441257043970197 0.25237565277782703 0.16727326151512398 -0.05620112944743537 -0.1758965207898728 -0.23708563022524395 -0.37628311533034015 -0.4569743188379239 -0.16937002634527687 -0.37282639503148807 -0.20798726787225422 0.3298681000886308 0.37036848036557324 0.7838851012893812 0.7233151059466298 1.2948605991656748 1.3923194758085802 1.291661842968886 +16667,1.4205407599668867,0,0.5618037170352119 0.441257043970197 0.25237565277782703 0.16727326151512398 -0.05620112944743537 -0.1758965207898728 -0.23708563022524395 -0.37628311533034015 -0.4569743188379239 -0.16937002634527687 -0.37282639503148807 -0.20798726787225422 0.3298681000886308 0.37036848036557324 0.7838851012893812 0.7233151059466298 1.2948605991656748 1.3923194758085802 1.291661842968886 1.4551595562091906 +16668,1.143074460740847,0,0.441257043970197 0.25237565277782703 0.16727326151512398 -0.05620112944743537 -0.1758965207898728 -0.23708563022524395 -0.37628311533034015 -0.4569743188379239 -0.16937002634527687 -0.37282639503148807 -0.20798726787225422 0.3298681000886308 0.37036848036557324 0.7838851012893812 0.7233151059466298 1.2948605991656748 1.3923194758085802 1.291661842968886 1.4551595562091906 1.4205407599668867 +16669,1.1894048319534134,0,0.25237565277782703 0.16727326151512398 -0.05620112944743537 -0.1758965207898728 -0.23708563022524395 -0.37628311533034015 -0.4569743188379239 -0.16937002634527687 -0.37282639503148807 -0.20798726787225422 0.3298681000886308 0.37036848036557324 0.7838851012893812 0.7233151059466298 1.2948605991656748 1.3923194758085802 1.291661842968886 1.4551595562091906 1.4205407599668867 1.143074460740847 +16670,0.9928877004918066,0,0.16727326151512398 -0.05620112944743537 -0.1758965207898728 -0.23708563022524395 -0.37628311533034015 -0.4569743188379239 -0.16937002634527687 -0.37282639503148807 -0.20798726787225422 0.3298681000886308 0.37036848036557324 0.7838851012893812 0.7233151059466298 1.2948605991656748 1.3923194758085802 1.291661842968886 1.4551595562091906 1.4205407599668867 1.143074460740847 1.1894048319534134 +16671,0.7141831730805274,0,-0.05620112944743537 -0.1758965207898728 -0.23708563022524395 -0.37628311533034015 -0.4569743188379239 -0.16937002634527687 -0.37282639503148807 -0.20798726787225422 0.3298681000886308 0.37036848036557324 0.7838851012893812 0.7233151059466298 1.2948605991656748 1.3923194758085802 1.291661842968886 1.4551595562091906 1.4205407599668867 1.143074460740847 1.1894048319534134 0.9928877004918066 +16672,0.5450618400624334,0,-0.1758965207898728 -0.23708563022524395 -0.37628311533034015 -0.4569743188379239 -0.16937002634527687 -0.37282639503148807 -0.20798726787225422 0.3298681000886308 0.37036848036557324 0.7838851012893812 0.7233151059466298 1.2948605991656748 1.3923194758085802 1.291661842968886 1.4551595562091906 1.4205407599668867 1.143074460740847 1.1894048319534134 0.9928877004918066 0.7141831730805274 +16673,0.2937531114042383,0,-0.23708563022524395 -0.37628311533034015 -0.4569743188379239 -0.16937002634527687 -0.37282639503148807 -0.20798726787225422 0.3298681000886308 0.37036848036557324 0.7838851012893812 0.7233151059466298 1.2948605991656748 1.3923194758085802 1.291661842968886 1.4551595562091906 1.4205407599668867 1.143074460740847 1.1894048319534134 0.9928877004918066 0.7141831730805274 0.5450618400624334 +16674,0.299686288073552,0,-0.37628311533034015 -0.4569743188379239 -0.16937002634527687 -0.37282639503148807 -0.20798726787225422 0.3298681000886308 0.37036848036557324 0.7838851012893812 0.7233151059466298 1.2948605991656748 1.3923194758085802 1.291661842968886 1.4551595562091906 1.4205407599668867 1.143074460740847 1.1894048319534134 0.9928877004918066 0.7141831730805274 0.5450618400624334 0.2937531114042383 +16675,-0.03736974256685721,0,-0.4569743188379239 -0.16937002634527687 -0.37282639503148807 -0.20798726787225422 0.3298681000886308 0.37036848036557324 0.7838851012893812 0.7233151059466298 1.2948605991656748 1.3923194758085802 1.291661842968886 1.4551595562091906 1.4205407599668867 1.143074460740847 1.1894048319534134 0.9928877004918066 0.7141831730805274 0.5450618400624334 0.2937531114042383 0.299686288073552 +16676,-0.11718386757019515,0,-0.16937002634527687 -0.37282639503148807 -0.20798726787225422 0.3298681000886308 0.37036848036557324 0.7838851012893812 0.7233151059466298 1.2948605991656748 1.3923194758085802 1.291661842968886 1.4551595562091906 1.4205407599668867 1.143074460740847 1.1894048319534134 0.9928877004918066 0.7141831730805274 0.5450618400624334 0.2937531114042383 0.299686288073552 -0.03736974256685721 +16677,-0.14483763042533393,0,-0.37282639503148807 -0.20798726787225422 0.3298681000886308 0.37036848036557324 0.7838851012893812 0.7233151059466298 1.2948605991656748 1.3923194758085802 1.291661842968886 1.4551595562091906 1.4205407599668867 1.143074460740847 1.1894048319534134 0.9928877004918066 0.7141831730805274 0.5450618400624334 0.2937531114042383 0.299686288073552 -0.03736974256685721 -0.11718386757019515 +16678,-0.24203854296618474,0,-0.20798726787225422 0.3298681000886308 0.37036848036557324 0.7838851012893812 0.7233151059466298 1.2948605991656748 1.3923194758085802 1.291661842968886 1.4551595562091906 1.4205407599668867 1.143074460740847 1.1894048319534134 0.9928877004918066 0.7141831730805274 0.5450618400624334 0.2937531114042383 0.299686288073552 -0.03736974256685721 -0.11718386757019515 -0.14483763042533393 +16679,-0.2870790932040595,0,0.3298681000886308 0.37036848036557324 0.7838851012893812 0.7233151059466298 1.2948605991656748 1.3923194758085802 1.291661842968886 1.4551595562091906 1.4205407599668867 1.143074460740847 1.1894048319534134 0.9928877004918066 0.7141831730805274 0.5450618400624334 0.2937531114042383 0.299686288073552 -0.03736974256685721 -0.11718386757019515 -0.14483763042533393 -0.24203854296618474 +16680,0.03416373160250961,0,0.37036848036557324 0.7838851012893812 0.7233151059466298 1.2948605991656748 1.3923194758085802 1.291661842968886 1.4551595562091906 1.4205407599668867 1.143074460740847 1.1894048319534134 0.9928877004918066 0.7141831730805274 0.5450618400624334 0.2937531114042383 0.299686288073552 -0.03736974256685721 -0.11718386757019515 -0.14483763042533393 -0.24203854296618474 -0.2870790932040595 +16681,-0.13297127693192082,0,0.7838851012893812 0.7233151059466298 1.2948605991656748 1.3923194758085802 1.291661842968886 1.4551595562091906 1.4205407599668867 1.143074460740847 1.1894048319534134 0.9928877004918066 0.7141831730805274 0.5450618400624334 0.2937531114042383 0.299686288073552 -0.03736974256685721 -0.11718386757019515 -0.14483763042533393 -0.24203854296618474 -0.2870790932040595 0.03416373160250961 +16682,0.06617708942330695,0,0.7233151059466298 1.2948605991656748 1.3923194758085802 1.291661842968886 1.4551595562091906 1.4205407599668867 1.143074460740847 1.1894048319534134 0.9928877004918066 0.7141831730805274 0.5450618400624334 0.2937531114042383 0.299686288073552 -0.03736974256685721 -0.11718386757019515 -0.14483763042533393 -0.24203854296618474 -0.2870790932040595 0.03416373160250961 -0.13297127693192082 +16683,0.6090111665972472,0,1.2948605991656748 1.3923194758085802 1.291661842968886 1.4551595562091906 1.4205407599668867 1.143074460740847 1.1894048319534134 0.9928877004918066 0.7141831730805274 0.5450618400624334 0.2937531114042383 0.299686288073552 -0.03736974256685721 -0.11718386757019515 -0.14483763042533393 -0.24203854296618474 -0.2870790932040595 0.03416373160250961 -0.13297127693192082 0.06617708942330695 +16684,0.6935976295010202,0,1.3923194758085802 1.291661842968886 1.4551595562091906 1.4205407599668867 1.143074460740847 1.1894048319534134 0.9928877004918066 0.7141831730805274 0.5450618400624334 0.2937531114042383 0.299686288073552 -0.03736974256685721 -0.11718386757019515 -0.14483763042533393 -0.24203854296618474 -0.2870790932040595 0.03416373160250961 -0.13297127693192082 0.06617708942330695 0.6090111665972472 +16685,1.1218698030687202,0,1.291661842968886 1.4551595562091906 1.4205407599668867 1.143074460740847 1.1894048319534134 0.9928877004918066 0.7141831730805274 0.5450618400624334 0.2937531114042383 0.299686288073552 -0.03736974256685721 -0.11718386757019515 -0.14483763042533393 -0.24203854296618474 -0.2870790932040595 0.03416373160250961 -0.13297127693192082 0.06617708942330695 0.6090111665972472 0.6935976295010202 +16686,1.0728824004904096,0,1.4551595562091906 1.4205407599668867 1.143074460740847 1.1894048319534134 0.9928877004918066 0.7141831730805274 0.5450618400624334 0.2937531114042383 0.299686288073552 -0.03736974256685721 -0.11718386757019515 -0.14483763042533393 -0.24203854296618474 -0.2870790932040595 0.03416373160250961 -0.13297127693192082 0.06617708942330695 0.6090111665972472 0.6935976295010202 1.1218698030687202 +16687,1.6602410993885264,0,1.4205407599668867 1.143074460740847 1.1894048319534134 0.9928877004918066 0.7141831730805274 0.5450618400624334 0.2937531114042383 0.299686288073552 -0.03736974256685721 -0.11718386757019515 -0.14483763042533393 -0.24203854296618474 -0.2870790932040595 0.03416373160250961 -0.13297127693192082 0.06617708942330695 0.6090111665972472 0.6935976295010202 1.1218698030687202 1.0728824004904096 +16688,1.7703402222954099,0,1.143074460740847 1.1894048319534134 0.9928877004918066 0.7141831730805274 0.5450618400624334 0.2937531114042383 0.299686288073552 -0.03736974256685721 -0.11718386757019515 -0.14483763042533393 -0.24203854296618474 -0.2870790932040595 0.03416373160250961 -0.13297127693192082 0.06617708942330695 0.6090111665972472 0.6935976295010202 1.1218698030687202 1.0728824004904096 1.6602410993885264 +16689,1.6777568689770666,0,1.1894048319534134 0.9928877004918066 0.7141831730805274 0.5450618400624334 0.2937531114042383 0.299686288073552 -0.03736974256685721 -0.11718386757019515 -0.14483763042533393 -0.24203854296618474 -0.2870790932040595 0.03416373160250961 -0.13297127693192082 0.06617708942330695 0.6090111665972472 0.6935976295010202 1.1218698030687202 1.0728824004904096 1.6602410993885264 1.7703402222954099 +16690,1.8554168170859808,0,0.9928877004918066 0.7141831730805274 0.5450618400624334 0.2937531114042383 0.299686288073552 -0.03736974256685721 -0.11718386757019515 -0.14483763042533393 -0.24203854296618474 -0.2870790932040595 0.03416373160250961 -0.13297127693192082 0.06617708942330695 0.6090111665972472 0.6935976295010202 1.1218698030687202 1.0728824004904096 1.6602410993885264 1.7703402222954099 1.6777568689770666 +16691,1.83039428927924,0,0.7141831730805274 0.5450618400624334 0.2937531114042383 0.299686288073552 -0.03736974256685721 -0.11718386757019515 -0.14483763042533393 -0.24203854296618474 -0.2870790932040595 0.03416373160250961 -0.13297127693192082 0.06617708942330695 0.6090111665972472 0.6935976295010202 1.1218698030687202 1.0728824004904096 1.6602410993885264 1.7703402222954099 1.6777568689770666 1.8554168170859808 +16692,1.512608184771523,0,0.5450618400624334 0.2937531114042383 0.299686288073552 -0.03736974256685721 -0.11718386757019515 -0.14483763042533393 -0.24203854296618474 -0.2870790932040595 0.03416373160250961 -0.13297127693192082 0.06617708942330695 0.6090111665972472 0.6935976295010202 1.1218698030687202 1.0728824004904096 1.6602410993885264 1.7703402222954099 1.6777568689770666 1.8554168170859808 1.83039428927924 +16693,1.5851735156587323,0,0.2937531114042383 0.299686288073552 -0.03736974256685721 -0.11718386757019515 -0.14483763042533393 -0.24203854296618474 -0.2870790932040595 0.03416373160250961 -0.13297127693192082 0.06617708942330695 0.6090111665972472 0.6935976295010202 1.1218698030687202 1.0728824004904096 1.6602410993885264 1.7703402222954099 1.6777568689770666 1.8554168170859808 1.83039428927924 1.512608184771523 +16694,1.3649752701545281,0,0.299686288073552 -0.03736974256685721 -0.11718386757019515 -0.14483763042533393 -0.24203854296618474 -0.2870790932040595 0.03416373160250961 -0.13297127693192082 0.06617708942330695 0.6090111665972472 0.6935976295010202 1.1218698030687202 1.0728824004904096 1.6602410993885264 1.7703402222954099 1.6777568689770666 1.8554168170859808 1.83039428927924 1.512608184771523 1.5851735156587323 +16695,1.037979843519142,0,-0.03736974256685721 -0.11718386757019515 -0.14483763042533393 -0.24203854296618474 -0.2870790932040595 0.03416373160250961 -0.13297127693192082 0.06617708942330695 0.6090111665972472 0.6935976295010202 1.1218698030687202 1.0728824004904096 1.6602410993885264 1.7703402222954099 1.6777568689770666 1.8554168170859808 1.83039428927924 1.512608184771523 1.5851735156587323 1.3649752701545281 +16696,0.8533806581856236,0,-0.11718386757019515 -0.14483763042533393 -0.24203854296618474 -0.2870790932040595 0.03416373160250961 -0.13297127693192082 0.06617708942330695 0.6090111665972472 0.6935976295010202 1.1218698030687202 1.0728824004904096 1.6602410993885264 1.7703402222954099 1.6777568689770666 1.8554168170859808 1.83039428927924 1.512608184771523 1.5851735156587323 1.3649752701545281 1.037979843519142 +16697,0.5619842920304858,0,-0.14483763042533393 -0.24203854296618474 -0.2870790932040595 0.03416373160250961 -0.13297127693192082 0.06617708942330695 0.6090111665972472 0.6935976295010202 1.1218698030687202 1.0728824004904096 1.6602410993885264 1.7703402222954099 1.6777568689770666 1.8554168170859808 1.83039428927924 1.512608184771523 1.5851735156587323 1.3649752701545281 1.037979843519142 0.8533806581856236 +16698,0.5607202673731317,0,-0.24203854296618474 -0.2870790932040595 0.03416373160250961 -0.13297127693192082 0.06617708942330695 0.6090111665972472 0.6935976295010202 1.1218698030687202 1.0728824004904096 1.6602410993885264 1.7703402222954099 1.6777568689770666 1.8554168170859808 1.83039428927924 1.512608184771523 1.5851735156587323 1.3649752701545281 1.037979843519142 0.8533806581856236 0.5619842920304858 +16699,0.17261312056394992,0,-0.2870790932040595 0.03416373160250961 -0.13297127693192082 0.06617708942330695 0.6090111665972472 0.6935976295010202 1.1218698030687202 1.0728824004904096 1.6602410993885264 1.7703402222954099 1.6777568689770666 1.8554168170859808 1.83039428927924 1.512608184771523 1.5851735156587323 1.3649752701545281 1.037979843519142 0.8533806581856236 0.5619842920304858 0.5607202673731317 +16700,0.07463831540732876,0,0.03416373160250961 -0.13297127693192082 0.06617708942330695 0.6090111665972472 0.6935976295010202 1.1218698030687202 1.0728824004904096 1.6602410993885264 1.7703402222954099 1.6777568689770666 1.8554168170859808 1.83039428927924 1.512608184771523 1.5851735156587323 1.3649752701545281 1.037979843519142 0.8533806581856236 0.5619842920304858 0.5607202673731317 0.17261312056394992 +16701,0.03145510744731339,0,-0.13297127693192082 0.06617708942330695 0.6090111665972472 0.6935976295010202 1.1218698030687202 1.0728824004904096 1.6602410993885264 1.7703402222954099 1.6777568689770666 1.8554168170859808 1.83039428927924 1.512608184771523 1.5851735156587323 1.3649752701545281 1.037979843519142 0.8533806581856236 0.5619842920304858 0.5607202673731317 0.17261312056394992 0.07463831540732876 +16702,-0.08478356344150384,0,0.06617708942330695 0.6090111665972472 0.6935976295010202 1.1218698030687202 1.0728824004904096 1.6602410993885264 1.7703402222954099 1.6777568689770666 1.8554168170859808 1.83039428927924 1.512608184771523 1.5851735156587323 1.3649752701545281 1.037979843519142 0.8533806581856236 0.5619842920304858 0.5607202673731317 0.17261312056394992 0.07463831540732876 0.03145510744731339 +16703,-0.14623063713372408,0,0.6090111665972472 0.6935976295010202 1.1218698030687202 1.0728824004904096 1.6602410993885264 1.7703402222954099 1.6777568689770666 1.8554168170859808 1.83039428927924 1.512608184771523 1.5851735156587323 1.3649752701545281 1.037979843519142 0.8533806581856236 0.5619842920304858 0.5607202673731317 0.17261312056394992 0.07463831540732876 0.03145510744731339 -0.08478356344150384 +16704,0.1795007648443078,0,0.6935976295010202 1.1218698030687202 1.0728824004904096 1.6602410993885264 1.7703402222954099 1.6777568689770666 1.8554168170859808 1.83039428927924 1.512608184771523 1.5851735156587323 1.3649752701545281 1.037979843519142 0.8533806581856236 0.5619842920304858 0.5607202673731317 0.17261312056394992 0.07463831540732876 0.03145510744731339 -0.08478356344150384 -0.14623063713372408 +16705,-0.011005800686401253,0,1.1218698030687202 1.0728824004904096 1.6602410993885264 1.7703402222954099 1.6777568689770666 1.8554168170859808 1.83039428927924 1.512608184771523 1.5851735156587323 1.3649752701545281 1.037979843519142 0.8533806581856236 0.5619842920304858 0.5607202673731317 0.17261312056394992 0.07463831540732876 0.03145510744731339 -0.08478356344150384 -0.14623063713372408 0.1795007648443078 +16706,0.1856661092983561,0,1.0728824004904096 1.6602410993885264 1.7703402222954099 1.6777568689770666 1.8554168170859808 1.83039428927924 1.512608184771523 1.5851735156587323 1.3649752701545281 1.037979843519142 0.8533806581856236 0.5619842920304858 0.5607202673731317 0.17261312056394992 0.07463831540732876 0.03145510744731339 -0.08478356344150384 -0.14623063713372408 0.1795007648443078 -0.011005800686401253 +16707,0.8135509849455387,0,1.6602410993885264 1.7703402222954099 1.6777568689770666 1.8554168170859808 1.83039428927924 1.512608184771523 1.5851735156587323 1.3649752701545281 1.037979843519142 0.8533806581856236 0.5619842920304858 0.5607202673731317 0.17261312056394992 0.07463831540732876 0.03145510744731339 -0.08478356344150384 -0.14623063713372408 0.1795007648443078 -0.011005800686401253 0.1856661092983561 +16708,0.8664852398642763,0,1.7703402222954099 1.6777568689770666 1.8554168170859808 1.83039428927924 1.512608184771523 1.5851735156587323 1.3649752701545281 1.037979843519142 0.8533806581856236 0.5619842920304858 0.5607202673731317 0.17261312056394992 0.07463831540732876 0.03145510744731339 -0.08478356344150384 -0.14623063713372408 0.1795007648443078 -0.011005800686401253 0.1856661092983561 0.8135509849455387 +16709,1.3506324602906445,0,1.6777568689770666 1.8554168170859808 1.83039428927924 1.512608184771523 1.5851735156587323 1.3649752701545281 1.037979843519142 0.8533806581856236 0.5619842920304858 0.5607202673731317 0.17261312056394992 0.07463831540732876 0.03145510744731339 -0.08478356344150384 -0.14623063713372408 0.1795007648443078 -0.011005800686401253 0.1856661092983561 0.8135509849455387 0.8664852398642763 +16710,1.2809821248712516,0,1.8554168170859808 1.83039428927924 1.512608184771523 1.5851735156587323 1.3649752701545281 1.037979843519142 0.8533806581856236 0.5619842920304858 0.5607202673731317 0.17261312056394992 0.07463831540732876 0.03145510744731339 -0.08478356344150384 -0.14623063713372408 0.1795007648443078 -0.011005800686401253 0.1856661092983561 0.8135509849455387 0.8664852398642763 1.3506324602906445 +16711,1.9497285306311385,0,1.83039428927924 1.512608184771523 1.5851735156587323 1.3649752701545281 1.037979843519142 0.8533806581856236 0.5619842920304858 0.5607202673731317 0.17261312056394992 0.07463831540732876 0.03145510744731339 -0.08478356344150384 -0.14623063713372408 0.1795007648443078 -0.011005800686401253 0.1856661092983561 0.8135509849455387 0.8664852398642763 1.3506324602906445 1.2809821248712516 +16712,2.0646773803904783,0,1.512608184771523 1.5851735156587323 1.3649752701545281 1.037979843519142 0.8533806581856236 0.5619842920304858 0.5607202673731317 0.17261312056394992 0.07463831540732876 0.03145510744731339 -0.08478356344150384 -0.14623063713372408 0.1795007648443078 -0.011005800686401253 0.1856661092983561 0.8135509849455387 0.8664852398642763 1.3506324602906445 1.2809821248712516 1.9497285306311385 +16713,1.9414220831702673,0,1.5851735156587323 1.3649752701545281 1.037979843519142 0.8533806581856236 0.5619842920304858 0.5607202673731317 0.17261312056394992 0.07463831540732876 0.03145510744731339 -0.08478356344150384 -0.14623063713372408 0.1795007648443078 -0.011005800686401253 0.1856661092983561 0.8135509849455387 0.8664852398642763 1.3506324602906445 1.2809821248712516 1.9497285306311385 2.0646773803904783 +16714,2.1357723154624995,0,1.3649752701545281 1.037979843519142 0.8533806581856236 0.5619842920304858 0.5607202673731317 0.17261312056394992 0.07463831540732876 0.03145510744731339 -0.08478356344150384 -0.14623063713372408 0.1795007648443078 -0.011005800686401253 0.1856661092983561 0.8135509849455387 0.8664852398642763 1.3506324602906445 1.2809821248712516 1.9497285306311385 2.0646773803904783 1.9414220831702673 +16715,2.0919184004656177,0,1.037979843519142 0.8533806581856236 0.5619842920304858 0.5607202673731317 0.17261312056394992 0.07463831540732876 0.03145510744731339 -0.08478356344150384 -0.14623063713372408 0.1795007648443078 -0.011005800686401253 0.1856661092983561 0.8135509849455387 0.8664852398642763 1.3506324602906445 1.2809821248712516 1.9497285306311385 2.0646773803904783 1.9414220831702673 2.1357723154624995 +16716,1.7630398352350347,0,0.8533806581856236 0.5619842920304858 0.5607202673731317 0.17261312056394992 0.07463831540732876 0.03145510744731339 -0.08478356344150384 -0.14623063713372408 0.1795007648443078 -0.011005800686401253 0.1856661092983561 0.8135509849455387 0.8664852398642763 1.3506324602906445 1.2809821248712516 1.9497285306311385 2.0646773803904783 1.9414220831702673 2.1357723154624995 2.0919184004656177 +16717,1.8141941371375059,0,0.5619842920304858 0.5607202673731317 0.17261312056394992 0.07463831540732876 0.03145510744731339 -0.08478356344150384 -0.14623063713372408 0.1795007648443078 -0.011005800686401253 0.1856661092983561 0.8135509849455387 0.8664852398642763 1.3506324602906445 1.2809821248712516 1.9497285306311385 2.0646773803904783 1.9414220831702673 2.1357723154624995 2.0919184004656177 1.7630398352350347 +16718,1.58032378865149,0,0.5607202673731317 0.17261312056394992 0.07463831540732876 0.03145510744731339 -0.08478356344150384 -0.14623063713372408 0.1795007648443078 -0.011005800686401253 0.1856661092983561 0.8135509849455387 0.8664852398642763 1.3506324602906445 1.2809821248712516 1.9497285306311385 2.0646773803904783 1.9414220831702673 2.1357723154624995 2.0919184004656177 1.7630398352350347 1.8141941371375059 +16719,1.1879602324555625,0,0.17261312056394992 0.07463831540732876 0.03145510744731339 -0.08478356344150384 -0.14623063713372408 0.1795007648443078 -0.011005800686401253 0.1856661092983561 0.8135509849455387 0.8664852398642763 1.3506324602906445 1.2809821248712516 1.9497285306311385 2.0646773803904783 1.9414220831702673 2.1357723154624995 2.0919184004656177 1.7630398352350347 1.8141941371375059 1.58032378865149 +16720,1.0069209531546033,0,0.07463831540732876 0.03145510744731339 -0.08478356344150384 -0.14623063713372408 0.1795007648443078 -0.011005800686401253 0.1856661092983561 0.8135509849455387 0.8664852398642763 1.3506324602906445 1.2809821248712516 1.9497285306311385 2.0646773803904783 1.9414220831702673 2.1357723154624995 2.0919184004656177 1.7630398352350347 1.8141941371375059 1.58032378865149 1.1879602324555625 +16721,0.6673884662985006,0,0.03145510744731339 -0.08478356344150384 -0.14623063713372408 0.1795007648443078 -0.011005800686401253 0.1856661092983561 0.8135509849455387 0.8664852398642763 1.3506324602906445 1.2809821248712516 1.9497285306311385 2.0646773803904783 1.9414220831702673 2.1357723154624995 2.0919184004656177 1.7630398352350347 1.8141941371375059 1.58032378865149 1.1879602324555625 1.0069209531546033 +16722,0.6814475154334118,0,-0.08478356344150384 -0.14623063713372408 0.1795007648443078 -0.011005800686401253 0.1856661092983561 0.8135509849455387 0.8664852398642763 1.3506324602906445 1.2809821248712516 1.9497285306311385 2.0646773803904783 1.9414220831702673 2.1357723154624995 2.0919184004656177 1.7630398352350347 1.8141941371375059 1.58032378865149 1.1879602324555625 1.0069209531546033 0.6673884662985006 +16723,0.22405118304059884,0,-0.14623063713372408 0.1795007648443078 -0.011005800686401253 0.1856661092983561 0.8135509849455387 0.8664852398642763 1.3506324602906445 1.2809821248712516 1.9497285306311385 2.0646773803904783 1.9414220831702673 2.1357723154624995 2.0919184004656177 1.7630398352350347 1.8141941371375059 1.58032378865149 1.1879602324555625 1.0069209531546033 0.6673884662985006 0.6814475154334118 +16724,0.12024638694837131,0,0.1795007648443078 -0.011005800686401253 0.1856661092983561 0.8135509849455387 0.8664852398642763 1.3506324602906445 1.2809821248712516 1.9497285306311385 2.0646773803904783 1.9414220831702673 2.1357723154624995 2.0919184004656177 1.7630398352350347 1.8141941371375059 1.58032378865149 1.1879602324555625 1.0069209531546033 0.6673884662985006 0.6814475154334118 0.22405118304059884 +16725,0.08384763753500647,0,-0.011005800686401253 0.1856661092983561 0.8135509849455387 0.8664852398642763 1.3506324602906445 1.2809821248712516 1.9497285306311385 2.0646773803904783 1.9414220831702673 2.1357723154624995 2.0919184004656177 1.7630398352350347 1.8141941371375059 1.58032378865149 1.1879602324555625 1.0069209531546033 0.6673884662985006 0.6814475154334118 0.22405118304059884 0.12024638694837131 +16726,-0.04242584088671084,0,0.1856661092983561 0.8135509849455387 0.8664852398642763 1.3506324602906445 1.2809821248712516 1.9497285306311385 2.0646773803904783 1.9414220831702673 2.1357723154624995 2.0919184004656177 1.7630398352350347 1.8141941371375059 1.58032378865149 1.1879602324555625 1.0069209531546033 0.6673884662985006 0.6814475154334118 0.22405118304059884 0.12024638694837131 0.08384763753500647 +16727,-0.10129327262954783,0,0.8135509849455387 0.8664852398642763 1.3506324602906445 1.2809821248712516 1.9497285306311385 2.0646773803904783 1.9414220831702673 2.1357723154624995 2.0919184004656177 1.7630398352350347 1.8141941371375059 1.58032378865149 1.1879602324555625 1.0069209531546033 0.6673884662985006 0.6814475154334118 0.22405118304059884 0.12024638694837131 0.08384763753500647 -0.04242584088671084 +16728,0.2106112479983075,0,0.8664852398642763 1.3506324602906445 1.2809821248712516 1.9497285306311385 2.0646773803904783 1.9414220831702673 2.1357723154624995 2.0919184004656177 1.7630398352350347 1.8141941371375059 1.58032378865149 1.1879602324555625 1.0069209531546033 0.6673884662985006 0.6814475154334118 0.22405118304059884 0.12024638694837131 0.08384763753500647 -0.04242584088671084 -0.10129327262954783 +16729,0.028153165671611826,0,1.3506324602906445 1.2809821248712516 1.9497285306311385 2.0646773803904783 1.9414220831702673 2.1357723154624995 2.0919184004656177 1.7630398352350347 1.8141941371375059 1.58032378865149 1.1879602324555625 1.0069209531546033 0.6673884662985006 0.6814475154334118 0.22405118304059884 0.12024638694837131 0.08384763753500647 -0.04242584088671084 -0.10129327262954783 0.2106112479983075 +16730,0.21646703540604592,0,1.2809821248712516 1.9497285306311385 2.0646773803904783 1.9414220831702673 2.1357723154624995 2.0919184004656177 1.7630398352350347 1.8141941371375059 1.58032378865149 1.1879602324555625 1.0069209531546033 0.6673884662985006 0.6814475154334118 0.22405118304059884 0.12024638694837131 0.08384763753500647 -0.04242584088671084 -0.10129327262954783 0.2106112479983075 0.028153165671611826 +16731,0.8323565755087705,0,1.9497285306311385 2.0646773803904783 1.9414220831702673 2.1357723154624995 2.0919184004656177 1.7630398352350347 1.8141941371375059 1.58032378865149 1.1879602324555625 1.0069209531546033 0.6673884662985006 0.6814475154334118 0.22405118304059884 0.12024638694837131 0.08384763753500647 -0.04242584088671084 -0.10129327262954783 0.2106112479983075 0.028153165671611826 0.21646703540604592 +16732,0.8781452218903011,0,2.0646773803904783 1.9414220831702673 2.1357723154624995 2.0919184004656177 1.7630398352350347 1.8141941371375059 1.58032378865149 1.1879602324555625 1.0069209531546033 0.6673884662985006 0.6814475154334118 0.22405118304059884 0.12024638694837131 0.08384763753500647 -0.04242584088671084 -0.10129327262954783 0.2106112479983075 0.028153165671611826 0.21646703540604592 0.8323565755087705 +16733,1.3515095386401135,0,1.9414220831702673 2.1357723154624995 2.0919184004656177 1.7630398352350347 1.8141941371375059 1.58032378865149 1.1879602324555625 1.0069209531546033 0.6673884662985006 0.6814475154334118 0.22405118304059884 0.12024638694837131 0.08384763753500647 -0.04242584088671084 -0.10129327262954783 0.2106112479983075 0.028153165671611826 0.21646703540604592 0.8323565755087705 0.8781452218903011 +16734,1.3164264066735636,0,2.1357723154624995 2.0919184004656177 1.7630398352350347 1.8141941371375059 1.58032378865149 1.1879602324555625 1.0069209531546033 0.6673884662985006 0.6814475154334118 0.22405118304059884 0.12024638694837131 0.08384763753500647 -0.04242584088671084 -0.10129327262954783 0.2106112479983075 0.028153165671611826 0.21646703540604592 0.8323565755087705 0.8781452218903011 1.3515095386401135 +16735,1.959273206122455,0,2.0919184004656177 1.7630398352350347 1.8141941371375059 1.58032378865149 1.1879602324555625 1.0069209531546033 0.6673884662985006 0.6814475154334118 0.22405118304059884 0.12024638694837131 0.08384763753500647 -0.04242584088671084 -0.10129327262954783 0.2106112479983075 0.028153165671611826 0.21646703540604592 0.8323565755087705 0.8781452218903011 1.3515095386401135 1.3164264066735636 +16736,2.093672557164555,0,1.7630398352350347 1.8141941371375059 1.58032378865149 1.1879602324555625 1.0069209531546033 0.6673884662985006 0.6814475154334118 0.22405118304059884 0.12024638694837131 0.08384763753500647 -0.04242584088671084 -0.10129327262954783 0.2106112479983075 0.028153165671611826 0.21646703540604592 0.8323565755087705 0.8781452218903011 1.3515095386401135 1.3164264066735636 1.959273206122455 +16737,1.9924989958111543,0,1.8141941371375059 1.58032378865149 1.1879602324555625 1.0069209531546033 0.6673884662985006 0.6814475154334118 0.22405118304059884 0.12024638694837131 0.08384763753500647 -0.04242584088671084 -0.10129327262954783 0.2106112479983075 0.028153165671611826 0.21646703540604592 0.8323565755087705 0.8781452218903011 1.3515095386401135 1.3164264066735636 1.959273206122455 2.093672557164555 +16738,2.2054226508818924,0,1.58032378865149 1.1879602324555625 1.0069209531546033 0.6673884662985006 0.6814475154334118 0.22405118304059884 0.12024638694837131 0.08384763753500647 -0.04242584088671084 -0.10129327262954783 0.2106112479983075 0.028153165671611826 0.21646703540604592 0.8323565755087705 0.8781452218903011 1.3515095386401135 1.3164264066735636 1.959273206122455 2.093672557164555 1.9924989958111543 +16739,2.1827733935571376,0,1.1879602324555625 1.0069209531546033 0.6673884662985006 0.6814475154334118 0.22405118304059884 0.12024638694837131 0.08384763753500647 -0.04242584088671084 -0.10129327262954783 0.2106112479983075 0.028153165671611826 0.21646703540604592 0.8323565755087705 0.8781452218903011 1.3515095386401135 1.3164264066735636 1.959273206122455 2.093672557164555 1.9924989958111543 2.2054226508818924 +16740,1.637127506649088,0,1.0069209531546033 0.6673884662985006 0.6814475154334118 0.22405118304059884 0.12024638694837131 0.08384763753500647 -0.04242584088671084 -0.10129327262954783 0.2106112479983075 0.028153165671611826 0.21646703540604592 0.8323565755087705 0.8781452218903011 1.3515095386401135 1.3164264066735636 1.959273206122455 2.093672557164555 1.9924989958111543 2.2054226508818924 2.1827733935571376 +16741,1.7888104593402172,0,0.6673884662985006 0.6814475154334118 0.22405118304059884 0.12024638694837131 0.08384763753500647 -0.04242584088671084 -0.10129327262954783 0.2106112479983075 0.028153165671611826 0.21646703540604592 0.8323565755087705 0.8781452218903011 1.3515095386401135 1.3164264066735636 1.959273206122455 2.093672557164555 1.9924989958111543 2.2054226508818924 2.1827733935571376 1.637127506649088 +16742,1.417496782293266,0,0.6814475154334118 0.22405118304059884 0.12024638694837131 0.08384763753500647 -0.04242584088671084 -0.10129327262954783 0.2106112479983075 0.028153165671611826 0.21646703540604592 0.8323565755087705 0.8781452218903011 1.3515095386401135 1.3164264066735636 1.959273206122455 2.093672557164555 1.9924989958111543 2.2054226508818924 2.1827733935571376 1.637127506649088 1.7888104593402172 +16743,1.1580105882252272,0,0.22405118304059884 0.12024638694837131 0.08384763753500647 -0.04242584088671084 -0.10129327262954783 0.2106112479983075 0.028153165671611826 0.21646703540604592 0.8323565755087705 0.8781452218903011 1.3515095386401135 1.3164264066735636 1.959273206122455 2.093672557164555 1.9924989958111543 2.2054226508818924 2.1827733935571376 1.637127506649088 1.7888104593402172 1.417496782293266 +16744,0.7494210835702367,0,0.12024638694837131 0.08384763753500647 -0.04242584088671084 -0.10129327262954783 0.2106112479983075 0.028153165671611826 0.21646703540604592 0.8323565755087705 0.8781452218903011 1.3515095386401135 1.3164264066735636 1.959273206122455 2.093672557164555 1.9924989958111543 2.2054226508818924 2.1827733935571376 1.637127506649088 1.7888104593402172 1.417496782293266 1.1580105882252272 +16745,0.45265906173937276,0,0.08384763753500647 -0.04242584088671084 -0.10129327262954783 0.2106112479983075 0.028153165671611826 0.21646703540604592 0.8323565755087705 0.8781452218903011 1.3515095386401135 1.3164264066735636 1.959273206122455 2.093672557164555 1.9924989958111543 2.2054226508818924 2.1827733935571376 1.637127506649088 1.7888104593402172 1.417496782293266 1.1580105882252272 0.7494210835702367 +16746,0.47443124071465864,0,-0.04242584088671084 -0.10129327262954783 0.2106112479983075 0.028153165671611826 0.21646703540604592 0.8323565755087705 0.8781452218903011 1.3515095386401135 1.3164264066735636 1.959273206122455 2.093672557164555 1.9924989958111543 2.2054226508818924 2.1827733935571376 1.637127506649088 1.7888104593402172 1.417496782293266 1.1580105882252272 0.7494210835702367 0.45265906173937276 +16747,0.07149115215479535,0,-0.10129327262954783 0.2106112479983075 0.028153165671611826 0.21646703540604592 0.8323565755087705 0.8781452218903011 1.3515095386401135 1.3164264066735636 1.959273206122455 2.093672557164555 1.9924989958111543 2.2054226508818924 2.1827733935571376 1.637127506649088 1.7888104593402172 1.417496782293266 1.1580105882252272 0.7494210835702367 0.45265906173937276 0.47443124071465864 +16748,-0.012914735908489556,0,0.2106112479983075 0.028153165671611826 0.21646703540604592 0.8323565755087705 0.8781452218903011 1.3515095386401135 1.3164264066735636 1.959273206122455 2.093672557164555 1.9924989958111543 2.2054226508818924 2.1827733935571376 1.637127506649088 1.7888104593402172 1.417496782293266 1.1580105882252272 0.7494210835702367 0.45265906173937276 0.47443124071465864 0.07149115215479535 +16749,-0.014359335406340523,0,0.028153165671611826 0.21646703540604592 0.8323565755087705 0.8781452218903011 1.3515095386401135 1.3164264066735636 1.959273206122455 2.093672557164555 1.9924989958111543 2.2054226508818924 2.1827733935571376 1.637127506649088 1.7888104593402172 1.417496782293266 1.1580105882252272 0.7494210835702367 0.45265906173937276 0.47443124071465864 0.07149115215479535 -0.012914735908489556 +16750,-0.1264189861699873,0,0.21646703540604592 0.8323565755087705 0.8781452218903011 1.3515095386401135 1.3164264066735636 1.959273206122455 2.093672557164555 1.9924989958111543 2.2054226508818924 2.1827733935571376 1.637127506649088 1.7888104593402172 1.417496782293266 1.1580105882252272 0.7494210835702367 0.45265906173937276 0.47443124071465864 0.07149115215479535 -0.012914735908489556 -0.014359335406340523 +16751,-0.15551734852297705,0,0.8323565755087705 0.8781452218903011 1.3515095386401135 1.3164264066735636 1.959273206122455 2.093672557164555 1.9924989958111543 2.2054226508818924 2.1827733935571376 1.637127506649088 1.7888104593402172 1.417496782293266 1.1580105882252272 0.7494210835702367 0.45265906173937276 0.47443124071465864 0.07149115215479535 -0.012914735908489556 -0.014359335406340523 -0.1264189861699873 +16752,0.15001545618343287,0,0.8781452218903011 1.3515095386401135 1.3164264066735636 1.959273206122455 2.093672557164555 1.9924989958111543 2.2054226508818924 2.1827733935571376 1.637127506649088 1.7888104593402172 1.417496782293266 1.1580105882252272 0.7494210835702367 0.45265906173937276 0.47443124071465864 0.07149115215479535 -0.012914735908489556 -0.014359335406340523 -0.1264189861699873 -0.15551734852297705 +16753,0.009373371425717602,0,1.3515095386401135 1.3164264066735636 1.959273206122455 2.093672557164555 1.9924989958111543 2.2054226508818924 2.1827733935571376 1.637127506649088 1.7888104593402172 1.417496782293266 1.1580105882252272 0.7494210835702367 0.45265906173937276 0.47443124071465864 0.07149115215479535 -0.012914735908489556 -0.014359335406340523 -0.1264189861699873 -0.15551734852297705 0.15001545618343287 +16754,0.2033624538821789,0,1.3164264066735636 1.959273206122455 2.093672557164555 1.9924989958111543 2.2054226508818924 2.1827733935571376 1.637127506649088 1.7888104593402172 1.417496782293266 1.1580105882252272 0.7494210835702367 0.45265906173937276 0.47443124071465864 0.07149115215479535 -0.012914735908489556 -0.014359335406340523 -0.1264189861699873 -0.15551734852297705 0.15001545618343287 0.009373371425717602 +16755,0.790721152780287,0,1.959273206122455 2.093672557164555 1.9924989958111543 2.2054226508818924 2.1827733935571376 1.637127506649088 1.7888104593402172 1.417496782293266 1.1580105882252272 0.7494210835702367 0.45265906173937276 0.47443124071465864 0.07149115215479535 -0.012914735908489556 -0.014359335406340523 -0.1264189861699873 -0.15551734852297705 0.15001545618343287 0.009373371425717602 0.2033624538821789 +16756,0.8535870296530207,0,2.093672557164555 1.9924989958111543 2.2054226508818924 2.1827733935571376 1.637127506649088 1.7888104593402172 1.417496782293266 1.1580105882252272 0.7494210835702367 0.45265906173937276 0.47443124071465864 0.07149115215479535 -0.012914735908489556 -0.014359335406340523 -0.1264189861699873 -0.15551734852297705 0.15001545618343287 0.009373371425717602 0.2033624538821789 0.790721152780287 +16757,1.3098225229673923,0,1.9924989958111543 2.2054226508818924 2.1827733935571376 1.637127506649088 1.7888104593402172 1.417496782293266 1.1580105882252272 0.7494210835702367 0.45265906173937276 0.47443124071465864 0.07149115215479535 -0.012914735908489556 -0.014359335406340523 -0.1264189861699873 -0.15551734852297705 0.15001545618343287 0.009373371425717602 0.2033624538821789 0.790721152780287 0.8535870296530207 +16758,1.2915070644457354,0,2.2054226508818924 2.1827733935571376 1.637127506649088 1.7888104593402172 1.417496782293266 1.1580105882252272 0.7494210835702367 0.45265906173937276 0.47443124071465864 0.07149115215479535 -0.012914735908489556 -0.014359335406340523 -0.1264189861699873 -0.15551734852297705 0.15001545618343287 0.009373371425717602 0.2033624538821789 0.790721152780287 0.8535870296530207 1.3098225229673923 +16759,1.9059262085784945,0,2.1827733935571376 1.637127506649088 1.7888104593402172 1.417496782293266 1.1580105882252272 0.7494210835702367 0.45265906173937276 0.47443124071465864 0.07149115215479535 -0.012914735908489556 -0.014359335406340523 -0.1264189861699873 -0.15551734852297705 0.15001545618343287 0.009373371425717602 0.2033624538821789 0.790721152780287 0.8535870296530207 1.3098225229673923 1.2915070644457354 +16760,2.0457944005656628,0,1.637127506649088 1.7888104593402172 1.417496782293266 1.1580105882252272 0.7494210835702367 0.45265906173937276 0.47443124071465864 0.07149115215479535 -0.012914735908489556 -0.014359335406340523 -0.1264189861699873 -0.15551734852297705 0.15001545618343287 0.009373371425717602 0.2033624538821789 0.790721152780287 0.8535870296530207 1.3098225229673923 1.2915070644457354 1.9059262085784945 +16761,1.9404934120313375,0,1.7888104593402172 1.417496782293266 1.1580105882252272 0.7494210835702367 0.45265906173937276 0.47443124071465864 0.07149115215479535 -0.012914735908489556 -0.014359335406340523 -0.1264189861699873 -0.15551734852297705 0.15001545618343287 0.009373371425717602 0.2033624538821789 0.790721152780287 0.8535870296530207 1.3098225229673923 1.2915070644457354 1.9059262085784945 2.0457944005656628 +16762,2.1620846643987086,0,1.417496782293266 1.1580105882252272 0.7494210835702367 0.45265906173937276 0.47443124071465864 0.07149115215479535 -0.012914735908489556 -0.014359335406340523 -0.1264189861699873 -0.15551734852297705 0.15001545618343287 0.009373371425717602 0.2033624538821789 0.790721152780287 0.8535870296530207 1.3098225229673923 1.2915070644457354 1.9059262085784945 2.0457944005656628 1.9404934120313375 +16763,2.138506735935033,0,1.1580105882252272 0.7494210835702367 0.45265906173937276 0.47443124071465864 0.07149115215479535 -0.012914735908489556 -0.014359335406340523 -0.1264189861699873 -0.15551734852297705 0.15001545618343287 0.009373371425717602 0.2033624538821789 0.790721152780287 0.8535870296530207 1.3098225229673923 1.2915070644457354 1.9059262085784945 2.0457944005656628 1.9404934120313375 2.1620846643987086 +16764,1.738275271530366,0,0.7494210835702367 0.45265906173937276 0.47443124071465864 0.07149115215479535 -0.012914735908489556 -0.014359335406340523 -0.1264189861699873 -0.15551734852297705 0.15001545618343287 0.009373371425717602 0.2033624538821789 0.790721152780287 0.8535870296530207 1.3098225229673923 1.2915070644457354 1.9059262085784945 2.0457944005656628 1.9404934120313375 2.1620846643987086 2.138506735935033 +16765,1.840248521816866,0,0.45265906173937276 0.47443124071465864 0.07149115215479535 -0.012914735908489556 -0.014359335406340523 -0.1264189861699873 -0.15551734852297705 0.15001545618343287 0.009373371425717602 0.2033624538821789 0.790721152780287 0.8535870296530207 1.3098225229673923 1.2915070644457354 1.9059262085784945 2.0457944005656628 1.9404934120313375 2.1620846643987086 2.138506735935033 1.738275271530366 +16766,1.5655682361623837,0,0.47443124071465864 0.07149115215479535 -0.012914735908489556 -0.014359335406340523 -0.1264189861699873 -0.15551734852297705 0.15001545618343287 0.009373371425717602 0.2033624538821789 0.790721152780287 0.8535870296530207 1.3098225229673923 1.2915070644457354 1.9059262085784945 2.0457944005656628 1.9404934120313375 2.1620846643987086 2.138506735935033 1.738275271530366 1.840248521816866 +16767,1.2904236147836552,0,0.07149115215479535 -0.012914735908489556 -0.014359335406340523 -0.1264189861699873 -0.15551734852297705 0.15001545618343287 0.009373371425717602 0.2033624538821789 0.790721152780287 0.8535870296530207 1.3098225229673923 1.2915070644457354 1.9059262085784945 2.0457944005656628 1.9404934120313375 2.1620846643987086 2.138506735935033 1.738275271530366 1.840248521816866 1.5655682361623837 +16768,1.0158981074975464,0,-0.012914735908489556 -0.014359335406340523 -0.1264189861699873 -0.15551734852297705 0.15001545618343287 0.009373371425717602 0.2033624538821789 0.790721152780287 0.8535870296530207 1.3098225229673923 1.2915070644457354 1.9059262085784945 2.0457944005656628 1.9404934120313375 2.1620846643987086 2.138506735935033 1.738275271530366 1.840248521816866 1.5655682361623837 1.2904236147836552 +16769,0.7409082647967541,0,-0.014359335406340523 -0.1264189861699873 -0.15551734852297705 0.15001545618343287 0.009373371425717602 0.2033624538821789 0.790721152780287 0.8535870296530207 1.3098225229673923 1.2915070644457354 1.9059262085784945 2.0457944005656628 1.9404934120313375 2.1620846643987086 2.138506735935033 1.738275271530366 1.840248521816866 1.5655682361623837 1.2904236147836552 1.0158981074975464 +16770,0.7236246629929309,0,-0.1264189861699873 -0.15551734852297705 0.15001545618343287 0.009373371425717602 0.2033624538821789 0.790721152780287 0.8535870296530207 1.3098225229673923 1.2915070644457354 1.9059262085784945 2.0457944005656628 1.9404934120313375 2.1620846643987086 2.138506735935033 1.738275271530366 1.840248521816866 1.5655682361623837 1.2904236147836552 1.0158981074975464 0.7409082647967541 +16771,0.3627327397867738,0,-0.15551734852297705 0.15001545618343287 0.009373371425717602 0.2033624538821789 0.790721152780287 0.8535870296530207 1.3098225229673923 1.2915070644457354 1.9059262085784945 2.0457944005656628 1.9404934120313375 2.1620846643987086 2.138506735935033 1.738275271530366 1.840248521816866 1.5655682361623837 1.2904236147836552 1.0158981074975464 0.7409082647967541 0.7236246629929309 +16772,0.25954705778715725,0,0.15001545618343287 0.009373371425717602 0.2033624538821789 0.790721152780287 0.8535870296530207 1.3098225229673923 1.2915070644457354 1.9059262085784945 2.0457944005656628 1.9404934120313375 2.1620846643987086 2.138506735935033 1.738275271530366 1.840248521816866 1.5655682361623837 1.2904236147836552 1.0158981074975464 0.7409082647967541 0.7236246629929309 0.3627327397867738 +16773,0.20449749633371997,0,0.009373371425717602 0.2033624538821789 0.790721152780287 0.8535870296530207 1.3098225229673923 1.2915070644457354 1.9059262085784945 2.0457944005656628 1.9404934120313375 2.1620846643987086 2.138506735935033 1.738275271530366 1.840248521816866 1.5655682361623837 1.2904236147836552 1.0158981074975464 0.7409082647967541 0.7236246629929309 0.3627327397867738 0.25954705778715725 +16774,0.08526644071551986,0,0.2033624538821789 0.790721152780287 0.8535870296530207 1.3098225229673923 1.2915070644457354 1.9059262085784945 2.0457944005656628 1.9404934120313375 2.1620846643987086 2.138506735935033 1.738275271530366 1.840248521816866 1.5655682361623837 1.2904236147836552 1.0158981074975464 0.7409082647967541 0.7236246629929309 0.3627327397867738 0.25954705778715725 0.20449749633371997 +16775,0.014171505643490245,0,0.790721152780287 0.8535870296530207 1.3098225229673923 1.2915070644457354 1.9059262085784945 2.0457944005656628 1.9404934120313375 2.1620846643987086 2.138506735935033 1.738275271530366 1.840248521816866 1.5655682361623837 1.2904236147836552 1.0158981074975464 0.7409082647967541 0.7236246629929309 0.3627327397867738 0.25954705778715725 0.20449749633371997 0.08526644071551986 +16776,0.2700462008895266,0,0.8535870296530207 1.3098225229673923 1.2915070644457354 1.9059262085784945 2.0457944005656628 1.9404934120313375 2.1620846643987086 2.138506735935033 1.738275271530366 1.840248521816866 1.5655682361623837 1.2904236147836552 1.0158981074975464 0.7409082647967541 0.7236246629929309 0.3627327397867738 0.25954705778715725 0.20449749633371997 0.08526644071551986 0.014171505643490245 +16777,0.08996138919960278,0,1.3098225229673923 1.2915070644457354 1.9059262085784945 2.0457944005656628 1.9404934120313375 2.1620846643987086 2.138506735935033 1.738275271530366 1.840248521816866 1.5655682361623837 1.2904236147836552 1.0158981074975464 0.7409082647967541 0.7236246629929309 0.3627327397867738 0.25954705778715725 0.20449749633371997 0.08526644071551986 0.014171505643490245 0.2700462008895266 +16778,0.23684620767294165,0,1.2915070644457354 1.9059262085784945 2.0457944005656628 1.9404934120313375 2.1620846643987086 2.138506735935033 1.738275271530366 1.840248521816866 1.5655682361623837 1.2904236147836552 1.0158981074975464 0.7409082647967541 0.7236246629929309 0.3627327397867738 0.25954705778715725 0.20449749633371997 0.08526644071551986 0.014171505643490245 0.2700462008895266 0.08996138919960278 +16779,0.8072050654962077,0,1.9059262085784945 2.0457944005656628 1.9404934120313375 2.1620846643987086 2.138506735935033 1.738275271530366 1.840248521816866 1.5655682361623837 1.2904236147836552 1.0158981074975464 0.7409082647967541 0.7236246629929309 0.3627327397867738 0.25954705778715725 0.20449749633371997 0.08526644071551986 0.014171505643490245 0.2700462008895266 0.08996138919960278 0.23684620767294165 +16780,0.8129318708529188,0,2.0457944005656628 1.9404934120313375 2.1620846643987086 2.138506735935033 1.738275271530366 1.840248521816866 1.5655682361623837 1.2904236147836552 1.0158981074975464 0.7409082647967541 0.7236246629929309 0.3627327397867738 0.25954705778715725 0.20449749633371997 0.08526644071551986 0.014171505643490245 0.2700462008895266 0.08996138919960278 0.23684620767294165 0.8072050654962077 +16781,1.2421327155595396,0,1.9404934120313375 2.1620846643987086 2.138506735935033 1.738275271530366 1.840248521816866 1.5655682361623837 1.2904236147836552 1.0158981074975464 0.7409082647967541 0.7236246629929309 0.3627327397867738 0.25954705778715725 0.20449749633371997 0.08526644071551986 0.014171505643490245 0.2700462008895266 0.08996138919960278 0.23684620767294165 0.8072050654962077 0.8129318708529188 +16782,1.2134212995144351,0,2.1620846643987086 2.138506735935033 1.738275271530366 1.840248521816866 1.5655682361623837 1.2904236147836552 1.0158981074975464 0.7409082647967541 0.7236246629929309 0.3627327397867738 0.25954705778715725 0.20449749633371997 0.08526644071551986 0.014171505643490245 0.2700462008895266 0.08996138919960278 0.23684620767294165 0.8072050654962077 0.8129318708529188 1.2421327155595396 +16783,1.7952595645232379,0,2.138506735935033 1.738275271530366 1.840248521816866 1.5655682361623837 1.2904236147836552 1.0158981074975464 0.7409082647967541 0.7236246629929309 0.3627327397867738 0.25954705778715725 0.20449749633371997 0.08526644071551986 0.014171505643490245 0.2700462008895266 0.08996138919960278 0.23684620767294165 0.8072050654962077 0.8129318708529188 1.2421327155595396 1.2134212995144351 +16784,1.9191855686255208,0,1.738275271530366 1.840248521816866 1.5655682361623837 1.2904236147836552 1.0158981074975464 0.7409082647967541 0.7236246629929309 0.3627327397867738 0.25954705778715725 0.20449749633371997 0.08526644071551986 0.014171505643490245 0.2700462008895266 0.08996138919960278 0.23684620767294165 0.8072050654962077 0.8129318708529188 1.2421327155595396 1.2134212995144351 1.7952595645232379 +16785,1.7723265466242877,0,1.840248521816866 1.5655682361623837 1.2904236147836552 1.0158981074975464 0.7409082647967541 0.7236246629929309 0.3627327397867738 0.25954705778715725 0.20449749633371997 0.08526644071551986 0.014171505643490245 0.2700462008895266 0.08996138919960278 0.23684620767294165 0.8072050654962077 0.8129318708529188 1.2421327155595396 1.2134212995144351 1.7952595645232379 1.9191855686255208 +16786,1.986514226197594,0,1.5655682361623837 1.2904236147836552 1.0158981074975464 0.7409082647967541 0.7236246629929309 0.3627327397867738 0.25954705778715725 0.20449749633371997 0.08526644071551986 0.014171505643490245 0.2700462008895266 0.08996138919960278 0.23684620767294165 0.8072050654962077 0.8129318708529188 1.2421327155595396 1.2134212995144351 1.7952595645232379 1.9191855686255208 1.7723265466242877 +16787,1.929916879667393,0,1.2904236147836552 1.0158981074975464 0.7409082647967541 0.7236246629929309 0.3627327397867738 0.25954705778715725 0.20449749633371997 0.08526644071551986 0.014171505643490245 0.2700462008895266 0.08996138919960278 0.23684620767294165 0.8072050654962077 0.8129318708529188 1.2421327155595396 1.2134212995144351 1.7952595645232379 1.9191855686255208 1.7723265466242877 1.986514226197594 +16788,1.5167872048966933,0,1.0158981074975464 0.7409082647967541 0.7236246629929309 0.3627327397867738 0.25954705778715725 0.20449749633371997 0.08526644071551986 0.014171505643490245 0.2700462008895266 0.08996138919960278 0.23684620767294165 0.8072050654962077 0.8129318708529188 1.2421327155595396 1.2134212995144351 1.7952595645232379 1.9191855686255208 1.7723265466242877 1.986514226197594 1.929916879667393 +16789,1.5790339676767984,0,0.7409082647967541 0.7236246629929309 0.3627327397867738 0.25954705778715725 0.20449749633371997 0.08526644071551986 0.014171505643490245 0.2700462008895266 0.08996138919960278 0.23684620767294165 0.8072050654962077 0.8129318708529188 1.2421327155595396 1.2134212995144351 1.7952595645232379 1.9191855686255208 1.7723265466242877 1.986514226197594 1.929916879667393 1.5167872048966933 +16790,1.2847484022164049,0,0.7236246629929309 0.3627327397867738 0.25954705778715725 0.20449749633371997 0.08526644071551986 0.014171505643490245 0.2700462008895266 0.08996138919960278 0.23684620767294165 0.8072050654962077 0.8129318708529188 1.2421327155595396 1.2134212995144351 1.7952595645232379 1.9191855686255208 1.7723265466242877 1.986514226197594 1.929916879667393 1.5167872048966933 1.5790339676767984 +16791,0.9985887093763944,0,0.3627327397867738 0.25954705778715725 0.20449749633371997 0.08526644071551986 0.014171505643490245 0.2700462008895266 0.08996138919960278 0.23684620767294165 0.8072050654962077 0.8129318708529188 1.2421327155595396 1.2134212995144351 1.7952595645232379 1.9191855686255208 1.7723265466242877 1.986514226197594 1.929916879667393 1.5167872048966933 1.5790339676767984 1.2847484022164049 +16792,0.7015945199155816,0,0.25954705778715725 0.20449749633371997 0.08526644071551986 0.014171505643490245 0.2700462008895266 0.08996138919960278 0.23684620767294165 0.8072050654962077 0.8129318708529188 1.2421327155595396 1.2134212995144351 1.7952595645232379 1.9191855686255208 1.7723265466242877 1.986514226197594 1.929916879667393 1.5167872048966933 1.5790339676767984 1.2847484022164049 0.9985887093763944 +16793,0.41272620276558936,0,0.20449749633371997 0.08526644071551986 0.014171505643490245 0.2700462008895266 0.08996138919960278 0.23684620767294165 0.8072050654962077 0.8129318708529188 1.2421327155595396 1.2134212995144351 1.7952595645232379 1.9191855686255208 1.7723265466242877 1.986514226197594 1.929916879667393 1.5167872048966933 1.5790339676767984 1.2847484022164049 0.9985887093763944 0.7015945199155816 +16794,0.4127519992377038,0,0.08526644071551986 0.014171505643490245 0.2700462008895266 0.08996138919960278 0.23684620767294165 0.8072050654962077 0.8129318708529188 1.2421327155595396 1.2134212995144351 1.7952595645232379 1.9191855686255208 1.7723265466242877 1.986514226197594 1.929916879667393 1.5167872048966933 1.5790339676767984 1.2847484022164049 0.9985887093763944 0.7015945199155816 0.41272620276558936 +16795,0.027585644368452848,0,0.014171505643490245 0.2700462008895266 0.08996138919960278 0.23684620767294165 0.8072050654962077 0.8129318708529188 1.2421327155595396 1.2134212995144351 1.7952595645232379 1.9191855686255208 1.7723265466242877 1.986514226197594 1.929916879667393 1.5167872048966933 1.5790339676767984 1.2847484022164049 0.9985887093763944 0.7015945199155816 0.41272620276558936 0.4127519992377038 +16796,-0.06868659703346827,0,0.2700462008895266 0.08996138919960278 0.23684620767294165 0.8072050654962077 0.8129318708529188 1.2421327155595396 1.2134212995144351 1.7952595645232379 1.9191855686255208 1.7723265466242877 1.986514226197594 1.929916879667393 1.5167872048966933 1.5790339676767984 1.2847484022164049 0.9985887093763944 0.7015945199155816 0.41272620276558936 0.4127519992377038 0.027585644368452848 +16797,-0.13617003312870074,0,0.08996138919960278 0.23684620767294165 0.8072050654962077 0.8129318708529188 1.2421327155595396 1.2134212995144351 1.7952595645232379 1.9191855686255208 1.7723265466242877 1.986514226197594 1.929916879667393 1.5167872048966933 1.5790339676767984 1.2847484022164049 0.9985887093763944 0.7015945199155816 0.41272620276558936 0.4127519992377038 0.027585644368452848 -0.06868659703346827 +16798,-0.24203854296618474,0,0.23684620767294165 0.8072050654962077 0.8129318708529188 1.2421327155595396 1.2134212995144351 1.7952595645232379 1.9191855686255208 1.7723265466242877 1.986514226197594 1.929916879667393 1.5167872048966933 1.5790339676767984 1.2847484022164049 0.9985887093763944 0.7015945199155816 0.41272620276558936 0.4127519992377038 0.027585644368452848 -0.06868659703346827 -0.13617003312870074 +16799,-0.3191182474969801,0,0.8072050654962077 0.8129318708529188 1.2421327155595396 1.2134212995144351 1.7952595645232379 1.9191855686255208 1.7723265466242877 1.986514226197594 1.929916879667393 1.5167872048966933 1.5790339676767984 1.2847484022164049 0.9985887093763944 0.7015945199155816 0.41272620276558936 0.4127519992377038 0.027585644368452848 -0.06868659703346827 -0.13617003312870074 -0.24203854296618474 +16800,-0.02225304008720336,0,0.8129318708529188 1.2421327155595396 1.2134212995144351 1.7952595645232379 1.9191855686255208 1.7723265466242877 1.986514226197594 1.929916879667393 1.5167872048966933 1.5790339676767984 1.2847484022164049 0.9985887093763944 0.7015945199155816 0.41272620276558936 0.4127519992377038 0.027585644368452848 -0.06868659703346827 -0.13617003312870074 -0.24203854296618474 -0.3191182474969801 +16801,-0.22398104854660006,0,1.2421327155595396 1.2134212995144351 1.7952595645232379 1.9191855686255208 1.7723265466242877 1.986514226197594 1.929916879667393 1.5167872048966933 1.5790339676767984 1.2847484022164049 0.9985887093763944 0.7015945199155816 0.41272620276558936 0.4127519992377038 0.027585644368452848 -0.06868659703346827 -0.13617003312870074 -0.24203854296618474 -0.3191182474969801 -0.02225304008720336 +16802,-0.051764145220201535,0,1.2134212995144351 1.7952595645232379 1.9191855686255208 1.7723265466242877 1.986514226197594 1.929916879667393 1.5167872048966933 1.5790339676767984 1.2847484022164049 0.9985887093763944 0.7015945199155816 0.41272620276558936 0.4127519992377038 0.027585644368452848 -0.06868659703346827 -0.13617003312870074 -0.24203854296618474 -0.3191182474969801 -0.02225304008720336 -0.22398104854660006 +16803,0.5050773882991979,0,1.7952595645232379 1.9191855686255208 1.7723265466242877 1.986514226197594 1.929916879667393 1.5167872048966933 1.5790339676767984 1.2847484022164049 0.9985887093763944 0.7015945199155816 0.41272620276558936 0.4127519992377038 0.027585644368452848 -0.06868659703346827 -0.13617003312870074 -0.24203854296618474 -0.3191182474969801 -0.02225304008720336 -0.22398104854660006 -0.051764145220201535 +16804,0.5490860816644445,0,1.9191855686255208 1.7723265466242877 1.986514226197594 1.929916879667393 1.5167872048966933 1.5790339676767984 1.2847484022164049 0.9985887093763944 0.7015945199155816 0.41272620276558936 0.4127519992377038 0.027585644368452848 -0.06868659703346827 -0.13617003312870074 -0.24203854296618474 -0.3191182474969801 -0.02225304008720336 -0.22398104854660006 -0.051764145220201535 0.5050773882991979 +16805,0.977719405222692,0,1.7723265466242877 1.986514226197594 1.929916879667393 1.5167872048966933 1.5790339676767984 1.2847484022164049 0.9985887093763944 0.7015945199155816 0.41272620276558936 0.4127519992377038 0.027585644368452848 -0.06868659703346827 -0.13617003312870074 -0.24203854296618474 -0.3191182474969801 -0.02225304008720336 -0.22398104854660006 -0.051764145220201535 0.5050773882991979 0.5490860816644445 +16806,0.8921784747078747,0,1.986514226197594 1.929916879667393 1.5167872048966933 1.5790339676767984 1.2847484022164049 0.9985887093763944 0.7015945199155816 0.41272620276558936 0.4127519992377038 0.027585644368452848 -0.06868659703346827 -0.13617003312870074 -0.24203854296618474 -0.3191182474969801 -0.02225304008720336 -0.22398104854660006 -0.051764145220201535 0.5050773882991979 0.5490860816644445 0.977719405222692 +16807,1.4922032161872896,0,1.929916879667393 1.5167872048966933 1.5790339676767984 1.2847484022164049 0.9985887093763944 0.7015945199155816 0.41272620276558936 0.4127519992377038 0.027585644368452848 -0.06868659703346827 -0.13617003312870074 -0.24203854296618474 -0.3191182474969801 -0.02225304008720336 -0.22398104854660006 -0.051764145220201535 0.5050773882991979 0.5490860816644445 0.977719405222692 0.8921784747078747 +16808,1.5780537035936397,0,1.5167872048966933 1.5790339676767984 1.2847484022164049 0.9985887093763944 0.7015945199155816 0.41272620276558936 0.4127519992377038 0.027585644368452848 -0.06868659703346827 -0.13617003312870074 -0.24203854296618474 -0.3191182474969801 -0.02225304008720336 -0.22398104854660006 -0.051764145220201535 0.5050773882991979 0.5490860816644445 0.977719405222692 0.8921784747078747 1.4922032161872896 +16809,1.4984459499029132,0,1.5790339676767984 1.2847484022164049 0.9985887093763944 0.7015945199155816 0.41272620276558936 0.4127519992377038 0.027585644368452848 -0.06868659703346827 -0.13617003312870074 -0.24203854296618474 -0.3191182474969801 -0.02225304008720336 -0.22398104854660006 -0.051764145220201535 0.5050773882991979 0.5490860816644445 0.977719405222692 0.8921784747078747 1.4922032161872896 1.5780537035936397 +16810,1.6394491844963992,0,1.2847484022164049 0.9985887093763944 0.7015945199155816 0.41272620276558936 0.4127519992377038 0.027585644368452848 -0.06868659703346827 -0.13617003312870074 -0.24203854296618474 -0.3191182474969801 -0.02225304008720336 -0.22398104854660006 -0.051764145220201535 0.5050773882991979 0.5490860816644445 0.977719405222692 0.8921784747078747 1.4922032161872896 1.5780537035936397 1.4984459499029132 +16811,1.6149941778380315,0,0.9985887093763944 0.7015945199155816 0.41272620276558936 0.4127519992377038 0.027585644368452848 -0.06868659703346827 -0.13617003312870074 -0.24203854296618474 -0.3191182474969801 -0.02225304008720336 -0.22398104854660006 -0.051764145220201535 0.5050773882991979 0.5490860816644445 0.977719405222692 0.8921784747078747 1.4922032161872896 1.5780537035936397 1.4984459499029132 1.6394491844963992 +16812,1.24460917193001,0,0.7015945199155816 0.41272620276558936 0.4127519992377038 0.027585644368452848 -0.06868659703346827 -0.13617003312870074 -0.24203854296618474 -0.3191182474969801 -0.02225304008720336 -0.22398104854660006 -0.051764145220201535 0.5050773882991979 0.5490860816644445 0.977719405222692 0.8921784747078747 1.4922032161872896 1.5780537035936397 1.4984459499029132 1.6394491844963992 1.6149941778380315 +16813,1.33546416502153,0,0.41272620276558936 0.4127519992377038 0.027585644368452848 -0.06868659703346827 -0.13617003312870074 -0.24203854296618474 -0.3191182474969801 -0.02225304008720336 -0.22398104854660006 -0.051764145220201535 0.5050773882991979 0.5490860816644445 0.977719405222692 0.8921784747078747 1.4922032161872896 1.5780537035936397 1.4984459499029132 1.6394491844963992 1.6149941778380315 1.24460917193001 +16814,1.0803891588633872,0,0.4127519992377038 0.027585644368452848 -0.06868659703346827 -0.13617003312870074 -0.24203854296618474 -0.3191182474969801 -0.02225304008720336 -0.22398104854660006 -0.051764145220201535 0.5050773882991979 0.5490860816644445 0.977719405222692 0.8921784747078747 1.4922032161872896 1.5780537035936397 1.4984459499029132 1.6394491844963992 1.6149941778380315 1.24460917193001 1.33546416502153 +16815,0.768200877661354,0,0.027585644368452848 -0.06868659703346827 -0.13617003312870074 -0.24203854296618474 -0.3191182474969801 -0.02225304008720336 -0.22398104854660006 -0.051764145220201535 0.5050773882991979 0.5490860816644445 0.977719405222692 0.8921784747078747 1.4922032161872896 1.5780537035936397 1.4984459499029132 1.6394491844963992 1.6149941778380315 1.24460917193001 1.33546416502153 1.0803891588633872 +16816,0.5321636298511777,0,-0.06868659703346827 -0.13617003312870074 -0.24203854296618474 -0.3191182474969801 -0.02225304008720336 -0.22398104854660006 -0.051764145220201535 0.5050773882991979 0.5490860816644445 0.977719405222692 0.8921784747078747 1.4922032161872896 1.5780537035936397 1.4984459499029132 1.6394491844963992 1.6149941778380315 1.24460917193001 1.33546416502153 1.0803891588633872 0.768200877661354 +16817,0.23901310699710215,0,-0.13617003312870074 -0.24203854296618474 -0.3191182474969801 -0.02225304008720336 -0.22398104854660006 -0.051764145220201535 0.5050773882991979 0.5490860816644445 0.977719405222692 0.8921784747078747 1.4922032161872896 1.5780537035936397 1.4984459499029132 1.6394491844963992 1.6149941778380315 1.24460917193001 1.33546416502153 1.0803891588633872 0.768200877661354 0.5321636298511777 +16818,0.2204396842185962,0,-0.24203854296618474 -0.3191182474969801 -0.02225304008720336 -0.22398104854660006 -0.051764145220201535 0.5050773882991979 0.5490860816644445 0.977719405222692 0.8921784747078747 1.4922032161872896 1.5780537035936397 1.4984459499029132 1.6394491844963992 1.6149941778380315 1.24460917193001 1.33546416502153 1.0803891588633872 0.768200877661354 0.5321636298511777 0.23901310699710215 +16819,-0.16423653860907106,0,-0.3191182474969801 -0.02225304008720336 -0.22398104854660006 -0.051764145220201535 0.5050773882991979 0.5490860816644445 0.977719405222692 0.8921784747078747 1.4922032161872896 1.5780537035936397 1.4984459499029132 1.6394491844963992 1.6149941778380315 1.24460917193001 1.33546416502153 1.0803891588633872 0.768200877661354 0.5321636298511777 0.23901310699710215 0.2204396842185962 +16820,-0.2743356615159544,0,-0.02225304008720336 -0.22398104854660006 -0.051764145220201535 0.5050773882991979 0.5490860816644445 0.977719405222692 0.8921784747078747 1.4922032161872896 1.5780537035936397 1.4984459499029132 1.6394491844963992 1.6149941778380315 1.24460917193001 1.33546416502153 1.0803891588633872 0.768200877661354 0.5321636298511777 0.23901310699710215 0.2204396842185962 -0.16423653860907106 +16821,-0.32445810654579726,0,-0.22398104854660006 -0.051764145220201535 0.5050773882991979 0.5490860816644445 0.977719405222692 0.8921784747078747 1.4922032161872896 1.5780537035936397 1.4984459499029132 1.6394491844963992 1.6149941778380315 1.24460917193001 1.33546416502153 1.0803891588633872 0.768200877661354 0.5321636298511777 0.23901310699710215 0.2204396842185962 -0.16423653860907106 -0.2743356615159544 +16822,-0.4545494552569143,0,-0.051764145220201535 0.5050773882991979 0.5490860816644445 0.977719405222692 0.8921784747078747 1.4922032161872896 1.5780537035936397 1.4984459499029132 1.6394491844963992 1.6149941778380315 1.24460917193001 1.33546416502153 1.0803891588633872 0.768200877661354 0.5321636298511777 0.23901310699710215 0.2204396842185962 -0.16423653860907106 -0.2743356615159544 -0.32445810654579726 +16823,-0.5246641262457765,0,0.5050773882991979 0.5490860816644445 0.977719405222692 0.8921784747078747 1.4922032161872896 1.5780537035936397 1.4984459499029132 1.6394491844963992 1.6149941778380315 1.24460917193001 1.33546416502153 1.0803891588633872 0.768200877661354 0.5321636298511777 0.23901310699710215 0.2204396842185962 -0.16423653860907106 -0.2743356615159544 -0.32445810654579726 -0.4545494552569143 +16824,-0.2373177980099786,0,0.5490860816644445 0.977719405222692 0.8921784747078747 1.4922032161872896 1.5780537035936397 1.4984459499029132 1.6394491844963992 1.6149941778380315 1.24460917193001 1.33546416502153 1.0803891588633872 0.768200877661354 0.5321636298511777 0.23901310699710215 0.2204396842185962 -0.16423653860907106 -0.2743356615159544 -0.32445810654579726 -0.4545494552569143 -0.5246641262457765 +16825,-0.4265861353554568,0,0.977719405222692 0.8921784747078747 1.4922032161872896 1.5780537035936397 1.4984459499029132 1.6394491844963992 1.6149941778380315 1.24460917193001 1.33546416502153 1.0803891588633872 0.768200877661354 0.5321636298511777 0.23901310699710215 0.2204396842185962 -0.16423653860907106 -0.2743356615159544 -0.32445810654579726 -0.4545494552569143 -0.5246641262457765 -0.2373177980099786 +16826,-0.2583934736310694,0,0.8921784747078747 1.4922032161872896 1.5780537035936397 1.4984459499029132 1.6394491844963992 1.6149941778380315 1.24460917193001 1.33546416502153 1.0803891588633872 0.768200877661354 0.5321636298511777 0.23901310699710215 0.2204396842185962 -0.16423653860907106 -0.2743356615159544 -0.32445810654579726 -0.4545494552569143 -0.5246641262457765 -0.2373177980099786 -0.4265861353554568 +16827,0.3489832476981725,0,1.4922032161872896 1.5780537035936397 1.4984459499029132 1.6394491844963992 1.6149941778380315 1.24460917193001 1.33546416502153 1.0803891588633872 0.768200877661354 0.5321636298511777 0.23901310699710215 0.2204396842185962 -0.16423653860907106 -0.2743356615159544 -0.32445810654579726 -0.4545494552569143 -0.5246641262457765 -0.2373177980099786 -0.4265861353554568 -0.2583934736310694 +16828,0.37078122299079597,0,1.5780537035936397 1.4984459499029132 1.6394491844963992 1.6149941778380315 1.24460917193001 1.33546416502153 1.0803891588633872 0.768200877661354 0.5321636298511777 0.23901310699710215 0.2204396842185962 -0.16423653860907106 -0.2743356615159544 -0.32445810654579726 -0.4545494552569143 -0.5246641262457765 -0.2373177980099786 -0.4265861353554568 -0.2583934736310694 0.3489832476981725 +16829,0.8317632578882739,0,1.4984459499029132 1.6394491844963992 1.6149941778380315 1.24460917193001 1.33546416502153 1.0803891588633872 0.768200877661354 0.5321636298511777 0.23901310699710215 0.2204396842185962 -0.16423653860907106 -0.2743356615159544 -0.32445810654579726 -0.4545494552569143 -0.5246641262457765 -0.2373177980099786 -0.4265861353554568 -0.2583934736310694 0.3489832476981725 0.37078122299079597 +16830,0.7987696359843092,0,1.6394491844963992 1.6149941778380315 1.24460917193001 1.33546416502153 1.0803891588633872 0.768200877661354 0.5321636298511777 0.23901310699710215 0.2204396842185962 -0.16423653860907106 -0.2743356615159544 -0.32445810654579726 -0.4545494552569143 -0.5246641262457765 -0.2373177980099786 -0.4265861353554568 -0.2583934736310694 0.3489832476981725 0.37078122299079597 0.8317632578882739 +16831,1.4244102230457472,0,1.6149941778380315 1.24460917193001 1.33546416502153 1.0803891588633872 0.768200877661354 0.5321636298511777 0.23901310699710215 0.2204396842185962 -0.16423653860907106 -0.2743356615159544 -0.32445810654579726 -0.4545494552569143 -0.5246641262457765 -0.2373177980099786 -0.4265861353554568 -0.2583934736310694 0.3489832476981725 0.37078122299079597 0.8317632578882739 0.7987696359843092 +16832,1.5560751533057424,0,1.24460917193001 1.33546416502153 1.0803891588633872 0.768200877661354 0.5321636298511777 0.23901310699710215 0.2204396842185962 -0.16423653860907106 -0.2743356615159544 -0.32445810654579726 -0.4545494552569143 -0.5246641262457765 -0.2373177980099786 -0.4265861353554568 -0.2583934736310694 0.3489832476981725 0.37078122299079597 0.8317632578882739 0.7987696359843092 1.4244102230457472 +16833,1.4527862855724274,0,1.33546416502153 1.0803891588633872 0.768200877661354 0.5321636298511777 0.23901310699710215 0.2204396842185962 -0.16423653860907106 -0.2743356615159544 -0.32445810654579726 -0.4545494552569143 -0.5246641262457765 -0.2373177980099786 -0.4265861353554568 -0.2583934736310694 0.3489832476981725 0.37078122299079597 0.8317632578882739 0.7987696359843092 1.4244102230457472 1.5560751533057424 +16834,1.6627691487032257,0,1.0803891588633872 0.768200877661354 0.5321636298511777 0.23901310699710215 0.2204396842185962 -0.16423653860907106 -0.2743356615159544 -0.32445810654579726 -0.4545494552569143 -0.5246641262457765 -0.2373177980099786 -0.4265861353554568 -0.2583934736310694 0.3489832476981725 0.37078122299079597 0.8317632578882739 0.7987696359843092 1.4244102230457472 1.5560751533057424 1.4527862855724274 +16835,1.63779821353116,0,0.768200877661354 0.5321636298511777 0.23901310699710215 0.2204396842185962 -0.16423653860907106 -0.2743356615159544 -0.32445810654579726 -0.4545494552569143 -0.5246641262457765 -0.2373177980099786 -0.4265861353554568 -0.2583934736310694 0.3489832476981725 0.37078122299079597 0.8317632578882739 0.7987696359843092 1.4244102230457472 1.5560751533057424 1.4527862855724274 1.6627691487032257 +16836,1.2199993867484917,0,0.5321636298511777 0.23901310699710215 0.2204396842185962 -0.16423653860907106 -0.2743356615159544 -0.32445810654579726 -0.4545494552569143 -0.5246641262457765 -0.2373177980099786 -0.4265861353554568 -0.2583934736310694 0.3489832476981725 0.37078122299079597 0.8317632578882739 0.7987696359843092 1.4244102230457472 1.5560751533057424 1.4527862855724274 1.6627691487032257 1.63779821353116 +16837,1.3259710823196655,0,0.23901310699710215 0.2204396842185962 -0.16423653860907106 -0.2743356615159544 -0.32445810654579726 -0.4545494552569143 -0.5246641262457765 -0.2373177980099786 -0.4265861353554568 -0.2583934736310694 0.3489832476981725 0.37078122299079597 0.8317632578882739 0.7987696359843092 1.4244102230457472 1.5560751533057424 1.4527862855724274 1.6627691487032257 1.63779821353116 1.2199993867484917 +16838,1.0391148859706745,0,0.2204396842185962 -0.16423653860907106 -0.2743356615159544 -0.32445810654579726 -0.4545494552569143 -0.5246641262457765 -0.2373177980099786 -0.4265861353554568 -0.2583934736310694 0.3489832476981725 0.37078122299079597 0.8317632578882739 0.7987696359843092 1.4244102230457472 1.5560751533057424 1.4527862855724274 1.6627691487032257 1.63779821353116 1.2199993867484917 1.3259710823196655 +16839,0.7545029783622048,0,-0.16423653860907106 -0.2743356615159544 -0.32445810654579726 -0.4545494552569143 -0.5246641262457765 -0.2373177980099786 -0.4265861353554568 -0.2583934736310694 0.3489832476981725 0.37078122299079597 0.8317632578882739 0.7987696359843092 1.4244102230457472 1.5560751533057424 1.4527862855724274 1.6627691487032257 1.63779821353116 1.2199993867484917 1.3259710823196655 1.0391148859706745 +16840,0.46689868586955774,0,-0.2743356615159544 -0.32445810654579726 -0.4545494552569143 -0.5246641262457765 -0.2373177980099786 -0.4265861353554568 -0.2583934736310694 0.3489832476981725 0.37078122299079597 0.8317632578882739 0.7987696359843092 1.4244102230457472 1.5560751533057424 1.4527862855724274 1.6627691487032257 1.63779821353116 1.2199993867484917 1.3259710823196655 1.0391148859706745 0.7545029783622048 +16841,0.18153868211743218,0,-0.32445810654579726 -0.4545494552569143 -0.5246641262457765 -0.2373177980099786 -0.4265861353554568 -0.2583934736310694 0.3489832476981725 0.37078122299079597 0.8317632578882739 0.7987696359843092 1.4244102230457472 1.5560751533057424 1.4527862855724274 1.6627691487032257 1.63779821353116 1.2199993867484917 1.3259710823196655 1.0391148859706745 0.7545029783622048 0.46689868586955774 +16842,0.1800424896753523,0,-0.4545494552569143 -0.5246641262457765 -0.2373177980099786 -0.4265861353554568 -0.2583934736310694 0.3489832476981725 0.37078122299079597 0.8317632578882739 0.7987696359843092 1.4244102230457472 1.5560751533057424 1.4527862855724274 1.6627691487032257 1.63779821353116 1.2199993867484917 1.3259710823196655 1.0391148859706745 0.7545029783622048 0.46689868586955774 0.18153868211743218 +16843,-0.19993878466823203,0,-0.5246641262457765 -0.2373177980099786 -0.4265861353554568 -0.2583934736310694 0.3489832476981725 0.37078122299079597 0.8317632578882739 0.7987696359843092 1.4244102230457472 1.5560751533057424 1.4527862855724274 1.6627691487032257 1.63779821353116 1.2199993867484917 1.3259710823196655 1.0391148859706745 0.7545029783622048 0.46689868586955774 0.18153868211743218 0.1800424896753523 +16844,-0.2960562475470026,0,-0.2373177980099786 -0.4265861353554568 -0.2583934736310694 0.3489832476981725 0.37078122299079597 0.8317632578882739 0.7987696359843092 1.4244102230457472 1.5560751533057424 1.4527862855724274 1.6627691487032257 1.63779821353116 1.2199993867484917 1.3259710823196655 1.0391148859706745 0.7545029783622048 0.46689868586955774 0.18153868211743218 0.1800424896753523 -0.19993878466823203 +16845,-0.3423350259701082,0,-0.4265861353554568 -0.2583934736310694 0.3489832476981725 0.37078122299079597 0.8317632578882739 0.7987696359843092 1.4244102230457472 1.5560751533057424 1.4527862855724274 1.6627691487032257 1.63779821353116 1.2199993867484917 1.3259710823196655 1.0391148859706745 0.7545029783622048 0.46689868586955774 0.18153868211743218 0.1800424896753523 -0.19993878466823203 -0.2960562475470026 +16846,-0.4550653836158356,0,-0.2583934736310694 0.3489832476981725 0.37078122299079597 0.8317632578882739 0.7987696359843092 1.4244102230457472 1.5560751533057424 1.4527862855724274 1.6627691487032257 1.63779821353116 1.2199993867484917 1.3259710823196655 1.0391148859706745 0.7545029783622048 0.46689868586955774 0.18153868211743218 0.1800424896753523 -0.19993878466823203 -0.2960562475470026 -0.3423350259701082 +16847,-0.5179570569606836,0,0.3489832476981725 0.37078122299079597 0.8317632578882739 0.7987696359843092 1.4244102230457472 1.5560751533057424 1.4527862855724274 1.6627691487032257 1.63779821353116 1.2199993867484917 1.3259710823196655 1.0391148859706745 0.7545029783622048 0.46689868586955774 0.18153868211743218 0.1800424896753523 -0.19993878466823203 -0.2960562475470026 -0.3423350259701082 -0.4550653836158356 +16848,-0.2286502007133454,0,0.37078122299079597 0.8317632578882739 0.7987696359843092 1.4244102230457472 1.5560751533057424 1.4527862855724274 1.6627691487032257 1.63779821353116 1.2199993867484917 1.3259710823196655 1.0391148859706745 0.7545029783622048 0.46689868586955774 0.18153868211743218 0.1800424896753523 -0.19993878466823203 -0.2960562475470026 -0.3423350259701082 -0.4550653836158356 -0.5179570569606836 +16849,-0.40894138371588057,0,0.8317632578882739 0.7987696359843092 1.4244102230457472 1.5560751533057424 1.4527862855724274 1.6627691487032257 1.63779821353116 1.2199993867484917 1.3259710823196655 1.0391148859706745 0.7545029783622048 0.46689868586955774 0.18153868211743218 0.1800424896753523 -0.19993878466823203 -0.2960562475470026 -0.3423350259701082 -0.4550653836158356 -0.5179570569606836 -0.2286502007133454 +16850,-0.23703403743579193,0,0.7987696359843092 1.4244102230457472 1.5560751533057424 1.4527862855724274 1.6627691487032257 1.63779821353116 1.2199993867484917 1.3259710823196655 1.0391148859706745 0.7545029783622048 0.46689868586955774 0.18153868211743218 0.1800424896753523 -0.19993878466823203 -0.2960562475470026 -0.3423350259701082 -0.4550653836158356 -0.5179570569606836 -0.2286502007133454 -0.40894138371588057 +16851,0.2821963149571351,0,1.4244102230457472 1.5560751533057424 1.4527862855724274 1.6627691487032257 1.63779821353116 1.2199993867484917 1.3259710823196655 1.0391148859706745 0.7545029783622048 0.46689868586955774 0.18153868211743218 0.1800424896753523 -0.19993878466823203 -0.2960562475470026 -0.3423350259701082 -0.4550653836158356 -0.5179570569606836 -0.2286502007133454 -0.40894138371588057 -0.23703403743579193 +16852,0.33832932607265265,0,1.5560751533057424 1.4527862855724274 1.6627691487032257 1.63779821353116 1.2199993867484917 1.3259710823196655 1.0391148859706745 0.7545029783622048 0.46689868586955774 0.18153868211743218 0.1800424896753523 -0.19993878466823203 -0.2960562475470026 -0.3423350259701082 -0.4550653836158356 -0.5179570569606836 -0.2286502007133454 -0.40894138371588057 -0.23703403743579193 0.2821963149571351 +16853,0.7417853429914373,0,1.4527862855724274 1.6627691487032257 1.63779821353116 1.2199993867484917 1.3259710823196655 1.0391148859706745 0.7545029783622048 0.46689868586955774 0.18153868211743218 0.1800424896753523 -0.19993878466823203 -0.2960562475470026 -0.3423350259701082 -0.4550653836158356 -0.5179570569606836 -0.2286502007133454 -0.40894138371588057 -0.23703403743579193 0.2821963149571351 0.33832932607265265 +16854,0.7055155757838942,0,1.6627691487032257 1.63779821353116 1.2199993867484917 1.3259710823196655 1.0391148859706745 0.7545029783622048 0.46689868586955774 0.18153868211743218 0.1800424896753523 -0.19993878466823203 -0.2960562475470026 -0.3423350259701082 -0.4550653836158356 -0.5179570569606836 -0.2286502007133454 -0.40894138371588057 -0.23703403743579193 0.2821963149571351 0.33832932607265265 0.7417853429914373 +16855,1.2555468542845023,0,1.63779821353116 1.2199993867484917 1.3259710823196655 1.0391148859706745 0.7545029783622048 0.46689868586955774 0.18153868211743218 0.1800424896753523 -0.19993878466823203 -0.2960562475470026 -0.3423350259701082 -0.4550653836158356 -0.5179570569606836 -0.2286502007133454 -0.40894138371588057 -0.23703403743579193 0.2821963149571351 0.33832932607265265 0.7417853429914373 0.7055155757838942 +16856,1.3658523483492113,0,1.2199993867484917 1.3259710823196655 1.0391148859706745 0.7545029783622048 0.46689868586955774 0.18153868211743218 0.1800424896753523 -0.19993878466823203 -0.2960562475470026 -0.3423350259701082 -0.4550653836158356 -0.5179570569606836 -0.2286502007133454 -0.40894138371588057 -0.23703403743579193 0.2821963149571351 0.33832932607265265 0.7417853429914373 0.7055155757838942 1.2555468542845023 +16857,1.2494846954093668,0,1.3259710823196655 1.0391148859706745 0.7545029783622048 0.46689868586955774 0.18153868211743218 0.1800424896753523 -0.19993878466823203 -0.2960562475470026 -0.3423350259701082 -0.4550653836158356 -0.5179570569606836 -0.2286502007133454 -0.40894138371588057 -0.23703403743579193 0.2821963149571351 0.33832932607265265 0.7417853429914373 0.7055155757838942 1.2555468542845023 1.3658523483492113 +16858,1.4353479052454536,0,1.0391148859706745 0.7545029783622048 0.46689868586955774 0.18153868211743218 0.1800424896753523 -0.19993878466823203 -0.2960562475470026 -0.3423350259701082 -0.4550653836158356 -0.5179570569606836 -0.2286502007133454 -0.40894138371588057 -0.23703403743579193 0.2821963149571351 0.33832932607265265 0.7417853429914373 0.7055155757838942 1.2555468542845023 1.3658523483492113 1.2494846954093668 +16859,1.3945379680769783,0,0.7545029783622048 0.46689868586955774 0.18153868211743218 0.1800424896753523 -0.19993878466823203 -0.2960562475470026 -0.3423350259701082 -0.4550653836158356 -0.5179570569606836 -0.2286502007133454 -0.40894138371588057 -0.23703403743579193 0.2821963149571351 0.33832932607265265 0.7417853429914373 0.7055155757838942 1.2555468542845023 1.3658523483492113 1.2494846954093668 1.4353479052454536 +16860,0.977848387273728,0,0.46689868586955774 0.18153868211743218 0.1800424896753523 -0.19993878466823203 -0.2960562475470026 -0.3423350259701082 -0.4550653836158356 -0.5179570569606836 -0.2286502007133454 -0.40894138371588057 -0.23703403743579193 0.2821963149571351 0.33832932607265265 0.7417853429914373 0.7055155757838942 1.2555468542845023 1.3658523483492113 1.2494846954093668 1.4353479052454536 1.3945379680769783 +16861,1.0623316644438112,0,0.18153868211743218 0.1800424896753523 -0.19993878466823203 -0.2960562475470026 -0.3423350259701082 -0.4550653836158356 -0.5179570569606836 -0.2286502007133454 -0.40894138371588057 -0.23703403743579193 0.2821963149571351 0.33832932607265265 0.7417853429914373 0.7055155757838942 1.2555468542845023 1.3658523483492113 1.2494846954093668 1.4353479052454536 1.3945379680769783 0.977848387273728 +16862,0.7709352982886647,0,0.1800424896753523 -0.19993878466823203 -0.2960562475470026 -0.3423350259701082 -0.4550653836158356 -0.5179570569606836 -0.2286502007133454 -0.40894138371588057 -0.23703403743579193 0.2821963149571351 0.33832932607265265 0.7417853429914373 0.7055155757838942 1.2555468542845023 1.3658523483492113 1.2494846954093668 1.4353479052454536 1.3945379680769783 0.977848387273728 1.0623316644438112 +16863,0.4855752943817622,0,-0.19993878466823203 -0.2960562475470026 -0.3423350259701082 -0.4550653836158356 -0.5179570569606836 -0.2286502007133454 -0.40894138371588057 -0.23703403743579193 0.2821963149571351 0.33832932607265265 0.7417853429914373 0.7055155757838942 1.2555468542845023 1.3658523483492113 1.2494846954093668 1.4353479052454536 1.3945379680769783 0.977848387273728 1.0623316644438112 0.7709352982886647 +16864,0.19216680727083763,0,-0.2960562475470026 -0.3423350259701082 -0.4550653836158356 -0.5179570569606836 -0.2286502007133454 -0.40894138371588057 -0.23703403743579193 0.2821963149571351 0.33832932607265265 0.7417853429914373 0.7055155757838942 1.2555468542845023 1.3658523483492113 1.2494846954093668 1.4353479052454536 1.3945379680769783 0.977848387273728 1.0623316644438112 0.7709352982886647 0.4855752943817622 +16865,-0.09520531728229789,0,-0.3423350259701082 -0.4550653836158356 -0.5179570569606836 -0.2286502007133454 -0.40894138371588057 -0.23703403743579193 0.2821963149571351 0.33832932607265265 0.7417853429914373 0.7055155757838942 1.2555468542845023 1.3658523483492113 1.2494846954093668 1.4353479052454536 1.3945379680769783 0.977848387273728 1.0623316644438112 0.7709352982886647 0.4855752943817622 0.19216680727083763 +16866,-0.10807773117621597,0,-0.4550653836158356 -0.5179570569606836 -0.2286502007133454 -0.40894138371588057 -0.23703403743579193 0.2821963149571351 0.33832932607265265 0.7417853429914373 0.7055155757838942 1.2555468542845023 1.3658523483492113 1.2494846954093668 1.4353479052454536 1.3945379680769783 0.977848387273728 1.0623316644438112 0.7709352982886647 0.4855752943817622 0.19216680727083763 -0.09520531728229789 +16867,-0.4869497593855968,0,-0.5179570569606836 -0.2286502007133454 -0.40894138371588057 -0.23703403743579193 0.2821963149571351 0.33832932607265265 0.7417853429914373 0.7055155757838942 1.2555468542845023 1.3658523483492113 1.2494846954093668 1.4353479052454536 1.3945379680769783 0.977848387273728 1.0623316644438112 0.7709352982886647 0.4855752943817622 0.19216680727083763 -0.09520531728229789 -0.10807773117621597 +16868,-0.5913220769357779,0,-0.2286502007133454 -0.40894138371588057 -0.23703403743579193 0.2821963149571351 0.33832932607265265 0.7417853429914373 0.7055155757838942 1.2555468542845023 1.3658523483492113 1.2494846954093668 1.4353479052454536 1.3945379680769783 0.977848387273728 1.0623316644438112 0.7709352982886647 0.4855752943817622 0.19216680727083763 -0.09520531728229789 -0.10807773117621597 -0.4869497593855968 +16869,-0.6259666696502049,0,-0.40894138371588057 -0.23703403743579193 0.2821963149571351 0.33832932607265265 0.7417853429914373 0.7055155757838942 1.2555468542845023 1.3658523483492113 1.2494846954093668 1.4353479052454536 1.3945379680769783 0.977848387273728 1.0623316644438112 0.7709352982886647 0.4855752943817622 0.19216680727083763 -0.09520531728229789 -0.10807773117621597 -0.4869497593855968 -0.5913220769357779 +16870,-0.7535815619908427,0,-0.23703403743579193 0.2821963149571351 0.33832932607265265 0.7417853429914373 0.7055155757838942 1.2555468542845023 1.3658523483492113 1.2494846954093668 1.4353479052454536 1.3945379680769783 0.977848387273728 1.0623316644438112 0.7709352982886647 0.4855752943817622 0.19216680727083763 -0.09520531728229789 -0.10807773117621597 -0.4869497593855968 -0.5913220769357779 -0.6259666696502049 +16871,-0.8114687296505212,0,0.2821963149571351 0.33832932607265265 0.7417853429914373 0.7055155757838942 1.2555468542845023 1.3658523483492113 1.2494846954093668 1.4353479052454536 1.3945379680769783 0.977848387273728 1.0623316644438112 0.7709352982886647 0.4855752943817622 0.19216680727083763 -0.09520531728229789 -0.10807773117621597 -0.4869497593855968 -0.5913220769357779 -0.6259666696502049 -0.7535815619908427 +16872,-0.5247415155073518,0,0.33832932607265265 0.7417853429914373 0.7055155757838942 1.2555468542845023 1.3658523483492113 1.2494846954093668 1.4353479052454536 1.3945379680769783 0.977848387273728 1.0623316644438112 0.7709352982886647 0.4855752943817622 0.19216680727083763 -0.09520531728229789 -0.10807773117621597 -0.4869497593855968 -0.5913220769357779 -0.6259666696502049 -0.7535815619908427 -0.8114687296505212 +16873,-0.6975001438195629,0,0.7417853429914373 0.7055155757838942 1.2555468542845023 1.3658523483492113 1.2494846954093668 1.4353479052454536 1.3945379680769783 0.977848387273728 1.0623316644438112 0.7709352982886647 0.4855752943817622 0.19216680727083763 -0.09520531728229789 -0.10807773117621597 -0.4869497593855968 -0.5913220769357779 -0.6259666696502049 -0.7535815619908427 -0.8114687296505212 -0.5247415155073518 +16874,-0.5256443901741494,0,0.7055155757838942 1.2555468542845023 1.3658523483492113 1.2494846954093668 1.4353479052454536 1.3945379680769783 0.977848387273728 1.0623316644438112 0.7709352982886647 0.4855752943817622 0.19216680727083763 -0.09520531728229789 -0.10807773117621597 -0.4869497593855968 -0.5913220769357779 -0.6259666696502049 -0.7535815619908427 -0.8114687296505212 -0.5247415155073518 -0.6975001438195629 +16875,0.016983315532384993,0,1.2555468542845023 1.3658523483492113 1.2494846954093668 1.4353479052454536 1.3945379680769783 0.977848387273728 1.0623316644438112 0.7709352982886647 0.4855752943817622 0.19216680727083763 -0.09520531728229789 -0.10807773117621597 -0.4869497593855968 -0.5913220769357779 -0.6259666696502049 -0.7535815619908427 -0.8114687296505212 -0.5247415155073518 -0.6975001438195629 -0.5256443901741494 +16876,0.06524841828438604,0,1.3658523483492113 1.2494846954093668 1.4353479052454536 1.3945379680769783 0.977848387273728 1.0623316644438112 0.7709352982886647 0.4855752943817622 0.19216680727083763 -0.09520531728229789 -0.10807773117621597 -0.4869497593855968 -0.5913220769357779 -0.6259666696502049 -0.7535815619908427 -0.8114687296505212 -0.5247415155073518 -0.6975001438195629 -0.5256443901741494 0.016983315532384993 +16877,0.4842854734070706,0,1.2494846954093668 1.4353479052454536 1.3945379680769783 0.977848387273728 1.0623316644438112 0.7709352982886647 0.4855752943817622 0.19216680727083763 -0.09520531728229789 -0.10807773117621597 -0.4869497593855968 -0.5913220769357779 -0.6259666696502049 -0.7535815619908427 -0.8114687296505212 -0.5247415155073518 -0.6975001438195629 -0.5256443901741494 0.016983315532384993 0.06524841828438604 +16878,0.5059286701765435,0,1.4353479052454536 1.3945379680769783 0.977848387273728 1.0623316644438112 0.7709352982886647 0.4855752943817622 0.19216680727083763 -0.09520531728229789 -0.10807773117621597 -0.4869497593855968 -0.5913220769357779 -0.6259666696502049 -0.7535815619908427 -0.8114687296505212 -0.5247415155073518 -0.6975001438195629 -0.5256443901741494 0.016983315532384993 0.06524841828438604 0.4842854734070706 +16879,1.0574303446471083,0,1.3945379680769783 0.977848387273728 1.0623316644438112 0.7709352982886647 0.4855752943817622 0.19216680727083763 -0.09520531728229789 -0.10807773117621597 -0.4869497593855968 -0.5913220769357779 -0.6259666696502049 -0.7535815619908427 -0.8114687296505212 -0.5247415155073518 -0.6975001438195629 -0.5256443901741494 0.016983315532384993 0.06524841828438604 0.4842854734070706 0.5059286701765435 +16880,1.21153816076447,0,0.977848387273728 1.0623316644438112 0.7709352982886647 0.4855752943817622 0.19216680727083763 -0.09520531728229789 -0.10807773117621597 -0.4869497593855968 -0.5913220769357779 -0.6259666696502049 -0.7535815619908427 -0.8114687296505212 -0.5247415155073518 -0.6975001438195629 -0.5256443901741494 0.016983315532384993 0.06524841828438604 0.4842854734070706 0.5059286701765435 1.0574303446471083 +16881,1.0957122326556612,0,1.0623316644438112 0.7709352982886647 0.4855752943817622 0.19216680727083763 -0.09520531728229789 -0.10807773117621597 -0.4869497593855968 -0.5913220769357779 -0.6259666696502049 -0.7535815619908427 -0.8114687296505212 -0.5247415155073518 -0.6975001438195629 -0.5256443901741494 0.016983315532384993 0.06524841828438604 0.4842854734070706 0.5059286701765435 1.0574303446471083 1.21153816076447 +16882,1.339797963669851,0,0.7709352982886647 0.4855752943817622 0.19216680727083763 -0.09520531728229789 -0.10807773117621597 -0.4869497593855968 -0.5913220769357779 -0.6259666696502049 -0.7535815619908427 -0.8114687296505212 -0.5247415155073518 -0.6975001438195629 -0.5256443901741494 0.016983315532384993 0.06524841828438604 0.4842854734070706 0.5059286701765435 1.0574303446471083 1.21153816076447 1.0957122326556612 +16883,1.3139499503030931,0,0.4855752943817622 0.19216680727083763 -0.09520531728229789 -0.10807773117621597 -0.4869497593855968 -0.5913220769357779 -0.6259666696502049 -0.7535815619908427 -0.8114687296505212 -0.5247415155073518 -0.6975001438195629 -0.5256443901741494 0.016983315532384993 0.06524841828438604 0.4842854734070706 0.5059286701765435 1.0574303446471083 1.21153816076447 1.0957122326556612 1.339797963669851 +16884,0.8678782465726577,0,0.19216680727083763 -0.09520531728229789 -0.10807773117621597 -0.4869497593855968 -0.5913220769357779 -0.6259666696502049 -0.7535815619908427 -0.8114687296505212 -0.5247415155073518 -0.6975001438195629 -0.5256443901741494 0.016983315532384993 0.06524841828438604 0.4842854734070706 0.5059286701765435 1.0574303446471083 1.21153816076447 1.0957122326556612 1.339797963669851 1.3139499503030931 +16885,0.9821047966604649,0,-0.09520531728229789 -0.10807773117621597 -0.4869497593855968 -0.5913220769357779 -0.6259666696502049 -0.7535815619908427 -0.8114687296505212 -0.5247415155073518 -0.6975001438195629 -0.5256443901741494 0.016983315532384993 0.06524841828438604 0.4842854734070706 0.5059286701765435 1.0574303446471083 1.21153816076447 1.0957122326556612 1.339797963669851 1.3139499503030931 0.8678782465726577 +16886,0.6761076563845946,0,-0.10807773117621597 -0.4869497593855968 -0.5913220769357779 -0.6259666696502049 -0.7535815619908427 -0.8114687296505212 -0.5247415155073518 -0.6975001438195629 -0.5256443901741494 0.016983315532384993 0.06524841828438604 0.4842854734070706 0.5059286701765435 1.0574303446471083 1.21153816076447 1.0957122326556612 1.339797963669851 1.3139499503030931 0.8678782465726577 0.9821047966604649 +16887,0.41507367708501486,0,-0.4869497593855968 -0.5913220769357779 -0.6259666696502049 -0.7535815619908427 -0.8114687296505212 -0.5247415155073518 -0.6975001438195629 -0.5256443901741494 0.016983315532384993 0.06524841828438604 0.4842854734070706 0.5059286701765435 1.0574303446471083 1.21153816076447 1.0957122326556612 1.339797963669851 1.3139499503030931 0.8678782465726577 0.9821047966604649 0.6761076563845946 +16888,0.0940888165353036,0,-0.5913220769357779 -0.6259666696502049 -0.7535815619908427 -0.8114687296505212 -0.5247415155073518 -0.6975001438195629 -0.5256443901741494 0.016983315532384993 0.06524841828438604 0.4842854734070706 0.5059286701765435 1.0574303446471083 1.21153816076447 1.0957122326556612 1.339797963669851 1.3139499503030931 0.8678782465726577 0.9821047966604649 0.6761076563845946 0.41507367708501486 +16889,-0.18193288319289383,0,-0.6259666696502049 -0.7535815619908427 -0.8114687296505212 -0.5247415155073518 -0.6975001438195629 -0.5256443901741494 0.016983315532384993 0.06524841828438604 0.4842854734070706 0.5059286701765435 1.0574303446471083 1.21153816076447 1.0957122326556612 1.339797963669851 1.3139499503030931 0.8678782465726577 0.9821047966604649 0.6761076563845946 0.41507367708501486 0.0940888165353036 +16890,-0.17401338203990777,0,-0.7535815619908427 -0.8114687296505212 -0.5247415155073518 -0.6975001438195629 -0.5256443901741494 0.016983315532384993 0.06524841828438604 0.4842854734070706 0.5059286701765435 1.0574303446471083 1.21153816076447 1.0957122326556612 1.339797963669851 1.3139499503030931 0.8678782465726577 0.9821047966604649 0.6761076563845946 0.41507367708501486 0.0940888165353036 -0.18193288319289383 +16891,-0.5446821485221247,0,-0.8114687296505212 -0.5247415155073518 -0.6975001438195629 -0.5256443901741494 0.016983315532384993 0.06524841828438604 0.4842854734070706 0.5059286701765435 1.0574303446471083 1.21153816076447 1.0957122326556612 1.339797963669851 1.3139499503030931 0.8678782465726577 0.9821047966604649 0.6761076563845946 0.41507367708501486 0.0940888165353036 -0.18193288319289383 -0.17401338203990777 +16892,-0.6314097144327206,0,-0.5247415155073518 -0.6975001438195629 -0.5256443901741494 0.016983315532384993 0.06524841828438604 0.4842854734070706 0.5059286701765435 1.0574303446471083 1.21153816076447 1.0957122326556612 1.339797963669851 1.3139499503030931 0.8678782465726577 0.9821047966604649 0.6761076563845946 0.41507367708501486 0.0940888165353036 -0.18193288319289383 -0.17401338203990777 -0.5446821485221247 +16893,-0.7050584949820015,0,-0.6975001438195629 -0.5256443901741494 0.016983315532384993 0.06524841828438604 0.4842854734070706 0.5059286701765435 1.0574303446471083 1.21153816076447 1.0957122326556612 1.339797963669851 1.3139499503030931 0.8678782465726577 0.9821047966604649 0.6761076563845946 0.41507367708501486 0.0940888165353036 -0.18193288319289383 -0.17401338203990777 -0.5446821485221247 -0.6314097144327206 +16894,-0.7961456558582559,0,-0.5256443901741494 0.016983315532384993 0.06524841828438604 0.4842854734070706 0.5059286701765435 1.0574303446471083 1.21153816076447 1.0957122326556612 1.339797963669851 1.3139499503030931 0.8678782465726577 0.9821047966604649 0.6761076563845946 0.41507367708501486 0.0940888165353036 -0.18193288319289383 -0.17401338203990777 -0.5446821485221247 -0.6314097144327206 -0.7050584949820015 +16895,-0.874154031527981,0,0.016983315532384993 0.06524841828438604 0.4842854734070706 0.5059286701765435 1.0574303446471083 1.21153816076447 1.0957122326556612 1.339797963669851 1.3139499503030931 0.8678782465726577 0.9821047966604649 0.6761076563845946 0.41507367708501486 0.0940888165353036 -0.18193288319289383 -0.17401338203990777 -0.5446821485221247 -0.6314097144327206 -0.7050584949820015 -0.7961456558582559 +16896,-0.5870398710769177,0,0.06524841828438604 0.4842854734070706 0.5059286701765435 1.0574303446471083 1.21153816076447 1.0957122326556612 1.339797963669851 1.3139499503030931 0.8678782465726577 0.9821047966604649 0.6761076563845946 0.41507367708501486 0.0940888165353036 -0.18193288319289383 -0.17401338203990777 -0.5446821485221247 -0.6314097144327206 -0.7050584949820015 -0.7961456558582559 -0.874154031527981 +16897,-0.7867557587353045,0,0.4842854734070706 0.5059286701765435 1.0574303446471083 1.21153816076447 1.0957122326556612 1.339797963669851 1.3139499503030931 0.8678782465726577 0.9821047966604649 0.6761076563845946 0.41507367708501486 0.0940888165353036 -0.18193288319289383 -0.17401338203990777 -0.5446821485221247 -0.6314097144327206 -0.7050584949820015 -0.7961456558582559 -0.874154031527981 -0.5870398710769177 +16898,-0.6213491104276972,0,0.5059286701765435 1.0574303446471083 1.21153816076447 1.0957122326556612 1.339797963669851 1.3139499503030931 0.8678782465726577 0.9821047966604649 0.6761076563845946 0.41507367708501486 0.0940888165353036 -0.18193288319289383 -0.17401338203990777 -0.5446821485221247 -0.6314097144327206 -0.7050584949820015 -0.7961456558582559 -0.874154031527981 -0.5870398710769177 -0.7867557587353045 +16899,0.173309623918145,0,1.0574303446471083 1.21153816076447 1.0957122326556612 1.339797963669851 1.3139499503030931 0.8678782465726577 0.9821047966604649 0.6761076563845946 0.41507367708501486 0.0940888165353036 -0.18193288319289383 -0.17401338203990777 -0.5446821485221247 -0.6314097144327206 -0.7050584949820015 -0.7961456558582559 -0.874154031527981 -0.5870398710769177 -0.7867557587353045 -0.6213491104276972 +16900,0.12896557703446532,0,1.21153816076447 1.0957122326556612 1.339797963669851 1.3139499503030931 0.8678782465726577 0.9821047966604649 0.6761076563845946 0.41507367708501486 0.0940888165353036 -0.18193288319289383 -0.17401338203990777 -0.5446821485221247 -0.6314097144327206 -0.7050584949820015 -0.7961456558582559 -0.874154031527981 -0.5870398710769177 -0.7867557587353045 -0.6213491104276972 0.173309623918145 +16901,0.7138736160342175,0,1.0957122326556612 1.339797963669851 1.3139499503030931 0.8678782465726577 0.9821047966604649 0.6761076563845946 0.41507367708501486 0.0940888165353036 -0.18193288319289383 -0.17401338203990777 -0.5446821485221247 -0.6314097144327206 -0.7050584949820015 -0.7961456558582559 -0.874154031527981 -0.5870398710769177 -0.7867557587353045 -0.6213491104276972 0.173309623918145 0.12896557703446532 +16902,0.6278941464220543,0,1.339797963669851 1.3139499503030931 0.8678782465726577 0.9821047966604649 0.6761076563845946 0.41507367708501486 0.0940888165353036 -0.18193288319289383 -0.17401338203990777 -0.5446821485221247 -0.6314097144327206 -0.7050584949820015 -0.7961456558582559 -0.874154031527981 -0.5870398710769177 -0.7867557587353045 -0.6213491104276972 0.173309623918145 0.12896557703446532 0.7138736160342175 +16903,1.436431354907534,0,1.3139499503030931 0.8678782465726577 0.9821047966604649 0.6761076563845946 0.41507367708501486 0.0940888165353036 -0.18193288319289383 -0.17401338203990777 -0.5446821485221247 -0.6314097144327206 -0.7050584949820015 -0.7961456558582559 -0.874154031527981 -0.5870398710769177 -0.7867557587353045 -0.6213491104276972 0.173309623918145 0.12896557703446532 0.7138736160342175 0.6278941464220543 +16904,1.5740810549358664,0,0.8678782465726577 0.9821047966604649 0.6761076563845946 0.41507367708501486 0.0940888165353036 -0.18193288319289383 -0.17401338203990777 -0.5446821485221247 -0.6314097144327206 -0.7050584949820015 -0.7961456558582559 -0.874154031527981 -0.5870398710769177 -0.7867557587353045 -0.6213491104276972 0.173309623918145 0.12896557703446532 0.7138736160342175 0.6278941464220543 1.436431354907534 +16905,1.4541019030192335,0,0.9821047966604649 0.6761076563845946 0.41507367708501486 0.0940888165353036 -0.18193288319289383 -0.17401338203990777 -0.5446821485221247 -0.6314097144327206 -0.7050584949820015 -0.7961456558582559 -0.874154031527981 -0.5870398710769177 -0.7867557587353045 -0.6213491104276972 0.173309623918145 0.12896557703446532 0.7138736160342175 0.6278941464220543 1.436431354907534 1.5740810549358664 +16906,1.6776278869260306,0,0.6761076563845946 0.41507367708501486 0.0940888165353036 -0.18193288319289383 -0.17401338203990777 -0.5446821485221247 -0.6314097144327206 -0.7050584949820015 -0.7961456558582559 -0.874154031527981 -0.5870398710769177 -0.7867557587353045 -0.6213491104276972 0.173309623918145 0.12896557703446532 0.7138736160342175 0.6278941464220543 1.436431354907534 1.5740810549358664 1.4541019030192335 +16907,1.6435250188878712,0,0.41507367708501486 0.0940888165353036 -0.18193288319289383 -0.17401338203990777 -0.5446821485221247 -0.6314097144327206 -0.7050584949820015 -0.7961456558582559 -0.874154031527981 -0.5870398710769177 -0.7867557587353045 -0.6213491104276972 0.173309623918145 0.12896557703446532 0.7138736160342175 0.6278941464220543 1.436431354907534 1.5740810549358664 1.4541019030192335 1.6776278869260306 +16908,1.2285122055219744,0,0.0940888165353036 -0.18193288319289383 -0.17401338203990777 -0.5446821485221247 -0.6314097144327206 -0.7050584949820015 -0.7961456558582559 -0.874154031527981 -0.5870398710769177 -0.7867557587353045 -0.6213491104276972 0.173309623918145 0.12896557703446532 0.7138736160342175 0.6278941464220543 1.436431354907534 1.5740810549358664 1.4541019030192335 1.6776278869260306 1.6435250188878712 +16909,1.3213793194144956,0,-0.18193288319289383 -0.17401338203990777 -0.5446821485221247 -0.6314097144327206 -0.7050584949820015 -0.7961456558582559 -0.874154031527981 -0.5870398710769177 -0.7867557587353045 -0.6213491104276972 0.173309623918145 0.12896557703446532 0.7138736160342175 0.6278941464220543 1.436431354907534 1.5740810549358664 1.4541019030192335 1.6776278869260306 1.6435250188878712 1.2285122055219744 +16910,1.0333364878245113,0,-0.17401338203990777 -0.5446821485221247 -0.6314097144327206 -0.7050584949820015 -0.7961456558582559 -0.874154031527981 -0.5870398710769177 -0.7867557587353045 -0.6213491104276972 0.173309623918145 0.12896557703446532 0.7138736160342175 0.6278941464220543 1.436431354907534 1.5740810549358664 1.4541019030192335 1.6776278869260306 1.6435250188878712 1.2285122055219744 1.3213793194144956 +16911,0.7089207032932855,0,-0.5446821485221247 -0.6314097144327206 -0.7050584949820015 -0.7961456558582559 -0.874154031527981 -0.5870398710769177 -0.7867557587353045 -0.6213491104276972 0.173309623918145 0.12896557703446532 0.7138736160342175 0.6278941464220543 1.436431354907534 1.5740810549358664 1.4541019030192335 1.6776278869260306 1.6435250188878712 1.2285122055219744 1.3213793194144956 1.0333364878245113 +16912,0.4330021892987866,0,-0.6314097144327206 -0.7050584949820015 -0.7961456558582559 -0.874154031527981 -0.5870398710769177 -0.7867557587353045 -0.6213491104276972 0.173309623918145 0.12896557703446532 0.7138736160342175 0.6278941464220543 1.436431354907534 1.5740810549358664 1.4541019030192335 1.6776278869260306 1.6435250188878712 1.2285122055219744 1.3213793194144956 1.0333364878245113 0.7089207032932855 +16913,0.12071072251783176,0,-0.7050584949820015 -0.7961456558582559 -0.874154031527981 -0.5870398710769177 -0.7867557587353045 -0.6213491104276972 0.173309623918145 0.12896557703446532 0.7138736160342175 0.6278941464220543 1.436431354907534 1.5740810549358664 1.4541019030192335 1.6776278869260306 1.6435250188878712 1.2285122055219744 1.3213793194144956 1.0333364878245113 0.7089207032932855 0.4330021892987866 +16914,0.181590274906893,0,-0.7961456558582559 -0.874154031527981 -0.5870398710769177 -0.7867557587353045 -0.6213491104276972 0.173309623918145 0.12896557703446532 0.7138736160342175 0.6278941464220543 1.436431354907534 1.5740810549358664 1.4541019030192335 1.6776278869260306 1.6435250188878712 1.2285122055219744 1.3213793194144956 1.0333364878245113 0.7089207032932855 0.4330021892987866 0.12071072251783176 +16915,-0.25509153170059096,0,-0.874154031527981 -0.5870398710769177 -0.7867557587353045 -0.6213491104276972 0.173309623918145 0.12896557703446532 0.7138736160342175 0.6278941464220543 1.436431354907534 1.5740810549358664 1.4541019030192335 1.6776278869260306 1.6435250188878712 1.2285122055219744 1.3213793194144956 1.0333364878245113 0.7089207032932855 0.4330021892987866 0.12071072251783176 0.181590274906893 +16916,-0.3186023191380588,0,-0.5870398710769177 -0.7867557587353045 -0.6213491104276972 0.173309623918145 0.12896557703446532 0.7138736160342175 0.6278941464220543 1.436431354907534 1.5740810549358664 1.4541019030192335 1.6776278869260306 1.6435250188878712 1.2285122055219744 1.3213793194144956 1.0333364878245113 0.7089207032932855 0.4330021892987866 0.12071072251783176 0.181590274906893 -0.25509153170059096 +16917,-0.32515460989999234,0,-0.7867557587353045 -0.6213491104276972 0.173309623918145 0.12896557703446532 0.7138736160342175 0.6278941464220543 1.436431354907534 1.5740810549358664 1.4541019030192335 1.6776278869260306 1.6435250188878712 1.2285122055219744 1.3213793194144956 1.0333364878245113 0.7089207032932855 0.4330021892987866 0.12071072251783176 0.181590274906893 -0.25509153170059096 -0.3186023191380588 +16918,-0.40765156274118897,0,-0.6213491104276972 0.173309623918145 0.12896557703446532 0.7138736160342175 0.6278941464220543 1.436431354907534 1.5740810549358664 1.4541019030192335 1.6776278869260306 1.6435250188878712 1.2285122055219744 1.3213793194144956 1.0333364878245113 0.7089207032932855 0.4330021892987866 0.12071072251783176 0.181590274906893 -0.25509153170059096 -0.3186023191380588 -0.32515460989999234 +16919,-0.4331900190616281,0,0.173309623918145 0.12896557703446532 0.7138736160342175 0.6278941464220543 1.436431354907534 1.5740810549358664 1.4541019030192335 1.6776278869260306 1.6435250188878712 1.2285122055219744 1.3213793194144956 1.0333364878245113 0.7089207032932855 0.4330021892987866 0.12071072251783176 0.181590274906893 -0.25509153170059096 -0.3186023191380588 -0.32515460989999234 -0.40765156274118897 +16920,-0.13500919420504523,0,0.12896557703446532 0.7138736160342175 0.6278941464220543 1.436431354907534 1.5740810549358664 1.4541019030192335 1.6776278869260306 1.6435250188878712 1.2285122055219744 1.3213793194144956 1.0333364878245113 0.7089207032932855 0.4330021892987866 0.12071072251783176 0.181590274906893 -0.25509153170059096 -0.3186023191380588 -0.32515460989999234 -0.40765156274118897 -0.4331900190616281 +16921,-0.26845407763609275,0,0.7138736160342175 0.6278941464220543 1.436431354907534 1.5740810549358664 1.4541019030192335 1.6776278869260306 1.6435250188878712 1.2285122055219744 1.3213793194144956 1.0333364878245113 0.7089207032932855 0.4330021892987866 0.12071072251783176 0.181590274906893 -0.25509153170059096 -0.3186023191380588 -0.32515460989999234 -0.40765156274118897 -0.4331900190616281 -0.13500919420504523 +16922,-0.07817967973533263,0,0.6278941464220543 1.436431354907534 1.5740810549358664 1.4541019030192335 1.6776278869260306 1.6435250188878712 1.2285122055219744 1.3213793194144956 1.0333364878245113 0.7089207032932855 0.4330021892987866 0.12071072251783176 0.181590274906893 -0.25509153170059096 -0.3186023191380588 -0.32515460989999234 -0.40765156274118897 -0.4331900190616281 -0.13500919420504523 -0.26845407763609275 +16923,0.6424433275985579,0,1.436431354907534 1.5740810549358664 1.4541019030192335 1.6776278869260306 1.6435250188878712 1.2285122055219744 1.3213793194144956 1.0333364878245113 0.7089207032932855 0.4330021892987866 0.12071072251783176 0.181590274906893 -0.25509153170059096 -0.3186023191380588 -0.32515460989999234 -0.40765156274118897 -0.4331900190616281 -0.13500919420504523 -0.26845407763609275 -0.07817967973533263 +16924,0.655934855585087,0,1.5740810549358664 1.4541019030192335 1.6776278869260306 1.6435250188878712 1.2285122055219744 1.3213793194144956 1.0333364878245113 0.7089207032932855 0.4330021892987866 0.12071072251783176 0.181590274906893 -0.25509153170059096 -0.3186023191380588 -0.32515460989999234 -0.40765156274118897 -0.4331900190616281 -0.13500919420504523 -0.26845407763609275 -0.07817967973533263 0.6424433275985579 +16925,1.1997749930047465,0,1.4541019030192335 1.6776278869260306 1.6435250188878712 1.2285122055219744 1.3213793194144956 1.0333364878245113 0.7089207032932855 0.4330021892987866 0.12071072251783176 0.181590274906893 -0.25509153170059096 -0.3186023191380588 -0.32515460989999234 -0.40765156274118897 -0.4331900190616281 -0.13500919420504523 -0.26845407763609275 -0.07817967973533263 0.6424433275985579 0.655934855585087 +16926,1.1135891520799721,0,1.6776278869260306 1.6435250188878712 1.2285122055219744 1.3213793194144956 1.0333364878245113 0.7089207032932855 0.4330021892987866 0.12071072251783176 0.181590274906893 -0.25509153170059096 -0.3186023191380588 -0.32515460989999234 -0.40765156274118897 -0.4331900190616281 -0.13500919420504523 -0.26845407763609275 -0.07817967973533263 0.6424433275985579 0.655934855585087 1.1997749930047465 +16927,1.8674379491025532,0,1.6435250188878712 1.2285122055219744 1.3213793194144956 1.0333364878245113 0.7089207032932855 0.4330021892987866 0.12071072251783176 0.181590274906893 -0.25509153170059096 -0.3186023191380588 -0.32515460989999234 -0.40765156274118897 -0.4331900190616281 -0.13500919420504523 -0.26845407763609275 -0.07817967973533263 0.6424433275985579 0.655934855585087 1.1997749930047465 1.1135891520799721 +16928,1.9912607676259235,0,1.2285122055219744 1.3213793194144956 1.0333364878245113 0.7089207032932855 0.4330021892987866 0.12071072251783176 0.181590274906893 -0.25509153170059096 -0.3186023191380588 -0.32515460989999234 -0.40765156274118897 -0.4331900190616281 -0.13500919420504523 -0.26845407763609275 -0.07817967973533263 0.6424433275985579 0.655934855585087 1.1997749930047465 1.1135891520799721 1.8674379491025532 +16929,1.880671512832242,0,1.3213793194144956 1.0333364878245113 0.7089207032932855 0.4330021892987866 0.12071072251783176 0.181590274906893 -0.25509153170059096 -0.3186023191380588 -0.32515460989999234 -0.40765156274118897 -0.4331900190616281 -0.13500919420504523 -0.26845407763609275 -0.07817967973533263 0.6424433275985579 0.655934855585087 1.1997749930047465 1.1135891520799721 1.8674379491025532 1.9912607676259235 +16930,2.0826316890763645,0,1.0333364878245113 0.7089207032932855 0.4330021892987866 0.12071072251783176 0.181590274906893 -0.25509153170059096 -0.3186023191380588 -0.32515460989999234 -0.40765156274118897 -0.4331900190616281 -0.13500919420504523 -0.26845407763609275 -0.07817967973533263 0.6424433275985579 0.655934855585087 1.1997749930047465 1.1135891520799721 1.8674379491025532 1.9912607676259235 1.880671512832242 +16931,2.050179792158221,0,0.7089207032932855 0.4330021892987866 0.12071072251783176 0.181590274906893 -0.25509153170059096 -0.3186023191380588 -0.32515460989999234 -0.40765156274118897 -0.4331900190616281 -0.13500919420504523 -0.26845407763609275 -0.07817967973533263 0.6424433275985579 0.655934855585087 1.1997749930047465 1.1135891520799721 1.8674379491025532 1.9912607676259235 1.880671512832242 2.0826316890763645 +16932,1.6451759898531102,0,0.4330021892987866 0.12071072251783176 0.181590274906893 -0.25509153170059096 -0.3186023191380588 -0.32515460989999234 -0.40765156274118897 -0.4331900190616281 -0.13500919420504523 -0.26845407763609275 -0.07817967973533263 0.6424433275985579 0.655934855585087 1.1997749930047465 1.1135891520799721 1.8674379491025532 1.9912607676259235 1.880671512832242 2.0826316890763645 2.050179792158221 +16933,1.736908061294099,0,0.12071072251783176 0.181590274906893 -0.25509153170059096 -0.3186023191380588 -0.32515460989999234 -0.40765156274118897 -0.4331900190616281 -0.13500919420504523 -0.26845407763609275 -0.07817967973533263 0.6424433275985579 0.655934855585087 1.1997749930047465 1.1135891520799721 1.8674379491025532 1.9912607676259235 1.880671512832242 2.0826316890763645 2.050179792158221 1.6451759898531102 +16934,1.4560882273481202,0,0.181590274906893 -0.25509153170059096 -0.3186023191380588 -0.32515460989999234 -0.40765156274118897 -0.4331900190616281 -0.13500919420504523 -0.26845407763609275 -0.07817967973533263 0.6424433275985579 0.655934855585087 1.1997749930047465 1.1135891520799721 1.8674379491025532 1.9912607676259235 1.880671512832242 2.0826316890763645 2.050179792158221 1.6451759898531102 1.736908061294099 +16935,1.1300730647958928,0,-0.25509153170059096 -0.3186023191380588 -0.32515460989999234 -0.40765156274118897 -0.4331900190616281 -0.13500919420504523 -0.26845407763609275 -0.07817967973533263 0.6424433275985579 0.655934855585087 1.1997749930047465 1.1135891520799721 1.8674379491025532 1.9912607676259235 1.880671512832242 2.0826316890763645 2.050179792158221 1.6451759898531102 1.736908061294099 1.4560882273481202 +16936,0.8643183405401158,0,-0.3186023191380588 -0.32515460989999234 -0.40765156274118897 -0.4331900190616281 -0.13500919420504523 -0.26845407763609275 -0.07817967973533263 0.6424433275985579 0.655934855585087 1.1997749930047465 1.1135891520799721 1.8674379491025532 1.9912607676259235 1.880671512832242 2.0826316890763645 2.050179792158221 1.6451759898531102 1.736908061294099 1.4560882273481202 1.1300730647958928 +16937,0.5533682875233046,0,-0.32515460989999234 -0.40765156274118897 -0.4331900190616281 -0.13500919420504523 -0.26845407763609275 -0.07817967973533263 0.6424433275985579 0.655934855585087 1.1997749930047465 1.1135891520799721 1.8674379491025532 1.9912607676259235 1.880671512832242 2.0826316890763645 2.050179792158221 1.6451759898531102 1.736908061294099 1.4560882273481202 1.1300730647958928 0.8643183405401158 +16938,0.5722512673481205,0,-0.40765156274118897 -0.4331900190616281 -0.13500919420504523 -0.26845407763609275 -0.07817967973533263 0.6424433275985579 0.655934855585087 1.1997749930047465 1.1135891520799721 1.8674379491025532 1.9912607676259235 1.880671512832242 2.0826316890763645 2.050179792158221 1.6451759898531102 1.736908061294099 1.4560882273481202 1.1300730647958928 0.8643183405401158 0.5533682875233046 +16939,0.1513568701023622,0,-0.4331900190616281 -0.13500919420504523 -0.26845407763609275 -0.07817967973533263 0.6424433275985579 0.655934855585087 1.1997749930047465 1.1135891520799721 1.8674379491025532 1.9912607676259235 1.880671512832242 2.0826316890763645 2.050179792158221 1.6451759898531102 1.736908061294099 1.4560882273481202 1.1300730647958928 0.8643183405401158 0.5533682875233046 0.5722512673481205 +16940,0.06029550554344526,0,-0.13500919420504523 -0.26845407763609275 -0.07817967973533263 0.6424433275985579 0.655934855585087 1.1997749930047465 1.1135891520799721 1.8674379491025532 1.9912607676259235 1.880671512832242 2.0826316890763645 2.050179792158221 1.6451759898531102 1.736908061294099 1.4560882273481202 1.1300730647958928 0.8643183405401158 0.5533682875233046 0.5722512673481205 0.1513568701023622 +16941,0.08717537578282249,0,-0.26845407763609275 -0.07817967973533263 0.6424433275985579 0.655934855585087 1.1997749930047465 1.1135891520799721 1.8674379491025532 1.9912607676259235 1.880671512832242 2.0826316890763645 2.050179792158221 1.6451759898531102 1.736908061294099 1.4560882273481202 1.1300730647958928 0.8643183405401158 0.5533682875233046 0.5722512673481205 0.1513568701023622 0.06029550554344526 +16942,-0.04319973350248119,0,-0.07817967973533263 0.6424433275985579 0.655934855585087 1.1997749930047465 1.1135891520799721 1.8674379491025532 1.9912607676259235 1.880671512832242 2.0826316890763645 2.050179792158221 1.6451759898531102 1.736908061294099 1.4560882273481202 1.1300730647958928 0.8643183405401158 0.5533682875233046 0.5722512673481205 0.1513568701023622 0.06029550554344526 0.08717537578282249 +16943,-0.055633608299053276,0,0.6424433275985579 0.655934855585087 1.1997749930047465 1.1135891520799721 1.8674379491025532 1.9912607676259235 1.880671512832242 2.0826316890763645 2.050179792158221 1.6451759898531102 1.736908061294099 1.4560882273481202 1.1300730647958928 0.8643183405401158 0.5533682875233046 0.5722512673481205 0.1513568701023622 0.06029550554344526 0.08717537578282249 -0.04319973350248119 +16944,0.22833338889945903,0,0.655934855585087 1.1997749930047465 1.1135891520799721 1.8674379491025532 1.9912607676259235 1.880671512832242 2.0826316890763645 2.050179792158221 1.6451759898531102 1.736908061294099 1.4560882273481202 1.1300730647958928 0.8643183405401158 0.5533682875233046 0.5722512673481205 0.1513568701023622 0.06029550554344526 0.08717537578282249 -0.04319973350248119 -0.055633608299053276 +16945,0.1170992235410434,0,1.1997749930047465 1.1135891520799721 1.8674379491025532 1.9912607676259235 1.880671512832242 2.0826316890763645 2.050179792158221 1.6451759898531102 1.736908061294099 1.4560882273481202 1.1300730647958928 0.8643183405401158 0.5533682875233046 0.5722512673481205 0.1513568701023622 0.06029550554344526 0.08717537578282249 -0.04319973350248119 -0.055633608299053276 0.22833338889945903 +16946,0.30226593017772097,0,1.1135891520799721 1.8674379491025532 1.9912607676259235 1.880671512832242 2.0826316890763645 2.050179792158221 1.6451759898531102 1.736908061294099 1.4560882273481202 1.1300730647958928 0.8643183405401158 0.5533682875233046 0.5722512673481205 0.1513568701023622 0.06029550554344526 0.08717537578282249 -0.04319973350248119 -0.055633608299053276 0.22833338889945903 0.1170992235410434 +16947,0.9330400048205879,0,1.8674379491025532 1.9912607676259235 1.880671512832242 2.0826316890763645 2.050179792158221 1.6451759898531102 1.736908061294099 1.4560882273481202 1.1300730647958928 0.8643183405401158 0.5533682875233046 0.5722512673481205 0.1513568701023622 0.06029550554344526 0.08717537578282249 -0.04319973350248119 -0.055633608299053276 0.22833338889945903 0.1170992235410434 0.30226593017772097 +16948,0.9696709220186785,0,1.9912607676259235 1.880671512832242 2.0826316890763645 2.050179792158221 1.6451759898531102 1.736908061294099 1.4560882273481202 1.1300730647958928 0.8643183405401158 0.5533682875233046 0.5722512673481205 0.1513568701023622 0.06029550554344526 0.08717537578282249 -0.04319973350248119 -0.055633608299053276 0.22833338889945903 0.1170992235410434 0.30226593017772097 0.9330400048205879 +16949,1.4519092072229585,0,1.880671512832242 2.0826316890763645 2.050179792158221 1.6451759898531102 1.736908061294099 1.4560882273481202 1.1300730647958928 0.8643183405401158 0.5533682875233046 0.5722512673481205 0.1513568701023622 0.06029550554344526 0.08717537578282249 -0.04319973350248119 -0.055633608299053276 0.22833338889945903 0.1170992235410434 0.30226593017772097 0.9330400048205879 0.9696709220186785 +16950,1.2995555476497576,0,2.0826316890763645 2.050179792158221 1.6451759898531102 1.736908061294099 1.4560882273481202 1.1300730647958928 0.8643183405401158 0.5533682875233046 0.5722512673481205 0.1513568701023622 0.06029550554344526 0.08717537578282249 -0.04319973350248119 -0.055633608299053276 0.22833338889945903 0.1170992235410434 0.30226593017772097 0.9330400048205879 0.9696709220186785 1.4519092072229585 +16951,1.9933244812163855,0,2.050179792158221 1.6451759898531102 1.736908061294099 1.4560882273481202 1.1300730647958928 0.8643183405401158 0.5533682875233046 0.5722512673481205 0.1513568701023622 0.06029550554344526 0.08717537578282249 -0.04319973350248119 -0.055633608299053276 0.22833338889945903 0.1170992235410434 0.30226593017772097 0.9330400048205879 0.9696709220186785 1.4519092072229585 1.2995555476497576 +16952,2.052501470005532,0,1.6451759898531102 1.736908061294099 1.4560882273481202 1.1300730647958928 0.8643183405401158 0.5533682875233046 0.5722512673481205 0.1513568701023622 0.06029550554344526 0.08717537578282249 -0.04319973350248119 -0.055633608299053276 0.22833338889945903 0.1170992235410434 0.30226593017772097 0.9330400048205879 0.9696709220186785 1.4519092072229585 1.2995555476497576 1.9933244812163855 +16953,1.9493931771127053,0,1.736908061294099 1.4560882273481202 1.1300730647958928 0.8643183405401158 0.5533682875233046 0.5722512673481205 0.1513568701023622 0.06029550554344526 0.08717537578282249 -0.04319973350248119 -0.055633608299053276 0.22833338889945903 0.1170992235410434 0.30226593017772097 0.9330400048205879 0.9696709220186785 1.4519092072229585 1.2995555476497576 1.9933244812163855 2.052501470005532 +16954,2.0626652595894686,0,1.4560882273481202 1.1300730647958928 0.8643183405401158 0.5533682875233046 0.5722512673481205 0.1513568701023622 0.06029550554344526 0.08717537578282249 -0.04319973350248119 -0.055633608299053276 0.22833338889945903 0.1170992235410434 0.30226593017772097 0.9330400048205879 0.9696709220186785 1.4519092072229585 1.2995555476497576 1.9933244812163855 2.052501470005532 1.9493931771127053 +16955,2.01365206069382,0,1.1300730647958928 0.8643183405401158 0.5533682875233046 0.5722512673481205 0.1513568701023622 0.06029550554344526 0.08717537578282249 -0.04319973350248119 -0.055633608299053276 0.22833338889945903 0.1170992235410434 0.30226593017772097 0.9330400048205879 0.9696709220186785 1.4519092072229585 1.2995555476497576 1.9933244812163855 2.052501470005532 1.9493931771127053 2.0626652595894686 +16956,1.7218687480760204,0,0.8643183405401158 0.5533682875233046 0.5722512673481205 0.1513568701023622 0.06029550554344526 0.08717537578282249 -0.04319973350248119 -0.055633608299053276 0.22833338889945903 0.1170992235410434 0.30226593017772097 0.9330400048205879 0.9696709220186785 1.4519092072229585 1.2995555476497576 1.9933244812163855 2.052501470005532 1.9493931771127053 2.0626652595894686 2.01365206069382 +16957,1.753778920317905,0,0.5533682875233046 0.5722512673481205 0.1513568701023622 0.06029550554344526 0.08717537578282249 -0.04319973350248119 -0.055633608299053276 0.22833338889945903 0.1170992235410434 0.30226593017772097 0.9330400048205879 0.9696709220186785 1.4519092072229585 1.2995555476497576 1.9933244812163855 2.052501470005532 1.9493931771127053 2.0626652595894686 2.01365206069382 1.7218687480760204 +16958,1.542918978837629,0,0.5722512673481205 0.1513568701023622 0.06029550554344526 0.08717537578282249 -0.04319973350248119 -0.055633608299053276 0.22833338889945903 0.1170992235410434 0.30226593017772097 0.9330400048205879 0.9696709220186785 1.4519092072229585 1.2995555476497576 1.9933244812163855 2.052501470005532 1.9493931771127053 2.0626652595894686 2.01365206069382 1.7218687480760204 1.753778920317905 +16959,1.3688189367612653,0,0.1513568701023622 0.06029550554344526 0.08717537578282249 -0.04319973350248119 -0.055633608299053276 0.22833338889945903 0.1170992235410434 0.30226593017772097 0.9330400048205879 0.9696709220186785 1.4519092072229585 1.2995555476497576 1.9933244812163855 2.052501470005532 1.9493931771127053 2.0626652595894686 2.01365206069382 1.7218687480760204 1.753778920317905 1.542918978837629 +16960,1.145705695634468,0,0.06029550554344526 0.08717537578282249 -0.04319973350248119 -0.055633608299053276 0.22833338889945903 0.1170992235410434 0.30226593017772097 0.9330400048205879 0.9696709220186785 1.4519092072229585 1.2995555476497576 1.9933244812163855 2.052501470005532 1.9493931771127053 2.0626652595894686 2.01365206069382 1.7218687480760204 1.753778920317905 1.542918978837629 1.3688189367612653 +16961,0.9593523537568062,0,0.08717537578282249 -0.04319973350248119 -0.055633608299053276 0.22833338889945903 0.1170992235410434 0.30226593017772097 0.9330400048205879 0.9696709220186785 1.4519092072229585 1.2995555476497576 1.9933244812163855 2.052501470005532 1.9493931771127053 2.0626652595894686 2.01365206069382 1.7218687480760204 1.753778920317905 1.542918978837629 1.3688189367612653 1.145705695634468 +16962,0.8710512062973231,0,-0.04319973350248119 -0.055633608299053276 0.22833338889945903 0.1170992235410434 0.30226593017772097 0.9330400048205879 0.9696709220186785 1.4519092072229585 1.2995555476497576 1.9933244812163855 2.052501470005532 1.9493931771127053 2.0626652595894686 2.01365206069382 1.7218687480760204 1.753778920317905 1.542918978837629 1.3688189367612653 1.145705695634468 0.9593523537568062 +16963,0.6520137995619976,0,-0.055633608299053276 0.22833338889945903 0.1170992235410434 0.30226593017772097 0.9330400048205879 0.9696709220186785 1.4519092072229585 1.2995555476497576 1.9933244812163855 2.052501470005532 1.9493931771127053 2.0626652595894686 2.01365206069382 1.7218687480760204 1.753778920317905 1.542918978837629 1.3688189367612653 1.145705695634468 0.9593523537568062 0.8710512062973231 +16964,0.5310285873996454,0,0.22833338889945903 0.1170992235410434 0.30226593017772097 0.9330400048205879 0.9696709220186785 1.4519092072229585 1.2995555476497576 1.9933244812163855 2.052501470005532 1.9493931771127053 2.0626652595894686 2.01365206069382 1.7218687480760204 1.753778920317905 1.542918978837629 1.3688189367612653 1.145705695634468 0.9593523537568062 0.8710512062973231 0.6520137995619976 +16965,0.5437720190877505,0,0.1170992235410434 0.30226593017772097 0.9330400048205879 0.9696709220186785 1.4519092072229585 1.2995555476497576 1.9933244812163855 2.052501470005532 1.9493931771127053 2.0626652595894686 2.01365206069382 1.7218687480760204 1.753778920317905 1.542918978837629 1.3688189367612653 1.145705695634468 0.9593523537568062 0.8710512062973231 0.6520137995619976 0.5310285873996454 +16966,0.3782105921021984,0,0.30226593017772097 0.9330400048205879 0.9696709220186785 1.4519092072229585 1.2995555476497576 1.9933244812163855 2.052501470005532 1.9493931771127053 2.0626652595894686 2.01365206069382 1.7218687480760204 1.753778920317905 1.542918978837629 1.3688189367612653 1.145705695634468 0.9593523537568062 0.8710512062973231 0.6520137995619976 0.5310285873996454 0.5437720190877505 +16967,0.34637780927666606,0,0.9330400048205879 0.9696709220186785 1.4519092072229585 1.2995555476497576 1.9933244812163855 2.052501470005532 1.9493931771127053 2.0626652595894686 2.01365206069382 1.7218687480760204 1.753778920317905 1.542918978837629 1.3688189367612653 1.145705695634468 0.9593523537568062 0.8710512062973231 0.6520137995619976 0.5310285873996454 0.5437720190877505 0.3782105921021984 +16968,0.46769837495745137,0,0.9696709220186785 1.4519092072229585 1.2995555476497576 1.9933244812163855 2.052501470005532 1.9493931771127053 2.0626652595894686 2.01365206069382 1.7218687480760204 1.753778920317905 1.542918978837629 1.3688189367612653 1.145705695634468 0.9593523537568062 0.8710512062973231 0.6520137995619976 0.5310285873996454 0.5437720190877505 0.3782105921021984 0.34637780927666606 +16969,0.3848144758083696,0,1.4519092072229585 1.2995555476497576 1.9933244812163855 2.052501470005532 1.9493931771127053 2.0626652595894686 2.01365206069382 1.7218687480760204 1.753778920317905 1.542918978837629 1.3688189367612653 1.145705695634468 0.9593523537568062 0.8710512062973231 0.6520137995619976 0.5310285873996454 0.5437720190877505 0.3782105921021984 0.34637780927666606 0.46769837495745137 +16970,0.45508392532038233,0,1.2995555476497576 1.9933244812163855 2.052501470005532 1.9493931771127053 2.0626652595894686 2.01365206069382 1.7218687480760204 1.753778920317905 1.542918978837629 1.3688189367612653 1.145705695634468 0.9593523537568062 0.8710512062973231 0.6520137995619976 0.5310285873996454 0.5437720190877505 0.3782105921021984 0.34637780927666606 0.46769837495745137 0.3848144758083696 +16971,0.8167239446701954,0,1.9933244812163855 2.052501470005532 1.9493931771127053 2.0626652595894686 2.01365206069382 1.7218687480760204 1.753778920317905 1.542918978837629 1.3688189367612653 1.145705695634468 0.9593523537568062 0.8710512062973231 0.6520137995619976 0.5310285873996454 0.5437720190877505 0.3782105921021984 0.34637780927666606 0.46769837495745137 0.3848144758083696 0.45508392532038233 +16972,0.7898698709029414,0,2.052501470005532 1.9493931771127053 2.0626652595894686 2.01365206069382 1.7218687480760204 1.753778920317905 1.542918978837629 1.3688189367612653 1.145705695634468 0.9593523537568062 0.8710512062973231 0.6520137995619976 0.5310285873996454 0.5437720190877505 0.3782105921021984 0.34637780927666606 0.46769837495745137 0.3848144758083696 0.45508392532038233 0.8167239446701954 +16973,1.0543863669734876,0,1.9493931771127053 2.0626652595894686 2.01365206069382 1.7218687480760204 1.753778920317905 1.542918978837629 1.3688189367612653 1.145705695634468 0.9593523537568062 0.8710512062973231 0.6520137995619976 0.5310285873996454 0.5437720190877505 0.3782105921021984 0.34637780927666606 0.46769837495745137 0.3848144758083696 0.45508392532038233 0.8167239446701954 0.7898698709029414 +16974,1.0598036152838801,0,2.0626652595894686 2.01365206069382 1.7218687480760204 1.753778920317905 1.542918978837629 1.3688189367612653 1.145705695634468 0.9593523537568062 0.8710512062973231 0.6520137995619976 0.5310285873996454 0.5437720190877505 0.3782105921021984 0.34637780927666606 0.46769837495745137 0.3848144758083696 0.45508392532038233 0.8167239446701954 0.7898698709029414 1.0543863669734876 +16975,1.4106865272744746,0,2.01365206069382 1.7218687480760204 1.753778920317905 1.542918978837629 1.3688189367612653 1.145705695634468 0.9593523537568062 0.8710512062973231 0.6520137995619976 0.5310285873996454 0.5437720190877505 0.3782105921021984 0.34637780927666606 0.46769837495745137 0.3848144758083696 0.45508392532038233 0.8167239446701954 0.7898698709029414 1.0543863669734876 1.0598036152838801 +16976,1.5024701915049243,0,1.7218687480760204 1.753778920317905 1.542918978837629 1.3688189367612653 1.145705695634468 0.9593523537568062 0.8710512062973231 0.6520137995619976 0.5310285873996454 0.5437720190877505 0.3782105921021984 0.34637780927666606 0.46769837495745137 0.3848144758083696 0.45508392532038233 0.8167239446701954 0.7898698709029414 1.0543863669734876 1.0598036152838801 1.4106865272744746 +16977,1.359377446848853,0,1.753778920317905 1.542918978837629 1.3688189367612653 1.145705695634468 0.9593523537568062 0.8710512062973231 0.6520137995619976 0.5310285873996454 0.5437720190877505 0.3782105921021984 0.34637780927666606 0.46769837495745137 0.3848144758083696 0.45508392532038233 0.8167239446701954 0.7898698709029414 1.0543863669734876 1.0598036152838801 1.4106865272744746 1.5024701915049243 +16978,1.5294532473232143,0,1.542918978837629 1.3688189367612653 1.145705695634468 0.9593523537568062 0.8710512062973231 0.6520137995619976 0.5310285873996454 0.5437720190877505 0.3782105921021984 0.34637780927666606 0.46769837495745137 0.3848144758083696 0.45508392532038233 0.8167239446701954 0.7898698709029414 1.0543863669734876 1.0598036152838801 1.4106865272744746 1.5024701915049243 1.359377446848853 +16979,1.4646526390658405,0,1.3688189367612653 1.145705695634468 0.9593523537568062 0.8710512062973231 0.6520137995619976 0.5310285873996454 0.5437720190877505 0.3782105921021984 0.34637780927666606 0.46769837495745137 0.3848144758083696 0.45508392532038233 0.8167239446701954 0.7898698709029414 1.0543863669734876 1.0598036152838801 1.4106865272744746 1.5024701915049243 1.359377446848853 1.5294532473232143 +16980,1.1292991721801224,0,1.145705695634468 0.9593523537568062 0.8710512062973231 0.6520137995619976 0.5310285873996454 0.5437720190877505 0.3782105921021984 0.34637780927666606 0.46769837495745137 0.3848144758083696 0.45508392532038233 0.8167239446701954 0.7898698709029414 1.0543863669734876 1.0598036152838801 1.4106865272744746 1.5024701915049243 1.359377446848853 1.5294532473232143 1.4646526390658405 +16981,1.154682849977411,0,0.9593523537568062 0.8710512062973231 0.6520137995619976 0.5310285873996454 0.5437720190877505 0.3782105921021984 0.34637780927666606 0.46769837495745137 0.3848144758083696 0.45508392532038233 0.8167239446701954 0.7898698709029414 1.0543863669734876 1.0598036152838801 1.4106865272744746 1.5024701915049243 1.359377446848853 1.5294532473232143 1.4646526390658405 1.1292991721801224 +16982,0.9095136693011411,0,0.8710512062973231 0.6520137995619976 0.5310285873996454 0.5437720190877505 0.3782105921021984 0.34637780927666606 0.46769837495745137 0.3848144758083696 0.45508392532038233 0.8167239446701954 0.7898698709029414 1.0543863669734876 1.0598036152838801 1.4106865272744746 1.5024701915049243 1.359377446848853 1.5294532473232143 1.4646526390658405 1.1292991721801224 1.154682849977411 +16983,0.930408769926967,0,0.6520137995619976 0.5310285873996454 0.5437720190877505 0.3782105921021984 0.34637780927666606 0.46769837495745137 0.3848144758083696 0.45508392532038233 0.8167239446701954 0.7898698709029414 1.0543863669734876 1.0598036152838801 1.4106865272744746 1.5024701915049243 1.359377446848853 1.5294532473232143 1.4646526390658405 1.1292991721801224 1.154682849977411 0.9095136693011411 +16984,0.5965514954833288,0,0.5310285873996454 0.5437720190877505 0.3782105921021984 0.34637780927666606 0.46769837495745137 0.3848144758083696 0.45508392532038233 0.8167239446701954 0.7898698709029414 1.0543863669734876 1.0598036152838801 1.4106865272744746 1.5024701915049243 1.359377446848853 1.5294532473232143 1.4646526390658405 1.1292991721801224 1.154682849977411 0.9095136693011411 0.930408769926967 +16985,0.5287585023417865,0,0.5437720190877505 0.3782105921021984 0.34637780927666606 0.46769837495745137 0.3848144758083696 0.45508392532038233 0.8167239446701954 0.7898698709029414 1.0543863669734876 1.0598036152838801 1.4106865272744746 1.5024701915049243 1.359377446848853 1.5294532473232143 1.4646526390658405 1.1292991721801224 1.154682849977411 0.9095136693011411 0.930408769926967 0.5965514954833288 +16986,0.45570303941300216,0,0.3782105921021984 0.34637780927666606 0.46769837495745137 0.3848144758083696 0.45508392532038233 0.8167239446701954 0.7898698709029414 1.0543863669734876 1.0598036152838801 1.4106865272744746 1.5024701915049243 1.359377446848853 1.5294532473232143 1.4646526390658405 1.1292991721801224 1.154682849977411 0.9095136693011411 0.930408769926967 0.5965514954833288 0.5287585023417865 +16987,0.38966420281561187,0,0.34637780927666606 0.46769837495745137 0.3848144758083696 0.45508392532038233 0.8167239446701954 0.7898698709029414 1.0543863669734876 1.0598036152838801 1.4106865272744746 1.5024701915049243 1.359377446848853 1.5294532473232143 1.4646526390658405 1.1292991721801224 1.154682849977411 0.9095136693011411 0.930408769926967 0.5965514954833288 0.5287585023417865 0.45570303941300216 +16988,0.31836289658575656,0,0.46769837495745137 0.3848144758083696 0.45508392532038233 0.8167239446701954 0.7898698709029414 1.0543863669734876 1.0598036152838801 1.4106865272744746 1.5024701915049243 1.359377446848853 1.5294532473232143 1.4646526390658405 1.1292991721801224 1.154682849977411 0.9095136693011411 0.930408769926967 0.5965514954833288 0.5287585023417865 0.45570303941300216 0.38966420281561187 +16989,0.2284107781610431,0,0.3848144758083696 0.45508392532038233 0.8167239446701954 0.7898698709029414 1.0543863669734876 1.0598036152838801 1.4106865272744746 1.5024701915049243 1.359377446848853 1.5294532473232143 1.4646526390658405 1.1292991721801224 1.154682849977411 0.9095136693011411 0.930408769926967 0.5965514954833288 0.5287585023417865 0.45570303941300216 0.38966420281561187 0.31836289658575656 +16990,0.16332640917469696,0,0.45508392532038233 0.8167239446701954 0.7898698709029414 1.0543863669734876 1.0598036152838801 1.4106865272744746 1.5024701915049243 1.359377446848853 1.5294532473232143 1.4646526390658405 1.1292991721801224 1.154682849977411 0.9095136693011411 0.930408769926967 0.5965514954833288 0.5287585023417865 0.45570303941300216 0.38966420281561187 0.31836289658575656 0.2284107781610431 +16991,0.07959122814826955,0,0.8167239446701954 0.7898698709029414 1.0543863669734876 1.0598036152838801 1.4106865272744746 1.5024701915049243 1.359377446848853 1.5294532473232143 1.4646526390658405 1.1292991721801224 1.154682849977411 0.9095136693011411 0.930408769926967 0.5965514954833288 0.5287585023417865 0.45570303941300216 0.38966420281561187 0.31836289658575656 0.2284107781610431 0.16332640917469696 +16992,0.26308116734758463,0,0.7898698709029414 1.0543863669734876 1.0598036152838801 1.4106865272744746 1.5024701915049243 1.359377446848853 1.5294532473232143 1.4646526390658405 1.1292991721801224 1.154682849977411 0.9095136693011411 0.930408769926967 0.5965514954833288 0.5287585023417865 0.45570303941300216 0.38966420281561187 0.31836289658575656 0.2284107781610431 0.16332640917469696 0.07959122814826955 +16993,0.09027094624591268,0,1.0543863669734876 1.0598036152838801 1.4106865272744746 1.5024701915049243 1.359377446848853 1.5294532473232143 1.4646526390658405 1.1292991721801224 1.154682849977411 0.9095136693011411 0.930408769926967 0.5965514954833288 0.5287585023417865 0.45570303941300216 0.38966420281561187 0.31836289658575656 0.2284107781610431 0.16332640917469696 0.07959122814826955 0.26308116734758463 +16994,0.1846858453699744,0,1.0598036152838801 1.4106865272744746 1.5024701915049243 1.359377446848853 1.5294532473232143 1.4646526390658405 1.1292991721801224 1.154682849977411 0.9095136693011411 0.930408769926967 0.5965514954833288 0.5287585023417865 0.45570303941300216 0.38966420281561187 0.31836289658575656 0.2284107781610431 0.16332640917469696 0.07959122814826955 0.26308116734758463 0.09027094624591268 +16995,0.5323184083743371,0,1.4106865272744746 1.5024701915049243 1.359377446848853 1.5294532473232143 1.4646526390658405 1.1292991721801224 1.154682849977411 0.9095136693011411 0.930408769926967 0.5965514954833288 0.5287585023417865 0.45570303941300216 0.38966420281561187 0.31836289658575656 0.2284107781610431 0.16332640917469696 0.07959122814826955 0.26308116734758463 0.09027094624591268 0.1846858453699744 +16996,0.5423274195898996,0,1.5024701915049243 1.359377446848853 1.5294532473232143 1.4646526390658405 1.1292991721801224 1.154682849977411 0.9095136693011411 0.930408769926967 0.5965514954833288 0.5287585023417865 0.45570303941300216 0.38966420281561187 0.31836289658575656 0.2284107781610431 0.16332640917469696 0.07959122814826955 0.26308116734758463 0.09027094624591268 0.1846858453699744 0.5323184083743371 +16997,0.8055540945309685,0,1.359377446848853 1.5294532473232143 1.4646526390658405 1.1292991721801224 1.154682849977411 0.9095136693011411 0.930408769926967 0.5965514954833288 0.5287585023417865 0.45570303941300216 0.38966420281561187 0.31836289658575656 0.2284107781610431 0.16332640917469696 0.07959122814826955 0.26308116734758463 0.09027094624591268 0.1846858453699744 0.5323184083743371 0.5423274195898996 +16998,0.9172525954588534,0,1.5294532473232143 1.4646526390658405 1.1292991721801224 1.154682849977411 0.9095136693011411 0.930408769926967 0.5965514954833288 0.5287585023417865 0.45570303941300216 0.38966420281561187 0.31836289658575656 0.2284107781610431 0.16332640917469696 0.07959122814826955 0.26308116734758463 0.09027094624591268 0.1846858453699744 0.5323184083743371 0.5423274195898996 0.8055540945309685 +16999,1.2309886618924448,0,1.4646526390658405 1.1292991721801224 1.154682849977411 0.9095136693011411 0.930408769926967 0.5965514954833288 0.5287585023417865 0.45570303941300216 0.38966420281561187 0.31836289658575656 0.2284107781610431 0.16332640917469696 0.07959122814826955 0.26308116734758463 0.09027094624591268 0.1846858453699744 0.5323184083743371 0.5423274195898996 0.8055540945309685 0.9172525954588534 +17000,1.3931965541580489,0,1.1292991721801224 1.154682849977411 0.9095136693011411 0.930408769926967 0.5965514954833288 0.5287585023417865 0.45570303941300216 0.38966420281561187 0.31836289658575656 0.2284107781610431 0.16332640917469696 0.07959122814826955 0.26308116734758463 0.09027094624591268 0.1846858453699744 0.5323184083743371 0.5423274195898996 0.8055540945309685 0.9172525954588534 1.2309886618924448 +17001,1.2366380779875719,0,1.154682849977411 0.9095136693011411 0.930408769926967 0.5965514954833288 0.5287585023417865 0.45570303941300216 0.38966420281561187 0.31836289658575656 0.2284107781610431 0.16332640917469696 0.07959122814826955 0.26308116734758463 0.09027094624591268 0.1846858453699744 0.5323184083743371 0.5423274195898996 0.8055540945309685 0.9172525954588534 1.2309886618924448 1.3931965541580489 +17002,1.5051014263985452,0,0.9095136693011411 0.930408769926967 0.5965514954833288 0.5287585023417865 0.45570303941300216 0.38966420281561187 0.31836289658575656 0.2284107781610431 0.16332640917469696 0.07959122814826955 0.26308116734758463 0.09027094624591268 0.1846858453699744 0.5323184083743371 0.5423274195898996 0.8055540945309685 0.9172525954588534 1.2309886618924448 1.3931965541580489 1.2366380779875719 +17003,1.4547984063734285,0,0.930408769926967 0.5965514954833288 0.5287585023417865 0.45570303941300216 0.38966420281561187 0.31836289658575656 0.2284107781610431 0.16332640917469696 0.07959122814826955 0.26308116734758463 0.09027094624591268 0.1846858453699744 0.5323184083743371 0.5423274195898996 0.8055540945309685 0.9172525954588534 1.2309886618924448 1.3931965541580489 1.2366380779875719 1.5051014263985452 +17004,1.1190837896519399,0,0.5965514954833288 0.5287585023417865 0.45570303941300216 0.38966420281561187 0.31836289658575656 0.2284107781610431 0.16332640917469696 0.07959122814826955 0.26308116734758463 0.09027094624591268 0.1846858453699744 0.5323184083743371 0.5423274195898996 0.8055540945309685 0.9172525954588534 1.2309886618924448 1.3931965541580489 1.2366380779875719 1.5051014263985452 1.4547984063734285 +17005,1.163917968577212,0,0.5287585023417865 0.45570303941300216 0.38966420281561187 0.31836289658575656 0.2284107781610431 0.16332640917469696 0.07959122814826955 0.26308116734758463 0.09027094624591268 0.1846858453699744 0.5323184083743371 0.5423274195898996 0.8055540945309685 0.9172525954588534 1.2309886618924448 1.3931965541580489 1.2366380779875719 1.5051014263985452 1.4547984063734285 1.1190837896519399 +17006,0.9233405506513265,0,0.45570303941300216 0.38966420281561187 0.31836289658575656 0.2284107781610431 0.16332640917469696 0.07959122814826955 0.26308116734758463 0.09027094624591268 0.1846858453699744 0.5323184083743371 0.5423274195898996 0.8055540945309685 0.9172525954588534 1.2309886618924448 1.3931965541580489 1.2366380779875719 1.5051014263985452 1.4547984063734285 1.1190837896519399 1.163917968577212 +17007,0.6196134954333063,0,0.38966420281561187 0.31836289658575656 0.2284107781610431 0.16332640917469696 0.07959122814826955 0.26308116734758463 0.09027094624591268 0.1846858453699744 0.5323184083743371 0.5423274195898996 0.8055540945309685 0.9172525954588534 1.2309886618924448 1.3931965541580489 1.2366380779875719 1.5051014263985452 1.4547984063734285 1.1190837896519399 1.163917968577212 0.9233405506513265 +17008,0.4000859568111828,0,0.31836289658575656 0.2284107781610431 0.16332640917469696 0.07959122814826955 0.26308116734758463 0.09027094624591268 0.1846858453699744 0.5323184083743371 0.5423274195898996 0.8055540945309685 0.9172525954588534 1.2309886618924448 1.3931965541580489 1.2366380779875719 1.5051014263985452 1.4547984063734285 1.1190837896519399 1.163917968577212 0.9233405506513265 0.6196134954333063 +17009,0.11740878058735331,0,0.2284107781610431 0.16332640917469696 0.07959122814826955 0.26308116734758463 0.09027094624591268 0.1846858453699744 0.5323184083743371 0.5423274195898996 0.8055540945309685 0.9172525954588534 1.2309886618924448 1.3931965541580489 1.2366380779875719 1.5051014263985452 1.4547984063734285 1.1190837896519399 1.163917968577212 0.9233405506513265 0.6196134954333063 0.4000859568111828 +17010,0.12261965758513438,0,0.16332640917469696 0.07959122814826955 0.26308116734758463 0.09027094624591268 0.1846858453699744 0.5323184083743371 0.5423274195898996 0.8055540945309685 0.9172525954588534 1.2309886618924448 1.3931965541580489 1.2366380779875719 1.5051014263985452 1.4547984063734285 1.1190837896519399 1.163917968577212 0.9233405506513265 0.6196134954333063 0.4000859568111828 0.11740878058735331 +17011,-0.25602020283952065,0,0.07959122814826955 0.26308116734758463 0.09027094624591268 0.1846858453699744 0.5323184083743371 0.5423274195898996 0.8055540945309685 0.9172525954588534 1.2309886618924448 1.3931965541580489 1.2366380779875719 1.5051014263985452 1.4547984063734285 1.1190837896519399 1.163917968577212 0.9233405506513265 0.6196134954333063 0.4000859568111828 0.11740878058735331 0.12261965758513438 +17012,-0.3467720103521277,0,0.26308116734758463 0.09027094624591268 0.1846858453699744 0.5323184083743371 0.5423274195898996 0.8055540945309685 0.9172525954588534 1.2309886618924448 1.3931965541580489 1.2366380779875719 1.5051014263985452 1.4547984063734285 1.1190837896519399 1.163917968577212 0.9233405506513265 0.6196134954333063 0.4000859568111828 0.11740878058735331 0.12261965758513438 -0.25602020283952065 +17013,-0.3450436501253132,0,0.09027094624591268 0.1846858453699744 0.5323184083743371 0.5423274195898996 0.8055540945309685 0.9172525954588534 1.2309886618924448 1.3931965541580489 1.2366380779875719 1.5051014263985452 1.4547984063734285 1.1190837896519399 1.163917968577212 0.9233405506513265 0.6196134954333063 0.4000859568111828 0.11740878058735331 0.12261965758513438 -0.25602020283952065 -0.3467720103521277 +17014,-0.4666221800629476,0,0.1846858453699744 0.5323184083743371 0.5423274195898996 0.8055540945309685 0.9172525954588534 1.2309886618924448 1.3931965541580489 1.2366380779875719 1.5051014263985452 1.4547984063734285 1.1190837896519399 1.163917968577212 0.9233405506513265 0.6196134954333063 0.4000859568111828 0.11740878058735331 0.12261965758513438 -0.25602020283952065 -0.3467720103521277 -0.3450436501253132 +17015,-0.4957205424159373,0,0.5323184083743371 0.5423274195898996 0.8055540945309685 0.9172525954588534 1.2309886618924448 1.3931965541580489 1.2366380779875719 1.5051014263985452 1.4547984063734285 1.1190837896519399 1.163917968577212 0.9233405506513265 0.6196134954333063 0.4000859568111828 0.11740878058735331 0.12261965758513438 -0.25602020283952065 -0.3467720103521277 -0.3450436501253132 -0.4666221800629476 +17016,-0.18144275115131014,0,0.5423274195898996 0.8055540945309685 0.9172525954588534 1.2309886618924448 1.3931965541580489 1.2366380779875719 1.5051014263985452 1.4547984063734285 1.1190837896519399 1.163917968577212 0.9233405506513265 0.6196134954333063 0.4000859568111828 0.11740878058735331 0.12261965758513438 -0.25602020283952065 -0.3467720103521277 -0.3450436501253132 -0.4666221800629476 -0.4957205424159373 +17017,-0.3249998313768418,0,0.8055540945309685 0.9172525954588534 1.2309886618924448 1.3931965541580489 1.2366380779875719 1.5051014263985452 1.4547984063734285 1.1190837896519399 1.163917968577212 0.9233405506513265 0.6196134954333063 0.4000859568111828 0.11740878058735331 0.12261965758513438 -0.25602020283952065 -0.3467720103521277 -0.3450436501253132 -0.4666221800629476 -0.4957205424159373 -0.18144275115131014 +17018,-0.12518075798474773,0,0.9172525954588534 1.2309886618924448 1.3931965541580489 1.2366380779875719 1.5051014263985452 1.4547984063734285 1.1190837896519399 1.163917968577212 0.9233405506513265 0.6196134954333063 0.4000859568111828 0.11740878058735331 0.12261965758513438 -0.25602020283952065 -0.3467720103521277 -0.3450436501253132 -0.4666221800629476 -0.4957205424159373 -0.18144275115131014 -0.3249998313768418 +17019,0.474586019237818,0,1.2309886618924448 1.3931965541580489 1.2366380779875719 1.5051014263985452 1.4547984063734285 1.1190837896519399 1.163917968577212 0.9233405506513265 0.6196134954333063 0.4000859568111828 0.11740878058735331 0.12261965758513438 -0.25602020283952065 -0.3467720103521277 -0.3450436501253132 -0.4666221800629476 -0.4957205424159373 -0.18144275115131014 -0.3249998313768418 -0.12518075798474773 +17020,0.5410891914046688,0,1.3931965541580489 1.2366380779875719 1.5051014263985452 1.4547984063734285 1.1190837896519399 1.163917968577212 0.9233405506513265 0.6196134954333063 0.4000859568111828 0.11740878058735331 0.12261965758513438 -0.25602020283952065 -0.3467720103521277 -0.3450436501253132 -0.4666221800629476 -0.4957205424159373 -0.18144275115131014 -0.3249998313768418 -0.12518075798474773 0.474586019237818 +17021,1.0075400672472143,0,1.2366380779875719 1.5051014263985452 1.4547984063734285 1.1190837896519399 1.163917968577212 0.9233405506513265 0.6196134954333063 0.4000859568111828 0.11740878058735331 0.12261965758513438 -0.25602020283952065 -0.3467720103521277 -0.3450436501253132 -0.4666221800629476 -0.4957205424159373 -0.18144275115131014 -0.3249998313768418 -0.12518075798474773 0.474586019237818 0.5410891914046688 +17022,1.000755608700555,0,1.5051014263985452 1.4547984063734285 1.1190837896519399 1.163917968577212 0.9233405506513265 0.6196134954333063 0.4000859568111828 0.11740878058735331 0.12261965758513438 -0.25602020283952065 -0.3467720103521277 -0.3450436501253132 -0.4666221800629476 -0.4957205424159373 -0.18144275115131014 -0.3249998313768418 -0.12518075798474773 0.474586019237818 0.5410891914046688 1.0075400672472143 +17023,1.624951596109365,0,1.4547984063734285 1.1190837896519399 1.163917968577212 0.9233405506513265 0.6196134954333063 0.4000859568111828 0.11740878058735331 0.12261965758513438 -0.25602020283952065 -0.3467720103521277 -0.3450436501253132 -0.4666221800629476 -0.4957205424159373 -0.18144275115131014 -0.3249998313768418 -0.12518075798474773 0.474586019237818 0.5410891914046688 1.0075400672472143 1.000755608700555 +17024,1.7759122491289616,0,1.1190837896519399 1.163917968577212 0.9233405506513265 0.6196134954333063 0.4000859568111828 0.11740878058735331 0.12261965758513438 -0.25602020283952065 -0.3467720103521277 -0.3450436501253132 -0.4666221800629476 -0.4957205424159373 -0.18144275115131014 -0.3249998313768418 -0.12518075798474773 0.474586019237818 0.5410891914046688 1.0075400672472143 1.000755608700555 1.624951596109365 +17025,1.6480393925314571,0,1.163917968577212 0.9233405506513265 0.6196134954333063 0.4000859568111828 0.11740878058735331 0.12261965758513438 -0.25602020283952065 -0.3467720103521277 -0.3450436501253132 -0.4666221800629476 -0.4957205424159373 -0.18144275115131014 -0.3249998313768418 -0.12518075798474773 0.474586019237818 0.5410891914046688 1.0075400672472143 1.000755608700555 1.624951596109365 1.7759122491289616 +17026,1.891944548550373,0,0.9233405506513265 0.6196134954333063 0.4000859568111828 0.11740878058735331 0.12261965758513438 -0.25602020283952065 -0.3467720103521277 -0.3450436501253132 -0.4666221800629476 -0.4957205424159373 -0.18144275115131014 -0.3249998313768418 -0.12518075798474773 0.474586019237818 0.5410891914046688 1.0075400672472143 1.000755608700555 1.624951596109365 1.7759122491289616 1.6480393925314571 +17027,1.8570161952617592,0,0.6196134954333063 0.4000859568111828 0.11740878058735331 0.12261965758513438 -0.25602020283952065 -0.3467720103521277 -0.3450436501253132 -0.4666221800629476 -0.4957205424159373 -0.18144275115131014 -0.3249998313768418 -0.12518075798474773 0.474586019237818 0.5410891914046688 1.0075400672472143 1.000755608700555 1.624951596109365 1.7759122491289616 1.6480393925314571 1.891944548550373 +17028,1.475538728476095,0,0.4000859568111828 0.11740878058735331 0.12261965758513438 -0.25602020283952065 -0.3467720103521277 -0.3450436501253132 -0.4666221800629476 -0.4957205424159373 -0.18144275115131014 -0.3249998313768418 -0.12518075798474773 0.474586019237818 0.5410891914046688 1.0075400672472143 1.000755608700555 1.624951596109365 1.7759122491289616 1.6480393925314571 1.891944548550373 1.8570161952617592 +17029,1.5561267462499802,0,0.11740878058735331 0.12261965758513438 -0.25602020283952065 -0.3467720103521277 -0.3450436501253132 -0.4666221800629476 -0.4957205424159373 -0.18144275115131014 -0.3249998313768418 -0.12518075798474773 0.474586019237818 0.5410891914046688 1.0075400672472143 1.000755608700555 1.624951596109365 1.7759122491289616 1.6480393925314571 1.891944548550373 1.8570161952617592 1.475538728476095 +17030,1.290165650526806,0,0.12261965758513438 -0.25602020283952065 -0.3467720103521277 -0.3450436501253132 -0.4666221800629476 -0.4957205424159373 -0.18144275115131014 -0.3249998313768418 -0.12518075798474773 0.474586019237818 0.5410891914046688 1.0075400672472143 1.000755608700555 1.624951596109365 1.7759122491289616 1.6480393925314571 1.891944548550373 1.8570161952617592 1.475538728476095 1.5561267462499802 +17031,0.975526709426417,0,-0.25602020283952065 -0.3467720103521277 -0.3450436501253132 -0.4666221800629476 -0.4957205424159373 -0.18144275115131014 -0.3249998313768418 -0.12518075798474773 0.474586019237818 0.5410891914046688 1.0075400672472143 1.000755608700555 1.624951596109365 1.7759122491289616 1.6480393925314571 1.891944548550373 1.8570161952617592 1.475538728476095 1.5561267462499802 1.290165650526806 +17032,0.7257915623171002,0,-0.3467720103521277 -0.3450436501253132 -0.4666221800629476 -0.4957205424159373 -0.18144275115131014 -0.3249998313768418 -0.12518075798474773 0.474586019237818 0.5410891914046688 1.0075400672472143 1.000755608700555 1.624951596109365 1.7759122491289616 1.6480393925314571 1.891944548550373 1.8570161952617592 1.475538728476095 1.5561267462499802 1.290165650526806 0.975526709426417 +17033,0.42737856967578275,0,-0.3450436501253132 -0.4666221800629476 -0.4957205424159373 -0.18144275115131014 -0.3249998313768418 -0.12518075798474773 0.474586019237818 0.5410891914046688 1.0075400672472143 1.000755608700555 1.624951596109365 1.7759122491289616 1.6480393925314571 1.891944548550373 1.8570161952617592 1.475538728476095 1.5561267462499802 1.290165650526806 0.975526709426417 0.7257915623171002 +17034,0.4492797307020959,0,-0.4666221800629476 -0.4957205424159373 -0.18144275115131014 -0.3249998313768418 -0.12518075798474773 0.474586019237818 0.5410891914046688 1.0075400672472143 1.000755608700555 1.624951596109365 1.7759122491289616 1.6480393925314571 1.891944548550373 1.8570161952617592 1.475538728476095 1.5561267462499802 1.290165650526806 0.975526709426417 0.7257915623171002 0.42737856967578275 +17035,0.044095353556496845,0,-0.4957205424159373 -0.18144275115131014 -0.3249998313768418 -0.12518075798474773 0.474586019237818 0.5410891914046688 1.0075400672472143 1.000755608700555 1.624951596109365 1.7759122491289616 1.6480393925314571 1.891944548550373 1.8570161952617592 1.475538728476095 1.5561267462499802 1.290165650526806 0.975526709426417 0.7257915623171002 0.42737856967578275 0.4492797307020959 +17036,-0.040774870076248505,0,-0.18144275115131014 -0.3249998313768418 -0.12518075798474773 0.474586019237818 0.5410891914046688 1.0075400672472143 1.000755608700555 1.624951596109365 1.7759122491289616 1.6480393925314571 1.891944548550373 1.8570161952617592 1.475538728476095 1.5561267462499802 1.290165650526806 0.975526709426417 0.7257915623171002 0.42737856967578275 0.4492797307020959 0.044095353556496845 +17037,-0.023800825318744057,0,-0.3249998313768418 -0.12518075798474773 0.474586019237818 0.5410891914046688 1.0075400672472143 1.000755608700555 1.624951596109365 1.7759122491289616 1.6480393925314571 1.891944548550373 1.8570161952617592 1.475538728476095 1.5561267462499802 1.290165650526806 0.975526709426417 0.7257915623171002 0.42737856967578275 0.4492797307020959 0.044095353556496845 -0.040774870076248505 +17038,-0.1426191383117214,0,-0.12518075798474773 0.474586019237818 0.5410891914046688 1.0075400672472143 1.000755608700555 1.624951596109365 1.7759122491289616 1.6480393925314571 1.891944548550373 1.8570161952617592 1.475538728476095 1.5561267462499802 1.290165650526806 0.975526709426417 0.7257915623171002 0.42737856967578275 0.4492797307020959 0.044095353556496845 -0.040774870076248505 -0.023800825318744057 +17039,-0.159593182914449,0,0.474586019237818 0.5410891914046688 1.0075400672472143 1.000755608700555 1.624951596109365 1.7759122491289616 1.6480393925314571 1.891944548550373 1.8570161952617592 1.475538728476095 1.5561267462499802 1.290165650526806 0.975526709426417 0.7257915623171002 0.42737856967578275 0.4492797307020959 0.044095353556496845 -0.040774870076248505 -0.023800825318744057 -0.1426191383117214 +17040,0.12370310724721462,0,0.5410891914046688 1.0075400672472143 1.000755608700555 1.624951596109365 1.7759122491289616 1.6480393925314571 1.891944548550373 1.8570161952617592 1.475538728476095 1.5561267462499802 1.290165650526806 0.975526709426417 0.7257915623171002 0.42737856967578275 0.4492797307020959 0.044095353556496845 -0.040774870076248505 -0.023800825318744057 -0.1426191383117214 -0.159593182914449 +17041,0.006638950953175016,0,1.0075400672472143 1.000755608700555 1.624951596109365 1.7759122491289616 1.6480393925314571 1.891944548550373 1.8570161952617592 1.475538728476095 1.5561267462499802 1.290165650526806 0.975526709426417 0.7257915623171002 0.42737856967578275 0.4492797307020959 0.044095353556496845 -0.040774870076248505 -0.023800825318744057 -0.1426191383117214 -0.159593182914449 0.12370310724721462 +17042,0.18984512942352658,0,1.000755608700555 1.624951596109365 1.7759122491289616 1.6480393925314571 1.891944548550373 1.8570161952617592 1.475538728476095 1.5561267462499802 1.290165650526806 0.975526709426417 0.7257915623171002 0.42737856967578275 0.4492797307020959 0.044095353556496845 -0.040774870076248505 -0.023800825318744057 -0.1426191383117214 -0.159593182914449 0.12370310724721462 0.006638950953175016 +17043,0.885600387473818,0,1.624951596109365 1.7759122491289616 1.6480393925314571 1.891944548550373 1.8570161952617592 1.475538728476095 1.5561267462499802 1.290165650526806 0.975526709426417 0.7257915623171002 0.42737856967578275 0.4492797307020959 0.044095353556496845 -0.040774870076248505 -0.023800825318744057 -0.1426191383117214 -0.159593182914449 0.12370310724721462 0.006638950953175016 0.18984512942352658 +17044,0.8979568728540379,0,1.7759122491289616 1.6480393925314571 1.891944548550373 1.8570161952617592 1.475538728476095 1.5561267462499802 1.290165650526806 0.975526709426417 0.7257915623171002 0.42737856967578275 0.4492797307020959 0.044095353556496845 -0.040774870076248505 -0.023800825318744057 -0.1426191383117214 -0.159593182914449 0.12370310724721462 0.006638950953175016 0.18984512942352658 0.885600387473818 +17045,1.4228624378142065,0,1.6480393925314571 1.891944548550373 1.8570161952617592 1.475538728476095 1.5561267462499802 1.290165650526806 0.975526709426417 0.7257915623171002 0.42737856967578275 0.4492797307020959 0.044095353556496845 -0.040774870076248505 -0.023800825318744057 -0.1426191383117214 -0.159593182914449 0.12370310724721462 0.006638950953175016 0.18984512942352658 0.885600387473818 0.8979568728540379 +17046,1.2891853865984244,0,1.891944548550373 1.8570161952617592 1.475538728476095 1.5561267462499802 1.290165650526806 0.975526709426417 0.7257915623171002 0.42737856967578275 0.4492797307020959 0.044095353556496845 -0.040774870076248505 -0.023800825318744057 -0.1426191383117214 -0.159593182914449 0.12370310724721462 0.006638950953175016 0.18984512942352658 0.885600387473818 0.8979568728540379 1.4228624378142065 +17047,2.0336184901807166,0,1.8570161952617592 1.475538728476095 1.5561267462499802 1.290165650526806 0.975526709426417 0.7257915623171002 0.42737856967578275 0.4492797307020959 0.044095353556496845 -0.040774870076248505 -0.023800825318744057 -0.1426191383117214 -0.159593182914449 0.12370310724721462 0.006638950953175016 0.18984512942352658 0.885600387473818 0.8979568728540379 1.4228624378142065 1.2891853865984244 +17048,2.1194689775870668,0,1.475538728476095 1.5561267462499802 1.290165650526806 0.975526709426417 0.7257915623171002 0.42737856967578275 0.4492797307020959 0.044095353556496845 -0.040774870076248505 -0.023800825318744057 -0.1426191383117214 -0.159593182914449 0.12370310724721462 0.006638950953175016 0.18984512942352658 0.885600387473818 0.8979568728540379 1.4228624378142065 1.2891853865984244 2.0336184901807166 +17049,1.995439787751085,0,1.5561267462499802 1.290165650526806 0.975526709426417 0.7257915623171002 0.42737856967578275 0.4492797307020959 0.044095353556496845 -0.040774870076248505 -0.023800825318744057 -0.1426191383117214 -0.159593182914449 0.12370310724721462 0.006638950953175016 0.18984512942352658 0.885600387473818 0.8979568728540379 1.4228624378142065 1.2891853865984244 2.0336184901807166 2.1194689775870668 +17050,2.1512501677779152,0,1.290165650526806 0.975526709426417 0.7257915623171002 0.42737856967578275 0.4492797307020959 0.044095353556496845 -0.040774870076248505 -0.023800825318744057 -0.1426191383117214 -0.159593182914449 0.12370310724721462 0.006638950953175016 0.18984512942352658 0.885600387473818 0.8979568728540379 1.4228624378142065 1.2891853865984244 2.0336184901807166 2.1194689775870668 1.995439787751085 +17051,2.0971808702528594,0,0.975526709426417 0.7257915623171002 0.42737856967578275 0.4492797307020959 0.044095353556496845 -0.040774870076248505 -0.023800825318744057 -0.1426191383117214 -0.159593182914449 0.12370310724721462 0.006638950953175016 0.18984512942352658 0.885600387473818 0.8979568728540379 1.4228624378142065 1.2891853865984244 2.0336184901807166 2.1194689775870668 1.995439787751085 2.1512501677779152 +17052,1.6772151441460308,0,0.7257915623171002 0.42737856967578275 0.4492797307020959 0.044095353556496845 -0.040774870076248505 -0.023800825318744057 -0.1426191383117214 -0.159593182914449 0.12370310724721462 0.006638950953175016 0.18984512942352658 0.885600387473818 0.8979568728540379 1.4228624378142065 1.2891853865984244 2.0336184901807166 2.1194689775870668 1.995439787751085 2.1512501677779152 2.0971808702528594 +17053,1.7451113230212718,0,0.42737856967578275 0.4492797307020959 0.044095353556496845 -0.040774870076248505 -0.023800825318744057 -0.1426191383117214 -0.159593182914449 0.12370310724721462 0.006638950953175016 0.18984512942352658 0.885600387473818 0.8979568728540379 1.4228624378142065 1.2891853865984244 2.0336184901807166 2.1194689775870668 1.995439787751085 2.1512501677779152 2.0971808702528594 1.6772151441460308 +17054,1.447111073005177,0,0.4492797307020959 0.044095353556496845 -0.040774870076248505 -0.023800825318744057 -0.1426191383117214 -0.159593182914449 0.12370310724721462 0.006638950953175016 0.18984512942352658 0.885600387473818 0.8979568728540379 1.4228624378142065 1.2891853865984244 2.0336184901807166 2.1194689775870668 1.995439787751085 2.1512501677779152 2.0971808702528594 1.6772151441460308 1.7451113230212718 +17055,1.2078492726808834,0,0.044095353556496845 -0.040774870076248505 -0.023800825318744057 -0.1426191383117214 -0.159593182914449 0.12370310724721462 0.006638950953175016 0.18984512942352658 0.885600387473818 0.8979568728540379 1.4228624378142065 1.2891853865984244 2.0336184901807166 2.1194689775870668 1.995439787751085 2.1512501677779152 2.0971808702528594 1.6772151441460308 1.7451113230212718 1.447111073005177 +17056,0.8902695396405633,0,-0.040774870076248505 -0.023800825318744057 -0.1426191383117214 -0.159593182914449 0.12370310724721462 0.006638950953175016 0.18984512942352658 0.885600387473818 0.8979568728540379 1.4228624378142065 1.2891853865984244 2.0336184901807166 2.1194689775870668 1.995439787751085 2.1512501677779152 2.0971808702528594 1.6772151441460308 1.7451113230212718 1.447111073005177 1.2078492726808834 +17057,0.6314282559824816,0,-0.023800825318744057 -0.1426191383117214 -0.159593182914449 0.12370310724721462 0.006638950953175016 0.18984512942352658 0.885600387473818 0.8979568728540379 1.4228624378142065 1.2891853865984244 2.0336184901807166 2.1194689775870668 1.995439787751085 2.1512501677779152 2.0971808702528594 1.6772151441460308 1.7451113230212718 1.447111073005177 1.2078492726808834 0.8902695396405633 +17058,0.6089337773356631,0,-0.1426191383117214 -0.159593182914449 0.12370310724721462 0.006638950953175016 0.18984512942352658 0.885600387473818 0.8979568728540379 1.4228624378142065 1.2891853865984244 2.0336184901807166 2.1194689775870668 1.995439787751085 2.1512501677779152 2.0971808702528594 1.6772151441460308 1.7451113230212718 1.447111073005177 1.2078492726808834 0.8902695396405633 0.6314282559824816 +17059,0.2713102255468806,0,-0.159593182914449 0.12370310724721462 0.006638950953175016 0.18984512942352658 0.885600387473818 0.8979568728540379 1.4228624378142065 1.2891853865984244 2.0336184901807166 2.1194689775870668 1.995439787751085 2.1512501677779152 2.0971808702528594 1.6772151441460308 1.7451113230212718 1.447111073005177 1.2078492726808834 0.8902695396405633 0.6314282559824816 0.6089337773356631 +17060,0.170033478459781,0,0.12370310724721462 0.006638950953175016 0.18984512942352658 0.885600387473818 0.8979568728540379 1.4228624378142065 1.2891853865984244 2.0336184901807166 2.1194689775870668 1.995439787751085 2.1512501677779152 2.0971808702528594 1.6772151441460308 1.7451113230212718 1.447111073005177 1.2078492726808834 0.8902695396405633 0.6314282559824816 0.6089337773356631 0.2713102255468806 +17061,0.19257955005083724,0,0.006638950953175016 0.18984512942352658 0.885600387473818 0.8979568728540379 1.4228624378142065 1.2891853865984244 2.0336184901807166 2.1194689775870668 1.995439787751085 2.1512501677779152 2.0971808702528594 1.6772151441460308 1.7451113230212718 1.447111073005177 1.2078492726808834 0.8902695396405633 0.6314282559824816 0.6089337773356631 0.2713102255468806 0.170033478459781 +17062,0.05002853022581936,0,0.18984512942352658 0.885600387473818 0.8979568728540379 1.4228624378142065 1.2891853865984244 2.0336184901807166 2.1194689775870668 1.995439787751085 2.1512501677779152 2.0971808702528594 1.6772151441460308 1.7451113230212718 1.447111073005177 1.2078492726808834 0.8902695396405633 0.6314282559824816 0.6089337773356631 0.2713102255468806 0.170033478459781 0.19257955005083724 +17063,0.03130032892415404,0,0.885600387473818 0.8979568728540379 1.4228624378142065 1.2891853865984244 2.0336184901807166 2.1194689775870668 1.995439787751085 2.1512501677779152 2.0971808702528594 1.6772151441460308 1.7451113230212718 1.447111073005177 1.2078492726808834 0.8902695396405633 0.6314282559824816 0.6089337773356631 0.2713102255468806 0.170033478459781 0.19257955005083724 0.05002853022581936 +17064,0.3410895430173097,0,0.8979568728540379 1.4228624378142065 1.2891853865984244 2.0336184901807166 2.1194689775870668 1.995439787751085 2.1512501677779152 2.0971808702528594 1.6772151441460308 1.7451113230212718 1.447111073005177 1.2078492726808834 0.8902695396405633 0.6314282559824816 0.6089337773356631 0.2713102255468806 0.170033478459781 0.19257955005083724 0.05002853022581936 0.03130032892415404 +17065,0.21285553658404324,0,1.4228624378142065 1.2891853865984244 2.0336184901807166 2.1194689775870668 1.995439787751085 2.1512501677779152 2.0971808702528594 1.6772151441460308 1.7451113230212718 1.447111073005177 1.2078492726808834 0.8902695396405633 0.6314282559824816 0.6089337773356631 0.2713102255468806 0.170033478459781 0.19257955005083724 0.05002853022581936 0.03130032892415404 0.3410895430173097 +17066,0.413138945545589,0,1.2891853865984244 2.0336184901807166 2.1194689775870668 1.995439787751085 2.1512501677779152 2.0971808702528594 1.6772151441460308 1.7451113230212718 1.447111073005177 1.2078492726808834 0.8902695396405633 0.6314282559824816 0.6089337773356631 0.2713102255468806 0.170033478459781 0.19257955005083724 0.05002853022581936 0.03130032892415404 0.3410895430173097 0.21285553658404324 +17067,1.0023033939320956,0,2.0336184901807166 2.1194689775870668 1.995439787751085 2.1512501677779152 2.0971808702528594 1.6772151441460308 1.7451113230212718 1.447111073005177 1.2078492726808834 0.8902695396405633 0.6314282559824816 0.6089337773356631 0.2713102255468806 0.170033478459781 0.19257955005083724 0.05002853022581936 0.03130032892415404 0.3410895430173097 0.21285553658404324 0.413138945545589 +17068,1.0729597897519936,0,2.1194689775870668 1.995439787751085 2.1512501677779152 2.0971808702528594 1.6772151441460308 1.7451113230212718 1.447111073005177 1.2078492726808834 0.8902695396405633 0.6314282559824816 0.6089337773356631 0.2713102255468806 0.170033478459781 0.19257955005083724 0.05002853022581936 0.03130032892415404 0.3410895430173097 0.21285553658404324 0.413138945545589 1.0023033939320956 +17069,1.5324972249968436,0,1.995439787751085 2.1512501677779152 2.0971808702528594 1.6772151441460308 1.7451113230212718 1.447111073005177 1.2078492726808834 0.8902695396405633 0.6314282559824816 0.6089337773356631 0.2713102255468806 0.170033478459781 0.19257955005083724 0.05002853022581936 0.03130032892415404 0.3410895430173097 0.21285553658404324 0.413138945545589 1.0023033939320956 1.0729597897519936 +17070,1.4582035338828199,0,2.1512501677779152 2.0971808702528594 1.6772151441460308 1.7451113230212718 1.447111073005177 1.2078492726808834 0.8902695396405633 0.6314282559824816 0.6089337773356631 0.2713102255468806 0.170033478459781 0.19257955005083724 0.05002853022581936 0.03130032892415404 0.3410895430173097 0.21285553658404324 0.413138945545589 1.0023033939320956 1.0729597897519936 1.5324972249968436 +17071,2.0956846779655565,0,2.0971808702528594 1.6772151441460308 1.7451113230212718 1.447111073005177 1.2078492726808834 0.8902695396405633 0.6314282559824816 0.6089337773356631 0.2713102255468806 0.170033478459781 0.19257955005083724 0.05002853022581936 0.03130032892415404 0.3410895430173097 0.21285553658404324 0.413138945545589 1.0023033939320956 1.0729597897519936 1.5324972249968436 1.4582035338828199 +17072,2.1993346955346333,0,1.6772151441460308 1.7451113230212718 1.447111073005177 1.2078492726808834 0.8902695396405633 0.6314282559824816 0.6089337773356631 0.2713102255468806 0.170033478459781 0.19257955005083724 0.05002853022581936 0.03130032892415404 0.3410895430173097 0.21285553658404324 0.413138945545589 1.0023033939320956 1.0729597897519936 1.5324972249968436 1.4582035338828199 2.0956846779655565 +17073,2.0818835929327086,0,1.7451113230212718 1.447111073005177 1.2078492726808834 0.8902695396405633 0.6314282559824816 0.6089337773356631 0.2713102255468806 0.170033478459781 0.19257955005083724 0.05002853022581936 0.03130032892415404 0.3410895430173097 0.21285553658404324 0.413138945545589 1.0023033939320956 1.0729597897519936 1.5324972249968436 1.4582035338828199 2.0956846779655565 2.1993346955346333 +17074,2.259233983995313,0,1.447111073005177 1.2078492726808834 0.8902695396405633 0.6314282559824816 0.6089337773356631 0.2713102255468806 0.170033478459781 0.19257955005083724 0.05002853022581936 0.03130032892415404 0.3410895430173097 0.21285553658404324 0.413138945545589 1.0023033939320956 1.0729597897519936 1.5324972249968436 1.4582035338828199 2.0956846779655565 2.1993346955346333 2.0818835929327086 +17075,2.2154832548869154,0,1.2078492726808834 0.8902695396405633 0.6314282559824816 0.6089337773356631 0.2713102255468806 0.170033478459781 0.19257955005083724 0.05002853022581936 0.03130032892415404 0.3410895430173097 0.21285553658404324 0.413138945545589 1.0023033939320956 1.0729597897519936 1.5324972249968436 1.4582035338828199 2.0956846779655565 2.1993346955346333 2.0818835929327086 2.259233983995313 +17076,1.7792915801662297,0,0.8902695396405633 0.6314282559824816 0.6089337773356631 0.2713102255468806 0.170033478459781 0.19257955005083724 0.05002853022581936 0.03130032892415404 0.3410895430173097 0.21285553658404324 0.413138945545589 1.0023033939320956 1.0729597897519936 1.5324972249968436 1.4582035338828199 2.0956846779655565 2.1993346955346333 2.0818835929327086 2.259233983995313 2.2154832548869154 +17077,1.866354499440473,0,0.6314282559824816 0.6089337773356631 0.2713102255468806 0.170033478459781 0.19257955005083724 0.05002853022581936 0.03130032892415404 0.3410895430173097 0.21285553658404324 0.413138945545589 1.0023033939320956 1.0729597897519936 1.5324972249968436 1.4582035338828199 2.0956846779655565 2.1993346955346333 2.0818835929327086 2.259233983995313 2.2154832548869154 1.7792915801662297 +17078,1.5609764732572136,0,0.6089337773356631 0.2713102255468806 0.170033478459781 0.19257955005083724 0.05002853022581936 0.03130032892415404 0.3410895430173097 0.21285553658404324 0.413138945545589 1.0023033939320956 1.0729597897519936 1.5324972249968436 1.4582035338828199 2.0956846779655565 2.1993346955346333 2.0818835929327086 2.259233983995313 2.2154832548869154 1.7792915801662297 1.866354499440473 +17079,1.340184909977736,0,0.2713102255468806 0.170033478459781 0.19257955005083724 0.05002853022581936 0.03130032892415404 0.3410895430173097 0.21285553658404324 0.413138945545589 1.0023033939320956 1.0729597897519936 1.5324972249968436 1.4582035338828199 2.0956846779655565 2.1993346955346333 2.0818835929327086 2.259233983995313 2.2154832548869154 1.7792915801662297 1.866354499440473 1.5609764732572136 +17080,1.0066113961082934,0,0.170033478459781 0.19257955005083724 0.05002853022581936 0.03130032892415404 0.3410895430173097 0.21285553658404324 0.413138945545589 1.0023033939320956 1.0729597897519936 1.5324972249968436 1.4582035338828199 2.0956846779655565 2.1993346955346333 2.0818835929327086 2.259233983995313 2.2154832548869154 1.7792915801662297 1.866354499440473 1.5609764732572136 1.340184909977736 +17081,0.7576243452974094,0,0.19257955005083724 0.05002853022581936 0.03130032892415404 0.3410895430173097 0.21285553658404324 0.413138945545589 1.0023033939320956 1.0729597897519936 1.5324972249968436 1.4582035338828199 2.0956846779655565 2.1993346955346333 2.0818835929327086 2.259233983995313 2.2154832548869154 1.7792915801662297 1.866354499440473 1.5609764732572136 1.340184909977736 1.0066113961082934 +17082,0.7207612603145841,0,0.05002853022581936 0.03130032892415404 0.3410895430173097 0.21285553658404324 0.413138945545589 1.0023033939320956 1.0729597897519936 1.5324972249968436 1.4582035338828199 2.0956846779655565 2.1993346955346333 2.0818835929327086 2.259233983995313 2.2154832548869154 1.7792915801662297 1.866354499440473 1.5609764732572136 1.340184909977736 1.0066113961082934 0.7576243452974094 +17083,0.4010662207395645,0,0.03130032892415404 0.3410895430173097 0.21285553658404324 0.413138945545589 1.0023033939320956 1.0729597897519936 1.5324972249968436 1.4582035338828199 2.0956846779655565 2.1993346955346333 2.0818835929327086 2.259233983995313 2.2154832548869154 1.7792915801662297 1.866354499440473 1.5609764732572136 1.340184909977736 1.0066113961082934 0.7576243452974094 0.7207612603145841 +17084,0.2934951471473893,0,0.3410895430173097 0.21285553658404324 0.413138945545589 1.0023033939320956 1.0729597897519936 1.5324972249968436 1.4582035338828199 2.0956846779655565 2.1993346955346333 2.0818835929327086 2.259233983995313 2.2154832548869154 1.7792915801662297 1.866354499440473 1.5609764732572136 1.340184909977736 1.0066113961082934 0.7576243452974094 0.7207612603145841 0.4010662207395645 +17085,0.2706653149821376,0,0.21285553658404324 0.413138945545589 1.0023033939320956 1.0729597897519936 1.5324972249968436 1.4582035338828199 2.0956846779655565 2.1993346955346333 2.0818835929327086 2.259233983995313 2.2154832548869154 1.7792915801662297 1.866354499440473 1.5609764732572136 1.340184909977736 1.0066113961082934 0.7576243452974094 0.7207612603145841 0.4010662207395645 0.2934951471473893 +17086,0.1348471609143182,0,0.413138945545589 1.0023033939320956 1.0729597897519936 1.5324972249968436 1.4582035338828199 2.0956846779655565 2.1993346955346333 2.0818835929327086 2.259233983995313 2.2154832548869154 1.7792915801662297 1.866354499440473 1.5609764732572136 1.340184909977736 1.0066113961082934 0.7576243452974094 0.7207612603145841 0.4010662207395645 0.2934951471473893 0.2706653149821376 +17087,0.0837702482734312,0,1.0023033939320956 1.0729597897519936 1.5324972249968436 1.4582035338828199 2.0956846779655565 2.1993346955346333 2.0818835929327086 2.259233983995313 2.2154832548869154 1.7792915801662297 1.866354499440473 1.5609764732572136 1.340184909977736 1.0066113961082934 0.7576243452974094 0.7207612603145841 0.4010662207395645 0.2934951471473893 0.2706653149821376 0.1348471609143182 +17088,0.37250958321761046,0,1.0729597897519936 1.5324972249968436 1.4582035338828199 2.0956846779655565 2.1993346955346333 2.0818835929327086 2.259233983995313 2.2154832548869154 1.7792915801662297 1.866354499440473 1.5609764732572136 1.340184909977736 1.0066113961082934 0.7576243452974094 0.7207612603145841 0.4010662207395645 0.2934951471473893 0.2706653149821376 0.1348471609143182 0.0837702482734312 +17089,0.20816058809996035,0,1.5324972249968436 1.4582035338828199 2.0956846779655565 2.1993346955346333 2.0818835929327086 2.259233983995313 2.2154832548869154 1.7792915801662297 1.866354499440473 1.5609764732572136 1.340184909977736 1.0066113961082934 0.7576243452974094 0.7207612603145841 0.4010662207395645 0.2934951471473893 0.2706653149821376 0.1348471609143182 0.0837702482734312 0.37250958321761046 +17090,0.3836278404125908,0,1.4582035338828199 2.0956846779655565 2.1993346955346333 2.0818835929327086 2.259233983995313 2.2154832548869154 1.7792915801662297 1.866354499440473 1.5609764732572136 1.340184909977736 1.0066113961082934 0.7576243452974094 0.7207612603145841 0.4010662207395645 0.2934951471473893 0.2706653149821376 0.1348471609143182 0.0837702482734312 0.37250958321761046 0.20816058809996035 +17091,1.0702511655967886,0,2.0956846779655565 2.1993346955346333 2.0818835929327086 2.259233983995313 2.2154832548869154 1.7792915801662297 1.866354499440473 1.5609764732572136 1.340184909977736 1.0066113961082934 0.7576243452974094 0.7207612603145841 0.4010662207395645 0.2934951471473893 0.2706653149821376 0.1348471609143182 0.0837702482734312 0.37250958321761046 0.20816058809996035 0.3836278404125908 +17092,1.0753330603887568,0,2.1993346955346333 2.0818835929327086 2.259233983995313 2.2154832548869154 1.7792915801662297 1.866354499440473 1.5609764732572136 1.340184909977736 1.0066113961082934 0.7576243452974094 0.7207612603145841 0.4010662207395645 0.2934951471473893 0.2706653149821376 0.1348471609143182 0.0837702482734312 0.37250958321761046 0.20816058809996035 0.3836278404125908 1.0702511655967886 +17093,1.5915710280522921,0,2.0818835929327086 2.259233983995313 2.2154832548869154 1.7792915801662297 1.866354499440473 1.5609764732572136 1.340184909977736 1.0066113961082934 0.7576243452974094 0.7207612603145841 0.4010662207395645 0.2934951471473893 0.2706653149821376 0.1348471609143182 0.0837702482734312 0.37250958321761046 0.20816058809996035 0.3836278404125908 1.0702511655967886 1.0753330603887568 +17094,1.5238296277002017,0,2.259233983995313 2.2154832548869154 1.7792915801662297 1.866354499440473 1.5609764732572136 1.340184909977736 1.0066113961082934 0.7576243452974094 0.7207612603145841 0.4010662207395645 0.2934951471473893 0.2706653149821376 0.1348471609143182 0.0837702482734312 0.37250958321761046 0.20816058809996035 0.3836278404125908 1.0702511655967886 1.0753330603887568 1.5915710280522921 +17095,2.2347273845474933,0,2.2154832548869154 1.7792915801662297 1.866354499440473 1.5609764732572136 1.340184909977736 1.0066113961082934 0.7576243452974094 0.7207612603145841 0.4010662207395645 0.2934951471473893 0.2706653149821376 0.1348471609143182 0.0837702482734312 0.37250958321761046 0.20816058809996035 0.3836278404125908 1.0702511655967886 1.0753330603887568 1.5915710280522921 1.5238296277002017 +17096,2.3616457735339536,0,1.7792915801662297 1.866354499440473 1.5609764732572136 1.340184909977736 1.0066113961082934 0.7576243452974094 0.7207612603145841 0.4010662207395645 0.2934951471473893 0.2706653149821376 0.1348471609143182 0.0837702482734312 0.37250958321761046 0.20816058809996035 0.3836278404125908 1.0702511655967886 1.0753330603887568 1.5915710280522921 1.5238296277002017 2.2347273845474933 +17097,2.2374360087026894,0,1.866354499440473 1.5609764732572136 1.340184909977736 1.0066113961082934 0.7576243452974094 0.7207612603145841 0.4010662207395645 0.2934951471473893 0.2706653149821376 0.1348471609143182 0.0837702482734312 0.37250958321761046 0.20816058809996035 0.3836278404125908 1.0702511655967886 1.0753330603887568 1.5915710280522921 1.5238296277002017 2.2347273845474933 2.3616457735339536 +17098,2.448063782243454,0,1.5609764732572136 1.340184909977736 1.0066113961082934 0.7576243452974094 0.7207612603145841 0.4010662207395645 0.2934951471473893 0.2706653149821376 0.1348471609143182 0.0837702482734312 0.37250958321761046 0.20816058809996035 0.3836278404125908 1.0702511655967886 1.0753330603887568 1.5915710280522921 1.5238296277002017 2.2347273845474933 2.3616457735339536 2.2374360087026894 +17099,2.4075634021212884,0,1.340184909977736 1.0066113961082934 0.7576243452974094 0.7207612603145841 0.4010662207395645 0.2934951471473893 0.2706653149821376 0.1348471609143182 0.0837702482734312 0.37250958321761046 0.20816058809996035 0.3836278404125908 1.0702511655967886 1.0753330603887568 1.5915710280522921 1.5238296277002017 2.2347273845474933 2.3616457735339536 2.2374360087026894 2.448063782243454 +17100,1.932057982519439,0,1.0066113961082934 0.7576243452974094 0.7207612603145841 0.4010662207395645 0.2934951471473893 0.2706653149821376 0.1348471609143182 0.0837702482734312 0.37250958321761046 0.20816058809996035 0.3836278404125908 1.0702511655967886 1.0753330603887568 1.5915710280522921 1.5238296277002017 2.2347273845474933 2.3616457735339536 2.2374360087026894 2.448063782243454 2.4075634021212884 +17101,2.0365592821206473,0,0.7576243452974094 0.7207612603145841 0.4010662207395645 0.2934951471473893 0.2706653149821376 0.1348471609143182 0.0837702482734312 0.37250958321761046 0.20816058809996035 0.3836278404125908 1.0702511655967886 1.0753330603887568 1.5915710280522921 1.5238296277002017 2.2347273845474933 2.3616457735339536 2.2374360087026894 2.448063782243454 2.4075634021212884 1.932057982519439 +17102,1.7060555422421715,0,0.7207612603145841 0.4010662207395645 0.2934951471473893 0.2706653149821376 0.1348471609143182 0.0837702482734312 0.37250958321761046 0.20816058809996035 0.3836278404125908 1.0702511655967886 1.0753330603887568 1.5915710280522921 1.5238296277002017 2.2347273845474933 2.3616457735339536 2.2374360087026894 2.448063782243454 2.4075634021212884 1.932057982519439 2.0365592821206473 +17103,1.5133820773872932,0,0.4010662207395645 0.2934951471473893 0.2706653149821376 0.1348471609143182 0.0837702482734312 0.37250958321761046 0.20816058809996035 0.3836278404125908 1.0702511655967886 1.0753330603887568 1.5915710280522921 1.5238296277002017 2.2347273845474933 2.3616457735339536 2.2374360087026894 2.448063782243454 2.4075634021212884 1.932057982519439 2.0365592821206473 1.7060555422421715 +17104,1.1369349126041361,0,0.2934951471473893 0.2706653149821376 0.1348471609143182 0.0837702482734312 0.37250958321761046 0.20816058809996035 0.3836278404125908 1.0702511655967886 1.0753330603887568 1.5915710280522921 1.5238296277002017 2.2347273845474933 2.3616457735339536 2.2374360087026894 2.448063782243454 2.4075634021212884 1.932057982519439 2.0365592821206473 1.7060555422421715 1.5133820773872932 +17105,0.8983180228445855,0,0.2706653149821376 0.1348471609143182 0.0837702482734312 0.37250958321761046 0.20816058809996035 0.3836278404125908 1.0702511655967886 1.0753330603887568 1.5915710280522921 1.5238296277002017 2.2347273845474933 2.3616457735339536 2.2374360087026894 2.448063782243454 2.4075634021212884 1.932057982519439 2.0365592821206473 1.7060555422421715 1.5133820773872932 1.1369349126041361 +17106,0.900536514958198,0,0.1348471609143182 0.0837702482734312 0.37250958321761046 0.20816058809996035 0.3836278404125908 1.0702511655967886 1.0753330603887568 1.5915710280522921 1.5238296277002017 2.2347273845474933 2.3616457735339536 2.2374360087026894 2.448063782243454 2.4075634021212884 1.932057982519439 2.0365592821206473 1.7060555422421715 1.5133820773872932 1.1369349126041361 0.8983180228445855 +17107,0.581641164471072,0,0.0837702482734312 0.37250958321761046 0.20816058809996035 0.3836278404125908 1.0702511655967886 1.0753330603887568 1.5915710280522921 1.5238296277002017 2.2347273845474933 2.3616457735339536 2.2374360087026894 2.448063782243454 2.4075634021212884 1.932057982519439 2.0365592821206473 1.7060555422421715 1.5133820773872932 1.1369349126041361 0.8983180228445855 0.900536514958198 +17108,0.5035811958571093,0,0.37250958321761046 0.20816058809996035 0.3836278404125908 1.0702511655967886 1.0753330603887568 1.5915710280522921 1.5238296277002017 2.2347273845474933 2.3616457735339536 2.2374360087026894 2.448063782243454 2.4075634021212884 1.932057982519439 2.0365592821206473 1.7060555422421715 1.5133820773872932 1.1369349126041361 0.8983180228445855 0.900536514958198 0.581641164471072 +17109,0.544236354657211,0,0.20816058809996035 0.3836278404125908 1.0702511655967886 1.0753330603887568 1.5915710280522921 1.5238296277002017 2.2347273845474933 2.3616457735339536 2.2374360087026894 2.448063782243454 2.4075634021212884 1.932057982519439 2.0365592821206473 1.7060555422421715 1.5133820773872932 1.1369349126041361 0.8983180228445855 0.900536514958198 0.581641164471072 0.5035811958571093 +17110,0.4266046770600124,0,0.3836278404125908 1.0702511655967886 1.0753330603887568 1.5915710280522921 1.5238296277002017 2.2347273845474933 2.3616457735339536 2.2374360087026894 2.448063782243454 2.4075634021212884 1.932057982519439 2.0365592821206473 1.7060555422421715 1.5133820773872932 1.1369349126041361 0.8983180228445855 0.900536514958198 0.581641164471072 0.5035811958571093 0.544236354657211 +17111,0.42768812672209267,0,1.0702511655967886 1.0753330603887568 1.5915710280522921 1.5238296277002017 2.2347273845474933 2.3616457735339536 2.2374360087026894 2.448063782243454 2.4075634021212884 1.932057982519439 2.0365592821206473 1.7060555422421715 1.5133820773872932 1.1369349126041361 0.8983180228445855 0.900536514958198 0.581641164471072 0.5035811958571093 0.544236354657211 0.4266046770600124 +17112,0.6776554416161352,0,1.0753330603887568 1.5915710280522921 1.5238296277002017 2.2347273845474933 2.3616457735339536 2.2374360087026894 2.448063782243454 2.4075634021212884 1.932057982519439 2.0365592821206473 1.7060555422421715 1.5133820773872932 1.1369349126041361 0.8983180228445855 0.900536514958198 0.581641164471072 0.5035811958571093 0.544236354657211 0.4266046770600124 0.42768812672209267 +17113,0.5957776028675584,0,1.5915710280522921 1.5238296277002017 2.2347273845474933 2.3616457735339536 2.2374360087026894 2.448063782243454 2.4075634021212884 1.932057982519439 2.0365592821206473 1.7060555422421715 1.5133820773872932 1.1369349126041361 0.8983180228445855 0.900536514958198 0.581641164471072 0.5035811958571093 0.544236354657211 0.4266046770600124 0.42768812672209267 0.6776554416161352 +17114,0.7627836293509528,0,1.5238296277002017 2.2347273845474933 2.3616457735339536 2.2374360087026894 2.448063782243454 2.4075634021212884 1.932057982519439 2.0365592821206473 1.7060555422421715 1.5133820773872932 1.1369349126041361 0.8983180228445855 0.900536514958198 0.581641164471072 0.5035811958571093 0.544236354657211 0.4266046770600124 0.42768812672209267 0.6776554416161352 0.5957776028675584 +17115,1.3326007623431744,0,2.2347273845474933 2.3616457735339536 2.2374360087026894 2.448063782243454 2.4075634021212884 1.932057982519439 2.0365592821206473 1.7060555422421715 1.5133820773872932 1.1369349126041361 0.8983180228445855 0.900536514958198 0.581641164471072 0.5035811958571093 0.544236354657211 0.4266046770600124 0.42768812672209267 0.6776554416161352 0.5957776028675584 0.7627836293509528 +17116,1.3653364199902989,0,2.3616457735339536 2.2374360087026894 2.448063782243454 2.4075634021212884 1.932057982519439 2.0365592821206473 1.7060555422421715 1.5133820773872932 1.1369349126041361 0.8983180228445855 0.900536514958198 0.581641164471072 0.5035811958571093 0.544236354657211 0.4266046770600124 0.42768812672209267 0.6776554416161352 0.5957776028675584 0.7627836293509528 1.3326007623431744 +17117,1.8008831841462416,0,2.2374360087026894 2.448063782243454 2.4075634021212884 1.932057982519439 2.0365592821206473 1.7060555422421715 1.5133820773872932 1.1369349126041361 0.8983180228445855 0.900536514958198 0.581641164471072 0.5035811958571093 0.544236354657211 0.4266046770600124 0.42768812672209267 0.6776554416161352 0.5957776028675584 0.7627836293509528 1.3326007623431744 1.3653364199902989 +17118,1.7003545333575836,0,2.448063782243454 2.4075634021212884 1.932057982519439 2.0365592821206473 1.7060555422421715 1.5133820773872932 1.1369349126041361 0.8983180228445855 0.900536514958198 0.581641164471072 0.5035811958571093 0.544236354657211 0.4266046770600124 0.42768812672209267 0.6776554416161352 0.5957776028675584 0.7627836293509528 1.3326007623431744 1.3653364199902989 1.8008831841462416 +17119,2.3145931024950688,0,2.4075634021212884 1.932057982519439 2.0365592821206473 1.7060555422421715 1.5133820773872932 1.1369349126041361 0.8983180228445855 0.900536514958198 0.581641164471072 0.5035811958571093 0.544236354657211 0.4266046770600124 0.42768812672209267 0.6776554416161352 0.5957776028675584 0.7627836293509528 1.3326007623431744 1.3653364199902989 1.8008831841462416 1.7003545333575836 +17120,2.3927562566879446,0,1.932057982519439 2.0365592821206473 1.7060555422421715 1.5133820773872932 1.1369349126041361 0.8983180228445855 0.900536514958198 0.581641164471072 0.5035811958571093 0.544236354657211 0.4266046770600124 0.42768812672209267 0.6776554416161352 0.5957776028675584 0.7627836293509528 1.3326007623431744 1.3653364199902989 1.8008831841462416 1.7003545333575836 2.3145931024950688 +17121,2.2916084918066666,0,2.0365592821206473 1.7060555422421715 1.5133820773872932 1.1369349126041361 0.8983180228445855 0.900536514958198 0.581641164471072 0.5035811958571093 0.544236354657211 0.4266046770600124 0.42768812672209267 0.6776554416161352 0.5957776028675584 0.7627836293509528 1.3326007623431744 1.3653364199902989 1.8008831841462416 1.7003545333575836 2.3145931024950688 2.3927562566879446 +17122,2.4295419524091857,0,1.7060555422421715 1.5133820773872932 1.1369349126041361 0.8983180228445855 0.900536514958198 0.581641164471072 0.5035811958571093 0.544236354657211 0.4266046770600124 0.42768812672209267 0.6776554416161352 0.5957776028675584 0.7627836293509528 1.3326007623431744 1.3653364199902989 1.8008831841462416 1.7003545333575836 2.3145931024950688 2.3927562566879446 2.2916084918066666 +17123,2.3881644937827744,0,1.5133820773872932 1.1369349126041361 0.8983180228445855 0.900536514958198 0.581641164471072 0.5035811958571093 0.544236354657211 0.4266046770600124 0.42768812672209267 0.6776554416161352 0.5957776028675584 0.7627836293509528 1.3326007623431744 1.3653364199902989 1.8008831841462416 1.7003545333575836 2.3145931024950688 2.3927562566879446 2.2916084918066666 2.4295419524091857 +17124,2.00967941188127,0,1.1369349126041361 0.8983180228445855 0.900536514958198 0.581641164471072 0.5035811958571093 0.544236354657211 0.4266046770600124 0.42768812672209267 0.6776554416161352 0.5957776028675584 0.7627836293509528 1.3326007623431744 1.3653364199902989 1.8008831841462416 1.7003545333575836 2.3145931024950688 2.3927562566879446 2.2916084918066666 2.4295419524091857 2.3881644937827744 +17125,2.080671161219601,0,0.8983180228445855 0.900536514958198 0.581641164471072 0.5035811958571093 0.544236354657211 0.4266046770600124 0.42768812672209267 0.6776554416161352 0.5957776028675584 0.7627836293509528 1.3326007623431744 1.3653364199902989 1.8008831841462416 1.7003545333575836 2.3145931024950688 2.3927562566879446 2.2916084918066666 2.4295419524091857 2.3881644937827744 2.00967941188127 +17126,1.8145552869732677,0,0.900536514958198 0.581641164471072 0.5035811958571093 0.544236354657211 0.4266046770600124 0.42768812672209267 0.6776554416161352 0.5957776028675584 0.7627836293509528 1.3326007623431744 1.3653364199902989 1.8008831841462416 1.7003545333575836 2.3145931024950688 2.3927562566879446 2.2916084918066666 2.4295419524091857 2.3881644937827744 2.00967941188127 2.080671161219601 +17127,1.6280729630445698,0,0.581641164471072 0.5035811958571093 0.544236354657211 0.4266046770600124 0.42768812672209267 0.6776554416161352 0.5957776028675584 0.7627836293509528 1.3326007623431744 1.3653364199902989 1.8008831841462416 1.7003545333575836 2.3145931024950688 2.3927562566879446 2.2916084918066666 2.4295419524091857 2.3881644937827744 2.00967941188127 2.080671161219601 1.8145552869732677 +17128,1.335412572232078,0,0.5035811958571093 0.544236354657211 0.4266046770600124 0.42768812672209267 0.6776554416161352 0.5957776028675584 0.7627836293509528 1.3326007623431744 1.3653364199902989 1.8008831841462416 1.7003545333575836 2.3145931024950688 2.3927562566879446 2.2916084918066666 2.4295419524091857 2.3881644937827744 2.00967941188127 2.080671161219601 1.8145552869732677 1.6280729630445698 +17129,1.1223857314276413,0,0.544236354657211 0.4266046770600124 0.42768812672209267 0.6776554416161352 0.5957776028675584 0.7627836293509528 1.3326007623431744 1.3653364199902989 1.8008831841462416 1.7003545333575836 2.3145931024950688 2.3927562566879446 2.2916084918066666 2.4295419524091857 2.3881644937827744 2.00967941188127 2.080671161219601 1.8145552869732677 1.6280729630445698 1.335412572232078 +17130,1.1538315681000655,0,0.4266046770600124 0.42768812672209267 0.6776554416161352 0.5957776028675584 0.7627836293509528 1.3326007623431744 1.3653364199902989 1.8008831841462416 1.7003545333575836 2.3145931024950688 2.3927562566879446 2.2916084918066666 2.4295419524091857 2.3881644937827744 2.00967941188127 2.080671161219601 1.8145552869732677 1.6280729630445698 1.335412572232078 1.1223857314276413 +17131,0.859313835009723,0,0.42768812672209267 0.6776554416161352 0.5957776028675584 0.7627836293509528 1.3326007623431744 1.3653364199902989 1.8008831841462416 1.7003545333575836 2.3145931024950688 2.3927562566879446 2.2916084918066666 2.4295419524091857 2.3881644937827744 2.00967941188127 2.080671161219601 1.8145552869732677 1.6280729630445698 1.335412572232078 1.1223857314276413 1.1538315681000655 +17132,0.8092687790866697,0,0.6776554416161352 0.5957776028675584 0.7627836293509528 1.3326007623431744 1.3653364199902989 1.8008831841462416 1.7003545333575836 2.3145931024950688 2.3927562566879446 2.2916084918066666 2.4295419524091857 2.3881644937827744 2.00967941188127 2.080671161219601 1.8145552869732677 1.6280729630445698 1.335412572232078 1.1223857314276413 1.1538315681000655 0.859313835009723 +17133,0.8079015688504029,0,0.5957776028675584 0.7627836293509528 1.3326007623431744 1.3653364199902989 1.8008831841462416 1.7003545333575836 2.3145931024950688 2.3927562566879446 2.2916084918066666 2.4295419524091857 2.3881644937827744 2.00967941188127 2.080671161219601 1.8145552869732677 1.6280729630445698 1.335412572232078 1.1223857314276413 1.1538315681000655 0.859313835009723 0.8092687790866697 +17134,0.7416305644682867,0,0.7627836293509528 1.3326007623431744 1.3653364199902989 1.8008831841462416 1.7003545333575836 2.3145931024950688 2.3927562566879446 2.2916084918066666 2.4295419524091857 2.3881644937827744 2.00967941188127 2.080671161219601 1.8145552869732677 1.6280729630445698 1.335412572232078 1.1223857314276413 1.1538315681000655 0.859313835009723 0.8092687790866697 0.8079015688504029 +17135,0.7240374057729393,0,1.3326007623431744 1.3653364199902989 1.8008831841462416 1.7003545333575836 2.3145931024950688 2.3927562566879446 2.2916084918066666 2.4295419524091857 2.3881644937827744 2.00967941188127 2.080671161219601 1.8145552869732677 1.6280729630445698 1.335412572232078 1.1223857314276413 1.1538315681000655 0.859313835009723 0.8092687790866697 0.8079015688504029 0.7416305644682867 +17136,0.9341234544826593,0,1.3653364199902989 1.8008831841462416 1.7003545333575836 2.3145931024950688 2.3927562566879446 2.2916084918066666 2.4295419524091857 2.3881644937827744 2.00967941188127 2.080671161219601 1.8145552869732677 1.6280729630445698 1.335412572232078 1.1223857314276413 1.1538315681000655 0.859313835009723 0.8092687790866697 0.8079015688504029 0.7416305644682867 0.7240374057729393 +17137,0.8406372264975185,0,1.8008831841462416 1.7003545333575836 2.3145931024950688 2.3927562566879446 2.2916084918066666 2.4295419524091857 2.3881644937827744 2.00967941188127 2.080671161219601 1.8145552869732677 1.6280729630445698 1.335412572232078 1.1223857314276413 1.1538315681000655 0.859313835009723 0.8092687790866697 0.8079015688504029 0.7416305644682867 0.7240374057729393 0.9341234544826593 +17138,0.9748302060722219,0,1.7003545333575836 2.3145931024950688 2.3927562566879446 2.2916084918066666 2.4295419524091857 2.3881644937827744 2.00967941188127 2.080671161219601 1.8145552869732677 1.6280729630445698 1.335412572232078 1.1223857314276413 1.1538315681000655 0.859313835009723 0.8092687790866697 0.8079015688504029 0.7416305644682867 0.7240374057729393 0.9341234544826593 0.8406372264975185 +17139,1.4994520103034181,0,2.3145931024950688 2.3927562566879446 2.2916084918066666 2.4295419524091857 2.3881644937827744 2.00967941188127 2.080671161219601 1.8145552869732677 1.6280729630445698 1.335412572232078 1.1223857314276413 1.1538315681000655 0.859313835009723 0.8092687790866697 0.8079015688504029 0.7416305644682867 0.7240374057729393 0.9341234544826593 0.8406372264975185 0.9748302060722219 +17140,1.5035020483775436,0,2.3927562566879446 2.2916084918066666 2.4295419524091857 2.3881644937827744 2.00967941188127 2.080671161219601 1.8145552869732677 1.6280729630445698 1.335412572232078 1.1223857314276413 1.1538315681000655 0.859313835009723 0.8092687790866697 0.8079015688504029 0.7416305644682867 0.7240374057729393 0.9341234544826593 0.8406372264975185 0.9748302060722219 1.4994520103034181 +17141,1.897980910953394,0,2.2916084918066666 2.4295419524091857 2.3881644937827744 2.00967941188127 2.080671161219601 1.8145552869732677 1.6280729630445698 1.335412572232078 1.1223857314276413 1.1538315681000655 0.859313835009723 0.8092687790866697 0.8079015688504029 0.7416305644682867 0.7240374057729393 0.9341234544826593 0.8406372264975185 0.9748302060722219 1.4994520103034181 1.5035020483775436 +17142,1.8118724592901947,0,2.4295419524091857 2.3881644937827744 2.00967941188127 2.080671161219601 1.8145552869732677 1.6280729630445698 1.335412572232078 1.1223857314276413 1.1538315681000655 0.859313835009723 0.8092687790866697 0.8079015688504029 0.7416305644682867 0.7240374057729393 0.9341234544826593 0.8406372264975185 0.9748302060722219 1.4994520103034181 1.5035020483775436 1.897980910953394 +17143,2.366547093485425,0,2.3881644937827744 2.00967941188127 2.080671161219601 1.8145552869732677 1.6280729630445698 1.335412572232078 1.1223857314276413 1.1538315681000655 0.859313835009723 0.8092687790866697 0.8079015688504029 0.7416305644682867 0.7240374057729393 0.9341234544826593 0.8406372264975185 0.9748302060722219 1.4994520103034181 1.5035020483775436 1.897980910953394 1.8118724592901947 +17144,2.440634413132052,0,2.00967941188127 2.080671161219601 1.8145552869732677 1.6280729630445698 1.335412572232078 1.1223857314276413 1.1538315681000655 0.859313835009723 0.8092687790866697 0.8079015688504029 0.7416305644682867 0.7240374057729393 0.9341234544826593 0.8406372264975185 0.9748302060722219 1.4994520103034181 1.5035020483775436 1.897980910953394 1.8118724592901947 2.366547093485425 +17145,2.3320830756114947,0,2.080671161219601 1.8145552869732677 1.6280729630445698 1.335412572232078 1.1223857314276413 1.1538315681000655 0.859313835009723 0.8092687790866697 0.8079015688504029 0.7416305644682867 0.7240374057729393 0.9341234544826593 0.8406372264975185 0.9748302060722219 1.4994520103034181 1.5035020483775436 1.897980910953394 1.8118724592901947 2.366547093485425 2.440634413132052 +17146,2.4670499478019683,0,1.8145552869732677 1.6280729630445698 1.335412572232078 1.1223857314276413 1.1538315681000655 0.859313835009723 0.8092687790866697 0.8079015688504029 0.7416305644682867 0.7240374057729393 0.9341234544826593 0.8406372264975185 0.9748302060722219 1.4994520103034181 1.5035020483775436 1.897980910953394 1.8118724592901947 2.366547093485425 2.440634413132052 2.3320830756114947 +17147,2.4193781626704727,0,1.6280729630445698 1.335412572232078 1.1223857314276413 1.1538315681000655 0.859313835009723 0.8092687790866697 0.8079015688504029 0.7416305644682867 0.7240374057729393 0.9341234544826593 0.8406372264975185 0.9748302060722219 1.4994520103034181 1.5035020483775436 1.897980910953394 1.8118724592901947 2.366547093485425 2.440634413132052 2.3320830756114947 2.4670499478019683 +17148,2.1139227472256295,0,1.335412572232078 1.1223857314276413 1.1538315681000655 0.859313835009723 0.8092687790866697 0.8079015688504029 0.7416305644682867 0.7240374057729393 0.9341234544826593 0.8406372264975185 0.9748302060722219 1.4994520103034181 1.5035020483775436 1.897980910953394 1.8118724592901947 2.366547093485425 2.440634413132052 2.3320830756114947 2.4670499478019683 2.4193781626704727 +17149,2.1521788389168446,0,1.1223857314276413 1.1538315681000655 0.859313835009723 0.8092687790866697 0.8079015688504029 0.7416305644682867 0.7240374057729393 0.9341234544826593 0.8406372264975185 0.9748302060722219 1.4994520103034181 1.5035020483775436 1.897980910953394 1.8118724592901947 2.366547093485425 2.440634413132052 2.3320830756114947 2.4670499478019683 2.4193781626704727 2.1139227472256295 +17150,1.9326513001399355,0,1.1538315681000655 0.859313835009723 0.8092687790866697 0.8079015688504029 0.7416305644682867 0.7240374057729393 0.9341234544826593 0.8406372264975185 0.9748302060722219 1.4994520103034181 1.5035020483775436 1.897980910953394 1.8118724592901947 2.366547093485425 2.440634413132052 2.3320830756114947 2.4670499478019683 2.4193781626704727 2.1139227472256295 2.1521788389168446 +17151,1.6882044192899752,0,0.859313835009723 0.8092687790866697 0.8079015688504029 0.7416305644682867 0.7240374057729393 0.9341234544826593 0.8406372264975185 0.9748302060722219 1.4994520103034181 1.5035020483775436 1.897980910953394 1.8118724592901947 2.366547093485425 2.440634413132052 2.3320830756114947 2.4670499478019683 2.4193781626704727 2.1139227472256295 2.1521788389168446 1.9326513001399355 +17152,1.4769833279739373,0,0.8092687790866697 0.8079015688504029 0.7416305644682867 0.7240374057729393 0.9341234544826593 0.8406372264975185 0.9748302060722219 1.4994520103034181 1.5035020483775436 1.897980910953394 1.8118724592901947 2.366547093485425 2.440634413132052 2.3320830756114947 2.4670499478019683 2.4193781626704727 2.1139227472256295 2.1521788389168446 1.9326513001399355 1.6882044192899752 +17153,1.240842894584848,0,0.8079015688504029 0.7416305644682867 0.7240374057729393 0.9341234544826593 0.8406372264975185 0.9748302060722219 1.4994520103034181 1.5035020483775436 1.897980910953394 1.8118724592901947 2.366547093485425 2.440634413132052 2.3320830756114947 2.4670499478019683 2.4193781626704727 2.1139227472256295 2.1521788389168446 1.9326513001399355 1.6882044192899752 1.4769833279739373 +17154,1.2344711786634115,0,0.7416305644682867 0.7240374057729393 0.9341234544826593 0.8406372264975185 0.9748302060722219 1.4994520103034181 1.5035020483775436 1.897980910953394 1.8118724592901947 2.366547093485425 2.440634413132052 2.3320830756114947 2.4670499478019683 2.4193781626704727 2.1139227472256295 2.1521788389168446 1.9326513001399355 1.6882044192899752 1.4769833279739373 1.240842894584848 +17155,0.921741172630325,0,0.7240374057729393 0.9341234544826593 0.8406372264975185 0.9748302060722219 1.4994520103034181 1.5035020483775436 1.897980910953394 1.8118724592901947 2.366547093485425 2.440634413132052 2.3320830756114947 2.4670499478019683 2.4193781626704727 2.1139227472256295 2.1521788389168446 1.9326513001399355 1.6882044192899752 1.4769833279739373 1.240842894584848 1.2344711786634115 +17156,0.8387798842196679,0,0.9341234544826593 0.8406372264975185 0.9748302060722219 1.4994520103034181 1.5035020483775436 1.897980910953394 1.8118724592901947 2.366547093485425 2.440634413132052 2.3320830756114947 2.4670499478019683 2.4193781626704727 2.1139227472256295 2.1521788389168446 1.9326513001399355 1.6882044192899752 1.4769833279739373 1.240842894584848 1.2344711786634115 0.921741172630325 +17157,0.8681878036189675,0,0.8406372264975185 0.9748302060722219 1.4994520103034181 1.5035020483775436 1.897980910953394 1.8118724592901947 2.366547093485425 2.440634413132052 2.3320830756114947 2.4670499478019683 2.4193781626704727 2.1139227472256295 2.1521788389168446 1.9326513001399355 1.6882044192899752 1.4769833279739373 1.240842894584848 1.2344711786634115 0.921741172630325 0.8387798842196679 +17158,0.7477701126049975,0,0.9748302060722219 1.4994520103034181 1.5035020483775436 1.897980910953394 1.8118724592901947 2.366547093485425 2.440634413132052 2.3320830756114947 2.4670499478019683 2.4193781626704727 2.1139227472256295 2.1521788389168446 1.9326513001399355 1.6882044192899752 1.4769833279739373 1.240842894584848 1.2344711786634115 0.921741172630325 0.8387798842196679 0.8681878036189675 +17159,0.7397216294009753,0,1.4994520103034181 1.5035020483775436 1.897980910953394 1.8118724592901947 2.366547093485425 2.440634413132052 2.3320830756114947 2.4670499478019683 2.4193781626704727 2.1139227472256295 2.1521788389168446 1.9326513001399355 1.6882044192899752 1.4769833279739373 1.240842894584848 1.2344711786634115 0.921741172630325 0.8387798842196679 0.8681878036189675 0.7477701126049975 +17160,0.9486726356591629,0,1.5035020483775436 1.897980910953394 1.8118724592901947 2.366547093485425 2.440634413132052 2.3320830756114947 2.4670499478019683 2.4193781626704727 2.1139227472256295 2.1521788389168446 1.9326513001399355 1.6882044192899752 1.4769833279739373 1.240842894584848 1.2344711786634115 0.921741172630325 0.8387798842196679 0.8681878036189675 0.7477701126049975 0.7397216294009753 +17161,0.868290989352666,0,1.897980910953394 1.8118724592901947 2.366547093485425 2.440634413132052 2.3320830756114947 2.4670499478019683 2.4193781626704727 2.1139227472256295 2.1521788389168446 1.9326513001399355 1.6882044192899752 1.4769833279739373 1.240842894584848 1.2344711786634115 0.921741172630325 0.8387798842196679 0.8681878036189675 0.7477701126049975 0.7397216294009753 0.9486726356591629 +17162,1.0049088323535933,0,1.8118724592901947 2.366547093485425 2.440634413132052 2.3320830756114947 2.4670499478019683 2.4193781626704727 2.1139227472256295 2.1521788389168446 1.9326513001399355 1.6882044192899752 1.4769833279739373 1.240842894584848 1.2344711786634115 0.921741172630325 0.8387798842196679 0.8681878036189675 0.7477701126049975 0.7397216294009753 0.9486726356591629 0.868290989352666 +17163,1.4663294063484174,0,2.366547093485425 2.440634413132052 2.3320830756114947 2.4670499478019683 2.4193781626704727 2.1139227472256295 2.1521788389168446 1.9326513001399355 1.6882044192899752 1.4769833279739373 1.240842894584848 1.2344711786634115 0.921741172630325 0.8387798842196679 0.8681878036189675 0.7477701126049975 0.7397216294009753 0.9486726356591629 0.868290989352666 1.0049088323535933 +17164,1.49467967255776,0,2.440634413132052 2.3320830756114947 2.4670499478019683 2.4193781626704727 2.1139227472256295 2.1521788389168446 1.9326513001399355 1.6882044192899752 1.4769833279739373 1.240842894584848 1.2344711786634115 0.921741172630325 0.8387798842196679 0.8681878036189675 0.7477701126049975 0.7397216294009753 0.9486726356591629 0.868290989352666 1.0049088323535933 1.4663294063484174 +17165,1.847832669451428,0,2.3320830756114947 2.4670499478019683 2.4193781626704727 2.1139227472256295 2.1521788389168446 1.9326513001399355 1.6882044192899752 1.4769833279739373 1.240842894584848 1.2344711786634115 0.921741172630325 0.8387798842196679 0.8681878036189675 0.7477701126049975 0.7397216294009753 0.9486726356591629 0.868290989352666 1.0049088323535933 1.4663294063484174 1.49467967255776 +17166,1.7524375063989757,0,2.4670499478019683 2.4193781626704727 2.1139227472256295 2.1521788389168446 1.9326513001399355 1.6882044192899752 1.4769833279739373 1.240842894584848 1.2344711786634115 0.921741172630325 0.8387798842196679 0.8681878036189675 0.7477701126049975 0.7397216294009753 0.9486726356591629 0.868290989352666 1.0049088323535933 1.4663294063484174 1.49467967255776 1.847832669451428 +17167,2.255106556814389,0,2.4193781626704727 2.1139227472256295 2.1521788389168446 1.9326513001399355 1.6882044192899752 1.4769833279739373 1.240842894584848 1.2344711786634115 0.921741172630325 0.8387798842196679 0.8681878036189675 0.7477701126049975 0.7397216294009753 0.9486726356591629 0.868290989352666 1.0049088323535933 1.4663294063484174 1.49467967255776 1.847832669451428 1.7524375063989757 +17168,2.3092274469741287,0,2.1139227472256295 2.1521788389168446 1.9326513001399355 1.6882044192899752 1.4769833279739373 1.240842894584848 1.2344711786634115 0.921741172630325 0.8387798842196679 0.8681878036189675 0.7477701126049975 0.7397216294009753 0.9486726356591629 0.868290989352666 1.0049088323535933 1.4663294063484174 1.49467967255776 1.847832669451428 1.7524375063989757 2.255106556814389 +17169,2.188758163170698,0,2.1521788389168446 1.9326513001399355 1.6882044192899752 1.4769833279739373 1.240842894584848 1.2344711786634115 0.921741172630325 0.8387798842196679 0.8681878036189675 0.7477701126049975 0.7397216294009753 0.9486726356591629 0.868290989352666 1.0049088323535933 1.4663294063484174 1.49467967255776 1.847832669451428 1.7524375063989757 2.255106556814389 2.3092274469741287 +17170,2.3010757781911937,0,1.9326513001399355 1.6882044192899752 1.4769833279739373 1.240842894584848 1.2344711786634115 0.921741172630325 0.8387798842196679 0.8681878036189675 0.7477701126049975 0.7397216294009753 0.9486726356591629 0.868290989352666 1.0049088323535933 1.4663294063484174 1.49467967255776 1.847832669451428 1.7524375063989757 2.255106556814389 2.3092274469741287 2.188758163170698 +17171,2.238803218938965,0,1.6882044192899752 1.4769833279739373 1.240842894584848 1.2344711786634115 0.921741172630325 0.8387798842196679 0.8681878036189675 0.7477701126049975 0.7397216294009753 0.9486726356591629 0.868290989352666 1.0049088323535933 1.4663294063484174 1.49467967255776 1.847832669451428 1.7524375063989757 2.255106556814389 2.3092274469741287 2.188758163170698 2.3010757781911937 +17172,2.02523465345827,0,1.4769833279739373 1.240842894584848 1.2344711786634115 0.921741172630325 0.8387798842196679 0.8681878036189675 0.7477701126049975 0.7397216294009753 0.9486726356591629 0.868290989352666 1.0049088323535933 1.4663294063484174 1.49467967255776 1.847832669451428 1.7524375063989757 2.255106556814389 2.3092274469741287 2.188758163170698 2.3010757781911937 2.238803218938965 +17173,2.01339409643698,0,1.240842894584848 1.2344711786634115 0.921741172630325 0.8387798842196679 0.8681878036189675 0.7477701126049975 0.7397216294009753 0.9486726356591629 0.868290989352666 1.0049088323535933 1.4663294063484174 1.49467967255776 1.847832669451428 1.7524375063989757 2.255106556814389 2.3092274469741287 2.188758163170698 2.3010757781911937 2.238803218938965 2.02523465345827 +17174,1.8502575330324376,0,1.2344711786634115 0.921741172630325 0.8387798842196679 0.8681878036189675 0.7477701126049975 0.7397216294009753 0.9486726356591629 0.868290989352666 1.0049088323535933 1.4663294063484174 1.49467967255776 1.847832669451428 1.7524375063989757 2.255106556814389 2.3092274469741287 2.188758163170698 2.3010757781911937 2.238803218938965 2.02523465345827 2.01339409643698 +17175,1.5851993121308467,0,0.921741172630325 0.8387798842196679 0.8681878036189675 0.7477701126049975 0.7397216294009753 0.9486726356591629 0.868290989352666 1.0049088323535933 1.4663294063484174 1.49467967255776 1.847832669451428 1.7524375063989757 2.255106556814389 2.3092274469741287 2.188758163170698 2.3010757781911937 2.238803218938965 2.02523465345827 2.01339409643698 1.8502575330324376 +17176,1.4560366345586593,0,0.8387798842196679 0.8681878036189675 0.7477701126049975 0.7397216294009753 0.9486726356591629 0.868290989352666 1.0049088323535933 1.4663294063484174 1.49467967255776 1.847832669451428 1.7524375063989757 2.255106556814389 2.3092274469741287 2.188758163170698 2.3010757781911937 2.238803218938965 2.02523465345827 2.01339409643698 1.8502575330324376 1.5851993121308467 +17177,1.2249522994894237,0,0.8681878036189675 0.7477701126049975 0.7397216294009753 0.9486726356591629 0.868290989352666 1.0049088323535933 1.4663294063484174 1.49467967255776 1.847832669451428 1.7524375063989757 2.255106556814389 2.3092274469741287 2.188758163170698 2.3010757781911937 2.238803218938965 2.02523465345827 2.01339409643698 1.8502575330324376 1.5851993121308467 1.4560366345586593 +17178,1.2242557961352287,0,0.7477701126049975 0.7397216294009753 0.9486726356591629 0.868290989352666 1.0049088323535933 1.4663294063484174 1.49467967255776 1.847832669451428 1.7524375063989757 2.255106556814389 2.3092274469741287 2.188758163170698 2.3010757781911937 2.238803218938965 2.02523465345827 2.01339409643698 1.8502575330324376 1.5851993121308467 1.4560366345586593 1.2249522994894237 +17179,0.9163755171093845,0,0.7397216294009753 0.9486726356591629 0.868290989352666 1.0049088323535933 1.4663294063484174 1.49467967255776 1.847832669451428 1.7524375063989757 2.255106556814389 2.3092274469741287 2.188758163170698 2.3010757781911937 2.238803218938965 2.02523465345827 2.01339409643698 1.8502575330324376 1.5851993121308467 1.4560366345586593 1.2249522994894237 1.2242557961352287 +17180,0.8388830699533664,0,0.9486726356591629 0.868290989352666 1.0049088323535933 1.4663294063484174 1.49467967255776 1.847832669451428 1.7524375063989757 2.255106556814389 2.3092274469741287 2.188758163170698 2.3010757781911937 2.238803218938965 2.02523465345827 2.01339409643698 1.8502575330324376 1.5851993121308467 1.4560366345586593 1.2249522994894237 1.2242557961352287 0.9163755171093845 +17181,0.8027164883247362,0,0.868290989352666 1.0049088323535933 1.4663294063484174 1.49467967255776 1.847832669451428 1.7524375063989757 2.255106556814389 2.3092274469741287 2.188758163170698 2.3010757781911937 2.238803218938965 2.02523465345827 2.01339409643698 1.8502575330324376 1.5851993121308467 1.4560366345586593 1.2249522994894237 1.2242557961352287 0.9163755171093845 0.8388830699533664 +17182,0.7114487524532079,0,1.0049088323535933 1.4663294063484174 1.49467967255776 1.847832669451428 1.7524375063989757 2.255106556814389 2.3092274469741287 2.188758163170698 2.3010757781911937 2.238803218938965 2.02523465345827 2.01339409643698 1.8502575330324376 1.5851993121308467 1.4560366345586593 1.2249522994894237 1.2242557961352287 0.9163755171093845 0.8388830699533664 0.8027164883247362 +17183,0.6615068824186389,0,1.4663294063484174 1.49467967255776 1.847832669451428 1.7524375063989757 2.255106556814389 2.3092274469741287 2.188758163170698 2.3010757781911937 2.238803218938965 2.02523465345827 2.01339409643698 1.8502575330324376 1.5851993121308467 1.4560366345586593 1.2249522994894237 1.2242557961352287 0.9163755171093845 0.8388830699533664 0.8027164883247362 0.7114487524532079 +17184,0.8648600653711516,0,1.49467967255776 1.847832669451428 1.7524375063989757 2.255106556814389 2.3092274469741287 2.188758163170698 2.3010757781911937 2.238803218938965 2.02523465345827 2.01339409643698 1.8502575330324376 1.5851993121308467 1.4560366345586593 1.2249522994894237 1.2242557961352287 0.9163755171093845 0.8388830699533664 0.8027164883247362 0.7114487524532079 0.6615068824186389 +17185,0.7304865108011831,0,1.847832669451428 1.7524375063989757 2.255106556814389 2.3092274469741287 2.188758163170698 2.3010757781911937 2.238803218938965 2.02523465345827 2.01339409643698 1.8502575330324376 1.5851993121308467 1.4560366345586593 1.2249522994894237 1.2242557961352287 0.9163755171093845 0.8388830699533664 0.8027164883247362 0.7114487524532079 0.6615068824186389 0.8648600653711516 +17186,0.8494080095278502,0,1.7524375063989757 2.255106556814389 2.3092274469741287 2.188758163170698 2.3010757781911937 2.238803218938965 2.02523465345827 2.01339409643698 1.8502575330324376 1.5851993121308467 1.4560366345586593 1.2249522994894237 1.2242557961352287 0.9163755171093845 0.8388830699533664 0.8027164883247362 0.7114487524532079 0.6615068824186389 0.8648600653711516 0.7304865108011831 +17187,1.2651947155095171,0,2.255106556814389 2.3092274469741287 2.188758163170698 2.3010757781911937 2.238803218938965 2.02523465345827 2.01339409643698 1.8502575330324376 1.5851993121308467 1.4560366345586593 1.2249522994894237 1.2242557961352287 0.9163755171093845 0.8388830699533664 0.8027164883247362 0.7114487524532079 0.6615068824186389 0.8648600653711516 0.7304865108011831 0.8494080095278502 +17188,1.2851611449964133,0,2.3092274469741287 2.188758163170698 2.3010757781911937 2.238803218938965 2.02523465345827 2.01339409643698 1.8502575330324376 1.5851993121308467 1.4560366345586593 1.2249522994894237 1.2242557961352287 0.9163755171093845 0.8388830699533664 0.8027164883247362 0.7114487524532079 0.6615068824186389 0.8648600653711516 0.7304865108011831 0.8494080095278502 1.2651947155095171 +17189,1.6019927818930773,0,2.188758163170698 2.3010757781911937 2.238803218938965 2.02523465345827 2.01339409643698 1.8502575330324376 1.5851993121308467 1.4560366345586593 1.2249522994894237 1.2242557961352287 0.9163755171093845 0.8388830699533664 0.8027164883247362 0.7114487524532079 0.6615068824186389 0.8648600653711516 0.7304865108011831 0.8494080095278502 1.2651947155095171 1.2851611449964133 +17190,1.5545531645463162,0,2.3010757781911937 2.238803218938965 2.02523465345827 2.01339409643698 1.8502575330324376 1.5851993121308467 1.4560366345586593 1.2249522994894237 1.2242557961352287 0.9163755171093845 0.8388830699533664 0.8027164883247362 0.7114487524532079 0.6615068824186389 0.8648600653711516 0.7304865108011831 0.8494080095278502 1.2651947155095171 1.2851611449964133 1.6019927818930773 +17191,1.9928085528574642,0,2.238803218938965 2.02523465345827 2.01339409643698 1.8502575330324376 1.5851993121308467 1.4560366345586593 1.2249522994894237 1.2242557961352287 0.9163755171093845 0.8388830699533664 0.8027164883247362 0.7114487524532079 0.6615068824186389 0.8648600653711516 0.7304865108011831 0.8494080095278502 1.2651947155095171 1.2851611449964133 1.6019927818930773 1.5545531645463162 +17192,2.066792686925178,0,2.02523465345827 2.01339409643698 1.8502575330324376 1.5851993121308467 1.4560366345586593 1.2249522994894237 1.2242557961352287 0.9163755171093845 0.8388830699533664 0.8027164883247362 0.7114487524532079 0.6615068824186389 0.8648600653711516 0.7304865108011831 0.8494080095278502 1.2651947155095171 1.2851611449964133 1.6019927818930773 1.5545531645463162 1.9928085528574642 +17193,1.945291546249119,0,2.01339409643698 1.8502575330324376 1.5851993121308467 1.4560366345586593 1.2249522994894237 1.2242557961352287 0.9163755171093845 0.8388830699533664 0.8027164883247362 0.7114487524532079 0.6615068824186389 0.8648600653711516 0.7304865108011831 0.8494080095278502 1.2651947155095171 1.2851611449964133 1.6019927818930773 1.5545531645463162 1.9928085528574642 2.066792686925178 +17194,2.084437438564754,0,1.8502575330324376 1.5851993121308467 1.4560366345586593 1.2249522994894237 1.2242557961352287 0.9163755171093845 0.8388830699533664 0.8027164883247362 0.7114487524532079 0.6615068824186389 0.8648600653711516 0.7304865108011831 0.8494080095278502 1.2651947155095171 1.2851611449964133 1.6019927818930773 1.5545531645463162 1.9928085528574642 2.066792686925178 1.945291546249119 +17195,2.0280980561366255,0,1.5851993121308467 1.4560366345586593 1.2249522994894237 1.2242557961352287 0.9163755171093845 0.8388830699533664 0.8027164883247362 0.7114487524532079 0.6615068824186389 0.8648600653711516 0.7304865108011831 0.8494080095278502 1.2651947155095171 1.2851611449964133 1.6019927818930773 1.5545531645463162 1.9928085528574642 2.066792686925178 1.945291546249119 2.084437438564754 +17196,1.7605633788645731,0,1.4560366345586593 1.2249522994894237 1.2242557961352287 0.9163755171093845 0.8388830699533664 0.8027164883247362 0.7114487524532079 0.6615068824186389 0.8648600653711516 0.7304865108011831 0.8494080095278502 1.2651947155095171 1.2851611449964133 1.6019927818930773 1.5545531645463162 1.9928085528574642 2.066792686925178 1.945291546249119 2.084437438564754 2.0280980561366255 +17197,1.7746224279994842,0,1.2249522994894237 1.2242557961352287 0.9163755171093845 0.8388830699533664 0.8027164883247362 0.7114487524532079 0.6615068824186389 0.8648600653711516 0.7304865108011831 0.8494080095278502 1.2651947155095171 1.2851611449964133 1.6019927818930773 1.5545531645463162 1.9928085528574642 2.066792686925178 1.945291546249119 2.084437438564754 2.0280980561366255 1.7605633788645731 +17198,1.5774861824452577,0,1.2242557961352287 0.9163755171093845 0.8388830699533664 0.8027164883247362 0.7114487524532079 0.6615068824186389 0.8648600653711516 0.7304865108011831 0.8494080095278502 1.2651947155095171 1.2851611449964133 1.6019927818930773 1.5545531645463162 1.9928085528574642 2.066792686925178 1.945291546249119 2.084437438564754 2.0280980561366255 1.7605633788645731 1.7746224279994842 +17199,1.2884888832442294,0,0.9163755171093845 0.8388830699533664 0.8027164883247362 0.7114487524532079 0.6615068824186389 0.8648600653711516 0.7304865108011831 0.8494080095278502 1.2651947155095171 1.2851611449964133 1.6019927818930773 1.5545531645463162 1.9928085528574642 2.066792686925178 1.945291546249119 2.084437438564754 2.0280980561366255 1.7605633788645731 1.7746224279994842 1.5774861824452577 +17200,1.1219729888024186,0,0.8388830699533664 0.8027164883247362 0.7114487524532079 0.6615068824186389 0.8648600653711516 0.7304865108011831 0.8494080095278502 1.2651947155095171 1.2851611449964133 1.6019927818930773 1.5545531645463162 1.9928085528574642 2.066792686925178 1.945291546249119 2.084437438564754 2.0280980561366255 1.7605633788645731 1.7746224279994842 1.5774861824452577 1.2884888832442294 +17201,0.8635960407137975,0,0.8027164883247362 0.7114487524532079 0.6615068824186389 0.8648600653711516 0.7304865108011831 0.8494080095278502 1.2651947155095171 1.2851611449964133 1.6019927818930773 1.5545531645463162 1.9928085528574642 2.066792686925178 1.945291546249119 2.084437438564754 2.0280980561366255 1.7605633788645731 1.7746224279994842 1.5774861824452577 1.2884888832442294 1.1219729888024186 +17202,0.8520134479493567,0,0.7114487524532079 0.6615068824186389 0.8648600653711516 0.7304865108011831 0.8494080095278502 1.2651947155095171 1.2851611449964133 1.6019927818930773 1.5545531645463162 1.9928085528574642 2.066792686925178 1.945291546249119 2.084437438564754 2.0280980561366255 1.7605633788645731 1.7746224279994842 1.5774861824452577 1.2884888832442294 1.1219729888024186 0.8635960407137975 +17203,0.5113717149590592,0,0.6615068824186389 0.8648600653711516 0.7304865108011831 0.8494080095278502 1.2651947155095171 1.2851611449964133 1.6019927818930773 1.5545531645463162 1.9928085528574642 2.066792686925178 1.945291546249119 2.084437438564754 2.0280980561366255 1.7605633788645731 1.7746224279994842 1.5774861824452577 1.2884888832442294 1.1219729888024186 0.8635960407137975 0.8520134479493567 +17204,0.417524336983362,0,0.8648600653711516 0.7304865108011831 0.8494080095278502 1.2651947155095171 1.2851611449964133 1.6019927818930773 1.5545531645463162 1.9928085528574642 2.066792686925178 1.945291546249119 2.084437438564754 2.0280980561366255 1.7605633788645731 1.7746224279994842 1.5774861824452577 1.2884888832442294 1.1219729888024186 0.8635960407137975 0.8520134479493567 0.5113717149590592 +17205,0.3279333685491962,0,0.7304865108011831 0.8494080095278502 1.2651947155095171 1.2851611449964133 1.6019927818930773 1.5545531645463162 1.9928085528574642 2.066792686925178 1.945291546249119 2.084437438564754 2.0280980561366255 1.7605633788645731 1.7746224279994842 1.5774861824452577 1.2884888832442294 1.1219729888024186 0.8635960407137975 0.8520134479493567 0.5113717149590592 0.417524336983362 +17206,0.23266718754778,0,0.8494080095278502 1.2651947155095171 1.2851611449964133 1.6019927818930773 1.5545531645463162 1.9928085528574642 2.066792686925178 1.945291546249119 2.084437438564754 2.0280980561366255 1.7605633788645731 1.7746224279994842 1.5774861824452577 1.2884888832442294 1.1219729888024186 0.8635960407137975 0.8520134479493567 0.5113717149590592 0.417524336983362 0.3279333685491962 +17207,0.1416574159331008,0,1.2651947155095171 1.2851611449964133 1.6019927818930773 1.5545531645463162 1.9928085528574642 2.066792686925178 1.945291546249119 2.084437438564754 2.0280980561366255 1.7605633788645731 1.7746224279994842 1.5774861824452577 1.2884888832442294 1.1219729888024186 0.8635960407137975 0.8520134479493567 0.5113717149590592 0.417524336983362 0.3279333685491962 0.23266718754778 +17208,0.3062643753076088,0,1.2851611449964133 1.6019927818930773 1.5545531645463162 1.9928085528574642 2.066792686925178 1.945291546249119 2.084437438564754 2.0280980561366255 1.7605633788645731 1.7746224279994842 1.5774861824452577 1.2884888832442294 1.1219729888024186 0.8635960407137975 0.8520134479493567 0.5113717149590592 0.417524336983362 0.3279333685491962 0.23266718754778 0.1416574159331008 +17209,0.13004902669653676,0,1.6019927818930773 1.5545531645463162 1.9928085528574642 2.066792686925178 1.945291546249119 2.084437438564754 2.0280980561366255 1.7605633788645731 1.7746224279994842 1.5774861824452577 1.2884888832442294 1.1219729888024186 0.8635960407137975 0.8520134479493567 0.5113717149590592 0.417524336983362 0.3279333685491962 0.23266718754778 0.1416574159331008 0.3062643753076088 +17210,0.20945040907465196,0,1.5545531645463162 1.9928085528574642 2.066792686925178 1.945291546249119 2.084437438564754 2.0280980561366255 1.7605633788645731 1.7746224279994842 1.5774861824452577 1.2884888832442294 1.1219729888024186 0.8635960407137975 0.8520134479493567 0.5113717149590592 0.417524336983362 0.3279333685491962 0.23266718754778 0.1416574159331008 0.3062643753076088 0.13004902669653676 +17211,0.6912759516537093,0,1.9928085528574642 2.066792686925178 1.945291546249119 2.084437438564754 2.0280980561366255 1.7605633788645731 1.7746224279994842 1.5774861824452577 1.2884888832442294 1.1219729888024186 0.8635960407137975 0.8520134479493567 0.5113717149590592 0.417524336983362 0.3279333685491962 0.23266718754778 0.1416574159331008 0.3062643753076088 0.13004902669653676 0.20945040907465196 +17212,0.636535947246573,0,2.066792686925178 1.945291546249119 2.084437438564754 2.0280980561366255 1.7605633788645731 1.7746224279994842 1.5774861824452577 1.2884888832442294 1.1219729888024186 0.8635960407137975 0.8520134479493567 0.5113717149590592 0.417524336983362 0.3279333685491962 0.23266718754778 0.1416574159331008 0.3062643753076088 0.13004902669653676 0.20945040907465196 0.6912759516537093 +17213,0.9842201031951734,0,1.945291546249119 2.084437438564754 2.0280980561366255 1.7605633788645731 1.7746224279994842 1.5774861824452577 1.2884888832442294 1.1219729888024186 0.8635960407137975 0.8520134479493567 0.5113717149590592 0.417524336983362 0.3279333685491962 0.23266718754778 0.1416574159331008 0.3062643753076088 0.13004902669653676 0.20945040907465196 0.6912759516537093 0.636535947246573 +17214,0.918800380690394,0,2.084437438564754 2.0280980561366255 1.7605633788645731 1.7746224279994842 1.5774861824452577 1.2884888832442294 1.1219729888024186 0.8635960407137975 0.8520134479493567 0.5113717149590592 0.417524336983362 0.3279333685491962 0.23266718754778 0.1416574159331008 0.3062643753076088 0.13004902669653676 0.20945040907465196 0.6912759516537093 0.636535947246573 0.9842201031951734 +17215,1.404185829302002,0,2.0280980561366255 1.7605633788645731 1.7746224279994842 1.5774861824452577 1.2884888832442294 1.1219729888024186 0.8635960407137975 0.8520134479493567 0.5113717149590592 0.417524336983362 0.3279333685491962 0.23266718754778 0.1416574159331008 0.3062643753076088 0.13004902669653676 0.20945040907465196 0.6912759516537093 0.636535947246573 0.9842201031951734 0.918800380690394 +17216,1.476467399615016,0,1.7605633788645731 1.7746224279994842 1.5774861824452577 1.2884888832442294 1.1219729888024186 0.8635960407137975 0.8520134479493567 0.5113717149590592 0.417524336983362 0.3279333685491962 0.23266718754778 0.1416574159331008 0.3062643753076088 0.13004902669653676 0.20945040907465196 0.6912759516537093 0.636535947246573 0.9842201031951734 0.918800380690394 1.404185829302002 +17217,1.3089970375621611,0,1.7746224279994842 1.5774861824452577 1.2884888832442294 1.1219729888024186 0.8635960407137975 0.8520134479493567 0.5113717149590592 0.417524336983362 0.3279333685491962 0.23266718754778 0.1416574159331008 0.3062643753076088 0.13004902669653676 0.20945040907465196 0.6912759516537093 0.636535947246573 0.9842201031951734 0.918800380690394 1.404185829302002 1.476467399615016 +17218,1.4611959186122114,0,1.5774861824452577 1.2884888832442294 1.1219729888024186 0.8635960407137975 0.8520134479493567 0.5113717149590592 0.417524336983362 0.3279333685491962 0.23266718754778 0.1416574159331008 0.3062643753076088 0.13004902669653676 0.20945040907465196 0.6912759516537093 0.636535947246573 0.9842201031951734 0.918800380690394 1.404185829302002 1.476467399615016 1.3089970375621611 +17219,1.3736428674511614,0,1.2884888832442294 1.1219729888024186 0.8635960407137975 0.8520134479493567 0.5113717149590592 0.417524336983362 0.3279333685491962 0.23266718754778 0.1416574159331008 0.3062643753076088 0.13004902669653676 0.20945040907465196 0.6912759516537093 0.636535947246573 0.9842201031951734 0.918800380690394 1.404185829302002 1.476467399615016 1.3089970375621611 1.4611959186122114 +17220,1.0098875415666486,0,1.1219729888024186 0.8635960407137975 0.8520134479493567 0.5113717149590592 0.417524336983362 0.3279333685491962 0.23266718754778 0.1416574159331008 0.3062643753076088 0.13004902669653676 0.20945040907465196 0.6912759516537093 0.636535947246573 0.9842201031951734 0.918800380690394 1.404185829302002 1.476467399615016 1.3089970375621611 1.4611959186122114 1.3736428674511614 +17221,1.0144019152102435,0,0.8635960407137975 0.8520134479493567 0.5113717149590592 0.417524336983362 0.3279333685491962 0.23266718754778 0.1416574159331008 0.3062643753076088 0.13004902669653676 0.20945040907465196 0.6912759516537093 0.636535947246573 0.9842201031951734 0.918800380690394 1.404185829302002 1.476467399615016 1.3089970375621611 1.4611959186122114 1.3736428674511614 1.0098875415666486 +17222,0.742714014130367,0,0.8520134479493567 0.5113717149590592 0.417524336983362 0.3279333685491962 0.23266718754778 0.1416574159331008 0.3062643753076088 0.13004902669653676 0.20945040907465196 0.6912759516537093 0.636535947246573 0.9842201031951734 0.918800380690394 1.404185829302002 1.476467399615016 1.3089970375621611 1.4611959186122114 1.3736428674511614 1.0098875415666486 1.0144019152102435 +17223,0.6131127974608336,0,0.5113717149590592 0.417524336983362 0.3279333685491962 0.23266718754778 0.1416574159331008 0.3062643753076088 0.13004902669653676 0.20945040907465196 0.6912759516537093 0.636535947246573 0.9842201031951734 0.918800380690394 1.404185829302002 1.476467399615016 1.3089970375621611 1.4611959186122114 1.3736428674511614 1.0098875415666486 1.0144019152102435 0.742714014130367 +17224,0.29406266845054824,0,0.417524336983362 0.3279333685491962 0.23266718754778 0.1416574159331008 0.3062643753076088 0.13004902669653676 0.20945040907465196 0.6912759516537093 0.636535947246573 0.9842201031951734 0.918800380690394 1.404185829302002 1.476467399615016 1.3089970375621611 1.4611959186122114 1.3736428674511614 1.0098875415666486 1.0144019152102435 0.742714014130367 0.6131127974608336 +17225,0.1170992235410434,0,0.3279333685491962 0.23266718754778 0.1416574159331008 0.3062643753076088 0.13004902669653676 0.20945040907465196 0.6912759516537093 0.636535947246573 0.9842201031951734 0.918800380690394 1.404185829302002 1.476467399615016 1.3089970375621611 1.4611959186122114 1.3736428674511614 1.0098875415666486 1.0144019152102435 0.742714014130367 0.6131127974608336 0.29406266845054824 +17226,0.08237724156504105,0,0.23266718754778 0.1416574159331008 0.3062643753076088 0.13004902669653676 0.20945040907465196 0.6912759516537093 0.636535947246573 0.9842201031951734 0.918800380690394 1.404185829302002 1.476467399615016 1.3089970375621611 1.4611959186122114 1.3736428674511614 1.0098875415666486 1.0144019152102435 0.742714014130367 0.6131127974608336 0.29406266845054824 0.1170992235410434 +17227,-0.14200002421910163,0,0.1416574159331008 0.3062643753076088 0.13004902669653676 0.20945040907465196 0.6912759516537093 0.636535947246573 0.9842201031951734 0.918800380690394 1.404185829302002 1.476467399615016 1.3089970375621611 1.4611959186122114 1.3736428674511614 1.0098875415666486 1.0144019152102435 0.742714014130367 0.6131127974608336 0.29406266845054824 0.1170992235410434 0.08237724156504105 +17228,-0.2241358270697506,0,0.3062643753076088 0.13004902669653676 0.20945040907465196 0.6912759516537093 0.636535947246573 0.9842201031951734 0.918800380690394 1.404185829302002 1.476467399615016 1.3089970375621611 1.4611959186122114 1.3736428674511614 1.0098875415666486 1.0144019152102435 0.742714014130367 0.6131127974608336 0.29406266845054824 0.1170992235410434 0.08237724156504105 -0.14200002421910163 +17229,-0.25805812011264506,0,0.13004902669653676 0.20945040907465196 0.6912759516537093 0.636535947246573 0.9842201031951734 0.918800380690394 1.404185829302002 1.476467399615016 1.3089970375621611 1.4611959186122114 1.3736428674511614 1.0098875415666486 1.0144019152102435 0.742714014130367 0.6131127974608336 0.29406266845054824 0.1170992235410434 0.08237724156504105 -0.14200002421910163 -0.2241358270697506 +17230,-0.35626509305398324,0,0.20945040907465196 0.6912759516537093 0.636535947246573 0.9842201031951734 0.918800380690394 1.404185829302002 1.476467399615016 1.3089970375621611 1.4611959186122114 1.3736428674511614 1.0098875415666486 1.0144019152102435 0.742714014130367 0.6131127974608336 0.29406266845054824 0.1170992235410434 0.08237724156504105 -0.14200002421910163 -0.2241358270697506 -0.25805812011264506 +17231,-0.4062585560327988,0,0.6912759516537093 0.636535947246573 0.9842201031951734 0.918800380690394 1.404185829302002 1.476467399615016 1.3089970375621611 1.4611959186122114 1.3736428674511614 1.0098875415666486 1.0144019152102435 0.742714014130367 0.6131127974608336 0.29406266845054824 0.1170992235410434 0.08237724156504105 -0.14200002421910163 -0.2241358270697506 -0.25805812011264506 -0.35626509305398324 +17232,-0.24258026779722047,0,0.636535947246573 0.9842201031951734 0.918800380690394 1.404185829302002 1.476467399615016 1.3089970375621611 1.4611959186122114 1.3736428674511614 1.0098875415666486 1.0144019152102435 0.742714014130367 0.6131127974608336 0.29406266845054824 0.1170992235410434 0.08237724156504105 -0.14200002421910163 -0.2241358270697506 -0.25805812011264506 -0.35626509305398324 -0.4062585560327988 +17233,-0.36379764789908414,0,0.9842201031951734 0.918800380690394 1.404185829302002 1.476467399615016 1.3089970375621611 1.4611959186122114 1.3736428674511614 1.0098875415666486 1.0144019152102435 0.742714014130367 0.6131127974608336 0.29406266845054824 0.1170992235410434 0.08237724156504105 -0.14200002421910163 -0.2241358270697506 -0.25805812011264506 -0.35626509305398324 -0.4062585560327988 -0.24258026779722047 +17234,-0.27134327663178587,0,0.918800380690394 1.404185829302002 1.476467399615016 1.3089970375621611 1.4611959186122114 1.3736428674511614 1.0098875415666486 1.0144019152102435 0.742714014130367 0.6131127974608336 0.29406266845054824 0.1170992235410434 0.08237724156504105 -0.14200002421910163 -0.2241358270697506 -0.25805812011264506 -0.35626509305398324 -0.4062585560327988 -0.24258026779722047 -0.36379764789908414 +17235,0.16054039575791665,0,1.404185829302002 1.476467399615016 1.3089970375621611 1.4611959186122114 1.3736428674511614 1.0098875415666486 1.0144019152102435 0.742714014130367 0.6131127974608336 0.29406266845054824 0.1170992235410434 0.08237724156504105 -0.14200002421910163 -0.2241358270697506 -0.25805812011264506 -0.35626509305398324 -0.4062585560327988 -0.24258026779722047 -0.36379764789908414 -0.27134327663178587 +17236,0.139851666444711,0,1.476467399615016 1.3089970375621611 1.4611959186122114 1.3736428674511614 1.0098875415666486 1.0144019152102435 0.742714014130367 0.6131127974608336 0.29406266845054824 0.1170992235410434 0.08237724156504105 -0.14200002421910163 -0.2241358270697506 -0.25805812011264506 -0.35626509305398324 -0.4062585560327988 -0.24258026779722047 -0.36379764789908414 -0.27134327663178587 0.16054039575791665 +17237,0.4585922385634722,0,1.3089970375621611 1.4611959186122114 1.3736428674511614 1.0098875415666486 1.0144019152102435 0.742714014130367 0.6131127974608336 0.29406266845054824 0.1170992235410434 0.08237724156504105 -0.14200002421910163 -0.2241358270697506 -0.25805812011264506 -0.35626509305398324 -0.4062585560327988 -0.24258026779722047 -0.36379764789908414 -0.27134327663178587 0.16054039575791665 0.139851666444711 +17238,0.46924616018899207,0,1.4611959186122114 1.3736428674511614 1.0098875415666486 1.0144019152102435 0.742714014130367 0.6131127974608336 0.29406266845054824 0.1170992235410434 0.08237724156504105 -0.14200002421910163 -0.2241358270697506 -0.25805812011264506 -0.35626509305398324 -0.4062585560327988 -0.24258026779722047 -0.36379764789908414 -0.27134327663178587 0.16054039575791665 0.139851666444711 0.4585922385634722 +17239,0.890682282265786,0,1.3736428674511614 1.0098875415666486 1.0144019152102435 0.742714014130367 0.6131127974608336 0.29406266845054824 0.1170992235410434 0.08237724156504105 -0.14200002421910163 -0.2241358270697506 -0.25805812011264506 -0.35626509305398324 -0.4062585560327988 -0.24258026779722047 -0.36379764789908414 -0.27134327663178587 0.16054039575791665 0.139851666444711 0.4585922385634722 0.46924616018899207 +17240,1.00403175415891,0,1.0098875415666486 1.0144019152102435 0.742714014130367 0.6131127974608336 0.29406266845054824 0.1170992235410434 0.08237724156504105 -0.14200002421910163 -0.2241358270697506 -0.25805812011264506 -0.35626509305398324 -0.4062585560327988 -0.24258026779722047 -0.36379764789908414 -0.27134327663178587 0.16054039575791665 0.139851666444711 0.4585922385634722 0.46924616018899207 0.890682282265786 +17241,0.8895472398142538,0,1.0144019152102435 0.742714014130367 0.6131127974608336 0.29406266845054824 0.1170992235410434 0.08237724156504105 -0.14200002421910163 -0.2241358270697506 -0.25805812011264506 -0.35626509305398324 -0.4062585560327988 -0.24258026779722047 -0.36379764789908414 -0.27134327663178587 0.16054039575791665 0.139851666444711 0.4585922385634722 0.46924616018899207 0.890682282265786 1.00403175415891 +17242,1.0788413736318465,0,0.742714014130367 0.6131127974608336 0.29406266845054824 0.1170992235410434 0.08237724156504105 -0.14200002421910163 -0.2241358270697506 -0.25805812011264506 -0.35626509305398324 -0.4062585560327988 -0.24258026779722047 -0.36379764789908414 -0.27134327663178587 0.16054039575791665 0.139851666444711 0.4585922385634722 0.46924616018899207 0.890682282265786 1.00403175415891 0.8895472398142538 +17243,1.0403015213664533,0,0.6131127974608336 0.29406266845054824 0.1170992235410434 0.08237724156504105 -0.14200002421910163 -0.2241358270697506 -0.25805812011264506 -0.35626509305398324 -0.4062585560327988 -0.24258026779722047 -0.36379764789908414 -0.27134327663178587 0.16054039575791665 0.139851666444711 0.4585922385634722 0.46924616018899207 0.890682282265786 1.00403175415891 0.8895472398142538 1.0788413736318465 +17244,0.744597152880332,0,0.29406266845054824 0.1170992235410434 0.08237724156504105 -0.14200002421910163 -0.2241358270697506 -0.25805812011264506 -0.35626509305398324 -0.4062585560327988 -0.24258026779722047 -0.36379764789908414 -0.27134327663178587 0.16054039575791665 0.139851666444711 0.4585922385634722 0.46924616018899207 0.890682282265786 1.00403175415891 0.8895472398142538 1.0788413736318465 1.0403015213664533 +17245,0.791778805970244,0,0.1170992235410434 0.08237724156504105 -0.14200002421910163 -0.2241358270697506 -0.25805812011264506 -0.35626509305398324 -0.4062585560327988 -0.24258026779722047 -0.36379764789908414 -0.27134327663178587 0.16054039575791665 0.139851666444711 0.4585922385634722 0.46924616018899207 0.890682282265786 1.00403175415891 0.8895472398142538 1.0788413736318465 1.0403015213664533 0.744597152880332 +17246,0.5817959429942225,0,0.08237724156504105 -0.14200002421910163 -0.2241358270697506 -0.25805812011264506 -0.35626509305398324 -0.4062585560327988 -0.24258026779722047 -0.36379764789908414 -0.27134327663178587 0.16054039575791665 0.139851666444711 0.4585922385634722 0.46924616018899207 0.890682282265786 1.00403175415891 0.8895472398142538 1.0788413736318465 1.0403015213664533 0.744597152880332 0.791778805970244 +17247,0.3749086503264968,0,-0.14200002421910163 -0.2241358270697506 -0.25805812011264506 -0.35626509305398324 -0.4062585560327988 -0.24258026779722047 -0.36379764789908414 -0.27134327663178587 0.16054039575791665 0.139851666444711 0.4585922385634722 0.46924616018899207 0.890682282265786 1.00403175415891 0.8895472398142538 1.0788413736318465 1.0403015213664533 0.744597152880332 0.791778805970244 0.5817959429942225 +17248,0.16389393047785591,0,-0.2241358270697506 -0.25805812011264506 -0.35626509305398324 -0.4062585560327988 -0.24258026779722047 -0.36379764789908414 -0.27134327663178587 0.16054039575791665 0.139851666444711 0.4585922385634722 0.46924616018899207 0.890682282265786 1.00403175415891 0.8895472398142538 1.0788413736318465 1.0403015213664533 0.744597152880332 0.791778805970244 0.5817959429942225 0.3749086503264968 +17249,-0.04402521906248925,0,-0.25805812011264506 -0.35626509305398324 -0.4062585560327988 -0.24258026779722047 -0.36379764789908414 -0.27134327663178587 0.16054039575791665 0.139851666444711 0.4585922385634722 0.46924616018899207 0.890682282265786 1.00403175415891 0.8895472398142538 1.0788413736318465 1.0403015213664533 0.744597152880332 0.791778805970244 0.5817959429942225 0.3749086503264968 0.16389393047785591 +17250,-0.054214805118548676,0,-0.35626509305398324 -0.4062585560327988 -0.24258026779722047 -0.36379764789908414 -0.27134327663178587 0.16054039575791665 0.139851666444711 0.4585922385634722 0.46924616018899207 0.890682282265786 1.00403175415891 0.8895472398142538 1.0788413736318465 1.0403015213664533 0.744597152880332 0.791778805970244 0.5817959429942225 0.3749086503264968 0.16389393047785591 -0.04402521906248925 +17251,-0.3280438090504624,0,-0.4062585560327988 -0.24258026779722047 -0.36379764789908414 -0.27134327663178587 0.16054039575791665 0.139851666444711 0.4585922385634722 0.46924616018899207 0.890682282265786 1.00403175415891 0.8895472398142538 1.0788413736318465 1.0403015213664533 0.744597152880332 0.791778805970244 0.5817959429942225 0.3749086503264968 0.16389393047785591 -0.04402521906248925 -0.054214805118548676 +17252,-0.4041432494980991,0,-0.24258026779722047 -0.36379764789908414 -0.27134327663178587 0.16054039575791665 0.139851666444711 0.4585922385634722 0.46924616018899207 0.890682282265786 1.00403175415891 0.8895472398142538 1.0788413736318465 1.0403015213664533 0.744597152880332 0.791778805970244 0.5817959429942225 0.3749086503264968 0.16389393047785591 -0.04402521906248925 -0.054214805118548676 -0.3280438090504624 +17253,-0.44673313983762675,0,-0.36379764789908414 -0.27134327663178587 0.16054039575791665 0.139851666444711 0.4585922385634722 0.46924616018899207 0.890682282265786 1.00403175415891 0.8895472398142538 1.0788413736318465 1.0403015213664533 0.744597152880332 0.791778805970244 0.5817959429942225 0.3749086503264968 0.16389393047785591 -0.04402521906248925 -0.054214805118548676 -0.3280438090504624 -0.4041432494980991 +17254,-0.5340024304244815,0,-0.27134327663178587 0.16054039575791665 0.139851666444711 0.4585922385634722 0.46924616018899207 0.890682282265786 1.00403175415891 0.8895472398142538 1.0788413736318465 1.0403015213664533 0.744597152880332 0.791778805970244 0.5817959429942225 0.3749086503264968 0.16389393047785591 -0.04402521906248925 -0.054214805118548676 -0.3280438090504624 -0.4041432494980991 -0.44673313983762675 +17255,-0.5877621709032271,0,0.16054039575791665 0.139851666444711 0.4585922385634722 0.46924616018899207 0.890682282265786 1.00403175415891 0.8895472398142538 1.0788413736318465 1.0403015213664533 0.744597152880332 0.791778805970244 0.5817959429942225 0.3749086503264968 0.16389393047785591 -0.04402521906248925 -0.054214805118548676 -0.3280438090504624 -0.4041432494980991 -0.44673313983762675 -0.5340024304244815 +17256,-0.3840478379601669,0,0.139851666444711 0.4585922385634722 0.46924616018899207 0.890682282265786 1.00403175415891 0.8895472398142538 1.0788413736318465 1.0403015213664533 0.744597152880332 0.791778805970244 0.5817959429942225 0.3749086503264968 0.16389393047785591 -0.04402521906248925 -0.054214805118548676 -0.3280438090504624 -0.4041432494980991 -0.44673313983762675 -0.5340024304244815 -0.5877621709032271 +17257,-0.5236322693731483,0,0.4585922385634722 0.46924616018899207 0.890682282265786 1.00403175415891 0.8895472398142538 1.0788413736318465 1.0403015213664533 0.744597152880332 0.791778805970244 0.5817959429942225 0.3749086503264968 0.16389393047785591 -0.04402521906248925 -0.054214805118548676 -0.3280438090504624 -0.4041432494980991 -0.44673313983762675 -0.5340024304244815 -0.5877621709032271 -0.3840478379601669 +17258,-0.40574262767387753,0,0.46924616018899207 0.890682282265786 1.00403175415891 0.8895472398142538 1.0788413736318465 1.0403015213664533 0.744597152880332 0.791778805970244 0.5817959429942225 0.3749086503264968 0.16389393047785591 -0.04402521906248925 -0.054214805118548676 -0.3280438090504624 -0.4041432494980991 -0.44673313983762675 -0.5340024304244815 -0.5877621709032271 -0.3840478379601669 -0.5236322693731483 +17259,0.15527792597067477,0,0.890682282265786 1.00403175415891 0.8895472398142538 1.0788413736318465 1.0403015213664533 0.744597152880332 0.791778805970244 0.5817959429942225 0.3749086503264968 0.16389393047785591 -0.04402521906248925 -0.054214805118548676 -0.3280438090504624 -0.4041432494980991 -0.44673313983762675 -0.5340024304244815 -0.5877621709032271 -0.3840478379601669 -0.5236322693731483 -0.40574262767387753 +17260,0.12545726379137548,0,1.00403175415891 0.8895472398142538 1.0788413736318465 1.0403015213664533 0.744597152880332 0.791778805970244 0.5817959429942225 0.3749086503264968 0.16389393047785591 -0.04402521906248925 -0.054214805118548676 -0.3280438090504624 -0.4041432494980991 -0.44673313983762675 -0.5340024304244815 -0.5877621709032271 -0.3840478379601669 -0.5236322693731483 -0.40574262767387753 0.15527792597067477 +17261,0.538767513557349,0,0.8895472398142538 1.0788413736318465 1.0403015213664533 0.744597152880332 0.791778805970244 0.5817959429942225 0.3749086503264968 0.16389393047785591 -0.04402521906248925 -0.054214805118548676 -0.3280438090504624 -0.4041432494980991 -0.44673313983762675 -0.5340024304244815 -0.5877621709032271 -0.3840478379601669 -0.5236322693731483 -0.40574262767387753 0.15527792597067477 0.12545726379137548 +17262,0.532241019112753,0,1.0788413736318465 1.0403015213664533 0.744597152880332 0.791778805970244 0.5817959429942225 0.3749086503264968 0.16389393047785591 -0.04402521906248925 -0.054214805118548676 -0.3280438090504624 -0.4041432494980991 -0.44673313983762675 -0.5340024304244815 -0.5877621709032271 -0.3840478379601669 -0.5236322693731483 -0.40574262767387753 0.15527792597067477 0.12545726379137548 0.538767513557349 +17263,1.0854968501274873,0,1.0403015213664533 0.744597152880332 0.791778805970244 0.5817959429942225 0.3749086503264968 0.16389393047785591 -0.04402521906248925 -0.054214805118548676 -0.3280438090504624 -0.4041432494980991 -0.44673313983762675 -0.5340024304244815 -0.5877621709032271 -0.3840478379601669 -0.5236322693731483 -0.40574262767387753 0.15527792597067477 0.12545726379137548 0.538767513557349 0.532241019112753 +17264,1.2189159370864115,0,0.744597152880332 0.791778805970244 0.5817959429942225 0.3749086503264968 0.16389393047785591 -0.04402521906248925 -0.054214805118548676 -0.3280438090504624 -0.4041432494980991 -0.44673313983762675 -0.5340024304244815 -0.5877621709032271 -0.3840478379601669 -0.5236322693731483 -0.40574262767387753 0.15527792597067477 0.12545726379137548 0.538767513557349 0.532241019112753 1.0854968501274873 +17265,1.0925392729309957,0,0.791778805970244 0.5817959429942225 0.3749086503264968 0.16389393047785591 -0.04402521906248925 -0.054214805118548676 -0.3280438090504624 -0.4041432494980991 -0.44673313983762675 -0.5340024304244815 -0.5877621709032271 -0.3840478379601669 -0.5236322693731483 -0.40574262767387753 0.15527792597067477 0.12545726379137548 0.538767513557349 0.532241019112753 1.0854968501274873 1.2189159370864115 +17266,1.3125569435947029,0,0.5817959429942225 0.3749086503264968 0.16389393047785591 -0.04402521906248925 -0.054214805118548676 -0.3280438090504624 -0.4041432494980991 -0.44673313983762675 -0.5340024304244815 -0.5877621709032271 -0.3840478379601669 -0.5236322693731483 -0.40574262767387753 0.15527792597067477 0.12545726379137548 0.538767513557349 0.532241019112753 1.0854968501274873 1.2189159370864115 1.0925392729309957 +17267,1.2727788631440788,0,0.3749086503264968 0.16389393047785591 -0.04402521906248925 -0.054214805118548676 -0.3280438090504624 -0.4041432494980991 -0.44673313983762675 -0.5340024304244815 -0.5877621709032271 -0.3840478379601669 -0.5236322693731483 -0.40574262767387753 0.15527792597067477 0.12545726379137548 0.538767513557349 0.532241019112753 1.0854968501274873 1.2189159370864115 1.0925392729309957 1.3125569435947029 +17268,0.7868516897014353,0,0.16389393047785591 -0.04402521906248925 -0.054214805118548676 -0.3280438090504624 -0.4041432494980991 -0.44673313983762675 -0.5340024304244815 -0.5877621709032271 -0.3840478379601669 -0.5236322693731483 -0.40574262767387753 0.15527792597067477 0.12545726379137548 0.538767513557349 0.532241019112753 1.0854968501274873 1.2189159370864115 1.0925392729309957 1.3125569435947029 1.2727788631440788 +17269,0.8957899735298774,0,-0.04402521906248925 -0.054214805118548676 -0.3280438090504624 -0.4041432494980991 -0.44673313983762675 -0.5340024304244815 -0.5877621709032271 -0.3840478379601669 -0.5236322693731483 -0.40574262767387753 0.15527792597067477 0.12545726379137548 0.538767513557349 0.532241019112753 1.0854968501274873 1.2189159370864115 1.0925392729309957 1.3125569435947029 1.2727788631440788 0.7868516897014353 +17270,0.5585791645210945,0,-0.054214805118548676 -0.3280438090504624 -0.4041432494980991 -0.44673313983762675 -0.5340024304244815 -0.5877621709032271 -0.3840478379601669 -0.5236322693731483 -0.40574262767387753 0.15527792597067477 0.12545726379137548 0.538767513557349 0.532241019112753 1.0854968501274873 1.2189159370864115 1.0925392729309957 1.3125569435947029 1.2727788631440788 0.7868516897014353 0.8957899735298774 +17271,0.3682531738308736,0,-0.3280438090504624 -0.4041432494980991 -0.44673313983762675 -0.5340024304244815 -0.5877621709032271 -0.3840478379601669 -0.5236322693731483 -0.40574262767387753 0.15527792597067477 0.12545726379137548 0.538767513557349 0.532241019112753 1.0854968501274873 1.2189159370864115 1.0925392729309957 1.3125569435947029 1.2727788631440788 0.7868516897014353 0.8957899735298774 0.5585791645210945 +17272,-0.017919241438882367,0,-0.4041432494980991 -0.44673313983762675 -0.5340024304244815 -0.5877621709032271 -0.3840478379601669 -0.5236322693731483 -0.40574262767387753 0.15527792597067477 0.12545726379137548 0.538767513557349 0.532241019112753 1.0854968501274873 1.2189159370864115 1.0925392729309957 1.3125569435947029 1.2727788631440788 0.7868516897014353 0.8957899735298774 0.5585791645210945 0.3682531738308736 +17273,-0.2572068382352906,0,-0.44673313983762675 -0.5340024304244815 -0.5877621709032271 -0.3840478379601669 -0.5236322693731483 -0.40574262767387753 0.15527792597067477 0.12545726379137548 0.538767513557349 0.532241019112753 1.0854968501274873 1.2189159370864115 1.0925392729309957 1.3125569435947029 1.2727788631440788 0.7868516897014353 0.8957899735298774 0.5585791645210945 0.3682531738308736 -0.017919241438882367 +17274,-0.239794254380449,0,-0.5340024304244815 -0.5877621709032271 -0.3840478379601669 -0.5236322693731483 -0.40574262767387753 0.15527792597067477 0.12545726379137548 0.538767513557349 0.532241019112753 1.0854968501274873 1.2189159370864115 1.0925392729309957 1.3125569435947029 1.2727788631440788 0.7868516897014353 0.8957899735298774 0.5585791645210945 0.3682531738308736 -0.017919241438882367 -0.2572068382352906 +17275,-0.564648578009012,0,-0.5877621709032271 -0.3840478379601669 -0.5236322693731483 -0.40574262767387753 0.15527792597067477 0.12545726379137548 0.538767513557349 0.532241019112753 1.0854968501274873 1.2189159370864115 1.0925392729309957 1.3125569435947029 1.2727788631440788 0.7868516897014353 0.8957899735298774 0.5585791645210945 0.3682531738308736 -0.017919241438882367 -0.2572068382352906 -0.239794254380449 +17276,-0.6328027211411019,0,-0.3840478379601669 -0.5236322693731483 -0.40574262767387753 0.15527792597067477 0.12545726379137548 0.538767513557349 0.532241019112753 1.0854968501274873 1.2189159370864115 1.0925392729309957 1.3125569435947029 1.2727788631440788 0.7868516897014353 0.8957899735298774 0.5585791645210945 0.3682531738308736 -0.017919241438882367 -0.2572068382352906 -0.239794254380449 -0.564648578009012 +17277,-0.6396645689493542,0,-0.5236322693731483 -0.40574262767387753 0.15527792597067477 0.12545726379137548 0.538767513557349 0.532241019112753 1.0854968501274873 1.2189159370864115 1.0925392729309957 1.3125569435947029 1.2727788631440788 0.7868516897014353 0.8957899735298774 0.5585791645210945 0.3682531738308736 -0.017919241438882367 -0.2572068382352906 -0.239794254380449 -0.564648578009012 -0.6328027211411019 +17278,-0.728249476983015,0,-0.40574262767387753 0.15527792597067477 0.12545726379137548 0.538767513557349 0.532241019112753 1.0854968501274873 1.2189159370864115 1.0925392729309957 1.3125569435947029 1.2727788631440788 0.7868516897014353 0.8957899735298774 0.5585791645210945 0.3682531738308736 -0.017919241438882367 -0.2572068382352906 -0.239794254380449 -0.564648578009012 -0.6328027211411019 -0.6396645689493542 +17279,-0.7555420900023919,0,0.15527792597067477 0.12545726379137548 0.538767513557349 0.532241019112753 1.0854968501274873 1.2189159370864115 1.0925392729309957 1.3125569435947029 1.2727788631440788 0.7868516897014353 0.8957899735298774 0.5585791645210945 0.3682531738308736 -0.017919241438882367 -0.2572068382352906 -0.239794254380449 -0.564648578009012 -0.6328027211411019 -0.6396645689493542 -0.728249476983015 +17280,-0.5548459382608465,0,0.12545726379137548 0.538767513557349 0.532241019112753 1.0854968501274873 1.2189159370864115 1.0925392729309957 1.3125569435947029 1.2727788631440788 0.7868516897014353 0.8957899735298774 0.5585791645210945 0.3682531738308736 -0.017919241438882367 -0.2572068382352906 -0.239794254380449 -0.564648578009012 -0.6328027211411019 -0.6396645689493542 -0.728249476983015 -0.7555420900023919 +17281,-0.6581348059941616,0,0.538767513557349 0.532241019112753 1.0854968501274873 1.2189159370864115 1.0925392729309957 1.3125569435947029 1.2727788631440788 0.7868516897014353 0.8957899735298774 0.5585791645210945 0.3682531738308736 -0.017919241438882367 -0.2572068382352906 -0.239794254380449 -0.564648578009012 -0.6328027211411019 -0.6396645689493542 -0.728249476983015 -0.7555420900023919 -0.5548459382608465 +17282,-0.5334349092760995,0,0.532241019112753 1.0854968501274873 1.2189159370864115 1.0925392729309957 1.3125569435947029 1.2727788631440788 0.7868516897014353 0.8957899735298774 0.5585791645210945 0.3682531738308736 -0.017919241438882367 -0.2572068382352906 -0.239794254380449 -0.564648578009012 -0.6328027211411019 -0.6396645689493542 -0.728249476983015 -0.7555420900023919 -0.5548459382608465 -0.6581348059941616 +17283,0.07456092614575349,0,1.0854968501274873 1.2189159370864115 1.0925392729309957 1.3125569435947029 1.2727788631440788 0.7868516897014353 0.8957899735298774 0.5585791645210945 0.3682531738308736 -0.017919241438882367 -0.2572068382352906 -0.239794254380449 -0.564648578009012 -0.6328027211411019 -0.6396645689493542 -0.728249476983015 -0.7555420900023919 -0.5548459382608465 -0.6581348059941616 -0.5334349092760995 +17284,0.03816217673239745,0,1.2189159370864115 1.0925392729309957 1.3125569435947029 1.2727788631440788 0.7868516897014353 0.8957899735298774 0.5585791645210945 0.3682531738308736 -0.017919241438882367 -0.2572068382352906 -0.239794254380449 -0.564648578009012 -0.6328027211411019 -0.6396645689493542 -0.728249476983015 -0.7555420900023919 -0.5548459382608465 -0.6581348059941616 -0.5334349092760995 0.07456092614575349 +17285,0.485059366022841,0,1.0925392729309957 1.3125569435947029 1.2727788631440788 0.7868516897014353 0.8957899735298774 0.5585791645210945 0.3682531738308736 -0.017919241438882367 -0.2572068382352906 -0.239794254380449 -0.564648578009012 -0.6328027211411019 -0.6396645689493542 -0.728249476983015 -0.7555420900023919 -0.5548459382608465 -0.6581348059941616 -0.5334349092760995 0.07456092614575349 0.03816217673239745 +17286,0.4758242474230488,0,1.3125569435947029 1.2727788631440788 0.7868516897014353 0.8957899735298774 0.5585791645210945 0.3682531738308736 -0.017919241438882367 -0.2572068382352906 -0.239794254380449 -0.564648578009012 -0.6328027211411019 -0.6396645689493542 -0.728249476983015 -0.7555420900023919 -0.5548459382608465 -0.6581348059941616 -0.5334349092760995 0.07456092614575349 0.03816217673239745 0.485059366022841 +17287,1.0747655392403834,0,1.2727788631440788 0.7868516897014353 0.8957899735298774 0.5585791645210945 0.3682531738308736 -0.017919241438882367 -0.2572068382352906 -0.239794254380449 -0.564648578009012 -0.6328027211411019 -0.6396645689493542 -0.728249476983015 -0.7555420900023919 -0.5548459382608465 -0.6581348059941616 -0.5334349092760995 0.07456092614575349 0.03816217673239745 0.485059366022841 0.4758242474230488 +17288,1.2175745231674822,0,0.7868516897014353 0.8957899735298774 0.5585791645210945 0.3682531738308736 -0.017919241438882367 -0.2572068382352906 -0.239794254380449 -0.564648578009012 -0.6328027211411019 -0.6396645689493542 -0.728249476983015 -0.7555420900023919 -0.5548459382608465 -0.6581348059941616 -0.5334349092760995 0.07456092614575349 0.03816217673239745 0.485059366022841 0.4758242474230488 1.0747655392403834 +17289,1.0696320515041775,0,0.8957899735298774 0.5585791645210945 0.3682531738308736 -0.017919241438882367 -0.2572068382352906 -0.239794254380449 -0.564648578009012 -0.6328027211411019 -0.6396645689493542 -0.728249476983015 -0.7555420900023919 -0.5548459382608465 -0.6581348059941616 -0.5334349092760995 0.07456092614575349 0.03816217673239745 0.485059366022841 0.4758242474230488 1.0747655392403834 1.2175745231674822 +17290,1.309358187397923,0,0.5585791645210945 0.3682531738308736 -0.017919241438882367 -0.2572068382352906 -0.239794254380449 -0.564648578009012 -0.6328027211411019 -0.6396645689493542 -0.728249476983015 -0.7555420900023919 -0.5548459382608465 -0.6581348059941616 -0.5334349092760995 0.07456092614575349 0.03816217673239745 0.485059366022841 0.4758242474230488 1.0747655392403834 1.2175745231674822 1.0696320515041775 +17291,1.2583328677012737,0,0.3682531738308736 -0.017919241438882367 -0.2572068382352906 -0.239794254380449 -0.564648578009012 -0.6328027211411019 -0.6396645689493542 -0.728249476983015 -0.7555420900023919 -0.5548459382608465 -0.6581348059941616 -0.5334349092760995 0.07456092614575349 0.03816217673239745 0.485059366022841 0.4758242474230488 1.0747655392403834 1.2175745231674822 1.0696320515041775 1.309358187397923 +17292,0.7695938843697354,0,-0.017919241438882367 -0.2572068382352906 -0.239794254380449 -0.564648578009012 -0.6328027211411019 -0.6396645689493542 -0.728249476983015 -0.7555420900023919 -0.5548459382608465 -0.6581348059941616 -0.5334349092760995 0.07456092614575349 0.03816217673239745 0.485059366022841 0.4758242474230488 1.0747655392403834 1.2175745231674822 1.0696320515041775 1.309358187397923 1.2583328677012737 +17293,0.8644731190632663,0,-0.2572068382352906 -0.239794254380449 -0.564648578009012 -0.6328027211411019 -0.6396645689493542 -0.728249476983015 -0.7555420900023919 -0.5548459382608465 -0.6581348059941616 -0.5334349092760995 0.07456092614575349 0.03816217673239745 0.485059366022841 0.4758242474230488 1.0747655392403834 1.2175745231674822 1.0696320515041775 1.309358187397923 1.2583328677012737 0.7695938843697354 +17294,0.521638690276694,0,-0.239794254380449 -0.564648578009012 -0.6328027211411019 -0.6396645689493542 -0.728249476983015 -0.7555420900023919 -0.5548459382608465 -0.6581348059941616 -0.5334349092760995 0.07456092614575349 0.03816217673239745 0.485059366022841 0.4758242474230488 1.0747655392403834 1.2175745231674822 1.0696320515041775 1.309358187397923 1.2583328677012737 0.7695938843697354 0.8644731190632663 +17295,0.33636879806110354,0,-0.564648578009012 -0.6328027211411019 -0.6396645689493542 -0.728249476983015 -0.7555420900023919 -0.5548459382608465 -0.6581348059941616 -0.5334349092760995 0.07456092614575349 0.03816217673239745 0.485059366022841 0.4758242474230488 1.0747655392403834 1.2175745231674822 1.0696320515041775 1.309358187397923 1.2583328677012737 0.7695938843697354 0.8644731190632663 0.521638690276694 +17296,-0.058987142864206865,0,-0.6328027211411019 -0.6396645689493542 -0.728249476983015 -0.7555420900023919 -0.5548459382608465 -0.6581348059941616 -0.5334349092760995 0.07456092614575349 0.03816217673239745 0.485059366022841 0.4758242474230488 1.0747655392403834 1.2175745231674822 1.0696320515041775 1.309358187397923 1.2583328677012737 0.7695938843697354 0.8644731190632663 0.521638690276694 0.33636879806110354 +17297,-0.2967785473733121,0,-0.6396645689493542 -0.728249476983015 -0.7555420900023919 -0.5548459382608465 -0.6581348059941616 -0.5334349092760995 0.07456092614575349 0.03816217673239745 0.485059366022841 0.4758242474230488 1.0747655392403834 1.2175745231674822 1.0696320515041775 1.309358187397923 1.2583328677012737 0.7695938843697354 0.8644731190632663 0.521638690276694 0.33636879806110354 -0.058987142864206865 +17298,-0.24799751610762172,0,-0.728249476983015 -0.7555420900023919 -0.5548459382608465 -0.6581348059941616 -0.5334349092760995 0.07456092614575349 0.03816217673239745 0.485059366022841 0.4758242474230488 1.0747655392403834 1.2175745231674822 1.0696320515041775 1.309358187397923 1.2583328677012737 0.7695938843697354 0.8644731190632663 0.521638690276694 0.33636879806110354 -0.058987142864206865 -0.2967785473733121 +17299,-0.5813130657202153,0,-0.7555420900023919 -0.5548459382608465 -0.6581348059941616 -0.5334349092760995 0.07456092614575349 0.03816217673239745 0.485059366022841 0.4758242474230488 1.0747655392403834 1.2175745231674822 1.0696320515041775 1.309358187397923 1.2583328677012737 0.7695938843697354 0.8644731190632663 0.521638690276694 0.33636879806110354 -0.058987142864206865 -0.2967785473733121 -0.24799751610762172 +17300,-0.6280561797127814,0,-0.5548459382608465 -0.6581348059941616 -0.5334349092760995 0.07456092614575349 0.03816217673239745 0.485059366022841 0.4758242474230488 1.0747655392403834 1.2175745231674822 1.0696320515041775 1.309358187397923 1.2583328677012737 0.7695938843697354 0.8644731190632663 0.521638690276694 0.33636879806110354 -0.058987142864206865 -0.2967785473733121 -0.24799751610762172 -0.5813130657202153 +17301,-0.6335508172847578,0,-0.6581348059941616 -0.5334349092760995 0.07456092614575349 0.03816217673239745 0.485059366022841 0.4758242474230488 1.0747655392403834 1.2175745231674822 1.0696320515041775 1.309358187397923 1.2583328677012737 0.7695938843697354 0.8644731190632663 0.521638690276694 0.33636879806110354 -0.058987142864206865 -0.2967785473733121 -0.24799751610762172 -0.5813130657202153 -0.6280561797127814 +17302,-0.6940434233659339,0,-0.5334349092760995 0.07456092614575349 0.03816217673239745 0.485059366022841 0.4758242474230488 1.0747655392403834 1.2175745231674822 1.0696320515041775 1.309358187397923 1.2583328677012737 0.7695938843697354 0.8644731190632663 0.521638690276694 0.33636879806110354 -0.058987142864206865 -0.2967785473733121 -0.24799751610762172 -0.5813130657202153 -0.6280561797127814 -0.6335508172847578 +17303,-0.7132875531812974,0,0.07456092614575349 0.03816217673239745 0.485059366022841 0.4758242474230488 1.0747655392403834 1.2175745231674822 1.0696320515041775 1.309358187397923 1.2583328677012737 0.7695938843697354 0.8644731190632663 0.521638690276694 0.33636879806110354 -0.058987142864206865 -0.2967785473733121 -0.24799751610762172 -0.5813130657202153 -0.6280561797127814 -0.6335508172847578 -0.6940434233659339 +17304,-0.460431039136776,0,0.03816217673239745 0.485059366022841 0.4758242474230488 1.0747655392403834 1.2175745231674822 1.0696320515041775 1.309358187397923 1.2583328677012737 0.7695938843697354 0.8644731190632663 0.521638690276694 0.33636879806110354 -0.058987142864206865 -0.2967785473733121 -0.24799751610762172 -0.5813130657202153 -0.6280561797127814 -0.6335508172847578 -0.6940434233659339 -0.7132875531812974 +17305,-0.5703753833657231,0,0.485059366022841 0.4758242474230488 1.0747655392403834 1.2175745231674822 1.0696320515041775 1.309358187397923 1.2583328677012737 0.7695938843697354 0.8644731190632663 0.521638690276694 0.33636879806110354 -0.058987142864206865 -0.2967785473733121 -0.24799751610762172 -0.5813130657202153 -0.6280561797127814 -0.6335508172847578 -0.6940434233659339 -0.7132875531812974 -0.460431039136776 +17306,-0.4082190840443479,0,0.4758242474230488 1.0747655392403834 1.2175745231674822 1.0696320515041775 1.309358187397923 1.2583328677012737 0.7695938843697354 0.8644731190632663 0.521638690276694 0.33636879806110354 -0.058987142864206865 -0.2967785473733121 -0.24799751610762172 -0.5813130657202153 -0.6280561797127814 -0.6335508172847578 -0.6940434233659339 -0.7132875531812974 -0.460431039136776 -0.5703753833657231 +17307,0.29744199948781624,0,1.0747655392403834 1.2175745231674822 1.0696320515041775 1.309358187397923 1.2583328677012737 0.7695938843697354 0.8644731190632663 0.521638690276694 0.33636879806110354 -0.058987142864206865 -0.2967785473733121 -0.24799751610762172 -0.5813130657202153 -0.6280561797127814 -0.6335508172847578 -0.6940434233659339 -0.7132875531812974 -0.460431039136776 -0.5703753833657231 -0.4082190840443479 +17308,0.2784300376119731,0,1.2175745231674822 1.0696320515041775 1.309358187397923 1.2583328677012737 0.7695938843697354 0.8644731190632663 0.521638690276694 0.33636879806110354 -0.058987142864206865 -0.2967785473733121 -0.24799751610762172 -0.5813130657202153 -0.6280561797127814 -0.6335508172847578 -0.6940434233659339 -0.7132875531812974 -0.460431039136776 -0.5703753833657231 -0.4082190840443479 0.29744199948781624 +17309,0.8029228596373476,0,1.0696320515041775 1.309358187397923 1.2583328677012737 0.7695938843697354 0.8644731190632663 0.521638690276694 0.33636879806110354 -0.058987142864206865 -0.2967785473733121 -0.24799751610762172 -0.5813130657202153 -0.6280561797127814 -0.6335508172847578 -0.6940434233659339 -0.7132875531812974 -0.460431039136776 -0.5703753833657231 -0.4082190840443479 0.29744199948781624 0.2784300376119731 +17310,0.7271071797639063,0,1.309358187397923 1.2583328677012737 0.7695938843697354 0.8644731190632663 0.521638690276694 0.33636879806110354 -0.058987142864206865 -0.2967785473733121 -0.24799751610762172 -0.5813130657202153 -0.6280561797127814 -0.6335508172847578 -0.6940434233659339 -0.7132875531812974 -0.460431039136776 -0.5703753833657231 -0.4082190840443479 0.29744199948781624 0.2784300376119731 0.8029228596373476 +17311,1.4517028359103472,0,1.2583328677012737 0.7695938843697354 0.8644731190632663 0.521638690276694 0.33636879806110354 -0.058987142864206865 -0.2967785473733121 -0.24799751610762172 -0.5813130657202153 -0.6280561797127814 -0.6335508172847578 -0.6940434233659339 -0.7132875531812974 -0.460431039136776 -0.5703753833657231 -0.4082190840443479 0.29744199948781624 0.2784300376119731 0.8029228596373476 0.7271071797639063 +17312,1.5759899900031777,0,0.7695938843697354 0.8644731190632663 0.521638690276694 0.33636879806110354 -0.058987142864206865 -0.2967785473733121 -0.24799751610762172 -0.5813130657202153 -0.6280561797127814 -0.6335508172847578 -0.6940434233659339 -0.7132875531812974 -0.460431039136776 -0.5703753833657231 -0.4082190840443479 0.29744199948781624 0.2784300376119731 0.8029228596373476 0.7271071797639063 1.4517028359103472 +17313,1.4455116949841755,0,0.8644731190632663 0.521638690276694 0.33636879806110354 -0.058987142864206865 -0.2967785473733121 -0.24799751610762172 -0.5813130657202153 -0.6280561797127814 -0.6335508172847578 -0.6940434233659339 -0.7132875531812974 -0.460431039136776 -0.5703753833657231 -0.4082190840443479 0.29744199948781624 0.2784300376119731 0.8029228596373476 0.7271071797639063 1.4517028359103472 1.5759899900031777 +17314,1.6547206654992124,0,0.521638690276694 0.33636879806110354 -0.058987142864206865 -0.2967785473733121 -0.24799751610762172 -0.5813130657202153 -0.6280561797127814 -0.6335508172847578 -0.6940434233659339 -0.7132875531812974 -0.460431039136776 -0.5703753833657231 -0.4082190840443479 0.29744199948781624 0.2784300376119731 0.8029228596373476 0.7271071797639063 1.4517028359103472 1.5759899900031777 1.4455116949841755 +17315,1.6091641867476307,0,0.33636879806110354 -0.058987142864206865 -0.2967785473733121 -0.24799751610762172 -0.5813130657202153 -0.6280561797127814 -0.6335508172847578 -0.6940434233659339 -0.7132875531812974 -0.460431039136776 -0.5703753833657231 -0.4082190840443479 0.29744199948781624 0.2784300376119731 0.8029228596373476 0.7271071797639063 1.4517028359103472 1.5759899900031777 1.4455116949841755 1.6547206654992124 +17316,1.037283340164947,0,-0.058987142864206865 -0.2967785473733121 -0.24799751610762172 -0.5813130657202153 -0.6280561797127814 -0.6335508172847578 -0.6940434233659339 -0.7132875531812974 -0.460431039136776 -0.5703753833657231 -0.4082190840443479 0.29744199948781624 0.2784300376119731 0.8029228596373476 0.7271071797639063 1.4517028359103472 1.5759899900031777 1.4455116949841755 1.6547206654992124 1.6091641867476307 +17317,1.167168317563444,0,-0.2967785473733121 -0.24799751610762172 -0.5813130657202153 -0.6280561797127814 -0.6335508172847578 -0.6940434233659339 -0.7132875531812974 -0.460431039136776 -0.5703753833657231 -0.4082190840443479 0.29744199948781624 0.2784300376119731 0.8029228596373476 0.7271071797639063 1.4517028359103472 1.5759899900031777 1.4455116949841755 1.6547206654992124 1.6091641867476307 1.037283340164947 +17318,0.7707289268212765,0,-0.24799751610762172 -0.5813130657202153 -0.6280561797127814 -0.6335508172847578 -0.6940434233659339 -0.7132875531812974 -0.460431039136776 -0.5703753833657231 -0.4082190840443479 0.29744199948781624 0.2784300376119731 0.8029228596373476 0.7271071797639063 1.4517028359103472 1.5759899900031777 1.4455116949841755 1.6547206654992124 1.6091641867476307 1.037283340164947 1.167168317563444 +17319,0.5749598915033167,0,-0.5813130657202153 -0.6280561797127814 -0.6335508172847578 -0.6940434233659339 -0.7132875531812974 -0.460431039136776 -0.5703753833657231 -0.4082190840443479 0.29744199948781624 0.2784300376119731 0.8029228596373476 0.7271071797639063 1.4517028359103472 1.5759899900031777 1.4455116949841755 1.6547206654992124 1.6091641867476307 1.037283340164947 1.167168317563444 0.7707289268212765 +17320,0.11163038244119014,0,-0.6280561797127814 -0.6335508172847578 -0.6940434233659339 -0.7132875531812974 -0.460431039136776 -0.5703753833657231 -0.4082190840443479 0.29744199948781624 0.2784300376119731 0.8029228596373476 0.7271071797639063 1.4517028359103472 1.5759899900031777 1.4455116949841755 1.6547206654992124 1.6091641867476307 1.037283340164947 1.167168317563444 0.7707289268212765 0.5749598915033167 +17321,-0.15102877135150553,0,-0.6335508172847578 -0.6940434233659339 -0.7132875531812974 -0.460431039136776 -0.5703753833657231 -0.4082190840443479 0.29744199948781624 0.2784300376119731 0.8029228596373476 0.7271071797639063 1.4517028359103472 1.5759899900031777 1.4455116949841755 1.6547206654992124 1.6091641867476307 1.037283340164947 1.167168317563444 0.7707289268212765 0.5749598915033167 0.11163038244119014 +17322,-0.18670522093855202,0,-0.6940434233659339 -0.7132875531812974 -0.460431039136776 -0.5703753833657231 -0.4082190840443479 0.29744199948781624 0.2784300376119731 0.8029228596373476 0.7271071797639063 1.4517028359103472 1.5759899900031777 1.4455116949841755 1.6547206654992124 1.6091641867476307 1.037283340164947 1.167168317563444 0.7707289268212765 0.5749598915033167 0.11163038244119014 -0.15102877135150553 +17323,-0.5250252760815385,0,-0.7132875531812974 -0.460431039136776 -0.5703753833657231 -0.4082190840443479 0.29744199948781624 0.2784300376119731 0.8029228596373476 0.7271071797639063 1.4517028359103472 1.5759899900031777 1.4455116949841755 1.6547206654992124 1.6091641867476307 1.037283340164947 1.167168317563444 0.7707289268212765 0.5749598915033167 0.11163038244119014 -0.15102877135150553 -0.18670522093855202 +17324,-0.6363626271736526,0,-0.460431039136776 -0.5703753833657231 -0.4082190840443479 0.29744199948781624 0.2784300376119731 0.8029228596373476 0.7271071797639063 1.4517028359103472 1.5759899900031777 1.4455116949841755 1.6547206654992124 1.6091641867476307 1.037283340164947 1.167168317563444 0.7707289268212765 0.5749598915033167 0.11163038244119014 -0.15102877135150553 -0.18670522093855202 -0.5250252760815385 +17325,-0.6487965018154478,0,-0.5703753833657231 -0.4082190840443479 0.29744199948781624 0.2784300376119731 0.8029228596373476 0.7271071797639063 1.4517028359103472 1.5759899900031777 1.4455116949841755 1.6547206654992124 1.6091641867476307 1.037283340164947 1.167168317563444 0.7707289268212765 0.5749598915033167 0.11163038244119014 -0.15102877135150553 -0.18670522093855202 -0.5250252760815385 -0.6363626271736526 +17326,-0.7931016781846265,0,-0.4082190840443479 0.29744199948781624 0.2784300376119731 0.8029228596373476 0.7271071797639063 1.4517028359103472 1.5759899900031777 1.4455116949841755 1.6547206654992124 1.6091641867476307 1.037283340164947 1.167168317563444 0.7707289268212765 0.5749598915033167 0.11163038244119014 -0.15102877135150553 -0.18670522093855202 -0.5250252760815385 -0.6363626271736526 -0.6487965018154478 +17327,-0.8385033784130489,0,0.29744199948781624 0.2784300376119731 0.8029228596373476 0.7271071797639063 1.4517028359103472 1.5759899900031777 1.4455116949841755 1.6547206654992124 1.6091641867476307 1.037283340164947 1.167168317563444 0.7707289268212765 0.5749598915033167 0.11163038244119014 -0.15102877135150553 -0.18670522093855202 -0.5250252760815385 -0.6363626271736526 -0.6487965018154478 -0.7931016781846265 +17328,-0.6098697032421605,0,0.2784300376119731 0.8029228596373476 0.7271071797639063 1.4517028359103472 1.5759899900031777 1.4455116949841755 1.6547206654992124 1.6091641867476307 1.037283340164947 1.167168317563444 0.7707289268212765 0.5749598915033167 0.11163038244119014 -0.15102877135150553 -0.18670522093855202 -0.5250252760815385 -0.6363626271736526 -0.6487965018154478 -0.7931016781846265 -0.8385033784130489 +17329,-0.7466165284489096,0,0.8029228596373476 0.7271071797639063 1.4517028359103472 1.5759899900031777 1.4455116949841755 1.6547206654992124 1.6091641867476307 1.037283340164947 1.167168317563444 0.7707289268212765 0.5749598915033167 0.11163038244119014 -0.15102877135150553 -0.18670522093855202 -0.5250252760815385 -0.6363626271736526 -0.6487965018154478 -0.7931016781846265 -0.8385033784130489 -0.6098697032421605 +17330,-0.6093279784111248,0,0.7271071797639063 1.4517028359103472 1.5759899900031777 1.4455116949841755 1.6547206654992124 1.6091641867476307 1.037283340164947 1.167168317563444 0.7707289268212765 0.5749598915033167 0.11163038244119014 -0.15102877135150553 -0.18670522093855202 -0.5250252760815385 -0.6363626271736526 -0.6487965018154478 -0.7931016781846265 -0.8385033784130489 -0.6098697032421605 -0.7466165284489096 +17331,0.26455156331755003,0,1.4517028359103472 1.5759899900031777 1.4455116949841755 1.6547206654992124 1.6091641867476307 1.037283340164947 1.167168317563444 0.7707289268212765 0.5749598915033167 0.11163038244119014 -0.15102877135150553 -0.18670522093855202 -0.5250252760815385 -0.6363626271736526 -0.6487965018154478 -0.7931016781846265 -0.8385033784130489 -0.6098697032421605 -0.7466165284489096 -0.6093279784111248 +17332,0.1563097828432942,0,1.5759899900031777 1.4455116949841755 1.6547206654992124 1.6091641867476307 1.037283340164947 1.167168317563444 0.7707289268212765 0.5749598915033167 0.11163038244119014 -0.15102877135150553 -0.18670522093855202 -0.5250252760815385 -0.6363626271736526 -0.6487965018154478 -0.7931016781846265 -0.8385033784130489 -0.6098697032421605 -0.7466165284489096 -0.6093279784111248 0.26455156331755003 +17333,0.7846589939051515,0,1.4455116949841755 1.6547206654992124 1.6091641867476307 1.037283340164947 1.167168317563444 0.7707289268212765 0.5749598915033167 0.11163038244119014 -0.15102877135150553 -0.18670522093855202 -0.5250252760815385 -0.6363626271736526 -0.6487965018154478 -0.7931016781846265 -0.8385033784130489 -0.6098697032421605 -0.7466165284489096 -0.6093279784111248 0.26455156331755003 0.1563097828432942 +17334,0.6733216429678143,0,1.6547206654992124 1.6091641867476307 1.037283340164947 1.167168317563444 0.7707289268212765 0.5749598915033167 0.11163038244119014 -0.15102877135150553 -0.18670522093855202 -0.5250252760815385 -0.6363626271736526 -0.6487965018154478 -0.7931016781846265 -0.8385033784130489 -0.6098697032421605 -0.7466165284489096 -0.6093279784111248 0.26455156331755003 0.1563097828432942 0.7846589939051515 +17335,1.5482330415691175,0,1.6091641867476307 1.037283340164947 1.167168317563444 0.7707289268212765 0.5749598915033167 0.11163038244119014 -0.15102877135150553 -0.18670522093855202 -0.5250252760815385 -0.6363626271736526 -0.6487965018154478 -0.7931016781846265 -0.8385033784130489 -0.6098697032421605 -0.7466165284489096 -0.6093279784111248 0.26455156331755003 0.1563097828432942 0.7846589939051515 0.6733216429678143 +17336,1.6834578778616545,0,1.037283340164947 1.167168317563444 0.7707289268212765 0.5749598915033167 0.11163038244119014 -0.15102877135150553 -0.18670522093855202 -0.5250252760815385 -0.6363626271736526 -0.6487965018154478 -0.7931016781846265 -0.8385033784130489 -0.6098697032421605 -0.7466165284489096 -0.6093279784111248 0.26455156331755003 0.1563097828432942 0.7846589939051515 0.6733216429678143 1.5482330415691175 +17337,1.5323424464736843,0,1.167168317563444 0.7707289268212765 0.5749598915033167 0.11163038244119014 -0.15102877135150553 -0.18670522093855202 -0.5250252760815385 -0.6363626271736526 -0.6487965018154478 -0.7931016781846265 -0.8385033784130489 -0.6098697032421605 -0.7466165284489096 -0.6093279784111248 0.26455156331755003 0.1563097828432942 0.7846589939051515 0.6733216429678143 1.5482330415691175 1.6834578778616545 +17338,1.7630140387629203,0,0.7707289268212765 0.5749598915033167 0.11163038244119014 -0.15102877135150553 -0.18670522093855202 -0.5250252760815385 -0.6363626271736526 -0.6487965018154478 -0.7931016781846265 -0.8385033784130489 -0.6098697032421605 -0.7466165284489096 -0.6093279784111248 0.26455156331755003 0.1563097828432942 0.7846589939051515 0.6733216429678143 1.5482330415691175 1.6834578778616545 1.5323424464736843 +17339,1.70734536337164,0,0.5749598915033167 0.11163038244119014 -0.15102877135150553 -0.18670522093855202 -0.5250252760815385 -0.6363626271736526 -0.6487965018154478 -0.7931016781846265 -0.8385033784130489 -0.6098697032421605 -0.7466165284489096 -0.6093279784111248 0.26455156331755003 0.1563097828432942 0.7846589939051515 0.6733216429678143 1.5482330415691175 1.6834578778616545 1.5323424464736843 1.7630140387629203 +17340,1.1034511588133735,0,0.11163038244119014 -0.15102877135150553 -0.18670522093855202 -0.5250252760815385 -0.6363626271736526 -0.6487965018154478 -0.7931016781846265 -0.8385033784130489 -0.6098697032421605 -0.7466165284489096 -0.6093279784111248 0.26455156331755003 0.1563097828432942 0.7846589939051515 0.6733216429678143 1.5482330415691175 1.6834578778616545 1.5323424464736843 1.7630140387629203 1.70734536337164 +17341,1.2305243263229757,0,-0.15102877135150553 -0.18670522093855202 -0.5250252760815385 -0.6363626271736526 -0.6487965018154478 -0.7931016781846265 -0.8385033784130489 -0.6098697032421605 -0.7466165284489096 -0.6093279784111248 0.26455156331755003 0.1563097828432942 0.7846589939051515 0.6733216429678143 1.5482330415691175 1.6834578778616545 1.5323424464736843 1.7630140387629203 1.70734536337164 1.1034511588133735 +17342,0.8093719648203682,0,-0.18670522093855202 -0.5250252760815385 -0.6363626271736526 -0.6487965018154478 -0.7931016781846265 -0.8385033784130489 -0.6098697032421605 -0.7466165284489096 -0.6093279784111248 0.26455156331755003 0.1563097828432942 0.7846589939051515 0.6733216429678143 1.5482330415691175 1.6834578778616545 1.5323424464736843 1.7630140387629203 1.70734536337164 1.1034511588133735 1.2305243263229757 +17343,0.6648088241943316,0,-0.5250252760815385 -0.6363626271736526 -0.6487965018154478 -0.7931016781846265 -0.8385033784130489 -0.6098697032421605 -0.7466165284489096 -0.6093279784111248 0.26455156331755003 0.1563097828432942 0.7846589939051515 0.6733216429678143 1.5482330415691175 1.6834578778616545 1.5323424464736843 1.7630140387629203 1.70734536337164 1.1034511588133735 1.2305243263229757 0.8093719648203682 +17344,0.15146005568127505,0,-0.6363626271736526 -0.6487965018154478 -0.7931016781846265 -0.8385033784130489 -0.6098697032421605 -0.7466165284489096 -0.6093279784111248 0.26455156331755003 0.1563097828432942 0.7846589939051515 0.6733216429678143 1.5482330415691175 1.6834578778616545 1.5323424464736843 1.7630140387629203 1.70734536337164 1.1034511588133735 1.2305243263229757 0.8093719648203682 0.6648088241943316 +17345,-0.08529949180042512,0,-0.6487965018154478 -0.7931016781846265 -0.8385033784130489 -0.6098697032421605 -0.7466165284489096 -0.6093279784111248 0.26455156331755003 0.1563097828432942 0.7846589939051515 0.6733216429678143 1.5482330415691175 1.6834578778616545 1.5323424464736843 1.7630140387629203 1.70734536337164 1.1034511588133735 1.2305243263229757 0.8093719648203682 0.6648088241943316 0.15146005568127505 +17346,-0.05591736887323992,0,-0.7931016781846265 -0.8385033784130489 -0.6098697032421605 -0.7466165284489096 -0.6093279784111248 0.26455156331755003 0.1563097828432942 0.7846589939051515 0.6733216429678143 1.5482330415691175 1.6834578778616545 1.5323424464736843 1.7630140387629203 1.70734536337164 1.1034511588133735 1.2305243263229757 0.8093719648203682 0.6648088241943316 0.15146005568127505 -0.08529949180042512 +17347,-0.38139080659443153,0,-0.8385033784130489 -0.6098697032421605 -0.7466165284489096 -0.6093279784111248 0.26455156331755003 0.1563097828432942 0.7846589939051515 0.6733216429678143 1.5482330415691175 1.6834578778616545 1.5323424464736843 1.7630140387629203 1.70734536337164 1.1034511588133735 1.2305243263229757 0.8093719648203682 0.6648088241943316 0.15146005568127505 -0.08529949180042512 -0.05591736887323992 +17348,-0.440722573906729,0,-0.6098697032421605 -0.7466165284489096 -0.6093279784111248 0.26455156331755003 0.1563097828432942 0.7846589939051515 0.6733216429678143 1.5482330415691175 1.6834578778616545 1.5323424464736843 1.7630140387629203 1.70734536337164 1.1034511588133735 1.2305243263229757 0.8093719648203682 0.6648088241943316 0.15146005568127505 -0.08529949180042512 -0.05591736887323992 -0.38139080659443153 +17349,-0.4376012069715243,0,-0.7466165284489096 -0.6093279784111248 0.26455156331755003 0.1563097828432942 0.7846589939051515 0.6733216429678143 1.5482330415691175 1.6834578778616545 1.5323424464736843 1.7630140387629203 1.70734536337164 1.1034511588133735 1.2305243263229757 0.8093719648203682 0.6648088241943316 0.15146005568127505 -0.08529949180042512 -0.05591736887323992 -0.38139080659443153 -0.440722573906729 +17350,-0.5177506854932866,0,-0.6093279784111248 0.26455156331755003 0.1563097828432942 0.7846589939051515 0.6733216429678143 1.5482330415691175 1.6834578778616545 1.5323424464736843 1.7630140387629203 1.70734536337164 1.1034511588133735 1.2305243263229757 0.8093719648203682 0.6648088241943316 0.15146005568127505 -0.08529949180042512 -0.05591736887323992 -0.38139080659443153 -0.440722573906729 -0.4376012069715243 +17351,-0.5354470300771094,0,0.26455156331755003 0.1563097828432942 0.7846589939051515 0.6733216429678143 1.5482330415691175 1.6834578778616545 1.5323424464736843 1.7630140387629203 1.70734536337164 1.1034511588133735 1.2305243263229757 0.8093719648203682 0.6648088241943316 0.15146005568127505 -0.08529949180042512 -0.05591736887323992 -0.38139080659443153 -0.440722573906729 -0.4376012069715243 -0.5177506854932866 +17352,-0.295204965669657,0,0.1563097828432942 0.7846589939051515 0.6733216429678143 1.5482330415691175 1.6834578778616545 1.5323424464736843 1.7630140387629203 1.70734536337164 1.1034511588133735 1.2305243263229757 0.8093719648203682 0.6648088241943316 0.15146005568127505 -0.08529949180042512 -0.05591736887323992 -0.38139080659443153 -0.440722573906729 -0.4376012069715243 -0.5177506854932866 -0.5354470300771094 +17353,-0.3988807797108572,0,0.7846589939051515 0.6733216429678143 1.5482330415691175 1.6834578778616545 1.5323424464736843 1.7630140387629203 1.70734536337164 1.1034511588133735 1.2305243263229757 0.8093719648203682 0.6648088241943316 0.15146005568127505 -0.08529949180042512 -0.05591736887323992 -0.38139080659443153 -0.440722573906729 -0.4376012069715243 -0.5177506854932866 -0.5354470300771094 -0.295204965669657 +17354,-0.24461818507034488,0,0.6733216429678143 1.5482330415691175 1.6834578778616545 1.5323424464736843 1.7630140387629203 1.70734536337164 1.1034511588133735 1.2305243263229757 0.8093719648203682 0.6648088241943316 0.15146005568127505 -0.08529949180042512 -0.05591736887323992 -0.38139080659443153 -0.440722573906729 -0.4376012069715243 -0.5177506854932866 -0.5354470300771094 -0.295204965669657 -0.3988807797108572 +17355,0.5512787774607282,0,1.5482330415691175 1.6834578778616545 1.5323424464736843 1.7630140387629203 1.70734536337164 1.1034511588133735 1.2305243263229757 0.8093719648203682 0.6648088241943316 0.15146005568127505 -0.08529949180042512 -0.05591736887323992 -0.38139080659443153 -0.440722573906729 -0.4376012069715243 -0.5177506854932866 -0.5354470300771094 -0.295204965669657 -0.3988807797108572 -0.24461818507034488 +17356,0.4916632495742353,0,1.6834578778616545 1.5323424464736843 1.7630140387629203 1.70734536337164 1.1034511588133735 1.2305243263229757 0.8093719648203682 0.6648088241943316 0.15146005568127505 -0.08529949180042512 -0.05591736887323992 -0.38139080659443153 -0.440722573906729 -0.4376012069715243 -0.5177506854932866 -0.5354470300771094 -0.295204965669657 -0.3988807797108572 -0.24461818507034488 0.5512787774607282 +17357,1.073682089578303,0,1.5323424464736843 1.7630140387629203 1.70734536337164 1.1034511588133735 1.2305243263229757 0.8093719648203682 0.6648088241943316 0.15146005568127505 -0.08529949180042512 -0.05591736887323992 -0.38139080659443153 -0.440722573906729 -0.4376012069715243 -0.5177506854932866 -0.5354470300771094 -0.295204965669657 -0.3988807797108572 -0.24461818507034488 0.5512787774607282 0.4916632495742353 +17358,0.9684842866228998,0,1.7630140387629203 1.70734536337164 1.1034511588133735 1.2305243263229757 0.8093719648203682 0.6648088241943316 0.15146005568127505 -0.08529949180042512 -0.05591736887323992 -0.38139080659443153 -0.440722573906729 -0.4376012069715243 -0.5177506854932866 -0.5354470300771094 -0.295204965669657 -0.3988807797108572 -0.24461818507034488 0.5512787774607282 0.4916632495742353 1.073682089578303 +17359,1.7795753407404162,0,1.70734536337164 1.1034511588133735 1.2305243263229757 0.8093719648203682 0.6648088241943316 0.15146005568127505 -0.08529949180042512 -0.05591736887323992 -0.38139080659443153 -0.440722573906729 -0.4376012069715243 -0.5177506854932866 -0.5354470300771094 -0.295204965669657 -0.3988807797108572 -0.24461818507034488 0.5512787774607282 0.4916632495742353 1.073682089578303 0.9684842866228998 +17360,1.903449752208024,0,1.1034511588133735 1.2305243263229757 0.8093719648203682 0.6648088241943316 0.15146005568127505 -0.08529949180042512 -0.05591736887323992 -0.38139080659443153 -0.440722573906729 -0.4376012069715243 -0.5177506854932866 -0.5354470300771094 -0.295204965669657 -0.3988807797108572 -0.24461818507034488 0.5512787774607282 0.4916632495742353 1.073682089578303 0.9684842866228998 1.7795753407404162 +17361,1.7526696741837102,0,1.2305243263229757 0.8093719648203682 0.6648088241943316 0.15146005568127505 -0.08529949180042512 -0.05591736887323992 -0.38139080659443153 -0.440722573906729 -0.4376012069715243 -0.5177506854932866 -0.5354470300771094 -0.295204965669657 -0.3988807797108572 -0.24461818507034488 0.5512787774607282 0.4916632495742353 1.073682089578303 0.9684842866228998 1.7795753407404162 1.903449752208024 +17362,1.9680955819422474,0,0.8093719648203682 0.6648088241943316 0.15146005568127505 -0.08529949180042512 -0.05591736887323992 -0.38139080659443153 -0.440722573906729 -0.4376012069715243 -0.5177506854932866 -0.5354470300771094 -0.295204965669657 -0.3988807797108572 -0.24461818507034488 0.5512787774607282 0.4916632495742353 1.073682089578303 0.9684842866228998 1.7795753407404162 1.903449752208024 1.7526696741837102 +17363,1.9088670005184254,0,0.6648088241943316 0.15146005568127505 -0.08529949180042512 -0.05591736887323992 -0.38139080659443153 -0.440722573906729 -0.4376012069715243 -0.5177506854932866 -0.5354470300771094 -0.295204965669657 -0.3988807797108572 -0.24461818507034488 0.5512787774607282 0.4916632495742353 1.073682089578303 0.9684842866228998 1.7795753407404162 1.903449752208024 1.7526696741837102 1.9680955819422474 +17364,1.4780151848465566,0,0.15146005568127505 -0.08529949180042512 -0.05591736887323992 -0.38139080659443153 -0.440722573906729 -0.4376012069715243 -0.5177506854932866 -0.5354470300771094 -0.295204965669657 -0.3988807797108572 -0.24461818507034488 0.5512787774607282 0.4916632495742353 1.073682089578303 0.9684842866228998 1.7795753407404162 1.903449752208024 1.7526696741837102 1.9680955819422474 1.9088670005184254 +17365,1.5426610147355655,0,-0.08529949180042512 -0.05591736887323992 -0.38139080659443153 -0.440722573906729 -0.4376012069715243 -0.5177506854932866 -0.5354470300771094 -0.295204965669657 -0.3988807797108572 -0.24461818507034488 0.5512787774607282 0.4916632495742353 1.073682089578303 0.9684842866228998 1.7795753407404162 1.903449752208024 1.7526696741837102 1.9680955819422474 1.9088670005184254 1.4780151848465566 +17366,1.235683610376519,0,-0.05591736887323992 -0.38139080659443153 -0.440722573906729 -0.4376012069715243 -0.5177506854932866 -0.5354470300771094 -0.295204965669657 -0.3988807797108572 -0.24461818507034488 0.5512787774607282 0.4916632495742353 1.073682089578303 0.9684842866228998 1.7795753407404162 1.903449752208024 1.7526696741837102 1.9680955819422474 1.9088670005184254 1.4780151848465566 1.5426610147355655 +17367,1.0462604945078902,0,-0.38139080659443153 -0.440722573906729 -0.4376012069715243 -0.5177506854932866 -0.5354470300771094 -0.295204965669657 -0.3988807797108572 -0.24461818507034488 0.5512787774607282 0.4916632495742353 1.073682089578303 0.9684842866228998 1.7795753407404162 1.903449752208024 1.7526696741837102 1.9680955819422474 1.9088670005184254 1.4780151848465566 1.5426610147355655 1.235683610376519 +17368,0.7000983274735018,0,-0.440722573906729 -0.4376012069715243 -0.5177506854932866 -0.5354470300771094 -0.295204965669657 -0.3988807797108572 -0.24461818507034488 0.5512787774607282 0.4916632495742353 1.073682089578303 0.9684842866228998 1.7795753407404162 1.903449752208024 1.7526696741837102 1.9680955819422474 1.9088670005184254 1.4780151848465566 1.5426610147355655 1.235683610376519 1.0462604945078902 +17369,0.47149044877472784,0,-0.4376012069715243 -0.5177506854932866 -0.5354470300771094 -0.295204965669657 -0.3988807797108572 -0.24461818507034488 0.5512787774607282 0.4916632495742353 1.073682089578303 0.9684842866228998 1.7795753407404162 1.903449752208024 1.7526696741837102 1.9680955819422474 1.9088670005184254 1.4780151848465566 1.5426610147355655 1.235683610376519 1.0462604945078902 0.7000983274735018 +17370,0.4677757642190266,0,-0.5177506854932866 -0.5354470300771094 -0.295204965669657 -0.3988807797108572 -0.24461818507034488 0.5512787774607282 0.4916632495742353 1.073682089578303 0.9684842866228998 1.7795753407404162 1.903449752208024 1.7526696741837102 1.9680955819422474 1.9088670005184254 1.4780151848465566 1.5426610147355655 1.235683610376519 1.0462604945078902 0.7000983274735018 0.47149044877472784 +17371,0.16420348752416583,0,-0.5354470300771094 -0.295204965669657 -0.3988807797108572 -0.24461818507034488 0.5512787774607282 0.4916632495742353 1.073682089578303 0.9684842866228998 1.7795753407404162 1.903449752208024 1.7526696741837102 1.9680955819422474 1.9088670005184254 1.4780151848465566 1.5426610147355655 1.235683610376519 1.0462604945078902 0.7000983274735018 0.47149044877472784 0.4677757642190266 +17372,0.08552440481758326,0,-0.295204965669657 -0.3988807797108572 -0.24461818507034488 0.5512787774607282 0.4916632495742353 1.073682089578303 0.9684842866228998 1.7795753407404162 1.903449752208024 1.7526696741837102 1.9680955819422474 1.9088670005184254 1.4780151848465566 1.5426610147355655 1.235683610376519 1.0462604945078902 0.7000983274735018 0.47149044877472784 0.4677757642190266 0.16420348752416583 +17373,0.08044251002561517,0,-0.3988807797108572 -0.24461818507034488 0.5512787774607282 0.4916632495742353 1.073682089578303 0.9684842866228998 1.7795753407404162 1.903449752208024 1.7526696741837102 1.9680955819422474 1.9088670005184254 1.4780151848465566 1.5426610147355655 1.235683610376519 1.0462604945078902 0.7000983274735018 0.47149044877472784 0.4677757642190266 0.16420348752416583 0.08552440481758326 +17374,-0.02276896844612463,0,-0.24461818507034488 0.5512787774607282 0.4916632495742353 1.073682089578303 0.9684842866228998 1.7795753407404162 1.903449752208024 1.7526696741837102 1.9680955819422474 1.9088670005184254 1.4780151848465566 1.5426610147355655 1.235683610376519 1.0462604945078902 0.7000983274735018 0.47149044877472784 0.4677757642190266 0.16420348752416583 0.08552440481758326 0.08044251002561517 +17375,-0.052383259312812534,0,0.5512787774607282 0.4916632495742353 1.073682089578303 0.9684842866228998 1.7795753407404162 1.903449752208024 1.7526696741837102 1.9680955819422474 1.9088670005184254 1.4780151848465566 1.5426610147355655 1.235683610376519 1.0462604945078902 0.7000983274735018 0.47149044877472784 0.4677757642190266 0.16420348752416583 0.08552440481758326 0.08044251002561517 -0.02276896844612463 +17376,0.13291242937489234,0,0.4916632495742353 1.073682089578303 0.9684842866228998 1.7795753407404162 1.903449752208024 1.7526696741837102 1.9680955819422474 1.9088670005184254 1.4780151848465566 1.5426610147355655 1.235683610376519 1.0462604945078902 0.7000983274735018 0.47149044877472784 0.4677757642190266 0.16420348752416583 0.08552440481758326 0.08044251002561517 -0.02276896844612463 -0.052383259312812534 +17377,0.03166147875991596,0,1.073682089578303 0.9684842866228998 1.7795753407404162 1.903449752208024 1.7526696741837102 1.9680955819422474 1.9088670005184254 1.4780151848465566 1.5426610147355655 1.235683610376519 1.0462604945078902 0.7000983274735018 0.47149044877472784 0.4677757642190266 0.16420348752416583 0.08552440481758326 0.08044251002561517 -0.02276896844612463 -0.052383259312812534 0.13291242937489234 +17378,0.14532050769934995,0,0.9684842866228998 1.7795753407404162 1.903449752208024 1.7526696741837102 1.9680955819422474 1.9088670005184254 1.4780151848465566 1.5426610147355655 1.235683610376519 1.0462604945078902 0.7000983274735018 0.47149044877472784 0.4677757642190266 0.16420348752416583 0.08552440481758326 0.08044251002561517 -0.02276896844612463 -0.052383259312812534 0.13291242937489234 0.03166147875991596 +17379,0.7178204683746533,0,1.7795753407404162 1.903449752208024 1.7526696741837102 1.9680955819422474 1.9088670005184254 1.4780151848465566 1.5426610147355655 1.235683610376519 1.0462604945078902 0.7000983274735018 0.47149044877472784 0.4677757642190266 0.16420348752416583 0.08552440481758326 0.08044251002561517 -0.02276896844612463 -0.052383259312812534 0.13291242937489234 0.03166147875991596 0.14532050769934995 +17380,0.6785325199656042,0,1.903449752208024 1.7526696741837102 1.9680955819422474 1.9088670005184254 1.4780151848465566 1.5426610147355655 1.235683610376519 1.0462604945078902 0.7000983274735018 0.47149044877472784 0.4677757642190266 0.16420348752416583 0.08552440481758326 0.08044251002561517 -0.02276896844612463 -0.052383259312812534 0.13291242937489234 0.03166147875991596 0.14532050769934995 0.7178204683746533 +17381,1.098085503292433,0,1.7526696741837102 1.9680955819422474 1.9088670005184254 1.4780151848465566 1.5426610147355655 1.235683610376519 1.0462604945078902 0.7000983274735018 0.47149044877472784 0.4677757642190266 0.16420348752416583 0.08552440481758326 0.08044251002561517 -0.02276896844612463 -0.052383259312812534 0.13291242937489234 0.03166147875991596 0.14532050769934995 0.7178204683746533 0.6785325199656042 +17382,0.9392311457467507,0,1.9680955819422474 1.9088670005184254 1.4780151848465566 1.5426610147355655 1.235683610376519 1.0462604945078902 0.7000983274735018 0.47149044877472784 0.4677757642190266 0.16420348752416583 0.08552440481758326 0.08044251002561517 -0.02276896844612463 -0.052383259312812534 0.13291242937489234 0.03166147875991596 0.14532050769934995 0.7178204683746533 0.6785325199656042 1.098085503292433 +17383,1.5515865761342709,0,1.9088670005184254 1.4780151848465566 1.5426610147355655 1.235683610376519 1.0462604945078902 0.7000983274735018 0.47149044877472784 0.4677757642190266 0.16420348752416583 0.08552440481758326 0.08044251002561517 -0.02276896844612463 -0.052383259312812534 0.13291242937489234 0.03166147875991596 0.14532050769934995 0.7178204683746533 0.6785325199656042 1.098085503292433 0.9392311457467507 +17384,1.58553466564928,0,1.4780151848465566 1.5426610147355655 1.235683610376519 1.0462604945078902 0.7000983274735018 0.47149044877472784 0.4677757642190266 0.16420348752416583 0.08552440481758326 0.08044251002561517 -0.02276896844612463 -0.052383259312812534 0.13291242937489234 0.03166147875991596 0.14532050769934995 0.7178204683746533 0.6785325199656042 1.098085503292433 0.9392311457467507 1.5515865761342709 +17385,1.4369214869491176,0,1.5426610147355655 1.235683610376519 1.0462604945078902 0.7000983274735018 0.47149044877472784 0.4677757642190266 0.16420348752416583 0.08552440481758326 0.08044251002561517 -0.02276896844612463 -0.052383259312812534 0.13291242937489234 0.03166147875991596 0.14532050769934995 0.7178204683746533 0.6785325199656042 1.098085503292433 0.9392311457467507 1.5515865761342709 1.58553466564928 +17386,1.5317233323810733,0,1.235683610376519 1.0462604945078902 0.7000983274735018 0.47149044877472784 0.4677757642190266 0.16420348752416583 0.08552440481758326 0.08044251002561517 -0.02276896844612463 -0.052383259312812534 0.13291242937489234 0.03166147875991596 0.14532050769934995 0.7178204683746533 0.6785325199656042 1.098085503292433 0.9392311457467507 1.5515865761342709 1.58553466564928 1.4369214869491176 +17387,1.4439639097526349,0,1.0462604945078902 0.7000983274735018 0.47149044877472784 0.4677757642190266 0.16420348752416583 0.08552440481758326 0.08044251002561517 -0.02276896844612463 -0.052383259312812534 0.13291242937489234 0.03166147875991596 0.14532050769934995 0.7178204683746533 0.6785325199656042 1.098085503292433 0.9392311457467507 1.5515865761342709 1.58553466564928 1.4369214869491176 1.5317233323810733 +17388,1.2523480980877224,0,0.7000983274735018 0.47149044877472784 0.4677757642190266 0.16420348752416583 0.08552440481758326 0.08044251002561517 -0.02276896844612463 -0.052383259312812534 0.13291242937489234 0.03166147875991596 0.14532050769934995 0.7178204683746533 0.6785325199656042 1.098085503292433 0.9392311457467507 1.5515865761342709 1.58553466564928 1.4369214869491176 1.5317233323810733 1.4439639097526349 +17389,1.1992074718563646,0,0.47149044877472784 0.4677757642190266 0.16420348752416583 0.08552440481758326 0.08044251002561517 -0.02276896844612463 -0.052383259312812534 0.13291242937489234 0.03166147875991596 0.14532050769934995 0.7178204683746533 0.6785325199656042 1.098085503292433 0.9392311457467507 1.5515865761342709 1.58553466564928 1.4369214869491176 1.5317233323810733 1.4439639097526349 1.2523480980877224 +17390,1.0422104564337558,0,0.4677757642190266 0.16420348752416583 0.08552440481758326 0.08044251002561517 -0.02276896844612463 -0.052383259312812534 0.13291242937489234 0.03166147875991596 0.14532050769934995 0.7178204683746533 0.6785325199656042 1.098085503292433 0.9392311457467507 1.5515865761342709 1.58553466564928 1.4369214869491176 1.5317233323810733 1.4439639097526349 1.2523480980877224 1.1992074718563646 +17391,0.7733859581870118,0,0.16420348752416583 0.08552440481758326 0.08044251002561517 -0.02276896844612463 -0.052383259312812534 0.13291242937489234 0.03166147875991596 0.14532050769934995 0.7178204683746533 0.6785325199656042 1.098085503292433 0.9392311457467507 1.5515865761342709 1.58553466564928 1.4369214869491176 1.5317233323810733 1.4439639097526349 1.2523480980877224 1.1992074718563646 1.0422104564337558 +17392,0.6536647705272368,0,0.08552440481758326 0.08044251002561517 -0.02276896844612463 -0.052383259312812534 0.13291242937489234 0.03166147875991596 0.14532050769934995 0.7178204683746533 0.6785325199656042 1.098085503292433 0.9392311457467507 1.5515865761342709 1.58553466564928 1.4369214869491176 1.5317233323810733 1.4439639097526349 1.2523480980877224 1.1992074718563646 1.0422104564337558 0.7733859581870118 +17393,0.42211609988853205,0,0.08044251002561517 -0.02276896844612463 -0.052383259312812534 0.13291242937489234 0.03166147875991596 0.14532050769934995 0.7178204683746533 0.6785325199656042 1.098085503292433 0.9392311457467507 1.5515865761342709 1.58553466564928 1.4369214869491176 1.5317233323810733 1.4439639097526349 1.2523480980877224 1.1992074718563646 1.0422104564337558 0.7733859581870118 0.6536647705272368 +17394,0.3804806771600574,0,-0.02276896844612463 -0.052383259312812534 0.13291242937489234 0.03166147875991596 0.14532050769934995 0.7178204683746533 0.6785325199656042 1.098085503292433 0.9392311457467507 1.5515865761342709 1.58553466564928 1.4369214869491176 1.5317233323810733 1.4439639097526349 1.2523480980877224 1.1992074718563646 1.0422104564337558 0.7733859581870118 0.6536647705272368 0.42211609988853205 +17395,0.08562759055128179,0,-0.052383259312812534 0.13291242937489234 0.03166147875991596 0.14532050769934995 0.7178204683746533 0.6785325199656042 1.098085503292433 0.9392311457467507 1.5515865761342709 1.58553466564928 1.4369214869491176 1.5317233323810733 1.4439639097526349 1.2523480980877224 1.1992074718563646 1.0422104564337558 0.7733859581870118 0.6536647705272368 0.42211609988853205 0.3804806771600574 +17396,-0.019312248147272514,0,0.13291242937489234 0.03166147875991596 0.14532050769934995 0.7178204683746533 0.6785325199656042 1.098085503292433 0.9392311457467507 1.5515865761342709 1.58553466564928 1.4369214869491176 1.5317233323810733 1.4439639097526349 1.2523480980877224 1.1992074718563646 1.0422104564337558 0.7733859581870118 0.6536647705272368 0.42211609988853205 0.3804806771600574 0.08562759055128179 +17397,-0.0787472010384916,0,0.03166147875991596 0.14532050769934995 0.7178204683746533 0.6785325199656042 1.098085503292433 0.9392311457467507 1.5515865761342709 1.58553466564928 1.4369214869491176 1.5317233323810733 1.4439639097526349 1.2523480980877224 1.1992074718563646 1.0422104564337558 0.7733859581870118 0.6536647705272368 0.42211609988853205 0.3804806771600574 0.08562759055128179 -0.019312248147272514 +17398,-0.1988553350061606,0,0.14532050769934995 0.7178204683746533 0.6785325199656042 1.098085503292433 0.9392311457467507 1.5515865761342709 1.58553466564928 1.4369214869491176 1.5317233323810733 1.4439639097526349 1.2523480980877224 1.1992074718563646 1.0422104564337558 0.7733859581870118 0.6536647705272368 0.42211609988853205 0.3804806771600574 0.08562759055128179 -0.019312248147272514 -0.0787472010384916 +17399,-0.2734585831664855,0,0.7178204683746533 0.6785325199656042 1.098085503292433 0.9392311457467507 1.5515865761342709 1.58553466564928 1.4369214869491176 1.5317233323810733 1.4439639097526349 1.2523480980877224 1.1992074718563646 1.0422104564337558 0.7733859581870118 0.6536647705272368 0.42211609988853205 0.3804806771600574 0.08562759055128179 -0.019312248147272514 -0.0787472010384916 -0.1988553350061606 +17400,-0.10606561037520602,0,0.6785325199656042 1.098085503292433 0.9392311457467507 1.5515865761342709 1.58553466564928 1.4369214869491176 1.5317233323810733 1.4439639097526349 1.2523480980877224 1.1992074718563646 1.0422104564337558 0.7733859581870118 0.6536647705272368 0.42211609988853205 0.3804806771600574 0.08562759055128179 -0.019312248147272514 -0.0787472010384916 -0.1988553350061606 -0.2734585831664855 +17401,-0.26133426557100026,0,1.098085503292433 0.9392311457467507 1.5515865761342709 1.58553466564928 1.4369214869491176 1.5317233323810733 1.4439639097526349 1.2523480980877224 1.1992074718563646 1.0422104564337558 0.7733859581870118 0.6536647705272368 0.42211609988853205 0.3804806771600574 0.08562759055128179 -0.019312248147272514 -0.0787472010384916 -0.1988553350061606 -0.2734585831664855 -0.10606561037520602 +17402,-0.1746066996604043,0,0.9392311457467507 1.5515865761342709 1.58553466564928 1.4369214869491176 1.5317233323810733 1.4439639097526349 1.2523480980877224 1.1992074718563646 1.0422104564337558 0.7733859581870118 0.6536647705272368 0.42211609988853205 0.3804806771600574 0.08562759055128179 -0.019312248147272514 -0.0787472010384916 -0.1988553350061606 -0.2734585831664855 -0.10606561037520602 -0.26133426557100026 +17403,0.39015433485718676,0,1.5515865761342709 1.58553466564928 1.4369214869491176 1.5317233323810733 1.4439639097526349 1.2523480980877224 1.1992074718563646 1.0422104564337558 0.7733859581870118 0.6536647705272368 0.42211609988853205 0.3804806771600574 0.08562759055128179 -0.019312248147272514 -0.0787472010384916 -0.1988553350061606 -0.2734585831664855 -0.10606561037520602 -0.26133426557100026 -0.1746066996604043 +17404,0.3175374110257485,0,1.58553466564928 1.4369214869491176 1.5317233323810733 1.4439639097526349 1.2523480980877224 1.1992074718563646 1.0422104564337558 0.7733859581870118 0.6536647705272368 0.42211609988853205 0.3804806771600574 0.08562759055128179 -0.019312248147272514 -0.0787472010384916 -0.1988553350061606 -0.2734585831664855 -0.10606561037520602 -0.26133426557100026 -0.1746066996604043 0.39015433485718676 +17405,0.7229539561108591,0,1.4369214869491176 1.5317233323810733 1.4439639097526349 1.2523480980877224 1.1992074718563646 1.0422104564337558 0.7733859581870118 0.6536647705272368 0.42211609988853205 0.3804806771600574 0.08562759055128179 -0.019312248147272514 -0.0787472010384916 -0.1988553350061606 -0.2734585831664855 -0.10606561037520602 -0.26133426557100026 -0.1746066996604043 0.39015433485718676 0.3175374110257485 +17406,0.5685365827924193,0,1.5317233323810733 1.4439639097526349 1.2523480980877224 1.1992074718563646 1.0422104564337558 0.7733859581870118 0.6536647705272368 0.42211609988853205 0.3804806771600574 0.08562759055128179 -0.019312248147272514 -0.0787472010384916 -0.1988553350061606 -0.2734585831664855 -0.10606561037520602 -0.26133426557100026 -0.1746066996604043 0.39015433485718676 0.3175374110257485 0.7229539561108591 +17407,1.1605644338572727,0,1.4439639097526349 1.2523480980877224 1.1992074718563646 1.0422104564337558 0.7733859581870118 0.6536647705272368 0.42211609988853205 0.3804806771600574 0.08562759055128179 -0.019312248147272514 -0.0787472010384916 -0.1988553350061606 -0.2734585831664855 -0.10606561037520602 -0.26133426557100026 -0.1746066996604043 0.39015433485718676 0.3175374110257485 0.7229539561108591 0.5685365827924193 +17408,1.1927583666733528,0,1.2523480980877224 1.1992074718563646 1.0422104564337558 0.7733859581870118 0.6536647705272368 0.42211609988853205 0.3804806771600574 0.08562759055128179 -0.019312248147272514 -0.0787472010384916 -0.1988553350061606 -0.2734585831664855 -0.10606561037520602 -0.26133426557100026 -0.1746066996604043 0.39015433485718676 0.3175374110257485 0.7229539561108591 0.5685365827924193 1.1605644338572727 +17409,1.0170847428933252,0,1.1992074718563646 1.0422104564337558 0.7733859581870118 0.6536647705272368 0.42211609988853205 0.3804806771600574 0.08562759055128179 -0.019312248147272514 -0.0787472010384916 -0.1988553350061606 -0.2734585831664855 -0.10606561037520602 -0.26133426557100026 -0.1746066996604043 0.39015433485718676 0.3175374110257485 0.7229539561108591 0.5685365827924193 1.1605644338572727 1.1927583666733528 +17410,1.1185678612930274,0,1.0422104564337558 0.7733859581870118 0.6536647705272368 0.42211609988853205 0.3804806771600574 0.08562759055128179 -0.019312248147272514 -0.0787472010384916 -0.1988553350061606 -0.2734585831664855 -0.10606561037520602 -0.26133426557100026 -0.1746066996604043 0.39015433485718676 0.3175374110257485 0.7229539561108591 0.5685365827924193 1.1605644338572727 1.1927583666733528 1.0170847428933252 +17411,1.0121834229418452,0,0.7733859581870118 0.6536647705272368 0.42211609988853205 0.3804806771600574 0.08562759055128179 -0.019312248147272514 -0.0787472010384916 -0.1988553350061606 -0.2734585831664855 -0.10606561037520602 -0.26133426557100026 -0.1746066996604043 0.39015433485718676 0.3175374110257485 0.7229539561108591 0.5685365827924193 1.1605644338572727 1.1927583666733528 1.0170847428933252 1.1185678612930274 +17412,0.6567603409903182,0,0.6536647705272368 0.42211609988853205 0.3804806771600574 0.08562759055128179 -0.019312248147272514 -0.0787472010384916 -0.1988553350061606 -0.2734585831664855 -0.10606561037520602 -0.26133426557100026 -0.1746066996604043 0.39015433485718676 0.3175374110257485 0.7229539561108591 0.5685365827924193 1.1605644338572727 1.1927583666733528 1.0170847428933252 1.1185678612930274 1.0121834229418452 +17413,0.6333887839940309,0,0.42211609988853205 0.3804806771600574 0.08562759055128179 -0.019312248147272514 -0.0787472010384916 -0.1988553350061606 -0.2734585831664855 -0.10606561037520602 -0.26133426557100026 -0.1746066996604043 0.39015433485718676 0.3175374110257485 0.7229539561108591 0.5685365827924193 1.1605644338572727 1.1927583666733528 1.0170847428933252 1.1185678612930274 1.0121834229418452 0.6567603409903182 +17414,0.3609785832426217,0,0.3804806771600574 0.08562759055128179 -0.019312248147272514 -0.0787472010384916 -0.1988553350061606 -0.2734585831664855 -0.10606561037520602 -0.26133426557100026 -0.1746066996604043 0.39015433485718676 0.3175374110257485 0.7229539561108591 0.5685365827924193 1.1605644338572727 1.1927583666733528 1.0170847428933252 1.1185678612930274 1.0121834229418452 0.6567603409903182 0.6333887839940309 +17415,0.12323877167775417,0,0.08562759055128179 -0.019312248147272514 -0.0787472010384916 -0.1988553350061606 -0.2734585831664855 -0.10606561037520602 -0.26133426557100026 -0.1746066996604043 0.39015433485718676 0.3175374110257485 0.7229539561108591 0.5685365827924193 1.1605644338572727 1.1927583666733528 1.0170847428933252 1.1185678612930274 1.0121834229418452 0.6567603409903182 0.6333887839940309 0.3609785832426217 +17416,-0.16072822552076693,0,-0.019312248147272514 -0.0787472010384916 -0.1988553350061606 -0.2734585831664855 -0.10606561037520602 -0.26133426557100026 -0.1746066996604043 0.39015433485718676 0.3175374110257485 0.7229539561108591 0.5685365827924193 1.1605644338572727 1.1927583666733528 1.0170847428933252 1.1185678612930274 1.0121834229418452 0.6567603409903182 0.6333887839940309 0.3609785832426217 0.12323877167775417 +17417,-0.4100248333779608,0,-0.0787472010384916 -0.1988553350061606 -0.2734585831664855 -0.10606561037520602 -0.26133426557100026 -0.1746066996604043 0.39015433485718676 0.3175374110257485 0.7229539561108591 0.5685365827924193 1.1605644338572727 1.1927583666733528 1.0170847428933252 1.1185678612930274 1.0121834229418452 0.6567603409903182 0.6333887839940309 0.3609785832426217 0.12323877167775417 -0.16072822552076693 +17418,-0.430249227121706,0,-0.1988553350061606 -0.2734585831664855 -0.10606561037520602 -0.26133426557100026 -0.1746066996604043 0.39015433485718676 0.3175374110257485 0.7229539561108591 0.5685365827924193 1.1605644338572727 1.1927583666733528 1.0170847428933252 1.1185678612930274 1.0121834229418452 0.6567603409903182 0.6333887839940309 0.3609785832426217 0.12323877167775417 -0.16072822552076693 -0.4100248333779608 +17419,-0.7559032398381625,0,-0.2734585831664855 -0.10606561037520602 -0.26133426557100026 -0.1746066996604043 0.39015433485718676 0.3175374110257485 0.7229539561108591 0.5685365827924193 1.1605644338572727 1.1927583666733528 1.0170847428933252 1.1185678612930274 1.0121834229418452 0.6567603409903182 0.6333887839940309 0.3609785832426217 0.12323877167775417 -0.16072822552076693 -0.4100248333779608 -0.430249227121706 +17420,-0.8524850382863937,0,-0.10606561037520602 -0.26133426557100026 -0.1746066996604043 0.39015433485718676 0.3175374110257485 0.7229539561108591 0.5685365827924193 1.1605644338572727 1.1927583666733528 1.0170847428933252 1.1185678612930274 1.0121834229418452 0.6567603409903182 0.6333887839940309 0.3609785832426217 0.12323877167775417 -0.16072822552076693 -0.4100248333779608 -0.430249227121706 -0.7559032398381625 +17421,-0.8600691859209465,0,-0.26133426557100026 -0.1746066996604043 0.39015433485718676 0.3175374110257485 0.7229539561108591 0.5685365827924193 1.1605644338572727 1.1927583666733528 1.0170847428933252 1.1185678612930274 1.0121834229418452 0.6567603409903182 0.6333887839940309 0.3609785832426217 0.12323877167775417 -0.16072822552076693 -0.4100248333779608 -0.430249227121706 -0.7559032398381625 -0.8524850382863937 +17422,-0.9863168680253263,0,-0.1746066996604043 0.39015433485718676 0.3175374110257485 0.7229539561108591 0.5685365827924193 1.1605644338572727 1.1927583666733528 1.0170847428933252 1.1185678612930274 1.0121834229418452 0.6567603409903182 0.6333887839940309 0.3609785832426217 0.12323877167775417 -0.16072822552076693 -0.4100248333779608 -0.430249227121706 -0.7559032398381625 -0.8524850382863937 -0.8600691859209465 +17423,-1.023566899161251,0,0.39015433485718676 0.3175374110257485 0.7229539561108591 0.5685365827924193 1.1605644338572727 1.1927583666733528 1.0170847428933252 1.1185678612930274 1.0121834229418452 0.6567603409903182 0.6333887839940309 0.3609785832426217 0.12323877167775417 -0.16072822552076693 -0.4100248333779608 -0.430249227121706 -0.7559032398381625 -0.8524850382863937 -0.8600691859209465 -0.9863168680253263 +17424,-0.8401801456956257,0,0.3175374110257485 0.7229539561108591 0.5685365827924193 1.1605644338572727 1.1927583666733528 1.0170847428933252 1.1185678612930274 1.0121834229418452 0.6567603409903182 0.6333887839940309 0.3609785832426217 0.12323877167775417 -0.16072822552076693 -0.4100248333779608 -0.430249227121706 -0.7559032398381625 -0.8524850382863937 -0.8600691859209465 -0.9863168680253263 -1.023566899161251 +17425,-0.9509757718019273,0,0.7229539561108591 0.5685365827924193 1.1605644338572727 1.1927583666733528 1.0170847428933252 1.1185678612930274 1.0121834229418452 0.6567603409903182 0.6333887839940309 0.3609785832426217 0.12323877167775417 -0.16072822552076693 -0.4100248333779608 -0.430249227121706 -0.7559032398381625 -0.8524850382863937 -0.8600691859209465 -0.9863168680253263 -1.023566899161251 -0.8401801456956257 +17426,-0.8411346133066698,0,0.5685365827924193 1.1605644338572727 1.1927583666733528 1.0170847428933252 1.1185678612930274 1.0121834229418452 0.6567603409903182 0.6333887839940309 0.3609785832426217 0.12323877167775417 -0.16072822552076693 -0.4100248333779608 -0.430249227121706 -0.7559032398381625 -0.8524850382863937 -0.8600691859209465 -0.9863168680253263 -1.023566899161251 -0.8401801456956257 -0.9509757718019273 +17427,-0.4198016768087887,0,1.1605644338572727 1.1927583666733528 1.0170847428933252 1.1185678612930274 1.0121834229418452 0.6567603409903182 0.6333887839940309 0.3609785832426217 0.12323877167775417 -0.16072822552076693 -0.4100248333779608 -0.430249227121706 -0.7559032398381625 -0.8524850382863937 -0.8600691859209465 -0.9863168680253263 -1.023566899161251 -0.8401801456956257 -0.9509757718019273 -0.8411346133066698 +17428,-0.4137911108778997,0,1.1927583666733528 1.0170847428933252 1.1185678612930274 1.0121834229418452 0.6567603409903182 0.6333887839940309 0.3609785832426217 0.12323877167775417 -0.16072822552076693 -0.4100248333779608 -0.430249227121706 -0.7559032398381625 -0.8524850382863937 -0.8600691859209465 -0.9863168680253263 -1.023566899161251 -0.8401801456956257 -0.9509757718019273 -0.8411346133066698 -0.4198016768087887 +17429,-0.09628876694436934,0,1.0170847428933252 1.1185678612930274 1.0121834229418452 0.6567603409903182 0.6333887839940309 0.3609785832426217 0.12323877167775417 -0.16072822552076693 -0.4100248333779608 -0.430249227121706 -0.7559032398381625 -0.8524850382863937 -0.8600691859209465 -0.9863168680253263 -1.023566899161251 -0.8401801456956257 -0.9509757718019273 -0.8411346133066698 -0.4198016768087887 -0.4137911108778997 +17430,-0.11426887210237877,0,1.1185678612930274 1.0121834229418452 0.6567603409903182 0.6333887839940309 0.3609785832426217 0.12323877167775417 -0.16072822552076693 -0.4100248333779608 -0.430249227121706 -0.7559032398381625 -0.8524850382863937 -0.8600691859209465 -0.9863168680253263 -1.023566899161251 -0.8401801456956257 -0.9509757718019273 -0.8411346133066698 -0.4198016768087887 -0.4137911108778997 -0.09628876694436934 +17431,0.31506095465527806,0,1.0121834229418452 0.6567603409903182 0.6333887839940309 0.3609785832426217 0.12323877167775417 -0.16072822552076693 -0.4100248333779608 -0.430249227121706 -0.7559032398381625 -0.8524850382863937 -0.8600691859209465 -0.9863168680253263 -1.023566899161251 -0.8401801456956257 -0.9509757718019273 -0.8411346133066698 -0.4198016768087887 -0.4137911108778997 -0.09628876694436934 -0.11426887210237877 +17432,0.40890833263096654,0,0.6567603409903182 0.6333887839940309 0.3609785832426217 0.12323877167775417 -0.16072822552076693 -0.4100248333779608 -0.430249227121706 -0.7559032398381625 -0.8524850382863937 -0.8600691859209465 -0.9863168680253263 -1.023566899161251 -0.8401801456956257 -0.9509757718019273 -0.8411346133066698 -0.4198016768087887 -0.4137911108778997 -0.09628876694436934 -0.11426887210237877 0.31506095465527806 +17433,0.2997636773351361,0,0.6333887839940309 0.3609785832426217 0.12323877167775417 -0.16072822552076693 -0.4100248333779608 -0.430249227121706 -0.7559032398381625 -0.8524850382863937 -0.8600691859209465 -0.9863168680253263 -1.023566899161251 -0.8401801456956257 -0.9509757718019273 -0.8411346133066698 -0.4198016768087887 -0.4137911108778997 -0.09628876694436934 -0.11426887210237877 0.31506095465527806 0.40890833263096654 +17434,0.46127506624654513,0,0.3609785832426217 0.12323877167775417 -0.16072822552076693 -0.4100248333779608 -0.430249227121706 -0.7559032398381625 -0.8524850382863937 -0.8600691859209465 -0.9863168680253263 -1.023566899161251 -0.8401801456956257 -0.9509757718019273 -0.8411346133066698 -0.4198016768087887 -0.4137911108778997 -0.09628876694436934 -0.11426887210237877 0.31506095465527806 0.40890833263096654 0.2997636773351361 +17435,0.419794422041221,0,0.12323877167775417 -0.16072822552076693 -0.4100248333779608 -0.430249227121706 -0.7559032398381625 -0.8524850382863937 -0.8600691859209465 -0.9863168680253263 -1.023566899161251 -0.8401801456956257 -0.9509757718019273 -0.8411346133066698 -0.4198016768087887 -0.4137911108778997 -0.09628876694436934 -0.11426887210237877 0.31506095465527806 0.40890833263096654 0.2997636773351361 0.46127506624654513 +17436,0.10226628179036189,0,-0.16072822552076693 -0.4100248333779608 -0.430249227121706 -0.7559032398381625 -0.8524850382863937 -0.8600691859209465 -0.9863168680253263 -1.023566899161251 -0.8401801456956257 -0.9509757718019273 -0.8411346133066698 -0.4198016768087887 -0.4137911108778997 -0.09628876694436934 -0.11426887210237877 0.31506095465527806 0.40890833263096654 0.2997636773351361 0.46127506624654513 0.419794422041221 +17437,0.15280146960020435,0,-0.4100248333779608 -0.430249227121706 -0.7559032398381625 -0.8524850382863937 -0.8600691859209465 -0.9863168680253263 -1.023566899161251 -0.8401801456956257 -0.9509757718019273 -0.8411346133066698 -0.4198016768087887 -0.4137911108778997 -0.09628876694436934 -0.11426887210237877 0.31506095465527806 0.40890833263096654 0.2997636773351361 0.46127506624654513 0.419794422041221 0.10226628179036189 +17438,-0.07271083863547936,0,-0.430249227121706 -0.7559032398381625 -0.8524850382863937 -0.8600691859209465 -0.9863168680253263 -1.023566899161251 -0.8401801456956257 -0.9509757718019273 -0.8411346133066698 -0.4198016768087887 -0.4137911108778997 -0.09628876694436934 -0.11426887210237877 0.31506095465527806 0.40890833263096654 0.2997636773351361 0.46127506624654513 0.419794422041221 0.10226628179036189 0.15280146960020435 +17439,-0.27608981806010646,0,-0.7559032398381625 -0.8524850382863937 -0.8600691859209465 -0.9863168680253263 -1.023566899161251 -0.8401801456956257 -0.9509757718019273 -0.8411346133066698 -0.4198016768087887 -0.4137911108778997 -0.09628876694436934 -0.11426887210237877 0.31506095465527806 0.40890833263096654 0.2997636773351361 0.46127506624654513 0.419794422041221 0.10226628179036189 0.15280146960020435 -0.07271083863547936 +17440,-0.5089799026177406,0,-0.8524850382863937 -0.8600691859209465 -0.9863168680253263 -1.023566899161251 -0.8401801456956257 -0.9509757718019273 -0.8411346133066698 -0.4198016768087887 -0.4137911108778997 -0.09628876694436934 -0.11426887210237877 0.31506095465527806 0.40890833263096654 0.2997636773351361 0.46127506624654513 0.419794422041221 0.10226628179036189 0.15280146960020435 -0.07271083863547936 -0.27608981806010646 +17441,-0.7197366582095324,0,-0.8600691859209465 -0.9863168680253263 -1.023566899161251 -0.8401801456956257 -0.9509757718019273 -0.8411346133066698 -0.4198016768087887 -0.4137911108778997 -0.09628876694436934 -0.11426887210237877 0.31506095465527806 0.40890833263096654 0.2997636773351361 0.46127506624654513 0.419794422041221 0.10226628179036189 0.15280146960020435 -0.07271083863547936 -0.27608981806010646 -0.5089799026177406 +17442,-0.729823058686679,0,-0.9863168680253263 -1.023566899161251 -0.8401801456956257 -0.9509757718019273 -0.8411346133066698 -0.4198016768087887 -0.4137911108778997 -0.09628876694436934 -0.11426887210237877 0.31506095465527806 0.40890833263096654 0.2997636773351361 0.46127506624654513 0.419794422041221 0.10226628179036189 0.15280146960020435 -0.07271083863547936 -0.27608981806010646 -0.5089799026177406 -0.7197366582095324 +17443,-1.0074699327532066,0,-1.023566899161251 -0.8401801456956257 -0.9509757718019273 -0.8411346133066698 -0.4198016768087887 -0.4137911108778997 -0.09628876694436934 -0.11426887210237877 0.31506095465527806 0.40890833263096654 0.2997636773351361 0.46127506624654513 0.419794422041221 0.10226628179036189 0.15280146960020435 -0.07271083863547936 -0.27608981806010646 -0.5089799026177406 -0.7197366582095324 -0.729823058686679 +17444,-1.0844464517050891,0,-0.8401801456956257 -0.9509757718019273 -0.8411346133066698 -0.4198016768087887 -0.4137911108778997 -0.09628876694436934 -0.11426887210237877 0.31506095465527806 0.40890833263096654 0.2997636773351361 0.46127506624654513 0.419794422041221 0.10226628179036189 0.15280146960020435 -0.07271083863547936 -0.27608981806010646 -0.5089799026177406 -0.7197366582095324 -0.729823058686679 -1.0074699327532066 +17445,-1.1059348699514115,0,-0.9509757718019273 -0.8411346133066698 -0.4198016768087887 -0.4137911108778997 -0.09628876694436934 -0.11426887210237877 0.31506095465527806 0.40890833263096654 0.2997636773351361 0.46127506624654513 0.419794422041221 0.10226628179036189 0.15280146960020435 -0.07271083863547936 -0.27608981806010646 -0.5089799026177406 -0.7197366582095324 -0.729823058686679 -1.0074699327532066 -1.0844464517050891 +17446,-1.2014074222654392,0,-0.8411346133066698 -0.4198016768087887 -0.4137911108778997 -0.09628876694436934 -0.11426887210237877 0.31506095465527806 0.40890833263096654 0.2997636773351361 0.46127506624654513 0.419794422041221 0.10226628179036189 0.15280146960020435 -0.07271083863547936 -0.27608981806010646 -0.5089799026177406 -0.7197366582095324 -0.729823058686679 -1.0074699327532066 -1.0844464517050891 -1.1059348699514115 +17447,-1.2413918741834602,0,-0.4198016768087887 -0.4137911108778997 -0.09628876694436934 -0.11426887210237877 0.31506095465527806 0.40890833263096654 0.2997636773351361 0.46127506624654513 0.419794422041221 0.10226628179036189 0.15280146960020435 -0.07271083863547936 -0.27608981806010646 -0.5089799026177406 -0.7197366582095324 -0.729823058686679 -1.0074699327532066 -1.0844464517050891 -1.1059348699514115 -1.2014074222654392 +17448,-1.079777299538344,0,-0.4137911108778997 -0.09628876694436934 -0.11426887210237877 0.31506095465527806 0.40890833263096654 0.2997636773351361 0.46127506624654513 0.419794422041221 0.10226628179036189 0.15280146960020435 -0.07271083863547936 -0.27608981806010646 -0.5089799026177406 -0.7197366582095324 -0.729823058686679 -1.0074699327532066 -1.0844464517050891 -1.1059348699514115 -1.2014074222654392 -1.2413918741834602 +17449,-1.1869614268226338,0,-0.09628876694436934 -0.11426887210237877 0.31506095465527806 0.40890833263096654 0.2997636773351361 0.46127506624654513 0.419794422041221 0.10226628179036189 0.15280146960020435 -0.07271083863547936 -0.27608981806010646 -0.5089799026177406 -0.7197366582095324 -0.729823058686679 -1.0074699327532066 -1.0844464517050891 -1.1059348699514115 -1.2014074222654392 -1.2413918741834602 -1.079777299538344 +17450,-1.0925465276985635,0,-0.11426887210237877 0.31506095465527806 0.40890833263096654 0.2997636773351361 0.46127506624654513 0.419794422041221 0.10226628179036189 0.15280146960020435 -0.07271083863547936 -0.27608981806010646 -0.5089799026177406 -0.7197366582095324 -0.729823058686679 -1.0074699327532066 -1.0844464517050891 -1.1059348699514115 -1.2014074222654392 -1.2413918741834602 -1.079777299538344 -1.1869614268226338 +17451,-0.5156869719028246,0,0.31506095465527806 0.40890833263096654 0.2997636773351361 0.46127506624654513 0.419794422041221 0.10226628179036189 0.15280146960020435 -0.07271083863547936 -0.27608981806010646 -0.5089799026177406 -0.7197366582095324 -0.729823058686679 -1.0074699327532066 -1.0844464517050891 -1.1059348699514115 -1.2014074222654392 -1.2413918741834602 -1.079777299538344 -1.1869614268226338 -1.0925465276985635 +17452,-0.5820869583359857,0,0.40890833263096654 0.2997636773351361 0.46127506624654513 0.419794422041221 0.10226628179036189 0.15280146960020435 -0.07271083863547936 -0.27608981806010646 -0.5089799026177406 -0.7197366582095324 -0.729823058686679 -1.0074699327532066 -1.0844464517050891 -1.1059348699514115 -1.2014074222654392 -1.2413918741834602 -1.079777299538344 -1.1869614268226338 -1.0925465276985635 -0.5156869719028246 +17453,-0.16604228809746965,0,0.2997636773351361 0.46127506624654513 0.419794422041221 0.10226628179036189 0.15280146960020435 -0.07271083863547936 -0.27608981806010646 -0.5089799026177406 -0.7197366582095324 -0.729823058686679 -1.0074699327532066 -1.0844464517050891 -1.1059348699514115 -1.2014074222654392 -1.2413918741834602 -1.079777299538344 -1.1869614268226338 -1.0925465276985635 -0.5156869719028246 -0.5820869583359857 +17454,-0.20179612694608262,0,0.46127506624654513 0.419794422041221 0.10226628179036189 0.15280146960020435 -0.07271083863547936 -0.27608981806010646 -0.5089799026177406 -0.7197366582095324 -0.729823058686679 -1.0074699327532066 -1.0844464517050891 -1.1059348699514115 -1.2014074222654392 -1.2413918741834602 -1.079777299538344 -1.1869614268226338 -1.0925465276985635 -0.5156869719028246 -0.5820869583359857 -0.16604228809746965 +17455,0.3648480463214735,0,0.419794422041221 0.10226628179036189 0.15280146960020435 -0.07271083863547936 -0.27608981806010646 -0.5089799026177406 -0.7197366582095324 -0.729823058686679 -1.0074699327532066 -1.0844464517050891 -1.1059348699514115 -1.2014074222654392 -1.2413918741834602 -1.079777299538344 -1.1869614268226338 -1.0925465276985635 -0.5156869719028246 -0.5820869583359857 -0.16604228809746965 -0.20179612694608262 +17456,0.47969371050190057,0,0.10226628179036189 0.15280146960020435 -0.07271083863547936 -0.27608981806010646 -0.5089799026177406 -0.7197366582095324 -0.729823058686679 -1.0074699327532066 -1.0844464517050891 -1.1059348699514115 -1.2014074222654392 -1.2413918741834602 -1.079777299538344 -1.1869614268226338 -1.0925465276985635 -0.5156869719028246 -0.5820869583359857 -0.16604228809746965 -0.20179612694608262 0.3648480463214735 +17457,0.33636879806110354,0,0.15280146960020435 -0.07271083863547936 -0.27608981806010646 -0.5089799026177406 -0.7197366582095324 -0.729823058686679 -1.0074699327532066 -1.0844464517050891 -1.1059348699514115 -1.2014074222654392 -1.2413918741834602 -1.079777299538344 -1.1869614268226338 -1.0925465276985635 -0.5156869719028246 -0.5820869583359857 -0.16604228809746965 -0.20179612694608262 0.3648480463214735 0.47969371050190057 +17458,0.5372713211152691,0,-0.07271083863547936 -0.27608981806010646 -0.5089799026177406 -0.7197366582095324 -0.729823058686679 -1.0074699327532066 -1.0844464517050891 -1.1059348699514115 -1.2014074222654392 -1.2413918741834602 -1.079777299538344 -1.1869614268226338 -1.0925465276985635 -0.5156869719028246 -0.5820869583359857 -0.16604228809746965 -0.20179612694608262 0.3648480463214735 0.47969371050190057 0.33636879806110354 +17459,0.48000326754821043,0,-0.27608981806010646 -0.5089799026177406 -0.7197366582095324 -0.729823058686679 -1.0074699327532066 -1.0844464517050891 -1.1059348699514115 -1.2014074222654392 -1.2413918741834602 -1.079777299538344 -1.1869614268226338 -1.0925465276985635 -0.5156869719028246 -0.5820869583359857 -0.16604228809746965 -0.20179612694608262 0.3648480463214735 0.47969371050190057 0.33636879806110354 0.5372713211152691 +17460,0.1373236172847886,0,-0.5089799026177406 -0.7197366582095324 -0.729823058686679 -1.0074699327532066 -1.0844464517050891 -1.1059348699514115 -1.2014074222654392 -1.2413918741834602 -1.079777299538344 -1.1869614268226338 -1.0925465276985635 -0.5156869719028246 -0.5820869583359857 -0.16604228809746965 -0.20179612694608262 0.3648480463214735 0.47969371050190057 0.33636879806110354 0.5372713211152691 0.48000326754821043 +17461,0.17519276266811004,0,-0.7197366582095324 -0.729823058686679 -1.0074699327532066 -1.0844464517050891 -1.1059348699514115 -1.2014074222654392 -1.2413918741834602 -1.079777299538344 -1.1869614268226338 -1.0925465276985635 -0.5156869719028246 -0.5820869583359857 -0.16604228809746965 -0.20179612694608262 0.3648480463214735 0.47969371050190057 0.33636879806110354 0.5372713211152691 0.48000326754821043 0.1373236172847886 +17462,-0.07234968879970864,0,-0.729823058686679 -1.0074699327532066 -1.0844464517050891 -1.1059348699514115 -1.2014074222654392 -1.2413918741834602 -1.079777299538344 -1.1869614268226338 -1.0925465276985635 -0.5156869719028246 -0.5820869583359857 -0.16604228809746965 -0.20179612694608262 0.3648480463214735 0.47969371050190057 0.33636879806110354 0.5372713211152691 0.48000326754821043 0.1373236172847886 0.17519276266811004 +17463,-0.25364693220274875,0,-1.0074699327532066 -1.0844464517050891 -1.1059348699514115 -1.2014074222654392 -1.2413918741834602 -1.079777299538344 -1.1869614268226338 -1.0925465276985635 -0.5156869719028246 -0.5820869583359857 -0.16604228809746965 -0.20179612694608262 0.3648480463214735 0.47969371050190057 0.33636879806110354 0.5372713211152691 0.48000326754821043 0.1373236172847886 0.17519276266811004 -0.07234968879970864 +17464,-0.5232711195373864,0,-1.0844464517050891 -1.1059348699514115 -1.2014074222654392 -1.2413918741834602 -1.079777299538344 -1.1869614268226338 -1.0925465276985635 -0.5156869719028246 -0.5820869583359857 -0.16604228809746965 -0.20179612694608262 0.3648480463214735 0.47969371050190057 0.33636879806110354 0.5372713211152691 0.48000326754821043 0.1373236172847886 0.17519276266811004 -0.07234968879970864 -0.25364693220274875 +17465,-0.7266500989620135,0,-1.1059348699514115 -1.2014074222654392 -1.2413918741834602 -1.079777299538344 -1.1869614268226338 -1.0925465276985635 -0.5156869719028246 -0.5820869583359857 -0.16604228809746965 -0.20179612694608262 0.3648480463214735 0.47969371050190057 0.33636879806110354 0.5372713211152691 0.48000326754821043 0.1373236172847886 0.17519276266811004 -0.07234968879970864 -0.25364693220274875 -0.5232711195373864 +17466,-0.7327638506266098,0,-1.2014074222654392 -1.2413918741834602 -1.079777299538344 -1.1869614268226338 -1.0925465276985635 -0.5156869719028246 -0.5820869583359857 -0.16604228809746965 -0.20179612694608262 0.3648480463214735 0.47969371050190057 0.33636879806110354 0.5372713211152691 0.48000326754821043 0.1373236172847886 0.17519276266811004 -0.07234968879970864 -0.25364693220274875 -0.5232711195373864 -0.7266500989620135 +17467,-1.0018979059196549,0,-1.2413918741834602 -1.079777299538344 -1.1869614268226338 -1.0925465276985635 -0.5156869719028246 -0.5820869583359857 -0.16604228809746965 -0.20179612694608262 0.3648480463214735 0.47969371050190057 0.33636879806110354 0.5372713211152691 0.48000326754821043 0.1373236172847886 0.17519276266811004 -0.07234968879970864 -0.25364693220274875 -0.5232711195373864 -0.7266500989620135 -0.7327638506266098 +17468,-1.0737667336074548,0,-1.079777299538344 -1.1869614268226338 -1.0925465276985635 -0.5156869719028246 -0.5820869583359857 -0.16604228809746965 -0.20179612694608262 0.3648480463214735 0.47969371050190057 0.33636879806110354 0.5372713211152691 0.48000326754821043 0.1373236172847886 0.17519276266811004 -0.07234968879970864 -0.25364693220274875 -0.5232711195373864 -0.7266500989620135 -0.7327638506266098 -1.0018979059196549 +17469,-1.0995115612405053,0,-1.1869614268226338 -1.0925465276985635 -0.5156869719028246 -0.5820869583359857 -0.16604228809746965 -0.20179612694608262 0.3648480463214735 0.47969371050190057 0.33636879806110354 0.5372713211152691 0.48000326754821043 0.1373236172847886 0.17519276266811004 -0.07234968879970864 -0.25364693220274875 -0.5232711195373864 -0.7266500989620135 -0.7327638506266098 -1.0018979059196549 -1.0737667336074548 +17470,-1.1867550555100226,0,-1.0925465276985635 -0.5156869719028246 -0.5820869583359857 -0.16604228809746965 -0.20179612694608262 0.3648480463214735 0.47969371050190057 0.33636879806110354 0.5372713211152691 0.48000326754821043 0.1373236172847886 0.17519276266811004 -0.07234968879970864 -0.25364693220274875 -0.5232711195373864 -0.7266500989620135 -0.7327638506266098 -1.0018979059196549 -1.0737667336074548 -1.0995115612405053 +17471,-1.2278745497248078,0,-0.5156869719028246 -0.5820869583359857 -0.16604228809746965 -0.20179612694608262 0.3648480463214735 0.47969371050190057 0.33636879806110354 0.5372713211152691 0.48000326754821043 0.1373236172847886 0.17519276266811004 -0.07234968879970864 -0.25364693220274875 -0.5232711195373864 -0.7266500989620135 -0.7327638506266098 -1.0018979059196549 -1.0737667336074548 -1.0995115612405053 -1.1867550555100226 +17472,-1.0841884874482401,0,-0.5820869583359857 -0.16604228809746965 -0.20179612694608262 0.3648480463214735 0.47969371050190057 0.33636879806110354 0.5372713211152691 0.48000326754821043 0.1373236172847886 0.17519276266811004 -0.07234968879970864 -0.25364693220274875 -0.5232711195373864 -0.7266500989620135 -0.7327638506266098 -1.0018979059196549 -1.0737667336074548 -1.0995115612405053 -1.1867550555100226 -1.2278745497248078 +17473,-1.1869098340331818,0,-0.16604228809746965 -0.20179612694608262 0.3648480463214735 0.47969371050190057 0.33636879806110354 0.5372713211152691 0.48000326754821043 0.1373236172847886 0.17519276266811004 -0.07234968879970864 -0.25364693220274875 -0.5232711195373864 -0.7266500989620135 -0.7327638506266098 -1.0018979059196549 -1.0737667336074548 -1.0995115612405053 -1.1867550555100226 -1.2278745497248078 -1.0841884874482401 +17474,-1.104825623817208,0,-0.20179612694608262 0.3648480463214735 0.47969371050190057 0.33636879806110354 0.5372713211152691 0.48000326754821043 0.1373236172847886 0.17519276266811004 -0.07234968879970864 -0.25364693220274875 -0.5232711195373864 -0.7266500989620135 -0.7327638506266098 -1.0018979059196549 -1.0737667336074548 -1.0995115612405053 -1.1867550555100226 -1.2278745497248078 -1.0841884874482401 -1.1869098340331818 +17475,-0.35719376419291293,0,0.3648480463214735 0.47969371050190057 0.33636879806110354 0.5372713211152691 0.48000326754821043 0.1373236172847886 0.17519276266811004 -0.07234968879970864 -0.25364693220274875 -0.5232711195373864 -0.7266500989620135 -0.7327638506266098 -1.0018979059196549 -1.0737667336074548 -1.0995115612405053 -1.1867550555100226 -1.2278745497248078 -1.0841884874482401 -1.1869098340331818 -1.104825623817208 +17476,-0.4969587706011681,0,0.47969371050190057 0.33636879806110354 0.5372713211152691 0.48000326754821043 0.1373236172847886 0.17519276266811004 -0.07234968879970864 -0.25364693220274875 -0.5232711195373864 -0.7266500989620135 -0.7327638506266098 -1.0018979059196549 -1.0737667336074548 -1.0995115612405053 -1.1867550555100226 -1.2278745497248078 -1.0841884874482401 -1.1869098340331818 -1.104825623817208 -0.35719376419291293 +17477,0.028823872553683648,0,0.33636879806110354 0.5372713211152691 0.48000326754821043 0.1373236172847886 0.17519276266811004 -0.07234968879970864 -0.25364693220274875 -0.5232711195373864 -0.7266500989620135 -0.7327638506266098 -1.0018979059196549 -1.0737667336074548 -1.0995115612405053 -1.1867550555100226 -1.2278745497248078 -1.0841884874482401 -1.1869098340331818 -1.104825623817208 -0.35719376419291293 -0.4969587706011681 +17478,0.00436886589532479,0,0.5372713211152691 0.48000326754821043 0.1373236172847886 0.17519276266811004 -0.07234968879970864 -0.25364693220274875 -0.5232711195373864 -0.7266500989620135 -0.7327638506266098 -1.0018979059196549 -1.0737667336074548 -1.0995115612405053 -1.1867550555100226 -1.2278745497248078 -1.0841884874482401 -1.1869098340331818 -1.104825623817208 -0.35719376419291293 -0.4969587706011681 0.028823872553683648 +17479,0.7135640589879075,0,0.48000326754821043 0.1373236172847886 0.17519276266811004 -0.07234968879970864 -0.25364693220274875 -0.5232711195373864 -0.7266500989620135 -0.7327638506266098 -1.0018979059196549 -1.0737667336074548 -1.0995115612405053 -1.1867550555100226 -1.2278745497248078 -1.0841884874482401 -1.1869098340331818 -1.104825623817208 -0.35719376419291293 -0.4969587706011681 0.028823872553683648 0.00436886589532479 +17480,0.8725216022672885,0,0.1373236172847886 0.17519276266811004 -0.07234968879970864 -0.25364693220274875 -0.5232711195373864 -0.7266500989620135 -0.7327638506266098 -1.0018979059196549 -1.0737667336074548 -1.0995115612405053 -1.1867550555100226 -1.2278745497248078 -1.0841884874482401 -1.1869098340331818 -1.104825623817208 -0.35719376419291293 -0.4969587706011681 0.028823872553683648 0.00436886589532479 0.7135640589879075 +17481,0.7607715085499428,0,0.17519276266811004 -0.07234968879970864 -0.25364693220274875 -0.5232711195373864 -0.7266500989620135 -0.7327638506266098 -1.0018979059196549 -1.0737667336074548 -1.0995115612405053 -1.1867550555100226 -1.2278745497248078 -1.0841884874482401 -1.1869098340331818 -1.104825623817208 -0.35719376419291293 -0.4969587706011681 0.028823872553683648 0.00436886589532479 0.7135640589879075 0.8725216022672885 +17482,1.009964930828224,0,-0.07234968879970864 -0.25364693220274875 -0.5232711195373864 -0.7266500989620135 -0.7327638506266098 -1.0018979059196549 -1.0737667336074548 -1.0995115612405053 -1.1867550555100226 -1.2278745497248078 -1.0841884874482401 -1.1869098340331818 -1.104825623817208 -0.35719376419291293 -0.4969587706011681 0.028823872553683648 0.00436886589532479 0.7135640589879075 0.8725216022672885 0.7607715085499428 +17483,0.9884507161097958,0,-0.25364693220274875 -0.5232711195373864 -0.7266500989620135 -0.7327638506266098 -1.0018979059196549 -1.0737667336074548 -1.0995115612405053 -1.1867550555100226 -1.2278745497248078 -1.0841884874482401 -1.1869098340331818 -1.104825623817208 -0.35719376419291293 -0.4969587706011681 0.028823872553683648 0.00436886589532479 0.7135640589879075 0.8725216022672885 0.7607715085499428 1.009964930828224 +17484,0.4902960393379684,0,-0.5232711195373864 -0.7266500989620135 -0.7327638506266098 -1.0018979059196549 -1.0737667336074548 -1.0995115612405053 -1.1867550555100226 -1.2278745497248078 -1.0841884874482401 -1.1869098340331818 -1.104825623817208 -0.35719376419291293 -0.4969587706011681 0.028823872553683648 0.00436886589532479 0.7135640589879075 0.8725216022672885 0.7607715085499428 1.009964930828224 0.9884507161097958 +17485,0.6276619786373285,0,-0.7266500989620135 -0.7327638506266098 -1.0018979059196549 -1.0737667336074548 -1.0995115612405053 -1.1867550555100226 -1.2278745497248078 -1.0841884874482401 -1.1869098340331818 -1.104825623817208 -0.35719376419291293 -0.4969587706011681 0.028823872553683648 0.00436886589532479 0.7135640589879075 0.8725216022672885 0.7607715085499428 1.009964930828224 0.9884507161097958 0.4902960393379684 +17486,0.2883874558832979,0,-0.7327638506266098 -1.0018979059196549 -1.0737667336074548 -1.0995115612405053 -1.1867550555100226 -1.2278745497248078 -1.0841884874482401 -1.1869098340331818 -1.104825623817208 -0.35719376419291293 -0.4969587706011681 0.028823872553683648 0.00436886589532479 0.7135640589879075 0.8725216022672885 0.7607715085499428 1.009964930828224 0.9884507161097958 0.4902960393379684 0.6276619786373285 +17487,0.11070171130226045,0,-1.0018979059196549 -1.0737667336074548 -1.0995115612405053 -1.1867550555100226 -1.2278745497248078 -1.0841884874482401 -1.1869098340331818 -1.104825623817208 -0.35719376419291293 -0.4969587706011681 0.028823872553683648 0.00436886589532479 0.7135640589879075 0.8725216022672885 0.7607715085499428 1.009964930828224 0.9884507161097958 0.4902960393379684 0.6276619786373285 0.2883874558832979 +17488,-0.2824357375094374,0,-1.0737667336074548 -1.0995115612405053 -1.1867550555100226 -1.2278745497248078 -1.0841884874482401 -1.1869098340331818 -1.104825623817208 -0.35719376419291293 -0.4969587706011681 0.028823872553683648 0.00436886589532479 0.7135640589879075 0.8725216022672885 0.7607715085499428 1.009964930828224 0.9884507161097958 0.4902960393379684 0.6276619786373285 0.2883874558832979 0.11070171130226045 +17489,-0.5139844081481334,0,-1.0995115612405053 -1.1867550555100226 -1.2278745497248078 -1.0841884874482401 -1.1869098340331818 -1.104825623817208 -0.35719376419291293 -0.4969587706011681 0.028823872553683648 0.00436886589532479 0.7135640589879075 0.8725216022672885 0.7607715085499428 1.009964930828224 0.9884507161097958 0.4902960393379684 0.6276619786373285 0.2883874558832979 0.11070171130226045 -0.2824357375094374 +17490,-0.5194790457201011,0,-1.1867550555100226 -1.2278745497248078 -1.0841884874482401 -1.1869098340331818 -1.104825623817208 -0.35719376419291293 -0.4969587706011681 0.028823872553683648 0.00436886589532479 0.7135640589879075 0.8725216022672885 0.7607715085499428 1.009964930828224 0.9884507161097958 0.4902960393379684 0.6276619786373285 0.2883874558832979 0.11070171130226045 -0.2824357375094374 -0.5139844081481334 +17491,-0.8263790606627868,0,-1.2278745497248078 -1.0841884874482401 -1.1869098340331818 -1.104825623817208 -0.35719376419291293 -0.4969587706011681 0.028823872553683648 0.00436886589532479 0.7135640589879075 0.8725216022672885 0.7607715085499428 1.009964930828224 0.9884507161097958 0.4902960393379684 0.6276619786373285 0.2883874558832979 0.11070171130226045 -0.2824357375094374 -0.5139844081481334 -0.5194790457201011 +17492,-0.907225042693521,0,-1.0841884874482401 -1.1869098340331818 -1.104825623817208 -0.35719376419291293 -0.4969587706011681 0.028823872553683648 0.00436886589532479 0.7135640589879075 0.8725216022672885 0.7607715085499428 1.009964930828224 0.9884507161097958 0.4902960393379684 0.6276619786373285 0.2883874558832979 0.11070171130226045 -0.2824357375094374 -0.5139844081481334 -0.5194790457201011 -0.8263790606627868 +17493,-0.8901736086744413,0,-1.1869098340331818 -1.104825623817208 -0.35719376419291293 -0.4969587706011681 0.028823872553683648 0.00436886589532479 0.7135640589879075 0.8725216022672885 0.7607715085499428 1.009964930828224 0.9884507161097958 0.4902960393379684 0.6276619786373285 0.2883874558832979 0.11070171130226045 -0.2824357375094374 -0.5139844081481334 -0.5194790457201011 -0.8263790606627868 -0.907225042693521 +17494,-1.0036520626185927,0,-1.104825623817208 -0.35719376419291293 -0.4969587706011681 0.028823872553683648 0.00436886589532479 0.7135640589879075 0.8725216022672885 0.7607715085499428 1.009964930828224 0.9884507161097958 0.4902960393379684 0.6276619786373285 0.2883874558832979 0.11070171130226045 -0.2824357375094374 -0.5139844081481334 -0.5194790457201011 -0.8263790606627868 -0.907225042693521 -0.8901736086744413 +17495,-1.01923310051293,0,-0.35719376419291293 -0.4969587706011681 0.028823872553683648 0.00436886589532479 0.7135640589879075 0.8725216022672885 0.7607715085499428 1.009964930828224 0.9884507161097958 0.4902960393379684 0.6276619786373285 0.2883874558832979 0.11070171130226045 -0.2824357375094374 -0.5139844081481334 -0.5194790457201011 -0.8263790606627868 -0.907225042693521 -0.8901736086744413 -1.0036520626185927 +17496,-0.8459069510523368,0,-0.4969587706011681 0.028823872553683648 0.00436886589532479 0.7135640589879075 0.8725216022672885 0.7607715085499428 1.009964930828224 0.9884507161097958 0.4902960393379684 0.6276619786373285 0.2883874558832979 0.11070171130226045 -0.2824357375094374 -0.5139844081481334 -0.5194790457201011 -0.8263790606627868 -0.907225042693521 -0.8901736086744413 -1.0036520626185927 -1.01923310051293 +17497,-0.9244570515530977,0,0.028823872553683648 0.00436886589532479 0.7135640589879075 0.8725216022672885 0.7607715085499428 1.009964930828224 0.9884507161097958 0.4902960393379684 0.6276619786373285 0.2883874558832979 0.11070171130226045 -0.2824357375094374 -0.5139844081481334 -0.5194790457201011 -0.8263790606627868 -0.907225042693521 -0.8901736086744413 -1.0036520626185927 -1.01923310051293 -0.8459069510523368 +17498,-0.8140999645441421,0,0.00436886589532479 0.7135640589879075 0.8725216022672885 0.7607715085499428 1.009964930828224 0.9884507161097958 0.4902960393379684 0.6276619786373285 0.2883874558832979 0.11070171130226045 -0.2824357375094374 -0.5139844081481334 -0.5194790457201011 -0.8263790606627868 -0.907225042693521 -0.8901736086744413 -1.0036520626185927 -1.01923310051293 -0.8459069510523368 -0.9244570515530977 +17499,-0.01892530183938734,0,0.7135640589879075 0.8725216022672885 0.7607715085499428 1.009964930828224 0.9884507161097958 0.4902960393379684 0.6276619786373285 0.2883874558832979 0.11070171130226045 -0.2824357375094374 -0.5139844081481334 -0.5194790457201011 -0.8263790606627868 -0.907225042693521 -0.8901736086744413 -1.0036520626185927 -1.01923310051293 -0.8459069510523368 -0.9244570515530977 -0.8140999645441421 +17500,-0.13684074001077257,0,0.8725216022672885 0.7607715085499428 1.009964930828224 0.9884507161097958 0.4902960393379684 0.6276619786373285 0.2883874558832979 0.11070171130226045 -0.2824357375094374 -0.5139844081481334 -0.5194790457201011 -0.8263790606627868 -0.907225042693521 -0.8901736086744413 -1.0036520626185927 -1.01923310051293 -0.8459069510523368 -0.9244570515530977 -0.8140999645441421 -0.01892530183938734 +17501,0.43006139735885573,0,0.7607715085499428 1.009964930828224 0.9884507161097958 0.4902960393379684 0.6276619786373285 0.2883874558832979 0.11070171130226045 -0.2824357375094374 -0.5139844081481334 -0.5194790457201011 -0.8263790606627868 -0.907225042693521 -0.8901736086744413 -1.0036520626185927 -1.01923310051293 -0.8459069510523368 -0.9244570515530977 -0.8140999645441421 -0.01892530183938734 -0.13684074001077257 +17502,0.31880143568310254,0,1.009964930828224 0.9884507161097958 0.4902960393379684 0.6276619786373285 0.2883874558832979 0.11070171130226045 -0.2824357375094374 -0.5139844081481334 -0.5194790457201011 -0.8263790606627868 -0.907225042693521 -0.8901736086744413 -1.0036520626185927 -1.01923310051293 -0.8459069510523368 -0.9244570515530977 -0.8140999645441421 -0.01892530183938734 -0.13684074001077257 0.43006139735885573 +17503,1.111757606274236,0,0.9884507161097958 0.4902960393379684 0.6276619786373285 0.2883874558832979 0.11070171130226045 -0.2824357375094374 -0.5139844081481334 -0.5194790457201011 -0.8263790606627868 -0.907225042693521 -0.8901736086744413 -1.0036520626185927 -1.01923310051293 -0.8459069510523368 -0.9244570515530977 -0.8140999645441421 -0.01892530183938734 -0.13684074001077257 0.43006139735885573 0.31880143568310254 +17504,1.2265516775104253,0,0.4902960393379684 0.6276619786373285 0.2883874558832979 0.11070171130226045 -0.2824357375094374 -0.5139844081481334 -0.5194790457201011 -0.8263790606627868 -0.907225042693521 -0.8901736086744413 -1.0036520626185927 -1.01923310051293 -0.8459069510523368 -0.9244570515530977 -0.8140999645441421 -0.01892530183938734 -0.13684074001077257 0.43006139735885573 0.31880143568310254 1.111757606274236 +17505,1.063440910578006,0,0.6276619786373285 0.2883874558832979 0.11070171130226045 -0.2824357375094374 -0.5139844081481334 -0.5194790457201011 -0.8263790606627868 -0.907225042693521 -0.8901736086744413 -1.0036520626185927 -1.01923310051293 -0.8459069510523368 -0.9244570515530977 -0.8140999645441421 -0.01892530183938734 -0.13684074001077257 0.43006139735885573 0.31880143568310254 1.111757606274236 1.2265516775104253 +17506,1.2708699280767675,0,0.2883874558832979 0.11070171130226045 -0.2824357375094374 -0.5139844081481334 -0.5194790457201011 -0.8263790606627868 -0.907225042693521 -0.8901736086744413 -1.0036520626185927 -1.01923310051293 -0.8459069510523368 -0.9244570515530977 -0.8140999645441421 -0.01892530183938734 -0.13684074001077257 0.43006139735885573 0.31880143568310254 1.111757606274236 1.2265516775104253 1.063440910578006 +17507,1.2003941070973665,0,0.11070171130226045 -0.2824357375094374 -0.5139844081481334 -0.5194790457201011 -0.8263790606627868 -0.907225042693521 -0.8901736086744413 -1.0036520626185927 -1.01923310051293 -0.8459069510523368 -0.9244570515530977 -0.8140999645441421 -0.01892530183938734 -0.13684074001077257 0.43006139735885573 0.31880143568310254 1.111757606274236 1.2265516775104253 1.063440910578006 1.2708699280767675 +17508,0.7366260589378939,0,-0.2824357375094374 -0.5139844081481334 -0.5194790457201011 -0.8263790606627868 -0.907225042693521 -0.8901736086744413 -1.0036520626185927 -1.01923310051293 -0.8459069510523368 -0.9244570515530977 -0.8140999645441421 -0.01892530183938734 -0.13684074001077257 0.43006139735885573 0.31880143568310254 1.111757606274236 1.2265516775104253 1.063440910578006 1.2708699280767675 1.2003941070973665 +17509,0.797247647224883,0,-0.5139844081481334 -0.5194790457201011 -0.8263790606627868 -0.907225042693521 -0.8901736086744413 -1.0036520626185927 -1.01923310051293 -0.8459069510523368 -0.9244570515530977 -0.8140999645441421 -0.01892530183938734 -0.13684074001077257 0.43006139735885573 0.31880143568310254 1.111757606274236 1.2265516775104253 1.063440910578006 1.2708699280767675 1.2003941070973665 0.7366260589378939 +17510,0.4645770080222467,0,-0.5194790457201011 -0.8263790606627868 -0.907225042693521 -0.8901736086744413 -1.0036520626185927 -1.01923310051293 -0.8459069510523368 -0.9244570515530977 -0.8140999645441421 -0.01892530183938734 -0.13684074001077257 0.43006139735885573 0.31880143568310254 1.111757606274236 1.2265516775104253 1.063440910578006 1.2708699280767675 1.2003941070973665 0.7366260589378939 0.797247647224883 +17511,0.21749889227866534,0,-0.8263790606627868 -0.907225042693521 -0.8901736086744413 -1.0036520626185927 -1.01923310051293 -0.8459069510523368 -0.9244570515530977 -0.8140999645441421 -0.01892530183938734 -0.13684074001077257 0.43006139735885573 0.31880143568310254 1.111757606274236 1.2265516775104253 1.063440910578006 1.2708699280767675 1.2003941070973665 0.7366260589378939 0.797247647224883 0.4645770080222467 +17512,-0.14370258797380167,0,-0.907225042693521 -0.8901736086744413 -1.0036520626185927 -1.01923310051293 -0.8459069510523368 -0.9244570515530977 -0.8140999645441421 -0.01892530183938734 -0.13684074001077257 0.43006139735885573 0.31880143568310254 1.111757606274236 1.2265516775104253 1.063440910578006 1.2708699280767675 1.2003941070973665 0.7366260589378939 0.797247647224883 0.4645770080222467 0.21749889227866534 +17513,-0.4193115447672138,0,-0.8901736086744413 -1.0036520626185927 -1.01923310051293 -0.8459069510523368 -0.9244570515530977 -0.8140999645441421 -0.01892530183938734 -0.13684074001077257 0.43006139735885573 0.31880143568310254 1.111757606274236 1.2265516775104253 1.063440910578006 1.2708699280767675 1.2003941070973665 0.7366260589378939 0.797247647224883 0.4645770080222467 0.21749889227866534 -0.14370258797380167 +17514,-0.4256058714270751,0,-1.0036520626185927 -1.01923310051293 -0.8459069510523368 -0.9244570515530977 -0.8140999645441421 -0.01892530183938734 -0.13684074001077257 0.43006139735885573 0.31880143568310254 1.111757606274236 1.2265516775104253 1.063440910578006 1.2708699280767675 1.2003941070973665 0.7366260589378939 0.797247647224883 0.4645770080222467 0.21749889227866534 -0.14370258797380167 -0.4193115447672138 +17515,-0.7909863718047125,0,-1.01923310051293 -0.8459069510523368 -0.9244570515530977 -0.8140999645441421 -0.01892530183938734 -0.13684074001077257 0.43006139735885573 0.31880143568310254 1.111757606274236 1.2265516775104253 1.063440910578006 1.2708699280767675 1.2003941070973665 0.7366260589378939 0.797247647224883 0.4645770080222467 0.21749889227866534 -0.14370258797380167 -0.4193115447672138 -0.4256058714270751 +17516,-0.8870522417392366,0,-0.8459069510523368 -0.9244570515530977 -0.8140999645441421 -0.01892530183938734 -0.13684074001077257 0.43006139735885573 0.31880143568310254 1.111757606274236 1.2265516775104253 1.063440910578006 1.2708699280767675 1.2003941070973665 0.7366260589378939 0.797247647224883 0.4645770080222467 0.21749889227866534 -0.14370258797380167 -0.4193115447672138 -0.4256058714270751 -0.7909863718047125 +17517,-0.8414183738808653,0,-0.9244570515530977 -0.8140999645441421 -0.01892530183938734 -0.13684074001077257 0.43006139735885573 0.31880143568310254 1.111757606274236 1.2265516775104253 1.063440910578006 1.2708699280767675 1.2003941070973665 0.7366260589378939 0.797247647224883 0.4645770080222467 0.21749889227866534 -0.14370258797380167 -0.4193115447672138 -0.4256058714270751 -0.7909863718047125 -0.8870522417392366 +17518,-0.9847174898495391,0,-0.8140999645441421 -0.01892530183938734 -0.13684074001077257 0.43006139735885573 0.31880143568310254 1.111757606274236 1.2265516775104253 1.063440910578006 1.2708699280767675 1.2003941070973665 0.7366260589378939 0.797247647224883 0.4645770080222467 0.21749889227866534 -0.14370258797380167 -0.4193115447672138 -0.4256058714270751 -0.7909863718047125 -0.8870522417392366 -0.8414183738808653 +17519,-0.9863168680253263,0,-0.01892530183938734 -0.13684074001077257 0.43006139735885573 0.31880143568310254 1.111757606274236 1.2265516775104253 1.063440910578006 1.2708699280767675 1.2003941070973665 0.7366260589378939 0.797247647224883 0.4645770080222467 0.21749889227866534 -0.14370258797380167 -0.4193115447672138 -0.4256058714270751 -0.7909863718047125 -0.8870522417392366 -0.8414183738808653 -0.9847174898495391 +17520,-0.8150286356830718,0,-0.13684074001077257 0.43006139735885573 0.31880143568310254 1.111757606274236 1.2265516775104253 1.063440910578006 1.2708699280767675 1.2003941070973665 0.7366260589378939 0.797247647224883 0.4645770080222467 0.21749889227866534 -0.14370258797380167 -0.4193115447672138 -0.4256058714270751 -0.7909863718047125 -0.8870522417392366 -0.8414183738808653 -0.9847174898495391 -0.9863168680253263 +17521,-0.8742572172616707,0,0.43006139735885573 0.31880143568310254 1.111757606274236 1.2265516775104253 1.063440910578006 1.2708699280767675 1.2003941070973665 0.7366260589378939 0.797247647224883 0.4645770080222467 0.21749889227866534 -0.14370258797380167 -0.4193115447672138 -0.4256058714270751 -0.7909863718047125 -0.8870522417392366 -0.8414183738808653 -0.9847174898495391 -0.9863168680253263 -0.8150286356830718 +17522,-0.7605981883222455,0,0.31880143568310254 1.111757606274236 1.2265516775104253 1.063440910578006 1.2708699280767675 1.2003941070973665 0.7366260589378939 0.797247647224883 0.4645770080222467 0.21749889227866534 -0.14370258797380167 -0.4193115447672138 -0.4256058714270751 -0.7909863718047125 -0.8870522417392366 -0.8414183738808653 -0.9847174898495391 -0.9863168680253263 -0.8150286356830718 -0.8742572172616707 +17523,0.008702664543636983,0,1.111757606274236 1.2265516775104253 1.063440910578006 1.2708699280767675 1.2003941070973665 0.7366260589378939 0.797247647224883 0.4645770080222467 0.21749889227866534 -0.14370258797380167 -0.4193115447672138 -0.4256058714270751 -0.7909863718047125 -0.8870522417392366 -0.8414183738808653 -0.9847174898495391 -0.9863168680253263 -0.8150286356830718 -0.8742572172616707 -0.7605981883222455 +17524,-0.0961855813654565,0,1.2265516775104253 1.063440910578006 1.2708699280767675 1.2003941070973665 0.7366260589378939 0.797247647224883 0.4645770080222467 0.21749889227866534 -0.14370258797380167 -0.4193115447672138 -0.4256058714270751 -0.7909863718047125 -0.8870522417392366 -0.8414183738808653 -0.9847174898495391 -0.9863168680253263 -0.8150286356830718 -0.8742572172616707 -0.7605981883222455 0.008702664543636983 +17525,0.4545679969614611,0,1.063440910578006 1.2708699280767675 1.2003941070973665 0.7366260589378939 0.797247647224883 0.4645770080222467 0.21749889227866534 -0.14370258797380167 -0.4193115447672138 -0.4256058714270751 -0.7909863718047125 -0.8870522417392366 -0.8414183738808653 -0.9847174898495391 -0.9863168680253263 -0.8150286356830718 -0.8742572172616707 -0.7605981883222455 0.008702664543636983 -0.0961855813654565 +17526,0.4093468717283125,0,1.2708699280767675 1.2003941070973665 0.7366260589378939 0.797247647224883 0.4645770080222467 0.21749889227866534 -0.14370258797380167 -0.4193115447672138 -0.4256058714270751 -0.7909863718047125 -0.8870522417392366 -0.8414183738808653 -0.9847174898495391 -0.9863168680253263 -0.8150286356830718 -0.8742572172616707 -0.7605981883222455 0.008702664543636983 -0.0961855813654565 0.4545679969614611 +17527,1.158758684368883,0,1.2003941070973665 0.7366260589378939 0.797247647224883 0.4645770080222467 0.21749889227866534 -0.14370258797380167 -0.4193115447672138 -0.4256058714270751 -0.7909863718047125 -0.8870522417392366 -0.8414183738808653 -0.9847174898495391 -0.9863168680253263 -0.8150286356830718 -0.8742572172616707 -0.7605981883222455 0.008702664543636983 -0.0961855813654565 0.4545679969614611 0.4093468717283125 +17528,1.312195793758941,0,0.7366260589378939 0.797247647224883 0.4645770080222467 0.21749889227866534 -0.14370258797380167 -0.4193115447672138 -0.4256058714270751 -0.7909863718047125 -0.8870522417392366 -0.8414183738808653 -0.9847174898495391 -0.9863168680253263 -0.8150286356830718 -0.8742572172616707 -0.7605981883222455 0.008702664543636983 -0.0961855813654565 0.4545679969614611 0.4093468717283125 1.158758684368883 +17529,1.219380272655872,0,0.797247647224883 0.4645770080222467 0.21749889227866534 -0.14370258797380167 -0.4193115447672138 -0.4256058714270751 -0.7909863718047125 -0.8870522417392366 -0.8414183738808653 -0.9847174898495391 -0.9863168680253263 -0.8150286356830718 -0.8742572172616707 -0.7605981883222455 0.008702664543636983 -0.0961855813654565 0.4545679969614611 0.4093468717283125 1.158758684368883 1.312195793758941 +17530,1.454901592107127,0,0.4645770080222467 0.21749889227866534 -0.14370258797380167 -0.4193115447672138 -0.4256058714270751 -0.7909863718047125 -0.8870522417392366 -0.8414183738808653 -0.9847174898495391 -0.9863168680253263 -0.8150286356830718 -0.8742572172616707 -0.7605981883222455 0.008702664543636983 -0.0961855813654565 0.4545679969614611 0.4093468717283125 1.158758684368883 1.312195793758941 1.219380272655872 +17531,1.4441702810652461,0,0.21749889227866534 -0.14370258797380167 -0.4193115447672138 -0.4256058714270751 -0.7909863718047125 -0.8870522417392366 -0.8414183738808653 -0.9847174898495391 -0.9863168680253263 -0.8150286356830718 -0.8742572172616707 -0.7605981883222455 0.008702664543636983 -0.0961855813654565 0.4545679969614611 0.4093468717283125 1.158758684368883 1.312195793758941 1.219380272655872 1.454901592107127 +17532,0.9367546893762803,0,-0.14370258797380167 -0.4193115447672138 -0.4256058714270751 -0.7909863718047125 -0.8870522417392366 -0.8414183738808653 -0.9847174898495391 -0.9863168680253263 -0.8150286356830718 -0.8742572172616707 -0.7605981883222455 0.008702664543636983 -0.0961855813654565 0.4545679969614611 0.4093468717283125 1.158758684368883 1.312195793758941 1.219380272655872 1.454901592107127 1.4441702810652461 +17533,1.0915848053199515,0,-0.4193115447672138 -0.4256058714270751 -0.7909863718047125 -0.8870522417392366 -0.8414183738808653 -0.9847174898495391 -0.9863168680253263 -0.8150286356830718 -0.8742572172616707 -0.7605981883222455 0.008702664543636983 -0.0961855813654565 0.4545679969614611 0.4093468717283125 1.158758684368883 1.312195793758941 1.219380272655872 1.454901592107127 1.4441702810652461 0.9367546893762803 +17534,0.7497306406165378,0,-0.4256058714270751 -0.7909863718047125 -0.8870522417392366 -0.8414183738808653 -0.9847174898495391 -0.9863168680253263 -0.8150286356830718 -0.8742572172616707 -0.7605981883222455 0.008702664543636983 -0.0961855813654565 0.4545679969614611 0.4093468717283125 1.158758684368883 1.312195793758941 1.219380272655872 1.454901592107127 1.4441702810652461 0.9367546893762803 1.0915848053199515 +17535,0.5449328580113972,0,-0.7909863718047125 -0.8870522417392366 -0.8414183738808653 -0.9847174898495391 -0.9863168680253263 -0.8150286356830718 -0.8742572172616707 -0.7605981883222455 0.008702664543636983 -0.0961855813654565 0.4545679969614611 0.4093468717283125 1.158758684368883 1.312195793758941 1.219380272655872 1.454901592107127 1.4441702810652461 0.9367546893762803 1.0915848053199515 0.7497306406165378 +17536,0.15739323250537443,0,-0.8870522417392366 -0.8414183738808653 -0.9847174898495391 -0.9863168680253263 -0.8150286356830718 -0.8742572172616707 -0.7605981883222455 0.008702664543636983 -0.0961855813654565 0.4545679969614611 0.4093468717283125 1.158758684368883 1.312195793758941 1.219380272655872 1.454901592107127 1.4441702810652461 0.9367546893762803 1.0915848053199515 0.7497306406165378 0.5449328580113972 +17537,-0.0930900109023751,0,-0.8414183738808653 -0.9847174898495391 -0.9863168680253263 -0.8150286356830718 -0.8742572172616707 -0.7605981883222455 0.008702664543636983 -0.0961855813654565 0.4545679969614611 0.4093468717283125 1.158758684368883 1.312195793758941 1.219380272655872 1.454901592107127 1.4441702810652461 0.9367546893762803 1.0915848053199515 0.7497306406165378 0.5449328580113972 0.15739323250537443 +17538,-0.20574297928651844,0,-0.9847174898495391 -0.9863168680253263 -0.8150286356830718 -0.8742572172616707 -0.7605981883222455 0.008702664543636983 -0.0961855813654565 0.4545679969614611 0.4093468717283125 1.158758684368883 1.312195793758941 1.219380272655872 1.454901592107127 1.4441702810652461 0.9367546893762803 1.0915848053199515 0.7497306406165378 0.5449328580113972 0.15739323250537443 -0.0930900109023751 +17539,-0.5021696475989492,0,-0.9863168680253263 -0.8150286356830718 -0.8742572172616707 -0.7605981883222455 0.008702664543636983 -0.0961855813654565 0.4545679969614611 0.4093468717283125 1.158758684368883 1.312195793758941 1.219380272655872 1.454901592107127 1.4441702810652461 0.9367546893762803 1.0915848053199515 0.7497306406165378 0.5449328580113972 0.15739323250537443 -0.0930900109023751 -0.20574297928651844 +17540,-0.6607660408877826,0,-0.8150286356830718 -0.8742572172616707 -0.7605981883222455 0.008702664543636983 -0.0961855813654565 0.4545679969614611 0.4093468717283125 1.158758684368883 1.312195793758941 1.219380272655872 1.454901592107127 1.4441702810652461 0.9367546893762803 1.0915848053199515 0.7497306406165378 0.5449328580113972 0.15739323250537443 -0.0930900109023751 -0.20574297928651844 -0.5021696475989492 +17541,-0.7260309848694025,0,-0.8742572172616707 -0.7605981883222455 0.008702664543636983 -0.0961855813654565 0.4545679969614611 0.4093468717283125 1.158758684368883 1.312195793758941 1.219380272655872 1.454901592107127 1.4441702810652461 0.9367546893762803 1.0915848053199515 0.7497306406165378 0.5449328580113972 0.15739323250537443 -0.0930900109023751 -0.20574297928651844 -0.5021696475989492 -0.6607660408877826 +17542,-0.9157378614670036,0,-0.7605981883222455 0.008702664543636983 -0.0961855813654565 0.4545679969614611 0.4093468717283125 1.158758684368883 1.312195793758941 1.219380272655872 1.454901592107127 1.4441702810652461 0.9367546893762803 1.0915848053199515 0.7497306406165378 0.5449328580113972 0.15739323250537443 -0.0930900109023751 -0.20574297928651844 -0.5021696475989492 -0.6607660408877826 -0.7260309848694025 +17543,-1.0121132884478377,0,0.008702664543636983 -0.0961855813654565 0.4545679969614611 0.4093468717283125 1.158758684368883 1.312195793758941 1.219380272655872 1.454901592107127 1.4441702810652461 0.9367546893762803 1.0915848053199515 0.7497306406165378 0.5449328580113972 0.15739323250537443 -0.0930900109023751 -0.20574297928651844 -0.5021696475989492 -0.6607660408877826 -0.7260309848694025 -0.9157378614670036 +17544,-0.829655206121142,0,-0.0961855813654565 0.4545679969614611 0.4093468717283125 1.158758684368883 1.312195793758941 1.219380272655872 1.454901592107127 1.4441702810652461 0.9367546893762803 1.0915848053199515 0.7497306406165378 0.5449328580113972 0.15739323250537443 -0.0930900109023751 -0.20574297928651844 -0.5021696475989492 -0.6607660408877826 -0.7260309848694025 -0.9157378614670036 -1.0121132884478377 +17545,-1.018975136410858,0,0.4545679969614611 0.4093468717283125 1.158758684368883 1.312195793758941 1.219380272655872 1.454901592107127 1.4441702810652461 0.9367546893762803 1.0915848053199515 0.7497306406165378 0.5449328580113972 0.15739323250537443 -0.0930900109023751 -0.20574297928651844 -0.5021696475989492 -0.6607660408877826 -0.7260309848694025 -0.9157378614670036 -1.0121132884478377 -0.829655206121142 +17546,-0.9294615570834904,0,0.4093468717283125 1.158758684368883 1.312195793758941 1.219380272655872 1.454901592107127 1.4441702810652461 0.9367546893762803 1.0915848053199515 0.7497306406165378 0.5449328580113972 0.15739323250537443 -0.0930900109023751 -0.20574297928651844 -0.5021696475989492 -0.6607660408877826 -0.7260309848694025 -0.9157378614670036 -1.0121132884478377 -0.829655206121142 -1.018975136410858 +17547,-0.047172382315031465,0,1.158758684368883 1.312195793758941 1.219380272655872 1.454901592107127 1.4441702810652461 0.9367546893762803 1.0915848053199515 0.7497306406165378 0.5449328580113972 0.15739323250537443 -0.0930900109023751 -0.20574297928651844 -0.5021696475989492 -0.6607660408877826 -0.7260309848694025 -0.9157378614670036 -1.0121132884478377 -0.829655206121142 -1.018975136410858 -0.9294615570834904 +17548,-0.22191733495612928,0,1.312195793758941 1.219380272655872 1.454901592107127 1.4441702810652461 0.9367546893762803 1.0915848053199515 0.7497306406165378 0.5449328580113972 0.15739323250537443 -0.0930900109023751 -0.20574297928651844 -0.5021696475989492 -0.6607660408877826 -0.7260309848694025 -0.9157378614670036 -1.0121132884478377 -0.829655206121142 -1.018975136410858 -0.9294615570834904 -0.047172382315031465 +17549,0.3961133079986237,0,1.219380272655872 1.454901592107127 1.4441702810652461 0.9367546893762803 1.0915848053199515 0.7497306406165378 0.5449328580113972 0.15739323250537443 -0.0930900109023751 -0.20574297928651844 -0.5021696475989492 -0.6607660408877826 -0.7260309848694025 -0.9157378614670036 -1.0121132884478377 -0.829655206121142 -1.018975136410858 -0.9294615570834904 -0.047172382315031465 -0.22191733495612928 +17550,0.39131517378085107,0,1.454901592107127 1.4441702810652461 0.9367546893762803 1.0915848053199515 0.7497306406165378 0.5449328580113972 0.15739323250537443 -0.0930900109023751 -0.20574297928651844 -0.5021696475989492 -0.6607660408877826 -0.7260309848694025 -0.9157378614670036 -1.0121132884478377 -0.829655206121142 -1.018975136410858 -0.9294615570834904 -0.047172382315031465 -0.22191733495612928 0.3961133079986237 +17551,1.2169554090748624,0,1.4441702810652461 0.9367546893762803 1.0915848053199515 0.7497306406165378 0.5449328580113972 0.15739323250537443 -0.0930900109023751 -0.20574297928651844 -0.5021696475989492 -0.6607660408877826 -0.7260309848694025 -0.9157378614670036 -1.0121132884478377 -0.829655206121142 -1.018975136410858 -0.9294615570834904 -0.047172382315031465 -0.22191733495612928 0.3961133079986237 0.39131517378085107 +17552,1.4197668673511163,0,0.9367546893762803 1.0915848053199515 0.7497306406165378 0.5449328580113972 0.15739323250537443 -0.0930900109023751 -0.20574297928651844 -0.5021696475989492 -0.6607660408877826 -0.7260309848694025 -0.9157378614670036 -1.0121132884478377 -0.829655206121142 -1.018975136410858 -0.9294615570834904 -0.047172382315031465 -0.22191733495612928 0.3961133079986237 0.39131517378085107 1.2169554090748624 +17553,1.3012581114044488,0,1.0915848053199515 0.7497306406165378 0.5449328580113972 0.15739323250537443 -0.0930900109023751 -0.20574297928651844 -0.5021696475989492 -0.6607660408877826 -0.7260309848694025 -0.9157378614670036 -1.0121132884478377 -0.829655206121142 -1.018975136410858 -0.9294615570834904 -0.047172382315031465 -0.22191733495612928 0.3961133079986237 0.39131517378085107 1.2169554090748624 1.4197668673511163 +17554,1.6111763075486405,0,0.7497306406165378 0.5449328580113972 0.15739323250537443 -0.0930900109023751 -0.20574297928651844 -0.5021696475989492 -0.6607660408877826 -0.7260309848694025 -0.9157378614670036 -1.0121132884478377 -0.829655206121142 -1.018975136410858 -0.9294615570834904 -0.047172382315031465 -0.22191733495612928 0.3961133079986237 0.39131517378085107 1.2169554090748624 1.4197668673511163 1.3012581114044488 +17555,1.599774289779465,0,0.5449328580113972 0.15739323250537443 -0.0930900109023751 -0.20574297928651844 -0.5021696475989492 -0.6607660408877826 -0.7260309848694025 -0.9157378614670036 -1.0121132884478377 -0.829655206121142 -1.018975136410858 -0.9294615570834904 -0.047172382315031465 -0.22191733495612928 0.3961133079986237 0.39131517378085107 1.2169554090748624 1.4197668673511163 1.3012581114044488 1.6111763075486405 +17556,1.0862707427432576,0,0.15739323250537443 -0.0930900109023751 -0.20574297928651844 -0.5021696475989492 -0.6607660408877826 -0.7260309848694025 -0.9157378614670036 -1.0121132884478377 -0.829655206121142 -1.018975136410858 -0.9294615570834904 -0.047172382315031465 -0.22191733495612928 0.3961133079986237 0.39131517378085107 1.2169554090748624 1.4197668673511163 1.3012581114044488 1.6111763075486405 1.599774289779465 +17557,1.2422359012932382,0,-0.0930900109023751 -0.20574297928651844 -0.5021696475989492 -0.6607660408877826 -0.7260309848694025 -0.9157378614670036 -1.0121132884478377 -0.829655206121142 -1.018975136410858 -0.9294615570834904 -0.047172382315031465 -0.22191733495612928 0.3961133079986237 0.39131517378085107 1.2169554090748624 1.4197668673511163 1.3012581114044488 1.6111763075486405 1.599774289779465 1.0862707427432576 +17558,0.8960995305761873,0,-0.20574297928651844 -0.5021696475989492 -0.6607660408877826 -0.7260309848694025 -0.9157378614670036 -1.0121132884478377 -0.829655206121142 -1.018975136410858 -0.9294615570834904 -0.047172382315031465 -0.22191733495612928 0.3961133079986237 0.39131517378085107 1.2169554090748624 1.4197668673511163 1.3012581114044488 1.6111763075486405 1.599774289779465 1.0862707427432576 1.2422359012932382 +17559,0.543539851303016,0,-0.5021696475989492 -0.6607660408877826 -0.7260309848694025 -0.9157378614670036 -1.0121132884478377 -0.829655206121142 -1.018975136410858 -0.9294615570834904 -0.047172382315031465 -0.22191733495612928 0.3961133079986237 0.39131517378085107 1.2169554090748624 1.4197668673511163 1.3012581114044488 1.6111763075486405 1.599774289779465 1.0862707427432576 1.2422359012932382 0.8960995305761873 +17560,0.19954458359277918,0,-0.6607660408877826 -0.7260309848694025 -0.9157378614670036 -1.0121132884478377 -0.829655206121142 -1.018975136410858 -0.9294615570834904 -0.047172382315031465 -0.22191733495612928 0.3961133079986237 0.39131517378085107 1.2169554090748624 1.4197668673511163 1.3012581114044488 1.6111763075486405 1.599774289779465 1.0862707427432576 1.2422359012932382 0.8960995305761873 0.543539851303016 +17561,-0.15087399282835498,0,-0.7260309848694025 -0.9157378614670036 -1.0121132884478377 -0.829655206121142 -1.018975136410858 -0.9294615570834904 -0.047172382315031465 -0.22191733495612928 0.3961133079986237 0.39131517378085107 1.2169554090748624 1.4197668673511163 1.3012581114044488 1.6111763075486405 1.599774289779465 1.0862707427432576 1.2422359012932382 0.8960995305761873 0.543539851303016 0.19954458359277918 +17562,-0.17997235518134472,0,-0.9157378614670036 -1.0121132884478377 -0.829655206121142 -1.018975136410858 -0.9294615570834904 -0.047172382315031465 -0.22191733495612928 0.3961133079986237 0.39131517378085107 1.2169554090748624 1.4197668673511163 1.3012581114044488 1.6111763075486405 1.599774289779465 1.0862707427432576 1.2422359012932382 0.8960995305761873 0.543539851303016 0.19954458359277918 -0.15087399282835498 +17563,-0.6374976696251848,0,-1.0121132884478377 -0.829655206121142 -1.018975136410858 -0.9294615570834904 -0.047172382315031465 -0.22191733495612928 0.3961133079986237 0.39131517378085107 1.2169554090748624 1.4197668673511163 1.3012581114044488 1.6111763075486405 1.599774289779465 1.0862707427432576 1.2422359012932382 0.8960995305761873 0.543539851303016 0.19954458359277918 -0.15087399282835498 -0.17997235518134472 +17564,-0.7737027700008983,0,-0.829655206121142 -1.018975136410858 -0.9294615570834904 -0.047172382315031465 -0.22191733495612928 0.3961133079986237 0.39131517378085107 1.2169554090748624 1.4197668673511163 1.3012581114044488 1.6111763075486405 1.599774289779465 1.0862707427432576 1.2422359012932382 0.8960995305761873 0.543539851303016 0.19954458359277918 -0.15087399282835498 -0.17997235518134472 -0.6374976696251848 +17565,-0.8264048571349012,0,-1.018975136410858 -0.9294615570834904 -0.047172382315031465 -0.22191733495612928 0.3961133079986237 0.39131517378085107 1.2169554090748624 1.4197668673511163 1.3012581114044488 1.6111763075486405 1.599774289779465 1.0862707427432576 1.2422359012932382 0.8960995305761873 0.543539851303016 0.19954458359277918 -0.15087399282835498 -0.17997235518134472 -0.6374976696251848 -0.7737027700008983 +17566,-0.9904442952062502,0,-0.9294615570834904 -0.047172382315031465 -0.22191733495612928 0.3961133079986237 0.39131517378085107 1.2169554090748624 1.4197668673511163 1.3012581114044488 1.6111763075486405 1.599774289779465 1.0862707427432576 1.2422359012932382 0.8960995305761873 0.543539851303016 0.19954458359277918 -0.15087399282835498 -0.17997235518134472 -0.6374976696251848 -0.7737027700008983 -0.8264048571349012 +17567,-1.0709807201906747,0,-0.047172382315031465 -0.22191733495612928 0.3961133079986237 0.39131517378085107 1.2169554090748624 1.4197668673511163 1.3012581114044488 1.6111763075486405 1.599774289779465 1.0862707427432576 1.2422359012932382 0.8960995305761873 0.543539851303016 0.19954458359277918 -0.15087399282835498 -0.17997235518134472 -0.6374976696251848 -0.7737027700008983 -0.8264048571349012 -0.9904442952062502 +17568,-0.8709036825417402,0,-0.22191733495612928 0.3961133079986237 0.39131517378085107 1.2169554090748624 1.4197668673511163 1.3012581114044488 1.6111763075486405 1.599774289779465 1.0862707427432576 1.2422359012932382 0.8960995305761873 0.543539851303016 0.19954458359277918 -0.15087399282835498 -0.17997235518134472 -0.6374976696251848 -0.7737027700008983 -0.8264048571349012 -0.9904442952062502 -1.0709807201906747 +17569,-1.0449779283007663,0,0.3961133079986237 0.39131517378085107 1.2169554090748624 1.4197668673511163 1.3012581114044488 1.6111763075486405 1.599774289779465 1.0862707427432576 1.2422359012932382 0.8960995305761873 0.543539851303016 0.19954458359277918 -0.15087399282835498 -0.17997235518134472 -0.6374976696251848 -0.7737027700008983 -0.8264048571349012 -0.9904442952062502 -1.0709807201906747 -0.8709036825417402 +17570,-0.9384387114264335,0,0.39131517378085107 1.2169554090748624 1.4197668673511163 1.3012581114044488 1.6111763075486405 1.599774289779465 1.0862707427432576 1.2422359012932382 0.8960995305761873 0.543539851303016 0.19954458359277918 -0.15087399282835498 -0.17997235518134472 -0.6374976696251848 -0.7737027700008983 -0.8264048571349012 -0.9904442952062502 -1.0709807201906747 -0.8709036825417402 -1.0449779283007663 +17571,0.21494504664662847,0,1.2169554090748624 1.4197668673511163 1.3012581114044488 1.6111763075486405 1.599774289779465 1.0862707427432576 1.2422359012932382 0.8960995305761873 0.543539851303016 0.19954458359277918 -0.15087399282835498 -0.17997235518134472 -0.6374976696251848 -0.7737027700008983 -0.8264048571349012 -0.9904442952062502 -1.0709807201906747 -0.8709036825417402 -1.0449779283007663 -0.9384387114264335 +17572,-0.02746391708499323,0,1.4197668673511163 1.3012581114044488 1.6111763075486405 1.599774289779465 1.0862707427432576 1.2422359012932382 0.8960995305761873 0.543539851303016 0.19954458359277918 -0.15087399282835498 -0.17997235518134472 -0.6374976696251848 -0.7737027700008983 -0.8264048571349012 -0.9904442952062502 -1.0709807201906747 -0.8709036825417402 -1.0449779283007663 -0.9384387114264335 0.21494504664662847 +17573,0.7769716606916858,0,1.3012581114044488 1.6111763075486405 1.599774289779465 1.0862707427432576 1.2422359012932382 0.8960995305761873 0.543539851303016 0.19954458359277918 -0.15087399282835498 -0.17997235518134472 -0.6374976696251848 -0.7737027700008983 -0.8264048571349012 -0.9904442952062502 -1.0709807201906747 -0.8709036825417402 -1.0449779283007663 -0.9384387114264335 0.21494504664662847 -0.02746391708499323 +17574,0.6829953006649612,0,1.6111763075486405 1.599774289779465 1.0862707427432576 1.2422359012932382 0.8960995305761873 0.543539851303016 0.19954458359277918 -0.15087399282835498 -0.17997235518134472 -0.6374976696251848 -0.7737027700008983 -0.8264048571349012 -0.9904442952062502 -1.0709807201906747 -0.8709036825417402 -1.0449779283007663 -0.9384387114264335 0.21494504664662847 -0.02746391708499323 0.7769716606916858 +17575,1.7869015242729058,0,1.599774289779465 1.0862707427432576 1.2422359012932382 0.8960995305761873 0.543539851303016 0.19954458359277918 -0.15087399282835498 -0.17997235518134472 -0.6374976696251848 -0.7737027700008983 -0.8264048571349012 -0.9904442952062502 -1.0709807201906747 -0.8709036825417402 -1.0449779283007663 -0.9384387114264335 0.21494504664662847 -0.02746391708499323 0.7769716606916858 0.6829953006649612 +17576,1.9923958100774557,0,1.0862707427432576 1.2422359012932382 0.8960995305761873 0.543539851303016 0.19954458359277918 -0.15087399282835498 -0.17997235518134472 -0.6374976696251848 -0.7737027700008983 -0.8264048571349012 -0.9904442952062502 -1.0709807201906747 -0.8709036825417402 -1.0449779283007663 -0.9384387114264335 0.21494504664662847 -0.02746391708499323 0.7769716606916858 0.6829953006649612 1.7869015242729058 +17577,1.8223200096031031,0,1.2422359012932382 0.8960995305761873 0.543539851303016 0.19954458359277918 -0.15087399282835498 -0.17997235518134472 -0.6374976696251848 -0.7737027700008983 -0.8264048571349012 -0.9904442952062502 -1.0709807201906747 -0.8709036825417402 -1.0449779283007663 -0.9384387114264335 0.21494504664662847 -0.02746391708499323 0.7769716606916858 0.6829953006649612 1.7869015242729058 1.9923958100774557 +17578,2.153004324322067,0,0.8960995305761873 0.543539851303016 0.19954458359277918 -0.15087399282835498 -0.17997235518134472 -0.6374976696251848 -0.7737027700008983 -0.8264048571349012 -0.9904442952062502 -1.0709807201906747 -0.8709036825417402 -1.0449779283007663 -0.9384387114264335 0.21494504664662847 -0.02746391708499323 0.7769716606916858 0.6829953006649612 1.7869015242729058 1.9923958100774557 1.8223200096031031 +17579,2.1081185526073516,0,0.543539851303016 0.19954458359277918 -0.15087399282835498 -0.17997235518134472 -0.6374976696251848 -0.7737027700008983 -0.8264048571349012 -0.9904442952062502 -1.0709807201906747 -0.8709036825417402 -1.0449779283007663 -0.9384387114264335 0.21494504664662847 -0.02746391708499323 0.7769716606916858 0.6829953006649612 1.7869015242729058 1.9923958100774557 1.8223200096031031 2.153004324322067 +17580,1.3783378159352442,0,0.19954458359277918 -0.15087399282835498 -0.17997235518134472 -0.6374976696251848 -0.7737027700008983 -0.8264048571349012 -0.9904442952062502 -1.0709807201906747 -0.8709036825417402 -1.0449779283007663 -0.9384387114264335 0.21494504664662847 -0.02746391708499323 0.7769716606916858 0.6829953006649612 1.7869015242729058 1.9923958100774557 1.8223200096031031 2.153004324322067 2.1081185526073516 +17581,1.561750365872984,0,-0.15087399282835498 -0.17997235518134472 -0.6374976696251848 -0.7737027700008983 -0.8264048571349012 -0.9904442952062502 -1.0709807201906747 -0.8709036825417402 -1.0449779283007663 -0.9384387114264335 0.21494504664662847 -0.02746391708499323 0.7769716606916858 0.6829953006649612 1.7869015242729058 1.9923958100774557 1.8223200096031031 2.153004324322067 2.1081185526073516 1.3783378159352442 +17582,1.0602679508533406,0,-0.17997235518134472 -0.6374976696251848 -0.7737027700008983 -0.8264048571349012 -0.9904442952062502 -1.0709807201906747 -0.8709036825417402 -1.0449779283007663 -0.9384387114264335 0.21494504664662847 -0.02746391708499323 0.7769716606916858 0.6829953006649612 1.7869015242729058 1.9923958100774557 1.8223200096031031 2.153004324322067 2.1081185526073516 1.3783378159352442 1.561750365872984 +17583,0.849459602317311,0,-0.6374976696251848 -0.7737027700008983 -0.8264048571349012 -0.9904442952062502 -1.0709807201906747 -0.8709036825417402 -1.0449779283007663 -0.9384387114264335 0.21494504664662847 -0.02746391708499323 0.7769716606916858 0.6829953006649612 1.7869015242729058 1.9923958100774557 1.8223200096031031 2.153004324322067 2.1081185526073516 1.3783378159352442 1.561750365872984 1.0602679508533406 +17584,0.25108583180313543,0,-0.7737027700008983 -0.8264048571349012 -0.9904442952062502 -1.0709807201906747 -0.8709036825417402 -1.0449779283007663 -0.9384387114264335 0.21494504664662847 -0.02746391708499323 0.7769716606916858 0.6829953006649612 1.7869015242729058 1.9923958100774557 1.8223200096031031 2.153004324322067 2.1081185526073516 1.3783378159352442 1.561750365872984 1.0602679508533406 0.849459602317311 +17585,-0.056613872227435,0,-0.8264048571349012 -0.9904442952062502 -1.0709807201906747 -0.8709036825417402 -1.0449779283007663 -0.9384387114264335 0.21494504664662847 -0.02746391708499323 0.7769716606916858 0.6829953006649612 1.7869015242729058 1.9923958100774557 1.8223200096031031 2.153004324322067 2.1081185526073516 1.3783378159352442 1.561750365872984 1.0602679508533406 0.849459602317311 0.25108583180313543 +17586,0.02696653027583305,0,-0.9904442952062502 -1.0709807201906747 -0.8709036825417402 -1.0449779283007663 -0.9384387114264335 0.21494504664662847 -0.02746391708499323 0.7769716606916858 0.6829953006649612 1.7869015242729058 1.9923958100774557 1.8223200096031031 2.153004324322067 2.1081185526073516 1.3783378159352442 1.561750365872984 1.0602679508533406 0.849459602317311 0.25108583180313543 -0.056613872227435 +17587,-0.4111598759842788,0,-1.0709807201906747 -0.8709036825417402 -1.0449779283007663 -0.9384387114264335 0.21494504664662847 -0.02746391708499323 0.7769716606916858 0.6829953006649612 1.7869015242729058 1.9923958100774557 1.8223200096031031 2.153004324322067 2.1081185526073516 1.3783378159352442 1.561750365872984 1.0602679508533406 0.849459602317311 0.25108583180313543 -0.056613872227435 0.02696653027583305 +17588,-0.4580061755557664,0,-0.8709036825417402 -1.0449779283007663 -0.9384387114264335 0.21494504664662847 -0.02746391708499323 0.7769716606916858 0.6829953006649612 1.7869015242729058 1.9923958100774557 1.8223200096031031 2.153004324322067 2.1081185526073516 1.3783378159352442 1.561750365872984 1.0602679508533406 0.849459602317311 0.25108583180313543 -0.056613872227435 0.02696653027583305 -0.4111598759842788 +17589,-0.43349957610793793,0,-1.0449779283007663 -0.9384387114264335 0.21494504664662847 -0.02746391708499323 0.7769716606916858 0.6829953006649612 1.7869015242729058 1.9923958100774557 1.8223200096031031 2.153004324322067 2.1081185526073516 1.3783378159352442 1.561750365872984 1.0602679508533406 0.849459602317311 0.25108583180313543 -0.056613872227435 0.02696653027583305 -0.4111598759842788 -0.4580061755557664 +17590,-0.5041301754557215,0,-0.9384387114264335 0.21494504664662847 -0.02746391708499323 0.7769716606916858 0.6829953006649612 1.7869015242729058 1.9923958100774557 1.8223200096031031 2.153004324322067 2.1081185526073516 1.3783378159352442 1.561750365872984 1.0602679508533406 0.849459602317311 0.25108583180313543 -0.056613872227435 0.02696653027583305 -0.4111598759842788 -0.4580061755557664 -0.43349957610793793 +17591,-0.5034078757841888,0,0.21494504664662847 -0.02746391708499323 0.7769716606916858 0.6829953006649612 1.7869015242729058 1.9923958100774557 1.8223200096031031 2.153004324322067 2.1081185526073516 1.3783378159352442 1.561750365872984 1.0602679508533406 0.849459602317311 0.25108583180313543 -0.056613872227435 0.02696653027583305 -0.4111598759842788 -0.4580061755557664 -0.43349957610793793 -0.5041301754557215 +17592,-0.3876851332542928,0,-0.02746391708499323 0.7769716606916858 0.6829953006649612 1.7869015242729058 1.9923958100774557 1.8223200096031031 2.153004324322067 2.1081185526073516 1.3783378159352442 1.561750365872984 1.0602679508533406 0.849459602317311 0.25108583180313543 -0.056613872227435 0.02696653027583305 -0.4111598759842788 -0.4580061755557664 -0.43349957610793793 -0.5041301754557215 -0.5034078757841888 +17593,-0.4252963143807652,0,0.7769716606916858 0.6829953006649612 1.7869015242729058 1.9923958100774557 1.8223200096031031 2.153004324322067 2.1081185526073516 1.3783378159352442 1.561750365872984 1.0602679508533406 0.849459602317311 0.25108583180313543 -0.056613872227435 0.02696653027583305 -0.4111598759842788 -0.4580061755557664 -0.43349957610793793 -0.5041301754557215 -0.5034078757841888 -0.3876851332542928 +17594,-0.34790705280365997,0,0.6829953006649612 1.7869015242729058 1.9923958100774557 1.8223200096031031 2.153004324322067 2.1081185526073516 1.3783378159352442 1.561750365872984 1.0602679508533406 0.849459602317311 0.25108583180313543 -0.056613872227435 0.02696653027583305 -0.4111598759842788 -0.4580061755557664 -0.43349957610793793 -0.5041301754557215 -0.5034078757841888 -0.3876851332542928 -0.4252963143807652 +17595,0.6545934416661577,0,1.7869015242729058 1.9923958100774557 1.8223200096031031 2.153004324322067 2.1081185526073516 1.3783378159352442 1.561750365872984 1.0602679508533406 0.849459602317311 0.25108583180313543 -0.056613872227435 0.02696653027583305 -0.4111598759842788 -0.4580061755557664 -0.43349957610793793 -0.5041301754557215 -0.5034078757841888 -0.3876851332542928 -0.4252963143807652 -0.34790705280365997 +17596,0.42361229233062075,0,1.9923958100774557 1.8223200096031031 2.153004324322067 2.1081185526073516 1.3783378159352442 1.561750365872984 1.0602679508533406 0.849459602317311 0.25108583180313543 -0.056613872227435 0.02696653027583305 -0.4111598759842788 -0.4580061755557664 -0.43349957610793793 -0.5041301754557215 -0.5034078757841888 -0.3876851332542928 -0.4252963143807652 -0.34790705280365997 0.6545934416661577 +17597,1.1177423757330105,0,1.8223200096031031 2.153004324322067 2.1081185526073516 1.3783378159352442 1.561750365872984 1.0602679508533406 0.849459602317311 0.25108583180313543 -0.056613872227435 0.02696653027583305 -0.4111598759842788 -0.4580061755557664 -0.43349957610793793 -0.5041301754557215 -0.5034078757841888 -0.3876851332542928 -0.4252963143807652 -0.34790705280365997 0.6545934416661577 0.42361229233062075 +17598,1.0824012796643971,0,2.153004324322067 2.1081185526073516 1.3783378159352442 1.561750365872984 1.0602679508533406 0.849459602317311 0.25108583180313543 -0.056613872227435 0.02696653027583305 -0.4111598759842788 -0.4580061755557664 -0.43349957610793793 -0.5041301754557215 -0.5034078757841888 -0.3876851332542928 -0.4252963143807652 -0.34790705280365997 0.6545934416661577 0.42361229233062075 1.1177423757330105 +17599,2.0196884230968415,0,2.1081185526073516 1.3783378159352442 1.561750365872984 1.0602679508533406 0.849459602317311 0.25108583180313543 -0.056613872227435 0.02696653027583305 -0.4111598759842788 -0.4580061755557664 -0.43349957610793793 -0.5041301754557215 -0.5034078757841888 -0.3876851332542928 -0.4252963143807652 -0.34790705280365997 0.6545934416661577 0.42361229233062075 1.1177423757330105 1.0824012796643971 +17600,2.2275043867487025,0,1.3783378159352442 1.561750365872984 1.0602679508533406 0.849459602317311 0.25108583180313543 -0.056613872227435 0.02696653027583305 -0.4111598759842788 -0.4580061755557664 -0.43349957610793793 -0.5041301754557215 -0.5034078757841888 -0.3876851332542928 -0.4252963143807652 -0.34790705280365997 0.6545934416661577 0.42361229233062075 1.1177423757330105 1.0824012796643971 2.0196884230968415 +17601,2.0082090159113046,0,1.561750365872984 1.0602679508533406 0.849459602317311 0.25108583180313543 -0.056613872227435 0.02696653027583305 -0.4111598759842788 -0.4580061755557664 -0.43349957610793793 -0.5041301754557215 -0.5034078757841888 -0.3876851332542928 -0.4252963143807652 -0.34790705280365997 0.6545934416661577 0.42361229233062075 1.1177423757330105 1.0824012796643971 2.0196884230968415 2.2275043867487025 +17602,2.3583954245477043,0,1.0602679508533406 0.849459602317311 0.25108583180313543 -0.056613872227435 0.02696653027583305 -0.4111598759842788 -0.4580061755557664 -0.43349957610793793 -0.5041301754557215 -0.5034078757841888 -0.3876851332542928 -0.4252963143807652 -0.34790705280365997 0.6545934416661577 0.42361229233062075 1.1177423757330105 1.0824012796643971 2.0196884230968415 2.2275043867487025 2.0082090159113046 +17603,2.281470498540068,0,0.849459602317311 0.25108583180313543 -0.056613872227435 0.02696653027583305 -0.4111598759842788 -0.4580061755557664 -0.43349957610793793 -0.5041301754557215 -0.5034078757841888 -0.3876851332542928 -0.4252963143807652 -0.34790705280365997 0.6545934416661577 0.42361229233062075 1.1177423757330105 1.0824012796643971 2.0196884230968415 2.2275043867487025 2.0082090159113046 2.3583954245477043 +17604,1.5175610975124636,0,0.25108583180313543 -0.056613872227435 0.02696653027583305 -0.4111598759842788 -0.4580061755557664 -0.43349957610793793 -0.5041301754557215 -0.5034078757841888 -0.3876851332542928 -0.4252963143807652 -0.34790705280365997 0.6545934416661577 0.42361229233062075 1.1177423757330105 1.0824012796643971 2.0196884230968415 2.2275043867487025 2.0082090159113046 2.3583954245477043 2.281470498540068 +17605,1.669630996511469,0,-0.056613872227435 0.02696653027583305 -0.4111598759842788 -0.4580061755557664 -0.43349957610793793 -0.5041301754557215 -0.5034078757841888 -0.3876851332542928 -0.4252963143807652 -0.34790705280365997 0.6545934416661577 0.42361229233062075 1.1177423757330105 1.0824012796643971 2.0196884230968415 2.2275043867487025 2.0082090159113046 2.3583954245477043 2.281470498540068 1.5175610975124636 +17606,1.1347164204905238,0,0.02696653027583305 -0.4111598759842788 -0.4580061755557664 -0.43349957610793793 -0.5041301754557215 -0.5034078757841888 -0.3876851332542928 -0.4252963143807652 -0.34790705280365997 0.6545934416661577 0.42361229233062075 1.1177423757330105 1.0824012796643971 2.0196884230968415 2.2275043867487025 2.0082090159113046 2.3583954245477043 2.281470498540068 1.5175610975124636 1.669630996511469 +17607,0.9270036424175668,0,-0.4111598759842788 -0.4580061755557664 -0.43349957610793793 -0.5041301754557215 -0.5034078757841888 -0.3876851332542928 -0.4252963143807652 -0.34790705280365997 0.6545934416661577 0.42361229233062075 1.1177423757330105 1.0824012796643971 2.0196884230968415 2.2275043867487025 2.0082090159113046 2.3583954245477043 2.281470498540068 1.5175610975124636 1.669630996511469 1.1347164204905238 +17608,0.28302180036235747,0,-0.4580061755557664 -0.43349957610793793 -0.5041301754557215 -0.5034078757841888 -0.3876851332542928 -0.4252963143807652 -0.34790705280365997 0.6545934416661577 0.42361229233062075 1.1177423757330105 1.0824012796643971 2.0196884230968415 2.2275043867487025 2.0082090159113046 2.3583954245477043 2.281470498540068 1.5175610975124636 1.669630996511469 1.1347164204905238 0.9270036424175668 +17609,-0.03375824359006886,0,-0.43349957610793793 -0.5041301754557215 -0.5034078757841888 -0.3876851332542928 -0.4252963143807652 -0.34790705280365997 0.6545934416661577 0.42361229233062075 1.1177423757330105 1.0824012796643971 2.0196884230968415 2.2275043867487025 2.0082090159113046 2.3583954245477043 2.281470498540068 1.5175610975124636 1.669630996511469 1.1347164204905238 0.9270036424175668 0.28302180036235747 +17610,-0.03177191926119097,0,-0.5041301754557215 -0.5034078757841888 -0.3876851332542928 -0.4252963143807652 -0.34790705280365997 0.6545934416661577 0.42361229233062075 1.1177423757330105 1.0824012796643971 2.0196884230968415 2.2275043867487025 2.0082090159113046 2.3583954245477043 2.281470498540068 1.5175610975124636 1.669630996511469 1.1347164204905238 0.9270036424175668 0.28302180036235747 -0.03375824359006886 +17611,-0.4548074195137634,0,-0.5034078757841888 -0.3876851332542928 -0.4252963143807652 -0.34790705280365997 0.6545934416661577 0.42361229233062075 1.1177423757330105 1.0824012796643971 2.0196884230968415 2.2275043867487025 2.0082090159113046 2.3583954245477043 2.281470498540068 1.5175610975124636 1.669630996511469 1.1347164204905238 0.9270036424175668 0.28302180036235747 -0.03375824359006886 -0.03177191926119097 +17612,-0.5590765511754602,0,-0.3876851332542928 -0.4252963143807652 -0.34790705280365997 0.6545934416661577 0.42361229233062075 1.1177423757330105 1.0824012796643971 2.0196884230968415 2.2275043867487025 2.0082090159113046 2.3583954245477043 2.281470498540068 1.5175610975124636 1.669630996511469 1.1347164204905238 0.9270036424175668 0.28302180036235747 -0.03375824359006886 -0.03177191926119097 -0.4548074195137634 +17613,-0.601434273730262,0,-0.4252963143807652 -0.34790705280365997 0.6545934416661577 0.42361229233062075 1.1177423757330105 1.0824012796643971 2.0196884230968415 2.2275043867487025 2.0082090159113046 2.3583954245477043 2.281470498540068 1.5175610975124636 1.669630996511469 1.1347164204905238 0.9270036424175668 0.28302180036235747 -0.03375824359006886 -0.03177191926119097 -0.4548074195137634 -0.5590765511754602 +17614,-0.7263405419157036,0,-0.34790705280365997 0.6545934416661577 0.42361229233062075 1.1177423757330105 1.0824012796643971 2.0196884230968415 2.2275043867487025 2.0082090159113046 2.3583954245477043 2.281470498540068 1.5175610975124636 1.669630996511469 1.1347164204905238 0.9270036424175668 0.28302180036235747 -0.03375824359006886 -0.03177191926119097 -0.4548074195137634 -0.5590765511754602 -0.601434273730262 +17615,-0.7893354008394733,0,0.6545934416661577 0.42361229233062075 1.1177423757330105 1.0824012796643971 2.0196884230968415 2.2275043867487025 2.0082090159113046 2.3583954245477043 2.281470498540068 1.5175610975124636 1.669630996511469 1.1347164204905238 0.9270036424175668 0.28302180036235747 -0.03375824359006886 -0.03177191926119097 -0.4548074195137634 -0.5590765511754602 -0.601434273730262 -0.7263405419157036 +17616,-0.5437018845937429,0,0.42361229233062075 1.1177423757330105 1.0824012796643971 2.0196884230968415 2.2275043867487025 2.0082090159113046 2.3583954245477043 2.281470498540068 1.5175610975124636 1.669630996511469 1.1347164204905238 0.9270036424175668 0.28302180036235747 -0.03375824359006886 -0.03177191926119097 -0.4548074195137634 -0.5590765511754602 -0.601434273730262 -0.7263405419157036 -0.7893354008394733 +17617,-0.7095728686255962,0,1.1177423757330105 1.0824012796643971 2.0196884230968415 2.2275043867487025 2.0082090159113046 2.3583954245477043 2.281470498540068 1.5175610975124636 1.669630996511469 1.1347164204905238 0.9270036424175668 0.28302180036235747 -0.03375824359006886 -0.03177191926119097 -0.4548074195137634 -0.5590765511754602 -0.601434273730262 -0.7263405419157036 -0.7893354008394733 -0.5437018845937429 +17618,-0.5668154773331725,0,1.0824012796643971 2.0196884230968415 2.2275043867487025 2.0082090159113046 2.3583954245477043 2.281470498540068 1.5175610975124636 1.669630996511469 1.1347164204905238 0.9270036424175668 0.28302180036235747 -0.03375824359006886 -0.03177191926119097 -0.4548074195137634 -0.5590765511754602 -0.601434273730262 -0.7263405419157036 -0.7893354008394733 -0.5437018845937429 -0.7095728686255962 +17619,0.5724060458712799,0,2.0196884230968415 2.2275043867487025 2.0082090159113046 2.3583954245477043 2.281470498540068 1.5175610975124636 1.669630996511469 1.1347164204905238 0.9270036424175668 0.28302180036235747 -0.03375824359006886 -0.03177191926119097 -0.4548074195137634 -0.5590765511754602 -0.601434273730262 -0.7263405419157036 -0.7893354008394733 -0.5437018845937429 -0.7095728686255962 -0.5668154773331725 +17620,0.3830087263199798,0,2.2275043867487025 2.0082090159113046 2.3583954245477043 2.281470498540068 1.5175610975124636 1.669630996511469 1.1347164204905238 0.9270036424175668 0.28302180036235747 -0.03375824359006886 -0.03177191926119097 -0.4548074195137634 -0.5590765511754602 -0.601434273730262 -0.7263405419157036 -0.7893354008394733 -0.5437018845937429 -0.7095728686255962 -0.5668154773331725 0.5724060458712799 +17621,1.1900755389902709,0,2.0082090159113046 2.3583954245477043 2.281470498540068 1.5175610975124636 1.669630996511469 1.1347164204905238 0.9270036424175668 0.28302180036235747 -0.03375824359006886 -0.03177191926119097 -0.4548074195137634 -0.5590765511754602 -0.601434273730262 -0.7263405419157036 -0.7893354008394733 -0.5437018845937429 -0.7095728686255962 -0.5668154773331725 0.5724060458712799 0.3830087263199798 +17622,1.0114353267981893,0,2.3583954245477043 2.281470498540068 1.5175610975124636 1.669630996511469 1.1347164204905238 0.9270036424175668 0.28302180036235747 -0.03375824359006886 -0.03177191926119097 -0.4548074195137634 -0.5590765511754602 -0.601434273730262 -0.7263405419157036 -0.7893354008394733 -0.5437018845937429 -0.7095728686255962 -0.5668154773331725 0.5724060458712799 0.3830087263199798 1.1900755389902709 +17623,2.1470711476527535,0,2.281470498540068 1.5175610975124636 1.669630996511469 1.1347164204905238 0.9270036424175668 0.28302180036235747 -0.03375824359006886 -0.03177191926119097 -0.4548074195137634 -0.5590765511754602 -0.601434273730262 -0.7263405419157036 -0.7893354008394733 -0.5437018845937429 -0.7095728686255962 -0.5668154773331725 0.5724060458712799 0.3830087263199798 1.1900755389902709 1.0114353267981893 +17624,2.296999943644945,0,1.5175610975124636 1.669630996511469 1.1347164204905238 0.9270036424175668 0.28302180036235747 -0.03375824359006886 -0.03177191926119097 -0.4548074195137634 -0.5590765511754602 -0.601434273730262 -0.7263405419157036 -0.7893354008394733 -0.5437018845937429 -0.7095728686255962 -0.5668154773331725 0.5724060458712799 0.3830087263199798 1.1900755389902709 1.0114353267981893 2.1470711476527535 +17625,2.100998740542259,0,1.669630996511469 1.1347164204905238 0.9270036424175668 0.28302180036235747 -0.03375824359006886 -0.03177191926119097 -0.4548074195137634 -0.5590765511754602 -0.601434273730262 -0.7263405419157036 -0.7893354008394733 -0.5437018845937429 -0.7095728686255962 -0.5668154773331725 0.5724060458712799 0.3830087263199798 1.1900755389902709 1.0114353267981893 2.1470711476527535 2.296999943644945 +17626,2.366237536439115,0,1.1347164204905238 0.9270036424175668 0.28302180036235747 -0.03375824359006886 -0.03177191926119097 -0.4548074195137634 -0.5590765511754602 -0.601434273730262 -0.7263405419157036 -0.7893354008394733 -0.5437018845937429 -0.7095728686255962 -0.5668154773331725 0.5724060458712799 0.3830087263199798 1.1900755389902709 1.0114353267981893 2.1470711476527535 2.296999943644945 2.100998740542259 +17627,2.2855463329315313,0,0.9270036424175668 0.28302180036235747 -0.03375824359006886 -0.03177191926119097 -0.4548074195137634 -0.5590765511754602 -0.601434273730262 -0.7263405419157036 -0.7893354008394733 -0.5437018845937429 -0.7095728686255962 -0.5668154773331725 0.5724060458712799 0.3830087263199798 1.1900755389902709 1.0114353267981893 2.1470711476527535 2.296999943644945 2.100998740542259 2.366237536439115 +17628,1.4760804533071308,0,0.28302180036235747 -0.03375824359006886 -0.03177191926119097 -0.4548074195137634 -0.5590765511754602 -0.601434273730262 -0.7263405419157036 -0.7893354008394733 -0.5437018845937429 -0.7095728686255962 -0.5668154773331725 0.5724060458712799 0.3830087263199798 1.1900755389902709 1.0114353267981893 2.1470711476527535 2.296999943644945 2.100998740542259 2.366237536439115 2.2855463329315313 +17629,1.6383141420448668,0,-0.03375824359006886 -0.03177191926119097 -0.4548074195137634 -0.5590765511754602 -0.601434273730262 -0.7263405419157036 -0.7893354008394733 -0.5437018845937429 -0.7095728686255962 -0.5668154773331725 0.5724060458712799 0.3830087263199798 1.1900755389902709 1.0114353267981893 2.1470711476527535 2.296999943644945 2.100998740542259 2.366237536439115 2.2855463329315313 1.4760804533071308 +17630,1.0717731543562148,0,-0.03177191926119097 -0.4548074195137634 -0.5590765511754602 -0.601434273730262 -0.7263405419157036 -0.7893354008394733 -0.5437018845937429 -0.7095728686255962 -0.5668154773331725 0.5724060458712799 0.3830087263199798 1.1900755389902709 1.0114353267981893 2.1470711476527535 2.296999943644945 2.100998740542259 2.366237536439115 2.2855463329315313 1.4760804533071308 1.6383141420448668 +17631,0.8876898975363944,0,-0.4548074195137634 -0.5590765511754602 -0.601434273730262 -0.7263405419157036 -0.7893354008394733 -0.5437018845937429 -0.7095728686255962 -0.5668154773331725 0.5724060458712799 0.3830087263199798 1.1900755389902709 1.0114353267981893 2.1470711476527535 2.296999943644945 2.100998740542259 2.366237536439115 2.2855463329315313 1.4760804533071308 1.6383141420448668 1.0717731543562148 +17632,0.19366299971291748,0,-0.5590765511754602 -0.601434273730262 -0.7263405419157036 -0.7893354008394733 -0.5437018845937429 -0.7095728686255962 -0.5668154773331725 0.5724060458712799 0.3830087263199798 1.1900755389902709 1.0114353267981893 2.1470711476527535 2.296999943644945 2.100998740542259 2.366237536439115 2.2855463329315313 1.4760804533071308 1.6383141420448668 1.0717731543562148 0.8876898975363944 +17633,-0.11790616739650468,0,-0.601434273730262 -0.7263405419157036 -0.7893354008394733 -0.5437018845937429 -0.7095728686255962 -0.5668154773331725 0.5724060458712799 0.3830087263199798 1.1900755389902709 1.0114353267981893 2.1470711476527535 2.296999943644945 2.100998740542259 2.366237536439115 2.2855463329315313 1.4760804533071308 1.6383141420448668 1.0717731543562148 0.8876898975363944 0.19366299971291748 +17634,-0.1101672412387924,0,-0.7263405419157036 -0.7893354008394733 -0.5437018845937429 -0.7095728686255962 -0.5668154773331725 0.5724060458712799 0.3830087263199798 1.1900755389902709 1.0114353267981893 2.1470711476527535 2.296999943644945 2.100998740542259 2.366237536439115 2.2855463329315313 1.4760804533071308 1.6383141420448668 1.0717731543562148 0.8876898975363944 0.19366299971291748 -0.11790616739650468 +17635,-0.5281724394888575,0,-0.7893354008394733 -0.5437018845937429 -0.7095728686255962 -0.5668154773331725 0.5724060458712799 0.3830087263199798 1.1900755389902709 1.0114353267981893 2.1470711476527535 2.296999943644945 2.100998740542259 2.366237536439115 2.2855463329315313 1.4760804533071308 1.6383141420448668 1.0717731543562148 0.8876898975363944 0.19366299971291748 -0.11790616739650468 -0.1101672412387924 +17636,-0.6268695443170026,0,-0.5437018845937429 -0.7095728686255962 -0.5668154773331725 0.5724060458712799 0.3830087263199798 1.1900755389902709 1.0114353267981893 2.1470711476527535 2.296999943644945 2.100998740542259 2.366237536439115 2.2855463329315313 1.4760804533071308 1.6383141420448668 1.0717731543562148 0.8876898975363944 0.19366299971291748 -0.11790616739650468 -0.1101672412387924 -0.5281724394888575 +17637,-0.6494156159080676,0,-0.7095728686255962 -0.5668154773331725 0.5724060458712799 0.3830087263199798 1.1900755389902709 1.0114353267981893 2.1470711476527535 2.296999943644945 2.100998740542259 2.366237536439115 2.2855463329315313 1.4760804533071308 1.6383141420448668 1.0717731543562148 0.8876898975363944 0.19366299971291748 -0.11790616739650468 -0.1101672412387924 -0.5281724394888575 -0.6268695443170026 +17638,-0.7734963986882868,0,-0.5668154773331725 0.5724060458712799 0.3830087263199798 1.1900755389902709 1.0114353267981893 2.1470711476527535 2.296999943644945 2.100998740542259 2.366237536439115 2.2855463329315313 1.4760804533071308 1.6383141420448668 1.0717731543562148 0.8876898975363944 0.19366299971291748 -0.11790616739650468 -0.1101672412387924 -0.5281724394888575 -0.6268695443170026 -0.6494156159080676 +17639,-0.821426147921846,0,0.5724060458712799 0.3830087263199798 1.1900755389902709 1.0114353267981893 2.1470711476527535 2.296999943644945 2.100998740542259 2.366237536439115 2.2855463329315313 1.4760804533071308 1.6383141420448668 1.0717731543562148 0.8876898975363944 0.19366299971291748 -0.11790616739650468 -0.1101672412387924 -0.5281724394888575 -0.6268695443170026 -0.6494156159080676 -0.7734963986882868 +17640,-0.6385811192872651,0,0.3830087263199798 1.1900755389902709 1.0114353267981893 2.1470711476527535 2.296999943644945 2.100998740542259 2.366237536439115 2.2855463329315313 1.4760804533071308 1.6383141420448668 1.0717731543562148 0.8876898975363944 0.19366299971291748 -0.11790616739650468 -0.1101672412387924 -0.5281724394888575 -0.6268695443170026 -0.6494156159080676 -0.7734963986882868 -0.821426147921846 +17641,-0.7634357946832635,0,1.1900755389902709 1.0114353267981893 2.1470711476527535 2.296999943644945 2.100998740542259 2.366237536439115 2.2855463329315313 1.4760804533071308 1.6383141420448668 1.0717731543562148 0.8876898975363944 0.19366299971291748 -0.11790616739650468 -0.1101672412387924 -0.5281724394888575 -0.6268695443170026 -0.6494156159080676 -0.7734963986882868 -0.821426147921846 -0.6385811192872651 +17642,-0.6575156919015418,0,1.0114353267981893 2.1470711476527535 2.296999943644945 2.100998740542259 2.366237536439115 2.2855463329315313 1.4760804533071308 1.6383141420448668 1.0717731543562148 0.8876898975363944 0.19366299971291748 -0.11790616739650468 -0.1101672412387924 -0.5281724394888575 -0.6268695443170026 -0.6494156159080676 -0.7734963986882868 -0.821426147921846 -0.6385811192872651 -0.7634357946832635 +17643,0.3407025967094245,0,2.1470711476527535 2.296999943644945 2.100998740542259 2.366237536439115 2.2855463329315313 1.4760804533071308 1.6383141420448668 1.0717731543562148 0.8876898975363944 0.19366299971291748 -0.11790616739650468 -0.1101672412387924 -0.5281724394888575 -0.6268695443170026 -0.6494156159080676 -0.7734963986882868 -0.821426147921846 -0.6385811192872651 -0.7634357946832635 -0.6575156919015418 +17644,0.1491899707782017,0,2.296999943644945 2.100998740542259 2.366237536439115 2.2855463329315313 1.4760804533071308 1.6383141420448668 1.0717731543562148 0.8876898975363944 0.19366299971291748 -0.11790616739650468 -0.1101672412387924 -0.5281724394888575 -0.6268695443170026 -0.6494156159080676 -0.7734963986882868 -0.821426147921846 -0.6385811192872651 -0.7634357946832635 -0.6575156919015418 0.3407025967094245 +17645,0.8499755306762323,0,2.100998740542259 2.366237536439115 2.2855463329315313 1.4760804533071308 1.6383141420448668 1.0717731543562148 0.8876898975363944 0.19366299971291748 -0.11790616739650468 -0.1101672412387924 -0.5281724394888575 -0.6268695443170026 -0.6494156159080676 -0.7734963986882868 -0.821426147921846 -0.6385811192872651 -0.7634357946832635 -0.6575156919015418 0.3407025967094245 0.1491899707782017 +17646,0.7683556561845045,0,2.366237536439115 2.2855463329315313 1.4760804533071308 1.6383141420448668 1.0717731543562148 0.8876898975363944 0.19366299971291748 -0.11790616739650468 -0.1101672412387924 -0.5281724394888575 -0.6268695443170026 -0.6494156159080676 -0.7734963986882868 -0.821426147921846 -0.6385811192872651 -0.7634357946832635 -0.6575156919015418 0.3407025967094245 0.1491899707782017 0.8499755306762323 +17647,1.729943027752157,0,2.2855463329315313 1.4760804533071308 1.6383141420448668 1.0717731543562148 0.8876898975363944 0.19366299971291748 -0.11790616739650468 -0.1101672412387924 -0.5281724394888575 -0.6268695443170026 -0.6494156159080676 -0.7734963986882868 -0.821426147921846 -0.6385811192872651 -0.7634357946832635 -0.6575156919015418 0.3407025967094245 0.1491899707782017 0.8499755306762323 0.7683556561845045 +17648,1.9091249646204889,0,1.4760804533071308 1.6383141420448668 1.0717731543562148 0.8876898975363944 0.19366299971291748 -0.11790616739650468 -0.1101672412387924 -0.5281724394888575 -0.6268695443170026 -0.6494156159080676 -0.7734963986882868 -0.821426147921846 -0.6385811192872651 -0.7634357946832635 -0.6575156919015418 0.3407025967094245 0.1491899707782017 0.8499755306762323 0.7683556561845045 1.729943027752157 +17649,1.7261251574627574,0,1.6383141420448668 1.0717731543562148 0.8876898975363944 0.19366299971291748 -0.11790616739650468 -0.1101672412387924 -0.5281724394888575 -0.6268695443170026 -0.6494156159080676 -0.7734963986882868 -0.821426147921846 -0.6385811192872651 -0.7634357946832635 -0.6575156919015418 0.3407025967094245 0.1491899707782017 0.8499755306762323 0.7683556561845045 1.729943027752157 1.9091249646204889 +17650,2.0260343425461635,0,1.0717731543562148 0.8876898975363944 0.19366299971291748 -0.11790616739650468 -0.1101672412387924 -0.5281724394888575 -0.6268695443170026 -0.6494156159080676 -0.7734963986882868 -0.821426147921846 -0.6385811192872651 -0.7634357946832635 -0.6575156919015418 0.3407025967094245 0.1491899707782017 0.8499755306762323 0.7683556561845045 1.729943027752157 1.9091249646204889 1.7261251574627574 +17651,1.9637617832939265,0,0.8876898975363944 0.19366299971291748 -0.11790616739650468 -0.1101672412387924 -0.5281724394888575 -0.6268695443170026 -0.6494156159080676 -0.7734963986882868 -0.821426147921846 -0.6385811192872651 -0.7634357946832635 -0.6575156919015418 0.3407025967094245 0.1491899707782017 0.8499755306762323 0.7683556561845045 1.729943027752157 1.9091249646204889 1.7261251574627574 2.0260343425461635 +17652,1.2552888900276444,0,0.19366299971291748 -0.11790616739650468 -0.1101672412387924 -0.5281724394888575 -0.6268695443170026 -0.6494156159080676 -0.7734963986882868 -0.821426147921846 -0.6385811192872651 -0.7634357946832635 -0.6575156919015418 0.3407025967094245 0.1491899707782017 0.8499755306762323 0.7683556561845045 1.729943027752157 1.9091249646204889 1.7261251574627574 2.0260343425461635 1.9637617832939265 +17653,1.4084164422166245,0,-0.11790616739650468 -0.1101672412387924 -0.5281724394888575 -0.6268695443170026 -0.6494156159080676 -0.7734963986882868 -0.821426147921846 -0.6385811192872651 -0.7634357946832635 -0.6575156919015418 0.3407025967094245 0.1491899707782017 0.8499755306762323 0.7683556561845045 1.729943027752157 1.9091249646204889 1.7261251574627574 2.0260343425461635 1.9637617832939265 1.2552888900276444 +17654,0.9153436603915508,0,-0.1101672412387924 -0.5281724394888575 -0.6268695443170026 -0.6494156159080676 -0.7734963986882868 -0.821426147921846 -0.6385811192872651 -0.7634357946832635 -0.6575156919015418 0.3407025967094245 0.1491899707782017 0.8499755306762323 0.7683556561845045 1.729943027752157 1.9091249646204889 1.7261251574627574 2.0260343425461635 1.9637617832939265 1.2552888900276444 1.4084164422166245 +17655,0.7428171998640567,0,-0.5281724394888575 -0.6268695443170026 -0.6494156159080676 -0.7734963986882868 -0.821426147921846 -0.6385811192872651 -0.7634357946832635 -0.6575156919015418 0.3407025967094245 0.1491899707782017 0.8499755306762323 0.7683556561845045 1.729943027752157 1.9091249646204889 1.7261251574627574 2.0260343425461635 1.9637617832939265 1.2552888900276444 1.4084164422166245 0.9153436603915508 +17656,0.14289564411834038,0,-0.6268695443170026 -0.6494156159080676 -0.7734963986882868 -0.821426147921846 -0.6385811192872651 -0.7634357946832635 -0.6575156919015418 0.3407025967094245 0.1491899707782017 0.8499755306762323 0.7683556561845045 1.729943027752157 1.9091249646204889 1.7261251574627574 2.0260343425461635 1.9637617832939265 1.2552888900276444 1.4084164422166245 0.9153436603915508 0.7428171998640567 +17657,-0.13647959017501066,0,-0.6494156159080676 -0.7734963986882868 -0.821426147921846 -0.6385811192872651 -0.7634357946832635 -0.6575156919015418 0.3407025967094245 0.1491899707782017 0.8499755306762323 0.7683556561845045 1.729943027752157 1.9091249646204889 1.7261251574627574 2.0260343425461635 1.9637617832939265 1.2552888900276444 1.4084164422166245 0.9153436603915508 0.7428171998640567 0.14289564411834038 +17658,-0.21348190544423074,0,-0.7734963986882868 -0.821426147921846 -0.6385811192872651 -0.7634357946832635 -0.6575156919015418 0.3407025967094245 0.1491899707782017 0.8499755306762323 0.7683556561845045 1.729943027752157 1.9091249646204889 1.7261251574627574 2.0260343425461635 1.9637617832939265 1.2552888900276444 1.4084164422166245 0.9153436603915508 0.7428171998640567 0.14289564411834038 -0.13647959017501066 +17659,-0.5603147793606997,0,-0.821426147921846 -0.6385811192872651 -0.7634357946832635 -0.6575156919015418 0.3407025967094245 0.1491899707782017 0.8499755306762323 0.7683556561845045 1.729943027752157 1.9091249646204889 1.7261251574627574 2.0260343425461635 1.9637617832939265 1.2552888900276444 1.4084164422166245 0.9153436603915508 0.7428171998640567 0.14289564411834038 -0.13647959017501066 -0.21348190544423074 +17660,-0.7047747344078148,0,-0.6385811192872651 -0.7634357946832635 -0.6575156919015418 0.3407025967094245 0.1491899707782017 0.8499755306762323 0.7683556561845045 1.729943027752157 1.9091249646204889 1.7261251574627574 2.0260343425461635 1.9637617832939265 1.2552888900276444 1.4084164422166245 0.9153436603915508 0.7428171998640567 0.14289564411834038 -0.13647959017501066 -0.21348190544423074 -0.5603147793606997 +17661,-0.7579927499007391,0,-0.7634357946832635 -0.6575156919015418 0.3407025967094245 0.1491899707782017 0.8499755306762323 0.7683556561845045 1.729943027752157 1.9091249646204889 1.7261251574627574 2.0260343425461635 1.9637617832939265 1.2552888900276444 1.4084164422166245 0.9153436603915508 0.7428171998640567 0.14289564411834038 -0.13647959017501066 -0.21348190544423074 -0.5603147793606997 -0.7047747344078148 +17662,-0.9328666845928817,0,-0.6575156919015418 0.3407025967094245 0.1491899707782017 0.8499755306762323 0.7683556561845045 1.729943027752157 1.9091249646204889 1.7261251574627574 2.0260343425461635 1.9637617832939265 1.2552888900276444 1.4084164422166245 0.9153436603915508 0.7428171998640567 0.14289564411834038 -0.13647959017501066 -0.21348190544423074 -0.5603147793606997 -0.7047747344078148 -0.7579927499007391 +17663,-1.0164986800403963,0,0.3407025967094245 0.1491899707782017 0.8499755306762323 0.7683556561845045 1.729943027752157 1.9091249646204889 1.7261251574627574 2.0260343425461635 1.9637617832939265 1.2552888900276444 1.4084164422166245 0.9153436603915508 0.7428171998640567 0.14289564411834038 -0.13647959017501066 -0.21348190544423074 -0.5603147793606997 -0.7047747344078148 -0.7579927499007391 -0.9328666845928817 +17664,-0.8337568369847284,0,0.1491899707782017 0.8499755306762323 0.7683556561845045 1.729943027752157 1.9091249646204889 1.7261251574627574 2.0260343425461635 1.9637617832939265 1.2552888900276444 1.4084164422166245 0.9153436603915508 0.7428171998640567 0.14289564411834038 -0.13647959017501066 -0.21348190544423074 -0.5603147793606997 -0.7047747344078148 -0.7579927499007391 -0.9328666845928817 -1.0164986800403963 +17665,-1.0061801117785152,0,0.8499755306762323 0.7683556561845045 1.729943027752157 1.9091249646204889 1.7261251574627574 2.0260343425461635 1.9637617832939265 1.2552888900276444 1.4084164422166245 0.9153436603915508 0.7428171998640567 0.14289564411834038 -0.13647959017501066 -0.21348190544423074 -0.5603147793606997 -0.7047747344078148 -0.7579927499007391 -0.9328666845928817 -1.0164986800403963 -0.8337568369847284 +17666,-0.9122295482239138,0,0.7683556561845045 1.729943027752157 1.9091249646204889 1.7261251574627574 2.0260343425461635 1.9637617832939265 1.2552888900276444 1.4084164422166245 0.9153436603915508 0.7428171998640567 0.14289564411834038 -0.13647959017501066 -0.21348190544423074 -0.5603147793606997 -0.7047747344078148 -0.7579927499007391 -0.9328666845928817 -1.0164986800403963 -0.8337568369847284 -1.0061801117785152 +17667,0.0646551006638895,0,1.729943027752157 1.9091249646204889 1.7261251574627574 2.0260343425461635 1.9637617832939265 1.2552888900276444 1.4084164422166245 0.9153436603915508 0.7428171998640567 0.14289564411834038 -0.13647959017501066 -0.21348190544423074 -0.5603147793606997 -0.7047747344078148 -0.7579927499007391 -0.9328666845928817 -1.0164986800403963 -0.8337568369847284 -1.0061801117785152 -0.9122295482239138 +17668,-0.1357056975592403,0,1.9091249646204889 1.7261251574627574 2.0260343425461635 1.9637617832939265 1.2552888900276444 1.4084164422166245 0.9153436603915508 0.7428171998640567 0.14289564411834038 -0.13647959017501066 -0.21348190544423074 -0.5603147793606997 -0.7047747344078148 -0.7579927499007391 -0.9328666845928817 -1.0164986800403963 -0.8337568369847284 -1.0061801117785152 -0.9122295482239138 0.0646551006638895 +17669,0.5468675895508319,0,1.7261251574627574 2.0260343425461635 1.9637617832939265 1.2552888900276444 1.4084164422166245 0.9153436603915508 0.7428171998640567 0.14289564411834038 -0.13647959017501066 -0.21348190544423074 -0.5603147793606997 -0.7047747344078148 -0.7579927499007391 -0.9328666845928817 -1.0164986800403963 -0.8337568369847284 -1.0061801117785152 -0.9122295482239138 0.0646551006638895 -0.1357056975592403 +17670,0.41933008647176057,0,2.0260343425461635 1.9637617832939265 1.2552888900276444 1.4084164422166245 0.9153436603915508 0.7428171998640567 0.14289564411834038 -0.13647959017501066 -0.21348190544423074 -0.5603147793606997 -0.7047747344078148 -0.7579927499007391 -0.9328666845928817 -1.0164986800403963 -0.8337568369847284 -1.0061801117785152 -0.9122295482239138 0.0646551006638895 -0.1357056975592403 0.5468675895508319 +17671,1.3719403036964701,0,1.9637617832939265 1.2552888900276444 1.4084164422166245 0.9153436603915508 0.7428171998640567 0.14289564411834038 -0.13647959017501066 -0.21348190544423074 -0.5603147793606997 -0.7047747344078148 -0.7579927499007391 -0.9328666845928817 -1.0164986800403963 -0.8337568369847284 -1.0061801117785152 -0.9122295482239138 0.0646551006638895 -0.1357056975592403 0.5468675895508319 0.41933008647176057 +17672,1.514439730577259,0,1.2552888900276444 1.4084164422166245 0.9153436603915508 0.7428171998640567 0.14289564411834038 -0.13647959017501066 -0.21348190544423074 -0.5603147793606997 -0.7047747344078148 -0.7579927499007391 -0.9328666845928817 -1.0164986800403963 -0.8337568369847284 -1.0061801117785152 -0.9122295482239138 0.0646551006638895 -0.1357056975592403 0.5468675895508319 0.41933008647176057 1.3719403036964701 +17673,1.357055769001542,0,1.4084164422166245 0.9153436603915508 0.7428171998640567 0.14289564411834038 -0.13647959017501066 -0.21348190544423074 -0.5603147793606997 -0.7047747344078148 -0.7579927499007391 -0.9328666845928817 -1.0164986800403963 -0.8337568369847284 -1.0061801117785152 -0.9122295482239138 0.0646551006638895 -0.1357056975592403 0.5468675895508319 0.41933008647176057 1.3719403036964701 1.514439730577259 +17674,1.5995163255226157,0,0.9153436603915508 0.7428171998640567 0.14289564411834038 -0.13647959017501066 -0.21348190544423074 -0.5603147793606997 -0.7047747344078148 -0.7579927499007391 -0.9328666845928817 -1.0164986800403963 -0.8337568369847284 -1.0061801117785152 -0.9122295482239138 0.0646551006638895 -0.1357056975592403 0.5468675895508319 0.41933008647176057 1.3719403036964701 1.514439730577259 1.357055769001542 +17675,1.5420934934324066,0,0.7428171998640567 0.14289564411834038 -0.13647959017501066 -0.21348190544423074 -0.5603147793606997 -0.7047747344078148 -0.7579927499007391 -0.9328666845928817 -1.0164986800403963 -0.8337568369847284 -1.0061801117785152 -0.9122295482239138 0.0646551006638895 -0.1357056975592403 0.5468675895508319 0.41933008647176057 1.3719403036964701 1.514439730577259 1.357055769001542 1.5995163255226157 +17676,1.0166977965854311,0,0.14289564411834038 -0.13647959017501066 -0.21348190544423074 -0.5603147793606997 -0.7047747344078148 -0.7579927499007391 -0.9328666845928817 -1.0164986800403963 -0.8337568369847284 -1.0061801117785152 -0.9122295482239138 0.0646551006638895 -0.1357056975592403 0.5468675895508319 0.41933008647176057 1.3719403036964701 1.514439730577259 1.357055769001542 1.5995163255226157 1.5420934934324066 +17677,1.115265919362549,0,-0.13647959017501066 -0.21348190544423074 -0.5603147793606997 -0.7047747344078148 -0.7579927499007391 -0.9328666845928817 -1.0164986800403963 -0.8337568369847284 -1.0061801117785152 -0.9122295482239138 0.0646551006638895 -0.1357056975592403 0.5468675895508319 0.41933008647176057 1.3719403036964701 1.514439730577259 1.357055769001542 1.5995163255226157 1.5420934934324066 1.0166977965854311 +17678,0.745861177537686,0,-0.21348190544423074 -0.5603147793606997 -0.7047747344078148 -0.7579927499007391 -0.9328666845928817 -1.0164986800403963 -0.8337568369847284 -1.0061801117785152 -0.9122295482239138 0.0646551006638895 -0.1357056975592403 0.5468675895508319 0.41933008647176057 1.3719403036964701 1.514439730577259 1.357055769001542 1.5995163255226157 1.5420934934324066 1.0166977965854311 1.115265919362549 +17679,0.4835631735807611,0,-0.5603147793606997 -0.7047747344078148 -0.7579927499007391 -0.9328666845928817 -1.0164986800403963 -0.8337568369847284 -1.0061801117785152 -0.9122295482239138 0.0646551006638895 -0.1357056975592403 0.5468675895508319 0.41933008647176057 1.3719403036964701 1.514439730577259 1.357055769001542 1.5995163255226157 1.5420934934324066 1.0166977965854311 1.115265919362549 0.745861177537686 +17680,0.07845618569672848,0,-0.7047747344078148 -0.7579927499007391 -0.9328666845928817 -1.0164986800403963 -0.8337568369847284 -1.0061801117785152 -0.9122295482239138 0.0646551006638895 -0.1357056975592403 0.5468675895508319 0.41933008647176057 1.3719403036964701 1.514439730577259 1.357055769001542 1.5995163255226157 1.5420934934324066 1.0166977965854311 1.115265919362549 0.745861177537686 0.4835631735807611 +17681,-0.2195440643193662,0,-0.7579927499007391 -0.9328666845928817 -1.0164986800403963 -0.8337568369847284 -1.0061801117785152 -0.9122295482239138 0.0646551006638895 -0.1357056975592403 0.5468675895508319 0.41933008647176057 1.3719403036964701 1.514439730577259 1.357055769001542 1.5995163255226157 1.5420934934324066 1.0166977965854311 1.115265919362549 0.745861177537686 0.4835631735807611 0.07845618569672848 +17682,-0.10335698622000981,0,-0.9328666845928817 -1.0164986800403963 -0.8337568369847284 -1.0061801117785152 -0.9122295482239138 0.0646551006638895 -0.1357056975592403 0.5468675895508319 0.41933008647176057 1.3719403036964701 1.514439730577259 1.357055769001542 1.5995163255226157 1.5420934934324066 1.0166977965854311 1.115265919362549 0.745861177537686 0.4835631735807611 0.07845618569672848 -0.2195440643193662 +17683,-0.539419678734874,0,-1.0164986800403963 -0.8337568369847284 -1.0061801117785152 -0.9122295482239138 0.0646551006638895 -0.1357056975592403 0.5468675895508319 0.41933008647176057 1.3719403036964701 1.514439730577259 1.357055769001542 1.5995163255226157 1.5420934934324066 1.0166977965854311 1.115265919362549 0.745861177537686 0.4835631735807611 0.07845618569672848 -0.2195440643193662 -0.10335698622000981 +17684,-0.5612950434438584,0,-0.8337568369847284 -1.0061801117785152 -0.9122295482239138 0.0646551006638895 -0.1357056975592403 0.5468675895508319 0.41933008647176057 1.3719403036964701 1.514439730577259 1.357055769001542 1.5995163255226157 1.5420934934324066 1.0166977965854311 1.115265919362549 0.745861177537686 0.4835631735807611 0.07845618569672848 -0.2195440643193662 -0.10335698622000981 -0.539419678734874 +17685,-0.5225746161831913,0,-1.0061801117785152 -0.9122295482239138 0.0646551006638895 -0.1357056975592403 0.5468675895508319 0.41933008647176057 1.3719403036964701 1.514439730577259 1.357055769001542 1.5995163255226157 1.5420934934324066 1.0166977965854311 1.115265919362549 0.745861177537686 0.4835631735807611 0.07845618569672848 -0.2195440643193662 -0.10335698622000981 -0.539419678734874 -0.5612950434438584 +17686,-0.564648578009012,0,-0.9122295482239138 0.0646551006638895 -0.1357056975592403 0.5468675895508319 0.41933008647176057 1.3719403036964701 1.514439730577259 1.357055769001542 1.5995163255226157 1.5420934934324066 1.0166977965854311 1.115265919362549 0.745861177537686 0.4835631735807611 0.07845618569672848 -0.2195440643193662 -0.10335698622000981 -0.539419678734874 -0.5612950434438584 -0.5225746161831913 +17687,-0.5461267481747525,0,0.0646551006638895 -0.1357056975592403 0.5468675895508319 0.41933008647176057 1.3719403036964701 1.514439730577259 1.357055769001542 1.5995163255226157 1.5420934934324066 1.0166977965854311 1.115265919362549 0.745861177537686 0.4835631735807611 0.07845618569672848 -0.2195440643193662 -0.10335698622000981 -0.539419678734874 -0.5612950434438584 -0.5225746161831913 -0.564648578009012 +17688,-0.42514153585761466,0,-0.1357056975592403 0.5468675895508319 0.41933008647176057 1.3719403036964701 1.514439730577259 1.357055769001542 1.5995163255226157 1.5420934934324066 1.0166977965854311 1.115265919362549 0.745861177537686 0.4835631735807611 0.07845618569672848 -0.2195440643193662 -0.10335698622000981 -0.539419678734874 -0.5612950434438584 -0.5225746161831913 -0.564648578009012 -0.5461267481747525 +17689,-0.4407741666961898,0,0.5468675895508319 0.41933008647176057 1.3719403036964701 1.514439730577259 1.357055769001542 1.5995163255226157 1.5420934934324066 1.0166977965854311 1.115265919362549 0.745861177537686 0.4835631735807611 0.07845618569672848 -0.2195440643193662 -0.10335698622000981 -0.539419678734874 -0.5612950434438584 -0.5225746161831913 -0.564648578009012 -0.5461267481747525 -0.42514153585761466 +17690,-0.3539434152066722,0,0.41933008647176057 1.3719403036964701 1.514439730577259 1.357055769001542 1.5995163255226157 1.5420934934324066 1.0166977965854311 1.115265919362549 0.745861177537686 0.4835631735807611 0.07845618569672848 -0.2195440643193662 -0.10335698622000981 -0.539419678734874 -0.5612950434438584 -0.5225746161831913 -0.564648578009012 -0.5461267481747525 -0.42514153585761466 -0.4407741666961898 +17691,0.297364610226241,0,1.3719403036964701 1.514439730577259 1.357055769001542 1.5995163255226157 1.5420934934324066 1.0166977965854311 1.115265919362549 0.745861177537686 0.4835631735807611 0.07845618569672848 -0.2195440643193662 -0.10335698622000981 -0.539419678734874 -0.5612950434438584 -0.5225746161831913 -0.564648578009012 -0.5461267481747525 -0.42514153585761466 -0.4407741666961898 -0.3539434152066722 +17692,0.19603627034968935,0,1.514439730577259 1.357055769001542 1.5995163255226157 1.5420934934324066 1.0166977965854311 1.115265919362549 0.745861177537686 0.4835631735807611 0.07845618569672848 -0.2195440643193662 -0.10335698622000981 -0.539419678734874 -0.5612950434438584 -0.5225746161831913 -0.564648578009012 -0.5461267481747525 -0.42514153585761466 -0.4407741666961898 -0.3539434152066722 0.297364610226241 +17693,0.6591852045713278,0,1.357055769001542 1.5995163255226157 1.5420934934324066 1.0166977965854311 1.115265919362549 0.745861177537686 0.4835631735807611 0.07845618569672848 -0.2195440643193662 -0.10335698622000981 -0.539419678734874 -0.5612950434438584 -0.5225746161831913 -0.564648578009012 -0.5461267481747525 -0.42514153585761466 -0.4407741666961898 -0.3539434152066722 0.297364610226241 0.19603627034968935 +17694,0.6679043946574218,0,1.5995163255226157 1.5420934934324066 1.0166977965854311 1.115265919362549 0.745861177537686 0.4835631735807611 0.07845618569672848 -0.2195440643193662 -0.10335698622000981 -0.539419678734874 -0.5612950434438584 -0.5225746161831913 -0.564648578009012 -0.5461267481747525 -0.42514153585761466 -0.4407741666961898 -0.3539434152066722 0.297364610226241 0.19603627034968935 0.6591852045713278 +17695,1.2825299101027923,0,1.5420934934324066 1.0166977965854311 1.115265919362549 0.745861177537686 0.4835631735807611 0.07845618569672848 -0.2195440643193662 -0.10335698622000981 -0.539419678734874 -0.5612950434438584 -0.5225746161831913 -0.564648578009012 -0.5461267481747525 -0.42514153585761466 -0.4407741666961898 -0.3539434152066722 0.297364610226241 0.19603627034968935 0.6591852045713278 0.6679043946574218 +17696,1.442725681567404,0,1.0166977965854311 1.115265919362549 0.745861177537686 0.4835631735807611 0.07845618569672848 -0.2195440643193662 -0.10335698622000981 -0.539419678734874 -0.5612950434438584 -0.5225746161831913 -0.564648578009012 -0.5461267481747525 -0.42514153585761466 -0.4407741666961898 -0.3539434152066722 0.297364610226241 0.19603627034968935 0.6591852045713278 0.6679043946574218 1.2825299101027923 +17697,1.3383275676998856,0,1.115265919362549 0.745861177537686 0.4835631735807611 0.07845618569672848 -0.2195440643193662 -0.10335698622000981 -0.539419678734874 -0.5612950434438584 -0.5225746161831913 -0.564648578009012 -0.5461267481747525 -0.42514153585761466 -0.4407741666961898 -0.3539434152066722 0.297364610226241 0.19603627034968935 0.6591852045713278 0.6679043946574218 1.2825299101027923 1.442725681567404 +17698,1.586721300890273,0,0.745861177537686 0.4835631735807611 0.07845618569672848 -0.2195440643193662 -0.10335698622000981 -0.539419678734874 -0.5612950434438584 -0.5225746161831913 -0.564648578009012 -0.5461267481747525 -0.42514153585761466 -0.4407741666961898 -0.3539434152066722 0.297364610226241 0.19603627034968935 0.6591852045713278 0.6679043946574218 1.2825299101027923 1.442725681567404 1.3383275676998856 +17699,1.5705211489033157,0,0.4835631735807611 0.07845618569672848 -0.2195440643193662 -0.10335698622000981 -0.539419678734874 -0.5612950434438584 -0.5225746161831913 -0.564648578009012 -0.5461267481747525 -0.42514153585761466 -0.4407741666961898 -0.3539434152066722 0.297364610226241 0.19603627034968935 0.6591852045713278 0.6679043946574218 1.2825299101027923 1.442725681567404 1.3383275676998856 1.586721300890273 +17700,0.9519229846453949,0,0.07845618569672848 -0.2195440643193662 -0.10335698622000981 -0.539419678734874 -0.5612950434438584 -0.5225746161831913 -0.564648578009012 -0.5461267481747525 -0.42514153585761466 -0.4407741666961898 -0.3539434152066722 0.297364610226241 0.19603627034968935 0.6591852045713278 0.6679043946574218 1.2825299101027923 1.442725681567404 1.3383275676998856 1.586721300890273 1.5705211489033157 +17701,1.1365221699789134,0,-0.2195440643193662 -0.10335698622000981 -0.539419678734874 -0.5612950434438584 -0.5225746161831913 -0.564648578009012 -0.5461267481747525 -0.42514153585761466 -0.4407741666961898 -0.3539434152066722 0.297364610226241 0.19603627034968935 0.6591852045713278 0.6679043946574218 1.2825299101027923 1.442725681567404 1.3383275676998856 1.586721300890273 1.5705211489033157 0.9519229846453949 +17702,0.7187233430414597,0,-0.10335698622000981 -0.539419678734874 -0.5612950434438584 -0.5225746161831913 -0.564648578009012 -0.5461267481747525 -0.42514153585761466 -0.4407741666961898 -0.3539434152066722 0.297364610226241 0.19603627034968935 0.6591852045713278 0.6679043946574218 1.2825299101027923 1.442725681567404 1.3383275676998856 1.586721300890273 1.5705211489033157 0.9519229846453949 1.1365221699789134 +17703,0.5015174822666473,0,-0.539419678734874 -0.5612950434438584 -0.5225746161831913 -0.564648578009012 -0.5461267481747525 -0.42514153585761466 -0.4407741666961898 -0.3539434152066722 0.297364610226241 0.19603627034968935 0.6591852045713278 0.6679043946574218 1.2825299101027923 1.442725681567404 1.3383275676998856 1.586721300890273 1.5705211489033157 0.9519229846453949 1.1365221699789134 0.7187233430414597 +17704,0.016854333481357696,0,-0.5612950434438584 -0.5225746161831913 -0.564648578009012 -0.5461267481747525 -0.42514153585761466 -0.4407741666961898 -0.3539434152066722 0.297364610226241 0.19603627034968935 0.6591852045713278 0.6679043946574218 1.2825299101027923 1.442725681567404 1.3383275676998856 1.586721300890273 1.5705211489033157 0.9519229846453949 1.1365221699789134 0.7187233430414597 0.5015174822666473 +17705,-0.2672158494508619,0,-0.5225746161831913 -0.564648578009012 -0.5461267481747525 -0.42514153585761466 -0.4407741666961898 -0.3539434152066722 0.297364610226241 0.19603627034968935 0.6591852045713278 0.6679043946574218 1.2825299101027923 1.442725681567404 1.3383275676998856 1.586721300890273 1.5705211489033157 0.9519229846453949 1.1365221699789134 0.7187233430414597 0.5015174822666473 0.016854333481357696 +17706,-0.2954371334543828,0,-0.564648578009012 -0.5461267481747525 -0.42514153585761466 -0.4407741666961898 -0.3539434152066722 0.297364610226241 0.19603627034968935 0.6591852045713278 0.6679043946574218 1.2825299101027923 1.442725681567404 1.3383275676998856 1.586721300890273 1.5705211489033157 0.9519229846453949 1.1365221699789134 0.7187233430414597 0.5015174822666473 0.016854333481357696 -0.2672158494508619 +17707,-0.6647902824897849,0,-0.5461267481747525 -0.42514153585761466 -0.4407741666961898 -0.3539434152066722 0.297364610226241 0.19603627034968935 0.6591852045713278 0.6679043946574218 1.2825299101027923 1.442725681567404 1.3383275676998856 1.586721300890273 1.5705211489033157 0.9519229846453949 1.1365221699789134 0.7187233430414597 0.5015174822666473 0.016854333481357696 -0.2672158494508619 -0.2954371334543828 +17708,-0.7782945329060683,0,-0.42514153585761466 -0.4407741666961898 -0.3539434152066722 0.297364610226241 0.19603627034968935 0.6591852045713278 0.6679043946574218 1.2825299101027923 1.442725681567404 1.3383275676998856 1.586721300890273 1.5705211489033157 0.9519229846453949 1.1365221699789134 0.7187233430414597 0.5015174822666473 0.016854333481357696 -0.2672158494508619 -0.2954371334543828 -0.6647902824897849 +17709,-0.815106024944647,0,-0.4407741666961898 -0.3539434152066722 0.297364610226241 0.19603627034968935 0.6591852045713278 0.6679043946574218 1.2825299101027923 1.442725681567404 1.3383275676998856 1.586721300890273 1.5705211489033157 0.9519229846453949 1.1365221699789134 0.7187233430414597 0.5015174822666473 0.016854333481357696 -0.2672158494508619 -0.2954371334543828 -0.6647902824897849 -0.7782945329060683 +17710,-0.9541745279987072,0,-0.3539434152066722 0.297364610226241 0.19603627034968935 0.6591852045713278 0.6679043946574218 1.2825299101027923 1.442725681567404 1.3383275676998856 1.586721300890273 1.5705211489033157 0.9519229846453949 1.1365221699789134 0.7187233430414597 0.5015174822666473 0.016854333481357696 -0.2672158494508619 -0.2954371334543828 -0.6647902824897849 -0.7782945329060683 -0.815106024944647 +17711,-1.0165502728298483,0,0.297364610226241 0.19603627034968935 0.6591852045713278 0.6679043946574218 1.2825299101027923 1.442725681567404 1.3383275676998856 1.586721300890273 1.5705211489033157 0.9519229846453949 1.1365221699789134 0.7187233430414597 0.5015174822666473 0.016854333481357696 -0.2672158494508619 -0.2954371334543828 -0.6647902824897849 -0.7782945329060683 -0.815106024944647 -0.9541745279987072 +17712,-0.857902286596786,0,0.19603627034968935 0.6591852045713278 0.6679043946574218 1.2825299101027923 1.442725681567404 1.3383275676998856 1.586721300890273 1.5705211489033157 0.9519229846453949 1.1365221699789134 0.7187233430414597 0.5015174822666473 0.016854333481357696 -0.2672158494508619 -0.2954371334543828 -0.6647902824897849 -0.7782945329060683 -0.815106024944647 -0.9541745279987072 -1.0165502728298483 +17713,-0.9939526084493313,0,0.6591852045713278 0.6679043946574218 1.2825299101027923 1.442725681567404 1.3383275676998856 1.586721300890273 1.5705211489033157 0.9519229846453949 1.1365221699789134 0.7187233430414597 0.5015174822666473 0.016854333481357696 -0.2672158494508619 -0.2954371334543828 -0.6647902824897849 -0.7782945329060683 -0.815106024944647 -0.9541745279987072 -1.0165502728298483 -0.857902286596786 +17714,-0.908979199237673,0,0.6679043946574218 1.2825299101027923 1.442725681567404 1.3383275676998856 1.586721300890273 1.5705211489033157 0.9519229846453949 1.1365221699789134 0.7187233430414597 0.5015174822666473 0.016854333481357696 -0.2672158494508619 -0.2954371334543828 -0.6647902824897849 -0.7782945329060683 -0.815106024944647 -0.9541745279987072 -1.0165502728298483 -0.857902286596786 -0.9939526084493313 +17715,-0.04508287225244624,0,1.2825299101027923 1.442725681567404 1.3383275676998856 1.586721300890273 1.5705211489033157 0.9519229846453949 1.1365221699789134 0.7187233430414597 0.5015174822666473 0.016854333481357696 -0.2672158494508619 -0.2954371334543828 -0.6647902824897849 -0.7782945329060683 -0.815106024944647 -0.9541745279987072 -1.0165502728298483 -0.857902286596786 -0.9939526084493313 -0.908979199237673 +17716,-0.2197504356319776,0,1.442725681567404 1.3383275676998856 1.586721300890273 1.5705211489033157 0.9519229846453949 1.1365221699789134 0.7187233430414597 0.5015174822666473 0.016854333481357696 -0.2672158494508619 -0.2954371334543828 -0.6647902824897849 -0.7782945329060683 -0.815106024944647 -0.9541745279987072 -1.0165502728298483 -0.857902286596786 -0.9939526084493313 -0.908979199237673 -0.04508287225244624 +17717,0.38450491876205967,0,1.3383275676998856 1.586721300890273 1.5705211489033157 0.9519229846453949 1.1365221699789134 0.7187233430414597 0.5015174822666473 0.016854333481357696 -0.2672158494508619 -0.2954371334543828 -0.6647902824897849 -0.7782945329060683 -0.815106024944647 -0.9541745279987072 -1.0165502728298483 -0.857902286596786 -0.9939526084493313 -0.908979199237673 -0.04508287225244624 -0.2197504356319776 +17718,0.3457328987119318,0,1.586721300890273 1.5705211489033157 0.9519229846453949 1.1365221699789134 0.7187233430414597 0.5015174822666473 0.016854333481357696 -0.2672158494508619 -0.2954371334543828 -0.6647902824897849 -0.7782945329060683 -0.815106024944647 -0.9541745279987072 -1.0165502728298483 -0.857902286596786 -0.9939526084493313 -0.908979199237673 -0.04508287225244624 -0.2197504356319776 0.38450491876205967 +17719,1.1643307112024348,0,1.5705211489033157 0.9519229846453949 1.1365221699789134 0.7187233430414597 0.5015174822666473 0.016854333481357696 -0.2672158494508619 -0.2954371334543828 -0.6647902824897849 -0.7782945329060683 -0.815106024944647 -0.9541745279987072 -1.0165502728298483 -0.857902286596786 -0.9939526084493313 -0.908979199237673 -0.04508287225244624 -0.2197504356319776 0.38450491876205967 0.3457328987119318 +17720,1.3399011494035495,0,0.9519229846453949 1.1365221699789134 0.7187233430414597 0.5015174822666473 0.016854333481357696 -0.2672158494508619 -0.2954371334543828 -0.6647902824897849 -0.7782945329060683 -0.815106024944647 -0.9541745279987072 -1.0165502728298483 -0.857902286596786 -0.9939526084493313 -0.908979199237673 -0.04508287225244624 -0.2197504356319776 0.38450491876205967 0.3457328987119318 1.1643307112024348 +17721,1.183239487499365,0,1.1365221699789134 0.7187233430414597 0.5015174822666473 0.016854333481357696 -0.2672158494508619 -0.2954371334543828 -0.6647902824897849 -0.7782945329060683 -0.815106024944647 -0.9541745279987072 -1.0165502728298483 -0.857902286596786 -0.9939526084493313 -0.908979199237673 -0.04508287225244624 -0.2197504356319776 0.38450491876205967 0.3457328987119318 1.1643307112024348 1.3399011494035495 +17722,1.4695539588625348,0,0.7187233430414597 0.5015174822666473 0.016854333481357696 -0.2672158494508619 -0.2954371334543828 -0.6647902824897849 -0.7782945329060683 -0.815106024944647 -0.9541745279987072 -1.0165502728298483 -0.857902286596786 -0.9939526084493313 -0.908979199237673 -0.04508287225244624 -0.2197504356319776 0.38450491876205967 0.3457328987119318 1.1643307112024348 1.3399011494035495 1.183239487499365 +17723,1.4236363304299768,0,0.5015174822666473 0.016854333481357696 -0.2672158494508619 -0.2954371334543828 -0.6647902824897849 -0.7782945329060683 -0.815106024944647 -0.9541745279987072 -1.0165502728298483 -0.857902286596786 -0.9939526084493313 -0.908979199237673 -0.04508287225244624 -0.2197504356319776 0.38450491876205967 0.3457328987119318 1.1643307112024348 1.3399011494035495 1.183239487499365 1.4695539588625348 +17724,0.7638670790130331,0,0.016854333481357696 -0.2672158494508619 -0.2954371334543828 -0.6647902824897849 -0.7782945329060683 -0.815106024944647 -0.9541745279987072 -1.0165502728298483 -0.857902286596786 -0.9939526084493313 -0.908979199237673 -0.04508287225244624 -0.2197504356319776 0.38450491876205967 0.3457328987119318 1.1643307112024348 1.3399011494035495 1.183239487499365 1.4695539588625348 1.4236363304299768 +17725,0.9225666580355562,0,-0.2672158494508619 -0.2954371334543828 -0.6647902824897849 -0.7782945329060683 -0.815106024944647 -0.9541745279987072 -1.0165502728298483 -0.857902286596786 -0.9939526084493313 -0.908979199237673 -0.04508287225244624 -0.2197504356319776 0.38450491876205967 0.3457328987119318 1.1643307112024348 1.3399011494035495 1.183239487499365 1.4695539588625348 1.4236363304299768 0.7638670790130331 +17726,0.4674146143832647,0,-0.2954371334543828 -0.6647902824897849 -0.7782945329060683 -0.815106024944647 -0.9541745279987072 -1.0165502728298483 -0.857902286596786 -0.9939526084493313 -0.908979199237673 -0.04508287225244624 -0.2197504356319776 0.38450491876205967 0.3457328987119318 1.1643307112024348 1.3399011494035495 1.183239487499365 1.4695539588625348 1.4236363304299768 0.7638670790130331 0.9225666580355562 +17727,0.2951977109020805,0,-0.6647902824897849 -0.7782945329060683 -0.815106024944647 -0.9541745279987072 -1.0165502728298483 -0.857902286596786 -0.9939526084493313 -0.908979199237673 -0.04508287225244624 -0.2197504356319776 0.38450491876205967 0.3457328987119318 1.1643307112024348 1.3399011494035495 1.183239487499365 1.4695539588625348 1.4236363304299768 0.7638670790130331 0.9225666580355562 0.4674146143832647 +17728,-0.2542660462953686,0,-0.7782945329060683 -0.815106024944647 -0.9541745279987072 -1.0165502728298483 -0.857902286596786 -0.9939526084493313 -0.908979199237673 -0.04508287225244624 -0.2197504356319776 0.38450491876205967 0.3457328987119318 1.1643307112024348 1.3399011494035495 1.183239487499365 1.4695539588625348 1.4236363304299768 0.7638670790130331 0.9225666580355562 0.4674146143832647 0.2951977109020805 +17729,-0.520794663166916,0,-0.815106024944647 -0.9541745279987072 -1.0165502728298483 -0.857902286596786 -0.9939526084493313 -0.908979199237673 -0.04508287225244624 -0.2197504356319776 0.38450491876205967 0.3457328987119318 1.1643307112024348 1.3399011494035495 1.183239487499365 1.4695539588625348 1.4236363304299768 0.7638670790130331 0.9225666580355562 0.4674146143832647 0.2951977109020805 -0.2542660462953686 +17730,-0.5194016564585259,0,-0.9541745279987072 -1.0165502728298483 -0.857902286596786 -0.9939526084493313 -0.908979199237673 -0.04508287225244624 -0.2197504356319776 0.38450491876205967 0.3457328987119318 1.1643307112024348 1.3399011494035495 1.183239487499365 1.4695539588625348 1.4236363304299768 0.7638670790130331 0.9225666580355562 0.4674146143832647 0.2951977109020805 -0.2542660462953686 -0.520794663166916 +17731,-0.8752374811900612,0,-1.0165502728298483 -0.857902286596786 -0.9939526084493313 -0.908979199237673 -0.04508287225244624 -0.2197504356319776 0.38450491876205967 0.3457328987119318 1.1643307112024348 1.3399011494035495 1.183239487499365 1.4695539588625348 1.4236363304299768 0.7638670790130331 0.9225666580355562 0.4674146143832647 0.2951977109020805 -0.2542660462953686 -0.520794663166916 -0.5194016564585259 +17732,-0.9631516823416503,0,-0.857902286596786 -0.9939526084493313 -0.908979199237673 -0.04508287225244624 -0.2197504356319776 0.38450491876205967 0.3457328987119318 1.1643307112024348 1.3399011494035495 1.183239487499365 1.4695539588625348 1.4236363304299768 0.7638670790130331 0.9225666580355562 0.4674146143832647 0.2951977109020805 -0.2542660462953686 -0.520794663166916 -0.5194016564585259 -0.8752374811900612 +17733,-1.0239022526796755,0,-0.9939526084493313 -0.908979199237673 -0.04508287225244624 -0.2197504356319776 0.38450491876205967 0.3457328987119318 1.1643307112024348 1.3399011494035495 1.183239487499365 1.4695539588625348 1.4236363304299768 0.7638670790130331 0.9225666580355562 0.4674146143832647 0.2951977109020805 -0.2542660462953686 -0.520794663166916 -0.5194016564585259 -0.8752374811900612 -0.9631516823416503 +17734,-1.120870997435783,0,-0.908979199237673 -0.04508287225244624 -0.2197504356319776 0.38450491876205967 0.3457328987119318 1.1643307112024348 1.3399011494035495 1.183239487499365 1.4695539588625348 1.4236363304299768 0.7638670790130331 0.9225666580355562 0.4674146143832647 0.2951977109020805 -0.2542660462953686 -0.520794663166916 -0.5194016564585259 -0.8752374811900612 -0.9631516823416503 -1.0239022526796755 +17735,-1.190676111378335,0,-0.04508287225244624 -0.2197504356319776 0.38450491876205967 0.3457328987119318 1.1643307112024348 1.3399011494035495 1.183239487499365 1.4695539588625348 1.4236363304299768 0.7638670790130331 0.9225666580355562 0.4674146143832647 0.2951977109020805 -0.2542660462953686 -0.520794663166916 -0.5194016564585259 -0.8752374811900612 -0.9631516823416503 -1.0239022526796755 -1.120870997435783 +17736,-1.032724628499468,0,-0.2197504356319776 0.38450491876205967 0.3457328987119318 1.1643307112024348 1.3399011494035495 1.183239487499365 1.4695539588625348 1.4236363304299768 0.7638670790130331 0.9225666580355562 0.4674146143832647 0.2951977109020805 -0.2542660462953686 -0.520794663166916 -0.5194016564585259 -0.8752374811900612 -0.9631516823416503 -1.0239022526796755 -1.120870997435783 -1.190676111378335 +17737,-1.1784486080491514,0,0.38450491876205967 0.3457328987119318 1.1643307112024348 1.3399011494035495 1.183239487499365 1.4695539588625348 1.4236363304299768 0.7638670790130331 0.9225666580355562 0.4674146143832647 0.2951977109020805 -0.2542660462953686 -0.520794663166916 -0.5194016564585259 -0.8752374811900612 -0.9631516823416503 -1.0239022526796755 -1.120870997435783 -1.190676111378335 -1.032724628499468 +17738,-1.096415990777424,0,0.3457328987119318 1.1643307112024348 1.3399011494035495 1.183239487499365 1.4695539588625348 1.4236363304299768 0.7638670790130331 0.9225666580355562 0.4674146143832647 0.2951977109020805 -0.2542660462953686 -0.520794663166916 -0.5194016564585259 -0.8752374811900612 -0.9631516823416503 -1.0239022526796755 -1.120870997435783 -1.190676111378335 -1.032724628499468 -1.1784486080491514 +17739,-0.15714252301610182,0,1.1643307112024348 1.3399011494035495 1.183239487499365 1.4695539588625348 1.4236363304299768 0.7638670790130331 0.9225666580355562 0.4674146143832647 0.2951977109020805 -0.2542660462953686 -0.520794663166916 -0.5194016564585259 -0.8752374811900612 -0.9631516823416503 -1.0239022526796755 -1.120870997435783 -1.190676111378335 -1.032724628499468 -1.1784486080491514 -1.096415990777424 +17740,-0.3608568559591621,0,1.3399011494035495 1.183239487499365 1.4695539588625348 1.4236363304299768 0.7638670790130331 0.9225666580355562 0.4674146143832647 0.2951977109020805 -0.2542660462953686 -0.520794663166916 -0.5194016564585259 -0.8752374811900612 -0.9631516823416503 -1.0239022526796755 -1.120870997435783 -1.190676111378335 -1.032724628499468 -1.1784486080491514 -1.096415990777424 -0.15714252301610182 +17741,0.2926696617421581,0,1.183239487499365 1.4695539588625348 1.4236363304299768 0.7638670790130331 0.9225666580355562 0.4674146143832647 0.2951977109020805 -0.2542660462953686 -0.520794663166916 -0.5194016564585259 -0.8752374811900612 -0.9631516823416503 -1.0239022526796755 -1.120870997435783 -1.190676111378335 -1.032724628499468 -1.1784486080491514 -1.096415990777424 -0.15714252301610182 -0.3608568559591621 +17742,0.2068965634426063,0,1.4695539588625348 1.4236363304299768 0.7638670790130331 0.9225666580355562 0.4674146143832647 0.2951977109020805 -0.2542660462953686 -0.520794663166916 -0.5194016564585259 -0.8752374811900612 -0.9631516823416503 -1.0239022526796755 -1.120870997435783 -1.190676111378335 -1.032724628499468 -1.1784486080491514 -1.096415990777424 -0.15714252301610182 -0.3608568559591621 0.2926696617421581 +17743,1.106856286322765,0,1.4236363304299768 0.7638670790130331 0.9225666580355562 0.4674146143832647 0.2951977109020805 -0.2542660462953686 -0.520794663166916 -0.5194016564585259 -0.8752374811900612 -0.9631516823416503 -1.0239022526796755 -1.120870997435783 -1.190676111378335 -1.032724628499468 -1.1784486080491514 -1.096415990777424 -0.15714252301610182 -0.3608568559591621 0.2926696617421581 0.2068965634426063 +17744,1.267516393356837,0,0.7638670790130331 0.9225666580355562 0.4674146143832647 0.2951977109020805 -0.2542660462953686 -0.520794663166916 -0.5194016564585259 -0.8752374811900612 -0.9631516823416503 -1.0239022526796755 -1.120870997435783 -1.190676111378335 -1.032724628499468 -1.1784486080491514 -1.096415990777424 -0.15714252301610182 -0.3608568559591621 0.2926696617421581 0.2068965634426063 1.106856286322765 +17745,1.1071658433690748,0,0.9225666580355562 0.4674146143832647 0.2951977109020805 -0.2542660462953686 -0.520794663166916 -0.5194016564585259 -0.8752374811900612 -0.9631516823416503 -1.0239022526796755 -1.120870997435783 -1.190676111378335 -1.032724628499468 -1.1784486080491514 -1.096415990777424 -0.15714252301610182 -0.3608568559591621 0.2926696617421581 0.2068965634426063 1.106856286322765 1.267516393356837 +17746,1.3748295026921544,0,0.4674146143832647 0.2951977109020805 -0.2542660462953686 -0.520794663166916 -0.5194016564585259 -0.8752374811900612 -0.9631516823416503 -1.0239022526796755 -1.120870997435783 -1.190676111378335 -1.032724628499468 -1.1784486080491514 -1.096415990777424 -0.15714252301610182 -0.3608568559591621 0.2926696617421581 0.2068965634426063 1.106856286322765 1.267516393356837 1.1071658433690748 +17747,1.321482505148194,0,0.2951977109020805 -0.2542660462953686 -0.520794663166916 -0.5194016564585259 -0.8752374811900612 -0.9631516823416503 -1.0239022526796755 -1.120870997435783 -1.190676111378335 -1.032724628499468 -1.1784486080491514 -1.096415990777424 -0.15714252301610182 -0.3608568559591621 0.2926696617421581 0.2068965634426063 1.106856286322765 1.267516393356837 1.1071658433690748 1.3748295026921544 +17748,0.6748694281993549,0,-0.2542660462953686 -0.520794663166916 -0.5194016564585259 -0.8752374811900612 -0.9631516823416503 -1.0239022526796755 -1.120870997435783 -1.190676111378335 -1.032724628499468 -1.1784486080491514 -1.096415990777424 -0.15714252301610182 -0.3608568559591621 0.2926696617421581 0.2068965634426063 1.106856286322765 1.267516393356837 1.1071658433690748 1.3748295026921544 1.321482505148194 +17749,0.819277790302241,0,-0.520794663166916 -0.5194016564585259 -0.8752374811900612 -0.9631516823416503 -1.0239022526796755 -1.120870997435783 -1.190676111378335 -1.032724628499468 -1.1784486080491514 -1.096415990777424 -0.15714252301610182 -0.3608568559591621 0.2926696617421581 0.2068965634426063 1.106856286322765 1.267516393356837 1.1071658433690748 1.3748295026921544 1.321482505148194 0.6748694281993549 +17750,0.37042007315503406,0,-0.5194016564585259 -0.8752374811900612 -0.9631516823416503 -1.0239022526796755 -1.120870997435783 -1.190676111378335 -1.032724628499468 -1.1784486080491514 -1.096415990777424 -0.15714252301610182 -0.3608568559591621 0.2926696617421581 0.2068965634426063 1.106856286322765 1.267516393356837 1.1071658433690748 1.3748295026921544 1.321482505148194 0.6748694281993549 0.819277790302241 +17751,0.2640872277480896,0,-0.8752374811900612 -0.9631516823416503 -1.0239022526796755 -1.120870997435783 -1.190676111378335 -1.032724628499468 -1.1784486080491514 -1.096415990777424 -0.15714252301610182 -0.3608568559591621 0.2926696617421581 0.2068965634426063 1.106856286322765 1.267516393356837 1.1071658433690748 1.3748295026921544 1.321482505148194 0.6748694281993549 0.819277790302241 0.37042007315503406 +17752,-0.29894544669747264,0,-0.9631516823416503 -1.0239022526796755 -1.120870997435783 -1.190676111378335 -1.032724628499468 -1.1784486080491514 -1.096415990777424 -0.15714252301610182 -0.3608568559591621 0.2926696617421581 0.2068965634426063 1.106856286322765 1.267516393356837 1.1071658433690748 1.3748295026921544 1.321482505148194 0.6748694281993549 0.819277790302241 0.37042007315503406 0.2640872277480896 +17753,-0.5194532492479866,0,-1.0239022526796755 -1.120870997435783 -1.190676111378335 -1.032724628499468 -1.1784486080491514 -1.096415990777424 -0.15714252301610182 -0.3608568559591621 0.2926696617421581 0.2068965634426063 1.106856286322765 1.267516393356837 1.1071658433690748 1.3748295026921544 1.321482505148194 0.6748694281993549 0.819277790302241 0.37042007315503406 0.2640872277480896 -0.29894544669747264 +17754,-0.5413802067464231,0,-1.120870997435783 -1.190676111378335 -1.032724628499468 -1.1784486080491514 -1.096415990777424 -0.15714252301610182 -0.3608568559591621 0.2926696617421581 0.2068965634426063 1.106856286322765 1.267516393356837 1.1071658433690748 1.3748295026921544 1.321482505148194 0.6748694281993549 0.819277790302241 0.37042007315503406 0.2640872277480896 -0.29894544669747264 -0.5194532492479866 +17755,-0.828081624417478,0,-1.190676111378335 -1.032724628499468 -1.1784486080491514 -1.096415990777424 -0.15714252301610182 -0.3608568559591621 0.2926696617421581 0.2068965634426063 1.106856286322765 1.267516393356837 1.1071658433690748 1.3748295026921544 1.321482505148194 0.6748694281993549 0.819277790302241 0.37042007315503406 0.2640872277480896 -0.29894544669747264 -0.5194532492479866 -0.5413802067464231 +17756,-0.9162021970364641,0,-1.032724628499468 -1.1784486080491514 -1.096415990777424 -0.15714252301610182 -0.3608568559591621 0.2926696617421581 0.2068965634426063 1.106856286322765 1.267516393356837 1.1071658433690748 1.3748295026921544 1.321482505148194 0.6748694281993549 0.819277790302241 0.37042007315503406 0.2640872277480896 -0.29894544669747264 -0.5194532492479866 -0.5413802067464231 -0.828081624417478 +17757,-0.9699619373604329,0,-1.1784486080491514 -1.096415990777424 -0.15714252301610182 -0.3608568559591621 0.2926696617421581 0.2068965634426063 1.106856286322765 1.267516393356837 1.1071658433690748 1.3748295026921544 1.321482505148194 0.6748694281993549 0.819277790302241 0.37042007315503406 0.2640872277480896 -0.29894544669747264 -0.5194532492479866 -0.5413802067464231 -0.828081624417478 -0.9162021970364641 +17758,-1.0695361205380467,0,-1.096415990777424 -0.15714252301610182 -0.3608568559591621 0.2926696617421581 0.2068965634426063 1.106856286322765 1.267516393356837 1.1071658433690748 1.3748295026921544 1.321482505148194 0.6748694281993549 0.819277790302241 0.37042007315503406 0.2640872277480896 -0.29894544669747264 -0.5194532492479866 -0.5413802067464231 -0.828081624417478 -0.9162021970364641 -0.9699619373604329 +17759,-1.1347494717302147,0,-0.15714252301610182 -0.3608568559591621 0.2926696617421581 0.2068965634426063 1.106856286322765 1.267516393356837 1.1071658433690748 1.3748295026921544 1.321482505148194 0.6748694281993549 0.819277790302241 0.37042007315503406 0.2640872277480896 -0.29894544669747264 -0.5194532492479866 -0.5413802067464231 -0.828081624417478 -0.9162021970364641 -0.9699619373604329 -1.0695361205380467 +17760,-0.9996020245444671,0,-0.3608568559591621 0.2926696617421581 0.2068965634426063 1.106856286322765 1.267516393356837 1.1071658433690748 1.3748295026921544 1.321482505148194 0.6748694281993549 0.819277790302241 0.37042007315503406 0.2640872277480896 -0.29894544669747264 -0.5194532492479866 -0.5413802067464231 -0.828081624417478 -0.9162021970364641 -0.9699619373604329 -1.0695361205380467 -1.1347494717302147 +17761,-1.1316023083228868,0,0.2926696617421581 0.2068965634426063 1.106856286322765 1.267516393356837 1.1071658433690748 1.3748295026921544 1.321482505148194 0.6748694281993549 0.819277790302241 0.37042007315503406 0.2640872277480896 -0.29894544669747264 -0.5194532492479866 -0.5413802067464231 -0.828081624417478 -0.9162021970364641 -0.9699619373604329 -1.0695361205380467 -1.1347494717302147 -0.9996020245444671 +17762,-1.0632417940329624,0,0.2068965634426063 1.106856286322765 1.267516393356837 1.1071658433690748 1.3748295026921544 1.321482505148194 0.6748694281993549 0.819277790302241 0.37042007315503406 0.2640872277480896 -0.29894544669747264 -0.5194532492479866 -0.5413802067464231 -0.828081624417478 -0.9162021970364641 -0.9699619373604329 -1.0695361205380467 -1.1347494717302147 -0.9996020245444671 -1.1316023083228868 +17763,-0.08710524128881489,0,1.106856286322765 1.267516393356837 1.1071658433690748 1.3748295026921544 1.321482505148194 0.6748694281993549 0.819277790302241 0.37042007315503406 0.2640872277480896 -0.29894544669747264 -0.5194532492479866 -0.5413802067464231 -0.828081624417478 -0.9162021970364641 -0.9699619373604329 -1.0695361205380467 -1.1347494717302147 -0.9996020245444671 -1.1316023083228868 -1.0632417940329624 +17764,-0.3213367396105926,0,1.267516393356837 1.1071658433690748 1.3748295026921544 1.321482505148194 0.6748694281993549 0.819277790302241 0.37042007315503406 0.2640872277480896 -0.29894544669747264 -0.5194532492479866 -0.5413802067464231 -0.828081624417478 -0.9162021970364641 -0.9699619373604329 -1.0695361205380467 -1.1347494717302147 -0.9996020245444671 -1.1316023083228868 -1.0632417940329624 -0.08710524128881489 +17765,0.35220780021229003,0,1.1071658433690748 1.3748295026921544 1.321482505148194 0.6748694281993549 0.819277790302241 0.37042007315503406 0.2640872277480896 -0.29894544669747264 -0.5194532492479866 -0.5413802067464231 -0.828081624417478 -0.9162021970364641 -0.9699619373604329 -1.0695361205380467 -1.1347494717302147 -0.9996020245444671 -1.1316023083228868 -1.0632417940329624 -0.08710524128881489 -0.3213367396105926 +17766,0.3093599457706902,0,1.3748295026921544 1.321482505148194 0.6748694281993549 0.819277790302241 0.37042007315503406 0.2640872277480896 -0.29894544669747264 -0.5194532492479866 -0.5413802067464231 -0.828081624417478 -0.9162021970364641 -0.9699619373604329 -1.0695361205380467 -1.1347494717302147 -0.9996020245444671 -1.1316023083228868 -1.0632417940329624 -0.08710524128881489 -0.3213367396105926 0.35220780021229003 +17767,1.2217019505031919,0,1.321482505148194 0.6748694281993549 0.819277790302241 0.37042007315503406 0.2640872277480896 -0.29894544669747264 -0.5194532492479866 -0.5413802067464231 -0.828081624417478 -0.9162021970364641 -0.9699619373604329 -1.0695361205380467 -1.1347494717302147 -0.9996020245444671 -1.1316023083228868 -1.0632417940329624 -0.08710524128881489 -0.3213367396105926 0.35220780021229003 0.3093599457706902 +17768,1.4176515608164166,0,0.6748694281993549 0.819277790302241 0.37042007315503406 0.2640872277480896 -0.29894544669747264 -0.5194532492479866 -0.5413802067464231 -0.828081624417478 -0.9162021970364641 -0.9699619373604329 -1.0695361205380467 -1.1347494717302147 -0.9996020245444671 -1.1316023083228868 -1.0632417940329624 -0.08710524128881489 -0.3213367396105926 0.35220780021229003 0.3093599457706902 1.2217019505031919 +17769,1.2576879571365396,0,0.819277790302241 0.37042007315503406 0.2640872277480896 -0.29894544669747264 -0.5194532492479866 -0.5413802067464231 -0.828081624417478 -0.9162021970364641 -0.9699619373604329 -1.0695361205380467 -1.1347494717302147 -0.9996020245444671 -1.1316023083228868 -1.0632417940329624 -0.08710524128881489 -0.3213367396105926 0.35220780021229003 0.3093599457706902 1.2217019505031919 1.4176515608164166 +17770,1.5722753054474765,0,0.37042007315503406 0.2640872277480896 -0.29894544669747264 -0.5194532492479866 -0.5413802067464231 -0.828081624417478 -0.9162021970364641 -0.9699619373604329 -1.0695361205380467 -1.1347494717302147 -0.9996020245444671 -1.1316023083228868 -1.0632417940329624 -0.08710524128881489 -0.3213367396105926 0.35220780021229003 0.3093599457706902 1.2217019505031919 1.4176515608164166 1.2576879571365396 +17771,1.530949439765303,0,0.2640872277480896 -0.29894544669747264 -0.5194532492479866 -0.5413802067464231 -0.828081624417478 -0.9162021970364641 -0.9699619373604329 -1.0695361205380467 -1.1347494717302147 -0.9996020245444671 -1.1316023083228868 -1.0632417940329624 -0.08710524128881489 -0.3213367396105926 0.35220780021229003 0.3093599457706902 1.2217019505031919 1.4176515608164166 1.2576879571365396 1.5722753054474765 +17772,0.8379286023423222,0,-0.29894544669747264 -0.5194532492479866 -0.5413802067464231 -0.828081624417478 -0.9162021970364641 -0.9699619373604329 -1.0695361205380467 -1.1347494717302147 -0.9996020245444671 -1.1316023083228868 -1.0632417940329624 -0.08710524128881489 -0.3213367396105926 0.35220780021229003 0.3093599457706902 1.2217019505031919 1.4176515608164166 1.2576879571365396 1.5722753054474765 1.530949439765303 +17773,1.0138343939070755,0,-0.5194532492479866 -0.5413802067464231 -0.828081624417478 -0.9162021970364641 -0.9699619373604329 -1.0695361205380467 -1.1347494717302147 -0.9996020245444671 -1.1316023083228868 -1.0632417940329624 -0.08710524128881489 -0.3213367396105926 0.35220780021229003 0.3093599457706902 1.2217019505031919 1.4176515608164166 1.2576879571365396 1.5722753054474765 1.530949439765303 0.8379286023423222 +17774,0.5380452137310394,0,-0.5413802067464231 -0.828081624417478 -0.9162021970364641 -0.9699619373604329 -1.0695361205380467 -1.1347494717302147 -0.9996020245444671 -1.1316023083228868 -1.0632417940329624 -0.08710524128881489 -0.3213367396105926 0.35220780021229003 0.3093599457706902 1.2217019505031919 1.4176515608164166 1.2576879571365396 1.5722753054474765 1.530949439765303 0.8379286023423222 1.0138343939070755 +17775,0.4169310193628655,0,-0.828081624417478 -0.9162021970364641 -0.9699619373604329 -1.0695361205380467 -1.1347494717302147 -0.9996020245444671 -1.1316023083228868 -1.0632417940329624 -0.08710524128881489 -0.3213367396105926 0.35220780021229003 0.3093599457706902 1.2217019505031919 1.4176515608164166 1.2576879571365396 1.5722753054474765 1.530949439765303 0.8379286023423222 1.0138343939070755 0.5380452137310394 +17776,-0.17708315603087468,0,-0.9162021970364641 -0.9699619373604329 -1.0695361205380467 -1.1347494717302147 -0.9996020245444671 -1.1316023083228868 -1.0632417940329624 -0.08710524128881489 -0.3213367396105926 0.35220780021229003 0.3093599457706902 1.2217019505031919 1.4176515608164166 1.2576879571365396 1.5722753054474765 1.530949439765303 0.8379286023423222 1.0138343939070755 0.5380452137310394 0.4169310193628655 +17777,-0.41642234577152065,0,-0.9699619373604329 -1.0695361205380467 -1.1347494717302147 -0.9996020245444671 -1.1316023083228868 -1.0632417940329624 -0.08710524128881489 -0.3213367396105926 0.35220780021229003 0.3093599457706902 1.2217019505031919 1.4176515608164166 1.2576879571365396 1.5722753054474765 1.530949439765303 0.8379286023423222 1.0138343939070755 0.5380452137310394 0.4169310193628655 -0.17708315603087468 +17778,-0.4191825627161777,0,-1.0695361205380467 -1.1347494717302147 -0.9996020245444671 -1.1316023083228868 -1.0632417940329624 -0.08710524128881489 -0.3213367396105926 0.35220780021229003 0.3093599457706902 1.2217019505031919 1.4176515608164166 1.2576879571365396 1.5722753054474765 1.530949439765303 0.8379286023423222 1.0138343939070755 0.5380452137310394 0.4169310193628655 -0.17708315603087468 -0.41642234577152065 +17779,-0.7373814098491086,0,-1.1347494717302147 -0.9996020245444671 -1.1316023083228868 -1.0632417940329624 -0.08710524128881489 -0.3213367396105926 0.35220780021229003 0.3093599457706902 1.2217019505031919 1.4176515608164166 1.2576879571365396 1.5722753054474765 1.530949439765303 0.8379286023423222 1.0138343939070755 0.5380452137310394 0.4169310193628655 -0.17708315603087468 -0.41642234577152065 -0.4191825627161777 +17780,-0.819001284495622,0,-0.9996020245444671 -1.1316023083228868 -1.0632417940329624 -0.08710524128881489 -0.3213367396105926 0.35220780021229003 0.3093599457706902 1.2217019505031919 1.4176515608164166 1.2576879571365396 1.5722753054474765 1.530949439765303 0.8379286023423222 1.0138343939070755 0.5380452137310394 0.4169310193628655 -0.17708315603087468 -0.41642234577152065 -0.4191825627161777 -0.7373814098491086 +17781,-0.8586761792125565,0,-1.1316023083228868 -1.0632417940329624 -0.08710524128881489 -0.3213367396105926 0.35220780021229003 0.3093599457706902 1.2217019505031919 1.4176515608164166 1.2576879571365396 1.5722753054474765 1.530949439765303 0.8379286023423222 1.0138343939070755 0.5380452137310394 0.4169310193628655 -0.17708315603087468 -0.41642234577152065 -0.4191825627161777 -0.7373814098491086 -0.819001284495622 +17782,-0.9542777137324057,0,-1.0632417940329624 -0.08710524128881489 -0.3213367396105926 0.35220780021229003 0.3093599457706902 1.2217019505031919 1.4176515608164166 1.2576879571365396 1.5722753054474765 1.530949439765303 0.8379286023423222 1.0138343939070755 0.5380452137310394 0.4169310193628655 -0.17708315603087468 -0.41642234577152065 -0.4191825627161777 -0.7373814098491086 -0.819001284495622 -0.8586761792125565 +17783,-1.007934268322676,0,-0.08710524128881489 -0.3213367396105926 0.35220780021229003 0.3093599457706902 1.2217019505031919 1.4176515608164166 1.2576879571365396 1.5722753054474765 1.530949439765303 0.8379286023423222 1.0138343939070755 0.5380452137310394 0.4169310193628655 -0.17708315603087468 -0.41642234577152065 -0.4191825627161777 -0.7373814098491086 -0.819001284495622 -0.8586761792125565 -0.9542777137324057 +17784,-0.8567414476731305,0,-0.3213367396105926 0.35220780021229003 0.3093599457706902 1.2217019505031919 1.4176515608164166 1.2576879571365396 1.5722753054474765 1.530949439765303 0.8379286023423222 1.0138343939070755 0.5380452137310394 0.4169310193628655 -0.17708315603087468 -0.41642234577152065 -0.4191825627161777 -0.7373814098491086 -0.819001284495622 -0.8586761792125565 -0.9542777137324057 -1.007934268322676 +17785,-0.9786811274465268,0,0.35220780021229003 0.3093599457706902 1.2217019505031919 1.4176515608164166 1.2576879571365396 1.5722753054474765 1.530949439765303 0.8379286023423222 1.0138343939070755 0.5380452137310394 0.4169310193628655 -0.17708315603087468 -0.41642234577152065 -0.4191825627161777 -0.7373814098491086 -0.819001284495622 -0.8586761792125565 -0.9542777137324057 -1.007934268322676 -0.8567414476731305 +17786,-0.8957714319801076,0,0.3093599457706902 1.2217019505031919 1.4176515608164166 1.2576879571365396 1.5722753054474765 1.530949439765303 0.8379286023423222 1.0138343939070755 0.5380452137310394 0.4169310193628655 -0.17708315603087468 -0.41642234577152065 -0.4191825627161777 -0.7373814098491086 -0.819001284495622 -0.8586761792125565 -0.9542777137324057 -1.007934268322676 -0.8567414476731305 -0.9786811274465268 +17787,0.009167000113097432,0,1.2217019505031919 1.4176515608164166 1.2576879571365396 1.5722753054474765 1.530949439765303 0.8379286023423222 1.0138343939070755 0.5380452137310394 0.4169310193628655 -0.17708315603087468 -0.41642234577152065 -0.4191825627161777 -0.7373814098491086 -0.819001284495622 -0.8586761792125565 -0.9542777137324057 -1.007934268322676 -0.8567414476731305 -0.9786811274465268 -0.8957714319801076 +17788,-0.18193288319289383,0,1.4176515608164166 1.2576879571365396 1.5722753054474765 1.530949439765303 0.8379286023423222 1.0138343939070755 0.5380452137310394 0.4169310193628655 -0.17708315603087468 -0.41642234577152065 -0.4191825627161777 -0.7373814098491086 -0.819001284495622 -0.8586761792125565 -0.9542777137324057 -1.007934268322676 -0.8567414476731305 -0.9786811274465268 -0.8957714319801076 0.009167000113097432 +17789,0.4489959701279093,0,1.2576879571365396 1.5722753054474765 1.530949439765303 0.8379286023423222 1.0138343939070755 0.5380452137310394 0.4169310193628655 -0.17708315603087468 -0.41642234577152065 -0.4191825627161777 -0.7373814098491086 -0.819001284495622 -0.8586761792125565 -0.9542777137324057 -1.007934268322676 -0.8567414476731305 -0.9786811274465268 -0.8957714319801076 0.009167000113097432 -0.18193288319289383 +17790,0.3606690261963118,0,1.5722753054474765 1.530949439765303 0.8379286023423222 1.0138343939070755 0.5380452137310394 0.4169310193628655 -0.17708315603087468 -0.41642234577152065 -0.4191825627161777 -0.7373814098491086 -0.819001284495622 -0.8586761792125565 -0.9542777137324057 -1.007934268322676 -0.8567414476731305 -0.9786811274465268 -0.8957714319801076 0.009167000113097432 -0.18193288319289383 0.4489959701279093 +17791,1.2313498117282067,0,1.530949439765303 0.8379286023423222 1.0138343939070755 0.5380452137310394 0.4169310193628655 -0.17708315603087468 -0.41642234577152065 -0.4191825627161777 -0.7373814098491086 -0.819001284495622 -0.8586761792125565 -0.9542777137324057 -1.007934268322676 -0.8567414476731305 -0.9786811274465268 -0.8957714319801076 0.009167000113097432 -0.18193288319289383 0.4489959701279093 0.3606690261963118 +17792,1.3827748003172637,0,0.8379286023423222 1.0138343939070755 0.5380452137310394 0.4169310193628655 -0.17708315603087468 -0.41642234577152065 -0.4191825627161777 -0.7373814098491086 -0.819001284495622 -0.8586761792125565 -0.9542777137324057 -1.007934268322676 -0.8567414476731305 -0.9786811274465268 -0.8957714319801076 0.009167000113097432 -0.18193288319289383 0.4489959701279093 0.3606690261963118 1.2313498117282067 +17793,1.2642660443705962,0,1.0138343939070755 0.5380452137310394 0.4169310193628655 -0.17708315603087468 -0.41642234577152065 -0.4191825627161777 -0.7373814098491086 -0.819001284495622 -0.8586761792125565 -0.9542777137324057 -1.007934268322676 -0.8567414476731305 -0.9786811274465268 -0.8957714319801076 0.009167000113097432 -0.18193288319289383 0.4489959701279093 0.3606690261963118 1.2313498117282067 1.3827748003172637 +17794,1.5056689477017042,0,0.5380452137310394 0.4169310193628655 -0.17708315603087468 -0.41642234577152065 -0.4191825627161777 -0.7373814098491086 -0.819001284495622 -0.8586761792125565 -0.9542777137324057 -1.007934268322676 -0.8567414476731305 -0.9786811274465268 -0.8957714319801076 0.009167000113097432 -0.18193288319289383 0.4489959701279093 0.3606690261963118 1.2313498117282067 1.3827748003172637 1.2642660443705962 +17795,1.4771381064970877,0,0.4169310193628655 -0.17708315603087468 -0.41642234577152065 -0.4191825627161777 -0.7373814098491086 -0.819001284495622 -0.8586761792125565 -0.9542777137324057 -1.007934268322676 -0.8567414476731305 -0.9786811274465268 -0.8957714319801076 0.009167000113097432 -0.18193288319289383 0.4489959701279093 0.3606690261963118 1.2313498117282067 1.3827748003172637 1.2642660443705962 1.5056689477017042 +17796,0.7315183676738025,0,-0.17708315603087468 -0.41642234577152065 -0.4191825627161777 -0.7373814098491086 -0.819001284495622 -0.8586761792125565 -0.9542777137324057 -1.007934268322676 -0.8567414476731305 -0.9786811274465268 -0.8957714319801076 0.009167000113097432 -0.18193288319289383 0.4489959701279093 0.3606690261963118 1.2313498117282067 1.3827748003172637 1.2642660443705962 1.5056689477017042 1.4771381064970877 +17797,0.9420171591635309,0,-0.41642234577152065 -0.4191825627161777 -0.7373814098491086 -0.819001284495622 -0.8586761792125565 -0.9542777137324057 -1.007934268322676 -0.8567414476731305 -0.9786811274465268 -0.8957714319801076 0.009167000113097432 -0.18193288319289383 0.4489959701279093 0.3606690261963118 1.2313498117282067 1.3827748003172637 1.2642660443705962 1.5056689477017042 1.4771381064970877 0.7315183676738025 +17798,0.43542705287979616,0,-0.4191825627161777 -0.7373814098491086 -0.819001284495622 -0.8586761792125565 -0.9542777137324057 -1.007934268322676 -0.8567414476731305 -0.9786811274465268 -0.8957714319801076 0.009167000113097432 -0.18193288319289383 0.4489959701279093 0.3606690261963118 1.2313498117282067 1.3827748003172637 1.2642660443705962 1.5056689477017042 1.4771381064970877 0.7315183676738025 0.9420171591635309 +17799,0.32267089876195426,0,-0.7373814098491086 -0.819001284495622 -0.8586761792125565 -0.9542777137324057 -1.007934268322676 -0.8567414476731305 -0.9786811274465268 -0.8957714319801076 0.009167000113097432 -0.18193288319289383 0.4489959701279093 0.3606690261963118 1.2313498117282067 1.3827748003172637 1.2642660443705962 1.5056689477017042 1.4771381064970877 0.7315183676738025 0.9420171591635309 0.43542705287979616 +17800,-0.31519719162866755,0,-0.819001284495622 -0.8586761792125565 -0.9542777137324057 -1.007934268322676 -0.8567414476731305 -0.9786811274465268 -0.8957714319801076 0.009167000113097432 -0.18193288319289383 0.4489959701279093 0.3606690261963118 1.2313498117282067 1.3827748003172637 1.2642660443705962 1.5056689477017042 1.4771381064970877 0.7315183676738025 0.9420171591635309 0.43542705287979616 0.32267089876195426 +17801,-0.5592313296986196,0,-0.8586761792125565 -0.9542777137324057 -1.007934268322676 -0.8567414476731305 -0.9786811274465268 -0.8957714319801076 0.009167000113097432 -0.18193288319289383 0.4489959701279093 0.3606690261963118 1.2313498117282067 1.3827748003172637 1.2642660443705962 1.5056689477017042 1.4771381064970877 0.7315183676738025 0.9420171591635309 0.43542705287979616 0.32267089876195426 -0.31519719162866755 +17802,-0.5515955892746057,0,-0.9542777137324057 -1.007934268322676 -0.8567414476731305 -0.9786811274465268 -0.8957714319801076 0.009167000113097432 -0.18193288319289383 0.4489959701279093 0.3606690261963118 1.2313498117282067 1.3827748003172637 1.2642660443705962 1.5056689477017042 1.4771381064970877 0.7315183676738025 0.9420171591635309 0.43542705287979616 0.32267089876195426 -0.31519719162866755 -0.5592313296986196 +17803,-0.8795196870489214,0,-1.007934268322676 -0.8567414476731305 -0.9786811274465268 -0.8957714319801076 0.009167000113097432 -0.18193288319289383 0.4489959701279093 0.3606690261963118 1.2313498117282067 1.3827748003172637 1.2642660443705962 1.5056689477017042 1.4771381064970877 0.7315183676738025 0.9420171591635309 0.43542705287979616 0.32267089876195426 -0.31519719162866755 -0.5592313296986196 -0.5515955892746057 +17804,-0.9557739060196999,0,-0.8567414476731305 -0.9786811274465268 -0.8957714319801076 0.009167000113097432 -0.18193288319289383 0.4489959701279093 0.3606690261963118 1.2313498117282067 1.3827748003172637 1.2642660443705962 1.5056689477017042 1.4771381064970877 0.7315183676738025 0.9420171591635309 0.43542705287979616 0.32267089876195426 -0.31519719162866755 -0.5592313296986196 -0.5515955892746057 -0.8795196870489214 +17805,-1.0055609976859041,0,-0.9786811274465268 -0.8957714319801076 0.009167000113097432 -0.18193288319289383 0.4489959701279093 0.3606690261963118 1.2313498117282067 1.3827748003172637 1.2642660443705962 1.5056689477017042 1.4771381064970877 0.7315183676738025 0.9420171591635309 0.43542705287979616 0.32267089876195426 -0.31519719162866755 -0.5592313296986196 -0.5515955892746057 -0.8795196870489214 -0.9557739060196999 +17806,-1.0906375926312608,0,-0.8957714319801076 0.009167000113097432 -0.18193288319289383 0.4489959701279093 0.3606690261963118 1.2313498117282067 1.3827748003172637 1.2642660443705962 1.5056689477017042 1.4771381064970877 0.7315183676738025 0.9420171591635309 0.43542705287979616 0.32267089876195426 -0.31519719162866755 -0.5592313296986196 -0.5515955892746057 -0.8795196870489214 -0.9557739060196999 -1.0055609976859041 +17807,-1.1492470599624631,0,0.009167000113097432 -0.18193288319289383 0.4489959701279093 0.3606690261963118 1.2313498117282067 1.3827748003172637 1.2642660443705962 1.5056689477017042 1.4771381064970877 0.7315183676738025 0.9420171591635309 0.43542705287979616 0.32267089876195426 -0.31519719162866755 -0.5592313296986196 -0.5515955892746057 -0.8795196870489214 -0.9557739060196999 -1.0055609976859041 -1.0906375926312608 +17808,-0.9764626353329056,0,-0.18193288319289383 0.4489959701279093 0.3606690261963118 1.2313498117282067 1.3827748003172637 1.2642660443705962 1.5056689477017042 1.4771381064970877 0.7315183676738025 0.9420171591635309 0.43542705287979616 0.32267089876195426 -0.31519719162866755 -0.5592313296986196 -0.5515955892746057 -0.8795196870489214 -0.9557739060196999 -1.0055609976859041 -1.0906375926312608 -1.1492470599624631 +17809,-1.1122034001391496,0,0.4489959701279093 0.3606690261963118 1.2313498117282067 1.3827748003172637 1.2642660443705962 1.5056689477017042 1.4771381064970877 0.7315183676738025 0.9420171591635309 0.43542705287979616 0.32267089876195426 -0.31519719162866755 -0.5592313296986196 -0.5515955892746057 -0.8795196870489214 -0.9557739060196999 -1.0055609976859041 -1.0906375926312608 -1.1492470599624631 -0.9764626353329056 +17810,-1.0165502728298483,0,0.3606690261963118 1.2313498117282067 1.3827748003172637 1.2642660443705962 1.5056689477017042 1.4771381064970877 0.7315183676738025 0.9420171591635309 0.43542705287979616 0.32267089876195426 -0.31519719162866755 -0.5592313296986196 -0.5515955892746057 -0.8795196870489214 -0.9557739060196999 -1.0055609976859041 -1.0906375926312608 -1.1492470599624631 -0.9764626353329056 -1.1122034001391496 +17811,-0.22176255643297874,0,1.2313498117282067 1.3827748003172637 1.2642660443705962 1.5056689477017042 1.4771381064970877 0.7315183676738025 0.9420171591635309 0.43542705287979616 0.32267089876195426 -0.31519719162866755 -0.5592313296986196 -0.5515955892746057 -0.8795196870489214 -0.9557739060196999 -1.0055609976859041 -1.0906375926312608 -1.1492470599624631 -0.9764626353329056 -1.1122034001391496 -1.0165502728298483 +17812,-0.35915429220446204,0,1.3827748003172637 1.2642660443705962 1.5056689477017042 1.4771381064970877 0.7315183676738025 0.9420171591635309 0.43542705287979616 0.32267089876195426 -0.31519719162866755 -0.5592313296986196 -0.5515955892746057 -0.8795196870489214 -0.9557739060196999 -1.0055609976859041 -1.0906375926312608 -1.1492470599624631 -0.9764626353329056 -1.1122034001391496 -1.0165502728298483 -0.22176255643297874 +17813,0.20258856126640856,0,1.2642660443705962 1.5056689477017042 1.4771381064970877 0.7315183676738025 0.9420171591635309 0.43542705287979616 0.32267089876195426 -0.31519719162866755 -0.5592313296986196 -0.5515955892746057 -0.8795196870489214 -0.9557739060196999 -1.0055609976859041 -1.0906375926312608 -1.1492470599624631 -0.9764626353329056 -1.1122034001391496 -1.0165502728298483 -0.22176255643297874 -0.35915429220446204 +17814,0.24218606672176762,0,1.5056689477017042 1.4771381064970877 0.7315183676738025 0.9420171591635309 0.43542705287979616 0.32267089876195426 -0.31519719162866755 -0.5592313296986196 -0.5515955892746057 -0.8795196870489214 -0.9557739060196999 -1.0055609976859041 -1.0906375926312608 -1.1492470599624631 -0.9764626353329056 -1.1122034001391496 -1.0165502728298483 -0.22176255643297874 -0.35915429220446204 0.20258856126640856 +17815,0.9779773693247641,0,1.4771381064970877 0.7315183676738025 0.9420171591635309 0.43542705287979616 0.32267089876195426 -0.31519719162866755 -0.5592313296986196 -0.5515955892746057 -0.8795196870489214 -0.9557739060196999 -1.0055609976859041 -1.0906375926312608 -1.1492470599624631 -0.9764626353329056 -1.1122034001391496 -1.0165502728298483 -0.22176255643297874 -0.35915429220446204 0.20258856126640856 0.24218606672176762 +17816,1.1916233242218117,0,0.7315183676738025 0.9420171591635309 0.43542705287979616 0.32267089876195426 -0.31519719162866755 -0.5592313296986196 -0.5515955892746057 -0.8795196870489214 -0.9557739060196999 -1.0055609976859041 -1.0906375926312608 -1.1492470599624631 -0.9764626353329056 -1.1122034001391496 -1.0165502728298483 -0.22176255643297874 -0.35915429220446204 0.20258856126640856 0.24218606672176762 0.9779773693247641 +17817,1.027609682467809,0,0.9420171591635309 0.43542705287979616 0.32267089876195426 -0.31519719162866755 -0.5592313296986196 -0.5515955892746057 -0.8795196870489214 -0.9557739060196999 -1.0055609976859041 -1.0906375926312608 -1.1492470599624631 -0.9764626353329056 -1.1122034001391496 -1.0165502728298483 -0.22176255643297874 -0.35915429220446204 0.20258856126640856 0.24218606672176762 0.9779773693247641 1.1916233242218117 +17818,1.3671421694786885,0,0.43542705287979616 0.32267089876195426 -0.31519719162866755 -0.5592313296986196 -0.5515955892746057 -0.8795196870489214 -0.9557739060196999 -1.0055609976859041 -1.0906375926312608 -1.1492470599624631 -0.9764626353329056 -1.1122034001391496 -1.0165502728298483 -0.22176255643297874 -0.35915429220446204 0.20258856126640856 0.24218606672176762 0.9779773693247641 1.1916233242218117 1.027609682467809 +17819,1.3290150598385093,0,0.32267089876195426 -0.31519719162866755 -0.5592313296986196 -0.5515955892746057 -0.8795196870489214 -0.9557739060196999 -1.0055609976859041 -1.0906375926312608 -1.1492470599624631 -0.9764626353329056 -1.1122034001391496 -1.0165502728298483 -0.22176255643297874 -0.35915429220446204 0.20258856126640856 0.24218606672176762 0.9779773693247641 1.1916233242218117 1.027609682467809 1.3671421694786885 +17820,0.6429076631680184,0,-0.31519719162866755 -0.5592313296986196 -0.5515955892746057 -0.8795196870489214 -0.9557739060196999 -1.0055609976859041 -1.0906375926312608 -1.1492470599624631 -0.9764626353329056 -1.1122034001391496 -1.0165502728298483 -0.22176255643297874 -0.35915429220446204 0.20258856126640856 0.24218606672176762 0.9779773693247641 1.1916233242218117 1.027609682467809 1.3671421694786885 1.3290150598385093 +17821,0.8207739827443209,0,-0.5592313296986196 -0.5515955892746057 -0.8795196870489214 -0.9557739060196999 -1.0055609976859041 -1.0906375926312608 -1.1492470599624631 -0.9764626353329056 -1.1122034001391496 -1.0165502728298483 -0.22176255643297874 -0.35915429220446204 0.20258856126640856 0.24218606672176762 0.9779773693247641 1.1916233242218117 1.027609682467809 1.3671421694786885 1.3290150598385093 0.6429076631680184 +17822,0.35066001498074933,0,-0.5515955892746057 -0.8795196870489214 -0.9557739060196999 -1.0055609976859041 -1.0906375926312608 -1.1492470599624631 -0.9764626353329056 -1.1122034001391496 -1.0165502728298483 -0.22176255643297874 -0.35915429220446204 0.20258856126640856 0.24218606672176762 0.9779773693247641 1.1916233242218117 1.027609682467809 1.3671421694786885 1.3290150598385093 0.6429076631680184 0.8207739827443209 +17823,0.23135157010097393,0,-0.8795196870489214 -0.9557739060196999 -1.0055609976859041 -1.0906375926312608 -1.1492470599624631 -0.9764626353329056 -1.1122034001391496 -1.0165502728298483 -0.22176255643297874 -0.35915429220446204 0.20258856126640856 0.24218606672176762 0.9779773693247641 1.1916233242218117 1.027609682467809 1.3671421694786885 1.3290150598385093 0.6429076631680184 0.8207739827443209 0.35066001498074933 +17824,-0.35569757175083305,0,-0.9557739060196999 -1.0055609976859041 -1.0906375926312608 -1.1492470599624631 -0.9764626353329056 -1.1122034001391496 -1.0165502728298483 -0.22176255643297874 -0.35915429220446204 0.20258856126640856 0.24218606672176762 0.9779773693247641 1.1916233242218117 1.027609682467809 1.3671421694786885 1.3290150598385093 0.6429076631680184 0.8207739827443209 0.35066001498074933 0.23135157010097393 +17825,-0.5919411910283976,0,-1.0055609976859041 -1.0906375926312608 -1.1492470599624631 -0.9764626353329056 -1.1122034001391496 -1.0165502728298483 -0.22176255643297874 -0.35915429220446204 0.20258856126640856 0.24218606672176762 0.9779773693247641 1.1916233242218117 1.027609682467809 1.3671421694786885 1.3290150598385093 0.6429076631680184 0.8207739827443209 0.35066001498074933 0.23135157010097393 -0.35569757175083305 +17826,-0.5408384819153874,0,-1.0906375926312608 -1.1492470599624631 -0.9764626353329056 -1.1122034001391496 -1.0165502728298483 -0.22176255643297874 -0.35915429220446204 0.20258856126640856 0.24218606672176762 0.9779773693247641 1.1916233242218117 1.027609682467809 1.3671421694786885 1.3290150598385093 0.6429076631680184 0.8207739827443209 0.35066001498074933 0.23135157010097393 -0.35569757175083305 -0.5919411910283976 +17827,-0.8728642105532893,0,-1.1492470599624631 -0.9764626353329056 -1.1122034001391496 -1.0165502728298483 -0.22176255643297874 -0.35915429220446204 0.20258856126640856 0.24218606672176762 0.9779773693247641 1.1916233242218117 1.027609682467809 1.3671421694786885 1.3290150598385093 0.6429076631680184 0.8207739827443209 0.35066001498074933 0.23135157010097393 -0.35569757175083305 -0.5919411910283976 -0.5408384819153874 +17828,-0.9175436108006165,0,-0.9764626353329056 -1.1122034001391496 -1.0165502728298483 -0.22176255643297874 -0.35915429220446204 0.20258856126640856 0.24218606672176762 0.9779773693247641 1.1916233242218117 1.027609682467809 1.3671421694786885 1.3290150598385093 0.6429076631680184 0.8207739827443209 0.35066001498074933 0.23135157010097393 -0.35569757175083305 -0.5919411910283976 -0.5408384819153874 -0.8728642105532893 +17829,-0.982963333305387,0,-1.1122034001391496 -1.0165502728298483 -0.22176255643297874 -0.35915429220446204 0.20258856126640856 0.24218606672176762 0.9779773693247641 1.1916233242218117 1.027609682467809 1.3671421694786885 1.3290150598385093 0.6429076631680184 0.8207739827443209 0.35066001498074933 0.23135157010097393 -0.35569757175083305 -0.5919411910283976 -0.5408384819153874 -0.8728642105532893 -0.9175436108006165 +17830,-1.0207292929550187,0,-1.0165502728298483 -0.22176255643297874 -0.35915429220446204 0.20258856126640856 0.24218606672176762 0.9779773693247641 1.1916233242218117 1.027609682467809 1.3671421694786885 1.3290150598385093 0.6429076631680184 0.8207739827443209 0.35066001498074933 0.23135157010097393 -0.35569757175083305 -0.5919411910283976 -0.5408384819153874 -0.8728642105532893 -0.9175436108006165 -0.982963333305387 +17831,-1.0792355747073081,0,-0.22176255643297874 -0.35915429220446204 0.20258856126640856 0.24218606672176762 0.9779773693247641 1.1916233242218117 1.027609682467809 1.3671421694786885 1.3290150598385093 0.6429076631680184 0.8207739827443209 0.35066001498074933 0.23135157010097393 -0.35569757175083305 -0.5919411910283976 -0.5408384819153874 -0.8728642105532893 -0.9175436108006165 -0.982963333305387 -1.0207292929550187 +17832,-1.0055609976859041,0,-0.35915429220446204 0.20258856126640856 0.24218606672176762 0.9779773693247641 1.1916233242218117 1.027609682467809 1.3671421694786885 1.3290150598385093 0.6429076631680184 0.8207739827443209 0.35066001498074933 0.23135157010097393 -0.35569757175083305 -0.5919411910283976 -0.5408384819153874 -0.8728642105532893 -0.9175436108006165 -0.982963333305387 -1.0207292929550187 -1.0792355747073081 +17833,-1.1081275657476866,0,0.20258856126640856 0.24218606672176762 0.9779773693247641 1.1916233242218117 1.027609682467809 1.3671421694786885 1.3290150598385093 0.6429076631680184 0.8207739827443209 0.35066001498074933 0.23135157010097393 -0.35569757175083305 -0.5919411910283976 -0.5408384819153874 -0.8728642105532893 -0.9175436108006165 -0.982963333305387 -1.0207292929550187 -1.0792355747073081 -1.0055609976859041 +17834,-1.0785132748809898,0,0.24218606672176762 0.9779773693247641 1.1916233242218117 1.027609682467809 1.3671421694786885 1.3290150598385093 0.6429076631680184 0.8207739827443209 0.35066001498074933 0.23135157010097393 -0.35569757175083305 -0.5919411910283976 -0.5408384819153874 -0.8728642105532893 -0.9175436108006165 -0.982963333305387 -1.0207292929550187 -1.0792355747073081 -1.0055609976859041 -1.1081275657476866 +17835,-0.20667165042544813,0,0.9779773693247641 1.1916233242218117 1.027609682467809 1.3671421694786885 1.3290150598385093 0.6429076631680184 0.8207739827443209 0.35066001498074933 0.23135157010097393 -0.35569757175083305 -0.5919411910283976 -0.5408384819153874 -0.8728642105532893 -0.9175436108006165 -0.982963333305387 -1.0207292929550187 -1.0792355747073081 -1.0055609976859041 -1.1081275657476866 -1.0785132748809898 +17836,-0.45779980424315503,0,1.1916233242218117 1.027609682467809 1.3671421694786885 1.3290150598385093 0.6429076631680184 0.8207739827443209 0.35066001498074933 0.23135157010097393 -0.35569757175083305 -0.5919411910283976 -0.5408384819153874 -0.8728642105532893 -0.9175436108006165 -0.982963333305387 -1.0207292929550187 -1.0792355747073081 -1.0055609976859041 -1.1081275657476866 -1.0785132748809898 -0.20667165042544813 +17837,0.1332993756827775,0,1.027609682467809 1.3671421694786885 1.3290150598385093 0.6429076631680184 0.8207739827443209 0.35066001498074933 0.23135157010097393 -0.35569757175083305 -0.5919411910283976 -0.5408384819153874 -0.8728642105532893 -0.9175436108006165 -0.982963333305387 -1.0207292929550187 -1.0792355747073081 -1.0055609976859041 -1.1081275657476866 -1.0785132748809898 -0.20667165042544813 -0.45779980424315503 +17838,0.023251845720131857,0,1.3671421694786885 1.3290150598385093 0.6429076631680184 0.8207739827443209 0.35066001498074933 0.23135157010097393 -0.35569757175083305 -0.5919411910283976 -0.5408384819153874 -0.8728642105532893 -0.9175436108006165 -0.982963333305387 -1.0207292929550187 -1.0792355747073081 -1.0055609976859041 -1.1081275657476866 -1.0785132748809898 -0.20667165042544813 -0.45779980424315503 0.1332993756827775 +17839,0.8480665956089208,0,1.3290150598385093 0.6429076631680184 0.8207739827443209 0.35066001498074933 0.23135157010097393 -0.35569757175083305 -0.5919411910283976 -0.5408384819153874 -0.8728642105532893 -0.9175436108006165 -0.982963333305387 -1.0207292929550187 -1.0792355747073081 -1.0055609976859041 -1.1081275657476866 -1.0785132748809898 -0.20667165042544813 -0.45779980424315503 0.1332993756827775 0.023251845720131857 +17840,0.9717346356091405,0,0.6429076631680184 0.8207739827443209 0.35066001498074933 0.23135157010097393 -0.35569757175083305 -0.5919411910283976 -0.5408384819153874 -0.8728642105532893 -0.9175436108006165 -0.982963333305387 -1.0207292929550187 -1.0792355747073081 -1.0055609976859041 -1.1081275657476866 -1.0785132748809898 -0.20667165042544813 -0.45779980424315503 0.1332993756827775 0.023251845720131857 0.8480665956089208 +17841,0.7971444614911845,0,0.8207739827443209 0.35066001498074933 0.23135157010097393 -0.35569757175083305 -0.5919411910283976 -0.5408384819153874 -0.8728642105532893 -0.9175436108006165 -0.982963333305387 -1.0207292929550187 -1.0792355747073081 -1.0055609976859041 -1.1081275657476866 -1.0785132748809898 -0.20667165042544813 -0.45779980424315503 0.1332993756827775 0.023251845720131857 0.8480665956089208 0.9717346356091405 +17842,1.0202319061458587,0,0.35066001498074933 0.23135157010097393 -0.35569757175083305 -0.5919411910283976 -0.5408384819153874 -0.8728642105532893 -0.9175436108006165 -0.982963333305387 -1.0207292929550187 -1.0792355747073081 -1.0055609976859041 -1.1081275657476866 -1.0785132748809898 -0.20667165042544813 -0.45779980424315503 0.1332993756827775 0.023251845720131857 0.8480665956089208 0.9717346356091405 0.7971444614911845 +17843,0.9450611368371515,0,0.23135157010097393 -0.35569757175083305 -0.5919411910283976 -0.5408384819153874 -0.8728642105532893 -0.9175436108006165 -0.982963333305387 -1.0207292929550187 -1.0792355747073081 -1.0055609976859041 -1.1081275657476866 -1.0785132748809898 -0.20667165042544813 -0.45779980424315503 0.1332993756827775 0.023251845720131857 0.8480665956089208 0.9717346356091405 0.7971444614911845 1.0202319061458587 +17844,0.4616620125544391,0,-0.35569757175083305 -0.5919411910283976 -0.5408384819153874 -0.8728642105532893 -0.9175436108006165 -0.982963333305387 -1.0207292929550187 -1.0792355747073081 -1.0055609976859041 -1.1081275657476866 -1.0785132748809898 -0.20667165042544813 -0.45779980424315503 0.1332993756827775 0.023251845720131857 0.8480665956089208 0.9717346356091405 0.7971444614911845 1.0202319061458587 0.9450611368371515 +17845,0.5225673614156149,0,-0.5919411910283976 -0.5408384819153874 -0.8728642105532893 -0.9175436108006165 -0.982963333305387 -1.0207292929550187 -1.0792355747073081 -1.0055609976859041 -1.1081275657476866 -1.0785132748809898 -0.20667165042544813 -0.45779980424315503 0.1332993756827775 0.023251845720131857 0.8480665956089208 0.9717346356091405 0.7971444614911845 1.0202319061458587 0.9450611368371515 0.4616620125544391 +17846,0.17524435545757086,0,-0.5408384819153874 -0.8728642105532893 -0.9175436108006165 -0.982963333305387 -1.0207292929550187 -1.0792355747073081 -1.0055609976859041 -1.1081275657476866 -1.0785132748809898 -0.20667165042544813 -0.45779980424315503 0.1332993756827775 0.023251845720131857 0.8480665956089208 0.9717346356091405 0.7971444614911845 1.0202319061458587 0.9450611368371515 0.4616620125544391 0.5225673614156149 +17847,0.08051989928719044,0,-0.8728642105532893 -0.9175436108006165 -0.982963333305387 -1.0207292929550187 -1.0792355747073081 -1.0055609976859041 -1.1081275657476866 -1.0785132748809898 -0.20667165042544813 -0.45779980424315503 0.1332993756827775 0.023251845720131857 0.8480665956089208 0.9717346356091405 0.7971444614911845 1.0202319061458587 0.9450611368371515 0.4616620125544391 0.5225673614156149 0.17524435545757086 +17848,-0.35100262326675014,0,-0.9175436108006165 -0.982963333305387 -1.0207292929550187 -1.0792355747073081 -1.0055609976859041 -1.1081275657476866 -1.0785132748809898 -0.20667165042544813 -0.45779980424315503 0.1332993756827775 0.023251845720131857 0.8480665956089208 0.9717346356091405 0.7971444614911845 1.0202319061458587 0.9450611368371515 0.4616620125544391 0.5225673614156149 0.17524435545757086 0.08051989928719044 +17849,-0.5299265960330096,0,-0.982963333305387 -1.0207292929550187 -1.0792355747073081 -1.0055609976859041 -1.1081275657476866 -1.0785132748809898 -0.20667165042544813 -0.45779980424315503 0.1332993756827775 0.023251845720131857 0.8480665956089208 0.9717346356091405 0.7971444614911845 1.0202319061458587 0.9450611368371515 0.4616620125544391 0.5225673614156149 0.17524435545757086 0.08051989928719044 -0.35100262326675014 +17850,-0.4212720727787541,0,-1.0207292929550187 -1.0792355747073081 -1.0055609976859041 -1.1081275657476866 -1.0785132748809898 -0.20667165042544813 -0.45779980424315503 0.1332993756827775 0.023251845720131857 0.8480665956089208 0.9717346356091405 0.7971444614911845 1.0202319061458587 0.9450611368371515 0.4616620125544391 0.5225673614156149 0.17524435545757086 0.08051989928719044 -0.35100262326675014 -0.5299265960330096 +17851,-0.696055544166935,0,-1.0792355747073081 -1.0055609976859041 -1.1081275657476866 -1.0785132748809898 -0.20667165042544813 -0.45779980424315503 0.1332993756827775 0.023251845720131857 0.8480665956089208 0.9717346356091405 0.7971444614911845 1.0202319061458587 0.9450611368371515 0.4616620125544391 0.5225673614156149 0.17524435545757086 0.08051989928719044 -0.35100262326675014 -0.5299265960330096 -0.4212720727787541 +17852,-0.683260519689378,0,-1.0055609976859041 -1.1081275657476866 -1.0785132748809898 -0.20667165042544813 -0.45779980424315503 0.1332993756827775 0.023251845720131857 0.8480665956089208 0.9717346356091405 0.7971444614911845 1.0202319061458587 0.9450611368371515 0.4616620125544391 0.5225673614156149 0.17524435545757086 0.08051989928719044 -0.35100262326675014 -0.5299265960330096 -0.4212720727787541 -0.696055544166935 +17853,-0.666441253455024,0,-1.1081275657476866 -1.0785132748809898 -0.20667165042544813 -0.45779980424315503 0.1332993756827775 0.023251845720131857 0.8480665956089208 0.9717346356091405 0.7971444614911845 1.0202319061458587 0.9450611368371515 0.4616620125544391 0.5225673614156149 0.17524435545757086 0.08051989928719044 -0.35100262326675014 -0.5299265960330096 -0.4212720727787541 -0.696055544166935 -0.683260519689378 +17854,-0.6549876427416106,0,-1.0785132748809898 -0.20667165042544813 -0.45779980424315503 0.1332993756827775 0.023251845720131857 0.8480665956089208 0.9717346356091405 0.7971444614911845 1.0202319061458587 0.9450611368371515 0.4616620125544391 0.5225673614156149 0.17524435545757086 0.08051989928719044 -0.35100262326675014 -0.5299265960330096 -0.4212720727787541 -0.696055544166935 -0.683260519689378 -0.666441253455024 +17855,-0.6395097904261948,0,-0.20667165042544813 -0.45779980424315503 0.1332993756827775 0.023251845720131857 0.8480665956089208 0.9717346356091405 0.7971444614911845 1.0202319061458587 0.9450611368371515 0.4616620125544391 0.5225673614156149 0.17524435545757086 0.08051989928719044 -0.35100262326675014 -0.5299265960330096 -0.4212720727787541 -0.696055544166935 -0.683260519689378 -0.666441253455024 -0.6549876427416106 +17856,-0.6542911393874243,0,-0.45779980424315503 0.1332993756827775 0.023251845720131857 0.8480665956089208 0.9717346356091405 0.7971444614911845 1.0202319061458587 0.9450611368371515 0.4616620125544391 0.5225673614156149 0.17524435545757086 0.08051989928719044 -0.35100262326675014 -0.5299265960330096 -0.4212720727787541 -0.696055544166935 -0.683260519689378 -0.666441253455024 -0.6549876427416106 -0.6395097904261948 +17857,-0.6287268865948532,0,0.1332993756827775 0.023251845720131857 0.8480665956089208 0.9717346356091405 0.7971444614911845 1.0202319061458587 0.9450611368371515 0.4616620125544391 0.5225673614156149 0.17524435545757086 0.08051989928719044 -0.35100262326675014 -0.5299265960330096 -0.4212720727787541 -0.696055544166935 -0.683260519689378 -0.666441253455024 -0.6549876427416106 -0.6395097904261948 -0.6542911393874243 +17858,-0.6334218352337218,0,0.023251845720131857 0.8480665956089208 0.9717346356091405 0.7971444614911845 1.0202319061458587 0.9450611368371515 0.4616620125544391 0.5225673614156149 0.17524435545757086 0.08051989928719044 -0.35100262326675014 -0.5299265960330096 -0.4212720727787541 -0.696055544166935 -0.683260519689378 -0.666441253455024 -0.6549876427416106 -0.6395097904261948 -0.6542911393874243 -0.6287268865948532 +17859,-0.3753802406635337,0,0.8480665956089208 0.9717346356091405 0.7971444614911845 1.0202319061458587 0.9450611368371515 0.4616620125544391 0.5225673614156149 0.17524435545757086 0.08051989928719044 -0.35100262326675014 -0.5299265960330096 -0.4212720727787541 -0.696055544166935 -0.683260519689378 -0.666441253455024 -0.6549876427416106 -0.6395097904261948 -0.6542911393874243 -0.6287268865948532 -0.6334218352337218 +17860,-0.467654036935567,0,0.9717346356091405 0.7971444614911845 1.0202319061458587 0.9450611368371515 0.4616620125544391 0.5225673614156149 0.17524435545757086 0.08051989928719044 -0.35100262326675014 -0.5299265960330096 -0.4212720727787541 -0.696055544166935 -0.683260519689378 -0.666441253455024 -0.6549876427416106 -0.6395097904261948 -0.6542911393874243 -0.6287268865948532 -0.6334218352337218 -0.3753802406635337 +17861,-0.2971912899985349,0,0.7971444614911845 1.0202319061458587 0.9450611368371515 0.4616620125544391 0.5225673614156149 0.17524435545757086 0.08051989928719044 -0.35100262326675014 -0.5299265960330096 -0.4212720727787541 -0.696055544166935 -0.683260519689378 -0.666441253455024 -0.6549876427416106 -0.6395097904261948 -0.6542911393874243 -0.6287268865948532 -0.6334218352337218 -0.3753802406635337 -0.467654036935567 +17862,-0.09221293255290623,0,1.0202319061458587 0.9450611368371515 0.4616620125544391 0.5225673614156149 0.17524435545757086 0.08051989928719044 -0.35100262326675014 -0.5299265960330096 -0.4212720727787541 -0.696055544166935 -0.683260519689378 -0.666441253455024 -0.6549876427416106 -0.6395097904261948 -0.6542911393874243 -0.6287268865948532 -0.6334218352337218 -0.3753802406635337 -0.467654036935567 -0.2971912899985349 +17863,0.06674461072646592,0,0.9450611368371515 0.4616620125544391 0.5225673614156149 0.17524435545757086 0.08051989928719044 -0.35100262326675014 -0.5299265960330096 -0.4212720727787541 -0.696055544166935 -0.683260519689378 -0.666441253455024 -0.6549876427416106 -0.6395097904261948 -0.6542911393874243 -0.6287268865948532 -0.6334218352337218 -0.3753802406635337 -0.467654036935567 -0.2971912899985349 -0.09221293255290623 +17864,0.2602177646692291,0,0.4616620125544391 0.5225673614156149 0.17524435545757086 0.08051989928719044 -0.35100262326675014 -0.5299265960330096 -0.4212720727787541 -0.696055544166935 -0.683260519689378 -0.666441253455024 -0.6549876427416106 -0.6395097904261948 -0.6542911393874243 -0.6287268865948532 -0.6334218352337218 -0.3753802406635337 -0.467654036935567 -0.2971912899985349 -0.09221293255290623 0.06674461072646592 +17865,0.10071849655882119,0,0.5225673614156149 0.17524435545757086 0.08051989928719044 -0.35100262326675014 -0.5299265960330096 -0.4212720727787541 -0.696055544166935 -0.683260519689378 -0.666441253455024 -0.6549876427416106 -0.6395097904261948 -0.6542911393874243 -0.6287268865948532 -0.6334218352337218 -0.3753802406635337 -0.467654036935567 -0.2971912899985349 -0.09221293255290623 0.06674461072646592 0.2602177646692291 +17866,0.41184912457089734,0,0.17524435545757086 0.08051989928719044 -0.35100262326675014 -0.5299265960330096 -0.4212720727787541 -0.696055544166935 -0.683260519689378 -0.666441253455024 -0.6549876427416106 -0.6395097904261948 -0.6542911393874243 -0.6287268865948532 -0.6334218352337218 -0.3753802406635337 -0.467654036935567 -0.2971912899985349 -0.09221293255290623 0.06674461072646592 0.2602177646692291 0.10071849655882119 +17867,0.37000733037502564,0,0.08051989928719044 -0.35100262326675014 -0.5299265960330096 -0.4212720727787541 -0.696055544166935 -0.683260519689378 -0.666441253455024 -0.6549876427416106 -0.6395097904261948 -0.6542911393874243 -0.6287268865948532 -0.6334218352337218 -0.3753802406635337 -0.467654036935567 -0.2971912899985349 -0.09221293255290623 0.06674461072646592 0.2602177646692291 0.10071849655882119 0.41184912457089734 +17868,0.024877020213256627,0,-0.35100262326675014 -0.5299265960330096 -0.4212720727787541 -0.696055544166935 -0.683260519689378 -0.666441253455024 -0.6549876427416106 -0.6395097904261948 -0.6542911393874243 -0.6287268865948532 -0.6334218352337218 -0.3753802406635337 -0.467654036935567 -0.2971912899985349 -0.09221293255290623 0.06674461072646592 0.2602177646692291 0.10071849655882119 0.41184912457089734 0.37000733037502564 +17869,0.08413139810919311,0,-0.5299265960330096 -0.4212720727787541 -0.696055544166935 -0.683260519689378 -0.666441253455024 -0.6549876427416106 -0.6395097904261948 -0.6542911393874243 -0.6287268865948532 -0.6334218352337218 -0.3753802406635337 -0.467654036935567 -0.2971912899985349 -0.09221293255290623 0.06674461072646592 0.2602177646692291 0.10071849655882119 0.41184912457089734 0.37000733037502564 0.024877020213256627 +17870,-0.15990273996075008,0,-0.4212720727787541 -0.696055544166935 -0.683260519689378 -0.666441253455024 -0.6549876427416106 -0.6395097904261948 -0.6542911393874243 -0.6287268865948532 -0.6334218352337218 -0.3753802406635337 -0.467654036935567 -0.2971912899985349 -0.09221293255290623 0.06674461072646592 0.2602177646692291 0.10071849655882119 0.41184912457089734 0.37000733037502564 0.024877020213256627 0.08413139810919311 +17871,-0.36230145545700426,0,-0.696055544166935 -0.683260519689378 -0.666441253455024 -0.6549876427416106 -0.6395097904261948 -0.6542911393874243 -0.6287268865948532 -0.6334218352337218 -0.3753802406635337 -0.467654036935567 -0.2971912899985349 -0.09221293255290623 0.06674461072646592 0.2602177646692291 0.10071849655882119 0.41184912457089734 0.37000733037502564 0.024877020213256627 0.08413139810919311 -0.15990273996075008 +17872,-0.6202140678213793,0,-0.683260519689378 -0.666441253455024 -0.6549876427416106 -0.6395097904261948 -0.6542911393874243 -0.6287268865948532 -0.6334218352337218 -0.3753802406635337 -0.467654036935567 -0.2971912899985349 -0.09221293255290623 0.06674461072646592 0.2602177646692291 0.10071849655882119 0.41184912457089734 0.37000733037502564 0.024877020213256627 0.08413139810919311 -0.15990273996075008 -0.36230145545700426 +17873,-0.8364912576120478,0,-0.666441253455024 -0.6549876427416106 -0.6395097904261948 -0.6542911393874243 -0.6287268865948532 -0.6334218352337218 -0.3753802406635337 -0.467654036935567 -0.2971912899985349 -0.09221293255290623 0.06674461072646592 0.2602177646692291 0.10071849655882119 0.41184912457089734 0.37000733037502564 0.024877020213256627 0.08413139810919311 -0.15990273996075008 -0.36230145545700426 -0.6202140678213793 +17874,-0.860533521490407,0,-0.6549876427416106 -0.6395097904261948 -0.6542911393874243 -0.6287268865948532 -0.6334218352337218 -0.3753802406635337 -0.467654036935567 -0.2971912899985349 -0.09221293255290623 0.06674461072646592 0.2602177646692291 0.10071849655882119 0.41184912457089734 0.37000733037502564 0.024877020213256627 0.08413139810919311 -0.15990273996075008 -0.36230145545700426 -0.6202140678213793 -0.8364912576120478 +17875,-1.1408890197121397,0,-0.6395097904261948 -0.6542911393874243 -0.6287268865948532 -0.6334218352337218 -0.3753802406635337 -0.467654036935567 -0.2971912899985349 -0.09221293255290623 0.06674461072646592 0.2602177646692291 0.10071849655882119 0.41184912457089734 0.37000733037502564 0.024877020213256627 0.08413139810919311 -0.15990273996075008 -0.36230145545700426 -0.6202140678213793 -0.8364912576120478 -0.860533521490407 +17876,-1.229009592331126,0,-0.6542911393874243 -0.6287268865948532 -0.6334218352337218 -0.3753802406635337 -0.467654036935567 -0.2971912899985349 -0.09221293255290623 0.06674461072646592 0.2602177646692291 0.10071849655882119 0.41184912457089734 0.37000733037502564 0.024877020213256627 0.08413139810919311 -0.15990273996075008 -0.36230145545700426 -0.6202140678213793 -0.8364912576120478 -0.860533521490407 -1.1408890197121397 +17877,-1.266362809200749,0,-0.6287268865948532 -0.6334218352337218 -0.3753802406635337 -0.467654036935567 -0.2971912899985349 -0.09221293255290623 0.06674461072646592 0.2602177646692291 0.10071849655882119 0.41184912457089734 0.37000733037502564 0.024877020213256627 0.08413139810919311 -0.15990273996075008 -0.36230145545700426 -0.6202140678213793 -0.8364912576120478 -0.860533521490407 -1.1408890197121397 -1.229009592331126 +17878,-1.371405833633002,0,-0.6334218352337218 -0.3753802406635337 -0.467654036935567 -0.2971912899985349 -0.09221293255290623 0.06674461072646592 0.2602177646692291 0.10071849655882119 0.41184912457089734 0.37000733037502564 0.024877020213256627 0.08413139810919311 -0.15990273996075008 -0.36230145545700426 -0.6202140678213793 -0.8364912576120478 -0.860533521490407 -1.1408890197121397 -1.229009592331126 -1.266362809200749 +17879,-1.4256815023158833,0,-0.3753802406635337 -0.467654036935567 -0.2971912899985349 -0.09221293255290623 0.06674461072646592 0.2602177646692291 0.10071849655882119 0.41184912457089734 0.37000733037502564 0.024877020213256627 0.08413139810919311 -0.15990273996075008 -0.36230145545700426 -0.6202140678213793 -0.8364912576120478 -0.860533521490407 -1.1408890197121397 -1.229009592331126 -1.266362809200749 -1.371405833633002 +17880,-1.31271897688543,0,-0.467654036935567 -0.2971912899985349 -0.09221293255290623 0.06674461072646592 0.2602177646692291 0.10071849655882119 0.41184912457089734 0.37000733037502564 0.024877020213256627 0.08413139810919311 -0.15990273996075008 -0.36230145545700426 -0.6202140678213793 -0.8364912576120478 -0.860533521490407 -1.1408890197121397 -1.229009592331126 -1.266362809200749 -1.371405833633002 -1.4256815023158833 +17881,-1.4227407103759613,0,-0.2971912899985349 -0.09221293255290623 0.06674461072646592 0.2602177646692291 0.10071849655882119 0.41184912457089734 0.37000733037502564 0.024877020213256627 0.08413139810919311 -0.15990273996075008 -0.36230145545700426 -0.6202140678213793 -0.8364912576120478 -0.860533521490407 -1.1408890197121397 -1.229009592331126 -1.266362809200749 -1.371405833633002 -1.4256815023158833 -1.31271897688543 +17882,-1.3655242497531404,0,-0.09221293255290623 0.06674461072646592 0.2602177646692291 0.10071849655882119 0.41184912457089734 0.37000733037502564 0.024877020213256627 0.08413139810919311 -0.15990273996075008 -0.36230145545700426 -0.6202140678213793 -0.8364912576120478 -0.860533521490407 -1.1408890197121397 -1.229009592331126 -1.266362809200749 -1.371405833633002 -1.4256815023158833 -1.31271897688543 -1.4227407103759613 +17883,-0.6523564078479984,0,0.06674461072646592 0.2602177646692291 0.10071849655882119 0.41184912457089734 0.37000733037502564 0.024877020213256627 0.08413139810919311 -0.15990273996075008 -0.36230145545700426 -0.6202140678213793 -0.8364912576120478 -0.860533521490407 -1.1408890197121397 -1.229009592331126 -1.266362809200749 -1.371405833633002 -1.4256815023158833 -1.31271897688543 -1.4227407103759613 -1.3655242497531404 +17884,-0.813790407497841,0,0.2602177646692291 0.10071849655882119 0.41184912457089734 0.37000733037502564 0.024877020213256627 0.08413139810919311 -0.15990273996075008 -0.36230145545700426 -0.6202140678213793 -0.8364912576120478 -0.860533521490407 -1.1408890197121397 -1.229009592331126 -1.266362809200749 -1.371405833633002 -1.4256815023158833 -1.31271897688543 -1.4227407103759613 -1.3655242497531404 -0.6523564078479984 +17885,-0.31927302602013063,0,0.10071849655882119 0.41184912457089734 0.37000733037502564 0.024877020213256627 0.08413139810919311 -0.15990273996075008 -0.36230145545700426 -0.6202140678213793 -0.8364912576120478 -0.860533521490407 -1.1408890197121397 -1.229009592331126 -1.266362809200749 -1.371405833633002 -1.4256815023158833 -1.31271897688543 -1.4227407103759613 -1.3655242497531404 -0.6523564078479984 -0.813790407497841 +17886,-0.36918909973736214,0,0.41184912457089734 0.37000733037502564 0.024877020213256627 0.08413139810919311 -0.15990273996075008 -0.36230145545700426 -0.6202140678213793 -0.8364912576120478 -0.860533521490407 -1.1408890197121397 -1.229009592331126 -1.266362809200749 -1.371405833633002 -1.4256815023158833 -1.31271897688543 -1.4227407103759613 -1.3655242497531404 -0.6523564078479984 -0.813790407497841 -0.31927302602013063 +17887,0.3068061001386445,0,0.37000733037502564 0.024877020213256627 0.08413139810919311 -0.15990273996075008 -0.36230145545700426 -0.6202140678213793 -0.8364912576120478 -0.860533521490407 -1.1408890197121397 -1.229009592331126 -1.266362809200749 -1.371405833633002 -1.4256815023158833 -1.31271897688543 -1.4227407103759613 -1.3655242497531404 -0.6523564078479984 -0.813790407497841 -0.31927302602013063 -0.36918909973736214 +17888,0.43836784481972696,0,0.024877020213256627 0.08413139810919311 -0.15990273996075008 -0.36230145545700426 -0.6202140678213793 -0.8364912576120478 -0.860533521490407 -1.1408890197121397 -1.229009592331126 -1.266362809200749 -1.371405833633002 -1.4256815023158833 -1.31271897688543 -1.4227407103759613 -1.3655242497531404 -0.6523564078479984 -0.813790407497841 -0.31927302602013063 -0.36918909973736214 0.3068061001386445 +17889,0.3096695028170001,0,0.08413139810919311 -0.15990273996075008 -0.36230145545700426 -0.6202140678213793 -0.8364912576120478 -0.860533521490407 -1.1408890197121397 -1.229009592331126 -1.266362809200749 -1.371405833633002 -1.4256815023158833 -1.31271897688543 -1.4227407103759613 -1.3655242497531404 -0.6523564078479984 -0.813790407497841 -0.31927302602013063 -0.36918909973736214 0.3068061001386445 0.43836784481972696 +17890,0.527984609726016,0,-0.15990273996075008 -0.36230145545700426 -0.6202140678213793 -0.8364912576120478 -0.860533521490407 -1.1408890197121397 -1.229009592331126 -1.266362809200749 -1.371405833633002 -1.4256815023158833 -1.31271897688543 -1.4227407103759613 -1.3655242497531404 -0.6523564078479984 -0.813790407497841 -0.31927302602013063 -0.36918909973736214 0.3068061001386445 0.43836784481972696 0.3096695028170001 +17891,0.4860396299512227,0,-0.36230145545700426 -0.6202140678213793 -0.8364912576120478 -0.860533521490407 -1.1408890197121397 -1.229009592331126 -1.266362809200749 -1.371405833633002 -1.4256815023158833 -1.31271897688543 -1.4227407103759613 -1.3655242497531404 -0.6523564078479984 -0.813790407497841 -0.31927302602013063 -0.36918909973736214 0.3068061001386445 0.43836784481972696 0.3096695028170001 0.527984609726016 +17892,0.06550638254123513,0,-0.6202140678213793 -0.8364912576120478 -0.860533521490407 -1.1408890197121397 -1.229009592331126 -1.266362809200749 -1.371405833633002 -1.4256815023158833 -1.31271897688543 -1.4227407103759613 -1.3655242497531404 -0.6523564078479984 -0.813790407497841 -0.31927302602013063 -0.36918909973736214 0.3068061001386445 0.43836784481972696 0.3096695028170001 0.527984609726016 0.4860396299512227 +17893,0.1497574919265838,0,-0.8364912576120478 -0.860533521490407 -1.1408890197121397 -1.229009592331126 -1.266362809200749 -1.371405833633002 -1.4256815023158833 -1.31271897688543 -1.4227407103759613 -1.3655242497531404 -0.6523564078479984 -0.813790407497841 -0.31927302602013063 -0.36918909973736214 0.3068061001386445 0.43836784481972696 0.3096695028170001 0.527984609726016 0.4860396299512227 0.06550638254123513 +17894,-0.14457966616848486,0,-0.860533521490407 -1.1408890197121397 -1.229009592331126 -1.266362809200749 -1.371405833633002 -1.4256815023158833 -1.31271897688543 -1.4227407103759613 -1.3655242497531404 -0.6523564078479984 -0.813790407497841 -0.31927302602013063 -0.36918909973736214 0.3068061001386445 0.43836784481972696 0.3096695028170001 0.527984609726016 0.4860396299512227 0.06550638254123513 0.1497574919265838 +17895,-0.34790705280365997,0,-1.1408890197121397 -1.229009592331126 -1.266362809200749 -1.371405833633002 -1.4256815023158833 -1.31271897688543 -1.4227407103759613 -1.3655242497531404 -0.6523564078479984 -0.813790407497841 -0.31927302602013063 -0.36918909973736214 0.3068061001386445 0.43836784481972696 0.3096695028170001 0.527984609726016 0.4860396299512227 0.06550638254123513 0.1497574919265838 -0.14457966616848486 +17896,-0.6725808015917348,0,-1.229009592331126 -1.266362809200749 -1.371405833633002 -1.4256815023158833 -1.31271897688543 -1.4227407103759613 -1.3655242497531404 -0.6523564078479984 -0.813790407497841 -0.31927302602013063 -0.36918909973736214 0.3068061001386445 0.43836784481972696 0.3096695028170001 0.527984609726016 0.4860396299512227 0.06550638254123513 0.1497574919265838 -0.14457966616848486 -0.34790705280365997 +17897,-0.9062447786103536,0,-1.266362809200749 -1.371405833633002 -1.4256815023158833 -1.31271897688543 -1.4227407103759613 -1.3655242497531404 -0.6523564078479984 -0.813790407497841 -0.31927302602013063 -0.36918909973736214 0.3068061001386445 0.43836784481972696 0.3096695028170001 0.527984609726016 0.4860396299512227 0.06550638254123513 0.1497574919265838 -0.14457966616848486 -0.34790705280365997 -0.6725808015917348 +17898,-0.9376132260212023,0,-1.371405833633002 -1.4256815023158833 -1.31271897688543 -1.4227407103759613 -1.3655242497531404 -0.6523564078479984 -0.813790407497841 -0.31927302602013063 -0.36918909973736214 0.3068061001386445 0.43836784481972696 0.3096695028170001 0.527984609726016 0.4860396299512227 0.06550638254123513 0.1497574919265838 -0.14457966616848486 -0.34790705280365997 -0.6725808015917348 -0.9062447786103536 +17899,-1.2387090463456016,0,-1.4256815023158833 -1.31271897688543 -1.4227407103759613 -1.3655242497531404 -0.6523564078479984 -0.813790407497841 -0.31927302602013063 -0.36918909973736214 0.3068061001386445 0.43836784481972696 0.3096695028170001 0.527984609726016 0.4860396299512227 0.06550638254123513 0.1497574919265838 -0.14457966616848486 -0.34790705280365997 -0.6725808015917348 -0.9062447786103536 -0.9376132260212023 +17900,-1.3375093370622309,0,-1.31271897688543 -1.4227407103759613 -1.3655242497531404 -0.6523564078479984 -0.813790407497841 -0.31927302602013063 -0.36918909973736214 0.3068061001386445 0.43836784481972696 0.3096695028170001 0.527984609726016 0.4860396299512227 0.06550638254123513 0.1497574919265838 -0.14457966616848486 -0.34790705280365997 -0.6725808015917348 -0.9062447786103536 -0.9376132260212023 -1.2387090463456016 +17901,-1.3423590640694643,0,-1.4227407103759613 -1.3655242497531404 -0.6523564078479984 -0.813790407497841 -0.31927302602013063 -0.36918909973736214 0.3068061001386445 0.43836784481972696 0.3096695028170001 0.527984609726016 0.4860396299512227 0.06550638254123513 0.1497574919265838 -0.14457966616848486 -0.34790705280365997 -0.6725808015917348 -0.9062447786103536 -0.9376132260212023 -1.2387090463456016 -1.3375093370622309 +17902,-1.4724762092526957,0,-1.3655242497531404 -0.6523564078479984 -0.813790407497841 -0.31927302602013063 -0.36918909973736214 0.3068061001386445 0.43836784481972696 0.3096695028170001 0.527984609726016 0.4860396299512227 0.06550638254123513 0.1497574919265838 -0.14457966616848486 -0.34790705280365997 -0.6725808015917348 -0.9062447786103536 -0.9376132260212023 -1.2387090463456016 -1.3375093370622309 -1.3423590640694643 +17903,-1.5086427907265403,0,-0.6523564078479984 -0.813790407497841 -0.31927302602013063 -0.36918909973736214 0.3068061001386445 0.43836784481972696 0.3096695028170001 0.527984609726016 0.4860396299512227 0.06550638254123513 0.1497574919265838 -0.14457966616848486 -0.34790705280365997 -0.6725808015917348 -0.9062447786103536 -0.9376132260212023 -1.2387090463456016 -1.3375093370622309 -1.3423590640694643 -1.4724762092526957 +17904,-1.3815954196890525,0,-0.813790407497841 -0.31927302602013063 -0.36918909973736214 0.3068061001386445 0.43836784481972696 0.3096695028170001 0.527984609726016 0.4860396299512227 0.06550638254123513 0.1497574919265838 -0.14457966616848486 -0.34790705280365997 -0.6725808015917348 -0.9062447786103536 -0.9376132260212023 -1.2387090463456016 -1.3375093370622309 -1.3423590640694643 -1.4724762092526957 -1.5086427907265403 +17905,-1.4721666522063859,0,-0.31927302602013063 -0.36918909973736214 0.3068061001386445 0.43836784481972696 0.3096695028170001 0.527984609726016 0.4860396299512227 0.06550638254123513 0.1497574919265838 -0.14457966616848486 -0.34790705280365997 -0.6725808015917348 -0.9062447786103536 -0.9376132260212023 -1.2387090463456016 -1.3375093370622309 -1.3423590640694643 -1.4724762092526957 -1.5086427907265403 -1.3815954196890525 +17906,-1.3995239319028243,0,-0.36918909973736214 0.3068061001386445 0.43836784481972696 0.3096695028170001 0.527984609726016 0.4860396299512227 0.06550638254123513 0.1497574919265838 -0.14457966616848486 -0.34790705280365997 -0.6725808015917348 -0.9062447786103536 -0.9376132260212023 -1.2387090463456016 -1.3375093370622309 -1.3423590640694643 -1.4724762092526957 -1.5086427907265403 -1.3815954196890525 -1.4721666522063859 +17907,-0.6968552332548287,0,0.3068061001386445 0.43836784481972696 0.3096695028170001 0.527984609726016 0.4860396299512227 0.06550638254123513 0.1497574919265838 -0.14457966616848486 -0.34790705280365997 -0.6725808015917348 -0.9062447786103536 -0.9376132260212023 -1.2387090463456016 -1.3375093370622309 -1.3423590640694643 -1.4724762092526957 -1.5086427907265403 -1.3815954196890525 -1.4721666522063859 -1.3995239319028243 +17908,-0.8342211725541976,0,0.43836784481972696 0.3096695028170001 0.527984609726016 0.4860396299512227 0.06550638254123513 0.1497574919265838 -0.14457966616848486 -0.34790705280365997 -0.6725808015917348 -0.9062447786103536 -0.9376132260212023 -1.2387090463456016 -1.3375093370622309 -1.3423590640694643 -1.4724762092526957 -1.5086427907265403 -1.3815954196890525 -1.4721666522063859 -1.3995239319028243 -0.6968552332548287 +17909,-0.3415611333543378,0,0.3096695028170001 0.527984609726016 0.4860396299512227 0.06550638254123513 0.1497574919265838 -0.14457966616848486 -0.34790705280365997 -0.6725808015917348 -0.9062447786103536 -0.9376132260212023 -1.2387090463456016 -1.3375093370622309 -1.3423590640694643 -1.4724762092526957 -1.5086427907265403 -1.3815954196890525 -1.4721666522063859 -1.3995239319028243 -0.6968552332548287 -0.8342211725541976 +17910,-0.4397681062956848,0,0.527984609726016 0.4860396299512227 0.06550638254123513 0.1497574919265838 -0.14457966616848486 -0.34790705280365997 -0.6725808015917348 -0.9062447786103536 -0.9376132260212023 -1.2387090463456016 -1.3375093370622309 -1.3423590640694643 -1.4724762092526957 -1.5086427907265403 -1.3815954196890525 -1.4721666522063859 -1.3995239319028243 -0.6968552332548287 -0.8342211725541976 -0.3415611333543378 +17911,0.24984760361789585,0,0.4860396299512227 0.06550638254123513 0.1497574919265838 -0.14457966616848486 -0.34790705280365997 -0.6725808015917348 -0.9062447786103536 -0.9376132260212023 -1.2387090463456016 -1.3375093370622309 -1.3423590640694643 -1.4724762092526957 -1.5086427907265403 -1.3815954196890525 -1.4721666522063859 -1.3995239319028243 -0.6968552332548287 -0.8342211725541976 -0.3415611333543378 -0.4397681062956848 +17912,0.34859630139028736,0,0.06550638254123513 0.1497574919265838 -0.14457966616848486 -0.34790705280365997 -0.6725808015917348 -0.9062447786103536 -0.9376132260212023 -1.2387090463456016 -1.3375093370622309 -1.3423590640694643 -1.4724762092526957 -1.5086427907265403 -1.3815954196890525 -1.4721666522063859 -1.3995239319028243 -0.6968552332548287 -0.8342211725541976 -0.3415611333543378 -0.4397681062956848 0.24984760361789585 +17913,0.20202103996324958,0,0.1497574919265838 -0.14457966616848486 -0.34790705280365997 -0.6725808015917348 -0.9062447786103536 -0.9376132260212023 -1.2387090463456016 -1.3375093370622309 -1.3423590640694643 -1.4724762092526957 -1.5086427907265403 -1.3815954196890525 -1.4721666522063859 -1.3995239319028243 -0.6968552332548287 -0.8342211725541976 -0.3415611333543378 -0.4397681062956848 0.24984760361789585 0.34859630139028736 +17914,0.38254439075051055,0,-0.14457966616848486 -0.34790705280365997 -0.6725808015917348 -0.9062447786103536 -0.9376132260212023 -1.2387090463456016 -1.3375093370622309 -1.3423590640694643 -1.4724762092526957 -1.5086427907265403 -1.3815954196890525 -1.4721666522063859 -1.3995239319028243 -0.6968552332548287 -0.8342211725541976 -0.3415611333543378 -0.4397681062956848 0.24984760361789585 0.34859630139028736 0.20202103996324958 +17915,0.31774378249313673,0,-0.34790705280365997 -0.6725808015917348 -0.9062447786103536 -0.9376132260212023 -1.2387090463456016 -1.3375093370622309 -1.3423590640694643 -1.4724762092526957 -1.5086427907265403 -1.3815954196890525 -1.4721666522063859 -1.3995239319028243 -0.6968552332548287 -0.8342211725541976 -0.3415611333543378 -0.4397681062956848 0.24984760361789585 0.34859630139028736 0.20202103996324958 0.38254439075051055 +17916,0.008702664543636983,0,-0.6725808015917348 -0.9062447786103536 -0.9376132260212023 -1.2387090463456016 -1.3375093370622309 -1.3423590640694643 -1.4724762092526957 -1.5086427907265403 -1.3815954196890525 -1.4721666522063859 -1.3995239319028243 -0.6968552332548287 -0.8342211725541976 -0.3415611333543378 -0.4397681062956848 0.24984760361789585 0.34859630139028736 0.20202103996324958 0.38254439075051055 0.31774378249313673 +17917,0.025315559310593823,0,-0.9062447786103536 -0.9376132260212023 -1.2387090463456016 -1.3375093370622309 -1.3423590640694643 -1.4724762092526957 -1.5086427907265403 -1.3815954196890525 -1.4721666522063859 -1.3995239319028243 -0.6968552332548287 -0.8342211725541976 -0.3415611333543378 -0.4397681062956848 0.24984760361789585 0.34859630139028736 0.20202103996324958 0.38254439075051055 0.31774378249313673 0.008702664543636983 +17918,-0.2023120553050039,0,-0.9376132260212023 -1.2387090463456016 -1.3375093370622309 -1.3423590640694643 -1.4724762092526957 -1.5086427907265403 -1.3815954196890525 -1.4721666522063859 -1.3995239319028243 -0.6968552332548287 -0.8342211725541976 -0.3415611333543378 -0.4397681062956848 0.24984760361789585 0.34859630139028736 0.20202103996324958 0.38254439075051055 0.31774378249313673 0.008702664543636983 0.025315559310593823 +17919,-0.33072663673354413,0,-1.2387090463456016 -1.3375093370622309 -1.3423590640694643 -1.4724762092526957 -1.5086427907265403 -1.3815954196890525 -1.4721666522063859 -1.3995239319028243 -0.6968552332548287 -0.8342211725541976 -0.3415611333543378 -0.4397681062956848 0.24984760361789585 0.34859630139028736 0.20202103996324958 0.38254439075051055 0.31774378249313673 0.008702664543636983 0.025315559310593823 -0.2023120553050039 +17920,-0.5914252625146906,0,-1.3375093370622309 -1.3423590640694643 -1.4724762092526957 -1.5086427907265403 -1.3815954196890525 -1.4721666522063859 -1.3995239319028243 -0.6968552332548287 -0.8342211725541976 -0.3415611333543378 -0.4397681062956848 0.24984760361789585 0.34859630139028736 0.20202103996324958 0.38254439075051055 0.31774378249313673 0.008702664543636983 0.025315559310593823 -0.2023120553050039 -0.33072663673354413 +17921,-0.752910855108771,0,-1.3423590640694643 -1.4724762092526957 -1.5086427907265403 -1.3815954196890525 -1.4721666522063859 -1.3995239319028243 -0.6968552332548287 -0.8342211725541976 -0.3415611333543378 -0.4397681062956848 0.24984760361789585 0.34859630139028736 0.20202103996324958 0.38254439075051055 0.31774378249313673 0.008702664543636983 0.025315559310593823 -0.2023120553050039 -0.33072663673354413 -0.5914252625146906 +17922,-0.8214519443939692,0,-1.4724762092526957 -1.5086427907265403 -1.3815954196890525 -1.4721666522063859 -1.3995239319028243 -0.6968552332548287 -0.8342211725541976 -0.3415611333543378 -0.4397681062956848 0.24984760361789585 0.34859630139028736 0.20202103996324958 0.38254439075051055 0.31774378249313673 0.008702664543636983 0.025315559310593823 -0.2023120553050039 -0.33072663673354413 -0.5914252625146906 -0.752910855108771 +17923,-1.0139190379362273,0,-1.5086427907265403 -1.3815954196890525 -1.4721666522063859 -1.3995239319028243 -0.6968552332548287 -0.8342211725541976 -0.3415611333543378 -0.4397681062956848 0.24984760361789585 0.34859630139028736 0.20202103996324958 0.38254439075051055 0.31774378249313673 0.008702664543636983 0.025315559310593823 -0.2023120553050039 -0.33072663673354413 -0.5914252625146906 -0.752910855108771 -0.8214519443939692 +17924,-1.1134416283243893,0,-1.3815954196890525 -1.4721666522063859 -1.3995239319028243 -0.6968552332548287 -0.8342211725541976 -0.3415611333543378 -0.4397681062956848 0.24984760361789585 0.34859630139028736 0.20202103996324958 0.38254439075051055 0.31774378249313673 0.008702664543636983 0.025315559310593823 -0.2023120553050039 -0.33072663673354413 -0.5914252625146906 -0.752910855108771 -0.8214519443939692 -1.0139190379362273 +17925,-1.1832467422669415,0,-1.4721666522063859 -1.3995239319028243 -0.6968552332548287 -0.8342211725541976 -0.3415611333543378 -0.4397681062956848 0.24984760361789585 0.34859630139028736 0.20202103996324958 0.38254439075051055 0.31774378249313673 0.008702664543636983 0.025315559310593823 -0.2023120553050039 -0.33072663673354413 -0.5914252625146906 -0.752910855108771 -0.8214519443939692 -1.0139190379362273 -1.1134416283243893 +17926,-1.2926751581369587,0,-1.3995239319028243 -0.6968552332548287 -0.8342211725541976 -0.3415611333543378 -0.4397681062956848 0.24984760361789585 0.34859630139028736 0.20202103996324958 0.38254439075051055 0.31774378249313673 0.008702664543636983 0.025315559310593823 -0.2023120553050039 -0.33072663673354413 -0.5914252625146906 -0.752910855108771 -0.8214519443939692 -1.0139190379362273 -1.1134416283243893 -1.1832467422669415 +17927,-1.3723860975613749,0,-0.6968552332548287 -0.8342211725541976 -0.3415611333543378 -0.4397681062956848 0.24984760361789585 0.34859630139028736 0.20202103996324958 0.38254439075051055 0.31774378249313673 0.008702664543636983 0.025315559310593823 -0.2023120553050039 -0.33072663673354413 -0.5914252625146906 -0.752910855108771 -0.8214519443939692 -1.0139190379362273 -1.1134416283243893 -1.1832467422669415 -1.2926751581369587 +17928,-1.2915143192133032,0,-0.8342211725541976 -0.3415611333543378 -0.4397681062956848 0.24984760361789585 0.34859630139028736 0.20202103996324958 0.38254439075051055 0.31774378249313673 0.008702664543636983 0.025315559310593823 -0.2023120553050039 -0.33072663673354413 -0.5914252625146906 -0.752910855108771 -0.8214519443939692 -1.0139190379362273 -1.1134416283243893 -1.1832467422669415 -1.2926751581369587 -1.3723860975613749 +17929,-1.4247528311769624,0,-0.3415611333543378 -0.4397681062956848 0.24984760361789585 0.34859630139028736 0.20202103996324958 0.38254439075051055 0.31774378249313673 0.008702664543636983 0.025315559310593823 -0.2023120553050039 -0.33072663673354413 -0.5914252625146906 -0.752910855108771 -0.8214519443939692 -1.0139190379362273 -1.1134416283243893 -1.1832467422669415 -1.2926751581369587 -1.3723860975613749 -1.2915143192133032 +17930,-1.3974086255229103,0,-0.4397681062956848 0.24984760361789585 0.34859630139028736 0.20202103996324958 0.38254439075051055 0.31774378249313673 0.008702664543636983 0.025315559310593823 -0.2023120553050039 -0.33072663673354413 -0.5914252625146906 -0.752910855108771 -0.8214519443939692 -1.0139190379362273 -1.1134416283243893 -1.1832467422669415 -1.2926751581369587 -1.3723860975613749 -1.2915143192133032 -1.4247528311769624 +17931,-0.5780627167339746,0,0.24984760361789585 0.34859630139028736 0.20202103996324958 0.38254439075051055 0.31774378249313673 0.008702664543636983 0.025315559310593823 -0.2023120553050039 -0.33072663673354413 -0.5914252625146906 -0.752910855108771 -0.8214519443939692 -1.0139190379362273 -1.1134416283243893 -1.1832467422669415 -1.2926751581369587 -1.3723860975613749 -1.2915143192133032 -1.4247528311769624 -1.3974086255229103 +17932,-0.8147190786367619,0,0.34859630139028736 0.20202103996324958 0.38254439075051055 0.31774378249313673 0.008702664543636983 0.025315559310593823 -0.2023120553050039 -0.33072663673354413 -0.5914252625146906 -0.752910855108771 -0.8214519443939692 -1.0139190379362273 -1.1134416283243893 -1.1832467422669415 -1.2926751581369587 -1.3723860975613749 -1.2915143192133032 -1.4247528311769624 -1.3974086255229103 -0.5780627167339746 +17933,-0.25937373755945115,0,0.20202103996324958 0.38254439075051055 0.31774378249313673 0.008702664543636983 0.025315559310593823 -0.2023120553050039 -0.33072663673354413 -0.5914252625146906 -0.752910855108771 -0.8214519443939692 -1.0139190379362273 -1.1134416283243893 -1.1832467422669415 -1.2926751581369587 -1.3723860975613749 -1.2915143192133032 -1.4247528311769624 -1.3974086255229103 -0.5780627167339746 -0.8147190786367619 +17934,-0.29056160997502606,0,0.38254439075051055 0.31774378249313673 0.008702664543636983 0.025315559310593823 -0.2023120553050039 -0.33072663673354413 -0.5914252625146906 -0.752910855108771 -0.8214519443939692 -1.0139190379362273 -1.1134416283243893 -1.1832467422669415 -1.2926751581369587 -1.3723860975613749 -1.2915143192133032 -1.4247528311769624 -1.3974086255229103 -0.5780627167339746 -0.8147190786367619 -0.25937373755945115 +17935,0.4602948023181722,0,0.31774378249313673 0.008702664543636983 0.025315559310593823 -0.2023120553050039 -0.33072663673354413 -0.5914252625146906 -0.752910855108771 -0.8214519443939692 -1.0139190379362273 -1.1134416283243893 -1.1832467422669415 -1.2926751581369587 -1.3723860975613749 -1.2915143192133032 -1.4247528311769624 -1.3974086255229103 -0.5780627167339746 -0.8147190786367619 -0.25937373755945115 -0.29056160997502606 +17936,0.6246180009636991,0,0.008702664543636983 0.025315559310593823 -0.2023120553050039 -0.33072663673354413 -0.5914252625146906 -0.752910855108771 -0.8214519443939692 -1.0139190379362273 -1.1134416283243893 -1.1832467422669415 -1.2926751581369587 -1.3723860975613749 -1.2915143192133032 -1.4247528311769624 -1.3974086255229103 -0.5780627167339746 -0.8147190786367619 -0.25937373755945115 -0.29056160997502606 0.4602948023181722 +17937,0.49571328764836087,0,0.025315559310593823 -0.2023120553050039 -0.33072663673354413 -0.5914252625146906 -0.752910855108771 -0.8214519443939692 -1.0139190379362273 -1.1134416283243893 -1.1832467422669415 -1.2926751581369587 -1.3723860975613749 -1.2915143192133032 -1.4247528311769624 -1.3974086255229103 -0.5780627167339746 -0.8147190786367619 -0.25937373755945115 -0.29056160997502606 0.4602948023181722 0.6246180009636991 +17938,0.75777912382056,0,-0.2023120553050039 -0.33072663673354413 -0.5914252625146906 -0.752910855108771 -0.8214519443939692 -1.0139190379362273 -1.1134416283243893 -1.1832467422669415 -1.2926751581369587 -1.3723860975613749 -1.2915143192133032 -1.4247528311769624 -1.3974086255229103 -0.5780627167339746 -0.8147190786367619 -0.25937373755945115 -0.29056160997502606 0.4602948023181722 0.6246180009636991 0.49571328764836087 +17939,0.7266170477223226,0,-0.33072663673354413 -0.5914252625146906 -0.752910855108771 -0.8214519443939692 -1.0139190379362273 -1.1134416283243893 -1.1832467422669415 -1.2926751581369587 -1.3723860975613749 -1.2915143192133032 -1.4247528311769624 -1.3974086255229103 -0.5780627167339746 -0.8147190786367619 -0.25937373755945115 -0.29056160997502606 0.4602948023181722 0.6246180009636991 0.49571328764836087 0.75777912382056 +17940,0.19466906011342247,0,-0.5914252625146906 -0.752910855108771 -0.8214519443939692 -1.0139190379362273 -1.1134416283243893 -1.1832467422669415 -1.2926751581369587 -1.3723860975613749 -1.2915143192133032 -1.4247528311769624 -1.3974086255229103 -0.5780627167339746 -0.8147190786367619 -0.25937373755945115 -0.29056160997502606 0.4602948023181722 0.6246180009636991 0.49571328764836087 0.75777912382056 0.7266170477223226 +17941,0.330435621391781,0,-0.752910855108771 -0.8214519443939692 -1.0139190379362273 -1.1134416283243893 -1.1832467422669415 -1.2926751581369587 -1.3723860975613749 -1.2915143192133032 -1.4247528311769624 -1.3974086255229103 -0.5780627167339746 -0.8147190786367619 -0.25937373755945115 -0.29056160997502606 0.4602948023181722 0.6246180009636991 0.49571328764836087 0.75777912382056 0.7266170477223226 0.19466906011342247 +17942,-0.034583729150085715,0,-0.8214519443939692 -1.0139190379362273 -1.1134416283243893 -1.1832467422669415 -1.2926751581369587 -1.3723860975613749 -1.2915143192133032 -1.4247528311769624 -1.3974086255229103 -0.5780627167339746 -0.8147190786367619 -0.25937373755945115 -0.29056160997502606 0.4602948023181722 0.6246180009636991 0.49571328764836087 0.75777912382056 0.7266170477223226 0.19466906011342247 0.330435621391781 +17943,-0.19490848266572477,0,-1.0139190379362273 -1.1134416283243893 -1.1832467422669415 -1.2926751581369587 -1.3723860975613749 -1.2915143192133032 -1.4247528311769624 -1.3974086255229103 -0.5780627167339746 -0.8147190786367619 -0.25937373755945115 -0.29056160997502606 0.4602948023181722 0.6246180009636991 0.49571328764836087 0.75777912382056 0.7266170477223226 0.19466906011342247 0.330435621391781 -0.034583729150085715 +17944,-0.6281593654464799,0,-1.1134416283243893 -1.1832467422669415 -1.2926751581369587 -1.3723860975613749 -1.2915143192133032 -1.4247528311769624 -1.3974086255229103 -0.5780627167339746 -0.8147190786367619 -0.25937373755945115 -0.29056160997502606 0.4602948023181722 0.6246180009636991 0.49571328764836087 0.75777912382056 0.7266170477223226 0.19466906011342247 0.330435621391781 -0.034583729150085715 -0.19490848266572477 +17945,-0.8567156512010072,0,-1.1832467422669415 -1.2926751581369587 -1.3723860975613749 -1.2915143192133032 -1.4247528311769624 -1.3974086255229103 -0.5780627167339746 -0.8147190786367619 -0.25937373755945115 -0.29056160997502606 0.4602948023181722 0.6246180009636991 0.49571328764836087 0.75777912382056 0.7266170477223226 0.19466906011342247 0.330435621391781 -0.034583729150085715 -0.19490848266572477 -0.6281593654464799 +17946,-0.8403349242187851,0,-1.2926751581369587 -1.3723860975613749 -1.2915143192133032 -1.4247528311769624 -1.3974086255229103 -0.5780627167339746 -0.8147190786367619 -0.25937373755945115 -0.29056160997502606 0.4602948023181722 0.6246180009636991 0.49571328764836087 0.75777912382056 0.7266170477223226 0.19466906011342247 0.330435621391781 -0.034583729150085715 -0.19490848266572477 -0.6281593654464799 -0.8567156512010072 +17947,-1.1505368810919403,0,-1.3723860975613749 -1.2915143192133032 -1.4247528311769624 -1.3974086255229103 -0.5780627167339746 -0.8147190786367619 -0.25937373755945115 -0.29056160997502606 0.4602948023181722 0.6246180009636991 0.49571328764836087 0.75777912382056 0.7266170477223226 0.19466906011342247 0.330435621391781 -0.034583729150085715 -0.19490848266572477 -0.6281593654464799 -0.8567156512010072 -0.8403349242187851 +17948,-1.2158018249187745,0,-1.2915143192133032 -1.4247528311769624 -1.3974086255229103 -0.5780627167339746 -0.8147190786367619 -0.25937373755945115 -0.29056160997502606 0.4602948023181722 0.6246180009636991 0.49571328764836087 0.75777912382056 0.7266170477223226 0.19466906011342247 0.330435621391781 -0.034583729150085715 -0.19490848266572477 -0.6281593654464799 -0.8567156512010072 -0.8403349242187851 -1.1505368810919403 +17949,-1.2504980105774395,0,-1.4247528311769624 -1.3974086255229103 -0.5780627167339746 -0.8147190786367619 -0.25937373755945115 -0.29056160997502606 0.4602948023181722 0.6246180009636991 0.49571328764836087 0.75777912382056 0.7266170477223226 0.19466906011342247 0.330435621391781 -0.034583729150085715 -0.19490848266572477 -0.6281593654464799 -0.8567156512010072 -0.8403349242187851 -1.1505368810919403 -1.2158018249187745 +17950,-1.3259525406151187,0,-1.3974086255229103 -0.5780627167339746 -0.8147190786367619 -0.25937373755945115 -0.29056160997502606 0.4602948023181722 0.6246180009636991 0.49571328764836087 0.75777912382056 0.7266170477223226 0.19466906011342247 0.330435621391781 -0.034583729150085715 -0.19490848266572477 -0.6281593654464799 -0.8567156512010072 -0.8403349242187851 -1.1505368810919403 -1.2158018249187745 -1.2504980105774395 +17951,-1.3708383123298342,0,-0.5780627167339746 -0.8147190786367619 -0.25937373755945115 -0.29056160997502606 0.4602948023181722 0.6246180009636991 0.49571328764836087 0.75777912382056 0.7266170477223226 0.19466906011342247 0.330435621391781 -0.034583729150085715 -0.19490848266572477 -0.6281593654464799 -0.8567156512010072 -0.8403349242187851 -1.1505368810919403 -1.2158018249187745 -1.2504980105774395 -1.3259525406151187 +17952,-1.2679879836938652,0,-0.8147190786367619 -0.25937373755945115 -0.29056160997502606 0.4602948023181722 0.6246180009636991 0.49571328764836087 0.75777912382056 0.7266170477223226 0.19466906011342247 0.330435621391781 -0.034583729150085715 -0.19490848266572477 -0.6281593654464799 -0.8567156512010072 -0.8403349242187851 -1.1505368810919403 -1.2158018249187745 -1.2504980105774395 -1.3259525406151187 -1.3708383123298342 +17953,-1.362119122243749,0,-0.25937373755945115 -0.29056160997502606 0.4602948023181722 0.6246180009636991 0.49571328764836087 0.75777912382056 0.7266170477223226 0.19466906011342247 0.330435621391781 -0.034583729150085715 -0.19490848266572477 -0.6281593654464799 -0.8567156512010072 -0.8403349242187851 -1.1505368810919403 -1.2158018249187745 -1.2504980105774395 -1.3259525406151187 -1.3708383123298342 -1.2679879836938652 +17954,-1.3085141602881538,0,-0.29056160997502606 0.4602948023181722 0.6246180009636991 0.49571328764836087 0.75777912382056 0.7266170477223226 0.19466906011342247 0.330435621391781 -0.034583729150085715 -0.19490848266572477 -0.6281593654464799 -0.8567156512010072 -0.8403349242187851 -1.1505368810919403 -1.2158018249187745 -1.2504980105774395 -1.3259525406151187 -1.3708383123298342 -1.2679879836938652 -1.362119122243749 +17955,-0.40455599227809874,0,0.4602948023181722 0.6246180009636991 0.49571328764836087 0.75777912382056 0.7266170477223226 0.19466906011342247 0.330435621391781 -0.034583729150085715 -0.19490848266572477 -0.6281593654464799 -0.8567156512010072 -0.8403349242187851 -1.1505368810919403 -1.2158018249187745 -1.2504980105774395 -1.3259525406151187 -1.3708383123298342 -1.2679879836938652 -1.362119122243749 -1.3085141602881538 +17956,-0.6344020991621034,0,0.6246180009636991 0.49571328764836087 0.75777912382056 0.7266170477223226 0.19466906011342247 0.330435621391781 -0.034583729150085715 -0.19490848266572477 -0.6281593654464799 -0.8567156512010072 -0.8403349242187851 -1.1505368810919403 -1.2158018249187745 -1.2504980105774395 -1.3259525406151187 -1.3708383123298342 -1.2679879836938652 -1.362119122243749 -1.3085141602881538 -0.40455599227809874 +17957,-0.013894999836880074,0,0.49571328764836087 0.75777912382056 0.7266170477223226 0.19466906011342247 0.330435621391781 -0.034583729150085715 -0.19490848266572477 -0.6281593654464799 -0.8567156512010072 -0.8403349242187851 -1.1505368810919403 -1.2158018249187745 -1.2504980105774395 -1.3259525406151187 -1.3708383123298342 -1.2679879836938652 -1.362119122243749 -1.3085141602881538 -0.40455599227809874 -0.6344020991621034 +17958,-0.08377750304099887,0,0.75777912382056 0.7266170477223226 0.19466906011342247 0.330435621391781 -0.034583729150085715 -0.19490848266572477 -0.6281593654464799 -0.8567156512010072 -0.8403349242187851 -1.1505368810919403 -1.2158018249187745 -1.2504980105774395 -1.3259525406151187 -1.3708383123298342 -1.2679879836938652 -1.362119122243749 -1.3085141602881538 -0.40455599227809874 -0.6344020991621034 -0.013894999836880074 +17959,0.7668594637424159,0,0.7266170477223226 0.19466906011342247 0.330435621391781 -0.034583729150085715 -0.19490848266572477 -0.6281593654464799 -0.8567156512010072 -0.8403349242187851 -1.1505368810919403 -1.2158018249187745 -1.2504980105774395 -1.3259525406151187 -1.3708383123298342 -1.2679879836938652 -1.362119122243749 -1.3085141602881538 -0.40455599227809874 -0.6344020991621034 -0.013894999836880074 -0.08377750304099887 +17960,0.9271068281512653,0,0.19466906011342247 0.330435621391781 -0.034583729150085715 -0.19490848266572477 -0.6281593654464799 -0.8567156512010072 -0.8403349242187851 -1.1505368810919403 -1.2158018249187745 -1.2504980105774395 -1.3259525406151187 -1.3708383123298342 -1.2679879836938652 -1.362119122243749 -1.3085141602881538 -0.40455599227809874 -0.6344020991621034 -0.013894999836880074 -0.08377750304099887 0.7668594637424159 +17961,0.7771006427427131,0,0.330435621391781 -0.034583729150085715 -0.19490848266572477 -0.6281593654464799 -0.8567156512010072 -0.8403349242187851 -1.1505368810919403 -1.2158018249187745 -1.2504980105774395 -1.3259525406151187 -1.3708383123298342 -1.2679879836938652 -1.362119122243749 -1.3085141602881538 -0.40455599227809874 -0.6344020991621034 -0.013894999836880074 -0.08377750304099887 0.7668594637424159 0.9271068281512653 +17962,1.0407658569359137,0,-0.034583729150085715 -0.19490848266572477 -0.6281593654464799 -0.8567156512010072 -0.8403349242187851 -1.1505368810919403 -1.2158018249187745 -1.2504980105774395 -1.3259525406151187 -1.3708383123298342 -1.2679879836938652 -1.362119122243749 -1.3085141602881538 -0.40455599227809874 -0.6344020991621034 -0.013894999836880074 -0.08377750304099887 0.7668594637424159 0.9271068281512653 0.7771006427427131 +17963,0.9941775214664982,0,-0.19490848266572477 -0.6281593654464799 -0.8567156512010072 -0.8403349242187851 -1.1505368810919403 -1.2158018249187745 -1.2504980105774395 -1.3259525406151187 -1.3708383123298342 -1.2679879836938652 -1.362119122243749 -1.3085141602881538 -0.40455599227809874 -0.6344020991621034 -0.013894999836880074 -0.08377750304099887 0.7668594637424159 0.9271068281512653 0.7771006427427131 1.0407658569359137 +17964,0.4548517575356477,0,-0.6281593654464799 -0.8567156512010072 -0.8403349242187851 -1.1505368810919403 -1.2158018249187745 -1.2504980105774395 -1.3259525406151187 -1.3708383123298342 -1.2679879836938652 -1.362119122243749 -1.3085141602881538 -0.40455599227809874 -0.6344020991621034 -0.013894999836880074 -0.08377750304099887 0.7668594637424159 0.9271068281512653 0.7771006427427131 1.0407658569359137 0.9941775214664982 +17965,0.5725092316049696,0,-0.8567156512010072 -0.8403349242187851 -1.1505368810919403 -1.2158018249187745 -1.2504980105774395 -1.3259525406151187 -1.3708383123298342 -1.2679879836938652 -1.362119122243749 -1.3085141602881538 -0.40455599227809874 -0.6344020991621034 -0.013894999836880074 -0.08377750304099887 0.7668594637424159 0.9271068281512653 0.7771006427427131 1.0407658569359137 0.9941775214664982 0.4548517575356477 +17966,0.1974292770580795,0,-0.8403349242187851 -1.1505368810919403 -1.2158018249187745 -1.2504980105774395 -1.3259525406151187 -1.3708383123298342 -1.2679879836938652 -1.362119122243749 -1.3085141602881538 -0.40455599227809874 -0.6344020991621034 -0.013894999836880074 -0.08377750304099887 0.7668594637424159 0.9271068281512653 0.7771006427427131 1.0407658569359137 0.9941775214664982 0.4548517575356477 0.5725092316049696 +17967,0.04755207385534896,0,-1.1505368810919403 -1.2158018249187745 -1.2504980105774395 -1.3259525406151187 -1.3708383123298342 -1.2679879836938652 -1.362119122243749 -1.3085141602881538 -0.40455599227809874 -0.6344020991621034 -0.013894999836880074 -0.08377750304099887 0.7668594637424159 0.9271068281512653 0.7771006427427131 1.0407658569359137 0.9941775214664982 0.4548517575356477 0.5725092316049696 0.1974292770580795 +17968,-0.4025954642665584,0,-1.2158018249187745 -1.2504980105774395 -1.3259525406151187 -1.3708383123298342 -1.2679879836938652 -1.362119122243749 -1.3085141602881538 -0.40455599227809874 -0.6344020991621034 -0.013894999836880074 -0.08377750304099887 0.7668594637424159 0.9271068281512653 0.7771006427427131 1.0407658569359137 0.9941775214664982 0.4548517575356477 0.5725092316049696 0.1974292770580795 0.04755207385534896 +17969,-0.62754025135386,0,-1.2504980105774395 -1.3259525406151187 -1.3708383123298342 -1.2679879836938652 -1.362119122243749 -1.3085141602881538 -0.40455599227809874 -0.6344020991621034 -0.013894999836880074 -0.08377750304099887 0.7668594637424159 0.9271068281512653 0.7771006427427131 1.0407658569359137 0.9941775214664982 0.4548517575356477 0.5725092316049696 0.1974292770580795 0.04755207385534896 -0.4025954642665584 +17970,-0.6347890454699886,0,-1.3259525406151187 -1.3708383123298342 -1.2679879836938652 -1.362119122243749 -1.3085141602881538 -0.40455599227809874 -0.6344020991621034 -0.013894999836880074 -0.08377750304099887 0.7668594637424159 0.9271068281512653 0.7771006427427131 1.0407658569359137 0.9941775214664982 0.4548517575356477 0.5725092316049696 0.1974292770580795 0.04755207385534896 -0.4025954642665584 -0.62754025135386 +17971,-0.9322991634444997,0,-1.3708383123298342 -1.2679879836938652 -1.362119122243749 -1.3085141602881538 -0.40455599227809874 -0.6344020991621034 -0.013894999836880074 -0.08377750304099887 0.7668594637424159 0.9271068281512653 0.7771006427427131 1.0407658569359137 0.9941775214664982 0.4548517575356477 0.5725092316049696 0.1974292770580795 0.04755207385534896 -0.4025954642665584 -0.62754025135386 -0.6347890454699886 +17972,-1.0121132884478377,0,-1.2679879836938652 -1.362119122243749 -1.3085141602881538 -0.40455599227809874 -0.6344020991621034 -0.013894999836880074 -0.08377750304099887 0.7668594637424159 0.9271068281512653 0.7771006427427131 1.0407658569359137 0.9941775214664982 0.4548517575356477 0.5725092316049696 0.1974292770580795 0.04755207385534896 -0.4025954642665584 -0.62754025135386 -0.6347890454699886 -0.9322991634444997 +17973,-1.050601547923779,0,-1.362119122243749 -1.3085141602881538 -0.40455599227809874 -0.6344020991621034 -0.013894999836880074 -0.08377750304099887 0.7668594637424159 0.9271068281512653 0.7771006427427131 1.0407658569359137 0.9941775214664982 0.4548517575356477 0.5725092316049696 0.1974292770580795 0.04755207385534896 -0.4025954642665584 -0.62754025135386 -0.6347890454699886 -0.9322991634444997 -1.0121132884478377 +17974,-1.1441909616426182,0,-1.3085141602881538 -0.40455599227809874 -0.6344020991621034 -0.013894999836880074 -0.08377750304099887 0.7668594637424159 0.9271068281512653 0.7771006427427131 1.0407658569359137 0.9941775214664982 0.4548517575356477 0.5725092316049696 0.1974292770580795 0.04755207385534896 -0.4025954642665584 -0.62754025135386 -0.6347890454699886 -0.9322991634444997 -1.0121132884478377 -1.050601547923779 +17975,-1.1964545095244983,0,-0.40455599227809874 -0.6344020991621034 -0.013894999836880074 -0.08377750304099887 0.7668594637424159 0.9271068281512653 0.7771006427427131 1.0407658569359137 0.9941775214664982 0.4548517575356477 0.5725092316049696 0.1974292770580795 0.04755207385534896 -0.4025954642665584 -0.62754025135386 -0.6347890454699886 -0.9322991634444997 -1.0121132884478377 -1.050601547923779 -1.1441909616426182 +17976,-1.1054705343819424,0,-0.6344020991621034 -0.013894999836880074 -0.08377750304099887 0.7668594637424159 0.9271068281512653 0.7771006427427131 1.0407658569359137 0.9941775214664982 0.4548517575356477 0.5725092316049696 0.1974292770580795 0.04755207385534896 -0.4025954642665584 -0.62754025135386 -0.6347890454699886 -0.9322991634444997 -1.0121132884478377 -1.050601547923779 -1.1441909616426182 -1.1964545095244983 +17977,-1.205483256811688,0,-0.013894999836880074 -0.08377750304099887 0.7668594637424159 0.9271068281512653 0.7771006427427131 1.0407658569359137 0.9941775214664982 0.4548517575356477 0.5725092316049696 0.1974292770580795 0.04755207385534896 -0.4025954642665584 -0.62754025135386 -0.6347890454699886 -0.9322991634444997 -1.0121132884478377 -1.050601547923779 -1.1441909616426182 -1.1964545095244983 -1.1054705343819424 +17978,-1.1622484559074173,0,-0.08377750304099887 0.7668594637424159 0.9271068281512653 0.7771006427427131 1.0407658569359137 0.9941775214664982 0.4548517575356477 0.5725092316049696 0.1974292770580795 0.04755207385534896 -0.4025954642665584 -0.62754025135386 -0.6347890454699886 -0.9322991634444997 -1.0121132884478377 -1.050601547923779 -1.1441909616426182 -1.1964545095244983 -1.1054705343819424 -1.205483256811688 +17979,-0.26734483150189803,0,0.7668594637424159 0.9271068281512653 0.7771006427427131 1.0407658569359137 0.9941775214664982 0.4548517575356477 0.5725092316049696 0.1974292770580795 0.04755207385534896 -0.4025954642665584 -0.62754025135386 -0.6347890454699886 -0.9322991634444997 -1.0121132884478377 -1.050601547923779 -1.1441909616426182 -1.1964545095244983 -1.1054705343819424 -1.205483256811688 -1.1622484559074173 +17980,-0.5079996385345732,0,0.9271068281512653 0.7771006427427131 1.0407658569359137 0.9941775214664982 0.4548517575356477 0.5725092316049696 0.1974292770580795 0.04755207385534896 -0.4025954642665584 -0.62754025135386 -0.6347890454699886 -0.9322991634444997 -1.0121132884478377 -1.050601547923779 -1.1441909616426182 -1.1964545095244983 -1.1054705343819424 -1.205483256811688 -1.1622484559074173 -0.26734483150189803 +17981,0.10301437793400899,0,0.7771006427427131 1.0407658569359137 0.9941775214664982 0.4548517575356477 0.5725092316049696 0.1974292770580795 0.04755207385534896 -0.4025954642665584 -0.62754025135386 -0.6347890454699886 -0.9322991634444997 -1.0121132884478377 -1.050601547923779 -1.1441909616426182 -1.1964545095244983 -1.1054705343819424 -1.205483256811688 -1.1622484559074173 -0.26734483150189803 -0.5079996385345732 +17982,-0.042451637358825296,0,1.0407658569359137 0.9941775214664982 0.4548517575356477 0.5725092316049696 0.1974292770580795 0.04755207385534896 -0.4025954642665584 -0.62754025135386 -0.6347890454699886 -0.9322991634444997 -1.0121132884478377 -1.050601547923779 -1.1441909616426182 -1.1964545095244983 -1.1054705343819424 -1.205483256811688 -1.1622484559074173 -0.26734483150189803 -0.5079996385345732 0.10301437793400899 +17983,0.8207223898000832,0,0.9941775214664982 0.4548517575356477 0.5725092316049696 0.1974292770580795 0.04755207385534896 -0.4025954642665584 -0.62754025135386 -0.6347890454699886 -0.9322991634444997 -1.0121132884478377 -1.050601547923779 -1.1441909616426182 -1.1964545095244983 -1.1054705343819424 -1.205483256811688 -1.1622484559074173 -0.26734483150189803 -0.5079996385345732 0.10301437793400899 -0.042451637358825296 +17984,0.9274163851975753,0,0.4548517575356477 0.5725092316049696 0.1974292770580795 0.04755207385534896 -0.4025954642665584 -0.62754025135386 -0.6347890454699886 -0.9322991634444997 -1.0121132884478377 -1.050601547923779 -1.1441909616426182 -1.1964545095244983 -1.1054705343819424 -1.205483256811688 -1.1622484559074173 -0.26734483150189803 -0.5079996385345732 0.10301437793400899 -0.042451637358825296 0.8207223898000832 +17985,0.7384834012157445,0,0.5725092316049696 0.1974292770580795 0.04755207385534896 -0.4025954642665584 -0.62754025135386 -0.6347890454699886 -0.9322991634444997 -1.0121132884478377 -1.050601547923779 -1.1441909616426182 -1.1964545095244983 -1.1054705343819424 -1.205483256811688 -1.1622484559074173 -0.26734483150189803 -0.5079996385345732 0.10301437793400899 -0.042451637358825296 0.8207223898000832 0.9274163851975753 +17986,0.9437197229182221,0,0.1974292770580795 0.04755207385534896 -0.4025954642665584 -0.62754025135386 -0.6347890454699886 -0.9322991634444997 -1.0121132884478377 -1.050601547923779 -1.1441909616426182 -1.1964545095244983 -1.1054705343819424 -1.205483256811688 -1.1622484559074173 -0.26734483150189803 -0.5079996385345732 0.10301437793400899 -0.042451637358825296 0.8207223898000832 0.9274163851975753 0.7384834012157445 +17987,0.8533290653961716,0,0.04755207385534896 -0.4025954642665584 -0.62754025135386 -0.6347890454699886 -0.9322991634444997 -1.0121132884478377 -1.050601547923779 -1.1441909616426182 -1.1964545095244983 -1.1054705343819424 -1.205483256811688 -1.1622484559074173 -0.26734483150189803 -0.5079996385345732 0.10301437793400899 -0.042451637358825296 0.8207223898000832 0.9274163851975753 0.7384834012157445 0.9437197229182221 +17988,0.41499628782343956,0,-0.4025954642665584 -0.62754025135386 -0.6347890454699886 -0.9322991634444997 -1.0121132884478377 -1.050601547923779 -1.1441909616426182 -1.1964545095244983 -1.1054705343819424 -1.205483256811688 -1.1622484559074173 -0.26734483150189803 -0.5079996385345732 0.10301437793400899 -0.042451637358825296 0.8207223898000832 0.9274163851975753 0.7384834012157445 0.9437197229182221 0.8533290653961716 +17989,0.4405863369333395,0,-0.62754025135386 -0.6347890454699886 -0.9322991634444997 -1.0121132884478377 -1.050601547923779 -1.1441909616426182 -1.1964545095244983 -1.1054705343819424 -1.205483256811688 -1.1622484559074173 -0.26734483150189803 -0.5079996385345732 0.10301437793400899 -0.042451637358825296 0.8207223898000832 0.9274163851975753 0.7384834012157445 0.9437197229182221 0.8533290653961716 0.41499628782343956 +17990,0.11823426614736136,0,-0.6347890454699886 -0.9322991634444997 -1.0121132884478377 -1.050601547923779 -1.1441909616426182 -1.1964545095244983 -1.1054705343819424 -1.205483256811688 -1.1622484559074173 -0.26734483150189803 -0.5079996385345732 0.10301437793400899 -0.042451637358825296 0.8207223898000832 0.9274163851975753 0.7384834012157445 0.9437197229182221 0.8533290653961716 0.41499628782343956 0.4405863369333395 +17991,-0.07658030171433111,0,-0.9322991634444997 -1.0121132884478377 -1.050601547923779 -1.1441909616426182 -1.1964545095244983 -1.1054705343819424 -1.205483256811688 -1.1622484559074173 -0.26734483150189803 -0.5079996385345732 0.10301437793400899 -0.042451637358825296 0.8207223898000832 0.9274163851975753 0.7384834012157445 0.9437197229182221 0.8533290653961716 0.41499628782343956 0.4405863369333395 0.11823426614736136 +17992,-0.4414448735782616,0,-1.0121132884478377 -1.050601547923779 -1.1441909616426182 -1.1964545095244983 -1.1054705343819424 -1.205483256811688 -1.1622484559074173 -0.26734483150189803 -0.5079996385345732 0.10301437793400899 -0.042451637358825296 0.8207223898000832 0.9274163851975753 0.7384834012157445 0.9437197229182221 0.8533290653961716 0.41499628782343956 0.4405863369333395 0.11823426614736136 -0.07658030171433111 +17993,-0.6787719425179064,0,-1.050601547923779 -1.1441909616426182 -1.1964545095244983 -1.1054705343819424 -1.205483256811688 -1.1622484559074173 -0.26734483150189803 -0.5079996385345732 0.10301437793400899 -0.042451637358825296 0.8207223898000832 0.9274163851975753 0.7384834012157445 0.9437197229182221 0.8533290653961716 0.41499628782343956 0.4405863369333395 0.11823426614736136 -0.07658030171433111 -0.4414448735782616 +17994,-0.683699058786724,0,-1.1441909616426182 -1.1964545095244983 -1.1054705343819424 -1.205483256811688 -1.1622484559074173 -0.26734483150189803 -0.5079996385345732 0.10301437793400899 -0.042451637358825296 0.8207223898000832 0.9274163851975753 0.7384834012157445 0.9437197229182221 0.8533290653961716 0.41499628782343956 0.4405863369333395 0.11823426614736136 -0.07658030171433111 -0.4414448735782616 -0.6787719425179064 +17995,-0.9984927784102636,0,-1.1964545095244983 -1.1054705343819424 -1.205483256811688 -1.1622484559074173 -0.26734483150189803 -0.5079996385345732 0.10301437793400899 -0.042451637358825296 0.8207223898000832 0.9274163851975753 0.7384834012157445 0.9437197229182221 0.8533290653961716 0.41499628782343956 0.4405863369333395 0.11823426614736136 -0.07658030171433111 -0.4414448735782616 -0.6787719425179064 -0.683699058786724 +17996,-1.0808865456725474,0,-1.1054705343819424 -1.205483256811688 -1.1622484559074173 -0.26734483150189803 -0.5079996385345732 0.10301437793400899 -0.042451637358825296 0.8207223898000832 0.9274163851975753 0.7384834012157445 0.9437197229182221 0.8533290653961716 0.41499628782343956 0.4405863369333395 0.11823426614736136 -0.07658030171433111 -0.4414448735782616 -0.6787719425179064 -0.683699058786724 -0.9984927784102636 +17997,-1.0537745076484355,0,-1.205483256811688 -1.1622484559074173 -0.26734483150189803 -0.5079996385345732 0.10301437793400899 -0.042451637358825296 0.8207223898000832 0.9274163851975753 0.7384834012157445 0.9437197229182221 0.8533290653961716 0.41499628782343956 0.4405863369333395 0.11823426614736136 -0.07658030171433111 -0.4414448735782616 -0.6787719425179064 -0.683699058786724 -0.9984927784102636 -1.0808865456725474 +17998,-1.1726702099029882,0,-1.1622484559074173 -0.26734483150189803 -0.5079996385345732 0.10301437793400899 -0.042451637358825296 0.8207223898000832 0.9274163851975753 0.7384834012157445 0.9437197229182221 0.8533290653961716 0.41499628782343956 0.4405863369333395 0.11823426614736136 -0.07658030171433111 -0.4414448735782616 -0.6787719425179064 -0.683699058786724 -0.9984927784102636 -1.0808865456725474 -1.0537745076484355 +17999,-1.1820601068711627,0,-0.26734483150189803 -0.5079996385345732 0.10301437793400899 -0.042451637358825296 0.8207223898000832 0.9274163851975753 0.7384834012157445 0.9437197229182221 0.8533290653961716 0.41499628782343956 0.4405863369333395 0.11823426614736136 -0.07658030171433111 -0.4414448735782616 -0.6787719425179064 -0.683699058786724 -0.9984927784102636 -1.0808865456725474 -1.0537745076484355 -1.1726702099029882 +18000,-1.173727863092954,0,-0.5079996385345732 0.10301437793400899 -0.042451637358825296 0.8207223898000832 0.9274163851975753 0.7384834012157445 0.9437197229182221 0.8533290653961716 0.41499628782343956 0.4405863369333395 0.11823426614736136 -0.07658030171433111 -0.4414448735782616 -0.6787719425179064 -0.683699058786724 -0.9984927784102636 -1.0808865456725474 -1.0537745076484355 -1.1726702099029882 -1.1820601068711627 +18001,-1.1890251404130958,0,0.10301437793400899 -0.042451637358825296 0.8207223898000832 0.9274163851975753 0.7384834012157445 0.9437197229182221 0.8533290653961716 0.41499628782343956 0.4405863369333395 0.11823426614736136 -0.07658030171433111 -0.4414448735782616 -0.6787719425179064 -0.683699058786724 -0.9984927784102636 -1.0808865456725474 -1.0537745076484355 -1.1726702099029882 -1.1820601068711627 -1.173727863092954 +18002,-1.186600276986872,0,-0.042451637358825296 0.8207223898000832 0.9274163851975753 0.7384834012157445 0.9437197229182221 0.8533290653961716 0.41499628782343956 0.4405863369333395 0.11823426614736136 -0.07658030171433111 -0.4414448735782616 -0.6787719425179064 -0.683699058786724 -0.9984927784102636 -1.0808865456725474 -1.0537745076484355 -1.1726702099029882 -1.1820601068711627 -1.173727863092954 -1.1890251404130958 +18003,-0.3520860729288304,0,0.8207223898000832 0.9274163851975753 0.7384834012157445 0.9437197229182221 0.8533290653961716 0.41499628782343956 0.4405863369333395 0.11823426614736136 -0.07658030171433111 -0.4414448735782616 -0.6787719425179064 -0.683699058786724 -0.9984927784102636 -1.0808865456725474 -1.0537745076484355 -1.1726702099029882 -1.1820601068711627 -1.173727863092954 -1.1890251404130958 -1.186600276986872 +18004,-0.6270243228401619,0,0.9274163851975753 0.7384834012157445 0.9437197229182221 0.8533290653961716 0.41499628782343956 0.4405863369333395 0.11823426614736136 -0.07658030171433111 -0.4414448735782616 -0.6787719425179064 -0.683699058786724 -0.9984927784102636 -1.0808865456725474 -1.0537745076484355 -1.1726702099029882 -1.1820601068711627 -1.173727863092954 -1.1890251404130958 -1.186600276986872 -0.3520860729288304 +18005,-0.06987323242923825,0,0.7384834012157445 0.9437197229182221 0.8533290653961716 0.41499628782343956 0.4405863369333395 0.11823426614736136 -0.07658030171433111 -0.4414448735782616 -0.6787719425179064 -0.683699058786724 -0.9984927784102636 -1.0808865456725474 -1.0537745076484355 -1.1726702099029882 -1.1820601068711627 -1.173727863092954 -1.1890251404130958 -1.186600276986872 -0.3520860729288304 -0.6270243228401619 +18006,-0.12990150294095387,0,0.9437197229182221 0.8533290653961716 0.41499628782343956 0.4405863369333395 0.11823426614736136 -0.07658030171433111 -0.4414448735782616 -0.6787719425179064 -0.683699058786724 -0.9984927784102636 -1.0808865456725474 -1.0537745076484355 -1.1726702099029882 -1.1820601068711627 -1.173727863092954 -1.1890251404130958 -1.186600276986872 -0.3520860729288304 -0.6270243228401619 -0.06987323242923825 +18007,0.6329760412140312,0,0.8533290653961716 0.41499628782343956 0.4405863369333395 0.11823426614736136 -0.07658030171433111 -0.4414448735782616 -0.6787719425179064 -0.683699058786724 -0.9984927784102636 -1.0808865456725474 -1.0537745076484355 -1.1726702099029882 -1.1820601068711627 -1.173727863092954 -1.1890251404130958 -1.186600276986872 -0.3520860729288304 -0.6270243228401619 -0.06987323242923825 -0.12990150294095387 +18008,0.778674224446377,0,0.41499628782343956 0.4405863369333395 0.11823426614736136 -0.07658030171433111 -0.4414448735782616 -0.6787719425179064 -0.683699058786724 -0.9984927784102636 -1.0808865456725474 -1.0537745076484355 -1.1726702099029882 -1.1820601068711627 -1.173727863092954 -1.1890251404130958 -1.186600276986872 -0.3520860729288304 -0.6270243228401619 -0.06987323242923825 -0.12990150294095387 0.6329760412140312 +18009,0.6131127974608336,0,0.4405863369333395 0.11823426614736136 -0.07658030171433111 -0.4414448735782616 -0.6787719425179064 -0.683699058786724 -0.9984927784102636 -1.0808865456725474 -1.0537745076484355 -1.1726702099029882 -1.1820601068711627 -1.173727863092954 -1.1890251404130958 -1.186600276986872 -0.3520860729288304 -0.6270243228401619 -0.06987323242923825 -0.12990150294095387 0.6329760412140312 0.778674224446377 +18010,0.8625641839959637,0,0.11823426614736136 -0.07658030171433111 -0.4414448735782616 -0.6787719425179064 -0.683699058786724 -0.9984927784102636 -1.0808865456725474 -1.0537745076484355 -1.1726702099029882 -1.1820601068711627 -1.173727863092954 -1.1890251404130958 -1.186600276986872 -0.3520860729288304 -0.6270243228401619 -0.06987323242923825 -0.12990150294095387 0.6329760412140312 0.778674224446377 0.6131127974608336 +18011,0.8007559603131958,0,-0.07658030171433111 -0.4414448735782616 -0.6787719425179064 -0.683699058786724 -0.9984927784102636 -1.0808865456725474 -1.0537745076484355 -1.1726702099029882 -1.1820601068711627 -1.173727863092954 -1.1890251404130958 -1.186600276986872 -0.3520860729288304 -0.6270243228401619 -0.06987323242923825 -0.12990150294095387 0.6329760412140312 0.778674224446377 0.6131127974608336 0.8625641839959637 +18012,0.25534224118987237,0,-0.4414448735782616 -0.6787719425179064 -0.683699058786724 -0.9984927784102636 -1.0808865456725474 -1.0537745076484355 -1.1726702099029882 -1.1820601068711627 -1.173727863092954 -1.1890251404130958 -1.186600276986872 -0.3520860729288304 -0.6270243228401619 -0.06987323242923825 -0.12990150294095387 0.6329760412140312 0.778674224446377 0.6131127974608336 0.8625641839959637 0.8007559603131958 +18013,0.3547358495269981,0,-0.6787719425179064 -0.683699058786724 -0.9984927784102636 -1.0808865456725474 -1.0537745076484355 -1.1726702099029882 -1.1820601068711627 -1.173727863092954 -1.1890251404130958 -1.186600276986872 -0.3520860729288304 -0.6270243228401619 -0.06987323242923825 -0.12990150294095387 0.6329760412140312 0.778674224446377 0.6131127974608336 0.8625641839959637 0.8007559603131958 0.25534224118987237 +18014,-0.029476037885994375,0,-0.683699058786724 -0.9984927784102636 -1.0808865456725474 -1.0537745076484355 -1.1726702099029882 -1.1820601068711627 -1.173727863092954 -1.1890251404130958 -1.186600276986872 -0.3520860729288304 -0.6270243228401619 -0.06987323242923825 -0.12990150294095387 0.6329760412140312 0.778674224446377 0.6131127974608336 0.8625641839959637 0.8007559603131958 0.25534224118987237 0.3547358495269981 +18015,-0.09298682516867658,0,-0.9984927784102636 -1.0808865456725474 -1.0537745076484355 -1.1726702099029882 -1.1820601068711627 -1.173727863092954 -1.1890251404130958 -1.186600276986872 -0.3520860729288304 -0.6270243228401619 -0.06987323242923825 -0.12990150294095387 0.6329760412140312 0.778674224446377 0.6131127974608336 0.8625641839959637 0.8007559603131958 0.25534224118987237 0.3547358495269981 -0.029476037885994375 +18016,-0.5840990791369868,0,-1.0808865456725474 -1.0537745076484355 -1.1726702099029882 -1.1820601068711627 -1.173727863092954 -1.1890251404130958 -1.186600276986872 -0.3520860729288304 -0.6270243228401619 -0.06987323242923825 -0.12990150294095387 0.6329760412140312 0.778674224446377 0.6131127974608336 0.8625641839959637 0.8007559603131958 0.25534224118987237 0.3547358495269981 -0.029476037885994375 -0.09298682516867658 +18017,-0.7545102331297725,0,-1.0537745076484355 -1.1726702099029882 -1.1820601068711627 -1.173727863092954 -1.1890251404130958 -1.186600276986872 -0.3520860729288304 -0.6270243228401619 -0.06987323242923825 -0.12990150294095387 0.6329760412140312 0.778674224446377 0.6131127974608336 0.8625641839959637 0.8007559603131958 0.25534224118987237 0.3547358495269981 -0.029476037885994375 -0.09298682516867658 -0.5840990791369868 +18018,-0.6820738842935992,0,-1.1726702099029882 -1.1820601068711627 -1.173727863092954 -1.1890251404130958 -1.186600276986872 -0.3520860729288304 -0.6270243228401619 -0.06987323242923825 -0.12990150294095387 0.6329760412140312 0.778674224446377 0.6131127974608336 0.8625641839959637 0.8007559603131958 0.25534224118987237 0.3547358495269981 -0.029476037885994375 -0.09298682516867658 -0.5840990791369868 -0.7545102331297725 +18019,-0.9334342058960408,0,-1.1820601068711627 -1.173727863092954 -1.1890251404130958 -1.186600276986872 -0.3520860729288304 -0.6270243228401619 -0.06987323242923825 -0.12990150294095387 0.6329760412140312 0.778674224446377 0.6131127974608336 0.8625641839959637 0.8007559603131958 0.25534224118987237 0.3547358495269981 -0.029476037885994375 -0.09298682516867658 -0.5840990791369868 -0.7545102331297725 -0.6820738842935992 +18020,-0.9419470246695234,0,-1.173727863092954 -1.1890251404130958 -1.186600276986872 -0.3520860729288304 -0.6270243228401619 -0.06987323242923825 -0.12990150294095387 0.6329760412140312 0.778674224446377 0.6131127974608336 0.8625641839959637 0.8007559603131958 0.25534224118987237 0.3547358495269981 -0.029476037885994375 -0.09298682516867658 -0.5840990791369868 -0.7545102331297725 -0.6820738842935992 -0.9334342058960408 +18021,-1.0998985075483905,0,-1.1890251404130958 -1.186600276986872 -0.3520860729288304 -0.6270243228401619 -0.06987323242923825 -0.12990150294095387 0.6329760412140312 0.778674224446377 0.6131127974608336 0.8625641839959637 0.8007559603131958 0.25534224118987237 0.3547358495269981 -0.029476037885994375 -0.09298682516867658 -0.5840990791369868 -0.7545102331297725 -0.6820738842935992 -0.9334342058960408 -0.9419470246695234 +18022,-1.0585984383383402,0,-1.186600276986872 -0.3520860729288304 -0.6270243228401619 -0.06987323242923825 -0.12990150294095387 0.6329760412140312 0.778674224446377 0.6131127974608336 0.8625641839959637 0.8007559603131958 0.25534224118987237 0.3547358495269981 -0.029476037885994375 -0.09298682516867658 -0.5840990791369868 -0.7545102331297725 -0.6820738842935992 -0.9334342058960408 -0.9419470246695234 -1.0998985075483905 +18023,-1.1667370330788887,0,-0.3520860729288304 -0.6270243228401619 -0.06987323242923825 -0.12990150294095387 0.6329760412140312 0.778674224446377 0.6131127974608336 0.8625641839959637 0.8007559603131958 0.25534224118987237 0.3547358495269981 -0.029476037885994375 -0.09298682516867658 -0.5840990791369868 -0.7545102331297725 -0.6820738842935992 -0.9334342058960408 -0.9419470246695234 -1.0998985075483905 -1.0585984383383402 +18024,-1.1434686618163086,0,-0.6270243228401619 -0.06987323242923825 -0.12990150294095387 0.6329760412140312 0.778674224446377 0.6131127974608336 0.8625641839959637 0.8007559603131958 0.25534224118987237 0.3547358495269981 -0.029476037885994375 -0.09298682516867658 -0.5840990791369868 -0.7545102331297725 -0.6820738842935992 -0.9334342058960408 -0.9419470246695234 -1.0998985075483905 -1.0585984383383402 -1.1667370330788887 +18025,-1.295409578764278,0,-0.06987323242923825 -0.12990150294095387 0.6329760412140312 0.778674224446377 0.6131127974608336 0.8625641839959637 0.8007559603131958 0.25534224118987237 0.3547358495269981 -0.029476037885994375 -0.09298682516867658 -0.5840990791369868 -0.7545102331297725 -0.6820738842935992 -0.9334342058960408 -0.9419470246695234 -1.0998985075483905 -1.0585984383383402 -1.1667370330788887 -1.1434686618163086 +18026,-1.3159435293995563,0,-0.12990150294095387 0.6329760412140312 0.778674224446377 0.6131127974608336 0.8625641839959637 0.8007559603131958 0.25534224118987237 0.3547358495269981 -0.029476037885994375 -0.09298682516867658 -0.5840990791369868 -0.7545102331297725 -0.6820738842935992 -0.9334342058960408 -0.9419470246695234 -1.0998985075483905 -1.0585984383383402 -1.1667370330788887 -1.1434686618163086 -1.295409578764278 +18027,-0.47227159615806585,0,0.6329760412140312 0.778674224446377 0.6131127974608336 0.8625641839959637 0.8007559603131958 0.25534224118987237 0.3547358495269981 -0.029476037885994375 -0.09298682516867658 -0.5840990791369868 -0.7545102331297725 -0.6820738842935992 -0.9334342058960408 -0.9419470246695234 -1.0998985075483905 -1.0585984383383402 -1.1667370330788887 -1.1434686618163086 -1.295409578764278 -1.3159435293995563 +18028,-0.7808741748554427,0,0.778674224446377 0.6131127974608336 0.8625641839959637 0.8007559603131958 0.25534224118987237 0.3547358495269981 -0.029476037885994375 -0.09298682516867658 -0.5840990791369868 -0.7545102331297725 -0.6820738842935992 -0.9334342058960408 -0.9419470246695234 -1.0998985075483905 -1.0585984383383402 -1.1667370330788887 -1.1434686618163086 -1.295409578764278 -1.3159435293995563 -0.47227159615806585 +18029,-0.22527086967606855,0,0.6131127974608336 0.8625641839959637 0.8007559603131958 0.25534224118987237 0.3547358495269981 -0.029476037885994375 -0.09298682516867658 -0.5840990791369868 -0.7545102331297725 -0.6820738842935992 -0.9334342058960408 -0.9419470246695234 -1.0998985075483905 -1.0585984383383402 -1.1667370330788887 -1.1434686618163086 -1.295409578764278 -1.3159435293995563 -0.47227159615806585 -0.7808741748554427 +18030,-0.12425208684582682,0,0.8625641839959637 0.8007559603131958 0.25534224118987237 0.3547358495269981 -0.029476037885994375 -0.09298682516867658 -0.5840990791369868 -0.7545102331297725 -0.6820738842935992 -0.9334342058960408 -0.9419470246695234 -1.0998985075483905 -1.0585984383383402 -1.1667370330788887 -1.1434686618163086 -1.295409578764278 -1.3159435293995563 -0.47227159615806585 -0.7808741748554427 -0.22527086967606855 +18031,0.5828793926563028,0,0.8007559603131958 0.25534224118987237 0.3547358495269981 -0.029476037885994375 -0.09298682516867658 -0.5840990791369868 -0.7545102331297725 -0.6820738842935992 -0.9334342058960408 -0.9419470246695234 -1.0998985075483905 -1.0585984383383402 -1.1667370330788887 -1.1434686618163086 -1.295409578764278 -1.3159435293995563 -0.47227159615806585 -0.7808741748554427 -0.22527086967606855 -0.12425208684582682 +18032,0.8354263494997374,0,0.25534224118987237 0.3547358495269981 -0.029476037885994375 -0.09298682516867658 -0.5840990791369868 -0.7545102331297725 -0.6820738842935992 -0.9334342058960408 -0.9419470246695234 -1.0998985075483905 -1.0585984383383402 -1.1667370330788887 -1.1434686618163086 -1.295409578764278 -1.3159435293995563 -0.47227159615806585 -0.7808741748554427 -0.22527086967606855 -0.12425208684582682 0.5828793926563028 +18033,0.6737085892757082,0,0.3547358495269981 -0.029476037885994375 -0.09298682516867658 -0.5840990791369868 -0.7545102331297725 -0.6820738842935992 -0.9334342058960408 -0.9419470246695234 -1.0998985075483905 -1.0585984383383402 -1.1667370330788887 -1.1434686618163086 -1.295409578764278 -1.3159435293995563 -0.47227159615806585 -0.7808741748554427 -0.22527086967606855 -0.12425208684582682 0.5828793926563028 0.8354263494997374 +18034,1.0643437852448125,0,-0.029476037885994375 -0.09298682516867658 -0.5840990791369868 -0.7545102331297725 -0.6820738842935992 -0.9334342058960408 -0.9419470246695234 -1.0998985075483905 -1.0585984383383402 -1.1667370330788887 -1.1434686618163086 -1.295409578764278 -1.3159435293995563 -0.47227159615806585 -0.7808741748554427 -0.22527086967606855 -0.12425208684582682 0.5828793926563028 0.8354263494997374 0.6737085892757082 +18035,1.0407142641464617,0,-0.09298682516867658 -0.5840990791369868 -0.7545102331297725 -0.6820738842935992 -0.9334342058960408 -0.9419470246695234 -1.0998985075483905 -1.0585984383383402 -1.1667370330788887 -1.1434686618163086 -1.295409578764278 -1.3159435293995563 -0.47227159615806585 -0.7808741748554427 -0.22527086967606855 -0.12425208684582682 0.5828793926563028 0.8354263494997374 0.6737085892757082 1.0643437852448125 +18036,0.4518335763341416,0,-0.5840990791369868 -0.7545102331297725 -0.6820738842935992 -0.9334342058960408 -0.9419470246695234 -1.0998985075483905 -1.0585984383383402 -1.1667370330788887 -1.1434686618163086 -1.295409578764278 -1.3159435293995563 -0.47227159615806585 -0.7808741748554427 -0.22527086967606855 -0.12425208684582682 0.5828793926563028 0.8354263494997374 0.6737085892757082 1.0643437852448125 1.0407142641464617 +18037,0.6166211107039234,0,-0.7545102331297725 -0.6820738842935992 -0.9334342058960408 -0.9419470246695234 -1.0998985075483905 -1.0585984383383402 -1.1667370330788887 -1.1434686618163086 -1.295409578764278 -1.3159435293995563 -0.47227159615806585 -0.7808741748554427 -0.22527086967606855 -0.12425208684582682 0.5828793926563028 0.8354263494997374 0.6737085892757082 1.0643437852448125 1.0407142641464617 0.4518335763341416 +18038,0.21615747835973603,0,-0.6820738842935992 -0.9334342058960408 -0.9419470246695234 -1.0998985075483905 -1.0585984383383402 -1.1667370330788887 -1.1434686618163086 -1.295409578764278 -1.3159435293995563 -0.47227159615806585 -0.7808741748554427 -0.22527086967606855 -0.12425208684582682 0.5828793926563028 0.8354263494997374 0.6737085892757082 1.0643437852448125 1.0407142641464617 0.4518335763341416 0.6166211107039234 +18039,0.1416574159331008,0,-0.9334342058960408 -0.9419470246695234 -1.0998985075483905 -1.0585984383383402 -1.1667370330788887 -1.1434686618163086 -1.295409578764278 -1.3159435293995563 -0.47227159615806585 -0.7808741748554427 -0.22527086967606855 -0.12425208684582682 0.5828793926563028 0.8354263494997374 0.6737085892757082 1.0643437852448125 1.0407142641464617 0.4518335763341416 0.6166211107039234 0.21615747835973603 +18040,-0.36746073951054764,0,-0.9419470246695234 -1.0998985075483905 -1.0585984383383402 -1.1667370330788887 -1.1434686618163086 -1.295409578764278 -1.3159435293995563 -0.47227159615806585 -0.7808741748554427 -0.22527086967606855 -0.12425208684582682 0.5828793926563028 0.8354263494997374 0.6737085892757082 1.0643437852448125 1.0407142641464617 0.4518335763341416 0.6166211107039234 0.21615747835973603 0.1416574159331008 +18041,-0.550615325346224,0,-1.0998985075483905 -1.0585984383383402 -1.1667370330788887 -1.1434686618163086 -1.295409578764278 -1.3159435293995563 -0.47227159615806585 -0.7808741748554427 -0.22527086967606855 -0.12425208684582682 0.5828793926563028 0.8354263494997374 0.6737085892757082 1.0643437852448125 1.0407142641464617 0.4518335763341416 0.6166211107039234 0.21615747835973603 0.1416574159331008 -0.36746073951054764 +18042,-0.5863433677227226,0,-1.0585984383383402 -1.1667370330788887 -1.1434686618163086 -1.295409578764278 -1.3159435293995563 -0.47227159615806585 -0.7808741748554427 -0.22527086967606855 -0.12425208684582682 0.5828793926563028 0.8354263494997374 0.6737085892757082 1.0643437852448125 1.0407142641464617 0.4518335763341416 0.6166211107039234 0.21615747835973603 0.1416574159331008 -0.36746073951054764 -0.550615325346224 +18043,-0.8186401345050744,0,-1.1667370330788887 -1.1434686618163086 -1.295409578764278 -1.3159435293995563 -0.47227159615806585 -0.7808741748554427 -0.22527086967606855 -0.12425208684582682 0.5828793926563028 0.8354263494997374 0.6737085892757082 1.0643437852448125 1.0407142641464617 0.4518335763341416 0.6166211107039234 0.21615747835973603 0.1416574159331008 -0.36746073951054764 -0.550615325346224 -0.5863433677227226 +18044,-0.9035103581378198,0,-1.1434686618163086 -1.295409578764278 -1.3159435293995563 -0.47227159615806585 -0.7808741748554427 -0.22527086967606855 -0.12425208684582682 0.5828793926563028 0.8354263494997374 0.6737085892757082 1.0643437852448125 1.0407142641464617 0.4518335763341416 0.6166211107039234 0.21615747835973603 0.1416574159331008 -0.36746073951054764 -0.550615325346224 -0.5863433677227226 -0.8186401345050744 +18045,-0.9469773266720306,0,-1.295409578764278 -1.3159435293995563 -0.47227159615806585 -0.7808741748554427 -0.22527086967606855 -0.12425208684582682 0.5828793926563028 0.8354263494997374 0.6737085892757082 1.0643437852448125 1.0407142641464617 0.4518335763341416 0.6166211107039234 0.21615747835973603 0.1416574159331008 -0.36746073951054764 -0.550615325346224 -0.5863433677227226 -0.8186401345050744 -0.9035103581378198 +18046,-1.045648635182847,0,-1.3159435293995563 -0.47227159615806585 -0.7808741748554427 -0.22527086967606855 -0.12425208684582682 0.5828793926563028 0.8354263494997374 0.6737085892757082 1.0643437852448125 1.0407142641464617 0.4518335763341416 0.6166211107039234 0.21615747835973603 0.1416574159331008 -0.36746073951054764 -0.550615325346224 -0.5863433677227226 -0.8186401345050744 -0.9035103581378198 -0.9469773266720306 +18047,-1.1029166887498967,0,-0.47227159615806585 -0.7808741748554427 -0.22527086967606855 -0.12425208684582682 0.5828793926563028 0.8354263494997374 0.6737085892757082 1.0643437852448125 1.0407142641464617 0.4518335763341416 0.6166211107039234 0.21615747835973603 0.1416574159331008 -0.36746073951054764 -0.550615325346224 -0.5863433677227226 -0.8186401345050744 -0.9035103581378198 -0.9469773266720306 -1.045648635182847 +18048,-1.011519970827341,0,-0.7808741748554427 -0.22527086967606855 -0.12425208684582682 0.5828793926563028 0.8354263494997374 0.6737085892757082 1.0643437852448125 1.0407142641464617 0.4518335763341416 0.6166211107039234 0.21615747835973603 0.1416574159331008 -0.36746073951054764 -0.550615325346224 -0.5863433677227226 -0.8186401345050744 -0.9035103581378198 -0.9469773266720306 -1.045648635182847 -1.1029166887498967 +18049,-1.1183429482758604,0,-0.22527086967606855 -0.12425208684582682 0.5828793926563028 0.8354263494997374 0.6737085892757082 1.0643437852448125 1.0407142641464617 0.4518335763341416 0.6166211107039234 0.21615747835973603 0.1416574159331008 -0.36746073951054764 -0.550615325346224 -0.5863433677227226 -0.8186401345050744 -0.9035103581378198 -0.9469773266720306 -1.045648635182847 -1.1029166887498967 -1.011519970827341 +18050,-1.0765011540799887,0,-0.12425208684582682 0.5828793926563028 0.8354263494997374 0.6737085892757082 1.0643437852448125 1.0407142641464617 0.4518335763341416 0.6166211107039234 0.21615747835973603 0.1416574159331008 -0.36746073951054764 -0.550615325346224 -0.5863433677227226 -0.8186401345050744 -0.9035103581378198 -0.9469773266720306 -1.045648635182847 -1.1029166887498967 -1.011519970827341 -1.1183429482758604 +18051,-0.0412134091735945,0,0.5828793926563028 0.8354263494997374 0.6737085892757082 1.0643437852448125 1.0407142641464617 0.4518335763341416 0.6166211107039234 0.21615747835973603 0.1416574159331008 -0.36746073951054764 -0.550615325346224 -0.5863433677227226 -0.8186401345050744 -0.9035103581378198 -0.9469773266720306 -1.045648635182847 -1.1029166887498967 -1.011519970827341 -1.1183429482758604 -1.0765011540799887 +18052,-0.33052026542093277,0,0.8354263494997374 0.6737085892757082 1.0643437852448125 1.0407142641464617 0.4518335763341416 0.6166211107039234 0.21615747835973603 0.1416574159331008 -0.36746073951054764 -0.550615325346224 -0.5863433677227226 -0.8186401345050744 -0.9035103581378198 -0.9469773266720306 -1.045648635182847 -1.1029166887498967 -1.011519970827341 -1.1183429482758604 -1.0765011540799887 -0.0412134091735945 +18053,0.373618829351814,0,0.6737085892757082 1.0643437852448125 1.0407142641464617 0.4518335763341416 0.6166211107039234 0.21615747835973603 0.1416574159331008 -0.36746073951054764 -0.550615325346224 -0.5863433677227226 -0.8186401345050744 -0.9035103581378198 -0.9469773266720306 -1.045648635182847 -1.1029166887498967 -1.011519970827341 -1.1183429482758604 -1.0765011540799887 -0.0412134091735945 -0.33052026542093277 +18054,0.2534075096504465,0,1.0643437852448125 1.0407142641464617 0.4518335763341416 0.6166211107039234 0.21615747835973603 0.1416574159331008 -0.36746073951054764 -0.550615325346224 -0.5863433677227226 -0.8186401345050744 -0.9035103581378198 -0.9469773266720306 -1.045648635182847 -1.1029166887498967 -1.011519970827341 -1.1183429482758604 -1.0765011540799887 -0.0412134091735945 -0.33052026542093277 0.373618829351814 +18055,1.2323300758113742,0,1.0407142641464617 0.4518335763341416 0.6166211107039234 0.21615747835973603 0.1416574159331008 -0.36746073951054764 -0.550615325346224 -0.5863433677227226 -0.8186401345050744 -0.9035103581378198 -0.9469773266720306 -1.045648635182847 -1.1029166887498967 -1.011519970827341 -1.1183429482758604 -1.0765011540799887 -0.0412134091735945 -0.33052026542093277 0.373618829351814 0.2534075096504465 +18056,1.3869022274981877,0,0.4518335763341416 0.6166211107039234 0.21615747835973603 0.1416574159331008 -0.36746073951054764 -0.550615325346224 -0.5863433677227226 -0.8186401345050744 -0.9035103581378198 -0.9469773266720306 -1.045648635182847 -1.1029166887498967 -1.011519970827341 -1.1183429482758604 -1.0765011540799887 -0.0412134091735945 -0.33052026542093277 0.373618829351814 0.2534075096504465 1.2323300758113742 +18057,1.2020450780626057,0,0.6166211107039234 0.21615747835973603 0.1416574159331008 -0.36746073951054764 -0.550615325346224 -0.5863433677227226 -0.8186401345050744 -0.9035103581378198 -0.9469773266720306 -1.045648635182847 -1.1029166887498967 -1.011519970827341 -1.1183429482758604 -1.0765011540799887 -0.0412134091735945 -0.33052026542093277 0.373618829351814 0.2534075096504465 1.2323300758113742 1.3869022274981877 +18058,1.4697603303299318,0,0.21615747835973603 0.1416574159331008 -0.36746073951054764 -0.550615325346224 -0.5863433677227226 -0.8186401345050744 -0.9035103581378198 -0.9469773266720306 -1.045648635182847 -1.1029166887498967 -1.011519970827341 -1.1183429482758604 -1.0765011540799887 -0.0412134091735945 -0.33052026542093277 0.373618829351814 0.2534075096504465 1.2323300758113742 1.3869022274981877 1.2020450780626057 +18059,1.3980462811652912,0,0.1416574159331008 -0.36746073951054764 -0.550615325346224 -0.5863433677227226 -0.8186401345050744 -0.9035103581378198 -0.9469773266720306 -1.045648635182847 -1.1029166887498967 -1.011519970827341 -1.1183429482758604 -1.0765011540799887 -0.0412134091735945 -0.33052026542093277 0.373618829351814 0.2534075096504465 1.2323300758113742 1.3869022274981877 1.2020450780626057 1.4697603303299318 +18060,0.7075276965849041,0,-0.36746073951054764 -0.550615325346224 -0.5863433677227226 -0.8186401345050744 -0.9035103581378198 -0.9469773266720306 -1.045648635182847 -1.1029166887498967 -1.011519970827341 -1.1183429482758604 -1.0765011540799887 -0.0412134091735945 -0.33052026542093277 0.373618829351814 0.2534075096504465 1.2323300758113742 1.3869022274981877 1.2020450780626057 1.4697603303299318 1.3980462811652912 +18061,0.8420818259953694,0,-0.550615325346224 -0.5863433677227226 -0.8186401345050744 -0.9035103581378198 -0.9469773266720306 -1.045648635182847 -1.1029166887498967 -1.011519970827341 -1.1183429482758604 -1.0765011540799887 -0.0412134091735945 -0.33052026542093277 0.373618829351814 0.2534075096504465 1.2323300758113742 1.3869022274981877 1.2020450780626057 1.4697603303299318 1.3980462811652912 0.7075276965849041 +18062,0.3578314199900795,0,-0.5863433677227226 -0.8186401345050744 -0.9035103581378198 -0.9469773266720306 -1.045648635182847 -1.1029166887498967 -1.011519970827341 -1.1183429482758604 -1.0765011540799887 -0.0412134091735945 -0.33052026542093277 0.373618829351814 0.2534075096504465 1.2323300758113742 1.3869022274981877 1.2020450780626057 1.4697603303299318 1.3980462811652912 0.7075276965849041 0.8420818259953694 +18063,0.26571240224120557,0,-0.8186401345050744 -0.9035103581378198 -0.9469773266720306 -1.045648635182847 -1.1029166887498967 -1.011519970827341 -1.1183429482758604 -1.0765011540799887 -0.0412134091735945 -0.33052026542093277 0.373618829351814 0.2534075096504465 1.2323300758113742 1.3869022274981877 1.2020450780626057 1.4697603303299318 1.3980462811652912 0.7075276965849041 0.8420818259953694 0.3578314199900795 +18064,-0.3492484667225893,0,-0.9035103581378198 -0.9469773266720306 -1.045648635182847 -1.1029166887498967 -1.011519970827341 -1.1183429482758604 -1.0765011540799887 -0.0412134091735945 -0.33052026542093277 0.373618829351814 0.2534075096504465 1.2323300758113742 1.3869022274981877 1.2020450780626057 1.4697603303299318 1.3980462811652912 0.7075276965849041 0.8420818259953694 0.3578314199900795 0.26571240224120557 +18065,-0.5720779471204144,0,-0.9469773266720306 -1.045648635182847 -1.1029166887498967 -1.011519970827341 -1.1183429482758604 -1.0765011540799887 -0.0412134091735945 -0.33052026542093277 0.373618829351814 0.2534075096504465 1.2323300758113742 1.3869022274981877 1.2020450780626057 1.4697603303299318 1.3980462811652912 0.7075276965849041 0.8420818259953694 0.3578314199900795 0.26571240224120557 -0.3492484667225893 +18066,-0.5924571193873189,0,-1.045648635182847 -1.1029166887498967 -1.011519970827341 -1.1183429482758604 -1.0765011540799887 -0.0412134091735945 -0.33052026542093277 0.373618829351814 0.2534075096504465 1.2323300758113742 1.3869022274981877 1.2020450780626057 1.4697603303299318 1.3980462811652912 0.7075276965849041 0.8420818259953694 0.3578314199900795 0.26571240224120557 -0.3492484667225893 -0.5720779471204144 +18067,-0.8827700360351534,0,-1.1029166887498967 -1.011519970827341 -1.1183429482758604 -1.0765011540799887 -0.0412134091735945 -0.33052026542093277 0.373618829351814 0.2534075096504465 1.2323300758113742 1.3869022274981877 1.2020450780626057 1.4697603303299318 1.3980462811652912 0.7075276965849041 0.8420818259953694 0.3578314199900795 0.26571240224120557 -0.3492484667225893 -0.5720779471204144 -0.5924571193873189 +18068,-0.9706326442425046,0,-1.011519970827341 -1.1183429482758604 -1.0765011540799887 -0.0412134091735945 -0.33052026542093277 0.373618829351814 0.2534075096504465 1.2323300758113742 1.3869022274981877 1.2020450780626057 1.4697603303299318 1.3980462811652912 0.7075276965849041 0.8420818259953694 0.3578314199900795 0.26571240224120557 -0.3492484667225893 -0.5720779471204144 -0.5924571193873189 -0.8827700360351534 +18069,-1.0093530715031807,0,-1.1183429482758604 -1.0765011540799887 -0.0412134091735945 -0.33052026542093277 0.373618829351814 0.2534075096504465 1.2323300758113742 1.3869022274981877 1.2020450780626057 1.4697603303299318 1.3980462811652912 0.7075276965849041 0.8420818259953694 0.3578314199900795 0.26571240224120557 -0.3492484667225893 -0.5720779471204144 -0.5924571193873189 -0.8827700360351534 -0.9706326442425046 +18070,-1.1135964068475397,0,-1.0765011540799887 -0.0412134091735945 -0.33052026542093277 0.373618829351814 0.2534075096504465 1.2323300758113742 1.3869022274981877 1.2020450780626057 1.4697603303299318 1.3980462811652912 0.7075276965849041 0.8420818259953694 0.3578314199900795 0.26571240224120557 -0.3492484667225893 -0.5720779471204144 -0.5924571193873189 -0.8827700360351534 -0.9706326442425046 -1.0093530715031807 +18071,-1.168697561090438,0,-0.0412134091735945 -0.33052026542093277 0.373618829351814 0.2534075096504465 1.2323300758113742 1.3869022274981877 1.2020450780626057 1.4697603303299318 1.3980462811652912 0.7075276965849041 0.8420818259953694 0.3578314199900795 0.26571240224120557 -0.3492484667225893 -0.5720779471204144 -0.5924571193873189 -0.8827700360351534 -0.9706326442425046 -1.0093530715031807 -1.1135964068475397 +18072,-1.077533010952608,0,-0.33052026542093277 0.373618829351814 0.2534075096504465 1.2323300758113742 1.3869022274981877 1.2020450780626057 1.4697603303299318 1.3980462811652912 0.7075276965849041 0.8420818259953694 0.3578314199900795 0.26571240224120557 -0.3492484667225893 -0.5720779471204144 -0.5924571193873189 -0.8827700360351534 -0.9706326442425046 -1.0093530715031807 -1.1135964068475397 -1.168697561090438 +18073,-1.181389399989091,0,0.373618829351814 0.2534075096504465 1.2323300758113742 1.3869022274981877 1.2020450780626057 1.4697603303299318 1.3980462811652912 0.7075276965849041 0.8420818259953694 0.3578314199900795 0.26571240224120557 -0.3492484667225893 -0.5720779471204144 -0.5924571193873189 -0.8827700360351534 -0.9706326442425046 -1.0093530715031807 -1.1135964068475397 -1.168697561090438 -1.077533010952608 +18074,-1.1389800846448284,0,0.2534075096504465 1.2323300758113742 1.3869022274981877 1.2020450780626057 1.4697603303299318 1.3980462811652912 0.7075276965849041 0.8420818259953694 0.3578314199900795 0.26571240224120557 -0.3492484667225893 -0.5720779471204144 -0.5924571193873189 -0.8827700360351534 -0.9706326442425046 -1.0093530715031807 -1.1135964068475397 -1.168697561090438 -1.077533010952608 -1.181389399989091 +18075,-0.021711315256167634,0,1.2323300758113742 1.3869022274981877 1.2020450780626057 1.4697603303299318 1.3980462811652912 0.7075276965849041 0.8420818259953694 0.3578314199900795 0.26571240224120557 -0.3492484667225893 -0.5720779471204144 -0.5924571193873189 -0.8827700360351534 -0.9706326442425046 -1.0093530715031807 -1.1135964068475397 -1.168697561090438 -1.077533010952608 -1.181389399989091 -1.1389800846448284 +18076,-0.3375884845417875,0,1.3869022274981877 1.2020450780626057 1.4697603303299318 1.3980462811652912 0.7075276965849041 0.8420818259953694 0.3578314199900795 0.26571240224120557 -0.3492484667225893 -0.5720779471204144 -0.5924571193873189 -0.8827700360351534 -0.9706326442425046 -1.0093530715031807 -1.1135964068475397 -1.168697561090438 -1.077533010952608 -1.181389399989091 -1.1389800846448284 -0.021711315256167634 +18077,0.42139380006222255,0,1.2020450780626057 1.4697603303299318 1.3980462811652912 0.7075276965849041 0.8420818259953694 0.3578314199900795 0.26571240224120557 -0.3492484667225893 -0.5720779471204144 -0.5924571193873189 -0.8827700360351534 -0.9706326442425046 -1.0093530715031807 -1.1135964068475397 -1.168697561090438 -1.077533010952608 -1.181389399989091 -1.1389800846448284 -0.021711315256167634 -0.3375884845417875 +18078,0.23746532176556145,0,1.4697603303299318 1.3980462811652912 0.7075276965849041 0.8420818259953694 0.3578314199900795 0.26571240224120557 -0.3492484667225893 -0.5720779471204144 -0.5924571193873189 -0.8827700360351534 -0.9706326442425046 -1.0093530715031807 -1.1135964068475397 -1.168697561090438 -1.077533010952608 -1.181389399989091 -1.1389800846448284 -0.021711315256167634 -0.3375884845417875 0.42139380006222255 +18079,1.3107511941063132,0,1.3980462811652912 0.7075276965849041 0.8420818259953694 0.3578314199900795 0.26571240224120557 -0.3492484667225893 -0.5720779471204144 -0.5924571193873189 -0.8827700360351534 -0.9706326442425046 -1.0093530715031807 -1.1135964068475397 -1.168697561090438 -1.077533010952608 -1.181389399989091 -1.1389800846448284 -0.021711315256167634 -0.3375884845417875 0.42139380006222255 0.23746532176556145 +18080,1.4411263035464026,0,0.7075276965849041 0.8420818259953694 0.3578314199900795 0.26571240224120557 -0.3492484667225893 -0.5720779471204144 -0.5924571193873189 -0.8827700360351534 -0.9706326442425046 -1.0093530715031807 -1.1135964068475397 -1.168697561090438 -1.077533010952608 -1.181389399989091 -1.1389800846448284 -0.021711315256167634 -0.3375884845417875 0.42139380006222255 0.23746532176556145 1.3107511941063132 +18081,1.2042893666483414,0,0.8420818259953694 0.3578314199900795 0.26571240224120557 -0.3492484667225893 -0.5720779471204144 -0.5924571193873189 -0.8827700360351534 -0.9706326442425046 -1.0093530715031807 -1.1135964068475397 -1.168697561090438 -1.077533010952608 -1.181389399989091 -1.1389800846448284 -0.021711315256167634 -0.3375884845417875 0.42139380006222255 0.23746532176556145 1.3107511941063132 1.4411263035464026 +18082,1.4570684914312875,0,0.3578314199900795 0.26571240224120557 -0.3492484667225893 -0.5720779471204144 -0.5924571193873189 -0.8827700360351534 -0.9706326442425046 -1.0093530715031807 -1.1135964068475397 -1.168697561090438 -1.077533010952608 -1.181389399989091 -1.1389800846448284 -0.021711315256167634 -0.3375884845417875 0.42139380006222255 0.23746532176556145 1.3107511941063132 1.4411263035464026 1.2042893666483414 +18083,1.3426355698760832,0,0.26571240224120557 -0.3492484667225893 -0.5720779471204144 -0.5924571193873189 -0.8827700360351534 -0.9706326442425046 -1.0093530715031807 -1.1135964068475397 -1.168697561090438 -1.077533010952608 -1.181389399989091 -1.1389800846448284 -0.021711315256167634 -0.3375884845417875 0.42139380006222255 0.23746532176556145 1.3107511941063132 1.4411263035464026 1.2042893666483414 1.4570684914312875 +18084,0.7076824751080547,0,-0.3492484667225893 -0.5720779471204144 -0.5924571193873189 -0.8827700360351534 -0.9706326442425046 -1.0093530715031807 -1.1135964068475397 -1.168697561090438 -1.077533010952608 -1.181389399989091 -1.1389800846448284 -0.021711315256167634 -0.3375884845417875 0.42139380006222255 0.23746532176556145 1.3107511941063132 1.4411263035464026 1.2042893666483414 1.4570684914312875 1.3426355698760832 +18085,0.766756278163503,0,-0.5720779471204144 -0.5924571193873189 -0.8827700360351534 -0.9706326442425046 -1.0093530715031807 -1.1135964068475397 -1.168697561090438 -1.077533010952608 -1.181389399989091 -1.1389800846448284 -0.021711315256167634 -0.3375884845417875 0.42139380006222255 0.23746532176556145 1.3107511941063132 1.4411263035464026 1.2042893666483414 1.4570684914312875 1.3426355698760832 0.7076824751080547 +18086,0.30530990769656463,0,-0.5924571193873189 -0.8827700360351534 -0.9706326442425046 -1.0093530715031807 -1.1135964068475397 -1.168697561090438 -1.077533010952608 -1.181389399989091 -1.1389800846448284 -0.021711315256167634 -0.3375884845417875 0.42139380006222255 0.23746532176556145 1.3107511941063132 1.4411263035464026 1.2042893666483414 1.4570684914312875 1.3426355698760832 0.7076824751080547 0.766756278163503 +18087,0.21479026812346913,0,-0.8827700360351534 -0.9706326442425046 -1.0093530715031807 -1.1135964068475397 -1.168697561090438 -1.077533010952608 -1.181389399989091 -1.1389800846448284 -0.021711315256167634 -0.3375884845417875 0.42139380006222255 0.23746532176556145 1.3107511941063132 1.4411263035464026 1.2042893666483414 1.4570684914312875 1.3426355698760832 0.7076824751080547 0.766756278163503 0.30530990769656463 +18088,-0.3702983458715656,0,-0.9706326442425046 -1.0093530715031807 -1.1135964068475397 -1.168697561090438 -1.077533010952608 -1.181389399989091 -1.1389800846448284 -0.021711315256167634 -0.3375884845417875 0.42139380006222255 0.23746532176556145 1.3107511941063132 1.4411263035464026 1.2042893666483414 1.4570684914312875 1.3426355698760832 0.7076824751080547 0.766756278163503 0.30530990769656463 0.21479026812346913 +18089,-0.5844602289727487,0,-1.0093530715031807 -1.1135964068475397 -1.168697561090438 -1.077533010952608 -1.181389399989091 -1.1389800846448284 -0.021711315256167634 -0.3375884845417875 0.42139380006222255 0.23746532176556145 1.3107511941063132 1.4411263035464026 1.2042893666483414 1.4570684914312875 1.3426355698760832 0.7076824751080547 0.766756278163503 0.30530990769656463 0.21479026812346913 -0.3702983458715656 +18090,-0.5875815959079533,0,-1.1135964068475397 -1.168697561090438 -1.077533010952608 -1.181389399989091 -1.1389800846448284 -0.021711315256167634 -0.3375884845417875 0.42139380006222255 0.23746532176556145 1.3107511941063132 1.4411263035464026 1.2042893666483414 1.4570684914312875 1.3426355698760832 0.7076824751080547 0.766756278163503 0.30530990769656463 0.21479026812346913 -0.3702983458715656 -0.5844602289727487 +18091,-0.872090317937519,0,-1.168697561090438 -1.077533010952608 -1.181389399989091 -1.1389800846448284 -0.021711315256167634 -0.3375884845417875 0.42139380006222255 0.23746532176556145 1.3107511941063132 1.4411263035464026 1.2042893666483414 1.4570684914312875 1.3426355698760832 0.7076824751080547 0.766756278163503 0.30530990769656463 0.21479026812346913 -0.3702983458715656 -0.5844602289727487 -0.5875815959079533 +18092,-0.945558523491526,0,-1.077533010952608 -1.181389399989091 -1.1389800846448284 -0.021711315256167634 -0.3375884845417875 0.42139380006222255 0.23746532176556145 1.3107511941063132 1.4411263035464026 1.2042893666483414 1.4570684914312875 1.3426355698760832 0.7076824751080547 0.766756278163503 0.30530990769656463 0.21479026812346913 -0.3702983458715656 -0.5844602289727487 -0.5875815959079533 -0.872090317937519 +18093,-0.9589726622164886,0,-1.181389399989091 -1.1389800846448284 -0.021711315256167634 -0.3375884845417875 0.42139380006222255 0.23746532176556145 1.3107511941063132 1.4411263035464026 1.2042893666483414 1.4570684914312875 1.3426355698760832 0.7076824751080547 0.766756278163503 0.30530990769656463 0.21479026812346913 -0.3702983458715656 -0.5844602289727487 -0.5875815959079533 -0.872090317937519 -0.945558523491526 +18094,-1.0524588902016294,0,-1.1389800846448284 -0.021711315256167634 -0.3375884845417875 0.42139380006222255 0.23746532176556145 1.3107511941063132 1.4411263035464026 1.2042893666483414 1.4570684914312875 1.3426355698760832 0.7076824751080547 0.766756278163503 0.30530990769656463 0.21479026812346913 -0.3702983458715656 -0.5844602289727487 -0.5875815959079533 -0.872090317937519 -0.945558523491526 -0.9589726622164886 +18095,-1.0858910512029403,0,-0.021711315256167634 -0.3375884845417875 0.42139380006222255 0.23746532176556145 1.3107511941063132 1.4411263035464026 1.2042893666483414 1.4570684914312875 1.3426355698760832 0.7076824751080547 0.766756278163503 0.30530990769656463 0.21479026812346913 -0.3702983458715656 -0.5844602289727487 -0.5875815959079533 -0.872090317937519 -0.945558523491526 -0.9589726622164886 -1.0524588902016294 +18096,-1.0027749842691238,0,-0.3375884845417875 0.42139380006222255 0.23746532176556145 1.3107511941063132 1.4411263035464026 1.2042893666483414 1.4570684914312875 1.3426355698760832 0.7076824751080547 0.766756278163503 0.30530990769656463 0.21479026812346913 -0.3702983458715656 -0.5844602289727487 -0.5875815959079533 -0.872090317937519 -0.945558523491526 -0.9589726622164886 -1.0524588902016294 -1.0858910512029403 +18097,-1.0750565545821464,0,0.42139380006222255 0.23746532176556145 1.3107511941063132 1.4411263035464026 1.2042893666483414 1.4570684914312875 1.3426355698760832 0.7076824751080547 0.766756278163503 0.30530990769656463 0.21479026812346913 -0.3702983458715656 -0.5844602289727487 -0.5875815959079533 -0.872090317937519 -0.945558523491526 -0.9589726622164886 -1.0524588902016294 -1.0858910512029403 -1.0027749842691238 +18098,-1.030789896960042,0,0.23746532176556145 1.3107511941063132 1.4411263035464026 1.2042893666483414 1.4570684914312875 1.3426355698760832 0.7076824751080547 0.766756278163503 0.30530990769656463 0.21479026812346913 -0.3702983458715656 -0.5844602289727487 -0.5875815959079533 -0.872090317937519 -0.945558523491526 -0.9589726622164886 -1.0524588902016294 -1.0858910512029403 -1.0027749842691238 -1.0750565545821464 +18099,-0.12254952309112678,0,1.3107511941063132 1.4411263035464026 1.2042893666483414 1.4570684914312875 1.3426355698760832 0.7076824751080547 0.766756278163503 0.30530990769656463 0.21479026812346913 -0.3702983458715656 -0.5844602289727487 -0.5875815959079533 -0.872090317937519 -0.945558523491526 -0.9589726622164886 -1.0524588902016294 -1.0858910512029403 -1.0027749842691238 -1.0750565545821464 -1.030789896960042 +18100,-0.36627410426955453,0,1.4411263035464026 1.2042893666483414 1.4570684914312875 1.3426355698760832 0.7076824751080547 0.766756278163503 0.30530990769656463 0.21479026812346913 -0.3702983458715656 -0.5844602289727487 -0.5875815959079533 -0.872090317937519 -0.945558523491526 -0.9589726622164886 -1.0524588902016294 -1.0858910512029403 -1.0027749842691238 -1.0750565545821464 -1.030789896960042 -0.12254952309112678 +18101,0.25397503095360546,0,1.2042893666483414 1.4570684914312875 1.3426355698760832 0.7076824751080547 0.766756278163503 0.30530990769656463 0.21479026812346913 -0.3702983458715656 -0.5844602289727487 -0.5875815959079533 -0.872090317937519 -0.945558523491526 -0.9589726622164886 -1.0524588902016294 -1.0858910512029403 -1.0027749842691238 -1.0750565545821464 -1.030789896960042 -0.12254952309112678 -0.36627410426955453 +18102,0.03524718126458986,0,1.4570684914312875 1.3426355698760832 0.7076824751080547 0.766756278163503 0.30530990769656463 0.21479026812346913 -0.3702983458715656 -0.5844602289727487 -0.5875815959079533 -0.872090317937519 -0.945558523491526 -0.9589726622164886 -1.0524588902016294 -1.0858910512029403 -1.0027749842691238 -1.0750565545821464 -1.030789896960042 -0.12254952309112678 -0.36627410426955453 0.25397503095360546 +18103,0.9351553113552875,0,1.3426355698760832 0.7076824751080547 0.766756278163503 0.30530990769656463 0.21479026812346913 -0.3702983458715656 -0.5844602289727487 -0.5875815959079533 -0.872090317937519 -0.945558523491526 -0.9589726622164886 -1.0524588902016294 -1.0858910512029403 -1.0027749842691238 -1.0750565545821464 -1.030789896960042 -0.12254952309112678 -0.36627410426955453 0.25397503095360546 0.03524718126458986 +18104,0.9960864565338097,0,0.7076824751080547 0.766756278163503 0.30530990769656463 0.21479026812346913 -0.3702983458715656 -0.5844602289727487 -0.5875815959079533 -0.872090317937519 -0.945558523491526 -0.9589726622164886 -1.0524588902016294 -1.0858910512029403 -1.0027749842691238 -1.0750565545821464 -1.030789896960042 -0.12254952309112678 -0.36627410426955453 0.25397503095360546 0.03524718126458986 0.9351553113552875 +18105,0.8430362936064136,0,0.766756278163503 0.30530990769656463 0.21479026812346913 -0.3702983458715656 -0.5844602289727487 -0.5875815959079533 -0.872090317937519 -0.945558523491526 -0.9589726622164886 -1.0524588902016294 -1.0858910512029403 -1.0027749842691238 -1.0750565545821464 -1.030789896960042 -0.12254952309112678 -0.36627410426955453 0.25397503095360546 0.03524718126458986 0.9351553113552875 0.9960864565338097 +18106,0.9752945416416824,0,0.30530990769656463 0.21479026812346913 -0.3702983458715656 -0.5844602289727487 -0.5875815959079533 -0.872090317937519 -0.945558523491526 -0.9589726622164886 -1.0524588902016294 -1.0858910512029403 -1.0027749842691238 -1.0750565545821464 -1.030789896960042 -0.12254952309112678 -0.36627410426955453 0.25397503095360546 0.03524718126458986 0.9351553113552875 0.9960864565338097 0.8430362936064136 +18107,0.8935714814162649,0,0.21479026812346913 -0.3702983458715656 -0.5844602289727487 -0.5875815959079533 -0.872090317937519 -0.945558523491526 -0.9589726622164886 -1.0524588902016294 -1.0858910512029403 -1.0027749842691238 -1.0750565545821464 -1.030789896960042 -0.12254952309112678 -0.36627410426955453 0.25397503095360546 0.03524718126458986 0.9351553113552875 0.9960864565338097 0.8430362936064136 0.9752945416416824 +18108,0.3817962946068635,0,-0.3702983458715656 -0.5844602289727487 -0.5875815959079533 -0.872090317937519 -0.945558523491526 -0.9589726622164886 -1.0524588902016294 -1.0858910512029403 -1.0027749842691238 -1.0750565545821464 -1.030789896960042 -0.12254952309112678 -0.36627410426955453 0.25397503095360546 0.03524718126458986 0.9351553113552875 0.9960864565338097 0.8430362936064136 0.9752945416416824 0.8935714814162649 +18109,0.4434239432943575,0,-0.5844602289727487 -0.5875815959079533 -0.872090317937519 -0.945558523491526 -0.9589726622164886 -1.0524588902016294 -1.0858910512029403 -1.0027749842691238 -1.0750565545821464 -1.030789896960042 -0.12254952309112678 -0.36627410426955453 0.25397503095360546 0.03524718126458986 0.9351553113552875 0.9960864565338097 0.8430362936064136 0.9752945416416824 0.8935714814162649 0.3817962946068635 +18110,0.07499946524309949,0,-0.5875815959079533 -0.872090317937519 -0.945558523491526 -0.9589726622164886 -1.0524588902016294 -1.0858910512029403 -1.0027749842691238 -1.0750565545821464 -1.030789896960042 -0.12254952309112678 -0.36627410426955453 0.25397503095360546 0.03524718126458986 0.9351553113552875 0.9960864565338097 0.8430362936064136 0.9752945416416824 0.8935714814162649 0.3817962946068635 0.4434239432943575 +18111,-0.05932249638264001,0,-0.872090317937519 -0.945558523491526 -0.9589726622164886 -1.0524588902016294 -1.0858910512029403 -1.0027749842691238 -1.0750565545821464 -1.030789896960042 -0.12254952309112678 -0.36627410426955453 0.25397503095360546 0.03524718126458986 0.9351553113552875 0.9960864565338097 0.8430362936064136 0.9752945416416824 0.8935714814162649 0.3817962946068635 0.4434239432943575 0.07499946524309949 +18112,-0.5057811464209606,0,-0.945558523491526 -0.9589726622164886 -1.0524588902016294 -1.0858910512029403 -1.0027749842691238 -1.0750565545821464 -1.030789896960042 -0.12254952309112678 -0.36627410426955453 0.25397503095360546 0.03524718126458986 0.9351553113552875 0.9960864565338097 0.8430362936064136 0.9752945416416824 0.8935714814162649 0.3817962946068635 0.4434239432943575 0.07499946524309949 -0.05932249638264001 +18113,-0.7181372801885396,0,-0.9589726622164886 -1.0524588902016294 -1.0858910512029403 -1.0027749842691238 -1.0750565545821464 -1.030789896960042 -0.12254952309112678 -0.36627410426955453 0.25397503095360546 0.03524718126458986 0.9351553113552875 0.9960864565338097 0.8430362936064136 0.9752945416416824 0.8935714814162649 0.3817962946068635 0.4434239432943575 0.07499946524309949 -0.05932249638264001 -0.5057811464209606 +18114,-0.7232449714526222,0,-1.0524588902016294 -1.0858910512029403 -1.0027749842691238 -1.0750565545821464 -1.030789896960042 -0.12254952309112678 -0.36627410426955453 0.25397503095360546 0.03524718126458986 0.9351553113552875 0.9960864565338097 0.8430362936064136 0.9752945416416824 0.8935714814162649 0.3817962946068635 0.4434239432943575 0.07499946524309949 -0.05932249638264001 -0.5057811464209606 -0.7181372801885396 +18115,-1.0046839193364352,0,-1.0858910512029403 -1.0027749842691238 -1.0750565545821464 -1.030789896960042 -0.12254952309112678 -0.36627410426955453 0.25397503095360546 0.03524718126458986 0.9351553113552875 0.9960864565338097 0.8430362936064136 0.9752945416416824 0.8935714814162649 0.3817962946068635 0.4434239432943575 0.07499946524309949 -0.05932249638264001 -0.5057811464209606 -0.7181372801885396 -0.7232449714526222 +18116,-1.0788744248715374,0,-1.0027749842691238 -1.0750565545821464 -1.030789896960042 -0.12254952309112678 -0.36627410426955453 0.25397503095360546 0.03524718126458986 0.9351553113552875 0.9960864565338097 0.8430362936064136 0.9752945416416824 0.8935714814162649 0.3817962946068635 0.4434239432943575 0.07499946524309949 -0.05932249638264001 -0.5057811464209606 -0.7181372801885396 -0.7232449714526222 -1.0046839193364352 +18117,-1.1279134202393089,0,-1.0750565545821464 -1.030789896960042 -0.12254952309112678 -0.36627410426955453 0.25397503095360546 0.03524718126458986 0.9351553113552875 0.9960864565338097 0.8430362936064136 0.9752945416416824 0.8935714814162649 0.3817962946068635 0.4434239432943575 0.07499946524309949 -0.05932249638264001 -0.5057811464209606 -0.7181372801885396 -0.7232449714526222 -1.0046839193364352 -1.0788744248715374 +18118,-1.2104877623420807,0,-1.030789896960042 -0.12254952309112678 -0.36627410426955453 0.25397503095360546 0.03524718126458986 0.9351553113552875 0.9960864565338097 0.8430362936064136 0.9752945416416824 0.8935714814162649 0.3817962946068635 0.4434239432943575 0.07499946524309949 -0.05932249638264001 -0.5057811464209606 -0.7181372801885396 -0.7232449714526222 -1.0046839193364352 -1.0788744248715374 -1.1279134202393089 +18119,-1.26791059443229,0,-0.12254952309112678 -0.36627410426955453 0.25397503095360546 0.03524718126458986 0.9351553113552875 0.9960864565338097 0.8430362936064136 0.9752945416416824 0.8935714814162649 0.3817962946068635 0.4434239432943575 0.07499946524309949 -0.05932249638264001 -0.5057811464209606 -0.7181372801885396 -0.7232449714526222 -1.0046839193364352 -1.0788744248715374 -1.1279134202393089 -1.2104877623420807 +18120,-1.2362583864472545,0,-0.36627410426955453 0.25397503095360546 0.03524718126458986 0.9351553113552875 0.9960864565338097 0.8430362936064136 0.9752945416416824 0.8935714814162649 0.3817962946068635 0.4434239432943575 0.07499946524309949 -0.05932249638264001 -0.5057811464209606 -0.7181372801885396 -0.7232449714526222 -1.0046839193364352 -1.0788744248715374 -1.1279134202393089 -1.2104877623420807 -1.26791059443229 +18121,-1.3233728985109499,0,0.25397503095360546 0.03524718126458986 0.9351553113552875 0.9960864565338097 0.8430362936064136 0.9752945416416824 0.8935714814162649 0.3817962946068635 0.4434239432943575 0.07499946524309949 -0.05932249638264001 -0.5057811464209606 -0.7181372801885396 -0.7232449714526222 -1.0046839193364352 -1.0788744248715374 -1.1279134202393089 -1.2104877623420807 -1.26791059443229 -1.2362583864472545 +18122,-1.3214123706541865,0,0.03524718126458986 0.9351553113552875 0.9960864565338097 0.8430362936064136 0.9752945416416824 0.8935714814162649 0.3817962946068635 0.4434239432943575 0.07499946524309949 -0.05932249638264001 -0.5057811464209606 -0.7181372801885396 -0.7232449714526222 -1.0046839193364352 -1.0788744248715374 -1.1279134202393089 -1.2104877623420807 -1.26791059443229 -1.2362583864472545 -1.3233728985109499 +18123,-0.45880586464365125,0,0.9351553113552875 0.9960864565338097 0.8430362936064136 0.9752945416416824 0.8935714814162649 0.3817962946068635 0.4434239432943575 0.07499946524309949 -0.05932249638264001 -0.5057811464209606 -0.7181372801885396 -0.7232449714526222 -1.0046839193364352 -1.0788744248715374 -1.1279134202393089 -1.2104877623420807 -1.26791059443229 -1.2362583864472545 -1.3233728985109499 -1.3214123706541865 +18124,-0.7437273292984395,0,0.9960864565338097 0.8430362936064136 0.9752945416416824 0.8935714814162649 0.3817962946068635 0.4434239432943575 0.07499946524309949 -0.05932249638264001 -0.5057811464209606 -0.7181372801885396 -0.7232449714526222 -1.0046839193364352 -1.0788744248715374 -1.1279134202393089 -1.2104877623420807 -1.26791059443229 -1.2362583864472545 -1.3233728985109499 -1.3214123706541865 -0.45880586464365125 +18125,-0.16800281610900997,0,0.8430362936064136 0.9752945416416824 0.8935714814162649 0.3817962946068635 0.4434239432943575 0.07499946524309949 -0.05932249638264001 -0.5057811464209606 -0.7181372801885396 -0.7232449714526222 -1.0046839193364352 -1.0788744248715374 -1.1279134202393089 -1.2104877623420807 -1.26791059443229 -1.2362583864472545 -1.3233728985109499 -1.3214123706541865 -0.45880586464365125 -0.7437273292984395 +18126,-0.23886558324151927,0,0.9752945416416824 0.8935714814162649 0.3817962946068635 0.4434239432943575 0.07499946524309949 -0.05932249638264001 -0.5057811464209606 -0.7181372801885396 -0.7232449714526222 -1.0046839193364352 -1.0788744248715374 -1.1279134202393089 -1.2104877623420807 -1.26791059443229 -1.2362583864472545 -1.3233728985109499 -1.3214123706541865 -0.45880586464365125 -0.7437273292984395 -0.16800281610900997 +18127,0.5523880235949229,0,0.8935714814162649 0.3817962946068635 0.4434239432943575 0.07499946524309949 -0.05932249638264001 -0.5057811464209606 -0.7181372801885396 -0.7232449714526222 -1.0046839193364352 -1.0788744248715374 -1.1279134202393089 -1.2104877623420807 -1.26791059443229 -1.2362583864472545 -1.3233728985109499 -1.3214123706541865 -0.45880586464365125 -0.7437273292984395 -0.16800281610900997 -0.23886558324151927 +18128,0.6970543497998724,0,0.3817962946068635 0.4434239432943575 0.07499946524309949 -0.05932249638264001 -0.5057811464209606 -0.7181372801885396 -0.7232449714526222 -1.0046839193364352 -1.0788744248715374 -1.1279134202393089 -1.2104877623420807 -1.26791059443229 -1.2362583864472545 -1.3233728985109499 -1.3214123706541865 -0.45880586464365125 -0.7437273292984395 -0.16800281610900997 -0.23886558324151927 0.5523880235949229 +18129,0.5138223748574063,0,0.4434239432943575 0.07499946524309949 -0.05932249638264001 -0.5057811464209606 -0.7181372801885396 -0.7232449714526222 -1.0046839193364352 -1.0788744248715374 -1.1279134202393089 -1.2104877623420807 -1.26791059443229 -1.2362583864472545 -1.3233728985109499 -1.3214123706541865 -0.45880586464365125 -0.7437273292984395 -0.16800281610900997 -0.23886558324151927 0.5523880235949229 0.6970543497998724 +18130,0.7677881348813456,0,0.07499946524309949 -0.05932249638264001 -0.5057811464209606 -0.7181372801885396 -0.7232449714526222 -1.0046839193364352 -1.0788744248715374 -1.1279134202393089 -1.2104877623420807 -1.26791059443229 -1.2362583864472545 -1.3233728985109499 -1.3214123706541865 -0.45880586464365125 -0.7437273292984395 -0.16800281610900997 -0.23886558324151927 0.5523880235949229 0.6970543497998724 0.5138223748574063 +18131,0.6938555937578693,0,-0.05932249638264001 -0.5057811464209606 -0.7181372801885396 -0.7232449714526222 -1.0046839193364352 -1.0788744248715374 -1.1279134202393089 -1.2104877623420807 -1.26791059443229 -1.2362583864472545 -1.3233728985109499 -1.3214123706541865 -0.45880586464365125 -0.7437273292984395 -0.16800281610900997 -0.23886558324151927 0.5523880235949229 0.6970543497998724 0.5138223748574063 0.7677881348813456 +18132,0.14970589913712298,0,-0.5057811464209606 -0.7181372801885396 -0.7232449714526222 -1.0046839193364352 -1.0788744248715374 -1.1279134202393089 -1.2104877623420807 -1.26791059443229 -1.2362583864472545 -1.3233728985109499 -1.3214123706541865 -0.45880586464365125 -0.7437273292984395 -0.16800281610900997 -0.23886558324151927 0.5523880235949229 0.6970543497998724 0.5138223748574063 0.7677881348813456 0.6938555937578693 +18133,0.23251240902462947,0,-0.7181372801885396 -0.7232449714526222 -1.0046839193364352 -1.0788744248715374 -1.1279134202393089 -1.2104877623420807 -1.26791059443229 -1.2362583864472545 -1.3233728985109499 -1.3214123706541865 -0.45880586464365125 -0.7437273292984395 -0.16800281610900997 -0.23886558324151927 0.5523880235949229 0.6970543497998724 0.5138223748574063 0.7677881348813456 0.6938555937578693 0.14970589913712298 +18134,-0.15489823443035727,0,-0.7232449714526222 -1.0046839193364352 -1.0788744248715374 -1.1279134202393089 -1.2104877623420807 -1.26791059443229 -1.2362583864472545 -1.3233728985109499 -1.3214123706541865 -0.45880586464365125 -0.7437273292984395 -0.16800281610900997 -0.23886558324151927 0.5523880235949229 0.6970543497998724 0.5138223748574063 0.7677881348813456 0.6938555937578693 0.14970589913712298 0.23251240902462947 +18135,-0.2678091670713585,0,-1.0046839193364352 -1.0788744248715374 -1.1279134202393089 -1.2104877623420807 -1.26791059443229 -1.2362583864472545 -1.3233728985109499 -1.3214123706541865 -0.45880586464365125 -0.7437273292984395 -0.16800281610900997 -0.23886558324151927 0.5523880235949229 0.6970543497998724 0.5138223748574063 0.7677881348813456 0.6938555937578693 0.14970589913712298 0.23251240902462947 -0.15489823443035727 +18136,-0.7467197141826082,0,-1.0788744248715374 -1.1279134202393089 -1.2104877623420807 -1.26791059443229 -1.2362583864472545 -1.3233728985109499 -1.3214123706541865 -0.45880586464365125 -0.7437273292984395 -0.16800281610900997 -0.23886558324151927 0.5523880235949229 0.6970543497998724 0.5138223748574063 0.7677881348813456 0.6938555937578693 0.14970589913712298 0.23251240902462947 -0.15489823443035727 -0.2678091670713585 +18137,-0.9511305503250778,0,-1.1279134202393089 -1.2104877623420807 -1.26791059443229 -1.2362583864472545 -1.3233728985109499 -1.3214123706541865 -0.45880586464365125 -0.7437273292984395 -0.16800281610900997 -0.23886558324151927 0.5523880235949229 0.6970543497998724 0.5138223748574063 0.7677881348813456 0.6938555937578693 0.14970589913712298 0.23251240902462947 -0.15489823443035727 -0.2678091670713585 -0.7467197141826082 +18138,-1.0196458432929385,0,-1.2104877623420807 -1.26791059443229 -1.2362583864472545 -1.3233728985109499 -1.3214123706541865 -0.45880586464365125 -0.7437273292984395 -0.16800281610900997 -0.23886558324151927 0.5523880235949229 0.6970543497998724 0.5138223748574063 0.7677881348813456 0.6938555937578693 0.14970589913712298 0.23251240902462947 -0.15489823443035727 -0.2678091670713585 -0.7467197141826082 -0.9511305503250778 +18139,-1.269355193930132,0,-1.26791059443229 -1.2362583864472545 -1.3233728985109499 -1.3214123706541865 -0.45880586464365125 -0.7437273292984395 -0.16800281610900997 -0.23886558324151927 0.5523880235949229 0.6970543497998724 0.5138223748574063 0.7677881348813456 0.6938555937578693 0.14970589913712298 0.23251240902462947 -0.15489823443035727 -0.2678091670713585 -0.7467197141826082 -0.9511305503250778 -1.0196458432929385 +18140,-1.3831690013927165,0,-1.2362583864472545 -1.3233728985109499 -1.3214123706541865 -0.45880586464365125 -0.7437273292984395 -0.16800281610900997 -0.23886558324151927 0.5523880235949229 0.6970543497998724 0.5138223748574063 0.7677881348813456 0.6938555937578693 0.14970589913712298 0.23251240902462947 -0.15489823443035727 -0.2678091670713585 -0.7467197141826082 -0.9511305503250778 -1.0196458432929385 -1.269355193930132 +18141,-1.442810325596547,0,-1.3233728985109499 -1.3214123706541865 -0.45880586464365125 -0.7437273292984395 -0.16800281610900997 -0.23886558324151927 0.5523880235949229 0.6970543497998724 0.5138223748574063 0.7677881348813456 0.6938555937578693 0.14970589913712298 0.23251240902462947 -0.15489823443035727 -0.2678091670713585 -0.7467197141826082 -0.9511305503250778 -1.0196458432929385 -1.269355193930132 -1.3831690013927165 +18142,-1.5746816273239306,0,-1.3214123706541865 -0.45880586464365125 -0.7437273292984395 -0.16800281610900997 -0.23886558324151927 0.5523880235949229 0.6970543497998724 0.5138223748574063 0.7677881348813456 0.6938555937578693 0.14970589913712298 0.23251240902462947 -0.15489823443035727 -0.2678091670713585 -0.7467197141826082 -0.9511305503250778 -1.0196458432929385 -1.269355193930132 -1.3831690013927165 -1.442810325596547 +18143,-1.6523804459473457,0,-0.45880586464365125 -0.7437273292984395 -0.16800281610900997 -0.23886558324151927 0.5523880235949229 0.6970543497998724 0.5138223748574063 0.7677881348813456 0.6938555937578693 0.14970589913712298 0.23251240902462947 -0.15489823443035727 -0.2678091670713585 -0.7467197141826082 -0.9511305503250778 -1.0196458432929385 -1.269355193930132 -1.3831690013927165 -1.442810325596547 -1.5746816273239306 +18144,-1.5868317413915392,0,-0.7437273292984395 -0.16800281610900997 -0.23886558324151927 0.5523880235949229 0.6970543497998724 0.5138223748574063 0.7677881348813456 0.6938555937578693 0.14970589913712298 0.23251240902462947 -0.15489823443035727 -0.2678091670713585 -0.7467197141826082 -0.9511305503250778 -1.0196458432929385 -1.269355193930132 -1.3831690013927165 -1.442810325596547 -1.5746816273239306 -1.6523804459473457 +18145,-1.7122797344080252,0,-0.16800281610900997 -0.23886558324151927 0.5523880235949229 0.6970543497998724 0.5138223748574063 0.7677881348813456 0.6938555937578693 0.14970589913712298 0.23251240902462947 -0.15489823443035727 -0.2678091670713585 -0.7467197141826082 -0.9511305503250778 -1.0196458432929385 -1.269355193930132 -1.3831690013927165 -1.442810325596547 -1.5746816273239306 -1.6523804459473457 -1.5868317413915392 +18146,-1.6944802042452984,0,-0.23886558324151927 0.5523880235949229 0.6970543497998724 0.5138223748574063 0.7677881348813456 0.6938555937578693 0.14970589913712298 0.23251240902462947 -0.15489823443035727 -0.2678091670713585 -0.7467197141826082 -0.9511305503250778 -1.0196458432929385 -1.269355193930132 -1.3831690013927165 -1.442810325596547 -1.5746816273239306 -1.6523804459473457 -1.5868317413915392 -1.7122797344080252 +18147,-0.8305064879984876,0,0.5523880235949229 0.6970543497998724 0.5138223748574063 0.7677881348813456 0.6938555937578693 0.14970589913712298 0.23251240902462947 -0.15489823443035727 -0.2678091670713585 -0.7467197141826082 -0.9511305503250778 -1.0196458432929385 -1.269355193930132 -1.3831690013927165 -1.442810325596547 -1.5746816273239306 -1.6523804459473457 -1.5868317413915392 -1.7122797344080252 -1.6944802042452984 +18148,-1.0947650198121848,0,0.6970543497998724 0.5138223748574063 0.7677881348813456 0.6938555937578693 0.14970589913712298 0.23251240902462947 -0.15489823443035727 -0.2678091670713585 -0.7467197141826082 -0.9511305503250778 -1.0196458432929385 -1.269355193930132 -1.3831690013927165 -1.442810325596547 -1.5746816273239306 -1.6523804459473457 -1.5868317413915392 -1.7122797344080252 -1.6944802042452984 -0.8305064879984876 +18149,-0.5128493656965923,0,0.5138223748574063 0.7677881348813456 0.6938555937578693 0.14970589913712298 0.23251240902462947 -0.15489823443035727 -0.2678091670713585 -0.7467197141826082 -0.9511305503250778 -1.0196458432929385 -1.269355193930132 -1.3831690013927165 -1.442810325596547 -1.5746816273239306 -1.6523804459473457 -1.5868317413915392 -1.7122797344080252 -1.6944802042452984 -0.8305064879984876 -1.0947650198121848 +18150,-0.5402967570843429,0,0.7677881348813456 0.6938555937578693 0.14970589913712298 0.23251240902462947 -0.15489823443035727 -0.2678091670713585 -0.7467197141826082 -0.9511305503250778 -1.0196458432929385 -1.269355193930132 -1.3831690013927165 -1.442810325596547 -1.5746816273239306 -1.6523804459473457 -1.5868317413915392 -1.7122797344080252 -1.6944802042452984 -0.8305064879984876 -1.0947650198121848 -0.5128493656965923 +18151,0.2447399123538133,0,0.6938555937578693 0.14970589913712298 0.23251240902462947 -0.15489823443035727 -0.2678091670713585 -0.7467197141826082 -0.9511305503250778 -1.0196458432929385 -1.269355193930132 -1.3831690013927165 -1.442810325596547 -1.5746816273239306 -1.6523804459473457 -1.5868317413915392 -1.7122797344080252 -1.6944802042452984 -0.8305064879984876 -1.0947650198121848 -0.5128493656965923 -0.5402967570843429 +18152,0.4204135361338408,0,0.14970589913712298 0.23251240902462947 -0.15489823443035727 -0.2678091670713585 -0.7467197141826082 -0.9511305503250778 -1.0196458432929385 -1.269355193930132 -1.3831690013927165 -1.442810325596547 -1.5746816273239306 -1.6523804459473457 -1.5868317413915392 -1.7122797344080252 -1.6944802042452984 -0.8305064879984876 -1.0947650198121848 -0.5128493656965923 -0.5402967570843429 0.2447399123538133 +18153,0.2815772008645153,0,0.23251240902462947 -0.15489823443035727 -0.2678091670713585 -0.7467197141826082 -0.9511305503250778 -1.0196458432929385 -1.269355193930132 -1.3831690013927165 -1.442810325596547 -1.5746816273239306 -1.6523804459473457 -1.5868317413915392 -1.7122797344080252 -1.6944802042452984 -0.8305064879984876 -1.0947650198121848 -0.5128493656965923 -0.5402967570843429 0.2447399123538133 0.4204135361338408 +18154,0.5620874776093986,0,-0.15489823443035727 -0.2678091670713585 -0.7467197141826082 -0.9511305503250778 -1.0196458432929385 -1.269355193930132 -1.3831690013927165 -1.442810325596547 -1.5746816273239306 -1.6523804459473457 -1.5868317413915392 -1.7122797344080252 -1.6944802042452984 -0.8305064879984876 -1.0947650198121848 -0.5128493656965923 -0.5402967570843429 0.2447399123538133 0.4204135361338408 0.2815772008645153 +18155,0.5280877954597146,0,-0.2678091670713585 -0.7467197141826082 -0.9511305503250778 -1.0196458432929385 -1.269355193930132 -1.3831690013927165 -1.442810325596547 -1.5746816273239306 -1.6523804459473457 -1.5868317413915392 -1.7122797344080252 -1.6944802042452984 -0.8305064879984876 -1.0947650198121848 -0.5128493656965923 -0.5402967570843429 0.2447399123538133 0.4204135361338408 0.2815772008645153 0.5620874776093986 +18156,-0.005923905894433165,0,-0.7467197141826082 -0.9511305503250778 -1.0196458432929385 -1.269355193930132 -1.3831690013927165 -1.442810325596547 -1.5746816273239306 -1.6523804459473457 -1.5868317413915392 -1.7122797344080252 -1.6944802042452984 -0.8305064879984876 -1.0947650198121848 -0.5128493656965923 -0.5402967570843429 0.2447399123538133 0.4204135361338408 0.2815772008645153 0.5620874776093986 0.5280877954597146 +18157,0.126747084920844,0,-0.9511305503250778 -1.0196458432929385 -1.269355193930132 -1.3831690013927165 -1.442810325596547 -1.5746816273239306 -1.6523804459473457 -1.5868317413915392 -1.7122797344080252 -1.6944802042452984 -0.8305064879984876 -1.0947650198121848 -0.5128493656965923 -0.5402967570843429 0.2447399123538133 0.4204135361338408 0.2815772008645153 0.5620874776093986 0.5280877954597146 -0.005923905894433165 +18158,-0.2405939434683338,0,-1.0196458432929385 -1.269355193930132 -1.3831690013927165 -1.442810325596547 -1.5746816273239306 -1.6523804459473457 -1.5868317413915392 -1.7122797344080252 -1.6944802042452984 -0.8305064879984876 -1.0947650198121848 -0.5128493656965923 -0.5402967570843429 0.2447399123538133 0.4204135361338408 0.2815772008645153 0.5620874776093986 0.5280877954597146 -0.005923905894433165 0.126747084920844 +18159,-0.36663525410531644,0,-1.269355193930132 -1.3831690013927165 -1.442810325596547 -1.5746816273239306 -1.6523804459473457 -1.5868317413915392 -1.7122797344080252 -1.6944802042452984 -0.8305064879984876 -1.0947650198121848 -0.5128493656965923 -0.5402967570843429 0.2447399123538133 0.4204135361338408 0.2815772008645153 0.5620874776093986 0.5280877954597146 -0.005923905894433165 0.126747084920844 -0.2405939434683338 +18160,-0.814409521590452,0,-1.3831690013927165 -1.442810325596547 -1.5746816273239306 -1.6523804459473457 -1.5868317413915392 -1.7122797344080252 -1.6944802042452984 -0.8305064879984876 -1.0947650198121848 -0.5128493656965923 -0.5402967570843429 0.2447399123538133 0.4204135361338408 0.2815772008645153 0.5620874776093986 0.5280877954597146 -0.005923905894433165 0.126747084920844 -0.2405939434683338 -0.36663525410531644 +18161,-1.0208840714781693,0,-1.442810325596547 -1.5746816273239306 -1.6523804459473457 -1.5868317413915392 -1.7122797344080252 -1.6944802042452984 -0.8305064879984876 -1.0947650198121848 -0.5128493656965923 -0.5402967570843429 0.2447399123538133 0.4204135361338408 0.2815772008645153 0.5620874776093986 0.5280877954597146 -0.005923905894433165 0.126747084920844 -0.2405939434683338 -0.36663525410531644 -0.814409521590452 +18162,-1.0226640244944447,0,-1.5746816273239306 -1.6523804459473457 -1.5868317413915392 -1.7122797344080252 -1.6944802042452984 -0.8305064879984876 -1.0947650198121848 -0.5128493656965923 -0.5402967570843429 0.2447399123538133 0.4204135361338408 0.2815772008645153 0.5620874776093986 0.5280877954597146 -0.005923905894433165 0.126747084920844 -0.2405939434683338 -0.36663525410531644 -0.814409521590452 -1.0208840714781693 +18163,-1.2973701066210503,0,-1.6523804459473457 -1.5868317413915392 -1.7122797344080252 -1.6944802042452984 -0.8305064879984876 -1.0947650198121848 -0.5128493656965923 -0.5402967570843429 0.2447399123538133 0.4204135361338408 0.2815772008645153 0.5620874776093986 0.5280877954597146 -0.005923905894433165 0.126747084920844 -0.2405939434683338 -0.36663525410531644 -0.814409521590452 -1.0208840714781693 -1.0226640244944447 +18164,-1.3673815920309909,0,-1.5868317413915392 -1.7122797344080252 -1.6944802042452984 -0.8305064879984876 -1.0947650198121848 -0.5128493656965923 -0.5402967570843429 0.2447399123538133 0.4204135361338408 0.2815772008645153 0.5620874776093986 0.5280877954597146 -0.005923905894433165 0.126747084920844 -0.2405939434683338 -0.36663525410531644 -0.814409521590452 -1.0208840714781693 -1.0226640244944447 -1.2973701066210503 +18165,-1.4343748960846396,0,-1.7122797344080252 -1.6944802042452984 -0.8305064879984876 -1.0947650198121848 -0.5128493656965923 -0.5402967570843429 0.2447399123538133 0.4204135361338408 0.2815772008645153 0.5620874776093986 0.5280877954597146 -0.005923905894433165 0.126747084920844 -0.2405939434683338 -0.36663525410531644 -0.814409521590452 -1.0208840714781693 -1.0226640244944447 -1.2973701066210503 -1.3673815920309909 +18166,-1.5053924417403084,0,-1.6944802042452984 -0.8305064879984876 -1.0947650198121848 -0.5128493656965923 -0.5402967570843429 0.2447399123538133 0.4204135361338408 0.2815772008645153 0.5620874776093986 0.5280877954597146 -0.005923905894433165 0.126747084920844 -0.2405939434683338 -0.36663525410531644 -0.814409521590452 -1.0208840714781693 -1.0226640244944447 -1.2973701066210503 -1.3673815920309909 -1.4343748960846396 +18167,-1.5733918063492478,0,-0.8305064879984876 -1.0947650198121848 -0.5128493656965923 -0.5402967570843429 0.2447399123538133 0.4204135361338408 0.2815772008645153 0.5620874776093986 0.5280877954597146 -0.005923905894433165 0.126747084920844 -0.2405939434683338 -0.36663525410531644 -0.814409521590452 -1.0208840714781693 -1.0226640244944447 -1.2973701066210503 -1.3673815920309909 -1.4343748960846396 -1.5053924417403084 +18168,-1.5386956206905829,0,-1.0947650198121848 -0.5128493656965923 -0.5402967570843429 0.2447399123538133 0.4204135361338408 0.2815772008645153 0.5620874776093986 0.5280877954597146 -0.005923905894433165 0.126747084920844 -0.2405939434683338 -0.36663525410531644 -0.814409521590452 -1.0208840714781693 -1.0226640244944447 -1.2973701066210503 -1.3673815920309909 -1.4343748960846396 -1.5053924417403084 -1.5733918063492478 +18169,-1.6409268352339323,0,-0.5128493656965923 -0.5402967570843429 0.2447399123538133 0.4204135361338408 0.2815772008645153 0.5620874776093986 0.5280877954597146 -0.005923905894433165 0.126747084920844 -0.2405939434683338 -0.36663525410531644 -0.814409521590452 -1.0208840714781693 -1.0226640244944447 -1.2973701066210503 -1.3673815920309909 -1.4343748960846396 -1.5053924417403084 -1.5733918063492478 -1.5386956206905829 +18170,-1.6404624996644719,0,-0.5402967570843429 0.2447399123538133 0.4204135361338408 0.2815772008645153 0.5620874776093986 0.5280877954597146 -0.005923905894433165 0.126747084920844 -0.2405939434683338 -0.36663525410531644 -0.814409521590452 -1.0208840714781693 -1.0226640244944447 -1.2973701066210503 -1.3673815920309909 -1.4343748960846396 -1.5053924417403084 -1.5733918063492478 -1.5386956206905829 -1.6409268352339323 +18171,-0.6576962668968156,0,0.2447399123538133 0.4204135361338408 0.2815772008645153 0.5620874776093986 0.5280877954597146 -0.005923905894433165 0.126747084920844 -0.2405939434683338 -0.36663525410531644 -0.814409521590452 -1.0208840714781693 -1.0226640244944447 -1.2973701066210503 -1.3673815920309909 -1.4343748960846396 -1.5053924417403084 -1.5733918063492478 -1.5386956206905829 -1.6409268352339323 -1.6404624996644719 +18172,-0.9846658970600782,0,0.4204135361338408 0.2815772008645153 0.5620874776093986 0.5280877954597146 -0.005923905894433165 0.126747084920844 -0.2405939434683338 -0.36663525410531644 -0.814409521590452 -1.0208840714781693 -1.0226640244944447 -1.2973701066210503 -1.3673815920309909 -1.4343748960846396 -1.5053924417403084 -1.5733918063492478 -1.5386956206905829 -1.6409268352339323 -1.6404624996644719 -0.6576962668968156 +18173,-0.329333630025154,0,0.2815772008645153 0.5620874776093986 0.5280877954597146 -0.005923905894433165 0.126747084920844 -0.2405939434683338 -0.36663525410531644 -0.814409521590452 -1.0208840714781693 -1.0226640244944447 -1.2973701066210503 -1.3673815920309909 -1.4343748960846396 -1.5053924417403084 -1.5733918063492478 -1.5386956206905829 -1.6409268352339323 -1.6404624996644719 -0.6576962668968156 -0.9846658970600782 +18174,-0.3387751199375663,0,0.5620874776093986 0.5280877954597146 -0.005923905894433165 0.126747084920844 -0.2405939434683338 -0.36663525410531644 -0.814409521590452 -1.0208840714781693 -1.0226640244944447 -1.2973701066210503 -1.3673815920309909 -1.4343748960846396 -1.5053924417403084 -1.5733918063492478 -1.5386956206905829 -1.6409268352339323 -1.6404624996644719 -0.6576962668968156 -0.9846658970600782 -0.329333630025154 +18175,0.5381483994647379,0,0.5280877954597146 -0.005923905894433165 0.126747084920844 -0.2405939434683338 -0.36663525410531644 -0.814409521590452 -1.0208840714781693 -1.0226640244944447 -1.2973701066210503 -1.3673815920309909 -1.4343748960846396 -1.5053924417403084 -1.5733918063492478 -1.5386956206905829 -1.6409268352339323 -1.6404624996644719 -0.6576962668968156 -0.9846658970600782 -0.329333630025154 -0.3387751199375663 +18176,0.7502981617649199,0,-0.005923905894433165 0.126747084920844 -0.2405939434683338 -0.36663525410531644 -0.814409521590452 -1.0208840714781693 -1.0226640244944447 -1.2973701066210503 -1.3673815920309909 -1.4343748960846396 -1.5053924417403084 -1.5733918063492478 -1.5386956206905829 -1.6409268352339323 -1.6404624996644719 -0.6576962668968156 -0.9846658970600782 -0.329333630025154 -0.3387751199375663 0.5381483994647379 +18177,0.5987957840690645,0,0.126747084920844 -0.2405939434683338 -0.36663525410531644 -0.814409521590452 -1.0208840714781693 -1.0226640244944447 -1.2973701066210503 -1.3673815920309909 -1.4343748960846396 -1.5053924417403084 -1.5733918063492478 -1.5386956206905829 -1.6409268352339323 -1.6404624996644719 -0.6576962668968156 -0.9846658970600782 -0.329333630025154 -0.3387751199375663 0.5381483994647379 0.7502981617649199 +18178,0.932162926471119,0,-0.2405939434683338 -0.36663525410531644 -0.814409521590452 -1.0208840714781693 -1.0226640244944447 -1.2973701066210503 -1.3673815920309909 -1.4343748960846396 -1.5053924417403084 -1.5733918063492478 -1.5386956206905829 -1.6409268352339323 -1.6404624996644719 -0.6576962668968156 -0.9846658970600782 -0.329333630025154 -0.3387751199375663 0.5381483994647379 0.7502981617649199 0.5987957840690645 +18179,0.9018779288771274,0,-0.36663525410531644 -0.814409521590452 -1.0208840714781693 -1.0226640244944447 -1.2973701066210503 -1.3673815920309909 -1.4343748960846396 -1.5053924417403084 -1.5733918063492478 -1.5386956206905829 -1.6409268352339323 -1.6404624996644719 -0.6576962668968156 -0.9846658970600782 -0.329333630025154 -0.3387751199375663 0.5381483994647379 0.7502981617649199 0.5987957840690645 0.932162926471119 +18180,0.21285553658404324,0,-0.814409521590452 -1.0208840714781693 -1.0226640244944447 -1.2973701066210503 -1.3673815920309909 -1.4343748960846396 -1.5053924417403084 -1.5733918063492478 -1.5386956206905829 -1.6409268352339323 -1.6404624996644719 -0.6576962668968156 -0.9846658970600782 -0.329333630025154 -0.3387751199375663 0.5381483994647379 0.7502981617649199 0.5987957840690645 0.932162926471119 0.9018779288771274 +18181,0.40214967040164473,0,-1.0208840714781693 -1.0226640244944447 -1.2973701066210503 -1.3673815920309909 -1.4343748960846396 -1.5053924417403084 -1.5733918063492478 -1.5386956206905829 -1.6409268352339323 -1.6404624996644719 -0.6576962668968156 -0.9846658970600782 -0.329333630025154 -0.3387751199375663 0.5381483994647379 0.7502981617649199 0.5987957840690645 0.932162926471119 0.9018779288771274 0.21285553658404324 +18182,-0.06729359032507813,0,-1.0226640244944447 -1.2973701066210503 -1.3673815920309909 -1.4343748960846396 -1.5053924417403084 -1.5733918063492478 -1.5386956206905829 -1.6409268352339323 -1.6404624996644719 -0.6576962668968156 -0.9846658970600782 -0.329333630025154 -0.3387751199375663 0.5381483994647379 0.7502981617649199 0.5987957840690645 0.932162926471119 0.9018779288771274 0.21285553658404324 0.40214967040164473 +18183,-0.13284229488088473,0,-1.2973701066210503 -1.3673815920309909 -1.4343748960846396 -1.5053924417403084 -1.5733918063492478 -1.5386956206905829 -1.6409268352339323 -1.6404624996644719 -0.6576962668968156 -0.9846658970600782 -0.329333630025154 -0.3387751199375663 0.5381483994647379 0.7502981617649199 0.5987957840690645 0.932162926471119 0.9018779288771274 0.21285553658404324 0.40214967040164473 -0.06729359032507813 +18184,-0.7369170742796483,0,-1.3673815920309909 -1.4343748960846396 -1.5053924417403084 -1.5733918063492478 -1.5386956206905829 -1.6409268352339323 -1.6404624996644719 -0.6576962668968156 -0.9846658970600782 -0.329333630025154 -0.3387751199375663 0.5381483994647379 0.7502981617649199 0.5987957840690645 0.932162926471119 0.9018779288771274 0.21285553658404324 0.40214967040164473 -0.06729359032507813 -0.13284229488088473 +18185,-0.9370972976622811,0,-1.4343748960846396 -1.5053924417403084 -1.5733918063492478 -1.5386956206905829 -1.6409268352339323 -1.6404624996644719 -0.6576962668968156 -0.9846658970600782 -0.329333630025154 -0.3387751199375663 0.5381483994647379 0.7502981617649199 0.5987957840690645 0.932162926471119 0.9018779288771274 0.21285553658404324 0.40214967040164473 -0.06729359032507813 -0.13284229488088473 -0.7369170742796483 +18186,-0.9465129911025701,0,-1.5053924417403084 -1.5733918063492478 -1.5386956206905829 -1.6409268352339323 -1.6404624996644719 -0.6576962668968156 -0.9846658970600782 -0.329333630025154 -0.3387751199375663 0.5381483994647379 0.7502981617649199 0.5987957840690645 0.932162926471119 0.9018779288771274 0.21285553658404324 0.40214967040164473 -0.06729359032507813 -0.13284229488088473 -0.7369170742796483 -0.9370972976622811 +18187,-1.2102813910294694,0,-1.5733918063492478 -1.5386956206905829 -1.6409268352339323 -1.6404624996644719 -0.6576962668968156 -0.9846658970600782 -0.329333630025154 -0.3387751199375663 0.5381483994647379 0.7502981617649199 0.5987957840690645 0.932162926471119 0.9018779288771274 0.21285553658404324 0.40214967040164473 -0.06729359032507813 -0.13284229488088473 -0.7369170742796483 -0.9370972976622811 -0.9465129911025701 +18188,-1.283285261014016,0,-1.5386956206905829 -1.6409268352339323 -1.6404624996644719 -0.6576962668968156 -0.9846658970600782 -0.329333630025154 -0.3387751199375663 0.5381483994647379 0.7502981617649199 0.5987957840690645 0.932162926471119 0.9018779288771274 0.21285553658404324 0.40214967040164473 -0.06729359032507813 -0.13284229488088473 -0.7369170742796483 -0.9370972976622811 -0.9465129911025701 -1.2102813910294694 +18189,-1.3509492721045222,0,-1.6409268352339323 -1.6404624996644719 -0.6576962668968156 -0.9846658970600782 -0.329333630025154 -0.3387751199375663 0.5381483994647379 0.7502981617649199 0.5987957840690645 0.932162926471119 0.9018779288771274 0.21285553658404324 0.40214967040164473 -0.06729359032507813 -0.13284229488088473 -0.7369170742796483 -0.9370972976622811 -0.9465129911025701 -1.2102813910294694 -1.283285261014016 +18190,-1.4257330952601297,0,-1.6404624996644719 -0.6576962668968156 -0.9846658970600782 -0.329333630025154 -0.3387751199375663 0.5381483994647379 0.7502981617649199 0.5987957840690645 0.932162926471119 0.9018779288771274 0.21285553658404324 0.40214967040164473 -0.06729359032507813 -0.13284229488088473 -0.7369170742796483 -0.9370972976622811 -0.9465129911025701 -1.2102813910294694 -1.283285261014016 -1.3509492721045222 +18191,-1.4951770592121256,0,-0.6576962668968156 -0.9846658970600782 -0.329333630025154 -0.3387751199375663 0.5381483994647379 0.7502981617649199 0.5987957840690645 0.932162926471119 0.9018779288771274 0.21285553658404324 0.40214967040164473 -0.06729359032507813 -0.13284229488088473 -0.7369170742796483 -0.9370972976622811 -0.9465129911025701 -1.2102813910294694 -1.283285261014016 -1.3509492721045222 -1.4257330952601297 +18192,-1.4551926074488815,0,-0.9846658970600782 -0.329333630025154 -0.3387751199375663 0.5381483994647379 0.7502981617649199 0.5987957840690645 0.932162926471119 0.9018779288771274 0.21285553658404324 0.40214967040164473 -0.06729359032507813 -0.13284229488088473 -0.7369170742796483 -0.9370972976622811 -0.9465129911025701 -1.2102813910294694 -1.283285261014016 -1.3509492721045222 -1.4257330952601297 -1.4951770592121256 +18193,-1.5611127100758173,0,-0.329333630025154 -0.3387751199375663 0.5381483994647379 0.7502981617649199 0.5987957840690645 0.932162926471119 0.9018779288771274 0.21285553658404324 0.40214967040164473 -0.06729359032507813 -0.13284229488088473 -0.7369170742796483 -0.9370972976622811 -0.9465129911025701 -1.2102813910294694 -1.283285261014016 -1.3509492721045222 -1.4257330952601297 -1.4951770592121256 -1.4551926074488815 +18194,-1.5576043969875133,0,-0.3387751199375663 0.5381483994647379 0.7502981617649199 0.5987957840690645 0.932162926471119 0.9018779288771274 0.21285553658404324 0.40214967040164473 -0.06729359032507813 -0.13284229488088473 -0.7369170742796483 -0.9370972976622811 -0.9465129911025701 -1.2102813910294694 -1.283285261014016 -1.3509492721045222 -1.4257330952601297 -1.4951770592121256 -1.4551926074488815 -1.5611127100758173 +18195,-0.47033686461864,0,0.5381483994647379 0.7502981617649199 0.5987957840690645 0.932162926471119 0.9018779288771274 0.21285553658404324 0.40214967040164473 -0.06729359032507813 -0.13284229488088473 -0.7369170742796483 -0.9370972976622811 -0.9465129911025701 -1.2102813910294694 -1.283285261014016 -1.3509492721045222 -1.4257330952601297 -1.4951770592121256 -1.4551926074488815 -1.5611127100758173 -1.5576043969875133 +18196,-0.828081624417478,0,0.7502981617649199 0.5987957840690645 0.932162926471119 0.9018779288771274 0.21285553658404324 0.40214967040164473 -0.06729359032507813 -0.13284229488088473 -0.7369170742796483 -0.9370972976622811 -0.9465129911025701 -1.2102813910294694 -1.283285261014016 -1.3509492721045222 -1.4257330952601297 -1.4951770592121256 -1.4551926074488815 -1.5611127100758173 -1.5576043969875133 -0.47033686461864 +18197,-0.10206716524531818,0,0.5987957840690645 0.932162926471119 0.9018779288771274 0.21285553658404324 0.40214967040164473 -0.06729359032507813 -0.13284229488088473 -0.7369170742796483 -0.9370972976622811 -0.9465129911025701 -1.2102813910294694 -1.283285261014016 -1.3509492721045222 -1.4257330952601297 -1.4951770592121256 -1.4551926074488815 -1.5611127100758173 -1.5576043969875133 -0.47033686461864 -0.828081624417478 +18198,-0.10591083185205548,0,0.932162926471119 0.9018779288771274 0.21285553658404324 0.40214967040164473 -0.06729359032507813 -0.13284229488088473 -0.7369170742796483 -0.9370972976622811 -0.9465129911025701 -1.2102813910294694 -1.283285261014016 -1.3509492721045222 -1.4257330952601297 -1.4951770592121256 -1.4551926074488815 -1.5611127100758173 -1.5576043969875133 -0.47033686461864 -0.828081624417478 -0.10206716524531818 +18199,0.8633896694011949,0,0.9018779288771274 0.21285553658404324 0.40214967040164473 -0.06729359032507813 -0.13284229488088473 -0.7369170742796483 -0.9370972976622811 -0.9465129911025701 -1.2102813910294694 -1.283285261014016 -1.3509492721045222 -1.4257330952601297 -1.4951770592121256 -1.4551926074488815 -1.5611127100758173 -1.5576043969875133 -0.47033686461864 -0.828081624417478 -0.10206716524531818 -0.10591083185205548 +18200,1.1028320447207538,0,0.21285553658404324 0.40214967040164473 -0.06729359032507813 -0.13284229488088473 -0.7369170742796483 -0.9370972976622811 -0.9465129911025701 -1.2102813910294694 -1.283285261014016 -1.3509492721045222 -1.4257330952601297 -1.4951770592121256 -1.4551926074488815 -1.5611127100758173 -1.5576043969875133 -0.47033686461864 -0.828081624417478 -0.10206716524531818 -0.10591083185205548 0.8633896694011949 +18201,0.8869160049206241,0,0.40214967040164473 -0.06729359032507813 -0.13284229488088473 -0.7369170742796483 -0.9370972976622811 -0.9465129911025701 -1.2102813910294694 -1.283285261014016 -1.3509492721045222 -1.4257330952601297 -1.4951770592121256 -1.4551926074488815 -1.5611127100758173 -1.5576043969875133 -0.47033686461864 -0.828081624417478 -0.10206716524531818 -0.10591083185205548 0.8633896694011949 1.1028320447207538 +18202,1.2781445186650193,0,-0.06729359032507813 -0.13284229488088473 -0.7369170742796483 -0.9370972976622811 -0.9465129911025701 -1.2102813910294694 -1.283285261014016 -1.3509492721045222 -1.4257330952601297 -1.4951770592121256 -1.4551926074488815 -1.5611127100758173 -1.5576043969875133 -0.47033686461864 -0.828081624417478 -0.10206716524531818 -0.10591083185205548 0.8633896694011949 1.1028320447207538 0.8869160049206241 +18203,1.2140146171349315,0,-0.13284229488088473 -0.7369170742796483 -0.9370972976622811 -0.9465129911025701 -1.2102813910294694 -1.283285261014016 -1.3509492721045222 -1.4257330952601297 -1.4951770592121256 -1.4551926074488815 -1.5611127100758173 -1.5576043969875133 -0.47033686461864 -0.828081624417478 -0.10206716524531818 -0.10591083185205548 0.8633896694011949 1.1028320447207538 0.8869160049206241 1.2781445186650193 +18204,0.4822475561339462,0,-0.7369170742796483 -0.9370972976622811 -0.9465129911025701 -1.2102813910294694 -1.283285261014016 -1.3509492721045222 -1.4257330952601297 -1.4951770592121256 -1.4551926074488815 -1.5611127100758173 -1.5576043969875133 -0.47033686461864 -0.828081624417478 -0.10206716524531818 -0.10591083185205548 0.8633896694011949 1.1028320447207538 0.8869160049206241 1.2781445186650193 1.2140146171349315 +18205,0.6406633745822826,0,-0.9370972976622811 -0.9465129911025701 -1.2102813910294694 -1.283285261014016 -1.3509492721045222 -1.4257330952601297 -1.4951770592121256 -1.4551926074488815 -1.5611127100758173 -1.5576043969875133 -0.47033686461864 -0.828081624417478 -0.10206716524531818 -0.10591083185205548 0.8633896694011949 1.1028320447207538 0.8869160049206241 1.2781445186650193 1.2140146171349315 0.4822475561339462 +18206,0.1314420334049269,0,-0.9465129911025701 -1.2102813910294694 -1.283285261014016 -1.3509492721045222 -1.4257330952601297 -1.4951770592121256 -1.4551926074488815 -1.5611127100758173 -1.5576043969875133 -0.47033686461864 -0.828081624417478 -0.10206716524531818 -0.10591083185205548 0.8633896694011949 1.1028320447207538 0.8869160049206241 1.2781445186650193 1.2140146171349315 0.4822475561339462 0.6406633745822826 +18207,0.054362328874131546,0,-1.2102813910294694 -1.283285261014016 -1.3509492721045222 -1.4257330952601297 -1.4951770592121256 -1.4551926074488815 -1.5611127100758173 -1.5576043969875133 -0.47033686461864 -0.828081624417478 -0.10206716524531818 -0.10591083185205548 0.8633896694011949 1.1028320447207538 0.8869160049206241 1.2781445186650193 1.2140146171349315 0.4822475561339462 0.6406633745822826 0.1314420334049269 +18208,-0.5989062245703307,0,-1.283285261014016 -1.3509492721045222 -1.4257330952601297 -1.4951770592121256 -1.4551926074488815 -1.5611127100758173 -1.5576043969875133 -0.47033686461864 -0.828081624417478 -0.10206716524531818 -0.10591083185205548 0.8633896694011949 1.1028320447207538 0.8869160049206241 1.2781445186650193 1.2140146171349315 0.4822475561339462 0.6406633745822826 0.1314420334049269 0.054362328874131546 +18209,-0.8200331412134646,0,-1.3509492721045222 -1.4257330952601297 -1.4951770592121256 -1.4551926074488815 -1.5611127100758173 -1.5576043969875133 -0.47033686461864 -0.828081624417478 -0.10206716524531818 -0.10591083185205548 0.8633896694011949 1.1028320447207538 0.8869160049206241 1.2781445186650193 1.2140146171349315 0.4822475561339462 0.6406633745822826 0.1314420334049269 0.054362328874131546 -0.5989062245703307 +18210,-0.8520980919784996,0,-1.4257330952601297 -1.4951770592121256 -1.4551926074488815 -1.5611127100758173 -1.5576043969875133 -0.47033686461864 -0.828081624417478 -0.10206716524531818 -0.10591083185205548 0.8633896694011949 1.1028320447207538 0.8869160049206241 1.2781445186650193 1.2140146171349315 0.4822475561339462 0.6406633745822826 0.1314420334049269 0.054362328874131546 -0.5989062245703307 -0.8200331412134646 +18211,-1.1362456640175176,0,-1.4951770592121256 -1.4551926074488815 -1.5611127100758173 -1.5576043969875133 -0.47033686461864 -0.828081624417478 -0.10206716524531818 -0.10591083185205548 0.8633896694011949 1.1028320447207538 0.8869160049206241 1.2781445186650193 1.2140146171349315 0.4822475561339462 0.6406633745822826 0.1314420334049269 0.054362328874131546 -0.5989062245703307 -0.8200331412134646 -0.8520980919784996 +18212,-1.231331270178437,0,-1.4551926074488815 -1.5611127100758173 -1.5576043969875133 -0.47033686461864 -0.828081624417478 -0.10206716524531818 -0.10591083185205548 0.8633896694011949 1.1028320447207538 0.8869160049206241 1.2781445186650193 1.2140146171349315 0.4822475561339462 0.6406633745822826 0.1314420334049269 0.054362328874131546 -0.5989062245703307 -0.8200331412134646 -0.8520980919784996 -1.1362456640175176 +18213,-1.1591786819164591,0,-1.5611127100758173 -1.5576043969875133 -0.47033686461864 -0.828081624417478 -0.10206716524531818 -0.10591083185205548 0.8633896694011949 1.1028320447207538 0.8869160049206241 1.2781445186650193 1.2140146171349315 0.4822475561339462 0.6406633745822826 0.1314420334049269 0.054362328874131546 -0.5989062245703307 -0.8200331412134646 -0.8520980919784996 -1.1362456640175176 -1.231331270178437 +18214,-1.3100103527302338,0,-1.5576043969875133 -0.47033686461864 -0.828081624417478 -0.10206716524531818 -0.10591083185205548 0.8633896694011949 1.1028320447207538 0.8869160049206241 1.2781445186650193 1.2140146171349315 0.4822475561339462 0.6406633745822826 0.1314420334049269 0.054362328874131546 -0.5989062245703307 -0.8200331412134646 -0.8520980919784996 -1.1362456640175176 -1.231331270178437 -1.1591786819164591 +18215,-1.2936038292758882,0,-0.47033686461864 -0.828081624417478 -0.10206716524531818 -0.10591083185205548 0.8633896694011949 1.1028320447207538 0.8869160049206241 1.2781445186650193 1.2140146171349315 0.4822475561339462 0.6406633745822826 0.1314420334049269 0.054362328874131546 -0.5989062245703307 -0.8200331412134646 -0.8520980919784996 -1.1362456640175176 -1.231331270178437 -1.1591786819164591 -1.3100103527302338 +18216,-1.06956191701017,0,-0.828081624417478 -0.10206716524531818 -0.10591083185205548 0.8633896694011949 1.1028320447207538 0.8869160049206241 1.2781445186650193 1.2140146171349315 0.4822475561339462 0.6406633745822826 0.1314420334049269 0.054362328874131546 -0.5989062245703307 -0.8200331412134646 -0.8520980919784996 -1.1362456640175176 -1.231331270178437 -1.1591786819164591 -1.3100103527302338 -1.2936038292758882 +18217,-1.1223671898778715,0,-0.10206716524531818 -0.10591083185205548 0.8633896694011949 1.1028320447207538 0.8869160049206241 1.2781445186650193 1.2140146171349315 0.4822475561339462 0.6406633745822826 0.1314420334049269 0.054362328874131546 -0.5989062245703307 -0.8200331412134646 -0.8520980919784996 -1.1362456640175176 -1.231331270178437 -1.1591786819164591 -1.3100103527302338 -1.2936038292758882 -1.06956191701017 +18218,-0.9675370737794233,0,-0.10591083185205548 0.8633896694011949 1.1028320447207538 0.8869160049206241 1.2781445186650193 1.2140146171349315 0.4822475561339462 0.6406633745822826 0.1314420334049269 0.054362328874131546 -0.5989062245703307 -0.8200331412134646 -0.8520980919784996 -1.1362456640175176 -1.231331270178437 -1.1591786819164591 -1.3100103527302338 -1.2936038292758882 -1.06956191701017 -1.1223671898778715 +18219,-0.33962640181491194,0,0.8633896694011949 1.1028320447207538 0.8869160049206241 1.2781445186650193 1.2140146171349315 0.4822475561339462 0.6406633745822826 0.1314420334049269 0.054362328874131546 -0.5989062245703307 -0.8200331412134646 -0.8520980919784996 -1.1362456640175176 -1.231331270178437 -1.1591786819164591 -1.3100103527302338 -1.2936038292758882 -1.06956191701017 -1.1223671898778715 -0.9675370737794233 +18220,-0.3424898044932675,0,1.1028320447207538 0.8869160049206241 1.2781445186650193 1.2140146171349315 0.4822475561339462 0.6406633745822826 0.1314420334049269 0.054362328874131546 -0.5989062245703307 -0.8200331412134646 -0.8520980919784996 -1.1362456640175176 -1.231331270178437 -1.1591786819164591 -1.3100103527302338 -1.2936038292758882 -1.06956191701017 -1.1223671898778715 -0.9675370737794233 -0.33962640181491194 +18221,0.1277273488492257,0,0.8869160049206241 1.2781445186650193 1.2140146171349315 0.4822475561339462 0.6406633745822826 0.1314420334049269 0.054362328874131546 -0.5989062245703307 -0.8200331412134646 -0.8520980919784996 -1.1362456640175176 -1.231331270178437 -1.1591786819164591 -1.3100103527302338 -1.2936038292758882 -1.06956191701017 -1.1223671898778715 -0.9675370737794233 -0.33962640181491194 -0.3424898044932675 +18222,0.11426161733481109,0,1.2781445186650193 1.2140146171349315 0.4822475561339462 0.6406633745822826 0.1314420334049269 0.054362328874131546 -0.5989062245703307 -0.8200331412134646 -0.8520980919784996 -1.1362456640175176 -1.231331270178437 -1.1591786819164591 -1.3100103527302338 -1.2936038292758882 -1.06956191701017 -1.1223671898778715 -0.9675370737794233 -0.33962640181491194 -0.3424898044932675 0.1277273488492257 +18223,0.7457063990145355,0,1.2140146171349315 0.4822475561339462 0.6406633745822826 0.1314420334049269 0.054362328874131546 -0.5989062245703307 -0.8200331412134646 -0.8520980919784996 -1.1362456640175176 -1.231331270178437 -1.1591786819164591 -1.3100103527302338 -1.2936038292758882 -1.06956191701017 -1.1223671898778715 -0.9675370737794233 -0.33962640181491194 -0.3424898044932675 0.1277273488492257 0.11426161733481109 +18224,0.8934682956825664,0,0.4822475561339462 0.6406633745822826 0.1314420334049269 0.054362328874131546 -0.5989062245703307 -0.8200331412134646 -0.8520980919784996 -1.1362456640175176 -1.231331270178437 -1.1591786819164591 -1.3100103527302338 -1.2936038292758882 -1.06956191701017 -1.1223671898778715 -0.9675370737794233 -0.33962640181491194 -0.3424898044932675 0.1277273488492257 0.11426161733481109 0.7457063990145355 +18225,0.6289775960841345,0,0.6406633745822826 0.1314420334049269 0.054362328874131546 -0.5989062245703307 -0.8200331412134646 -0.8520980919784996 -1.1362456640175176 -1.231331270178437 -1.1591786819164591 -1.3100103527302338 -1.2936038292758882 -1.06956191701017 -1.1223671898778715 -0.9675370737794233 -0.33962640181491194 -0.3424898044932675 0.1277273488492257 0.11426161733481109 0.7457063990145355 0.8934682956825664 +18226,0.914157024995772,0,0.1314420334049269 0.054362328874131546 -0.5989062245703307 -0.8200331412134646 -0.8520980919784996 -1.1362456640175176 -1.231331270178437 -1.1591786819164591 -1.3100103527302338 -1.2936038292758882 -1.06956191701017 -1.1223671898778715 -0.9675370737794233 -0.33962640181491194 -0.3424898044932675 0.1277273488492257 0.11426161733481109 0.7457063990145355 0.8934682956825664 0.6289775960841345 +18227,0.787083857486161,0,0.054362328874131546 -0.5989062245703307 -0.8200331412134646 -0.8520980919784996 -1.1362456640175176 -1.231331270178437 -1.1591786819164591 -1.3100103527302338 -1.2936038292758882 -1.06956191701017 -1.1223671898778715 -0.9675370737794233 -0.33962640181491194 -0.3424898044932675 0.1277273488492257 0.11426161733481109 0.7457063990145355 0.8934682956825664 0.6289775960841345 0.914157024995772 +18228,0.33915481147788384,0,-0.5989062245703307 -0.8200331412134646 -0.8520980919784996 -1.1362456640175176 -1.231331270178437 -1.1591786819164591 -1.3100103527302338 -1.2936038292758882 -1.06956191701017 -1.1223671898778715 -0.9675370737794233 -0.33962640181491194 -0.3424898044932675 0.1277273488492257 0.11426161733481109 0.7457063990145355 0.8934682956825664 0.6289775960841345 0.914157024995772 0.787083857486161 +18229,0.31903360346782833,0,-0.8200331412134646 -0.8520980919784996 -1.1362456640175176 -1.231331270178437 -1.1591786819164591 -1.3100103527302338 -1.2936038292758882 -1.06956191701017 -1.1223671898778715 -0.9675370737794233 -0.33962640181491194 -0.3424898044932675 0.1277273488492257 0.11426161733481109 0.7457063990145355 0.8934682956825664 0.6289775960841345 0.914157024995772 0.787083857486161 0.33915481147788384 +18230,-0.021943483040893462,0,-0.8520980919784996 -1.1362456640175176 -1.231331270178437 -1.1591786819164591 -1.3100103527302338 -1.2936038292758882 -1.06956191701017 -1.1223671898778715 -0.9675370737794233 -0.33962640181491194 -0.3424898044932675 0.1277273488492257 0.11426161733481109 0.7457063990145355 0.8934682956825664 0.6289775960841345 0.914157024995772 0.787083857486161 0.33915481147788384 0.31903360346782833 +18231,-0.2709047375344399,0,-1.1362456640175176 -1.231331270178437 -1.1591786819164591 -1.3100103527302338 -1.2936038292758882 -1.06956191701017 -1.1223671898778715 -0.9675370737794233 -0.33962640181491194 -0.3424898044932675 0.1277273488492257 0.11426161733481109 0.7457063990145355 0.8934682956825664 0.6289775960841345 0.914157024995772 0.787083857486161 0.33915481147788384 0.31903360346782833 -0.021943483040893462 +18232,-0.6425537680998242,0,-1.231331270178437 -1.1591786819164591 -1.3100103527302338 -1.2936038292758882 -1.06956191701017 -1.1223671898778715 -0.9675370737794233 -0.33962640181491194 -0.3424898044932675 0.1277273488492257 0.11426161733481109 0.7457063990145355 0.8934682956825664 0.6289775960841345 0.914157024995772 0.787083857486161 0.33915481147788384 0.31903360346782833 -0.021943483040893462 -0.2709047375344399 +18233,-0.9221869664952386,0,-1.1591786819164591 -1.3100103527302338 -1.2936038292758882 -1.06956191701017 -1.1223671898778715 -0.9675370737794233 -0.33962640181491194 -0.3424898044932675 0.1277273488492257 0.11426161733481109 0.7457063990145355 0.8934682956825664 0.6289775960841345 0.914157024995772 0.787083857486161 0.33915481147788384 0.31903360346782833 -0.021943483040893462 -0.2709047375344399 -0.6425537680998242 +18234,-0.9554901454455133,0,-1.3100103527302338 -1.2936038292758882 -1.06956191701017 -1.1223671898778715 -0.9675370737794233 -0.33962640181491194 -0.3424898044932675 0.1277273488492257 0.11426161733481109 0.7457063990145355 0.8934682956825664 0.6289775960841345 0.914157024995772 0.787083857486161 0.33915481147788384 0.31903360346782833 -0.021943483040893462 -0.2709047375344399 -0.6425537680998242 -0.9221869664952386 +18235,-1.3172333505290248,0,-1.2936038292758882 -1.06956191701017 -1.1223671898778715 -0.9675370737794233 -0.33962640181491194 -0.3424898044932675 0.1277273488492257 0.11426161733481109 0.7457063990145355 0.8934682956825664 0.6289775960841345 0.914157024995772 0.787083857486161 0.33915481147788384 0.31903360346782833 -0.021943483040893462 -0.2709047375344399 -0.6425537680998242 -0.9221869664952386 -0.9554901454455133 +18236,-1.432646535857825,0,-1.06956191701017 -1.1223671898778715 -0.9675370737794233 -0.33962640181491194 -0.3424898044932675 0.1277273488492257 0.11426161733481109 0.7457063990145355 0.8934682956825664 0.6289775960841345 0.914157024995772 0.787083857486161 0.33915481147788384 0.31903360346782833 -0.021943483040893462 -0.2709047375344399 -0.6425537680998242 -0.9221869664952386 -0.9554901454455133 -1.3172333505290248 +18237,-1.4678070570859505,0,-1.1223671898778715 -0.9675370737794233 -0.33962640181491194 -0.3424898044932675 0.1277273488492257 0.11426161733481109 0.7457063990145355 0.8934682956825664 0.6289775960841345 0.914157024995772 0.787083857486161 0.33915481147788384 0.31903360346782833 -0.021943483040893462 -0.2709047375344399 -0.6425537680998242 -0.9221869664952386 -0.9554901454455133 -1.3172333505290248 -1.432646535857825 +18238,-1.609971130603092,0,-0.9675370737794233 -0.33962640181491194 -0.3424898044932675 0.1277273488492257 0.11426161733481109 0.7457063990145355 0.8934682956825664 0.6289775960841345 0.914157024995772 0.787083857486161 0.33915481147788384 0.31903360346782833 -0.021943483040893462 -0.2709047375344399 -0.6425537680998242 -0.9221869664952386 -0.9554901454455133 -1.3172333505290248 -1.432646535857825 -1.4678070570859505 +18239,-1.6718825398647725,0,-0.33962640181491194 -0.3424898044932675 0.1277273488492257 0.11426161733481109 0.7457063990145355 0.8934682956825664 0.6289775960841345 0.914157024995772 0.787083857486161 0.33915481147788384 0.31903360346782833 -0.021943483040893462 -0.2709047375344399 -0.6425537680998242 -0.9221869664952386 -0.9554901454455133 -1.3172333505290248 -1.432646535857825 -1.4678070570859505 -1.609971130603092 +18240,-1.6160848822676883,0,-0.3424898044932675 0.1277273488492257 0.11426161733481109 0.7457063990145355 0.8934682956825664 0.6289775960841345 0.914157024995772 0.787083857486161 0.33915481147788384 0.31903360346782833 -0.021943483040893462 -0.2709047375344399 -0.6425537680998242 -0.9221869664952386 -0.9554901454455133 -1.3172333505290248 -1.432646535857825 -1.4678070570859505 -1.609971130603092 -1.6718825398647725 +18241,-1.717232647148966,0,0.1277273488492257 0.11426161733481109 0.7457063990145355 0.8934682956825664 0.6289775960841345 0.914157024995772 0.787083857486161 0.33915481147788384 0.31903360346782833 -0.021943483040893462 -0.2709047375344399 -0.6425537680998242 -0.9221869664952386 -0.9554901454455133 -1.3172333505290248 -1.432646535857825 -1.4678070570859505 -1.609971130603092 -1.6718825398647725 -1.6160848822676883 +18242,-1.7006713451714612,0,0.11426161733481109 0.7457063990145355 0.8934682956825664 0.6289775960841345 0.914157024995772 0.787083857486161 0.33915481147788384 0.31903360346782833 -0.021943483040893462 -0.2709047375344399 -0.6425537680998242 -0.9221869664952386 -0.9554901454455133 -1.3172333505290248 -1.432646535857825 -1.4678070570859505 -1.609971130603092 -1.6718825398647725 -1.6160848822676883 -1.717232647148966 +18243,-0.7802808572349462,0,0.7457063990145355 0.8934682956825664 0.6289775960841345 0.914157024995772 0.787083857486161 0.33915481147788384 0.31903360346782833 -0.021943483040893462 -0.2709047375344399 -0.6425537680998242 -0.9221869664952386 -0.9554901454455133 -1.3172333505290248 -1.432646535857825 -1.4678070570859505 -1.609971130603092 -1.6718825398647725 -1.6160848822676883 -1.717232647148966 -1.7006713451714612 +18244,-1.0649959505771232,0,0.8934682956825664 0.6289775960841345 0.914157024995772 0.787083857486161 0.33915481147788384 0.31903360346782833 -0.021943483040893462 -0.2709047375344399 -0.6425537680998242 -0.9221869664952386 -0.9554901454455133 -1.3172333505290248 -1.432646535857825 -1.4678070570859505 -1.609971130603092 -1.6718825398647725 -1.6160848822676883 -1.717232647148966 -1.7006713451714612 -0.7802808572349462 +18245,-0.4458818579602811,0,0.6289775960841345 0.914157024995772 0.787083857486161 0.33915481147788384 0.31903360346782833 -0.021943483040893462 -0.2709047375344399 -0.6425537680998242 -0.9221869664952386 -0.9554901454455133 -1.3172333505290248 -1.432646535857825 -1.4678070570859505 -1.609971130603092 -1.6718825398647725 -1.6160848822676883 -1.717232647148966 -1.7006713451714612 -0.7802808572349462 -1.0649959505771232 +18246,-0.6467843810144378,0,0.914157024995772 0.787083857486161 0.33915481147788384 0.31903360346782833 -0.021943483040893462 -0.2709047375344399 -0.6425537680998242 -0.9221869664952386 -0.9554901454455133 -1.3172333505290248 -1.432646535857825 -1.4678070570859505 -1.609971130603092 -1.6718825398647725 -1.6160848822676883 -1.717232647148966 -1.7006713451714612 -0.7802808572349462 -1.0649959505771232 -0.4458818579602811 +18247,0.24566858349273418,0,0.787083857486161 0.33915481147788384 0.31903360346782833 -0.021943483040893462 -0.2709047375344399 -0.6425537680998242 -0.9221869664952386 -0.9554901454455133 -1.3172333505290248 -1.432646535857825 -1.4678070570859505 -1.609971130603092 -1.6718825398647725 -1.6160848822676883 -1.717232647148966 -1.7006713451714612 -0.7802808572349462 -1.0649959505771232 -0.4458818579602811 -0.6467843810144378 +18248,0.31810493232890746,0,0.33915481147788384 0.31903360346782833 -0.021943483040893462 -0.2709047375344399 -0.6425537680998242 -0.9221869664952386 -0.9554901454455133 -1.3172333505290248 -1.432646535857825 -1.4678070570859505 -1.609971130603092 -1.6718825398647725 -1.6160848822676883 -1.717232647148966 -1.7006713451714612 -0.7802808572349462 -1.0649959505771232 -0.4458818579602811 -0.6467843810144378 0.24566858349273418 +18249,0.10242106031351243,0,0.31903360346782833 -0.021943483040893462 -0.2709047375344399 -0.6425537680998242 -0.9221869664952386 -0.9554901454455133 -1.3172333505290248 -1.432646535857825 -1.4678070570859505 -1.609971130603092 -1.6718825398647725 -1.6160848822676883 -1.717232647148966 -1.7006713451714612 -0.7802808572349462 -1.0649959505771232 -0.4458818579602811 -0.6467843810144378 0.24566858349273418 0.31810493232890746 +18250,0.2708974827668722,0,-0.021943483040893462 -0.2709047375344399 -0.6425537680998242 -0.9221869664952386 -0.9554901454455133 -1.3172333505290248 -1.432646535857825 -1.4678070570859505 -1.609971130603092 -1.6718825398647725 -1.6160848822676883 -1.717232647148966 -1.7006713451714612 -0.7802808572349462 -1.0649959505771232 -0.4458818579602811 -0.6467843810144378 0.24566858349273418 0.31810493232890746 0.10242106031351243 +18251,0.15125368436866368,0,-0.2709047375344399 -0.6425537680998242 -0.9221869664952386 -0.9554901454455133 -1.3172333505290248 -1.432646535857825 -1.4678070570859505 -1.609971130603092 -1.6718825398647725 -1.6160848822676883 -1.717232647148966 -1.7006713451714612 -0.7802808572349462 -1.0649959505771232 -0.4458818579602811 -0.6467843810144378 0.24566858349273418 0.31810493232890746 0.10242106031351243 0.2708974827668722 +18252,-0.064275409123572,0,-0.6425537680998242 -0.9221869664952386 -0.9554901454455133 -1.3172333505290248 -1.432646535857825 -1.4678070570859505 -1.609971130603092 -1.6718825398647725 -1.6160848822676883 -1.717232647148966 -1.7006713451714612 -0.7802808572349462 -1.0649959505771232 -0.4458818579602811 -0.6467843810144378 0.24566858349273418 0.31810493232890746 0.10242106031351243 0.2708974827668722 0.15125368436866368 +18253,-0.15195744249042642,0,-0.9221869664952386 -0.9554901454455133 -1.3172333505290248 -1.432646535857825 -1.4678070570859505 -1.609971130603092 -1.6718825398647725 -1.6160848822676883 -1.717232647148966 -1.7006713451714612 -0.7802808572349462 -1.0649959505771232 -0.4458818579602811 -0.6467843810144378 0.24566858349273418 0.31810493232890746 0.10242106031351243 0.2708974827668722 0.15125368436866368 -0.064275409123572 +18254,-0.3355247709513256,0,-0.9554901454455133 -1.3172333505290248 -1.432646535857825 -1.4678070570859505 -1.609971130603092 -1.6718825398647725 -1.6160848822676883 -1.717232647148966 -1.7006713451714612 -0.7802808572349462 -1.0649959505771232 -0.4458818579602811 -0.6467843810144378 0.24566858349273418 0.31810493232890746 0.10242106031351243 0.2708974827668722 0.15125368436866368 -0.064275409123572 -0.15195744249042642 +18255,-0.3212851468211406,0,-1.3172333505290248 -1.432646535857825 -1.4678070570859505 -1.609971130603092 -1.6718825398647725 -1.6160848822676883 -1.717232647148966 -1.7006713451714612 -0.7802808572349462 -1.0649959505771232 -0.4458818579602811 -0.6467843810144378 0.24566858349273418 0.31810493232890746 0.10242106031351243 0.2708974827668722 0.15125368436866368 -0.064275409123572 -0.15195744249042642 -0.3355247709513256 +18256,-0.5707881261457227,0,-1.432646535857825 -1.4678070570859505 -1.609971130603092 -1.6718825398647725 -1.6160848822676883 -1.717232647148966 -1.7006713451714612 -0.7802808572349462 -1.0649959505771232 -0.4458818579602811 -0.6467843810144378 0.24566858349273418 0.31810493232890746 0.10242106031351243 0.2708974827668722 0.15125368436866368 -0.064275409123572 -0.15195744249042642 -0.3355247709513256 -0.3212851468211406 +18257,-0.6224841528792295,0,-1.4678070570859505 -1.609971130603092 -1.6718825398647725 -1.6160848822676883 -1.717232647148966 -1.7006713451714612 -0.7802808572349462 -1.0649959505771232 -0.4458818579602811 -0.6467843810144378 0.24566858349273418 0.31810493232890746 0.10242106031351243 0.2708974827668722 0.15125368436866368 -0.064275409123572 -0.15195744249042642 -0.3355247709513256 -0.3212851468211406 -0.5707881261457227 +18258,-0.7264179311772877,0,-1.609971130603092 -1.6718825398647725 -1.6160848822676883 -1.717232647148966 -1.7006713451714612 -0.7802808572349462 -1.0649959505771232 -0.4458818579602811 -0.6467843810144378 0.24566858349273418 0.31810493232890746 0.10242106031351243 0.2708974827668722 0.15125368436866368 -0.064275409123572 -0.15195744249042642 -0.3355247709513256 -0.3212851468211406 -0.5707881261457227 -0.6224841528792295 +18259,-0.7607013740559441,0,-1.6718825398647725 -1.6160848822676883 -1.717232647148966 -1.7006713451714612 -0.7802808572349462 -1.0649959505771232 -0.4458818579602811 -0.6467843810144378 0.24566858349273418 0.31810493232890746 0.10242106031351243 0.2708974827668722 0.15125368436866368 -0.064275409123572 -0.15195744249042642 -0.3355247709513256 -0.3212851468211406 -0.5707881261457227 -0.6224841528792295 -0.7264179311772877 +18260,-0.8472225684991429,0,-1.6160848822676883 -1.717232647148966 -1.7006713451714612 -0.7802808572349462 -1.0649959505771232 -0.4458818579602811 -0.6467843810144378 0.24566858349273418 0.31810493232890746 0.10242106031351243 0.2708974827668722 0.15125368436866368 -0.064275409123572 -0.15195744249042642 -0.3355247709513256 -0.3212851468211406 -0.5707881261457227 -0.6224841528792295 -0.7264179311772877 -0.7607013740559441 +18261,-0.901627219387846,0,-1.717232647148966 -1.7006713451714612 -0.7802808572349462 -1.0649959505771232 -0.4458818579602811 -0.6467843810144378 0.24566858349273418 0.31810493232890746 0.10242106031351243 0.2708974827668722 0.15125368436866368 -0.064275409123572 -0.15195744249042642 -0.3355247709513256 -0.3212851468211406 -0.5707881261457227 -0.6224841528792295 -0.7264179311772877 -0.7607013740559441 -0.8472225684991429 +18262,-0.9988539284008112,0,-1.7006713451714612 -0.7802808572349462 -1.0649959505771232 -0.4458818579602811 -0.6467843810144378 0.24566858349273418 0.31810493232890746 0.10242106031351243 0.2708974827668722 0.15125368436866368 -0.064275409123572 -0.15195744249042642 -0.3355247709513256 -0.3212851468211406 -0.5707881261457227 -0.6224841528792295 -0.7264179311772877 -0.7607013740559441 -0.8472225684991429 -0.901627219387846 +18263,-1.063964093704495,0,-0.7802808572349462 -1.0649959505771232 -0.4458818579602811 -0.6467843810144378 0.24566858349273418 0.31810493232890746 0.10242106031351243 0.2708974827668722 0.15125368436866368 -0.064275409123572 -0.15195744249042642 -0.3355247709513256 -0.3212851468211406 -0.5707881261457227 -0.6224841528792295 -0.7264179311772877 -0.7607013740559441 -0.8472225684991429 -0.901627219387846 -0.9988539284008112 +18264,-1.213892889851472,0,-1.0649959505771232 -0.4458818579602811 -0.6467843810144378 0.24566858349273418 0.31810493232890746 0.10242106031351243 0.2708974827668722 0.15125368436866368 -0.064275409123572 -0.15195744249042642 -0.3355247709513256 -0.3212851468211406 -0.5707881261457227 -0.6224841528792295 -0.7264179311772877 -0.7607013740559441 -0.8472225684991429 -0.901627219387846 -0.9988539284008112 -1.063964093704495 +18265,-1.250730178362174,0,-0.4458818579602811 -0.6467843810144378 0.24566858349273418 0.31810493232890746 0.10242106031351243 0.2708974827668722 0.15125368436866368 -0.064275409123572 -0.15195744249042642 -0.3355247709513256 -0.3212851468211406 -0.5707881261457227 -0.6224841528792295 -0.7264179311772877 -0.7607013740559441 -0.8472225684991429 -0.901627219387846 -0.9988539284008112 -1.063964093704495 -1.213892889851472 +18266,-1.3723860975613749,0,-0.6467843810144378 0.24566858349273418 0.31810493232890746 0.10242106031351243 0.2708974827668722 0.15125368436866368 -0.064275409123572 -0.15195744249042642 -0.3355247709513256 -0.3212851468211406 -0.5707881261457227 -0.6224841528792295 -0.7264179311772877 -0.7607013740559441 -0.8472225684991429 -0.901627219387846 -0.9988539284008112 -1.063964093704495 -1.213892889851472 -1.250730178362174 +18267,-1.0945586484995733,0,0.24566858349273418 0.31810493232890746 0.10242106031351243 0.2708974827668722 0.15125368436866368 -0.064275409123572 -0.15195744249042642 -0.3355247709513256 -0.3212851468211406 -0.5707881261457227 -0.6224841528792295 -0.7264179311772877 -0.7607013740559441 -0.8472225684991429 -0.901627219387846 -0.9988539284008112 -1.063964093704495 -1.213892889851472 -1.250730178362174 -1.3723860975613749 +18268,-1.3493756904008583,0,0.31810493232890746 0.10242106031351243 0.2708974827668722 0.15125368436866368 -0.064275409123572 -0.15195744249042642 -0.3355247709513256 -0.3212851468211406 -0.5707881261457227 -0.6224841528792295 -0.7264179311772877 -0.7607013740559441 -0.8472225684991429 -0.901627219387846 -0.9988539284008112 -1.063964093704495 -1.213892889851472 -1.250730178362174 -1.3723860975613749 -1.0945586484995733 +18269,-1.2047093641959175,0,0.10242106031351243 0.2708974827668722 0.15125368436866368 -0.064275409123572 -0.15195744249042642 -0.3355247709513256 -0.3212851468211406 -0.5707881261457227 -0.6224841528792295 -0.7264179311772877 -0.7607013740559441 -0.8472225684991429 -0.901627219387846 -0.9988539284008112 -1.063964093704495 -1.213892889851472 -1.250730178362174 -1.3723860975613749 -1.0945586484995733 -1.3493756904008583 +18270,-1.273250453481107,0,0.2708974827668722 0.15125368436866368 -0.064275409123572 -0.15195744249042642 -0.3355247709513256 -0.3212851468211406 -0.5707881261457227 -0.6224841528792295 -0.7264179311772877 -0.7607013740559441 -0.8472225684991429 -0.901627219387846 -0.9988539284008112 -1.063964093704495 -1.213892889851472 -1.250730178362174 -1.3723860975613749 -1.0945586484995733 -1.3493756904008583 -1.2047093641959175 +18271,-1.05751498867626,0,0.15125368436866368 -0.064275409123572 -0.15195744249042642 -0.3355247709513256 -0.3212851468211406 -0.5707881261457227 -0.6224841528792295 -0.7264179311772877 -0.7607013740559441 -0.8472225684991429 -0.901627219387846 -0.9988539284008112 -1.063964093704495 -1.213892889851472 -1.250730178362174 -1.3723860975613749 -1.0945586484995733 -1.3493756904008583 -1.2047093641959175 -1.273250453481107 +18272,-1.0549869393615519,0,-0.064275409123572 -0.15195744249042642 -0.3355247709513256 -0.3212851468211406 -0.5707881261457227 -0.6224841528792295 -0.7264179311772877 -0.7607013740559441 -0.8472225684991429 -0.901627219387846 -0.9988539284008112 -1.063964093704495 -1.213892889851472 -1.250730178362174 -1.3723860975613749 -1.0945586484995733 -1.3493756904008583 -1.2047093641959175 -1.273250453481107 -1.05751498867626 +18273,-1.064531615007654,0,-0.15195744249042642 -0.3355247709513256 -0.3212851468211406 -0.5707881261457227 -0.6224841528792295 -0.7264179311772877 -0.7607013740559441 -0.8472225684991429 -0.901627219387846 -0.9988539284008112 -1.063964093704495 -1.213892889851472 -1.250730178362174 -1.3723860975613749 -1.0945586484995733 -1.3493756904008583 -1.2047093641959175 -1.273250453481107 -1.05751498867626 -1.0549869393615519 +18274,-1.0579793242457205,0,-0.3355247709513256 -0.3212851468211406 -0.5707881261457227 -0.6224841528792295 -0.7264179311772877 -0.7607013740559441 -0.8472225684991429 -0.901627219387846 -0.9988539284008112 -1.063964093704495 -1.213892889851472 -1.250730178362174 -1.3723860975613749 -1.0945586484995733 -1.3493756904008583 -1.2047093641959175 -1.273250453481107 -1.05751498867626 -1.0549869393615519 -1.064531615007654 +18275,-1.0634997581350345,0,-0.3212851468211406 -0.5707881261457227 -0.6224841528792295 -0.7264179311772877 -0.7607013740559441 -0.8472225684991429 -0.901627219387846 -0.9988539284008112 -1.063964093704495 -1.213892889851472 -1.250730178362174 -1.3723860975613749 -1.0945586484995733 -1.3493756904008583 -1.2047093641959175 -1.273250453481107 -1.05751498867626 -1.0549869393615519 -1.064531615007654 -1.0579793242457205 +18276,-1.233394983768899,0,-0.5707881261457227 -0.6224841528792295 -0.7264179311772877 -0.7607013740559441 -0.8472225684991429 -0.901627219387846 -0.9988539284008112 -1.063964093704495 -1.213892889851472 -1.250730178362174 -1.3723860975613749 -1.0945586484995733 -1.3493756904008583 -1.2047093641959175 -1.273250453481107 -1.05751498867626 -1.0549869393615519 -1.064531615007654 -1.0579793242457205 -1.0634997581350345 +18277,-1.1841238206164015,0,-0.6224841528792295 -0.7264179311772877 -0.7607013740559441 -0.8472225684991429 -0.901627219387846 -0.9988539284008112 -1.063964093704495 -1.213892889851472 -1.250730178362174 -1.3723860975613749 -1.0945586484995733 -1.3493756904008583 -1.2047093641959175 -1.273250453481107 -1.05751498867626 -1.0549869393615519 -1.064531615007654 -1.0579793242457205 -1.0634997581350345 -1.233394983768899 +18278,-1.2992274488989008,0,-0.7264179311772877 -0.7607013740559441 -0.8472225684991429 -0.901627219387846 -0.9988539284008112 -1.063964093704495 -1.213892889851472 -1.250730178362174 -1.3723860975613749 -1.0945586484995733 -1.3493756904008583 -1.2047093641959175 -1.273250453481107 -1.05751498867626 -1.0549869393615519 -1.064531615007654 -1.0579793242457205 -1.0634997581350345 -1.233394983768899 -1.1841238206164015 +18279,-1.4795702248456737,0,-0.7607013740559441 -0.8472225684991429 -0.901627219387846 -0.9988539284008112 -1.063964093704495 -1.213892889851472 -1.250730178362174 -1.3723860975613749 -1.0945586484995733 -1.3493756904008583 -1.2047093641959175 -1.273250453481107 -1.05751498867626 -1.0549869393615519 -1.064531615007654 -1.0579793242457205 -1.0634997581350345 -1.233394983768899 -1.1841238206164015 -1.2992274488989008 +18280,-1.5729274707797785,0,-0.8472225684991429 -0.901627219387846 -0.9988539284008112 -1.063964093704495 -1.213892889851472 -1.250730178362174 -1.3723860975613749 -1.0945586484995733 -1.3493756904008583 -1.2047093641959175 -1.273250453481107 -1.05751498867626 -1.0549869393615519 -1.064531615007654 -1.0579793242457205 -1.0634997581350345 -1.233394983768899 -1.1841238206164015 -1.2992274488989008 -1.4795702248456737 +18281,-1.731523864068603,0,-0.901627219387846 -0.9988539284008112 -1.063964093704495 -1.213892889851472 -1.250730178362174 -1.3723860975613749 -1.0945586484995733 -1.3493756904008583 -1.2047093641959175 -1.273250453481107 -1.05751498867626 -1.0549869393615519 -1.064531615007654 -1.0579793242457205 -1.0634997581350345 -1.233394983768899 -1.1841238206164015 -1.2992274488989008 -1.4795702248456737 -1.5729274707797785 +18282,-1.7452475598398756,0,-0.9988539284008112 -1.063964093704495 -1.213892889851472 -1.250730178362174 -1.3723860975613749 -1.0945586484995733 -1.3493756904008583 -1.2047093641959175 -1.273250453481107 -1.05751498867626 -1.0549869393615519 -1.064531615007654 -1.0579793242457205 -1.0634997581350345 -1.233394983768899 -1.1841238206164015 -1.2992274488989008 -1.4795702248456737 -1.5729274707797785 -1.731523864068603 +18283,-1.9521348525075926,0,-1.063964093704495 -1.213892889851472 -1.250730178362174 -1.3723860975613749 -1.0945586484995733 -1.3493756904008583 -1.2047093641959175 -1.273250453481107 -1.05751498867626 -1.0549869393615519 -1.064531615007654 -1.0579793242457205 -1.0634997581350345 -1.233394983768899 -1.1841238206164015 -1.2992274488989008 -1.4795702248456737 -1.5729274707797785 -1.731523864068603 -1.7452475598398756 +18284,-2.0141494473481947,0,-1.213892889851472 -1.250730178362174 -1.3723860975613749 -1.0945586484995733 -1.3493756904008583 -1.2047093641959175 -1.273250453481107 -1.05751498867626 -1.0549869393615519 -1.064531615007654 -1.0579793242457205 -1.0634997581350345 -1.233394983768899 -1.1841238206164015 -1.2992274488989008 -1.4795702248456737 -1.5729274707797785 -1.731523864068603 -1.7452475598398756 -1.9521348525075926 +18285,-2.0428866598654225,0,-1.250730178362174 -1.3723860975613749 -1.0945586484995733 -1.3493756904008583 -1.2047093641959175 -1.273250453481107 -1.05751498867626 -1.0549869393615519 -1.064531615007654 -1.0579793242457205 -1.0634997581350345 -1.233394983768899 -1.1841238206164015 -1.2992274488989008 -1.4795702248456737 -1.5729274707797785 -1.731523864068603 -1.7452475598398756 -1.9521348525075926 -2.0141494473481947 +18286,-2.115993715583668,0,-1.3723860975613749 -1.0945586484995733 -1.3493756904008583 -1.2047093641959175 -1.273250453481107 -1.05751498867626 -1.0549869393615519 -1.064531615007654 -1.0579793242457205 -1.0634997581350345 -1.233394983768899 -1.1841238206164015 -1.2992274488989008 -1.4795702248456737 -1.5729274707797785 -1.731523864068603 -1.7452475598398756 -1.9521348525075926 -2.0141494473481947 -2.0428866598654225 +18287,-2.1558233889785385,0,-1.0945586484995733 -1.3493756904008583 -1.2047093641959175 -1.273250453481107 -1.05751498867626 -1.0549869393615519 -1.064531615007654 -1.0579793242457205 -1.0634997581350345 -1.233394983768899 -1.1841238206164015 -1.2992274488989008 -1.4795702248456737 -1.5729274707797785 -1.731523864068603 -1.7452475598398756 -1.9521348525075926 -2.0141494473481947 -2.0428866598654225 -2.115993715583668 +18288,-2.128247015384966,0,-1.3493756904008583 -1.2047093641959175 -1.273250453481107 -1.05751498867626 -1.0549869393615519 -1.064531615007654 -1.0579793242457205 -1.0634997581350345 -1.233394983768899 -1.1841238206164015 -1.2992274488989008 -1.4795702248456737 -1.5729274707797785 -1.731523864068603 -1.7452475598398756 -1.9521348525075926 -2.0141494473481947 -2.0428866598654225 -2.115993715583668 -2.1558233889785385 +18289,-2.1905453709545406,0,-1.2047093641959175 -1.273250453481107 -1.05751498867626 -1.0549869393615519 -1.064531615007654 -1.0579793242457205 -1.0634997581350345 -1.233394983768899 -1.1841238206164015 -1.2992274488989008 -1.4795702248456737 -1.5729274707797785 -1.731523864068603 -1.7452475598398756 -1.9521348525075926 -2.0141494473481947 -2.0428866598654225 -2.115993715583668 -2.1558233889785385 -2.128247015384966 +18290,-2.1854376796904496,0,-1.273250453481107 -1.05751498867626 -1.0549869393615519 -1.064531615007654 -1.0579793242457205 -1.0634997581350345 -1.233394983768899 -1.1841238206164015 -1.2992274488989008 -1.4795702248456737 -1.5729274707797785 -1.731523864068603 -1.7452475598398756 -1.9521348525075926 -2.0141494473481947 -2.0428866598654225 -2.115993715583668 -2.1558233889785385 -2.128247015384966 -2.1905453709545406 +18291,-1.4038061377616844,0,-1.05751498867626 -1.0549869393615519 -1.064531615007654 -1.0579793242457205 -1.0634997581350345 -1.233394983768899 -1.1841238206164015 -1.2992274488989008 -1.4795702248456737 -1.5729274707797785 -1.731523864068603 -1.7452475598398756 -1.9521348525075926 -2.0141494473481947 -2.0428866598654225 -2.115993715583668 -2.1558233889785385 -2.128247015384966 -2.1905453709545406 -2.1854376796904496 +18292,-1.6575397300008978,0,-1.0549869393615519 -1.064531615007654 -1.0579793242457205 -1.0634997581350345 -1.233394983768899 -1.1841238206164015 -1.2992274488989008 -1.4795702248456737 -1.5729274707797785 -1.731523864068603 -1.7452475598398756 -1.9521348525075926 -2.0141494473481947 -2.0428866598654225 -2.115993715583668 -2.1558233889785385 -2.128247015384966 -2.1905453709545406 -2.1854376796904496 -1.4038061377616844 +18293,-1.1347494717302147,0,-1.064531615007654 -1.0579793242457205 -1.0634997581350345 -1.233394983768899 -1.1841238206164015 -1.2992274488989008 -1.4795702248456737 -1.5729274707797785 -1.731523864068603 -1.7452475598398756 -1.9521348525075926 -2.0141494473481947 -2.0428866598654225 -2.115993715583668 -2.1558233889785385 -2.128247015384966 -2.1905453709545406 -2.1854376796904496 -1.4038061377616844 -1.6575397300008978 +18294,-1.2089399771105311,0,-1.0579793242457205 -1.0634997581350345 -1.233394983768899 -1.1841238206164015 -1.2992274488989008 -1.4795702248456737 -1.5729274707797785 -1.731523864068603 -1.7452475598398756 -1.9521348525075926 -2.0141494473481947 -2.0428866598654225 -2.115993715583668 -2.1558233889785385 -2.128247015384966 -2.1905453709545406 -2.1854376796904496 -1.4038061377616844 -1.6575397300008978 -1.1347494717302147 +18295,-0.48715613085299386,0,-1.0634997581350345 -1.233394983768899 -1.1841238206164015 -1.2992274488989008 -1.4795702248456737 -1.5729274707797785 -1.731523864068603 -1.7452475598398756 -1.9521348525075926 -2.0141494473481947 -2.0428866598654225 -2.115993715583668 -2.1558233889785385 -2.128247015384966 -2.1905453709545406 -2.1854376796904496 -1.4038061377616844 -1.6575397300008978 -1.1347494717302147 -1.2089399771105311 +18296,-0.3623530482464651,0,-1.233394983768899 -1.1841238206164015 -1.2992274488989008 -1.4795702248456737 -1.5729274707797785 -1.731523864068603 -1.7452475598398756 -1.9521348525075926 -2.0141494473481947 -2.0428866598654225 -2.115993715583668 -2.1558233889785385 -2.128247015384966 -2.1905453709545406 -2.1854376796904496 -1.4038061377616844 -1.6575397300008978 -1.1347494717302147 -1.2089399771105311 -0.48715613085299386 +18297,-0.48860073035083607,0,-1.1841238206164015 -1.2992274488989008 -1.4795702248456737 -1.5729274707797785 -1.731523864068603 -1.7452475598398756 -1.9521348525075926 -2.0141494473481947 -2.0428866598654225 -2.115993715583668 -2.1558233889785385 -2.128247015384966 -2.1905453709545406 -2.1854376796904496 -1.4038061377616844 -1.6575397300008978 -1.1347494717302147 -1.2089399771105311 -0.48715613085299386 -0.3623530482464651 +18298,-0.28011405966211755,0,-1.2992274488989008 -1.4795702248456737 -1.5729274707797785 -1.731523864068603 -1.7452475598398756 -1.9521348525075926 -2.0141494473481947 -2.0428866598654225 -2.115993715583668 -2.1558233889785385 -2.128247015384966 -2.1905453709545406 -2.1854376796904496 -1.4038061377616844 -1.6575397300008978 -1.1347494717302147 -1.2089399771105311 -0.48715613085299386 -0.3623530482464651 -0.48860073035083607 +18299,-0.3226781535295308,0,-1.4795702248456737 -1.5729274707797785 -1.731523864068603 -1.7452475598398756 -1.9521348525075926 -2.0141494473481947 -2.0428866598654225 -2.115993715583668 -2.1558233889785385 -2.128247015384966 -2.1905453709545406 -2.1854376796904496 -1.4038061377616844 -1.6575397300008978 -1.1347494717302147 -1.2089399771105311 -0.48715613085299386 -0.3623530482464651 -0.48860073035083607 -0.28011405966211755 +18300,-0.821684112178695,0,-1.5729274707797785 -1.731523864068603 -1.7452475598398756 -1.9521348525075926 -2.0141494473481947 -2.0428866598654225 -2.115993715583668 -2.1558233889785385 -2.128247015384966 -2.1905453709545406 -2.1854376796904496 -1.4038061377616844 -1.6575397300008978 -1.1347494717302147 -1.2089399771105311 -0.48715613085299386 -0.3623530482464651 -0.48860073035083607 -0.28011405966211755 -0.3226781535295308 +18301,-0.7121009177855187,0,-1.731523864068603 -1.7452475598398756 -1.9521348525075926 -2.0141494473481947 -2.0428866598654225 -2.115993715583668 -2.1558233889785385 -2.128247015384966 -2.1905453709545406 -2.1854376796904496 -1.4038061377616844 -1.6575397300008978 -1.1347494717302147 -1.2089399771105311 -0.48715613085299386 -0.3623530482464651 -0.48860073035083607 -0.28011405966211755 -0.3226781535295308 -0.821684112178695 +18302,-1.058959588174102,0,-1.7452475598398756 -1.9521348525075926 -2.0141494473481947 -2.0428866598654225 -2.115993715583668 -2.1558233889785385 -2.128247015384966 -2.1905453709545406 -2.1854376796904496 -1.4038061377616844 -1.6575397300008978 -1.1347494717302147 -1.2089399771105311 -0.48715613085299386 -0.3623530482464651 -0.48860073035083607 -0.28011405966211755 -0.3226781535295308 -0.821684112178695 -0.7121009177855187 +18303,-1.1995758764597029,0,-1.9521348525075926 -2.0141494473481947 -2.0428866598654225 -2.115993715583668 -2.1558233889785385 -2.128247015384966 -2.1905453709545406 -2.1854376796904496 -1.4038061377616844 -1.6575397300008978 -1.1347494717302147 -1.2089399771105311 -0.48715613085299386 -0.3623530482464651 -0.48860073035083607 -0.28011405966211755 -0.3226781535295308 -0.821684112178695 -0.7121009177855187 -1.058959588174102 +18304,-1.6151820076008818,0,-2.0141494473481947 -2.0428866598654225 -2.115993715583668 -2.1558233889785385 -2.128247015384966 -2.1905453709545406 -2.1854376796904496 -1.4038061377616844 -1.6575397300008978 -1.1347494717302147 -1.2089399771105311 -0.48715613085299386 -0.3623530482464651 -0.48860073035083607 -0.28011405966211755 -0.3226781535295308 -0.821684112178695 -0.7121009177855187 -1.058959588174102 -1.1995758764597029 +18305,-1.8245457564842835,0,-2.0428866598654225 -2.115993715583668 -2.1558233889785385 -2.128247015384966 -2.1905453709545406 -2.1854376796904496 -1.4038061377616844 -1.6575397300008978 -1.1347494717302147 -1.2089399771105311 -0.48715613085299386 -0.3623530482464651 -0.48860073035083607 -0.28011405966211755 -0.3226781535295308 -0.821684112178695 -0.7121009177855187 -1.058959588174102 -1.1995758764597029 -1.6151820076008818 +18306,-1.874719794458373,0,-2.115993715583668 -2.1558233889785385 -2.128247015384966 -2.1905453709545406 -2.1854376796904496 -1.4038061377616844 -1.6575397300008978 -1.1347494717302147 -1.2089399771105311 -0.48715613085299386 -0.3623530482464651 -0.48860073035083607 -0.28011405966211755 -0.3226781535295308 -0.821684112178695 -0.7121009177855187 -1.058959588174102 -1.1995758764597029 -1.6151820076008818 -1.8245457564842835 +18307,-2.1371467804663338,0,-2.1558233889785385 -2.128247015384966 -2.1905453709545406 -2.1854376796904496 -1.4038061377616844 -1.6575397300008978 -1.1347494717302147 -1.2089399771105311 -0.48715613085299386 -0.3623530482464651 -0.48860073035083607 -0.28011405966211755 -0.3226781535295308 -0.821684112178695 -0.7121009177855187 -1.058959588174102 -1.1995758764597029 -1.6151820076008818 -1.8245457564842835 -1.874719794458373 +18308,-2.240384055410197,0,-2.128247015384966 -2.1905453709545406 -2.1854376796904496 -1.4038061377616844 -1.6575397300008978 -1.1347494717302147 -1.2089399771105311 -0.48715613085299386 -0.3623530482464651 -0.48860073035083607 -0.28011405966211755 -0.3226781535295308 -0.821684112178695 -0.7121009177855187 -1.058959588174102 -1.1995758764597029 -1.6151820076008818 -1.8245457564842835 -1.874719794458373 -2.1371467804663338 +18309,-2.307712712982279,0,-2.1905453709545406 -2.1854376796904496 -1.4038061377616844 -1.6575397300008978 -1.1347494717302147 -1.2089399771105311 -0.48715613085299386 -0.3623530482464651 -0.48860073035083607 -0.28011405966211755 -0.3226781535295308 -0.821684112178695 -0.7121009177855187 -1.058959588174102 -1.1995758764597029 -1.6151820076008818 -1.8245457564842835 -1.874719794458373 -2.1371467804663338 -2.240384055410197 +18310,-2.422919526998468,0,-2.1854376796904496 -1.4038061377616844 -1.6575397300008978 -1.1347494717302147 -1.2089399771105311 -0.48715613085299386 -0.3623530482464651 -0.48860073035083607 -0.28011405966211755 -0.3226781535295308 -0.821684112178695 -0.7121009177855187 -1.058959588174102 -1.1995758764597029 -1.6151820076008818 -1.8245457564842835 -1.874719794458373 -2.1371467804663338 -2.240384055410197 -2.307712712982279 +18311,-2.5022177237976613,0,-1.4038061377616844 -1.6575397300008978 -1.1347494717302147 -1.2089399771105311 -0.48715613085299386 -0.3623530482464651 -0.48860073035083607 -0.28011405966211755 -0.3226781535295308 -0.821684112178695 -0.7121009177855187 -1.058959588174102 -1.1995758764597029 -1.6151820076008818 -1.8245457564842835 -1.874719794458373 -2.1371467804663338 -2.240384055410197 -2.307712712982279 -2.422919526998468 +18312,-2.480600323345526,0,-1.6575397300008978 -1.1347494717302147 -1.2089399771105311 -0.48715613085299386 -0.3623530482464651 -0.48860073035083607 -0.28011405966211755 -0.3226781535295308 -0.821684112178695 -0.7121009177855187 -1.058959588174102 -1.1995758764597029 -1.6151820076008818 -1.8245457564842835 -1.874719794458373 -2.1371467804663338 -2.240384055410197 -2.307712712982279 -2.422919526998468 -2.5022177237976613 +18313,-2.593537052458642,0,-1.1347494717302147 -1.2089399771105311 -0.48715613085299386 -0.3623530482464651 -0.48860073035083607 -0.28011405966211755 -0.3226781535295308 -0.821684112178695 -0.7121009177855187 -1.058959588174102 -1.1995758764597029 -1.6151820076008818 -1.8245457564842835 -1.874719794458373 -2.1371467804663338 -2.240384055410197 -2.307712712982279 -2.422919526998468 -2.5022177237976613 -2.480600323345526 +18314,-2.6055581843204374,0,-1.2089399771105311 -0.48715613085299386 -0.3623530482464651 -0.48860073035083607 -0.28011405966211755 -0.3226781535295308 -0.821684112178695 -0.7121009177855187 -1.058959588174102 -1.1995758764597029 -1.6151820076008818 -1.8245457564842835 -1.874719794458373 -2.1371467804663338 -2.240384055410197 -2.307712712982279 -2.422919526998468 -2.5022177237976613 -2.480600323345526 -2.593537052458642 +18315,-1.5506135669734569,0,-0.48715613085299386 -0.3623530482464651 -0.48860073035083607 -0.28011405966211755 -0.3226781535295308 -0.821684112178695 -0.7121009177855187 -1.058959588174102 -1.1995758764597029 -1.6151820076008818 -1.8245457564842835 -1.874719794458373 -2.1371467804663338 -2.240384055410197 -2.307712712982279 -2.422919526998468 -2.5022177237976613 -2.480600323345526 -2.593537052458642 -2.6055581843204374 +18316,-1.9182899487262821,0,-0.3623530482464651 -0.48860073035083607 -0.28011405966211755 -0.3226781535295308 -0.821684112178695 -0.7121009177855187 -1.058959588174102 -1.1995758764597029 -1.6151820076008818 -1.8245457564842835 -1.874719794458373 -2.1371467804663338 -2.240384055410197 -2.307712712982279 -2.422919526998468 -2.5022177237976613 -2.480600323345526 -2.593537052458642 -2.6055581843204374 -1.5506135669734569 +18317,-1.2190005811155544,0,-0.48860073035083607 -0.28011405966211755 -0.3226781535295308 -0.821684112178695 -0.7121009177855187 -1.058959588174102 -1.1995758764597029 -1.6151820076008818 -1.8245457564842835 -1.874719794458373 -2.1371467804663338 -2.240384055410197 -2.307712712982279 -2.422919526998468 -2.5022177237976613 -2.480600323345526 -2.593537052458642 -2.6055581843204374 -1.5506135669734569 -1.9182899487262821 +18318,-1.2537483595636802,0,-0.28011405966211755 -0.3226781535295308 -0.821684112178695 -0.7121009177855187 -1.058959588174102 -1.1995758764597029 -1.6151820076008818 -1.8245457564842835 -1.874719794458373 -2.1371467804663338 -2.240384055410197 -2.307712712982279 -2.422919526998468 -2.5022177237976613 -2.480600323345526 -2.593537052458642 -2.6055581843204374 -1.5506135669734569 -1.9182899487262821 -1.2190005811155544 +18319,-0.3097799433182663,0,-0.3226781535295308 -0.821684112178695 -0.7121009177855187 -1.058959588174102 -1.1995758764597029 -1.6151820076008818 -1.8245457564842835 -1.874719794458373 -2.1371467804663338 -2.240384055410197 -2.307712712982279 -2.422919526998468 -2.5022177237976613 -2.480600323345526 -2.593537052458642 -2.6055581843204374 -1.5506135669734569 -1.9182899487262821 -1.2190005811155544 -1.2537483595636802 +18320,-0.09984867297691999,0,-0.821684112178695 -0.7121009177855187 -1.058959588174102 -1.1995758764597029 -1.6151820076008818 -1.8245457564842835 -1.874719794458373 -2.1371467804663338 -2.240384055410197 -2.307712712982279 -2.422919526998468 -2.5022177237976613 -2.480600323345526 -2.593537052458642 -2.6055581843204374 -1.5506135669734569 -1.9182899487262821 -1.2190005811155544 -1.2537483595636802 -0.3097799433182663 +18321,-0.30534295893625557,0,-0.7121009177855187 -1.058959588174102 -1.1995758764597029 -1.6151820076008818 -1.8245457564842835 -1.874719794458373 -2.1371467804663338 -2.240384055410197 -2.307712712982279 -2.422919526998468 -2.5022177237976613 -2.480600323345526 -2.593537052458642 -2.6055581843204374 -1.5506135669734569 -1.9182899487262821 -1.2190005811155544 -1.2537483595636802 -0.3097799433182663 -0.09984867297691999 +18322,0.04306349668387742,0,-1.058959588174102 -1.1995758764597029 -1.6151820076008818 -1.8245457564842835 -1.874719794458373 -2.1371467804663338 -2.240384055410197 -2.307712712982279 -2.422919526998468 -2.5022177237976613 -2.480600323345526 -2.593537052458642 -2.6055581843204374 -1.5506135669734569 -1.9182899487262821 -1.2190005811155544 -1.2537483595636802 -0.3097799433182663 -0.09984867297691999 -0.30534295893625557 +18323,-0.023955603841903407,0,-1.1995758764597029 -1.6151820076008818 -1.8245457564842835 -1.874719794458373 -2.1371467804663338 -2.240384055410197 -2.307712712982279 -2.422919526998468 -2.5022177237976613 -2.480600323345526 -2.593537052458642 -2.6055581843204374 -1.5506135669734569 -1.9182899487262821 -1.2190005811155544 -1.2537483595636802 -0.3097799433182663 -0.09984867297691999 -0.30534295893625557 0.04306349668387742 +18324,-0.6939918305764731,0,-1.6151820076008818 -1.8245457564842835 -1.874719794458373 -2.1371467804663338 -2.240384055410197 -2.307712712982279 -2.422919526998468 -2.5022177237976613 -2.480600323345526 -2.593537052458642 -2.6055581843204374 -1.5506135669734569 -1.9182899487262821 -1.2190005811155544 -1.2537483595636802 -0.3097799433182663 -0.09984867297691999 -0.30534295893625557 0.04306349668387742 -0.023955603841903407 +18325,-0.5600052223143899,0,-1.8245457564842835 -1.874719794458373 -2.1371467804663338 -2.240384055410197 -2.307712712982279 -2.422919526998468 -2.5022177237976613 -2.480600323345526 -2.593537052458642 -2.6055581843204374 -1.5506135669734569 -1.9182899487262821 -1.2190005811155544 -1.2537483595636802 -0.3097799433182663 -0.09984867297691999 -0.30534295893625557 0.04306349668387742 -0.023955603841903407 -0.6939918305764731 +18326,-1.0290357404158812,0,-1.874719794458373 -2.1371467804663338 -2.240384055410197 -2.307712712982279 -2.422919526998468 -2.5022177237976613 -2.480600323345526 -2.593537052458642 -2.6055581843204374 -1.5506135669734569 -1.9182899487262821 -1.2190005811155544 -1.2537483595636802 -0.3097799433182663 -0.09984867297691999 -0.30534295893625557 0.04306349668387742 -0.023955603841903407 -0.6939918305764731 -0.5600052223143899 +18327,-1.1102686685997238,0,-2.1371467804663338 -2.240384055410197 -2.307712712982279 -2.422919526998468 -2.5022177237976613 -2.480600323345526 -2.593537052458642 -2.6055581843204374 -1.5506135669734569 -1.9182899487262821 -1.2190005811155544 -1.2537483595636802 -0.3097799433182663 -0.09984867297691999 -0.30534295893625557 0.04306349668387742 -0.023955603841903407 -0.6939918305764731 -0.5600052223143899 -1.0290357404158812 +18328,-1.7085650498523242,0,-2.240384055410197 -2.307712712982279 -2.422919526998468 -2.5022177237976613 -2.480600323345526 -2.593537052458642 -2.6055581843204374 -1.5506135669734569 -1.9182899487262821 -1.2190005811155544 -1.2537483595636802 -0.3097799433182663 -0.09984867297691999 -0.30534295893625557 0.04306349668387742 -0.023955603841903407 -0.6939918305764731 -0.5600052223143899 -1.0290357404158812 -1.1102686685997238 +18329,-1.9190638413420524,0,-2.307712712982279 -2.422919526998468 -2.5022177237976613 -2.480600323345526 -2.593537052458642 -2.6055581843204374 -1.5506135669734569 -1.9182899487262821 -1.2190005811155544 -1.2537483595636802 -0.3097799433182663 -0.09984867297691999 -0.30534295893625557 0.04306349668387742 -0.023955603841903407 -0.6939918305764731 -0.5600052223143899 -1.0290357404158812 -1.1102686685997238 -1.7085650498523242 +18330,-1.9250228144834896,0,-2.422919526998468 -2.5022177237976613 -2.480600323345526 -2.593537052458642 -2.6055581843204374 -1.5506135669734569 -1.9182899487262821 -1.2190005811155544 -1.2537483595636802 -0.3097799433182663 -0.09984867297691999 -0.30534295893625557 0.04306349668387742 -0.023955603841903407 -0.6939918305764731 -0.5600052223143899 -1.0290357404158812 -1.1102686685997238 -1.7085650498523242 -1.9190638413420524 +18331,-2.2037015454226454,0,-2.5022177237976613 -2.480600323345526 -2.593537052458642 -2.6055581843204374 -1.5506135669734569 -1.9182899487262821 -1.2190005811155544 -1.2537483595636802 -0.3097799433182663 -0.09984867297691999 -0.30534295893625557 0.04306349668387742 -0.023955603841903407 -0.6939918305764731 -0.5600052223143899 -1.0290357404158812 -1.1102686685997238 -1.7085650498523242 -1.9190638413420524 -1.9250228144834896 +18332,-2.27784045801351,0,-2.480600323345526 -2.593537052458642 -2.6055581843204374 -1.5506135669734569 -1.9182899487262821 -1.2190005811155544 -1.2537483595636802 -0.3097799433182663 -0.09984867297691999 -0.30534295893625557 0.04306349668387742 -0.023955603841903407 -0.6939918305764731 -0.5600052223143899 -1.0290357404158812 -1.1102686685997238 -1.7085650498523242 -1.9190638413420524 -1.9250228144834896 -2.2037015454226454 +18333,-2.3187793773877985,0,-2.593537052458642 -2.6055581843204374 -1.5506135669734569 -1.9182899487262821 -1.2190005811155544 -1.2537483595636802 -0.3097799433182663 -0.09984867297691999 -0.30534295893625557 0.04306349668387742 -0.023955603841903407 -0.6939918305764731 -0.5600052223143899 -1.0290357404158812 -1.1102686685997238 -1.7085650498523242 -1.9190638413420524 -1.9250228144834896 -2.2037015454226454 -2.27784045801351 +18334,-2.403984954384191,0,-2.6055581843204374 -1.5506135669734569 -1.9182899487262821 -1.2190005811155544 -1.2537483595636802 -0.3097799433182663 -0.09984867297691999 -0.30534295893625557 0.04306349668387742 -0.023955603841903407 -0.6939918305764731 -0.5600052223143899 -1.0290357404158812 -1.1102686685997238 -1.7085650498523242 -1.9190638413420524 -1.9250228144834896 -2.2037015454226454 -2.27784045801351 -2.3187793773877985 +18335,-2.455990538164008,0,-1.5506135669734569 -1.9182899487262821 -1.2190005811155544 -1.2537483595636802 -0.3097799433182663 -0.09984867297691999 -0.30534295893625557 0.04306349668387742 -0.023955603841903407 -0.6939918305764731 -0.5600052223143899 -1.0290357404158812 -1.1102686685997238 -1.7085650498523242 -1.9190638413420524 -1.9250228144834896 -2.2037015454226454 -2.27784045801351 -2.3187793773877985 -2.403984954384191 +18336,-2.4201593100538106,0,-1.9182899487262821 -1.2190005811155544 -1.2537483595636802 -0.3097799433182663 -0.09984867297691999 -0.30534295893625557 0.04306349668387742 -0.023955603841903407 -0.6939918305764731 -0.5600052223143899 -1.0290357404158812 -1.1102686685997238 -1.7085650498523242 -1.9190638413420524 -1.9250228144834896 -2.2037015454226454 -2.27784045801351 -2.3187793773877985 -2.403984954384191 -2.455990538164008 +18337,-2.501443831181891,0,-1.2190005811155544 -1.2537483595636802 -0.3097799433182663 -0.09984867297691999 -0.30534295893625557 0.04306349668387742 -0.023955603841903407 -0.6939918305764731 -0.5600052223143899 -1.0290357404158812 -1.1102686685997238 -1.7085650498523242 -1.9190638413420524 -1.9250228144834896 -2.2037015454226454 -2.27784045801351 -2.3187793773877985 -2.403984954384191 -2.455990538164008 -2.4201593100538106 +18338,-2.4948915402651717,0,-1.2537483595636802 -0.3097799433182663 -0.09984867297691999 -0.30534295893625557 0.04306349668387742 -0.023955603841903407 -0.6939918305764731 -0.5600052223143899 -1.0290357404158812 -1.1102686685997238 -1.7085650498523242 -1.9190638413420524 -1.9250228144834896 -2.2037015454226454 -2.27784045801351 -2.3187793773877985 -2.403984954384191 -2.455990538164008 -2.4201593100538106 -2.501443831181891 +18339,-1.3093138493760388,0,-0.3097799433182663 -0.09984867297691999 -0.30534295893625557 0.04306349668387742 -0.023955603841903407 -0.6939918305764731 -0.5600052223143899 -1.0290357404158812 -1.1102686685997238 -1.7085650498523242 -1.9190638413420524 -1.9250228144834896 -2.2037015454226454 -2.27784045801351 -2.3187793773877985 -2.403984954384191 -2.455990538164008 -2.4201593100538106 -2.501443831181891 -2.4948915402651717 +18340,-1.6957700252199812,0,-0.09984867297691999 -0.30534295893625557 0.04306349668387742 -0.023955603841903407 -0.6939918305764731 -0.5600052223143899 -1.0290357404158812 -1.1102686685997238 -1.7085650498523242 -1.9190638413420524 -1.9250228144834896 -2.2037015454226454 -2.27784045801351 -2.3187793773877985 -2.403984954384191 -2.455990538164008 -2.4201593100538106 -2.501443831181891 -2.4948915402651717 -1.3093138493760388 +18341,-0.9032008010915099,0,-0.30534295893625557 0.04306349668387742 -0.023955603841903407 -0.6939918305764731 -0.5600052223143899 -1.0290357404158812 -1.1102686685997238 -1.7085650498523242 -1.9190638413420524 -1.9250228144834896 -2.2037015454226454 -2.27784045801351 -2.3187793773877985 -2.403984954384191 -2.455990538164008 -2.4201593100538106 -2.501443831181891 -2.4948915402651717 -1.3093138493760388 -1.6957700252199812 +18342,-0.9523945749824319,0,0.04306349668387742 -0.023955603841903407 -0.6939918305764731 -0.5600052223143899 -1.0290357404158812 -1.1102686685997238 -1.7085650498523242 -1.9190638413420524 -1.9250228144834896 -2.2037015454226454 -2.27784045801351 -2.3187793773877985 -2.403984954384191 -2.455990538164008 -2.4201593100538106 -2.501443831181891 -2.4948915402651717 -1.3093138493760388 -1.6957700252199812 -0.9032008010915099 +18343,0.12076231530728378,0,-0.023955603841903407 -0.6939918305764731 -0.5600052223143899 -1.0290357404158812 -1.1102686685997238 -1.7085650498523242 -1.9190638413420524 -1.9250228144834896 -2.2037015454226454 -2.27784045801351 -2.3187793773877985 -2.403984954384191 -2.455990538164008 -2.4201593100538106 -2.501443831181891 -2.4948915402651717 -1.3093138493760388 -1.6957700252199812 -0.9032008010915099 -0.9523945749824319 +18344,0.3521562074228292,0,-0.6939918305764731 -0.5600052223143899 -1.0290357404158812 -1.1102686685997238 -1.7085650498523242 -1.9190638413420524 -1.9250228144834896 -2.2037015454226454 -2.27784045801351 -2.3187793773877985 -2.403984954384191 -2.455990538164008 -2.4201593100538106 -2.501443831181891 -2.4948915402651717 -1.3093138493760388 -1.6957700252199812 -0.9032008010915099 -0.9523945749824319 0.12076231530728378 +18345,0.13167420118966153,0,-0.5600052223143899 -1.0290357404158812 -1.1102686685997238 -1.7085650498523242 -1.9190638413420524 -1.9250228144834896 -2.2037015454226454 -2.27784045801351 -2.3187793773877985 -2.403984954384191 -2.455990538164008 -2.4201593100538106 -2.501443831181891 -2.4948915402651717 -1.3093138493760388 -1.6957700252199812 -0.9032008010915099 -0.9523945749824319 0.12076231530728378 0.3521562074228292 +18346,0.5136933928063703,0,-1.0290357404158812 -1.1102686685997238 -1.7085650498523242 -1.9190638413420524 -1.9250228144834896 -2.2037015454226454 -2.27784045801351 -2.3187793773877985 -2.403984954384191 -2.455990538164008 -2.4201593100538106 -2.501443831181891 -2.4948915402651717 -1.3093138493760388 -1.6957700252199812 -0.9032008010915099 -0.9523945749824319 0.12076231530728378 0.3521562074228292 0.13167420118966153 +18347,0.44383668591958025,0,-1.1102686685997238 -1.7085650498523242 -1.9190638413420524 -1.9250228144834896 -2.2037015454226454 -2.27784045801351 -2.3187793773877985 -2.403984954384191 -2.455990538164008 -2.4201593100538106 -2.501443831181891 -2.4948915402651717 -1.3093138493760388 -1.6957700252199812 -0.9032008010915099 -0.9523945749824319 0.12076231530728378 0.3521562074228292 0.13167420118966153 0.5136933928063703 +18348,-0.19374764374206924,0,-1.7085650498523242 -1.9190638413420524 -1.9250228144834896 -2.2037015454226454 -2.27784045801351 -2.3187793773877985 -2.403984954384191 -2.455990538164008 -2.4201593100538106 -2.501443831181891 -2.4948915402651717 -1.3093138493760388 -1.6957700252199812 -0.9032008010915099 -0.9523945749824319 0.12076231530728378 0.3521562074228292 0.13167420118966153 0.5136933928063703 0.44383668591958025 +18349,-0.07436180960071859,0,-1.9190638413420524 -1.9250228144834896 -2.2037015454226454 -2.27784045801351 -2.3187793773877985 -2.403984954384191 -2.455990538164008 -2.4201593100538106 -2.501443831181891 -2.4948915402651717 -1.3093138493760388 -1.6957700252199812 -0.9032008010915099 -0.9523945749824319 0.12076231530728378 0.3521562074228292 0.13167420118966153 0.5136933928063703 0.44383668591958025 -0.19374764374206924 +18350,-0.5227035982342274,0,-1.9250228144834896 -2.2037015454226454 -2.27784045801351 -2.3187793773877985 -2.403984954384191 -2.455990538164008 -2.4201593100538106 -2.501443831181891 -2.4948915402651717 -1.3093138493760388 -1.6957700252199812 -0.9032008010915099 -0.9523945749824319 0.12076231530728378 0.3521562074228292 0.13167420118966153 0.5136933928063703 0.44383668591958025 -0.19374764374206924 -0.07436180960071859 +18351,-0.6830799446941042,0,-2.2037015454226454 -2.27784045801351 -2.3187793773877985 -2.403984954384191 -2.455990538164008 -2.4201593100538106 -2.501443831181891 -2.4948915402651717 -1.3093138493760388 -1.6957700252199812 -0.9032008010915099 -0.9523945749824319 0.12076231530728378 0.3521562074228292 0.13167420118966153 0.5136933928063703 0.44383668591958025 -0.19374764374206924 -0.07436180960071859 -0.5227035982342274 +18352,-1.2274102141553473,0,-2.27784045801351 -2.3187793773877985 -2.403984954384191 -2.455990538164008 -2.4201593100538106 -2.501443831181891 -2.4948915402651717 -1.3093138493760388 -1.6957700252199812 -0.9032008010915099 -0.9523945749824319 0.12076231530728378 0.3521562074228292 0.13167420118966153 0.5136933928063703 0.44383668591958025 -0.19374764374206924 -0.07436180960071859 -0.5227035982342274 -0.6830799446941042 +18353,-1.4837750414429587,0,-2.3187793773877985 -2.403984954384191 -2.455990538164008 -2.4201593100538106 -2.501443831181891 -2.4948915402651717 -1.3093138493760388 -1.6957700252199812 -0.9032008010915099 -0.9523945749824319 0.12076231530728378 0.3521562074228292 0.13167420118966153 0.5136933928063703 0.44383668591958025 -0.19374764374206924 -0.07436180960071859 -0.5227035982342274 -0.6830799446941042 -1.2274102141553473 +18354,-1.520431754958387,0,-2.403984954384191 -2.455990538164008 -2.4201593100538106 -2.501443831181891 -2.4948915402651717 -1.3093138493760388 -1.6957700252199812 -0.9032008010915099 -0.9523945749824319 0.12076231530728378 0.3521562074228292 0.13167420118966153 0.5136933928063703 0.44383668591958025 -0.19374764374206924 -0.07436180960071859 -0.5227035982342274 -0.6830799446941042 -1.2274102141553473 -1.4837750414429587 +18355,-1.8500326200152792,0,-2.455990538164008 -2.4201593100538106 -2.501443831181891 -2.4948915402651717 -1.3093138493760388 -1.6957700252199812 -0.9032008010915099 -0.9523945749824319 0.12076231530728378 0.3521562074228292 0.13167420118966153 0.5136933928063703 0.44383668591958025 -0.19374764374206924 -0.07436180960071859 -0.5227035982342274 -0.6830799446941042 -1.2274102141553473 -1.4837750414429587 -1.520431754958387 +18356,-1.9599253714547655,0,-2.4201593100538106 -2.501443831181891 -2.4948915402651717 -1.3093138493760388 -1.6957700252199812 -0.9032008010915099 -0.9523945749824319 0.12076231530728378 0.3521562074228292 0.13167420118966153 0.5136933928063703 0.44383668591958025 -0.19374764374206924 -0.07436180960071859 -0.5227035982342274 -0.6830799446941042 -1.2274102141553473 -1.4837750414429587 -1.520431754958387 -1.8500326200152792 +18357,-1.993589700240802,0,-2.501443831181891 -2.4948915402651717 -1.3093138493760388 -1.6957700252199812 -0.9032008010915099 -0.9523945749824319 0.12076231530728378 0.3521562074228292 0.13167420118966153 0.5136933928063703 0.44383668591958025 -0.19374764374206924 -0.07436180960071859 -0.5227035982342274 -0.6830799446941042 -1.2274102141553473 -1.4837750414429587 -1.520431754958387 -1.8500326200152792 -1.9599253714547655 +18358,-2.128891925949709,0,-2.4948915402651717 -1.3093138493760388 -1.6957700252199812 -0.9032008010915099 -0.9523945749824319 0.12076231530728378 0.3521562074228292 0.13167420118966153 0.5136933928063703 0.44383668591958025 -0.19374764374206924 -0.07436180960071859 -0.5227035982342274 -0.6830799446941042 -1.2274102141553473 -1.4837750414429587 -1.520431754958387 -1.8500326200152792 -1.9599253714547655 -1.993589700240802 +18359,-2.1879657288503718,0,-1.3093138493760388 -1.6957700252199812 -0.9032008010915099 -0.9523945749824319 0.12076231530728378 0.3521562074228292 0.13167420118966153 0.5136933928063703 0.44383668591958025 -0.19374764374206924 -0.07436180960071859 -0.5227035982342274 -0.6830799446941042 -1.2274102141553473 -1.4837750414429587 -1.520431754958387 -1.8500326200152792 -1.9599253714547655 -1.993589700240802 -2.128891925949709 +18360,-2.1400875724062645,0,-1.6957700252199812 -0.9032008010915099 -0.9523945749824319 0.12076231530728378 0.3521562074228292 0.13167420118966153 0.5136933928063703 0.44383668591958025 -0.19374764374206924 -0.07436180960071859 -0.5227035982342274 -0.6830799446941042 -1.2274102141553473 -1.4837750414429587 -1.520431754958387 -1.8500326200152792 -1.9599253714547655 -1.993589700240802 -2.128891925949709 -2.1879657288503718 +18361,-2.2348120285766453,0,-0.9032008010915099 -0.9523945749824319 0.12076231530728378 0.3521562074228292 0.13167420118966153 0.5136933928063703 0.44383668591958025 -0.19374764374206924 -0.07436180960071859 -0.5227035982342274 -0.6830799446941042 -1.2274102141553473 -1.4837750414429587 -1.520431754958387 -1.8500326200152792 -1.9599253714547655 -1.993589700240802 -2.128891925949709 -2.1879657288503718 -2.1400875724062645 +18362,-2.2225845252474614,0,-0.9523945749824319 0.12076231530728378 0.3521562074228292 0.13167420118966153 0.5136933928063703 0.44383668591958025 -0.19374764374206924 -0.07436180960071859 -0.5227035982342274 -0.6830799446941042 -1.2274102141553473 -1.4837750414429587 -1.520431754958387 -1.8500326200152792 -1.9599253714547655 -1.993589700240802 -2.128891925949709 -2.1879657288503718 -2.1400875724062645 -2.2348120285766453 +18363,-0.9650864138810761,0,0.12076231530728378 0.3521562074228292 0.13167420118966153 0.5136933928063703 0.44383668591958025 -0.19374764374206924 -0.07436180960071859 -0.5227035982342274 -0.6830799446941042 -1.2274102141553473 -1.4837750414429587 -1.520431754958387 -1.8500326200152792 -1.9599253714547655 -1.993589700240802 -2.128891925949709 -2.1879657288503718 -2.1400875724062645 -2.2348120285766453 -2.2225845252474614 +18364,-1.3679491131793642,0,0.3521562074228292 0.13167420118966153 0.5136933928063703 0.44383668591958025 -0.19374764374206924 -0.07436180960071859 -0.5227035982342274 -0.6830799446941042 -1.2274102141553473 -1.4837750414429587 -1.520431754958387 -1.8500326200152792 -1.9599253714547655 -1.993589700240802 -2.128891925949709 -2.1879657288503718 -2.1400875724062645 -2.2348120285766453 -2.2225845252474614 -0.9650864138810761 +18365,-0.5255412045952366,0,0.13167420118966153 0.5136933928063703 0.44383668591958025 -0.19374764374206924 -0.07436180960071859 -0.5227035982342274 -0.6830799446941042 -1.2274102141553473 -1.4837750414429587 -1.520431754958387 -1.8500326200152792 -1.9599253714547655 -1.993589700240802 -2.128891925949709 -2.1879657288503718 -2.1400875724062645 -2.2348120285766453 -2.2225845252474614 -0.9650864138810761 -1.3679491131793642 +18366,-0.5022986296499853,0,0.5136933928063703 0.44383668591958025 -0.19374764374206924 -0.07436180960071859 -0.5227035982342274 -0.6830799446941042 -1.2274102141553473 -1.4837750414429587 -1.520431754958387 -1.8500326200152792 -1.9599253714547655 -1.993589700240802 -2.128891925949709 -2.1879657288503718 -2.1400875724062645 -2.2348120285766453 -2.2225845252474614 -0.9650864138810761 -1.3679491131793642 -0.5255412045952366 +18367,0.6131643902502857,0,0.44383668591958025 -0.19374764374206924 -0.07436180960071859 -0.5227035982342274 -0.6830799446941042 -1.2274102141553473 -1.4837750414429587 -1.520431754958387 -1.8500326200152792 -1.9599253714547655 -1.993589700240802 -2.128891925949709 -2.1879657288503718 -2.1400875724062645 -2.2348120285766453 -2.2225845252474614 -0.9650864138810761 -1.3679491131793642 -0.5255412045952366 -0.5022986296499853 +18368,0.9094620765116891,0,-0.19374764374206924 -0.07436180960071859 -0.5227035982342274 -0.6830799446941042 -1.2274102141553473 -1.4837750414429587 -1.520431754958387 -1.8500326200152792 -1.9599253714547655 -1.993589700240802 -2.128891925949709 -2.1879657288503718 -2.1400875724062645 -2.2348120285766453 -2.2225845252474614 -0.9650864138810761 -1.3679491131793642 -0.5255412045952366 -0.5022986296499853 0.6131643902502857 +18369,0.638109528950237,0,-0.07436180960071859 -0.5227035982342274 -0.6830799446941042 -1.2274102141553473 -1.4837750414429587 -1.520431754958387 -1.8500326200152792 -1.9599253714547655 -1.993589700240802 -2.128891925949709 -2.1879657288503718 -2.1400875724062645 -2.2348120285766453 -2.2225845252474614 -0.9650864138810761 -1.3679491131793642 -0.5255412045952366 -0.5022986296499853 0.6131643902502857 0.9094620765116891 +18370,1.123623959612872,0,-0.5227035982342274 -0.6830799446941042 -1.2274102141553473 -1.4837750414429587 -1.520431754958387 -1.8500326200152792 -1.9599253714547655 -1.993589700240802 -2.128891925949709 -2.1879657288503718 -2.1400875724062645 -2.2348120285766453 -2.2225845252474614 -0.9650864138810761 -1.3679491131793642 -0.5255412045952366 -0.5022986296499853 0.6131643902502857 0.9094620765116891 0.638109528950237 +18371,1.041488156762232,0,-0.6830799446941042 -1.2274102141553473 -1.4837750414429587 -1.520431754958387 -1.8500326200152792 -1.9599253714547655 -1.993589700240802 -2.128891925949709 -2.1879657288503718 -2.1400875724062645 -2.2348120285766453 -2.2225845252474614 -0.9650864138810761 -1.3679491131793642 -0.5255412045952366 -0.5022986296499853 0.6131643902502857 0.9094620765116891 0.638109528950237 1.123623959612872 +18372,0.3682531738308736,0,-1.2274102141553473 -1.4837750414429587 -1.520431754958387 -1.8500326200152792 -1.9599253714547655 -1.993589700240802 -2.128891925949709 -2.1879657288503718 -2.1400875724062645 -2.2348120285766453 -2.2225845252474614 -0.9650864138810761 -1.3679491131793642 -0.5255412045952366 -0.5022986296499853 0.6131643902502857 0.9094620765116891 0.638109528950237 1.123623959612872 1.041488156762232 +18373,0.48315043080075265,0,-1.4837750414429587 -1.520431754958387 -1.8500326200152792 -1.9599253714547655 -1.993589700240802 -2.128891925949709 -2.1879657288503718 -2.1400875724062645 -2.2348120285766453 -2.2225845252474614 -0.9650864138810761 -1.3679491131793642 -0.5255412045952366 -0.5022986296499853 0.6131643902502857 0.9094620765116891 0.638109528950237 1.123623959612872 1.041488156762232 0.3682531738308736 +18374,0.006948507999484915,0,-1.520431754958387 -1.8500326200152792 -1.9599253714547655 -1.993589700240802 -2.128891925949709 -2.1879657288503718 -2.1400875724062645 -2.2348120285766453 -2.2225845252474614 -0.9650864138810761 -1.3679491131793642 -0.5255412045952366 -0.5022986296499853 0.6131643902502857 0.9094620765116891 0.638109528950237 1.123623959612872 1.041488156762232 0.3682531738308736 0.48315043080075265 +18375,-0.19498587192730005,0,-1.8500326200152792 -1.9599253714547655 -1.993589700240802 -2.128891925949709 -2.1879657288503718 -2.1400875724062645 -2.2348120285766453 -2.2225845252474614 -0.9650864138810761 -1.3679491131793642 -0.5255412045952366 -0.5022986296499853 0.6131643902502857 0.9094620765116891 0.638109528950237 1.123623959612872 1.041488156762232 0.3682531738308736 0.48315043080075265 0.006948507999484915 +18376,-0.7626103091232467,0,-1.9599253714547655 -1.993589700240802 -2.128891925949709 -2.1879657288503718 -2.1400875724062645 -2.2348120285766453 -2.2225845252474614 -0.9650864138810761 -1.3679491131793642 -0.5255412045952366 -0.5022986296499853 0.6131643902502857 0.9094620765116891 0.638109528950237 1.123623959612872 1.041488156762232 0.3682531738308736 0.48315043080075265 0.006948507999484915 -0.19498587192730005 +18377,-1.0559672034447192,0,-1.993589700240802 -2.128891925949709 -2.1879657288503718 -2.1400875724062645 -2.2348120285766453 -2.2225845252474614 -0.9650864138810761 -1.3679491131793642 -0.5255412045952366 -0.5022986296499853 0.6131643902502857 0.9094620765116891 0.638109528950237 1.123623959612872 1.041488156762232 0.3682531738308736 0.48315043080075265 0.006948507999484915 -0.19498587192730005 -0.7626103091232467 +18378,-1.0757530579363328,0,-2.128891925949709 -2.1879657288503718 -2.1400875724062645 -2.2348120285766453 -2.2225845252474614 -0.9650864138810761 -1.3679491131793642 -0.5255412045952366 -0.5022986296499853 0.6131643902502857 0.9094620765116891 0.638109528950237 1.123623959612872 1.041488156762232 0.3682531738308736 0.48315043080075265 0.006948507999484915 -0.19498587192730005 -0.7626103091232467 -1.0559672034447192 +18379,-1.4603002987129727,0,-2.1879657288503718 -2.1400875724062645 -2.2348120285766453 -2.2225845252474614 -0.9650864138810761 -1.3679491131793642 -0.5255412045952366 -0.5022986296499853 0.6131643902502857 0.9094620765116891 0.638109528950237 1.123623959612872 1.041488156762232 0.3682531738308736 0.48315043080075265 0.006948507999484915 -0.19498587192730005 -0.7626103091232467 -1.0559672034447192 -1.0757530579363328 +18380,-1.5712764998145392,0,-2.1400875724062645 -2.2348120285766453 -2.2225845252474614 -0.9650864138810761 -1.3679491131793642 -0.5255412045952366 -0.5022986296499853 0.6131643902502857 0.9094620765116891 0.638109528950237 1.123623959612872 1.041488156762232 0.3682531738308736 0.48315043080075265 0.006948507999484915 -0.19498587192730005 -0.7626103091232467 -1.0559672034447192 -1.0757530579363328 -1.4603002987129727 +18381,-1.6218890768859657,0,-2.2348120285766453 -2.2225845252474614 -0.9650864138810761 -1.3679491131793642 -0.5255412045952366 -0.5022986296499853 0.6131643902502857 0.9094620765116891 0.638109528950237 1.123623959612872 1.041488156762232 0.3682531738308736 0.48315043080075265 0.006948507999484915 -0.19498587192730005 -0.7626103091232467 -1.0559672034447192 -1.0757530579363328 -1.4603002987129727 -1.5712764998145392 +18382,-1.7529864859975879,0,-2.2225845252474614 -0.9650864138810761 -1.3679491131793642 -0.5255412045952366 -0.5022986296499853 0.6131643902502857 0.9094620765116891 0.638109528950237 1.123623959612872 1.041488156762232 0.3682531738308736 0.48315043080075265 0.006948507999484915 -0.19498587192730005 -0.7626103091232467 -1.0559672034447192 -1.0757530579363328 -1.4603002987129727 -1.5712764998145392 -1.6218890768859657 +18383,-1.823720271079061,0,-0.9650864138810761 -1.3679491131793642 -0.5255412045952366 -0.5022986296499853 0.6131643902502857 0.9094620765116891 0.638109528950237 1.123623959612872 1.041488156762232 0.3682531738308736 0.48315043080075265 0.006948507999484915 -0.19498587192730005 -0.7626103091232467 -1.0559672034447192 -1.0757530579363328 -1.4603002987129727 -1.5712764998145392 -1.6218890768859657 -1.7529864859975879 +18384,-1.7479561839950717,0,-1.3679491131793642 -0.5255412045952366 -0.5022986296499853 0.6131643902502857 0.9094620765116891 0.638109528950237 1.123623959612872 1.041488156762232 0.3682531738308736 0.48315043080075265 0.006948507999484915 -0.19498587192730005 -0.7626103091232467 -1.0559672034447192 -1.0757530579363328 -1.4603002987129727 -1.5712764998145392 -1.6218890768859657 -1.7529864859975879 -1.823720271079061 +18385,-1.867522593131705,0,-0.5255412045952366 -0.5022986296499853 0.6131643902502857 0.9094620765116891 0.638109528950237 1.123623959612872 1.041488156762232 0.3682531738308736 0.48315043080075265 0.006948507999484915 -0.19498587192730005 -0.7626103091232467 -1.0559672034447192 -1.0757530579363328 -1.4603002987129727 -1.5712764998145392 -1.6218890768859657 -1.7529864859975879 -1.823720271079061 -1.7479561839950717 +18386,-1.840591130102867,0,-0.5022986296499853 0.6131643902502857 0.9094620765116891 0.638109528950237 1.123623959612872 1.041488156762232 0.3682531738308736 0.48315043080075265 0.006948507999484915 -0.19498587192730005 -0.7626103091232467 -1.0559672034447192 -1.0757530579363328 -1.4603002987129727 -1.5712764998145392 -1.6218890768859657 -1.7529864859975879 -1.823720271079061 -1.7479561839950717 -1.867522593131705 +18387,-0.5271405826162381,0,0.6131643902502857 0.9094620765116891 0.638109528950237 1.123623959612872 1.041488156762232 0.3682531738308736 0.48315043080075265 0.006948507999484915 -0.19498587192730005 -0.7626103091232467 -1.0559672034447192 -1.0757530579363328 -1.4603002987129727 -1.5712764998145392 -1.6218890768859657 -1.7529864859975879 -1.823720271079061 -1.7479561839950717 -1.867522593131705 -1.840591130102867 +18388,-0.9290488144582677,0,0.9094620765116891 0.638109528950237 1.123623959612872 1.041488156762232 0.3682531738308736 0.48315043080075265 0.006948507999484915 -0.19498587192730005 -0.7626103091232467 -1.0559672034447192 -1.0757530579363328 -1.4603002987129727 -1.5712764998145392 -1.6218890768859657 -1.7529864859975879 -1.823720271079061 -1.7479561839950717 -1.867522593131705 -1.840591130102867 -0.5271405826162381 +18389,-0.04443796168771199,0,0.638109528950237 1.123623959612872 1.041488156762232 0.3682531738308736 0.48315043080075265 0.006948507999484915 -0.19498587192730005 -0.7626103091232467 -1.0559672034447192 -1.0757530579363328 -1.4603002987129727 -1.5712764998145392 -1.6218890768859657 -1.7529864859975879 -1.823720271079061 -1.7479561839950717 -1.867522593131705 -1.840591130102867 -0.5271405826162381 -0.9290488144582677 +18390,-0.0922903218144815,0,1.123623959612872 1.041488156762232 0.3682531738308736 0.48315043080075265 0.006948507999484915 -0.19498587192730005 -0.7626103091232467 -1.0559672034447192 -1.0757530579363328 -1.4603002987129727 -1.5712764998145392 -1.6218890768859657 -1.7529864859975879 -1.823720271079061 -1.7479561839950717 -1.867522593131705 -1.840591130102867 -0.5271405826162381 -0.9290488144582677 -0.04443796168771199 +18391,1.1031416017670637,0,1.041488156762232 0.3682531738308736 0.48315043080075265 0.006948507999484915 -0.19498587192730005 -0.7626103091232467 -1.0559672034447192 -1.0757530579363328 -1.4603002987129727 -1.5712764998145392 -1.6218890768859657 -1.7529864859975879 -1.823720271079061 -1.7479561839950717 -1.867522593131705 -1.840591130102867 -0.5271405826162381 -0.9290488144582677 -0.04443796168771199 -0.0922903218144815 +18392,1.3661103126060692,0,0.3682531738308736 0.48315043080075265 0.006948507999484915 -0.19498587192730005 -0.7626103091232467 -1.0559672034447192 -1.0757530579363328 -1.4603002987129727 -1.5712764998145392 -1.6218890768859657 -1.7529864859975879 -1.823720271079061 -1.7479561839950717 -1.867522593131705 -1.840591130102867 -0.5271405826162381 -0.9290488144582677 -0.04443796168771199 -0.0922903218144815 1.1031416017670637 +18393,1.0923071051462698,0,0.48315043080075265 0.006948507999484915 -0.19498587192730005 -0.7626103091232467 -1.0559672034447192 -1.0757530579363328 -1.4603002987129727 -1.5712764998145392 -1.6218890768859657 -1.7529864859975879 -1.823720271079061 -1.7479561839950717 -1.867522593131705 -1.840591130102867 -0.5271405826162381 -0.9290488144582677 -0.04443796168771199 -0.0922903218144815 1.1031416017670637 1.3661103126060692 +18394,1.5341997887515348,0,0.006948507999484915 -0.19498587192730005 -0.7626103091232467 -1.0559672034447192 -1.0757530579363328 -1.4603002987129727 -1.5712764998145392 -1.6218890768859657 -1.7529864859975879 -1.823720271079061 -1.7479561839950717 -1.867522593131705 -1.840591130102867 -0.5271405826162381 -0.9290488144582677 -0.04443796168771199 -0.0922903218144815 1.1031416017670637 1.3661103126060692 1.0923071051462698 +18395,1.439320554058004,0,-0.19498587192730005 -0.7626103091232467 -1.0559672034447192 -1.0757530579363328 -1.4603002987129727 -1.5712764998145392 -1.6218890768859657 -1.7529864859975879 -1.823720271079061 -1.7479561839950717 -1.867522593131705 -1.840591130102867 -0.5271405826162381 -0.9290488144582677 -0.04443796168771199 -0.0922903218144815 1.1031416017670637 1.3661103126060692 1.0923071051462698 1.5341997887515348 +18396,0.5457067506271764,0,-0.7626103091232467 -1.0559672034447192 -1.0757530579363328 -1.4603002987129727 -1.5712764998145392 -1.6218890768859657 -1.7529864859975879 -1.823720271079061 -1.7479561839950717 -1.867522593131705 -1.840591130102867 -0.5271405826162381 -0.9290488144582677 -0.04443796168771199 -0.0922903218144815 1.1031416017670637 1.3661103126060692 1.0923071051462698 1.5341997887515348 1.439320554058004 +18397,0.7170723722310062,0,-1.0559672034447192 -1.0757530579363328 -1.4603002987129727 -1.5712764998145392 -1.6218890768859657 -1.7529864859975879 -1.823720271079061 -1.7479561839950717 -1.867522593131705 -1.840591130102867 -0.5271405826162381 -0.9290488144582677 -0.04443796168771199 -0.0922903218144815 1.1031416017670637 1.3661103126060692 1.0923071051462698 1.5341997887515348 1.439320554058004 0.5457067506271764 +18398,0.0897034249427449,0,-1.0757530579363328 -1.4603002987129727 -1.5712764998145392 -1.6218890768859657 -1.7529864859975879 -1.823720271079061 -1.7479561839950717 -1.867522593131705 -1.840591130102867 -0.5271405826162381 -0.9290488144582677 -0.04443796168771199 -0.0922903218144815 1.1031416017670637 1.3661103126060692 1.0923071051462698 1.5341997887515348 1.439320554058004 0.5457067506271764 0.7170723722310062 +18399,-0.00855514078805411,0,-1.4603002987129727 -1.5712764998145392 -1.6218890768859657 -1.7529864859975879 -1.823720271079061 -1.7479561839950717 -1.867522593131705 -1.840591130102867 -0.5271405826162381 -0.9290488144582677 -0.04443796168771199 -0.0922903218144815 1.1031416017670637 1.3661103126060692 1.0923071051462698 1.5341997887515348 1.439320554058004 0.5457067506271764 0.7170723722310062 0.0897034249427449 +18400,-0.8122942150557523,0,-1.5712764998145392 -1.6218890768859657 -1.7529864859975879 -1.823720271079061 -1.7479561839950717 -1.867522593131705 -1.840591130102867 -0.5271405826162381 -0.9290488144582677 -0.04443796168771199 -0.0922903218144815 1.1031416017670637 1.3661103126060692 1.0923071051462698 1.5341997887515348 1.439320554058004 0.5457067506271764 0.7170723722310062 0.0897034249427449 -0.00855514078805411 +18401,-1.0869229080755596,0,-1.6218890768859657 -1.7529864859975879 -1.823720271079061 -1.7479561839950717 -1.867522593131705 -1.840591130102867 -0.5271405826162381 -0.9290488144582677 -0.04443796168771199 -0.0922903218144815 1.1031416017670637 1.3661103126060692 1.0923071051462698 1.5341997887515348 1.439320554058004 0.5457067506271764 0.7170723722310062 0.0897034249427449 -0.00855514078805411 -0.8122942150557523 +18402,-1.0361297560088591,0,-1.7529864859975879 -1.823720271079061 -1.7479561839950717 -1.867522593131705 -1.840591130102867 -0.5271405826162381 -0.9290488144582677 -0.04443796168771199 -0.0922903218144815 1.1031416017670637 1.3661103126060692 1.0923071051462698 1.5341997887515348 1.439320554058004 0.5457067506271764 0.7170723722310062 0.0897034249427449 -0.00855514078805411 -0.8122942150557523 -1.0869229080755596 +18403,-1.4192323972876482,0,-1.823720271079061 -1.7479561839950717 -1.867522593131705 -1.840591130102867 -0.5271405826162381 -0.9290488144582677 -0.04443796168771199 -0.0922903218144815 1.1031416017670637 1.3661103126060692 1.0923071051462698 1.5341997887515348 1.439320554058004 0.5457067506271764 0.7170723722310062 0.0897034249427449 -0.00855514078805411 -0.8122942150557523 -1.0869229080755596 -1.0361297560088591 +18404,-1.4769131934799296,0,-1.7479561839950717 -1.867522593131705 -1.840591130102867 -0.5271405826162381 -0.9290488144582677 -0.04443796168771199 -0.0922903218144815 1.1031416017670637 1.3661103126060692 1.0923071051462698 1.5341997887515348 1.439320554058004 0.5457067506271764 0.7170723722310062 0.0897034249427449 -0.00855514078805411 -0.8122942150557523 -1.0869229080755596 -1.0361297560088591 -1.4192323972876482 +18405,-1.48429096980188,0,-1.867522593131705 -1.840591130102867 -0.5271405826162381 -0.9290488144582677 -0.04443796168771199 -0.0922903218144815 1.1031416017670637 1.3661103126060692 1.0923071051462698 1.5341997887515348 1.439320554058004 0.5457067506271764 0.7170723722310062 0.0897034249427449 -0.00855514078805411 -0.8122942150557523 -1.0869229080755596 -1.0361297560088591 -1.4192323972876482 -1.4769131934799296 +18406,-1.5587394394390544,0,-1.840591130102867 -0.5271405826162381 -0.9290488144582677 -0.04443796168771199 -0.0922903218144815 1.1031416017670637 1.3661103126060692 1.0923071051462698 1.5341997887515348 1.439320554058004 0.5457067506271764 0.7170723722310062 0.0897034249427449 -0.00855514078805411 -0.8122942150557523 -1.0869229080755596 -1.0361297560088591 -1.4192323972876482 -1.4769131934799296 -1.48429096980188 +18407,-1.5828848890511034,0,-0.5271405826162381 -0.9290488144582677 -0.04443796168771199 -0.0922903218144815 1.1031416017670637 1.3661103126060692 1.0923071051462698 1.5341997887515348 1.439320554058004 0.5457067506271764 0.7170723722310062 0.0897034249427449 -0.00855514078805411 -0.8122942150557523 -1.0869229080755596 -1.0361297560088591 -1.4192323972876482 -1.4769131934799296 -1.48429096980188 -1.5587394394390544 +18408,-1.5843552850210687,0,-0.9290488144582677 -0.04443796168771199 -0.0922903218144815 1.1031416017670637 1.3661103126060692 1.0923071051462698 1.5341997887515348 1.439320554058004 0.5457067506271764 0.7170723722310062 0.0897034249427449 -0.00855514078805411 -0.8122942150557523 -1.0869229080755596 -1.0361297560088591 -1.4192323972876482 -1.4769131934799296 -1.48429096980188 -1.5587394394390544 -1.5828848890511034 +18409,-1.616059085795565,0,-0.04443796168771199 -0.0922903218144815 1.1031416017670637 1.3661103126060692 1.0923071051462698 1.5341997887515348 1.439320554058004 0.5457067506271764 0.7170723722310062 0.0897034249427449 -0.00855514078805411 -0.8122942150557523 -1.0869229080755596 -1.0361297560088591 -1.4192323972876482 -1.4769131934799296 -1.48429096980188 -1.5587394394390544 -1.5828848890511034 -1.5843552850210687 +18410,-1.6250878330827458,0,-0.0922903218144815 1.1031416017670637 1.3661103126060692 1.0923071051462698 1.5341997887515348 1.439320554058004 0.5457067506271764 0.7170723722310062 0.0897034249427449 -0.00855514078805411 -0.8122942150557523 -1.0869229080755596 -1.0361297560088591 -1.4192323972876482 -1.4769131934799296 -1.48429096980188 -1.5587394394390544 -1.5828848890511034 -1.5843552850210687 -1.616059085795565 +18411,-0.3426445830164181,0,1.1031416017670637 1.3661103126060692 1.0923071051462698 1.5341997887515348 1.439320554058004 0.5457067506271764 0.7170723722310062 0.0897034249427449 -0.00855514078805411 -0.8122942150557523 -1.0869229080755596 -1.0361297560088591 -1.4192323972876482 -1.4769131934799296 -1.48429096980188 -1.5587394394390544 -1.5828848890511034 -1.5843552850210687 -1.616059085795565 -1.6250878330827458 +18412,-0.78216399598492,0,1.3661103126060692 1.0923071051462698 1.5341997887515348 1.439320554058004 0.5457067506271764 0.7170723722310062 0.0897034249427449 -0.00855514078805411 -0.8122942150557523 -1.0869229080755596 -1.0361297560088591 -1.4192323972876482 -1.4769131934799296 -1.48429096980188 -1.5587394394390544 -1.5828848890511034 -1.5843552850210687 -1.616059085795565 -1.6250878330827458 -0.3426445830164181 +18413,0.0697885884000953,0,1.0923071051462698 1.5341997887515348 1.439320554058004 0.5457067506271764 0.7170723722310062 0.0897034249427449 -0.00855514078805411 -0.8122942150557523 -1.0869229080755596 -1.0361297560088591 -1.4192323972876482 -1.4769131934799296 -1.48429096980188 -1.5587394394390544 -1.5828848890511034 -1.5843552850210687 -1.616059085795565 -1.6250878330827458 -0.3426445830164181 -0.78216399598492 +18414,0.022168396058060407,0,1.5341997887515348 1.439320554058004 0.5457067506271764 0.7170723722310062 0.0897034249427449 -0.00855514078805411 -0.8122942150557523 -1.0869229080755596 -1.0361297560088591 -1.4192323972876482 -1.4769131934799296 -1.48429096980188 -1.5587394394390544 -1.5828848890511034 -1.5843552850210687 -1.616059085795565 -1.6250878330827458 -0.3426445830164181 -0.78216399598492 0.0697885884000953 +18415,1.1739785725822354,0,1.439320554058004 0.5457067506271764 0.7170723722310062 0.0897034249427449 -0.00855514078805411 -0.8122942150557523 -1.0869229080755596 -1.0361297560088591 -1.4192323972876482 -1.4769131934799296 -1.48429096980188 -1.5587394394390544 -1.5828848890511034 -1.5843552850210687 -1.616059085795565 -1.6250878330827458 -0.3426445830164181 -0.78216399598492 0.0697885884000953 0.022168396058060407 +18416,1.4262159723793602,0,0.5457067506271764 0.7170723722310062 0.0897034249427449 -0.00855514078805411 -0.8122942150557523 -1.0869229080755596 -1.0361297560088591 -1.4192323972876482 -1.4769131934799296 -1.48429096980188 -1.5587394394390544 -1.5828848890511034 -1.5843552850210687 -1.616059085795565 -1.6250878330827458 -0.3426445830164181 -0.78216399598492 0.0697885884000953 0.022168396058060407 1.1739785725822354 +18417,1.1688450848460208,0,0.7170723722310062 0.0897034249427449 -0.00855514078805411 -0.8122942150557523 -1.0869229080755596 -1.0361297560088591 -1.4192323972876482 -1.4769131934799296 -1.48429096980188 -1.5587394394390544 -1.5828848890511034 -1.5843552850210687 -1.616059085795565 -1.6250878330827458 -0.3426445830164181 -0.78216399598492 0.0697885884000953 0.022168396058060407 1.1739785725822354 1.4262159723793602 +18418,1.5909519139596722,0,0.0897034249427449 -0.00855514078805411 -0.8122942150557523 -1.0869229080755596 -1.0361297560088591 -1.4192323972876482 -1.4769131934799296 -1.48429096980188 -1.5587394394390544 -1.5828848890511034 -1.5843552850210687 -1.616059085795565 -1.6250878330827458 -0.3426445830164181 -0.78216399598492 0.0697885884000953 0.022168396058060407 1.1739785725822354 1.4262159723793602 1.1688450848460208 +18419,1.503450455433306,0,-0.00855514078805411 -0.8122942150557523 -1.0869229080755596 -1.0361297560088591 -1.4192323972876482 -1.4769131934799296 -1.48429096980188 -1.5587394394390544 -1.5828848890511034 -1.5843552850210687 -1.616059085795565 -1.6250878330827458 -0.3426445830164181 -0.78216399598492 0.0697885884000953 0.022168396058060407 1.1739785725822354 1.4262159723793602 1.1688450848460208 1.5909519139596722 +18420,0.6255724685747432,0,-0.8122942150557523 -1.0869229080755596 -1.0361297560088591 -1.4192323972876482 -1.4769131934799296 -1.48429096980188 -1.5587394394390544 -1.5828848890511034 -1.5843552850210687 -1.616059085795565 -1.6250878330827458 -0.3426445830164181 -0.78216399598492 0.0697885884000953 0.022168396058060407 1.1739785725822354 1.4262159723793602 1.1688450848460208 1.5909519139596722 1.503450455433306 +18421,0.8015298529289663,0,-1.0869229080755596 -1.0361297560088591 -1.4192323972876482 -1.4769131934799296 -1.48429096980188 -1.5587394394390544 -1.5828848890511034 -1.5843552850210687 -1.616059085795565 -1.6250878330827458 -0.3426445830164181 -0.78216399598492 0.0697885884000953 0.022168396058060407 1.1739785725822354 1.4262159723793602 1.1688450848460208 1.5909519139596722 1.503450455433306 0.6255724685747432 +18422,0.18711070895098397,0,-1.0361297560088591 -1.4192323972876482 -1.4769131934799296 -1.48429096980188 -1.5587394394390544 -1.5828848890511034 -1.5843552850210687 -1.616059085795565 -1.6250878330827458 -0.3426445830164181 -0.78216399598492 0.0697885884000953 0.022168396058060407 1.1739785725822354 1.4262159723793602 1.1688450848460208 1.5909519139596722 1.503450455433306 0.6255724685747432 0.8015298529289663 +18423,0.06272036912445483,0,-1.4192323972876482 -1.4769131934799296 -1.48429096980188 -1.5587394394390544 -1.5828848890511034 -1.5843552850210687 -1.616059085795565 -1.6250878330827458 -0.3426445830164181 -0.78216399598492 0.0697885884000953 0.022168396058060407 1.1739785725822354 1.4262159723793602 1.1688450848460208 1.5909519139596722 1.503450455433306 0.6255724685747432 0.8015298529289663 0.18711070895098397 +18424,-0.7150417097254494,0,-1.4769131934799296 -1.48429096980188 -1.5587394394390544 -1.5828848890511034 -1.5843552850210687 -1.616059085795565 -1.6250878330827458 -0.3426445830164181 -0.78216399598492 0.0697885884000953 0.022168396058060407 1.1739785725822354 1.4262159723793602 1.1688450848460208 1.5909519139596722 1.503450455433306 0.6255724685747432 0.8015298529289663 0.18711070895098397 0.06272036912445483 +18425,-1.0027749842691238,0,-1.48429096980188 -1.5587394394390544 -1.5828848890511034 -1.5843552850210687 -1.616059085795565 -1.6250878330827458 -0.3426445830164181 -0.78216399598492 0.0697885884000953 0.022168396058060407 1.1739785725822354 1.4262159723793602 1.1688450848460208 1.5909519139596722 1.503450455433306 0.6255724685747432 0.8015298529289663 0.18711070895098397 0.06272036912445483 -0.7150417097254494 +18426,-1.0577213599888713,0,-1.5587394394390544 -1.5828848890511034 -1.5843552850210687 -1.616059085795565 -1.6250878330827458 -0.3426445830164181 -0.78216399598492 0.0697885884000953 0.022168396058060407 1.1739785725822354 1.4262159723793602 1.1688450848460208 1.5909519139596722 1.503450455433306 0.6255724685747432 0.8015298529289663 0.18711070895098397 0.06272036912445483 -0.7150417097254494 -1.0027749842691238 +18427,-1.4230502674222623,0,-1.5828848890511034 -1.5843552850210687 -1.616059085795565 -1.6250878330827458 -0.3426445830164181 -0.78216399598492 0.0697885884000953 0.022168396058060407 1.1739785725822354 1.4262159723793602 1.1688450848460208 1.5909519139596722 1.503450455433306 0.6255724685747432 0.8015298529289663 0.18711070895098397 0.06272036912445483 -0.7150417097254494 -1.0027749842691238 -1.0577213599888713 +18428,-1.5555922761865122,0,-1.5843552850210687 -1.616059085795565 -1.6250878330827458 -0.3426445830164181 -0.78216399598492 0.0697885884000953 0.022168396058060407 1.1739785725822354 1.4262159723793602 1.1688450848460208 1.5909519139596722 1.503450455433306 0.6255724685747432 0.8015298529289663 0.18711070895098397 0.06272036912445483 -0.7150417097254494 -1.0027749842691238 -1.0577213599888713 -1.4230502674222623 +18429,-1.5965827883502526,0,-1.616059085795565 -1.6250878330827458 -0.3426445830164181 -0.78216399598492 0.0697885884000953 0.022168396058060407 1.1739785725822354 1.4262159723793602 1.1688450848460208 1.5909519139596722 1.503450455433306 0.6255724685747432 0.8015298529289663 0.18711070895098397 0.06272036912445483 -0.7150417097254494 -1.0027749842691238 -1.0577213599888713 -1.4230502674222623 -1.5555922761865122 +18430,-1.7596419624932111,0,-1.6250878330827458 -0.3426445830164181 -0.78216399598492 0.0697885884000953 0.022168396058060407 1.1739785725822354 1.4262159723793602 1.1688450848460208 1.5909519139596722 1.503450455433306 0.6255724685747432 0.8015298529289663 0.18711070895098397 0.06272036912445483 -0.7150417097254494 -1.0027749842691238 -1.0577213599888713 -1.4230502674222623 -1.5555922761865122 -1.5965827883502526 +18431,-1.8311496401904634,0,-0.3426445830164181 -0.78216399598492 0.0697885884000953 0.022168396058060407 1.1739785725822354 1.4262159723793602 1.1688450848460208 1.5909519139596722 1.503450455433306 0.6255724685747432 0.8015298529289663 0.18711070895098397 0.06272036912445483 -0.7150417097254494 -1.0027749842691238 -1.0577213599888713 -1.4230502674222623 -1.5555922761865122 -1.5965827883502526 -1.7596419624932111 +18432,-1.7884307677998996,0,-0.78216399598492 0.0697885884000953 0.022168396058060407 1.1739785725822354 1.4262159723793602 1.1688450848460208 1.5909519139596722 1.503450455433306 0.6255724685747432 0.8015298529289663 0.18711070895098397 0.06272036912445483 -0.7150417097254494 -1.0027749842691238 -1.0577213599888713 -1.4230502674222623 -1.5555922761865122 -1.5965827883502526 -1.7596419624932111 -1.8311496401904634 +18433,-1.898013962193085,0,0.0697885884000953 0.022168396058060407 1.1739785725822354 1.4262159723793602 1.1688450848460208 1.5909519139596722 1.503450455433306 0.6255724685747432 0.8015298529289663 0.18711070895098397 0.06272036912445483 -0.7150417097254494 -1.0027749842691238 -1.0577213599888713 -1.4230502674222623 -1.5555922761865122 -1.5965827883502526 -1.7596419624932111 -1.8311496401904634 -1.7884307677998996 +18434,-1.8933706064984541,0,0.022168396058060407 1.1739785725822354 1.4262159723793602 1.1688450848460208 1.5909519139596722 1.503450455433306 0.6255724685747432 0.8015298529289663 0.18711070895098397 0.06272036912445483 -0.7150417097254494 -1.0027749842691238 -1.0577213599888713 -1.4230502674222623 -1.5555922761865122 -1.5965827883502526 -1.7596419624932111 -1.8311496401904634 -1.7884307677998996 -1.898013962193085 +18435,-0.4814035290241683,0,1.1739785725822354 1.4262159723793602 1.1688450848460208 1.5909519139596722 1.503450455433306 0.6255724685747432 0.8015298529289663 0.18711070895098397 0.06272036912445483 -0.7150417097254494 -1.0027749842691238 -1.0577213599888713 -1.4230502674222623 -1.5555922761865122 -1.5965827883502526 -1.7596419624932111 -1.8311496401904634 -1.7884307677998996 -1.898013962193085 -1.8933706064984541 +18436,-0.9458680805378359,0,1.4262159723793602 1.1688450848460208 1.5909519139596722 1.503450455433306 0.6255724685747432 0.8015298529289663 0.18711070895098397 0.06272036912445483 -0.7150417097254494 -1.0027749842691238 -1.0577213599888713 -1.4230502674222623 -1.5555922761865122 -1.5965827883502526 -1.7596419624932111 -1.8311496401904634 -1.7884307677998996 -1.898013962193085 -1.8933706064984541 -0.4814035290241683 +18437,-0.003008910426625573,0,1.1688450848460208 1.5909519139596722 1.503450455433306 0.6255724685747432 0.8015298529289663 0.18711070895098397 0.06272036912445483 -0.7150417097254494 -1.0027749842691238 -1.0577213599888713 -1.4230502674222623 -1.5555922761865122 -1.5965827883502526 -1.7596419624932111 -1.8311496401904634 -1.7884307677998996 -1.898013962193085 -1.8933706064984541 -0.4814035290241683 -0.9458680805378359 +18438,-0.05916771785948067,0,1.5909519139596722 1.503450455433306 0.6255724685747432 0.8015298529289663 0.18711070895098397 0.06272036912445483 -0.7150417097254494 -1.0027749842691238 -1.0577213599888713 -1.4230502674222623 -1.5555922761865122 -1.5965827883502526 -1.7596419624932111 -1.8311496401904634 -1.7884307677998996 -1.898013962193085 -1.8933706064984541 -0.4814035290241683 -0.9458680805378359 -0.003008910426625573 +18439,1.216697444972799,0,1.503450455433306 0.6255724685747432 0.8015298529289663 0.18711070895098397 0.06272036912445483 -0.7150417097254494 -1.0027749842691238 -1.0577213599888713 -1.4230502674222623 -1.5555922761865122 -1.5965827883502526 -1.7596419624932111 -1.8311496401904634 -1.7884307677998996 -1.898013962193085 -1.8933706064984541 -0.4814035290241683 -0.9458680805378359 -0.003008910426625573 -0.05916771785948067 +18440,1.493544629951442,0,0.6255724685747432 0.8015298529289663 0.18711070895098397 0.06272036912445483 -0.7150417097254494 -1.0027749842691238 -1.0577213599888713 -1.4230502674222623 -1.5555922761865122 -1.5965827883502526 -1.7596419624932111 -1.8311496401904634 -1.7884307677998996 -1.898013962193085 -1.8933706064984541 -0.4814035290241683 -0.9458680805378359 -0.003008910426625573 -0.05916771785948067 1.216697444972799 +18441,1.201116406923676,0,0.8015298529289663 0.18711070895098397 0.06272036912445483 -0.7150417097254494 -1.0027749842691238 -1.0577213599888713 -1.4230502674222623 -1.5555922761865122 -1.5965827883502526 -1.7596419624932111 -1.8311496401904634 -1.7884307677998996 -1.898013962193085 -1.8933706064984541 -0.4814035290241683 -0.9458680805378359 -0.003008910426625573 -0.05916771785948067 1.216697444972799 1.493544629951442 +18442,1.6677220614441666,0,0.18711070895098397 0.06272036912445483 -0.7150417097254494 -1.0027749842691238 -1.0577213599888713 -1.4230502674222623 -1.5555922761865122 -1.5965827883502526 -1.7596419624932111 -1.8311496401904634 -1.7884307677998996 -1.898013962193085 -1.8933706064984541 -0.4814035290241683 -0.9458680805378359 -0.003008910426625573 -0.05916771785948067 1.216697444972799 1.493544629951442 1.201116406923676 +18443,1.5650523076486855,0,0.06272036912445483 -0.7150417097254494 -1.0027749842691238 -1.0577213599888713 -1.4230502674222623 -1.5555922761865122 -1.5965827883502526 -1.7596419624932111 -1.8311496401904634 -1.7884307677998996 -1.898013962193085 -1.8933706064984541 -0.4814035290241683 -0.9458680805378359 -0.003008910426625573 -0.05916771785948067 1.216697444972799 1.493544629951442 1.201116406923676 1.6677220614441666 +18444,0.7031938979365832,0,-0.7150417097254494 -1.0027749842691238 -1.0577213599888713 -1.4230502674222623 -1.5555922761865122 -1.5965827883502526 -1.7596419624932111 -1.8311496401904634 -1.7884307677998996 -1.898013962193085 -1.8933706064984541 -0.4814035290241683 -0.9458680805378359 -0.003008910426625573 -0.05916771785948067 1.216697444972799 1.493544629951442 1.201116406923676 1.6677220614441666 1.5650523076486855 +18445,0.8535870296530207,0,-1.0027749842691238 -1.0577213599888713 -1.4230502674222623 -1.5555922761865122 -1.5965827883502526 -1.7596419624932111 -1.8311496401904634 -1.7884307677998996 -1.898013962193085 -1.8933706064984541 -0.4814035290241683 -0.9458680805378359 -0.003008910426625573 -0.05916771785948067 1.216697444972799 1.493544629951442 1.201116406923676 1.6677220614441666 1.5650523076486855 0.7031938979365832 +18446,0.2447915051432653,0,-1.0577213599888713 -1.4230502674222623 -1.5555922761865122 -1.5965827883502526 -1.7596419624932111 -1.8311496401904634 -1.7884307677998996 -1.898013962193085 -1.8933706064984541 -0.4814035290241683 -0.9458680805378359 -0.003008910426625573 -0.05916771785948067 1.216697444972799 1.493544629951442 1.201116406923676 1.6677220614441666 1.5650523076486855 0.7031938979365832 0.8535870296530207 +18447,0.24644247610850453,0,-1.4230502674222623 -1.5555922761865122 -1.5965827883502526 -1.7596419624932111 -1.8311496401904634 -1.7884307677998996 -1.898013962193085 -1.8933706064984541 -0.4814035290241683 -0.9458680805378359 -0.003008910426625573 -0.05916771785948067 1.216697444972799 1.493544629951442 1.201116406923676 1.6677220614441666 1.5650523076486855 0.7031938979365832 0.8535870296530207 0.2447915051432653 +18448,-0.5658352134047907,0,-1.5555922761865122 -1.5965827883502526 -1.7596419624932111 -1.8311496401904634 -1.7884307677998996 -1.898013962193085 -1.8933706064984541 -0.4814035290241683 -0.9458680805378359 -0.003008910426625573 -0.05916771785948067 1.216697444972799 1.493544629951442 1.201116406923676 1.6677220614441666 1.5650523076486855 0.7031938979365832 0.8535870296530207 0.2447915051432653 0.24644247610850453 +18449,-0.767666407597886,0,-1.5965827883502526 -1.7596419624932111 -1.8311496401904634 -1.7884307677998996 -1.898013962193085 -1.8933706064984541 -0.4814035290241683 -0.9458680805378359 -0.003008910426625573 -0.05916771785948067 1.216697444972799 1.493544629951442 1.201116406923676 1.6677220614441666 1.5650523076486855 0.7031938979365832 0.8535870296530207 0.2447915051432653 0.24644247610850453 -0.5658352134047907 +18450,-0.7117139714776335,0,-1.7596419624932111 -1.8311496401904634 -1.7884307677998996 -1.898013962193085 -1.8933706064984541 -0.4814035290241683 -0.9458680805378359 -0.003008910426625573 -0.05916771785948067 1.216697444972799 1.493544629951442 1.201116406923676 1.6677220614441666 1.5650523076486855 0.7031938979365832 0.8535870296530207 0.2447915051432653 0.24644247610850453 -0.5658352134047907 -0.767666407597886 +18451,-0.999473042493431,0,-1.8311496401904634 -1.7884307677998996 -1.898013962193085 -1.8933706064984541 -0.4814035290241683 -0.9458680805378359 -0.003008910426625573 -0.05916771785948067 1.216697444972799 1.493544629951442 1.201116406923676 1.6677220614441666 1.5650523076486855 0.7031938979365832 0.8535870296530207 0.2447915051432653 0.24644247610850453 -0.5658352134047907 -0.767666407597886 -0.7117139714776335 +18452,-1.029448483041104,0,-1.7884307677998996 -1.898013962193085 -1.8933706064984541 -0.4814035290241683 -0.9458680805378359 -0.003008910426625573 -0.05916771785948067 1.216697444972799 1.493544629951442 1.201116406923676 1.6677220614441666 1.5650523076486855 0.7031938979365832 0.8535870296530207 0.2447915051432653 0.24644247610850453 -0.5658352134047907 -0.767666407597886 -0.7117139714776335 -0.999473042493431 +18453,-0.9860589037684684,0,-1.898013962193085 -1.8933706064984541 -0.4814035290241683 -0.9458680805378359 -0.003008910426625573 -0.05916771785948067 1.216697444972799 1.493544629951442 1.201116406923676 1.6677220614441666 1.5650523076486855 0.7031938979365832 0.8535870296530207 0.2447915051432653 0.24644247610850453 -0.5658352134047907 -0.767666407597886 -0.7117139714776335 -0.999473042493431 -1.029448483041104 +18454,-1.0404893511292947,0,-1.8933706064984541 -0.4814035290241683 -0.9458680805378359 -0.003008910426625573 -0.05916771785948067 1.216697444972799 1.493544629951442 1.201116406923676 1.6677220614441666 1.5650523076486855 0.7031938979365832 0.8535870296530207 0.2447915051432653 0.24644247610850453 -0.5658352134047907 -0.767666407597886 -0.7117139714776335 -0.999473042493431 -1.029448483041104 -0.9860589037684684 +18455,-1.0215547783602412,0,-0.4814035290241683 -0.9458680805378359 -0.003008910426625573 -0.05916771785948067 1.216697444972799 1.493544629951442 1.201116406923676 1.6677220614441666 1.5650523076486855 0.7031938979365832 0.8535870296530207 0.2447915051432653 0.24644247610850453 -0.5658352134047907 -0.767666407597886 -0.7117139714776335 -0.999473042493431 -1.029448483041104 -0.9860589037684684 -1.0404893511292947 +18456,-0.8028785216154632,0,-0.9458680805378359 -0.003008910426625573 -0.05916771785948067 1.216697444972799 1.493544629951442 1.201116406923676 1.6677220614441666 1.5650523076486855 0.7031938979365832 0.8535870296530207 0.2447915051432653 0.24644247610850453 -0.5658352134047907 -0.767666407597886 -0.7117139714776335 -0.999473042493431 -1.029448483041104 -0.9860589037684684 -1.0404893511292947 -1.0215547783602412 +18457,-0.8505245102748444,0,-0.003008910426625573 -0.05916771785948067 1.216697444972799 1.493544629951442 1.201116406923676 1.6677220614441666 1.5650523076486855 0.7031938979365832 0.8535870296530207 0.2447915051432653 0.24644247610850453 -0.5658352134047907 -0.767666407597886 -0.7117139714776335 -0.999473042493431 -1.029448483041104 -0.9860589037684684 -1.0404893511292947 -1.0215547783602412 -0.8028785216154632 +18458,-0.6984288149584926,0,-0.05916771785948067 1.216697444972799 1.493544629951442 1.201116406923676 1.6677220614441666 1.5650523076486855 0.7031938979365832 0.8535870296530207 0.2447915051432653 0.24644247610850453 -0.5658352134047907 -0.767666407597886 -0.7117139714776335 -0.999473042493431 -1.029448483041104 -0.9860589037684684 -1.0404893511292947 -1.0215547783602412 -0.8028785216154632 -0.8505245102748444 +18459,0.12231010053882448,0,1.216697444972799 1.493544629951442 1.201116406923676 1.6677220614441666 1.5650523076486855 0.7031938979365832 0.8535870296530207 0.2447915051432653 0.24644247610850453 -0.5658352134047907 -0.767666407597886 -0.7117139714776335 -0.999473042493431 -1.029448483041104 -0.9860589037684684 -1.0404893511292947 -1.0215547783602412 -0.8028785216154632 -0.8505245102748444 -0.6984288149584926 +18460,0.05152472266789923,0,1.493544629951442 1.201116406923676 1.6677220614441666 1.5650523076486855 0.7031938979365832 0.8535870296530207 0.2447915051432653 0.24644247610850453 -0.5658352134047907 -0.767666407597886 -0.7117139714776335 -0.999473042493431 -1.029448483041104 -0.9860589037684684 -1.0404893511292947 -1.0215547783602412 -0.8028785216154632 -0.8505245102748444 -0.6984288149584926 0.12231010053882448 +18461,0.6493825646683766,0,1.201116406923676 1.6677220614441666 1.5650523076486855 0.7031938979365832 0.8535870296530207 0.2447915051432653 0.24644247610850453 -0.5658352134047907 -0.767666407597886 -0.7117139714776335 -0.999473042493431 -1.029448483041104 -0.9860589037684684 -1.0404893511292947 -1.0215547783602412 -0.8028785216154632 -0.8505245102748444 -0.6984288149584926 0.12231010053882448 0.05152472266789923 +18462,0.49656456952571526,0,1.6677220614441666 1.5650523076486855 0.7031938979365832 0.8535870296530207 0.2447915051432653 0.24644247610850453 -0.5658352134047907 -0.767666407597886 -0.7117139714776335 -0.999473042493431 -1.029448483041104 -0.9860589037684684 -1.0404893511292947 -1.0215547783602412 -0.8028785216154632 -0.8505245102748444 -0.6984288149584926 0.12231010053882448 0.05152472266789923 0.6493825646683766 +18463,1.3446476906770843,0,1.5650523076486855 0.7031938979365832 0.8535870296530207 0.2447915051432653 0.24644247610850453 -0.5658352134047907 -0.767666407597886 -0.7117139714776335 -0.999473042493431 -1.029448483041104 -0.9860589037684684 -1.0404893511292947 -1.0215547783602412 -0.8028785216154632 -0.8505245102748444 -0.6984288149584926 0.12231010053882448 0.05152472266789923 0.6493825646683766 0.49656456952571526 +18464,1.4420549746853235,0,0.7031938979365832 0.8535870296530207 0.2447915051432653 0.24644247610850453 -0.5658352134047907 -0.767666407597886 -0.7117139714776335 -0.999473042493431 -1.029448483041104 -0.9860589037684684 -1.0404893511292947 -1.0215547783602412 -0.8028785216154632 -0.8505245102748444 -0.6984288149584926 0.12231010053882448 0.05152472266789923 0.6493825646683766 0.49656456952571526 1.3446476906770843 +18465,1.2088553330813883,0,0.8535870296530207 0.2447915051432653 0.24644247610850453 -0.5658352134047907 -0.767666407597886 -0.7117139714776335 -0.999473042493431 -1.029448483041104 -0.9860589037684684 -1.0404893511292947 -1.0215547783602412 -0.8028785216154632 -0.8505245102748444 -0.6984288149584926 0.12231010053882448 0.05152472266789923 0.6493825646683766 0.49656456952571526 1.3446476906770843 1.4420549746853235 +18466,1.4164649254206378,0,0.2447915051432653 0.24644247610850453 -0.5658352134047907 -0.767666407597886 -0.7117139714776335 -0.999473042493431 -1.029448483041104 -0.9860589037684684 -1.0404893511292947 -1.0215547783602412 -0.8028785216154632 -0.8505245102748444 -0.6984288149584926 0.12231010053882448 0.05152472266789923 0.6493825646683766 0.49656456952571526 1.3446476906770843 1.4420549746853235 1.2088553330813883 +18467,1.2934675924572845,0,0.24644247610850453 -0.5658352134047907 -0.767666407597886 -0.7117139714776335 -0.999473042493431 -1.029448483041104 -0.9860589037684684 -1.0404893511292947 -1.0215547783602412 -0.8028785216154632 -0.8505245102748444 -0.6984288149584926 0.12231010053882448 0.05152472266789923 0.6493825646683766 0.49656456952571526 1.3446476906770843 1.4420549746853235 1.2088553330813883 1.4164649254206378 +18468,0.4451007105769343,0,-0.5658352134047907 -0.767666407597886 -0.7117139714776335 -0.999473042493431 -1.029448483041104 -0.9860589037684684 -1.0404893511292947 -1.0215547783602412 -0.8028785216154632 -0.8505245102748444 -0.6984288149584926 0.12231010053882448 0.05152472266789923 0.6493825646683766 0.49656456952571526 1.3446476906770843 1.4420549746853235 1.2088553330813883 1.4164649254206378 1.2934675924572845 +18469,0.5638932270977972,0,-0.767666407597886 -0.7117139714776335 -0.999473042493431 -1.029448483041104 -0.9860589037684684 -1.0404893511292947 -1.0215547783602412 -0.8028785216154632 -0.8505245102748444 -0.6984288149584926 0.12231010053882448 0.05152472266789923 0.6493825646683766 0.49656456952571526 1.3446476906770843 1.4420549746853235 1.2088553330813883 1.4164649254206378 1.2934675924572845 0.4451007105769343 +18470,-0.04268380514355992,0,-0.7117139714776335 -0.999473042493431 -1.029448483041104 -0.9860589037684684 -1.0404893511292947 -1.0215547783602412 -0.8028785216154632 -0.8505245102748444 -0.6984288149584926 0.12231010053882448 0.05152472266789923 0.6493825646683766 0.49656456952571526 1.3446476906770843 1.4420549746853235 1.2088553330813883 1.4164649254206378 1.2934675924572845 0.4451007105769343 0.5638932270977972 +18471,-0.05173834874807828,0,-0.999473042493431 -1.029448483041104 -0.9860589037684684 -1.0404893511292947 -1.0215547783602412 -0.8028785216154632 -0.8505245102748444 -0.6984288149584926 0.12231010053882448 0.05152472266789923 0.6493825646683766 0.49656456952571526 1.3446476906770843 1.4420549746853235 1.2088553330813883 1.4164649254206378 1.2934675924572845 0.4451007105769343 0.5638932270977972 -0.04268380514355992 +18472,-0.8574895438167777,0,-1.029448483041104 -0.9860589037684684 -1.0404893511292947 -1.0215547783602412 -0.8028785216154632 -0.8505245102748444 -0.6984288149584926 0.12231010053882448 0.05152472266789923 0.6493825646683766 0.49656456952571526 1.3446476906770843 1.4420549746853235 1.2088553330813883 1.4164649254206378 1.2934675924572845 0.4451007105769343 0.5638932270977972 -0.04268380514355992 -0.05173834874807828 +18473,-1.0657182504034326,0,-0.9860589037684684 -1.0404893511292947 -1.0215547783602412 -0.8028785216154632 -0.8505245102748444 -0.6984288149584926 0.12231010053882448 0.05152472266789923 0.6493825646683766 0.49656456952571526 1.3446476906770843 1.4420549746853235 1.2088553330813883 1.4164649254206378 1.2934675924572845 0.4451007105769343 0.5638932270977972 -0.04268380514355992 -0.05173834874807828 -0.8574895438167777 +18474,-1.1091852189376434,0,-1.0404893511292947 -1.0215547783602412 -0.8028785216154632 -0.8505245102748444 -0.6984288149584926 0.12231010053882448 0.05152472266789923 0.6493825646683766 0.49656456952571526 1.3446476906770843 1.4420549746853235 1.2088553330813883 1.4164649254206378 1.2934675924572845 0.4451007105769343 0.5638932270977972 -0.04268380514355992 -0.05173834874807828 -0.8574895438167777 -1.0657182504034326 +18475,-1.3723345047719229,0,-1.0215547783602412 -0.8028785216154632 -0.8505245102748444 -0.6984288149584926 0.12231010053882448 0.05152472266789923 0.6493825646683766 0.49656456952571526 1.3446476906770843 1.4420549746853235 1.2088553330813883 1.4164649254206378 1.2934675924572845 0.4451007105769343 0.5638932270977972 -0.04268380514355992 -0.05173834874807828 -0.8574895438167777 -1.0657182504034326 -1.1091852189376434 +18476,-1.4707220525537668,0,-0.8028785216154632 -0.8505245102748444 -0.6984288149584926 0.12231010053882448 0.05152472266789923 0.6493825646683766 0.49656456952571526 1.3446476906770843 1.4420549746853235 1.2088553330813883 1.4164649254206378 1.2934675924572845 0.4451007105769343 0.5638932270977972 -0.04268380514355992 -0.05173834874807828 -0.8574895438167777 -1.0657182504034326 -1.1091852189376434 -1.3723345047719229 +18477,-1.5246107750835485,0,-0.8505245102748444 -0.6984288149584926 0.12231010053882448 0.05152472266789923 0.6493825646683766 0.49656456952571526 1.3446476906770843 1.4420549746853235 1.2088553330813883 1.4164649254206378 1.2934675924572845 0.4451007105769343 0.5638932270977972 -0.04268380514355992 -0.05173834874807828 -0.8574895438167777 -1.0657182504034326 -1.1091852189376434 -1.3723345047719229 -1.4707220525537668 +18478,-1.6378312647708508,0,-0.6984288149584926 0.12231010053882448 0.05152472266789923 0.6493825646683766 0.49656456952571526 1.3446476906770843 1.4420549746853235 1.2088553330813883 1.4164649254206378 1.2934675924572845 0.4451007105769343 0.5638932270977972 -0.04268380514355992 -0.05173834874807828 -0.8574895438167777 -1.0657182504034326 -1.1091852189376434 -1.3723345047719229 -1.4707220525537668 -1.5246107750835485 +18479,-1.7065529290513228,0,0.12231010053882448 0.05152472266789923 0.6493825646683766 0.49656456952571526 1.3446476906770843 1.4420549746853235 1.2088553330813883 1.4164649254206378 1.2934675924572845 0.4451007105769343 0.5638932270977972 -0.04268380514355992 -0.05173834874807828 -0.8574895438167777 -1.0657182504034326 -1.1091852189376434 -1.3723345047719229 -1.4707220525537668 -1.5246107750835485 -1.6378312647708508 +18480,-1.6825622579624158,0,0.05152472266789923 0.6493825646683766 0.49656456952571526 1.3446476906770843 1.4420549746853235 1.2088553330813883 1.4164649254206378 1.2934675924572845 0.4451007105769343 0.5638932270977972 -0.04268380514355992 -0.05173834874807828 -0.8574895438167777 -1.0657182504034326 -1.1091852189376434 -1.3723345047719229 -1.4707220525537668 -1.5246107750835485 -1.6378312647708508 -1.7065529290513228 +18481,-1.7821880340842762,0,0.6493825646683766 0.49656456952571526 1.3446476906770843 1.4420549746853235 1.2088553330813883 1.4164649254206378 1.2934675924572845 0.4451007105769343 0.5638932270977972 -0.04268380514355992 -0.05173834874807828 -0.8574895438167777 -1.0657182504034326 -1.1091852189376434 -1.3723345047719229 -1.4707220525537668 -1.5246107750835485 -1.6378312647708508 -1.7065529290513228 -1.6825622579624158 +18482,-1.7891014746819716,0,0.49656456952571526 1.3446476906770843 1.4420549746853235 1.2088553330813883 1.4164649254206378 1.2934675924572845 0.4451007105769343 0.5638932270977972 -0.04268380514355992 -0.05173834874807828 -0.8574895438167777 -1.0657182504034326 -1.1091852189376434 -1.3723345047719229 -1.4707220525537668 -1.5246107750835485 -1.6378312647708508 -1.7065529290513228 -1.6825622579624158 -1.7821880340842762 +18483,-0.778578293480255,0,1.3446476906770843 1.4420549746853235 1.2088553330813883 1.4164649254206378 1.2934675924572845 0.4451007105769343 0.5638932270977972 -0.04268380514355992 -0.05173834874807828 -0.8574895438167777 -1.0657182504034326 -1.1091852189376434 -1.3723345047719229 -1.4707220525537668 -1.5246107750835485 -1.6378312647708508 -1.7065529290513228 -1.6825622579624158 -1.7821880340842762 -1.7891014746819716 +18484,-1.1246372747809448,0,1.4420549746853235 1.2088553330813883 1.4164649254206378 1.2934675924572845 0.4451007105769343 0.5638932270977972 -0.04268380514355992 -0.05173834874807828 -0.8574895438167777 -1.0657182504034326 -1.1091852189376434 -1.3723345047719229 -1.4707220525537668 -1.5246107750835485 -1.6378312647708508 -1.7065529290513228 -1.6825622579624158 -1.7821880340842762 -1.7891014746819716 -0.778578293480255 +18485,-0.4532596342822227,0,1.2088553330813883 1.4164649254206378 1.2934675924572845 0.4451007105769343 0.5638932270977972 -0.04268380514355992 -0.05173834874807828 -0.8574895438167777 -1.0657182504034326 -1.1091852189376434 -1.3723345047719229 -1.4707220525537668 -1.5246107750835485 -1.6378312647708508 -1.7065529290513228 -1.6825622579624158 -1.7821880340842762 -1.7891014746819716 -0.778578293480255 -1.1246372747809448 +18486,-0.6090958106263902,0,1.4164649254206378 1.2934675924572845 0.4451007105769343 0.5638932270977972 -0.04268380514355992 -0.05173834874807828 -0.8574895438167777 -1.0657182504034326 -1.1091852189376434 -1.3723345047719229 -1.4707220525537668 -1.5246107750835485 -1.6378312647708508 -1.7065529290513228 -1.6825622579624158 -1.7821880340842762 -1.7891014746819716 -0.778578293480255 -1.1246372747809448 -0.4532596342822227 +18487,0.33801976902634273,0,1.2934675924572845 0.4451007105769343 0.5638932270977972 -0.04268380514355992 -0.05173834874807828 -0.8574895438167777 -1.0657182504034326 -1.1091852189376434 -1.3723345047719229 -1.4707220525537668 -1.5246107750835485 -1.6378312647708508 -1.7065529290513228 -1.6825622579624158 -1.7821880340842762 -1.7891014746819716 -0.778578293480255 -1.1246372747809448 -0.4532596342822227 -0.6090958106263902 +18488,0.4579215315266147,0,0.4451007105769343 0.5638932270977972 -0.04268380514355992 -0.05173834874807828 -0.8574895438167777 -1.0657182504034326 -1.1091852189376434 -1.3723345047719229 -1.4707220525537668 -1.5246107750835485 -1.6378312647708508 -1.7065529290513228 -1.6825622579624158 -1.7821880340842762 -1.7891014746819716 -0.778578293480255 -1.1246372747809448 -0.4532596342822227 -0.6090958106263902 0.33801976902634273 +18489,0.2747669458457239,0,0.5638932270977972 -0.04268380514355992 -0.05173834874807828 -0.8574895438167777 -1.0657182504034326 -1.1091852189376434 -1.3723345047719229 -1.4707220525537668 -1.5246107750835485 -1.6378312647708508 -1.7065529290513228 -1.6825622579624158 -1.7821880340842762 -1.7891014746819716 -0.778578293480255 -1.1246372747809448 -0.4532596342822227 -0.6090958106263902 0.33801976902634273 0.4579215315266147 +18490,0.4956874911762464,0,-0.04268380514355992 -0.05173834874807828 -0.8574895438167777 -1.0657182504034326 -1.1091852189376434 -1.3723345047719229 -1.4707220525537668 -1.5246107750835485 -1.6378312647708508 -1.7065529290513228 -1.6825622579624158 -1.7821880340842762 -1.7891014746819716 -0.778578293480255 -1.1246372747809448 -0.4532596342822227 -0.6090958106263902 0.33801976902634273 0.4579215315266147 0.2747669458457239 +18491,0.4135516883255974,0,-0.05173834874807828 -0.8574895438167777 -1.0657182504034326 -1.1091852189376434 -1.3723345047719229 -1.4707220525537668 -1.5246107750835485 -1.6378312647708508 -1.7065529290513228 -1.6825622579624158 -1.7821880340842762 -1.7891014746819716 -0.778578293480255 -1.1246372747809448 -0.4532596342822227 -0.6090958106263902 0.33801976902634273 0.4579215315266147 0.2747669458457239 0.4956874911762464 +18492,-0.2160357510762764,0,-0.8574895438167777 -1.0657182504034326 -1.1091852189376434 -1.3723345047719229 -1.4707220525537668 -1.5246107750835485 -1.6378312647708508 -1.7065529290513228 -1.6825622579624158 -1.7821880340842762 -1.7891014746819716 -0.778578293480255 -1.1246372747809448 -0.4532596342822227 -0.6090958106263902 0.33801976902634273 0.4579215315266147 0.2747669458457239 0.4956874911762464 0.4135516883255974 +18493,-0.11568767528289216,0,-1.0657182504034326 -1.1091852189376434 -1.3723345047719229 -1.4707220525537668 -1.5246107750835485 -1.6378312647708508 -1.7065529290513228 -1.6825622579624158 -1.7821880340842762 -1.7891014746819716 -0.778578293480255 -1.1246372747809448 -0.4532596342822227 -0.6090958106263902 0.33801976902634273 0.4579215315266147 0.2747669458457239 0.4956874911762464 0.4135516883255974 -0.2160357510762764 +18494,-0.5627912357311614,0,-1.1091852189376434 -1.3723345047719229 -1.4707220525537668 -1.5246107750835485 -1.6378312647708508 -1.7065529290513228 -1.6825622579624158 -1.7821880340842762 -1.7891014746819716 -0.778578293480255 -1.1246372747809448 -0.4532596342822227 -0.6090958106263902 0.33801976902634273 0.4579215315266147 0.2747669458457239 0.4956874911762464 0.4135516883255974 -0.2160357510762764 -0.11568767528289216 +18495,-0.5572450053697329,0,-1.3723345047719229 -1.4707220525537668 -1.5246107750835485 -1.6378312647708508 -1.7065529290513228 -1.6825622579624158 -1.7821880340842762 -1.7891014746819716 -0.778578293480255 -1.1246372747809448 -0.4532596342822227 -0.6090958106263902 0.33801976902634273 0.4579215315266147 0.2747669458457239 0.4956874911762464 0.4135516883255974 -0.2160357510762764 -0.11568767528289216 -0.5627912357311614 +18496,-1.1552318295760233,0,-1.4707220525537668 -1.5246107750835485 -1.6378312647708508 -1.7065529290513228 -1.6825622579624158 -1.7821880340842762 -1.7891014746819716 -0.778578293480255 -1.1246372747809448 -0.4532596342822227 -0.6090958106263902 0.33801976902634273 0.4579215315266147 0.2747669458457239 0.4956874911762464 0.4135516883255974 -0.2160357510762764 -0.11568767528289216 -0.5627912357311614 -0.5572450053697329 +18497,-1.3005688628178302,0,-1.5246107750835485 -1.6378312647708508 -1.7065529290513228 -1.6825622579624158 -1.7821880340842762 -1.7891014746819716 -0.778578293480255 -1.1246372747809448 -0.4532596342822227 -0.6090958106263902 0.33801976902634273 0.4579215315266147 0.2747669458457239 0.4956874911762464 0.4135516883255974 -0.2160357510762764 -0.11568767528289216 -0.5627912357311614 -0.5572450053697329 -1.1552318295760233 +18498,-1.227513399889037,0,-1.6378312647708508 -1.7065529290513228 -1.6825622579624158 -1.7821880340842762 -1.7891014746819716 -0.778578293480255 -1.1246372747809448 -0.4532596342822227 -0.6090958106263902 0.33801976902634273 0.4579215315266147 0.2747669458457239 0.4956874911762464 0.4135516883255974 -0.2160357510762764 -0.11568767528289216 -0.5627912357311614 -0.5572450053697329 -1.1552318295760233 -1.3005688628178302 +18499,-1.4456479318027793,0,-1.7065529290513228 -1.6825622579624158 -1.7821880340842762 -1.7891014746819716 -0.778578293480255 -1.1246372747809448 -0.4532596342822227 -0.6090958106263902 0.33801976902634273 0.4579215315266147 0.2747669458457239 0.4956874911762464 0.4135516883255974 -0.2160357510762764 -0.11568767528289216 -0.5627912357311614 -0.5572450053697329 -1.1552318295760233 -1.3005688628178302 -1.227513399889037 +18500,-1.4453899677007072,0,-1.6825622579624158 -1.7821880340842762 -1.7891014746819716 -0.778578293480255 -1.1246372747809448 -0.4532596342822227 -0.6090958106263902 0.33801976902634273 0.4579215315266147 0.2747669458457239 0.4956874911762464 0.4135516883255974 -0.2160357510762764 -0.11568767528289216 -0.5627912357311614 -0.5572450053697329 -1.1552318295760233 -1.3005688628178302 -1.227513399889037 -1.4456479318027793 +18501,-1.4699739564101109,0,-1.7821880340842762 -1.7891014746819716 -0.778578293480255 -1.1246372747809448 -0.4532596342822227 -0.6090958106263902 0.33801976902634273 0.4579215315266147 0.2747669458457239 0.4956874911762464 0.4135516883255974 -0.2160357510762764 -0.11568767528289216 -0.5627912357311614 -0.5572450053697329 -1.1552318295760233 -1.3005688628178302 -1.227513399889037 -1.4456479318027793 -1.4453899677007072 +18502,-1.4614353411645138,0,-1.7891014746819716 -0.778578293480255 -1.1246372747809448 -0.4532596342822227 -0.6090958106263902 0.33801976902634273 0.4579215315266147 0.2747669458457239 0.4956874911762464 0.4135516883255974 -0.2160357510762764 -0.11568767528289216 -0.5627912357311614 -0.5572450053697329 -1.1552318295760233 -1.3005688628178302 -1.227513399889037 -1.4456479318027793 -1.4453899677007072 -1.4699739564101109 +18503,-1.4777386790399376,0,-0.778578293480255 -1.1246372747809448 -0.4532596342822227 -0.6090958106263902 0.33801976902634273 0.4579215315266147 0.2747669458457239 0.4956874911762464 0.4135516883255974 -0.2160357510762764 -0.11568767528289216 -0.5627912357311614 -0.5572450053697329 -1.1552318295760233 -1.3005688628178302 -1.227513399889037 -1.4456479318027793 -1.4453899677007072 -1.4699739564101109 -1.4614353411645138 +18504,-1.5613706743326754,0,-1.1246372747809448 -0.4532596342822227 -0.6090958106263902 0.33801976902634273 0.4579215315266147 0.2747669458457239 0.4956874911762464 0.4135516883255974 -0.2160357510762764 -0.11568767528289216 -0.5627912357311614 -0.5572450053697329 -1.1552318295760233 -1.3005688628178302 -1.227513399889037 -1.4456479318027793 -1.4453899677007072 -1.4699739564101109 -1.4614353411645138 -1.4777386790399376 +18505,-1.5552311261959646,0,-0.4532596342822227 -0.6090958106263902 0.33801976902634273 0.4579215315266147 0.2747669458457239 0.4956874911762464 0.4135516883255974 -0.2160357510762764 -0.11568767528289216 -0.5627912357311614 -0.5572450053697329 -1.1552318295760233 -1.3005688628178302 -1.227513399889037 -1.4456479318027793 -1.4453899677007072 -1.4699739564101109 -1.4614353411645138 -1.4777386790399376 -1.5613706743326754 +18506,-1.6164202357861126,0,-0.6090958106263902 0.33801976902634273 0.4579215315266147 0.2747669458457239 0.4956874911762464 0.4135516883255974 -0.2160357510762764 -0.11568767528289216 -0.5627912357311614 -0.5572450053697329 -1.1552318295760233 -1.3005688628178302 -1.227513399889037 -1.4456479318027793 -1.4453899677007072 -1.4699739564101109 -1.4614353411645138 -1.4777386790399376 -1.5613706743326754 -1.5552311261959646 +18507,-1.0120616956583768,0,0.33801976902634273 0.4579215315266147 0.2747669458457239 0.4956874911762464 0.4135516883255974 -0.2160357510762764 -0.11568767528289216 -0.5627912357311614 -0.5572450053697329 -1.1552318295760233 -1.3005688628178302 -1.227513399889037 -1.4456479318027793 -1.4453899677007072 -1.4699739564101109 -1.4614353411645138 -1.4777386790399376 -1.5613706743326754 -1.5552311261959646 -1.6164202357861126 +18508,-1.295100021717977,0,0.4579215315266147 0.2747669458457239 0.4956874911762464 0.4135516883255974 -0.2160357510762764 -0.11568767528289216 -0.5627912357311614 -0.5572450053697329 -1.1552318295760233 -1.3005688628178302 -1.227513399889037 -1.4456479318027793 -1.4453899677007072 -1.4699739564101109 -1.4614353411645138 -1.4777386790399376 -1.5613706743326754 -1.5552311261959646 -1.6164202357861126 -1.0120616956583768 +18509,-0.9125906980596757,0,0.2747669458457239 0.4956874911762464 0.4135516883255974 -0.2160357510762764 -0.11568767528289216 -0.5627912357311614 -0.5572450053697329 -1.1552318295760233 -1.3005688628178302 -1.227513399889037 -1.4456479318027793 -1.4453899677007072 -1.4699739564101109 -1.4614353411645138 -1.4777386790399376 -1.5613706743326754 -1.5552311261959646 -1.6164202357861126 -1.0120616956583768 -1.295100021717977 +18510,-0.9356011052202012,0,0.4956874911762464 0.4135516883255974 -0.2160357510762764 -0.11568767528289216 -0.5627912357311614 -0.5572450053697329 -1.1552318295760233 -1.3005688628178302 -1.227513399889037 -1.4456479318027793 -1.4453899677007072 -1.4699739564101109 -1.4614353411645138 -1.4777386790399376 -1.5613706743326754 -1.5552311261959646 -1.6164202357861126 -1.0120616956583768 -1.295100021717977 -0.9125906980596757 +18511,-0.4179185380588236,0,0.4135516883255974 -0.2160357510762764 -0.11568767528289216 -0.5627912357311614 -0.5572450053697329 -1.1552318295760233 -1.3005688628178302 -1.227513399889037 -1.4456479318027793 -1.4453899677007072 -1.4699739564101109 -1.4614353411645138 -1.4777386790399376 -1.5613706743326754 -1.5552311261959646 -1.6164202357861126 -1.0120616956583768 -1.295100021717977 -0.9125906980596757 -0.9356011052202012 +18512,-0.3057557017162552,0,-0.2160357510762764 -0.11568767528289216 -0.5627912357311614 -0.5572450053697329 -1.1552318295760233 -1.3005688628178302 -1.227513399889037 -1.4456479318027793 -1.4453899677007072 -1.4699739564101109 -1.4614353411645138 -1.4777386790399376 -1.5613706743326754 -1.5552311261959646 -1.6164202357861126 -1.0120616956583768 -1.295100021717977 -0.9125906980596757 -0.9356011052202012 -0.4179185380588236 +18513,-0.44820353580759215,0,-0.11568767528289216 -0.5627912357311614 -0.5572450053697329 -1.1552318295760233 -1.3005688628178302 -1.227513399889037 -1.4456479318027793 -1.4453899677007072 -1.4699739564101109 -1.4614353411645138 -1.4777386790399376 -1.5613706743326754 -1.5552311261959646 -1.6164202357861126 -1.0120616956583768 -1.295100021717977 -0.9125906980596757 -0.9356011052202012 -0.4179185380588236 -0.3057557017162552 +18514,-0.25117047583227836,0,-0.5627912357311614 -0.5572450053697329 -1.1552318295760233 -1.3005688628178302 -1.227513399889037 -1.4456479318027793 -1.4453899677007072 -1.4699739564101109 -1.4614353411645138 -1.4777386790399376 -1.5613706743326754 -1.5552311261959646 -1.6164202357861126 -1.0120616956583768 -1.295100021717977 -0.9125906980596757 -0.9356011052202012 -0.4179185380588236 -0.3057557017162552 -0.44820353580759215 +18515,-0.3087480864456469,0,-0.5572450053697329 -1.1552318295760233 -1.3005688628178302 -1.227513399889037 -1.4456479318027793 -1.4453899677007072 -1.4699739564101109 -1.4614353411645138 -1.4777386790399376 -1.5613706743326754 -1.5552311261959646 -1.6164202357861126 -1.0120616956583768 -1.295100021717977 -0.9125906980596757 -0.9356011052202012 -0.4179185380588236 -0.3057557017162552 -0.44820353580759215 -0.25117047583227836 +18516,-0.5905223878478842,0,-1.1552318295760233 -1.3005688628178302 -1.227513399889037 -1.4456479318027793 -1.4453899677007072 -1.4699739564101109 -1.4614353411645138 -1.4777386790399376 -1.5613706743326754 -1.5552311261959646 -1.6164202357861126 -1.0120616956583768 -1.295100021717977 -0.9125906980596757 -0.9356011052202012 -0.4179185380588236 -0.3057557017162552 -0.44820353580759215 -0.25117047583227836 -0.3087480864456469 +18517,-0.5733677682498917,0,-1.3005688628178302 -1.227513399889037 -1.4456479318027793 -1.4453899677007072 -1.4699739564101109 -1.4614353411645138 -1.4777386790399376 -1.5613706743326754 -1.5552311261959646 -1.6164202357861126 -1.0120616956583768 -1.295100021717977 -0.9125906980596757 -0.9356011052202012 -0.4179185380588236 -0.3057557017162552 -0.44820353580759215 -0.25117047583227836 -0.3087480864456469 -0.5905223878478842 +18518,-0.7804098392859823,0,-1.227513399889037 -1.4456479318027793 -1.4453899677007072 -1.4699739564101109 -1.4614353411645138 -1.4777386790399376 -1.5613706743326754 -1.5552311261959646 -1.6164202357861126 -1.0120616956583768 -1.295100021717977 -0.9125906980596757 -0.9356011052202012 -0.4179185380588236 -0.3057557017162552 -0.44820353580759215 -0.25117047583227836 -0.3087480864456469 -0.5905223878478842 -0.5733677682498917 +18519,-0.7204589580358507,0,-1.4456479318027793 -1.4453899677007072 -1.4699739564101109 -1.4614353411645138 -1.4777386790399376 -1.5613706743326754 -1.5552311261959646 -1.6164202357861126 -1.0120616956583768 -1.295100021717977 -0.9125906980596757 -0.9356011052202012 -0.4179185380588236 -0.3057557017162552 -0.44820353580759215 -0.25117047583227836 -0.3087480864456469 -0.5905223878478842 -0.5733677682498917 -0.7804098392859823 +18520,-1.0164986800403963,0,-1.4453899677007072 -1.4699739564101109 -1.4614353411645138 -1.4777386790399376 -1.5613706743326754 -1.5552311261959646 -1.6164202357861126 -1.0120616956583768 -1.295100021717977 -0.9125906980596757 -0.9356011052202012 -0.4179185380588236 -0.3057557017162552 -0.44820353580759215 -0.25117047583227836 -0.3087480864456469 -0.5905223878478842 -0.5733677682498917 -0.7804098392859823 -0.7204589580358507 +18521,-1.0455454494491483,0,-1.4699739564101109 -1.4614353411645138 -1.4777386790399376 -1.5613706743326754 -1.5552311261959646 -1.6164202357861126 -1.0120616956583768 -1.295100021717977 -0.9125906980596757 -0.9356011052202012 -0.4179185380588236 -0.3057557017162552 -0.44820353580759215 -0.25117047583227836 -0.3087480864456469 -0.5905223878478842 -0.5733677682498917 -0.7804098392859823 -0.7204589580358507 -1.0164986800403963 +18522,-1.0493633197385481,0,-1.4614353411645138 -1.4777386790399376 -1.5613706743326754 -1.5552311261959646 -1.6164202357861126 -1.0120616956583768 -1.295100021717977 -0.9125906980596757 -0.9356011052202012 -0.4179185380588236 -0.3057557017162552 -0.44820353580759215 -0.25117047583227836 -0.3087480864456469 -0.5905223878478842 -0.5733677682498917 -0.7804098392859823 -0.7204589580358507 -1.0164986800403963 -1.0455454494491483 +18523,-1.086819722341861,0,-1.4777386790399376 -1.5613706743326754 -1.5552311261959646 -1.6164202357861126 -1.0120616956583768 -1.295100021717977 -0.9125906980596757 -0.9356011052202012 -0.4179185380588236 -0.3057557017162552 -0.44820353580759215 -0.25117047583227836 -0.3087480864456469 -0.5905223878478842 -0.5733677682498917 -0.7804098392859823 -0.7204589580358507 -1.0164986800403963 -1.0455454494491483 -1.0493633197385481 +18524,-1.0990472256710448,0,-1.5613706743326754 -1.5552311261959646 -1.6164202357861126 -1.0120616956583768 -1.295100021717977 -0.9125906980596757 -0.9356011052202012 -0.4179185380588236 -0.3057557017162552 -0.44820353580759215 -0.25117047583227836 -0.3087480864456469 -0.5905223878478842 -0.5733677682498917 -0.7804098392859823 -0.7204589580358507 -1.0164986800403963 -1.0455454494491483 -1.0493633197385481 -1.086819722341861 +18525,-1.0798546887999192,0,-1.5552311261959646 -1.6164202357861126 -1.0120616956583768 -1.295100021717977 -0.9125906980596757 -0.9356011052202012 -0.4179185380588236 -0.3057557017162552 -0.44820353580759215 -0.25117047583227836 -0.3087480864456469 -0.5905223878478842 -0.5733677682498917 -0.7804098392859823 -0.7204589580358507 -1.0164986800403963 -1.0455454494491483 -1.0493633197385481 -1.086819722341861 -1.0990472256710448 +18526,-1.1025555389141348,0,-1.6164202357861126 -1.0120616956583768 -1.295100021717977 -0.9125906980596757 -0.9356011052202012 -0.4179185380588236 -0.3057557017162552 -0.44820353580759215 -0.25117047583227836 -0.3087480864456469 -0.5905223878478842 -0.5733677682498917 -0.7804098392859823 -0.7204589580358507 -1.0164986800403963 -1.0455454494491483 -1.0493633197385481 -1.086819722341861 -1.0990472256710448 -1.0798546887999192 +18527,-1.0938363486732638,0,-1.0120616956583768 -1.295100021717977 -0.9125906980596757 -0.9356011052202012 -0.4179185380588236 -0.3057557017162552 -0.44820353580759215 -0.25117047583227836 -0.3087480864456469 -0.5905223878478842 -0.5733677682498917 -0.7804098392859823 -0.7204589580358507 -1.0164986800403963 -1.0455454494491483 -1.0493633197385481 -1.086819722341861 -1.0990472256710448 -1.0798546887999192 -1.1025555389141348 +18528,-1.0812476955083092,0,-1.295100021717977 -0.9125906980596757 -0.9356011052202012 -0.4179185380588236 -0.3057557017162552 -0.44820353580759215 -0.25117047583227836 -0.3087480864456469 -0.5905223878478842 -0.5733677682498917 -0.7804098392859823 -0.7204589580358507 -1.0164986800403963 -1.0455454494491483 -1.0493633197385481 -1.086819722341861 -1.0990472256710448 -1.0798546887999192 -1.1025555389141348 -1.0938363486732638 +18529,-1.073818326396907,0,-0.9125906980596757 -0.9356011052202012 -0.4179185380588236 -0.3057557017162552 -0.44820353580759215 -0.25117047583227836 -0.3087480864456469 -0.5905223878478842 -0.5733677682498917 -0.7804098392859823 -0.7204589580358507 -1.0164986800403963 -1.0455454494491483 -1.0493633197385481 -1.086819722341861 -1.0990472256710448 -1.0798546887999192 -1.1025555389141348 -1.0938363486732638 -1.0812476955083092 +18530,-1.0625194942066527,0,-0.9356011052202012 -0.4179185380588236 -0.3057557017162552 -0.44820353580759215 -0.25117047583227836 -0.3087480864456469 -0.5905223878478842 -0.5733677682498917 -0.7804098392859823 -0.7204589580358507 -1.0164986800403963 -1.0455454494491483 -1.0493633197385481 -1.086819722341861 -1.0990472256710448 -1.0798546887999192 -1.1025555389141348 -1.0938363486732638 -1.0812476955083092 -1.073818326396907 +18531,-0.7737801592624735,0,-0.4179185380588236 -0.3057557017162552 -0.44820353580759215 -0.25117047583227836 -0.3087480864456469 -0.5905223878478842 -0.5733677682498917 -0.7804098392859823 -0.7204589580358507 -1.0164986800403963 -1.0455454494491483 -1.0493633197385481 -1.086819722341861 -1.0990472256710448 -1.0798546887999192 -1.1025555389141348 -1.0938363486732638 -1.0812476955083092 -1.073818326396907 -1.0625194942066527 +18532,-0.8549614946568552,0,-0.3057557017162552 -0.44820353580759215 -0.25117047583227836 -0.3087480864456469 -0.5905223878478842 -0.5733677682498917 -0.7804098392859823 -0.7204589580358507 -1.0164986800403963 -1.0455454494491483 -1.0493633197385481 -1.086819722341861 -1.0990472256710448 -1.0798546887999192 -1.1025555389141348 -1.0938363486732638 -1.0812476955083092 -1.073818326396907 -1.0625194942066527 -0.7737801592624735 +18533,-0.6587023272973206,0,-0.44820353580759215 -0.25117047583227836 -0.3087480864456469 -0.5905223878478842 -0.5733677682498917 -0.7804098392859823 -0.7204589580358507 -1.0164986800403963 -1.0455454494491483 -1.0493633197385481 -1.086819722341861 -1.0990472256710448 -1.0798546887999192 -1.1025555389141348 -1.0938363486732638 -1.0812476955083092 -1.073818326396907 -1.0625194942066527 -0.7737801592624735 -0.8549614946568552 +18534,-0.5288431463709293,0,-0.25117047583227836 -0.3087480864456469 -0.5905223878478842 -0.5733677682498917 -0.7804098392859823 -0.7204589580358507 -1.0164986800403963 -1.0455454494491483 -1.0493633197385481 -1.086819722341861 -1.0990472256710448 -1.0798546887999192 -1.1025555389141348 -1.0938363486732638 -1.0812476955083092 -1.073818326396907 -1.0625194942066527 -0.7737801592624735 -0.8549614946568552 -0.6587023272973206 +18535,-0.3104506502003469,0,-0.3087480864456469 -0.5905223878478842 -0.5733677682498917 -0.7804098392859823 -0.7204589580358507 -1.0164986800403963 -1.0455454494491483 -1.0493633197385481 -1.086819722341861 -1.0990472256710448 -1.0798546887999192 -1.1025555389141348 -1.0938363486732638 -1.0812476955083092 -1.073818326396907 -1.0625194942066527 -0.7737801592624735 -0.8549614946568552 -0.6587023272973206 -0.5288431463709293 +18536,-0.1584581404629079,0,-0.5905223878478842 -0.5733677682498917 -0.7804098392859823 -0.7204589580358507 -1.0164986800403963 -1.0455454494491483 -1.0493633197385481 -1.086819722341861 -1.0990472256710448 -1.0798546887999192 -1.1025555389141348 -1.0938363486732638 -1.0812476955083092 -1.073818326396907 -1.0625194942066527 -0.7737801592624735 -0.8549614946568552 -0.6587023272973206 -0.5288431463709293 -0.3104506502003469 +18537,-0.2939667374844174,0,-0.5733677682498917 -0.7804098392859823 -0.7204589580358507 -1.0164986800403963 -1.0455454494491483 -1.0493633197385481 -1.086819722341861 -1.0990472256710448 -1.0798546887999192 -1.1025555389141348 -1.0938363486732638 -1.0812476955083092 -1.073818326396907 -1.0625194942066527 -0.7737801592624735 -0.8549614946568552 -0.6587023272973206 -0.5288431463709293 -0.3104506502003469 -0.1584581404629079 +18538,-0.04614052544241204,0,-0.7804098392859823 -0.7204589580358507 -1.0164986800403963 -1.0455454494491483 -1.0493633197385481 -1.086819722341861 -1.0990472256710448 -1.0798546887999192 -1.1025555389141348 -1.0938363486732638 -1.0812476955083092 -1.073818326396907 -1.0625194942066527 -0.7737801592624735 -0.8549614946568552 -0.6587023272973206 -0.5288431463709293 -0.3104506502003469 -0.1584581404629079 -0.2939667374844174 +18539,-0.08581542031412327,0,-0.7204589580358507 -1.0164986800403963 -1.0455454494491483 -1.0493633197385481 -1.086819722341861 -1.0990472256710448 -1.0798546887999192 -1.1025555389141348 -1.0938363486732638 -1.0812476955083092 -1.073818326396907 -1.0625194942066527 -0.7737801592624735 -0.8549614946568552 -0.6587023272973206 -0.5288431463709293 -0.3104506502003469 -0.1584581404629079 -0.2939667374844174 -0.04614052544241204 +18540,-0.5816226227665252,0,-1.0164986800403963 -1.0455454494491483 -1.0493633197385481 -1.086819722341861 -1.0990472256710448 -1.0798546887999192 -1.1025555389141348 -1.0938363486732638 -1.0812476955083092 -1.073818326396907 -1.0625194942066527 -0.7737801592624735 -0.8549614946568552 -0.6587023272973206 -0.5288431463709293 -0.3104506502003469 -0.1584581404629079 -0.2939667374844174 -0.04614052544241204 -0.08581542031412327 +18541,-0.46925341495655976,0,-1.0455454494491483 -1.0493633197385481 -1.086819722341861 -1.0990472256710448 -1.0798546887999192 -1.1025555389141348 -1.0938363486732638 -1.0812476955083092 -1.073818326396907 -1.0625194942066527 -0.7737801592624735 -0.8549614946568552 -0.6587023272973206 -0.5288431463709293 -0.3104506502003469 -0.1584581404629079 -0.2939667374844174 -0.04614052544241204 -0.08581542031412327 -0.5816226227665252 +18542,-0.8130165148820618,0,-1.0493633197385481 -1.086819722341861 -1.0990472256710448 -1.0798546887999192 -1.1025555389141348 -1.0938363486732638 -1.0812476955083092 -1.073818326396907 -1.0625194942066527 -0.7737801592624735 -0.8549614946568552 -0.6587023272973206 -0.5288431463709293 -0.3104506502003469 -0.1584581404629079 -0.2939667374844174 -0.04614052544241204 -0.08581542031412327 -0.5816226227665252 -0.46925341495655976 +18543,-0.8975255885242596,0,-1.086819722341861 -1.0990472256710448 -1.0798546887999192 -1.1025555389141348 -1.0938363486732638 -1.0812476955083092 -1.073818326396907 -1.0625194942066527 -0.7737801592624735 -0.8549614946568552 -0.6587023272973206 -0.5288431463709293 -0.3104506502003469 -0.1584581404629079 -0.2939667374844174 -0.04614052544241204 -0.08581542031412327 -0.5816226227665252 -0.46925341495655976 -0.8130165148820618 +18544,-1.3277066971592708,0,-1.0990472256710448 -1.0798546887999192 -1.1025555389141348 -1.0938363486732638 -1.0812476955083092 -1.073818326396907 -1.0625194942066527 -0.7737801592624735 -0.8549614946568552 -0.6587023272973206 -0.5288431463709293 -0.3104506502003469 -0.1584581404629079 -0.2939667374844174 -0.04614052544241204 -0.08581542031412327 -0.5816226227665252 -0.46925341495655976 -0.8130165148820618 -0.8975255885242596 +18545,-1.4986337796657634,0,-1.0798546887999192 -1.1025555389141348 -1.0938363486732638 -1.0812476955083092 -1.073818326396907 -1.0625194942066527 -0.7737801592624735 -0.8549614946568552 -0.6587023272973206 -0.5288431463709293 -0.3104506502003469 -0.1584581404629079 -0.2939667374844174 -0.04614052544241204 -0.08581542031412327 -0.5816226227665252 -0.46925341495655976 -0.8130165148820618 -0.8975255885242596 -1.3277066971592708 +18546,-1.4753912047205122,0,-1.1025555389141348 -1.0938363486732638 -1.0812476955083092 -1.073818326396907 -1.0625194942066527 -0.7737801592624735 -0.8549614946568552 -0.6587023272973206 -0.5288431463709293 -0.3104506502003469 -0.1584581404629079 -0.2939667374844174 -0.04614052544241204 -0.08581542031412327 -0.5816226227665252 -0.46925341495655976 -0.8130165148820618 -0.8975255885242596 -1.3277066971592708 -1.4986337796657634 +18547,-1.7110415062227944,0,-1.0938363486732638 -1.0812476955083092 -1.073818326396907 -1.0625194942066527 -0.7737801592624735 -0.8549614946568552 -0.6587023272973206 -0.5288431463709293 -0.3104506502003469 -0.1584581404629079 -0.2939667374844174 -0.04614052544241204 -0.08581542031412327 -0.5816226227665252 -0.46925341495655976 -0.8130165148820618 -0.8975255885242596 -1.3277066971592708 -1.4986337796657634 -1.4753912047205122 +18548,-1.7525221504281274,0,-1.0812476955083092 -1.073818326396907 -1.0625194942066527 -0.7737801592624735 -0.8549614946568552 -0.6587023272973206 -0.5288431463709293 -0.3104506502003469 -0.1584581404629079 -0.2939667374844174 -0.04614052544241204 -0.08581542031412327 -0.5816226227665252 -0.46925341495655976 -0.8130165148820618 -0.8975255885242596 -1.3277066971592708 -1.4986337796657634 -1.4753912047205122 -1.7110415062227944 +18549,-1.7039990834192773,0,-1.073818326396907 -1.0625194942066527 -0.7737801592624735 -0.8549614946568552 -0.6587023272973206 -0.5288431463709293 -0.3104506502003469 -0.1584581404629079 -0.2939667374844174 -0.04614052544241204 -0.08581542031412327 -0.5816226227665252 -0.46925341495655976 -0.8130165148820618 -0.8975255885242596 -1.3277066971592708 -1.4986337796657634 -1.4753912047205122 -1.7110415062227944 -1.7525221504281274 +18550,-1.7754809646444063,0,-1.0625194942066527 -0.7737801592624735 -0.8549614946568552 -0.6587023272973206 -0.5288431463709293 -0.3104506502003469 -0.1584581404629079 -0.2939667374844174 -0.04614052544241204 -0.08581542031412327 -0.5816226227665252 -0.46925341495655976 -0.8130165148820618 -0.8975255885242596 -1.3277066971592708 -1.4986337796657634 -1.4753912047205122 -1.7110415062227944 -1.7525221504281274 -1.7039990834192773 +18551,-1.756959134810138,0,-0.7737801592624735 -0.8549614946568552 -0.6587023272973206 -0.5288431463709293 -0.3104506502003469 -0.1584581404629079 -0.2939667374844174 -0.04614052544241204 -0.08581542031412327 -0.5816226227665252 -0.46925341495655976 -0.8130165148820618 -0.8975255885242596 -1.3277066971592708 -1.4986337796657634 -1.4753912047205122 -1.7110415062227944 -1.7525221504281274 -1.7039990834192773 -1.7754809646444063 +18552,-1.8057659623931661,0,-0.8549614946568552 -0.6587023272973206 -0.5288431463709293 -0.3104506502003469 -0.1584581404629079 -0.2939667374844174 -0.04614052544241204 -0.08581542031412327 -0.5816226227665252 -0.46925341495655976 -0.8130165148820618 -0.8975255885242596 -1.3277066971592708 -1.4986337796657634 -1.4753912047205122 -1.7110415062227944 -1.7525221504281274 -1.7039990834192773 -1.7754809646444063 -1.756959134810138 +18553,-1.7648012465467633,0,-0.6587023272973206 -0.5288431463709293 -0.3104506502003469 -0.1584581404629079 -0.2939667374844174 -0.04614052544241204 -0.08581542031412327 -0.5816226227665252 -0.46925341495655976 -0.8130165148820618 -0.8975255885242596 -1.3277066971592708 -1.4986337796657634 -1.4753912047205122 -1.7110415062227944 -1.7525221504281274 -1.7039990834192773 -1.7754809646444063 -1.756959134810138 -1.8057659623931661 +18554,-1.7911651884272193,0,-0.5288431463709293 -0.3104506502003469 -0.1584581404629079 -0.2939667374844174 -0.04614052544241204 -0.08581542031412327 -0.5816226227665252 -0.46925341495655976 -0.8130165148820618 -0.8975255885242596 -1.3277066971592708 -1.4986337796657634 -1.4753912047205122 -1.7110415062227944 -1.7525221504281274 -1.7039990834192773 -1.7754809646444063 -1.756959134810138 -1.8057659623931661 -1.7648012465467633 +18555,-1.007263561440604,0,-0.3104506502003469 -0.1584581404629079 -0.2939667374844174 -0.04614052544241204 -0.08581542031412327 -0.5816226227665252 -0.46925341495655976 -0.8130165148820618 -0.8975255885242596 -1.3277066971592708 -1.4986337796657634 -1.4753912047205122 -1.7110415062227944 -1.7525221504281274 -1.7039990834192773 -1.7754809646444063 -1.756959134810138 -1.8057659623931661 -1.7648012465467633 -1.7911651884272193 +18556,-1.3037160260703724,0,-0.1584581404629079 -0.2939667374844174 -0.04614052544241204 -0.08581542031412327 -0.5816226227665252 -0.46925341495655976 -0.8130165148820618 -0.8975255885242596 -1.3277066971592708 -1.4986337796657634 -1.4753912047205122 -1.7110415062227944 -1.7525221504281274 -1.7039990834192773 -1.7754809646444063 -1.756959134810138 -1.8057659623931661 -1.7648012465467633 -1.7911651884272193 -1.007263561440604 +18557,-0.7899029221426324,0,-0.2939667374844174 -0.04614052544241204 -0.08581542031412327 -0.5816226227665252 -0.46925341495655976 -0.8130165148820618 -0.8975255885242596 -1.3277066971592708 -1.4986337796657634 -1.4753912047205122 -1.7110415062227944 -1.7525221504281274 -1.7039990834192773 -1.7754809646444063 -1.756959134810138 -1.8057659623931661 -1.7648012465467633 -1.7911651884272193 -1.007263561440604 -1.3037160260703724 +18558,-0.7543554546066219,0,-0.04614052544241204 -0.08581542031412327 -0.5816226227665252 -0.46925341495655976 -0.8130165148820618 -0.8975255885242596 -1.3277066971592708 -1.4986337796657634 -1.4753912047205122 -1.7110415062227944 -1.7525221504281274 -1.7039990834192773 -1.7754809646444063 -1.756959134810138 -1.8057659623931661 -1.7648012465467633 -1.7911651884272193 -1.007263561440604 -1.3037160260703724 -0.7899029221426324 +18559,-0.08112047167526347,0,-0.08581542031412327 -0.5816226227665252 -0.46925341495655976 -0.8130165148820618 -0.8975255885242596 -1.3277066971592708 -1.4986337796657634 -1.4753912047205122 -1.7110415062227944 -1.7525221504281274 -1.7039990834192773 -1.7754809646444063 -1.756959134810138 -1.8057659623931661 -1.7648012465467633 -1.7911651884272193 -1.007263561440604 -1.3037160260703724 -0.7899029221426324 -0.7543554546066219 +18560,0.11384887455480266,0,-0.5816226227665252 -0.46925341495655976 -0.8130165148820618 -0.8975255885242596 -1.3277066971592708 -1.4986337796657634 -1.4753912047205122 -1.7110415062227944 -1.7525221504281274 -1.7039990834192773 -1.7754809646444063 -1.756959134810138 -1.8057659623931661 -1.7648012465467633 -1.7911651884272193 -1.007263561440604 -1.3037160260703724 -0.7899029221426324 -0.7543554546066219 -0.08112047167526347 +18561,-0.04980361720865241,0,-0.46925341495655976 -0.8130165148820618 -0.8975255885242596 -1.3277066971592708 -1.4986337796657634 -1.4753912047205122 -1.7110415062227944 -1.7525221504281274 -1.7039990834192773 -1.7754809646444063 -1.756959134810138 -1.8057659623931661 -1.7648012465467633 -1.7911651884272193 -1.007263561440604 -1.3037160260703724 -0.7899029221426324 -0.7543554546066219 -0.08112047167526347 0.11384887455480266 +18562,0.26470634184070063,0,-0.8130165148820618 -0.8975255885242596 -1.3277066971592708 -1.4986337796657634 -1.4753912047205122 -1.7110415062227944 -1.7525221504281274 -1.7039990834192773 -1.7754809646444063 -1.756959134810138 -1.8057659623931661 -1.7648012465467633 -1.7911651884272193 -1.007263561440604 -1.3037160260703724 -0.7899029221426324 -0.7543554546066219 -0.08112047167526347 0.11384887455480266 -0.04980361720865241 +18563,0.22059446274174674,0,-0.8975255885242596 -1.3277066971592708 -1.4986337796657634 -1.4753912047205122 -1.7110415062227944 -1.7525221504281274 -1.7039990834192773 -1.7754809646444063 -1.756959134810138 -1.8057659623931661 -1.7648012465467633 -1.7911651884272193 -1.007263561440604 -1.3037160260703724 -0.7899029221426324 -0.7543554546066219 -0.08112047167526347 0.11384887455480266 -0.04980361720865241 0.26470634184070063 +18564,-0.3191182474969801,0,-1.3277066971592708 -1.4986337796657634 -1.4753912047205122 -1.7110415062227944 -1.7525221504281274 -1.7039990834192773 -1.7754809646444063 -1.756959134810138 -1.8057659623931661 -1.7648012465467633 -1.7911651884272193 -1.007263561440604 -1.3037160260703724 -0.7899029221426324 -0.7543554546066219 -0.08112047167526347 0.11384887455480266 -0.04980361720865241 0.26470634184070063 0.22059446274174674 +18565,-0.1980298496009294,0,-1.4986337796657634 -1.4753912047205122 -1.7110415062227944 -1.7525221504281274 -1.7039990834192773 -1.7754809646444063 -1.756959134810138 -1.8057659623931661 -1.7648012465467633 -1.7911651884272193 -1.007263561440604 -1.3037160260703724 -0.7899029221426324 -0.7543554546066219 -0.08112047167526347 0.11384887455480266 -0.04980361720865241 0.26470634184070063 0.22059446274174674 -0.3191182474969801 +18566,-0.5725422826898748,0,-1.4753912047205122 -1.7110415062227944 -1.7525221504281274 -1.7039990834192773 -1.7754809646444063 -1.756959134810138 -1.8057659623931661 -1.7648012465467633 -1.7911651884272193 -1.007263561440604 -1.3037160260703724 -0.7899029221426324 -0.7543554546066219 -0.08112047167526347 0.11384887455480266 -0.04980361720865241 0.26470634184070063 0.22059446274174674 -0.3191182474969801 -0.1980298496009294 +18567,-0.5839443006138363,0,-1.7110415062227944 -1.7525221504281274 -1.7039990834192773 -1.7754809646444063 -1.756959134810138 -1.8057659623931661 -1.7648012465467633 -1.7911651884272193 -1.007263561440604 -1.3037160260703724 -0.7899029221426324 -0.7543554546066219 -0.08112047167526347 0.11384887455480266 -0.04980361720865241 0.26470634184070063 0.22059446274174674 -0.3191182474969801 -0.1980298496009294 -0.5725422826898748 +18568,-1.0794935389641571,0,-1.7525221504281274 -1.7039990834192773 -1.7754809646444063 -1.756959134810138 -1.8057659623931661 -1.7648012465467633 -1.7911651884272193 -1.007263561440604 -1.3037160260703724 -0.7899029221426324 -0.7543554546066219 -0.08112047167526347 0.11384887455480266 -0.04980361720865241 0.26470634184070063 0.22059446274174674 -0.3191182474969801 -0.1980298496009294 -0.5725422826898748 -0.5839443006138363 +18569,-1.211932361839923,0,-1.7039990834192773 -1.7754809646444063 -1.756959134810138 -1.8057659623931661 -1.7648012465467633 -1.7911651884272193 -1.007263561440604 -1.3037160260703724 -0.7899029221426324 -0.7543554546066219 -0.08112047167526347 0.11384887455480266 -0.04980361720865241 0.26470634184070063 0.22059446274174674 -0.3191182474969801 -0.1980298496009294 -0.5725422826898748 -0.5839443006138363 -1.0794935389641571 +18570,-1.0082696218411002,0,-1.7754809646444063 -1.756959134810138 -1.8057659623931661 -1.7648012465467633 -1.7911651884272193 -1.007263561440604 -1.3037160260703724 -0.7899029221426324 -0.7543554546066219 -0.08112047167526347 0.11384887455480266 -0.04980361720865241 0.26470634184070063 0.22059446274174674 -0.3191182474969801 -0.1980298496009294 -0.5725422826898748 -0.5839443006138363 -1.0794935389641571 -1.211932361839923 +18571,-1.2527422991631751,0,-1.756959134810138 -1.8057659623931661 -1.7648012465467633 -1.7911651884272193 -1.007263561440604 -1.3037160260703724 -0.7899029221426324 -0.7543554546066219 -0.08112047167526347 0.11384887455480266 -0.04980361720865241 0.26470634184070063 0.22059446274174674 -0.3191182474969801 -0.1980298496009294 -0.5725422826898748 -0.5839443006138363 -1.0794935389641571 -1.211932361839923 -1.0082696218411002 +18572,-1.161113413455885,0,-1.8057659623931661 -1.7648012465467633 -1.7911651884272193 -1.007263561440604 -1.3037160260703724 -0.7899029221426324 -0.7543554546066219 -0.08112047167526347 0.11384887455480266 -0.04980361720865241 0.26470634184070063 0.22059446274174674 -0.3191182474969801 -0.1980298496009294 -0.5725422826898748 -0.5839443006138363 -1.0794935389641571 -1.211932361839923 -1.0082696218411002 -1.2527422991631751 +18573,-1.1457129504020445,0,-1.7648012465467633 -1.7911651884272193 -1.007263561440604 -1.3037160260703724 -0.7899029221426324 -0.7543554546066219 -0.08112047167526347 0.11384887455480266 -0.04980361720865241 0.26470634184070063 0.22059446274174674 -0.3191182474969801 -0.1980298496009294 -0.5725422826898748 -0.5839443006138363 -1.0794935389641571 -1.211932361839923 -1.0082696218411002 -1.2527422991631751 -1.161113413455885 +18574,-1.0286745904253336,0,-1.7911651884272193 -1.007263561440604 -1.3037160260703724 -0.7899029221426324 -0.7543554546066219 -0.08112047167526347 0.11384887455480266 -0.04980361720865241 0.26470634184070063 0.22059446274174674 -0.3191182474969801 -0.1980298496009294 -0.5725422826898748 -0.5839443006138363 -1.0794935389641571 -1.211932361839923 -1.0082696218411002 -1.2527422991631751 -1.161113413455885 -1.1457129504020445 +18575,-0.987864653256867,0,-1.007263561440604 -1.3037160260703724 -0.7899029221426324 -0.7543554546066219 -0.08112047167526347 0.11384887455480266 -0.04980361720865241 0.26470634184070063 0.22059446274174674 -0.3191182474969801 -0.1980298496009294 -0.5725422826898748 -0.5839443006138363 -1.0794935389641571 -1.211932361839923 -1.0082696218411002 -1.2527422991631751 -1.161113413455885 -1.1457129504020445 -1.0286745904253336 +18576,-1.0030845413154337,0,-1.3037160260703724 -0.7899029221426324 -0.7543554546066219 -0.08112047167526347 0.11384887455480266 -0.04980361720865241 0.26470634184070063 0.22059446274174674 -0.3191182474969801 -0.1980298496009294 -0.5725422826898748 -0.5839443006138363 -1.0794935389641571 -1.211932361839923 -1.0082696218411002 -1.2527422991631751 -1.161113413455885 -1.1457129504020445 -1.0286745904253336 -0.987864653256867 +18577,-0.9435979956347625,0,-0.7899029221426324 -0.7543554546066219 -0.08112047167526347 0.11384887455480266 -0.04980361720865241 0.26470634184070063 0.22059446274174674 -0.3191182474969801 -0.1980298496009294 -0.5725422826898748 -0.5839443006138363 -1.0794935389641571 -1.211932361839923 -1.0082696218411002 -1.2527422991631751 -1.161113413455885 -1.1457129504020445 -1.0286745904253336 -0.987864653256867 -1.0030845413154337 +18578,-0.9401412751811248,0,-0.7543554546066219 -0.08112047167526347 0.11384887455480266 -0.04980361720865241 0.26470634184070063 0.22059446274174674 -0.3191182474969801 -0.1980298496009294 -0.5725422826898748 -0.5839443006138363 -1.0794935389641571 -1.211932361839923 -1.0082696218411002 -1.2527422991631751 -1.161113413455885 -1.1457129504020445 -1.0286745904253336 -0.987864653256867 -1.0030845413154337 -0.9435979956347625 +18579,-0.5590249583859994,0,-0.08112047167526347 0.11384887455480266 -0.04980361720865241 0.26470634184070063 0.22059446274174674 -0.3191182474969801 -0.1980298496009294 -0.5725422826898748 -0.5839443006138363 -1.0794935389641571 -1.211932361839923 -1.0082696218411002 -1.2527422991631751 -1.161113413455885 -1.1457129504020445 -1.0286745904253336 -0.987864653256867 -1.0030845413154337 -0.9435979956347625 -0.9401412751811248 +18580,-0.6814547702009882,0,0.11384887455480266 -0.04980361720865241 0.26470634184070063 0.22059446274174674 -0.3191182474969801 -0.1980298496009294 -0.5725422826898748 -0.5839443006138363 -1.0794935389641571 -1.211932361839923 -1.0082696218411002 -1.2527422991631751 -1.161113413455885 -1.1457129504020445 -1.0286745904253336 -0.987864653256867 -1.0030845413154337 -0.9435979956347625 -0.9401412751811248 -0.5590249583859994 +18581,-0.4262249855196949,0,-0.04980361720865241 0.26470634184070063 0.22059446274174674 -0.3191182474969801 -0.1980298496009294 -0.5725422826898748 -0.5839443006138363 -1.0794935389641571 -1.211932361839923 -1.0082696218411002 -1.2527422991631751 -1.161113413455885 -1.1457129504020445 -1.0286745904253336 -0.987864653256867 -1.0030845413154337 -0.9435979956347625 -0.9401412751811248 -0.5590249583859994 -0.6814547702009882 +18582,-0.33645344209024647,0,0.26470634184070063 0.22059446274174674 -0.3191182474969801 -0.1980298496009294 -0.5725422826898748 -0.5839443006138363 -1.0794935389641571 -1.211932361839923 -1.0082696218411002 -1.2527422991631751 -1.161113413455885 -1.1457129504020445 -1.0286745904253336 -0.987864653256867 -1.0030845413154337 -0.9435979956347625 -0.9401412751811248 -0.5590249583859994 -0.6814547702009882 -0.4262249855196949 +18583,-0.02607091037660308,0,0.22059446274174674 -0.3191182474969801 -0.1980298496009294 -0.5725422826898748 -0.5839443006138363 -1.0794935389641571 -1.211932361839923 -1.0082696218411002 -1.2527422991631751 -1.161113413455885 -1.1457129504020445 -1.0286745904253336 -0.987864653256867 -1.0030845413154337 -0.9435979956347625 -0.9401412751811248 -0.5590249583859994 -0.6814547702009882 -0.4262249855196949 -0.33645344209024647 +18584,0.11885338023998115,0,-0.3191182474969801 -0.1980298496009294 -0.5725422826898748 -0.5839443006138363 -1.0794935389641571 -1.211932361839923 -1.0082696218411002 -1.2527422991631751 -1.161113413455885 -1.1457129504020445 -1.0286745904253336 -0.987864653256867 -1.0030845413154337 -0.9435979956347625 -0.9401412751811248 -0.5590249583859994 -0.6814547702009882 -0.4262249855196949 -0.33645344209024647 -0.02607091037660308 +18585,-0.03432576489322784,0,-0.1980298496009294 -0.5725422826898748 -0.5839443006138363 -1.0794935389641571 -1.211932361839923 -1.0082696218411002 -1.2527422991631751 -1.161113413455885 -1.1457129504020445 -1.0286745904253336 -0.987864653256867 -1.0030845413154337 -0.9435979956347625 -0.9401412751811248 -0.5590249583859994 -0.6814547702009882 -0.4262249855196949 -0.33645344209024647 -0.02607091037660308 0.11885338023998115 +18586,0.20996633743357324,0,-0.5725422826898748 -0.5839443006138363 -1.0794935389641571 -1.211932361839923 -1.0082696218411002 -1.2527422991631751 -1.161113413455885 -1.1457129504020445 -1.0286745904253336 -0.987864653256867 -1.0030845413154337 -0.9435979956347625 -0.9401412751811248 -0.5590249583859994 -0.6814547702009882 -0.4262249855196949 -0.33645344209024647 -0.02607091037660308 0.11885338023998115 -0.03432576489322784 +18587,0.15615500432014365,0,-0.5839443006138363 -1.0794935389641571 -1.211932361839923 -1.0082696218411002 -1.2527422991631751 -1.161113413455885 -1.1457129504020445 -1.0286745904253336 -0.987864653256867 -1.0030845413154337 -0.9435979956347625 -0.9401412751811248 -0.5590249583859994 -0.6814547702009882 -0.4262249855196949 -0.33645344209024647 -0.02607091037660308 0.11885338023998115 -0.03432576489322784 0.20996633743357324 +18588,-0.3619918984106944,0,-1.0794935389641571 -1.211932361839923 -1.0082696218411002 -1.2527422991631751 -1.161113413455885 -1.1457129504020445 -1.0286745904253336 -0.987864653256867 -1.0030845413154337 -0.9435979956347625 -0.9401412751811248 -0.5590249583859994 -0.6814547702009882 -0.4262249855196949 -0.33645344209024647 -0.02607091037660308 0.11885338023998115 -0.03432576489322784 0.20996633743357324 0.15615500432014365 +18589,-0.26102470852469034,0,-1.211932361839923 -1.0082696218411002 -1.2527422991631751 -1.161113413455885 -1.1457129504020445 -1.0286745904253336 -0.987864653256867 -1.0030845413154337 -0.9435979956347625 -0.9401412751811248 -0.5590249583859994 -0.6814547702009882 -0.4262249855196949 -0.33645344209024647 -0.02607091037660308 0.11885338023998115 -0.03432576489322784 0.20996633743357324 0.15615500432014365 -0.3619918984106944 +18590,-0.6243930879465409,0,-1.0082696218411002 -1.2527422991631751 -1.161113413455885 -1.1457129504020445 -1.0286745904253336 -0.987864653256867 -1.0030845413154337 -0.9435979956347625 -0.9401412751811248 -0.5590249583859994 -0.6814547702009882 -0.4262249855196949 -0.33645344209024647 -0.02607091037660308 0.11885338023998115 -0.03432576489322784 0.20996633743357324 0.15615500432014365 -0.3619918984106944 -0.26102470852469034 +18591,-0.661797897760402,0,-1.2527422991631751 -1.161113413455885 -1.1457129504020445 -1.0286745904253336 -0.987864653256867 -1.0030845413154337 -0.9435979956347625 -0.9401412751811248 -0.5590249583859994 -0.6814547702009882 -0.4262249855196949 -0.33645344209024647 -0.02607091037660308 0.11885338023998115 -0.03432576489322784 0.20996633743357324 0.15615500432014365 -0.3619918984106944 -0.26102470852469034 -0.6243930879465409 +18592,-1.1338208005912849,0,-1.161113413455885 -1.1457129504020445 -1.0286745904253336 -0.987864653256867 -1.0030845413154337 -0.9435979956347625 -0.9401412751811248 -0.5590249583859994 -0.6814547702009882 -0.4262249855196949 -0.33645344209024647 -0.02607091037660308 0.11885338023998115 -0.03432576489322784 0.20996633743357324 0.15615500432014365 -0.3619918984106944 -0.26102470852469034 -0.6243930879465409 -0.661797897760402 +18593,-1.2798801335046246,0,-1.1457129504020445 -1.0286745904253336 -0.987864653256867 -1.0030845413154337 -0.9435979956347625 -0.9401412751811248 -0.5590249583859994 -0.6814547702009882 -0.4262249855196949 -0.33645344209024647 -0.02607091037660308 0.11885338023998115 -0.03432576489322784 0.20996633743357324 0.15615500432014365 -0.3619918984106944 -0.26102470852469034 -0.6243930879465409 -0.661797897760402 -1.1338208005912849 +18594,-1.2912821514285773,0,-1.0286745904253336 -0.987864653256867 -1.0030845413154337 -0.9435979956347625 -0.9401412751811248 -0.5590249583859994 -0.6814547702009882 -0.4262249855196949 -0.33645344209024647 -0.02607091037660308 0.11885338023998115 -0.03432576489322784 0.20996633743357324 0.15615500432014365 -0.3619918984106944 -0.26102470852469034 -0.6243930879465409 -0.661797897760402 -1.1338208005912849 -1.2798801335046246 +18595,-1.4822272562114092,0,-0.987864653256867 -1.0030845413154337 -0.9435979956347625 -0.9401412751811248 -0.5590249583859994 -0.6814547702009882 -0.4262249855196949 -0.33645344209024647 -0.02607091037660308 0.11885338023998115 -0.03432576489322784 0.20996633743357324 0.15615500432014365 -0.3619918984106944 -0.26102470852469034 -0.6243930879465409 -0.661797897760402 -1.1338208005912849 -1.2798801335046246 -1.2912821514285773 +18596,-1.5385150456953092,0,-1.0030845413154337 -0.9435979956347625 -0.9401412751811248 -0.5590249583859994 -0.6814547702009882 -0.4262249855196949 -0.33645344209024647 -0.02607091037660308 0.11885338023998115 -0.03432576489322784 0.20996633743357324 0.15615500432014365 -0.3619918984106944 -0.26102470852469034 -0.6243930879465409 -0.661797897760402 -1.1338208005912849 -1.2798801335046246 -1.2912821514285773 -1.4822272562114092 +18597,-1.6215795198396559,0,-0.9435979956347625 -0.9401412751811248 -0.5590249583859994 -0.6814547702009882 -0.4262249855196949 -0.33645344209024647 -0.02607091037660308 0.11885338023998115 -0.03432576489322784 0.20996633743357324 0.15615500432014365 -0.3619918984106944 -0.26102470852469034 -0.6243930879465409 -0.661797897760402 -1.1338208005912849 -1.2798801335046246 -1.2912821514285773 -1.4822272562114092 -1.5385150456953092 +18598,-1.6689417479248505,0,-0.9401412751811248 -0.5590249583859994 -0.6814547702009882 -0.4262249855196949 -0.33645344209024647 -0.02607091037660308 0.11885338023998115 -0.03432576489322784 0.20996633743357324 0.15615500432014365 -0.3619918984106944 -0.26102470852469034 -0.6243930879465409 -0.661797897760402 -1.1338208005912849 -1.2798801335046246 -1.2912821514285773 -1.4822272562114092 -1.5385150456953092 -1.6215795198396559 +18599,-1.743080660515715,0,-0.5590249583859994 -0.6814547702009882 -0.4262249855196949 -0.33645344209024647 -0.02607091037660308 0.11885338023998115 -0.03432576489322784 0.20996633743357324 0.15615500432014365 -0.3619918984106944 -0.26102470852469034 -0.6243930879465409 -0.661797897760402 -1.1338208005912849 -1.2798801335046246 -1.2912821514285773 -1.4822272562114092 -1.5385150456953092 -1.6215795198396559 -1.6689417479248505 +18600,-1.7383599155595089,0,-0.6814547702009882 -0.4262249855196949 -0.33645344209024647 -0.02607091037660308 0.11885338023998115 -0.03432576489322784 0.20996633743357324 0.15615500432014365 -0.3619918984106944 -0.26102470852469034 -0.6243930879465409 -0.661797897760402 -1.1338208005912849 -1.2798801335046246 -1.2912821514285773 -1.4822272562114092 -1.5385150456953092 -1.6215795198396559 -1.6689417479248505 -1.743080660515715 +18601,-1.8387853806144772,0,-0.4262249855196949 -0.33645344209024647 -0.02607091037660308 0.11885338023998115 -0.03432576489322784 0.20996633743357324 0.15615500432014365 -0.3619918984106944 -0.26102470852469034 -0.6243930879465409 -0.661797897760402 -1.1338208005912849 -1.2798801335046246 -1.2912821514285773 -1.4822272562114092 -1.5385150456953092 -1.6215795198396559 -1.6689417479248505 -1.743080660515715 -1.7383599155595089 +18602,-1.8603511882771517,0,-0.33645344209024647 -0.02607091037660308 0.11885338023998115 -0.03432576489322784 0.20996633743357324 0.15615500432014365 -0.3619918984106944 -0.26102470852469034 -0.6243930879465409 -0.661797897760402 -1.1338208005912849 -1.2798801335046246 -1.2912821514285773 -1.4822272562114092 -1.5385150456953092 -1.6215795198396559 -1.6689417479248505 -1.743080660515715 -1.7383599155595089 -1.8387853806144772 +18603,-1.050988494231664,0,-0.02607091037660308 0.11885338023998115 -0.03432576489322784 0.20996633743357324 0.15615500432014365 -0.3619918984106944 -0.26102470852469034 -0.6243930879465409 -0.661797897760402 -1.1338208005912849 -1.2798801335046246 -1.2912821514285773 -1.4822272562114092 -1.5385150456953092 -1.6215795198396559 -1.6689417479248505 -1.743080660515715 -1.7383599155595089 -1.8387853806144772 -1.8603511882771517 +18604,-1.3495304689240175,0,0.11885338023998115 -0.03432576489322784 0.20996633743357324 0.15615500432014365 -0.3619918984106944 -0.26102470852469034 -0.6243930879465409 -0.661797897760402 -1.1338208005912849 -1.2798801335046246 -1.2912821514285773 -1.4822272562114092 -1.5385150456953092 -1.6215795198396559 -1.6689417479248505 -1.743080660515715 -1.7383599155595089 -1.8387853806144772 -1.8603511882771517 -1.050988494231664 +18605,-0.8171439422177714,0,-0.03432576489322784 0.20996633743357324 0.15615500432014365 -0.3619918984106944 -0.26102470852469034 -0.6243930879465409 -0.661797897760402 -1.1338208005912849 -1.2798801335046246 -1.2912821514285773 -1.4822272562114092 -1.5385150456953092 -1.6215795198396559 -1.6689417479248505 -1.743080660515715 -1.7383599155595089 -1.8387853806144772 -1.8603511882771517 -1.050988494231664 -1.3495304689240175 +18606,-0.8551162731800146,0,0.20996633743357324 0.15615500432014365 -0.3619918984106944 -0.26102470852469034 -0.6243930879465409 -0.661797897760402 -1.1338208005912849 -1.2798801335046246 -1.2912821514285773 -1.4822272562114092 -1.5385150456953092 -1.6215795198396559 -1.6689417479248505 -1.743080660515715 -1.7383599155595089 -1.8387853806144772 -1.8603511882771517 -1.050988494231664 -1.3495304689240175 -0.8171439422177714 +18607,-0.1326101270961501,0,0.15615500432014365 -0.3619918984106944 -0.26102470852469034 -0.6243930879465409 -0.661797897760402 -1.1338208005912849 -1.2798801335046246 -1.2912821514285773 -1.4822272562114092 -1.5385150456953092 -1.6215795198396559 -1.6689417479248505 -1.743080660515715 -1.7383599155595089 -1.8387853806144772 -1.8603511882771517 -1.050988494231664 -1.3495304689240175 -0.8171439422177714 -0.8551162731800146 +18608,0.019537161164430664,0,-0.3619918984106944 -0.26102470852469034 -0.6243930879465409 -0.661797897760402 -1.1338208005912849 -1.2798801335046246 -1.2912821514285773 -1.4822272562114092 -1.5385150456953092 -1.6215795198396559 -1.6689417479248505 -1.743080660515715 -1.7383599155595089 -1.8387853806144772 -1.8603511882771517 -1.050988494231664 -1.3495304689240175 -0.8171439422177714 -0.8551162731800146 -0.1326101270961501 +18609,-0.1347770264203106,0,-0.26102470852469034 -0.6243930879465409 -0.661797897760402 -1.1338208005912849 -1.2798801335046246 -1.2912821514285773 -1.4822272562114092 -1.5385150456953092 -1.6215795198396559 -1.6689417479248505 -1.743080660515715 -1.7383599155595089 -1.8387853806144772 -1.8603511882771517 -1.050988494231664 -1.3495304689240175 -0.8171439422177714 -0.8551162731800146 -0.1326101270961501 0.019537161164430664 +18610,0.11952408712205298,0,-0.6243930879465409 -0.661797897760402 -1.1338208005912849 -1.2798801335046246 -1.2912821514285773 -1.4822272562114092 -1.5385150456953092 -1.6215795198396559 -1.6689417479248505 -1.743080660515715 -1.7383599155595089 -1.8387853806144772 -1.8603511882771517 -1.050988494231664 -1.3495304689240175 -0.8171439422177714 -0.8551162731800146 -0.1326101270961501 0.019537161164430664 -0.1347770264203106 +18611,0.06736372481908573,0,-0.661797897760402 -1.1338208005912849 -1.2798801335046246 -1.2912821514285773 -1.4822272562114092 -1.5385150456953092 -1.6215795198396559 -1.6689417479248505 -1.743080660515715 -1.7383599155595089 -1.8387853806144772 -1.8603511882771517 -1.050988494231664 -1.3495304689240175 -0.8171439422177714 -0.8551162731800146 -0.1326101270961501 0.019537161164430664 -0.1347770264203106 0.11952408712205298 +18612,-0.46755085120186846,0,-1.1338208005912849 -1.2798801335046246 -1.2912821514285773 -1.4822272562114092 -1.5385150456953092 -1.6215795198396559 -1.6689417479248505 -1.743080660515715 -1.7383599155595089 -1.8387853806144772 -1.8603511882771517 -1.050988494231664 -1.3495304689240175 -0.8171439422177714 -0.8551162731800146 -0.1326101270961501 0.019537161164430664 -0.1347770264203106 0.11952408712205298 0.06736372481908573 +18613,-0.35879314221391445,0,-1.2798801335046246 -1.2912821514285773 -1.4822272562114092 -1.5385150456953092 -1.6215795198396559 -1.6689417479248505 -1.743080660515715 -1.7383599155595089 -1.8387853806144772 -1.8603511882771517 -1.050988494231664 -1.3495304689240175 -0.8171439422177714 -0.8551162731800146 -0.1326101270961501 0.019537161164430664 -0.1347770264203106 0.11952408712205298 0.06736372481908573 -0.46755085120186846 +18614,-0.7327896470987243,0,-1.2912821514285773 -1.4822272562114092 -1.5385150456953092 -1.6215795198396559 -1.6689417479248505 -1.743080660515715 -1.7383599155595089 -1.8387853806144772 -1.8603511882771517 -1.050988494231664 -1.3495304689240175 -0.8171439422177714 -0.8551162731800146 -0.1326101270961501 0.019537161164430664 -0.1347770264203106 0.11952408712205298 0.06736372481908573 -0.46755085120186846 -0.35879314221391445 +18615,-0.8199815484240037,0,-1.4822272562114092 -1.5385150456953092 -1.6215795198396559 -1.6689417479248505 -1.743080660515715 -1.7383599155595089 -1.8387853806144772 -1.8603511882771517 -1.050988494231664 -1.3495304689240175 -0.8171439422177714 -0.8551162731800146 -0.1326101270961501 0.019537161164430664 -0.1347770264203106 0.11952408712205298 0.06736372481908573 -0.46755085120186846 -0.35879314221391445 -0.7327896470987243 +18616,-1.2895795876738771,0,-1.5385150456953092 -1.6215795198396559 -1.6689417479248505 -1.743080660515715 -1.7383599155595089 -1.8387853806144772 -1.8603511882771517 -1.050988494231664 -1.3495304689240175 -0.8171439422177714 -0.8551162731800146 -0.1326101270961501 0.019537161164430664 -0.1347770264203106 0.11952408712205298 0.06736372481908573 -0.46755085120186846 -0.35879314221391445 -0.7327896470987243 -0.8199815484240037 +18617,-1.472373023519006,0,-1.6215795198396559 -1.6689417479248505 -1.743080660515715 -1.7383599155595089 -1.8387853806144772 -1.8603511882771517 -1.050988494231664 -1.3495304689240175 -0.8171439422177714 -0.8551162731800146 -0.1326101270961501 0.019537161164430664 -0.1347770264203106 0.11952408712205298 0.06736372481908573 -0.46755085120186846 -0.35879314221391445 -0.7327896470987243 -0.8199815484240037 -1.2895795876738771 +18618,-1.5561082045454246,0,-1.6689417479248505 -1.743080660515715 -1.7383599155595089 -1.8387853806144772 -1.8603511882771517 -1.050988494231664 -1.3495304689240175 -0.8171439422177714 -0.8551162731800146 -0.1326101270961501 0.019537161164430664 -0.1347770264203106 0.11952408712205298 0.06736372481908573 -0.46755085120186846 -0.35879314221391445 -0.7327896470987243 -0.8199815484240037 -1.2895795876738771 -1.472373023519006 +18619,-1.7719210586118557,0,-1.743080660515715 -1.7383599155595089 -1.8387853806144772 -1.8603511882771517 -1.050988494231664 -1.3495304689240175 -0.8171439422177714 -0.8551162731800146 -0.1326101270961501 0.019537161164430664 -0.1347770264203106 0.11952408712205298 0.06736372481908573 -0.46755085120186846 -0.35879314221391445 -0.7327896470987243 -0.8199815484240037 -1.2895795876738771 -1.472373023519006 -1.5561082045454246 +18620,-1.888675658014371,0,-1.7383599155595089 -1.8387853806144772 -1.8603511882771517 -1.050988494231664 -1.3495304689240175 -0.8171439422177714 -0.8551162731800146 -0.1326101270961501 0.019537161164430664 -0.1347770264203106 0.11952408712205298 0.06736372481908573 -0.46755085120186846 -0.35879314221391445 -0.7327896470987243 -0.8199815484240037 -1.2895795876738771 -1.472373023519006 -1.5561082045454246 -1.7719210586118557 +18621,-1.9240167540829844,0,-1.8387853806144772 -1.8603511882771517 -1.050988494231664 -1.3495304689240175 -0.8171439422177714 -0.8551162731800146 -0.1326101270961501 0.019537161164430664 -0.1347770264203106 0.11952408712205298 0.06736372481908573 -0.46755085120186846 -0.35879314221391445 -0.7327896470987243 -0.8199815484240037 -1.2895795876738771 -1.472373023519006 -1.5561082045454246 -1.7719210586118557 -1.888675658014371 +18622,-2.0679091878269493,0,-1.8603511882771517 -1.050988494231664 -1.3495304689240175 -0.8171439422177714 -0.8551162731800146 -0.1326101270961501 0.019537161164430664 -0.1347770264203106 0.11952408712205298 0.06736372481908573 -0.46755085120186846 -0.35879314221391445 -0.7327896470987243 -0.8199815484240037 -1.2895795876738771 -1.472373023519006 -1.5561082045454246 -1.7719210586118557 -1.888675658014371 -1.9240167540829844 +18623,-2.1303881182370032,0,-1.050988494231664 -1.3495304689240175 -0.8171439422177714 -0.8551162731800146 -0.1326101270961501 0.019537161164430664 -0.1347770264203106 0.11952408712205298 0.06736372481908573 -0.46755085120186846 -0.35879314221391445 -0.7327896470987243 -0.8199815484240037 -1.2895795876738771 -1.472373023519006 -1.5561082045454246 -1.7719210586118557 -1.888675658014371 -1.9240167540829844 -2.0679091878269493 +18624,-1.9956792103033874,0,-1.3495304689240175 -0.8171439422177714 -0.8551162731800146 -0.1326101270961501 0.019537161164430664 -0.1347770264203106 0.11952408712205298 0.06736372481908573 -0.46755085120186846 -0.35879314221391445 -0.7327896470987243 -0.8199815484240037 -1.2895795876738771 -1.472373023519006 -1.5561082045454246 -1.7719210586118557 -1.888675658014371 -1.9240167540829844 -2.0679091878269493 -2.1303881182370032 +18625,-2.1238874202645306,0,-0.8171439422177714 -0.8551162731800146 -0.1326101270961501 0.019537161164430664 -0.1347770264203106 0.11952408712205298 0.06736372481908573 -0.46755085120186846 -0.35879314221391445 -0.7327896470987243 -0.8199815484240037 -1.2895795876738771 -1.472373023519006 -1.5561082045454246 -1.7719210586118557 -1.888675658014371 -1.9240167540829844 -2.0679091878269493 -2.1303881182370032 -1.9956792103033874 +18626,-2.054907791881995,0,-0.8551162731800146 -0.1326101270961501 0.019537161164430664 -0.1347770264203106 0.11952408712205298 0.06736372481908573 -0.46755085120186846 -0.35879314221391445 -0.7327896470987243 -0.8199815484240037 -1.2895795876738771 -1.472373023519006 -1.5561082045454246 -1.7719210586118557 -1.888675658014371 -1.9240167540829844 -2.0679091878269493 -2.1303881182370032 -1.9956792103033874 -2.1238874202645306 +18627,-1.4966732516542143,0,-0.1326101270961501 0.019537161164430664 -0.1347770264203106 0.11952408712205298 0.06736372481908573 -0.46755085120186846 -0.35879314221391445 -0.7327896470987243 -0.8199815484240037 -1.2895795876738771 -1.472373023519006 -1.5561082045454246 -1.7719210586118557 -1.888675658014371 -1.9240167540829844 -2.0679091878269493 -2.1303881182370032 -1.9956792103033874 -2.1238874202645306 -2.054907791881995 +18628,-1.590778593731975,0,0.019537161164430664 -0.1347770264203106 0.11952408712205298 0.06736372481908573 -0.46755085120186846 -0.35879314221391445 -0.7327896470987243 -0.8199815484240037 -1.2895795876738771 -1.472373023519006 -1.5561082045454246 -1.7719210586118557 -1.888675658014371 -1.9240167540829844 -2.0679091878269493 -2.1303881182370032 -1.9956792103033874 -2.1238874202645306 -2.054907791881995 -1.4966732516542143 +18629,-1.195629024119276,0,-0.1347770264203106 0.11952408712205298 0.06736372481908573 -0.46755085120186846 -0.35879314221391445 -0.7327896470987243 -0.8199815484240037 -1.2895795876738771 -1.472373023519006 -1.5561082045454246 -1.7719210586118557 -1.888675658014371 -1.9240167540829844 -2.0679091878269493 -2.1303881182370032 -1.9956792103033874 -2.1238874202645306 -2.054907791881995 -1.4966732516542143 -1.590778593731975 +18630,-1.1855684201142527,0,0.11952408712205298 0.06736372481908573 -0.46755085120186846 -0.35879314221391445 -0.7327896470987243 -0.8199815484240037 -1.2895795876738771 -1.472373023519006 -1.5561082045454246 -1.7719210586118557 -1.888675658014371 -1.9240167540829844 -2.0679091878269493 -2.1303881182370032 -1.9956792103033874 -2.1238874202645306 -2.054907791881995 -1.4966732516542143 -1.590778593731975 -1.195629024119276 +18631,-0.6620558620172511,0,0.06736372481908573 -0.46755085120186846 -0.35879314221391445 -0.7327896470987243 -0.8199815484240037 -1.2895795876738771 -1.472373023519006 -1.5561082045454246 -1.7719210586118557 -1.888675658014371 -1.9240167540829844 -2.0679091878269493 -2.1303881182370032 -1.9956792103033874 -2.1238874202645306 -2.054907791881995 -1.4966732516542143 -1.590778593731975 -1.195629024119276 -1.1855684201142527 +18632,-0.5236322693731483,0,-0.46755085120186846 -0.35879314221391445 -0.7327896470987243 -0.8199815484240037 -1.2895795876738771 -1.472373023519006 -1.5561082045454246 -1.7719210586118557 -1.888675658014371 -1.9240167540829844 -2.0679091878269493 -2.1303881182370032 -1.9956792103033874 -2.1238874202645306 -2.054907791881995 -1.4966732516542143 -1.590778593731975 -1.195629024119276 -1.1855684201142527 -0.6620558620172511 +18633,-0.6871041862961152,0,-0.35879314221391445 -0.7327896470987243 -0.8199815484240037 -1.2895795876738771 -1.472373023519006 -1.5561082045454246 -1.7719210586118557 -1.888675658014371 -1.9240167540829844 -2.0679091878269493 -2.1303881182370032 -1.9956792103033874 -2.1238874202645306 -2.054907791881995 -1.4966732516542143 -1.590778593731975 -1.195629024119276 -1.1855684201142527 -0.6620558620172511 -0.5236322693731483 +18634,-0.4480487572844416,0,-0.7327896470987243 -0.8199815484240037 -1.2895795876738771 -1.472373023519006 -1.5561082045454246 -1.7719210586118557 -1.888675658014371 -1.9240167540829844 -2.0679091878269493 -2.1303881182370032 -1.9956792103033874 -2.1238874202645306 -2.054907791881995 -1.4966732516542143 -1.590778593731975 -1.195629024119276 -1.1855684201142527 -0.6620558620172511 -0.5236322693731483 -0.6871041862961152 +18635,-0.5108888376850432,0,-0.8199815484240037 -1.2895795876738771 -1.472373023519006 -1.5561082045454246 -1.7719210586118557 -1.888675658014371 -1.9240167540829844 -2.0679091878269493 -2.1303881182370032 -1.9956792103033874 -2.1238874202645306 -2.054907791881995 -1.4966732516542143 -1.590778593731975 -1.195629024119276 -1.1855684201142527 -0.6620558620172511 -0.5236322693731483 -0.6871041862961152 -0.4480487572844416 +18636,-0.9564188165844429,0,-1.2895795876738771 -1.472373023519006 -1.5561082045454246 -1.7719210586118557 -1.888675658014371 -1.9240167540829844 -2.0679091878269493 -2.1303881182370032 -1.9956792103033874 -2.1238874202645306 -2.054907791881995 -1.4966732516542143 -1.590778593731975 -1.195629024119276 -1.1855684201142527 -0.6620558620172511 -0.5236322693731483 -0.6871041862961152 -0.4480487572844416 -0.5108888376850432 +18637,-0.8916955974338587,0,-1.472373023519006 -1.5561082045454246 -1.7719210586118557 -1.888675658014371 -1.9240167540829844 -2.0679091878269493 -2.1303881182370032 -1.9956792103033874 -2.1238874202645306 -2.054907791881995 -1.4966732516542143 -1.590778593731975 -1.195629024119276 -1.1855684201142527 -0.6620558620172511 -0.5236322693731483 -0.6871041862961152 -0.4480487572844416 -0.5108888376850432 -0.9564188165844429 +18638,-1.2096622769368495,0,-1.5561082045454246 -1.7719210586118557 -1.888675658014371 -1.9240167540829844 -2.0679091878269493 -2.1303881182370032 -1.9956792103033874 -2.1238874202645306 -2.054907791881995 -1.4966732516542143 -1.590778593731975 -1.195629024119276 -1.1855684201142527 -0.6620558620172511 -0.5236322693731483 -0.6871041862961152 -0.4480487572844416 -0.5108888376850432 -0.9564188165844429 -0.8916955974338587 +18639,-1.3211544063973373,0,-1.7719210586118557 -1.888675658014371 -1.9240167540829844 -2.0679091878269493 -2.1303881182370032 -1.9956792103033874 -2.1238874202645306 -2.054907791881995 -1.4966732516542143 -1.590778593731975 -1.195629024119276 -1.1855684201142527 -0.6620558620172511 -0.5236322693731483 -0.6871041862961152 -0.4480487572844416 -0.5108888376850432 -0.9564188165844429 -0.8916955974338587 -1.2096622769368495 +18640,-1.707945935759713,0,-1.888675658014371 -1.9240167540829844 -2.0679091878269493 -2.1303881182370032 -1.9956792103033874 -2.1238874202645306 -2.054907791881995 -1.4966732516542143 -1.590778593731975 -1.195629024119276 -1.1855684201142527 -0.6620558620172511 -0.5236322693731483 -0.6871041862961152 -0.4480487572844416 -0.5108888376850432 -0.9564188165844429 -0.8916955974338587 -1.2096622769368495 -1.3211544063973373 +18641,-1.8882629152343715,0,-1.9240167540829844 -2.0679091878269493 -2.1303881182370032 -1.9956792103033874 -2.1238874202645306 -2.054907791881995 -1.4966732516542143 -1.590778593731975 -1.195629024119276 -1.1855684201142527 -0.6620558620172511 -0.5236322693731483 -0.6871041862961152 -0.4480487572844416 -0.5108888376850432 -0.9564188165844429 -0.8916955974338587 -1.2096622769368495 -1.3211544063973373 -1.707945935759713 +18642,-1.8371086133319003,0,-2.0679091878269493 -2.1303881182370032 -1.9956792103033874 -2.1238874202645306 -2.054907791881995 -1.4966732516542143 -1.590778593731975 -1.195629024119276 -1.1855684201142527 -0.6620558620172511 -0.5236322693731483 -0.6871041862961152 -0.4480487572844416 -0.5108888376850432 -0.9564188165844429 -0.8916955974338587 -1.2096622769368495 -1.3211544063973373 -1.707945935759713 -1.8882629152343715 +18643,-2.0945826865989297,0,-2.1303881182370032 -1.9956792103033874 -2.1238874202645306 -2.054907791881995 -1.4966732516542143 -1.590778593731975 -1.195629024119276 -1.1855684201142527 -0.6620558620172511 -0.5236322693731483 -0.6871041862961152 -0.4480487572844416 -0.5108888376850432 -0.9564188165844429 -0.8916955974338587 -1.2096622769368495 -1.3211544063973373 -1.707945935759713 -1.8882629152343715 -1.8371086133319003 +18644,-2.1205854784888376,0,-1.9956792103033874 -2.1238874202645306 -2.054907791881995 -1.4966732516542143 -1.590778593731975 -1.195629024119276 -1.1855684201142527 -0.6620558620172511 -0.5236322693731483 -0.6871041862961152 -0.4480487572844416 -0.5108888376850432 -0.9564188165844429 -0.8916955974338587 -1.2096622769368495 -1.3211544063973373 -1.707945935759713 -1.8882629152343715 -1.8371086133319003 -2.0945826865989297 +18645,-2.119424639565182,0,-2.1238874202645306 -2.054907791881995 -1.4966732516542143 -1.590778593731975 -1.195629024119276 -1.1855684201142527 -0.6620558620172511 -0.5236322693731483 -0.6871041862961152 -0.4480487572844416 -0.5108888376850432 -0.9564188165844429 -0.8916955974338587 -1.2096622769368495 -1.3211544063973373 -1.707945935759713 -1.8882629152343715 -1.8371086133319003 -2.0945826865989297 -2.1205854784888376 +18646,-2.154481975059609,0,-2.054907791881995 -1.4966732516542143 -1.590778593731975 -1.195629024119276 -1.1855684201142527 -0.6620558620172511 -0.5236322693731483 -0.6871041862961152 -0.4480487572844416 -0.5108888376850432 -0.9564188165844429 -0.8916955974338587 -1.2096622769368495 -1.3211544063973373 -1.707945935759713 -1.8882629152343715 -1.8371086133319003 -2.0945826865989297 -2.1205854784888376 -2.119424639565182 +18647,-2.162375679740472,0,-1.4966732516542143 -1.590778593731975 -1.195629024119276 -1.1855684201142527 -0.6620558620172511 -0.5236322693731483 -0.6871041862961152 -0.4480487572844416 -0.5108888376850432 -0.9564188165844429 -0.8916955974338587 -1.2096622769368495 -1.3211544063973373 -1.707945935759713 -1.8882629152343715 -1.8371086133319003 -2.0945826865989297 -2.1205854784888376 -2.119424639565182 -2.154481975059609 +18648,-2.194260055510233,0,-1.590778593731975 -1.195629024119276 -1.1855684201142527 -0.6620558620172511 -0.5236322693731483 -0.6871041862961152 -0.4480487572844416 -0.5108888376850432 -0.9564188165844429 -0.8916955974338587 -1.2096622769368495 -1.3211544063973373 -1.707945935759713 -1.8882629152343715 -1.8371086133319003 -2.0945826865989297 -2.1205854784888376 -2.119424639565182 -2.154481975059609 -2.162375679740472 +18649,-2.1941568697765432,0,-1.195629024119276 -1.1855684201142527 -0.6620558620172511 -0.5236322693731483 -0.6871041862961152 -0.4480487572844416 -0.5108888376850432 -0.9564188165844429 -0.8916955974338587 -1.2096622769368495 -1.3211544063973373 -1.707945935759713 -1.8882629152343715 -1.8371086133319003 -2.0945826865989297 -2.1205854784888376 -2.119424639565182 -2.154481975059609 -2.162375679740472 -2.194260055510233 +18650,-2.218044355286529,0,-1.1855684201142527 -0.6620558620172511 -0.5236322693731483 -0.6871041862961152 -0.4480487572844416 -0.5108888376850432 -0.9564188165844429 -0.8916955974338587 -1.2096622769368495 -1.3211544063973373 -1.707945935759713 -1.8882629152343715 -1.8371086133319003 -2.0945826865989297 -2.1205854784888376 -2.119424639565182 -2.154481975059609 -2.162375679740472 -2.194260055510233 -2.1941568697765432 +18651,-1.2792094266225529,0,-0.6620558620172511 -0.5236322693731483 -0.6871041862961152 -0.4480487572844416 -0.5108888376850432 -0.9564188165844429 -0.8916955974338587 -1.2096622769368495 -1.3211544063973373 -1.707945935759713 -1.8882629152343715 -1.8371086133319003 -2.0945826865989297 -2.1205854784888376 -2.119424639565182 -2.154481975059609 -2.162375679740472 -2.194260055510233 -2.1941568697765432 -2.218044355286529 +18652,-1.6240043834206743,0,-0.5236322693731483 -0.6871041862961152 -0.4480487572844416 -0.5108888376850432 -0.9564188165844429 -0.8916955974338587 -1.2096622769368495 -1.3211544063973373 -1.707945935759713 -1.8882629152343715 -1.8371086133319003 -2.0945826865989297 -2.1205854784888376 -2.119424639565182 -2.154481975059609 -2.162375679740472 -2.194260055510233 -2.1941568697765432 -2.218044355286529 -1.2792094266225529 +18653,-1.0060769260448255,0,-0.6871041862961152 -0.4480487572844416 -0.5108888376850432 -0.9564188165844429 -0.8916955974338587 -1.2096622769368495 -1.3211544063973373 -1.707945935759713 -1.8882629152343715 -1.8371086133319003 -2.0945826865989297 -2.1205854784888376 -2.119424639565182 -2.154481975059609 -2.162375679740472 -2.194260055510233 -2.1941568697765432 -2.218044355286529 -1.2792094266225529 -1.6240043834206743 +18654,-0.9802547091501908,0,-0.4480487572844416 -0.5108888376850432 -0.9564188165844429 -0.8916955974338587 -1.2096622769368495 -1.3211544063973373 -1.707945935759713 -1.8882629152343715 -1.8371086133319003 -2.0945826865989297 -2.1205854784888376 -2.119424639565182 -2.154481975059609 -2.162375679740472 -2.194260055510233 -2.1941568697765432 -2.218044355286529 -1.2792094266225529 -1.6240043834206743 -1.0060769260448255 +18655,-0.1649588384353894,0,-0.5108888376850432 -0.9564188165844429 -0.8916955974338587 -1.2096622769368495 -1.3211544063973373 -1.707945935759713 -1.8882629152343715 -1.8371086133319003 -2.0945826865989297 -2.1205854784888376 -2.119424639565182 -2.154481975059609 -2.162375679740472 -2.194260055510233 -2.1941568697765432 -2.218044355286529 -1.2792094266225529 -1.6240043834206743 -1.0060769260448255 -0.9802547091501908 +18656,0.058231791952983294,0,-0.9564188165844429 -0.8916955974338587 -1.2096622769368495 -1.3211544063973373 -1.707945935759713 -1.8882629152343715 -1.8371086133319003 -2.0945826865989297 -2.1205854784888376 -2.119424639565182 -2.154481975059609 -2.162375679740472 -2.194260055510233 -2.1941568697765432 -2.218044355286529 -1.2792094266225529 -1.6240043834206743 -1.0060769260448255 -0.9802547091501908 -0.1649588384353894 +18657,-0.17184648271574726,0,-0.8916955974338587 -1.2096622769368495 -1.3211544063973373 -1.707945935759713 -1.8882629152343715 -1.8371086133319003 -2.0945826865989297 -2.1205854784888376 -2.119424639565182 -2.154481975059609 -2.162375679740472 -2.194260055510233 -2.1941568697765432 -2.218044355286529 -1.2792094266225529 -1.6240043834206743 -1.0060769260448255 -0.9802547091501908 -0.1649588384353894 0.058231791952983294 +18658,0.2024337827432492,0,-1.2096622769368495 -1.3211544063973373 -1.707945935759713 -1.8882629152343715 -1.8371086133319003 -2.0945826865989297 -2.1205854784888376 -2.119424639565182 -2.154481975059609 -2.162375679740472 -2.194260055510233 -2.1941568697765432 -2.218044355286529 -1.2792094266225529 -1.6240043834206743 -1.0060769260448255 -0.9802547091501908 -0.1649588384353894 0.058231791952983294 -0.17184648271574726 +18659,0.12344514299036555,0,-1.3211544063973373 -1.707945935759713 -1.8882629152343715 -1.8371086133319003 -2.0945826865989297 -2.1205854784888376 -2.119424639565182 -2.154481975059609 -2.162375679740472 -2.194260055510233 -2.1941568697765432 -2.218044355286529 -1.2792094266225529 -1.6240043834206743 -1.0060769260448255 -0.9802547091501908 -0.1649588384353894 0.058231791952983294 -0.17184648271574726 0.2024337827432492 +18660,-0.5522920926288009,0,-1.707945935759713 -1.8882629152343715 -1.8371086133319003 -2.0945826865989297 -2.1205854784888376 -2.119424639565182 -2.154481975059609 -2.162375679740472 -2.194260055510233 -2.1941568697765432 -2.218044355286529 -1.2792094266225529 -1.6240043834206743 -1.0060769260448255 -0.9802547091501908 -0.1649588384353894 0.058231791952983294 -0.17184648271574726 0.2024337827432492 0.12344514299036555 +18661,-0.4323645336564057,0,-1.8882629152343715 -1.8371086133319003 -2.0945826865989297 -2.1205854784888376 -2.119424639565182 -2.154481975059609 -2.162375679740472 -2.194260055510233 -2.1941568697765432 -2.218044355286529 -1.2792094266225529 -1.6240043834206743 -1.0060769260448255 -0.9802547091501908 -0.1649588384353894 0.058231791952983294 -0.17184648271574726 0.2024337827432492 0.12344514299036555 -0.5522920926288009 +18662,-0.9091855705502845,0,-1.8371086133319003 -2.0945826865989297 -2.1205854784888376 -2.119424639565182 -2.154481975059609 -2.162375679740472 -2.194260055510233 -2.1941568697765432 -2.218044355286529 -1.2792094266225529 -1.6240043834206743 -1.0060769260448255 -0.9802547091501908 -0.1649588384353894 0.058231791952983294 -0.17184648271574726 0.2024337827432492 0.12344514299036555 -0.5522920926288009 -0.4323645336564057 +18663,-1.0724253196885167,0,-2.0945826865989297 -2.1205854784888376 -2.119424639565182 -2.154481975059609 -2.162375679740472 -2.194260055510233 -2.1941568697765432 -2.218044355286529 -1.2792094266225529 -1.6240043834206743 -1.0060769260448255 -0.9802547091501908 -0.1649588384353894 0.058231791952983294 -0.17184648271574726 0.2024337827432492 0.12344514299036555 -0.5522920926288009 -0.4323645336564057 -0.9091855705502845 +18664,-1.653773452655736,0,-2.1205854784888376 -2.119424639565182 -2.154481975059609 -2.162375679740472 -2.194260055510233 -2.1941568697765432 -2.218044355286529 -1.2792094266225529 -1.6240043834206743 -1.0060769260448255 -0.9802547091501908 -0.1649588384353894 0.058231791952983294 -0.17184648271574726 0.2024337827432492 0.12344514299036555 -0.5522920926288009 -0.4323645336564057 -0.9091855705502845 -1.0724253196885167 +18665,-1.9215402977125229,0,-2.119424639565182 -2.154481975059609 -2.162375679740472 -2.194260055510233 -2.1941568697765432 -2.218044355286529 -1.2792094266225529 -1.6240043834206743 -1.0060769260448255 -0.9802547091501908 -0.1649588384353894 0.058231791952983294 -0.17184648271574726 0.2024337827432492 0.12344514299036555 -0.5522920926288009 -0.4323645336564057 -0.9091855705502845 -1.0724253196885167 -1.653773452655736 +18666,-1.9105510225685698,0,-2.154481975059609 -2.162375679740472 -2.194260055510233 -2.1941568697765432 -2.218044355286529 -1.2792094266225529 -1.6240043834206743 -1.0060769260448255 -0.9802547091501908 -0.1649588384353894 0.058231791952983294 -0.17184648271574726 0.2024337827432492 0.12344514299036555 -0.5522920926288009 -0.4323645336564057 -0.9091855705502845 -1.0724253196885167 -1.653773452655736 -1.9215402977125229 +18667,-2.2712365743073386,0,-2.162375679740472 -2.194260055510233 -2.1941568697765432 -2.218044355286529 -1.2792094266225529 -1.6240043834206743 -1.0060769260448255 -0.9802547091501908 -0.1649588384353894 0.058231791952983294 -0.17184648271574726 0.2024337827432492 0.12344514299036555 -0.5522920926288009 -0.4323645336564057 -0.9091855705502845 -1.0724253196885167 -1.653773452655736 -1.9215402977125229 -1.9105510225685698 +18668,-2.353166006000153,0,-2.194260055510233 -2.1941568697765432 -2.218044355286529 -1.2792094266225529 -1.6240043834206743 -1.0060769260448255 -0.9802547091501908 -0.1649588384353894 0.058231791952983294 -0.17184648271574726 0.2024337827432492 0.12344514299036555 -0.5522920926288009 -0.4323645336564057 -0.9091855705502845 -1.0724253196885167 -1.653773452655736 -1.9215402977125229 -1.9105510225685698 -2.2712365743073386 +18669,-2.381000343695798,0,-2.1941568697765432 -2.218044355286529 -1.2792094266225529 -1.6240043834206743 -1.0060769260448255 -0.9802547091501908 -0.1649588384353894 0.058231791952983294 -0.17184648271574726 0.2024337827432492 0.12344514299036555 -0.5522920926288009 -0.4323645336564057 -0.9091855705502845 -1.0724253196885167 -1.653773452655736 -1.9215402977125229 -1.9105510225685698 -2.2712365743073386 -2.353166006000153 +18670,-2.4809614731812966,0,-2.218044355286529 -1.2792094266225529 -1.6240043834206743 -1.0060769260448255 -0.9802547091501908 -0.1649588384353894 0.058231791952983294 -0.17184648271574726 0.2024337827432492 0.12344514299036555 -0.5522920926288009 -0.4323645336564057 -0.9091855705502845 -1.0724253196885167 -1.653773452655736 -1.9215402977125229 -1.9105510225685698 -2.2712365743073386 -2.353166006000153 -2.381000343695798 +18671,-2.5268275089791796,0,-1.2792094266225529 -1.6240043834206743 -1.0060769260448255 -0.9802547091501908 -0.1649588384353894 0.058231791952983294 -0.17184648271574726 0.2024337827432492 0.12344514299036555 -0.5522920926288009 -0.4323645336564057 -0.9091855705502845 -1.0724253196885167 -1.653773452655736 -1.9215402977125229 -1.9105510225685698 -2.2712365743073386 -2.353166006000153 -2.381000343695798 -2.4809614731812966 +18672,-2.5232418064745143,0,-1.6240043834206743 -1.0060769260448255 -0.9802547091501908 -0.1649588384353894 0.058231791952983294 -0.17184648271574726 0.2024337827432492 0.12344514299036555 -0.5522920926288009 -0.4323645336564057 -0.9091855705502845 -1.0724253196885167 -1.653773452655736 -1.9215402977125229 -1.9105510225685698 -2.2712365743073386 -2.353166006000153 -2.381000343695798 -2.4809614731812966 -2.5268275089791796 +18673,-2.585591754833541,0,-1.0060769260448255 -0.9802547091501908 -0.1649588384353894 0.058231791952983294 -0.17184648271574726 0.2024337827432492 0.12344514299036555 -0.5522920926288009 -0.4323645336564057 -0.9091855705502845 -1.0724253196885167 -1.653773452655736 -1.9215402977125229 -1.9105510225685698 -2.2712365743073386 -2.353166006000153 -2.381000343695798 -2.4809614731812966 -2.5268275089791796 -2.5232418064745143 +18674,-2.5984899651995823,0,-0.9802547091501908 -0.1649588384353894 0.058231791952983294 -0.17184648271574726 0.2024337827432492 0.12344514299036555 -0.5522920926288009 -0.4323645336564057 -0.9091855705502845 -1.0724253196885167 -1.653773452655736 -1.9215402977125229 -1.9105510225685698 -2.2712365743073386 -2.353166006000153 -2.381000343695798 -2.4809614731812966 -2.5268275089791796 -2.5232418064745143 -2.585591754833541 +18675,-1.4630089228681689,0,-0.1649588384353894 0.058231791952983294 -0.17184648271574726 0.2024337827432492 0.12344514299036555 -0.5522920926288009 -0.4323645336564057 -0.9091855705502845 -1.0724253196885167 -1.653773452655736 -1.9215402977125229 -1.9105510225685698 -2.2712365743073386 -2.353166006000153 -2.381000343695798 -2.4809614731812966 -2.5268275089791796 -2.5232418064745143 -2.585591754833541 -2.5984899651995823 +18676,-1.8587002173119125,0,0.058231791952983294 -0.17184648271574726 0.2024337827432492 0.12344514299036555 -0.5522920926288009 -0.4323645336564057 -0.9091855705502845 -1.0724253196885167 -1.653773452655736 -1.9215402977125229 -1.9105510225685698 -2.2712365743073386 -2.353166006000153 -2.381000343695798 -2.4809614731812966 -2.5268275089791796 -2.5232418064745143 -2.585591754833541 -2.5984899651995823 -1.4630089228681689 +18677,-1.1060122592129868,0,-0.17184648271574726 0.2024337827432492 0.12344514299036555 -0.5522920926288009 -0.4323645336564057 -0.9091855705502845 -1.0724253196885167 -1.653773452655736 -1.9215402977125229 -1.9105510225685698 -2.2712365743073386 -2.353166006000153 -2.381000343695798 -2.4809614731812966 -2.5268275089791796 -2.5232418064745143 -2.585591754833541 -2.5984899651995823 -1.4630089228681689 -1.8587002173119125 +18678,-1.1069409303519078,0,0.2024337827432492 0.12344514299036555 -0.5522920926288009 -0.4323645336564057 -0.9091855705502845 -1.0724253196885167 -1.653773452655736 -1.9215402977125229 -1.9105510225685698 -2.2712365743073386 -2.353166006000153 -2.381000343695798 -2.4809614731812966 -2.5268275089791796 -2.5232418064745143 -2.585591754833541 -2.5984899651995823 -1.4630089228681689 -1.8587002173119125 -1.1060122592129868 +18679,-0.10304742917369991,0,0.12344514299036555 -0.5522920926288009 -0.4323645336564057 -0.9091855705502845 -1.0724253196885167 -1.653773452655736 -1.9215402977125229 -1.9105510225685698 -2.2712365743073386 -2.353166006000153 -2.381000343695798 -2.4809614731812966 -2.5268275089791796 -2.5232418064745143 -2.585591754833541 -2.5984899651995823 -1.4630089228681689 -1.8587002173119125 -1.1060122592129868 -1.1069409303519078 +18680,0.14722944276666136,0,-0.5522920926288009 -0.4323645336564057 -0.9091855705502845 -1.0724253196885167 -1.653773452655736 -1.9215402977125229 -1.9105510225685698 -2.2712365743073386 -2.353166006000153 -2.381000343695798 -2.4809614731812966 -2.5268275089791796 -2.5232418064745143 -2.585591754833541 -2.5984899651995823 -1.4630089228681689 -1.8587002173119125 -1.1060122592129868 -1.1069409303519078 -0.10304742917369991 +18681,-0.11821572444281458,0,-0.4323645336564057 -0.9091855705502845 -1.0724253196885167 -1.653773452655736 -1.9215402977125229 -1.9105510225685698 -2.2712365743073386 -2.353166006000153 -2.381000343695798 -2.4809614731812966 -2.5268275089791796 -2.5232418064745143 -2.585591754833541 -2.5984899651995823 -1.4630089228681689 -1.8587002173119125 -1.1060122592129868 -1.1069409303519078 -0.10304742917369991 0.14722944276666136 +18682,0.3039684939324122,0,-0.9091855705502845 -1.0724253196885167 -1.653773452655736 -1.9215402977125229 -1.9105510225685698 -2.2712365743073386 -2.353166006000153 -2.381000343695798 -2.4809614731812966 -2.5268275089791796 -2.5232418064745143 -2.585591754833541 -2.5984899651995823 -1.4630089228681689 -1.8587002173119125 -1.1060122592129868 -1.1069409303519078 -0.10304742917369991 0.14722944276666136 -0.11821572444281458 +18683,0.21043067300303367,0,-1.0724253196885167 -1.653773452655736 -1.9215402977125229 -1.9105510225685698 -2.2712365743073386 -2.353166006000153 -2.381000343695798 -2.4809614731812966 -2.5268275089791796 -2.5232418064745143 -2.585591754833541 -2.5984899651995823 -1.4630089228681689 -1.8587002173119125 -1.1060122592129868 -1.1069409303519078 -0.10304742917369991 0.14722944276666136 -0.11821572444281458 0.3039684939324122 +18684,-0.3643909655195895,0,-1.653773452655736 -1.9215402977125229 -1.9105510225685698 -2.2712365743073386 -2.353166006000153 -2.381000343695798 -2.4809614731812966 -2.5268275089791796 -2.5232418064745143 -2.585591754833541 -2.5984899651995823 -1.4630089228681689 -1.8587002173119125 -1.1060122592129868 -1.1069409303519078 -0.10304742917369991 0.14722944276666136 -0.11821572444281458 0.3039684939324122 0.21043067300303367 +18685,-0.29750084704484475,0,-1.9215402977125229 -1.9105510225685698 -2.2712365743073386 -2.353166006000153 -2.381000343695798 -2.4809614731812966 -2.5268275089791796 -2.5232418064745143 -2.585591754833541 -2.5984899651995823 -1.4630089228681689 -1.8587002173119125 -1.1060122592129868 -1.1069409303519078 -0.10304742917369991 0.14722944276666136 -0.11821572444281458 0.3039684939324122 0.21043067300303367 -0.3643909655195895 +18686,-0.7118945464729073,0,-1.9105510225685698 -2.2712365743073386 -2.353166006000153 -2.381000343695798 -2.4809614731812966 -2.5268275089791796 -2.5232418064745143 -2.585591754833541 -2.5984899651995823 -1.4630089228681689 -1.8587002173119125 -1.1060122592129868 -1.1069409303519078 -0.10304742917369991 0.14722944276666136 -0.11821572444281458 0.3039684939324122 0.21043067300303367 -0.3643909655195895 -0.29750084704484475 +18687,-0.8999246556331547,0,-2.2712365743073386 -2.353166006000153 -2.381000343695798 -2.4809614731812966 -2.5268275089791796 -2.5232418064745143 -2.585591754833541 -2.5984899651995823 -1.4630089228681689 -1.8587002173119125 -1.1060122592129868 -1.1069409303519078 -0.10304742917369991 0.14722944276666136 -0.11821572444281458 0.3039684939324122 0.21043067300303367 -0.3643909655195895 -0.29750084704484475 -0.7118945464729073 +18688,-1.3897728849441109,0,-2.353166006000153 -2.381000343695798 -2.4809614731812966 -2.5268275089791796 -2.5232418064745143 -2.585591754833541 -2.5984899651995823 -1.4630089228681689 -1.8587002173119125 -1.1060122592129868 -1.1069409303519078 -0.10304742917369991 0.14722944276666136 -0.11821572444281458 0.3039684939324122 0.21043067300303367 -0.3643909655195895 -0.29750084704484475 -0.7118945464729073 -0.8999246556331547 +18689,-1.6532575242968146,0,-2.381000343695798 -2.4809614731812966 -2.5268275089791796 -2.5232418064745143 -2.585591754833541 -2.5984899651995823 -1.4630089228681689 -1.8587002173119125 -1.1060122592129868 -1.1069409303519078 -0.10304742917369991 0.14722944276666136 -0.11821572444281458 0.3039684939324122 0.21043067300303367 -0.3643909655195895 -0.29750084704484475 -0.7118945464729073 -0.8999246556331547 -1.3897728849441109 +18690,-1.572901674307664,0,-2.4809614731812966 -2.5268275089791796 -2.5232418064745143 -2.585591754833541 -2.5984899651995823 -1.4630089228681689 -1.8587002173119125 -1.1060122592129868 -1.1069409303519078 -0.10304742917369991 0.14722944276666136 -0.11821572444281458 0.3039684939324122 0.21043067300303367 -0.3643909655195895 -0.29750084704484475 -0.7118945464729073 -0.8999246556331547 -1.3897728849441109 -1.6532575242968146 +18691,-1.9509998099012746,0,-2.5268275089791796 -2.5232418064745143 -2.585591754833541 -2.5984899651995823 -1.4630089228681689 -1.8587002173119125 -1.1060122592129868 -1.1069409303519078 -0.10304742917369991 0.14722944276666136 -0.11821572444281458 0.3039684939324122 0.21043067300303367 -0.3643909655195895 -0.29750084704484475 -0.7118945464729073 -0.8999246556331547 -1.3897728849441109 -1.6532575242968146 -1.572901674307664 +18692,-1.9852574564625933,0,-2.5232418064745143 -2.585591754833541 -2.5984899651995823 -1.4630089228681689 -1.8587002173119125 -1.1060122592129868 -1.1069409303519078 -0.10304742917369991 0.14722944276666136 -0.11821572444281458 0.3039684939324122 0.21043067300303367 -0.3643909655195895 -0.29750084704484475 -0.7118945464729073 -0.8999246556331547 -1.3897728849441109 -1.6532575242968146 -1.572901674307664 -1.9509998099012746 +18693,-2.0658712705538247,0,-2.585591754833541 -2.5984899651995823 -1.4630089228681689 -1.8587002173119125 -1.1060122592129868 -1.1069409303519078 -0.10304742917369991 0.14722944276666136 -0.11821572444281458 0.3039684939324122 0.21043067300303367 -0.3643909655195895 -0.29750084704484475 -0.7118945464729073 -0.8999246556331547 -1.3897728849441109 -1.6532575242968146 -1.572901674307664 -1.9509998099012746 -1.9852574564625933 +18694,-2.0846768611170567,0,-2.5984899651995823 -1.4630089228681689 -1.8587002173119125 -1.1060122592129868 -1.1069409303519078 -0.10304742917369991 0.14722944276666136 -0.11821572444281458 0.3039684939324122 0.21043067300303367 -0.3643909655195895 -0.29750084704484475 -0.7118945464729073 -0.8999246556331547 -1.3897728849441109 -1.6532575242968146 -1.572901674307664 -1.9509998099012746 -1.9852574564625933 -2.0658712705538247 +18695,-2.1498386193649868,0,-1.4630089228681689 -1.8587002173119125 -1.1060122592129868 -1.1069409303519078 -0.10304742917369991 0.14722944276666136 -0.11821572444281458 0.3039684939324122 0.21043067300303367 -0.3643909655195895 -0.29750084704484475 -0.7118945464729073 -0.8999246556331547 -1.3897728849441109 -1.6532575242968146 -1.572901674307664 -1.9509998099012746 -1.9852574564625933 -2.0658712705538247 -2.0846768611170567 +18696,-1.9524960023433633,0,-1.8587002173119125 -1.1060122592129868 -1.1069409303519078 -0.10304742917369991 0.14722944276666136 -0.11821572444281458 0.3039684939324122 0.21043067300303367 -0.3643909655195895 -0.29750084704484475 -0.7118945464729073 -0.8999246556331547 -1.3897728849441109 -1.6532575242968146 -1.572901674307664 -1.9509998099012746 -1.9852574564625933 -2.0658712705538247 -2.0846768611170567 -2.1498386193649868 +18697,-2.105159218962874,0,-1.1060122592129868 -1.1069409303519078 -0.10304742917369991 0.14722944276666136 -0.11821572444281458 0.3039684939324122 0.21043067300303367 -0.3643909655195895 -0.29750084704484475 -0.7118945464729073 -0.8999246556331547 -1.3897728849441109 -1.6532575242968146 -1.572901674307664 -1.9509998099012746 -1.9852574564625933 -2.0658712705538247 -2.0846768611170567 -2.1498386193649868 -1.9524960023433633 +18698,-1.9953180604676255,0,-1.1069409303519078 -0.10304742917369991 0.14722944276666136 -0.11821572444281458 0.3039684939324122 0.21043067300303367 -0.3643909655195895 -0.29750084704484475 -0.7118945464729073 -0.8999246556331547 -1.3897728849441109 -1.6532575242968146 -1.572901674307664 -1.9509998099012746 -1.9852574564625933 -2.0658712705538247 -2.0846768611170567 -2.1498386193649868 -1.9524960023433633 -2.105159218962874 +18699,-1.2049931247701042,0,-0.10304742917369991 0.14722944276666136 -0.11821572444281458 0.3039684939324122 0.21043067300303367 -0.3643909655195895 -0.29750084704484475 -0.7118945464729073 -0.8999246556331547 -1.3897728849441109 -1.6532575242968146 -1.572901674307664 -1.9509998099012746 -1.9852574564625933 -2.0658712705538247 -2.0846768611170567 -2.1498386193649868 -1.9524960023433633 -2.105159218962874 -1.9953180604676255 +18700,-1.3219798918025685,0,0.14722944276666136 -0.11821572444281458 0.3039684939324122 0.21043067300303367 -0.3643909655195895 -0.29750084704484475 -0.7118945464729073 -0.8999246556331547 -1.3897728849441109 -1.6532575242968146 -1.572901674307664 -1.9509998099012746 -1.9852574564625933 -2.0658712705538247 -2.0846768611170567 -2.1498386193649868 -1.9524960023433633 -2.105159218962874 -1.9953180604676255 -1.2049931247701042 +18701,-0.7584828819423227,0,-0.11821572444281458 0.3039684939324122 0.21043067300303367 -0.3643909655195895 -0.29750084704484475 -0.7118945464729073 -0.8999246556331547 -1.3897728849441109 -1.6532575242968146 -1.572901674307664 -1.9509998099012746 -1.9852574564625933 -2.0658712705538247 -2.0846768611170567 -2.1498386193649868 -1.9524960023433633 -2.105159218962874 -1.9953180604676255 -1.2049931247701042 -1.3219798918025685 +18702,-0.7668925149821156,0,0.3039684939324122 0.21043067300303367 -0.3643909655195895 -0.29750084704484475 -0.7118945464729073 -0.8999246556331547 -1.3897728849441109 -1.6532575242968146 -1.572901674307664 -1.9509998099012746 -1.9852574564625933 -2.0658712705538247 -2.0846768611170567 -2.1498386193649868 -1.9524960023433633 -2.105159218962874 -1.9953180604676255 -1.2049931247701042 -1.3219798918025685 -0.7584828819423227 +18703,-0.012759957385339006,0,0.21043067300303367 -0.3643909655195895 -0.29750084704484475 -0.7118945464729073 -0.8999246556331547 -1.3897728849441109 -1.6532575242968146 -1.572901674307664 -1.9509998099012746 -1.9852574564625933 -2.0658712705538247 -2.0846768611170567 -2.1498386193649868 -1.9524960023433633 -2.105159218962874 -1.9953180604676255 -1.2049931247701042 -1.3219798918025685 -0.7584828819423227 -0.7668925149821156 +18704,0.1694659573114077,0,-0.3643909655195895 -0.29750084704484475 -0.7118945464729073 -0.8999246556331547 -1.3897728849441109 -1.6532575242968146 -1.572901674307664 -1.9509998099012746 -1.9852574564625933 -2.0658712705538247 -2.0846768611170567 -2.1498386193649868 -1.9524960023433633 -2.105159218962874 -1.9953180604676255 -1.2049931247701042 -1.3219798918025685 -0.7584828819423227 -0.7668925149821156 -0.012759957385339006 +18705,-0.04988100647022768,0,-0.29750084704484475 -0.7118945464729073 -0.8999246556331547 -1.3897728849441109 -1.6532575242968146 -1.572901674307664 -1.9509998099012746 -1.9852574564625933 -2.0658712705538247 -2.0846768611170567 -2.1498386193649868 -1.9524960023433633 -2.105159218962874 -1.9953180604676255 -1.2049931247701042 -1.3219798918025685 -0.7584828819423227 -0.7668925149821156 -0.012759957385339006 0.1694659573114077 +18706,0.2662025342827893,0,-0.7118945464729073 -0.8999246556331547 -1.3897728849441109 -1.6532575242968146 -1.572901674307664 -1.9509998099012746 -1.9852574564625933 -2.0658712705538247 -2.0846768611170567 -2.1498386193649868 -1.9524960023433633 -2.105159218962874 -1.9953180604676255 -1.2049931247701042 -1.3219798918025685 -0.7584828819423227 -0.7668925149821156 -0.012759957385339006 0.1694659573114077 -0.04988100647022768 +18707,0.18071319655742413,0,-0.8999246556331547 -1.3897728849441109 -1.6532575242968146 -1.572901674307664 -1.9509998099012746 -1.9852574564625933 -2.0658712705538247 -2.0846768611170567 -2.1498386193649868 -1.9524960023433633 -2.105159218962874 -1.9953180604676255 -1.2049931247701042 -1.3219798918025685 -0.7584828819423227 -0.7668925149821156 -0.012759957385339006 0.1694659573114077 -0.04988100647022768 0.2662025342827893 +18708,-0.6107983743810902,0,-1.3897728849441109 -1.6532575242968146 -1.572901674307664 -1.9509998099012746 -1.9852574564625933 -2.0658712705538247 -2.0846768611170567 -2.1498386193649868 -1.9524960023433633 -2.105159218962874 -1.9953180604676255 -1.2049931247701042 -1.3219798918025685 -0.7584828819423227 -0.7668925149821156 -0.012759957385339006 0.1694659573114077 -0.04988100647022768 0.2662025342827893 0.18071319655742413 +18709,-0.46094696749569725,0,-1.6532575242968146 -1.572901674307664 -1.9509998099012746 -1.9852574564625933 -2.0658712705538247 -2.0846768611170567 -2.1498386193649868 -1.9524960023433633 -2.105159218962874 -1.9953180604676255 -1.2049931247701042 -1.3219798918025685 -0.7584828819423227 -0.7668925149821156 -0.012759957385339006 0.1694659573114077 -0.04988100647022768 0.2662025342827893 0.18071319655742413 -0.6107983743810902 +18710,-1.0171177941330072,0,-1.572901674307664 -1.9509998099012746 -1.9852574564625933 -2.0658712705538247 -2.0846768611170567 -2.1498386193649868 -1.9524960023433633 -2.105159218962874 -1.9953180604676255 -1.2049931247701042 -1.3219798918025685 -0.7584828819423227 -0.7668925149821156 -0.012759957385339006 0.1694659573114077 -0.04988100647022768 0.2662025342827893 0.18071319655742413 -0.6107983743810902 -0.46094696749569725 +18711,-1.00919829298003,0,-1.9509998099012746 -1.9852574564625933 -2.0658712705538247 -2.0846768611170567 -2.1498386193649868 -1.9524960023433633 -2.105159218962874 -1.9953180604676255 -1.2049931247701042 -1.3219798918025685 -0.7584828819423227 -0.7668925149821156 -0.012759957385339006 0.1694659573114077 -0.04988100647022768 0.2662025342827893 0.18071319655742413 -0.6107983743810902 -0.46094696749569725 -1.0171177941330072 +18712,-1.7533992287775875,0,-1.9852574564625933 -2.0658712705538247 -2.0846768611170567 -2.1498386193649868 -1.9524960023433633 -2.105159218962874 -1.9953180604676255 -1.2049931247701042 -1.3219798918025685 -0.7584828819423227 -0.7668925149821156 -0.012759957385339006 0.1694659573114077 -0.04988100647022768 0.2662025342827893 0.18071319655742413 -0.6107983743810902 -0.46094696749569725 -1.0171177941330072 -1.00919829298003 +18713,-1.933509836784849,0,-2.0658712705538247 -2.0846768611170567 -2.1498386193649868 -1.9524960023433633 -2.105159218962874 -1.9953180604676255 -1.2049931247701042 -1.3219798918025685 -0.7584828819423227 -0.7668925149821156 -0.012759957385339006 0.1694659573114077 -0.04988100647022768 0.2662025342827893 0.18071319655742413 -0.6107983743810902 -0.46094696749569725 -1.0171177941330072 -1.00919829298003 -1.7533992287775875 +18714,-1.964413948626237,0,-2.0846768611170567 -2.1498386193649868 -1.9524960023433633 -2.105159218962874 -1.9953180604676255 -1.2049931247701042 -1.3219798918025685 -0.7584828819423227 -0.7668925149821156 -0.012759957385339006 0.1694659573114077 -0.04988100647022768 0.2662025342827893 0.18071319655742413 -0.6107983743810902 -0.46094696749569725 -1.0171177941330072 -1.00919829298003 -1.7533992287775875 -1.933509836784849 +18715,-2.194260055510233,0,-2.1498386193649868 -1.9524960023433633 -2.105159218962874 -1.9953180604676255 -1.2049931247701042 -1.3219798918025685 -0.7584828819423227 -0.7668925149821156 -0.012759957385339006 0.1694659573114077 -0.04988100647022768 0.2662025342827893 0.18071319655742413 -0.6107983743810902 -0.46094696749569725 -1.0171177941330072 -1.00919829298003 -1.7533992287775875 -1.933509836784849 -1.964413948626237 +18716,-2.274899666073588,0,-1.9524960023433633 -2.105159218962874 -1.9953180604676255 -1.2049931247701042 -1.3219798918025685 -0.7584828819423227 -0.7668925149821156 -0.012759957385339006 0.1694659573114077 -0.04988100647022768 0.2662025342827893 0.18071319655742413 -0.6107983743810902 -0.46094696749569725 -1.0171177941330072 -1.00919829298003 -1.7533992287775875 -1.933509836784849 -1.964413948626237 -2.194260055510233 +18717,-2.305158867350233,0,-2.105159218962874 -1.9953180604676255 -1.2049931247701042 -1.3219798918025685 -0.7584828819423227 -0.7668925149821156 -0.012759957385339006 0.1694659573114077 -0.04988100647022768 0.2662025342827893 0.18071319655742413 -0.6107983743810902 -0.46094696749569725 -1.0171177941330072 -1.00919829298003 -1.7533992287775875 -1.933509836784849 -1.964413948626237 -2.194260055510233 -2.274899666073588 +18718,-2.40259194767581,0,-1.9953180604676255 -1.2049931247701042 -1.3219798918025685 -0.7584828819423227 -0.7668925149821156 -0.012759957385339006 0.1694659573114077 -0.04988100647022768 0.2662025342827893 0.18071319655742413 -0.6107983743810902 -0.46094696749569725 -1.0171177941330072 -1.00919829298003 -1.7533992287775875 -1.933509836784849 -1.964413948626237 -2.194260055510233 -2.274899666073588 -2.305158867350233 +18719,-2.449644618714686,0,-1.2049931247701042 -1.3219798918025685 -0.7584828819423227 -0.7668925149821156 -0.012759957385339006 0.1694659573114077 -0.04988100647022768 0.2662025342827893 0.18071319655742413 -0.6107983743810902 -0.46094696749569725 -1.0171177941330072 -1.00919829298003 -1.7533992287775875 -1.933509836784849 -1.964413948626237 -2.194260055510233 -2.274899666073588 -2.305158867350233 -2.40259194767581 +18720,-2.4187663033454205,0,-1.3219798918025685 -0.7584828819423227 -0.7668925149821156 -0.012759957385339006 0.1694659573114077 -0.04988100647022768 0.2662025342827893 0.18071319655742413 -0.6107983743810902 -0.46094696749569725 -1.0171177941330072 -1.00919829298003 -1.7533992287775875 -1.933509836784849 -1.964413948626237 -2.194260055510233 -2.274899666073588 -2.305158867350233 -2.40259194767581 -2.449644618714686 +18721,-2.4917959698020904,0,-0.7584828819423227 -0.7668925149821156 -0.012759957385339006 0.1694659573114077 -0.04988100647022768 0.2662025342827893 0.18071319655742413 -0.6107983743810902 -0.46094696749569725 -1.0171177941330072 -1.00919829298003 -1.7533992287775875 -1.933509836784849 -1.964413948626237 -2.194260055510233 -2.274899666073588 -2.305158867350233 -2.40259194767581 -2.449644618714686 -2.4187663033454205 +18722,-2.486894650005396,0,-0.7668925149821156 -0.012759957385339006 0.1694659573114077 -0.04988100647022768 0.2662025342827893 0.18071319655742413 -0.6107983743810902 -0.46094696749569725 -1.0171177941330072 -1.00919829298003 -1.7533992287775875 -1.933509836784849 -1.964413948626237 -2.194260055510233 -2.274899666073588 -2.305158867350233 -2.40259194767581 -2.449644618714686 -2.4187663033454205 -2.4917959698020904 +18723,-1.3751721109781552,0,-0.012759957385339006 0.1694659573114077 -0.04988100647022768 0.2662025342827893 0.18071319655742413 -0.6107983743810902 -0.46094696749569725 -1.0171177941330072 -1.00919829298003 -1.7533992287775875 -1.933509836784849 -1.964413948626237 -2.194260055510233 -2.274899666073588 -2.305158867350233 -2.40259194767581 -2.449644618714686 -2.4187663033454205 -2.4917959698020904 -2.486894650005396 +18724,-1.7392111974368545,0,0.1694659573114077 -0.04988100647022768 0.2662025342827893 0.18071319655742413 -0.6107983743810902 -0.46094696749569725 -1.0171177941330072 -1.00919829298003 -1.7533992287775875 -1.933509836784849 -1.964413948626237 -2.194260055510233 -2.274899666073588 -2.305158867350233 -2.40259194767581 -2.449644618714686 -2.4187663033454205 -2.4917959698020904 -2.486894650005396 -1.3751721109781552 +18725,-0.9964290648198016,0,-0.04988100647022768 0.2662025342827893 0.18071319655742413 -0.6107983743810902 -0.46094696749569725 -1.0171177941330072 -1.00919829298003 -1.7533992287775875 -1.933509836784849 -1.964413948626237 -2.194260055510233 -2.274899666073588 -2.305158867350233 -2.40259194767581 -2.449644618714686 -2.4187663033454205 -2.4917959698020904 -2.486894650005396 -1.3751721109781552 -1.7392111974368545 +18726,-1.1202518833431718,0,0.2662025342827893 0.18071319655742413 -0.6107983743810902 -0.46094696749569725 -1.0171177941330072 -1.00919829298003 -1.7533992287775875 -1.933509836784849 -1.964413948626237 -2.194260055510233 -2.274899666073588 -2.305158867350233 -2.40259194767581 -2.449644618714686 -2.4187663033454205 -2.4917959698020904 -2.486894650005396 -1.3751721109781552 -1.7392111974368545 -0.9964290648198016 +18727,-0.08860143373090357,0,0.18071319655742413 -0.6107983743810902 -0.46094696749569725 -1.0171177941330072 -1.00919829298003 -1.7533992287775875 -1.933509836784849 -1.964413948626237 -2.194260055510233 -2.274899666073588 -2.305158867350233 -2.40259194767581 -2.449644618714686 -2.4187663033454205 -2.4917959698020904 -2.486894650005396 -1.3751721109781552 -1.7392111974368545 -0.9964290648198016 -1.1202518833431718 +18728,0.07644406489572733,0,-0.6107983743810902 -0.46094696749569725 -1.0171177941330072 -1.00919829298003 -1.7533992287775875 -1.933509836784849 -1.964413948626237 -2.194260055510233 -2.274899666073588 -2.305158867350233 -2.40259194767581 -2.449644618714686 -2.4187663033454205 -2.4917959698020904 -2.486894650005396 -1.3751721109781552 -1.7392111974368545 -0.9964290648198016 -1.1202518833431718 -0.08860143373090357 +18729,-0.2021830732539766,0,-0.46094696749569725 -1.0171177941330072 -1.00919829298003 -1.7533992287775875 -1.933509836784849 -1.964413948626237 -2.194260055510233 -2.274899666073588 -2.305158867350233 -2.40259194767581 -2.449644618714686 -2.4187663033454205 -2.4917959698020904 -2.486894650005396 -1.3751721109781552 -1.7392111974368545 -0.9964290648198016 -1.1202518833431718 -0.08860143373090357 0.07644406489572733 +18730,0.11075330409172127,0,-1.0171177941330072 -1.00919829298003 -1.7533992287775875 -1.933509836784849 -1.964413948626237 -2.194260055510233 -2.274899666073588 -2.305158867350233 -2.40259194767581 -2.449644618714686 -2.4187663033454205 -2.4917959698020904 -2.486894650005396 -1.3751721109781552 -1.7392111974368545 -0.9964290648198016 -1.1202518833431718 -0.08860143373090357 0.07644406489572733 -0.2021830732539766 +18731,-0.019982955029344336,0,-1.00919829298003 -1.7533992287775875 -1.933509836784849 -1.964413948626237 -2.194260055510233 -2.274899666073588 -2.305158867350233 -2.40259194767581 -2.449644618714686 -2.4187663033454205 -2.4917959698020904 -2.486894650005396 -1.3751721109781552 -1.7392111974368545 -0.9964290648198016 -1.1202518833431718 -0.08860143373090357 0.07644406489572733 -0.2021830732539766 0.11075330409172127 +18732,-0.481945253855204,0,-1.7533992287775875 -1.933509836784849 -1.964413948626237 -2.194260055510233 -2.274899666073588 -2.305158867350233 -2.40259194767581 -2.449644618714686 -2.4187663033454205 -2.4917959698020904 -2.486894650005396 -1.3751721109781552 -1.7392111974368545 -0.9964290648198016 -1.1202518833431718 -0.08860143373090357 0.07644406489572733 -0.2021830732539766 0.11075330409172127 -0.019982955029344336 +18733,-0.5022728331778709,0,-1.933509836784849 -1.964413948626237 -2.194260055510233 -2.274899666073588 -2.305158867350233 -2.40259194767581 -2.449644618714686 -2.4187663033454205 -2.4917959698020904 -2.486894650005396 -1.3751721109781552 -1.7392111974368545 -0.9964290648198016 -1.1202518833431718 -0.08860143373090357 0.07644406489572733 -0.2021830732539766 0.11075330409172127 -0.019982955029344336 -0.481945253855204 +18734,-0.8538264522053229,0,-1.964413948626237 -2.194260055510233 -2.274899666073588 -2.305158867350233 -2.40259194767581 -2.449644618714686 -2.4187663033454205 -2.4917959698020904 -2.486894650005396 -1.3751721109781552 -1.7392111974368545 -0.9964290648198016 -1.1202518833431718 -0.08860143373090357 0.07644406489572733 -0.2021830732539766 0.11075330409172127 -0.019982955029344336 -0.481945253855204 -0.5022728331778709 +18735,-0.7933596424414756,0,-2.194260055510233 -2.274899666073588 -2.305158867350233 -2.40259194767581 -2.449644618714686 -2.4187663033454205 -2.4917959698020904 -2.486894650005396 -1.3751721109781552 -1.7392111974368545 -0.9964290648198016 -1.1202518833431718 -0.08860143373090357 0.07644406489572733 -0.2021830732539766 0.11075330409172127 -0.019982955029344336 -0.481945253855204 -0.5022728331778709 -0.8538264522053229 +18736,-1.2822534042961733,0,-2.274899666073588 -2.305158867350233 -2.40259194767581 -2.449644618714686 -2.4187663033454205 -2.4917959698020904 -2.486894650005396 -1.3751721109781552 -1.7392111974368545 -0.9964290648198016 -1.1202518833431718 -0.08860143373090357 0.07644406489572733 -0.2021830732539766 0.11075330409172127 -0.019982955029344336 -0.481945253855204 -0.5022728331778709 -0.8538264522053229 -0.7933596424414756 +18737,-1.3591267373595803,0,-2.305158867350233 -2.40259194767581 -2.449644618714686 -2.4187663033454205 -2.4917959698020904 -2.486894650005396 -1.3751721109781552 -1.7392111974368545 -0.9964290648198016 -1.1202518833431718 -0.08860143373090357 0.07644406489572733 -0.2021830732539766 0.11075330409172127 -0.019982955029344336 -0.481945253855204 -0.5022728331778709 -0.8538264522053229 -0.7933596424414756 -1.2822534042961733 +18738,-1.258701272304612,0,-2.40259194767581 -2.449644618714686 -2.4187663033454205 -2.4917959698020904 -2.486894650005396 -1.3751721109781552 -1.7392111974368545 -0.9964290648198016 -1.1202518833431718 -0.08860143373090357 0.07644406489572733 -0.2021830732539766 0.11075330409172127 -0.019982955029344336 -0.481945253855204 -0.5022728331778709 -0.8538264522053229 -0.7933596424414756 -1.2822534042961733 -1.3591267373595803 +18739,-1.394674204895591,0,-2.449644618714686 -2.4187663033454205 -2.4917959698020904 -2.486894650005396 -1.3751721109781552 -1.7392111974368545 -0.9964290648198016 -1.1202518833431718 -0.08860143373090357 0.07644406489572733 -0.2021830732539766 0.11075330409172127 -0.019982955029344336 -0.481945253855204 -0.5022728331778709 -0.8538264522053229 -0.7933596424414756 -1.2822534042961733 -1.3591267373595803 -1.258701272304612 +18740,-1.3533483392134085,0,-2.4187663033454205 -2.4917959698020904 -2.486894650005396 -1.3751721109781552 -1.7392111974368545 -0.9964290648198016 -1.1202518833431718 -0.08860143373090357 0.07644406489572733 -0.2021830732539766 0.11075330409172127 -0.019982955029344336 -0.481945253855204 -0.5022728331778709 -0.8538264522053229 -0.7933596424414756 -1.2822534042961733 -1.3591267373595803 -1.258701272304612 -1.394674204895591 +18741,-1.3469250305025111,0,-2.4917959698020904 -2.486894650005396 -1.3751721109781552 -1.7392111974368545 -0.9964290648198016 -1.1202518833431718 -0.08860143373090357 0.07644406489572733 -0.2021830732539766 0.11075330409172127 -0.019982955029344336 -0.481945253855204 -0.5022728331778709 -0.8538264522053229 -0.7933596424414756 -1.2822534042961733 -1.3591267373595803 -1.258701272304612 -1.394674204895591 -1.3533483392134085 +18742,-1.2939649791116503,0,-2.486894650005396 -1.3751721109781552 -1.7392111974368545 -0.9964290648198016 -1.1202518833431718 -0.08860143373090357 0.07644406489572733 -0.2021830732539766 0.11075330409172127 -0.019982955029344336 -0.481945253855204 -0.5022728331778709 -0.8538264522053229 -0.7933596424414756 -1.2822534042961733 -1.3591267373595803 -1.258701272304612 -1.394674204895591 -1.3533483392134085 -1.3469250305025111 +18743,-1.2759074848468512,0,-1.3751721109781552 -1.7392111974368545 -0.9964290648198016 -1.1202518833431718 -0.08860143373090357 0.07644406489572733 -0.2021830732539766 0.11075330409172127 -0.019982955029344336 -0.481945253855204 -0.5022728331778709 -0.8538264522053229 -0.7933596424414756 -1.2822534042961733 -1.3591267373595803 -1.258701272304612 -1.394674204895591 -1.3533483392134085 -1.3469250305025111 -1.2939649791116503 +18744,-1.4978340905778698,0,-1.7392111974368545 -0.9964290648198016 -1.1202518833431718 -0.08860143373090357 0.07644406489572733 -0.2021830732539766 0.11075330409172127 -0.019982955029344336 -0.481945253855204 -0.5022728331778709 -0.8538264522053229 -0.7933596424414756 -1.2822534042961733 -1.3591267373595803 -1.258701272304612 -1.394674204895591 -1.3533483392134085 -1.3469250305025111 -1.2939649791116503 -1.2759074848468512 +18745,-1.3997818961596733,0,-0.9964290648198016 -1.1202518833431718 -0.08860143373090357 0.07644406489572733 -0.2021830732539766 0.11075330409172127 -0.019982955029344336 -0.481945253855204 -0.5022728331778709 -0.8538264522053229 -0.7933596424414756 -1.2822534042961733 -1.3591267373595803 -1.258701272304612 -1.394674204895591 -1.3533483392134085 -1.3469250305025111 -1.2939649791116503 -1.2759074848468512 -1.4978340905778698 +18746,-1.541713801892089,0,-1.1202518833431718 -0.08860143373090357 0.07644406489572733 -0.2021830732539766 0.11075330409172127 -0.019982955029344336 -0.481945253855204 -0.5022728331778709 -0.8538264522053229 -0.7933596424414756 -1.2822534042961733 -1.3591267373595803 -1.258701272304612 -1.394674204895591 -1.3533483392134085 -1.3469250305025111 -1.2939649791116503 -1.2759074848468512 -1.4978340905778698 -1.3997818961596733 +18747,-0.8045810853701633,0,-0.08860143373090357 0.07644406489572733 -0.2021830732539766 0.11075330409172127 -0.019982955029344336 -0.481945253855204 -0.5022728331778709 -0.8538264522053229 -0.7933596424414756 -1.2822534042961733 -1.3591267373595803 -1.258701272304612 -1.394674204895591 -1.3533483392134085 -1.3469250305025111 -1.2939649791116503 -1.2759074848468512 -1.4978340905778698 -1.3997818961596733 -1.541713801892089 +18748,-1.2395345319056097,0,0.07644406489572733 -0.2021830732539766 0.11075330409172127 -0.019982955029344336 -0.481945253855204 -0.5022728331778709 -0.8538264522053229 -0.7933596424414756 -1.2822534042961733 -1.3591267373595803 -1.258701272304612 -1.394674204895591 -1.3533483392134085 -1.3469250305025111 -1.2939649791116503 -1.2759074848468512 -1.4978340905778698 -1.3997818961596733 -1.541713801892089 -0.8045810853701633 +18749,-0.7954233560319376,0,-0.2021830732539766 0.11075330409172127 -0.019982955029344336 -0.481945253855204 -0.5022728331778709 -0.8538264522053229 -0.7933596424414756 -1.2822534042961733 -1.3591267373595803 -1.258701272304612 -1.394674204895591 -1.3533483392134085 -1.3469250305025111 -1.2939649791116503 -1.2759074848468512 -1.4978340905778698 -1.3997818961596733 -1.541713801892089 -0.8045810853701633 -1.2395345319056097 +18750,-0.7507955485740713,0,0.11075330409172127 -0.019982955029344336 -0.481945253855204 -0.5022728331778709 -0.8538264522053229 -0.7933596424414756 -1.2822534042961733 -1.3591267373595803 -1.258701272304612 -1.394674204895591 -1.3533483392134085 -1.3469250305025111 -1.2939649791116503 -1.2759074848468512 -1.4978340905778698 -1.3997818961596733 -1.541713801892089 -0.8045810853701633 -1.2395345319056097 -0.7954233560319376 +18751,-0.17352324999832405,0,-0.019982955029344336 -0.481945253855204 -0.5022728331778709 -0.8538264522053229 -0.7933596424414756 -1.2822534042961733 -1.3591267373595803 -1.258701272304612 -1.394674204895591 -1.3533483392134085 -1.3469250305025111 -1.2939649791116503 -1.2759074848468512 -1.4978340905778698 -1.3997818961596733 -1.541713801892089 -0.8045810853701633 -1.2395345319056097 -0.7954233560319376 -0.7507955485740713 +18752,0.004265680161626263,0,-0.481945253855204 -0.5022728331778709 -0.8538264522053229 -0.7933596424414756 -1.2822534042961733 -1.3591267373595803 -1.258701272304612 -1.394674204895591 -1.3533483392134085 -1.3469250305025111 -1.2939649791116503 -1.2759074848468512 -1.4978340905778698 -1.3997818961596733 -1.541713801892089 -0.8045810853701633 -1.2395345319056097 -0.7954233560319376 -0.7507955485740713 -0.17352324999832405 +18753,-0.13593786534397492,0,-0.5022728331778709 -0.8538264522053229 -0.7933596424414756 -1.2822534042961733 -1.3591267373595803 -1.258701272304612 -1.394674204895591 -1.3533483392134085 -1.3469250305025111 -1.2939649791116503 -1.2759074848468512 -1.4978340905778698 -1.3997818961596733 -1.541713801892089 -0.8045810853701633 -1.2395345319056097 -0.7954233560319376 -0.7507955485740713 -0.17352324999832405 0.004265680161626263 +18754,0.14784855685927237,0,-0.8538264522053229 -0.7933596424414756 -1.2822534042961733 -1.3591267373595803 -1.258701272304612 -1.394674204895591 -1.3533483392134085 -1.3469250305025111 -1.2939649791116503 -1.2759074848468512 -1.4978340905778698 -1.3997818961596733 -1.541713801892089 -0.8045810853701633 -1.2395345319056097 -0.7954233560319376 -0.7507955485740713 -0.17352324999832405 0.004265680161626263 -0.13593786534397492 +18755,0.11364250324219129,0,-0.7933596424414756 -1.2822534042961733 -1.3591267373595803 -1.258701272304612 -1.394674204895591 -1.3533483392134085 -1.3469250305025111 -1.2939649791116503 -1.2759074848468512 -1.4978340905778698 -1.3997818961596733 -1.541713801892089 -0.8045810853701633 -1.2395345319056097 -0.7954233560319376 -0.7507955485740713 -0.17352324999832405 0.004265680161626263 -0.13593786534397492 0.14784855685927237 +18756,-0.6113400992121347,0,-1.2822534042961733 -1.3591267373595803 -1.258701272304612 -1.394674204895591 -1.3533483392134085 -1.3469250305025111 -1.2939649791116503 -1.2759074848468512 -1.4978340905778698 -1.3997818961596733 -1.541713801892089 -0.8045810853701633 -1.2395345319056097 -0.7954233560319376 -0.7507955485740713 -0.17352324999832405 0.004265680161626263 -0.13593786534397492 0.14784855685927237 0.11364250324219129 +18757,-0.4152873031652027,0,-1.3591267373595803 -1.258701272304612 -1.394674204895591 -1.3533483392134085 -1.3469250305025111 -1.2939649791116503 -1.2759074848468512 -1.4978340905778698 -1.3997818961596733 -1.541713801892089 -0.8045810853701633 -1.2395345319056097 -0.7954233560319376 -0.7507955485740713 -0.17352324999832405 0.004265680161626263 -0.13593786534397492 0.14784855685927237 0.11364250324219129 -0.6113400992121347 +18758,-0.9100110561103013,0,-1.258701272304612 -1.394674204895591 -1.3533483392134085 -1.3469250305025111 -1.2939649791116503 -1.2759074848468512 -1.4978340905778698 -1.3997818961596733 -1.541713801892089 -0.8045810853701633 -1.2395345319056097 -0.7954233560319376 -0.7507955485740713 -0.17352324999832405 0.004265680161626263 -0.13593786534397492 0.14784855685927237 0.11364250324219129 -0.6113400992121347 -0.4152873031652027 +18759,-0.8811190650699141,0,-1.394674204895591 -1.3533483392134085 -1.3469250305025111 -1.2939649791116503 -1.2759074848468512 -1.4978340905778698 -1.3997818961596733 -1.541713801892089 -0.8045810853701633 -1.2395345319056097 -0.7954233560319376 -0.7507955485740713 -0.17352324999832405 0.004265680161626263 -0.13593786534397492 0.14784855685927237 0.11364250324219129 -0.6113400992121347 -0.4152873031652027 -0.9100110561103013 +18760,-1.5503813991887223,0,-1.3533483392134085 -1.3469250305025111 -1.2939649791116503 -1.2759074848468512 -1.4978340905778698 -1.3997818961596733 -1.541713801892089 -0.8045810853701633 -1.2395345319056097 -0.7954233560319376 -0.7507955485740713 -0.17352324999832405 0.004265680161626263 -0.13593786534397492 0.14784855685927237 0.11364250324219129 -0.6113400992121347 -0.4152873031652027 -0.9100110561103013 -0.8811190650699141 +18761,-1.696027989476839,0,-1.3469250305025111 -1.2939649791116503 -1.2759074848468512 -1.4978340905778698 -1.3997818961596733 -1.541713801892089 -0.8045810853701633 -1.2395345319056097 -0.7954233560319376 -0.7507955485740713 -0.17352324999832405 0.004265680161626263 -0.13593786534397492 0.14784855685927237 0.11364250324219129 -0.6113400992121347 -0.4152873031652027 -0.9100110561103013 -0.8811190650699141 -1.5503813991887223 +18762,-1.741765043068909,0,-1.2939649791116503 -1.2759074848468512 -1.4978340905778698 -1.3997818961596733 -1.541713801892089 -0.8045810853701633 -1.2395345319056097 -0.7954233560319376 -0.7507955485740713 -0.17352324999832405 0.004265680161626263 -0.13593786534397492 0.14784855685927237 0.11364250324219129 -0.6113400992121347 -0.4152873031652027 -0.9100110561103013 -0.8811190650699141 -1.5503813991887223 -1.696027989476839 +18763,-1.9207148123072917,0,-1.2759074848468512 -1.4978340905778698 -1.3997818961596733 -1.541713801892089 -0.8045810853701633 -1.2395345319056097 -0.7954233560319376 -0.7507955485740713 -0.17352324999832405 0.004265680161626263 -0.13593786534397492 0.14784855685927237 0.11364250324219129 -0.6113400992121347 -0.4152873031652027 -0.9100110561103013 -0.8811190650699141 -1.5503813991887223 -1.696027989476839 -1.741765043068909 +18764,-1.9997550446948504,0,-1.4978340905778698 -1.3997818961596733 -1.541713801892089 -0.8045810853701633 -1.2395345319056097 -0.7954233560319376 -0.7507955485740713 -0.17352324999832405 0.004265680161626263 -0.13593786534397492 0.14784855685927237 0.11364250324219129 -0.6113400992121347 -0.4152873031652027 -0.9100110561103013 -0.8811190650699141 -1.5503813991887223 -1.696027989476839 -1.741765043068909 -1.9207148123072917 +18765,-1.9238619755598338,0,-1.3997818961596733 -1.541713801892089 -0.8045810853701633 -1.2395345319056097 -0.7954233560319376 -0.7507955485740713 -0.17352324999832405 0.004265680161626263 -0.13593786534397492 0.14784855685927237 0.11364250324219129 -0.6113400992121347 -0.4152873031652027 -0.9100110561103013 -0.8811190650699141 -1.5503813991887223 -1.696027989476839 -1.741765043068909 -1.9207148123072917 -1.9997550446948504 +18766,-2.0545466418914473,0,-1.541713801892089 -0.8045810853701633 -1.2395345319056097 -0.7954233560319376 -0.7507955485740713 -0.17352324999832405 0.004265680161626263 -0.13593786534397492 0.14784855685927237 0.11364250324219129 -0.6113400992121347 -0.4152873031652027 -0.9100110561103013 -0.8811190650699141 -1.5503813991887223 -1.696027989476839 -1.741765043068909 -1.9207148123072917 -1.9997550446948504 -1.9238619755598338 +18767,-2.0302980067004768,0,-0.8045810853701633 -1.2395345319056097 -0.7954233560319376 -0.7507955485740713 -0.17352324999832405 0.004265680161626263 -0.13593786534397492 0.14784855685927237 0.11364250324219129 -0.6113400992121347 -0.4152873031652027 -0.9100110561103013 -0.8811190650699141 -1.5503813991887223 -1.696027989476839 -1.741765043068909 -1.9207148123072917 -1.9997550446948504 -1.9238619755598338 -2.0545466418914473 +18768,-2.061537471905504,0,-1.2395345319056097 -0.7954233560319376 -0.7507955485740713 -0.17352324999832405 0.004265680161626263 -0.13593786534397492 0.14784855685927237 0.11364250324219129 -0.6113400992121347 -0.4152873031652027 -0.9100110561103013 -0.8811190650699141 -1.5503813991887223 -1.696027989476839 -1.741765043068909 -1.9207148123072917 -1.9997550446948504 -1.9238619755598338 -2.0545466418914473 -2.0302980067004768 +18769,-2.018792803042826,0,-0.7954233560319376 -0.7507955485740713 -0.17352324999832405 0.004265680161626263 -0.13593786534397492 0.14784855685927237 0.11364250324219129 -0.6113400992121347 -0.4152873031652027 -0.9100110561103013 -0.8811190650699141 -1.5503813991887223 -1.696027989476839 -1.741765043068909 -1.9207148123072917 -1.9997550446948504 -1.9238619755598338 -2.0545466418914473 -2.0302980067004768 -2.061537471905504 +18770,-2.031536234885708,0,-0.7507955485740713 -0.17352324999832405 0.004265680161626263 -0.13593786534397492 0.14784855685927237 0.11364250324219129 -0.6113400992121347 -0.4152873031652027 -0.9100110561103013 -0.8811190650699141 -1.5503813991887223 -1.696027989476839 -1.741765043068909 -1.9207148123072917 -1.9997550446948504 -1.9238619755598338 -2.0545466418914473 -2.0302980067004768 -2.061537471905504 -2.018792803042826 +18771,-1.0767591183368377,0,-0.17352324999832405 0.004265680161626263 -0.13593786534397492 0.14784855685927237 0.11364250324219129 -0.6113400992121347 -0.4152873031652027 -0.9100110561103013 -0.8811190650699141 -1.5503813991887223 -1.696027989476839 -1.741765043068909 -1.9207148123072917 -1.9997550446948504 -1.9238619755598338 -2.0545466418914473 -2.0302980067004768 -2.061537471905504 -2.018792803042826 -2.031536234885708 +18772,-1.4120093994888572,0,0.004265680161626263 -0.13593786534397492 0.14784855685927237 0.11364250324219129 -0.6113400992121347 -0.4152873031652027 -0.9100110561103013 -0.8811190650699141 -1.5503813991887223 -1.696027989476839 -1.741765043068909 -1.9207148123072917 -1.9997550446948504 -1.9238619755598338 -2.0545466418914473 -2.0302980067004768 -2.061537471905504 -2.018792803042826 -2.031536234885708 -1.0767591183368377 +18773,-0.7797391324039105,0,-0.13593786534397492 0.14784855685927237 0.11364250324219129 -0.6113400992121347 -0.4152873031652027 -0.9100110561103013 -0.8811190650699141 -1.5503813991887223 -1.696027989476839 -1.741765043068909 -1.9207148123072917 -1.9997550446948504 -1.9238619755598338 -2.0545466418914473 -2.0302980067004768 -2.061537471905504 -2.018792803042826 -2.031536234885708 -1.0767591183368377 -1.4120093994888572 +18774,-0.7552067364839675,0,0.14784855685927237 0.11364250324219129 -0.6113400992121347 -0.4152873031652027 -0.9100110561103013 -0.8811190650699141 -1.5503813991887223 -1.696027989476839 -1.741765043068909 -1.9207148123072917 -1.9997550446948504 -1.9238619755598338 -2.0545466418914473 -2.0302980067004768 -2.061537471905504 -2.018792803042826 -2.031536234885708 -1.0767591183368377 -1.4120093994888572 -0.7797391324039105 +18775,0.07964282093772157,0,0.11364250324219129 -0.6113400992121347 -0.4152873031652027 -0.9100110561103013 -0.8811190650699141 -1.5503813991887223 -1.696027989476839 -1.741765043068909 -1.9207148123072917 -1.9997550446948504 -1.9238619755598338 -2.0545466418914473 -2.0302980067004768 -2.061537471905504 -2.018792803042826 -2.031536234885708 -1.0767591183368377 -1.4120093994888572 -0.7797391324039105 -0.7552067364839675 +18776,0.3067545073491925,0,-0.6113400992121347 -0.4152873031652027 -0.9100110561103013 -0.8811190650699141 -1.5503813991887223 -1.696027989476839 -1.741765043068909 -1.9207148123072917 -1.9997550446948504 -1.9238619755598338 -2.0545466418914473 -2.0302980067004768 -2.061537471905504 -2.018792803042826 -2.031536234885708 -1.0767591183368377 -1.4120093994888572 -0.7797391324039105 -0.7552067364839675 0.07964282093772157 +18777,0.07556698654625846,0,-0.4152873031652027 -0.9100110561103013 -0.8811190650699141 -1.5503813991887223 -1.696027989476839 -1.741765043068909 -1.9207148123072917 -1.9997550446948504 -1.9238619755598338 -2.0545466418914473 -2.0302980067004768 -2.061537471905504 -2.018792803042826 -2.031536234885708 -1.0767591183368377 -1.4120093994888572 -0.7797391324039105 -0.7552067364839675 0.07964282093772157 0.3067545073491925 +18778,0.4554450751561443,0,-0.9100110561103013 -0.8811190650699141 -1.5503813991887223 -1.696027989476839 -1.741765043068909 -1.9207148123072917 -1.9997550446948504 -1.9238619755598338 -2.0545466418914473 -2.0302980067004768 -2.061537471905504 -2.018792803042826 -2.031536234885708 -1.0767591183368377 -1.4120093994888572 -0.7797391324039105 -0.7552067364839675 0.07964282093772157 0.3067545073491925 0.07556698654625846 +18779,0.37702395686120527,0,-0.8811190650699141 -1.5503813991887223 -1.696027989476839 -1.741765043068909 -1.9207148123072917 -1.9997550446948504 -1.9238619755598338 -2.0545466418914473 -2.0302980067004768 -2.061537471905504 -2.018792803042826 -2.031536234885708 -1.0767591183368377 -1.4120093994888572 -0.7797391324039105 -0.7552067364839675 0.07964282093772157 0.3067545073491925 0.07556698654625846 0.4554450751561443 +18780,-0.35007395212782044,0,-1.5503813991887223 -1.696027989476839 -1.741765043068909 -1.9207148123072917 -1.9997550446948504 -1.9238619755598338 -2.0545466418914473 -2.0302980067004768 -2.061537471905504 -2.018792803042826 -2.031536234885708 -1.0767591183368377 -1.4120093994888572 -0.7797391324039105 -0.7552067364839675 0.07964282093772157 0.3067545073491925 0.07556698654625846 0.4554450751561443 0.37702395686120527 +18781,-0.21226947373111438,0,-1.696027989476839 -1.741765043068909 -1.9207148123072917 -1.9997550446948504 -1.9238619755598338 -2.0545466418914473 -2.0302980067004768 -2.061537471905504 -2.018792803042826 -2.031536234885708 -1.0767591183368377 -1.4120093994888572 -0.7797391324039105 -0.7552067364839675 0.07964282093772157 0.3067545073491925 0.07556698654625846 0.4554450751561443 0.37702395686120527 -0.35007395212782044 +18782,-0.7231417857189236,0,-1.741765043068909 -1.9207148123072917 -1.9997550446948504 -1.9238619755598338 -2.0545466418914473 -2.0302980067004768 -2.061537471905504 -2.018792803042826 -2.031536234885708 -1.0767591183368377 -1.4120093994888572 -0.7797391324039105 -0.7552067364839675 0.07964282093772157 0.3067545073491925 0.07556698654625846 0.4554450751561443 0.37702395686120527 -0.35007395212782044 -0.21226947373111438 +18783,-0.7307517298255999,0,-1.9207148123072917 -1.9997550446948504 -1.9238619755598338 -2.0545466418914473 -2.0302980067004768 -2.061537471905504 -2.018792803042826 -2.031536234885708 -1.0767591183368377 -1.4120093994888572 -0.7797391324039105 -0.7552067364839675 0.07964282093772157 0.3067545073491925 0.07556698654625846 0.4554450751561443 0.37702395686120527 -0.35007395212782044 -0.21226947373111438 -0.7231417857189236 +18784,-1.4093781645952363,0,-1.9997550446948504 -1.9238619755598338 -2.0545466418914473 -2.0302980067004768 -2.061537471905504 -2.018792803042826 -2.031536234885708 -1.0767591183368377 -1.4120093994888572 -0.7797391324039105 -0.7552067364839675 0.07964282093772157 0.3067545073491925 0.07556698654625846 0.4554450751561443 0.37702395686120527 -0.35007395212782044 -0.21226947373111438 -0.7231417857189236 -0.7307517298255999 +18785,-1.5847422313289539,0,-1.9238619755598338 -2.0545466418914473 -2.0302980067004768 -2.061537471905504 -2.018792803042826 -2.031536234885708 -1.0767591183368377 -1.4120093994888572 -0.7797391324039105 -0.7552067364839675 0.07964282093772157 0.3067545073491925 0.07556698654625846 0.4554450751561443 0.37702395686120527 -0.35007395212782044 -0.21226947373111438 -0.7231417857189236 -0.7307517298255999 -1.4093781645952363 +18786,-1.6365156473240448,0,-2.0545466418914473 -2.0302980067004768 -2.061537471905504 -2.018792803042826 -2.031536234885708 -1.0767591183368377 -1.4120093994888572 -0.7797391324039105 -0.7552067364839675 0.07964282093772157 0.3067545073491925 0.07556698654625846 0.4554450751561443 0.37702395686120527 -0.35007395212782044 -0.21226947373111438 -0.7231417857189236 -0.7307517298255999 -1.4093781645952363 -1.5847422313289539 +18787,-1.8530765976888999,0,-2.0302980067004768 -2.061537471905504 -2.018792803042826 -2.031536234885708 -1.0767591183368377 -1.4120093994888572 -0.7797391324039105 -0.7552067364839675 0.07964282093772157 0.3067545073491925 0.07556698654625846 0.4554450751561443 0.37702395686120527 -0.35007395212782044 -0.21226947373111438 -0.7231417857189236 -0.7307517298255999 -1.4093781645952363 -1.5847422313289539 -1.6365156473240448 +18788,-1.9460468971603426,0,-2.061537471905504 -2.018792803042826 -2.031536234885708 -1.0767591183368377 -1.4120093994888572 -0.7797391324039105 -0.7552067364839675 0.07964282093772157 0.3067545073491925 0.07556698654625846 0.4554450751561443 0.37702395686120527 -0.35007395212782044 -0.21226947373111438 -0.7231417857189236 -0.7307517298255999 -1.4093781645952363 -1.5847422313289539 -1.6365156473240448 -1.8530765976888999 +18789,-2.028027921642618,0,-2.018792803042826 -2.031536234885708 -1.0767591183368377 -1.4120093994888572 -0.7797391324039105 -0.7552067364839675 0.07964282093772157 0.3067545073491925 0.07556698654625846 0.4554450751561443 0.37702395686120527 -0.35007395212782044 -0.21226947373111438 -0.7231417857189236 -0.7307517298255999 -1.4093781645952363 -1.5847422313289539 -1.6365156473240448 -1.8530765976888999 -1.9460468971603426 +18790,-2.124661312880301,0,-2.031536234885708 -1.0767591183368377 -1.4120093994888572 -0.7797391324039105 -0.7552067364839675 0.07964282093772157 0.3067545073491925 0.07556698654625846 0.4554450751561443 0.37702395686120527 -0.35007395212782044 -0.21226947373111438 -0.7231417857189236 -0.7307517298255999 -1.4093781645952363 -1.5847422313289539 -1.6365156473240448 -1.8530765976888999 -1.9460468971603426 -2.028027921642618 +18791,-2.2103054291288164,0,-1.0767591183368377 -1.4120093994888572 -0.7797391324039105 -0.7552067364839675 0.07964282093772157 0.3067545073491925 0.07556698654625846 0.4554450751561443 0.37702395686120527 -0.35007395212782044 -0.21226947373111438 -0.7231417857189236 -0.7307517298255999 -1.4093781645952363 -1.5847422313289539 -1.6365156473240448 -1.8530765976888999 -1.9460468971603426 -2.028027921642618 -2.124661312880301 +18792,-2.2479682030447496,0,-1.4120093994888572 -0.7797391324039105 -0.7552067364839675 0.07964282093772157 0.3067545073491925 0.07556698654625846 0.4554450751561443 0.37702395686120527 -0.35007395212782044 -0.21226947373111438 -0.7231417857189236 -0.7307517298255999 -1.4093781645952363 -1.5847422313289539 -1.6365156473240448 -1.8530765976888999 -1.9460468971603426 -2.028027921642618 -2.124661312880301 -2.2103054291288164 +18793,-2.349606099967611,0,-0.7797391324039105 -0.7552067364839675 0.07964282093772157 0.3067545073491925 0.07556698654625846 0.4554450751561443 0.37702395686120527 -0.35007395212782044 -0.21226947373111438 -0.7231417857189236 -0.7307517298255999 -1.4093781645952363 -1.5847422313289539 -1.6365156473240448 -1.8530765976888999 -1.9460468971603426 -2.028027921642618 -2.124661312880301 -2.2103054291288164 -2.2479682030447496 +18794,-2.4032626545578815,0,-0.7552067364839675 0.07964282093772157 0.3067545073491925 0.07556698654625846 0.4554450751561443 0.37702395686120527 -0.35007395212782044 -0.21226947373111438 -0.7231417857189236 -0.7307517298255999 -1.4093781645952363 -1.5847422313289539 -1.6365156473240448 -1.8530765976888999 -1.9460468971603426 -2.028027921642618 -2.124661312880301 -2.2103054291288164 -2.2479682030447496 -2.349606099967611 +18795,-1.336322701666452,0,0.07964282093772157 0.3067545073491925 0.07556698654625846 0.4554450751561443 0.37702395686120527 -0.35007395212782044 -0.21226947373111438 -0.7231417857189236 -0.7307517298255999 -1.4093781645952363 -1.5847422313289539 -1.6365156473240448 -1.8530765976888999 -1.9460468971603426 -2.028027921642618 -2.124661312880301 -2.2103054291288164 -2.2479682030447496 -2.349606099967611 -2.4032626545578815 +18796,-1.7635114255720716,0,0.3067545073491925 0.07556698654625846 0.4554450751561443 0.37702395686120527 -0.35007395212782044 -0.21226947373111438 -0.7231417857189236 -0.7307517298255999 -1.4093781645952363 -1.5847422313289539 -1.6365156473240448 -1.8530765976888999 -1.9460468971603426 -2.028027921642618 -2.124661312880301 -2.2103054291288164 -2.2479682030447496 -2.349606099967611 -2.4032626545578815 -1.336322701666452 +18797,-1.0701036418412058,0,0.07556698654625846 0.4554450751561443 0.37702395686120527 -0.35007395212782044 -0.21226947373111438 -0.7231417857189236 -0.7307517298255999 -1.4093781645952363 -1.5847422313289539 -1.6365156473240448 -1.8530765976888999 -1.9460468971603426 -2.028027921642618 -2.124661312880301 -2.2103054291288164 -2.2479682030447496 -2.349606099967611 -2.4032626545578815 -1.336322701666452 -1.7635114255720716 +18798,-1.1575535074233343,0,0.4554450751561443 0.37702395686120527 -0.35007395212782044 -0.21226947373111438 -0.7231417857189236 -0.7307517298255999 -1.4093781645952363 -1.5847422313289539 -1.6365156473240448 -1.8530765976888999 -1.9460468971603426 -2.028027921642618 -2.124661312880301 -2.2103054291288164 -2.2479682030447496 -2.349606099967611 -2.4032626545578815 -1.336322701666452 -1.7635114255720716 -1.0701036418412058 +18799,-0.2038598405365534,0,0.37702395686120527 -0.35007395212782044 -0.21226947373111438 -0.7231417857189236 -0.7307517298255999 -1.4093781645952363 -1.5847422313289539 -1.6365156473240448 -1.8530765976888999 -1.9460468971603426 -2.028027921642618 -2.124661312880301 -2.2103054291288164 -2.2479682030447496 -2.349606099967611 -2.4032626545578815 -1.336322701666452 -1.7635114255720716 -1.0701036418412058 -1.1575535074233343 +18800,-0.03102382311753507,0,-0.35007395212782044 -0.21226947373111438 -0.7231417857189236 -0.7307517298255999 -1.4093781645952363 -1.5847422313289539 -1.6365156473240448 -1.8530765976888999 -1.9460468971603426 -2.028027921642618 -2.124661312880301 -2.2103054291288164 -2.2479682030447496 -2.349606099967611 -2.4032626545578815 -1.336322701666452 -1.7635114255720716 -1.0701036418412058 -1.1575535074233343 -0.2038598405365534 +18801,-0.25712944897371537,0,-0.21226947373111438 -0.7231417857189236 -0.7307517298255999 -1.4093781645952363 -1.5847422313289539 -1.6365156473240448 -1.8530765976888999 -1.9460468971603426 -2.028027921642618 -2.124661312880301 -2.2103054291288164 -2.2479682030447496 -2.349606099967611 -2.4032626545578815 -1.336322701666452 -1.7635114255720716 -1.0701036418412058 -1.1575535074233343 -0.2038598405365534 -0.03102382311753507 +18802,0.04868711630688123,0,-0.7231417857189236 -0.7307517298255999 -1.4093781645952363 -1.5847422313289539 -1.6365156473240448 -1.8530765976888999 -1.9460468971603426 -2.028027921642618 -2.124661312880301 -2.2103054291288164 -2.2479682030447496 -2.349606099967611 -2.4032626545578815 -1.336322701666452 -1.7635114255720716 -1.0701036418412058 -1.1575535074233343 -0.2038598405365534 -0.03102382311753507 -0.25712944897371537 +18803,-0.04443796168771199,0,-0.7307517298255999 -1.4093781645952363 -1.5847422313289539 -1.6365156473240448 -1.8530765976888999 -1.9460468971603426 -2.028027921642618 -2.124661312880301 -2.2103054291288164 -2.2479682030447496 -2.349606099967611 -2.4032626545578815 -1.336322701666452 -1.7635114255720716 -1.0701036418412058 -1.1575535074233343 -0.2038598405365534 -0.03102382311753507 -0.25712944897371537 0.04868711630688123 +18804,-0.7362463673975764,0,-1.4093781645952363 -1.5847422313289539 -1.6365156473240448 -1.8530765976888999 -1.9460468971603426 -2.028027921642618 -2.124661312880301 -2.2103054291288164 -2.2479682030447496 -2.349606099967611 -2.4032626545578815 -1.336322701666452 -1.7635114255720716 -1.0701036418412058 -1.1575535074233343 -0.2038598405365534 -0.03102382311753507 -0.25712944897371537 0.04868711630688123 -0.04443796168771199 +18805,-0.6298103362569334,0,-1.5847422313289539 -1.6365156473240448 -1.8530765976888999 -1.9460468971603426 -2.028027921642618 -2.124661312880301 -2.2103054291288164 -2.2479682030447496 -2.349606099967611 -2.4032626545578815 -1.336322701666452 -1.7635114255720716 -1.0701036418412058 -1.1575535074233343 -0.2038598405365534 -0.03102382311753507 -0.25712944897371537 0.04868711630688123 -0.04443796168771199 -0.7362463673975764 +18806,-1.1220576328315617,0,-1.6365156473240448 -1.8530765976888999 -1.9460468971603426 -2.028027921642618 -2.124661312880301 -2.2103054291288164 -2.2479682030447496 -2.349606099967611 -2.4032626545578815 -1.336322701666452 -1.7635114255720716 -1.0701036418412058 -1.1575535074233343 -0.2038598405365534 -0.03102382311753507 -0.25712944897371537 0.04868711630688123 -0.04443796168771199 -0.7362463673975764 -0.6298103362569334 +18807,-1.2189231918539793,0,-1.8530765976888999 -1.9460468971603426 -2.028027921642618 -2.124661312880301 -2.2103054291288164 -2.2479682030447496 -2.349606099967611 -2.4032626545578815 -1.336322701666452 -1.7635114255720716 -1.0701036418412058 -1.1575535074233343 -0.2038598405365534 -0.03102382311753507 -0.25712944897371537 0.04868711630688123 -0.04443796168771199 -0.7362463673975764 -0.6298103362569334 -1.1220576328315617 +18808,-1.8429644007396389,0,-1.9460468971603426 -2.028027921642618 -2.124661312880301 -2.2103054291288164 -2.2479682030447496 -2.349606099967611 -2.4032626545578815 -1.336322701666452 -1.7635114255720716 -1.0701036418412058 -1.1575535074233343 -0.2038598405365534 -0.03102382311753507 -0.25712944897371537 0.04868711630688123 -0.04443796168771199 -0.7362463673975764 -0.6298103362569334 -1.1220576328315617 -1.2189231918539793 +18809,-2.0716238723826503,0,-2.028027921642618 -2.124661312880301 -2.2103054291288164 -2.2479682030447496 -2.349606099967611 -2.4032626545578815 -1.336322701666452 -1.7635114255720716 -1.0701036418412058 -1.1575535074233343 -0.2038598405365534 -0.03102382311753507 -0.25712944897371537 0.04868711630688123 -0.04443796168771199 -0.7362463673975764 -0.6298103362569334 -1.1220576328315617 -1.2189231918539793 -1.8429644007396389 +18810,-2.074151921542573,0,-2.124661312880301 -2.2103054291288164 -2.2479682030447496 -2.349606099967611 -2.4032626545578815 -1.336322701666452 -1.7635114255720716 -1.0701036418412058 -1.1575535074233343 -0.2038598405365534 -0.03102382311753507 -0.25712944897371537 0.04868711630688123 -0.04443796168771199 -0.7362463673975764 -0.6298103362569334 -1.1220576328315617 -1.2189231918539793 -1.8429644007396389 -2.0716238723826503 +18811,-2.378188533806903,0,-2.2103054291288164 -2.2479682030447496 -2.349606099967611 -2.4032626545578815 -1.336322701666452 -1.7635114255720716 -1.0701036418412058 -1.1575535074233343 -0.2038598405365534 -0.03102382311753507 -0.25712944897371537 0.04868711630688123 -0.04443796168771199 -0.7362463673975764 -0.6298103362569334 -1.1220576328315617 -1.2189231918539793 -1.8429644007396389 -2.0716238723826503 -2.074151921542573 +18812,-2.4560937238977063,0,-2.2479682030447496 -2.349606099967611 -2.4032626545578815 -1.336322701666452 -1.7635114255720716 -1.0701036418412058 -1.1575535074233343 -0.2038598405365534 -0.03102382311753507 -0.25712944897371537 0.04868711630688123 -0.04443796168771199 -0.7362463673975764 -0.6298103362569334 -1.1220576328315617 -1.2189231918539793 -1.8429644007396389 -2.0716238723826503 -2.074151921542573 -2.378188533806903 +18813,-2.486714075010122,0,-2.349606099967611 -2.4032626545578815 -1.336322701666452 -1.7635114255720716 -1.0701036418412058 -1.1575535074233343 -0.2038598405365534 -0.03102382311753507 -0.25712944897371537 0.04868711630688123 -0.04443796168771199 -0.7362463673975764 -0.6298103362569334 -1.1220576328315617 -1.2189231918539793 -1.8429644007396389 -2.0716238723826503 -2.074151921542573 -2.378188533806903 -2.4560937238977063 +18814,-2.580380877990537,0,-2.4032626545578815 -1.336322701666452 -1.7635114255720716 -1.0701036418412058 -1.1575535074233343 -0.2038598405365534 -0.03102382311753507 -0.25712944897371537 0.04868711630688123 -0.04443796168771199 -0.7362463673975764 -0.6298103362569334 -1.1220576328315617 -1.2189231918539793 -1.8429644007396389 -2.0716238723826503 -2.074151921542573 -2.378188533806903 -2.4560937238977063 -2.486714075010122 +18815,-2.6267628419925644,0,-1.336322701666452 -1.7635114255720716 -1.0701036418412058 -1.1575535074233343 -0.2038598405365534 -0.03102382311753507 -0.25712944897371537 0.04868711630688123 -0.04443796168771199 -0.7362463673975764 -0.6298103362569334 -1.1220576328315617 -1.2189231918539793 -1.8429644007396389 -2.0716238723826503 -2.074151921542573 -2.378188533806903 -2.4560937238977063 -2.486714075010122 -2.580380877990537 +18816,-2.6062804841467466,0,-1.7635114255720716 -1.0701036418412058 -1.1575535074233343 -0.2038598405365534 -0.03102382311753507 -0.25712944897371537 0.04868711630688123 -0.04443796168771199 -0.7362463673975764 -0.6298103362569334 -1.1220576328315617 -1.2189231918539793 -1.8429644007396389 -2.0716238723826503 -2.074151921542573 -2.378188533806903 -2.4560937238977063 -2.486714075010122 -2.580380877990537 -2.6267628419925644 +18817,-2.674950555637758,0,-1.0701036418412058 -1.1575535074233343 -0.2038598405365534 -0.03102382311753507 -0.25712944897371537 0.04868711630688123 -0.04443796168771199 -0.7362463673975764 -0.6298103362569334 -1.1220576328315617 -1.2189231918539793 -1.8429644007396389 -2.0716238723826503 -2.074151921542573 -2.378188533806903 -2.4560937238977063 -2.486714075010122 -2.580380877990537 -2.6267628419925644 -2.6062804841467466 +18818,-2.676756304971371,0,-1.1575535074233343 -0.2038598405365534 -0.03102382311753507 -0.25712944897371537 0.04868711630688123 -0.04443796168771199 -0.7362463673975764 -0.6298103362569334 -1.1220576328315617 -1.2189231918539793 -1.8429644007396389 -2.0716238723826503 -2.074151921542573 -2.378188533806903 -2.4560937238977063 -2.486714075010122 -2.580380877990537 -2.6267628419925644 -2.6062804841467466 -2.674950555637758 +18819,-1.49922709728626,0,-0.2038598405365534 -0.03102382311753507 -0.25712944897371537 0.04868711630688123 -0.04443796168771199 -0.7362463673975764 -0.6298103362569334 -1.1220576328315617 -1.2189231918539793 -1.8429644007396389 -2.0716238723826503 -2.074151921542573 -2.378188533806903 -2.4560937238977063 -2.486714075010122 -2.580380877990537 -2.6267628419925644 -2.6062804841467466 -2.674950555637758 -2.676756304971371 +18820,-1.8941444991142244,0,-0.03102382311753507 -0.25712944897371537 0.04868711630688123 -0.04443796168771199 -0.7362463673975764 -0.6298103362569334 -1.1220576328315617 -1.2189231918539793 -1.8429644007396389 -2.0716238723826503 -2.074151921542573 -2.378188533806903 -2.4560937238977063 -2.486714075010122 -2.580380877990537 -2.6267628419925644 -2.6062804841467466 -2.674950555637758 -2.676756304971371 -1.49922709728626 +18821,-1.109726943768688,0,-0.25712944897371537 0.04868711630688123 -0.04443796168771199 -0.7362463673975764 -0.6298103362569334 -1.1220576328315617 -1.2189231918539793 -1.8429644007396389 -2.0716238723826503 -2.074151921542573 -2.378188533806903 -2.4560937238977063 -2.486714075010122 -2.580380877990537 -2.6267628419925644 -2.6062804841467466 -2.674950555637758 -2.676756304971371 -1.49922709728626 -1.8941444991142244 +18822,-1.1218770578362878,0,0.04868711630688123 -0.04443796168771199 -0.7362463673975764 -0.6298103362569334 -1.1220576328315617 -1.2189231918539793 -1.8429644007396389 -2.0716238723826503 -2.074151921542573 -2.378188533806903 -2.4560937238977063 -2.486714075010122 -2.580380877990537 -2.6267628419925644 -2.6062804841467466 -2.674950555637758 -2.676756304971371 -1.49922709728626 -1.8941444991142244 -1.109726943768688 +18823,-0.07193694601970901,0,-0.04443796168771199 -0.7362463673975764 -0.6298103362569334 -1.1220576328315617 -1.2189231918539793 -1.8429644007396389 -2.0716238723826503 -2.074151921542573 -2.378188533806903 -2.4560937238977063 -2.486714075010122 -2.580380877990537 -2.6267628419925644 -2.6062804841467466 -2.674950555637758 -2.676756304971371 -1.49922709728626 -1.8941444991142244 -1.109726943768688 -1.1218770578362878 +18824,0.18143549638373366,0,-0.7362463673975764 -0.6298103362569334 -1.1220576328315617 -1.2189231918539793 -1.8429644007396389 -2.0716238723826503 -2.074151921542573 -2.378188533806903 -2.4560937238977063 -2.486714075010122 -2.580380877990537 -2.6267628419925644 -2.6062804841467466 -2.674950555637758 -2.676756304971371 -1.49922709728626 -1.8941444991142244 -1.109726943768688 -1.1218770578362878 -0.07193694601970901 +18825,-0.08532528827253957,0,-0.6298103362569334 -1.1220576328315617 -1.2189231918539793 -1.8429644007396389 -2.0716238723826503 -2.074151921542573 -2.378188533806903 -2.4560937238977063 -2.486714075010122 -2.580380877990537 -2.6267628419925644 -2.6062804841467466 -2.674950555637758 -2.676756304971371 -1.49922709728626 -1.8941444991142244 -1.109726943768688 -1.1218770578362878 -0.07193694601970901 0.18143549638373366 +18826,0.34142489653573405,0,-1.1220576328315617 -1.2189231918539793 -1.8429644007396389 -2.0716238723826503 -2.074151921542573 -2.378188533806903 -2.4560937238977063 -2.486714075010122 -2.580380877990537 -2.6267628419925644 -2.6062804841467466 -2.674950555637758 -2.676756304971371 -1.49922709728626 -1.8941444991142244 -1.109726943768688 -1.1218770578362878 -0.07193694601970901 0.18143549638373366 -0.08532528827253957 +18827,0.24804185412950605,0,-1.2189231918539793 -1.8429644007396389 -2.0716238723826503 -2.074151921542573 -2.378188533806903 -2.4560937238977063 -2.486714075010122 -2.580380877990537 -2.6267628419925644 -2.6062804841467466 -2.674950555637758 -2.676756304971371 -1.49922709728626 -1.8941444991142244 -1.109726943768688 -1.1218770578362878 -0.07193694601970901 0.18143549638373366 -0.08532528827253957 0.34142489653573405 +18828,-0.43620820026314294,0,-1.8429644007396389 -2.0716238723826503 -2.074151921542573 -2.378188533806903 -2.4560937238977063 -2.486714075010122 -2.580380877990537 -2.6267628419925644 -2.6062804841467466 -2.674950555637758 -2.676756304971371 -1.49922709728626 -1.8941444991142244 -1.109726943768688 -1.1218770578362878 -0.07193694601970901 0.18143549638373366 -0.08532528827253957 0.34142489653573405 0.24804185412950605 +18829,-0.33263557180085557,0,-2.0716238723826503 -2.074151921542573 -2.378188533806903 -2.4560937238977063 -2.486714075010122 -2.580380877990537 -2.6267628419925644 -2.6062804841467466 -2.674950555637758 -2.676756304971371 -1.49922709728626 -1.8941444991142244 -1.109726943768688 -1.1218770578362878 -0.07193694601970901 0.18143549638373366 -0.08532528827253957 0.34142489653573405 0.24804185412950605 -0.43620820026314294 +18830,-0.819929955634543,0,-2.074151921542573 -2.378188533806903 -2.4560937238977063 -2.486714075010122 -2.580380877990537 -2.6267628419925644 -2.6062804841467466 -2.674950555637758 -2.676756304971371 -1.49922709728626 -1.8941444991142244 -1.109726943768688 -1.1218770578362878 -0.07193694601970901 0.18143549638373366 -0.08532528827253957 0.34142489653573405 0.24804185412950605 -0.43620820026314294 -0.33263557180085557 +18831,-1.0104365211652608,0,-2.378188533806903 -2.4560937238977063 -2.486714075010122 -2.580380877990537 -2.6267628419925644 -2.6062804841467466 -2.674950555637758 -2.676756304971371 -1.49922709728626 -1.8941444991142244 -1.109726943768688 -1.1218770578362878 -0.07193694601970901 0.18143549638373366 -0.08532528827253957 0.34142489653573405 0.24804185412950605 -0.43620820026314294 -0.33263557180085557 -0.819929955634543 +18832,-1.5966601776118365,0,-2.4560937238977063 -2.486714075010122 -2.580380877990537 -2.6267628419925644 -2.6062804841467466 -2.674950555637758 -2.676756304971371 -1.49922709728626 -1.8941444991142244 -1.109726943768688 -1.1218770578362878 -0.07193694601970901 0.18143549638373366 -0.08532528827253957 0.34142489653573405 0.24804185412950605 -0.43620820026314294 -0.33263557180085557 -0.819929955634543 -1.0104365211652608 +18833,-1.8860960159102023,0,-2.486714075010122 -2.580380877990537 -2.6267628419925644 -2.6062804841467466 -2.674950555637758 -2.676756304971371 -1.49922709728626 -1.8941444991142244 -1.109726943768688 -1.1218770578362878 -0.07193694601970901 0.18143549638373366 -0.08532528827253957 0.34142489653573405 0.24804185412950605 -0.43620820026314294 -0.33263557180085557 -0.819929955634543 -1.0104365211652608 -1.5966601776118365 +18834,-1.9601575392394914,0,-2.580380877990537 -2.6267628419925644 -2.6062804841467466 -2.674950555637758 -2.676756304971371 -1.49922709728626 -1.8941444991142244 -1.109726943768688 -1.1218770578362878 -0.07193694601970901 0.18143549638373366 -0.08532528827253957 0.34142489653573405 0.24804185412950605 -0.43620820026314294 -0.33263557180085557 -0.819929955634543 -1.0104365211652608 -1.5966601776118365 -1.8860960159102023 +18835,-2.3213848158093047,0,-2.6267628419925644 -2.6062804841467466 -2.674950555637758 -2.676756304971371 -1.49922709728626 -1.8941444991142244 -1.109726943768688 -1.1218770578362878 -0.07193694601970901 0.18143549638373366 -0.08532528827253957 0.34142489653573405 0.24804185412950605 -0.43620820026314294 -0.33263557180085557 -0.819929955634543 -1.0104365211652608 -1.5966601776118365 -1.8860960159102023 -1.9601575392394914 +18836,-2.4672377775648098,0,-2.6062804841467466 -2.674950555637758 -2.676756304971371 -1.49922709728626 -1.8941444991142244 -1.109726943768688 -1.1218770578362878 -0.07193694601970901 0.18143549638373366 -0.08532528827253957 0.34142489653573405 0.24804185412950605 -0.43620820026314294 -0.33263557180085557 -0.819929955634543 -1.0104365211652608 -1.5966601776118365 -1.8860960159102023 -1.9601575392394914 -2.3213848158093047 +18837,-2.4888035850727075,0,-2.674950555637758 -2.676756304971371 -1.49922709728626 -1.8941444991142244 -1.109726943768688 -1.1218770578362878 -0.07193694601970901 0.18143549638373366 -0.08532528827253957 0.34142489653573405 0.24804185412950605 -0.43620820026314294 -0.33263557180085557 -0.819929955634543 -1.0104365211652608 -1.5966601776118365 -1.8860960159102023 -1.9601575392394914 -2.3213848158093047 -2.4672377775648098 +18838,-2.676085598089299,0,-2.676756304971371 -1.49922709728626 -1.8941444991142244 -1.109726943768688 -1.1218770578362878 -0.07193694601970901 0.18143549638373366 -0.08532528827253957 0.34142489653573405 0.24804185412950605 -0.43620820026314294 -0.33263557180085557 -0.819929955634543 -1.0104365211652608 -1.5966601776118365 -1.8860960159102023 -1.9601575392394914 -2.3213848158093047 -2.4672377775648098 -2.4888035850727075 +18839,-2.7390804570130602,0,-1.49922709728626 -1.8941444991142244 -1.109726943768688 -1.1218770578362878 -0.07193694601970901 0.18143549638373366 -0.08532528827253957 0.34142489653573405 0.24804185412950605 -0.43620820026314294 -0.33263557180085557 -0.819929955634543 -1.0104365211652608 -1.5966601776118365 -1.8860960159102023 -1.9601575392394914 -2.3213848158093047 -2.4672377775648098 -2.4888035850727075 -2.676085598089299 +18840,-2.7265433966375663,0,-1.8941444991142244 -1.109726943768688 -1.1218770578362878 -0.07193694601970901 0.18143549638373366 -0.08532528827253957 0.34142489653573405 0.24804185412950605 -0.43620820026314294 -0.33263557180085557 -0.819929955634543 -1.0104365211652608 -1.5966601776118365 -1.8860960159102023 -1.9601575392394914 -2.3213848158093047 -2.4672377775648098 -2.4888035850727075 -2.676085598089299 -2.7390804570130602 +18841,-2.8147155620460134,0,-1.109726943768688 -1.1218770578362878 -0.07193694601970901 0.18143549638373366 -0.08532528827253957 0.34142489653573405 0.24804185412950605 -0.43620820026314294 -0.33263557180085557 -0.819929955634543 -1.0104365211652608 -1.5966601776118365 -1.8860960159102023 -1.9601575392394914 -2.3213848158093047 -2.4672377775648098 -2.4888035850727075 -2.676085598089299 -2.7390804570130602 -2.7265433966375663 +18842,-2.8273558080004197,0,-1.1218770578362878 -0.07193694601970901 0.18143549638373366 -0.08532528827253957 0.34142489653573405 0.24804185412950605 -0.43620820026314294 -0.33263557180085557 -0.819929955634543 -1.0104365211652608 -1.5966601776118365 -1.8860960159102023 -1.9601575392394914 -2.3213848158093047 -2.4672377775648098 -2.4888035850727075 -2.676085598089299 -2.7390804570130602 -2.7265433966375663 -2.8147155620460134 +18843,-1.489553439589122,0,-0.07193694601970901 0.18143549638373366 -0.08532528827253957 0.34142489653573405 0.24804185412950605 -0.43620820026314294 -0.33263557180085557 -0.819929955634543 -1.0104365211652608 -1.5966601776118365 -1.8860960159102023 -1.9601575392394914 -2.3213848158093047 -2.4672377775648098 -2.4888035850727075 -2.676085598089299 -2.7390804570130602 -2.7265433966375663 -2.8147155620460134 -2.8273558080004197 +18844,-1.9523412238202038,0,0.18143549638373366 -0.08532528827253957 0.34142489653573405 0.24804185412950605 -0.43620820026314294 -0.33263557180085557 -0.819929955634543 -1.0104365211652608 -1.5966601776118365 -1.8860960159102023 -1.9601575392394914 -2.3213848158093047 -2.4672377775648098 -2.4888035850727075 -2.676085598089299 -2.7390804570130602 -2.7265433966375663 -2.8147155620460134 -2.8273558080004197 -1.489553439589122 +18845,-1.0646863935308133,0,-0.08532528827253957 0.34142489653573405 0.24804185412950605 -0.43620820026314294 -0.33263557180085557 -0.819929955634543 -1.0104365211652608 -1.5966601776118365 -1.8860960159102023 -1.9601575392394914 -2.3213848158093047 -2.4672377775648098 -2.4888035850727075 -2.676085598089299 -2.7390804570130602 -2.7265433966375663 -2.8147155620460134 -2.8273558080004197 -1.489553439589122 -1.9523412238202038 +18846,-1.0722705411653661,0,0.34142489653573405 0.24804185412950605 -0.43620820026314294 -0.33263557180085557 -0.819929955634543 -1.0104365211652608 -1.5966601776118365 -1.8860960159102023 -1.9601575392394914 -2.3213848158093047 -2.4672377775648098 -2.4888035850727075 -2.676085598089299 -2.7390804570130602 -2.7265433966375663 -2.8147155620460134 -2.8273558080004197 -1.489553439589122 -1.9523412238202038 -1.0646863935308133 +18847,0.11379728176534185,0,0.24804185412950605 -0.43620820026314294 -0.33263557180085557 -0.819929955634543 -1.0104365211652608 -1.5966601776118365 -1.8860960159102023 -1.9601575392394914 -2.3213848158093047 -2.4672377775648098 -2.4888035850727075 -2.676085598089299 -2.7390804570130602 -2.7265433966375663 -2.8147155620460134 -2.8273558080004197 -1.489553439589122 -1.9523412238202038 -1.0646863935308133 -1.0722705411653661 +18848,0.40462612677210635,0,-0.43620820026314294 -0.33263557180085557 -0.819929955634543 -1.0104365211652608 -1.5966601776118365 -1.8860960159102023 -1.9601575392394914 -2.3213848158093047 -2.4672377775648098 -2.4888035850727075 -2.676085598089299 -2.7390804570130602 -2.7265433966375663 -2.8147155620460134 -2.8273558080004197 -1.489553439589122 -1.9523412238202038 -1.0646863935308133 -1.0722705411653661 0.11379728176534185 +18849,0.10412362406821248,0,-0.33263557180085557 -0.819929955634543 -1.0104365211652608 -1.5966601776118365 -1.8860960159102023 -1.9601575392394914 -2.3213848158093047 -2.4672377775648098 -2.4888035850727075 -2.676085598089299 -2.7390804570130602 -2.7265433966375663 -2.8147155620460134 -2.8273558080004197 -1.489553439589122 -1.9523412238202038 -1.0646863935308133 -1.0722705411653661 0.11379728176534185 0.40462612677210635 +18850,0.5920629183118572,0,-0.819929955634543 -1.0104365211652608 -1.5966601776118365 -1.8860960159102023 -1.9601575392394914 -2.3213848158093047 -2.4672377775648098 -2.4888035850727075 -2.676085598089299 -2.7390804570130602 -2.7265433966375663 -2.8147155620460134 -2.8273558080004197 -1.489553439589122 -1.9523412238202038 -1.0646863935308133 -1.0722705411653661 0.11379728176534185 0.40462612677210635 0.10412362406821248 +18851,0.4886708648448436,0,-1.0104365211652608 -1.5966601776118365 -1.8860960159102023 -1.9601575392394914 -2.3213848158093047 -2.4672377775648098 -2.4888035850727075 -2.676085598089299 -2.7390804570130602 -2.7265433966375663 -2.8147155620460134 -2.8273558080004197 -1.489553439589122 -1.9523412238202038 -1.0646863935308133 -1.0722705411653661 0.11379728176534185 0.40462612677210635 0.10412362406821248 0.5920629183118572 +18852,-0.3929476030415347,0,-1.5966601776118365 -1.8860960159102023 -1.9601575392394914 -2.3213848158093047 -2.4672377775648098 -2.4888035850727075 -2.676085598089299 -2.7390804570130602 -2.7265433966375663 -2.8147155620460134 -2.8273558080004197 -1.489553439589122 -1.9523412238202038 -1.0646863935308133 -1.0722705411653661 0.11379728176534185 0.40462612677210635 0.10412362406821248 0.5920629183118572 0.4886708648448436 +18853,-0.2369308517020934,0,-1.8860960159102023 -1.9601575392394914 -2.3213848158093047 -2.4672377775648098 -2.4888035850727075 -2.676085598089299 -2.7390804570130602 -2.7265433966375663 -2.8147155620460134 -2.8273558080004197 -1.489553439589122 -1.9523412238202038 -1.0646863935308133 -1.0722705411653661 0.11379728176534185 0.40462612677210635 0.10412362406821248 0.5920629183118572 0.4886708648448436 -0.3929476030415347 +18854,-0.8591405147820168,0,-1.9601575392394914 -2.3213848158093047 -2.4672377775648098 -2.4888035850727075 -2.676085598089299 -2.7390804570130602 -2.7265433966375663 -2.8147155620460134 -2.8273558080004197 -1.489553439589122 -1.9523412238202038 -1.0646863935308133 -1.0722705411653661 0.11379728176534185 0.40462612677210635 0.10412362406821248 0.5920629183118572 0.4886708648448436 -0.3929476030415347 -0.2369308517020934 +18855,-0.8229223403639346,0,-2.3213848158093047 -2.4672377775648098 -2.4888035850727075 -2.676085598089299 -2.7390804570130602 -2.7265433966375663 -2.8147155620460134 -2.8273558080004197 -1.489553439589122 -1.9523412238202038 -1.0646863935308133 -1.0722705411653661 0.11379728176534185 0.40462612677210635 0.10412362406821248 0.5920629183118572 0.4886708648448436 -0.3929476030415347 -0.2369308517020934 -0.8591405147820168 +18856,-1.6646079492765296,0,-2.4672377775648098 -2.4888035850727075 -2.676085598089299 -2.7390804570130602 -2.7265433966375663 -2.8147155620460134 -2.8273558080004197 -1.489553439589122 -1.9523412238202038 -1.0646863935308133 -1.0722705411653661 0.11379728176534185 0.40462612677210635 0.10412362406821248 0.5920629183118572 0.4886708648448436 -0.3929476030415347 -0.2369308517020934 -0.8591405147820168 -0.8229223403639346 +18857,-1.8478657206911189,0,-2.4888035850727075 -2.676085598089299 -2.7390804570130602 -2.7265433966375663 -2.8147155620460134 -2.8273558080004197 -1.489553439589122 -1.9523412238202038 -1.0646863935308133 -1.0722705411653661 0.11379728176534185 0.40462612677210635 0.10412362406821248 0.5920629183118572 0.4886708648448436 -0.3929476030415347 -0.2369308517020934 -0.8591405147820168 -0.8229223403639346 -1.6646079492765296 +18858,-1.8491039488763497,0,-2.676085598089299 -2.7390804570130602 -2.7265433966375663 -2.8147155620460134 -2.8273558080004197 -1.489553439589122 -1.9523412238202038 -1.0646863935308133 -1.0722705411653661 0.11379728176534185 0.40462612677210635 0.10412362406821248 0.5920629183118572 0.4886708648448436 -0.3929476030415347 -0.2369308517020934 -0.8591405147820168 -0.8229223403639346 -1.6646079492765296 -1.8478657206911189 +18859,-2.0930349013673886,0,-2.7390804570130602 -2.7265433966375663 -2.8147155620460134 -2.8273558080004197 -1.489553439589122 -1.9523412238202038 -1.0646863935308133 -1.0722705411653661 0.11379728176534185 0.40462612677210635 0.10412362406821248 0.5920629183118572 0.4886708648448436 -0.3929476030415347 -0.2369308517020934 -0.8591405147820168 -0.8229223403639346 -1.6646079492765296 -1.8478657206911189 -1.8491039488763497 +18860,-2.1549463106290694,0,-2.7265433966375663 -2.8147155620460134 -2.8273558080004197 -1.489553439589122 -1.9523412238202038 -1.0646863935308133 -1.0722705411653661 0.11379728176534185 0.40462612677210635 0.10412362406821248 0.5920629183118572 0.4886708648448436 -0.3929476030415347 -0.2369308517020934 -0.8591405147820168 -0.8229223403639346 -1.6646079492765296 -1.8478657206911189 -1.8491039488763497 -2.0930349013673886 +18861,-2.2324903507293254,0,-2.8147155620460134 -2.8273558080004197 -1.489553439589122 -1.9523412238202038 -1.0646863935308133 -1.0722705411653661 0.11379728176534185 0.40462612677210635 0.10412362406821248 0.5920629183118572 0.4886708648448436 -0.3929476030415347 -0.2369308517020934 -0.8591405147820168 -0.8229223403639346 -1.6646079492765296 -1.8478657206911189 -1.8491039488763497 -2.0930349013673886 -2.1549463106290694 +18862,-2.289190882993225,0,-2.8273558080004197 -1.489553439589122 -1.9523412238202038 -1.0646863935308133 -1.0722705411653661 0.11379728176534185 0.40462612677210635 0.10412362406821248 0.5920629183118572 0.4886708648448436 -0.3929476030415347 -0.2369308517020934 -0.8591405147820168 -0.8229223403639346 -1.6646079492765296 -1.8478657206911189 -1.8491039488763497 -2.0930349013673886 -2.1549463106290694 -2.2324903507293254 +18863,-2.3615240462504854,0,-1.489553439589122 -1.9523412238202038 -1.0646863935308133 -1.0722705411653661 0.11379728176534185 0.40462612677210635 0.10412362406821248 0.5920629183118572 0.4886708648448436 -0.3929476030415347 -0.2369308517020934 -0.8591405147820168 -0.8229223403639346 -1.6646079492765296 -1.8478657206911189 -1.8491039488763497 -2.0930349013673886 -2.1549463106290694 -2.2324903507293254 -2.289190882993225 +18864,-2.3895905517308558,0,-1.9523412238202038 -1.0646863935308133 -1.0722705411653661 0.11379728176534185 0.40462612677210635 0.10412362406821248 0.5920629183118572 0.4886708648448436 -0.3929476030415347 -0.2369308517020934 -0.8591405147820168 -0.8229223403639346 -1.6646079492765296 -1.8478657206911189 -1.8491039488763497 -2.0930349013673886 -2.1549463106290694 -2.2324903507293254 -2.289190882993225 -2.3615240462504854 +18865,-2.4766792674772136,0,-1.0646863935308133 -1.0722705411653661 0.11379728176534185 0.40462612677210635 0.10412362406821248 0.5920629183118572 0.4886708648448436 -0.3929476030415347 -0.2369308517020934 -0.8591405147820168 -0.8229223403639346 -1.6646079492765296 -1.8478657206911189 -1.8491039488763497 -2.0930349013673886 -2.1549463106290694 -2.2324903507293254 -2.289190882993225 -2.3615240462504854 -2.3895905517308558 +18866,-2.51950132544669,0,-1.0722705411653661 0.11379728176534185 0.40462612677210635 0.10412362406821248 0.5920629183118572 0.4886708648448436 -0.3929476030415347 -0.2369308517020934 -0.8591405147820168 -0.8229223403639346 -1.6646079492765296 -1.8478657206911189 -1.8491039488763497 -2.0930349013673886 -2.1549463106290694 -2.2324903507293254 -2.289190882993225 -2.3615240462504854 -2.3895905517308558 -2.4766792674772136 +18867,-1.192997789225655,0,0.11379728176534185 0.40462612677210635 0.10412362406821248 0.5920629183118572 0.4886708648448436 -0.3929476030415347 -0.2369308517020934 -0.8591405147820168 -0.8229223403639346 -1.6646079492765296 -1.8478657206911189 -1.8491039488763497 -2.0930349013673886 -2.1549463106290694 -2.2324903507293254 -2.289190882993225 -2.3615240462504854 -2.3895905517308558 -2.4766792674772136 -2.51950132544669 +18868,-1.6922617121316772,0,0.40462612677210635 0.10412362406821248 0.5920629183118572 0.4886708648448436 -0.3929476030415347 -0.2369308517020934 -0.8591405147820168 -0.8229223403639346 -1.6646079492765296 -1.8478657206911189 -1.8491039488763497 -2.0930349013673886 -2.1549463106290694 -2.2324903507293254 -2.289190882993225 -2.3615240462504854 -2.3895905517308558 -2.4766792674772136 -2.51950132544669 -1.192997789225655 +18869,-0.8222000405376163,0,0.10412362406821248 0.5920629183118572 0.4886708648448436 -0.3929476030415347 -0.2369308517020934 -0.8591405147820168 -0.8229223403639346 -1.6646079492765296 -1.8478657206911189 -1.8491039488763497 -2.0930349013673886 -2.1549463106290694 -2.2324903507293254 -2.289190882993225 -2.3615240462504854 -2.3895905517308558 -2.4766792674772136 -2.51950132544669 -1.192997789225655 -1.6922617121316772 +18870,-0.6463974347065526,0,0.5920629183118572 0.4886708648448436 -0.3929476030415347 -0.2369308517020934 -0.8591405147820168 -0.8229223403639346 -1.6646079492765296 -1.8478657206911189 -1.8491039488763497 -2.0930349013673886 -2.1549463106290694 -2.2324903507293254 -2.289190882993225 -2.3615240462504854 -2.3895905517308558 -2.4766792674772136 -2.51950132544669 -1.192997789225655 -1.6922617121316772 -0.8222000405376163 +18871,0.45508392532038233,0,0.4886708648448436 -0.3929476030415347 -0.2369308517020934 -0.8591405147820168 -0.8229223403639346 -1.6646079492765296 -1.8478657206911189 -1.8491039488763497 -2.0930349013673886 -2.1549463106290694 -2.2324903507293254 -2.289190882993225 -2.3615240462504854 -2.3895905517308558 -2.4766792674772136 -2.51950132544669 -1.192997789225655 -1.6922617121316772 -0.8222000405376163 -0.6463974347065526 +18872,0.8623062197391147,0,-0.3929476030415347 -0.2369308517020934 -0.8591405147820168 -0.8229223403639346 -1.6646079492765296 -1.8478657206911189 -1.8491039488763497 -2.0930349013673886 -2.1549463106290694 -2.2324903507293254 -2.289190882993225 -2.3615240462504854 -2.3895905517308558 -2.4766792674772136 -2.51950132544669 -1.192997789225655 -1.6922617121316772 -0.8222000405376163 -0.6463974347065526 0.45508392532038233 +18873,0.4875874151827634,0,-0.2369308517020934 -0.8591405147820168 -0.8229223403639346 -1.6646079492765296 -1.8478657206911189 -1.8491039488763497 -2.0930349013673886 -2.1549463106290694 -2.2324903507293254 -2.289190882993225 -2.3615240462504854 -2.3895905517308558 -2.4766792674772136 -2.51950132544669 -1.192997789225655 -1.6922617121316772 -0.8222000405376163 -0.6463974347065526 0.45508392532038233 0.8623062197391147 +18874,1.1554567425931814,0,-0.8591405147820168 -0.8229223403639346 -1.6646079492765296 -1.8478657206911189 -1.8491039488763497 -2.0930349013673886 -2.1549463106290694 -2.2324903507293254 -2.289190882993225 -2.3615240462504854 -2.3895905517308558 -2.4766792674772136 -2.51950132544669 -1.192997789225655 -1.6922617121316772 -0.8222000405376163 -0.6463974347065526 0.45508392532038233 0.8623062197391147 0.4875874151827634 +18875,1.0413849710285334,0,-0.8229223403639346 -1.6646079492765296 -1.8478657206911189 -1.8491039488763497 -2.0930349013673886 -2.1549463106290694 -2.2324903507293254 -2.289190882993225 -2.3615240462504854 -2.3895905517308558 -2.4766792674772136 -2.51950132544669 -1.192997789225655 -1.6922617121316772 -0.8222000405376163 -0.6463974347065526 0.45508392532038233 0.8623062197391147 0.4875874151827634 1.1554567425931814 +18876,0.08423458384289165,0,-1.6646079492765296 -1.8478657206911189 -1.8491039488763497 -2.0930349013673886 -2.1549463106290694 -2.2324903507293254 -2.289190882993225 -2.3615240462504854 -2.3895905517308558 -2.4766792674772136 -2.51950132544669 -1.192997789225655 -1.6922617121316772 -0.8222000405376163 -0.6463974347065526 0.45508392532038233 0.8623062197391147 0.4875874151827634 1.1554567425931814 1.0413849710285334 +18877,0.25118901753682515,0,-1.8478657206911189 -1.8491039488763497 -2.0930349013673886 -2.1549463106290694 -2.2324903507293254 -2.289190882993225 -2.3615240462504854 -2.3895905517308558 -2.4766792674772136 -2.51950132544669 -1.192997789225655 -1.6922617121316772 -0.8222000405376163 -0.6463974347065526 0.45508392532038233 0.8623062197391147 0.4875874151827634 1.1554567425931814 1.0413849710285334 0.08423458384289165 +18878,-0.4249351645450033,0,-1.8491039488763497 -2.0930349013673886 -2.1549463106290694 -2.2324903507293254 -2.289190882993225 -2.3615240462504854 -2.3895905517308558 -2.4766792674772136 -2.51950132544669 -1.192997789225655 -1.6922617121316772 -0.8222000405376163 -0.6463974347065526 0.45508392532038233 0.8623062197391147 0.4875874151827634 1.1554567425931814 1.0413849710285334 0.08423458384289165 0.25118901753682515 +18879,-0.454472065995339,0,-2.0930349013673886 -2.1549463106290694 -2.2324903507293254 -2.289190882993225 -2.3615240462504854 -2.3895905517308558 -2.4766792674772136 -2.51950132544669 -1.192997789225655 -1.6922617121316772 -0.8222000405376163 -0.6463974347065526 0.45508392532038233 0.8623062197391147 0.4875874151827634 1.1554567425931814 1.0413849710285334 0.08423458384289165 0.25118901753682515 -0.4249351645450033 +18880,-1.3461253414146264,0,-2.1549463106290694 -2.2324903507293254 -2.289190882993225 -2.3615240462504854 -2.3895905517308558 -2.4766792674772136 -2.51950132544669 -1.192997789225655 -1.6922617121316772 -0.8222000405376163 -0.6463974347065526 0.45508392532038233 0.8623062197391147 0.4875874151827634 1.1554567425931814 1.0413849710285334 0.08423458384289165 0.25118901753682515 -0.4249351645450033 -0.454472065995339 +18881,-1.5911913365119745,0,-2.2324903507293254 -2.289190882993225 -2.3615240462504854 -2.3895905517308558 -2.4766792674772136 -2.51950132544669 -1.192997789225655 -1.6922617121316772 -0.8222000405376163 -0.6463974347065526 0.45508392532038233 0.8623062197391147 0.4875874151827634 1.1554567425931814 1.0413849710285334 0.08423458384289165 0.25118901753682515 -0.4249351645450033 -0.454472065995339 -1.3461253414146264 +18882,-1.6472727546832633,0,-2.289190882993225 -2.3615240462504854 -2.3895905517308558 -2.4766792674772136 -2.51950132544669 -1.192997789225655 -1.6922617121316772 -0.8222000405376163 -0.6463974347065526 0.45508392532038233 0.8623062197391147 0.4875874151827634 1.1554567425931814 1.0413849710285334 0.08423458384289165 0.25118901753682515 -0.4249351645450033 -0.454472065995339 -1.3461253414146264 -1.5911913365119745 +18883,-1.9553336085495956,0,-2.3615240462504854 -2.3895905517308558 -2.4766792674772136 -2.51950132544669 -1.192997789225655 -1.6922617121316772 -0.8222000405376163 -0.6463974347065526 0.45508392532038233 0.8623062197391147 0.4875874151827634 1.1554567425931814 1.0413849710285334 0.08423458384289165 0.25118901753682515 -0.4249351645450033 -0.454472065995339 -1.3461253414146264 -1.5911913365119745 -1.6472727546832633 +18884,-2.074409885799422,0,-2.3895905517308558 -2.4766792674772136 -2.51950132544669 -1.192997789225655 -1.6922617121316772 -0.8222000405376163 -0.6463974347065526 0.45508392532038233 0.8623062197391147 0.4875874151827634 1.1554567425931814 1.0413849710285334 0.08423458384289165 0.25118901753682515 -0.4249351645450033 -0.454472065995339 -1.3461253414146264 -1.5911913365119745 -1.6472727546832633 -1.9553336085495956 +18885,-2.113310887900586,0,-2.4766792674772136 -2.51950132544669 -1.192997789225655 -1.6922617121316772 -0.8222000405376163 -0.6463974347065526 0.45508392532038233 0.8623062197391147 0.4875874151827634 1.1554567425931814 1.0413849710285334 0.08423458384289165 0.25118901753682515 -0.4249351645450033 -0.454472065995339 -1.3461253414146264 -1.5911913365119745 -1.6472727546832633 -1.9553336085495956 -2.074409885799422 +18886,-2.2591122567118536,0,-2.51950132544669 -1.192997789225655 -1.6922617121316772 -0.8222000405376163 -0.6463974347065526 0.45508392532038233 0.8623062197391147 0.4875874151827634 1.1554567425931814 1.0413849710285334 0.08423458384289165 0.25118901753682515 -0.4249351645450033 -0.454472065995339 -1.3461253414146264 -1.5911913365119745 -1.6472727546832633 -1.9553336085495956 -2.074409885799422 -2.113310887900586 +18887,-2.3247383505292443,0,-1.192997789225655 -1.6922617121316772 -0.8222000405376163 -0.6463974347065526 0.45508392532038233 0.8623062197391147 0.4875874151827634 1.1554567425931814 1.0413849710285334 0.08423458384289165 0.25118901753682515 -0.4249351645450033 -0.454472065995339 -1.3461253414146264 -1.5911913365119745 -1.6472727546832633 -1.9553336085495956 -2.074409885799422 -2.113310887900586 -2.2591122567118536 +18888,-2.1884558608919553,0,-1.6922617121316772 -0.8222000405376163 -0.6463974347065526 0.45508392532038233 0.8623062197391147 0.4875874151827634 1.1554567425931814 1.0413849710285334 0.08423458384289165 0.25118901753682515 -0.4249351645450033 -0.454472065995339 -1.3461253414146264 -1.5911913365119745 -1.6472727546832633 -1.9553336085495956 -2.074409885799422 -2.113310887900586 -2.2591122567118536 -2.3247383505292443 +18889,-2.3213848158093047,0,-0.8222000405376163 -0.6463974347065526 0.45508392532038233 0.8623062197391147 0.4875874151827634 1.1554567425931814 1.0413849710285334 0.08423458384289165 0.25118901753682515 -0.4249351645450033 -0.454472065995339 -1.3461253414146264 -1.5911913365119745 -1.6472727546832633 -1.9553336085495956 -2.074409885799422 -2.113310887900586 -2.2591122567118536 -2.3247383505292443 -2.1884558608919553 +18890,-2.252405187426769,0,-0.6463974347065526 0.45508392532038233 0.8623062197391147 0.4875874151827634 1.1554567425931814 1.0413849710285334 0.08423458384289165 0.25118901753682515 -0.4249351645450033 -0.454472065995339 -1.3461253414146264 -1.5911913365119745 -1.6472727546832633 -1.9553336085495956 -2.074409885799422 -2.113310887900586 -2.2591122567118536 -2.3247383505292443 -2.1884558608919553 -2.3213848158093047 +18891,-1.0328020177610433,0,0.45508392532038233 0.8623062197391147 0.4875874151827634 1.1554567425931814 1.0413849710285334 0.08423458384289165 0.25118901753682515 -0.4249351645450033 -0.454472065995339 -1.3461253414146264 -1.5911913365119745 -1.6472727546832633 -1.9553336085495956 -2.074409885799422 -2.113310887900586 -2.2591122567118536 -2.3247383505292443 -2.1884558608919553 -2.3213848158093047 -2.252405187426769 +18892,-1.3473635695998571,0,0.8623062197391147 0.4875874151827634 1.1554567425931814 1.0413849710285334 0.08423458384289165 0.25118901753682515 -0.4249351645450033 -0.454472065995339 -1.3461253414146264 -1.5911913365119745 -1.6472727546832633 -1.9553336085495956 -2.074409885799422 -2.113310887900586 -2.2591122567118536 -2.3247383505292443 -2.1884558608919553 -2.3213848158093047 -2.252405187426769 -1.0328020177610433 +18893,-0.5113015804650516,0,0.4875874151827634 1.1554567425931814 1.0413849710285334 0.08423458384289165 0.25118901753682515 -0.4249351645450033 -0.454472065995339 -1.3461253414146264 -1.5911913365119745 -1.6472727546832633 -1.9553336085495956 -2.074409885799422 -2.113310887900586 -2.2591122567118536 -2.3247383505292443 -2.1884558608919553 -2.3213848158093047 -2.252405187426769 -1.0328020177610433 -1.3473635695998571 +18894,-0.3643135762580054,0,1.1554567425931814 1.0413849710285334 0.08423458384289165 0.25118901753682515 -0.4249351645450033 -0.454472065995339 -1.3461253414146264 -1.5911913365119745 -1.6472727546832633 -1.9553336085495956 -2.074409885799422 -2.113310887900586 -2.2591122567118536 -2.3247383505292443 -2.1884558608919553 -2.3213848158093047 -2.252405187426769 -1.0328020177610433 -1.3473635695998571 -0.5113015804650516 +18895,0.701439741392431,0,1.0413849710285334 0.08423458384289165 0.25118901753682515 -0.4249351645450033 -0.454472065995339 -1.3461253414146264 -1.5911913365119745 -1.6472727546832633 -1.9553336085495956 -2.074409885799422 -2.113310887900586 -2.2591122567118536 -2.3247383505292443 -2.1884558608919553 -2.3213848158093047 -2.252405187426769 -1.0328020177610433 -1.3473635695998571 -0.5113015804650516 -0.3643135762580054 +18896,1.078119073805537,0,0.08423458384289165 0.25118901753682515 -0.4249351645450033 -0.454472065995339 -1.3461253414146264 -1.5911913365119745 -1.6472727546832633 -1.9553336085495956 -2.074409885799422 -2.113310887900586 -2.2591122567118536 -2.3247383505292443 -2.1884558608919553 -2.3213848158093047 -2.252405187426769 -1.0328020177610433 -1.3473635695998571 -0.5113015804650516 -0.3643135762580054 0.701439741392431 +18897,0.6529682671730418,0,0.25118901753682515 -0.4249351645450033 -0.454472065995339 -1.3461253414146264 -1.5911913365119745 -1.6472727546832633 -1.9553336085495956 -2.074409885799422 -2.113310887900586 -2.2591122567118536 -2.3247383505292443 -2.1884558608919553 -2.3213848158093047 -2.252405187426769 -1.0328020177610433 -1.3473635695998571 -0.5113015804650516 -0.3643135762580054 0.701439741392431 1.078119073805537 +18898,1.2969243127561367,0,-0.4249351645450033 -0.454472065995339 -1.3461253414146264 -1.5911913365119745 -1.6472727546832633 -1.9553336085495956 -2.074409885799422 -2.113310887900586 -2.2591122567118536 -2.3247383505292443 -2.1884558608919553 -2.3213848158093047 -2.252405187426769 -1.0328020177610433 -1.3473635695998571 -0.5113015804650516 -0.3643135762580054 0.701439741392431 1.078119073805537 0.6529682671730418 +18899,1.1390502191388359,0,-0.454472065995339 -1.3461253414146264 -1.5911913365119745 -1.6472727546832633 -1.9553336085495956 -2.074409885799422 -2.113310887900586 -2.2591122567118536 -2.3247383505292443 -2.1884558608919553 -2.3213848158093047 -2.252405187426769 -1.0328020177610433 -1.3473635695998571 -0.5113015804650516 -0.3643135762580054 0.701439741392431 1.078119073805537 0.6529682671730418 1.2969243127561367 +18900,0.3377618047694937,0,-1.3461253414146264 -1.5911913365119745 -1.6472727546832633 -1.9553336085495956 -2.074409885799422 -2.113310887900586 -2.2591122567118536 -2.3247383505292443 -2.1884558608919553 -2.3213848158093047 -2.252405187426769 -1.0328020177610433 -1.3473635695998571 -0.5113015804650516 -0.3643135762580054 0.701439741392431 1.078119073805537 0.6529682671730418 1.2969243127561367 1.1390502191388359 +18901,0.39435915145447165,0,-1.5911913365119745 -1.6472727546832633 -1.9553336085495956 -2.074409885799422 -2.113310887900586 -2.2591122567118536 -2.3247383505292443 -2.1884558608919553 -2.3213848158093047 -2.252405187426769 -1.0328020177610433 -1.3473635695998571 -0.5113015804650516 -0.3643135762580054 0.701439741392431 1.078119073805537 0.6529682671730418 1.2969243127561367 1.1390502191388359 0.3377618047694937 +18902,-0.19245782276737763,0,-1.6472727546832633 -1.9553336085495956 -2.074409885799422 -2.113310887900586 -2.2591122567118536 -2.3247383505292443 -2.1884558608919553 -2.3213848158093047 -2.252405187426769 -1.0328020177610433 -1.3473635695998571 -0.5113015804650516 -0.3643135762580054 0.701439741392431 1.078119073805537 0.6529682671730418 1.2969243127561367 1.1390502191388359 0.3377618047694937 0.39435915145447165 +18903,-0.10382132178947026,0,-1.9553336085495956 -2.074409885799422 -2.113310887900586 -2.2591122567118536 -2.3247383505292443 -2.1884558608919553 -2.3213848158093047 -2.252405187426769 -1.0328020177610433 -1.3473635695998571 -0.5113015804650516 -0.3643135762580054 0.701439741392431 1.078119073805537 0.6529682671730418 1.2969243127561367 1.1390502191388359 0.3377618047694937 0.39435915145447165 -0.19245782276737763 +18904,-0.9157894542564556,0,-2.074409885799422 -2.113310887900586 -2.2591122567118536 -2.3247383505292443 -2.1884558608919553 -2.3213848158093047 -2.252405187426769 -1.0328020177610433 -1.3473635695998571 -0.5113015804650516 -0.3643135762580054 0.701439741392431 1.078119073805537 0.6529682671730418 1.2969243127561367 1.1390502191388359 0.3377618047694937 0.39435915145447165 -0.19245782276737763 -0.10382132178947026 +18905,-1.0523041116784702,0,-2.113310887900586 -2.2591122567118536 -2.3247383505292443 -2.1884558608919553 -2.3213848158093047 -2.252405187426769 -1.0328020177610433 -1.3473635695998571 -0.5113015804650516 -0.3643135762580054 0.701439741392431 1.078119073805537 0.6529682671730418 1.2969243127561367 1.1390502191388359 0.3377618047694937 0.39435915145447165 -0.19245782276737763 -0.10382132178947026 -0.9157894542564556 +18906,-1.0961838229926892,0,-2.2591122567118536 -2.3247383505292443 -2.1884558608919553 -2.3213848158093047 -2.252405187426769 -1.0328020177610433 -1.3473635695998571 -0.5113015804650516 -0.3643135762580054 0.701439741392431 1.078119073805537 0.6529682671730418 1.2969243127561367 1.1390502191388359 0.3377618047694937 0.39435915145447165 -0.19245782276737763 -0.10382132178947026 -0.9157894542564556 -1.0523041116784702 +18907,-1.2635767957839688,0,-2.3247383505292443 -2.1884558608919553 -2.3213848158093047 -2.252405187426769 -1.0328020177610433 -1.3473635695998571 -0.5113015804650516 -0.3643135762580054 0.701439741392431 1.078119073805537 0.6529682671730418 1.2969243127561367 1.1390502191388359 0.3377618047694937 0.39435915145447165 -0.19245782276737763 -0.10382132178947026 -0.9157894542564556 -1.0523041116784702 -1.0961838229926892 +18908,-1.3383348224674532,0,-2.1884558608919553 -2.3213848158093047 -2.252405187426769 -1.0328020177610433 -1.3473635695998571 -0.5113015804650516 -0.3643135762580054 0.701439741392431 1.078119073805537 0.6529682671730418 1.2969243127561367 1.1390502191388359 0.3377618047694937 0.39435915145447165 -0.19245782276737763 -0.10382132178947026 -0.9157894542564556 -1.0523041116784702 -1.0961838229926892 -1.2635767957839688 +18909,-1.320380513781567,0,-2.3213848158093047 -2.252405187426769 -1.0328020177610433 -1.3473635695998571 -0.5113015804650516 -0.3643135762580054 0.701439741392431 1.078119073805537 0.6529682671730418 1.2969243127561367 1.1390502191388359 0.3377618047694937 0.39435915145447165 -0.19245782276737763 -0.10382132178947026 -0.9157894542564556 -1.0523041116784702 -1.0961838229926892 -1.2635767957839688 -1.3383348224674532 +18910,-1.426042652306431,0,-2.252405187426769 -1.0328020177610433 -1.3473635695998571 -0.5113015804650516 -0.3643135762580054 0.701439741392431 1.078119073805537 0.6529682671730418 1.2969243127561367 1.1390502191388359 0.3377618047694937 0.39435915145447165 -0.19245782276737763 -0.10382132178947026 -0.9157894542564556 -1.0523041116784702 -1.0961838229926892 -1.2635767957839688 -1.3383348224674532 -1.320380513781567 +18911,-1.4389924553071474,0,-1.0328020177610433 -1.3473635695998571 -0.5113015804650516 -0.3643135762580054 0.701439741392431 1.078119073805537 0.6529682671730418 1.2969243127561367 1.1390502191388359 0.3377618047694937 0.39435915145447165 -0.19245782276737763 -0.10382132178947026 -0.9157894542564556 -1.0523041116784702 -1.0961838229926892 -1.2635767957839688 -1.3383348224674532 -1.320380513781567 -1.426042652306431 +18912,-1.5683357078746172,0,-1.3473635695998571 -0.5113015804650516 -0.3643135762580054 0.701439741392431 1.078119073805537 0.6529682671730418 1.2969243127561367 1.1390502191388359 0.3377618047694937 0.39435915145447165 -0.19245782276737763 -0.10382132178947026 -0.9157894542564556 -1.0523041116784702 -1.0961838229926892 -1.2635767957839688 -1.3383348224674532 -1.320380513781567 -1.426042652306431 -1.4389924553071474 +18913,-1.5424876945078594,0,-0.5113015804650516 -0.3643135762580054 0.701439741392431 1.078119073805537 0.6529682671730418 1.2969243127561367 1.1390502191388359 0.3377618047694937 0.39435915145447165 -0.19245782276737763 -0.10382132178947026 -0.9157894542564556 -1.0523041116784702 -1.0961838229926892 -1.2635767957839688 -1.3383348224674532 -1.320380513781567 -1.426042652306431 -1.4389924553071474 -1.5683357078746172 +18914,-1.6330331305530694,0,-0.3643135762580054 0.701439741392431 1.078119073805537 0.6529682671730418 1.2969243127561367 1.1390502191388359 0.3377618047694937 0.39435915145447165 -0.19245782276737763 -0.10382132178947026 -0.9157894542564556 -1.0523041116784702 -1.0961838229926892 -1.2635767957839688 -1.3383348224674532 -1.320380513781567 -1.426042652306431 -1.4389924553071474 -1.5683357078746172 -1.5424876945078594 +18915,-0.290871167021336,0,0.701439741392431 1.078119073805537 0.6529682671730418 1.2969243127561367 1.1390502191388359 0.3377618047694937 0.39435915145447165 -0.19245782276737763 -0.10382132178947026 -0.9157894542564556 -1.0523041116784702 -1.0961838229926892 -1.2635767957839688 -1.3383348224674532 -1.320380513781567 -1.426042652306431 -1.4389924553071474 -1.5683357078746172 -1.5424876945078594 -1.6330331305530694 +18916,-0.8589857362588663,0,1.078119073805537 0.6529682671730418 1.2969243127561367 1.1390502191388359 0.3377618047694937 0.39435915145447165 -0.19245782276737763 -0.10382132178947026 -0.9157894542564556 -1.0523041116784702 -1.0961838229926892 -1.2635767957839688 -1.3383348224674532 -1.320380513781567 -1.426042652306431 -1.4389924553071474 -1.5683357078746172 -1.5424876945078594 -1.6330331305530694 -0.290871167021336 +18917,0.005607094080555588,0,0.6529682671730418 1.2969243127561367 1.1390502191388359 0.3377618047694937 0.39435915145447165 -0.19245782276737763 -0.10382132178947026 -0.9157894542564556 -1.0523041116784702 -1.0961838229926892 -1.2635767957839688 -1.3383348224674532 -1.320380513781567 -1.426042652306431 -1.4389924553071474 -1.5683357078746172 -1.5424876945078594 -1.6330331305530694 -0.290871167021336 -0.8589857362588663 +18918,-0.14251595257802288,0,1.2969243127561367 1.1390502191388359 0.3377618047694937 0.39435915145447165 -0.19245782276737763 -0.10382132178947026 -0.9157894542564556 -1.0523041116784702 -1.0961838229926892 -1.2635767957839688 -1.3383348224674532 -1.320380513781567 -1.426042652306431 -1.4389924553071474 -1.5683357078746172 -1.5424876945078594 -1.6330331305530694 -0.290871167021336 -0.8589857362588663 0.005607094080555588 +18919,1.0596488367607295,0,1.1390502191388359 0.3377618047694937 0.39435915145447165 -0.19245782276737763 -0.10382132178947026 -0.9157894542564556 -1.0523041116784702 -1.0961838229926892 -1.2635767957839688 -1.3383348224674532 -1.320380513781567 -1.426042652306431 -1.4389924553071474 -1.5683357078746172 -1.5424876945078594 -1.6330331305530694 -0.290871167021336 -0.8589857362588663 0.005607094080555588 -0.14251595257802288 +18920,1.2490977491014816,0,0.3377618047694937 0.39435915145447165 -0.19245782276737763 -0.10382132178947026 -0.9157894542564556 -1.0523041116784702 -1.0961838229926892 -1.2635767957839688 -1.3383348224674532 -1.320380513781567 -1.426042652306431 -1.4389924553071474 -1.5683357078746172 -1.5424876945078594 -1.6330331305530694 -0.290871167021336 -0.8589857362588663 0.005607094080555588 -0.14251595257802288 1.0596488367607295 +18921,0.899917400865587,0,0.39435915145447165 -0.19245782276737763 -0.10382132178947026 -0.9157894542564556 -1.0523041116784702 -1.0961838229926892 -1.2635767957839688 -1.3383348224674532 -1.320380513781567 -1.426042652306431 -1.4389924553071474 -1.5683357078746172 -1.5424876945078594 -1.6330331305530694 -0.290871167021336 -0.8589857362588663 0.005607094080555588 -0.14251595257802288 1.0596488367607295 1.2490977491014816 +18922,1.2689094000652272,0,-0.19245782276737763 -0.10382132178947026 -0.9157894542564556 -1.0523041116784702 -1.0961838229926892 -1.2635767957839688 -1.3383348224674532 -1.320380513781567 -1.426042652306431 -1.4389924553071474 -1.5683357078746172 -1.5424876945078594 -1.6330331305530694 -0.290871167021336 -0.8589857362588663 0.005607094080555588 -0.14251595257802288 1.0596488367607295 1.2490977491014816 0.899917400865587 +18923,1.099272138688203,0,-0.10382132178947026 -0.9157894542564556 -1.0523041116784702 -1.0961838229926892 -1.2635767957839688 -1.3383348224674532 -1.320380513781567 -1.426042652306431 -1.4389924553071474 -1.5683357078746172 -1.5424876945078594 -1.6330331305530694 -0.290871167021336 -0.8589857362588663 0.005607094080555588 -0.14251595257802288 1.0596488367607295 1.2490977491014816 0.899917400865587 1.2689094000652272 +18924,0.09259262409322373,0,-0.9157894542564556 -1.0523041116784702 -1.0961838229926892 -1.2635767957839688 -1.3383348224674532 -1.320380513781567 -1.426042652306431 -1.4389924553071474 -1.5683357078746172 -1.5424876945078594 -1.6330331305530694 -0.290871167021336 -0.8589857362588663 0.005607094080555588 -0.14251595257802288 1.0596488367607295 1.2490977491014816 0.899917400865587 1.2689094000652272 1.099272138688203 +18925,0.20196944717378876,0,-1.0523041116784702 -1.0961838229926892 -1.2635767957839688 -1.3383348224674532 -1.320380513781567 -1.426042652306431 -1.4389924553071474 -1.5683357078746172 -1.5424876945078594 -1.6330331305530694 -0.290871167021336 -0.8589857362588663 0.005607094080555588 -0.14251595257802288 1.0596488367607295 1.2490977491014816 0.899917400865587 1.2689094000652272 1.099272138688203 0.09259262409322373 +18926,-0.5256959831183959,0,-1.0961838229926892 -1.2635767957839688 -1.3383348224674532 -1.320380513781567 -1.426042652306431 -1.4389924553071474 -1.5683357078746172 -1.5424876945078594 -1.6330331305530694 -0.290871167021336 -0.8589857362588663 0.005607094080555588 -0.14251595257802288 1.0596488367607295 1.2490977491014816 0.899917400865587 1.2689094000652272 1.099272138688203 0.09259262409322373 0.20196944717378876 +18927,-0.44920959620809714,0,-1.2635767957839688 -1.3383348224674532 -1.320380513781567 -1.426042652306431 -1.4389924553071474 -1.5683357078746172 -1.5424876945078594 -1.6330331305530694 -0.290871167021336 -0.8589857362588663 0.005607094080555588 -0.14251595257802288 1.0596488367607295 1.2490977491014816 0.899917400865587 1.2689094000652272 1.099272138688203 0.09259262409322373 0.20196944717378876 -0.5256959831183959 +18928,-1.4449256321312467,0,-1.3383348224674532 -1.320380513781567 -1.426042652306431 -1.4389924553071474 -1.5683357078746172 -1.5424876945078594 -1.6330331305530694 -0.290871167021336 -0.8589857362588663 0.005607094080555588 -0.14251595257802288 1.0596488367607295 1.2490977491014816 0.899917400865587 1.2689094000652272 1.099272138688203 0.09259262409322373 0.20196944717378876 -0.5256959831183959 -0.44920959620809714 +18929,-1.6364898508519214,0,-1.320380513781567 -1.426042652306431 -1.4389924553071474 -1.5683357078746172 -1.5424876945078594 -1.6330331305530694 -0.290871167021336 -0.8589857362588663 0.005607094080555588 -0.14251595257802288 1.0596488367607295 1.2490977491014816 0.899917400865587 1.2689094000652272 1.099272138688203 0.09259262409322373 0.20196944717378876 -0.5256959831183959 -0.44920959620809714 -1.4449256321312467 +18930,-1.6372121506782398,0,-1.426042652306431 -1.4389924553071474 -1.5683357078746172 -1.5424876945078594 -1.6330331305530694 -0.290871167021336 -0.8589857362588663 0.005607094080555588 -0.14251595257802288 1.0596488367607295 1.2490977491014816 0.899917400865587 1.2689094000652272 1.099272138688203 0.09259262409322373 0.20196944717378876 -0.5256959831183959 -0.44920959620809714 -1.4449256321312467 -1.6364898508519214 +18931,-1.8923903425700723,0,-1.4389924553071474 -1.5683357078746172 -1.5424876945078594 -1.6330331305530694 -0.290871167021336 -0.8589857362588663 0.005607094080555588 -0.14251595257802288 1.0596488367607295 1.2490977491014816 0.899917400865587 1.2689094000652272 1.099272138688203 0.09259262409322373 0.20196944717378876 -0.5256959831183959 -0.44920959620809714 -1.4449256321312467 -1.6364898508519214 -1.6372121506782398 +18932,-1.9567266152579856,0,-1.5683357078746172 -1.5424876945078594 -1.6330331305530694 -0.290871167021336 -0.8589857362588663 0.005607094080555588 -0.14251595257802288 1.0596488367607295 1.2490977491014816 0.899917400865587 1.2689094000652272 1.099272138688203 0.09259262409322373 0.20196944717378876 -0.5256959831183959 -0.44920959620809714 -1.4449256321312467 -1.6364898508519214 -1.6372121506782398 -1.8923903425700723 +18933,-1.996530492180733,0,-1.5424876945078594 -1.6330331305530694 -0.290871167021336 -0.8589857362588663 0.005607094080555588 -0.14251595257802288 1.0596488367607295 1.2490977491014816 0.899917400865587 1.2689094000652272 1.099272138688203 0.09259262409322373 0.20196944717378876 -0.5256959831183959 -0.44920959620809714 -1.4449256321312467 -1.6364898508519214 -1.6372121506782398 -1.8923903425700723 -1.9567266152579856 +18934,-2.0690442302784815,0,-1.6330331305530694 -0.290871167021336 -0.8589857362588663 0.005607094080555588 -0.14251595257802288 1.0596488367607295 1.2490977491014816 0.899917400865587 1.2689094000652272 1.099272138688203 0.09259262409322373 0.20196944717378876 -0.5256959831183959 -0.44920959620809714 -1.4449256321312467 -1.6364898508519214 -1.6372121506782398 -1.8923903425700723 -1.9567266152579856 -1.996530492180733 +18935,-2.117025572456287,0,-0.290871167021336 -0.8589857362588663 0.005607094080555588 -0.14251595257802288 1.0596488367607295 1.2490977491014816 0.899917400865587 1.2689094000652272 1.099272138688203 0.09259262409322373 0.20196944717378876 -0.5256959831183959 -0.44920959620809714 -1.4449256321312467 -1.6364898508519214 -1.6372121506782398 -1.8923903425700723 -1.9567266152579856 -1.996530492180733 -2.0690442302784815 +18936,-2.1855150689520246,0,-0.8589857362588663 0.005607094080555588 -0.14251595257802288 1.0596488367607295 1.2490977491014816 0.899917400865587 1.2689094000652272 1.099272138688203 0.09259262409322373 0.20196944717378876 -0.5256959831183959 -0.44920959620809714 -1.4449256321312467 -1.6364898508519214 -1.6372121506782398 -1.8923903425700723 -1.9567266152579856 -1.996530492180733 -2.0690442302784815 -2.117025572456287 +18937,-2.2266603596389243,0,0.005607094080555588 -0.14251595257802288 1.0596488367607295 1.2490977491014816 0.899917400865587 1.2689094000652272 1.099272138688203 0.09259262409322373 0.20196944717378876 -0.5256959831183959 -0.44920959620809714 -1.4449256321312467 -1.6364898508519214 -1.6372121506782398 -1.8923903425700723 -1.9567266152579856 -1.996530492180733 -2.0690442302784815 -2.117025572456287 -2.1855150689520246 +18938,-2.2883138047985416,0,-0.14251595257802288 1.0596488367607295 1.2490977491014816 0.899917400865587 1.2689094000652272 1.099272138688203 0.09259262409322373 0.20196944717378876 -0.5256959831183959 -0.44920959620809714 -1.4449256321312467 -1.6364898508519214 -1.6372121506782398 -1.8923903425700723 -1.9567266152579856 -1.996530492180733 -2.0690442302784815 -2.117025572456287 -2.1855150689520246 -2.2266603596389243 +18939,-1.0720383733806316,0,1.0596488367607295 1.2490977491014816 0.899917400865587 1.2689094000652272 1.099272138688203 0.09259262409322373 0.20196944717378876 -0.5256959831183959 -0.44920959620809714 -1.4449256321312467 -1.6364898508519214 -1.6372121506782398 -1.8923903425700723 -1.9567266152579856 -1.996530492180733 -2.0690442302784815 -2.117025572456287 -2.1855150689520246 -2.2266603596389243 -2.2883138047985416 +18940,-1.5596681105779753,0,1.2490977491014816 0.899917400865587 1.2689094000652272 1.099272138688203 0.09259262409322373 0.20196944717378876 -0.5256959831183959 -0.44920959620809714 -1.4449256321312467 -1.6364898508519214 -1.6372121506782398 -1.8923903425700723 -1.9567266152579856 -1.996530492180733 -2.0690442302784815 -2.117025572456287 -2.1855150689520246 -2.2266603596389243 -2.2883138047985416 -1.0720383733806316 +18941,-0.7693689713525772,0,0.899917400865587 1.2689094000652272 1.099272138688203 0.09259262409322373 0.20196944717378876 -0.5256959831183959 -0.44920959620809714 -1.4449256321312467 -1.6364898508519214 -1.6372121506782398 -1.8923903425700723 -1.9567266152579856 -1.996530492180733 -2.0690442302784815 -2.117025572456287 -2.1855150689520246 -2.2266603596389243 -2.2883138047985416 -1.0720383733806316 -1.5596681105779753 +18942,-0.9315768636181901,0,1.2689094000652272 1.099272138688203 0.09259262409322373 0.20196944717378876 -0.5256959831183959 -0.44920959620809714 -1.4449256321312467 -1.6364898508519214 -1.6372121506782398 -1.8923903425700723 -1.9567266152579856 -1.996530492180733 -2.0690442302784815 -2.117025572456287 -2.1855150689520246 -2.2266603596389243 -2.2883138047985416 -1.0720383733806316 -1.5596681105779753 -0.7693689713525772 +18943,0.1762246193859526,0,1.099272138688203 0.09259262409322373 0.20196944717378876 -0.5256959831183959 -0.44920959620809714 -1.4449256321312467 -1.6364898508519214 -1.6372121506782398 -1.8923903425700723 -1.9567266152579856 -1.996530492180733 -2.0690442302784815 -2.117025572456287 -2.1855150689520246 -2.2266603596389243 -2.2883138047985416 -1.0720383733806316 -1.5596681105779753 -0.7693689713525772 -0.9315768636181901 +18944,0.33151907105386125,0,0.09259262409322373 0.20196944717378876 -0.5256959831183959 -0.44920959620809714 -1.4449256321312467 -1.6364898508519214 -1.6372121506782398 -1.8923903425700723 -1.9567266152579856 -1.996530492180733 -2.0690442302784815 -2.117025572456287 -2.1855150689520246 -2.2266603596389243 -2.2883138047985416 -1.0720383733806316 -1.5596681105779753 -0.7693689713525772 -0.9315768636181901 0.1762246193859526 +18945,0.054362328874131546,0,0.20196944717378876 -0.5256959831183959 -0.44920959620809714 -1.4449256321312467 -1.6364898508519214 -1.6372121506782398 -1.8923903425700723 -1.9567266152579856 -1.996530492180733 -2.0690442302784815 -2.117025572456287 -2.1855150689520246 -2.2266603596389243 -2.2883138047985416 -1.0720383733806316 -1.5596681105779753 -0.7693689713525772 -0.9315768636181901 0.1762246193859526 0.33151907105386125 +18946,0.3538071783880684,0,-0.5256959831183959 -0.44920959620809714 -1.4449256321312467 -1.6364898508519214 -1.6372121506782398 -1.8923903425700723 -1.9567266152579856 -1.996530492180733 -2.0690442302784815 -2.117025572456287 -2.1855150689520246 -2.2266603596389243 -2.2883138047985416 -1.0720383733806316 -1.5596681105779753 -0.7693689713525772 -0.9315768636181901 0.1762246193859526 0.33151907105386125 0.054362328874131546 +18947,0.2208008340543669,0,-0.44920959620809714 -1.4449256321312467 -1.6364898508519214 -1.6372121506782398 -1.8923903425700723 -1.9567266152579856 -1.996530492180733 -2.0690442302784815 -2.117025572456287 -2.1855150689520246 -2.2266603596389243 -2.2883138047985416 -1.0720383733806316 -1.5596681105779753 -0.7693689713525772 -0.9315768636181901 0.1762246193859526 0.33151907105386125 0.054362328874131546 0.3538071783880684 +18948,-0.5252832403383875,0,-1.4449256321312467 -1.6364898508519214 -1.6372121506782398 -1.8923903425700723 -1.9567266152579856 -1.996530492180733 -2.0690442302784815 -2.117025572456287 -2.1855150689520246 -2.2266603596389243 -2.2883138047985416 -1.0720383733806316 -1.5596681105779753 -0.7693689713525772 -0.9315768636181901 0.1762246193859526 0.33151907105386125 0.054362328874131546 0.3538071783880684 0.2208008340543669 +18949,-0.4539303411642945,0,-1.6364898508519214 -1.6372121506782398 -1.8923903425700723 -1.9567266152579856 -1.996530492180733 -2.0690442302784815 -2.117025572456287 -2.1855150689520246 -2.2266603596389243 -2.2883138047985416 -1.0720383733806316 -1.5596681105779753 -0.7693689713525772 -0.9315768636181901 0.1762246193859526 0.33151907105386125 0.054362328874131546 0.3538071783880684 0.2208008340543669 -0.5252832403383875 +18950,-0.9956551722040313,0,-1.6372121506782398 -1.8923903425700723 -1.9567266152579856 -1.996530492180733 -2.0690442302784815 -2.117025572456287 -2.1855150689520246 -2.2266603596389243 -2.2883138047985416 -1.0720383733806316 -1.5596681105779753 -0.7693689713525772 -0.9315768636181901 0.1762246193859526 0.33151907105386125 0.054362328874131546 0.3538071783880684 0.2208008340543669 -0.5252832403383875 -0.4539303411642945 +18951,-0.9950360581114115,0,-1.8923903425700723 -1.9567266152579856 -1.996530492180733 -2.0690442302784815 -2.117025572456287 -2.1855150689520246 -2.2266603596389243 -2.2883138047985416 -1.0720383733806316 -1.5596681105779753 -0.7693689713525772 -0.9315768636181901 0.1762246193859526 0.33151907105386125 0.054362328874131546 0.3538071783880684 0.2208008340543669 -0.5252832403383875 -0.4539303411642945 -0.9956551722040313 +18952,-1.7175422041952673,0,-1.9567266152579856 -1.996530492180733 -2.0690442302784815 -2.117025572456287 -2.1855150689520246 -2.2266603596389243 -2.2883138047985416 -1.0720383733806316 -1.5596681105779753 -0.7693689713525772 -0.9315768636181901 0.1762246193859526 0.33151907105386125 0.054362328874131546 0.3538071783880684 0.2208008340543669 -0.5252832403383875 -0.4539303411642945 -0.9956551722040313 -0.9950360581114115 +18953,-1.897704405146775,0,-1.996530492180733 -2.0690442302784815 -2.117025572456287 -2.1855150689520246 -2.2266603596389243 -2.2883138047985416 -1.0720383733806316 -1.5596681105779753 -0.7693689713525772 -0.9315768636181901 0.1762246193859526 0.33151907105386125 0.054362328874131546 0.3538071783880684 0.2208008340543669 -0.5252832403383875 -0.4539303411642945 -0.9956551722040313 -0.9950360581114115 -1.7175422041952673 +18954,-1.863498351529694,0,-2.0690442302784815 -2.117025572456287 -2.1855150689520246 -2.2266603596389243 -2.2883138047985416 -1.0720383733806316 -1.5596681105779753 -0.7693689713525772 -0.9315768636181901 0.1762246193859526 0.33151907105386125 0.054362328874131546 0.3538071783880684 0.2208008340543669 -0.5252832403383875 -0.4539303411642945 -0.9956551722040313 -0.9950360581114115 -1.7175422041952673 -1.897704405146775 +18955,-2.1151166373889847,0,-2.117025572456287 -2.1855150689520246 -2.2266603596389243 -2.2883138047985416 -1.0720383733806316 -1.5596681105779753 -0.7693689713525772 -0.9315768636181901 0.1762246193859526 0.33151907105386125 0.054362328874131546 0.3538071783880684 0.2208008340543669 -0.5252832403383875 -0.4539303411642945 -0.9956551722040313 -0.9950360581114115 -1.7175422041952673 -1.897704405146775 -1.863498351529694 +18956,-2.1523666685249094,0,-2.1855150689520246 -2.2266603596389243 -2.2883138047985416 -1.0720383733806316 -1.5596681105779753 -0.7693689713525772 -0.9315768636181901 0.1762246193859526 0.33151907105386125 0.054362328874131546 0.3538071783880684 0.2208008340543669 -0.5252832403383875 -0.4539303411642945 -0.9956551722040313 -0.9950360581114115 -1.7175422041952673 -1.897704405146775 -1.863498351529694 -2.1151166373889847 +18957,-2.1196568073499082,0,-2.2266603596389243 -2.2883138047985416 -1.0720383733806316 -1.5596681105779753 -0.7693689713525772 -0.9315768636181901 0.1762246193859526 0.33151907105386125 0.054362328874131546 0.3538071783880684 0.2208008340543669 -0.5252832403383875 -0.4539303411642945 -0.9956551722040313 -0.9950360581114115 -1.7175422041952673 -1.897704405146775 -1.863498351529694 -2.1151166373889847 -2.1523666685249094 +18958,-2.1802268026926597,0,-2.2883138047985416 -1.0720383733806316 -1.5596681105779753 -0.7693689713525772 -0.9315768636181901 0.1762246193859526 0.33151907105386125 0.054362328874131546 0.3538071783880684 0.2208008340543669 -0.5252832403383875 -0.4539303411642945 -0.9956551722040313 -0.9950360581114115 -1.7175422041952673 -1.897704405146775 -1.863498351529694 -2.1151166373889847 -2.1523666685249094 -2.1196568073499082 +18959,-2.1708369057244936,0,-1.0720383733806316 -1.5596681105779753 -0.7693689713525772 -0.9315768636181901 0.1762246193859526 0.33151907105386125 0.054362328874131546 0.3538071783880684 0.2208008340543669 -0.5252832403383875 -0.4539303411642945 -0.9956551722040313 -0.9950360581114115 -1.7175422041952673 -1.897704405146775 -1.863498351529694 -2.1151166373889847 -2.1523666685249094 -2.1196568073499082 -2.1802268026926597 +18960,-1.9615505459478815,0,-1.5596681105779753 -0.7693689713525772 -0.9315768636181901 0.1762246193859526 0.33151907105386125 0.054362328874131546 0.3538071783880684 0.2208008340543669 -0.5252832403383875 -0.4539303411642945 -0.9956551722040313 -0.9950360581114115 -1.7175422041952673 -1.897704405146775 -1.863498351529694 -2.1151166373889847 -2.1523666685249094 -2.1196568073499082 -2.1802268026926597 -2.1708369057244936 +18961,-2.018792803042826,0,-0.7693689713525772 -0.9315768636181901 0.1762246193859526 0.33151907105386125 0.054362328874131546 0.3538071783880684 0.2208008340543669 -0.5252832403383875 -0.4539303411642945 -0.9956551722040313 -0.9950360581114115 -1.7175422041952673 -1.897704405146775 -1.863498351529694 -2.1151166373889847 -2.1523666685249094 -2.1196568073499082 -2.1802268026926597 -2.1708369057244936 -1.9615505459478815 +18962,-1.8761385976388774,0,-0.9315768636181901 0.1762246193859526 0.33151907105386125 0.054362328874131546 0.3538071783880684 0.2208008340543669 -0.5252832403383875 -0.4539303411642945 -0.9956551722040313 -0.9950360581114115 -1.7175422041952673 -1.897704405146775 -1.863498351529694 -2.1151166373889847 -2.1523666685249094 -2.1196568073499082 -2.1802268026926597 -2.1708369057244936 -1.9615505459478815 -2.018792803042826 +18963,-1.5549473656217692,0,0.1762246193859526 0.33151907105386125 0.054362328874131546 0.3538071783880684 0.2208008340543669 -0.5252832403383875 -0.4539303411642945 -0.9956551722040313 -0.9950360581114115 -1.7175422041952673 -1.897704405146775 -1.863498351529694 -2.1151166373889847 -2.1523666685249094 -2.1196568073499082 -2.1802268026926597 -2.1708369057244936 -1.9615505459478815 -2.018792803042826 -1.8761385976388774 +18964,-1.4718055022158383,0,0.33151907105386125 0.054362328874131546 0.3538071783880684 0.2208008340543669 -0.5252832403383875 -0.4539303411642945 -0.9956551722040313 -0.9950360581114115 -1.7175422041952673 -1.897704405146775 -1.863498351529694 -2.1151166373889847 -2.1523666685249094 -2.1196568073499082 -2.1802268026926597 -2.1708369057244936 -1.9615505459478815 -2.018792803042826 -1.8761385976388774 -1.5549473656217692 +18965,-1.21012661250631,0,0.054362328874131546 0.3538071783880684 0.2208008340543669 -0.5252832403383875 -0.4539303411642945 -0.9956551722040313 -0.9950360581114115 -1.7175422041952673 -1.897704405146775 -1.863498351529694 -2.1151166373889847 -2.1523666685249094 -2.1196568073499082 -2.1802268026926597 -2.1708369057244936 -1.9615505459478815 -2.018792803042826 -1.8761385976388774 -1.5549473656217692 -1.4718055022158383 +18966,-1.2625707353834728,0,0.3538071783880684 0.2208008340543669 -0.5252832403383875 -0.4539303411642945 -0.9956551722040313 -0.9950360581114115 -1.7175422041952673 -1.897704405146775 -1.863498351529694 -2.1151166373889847 -2.1523666685249094 -2.1196568073499082 -2.1802268026926597 -2.1708369057244936 -1.9615505459478815 -2.018792803042826 -1.8761385976388774 -1.5549473656217692 -1.4718055022158383 -1.21012661250631 +18967,-0.8961841746053303,0,0.2208008340543669 -0.5252832403383875 -0.4539303411642945 -0.9956551722040313 -0.9950360581114115 -1.7175422041952673 -1.897704405146775 -1.863498351529694 -2.1151166373889847 -2.1523666685249094 -2.1196568073499082 -2.1802268026926597 -2.1708369057244936 -1.9615505459478815 -2.018792803042826 -1.8761385976388774 -1.5549473656217692 -1.4718055022158383 -1.21012661250631 -1.2625707353834728 +18968,-0.8439206267234501,0,-0.5252832403383875 -0.4539303411642945 -0.9956551722040313 -0.9950360581114115 -1.7175422041952673 -1.897704405146775 -1.863498351529694 -2.1151166373889847 -2.1523666685249094 -2.1196568073499082 -2.1802268026926597 -2.1708369057244936 -1.9615505459478815 -2.018792803042826 -1.8761385976388774 -1.5549473656217692 -1.4718055022158383 -1.21012661250631 -1.2625707353834728 -0.8961841746053303 +18969,-0.8383228034177751,0,-0.4539303411642945 -0.9956551722040313 -0.9950360581114115 -1.7175422041952673 -1.897704405146775 -1.863498351529694 -2.1151166373889847 -2.1523666685249094 -2.1196568073499082 -2.1802268026926597 -2.1708369057244936 -1.9615505459478815 -2.018792803042826 -1.8761385976388774 -1.5549473656217692 -1.4718055022158383 -1.21012661250631 -1.2625707353834728 -0.8961841746053303 -0.8439206267234501 +18970,-0.7705040138041183,0,-0.9956551722040313 -0.9950360581114115 -1.7175422041952673 -1.897704405146775 -1.863498351529694 -2.1151166373889847 -2.1523666685249094 -2.1196568073499082 -2.1802268026926597 -2.1708369057244936 -1.9615505459478815 -2.018792803042826 -1.8761385976388774 -1.5549473656217692 -1.4718055022158383 -1.21012661250631 -1.2625707353834728 -0.8961841746053303 -0.8439206267234501 -0.8383228034177751 +18971,-0.7493509490762291,0,-0.9950360581114115 -1.7175422041952673 -1.897704405146775 -1.863498351529694 -2.1151166373889847 -2.1523666685249094 -2.1196568073499082 -2.1802268026926597 -2.1708369057244936 -1.9615505459478815 -2.018792803042826 -1.8761385976388774 -1.5549473656217692 -1.4718055022158383 -1.21012661250631 -1.2625707353834728 -0.8961841746053303 -0.8439206267234501 -0.8383228034177751 -0.7705040138041183 +18972,-0.863861259738223,0,-1.7175422041952673 -1.897704405146775 -1.863498351529694 -2.1151166373889847 -2.1523666685249094 -2.1196568073499082 -2.1802268026926597 -2.1708369057244936 -1.9615505459478815 -2.018792803042826 -1.8761385976388774 -1.5549473656217692 -1.4718055022158383 -1.21012661250631 -1.2625707353834728 -0.8961841746053303 -0.8439206267234501 -0.8383228034177751 -0.7705040138041183 -0.7493509490762291 +18973,-0.7974870697771852,0,-1.897704405146775 -1.863498351529694 -2.1151166373889847 -2.1523666685249094 -2.1196568073499082 -2.1802268026926597 -2.1708369057244936 -1.9615505459478815 -2.018792803042826 -1.8761385976388774 -1.5549473656217692 -1.4718055022158383 -1.21012661250631 -1.2625707353834728 -0.8961841746053303 -0.8439206267234501 -0.8383228034177751 -0.7705040138041183 -0.7493509490762291 -0.863861259738223 +18974,-0.8667762552060306,0,-1.863498351529694 -2.1151166373889847 -2.1523666685249094 -2.1196568073499082 -2.1802268026926597 -2.1708369057244936 -1.9615505459478815 -2.018792803042826 -1.8761385976388774 -1.5549473656217692 -1.4718055022158383 -1.21012661250631 -1.2625707353834728 -0.8961841746053303 -0.8439206267234501 -0.8383228034177751 -0.7705040138041183 -0.7493509490762291 -0.863861259738223 -0.7974870697771852 +18975,-0.8388645282488196,0,-2.1151166373889847 -2.1523666685249094 -2.1196568073499082 -2.1802268026926597 -2.1708369057244936 -1.9615505459478815 -2.018792803042826 -1.8761385976388774 -1.5549473656217692 -1.4718055022158383 -1.21012661250631 -1.2625707353834728 -0.8961841746053303 -0.8439206267234501 -0.8383228034177751 -0.7705040138041183 -0.7493509490762291 -0.863861259738223 -0.7974870697771852 -0.8667762552060306 +18976,-0.9405540179611332,0,-2.1523666685249094 -2.1196568073499082 -2.1802268026926597 -2.1708369057244936 -1.9615505459478815 -2.018792803042826 -1.8761385976388774 -1.5549473656217692 -1.4718055022158383 -1.21012661250631 -1.2625707353834728 -0.8961841746053303 -0.8439206267234501 -0.8383228034177751 -0.7705040138041183 -0.7493509490762291 -0.863861259738223 -0.7974870697771852 -0.8667762552060306 -0.8388645282488196 +18977,-0.9450425951326047,0,-2.1196568073499082 -2.1802268026926597 -2.1708369057244936 -1.9615505459478815 -2.018792803042826 -1.8761385976388774 -1.5549473656217692 -1.4718055022158383 -1.21012661250631 -1.2625707353834728 -0.8961841746053303 -0.8439206267234501 -0.8383228034177751 -0.7705040138041183 -0.7493509490762291 -0.863861259738223 -0.7974870697771852 -0.8667762552060306 -0.8388645282488196 -0.9405540179611332 +18978,-0.9907796487246746,0,-2.1802268026926597 -2.1708369057244936 -1.9615505459478815 -2.018792803042826 -1.8761385976388774 -1.5549473656217692 -1.4718055022158383 -1.21012661250631 -1.2625707353834728 -0.8961841746053303 -0.8439206267234501 -0.8383228034177751 -0.7705040138041183 -0.7493509490762291 -0.863861259738223 -0.7974870697771852 -0.8667762552060306 -0.8388645282488196 -0.9405540179611332 -0.9450425951326047 +18979,-0.9815187338075448,0,-2.1708369057244936 -1.9615505459478815 -2.018792803042826 -1.8761385976388774 -1.5549473656217692 -1.4718055022158383 -1.21012661250631 -1.2625707353834728 -0.8961841746053303 -0.8439206267234501 -0.8383228034177751 -0.7705040138041183 -0.7493509490762291 -0.863861259738223 -0.7974870697771852 -0.8667762552060306 -0.8388645282488196 -0.9405540179611332 -0.9450425951326047 -0.9907796487246746 +18980,-1.0135062951562277,0,-1.9615505459478815 -2.018792803042826 -1.8761385976388774 -1.5549473656217692 -1.4718055022158383 -1.21012661250631 -1.2625707353834728 -0.8961841746053303 -0.8439206267234501 -0.8383228034177751 -0.7705040138041183 -0.7493509490762291 -0.863861259738223 -0.7974870697771852 -0.8667762552060306 -0.8388645282488196 -0.9405540179611332 -0.9450425951326047 -0.9907796487246746 -0.9815187338075448 +18981,-1.0364393130551692,0,-2.018792803042826 -1.8761385976388774 -1.5549473656217692 -1.4718055022158383 -1.21012661250631 -1.2625707353834728 -0.8961841746053303 -0.8439206267234501 -0.8383228034177751 -0.7705040138041183 -0.7493509490762291 -0.863861259738223 -0.7974870697771852 -0.8667762552060306 -0.8388645282488196 -0.9405540179611332 -0.9450425951326047 -0.9907796487246746 -0.9815187338075448 -1.0135062951562277 +18982,-1.071445055760135,0,-1.8761385976388774 -1.5549473656217692 -1.4718055022158383 -1.21012661250631 -1.2625707353834728 -0.8961841746053303 -0.8439206267234501 -0.8383228034177751 -0.7705040138041183 -0.7493509490762291 -0.863861259738223 -0.7974870697771852 -0.8667762552060306 -0.8388645282488196 -0.9405540179611332 -0.9450425951326047 -0.9907796487246746 -0.9815187338075448 -1.0135062951562277 -1.0364393130551692 +18983,-1.0973962547058056,0,-1.5549473656217692 -1.4718055022158383 -1.21012661250631 -1.2625707353834728 -0.8961841746053303 -0.8439206267234501 -0.8383228034177751 -0.7705040138041183 -0.7493509490762291 -0.863861259738223 -0.7974870697771852 -0.8667762552060306 -0.8388645282488196 -0.9405540179611332 -0.9450425951326047 -0.9907796487246746 -0.9815187338075448 -1.0135062951562277 -1.0364393130551692 -1.071445055760135 +18984,-1.1505884738813923,0,-1.4718055022158383 -1.21012661250631 -1.2625707353834728 -0.8961841746053303 -0.8439206267234501 -0.8383228034177751 -0.7705040138041183 -0.7493509490762291 -0.863861259738223 -0.7974870697771852 -0.8667762552060306 -0.8388645282488196 -0.9405540179611332 -0.9450425951326047 -0.9907796487246746 -0.9815187338075448 -1.0135062951562277 -1.0364393130551692 -1.071445055760135 -1.0973962547058056 +18985,-1.167459332905207,0,-1.21012661250631 -1.2625707353834728 -0.8961841746053303 -0.8439206267234501 -0.8383228034177751 -0.7705040138041183 -0.7493509490762291 -0.863861259738223 -0.7974870697771852 -0.8667762552060306 -0.8388645282488196 -0.9405540179611332 -0.9450425951326047 -0.9907796487246746 -0.9815187338075448 -1.0135062951562277 -1.0364393130551692 -1.071445055760135 -1.0973962547058056 -1.1505884738813923 +18986,-1.2115712120041608,0,-1.2625707353834728 -0.8961841746053303 -0.8439206267234501 -0.8383228034177751 -0.7705040138041183 -0.7493509490762291 -0.863861259738223 -0.7974870697771852 -0.8667762552060306 -0.8388645282488196 -0.9405540179611332 -0.9450425951326047 -0.9907796487246746 -0.9815187338075448 -1.0135062951562277 -1.0364393130551692 -1.071445055760135 -1.0973962547058056 -1.1505884738813923 -1.167459332905207 +18987,-0.8574379510273256,0,-0.8961841746053303 -0.8439206267234501 -0.8383228034177751 -0.7705040138041183 -0.7493509490762291 -0.863861259738223 -0.7974870697771852 -0.8667762552060306 -0.8388645282488196 -0.9405540179611332 -0.9450425951326047 -0.9907796487246746 -0.9815187338075448 -1.0135062951562277 -1.0364393130551692 -1.071445055760135 -1.0973962547058056 -1.1505884738813923 -1.167459332905207 -1.2115712120041608 +18988,-1.034298210203132,0,-0.8439206267234501 -0.8383228034177751 -0.7705040138041183 -0.7493509490762291 -0.863861259738223 -0.7974870697771852 -0.8667762552060306 -0.8388645282488196 -0.9405540179611332 -0.9450425951326047 -0.9907796487246746 -0.9815187338075448 -1.0135062951562277 -1.0364393130551692 -1.071445055760135 -1.0973962547058056 -1.1505884738813923 -1.167459332905207 -1.2115712120041608 -0.8574379510273256 +18989,-0.8129133291483721,0,-0.8383228034177751 -0.7705040138041183 -0.7493509490762291 -0.863861259738223 -0.7974870697771852 -0.8667762552060306 -0.8388645282488196 -0.9405540179611332 -0.9450425951326047 -0.9907796487246746 -0.9815187338075448 -1.0135062951562277 -1.0364393130551692 -1.071445055760135 -1.0973962547058056 -1.1505884738813923 -1.167459332905207 -1.2115712120041608 -0.8574379510273256 -1.034298210203132 +18990,-0.6419862467966652,0,-0.7705040138041183 -0.7493509490762291 -0.863861259738223 -0.7974870697771852 -0.8667762552060306 -0.8388645282488196 -0.9405540179611332 -0.9450425951326047 -0.9907796487246746 -0.9815187338075448 -1.0135062951562277 -1.0364393130551692 -1.071445055760135 -1.0973962547058056 -1.1505884738813923 -1.167459332905207 -1.2115712120041608 -0.8574379510273256 -1.034298210203132 -0.8129133291483721 +18991,-0.4037820996623284,0,-0.7493509490762291 -0.863861259738223 -0.7974870697771852 -0.8667762552060306 -0.8388645282488196 -0.9405540179611332 -0.9450425951326047 -0.9907796487246746 -0.9815187338075448 -1.0135062951562277 -1.0364393130551692 -1.071445055760135 -1.0973962547058056 -1.1505884738813923 -1.167459332905207 -1.2115712120041608 -0.8574379510273256 -1.034298210203132 -0.8129133291483721 -0.6419862467966652 +18992,-0.2160357510762764,0,-0.863861259738223 -0.7974870697771852 -0.8667762552060306 -0.8388645282488196 -0.9405540179611332 -0.9450425951326047 -0.9907796487246746 -0.9815187338075448 -1.0135062951562277 -1.0364393130551692 -1.071445055760135 -1.0973962547058056 -1.1505884738813923 -1.167459332905207 -1.2115712120041608 -0.8574379510273256 -1.034298210203132 -0.8129133291483721 -0.6419862467966652 -0.4037820996623284 +18993,-0.3848991198375125,0,-0.7974870697771852 -0.8667762552060306 -0.8388645282488196 -0.9405540179611332 -0.9450425951326047 -0.9907796487246746 -0.9815187338075448 -1.0135062951562277 -1.0364393130551692 -1.071445055760135 -1.0973962547058056 -1.1505884738813923 -1.167459332905207 -1.2115712120041608 -0.8574379510273256 -1.034298210203132 -0.8129133291483721 -0.6419862467966652 -0.4037820996623284 -0.2160357510762764 +18994,-0.07828286546903115,0,-0.8667762552060306 -0.8388645282488196 -0.9405540179611332 -0.9450425951326047 -0.9907796487246746 -0.9815187338075448 -1.0135062951562277 -1.0364393130551692 -1.071445055760135 -1.0973962547058056 -1.1505884738813923 -1.167459332905207 -1.2115712120041608 -0.8574379510273256 -1.034298210203132 -0.8129133291483721 -0.6419862467966652 -0.4037820996623284 -0.2160357510762764 -0.3848991198375125 +18995,-0.1282763284478379,0,-0.8388645282488196 -0.9405540179611332 -0.9450425951326047 -0.9907796487246746 -0.9815187338075448 -1.0135062951562277 -1.0364393130551692 -1.071445055760135 -1.0973962547058056 -1.1505884738813923 -1.167459332905207 -1.2115712120041608 -0.8574379510273256 -1.034298210203132 -0.8129133291483721 -0.6419862467966652 -0.4037820996623284 -0.2160357510762764 -0.3848991198375125 -0.07828286546903115 +18996,-0.5003638981105594,0,-0.9405540179611332 -0.9450425951326047 -0.9907796487246746 -0.9815187338075448 -1.0135062951562277 -1.0364393130551692 -1.071445055760135 -1.0973962547058056 -1.1505884738813923 -1.167459332905207 -1.2115712120041608 -0.8574379510273256 -1.034298210203132 -0.8129133291483721 -0.6419862467966652 -0.4037820996623284 -0.2160357510762764 -0.3848991198375125 -0.07828286546903115 -0.1282763284478379 +18997,-0.4429926588098023,0,-0.9450425951326047 -0.9907796487246746 -0.9815187338075448 -1.0135062951562277 -1.0364393130551692 -1.071445055760135 -1.0973962547058056 -1.1505884738813923 -1.167459332905207 -1.2115712120041608 -0.8574379510273256 -1.034298210203132 -0.8129133291483721 -0.6419862467966652 -0.4037820996623284 -0.2160357510762764 -0.3848991198375125 -0.07828286546903115 -0.1282763284478379 -0.5003638981105594 +18998,-0.7077155263477456,0,-0.9907796487246746 -0.9815187338075448 -1.0135062951562277 -1.0364393130551692 -1.071445055760135 -1.0973962547058056 -1.1505884738813923 -1.167459332905207 -1.2115712120041608 -0.8574379510273256 -1.034298210203132 -0.8129133291483721 -0.6419862467966652 -0.4037820996623284 -0.2160357510762764 -0.3848991198375125 -0.07828286546903115 -0.1282763284478379 -0.5003638981105594 -0.4429926588098023 +18999,-0.7065288909519668,0,-0.9815187338075448 -1.0135062951562277 -1.0364393130551692 -1.071445055760135 -1.0973962547058056 -1.1505884738813923 -1.167459332905207 -1.2115712120041608 -0.8574379510273256 -1.034298210203132 -0.8129133291483721 -0.6419862467966652 -0.4037820996623284 -0.2160357510762764 -0.3848991198375125 -0.07828286546903115 -0.1282763284478379 -0.5003638981105594 -0.4429926588098023 -0.7077155263477456 +19000,-1.0598882593130319,0,-1.0135062951562277 -1.0364393130551692 -1.071445055760135 -1.0973962547058056 -1.1505884738813923 -1.167459332905207 -1.2115712120041608 -0.8574379510273256 -1.034298210203132 -0.8129133291483721 -0.6419862467966652 -0.4037820996623284 -0.2160357510762764 -0.3848991198375125 -0.07828286546903115 -0.1282763284478379 -0.5003638981105594 -0.4429926588098023 -0.7077155263477456 -0.7065288909519668 +19001,-1.1473381248951604,0,-1.0364393130551692 -1.071445055760135 -1.0973962547058056 -1.1505884738813923 -1.167459332905207 -1.2115712120041608 -0.8574379510273256 -1.034298210203132 -0.8129133291483721 -0.6419862467966652 -0.4037820996623284 -0.2160357510762764 -0.3848991198375125 -0.07828286546903115 -0.1282763284478379 -0.5003638981105594 -0.4429926588098023 -0.7077155263477456 -0.7065288909519668 -1.0598882593130319 +19002,-1.0915404672980673,0,-1.071445055760135 -1.0973962547058056 -1.1505884738813923 -1.167459332905207 -1.2115712120041608 -0.8574379510273256 -1.034298210203132 -0.8129133291483721 -0.6419862467966652 -0.4037820996623284 -0.2160357510762764 -0.3848991198375125 -0.07828286546903115 -0.1282763284478379 -0.5003638981105594 -0.4429926588098023 -0.7077155263477456 -0.7065288909519668 -1.0598882593130319 -1.1473381248951604 +19003,-1.2267395072732667,0,-1.0973962547058056 -1.1505884738813923 -1.167459332905207 -1.2115712120041608 -0.8574379510273256 -1.034298210203132 -0.8129133291483721 -0.6419862467966652 -0.4037820996623284 -0.2160357510762764 -0.3848991198375125 -0.07828286546903115 -0.1282763284478379 -0.5003638981105594 -0.4429926588098023 -0.7077155263477456 -0.7065288909519668 -1.0598882593130319 -1.1473381248951604 -1.0915404672980673 +19004,-1.2186910240692534,0,-1.1505884738813923 -1.167459332905207 -1.2115712120041608 -0.8574379510273256 -1.034298210203132 -0.8129133291483721 -0.6419862467966652 -0.4037820996623284 -0.2160357510762764 -0.3848991198375125 -0.07828286546903115 -0.1282763284478379 -0.5003638981105594 -0.4429926588098023 -0.7077155263477456 -0.7065288909519668 -1.0598882593130319 -1.1473381248951604 -1.0915404672980673 -1.2267395072732667 +19005,-1.1450164470478494,0,-1.167459332905207 -1.2115712120041608 -0.8574379510273256 -1.034298210203132 -0.8129133291483721 -0.6419862467966652 -0.4037820996623284 -0.2160357510762764 -0.3848991198375125 -0.07828286546903115 -0.1282763284478379 -0.5003638981105594 -0.4429926588098023 -0.7077155263477456 -0.7065288909519668 -1.0598882593130319 -1.1473381248951604 -1.0915404672980673 -1.2267395072732667 -1.2186910240692534 +19006,-1.158843328398026,0,-1.2115712120041608 -0.8574379510273256 -1.034298210203132 -0.8129133291483721 -0.6419862467966652 -0.4037820996623284 -0.2160357510762764 -0.3848991198375125 -0.07828286546903115 -0.1282763284478379 -0.5003638981105594 -0.4429926588098023 -0.7077155263477456 -0.7065288909519668 -1.0598882593130319 -1.1473381248951604 -1.0915404672980673 -1.2267395072732667 -1.2186910240692534 -1.1450164470478494 +19007,-1.1070441160856064,0,-0.8574379510273256 -1.034298210203132 -0.8129133291483721 -0.6419862467966652 -0.4037820996623284 -0.2160357510762764 -0.3848991198375125 -0.07828286546903115 -0.1282763284478379 -0.5003638981105594 -0.4429926588098023 -0.7077155263477456 -0.7065288909519668 -1.0598882593130319 -1.1473381248951604 -1.0915404672980673 -1.2267395072732667 -1.2186910240692534 -1.1450164470478494 -1.158843328398026 +19008,-1.1248952390378026,0,-1.034298210203132 -0.8129133291483721 -0.6419862467966652 -0.4037820996623284 -0.2160357510762764 -0.3848991198375125 -0.07828286546903115 -0.1282763284478379 -0.5003638981105594 -0.4429926588098023 -0.7077155263477456 -0.7065288909519668 -1.0598882593130319 -1.1473381248951604 -1.0915404672980673 -1.2267395072732667 -1.2186910240692534 -1.1450164470478494 -1.158843328398026 -1.1070441160856064 +19009,-1.0498792480974606,0,-0.8129133291483721 -0.6419862467966652 -0.4037820996623284 -0.2160357510762764 -0.3848991198375125 -0.07828286546903115 -0.1282763284478379 -0.5003638981105594 -0.4429926588098023 -0.7077155263477456 -0.7065288909519668 -1.0598882593130319 -1.1473381248951604 -1.0915404672980673 -1.2267395072732667 -1.2186910240692534 -1.1450164470478494 -1.158843328398026 -1.1070441160856064 -1.1248952390378026 +19010,-1.0445135927313058,0,-0.6419862467966652 -0.4037820996623284 -0.2160357510762764 -0.3848991198375125 -0.07828286546903115 -0.1282763284478379 -0.5003638981105594 -0.4429926588098023 -0.7077155263477456 -0.7065288909519668 -1.0598882593130319 -1.1473381248951604 -1.0915404672980673 -1.2267395072732667 -1.2186910240692534 -1.1450164470478494 -1.158843328398026 -1.1070441160856064 -1.1248952390378026 -1.0498792480974606 +19011,-1.0210388500013199,0,-0.4037820996623284 -0.2160357510762764 -0.3848991198375125 -0.07828286546903115 -0.1282763284478379 -0.5003638981105594 -0.4429926588098023 -0.7077155263477456 -0.7065288909519668 -1.0598882593130319 -1.1473381248951604 -1.0915404672980673 -1.2267395072732667 -1.2186910240692534 -1.1450164470478494 -1.158843328398026 -1.1070441160856064 -1.1248952390378026 -1.0498792480974606 -1.0445135927313058 +19012,-1.0217095568834005,0,-0.2160357510762764 -0.3848991198375125 -0.07828286546903115 -0.1282763284478379 -0.5003638981105594 -0.4429926588098023 -0.7077155263477456 -0.7065288909519668 -1.0598882593130319 -1.1473381248951604 -1.0915404672980673 -1.2267395072732667 -1.2186910240692534 -1.1450164470478494 -1.158843328398026 -1.1070441160856064 -1.1248952390378026 -1.0498792480974606 -1.0445135927313058 -1.0210388500013199 +19013,-1.0042711767112125,0,-0.3848991198375125 -0.07828286546903115 -0.1282763284478379 -0.5003638981105594 -0.4429926588098023 -0.7077155263477456 -0.7065288909519668 -1.0598882593130319 -1.1473381248951604 -1.0915404672980673 -1.2267395072732667 -1.2186910240692534 -1.1450164470478494 -1.158843328398026 -1.1070441160856064 -1.1248952390378026 -1.0498792480974606 -1.0445135927313058 -1.0210388500013199 -1.0217095568834005 +19014,-0.9546388635681676,0,-0.07828286546903115 -0.1282763284478379 -0.5003638981105594 -0.4429926588098023 -0.7077155263477456 -0.7065288909519668 -1.0598882593130319 -1.1473381248951604 -1.0915404672980673 -1.2267395072732667 -1.2186910240692534 -1.1450164470478494 -1.158843328398026 -1.1070441160856064 -1.1248952390378026 -1.0498792480974606 -1.0445135927313058 -1.0210388500013199 -1.0217095568834005 -1.0042711767112125 +19015,-0.9479317942830747,0,-0.1282763284478379 -0.5003638981105594 -0.4429926588098023 -0.7077155263477456 -0.7065288909519668 -1.0598882593130319 -1.1473381248951604 -1.0915404672980673 -1.2267395072732667 -1.2186910240692534 -1.1450164470478494 -1.158843328398026 -1.1070441160856064 -1.1248952390378026 -1.0498792480974606 -1.0445135927313058 -1.0210388500013199 -1.0217095568834005 -1.0042711767112125 -0.9546388635681676 +19016,-0.9090307920271339,0,-0.5003638981105594 -0.4429926588098023 -0.7077155263477456 -0.7065288909519668 -1.0598882593130319 -1.1473381248951604 -1.0915404672980673 -1.2267395072732667 -1.2186910240692534 -1.1450164470478494 -1.158843328398026 -1.1070441160856064 -1.1248952390378026 -1.0498792480974606 -1.0445135927313058 -1.0210388500013199 -1.0217095568834005 -1.0042711767112125 -0.9546388635681676 -0.9479317942830747 +19017,-0.8939656824917177,0,-0.4429926588098023 -0.7077155263477456 -0.7065288909519668 -1.0598882593130319 -1.1473381248951604 -1.0915404672980673 -1.2267395072732667 -1.2186910240692534 -1.1450164470478494 -1.158843328398026 -1.1070441160856064 -1.1248952390378026 -1.0498792480974606 -1.0445135927313058 -1.0210388500013199 -1.0217095568834005 -1.0042711767112125 -0.9546388635681676 -0.9479317942830747 -0.9090307920271339 +19018,-0.8471193827654444,0,-0.7077155263477456 -0.7065288909519668 -1.0598882593130319 -1.1473381248951604 -1.0915404672980673 -1.2267395072732667 -1.2186910240692534 -1.1450164470478494 -1.158843328398026 -1.1070441160856064 -1.1248952390378026 -1.0498792480974606 -1.0445135927313058 -1.0210388500013199 -1.0217095568834005 -1.0042711767112125 -0.9546388635681676 -0.9479317942830747 -0.9090307920271339 -0.8939656824917177 +19019,-0.8241089757597134,0,-0.7065288909519668 -1.0598882593130319 -1.1473381248951604 -1.0915404672980673 -1.2267395072732667 -1.2186910240692534 -1.1450164470478494 -1.158843328398026 -1.1070441160856064 -1.1248952390378026 -1.0498792480974606 -1.0445135927313058 -1.0210388500013199 -1.0217095568834005 -1.0042711767112125 -0.9546388635681676 -0.9479317942830747 -0.9090307920271339 -0.8939656824917177 -0.8471193827654444 +19020,-0.9036393401888559,0,-1.0598882593130319 -1.1473381248951604 -1.0915404672980673 -1.2267395072732667 -1.2186910240692534 -1.1450164470478494 -1.158843328398026 -1.1070441160856064 -1.1248952390378026 -1.0498792480974606 -1.0445135927313058 -1.0210388500013199 -1.0217095568834005 -1.0042711767112125 -0.9546388635681676 -0.9479317942830747 -0.9090307920271339 -0.8939656824917177 -0.8471193827654444 -0.8241089757597134 +19021,-0.8464486758833726,0,-1.1473381248951604 -1.0915404672980673 -1.2267395072732667 -1.2186910240692534 -1.1450164470478494 -1.158843328398026 -1.1070441160856064 -1.1248952390378026 -1.0498792480974606 -1.0445135927313058 -1.0210388500013199 -1.0217095568834005 -1.0042711767112125 -0.9546388635681676 -0.9479317942830747 -0.9090307920271339 -0.8939656824917177 -0.8471193827654444 -0.8241089757597134 -0.9036393401888559 +19022,-0.8917987831675572,0,-1.0915404672980673 -1.2267395072732667 -1.2186910240692534 -1.1450164470478494 -1.158843328398026 -1.1070441160856064 -1.1248952390378026 -1.0498792480974606 -1.0445135927313058 -1.0210388500013199 -1.0217095568834005 -1.0042711767112125 -0.9546388635681676 -0.9479317942830747 -0.9090307920271339 -0.8939656824917177 -0.8471193827654444 -0.8241089757597134 -0.9036393401888559 -0.8464486758833726 +19023,-0.8459843403139121,0,-1.2267395072732667 -1.2186910240692534 -1.1450164470478494 -1.158843328398026 -1.1070441160856064 -1.1248952390378026 -1.0498792480974606 -1.0445135927313058 -1.0210388500013199 -1.0217095568834005 -1.0042711767112125 -0.9546388635681676 -0.9479317942830747 -0.9090307920271339 -0.8939656824917177 -0.8471193827654444 -0.8241089757597134 -0.9036393401888559 -0.8464486758833726 -0.8917987831675572 +19024,-0.9217226309257781,0,-1.2186910240692534 -1.1450164470478494 -1.158843328398026 -1.1070441160856064 -1.1248952390378026 -1.0498792480974606 -1.0445135927313058 -1.0210388500013199 -1.0217095568834005 -1.0042711767112125 -0.9546388635681676 -0.9479317942830747 -0.9090307920271339 -0.8939656824917177 -0.8471193827654444 -0.8241089757597134 -0.9036393401888559 -0.8464486758833726 -0.8917987831675572 -0.8459843403139121 +19025,-0.9062963715546001,0,-1.1450164470478494 -1.158843328398026 -1.1070441160856064 -1.1248952390378026 -1.0498792480974606 -1.0445135927313058 -1.0210388500013199 -1.0217095568834005 -1.0042711767112125 -0.9546388635681676 -0.9479317942830747 -0.9090307920271339 -0.8939656824917177 -0.8471193827654444 -0.8241089757597134 -0.9036393401888559 -0.8464486758833726 -0.8917987831675572 -0.8459843403139121 -0.9217226309257781 +19026,-0.8938882932301425,0,-1.158843328398026 -1.1070441160856064 -1.1248952390378026 -1.0498792480974606 -1.0445135927313058 -1.0210388500013199 -1.0217095568834005 -1.0042711767112125 -0.9546388635681676 -0.9479317942830747 -0.9090307920271339 -0.8939656824917177 -0.8471193827654444 -0.8241089757597134 -0.9036393401888559 -0.8464486758833726 -0.8917987831675572 -0.8459843403139121 -0.9217226309257781 -0.9062963715546001 +19027,-0.8774559733036738,0,-1.1070441160856064 -1.1248952390378026 -1.0498792480974606 -1.0445135927313058 -1.0210388500013199 -1.0217095568834005 -1.0042711767112125 -0.9546388635681676 -0.9479317942830747 -0.9090307920271339 -0.8939656824917177 -0.8471193827654444 -0.8241089757597134 -0.9036393401888559 -0.8464486758833726 -0.8917987831675572 -0.8459843403139121 -0.9217226309257781 -0.9062963715546001 -0.8938882932301425 +19028,-0.8640418347334968,0,-1.1248952390378026 -1.0498792480974606 -1.0445135927313058 -1.0210388500013199 -1.0217095568834005 -1.0042711767112125 -0.9546388635681676 -0.9479317942830747 -0.9090307920271339 -0.8939656824917177 -0.8471193827654444 -0.8241089757597134 -0.9036393401888559 -0.8464486758833726 -0.8917987831675572 -0.8459843403139121 -0.9217226309257781 -0.9062963715546001 -0.8938882932301425 -0.8774559733036738 +19029,-0.842966159112406,0,-1.0498792480974606 -1.0445135927313058 -1.0210388500013199 -1.0217095568834005 -1.0042711767112125 -0.9546388635681676 -0.9479317942830747 -0.9090307920271339 -0.8939656824917177 -0.8471193827654444 -0.8241089757597134 -0.9036393401888559 -0.8464486758833726 -0.8917987831675572 -0.8459843403139121 -0.9217226309257781 -0.9062963715546001 -0.8938882932301425 -0.8774559733036738 -0.8640418347334968 +19030,-0.8321058660194891,0,-1.0445135927313058 -1.0210388500013199 -1.0217095568834005 -1.0042711767112125 -0.9546388635681676 -0.9479317942830747 -0.9090307920271339 -0.8939656824917177 -0.8471193827654444 -0.8241089757597134 -0.9036393401888559 -0.8464486758833726 -0.8917987831675572 -0.8459843403139121 -0.9217226309257781 -0.9062963715546001 -0.8938882932301425 -0.8774559733036738 -0.8640418347334968 -0.842966159112406 +19031,-0.8135840361852208,0,-1.0210388500013199 -1.0217095568834005 -1.0042711767112125 -0.9546388635681676 -0.9479317942830747 -0.9090307920271339 -0.8939656824917177 -0.8471193827654444 -0.8241089757597134 -0.9036393401888559 -0.8464486758833726 -0.8917987831675572 -0.8459843403139121 -0.9217226309257781 -0.9062963715546001 -0.8938882932301425 -0.8774559733036738 -0.8640418347334968 -0.842966159112406 -0.8321058660194891 +19032,-0.828726534982221,0,-1.0217095568834005 -1.0042711767112125 -0.9546388635681676 -0.9479317942830747 -0.9090307920271339 -0.8939656824917177 -0.8471193827654444 -0.8241089757597134 -0.9036393401888559 -0.8464486758833726 -0.8917987831675572 -0.8459843403139121 -0.9217226309257781 -0.9062963715546001 -0.8938882932301425 -0.8774559733036738 -0.8640418347334968 -0.842966159112406 -0.8321058660194891 -0.8135840361852208 +19033,-0.7989832620644882,0,-1.0042711767112125 -0.9546388635681676 -0.9479317942830747 -0.9090307920271339 -0.8939656824917177 -0.8471193827654444 -0.8241089757597134 -0.9036393401888559 -0.8464486758833726 -0.8917987831675572 -0.8459843403139121 -0.9217226309257781 -0.9062963715546001 -0.8938882932301425 -0.8774559733036738 -0.8640418347334968 -0.842966159112406 -0.8321058660194891 -0.8135840361852208 -0.828726534982221 +19034,-0.8029043180875864,0,-0.9546388635681676 -0.9479317942830747 -0.9090307920271339 -0.8939656824917177 -0.8471193827654444 -0.8241089757597134 -0.9036393401888559 -0.8464486758833726 -0.8917987831675572 -0.8459843403139121 -0.9217226309257781 -0.9062963715546001 -0.8938882932301425 -0.8774559733036738 -0.8640418347334968 -0.842966159112406 -0.8321058660194891 -0.8135840361852208 -0.828726534982221 -0.7989832620644882 +19035,-0.7617848237180155,0,-0.9479317942830747 -0.9090307920271339 -0.8939656824917177 -0.8471193827654444 -0.8241089757597134 -0.9036393401888559 -0.8464486758833726 -0.8917987831675572 -0.8459843403139121 -0.9217226309257781 -0.9062963715546001 -0.8938882932301425 -0.8774559733036738 -0.8640418347334968 -0.842966159112406 -0.8321058660194891 -0.8135840361852208 -0.828726534982221 -0.7989832620644882 -0.8029043180875864 +19036,-0.7807193963322921,0,-0.9090307920271339 -0.8939656824917177 -0.8471193827654444 -0.8241089757597134 -0.9036393401888559 -0.8464486758833726 -0.8917987831675572 -0.8459843403139121 -0.9217226309257781 -0.9062963715546001 -0.8938882932301425 -0.8774559733036738 -0.8640418347334968 -0.842966159112406 -0.8321058660194891 -0.8135840361852208 -0.828726534982221 -0.7989832620644882 -0.8029043180875864 -0.7617848237180155 +19037,-0.754613418863471,0,-0.8939656824917177 -0.8471193827654444 -0.8241089757597134 -0.9036393401888559 -0.8464486758833726 -0.8917987831675572 -0.8459843403139121 -0.9217226309257781 -0.9062963715546001 -0.8938882932301425 -0.8774559733036738 -0.8640418347334968 -0.842966159112406 -0.8321058660194891 -0.8135840361852208 -0.828726534982221 -0.7989832620644882 -0.8029043180875864 -0.7617848237180155 -0.7807193963322921 +19038,-0.7316030117029455,0,-0.8471193827654444 -0.8241089757597134 -0.9036393401888559 -0.8464486758833726 -0.8917987831675572 -0.8459843403139121 -0.9217226309257781 -0.9062963715546001 -0.8938882932301425 -0.8774559733036738 -0.8640418347334968 -0.842966159112406 -0.8321058660194891 -0.8135840361852208 -0.828726534982221 -0.7989832620644882 -0.8029043180875864 -0.7617848237180155 -0.7807193963322921 -0.754613418863471 +19039,-0.7044651773615048,0,-0.8241089757597134 -0.9036393401888559 -0.8464486758833726 -0.8917987831675572 -0.8459843403139121 -0.9217226309257781 -0.9062963715546001 -0.8938882932301425 -0.8774559733036738 -0.8640418347334968 -0.842966159112406 -0.8321058660194891 -0.8135840361852208 -0.828726534982221 -0.7989832620644882 -0.8029043180875864 -0.7617848237180155 -0.7807193963322921 -0.754613418863471 -0.7316030117029455 +19040,-0.6804229133283599,0,-0.9036393401888559 -0.8464486758833726 -0.8917987831675572 -0.8459843403139121 -0.9217226309257781 -0.9062963715546001 -0.8938882932301425 -0.8774559733036738 -0.8640418347334968 -0.842966159112406 -0.8321058660194891 -0.8135840361852208 -0.828726534982221 -0.7989832620644882 -0.8029043180875864 -0.7617848237180155 -0.7807193963322921 -0.754613418863471 -0.7316030117029455 -0.7044651773615048 +19041,-0.7056776090746212,0,-0.8464486758833726 -0.8917987831675572 -0.8459843403139121 -0.9217226309257781 -0.9062963715546001 -0.8938882932301425 -0.8774559733036738 -0.8640418347334968 -0.842966159112406 -0.8321058660194891 -0.8135840361852208 -0.828726534982221 -0.7989832620644882 -0.8029043180875864 -0.7617848237180155 -0.7807193963322921 -0.754613418863471 -0.7316030117029455 -0.7044651773615048 -0.6804229133283599 +19042,-0.6652030252697932,0,-0.8917987831675572 -0.8459843403139121 -0.9217226309257781 -0.9062963715546001 -0.8938882932301425 -0.8774559733036738 -0.8640418347334968 -0.842966159112406 -0.8321058660194891 -0.8135840361852208 -0.828726534982221 -0.7989832620644882 -0.8029043180875864 -0.7617848237180155 -0.7807193963322921 -0.754613418863471 -0.7316030117029455 -0.7044651773615048 -0.6804229133283599 -0.7056776090746212 +19043,-0.6740254010895858,0,-0.8459843403139121 -0.9217226309257781 -0.9062963715546001 -0.8938882932301425 -0.8774559733036738 -0.8640418347334968 -0.842966159112406 -0.8321058660194891 -0.8135840361852208 -0.828726534982221 -0.7989832620644882 -0.8029043180875864 -0.7617848237180155 -0.7807193963322921 -0.754613418863471 -0.7316030117029455 -0.7044651773615048 -0.6804229133283599 -0.7056776090746212 -0.6652030252697932 +19044,-0.6100244817653199,0,-0.9217226309257781 -0.9062963715546001 -0.8938882932301425 -0.8774559733036738 -0.8640418347334968 -0.842966159112406 -0.8321058660194891 -0.8135840361852208 -0.828726534982221 -0.7989832620644882 -0.8029043180875864 -0.7617848237180155 -0.7807193963322921 -0.754613418863471 -0.7316030117029455 -0.7044651773615048 -0.6804229133283599 -0.7056776090746212 -0.6652030252697932 -0.6740254010895858 +19045,-0.6431212892481974,0,-0.9062963715546001 -0.8938882932301425 -0.8774559733036738 -0.8640418347334968 -0.842966159112406 -0.8321058660194891 -0.8135840361852208 -0.828726534982221 -0.7989832620644882 -0.8029043180875864 -0.7617848237180155 -0.7807193963322921 -0.754613418863471 -0.7316030117029455 -0.7044651773615048 -0.6804229133283599 -0.7056776090746212 -0.6652030252697932 -0.6740254010895858 -0.6100244817653199 +19046,-0.6033948017418023,0,-0.8938882932301425 -0.8774559733036738 -0.8640418347334968 -0.842966159112406 -0.8321058660194891 -0.8135840361852208 -0.828726534982221 -0.7989832620644882 -0.8029043180875864 -0.7617848237180155 -0.7807193963322921 -0.754613418863471 -0.7316030117029455 -0.7044651773615048 -0.6804229133283599 -0.7056776090746212 -0.6652030252697932 -0.6740254010895858 -0.6100244817653199 -0.6431212892481974 +19047,-0.6929083809143929,0,-0.8774559733036738 -0.8640418347334968 -0.842966159112406 -0.8321058660194891 -0.8135840361852208 -0.828726534982221 -0.7989832620644882 -0.8029043180875864 -0.7617848237180155 -0.7807193963322921 -0.754613418863471 -0.7316030117029455 -0.7044651773615048 -0.6804229133283599 -0.7056776090746212 -0.6652030252697932 -0.6740254010895858 -0.6100244817653199 -0.6431212892481974 -0.6033948017418023 +19048,-0.6101018710268952,0,-0.8640418347334968 -0.842966159112406 -0.8321058660194891 -0.8135840361852208 -0.828726534982221 -0.7989832620644882 -0.8029043180875864 -0.7617848237180155 -0.7807193963322921 -0.754613418863471 -0.7316030117029455 -0.7044651773615048 -0.6804229133283599 -0.7056776090746212 -0.6652030252697932 -0.6740254010895858 -0.6100244817653199 -0.6431212892481974 -0.6033948017418023 -0.6929083809143929 +19049,-0.6565354279731512,0,-0.842966159112406 -0.8321058660194891 -0.8135840361852208 -0.828726534982221 -0.7989832620644882 -0.8029043180875864 -0.7617848237180155 -0.7807193963322921 -0.754613418863471 -0.7316030117029455 -0.7044651773615048 -0.6804229133283599 -0.7056776090746212 -0.6652030252697932 -0.6740254010895858 -0.6100244817653199 -0.6431212892481974 -0.6033948017418023 -0.6929083809143929 -0.6101018710268952 +19050,-0.6642743541308636,0,-0.8321058660194891 -0.8135840361852208 -0.828726534982221 -0.7989832620644882 -0.8029043180875864 -0.7617848237180155 -0.7807193963322921 -0.754613418863471 -0.7316030117029455 -0.7044651773615048 -0.6804229133283599 -0.7056776090746212 -0.6652030252697932 -0.6740254010895858 -0.6100244817653199 -0.6431212892481974 -0.6033948017418023 -0.6929083809143929 -0.6101018710268952 -0.6565354279731512 +19051,-0.7236061212883841,0,-0.8135840361852208 -0.828726534982221 -0.7989832620644882 -0.8029043180875864 -0.7617848237180155 -0.7807193963322921 -0.754613418863471 -0.7316030117029455 -0.7044651773615048 -0.6804229133283599 -0.7056776090746212 -0.6652030252697932 -0.6740254010895858 -0.6100244817653199 -0.6431212892481974 -0.6033948017418023 -0.6929083809143929 -0.6101018710268952 -0.6565354279731512 -0.6642743541308636 +19052,-0.7442432578121377,0,-0.828726534982221 -0.7989832620644882 -0.8029043180875864 -0.7617848237180155 -0.7807193963322921 -0.754613418863471 -0.7316030117029455 -0.7044651773615048 -0.6804229133283599 -0.7056776090746212 -0.6652030252697932 -0.6740254010895858 -0.6100244817653199 -0.6431212892481974 -0.6033948017418023 -0.6929083809143929 -0.6101018710268952 -0.6565354279731512 -0.6642743541308636 -0.7236061212883841 +19053,-0.7446044076478997,0,-0.7989832620644882 -0.8029043180875864 -0.7617848237180155 -0.7807193963322921 -0.754613418863471 -0.7316030117029455 -0.7044651773615048 -0.6804229133283599 -0.7056776090746212 -0.6652030252697932 -0.6740254010895858 -0.6100244817653199 -0.6431212892481974 -0.6033948017418023 -0.6929083809143929 -0.6101018710268952 -0.6565354279731512 -0.6642743541308636 -0.7236061212883841 -0.7442432578121377 +19054,-0.7720002062461981,0,-0.8029043180875864 -0.7617848237180155 -0.7807193963322921 -0.754613418863471 -0.7316030117029455 -0.7044651773615048 -0.6804229133283599 -0.7056776090746212 -0.6652030252697932 -0.6740254010895858 -0.6100244817653199 -0.6431212892481974 -0.6033948017418023 -0.6929083809143929 -0.6101018710268952 -0.6565354279731512 -0.6642743541308636 -0.7236061212883841 -0.7442432578121377 -0.7446044076478997 +19055,-0.7791200183112906,0,-0.7617848237180155 -0.7807193963322921 -0.754613418863471 -0.7316030117029455 -0.7044651773615048 -0.6804229133283599 -0.7056776090746212 -0.6652030252697932 -0.6740254010895858 -0.6100244817653199 -0.6431212892481974 -0.6033948017418023 -0.6929083809143929 -0.6101018710268952 -0.6565354279731512 -0.6642743541308636 -0.7236061212883841 -0.7442432578121377 -0.7446044076478997 -0.7720002062461981 +19056,-0.7843050988369573,0,-0.7807193963322921 -0.754613418863471 -0.7316030117029455 -0.7044651773615048 -0.6804229133283599 -0.7056776090746212 -0.6652030252697932 -0.6740254010895858 -0.6100244817653199 -0.6431212892481974 -0.6033948017418023 -0.6929083809143929 -0.6101018710268952 -0.6565354279731512 -0.6642743541308636 -0.7236061212883841 -0.7442432578121377 -0.7446044076478997 -0.7720002062461981 -0.7791200183112906 +19057,-0.7920698214667928,0,-0.754613418863471 -0.7316030117029455 -0.7044651773615048 -0.6804229133283599 -0.7056776090746212 -0.6652030252697932 -0.6740254010895858 -0.6100244817653199 -0.6431212892481974 -0.6033948017418023 -0.6929083809143929 -0.6101018710268952 -0.6565354279731512 -0.6642743541308636 -0.7236061212883841 -0.7442432578121377 -0.7446044076478997 -0.7720002062461981 -0.7791200183112906 -0.7843050988369573 +19058,-0.797899812402408,0,-0.7316030117029455 -0.7044651773615048 -0.6804229133283599 -0.7056776090746212 -0.6652030252697932 -0.6740254010895858 -0.6100244817653199 -0.6431212892481974 -0.6033948017418023 -0.6929083809143929 -0.6101018710268952 -0.6565354279731512 -0.6642743541308636 -0.7236061212883841 -0.7442432578121377 -0.7446044076478997 -0.7720002062461981 -0.7791200183112906 -0.7843050988369573 -0.7920698214667928 +19059,-0.7064515016903916,0,-0.7044651773615048 -0.6804229133283599 -0.7056776090746212 -0.6652030252697932 -0.6740254010895858 -0.6100244817653199 -0.6431212892481974 -0.6033948017418023 -0.6929083809143929 -0.6101018710268952 -0.6565354279731512 -0.6642743541308636 -0.7236061212883841 -0.7442432578121377 -0.7446044076478997 -0.7720002062461981 -0.7791200183112906 -0.7843050988369573 -0.7920698214667928 -0.797899812402408 +19060,-0.7447075933815982,0,-0.6804229133283599 -0.7056776090746212 -0.6652030252697932 -0.6740254010895858 -0.6100244817653199 -0.6431212892481974 -0.6033948017418023 -0.6929083809143929 -0.6101018710268952 -0.6565354279731512 -0.6642743541308636 -0.7236061212883841 -0.7442432578121377 -0.7446044076478997 -0.7720002062461981 -0.7791200183112906 -0.7843050988369573 -0.7920698214667928 -0.797899812402408 -0.7064515016903916 +19061,-0.6856853831156107,0,-0.7056776090746212 -0.6652030252697932 -0.6740254010895858 -0.6100244817653199 -0.6431212892481974 -0.6033948017418023 -0.6929083809143929 -0.6101018710268952 -0.6565354279731512 -0.6642743541308636 -0.7236061212883841 -0.7442432578121377 -0.7446044076478997 -0.7720002062461981 -0.7791200183112906 -0.7843050988369573 -0.7920698214667928 -0.797899812402408 -0.7064515016903916 -0.7447075933815982 +19062,-0.6155191193372876,0,-0.6652030252697932 -0.6740254010895858 -0.6100244817653199 -0.6431212892481974 -0.6033948017418023 -0.6929083809143929 -0.6101018710268952 -0.6565354279731512 -0.6642743541308636 -0.7236061212883841 -0.7442432578121377 -0.7446044076478997 -0.7720002062461981 -0.7791200183112906 -0.7843050988369573 -0.7920698214667928 -0.797899812402408 -0.7064515016903916 -0.7447075933815982 -0.6856853831156107 +19063,-0.5602115937817781,0,-0.6740254010895858 -0.6100244817653199 -0.6431212892481974 -0.6033948017418023 -0.6929083809143929 -0.6101018710268952 -0.6565354279731512 -0.6642743541308636 -0.7236061212883841 -0.7442432578121377 -0.7446044076478997 -0.7720002062461981 -0.7791200183112906 -0.7843050988369573 -0.7920698214667928 -0.797899812402408 -0.7064515016903916 -0.7447075933815982 -0.6856853831156107 -0.6155191193372876 +19064,-0.4937600144043882,0,-0.6100244817653199 -0.6431212892481974 -0.6033948017418023 -0.6929083809143929 -0.6101018710268952 -0.6565354279731512 -0.6642743541308636 -0.7236061212883841 -0.7442432578121377 -0.7446044076478997 -0.7720002062461981 -0.7791200183112906 -0.7843050988369573 -0.7920698214667928 -0.797899812402408 -0.7064515016903916 -0.7447075933815982 -0.6856853831156107 -0.6155191193372876 -0.5602115937817781 +19065,-0.6318482535300578,0,-0.6431212892481974 -0.6033948017418023 -0.6929083809143929 -0.6101018710268952 -0.6565354279731512 -0.6642743541308636 -0.7236061212883841 -0.7442432578121377 -0.7446044076478997 -0.7720002062461981 -0.7791200183112906 -0.7843050988369573 -0.7920698214667928 -0.797899812402408 -0.7064515016903916 -0.7447075933815982 -0.6856853831156107 -0.6155191193372876 -0.5602115937817781 -0.4937600144043882 +19066,-0.4972167348580172,0,-0.6033948017418023 -0.6929083809143929 -0.6101018710268952 -0.6565354279731512 -0.6642743541308636 -0.7236061212883841 -0.7442432578121377 -0.7446044076478997 -0.7720002062461981 -0.7791200183112906 -0.7843050988369573 -0.7920698214667928 -0.797899812402408 -0.7064515016903916 -0.7447075933815982 -0.6856853831156107 -0.6155191193372876 -0.5602115937817781 -0.4937600144043882 -0.6318482535300578 +19067,-0.5671250343794824,0,-0.6929083809143929 -0.6101018710268952 -0.6565354279731512 -0.6642743541308636 -0.7236061212883841 -0.7442432578121377 -0.7446044076478997 -0.7720002062461981 -0.7791200183112906 -0.7843050988369573 -0.7920698214667928 -0.797899812402408 -0.7064515016903916 -0.7447075933815982 -0.6856853831156107 -0.6155191193372876 -0.5602115937817781 -0.4937600144043882 -0.6318482535300578 -0.4972167348580172 +19068,-0.8219936692250049,0,-0.6101018710268952 -0.6565354279731512 -0.6642743541308636 -0.7236061212883841 -0.7442432578121377 -0.7446044076478997 -0.7720002062461981 -0.7791200183112906 -0.7843050988369573 -0.7920698214667928 -0.797899812402408 -0.7064515016903916 -0.7447075933815982 -0.6856853831156107 -0.6155191193372876 -0.5602115937817781 -0.4937600144043882 -0.6318482535300578 -0.4972167348580172 -0.5671250343794824 +19069,-0.8302485237416385,0,-0.6565354279731512 -0.6642743541308636 -0.7236061212883841 -0.7442432578121377 -0.7446044076478997 -0.7720002062461981 -0.7791200183112906 -0.7843050988369573 -0.7920698214667928 -0.797899812402408 -0.7064515016903916 -0.7447075933815982 -0.6856853831156107 -0.6155191193372876 -0.5602115937817781 -0.4937600144043882 -0.6318482535300578 -0.4972167348580172 -0.5671250343794824 -0.8219936692250049 +19070,-1.0234637135823295,0,-0.6642743541308636 -0.7236061212883841 -0.7442432578121377 -0.7446044076478997 -0.7720002062461981 -0.7791200183112906 -0.7843050988369573 -0.7920698214667928 -0.797899812402408 -0.7064515016903916 -0.7447075933815982 -0.6856853831156107 -0.6155191193372876 -0.5602115937817781 -0.4937600144043882 -0.6318482535300578 -0.4972167348580172 -0.5671250343794824 -0.8219936692250049 -0.8302485237416385 +19071,-0.9046454005893608,0,-0.7236061212883841 -0.7442432578121377 -0.7446044076478997 -0.7720002062461981 -0.7791200183112906 -0.7843050988369573 -0.7920698214667928 -0.797899812402408 -0.7064515016903916 -0.7447075933815982 -0.6856853831156107 -0.6155191193372876 -0.5602115937817781 -0.4937600144043882 -0.6318482535300578 -0.4972167348580172 -0.5671250343794824 -0.8219936692250049 -0.8302485237416385 -1.0234637135823295 +19072,-1.2018717578348996,0,-0.7442432578121377 -0.7446044076478997 -0.7720002062461981 -0.7791200183112906 -0.7843050988369573 -0.7920698214667928 -0.797899812402408 -0.7064515016903916 -0.7447075933815982 -0.6856853831156107 -0.6155191193372876 -0.5602115937817781 -0.4937600144043882 -0.6318482535300578 -0.4972167348580172 -0.5671250343794824 -0.8219936692250049 -0.8302485237416385 -1.0234637135823295 -0.9046454005893608 +19073,-1.1870646125563324,0,-0.7446044076478997 -0.7720002062461981 -0.7791200183112906 -0.7843050988369573 -0.7920698214667928 -0.797899812402408 -0.7064515016903916 -0.7447075933815982 -0.6856853831156107 -0.6155191193372876 -0.5602115937817781 -0.4937600144043882 -0.6318482535300578 -0.4972167348580172 -0.5671250343794824 -0.8219936692250049 -0.8302485237416385 -1.0234637135823295 -0.9046454005893608 -1.2018717578348996 +19074,-1.1955516348576918,0,-0.7720002062461981 -0.7791200183112906 -0.7843050988369573 -0.7920698214667928 -0.797899812402408 -0.7064515016903916 -0.7447075933815982 -0.6856853831156107 -0.6155191193372876 -0.5602115937817781 -0.4937600144043882 -0.6318482535300578 -0.4972167348580172 -0.5671250343794824 -0.8219936692250049 -0.8302485237416385 -1.0234637135823295 -0.9046454005893608 -1.2018717578348996 -1.1870646125563324 +19075,-1.172979766949298,0,-0.7791200183112906 -0.7843050988369573 -0.7920698214667928 -0.797899812402408 -0.7064515016903916 -0.7447075933815982 -0.6856853831156107 -0.6155191193372876 -0.5602115937817781 -0.4937600144043882 -0.6318482535300578 -0.4972167348580172 -0.5671250343794824 -0.8219936692250049 -0.8302485237416385 -1.0234637135823295 -0.9046454005893608 -1.2018717578348996 -1.1870646125563324 -1.1955516348576918 +19076,-1.1737020666208307,0,-0.7843050988369573 -0.7920698214667928 -0.797899812402408 -0.7064515016903916 -0.7447075933815982 -0.6856853831156107 -0.6155191193372876 -0.5602115937817781 -0.4937600144043882 -0.6318482535300578 -0.4972167348580172 -0.5671250343794824 -0.8219936692250049 -0.8302485237416385 -1.0234637135823295 -0.9046454005893608 -1.2018717578348996 -1.1870646125563324 -1.1955516348576918 -1.172979766949298 +19077,-1.221167480439724,0,-0.7920698214667928 -0.797899812402408 -0.7064515016903916 -0.7447075933815982 -0.6856853831156107 -0.6155191193372876 -0.5602115937817781 -0.4937600144043882 -0.6318482535300578 -0.4972167348580172 -0.5671250343794824 -0.8219936692250049 -0.8302485237416385 -1.0234637135823295 -0.9046454005893608 -1.2018717578348996 -1.1870646125563324 -1.1955516348576918 -1.172979766949298 -1.1737020666208307 +19078,-1.2063087422169103,0,-0.797899812402408 -0.7064515016903916 -0.7447075933815982 -0.6856853831156107 -0.6155191193372876 -0.5602115937817781 -0.4937600144043882 -0.6318482535300578 -0.4972167348580172 -0.5671250343794824 -0.8219936692250049 -0.8302485237416385 -1.0234637135823295 -0.9046454005893608 -1.2018717578348996 -1.1870646125563324 -1.1955516348576918 -1.172979766949298 -1.1737020666208307 -1.221167480439724 +19079,-1.2381931179866803,0,-0.7064515016903916 -0.7447075933815982 -0.6856853831156107 -0.6155191193372876 -0.5602115937817781 -0.4937600144043882 -0.6318482535300578 -0.4972167348580172 -0.5671250343794824 -0.8219936692250049 -0.8302485237416385 -1.0234637135823295 -0.9046454005893608 -1.2018717578348996 -1.1870646125563324 -1.1955516348576918 -1.172979766949298 -1.1737020666208307 -1.221167480439724 -1.2063087422169103 +19080,-1.2972411245700142,0,-0.7447075933815982 -0.6856853831156107 -0.6155191193372876 -0.5602115937817781 -0.4937600144043882 -0.6318482535300578 -0.4972167348580172 -0.5671250343794824 -0.8219936692250049 -0.8302485237416385 -1.0234637135823295 -0.9046454005893608 -1.2018717578348996 -1.1870646125563324 -1.1955516348576918 -1.172979766949298 -1.1737020666208307 -1.221167480439724 -1.2063087422169103 -1.2381931179866803 +19081,-1.320070956735257,0,-0.6856853831156107 -0.6155191193372876 -0.5602115937817781 -0.4937600144043882 -0.6318482535300578 -0.4972167348580172 -0.5671250343794824 -0.8219936692250049 -0.8302485237416385 -1.0234637135823295 -0.9046454005893608 -1.2018717578348996 -1.1870646125563324 -1.1955516348576918 -1.172979766949298 -1.1737020666208307 -1.221167480439724 -1.2063087422169103 -1.2381931179866803 -1.2972411245700142 +19082,-1.370064419714064,0,-0.6155191193372876 -0.5602115937817781 -0.4937600144043882 -0.6318482535300578 -0.4972167348580172 -0.5671250343794824 -0.8219936692250049 -0.8302485237416385 -1.0234637135823295 -0.9046454005893608 -1.2018717578348996 -1.1870646125563324 -1.1955516348576918 -1.172979766949298 -1.1737020666208307 -1.221167480439724 -1.2063087422169103 -1.2381931179866803 -1.2972411245700142 -1.320070956735257 +19083,-1.0999758968099658,0,-0.5602115937817781 -0.4937600144043882 -0.6318482535300578 -0.4972167348580172 -0.5671250343794824 -0.8219936692250049 -0.8302485237416385 -1.0234637135823295 -0.9046454005893608 -1.2018717578348996 -1.1870646125563324 -1.1955516348576918 -1.172979766949298 -1.1737020666208307 -1.221167480439724 -1.2063087422169103 -1.2381931179866803 -1.2972411245700142 -1.320070956735257 -1.370064419714064 +19084,-1.2566633550314876,0,-0.4937600144043882 -0.6318482535300578 -0.4972167348580172 -0.5671250343794824 -0.8219936692250049 -0.8302485237416385 -1.0234637135823295 -0.9046454005893608 -1.2018717578348996 -1.1870646125563324 -1.1955516348576918 -1.172979766949298 -1.1737020666208307 -1.221167480439724 -1.2063087422169103 -1.2381931179866803 -1.2972411245700142 -1.320070956735257 -1.370064419714064 -1.0999758968099658 +19085,-1.0932688275248816,0,-0.6318482535300578 -0.4972167348580172 -0.5671250343794824 -0.8219936692250049 -0.8302485237416385 -1.0234637135823295 -0.9046454005893608 -1.2018717578348996 -1.1870646125563324 -1.1955516348576918 -1.172979766949298 -1.1737020666208307 -1.221167480439724 -1.2063087422169103 -1.2381931179866803 -1.2972411245700142 -1.320070956735257 -1.370064419714064 -1.0999758968099658 -1.2566633550314876 +19086,-0.9917857091251796,0,-0.4972167348580172 -0.5671250343794824 -0.8219936692250049 -0.8302485237416385 -1.0234637135823295 -0.9046454005893608 -1.2018717578348996 -1.1870646125563324 -1.1955516348576918 -1.172979766949298 -1.1737020666208307 -1.221167480439724 -1.2063087422169103 -1.2381931179866803 -1.2972411245700142 -1.320070956735257 -1.370064419714064 -1.0999758968099658 -1.2566633550314876 -1.0932688275248816 +19087,-0.80775404509482,0,-0.5671250343794824 -0.8219936692250049 -0.8302485237416385 -1.0234637135823295 -0.9046454005893608 -1.2018717578348996 -1.1870646125563324 -1.1955516348576918 -1.172979766949298 -1.1737020666208307 -1.221167480439724 -1.2063087422169103 -1.2381931179866803 -1.2972411245700142 -1.320070956735257 -1.370064419714064 -1.0999758968099658 -1.2566633550314876 -1.0932688275248816 -0.9917857091251796 +19088,-0.6856337903261498,0,-0.8219936692250049 -0.8302485237416385 -1.0234637135823295 -0.9046454005893608 -1.2018717578348996 -1.1870646125563324 -1.1955516348576918 -1.172979766949298 -1.1737020666208307 -1.221167480439724 -1.2063087422169103 -1.2381931179866803 -1.2972411245700142 -1.320070956735257 -1.370064419714064 -1.0999758968099658 -1.2566633550314876 -1.0932688275248816 -0.9917857091251796 -0.80775404509482 +19089,-0.77927479683445,0,-0.8302485237416385 -1.0234637135823295 -0.9046454005893608 -1.2018717578348996 -1.1870646125563324 -1.1955516348576918 -1.172979766949298 -1.1737020666208307 -1.221167480439724 -1.2063087422169103 -1.2381931179866803 -1.2972411245700142 -1.320070956735257 -1.370064419714064 -1.0999758968099658 -1.2566633550314876 -1.0932688275248816 -0.9917857091251796 -0.80775404509482 -0.6856337903261498 +19090,-0.5852341215885278,0,-1.0234637135823295 -0.9046454005893608 -1.2018717578348996 -1.1870646125563324 -1.1955516348576918 -1.172979766949298 -1.1737020666208307 -1.221167480439724 -1.2063087422169103 -1.2381931179866803 -1.2972411245700142 -1.320070956735257 -1.370064419714064 -1.0999758968099658 -1.2566633550314876 -1.0932688275248816 -0.9917857091251796 -0.80775404509482 -0.6856337903261498 -0.77927479683445 +19091,-0.6069547077743529,0,-0.9046454005893608 -1.2018717578348996 -1.1870646125563324 -1.1955516348576918 -1.172979766949298 -1.1737020666208307 -1.221167480439724 -1.2063087422169103 -1.2381931179866803 -1.2972411245700142 -1.320070956735257 -1.370064419714064 -1.0999758968099658 -1.2566633550314876 -1.0932688275248816 -0.9917857091251796 -0.80775404509482 -0.6856337903261498 -0.77927479683445 -0.5852341215885278 +19092,-0.7635647767342908,0,-1.2018717578348996 -1.1870646125563324 -1.1955516348576918 -1.172979766949298 -1.1737020666208307 -1.221167480439724 -1.2063087422169103 -1.2381931179866803 -1.2972411245700142 -1.320070956735257 -1.370064419714064 -1.0999758968099658 -1.2566633550314876 -1.0932688275248816 -0.9917857091251796 -0.80775404509482 -0.6856337903261498 -0.77927479683445 -0.5852341215885278 -0.6069547077743529 +19093,-0.7403222017890395,0,-1.1870646125563324 -1.1955516348576918 -1.172979766949298 -1.1737020666208307 -1.221167480439724 -1.2063087422169103 -1.2381931179866803 -1.2972411245700142 -1.320070956735257 -1.370064419714064 -1.0999758968099658 -1.2566633550314876 -1.0932688275248816 -0.9917857091251796 -0.80775404509482 -0.6856337903261498 -0.77927479683445 -0.5852341215885278 -0.6069547077743529 -0.7635647767342908 +19094,-0.8519691099274723,0,-1.1955516348576918 -1.172979766949298 -1.1737020666208307 -1.221167480439724 -1.2063087422169103 -1.2381931179866803 -1.2972411245700142 -1.320070956735257 -1.370064419714064 -1.0999758968099658 -1.2566633550314876 -1.0932688275248816 -0.9917857091251796 -0.80775404509482 -0.6856337903261498 -0.77927479683445 -0.5852341215885278 -0.6069547077743529 -0.7635647767342908 -0.7403222017890395 +19095,-0.9830407225669623,0,-1.172979766949298 -1.1737020666208307 -1.221167480439724 -1.2063087422169103 -1.2381931179866803 -1.2972411245700142 -1.320070956735257 -1.370064419714064 -1.0999758968099658 -1.2566633550314876 -1.0932688275248816 -0.9917857091251796 -0.80775404509482 -0.6856337903261498 -0.77927479683445 -0.5852341215885278 -0.6069547077743529 -0.7635647767342908 -0.7403222017890395 -0.8519691099274723 +19096,-1.0882127290502512,0,-1.1737020666208307 -1.221167480439724 -1.2063087422169103 -1.2381931179866803 -1.2972411245700142 -1.320070956735257 -1.370064419714064 -1.0999758968099658 -1.2566633550314876 -1.0932688275248816 -0.9917857091251796 -0.80775404509482 -0.6856337903261498 -0.77927479683445 -0.5852341215885278 -0.6069547077743529 -0.7635647767342908 -0.7403222017890395 -0.8519691099274723 -0.9830407225669623 +19097,-1.2128094401893919,0,-1.221167480439724 -1.2063087422169103 -1.2381931179866803 -1.2972411245700142 -1.320070956735257 -1.370064419714064 -1.0999758968099658 -1.2566633550314876 -1.0932688275248816 -0.9917857091251796 -0.80775404509482 -0.6856337903261498 -0.77927479683445 -0.5852341215885278 -0.6069547077743529 -0.7635647767342908 -0.7403222017890395 -0.8519691099274723 -0.9830407225669623 -1.0882127290502512 +19098,-1.2285968495511175,0,-1.2063087422169103 -1.2381931179866803 -1.2972411245700142 -1.320070956735257 -1.370064419714064 -1.0999758968099658 -1.2566633550314876 -1.0932688275248816 -0.9917857091251796 -0.80775404509482 -0.6856337903261498 -0.77927479683445 -0.5852341215885278 -0.6069547077743529 -0.7635647767342908 -0.7403222017890395 -0.8519691099274723 -0.9830407225669623 -1.0882127290502512 -1.2128094401893919 +19099,-1.389463327897801,0,-1.2381931179866803 -1.2972411245700142 -1.320070956735257 -1.370064419714064 -1.0999758968099658 -1.2566633550314876 -1.0932688275248816 -0.9917857091251796 -0.80775404509482 -0.6856337903261498 -0.77927479683445 -0.5852341215885278 -0.6069547077743529 -0.7635647767342908 -0.7403222017890395 -0.8519691099274723 -0.9830407225669623 -1.0882127290502512 -1.2128094401893919 -1.2285968495511175 +19100,-1.4415205046218553,0,-1.2972411245700142 -1.320070956735257 -1.370064419714064 -1.0999758968099658 -1.2566633550314876 -1.0932688275248816 -0.9917857091251796 -0.80775404509482 -0.6856337903261498 -0.77927479683445 -0.5852341215885278 -0.6069547077743529 -0.7635647767342908 -0.7403222017890395 -0.8519691099274723 -0.9830407225669623 -1.0882127290502512 -1.2128094401893919 -1.2285968495511175 -1.389463327897801 +19101,-1.4353809564851447,0,-1.320070956735257 -1.370064419714064 -1.0999758968099658 -1.2566633550314876 -1.0932688275248816 -0.9917857091251796 -0.80775404509482 -0.6856337903261498 -0.77927479683445 -0.5852341215885278 -0.6069547077743529 -0.7635647767342908 -0.7403222017890395 -0.8519691099274723 -0.9830407225669623 -1.0882127290502512 -1.2128094401893919 -1.2285968495511175 -1.389463327897801 -1.4415205046218553 +19102,-1.5068370413929362,0,-1.370064419714064 -1.0999758968099658 -1.2566633550314876 -1.0932688275248816 -0.9917857091251796 -0.80775404509482 -0.6856337903261498 -0.77927479683445 -0.5852341215885278 -0.6069547077743529 -0.7635647767342908 -0.7403222017890395 -0.8519691099274723 -0.9830407225669623 -1.0882127290502512 -1.2128094401893919 -1.2285968495511175 -1.389463327897801 -1.4415205046218553 -1.4353809564851447 +19103,-1.5200964014399538,0,-1.0999758968099658 -1.2566633550314876 -1.0932688275248816 -0.9917857091251796 -0.80775404509482 -0.6856337903261498 -0.77927479683445 -0.5852341215885278 -0.6069547077743529 -0.7635647767342908 -0.7403222017890395 -0.8519691099274723 -0.9830407225669623 -1.0882127290502512 -1.2128094401893919 -1.2285968495511175 -1.389463327897801 -1.4415205046218553 -1.4353809564851447 -1.5068370413929362 +19104,-1.5075851375365832,0,-1.2566633550314876 -1.0932688275248816 -0.9917857091251796 -0.80775404509482 -0.6856337903261498 -0.77927479683445 -0.5852341215885278 -0.6069547077743529 -0.7635647767342908 -0.7403222017890395 -0.8519691099274723 -0.9830407225669623 -1.0882127290502512 -1.2128094401893919 -1.2285968495511175 -1.389463327897801 -1.4415205046218553 -1.4353809564851447 -1.5068370413929362 -1.5200964014399538 +19105,-1.5294347057734445,0,-1.0932688275248816 -0.9917857091251796 -0.80775404509482 -0.6856337903261498 -0.77927479683445 -0.5852341215885278 -0.6069547077743529 -0.7635647767342908 -0.7403222017890395 -0.8519691099274723 -0.9830407225669623 -1.0882127290502512 -1.2128094401893919 -1.2285968495511175 -1.389463327897801 -1.4415205046218553 -1.4353809564851447 -1.5068370413929362 -1.5200964014399538 -1.5075851375365832 +19106,-1.525513649750355,0,-0.9917857091251796 -0.80775404509482 -0.6856337903261498 -0.77927479683445 -0.5852341215885278 -0.6069547077743529 -0.7635647767342908 -0.7403222017890395 -0.8519691099274723 -0.9830407225669623 -1.0882127290502512 -1.2128094401893919 -1.2285968495511175 -1.389463327897801 -1.4415205046218553 -1.4353809564851447 -1.5068370413929362 -1.5200964014399538 -1.5075851375365832 -1.5294347057734445 +19107,-0.983272890351697,0,-0.80775404509482 -0.6856337903261498 -0.77927479683445 -0.5852341215885278 -0.6069547077743529 -0.7635647767342908 -0.7403222017890395 -0.8519691099274723 -0.9830407225669623 -1.0882127290502512 -1.2128094401893919 -1.2285968495511175 -1.389463327897801 -1.4415205046218553 -1.4353809564851447 -1.5068370413929362 -1.5200964014399538 -1.5075851375365832 -1.5294347057734445 -1.525513649750355 +19108,-1.158791735608565,0,-0.6856337903261498 -0.77927479683445 -0.5852341215885278 -0.6069547077743529 -0.7635647767342908 -0.7403222017890395 -0.8519691099274723 -0.9830407225669623 -1.0882127290502512 -1.2128094401893919 -1.2285968495511175 -1.389463327897801 -1.4415205046218553 -1.4353809564851447 -1.5068370413929362 -1.5200964014399538 -1.5075851375365832 -1.5294347057734445 -1.525513649750355 -0.983272890351697 +19109,-0.7959908773351053,0,-0.77927479683445 -0.5852341215885278 -0.6069547077743529 -0.7635647767342908 -0.7403222017890395 -0.8519691099274723 -0.9830407225669623 -1.0882127290502512 -1.2128094401893919 -1.2285968495511175 -1.389463327897801 -1.4415205046218553 -1.4353809564851447 -1.5068370413929362 -1.5200964014399538 -1.5075851375365832 -1.5294347057734445 -1.525513649750355 -0.983272890351697 -1.158791735608565 +19110,-0.6936048842685879,0,-0.5852341215885278 -0.6069547077743529 -0.7635647767342908 -0.7403222017890395 -0.8519691099274723 -0.9830407225669623 -1.0882127290502512 -1.2128094401893919 -1.2285968495511175 -1.389463327897801 -1.4415205046218553 -1.4353809564851447 -1.5068370413929362 -1.5200964014399538 -1.5075851375365832 -1.5294347057734445 -1.525513649750355 -0.983272890351697 -1.158791735608565 -0.7959908773351053 +19111,-0.24399907097772508,0,-0.6069547077743529 -0.7635647767342908 -0.7403222017890395 -0.8519691099274723 -0.9830407225669623 -1.0882127290502512 -1.2128094401893919 -1.2285968495511175 -1.389463327897801 -1.4415205046218553 -1.4353809564851447 -1.5068370413929362 -1.5200964014399538 -1.5075851375365832 -1.5294347057734445 -1.525513649750355 -0.983272890351697 -1.158791735608565 -0.7959908773351053 -0.6936048842685879 +19112,-0.05480812273904522,0,-0.7635647767342908 -0.7403222017890395 -0.8519691099274723 -0.9830407225669623 -1.0882127290502512 -1.2128094401893919 -1.2285968495511175 -1.389463327897801 -1.4415205046218553 -1.4353809564851447 -1.5068370413929362 -1.5200964014399538 -1.5075851375365832 -1.5294347057734445 -1.525513649750355 -0.983272890351697 -1.158791735608565 -0.7959908773351053 -0.6936048842685879 -0.24399907097772508 +19113,-0.24482455638295625,0,-0.7403222017890395 -0.8519691099274723 -0.9830407225669623 -1.0882127290502512 -1.2128094401893919 -1.2285968495511175 -1.389463327897801 -1.4415205046218553 -1.4353809564851447 -1.5068370413929362 -1.5200964014399538 -1.5075851375365832 -1.5294347057734445 -1.525513649750355 -0.983272890351697 -1.158791735608565 -0.7959908773351053 -0.6936048842685879 -0.24399907097772508 -0.05480812273904522 +19114,0.07076885232847702,0,-0.8519691099274723 -0.9830407225669623 -1.0882127290502512 -1.2128094401893919 -1.2285968495511175 -1.389463327897801 -1.4415205046218553 -1.4353809564851447 -1.5068370413929362 -1.5200964014399538 -1.5075851375365832 -1.5294347057734445 -1.525513649750355 -0.983272890351697 -1.158791735608565 -0.7959908773351053 -0.6936048842685879 -0.24399907097772508 -0.05480812273904522 -0.24482455638295625 +19115,0.007154879312096286,0,-0.9830407225669623 -1.0882127290502512 -1.2128094401893919 -1.2285968495511175 -1.389463327897801 -1.4415205046218553 -1.4353809564851447 -1.5068370413929362 -1.5200964014399538 -1.5075851375365832 -1.5294347057734445 -1.525513649750355 -0.983272890351697 -1.158791735608565 -0.7959908773351053 -0.6936048842685879 -0.24399907097772508 -0.05480812273904522 -0.24482455638295625 0.07076885232847702 +19116,-0.5461783409642046,0,-1.0882127290502512 -1.2128094401893919 -1.2285968495511175 -1.389463327897801 -1.4415205046218553 -1.4353809564851447 -1.5068370413929362 -1.5200964014399538 -1.5075851375365832 -1.5294347057734445 -1.525513649750355 -0.983272890351697 -1.158791735608565 -0.7959908773351053 -0.6936048842685879 -0.24399907097772508 -0.05480812273904522 -0.24482455638295625 0.07076885232847702 0.007154879312096286 +19117,-0.44655256484235295,0,-1.2128094401893919 -1.2285968495511175 -1.389463327897801 -1.4415205046218553 -1.4353809564851447 -1.5068370413929362 -1.5200964014399538 -1.5075851375365832 -1.5294347057734445 -1.525513649750355 -0.983272890351697 -1.158791735608565 -0.7959908773351053 -0.6936048842685879 -0.24399907097772508 -0.05480812273904522 -0.24482455638295625 0.07076885232847702 0.007154879312096286 -0.5461783409642046 +19118,-0.8366460361351983,0,-1.2285968495511175 -1.389463327897801 -1.4415205046218553 -1.4353809564851447 -1.5068370413929362 -1.5200964014399538 -1.5075851375365832 -1.5294347057734445 -1.525513649750355 -0.983272890351697 -1.158791735608565 -0.7959908773351053 -0.6936048842685879 -0.24399907097772508 -0.05480812273904522 -0.24482455638295625 0.07076885232847702 0.007154879312096286 -0.5461783409642046 -0.44655256484235295 +19119,-0.9020141656957399,0,-1.389463327897801 -1.4415205046218553 -1.4353809564851447 -1.5068370413929362 -1.5200964014399538 -1.5075851375365832 -1.5294347057734445 -1.525513649750355 -0.983272890351697 -1.158791735608565 -0.7959908773351053 -0.6936048842685879 -0.24399907097772508 -0.05480812273904522 -0.24482455638295625 0.07076885232847702 0.007154879312096286 -0.5461783409642046 -0.44655256484235295 -0.8366460361351983 +19120,-1.4003494174628324,0,-1.4415205046218553 -1.4353809564851447 -1.5068370413929362 -1.5200964014399538 -1.5075851375365832 -1.5294347057734445 -1.525513649750355 -0.983272890351697 -1.158791735608565 -0.7959908773351053 -0.6936048842685879 -0.24399907097772508 -0.05480812273904522 -0.24482455638295625 0.07076885232847702 0.007154879312096286 -0.5461783409642046 -0.44655256484235295 -0.8366460361351983 -0.9020141656957399 +19121,-1.5739593274976211,0,-1.4353809564851447 -1.5068370413929362 -1.5200964014399538 -1.5075851375365832 -1.5294347057734445 -1.525513649750355 -0.983272890351697 -1.158791735608565 -0.7959908773351053 -0.6936048842685879 -0.24399907097772508 -0.05480812273904522 -0.24482455638295625 0.07076885232847702 0.007154879312096286 -0.5461783409642046 -0.44655256484235295 -0.8366460361351983 -0.9020141656957399 -1.4003494174628324 +19122,-1.6138405936819435,0,-1.5068370413929362 -1.5200964014399538 -1.5075851375365832 -1.5294347057734445 -1.525513649750355 -0.983272890351697 -1.158791735608565 -0.7959908773351053 -0.6936048842685879 -0.24399907097772508 -0.05480812273904522 -0.24482455638295625 0.07076885232847702 0.007154879312096286 -0.5461783409642046 -0.44655256484235295 -0.8366460361351983 -0.9020141656957399 -1.4003494174628324 -1.5739593274976211 +19123,-1.8320267185399324,0,-1.5200964014399538 -1.5075851375365832 -1.5294347057734445 -1.525513649750355 -0.983272890351697 -1.158791735608565 -0.7959908773351053 -0.6936048842685879 -0.24399907097772508 -0.05480812273904522 -0.24482455638295625 0.07076885232847702 0.007154879312096286 -0.5461783409642046 -0.44655256484235295 -0.8366460361351983 -0.9020141656957399 -1.4003494174628324 -1.5739593274976211 -1.6138405936819435 +19124,-1.9164841992378923,0,-1.5075851375365832 -1.5294347057734445 -1.525513649750355 -0.983272890351697 -1.158791735608565 -0.7959908773351053 -0.6936048842685879 -0.24399907097772508 -0.05480812273904522 -0.24482455638295625 0.07076885232847702 0.007154879312096286 -0.5461783409642046 -0.44655256484235295 -0.8366460361351983 -0.9020141656957399 -1.4003494174628324 -1.5739593274976211 -1.6138405936819435 -1.8320267185399324 +19125,-1.9470013647713866,0,-1.5294347057734445 -1.525513649750355 -0.983272890351697 -1.158791735608565 -0.7959908773351053 -0.6936048842685879 -0.24399907097772508 -0.05480812273904522 -0.24482455638295625 0.07076885232847702 0.007154879312096286 -0.5461783409642046 -0.44655256484235295 -0.8366460361351983 -0.9020141656957399 -1.4003494174628324 -1.5739593274976211 -1.6138405936819435 -1.8320267185399324 -1.9164841992378923 +19126,-2.0494389506273563,0,-1.525513649750355 -0.983272890351697 -1.158791735608565 -0.7959908773351053 -0.6936048842685879 -0.24399907097772508 -0.05480812273904522 -0.24482455638295625 0.07076885232847702 0.007154879312096286 -0.5461783409642046 -0.44655256484235295 -0.8366460361351983 -0.9020141656957399 -1.4003494174628324 -1.5739593274976211 -1.6138405936819435 -1.8320267185399324 -1.9164841992378923 -1.9470013647713866 +19127,-2.09793622131886,0,-0.983272890351697 -1.158791735608565 -0.7959908773351053 -0.6936048842685879 -0.24399907097772508 -0.05480812273904522 -0.24482455638295625 0.07076885232847702 0.007154879312096286 -0.5461783409642046 -0.44655256484235295 -0.8366460361351983 -0.9020141656957399 -1.4003494174628324 -1.5739593274976211 -1.6138405936819435 -1.8320267185399324 -1.9164841992378923 -1.9470013647713866 -2.0494389506273563 +19128,-2.102089444971907,0,-1.158791735608565 -0.7959908773351053 -0.6936048842685879 -0.24399907097772508 -0.05480812273904522 -0.24482455638295625 0.07076885232847702 0.007154879312096286 -0.5461783409642046 -0.44655256484235295 -0.8366460361351983 -0.9020141656957399 -1.4003494174628324 -1.5739593274976211 -1.6138405936819435 -1.8320267185399324 -1.9164841992378923 -1.9470013647713866 -2.0494389506273563 -2.09793622131886 +19129,-2.1653680644698636,0,-0.7959908773351053 -0.6936048842685879 -0.24399907097772508 -0.05480812273904522 -0.24482455638295625 0.07076885232847702 0.007154879312096286 -0.5461783409642046 -0.44655256484235295 -0.8366460361351983 -0.9020141656957399 -1.4003494174628324 -1.5739593274976211 -1.6138405936819435 -1.8320267185399324 -1.9164841992378923 -1.9470013647713866 -2.0494389506273563 -2.09793622131886 -2.102089444971907 +19130,-2.184302637238908,0,-0.6936048842685879 -0.24399907097772508 -0.05480812273904522 -0.24482455638295625 0.07076885232847702 0.007154879312096286 -0.5461783409642046 -0.44655256484235295 -0.8366460361351983 -0.9020141656957399 -1.4003494174628324 -1.5739593274976211 -1.6138405936819435 -1.8320267185399324 -1.9164841992378923 -1.9470013647713866 -2.0494389506273563 -2.09793622131886 -2.102089444971907 -2.1653680644698636 +19131,-1.3348523056964865,0,-0.24399907097772508 -0.05480812273904522 -0.24482455638295625 0.07076885232847702 0.007154879312096286 -0.5461783409642046 -0.44655256484235295 -0.8366460361351983 -0.9020141656957399 -1.4003494174628324 -1.5739593274976211 -1.6138405936819435 -1.8320267185399324 -1.9164841992378923 -1.9470013647713866 -2.0494389506273563 -2.09793622131886 -2.102089444971907 -2.1653680644698636 -2.184302637238908 +19132,-1.6432485130812433,0,-0.05480812273904522 -0.24482455638295625 0.07076885232847702 0.007154879312096286 -0.5461783409642046 -0.44655256484235295 -0.8366460361351983 -0.9020141656957399 -1.4003494174628324 -1.5739593274976211 -1.6138405936819435 -1.8320267185399324 -1.9164841992378923 -1.9470013647713866 -2.0494389506273563 -2.09793622131886 -2.102089444971907 -2.1653680644698636 -2.184302637238908 -1.3348523056964865 +19133,-1.0832598163093192,0,-0.24482455638295625 0.07076885232847702 0.007154879312096286 -0.5461783409642046 -0.44655256484235295 -0.8366460361351983 -0.9020141656957399 -1.4003494174628324 -1.5739593274976211 -1.6138405936819435 -1.8320267185399324 -1.9164841992378923 -1.9470013647713866 -2.0494389506273563 -2.09793622131886 -2.102089444971907 -2.1653680644698636 -2.184302637238908 -1.3348523056964865 -1.6432485130812433 +19134,-1.025063091603331,0,0.07076885232847702 0.007154879312096286 -0.5461783409642046 -0.44655256484235295 -0.8366460361351983 -0.9020141656957399 -1.4003494174628324 -1.5739593274976211 -1.6138405936819435 -1.8320267185399324 -1.9164841992378923 -1.9470013647713866 -2.0494389506273563 -2.09793622131886 -2.102089444971907 -2.1653680644698636 -2.184302637238908 -1.3348523056964865 -1.6432485130812433 -1.0832598163093192 +19135,-0.29781040409115467,0,0.007154879312096286 -0.5461783409642046 -0.44655256484235295 -0.8366460361351983 -0.9020141656957399 -1.4003494174628324 -1.5739593274976211 -1.6138405936819435 -1.8320267185399324 -1.9164841992378923 -1.9470013647713866 -2.0494389506273563 -2.09793622131886 -2.102089444971907 -2.1653680644698636 -2.184302637238908 -1.3348523056964865 -1.6432485130812433 -1.0832598163093192 -1.025063091603331 +19136,-0.07234968879970864,0,-0.5461783409642046 -0.44655256484235295 -0.8366460361351983 -0.9020141656957399 -1.4003494174628324 -1.5739593274976211 -1.6138405936819435 -1.8320267185399324 -1.9164841992378923 -1.9470013647713866 -2.0494389506273563 -2.09793622131886 -2.102089444971907 -2.1653680644698636 -2.184302637238908 -1.3348523056964865 -1.6432485130812433 -1.0832598163093192 -1.025063091603331 -0.29781040409115467 +19137,-0.2713690731039091,0,-0.44655256484235295 -0.8366460361351983 -0.9020141656957399 -1.4003494174628324 -1.5739593274976211 -1.6138405936819435 -1.8320267185399324 -1.9164841992378923 -1.9470013647713866 -2.0494389506273563 -2.09793622131886 -2.102089444971907 -2.1653680644698636 -2.184302637238908 -1.3348523056964865 -1.6432485130812433 -1.0832598163093192 -1.025063091603331 -0.29781040409115467 -0.07234968879970864 +19138,0.09558500882260659,0,-0.8366460361351983 -0.9020141656957399 -1.4003494174628324 -1.5739593274976211 -1.6138405936819435 -1.8320267185399324 -1.9164841992378923 -1.9470013647713866 -2.0494389506273563 -2.09793622131886 -2.102089444971907 -2.1653680644698636 -2.184302637238908 -1.3348523056964865 -1.6432485130812433 -1.0832598163093192 -1.025063091603331 -0.29781040409115467 -0.07234968879970864 -0.2713690731039091 +19139,0.03805899115348461,0,-0.9020141656957399 -1.4003494174628324 -1.5739593274976211 -1.6138405936819435 -1.8320267185399324 -1.9164841992378923 -1.9470013647713866 -2.0494389506273563 -2.09793622131886 -2.102089444971907 -2.1653680644698636 -2.184302637238908 -1.3348523056964865 -1.6432485130812433 -1.0832598163093192 -1.025063091603331 -0.29781040409115467 -0.07234968879970864 -0.2713690731039091 0.09558500882260659 +19140,-0.4136105358826259,0,-1.4003494174628324 -1.5739593274976211 -1.6138405936819435 -1.8320267185399324 -1.9164841992378923 -1.9470013647713866 -2.0494389506273563 -2.09793622131886 -2.102089444971907 -2.1653680644698636 -2.184302637238908 -1.3348523056964865 -1.6432485130812433 -1.0832598163093192 -1.025063091603331 -0.29781040409115467 -0.07234968879970864 -0.2713690731039091 0.09558500882260659 0.03805899115348461 +19141,-0.33975538386594806,0,-1.5739593274976211 -1.6138405936819435 -1.8320267185399324 -1.9164841992378923 -1.9470013647713866 -2.0494389506273563 -2.09793622131886 -2.102089444971907 -2.1653680644698636 -2.184302637238908 -1.3348523056964865 -1.6432485130812433 -1.0832598163093192 -1.025063091603331 -0.29781040409115467 -0.07234968879970864 -0.2713690731039091 0.09558500882260659 0.03805899115348461 -0.4136105358826259 +19142,-0.6600437412162499,0,-1.6138405936819435 -1.8320267185399324 -1.9164841992378923 -1.9470013647713866 -2.0494389506273563 -2.09793622131886 -2.102089444971907 -2.1653680644698636 -2.184302637238908 -1.3348523056964865 -1.6432485130812433 -1.0832598163093192 -1.025063091603331 -0.29781040409115467 -0.07234968879970864 -0.2713690731039091 0.09558500882260659 0.03805899115348461 -0.4136105358826259 -0.33975538386594806 +19143,-0.7133391459707494,0,-1.8320267185399324 -1.9164841992378923 -1.9470013647713866 -2.0494389506273563 -2.09793622131886 -2.102089444971907 -2.1653680644698636 -2.184302637238908 -1.3348523056964865 -1.6432485130812433 -1.0832598163093192 -1.025063091603331 -0.29781040409115467 -0.07234968879970864 -0.2713690731039091 0.09558500882260659 0.03805899115348461 -0.4136105358826259 -0.33975538386594806 -0.6600437412162499 +19144,-1.1226251539799437,0,-1.9164841992378923 -1.9470013647713866 -2.0494389506273563 -2.09793622131886 -2.102089444971907 -2.1653680644698636 -2.184302637238908 -1.3348523056964865 -1.6432485130812433 -1.0832598163093192 -1.025063091603331 -0.29781040409115467 -0.07234968879970864 -0.2713690731039091 0.09558500882260659 0.03805899115348461 -0.4136105358826259 -0.33975538386594806 -0.6600437412162499 -0.7133391459707494 +19145,-1.2649182097028981,0,-1.9470013647713866 -2.0494389506273563 -2.09793622131886 -2.102089444971907 -2.1653680644698636 -2.184302637238908 -1.3348523056964865 -1.6432485130812433 -1.0832598163093192 -1.025063091603331 -0.29781040409115467 -0.07234968879970864 -0.2713690731039091 0.09558500882260659 0.03805899115348461 -0.4136105358826259 -0.33975538386594806 -0.6600437412162499 -0.7133391459707494 -1.1226251539799437 +19146,-1.3014975339567512,0,-2.0494389506273563 -2.09793622131886 -2.102089444971907 -2.1653680644698636 -2.184302637238908 -1.3348523056964865 -1.6432485130812433 -1.0832598163093192 -1.025063091603331 -0.29781040409115467 -0.07234968879970864 -0.2713690731039091 0.09558500882260659 0.03805899115348461 -0.4136105358826259 -0.33975538386594806 -0.6600437412162499 -0.7133391459707494 -1.1226251539799437 -1.2649182097028981 +19147,-1.4790285000146293,0,-2.09793622131886 -2.102089444971907 -2.1653680644698636 -2.184302637238908 -1.3348523056964865 -1.6432485130812433 -1.0832598163093192 -1.025063091603331 -0.29781040409115467 -0.07234968879970864 -0.2713690731039091 0.09558500882260659 0.03805899115348461 -0.4136105358826259 -0.33975538386594806 -0.6600437412162499 -0.7133391459707494 -1.1226251539799437 -1.2649182097028981 -1.3014975339567512 +19148,-1.5508457347581914,0,-2.102089444971907 -2.1653680644698636 -2.184302637238908 -1.3348523056964865 -1.6432485130812433 -1.0832598163093192 -1.025063091603331 -0.29781040409115467 -0.07234968879970864 -0.2713690731039091 0.09558500882260659 0.03805899115348461 -0.4136105358826259 -0.33975538386594806 -0.6600437412162499 -0.7133391459707494 -1.1226251539799437 -1.2649182097028981 -1.3014975339567512 -1.4790285000146293 +19149,-1.5793249830185614,0,-2.1653680644698636 -2.184302637238908 -1.3348523056964865 -1.6432485130812433 -1.0832598163093192 -1.025063091603331 -0.29781040409115467 -0.07234968879970864 -0.2713690731039091 0.09558500882260659 0.03805899115348461 -0.4136105358826259 -0.33975538386594806 -0.6600437412162499 -0.7133391459707494 -1.1226251539799437 -1.2649182097028981 -1.3014975339567512 -1.4790285000146293 -1.5508457347581914 +19150,-1.6655882132049113,0,-2.184302637238908 -1.3348523056964865 -1.6432485130812433 -1.0832598163093192 -1.025063091603331 -0.29781040409115467 -0.07234968879970864 -0.2713690731039091 0.09558500882260659 0.03805899115348461 -0.4136105358826259 -0.33975538386594806 -0.6600437412162499 -0.7133391459707494 -1.1226251539799437 -1.2649182097028981 -1.3014975339567512 -1.4790285000146293 -1.5508457347581914 -1.5793249830185614 +19151,-1.708513457062872,0,-1.3348523056964865 -1.6432485130812433 -1.0832598163093192 -1.025063091603331 -0.29781040409115467 -0.07234968879970864 -0.2713690731039091 0.09558500882260659 0.03805899115348461 -0.4136105358826259 -0.33975538386594806 -0.6600437412162499 -0.7133391459707494 -1.1226251539799437 -1.2649182097028981 -1.3014975339567512 -1.4790285000146293 -1.5508457347581914 -1.5793249830185614 -1.6655882132049113 +19152,-1.797485311404418,0,-1.6432485130812433 -1.0832598163093192 -1.025063091603331 -0.29781040409115467 -0.07234968879970864 -0.2713690731039091 0.09558500882260659 0.03805899115348461 -0.4136105358826259 -0.33975538386594806 -0.6600437412162499 -0.7133391459707494 -1.1226251539799437 -1.2649182097028981 -1.3014975339567512 -1.4790285000146293 -1.5508457347581914 -1.5793249830185614 -1.6655882132049113 -1.708513457062872 +19153,-1.8250616849979904,0,-1.0832598163093192 -1.025063091603331 -0.29781040409115467 -0.07234968879970864 -0.2713690731039091 0.09558500882260659 0.03805899115348461 -0.4136105358826259 -0.33975538386594806 -0.6600437412162499 -0.7133391459707494 -1.1226251539799437 -1.2649182097028981 -1.3014975339567512 -1.4790285000146293 -1.5508457347581914 -1.5793249830185614 -1.6655882132049113 -1.708513457062872 -1.797485311404418 +19154,-1.8986846690751567,0,-1.025063091603331 -0.29781040409115467 -0.07234968879970864 -0.2713690731039091 0.09558500882260659 0.03805899115348461 -0.4136105358826259 -0.33975538386594806 -0.6600437412162499 -0.7133391459707494 -1.1226251539799437 -1.2649182097028981 -1.3014975339567512 -1.4790285000146293 -1.5508457347581914 -1.5793249830185614 -1.6655882132049113 -1.708513457062872 -1.797485311404418 -1.8250616849979904 +19155,-1.1281455880240348,0,-0.29781040409115467 -0.07234968879970864 -0.2713690731039091 0.09558500882260659 0.03805899115348461 -0.4136105358826259 -0.33975538386594806 -0.6600437412162499 -0.7133391459707494 -1.1226251539799437 -1.2649182097028981 -1.3014975339567512 -1.4790285000146293 -1.5508457347581914 -1.5793249830185614 -1.6655882132049113 -1.708513457062872 -1.797485311404418 -1.8250616849979904 -1.8986846690751567 +19156,-1.483155927350339,0,-0.07234968879970864 -0.2713690731039091 0.09558500882260659 0.03805899115348461 -0.4136105358826259 -0.33975538386594806 -0.6600437412162499 -0.7133391459707494 -1.1226251539799437 -1.2649182097028981 -1.3014975339567512 -1.4790285000146293 -1.5508457347581914 -1.5793249830185614 -1.6655882132049113 -1.708513457062872 -1.797485311404418 -1.8250616849979904 -1.8986846690751567 -1.1281455880240348 +19157,-0.9940042012387921,0,-0.2713690731039091 0.09558500882260659 0.03805899115348461 -0.4136105358826259 -0.33975538386594806 -0.6600437412162499 -0.7133391459707494 -1.1226251539799437 -1.2649182097028981 -1.3014975339567512 -1.4790285000146293 -1.5508457347581914 -1.5793249830185614 -1.6655882132049113 -1.708513457062872 -1.797485311404418 -1.8250616849979904 -1.8986846690751567 -1.1281455880240348 -1.483155927350339 +19158,-0.7983125551824164,0,0.09558500882260659 0.03805899115348461 -0.4136105358826259 -0.33975538386594806 -0.6600437412162499 -0.7133391459707494 -1.1226251539799437 -1.2649182097028981 -1.3014975339567512 -1.4790285000146293 -1.5508457347581914 -1.5793249830185614 -1.6655882132049113 -1.708513457062872 -1.797485311404418 -1.8250616849979904 -1.8986846690751567 -1.1281455880240348 -1.483155927350339 -0.9940042012387921 +19159,-0.21134080259219348,0,0.03805899115348461 -0.4136105358826259 -0.33975538386594806 -0.6600437412162499 -0.7133391459707494 -1.1226251539799437 -1.2649182097028981 -1.3014975339567512 -1.4790285000146293 -1.5508457347581914 -1.5793249830185614 -1.6655882132049113 -1.708513457062872 -1.797485311404418 -1.8250616849979904 -1.8986846690751567 -1.1281455880240348 -1.483155927350339 -0.9940042012387921 -0.7983125551824164 +19160,0.08217087025242968,0,-0.4136105358826259 -0.33975538386594806 -0.6600437412162499 -0.7133391459707494 -1.1226251539799437 -1.2649182097028981 -1.3014975339567512 -1.4790285000146293 -1.5508457347581914 -1.5793249830185614 -1.6655882132049113 -1.708513457062872 -1.797485311404418 -1.8250616849979904 -1.8986846690751567 -1.1281455880240348 -1.483155927350339 -0.9940042012387921 -0.7983125551824164 -0.21134080259219348 +19161,-0.17618028136406824,0,-0.33975538386594806 -0.6600437412162499 -0.7133391459707494 -1.1226251539799437 -1.2649182097028981 -1.3014975339567512 -1.4790285000146293 -1.5508457347581914 -1.5793249830185614 -1.6655882132049113 -1.708513457062872 -1.797485311404418 -1.8250616849979904 -1.8986846690751567 -1.1281455880240348 -1.483155927350339 -0.9940042012387921 -0.7983125551824164 -0.21134080259219348 0.08217087025242968 +19162,0.30128566609455354,0,-0.6600437412162499 -0.7133391459707494 -1.1226251539799437 -1.2649182097028981 -1.3014975339567512 -1.4790285000146293 -1.5508457347581914 -1.5793249830185614 -1.6655882132049113 -1.708513457062872 -1.797485311404418 -1.8250616849979904 -1.8986846690751567 -1.1281455880240348 -1.483155927350339 -0.9940042012387921 -0.7983125551824164 -0.21134080259219348 0.08217087025242968 -0.17618028136406824 +19163,0.22688878940161686,0,-0.7133391459707494 -1.1226251539799437 -1.2649182097028981 -1.3014975339567512 -1.4790285000146293 -1.5508457347581914 -1.5793249830185614 -1.6655882132049113 -1.708513457062872 -1.797485311404418 -1.8250616849979904 -1.8986846690751567 -1.1281455880240348 -1.483155927350339 -0.9940042012387921 -0.7983125551824164 -0.21134080259219348 0.08217087025242968 -0.17618028136406824 0.30128566609455354 +19164,-0.30921242201510735,0,-1.1226251539799437 -1.2649182097028981 -1.3014975339567512 -1.4790285000146293 -1.5508457347581914 -1.5793249830185614 -1.6655882132049113 -1.708513457062872 -1.797485311404418 -1.8250616849979904 -1.8986846690751567 -1.1281455880240348 -1.483155927350339 -0.9940042012387921 -0.7983125551824164 -0.21134080259219348 0.08217087025242968 -0.17618028136406824 0.30128566609455354 0.22688878940161686 +19165,-0.2297078539033024,0,-1.2649182097028981 -1.3014975339567512 -1.4790285000146293 -1.5508457347581914 -1.5793249830185614 -1.6655882132049113 -1.708513457062872 -1.797485311404418 -1.8250616849979904 -1.8986846690751567 -1.1281455880240348 -1.483155927350339 -0.9940042012387921 -0.7983125551824164 -0.21134080259219348 0.08217087025242968 -0.17618028136406824 0.30128566609455354 0.22688878940161686 -0.30921242201510735 +19166,-0.6119076205152849,0,-1.3014975339567512 -1.4790285000146293 -1.5508457347581914 -1.5793249830185614 -1.6655882132049113 -1.708513457062872 -1.797485311404418 -1.8250616849979904 -1.8986846690751567 -1.1281455880240348 -1.483155927350339 -0.9940042012387921 -0.7983125551824164 -0.21134080259219348 0.08217087025242968 -0.17618028136406824 0.30128566609455354 0.22688878940161686 -0.30921242201510735 -0.2297078539033024 +19167,-0.7587666425165182,0,-1.4790285000146293 -1.5508457347581914 -1.5793249830185614 -1.6655882132049113 -1.708513457062872 -1.797485311404418 -1.8250616849979904 -1.8986846690751567 -1.1281455880240348 -1.483155927350339 -0.9940042012387921 -0.7983125551824164 -0.21134080259219348 0.08217087025242968 -0.17618028136406824 0.30128566609455354 0.22688878940161686 -0.30921242201510735 -0.2297078539033024 -0.6119076205152849 +19168,-1.219413323895563,0,-1.5508457347581914 -1.5793249830185614 -1.6655882132049113 -1.708513457062872 -1.797485311404418 -1.8250616849979904 -1.8986846690751567 -1.1281455880240348 -1.483155927350339 -0.9940042012387921 -0.7983125551824164 -0.21134080259219348 0.08217087025242968 -0.17618028136406824 0.30128566609455354 0.22688878940161686 -0.30921242201510735 -0.2297078539033024 -0.6119076205152849 -0.7587666425165182 +19169,-1.4447192606638584,0,-1.5793249830185614 -1.6655882132049113 -1.708513457062872 -1.797485311404418 -1.8250616849979904 -1.8986846690751567 -1.1281455880240348 -1.483155927350339 -0.9940042012387921 -0.7983125551824164 -0.21134080259219348 0.08217087025242968 -0.17618028136406824 0.30128566609455354 0.22688878940161686 -0.30921242201510735 -0.2297078539033024 -0.6119076205152849 -0.7587666425165182 -1.219413323895563 +19170,-1.5120737147080547,0,-1.6655882132049113 -1.708513457062872 -1.797485311404418 -1.8250616849979904 -1.8986846690751567 -1.1281455880240348 -1.483155927350339 -0.9940042012387921 -0.7983125551824164 -0.21134080259219348 0.08217087025242968 -0.17618028136406824 0.30128566609455354 0.22688878940161686 -0.30921242201510735 -0.2297078539033024 -0.6119076205152849 -0.7587666425165182 -1.219413323895563 -1.4447192606638584 +19171,-1.7900301458209011,0,-1.708513457062872 -1.797485311404418 -1.8250616849979904 -1.8986846690751567 -1.1281455880240348 -1.483155927350339 -0.9940042012387921 -0.7983125551824164 -0.21134080259219348 0.08217087025242968 -0.17618028136406824 0.30128566609455354 0.22688878940161686 -0.30921242201510735 -0.2297078539033024 -0.6119076205152849 -0.7587666425165182 -1.219413323895563 -1.4447192606638584 -1.5120737147080547 +19172,-1.9100350942096487,0,-1.797485311404418 -1.8250616849979904 -1.8986846690751567 -1.1281455880240348 -1.483155927350339 -0.9940042012387921 -0.7983125551824164 -0.21134080259219348 0.08217087025242968 -0.17618028136406824 0.30128566609455354 0.22688878940161686 -0.30921242201510735 -0.2297078539033024 -0.6119076205152849 -0.7587666425165182 -1.219413323895563 -1.4447192606638584 -1.5120737147080547 -1.7900301458209011 +19173,-1.9658843445962026,0,-1.8250616849979904 -1.8986846690751567 -1.1281455880240348 -1.483155927350339 -0.9940042012387921 -0.7983125551824164 -0.21134080259219348 0.08217087025242968 -0.17618028136406824 0.30128566609455354 0.22688878940161686 -0.30921242201510735 -0.2297078539033024 -0.6119076205152849 -0.7587666425165182 -1.219413323895563 -1.4447192606638584 -1.5120737147080547 -1.7900301458209011 -1.9100350942096487 +19174,-2.1072745254975738,0,-1.8986846690751567 -1.1281455880240348 -1.483155927350339 -0.9940042012387921 -0.7983125551824164 -0.21134080259219348 0.08217087025242968 -0.17618028136406824 0.30128566609455354 0.22688878940161686 -0.30921242201510735 -0.2297078539033024 -0.6119076205152849 -0.7587666425165182 -1.219413323895563 -1.4447192606638584 -1.5120737147080547 -1.7900301458209011 -1.9100350942096487 -1.9658843445962026 +19175,-2.1845090085515197,0,-1.1281455880240348 -1.483155927350339 -0.9940042012387921 -0.7983125551824164 -0.21134080259219348 0.08217087025242968 -0.17618028136406824 0.30128566609455354 0.22688878940161686 -0.30921242201510735 -0.2297078539033024 -0.6119076205152849 -0.7587666425165182 -1.219413323895563 -1.4447192606638584 -1.5120737147080547 -1.7900301458209011 -1.9100350942096487 -1.9658843445962026 -2.1072745254975738 +19176,-2.20424327025369,0,-1.483155927350339 -0.9940042012387921 -0.7983125551824164 -0.21134080259219348 0.08217087025242968 -0.17618028136406824 0.30128566609455354 0.22688878940161686 -0.30921242201510735 -0.2297078539033024 -0.6119076205152849 -0.7587666425165182 -1.219413323895563 -1.4447192606638584 -1.5120737147080547 -1.7900301458209011 -1.9100350942096487 -1.9658843445962026 -2.1072745254975738 -2.1845090085515197 +19177,-2.3006444937066384,0,-0.9940042012387921 -0.7983125551824164 -0.21134080259219348 0.08217087025242968 -0.17618028136406824 0.30128566609455354 0.22688878940161686 -0.30921242201510735 -0.2297078539033024 -0.6119076205152849 -0.7587666425165182 -1.219413323895563 -1.4447192606638584 -1.5120737147080547 -1.7900301458209011 -1.9100350942096487 -1.9658843445962026 -2.1072745254975738 -2.1845090085515197 -2.20424327025369 +19178,-2.339545495962588,0,-0.7983125551824164 -0.21134080259219348 0.08217087025242968 -0.17618028136406824 0.30128566609455354 0.22688878940161686 -0.30921242201510735 -0.2297078539033024 -0.6119076205152849 -0.7587666425165182 -1.219413323895563 -1.4447192606638584 -1.5120737147080547 -1.7900301458209011 -1.9100350942096487 -1.9658843445962026 -2.1072745254975738 -2.1845090085515197 -2.20424327025369 -2.3006444937066384 +19179,-1.4090686075489265,0,-0.21134080259219348 0.08217087025242968 -0.17618028136406824 0.30128566609455354 0.22688878940161686 -0.30921242201510735 -0.2297078539033024 -0.6119076205152849 -0.7587666425165182 -1.219413323895563 -1.4447192606638584 -1.5120737147080547 -1.7900301458209011 -1.9100350942096487 -1.9658843445962026 -2.1072745254975738 -2.1845090085515197 -2.20424327025369 -2.3006444937066384 -2.339545495962588 +19180,-1.7710955732066245,0,0.08217087025242968 -0.17618028136406824 0.30128566609455354 0.22688878940161686 -0.30921242201510735 -0.2297078539033024 -0.6119076205152849 -0.7587666425165182 -1.219413323895563 -1.4447192606638584 -1.5120737147080547 -1.7900301458209011 -1.9100350942096487 -1.9658843445962026 -2.1072745254975738 -2.1845090085515197 -2.20424327025369 -2.3006444937066384 -2.339545495962588 -1.4090686075489265 +19181,-1.163744648349506,0,-0.17618028136406824 0.30128566609455354 0.22688878940161686 -0.30921242201510735 -0.2297078539033024 -0.6119076205152849 -0.7587666425165182 -1.219413323895563 -1.4447192606638584 -1.5120737147080547 -1.7900301458209011 -1.9100350942096487 -1.9658843445962026 -2.1072745254975738 -2.1845090085515197 -2.20424327025369 -2.3006444937066384 -2.339545495962588 -1.4090686075489265 -1.7710955732066245 +19182,-0.9602108904017194,0,0.30128566609455354 0.22688878940161686 -0.30921242201510735 -0.2297078539033024 -0.6119076205152849 -0.7587666425165182 -1.219413323895563 -1.4447192606638584 -1.5120737147080547 -1.7900301458209011 -1.9100350942096487 -1.9658843445962026 -2.1072745254975738 -2.1845090085515197 -2.20424327025369 -2.3006444937066384 -2.339545495962588 -1.4090686075489265 -1.7710955732066245 -1.163744648349506 +19183,-0.21825424318988892,0,0.22688878940161686 -0.30921242201510735 -0.2297078539033024 -0.6119076205152849 -0.7587666425165182 -1.219413323895563 -1.4447192606638584 -1.5120737147080547 -1.7900301458209011 -1.9100350942096487 -1.9658843445962026 -2.1072745254975738 -2.1845090085515197 -2.20424327025369 -2.3006444937066384 -2.339545495962588 -1.4090686075489265 -1.7710955732066245 -1.163744648349506 -0.9602108904017194 +19184,0.1198852369578237,0,-0.30921242201510735 -0.2297078539033024 -0.6119076205152849 -0.7587666425165182 -1.219413323895563 -1.4447192606638584 -1.5120737147080547 -1.7900301458209011 -1.9100350942096487 -1.9658843445962026 -2.1072745254975738 -2.1845090085515197 -2.20424327025369 -2.3006444937066384 -2.339545495962588 -1.4090686075489265 -1.7710955732066245 -1.163744648349506 -0.9602108904017194 -0.21825424318988892 +19185,-0.16240499280334372,0,-0.2297078539033024 -0.6119076205152849 -0.7587666425165182 -1.219413323895563 -1.4447192606638584 -1.5120737147080547 -1.7900301458209011 -1.9100350942096487 -1.9658843445962026 -2.1072745254975738 -2.1845090085515197 -2.20424327025369 -2.3006444937066384 -2.339545495962588 -1.4090686075489265 -1.7710955732066245 -1.163744648349506 -0.9602108904017194 -0.21825424318988892 0.1198852369578237 +19186,0.38254439075051055,0,-0.6119076205152849 -0.7587666425165182 -1.219413323895563 -1.4447192606638584 -1.5120737147080547 -1.7900301458209011 -1.9100350942096487 -1.9658843445962026 -2.1072745254975738 -2.1845090085515197 -2.20424327025369 -2.3006444937066384 -2.339545495962588 -1.4090686075489265 -1.7710955732066245 -1.163744648349506 -0.9602108904017194 -0.21825424318988892 0.1198852369578237 -0.16240499280334372 +19187,0.30706406439550243,0,-0.7587666425165182 -1.219413323895563 -1.4447192606638584 -1.5120737147080547 -1.7900301458209011 -1.9100350942096487 -1.9658843445962026 -2.1072745254975738 -2.1845090085515197 -2.20424327025369 -2.3006444937066384 -2.339545495962588 -1.4090686075489265 -1.7710955732066245 -1.163744648349506 -0.9602108904017194 -0.21825424318988892 0.1198852369578237 -0.16240499280334372 0.38254439075051055 +19188,-0.3208982005132554,0,-1.219413323895563 -1.4447192606638584 -1.5120737147080547 -1.7900301458209011 -1.9100350942096487 -1.9658843445962026 -2.1072745254975738 -2.1845090085515197 -2.20424327025369 -2.3006444937066384 -2.339545495962588 -1.4090686075489265 -1.7710955732066245 -1.163744648349506 -0.9602108904017194 -0.21825424318988892 0.1198852369578237 -0.16240499280334372 0.38254439075051055 0.30706406439550243 +19189,-0.21221788078687667,0,-1.4447192606638584 -1.5120737147080547 -1.7900301458209011 -1.9100350942096487 -1.9658843445962026 -2.1072745254975738 -2.1845090085515197 -2.20424327025369 -2.3006444937066384 -2.339545495962588 -1.4090686075489265 -1.7710955732066245 -1.163744648349506 -0.9602108904017194 -0.21825424318988892 0.1198852369578237 -0.16240499280334372 0.38254439075051055 0.30706406439550243 -0.3208982005132554 +19190,-0.6560194996142388,0,-1.5120737147080547 -1.7900301458209011 -1.9100350942096487 -1.9658843445962026 -2.1072745254975738 -2.1845090085515197 -2.20424327025369 -2.3006444937066384 -2.339545495962588 -1.4090686075489265 -1.7710955732066245 -1.163744648349506 -0.9602108904017194 -0.21825424318988892 0.1198852369578237 -0.16240499280334372 0.38254439075051055 0.30706406439550243 -0.3208982005132554 -0.21221788078687667 +19191,-0.7263405419157036,0,-1.7900301458209011 -1.9100350942096487 -1.9658843445962026 -2.1072745254975738 -2.1845090085515197 -2.20424327025369 -2.3006444937066384 -2.339545495962588 -1.4090686075489265 -1.7710955732066245 -1.163744648349506 -0.9602108904017194 -0.21825424318988892 0.1198852369578237 -0.16240499280334372 0.38254439075051055 0.30706406439550243 -0.3208982005132554 -0.21221788078687667 -0.6560194996142388 +19192,-1.2946356861485078,0,-1.9100350942096487 -1.9658843445962026 -2.1072745254975738 -2.1845090085515197 -2.20424327025369 -2.3006444937066384 -2.339545495962588 -1.4090686075489265 -1.7710955732066245 -1.163744648349506 -0.9602108904017194 -0.21825424318988892 0.1198852369578237 -0.16240499280334372 0.38254439075051055 0.30706406439550243 -0.3208982005132554 -0.21221788078687667 -0.6560194996142388 -0.7263405419157036 +19193,-1.4894502538554233,0,-1.9658843445962026 -2.1072745254975738 -2.1845090085515197 -2.20424327025369 -2.3006444937066384 -2.339545495962588 -1.4090686075489265 -1.7710955732066245 -1.163744648349506 -0.9602108904017194 -0.21825424318988892 0.1198852369578237 -0.16240499280334372 0.38254439075051055 0.30706406439550243 -0.3208982005132554 -0.21221788078687667 -0.6560194996142388 -0.7263405419157036 -1.2946356861485078 +19194,-1.5378443388132286,0,-2.1072745254975738 -2.1845090085515197 -2.20424327025369 -2.3006444937066384 -2.339545495962588 -1.4090686075489265 -1.7710955732066245 -1.163744648349506 -0.9602108904017194 -0.21825424318988892 0.1198852369578237 -0.16240499280334372 0.38254439075051055 0.30706406439550243 -0.3208982005132554 -0.21221788078687667 -0.6560194996142388 -0.7263405419157036 -1.2946356861485078 -1.4894502538554233 +19195,-1.7814657342579578,0,-2.1845090085515197 -2.20424327025369 -2.3006444937066384 -2.339545495962588 -1.4090686075489265 -1.7710955732066245 -1.163744648349506 -0.9602108904017194 -0.21825424318988892 0.1198852369578237 -0.16240499280334372 0.38254439075051055 0.30706406439550243 -0.3208982005132554 -0.21221788078687667 -0.6560194996142388 -0.7263405419157036 -1.2946356861485078 -1.4894502538554233 -1.5378443388132286 +19196,-1.8786666467988087,0,-2.20424327025369 -2.3006444937066384 -2.339545495962588 -1.4090686075489265 -1.7710955732066245 -1.163744648349506 -0.9602108904017194 -0.21825424318988892 0.1198852369578237 -0.16240499280334372 0.38254439075051055 0.30706406439550243 -0.3208982005132554 -0.21221788078687667 -0.6560194996142388 -0.7263405419157036 -1.2946356861485078 -1.4894502538554233 -1.5378443388132286 -1.7814657342579578 +19197,-1.966426069427247,0,-2.3006444937066384 -2.339545495962588 -1.4090686075489265 -1.7710955732066245 -1.163744648349506 -0.9602108904017194 -0.21825424318988892 0.1198852369578237 -0.16240499280334372 0.38254439075051055 0.30706406439550243 -0.3208982005132554 -0.21221788078687667 -0.6560194996142388 -0.7263405419157036 -1.2946356861485078 -1.4894502538554233 -1.5378443388132286 -1.7814657342579578 -1.8786666467988087 +19198,-2.066774145220631,0,-2.339545495962588 -1.4090686075489265 -1.7710955732066245 -1.163744648349506 -0.9602108904017194 -0.21825424318988892 0.1198852369578237 -0.16240499280334372 0.38254439075051055 0.30706406439550243 -0.3208982005132554 -0.21221788078687667 -0.6560194996142388 -0.7263405419157036 -1.2946356861485078 -1.4894502538554233 -1.5378443388132286 -1.7814657342579578 -1.8786666467988087 -1.966426069427247 +19199,-2.157680731256389,0,-1.4090686075489265 -1.7710955732066245 -1.163744648349506 -0.9602108904017194 -0.21825424318988892 0.1198852369578237 -0.16240499280334372 0.38254439075051055 0.30706406439550243 -0.3208982005132554 -0.21221788078687667 -0.6560194996142388 -0.7263405419157036 -1.2946356861485078 -1.4894502538554233 -1.5378443388132286 -1.7814657342579578 -1.8786666467988087 -1.966426069427247 -2.066774145220631 +19200,-2.181645605873173,0,-1.7710955732066245 -1.163744648349506 -0.9602108904017194 -0.21825424318988892 0.1198852369578237 -0.16240499280334372 0.38254439075051055 0.30706406439550243 -0.3208982005132554 -0.21221788078687667 -0.6560194996142388 -0.7263405419157036 -1.2946356861485078 -1.4894502538554233 -1.5378443388132286 -1.7814657342579578 -1.8786666467988087 -1.966426069427247 -2.066774145220631 -2.157680731256389 +19201,-2.2948660955604754,0,-1.163744648349506 -0.9602108904017194 -0.21825424318988892 0.1198852369578237 -0.16240499280334372 0.38254439075051055 0.30706406439550243 -0.3208982005132554 -0.21221788078687667 -0.6560194996142388 -0.7263405419157036 -1.2946356861485078 -1.4894502538554233 -1.5378443388132286 -1.7814657342579578 -1.8786666467988087 -1.966426069427247 -2.066774145220631 -2.157680731256389 -2.181645605873173 +19202,-2.341144873983581,0,-0.9602108904017194 -0.21825424318988892 0.1198852369578237 -0.16240499280334372 0.38254439075051055 0.30706406439550243 -0.3208982005132554 -0.21221788078687667 -0.6560194996142388 -0.7263405419157036 -1.2946356861485078 -1.4894502538554233 -1.5378443388132286 -1.7814657342579578 -1.8786666467988087 -1.966426069427247 -2.066774145220631 -2.157680731256389 -2.181645605873173 -2.2948660955604754 +19203,-1.2964672319542438,0,-0.21825424318988892 0.1198852369578237 -0.16240499280334372 0.38254439075051055 0.30706406439550243 -0.3208982005132554 -0.21221788078687667 -0.6560194996142388 -0.7263405419157036 -1.2946356861485078 -1.4894502538554233 -1.5378443388132286 -1.7814657342579578 -1.8786666467988087 -1.966426069427247 -2.066774145220631 -2.157680731256389 -2.181645605873173 -2.2948660955604754 -2.341144873983581 +19204,-1.7063981505281725,0,0.1198852369578237 -0.16240499280334372 0.38254439075051055 0.30706406439550243 -0.3208982005132554 -0.21221788078687667 -0.6560194996142388 -0.7263405419157036 -1.2946356861485078 -1.4894502538554233 -1.5378443388132286 -1.7814657342579578 -1.8786666467988087 -1.966426069427247 -2.066774145220631 -2.157680731256389 -2.181645605873173 -2.2948660955604754 -2.341144873983581 -1.2964672319542438 +19205,-1.0253726486496408,0,-0.16240499280334372 0.38254439075051055 0.30706406439550243 -0.3208982005132554 -0.21221788078687667 -0.6560194996142388 -0.7263405419157036 -1.2946356861485078 -1.4894502538554233 -1.5378443388132286 -1.7814657342579578 -1.8786666467988087 -1.966426069427247 -2.066774145220631 -2.157680731256389 -2.181645605873173 -2.2948660955604754 -2.341144873983581 -1.2964672319542438 -1.7063981505281725 +19206,-0.9393931790374777,0,0.38254439075051055 0.30706406439550243 -0.3208982005132554 -0.21221788078687667 -0.6560194996142388 -0.7263405419157036 -1.2946356861485078 -1.4894502538554233 -1.5378443388132286 -1.7814657342579578 -1.8786666467988087 -1.966426069427247 -2.066774145220631 -2.157680731256389 -2.181645605873173 -2.2948660955604754 -2.341144873983581 -1.2964672319542438 -1.7063981505281725 -1.0253726486496408 +19207,-0.06001899973683509,0,0.30706406439550243 -0.3208982005132554 -0.21221788078687667 -0.6560194996142388 -0.7263405419157036 -1.2946356861485078 -1.4894502538554233 -1.5378443388132286 -1.7814657342579578 -1.8786666467988087 -1.966426069427247 -2.066774145220631 -2.157680731256389 -2.181645605873173 -2.2948660955604754 -2.341144873983581 -1.2964672319542438 -1.7063981505281725 -1.0253726486496408 -0.9393931790374777 +19208,0.22430914729745674,0,-0.3208982005132554 -0.21221788078687667 -0.6560194996142388 -0.7263405419157036 -1.2946356861485078 -1.4894502538554233 -1.5378443388132286 -1.7814657342579578 -1.8786666467988087 -1.966426069427247 -2.066774145220631 -2.157680731256389 -2.181645605873173 -2.2948660955604754 -2.341144873983581 -1.2964672319542438 -1.7063981505281725 -1.0253726486496408 -0.9393931790374777 -0.06001899973683509 +19209,-0.11233414056295289,0,-0.21221788078687667 -0.6560194996142388 -0.7263405419157036 -1.2946356861485078 -1.4894502538554233 -1.5378443388132286 -1.7814657342579578 -1.8786666467988087 -1.966426069427247 -2.066774145220631 -2.157680731256389 -2.181645605873173 -2.2948660955604754 -2.341144873983581 -1.2964672319542438 -1.7063981505281725 -1.0253726486496408 -0.9393931790374777 -0.06001899973683509 0.22430914729745674 +19210,0.3789844847179687,0,-0.6560194996142388 -0.7263405419157036 -1.2946356861485078 -1.4894502538554233 -1.5378443388132286 -1.7814657342579578 -1.8786666467988087 -1.966426069427247 -2.066774145220631 -2.157680731256389 -2.181645605873173 -2.2948660955604754 -2.341144873983581 -1.2964672319542438 -1.7063981505281725 -1.0253726486496408 -0.9393931790374777 -0.06001899973683509 0.22430914729745674 -0.11233414056295289 +19211,0.24933167525898337,0,-0.7263405419157036 -1.2946356861485078 -1.4894502538554233 -1.5378443388132286 -1.7814657342579578 -1.8786666467988087 -1.966426069427247 -2.066774145220631 -2.157680731256389 -2.181645605873173 -2.2948660955604754 -2.341144873983581 -1.2964672319542438 -1.7063981505281725 -1.0253726486496408 -0.9393931790374777 -0.06001899973683509 0.22430914729745674 -0.11233414056295289 0.3789844847179687 +19212,-0.30634901933676056,0,-1.2946356861485078 -1.4894502538554233 -1.5378443388132286 -1.7814657342579578 -1.8786666467988087 -1.966426069427247 -2.066774145220631 -2.157680731256389 -2.181645605873173 -2.2948660955604754 -2.341144873983581 -1.2964672319542438 -1.7063981505281725 -1.0253726486496408 -0.9393931790374777 -0.06001899973683509 0.22430914729745674 -0.11233414056295289 0.3789844847179687 0.24933167525898337 +19213,-0.2939925339565406,0,-1.4894502538554233 -1.5378443388132286 -1.7814657342579578 -1.8786666467988087 -1.966426069427247 -2.066774145220631 -2.157680731256389 -2.181645605873173 -2.2948660955604754 -2.341144873983581 -1.2964672319542438 -1.7063981505281725 -1.0253726486496408 -0.9393931790374777 -0.06001899973683509 0.22430914729745674 -0.11233414056295289 0.3789844847179687 0.24933167525898337 -0.30634901933676056 +19214,-0.7076639334035079,0,-1.5378443388132286 -1.7814657342579578 -1.8786666467988087 -1.966426069427247 -2.066774145220631 -2.157680731256389 -2.181645605873173 -2.2948660955604754 -2.341144873983581 -1.2964672319542438 -1.7063981505281725 -1.0253726486496408 -0.9393931790374777 -0.06001899973683509 0.22430914729745674 -0.11233414056295289 0.3789844847179687 0.24933167525898337 -0.30634901933676056 -0.2939925339565406 +19215,-0.7602370384864748,0,-1.7814657342579578 -1.8786666467988087 -1.966426069427247 -2.066774145220631 -2.157680731256389 -2.181645605873173 -2.2948660955604754 -2.341144873983581 -1.2964672319542438 -1.7063981505281725 -1.0253726486496408 -0.9393931790374777 -0.06001899973683509 0.22430914729745674 -0.11233414056295289 0.3789844847179687 0.24933167525898337 -0.30634901933676056 -0.2939925339565406 -0.7076639334035079 +19216,-1.2942745361579602,0,-1.8786666467988087 -1.966426069427247 -2.066774145220631 -2.157680731256389 -2.181645605873173 -2.2948660955604754 -2.341144873983581 -1.2964672319542438 -1.7063981505281725 -1.0253726486496408 -0.9393931790374777 -0.06001899973683509 0.22430914729745674 -0.11233414056295289 0.3789844847179687 0.24933167525898337 -0.30634901933676056 -0.2939925339565406 -0.7076639334035079 -0.7602370384864748 +19217,-1.4672137394654539,0,-1.966426069427247 -2.066774145220631 -2.157680731256389 -2.181645605873173 -2.2948660955604754 -2.341144873983581 -1.2964672319542438 -1.7063981505281725 -1.0253726486496408 -0.9393931790374777 -0.06001899973683509 0.22430914729745674 -0.11233414056295289 0.3789844847179687 0.24933167525898337 -0.30634901933676056 -0.2939925339565406 -0.7076639334035079 -0.7602370384864748 -1.2942745361579602 +19218,-1.3482406479493259,0,-2.066774145220631 -2.157680731256389 -2.181645605873173 -2.2948660955604754 -2.341144873983581 -1.2964672319542438 -1.7063981505281725 -1.0253726486496408 -0.9393931790374777 -0.06001899973683509 0.22430914729745674 -0.11233414056295289 0.3789844847179687 0.24933167525898337 -0.30634901933676056 -0.2939925339565406 -0.7076639334035079 -0.7602370384864748 -1.2942745361579602 -1.4672137394654539 +19219,-1.6184839493765746,0,-2.157680731256389 -2.181645605873173 -2.2948660955604754 -2.341144873983581 -1.2964672319542438 -1.7063981505281725 -1.0253726486496408 -0.9393931790374777 -0.06001899973683509 0.22430914729745674 -0.11233414056295289 0.3789844847179687 0.24933167525898337 -0.30634901933676056 -0.2939925339565406 -0.7076639334035079 -0.7602370384864748 -1.2942745361579602 -1.4672137394654539 -1.3482406479493259 +19220,-1.5968149561349871,0,-2.181645605873173 -2.2948660955604754 -2.341144873983581 -1.2964672319542438 -1.7063981505281725 -1.0253726486496408 -0.9393931790374777 -0.06001899973683509 0.22430914729745674 -0.11233414056295289 0.3789844847179687 0.24933167525898337 -0.30634901933676056 -0.2939925339565406 -0.7076639334035079 -0.7602370384864748 -1.2942745361579602 -1.4672137394654539 -1.3482406479493259 -1.6184839493765746 +19221,-1.595035003118712,0,-2.2948660955604754 -2.341144873983581 -1.2964672319542438 -1.7063981505281725 -1.0253726486496408 -0.9393931790374777 -0.06001899973683509 0.22430914729745674 -0.11233414056295289 0.3789844847179687 0.24933167525898337 -0.30634901933676056 -0.2939925339565406 -0.7076639334035079 -0.7602370384864748 -1.2942745361579602 -1.4672137394654539 -1.3482406479493259 -1.6184839493765746 -1.5968149561349871 +19222,-1.5667363298536157,0,-2.341144873983581 -1.2964672319542438 -1.7063981505281725 -1.0253726486496408 -0.9393931790374777 -0.06001899973683509 0.22430914729745674 -0.11233414056295289 0.3789844847179687 0.24933167525898337 -0.30634901933676056 -0.2939925339565406 -0.7076639334035079 -0.7602370384864748 -1.2942745361579602 -1.4672137394654539 -1.3482406479493259 -1.6184839493765746 -1.5968149561349871 -1.595035003118712 +19223,-1.5583266966590459,0,-1.2964672319542438 -1.7063981505281725 -1.0253726486496408 -0.9393931790374777 -0.06001899973683509 0.22430914729745674 -0.11233414056295289 0.3789844847179687 0.24933167525898337 -0.30634901933676056 -0.2939925339565406 -0.7076639334035079 -0.7602370384864748 -1.2942745361579602 -1.4672137394654539 -1.3482406479493259 -1.6184839493765746 -1.5968149561349871 -1.595035003118712 -1.5667363298536157 +19224,-1.5912429293014354,0,-1.7063981505281725 -1.0253726486496408 -0.9393931790374777 -0.06001899973683509 0.22430914729745674 -0.11233414056295289 0.3789844847179687 0.24933167525898337 -0.30634901933676056 -0.2939925339565406 -0.7076639334035079 -0.7602370384864748 -1.2942745361579602 -1.4672137394654539 -1.3482406479493259 -1.6184839493765746 -1.5968149561349871 -1.595035003118712 -1.5667363298536157 -1.5583266966590459 +19225,-1.5690580077009268,0,-1.0253726486496408 -0.9393931790374777 -0.06001899973683509 0.22430914729745674 -0.11233414056295289 0.3789844847179687 0.24933167525898337 -0.30634901933676056 -0.2939925339565406 -0.7076639334035079 -0.7602370384864748 -1.2942745361579602 -1.4672137394654539 -1.3482406479493259 -1.6184839493765746 -1.5968149561349871 -1.595035003118712 -1.5667363298536157 -1.5583266966590459 -1.5912429293014354 +19226,-1.588198951627806,0,-0.9393931790374777 -0.06001899973683509 0.22430914729745674 -0.11233414056295289 0.3789844847179687 0.24933167525898337 -0.30634901933676056 -0.2939925339565406 -0.7076639334035079 -0.7602370384864748 -1.2942745361579602 -1.4672137394654539 -1.3482406479493259 -1.6184839493765746 -1.5968149561349871 -1.595035003118712 -1.5667363298536157 -1.5583266966590459 -1.5912429293014354 -1.5690580077009268 +19227,-0.9948038903266857,0,-0.06001899973683509 0.22430914729745674 -0.11233414056295289 0.3789844847179687 0.24933167525898337 -0.30634901933676056 -0.2939925339565406 -0.7076639334035079 -0.7602370384864748 -1.2942745361579602 -1.4672137394654539 -1.3482406479493259 -1.6184839493765746 -1.5968149561349871 -1.595035003118712 -1.5667363298536157 -1.5583266966590459 -1.5912429293014354 -1.5690580077009268 -1.588198951627806 +19228,-1.2181235027660944,0,0.22430914729745674 -0.11233414056295289 0.3789844847179687 0.24933167525898337 -0.30634901933676056 -0.2939925339565406 -0.7076639334035079 -0.7602370384864748 -1.2942745361579602 -1.4672137394654539 -1.3482406479493259 -1.6184839493765746 -1.5968149561349871 -1.595035003118712 -1.5667363298536157 -1.5583266966590459 -1.5912429293014354 -1.5690580077009268 -1.588198951627806 -0.9948038903266857 +19229,-0.8289071099774948,0,-0.11233414056295289 0.3789844847179687 0.24933167525898337 -0.30634901933676056 -0.2939925339565406 -0.7076639334035079 -0.7602370384864748 -1.2942745361579602 -1.4672137394654539 -1.3482406479493259 -1.6184839493765746 -1.5968149561349871 -1.595035003118712 -1.5667363298536157 -1.5583266966590459 -1.5912429293014354 -1.5690580077009268 -1.588198951627806 -0.9948038903266857 -1.2181235027660944 +19230,-0.8105400585115915,0,0.3789844847179687 0.24933167525898337 -0.30634901933676056 -0.2939925339565406 -0.7076639334035079 -0.7602370384864748 -1.2942745361579602 -1.4672137394654539 -1.3482406479493259 -1.6184839493765746 -1.5968149561349871 -1.595035003118712 -1.5667363298536157 -1.5583266966590459 -1.5912429293014354 -1.5690580077009268 -1.588198951627806 -0.9948038903266857 -1.2181235027660944 -0.8289071099774948 +19231,-0.2977072185122418,0,0.24933167525898337 -0.30634901933676056 -0.2939925339565406 -0.7076639334035079 -0.7602370384864748 -1.2942745361579602 -1.4672137394654539 -1.3482406479493259 -1.6184839493765746 -1.5968149561349871 -1.595035003118712 -1.5667363298536157 -1.5583266966590459 -1.5912429293014354 -1.5690580077009268 -1.588198951627806 -0.9948038903266857 -1.2181235027660944 -0.8289071099774948 -0.8105400585115915 +19232,-0.15572371983558844,0,-0.30634901933676056 -0.2939925339565406 -0.7076639334035079 -0.7602370384864748 -1.2942745361579602 -1.4672137394654539 -1.3482406479493259 -1.6184839493765746 -1.5968149561349871 -1.595035003118712 -1.5667363298536157 -1.5583266966590459 -1.5912429293014354 -1.5690580077009268 -1.588198951627806 -0.9948038903266857 -1.2181235027660944 -0.8289071099774948 -0.8105400585115915 -0.2977072185122418 +19233,-0.37019516013786713,0,-0.2939925339565406 -0.7076639334035079 -0.7602370384864748 -1.2942745361579602 -1.4672137394654539 -1.3482406479493259 -1.6184839493765746 -1.5968149561349871 -1.595035003118712 -1.5667363298536157 -1.5583266966590459 -1.5912429293014354 -1.5690580077009268 -1.588198951627806 -0.9948038903266857 -1.2181235027660944 -0.8289071099774948 -0.8105400585115915 -0.2977072185122418 -0.15572371983558844 +19234,-0.10939334862302205,0,-0.7076639334035079 -0.7602370384864748 -1.2942745361579602 -1.4672137394654539 -1.3482406479493259 -1.6184839493765746 -1.5968149561349871 -1.595035003118712 -1.5667363298536157 -1.5583266966590459 -1.5912429293014354 -1.5690580077009268 -1.588198951627806 -0.9948038903266857 -1.2181235027660944 -0.8289071099774948 -0.8105400585115915 -0.2977072185122418 -0.15572371983558844 -0.37019516013786713 +19235,-0.20504647593233216,0,-0.7602370384864748 -1.2942745361579602 -1.4672137394654539 -1.3482406479493259 -1.6184839493765746 -1.5968149561349871 -1.595035003118712 -1.5667363298536157 -1.5583266966590459 -1.5912429293014354 -1.5690580077009268 -1.588198951627806 -0.9948038903266857 -1.2181235027660944 -0.8289071099774948 -0.8105400585115915 -0.2977072185122418 -0.15572371983558844 -0.37019516013786713 -0.10939334862302205 +19236,-0.4269988781354653,0,-1.2942745361579602 -1.4672137394654539 -1.3482406479493259 -1.6184839493765746 -1.5968149561349871 -1.595035003118712 -1.5667363298536157 -1.5583266966590459 -1.5912429293014354 -1.5690580077009268 -1.588198951627806 -0.9948038903266857 -1.2181235027660944 -0.8289071099774948 -0.8105400585115915 -0.2977072185122418 -0.15572371983558844 -0.37019516013786713 -0.10939334862302205 -0.20504647593233216 +19237,-0.48055224714682265,0,-1.4672137394654539 -1.3482406479493259 -1.6184839493765746 -1.5968149561349871 -1.595035003118712 -1.5667363298536157 -1.5583266966590459 -1.5912429293014354 -1.5690580077009268 -1.588198951627806 -0.9948038903266857 -1.2181235027660944 -0.8289071099774948 -0.8105400585115915 -0.2977072185122418 -0.15572371983558844 -0.37019516013786713 -0.10939334862302205 -0.20504647593233216 -0.4269988781354653 +19238,-0.6604048910520118,0,-1.3482406479493259 -1.6184839493765746 -1.5968149561349871 -1.595035003118712 -1.5667363298536157 -1.5583266966590459 -1.5912429293014354 -1.5690580077009268 -1.588198951627806 -0.9948038903266857 -1.2181235027660944 -0.8289071099774948 -0.8105400585115915 -0.2977072185122418 -0.15572371983558844 -0.37019516013786713 -0.10939334862302205 -0.20504647593233216 -0.4269988781354653 -0.48055224714682265 +19239,-0.5852599180606424,0,-1.6184839493765746 -1.5968149561349871 -1.595035003118712 -1.5667363298536157 -1.5583266966590459 -1.5912429293014354 -1.5690580077009268 -1.588198951627806 -0.9948038903266857 -1.2181235027660944 -0.8289071099774948 -0.8105400585115915 -0.2977072185122418 -0.15572371983558844 -0.37019516013786713 -0.10939334862302205 -0.20504647593233216 -0.4269988781354653 -0.48055224714682265 -0.6604048910520118 +19240,-0.8501117676496217,0,-1.5968149561349871 -1.595035003118712 -1.5667363298536157 -1.5583266966590459 -1.5912429293014354 -1.5690580077009268 -1.588198951627806 -0.9948038903266857 -1.2181235027660944 -0.8289071099774948 -0.8105400585115915 -0.2977072185122418 -0.15572371983558844 -0.37019516013786713 -0.10939334862302205 -0.20504647593233216 -0.4269988781354653 -0.48055224714682265 -0.6604048910520118 -0.5852599180606424 +19241,-0.859966000187248,0,-1.595035003118712 -1.5667363298536157 -1.5583266966590459 -1.5912429293014354 -1.5690580077009268 -1.588198951627806 -0.9948038903266857 -1.2181235027660944 -0.8289071099774948 -0.8105400585115915 -0.2977072185122418 -0.15572371983558844 -0.37019516013786713 -0.10939334862302205 -0.20504647593233216 -0.4269988781354653 -0.48055224714682265 -0.6604048910520118 -0.5852599180606424 -0.8501117676496217 +19242,-0.8421148772350604,0,-1.5667363298536157 -1.5583266966590459 -1.5912429293014354 -1.5690580077009268 -1.588198951627806 -0.9948038903266857 -1.2181235027660944 -0.8289071099774948 -0.8105400585115915 -0.2977072185122418 -0.15572371983558844 -0.37019516013786713 -0.10939334862302205 -0.20504647593233216 -0.4269988781354653 -0.48055224714682265 -0.6604048910520118 -0.5852599180606424 -0.8501117676496217 -0.859966000187248 +19243,-0.8612042283724788,0,-1.5583266966590459 -1.5912429293014354 -1.5690580077009268 -1.588198951627806 -0.9948038903266857 -1.2181235027660944 -0.8289071099774948 -0.8105400585115915 -0.2977072185122418 -0.15572371983558844 -0.37019516013786713 -0.10939334862302205 -0.20504647593233216 -0.4269988781354653 -0.48055224714682265 -0.6604048910520118 -0.5852599180606424 -0.8501117676496217 -0.859966000187248 -0.8421148772350604 +19244,-0.8525882240200834,0,-1.5912429293014354 -1.5690580077009268 -1.588198951627806 -0.9948038903266857 -1.2181235027660944 -0.8289071099774948 -0.8105400585115915 -0.2977072185122418 -0.15572371983558844 -0.37019516013786713 -0.10939334862302205 -0.20504647593233216 -0.4269988781354653 -0.48055224714682265 -0.6604048910520118 -0.5852599180606424 -0.8501117676496217 -0.859966000187248 -0.8421148772350604 -0.8612042283724788 +19245,-0.8597596288746366,0,-1.5690580077009268 -1.588198951627806 -0.9948038903266857 -1.2181235027660944 -0.8289071099774948 -0.8105400585115915 -0.2977072185122418 -0.15572371983558844 -0.37019516013786713 -0.10939334862302205 -0.20504647593233216 -0.4269988781354653 -0.48055224714682265 -0.6604048910520118 -0.5852599180606424 -0.8501117676496217 -0.859966000187248 -0.8421148772350604 -0.8612042283724788 -0.8525882240200834 +19246,-0.8458811545802136,0,-1.588198951627806 -0.9948038903266857 -1.2181235027660944 -0.8289071099774948 -0.8105400585115915 -0.2977072185122418 -0.15572371983558844 -0.37019516013786713 -0.10939334862302205 -0.20504647593233216 -0.4269988781354653 -0.48055224714682265 -0.6604048910520118 -0.5852599180606424 -0.8501117676496217 -0.859966000187248 -0.8421148772350604 -0.8612042283724788 -0.8525882240200834 -0.8597596288746366 +19247,-0.8477900898023019,0,-0.9948038903266857 -1.2181235027660944 -0.8289071099774948 -0.8105400585115915 -0.2977072185122418 -0.15572371983558844 -0.37019516013786713 -0.10939334862302205 -0.20504647593233216 -0.4269988781354653 -0.48055224714682265 -0.6604048910520118 -0.5852599180606424 -0.8501117676496217 -0.859966000187248 -0.8421148772350604 -0.8612042283724788 -0.8525882240200834 -0.8597596288746366 -0.8458811545802136 +19248,-0.9810286017659612,0,-1.2181235027660944 -0.8289071099774948 -0.8105400585115915 -0.2977072185122418 -0.15572371983558844 -0.37019516013786713 -0.10939334862302205 -0.20504647593233216 -0.4269988781354653 -0.48055224714682265 -0.6604048910520118 -0.5852599180606424 -0.8501117676496217 -0.859966000187248 -0.8421148772350604 -0.8612042283724788 -0.8525882240200834 -0.8597596288746366 -0.8458811545802136 -0.8477900898023019 +19249,-0.9391610112527431,0,-0.8289071099774948 -0.8105400585115915 -0.2977072185122418 -0.15572371983558844 -0.37019516013786713 -0.10939334862302205 -0.20504647593233216 -0.4269988781354653 -0.48055224714682265 -0.6604048910520118 -0.5852599180606424 -0.8501117676496217 -0.859966000187248 -0.8421148772350604 -0.8612042283724788 -0.8525882240200834 -0.8597596288746366 -0.8458811545802136 -0.8477900898023019 -0.9810286017659612 +19250,-1.0286229976358816,0,-0.8105400585115915 -0.2977072185122418 -0.15572371983558844 -0.37019516013786713 -0.10939334862302205 -0.20504647593233216 -0.4269988781354653 -0.48055224714682265 -0.6604048910520118 -0.5852599180606424 -0.8501117676496217 -0.859966000187248 -0.8421148772350604 -0.8612042283724788 -0.8525882240200834 -0.8597596288746366 -0.8458811545802136 -0.8477900898023019 -0.9810286017659612 -0.9391610112527431 +19251,-1.0414696150576763,0,-0.2977072185122418 -0.15572371983558844 -0.37019516013786713 -0.10939334862302205 -0.20504647593233216 -0.4269988781354653 -0.48055224714682265 -0.6604048910520118 -0.5852599180606424 -0.8501117676496217 -0.859966000187248 -0.8421148772350604 -0.8612042283724788 -0.8525882240200834 -0.8597596288746366 -0.8458811545802136 -0.8477900898023019 -0.9810286017659612 -0.9391610112527431 -1.0286229976358816 +19252,-1.1564700577612541,0,-0.15572371983558844 -0.37019516013786713 -0.10939334862302205 -0.20504647593233216 -0.4269988781354653 -0.48055224714682265 -0.6604048910520118 -0.5852599180606424 -0.8501117676496217 -0.859966000187248 -0.8421148772350604 -0.8612042283724788 -0.8525882240200834 -0.8597596288746366 -0.8458811545802136 -0.8477900898023019 -0.9810286017659612 -0.9391610112527431 -1.0286229976358816 -1.0414696150576763 +19253,-1.1948551315035056,0,-0.37019516013786713 -0.10939334862302205 -0.20504647593233216 -0.4269988781354653 -0.48055224714682265 -0.6604048910520118 -0.5852599180606424 -0.8501117676496217 -0.859966000187248 -0.8421148772350604 -0.8612042283724788 -0.8525882240200834 -0.8597596288746366 -0.8458811545802136 -0.8477900898023019 -0.9810286017659612 -0.9391610112527431 -1.0286229976358816 -1.0414696150576763 -1.1564700577612541 +19254,-1.0844206552329747,0,-0.10939334862302205 -0.20504647593233216 -0.4269988781354653 -0.48055224714682265 -0.6604048910520118 -0.5852599180606424 -0.8501117676496217 -0.859966000187248 -0.8421148772350604 -0.8612042283724788 -0.8525882240200834 -0.8597596288746366 -0.8458811545802136 -0.8477900898023019 -0.9810286017659612 -0.9391610112527431 -1.0286229976358816 -1.0414696150576763 -1.1564700577612541 -1.1948551315035056 +19255,-1.1724122456461479,0,-0.20504647593233216 -0.4269988781354653 -0.48055224714682265 -0.6604048910520118 -0.5852599180606424 -0.8501117676496217 -0.859966000187248 -0.8421148772350604 -0.8612042283724788 -0.8525882240200834 -0.8597596288746366 -0.8458811545802136 -0.8477900898023019 -0.9810286017659612 -0.9391610112527431 -1.0286229976358816 -1.0414696150576763 -1.1564700577612541 -1.1948551315035056 -1.0844206552329747 +19256,-1.1115842860465386,0,-0.4269988781354653 -0.48055224714682265 -0.6604048910520118 -0.5852599180606424 -0.8501117676496217 -0.859966000187248 -0.8421148772350604 -0.8612042283724788 -0.8525882240200834 -0.8597596288746366 -0.8458811545802136 -0.8477900898023019 -0.9810286017659612 -0.9391610112527431 -1.0286229976358816 -1.0414696150576763 -1.1564700577612541 -1.1948551315035056 -1.0844206552329747 -1.1724122456461479 +19257,-1.195938581165577,0,-0.48055224714682265 -0.6604048910520118 -0.5852599180606424 -0.8501117676496217 -0.859966000187248 -0.8421148772350604 -0.8612042283724788 -0.8525882240200834 -0.8597596288746366 -0.8458811545802136 -0.8477900898023019 -0.9810286017659612 -0.9391610112527431 -1.0286229976358816 -1.0414696150576763 -1.1564700577612541 -1.1948551315035056 -1.0844206552329747 -1.1724122456461479 -1.1115842860465386 +19258,-1.0867165366081626,0,-0.6604048910520118 -0.5852599180606424 -0.8501117676496217 -0.859966000187248 -0.8421148772350604 -0.8612042283724788 -0.8525882240200834 -0.8597596288746366 -0.8458811545802136 -0.8477900898023019 -0.9810286017659612 -0.9391610112527431 -1.0286229976358816 -1.0414696150576763 -1.1564700577612541 -1.1948551315035056 -1.0844206552329747 -1.1724122456461479 -1.1115842860465386 -1.195938581165577 +19259,-1.1226767469241814,0,-0.5852599180606424 -0.8501117676496217 -0.859966000187248 -0.8421148772350604 -0.8612042283724788 -0.8525882240200834 -0.8597596288746366 -0.8458811545802136 -0.8477900898023019 -0.9810286017659612 -0.9391610112527431 -1.0286229976358816 -1.0414696150576763 -1.1564700577612541 -1.1948551315035056 -1.0844206552329747 -1.1724122456461479 -1.1115842860465386 -1.195938581165577 -1.0867165366081626 +19260,-1.2422173595886914,0,-0.8501117676496217 -0.859966000187248 -0.8421148772350604 -0.8612042283724788 -0.8525882240200834 -0.8597596288746366 -0.8458811545802136 -0.8477900898023019 -0.9810286017659612 -0.9391610112527431 -1.0286229976358816 -1.0414696150576763 -1.1564700577612541 -1.1948551315035056 -1.0844206552329747 -1.1724122456461479 -1.1115842860465386 -1.195938581165577 -1.0867165366081626 -1.1226767469241814 +19261,-1.2503174355821656,0,-0.859966000187248 -0.8421148772350604 -0.8612042283724788 -0.8525882240200834 -0.8597596288746366 -0.8458811545802136 -0.8477900898023019 -0.9810286017659612 -0.9391610112527431 -1.0286229976358816 -1.0414696150576763 -1.1564700577612541 -1.1948551315035056 -1.0844206552329747 -1.1724122456461479 -1.1115842860465386 -1.195938581165577 -1.0867165366081626 -1.1226767469241814 -1.2422173595886914 +19262,-1.3419979142337024,0,-0.8421148772350604 -0.8612042283724788 -0.8525882240200834 -0.8597596288746366 -0.8458811545802136 -0.8477900898023019 -0.9810286017659612 -0.9391610112527431 -1.0286229976358816 -1.0414696150576763 -1.1564700577612541 -1.1948551315035056 -1.0844206552329747 -1.1724122456461479 -1.1115842860465386 -1.195938581165577 -1.0867165366081626 -1.1226767469241814 -1.2422173595886914 -1.2503174355821656 +19263,-1.3624028828179355,0,-0.8612042283724788 -0.8525882240200834 -0.8597596288746366 -0.8458811545802136 -0.8477900898023019 -0.9810286017659612 -0.9391610112527431 -1.0286229976358816 -1.0414696150576763 -1.1564700577612541 -1.1948551315035056 -1.0844206552329747 -1.1724122456461479 -1.1115842860465386 -1.195938581165577 -1.0867165366081626 -1.1226767469241814 -1.2422173595886914 -1.2503174355821656 -1.3419979142337024 +19264,-1.4778418646188594,0,-0.8525882240200834 -0.8597596288746366 -0.8458811545802136 -0.8477900898023019 -0.9810286017659612 -0.9391610112527431 -1.0286229976358816 -1.0414696150576763 -1.1564700577612541 -1.1948551315035056 -1.0844206552329747 -1.1724122456461479 -1.1115842860465386 -1.195938581165577 -1.0867165366081626 -1.1226767469241814 -1.2422173595886914 -1.2503174355821656 -1.3419979142337024 -1.3624028828179355 +19265,-1.522005336662042,0,-0.8597596288746366 -0.8458811545802136 -0.8477900898023019 -0.9810286017659612 -0.9391610112527431 -1.0286229976358816 -1.0414696150576763 -1.1564700577612541 -1.1948551315035056 -1.0844206552329747 -1.1724122456461479 -1.1115842860465386 -1.195938581165577 -1.0867165366081626 -1.1226767469241814 -1.2422173595886914 -1.2503174355821656 -1.3419979142337024 -1.3624028828179355 -1.4778418646188594 +19266,-1.6218890768859657,0,-0.8458811545802136 -0.8477900898023019 -0.9810286017659612 -0.9391610112527431 -1.0286229976358816 -1.0414696150576763 -1.1564700577612541 -1.1948551315035056 -1.0844206552329747 -1.1724122456461479 -1.1115842860465386 -1.195938581165577 -1.0867165366081626 -1.1226767469241814 -1.2422173595886914 -1.2503174355821656 -1.3419979142337024 -1.3624028828179355 -1.4778418646188594 -1.522005336662042 +19267,-1.6474791259958745,0,-0.8477900898023019 -0.9810286017659612 -0.9391610112527431 -1.0286229976358816 -1.0414696150576763 -1.1564700577612541 -1.1948551315035056 -1.0844206552329747 -1.1724122456461479 -1.1115842860465386 -1.195938581165577 -1.0867165366081626 -1.1226767469241814 -1.2422173595886914 -1.2503174355821656 -1.3419979142337024 -1.3624028828179355 -1.4778418646188594 -1.522005336662042 -1.6218890768859657 +19268,-1.7287894435960693,0,-0.9810286017659612 -0.9391610112527431 -1.0286229976358816 -1.0414696150576763 -1.1564700577612541 -1.1948551315035056 -1.0844206552329747 -1.1724122456461479 -1.1115842860465386 -1.195938581165577 -1.0867165366081626 -1.1226767469241814 -1.2422173595886914 -1.2503174355821656 -1.3419979142337024 -1.3624028828179355 -1.4778418646188594 -1.522005336662042 -1.6218890768859657 -1.6474791259958745 +19269,-1.787579485922554,0,-0.9391610112527431 -1.0286229976358816 -1.0414696150576763 -1.1564700577612541 -1.1948551315035056 -1.0844206552329747 -1.1724122456461479 -1.1115842860465386 -1.195938581165577 -1.0867165366081626 -1.1226767469241814 -1.2422173595886914 -1.2503174355821656 -1.3419979142337024 -1.3624028828179355 -1.4778418646188594 -1.522005336662042 -1.6218890768859657 -1.6474791259958745 -1.7287894435960693 +19270,-1.8763965617409495,0,-1.0286229976358816 -1.0414696150576763 -1.1564700577612541 -1.1948551315035056 -1.0844206552329747 -1.1724122456461479 -1.1115842860465386 -1.195938581165577 -1.0867165366081626 -1.1226767469241814 -1.2422173595886914 -1.2503174355821656 -1.3419979142337024 -1.3624028828179355 -1.4778418646188594 -1.522005336662042 -1.6218890768859657 -1.6474791259958745 -1.7287894435960693 -1.787579485922554 +19271,-1.942693362595189,0,-1.0414696150576763 -1.1564700577612541 -1.1948551315035056 -1.0844206552329747 -1.1724122456461479 -1.1115842860465386 -1.195938581165577 -1.0867165366081626 -1.1226767469241814 -1.2422173595886914 -1.2503174355821656 -1.3419979142337024 -1.3624028828179355 -1.4778418646188594 -1.522005336662042 -1.6218890768859657 -1.6474791259958745 -1.7287894435960693 -1.787579485922554 -1.8763965617409495 +19272,-2.0637043712296643,0,-1.1564700577612541 -1.1948551315035056 -1.0844206552329747 -1.1724122456461479 -1.1115842860465386 -1.195938581165577 -1.0867165366081626 -1.1226767469241814 -1.2422173595886914 -1.2503174355821656 -1.3419979142337024 -1.3624028828179355 -1.4778418646188594 -1.522005336662042 -1.6218890768859657 -1.6474791259958745 -1.7287894435960693 -1.787579485922554 -1.8763965617409495 -1.942693362595189 +19273,-2.111763102669045,0,-1.1948551315035056 -1.0844206552329747 -1.1724122456461479 -1.1115842860465386 -1.195938581165577 -1.0867165366081626 -1.1226767469241814 -1.2422173595886914 -1.2503174355821656 -1.3419979142337024 -1.3624028828179355 -1.4778418646188594 -1.522005336662042 -1.6218890768859657 -1.6474791259958745 -1.7287894435960693 -1.787579485922554 -1.8763965617409495 -1.942693362595189 -2.0637043712296643 +19274,-2.2145360420434392,0,-1.0844206552329747 -1.1724122456461479 -1.1115842860465386 -1.195938581165577 -1.0867165366081626 -1.1226767469241814 -1.2422173595886914 -1.2503174355821656 -1.3419979142337024 -1.3624028828179355 -1.4778418646188594 -1.522005336662042 -1.6218890768859657 -1.6474791259958745 -1.7287894435960693 -1.787579485922554 -1.8763965617409495 -1.942693362595189 -2.0637043712296643 -2.111763102669045 +19275,-1.6189482849460437,0,-1.1724122456461479 -1.1115842860465386 -1.195938581165577 -1.0867165366081626 -1.1226767469241814 -1.2422173595886914 -1.2503174355821656 -1.3419979142337024 -1.3624028828179355 -1.4778418646188594 -1.522005336662042 -1.6218890768859657 -1.6474791259958745 -1.7287894435960693 -1.787579485922554 -1.8763965617409495 -1.942693362595189 -2.0637043712296643 -2.111763102669045 -2.2145360420434392 +19276,-1.9545081231443644,0,-1.1115842860465386 -1.195938581165577 -1.0867165366081626 -1.1226767469241814 -1.2422173595886914 -1.2503174355821656 -1.3419979142337024 -1.3624028828179355 -1.4778418646188594 -1.522005336662042 -1.6218890768859657 -1.6474791259958745 -1.7287894435960693 -1.787579485922554 -1.8763965617409495 -1.942693362595189 -2.0637043712296643 -2.111763102669045 -2.2145360420434392 -1.6189482849460437 +19277,-1.5917072648708959,0,-1.195938581165577 -1.0867165366081626 -1.1226767469241814 -1.2422173595886914 -1.2503174355821656 -1.3419979142337024 -1.3624028828179355 -1.4778418646188594 -1.522005336662042 -1.6218890768859657 -1.6474791259958745 -1.7287894435960693 -1.787579485922554 -1.8763965617409495 -1.942693362595189 -2.0637043712296643 -2.111763102669045 -2.2145360420434392 -1.6189482849460437 -1.9545081231443644 +19278,-1.6045538822926906,0,-1.0867165366081626 -1.1226767469241814 -1.2422173595886914 -1.2503174355821656 -1.3419979142337024 -1.3624028828179355 -1.4778418646188594 -1.522005336662042 -1.6218890768859657 -1.6474791259958745 -1.7287894435960693 -1.787579485922554 -1.8763965617409495 -1.942693362595189 -2.0637043712296643 -2.111763102669045 -2.2145360420434392 -1.6189482849460437 -1.9545081231443644 -1.5917072648708959 +19279,-1.1165371987874706,0,-1.1226767469241814 -1.2422173595886914 -1.2503174355821656 -1.3419979142337024 -1.3624028828179355 -1.4778418646188594 -1.522005336662042 -1.6218890768859657 -1.6474791259958745 -1.7287894435960693 -1.787579485922554 -1.8763965617409495 -1.942693362595189 -2.0637043712296643 -2.111763102669045 -2.2145360420434392 -1.6189482849460437 -1.9545081231443644 -1.5917072648708959 -1.6045538822926906 +19280,-1.0041679909775139,0,-1.2422173595886914 -1.2503174355821656 -1.3419979142337024 -1.3624028828179355 -1.4778418646188594 -1.522005336662042 -1.6218890768859657 -1.6474791259958745 -1.7287894435960693 -1.787579485922554 -1.8763965617409495 -1.942693362595189 -2.0637043712296643 -2.111763102669045 -2.2145360420434392 -1.6189482849460437 -1.9545081231443644 -1.5917072648708959 -1.6045538822926906 -1.1165371987874706 +19281,-1.1455581718788852,0,-1.2503174355821656 -1.3419979142337024 -1.3624028828179355 -1.4778418646188594 -1.522005336662042 -1.6218890768859657 -1.6474791259958745 -1.7287894435960693 -1.787579485922554 -1.8763965617409495 -1.942693362595189 -2.0637043712296643 -2.111763102669045 -2.2145360420434392 -1.6189482849460437 -1.9545081231443644 -1.5917072648708959 -1.6045538822926906 -1.1165371987874706 -1.0041679909775139 +19282,-0.9486025011651554,0,-1.3419979142337024 -1.3624028828179355 -1.4778418646188594 -1.522005336662042 -1.6218890768859657 -1.6474791259958745 -1.7287894435960693 -1.787579485922554 -1.8763965617409495 -1.942693362595189 -2.0637043712296643 -2.111763102669045 -2.2145360420434392 -1.6189482849460437 -1.9545081231443644 -1.5917072648708959 -1.6045538822926906 -1.1165371987874706 -1.0041679909775139 -1.1455581718788852 +19283,-1.0054062191627446,0,-1.3624028828179355 -1.4778418646188594 -1.522005336662042 -1.6218890768859657 -1.6474791259958745 -1.7287894435960693 -1.787579485922554 -1.8763965617409495 -1.942693362595189 -2.0637043712296643 -2.111763102669045 -2.2145360420434392 -1.6189482849460437 -1.9545081231443644 -1.5917072648708959 -1.6045538822926906 -1.1165371987874706 -1.0041679909775139 -1.1455581718788852 -0.9486025011651554 +19284,-1.3825240908279823,0,-1.4778418646188594 -1.522005336662042 -1.6218890768859657 -1.6474791259958745 -1.7287894435960693 -1.787579485922554 -1.8763965617409495 -1.942693362595189 -2.0637043712296643 -2.111763102669045 -2.2145360420434392 -1.6189482849460437 -1.9545081231443644 -1.5917072648708959 -1.6045538822926906 -1.1165371987874706 -1.0041679909775139 -1.1455581718788852 -0.9486025011651554 -1.0054062191627446 +19285,-1.33255642432129,0,-1.522005336662042 -1.6218890768859657 -1.6474791259958745 -1.7287894435960693 -1.787579485922554 -1.8763965617409495 -1.942693362595189 -2.0637043712296643 -2.111763102669045 -2.2145360420434392 -1.6189482849460437 -1.9545081231443644 -1.5917072648708959 -1.6045538822926906 -1.1165371987874706 -1.0041679909775139 -1.1455581718788852 -0.9486025011651554 -1.0054062191627446 -1.3825240908279823 +19286,-1.6029029113274602,0,-1.6218890768859657 -1.6474791259958745 -1.7287894435960693 -1.787579485922554 -1.8763965617409495 -1.942693362595189 -2.0637043712296643 -2.111763102669045 -2.2145360420434392 -1.6189482849460437 -1.9545081231443644 -1.5917072648708959 -1.6045538822926906 -1.1165371987874706 -1.0041679909775139 -1.1455581718788852 -0.9486025011651554 -1.0054062191627446 -1.3825240908279823 -1.33255642432129 +19287,-1.595731506472907,0,-1.6474791259958745 -1.7287894435960693 -1.787579485922554 -1.8763965617409495 -1.942693362595189 -2.0637043712296643 -2.111763102669045 -2.2145360420434392 -1.6189482849460437 -1.9545081231443644 -1.5917072648708959 -1.6045538822926906 -1.1165371987874706 -1.0041679909775139 -1.1455581718788852 -0.9486025011651554 -1.0054062191627446 -1.3825240908279823 -1.33255642432129 -1.6029029113274602 +19288,-1.9585839575358364,0,-1.7287894435960693 -1.787579485922554 -1.8763965617409495 -1.942693362595189 -2.0637043712296643 -2.111763102669045 -2.2145360420434392 -1.6189482849460437 -1.9545081231443644 -1.5917072648708959 -1.6045538822926906 -1.1165371987874706 -1.0041679909775139 -1.1455581718788852 -0.9486025011651554 -1.0054062191627446 -1.3825240908279823 -1.33255642432129 -1.6029029113274602 -1.595731506472907 +19289,-2.0439185167380423,0,-1.787579485922554 -1.8763965617409495 -1.942693362595189 -2.0637043712296643 -2.111763102669045 -2.2145360420434392 -1.6189482849460437 -1.9545081231443644 -1.5917072648708959 -1.6045538822926906 -1.1165371987874706 -1.0041679909775139 -1.1455581718788852 -0.9486025011651554 -1.0054062191627446 -1.3825240908279823 -1.33255642432129 -1.6029029113274602 -1.595731506472907 -1.9585839575358364 +19290,-2.0246227941332267,0,-1.8763965617409495 -1.942693362595189 -2.0637043712296643 -2.111763102669045 -2.2145360420434392 -1.6189482849460437 -1.9545081231443644 -1.5917072648708959 -1.6045538822926906 -1.1165371987874706 -1.0041679909775139 -1.1455581718788852 -0.9486025011651554 -1.0054062191627446 -1.3825240908279823 -1.33255642432129 -1.6029029113274602 -1.595731506472907 -1.9585839575358364 -2.0439185167380423 +19291,-2.144834113834585,0,-1.942693362595189 -2.0637043712296643 -2.111763102669045 -2.2145360420434392 -1.6189482849460437 -1.9545081231443644 -1.5917072648708959 -1.6045538822926906 -1.1165371987874706 -1.0041679909775139 -1.1455581718788852 -0.9486025011651554 -1.0054062191627446 -1.3825240908279823 -1.33255642432129 -1.6029029113274602 -1.595731506472907 -1.9585839575358364 -2.0439185167380423 -2.0246227941332267 +19292,-2.1604151517289227,0,-2.0637043712296643 -2.111763102669045 -2.2145360420434392 -1.6189482849460437 -1.9545081231443644 -1.5917072648708959 -1.6045538822926906 -1.1165371987874706 -1.0041679909775139 -1.1455581718788852 -0.9486025011651554 -1.0054062191627446 -1.3825240908279823 -1.33255642432129 -1.6029029113274602 -1.595731506472907 -1.9585839575358364 -2.0439185167380423 -2.0246227941332267 -2.144834113834585 +19293,-2.196581733357553,0,-2.111763102669045 -2.2145360420434392 -1.6189482849460437 -1.9545081231443644 -1.5917072648708959 -1.6045538822926906 -1.1165371987874706 -1.0041679909775139 -1.1455581718788852 -0.9486025011651554 -1.0054062191627446 -1.3825240908279823 -1.33255642432129 -1.6029029113274602 -1.595731506472907 -1.9585839575358364 -2.0439185167380423 -2.0246227941332267 -2.144834113834585 -2.1604151517289227 +19294,-2.205300923443647,0,-2.2145360420434392 -1.6189482849460437 -1.9545081231443644 -1.5917072648708959 -1.6045538822926906 -1.1165371987874706 -1.0041679909775139 -1.1455581718788852 -0.9486025011651554 -1.0054062191627446 -1.3825240908279823 -1.33255642432129 -1.6029029113274602 -1.595731506472907 -1.9585839575358364 -2.0439185167380423 -2.0246227941332267 -2.144834113834585 -2.1604151517289227 -2.196581733357553 +19295,-2.2346056572640336,0,-1.6189482849460437 -1.9545081231443644 -1.5917072648708959 -1.6045538822926906 -1.1165371987874706 -1.0041679909775139 -1.1455581718788852 -0.9486025011651554 -1.0054062191627446 -1.3825240908279823 -1.33255642432129 -1.6029029113274602 -1.595731506472907 -1.9585839575358364 -2.0439185167380423 -2.0246227941332267 -2.144834113834585 -2.1604151517289227 -2.196581733357553 -2.205300923443647 +19296,-2.2235905856479663,0,-1.9545081231443644 -1.5917072648708959 -1.6045538822926906 -1.1165371987874706 -1.0041679909775139 -1.1455581718788852 -0.9486025011651554 -1.0054062191627446 -1.3825240908279823 -1.33255642432129 -1.6029029113274602 -1.595731506472907 -1.9585839575358364 -2.0439185167380423 -2.0246227941332267 -2.144834113834585 -2.1604151517289227 -2.196581733357553 -2.205300923443647 -2.2346056572640336 +19297,-2.2663352545106443,0,-1.5917072648708959 -1.6045538822926906 -1.1165371987874706 -1.0041679909775139 -1.1455581718788852 -0.9486025011651554 -1.0054062191627446 -1.3825240908279823 -1.33255642432129 -1.6029029113274602 -1.595731506472907 -1.9585839575358364 -2.0439185167380423 -2.0246227941332267 -2.144834113834585 -2.1604151517289227 -2.196581733357553 -2.205300923443647 -2.2346056572640336 -2.2235905856479663 +19298,-2.268760117936868,0,-1.6045538822926906 -1.1165371987874706 -1.0041679909775139 -1.1455581718788852 -0.9486025011651554 -1.0054062191627446 -1.3825240908279823 -1.33255642432129 -1.6029029113274602 -1.595731506472907 -1.9585839575358364 -2.0439185167380423 -2.0246227941332267 -2.144834113834585 -2.1604151517289227 -2.196581733357553 -2.205300923443647 -2.2346056572640336 -2.2235905856479663 -2.2663352545106443 +19299,-1.693319365321634,0,-1.1165371987874706 -1.0041679909775139 -1.1455581718788852 -0.9486025011651554 -1.0054062191627446 -1.3825240908279823 -1.33255642432129 -1.6029029113274602 -1.595731506472907 -1.9585839575358364 -2.0439185167380423 -2.0246227941332267 -2.144834113834585 -2.1604151517289227 -2.196581733357553 -2.205300923443647 -2.2346056572640336 -2.2235905856479663 -2.2663352545106443 -2.268760117936868 +19300,-1.8883661009680612,0,-1.0041679909775139 -1.1455581718788852 -0.9486025011651554 -1.0054062191627446 -1.3825240908279823 -1.33255642432129 -1.6029029113274602 -1.595731506472907 -1.9585839575358364 -2.0439185167380423 -2.0246227941332267 -2.144834113834585 -2.1604151517289227 -2.196581733357553 -2.205300923443647 -2.2346056572640336 -2.2235905856479663 -2.2663352545106443 -2.268760117936868 -1.693319365321634 +19301,-1.5055472202634588,0,-1.1455581718788852 -0.9486025011651554 -1.0054062191627446 -1.3825240908279823 -1.33255642432129 -1.6029029113274602 -1.595731506472907 -1.9585839575358364 -2.0439185167380423 -2.0246227941332267 -2.144834113834585 -2.1604151517289227 -2.196581733357553 -2.205300923443647 -2.2346056572640336 -2.2235905856479663 -2.2663352545106443 -2.268760117936868 -1.693319365321634 -1.8883661009680612 +19302,-1.4820466812161355,0,-0.9486025011651554 -1.0054062191627446 -1.3825240908279823 -1.33255642432129 -1.6029029113274602 -1.595731506472907 -1.9585839575358364 -2.0439185167380423 -2.0246227941332267 -2.144834113834585 -2.1604151517289227 -2.196581733357553 -2.205300923443647 -2.2346056572640336 -2.2235905856479663 -2.2663352545106443 -2.268760117936868 -1.693319365321634 -1.8883661009680612 -1.5055472202634588 +19303,-0.9794550200622972,0,-1.0054062191627446 -1.3825240908279823 -1.33255642432129 -1.6029029113274602 -1.595731506472907 -1.9585839575358364 -2.0439185167380423 -2.0246227941332267 -2.144834113834585 -2.1604151517289227 -2.196581733357553 -2.205300923443647 -2.2346056572640336 -2.2235905856479663 -2.2663352545106443 -2.268760117936868 -1.693319365321634 -1.8883661009680612 -1.5055472202634588 -1.4820466812161355 +19304,-0.8361817005657379,0,-1.3825240908279823 -1.33255642432129 -1.6029029113274602 -1.595731506472907 -1.9585839575358364 -2.0439185167380423 -2.0246227941332267 -2.144834113834585 -2.1604151517289227 -2.196581733357553 -2.205300923443647 -2.2346056572640336 -2.2235905856479663 -2.2663352545106443 -2.268760117936868 -1.693319365321634 -1.8883661009680612 -1.5055472202634588 -1.4820466812161355 -0.9794550200622972 +19305,-1.0204197359087088,0,-1.33255642432129 -1.6029029113274602 -1.595731506472907 -1.9585839575358364 -2.0439185167380423 -2.0246227941332267 -2.144834113834585 -2.1604151517289227 -2.196581733357553 -2.205300923443647 -2.2346056572640336 -2.2235905856479663 -2.2663352545106443 -2.268760117936868 -1.693319365321634 -1.8883661009680612 -1.5055472202634588 -1.4820466812161355 -0.9794550200622972 -0.8361817005657379 +19306,-0.767975964644187,0,-1.6029029113274602 -1.595731506472907 -1.9585839575358364 -2.0439185167380423 -2.0246227941332267 -2.144834113834585 -2.1604151517289227 -2.196581733357553 -2.205300923443647 -2.2346056572640336 -2.2235905856479663 -2.2663352545106443 -2.268760117936868 -1.693319365321634 -1.8883661009680612 -1.5055472202634588 -1.4820466812161355 -0.9794550200622972 -0.8361817005657379 -1.0204197359087088 +19307,-0.8430435483739813,0,-1.595731506472907 -1.9585839575358364 -2.0439185167380423 -2.0246227941332267 -2.144834113834585 -2.1604151517289227 -2.196581733357553 -2.205300923443647 -2.2346056572640336 -2.2235905856479663 -2.2663352545106443 -2.268760117936868 -1.693319365321634 -1.8883661009680612 -1.5055472202634588 -1.4820466812161355 -0.9794550200622972 -0.8361817005657379 -1.0204197359087088 -0.767975964644187 +19308,-1.22387610459492,0,-1.9585839575358364 -2.0439185167380423 -2.0246227941332267 -2.144834113834585 -2.1604151517289227 -2.196581733357553 -2.205300923443647 -2.2346056572640336 -2.2235905856479663 -2.2663352545106443 -2.268760117936868 -1.693319365321634 -1.8883661009680612 -1.5055472202634588 -1.4820466812161355 -0.9794550200622972 -0.8361817005657379 -1.0204197359087088 -0.767975964644187 -0.8430435483739813 +19309,-1.1970220308276573,0,-2.0439185167380423 -2.0246227941332267 -2.144834113834585 -2.1604151517289227 -2.196581733357553 -2.205300923443647 -2.2346056572640336 -2.2235905856479663 -2.2663352545106443 -2.268760117936868 -1.693319365321634 -1.8883661009680612 -1.5055472202634588 -1.4820466812161355 -0.9794550200622972 -0.8361817005657379 -1.0204197359087088 -0.767975964644187 -0.8430435483739813 -1.22387610459492 +19310,-1.4759329295515478,0,-2.0246227941332267 -2.144834113834585 -2.1604151517289227 -2.196581733357553 -2.205300923443647 -2.2346056572640336 -2.2235905856479663 -2.2663352545106443 -2.268760117936868 -1.693319365321634 -1.8883661009680612 -1.5055472202634588 -1.4820466812161355 -0.9794550200622972 -0.8361817005657379 -1.0204197359087088 -0.767975964644187 -0.8430435483739813 -1.22387610459492 -1.1970220308276573 +19311,-1.4833622986629502,0,-2.144834113834585 -2.1604151517289227 -2.196581733357553 -2.205300923443647 -2.2346056572640336 -2.2235905856479663 -2.2663352545106443 -2.268760117936868 -1.693319365321634 -1.8883661009680612 -1.5055472202634588 -1.4820466812161355 -0.9794550200622972 -0.8361817005657379 -1.0204197359087088 -0.767975964644187 -0.8430435483739813 -1.22387610459492 -1.1970220308276573 -1.4759329295515478 +19312,-1.85276704064259,0,-2.1604151517289227 -2.196581733357553 -2.205300923443647 -2.2346056572640336 -2.2235905856479663 -2.2663352545106443 -2.268760117936868 -1.693319365321634 -1.8883661009680612 -1.5055472202634588 -1.4820466812161355 -0.9794550200622972 -0.8361817005657379 -1.0204197359087088 -0.767975964644187 -0.8430435483739813 -1.22387610459492 -1.1970220308276573 -1.4759329295515478 -1.4833622986629502 +19313,-1.9506902528549734,0,-2.196581733357553 -2.205300923443647 -2.2346056572640336 -2.2235905856479663 -2.2663352545106443 -2.268760117936868 -1.693319365321634 -1.8883661009680612 -1.5055472202634588 -1.4820466812161355 -0.9794550200622972 -0.8361817005657379 -1.0204197359087088 -0.767975964644187 -0.8430435483739813 -1.22387610459492 -1.1970220308276573 -1.4759329295515478 -1.4833622986629502 -1.85276704064259 +19314,-1.8973948481004652,0,-2.205300923443647 -2.2346056572640336 -2.2235905856479663 -2.2663352545106443 -2.268760117936868 -1.693319365321634 -1.8883661009680612 -1.5055472202634588 -1.4820466812161355 -0.9794550200622972 -0.8361817005657379 -1.0204197359087088 -0.767975964644187 -0.8430435483739813 -1.22387610459492 -1.1970220308276573 -1.4759329295515478 -1.4833622986629502 -1.85276704064259 -1.9506902528549734 +19315,-2.045724266071655,0,-2.2346056572640336 -2.2235905856479663 -2.2663352545106443 -2.268760117936868 -1.693319365321634 -1.8883661009680612 -1.5055472202634588 -1.4820466812161355 -0.9794550200622972 -0.8361817005657379 -1.0204197359087088 -0.767975964644187 -0.8430435483739813 -1.22387610459492 -1.1970220308276573 -1.4759329295515478 -1.4833622986629502 -1.85276704064259 -1.9506902528549734 -1.8973948481004652 +19316,-2.042835067075962,0,-2.2235905856479663 -2.2663352545106443 -2.268760117936868 -1.693319365321634 -1.8883661009680612 -1.5055472202634588 -1.4820466812161355 -0.9794550200622972 -0.8361817005657379 -1.0204197359087088 -0.767975964644187 -0.8430435483739813 -1.22387610459492 -1.1970220308276573 -1.4759329295515478 -1.4833622986629502 -1.85276704064259 -1.9506902528549734 -1.8973948481004652 -2.045724266071655 +19317,-2.063859149752815,0,-2.2663352545106443 -2.268760117936868 -1.693319365321634 -1.8883661009680612 -1.5055472202634588 -1.4820466812161355 -0.9794550200622972 -0.8361817005657379 -1.0204197359087088 -0.767975964644187 -0.8430435483739813 -1.22387610459492 -1.1970220308276573 -1.4759329295515478 -1.4833622986629502 -1.85276704064259 -1.9506902528549734 -1.8973948481004652 -2.045724266071655 -2.042835067075962 +19318,-2.052998856659898,0,-2.268760117936868 -1.693319365321634 -1.8883661009680612 -1.5055472202634588 -1.4820466812161355 -0.9794550200622972 -0.8361817005657379 -1.0204197359087088 -0.767975964644187 -0.8430435483739813 -1.22387610459492 -1.1970220308276573 -1.4759329295515478 -1.4833622986629502 -1.85276704064259 -1.9506902528549734 -1.8973948481004652 -2.045724266071655 -2.042835067075962 -2.063859149752815 +19319,-2.0660518455490986,0,-1.693319365321634 -1.8883661009680612 -1.5055472202634588 -1.4820466812161355 -0.9794550200622972 -0.8361817005657379 -1.0204197359087088 -0.767975964644187 -0.8430435483739813 -1.22387610459492 -1.1970220308276573 -1.4759329295515478 -1.4833622986629502 -1.85276704064259 -1.9506902528549734 -1.8973948481004652 -2.045724266071655 -2.042835067075962 -2.063859149752815 -2.052998856659898 +19320,-2.117567297287332,0,-1.8883661009680612 -1.5055472202634588 -1.4820466812161355 -0.9794550200622972 -0.8361817005657379 -1.0204197359087088 -0.767975964644187 -0.8430435483739813 -1.22387610459492 -1.1970220308276573 -1.4759329295515478 -1.4833622986629502 -1.85276704064259 -1.9506902528549734 -1.8973948481004652 -2.045724266071655 -2.042835067075962 -2.063859149752815 -2.052998856659898 -2.0660518455490986 +19321,-2.1177994650720575,0,-1.5055472202634588 -1.4820466812161355 -0.9794550200622972 -0.8361817005657379 -1.0204197359087088 -0.767975964644187 -0.8430435483739813 -1.22387610459492 -1.1970220308276573 -1.4759329295515478 -1.4833622986629502 -1.85276704064259 -1.9506902528549734 -1.8973948481004652 -2.045724266071655 -2.042835067075962 -2.063859149752815 -2.052998856659898 -2.0660518455490986 -2.117567297287332 +19322,-2.15649409586061,0,-1.4820466812161355 -0.9794550200622972 -0.8361817005657379 -1.0204197359087088 -0.767975964644187 -0.8430435483739813 -1.22387610459492 -1.1970220308276573 -1.4759329295515478 -1.4833622986629502 -1.85276704064259 -1.9506902528549734 -1.8973948481004652 -2.045724266071655 -2.042835067075962 -2.063859149752815 -2.052998856659898 -2.0660518455490986 -2.117567297287332 -2.1177994650720575 +19323,-1.6290088889510672,0,-0.9794550200622972 -0.8361817005657379 -1.0204197359087088 -0.767975964644187 -0.8430435483739813 -1.22387610459492 -1.1970220308276573 -1.4759329295515478 -1.4833622986629502 -1.85276704064259 -1.9506902528549734 -1.8973948481004652 -2.045724266071655 -2.042835067075962 -2.063859149752815 -2.052998856659898 -2.0660518455490986 -2.117567297287332 -2.1177994650720575 -2.15649409586061 +19324,-1.8564301322540535,0,-0.8361817005657379 -1.0204197359087088 -0.767975964644187 -0.8430435483739813 -1.22387610459492 -1.1970220308276573 -1.4759329295515478 -1.4833622986629502 -1.85276704064259 -1.9506902528549734 -1.8973948481004652 -2.045724266071655 -2.042835067075962 -2.063859149752815 -2.052998856659898 -2.0660518455490986 -2.117567297287332 -2.1177994650720575 -2.15649409586061 -1.6290088889510672 +19325,-1.5176715380137298,0,-1.0204197359087088 -0.767975964644187 -0.8430435483739813 -1.22387610459492 -1.1970220308276573 -1.4759329295515478 -1.4833622986629502 -1.85276704064259 -1.9506902528549734 -1.8973948481004652 -2.045724266071655 -2.042835067075962 -2.063859149752815 -2.052998856659898 -2.0660518455490986 -2.117567297287332 -2.1177994650720575 -2.15649409586061 -1.6290088889510672 -1.8564301322540535 +19326,-1.4826657953087552,0,-0.767975964644187 -0.8430435483739813 -1.22387610459492 -1.1970220308276573 -1.4759329295515478 -1.4833622986629502 -1.85276704064259 -1.9506902528549734 -1.8973948481004652 -2.045724266071655 -2.042835067075962 -2.063859149752815 -2.052998856659898 -2.0660518455490986 -2.117567297287332 -2.1177994650720575 -2.15649409586061 -1.6290088889510672 -1.8564301322540535 -1.5176715380137298 +19327,-1.0426562504534551,0,-0.8430435483739813 -1.22387610459492 -1.1970220308276573 -1.4759329295515478 -1.4833622986629502 -1.85276704064259 -1.9506902528549734 -1.8973948481004652 -2.045724266071655 -2.042835067075962 -2.063859149752815 -2.052998856659898 -2.0660518455490986 -2.117567297287332 -2.1177994650720575 -2.15649409586061 -1.6290088889510672 -1.8564301322540535 -1.5176715380137298 -1.4826657953087552 +19328,-0.906399557133513,0,-1.22387610459492 -1.1970220308276573 -1.4759329295515478 -1.4833622986629502 -1.85276704064259 -1.9506902528549734 -1.8973948481004652 -2.045724266071655 -2.042835067075962 -2.063859149752815 -2.052998856659898 -2.0660518455490986 -2.117567297287332 -2.1177994650720575 -2.15649409586061 -1.6290088889510672 -1.8564301322540535 -1.5176715380137298 -1.4826657953087552 -1.0426562504534551 +19329,-1.0753661116284563,0,-1.1970220308276573 -1.4759329295515478 -1.4833622986629502 -1.85276704064259 -1.9506902528549734 -1.8973948481004652 -2.045724266071655 -2.042835067075962 -2.063859149752815 -2.052998856659898 -2.0660518455490986 -2.117567297287332 -2.1177994650720575 -2.15649409586061 -1.6290088889510672 -1.8564301322540535 -1.5176715380137298 -1.4826657953087552 -1.0426562504534551 -0.906399557133513 +19330,-0.837368335806731,0,-1.4759329295515478 -1.4833622986629502 -1.85276704064259 -1.9506902528549734 -1.8973948481004652 -2.045724266071655 -2.042835067075962 -2.063859149752815 -2.052998856659898 -2.0660518455490986 -2.117567297287332 -2.1177994650720575 -2.15649409586061 -1.6290088889510672 -1.8564301322540535 -1.5176715380137298 -1.4826657953087552 -1.0426562504534551 -0.906399557133513 -1.0753661116284563 +19331,-0.9045938077999001,0,-1.4833622986629502 -1.85276704064259 -1.9506902528549734 -1.8973948481004652 -2.045724266071655 -2.042835067075962 -2.063859149752815 -2.052998856659898 -2.0660518455490986 -2.117567297287332 -2.1177994650720575 -2.15649409586061 -1.6290088889510672 -1.8564301322540535 -1.5176715380137298 -1.4826657953087552 -1.0426562504534551 -0.906399557133513 -1.0753661116284563 -0.837368335806731 +19332,-1.1596430174859196,0,-1.85276704064259 -1.9506902528549734 -1.8973948481004652 -2.045724266071655 -2.042835067075962 -2.063859149752815 -2.052998856659898 -2.0660518455490986 -2.117567297287332 -2.1177994650720575 -2.15649409586061 -1.6290088889510672 -1.8564301322540535 -1.5176715380137298 -1.4826657953087552 -1.0426562504534551 -0.906399557133513 -1.0753661116284563 -0.837368335806731 -0.9045938077999001 +19333,-1.164260576708427,0,-1.9506902528549734 -1.8973948481004652 -2.045724266071655 -2.042835067075962 -2.063859149752815 -2.052998856659898 -2.0660518455490986 -2.117567297287332 -2.1177994650720575 -2.15649409586061 -1.6290088889510672 -1.8564301322540535 -1.5176715380137298 -1.4826657953087552 -1.0426562504534551 -0.906399557133513 -1.0753661116284563 -0.837368335806731 -0.9045938077999001 -1.1596430174859196 +19334,-1.3567018739333478,0,-1.8973948481004652 -2.045724266071655 -2.042835067075962 -2.063859149752815 -2.052998856659898 -2.0660518455490986 -2.117567297287332 -2.1177994650720575 -2.15649409586061 -1.6290088889510672 -1.8564301322540535 -1.5176715380137298 -1.4826657953087552 -1.0426562504534551 -0.906399557133513 -1.0753661116284563 -0.837368335806731 -0.9045938077999001 -1.1596430174859196 -1.164260576708427 +19335,-1.3636411110031665,0,-2.045724266071655 -2.042835067075962 -2.063859149752815 -2.052998856659898 -2.0660518455490986 -2.117567297287332 -2.1177994650720575 -2.15649409586061 -1.6290088889510672 -1.8564301322540535 -1.5176715380137298 -1.4826657953087552 -1.0426562504534551 -0.906399557133513 -1.0753661116284563 -0.837368335806731 -0.9045938077999001 -1.1596430174859196 -1.164260576708427 -1.3567018739333478 +19336,-1.6179164280734155,0,-2.042835067075962 -2.063859149752815 -2.052998856659898 -2.0660518455490986 -2.117567297287332 -2.1177994650720575 -2.15649409586061 -1.6290088889510672 -1.8564301322540535 -1.5176715380137298 -1.4826657953087552 -1.0426562504534551 -0.906399557133513 -1.0753661116284563 -0.837368335806731 -0.9045938077999001 -1.1596430174859196 -1.164260576708427 -1.3567018739333478 -1.3636411110031665 +19337,-1.6866896852981252,0,-2.063859149752815 -2.052998856659898 -2.0660518455490986 -2.117567297287332 -2.1177994650720575 -2.15649409586061 -1.6290088889510672 -1.8564301322540535 -1.5176715380137298 -1.4826657953087552 -1.0426562504534551 -0.906399557133513 -1.0753661116284563 -0.837368335806731 -0.9045938077999001 -1.1596430174859196 -1.164260576708427 -1.3567018739333478 -1.3636411110031665 -1.6179164280734155 +19338,-1.5868317413915392,0,-2.052998856659898 -2.0660518455490986 -2.117567297287332 -2.1177994650720575 -2.15649409586061 -1.6290088889510672 -1.8564301322540535 -1.5176715380137298 -1.4826657953087552 -1.0426562504534551 -0.906399557133513 -1.0753661116284563 -0.837368335806731 -0.9045938077999001 -1.1596430174859196 -1.164260576708427 -1.3567018739333478 -1.3636411110031665 -1.6179164280734155 -1.6866896852981252 +19339,-1.711815398838565,0,-2.0660518455490986 -2.117567297287332 -2.1177994650720575 -2.15649409586061 -1.6290088889510672 -1.8564301322540535 -1.5176715380137298 -1.4826657953087552 -1.0426562504534551 -0.906399557133513 -1.0753661116284563 -0.837368335806731 -0.9045938077999001 -1.1596430174859196 -1.164260576708427 -1.3567018739333478 -1.3636411110031665 -1.6179164280734155 -1.6866896852981252 -1.5868317413915392 +19340,-1.6681678553090802,0,-2.117567297287332 -2.1177994650720575 -2.15649409586061 -1.6290088889510672 -1.8564301322540535 -1.5176715380137298 -1.4826657953087552 -1.0426562504534551 -0.906399557133513 -1.0753661116284563 -0.837368335806731 -0.9045938077999001 -1.1596430174859196 -1.164260576708427 -1.3567018739333478 -1.3636411110031665 -1.6179164280734155 -1.6866896852981252 -1.5868317413915392 -1.711815398838565 +19341,-1.675674613682058,0,-2.1177994650720575 -2.15649409586061 -1.6290088889510672 -1.8564301322540535 -1.5176715380137298 -1.4826657953087552 -1.0426562504534551 -0.906399557133513 -1.0753661116284563 -0.837368335806731 -0.9045938077999001 -1.1596430174859196 -1.164260576708427 -1.3567018739333478 -1.3636411110031665 -1.6179164280734155 -1.6866896852981252 -1.5868317413915392 -1.711815398838565 -1.6681678553090802 +19342,-1.6149756361334848,0,-2.15649409586061 -1.6290088889510672 -1.8564301322540535 -1.5176715380137298 -1.4826657953087552 -1.0426562504534551 -0.906399557133513 -1.0753661116284563 -0.837368335806731 -0.9045938077999001 -1.1596430174859196 -1.164260576708427 -1.3567018739333478 -1.3636411110031665 -1.6179164280734155 -1.6866896852981252 -1.5868317413915392 -1.711815398838565 -1.6681678553090802 -1.675674613682058 +19343,-1.6054309606421684,0,-1.6290088889510672 -1.8564301322540535 -1.5176715380137298 -1.4826657953087552 -1.0426562504534551 -0.906399557133513 -1.0753661116284563 -0.837368335806731 -0.9045938077999001 -1.1596430174859196 -1.164260576708427 -1.3567018739333478 -1.3636411110031665 -1.6179164280734155 -1.6866896852981252 -1.5868317413915392 -1.711815398838565 -1.6681678553090802 -1.675674613682058 -1.6149756361334848 +19344,-1.6075720634942057,0,-1.8564301322540535 -1.5176715380137298 -1.4826657953087552 -1.0426562504534551 -0.906399557133513 -1.0753661116284563 -0.837368335806731 -0.9045938077999001 -1.1596430174859196 -1.164260576708427 -1.3567018739333478 -1.3636411110031665 -1.6179164280734155 -1.6866896852981252 -1.5868317413915392 -1.711815398838565 -1.6681678553090802 -1.675674613682058 -1.6149756361334848 -1.6054309606421684 +19345,-1.5941321284519054,0,-1.5176715380137298 -1.4826657953087552 -1.0426562504534551 -0.906399557133513 -1.0753661116284563 -0.837368335806731 -0.9045938077999001 -1.1596430174859196 -1.164260576708427 -1.3567018739333478 -1.3636411110031665 -1.6179164280734155 -1.6866896852981252 -1.5868317413915392 -1.711815398838565 -1.6681678553090802 -1.675674613682058 -1.6149756361334848 -1.6054309606421684 -1.6075720634942057 +19346,-1.5923779717529676,0,-1.4826657953087552 -1.0426562504534551 -0.906399557133513 -1.0753661116284563 -0.837368335806731 -0.9045938077999001 -1.1596430174859196 -1.164260576708427 -1.3567018739333478 -1.3636411110031665 -1.6179164280734155 -1.6866896852981252 -1.5868317413915392 -1.711815398838565 -1.6681678553090802 -1.675674613682058 -1.6149756361334848 -1.6054309606421684 -1.6075720634942057 -1.5941321284519054 +19347,-1.46703316447018,0,-1.0426562504534551 -0.906399557133513 -1.0753661116284563 -0.837368335806731 -0.9045938077999001 -1.1596430174859196 -1.164260576708427 -1.3567018739333478 -1.3636411110031665 -1.6179164280734155 -1.6866896852981252 -1.5868317413915392 -1.711815398838565 -1.6681678553090802 -1.675674613682058 -1.6149756361334848 -1.6054309606421684 -1.6075720634942057 -1.5941321284519054 -1.5923779717529676 +19348,-1.5064758914023886,0,-0.906399557133513 -1.0753661116284563 -0.837368335806731 -0.9045938077999001 -1.1596430174859196 -1.164260576708427 -1.3567018739333478 -1.3636411110031665 -1.6179164280734155 -1.6866896852981252 -1.5868317413915392 -1.711815398838565 -1.6681678553090802 -1.675674613682058 -1.6149756361334848 -1.6054309606421684 -1.6075720634942057 -1.5941321284519054 -1.5923779717529676 -1.46703316447018 +19349,-1.4223279677507297,0,-1.0753661116284563 -0.837368335806731 -0.9045938077999001 -1.1596430174859196 -1.164260576708427 -1.3567018739333478 -1.3636411110031665 -1.6179164280734155 -1.6866896852981252 -1.5868317413915392 -1.711815398838565 -1.6681678553090802 -1.675674613682058 -1.6149756361334848 -1.6054309606421684 -1.6075720634942057 -1.5941321284519054 -1.5923779717529676 -1.46703316447018 -1.5064758914023886 +19350,-1.3864709431684181,0,-0.837368335806731 -0.9045938077999001 -1.1596430174859196 -1.164260576708427 -1.3567018739333478 -1.3636411110031665 -1.6179164280734155 -1.6866896852981252 -1.5868317413915392 -1.711815398838565 -1.6681678553090802 -1.675674613682058 -1.6149756361334848 -1.6054309606421684 -1.6075720634942057 -1.5941321284519054 -1.5923779717529676 -1.46703316447018 -1.5064758914023886 -1.4223279677507297 +19351,-1.2862260529539467,0,-0.9045938077999001 -1.1596430174859196 -1.164260576708427 -1.3567018739333478 -1.3636411110031665 -1.6179164280734155 -1.6866896852981252 -1.5868317413915392 -1.711815398838565 -1.6681678553090802 -1.675674613682058 -1.6149756361334848 -1.6054309606421684 -1.6075720634942057 -1.5941321284519054 -1.5923779717529676 -1.46703316447018 -1.5064758914023886 -1.4223279677507297 -1.3864709431684181 +19352,-1.2342720621183678,0,-1.1596430174859196 -1.164260576708427 -1.3567018739333478 -1.3636411110031665 -1.6179164280734155 -1.6866896852981252 -1.5868317413915392 -1.711815398838565 -1.6681678553090802 -1.675674613682058 -1.6149756361334848 -1.6054309606421684 -1.6075720634942057 -1.5941321284519054 -1.5923779717529676 -1.46703316447018 -1.5064758914023886 -1.4223279677507297 -1.3864709431684181 -1.2862260529539467 +19353,-1.2957707286000488,0,-1.164260576708427 -1.3567018739333478 -1.3636411110031665 -1.6179164280734155 -1.6866896852981252 -1.5868317413915392 -1.711815398838565 -1.6681678553090802 -1.675674613682058 -1.6149756361334848 -1.6054309606421684 -1.6075720634942057 -1.5941321284519054 -1.5923779717529676 -1.46703316447018 -1.5064758914023886 -1.4223279677507297 -1.3864709431684181 -1.2862260529539467 -1.2342720621183678 +19354,-1.2059991851706005,0,-1.3567018739333478 -1.3636411110031665 -1.6179164280734155 -1.6866896852981252 -1.5868317413915392 -1.711815398838565 -1.6681678553090802 -1.675674613682058 -1.6149756361334848 -1.6054309606421684 -1.6075720634942057 -1.5941321284519054 -1.5923779717529676 -1.46703316447018 -1.5064758914023886 -1.4223279677507297 -1.3864709431684181 -1.2862260529539467 -1.2342720621183678 -1.2957707286000488 +19355,-1.2296802992131977,0,-1.3636411110031665 -1.6179164280734155 -1.6866896852981252 -1.5868317413915392 -1.711815398838565 -1.6681678553090802 -1.675674613682058 -1.6149756361334848 -1.6054309606421684 -1.6075720634942057 -1.5941321284519054 -1.5923779717529676 -1.46703316447018 -1.5064758914023886 -1.4223279677507297 -1.3864709431684181 -1.2862260529539467 -1.2342720621183678 -1.2957707286000488 -1.2059991851706005 +19356,-1.271315721941681,0,-1.6179164280734155 -1.6866896852981252 -1.5868317413915392 -1.711815398838565 -1.6681678553090802 -1.675674613682058 -1.6149756361334848 -1.6054309606421684 -1.6075720634942057 -1.5941321284519054 -1.5923779717529676 -1.46703316447018 -1.5064758914023886 -1.4223279677507297 -1.3864709431684181 -1.2862260529539467 -1.2342720621183678 -1.2957707286000488 -1.2059991851706005 -1.2296802992131977 +19357,-1.2890120663707183,0,-1.6866896852981252 -1.5868317413915392 -1.711815398838565 -1.6681678553090802 -1.675674613682058 -1.6149756361334848 -1.6054309606421684 -1.6075720634942057 -1.5941321284519054 -1.5923779717529676 -1.46703316447018 -1.5064758914023886 -1.4223279677507297 -1.3864709431684181 -1.2862260529539467 -1.2342720621183678 -1.2957707286000488 -1.2059991851706005 -1.2296802992131977 -1.271315721941681 +19358,-1.3246627196404273,0,-1.5868317413915392 -1.711815398838565 -1.6681678553090802 -1.675674613682058 -1.6149756361334848 -1.6054309606421684 -1.6075720634942057 -1.5941321284519054 -1.5923779717529676 -1.46703316447018 -1.5064758914023886 -1.4223279677507297 -1.3864709431684181 -1.2862260529539467 -1.2342720621183678 -1.2957707286000488 -1.2059991851706005 -1.2296802992131977 -1.271315721941681 -1.2890120663707183 +19359,-1.3297446144323952,0,-1.711815398838565 -1.6681678553090802 -1.675674613682058 -1.6149756361334848 -1.6054309606421684 -1.6075720634942057 -1.5941321284519054 -1.5923779717529676 -1.46703316447018 -1.5064758914023886 -1.4223279677507297 -1.3864709431684181 -1.2862260529539467 -1.2342720621183678 -1.2957707286000488 -1.2059991851706005 -1.2296802992131977 -1.271315721941681 -1.2890120663707183 -1.3246627196404273 +19360,-1.3755848537581636,0,-1.6681678553090802 -1.675674613682058 -1.6149756361334848 -1.6054309606421684 -1.6075720634942057 -1.5941321284519054 -1.5923779717529676 -1.46703316447018 -1.5064758914023886 -1.4223279677507297 -1.3864709431684181 -1.2862260529539467 -1.2342720621183678 -1.2957707286000488 -1.2059991851706005 -1.2296802992131977 -1.271315721941681 -1.2890120663707183 -1.3246627196404273 -1.3297446144323952 +19361,-1.390856334606191,0,-1.675674613682058 -1.6149756361334848 -1.6054309606421684 -1.6075720634942057 -1.5941321284519054 -1.5923779717529676 -1.46703316447018 -1.5064758914023886 -1.4223279677507297 -1.3864709431684181 -1.2862260529539467 -1.2342720621183678 -1.2957707286000488 -1.2059991851706005 -1.2296802992131977 -1.271315721941681 -1.2890120663707183 -1.3246627196404273 -1.3297446144323952 -1.3755848537581636 +19362,-1.4147180236440622,0,-1.6149756361334848 -1.6054309606421684 -1.6075720634942057 -1.5941321284519054 -1.5923779717529676 -1.46703316447018 -1.5064758914023886 -1.4223279677507297 -1.3864709431684181 -1.2862260529539467 -1.2342720621183678 -1.2957707286000488 -1.2059991851706005 -1.2296802992131977 -1.271315721941681 -1.2890120663707183 -1.3246627196404273 -1.3297446144323952 -1.3755848537581636 -1.390856334606191 +19363,-1.427126101968511,0,-1.6054309606421684 -1.6075720634942057 -1.5941321284519054 -1.5923779717529676 -1.46703316447018 -1.5064758914023886 -1.4223279677507297 -1.3864709431684181 -1.2862260529539467 -1.2342720621183678 -1.2957707286000488 -1.2059991851706005 -1.2296802992131977 -1.271315721941681 -1.2890120663707183 -1.3246627196404273 -1.3297446144323952 -1.3755848537581636 -1.390856334606191 -1.4147180236440622 +19364,-1.4481243881732497,0,-1.6075720634942057 -1.5941321284519054 -1.5923779717529676 -1.46703316447018 -1.5064758914023886 -1.4223279677507297 -1.3864709431684181 -1.2862260529539467 -1.2342720621183678 -1.2957707286000488 -1.2059991851706005 -1.2296802992131977 -1.271315721941681 -1.2890120663707183 -1.3246627196404273 -1.3297446144323952 -1.3755848537581636 -1.390856334606191 -1.4147180236440622 -1.427126101968511 +19365,-1.4794154463225144,0,-1.5941321284519054 -1.5923779717529676 -1.46703316447018 -1.5064758914023886 -1.4223279677507297 -1.3864709431684181 -1.2862260529539467 -1.2342720621183678 -1.2957707286000488 -1.2059991851706005 -1.2296802992131977 -1.271315721941681 -1.2890120663707183 -1.3246627196404273 -1.3297446144323952 -1.3755848537581636 -1.390856334606191 -1.4147180236440622 -1.427126101968511 -1.4481243881732497 +19366,-1.4969828087005155,0,-1.5923779717529676 -1.46703316447018 -1.5064758914023886 -1.4223279677507297 -1.3864709431684181 -1.2862260529539467 -1.2342720621183678 -1.2957707286000488 -1.2059991851706005 -1.2296802992131977 -1.271315721941681 -1.2890120663707183 -1.3246627196404273 -1.3297446144323952 -1.3755848537581636 -1.390856334606191 -1.4147180236440622 -1.427126101968511 -1.4481243881732497 -1.4794154463225144 +19367,-1.5248429428682744,0,-1.46703316447018 -1.5064758914023886 -1.4223279677507297 -1.3864709431684181 -1.2862260529539467 -1.2342720621183678 -1.2957707286000488 -1.2059991851706005 -1.2296802992131977 -1.271315721941681 -1.2890120663707183 -1.3246627196404273 -1.3297446144323952 -1.3755848537581636 -1.390856334606191 -1.4147180236440622 -1.427126101968511 -1.4481243881732497 -1.4794154463225144 -1.4969828087005155 +19368,-1.5513874595892272,0,-1.5064758914023886 -1.4223279677507297 -1.3864709431684181 -1.2862260529539467 -1.2342720621183678 -1.2957707286000488 -1.2059991851706005 -1.2296802992131977 -1.271315721941681 -1.2890120663707183 -1.3246627196404273 -1.3297446144323952 -1.3755848537581636 -1.390856334606191 -1.4147180236440622 -1.427126101968511 -1.4481243881732497 -1.4794154463225144 -1.4969828087005155 -1.5248429428682744 +19369,-1.5796861328543235,0,-1.4223279677507297 -1.3864709431684181 -1.2862260529539467 -1.2342720621183678 -1.2957707286000488 -1.2059991851706005 -1.2296802992131977 -1.271315721941681 -1.2890120663707183 -1.3246627196404273 -1.3297446144323952 -1.3755848537581636 -1.390856334606191 -1.4147180236440622 -1.427126101968511 -1.4481243881732497 -1.4794154463225144 -1.4969828087005155 -1.5248429428682744 -1.5513874595892272 +19370,-1.6066691888273992,0,-1.3864709431684181 -1.2862260529539467 -1.2342720621183678 -1.2957707286000488 -1.2059991851706005 -1.2296802992131977 -1.271315721941681 -1.2890120663707183 -1.3246627196404273 -1.3297446144323952 -1.3755848537581636 -1.390856334606191 -1.4147180236440622 -1.427126101968511 -1.4481243881732497 -1.4794154463225144 -1.4969828087005155 -1.5248429428682744 -1.5513874595892272 -1.5796861328543235 +19371,-1.3480858694261755,0,-1.2862260529539467 -1.2342720621183678 -1.2957707286000488 -1.2059991851706005 -1.2296802992131977 -1.271315721941681 -1.2890120663707183 -1.3246627196404273 -1.3297446144323952 -1.3755848537581636 -1.390856334606191 -1.4147180236440622 -1.427126101968511 -1.4481243881732497 -1.4794154463225144 -1.4969828087005155 -1.5248429428682744 -1.5513874595892272 -1.5796861328543235 -1.6066691888273992 +19372,-1.4702577169842976,0,-1.2342720621183678 -1.2957707286000488 -1.2059991851706005 -1.2296802992131977 -1.271315721941681 -1.2890120663707183 -1.3246627196404273 -1.3297446144323952 -1.3755848537581636 -1.390856334606191 -1.4147180236440622 -1.427126101968511 -1.4481243881732497 -1.4794154463225144 -1.4969828087005155 -1.5248429428682744 -1.5513874595892272 -1.5796861328543235 -1.6066691888273992 -1.3480858694261755 +19373,-1.3068631894776916,0,-1.2957707286000488 -1.2059991851706005 -1.2296802992131977 -1.271315721941681 -1.2890120663707183 -1.3246627196404273 -1.3297446144323952 -1.3755848537581636 -1.390856334606191 -1.4147180236440622 -1.427126101968511 -1.4481243881732497 -1.4794154463225144 -1.4969828087005155 -1.5248429428682744 -1.5513874595892272 -1.5796861328543235 -1.6066691888273992 -1.3480858694261755 -1.4702577169842976 +19374,-1.2752625742821169,0,-1.2059991851706005 -1.2296802992131977 -1.271315721941681 -1.2890120663707183 -1.3246627196404273 -1.3297446144323952 -1.3755848537581636 -1.390856334606191 -1.4147180236440622 -1.427126101968511 -1.4481243881732497 -1.4794154463225144 -1.4969828087005155 -1.5248429428682744 -1.5513874595892272 -1.5796861328543235 -1.6066691888273992 -1.3480858694261755 -1.4702577169842976 -1.3068631894776916 +19375,-1.067936742517054,0,-1.2296802992131977 -1.271315721941681 -1.2890120663707183 -1.3246627196404273 -1.3297446144323952 -1.3755848537581636 -1.390856334606191 -1.4147180236440622 -1.427126101968511 -1.4481243881732497 -1.4794154463225144 -1.4969828087005155 -1.5248429428682744 -1.5513874595892272 -1.5796861328543235 -1.6066691888273992 -1.3480858694261755 -1.4702577169842976 -1.3068631894776916 -1.2752625742821169 +19376,-0.9924048232177906,0,-1.271315721941681 -1.2890120663707183 -1.3246627196404273 -1.3297446144323952 -1.3755848537581636 -1.390856334606191 -1.4147180236440622 -1.427126101968511 -1.4481243881732497 -1.4794154463225144 -1.4969828087005155 -1.5248429428682744 -1.5513874595892272 -1.5796861328543235 -1.6066691888273992 -1.3480858694261755 -1.4702577169842976 -1.3068631894776916 -1.2752625742821169 -1.067936742517054 +19377,-1.1451712255709998,0,-1.2890120663707183 -1.3246627196404273 -1.3297446144323952 -1.3755848537581636 -1.390856334606191 -1.4147180236440622 -1.427126101968511 -1.4481243881732497 -1.4794154463225144 -1.4969828087005155 -1.5248429428682744 -1.5513874595892272 -1.5796861328543235 -1.6066691888273992 -1.3480858694261755 -1.4702577169842976 -1.3068631894776916 -1.2752625742821169 -1.067936742517054 -0.9924048232177906 +19378,-0.9935398656693316,0,-1.3246627196404273 -1.3297446144323952 -1.3755848537581636 -1.390856334606191 -1.4147180236440622 -1.427126101968511 -1.4481243881732497 -1.4794154463225144 -1.4969828087005155 -1.5248429428682744 -1.5513874595892272 -1.5796861328543235 -1.6066691888273992 -1.3480858694261755 -1.4702577169842976 -1.3068631894776916 -1.2752625742821169 -1.067936742517054 -0.9924048232177906 -1.1451712255709998 +19379,-1.0702068275749042,0,-1.3297446144323952 -1.3755848537581636 -1.390856334606191 -1.4147180236440622 -1.427126101968511 -1.4481243881732497 -1.4794154463225144 -1.4969828087005155 -1.5248429428682744 -1.5513874595892272 -1.5796861328543235 -1.6066691888273992 -1.3480858694261755 -1.4702577169842976 -1.3068631894776916 -1.2752625742821169 -1.067936742517054 -0.9924048232177906 -1.1451712255709998 -0.9935398656693316 +19380,-1.3377930976364174,0,-1.3755848537581636 -1.390856334606191 -1.4147180236440622 -1.427126101968511 -1.4481243881732497 -1.4794154463225144 -1.4969828087005155 -1.5248429428682744 -1.5513874595892272 -1.5796861328543235 -1.6066691888273992 -1.3480858694261755 -1.4702577169842976 -1.3068631894776916 -1.2752625742821169 -1.067936742517054 -0.9924048232177906 -1.1451712255709998 -0.9935398656693316 -1.0702068275749042 +19381,-1.350820290053486,0,-1.390856334606191 -1.4147180236440622 -1.427126101968511 -1.4481243881732497 -1.4794154463225144 -1.4969828087005155 -1.5248429428682744 -1.5513874595892272 -1.5796861328543235 -1.6066691888273992 -1.3480858694261755 -1.4702577169842976 -1.3068631894776916 -1.2752625742821169 -1.067936742517054 -0.9924048232177906 -1.1451712255709998 -0.9935398656693316 -1.0702068275749042 -1.3377930976364174 +19382,-1.5547667906264953,0,-1.4147180236440622 -1.427126101968511 -1.4481243881732497 -1.4794154463225144 -1.4969828087005155 -1.5248429428682744 -1.5513874595892272 -1.5796861328543235 -1.6066691888273992 -1.3480858694261755 -1.4702577169842976 -1.3068631894776916 -1.2752625742821169 -1.067936742517054 -0.9924048232177906 -1.1451712255709998 -0.9935398656693316 -1.0702068275749042 -1.3377930976364174 -1.350820290053486 +19383,-1.6148466540824487,0,-1.427126101968511 -1.4481243881732497 -1.4794154463225144 -1.4969828087005155 -1.5248429428682744 -1.5513874595892272 -1.5796861328543235 -1.6066691888273992 -1.3480858694261755 -1.4702577169842976 -1.3068631894776916 -1.2752625742821169 -1.067936742517054 -0.9924048232177906 -1.1451712255709998 -0.9935398656693316 -1.0702068275749042 -1.3377930976364174 -1.350820290053486 -1.5547667906264953 +19384,-1.8667487005159258,0,-1.4481243881732497 -1.4794154463225144 -1.4969828087005155 -1.5248429428682744 -1.5513874595892272 -1.5796861328543235 -1.6066691888273992 -1.3480858694261755 -1.4702577169842976 -1.3068631894776916 -1.2752625742821169 -1.067936742517054 -0.9924048232177906 -1.1451712255709998 -0.9935398656693316 -1.0702068275749042 -1.3377930976364174 -1.350820290053486 -1.5547667906264953 -1.6148466540824487 +19385,-1.9747841096775705,0,-1.4794154463225144 -1.4969828087005155 -1.5248429428682744 -1.5513874595892272 -1.5796861328543235 -1.6066691888273992 -1.3480858694261755 -1.4702577169842976 -1.3068631894776916 -1.2752625742821169 -1.067936742517054 -0.9924048232177906 -1.1451712255709998 -0.9935398656693316 -1.0702068275749042 -1.3377930976364174 -1.350820290053486 -1.5547667906264953 -1.6148466540824487 -1.8667487005159258 +19386,-1.9559011298527544,0,-1.4969828087005155 -1.5248429428682744 -1.5513874595892272 -1.5796861328543235 -1.6066691888273992 -1.3480858694261755 -1.4702577169842976 -1.3068631894776916 -1.2752625742821169 -1.067936742517054 -0.9924048232177906 -1.1451712255709998 -0.9935398656693316 -1.0702068275749042 -1.3377930976364174 -1.350820290053486 -1.5547667906264953 -1.6148466540824487 -1.8667487005159258 -1.9747841096775705 +19387,-2.1062426686249545,0,-1.5248429428682744 -1.5513874595892272 -1.5796861328543235 -1.6066691888273992 -1.3480858694261755 -1.4702577169842976 -1.3068631894776916 -1.2752625742821169 -1.067936742517054 -0.9924048232177906 -1.1451712255709998 -0.9935398656693316 -1.0702068275749042 -1.3377930976364174 -1.350820290053486 -1.5547667906264953 -1.6148466540824487 -1.8667487005159258 -1.9747841096775705 -1.9559011298527544 +19388,-2.1296658185654795,0,-1.5513874595892272 -1.5796861328543235 -1.6066691888273992 -1.3480858694261755 -1.4702577169842976 -1.3068631894776916 -1.2752625742821169 -1.067936742517054 -0.9924048232177906 -1.1451712255709998 -0.9935398656693316 -1.0702068275749042 -1.3377930976364174 -1.350820290053486 -1.5547667906264953 -1.6148466540824487 -1.8667487005159258 -1.9747841096775705 -1.9559011298527544 -2.1062426686249545 +19389,-2.0260158008416167,0,-1.5796861328543235 -1.6066691888273992 -1.3480858694261755 -1.4702577169842976 -1.3068631894776916 -1.2752625742821169 -1.067936742517054 -0.9924048232177906 -1.1451712255709998 -0.9935398656693316 -1.0702068275749042 -1.3377930976364174 -1.350820290053486 -1.5547667906264953 -1.6148466540824487 -1.8667487005159258 -1.9747841096775705 -1.9559011298527544 -2.1062426686249545 -2.1296658185654795 +19390,-2.091796673182158,0,-1.6066691888273992 -1.3480858694261755 -1.4702577169842976 -1.3068631894776916 -1.2752625742821169 -1.067936742517054 -0.9924048232177906 -1.1451712255709998 -0.9935398656693316 -1.0702068275749042 -1.3377930976364174 -1.350820290053486 -1.5547667906264953 -1.6148466540824487 -1.8667487005159258 -1.9747841096775705 -1.9559011298527544 -2.1062426686249545 -2.1296658185654795 -2.0260158008416167 +19391,-2.0305043780130796,0,-1.3480858694261755 -1.4702577169842976 -1.3068631894776916 -1.2752625742821169 -1.067936742517054 -0.9924048232177906 -1.1451712255709998 -0.9935398656693316 -1.0702068275749042 -1.3377930976364174 -1.350820290053486 -1.5547667906264953 -1.6148466540824487 -1.8667487005159258 -1.9747841096775705 -1.9559011298527544 -2.1062426686249545 -2.1296658185654795 -2.0260158008416167 -2.091796673182158 +19392,-2.1106022637453896,0,-1.4702577169842976 -1.3068631894776916 -1.2752625742821169 -1.067936742517054 -0.9924048232177906 -1.1451712255709998 -0.9935398656693316 -1.0702068275749042 -1.3377930976364174 -1.350820290053486 -1.5547667906264953 -1.6148466540824487 -1.8667487005159258 -1.9747841096775705 -1.9559011298527544 -2.1062426686249545 -2.1296658185654795 -2.0260158008416167 -2.091796673182158 -2.0305043780130796 +19393,-2.0021799082758602,0,-1.3068631894776916 -1.2752625742821169 -1.067936742517054 -0.9924048232177906 -1.1451712255709998 -0.9935398656693316 -1.0702068275749042 -1.3377930976364174 -1.350820290053486 -1.5547667906264953 -1.6148466540824487 -1.8667487005159258 -1.9747841096775705 -1.9559011298527544 -2.1062426686249545 -2.1296658185654795 -2.0260158008416167 -2.091796673182158 -2.0305043780130796 -2.1106022637453896 +19394,-2.0351477337077104,0,-1.2752625742821169 -1.067936742517054 -0.9924048232177906 -1.1451712255709998 -0.9935398656693316 -1.0702068275749042 -1.3377930976364174 -1.350820290053486 -1.5547667906264953 -1.6148466540824487 -1.8667487005159258 -1.9747841096775705 -1.9559011298527544 -2.1062426686249545 -2.1296658185654795 -2.0260158008416167 -2.091796673182158 -2.0305043780130796 -2.1106022637453896 -2.0021799082758602 +19395,-1.5927133252714007,0,-1.067936742517054 -0.9924048232177906 -1.1451712255709998 -0.9935398656693316 -1.0702068275749042 -1.3377930976364174 -1.350820290053486 -1.5547667906264953 -1.6148466540824487 -1.8667487005159258 -1.9747841096775705 -1.9559011298527544 -2.1062426686249545 -2.1296658185654795 -2.0260158008416167 -2.091796673182158 -2.0305043780130796 -2.1106022637453896 -2.0021799082758602 -2.0351477337077104 +19396,-1.7841485619410395,0,-0.9924048232177906 -1.1451712255709998 -0.9935398656693316 -1.0702068275749042 -1.3377930976364174 -1.350820290053486 -1.5547667906264953 -1.6148466540824487 -1.8667487005159258 -1.9747841096775705 -1.9559011298527544 -2.1062426686249545 -2.1296658185654795 -2.0260158008416167 -2.091796673182158 -2.0305043780130796 -2.1106022637453896 -2.0021799082758602 -2.0351477337077104 -1.5927133252714007 +19397,-1.500181564897304,0,-1.1451712255709998 -0.9935398656693316 -1.0702068275749042 -1.3377930976364174 -1.350820290053486 -1.5547667906264953 -1.6148466540824487 -1.8667487005159258 -1.9747841096775705 -1.9559011298527544 -2.1062426686249545 -2.1296658185654795 -2.0260158008416167 -2.091796673182158 -2.0305043780130796 -2.1106022637453896 -2.0021799082758602 -2.0351477337077104 -1.5927133252714007 -1.7841485619410395 +19398,-1.4437389967354768,0,-0.9935398656693316 -1.0702068275749042 -1.3377930976364174 -1.350820290053486 -1.5547667906264953 -1.6148466540824487 -1.8667487005159258 -1.9747841096775705 -1.9559011298527544 -2.1062426686249545 -2.1296658185654795 -2.0260158008416167 -2.091796673182158 -2.0305043780130796 -2.1106022637453896 -2.0021799082758602 -2.0351477337077104 -1.5927133252714007 -1.7841485619410395 -1.500181564897304 +19399,-1.0839305231913912,0,-1.0702068275749042 -1.3377930976364174 -1.350820290053486 -1.5547667906264953 -1.6148466540824487 -1.8667487005159258 -1.9747841096775705 -1.9559011298527544 -2.1062426686249545 -2.1296658185654795 -2.0260158008416167 -2.091796673182158 -2.0305043780130796 -2.1106022637453896 -2.0021799082758602 -2.0351477337077104 -1.5927133252714007 -1.7841485619410395 -1.500181564897304 -1.4437389967354768 +19400,-0.951646478838776,0,-1.3377930976364174 -1.350820290053486 -1.5547667906264953 -1.6148466540824487 -1.8667487005159258 -1.9747841096775705 -1.9559011298527544 -2.1062426686249545 -2.1296658185654795 -2.0260158008416167 -2.091796673182158 -2.0305043780130796 -2.1106022637453896 -2.0021799082758602 -2.0351477337077104 -1.5927133252714007 -1.7841485619410395 -1.500181564897304 -1.4437389967354768 -1.0839305231913912 +19401,-1.070490588149091,0,-1.350820290053486 -1.5547667906264953 -1.6148466540824487 -1.8667487005159258 -1.9747841096775705 -1.9559011298527544 -2.1062426686249545 -2.1296658185654795 -2.0260158008416167 -2.091796673182158 -2.0305043780130796 -2.1106022637453896 -2.0021799082758602 -2.0351477337077104 -1.5927133252714007 -1.7841485619410395 -1.500181564897304 -1.4437389967354768 -1.0839305231913912 -0.951646478838776 +19402,-0.8544971590873948,0,-1.5547667906264953 -1.6148466540824487 -1.8667487005159258 -1.9747841096775705 -1.9559011298527544 -2.1062426686249545 -2.1296658185654795 -2.0260158008416167 -2.091796673182158 -2.0305043780130796 -2.1106022637453896 -2.0021799082758602 -2.0351477337077104 -1.5927133252714007 -1.7841485619410395 -1.500181564897304 -1.4437389967354768 -1.0839305231913912 -0.951646478838776 -1.070490588149091 +19403,-0.8896318838433968,0,-1.6148466540824487 -1.8667487005159258 -1.9747841096775705 -1.9559011298527544 -2.1062426686249545 -2.1296658185654795 -2.0260158008416167 -2.091796673182158 -2.0305043780130796 -2.1106022637453896 -2.0021799082758602 -2.0351477337077104 -1.5927133252714007 -1.7841485619410395 -1.500181564897304 -1.4437389967354768 -1.0839305231913912 -0.951646478838776 -1.070490588149091 -0.8544971590873948 +19404,-1.279286815884128,0,-1.8667487005159258 -1.9747841096775705 -1.9559011298527544 -2.1062426686249545 -2.1296658185654795 -2.0260158008416167 -2.091796673182158 -2.0305043780130796 -2.1106022637453896 -2.0021799082758602 -2.0351477337077104 -1.5927133252714007 -1.7841485619410395 -1.500181564897304 -1.4437389967354768 -1.0839305231913912 -0.951646478838776 -1.070490588149091 -0.8544971590873948 -0.8896318838433968 +19405,-1.196248138211887,0,-1.9747841096775705 -1.9559011298527544 -2.1062426686249545 -2.1296658185654795 -2.0260158008416167 -2.091796673182158 -2.0305043780130796 -2.1106022637453896 -2.0021799082758602 -2.0351477337077104 -1.5927133252714007 -1.7841485619410395 -1.500181564897304 -1.4437389967354768 -1.0839305231913912 -0.951646478838776 -1.070490588149091 -0.8544971590873948 -0.8896318838433968 -1.279286815884128 +19406,-1.4677296678243752,0,-1.9559011298527544 -2.1062426686249545 -2.1296658185654795 -2.0260158008416167 -2.091796673182158 -2.0305043780130796 -2.1106022637453896 -2.0021799082758602 -2.0351477337077104 -1.5927133252714007 -1.7841485619410395 -1.500181564897304 -1.4437389967354768 -1.0839305231913912 -0.951646478838776 -1.070490588149091 -0.8544971590873948 -0.8896318838433968 -1.279286815884128 -1.196248138211887 +19407,-1.5339748757343767,0,-2.1062426686249545 -2.1296658185654795 -2.0260158008416167 -2.091796673182158 -2.0305043780130796 -2.1106022637453896 -2.0021799082758602 -2.0351477337077104 -1.5927133252714007 -1.7841485619410395 -1.500181564897304 -1.4437389967354768 -1.0839305231913912 -0.951646478838776 -1.070490588149091 -0.8544971590873948 -0.8896318838433968 -1.279286815884128 -1.196248138211887 -1.4677296678243752 +19408,-1.8738685125810184,0,-2.1296658185654795 -2.0260158008416167 -2.091796673182158 -2.0305043780130796 -2.1106022637453896 -2.0021799082758602 -2.0351477337077104 -1.5927133252714007 -1.7841485619410395 -1.500181564897304 -1.4437389967354768 -1.0839305231913912 -0.951646478838776 -1.070490588149091 -0.8544971590873948 -0.8896318838433968 -1.279286815884128 -1.196248138211887 -1.4677296678243752 -1.5339748757343767 +19409,-2.0085258277251823,0,-2.0260158008416167 -2.091796673182158 -2.0305043780130796 -2.1106022637453896 -2.0021799082758602 -2.0351477337077104 -1.5927133252714007 -1.7841485619410395 -1.500181564897304 -1.4437389967354768 -1.0839305231913912 -0.951646478838776 -1.070490588149091 -0.8544971590873948 -0.8896318838433968 -1.279286815884128 -1.196248138211887 -1.4677296678243752 -1.5339748757343767 -1.8738685125810184 +19410,-1.8901976467737887,0,-2.091796673182158 -2.0305043780130796 -2.1106022637453896 -2.0021799082758602 -2.0351477337077104 -1.5927133252714007 -1.7841485619410395 -1.500181564897304 -1.4437389967354768 -1.0839305231913912 -0.951646478838776 -1.070490588149091 -0.8544971590873948 -0.8896318838433968 -1.279286815884128 -1.196248138211887 -1.4677296678243752 -1.5339748757343767 -1.8738685125810184 -2.0085258277251823 +19411,-2.109183460564885,0,-2.0305043780130796 -2.1106022637453896 -2.0021799082758602 -2.0351477337077104 -1.5927133252714007 -1.7841485619410395 -1.500181564897304 -1.4437389967354768 -1.0839305231913912 -0.951646478838776 -1.070490588149091 -0.8544971590873948 -0.8896318838433968 -1.279286815884128 -1.196248138211887 -1.4677296678243752 -1.5339748757343767 -1.8738685125810184 -2.0085258277251823 -1.8901976467737887 +19412,-2.0751837784151923,0,-2.1106022637453896 -2.0021799082758602 -2.0351477337077104 -1.5927133252714007 -1.7841485619410395 -1.500181564897304 -1.4437389967354768 -1.0839305231913912 -0.951646478838776 -1.070490588149091 -0.8544971590873948 -0.8896318838433968 -1.279286815884128 -1.196248138211887 -1.4677296678243752 -1.5339748757343767 -1.8738685125810184 -2.0085258277251823 -1.8901976467737887 -2.109183460564885 +19413,-2.041261485372298,0,-2.0021799082758602 -2.0351477337077104 -1.5927133252714007 -1.7841485619410395 -1.500181564897304 -1.4437389967354768 -1.0839305231913912 -0.951646478838776 -1.070490588149091 -0.8544971590873948 -0.8896318838433968 -1.279286815884128 -1.196248138211887 -1.4677296678243752 -1.5339748757343767 -1.8738685125810184 -2.0085258277251823 -1.8901976467737887 -2.109183460564885 -2.0751837784151923 +19414,-2.0072360067504995,0,-2.0351477337077104 -1.5927133252714007 -1.7841485619410395 -1.500181564897304 -1.4437389967354768 -1.0839305231913912 -0.951646478838776 -1.070490588149091 -0.8544971590873948 -0.8896318838433968 -1.279286815884128 -1.196248138211887 -1.4677296678243752 -1.5339748757343767 -1.8738685125810184 -2.0085258277251823 -1.8901976467737887 -2.109183460564885 -2.0751837784151923 -2.041261485372298 +19415,-1.9732879172354818,0,-1.5927133252714007 -1.7841485619410395 -1.500181564897304 -1.4437389967354768 -1.0839305231913912 -0.951646478838776 -1.070490588149091 -0.8544971590873948 -0.8896318838433968 -1.279286815884128 -1.196248138211887 -1.4677296678243752 -1.5339748757343767 -1.8738685125810184 -2.0085258277251823 -1.8901976467737887 -2.109183460564885 -2.0751837784151923 -2.041261485372298 -2.0072360067504995 +19416,-2.068192948401136,0,-1.7841485619410395 -1.500181564897304 -1.4437389967354768 -1.0839305231913912 -0.951646478838776 -1.070490588149091 -0.8544971590873948 -0.8896318838433968 -1.279286815884128 -1.196248138211887 -1.4677296678243752 -1.5339748757343767 -1.8738685125810184 -2.0085258277251823 -1.8901976467737887 -2.109183460564885 -2.0751837784151923 -2.041261485372298 -2.0072360067504995 -1.9732879172354818 +19417,-1.9912938188656144,0,-1.500181564897304 -1.4437389967354768 -1.0839305231913912 -0.951646478838776 -1.070490588149091 -0.8544971590873948 -0.8896318838433968 -1.279286815884128 -1.196248138211887 -1.4677296678243752 -1.5339748757343767 -1.8738685125810184 -2.0085258277251823 -1.8901976467737887 -2.109183460564885 -2.0751837784151923 -2.041261485372298 -2.0072360067504995 -1.9732879172354818 -2.068192948401136 +19418,-2.0432478097011844,0,-1.4437389967354768 -1.0839305231913912 -0.951646478838776 -1.070490588149091 -0.8544971590873948 -0.8896318838433968 -1.279286815884128 -1.196248138211887 -1.4677296678243752 -1.5339748757343767 -1.8738685125810184 -2.0085258277251823 -1.8901976467737887 -2.109183460564885 -2.0751837784151923 -2.041261485372298 -2.0072360067504995 -1.9732879172354818 -2.068192948401136 -1.9912938188656144 +19419,-1.4044252518543043,0,-1.0839305231913912 -0.951646478838776 -1.070490588149091 -0.8544971590873948 -0.8896318838433968 -1.279286815884128 -1.196248138211887 -1.4677296678243752 -1.5339748757343767 -1.8738685125810184 -2.0085258277251823 -1.8901976467737887 -2.109183460564885 -2.0751837784151923 -2.041261485372298 -2.0072360067504995 -1.9732879172354818 -2.068192948401136 -1.9912938188656144 -2.0432478097011844 +19420,-1.6866380923538877,0,-0.951646478838776 -1.070490588149091 -0.8544971590873948 -0.8896318838433968 -1.279286815884128 -1.196248138211887 -1.4677296678243752 -1.5339748757343767 -1.8738685125810184 -2.0085258277251823 -1.8901976467737887 -2.109183460564885 -2.0751837784151923 -2.041261485372298 -2.0072360067504995 -1.9732879172354818 -2.068192948401136 -1.9912938188656144 -2.0432478097011844 -1.4044252518543043 +19421,-1.2780743841710116,0,-1.070490588149091 -0.8544971590873948 -0.8896318838433968 -1.279286815884128 -1.196248138211887 -1.4677296678243752 -1.5339748757343767 -1.8738685125810184 -2.0085258277251823 -1.8901976467737887 -2.109183460564885 -2.0751837784151923 -2.041261485372298 -2.0072360067504995 -1.9732879172354818 -2.068192948401136 -1.9912938188656144 -2.0432478097011844 -1.4044252518543043 -1.6866380923538877 +19422,-1.3157371580869361,0,-0.8544971590873948 -0.8896318838433968 -1.279286815884128 -1.196248138211887 -1.4677296678243752 -1.5339748757343767 -1.8738685125810184 -2.0085258277251823 -1.8901976467737887 -2.109183460564885 -2.0751837784151923 -2.041261485372298 -2.0072360067504995 -1.9732879172354818 -2.068192948401136 -1.9912938188656144 -2.0432478097011844 -1.4044252518543043 -1.6866380923538877 -1.2780743841710116 +19423,-0.758431288998085,0,-0.8896318838433968 -1.279286815884128 -1.196248138211887 -1.4677296678243752 -1.5339748757343767 -1.8738685125810184 -2.0085258277251823 -1.8901976467737887 -2.109183460564885 -2.0751837784151923 -2.041261485372298 -2.0072360067504995 -1.9732879172354818 -2.068192948401136 -1.9912938188656144 -2.0432478097011844 -1.4044252518543043 -1.6866380923538877 -1.2780743841710116 -1.3157371580869361 +19424,-0.6473519023176056,0,-1.279286815884128 -1.196248138211887 -1.4677296678243752 -1.5339748757343767 -1.8738685125810184 -2.0085258277251823 -1.8901976467737887 -2.109183460564885 -2.0751837784151923 -2.041261485372298 -2.0072360067504995 -1.9732879172354818 -2.068192948401136 -1.9912938188656144 -2.0432478097011844 -1.4044252518543043 -1.6866380923538877 -1.2780743841710116 -1.3157371580869361 -0.758431288998085 +19425,-0.8485381859459578,0,-1.196248138211887 -1.4677296678243752 -1.5339748757343767 -1.8738685125810184 -2.0085258277251823 -1.8901976467737887 -2.109183460564885 -2.0751837784151923 -2.041261485372298 -2.0072360067504995 -1.9732879172354818 -2.068192948401136 -1.9912938188656144 -2.0432478097011844 -1.4044252518543043 -1.6866380923538877 -1.2780743841710116 -1.3157371580869361 -0.758431288998085 -0.6473519023176056 +19426,-0.633370242289484,0,-1.4677296678243752 -1.5339748757343767 -1.8738685125810184 -2.0085258277251823 -1.8901976467737887 -2.109183460564885 -2.0751837784151923 -2.041261485372298 -2.0072360067504995 -1.9732879172354818 -2.068192948401136 -1.9912938188656144 -2.0432478097011844 -1.4044252518543043 -1.6866380923538877 -1.2780743841710116 -1.3157371580869361 -0.758431288998085 -0.6473519023176056 -0.8485381859459578 +19427,-0.7304679692514132,0,-1.5339748757343767 -1.8738685125810184 -2.0085258277251823 -1.8901976467737887 -2.109183460564885 -2.0751837784151923 -2.041261485372298 -2.0072360067504995 -1.9732879172354818 -2.068192948401136 -1.9912938188656144 -2.0432478097011844 -1.4044252518543043 -1.6866380923538877 -1.2780743841710116 -1.3157371580869361 -0.758431288998085 -0.6473519023176056 -0.8485381859459578 -0.633370242289484 +19428,-1.0680141317786294,0,-1.8738685125810184 -2.0085258277251823 -1.8901976467737887 -2.109183460564885 -2.0751837784151923 -2.041261485372298 -2.0072360067504995 -1.9732879172354818 -2.068192948401136 -1.9912938188656144 -2.0432478097011844 -1.4044252518543043 -1.6866380923538877 -1.2780743841710116 -1.3157371580869361 -0.758431288998085 -0.6473519023176056 -0.8485381859459578 -0.633370242289484 -0.7304679692514132 +19429,-1.0849623800640105,0,-2.0085258277251823 -1.8901976467737887 -2.109183460564885 -2.0751837784151923 -2.041261485372298 -2.0072360067504995 -1.9732879172354818 -2.068192948401136 -1.9912938188656144 -2.0432478097011844 -1.4044252518543043 -1.6866380923538877 -1.2780743841710116 -1.3157371580869361 -0.758431288998085 -0.6473519023176056 -0.8485381859459578 -0.633370242289484 -0.7304679692514132 -1.0680141317786294 +19430,-1.3423590640694643,0,-1.8901976467737887 -2.109183460564885 -2.0751837784151923 -2.041261485372298 -2.0072360067504995 -1.9732879172354818 -2.068192948401136 -1.9912938188656144 -2.0432478097011844 -1.4044252518543043 -1.6866380923538877 -1.2780743841710116 -1.3157371580869361 -0.758431288998085 -0.6473519023176056 -0.8485381859459578 -0.633370242289484 -0.7304679692514132 -1.0680141317786294 -1.0849623800640105 +19431,-1.4389408625176865,0,-2.109183460564885 -2.0751837784151923 -2.041261485372298 -2.0072360067504995 -1.9732879172354818 -2.068192948401136 -1.9912938188656144 -2.0432478097011844 -1.4044252518543043 -1.6866380923538877 -1.2780743841710116 -1.3157371580869361 -0.758431288998085 -0.6473519023176056 -0.8485381859459578 -0.633370242289484 -0.7304679692514132 -1.0680141317786294 -1.0849623800640105 -1.3423590640694643 +19432,-1.7499425083239584,0,-2.0751837784151923 -2.041261485372298 -2.0072360067504995 -1.9732879172354818 -2.068192948401136 -1.9912938188656144 -2.0432478097011844 -1.4044252518543043 -1.6866380923538877 -1.2780743841710116 -1.3157371580869361 -0.758431288998085 -0.6473519023176056 -0.8485381859459578 -0.633370242289484 -0.7304679692514132 -1.0680141317786294 -1.0849623800640105 -1.3423590640694643 -1.4389408625176865 +19433,-1.9001292687277846,0,-2.041261485372298 -2.0072360067504995 -1.9732879172354818 -2.068192948401136 -1.9912938188656144 -2.0432478097011844 -1.4044252518543043 -1.6866380923538877 -1.2780743841710116 -1.3157371580869361 -0.758431288998085 -0.6473519023176056 -0.8485381859459578 -0.633370242289484 -0.7304679692514132 -1.0680141317786294 -1.0849623800640105 -1.3423590640694643 -1.4389408625176865 -1.7499425083239584 +19434,-1.9500969352344681,0,-2.0072360067504995 -1.9732879172354818 -2.068192948401136 -1.9912938188656144 -2.0432478097011844 -1.4044252518543043 -1.6866380923538877 -1.2780743841710116 -1.3157371580869361 -0.758431288998085 -0.6473519023176056 -0.8485381859459578 -0.633370242289484 -0.7304679692514132 -1.0680141317786294 -1.0849623800640105 -1.3423590640694643 -1.4389408625176865 -1.7499425083239584 -1.9001292687277846 +19435,-2.1336900601674818,0,-1.9732879172354818 -2.068192948401136 -1.9912938188656144 -2.0432478097011844 -1.4044252518543043 -1.6866380923538877 -1.2780743841710116 -1.3157371580869361 -0.758431288998085 -0.6473519023176056 -0.8485381859459578 -0.633370242289484 -0.7304679692514132 -1.0680141317786294 -1.0849623800640105 -1.3423590640694643 -1.4389408625176865 -1.7499425083239584 -1.9001292687277846 -1.9500969352344681 +19436,-2.2170640912033615,0,-2.068192948401136 -1.9912938188656144 -2.0432478097011844 -1.4044252518543043 -1.6866380923538877 -1.2780743841710116 -1.3157371580869361 -0.758431288998085 -0.6473519023176056 -0.8485381859459578 -0.633370242289484 -0.7304679692514132 -1.0680141317786294 -1.0849623800640105 -1.3423590640694643 -1.4389408625176865 -1.7499425083239584 -1.9001292687277846 -1.9500969352344681 -2.1336900601674818 +19437,-2.1918609884013467,0,-1.9912938188656144 -2.0432478097011844 -1.4044252518543043 -1.6866380923538877 -1.2780743841710116 -1.3157371580869361 -0.758431288998085 -0.6473519023176056 -0.8485381859459578 -0.633370242289484 -0.7304679692514132 -1.0680141317786294 -1.0849623800640105 -1.3423590640694643 -1.4389408625176865 -1.7499425083239584 -1.9001292687277846 -1.9500969352344681 -2.1336900601674818 -2.2170640912033615 +19438,-2.311427397537971,0,-2.0432478097011844 -1.4044252518543043 -1.6866380923538877 -1.2780743841710116 -1.3157371580869361 -0.758431288998085 -0.6473519023176056 -0.8485381859459578 -0.633370242289484 -0.7304679692514132 -1.0680141317786294 -1.0849623800640105 -1.3423590640694643 -1.4389408625176865 -1.7499425083239584 -1.9001292687277846 -1.9500969352344681 -2.1336900601674818 -2.2170640912033615 -2.1918609884013467 +19439,-2.3224166726819244,0,-1.4044252518543043 -1.6866380923538877 -1.2780743841710116 -1.3157371580869361 -0.758431288998085 -0.6473519023176056 -0.8485381859459578 -0.633370242289484 -0.7304679692514132 -1.0680141317786294 -1.0849623800640105 -1.3423590640694643 -1.4389408625176865 -1.7499425083239584 -1.9001292687277846 -1.9500969352344681 -2.1336900601674818 -2.2170640912033615 -2.1918609884013467 -2.311427397537971 +19440,-2.329536484747017,0,-1.6866380923538877 -1.2780743841710116 -1.3157371580869361 -0.758431288998085 -0.6473519023176056 -0.8485381859459578 -0.633370242289484 -0.7304679692514132 -1.0680141317786294 -1.0849623800640105 -1.3423590640694643 -1.4389408625176865 -1.7499425083239584 -1.9001292687277846 -1.9500969352344681 -2.1336900601674818 -2.2170640912033615 -2.1918609884013467 -2.311427397537971 -2.3224166726819244 +19441,-2.3418155808656613,0,-1.2780743841710116 -1.3157371580869361 -0.758431288998085 -0.6473519023176056 -0.8485381859459578 -0.633370242289484 -0.7304679692514132 -1.0680141317786294 -1.0849623800640105 -1.3423590640694643 -1.4389408625176865 -1.7499425083239584 -1.9001292687277846 -1.9500969352344681 -2.1336900601674818 -2.2170640912033615 -2.1918609884013467 -2.311427397537971 -2.3224166726819244 -2.329536484747017 +19442,-2.3502252140602224,0,-1.3157371580869361 -0.758431288998085 -0.6473519023176056 -0.8485381859459578 -0.633370242289484 -0.7304679692514132 -1.0680141317786294 -1.0849623800640105 -1.3423590640694643 -1.4389408625176865 -1.7499425083239584 -1.9001292687277846 -1.9500969352344681 -2.1336900601674818 -2.2170640912033615 -2.1918609884013467 -2.311427397537971 -2.3224166726819244 -2.329536484747017 -2.3418155808656613 +19443,-1.6532317278247002,0,-0.758431288998085 -0.6473519023176056 -0.8485381859459578 -0.633370242289484 -0.7304679692514132 -1.0680141317786294 -1.0849623800640105 -1.3423590640694643 -1.4389408625176865 -1.7499425083239584 -1.9001292687277846 -1.9500969352344681 -2.1336900601674818 -2.2170640912033615 -2.1918609884013467 -2.311427397537971 -2.3224166726819244 -2.329536484747017 -2.3418155808656613 -2.3502252140602224 +19444,-1.8967757340078453,0,-0.6473519023176056 -0.8485381859459578 -0.633370242289484 -0.7304679692514132 -1.0680141317786294 -1.0849623800640105 -1.3423590640694643 -1.4389408625176865 -1.7499425083239584 -1.9001292687277846 -1.9500969352344681 -2.1336900601674818 -2.2170640912033615 -2.1918609884013467 -2.311427397537971 -2.3224166726819244 -2.329536484747017 -2.3418155808656613 -2.3502252140602224 -1.6532317278247002 +19445,-1.4349166209156843,0,-0.8485381859459578 -0.633370242289484 -0.7304679692514132 -1.0680141317786294 -1.0849623800640105 -1.3423590640694643 -1.4389408625176865 -1.7499425083239584 -1.9001292687277846 -1.9500969352344681 -2.1336900601674818 -2.2170640912033615 -2.1918609884013467 -2.311427397537971 -2.3224166726819244 -2.329536484747017 -2.3418155808656613 -2.3502252140602224 -1.6532317278247002 -1.8967757340078453 +19446,-1.3175945003647955,0,-0.633370242289484 -0.7304679692514132 -1.0680141317786294 -1.0849623800640105 -1.3423590640694643 -1.4389408625176865 -1.7499425083239584 -1.9001292687277846 -1.9500969352344681 -2.1336900601674818 -2.2170640912033615 -2.1918609884013467 -2.311427397537971 -2.3224166726819244 -2.329536484747017 -2.3418155808656613 -2.3502252140602224 -1.6532317278247002 -1.8967757340078453 -1.4349166209156843 +19447,-0.7408897230921985,0,-0.7304679692514132 -1.0680141317786294 -1.0849623800640105 -1.3423590640694643 -1.4389408625176865 -1.7499425083239584 -1.9001292687277846 -1.9500969352344681 -2.1336900601674818 -2.2170640912033615 -2.1918609884013467 -2.311427397537971 -2.3224166726819244 -2.329536484747017 -2.3418155808656613 -2.3502252140602224 -1.6532317278247002 -1.8967757340078453 -1.4349166209156843 -1.3175945003647955 +19448,-0.5087219383608828,0,-1.0680141317786294 -1.0849623800640105 -1.3423590640694643 -1.4389408625176865 -1.7499425083239584 -1.9001292687277846 -1.9500969352344681 -2.1336900601674818 -2.2170640912033615 -2.1918609884013467 -2.311427397537971 -2.3224166726819244 -2.329536484747017 -2.3418155808656613 -2.3502252140602224 -1.6532317278247002 -1.8967757340078453 -1.4349166209156843 -1.3175945003647955 -0.7408897230921985 +19449,-0.7197624546816557,0,-1.0849623800640105 -1.3423590640694643 -1.4389408625176865 -1.7499425083239584 -1.9001292687277846 -1.9500969352344681 -2.1336900601674818 -2.2170640912033615 -2.1918609884013467 -2.311427397537971 -2.3224166726819244 -2.329536484747017 -2.3418155808656613 -2.3502252140602224 -1.6532317278247002 -1.8967757340078453 -1.4349166209156843 -1.3175945003647955 -0.7408897230921985 -0.5087219383608828 +19450,-0.33985856959964655,0,-1.3423590640694643 -1.4389408625176865 -1.7499425083239584 -1.9001292687277846 -1.9500969352344681 -2.1336900601674818 -2.2170640912033615 -2.1918609884013467 -2.311427397537971 -2.3224166726819244 -2.329536484747017 -2.3418155808656613 -2.3502252140602224 -1.6532317278247002 -1.8967757340078453 -1.4349166209156843 -1.3175945003647955 -0.7408897230921985 -0.5087219383608828 -0.7197624546816557 +19451,-0.4031629855697174,0,-1.4389408625176865 -1.7499425083239584 -1.9001292687277846 -1.9500969352344681 -2.1336900601674818 -2.2170640912033615 -2.1918609884013467 -2.311427397537971 -2.3224166726819244 -2.329536484747017 -2.3418155808656613 -2.3502252140602224 -1.6532317278247002 -1.8967757340078453 -1.4349166209156843 -1.3175945003647955 -0.7408897230921985 -0.5087219383608828 -0.7197624546816557 -0.33985856959964655 +19452,-0.9061931858209016,0,-1.7499425083239584 -1.9001292687277846 -1.9500969352344681 -2.1336900601674818 -2.2170640912033615 -2.1918609884013467 -2.311427397537971 -2.3224166726819244 -2.329536484747017 -2.3418155808656613 -2.3502252140602224 -1.6532317278247002 -1.8967757340078453 -1.4349166209156843 -1.3175945003647955 -0.7408897230921985 -0.5087219383608828 -0.7197624546816557 -0.33985856959964655 -0.4031629855697174 +19453,-0.8229223403639346,0,-1.9001292687277846 -1.9500969352344681 -2.1336900601674818 -2.2170640912033615 -2.1918609884013467 -2.311427397537971 -2.3224166726819244 -2.329536484747017 -2.3418155808656613 -2.3502252140602224 -1.6532317278247002 -1.8967757340078453 -1.4349166209156843 -1.3175945003647955 -0.7408897230921985 -0.5087219383608828 -0.7197624546816557 -0.33985856959964655 -0.4031629855697174 -0.9061931858209016 +19454,-1.179377279188081,0,-1.9500969352344681 -2.1336900601674818 -2.2170640912033615 -2.1918609884013467 -2.311427397537971 -2.3224166726819244 -2.329536484747017 -2.3418155808656613 -2.3502252140602224 -1.6532317278247002 -1.8967757340078453 -1.4349166209156843 -1.3175945003647955 -0.7408897230921985 -0.5087219383608828 -0.7197624546816557 -0.33985856959964655 -0.4031629855697174 -0.9061931858209016 -0.8229223403639346 +19455,-1.1413017624921482,0,-2.1336900601674818 -2.2170640912033615 -2.1918609884013467 -2.311427397537971 -2.3224166726819244 -2.329536484747017 -2.3418155808656613 -2.3502252140602224 -1.6532317278247002 -1.8967757340078453 -1.4349166209156843 -1.3175945003647955 -0.7408897230921985 -0.5087219383608828 -0.7197624546816557 -0.33985856959964655 -0.4031629855697174 -0.9061931858209016 -0.8229223403639346 -1.179377279188081 +19456,-1.6292668532079162,0,-2.2170640912033615 -2.1918609884013467 -2.311427397537971 -2.3224166726819244 -2.329536484747017 -2.3418155808656613 -2.3502252140602224 -1.6532317278247002 -1.8967757340078453 -1.4349166209156843 -1.3175945003647955 -0.7408897230921985 -0.5087219383608828 -0.7197624546816557 -0.33985856959964655 -0.4031629855697174 -0.9061931858209016 -0.8229223403639346 -1.179377279188081 -1.1413017624921482 +19457,-1.7227014882488194,0,-2.1918609884013467 -2.311427397537971 -2.3224166726819244 -2.329536484747017 -2.3418155808656613 -2.3502252140602224 -1.6532317278247002 -1.8967757340078453 -1.4349166209156843 -1.3175945003647955 -0.7408897230921985 -0.5087219383608828 -0.7197624546816557 -0.33985856959964655 -0.4031629855697174 -0.9061931858209016 -0.8229223403639346 -1.179377279188081 -1.1413017624921482 -1.6292668532079162 +19458,-1.7895916067235553,0,-2.311427397537971 -2.3224166726819244 -2.329536484747017 -2.3418155808656613 -2.3502252140602224 -1.6532317278247002 -1.8967757340078453 -1.4349166209156843 -1.3175945003647955 -0.7408897230921985 -0.5087219383608828 -0.7197624546816557 -0.33985856959964655 -0.4031629855697174 -0.9061931858209016 -0.8229223403639346 -1.179377279188081 -1.1413017624921482 -1.6292668532079162 -1.7227014882488194 +19459,-1.8918744140563653,0,-2.3224166726819244 -2.329536484747017 -2.3418155808656613 -2.3502252140602224 -1.6532317278247002 -1.8967757340078453 -1.4349166209156843 -1.3175945003647955 -0.7408897230921985 -0.5087219383608828 -0.7197624546816557 -0.33985856959964655 -0.4031629855697174 -0.9061931858209016 -0.8229223403639346 -1.179377279188081 -1.1413017624921482 -1.6292668532079162 -1.7227014882488194 -1.7895916067235553 +19460,-1.967612704823017,0,-2.329536484747017 -2.3418155808656613 -2.3502252140602224 -1.6532317278247002 -1.8967757340078453 -1.4349166209156843 -1.3175945003647955 -0.7408897230921985 -0.5087219383608828 -0.7197624546816557 -0.33985856959964655 -0.4031629855697174 -0.9061931858209016 -0.8229223403639346 -1.179377279188081 -1.1413017624921482 -1.6292668532079162 -1.7227014882488194 -1.7895916067235553 -1.8918744140563653 +19461,-2.0096866666488467,0,-2.3418155808656613 -2.3502252140602224 -1.6532317278247002 -1.8967757340078453 -1.4349166209156843 -1.3175945003647955 -0.7408897230921985 -0.5087219383608828 -0.7197624546816557 -0.33985856959964655 -0.4031629855697174 -0.9061931858209016 -0.8229223403639346 -1.179377279188081 -1.1413017624921482 -1.6292668532079162 -1.7227014882488194 -1.7895916067235553 -1.8918744140563653 -1.967612704823017 +19462,-2.0966464001893916,0,-2.3502252140602224 -1.6532317278247002 -1.8967757340078453 -1.4349166209156843 -1.3175945003647955 -0.7408897230921985 -0.5087219383608828 -0.7197624546816557 -0.33985856959964655 -0.4031629855697174 -0.9061931858209016 -0.8229223403639346 -1.179377279188081 -1.1413017624921482 -1.6292668532079162 -1.7227014882488194 -1.7895916067235553 -1.8918744140563653 -1.967612704823017 -2.0096866666488467 +19463,-2.1499418050986767,0,-1.6532317278247002 -1.8967757340078453 -1.4349166209156843 -1.3175945003647955 -0.7408897230921985 -0.5087219383608828 -0.7197624546816557 -0.33985856959964655 -0.4031629855697174 -0.9061931858209016 -0.8229223403639346 -1.179377279188081 -1.1413017624921482 -1.6292668532079162 -1.7227014882488194 -1.7895916067235553 -1.8918744140563653 -1.967612704823017 -2.0096866666488467 -2.0966464001893916 +19464,-2.1670190354350938,0,-1.8967757340078453 -1.4349166209156843 -1.3175945003647955 -0.7408897230921985 -0.5087219383608828 -0.7197624546816557 -0.33985856959964655 -0.4031629855697174 -0.9061931858209016 -0.8229223403639346 -1.179377279188081 -1.1413017624921482 -1.6292668532079162 -1.7227014882488194 -1.7895916067235553 -1.8918744140563653 -1.967612704823017 -2.0096866666488467 -2.0966464001893916 -2.1499418050986767 +19465,-2.2323871649956355,0,-1.4349166209156843 -1.3175945003647955 -0.7408897230921985 -0.5087219383608828 -0.7197624546816557 -0.33985856959964655 -0.4031629855697174 -0.9061931858209016 -0.8229223403639346 -1.179377279188081 -1.1413017624921482 -1.6292668532079162 -1.7227014882488194 -1.7895916067235553 -1.8918744140563653 -1.967612704823017 -2.0096866666488467 -2.0966464001893916 -2.1499418050986767 -2.1670190354350938 +19466,-2.261537120292863,0,-1.3175945003647955 -0.7408897230921985 -0.5087219383608828 -0.7197624546816557 -0.33985856959964655 -0.4031629855697174 -0.9061931858209016 -0.8229223403639346 -1.179377279188081 -1.1413017624921482 -1.6292668532079162 -1.7227014882488194 -1.7895916067235553 -1.8918744140563653 -1.967612704823017 -2.0096866666488467 -2.0966464001893916 -2.1499418050986767 -2.1670190354350938 -2.2323871649956355 +19467,-1.5454284864477903,0,-0.7408897230921985 -0.5087219383608828 -0.7197624546816557 -0.33985856959964655 -0.4031629855697174 -0.9061931858209016 -0.8229223403639346 -1.179377279188081 -1.1413017624921482 -1.6292668532079162 -1.7227014882488194 -1.7895916067235553 -1.8918744140563653 -1.967612704823017 -2.0096866666488467 -2.0966464001893916 -2.1499418050986767 -2.1670190354350938 -2.2323871649956355 -2.261537120292863 +19468,-1.8229979712527427,0,-0.5087219383608828 -0.7197624546816557 -0.33985856959964655 -0.4031629855697174 -0.9061931858209016 -0.8229223403639346 -1.179377279188081 -1.1413017624921482 -1.6292668532079162 -1.7227014882488194 -1.7895916067235553 -1.8918744140563653 -1.967612704823017 -2.0096866666488467 -2.0966464001893916 -2.1499418050986767 -2.1670190354350938 -2.2323871649956355 -2.261537120292863 -1.5454284864477903 +19469,-1.3553088672249576,0,-0.7197624546816557 -0.33985856959964655 -0.4031629855697174 -0.9061931858209016 -0.8229223403639346 -1.179377279188081 -1.1413017624921482 -1.6292668532079162 -1.7227014882488194 -1.7895916067235553 -1.8918744140563653 -1.967612704823017 -2.0096866666488467 -2.0966464001893916 -2.1499418050986767 -2.1670190354350938 -2.2323871649956355 -2.261537120292863 -1.5454284864477903 -1.8229979712527427 +19470,-1.0883675075734018,0,-0.33985856959964655 -0.4031629855697174 -0.9061931858209016 -0.8229223403639346 -1.179377279188081 -1.1413017624921482 -1.6292668532079162 -1.7227014882488194 -1.7895916067235553 -1.8918744140563653 -1.967612704823017 -2.0096866666488467 -2.0966464001893916 -2.1499418050986767 -2.1670190354350938 -2.2323871649956355 -2.261537120292863 -1.5454284864477903 -1.8229979712527427 -1.3553088672249576 +19471,-0.5537624885987663,0,-0.4031629855697174 -0.9061931858209016 -0.8229223403639346 -1.179377279188081 -1.1413017624921482 -1.6292668532079162 -1.7227014882488194 -1.7895916067235553 -1.8918744140563653 -1.967612704823017 -2.0096866666488467 -2.0966464001893916 -2.1499418050986767 -2.1670190354350938 -2.2323871649956355 -2.261537120292863 -1.5454284864477903 -1.8229979712527427 -1.3553088672249576 -1.0883675075734018 +19472,-0.21990521415512815,0,-0.9061931858209016 -0.8229223403639346 -1.179377279188081 -1.1413017624921482 -1.6292668532079162 -1.7227014882488194 -1.7895916067235553 -1.8918744140563653 -1.967612704823017 -2.0096866666488467 -2.0966464001893916 -2.1499418050986767 -2.1670190354350938 -2.2323871649956355 -2.261537120292863 -1.5454284864477903 -1.8229979712527427 -1.3553088672249576 -1.0883675075734018 -0.5537624885987663 +19473,-0.4191825627161777,0,-0.8229223403639346 -1.179377279188081 -1.1413017624921482 -1.6292668532079162 -1.7227014882488194 -1.7895916067235553 -1.8918744140563653 -1.967612704823017 -2.0096866666488467 -2.0966464001893916 -2.1499418050986767 -2.1670190354350938 -2.2323871649956355 -2.261537120292863 -1.5454284864477903 -1.8229979712527427 -1.3553088672249576 -1.0883675075734018 -0.5537624885987663 -0.21990521415512815 +19474,0.09238625278061235,0,-1.179377279188081 -1.1413017624921482 -1.6292668532079162 -1.7227014882488194 -1.7895916067235553 -1.8918744140563653 -1.967612704823017 -2.0096866666488467 -2.0966464001893916 -2.1499418050986767 -2.1670190354350938 -2.2323871649956355 -2.261537120292863 -1.5454284864477903 -1.8229979712527427 -1.3553088672249576 -1.0883675075734018 -0.5537624885987663 -0.21990521415512815 -0.4191825627161777 +19475,0.07082044511793784,0,-1.1413017624921482 -1.6292668532079162 -1.7227014882488194 -1.7895916067235553 -1.8918744140563653 -1.967612704823017 -2.0096866666488467 -2.0966464001893916 -2.1499418050986767 -2.1670190354350938 -2.2323871649956355 -2.261537120292863 -1.5454284864477903 -1.8229979712527427 -1.3553088672249576 -1.0883675075734018 -0.5537624885987663 -0.21990521415512815 -0.4191825627161777 0.09238625278061235 +19476,-0.5113531732545037,0,-1.6292668532079162 -1.7227014882488194 -1.7895916067235553 -1.8918744140563653 -1.967612704823017 -2.0096866666488467 -2.0966464001893916 -2.1499418050986767 -2.1670190354350938 -2.2323871649956355 -2.261537120292863 -1.5454284864477903 -1.8229979712527427 -1.3553088672249576 -1.0883675075734018 -0.5537624885987663 -0.21990521415512815 -0.4191825627161777 0.09238625278061235 0.07082044511793784 +19477,-0.34604971052580935,0,-1.7227014882488194 -1.7895916067235553 -1.8918744140563653 -1.967612704823017 -2.0096866666488467 -2.0966464001893916 -2.1499418050986767 -2.1670190354350938 -2.2323871649956355 -2.261537120292863 -1.5454284864477903 -1.8229979712527427 -1.3553088672249576 -1.0883675075734018 -0.5537624885987663 -0.21990521415512815 -0.4191825627161777 0.09238625278061235 0.07082044511793784 -0.5113531732545037 +19478,-0.7413540586616677,0,-1.7895916067235553 -1.8918744140563653 -1.967612704823017 -2.0096866666488467 -2.0966464001893916 -2.1499418050986767 -2.1670190354350938 -2.2323871649956355 -2.261537120292863 -1.5454284864477903 -1.8229979712527427 -1.3553088672249576 -1.0883675075734018 -0.5537624885987663 -0.21990521415512815 -0.4191825627161777 0.09238625278061235 0.07082044511793784 -0.5113531732545037 -0.34604971052580935 +19479,-0.8195946021161186,0,-1.8918744140563653 -1.967612704823017 -2.0096866666488467 -2.0966464001893916 -2.1499418050986767 -2.1670190354350938 -2.2323871649956355 -2.261537120292863 -1.5454284864477903 -1.8229979712527427 -1.3553088672249576 -1.0883675075734018 -0.5537624885987663 -0.21990521415512815 -0.4191825627161777 0.09238625278061235 0.07082044511793784 -0.5113531732545037 -0.34604971052580935 -0.7413540586616677 +19480,-1.3205868850941784,0,-1.967612704823017 -2.0096866666488467 -2.0966464001893916 -2.1499418050986767 -2.1670190354350938 -2.2323871649956355 -2.261537120292863 -1.5454284864477903 -1.8229979712527427 -1.3553088672249576 -1.0883675075734018 -0.5537624885987663 -0.21990521415512815 -0.4191825627161777 0.09238625278061235 0.07082044511793784 -0.5113531732545037 -0.34604971052580935 -0.7413540586616677 -0.8195946021161186 +19481,-1.5045153635456163,0,-2.0096866666488467 -2.0966464001893916 -2.1499418050986767 -2.1670190354350938 -2.2323871649956355 -2.261537120292863 -1.5454284864477903 -1.8229979712527427 -1.3553088672249576 -1.0883675075734018 -0.5537624885987663 -0.21990521415512815 -0.4191825627161777 0.09238625278061235 0.07082044511793784 -0.5113531732545037 -0.34604971052580935 -0.7413540586616677 -0.8195946021161186 -1.3205868850941784 +19482,-1.6154657681750684,0,-2.0966464001893916 -2.1499418050986767 -2.1670190354350938 -2.2323871649956355 -2.261537120292863 -1.5454284864477903 -1.8229979712527427 -1.3553088672249576 -1.0883675075734018 -0.5537624885987663 -0.21990521415512815 -0.4191825627161777 0.09238625278061235 0.07082044511793784 -0.5113531732545037 -0.34604971052580935 -0.7413540586616677 -0.8195946021161186 -1.3205868850941784 -1.5045153635456163 +19483,-1.823720271079061,0,-2.1499418050986767 -2.1670190354350938 -2.2323871649956355 -2.261537120292863 -1.5454284864477903 -1.8229979712527427 -1.3553088672249576 -1.0883675075734018 -0.5537624885987663 -0.21990521415512815 -0.4191825627161777 0.09238625278061235 0.07082044511793784 -0.5113531732545037 -0.34604971052580935 -0.7413540586616677 -0.8195946021161186 -1.3205868850941784 -1.5045153635456163 -1.6154657681750684 +19484,-1.958996700315836,0,-2.1670190354350938 -2.2323871649956355 -2.261537120292863 -1.5454284864477903 -1.8229979712527427 -1.3553088672249576 -1.0883675075734018 -0.5537624885987663 -0.21990521415512815 -0.4191825627161777 0.09238625278061235 0.07082044511793784 -0.5113531732545037 -0.34604971052580935 -0.7413540586616677 -0.8195946021161186 -1.3205868850941784 -1.5045153635456163 -1.6154657681750684 -1.823720271079061 +19485,-2.0195924921307107,0,-2.2323871649956355 -2.261537120292863 -1.5454284864477903 -1.8229979712527427 -1.3553088672249576 -1.0883675075734018 -0.5537624885987663 -0.21990521415512815 -0.4191825627161777 0.09238625278061235 0.07082044511793784 -0.5113531732545037 -0.34604971052580935 -0.7413540586616677 -0.8195946021161186 -1.3205868850941784 -1.5045153635456163 -1.6154657681750684 -1.823720271079061 -1.958996700315836 +19486,-2.179762467123199,0,-2.261537120292863 -1.5454284864477903 -1.8229979712527427 -1.3553088672249576 -1.0883675075734018 -0.5537624885987663 -0.21990521415512815 -0.4191825627161777 0.09238625278061235 0.07082044511793784 -0.5113531732545037 -0.34604971052580935 -0.7413540586616677 -0.8195946021161186 -1.3205868850941784 -1.5045153635456163 -1.6154657681750684 -1.823720271079061 -1.958996700315836 -2.0195924921307107 +19487,-2.2652518048485644,0,-1.5454284864477903 -1.8229979712527427 -1.3553088672249576 -1.0883675075734018 -0.5537624885987663 -0.21990521415512815 -0.4191825627161777 0.09238625278061235 0.07082044511793784 -0.5113531732545037 -0.34604971052580935 -0.7413540586616677 -0.8195946021161186 -1.3205868850941784 -1.5045153635456163 -1.6154657681750684 -1.823720271079061 -1.958996700315836 -2.0195924921307107 -2.179762467123199 +19488,-2.301444182794532,0,-1.8229979712527427 -1.3553088672249576 -1.0883675075734018 -0.5537624885987663 -0.21990521415512815 -0.4191825627161777 0.09238625278061235 0.07082044511793784 -0.5113531732545037 -0.34604971052580935 -0.7413540586616677 -0.8195946021161186 -1.3205868850941784 -1.5045153635456163 -1.6154657681750684 -1.823720271079061 -1.958996700315836 -2.0195924921307107 -2.179762467123199 -2.2652518048485644 +19489,-2.4033658402915803,0,-1.3553088672249576 -1.0883675075734018 -0.5537624885987663 -0.21990521415512815 -0.4191825627161777 0.09238625278061235 0.07082044511793784 -0.5113531732545037 -0.34604971052580935 -0.7413540586616677 -0.8195946021161186 -1.3205868850941784 -1.5045153635456163 -1.6154657681750684 -1.823720271079061 -1.958996700315836 -2.0195924921307107 -2.179762467123199 -2.2652518048485644 -2.301444182794532 +19490,-2.455990538164008,0,-1.0883675075734018 -0.5537624885987663 -0.21990521415512815 -0.4191825627161777 0.09238625278061235 0.07082044511793784 -0.5113531732545037 -0.34604971052580935 -0.7413540586616677 -0.8195946021161186 -1.3205868850941784 -1.5045153635456163 -1.6154657681750684 -1.823720271079061 -1.958996700315836 -2.0195924921307107 -2.179762467123199 -2.2652518048485644 -2.301444182794532 -2.4033658402915803 +19491,-1.7503552511039582,0,-0.5537624885987663 -0.21990521415512815 -0.4191825627161777 0.09238625278061235 0.07082044511793784 -0.5113531732545037 -0.34604971052580935 -0.7413540586616677 -0.8195946021161186 -1.3205868850941784 -1.5045153635456163 -1.6154657681750684 -1.823720271079061 -1.958996700315836 -2.0195924921307107 -2.179762467123199 -2.2652518048485644 -2.301444182794532 -2.4033658402915803 -2.455990538164008 +19492,-2.0557332772872177,0,-0.21990521415512815 -0.4191825627161777 0.09238625278061235 0.07082044511793784 -0.5113531732545037 -0.34604971052580935 -0.7413540586616677 -0.8195946021161186 -1.3205868850941784 -1.5045153635456163 -1.6154657681750684 -1.823720271079061 -1.958996700315836 -2.0195924921307107 -2.179762467123199 -2.2652518048485644 -2.301444182794532 -2.4033658402915803 -2.455990538164008 -1.7503552511039582 +19493,-1.6028513185379993,0,-0.4191825627161777 0.09238625278061235 0.07082044511793784 -0.5113531732545037 -0.34604971052580935 -0.7413540586616677 -0.8195946021161186 -1.3205868850941784 -1.5045153635456163 -1.6154657681750684 -1.823720271079061 -1.958996700315836 -2.0195924921307107 -2.179762467123199 -2.2652518048485644 -2.301444182794532 -2.4033658402915803 -2.455990538164008 -1.7503552511039582 -2.0557332772872177 +19494,-1.2005045475986327,0,0.09238625278061235 0.07082044511793784 -0.5113531732545037 -0.34604971052580935 -0.7413540586616677 -0.8195946021161186 -1.3205868850941784 -1.5045153635456163 -1.6154657681750684 -1.823720271079061 -1.958996700315836 -2.0195924921307107 -2.179762467123199 -2.2652518048485644 -2.301444182794532 -2.4033658402915803 -2.455990538164008 -1.7503552511039582 -2.0557332772872177 -1.6028513185379993 +19495,-0.7307775262977231,0,0.07082044511793784 -0.5113531732545037 -0.34604971052580935 -0.7413540586616677 -0.8195946021161186 -1.3205868850941784 -1.5045153635456163 -1.6154657681750684 -1.823720271079061 -1.958996700315836 -2.0195924921307107 -2.179762467123199 -2.2652518048485644 -2.301444182794532 -2.4033658402915803 -2.455990538164008 -1.7503552511039582 -2.0557332772872177 -1.6028513185379993 -1.2005045475986327 +19496,-0.3115856926518792,0,-0.5113531732545037 -0.34604971052580935 -0.7413540586616677 -0.8195946021161186 -1.3205868850941784 -1.5045153635456163 -1.6154657681750684 -1.823720271079061 -1.958996700315836 -2.0195924921307107 -2.179762467123199 -2.2652518048485644 -2.301444182794532 -2.4033658402915803 -2.455990538164008 -1.7503552511039582 -2.0557332772872177 -1.6028513185379993 -1.2005045475986327 -0.7307775262977231 +19497,-0.5686212268215622,0,-0.34604971052580935 -0.7413540586616677 -0.8195946021161186 -1.3205868850941784 -1.5045153635456163 -1.6154657681750684 -1.823720271079061 -1.958996700315836 -2.0195924921307107 -2.179762467123199 -2.2652518048485644 -2.301444182794532 -2.4033658402915803 -2.455990538164008 -1.7503552511039582 -2.0557332772872177 -1.6028513185379993 -1.2005045475986327 -0.7307775262977231 -0.3115856926518792 +19498,0.07597972932626688,0,-0.7413540586616677 -0.8195946021161186 -1.3205868850941784 -1.5045153635456163 -1.6154657681750684 -1.823720271079061 -1.958996700315836 -2.0195924921307107 -2.179762467123199 -2.2652518048485644 -2.301444182794532 -2.4033658402915803 -2.455990538164008 -1.7503552511039582 -2.0557332772872177 -1.6028513185379993 -1.2005045475986327 -0.7307775262977231 -0.3115856926518792 -0.5686212268215622 +19499,0.044353317658569036,0,-0.8195946021161186 -1.3205868850941784 -1.5045153635456163 -1.6154657681750684 -1.823720271079061 -1.958996700315836 -2.0195924921307107 -2.179762467123199 -2.2652518048485644 -2.301444182794532 -2.4033658402915803 -2.455990538164008 -1.7503552511039582 -2.0557332772872177 -1.6028513185379993 -1.2005045475986327 -0.7307775262977231 -0.3115856926518792 -0.5686212268215622 0.07597972932626688 +19500,-0.5588701798628488,0,-1.3205868850941784 -1.5045153635456163 -1.6154657681750684 -1.823720271079061 -1.958996700315836 -2.0195924921307107 -2.179762467123199 -2.2652518048485644 -2.301444182794532 -2.4033658402915803 -2.455990538164008 -1.7503552511039582 -2.0557332772872177 -1.6028513185379993 -1.2005045475986327 -0.7307775262977231 -0.3115856926518792 -0.5686212268215622 0.07597972932626688 0.044353317658569036 +19501,-0.39996422937293746,0,-1.5045153635456163 -1.6154657681750684 -1.823720271079061 -1.958996700315836 -2.0195924921307107 -2.179762467123199 -2.2652518048485644 -2.301444182794532 -2.4033658402915803 -2.455990538164008 -1.7503552511039582 -2.0557332772872177 -1.6028513185379993 -1.2005045475986327 -0.7307775262977231 -0.3115856926518792 -0.5686212268215622 0.07597972932626688 0.044353317658569036 -0.5588701798628488 +19502,-0.8126553650462999,0,-1.6154657681750684 -1.823720271079061 -1.958996700315836 -2.0195924921307107 -2.179762467123199 -2.2652518048485644 -2.301444182794532 -2.4033658402915803 -2.455990538164008 -1.7503552511039582 -2.0557332772872177 -1.6028513185379993 -1.2005045475986327 -0.7307775262977231 -0.3115856926518792 -0.5686212268215622 0.07597972932626688 0.044353317658569036 -0.5588701798628488 -0.39996422937293746 +19503,-0.8850659174103499,0,-1.823720271079061 -1.958996700315836 -2.0195924921307107 -2.179762467123199 -2.2652518048485644 -2.301444182794532 -2.4033658402915803 -2.455990538164008 -1.7503552511039582 -2.0557332772872177 -1.6028513185379993 -1.2005045475986327 -0.7307775262977231 -0.3115856926518792 -0.5686212268215622 0.07597972932626688 0.044353317658569036 -0.5588701798628488 -0.39996422937293746 -0.8126553650462999 +19504,-1.4111839140836349,0,-1.958996700315836 -2.0195924921307107 -2.179762467123199 -2.2652518048485644 -2.301444182794532 -2.4033658402915803 -2.455990538164008 -1.7503552511039582 -2.0557332772872177 -1.6028513185379993 -1.2005045475986327 -0.7307775262977231 -0.3115856926518792 -0.5686212268215622 0.07597972932626688 0.044353317658569036 -0.5588701798628488 -0.39996422937293746 -0.8126553650462999 -0.8850659174103499 +19505,-1.5970213274475986,0,-2.0195924921307107 -2.179762467123199 -2.2652518048485644 -2.301444182794532 -2.4033658402915803 -2.455990538164008 -1.7503552511039582 -2.0557332772872177 -1.6028513185379993 -1.2005045475986327 -0.7307775262977231 -0.3115856926518792 -0.5686212268215622 0.07597972932626688 0.044353317658569036 -0.5588701798628488 -0.39996422937293746 -0.8126553650462999 -0.8850659174103499 -1.4111839140836349 +19506,-1.6385277681250459,0,-2.179762467123199 -2.2652518048485644 -2.301444182794532 -2.4033658402915803 -2.455990538164008 -1.7503552511039582 -2.0557332772872177 -1.6028513185379993 -1.2005045475986327 -0.7307775262977231 -0.3115856926518792 -0.5686212268215622 0.07597972932626688 0.044353317658569036 -0.5588701798628488 -0.39996422937293746 -0.8126553650462999 -0.8850659174103499 -1.4111839140836349 -1.5970213274475986 +19507,-1.872475505872637,0,-2.2652518048485644 -2.301444182794532 -2.4033658402915803 -2.455990538164008 -1.7503552511039582 -2.0557332772872177 -1.6028513185379993 -1.2005045475986327 -0.7307775262977231 -0.3115856926518792 -0.5686212268215622 0.07597972932626688 0.044353317658569036 -0.5588701798628488 -0.39996422937293746 -0.8126553650462999 -0.8850659174103499 -1.4111839140836349 -1.5970213274475986 -1.6385277681250459 +19508,-1.9620922707789172,0,-2.301444182794532 -2.4033658402915803 -2.455990538164008 -1.7503552511039582 -2.0557332772872177 -1.6028513185379993 -1.2005045475986327 -0.7307775262977231 -0.3115856926518792 -0.5686212268215622 0.07597972932626688 0.044353317658569036 -0.5588701798628488 -0.39996422937293746 -0.8126553650462999 -0.8850659174103499 -1.4111839140836349 -1.5970213274475986 -1.6385277681250459 -1.872475505872637 +19509,-2.0093771096025366,0,-2.4033658402915803 -2.455990538164008 -1.7503552511039582 -2.0557332772872177 -1.6028513185379993 -1.2005045475986327 -0.7307775262977231 -0.3115856926518792 -0.5686212268215622 0.07597972932626688 0.044353317658569036 -0.5588701798628488 -0.39996422937293746 -0.8126553650462999 -0.8850659174103499 -1.4111839140836349 -1.5970213274475986 -1.6385277681250459 -1.872475505872637 -1.9620922707789172 +19510,-2.1131045165879745,0,-2.455990538164008 -1.7503552511039582 -2.0557332772872177 -1.6028513185379993 -1.2005045475986327 -0.7307775262977231 -0.3115856926518792 -0.5686212268215622 0.07597972932626688 0.044353317658569036 -0.5588701798628488 -0.39996422937293746 -0.8126553650462999 -0.8850659174103499 -1.4111839140836349 -1.5970213274475986 -1.6385277681250459 -1.872475505872637 -1.9620922707789172 -2.0093771096025366 +19511,-2.1744999973359573,0,-1.7503552511039582 -2.0557332772872177 -1.6028513185379993 -1.2005045475986327 -0.7307775262977231 -0.3115856926518792 -0.5686212268215622 0.07597972932626688 0.044353317658569036 -0.5588701798628488 -0.39996422937293746 -0.8126553650462999 -0.8850659174103499 -1.4111839140836349 -1.5970213274475986 -1.6385277681250459 -1.872475505872637 -1.9620922707789172 -2.0093771096025366 -2.1131045165879745 +19512,-2.2093509615177727,0,-2.0557332772872177 -1.6028513185379993 -1.2005045475986327 -0.7307775262977231 -0.3115856926518792 -0.5686212268215622 0.07597972932626688 0.044353317658569036 -0.5588701798628488 -0.39996422937293746 -0.8126553650462999 -0.8850659174103499 -1.4111839140836349 -1.5970213274475986 -1.6385277681250459 -1.872475505872637 -1.9620922707789172 -2.0093771096025366 -2.1131045165879745 -2.1744999973359573 +19513,-2.279594614557671,0,-1.6028513185379993 -1.2005045475986327 -0.7307775262977231 -0.3115856926518792 -0.5686212268215622 0.07597972932626688 0.044353317658569036 -0.5588701798628488 -0.39996422937293746 -0.8126553650462999 -0.8850659174103499 -1.4111839140836349 -1.5970213274475986 -1.6385277681250459 -1.872475505872637 -1.9620922707789172 -2.0093771096025366 -2.1131045165879745 -2.1744999973359573 -2.2093509615177727 +19514,-2.323293751031393,0,-1.2005045475986327 -0.7307775262977231 -0.3115856926518792 -0.5686212268215622 0.07597972932626688 0.044353317658569036 -0.5588701798628488 -0.39996422937293746 -0.8126553650462999 -0.8850659174103499 -1.4111839140836349 -1.5970213274475986 -1.6385277681250459 -1.872475505872637 -1.9620922707789172 -2.0093771096025366 -2.1131045165879745 -2.1744999973359573 -2.2093509615177727 -2.279594614557671 +19515,-1.3936681444950858,0,-0.7307775262977231 -0.3115856926518792 -0.5686212268215622 0.07597972932626688 0.044353317658569036 -0.5588701798628488 -0.39996422937293746 -0.8126553650462999 -0.8850659174103499 -1.4111839140836349 -1.5970213274475986 -1.6385277681250459 -1.872475505872637 -1.9620922707789172 -2.0093771096025366 -2.1131045165879745 -2.1744999973359573 -2.2093509615177727 -2.279594614557671 -2.323293751031393 +19516,-1.7618088618173804,0,-0.3115856926518792 -0.5686212268215622 0.07597972932626688 0.044353317658569036 -0.5588701798628488 -0.39996422937293746 -0.8126553650462999 -0.8850659174103499 -1.4111839140836349 -1.5970213274475986 -1.6385277681250459 -1.872475505872637 -1.9620922707789172 -2.0093771096025366 -2.1131045165879745 -2.1744999973359573 -2.2093509615177727 -2.279594614557671 -2.323293751031393 -1.3936681444950858 +19517,-1.1566248362844134,0,-0.5686212268215622 0.07597972932626688 0.044353317658569036 -0.5588701798628488 -0.39996422937293746 -0.8126553650462999 -0.8850659174103499 -1.4111839140836349 -1.5970213274475986 -1.6385277681250459 -1.872475505872637 -1.9620922707789172 -2.0093771096025366 -2.1131045165879745 -2.1744999973359573 -2.2093509615177727 -2.279594614557671 -2.323293751031393 -1.3936681444950858 -1.7618088618173804 +19518,-0.9708906084993626,0,0.07597972932626688 0.044353317658569036 -0.5588701798628488 -0.39996422937293746 -0.8126553650462999 -0.8850659174103499 -1.4111839140836349 -1.5970213274475986 -1.6385277681250459 -1.872475505872637 -1.9620922707789172 -2.0093771096025366 -2.1131045165879745 -2.1744999973359573 -2.2093509615177727 -2.279594614557671 -2.323293751031393 -1.3936681444950858 -1.7618088618173804 -1.1566248362844134 +19519,-0.22588998376868835,0,0.044353317658569036 -0.5588701798628488 -0.39996422937293746 -0.8126553650462999 -0.8850659174103499 -1.4111839140836349 -1.5970213274475986 -1.6385277681250459 -1.872475505872637 -1.9620922707789172 -2.0093771096025366 -2.1131045165879745 -2.1744999973359573 -2.2093509615177727 -2.279594614557671 -2.323293751031393 -1.3936681444950858 -1.7618088618173804 -1.1566248362844134 -0.9708906084993626 +19520,0.09966084336885539,0,-0.5588701798628488 -0.39996422937293746 -0.8126553650462999 -0.8850659174103499 -1.4111839140836349 -1.5970213274475986 -1.6385277681250459 -1.872475505872637 -1.9620922707789172 -2.0093771096025366 -2.1131045165879745 -2.1744999973359573 -2.2093509615177727 -2.279594614557671 -2.323293751031393 -1.3936681444950858 -1.7618088618173804 -1.1566248362844134 -0.9708906084993626 -0.22588998376868835 +19521,-0.17378121425517312,0,-0.39996422937293746 -0.8126553650462999 -0.8850659174103499 -1.4111839140836349 -1.5970213274475986 -1.6385277681250459 -1.872475505872637 -1.9620922707789172 -2.0093771096025366 -2.1131045165879745 -2.1744999973359573 -2.2093509615177727 -2.279594614557671 -2.323293751031393 -1.3936681444950858 -1.7618088618173804 -1.1566248362844134 -0.9708906084993626 -0.22588998376868835 0.09966084336885539 +19522,0.35143390759651966,0,-0.8126553650462999 -0.8850659174103499 -1.4111839140836349 -1.5970213274475986 -1.6385277681250459 -1.872475505872637 -1.9620922707789172 -2.0093771096025366 -2.1131045165879745 -2.1744999973359573 -2.2093509615177727 -2.279594614557671 -2.323293751031393 -1.3936681444950858 -1.7618088618173804 -1.1566248362844134 -0.9708906084993626 -0.22588998376868835 0.09966084336885539 -0.17378121425517312 +19523,0.2776561449962028,0,-0.8850659174103499 -1.4111839140836349 -1.5970213274475986 -1.6385277681250459 -1.872475505872637 -1.9620922707789172 -2.0093771096025366 -2.1131045165879745 -2.1744999973359573 -2.2093509615177727 -2.279594614557671 -2.323293751031393 -1.3936681444950858 -1.7618088618173804 -1.1566248362844134 -0.9708906084993626 -0.22588998376868835 0.09966084336885539 -0.17378121425517312 0.35143390759651966 +19524,-0.30456906632048525,0,-1.4111839140836349 -1.5970213274475986 -1.6385277681250459 -1.872475505872637 -1.9620922707789172 -2.0093771096025366 -2.1131045165879745 -2.1744999973359573 -2.2093509615177727 -2.279594614557671 -2.323293751031393 -1.3936681444950858 -1.7618088618173804 -1.1566248362844134 -0.9708906084993626 -0.22588998376868835 0.09966084336885539 -0.17378121425517312 0.35143390759651966 0.2776561449962028 +19525,-0.2088643462217231,0,-1.5970213274475986 -1.6385277681250459 -1.872475505872637 -1.9620922707789172 -2.0093771096025366 -2.1131045165879745 -2.1744999973359573 -2.2093509615177727 -2.279594614557671 -2.323293751031393 -1.3936681444950858 -1.7618088618173804 -1.1566248362844134 -0.9708906084993626 -0.22588998376868835 0.09966084336885539 -0.17378121425517312 0.35143390759651966 0.2776561449962028 -0.30456906632048525 +19526,-0.6216070745297607,0,-1.6385277681250459 -1.872475505872637 -1.9620922707789172 -2.0093771096025366 -2.1131045165879745 -2.1744999973359573 -2.2093509615177727 -2.279594614557671 -2.323293751031393 -1.3936681444950858 -1.7618088618173804 -1.1566248362844134 -0.9708906084993626 -0.22588998376868835 0.09966084336885539 -0.17378121425517312 0.35143390759651966 0.2776561449962028 -0.30456906632048525 -0.2088643462217231 +19527,-0.7600822599633242,0,-1.872475505872637 -1.9620922707789172 -2.0093771096025366 -2.1131045165879745 -2.1744999973359573 -2.2093509615177727 -2.279594614557671 -2.323293751031393 -1.3936681444950858 -1.7618088618173804 -1.1566248362844134 -0.9708906084993626 -0.22588998376868835 0.09966084336885539 -0.17378121425517312 0.35143390759651966 0.2776561449962028 -0.30456906632048525 -0.2088643462217231 -0.6216070745297607 +19528,-1.2642475026660496,0,-1.9620922707789172 -2.0093771096025366 -2.1131045165879745 -2.1744999973359573 -2.2093509615177727 -2.279594614557671 -2.323293751031393 -1.3936681444950858 -1.7618088618173804 -1.1566248362844134 -0.9708906084993626 -0.22588998376868835 0.09966084336885539 -0.17378121425517312 0.35143390759651966 0.2776561449962028 -0.30456906632048525 -0.2088643462217231 -0.6216070745297607 -0.7600822599633242 +19529,-1.4941452024942918,0,-2.0093771096025366 -2.1131045165879745 -2.1744999973359573 -2.2093509615177727 -2.279594614557671 -2.323293751031393 -1.3936681444950858 -1.7618088618173804 -1.1566248362844134 -0.9708906084993626 -0.22588998376868835 0.09966084336885539 -0.17378121425517312 0.35143390759651966 0.2776561449962028 -0.30456906632048525 -0.2088643462217231 -0.6216070745297607 -0.7600822599633242 -1.2642475026660496 +19530,-1.5435711441699398,0,-2.1131045165879745 -2.1744999973359573 -2.2093509615177727 -2.279594614557671 -2.323293751031393 -1.3936681444950858 -1.7618088618173804 -1.1566248362844134 -0.9708906084993626 -0.22588998376868835 0.09966084336885539 -0.17378121425517312 0.35143390759651966 0.2776561449962028 -0.30456906632048525 -0.2088643462217231 -0.6216070745297607 -0.7600822599633242 -1.2642475026660496 -1.4941452024942918 +19531,-1.833626096560925,0,-2.1744999973359573 -2.2093509615177727 -2.279594614557671 -2.323293751031393 -1.3936681444950858 -1.7618088618173804 -1.1566248362844134 -0.9708906084993626 -0.22588998376868835 0.09966084336885539 -0.17378121425517312 0.35143390759651966 0.2776561449962028 -0.30456906632048525 -0.2088643462217231 -0.6216070745297607 -0.7600822599633242 -1.2642475026660496 -1.4941452024942918 -1.5435711441699398 +19532,-1.9432092909541103,0,-2.2093509615177727 -2.279594614557671 -2.323293751031393 -1.3936681444950858 -1.7618088618173804 -1.1566248362844134 -0.9708906084993626 -0.22588998376868835 0.09966084336885539 -0.17378121425517312 0.35143390759651966 0.2776561449962028 -0.30456906632048525 -0.2088643462217231 -0.6216070745297607 -0.7600822599633242 -1.2642475026660496 -1.4941452024942918 -1.5435711441699398 -1.833626096560925 +19533,-1.8956148950841898,0,-2.279594614557671 -2.323293751031393 -1.3936681444950858 -1.7618088618173804 -1.1566248362844134 -0.9708906084993626 -0.22588998376868835 0.09966084336885539 -0.17378121425517312 0.35143390759651966 0.2776561449962028 -0.30456906632048525 -0.2088643462217231 -0.6216070745297607 -0.7600822599633242 -1.2642475026660496 -1.4941452024942918 -1.5435711441699398 -1.833626096560925 -1.9432092909541103 +19534,-2.057590619565068,0,-2.323293751031393 -1.3936681444950858 -1.7618088618173804 -1.1566248362844134 -0.9708906084993626 -0.22588998376868835 0.09966084336885539 -0.17378121425517312 0.35143390759651966 0.2776561449962028 -0.30456906632048525 -0.2088643462217231 -0.6216070745297607 -0.7600822599633242 -1.2642475026660496 -1.4941452024942918 -1.5435711441699398 -1.833626096560925 -1.9432092909541103 -1.8956148950841898 +19535,-2.0623887537828582,0,-1.3936681444950858 -1.7618088618173804 -1.1566248362844134 -0.9708906084993626 -0.22588998376868835 0.09966084336885539 -0.17378121425517312 0.35143390759651966 0.2776561449962028 -0.30456906632048525 -0.2088643462217231 -0.6216070745297607 -0.7600822599633242 -1.2642475026660496 -1.4941452024942918 -1.5435711441699398 -1.833626096560925 -1.9432092909541103 -1.8956148950841898 -2.057590619565068 +19536,-2.0212950558854104,0,-1.7618088618173804 -1.1566248362844134 -0.9708906084993626 -0.22588998376868835 0.09966084336885539 -0.17378121425517312 0.35143390759651966 0.2776561449962028 -0.30456906632048525 -0.2088643462217231 -0.6216070745297607 -0.7600822599633242 -1.2642475026660496 -1.4941452024942918 -1.5435711441699398 -1.833626096560925 -1.9432092909541103 -1.8956148950841898 -2.057590619565068 -2.0623887537828582 +19537,-2.041390467423334,0,-1.1566248362844134 -0.9708906084993626 -0.22588998376868835 0.09966084336885539 -0.17378121425517312 0.35143390759651966 0.2776561449962028 -0.30456906632048525 -0.2088643462217231 -0.6216070745297607 -0.7600822599633242 -1.2642475026660496 -1.4941452024942918 -1.5435711441699398 -1.833626096560925 -1.9432092909541103 -1.8956148950841898 -2.057590619565068 -2.0623887537828582 -2.0212950558854104 +19538,-2.015594047000823,0,-0.9708906084993626 -0.22588998376868835 0.09966084336885539 -0.17378121425517312 0.35143390759651966 0.2776561449962028 -0.30456906632048525 -0.2088643462217231 -0.6216070745297607 -0.7600822599633242 -1.2642475026660496 -1.4941452024942918 -1.5435711441699398 -1.833626096560925 -1.9432092909541103 -1.8956148950841898 -2.057590619565068 -2.0623887537828582 -2.0212950558854104 -2.041390467423334 +19539,-1.1591786819164591,0,-0.22588998376868835 0.09966084336885539 -0.17378121425517312 0.35143390759651966 0.2776561449962028 -0.30456906632048525 -0.2088643462217231 -0.6216070745297607 -0.7600822599633242 -1.2642475026660496 -1.4941452024942918 -1.5435711441699398 -1.833626096560925 -1.9432092909541103 -1.8956148950841898 -2.057590619565068 -2.0623887537828582 -2.0212950558854104 -2.041390467423334 -2.015594047000823 +19540,-1.410255242944705,0,0.09966084336885539 -0.17378121425517312 0.35143390759651966 0.2776561449962028 -0.30456906632048525 -0.2088643462217231 -0.6216070745297607 -0.7600822599633242 -1.2642475026660496 -1.4941452024942918 -1.5435711441699398 -1.833626096560925 -1.9432092909541103 -1.8956148950841898 -2.057590619565068 -2.0623887537828582 -2.0212950558854104 -2.041390467423334 -2.015594047000823 -1.1591786819164591 +19541,-0.830712859311099,0,-0.17378121425517312 0.35143390759651966 0.2776561449962028 -0.30456906632048525 -0.2088643462217231 -0.6216070745297607 -0.7600822599633242 -1.2642475026660496 -1.4941452024942918 -1.5435711441699398 -1.833626096560925 -1.9432092909541103 -1.8956148950841898 -2.057590619565068 -2.0623887537828582 -2.0212950558854104 -2.041390467423334 -2.015594047000823 -1.1591786819164591 -1.410255242944705 +19542,-0.7976160518282214,0,0.35143390759651966 0.2776561449962028 -0.30456906632048525 -0.2088643462217231 -0.6216070745297607 -0.7600822599633242 -1.2642475026660496 -1.4941452024942918 -1.5435711441699398 -1.833626096560925 -1.9432092909541103 -1.8956148950841898 -2.057590619565068 -2.0623887537828582 -2.0212950558854104 -2.041390467423334 -2.015594047000823 -1.1591786819164591 -1.410255242944705 -0.830712859311099 +19543,-0.03592514291422936,0,0.2776561449962028 -0.30456906632048525 -0.2088643462217231 -0.6216070745297607 -0.7600822599633242 -1.2642475026660496 -1.4941452024942918 -1.5435711441699398 -1.833626096560925 -1.9432092909541103 -1.8956148950841898 -2.057590619565068 -2.0623887537828582 -2.0212950558854104 -2.041390467423334 -2.015594047000823 -1.1591786819164591 -1.410255242944705 -0.830712859311099 -0.7976160518282214 +19544,0.179320189849034,0,-0.30456906632048525 -0.2088643462217231 -0.6216070745297607 -0.7600822599633242 -1.2642475026660496 -1.4941452024942918 -1.5435711441699398 -1.833626096560925 -1.9432092909541103 -1.8956148950841898 -2.057590619565068 -2.0623887537828582 -2.0212950558854104 -2.041390467423334 -2.015594047000823 -1.1591786819164591 -1.410255242944705 -0.830712859311099 -0.7976160518282214 -0.03592514291422936 +19545,-0.13678914722132055,0,-0.2088643462217231 -0.6216070745297607 -0.7600822599633242 -1.2642475026660496 -1.4941452024942918 -1.5435711441699398 -1.833626096560925 -1.9432092909541103 -1.8956148950841898 -2.057590619565068 -2.0623887537828582 -2.0212950558854104 -2.041390467423334 -2.015594047000823 -1.1591786819164591 -1.410255242944705 -0.830712859311099 -0.7976160518282214 -0.03592514291422936 0.179320189849034 +19546,0.255574408974607,0,-0.6216070745297607 -0.7600822599633242 -1.2642475026660496 -1.4941452024942918 -1.5435711441699398 -1.833626096560925 -1.9432092909541103 -1.8956148950841898 -2.057590619565068 -2.0623887537828582 -2.0212950558854104 -2.041390467423334 -2.015594047000823 -1.1591786819164591 -1.410255242944705 -0.830712859311099 -0.7976160518282214 -0.03592514291422936 0.179320189849034 -0.13678914722132055 +19547,0.11658329518212213,0,-0.7600822599633242 -1.2642475026660496 -1.4941452024942918 -1.5435711441699398 -1.833626096560925 -1.9432092909541103 -1.8956148950841898 -2.057590619565068 -2.0623887537828582 -2.0212950558854104 -2.041390467423334 -2.015594047000823 -1.1591786819164591 -1.410255242944705 -0.830712859311099 -0.7976160518282214 -0.03592514291422936 0.179320189849034 -0.13678914722132055 0.255574408974607 +19548,-0.4109019117274297,0,-1.2642475026660496 -1.4941452024942918 -1.5435711441699398 -1.833626096560925 -1.9432092909541103 -1.8956148950841898 -2.057590619565068 -2.0623887537828582 -2.0212950558854104 -2.041390467423334 -2.015594047000823 -1.1591786819164591 -1.410255242944705 -0.830712859311099 -0.7976160518282214 -0.03592514291422936 0.179320189849034 -0.13678914722132055 0.255574408974607 0.11658329518212213 +19549,-0.42039499442929407,0,-1.4941452024942918 -1.5435711441699398 -1.833626096560925 -1.9432092909541103 -1.8956148950841898 -2.057590619565068 -2.0623887537828582 -2.0212950558854104 -2.041390467423334 -2.015594047000823 -1.1591786819164591 -1.410255242944705 -0.830712859311099 -0.7976160518282214 -0.03592514291422936 0.179320189849034 -0.13678914722132055 0.255574408974607 0.11658329518212213 -0.4109019117274297 +19550,-0.8183821704030022,0,-1.5435711441699398 -1.833626096560925 -1.9432092909541103 -1.8956148950841898 -2.057590619565068 -2.0623887537828582 -2.0212950558854104 -2.041390467423334 -2.015594047000823 -1.1591786819164591 -1.410255242944705 -0.830712859311099 -0.7976160518282214 -0.03592514291422936 0.179320189849034 -0.13678914722132055 0.255574408974607 0.11658329518212213 -0.4109019117274297 -0.42039499442929407 +19551,-0.9668663668973515,0,-1.833626096560925 -1.9432092909541103 -1.8956148950841898 -2.057590619565068 -2.0623887537828582 -2.0212950558854104 -2.041390467423334 -2.015594047000823 -1.1591786819164591 -1.410255242944705 -0.830712859311099 -0.7976160518282214 -0.03592514291422936 0.179320189849034 -0.13678914722132055 0.255574408974607 0.11658329518212213 -0.4109019117274297 -0.42039499442929407 -0.8183821704030022 +19552,-1.4480212025943369,0,-1.9432092909541103 -1.8956148950841898 -2.057590619565068 -2.0623887537828582 -2.0212950558854104 -2.041390467423334 -2.015594047000823 -1.1591786819164591 -1.410255242944705 -0.830712859311099 -0.7976160518282214 -0.03592514291422936 0.179320189849034 -0.13678914722132055 0.255574408974607 0.11658329518212213 -0.4109019117274297 -0.42039499442929407 -0.8183821704030022 -0.9668663668973515 +19553,-1.6796730588119457,0,-1.8956148950841898 -2.057590619565068 -2.0623887537828582 -2.0212950558854104 -2.041390467423334 -2.015594047000823 -1.1591786819164591 -1.410255242944705 -0.830712859311099 -0.7976160518282214 -0.03592514291422936 0.179320189849034 -0.13678914722132055 0.255574408974607 0.11658329518212213 -0.4109019117274297 -0.42039499442929407 -0.8183821704030022 -0.9668663668973515 -1.4480212025943369 +19554,-1.718161318287887,0,-2.057590619565068 -2.0623887537828582 -2.0212950558854104 -2.041390467423334 -2.015594047000823 -1.1591786819164591 -1.410255242944705 -0.830712859311099 -0.7976160518282214 -0.03592514291422936 0.179320189849034 -0.13678914722132055 0.255574408974607 0.11658329518212213 -0.4109019117274297 -0.42039499442929407 -0.8183821704030022 -0.9668663668973515 -1.4480212025943369 -1.6796730588119457 +19555,-2.0142010402924324,0,-2.0623887537828582 -2.0212950558854104 -2.041390467423334 -2.015594047000823 -1.1591786819164591 -1.410255242944705 -0.830712859311099 -0.7976160518282214 -0.03592514291422936 0.179320189849034 -0.13678914722132055 0.255574408974607 0.11658329518212213 -0.4109019117274297 -0.42039499442929407 -0.8183821704030022 -0.9668663668973515 -1.4480212025943369 -1.6796730588119457 -1.718161318287887 +19556,-2.117077165245748,0,-2.0212950558854104 -2.041390467423334 -2.015594047000823 -1.1591786819164591 -1.410255242944705 -0.830712859311099 -0.7976160518282214 -0.03592514291422936 0.179320189849034 -0.13678914722132055 0.255574408974607 0.11658329518212213 -0.4109019117274297 -0.42039499442929407 -0.8183821704030022 -0.9668663668973515 -1.4480212025943369 -1.6796730588119457 -1.718161318287887 -2.0142010402924324 +19557,-2.1035598409418728,0,-2.041390467423334 -2.015594047000823 -1.1591786819164591 -1.410255242944705 -0.830712859311099 -0.7976160518282214 -0.03592514291422936 0.179320189849034 -0.13678914722132055 0.255574408974607 0.11658329518212213 -0.4109019117274297 -0.42039499442929407 -0.8183821704030022 -0.9668663668973515 -1.4480212025943369 -1.6796730588119457 -1.718161318287887 -2.0142010402924324 -2.117077165245748 +19558,-2.24523378241743,0,-2.015594047000823 -1.1591786819164591 -1.410255242944705 -0.830712859311099 -0.7976160518282214 -0.03592514291422936 0.179320189849034 -0.13678914722132055 0.255574408974607 0.11658329518212213 -0.4109019117274297 -0.42039499442929407 -0.8183821704030022 -0.9668663668973515 -1.4480212025943369 -1.6796730588119457 -1.718161318287887 -2.0142010402924324 -2.117077165245748 -2.1035598409418728 +19559,-2.270514274635806,0,-1.1591786819164591 -1.410255242944705 -0.830712859311099 -0.7976160518282214 -0.03592514291422936 0.179320189849034 -0.13678914722132055 0.255574408974607 0.11658329518212213 -0.4109019117274297 -0.42039499442929407 -0.8183821704030022 -0.9668663668973515 -1.4480212025943369 -1.6796730588119457 -1.718161318287887 -2.0142010402924324 -2.117077165245748 -2.1035598409418728 -2.24523378241743 +19560,-2.34129965250674,0,-1.410255242944705 -0.830712859311099 -0.7976160518282214 -0.03592514291422936 0.179320189849034 -0.13678914722132055 0.255574408974607 0.11658329518212213 -0.4109019117274297 -0.42039499442929407 -0.8183821704030022 -0.9668663668973515 -1.4480212025943369 -1.6796730588119457 -1.718161318287887 -2.0142010402924324 -2.117077165245748 -2.1035598409418728 -2.24523378241743 -2.270514274635806 +19561,-2.351411849301224,0,-0.830712859311099 -0.7976160518282214 -0.03592514291422936 0.179320189849034 -0.13678914722132055 0.255574408974607 0.11658329518212213 -0.4109019117274297 -0.42039499442929407 -0.8183821704030022 -0.9668663668973515 -1.4480212025943369 -1.6796730588119457 -1.718161318287887 -2.0142010402924324 -2.117077165245748 -2.1035598409418728 -2.24523378241743 -2.270514274635806 -2.34129965250674 +19562,-2.4070289320578206,0,-0.7976160518282214 -0.03592514291422936 0.179320189849034 -0.13678914722132055 0.255574408974607 0.11658329518212213 -0.4109019117274297 -0.42039499442929407 -0.8183821704030022 -0.9668663668973515 -1.4480212025943369 -1.6796730588119457 -1.718161318287887 -2.0142010402924324 -2.117077165245748 -2.1035598409418728 -2.24523378241743 -2.270514274635806 -2.34129965250674 -2.351411849301224 +19563,-1.8210116469238649,0,-0.03592514291422936 0.179320189849034 -0.13678914722132055 0.255574408974607 0.11658329518212213 -0.4109019117274297 -0.42039499442929407 -0.8183821704030022 -0.9668663668973515 -1.4480212025943369 -1.6796730588119457 -1.718161318287887 -2.0142010402924324 -2.117077165245748 -2.1035598409418728 -2.24523378241743 -2.270514274635806 -2.34129965250674 -2.351411849301224 -2.4070289320578206 +19564,-2.0905068522074575,0,0.179320189849034 -0.13678914722132055 0.255574408974607 0.11658329518212213 -0.4109019117274297 -0.42039499442929407 -0.8183821704030022 -0.9668663668973515 -1.4480212025943369 -1.6796730588119457 -1.718161318287887 -2.0142010402924324 -2.117077165245748 -2.1035598409418728 -2.24523378241743 -2.270514274635806 -2.34129965250674 -2.351411849301224 -2.4070289320578206 -1.8210116469238649 +19565,-1.7183676896004982,0,-0.13678914722132055 0.255574408974607 0.11658329518212213 -0.4109019117274297 -0.42039499442929407 -0.8183821704030022 -0.9668663668973515 -1.4480212025943369 -1.6796730588119457 -1.718161318287887 -2.0142010402924324 -2.117077165245748 -2.1035598409418728 -2.24523378241743 -2.270514274635806 -2.34129965250674 -2.351411849301224 -2.4070289320578206 -1.8210116469238649 -2.0905068522074575 +19566,-1.6520708889010358,0,0.255574408974607 0.11658329518212213 -0.4109019117274297 -0.42039499442929407 -0.8183821704030022 -0.9668663668973515 -1.4480212025943369 -1.6796730588119457 -1.718161318287887 -2.0142010402924324 -2.117077165245748 -2.1035598409418728 -2.24523378241743 -2.270514274635806 -2.34129965250674 -2.351411849301224 -2.4070289320578206 -1.8210116469238649 -2.0905068522074575 -1.7183676896004982 +19567,-1.177984272479691,0,0.11658329518212213 -0.4109019117274297 -0.42039499442929407 -0.8183821704030022 -0.9668663668973515 -1.4480212025943369 -1.6796730588119457 -1.718161318287887 -2.0142010402924324 -2.117077165245748 -2.1035598409418728 -2.24523378241743 -2.270514274635806 -2.34129965250674 -2.351411849301224 -2.4070289320578206 -1.8210116469238649 -2.0905068522074575 -1.7183676896004982 -1.6520708889010358 +19568,-1.0097400178110658,0,-0.4109019117274297 -0.42039499442929407 -0.8183821704030022 -0.9668663668973515 -1.4480212025943369 -1.6796730588119457 -1.718161318287887 -2.0142010402924324 -2.117077165245748 -2.1035598409418728 -2.24523378241743 -2.270514274635806 -2.34129965250674 -2.351411849301224 -2.4070289320578206 -1.8210116469238649 -2.0905068522074575 -1.7183676896004982 -1.6520708889010358 -1.177984272479691 +19569,-1.2227152656712645,0,-0.42039499442929407 -0.8183821704030022 -0.9668663668973515 -1.4480212025943369 -1.6796730588119457 -1.718161318287887 -2.0142010402924324 -2.117077165245748 -2.1035598409418728 -2.24523378241743 -2.270514274635806 -2.34129965250674 -2.351411849301224 -2.4070289320578206 -1.8210116469238649 -2.0905068522074575 -1.7183676896004982 -1.6520708889010358 -1.177984272479691 -1.0097400178110658 +19570,-0.9273978434930197,0,-0.8183821704030022 -0.9668663668973515 -1.4480212025943369 -1.6796730588119457 -1.718161318287887 -2.0142010402924324 -2.117077165245748 -2.1035598409418728 -2.24523378241743 -2.270514274635806 -2.34129965250674 -2.351411849301224 -2.4070289320578206 -1.8210116469238649 -2.0905068522074575 -1.7183676896004982 -1.6520708889010358 -1.177984272479691 -1.0097400178110658 -1.2227152656712645 +19571,-1.0132999238436076,0,-0.9668663668973515 -1.4480212025943369 -1.6796730588119457 -1.718161318287887 -2.0142010402924324 -2.117077165245748 -2.1035598409418728 -2.24523378241743 -2.270514274635806 -2.34129965250674 -2.351411849301224 -2.4070289320578206 -1.8210116469238649 -2.0905068522074575 -1.7183676896004982 -1.6520708889010358 -1.177984272479691 -1.0097400178110658 -1.2227152656712645 -0.9273978434930197 +19572,-1.3573725808154284,0,-1.4480212025943369 -1.6796730588119457 -1.718161318287887 -2.0142010402924324 -2.117077165245748 -2.1035598409418728 -2.24523378241743 -2.270514274635806 -2.34129965250674 -2.351411849301224 -2.4070289320578206 -1.8210116469238649 -2.0905068522074575 -1.7183676896004982 -1.6520708889010358 -1.177984272479691 -1.0097400178110658 -1.2227152656712645 -0.9273978434930197 -1.0132999238436076 +19573,-1.357217802292269,0,-1.6796730588119457 -1.718161318287887 -2.0142010402924324 -2.117077165245748 -2.1035598409418728 -2.24523378241743 -2.270514274635806 -2.34129965250674 -2.351411849301224 -2.4070289320578206 -1.8210116469238649 -2.0905068522074575 -1.7183676896004982 -1.6520708889010358 -1.177984272479691 -1.0097400178110658 -1.2227152656712645 -0.9273978434930197 -1.0132999238436076 -1.3573725808154284 +19574,-1.6152336003903338,0,-1.718161318287887 -2.0142010402924324 -2.117077165245748 -2.1035598409418728 -2.24523378241743 -2.270514274635806 -2.34129965250674 -2.351411849301224 -2.4070289320578206 -1.8210116469238649 -2.0905068522074575 -1.7183676896004982 -1.6520708889010358 -1.177984272479691 -1.0097400178110658 -1.2227152656712645 -0.9273978434930197 -1.0132999238436076 -1.3573725808154284 -1.357217802292269 +19575,-1.6713408150337368,0,-2.0142010402924324 -2.117077165245748 -2.1035598409418728 -2.24523378241743 -2.270514274635806 -2.34129965250674 -2.351411849301224 -2.4070289320578206 -1.8210116469238649 -2.0905068522074575 -1.7183676896004982 -1.6520708889010358 -1.177984272479691 -1.0097400178110658 -1.2227152656712645 -0.9273978434930197 -1.0132999238436076 -1.3573725808154284 -1.357217802292269 -1.6152336003903338 +19576,-1.9966594742317691,0,-2.117077165245748 -2.1035598409418728 -2.24523378241743 -2.270514274635806 -2.34129965250674 -2.351411849301224 -2.4070289320578206 -1.8210116469238649 -2.0905068522074575 -1.7183676896004982 -1.6520708889010358 -1.177984272479691 -1.0097400178110658 -1.2227152656712645 -0.9273978434930197 -1.0132999238436076 -1.3573725808154284 -1.357217802292269 -1.6152336003903338 -1.6713408150337368 +19577,-2.1200695501299167,0,-2.1035598409418728 -2.24523378241743 -2.270514274635806 -2.34129965250674 -2.351411849301224 -2.4070289320578206 -1.8210116469238649 -2.0905068522074575 -1.7183676896004982 -1.6520708889010358 -1.177984272479691 -1.0097400178110658 -1.2227152656712645 -0.9273978434930197 -1.0132999238436076 -1.3573725808154284 -1.357217802292269 -1.6152336003903338 -1.6713408150337368 -1.9966594742317691 +19578,-2.1035598409418728,0,-2.24523378241743 -2.270514274635806 -2.34129965250674 -2.351411849301224 -2.4070289320578206 -1.8210116469238649 -2.0905068522074575 -1.7183676896004982 -1.6520708889010358 -1.177984272479691 -1.0097400178110658 -1.2227152656712645 -0.9273978434930197 -1.0132999238436076 -1.3573725808154284 -1.357217802292269 -1.6152336003903338 -1.6713408150337368 -1.9966594742317691 -2.1200695501299167 +19579,-2.2736098450988873,0,-2.270514274635806 -2.34129965250674 -2.351411849301224 -2.4070289320578206 -1.8210116469238649 -2.0905068522074575 -1.7183676896004982 -1.6520708889010358 -1.177984272479691 -1.0097400178110658 -1.2227152656712645 -0.9273978434930197 -1.0132999238436076 -1.3573725808154284 -1.357217802292269 -1.6152336003903338 -1.6713408150337368 -1.9966594742317691 -2.1200695501299167 -2.1035598409418728 +19580,-2.3037400641697197,0,-2.34129965250674 -2.351411849301224 -2.4070289320578206 -1.8210116469238649 -2.0905068522074575 -1.7183676896004982 -1.6520708889010358 -1.177984272479691 -1.0097400178110658 -1.2227152656712645 -0.9273978434930197 -1.0132999238436076 -1.3573725808154284 -1.357217802292269 -1.6152336003903338 -1.6713408150337368 -1.9966594742317691 -2.1200695501299167 -2.1035598409418728 -2.2736098450988873 +19581,-2.3829350752352236,0,-2.351411849301224 -2.4070289320578206 -1.8210116469238649 -2.0905068522074575 -1.7183676896004982 -1.6520708889010358 -1.177984272479691 -1.0097400178110658 -1.2227152656712645 -0.9273978434930197 -1.0132999238436076 -1.3573725808154284 -1.357217802292269 -1.6152336003903338 -1.6713408150337368 -1.9966594742317691 -2.1200695501299167 -2.1035598409418728 -2.2736098450988873 -2.3037400641697197 +19582,-2.396710363795948,0,-2.4070289320578206 -1.8210116469238649 -2.0905068522074575 -1.7183676896004982 -1.6520708889010358 -1.177984272479691 -1.0097400178110658 -1.2227152656712645 -0.9273978434930197 -1.0132999238436076 -1.3573725808154284 -1.357217802292269 -1.6152336003903338 -1.6713408150337368 -1.9966594742317691 -2.1200695501299167 -2.1035598409418728 -2.2736098450988873 -2.3037400641697197 -2.3829350752352236 +19583,-2.4595504441965583,0,-1.8210116469238649 -2.0905068522074575 -1.7183676896004982 -1.6520708889010358 -1.177984272479691 -1.0097400178110658 -1.2227152656712645 -0.9273978434930197 -1.0132999238436076 -1.3573725808154284 -1.357217802292269 -1.6152336003903338 -1.6713408150337368 -1.9966594742317691 -2.1200695501299167 -2.1035598409418728 -2.2736098450988873 -2.3037400641697197 -2.3829350752352236 -2.396710363795948 +19584,-2.605661370054136,0,-2.0905068522074575 -1.7183676896004982 -1.6520708889010358 -1.177984272479691 -1.0097400178110658 -1.2227152656712645 -0.9273978434930197 -1.0132999238436076 -1.3573725808154284 -1.357217802292269 -1.6152336003903338 -1.6713408150337368 -1.9966594742317691 -2.1200695501299167 -2.1035598409418728 -2.2736098450988873 -2.3037400641697197 -2.3829350752352236 -2.396710363795948 -2.4595504441965583 +19585,-2.640744502020677,0,-1.7183676896004982 -1.6520708889010358 -1.177984272479691 -1.0097400178110658 -1.2227152656712645 -0.9273978434930197 -1.0132999238436076 -1.3573725808154284 -1.357217802292269 -1.6152336003903338 -1.6713408150337368 -1.9966594742317691 -2.1200695501299167 -2.1035598409418728 -2.2736098450988873 -2.3037400641697197 -2.3829350752352236 -2.396710363795948 -2.4595504441965583 -2.605661370054136 +19586,-2.759098479289408,0,-1.6520708889010358 -1.177984272479691 -1.0097400178110658 -1.2227152656712645 -0.9273978434930197 -1.0132999238436076 -1.3573725808154284 -1.357217802292269 -1.6152336003903338 -1.6713408150337368 -1.9966594742317691 -2.1200695501299167 -2.1035598409418728 -2.2736098450988873 -2.3037400641697197 -2.3829350752352236 -2.396710363795948 -2.4595504441965583 -2.605661370054136 -2.640744502020677 +19587,-2.0558880558103767,0,-1.177984272479691 -1.0097400178110658 -1.2227152656712645 -0.9273978434930197 -1.0132999238436076 -1.3573725808154284 -1.357217802292269 -1.6152336003903338 -1.6713408150337368 -1.9966594742317691 -2.1200695501299167 -2.1035598409418728 -2.2736098450988873 -2.3037400641697197 -2.3829350752352236 -2.396710363795948 -2.4595504441965583 -2.605661370054136 -2.640744502020677 -2.759098479289408 +19588,-2.448096833483145,0,-1.0097400178110658 -1.2227152656712645 -0.9273978434930197 -1.0132999238436076 -1.3573725808154284 -1.357217802292269 -1.6152336003903338 -1.6713408150337368 -1.9966594742317691 -2.1200695501299167 -2.1035598409418728 -2.2736098450988873 -2.3037400641697197 -2.3829350752352236 -2.396710363795948 -2.4595504441965583 -2.605661370054136 -2.640744502020677 -2.759098479289408 -2.0558880558103767 +19589,-2.018741210253365,0,-1.2227152656712645 -0.9273978434930197 -1.0132999238436076 -1.3573725808154284 -1.357217802292269 -1.6152336003903338 -1.6713408150337368 -1.9966594742317691 -2.1200695501299167 -2.1035598409418728 -2.2736098450988873 -2.3037400641697197 -2.3829350752352236 -2.396710363795948 -2.4595504441965583 -2.605661370054136 -2.640744502020677 -2.759098479289408 -2.0558880558103767 -2.448096833483145 +19590,-1.905985056135523,0,-0.9273978434930197 -1.0132999238436076 -1.3573725808154284 -1.357217802292269 -1.6152336003903338 -1.6713408150337368 -1.9966594742317691 -2.1200695501299167 -2.1035598409418728 -2.2736098450988873 -2.3037400641697197 -2.3829350752352236 -2.396710363795948 -2.4595504441965583 -2.605661370054136 -2.640744502020677 -2.759098479289408 -2.0558880558103767 -2.448096833483145 -2.018741210253365 +19591,-1.371096276586692,0,-1.0132999238436076 -1.3573725808154284 -1.357217802292269 -1.6152336003903338 -1.6713408150337368 -1.9966594742317691 -2.1200695501299167 -2.1035598409418728 -2.2736098450988873 -2.3037400641697197 -2.3829350752352236 -2.396710363795948 -2.4595504441965583 -2.605661370054136 -2.640744502020677 -2.759098479289408 -2.0558880558103767 -2.448096833483145 -2.018741210253365 -1.905985056135523 +19592,-1.1528069659950138,0,-1.3573725808154284 -1.357217802292269 -1.6152336003903338 -1.6713408150337368 -1.9966594742317691 -2.1200695501299167 -2.1035598409418728 -2.2736098450988873 -2.3037400641697197 -2.3829350752352236 -2.396710363795948 -2.4595504441965583 -2.605661370054136 -2.640744502020677 -2.759098479289408 -2.0558880558103767 -2.448096833483145 -2.018741210253365 -1.905985056135523 -1.371096276586692 +19593,-1.3559021848454542,0,-1.357217802292269 -1.6152336003903338 -1.6713408150337368 -1.9966594742317691 -2.1200695501299167 -2.1035598409418728 -2.2736098450988873 -2.3037400641697197 -2.3829350752352236 -2.396710363795948 -2.4595504441965583 -2.605661370054136 -2.640744502020677 -2.759098479289408 -2.0558880558103767 -2.448096833483145 -2.018741210253365 -1.905985056135523 -1.371096276586692 -1.1528069659950138 +19594,-0.99715136464612,0,-1.6152336003903338 -1.6713408150337368 -1.9966594742317691 -2.1200695501299167 -2.1035598409418728 -2.2736098450988873 -2.3037400641697197 -2.3829350752352236 -2.396710363795948 -2.4595504441965583 -2.605661370054136 -2.640744502020677 -2.759098479289408 -2.0558880558103767 -2.448096833483145 -2.018741210253365 -1.905985056135523 -1.371096276586692 -1.1528069659950138 -1.3559021848454542 +19595,-1.0597850735793333,0,-1.6713408150337368 -1.9966594742317691 -2.1200695501299167 -2.1035598409418728 -2.2736098450988873 -2.3037400641697197 -2.3829350752352236 -2.396710363795948 -2.4595504441965583 -2.605661370054136 -2.640744502020677 -2.759098479289408 -2.0558880558103767 -2.448096833483145 -2.018741210253365 -1.905985056135523 -1.371096276586692 -1.1528069659950138 -1.3559021848454542 -0.99715136464612 +19596,-1.65152916407,0,-1.9966594742317691 -2.1200695501299167 -2.1035598409418728 -2.2736098450988873 -2.3037400641697197 -2.3829350752352236 -2.396710363795948 -2.4595504441965583 -2.605661370054136 -2.640744502020677 -2.759098479289408 -2.0558880558103767 -2.448096833483145 -2.018741210253365 -1.905985056135523 -1.371096276586692 -1.1528069659950138 -1.3559021848454542 -0.99715136464612 -1.0597850735793333 +19597,-1.5377927460237766,0,-2.1200695501299167 -2.1035598409418728 -2.2736098450988873 -2.3037400641697197 -2.3829350752352236 -2.396710363795948 -2.4595504441965583 -2.605661370054136 -2.640744502020677 -2.759098479289408 -2.0558880558103767 -2.448096833483145 -2.018741210253365 -1.905985056135523 -1.371096276586692 -1.1528069659950138 -1.3559021848454542 -0.99715136464612 -1.0597850735793333 -1.65152916407 +19598,-1.953166709225435,0,-2.1035598409418728 -2.2736098450988873 -2.3037400641697197 -2.3829350752352236 -2.396710363795948 -2.4595504441965583 -2.605661370054136 -2.640744502020677 -2.759098479289408 -2.0558880558103767 -2.448096833483145 -2.018741210253365 -1.905985056135523 -1.371096276586692 -1.1528069659950138 -1.3559021848454542 -0.99715136464612 -1.0597850735793333 -1.65152916407 -1.5377927460237766 +19599,-2.0571262839956077,0,-2.2736098450988873 -2.3037400641697197 -2.3829350752352236 -2.396710363795948 -2.4595504441965583 -2.605661370054136 -2.640744502020677 -2.759098479289408 -2.0558880558103767 -2.448096833483145 -2.018741210253365 -1.905985056135523 -1.371096276586692 -1.1528069659950138 -1.3559021848454542 -0.99715136464612 -1.0597850735793333 -1.65152916407 -1.5377927460237766 -1.953166709225435 +19600,-2.5763050434442882,0,-2.3037400641697197 -2.3829350752352236 -2.396710363795948 -2.4595504441965583 -2.605661370054136 -2.640744502020677 -2.759098479289408 -2.0558880558103767 -2.448096833483145 -2.018741210253365 -1.905985056135523 -1.371096276586692 -1.1528069659950138 -1.3559021848454542 -0.99715136464612 -1.0597850735793333 -1.65152916407 -1.5377927460237766 -1.953166709225435 -2.0571262839956077 +19601,-2.784069414461474,0,-2.3829350752352236 -2.396710363795948 -2.4595504441965583 -2.605661370054136 -2.640744502020677 -2.759098479289408 -2.0558880558103767 -2.448096833483145 -2.018741210253365 -1.905985056135523 -1.371096276586692 -1.1528069659950138 -1.3559021848454542 -0.99715136464612 -1.0597850735793333 -1.65152916407 -1.5377927460237766 -1.953166709225435 -2.0571262839956077 -2.5763050434442882 +19602,-2.8385256581396376,0,-2.396710363795948 -2.4595504441965583 -2.605661370054136 -2.640744502020677 -2.759098479289408 -2.0558880558103767 -2.448096833483145 -2.018741210253365 -1.905985056135523 -1.371096276586692 -1.1528069659950138 -1.3559021848454542 -0.99715136464612 -1.0597850735793333 -1.65152916407 -1.5377927460237766 -1.953166709225435 -2.0571262839956077 -2.5763050434442882 -2.784069414461474 +19603,-3.097392738115057,0,-2.4595504441965583 -2.605661370054136 -2.640744502020677 -2.759098479289408 -2.0558880558103767 -2.448096833483145 -2.018741210253365 -1.905985056135523 -1.371096276586692 -1.1528069659950138 -1.3559021848454542 -0.99715136464612 -1.0597850735793333 -1.65152916407 -1.5377927460237766 -1.953166709225435 -2.0571262839956077 -2.5763050434442882 -2.784069414461474 -2.8385256581396376 +19604,-3.202951690906231,0,-2.605661370054136 -2.640744502020677 -2.759098479289408 -2.0558880558103767 -2.448096833483145 -2.018741210253365 -1.905985056135523 -1.371096276586692 -1.1528069659950138 -1.3559021848454542 -0.99715136464612 -1.0597850735793333 -1.65152916407 -1.5377927460237766 -1.953166709225435 -2.0571262839956077 -2.5763050434442882 -2.784069414461474 -2.8385256581396376 -3.097392738115057 +19605,-3.2017908519825755,0,-2.640744502020677 -2.759098479289408 -2.0558880558103767 -2.448096833483145 -2.018741210253365 -1.905985056135523 -1.371096276586692 -1.1528069659950138 -1.3559021848454542 -0.99715136464612 -1.0597850735793333 -1.65152916407 -1.5377927460237766 -1.953166709225435 -2.0571262839956077 -2.5763050434442882 -2.784069414461474 -2.8385256581396376 -3.097392738115057 -3.202951690906231 +19606,-3.3429230686270888,0,-2.759098479289408 -2.0558880558103767 -2.448096833483145 -2.018741210253365 -1.905985056135523 -1.371096276586692 -1.1528069659950138 -1.3559021848454542 -0.99715136464612 -1.0597850735793333 -1.65152916407 -1.5377927460237766 -1.953166709225435 -2.0571262839956077 -2.5763050434442882 -2.784069414461474 -2.8385256581396376 -3.097392738115057 -3.202951690906231 -3.2017908519825755 +19607,-3.377335493711567,0,-2.0558880558103767 -2.448096833483145 -2.018741210253365 -1.905985056135523 -1.371096276586692 -1.1528069659950138 -1.3559021848454542 -0.99715136464612 -1.0597850735793333 -1.65152916407 -1.5377927460237766 -1.953166709225435 -2.0571262839956077 -2.5763050434442882 -2.784069414461474 -2.8385256581396376 -3.097392738115057 -3.202951690906231 -3.2017908519825755 -3.3429230686270888 +19608,-3.4276901065261445,0,-2.448096833483145 -2.018741210253365 -1.905985056135523 -1.371096276586692 -1.1528069659950138 -1.3559021848454542 -0.99715136464612 -1.0597850735793333 -1.65152916407 -1.5377927460237766 -1.953166709225435 -2.0571262839956077 -2.5763050434442882 -2.784069414461474 -2.8385256581396376 -3.097392738115057 -3.202951690906231 -3.2017908519825755 -3.3429230686270888 -3.377335493711567 +19609,-3.456788468879134,0,-2.018741210253365 -1.905985056135523 -1.371096276586692 -1.1528069659950138 -1.3559021848454542 -0.99715136464612 -1.0597850735793333 -1.65152916407 -1.5377927460237766 -1.953166709225435 -2.0571262839956077 -2.5763050434442882 -2.784069414461474 -2.8385256581396376 -3.097392738115057 -3.202951690906231 -3.2017908519825755 -3.3429230686270888 -3.377335493711567 -3.4276901065261445 +19610,-3.501829019117009,0,-1.905985056135523 -1.371096276586692 -1.1528069659950138 -1.3559021848454542 -0.99715136464612 -1.0597850735793333 -1.65152916407 -1.5377927460237766 -1.953166709225435 -2.0571262839956077 -2.5763050434442882 -2.784069414461474 -2.8385256581396376 -3.097392738115057 -3.202951690906231 -3.2017908519825755 -3.3429230686270888 -3.377335493711567 -3.4276901065261445 -3.456788468879134 +19611,-2.5391839943593997,0,-1.371096276586692 -1.1528069659950138 -1.3559021848454542 -0.99715136464612 -1.0597850735793333 -1.65152916407 -1.5377927460237766 -1.953166709225435 -2.0571262839956077 -2.5763050434442882 -2.784069414461474 -2.8385256581396376 -3.097392738115057 -3.202951690906231 -3.2017908519825755 -3.3429230686270888 -3.377335493711567 -3.4276901065261445 -3.456788468879134 -3.501829019117009 +19612,-2.920119736314028,0,-1.1528069659950138 -1.3559021848454542 -0.99715136464612 -1.0597850735793333 -1.65152916407 -1.5377927460237766 -1.953166709225435 -2.0571262839956077 -2.5763050434442882 -2.784069414461474 -2.8385256581396376 -3.097392738115057 -3.202951690906231 -3.2017908519825755 -3.3429230686270888 -3.377335493711567 -3.4276901065261445 -3.456788468879134 -3.501829019117009 -2.5391839943593997 +19613,-2.2933699031183954,0,-1.3559021848454542 -0.99715136464612 -1.0597850735793333 -1.65152916407 -1.5377927460237766 -1.953166709225435 -2.0571262839956077 -2.5763050434442882 -2.784069414461474 -2.8385256581396376 -3.097392738115057 -3.202951690906231 -3.2017908519825755 -3.3429230686270888 -3.377335493711567 -3.4276901065261445 -3.456788468879134 -3.501829019117009 -2.5391839943593997 -2.920119736314028 +19614,-2.2090414044714626,0,-0.99715136464612 -1.0597850735793333 -1.65152916407 -1.5377927460237766 -1.953166709225435 -2.0571262839956077 -2.5763050434442882 -2.784069414461474 -2.8385256581396376 -3.097392738115057 -3.202951690906231 -3.2017908519825755 -3.3429230686270888 -3.377335493711567 -3.4276901065261445 -3.456788468879134 -3.501829019117009 -2.5391839943593997 -2.920119736314028 -2.2933699031183954 +19615,-1.4014844599143734,0,-1.0597850735793333 -1.65152916407 -1.5377927460237766 -1.953166709225435 -2.0571262839956077 -2.5763050434442882 -2.784069414461474 -2.8385256581396376 -3.097392738115057 -3.202951690906231 -3.2017908519825755 -3.3429230686270888 -3.377335493711567 -3.4276901065261445 -3.456788468879134 -3.501829019117009 -2.5391839943593997 -2.920119736314028 -2.2933699031183954 -2.2090414044714626 +19616,-1.1363488497512073,0,-1.65152916407 -1.5377927460237766 -1.953166709225435 -2.0571262839956077 -2.5763050434442882 -2.784069414461474 -2.8385256581396376 -3.097392738115057 -3.202951690906231 -3.2017908519825755 -3.3429230686270888 -3.377335493711567 -3.4276901065261445 -3.456788468879134 -3.501829019117009 -2.5391839943593997 -2.920119736314028 -2.2933699031183954 -2.2090414044714626 -1.4014844599143734 +19617,-1.3687488022672578,0,-1.5377927460237766 -1.953166709225435 -2.0571262839956077 -2.5763050434442882 -2.784069414461474 -2.8385256581396376 -3.097392738115057 -3.202951690906231 -3.2017908519825755 -3.3429230686270888 -3.377335493711567 -3.4276901065261445 -3.456788468879134 -3.501829019117009 -2.5391839943593997 -2.920119736314028 -2.2933699031183954 -2.2090414044714626 -1.4014844599143734 -1.1363488497512073 +19618,-0.9377680045443529,0,-1.953166709225435 -2.0571262839956077 -2.5763050434442882 -2.784069414461474 -2.8385256581396376 -3.097392738115057 -3.202951690906231 -3.2017908519825755 -3.3429230686270888 -3.377335493711567 -3.4276901065261445 -3.456788468879134 -3.501829019117009 -2.5391839943593997 -2.920119736314028 -2.2933699031183954 -2.2090414044714626 -1.4014844599143734 -1.1363488497512073 -1.3687488022672578 +19619,-1.0043227695006645,0,-2.0571262839956077 -2.5763050434442882 -2.784069414461474 -2.8385256581396376 -3.097392738115057 -3.202951690906231 -3.2017908519825755 -3.3429230686270888 -3.377335493711567 -3.4276901065261445 -3.456788468879134 -3.501829019117009 -2.5391839943593997 -2.920119736314028 -2.2933699031183954 -2.2090414044714626 -1.4014844599143734 -1.1363488497512073 -1.3687488022672578 -0.9377680045443529 +19620,-1.7057790364355525,0,-2.5763050434442882 -2.784069414461474 -2.8385256581396376 -3.097392738115057 -3.202951690906231 -3.2017908519825755 -3.3429230686270888 -3.377335493711567 -3.4276901065261445 -3.456788468879134 -3.501829019117009 -2.5391839943593997 -2.920119736314028 -2.2933699031183954 -2.2090414044714626 -1.4014844599143734 -1.1363488497512073 -1.3687488022672578 -0.9377680045443529 -1.0043227695006645 +19621,-1.5606999674505946,0,-2.784069414461474 -2.8385256581396376 -3.097392738115057 -3.202951690906231 -3.2017908519825755 -3.3429230686270888 -3.377335493711567 -3.4276901065261445 -3.456788468879134 -3.501829019117009 -2.5391839943593997 -2.920119736314028 -2.2933699031183954 -2.2090414044714626 -1.4014844599143734 -1.1363488497512073 -1.3687488022672578 -0.9377680045443529 -1.0043227695006645 -1.7057790364355525 +19622,-2.050522400289436,0,-2.8385256581396376 -3.097392738115057 -3.202951690906231 -3.2017908519825755 -3.3429230686270888 -3.377335493711567 -3.4276901065261445 -3.456788468879134 -3.501829019117009 -2.5391839943593997 -2.920119736314028 -2.2933699031183954 -2.2090414044714626 -1.4014844599143734 -1.1363488497512073 -1.3687488022672578 -0.9377680045443529 -1.0043227695006645 -1.7057790364355525 -1.5606999674505946 +19623,-2.0335225592145942,0,-3.097392738115057 -3.202951690906231 -3.2017908519825755 -3.3429230686270888 -3.377335493711567 -3.4276901065261445 -3.456788468879134 -3.501829019117009 -2.5391839943593997 -2.920119736314028 -2.2933699031183954 -2.2090414044714626 -1.4014844599143734 -1.1363488497512073 -1.3687488022672578 -0.9377680045443529 -1.0043227695006645 -1.7057790364355525 -1.5606999674505946 -2.050522400289436 +19624,-2.6922857502310333,0,-3.202951690906231 -3.2017908519825755 -3.3429230686270888 -3.377335493711567 -3.4276901065261445 -3.456788468879134 -3.501829019117009 -2.5391839943593997 -2.920119736314028 -2.2933699031183954 -2.2090414044714626 -1.4014844599143734 -1.1363488497512073 -1.3687488022672578 -0.9377680045443529 -1.0043227695006645 -1.7057790364355525 -1.5606999674505946 -2.050522400289436 -2.0335225592145942 +19625,-2.8442266670242256,0,-3.2017908519825755 -3.3429230686270888 -3.377335493711567 -3.4276901065261445 -3.456788468879134 -3.501829019117009 -2.5391839943593997 -2.920119736314028 -2.2933699031183954 -2.2090414044714626 -1.4014844599143734 -1.1363488497512073 -1.3687488022672578 -0.9377680045443529 -1.0043227695006645 -1.7057790364355525 -1.5606999674505946 -2.050522400289436 -2.0335225592145942 -2.6922857502310333 +19626,-2.772280450229636,0,-3.3429230686270888 -3.377335493711567 -3.4276901065261445 -3.456788468879134 -3.501829019117009 -2.5391839943593997 -2.920119736314028 -2.2933699031183954 -2.2090414044714626 -1.4014844599143734 -1.1363488497512073 -1.3687488022672578 -0.9377680045443529 -1.0043227695006645 -1.7057790364355525 -1.5606999674505946 -2.050522400289436 -2.0335225592145942 -2.6922857502310333 -2.8442266670242256 +19627,-2.998850411655286,0,-3.377335493711567 -3.4276901065261445 -3.456788468879134 -3.501829019117009 -2.5391839943593997 -2.920119736314028 -2.2933699031183954 -2.2090414044714626 -1.4014844599143734 -1.1363488497512073 -1.3687488022672578 -0.9377680045443529 -1.0043227695006645 -1.7057790364355525 -1.5606999674505946 -2.050522400289436 -2.0335225592145942 -2.6922857502310333 -2.8442266670242256 -2.772280450229636 +19628,-3.001533239493144,0,-3.4276901065261445 -3.456788468879134 -3.501829019117009 -2.5391839943593997 -2.920119736314028 -2.2933699031183954 -2.2090414044714626 -1.4014844599143734 -1.1363488497512073 -1.3687488022672578 -0.9377680045443529 -1.0043227695006645 -1.7057790364355525 -1.5606999674505946 -2.050522400289436 -2.0335225592145942 -2.6922857502310333 -2.8442266670242256 -2.772280450229636 -2.998850411655286 +19629,-2.967456167927099,0,-3.456788468879134 -3.501829019117009 -2.5391839943593997 -2.920119736314028 -2.2933699031183954 -2.2090414044714626 -1.4014844599143734 -1.1363488497512073 -1.3687488022672578 -0.9377680045443529 -1.0043227695006645 -1.7057790364355525 -1.5606999674505946 -2.050522400289436 -2.0335225592145942 -2.6922857502310333 -2.8442266670242256 -2.772280450229636 -2.998850411655286 -3.001533239493144 +19630,-2.982392295411479,0,-3.501829019117009 -2.5391839943593997 -2.920119736314028 -2.2933699031183954 -2.2090414044714626 -1.4014844599143734 -1.1363488497512073 -1.3687488022672578 -0.9377680045443529 -1.0043227695006645 -1.7057790364355525 -1.5606999674505946 -2.050522400289436 -2.0335225592145942 -2.6922857502310333 -2.8442266670242256 -2.772280450229636 -2.998850411655286 -3.001533239493144 -2.967456167927099 +19631,-2.9605685236467325,0,-2.5391839943593997 -2.920119736314028 -2.2933699031183954 -2.2090414044714626 -1.4014844599143734 -1.1363488497512073 -1.3687488022672578 -0.9377680045443529 -1.0043227695006645 -1.7057790364355525 -1.5606999674505946 -2.050522400289436 -2.0335225592145942 -2.6922857502310333 -2.8442266670242256 -2.772280450229636 -2.998850411655286 -3.001533239493144 -2.967456167927099 -2.982392295411479 +19632,-2.897418886199821,0,-2.920119736314028 -2.2933699031183954 -2.2090414044714626 -1.4014844599143734 -1.1363488497512073 -1.3687488022672578 -0.9377680045443529 -1.0043227695006645 -1.7057790364355525 -1.5606999674505946 -2.050522400289436 -2.0335225592145942 -2.6922857502310333 -2.8442266670242256 -2.772280450229636 -2.998850411655286 -3.001533239493144 -2.967456167927099 -2.982392295411479 -2.9605685236467325 +19633,-2.889370402995799,0,-2.2933699031183954 -2.2090414044714626 -1.4014844599143734 -1.1363488497512073 -1.3687488022672578 -0.9377680045443529 -1.0043227695006645 -1.7057790364355525 -1.5606999674505946 -2.050522400289436 -2.0335225592145942 -2.6922857502310333 -2.8442266670242256 -2.772280450229636 -2.998850411655286 -3.001533239493144 -2.967456167927099 -2.982392295411479 -2.9605685236467325 -2.897418886199821 +19634,-2.839996054109603,0,-2.2090414044714626 -1.4014844599143734 -1.1363488497512073 -1.3687488022672578 -0.9377680045443529 -1.0043227695006645 -1.7057790364355525 -1.5606999674505946 -2.050522400289436 -2.0335225592145942 -2.6922857502310333 -2.8442266670242256 -2.772280450229636 -2.998850411655286 -3.001533239493144 -2.967456167927099 -2.982392295411479 -2.9605685236467325 -2.897418886199821 -2.889370402995799 +19635,-2.170811109252379,0,-1.4014844599143734 -1.1363488497512073 -1.3687488022672578 -0.9377680045443529 -1.0043227695006645 -1.7057790364355525 -1.5606999674505946 -2.050522400289436 -2.0335225592145942 -2.6922857502310333 -2.8442266670242256 -2.772280450229636 -2.998850411655286 -3.001533239493144 -2.967456167927099 -2.982392295411479 -2.9605685236467325 -2.897418886199821 -2.889370402995799 -2.839996054109603 +19636,-2.328040292304937,0,-1.1363488497512073 -1.3687488022672578 -0.9377680045443529 -1.0043227695006645 -1.7057790364355525 -1.5606999674505946 -2.050522400289436 -2.0335225592145942 -2.6922857502310333 -2.8442266670242256 -2.772280450229636 -2.998850411655286 -3.001533239493144 -2.967456167927099 -2.982392295411479 -2.9605685236467325 -2.897418886199821 -2.889370402995799 -2.839996054109603 -2.170811109252379 +19637,-1.865458879541243,0,-1.3687488022672578 -0.9377680045443529 -1.0043227695006645 -1.7057790364355525 -1.5606999674505946 -2.050522400289436 -2.0335225592145942 -2.6922857502310333 -2.8442266670242256 -2.772280450229636 -2.998850411655286 -3.001533239493144 -2.967456167927099 -2.982392295411479 -2.9605685236467325 -2.897418886199821 -2.889370402995799 -2.839996054109603 -2.170811109252379 -2.328040292304937 +19638,-1.7412233182378645,0,-0.9377680045443529 -1.0043227695006645 -1.7057790364355525 -1.5606999674505946 -2.050522400289436 -2.0335225592145942 -2.6922857502310333 -2.8442266670242256 -2.772280450229636 -2.998850411655286 -3.001533239493144 -2.967456167927099 -2.982392295411479 -2.9605685236467325 -2.897418886199821 -2.889370402995799 -2.839996054109603 -2.170811109252379 -2.328040292304937 -1.865458879541243 +19639,-1.1658599548842055,0,-1.0043227695006645 -1.7057790364355525 -1.5606999674505946 -2.050522400289436 -2.0335225592145942 -2.6922857502310333 -2.8442266670242256 -2.772280450229636 -2.998850411655286 -3.001533239493144 -2.967456167927099 -2.982392295411479 -2.9605685236467325 -2.897418886199821 -2.889370402995799 -2.839996054109603 -2.170811109252379 -2.328040292304937 -1.865458879541243 -1.7412233182378645 +19640,-0.9288424429908706,0,-1.7057790364355525 -1.5606999674505946 -2.050522400289436 -2.0335225592145942 -2.6922857502310333 -2.8442266670242256 -2.772280450229636 -2.998850411655286 -3.001533239493144 -2.967456167927099 -2.982392295411479 -2.9605685236467325 -2.897418886199821 -2.889370402995799 -2.839996054109603 -2.170811109252379 -2.328040292304937 -1.865458879541243 -1.7412233182378645 -1.1658599548842055 +19641,-1.1112747290002287,0,-1.5606999674505946 -2.050522400289436 -2.0335225592145942 -2.6922857502310333 -2.8442266670242256 -2.772280450229636 -2.998850411655286 -3.001533239493144 -2.967456167927099 -2.982392295411479 -2.9605685236467325 -2.897418886199821 -2.889370402995799 -2.839996054109603 -2.170811109252379 -2.328040292304937 -1.865458879541243 -1.7412233182378645 -1.1658599548842055 -0.9288424429908706 +19642,-0.7344406179091866,0,-2.050522400289436 -2.0335225592145942 -2.6922857502310333 -2.8442266670242256 -2.772280450229636 -2.998850411655286 -3.001533239493144 -2.967456167927099 -2.982392295411479 -2.9605685236467325 -2.897418886199821 -2.889370402995799 -2.839996054109603 -2.170811109252379 -2.328040292304937 -1.865458879541243 -1.7412233182378645 -1.1658599548842055 -0.9288424429908706 -1.1112747290002287 +19643,-0.7770563047208287,0,-2.0335225592145942 -2.6922857502310333 -2.8442266670242256 -2.772280450229636 -2.998850411655286 -3.001533239493144 -2.967456167927099 -2.982392295411479 -2.9605685236467325 -2.897418886199821 -2.889370402995799 -2.839996054109603 -2.170811109252379 -2.328040292304937 -1.865458879541243 -1.7412233182378645 -1.1658599548842055 -0.9288424429908706 -1.1112747290002287 -0.7344406179091866 +19644,-1.4817371241698343,0,-2.6922857502310333 -2.8442266670242256 -2.772280450229636 -2.998850411655286 -3.001533239493144 -2.967456167927099 -2.982392295411479 -2.9605685236467325 -2.897418886199821 -2.889370402995799 -2.839996054109603 -2.170811109252379 -2.328040292304937 -1.865458879541243 -1.7412233182378645 -1.1658599548842055 -0.9288424429908706 -1.1112747290002287 -0.7344406179091866 -0.7770563047208287 +19645,-1.3036644332809115,0,-2.8442266670242256 -2.772280450229636 -2.998850411655286 -3.001533239493144 -2.967456167927099 -2.982392295411479 -2.9605685236467325 -2.897418886199821 -2.889370402995799 -2.839996054109603 -2.170811109252379 -2.328040292304937 -1.865458879541243 -1.7412233182378645 -1.1658599548842055 -0.9288424429908706 -1.1112747290002287 -0.7344406179091866 -0.7770563047208287 -1.4817371241698343 +19646,-1.7876568751841293,0,-2.772280450229636 -2.998850411655286 -3.001533239493144 -2.967456167927099 -2.982392295411479 -2.9605685236467325 -2.897418886199821 -2.889370402995799 -2.839996054109603 -2.170811109252379 -2.328040292304937 -1.865458879541243 -1.7412233182378645 -1.1658599548842055 -0.9288424429908706 -1.1112747290002287 -0.7344406179091866 -0.7770563047208287 -1.4817371241698343 -1.3036644332809115 +19647,-1.8497230629689694,0,-2.998850411655286 -3.001533239493144 -2.967456167927099 -2.982392295411479 -2.9605685236467325 -2.897418886199821 -2.889370402995799 -2.839996054109603 -2.170811109252379 -2.328040292304937 -1.865458879541243 -1.7412233182378645 -1.1658599548842055 -0.9288424429908706 -1.1112747290002287 -0.7344406179091866 -0.7770563047208287 -1.4817371241698343 -1.3036644332809115 -1.7876568751841293 +19648,-2.4743575896299026,0,-3.001533239493144 -2.967456167927099 -2.982392295411479 -2.9605685236467325 -2.897418886199821 -2.889370402995799 -2.839996054109603 -2.170811109252379 -2.328040292304937 -1.865458879541243 -1.7412233182378645 -1.1658599548842055 -0.9288424429908706 -1.1112747290002287 -0.7344406179091866 -0.7770563047208287 -1.4817371241698343 -1.3036644332809115 -1.7876568751841293 -1.8497230629689694 +19649,-2.677065862017681,0,-2.967456167927099 -2.982392295411479 -2.9605685236467325 -2.897418886199821 -2.889370402995799 -2.839996054109603 -2.170811109252379 -2.328040292304937 -1.865458879541243 -1.7412233182378645 -1.1658599548842055 -0.9288424429908706 -1.1112747290002287 -0.7344406179091866 -0.7770563047208287 -1.4817371241698343 -1.3036644332809115 -1.7876568751841293 -1.8497230629689694 -2.4743575896299026 +19650,-2.718804470479863,0,-2.982392295411479 -2.9605685236467325 -2.897418886199821 -2.889370402995799 -2.839996054109603 -2.170811109252379 -2.328040292304937 -1.865458879541243 -1.7412233182378645 -1.1658599548842055 -0.9288424429908706 -1.1112747290002287 -0.7344406179091866 -0.7770563047208287 -1.4817371241698343 -1.3036644332809115 -1.7876568751841293 -1.8497230629689694 -2.4743575896299026 -2.677065862017681 +19651,-2.9751692976126884,0,-2.9605685236467325 -2.897418886199821 -2.889370402995799 -2.839996054109603 -2.170811109252379 -2.328040292304937 -1.865458879541243 -1.7412233182378645 -1.1658599548842055 -0.9288424429908706 -1.1112747290002287 -0.7344406179091866 -0.7770563047208287 -1.4817371241698343 -1.3036644332809115 -1.7876568751841293 -1.8497230629689694 -2.4743575896299026 -2.677065862017681 -2.718804470479863 +19652,-3.0705644608199174,0,-2.897418886199821 -2.889370402995799 -2.839996054109603 -2.170811109252379 -2.328040292304937 -1.865458879541243 -1.7412233182378645 -1.1658599548842055 -0.9288424429908706 -1.1112747290002287 -0.7344406179091866 -0.7770563047208287 -1.4817371241698343 -1.3036644332809115 -1.7876568751841293 -1.8497230629689694 -2.4743575896299026 -2.677065862017681 -2.718804470479863 -2.9751692976126884 +19653,-3.0946067246982767,0,-2.889370402995799 -2.839996054109603 -2.170811109252379 -2.328040292304937 -1.865458879541243 -1.7412233182378645 -1.1658599548842055 -0.9288424429908706 -1.1112747290002287 -0.7344406179091866 -0.7770563047208287 -1.4817371241698343 -1.3036644332809115 -1.7876568751841293 -1.8497230629689694 -2.4743575896299026 -2.677065862017681 -2.718804470479863 -2.9751692976126884 -3.0705644608199174 +19654,-3.213786187527025,0,-2.839996054109603 -2.170811109252379 -2.328040292304937 -1.865458879541243 -1.7412233182378645 -1.1658599548842055 -0.9288424429908706 -1.1112747290002287 -0.7344406179091866 -0.7770563047208287 -1.4817371241698343 -1.3036644332809115 -1.7876568751841293 -1.8497230629689694 -2.4743575896299026 -2.677065862017681 -2.718804470479863 -2.9751692976126884 -3.0705644608199174 -3.0946067246982767 +19655,-3.26161275118168,0,-2.170811109252379 -2.328040292304937 -1.865458879541243 -1.7412233182378645 -1.1658599548842055 -0.9288424429908706 -1.1112747290002287 -0.7344406179091866 -0.7770563047208287 -1.4817371241698343 -1.3036644332809115 -1.7876568751841293 -1.8497230629689694 -2.4743575896299026 -2.677065862017681 -2.718804470479863 -2.9751692976126884 -3.0705644608199174 -3.0946067246982767 -3.213786187527025 +19656,-3.328012737614832,0,-2.328040292304937 -1.865458879541243 -1.7412233182378645 -1.1658599548842055 -0.9288424429908706 -1.1112747290002287 -0.7344406179091866 -0.7770563047208287 -1.4817371241698343 -1.3036644332809115 -1.7876568751841293 -1.8497230629689694 -2.4743575896299026 -2.677065862017681 -2.718804470479863 -2.9751692976126884 -3.0705644608199174 -3.0946067246982767 -3.213786187527025 -3.26161275118168 +19657,-3.3696481603433157,0,-1.865458879541243 -1.7412233182378645 -1.1658599548842055 -0.9288424429908706 -1.1112747290002287 -0.7344406179091866 -0.7770563047208287 -1.4817371241698343 -1.3036644332809115 -1.7876568751841293 -1.8497230629689694 -2.4743575896299026 -2.677065862017681 -2.718804470479863 -2.9751692976126884 -3.0705644608199174 -3.0946067246982767 -3.213786187527025 -3.26161275118168 -3.328012737614832 +19658,-3.429857005850305,0,-1.7412233182378645 -1.1658599548842055 -0.9288424429908706 -1.1112747290002287 -0.7344406179091866 -0.7770563047208287 -1.4817371241698343 -1.3036644332809115 -1.7876568751841293 -1.8497230629689694 -2.4743575896299026 -2.677065862017681 -2.718804470479863 -2.9751692976126884 -3.0705644608199174 -3.0946067246982767 -3.213786187527025 -3.26161275118168 -3.328012737614832 -3.3696481603433157 +19659,-2.347258625648177,0,-1.1658599548842055 -0.9288424429908706 -1.1112747290002287 -0.7344406179091866 -0.7770563047208287 -1.4817371241698343 -1.3036644332809115 -1.7876568751841293 -1.8497230629689694 -2.4743575896299026 -2.677065862017681 -2.718804470479863 -2.9751692976126884 -3.0705644608199174 -3.0946067246982767 -3.213786187527025 -3.26161275118168 -3.328012737614832 -3.3696481603433157 -3.429857005850305 +19660,-2.788403213109795,0,-0.9288424429908706 -1.1112747290002287 -0.7344406179091866 -0.7770563047208287 -1.4817371241698343 -1.3036644332809115 -1.7876568751841293 -1.8497230629689694 -2.4743575896299026 -2.677065862017681 -2.718804470479863 -2.9751692976126884 -3.0705644608199174 -3.0946067246982767 -3.213786187527025 -3.26161275118168 -3.328012737614832 -3.3696481603433157 -3.429857005850305 -2.347258625648177 +19661,-2.0867405747075187,0,-1.1112747290002287 -0.7344406179091866 -0.7770563047208287 -1.4817371241698343 -1.3036644332809115 -1.7876568751841293 -1.8497230629689694 -2.4743575896299026 -2.677065862017681 -2.718804470479863 -2.9751692976126884 -3.0705644608199174 -3.0946067246982767 -3.213786187527025 -3.26161275118168 -3.328012737614832 -3.3696481603433157 -3.429857005850305 -2.347258625648177 -2.788403213109795 +19662,-1.9724624318302506,0,-0.7344406179091866 -0.7770563047208287 -1.4817371241698343 -1.3036644332809115 -1.7876568751841293 -1.8497230629689694 -2.4743575896299026 -2.677065862017681 -2.718804470479863 -2.9751692976126884 -3.0705644608199174 -3.0946067246982767 -3.213786187527025 -3.26161275118168 -3.328012737614832 -3.3696481603433157 -3.429857005850305 -2.347258625648177 -2.788403213109795 -2.0867405747075187 +19663,-1.0750049617926858,0,-0.7770563047208287 -1.4817371241698343 -1.3036644332809115 -1.7876568751841293 -1.8497230629689694 -2.4743575896299026 -2.677065862017681 -2.718804470479863 -2.9751692976126884 -3.0705644608199174 -3.0946067246982767 -3.213786187527025 -3.26161275118168 -3.328012737614832 -3.3696481603433157 -3.429857005850305 -2.347258625648177 -2.788403213109795 -2.0867405747075187 -1.9724624318302506 +19664,-0.7649319869705665,0,-1.4817371241698343 -1.3036644332809115 -1.7876568751841293 -1.8497230629689694 -2.4743575896299026 -2.677065862017681 -2.718804470479863 -2.9751692976126884 -3.0705644608199174 -3.0946067246982767 -3.213786187527025 -3.26161275118168 -3.328012737614832 -3.3696481603433157 -3.429857005850305 -2.347258625648177 -2.788403213109795 -2.0867405747075187 -1.9724624318302506 -1.0750049617926858 +19665,-1.0016141453454683,0,-1.3036644332809115 -1.7876568751841293 -1.8497230629689694 -2.4743575896299026 -2.677065862017681 -2.718804470479863 -2.9751692976126884 -3.0705644608199174 -3.0946067246982767 -3.213786187527025 -3.26161275118168 -3.328012737614832 -3.3696481603433157 -3.429857005850305 -2.347258625648177 -2.788403213109795 -2.0867405747075187 -1.9724624318302506 -1.0750049617926858 -0.7649319869705665 +19666,-0.5092894596640505,0,-1.7876568751841293 -1.8497230629689694 -2.4743575896299026 -2.677065862017681 -2.718804470479863 -2.9751692976126884 -3.0705644608199174 -3.0946067246982767 -3.213786187527025 -3.26161275118168 -3.328012737614832 -3.3696481603433157 -3.429857005850305 -2.347258625648177 -2.788403213109795 -2.0867405747075187 -1.9724624318302506 -1.0750049617926858 -0.7649319869705665 -1.0016141453454683 +19667,-0.5637199068700911,0,-1.8497230629689694 -2.4743575896299026 -2.677065862017681 -2.718804470479863 -2.9751692976126884 -3.0705644608199174 -3.0946067246982767 -3.213786187527025 -3.26161275118168 -3.328012737614832 -3.3696481603433157 -3.429857005850305 -2.347258625648177 -2.788403213109795 -2.0867405747075187 -1.9724624318302506 -1.0750049617926858 -0.7649319869705665 -1.0016141453454683 -0.5092894596640505 +19668,-1.456353446372537,0,-2.4743575896299026 -2.677065862017681 -2.718804470479863 -2.9751692976126884 -3.0705644608199174 -3.0946067246982767 -3.213786187527025 -3.26161275118168 -3.328012737614832 -3.3696481603433157 -3.429857005850305 -2.347258625648177 -2.788403213109795 -2.0867405747075187 -1.9724624318302506 -1.0750049617926858 -0.7649319869705665 -1.0016141453454683 -0.5092894596640505 -0.5637199068700911 +19669,-1.2313828629678978,0,-2.677065862017681 -2.718804470479863 -2.9751692976126884 -3.0705644608199174 -3.0946067246982767 -3.213786187527025 -3.26161275118168 -3.328012737614832 -3.3696481603433157 -3.429857005850305 -2.347258625648177 -2.788403213109795 -2.0867405747075187 -1.9724624318302506 -1.0750049617926858 -0.7649319869705665 -1.0016141453454683 -0.5092894596640505 -0.5637199068700911 -1.456353446372537 +19670,-1.844615371704878,0,-2.718804470479863 -2.9751692976126884 -3.0705644608199174 -3.0946067246982767 -3.213786187527025 -3.26161275118168 -3.328012737614832 -3.3696481603433157 -3.429857005850305 -2.347258625648177 -2.788403213109795 -2.0867405747075187 -1.9724624318302506 -1.0750049617926858 -0.7649319869705665 -1.0016141453454683 -0.5092894596640505 -0.5637199068700911 -1.456353446372537 -1.2313828629678978 +19671,-1.83494171400774,0,-2.9751692976126884 -3.0705644608199174 -3.0946067246982767 -3.213786187527025 -3.26161275118168 -3.328012737614832 -3.3696481603433157 -3.429857005850305 -2.347258625648177 -2.788403213109795 -2.0867405747075187 -1.9724624318302506 -1.0750049617926858 -0.7649319869705665 -1.0016141453454683 -0.5092894596640505 -0.5637199068700911 -1.456353446372537 -1.2313828629678978 -1.844615371704878 +19672,-2.655809611556093,0,-3.0705644608199174 -3.0946067246982767 -3.213786187527025 -3.26161275118168 -3.328012737614832 -3.3696481603433157 -3.429857005850305 -2.347258625648177 -2.788403213109795 -2.0867405747075187 -1.9724624318302506 -1.0750049617926858 -0.7649319869705665 -1.0016141453454683 -0.5092894596640505 -0.5637199068700911 -1.456353446372537 -1.2313828629678978 -1.844615371704878 -1.83494171400774 +19673,-2.8537713426703277,0,-3.0946067246982767 -3.213786187527025 -3.26161275118168 -3.328012737614832 -3.3696481603433157 -3.429857005850305 -2.347258625648177 -2.788403213109795 -2.0867405747075187 -1.9724624318302506 -1.0750049617926858 -0.7649319869705665 -1.0016141453454683 -0.5092894596640505 -0.5637199068700911 -1.456353446372537 -1.2313828629678978 -1.844615371704878 -1.83494171400774 -2.655809611556093 +19674,-2.8825601479770167,0,-3.213786187527025 -3.26161275118168 -3.328012737614832 -3.3696481603433157 -3.429857005850305 -2.347258625648177 -2.788403213109795 -2.0867405747075187 -1.9724624318302506 -1.0750049617926858 -0.7649319869705665 -1.0016141453454683 -0.5092894596640505 -0.5637199068700911 -1.456353446372537 -1.2313828629678978 -1.844615371704878 -1.83494171400774 -2.655809611556093 -2.8537713426703277 +19675,-3.1369128543088407,0,-3.26161275118168 -3.328012737614832 -3.3696481603433157 -3.429857005850305 -2.347258625648177 -2.788403213109795 -2.0867405747075187 -1.9724624318302506 -1.0750049617926858 -0.7649319869705665 -1.0016141453454683 -0.5092894596640505 -0.5637199068700911 -1.456353446372537 -1.2313828629678978 -1.844615371704878 -1.83494171400774 -2.655809611556093 -2.8537713426703277 -2.8825601479770167 +19676,-3.222092634987896,0,-3.328012737614832 -3.3696481603433157 -3.429857005850305 -2.347258625648177 -2.788403213109795 -2.0867405747075187 -1.9724624318302506 -1.0750049617926858 -0.7649319869705665 -1.0016141453454683 -0.5092894596640505 -0.5637199068700911 -1.456353446372537 -1.2313828629678978 -1.844615371704878 -1.83494171400774 -2.655809611556093 -2.8537713426703277 -2.8825601479770167 -3.1369128543088407 +19677,-3.1894859593918077,0,-3.3696481603433157 -3.429857005850305 -2.347258625648177 -2.788403213109795 -2.0867405747075187 -1.9724624318302506 -1.0750049617926858 -0.7649319869705665 -1.0016141453454683 -0.5092894596640505 -0.5637199068700911 -1.456353446372537 -1.2313828629678978 -1.844615371704878 -1.83494171400774 -2.655809611556093 -2.8537713426703277 -2.8825601479770167 -3.1369128543088407 -3.222092634987896 +19678,-3.3139278920077975,0,-3.429857005850305 -2.347258625648177 -2.788403213109795 -2.0867405747075187 -1.9724624318302506 -1.0750049617926858 -0.7649319869705665 -1.0016141453454683 -0.5092894596640505 -0.5637199068700911 -1.456353446372537 -1.2313828629678978 -1.844615371704878 -1.83494171400774 -2.655809611556093 -2.8537713426703277 -2.8825601479770167 -3.1369128543088407 -3.222092634987896 -3.1894859593918077 +19679,-3.3205833685034296,0,-2.347258625648177 -2.788403213109795 -2.0867405747075187 -1.9724624318302506 -1.0750049617926858 -0.7649319869705665 -1.0016141453454683 -0.5092894596640505 -0.5637199068700911 -1.456353446372537 -1.2313828629678978 -1.844615371704878 -1.83494171400774 -2.655809611556093 -2.8537713426703277 -2.8825601479770167 -3.1369128543088407 -3.222092634987896 -3.1894859593918077 -3.3139278920077975 +19680,-3.1113228051989323,0,-2.788403213109795 -2.0867405747075187 -1.9724624318302506 -1.0750049617926858 -0.7649319869705665 -1.0016141453454683 -0.5092894596640505 -0.5637199068700911 -1.456353446372537 -1.2313828629678978 -1.844615371704878 -1.83494171400774 -2.655809611556093 -2.8537713426703277 -2.8825601479770167 -3.1369128543088407 -3.222092634987896 -3.1894859593918077 -3.3139278920077975 -3.3205833685034296 +19681,-3.189950294961277,0,-2.0867405747075187 -1.9724624318302506 -1.0750049617926858 -0.7649319869705665 -1.0016141453454683 -0.5092894596640505 -0.5637199068700911 -1.456353446372537 -1.2313828629678978 -1.844615371704878 -1.83494171400774 -2.655809611556093 -2.8537713426703277 -2.8825601479770167 -3.1369128543088407 -3.222092634987896 -3.1894859593918077 -3.3139278920077975 -3.3205833685034296 -3.1113228051989323 +19682,-3.0526617449234923,0,-1.9724624318302506 -1.0750049617926858 -0.7649319869705665 -1.0016141453454683 -0.5092894596640505 -0.5637199068700911 -1.456353446372537 -1.2313828629678978 -1.844615371704878 -1.83494171400774 -2.655809611556093 -2.8537713426703277 -2.8825601479770167 -3.1369128543088407 -3.222092634987896 -3.1894859593918077 -3.3139278920077975 -3.3205833685034296 -3.1113228051989323 -3.189950294961277 +19683,-2.5127168669000306,0,-1.0750049617926858 -0.7649319869705665 -1.0016141453454683 -0.5092894596640505 -0.5637199068700911 -1.456353446372537 -1.2313828629678978 -1.844615371704878 -1.83494171400774 -2.655809611556093 -2.8537713426703277 -2.8825601479770167 -3.1369128543088407 -3.222092634987896 -3.1894859593918077 -3.3139278920077975 -3.3205833685034296 -3.1113228051989323 -3.189950294961277 -3.0526617449234923 +19684,-2.5096470929090637,0,-0.7649319869705665 -1.0016141453454683 -0.5092894596640505 -0.5637199068700911 -1.456353446372537 -1.2313828629678978 -1.844615371704878 -1.83494171400774 -2.655809611556093 -2.8537713426703277 -2.8825601479770167 -3.1369128543088407 -3.222092634987896 -3.1894859593918077 -3.3139278920077975 -3.3205833685034296 -3.1113228051989323 -3.189950294961277 -3.0526617449234923 -2.5127168669000306 +19685,-2.1039209907776346,0,-1.0016141453454683 -0.5092894596640505 -0.5637199068700911 -1.456353446372537 -1.2313828629678978 -1.844615371704878 -1.83494171400774 -2.655809611556093 -2.8537713426703277 -2.8825601479770167 -3.1369128543088407 -3.222092634987896 -3.1894859593918077 -3.3139278920077975 -3.3205833685034296 -3.1113228051989323 -3.189950294961277 -3.0526617449234923 -2.5127168669000306 -2.5096470929090637 +19686,-1.967586908350894,0,-0.5092894596640505 -0.5637199068700911 -1.456353446372537 -1.2313828629678978 -1.844615371704878 -1.83494171400774 -2.655809611556093 -2.8537713426703277 -2.8825601479770167 -3.1369128543088407 -3.222092634987896 -3.1894859593918077 -3.3139278920077975 -3.3205833685034296 -3.1113228051989323 -3.189950294961277 -3.0526617449234923 -2.5127168669000306 -2.5096470929090637 -2.1039209907776346 +19687,-1.4720634664726961,0,-0.5637199068700911 -1.456353446372537 -1.2313828629678978 -1.844615371704878 -1.83494171400774 -2.655809611556093 -2.8537713426703277 -2.8825601479770167 -3.1369128543088407 -3.222092634987896 -3.1894859593918077 -3.3139278920077975 -3.3205833685034296 -3.1113228051989323 -3.189950294961277 -3.0526617449234923 -2.5127168669000306 -2.5096470929090637 -2.1039209907776346 -1.967586908350894 +19688,-1.2459320441443926,0,-1.456353446372537 -1.2313828629678978 -1.844615371704878 -1.83494171400774 -2.655809611556093 -2.8537713426703277 -2.8825601479770167 -3.1369128543088407 -3.222092634987896 -3.1894859593918077 -3.3139278920077975 -3.3205833685034296 -3.1113228051989323 -3.189950294961277 -3.0526617449234923 -2.5127168669000306 -2.5096470929090637 -2.1039209907776346 -1.967586908350894 -1.4720634664726961 +19689,-1.6143823185129882,0,-1.2313828629678978 -1.844615371704878 -1.83494171400774 -2.655809611556093 -2.8537713426703277 -2.8825601479770167 -3.1369128543088407 -3.222092634987896 -3.1894859593918077 -3.3139278920077975 -3.3205833685034296 -3.1113228051989323 -3.189950294961277 -3.0526617449234923 -2.5127168669000306 -2.5096470929090637 -2.1039209907776346 -1.967586908350894 -1.4720634664726961 -1.2459320441443926 +19690,-1.1900569972857242,0,-1.844615371704878 -1.83494171400774 -2.655809611556093 -2.8537713426703277 -2.8825601479770167 -3.1369128543088407 -3.222092634987896 -3.1894859593918077 -3.3139278920077975 -3.3205833685034296 -3.1113228051989323 -3.189950294961277 -3.0526617449234923 -2.5127168669000306 -2.5096470929090637 -2.1039209907776346 -1.967586908350894 -1.4720634664726961 -1.2459320441443926 -1.6143823185129882 +19691,-1.3603133727553505,0,-1.83494171400774 -2.655809611556093 -2.8537713426703277 -2.8825601479770167 -3.1369128543088407 -3.222092634987896 -3.1894859593918077 -3.3139278920077975 -3.3205833685034296 -3.1113228051989323 -3.189950294961277 -3.0526617449234923 -2.5127168669000306 -2.5096470929090637 -2.1039209907776346 -1.967586908350894 -1.4720634664726961 -1.2459320441443926 -1.6143823185129882 -1.1900569972857242 +19692,-1.6250620366106312,0,-2.655809611556093 -2.8537713426703277 -2.8825601479770167 -3.1369128543088407 -3.222092634987896 -3.1894859593918077 -3.3139278920077975 -3.3205833685034296 -3.1113228051989323 -3.189950294961277 -3.0526617449234923 -2.5127168669000306 -2.5096470929090637 -2.1039209907776346 -1.967586908350894 -1.4720634664726961 -1.2459320441443926 -1.6143823185129882 -1.1900569972857242 -1.3603133727553505 +19693,-1.7638209826183815,0,-2.8537713426703277 -2.8825601479770167 -3.1369128543088407 -3.222092634987896 -3.1894859593918077 -3.3139278920077975 -3.3205833685034296 -3.1113228051989323 -3.189950294961277 -3.0526617449234923 -2.5127168669000306 -2.5096470929090637 -2.1039209907776346 -1.967586908350894 -1.4720634664726961 -1.2459320441443926 -1.6143823185129882 -1.1900569972857242 -1.3603133727553505 -1.6250620366106312 +19694,-1.9970722170117776,0,-2.8825601479770167 -3.1369128543088407 -3.222092634987896 -3.1894859593918077 -3.3139278920077975 -3.3205833685034296 -3.1113228051989323 -3.189950294961277 -3.0526617449234923 -2.5127168669000306 -2.5096470929090637 -2.1039209907776346 -1.967586908350894 -1.4720634664726961 -1.2459320441443926 -1.6143823185129882 -1.1900569972857242 -1.3603133727553505 -1.6250620366106312 -1.7638209826183815 +19695,-1.9356251433195573,0,-3.1369128543088407 -3.222092634987896 -3.1894859593918077 -3.3139278920077975 -3.3205833685034296 -3.1113228051989323 -3.189950294961277 -3.0526617449234923 -2.5127168669000306 -2.5096470929090637 -2.1039209907776346 -1.967586908350894 -1.4720634664726961 -1.2459320441443926 -1.6143823185129882 -1.1900569972857242 -1.3603133727553505 -1.6250620366106312 -1.7638209826183815 -1.9970722170117776 +19696,-2.2671091471264146,0,-3.222092634987896 -3.1894859593918077 -3.3139278920077975 -3.3205833685034296 -3.1113228051989323 -3.189950294961277 -3.0526617449234923 -2.5127168669000306 -2.5096470929090637 -2.1039209907776346 -1.967586908350894 -1.4720634664726961 -1.2459320441443926 -1.6143823185129882 -1.1900569972857242 -1.3603133727553505 -1.6250620366106312 -1.7638209826183815 -1.9970722170117776 -1.9356251433195573 +19697,-2.303894842692879,0,-3.1894859593918077 -3.3139278920077975 -3.3205833685034296 -3.1113228051989323 -3.189950294961277 -3.0526617449234923 -2.5127168669000306 -2.5096470929090637 -2.1039209907776346 -1.967586908350894 -1.4720634664726961 -1.2459320441443926 -1.6143823185129882 -1.1900569972857242 -1.3603133727553505 -1.6250620366106312 -1.7638209826183815 -1.9970722170117776 -1.9356251433195573 -2.2671091471264146 +19698,-2.370475404121305,0,-3.3139278920077975 -3.3205833685034296 -3.1113228051989323 -3.189950294961277 -3.0526617449234923 -2.5127168669000306 -2.5096470929090637 -2.1039209907776346 -1.967586908350894 -1.4720634664726961 -1.2459320441443926 -1.6143823185129882 -1.1900569972857242 -1.3603133727553505 -1.6250620366106312 -1.7638209826183815 -1.9970722170117776 -1.9356251433195573 -2.2671091471264146 -2.303894842692879 +19699,-2.397329477888559,0,-3.3205833685034296 -3.1113228051989323 -3.189950294961277 -3.0526617449234923 -2.5127168669000306 -2.5096470929090637 -2.1039209907776346 -1.967586908350894 -1.4720634664726961 -1.2459320441443926 -1.6143823185129882 -1.1900569972857242 -1.3603133727553505 -1.6250620366106312 -1.7638209826183815 -1.9970722170117776 -1.9356251433195573 -2.2671091471264146 -2.303894842692879 -2.370475404121305 +19700,-2.4539784173630066,0,-3.1113228051989323 -3.189950294961277 -3.0526617449234923 -2.5127168669000306 -2.5096470929090637 -2.1039209907776346 -1.967586908350894 -1.4720634664726961 -1.2459320441443926 -1.6143823185129882 -1.1900569972857242 -1.3603133727553505 -1.6250620366106312 -1.7638209826183815 -1.9970722170117776 -1.9356251433195573 -2.2671091471264146 -2.303894842692879 -2.370475404121305 -2.397329477888559 +19701,-2.4987094105545715,0,-3.189950294961277 -3.0526617449234923 -2.5127168669000306 -2.5096470929090637 -2.1039209907776346 -1.967586908350894 -1.4720634664726961 -1.2459320441443926 -1.6143823185129882 -1.1900569972857242 -1.3603133727553505 -1.6250620366106312 -1.7638209826183815 -1.9970722170117776 -1.9356251433195573 -2.2671091471264146 -2.303894842692879 -2.370475404121305 -2.397329477888559 -2.4539784173630066 +19702,-2.5593309988415607,0,-3.0526617449234923 -2.5127168669000306 -2.5096470929090637 -2.1039209907776346 -1.967586908350894 -1.4720634664726961 -1.2459320441443926 -1.6143823185129882 -1.1900569972857242 -1.3603133727553505 -1.6250620366106312 -1.7638209826183815 -1.9970722170117776 -1.9356251433195573 -2.2671091471264146 -2.303894842692879 -2.370475404121305 -2.397329477888559 -2.4539784173630066 -2.4987094105545715 +19703,-2.608034640690899,0,-2.5127168669000306 -2.5096470929090637 -2.1039209907776346 -1.967586908350894 -1.4720634664726961 -1.2459320441443926 -1.6143823185129882 -1.1900569972857242 -1.3603133727553505 -1.6250620366106312 -1.7638209826183815 -1.9970722170117776 -1.9356251433195573 -2.2671091471264146 -2.303894842692879 -2.370475404121305 -2.397329477888559 -2.4539784173630066 -2.4987094105545715 -2.5593309988415607 +19704,-2.626324302895218,0,-2.5096470929090637 -2.1039209907776346 -1.967586908350894 -1.4720634664726961 -1.2459320441443926 -1.6143823185129882 -1.1900569972857242 -1.3603133727553505 -1.6250620366106312 -1.7638209826183815 -1.9970722170117776 -1.9356251433195573 -2.2671091471264146 -2.303894842692879 -2.370475404121305 -2.397329477888559 -2.4539784173630066 -2.4987094105545715 -2.5593309988415607 -2.608034640690899 +19705,-2.685165938165941,0,-2.1039209907776346 -1.967586908350894 -1.4720634664726961 -1.2459320441443926 -1.6143823185129882 -1.1900569972857242 -1.3603133727553505 -1.6250620366106312 -1.7638209826183815 -1.9970722170117776 -1.9356251433195573 -2.2671091471264146 -2.303894842692879 -2.370475404121305 -2.397329477888559 -2.4539784173630066 -2.4987094105545715 -2.5593309988415607 -2.608034640690899 -2.626324302895218 +19706,-2.713593593482073,0,-1.967586908350894 -1.4720634664726961 -1.2459320441443926 -1.6143823185129882 -1.1900569972857242 -1.3603133727553505 -1.6250620366106312 -1.7638209826183815 -1.9970722170117776 -1.9356251433195573 -2.2671091471264146 -2.303894842692879 -2.370475404121305 -2.397329477888559 -2.4539784173630066 -2.4987094105545715 -2.5593309988415607 -2.608034640690899 -2.626324302895218 -2.685165938165941 +19707,-2.4634972965369855,0,-1.4720634664726961 -1.2459320441443926 -1.6143823185129882 -1.1900569972857242 -1.3603133727553505 -1.6250620366106312 -1.7638209826183815 -1.9970722170117776 -1.9356251433195573 -2.2671091471264146 -2.303894842692879 -2.370475404121305 -2.397329477888559 -2.4539784173630066 -2.4987094105545715 -2.5593309988415607 -2.608034640690899 -2.626324302895218 -2.685165938165941 -2.713593593482073 +19708,-2.584766269428319,0,-1.2459320441443926 -1.6143823185129882 -1.1900569972857242 -1.3603133727553505 -1.6250620366106312 -1.7638209826183815 -1.9970722170117776 -1.9356251433195573 -2.2671091471264146 -2.303894842692879 -2.370475404121305 -2.397329477888559 -2.4539784173630066 -2.4987094105545715 -2.5593309988415607 -2.608034640690899 -2.626324302895218 -2.685165938165941 -2.713593593482073 -2.4634972965369855 +19709,-2.427511289903629,0,-1.6143823185129882 -1.1900569972857242 -1.3603133727553505 -1.6250620366106312 -1.7638209826183815 -1.9970722170117776 -1.9356251433195573 -2.2671091471264146 -2.303894842692879 -2.370475404121305 -2.397329477888559 -2.4539784173630066 -2.4987094105545715 -2.5593309988415607 -2.608034640690899 -2.626324302895218 -2.685165938165941 -2.713593593482073 -2.4634972965369855 -2.584766269428319 +19710,-2.2976521089772555,0,-1.1900569972857242 -1.3603133727553505 -1.6250620366106312 -1.7638209826183815 -1.9970722170117776 -1.9356251433195573 -2.2671091471264146 -2.303894842692879 -2.370475404121305 -2.397329477888559 -2.4539784173630066 -2.4987094105545715 -2.5593309988415607 -2.608034640690899 -2.626324302895218 -2.685165938165941 -2.713593593482073 -2.4634972965369855 -2.584766269428319 -2.427511289903629 +19711,-2.131265196586481,0,-1.3603133727553505 -1.6250620366106312 -1.7638209826183815 -1.9970722170117776 -1.9356251433195573 -2.2671091471264146 -2.303894842692879 -2.370475404121305 -2.397329477888559 -2.4539784173630066 -2.4987094105545715 -2.5593309988415607 -2.608034640690899 -2.626324302895218 -2.685165938165941 -2.713593593482073 -2.4634972965369855 -2.584766269428319 -2.427511289903629 -2.2976521089772555 +19712,-1.9922740827939962,0,-1.6250620366106312 -1.7638209826183815 -1.9970722170117776 -1.9356251433195573 -2.2671091471264146 -2.303894842692879 -2.370475404121305 -2.397329477888559 -2.4539784173630066 -2.4987094105545715 -2.5593309988415607 -2.608034640690899 -2.626324302895218 -2.685165938165941 -2.713593593482073 -2.4634972965369855 -2.584766269428319 -2.427511289903629 -2.2976521089772555 -2.131265196586481 +19713,-2.073145861142068,0,-1.7638209826183815 -1.9970722170117776 -1.9356251433195573 -2.2671091471264146 -2.303894842692879 -2.370475404121305 -2.397329477888559 -2.4539784173630066 -2.4987094105545715 -2.5593309988415607 -2.608034640690899 -2.626324302895218 -2.685165938165941 -2.713593593482073 -2.4634972965369855 -2.584766269428319 -2.427511289903629 -2.2976521089772555 -2.131265196586481 -1.9922740827939962 +19714,-1.860867116636073,0,-1.9970722170117776 -1.9356251433195573 -2.2671091471264146 -2.303894842692879 -2.370475404121305 -2.397329477888559 -2.4539784173630066 -2.4987094105545715 -2.5593309988415607 -2.608034640690899 -2.626324302895218 -2.685165938165941 -2.713593593482073 -2.4634972965369855 -2.584766269428319 -2.427511289903629 -2.2976521089772555 -2.131265196586481 -1.9922740827939962 -2.073145861142068 +19715,-1.868451264270626,0,-1.9356251433195573 -2.2671091471264146 -2.303894842692879 -2.370475404121305 -2.397329477888559 -2.4539784173630066 -2.4987094105545715 -2.5593309988415607 -2.608034640690899 -2.626324302895218 -2.685165938165941 -2.713593593482073 -2.4634972965369855 -2.584766269428319 -2.427511289903629 -2.2976521089772555 -2.131265196586481 -1.9922740827939962 -2.073145861142068 -1.860867116636073 +19716,-2.144808317362471,0,-2.2671091471264146 -2.303894842692879 -2.370475404121305 -2.397329477888559 -2.4539784173630066 -2.4987094105545715 -2.5593309988415607 -2.608034640690899 -2.626324302895218 -2.685165938165941 -2.713593593482073 -2.4634972965369855 -2.584766269428319 -2.427511289903629 -2.2976521089772555 -2.131265196586481 -1.9922740827939962 -2.073145861142068 -1.860867116636073 -1.868451264270626 +19717,-2.062801496562858,0,-2.303894842692879 -2.370475404121305 -2.397329477888559 -2.4539784173630066 -2.4987094105545715 -2.5593309988415607 -2.608034640690899 -2.626324302895218 -2.685165938165941 -2.713593593482073 -2.4634972965369855 -2.584766269428319 -2.427511289903629 -2.2976521089772555 -2.131265196586481 -1.9922740827939962 -2.073145861142068 -1.860867116636073 -1.868451264270626 -2.144808317362471 +19718,-2.2495675810657514,0,-2.370475404121305 -2.397329477888559 -2.4539784173630066 -2.4987094105545715 -2.5593309988415607 -2.608034640690899 -2.626324302895218 -2.685165938165941 -2.713593593482073 -2.4634972965369855 -2.584766269428319 -2.427511289903629 -2.2976521089772555 -2.131265196586481 -1.9922740827939962 -2.073145861142068 -1.860867116636073 -1.868451264270626 -2.144808317362471 -2.062801496562858 +19719,-2.55350100775116,0,-2.397329477888559 -2.4539784173630066 -2.4987094105545715 -2.5593309988415607 -2.608034640690899 -2.626324302895218 -2.685165938165941 -2.713593593482073 -2.4634972965369855 -2.584766269428319 -2.427511289903629 -2.2976521089772555 -2.131265196586481 -1.9922740827939962 -2.073145861142068 -1.860867116636073 -1.868451264270626 -2.144808317362471 -2.062801496562858 -2.2495675810657514 +19720,-2.7012113116297387,0,-2.4539784173630066 -2.4987094105545715 -2.5593309988415607 -2.608034640690899 -2.626324302895218 -2.685165938165941 -2.713593593482073 -2.4634972965369855 -2.584766269428319 -2.427511289903629 -2.2976521089772555 -2.131265196586481 -1.9922740827939962 -2.073145861142068 -1.860867116636073 -1.868451264270626 -2.144808317362471 -2.062801496562858 -2.2495675810657514 -2.55350100775116 +19721,-2.9660889576908325,0,-2.4987094105545715 -2.5593309988415607 -2.608034640690899 -2.626324302895218 -2.685165938165941 -2.713593593482073 -2.4634972965369855 -2.584766269428319 -2.427511289903629 -2.2976521089772555 -2.131265196586481 -1.9922740827939962 -2.073145861142068 -1.860867116636073 -1.868451264270626 -2.144808317362471 -2.062801496562858 -2.2495675810657514 -2.55350100775116 -2.7012113116297387 +19722,-3.019074805399031,0,-2.5593309988415607 -2.608034640690899 -2.626324302895218 -2.685165938165941 -2.713593593482073 -2.4634972965369855 -2.584766269428319 -2.427511289903629 -2.2976521089772555 -2.131265196586481 -1.9922740827939962 -2.073145861142068 -1.860867116636073 -1.868451264270626 -2.144808317362471 -2.062801496562858 -2.2495675810657514 -2.55350100775116 -2.7012113116297387 -2.9660889576908325 +19723,-3.3545830508078995,0,-2.608034640690899 -2.626324302895218 -2.685165938165941 -2.713593593482073 -2.4634972965369855 -2.584766269428319 -2.427511289903629 -2.2976521089772555 -2.131265196586481 -1.9922740827939962 -2.073145861142068 -1.860867116636073 -1.868451264270626 -2.144808317362471 -2.062801496562858 -2.2495675810657514 -2.55350100775116 -2.7012113116297387 -2.9660889576908325 -3.019074805399031 +19724,-3.4781994978638724,0,-2.626324302895218 -2.685165938165941 -2.713593593482073 -2.4634972965369855 -2.584766269428319 -2.427511289903629 -2.2976521089772555 -2.131265196586481 -1.9922740827939962 -2.073145861142068 -1.860867116636073 -1.868451264270626 -2.144808317362471 -2.062801496562858 -2.2495675810657514 -2.55350100775116 -2.7012113116297387 -2.9660889576908325 -3.019074805399031 -3.3545830508078995 +19725,-3.3937936099553645,0,-2.685165938165941 -2.713593593482073 -2.4634972965369855 -2.584766269428319 -2.427511289903629 -2.2976521089772555 -2.131265196586481 -1.9922740827939962 -2.073145861142068 -1.860867116636073 -1.868451264270626 -2.144808317362471 -2.062801496562858 -2.2495675810657514 -2.55350100775116 -2.7012113116297387 -2.9660889576908325 -3.019074805399031 -3.3545830508078995 -3.4781994978638724 +19726,-3.586750835539215,0,-2.713593593482073 -2.4634972965369855 -2.584766269428319 -2.427511289903629 -2.2976521089772555 -2.131265196586481 -1.9922740827939962 -2.073145861142068 -1.860867116636073 -1.868451264270626 -2.144808317362471 -2.062801496562858 -2.2495675810657514 -2.55350100775116 -2.7012113116297387 -2.9660889576908325 -3.019074805399031 -3.3545830508078995 -3.4781994978638724 -3.3937936099553645 +19727,-3.5716857258490133,0,-2.4634972965369855 -2.584766269428319 -2.427511289903629 -2.2976521089772555 -2.131265196586481 -1.9922740827939962 -2.073145861142068 -1.860867116636073 -1.868451264270626 -2.144808317362471 -2.062801496562858 -2.2495675810657514 -2.55350100775116 -2.7012113116297387 -2.9660889576908325 -3.019074805399031 -3.3545830508078995 -3.4781994978638724 -3.3937936099553645 -3.586750835539215 +19728,-3.4409236702558244,0,-2.584766269428319 -2.427511289903629 -2.2976521089772555 -2.131265196586481 -1.9922740827939962 -2.073145861142068 -1.860867116636073 -1.868451264270626 -2.144808317362471 -2.062801496562858 -2.2495675810657514 -2.55350100775116 -2.7012113116297387 -2.9660889576908325 -3.019074805399031 -3.3545830508078995 -3.4781994978638724 -3.3937936099553645 -3.586750835539215 -3.5716857258490133 +19729,-3.464424209303148,0,-2.427511289903629 -2.2976521089772555 -2.131265196586481 -1.9922740827939962 -2.073145861142068 -1.860867116636073 -1.868451264270626 -2.144808317362471 -2.062801496562858 -2.2495675810657514 -2.55350100775116 -2.7012113116297387 -2.9660889576908325 -3.019074805399031 -3.3545830508078995 -3.4781994978638724 -3.3937936099553645 -3.586750835539215 -3.5716857258490133 -3.4409236702558244 +19730,-3.3722278024474757,0,-2.2976521089772555 -2.131265196586481 -1.9922740827939962 -2.073145861142068 -1.860867116636073 -1.868451264270626 -2.144808317362471 -2.062801496562858 -2.2495675810657514 -2.55350100775116 -2.7012113116297387 -2.9660889576908325 -3.019074805399031 -3.3545830508078995 -3.4781994978638724 -3.3937936099553645 -3.586750835539215 -3.5716857258490133 -3.4409236702558244 -3.464424209303148 +19731,-2.536475370204203,0,-2.131265196586481 -1.9922740827939962 -2.073145861142068 -1.860867116636073 -1.868451264270626 -2.144808317362471 -2.062801496562858 -2.2495675810657514 -2.55350100775116 -2.7012113116297387 -2.9660889576908325 -3.019074805399031 -3.3545830508078995 -3.4781994978638724 -3.3937936099553645 -3.586750835539215 -3.5716857258490133 -3.4409236702558244 -3.464424209303148 -3.3722278024474757 +19732,-2.692130971707874,0,-1.9922740827939962 -2.073145861142068 -1.860867116636073 -1.868451264270626 -2.144808317362471 -2.062801496562858 -2.2495675810657514 -2.55350100775116 -2.7012113116297387 -2.9660889576908325 -3.019074805399031 -3.3545830508078995 -3.4781994978638724 -3.3937936099553645 -3.586750835539215 -3.5716857258490133 -3.4409236702558244 -3.464424209303148 -3.3722278024474757 -2.536475370204203 +19733,-2.1042305478239443,0,-2.073145861142068 -1.860867116636073 -1.868451264270626 -2.144808317362471 -2.062801496562858 -2.2495675810657514 -2.55350100775116 -2.7012113116297387 -2.9660889576908325 -3.019074805399031 -3.3545830508078995 -3.4781994978638724 -3.3937936099553645 -3.586750835539215 -3.5716857258490133 -3.4409236702558244 -3.464424209303148 -3.3722278024474757 -2.536475370204203 -2.692130971707874 +19734,-2.087308096010678,0,-1.860867116636073 -1.868451264270626 -2.144808317362471 -2.062801496562858 -2.2495675810657514 -2.55350100775116 -2.7012113116297387 -2.9660889576908325 -3.019074805399031 -3.3545830508078995 -3.4781994978638724 -3.3937936099553645 -3.586750835539215 -3.5716857258490133 -3.4409236702558244 -3.464424209303148 -3.3722278024474757 -2.536475370204203 -2.692130971707874 -2.1042305478239443 +19735,-1.3090816815913129,0,-1.868451264270626 -2.144808317362471 -2.062801496562858 -2.2495675810657514 -2.55350100775116 -2.7012113116297387 -2.9660889576908325 -3.019074805399031 -3.3545830508078995 -3.4781994978638724 -3.3937936099553645 -3.586750835539215 -3.5716857258490133 -3.4409236702558244 -3.464424209303148 -3.3722278024474757 -2.536475370204203 -2.692130971707874 -2.1042305478239443 -2.087308096010678 +19736,-1.1018332390878165,0,-2.144808317362471 -2.062801496562858 -2.2495675810657514 -2.55350100775116 -2.7012113116297387 -2.9660889576908325 -3.019074805399031 -3.3545830508078995 -3.4781994978638724 -3.3937936099553645 -3.586750835539215 -3.5716857258490133 -3.4409236702558244 -3.464424209303148 -3.3722278024474757 -2.536475370204203 -2.692130971707874 -2.1042305478239443 -2.087308096010678 -1.3090816815913129 +19737,-1.270232272279601,0,-2.062801496562858 -2.2495675810657514 -2.55350100775116 -2.7012113116297387 -2.9660889576908325 -3.019074805399031 -3.3545830508078995 -3.4781994978638724 -3.3937936099553645 -3.586750835539215 -3.5716857258490133 -3.4409236702558244 -3.464424209303148 -3.3722278024474757 -2.536475370204203 -2.692130971707874 -2.1042305478239443 -2.087308096010678 -1.3090816815913129 -1.1018332390878165 +19738,-0.9377680045443529,0,-2.2495675810657514 -2.55350100775116 -2.7012113116297387 -2.9660889576908325 -3.019074805399031 -3.3545830508078995 -3.4781994978638724 -3.3937936099553645 -3.586750835539215 -3.5716857258490133 -3.4409236702558244 -3.464424209303148 -3.3722278024474757 -2.536475370204203 -2.692130971707874 -2.1042305478239443 -2.087308096010678 -1.3090816815913129 -1.1018332390878165 -1.270232272279601 +19739,-0.9809512125043859,0,-2.55350100775116 -2.7012113116297387 -2.9660889576908325 -3.019074805399031 -3.3545830508078995 -3.4781994978638724 -3.3937936099553645 -3.586750835539215 -3.5716857258490133 -3.4409236702558244 -3.464424209303148 -3.3722278024474757 -2.536475370204203 -2.692130971707874 -2.1042305478239443 -2.087308096010678 -1.3090816815913129 -1.1018332390878165 -1.270232272279601 -0.9377680045443529 +19740,-1.8234107140327511,0,-2.7012113116297387 -2.9660889576908325 -3.019074805399031 -3.3545830508078995 -3.4781994978638724 -3.3937936099553645 -3.586750835539215 -3.5716857258490133 -3.4409236702558244 -3.464424209303148 -3.3722278024474757 -2.536475370204203 -2.692130971707874 -2.1042305478239443 -2.087308096010678 -1.3090816815913129 -1.1018332390878165 -1.270232272279601 -0.9377680045443529 -0.9809512125043859 +19741,-1.6001684908549176,0,-2.9660889576908325 -3.019074805399031 -3.3545830508078995 -3.4781994978638724 -3.3937936099553645 -3.586750835539215 -3.5716857258490133 -3.4409236702558244 -3.464424209303148 -3.3722278024474757 -2.536475370204203 -2.692130971707874 -2.1042305478239443 -2.087308096010678 -1.3090816815913129 -1.1018332390878165 -1.270232272279601 -0.9377680045443529 -0.9809512125043859 -1.8234107140327511 +19742,-2.176202561090657,0,-3.019074805399031 -3.3545830508078995 -3.4781994978638724 -3.3937936099553645 -3.586750835539215 -3.5716857258490133 -3.4409236702558244 -3.464424209303148 -3.3722278024474757 -2.536475370204203 -2.692130971707874 -2.1042305478239443 -2.087308096010678 -1.3090816815913129 -1.1018332390878165 -1.270232272279601 -0.9377680045443529 -0.9809512125043859 -1.8234107140327511 -1.6001684908549176 +19743,-2.194414834033392,0,-3.3545830508078995 -3.4781994978638724 -3.3937936099553645 -3.586750835539215 -3.5716857258490133 -3.4409236702558244 -3.464424209303148 -3.3722278024474757 -2.536475370204203 -2.692130971707874 -2.1042305478239443 -2.087308096010678 -1.3090816815913129 -1.1018332390878165 -1.270232272279601 -0.9377680045443529 -0.9809512125043859 -1.8234107140327511 -1.6001684908549176 -2.176202561090657 +19744,-2.9563895035215713,0,-3.4781994978638724 -3.3937936099553645 -3.586750835539215 -3.5716857258490133 -3.4409236702558244 -3.464424209303148 -3.3722278024474757 -2.536475370204203 -2.692130971707874 -2.1042305478239443 -2.087308096010678 -1.3090816815913129 -1.1018332390878165 -1.270232272279601 -0.9377680045443529 -0.9809512125043859 -1.8234107140327511 -1.6001684908549176 -2.176202561090657 -2.194414834033392 +19745,-3.1605423755619775,0,-3.3937936099553645 -3.586750835539215 -3.5716857258490133 -3.4409236702558244 -3.464424209303148 -3.3722278024474757 -2.536475370204203 -2.692130971707874 -2.1042305478239443 -2.087308096010678 -1.3090816815913129 -1.1018332390878165 -1.270232272279601 -0.9377680045443529 -0.9809512125043859 -1.8234107140327511 -1.6001684908549176 -2.176202561090657 -2.194414834033392 -2.9563895035215713 +19746,-3.1859260533592657,0,-3.586750835539215 -3.5716857258490133 -3.4409236702558244 -3.464424209303148 -3.3722278024474757 -2.536475370204203 -2.692130971707874 -2.1042305478239443 -2.087308096010678 -1.3090816815913129 -1.1018332390878165 -1.270232272279601 -0.9377680045443529 -0.9809512125043859 -1.8234107140327511 -1.6001684908549176 -2.176202561090657 -2.194414834033392 -2.9563895035215713 -3.1605423755619775 +19747,-3.449668656814042,0,-3.5716857258490133 -3.4409236702558244 -3.464424209303148 -3.3722278024474757 -2.536475370204203 -2.692130971707874 -2.1042305478239443 -2.087308096010678 -1.3090816815913129 -1.1018332390878165 -1.270232272279601 -0.9377680045443529 -0.9809512125043859 -1.8234107140327511 -1.6001684908549176 -2.176202561090657 -2.194414834033392 -2.9563895035215713 -3.1605423755619775 -3.1859260533592657 +19748,-3.5346420660257,0,-3.4409236702558244 -3.464424209303148 -3.3722278024474757 -2.536475370204203 -2.692130971707874 -2.1042305478239443 -2.087308096010678 -1.3090816815913129 -1.1018332390878165 -1.270232272279601 -0.9377680045443529 -0.9809512125043859 -1.8234107140327511 -1.6001684908549176 -2.176202561090657 -2.194414834033392 -2.9563895035215713 -3.1605423755619775 -3.1859260533592657 -3.449668656814042 +19749,-3.5460956767391134,0,-3.464424209303148 -3.3722278024474757 -2.536475370204203 -2.692130971707874 -2.1042305478239443 -2.087308096010678 -1.3090816815913129 -1.1018332390878165 -1.270232272279601 -0.9377680045443529 -0.9809512125043859 -1.8234107140327511 -1.6001684908549176 -2.176202561090657 -2.194414834033392 -2.9563895035215713 -3.1605423755619775 -3.1859260533592657 -3.449668656814042 -3.5346420660257 +19750,-3.6555756853986003,0,-3.3722278024474757 -2.536475370204203 -2.692130971707874 -2.1042305478239443 -2.087308096010678 -1.3090816815913129 -1.1018332390878165 -1.270232272279601 -0.9377680045443529 -0.9809512125043859 -1.8234107140327511 -1.6001684908549176 -2.176202561090657 -2.194414834033392 -2.9563895035215713 -3.1605423755619775 -3.1859260533592657 -3.449668656814042 -3.5346420660257 -3.5460956767391134 +19751,-3.69153589571461,0,-2.536475370204203 -2.692130971707874 -2.1042305478239443 -2.087308096010678 -1.3090816815913129 -1.1018332390878165 -1.270232272279601 -0.9377680045443529 -0.9809512125043859 -1.8234107140327511 -1.6001684908549176 -2.176202561090657 -2.194414834033392 -2.9563895035215713 -3.1605423755619775 -3.1859260533592657 -3.449668656814042 -3.5346420660257 -3.5460956767391134 -3.6555756853986003 +19752,-3.7036602133100955,0,-2.692130971707874 -2.1042305478239443 -2.087308096010678 -1.3090816815913129 -1.1018332390878165 -1.270232272279601 -0.9377680045443529 -0.9809512125043859 -1.8234107140327511 -1.6001684908549176 -2.176202561090657 -2.194414834033392 -2.9563895035215713 -3.1605423755619775 -3.1859260533592657 -3.449668656814042 -3.5346420660257 -3.5460956767391134 -3.6555756853986003 -3.69153589571461 +19753,-3.747565721096438,0,-2.1042305478239443 -2.087308096010678 -1.3090816815913129 -1.1018332390878165 -1.270232272279601 -0.9377680045443529 -0.9809512125043859 -1.8234107140327511 -1.6001684908549176 -2.176202561090657 -2.194414834033392 -2.9563895035215713 -3.1605423755619775 -3.1859260533592657 -3.449668656814042 -3.5346420660257 -3.5460956767391134 -3.6555756853986003 -3.69153589571461 -3.7036602133100955 +19754,-3.7676353361622468,0,-2.087308096010678 -1.3090816815913129 -1.1018332390878165 -1.270232272279601 -0.9377680045443529 -0.9809512125043859 -1.8234107140327511 -1.6001684908549176 -2.176202561090657 -2.194414834033392 -2.9563895035215713 -3.1605423755619775 -3.1859260533592657 -3.449668656814042 -3.5346420660257 -3.5460956767391134 -3.6555756853986003 -3.69153589571461 -3.7036602133100955 -3.747565721096438 +19755,-2.6739186987651387,0,-1.3090816815913129 -1.1018332390878165 -1.270232272279601 -0.9377680045443529 -0.9809512125043859 -1.8234107140327511 -1.6001684908549176 -2.176202561090657 -2.194414834033392 -2.9563895035215713 -3.1605423755619775 -3.1859260533592657 -3.449668656814042 -3.5346420660257 -3.5460956767391134 -3.6555756853986003 -3.69153589571461 -3.7036602133100955 -3.747565721096438 -3.7676353361622468 +19756,-3.065250398088438,0,-1.1018332390878165 -1.270232272279601 -0.9377680045443529 -0.9809512125043859 -1.8234107140327511 -1.6001684908549176 -2.176202561090657 -2.194414834033392 -2.9563895035215713 -3.1605423755619775 -3.1859260533592657 -3.449668656814042 -3.5346420660257 -3.5460956767391134 -3.6555756853986003 -3.69153589571461 -3.7036602133100955 -3.747565721096438 -3.7676353361622468 -2.6739186987651387 +19757,-2.34279584494882,0,-1.270232272279601 -0.9377680045443529 -0.9809512125043859 -1.8234107140327511 -1.6001684908549176 -2.176202561090657 -2.194414834033392 -2.9563895035215713 -3.1605423755619775 -3.1859260533592657 -3.449668656814042 -3.5346420660257 -3.5460956767391134 -3.6555756853986003 -3.69153589571461 -3.7036602133100955 -3.747565721096438 -3.7676353361622468 -2.6739186987651387 -3.065250398088438 +19758,-2.3317807733327527,0,-0.9377680045443529 -0.9809512125043859 -1.8234107140327511 -1.6001684908549176 -2.176202561090657 -2.194414834033392 -2.9563895035215713 -3.1605423755619775 -3.1859260533592657 -3.449668656814042 -3.5346420660257 -3.5460956767391134 -3.6555756853986003 -3.69153589571461 -3.7036602133100955 -3.747565721096438 -3.7676353361622468 -2.6739186987651387 -3.065250398088438 -2.34279584494882 +19759,-1.3721797262487723,0,-0.9809512125043859 -1.8234107140327511 -1.6001684908549176 -2.176202561090657 -2.194414834033392 -2.9563895035215713 -3.1605423755619775 -3.1859260533592657 -3.449668656814042 -3.5346420660257 -3.5460956767391134 -3.6555756853986003 -3.69153589571461 -3.7036602133100955 -3.747565721096438 -3.7676353361622468 -2.6739186987651387 -3.065250398088438 -2.34279584494882 -2.3317807733327527 +19760,-1.124018160688334,0,-1.8234107140327511 -1.6001684908549176 -2.176202561090657 -2.194414834033392 -2.9563895035215713 -3.1605423755619775 -3.1859260533592657 -3.449668656814042 -3.5346420660257 -3.5460956767391134 -3.6555756853986003 -3.69153589571461 -3.7036602133100955 -3.747565721096438 -3.7676353361622468 -2.6739186987651387 -3.065250398088438 -2.34279584494882 -2.3317807733327527 -1.3721797262487723 +19761,-1.3199935674736818,0,-1.6001684908549176 -2.176202561090657 -2.194414834033392 -2.9563895035215713 -3.1605423755619775 -3.1859260533592657 -3.449668656814042 -3.5346420660257 -3.5460956767391134 -3.6555756853986003 -3.69153589571461 -3.7036602133100955 -3.747565721096438 -3.7676353361622468 -2.6739186987651387 -3.065250398088438 -2.34279584494882 -2.3317807733327527 -1.3721797262487723 -1.124018160688334 +19762,-0.9237863446710258,0,-2.176202561090657 -2.194414834033392 -2.9563895035215713 -3.1605423755619775 -3.1859260533592657 -3.449668656814042 -3.5346420660257 -3.5460956767391134 -3.6555756853986003 -3.69153589571461 -3.7036602133100955 -3.747565721096438 -3.7676353361622468 -2.6739186987651387 -3.065250398088438 -2.34279584494882 -2.3317807733327527 -1.3721797262487723 -1.124018160688334 -1.3199935674736818 +19763,-0.9717160939045849,0,-2.194414834033392 -2.9563895035215713 -3.1605423755619775 -3.1859260533592657 -3.449668656814042 -3.5346420660257 -3.5460956767391134 -3.6555756853986003 -3.69153589571461 -3.7036602133100955 -3.747565721096438 -3.7676353361622468 -2.6739186987651387 -3.065250398088438 -2.34279584494882 -2.3317807733327527 -1.3721797262487723 -1.124018160688334 -1.3199935674736818 -0.9237863446710258 +19764,-1.7796857812416824,0,-2.9563895035215713 -3.1605423755619775 -3.1859260533592657 -3.449668656814042 -3.5346420660257 -3.5460956767391134 -3.6555756853986003 -3.69153589571461 -3.7036602133100955 -3.747565721096438 -3.7676353361622468 -2.6739186987651387 -3.065250398088438 -2.34279584494882 -2.3317807733327527 -1.3721797262487723 -1.124018160688334 -1.3199935674736818 -0.9237863446710258 -0.9717160939045849 +19765,-1.574268884543931,0,-3.1605423755619775 -3.1859260533592657 -3.449668656814042 -3.5346420660257 -3.5460956767391134 -3.6555756853986003 -3.69153589571461 -3.7036602133100955 -3.747565721096438 -3.7676353361622468 -2.6739186987651387 -3.065250398088438 -2.34279584494882 -2.3317807733327527 -1.3721797262487723 -1.124018160688334 -1.3199935674736818 -0.9237863446710258 -0.9717160939045849 -1.7796857812416824 +19766,-2.128891925949709,0,-3.1859260533592657 -3.449668656814042 -3.5346420660257 -3.5460956767391134 -3.6555756853986003 -3.69153589571461 -3.7036602133100955 -3.747565721096438 -3.7676353361622468 -2.6739186987651387 -3.065250398088438 -2.34279584494882 -2.3317807733327527 -1.3721797262487723 -1.124018160688334 -1.3199935674736818 -0.9237863446710258 -0.9717160939045849 -1.7796857812416824 -1.574268884543931 +19767,-2.135289438188483,0,-3.449668656814042 -3.5346420660257 -3.5460956767391134 -3.6555756853986003 -3.69153589571461 -3.7036602133100955 -3.747565721096438 -3.7676353361622468 -2.6739186987651387 -3.065250398088438 -2.34279584494882 -2.3317807733327527 -1.3721797262487723 -1.124018160688334 -1.3199935674736818 -0.9237863446710258 -0.9717160939045849 -1.7796857812416824 -1.574268884543931 -2.128891925949709 +19768,-2.8726543224951437,0,-3.5346420660257 -3.5460956767391134 -3.6555756853986003 -3.69153589571461 -3.7036602133100955 -3.747565721096438 -3.7676353361622468 -2.6739186987651387 -3.065250398088438 -2.34279584494882 -2.3317807733327527 -1.3721797262487723 -1.124018160688334 -1.3199935674736818 -0.9237863446710258 -0.9717160939045849 -1.7796857812416824 -1.574268884543931 -2.128891925949709 -2.135289438188483 +19769,-3.061793677789586,0,-3.5460956767391134 -3.6555756853986003 -3.69153589571461 -3.7036602133100955 -3.747565721096438 -3.7676353361622468 -2.6739186987651387 -3.065250398088438 -2.34279584494882 -2.3317807733327527 -1.3721797262487723 -1.124018160688334 -1.3199935674736818 -0.9237863446710258 -0.9717160939045849 -1.7796857812416824 -1.574268884543931 -2.128891925949709 -2.135289438188483 -2.8726543224951437 +19770,-3.0570729328333885,0,-3.6555756853986003 -3.69153589571461 -3.7036602133100955 -3.747565721096438 -3.7676353361622468 -2.6739186987651387 -3.065250398088438 -2.34279584494882 -2.3317807733327527 -1.3721797262487723 -1.124018160688334 -1.3199935674736818 -0.9237863446710258 -0.9717160939045849 -1.7796857812416824 -1.574268884543931 -2.128891925949709 -2.135289438188483 -2.8726543224951437 -3.061793677789586 +19771,-3.310832321544716,0,-3.69153589571461 -3.7036602133100955 -3.747565721096438 -3.7676353361622468 -2.6739186987651387 -3.065250398088438 -2.34279584494882 -2.3317807733327527 -1.3721797262487723 -1.124018160688334 -1.3199935674736818 -0.9237863446710258 -0.9717160939045849 -1.7796857812416824 -1.574268884543931 -2.128891925949709 -2.135289438188483 -2.8726543224951437 -3.061793677789586 -3.0570729328333885 +19772,-3.3707316100053957,0,-3.7036602133100955 -3.747565721096438 -3.7676353361622468 -2.6739186987651387 -3.065250398088438 -2.34279584494882 -2.3317807733327527 -1.3721797262487723 -1.124018160688334 -1.3199935674736818 -0.9237863446710258 -0.9717160939045849 -1.7796857812416824 -1.574268884543931 -2.128891925949709 -2.135289438188483 -2.8726543224951437 -3.061793677789586 -3.0570729328333885 -3.310832321544716 +19773,-3.379708764348339,0,-3.747565721096438 -3.7676353361622468 -2.6739186987651387 -3.065250398088438 -2.34279584494882 -2.3317807733327527 -1.3721797262487723 -1.124018160688334 -1.3199935674736818 -0.9237863446710258 -0.9717160939045849 -1.7796857812416824 -1.574268884543931 -2.128891925949709 -2.135289438188483 -2.8726543224951437 -3.061793677789586 -3.0570729328333885 -3.310832321544716 -3.3707316100053957 +19774,-3.456582097566523,0,-3.7676353361622468 -2.6739186987651387 -3.065250398088438 -2.34279584494882 -2.3317807733327527 -1.3721797262487723 -1.124018160688334 -1.3199935674736818 -0.9237863446710258 -0.9717160939045849 -1.7796857812416824 -1.574268884543931 -2.128891925949709 -2.135289438188483 -2.8726543224951437 -3.061793677789586 -3.0570729328333885 -3.310832321544716 -3.3707316100053957 -3.379708764348339 +19775,-3.4825332965121936,0,-2.6739186987651387 -3.065250398088438 -2.34279584494882 -2.3317807733327527 -1.3721797262487723 -1.124018160688334 -1.3199935674736818 -0.9237863446710258 -0.9717160939045849 -1.7796857812416824 -1.574268884543931 -2.128891925949709 -2.135289438188483 -2.8726543224951437 -3.061793677789586 -3.0570729328333885 -3.310832321544716 -3.3707316100053957 -3.379708764348339 -3.456582097566523 +19776,-3.478534851382297,0,-3.065250398088438 -2.34279584494882 -2.3317807733327527 -1.3721797262487723 -1.124018160688334 -1.3199935674736818 -0.9237863446710258 -0.9717160939045849 -1.7796857812416824 -1.574268884543931 -2.128891925949709 -2.135289438188483 -2.8726543224951437 -3.061793677789586 -3.0570729328333885 -3.310832321544716 -3.3707316100053957 -3.379708764348339 -3.456582097566523 -3.4825332965121936 +19777,-3.5144692652262015,0,-2.34279584494882 -2.3317807733327527 -1.3721797262487723 -1.124018160688334 -1.3199935674736818 -0.9237863446710258 -0.9717160939045849 -1.7796857812416824 -1.574268884543931 -2.128891925949709 -2.135289438188483 -2.8726543224951437 -3.061793677789586 -3.0570729328333885 -3.310832321544716 -3.3707316100053957 -3.379708764348339 -3.456582097566523 -3.4825332965121936 -3.478534851382297 +19778,-3.5204540346849758,0,-2.3317807733327527 -1.3721797262487723 -1.124018160688334 -1.3199935674736818 -0.9237863446710258 -0.9717160939045849 -1.7796857812416824 -1.574268884543931 -2.128891925949709 -2.135289438188483 -2.8726543224951437 -3.061793677789586 -3.0570729328333885 -3.310832321544716 -3.3707316100053957 -3.379708764348339 -3.456582097566523 -3.4825332965121936 -3.478534851382297 -3.5144692652262015 +19779,-2.479981209252915,0,-1.3721797262487723 -1.124018160688334 -1.3199935674736818 -0.9237863446710258 -0.9717160939045849 -1.7796857812416824 -1.574268884543931 -2.128891925949709 -2.135289438188483 -2.8726543224951437 -3.061793677789586 -3.0570729328333885 -3.310832321544716 -3.3707316100053957 -3.379708764348339 -3.456582097566523 -3.4825332965121936 -3.478534851382297 -3.5144692652262015 -3.5204540346849758 +19780,-2.834785177111822,0,-1.124018160688334 -1.3199935674736818 -0.9237863446710258 -0.9717160939045849 -1.7796857812416824 -1.574268884543931 -2.128891925949709 -2.135289438188483 -2.8726543224951437 -3.061793677789586 -3.0570729328333885 -3.310832321544716 -3.3707316100053957 -3.379708764348339 -3.456582097566523 -3.4825332965121936 -3.478534851382297 -3.5144692652262015 -3.5204540346849758 -2.479981209252915 +19781,-2.143131550079894,0,-1.3199935674736818 -0.9237863446710258 -0.9717160939045849 -1.7796857812416824 -1.574268884543931 -2.128891925949709 -2.135289438188483 -2.8726543224951437 -3.061793677789586 -3.0570729328333885 -3.310832321544716 -3.3707316100053957 -3.379708764348339 -3.456582097566523 -3.4825332965121936 -3.478534851382297 -3.5144692652262015 -3.5204540346849758 -2.479981209252915 -2.834785177111822 +19782,-2.0819682369618606,0,-0.9237863446710258 -0.9717160939045849 -1.7796857812416824 -1.574268884543931 -2.128891925949709 -2.135289438188483 -2.8726543224951437 -3.061793677789586 -3.0570729328333885 -3.310832321544716 -3.3707316100053957 -3.379708764348339 -3.456582097566523 -3.4825332965121936 -3.478534851382297 -3.5144692652262015 -3.5204540346849758 -2.479981209252915 -2.834785177111822 -2.143131550079894 +19783,-1.1801511718038513,0,-0.9717160939045849 -1.7796857812416824 -1.574268884543931 -2.128891925949709 -2.135289438188483 -2.8726543224951437 -3.061793677789586 -3.0570729328333885 -3.310832321544716 -3.3707316100053957 -3.379708764348339 -3.456582097566523 -3.4825332965121936 -3.478534851382297 -3.5144692652262015 -3.5204540346849758 -2.479981209252915 -2.834785177111822 -2.143131550079894 -2.0819682369618606 +19784,-0.9088244207145225,0,-1.7796857812416824 -1.574268884543931 -2.128891925949709 -2.135289438188483 -2.8726543224951437 -3.061793677789586 -3.0570729328333885 -3.310832321544716 -3.3707316100053957 -3.379708764348339 -3.456582097566523 -3.4825332965121936 -3.478534851382297 -3.5144692652262015 -3.5204540346849758 -2.479981209252915 -2.834785177111822 -2.143131550079894 -2.0819682369618606 -1.1801511718038513 +19785,-1.1167693665722052,0,-1.574268884543931 -2.128891925949709 -2.135289438188483 -2.8726543224951437 -3.061793677789586 -3.0570729328333885 -3.310832321544716 -3.3707316100053957 -3.379708764348339 -3.456582097566523 -3.4825332965121936 -3.478534851382297 -3.5144692652262015 -3.5204540346849758 -2.479981209252915 -2.834785177111822 -2.143131550079894 -2.0819682369618606 -1.1801511718038513 -0.9088244207145225 +19786,-0.6856853831156107,0,-2.128891925949709 -2.135289438188483 -2.8726543224951437 -3.061793677789586 -3.0570729328333885 -3.310832321544716 -3.3707316100053957 -3.379708764348339 -3.456582097566523 -3.4825332965121936 -3.478534851382297 -3.5144692652262015 -3.5204540346849758 -2.479981209252915 -2.834785177111822 -2.143131550079894 -2.0819682369618606 -1.1801511718038513 -0.9088244207145225 -1.1167693665722052 +19787,-0.7338730967608045,0,-2.135289438188483 -2.8726543224951437 -3.061793677789586 -3.0570729328333885 -3.310832321544716 -3.3707316100053957 -3.379708764348339 -3.456582097566523 -3.4825332965121936 -3.478534851382297 -3.5144692652262015 -3.5204540346849758 -2.479981209252915 -2.834785177111822 -2.143131550079894 -2.0819682369618606 -1.1801511718038513 -0.9088244207145225 -1.1167693665722052 -0.6856853831156107 +19788,-1.5415590233689385,0,-2.8726543224951437 -3.061793677789586 -3.0570729328333885 -3.310832321544716 -3.3707316100053957 -3.379708764348339 -3.456582097566523 -3.4825332965121936 -3.478534851382297 -3.5144692652262015 -3.5204540346849758 -2.479981209252915 -2.834785177111822 -2.143131550079894 -2.0819682369618606 -1.1801511718038513 -0.9088244207145225 -1.1167693665722052 -0.6856853831156107 -0.7338730967608045 +19789,-1.336580665923301,0,-3.061793677789586 -3.0570729328333885 -3.310832321544716 -3.3707316100053957 -3.379708764348339 -3.456582097566523 -3.4825332965121936 -3.478534851382297 -3.5144692652262015 -3.5204540346849758 -2.479981209252915 -2.834785177111822 -2.143131550079894 -2.0819682369618606 -1.1801511718038513 -0.9088244207145225 -1.1167693665722052 -0.6856853831156107 -0.7338730967608045 -1.5415590233689385 +19790,-1.891100521440595,0,-3.0570729328333885 -3.310832321544716 -3.3707316100053957 -3.379708764348339 -3.456582097566523 -3.4825332965121936 -3.478534851382297 -3.5144692652262015 -3.5204540346849758 -2.479981209252915 -2.834785177111822 -2.143131550079894 -2.0819682369618606 -1.1801511718038513 -0.9088244207145225 -1.1167693665722052 -0.6856853831156107 -0.7338730967608045 -1.5415590233689385 -1.336580665923301 +19791,-1.9113249151843401,0,-3.310832321544716 -3.3707316100053957 -3.379708764348339 -3.456582097566523 -3.4825332965121936 -3.478534851382297 -3.5144692652262015 -3.5204540346849758 -2.479981209252915 -2.834785177111822 -2.143131550079894 -2.0819682369618606 -1.1801511718038513 -0.9088244207145225 -1.1167693665722052 -0.6856853831156107 -0.7338730967608045 -1.5415590233689385 -1.336580665923301 -1.891100521440595 +19792,-2.64394325806268,0,-3.3707316100053957 -3.379708764348339 -3.456582097566523 -3.4825332965121936 -3.478534851382297 -3.5144692652262015 -3.5204540346849758 -2.479981209252915 -2.834785177111822 -2.143131550079894 -2.0819682369618606 -1.1801511718038513 -0.9088244207145225 -1.1167693665722052 -0.6856853831156107 -0.7338730967608045 -1.5415590233689385 -1.336580665923301 -1.891100521440595 -1.9113249151843401 +19793,-2.8422661391674624,0,-3.379708764348339 -3.456582097566523 -3.4825332965121936 -3.478534851382297 -3.5144692652262015 -3.5204540346849758 -2.479981209252915 -2.834785177111822 -2.143131550079894 -2.0819682369618606 -1.1801511718038513 -0.9088244207145225 -1.1167693665722052 -0.6856853831156107 -0.7338730967608045 -1.5415590233689385 -1.336580665923301 -1.891100521440595 -1.9113249151843401 -2.64394325806268 +19794,-2.6757760410429894,0,-3.456582097566523 -3.4825332965121936 -3.478534851382297 -3.5144692652262015 -3.5204540346849758 -2.479981209252915 -2.834785177111822 -2.143131550079894 -2.0819682369618606 -1.1801511718038513 -0.9088244207145225 -1.1167693665722052 -0.6856853831156107 -0.7338730967608045 -1.5415590233689385 -1.336580665923301 -1.891100521440595 -1.9113249151843401 -2.64394325806268 -2.8422661391674624 +19795,-2.9957032484027435,0,-3.4825332965121936 -3.478534851382297 -3.5144692652262015 -3.5204540346849758 -2.479981209252915 -2.834785177111822 -2.143131550079894 -2.0819682369618606 -1.1801511718038513 -0.9088244207145225 -1.1167693665722052 -0.6856853831156107 -0.7338730967608045 -1.5415590233689385 -1.336580665923301 -1.891100521440595 -1.9113249151843401 -2.64394325806268 -2.8422661391674624 -2.6757760410429894 +19796,-2.950817476688019,0,-3.478534851382297 -3.5144692652262015 -3.5204540346849758 -2.479981209252915 -2.834785177111822 -2.143131550079894 -2.0819682369618606 -1.1801511718038513 -0.9088244207145225 -1.1167693665722052 -0.6856853831156107 -0.7338730967608045 -1.5415590233689385 -1.336580665923301 -1.891100521440595 -1.9113249151843401 -2.64394325806268 -2.8422661391674624 -2.6757760410429894 -2.9957032484027435 +19797,-2.8582599198417995,0,-3.5144692652262015 -3.5204540346849758 -2.479981209252915 -2.834785177111822 -2.143131550079894 -2.0819682369618606 -1.1801511718038513 -0.9088244207145225 -1.1167693665722052 -0.6856853831156107 -0.7338730967608045 -1.5415590233689385 -1.336580665923301 -1.891100521440595 -1.9113249151843401 -2.64394325806268 -2.8422661391674624 -2.6757760410429894 -2.9957032484027435 -2.950817476688019 +19798,-2.829264743222508,0,-3.5204540346849758 -2.479981209252915 -2.834785177111822 -2.143131550079894 -2.0819682369618606 -1.1801511718038513 -0.9088244207145225 -1.1167693665722052 -0.6856853831156107 -0.7338730967608045 -1.5415590233689385 -1.336580665923301 -1.891100521440595 -1.9113249151843401 -2.64394325806268 -2.8422661391674624 -2.6757760410429894 -2.9957032484027435 -2.950817476688019 -2.8582599198417995 +19799,-2.7525977813169353,0,-2.479981209252915 -2.834785177111822 -2.143131550079894 -2.0819682369618606 -1.1801511718038513 -0.9088244207145225 -1.1167693665722052 -0.6856853831156107 -0.7338730967608045 -1.5415590233689385 -1.336580665923301 -1.891100521440595 -1.9113249151843401 -2.64394325806268 -2.8422661391674624 -2.6757760410429894 -2.9957032484027435 -2.950817476688019 -2.8582599198417995 -2.829264743222508 +19800,-2.772203060968061,0,-2.834785177111822 -2.143131550079894 -2.0819682369618606 -1.1801511718038513 -0.9088244207145225 -1.1167693665722052 -0.6856853831156107 -0.7338730967608045 -1.5415590233689385 -1.336580665923301 -1.891100521440595 -1.9113249151843401 -2.64394325806268 -2.8422661391674624 -2.6757760410429894 -2.9957032484027435 -2.950817476688019 -2.8582599198417995 -2.829264743222508 -2.7525977813169353 +19801,-2.6634453519801067,0,-2.143131550079894 -2.0819682369618606 -1.1801511718038513 -0.9088244207145225 -1.1167693665722052 -0.6856853831156107 -0.7338730967608045 -1.5415590233689385 -1.336580665923301 -1.891100521440595 -1.9113249151843401 -2.64394325806268 -2.8422661391674624 -2.6757760410429894 -2.9957032484027435 -2.950817476688019 -2.8582599198417995 -2.829264743222508 -2.7525977813169353 -2.772203060968061 +19802,-2.65095988454886,0,-2.0819682369618606 -1.1801511718038513 -0.9088244207145225 -1.1167693665722052 -0.6856853831156107 -0.7338730967608045 -1.5415590233689385 -1.336580665923301 -1.891100521440595 -1.9113249151843401 -2.64394325806268 -2.8422661391674624 -2.6757760410429894 -2.9957032484027435 -2.950817476688019 -2.8582599198417995 -2.829264743222508 -2.7525977813169353 -2.772203060968061 -2.6634453519801067 +19803,-1.8682964857474753,0,-1.1801511718038513 -0.9088244207145225 -1.1167693665722052 -0.6856853831156107 -0.7338730967608045 -1.5415590233689385 -1.336580665923301 -1.891100521440595 -1.9113249151843401 -2.64394325806268 -2.8422661391674624 -2.6757760410429894 -2.9957032484027435 -2.950817476688019 -2.8582599198417995 -2.829264743222508 -2.7525977813169353 -2.772203060968061 -2.6634453519801067 -2.65095988454886 +19804,-2.1125369952848154,0,-0.9088244207145225 -1.1167693665722052 -0.6856853831156107 -0.7338730967608045 -1.5415590233689385 -1.336580665923301 -1.891100521440595 -1.9113249151843401 -2.64394325806268 -2.8422661391674624 -2.6757760410429894 -2.9957032484027435 -2.950817476688019 -2.8582599198417995 -2.829264743222508 -2.7525977813169353 -2.772203060968061 -2.6634453519801067 -2.65095988454886 -1.8682964857474753 +19805,-1.5865995736068046,0,-1.1167693665722052 -0.6856853831156107 -0.7338730967608045 -1.5415590233689385 -1.336580665923301 -1.891100521440595 -1.9113249151843401 -2.64394325806268 -2.8422661391674624 -2.6757760410429894 -2.9957032484027435 -2.950817476688019 -2.8582599198417995 -2.829264743222508 -2.7525977813169353 -2.772203060968061 -2.6634453519801067 -2.65095988454886 -1.8682964857474753 -2.1125369952848154 +19806,-1.4443581108280876,0,-0.6856853831156107 -0.7338730967608045 -1.5415590233689385 -1.336580665923301 -1.891100521440595 -1.9113249151843401 -2.64394325806268 -2.8422661391674624 -2.6757760410429894 -2.9957032484027435 -2.950817476688019 -2.8582599198417995 -2.829264743222508 -2.7525977813169353 -2.772203060968061 -2.6634453519801067 -2.65095988454886 -1.8682964857474753 -2.1125369952848154 -1.5865995736068046 +19807,-0.7905220362352433,0,-0.7338730967608045 -1.5415590233689385 -1.336580665923301 -1.891100521440595 -1.9113249151843401 -2.64394325806268 -2.8422661391674624 -2.6757760410429894 -2.9957032484027435 -2.950817476688019 -2.8582599198417995 -2.829264743222508 -2.7525977813169353 -2.772203060968061 -2.6634453519801067 -2.65095988454886 -1.8682964857474753 -2.1125369952848154 -1.5865995736068046 -1.4443581108280876 +19808,-0.5203819203869076,0,-1.5415590233689385 -1.336580665923301 -1.891100521440595 -1.9113249151843401 -2.64394325806268 -2.8422661391674624 -2.6757760410429894 -2.9957032484027435 -2.950817476688019 -2.8582599198417995 -2.829264743222508 -2.7525977813169353 -2.772203060968061 -2.6634453519801067 -2.65095988454886 -1.8682964857474753 -2.1125369952848154 -1.5865995736068046 -1.4443581108280876 -0.7905220362352433 +19809,-0.7054454412898866,0,-1.336580665923301 -1.891100521440595 -1.9113249151843401 -2.64394325806268 -2.8422661391674624 -2.6757760410429894 -2.9957032484027435 -2.950817476688019 -2.8582599198417995 -2.829264743222508 -2.7525977813169353 -2.772203060968061 -2.6634453519801067 -2.65095988454886 -1.8682964857474753 -2.1125369952848154 -1.5865995736068046 -1.4443581108280876 -0.7905220362352433 -0.5203819203869076 +19810,-0.2835707799609697,0,-1.891100521440595 -1.9113249151843401 -2.64394325806268 -2.8422661391674624 -2.6757760410429894 -2.9957032484027435 -2.950817476688019 -2.8582599198417995 -2.829264743222508 -2.7525977813169353 -2.772203060968061 -2.6634453519801067 -2.65095988454886 -1.8682964857474753 -2.1125369952848154 -1.5865995736068046 -1.4443581108280876 -0.7905220362352433 -0.5203819203869076 -0.7054454412898866 +19811,-0.3168997553833588,0,-1.9113249151843401 -2.64394325806268 -2.8422661391674624 -2.6757760410429894 -2.9957032484027435 -2.950817476688019 -2.8582599198417995 -2.829264743222508 -2.7525977813169353 -2.772203060968061 -2.6634453519801067 -2.65095988454886 -1.8682964857474753 -2.1125369952848154 -1.5865995736068046 -1.4443581108280876 -0.7905220362352433 -0.5203819203869076 -0.7054454412898866 -0.2835707799609697 +19812,-1.112048621615999,0,-2.64394325806268 -2.8422661391674624 -2.6757760410429894 -2.9957032484027435 -2.950817476688019 -2.8582599198417995 -2.829264743222508 -2.7525977813169353 -2.772203060968061 -2.6634453519801067 -2.65095988454886 -1.8682964857474753 -2.1125369952848154 -1.5865995736068046 -1.4443581108280876 -0.7905220362352433 -0.5203819203869076 -0.7054454412898866 -0.2835707799609697 -0.3168997553833588 +19813,-0.8914376333317954,0,-2.8422661391674624 -2.6757760410429894 -2.9957032484027435 -2.950817476688019 -2.8582599198417995 -2.829264743222508 -2.7525977813169353 -2.772203060968061 -2.6634453519801067 -2.65095988454886 -1.8682964857474753 -2.1125369952848154 -1.5865995736068046 -1.4443581108280876 -0.7905220362352433 -0.5203819203869076 -0.7054454412898866 -0.2835707799609697 -0.3168997553833588 -1.112048621615999 +19814,-1.432646535857825,0,-2.6757760410429894 -2.9957032484027435 -2.950817476688019 -2.8582599198417995 -2.829264743222508 -2.7525977813169353 -2.772203060968061 -2.6634453519801067 -2.65095988454886 -1.8682964857474753 -2.1125369952848154 -1.5865995736068046 -1.4443581108280876 -0.7905220362352433 -0.5203819203869076 -0.7054454412898866 -0.2835707799609697 -0.3168997553833588 -1.112048621615999 -0.8914376333317954 +19815,-1.4876187080496872,0,-2.9957032484027435 -2.950817476688019 -2.8582599198417995 -2.829264743222508 -2.7525977813169353 -2.772203060968061 -2.6634453519801067 -2.65095988454886 -1.8682964857474753 -2.1125369952848154 -1.5865995736068046 -1.4443581108280876 -0.7905220362352433 -0.5203819203869076 -0.7054454412898866 -0.2835707799609697 -0.3168997553833588 -1.112048621615999 -0.8914376333317954 -1.432646535857825 +19816,-2.1909065207903025,0,-2.950817476688019 -2.8582599198417995 -2.829264743222508 -2.7525977813169353 -2.772203060968061 -2.6634453519801067 -2.65095988454886 -1.8682964857474753 -2.1125369952848154 -1.5865995736068046 -1.4443581108280876 -0.7905220362352433 -0.5203819203869076 -0.7054454412898866 -0.2835707799609697 -0.3168997553833588 -1.112048621615999 -0.8914376333317954 -1.432646535857825 -1.4876187080496872 +19817,-2.40795760319675,0,-2.8582599198417995 -2.829264743222508 -2.7525977813169353 -2.772203060968061 -2.6634453519801067 -2.65095988454886 -1.8682964857474753 -2.1125369952848154 -1.5865995736068046 -1.4443581108280876 -0.7905220362352433 -0.5203819203869076 -0.7054454412898866 -0.2835707799609697 -0.3168997553833588 -1.112048621615999 -0.8914376333317954 -1.432646535857825 -1.4876187080496872 -2.1909065207903025 +19818,-2.4695336589400063,0,-2.829264743222508 -2.7525977813169353 -2.772203060968061 -2.6634453519801067 -2.65095988454886 -1.8682964857474753 -2.1125369952848154 -1.5865995736068046 -1.4443581108280876 -0.7905220362352433 -0.5203819203869076 -0.7054454412898866 -0.2835707799609697 -0.3168997553833588 -1.112048621615999 -0.8914376333317954 -1.432646535857825 -1.4876187080496872 -2.1909065207903025 -2.40795760319675 +19819,-2.7384097501309883,0,-2.7525977813169353 -2.772203060968061 -2.6634453519801067 -2.65095988454886 -1.8682964857474753 -2.1125369952848154 -1.5865995736068046 -1.4443581108280876 -0.7905220362352433 -0.5203819203869076 -0.7054454412898866 -0.2835707799609697 -0.3168997553833588 -1.112048621615999 -0.8914376333317954 -1.432646535857825 -1.4876187080496872 -2.1909065207903025 -2.40795760319675 -2.4695336589400063 +19820,-2.8518108146587786,0,-2.772203060968061 -2.6634453519801067 -2.65095988454886 -1.8682964857474753 -2.1125369952848154 -1.5865995736068046 -1.4443581108280876 -0.7905220362352433 -0.5203819203869076 -0.7054454412898866 -0.2835707799609697 -0.3168997553833588 -1.112048621615999 -0.8914376333317954 -1.432646535857825 -1.4876187080496872 -2.1909065207903025 -2.40795760319675 -2.4695336589400063 -2.7384097501309883 +19821,-2.881631476838087,0,-2.6634453519801067 -2.65095988454886 -1.8682964857474753 -2.1125369952848154 -1.5865995736068046 -1.4443581108280876 -0.7905220362352433 -0.5203819203869076 -0.7054454412898866 -0.2835707799609697 -0.3168997553833588 -1.112048621615999 -0.8914376333317954 -1.432646535857825 -1.4876187080496872 -2.1909065207903025 -2.40795760319675 -2.4695336589400063 -2.7384097501309883 -2.8518108146587786 +19822,-3.022892675688422,0,-2.65095988454886 -1.8682964857474753 -2.1125369952848154 -1.5865995736068046 -1.4443581108280876 -0.7905220362352433 -0.5203819203869076 -0.7054454412898866 -0.2835707799609697 -0.3168997553833588 -1.112048621615999 -0.8914376333317954 -1.432646535857825 -1.4876187080496872 -2.1909065207903025 -2.40795760319675 -2.4695336589400063 -2.7384097501309883 -2.8518108146587786 -2.881631476838087 +19823,-3.080573471880703,0,-1.8682964857474753 -2.1125369952848154 -1.5865995736068046 -1.4443581108280876 -0.7905220362352433 -0.5203819203869076 -0.7054454412898866 -0.2835707799609697 -0.3168997553833588 -1.112048621615999 -0.8914376333317954 -1.432646535857825 -1.4876187080496872 -2.1909065207903025 -2.40795760319675 -2.4695336589400063 -2.7384097501309883 -2.8518108146587786 -2.881631476838087 -3.022892675688422 +19824,-3.096154509929826,0,-2.1125369952848154 -1.5865995736068046 -1.4443581108280876 -0.7905220362352433 -0.5203819203869076 -0.7054454412898866 -0.2835707799609697 -0.3168997553833588 -1.112048621615999 -0.8914376333317954 -1.432646535857825 -1.4876187080496872 -2.1909065207903025 -2.40795760319675 -2.4695336589400063 -2.7384097501309883 -2.8518108146587786 -2.881631476838087 -3.022892675688422 -3.080573471880703 +19825,-3.167868558939681,0,-1.5865995736068046 -1.4443581108280876 -0.7905220362352433 -0.5203819203869076 -0.7054454412898866 -0.2835707799609697 -0.3168997553833588 -1.112048621615999 -0.8914376333317954 -1.432646535857825 -1.4876187080496872 -2.1909065207903025 -2.40795760319675 -2.4695336589400063 -2.7384097501309883 -2.8518108146587786 -2.881631476838087 -3.022892675688422 -3.080573471880703 -3.096154509929826 +19826,-3.197482849806378,0,-1.4443581108280876 -0.7905220362352433 -0.5203819203869076 -0.7054454412898866 -0.2835707799609697 -0.3168997553833588 -1.112048621615999 -0.8914376333317954 -1.432646535857825 -1.4876187080496872 -2.1909065207903025 -2.40795760319675 -2.4695336589400063 -2.7384097501309883 -2.8518108146587786 -2.881631476838087 -3.022892675688422 -3.080573471880703 -3.096154509929826 -3.167868558939681 +19827,-2.147826498563977,0,-0.7905220362352433 -0.5203819203869076 -0.7054454412898866 -0.2835707799609697 -0.3168997553833588 -1.112048621615999 -0.8914376333317954 -1.432646535857825 -1.4876187080496872 -2.1909065207903025 -2.40795760319675 -2.4695336589400063 -2.7384097501309883 -2.8518108146587786 -2.881631476838087 -3.022892675688422 -3.080573471880703 -3.096154509929826 -3.167868558939681 -3.197482849806378 +19828,-2.5371976700305128,0,-0.5203819203869076 -0.7054454412898866 -0.2835707799609697 -0.3168997553833588 -1.112048621615999 -0.8914376333317954 -1.432646535857825 -1.4876187080496872 -2.1909065207903025 -2.40795760319675 -2.4695336589400063 -2.7384097501309883 -2.8518108146587786 -2.881631476838087 -3.022892675688422 -3.080573471880703 -3.096154509929826 -3.167868558939681 -3.197482849806378 -2.147826498563977 +19829,-1.8472981993879598,0,-0.7054454412898866 -0.2835707799609697 -0.3168997553833588 -1.112048621615999 -0.8914376333317954 -1.432646535857825 -1.4876187080496872 -2.1909065207903025 -2.40795760319675 -2.4695336589400063 -2.7384097501309883 -2.8518108146587786 -2.881631476838087 -3.022892675688422 -3.080573471880703 -3.096154509929826 -3.167868558939681 -3.197482849806378 -2.147826498563977 -2.5371976700305128 +19830,-1.6078042312789402,0,-0.2835707799609697 -0.3168997553833588 -1.112048621615999 -0.8914376333317954 -1.432646535857825 -1.4876187080496872 -2.1909065207903025 -2.40795760319675 -2.4695336589400063 -2.7384097501309883 -2.8518108146587786 -2.881631476838087 -3.022892675688422 -3.080573471880703 -3.096154509929826 -3.167868558939681 -3.197482849806378 -2.147826498563977 -2.5371976700305128 -1.8472981993879598 +19831,-0.7677695933315757,0,-0.3168997553833588 -1.112048621615999 -0.8914376333317954 -1.432646535857825 -1.4876187080496872 -2.1909065207903025 -2.40795760319675 -2.4695336589400063 -2.7384097501309883 -2.8518108146587786 -2.881631476838087 -3.022892675688422 -3.080573471880703 -3.096154509929826 -3.167868558939681 -3.197482849806378 -2.147826498563977 -2.5371976700305128 -1.8472981993879598 -1.6078042312789402 +19832,-0.37814045760819076,0,-1.112048621615999 -0.8914376333317954 -1.432646535857825 -1.4876187080496872 -2.1909065207903025 -2.40795760319675 -2.4695336589400063 -2.7384097501309883 -2.8518108146587786 -2.881631476838087 -3.022892675688422 -3.080573471880703 -3.096154509929826 -3.167868558939681 -3.197482849806378 -2.147826498563977 -2.5371976700305128 -1.8472981993879598 -1.6078042312789402 -0.7677695933315757 +19833,-0.6336282065463331,0,-0.8914376333317954 -1.432646535857825 -1.4876187080496872 -2.1909065207903025 -2.40795760319675 -2.4695336589400063 -2.7384097501309883 -2.8518108146587786 -2.881631476838087 -3.022892675688422 -3.080573471880703 -3.096154509929826 -3.167868558939681 -3.197482849806378 -2.147826498563977 -2.5371976700305128 -1.8472981993879598 -1.6078042312789402 -0.7677695933315757 -0.37814045760819076 +19834,-0.02896010937228742,0,-1.432646535857825 -1.4876187080496872 -2.1909065207903025 -2.40795760319675 -2.4695336589400063 -2.7384097501309883 -2.8518108146587786 -2.881631476838087 -3.022892675688422 -3.080573471880703 -3.096154509929826 -3.167868558939681 -3.197482849806378 -2.147826498563977 -2.5371976700305128 -1.8472981993879598 -1.6078042312789402 -0.7677695933315757 -0.37814045760819076 -0.6336282065463331 +19835,-0.0694088968597778,0,-1.4876187080496872 -2.1909065207903025 -2.40795760319675 -2.4695336589400063 -2.7384097501309883 -2.8518108146587786 -2.881631476838087 -3.022892675688422 -3.080573471880703 -3.096154509929826 -3.167868558939681 -3.197482849806378 -2.147826498563977 -2.5371976700305128 -1.8472981993879598 -1.6078042312789402 -0.7677695933315757 -0.37814045760819076 -0.6336282065463331 -0.02896010937228742 +19836,-0.7317577902261049,0,-2.1909065207903025 -2.40795760319675 -2.4695336589400063 -2.7384097501309883 -2.8518108146587786 -2.881631476838087 -3.022892675688422 -3.080573471880703 -3.096154509929826 -3.167868558939681 -3.197482849806378 -2.147826498563977 -2.5371976700305128 -1.8472981993879598 -1.6078042312789402 -0.7677695933315757 -0.37814045760819076 -0.6336282065463331 -0.02896010937228742 -0.0694088968597778 +19837,-0.5649065422658699,0,-2.40795760319675 -2.4695336589400063 -2.7384097501309883 -2.8518108146587786 -2.881631476838087 -3.022892675688422 -3.080573471880703 -3.096154509929826 -3.167868558939681 -3.197482849806378 -2.147826498563977 -2.5371976700305128 -1.8472981993879598 -1.6078042312789402 -0.7677695933315757 -0.37814045760819076 -0.6336282065463331 -0.02896010937228742 -0.0694088968597778 -0.7317577902261049 +19838,-1.0199554003392484,0,-2.4695336589400063 -2.7384097501309883 -2.8518108146587786 -2.881631476838087 -3.022892675688422 -3.080573471880703 -3.096154509929826 -3.167868558939681 -3.197482849806378 -2.147826498563977 -2.5371976700305128 -1.8472981993879598 -1.6078042312789402 -0.7677695933315757 -0.37814045760819076 -0.6336282065463331 -0.02896010937228742 -0.0694088968597778 -0.7317577902261049 -0.5649065422658699 +19839,-1.1974863663971178,0,-2.7384097501309883 -2.8518108146587786 -2.881631476838087 -3.022892675688422 -3.080573471880703 -3.096154509929826 -3.167868558939681 -3.197482849806378 -2.147826498563977 -2.5371976700305128 -1.8472981993879598 -1.6078042312789402 -0.7677695933315757 -0.37814045760819076 -0.6336282065463331 -0.02896010937228742 -0.0694088968597778 -0.7317577902261049 -0.5649065422658699 -1.0199554003392484 +19840,-1.745041188527264,0,-2.8518108146587786 -2.881631476838087 -3.022892675688422 -3.080573471880703 -3.096154509929826 -3.167868558939681 -3.197482849806378 -2.147826498563977 -2.5371976700305128 -1.8472981993879598 -1.6078042312789402 -0.7677695933315757 -0.37814045760819076 -0.6336282065463331 -0.02896010937228742 -0.0694088968597778 -0.7317577902261049 -0.5649065422658699 -1.0199554003392484 -1.1974863663971178 +19841,-2.0150781184871245,0,-2.881631476838087 -3.022892675688422 -3.080573471880703 -3.096154509929826 -3.167868558939681 -3.197482849806378 -2.147826498563977 -2.5371976700305128 -1.8472981993879598 -1.6078042312789402 -0.7677695933315757 -0.37814045760819076 -0.6336282065463331 -0.02896010937228742 -0.0694088968597778 -0.7317577902261049 -0.5649065422658699 -1.0199554003392484 -1.1974863663971178 -1.745041188527264 +19842,-2.0614600826439284,0,-3.022892675688422 -3.080573471880703 -3.096154509929826 -3.167868558939681 -3.197482849806378 -2.147826498563977 -2.5371976700305128 -1.8472981993879598 -1.6078042312789402 -0.7677695933315757 -0.37814045760819076 -0.6336282065463331 -0.02896010937228742 -0.0694088968597778 -0.7317577902261049 -0.5649065422658699 -1.0199554003392484 -1.1974863663971178 -1.745041188527264 -2.0150781184871245 +19843,-2.406048667974653,0,-3.080573471880703 -3.096154509929826 -3.167868558939681 -3.197482849806378 -2.147826498563977 -2.5371976700305128 -1.8472981993879598 -1.6078042312789402 -0.7677695933315757 -0.37814045760819076 -0.6336282065463331 -0.02896010937228742 -0.0694088968597778 -0.7317577902261049 -0.5649065422658699 -1.0199554003392484 -1.1974863663971178 -1.745041188527264 -2.0150781184871245 -2.0614600826439284 +19844,-2.5269822875023302,0,-3.096154509929826 -3.167868558939681 -3.197482849806378 -2.147826498563977 -2.5371976700305128 -1.8472981993879598 -1.6078042312789402 -0.7677695933315757 -0.37814045760819076 -0.6336282065463331 -0.02896010937228742 -0.0694088968597778 -0.7317577902261049 -0.5649065422658699 -1.0199554003392484 -1.1974863663971178 -1.745041188527264 -2.0150781184871245 -2.0614600826439284 -2.406048667974653 +19845,-2.5547392359363994,0,-3.167868558939681 -3.197482849806378 -2.147826498563977 -2.5371976700305128 -1.8472981993879598 -1.6078042312789402 -0.7677695933315757 -0.37814045760819076 -0.6336282065463331 -0.02896010937228742 -0.0694088968597778 -0.7317577902261049 -0.5649065422658699 -1.0199554003392484 -1.1974863663971178 -1.745041188527264 -2.0150781184871245 -2.0614600826439284 -2.406048667974653 -2.5269822875023302 +19846,-2.70673174567383,0,-3.197482849806378 -2.147826498563977 -2.5371976700305128 -1.8472981993879598 -1.6078042312789402 -0.7677695933315757 -0.37814045760819076 -0.6336282065463331 -0.02896010937228742 -0.0694088968597778 -0.7317577902261049 -0.5649065422658699 -1.0199554003392484 -1.1974863663971178 -1.745041188527264 -2.0150781184871245 -2.0614600826439284 -2.406048667974653 -2.5269822875023302 -2.5547392359363994 +19847,-2.765547584472429,0,-2.147826498563977 -2.5371976700305128 -1.8472981993879598 -1.6078042312789402 -0.7677695933315757 -0.37814045760819076 -0.6336282065463331 -0.02896010937228742 -0.0694088968597778 -0.7317577902261049 -0.5649065422658699 -1.0199554003392484 -1.1974863663971178 -1.745041188527264 -2.0150781184871245 -2.0614600826439284 -2.406048667974653 -2.5269822875023302 -2.5547392359363994 -2.70673174567383 +19848,-2.7913955978391867,0,-2.5371976700305128 -1.8472981993879598 -1.6078042312789402 -0.7677695933315757 -0.37814045760819076 -0.6336282065463331 -0.02896010937228742 -0.0694088968597778 -0.7317577902261049 -0.5649065422658699 -1.0199554003392484 -1.1974863663971178 -1.745041188527264 -2.0150781184871245 -2.0614600826439284 -2.406048667974653 -2.5269822875023302 -2.5547392359363994 -2.70673174567383 -2.765547584472429 +19849,-2.86120071178173,0,-1.8472981993879598 -1.6078042312789402 -0.7677695933315757 -0.37814045760819076 -0.6336282065463331 -0.02896010937228742 -0.0694088968597778 -0.7317577902261049 -0.5649065422658699 -1.0199554003392484 -1.1974863663971178 -1.745041188527264 -2.0150781184871245 -2.0614600826439284 -2.406048667974653 -2.5269822875023302 -2.5547392359363994 -2.70673174567383 -2.765547584472429 -2.7913955978391867 +19850,-2.8980380002924324,0,-1.6078042312789402 -0.7677695933315757 -0.37814045760819076 -0.6336282065463331 -0.02896010937228742 -0.0694088968597778 -0.7317577902261049 -0.5649065422658699 -1.0199554003392484 -1.1974863663971178 -1.745041188527264 -2.0150781184871245 -2.0614600826439284 -2.406048667974653 -2.5269822875023302 -2.5547392359363994 -2.70673174567383 -2.765547584472429 -2.7913955978391867 -2.86120071178173 +19851,-1.6731981573115875,0,-0.7677695933315757 -0.37814045760819076 -0.6336282065463331 -0.02896010937228742 -0.0694088968597778 -0.7317577902261049 -0.5649065422658699 -1.0199554003392484 -1.1974863663971178 -1.745041188527264 -2.0150781184871245 -2.0614600826439284 -2.406048667974653 -2.5269822875023302 -2.5547392359363994 -2.70673174567383 -2.765547584472429 -2.7913955978391867 -2.86120071178173 -2.8980380002924324 +19852,-2.1305944897044005,0,-0.37814045760819076 -0.6336282065463331 -0.02896010937228742 -0.0694088968597778 -0.7317577902261049 -0.5649065422658699 -1.0199554003392484 -1.1974863663971178 -1.745041188527264 -2.0150781184871245 -2.0614600826439284 -2.406048667974653 -2.5269822875023302 -2.5547392359363994 -2.70673174567383 -2.765547584472429 -2.7913955978391867 -2.86120071178173 -2.8980380002924324 -1.6731981573115875 +19853,-1.3263136904508808,0,-0.6336282065463331 -0.02896010937228742 -0.0694088968597778 -0.7317577902261049 -0.5649065422658699 -1.0199554003392484 -1.1974863663971178 -1.745041188527264 -2.0150781184871245 -2.0614600826439284 -2.406048667974653 -2.5269822875023302 -2.5547392359363994 -2.70673174567383 -2.765547584472429 -2.7913955978391867 -2.86120071178173 -2.8980380002924324 -1.6731981573115875 -2.1305944897044005 +19854,-1.0718062055959057,0,-0.02896010937228742 -0.0694088968597778 -0.7317577902261049 -0.5649065422658699 -1.0199554003392484 -1.1974863663971178 -1.745041188527264 -2.0150781184871245 -2.0614600826439284 -2.406048667974653 -2.5269822875023302 -2.5547392359363994 -2.70673174567383 -2.765547584472429 -2.7913955978391867 -2.86120071178173 -2.8980380002924324 -1.6731981573115875 -2.1305944897044005 -1.3263136904508808 +19855,-0.08426763508258257,0,-0.0694088968597778 -0.7317577902261049 -0.5649065422658699 -1.0199554003392484 -1.1974863663971178 -1.745041188527264 -2.0150781184871245 -2.0614600826439284 -2.406048667974653 -2.5269822875023302 -2.5547392359363994 -2.70673174567383 -2.765547584472429 -2.7913955978391867 -2.86120071178173 -2.8980380002924324 -1.6731981573115875 -2.1305944897044005 -1.3263136904508808 -1.0718062055959057 +19856,0.3534976213417585,0,-0.7317577902261049 -0.5649065422658699 -1.0199554003392484 -1.1974863663971178 -1.745041188527264 -2.0150781184871245 -2.0614600826439284 -2.406048667974653 -2.5269822875023302 -2.5547392359363994 -2.70673174567383 -2.765547584472429 -2.7913955978391867 -2.86120071178173 -2.8980380002924324 -1.6731981573115875 -2.1305944897044005 -1.3263136904508808 -1.0718062055959057 -0.08426763508258257 +19857,0.02108494639598016,0,-0.5649065422658699 -1.0199554003392484 -1.1974863663971178 -1.745041188527264 -2.0150781184871245 -2.0614600826439284 -2.406048667974653 -2.5269822875023302 -2.5547392359363994 -2.70673174567383 -2.765547584472429 -2.7913955978391867 -2.86120071178173 -2.8980380002924324 -1.6731981573115875 -2.1305944897044005 -1.3263136904508808 -1.0718062055959057 -0.08426763508258257 0.3534976213417585 +19858,0.7155761797889175,0,-1.0199554003392484 -1.1974863663971178 -1.745041188527264 -2.0150781184871245 -2.0614600826439284 -2.406048667974653 -2.5269822875023302 -2.5547392359363994 -2.70673174567383 -2.765547584472429 -2.7913955978391867 -2.86120071178173 -2.8980380002924324 -1.6731981573115875 -2.1305944897044005 -1.3263136904508808 -1.0718062055959057 -0.08426763508258257 0.3534976213417585 0.02108494639598016 +19859,0.6398894819665123,0,-1.1974863663971178 -1.745041188527264 -2.0150781184871245 -2.0614600826439284 -2.406048667974653 -2.5269822875023302 -2.5547392359363994 -2.70673174567383 -2.765547584472429 -2.7913955978391867 -2.86120071178173 -2.8980380002924324 -1.6731981573115875 -2.1305944897044005 -1.3263136904508808 -1.0718062055959057 -0.08426763508258257 0.3534976213417585 0.02108494639598016 0.7155761797889175 +19860,-0.200944845068737,0,-1.745041188527264 -2.0150781184871245 -2.0614600826439284 -2.406048667974653 -2.5269822875023302 -2.5547392359363994 -2.70673174567383 -2.765547584472429 -2.7913955978391867 -2.86120071178173 -2.8980380002924324 -1.6731981573115875 -2.1305944897044005 -1.3263136904508808 -1.0718062055959057 -0.08426763508258257 0.3534976213417585 0.02108494639598016 0.7155761797889175 0.6398894819665123 +19861,-0.02158233320513154,0,-2.0150781184871245 -2.0614600826439284 -2.406048667974653 -2.5269822875023302 -2.5547392359363994 -2.70673174567383 -2.765547584472429 -2.7913955978391867 -2.86120071178173 -2.8980380002924324 -1.6731981573115875 -2.1305944897044005 -1.3263136904508808 -1.0718062055959057 -0.08426763508258257 0.3534976213417585 0.02108494639598016 0.7155761797889175 0.6398894819665123 -0.200944845068737 +19862,-0.6073674503995757,0,-2.0614600826439284 -2.406048667974653 -2.5269822875023302 -2.5547392359363994 -2.70673174567383 -2.765547584472429 -2.7913955978391867 -2.86120071178173 -2.8980380002924324 -1.6731981573115875 -2.1305944897044005 -1.3263136904508808 -1.0718062055959057 -0.08426763508258257 0.3534976213417585 0.02108494639598016 0.7155761797889175 0.6398894819665123 -0.200944845068737 -0.02158233320513154 +19863,-0.6547554749568848,0,-2.406048667974653 -2.5269822875023302 -2.5547392359363994 -2.70673174567383 -2.765547584472429 -2.7913955978391867 -2.86120071178173 -2.8980380002924324 -1.6731981573115875 -2.1305944897044005 -1.3263136904508808 -1.0718062055959057 -0.08426763508258257 0.3534976213417585 0.02108494639598016 0.7155761797889175 0.6398894819665123 -0.200944845068737 -0.02158233320513154 -0.6073674503995757 +19864,-1.4200062899034185,0,-2.5269822875023302 -2.5547392359363994 -2.70673174567383 -2.765547584472429 -2.7913955978391867 -2.86120071178173 -2.8980380002924324 -1.6731981573115875 -2.1305944897044005 -1.3263136904508808 -1.0718062055959057 -0.08426763508258257 0.3534976213417585 0.02108494639598016 0.7155761797889175 0.6398894819665123 -0.200944845068737 -0.02158233320513154 -0.6073674503995757 -0.6547554749568848 +19865,-1.6468600119032548,0,-2.5547392359363994 -2.70673174567383 -2.765547584472429 -2.7913955978391867 -2.86120071178173 -2.8980380002924324 -1.6731981573115875 -2.1305944897044005 -1.3263136904508808 -1.0718062055959057 -0.08426763508258257 0.3534976213417585 0.02108494639598016 0.7155761797889175 0.6398894819665123 -0.200944845068737 -0.02158233320513154 -0.6073674503995757 -0.6547554749568848 -1.4200062899034185 +19866,-1.800426103344349,0,-2.70673174567383 -2.765547584472429 -2.7913955978391867 -2.86120071178173 -2.8980380002924324 -1.6731981573115875 -2.1305944897044005 -1.3263136904508808 -1.0718062055959057 -0.08426763508258257 0.3534976213417585 0.02108494639598016 0.7155761797889175 0.6398894819665123 -0.200944845068737 -0.02158233320513154 -0.6073674503995757 -0.6547554749568848 -1.4200062899034185 -1.6468600119032548 +19867,-2.051709035685215,0,-2.765547584472429 -2.7913955978391867 -2.86120071178173 -2.8980380002924324 -1.6731981573115875 -2.1305944897044005 -1.3263136904508808 -1.0718062055959057 -0.08426763508258257 0.3534976213417585 0.02108494639598016 0.7155761797889175 0.6398894819665123 -0.200944845068737 -0.02158233320513154 -0.6073674503995757 -0.6547554749568848 -1.4200062899034185 -1.6468600119032548 -1.800426103344349 +19868,-2.229704337312554,0,-2.7913955978391867 -2.86120071178173 -2.8980380002924324 -1.6731981573115875 -2.1305944897044005 -1.3263136904508808 -1.0718062055959057 -0.08426763508258257 0.3534976213417585 0.02108494639598016 0.7155761797889175 0.6398894819665123 -0.200944845068737 -0.02158233320513154 -0.6073674503995757 -0.6547554749568848 -1.4200062899034185 -1.6468600119032548 -1.800426103344349 -2.051709035685215 +19869,-2.2554749614177276,0,-2.86120071178173 -2.8980380002924324 -1.6731981573115875 -2.1305944897044005 -1.3263136904508808 -1.0718062055959057 -0.08426763508258257 0.3534976213417585 0.02108494639598016 0.7155761797889175 0.6398894819665123 -0.200944845068737 -0.02158233320513154 -0.6073674503995757 -0.6547554749568848 -1.4200062899034185 -1.6468600119032548 -1.800426103344349 -2.051709035685215 -2.229704337312554 +19870,-2.484211822167529,0,-2.8980380002924324 -1.6731981573115875 -2.1305944897044005 -1.3263136904508808 -1.0718062055959057 -0.08426763508258257 0.3534976213417585 0.02108494639598016 0.7155761797889175 0.6398894819665123 -0.200944845068737 -0.02158233320513154 -0.6073674503995757 -0.6547554749568848 -1.4200062899034185 -1.6468600119032548 -1.800426103344349 -2.051709035685215 -2.229704337312554 -2.2554749614177276 +19871,-2.5607240055499507,0,-1.6731981573115875 -2.1305944897044005 -1.3263136904508808 -1.0718062055959057 -0.08426763508258257 0.3534976213417585 0.02108494639598016 0.7155761797889175 0.6398894819665123 -0.200944845068737 -0.02158233320513154 -0.6073674503995757 -0.6547554749568848 -1.4200062899034185 -1.6468600119032548 -1.800426103344349 -2.051709035685215 -2.229704337312554 -2.2554749614177276 -2.484211822167529 +19872,-2.590647853308172,0,-2.1305944897044005 -1.3263136904508808 -1.0718062055959057 -0.08426763508258257 0.3534976213417585 0.02108494639598016 0.7155761797889175 0.6398894819665123 -0.200944845068737 -0.02158233320513154 -0.6073674503995757 -0.6547554749568848 -1.4200062899034185 -1.6468600119032548 -1.800426103344349 -2.051709035685215 -2.229704337312554 -2.2554749614177276 -2.484211822167529 -2.5607240055499507 +19873,-2.6826894817954705,0,-1.3263136904508808 -1.0718062055959057 -0.08426763508258257 0.3534976213417585 0.02108494639598016 0.7155761797889175 0.6398894819665123 -0.200944845068737 -0.02158233320513154 -0.6073674503995757 -0.6547554749568848 -1.4200062899034185 -1.6468600119032548 -1.800426103344349 -2.051709035685215 -2.229704337312554 -2.2554749614177276 -2.484211822167529 -2.5607240055499507 -2.590647853308172 +19874,-2.728142774658568,0,-1.0718062055959057 -0.08426763508258257 0.3534976213417585 0.02108494639598016 0.7155761797889175 0.6398894819665123 -0.200944845068737 -0.02158233320513154 -0.6073674503995757 -0.6547554749568848 -1.4200062899034185 -1.6468600119032548 -1.800426103344349 -2.051709035685215 -2.229704337312554 -2.2554749614177276 -2.484211822167529 -2.5607240055499507 -2.590647853308172 -2.6826894817954705 +19875,-1.5018583321798809,0,-0.08426763508258257 0.3534976213417585 0.02108494639598016 0.7155761797889175 0.6398894819665123 -0.200944845068737 -0.02158233320513154 -0.6073674503995757 -0.6547554749568848 -1.4200062899034185 -1.6468600119032548 -1.800426103344349 -2.051709035685215 -2.229704337312554 -2.2554749614177276 -2.484211822167529 -2.5607240055499507 -2.590647853308172 -2.6826894817954705 -2.728142774658568 +19876,-1.9712242036450198,0,0.3534976213417585 0.02108494639598016 0.7155761797889175 0.6398894819665123 -0.200944845068737 -0.02158233320513154 -0.6073674503995757 -0.6547554749568848 -1.4200062899034185 -1.6468600119032548 -1.800426103344349 -2.051709035685215 -2.229704337312554 -2.2554749614177276 -2.484211822167529 -2.5607240055499507 -2.590647853308172 -2.6826894817954705 -2.728142774658568 -1.5018583321798809 +19877,-1.1688523396135884,0,0.02108494639598016 0.7155761797889175 0.6398894819665123 -0.200944845068737 -0.02158233320513154 -0.6073674503995757 -0.6547554749568848 -1.4200062899034185 -1.6468600119032548 -1.800426103344349 -2.051709035685215 -2.229704337312554 -2.2554749614177276 -2.484211822167529 -2.5607240055499507 -2.590647853308172 -2.6826894817954705 -2.728142774658568 -1.5018583321798809 -1.9712242036450198 +19878,-0.9380775615906628,0,0.7155761797889175 0.6398894819665123 -0.200944845068737 -0.02158233320513154 -0.6073674503995757 -0.6547554749568848 -1.4200062899034185 -1.6468600119032548 -1.800426103344349 -2.051709035685215 -2.229704337312554 -2.2554749614177276 -2.484211822167529 -2.5607240055499507 -2.590647853308172 -2.6826894817954705 -2.728142774658568 -1.5018583321798809 -1.9712242036450198 -1.1688523396135884 +19879,0.054826664443592,0,0.6398894819665123 -0.200944845068737 -0.02158233320513154 -0.6073674503995757 -0.6547554749568848 -1.4200062899034185 -1.6468600119032548 -1.800426103344349 -2.051709035685215 -2.229704337312554 -2.2554749614177276 -2.484211822167529 -2.5607240055499507 -2.590647853308172 -2.6826894817954705 -2.728142774658568 -1.5018583321798809 -1.9712242036450198 -1.1688523396135884 -0.9380775615906628 +19880,0.4761338044693587,0,-0.200944845068737 -0.02158233320513154 -0.6073674503995757 -0.6547554749568848 -1.4200062899034185 -1.6468600119032548 -1.800426103344349 -2.051709035685215 -2.229704337312554 -2.2554749614177276 -2.484211822167529 -2.5607240055499507 -2.590647853308172 -2.6826894817954705 -2.728142774658568 -1.5018583321798809 -1.9712242036450198 -1.1688523396135884 -0.9380775615906628 0.054826664443592 +19881,0.20279493257901993,0,-0.02158233320513154 -0.6073674503995757 -0.6547554749568848 -1.4200062899034185 -1.6468600119032548 -1.800426103344349 -2.051709035685215 -2.229704337312554 -2.2554749614177276 -2.484211822167529 -2.5607240055499507 -2.590647853308172 -2.6826894817954705 -2.728142774658568 -1.5018583321798809 -1.9712242036450198 -1.1688523396135884 -0.9380775615906628 0.054826664443592 0.4761338044693587 +19882,0.8556507432434826,0,-0.6073674503995757 -0.6547554749568848 -1.4200062899034185 -1.6468600119032548 -1.800426103344349 -2.051709035685215 -2.229704337312554 -2.2554749614177276 -2.484211822167529 -2.5607240055499507 -2.590647853308172 -2.6826894817954705 -2.728142774658568 -1.5018583321798809 -1.9712242036450198 -1.1688523396135884 -0.9380775615906628 0.054826664443592 0.4761338044693587 0.20279493257901993 +19883,0.8138605419918485,0,-0.6547554749568848 -1.4200062899034185 -1.6468600119032548 -1.800426103344349 -2.051709035685215 -2.229704337312554 -2.2554749614177276 -2.484211822167529 -2.5607240055499507 -2.590647853308172 -2.6826894817954705 -2.728142774658568 -1.5018583321798809 -1.9712242036450198 -1.1688523396135884 -0.9380775615906628 0.054826664443592 0.4761338044693587 0.20279493257901993 0.8556507432434826 +19884,-0.05429219438012395,0,-1.4200062899034185 -1.6468600119032548 -1.800426103344349 -2.051709035685215 -2.229704337312554 -2.2554749614177276 -2.484211822167529 -2.5607240055499507 -2.590647853308172 -2.6826894817954705 -2.728142774658568 -1.5018583321798809 -1.9712242036450198 -1.1688523396135884 -0.9380775615906628 0.054826664443592 0.4761338044693587 0.20279493257901993 0.8556507432434826 0.8138605419918485 +19885,0.1793717827932717,0,-1.6468600119032548 -1.800426103344349 -2.051709035685215 -2.229704337312554 -2.2554749614177276 -2.484211822167529 -2.5607240055499507 -2.590647853308172 -2.6826894817954705 -2.728142774658568 -1.5018583321798809 -1.9712242036450198 -1.1688523396135884 -0.9380775615906628 0.054826664443592 0.4761338044693587 0.20279493257901993 0.8556507432434826 0.8138605419918485 -0.05429219438012395 +19886,-0.41332677530843925,0,-1.800426103344349 -2.051709035685215 -2.229704337312554 -2.2554749614177276 -2.484211822167529 -2.5607240055499507 -2.590647853308172 -2.6826894817954705 -2.728142774658568 -1.5018583321798809 -1.9712242036450198 -1.1688523396135884 -0.9380775615906628 0.054826664443592 0.4761338044693587 0.20279493257901993 0.8556507432434826 0.8138605419918485 -0.05429219438012395 0.1793717827932717 +19887,-0.3392394555070268,0,-2.051709035685215 -2.229704337312554 -2.2554749614177276 -2.484211822167529 -2.5607240055499507 -2.590647853308172 -2.6826894817954705 -2.728142774658568 -1.5018583321798809 -1.9712242036450198 -1.1688523396135884 -0.9380775615906628 0.054826664443592 0.4761338044693587 0.20279493257901993 0.8556507432434826 0.8138605419918485 -0.05429219438012395 0.1793717827932717 -0.41332677530843925 +19888,-1.1541999727034038,0,-2.229704337312554 -2.2554749614177276 -2.484211822167529 -2.5607240055499507 -2.590647853308172 -2.6826894817954705 -2.728142774658568 -1.5018583321798809 -1.9712242036450198 -1.1688523396135884 -0.9380775615906628 0.054826664443592 0.4761338044693587 0.20279493257901993 0.8556507432434826 0.8138605419918485 -0.05429219438012395 0.1793717827932717 -0.41332677530843925 -0.3392394555070268 +19889,-1.30237461230622,0,-2.2554749614177276 -2.484211822167529 -2.5607240055499507 -2.590647853308172 -2.6826894817954705 -2.728142774658568 -1.5018583321798809 -1.9712242036450198 -1.1688523396135884 -0.9380775615906628 0.054826664443592 0.4761338044693587 0.20279493257901993 0.8556507432434826 0.8138605419918485 -0.05429219438012395 0.1793717827932717 -0.41332677530843925 -0.3392394555070268 -1.1541999727034038 +19890,-1.143855608124194,0,-2.484211822167529 -2.5607240055499507 -2.590647853308172 -2.6826894817954705 -2.728142774658568 -1.5018583321798809 -1.9712242036450198 -1.1688523396135884 -0.9380775615906628 0.054826664443592 0.4761338044693587 0.20279493257901993 0.8556507432434826 0.8138605419918485 -0.05429219438012395 0.1793717827932717 -0.41332677530843925 -0.3392394555070268 -1.1541999727034038 -1.30237461230622 +19891,-1.3942614621155824,0,-2.5607240055499507 -2.590647853308172 -2.6826894817954705 -2.728142774658568 -1.5018583321798809 -1.9712242036450198 -1.1688523396135884 -0.9380775615906628 0.054826664443592 0.4761338044693587 0.20279493257901993 0.8556507432434826 0.8138605419918485 -0.05429219438012395 0.1793717827932717 -0.41332677530843925 -0.3392394555070268 -1.1541999727034038 -1.30237461230622 -1.143855608124194 +19892,-1.3379736726316913,0,-2.590647853308172 -2.6826894817954705 -2.728142774658568 -1.5018583321798809 -1.9712242036450198 -1.1688523396135884 -0.9380775615906628 0.054826664443592 0.4761338044693587 0.20279493257901993 0.8556507432434826 0.8138605419918485 -0.05429219438012395 0.1793717827932717 -0.41332677530843925 -0.3392394555070268 -1.1541999727034038 -1.30237461230622 -1.143855608124194 -1.3942614621155824 +19893,-1.26899404409437,0,-2.6826894817954705 -2.728142774658568 -1.5018583321798809 -1.9712242036450198 -1.1688523396135884 -0.9380775615906628 0.054826664443592 0.4761338044693587 0.20279493257901993 0.8556507432434826 0.8138605419918485 -0.05429219438012395 0.1793717827932717 -0.41332677530843925 -0.3392394555070268 -1.1541999727034038 -1.30237461230622 -1.143855608124194 -1.3942614621155824 -1.3379736726316913 +19894,-1.2169368675250927,0,-2.728142774658568 -1.5018583321798809 -1.9712242036450198 -1.1688523396135884 -0.9380775615906628 0.054826664443592 0.4761338044693587 0.20279493257901993 0.8556507432434826 0.8138605419918485 -0.05429219438012395 0.1793717827932717 -0.41332677530843925 -0.3392394555070268 -1.1541999727034038 -1.30237461230622 -1.143855608124194 -1.3942614621155824 -1.3379736726316913 -1.26899404409437 +19895,-1.1521878519023938,0,-1.5018583321798809 -1.9712242036450198 -1.1688523396135884 -0.9380775615906628 0.054826664443592 0.4761338044693587 0.20279493257901993 0.8556507432434826 0.8138605419918485 -0.05429219438012395 0.1793717827932717 -0.41332677530843925 -0.3392394555070268 -1.1541999727034038 -1.30237461230622 -1.143855608124194 -1.3942614621155824 -1.3379736726316913 -1.26899404409437 -1.2169368675250927 +19896,-1.2810667689003945,0,-1.9712242036450198 -1.1688523396135884 -0.9380775615906628 0.054826664443592 0.4761338044693587 0.20279493257901993 0.8556507432434826 0.8138605419918485 -0.05429219438012395 0.1793717827932717 -0.41332677530843925 -0.3392394555070268 -1.1541999727034038 -1.30237461230622 -1.143855608124194 -1.3942614621155824 -1.3379736726316913 -1.26899404409437 -1.2169368675250927 -1.1521878519023938 +19897,-1.151775109277171,0,-1.1688523396135884 -0.9380775615906628 0.054826664443592 0.4761338044693587 0.20279493257901993 0.8556507432434826 0.8138605419918485 -0.05429219438012395 0.1793717827932717 -0.41332677530843925 -0.3392394555070268 -1.1541999727034038 -1.30237461230622 -1.143855608124194 -1.3942614621155824 -1.3379736726316913 -1.26899404409437 -1.2169368675250927 -1.1521878519023938 -1.2810667689003945 +19898,-1.2161113819650846,0,-0.9380775615906628 0.054826664443592 0.4761338044693587 0.20279493257901993 0.8556507432434826 0.8138605419918485 -0.05429219438012395 0.1793717827932717 -0.41332677530843925 -0.3392394555070268 -1.1541999727034038 -1.30237461230622 -1.143855608124194 -1.3942614621155824 -1.3379736726316913 -1.26899404409437 -1.2169368675250927 -1.1521878519023938 -1.2810667689003945 -1.151775109277171 +19899,-0.5040011934046853,0,0.054826664443592 0.4761338044693587 0.20279493257901993 0.8556507432434826 0.8138605419918485 -0.05429219438012395 0.1793717827932717 -0.41332677530843925 -0.3392394555070268 -1.1541999727034038 -1.30237461230622 -1.143855608124194 -1.3942614621155824 -1.3379736726316913 -1.26899404409437 -1.2169368675250927 -1.1521878519023938 -1.2810667689003945 -1.151775109277171 -1.2161113819650846 +19900,-0.8271529532785571,0,0.4761338044693587 0.20279493257901993 0.8556507432434826 0.8138605419918485 -0.05429219438012395 0.1793717827932717 -0.41332677530843925 -0.3392394555070268 -1.1541999727034038 -1.30237461230622 -1.143855608124194 -1.3942614621155824 -1.3379736726316913 -1.26899404409437 -1.2169368675250927 -1.1521878519023938 -1.2810667689003945 -1.151775109277171 -1.2161113819650846 -0.5040011934046853 +19901,-0.37385825190411626,0,0.20279493257901993 0.8556507432434826 0.8138605419918485 -0.05429219438012395 0.1793717827932717 -0.41332677530843925 -0.3392394555070268 -1.1541999727034038 -1.30237461230622 -1.143855608124194 -1.3942614621155824 -1.3379736726316913 -1.26899404409437 -1.2169368675250927 -1.1521878519023938 -1.2810667689003945 -1.151775109277171 -1.2161113819650846 -0.5040011934046853 -0.8271529532785571 +19902,-0.22323295240294416,0,0.8556507432434826 0.8138605419918485 -0.05429219438012395 0.1793717827932717 -0.41332677530843925 -0.3392394555070268 -1.1541999727034038 -1.30237461230622 -1.143855608124194 -1.3942614621155824 -1.3379736726316913 -1.26899404409437 -1.2169368675250927 -1.1521878519023938 -1.2810667689003945 -1.151775109277171 -1.2161113819650846 -0.5040011934046853 -0.8271529532785571 -0.37385825190411626 +19903,0.33095154975071106,0,0.8138605419918485 -0.05429219438012395 0.1793717827932717 -0.41332677530843925 -0.3392394555070268 -1.1541999727034038 -1.30237461230622 -1.143855608124194 -1.3942614621155824 -1.3379736726316913 -1.26899404409437 -1.2169368675250927 -1.1521878519023938 -1.2810667689003945 -1.151775109277171 -1.2161113819650846 -0.5040011934046853 -0.8271529532785571 -0.37385825190411626 -0.22323295240294416 +19904,0.5824666498763031,0,-0.05429219438012395 0.1793717827932717 -0.41332677530843925 -0.3392394555070268 -1.1541999727034038 -1.30237461230622 -1.143855608124194 -1.3942614621155824 -1.3379736726316913 -1.26899404409437 -1.2169368675250927 -1.1521878519023938 -1.2810667689003945 -1.151775109277171 -1.2161113819650846 -0.5040011934046853 -0.8271529532785571 -0.37385825190411626 -0.22323295240294416 0.33095154975071106 +19905,0.33559490544533316,0,0.1793717827932717 -0.41332677530843925 -0.3392394555070268 -1.1541999727034038 -1.30237461230622 -1.143855608124194 -1.3942614621155824 -1.3379736726316913 -1.26899404409437 -1.2169368675250927 -1.1521878519023938 -1.2810667689003945 -1.151775109277171 -1.2161113819650846 -0.5040011934046853 -0.8271529532785571 -0.37385825190411626 -0.22323295240294416 0.33095154975071106 0.5824666498763031 +19906,0.7532389537048507,0,-0.41332677530843925 -0.3392394555070268 -1.1541999727034038 -1.30237461230622 -1.143855608124194 -1.3942614621155824 -1.3379736726316913 -1.26899404409437 -1.2169368675250927 -1.1521878519023938 -1.2810667689003945 -1.151775109277171 -1.2161113819650846 -0.5040011934046853 -0.8271529532785571 -0.37385825190411626 -0.22323295240294416 0.33095154975071106 0.5824666498763031 0.33559490544533316 +19907,0.6724961575625918,0,-0.3392394555070268 -1.1541999727034038 -1.30237461230622 -1.143855608124194 -1.3942614621155824 -1.3379736726316913 -1.26899404409437 -1.2169368675250927 -1.1521878519023938 -1.2810667689003945 -1.151775109277171 -1.2161113819650846 -0.5040011934046853 -0.8271529532785571 -0.37385825190411626 -0.22323295240294416 0.33095154975071106 0.5824666498763031 0.33559490544533316 0.7532389537048507 +19908,0.06542899327965986,0,-1.1541999727034038 -1.30237461230622 -1.143855608124194 -1.3942614621155824 -1.3379736726316913 -1.26899404409437 -1.2169368675250927 -1.1521878519023938 -1.2810667689003945 -1.151775109277171 -1.2161113819650846 -0.5040011934046853 -0.8271529532785571 -0.37385825190411626 -0.22323295240294416 0.33095154975071106 0.5824666498763031 0.33559490544533316 0.7532389537048507 0.6724961575625918 +19909,0.16012765297791703,0,-1.30237461230622 -1.143855608124194 -1.3942614621155824 -1.3379736726316913 -1.26899404409437 -1.2169368675250927 -1.1521878519023938 -1.2810667689003945 -1.151775109277171 -1.2161113819650846 -0.5040011934046853 -0.8271529532785571 -0.37385825190411626 -0.22323295240294416 0.33095154975071106 0.5824666498763031 0.33559490544533316 0.7532389537048507 0.6724961575625918 0.06542899327965986 +19910,-0.2714980551549364,0,-1.143855608124194 -1.3942614621155824 -1.3379736726316913 -1.26899404409437 -1.2169368675250927 -1.1521878519023938 -1.2810667689003945 -1.151775109277171 -1.2161113819650846 -0.5040011934046853 -0.8271529532785571 -0.37385825190411626 -0.22323295240294416 0.33095154975071106 0.5824666498763031 0.33559490544533316 0.7532389537048507 0.6724961575625918 0.06542899327965986 0.16012765297791703 +19911,-0.19901011352931114,0,-1.3942614621155824 -1.3379736726316913 -1.26899404409437 -1.2169368675250927 -1.1521878519023938 -1.2810667689003945 -1.151775109277171 -1.2161113819650846 -0.5040011934046853 -0.8271529532785571 -0.37385825190411626 -0.22323295240294416 0.33095154975071106 0.5824666498763031 0.33559490544533316 0.7532389537048507 0.6724961575625918 0.06542899327965986 0.16012765297791703 -0.2714980551549364 +19912,-0.7986737050181784,0,-1.3379736726316913 -1.26899404409437 -1.2169368675250927 -1.1521878519023938 -1.2810667689003945 -1.151775109277171 -1.2161113819650846 -0.5040011934046853 -0.8271529532785571 -0.37385825190411626 -0.22323295240294416 0.33095154975071106 0.5824666498763031 0.33559490544533316 0.7532389537048507 0.6724961575625918 0.06542899327965986 0.16012765297791703 -0.2714980551549364 -0.19901011352931114 +19913,-0.8942236467485668,0,-1.26899404409437 -1.2169368675250927 -1.1521878519023938 -1.2810667689003945 -1.151775109277171 -1.2161113819650846 -0.5040011934046853 -0.8271529532785571 -0.37385825190411626 -0.22323295240294416 0.33095154975071106 0.5824666498763031 0.33559490544533316 0.7532389537048507 0.6724961575625918 0.06542899327965986 0.16012765297791703 -0.2714980551549364 -0.19901011352931114 -0.7986737050181784 +19914,-0.9382323401138222,0,-1.2169368675250927 -1.1521878519023938 -1.2810667689003945 -1.151775109277171 -1.2161113819650846 -0.5040011934046853 -0.8271529532785571 -0.37385825190411626 -0.22323295240294416 0.33095154975071106 0.5824666498763031 0.33559490544533316 0.7532389537048507 0.6724961575625918 0.06542899327965986 0.16012765297791703 -0.2714980551549364 -0.19901011352931114 -0.7986737050181784 -0.8942236467485668 +19915,-1.0509626977595408,0,-1.1521878519023938 -1.2810667689003945 -1.151775109277171 -1.2161113819650846 -0.5040011934046853 -0.8271529532785571 -0.37385825190411626 -0.22323295240294416 0.33095154975071106 0.5824666498763031 0.33559490544533316 0.7532389537048507 0.6724961575625918 0.06542899327965986 0.16012765297791703 -0.2714980551549364 -0.19901011352931114 -0.7986737050181784 -0.8942236467485668 -0.9382323401138222 +19916,-1.1121518073496977,0,-1.2810667689003945 -1.151775109277171 -1.2161113819650846 -0.5040011934046853 -0.8271529532785571 -0.37385825190411626 -0.22323295240294416 0.33095154975071106 0.5824666498763031 0.33559490544533316 0.7532389537048507 0.6724961575625918 0.06542899327965986 0.16012765297791703 -0.2714980551549364 -0.19901011352931114 -0.7986737050181784 -0.8942236467485668 -0.9382323401138222 -1.0509626977595408 +19917,-1.0635255546071578,0,-1.151775109277171 -1.2161113819650846 -0.5040011934046853 -0.8271529532785571 -0.37385825190411626 -0.22323295240294416 0.33095154975071106 0.5824666498763031 0.33559490544533316 0.7532389537048507 0.6724961575625918 0.06542899327965986 0.16012765297791703 -0.2714980551549364 -0.19901011352931114 -0.7986737050181784 -0.8942236467485668 -0.9382323401138222 -1.0509626977595408 -1.1121518073496977 +19918,-1.1613197847684964,0,-1.2161113819650846 -0.5040011934046853 -0.8271529532785571 -0.37385825190411626 -0.22323295240294416 0.33095154975071106 0.5824666498763031 0.33559490544533316 0.7532389537048507 0.6724961575625918 0.06542899327965986 0.16012765297791703 -0.2714980551549364 -0.19901011352931114 -0.7986737050181784 -0.8942236467485668 -0.9382323401138222 -1.0509626977595408 -1.1121518073496977 -1.0635255546071578 +19919,-1.1492986529067095,0,-0.5040011934046853 -0.8271529532785571 -0.37385825190411626 -0.22323295240294416 0.33095154975071106 0.5824666498763031 0.33559490544533316 0.7532389537048507 0.6724961575625918 0.06542899327965986 0.16012765297791703 -0.2714980551549364 -0.19901011352931114 -0.7986737050181784 -0.8942236467485668 -0.9382323401138222 -1.0509626977595408 -1.1121518073496977 -1.0635255546071578 -1.1613197847684964 +19920,-1.167768889951517,0,-0.8271529532785571 -0.37385825190411626 -0.22323295240294416 0.33095154975071106 0.5824666498763031 0.33559490544533316 0.7532389537048507 0.6724961575625918 0.06542899327965986 0.16012765297791703 -0.2714980551549364 -0.19901011352931114 -0.7986737050181784 -0.8942236467485668 -0.9382323401138222 -1.0509626977595408 -1.1121518073496977 -1.0635255546071578 -1.1613197847684964 -1.1492986529067095 +19921,-1.1455839683510083,0,-0.37385825190411626 -0.22323295240294416 0.33095154975071106 0.5824666498763031 0.33559490544533316 0.7532389537048507 0.6724961575625918 0.06542899327965986 0.16012765297791703 -0.2714980551549364 -0.19901011352931114 -0.7986737050181784 -0.8942236467485668 -0.9382323401138222 -1.0509626977595408 -1.1121518073496977 -1.0635255546071578 -1.1613197847684964 -1.1492986529067095 -1.167768889951517 +19922,-1.153890415657094,0,-0.22323295240294416 0.33095154975071106 0.5824666498763031 0.33559490544533316 0.7532389537048507 0.6724961575625918 0.06542899327965986 0.16012765297791703 -0.2714980551549364 -0.19901011352931114 -0.7986737050181784 -0.8942236467485668 -0.9382323401138222 -1.0509626977595408 -1.1121518073496977 -1.0635255546071578 -1.1613197847684964 -1.1492986529067095 -1.167768889951517 -1.1455839683510083 +19923,-0.7268822667467482,0,0.33095154975071106 0.5824666498763031 0.33559490544533316 0.7532389537048507 0.6724961575625918 0.06542899327965986 0.16012765297791703 -0.2714980551549364 -0.19901011352931114 -0.7986737050181784 -0.8942236467485668 -0.9382323401138222 -1.0509626977595408 -1.1121518073496977 -1.0635255546071578 -1.1613197847684964 -1.1492986529067095 -1.167768889951517 -1.1455839683510083 -1.153890415657094 +19924,-0.8802935796646918,0,0.5824666498763031 0.33559490544533316 0.7532389537048507 0.6724961575625918 0.06542899327965986 0.16012765297791703 -0.2714980551549364 -0.19901011352931114 -0.7986737050181784 -0.8942236467485668 -0.9382323401138222 -1.0509626977595408 -1.1121518073496977 -1.0635255546071578 -1.1613197847684964 -1.1492986529067095 -1.167768889951517 -1.1455839683510083 -1.153890415657094 -0.7268822667467482 +19925,-0.5983902960566326,0,0.33559490544533316 0.7532389537048507 0.6724961575625918 0.06542899327965986 0.16012765297791703 -0.2714980551549364 -0.19901011352931114 -0.7986737050181784 -0.8942236467485668 -0.9382323401138222 -1.0509626977595408 -1.1121518073496977 -1.0635255546071578 -1.1613197847684964 -1.1492986529067095 -1.167768889951517 -1.1455839683510083 -1.153890415657094 -0.7268822667467482 -0.8802935796646918 +19926,-0.540064589299617,0,0.7532389537048507 0.6724961575625918 0.06542899327965986 0.16012765297791703 -0.2714980551549364 -0.19901011352931114 -0.7986737050181784 -0.8942236467485668 -0.9382323401138222 -1.0509626977595408 -1.1121518073496977 -1.0635255546071578 -1.1613197847684964 -1.1492986529067095 -1.167768889951517 -1.1455839683510083 -1.153890415657094 -0.7268822667467482 -0.8802935796646918 -0.5983902960566326 +19927,-0.1836354469475851,0,0.6724961575625918 0.06542899327965986 0.16012765297791703 -0.2714980551549364 -0.19901011352931114 -0.7986737050181784 -0.8942236467485668 -0.9382323401138222 -1.0509626977595408 -1.1121518073496977 -1.0635255546071578 -1.1613197847684964 -1.1492986529067095 -1.167768889951517 -1.1455839683510083 -1.153890415657094 -0.7268822667467482 -0.8802935796646918 -0.5983902960566326 -0.540064589299617 +19928,-0.05078388113703413,0,0.06542899327965986 0.16012765297791703 -0.2714980551549364 -0.19901011352931114 -0.7986737050181784 -0.8942236467485668 -0.9382323401138222 -1.0509626977595408 -1.1121518073496977 -1.0635255546071578 -1.1613197847684964 -1.1492986529067095 -1.167768889951517 -1.1455839683510083 -1.153890415657094 -0.7268822667467482 -0.8802935796646918 -0.5983902960566326 -0.540064589299617 -0.1836354469475851 +19929,-0.15590429483086224,0,0.16012765297791703 -0.2714980551549364 -0.19901011352931114 -0.7986737050181784 -0.8942236467485668 -0.9382323401138222 -1.0509626977595408 -1.1121518073496977 -1.0635255546071578 -1.1613197847684964 -1.1492986529067095 -1.167768889951517 -1.1455839683510083 -1.153890415657094 -0.7268822667467482 -0.8802935796646918 -0.5983902960566326 -0.540064589299617 -0.1836354469475851 -0.05078388113703413 +19930,0.05627126394144297,0,-0.2714980551549364 -0.19901011352931114 -0.7986737050181784 -0.8942236467485668 -0.9382323401138222 -1.0509626977595408 -1.1121518073496977 -1.0635255546071578 -1.1613197847684964 -1.1492986529067095 -1.167768889951517 -1.1455839683510083 -1.153890415657094 -0.7268822667467482 -0.8802935796646918 -0.5983902960566326 -0.540064589299617 -0.1836354469475851 -0.05078388113703413 -0.15590429483086224 +19931,0.03047484351892287,0,-0.19901011352931114 -0.7986737050181784 -0.8942236467485668 -0.9382323401138222 -1.0509626977595408 -1.1121518073496977 -1.0635255546071578 -1.1613197847684964 -1.1492986529067095 -1.167768889951517 -1.1455839683510083 -1.153890415657094 -0.7268822667467482 -0.8802935796646918 -0.5983902960566326 -0.540064589299617 -0.1836354469475851 -0.05078388113703413 -0.15590429483086224 0.05627126394144297 +19932,-0.5395228644685724,0,-0.7986737050181784 -0.8942236467485668 -0.9382323401138222 -1.0509626977595408 -1.1121518073496977 -1.0635255546071578 -1.1613197847684964 -1.1492986529067095 -1.167768889951517 -1.1455839683510083 -1.153890415657094 -0.7268822667467482 -0.8802935796646918 -0.5983902960566326 -0.540064589299617 -0.1836354469475851 -0.05078388113703413 -0.15590429483086224 0.05627126394144297 0.03047484351892287 +19933,-0.3839188559091396,0,-0.8942236467485668 -0.9382323401138222 -1.0509626977595408 -1.1121518073496977 -1.0635255546071578 -1.1613197847684964 -1.1492986529067095 -1.167768889951517 -1.1455839683510083 -1.153890415657094 -0.7268822667467482 -0.8802935796646918 -0.5983902960566326 -0.540064589299617 -0.1836354469475851 -0.05078388113703413 -0.15590429483086224 0.05627126394144297 0.03047484351892287 -0.5395228644685724 +19934,-0.7725161346051195,0,-0.9382323401138222 -1.0509626977595408 -1.1121518073496977 -1.0635255546071578 -1.1613197847684964 -1.1492986529067095 -1.167768889951517 -1.1455839683510083 -1.153890415657094 -0.7268822667467482 -0.8802935796646918 -0.5983902960566326 -0.540064589299617 -0.1836354469475851 -0.05078388113703413 -0.15590429483086224 0.05627126394144297 0.03047484351892287 -0.5395228644685724 -0.3839188559091396 +19935,-0.8997698771099953,0,-1.0509626977595408 -1.1121518073496977 -1.0635255546071578 -1.1613197847684964 -1.1492986529067095 -1.167768889951517 -1.1455839683510083 -1.153890415657094 -0.7268822667467482 -0.8802935796646918 -0.5983902960566326 -0.540064589299617 -0.1836354469475851 -0.05078388113703413 -0.15590429483086224 0.05627126394144297 0.03047484351892287 -0.5395228644685724 -0.3839188559091396 -0.7725161346051195 +19936,-1.375481668024465,0,-1.1121518073496977 -1.0635255546071578 -1.1613197847684964 -1.1492986529067095 -1.167768889951517 -1.1455839683510083 -1.153890415657094 -0.7268822667467482 -0.8802935796646918 -0.5983902960566326 -0.540064589299617 -0.1836354469475851 -0.05078388113703413 -0.15590429483086224 0.05627126394144297 0.03047484351892287 -0.5395228644685724 -0.3839188559091396 -0.7725161346051195 -0.8997698771099953 +19937,-1.5898499225930451,0,-1.0635255546071578 -1.1613197847684964 -1.1492986529067095 -1.167768889951517 -1.1455839683510083 -1.153890415657094 -0.7268822667467482 -0.8802935796646918 -0.5983902960566326 -0.540064589299617 -0.1836354469475851 -0.05078388113703413 -0.15590429483086224 0.05627126394144297 0.03047484351892287 -0.5395228644685724 -0.3839188559091396 -0.7725161346051195 -0.8997698771099953 -1.375481668024465 +19938,-1.5965827883502526,0,-1.1613197847684964 -1.1492986529067095 -1.167768889951517 -1.1455839683510083 -1.153890415657094 -0.7268822667467482 -0.8802935796646918 -0.5983902960566326 -0.540064589299617 -0.1836354469475851 -0.05078388113703413 -0.15590429483086224 0.05627126394144297 0.03047484351892287 -0.5395228644685724 -0.3839188559091396 -0.7725161346051195 -0.8997698771099953 -1.375481668024465 -1.5898499225930451 +19939,-1.8801628392408885,0,-1.1492986529067095 -1.167768889951517 -1.1455839683510083 -1.153890415657094 -0.7268822667467482 -0.8802935796646918 -0.5983902960566326 -0.540064589299617 -0.1836354469475851 -0.05078388113703413 -0.15590429483086224 0.05627126394144297 0.03047484351892287 -0.5395228644685724 -0.3839188559091396 -0.7725161346051195 -0.8997698771099953 -1.375481668024465 -1.5898499225930451 -1.5965827883502526 +19940,-1.956107501165366,0,-1.167768889951517 -1.1455839683510083 -1.153890415657094 -0.7268822667467482 -0.8802935796646918 -0.5983902960566326 -0.540064589299617 -0.1836354469475851 -0.05078388113703413 -0.15590429483086224 0.05627126394144297 0.03047484351892287 -0.5395228644685724 -0.3839188559091396 -0.7725161346051195 -0.8997698771099953 -1.375481668024465 -1.5898499225930451 -1.5965827883502526 -1.8801628392408885 +19941,-1.863498351529694,0,-1.1455839683510083 -1.153890415657094 -0.7268822667467482 -0.8802935796646918 -0.5983902960566326 -0.540064589299617 -0.1836354469475851 -0.05078388113703413 -0.15590429483086224 0.05627126394144297 0.03047484351892287 -0.5395228644685724 -0.3839188559091396 -0.7725161346051195 -0.8997698771099953 -1.375481668024465 -1.5898499225930451 -1.5965827883502526 -1.8801628392408885 -1.956107501165366 +19942,-1.9956276175139265,0,-1.153890415657094 -0.7268822667467482 -0.8802935796646918 -0.5983902960566326 -0.540064589299617 -0.1836354469475851 -0.05078388113703413 -0.15590429483086224 0.05627126394144297 0.03047484351892287 -0.5395228644685724 -0.3839188559091396 -0.7725161346051195 -0.8997698771099953 -1.375481668024465 -1.5898499225930451 -1.5965827883502526 -1.8801628392408885 -1.956107501165366 -1.863498351529694 +19943,-1.9592030716284472,0,-0.7268822667467482 -0.8802935796646918 -0.5983902960566326 -0.540064589299617 -0.1836354469475851 -0.05078388113703413 -0.15590429483086224 0.05627126394144297 0.03047484351892287 -0.5395228644685724 -0.3839188559091396 -0.7725161346051195 -0.8997698771099953 -1.375481668024465 -1.5898499225930451 -1.5965827883502526 -1.8801628392408885 -1.956107501165366 -1.863498351529694 -1.9956276175139265 +19944,-2.028569646473654,0,-0.8802935796646918 -0.5983902960566326 -0.540064589299617 -0.1836354469475851 -0.05078388113703413 -0.15590429483086224 0.05627126394144297 0.03047484351892287 -0.5395228644685724 -0.3839188559091396 -0.7725161346051195 -0.8997698771099953 -1.375481668024465 -1.5898499225930451 -1.5965827883502526 -1.8801628392408885 -1.956107501165366 -1.863498351529694 -1.9956276175139265 -1.9592030716284472 +19945,-1.9568813937811362,0,-0.5983902960566326 -0.540064589299617 -0.1836354469475851 -0.05078388113703413 -0.15590429483086224 0.05627126394144297 0.03047484351892287 -0.5395228644685724 -0.3839188559091396 -0.7725161346051195 -0.8997698771099953 -1.375481668024465 -1.5898499225930451 -1.5965827883502526 -1.8801628392408885 -1.956107501165366 -1.863498351529694 -1.9956276175139265 -1.9592030716284472 -2.028569646473654 +19946,-1.9909842618193045,0,-0.540064589299617 -0.1836354469475851 -0.05078388113703413 -0.15590429483086224 0.05627126394144297 0.03047484351892287 -0.5395228644685724 -0.3839188559091396 -0.7725161346051195 -0.8997698771099953 -1.375481668024465 -1.5898499225930451 -1.5965827883502526 -1.8801628392408885 -1.956107501165366 -1.863498351529694 -1.9956276175139265 -1.9592030716284472 -2.028569646473654 -1.9568813937811362 +19947,-1.2354071045699,0,-0.1836354469475851 -0.05078388113703413 -0.15590429483086224 0.05627126394144297 0.03047484351892287 -0.5395228644685724 -0.3839188559091396 -0.7725161346051195 -0.8997698771099953 -1.375481668024465 -1.5898499225930451 -1.5965827883502526 -1.8801628392408885 -1.956107501165366 -1.863498351529694 -1.9956276175139265 -1.9592030716284472 -2.028569646473654 -1.9568813937811362 -1.9909842618193045 +19948,-1.532736647549146,0,-0.05078388113703413 -0.15590429483086224 0.05627126394144297 0.03047484351892287 -0.5395228644685724 -0.3839188559091396 -0.7725161346051195 -0.8997698771099953 -1.375481668024465 -1.5898499225930451 -1.5965827883502526 -1.8801628392408885 -1.956107501165366 -1.863498351529694 -1.9956276175139265 -1.9592030716284472 -2.028569646473654 -1.9568813937811362 -1.9909842618193045 -1.2354071045699 +19949,-1.0403861653955961,0,-0.15590429483086224 0.05627126394144297 0.03047484351892287 -0.5395228644685724 -0.3839188559091396 -0.7725161346051195 -0.8997698771099953 -1.375481668024465 -1.5898499225930451 -1.5965827883502526 -1.8801628392408885 -1.956107501165366 -1.863498351529694 -1.9956276175139265 -1.9592030716284472 -2.028569646473654 -1.9568813937811362 -1.9909842618193045 -1.2354071045699 -1.532736647549146 +19950,-0.9749148501013648,0,0.05627126394144297 0.03047484351892287 -0.5395228644685724 -0.3839188559091396 -0.7725161346051195 -0.8997698771099953 -1.375481668024465 -1.5898499225930451 -1.5965827883502526 -1.8801628392408885 -1.956107501165366 -1.863498351529694 -1.9956276175139265 -1.9592030716284472 -2.028569646473654 -1.9568813937811362 -1.9909842618193045 -1.2354071045699 -1.532736647549146 -1.0403861653955961 +19951,-0.3402713123796462,0,0.03047484351892287 -0.5395228644685724 -0.3839188559091396 -0.7725161346051195 -0.8997698771099953 -1.375481668024465 -1.5898499225930451 -1.5965827883502526 -1.8801628392408885 -1.956107501165366 -1.863498351529694 -1.9956276175139265 -1.9592030716284472 -2.028569646473654 -1.9568813937811362 -1.9909842618193045 -1.2354071045699 -1.532736647549146 -1.0403861653955961 -0.9749148501013648 +19952,-0.13250694136246038,0,-0.5395228644685724 -0.3839188559091396 -0.7725161346051195 -0.8997698771099953 -1.375481668024465 -1.5898499225930451 -1.5965827883502526 -1.8801628392408885 -1.956107501165366 -1.863498351529694 -1.9956276175139265 -1.9592030716284472 -2.028569646473654 -1.9568813937811362 -1.9909842618193045 -1.2354071045699 -1.532736647549146 -1.0403861653955961 -0.9749148501013648 -0.3402713123796462 +19953,-0.32817279110149844,0,-0.3839188559091396 -0.7725161346051195 -0.8997698771099953 -1.375481668024465 -1.5898499225930451 -1.5965827883502526 -1.8801628392408885 -1.956107501165366 -1.863498351529694 -1.9956276175139265 -1.9592030716284472 -2.028569646473654 -1.9568813937811362 -1.9909842618193045 -1.2354071045699 -1.532736647549146 -1.0403861653955961 -0.9749148501013648 -0.3402713123796462 -0.13250694136246038 +19954,0.014068320064577401,0,-0.7725161346051195 -0.8997698771099953 -1.375481668024465 -1.5898499225930451 -1.5965827883502526 -1.8801628392408885 -1.956107501165366 -1.863498351529694 -1.9956276175139265 -1.9592030716284472 -2.028569646473654 -1.9568813937811362 -1.9909842618193045 -1.2354071045699 -1.532736647549146 -1.0403861653955961 -0.9749148501013648 -0.3402713123796462 -0.13250694136246038 -0.32817279110149844 +19955,-0.04712078952557064,0,-0.8997698771099953 -1.375481668024465 -1.5898499225930451 -1.5965827883502526 -1.8801628392408885 -1.956107501165366 -1.863498351529694 -1.9956276175139265 -1.9592030716284472 -2.028569646473654 -1.9568813937811362 -1.9909842618193045 -1.2354071045699 -1.532736647549146 -1.0403861653955961 -0.9749148501013648 -0.3402713123796462 -0.13250694136246038 -0.32817279110149844 0.014068320064577401 +19956,-0.4792366297000078,0,-1.375481668024465 -1.5898499225930451 -1.5965827883502526 -1.8801628392408885 -1.956107501165366 -1.863498351529694 -1.9956276175139265 -1.9592030716284472 -2.028569646473654 -1.9568813937811362 -1.9909842618193045 -1.2354071045699 -1.532736647549146 -1.0403861653955961 -0.9749148501013648 -0.3402713123796462 -0.13250694136246038 -0.32817279110149844 0.014068320064577401 -0.04712078952557064 +19957,-0.41678349560728256,0,-1.5898499225930451 -1.5965827883502526 -1.8801628392408885 -1.956107501165366 -1.863498351529694 -1.9956276175139265 -1.9592030716284472 -2.028569646473654 -1.9568813937811362 -1.9909842618193045 -1.2354071045699 -1.532736647549146 -1.0403861653955961 -0.9749148501013648 -0.3402713123796462 -0.13250694136246038 -0.32817279110149844 0.014068320064577401 -0.04712078952557064 -0.4792366297000078 +19958,-0.7252570922536233,0,-1.5965827883502526 -1.8801628392408885 -1.956107501165366 -1.863498351529694 -1.9956276175139265 -1.9592030716284472 -2.028569646473654 -1.9568813937811362 -1.9909842618193045 -1.2354071045699 -1.532736647549146 -1.0403861653955961 -0.9749148501013648 -0.3402713123796462 -0.13250694136246038 -0.32817279110149844 0.014068320064577401 -0.04712078952557064 -0.4792366297000078 -0.41678349560728256 +19959,-0.5770566563334696,0,-1.8801628392408885 -1.956107501165366 -1.863498351529694 -1.9956276175139265 -1.9592030716284472 -2.028569646473654 -1.9568813937811362 -1.9909842618193045 -1.2354071045699 -1.532736647549146 -1.0403861653955961 -0.9749148501013648 -0.3402713123796462 -0.13250694136246038 -0.32817279110149844 0.014068320064577401 -0.04712078952557064 -0.4792366297000078 -0.41678349560728256 -0.7252570922536233 +19960,-1.037754930501984,0,-1.956107501165366 -1.863498351529694 -1.9956276175139265 -1.9592030716284472 -2.028569646473654 -1.9568813937811362 -1.9909842618193045 -1.2354071045699 -1.532736647549146 -1.0403861653955961 -0.9749148501013648 -0.3402713123796462 -0.13250694136246038 -0.32817279110149844 0.014068320064577401 -0.04712078952557064 -0.4792366297000078 -0.41678349560728256 -0.7252570922536233 -0.5770566563334696 +19961,-1.0417791721039864,0,-1.863498351529694 -1.9956276175139265 -1.9592030716284472 -2.028569646473654 -1.9568813937811362 -1.9909842618193045 -1.2354071045699 -1.532736647549146 -1.0403861653955961 -0.9749148501013648 -0.3402713123796462 -0.13250694136246038 -0.32817279110149844 0.014068320064577401 -0.04712078952557064 -0.4792366297000078 -0.41678349560728256 -0.7252570922536233 -0.5770566563334696 -1.037754930501984 +19962,-1.042707843242907,0,-1.9956276175139265 -1.9592030716284472 -2.028569646473654 -1.9568813937811362 -1.9909842618193045 -1.2354071045699 -1.532736647549146 -1.0403861653955961 -0.9749148501013648 -0.3402713123796462 -0.13250694136246038 -0.32817279110149844 0.014068320064577401 -0.04712078952557064 -0.4792366297000078 -0.41678349560728256 -0.7252570922536233 -0.5770566563334696 -1.037754930501984 -1.0417791721039864 +19963,-1.0477639417175466,0,-1.9592030716284472 -2.028569646473654 -1.9568813937811362 -1.9909842618193045 -1.2354071045699 -1.532736647549146 -1.0403861653955961 -0.9749148501013648 -0.3402713123796462 -0.13250694136246038 -0.32817279110149844 0.014068320064577401 -0.04712078952557064 -0.4792366297000078 -0.41678349560728256 -0.7252570922536233 -0.5770566563334696 -1.037754930501984 -1.0417791721039864 -1.042707843242907 +19964,-1.04972446957431,0,-2.028569646473654 -1.9568813937811362 -1.9909842618193045 -1.2354071045699 -1.532736647549146 -1.0403861653955961 -0.9749148501013648 -0.3402713123796462 -0.13250694136246038 -0.32817279110149844 0.014068320064577401 -0.04712078952557064 -0.4792366297000078 -0.41678349560728256 -0.7252570922536233 -0.5770566563334696 -1.037754930501984 -1.0417791721039864 -1.042707843242907 -1.0477639417175466 +19965,-1.0862779975108254,0,-1.9568813937811362 -1.9909842618193045 -1.2354071045699 -1.532736647549146 -1.0403861653955961 -0.9749148501013648 -0.3402713123796462 -0.13250694136246038 -0.32817279110149844 0.014068320064577401 -0.04712078952557064 -0.4792366297000078 -0.41678349560728256 -0.7252570922536233 -0.5770566563334696 -1.037754930501984 -1.0417791721039864 -1.042707843242907 -1.0477639417175466 -1.04972446957431 +19966,-1.0767075255473857,0,-1.9909842618193045 -1.2354071045699 -1.532736647549146 -1.0403861653955961 -0.9749148501013648 -0.3402713123796462 -0.13250694136246038 -0.32817279110149844 0.014068320064577401 -0.04712078952557064 -0.4792366297000078 -0.41678349560728256 -0.7252570922536233 -0.5770566563334696 -1.037754930501984 -1.0417791721039864 -1.042707843242907 -1.0477639417175466 -1.04972446957431 -1.0862779975108254 +19967,-1.1017300533541268,0,-1.2354071045699 -1.532736647549146 -1.0403861653955961 -0.9749148501013648 -0.3402713123796462 -0.13250694136246038 -0.32817279110149844 0.014068320064577401 -0.04712078952557064 -0.4792366297000078 -0.41678349560728256 -0.7252570922536233 -0.5770566563334696 -1.037754930501984 -1.0417791721039864 -1.042707843242907 -1.0477639417175466 -1.04972446957431 -1.0862779975108254 -1.0767075255473857 +19968,-1.0936299773606524,0,-1.532736647549146 -1.0403861653955961 -0.9749148501013648 -0.3402713123796462 -0.13250694136246038 -0.32817279110149844 0.014068320064577401 -0.04712078952557064 -0.4792366297000078 -0.41678349560728256 -0.7252570922536233 -0.5770566563334696 -1.037754930501984 -1.0417791721039864 -1.042707843242907 -1.0477639417175466 -1.04972446957431 -1.0862779975108254 -1.0767075255473857 -1.1017300533541268 +19969,-1.1296933732555754,0,-1.0403861653955961 -0.9749148501013648 -0.3402713123796462 -0.13250694136246038 -0.32817279110149844 0.014068320064577401 -0.04712078952557064 -0.4792366297000078 -0.41678349560728256 -0.7252570922536233 -0.5770566563334696 -1.037754930501984 -1.0417791721039864 -1.042707843242907 -1.0477639417175466 -1.04972446957431 -1.0862779975108254 -1.0767075255473857 -1.1017300533541268 -1.0936299773606524 +19970,-1.1326341651955063,0,-0.9749148501013648 -0.3402713123796462 -0.13250694136246038 -0.32817279110149844 0.014068320064577401 -0.04712078952557064 -0.4792366297000078 -0.41678349560728256 -0.7252570922536233 -0.5770566563334696 -1.037754930501984 -1.0417791721039864 -1.042707843242907 -1.0477639417175466 -1.04972446957431 -1.0862779975108254 -1.0767075255473857 -1.1017300533541268 -1.0936299773606524 -1.1296933732555754 +19971,-1.0268430446196062,0,-0.3402713123796462 -0.13250694136246038 -0.32817279110149844 0.014068320064577401 -0.04712078952557064 -0.4792366297000078 -0.41678349560728256 -0.7252570922536233 -0.5770566563334696 -1.037754930501984 -1.0417791721039864 -1.042707843242907 -1.0477639417175466 -1.04972446957431 -1.0862779975108254 -1.0767075255473857 -1.1017300533541268 -1.0936299773606524 -1.1296933732555754 -1.1326341651955063 +19972,-1.0660278074497427,0,-0.13250694136246038 -0.32817279110149844 0.014068320064577401 -0.04712078952557064 -0.4792366297000078 -0.41678349560728256 -0.7252570922536233 -0.5770566563334696 -1.037754930501984 -1.0417791721039864 -1.042707843242907 -1.0477639417175466 -1.04972446957431 -1.0862779975108254 -1.0767075255473857 -1.1017300533541268 -1.0936299773606524 -1.1296933732555754 -1.1326341651955063 -1.0268430446196062 +19973,-0.9964806576092625,0,-0.32817279110149844 0.014068320064577401 -0.04712078952557064 -0.4792366297000078 -0.41678349560728256 -0.7252570922536233 -0.5770566563334696 -1.037754930501984 -1.0417791721039864 -1.042707843242907 -1.0477639417175466 -1.04972446957431 -1.0862779975108254 -1.0767075255473857 -1.1017300533541268 -1.0936299773606524 -1.1296933732555754 -1.1326341651955063 -1.0268430446196062 -1.0660278074497427 +19974,-0.8687367832175797,0,0.014068320064577401 -0.04712078952557064 -0.4792366297000078 -0.41678349560728256 -0.7252570922536233 -0.5770566563334696 -1.037754930501984 -1.0417791721039864 -1.042707843242907 -1.0477639417175466 -1.04972446957431 -1.0862779975108254 -1.0767075255473857 -1.1017300533541268 -1.0936299773606524 -1.1296933732555754 -1.1326341651955063 -1.0268430446196062 -1.0660278074497427 -0.9964806576092625 +19975,-0.8185885417156137,0,-0.04712078952557064 -0.4792366297000078 -0.41678349560728256 -0.7252570922536233 -0.5770566563334696 -1.037754930501984 -1.0417791721039864 -1.042707843242907 -1.0477639417175466 -1.04972446957431 -1.0862779975108254 -1.0767075255473857 -1.1017300533541268 -1.0936299773606524 -1.1296933732555754 -1.1326341651955063 -1.0268430446196062 -1.0660278074497427 -0.9964806576092625 -0.8687367832175797 +19976,-0.710243575507668,0,-0.4792366297000078 -0.41678349560728256 -0.7252570922536233 -0.5770566563334696 -1.037754930501984 -1.0417791721039864 -1.042707843242907 -1.0477639417175466 -1.04972446957431 -1.0862779975108254 -1.0767075255473857 -1.1017300533541268 -1.0936299773606524 -1.1296933732555754 -1.1326341651955063 -1.0268430446196062 -1.0660278074497427 -0.9964806576092625 -0.8687367832175797 -0.8185885417156137 +19977,-0.8253214074728209,0,-0.41678349560728256 -0.7252570922536233 -0.5770566563334696 -1.037754930501984 -1.0417791721039864 -1.042707843242907 -1.0477639417175466 -1.04972446957431 -1.0862779975108254 -1.0767075255473857 -1.1017300533541268 -1.0936299773606524 -1.1296933732555754 -1.1326341651955063 -1.0268430446196062 -1.0660278074497427 -0.9964806576092625 -0.8687367832175797 -0.8185885417156137 -0.710243575507668 +19978,-0.6425021751555777,0,-0.7252570922536233 -0.5770566563334696 -1.037754930501984 -1.0417791721039864 -1.042707843242907 -1.0477639417175466 -1.04972446957431 -1.0862779975108254 -1.0767075255473857 -1.1017300533541268 -1.0936299773606524 -1.1296933732555754 -1.1326341651955063 -1.0268430446196062 -1.0660278074497427 -0.9964806576092625 -0.8687367832175797 -0.8185885417156137 -0.710243575507668 -0.8253214074728209 +19979,-0.6831057411662274,0,-0.5770566563334696 -1.037754930501984 -1.0417791721039864 -1.042707843242907 -1.0477639417175466 -1.04972446957431 -1.0862779975108254 -1.0767075255473857 -1.1017300533541268 -1.0936299773606524 -1.1296933732555754 -1.1326341651955063 -1.0268430446196062 -1.0660278074497427 -0.9964806576092625 -0.8687367832175797 -0.8185885417156137 -0.710243575507668 -0.8253214074728209 -0.6425021751555777 +19980,-0.9141642797633397,0,-1.037754930501984 -1.0417791721039864 -1.042707843242907 -1.0477639417175466 -1.04972446957431 -1.0862779975108254 -1.0767075255473857 -1.1017300533541268 -1.0936299773606524 -1.1296933732555754 -1.1326341651955063 -1.0268430446196062 -1.0660278074497427 -0.9964806576092625 -0.8687367832175797 -0.8185885417156137 -0.710243575507668 -0.8253214074728209 -0.6425021751555777 -0.6831057411662274 +19981,-0.891282854808636,0,-1.0417791721039864 -1.042707843242907 -1.0477639417175466 -1.04972446957431 -1.0862779975108254 -1.0767075255473857 -1.1017300533541268 -1.0936299773606524 -1.1296933732555754 -1.1326341651955063 -1.0268430446196062 -1.0660278074497427 -0.9964806576092625 -0.8687367832175797 -0.8185885417156137 -0.710243575507668 -0.8253214074728209 -0.6425021751555777 -0.6831057411662274 -0.9141642797633397 +19982,-1.0588564024404123,0,-1.042707843242907 -1.0477639417175466 -1.04972446957431 -1.0862779975108254 -1.0767075255473857 -1.1017300533541268 -1.0936299773606524 -1.1296933732555754 -1.1326341651955063 -1.0268430446196062 -1.0660278074497427 -0.9964806576092625 -0.8687367832175797 -0.8185885417156137 -0.710243575507668 -0.8253214074728209 -0.6425021751555777 -0.6831057411662274 -0.9141642797633397 -0.891282854808636 +19983,-1.2207031448702546,0,-1.0477639417175466 -1.04972446957431 -1.0862779975108254 -1.0767075255473857 -1.1017300533541268 -1.0936299773606524 -1.1296933732555754 -1.1326341651955063 -1.0268430446196062 -1.0660278074497427 -0.9964806576092625 -0.8687367832175797 -0.8185885417156137 -0.710243575507668 -0.8253214074728209 -0.6425021751555777 -0.6831057411662274 -0.9141642797633397 -0.891282854808636 -1.0588564024404123 +19984,-1.3901856277241105,0,-1.04972446957431 -1.0862779975108254 -1.0767075255473857 -1.1017300533541268 -1.0936299773606524 -1.1296933732555754 -1.1326341651955063 -1.0268430446196062 -1.0660278074497427 -0.9964806576092625 -0.8687367832175797 -0.8185885417156137 -0.710243575507668 -0.8253214074728209 -0.6425021751555777 -0.6831057411662274 -0.9141642797633397 -0.891282854808636 -1.0588564024404123 -1.2207031448702546 +19985,-1.553941305221273,0,-1.0862779975108254 -1.0767075255473857 -1.1017300533541268 -1.0936299773606524 -1.1296933732555754 -1.1326341651955063 -1.0268430446196062 -1.0660278074497427 -0.9964806576092625 -0.8687367832175797 -0.8185885417156137 -0.710243575507668 -0.8253214074728209 -0.6425021751555777 -0.6831057411662274 -0.9141642797633397 -0.891282854808636 -1.0588564024404123 -1.2207031448702546 -1.3901856277241105 +19986,-1.6023095937069638,0,-1.0767075255473857 -1.1017300533541268 -1.0936299773606524 -1.1296933732555754 -1.1326341651955063 -1.0268430446196062 -1.0660278074497427 -0.9964806576092625 -0.8687367832175797 -0.8185885417156137 -0.710243575507668 -0.8253214074728209 -0.6425021751555777 -0.6831057411662274 -0.9141642797633397 -0.891282854808636 -1.0588564024404123 -1.2207031448702546 -1.3901856277241105 -1.553941305221273 +19987,-1.8045277342079353,0,-1.1017300533541268 -1.0936299773606524 -1.1296933732555754 -1.1326341651955063 -1.0268430446196062 -1.0660278074497427 -0.9964806576092625 -0.8687367832175797 -0.8185885417156137 -0.710243575507668 -0.8253214074728209 -0.6425021751555777 -0.6831057411662274 -0.9141642797633397 -0.891282854808636 -1.0588564024404123 -1.2207031448702546 -1.3901856277241105 -1.553941305221273 -1.6023095937069638 +19988,-1.8913584856974528,0,-1.0936299773606524 -1.1296933732555754 -1.1326341651955063 -1.0268430446196062 -1.0660278074497427 -0.9964806576092625 -0.8687367832175797 -0.8185885417156137 -0.710243575507668 -0.8253214074728209 -0.6425021751555777 -0.6831057411662274 -0.9141642797633397 -0.891282854808636 -1.0588564024404123 -1.2207031448702546 -1.3901856277241105 -1.553941305221273 -1.6023095937069638 -1.8045277342079353 +19989,-1.932142626548582,0,-1.1296933732555754 -1.1326341651955063 -1.0268430446196062 -1.0660278074497427 -0.9964806576092625 -0.8687367832175797 -0.8185885417156137 -0.710243575507668 -0.8253214074728209 -0.6425021751555777 -0.6831057411662274 -0.9141642797633397 -0.891282854808636 -1.0588564024404123 -1.2207031448702546 -1.3901856277241105 -1.553941305221273 -1.6023095937069638 -1.8045277342079353 -1.8913584856974528 +19990,-2.034322248302479,0,-1.1326341651955063 -1.0268430446196062 -1.0660278074497427 -0.9964806576092625 -0.8687367832175797 -0.8185885417156137 -0.710243575507668 -0.8253214074728209 -0.6425021751555777 -0.6831057411662274 -0.9141642797633397 -0.891282854808636 -1.0588564024404123 -1.2207031448702546 -1.3901856277241105 -1.553941305221273 -1.6023095937069638 -1.8045277342079353 -1.8913584856974528 -1.932142626548582 +19991,-2.0904552592632197,0,-1.0268430446196062 -1.0660278074497427 -0.9964806576092625 -0.8687367832175797 -0.8185885417156137 -0.710243575507668 -0.8253214074728209 -0.6425021751555777 -0.6831057411662274 -0.9141642797633397 -0.891282854808636 -1.0588564024404123 -1.2207031448702546 -1.3901856277241105 -1.553941305221273 -1.6023095937069638 -1.8045277342079353 -1.8913584856974528 -1.932142626548582 -2.034322248302479 +19992,-2.0545724383635617,0,-1.0660278074497427 -0.9964806576092625 -0.8687367832175797 -0.8185885417156137 -0.710243575507668 -0.8253214074728209 -0.6425021751555777 -0.6831057411662274 -0.9141642797633397 -0.891282854808636 -1.0588564024404123 -1.2207031448702546 -1.3901856277241105 -1.553941305221273 -1.6023095937069638 -1.8045277342079353 -1.8913584856974528 -1.932142626548582 -2.034322248302479 -2.0904552592632197 +19993,-2.141377393380956,0,-0.9964806576092625 -0.8687367832175797 -0.8185885417156137 -0.710243575507668 -0.8253214074728209 -0.6425021751555777 -0.6831057411662274 -0.9141642797633397 -0.891282854808636 -1.0588564024404123 -1.2207031448702546 -1.3901856277241105 -1.553941305221273 -1.6023095937069638 -1.8045277342079353 -1.8913584856974528 -1.932142626548582 -2.034322248302479 -2.0904552592632197 -2.0545724383635617 +19994,-2.136166516537952,0,-0.8687367832175797 -0.8185885417156137 -0.710243575507668 -0.8253214074728209 -0.6425021751555777 -0.6831057411662274 -0.9141642797633397 -0.891282854808636 -1.0588564024404123 -1.2207031448702546 -1.3901856277241105 -1.553941305221273 -1.6023095937069638 -1.8045277342079353 -1.8913584856974528 -1.932142626548582 -2.034322248302479 -2.0904552592632197 -2.0545724383635617 -2.141377393380956 +19995,-1.48429096980188,0,-0.8185885417156137 -0.710243575507668 -0.8253214074728209 -0.6425021751555777 -0.6831057411662274 -0.9141642797633397 -0.891282854808636 -1.0588564024404123 -1.2207031448702546 -1.3901856277241105 -1.553941305221273 -1.6023095937069638 -1.8045277342079353 -1.8913584856974528 -1.932142626548582 -2.034322248302479 -2.0904552592632197 -2.0545724383635617 -2.141377393380956 -2.136166516537952 +19996,-1.694634982768449,0,-0.710243575507668 -0.8253214074728209 -0.6425021751555777 -0.6831057411662274 -0.9141642797633397 -0.891282854808636 -1.0588564024404123 -1.2207031448702546 -1.3901856277241105 -1.553941305221273 -1.6023095937069638 -1.8045277342079353 -1.8913584856974528 -1.932142626548582 -2.034322248302479 -2.0904552592632197 -2.0545724383635617 -2.141377393380956 -2.136166516537952 -1.48429096980188 +19997,-1.2583143259967269,0,-0.8253214074728209 -0.6425021751555777 -0.6831057411662274 -0.9141642797633397 -0.891282854808636 -1.0588564024404123 -1.2207031448702546 -1.3901856277241105 -1.553941305221273 -1.6023095937069638 -1.8045277342079353 -1.8913584856974528 -1.932142626548582 -2.034322248302479 -2.0904552592632197 -2.0545724383635617 -2.141377393380956 -2.136166516537952 -1.48429096980188 -1.694634982768449 +19998,-1.260016889751427,0,-0.6425021751555777 -0.6831057411662274 -0.9141642797633397 -0.891282854808636 -1.0588564024404123 -1.2207031448702546 -1.3901856277241105 -1.553941305221273 -1.6023095937069638 -1.8045277342079353 -1.8913584856974528 -1.932142626548582 -2.034322248302479 -2.0904552592632197 -2.0545724383635617 -2.141377393380956 -2.136166516537952 -1.48429096980188 -1.694634982768449 -1.2583143259967269 +19999,-0.6776884928558262,0,-0.6831057411662274 -0.9141642797633397 -0.891282854808636 -1.0588564024404123 -1.2207031448702546 -1.3901856277241105 -1.553941305221273 -1.6023095937069638 -1.8045277342079353 -1.8913584856974528 -1.932142626548582 -2.034322248302479 -2.0904552592632197 -2.0545724383635617 -2.141377393380956 -2.136166516537952 -1.48429096980188 -1.694634982768449 -1.2583143259967269 -1.260016889751427 +20000,-0.5333833163318618,0,-0.9141642797633397 -0.891282854808636 -1.0588564024404123 -1.2207031448702546 -1.3901856277241105 -1.553941305221273 -1.6023095937069638 -1.8045277342079353 -1.8913584856974528 -1.932142626548582 -2.034322248302479 -2.0904552592632197 -2.0545724383635617 -2.141377393380956 -2.136166516537952 -1.48429096980188 -1.694634982768449 -1.2583143259967269 -1.260016889751427 -0.6776884928558262 +20001,-0.6733288977353907,0,-0.891282854808636 -1.0588564024404123 -1.2207031448702546 -1.3901856277241105 -1.553941305221273 -1.6023095937069638 -1.8045277342079353 -1.8913584856974528 -1.932142626548582 -2.034322248302479 -2.0904552592632197 -2.0545724383635617 -2.141377393380956 -2.136166516537952 -1.48429096980188 -1.694634982768449 -1.2583143259967269 -1.260016889751427 -0.6776884928558262 -0.5333833163318618 +20002,-0.4342734687237083,0,-1.0588564024404123 -1.2207031448702546 -1.3901856277241105 -1.553941305221273 -1.6023095937069638 -1.8045277342079353 -1.8913584856974528 -1.932142626548582 -2.034322248302479 -2.0904552592632197 -2.0545724383635617 -2.141377393380956 -2.136166516537952 -1.48429096980188 -1.694634982768449 -1.2583143259967269 -1.260016889751427 -0.6776884928558262 -0.5333833163318618 -0.6733288977353907 +20003,-0.4794687974847424,0,-1.2207031448702546 -1.3901856277241105 -1.553941305221273 -1.6023095937069638 -1.8045277342079353 -1.8913584856974528 -1.932142626548582 -2.034322248302479 -2.0904552592632197 -2.0545724383635617 -2.141377393380956 -2.136166516537952 -1.48429096980188 -1.694634982768449 -1.2583143259967269 -1.260016889751427 -0.6776884928558262 -0.5333833163318618 -0.6733288977353907 -0.4342734687237083 +20004,-0.9551805883992034,0,-1.3901856277241105 -1.553941305221273 -1.6023095937069638 -1.8045277342079353 -1.8913584856974528 -1.932142626548582 -2.034322248302479 -2.0904552592632197 -2.0545724383635617 -2.141377393380956 -2.136166516537952 -1.48429096980188 -1.694634982768449 -1.2583143259967269 -1.260016889751427 -0.6776884928558262 -0.5333833163318618 -0.6733288977353907 -0.4342734687237083 -0.4794687974847424 +20005,-0.8568704297241666,0,-1.553941305221273 -1.6023095937069638 -1.8045277342079353 -1.8913584856974528 -1.932142626548582 -2.034322248302479 -2.0904552592632197 -2.0545724383635617 -2.141377393380956 -2.136166516537952 -1.48429096980188 -1.694634982768449 -1.2583143259967269 -1.260016889751427 -0.6776884928558262 -0.5333833163318618 -0.6733288977353907 -0.4342734687237083 -0.4794687974847424 -0.9551805883992034 +20006,-1.1890767333573424,0,-1.6023095937069638 -1.8045277342079353 -1.8913584856974528 -1.932142626548582 -2.034322248302479 -2.0904552592632197 -2.0545724383635617 -2.141377393380956 -2.136166516537952 -1.48429096980188 -1.694634982768449 -1.2583143259967269 -1.260016889751427 -0.6776884928558262 -0.5333833163318618 -0.6733288977353907 -0.4342734687237083 -0.4794687974847424 -0.9551805883992034 -0.8568704297241666 +20007,-1.2677558159091393,0,-1.8045277342079353 -1.8913584856974528 -1.932142626548582 -2.034322248302479 -2.0904552592632197 -2.0545724383635617 -2.141377393380956 -2.136166516537952 -1.48429096980188 -1.694634982768449 -1.2583143259967269 -1.260016889751427 -0.6776884928558262 -0.5333833163318618 -0.6733288977353907 -0.4342734687237083 -0.4794687974847424 -0.9551805883992034 -0.8568704297241666 -1.1890767333573424 +20008,-1.6844711930297271,0,-1.8913584856974528 -1.932142626548582 -2.034322248302479 -2.0904552592632197 -2.0545724383635617 -2.141377393380956 -2.136166516537952 -1.48429096980188 -1.694634982768449 -1.2583143259967269 -1.260016889751427 -0.6776884928558262 -0.5333833163318618 -0.6733288977353907 -0.4342734687237083 -0.4794687974847424 -0.9551805883992034 -0.8568704297241666 -1.1890767333573424 -1.2677558159091393 +20009,-1.8476593493785074,0,-1.932142626548582 -2.034322248302479 -2.0904552592632197 -2.0545724383635617 -2.141377393380956 -2.136166516537952 -1.48429096980188 -1.694634982768449 -1.2583143259967269 -1.260016889751427 -0.6776884928558262 -0.5333833163318618 -0.6733288977353907 -0.4342734687237083 -0.4794687974847424 -0.9551805883992034 -0.8568704297241666 -1.1890767333573424 -1.2677558159091393 -1.6844711930297271 +20010,-1.8962340091768095,0,-2.034322248302479 -2.0904552592632197 -2.0545724383635617 -2.141377393380956 -2.136166516537952 -1.48429096980188 -1.694634982768449 -1.2583143259967269 -1.260016889751427 -0.6776884928558262 -0.5333833163318618 -0.6733288977353907 -0.4342734687237083 -0.4794687974847424 -0.9551805883992034 -0.8568704297241666 -1.1890767333573424 -1.2677558159091393 -1.6844711930297271 -1.8476593493785074 +20011,-2.0976266642725587,0,-2.0904552592632197 -2.0545724383635617 -2.141377393380956 -2.136166516537952 -1.48429096980188 -1.694634982768449 -1.2583143259967269 -1.260016889751427 -0.6776884928558262 -0.5333833163318618 -0.6733288977353907 -0.4342734687237083 -0.4794687974847424 -0.9551805883992034 -0.8568704297241666 -1.1890767333573424 -1.2677558159091393 -1.6844711930297271 -1.8476593493785074 -1.8962340091768095 +20012,-2.18440582281783,0,-2.0545724383635617 -2.141377393380956 -2.136166516537952 -1.48429096980188 -1.694634982768449 -1.2583143259967269 -1.260016889751427 -0.6776884928558262 -0.5333833163318618 -0.6733288977353907 -0.4342734687237083 -0.4794687974847424 -0.9551805883992034 -0.8568704297241666 -1.1890767333573424 -1.2677558159091393 -1.6844711930297271 -1.8476593493785074 -1.8962340091768095 -2.0976266642725587 +20013,-2.2283113306041638,0,-2.141377393380956 -2.136166516537952 -1.48429096980188 -1.694634982768449 -1.2583143259967269 -1.260016889751427 -0.6776884928558262 -0.5333833163318618 -0.6733288977353907 -0.4342734687237083 -0.4794687974847424 -0.9551805883992034 -0.8568704297241666 -1.1890767333573424 -1.2677558159091393 -1.6844711930297271 -1.8476593493785074 -1.8962340091768095 -2.0976266642725587 -2.18440582281783 +20014,-2.329381706223866,0,-2.136166516537952 -1.48429096980188 -1.694634982768449 -1.2583143259967269 -1.260016889751427 -0.6776884928558262 -0.5333833163318618 -0.6733288977353907 -0.4342734687237083 -0.4794687974847424 -0.9551805883992034 -0.8568704297241666 -1.1890767333573424 -1.2677558159091393 -1.6844711930297271 -1.8476593493785074 -1.8962340091768095 -2.0976266642725587 -2.18440582281783 -2.2283113306041638 +20015,-2.3875784309298456,0,-1.48429096980188 -1.694634982768449 -1.2583143259967269 -1.260016889751427 -0.6776884928558262 -0.5333833163318618 -0.6733288977353907 -0.4342734687237083 -0.4794687974847424 -0.9551805883992034 -0.8568704297241666 -1.1890767333573424 -1.2677558159091393 -1.6844711930297271 -1.8476593493785074 -1.8962340091768095 -2.0976266642725587 -2.18440582281783 -2.2283113306041638 -2.329381706223866 +20016,-2.4104856523566727,0,-1.694634982768449 -1.2583143259967269 -1.260016889751427 -0.6776884928558262 -0.5333833163318618 -0.6733288977353907 -0.4342734687237083 -0.4794687974847424 -0.9551805883992034 -0.8568704297241666 -1.1890767333573424 -1.2677558159091393 -1.6844711930297271 -1.8476593493785074 -1.8962340091768095 -2.0976266642725587 -2.18440582281783 -2.2283113306041638 -2.329381706223866 -2.3875784309298456 +20017,-2.4804455448223757,0,-1.2583143259967269 -1.260016889751427 -0.6776884928558262 -0.5333833163318618 -0.6733288977353907 -0.4342734687237083 -0.4794687974847424 -0.9551805883992034 -0.8568704297241666 -1.1890767333573424 -1.2677558159091393 -1.6844711930297271 -1.8476593493785074 -1.8962340091768095 -2.0976266642725587 -2.18440582281783 -2.2283113306041638 -2.329381706223866 -2.3875784309298456 -2.4104856523566727 +20018,-2.515115934008917,0,-1.260016889751427 -0.6776884928558262 -0.5333833163318618 -0.6733288977353907 -0.4342734687237083 -0.4794687974847424 -0.9551805883992034 -0.8568704297241666 -1.1890767333573424 -1.2677558159091393 -1.6844711930297271 -1.8476593493785074 -1.8962340091768095 -2.0976266642725587 -2.18440582281783 -2.2283113306041638 -2.329381706223866 -2.3875784309298456 -2.4104856523566727 -2.4804455448223757 +20019,-1.7680773920051185,0,-0.6776884928558262 -0.5333833163318618 -0.6733288977353907 -0.4342734687237083 -0.4794687974847424 -0.9551805883992034 -0.8568704297241666 -1.1890767333573424 -1.2677558159091393 -1.6844711930297271 -1.8476593493785074 -1.8962340091768095 -2.0976266642725587 -2.18440582281783 -2.2283113306041638 -2.329381706223866 -2.3875784309298456 -2.4104856523566727 -2.4804455448223757 -2.515115934008917 +20020,-2.063317424921779,0,-0.5333833163318618 -0.6733288977353907 -0.4342734687237083 -0.4794687974847424 -0.9551805883992034 -0.8568704297241666 -1.1890767333573424 -1.2677558159091393 -1.6844711930297271 -1.8476593493785074 -1.8962340091768095 -2.0976266642725587 -2.18440582281783 -2.2283113306041638 -2.329381706223866 -2.3875784309298456 -2.4104856523566727 -2.4804455448223757 -2.515115934008917 -1.7680773920051185 +20021,-1.5768485266480912,0,-0.6733288977353907 -0.4342734687237083 -0.4794687974847424 -0.9551805883992034 -0.8568704297241666 -1.1890767333573424 -1.2677558159091393 -1.6844711930297271 -1.8476593493785074 -1.8962340091768095 -2.0976266642725587 -2.18440582281783 -2.2283113306041638 -2.329381706223866 -2.3875784309298456 -2.4104856523566727 -2.4804455448223757 -2.515115934008917 -1.7680773920051185 -2.063317424921779 +20022,-1.4074434330558103,0,-0.4342734687237083 -0.4794687974847424 -0.9551805883992034 -0.8568704297241666 -1.1890767333573424 -1.2677558159091393 -1.6844711930297271 -1.8476593493785074 -1.8962340091768095 -2.0976266642725587 -2.18440582281783 -2.2283113306041638 -2.329381706223866 -2.3875784309298456 -2.4104856523566727 -2.4804455448223757 -2.515115934008917 -1.7680773920051185 -2.063317424921779 -1.5768485266480912 +20023,-0.8152865999399208,0,-0.4794687974847424 -0.9551805883992034 -0.8568704297241666 -1.1890767333573424 -1.2677558159091393 -1.6844711930297271 -1.8476593493785074 -1.8962340091768095 -2.0976266642725587 -2.18440582281783 -2.2283113306041638 -2.329381706223866 -2.3875784309298456 -2.4104856523566727 -2.4804455448223757 -2.515115934008917 -1.7680773920051185 -2.063317424921779 -1.5768485266480912 -1.4074434330558103 +20024,-0.5401935713506532,0,-0.9551805883992034 -0.8568704297241666 -1.1890767333573424 -1.2677558159091393 -1.6844711930297271 -1.8476593493785074 -1.8962340091768095 -2.0976266642725587 -2.18440582281783 -2.2283113306041638 -2.329381706223866 -2.3875784309298456 -2.4104856523566727 -2.4804455448223757 -2.515115934008917 -1.7680773920051185 -2.063317424921779 -1.5768485266480912 -1.4074434330558103 -0.8152865999399208 +20025,-0.8482286288996479,0,-0.8568704297241666 -1.1890767333573424 -1.2677558159091393 -1.6844711930297271 -1.8476593493785074 -1.8962340091768095 -2.0976266642725587 -2.18440582281783 -2.2283113306041638 -2.329381706223866 -2.3875784309298456 -2.4104856523566727 -2.4804455448223757 -2.515115934008917 -1.7680773920051185 -2.063317424921779 -1.5768485266480912 -1.4074434330558103 -0.8152865999399208 -0.5401935713506532 +20026,-0.3787595717008106,0,-1.1890767333573424 -1.2677558159091393 -1.6844711930297271 -1.8476593493785074 -1.8962340091768095 -2.0976266642725587 -2.18440582281783 -2.2283113306041638 -2.329381706223866 -2.3875784309298456 -2.4104856523566727 -2.4804455448223757 -2.515115934008917 -1.7680773920051185 -2.063317424921779 -1.5768485266480912 -1.4074434330558103 -0.8152865999399208 -0.5401935713506532 -0.8482286288996479 +20027,-0.49241860064023574,0,-1.2677558159091393 -1.6844711930297271 -1.8476593493785074 -1.8962340091768095 -2.0976266642725587 -2.18440582281783 -2.2283113306041638 -2.329381706223866 -2.3875784309298456 -2.4104856523566727 -2.4804455448223757 -2.515115934008917 -1.7680773920051185 -2.063317424921779 -1.5768485266480912 -1.4074434330558103 -0.8152865999399208 -0.5401935713506532 -0.8482286288996479 -0.3787595717008106 +20028,-0.7921988035178201,0,-1.6844711930297271 -1.8476593493785074 -1.8962340091768095 -2.0976266642725587 -2.18440582281783 -2.2283113306041638 -2.329381706223866 -2.3875784309298456 -2.4104856523566727 -2.4804455448223757 -2.515115934008917 -1.7680773920051185 -2.063317424921779 -1.5768485266480912 -1.4074434330558103 -0.8152865999399208 -0.5401935713506532 -0.8482286288996479 -0.3787595717008106 -0.49241860064023574 +20029,-0.8438174409897516,0,-1.8476593493785074 -1.8962340091768095 -2.0976266642725587 -2.18440582281783 -2.2283113306041638 -2.329381706223866 -2.3875784309298456 -2.4104856523566727 -2.4804455448223757 -2.515115934008917 -1.7680773920051185 -2.063317424921779 -1.5768485266480912 -1.4074434330558103 -0.8152865999399208 -0.5401935713506532 -0.8482286288996479 -0.3787595717008106 -0.49241860064023574 -0.7921988035178201 +20030,-1.081557252554619,0,-1.8962340091768095 -2.0976266642725587 -2.18440582281783 -2.2283113306041638 -2.329381706223866 -2.3875784309298456 -2.4104856523566727 -2.4804455448223757 -2.515115934008917 -1.7680773920051185 -2.063317424921779 -1.5768485266480912 -1.4074434330558103 -0.8152865999399208 -0.5401935713506532 -0.8482286288996479 -0.3787595717008106 -0.49241860064023574 -0.7921988035178201 -0.8438174409897516 +20031,-1.1882770442694488,0,-2.0976266642725587 -2.18440582281783 -2.2283113306041638 -2.329381706223866 -2.3875784309298456 -2.4104856523566727 -2.4804455448223757 -2.515115934008917 -1.7680773920051185 -2.063317424921779 -1.5768485266480912 -1.4074434330558103 -0.8152865999399208 -0.5401935713506532 -0.8482286288996479 -0.3787595717008106 -0.49241860064023574 -0.7921988035178201 -0.8438174409897516 -1.081557252554619 +20032,-1.4696901958359243,0,-2.18440582281783 -2.2283113306041638 -2.329381706223866 -2.3875784309298456 -2.4104856523566727 -2.4804455448223757 -2.515115934008917 -1.7680773920051185 -2.063317424921779 -1.5768485266480912 -1.4074434330558103 -0.8152865999399208 -0.5401935713506532 -0.8482286288996479 -0.3787595717008106 -0.49241860064023574 -0.7921988035178201 -0.8438174409897516 -1.081557252554619 -1.1882770442694488 +20033,-1.620083327397576,0,-2.2283113306041638 -2.329381706223866 -2.3875784309298456 -2.4104856523566727 -2.4804455448223757 -2.515115934008917 -1.7680773920051185 -2.063317424921779 -1.5768485266480912 -1.4074434330558103 -0.8152865999399208 -0.5401935713506532 -0.8482286288996479 -0.3787595717008106 -0.49241860064023574 -0.7921988035178201 -0.8438174409897516 -1.081557252554619 -1.1882770442694488 -1.4696901958359243 +20034,-1.6618219358597492,0,-2.329381706223866 -2.3875784309298456 -2.4104856523566727 -2.4804455448223757 -2.515115934008917 -1.7680773920051185 -2.063317424921779 -1.5768485266480912 -1.4074434330558103 -0.8152865999399208 -0.5401935713506532 -0.8482286288996479 -0.3787595717008106 -0.49241860064023574 -0.7921988035178201 -0.8438174409897516 -1.081557252554619 -1.1882770442694488 -1.4696901958359243 -1.620083327397576 +20035,-1.8484332419942777,0,-2.3875784309298456 -2.4104856523566727 -2.4804455448223757 -2.515115934008917 -1.7680773920051185 -2.063317424921779 -1.5768485266480912 -1.4074434330558103 -0.8152865999399208 -0.5401935713506532 -0.8482286288996479 -0.3787595717008106 -0.49241860064023574 -0.7921988035178201 -0.8438174409897516 -1.081557252554619 -1.1882770442694488 -1.4696901958359243 -1.620083327397576 -1.6618219358597492 +20036,-1.9263900247197563,0,-2.4104856523566727 -2.4804455448223757 -2.515115934008917 -1.7680773920051185 -2.063317424921779 -1.5768485266480912 -1.4074434330558103 -0.8152865999399208 -0.5401935713506532 -0.8482286288996479 -0.3787595717008106 -0.49241860064023574 -0.7921988035178201 -0.8438174409897516 -1.081557252554619 -1.1882770442694488 -1.4696901958359243 -1.620083327397576 -1.6618219358597492 -1.8484332419942777 +20037,-2.084754250378632,0,-2.4804455448223757 -2.515115934008917 -1.7680773920051185 -2.063317424921779 -1.5768485266480912 -1.4074434330558103 -0.8152865999399208 -0.5401935713506532 -0.8482286288996479 -0.3787595717008106 -0.49241860064023574 -0.7921988035178201 -0.8438174409897516 -1.081557252554619 -1.1882770442694488 -1.4696901958359243 -1.620083327397576 -1.6618219358597492 -1.8484332419942777 -1.9263900247197563 +20038,-2.135908552281103,0,-2.515115934008917 -1.7680773920051185 -2.063317424921779 -1.5768485266480912 -1.4074434330558103 -0.8152865999399208 -0.5401935713506532 -0.8482286288996479 -0.3787595717008106 -0.49241860064023574 -0.7921988035178201 -0.8438174409897516 -1.081557252554619 -1.1882770442694488 -1.4696901958359243 -1.620083327397576 -1.6618219358597492 -1.8484332419942777 -1.9263900247197563 -2.084754250378632 +20039,-2.2674702969621854,0,-1.7680773920051185 -2.063317424921779 -1.5768485266480912 -1.4074434330558103 -0.8152865999399208 -0.5401935713506532 -0.8482286288996479 -0.3787595717008106 -0.49241860064023574 -0.7921988035178201 -0.8438174409897516 -1.081557252554619 -1.1882770442694488 -1.4696901958359243 -1.620083327397576 -1.6618219358597492 -1.8484332419942777 -1.9263900247197563 -2.084754250378632 -2.135908552281103 +20040,-2.3491159679260276,0,-2.063317424921779 -1.5768485266480912 -1.4074434330558103 -0.8152865999399208 -0.5401935713506532 -0.8482286288996479 -0.3787595717008106 -0.49241860064023574 -0.7921988035178201 -0.8438174409897516 -1.081557252554619 -1.1882770442694488 -1.4696901958359243 -1.620083327397576 -1.6618219358597492 -1.8484332419942777 -1.9263900247197563 -2.084754250378632 -2.135908552281103 -2.2674702969621854 +20041,-2.4973164038461815,0,-1.5768485266480912 -1.4074434330558103 -0.8152865999399208 -0.5401935713506532 -0.8482286288996479 -0.3787595717008106 -0.49241860064023574 -0.7921988035178201 -0.8438174409897516 -1.081557252554619 -1.1882770442694488 -1.4696901958359243 -1.620083327397576 -1.6618219358597492 -1.8484332419942777 -1.9263900247197563 -2.084754250378632 -2.135908552281103 -2.2674702969621854 -2.3491159679260276 +20042,-2.5956007660491123,0,-1.4074434330558103 -0.8152865999399208 -0.5401935713506532 -0.8482286288996479 -0.3787595717008106 -0.49241860064023574 -0.7921988035178201 -0.8438174409897516 -1.081557252554619 -1.1882770442694488 -1.4696901958359243 -1.620083327397576 -1.6618219358597492 -1.8484332419942777 -1.9263900247197563 -2.084754250378632 -2.135908552281103 -2.2674702969621854 -2.3491159679260276 -2.4973164038461815 +20043,-1.5872960769609996,0,-0.8152865999399208 -0.5401935713506532 -0.8482286288996479 -0.3787595717008106 -0.49241860064023574 -0.7921988035178201 -0.8438174409897516 -1.081557252554619 -1.1882770442694488 -1.4696901958359243 -1.620083327397576 -1.6618219358597492 -1.8484332419942777 -1.9263900247197563 -2.084754250378632 -2.135908552281103 -2.2674702969621854 -2.3491159679260276 -2.4973164038461815 -2.5956007660491123 +20044,-2.054443456312526,0,-0.5401935713506532 -0.8482286288996479 -0.3787595717008106 -0.49241860064023574 -0.7921988035178201 -0.8438174409897516 -1.081557252554619 -1.1882770442694488 -1.4696901958359243 -1.620083327397576 -1.6618219358597492 -1.8484332419942777 -1.9263900247197563 -2.084754250378632 -2.135908552281103 -2.2674702969621854 -2.3491159679260276 -2.4973164038461815 -2.5956007660491123 -1.5872960769609996 +20045,-1.415001784218249,0,-0.8482286288996479 -0.3787595717008106 -0.49241860064023574 -0.7921988035178201 -0.8438174409897516 -1.081557252554619 -1.1882770442694488 -1.4696901958359243 -1.620083327397576 -1.6618219358597492 -1.8484332419942777 -1.9263900247197563 -2.084754250378632 -2.135908552281103 -2.2674702969621854 -2.3491159679260276 -2.4973164038461815 -2.5956007660491123 -1.5872960769609996 -2.054443456312526 +20046,-1.3853101042447538,0,-0.3787595717008106 -0.49241860064023574 -0.7921988035178201 -0.8438174409897516 -1.081557252554619 -1.1882770442694488 -1.4696901958359243 -1.620083327397576 -1.6618219358597492 -1.8484332419942777 -1.9263900247197563 -2.084754250378632 -2.135908552281103 -2.2674702969621854 -2.3491159679260276 -2.4973164038461815 -2.5956007660491123 -1.5872960769609996 -2.054443456312526 -1.415001784218249 +20047,-0.5426184349316627,0,-0.49241860064023574 -0.7921988035178201 -0.8438174409897516 -1.081557252554619 -1.1882770442694488 -1.4696901958359243 -1.620083327397576 -1.6618219358597492 -1.8484332419942777 -1.9263900247197563 -2.084754250378632 -2.135908552281103 -2.2674702969621854 -2.3491159679260276 -2.4973164038461815 -2.5956007660491123 -1.5872960769609996 -2.054443456312526 -1.415001784218249 -1.3853101042447538 +20048,-0.30967675758456775,0,-0.7921988035178201 -0.8438174409897516 -1.081557252554619 -1.1882770442694488 -1.4696901958359243 -1.620083327397576 -1.6618219358597492 -1.8484332419942777 -1.9263900247197563 -2.084754250378632 -2.135908552281103 -2.2674702969621854 -2.3491159679260276 -2.4973164038461815 -2.5956007660491123 -1.5872960769609996 -2.054443456312526 -1.415001784218249 -1.3853101042447538 -0.5426184349316627 +20049,-0.49107718672130646,0,-0.8438174409897516 -1.081557252554619 -1.1882770442694488 -1.4696901958359243 -1.620083327397576 -1.6618219358597492 -1.8484332419942777 -1.9263900247197563 -2.084754250378632 -2.135908552281103 -2.2674702969621854 -2.3491159679260276 -2.4973164038461815 -2.5956007660491123 -1.5872960769609996 -2.054443456312526 -1.415001784218249 -1.3853101042447538 -0.5426184349316627 -0.30967675758456775 +20050,-0.12002147393120435,0,-1.081557252554619 -1.1882770442694488 -1.4696901958359243 -1.620083327397576 -1.6618219358597492 -1.8484332419942777 -1.9263900247197563 -2.084754250378632 -2.135908552281103 -2.2674702969621854 -2.3491159679260276 -2.4973164038461815 -2.5956007660491123 -1.5872960769609996 -2.054443456312526 -1.415001784218249 -1.3853101042447538 -0.5426184349316627 -0.30967675758456775 -0.49107718672130646 +20051,-0.16330786747015016,0,-1.1882770442694488 -1.4696901958359243 -1.620083327397576 -1.6618219358597492 -1.8484332419942777 -1.9263900247197563 -2.084754250378632 -2.135908552281103 -2.2674702969621854 -2.3491159679260276 -2.4973164038461815 -2.5956007660491123 -1.5872960769609996 -2.054443456312526 -1.415001784218249 -1.3853101042447538 -0.5426184349316627 -0.30967675758456775 -0.49107718672130646 -0.12002147393120435 +20052,-0.8798808368846833,0,-1.4696901958359243 -1.620083327397576 -1.6618219358597492 -1.8484332419942777 -1.9263900247197563 -2.084754250378632 -2.135908552281103 -2.2674702969621854 -2.3491159679260276 -2.4973164038461815 -2.5956007660491123 -1.5872960769609996 -2.054443456312526 -1.415001784218249 -1.3853101042447538 -0.5426184349316627 -0.30967675758456775 -0.49107718672130646 -0.12002147393120435 -0.16330786747015016 +20053,-0.6987383720048025,0,-1.620083327397576 -1.6618219358597492 -1.8484332419942777 -1.9263900247197563 -2.084754250378632 -2.135908552281103 -2.2674702969621854 -2.3491159679260276 -2.4973164038461815 -2.5956007660491123 -1.5872960769609996 -2.054443456312526 -1.415001784218249 -1.3853101042447538 -0.5426184349316627 -0.30967675758456775 -0.49107718672130646 -0.12002147393120435 -0.16330786747015016 -0.8798808368846833 +20054,-1.1908824826909465,0,-1.6618219358597492 -1.8484332419942777 -1.9263900247197563 -2.084754250378632 -2.135908552281103 -2.2674702969621854 -2.3491159679260276 -2.4973164038461815 -2.5956007660491123 -1.5872960769609996 -2.054443456312526 -1.415001784218249 -1.3853101042447538 -0.5426184349316627 -0.30967675758456775 -0.49107718672130646 -0.12002147393120435 -0.16330786747015016 -0.8798808368846833 -0.6987383720048025 +20055,-1.2886509165349562,0,-1.8484332419942777 -1.9263900247197563 -2.084754250378632 -2.135908552281103 -2.2674702969621854 -2.3491159679260276 -2.4973164038461815 -2.5956007660491123 -1.5872960769609996 -2.054443456312526 -1.415001784218249 -1.3853101042447538 -0.5426184349316627 -0.30967675758456775 -0.49107718672130646 -0.12002147393120435 -0.16330786747015016 -0.8798808368846833 -0.6987383720048025 -1.1908824826909465 +20056,-1.91225358632327,0,-1.9263900247197563 -2.084754250378632 -2.135908552281103 -2.2674702969621854 -2.3491159679260276 -2.4973164038461815 -2.5956007660491123 -1.5872960769609996 -2.054443456312526 -1.415001784218249 -1.3853101042447538 -0.5426184349316627 -0.30967675758456775 -0.49107718672130646 -0.12002147393120435 -0.16330786747015016 -0.8798808368846833 -0.6987383720048025 -1.1908824826909465 -1.2886509165349562 +20057,-2.141480579114655,0,-2.084754250378632 -2.135908552281103 -2.2674702969621854 -2.3491159679260276 -2.4973164038461815 -2.5956007660491123 -1.5872960769609996 -2.054443456312526 -1.415001784218249 -1.3853101042447538 -0.5426184349316627 -0.30967675758456775 -0.49107718672130646 -0.12002147393120435 -0.16330786747015016 -0.8798808368846833 -0.6987383720048025 -1.1908824826909465 -1.2886509165349562 -1.91225358632327 +20058,-2.1995999145590592,0,-2.135908552281103 -2.2674702969621854 -2.3491159679260276 -2.4973164038461815 -2.5956007660491123 -1.5872960769609996 -2.054443456312526 -1.415001784218249 -1.3853101042447538 -0.5426184349316627 -0.30967675758456775 -0.49107718672130646 -0.12002147393120435 -0.16330786747015016 -0.8798808368846833 -0.6987383720048025 -1.1908824826909465 -1.2886509165349562 -1.91225358632327 -2.141480579114655 +20059,-2.485862793132768,0,-2.2674702969621854 -2.3491159679260276 -2.4973164038461815 -2.5956007660491123 -1.5872960769609996 -2.054443456312526 -1.415001784218249 -1.3853101042447538 -0.5426184349316627 -0.30967675758456775 -0.49107718672130646 -0.12002147393120435 -0.16330786747015016 -0.8798808368846833 -0.6987383720048025 -1.1908824826909465 -1.2886509165349562 -1.91225358632327 -2.141480579114655 -2.1995999145590592 +20060,-2.601018014359505,0,-2.3491159679260276 -2.4973164038461815 -2.5956007660491123 -1.5872960769609996 -2.054443456312526 -1.415001784218249 -1.3853101042447538 -0.5426184349316627 -0.30967675758456775 -0.49107718672130646 -0.12002147393120435 -0.16330786747015016 -0.8798808368846833 -0.6987383720048025 -1.1908824826909465 -1.2886509165349562 -1.91225358632327 -2.141480579114655 -2.1995999145590592 -2.485862793132768 +20061,-2.667495390054241,0,-2.4973164038461815 -2.5956007660491123 -1.5872960769609996 -2.054443456312526 -1.415001784218249 -1.3853101042447538 -0.5426184349316627 -0.30967675758456775 -0.49107718672130646 -0.12002147393120435 -0.16330786747015016 -0.8798808368846833 -0.6987383720048025 -1.1908824826909465 -1.2886509165349562 -1.91225358632327 -2.141480579114655 -2.1995999145590592 -2.485862793132768 -2.601018014359505 +20062,-2.798876559740041,0,-2.5956007660491123 -1.5872960769609996 -2.054443456312526 -1.415001784218249 -1.3853101042447538 -0.5426184349316627 -0.30967675758456775 -0.49107718672130646 -0.12002147393120435 -0.16330786747015016 -0.8798808368846833 -0.6987383720048025 -1.1908824826909465 -1.2886509165349562 -1.91225358632327 -2.141480579114655 -2.1995999145590592 -2.485862793132768 -2.601018014359505 -2.667495390054241 +20063,-2.8815798840486346,0,-1.5872960769609996 -2.054443456312526 -1.415001784218249 -1.3853101042447538 -0.5426184349316627 -0.30967675758456775 -0.49107718672130646 -0.12002147393120435 -0.16330786747015016 -0.8798808368846833 -0.6987383720048025 -1.1908824826909465 -1.2886509165349562 -1.91225358632327 -2.141480579114655 -2.1995999145590592 -2.485862793132768 -2.601018014359505 -2.667495390054241 -2.798876559740041 +20064,-2.914212355962052,0,-2.054443456312526 -1.415001784218249 -1.3853101042447538 -0.5426184349316627 -0.30967675758456775 -0.49107718672130646 -0.12002147393120435 -0.16330786747015016 -0.8798808368846833 -0.6987383720048025 -1.1908824826909465 -1.2886509165349562 -1.91225358632327 -2.141480579114655 -2.1995999145590592 -2.485862793132768 -2.601018014359505 -2.667495390054241 -2.798876559740041 -2.8815798840486346 +20065,-3.013605964299169,0,-1.415001784218249 -1.3853101042447538 -0.5426184349316627 -0.30967675758456775 -0.49107718672130646 -0.12002147393120435 -0.16330786747015016 -0.8798808368846833 -0.6987383720048025 -1.1908824826909465 -1.2886509165349562 -1.91225358632327 -2.141480579114655 -2.1995999145590592 -2.485862793132768 -2.601018014359505 -2.667495390054241 -2.798876559740041 -2.8815798840486346 -2.914212355962052 +20066,-3.062928720241127,0,-1.3853101042447538 -0.5426184349316627 -0.30967675758456775 -0.49107718672130646 -0.12002147393120435 -0.16330786747015016 -0.8798808368846833 -0.6987383720048025 -1.1908824826909465 -1.2886509165349562 -1.91225358632327 -2.141480579114655 -2.1995999145590592 -2.485862793132768 -2.601018014359505 -2.667495390054241 -2.798876559740041 -2.8815798840486346 -2.914212355962052 -3.013605964299169 +20067,-1.9470013647713866,0,-0.5426184349316627 -0.30967675758456775 -0.49107718672130646 -0.12002147393120435 -0.16330786747015016 -0.8798808368846833 -0.6987383720048025 -1.1908824826909465 -1.2886509165349562 -1.91225358632327 -2.141480579114655 -2.1995999145590592 -2.485862793132768 -2.601018014359505 -2.667495390054241 -2.798876559740041 -2.8815798840486346 -2.914212355962052 -3.013605964299169 -3.062928720241127 +20068,-2.3847408247236133,0,-0.30967675758456775 -0.49107718672130646 -0.12002147393120435 -0.16330786747015016 -0.8798808368846833 -0.6987383720048025 -1.1908824826909465 -1.2886509165349562 -1.91225358632327 -2.141480579114655 -2.1995999145590592 -2.485862793132768 -2.601018014359505 -2.667495390054241 -2.798876559740041 -2.8815798840486346 -2.914212355962052 -3.013605964299169 -3.062928720241127 -1.9470013647713866 +20069,-1.657230172954588,0,-0.49107718672130646 -0.12002147393120435 -0.16330786747015016 -0.8798808368846833 -0.6987383720048025 -1.1908824826909465 -1.2886509165349562 -1.91225358632327 -2.141480579114655 -2.1995999145590592 -2.485862793132768 -2.601018014359505 -2.667495390054241 -2.798876559740041 -2.8815798840486346 -2.914212355962052 -3.013605964299169 -3.062928720241127 -1.9470013647713866 -2.3847408247236133 +20070,-1.545351097186215,0,-0.12002147393120435 -0.16330786747015016 -0.8798808368846833 -0.6987383720048025 -1.1908824826909465 -1.2886509165349562 -1.91225358632327 -2.141480579114655 -2.1995999145590592 -2.485862793132768 -2.601018014359505 -2.667495390054241 -2.798876559740041 -2.8815798840486346 -2.914212355962052 -3.013605964299169 -3.062928720241127 -1.9470013647713866 -2.3847408247236133 -1.657230172954588 +20071,-0.6126299201868176,0,-0.16330786747015016 -0.8798808368846833 -0.6987383720048025 -1.1908824826909465 -1.2886509165349562 -1.91225358632327 -2.141480579114655 -2.1995999145590592 -2.485862793132768 -2.601018014359505 -2.667495390054241 -2.798876559740041 -2.8815798840486346 -2.914212355962052 -3.013605964299169 -3.062928720241127 -1.9470013647713866 -2.3847408247236133 -1.657230172954588 -1.545351097186215 +20072,-0.2955403191880813,0,-0.8798808368846833 -0.6987383720048025 -1.1908824826909465 -1.2886509165349562 -1.91225358632327 -2.141480579114655 -2.1995999145590592 -2.485862793132768 -2.601018014359505 -2.667495390054241 -2.798876559740041 -2.8815798840486346 -2.914212355962052 -3.013605964299169 -3.062928720241127 -1.9470013647713866 -2.3847408247236133 -1.657230172954588 -1.545351097186215 -0.6126299201868176 +20073,-0.48240958942466444,0,-0.6987383720048025 -1.1908824826909465 -1.2886509165349562 -1.91225358632327 -2.141480579114655 -2.1995999145590592 -2.485862793132768 -2.601018014359505 -2.667495390054241 -2.798876559740041 -2.8815798840486346 -2.914212355962052 -3.013605964299169 -3.062928720241127 -1.9470013647713866 -2.3847408247236133 -1.657230172954588 -1.545351097186215 -0.6126299201868176 -0.2955403191880813 +20074,0.0026663021406247442,0,-1.1908824826909465 -1.2886509165349562 -1.91225358632327 -2.141480579114655 -2.1995999145590592 -2.485862793132768 -2.601018014359505 -2.667495390054241 -2.798876559740041 -2.8815798840486346 -2.914212355962052 -3.013605964299169 -3.062928720241127 -1.9470013647713866 -2.3847408247236133 -1.657230172954588 -1.545351097186215 -0.6126299201868176 -0.2955403191880813 -0.48240958942466444 +20075,-0.01621667768419112,0,-1.2886509165349562 -1.91225358632327 -2.141480579114655 -2.1995999145590592 -2.485862793132768 -2.601018014359505 -2.667495390054241 -2.798876559740041 -2.8815798840486346 -2.914212355962052 -3.013605964299169 -3.062928720241127 -1.9470013647713866 -2.3847408247236133 -1.657230172954588 -1.545351097186215 -0.6126299201868176 -0.2955403191880813 -0.48240958942466444 0.0026663021406247442 +20076,-0.8169633672224976,0,-1.91225358632327 -2.141480579114655 -2.1995999145590592 -2.485862793132768 -2.601018014359505 -2.667495390054241 -2.798876559740041 -2.8815798840486346 -2.914212355962052 -3.013605964299169 -3.062928720241127 -1.9470013647713866 -2.3847408247236133 -1.657230172954588 -1.545351097186215 -0.6126299201868176 -0.2955403191880813 -0.48240958942466444 0.0026663021406247442 -0.01621667768419112 +20077,-0.5752251105277423,0,-2.141480579114655 -2.1995999145590592 -2.485862793132768 -2.601018014359505 -2.667495390054241 -2.798876559740041 -2.8815798840486346 -2.914212355962052 -3.013605964299169 -3.062928720241127 -1.9470013647713866 -2.3847408247236133 -1.657230172954588 -1.545351097186215 -0.6126299201868176 -0.2955403191880813 -0.48240958942466444 0.0026663021406247442 -0.01621667768419112 -0.8169633672224976 +20078,-1.1153505633916918,0,-2.1995999145590592 -2.485862793132768 -2.601018014359505 -2.667495390054241 -2.798876559740041 -2.8815798840486346 -2.914212355962052 -3.013605964299169 -3.062928720241127 -1.9470013647713866 -2.3847408247236133 -1.657230172954588 -1.545351097186215 -0.6126299201868176 -0.2955403191880813 -0.48240958942466444 0.0026663021406247442 -0.01621667768419112 -0.8169633672224976 -0.5752251105277423 +20079,-1.1351880108275518,0,-2.485862793132768 -2.601018014359505 -2.667495390054241 -2.798876559740041 -2.8815798840486346 -2.914212355962052 -3.013605964299169 -3.062928720241127 -1.9470013647713866 -2.3847408247236133 -1.657230172954588 -1.545351097186215 -0.6126299201868176 -0.2955403191880813 -0.48240958942466444 0.0026663021406247442 -0.01621667768419112 -0.8169633672224976 -0.5752251105277423 -1.1153505633916918 +20080,-1.8487427990405878,0,-2.601018014359505 -2.667495390054241 -2.798876559740041 -2.8815798840486346 -2.914212355962052 -3.013605964299169 -3.062928720241127 -1.9470013647713866 -2.3847408247236133 -1.657230172954588 -1.545351097186215 -0.6126299201868176 -0.2955403191880813 -0.48240958942466444 0.0026663021406247442 -0.01621667768419112 -0.8169633672224976 -0.5752251105277423 -1.1153505633916918 -1.1351880108275518 +20081,-2.042009581515954,0,-2.667495390054241 -2.798876559740041 -2.8815798840486346 -2.914212355962052 -3.013605964299169 -3.062928720241127 -1.9470013647713866 -2.3847408247236133 -1.657230172954588 -1.545351097186215 -0.6126299201868176 -0.2955403191880813 -0.48240958942466444 0.0026663021406247442 -0.01621667768419112 -0.8169633672224976 -0.5752251105277423 -1.1153505633916918 -1.1351880108275518 -1.8487427990405878 +20082,-2.072371968526298,0,-2.798876559740041 -2.8815798840486346 -2.914212355962052 -3.013605964299169 -3.062928720241127 -1.9470013647713866 -2.3847408247236133 -1.657230172954588 -1.545351097186215 -0.6126299201868176 -0.2955403191880813 -0.48240958942466444 0.0026663021406247442 -0.01621667768419112 -0.8169633672224976 -0.5752251105277423 -1.1153505633916918 -1.1351880108275518 -1.8487427990405878 -2.042009581515954 +20083,-2.319940216311454,0,-2.8815798840486346 -2.914212355962052 -3.013605964299169 -3.062928720241127 -1.9470013647713866 -2.3847408247236133 -1.657230172954588 -1.545351097186215 -0.6126299201868176 -0.2955403191880813 -0.48240958942466444 0.0026663021406247442 -0.01621667768419112 -0.8169633672224976 -0.5752251105277423 -1.1153505633916918 -1.1351880108275518 -1.8487427990405878 -2.042009581515954 -2.072371968526298 +20084,-2.404604068476811,0,-2.914212355962052 -3.013605964299169 -3.062928720241127 -1.9470013647713866 -2.3847408247236133 -1.657230172954588 -1.545351097186215 -0.6126299201868176 -0.2955403191880813 -0.48240958942466444 0.0026663021406247442 -0.01621667768419112 -0.8169633672224976 -0.5752251105277423 -1.1153505633916918 -1.1351880108275518 -1.8487427990405878 -2.042009581515954 -2.072371968526298 -2.319940216311454 +20085,-2.430297303320409,0,-3.013605964299169 -3.062928720241127 -1.9470013647713866 -2.3847408247236133 -1.657230172954588 -1.545351097186215 -0.6126299201868176 -0.2955403191880813 -0.48240958942466444 0.0026663021406247442 -0.01621667768419112 -0.8169633672224976 -0.5752251105277423 -1.1153505633916918 -1.1351880108275518 -1.8487427990405878 -2.042009581515954 -2.072371968526298 -2.319940216311454 -2.404604068476811 +20086,-2.534618027926344,0,-3.062928720241127 -1.9470013647713866 -2.3847408247236133 -1.657230172954588 -1.545351097186215 -0.6126299201868176 -0.2955403191880813 -0.48240958942466444 0.0026663021406247442 -0.01621667768419112 -0.8169633672224976 -0.5752251105277423 -1.1153505633916918 -1.1351880108275518 -1.8487427990405878 -2.042009581515954 -2.072371968526298 -2.319940216311454 -2.404604068476811 -2.430297303320409 +20087,-2.5799681352105286,0,-1.9470013647713866 -2.3847408247236133 -1.657230172954588 -1.545351097186215 -0.6126299201868176 -0.2955403191880813 -0.48240958942466444 0.0026663021406247442 -0.01621667768419112 -0.8169633672224976 -0.5752251105277423 -1.1153505633916918 -1.1351880108275518 -1.8487427990405878 -2.042009581515954 -2.072371968526298 -2.319940216311454 -2.404604068476811 -2.430297303320409 -2.534618027926344 +20088,-2.6011727928826556,0,-2.3847408247236133 -1.657230172954588 -1.545351097186215 -0.6126299201868176 -0.2955403191880813 -0.48240958942466444 0.0026663021406247442 -0.01621667768419112 -0.8169633672224976 -0.5752251105277423 -1.1153505633916918 -1.1351880108275518 -1.8487427990405878 -2.042009581515954 -2.072371968526298 -2.319940216311454 -2.404604068476811 -2.430297303320409 -2.534618027926344 -2.5799681352105286 +20089,-2.6545713833708624,0,-1.657230172954588 -1.545351097186215 -0.6126299201868176 -0.2955403191880813 -0.48240958942466444 0.0026663021406247442 -0.01621667768419112 -0.8169633672224976 -0.5752251105277423 -1.1153505633916918 -1.1351880108275518 -1.8487427990405878 -2.042009581515954 -2.072371968526298 -2.319940216311454 -2.404604068476811 -2.430297303320409 -2.534618027926344 -2.5799681352105286 -2.6011727928826556 +20090,-2.6838245242470116,0,-1.545351097186215 -0.6126299201868176 -0.2955403191880813 -0.48240958942466444 0.0026663021406247442 -0.01621667768419112 -0.8169633672224976 -0.5752251105277423 -1.1153505633916918 -1.1351880108275518 -1.8487427990405878 -2.042009581515954 -2.072371968526298 -2.319940216311454 -2.404604068476811 -2.430297303320409 -2.534618027926344 -2.5799681352105286 -2.6011727928826556 -2.6545713833708624 +20091,-1.7246620162603685,0,-0.6126299201868176 -0.2955403191880813 -0.48240958942466444 0.0026663021406247442 -0.01621667768419112 -0.8169633672224976 -0.5752251105277423 -1.1153505633916918 -1.1351880108275518 -1.8487427990405878 -2.042009581515954 -2.072371968526298 -2.319940216311454 -2.404604068476811 -2.430297303320409 -2.534618027926344 -2.5799681352105286 -2.6011727928826556 -2.6545713833708624 -2.6838245242470116 +20092,-2.083387040142365,0,-0.2955403191880813 -0.48240958942466444 0.0026663021406247442 -0.01621667768419112 -0.8169633672224976 -0.5752251105277423 -1.1153505633916918 -1.1351880108275518 -1.8487427990405878 -2.042009581515954 -2.072371968526298 -2.319940216311454 -2.404604068476811 -2.430297303320409 -2.534618027926344 -2.5799681352105286 -2.6011727928826556 -2.6545713833708624 -2.6838245242470116 -1.7246620162603685 +20093,-1.4536964150068015,0,-0.48240958942466444 0.0026663021406247442 -0.01621667768419112 -0.8169633672224976 -0.5752251105277423 -1.1153505633916918 -1.1351880108275518 -1.8487427990405878 -2.042009581515954 -2.072371968526298 -2.319940216311454 -2.404604068476811 -2.430297303320409 -2.534618027926344 -2.5799681352105286 -2.6011727928826556 -2.6545713833708624 -2.6838245242470116 -1.7246620162603685 -2.083387040142365 +20094,-1.2197744737313336,0,0.0026663021406247442 -0.01621667768419112 -0.8169633672224976 -0.5752251105277423 -1.1153505633916918 -1.1351880108275518 -1.8487427990405878 -2.042009581515954 -2.072371968526298 -2.319940216311454 -2.404604068476811 -2.430297303320409 -2.534618027926344 -2.5799681352105286 -2.6011727928826556 -2.6545713833708624 -2.6838245242470116 -1.7246620162603685 -2.083387040142365 -1.4536964150068015 +20095,-0.458160954078917,0,-0.01621667768419112 -0.8169633672224976 -0.5752251105277423 -1.1153505633916918 -1.1351880108275518 -1.8487427990405878 -2.042009581515954 -2.072371968526298 -2.319940216311454 -2.404604068476811 -2.430297303320409 -2.534618027926344 -2.5799681352105286 -2.6011727928826556 -2.6545713833708624 -2.6838245242470116 -1.7246620162603685 -2.083387040142365 -1.4536964150068015 -1.2197744737313336 +20096,-0.09231611828660476,0,-0.8169633672224976 -0.5752251105277423 -1.1153505633916918 -1.1351880108275518 -1.8487427990405878 -2.042009581515954 -2.072371968526298 -2.319940216311454 -2.404604068476811 -2.430297303320409 -2.534618027926344 -2.5799681352105286 -2.6011727928826556 -2.6545713833708624 -2.6838245242470116 -1.7246620162603685 -2.083387040142365 -1.4536964150068015 -1.2197744737313336 -0.458160954078917 +20097,-0.3280180125783479,0,-0.5752251105277423 -1.1153505633916918 -1.1351880108275518 -1.8487427990405878 -2.042009581515954 -2.072371968526298 -2.319940216311454 -2.404604068476811 -2.430297303320409 -2.534618027926344 -2.5799681352105286 -2.6011727928826556 -2.6545713833708624 -2.6838245242470116 -1.7246620162603685 -2.083387040142365 -1.4536964150068015 -1.2197744737313336 -0.458160954078917 -0.09231611828660476 +20098,0.23834240011503033,0,-1.1153505633916918 -1.1351880108275518 -1.8487427990405878 -2.042009581515954 -2.072371968526298 -2.319940216311454 -2.404604068476811 -2.430297303320409 -2.534618027926344 -2.5799681352105286 -2.6011727928826556 -2.6545713833708624 -2.6838245242470116 -1.7246620162603685 -2.083387040142365 -1.4536964150068015 -1.2197744737313336 -0.458160954078917 -0.09231611828660476 -0.3280180125783479 +20099,0.20315608241478184,0,-1.1351880108275518 -1.8487427990405878 -2.042009581515954 -2.072371968526298 -2.319940216311454 -2.404604068476811 -2.430297303320409 -2.534618027926344 -2.5799681352105286 -2.6011727928826556 -2.6545713833708624 -2.6838245242470116 -1.7246620162603685 -2.083387040142365 -1.4536964150068015 -1.2197744737313336 -0.458160954078917 -0.09231611828660476 -0.3280180125783479 0.23834240011503033 +20100,-0.6168347367841025,0,-1.8487427990405878 -2.042009581515954 -2.072371968526298 -2.319940216311454 -2.404604068476811 -2.430297303320409 -2.534618027926344 -2.5799681352105286 -2.6011727928826556 -2.6545713833708624 -2.6838245242470116 -1.7246620162603685 -2.083387040142365 -1.4536964150068015 -1.2197744737313336 -0.458160954078917 -0.09231611828660476 -0.3280180125783479 0.23834240011503033 0.20315608241478184 +20101,-0.3904195538816123,0,-2.042009581515954 -2.072371968526298 -2.319940216311454 -2.404604068476811 -2.430297303320409 -2.534618027926344 -2.5799681352105286 -2.6011727928826556 -2.6545713833708624 -2.6838245242470116 -1.7246620162603685 -2.083387040142365 -1.4536964150068015 -1.2197744737313336 -0.458160954078917 -0.09231611828660476 -0.3280180125783479 0.23834240011503033 0.20315608241478184 -0.6168347367841025 +20102,-0.9488088724777668,0,-2.072371968526298 -2.319940216311454 -2.404604068476811 -2.430297303320409 -2.534618027926344 -2.5799681352105286 -2.6011727928826556 -2.6545713833708624 -2.6838245242470116 -1.7246620162603685 -2.083387040142365 -1.4536964150068015 -1.2197744737313336 -0.458160954078917 -0.09231611828660476 -0.3280180125783479 0.23834240011503033 0.20315608241478184 -0.6168347367841025 -0.3904195538816123 +20103,-0.9005437697257745,0,-2.319940216311454 -2.404604068476811 -2.430297303320409 -2.534618027926344 -2.5799681352105286 -2.6011727928826556 -2.6545713833708624 -2.6838245242470116 -1.7246620162603685 -2.083387040142365 -1.4536964150068015 -1.2197744737313336 -0.458160954078917 -0.09231611828660476 -0.3280180125783479 0.23834240011503033 0.20315608241478184 -0.6168347367841025 -0.3904195538816123 -0.9488088724777668 +20104,-1.6611512289776775,0,-2.404604068476811 -2.430297303320409 -2.534618027926344 -2.5799681352105286 -2.6011727928826556 -2.6545713833708624 -2.6838245242470116 -1.7246620162603685 -2.083387040142365 -1.4536964150068015 -1.2197744737313336 -0.458160954078917 -0.09231611828660476 -0.3280180125783479 0.23834240011503033 0.20315608241478184 -0.6168347367841025 -0.3904195538816123 -0.9488088724777668 -0.9005437697257745 +20105,-1.81510426657188,0,-2.430297303320409 -2.534618027926344 -2.5799681352105286 -2.6011727928826556 -2.6545713833708624 -2.6838245242470116 -1.7246620162603685 -2.083387040142365 -1.4536964150068015 -1.2197744737313336 -0.458160954078917 -0.09231611828660476 -0.3280180125783479 0.23834240011503033 0.20315608241478184 -0.6168347367841025 -0.3904195538816123 -0.9488088724777668 -0.9005437697257745 -1.6611512289776775 +20106,-1.781620512781117,0,-2.534618027926344 -2.5799681352105286 -2.6011727928826556 -2.6545713833708624 -2.6838245242470116 -1.7246620162603685 -2.083387040142365 -1.4536964150068015 -1.2197744737313336 -0.458160954078917 -0.09231611828660476 -0.3280180125783479 0.23834240011503033 0.20315608241478184 -0.6168347367841025 -0.3904195538816123 -0.9488088724777668 -0.9005437697257745 -1.6611512289776775 -1.81510426657188 +20107,-1.9980524809401592,0,-2.5799681352105286 -2.6011727928826556 -2.6545713833708624 -2.6838245242470116 -1.7246620162603685 -2.083387040142365 -1.4536964150068015 -1.2197744737313336 -0.458160954078917 -0.09231611828660476 -0.3280180125783479 0.23834240011503033 0.20315608241478184 -0.6168347367841025 -0.3904195538816123 -0.9488088724777668 -0.9005437697257745 -1.6611512289776775 -1.81510426657188 -1.781620512781117 +20108,-2.027047657714236,0,-2.6011727928826556 -2.6545713833708624 -2.6838245242470116 -1.7246620162603685 -2.083387040142365 -1.4536964150068015 -1.2197744737313336 -0.458160954078917 -0.09231611828660476 -0.3280180125783479 0.23834240011503033 0.20315608241478184 -0.6168347367841025 -0.3904195538816123 -0.9488088724777668 -0.9005437697257745 -1.6611512289776775 -1.81510426657188 -1.781620512781117 -1.9980524809401592 +20109,-2.086766371179642,0,-2.6545713833708624 -2.6838245242470116 -1.7246620162603685 -2.083387040142365 -1.4536964150068015 -1.2197744737313336 -0.458160954078917 -0.09231611828660476 -0.3280180125783479 0.23834240011503033 0.20315608241478184 -0.6168347367841025 -0.3904195538816123 -0.9488088724777668 -0.9005437697257745 -1.6611512289776775 -1.81510426657188 -1.781620512781117 -1.9980524809401592 -2.027047657714236 +20110,-2.105520368953422,0,-2.6838245242470116 -1.7246620162603685 -2.083387040142365 -1.4536964150068015 -1.2197744737313336 -0.458160954078917 -0.09231611828660476 -0.3280180125783479 0.23834240011503033 0.20315608241478184 -0.6168347367841025 -0.3904195538816123 -0.9488088724777668 -0.9005437697257745 -1.6611512289776775 -1.81510426657188 -1.781620512781117 -1.9980524809401592 -2.027047657714236 -2.086766371179642 +20111,-2.1549979034185305,0,-1.7246620162603685 -2.083387040142365 -1.4536964150068015 -1.2197744737313336 -0.458160954078917 -0.09231611828660476 -0.3280180125783479 0.23834240011503033 0.20315608241478184 -0.6168347367841025 -0.3904195538816123 -0.9488088724777668 -0.9005437697257745 -1.6611512289776775 -1.81510426657188 -1.781620512781117 -1.9980524809401592 -2.027047657714236 -2.086766371179642 -2.105520368953422 +20112,-2.277453511705625,0,-2.083387040142365 -1.4536964150068015 -1.2197744737313336 -0.458160954078917 -0.09231611828660476 -0.3280180125783479 0.23834240011503033 0.20315608241478184 -0.6168347367841025 -0.3904195538816123 -0.9488088724777668 -0.9005437697257745 -1.6611512289776775 -1.81510426657188 -1.781620512781117 -1.9980524809401592 -2.027047657714236 -2.086766371179642 -2.105520368953422 -2.1549979034185305 +20113,-2.3026050217181875,0,-1.4536964150068015 -1.2197744737313336 -0.458160954078917 -0.09231611828660476 -0.3280180125783479 0.23834240011503033 0.20315608241478184 -0.6168347367841025 -0.3904195538816123 -0.9488088724777668 -0.9005437697257745 -1.6611512289776775 -1.81510426657188 -1.781620512781117 -1.9980524809401592 -2.027047657714236 -2.086766371179642 -2.105520368953422 -2.1549979034185305 -2.277453511705625 +20114,-2.4007346053979592,0,-1.2197744737313336 -0.458160954078917 -0.09231611828660476 -0.3280180125783479 0.23834240011503033 0.20315608241478184 -0.6168347367841025 -0.3904195538816123 -0.9488088724777668 -0.9005437697257745 -1.6611512289776775 -1.81510426657188 -1.781620512781117 -1.9980524809401592 -2.027047657714236 -2.086766371179642 -2.105520368953422 -2.1549979034185305 -2.277453511705625 -2.3026050217181875 +20115,-1.291823876259613,0,-0.458160954078917 -0.09231611828660476 -0.3280180125783479 0.23834240011503033 0.20315608241478184 -0.6168347367841025 -0.3904195538816123 -0.9488088724777668 -0.9005437697257745 -1.6611512289776775 -1.81510426657188 -1.781620512781117 -1.9980524809401592 -2.027047657714236 -2.086766371179642 -2.105520368953422 -2.1549979034185305 -2.277453511705625 -2.3026050217181875 -2.4007346053979592 +20116,-1.7923002308787603,0,-0.09231611828660476 -0.3280180125783479 0.23834240011503033 0.20315608241478184 -0.6168347367841025 -0.3904195538816123 -0.9488088724777668 -0.9005437697257745 -1.6611512289776775 -1.81510426657188 -1.781620512781117 -1.9980524809401592 -2.027047657714236 -2.086766371179642 -2.105520368953422 -2.1549979034185305 -2.277453511705625 -2.3026050217181875 -2.4007346053979592 -1.291823876259613 +20117,-1.0857362726797897,0,-0.3280180125783479 0.23834240011503033 0.20315608241478184 -0.6168347367841025 -0.3904195538816123 -0.9488088724777668 -0.9005437697257745 -1.6611512289776775 -1.81510426657188 -1.781620512781117 -1.9980524809401592 -2.027047657714236 -2.086766371179642 -2.105520368953422 -2.1549979034185305 -2.277453511705625 -2.3026050217181875 -2.4007346053979592 -1.291823876259613 -1.7923002308787603 +20118,-0.933511595157616,0,0.23834240011503033 0.20315608241478184 -0.6168347367841025 -0.3904195538816123 -0.9488088724777668 -0.9005437697257745 -1.6611512289776775 -1.81510426657188 -1.781620512781117 -1.9980524809401592 -2.027047657714236 -2.086766371179642 -2.105520368953422 -2.1549979034185305 -2.277453511705625 -2.3026050217181875 -2.4007346053979592 -1.291823876259613 -1.7923002308787603 -1.0857362726797897 +20119,-0.04216787678463865,0,0.20315608241478184 -0.6168347367841025 -0.3904195538816123 -0.9488088724777668 -0.9005437697257745 -1.6611512289776775 -1.81510426657188 -1.781620512781117 -1.9980524809401592 -2.027047657714236 -2.086766371179642 -2.105520368953422 -2.1549979034185305 -2.277453511705625 -2.3026050217181875 -2.4007346053979592 -1.291823876259613 -1.7923002308787603 -1.0857362726797897 -0.933511595157616 +20120,0.29483656106631856,0,-0.6168347367841025 -0.3904195538816123 -0.9488088724777668 -0.9005437697257745 -1.6611512289776775 -1.81510426657188 -1.781620512781117 -1.9980524809401592 -2.027047657714236 -2.086766371179642 -2.105520368953422 -2.1549979034185305 -2.277453511705625 -2.3026050217181875 -2.4007346053979592 -1.291823876259613 -1.7923002308787603 -1.0857362726797897 -0.933511595157616 -0.04216787678463865 +20121,0.06109519463133886,0,-0.3904195538816123 -0.9488088724777668 -0.9005437697257745 -1.6611512289776775 -1.81510426657188 -1.781620512781117 -1.9980524809401592 -2.027047657714236 -2.086766371179642 -2.105520368953422 -2.1549979034185305 -2.277453511705625 -2.3026050217181875 -2.4007346053979592 -1.291823876259613 -1.7923002308787603 -1.0857362726797897 -0.933511595157616 -0.04216787678463865 0.29483656106631856 +20122,0.5883482337561561,0,-0.9488088724777668 -0.9005437697257745 -1.6611512289776775 -1.81510426657188 -1.781620512781117 -1.9980524809401592 -2.027047657714236 -2.086766371179642 -2.105520368953422 -2.1549979034185305 -2.277453511705625 -2.3026050217181875 -2.4007346053979592 -1.291823876259613 -1.7923002308787603 -1.0857362726797897 -0.933511595157616 -0.04216787678463865 0.29483656106631856 0.06109519463133886 +20123,0.5448554687498219,0,-0.9005437697257745 -1.6611512289776775 -1.81510426657188 -1.781620512781117 -1.9980524809401592 -2.027047657714236 -2.086766371179642 -2.105520368953422 -2.1549979034185305 -2.277453511705625 -2.3026050217181875 -2.4007346053979592 -1.291823876259613 -1.7923002308787603 -1.0857362726797897 -0.933511595157616 -0.04216787678463865 0.29483656106631856 0.06109519463133886 0.5883482337561561 +20124,-0.2505513617396586,0,-1.6611512289776775 -1.81510426657188 -1.781620512781117 -1.9980524809401592 -2.027047657714236 -2.086766371179642 -2.105520368953422 -2.1549979034185305 -2.277453511705625 -2.3026050217181875 -2.4007346053979592 -1.291823876259613 -1.7923002308787603 -1.0857362726797897 -0.933511595157616 -0.04216787678463865 0.29483656106631856 0.06109519463133886 0.5883482337561561 0.5448554687498219 +20125,-0.04340610496986945,0,-1.81510426657188 -1.781620512781117 -1.9980524809401592 -2.027047657714236 -2.086766371179642 -2.105520368953422 -2.1549979034185305 -2.277453511705625 -2.3026050217181875 -2.4007346053979592 -1.291823876259613 -1.7923002308787603 -1.0857362726797897 -0.933511595157616 -0.04216787678463865 0.29483656106631856 0.06109519463133886 0.5883482337561561 0.5448554687498219 -0.2505513617396586 +20126,-0.58817491352845,0,-1.781620512781117 -1.9980524809401592 -2.027047657714236 -2.086766371179642 -2.105520368953422 -2.1549979034185305 -2.277453511705625 -2.3026050217181875 -2.4007346053979592 -1.291823876259613 -1.7923002308787603 -1.0857362726797897 -0.933511595157616 -0.04216787678463865 0.29483656106631856 0.06109519463133886 0.5883482337561561 0.5448554687498219 -0.2505513617396586 -0.04340610496986945 +20127,-0.6149773945062519,0,-1.9980524809401592 -2.027047657714236 -2.086766371179642 -2.105520368953422 -2.1549979034185305 -2.277453511705625 -2.3026050217181875 -2.4007346053979592 -1.291823876259613 -1.7923002308787603 -1.0857362726797897 -0.933511595157616 -0.04216787678463865 0.29483656106631856 0.06109519463133886 0.5883482337561561 0.5448554687498219 -0.2505513617396586 -0.04340610496986945 -0.58817491352845 +20128,-1.3324016457981394,0,-2.027047657714236 -2.086766371179642 -2.105520368953422 -2.1549979034185305 -2.277453511705625 -2.3026050217181875 -2.4007346053979592 -1.291823876259613 -1.7923002308787603 -1.0857362726797897 -0.933511595157616 -0.04216787678463865 0.29483656106631856 0.06109519463133886 0.5883482337561561 0.5448554687498219 -0.2505513617396586 -0.04340610496986945 -0.58817491352845 -0.6149773945062519 +20129,-1.531859569199677,0,-2.086766371179642 -2.105520368953422 -2.1549979034185305 -2.277453511705625 -2.3026050217181875 -2.4007346053979592 -1.291823876259613 -1.7923002308787603 -1.0857362726797897 -0.933511595157616 -0.04216787678463865 0.29483656106631856 0.06109519463133886 0.5883482337561561 0.5448554687498219 -0.2505513617396586 -0.04340610496986945 -0.58817491352845 -0.6149773945062519 -1.3324016457981394 +20130,-1.300491473556255,0,-2.105520368953422 -2.1549979034185305 -2.277453511705625 -2.3026050217181875 -2.4007346053979592 -1.291823876259613 -1.7923002308787603 -1.0857362726797897 -0.933511595157616 -0.04216787678463865 0.29483656106631856 0.06109519463133886 0.5883482337561561 0.5448554687498219 -0.2505513617396586 -0.04340610496986945 -0.58817491352845 -0.6149773945062519 -1.3324016457981394 -1.531859569199677 +20131,-1.6435580701275532,0,-2.1549979034185305 -2.277453511705625 -2.3026050217181875 -2.4007346053979592 -1.291823876259613 -1.7923002308787603 -1.0857362726797897 -0.933511595157616 -0.04216787678463865 0.29483656106631856 0.06109519463133886 0.5883482337561561 0.5448554687498219 -0.2505513617396586 -0.04340610496986945 -0.58817491352845 -0.6149773945062519 -1.3324016457981394 -1.531859569199677 -1.300491473556255 +20132,-1.5557986474991148,0,-2.277453511705625 -2.3026050217181875 -2.4007346053979592 -1.291823876259613 -1.7923002308787603 -1.0857362726797897 -0.933511595157616 -0.04216787678463865 0.29483656106631856 0.06109519463133886 0.5883482337561561 0.5448554687498219 -0.2505513617396586 -0.04340610496986945 -0.58817491352845 -0.6149773945062519 -1.3324016457981394 -1.531859569199677 -1.300491473556255 -1.6435580701275532 +20133,-1.6213473520549302,0,-2.3026050217181875 -2.4007346053979592 -1.291823876259613 -1.7923002308787603 -1.0857362726797897 -0.933511595157616 -0.04216787678463865 0.29483656106631856 0.06109519463133886 0.5883482337561561 0.5448554687498219 -0.2505513617396586 -0.04340610496986945 -0.58817491352845 -0.6149773945062519 -1.3324016457981394 -1.531859569199677 -1.300491473556255 -1.6435580701275532 -1.5557986474991148 +20134,-1.4824852203134813,0,-2.4007346053979592 -1.291823876259613 -1.7923002308787603 -1.0857362726797897 -0.933511595157616 -0.04216787678463865 0.29483656106631856 0.06109519463133886 0.5883482337561561 0.5448554687498219 -0.2505513617396586 -0.04340610496986945 -0.58817491352845 -0.6149773945062519 -1.3324016457981394 -1.531859569199677 -1.300491473556255 -1.6435580701275532 -1.5557986474991148 -1.6213473520549302 +20135,-1.4969312159110635,0,-1.291823876259613 -1.7923002308787603 -1.0857362726797897 -0.933511595157616 -0.04216787678463865 0.29483656106631856 0.06109519463133886 0.5883482337561561 0.5448554687498219 -0.2505513617396586 -0.04340610496986945 -0.58817491352845 -0.6149773945062519 -1.3324016457981394 -1.531859569199677 -1.300491473556255 -1.6435580701275532 -1.5557986474991148 -1.6213473520549302 -1.4824852203134813 +20136,-1.3874770035689143,0,-1.7923002308787603 -1.0857362726797897 -0.933511595157616 -0.04216787678463865 0.29483656106631856 0.06109519463133886 0.5883482337561561 0.5448554687498219 -0.2505513617396586 -0.04340610496986945 -0.58817491352845 -0.6149773945062519 -1.3324016457981394 -1.531859569199677 -1.300491473556255 -1.6435580701275532 -1.5557986474991148 -1.6213473520549302 -1.4824852203134813 -1.4969312159110635 +20137,-1.4432230683765555,0,-1.0857362726797897 -0.933511595157616 -0.04216787678463865 0.29483656106631856 0.06109519463133886 0.5883482337561561 0.5448554687498219 -0.2505513617396586 -0.04340610496986945 -0.58817491352845 -0.6149773945062519 -1.3324016457981394 -1.531859569199677 -1.300491473556255 -1.6435580701275532 -1.5557986474991148 -1.6213473520549302 -1.4824852203134813 -1.4969312159110635 -1.3874770035689143 +20138,-1.3750689252444566,0,-0.933511595157616 -0.04216787678463865 0.29483656106631856 0.06109519463133886 0.5883482337561561 0.5448554687498219 -0.2505513617396586 -0.04340610496986945 -0.58817491352845 -0.6149773945062519 -1.3324016457981394 -1.531859569199677 -1.300491473556255 -1.6435580701275532 -1.5557986474991148 -1.6213473520549302 -1.4824852203134813 -1.4969312159110635 -1.3874770035689143 -1.4432230683765555 +20139,-0.8110817833426359,0,-0.04216787678463865 0.29483656106631856 0.06109519463133886 0.5883482337561561 0.5448554687498219 -0.2505513617396586 -0.04340610496986945 -0.58817491352845 -0.6149773945062519 -1.3324016457981394 -1.531859569199677 -1.300491473556255 -1.6435580701275532 -1.5557986474991148 -1.6213473520549302 -1.4824852203134813 -1.4969312159110635 -1.3874770035689143 -1.4432230683765555 -1.3750689252444566 +20140,-0.9082053066219027,0,0.29483656106631856 0.06109519463133886 0.5883482337561561 0.5448554687498219 -0.2505513617396586 -0.04340610496986945 -0.58817491352845 -0.6149773945062519 -1.3324016457981394 -1.531859569199677 -1.300491473556255 -1.6435580701275532 -1.5557986474991148 -1.6213473520549302 -1.4824852203134813 -1.4969312159110635 -1.3874770035689143 -1.4432230683765555 -1.3750689252444566 -0.8110817833426359 +20141,-0.5094958309766531,0,0.06109519463133886 0.5883482337561561 0.5448554687498219 -0.2505513617396586 -0.04340610496986945 -0.58817491352845 -0.6149773945062519 -1.3324016457981394 -1.531859569199677 -1.300491473556255 -1.6435580701275532 -1.5557986474991148 -1.6213473520549302 -1.4824852203134813 -1.4969312159110635 -1.3874770035689143 -1.4432230683765555 -1.3750689252444566 -0.8110817833426359 -0.9082053066219027 +20142,-0.25960590534418576,0,0.5883482337561561 0.5448554687498219 -0.2505513617396586 -0.04340610496986945 -0.58817491352845 -0.6149773945062519 -1.3324016457981394 -1.531859569199677 -1.300491473556255 -1.6435580701275532 -1.5557986474991148 -1.6213473520549302 -1.4824852203134813 -1.4969312159110635 -1.3874770035689143 -1.4432230683765555 -1.3750689252444566 -0.8110817833426359 -0.9082053066219027 -0.5094958309766531 +20143,0.1887100869719855,0,0.5448554687498219 -0.2505513617396586 -0.04340610496986945 -0.58817491352845 -0.6149773945062519 -1.3324016457981394 -1.531859569199677 -1.300491473556255 -1.6435580701275532 -1.5557986474991148 -1.6213473520549302 -1.4824852203134813 -1.4969312159110635 -1.3874770035689143 -1.4432230683765555 -1.3750689252444566 -0.8110817833426359 -0.9082053066219027 -0.5094958309766531 -0.25960590534418576 +20144,0.4882065292753832,0,-0.2505513617396586 -0.04340610496986945 -0.58817491352845 -0.6149773945062519 -1.3324016457981394 -1.531859569199677 -1.300491473556255 -1.6435580701275532 -1.5557986474991148 -1.6213473520549302 -1.4824852203134813 -1.4969312159110635 -1.3874770035689143 -1.4432230683765555 -1.3750689252444566 -0.8110817833426359 -0.9082053066219027 -0.5094958309766531 -0.25960590534418576 0.1887100869719855 +20145,0.27608256329253883,0,-0.04340610496986945 -0.58817491352845 -0.6149773945062519 -1.3324016457981394 -1.531859569199677 -1.300491473556255 -1.6435580701275532 -1.5557986474991148 -1.6213473520549302 -1.4824852203134813 -1.4969312159110635 -1.3874770035689143 -1.4432230683765555 -1.3750689252444566 -0.8110817833426359 -0.9082053066219027 -0.5094958309766531 -0.25960590534418576 0.1887100869719855 0.4882065292753832 +20146,0.7461191416397582,0,-0.58817491352845 -0.6149773945062519 -1.3324016457981394 -1.531859569199677 -1.300491473556255 -1.6435580701275532 -1.5557986474991148 -1.6213473520549302 -1.4824852203134813 -1.4969312159110635 -1.3874770035689143 -1.4432230683765555 -1.3750689252444566 -0.8110817833426359 -0.9082053066219027 -0.5094958309766531 -0.25960590534418576 0.1887100869719855 0.4882065292753832 0.27608256329253883 +20147,0.7045353118555124,0,-0.6149773945062519 -1.3324016457981394 -1.531859569199677 -1.300491473556255 -1.6435580701275532 -1.5557986474991148 -1.6213473520549302 -1.4824852203134813 -1.4969312159110635 -1.3874770035689143 -1.4432230683765555 -1.3750689252444566 -0.8110817833426359 -0.9082053066219027 -0.5094958309766531 -0.25960590534418576 0.1887100869719855 0.4882065292753832 0.27608256329253883 0.7461191416397582 +20148,-0.132300570049849,0,-1.3324016457981394 -1.531859569199677 -1.300491473556255 -1.6435580701275532 -1.5557986474991148 -1.6213473520549302 -1.4824852203134813 -1.4969312159110635 -1.3874770035689143 -1.4432230683765555 -1.3750689252444566 -0.8110817833426359 -0.9082053066219027 -0.5094958309766531 -0.25960590534418576 0.1887100869719855 0.4882065292753832 0.27608256329253883 0.7461191416397582 0.7045353118555124 +20149,0.09119961738483358,0,-1.531859569199677 -1.300491473556255 -1.6435580701275532 -1.5557986474991148 -1.6213473520549302 -1.4824852203134813 -1.4969312159110635 -1.3874770035689143 -1.4432230683765555 -1.3750689252444566 -0.8110817833426359 -0.9082053066219027 -0.5094958309766531 -0.25960590534418576 0.1887100869719855 0.4882065292753832 0.27608256329253883 0.7461191416397582 0.7045353118555124 -0.132300570049849 +20150,-0.48055224714682265,0,-1.300491473556255 -1.6435580701275532 -1.5557986474991148 -1.6213473520549302 -1.4824852203134813 -1.4969312159110635 -1.3874770035689143 -1.4432230683765555 -1.3750689252444566 -0.8110817833426359 -0.9082053066219027 -0.5094958309766531 -0.25960590534418576 0.1887100869719855 0.4882065292753832 0.27608256329253883 0.7461191416397582 0.7045353118555124 -0.132300570049849 0.09119961738483358 +20151,-0.3581224353318426,0,-1.6435580701275532 -1.5557986474991148 -1.6213473520549302 -1.4824852203134813 -1.4969312159110635 -1.3874770035689143 -1.4432230683765555 -1.3750689252444566 -0.8110817833426359 -0.9082053066219027 -0.5094958309766531 -0.25960590534418576 0.1887100869719855 0.4882065292753832 0.27608256329253883 0.7461191416397582 0.7045353118555124 -0.132300570049849 0.09119961738483358 -0.48055224714682265 +20152,-1.1612681919790355,0,-1.5557986474991148 -1.6213473520549302 -1.4824852203134813 -1.4969312159110635 -1.3874770035689143 -1.4432230683765555 -1.3750689252444566 -0.8110817833426359 -0.9082053066219027 -0.5094958309766531 -0.25960590534418576 0.1887100869719855 0.4882065292753832 0.27608256329253883 0.7461191416397582 0.7045353118555124 -0.132300570049849 0.09119961738483358 -0.48055224714682265 -0.3581224353318426 +20153,-1.270232272279601,0,-1.6213473520549302 -1.4824852203134813 -1.4969312159110635 -1.3874770035689143 -1.4432230683765555 -1.3750689252444566 -0.8110817833426359 -0.9082053066219027 -0.5094958309766531 -0.25960590534418576 0.1887100869719855 0.4882065292753832 0.27608256329253883 0.7461191416397582 0.7045353118555124 -0.132300570049849 0.09119961738483358 -0.48055224714682265 -0.3581224353318426 -1.1612681919790355 +20154,-1.2488728360843235,0,-1.4824852203134813 -1.4969312159110635 -1.3874770035689143 -1.4432230683765555 -1.3750689252444566 -0.8110817833426359 -0.9082053066219027 -0.5094958309766531 -0.25960590534418576 0.1887100869719855 0.4882065292753832 0.27608256329253883 0.7461191416397582 0.7045353118555124 -0.132300570049849 0.09119961738483358 -0.48055224714682265 -0.3581224353318426 -1.1612681919790355 -1.270232272279601 +20155,-1.4012780886017622,0,-1.4969312159110635 -1.3874770035689143 -1.4432230683765555 -1.3750689252444566 -0.8110817833426359 -0.9082053066219027 -0.5094958309766531 -0.25960590534418576 0.1887100869719855 0.4882065292753832 0.27608256329253883 0.7461191416397582 0.7045353118555124 -0.132300570049849 0.09119961738483358 -0.48055224714682265 -0.3581224353318426 -1.1612681919790355 -1.270232272279601 -1.2488728360843235 +20156,-1.4233598244685721,0,-1.3874770035689143 -1.4432230683765555 -1.3750689252444566 -0.8110817833426359 -0.9082053066219027 -0.5094958309766531 -0.25960590534418576 0.1887100869719855 0.4882065292753832 0.27608256329253883 0.7461191416397582 0.7045353118555124 -0.132300570049849 0.09119961738483358 -0.48055224714682265 -0.3581224353318426 -1.1612681919790355 -1.270232272279601 -1.2488728360843235 -1.4012780886017622 +20157,-1.5082042516292031,0,-1.4432230683765555 -1.3750689252444566 -0.8110817833426359 -0.9082053066219027 -0.5094958309766531 -0.25960590534418576 0.1887100869719855 0.4882065292753832 0.27608256329253883 0.7461191416397582 0.7045353118555124 -0.132300570049849 0.09119961738483358 -0.48055224714682265 -0.3581224353318426 -1.1612681919790355 -1.270232272279601 -1.2488728360843235 -1.4012780886017622 -1.4233598244685721 +20158,-1.5093650905528586,0,-1.3750689252444566 -0.8110817833426359 -0.9082053066219027 -0.5094958309766531 -0.25960590534418576 0.1887100869719855 0.4882065292753832 0.27608256329253883 0.7461191416397582 0.7045353118555124 -0.132300570049849 0.09119961738483358 -0.48055224714682265 -0.3581224353318426 -1.1612681919790355 -1.270232272279601 -1.2488728360843235 -1.4012780886017622 -1.4233598244685721 -1.5082042516292031 +20159,-1.5732886206155492,0,-0.8110817833426359 -0.9082053066219027 -0.5094958309766531 -0.25960590534418576 0.1887100869719855 0.4882065292753832 0.27608256329253883 0.7461191416397582 0.7045353118555124 -0.132300570049849 0.09119961738483358 -0.48055224714682265 -0.3581224353318426 -1.1612681919790355 -1.270232272279601 -1.2488728360843235 -1.4012780886017622 -1.4233598244685721 -1.5082042516292031 -1.5093650905528586 +20160,-1.6680904660475049,0,-0.9082053066219027 -0.5094958309766531 -0.25960590534418576 0.1887100869719855 0.4882065292753832 0.27608256329253883 0.7461191416397582 0.7045353118555124 -0.132300570049849 0.09119961738483358 -0.48055224714682265 -0.3581224353318426 -1.1612681919790355 -1.270232272279601 -1.2488728360843235 -1.4012780886017622 -1.4233598244685721 -1.5082042516292031 -1.5093650905528586 -1.5732886206155492 +20161,-1.7217212243204376,0,-0.5094958309766531 -0.25960590534418576 0.1887100869719855 0.4882065292753832 0.27608256329253883 0.7461191416397582 0.7045353118555124 -0.132300570049849 0.09119961738483358 -0.48055224714682265 -0.3581224353318426 -1.1612681919790355 -1.270232272279601 -1.2488728360843235 -1.4012780886017622 -1.4233598244685721 -1.5082042516292031 -1.5093650905528586 -1.5732886206155492 -1.6680904660475049 +20162,-1.8062302979626352,0,-0.25960590534418576 0.1887100869719855 0.4882065292753832 0.27608256329253883 0.7461191416397582 0.7045353118555124 -0.132300570049849 0.09119961738483358 -0.48055224714682265 -0.3581224353318426 -1.1612681919790355 -1.270232272279601 -1.2488728360843235 -1.4012780886017622 -1.4233598244685721 -1.5082042516292031 -1.5093650905528586 -1.5732886206155492 -1.6680904660475049 -1.7217212243204376 +20163,-0.9414052998384789,0,0.1887100869719855 0.4882065292753832 0.27608256329253883 0.7461191416397582 0.7045353118555124 -0.132300570049849 0.09119961738483358 -0.48055224714682265 -0.3581224353318426 -1.1612681919790355 -1.270232272279601 -1.2488728360843235 -1.4012780886017622 -1.4233598244685721 -1.5082042516292031 -1.5093650905528586 -1.5732886206155492 -1.6680904660475049 -1.7217212243204376 -1.8062302979626352 +20164,-1.3423590640694643,0,0.4882065292753832 0.27608256329253883 0.7461191416397582 0.7045353118555124 -0.132300570049849 0.09119961738483358 -0.48055224714682265 -0.3581224353318426 -1.1612681919790355 -1.270232272279601 -1.2488728360843235 -1.4012780886017622 -1.4233598244685721 -1.5082042516292031 -1.5093650905528586 -1.5732886206155492 -1.6680904660475049 -1.7217212243204376 -1.8062302979626352 -0.9414052998384789 +20165,-0.7939787565340954,0,0.27608256329253883 0.7461191416397582 0.7045353118555124 -0.132300570049849 0.09119961738483358 -0.48055224714682265 -0.3581224353318426 -1.1612681919790355 -1.270232272279601 -1.2488728360843235 -1.4012780886017622 -1.4233598244685721 -1.5082042516292031 -1.5093650905528586 -1.5732886206155492 -1.6680904660475049 -1.7217212243204376 -1.8062302979626352 -0.9414052998384789 -1.3423590640694643 +20166,-0.651505125970644,0,0.7461191416397582 0.7045353118555124 -0.132300570049849 0.09119961738483358 -0.48055224714682265 -0.3581224353318426 -1.1612681919790355 -1.270232272279601 -1.2488728360843235 -1.4012780886017622 -1.4233598244685721 -1.5082042516292031 -1.5093650905528586 -1.5732886206155492 -1.6680904660475049 -1.7217212243204376 -1.8062302979626352 -0.9414052998384789 -1.3423590640694643 -0.7939787565340954 +20167,0.032177407273622914,0,0.7045353118555124 -0.132300570049849 0.09119961738483358 -0.48055224714682265 -0.3581224353318426 -1.1612681919790355 -1.270232272279601 -1.2488728360843235 -1.4012780886017622 -1.4233598244685721 -1.5082042516292031 -1.5093650905528586 -1.5732886206155492 -1.6680904660475049 -1.7217212243204376 -1.8062302979626352 -0.9414052998384789 -1.3423590640694643 -0.7939787565340954 -0.651505125970644 +20168,0.30995326339118673,0,-0.132300570049849 0.09119961738483358 -0.48055224714682265 -0.3581224353318426 -1.1612681919790355 -1.270232272279601 -1.2488728360843235 -1.4012780886017622 -1.4233598244685721 -1.5082042516292031 -1.5093650905528586 -1.5732886206155492 -1.6680904660475049 -1.7217212243204376 -1.8062302979626352 -0.9414052998384789 -1.3423590640694643 -0.7939787565340954 -0.651505125970644 0.032177407273622914 +20169,0.1560518185864539,0,0.09119961738483358 -0.48055224714682265 -0.3581224353318426 -1.1612681919790355 -1.270232272279601 -1.2488728360843235 -1.4012780886017622 -1.4233598244685721 -1.5082042516292031 -1.5093650905528586 -1.5732886206155492 -1.6680904660475049 -1.7217212243204376 -1.8062302979626352 -0.9414052998384789 -1.3423590640694643 -0.7939787565340954 -0.651505125970644 0.032177407273622914 0.30995326339118673 +20170,0.5777201084479737,0,-0.48055224714682265 -0.3581224353318426 -1.1612681919790355 -1.270232272279601 -1.2488728360843235 -1.4012780886017622 -1.4233598244685721 -1.5082042516292031 -1.5093650905528586 -1.5732886206155492 -1.6680904660475049 -1.7217212243204376 -1.8062302979626352 -0.9414052998384789 -1.3423590640694643 -0.7939787565340954 -0.651505125970644 0.032177407273622914 0.30995326339118673 0.1560518185864539 +20171,0.5677110973871882,0,-0.3581224353318426 -1.1612681919790355 -1.270232272279601 -1.2488728360843235 -1.4012780886017622 -1.4233598244685721 -1.5082042516292031 -1.5093650905528586 -1.5732886206155492 -1.6680904660475049 -1.7217212243204376 -1.8062302979626352 -0.9414052998384789 -1.3423590640694643 -0.7939787565340954 -0.651505125970644 0.032177407273622914 0.30995326339118673 0.1560518185864539 0.5777201084479737 +20172,-0.2853765294493595,0,-1.1612681919790355 -1.270232272279601 -1.2488728360843235 -1.4012780886017622 -1.4233598244685721 -1.5082042516292031 -1.5093650905528586 -1.5732886206155492 -1.6680904660475049 -1.7217212243204376 -1.8062302979626352 -0.9414052998384789 -1.3423590640694643 -0.7939787565340954 -0.651505125970644 0.032177407273622914 0.30995326339118673 0.1560518185864539 0.5777201084479737 0.5677110973871882 +20173,-0.014359335406340523,0,-1.270232272279601 -1.2488728360843235 -1.4012780886017622 -1.4233598244685721 -1.5082042516292031 -1.5093650905528586 -1.5732886206155492 -1.6680904660475049 -1.7217212243204376 -1.8062302979626352 -0.9414052998384789 -1.3423590640694643 -0.7939787565340954 -0.651505125970644 0.032177407273622914 0.30995326339118673 0.1560518185864539 0.5777201084479737 0.5677110973871882 -0.2853765294493595 +20174,-0.5864207569842979,0,-1.2488728360843235 -1.4012780886017622 -1.4233598244685721 -1.5082042516292031 -1.5093650905528586 -1.5732886206155492 -1.6680904660475049 -1.7217212243204376 -1.8062302979626352 -0.9414052998384789 -1.3423590640694643 -0.7939787565340954 -0.651505125970644 0.032177407273622914 0.30995326339118673 0.1560518185864539 0.5777201084479737 0.5677110973871882 -0.2853765294493595 -0.014359335406340523 +20175,-0.5812356764586313,0,-1.4012780886017622 -1.4233598244685721 -1.5082042516292031 -1.5093650905528586 -1.5732886206155492 -1.6680904660475049 -1.7217212243204376 -1.8062302979626352 -0.9414052998384789 -1.3423590640694643 -0.7939787565340954 -0.651505125970644 0.032177407273622914 0.30995326339118673 0.1560518185864539 0.5777201084479737 0.5677110973871882 -0.2853765294493595 -0.014359335406340523 -0.5864207569842979 +20176,-1.3457125987894036,0,-1.4233598244685721 -1.5082042516292031 -1.5093650905528586 -1.5732886206155492 -1.6680904660475049 -1.7217212243204376 -1.8062302979626352 -0.9414052998384789 -1.3423590640694643 -0.7939787565340954 -0.651505125970644 0.032177407273622914 0.30995326339118673 0.1560518185864539 0.5777201084479737 0.5677110973871882 -0.2853765294493595 -0.014359335406340523 -0.5864207569842979 -0.5812356764586313 +20177,-1.5329430188617574,0,-1.5082042516292031 -1.5093650905528586 -1.5732886206155492 -1.6680904660475049 -1.7217212243204376 -1.8062302979626352 -0.9414052998384789 -1.3423590640694643 -0.7939787565340954 -0.651505125970644 0.032177407273622914 0.30995326339118673 0.1560518185864539 0.5777201084479737 0.5677110973871882 -0.2853765294493595 -0.014359335406340523 -0.5864207569842979 -0.5812356764586313 -1.3457125987894036 +20178,-1.4506266410158346,0,-1.5093650905528586 -1.5732886206155492 -1.6680904660475049 -1.7217212243204376 -1.8062302979626352 -0.9414052998384789 -1.3423590640694643 -0.7939787565340954 -0.651505125970644 0.032177407273622914 0.30995326339118673 0.1560518185864539 0.5777201084479737 0.5677110973871882 -0.2853765294493595 -0.014359335406340523 -0.5864207569842979 -0.5812356764586313 -1.3457125987894036 -1.5329430188617574 +20179,-1.727705993933989,0,-1.5732886206155492 -1.6680904660475049 -1.7217212243204376 -1.8062302979626352 -0.9414052998384789 -1.3423590640694643 -0.7939787565340954 -0.651505125970644 0.032177407273622914 0.30995326339118673 0.1560518185864539 0.5777201084479737 0.5677110973871882 -0.2853765294493595 -0.014359335406340523 -0.5864207569842979 -0.5812356764586313 -1.3457125987894036 -1.5329430188617574 -1.4506266410158346 +20180,-1.7352385486243043,0,-1.6680904660475049 -1.7217212243204376 -1.8062302979626352 -0.9414052998384789 -1.3423590640694643 -0.7939787565340954 -0.651505125970644 0.032177407273622914 0.30995326339118673 0.1560518185864539 0.5777201084479737 0.5677110973871882 -0.2853765294493595 -0.014359335406340523 -0.5864207569842979 -0.5812356764586313 -1.3457125987894036 -1.5329430188617574 -1.4506266410158346 -1.727705993933989 +20181,-1.576461580340206,0,-1.7217212243204376 -1.8062302979626352 -0.9414052998384789 -1.3423590640694643 -0.7939787565340954 -0.651505125970644 0.032177407273622914 0.30995326339118673 0.1560518185864539 0.5777201084479737 0.5677110973871882 -0.2853765294493595 -0.014359335406340523 -0.5864207569842979 -0.5812356764586313 -1.3457125987894036 -1.5329430188617574 -1.4506266410158346 -1.727705993933989 -1.7352385486243043 +20182,-1.6394306427918524,0,-1.8062302979626352 -0.9414052998384789 -1.3423590640694643 -0.7939787565340954 -0.651505125970644 0.032177407273622914 0.30995326339118673 0.1560518185864539 0.5777201084479737 0.5677110973871882 -0.2853765294493595 -0.014359335406340523 -0.5864207569842979 -0.5812356764586313 -1.3457125987894036 -1.5329430188617574 -1.4506266410158346 -1.727705993933989 -1.7352385486243043 -1.576461580340206 +20183,-1.5360901822690765,0,-0.9414052998384789 -1.3423590640694643 -0.7939787565340954 -0.651505125970644 0.032177407273622914 0.30995326339118673 0.1560518185864539 0.5777201084479737 0.5677110973871882 -0.2853765294493595 -0.014359335406340523 -0.5864207569842979 -0.5812356764586313 -1.3457125987894036 -1.5329430188617574 -1.4506266410158346 -1.727705993933989 -1.7352385486243043 -1.576461580340206 -1.6394306427918524 +20184,-1.5603646139321703,0,-1.3423590640694643 -0.7939787565340954 -0.651505125970644 0.032177407273622914 0.30995326339118673 0.1560518185864539 0.5777201084479737 0.5677110973871882 -0.2853765294493595 -0.014359335406340523 -0.5864207569842979 -0.5812356764586313 -1.3457125987894036 -1.5329430188617574 -1.4506266410158346 -1.727705993933989 -1.7352385486243043 -1.576461580340206 -1.6394306427918524 -1.5360901822690765 +20185,-1.4144858558593276,0,-0.7939787565340954 -0.651505125970644 0.032177407273622914 0.30995326339118673 0.1560518185864539 0.5777201084479737 0.5677110973871882 -0.2853765294493595 -0.014359335406340523 -0.5864207569842979 -0.5812356764586313 -1.3457125987894036 -1.5329430188617574 -1.4506266410158346 -1.727705993933989 -1.7352385486243043 -1.576461580340206 -1.6394306427918524 -1.5360901822690765 -1.5603646139321703 +20186,-1.3962219901271316,0,-0.651505125970644 0.032177407273622914 0.30995326339118673 0.1560518185864539 0.5777201084479737 0.5677110973871882 -0.2853765294493595 -0.014359335406340523 -0.5864207569842979 -0.5812356764586313 -1.3457125987894036 -1.5329430188617574 -1.4506266410158346 -1.727705993933989 -1.7352385486243043 -1.576461580340206 -1.6394306427918524 -1.5360901822690765 -1.5603646139321703 -1.4144858558593276 +20187,-0.8622360852451071,0,0.032177407273622914 0.30995326339118673 0.1560518185864539 0.5777201084479737 0.5677110973871882 -0.2853765294493595 -0.014359335406340523 -0.5864207569842979 -0.5812356764586313 -1.3457125987894036 -1.5329430188617574 -1.4506266410158346 -1.727705993933989 -1.7352385486243043 -1.576461580340206 -1.6394306427918524 -1.5360901822690765 -1.5603646139321703 -1.4144858558593276 -1.3962219901271316 +20188,-1.0158795659477764,0,0.30995326339118673 0.1560518185864539 0.5777201084479737 0.5677110973871882 -0.2853765294493595 -0.014359335406340523 -0.5864207569842979 -0.5812356764586313 -1.3457125987894036 -1.5329430188617574 -1.4506266410158346 -1.727705993933989 -1.7352385486243043 -1.576461580340206 -1.6394306427918524 -1.5360901822690765 -1.5603646139321703 -1.4144858558593276 -1.3962219901271316 -0.8622360852451071 +20189,-0.6538010073458406,0,0.1560518185864539 0.5777201084479737 0.5677110973871882 -0.2853765294493595 -0.014359335406340523 -0.5864207569842979 -0.5812356764586313 -1.3457125987894036 -1.5329430188617574 -1.4506266410158346 -1.727705993933989 -1.7352385486243043 -1.576461580340206 -1.6394306427918524 -1.5360901822690765 -1.5603646139321703 -1.4144858558593276 -1.3962219901271316 -0.8622360852451071 -1.0158795659477764 +20190,-0.6623396225914377,0,0.5777201084479737 0.5677110973871882 -0.2853765294493595 -0.014359335406340523 -0.5864207569842979 -0.5812356764586313 -1.3457125987894036 -1.5329430188617574 -1.4506266410158346 -1.727705993933989 -1.7352385486243043 -1.576461580340206 -1.6394306427918524 -1.5360901822690765 -1.5603646139321703 -1.4144858558593276 -1.3962219901271316 -0.8622360852451071 -1.0158795659477764 -0.6538010073458406 +20191,-0.17672200619510398,0,0.5677110973871882 -0.2853765294493595 -0.014359335406340523 -0.5864207569842979 -0.5812356764586313 -1.3457125987894036 -1.5329430188617574 -1.4506266410158346 -1.727705993933989 -1.7352385486243043 -1.576461580340206 -1.6394306427918524 -1.5360901822690765 -1.5603646139321703 -1.4144858558593276 -1.3962219901271316 -0.8622360852451071 -1.0158795659477764 -0.6538010073458406 -0.6623396225914377 +20192,-0.061721563491526334,0,-0.2853765294493595 -0.014359335406340523 -0.5864207569842979 -0.5812356764586313 -1.3457125987894036 -1.5329430188617574 -1.4506266410158346 -1.727705993933989 -1.7352385486243043 -1.576461580340206 -1.6394306427918524 -1.5360901822690765 -1.5603646139321703 -1.4144858558593276 -1.3962219901271316 -0.8622360852451071 -1.0158795659477764 -0.6538010073458406 -0.6623396225914377 -0.17672200619510398 +20193,-0.20086745580716173,0,-0.014359335406340523 -0.5864207569842979 -0.5812356764586313 -1.3457125987894036 -1.5329430188617574 -1.4506266410158346 -1.727705993933989 -1.7352385486243043 -1.576461580340206 -1.6394306427918524 -1.5360901822690765 -1.5603646139321703 -1.4144858558593276 -1.3962219901271316 -0.8622360852451071 -1.0158795659477764 -0.6538010073458406 -0.6623396225914377 -0.17672200619510398 -0.061721563491526334 +20194,-0.0011515681487749767,0,-0.5864207569842979 -0.5812356764586313 -1.3457125987894036 -1.5329430188617574 -1.4506266410158346 -1.727705993933989 -1.7352385486243043 -1.576461580340206 -1.6394306427918524 -1.5360901822690765 -1.5603646139321703 -1.4144858558593276 -1.3962219901271316 -0.8622360852451071 -1.0158795659477764 -0.6538010073458406 -0.6623396225914377 -0.17672200619510398 -0.061721563491526334 -0.20086745580716173 +20195,-0.05558201535481557,0,-0.5812356764586313 -1.3457125987894036 -1.5329430188617574 -1.4506266410158346 -1.727705993933989 -1.7352385486243043 -1.576461580340206 -1.6394306427918524 -1.5360901822690765 -1.5603646139321703 -1.4144858558593276 -1.3962219901271316 -0.8622360852451071 -1.0158795659477764 -0.6538010073458406 -0.6623396225914377 -0.17672200619510398 -0.061721563491526334 -0.20086745580716173 -0.0011515681487749767 +20196,-0.5990352066213669,0,-1.3457125987894036 -1.5329430188617574 -1.4506266410158346 -1.727705993933989 -1.7352385486243043 -1.576461580340206 -1.6394306427918524 -1.5360901822690765 -1.5603646139321703 -1.4144858558593276 -1.3962219901271316 -0.8622360852451071 -1.0158795659477764 -0.6538010073458406 -0.6623396225914377 -0.17672200619510398 -0.061721563491526334 -0.20086745580716173 -0.0011515681487749767 -0.05558201535481557 +20197,-0.4904580726286866,0,-1.5329430188617574 -1.4506266410158346 -1.727705993933989 -1.7352385486243043 -1.576461580340206 -1.6394306427918524 -1.5360901822690765 -1.5603646139321703 -1.4144858558593276 -1.3962219901271316 -0.8622360852451071 -1.0158795659477764 -0.6538010073458406 -0.6623396225914377 -0.17672200619510398 -0.061721563491526334 -0.20086745580716173 -0.0011515681487749767 -0.05558201535481557 -0.5990352066213669 +20198,-0.8709036825417402,0,-1.4506266410158346 -1.727705993933989 -1.7352385486243043 -1.576461580340206 -1.6394306427918524 -1.5360901822690765 -1.5603646139321703 -1.4144858558593276 -1.3962219901271316 -0.8622360852451071 -1.0158795659477764 -0.6538010073458406 -0.6623396225914377 -0.17672200619510398 -0.061721563491526334 -0.20086745580716173 -0.0011515681487749767 -0.05558201535481557 -0.5990352066213669 -0.4904580726286866 +20199,-0.9493763937809258,0,-1.727705993933989 -1.7352385486243043 -1.576461580340206 -1.6394306427918524 -1.5360901822690765 -1.5603646139321703 -1.4144858558593276 -1.3962219901271316 -0.8622360852451071 -1.0158795659477764 -0.6538010073458406 -0.6623396225914377 -0.17672200619510398 -0.061721563491526334 -0.20086745580716173 -0.0011515681487749767 -0.05558201535481557 -0.5990352066213669 -0.4904580726286866 -0.8709036825417402 +20200,-1.4304796365336647,0,-1.7352385486243043 -1.576461580340206 -1.6394306427918524 -1.5360901822690765 -1.5603646139321703 -1.4144858558593276 -1.3962219901271316 -0.8622360852451071 -1.0158795659477764 -0.6538010073458406 -0.6623396225914377 -0.17672200619510398 -0.061721563491526334 -0.20086745580716173 -0.0011515681487749767 -0.05558201535481557 -0.5990352066213669 -0.4904580726286866 -0.8709036825417402 -0.9493763937809258 +20201,-1.60960998076733,0,-1.576461580340206 -1.6394306427918524 -1.5360901822690765 -1.5603646139321703 -1.4144858558593276 -1.3962219901271316 -0.8622360852451071 -1.0158795659477764 -0.6538010073458406 -0.6623396225914377 -0.17672200619510398 -0.061721563491526334 -0.20086745580716173 -0.0011515681487749767 -0.05558201535481557 -0.5990352066213669 -0.4904580726286866 -0.8709036825417402 -0.9493763937809258 -1.4304796365336647 +20202,-1.7069398753592082,0,-1.6394306427918524 -1.5360901822690765 -1.5603646139321703 -1.4144858558593276 -1.3962219901271316 -0.8622360852451071 -1.0158795659477764 -0.6538010073458406 -0.6623396225914377 -0.17672200619510398 -0.061721563491526334 -0.20086745580716173 -0.0011515681487749767 -0.05558201535481557 -0.5990352066213669 -0.4904580726286866 -0.8709036825417402 -0.9493763937809258 -1.4304796365336647 -1.60960998076733 +20203,-1.9133370359853414,0,-1.5360901822690765 -1.5603646139321703 -1.4144858558593276 -1.3962219901271316 -0.8622360852451071 -1.0158795659477764 -0.6538010073458406 -0.6623396225914377 -0.17672200619510398 -0.061721563491526334 -0.20086745580716173 -0.0011515681487749767 -0.05558201535481557 -0.5990352066213669 -0.4904580726286866 -0.8709036825417402 -0.9493763937809258 -1.4304796365336647 -1.60960998076733 -1.7069398753592082 +20204,-2.037933747124482,0,-1.5603646139321703 -1.4144858558593276 -1.3962219901271316 -0.8622360852451071 -1.0158795659477764 -0.6538010073458406 -0.6623396225914377 -0.17672200619510398 -0.061721563491526334 -0.20086745580716173 -0.0011515681487749767 -0.05558201535481557 -0.5990352066213669 -0.4904580726286866 -0.8709036825417402 -0.9493763937809258 -1.4304796365336647 -1.60960998076733 -1.7069398753592082 -1.9133370359853414 +20205,-2.108357975159654,0,-1.4144858558593276 -1.3962219901271316 -0.8622360852451071 -1.0158795659477764 -0.6538010073458406 -0.6623396225914377 -0.17672200619510398 -0.061721563491526334 -0.20086745580716173 -0.0011515681487749767 -0.05558201535481557 -0.5990352066213669 -0.4904580726286866 -0.8709036825417402 -0.9493763937809258 -1.4304796365336647 -1.60960998076733 -1.7069398753592082 -1.9133370359853414 -2.037933747124482 +20206,-2.251012180718379,0,-1.3962219901271316 -0.8622360852451071 -1.0158795659477764 -0.6538010073458406 -0.6623396225914377 -0.17672200619510398 -0.061721563491526334 -0.20086745580716173 -0.0011515681487749767 -0.05558201535481557 -0.5990352066213669 -0.4904580726286866 -0.8709036825417402 -0.9493763937809258 -1.4304796365336647 -1.60960998076733 -1.7069398753592082 -1.9133370359853414 -2.037933747124482 -2.108357975159654 +20207,-2.3394939030183504,0,-0.8622360852451071 -1.0158795659477764 -0.6538010073458406 -0.6623396225914377 -0.17672200619510398 -0.061721563491526334 -0.20086745580716173 -0.0011515681487749767 -0.05558201535481557 -0.5990352066213669 -0.4904580726286866 -0.8709036825417402 -0.9493763937809258 -1.4304796365336647 -1.60960998076733 -1.7069398753592082 -1.9133370359853414 -2.037933747124482 -2.108357975159654 -2.251012180718379 +20208,-2.411259544972443,0,-1.0158795659477764 -0.6538010073458406 -0.6623396225914377 -0.17672200619510398 -0.061721563491526334 -0.20086745580716173 -0.0011515681487749767 -0.05558201535481557 -0.5990352066213669 -0.4904580726286866 -0.8709036825417402 -0.9493763937809258 -1.4304796365336647 -1.60960998076733 -1.7069398753592082 -1.9133370359853414 -2.037933747124482 -2.108357975159654 -2.251012180718379 -2.3394939030183504 +20209,-2.5053132942607426,0,-0.6538010073458406 -0.6623396225914377 -0.17672200619510398 -0.061721563491526334 -0.20086745580716173 -0.0011515681487749767 -0.05558201535481557 -0.5990352066213669 -0.4904580726286866 -0.8709036825417402 -0.9493763937809258 -1.4304796365336647 -1.60960998076733 -1.7069398753592082 -1.9133370359853414 -2.037933747124482 -2.108357975159654 -2.251012180718379 -2.3394939030183504 -2.411259544972443 +20210,-2.5826509628936103,0,-0.6623396225914377 -0.17672200619510398 -0.061721563491526334 -0.20086745580716173 -0.0011515681487749767 -0.05558201535481557 -0.5990352066213669 -0.4904580726286866 -0.8709036825417402 -0.9493763937809258 -1.4304796365336647 -1.60960998076733 -1.7069398753592082 -1.9133370359853414 -2.037933747124482 -2.108357975159654 -2.251012180718379 -2.3394939030183504 -2.411259544972443 -2.5053132942607426 +20211,-1.7292279826934152,0,-0.17672200619510398 -0.061721563491526334 -0.20086745580716173 -0.0011515681487749767 -0.05558201535481557 -0.5990352066213669 -0.4904580726286866 -0.8709036825417402 -0.9493763937809258 -1.4304796365336647 -1.60960998076733 -1.7069398753592082 -1.9133370359853414 -2.037933747124482 -2.108357975159654 -2.251012180718379 -2.3394939030183504 -2.411259544972443 -2.5053132942607426 -2.5826509628936103 +20212,-2.116819201143676,0,-0.061721563491526334 -0.20086745580716173 -0.0011515681487749767 -0.05558201535481557 -0.5990352066213669 -0.4904580726286866 -0.8709036825417402 -0.9493763937809258 -1.4304796365336647 -1.60960998076733 -1.7069398753592082 -1.9133370359853414 -2.037933747124482 -2.108357975159654 -2.251012180718379 -2.3394939030183504 -2.411259544972443 -2.5053132942607426 -2.5826509628936103 -1.7292279826934152 +20213,-1.573649770451311,0,-0.20086745580716173 -0.0011515681487749767 -0.05558201535481557 -0.5990352066213669 -0.4904580726286866 -0.8709036825417402 -0.9493763937809258 -1.4304796365336647 -1.60960998076733 -1.7069398753592082 -1.9133370359853414 -2.037933747124482 -2.108357975159654 -2.251012180718379 -2.3394939030183504 -2.411259544972443 -2.5053132942607426 -2.5826509628936103 -1.7292279826934152 -2.116819201143676 +20214,-1.3258751513535436,0,-0.0011515681487749767 -0.05558201535481557 -0.5990352066213669 -0.4904580726286866 -0.8709036825417402 -0.9493763937809258 -1.4304796365336647 -1.60960998076733 -1.7069398753592082 -1.9133370359853414 -2.037933747124482 -2.108357975159654 -2.251012180718379 -2.3394939030183504 -2.411259544972443 -2.5053132942607426 -2.5826509628936103 -1.7292279826934152 -2.116819201143676 -1.573649770451311 +20215,-0.6842407836177596,0,-0.05558201535481557 -0.5990352066213669 -0.4904580726286866 -0.8709036825417402 -0.9493763937809258 -1.4304796365336647 -1.60960998076733 -1.7069398753592082 -1.9133370359853414 -2.037933747124482 -2.108357975159654 -2.251012180718379 -2.3394939030183504 -2.411259544972443 -2.5053132942607426 -2.5826509628936103 -1.7292279826934152 -2.116819201143676 -1.573649770451311 -1.3258751513535436 +20216,-0.33800122732178717,0,-0.5990352066213669 -0.4904580726286866 -0.8709036825417402 -0.9493763937809258 -1.4304796365336647 -1.60960998076733 -1.7069398753592082 -1.9133370359853414 -2.037933747124482 -2.108357975159654 -2.251012180718379 -2.3394939030183504 -2.411259544972443 -2.5053132942607426 -2.5826509628936103 -1.7292279826934152 -2.116819201143676 -1.573649770451311 -1.3258751513535436 -0.6842407836177596 +20217,-0.5973326428666756,0,-0.4904580726286866 -0.8709036825417402 -0.9493763937809258 -1.4304796365336647 -1.60960998076733 -1.7069398753592082 -1.9133370359853414 -2.037933747124482 -2.108357975159654 -2.251012180718379 -2.3394939030183504 -2.411259544972443 -2.5053132942607426 -2.5826509628936103 -1.7292279826934152 -2.116819201143676 -1.573649770451311 -1.3258751513535436 -0.6842407836177596 -0.33800122732178717 +20218,-0.04923609590549343,0,-0.8709036825417402 -0.9493763937809258 -1.4304796365336647 -1.60960998076733 -1.7069398753592082 -1.9133370359853414 -2.037933747124482 -2.108357975159654 -2.251012180718379 -2.3394939030183504 -2.411259544972443 -2.5053132942607426 -2.5826509628936103 -1.7292279826934152 -2.116819201143676 -1.573649770451311 -1.3258751513535436 -0.6842407836177596 -0.33800122732178717 -0.5973326428666756 +20219,-0.10671052093994028,0,-0.9493763937809258 -1.4304796365336647 -1.60960998076733 -1.7069398753592082 -1.9133370359853414 -2.037933747124482 -2.108357975159654 -2.251012180718379 -2.3394939030183504 -2.411259544972443 -2.5053132942607426 -2.5826509628936103 -1.7292279826934152 -2.116819201143676 -1.573649770451311 -1.3258751513535436 -0.6842407836177596 -0.33800122732178717 -0.5973326428666756 -0.04923609590549343 +20220,-0.5925345086488941,0,-1.4304796365336647 -1.60960998076733 -1.7069398753592082 -1.9133370359853414 -2.037933747124482 -2.108357975159654 -2.251012180718379 -2.3394939030183504 -2.411259544972443 -2.5053132942607426 -2.5826509628936103 -1.7292279826934152 -2.116819201143676 -1.573649770451311 -1.3258751513535436 -0.6842407836177596 -0.33800122732178717 -0.5973326428666756 -0.04923609590549343 -0.10671052093994028 +20221,-0.5072257459188029,0,-1.60960998076733 -1.7069398753592082 -1.9133370359853414 -2.037933747124482 -2.108357975159654 -2.251012180718379 -2.3394939030183504 -2.411259544972443 -2.5053132942607426 -2.5826509628936103 -1.7292279826934152 -2.116819201143676 -1.573649770451311 -1.3258751513535436 -0.6842407836177596 -0.33800122732178717 -0.5973326428666756 -0.04923609590549343 -0.10671052093994028 -0.5925345086488941 +20222,-0.8502665461727723,0,-1.7069398753592082 -1.9133370359853414 -2.037933747124482 -2.108357975159654 -2.251012180718379 -2.3394939030183504 -2.411259544972443 -2.5053132942607426 -2.5826509628936103 -1.7292279826934152 -2.116819201143676 -1.573649770451311 -1.3258751513535436 -0.6842407836177596 -0.33800122732178717 -0.5973326428666756 -0.04923609590549343 -0.10671052093994028 -0.5925345086488941 -0.5072257459188029 +20223,-1.0011498097760079,0,-1.9133370359853414 -2.037933747124482 -2.108357975159654 -2.251012180718379 -2.3394939030183504 -2.411259544972443 -2.5053132942607426 -2.5826509628936103 -1.7292279826934152 -2.116819201143676 -1.573649770451311 -1.3258751513535436 -0.6842407836177596 -0.33800122732178717 -0.5973326428666756 -0.04923609590549343 -0.10671052093994028 -0.5925345086488941 -0.5072257459188029 -0.8502665461727723 +20224,-1.408243122143704,0,-2.037933747124482 -2.108357975159654 -2.251012180718379 -2.3394939030183504 -2.411259544972443 -2.5053132942607426 -2.5826509628936103 -1.7292279826934152 -2.116819201143676 -1.573649770451311 -1.3258751513535436 -0.6842407836177596 -0.33800122732178717 -0.5973326428666756 -0.04923609590549343 -0.10671052093994028 -0.5925345086488941 -0.5072257459188029 -0.8502665461727723 -1.0011498097760079 +20225,-1.6231788978606574,0,-2.108357975159654 -2.251012180718379 -2.3394939030183504 -2.411259544972443 -2.5053132942607426 -2.5826509628936103 -1.7292279826934152 -2.116819201143676 -1.573649770451311 -1.3258751513535436 -0.6842407836177596 -0.33800122732178717 -0.5973326428666756 -0.04923609590549343 -0.10671052093994028 -0.5925345086488941 -0.5072257459188029 -0.8502665461727723 -1.0011498097760079 -1.408243122143704 +20226,-1.7868055933067837,0,-2.251012180718379 -2.3394939030183504 -2.411259544972443 -2.5053132942607426 -2.5826509628936103 -1.7292279826934152 -2.116819201143676 -1.573649770451311 -1.3258751513535436 -0.6842407836177596 -0.33800122732178717 -0.5973326428666756 -0.04923609590549343 -0.10671052093994028 -0.5925345086488941 -0.5072257459188029 -0.8502665461727723 -1.0011498097760079 -1.408243122143704 -1.6231788978606574 +20227,-2.0188443959870632,0,-2.3394939030183504 -2.411259544972443 -2.5053132942607426 -2.5826509628936103 -1.7292279826934152 -2.116819201143676 -1.573649770451311 -1.3258751513535436 -0.6842407836177596 -0.33800122732178717 -0.5973326428666756 -0.04923609590549343 -0.10671052093994028 -0.5925345086488941 -0.5072257459188029 -0.8502665461727723 -1.0011498097760079 -1.408243122143704 -1.6231788978606574 -1.7868055933067837 +20228,-2.199574118086936,0,-2.411259544972443 -2.5053132942607426 -2.5826509628936103 -1.7292279826934152 -2.116819201143676 -1.573649770451311 -1.3258751513535436 -0.6842407836177596 -0.33800122732178717 -0.5973326428666756 -0.04923609590549343 -0.10671052093994028 -0.5925345086488941 -0.5072257459188029 -0.8502665461727723 -1.0011498097760079 -1.408243122143704 -1.6231788978606574 -1.7868055933067837 -2.0188443959870632 +20229,-2.274899666073588,0,-2.5053132942607426 -2.5826509628936103 -1.7292279826934152 -2.116819201143676 -1.573649770451311 -1.3258751513535436 -0.6842407836177596 -0.33800122732178717 -0.5973326428666756 -0.04923609590549343 -0.10671052093994028 -0.5925345086488941 -0.5072257459188029 -0.8502665461727723 -1.0011498097760079 -1.408243122143704 -1.6231788978606574 -1.7868055933067837 -2.0188443959870632 -2.199574118086936 +20230,-2.4907641130842477,0,-2.5826509628936103 -1.7292279826934152 -2.116819201143676 -1.573649770451311 -1.3258751513535436 -0.6842407836177596 -0.33800122732178717 -0.5973326428666756 -0.04923609590549343 -0.10671052093994028 -0.5925345086488941 -0.5072257459188029 -0.8502665461727723 -1.0011498097760079 -1.408243122143704 -1.6231788978606574 -1.7868055933067837 -2.0188443959870632 -2.199574118086936 -2.274899666073588 +20231,-2.6012243856721162,0,-1.7292279826934152 -2.116819201143676 -1.573649770451311 -1.3258751513535436 -0.6842407836177596 -0.33800122732178717 -0.5973326428666756 -0.04923609590549343 -0.10671052093994028 -0.5925345086488941 -0.5072257459188029 -0.8502665461727723 -1.0011498097760079 -1.408243122143704 -1.6231788978606574 -1.7868055933067837 -2.0188443959870632 -2.199574118086936 -2.274899666073588 -2.4907641130842477 +20232,-2.6397126451480575,0,-2.116819201143676 -1.573649770451311 -1.3258751513535436 -0.6842407836177596 -0.33800122732178717 -0.5973326428666756 -0.04923609590549343 -0.10671052093994028 -0.5925345086488941 -0.5072257459188029 -0.8502665461727723 -1.0011498097760079 -1.408243122143704 -1.6231788978606574 -1.7868055933067837 -2.0188443959870632 -2.199574118086936 -2.274899666073588 -2.4907641130842477 -2.6012243856721162 +20233,-2.77416358897961,0,-1.573649770451311 -1.3258751513535436 -0.6842407836177596 -0.33800122732178717 -0.5973326428666756 -0.04923609590549343 -0.10671052093994028 -0.5925345086488941 -0.5072257459188029 -0.8502665461727723 -1.0011498097760079 -1.408243122143704 -1.6231788978606574 -1.7868055933067837 -2.0188443959870632 -2.199574118086936 -2.274899666073588 -2.4907641130842477 -2.6012243856721162 -2.6397126451480575 +20234,-2.836642519389673,0,-1.3258751513535436 -0.6842407836177596 -0.33800122732178717 -0.5973326428666756 -0.04923609590549343 -0.10671052093994028 -0.5925345086488941 -0.5072257459188029 -0.8502665461727723 -1.0011498097760079 -1.408243122143704 -1.6231788978606574 -1.7868055933067837 -2.0188443959870632 -2.199574118086936 -2.274899666073588 -2.4907641130842477 -2.6012243856721162 -2.6397126451480575 -2.77416358897961 +20235,-1.7342582846959314,0,-0.6842407836177596 -0.33800122732178717 -0.5973326428666756 -0.04923609590549343 -0.10671052093994028 -0.5925345086488941 -0.5072257459188029 -0.8502665461727723 -1.0011498097760079 -1.408243122143704 -1.6231788978606574 -1.7868055933067837 -2.0188443959870632 -2.199574118086936 -2.274899666073588 -2.4907641130842477 -2.6012243856721162 -2.6397126451480575 -2.77416358897961 -2.836642519389673 +20236,-2.185024936910441,0,-0.33800122732178717 -0.5973326428666756 -0.04923609590549343 -0.10671052093994028 -0.5925345086488941 -0.5072257459188029 -0.8502665461727723 -1.0011498097760079 -1.408243122143704 -1.6231788978606574 -1.7868055933067837 -2.0188443959870632 -2.199574118086936 -2.274899666073588 -2.4907641130842477 -2.6012243856721162 -2.6397126451480575 -2.77416358897961 -2.836642519389673 -1.7342582846959314 +20237,-1.470928424021155,0,-0.5973326428666756 -0.04923609590549343 -0.10671052093994028 -0.5925345086488941 -0.5072257459188029 -0.8502665461727723 -1.0011498097760079 -1.408243122143704 -1.6231788978606574 -1.7868055933067837 -2.0188443959870632 -2.199574118086936 -2.274899666073588 -2.4907641130842477 -2.6012243856721162 -2.6397126451480575 -2.77416358897961 -2.836642519389673 -1.7342582846959314 -2.185024936910441 +20238,-1.5027096140572265,0,-0.04923609590549343 -0.10671052093994028 -0.5925345086488941 -0.5072257459188029 -0.8502665461727723 -1.0011498097760079 -1.408243122143704 -1.6231788978606574 -1.7868055933067837 -2.0188443959870632 -2.199574118086936 -2.274899666073588 -2.4907641130842477 -2.6012243856721162 -2.6397126451480575 -2.77416358897961 -2.836642519389673 -1.7342582846959314 -2.185024936910441 -1.470928424021155 +20239,-0.5399872000380329,0,-0.10671052093994028 -0.5925345086488941 -0.5072257459188029 -0.8502665461727723 -1.0011498097760079 -1.408243122143704 -1.6231788978606574 -1.7868055933067837 -2.0188443959870632 -2.199574118086936 -2.274899666073588 -2.4907641130842477 -2.6012243856721162 -2.6397126451480575 -2.77416358897961 -2.836642519389673 -1.7342582846959314 -2.185024936910441 -1.470928424021155 -1.5027096140572265 +20240,-0.3231424890989912,0,-0.5925345086488941 -0.5072257459188029 -0.8502665461727723 -1.0011498097760079 -1.408243122143704 -1.6231788978606574 -1.7868055933067837 -2.0188443959870632 -2.199574118086936 -2.274899666073588 -2.4907641130842477 -2.6012243856721162 -2.6397126451480575 -2.77416358897961 -2.836642519389673 -1.7342582846959314 -2.185024936910441 -1.470928424021155 -1.5027096140572265 -0.5399872000380329 +20241,-0.5169252000880642,0,-0.5072257459188029 -0.8502665461727723 -1.0011498097760079 -1.408243122143704 -1.6231788978606574 -1.7868055933067837 -2.0188443959870632 -2.199574118086936 -2.274899666073588 -2.4907641130842477 -2.6012243856721162 -2.6397126451480575 -2.77416358897961 -2.836642519389673 -1.7342582846959314 -2.185024936910441 -1.470928424021155 -1.5027096140572265 -0.5399872000380329 -0.3231424890989912 +20242,-0.16320468189122853,0,-0.8502665461727723 -1.0011498097760079 -1.408243122143704 -1.6231788978606574 -1.7868055933067837 -2.0188443959870632 -2.199574118086936 -2.274899666073588 -2.4907641130842477 -2.6012243856721162 -2.6397126451480575 -2.77416358897961 -2.836642519389673 -1.7342582846959314 -2.185024936910441 -1.470928424021155 -1.5027096140572265 -0.5399872000380329 -0.3231424890989912 -0.5169252000880642 +20243,-0.2201115854677395,0,-1.0011498097760079 -1.408243122143704 -1.6231788978606574 -1.7868055933067837 -2.0188443959870632 -2.199574118086936 -2.274899666073588 -2.4907641130842477 -2.6012243856721162 -2.6397126451480575 -2.77416358897961 -2.836642519389673 -1.7342582846959314 -2.185024936910441 -1.470928424021155 -1.5027096140572265 -0.5399872000380329 -0.3231424890989912 -0.5169252000880642 -0.16320468189122853 +20244,-0.6942239983612077,0,-1.408243122143704 -1.6231788978606574 -1.7868055933067837 -2.0188443959870632 -2.199574118086936 -2.274899666073588 -2.4907641130842477 -2.6012243856721162 -2.6397126451480575 -2.77416358897961 -2.836642519389673 -1.7342582846959314 -2.185024936910441 -1.470928424021155 -1.5027096140572265 -0.5399872000380329 -0.3231424890989912 -0.5169252000880642 -0.16320468189122853 -0.2201115854677395 +20245,-0.6120623990384443,0,-1.6231788978606574 -1.7868055933067837 -2.0188443959870632 -2.199574118086936 -2.274899666073588 -2.4907641130842477 -2.6012243856721162 -2.6397126451480575 -2.77416358897961 -2.836642519389673 -1.7342582846959314 -2.185024936910441 -1.470928424021155 -1.5027096140572265 -0.5399872000380329 -0.3231424890989912 -0.5169252000880642 -0.16320468189122853 -0.2201115854677395 -0.6942239983612077 +20246,-0.9471063087230667,0,-1.7868055933067837 -2.0188443959870632 -2.199574118086936 -2.274899666073588 -2.4907641130842477 -2.6012243856721162 -2.6397126451480575 -2.77416358897961 -2.836642519389673 -1.7342582846959314 -2.185024936910441 -1.470928424021155 -1.5027096140572265 -0.5399872000380329 -0.3231424890989912 -0.5169252000880642 -0.16320468189122853 -0.2201115854677395 -0.6942239983612077 -0.6120623990384443 +20247,-0.9998341923292018,0,-2.0188443959870632 -2.199574118086936 -2.274899666073588 -2.4907641130842477 -2.6012243856721162 -2.6397126451480575 -2.77416358897961 -2.836642519389673 -1.7342582846959314 -2.185024936910441 -1.470928424021155 -1.5027096140572265 -0.5399872000380329 -0.3231424890989912 -0.5169252000880642 -0.16320468189122853 -0.2201115854677395 -0.6942239983612077 -0.6120623990384443 -0.9471063087230667 +20248,-1.4289834442463616,0,-2.199574118086936 -2.274899666073588 -2.4907641130842477 -2.6012243856721162 -2.6397126451480575 -2.77416358897961 -2.836642519389673 -1.7342582846959314 -2.185024936910441 -1.470928424021155 -1.5027096140572265 -0.5399872000380329 -0.3231424890989912 -0.5169252000880642 -0.16320468189122853 -0.2201115854677395 -0.6942239983612077 -0.6120623990384443 -0.9471063087230667 -0.9998341923292018 +20249,-1.5758166697754716,0,-2.274899666073588 -2.4907641130842477 -2.6012243856721162 -2.6397126451480575 -2.77416358897961 -2.836642519389673 -1.7342582846959314 -2.185024936910441 -1.470928424021155 -1.5027096140572265 -0.5399872000380329 -0.3231424890989912 -0.5169252000880642 -0.16320468189122853 -0.2201115854677395 -0.6942239983612077 -0.6120623990384443 -0.9471063087230667 -0.9998341923292018 -1.4289834442463616 +20250,-1.826661063018983,0,-2.4907641130842477 -2.6012243856721162 -2.6397126451480575 -2.77416358897961 -2.836642519389673 -1.7342582846959314 -2.185024936910441 -1.470928424021155 -1.5027096140572265 -0.5399872000380329 -0.3231424890989912 -0.5169252000880642 -0.16320468189122853 -0.2201115854677395 -0.6942239983612077 -0.6120623990384443 -0.9471063087230667 -0.9998341923292018 -1.4289834442463616 -1.5758166697754716 +20251,-1.9388238995163372,0,-2.6012243856721162 -2.6397126451480575 -2.77416358897961 -2.836642519389673 -1.7342582846959314 -2.185024936910441 -1.470928424021155 -1.5027096140572265 -0.5399872000380329 -0.3231424890989912 -0.5169252000880642 -0.16320468189122853 -0.2201115854677395 -0.6942239983612077 -0.6120623990384443 -0.9471063087230667 -0.9998341923292018 -1.4289834442463616 -1.5758166697754716 -1.826661063018983 +20252,-2.1549979034185305,0,-2.6397126451480575 -2.77416358897961 -2.836642519389673 -1.7342582846959314 -2.185024936910441 -1.470928424021155 -1.5027096140572265 -0.5399872000380329 -0.3231424890989912 -0.5169252000880642 -0.16320468189122853 -0.2201115854677395 -0.6942239983612077 -0.6120623990384443 -0.9471063087230667 -0.9998341923292018 -1.4289834442463616 -1.5758166697754716 -1.826661063018983 -1.9388238995163372 +20253,-2.194569612556543,0,-2.77416358897961 -2.836642519389673 -1.7342582846959314 -2.185024936910441 -1.470928424021155 -1.5027096140572265 -0.5399872000380329 -0.3231424890989912 -0.5169252000880642 -0.16320468189122853 -0.2201115854677395 -0.6942239983612077 -0.6120623990384443 -0.9471063087230667 -0.9998341923292018 -1.4289834442463616 -1.5758166697754716 -1.826661063018983 -1.9388238995163372 -2.1549979034185305 +20254,-2.469611048201582,0,-2.836642519389673 -1.7342582846959314 -2.185024936910441 -1.470928424021155 -1.5027096140572265 -0.5399872000380329 -0.3231424890989912 -0.5169252000880642 -0.16320468189122853 -0.2201115854677395 -0.6942239983612077 -0.6120623990384443 -0.9471063087230667 -0.9998341923292018 -1.4289834442463616 -1.5758166697754716 -1.826661063018983 -1.9388238995163372 -2.1549979034185305 -2.194569612556543 +20255,-2.568050188927655,0,-1.7342582846959314 -2.185024936910441 -1.470928424021155 -1.5027096140572265 -0.5399872000380329 -0.3231424890989912 -0.5169252000880642 -0.16320468189122853 -0.2201115854677395 -0.6942239983612077 -0.6120623990384443 -0.9471063087230667 -0.9998341923292018 -1.4289834442463616 -1.5758166697754716 -1.826661063018983 -1.9388238995163372 -2.1549979034185305 -2.194569612556543 -2.469611048201582 +20256,-2.6017919069752753,0,-2.185024936910441 -1.470928424021155 -1.5027096140572265 -0.5399872000380329 -0.3231424890989912 -0.5169252000880642 -0.16320468189122853 -0.2201115854677395 -0.6942239983612077 -0.6120623990384443 -0.9471063087230667 -0.9998341923292018 -1.4289834442463616 -1.5758166697754716 -1.826661063018983 -1.9388238995163372 -2.1549979034185305 -2.194569612556543 -2.469611048201582 -2.568050188927655 +20257,-2.7217968552092455,0,-1.470928424021155 -1.5027096140572265 -0.5399872000380329 -0.3231424890989912 -0.5169252000880642 -0.16320468189122853 -0.2201115854677395 -0.6942239983612077 -0.6120623990384443 -0.9471063087230667 -0.9998341923292018 -1.4289834442463616 -1.5758166697754716 -1.826661063018983 -1.9388238995163372 -2.1549979034185305 -2.194569612556543 -2.469611048201582 -2.568050188927655 -2.6017919069752753 +20258,-2.777104380919541,0,-1.5027096140572265 -0.5399872000380329 -0.3231424890989912 -0.5169252000880642 -0.16320468189122853 -0.2201115854677395 -0.6942239983612077 -0.6120623990384443 -0.9471063087230667 -0.9998341923292018 -1.4289834442463616 -1.5758166697754716 -1.826661063018983 -1.9388238995163372 -2.1549979034185305 -2.194569612556543 -2.469611048201582 -2.568050188927655 -2.6017919069752753 -2.7217968552092455 +20259,-1.701909573356692,0,-0.5399872000380329 -0.3231424890989912 -0.5169252000880642 -0.16320468189122853 -0.2201115854677395 -0.6942239983612077 -0.6120623990384443 -0.9471063087230667 -0.9998341923292018 -1.4289834442463616 -1.5758166697754716 -1.826661063018983 -1.9388238995163372 -2.1549979034185305 -2.194569612556543 -2.469611048201582 -2.568050188927655 -2.6017919069752753 -2.7217968552092455 -2.777104380919541 +20260,-2.1340512100032525,0,-0.3231424890989912 -0.5169252000880642 -0.16320468189122853 -0.2201115854677395 -0.6942239983612077 -0.6120623990384443 -0.9471063087230667 -0.9998341923292018 -1.4289834442463616 -1.5758166697754716 -1.826661063018983 -1.9388238995163372 -2.1549979034185305 -2.194569612556543 -2.469611048201582 -2.568050188927655 -2.6017919069752753 -2.7217968552092455 -2.777104380919541 -1.701909573356692 +20261,-1.4356905135314546,0,-0.5169252000880642 -0.16320468189122853 -0.2201115854677395 -0.6942239983612077 -0.6120623990384443 -0.9471063087230667 -0.9998341923292018 -1.4289834442463616 -1.5758166697754716 -1.826661063018983 -1.9388238995163372 -2.1549979034185305 -2.194569612556543 -2.469611048201582 -2.568050188927655 -2.6017919069752753 -2.7217968552092455 -2.777104380919541 -1.701909573356692 -2.1340512100032525 +20262,-1.3839170975363724,0,-0.16320468189122853 -0.2201115854677395 -0.6942239983612077 -0.6120623990384443 -0.9471063087230667 -0.9998341923292018 -1.4289834442463616 -1.5758166697754716 -1.826661063018983 -1.9388238995163372 -2.1549979034185305 -2.194569612556543 -2.469611048201582 -2.568050188927655 -2.6017919069752753 -2.7217968552092455 -2.777104380919541 -1.701909573356692 -2.1340512100032525 -1.4356905135314546 +20263,-0.4700273075723301,0,-0.2201115854677395 -0.6942239983612077 -0.6120623990384443 -0.9471063087230667 -0.9998341923292018 -1.4289834442463616 -1.5758166697754716 -1.826661063018983 -1.9388238995163372 -2.1549979034185305 -2.194569612556543 -2.469611048201582 -2.568050188927655 -2.6017919069752753 -2.7217968552092455 -2.777104380919541 -1.701909573356692 -2.1340512100032525 -1.4356905135314546 -1.3839170975363724 +20264,-0.20272479808501231,0,-0.6942239983612077 -0.6120623990384443 -0.9471063087230667 -0.9998341923292018 -1.4289834442463616 -1.5758166697754716 -1.826661063018983 -1.9388238995163372 -2.1549979034185305 -2.194569612556543 -2.469611048201582 -2.568050188927655 -2.6017919069752753 -2.7217968552092455 -2.777104380919541 -1.701909573356692 -2.1340512100032525 -1.4356905135314546 -1.3839170975363724 -0.4700273075723301 +20265,-0.3404002944306823,0,-0.6120623990384443 -0.9471063087230667 -0.9998341923292018 -1.4289834442463616 -1.5758166697754716 -1.826661063018983 -1.9388238995163372 -2.1549979034185305 -2.194569612556543 -2.469611048201582 -2.568050188927655 -2.6017919069752753 -2.7217968552092455 -2.777104380919541 -1.701909573356692 -2.1340512100032525 -1.4356905135314546 -1.3839170975363724 -0.4700273075723301 -0.20272479808501231 +20266,0.06189488371923246,0,-0.9471063087230667 -0.9998341923292018 -1.4289834442463616 -1.5758166697754716 -1.826661063018983 -1.9388238995163372 -2.1549979034185305 -2.194569612556543 -2.469611048201582 -2.568050188927655 -2.6017919069752753 -2.7217968552092455 -2.777104380919541 -1.701909573356692 -2.1340512100032525 -1.4356905135314546 -1.3839170975363724 -0.4700273075723301 -0.20272479808501231 -0.3404002944306823 +20267,0.05921205588136501,0,-0.9998341923292018 -1.4289834442463616 -1.5758166697754716 -1.826661063018983 -1.9388238995163372 -2.1549979034185305 -2.194569612556543 -2.469611048201582 -2.568050188927655 -2.6017919069752753 -2.7217968552092455 -2.777104380919541 -1.701909573356692 -2.1340512100032525 -1.4356905135314546 -1.3839170975363724 -0.4700273075723301 -0.20272479808501231 -0.3404002944306823 0.06189488371923246 +20268,-0.32020169715906033,0,-1.4289834442463616 -1.5758166697754716 -1.826661063018983 -1.9388238995163372 -2.1549979034185305 -2.194569612556543 -2.469611048201582 -2.568050188927655 -2.6017919069752753 -2.7217968552092455 -2.777104380919541 -1.701909573356692 -2.1340512100032525 -1.4356905135314546 -1.3839170975363724 -0.4700273075723301 -0.20272479808501231 -0.3404002944306823 0.06189488371923246 0.05921205588136501 +20269,-0.1973075497746199,0,-1.5758166697754716 -1.826661063018983 -1.9388238995163372 -2.1549979034185305 -2.194569612556543 -2.469611048201582 -2.568050188927655 -2.6017919069752753 -2.7217968552092455 -2.777104380919541 -1.701909573356692 -2.1340512100032525 -1.4356905135314546 -1.3839170975363724 -0.4700273075723301 -0.20272479808501231 -0.3404002944306823 0.06189488371923246 0.05921205588136501 -0.32020169715906033 +20270,-0.451144327747523,0,-1.826661063018983 -1.9388238995163372 -2.1549979034185305 -2.194569612556543 -2.469611048201582 -2.568050188927655 -2.6017919069752753 -2.7217968552092455 -2.777104380919541 -1.701909573356692 -2.1340512100032525 -1.4356905135314546 -1.3839170975363724 -0.4700273075723301 -0.20272479808501231 -0.3404002944306823 0.06189488371923246 0.05921205588136501 -0.32020169715906033 -0.1973075497746199 +20271,-0.43133267678377746,0,-1.9388238995163372 -2.1549979034185305 -2.194569612556543 -2.469611048201582 -2.568050188927655 -2.6017919069752753 -2.7217968552092455 -2.777104380919541 -1.701909573356692 -2.1340512100032525 -1.4356905135314546 -1.3839170975363724 -0.4700273075723301 -0.20272479808501231 -0.3404002944306823 0.06189488371923246 0.05921205588136501 -0.32020169715906033 -0.1973075497746199 -0.451144327747523 +20272,-0.7763855976839712,0,-2.1549979034185305 -2.194569612556543 -2.469611048201582 -2.568050188927655 -2.6017919069752753 -2.7217968552092455 -2.777104380919541 -1.701909573356692 -2.1340512100032525 -1.4356905135314546 -1.3839170975363724 -0.4700273075723301 -0.20272479808501231 -0.3404002944306823 0.06189488371923246 0.05921205588136501 -0.32020169715906033 -0.1973075497746199 -0.451144327747523 -0.43133267678377746 +20273,-0.8477900898023019,0,-2.194569612556543 -2.469611048201582 -2.568050188927655 -2.6017919069752753 -2.7217968552092455 -2.777104380919541 -1.701909573356692 -2.1340512100032525 -1.4356905135314546 -1.3839170975363724 -0.4700273075723301 -0.20272479808501231 -0.3404002944306823 0.06189488371923246 0.05921205588136501 -0.32020169715906033 -0.1973075497746199 -0.451144327747523 -0.43133267678377746 -0.7763855976839712 +20274,-0.783221649174877,0,-2.469611048201582 -2.568050188927655 -2.6017919069752753 -2.7217968552092455 -2.777104380919541 -1.701909573356692 -2.1340512100032525 -1.4356905135314546 -1.3839170975363724 -0.4700273075723301 -0.20272479808501231 -0.3404002944306823 0.06189488371923246 0.05921205588136501 -0.32020169715906033 -0.1973075497746199 -0.451144327747523 -0.43133267678377746 -0.7763855976839712 -0.8477900898023019 +20275,-0.8999504521052691,0,-2.568050188927655 -2.6017919069752753 -2.7217968552092455 -2.777104380919541 -1.701909573356692 -2.1340512100032525 -1.4356905135314546 -1.3839170975363724 -0.4700273075723301 -0.20272479808501231 -0.3404002944306823 0.06189488371923246 0.05921205588136501 -0.32020169715906033 -0.1973075497746199 -0.451144327747523 -0.43133267678377746 -0.7763855976839712 -0.8477900898023019 -0.783221649174877 +20276,-0.8807063222899145,0,-2.6017919069752753 -2.7217968552092455 -2.777104380919541 -1.701909573356692 -2.1340512100032525 -1.4356905135314546 -1.3839170975363724 -0.4700273075723301 -0.20272479808501231 -0.3404002944306823 0.06189488371923246 0.05921205588136501 -0.32020169715906033 -0.1973075497746199 -0.451144327747523 -0.43133267678377746 -0.7763855976839712 -0.8477900898023019 -0.783221649174877 -0.8999504521052691 +20277,-0.8859945885492708,0,-2.7217968552092455 -2.777104380919541 -1.701909573356692 -2.1340512100032525 -1.4356905135314546 -1.3839170975363724 -0.4700273075723301 -0.20272479808501231 -0.3404002944306823 0.06189488371923246 0.05921205588136501 -0.32020169715906033 -0.1973075497746199 -0.451144327747523 -0.43133267678377746 -0.7763855976839712 -0.8477900898023019 -0.783221649174877 -0.8999504521052691 -0.8807063222899145 +20278,-0.8585729934788578,0,-2.777104380919541 -1.701909573356692 -2.1340512100032525 -1.4356905135314546 -1.3839170975363724 -0.4700273075723301 -0.20272479808501231 -0.3404002944306823 0.06189488371923246 0.05921205588136501 -0.32020169715906033 -0.1973075497746199 -0.451144327747523 -0.43133267678377746 -0.7763855976839712 -0.8477900898023019 -0.783221649174877 -0.8999504521052691 -0.8807063222899145 -0.8859945885492708 +20279,-0.8556837944831736,0,-1.701909573356692 -2.1340512100032525 -1.4356905135314546 -1.3839170975363724 -0.4700273075723301 -0.20272479808501231 -0.3404002944306823 0.06189488371923246 0.05921205588136501 -0.32020169715906033 -0.1973075497746199 -0.451144327747523 -0.43133267678377746 -0.7763855976839712 -0.8477900898023019 -0.783221649174877 -0.8999504521052691 -0.8807063222899145 -0.8859945885492708 -0.8585729934788578 +20280,-0.7290491660709086,0,-2.1340512100032525 -1.4356905135314546 -1.3839170975363724 -0.4700273075723301 -0.20272479808501231 -0.3404002944306823 0.06189488371923246 0.05921205588136501 -0.32020169715906033 -0.1973075497746199 -0.451144327747523 -0.43133267678377746 -0.7763855976839712 -0.8477900898023019 -0.783221649174877 -0.8999504521052691 -0.8807063222899145 -0.8859945885492708 -0.8585729934788578 -0.8556837944831736 +20281,-0.7674084433410281,0,-1.4356905135314546 -1.3839170975363724 -0.4700273075723301 -0.20272479808501231 -0.3404002944306823 0.06189488371923246 0.05921205588136501 -0.32020169715906033 -0.1973075497746199 -0.451144327747523 -0.43133267678377746 -0.7763855976839712 -0.8477900898023019 -0.783221649174877 -0.8999504521052691 -0.8807063222899145 -0.8859945885492708 -0.8585729934788578 -0.8556837944831736 -0.7290491660709086 +20282,-0.6820222915041472,0,-1.3839170975363724 -0.4700273075723301 -0.20272479808501231 -0.3404002944306823 0.06189488371923246 0.05921205588136501 -0.32020169715906033 -0.1973075497746199 -0.451144327747523 -0.43133267678377746 -0.7763855976839712 -0.8477900898023019 -0.783221649174877 -0.8999504521052691 -0.8807063222899145 -0.8859945885492708 -0.8585729934788578 -0.8556837944831736 -0.7290491660709086 -0.7674084433410281 +20283,-0.41446181775997154,0,-0.4700273075723301 -0.20272479808501231 -0.3404002944306823 0.06189488371923246 0.05921205588136501 -0.32020169715906033 -0.1973075497746199 -0.451144327747523 -0.43133267678377746 -0.7763855976839712 -0.8477900898023019 -0.783221649174877 -0.8999504521052691 -0.8807063222899145 -0.8859945885492708 -0.8585729934788578 -0.8556837944831736 -0.7290491660709086 -0.7674084433410281 -0.6820222915041472 +20284,-0.3898004397889925,0,-0.20272479808501231 -0.3404002944306823 0.06189488371923246 0.05921205588136501 -0.32020169715906033 -0.1973075497746199 -0.451144327747523 -0.43133267678377746 -0.7763855976839712 -0.8477900898023019 -0.783221649174877 -0.8999504521052691 -0.8807063222899145 -0.8859945885492708 -0.8585729934788578 -0.8556837944831736 -0.7290491660709086 -0.7674084433410281 -0.6820222915041472 -0.41446181775997154 +20285,-0.1829647399107276,0,-0.3404002944306823 0.06189488371923246 0.05921205588136501 -0.32020169715906033 -0.1973075497746199 -0.451144327747523 -0.43133267678377746 -0.7763855976839712 -0.8477900898023019 -0.783221649174877 -0.8999504521052691 -0.8807063222899145 -0.8859945885492708 -0.8585729934788578 -0.8556837944831736 -0.7290491660709086 -0.7674084433410281 -0.6820222915041472 -0.41446181775997154 -0.3898004397889925 +20286,-0.04500548299087097,0,0.06189488371923246 0.05921205588136501 -0.32020169715906033 -0.1973075497746199 -0.451144327747523 -0.43133267678377746 -0.7763855976839712 -0.8477900898023019 -0.783221649174877 -0.8999504521052691 -0.8807063222899145 -0.8859945885492708 -0.8585729934788578 -0.8556837944831736 -0.7290491660709086 -0.7674084433410281 -0.6820222915041472 -0.41446181775997154 -0.3898004397889925 -0.1829647399107276 +20287,0.18478903110367292,0,0.05921205588136501 -0.32020169715906033 -0.1973075497746199 -0.451144327747523 -0.43133267678377746 -0.7763855976839712 -0.8477900898023019 -0.783221649174877 -0.8999504521052691 -0.8807063222899145 -0.8859945885492708 -0.8585729934788578 -0.8556837944831736 -0.7290491660709086 -0.7674084433410281 -0.6820222915041472 -0.41446181775997154 -0.3898004397889925 -0.1829647399107276 -0.04500548299087097 +20288,0.34570710223980855,0,-0.32020169715906033 -0.1973075497746199 -0.451144327747523 -0.43133267678377746 -0.7763855976839712 -0.8477900898023019 -0.783221649174877 -0.8999504521052691 -0.8807063222899145 -0.8859945885492708 -0.8585729934788578 -0.8556837944831736 -0.7290491660709086 -0.7674084433410281 -0.6820222915041472 -0.41446181775997154 -0.3898004397889925 -0.1829647399107276 -0.04500548299087097 0.18478903110367292 +20289,0.20666439565787167,0,-0.1973075497746199 -0.451144327747523 -0.43133267678377746 -0.7763855976839712 -0.8477900898023019 -0.783221649174877 -0.8999504521052691 -0.8807063222899145 -0.8859945885492708 -0.8585729934788578 -0.8556837944831736 -0.7290491660709086 -0.7674084433410281 -0.6820222915041472 -0.41446181775997154 -0.3898004397889925 -0.1829647399107276 -0.04500548299087097 0.18478903110367292 0.34570710223980855 +20290,0.46756939290641525,0,-0.451144327747523 -0.43133267678377746 -0.7763855976839712 -0.8477900898023019 -0.783221649174877 -0.8999504521052691 -0.8807063222899145 -0.8859945885492708 -0.8585729934788578 -0.8556837944831736 -0.7290491660709086 -0.7674084433410281 -0.6820222915041472 -0.41446181775997154 -0.3898004397889925 -0.1829647399107276 -0.04500548299087097 0.18478903110367292 0.34570710223980855 0.20666439565787167 +20291,0.42851361212731504,0,-0.43133267678377746 -0.7763855976839712 -0.8477900898023019 -0.783221649174877 -0.8999504521052691 -0.8807063222899145 -0.8859945885492708 -0.8585729934788578 -0.8556837944831736 -0.7290491660709086 -0.7674084433410281 -0.6820222915041472 -0.41446181775997154 -0.3898004397889925 -0.1829647399107276 -0.04500548299087097 0.18478903110367292 0.34570710223980855 0.20666439565787167 0.46756939290641525 +20292,-0.07131783192708922,0,-0.7763855976839712 -0.8477900898023019 -0.783221649174877 -0.8999504521052691 -0.8807063222899145 -0.8859945885492708 -0.8585729934788578 -0.8556837944831736 -0.7290491660709086 -0.7674084433410281 -0.6820222915041472 -0.41446181775997154 -0.3898004397889925 -0.1829647399107276 -0.04500548299087097 0.18478903110367292 0.34570710223980855 0.20666439565787167 0.46756939290641525 0.42851361212731504 +20293,0.04321827520702797,0,-0.8477900898023019 -0.783221649174877 -0.8999504521052691 -0.8807063222899145 -0.8859945885492708 -0.8585729934788578 -0.8556837944831736 -0.7290491660709086 -0.7674084433410281 -0.6820222915041472 -0.41446181775997154 -0.3898004397889925 -0.1829647399107276 -0.04500548299087097 0.18478903110367292 0.34570710223980855 0.20666439565787167 0.46756939290641525 0.42851361212731504 -0.07131783192708922 +20294,-0.30302128108894455,0,-0.783221649174877 -0.8999504521052691 -0.8807063222899145 -0.8859945885492708 -0.8585729934788578 -0.8556837944831736 -0.7290491660709086 -0.7674084433410281 -0.6820222915041472 -0.41446181775997154 -0.3898004397889925 -0.1829647399107276 -0.04500548299087097 0.18478903110367292 0.34570710223980855 0.20666439565787167 0.46756939290641525 0.42851361212731504 -0.07131783192708922 0.04321827520702797 +20295,-0.40641333455594936,0,-0.8999504521052691 -0.8807063222899145 -0.8859945885492708 -0.8585729934788578 -0.8556837944831736 -0.7290491660709086 -0.7674084433410281 -0.6820222915041472 -0.41446181775997154 -0.3898004397889925 -0.1829647399107276 -0.04500548299087097 0.18478903110367292 0.34570710223980855 0.20666439565787167 0.46756939290641525 0.42851361212731504 -0.07131783192708922 0.04321827520702797 -0.30302128108894455 +20296,-0.8336020584615778,0,-0.8807063222899145 -0.8859945885492708 -0.8585729934788578 -0.8556837944831736 -0.7290491660709086 -0.7674084433410281 -0.6820222915041472 -0.41446181775997154 -0.3898004397889925 -0.1829647399107276 -0.04500548299087097 0.18478903110367292 0.34570710223980855 0.20666439565787167 0.46756939290641525 0.42851361212731504 -0.07131783192708922 0.04321827520702797 -0.30302128108894455 -0.40641333455594936 +20297,-1.0179432795382384,0,-0.8859945885492708 -0.8585729934788578 -0.8556837944831736 -0.7290491660709086 -0.7674084433410281 -0.6820222915041472 -0.41446181775997154 -0.3898004397889925 -0.1829647399107276 -0.04500548299087097 0.18478903110367292 0.34570710223980855 0.20666439565787167 0.46756939290641525 0.42851361212731504 -0.07131783192708922 0.04321827520702797 -0.30302128108894455 -0.40641333455594936 -0.8336020584615778 +20298,-1.0999758968099658,0,-0.8585729934788578 -0.8556837944831736 -0.7290491660709086 -0.7674084433410281 -0.6820222915041472 -0.41446181775997154 -0.3898004397889925 -0.1829647399107276 -0.04500548299087097 0.18478903110367292 0.34570710223980855 0.20666439565787167 0.46756939290641525 0.42851361212731504 -0.07131783192708922 0.04321827520702797 -0.30302128108894455 -0.40641333455594936 -0.8336020584615778 -1.0179432795382384 +20299,-1.3184199857700178,0,-0.8556837944831736 -0.7290491660709086 -0.7674084433410281 -0.6820222915041472 -0.41446181775997154 -0.3898004397889925 -0.1829647399107276 -0.04500548299087097 0.18478903110367292 0.34570710223980855 0.20666439565787167 0.46756939290641525 0.42851361212731504 -0.07131783192708922 0.04321827520702797 -0.30302128108894455 -0.40641333455594936 -0.8336020584615778 -1.0179432795382384 -1.0999758968099658 +20300,-1.4345554710799135,0,-0.7290491660709086 -0.7674084433410281 -0.6820222915041472 -0.41446181775997154 -0.3898004397889925 -0.1829647399107276 -0.04500548299087097 0.18478903110367292 0.34570710223980855 0.20666439565787167 0.46756939290641525 0.42851361212731504 -0.07131783192708922 0.04321827520702797 -0.30302128108894455 -0.40641333455594936 -0.8336020584615778 -1.0179432795382384 -1.0999758968099658 -1.3184199857700178 +20301,-1.426868137711662,0,-0.7674084433410281 -0.6820222915041472 -0.41446181775997154 -0.3898004397889925 -0.1829647399107276 -0.04500548299087097 0.18478903110367292 0.34570710223980855 0.20666439565787167 0.46756939290641525 0.42851361212731504 -0.07131783192708922 0.04321827520702797 -0.30302128108894455 -0.40641333455594936 -0.8336020584615778 -1.0179432795382384 -1.0999758968099658 -1.3184199857700178 -1.4345554710799135 +20302,-1.5842778957594934,0,-0.6820222915041472 -0.41446181775997154 -0.3898004397889925 -0.1829647399107276 -0.04500548299087097 0.18478903110367292 0.34570710223980855 0.20666439565787167 0.46756939290641525 0.42851361212731504 -0.07131783192708922 0.04321827520702797 -0.30302128108894455 -0.40641333455594936 -0.8336020584615778 -1.0179432795382384 -1.0999758968099658 -1.3184199857700178 -1.4345554710799135 -1.426868137711662 +20303,-1.6178648352839635,0,-0.41446181775997154 -0.3898004397889925 -0.1829647399107276 -0.04500548299087097 0.18478903110367292 0.34570710223980855 0.20666439565787167 0.46756939290641525 0.42851361212731504 -0.07131783192708922 0.04321827520702797 -0.30302128108894455 -0.40641333455594936 -0.8336020584615778 -1.0179432795382384 -1.0999758968099658 -1.3184199857700178 -1.4345554710799135 -1.426868137711662 -1.5842778957594934 +20304,-1.5866769628683886,0,-0.3898004397889925 -0.1829647399107276 -0.04500548299087097 0.18478903110367292 0.34570710223980855 0.20666439565787167 0.46756939290641525 0.42851361212731504 -0.07131783192708922 0.04321827520702797 -0.30302128108894455 -0.40641333455594936 -0.8336020584615778 -1.0179432795382384 -1.0999758968099658 -1.3184199857700178 -1.4345554710799135 -1.426868137711662 -1.5842778957594934 -1.6178648352839635 +20305,-1.641855506372862,0,-0.1829647399107276 -0.04500548299087097 0.18478903110367292 0.34570710223980855 0.20666439565787167 0.46756939290641525 0.42851361212731504 -0.07131783192708922 0.04321827520702797 -0.30302128108894455 -0.40641333455594936 -0.8336020584615778 -1.0179432795382384 -1.0999758968099658 -1.3184199857700178 -1.4345554710799135 -1.426868137711662 -1.5842778957594934 -1.6178648352839635 -1.5866769628683886 +20306,-1.632259237937299,0,-0.04500548299087097 0.18478903110367292 0.34570710223980855 0.20666439565787167 0.46756939290641525 0.42851361212731504 -0.07131783192708922 0.04321827520702797 -0.30302128108894455 -0.40641333455594936 -0.8336020584615778 -1.0179432795382384 -1.0999758968099658 -1.3184199857700178 -1.4345554710799135 -1.426868137711662 -1.5842778957594934 -1.6178648352839635 -1.5866769628683886 -1.641855506372862 +20307,-0.7307517298255999,0,0.18478903110367292 0.34570710223980855 0.20666439565787167 0.46756939290641525 0.42851361212731504 -0.07131783192708922 0.04321827520702797 -0.30302128108894455 -0.40641333455594936 -0.8336020584615778 -1.0179432795382384 -1.0999758968099658 -1.3184199857700178 -1.4345554710799135 -1.426868137711662 -1.5842778957594934 -1.6178648352839635 -1.5866769628683886 -1.641855506372862 -1.632259237937299 +20308,-1.0184592078971597,0,0.34570710223980855 0.20666439565787167 0.46756939290641525 0.42851361212731504 -0.07131783192708922 0.04321827520702797 -0.30302128108894455 -0.40641333455594936 -0.8336020584615778 -1.0179432795382384 -1.0999758968099658 -1.3184199857700178 -1.4345554710799135 -1.426868137711662 -1.5842778957594934 -1.6178648352839635 -1.5866769628683886 -1.641855506372862 -1.632259237937299 -0.7307517298255999 +20309,-0.4142554464473602,0,0.20666439565787167 0.46756939290641525 0.42851361212731504 -0.07131783192708922 0.04321827520702797 -0.30302128108894455 -0.40641333455594936 -0.8336020584615778 -1.0179432795382384 -1.0999758968099658 -1.3184199857700178 -1.4345554710799135 -1.426868137711662 -1.5842778957594934 -1.6178648352839635 -1.5866769628683886 -1.641855506372862 -1.632259237937299 -0.7307517298255999 -1.0184592078971597 +20310,-0.3493000595120501,0,0.46756939290641525 0.42851361212731504 -0.07131783192708922 0.04321827520702797 -0.30302128108894455 -0.40641333455594936 -0.8336020584615778 -1.0179432795382384 -1.0999758968099658 -1.3184199857700178 -1.4345554710799135 -1.426868137711662 -1.5842778957594934 -1.6178648352839635 -1.5866769628683886 -1.641855506372862 -1.632259237937299 -0.7307517298255999 -1.0184592078971597 -0.4142554464473602 +20311,0.4346531602640258,0,0.42851361212731504 -0.07131783192708922 0.04321827520702797 -0.30302128108894455 -0.40641333455594936 -0.8336020584615778 -1.0179432795382384 -1.0999758968099658 -1.3184199857700178 -1.4345554710799135 -1.426868137711662 -1.5842778957594934 -1.6178648352839635 -1.5866769628683886 -1.641855506372862 -1.632259237937299 -0.7307517298255999 -1.0184592078971597 -0.4142554464473602 -0.3493000595120501 +20312,0.6793580053708352,0,-0.07131783192708922 0.04321827520702797 -0.30302128108894455 -0.40641333455594936 -0.8336020584615778 -1.0179432795382384 -1.0999758968099658 -1.3184199857700178 -1.4345554710799135 -1.426868137711662 -1.5842778957594934 -1.6178648352839635 -1.5866769628683886 -1.641855506372862 -1.632259237937299 -0.7307517298255999 -1.0184592078971597 -0.4142554464473602 -0.3493000595120501 0.4346531602640258 +20313,0.5159118849199916,0,0.04321827520702797 -0.30302128108894455 -0.40641333455594936 -0.8336020584615778 -1.0179432795382384 -1.0999758968099658 -1.3184199857700178 -1.4345554710799135 -1.426868137711662 -1.5842778957594934 -1.6178648352839635 -1.5866769628683886 -1.641855506372862 -1.632259237937299 -0.7307517298255999 -1.0184592078971597 -0.4142554464473602 -0.3493000595120501 0.4346531602640258 0.6793580053708352 +20314,0.8966670518793463,0,-0.30302128108894455 -0.40641333455594936 -0.8336020584615778 -1.0179432795382384 -1.0999758968099658 -1.3184199857700178 -1.4345554710799135 -1.426868137711662 -1.5842778957594934 -1.6178648352839635 -1.5866769628683886 -1.641855506372862 -1.632259237937299 -0.7307517298255999 -1.0184592078971597 -0.4142554464473602 -0.3493000595120501 0.4346531602640258 0.6793580053708352 0.5159118849199916 +20315,0.8692712532810478,0,-0.40641333455594936 -0.8336020584615778 -1.0179432795382384 -1.0999758968099658 -1.3184199857700178 -1.4345554710799135 -1.426868137711662 -1.5842778957594934 -1.6178648352839635 -1.5866769628683886 -1.641855506372862 -1.632259237937299 -0.7307517298255999 -1.0184592078971597 -0.4142554464473602 -0.3493000595120501 0.4346531602640258 0.6793580053708352 0.5159118849199916 0.8966670518793463 +20316,0.20898607350518272,0,-0.8336020584615778 -1.0179432795382384 -1.0999758968099658 -1.3184199857700178 -1.4345554710799135 -1.426868137711662 -1.5842778957594934 -1.6178648352839635 -1.5866769628683886 -1.641855506372862 -1.632259237937299 -0.7307517298255999 -1.0184592078971597 -0.4142554464473602 -0.3493000595120501 0.4346531602640258 0.6793580053708352 0.5159118849199916 0.8966670518793463 0.8692712532810478 +20317,0.39255340196608185,0,-1.0179432795382384 -1.0999758968099658 -1.3184199857700178 -1.4345554710799135 -1.426868137711662 -1.5842778957594934 -1.6178648352839635 -1.5866769628683886 -1.641855506372862 -1.632259237937299 -0.7307517298255999 -1.0184592078971597 -0.4142554464473602 -0.3493000595120501 0.4346531602640258 0.6793580053708352 0.5159118849199916 0.8966670518793463 0.8692712532810478 0.20898607350518272 +20318,-0.05676865075058555,0,-1.0999758968099658 -1.3184199857700178 -1.4345554710799135 -1.426868137711662 -1.5842778957594934 -1.6178648352839635 -1.5866769628683886 -1.641855506372862 -1.632259237937299 -0.7307517298255999 -1.0184592078971597 -0.4142554464473602 -0.3493000595120501 0.4346531602640258 0.6793580053708352 0.5159118849199916 0.8966670518793463 0.8692712532810478 0.20898607350518272 0.39255340196608185 +20319,-0.22478073763448486,0,-1.3184199857700178 -1.4345554710799135 -1.426868137711662 -1.5842778957594934 -1.6178648352839635 -1.5866769628683886 -1.641855506372862 -1.632259237937299 -0.7307517298255999 -1.0184592078971597 -0.4142554464473602 -0.3493000595120501 0.4346531602640258 0.6793580053708352 0.5159118849199916 0.8966670518793463 0.8692712532810478 0.20898607350518272 0.39255340196608185 -0.05676865075058555 +20320,-0.7678727789104886,0,-1.4345554710799135 -1.426868137711662 -1.5842778957594934 -1.6178648352839635 -1.5866769628683886 -1.641855506372862 -1.632259237937299 -0.7307517298255999 -1.0184592078971597 -0.4142554464473602 -0.3493000595120501 0.4346531602640258 0.6793580053708352 0.5159118849199916 0.8966670518793463 0.8692712532810478 0.20898607350518272 0.39255340196608185 -0.05676865075058555 -0.22478073763448486 +20321,-1.029654854508501,0,-1.426868137711662 -1.5842778957594934 -1.6178648352839635 -1.5866769628683886 -1.641855506372862 -1.632259237937299 -0.7307517298255999 -1.0184592078971597 -0.4142554464473602 -0.3493000595120501 0.4346531602640258 0.6793580053708352 0.5159118849199916 0.8966670518793463 0.8692712532810478 0.20898607350518272 0.39255340196608185 -0.05676865075058555 -0.22478073763448486 -0.7678727789104886 +20322,-0.9289456287245692,0,-1.5842778957594934 -1.6178648352839635 -1.5866769628683886 -1.641855506372862 -1.632259237937299 -0.7307517298255999 -1.0184592078971597 -0.4142554464473602 -0.3493000595120501 0.4346531602640258 0.6793580053708352 0.5159118849199916 0.8966670518793463 0.8692712532810478 0.20898607350518272 0.39255340196608185 -0.05676865075058555 -0.22478073763448486 -0.7678727789104886 -1.029654854508501 +20323,-1.3115581379617745,0,-1.6178648352839635 -1.5866769628683886 -1.641855506372862 -1.632259237937299 -0.7307517298255999 -1.0184592078971597 -0.4142554464473602 -0.3493000595120501 0.4346531602640258 0.6793580053708352 0.5159118849199916 0.8966670518793463 0.8692712532810478 0.20898607350518272 0.39255340196608185 -0.05676865075058555 -0.22478073763448486 -0.7678727789104886 -1.029654854508501 -0.9289456287245692 +20324,-1.331679345971821,0,-1.5866769628683886 -1.641855506372862 -1.632259237937299 -0.7307517298255999 -1.0184592078971597 -0.4142554464473602 -0.3493000595120501 0.4346531602640258 0.6793580053708352 0.5159118849199916 0.8966670518793463 0.8692712532810478 0.20898607350518272 0.39255340196608185 -0.05676865075058555 -0.22478073763448486 -0.7678727789104886 -1.029654854508501 -0.9289456287245692 -1.3115581379617745 +20325,-1.1832467422669415,0,-1.641855506372862 -1.632259237937299 -0.7307517298255999 -1.0184592078971597 -0.4142554464473602 -0.3493000595120501 0.4346531602640258 0.6793580053708352 0.5159118849199916 0.8966670518793463 0.8692712532810478 0.20898607350518272 0.39255340196608185 -0.05676865075058555 -0.22478073763448486 -0.7678727789104886 -1.029654854508501 -0.9289456287245692 -1.3115581379617745 -1.331679345971821 +20326,-1.2595525541819665,0,-1.632259237937299 -0.7307517298255999 -1.0184592078971597 -0.4142554464473602 -0.3493000595120501 0.4346531602640258 0.6793580053708352 0.5159118849199916 0.8966670518793463 0.8692712532810478 0.20898607350518272 0.39255340196608185 -0.05676865075058555 -0.22478073763448486 -0.7678727789104886 -1.029654854508501 -0.9289456287245692 -1.3115581379617745 -1.331679345971821 -1.1832467422669415 +20327,-1.1673045543820477,0,-0.7307517298255999 -1.0184592078971597 -0.4142554464473602 -0.3493000595120501 0.4346531602640258 0.6793580053708352 0.5159118849199916 0.8966670518793463 0.8692712532810478 0.20898607350518272 0.39255340196608185 -0.05676865075058555 -0.22478073763448486 -0.7678727789104886 -1.029654854508501 -0.9289456287245692 -1.3115581379617745 -1.331679345971821 -1.1832467422669415 -1.2595525541819665 +20328,-1.143932997385769,0,-1.0184592078971597 -0.4142554464473602 -0.3493000595120501 0.4346531602640258 0.6793580053708352 0.5159118849199916 0.8966670518793463 0.8692712532810478 0.20898607350518272 0.39255340196608185 -0.05676865075058555 -0.22478073763448486 -0.7678727789104886 -1.029654854508501 -0.9289456287245692 -1.3115581379617745 -1.331679345971821 -1.1832467422669415 -1.2595525541819665 -1.1673045543820477 +20329,-1.0287261833695802,0,-0.4142554464473602 -0.3493000595120501 0.4346531602640258 0.6793580053708352 0.5159118849199916 0.8966670518793463 0.8692712532810478 0.20898607350518272 0.39255340196608185 -0.05676865075058555 -0.22478073763448486 -0.7678727789104886 -1.029654854508501 -0.9289456287245692 -1.3115581379617745 -1.331679345971821 -1.1832467422669415 -1.2595525541819665 -1.1673045543820477 -1.143932997385769 +20330,-0.982395812002228,0,-0.3493000595120501 0.4346531602640258 0.6793580053708352 0.5159118849199916 0.8966670518793463 0.8692712532810478 0.20898607350518272 0.39255340196608185 -0.05676865075058555 -0.22478073763448486 -0.7678727789104886 -1.029654854508501 -0.9289456287245692 -1.3115581379617745 -1.331679345971821 -1.1832467422669415 -1.2595525541819665 -1.1673045543820477 -1.143932997385769 -1.0287261833695802 +20331,-0.4830287035172843,0,0.4346531602640258 0.6793580053708352 0.5159118849199916 0.8966670518793463 0.8692712532810478 0.20898607350518272 0.39255340196608185 -0.05676865075058555 -0.22478073763448486 -0.7678727789104886 -1.029654854508501 -0.9289456287245692 -1.3115581379617745 -1.331679345971821 -1.1832467422669415 -1.2595525541819665 -1.1673045543820477 -1.143932997385769 -1.0287261833695802 -0.982395812002228 +20332,-0.5877105779589895,0,0.6793580053708352 0.5159118849199916 0.8966670518793463 0.8692712532810478 0.20898607350518272 0.39255340196608185 -0.05676865075058555 -0.22478073763448486 -0.7678727789104886 -1.029654854508501 -0.9289456287245692 -1.3115581379617745 -1.331679345971821 -1.1832467422669415 -1.2595525541819665 -1.1673045543820477 -1.143932997385769 -1.0287261833695802 -0.982395812002228 -0.4830287035172843 +20333,-0.23935571528310298,0,0.5159118849199916 0.8966670518793463 0.8692712532810478 0.20898607350518272 0.39255340196608185 -0.05676865075058555 -0.22478073763448486 -0.7678727789104886 -1.029654854508501 -0.9289456287245692 -1.3115581379617745 -1.331679345971821 -1.1832467422669415 -1.2595525541819665 -1.1673045543820477 -1.143932997385769 -1.0287261833695802 -0.982395812002228 -0.4830287035172843 -0.5877105779589895 +20334,-0.1642623350811943,0,0.8966670518793463 0.8692712532810478 0.20898607350518272 0.39255340196608185 -0.05676865075058555 -0.22478073763448486 -0.7678727789104886 -1.029654854508501 -0.9289456287245692 -1.3115581379617745 -1.331679345971821 -1.1832467422669415 -1.2595525541819665 -1.1673045543820477 -1.143932997385769 -1.0287261833695802 -0.982395812002228 -0.4830287035172843 -0.5877105779589895 -0.23935571528310298 +20335,0.2751796886257324,0,0.8692712532810478 0.20898607350518272 0.39255340196608185 -0.05676865075058555 -0.22478073763448486 -0.7678727789104886 -1.029654854508501 -0.9289456287245692 -1.3115581379617745 -1.331679345971821 -1.1832467422669415 -1.2595525541819665 -1.1673045543820477 -1.143932997385769 -1.0287261833695802 -0.982395812002228 -0.4830287035172843 -0.5877105779589895 -0.23935571528310298 -0.1642623350811943 +20336,0.44136022954911863,0,0.20898607350518272 0.39255340196608185 -0.05676865075058555 -0.22478073763448486 -0.7678727789104886 -1.029654854508501 -0.9289456287245692 -1.3115581379617745 -1.331679345971821 -1.1832467422669415 -1.2595525541819665 -1.1673045543820477 -1.143932997385769 -1.0287261833695802 -0.982395812002228 -0.4830287035172843 -0.5877105779589895 -0.23935571528310298 -0.1642623350811943 0.2751796886257324 +20337,0.1902578722035262,0,0.39255340196608185 -0.05676865075058555 -0.22478073763448486 -0.7678727789104886 -1.029654854508501 -0.9289456287245692 -1.3115581379617745 -1.331679345971821 -1.1832467422669415 -1.2595525541819665 -1.1673045543820477 -1.143932997385769 -1.0287261833695802 -0.982395812002228 -0.4830287035172843 -0.5877105779589895 -0.23935571528310298 -0.1642623350811943 0.2751796886257324 0.44136022954911863 +20338,0.49553271265308707,0,-0.05676865075058555 -0.22478073763448486 -0.7678727789104886 -1.029654854508501 -0.9289456287245692 -1.3115581379617745 -1.331679345971821 -1.1832467422669415 -1.2595525541819665 -1.1673045543820477 -1.143932997385769 -1.0287261833695802 -0.982395812002228 -0.4830287035172843 -0.5877105779589895 -0.23935571528310298 -0.1642623350811943 0.2751796886257324 0.44136022954911863 0.1902578722035262 +20339,0.383524654833678,0,-0.22478073763448486 -0.7678727789104886 -1.029654854508501 -0.9289456287245692 -1.3115581379617745 -1.331679345971821 -1.1832467422669415 -1.2595525541819665 -1.1673045543820477 -1.143932997385769 -1.0287261833695802 -0.982395812002228 -0.4830287035172843 -0.5877105779589895 -0.23935571528310298 -0.1642623350811943 0.2751796886257324 0.44136022954911863 0.1902578722035262 0.49553271265308707 +20340,-0.11457842914868867,0,-0.7678727789104886 -1.029654854508501 -0.9289456287245692 -1.3115581379617745 -1.331679345971821 -1.1832467422669415 -1.2595525541819665 -1.1673045543820477 -1.143932997385769 -1.0287261833695802 -0.982395812002228 -0.4830287035172843 -0.5877105779589895 -0.23935571528310298 -0.1642623350811943 0.2751796886257324 0.44136022954911863 0.1902578722035262 0.49553271265308707 0.383524654833678 +20341,-0.09788814512015655,0,-1.029654854508501 -0.9289456287245692 -1.3115581379617745 -1.331679345971821 -1.1832467422669415 -1.2595525541819665 -1.1673045543820477 -1.143932997385769 -1.0287261833695802 -0.982395812002228 -0.4830287035172843 -0.5877105779589895 -0.23935571528310298 -0.1642623350811943 0.2751796886257324 0.44136022954911863 0.1902578722035262 0.49553271265308707 0.383524654833678 -0.11457842914868867 +20342,-0.4672928869450194,0,-0.9289456287245692 -1.3115581379617745 -1.331679345971821 -1.1832467422669415 -1.2595525541819665 -1.1673045543820477 -1.143932997385769 -1.0287261833695802 -0.982395812002228 -0.4830287035172843 -0.5877105779589895 -0.23935571528310298 -0.1642623350811943 0.2751796886257324 0.44136022954911863 0.1902578722035262 0.49553271265308707 0.383524654833678 -0.11457842914868867 -0.09788814512015655 +20343,-0.43380913315424785,0,-1.3115581379617745 -1.331679345971821 -1.1832467422669415 -1.2595525541819665 -1.1673045543820477 -1.143932997385769 -1.0287261833695802 -0.982395812002228 -0.4830287035172843 -0.5877105779589895 -0.23935571528310298 -0.1642623350811943 0.2751796886257324 0.44136022954911863 0.1902578722035262 0.49553271265308707 0.383524654833678 -0.11457842914868867 -0.09788814512015655 -0.4672928869450194 +20344,-0.9375100402875038,0,-1.331679345971821 -1.1832467422669415 -1.2595525541819665 -1.1673045543820477 -1.143932997385769 -1.0287261833695802 -0.982395812002228 -0.4830287035172843 -0.5877105779589895 -0.23935571528310298 -0.1642623350811943 0.2751796886257324 0.44136022954911863 0.1902578722035262 0.49553271265308707 0.383524654833678 -0.11457842914868867 -0.09788814512015655 -0.4672928869450194 -0.43380913315424785 +20345,-1.0383224518051342,0,-1.1832467422669415 -1.2595525541819665 -1.1673045543820477 -1.143932997385769 -1.0287261833695802 -0.982395812002228 -0.4830287035172843 -0.5877105779589895 -0.23935571528310298 -0.1642623350811943 0.2751796886257324 0.44136022954911863 0.1902578722035262 0.49553271265308707 0.383524654833678 -0.11457842914868867 -0.09788814512015655 -0.4672928869450194 -0.43380913315424785 -0.9375100402875038 +20346,-0.9652411924042267,0,-1.2595525541819665 -1.1673045543820477 -1.143932997385769 -1.0287261833695802 -0.982395812002228 -0.4830287035172843 -0.5877105779589895 -0.23935571528310298 -0.1642623350811943 0.2751796886257324 0.44136022954911863 0.1902578722035262 0.49553271265308707 0.383524654833678 -0.11457842914868867 -0.09788814512015655 -0.4672928869450194 -0.43380913315424785 -0.9375100402875038 -1.0383224518051342 +20347,-1.124018160688334,0,-1.1673045543820477 -1.143932997385769 -1.0287261833695802 -0.982395812002228 -0.4830287035172843 -0.5877105779589895 -0.23935571528310298 -0.1642623350811943 0.2751796886257324 0.44136022954911863 0.1902578722035262 0.49553271265308707 0.383524654833678 -0.11457842914868867 -0.09788814512015655 -0.4672928869450194 -0.43380913315424785 -0.9375100402875038 -1.0383224518051342 -0.9652411924042267 +20348,-1.1089014583634569,0,-1.143932997385769 -1.0287261833695802 -0.982395812002228 -0.4830287035172843 -0.5877105779589895 -0.23935571528310298 -0.1642623350811943 0.2751796886257324 0.44136022954911863 0.1902578722035262 0.49553271265308707 0.383524654833678 -0.11457842914868867 -0.09788814512015655 -0.4672928869450194 -0.43380913315424785 -0.9375100402875038 -1.0383224518051342 -0.9652411924042267 -1.124018160688334 +20349,-1.2187684133308287,0,-1.0287261833695802 -0.982395812002228 -0.4830287035172843 -0.5877105779589895 -0.23935571528310298 -0.1642623350811943 0.2751796886257324 0.44136022954911863 0.1902578722035262 0.49553271265308707 0.383524654833678 -0.11457842914868867 -0.09788814512015655 -0.4672928869450194 -0.43380913315424785 -0.9375100402875038 -1.0383224518051342 -0.9652411924042267 -1.124018160688334 -1.1089014583634569 +20350,-1.1619904918053539,0,-0.982395812002228 -0.4830287035172843 -0.5877105779589895 -0.23935571528310298 -0.1642623350811943 0.2751796886257324 0.44136022954911863 0.1902578722035262 0.49553271265308707 0.383524654833678 -0.11457842914868867 -0.09788814512015655 -0.4672928869450194 -0.43380913315424785 -0.9375100402875038 -1.0383224518051342 -0.9652411924042267 -1.124018160688334 -1.1089014583634569 -1.2187684133308287 +20351,-1.230196227572119,0,-0.4830287035172843 -0.5877105779589895 -0.23935571528310298 -0.1642623350811943 0.2751796886257324 0.44136022954911863 0.1902578722035262 0.49553271265308707 0.383524654833678 -0.11457842914868867 -0.09788814512015655 -0.4672928869450194 -0.43380913315424785 -0.9375100402875038 -1.0383224518051342 -0.9652411924042267 -1.124018160688334 -1.1089014583634569 -1.2187684133308287 -1.1619904918053539 +20352,-1.3752495002397305,0,-0.5877105779589895 -0.23935571528310298 -0.1642623350811943 0.2751796886257324 0.44136022954911863 0.1902578722035262 0.49553271265308707 0.383524654833678 -0.11457842914868867 -0.09788814512015655 -0.4672928869450194 -0.43380913315424785 -0.9375100402875038 -1.0383224518051342 -0.9652411924042267 -1.124018160688334 -1.1089014583634569 -1.2187684133308287 -1.1619904918053539 -1.230196227572119 +20353,-1.4178393905792581,0,-0.23935571528310298 -0.1642623350811943 0.2751796886257324 0.44136022954911863 0.1902578722035262 0.49553271265308707 0.383524654833678 -0.11457842914868867 -0.09788814512015655 -0.4672928869450194 -0.43380913315424785 -0.9375100402875038 -1.0383224518051342 -0.9652411924042267 -1.124018160688334 -1.1089014583634569 -1.2187684133308287 -1.1619904918053539 -1.230196227572119 -1.3752495002397305 +20354,-1.5372768175100695,0,-0.1642623350811943 0.2751796886257324 0.44136022954911863 0.1902578722035262 0.49553271265308707 0.383524654833678 -0.11457842914868867 -0.09788814512015655 -0.4672928869450194 -0.43380913315424785 -0.9375100402875038 -1.0383224518051342 -0.9652411924042267 -1.124018160688334 -1.1089014583634569 -1.2187684133308287 -1.1619904918053539 -1.230196227572119 -1.3752495002397305 -1.4178393905792581 +20355,-0.840954038311396,0,0.2751796886257324 0.44136022954911863 0.1902578722035262 0.49553271265308707 0.383524654833678 -0.11457842914868867 -0.09788814512015655 -0.4672928869450194 -0.43380913315424785 -0.9375100402875038 -1.0383224518051342 -0.9652411924042267 -1.124018160688334 -1.1089014583634569 -1.2187684133308287 -1.1619904918053539 -1.230196227572119 -1.3752495002397305 -1.4178393905792581 -1.5372768175100695 +20356,-1.2323115341068187,0,0.44136022954911863 0.1902578722035262 0.49553271265308707 0.383524654833678 -0.11457842914868867 -0.09788814512015655 -0.4672928869450194 -0.43380913315424785 -0.9375100402875038 -1.0383224518051342 -0.9652411924042267 -1.124018160688334 -1.1089014583634569 -1.2187684133308287 -1.1619904918053539 -1.230196227572119 -1.3752495002397305 -1.4178393905792581 -1.5372768175100695 -0.840954038311396 +20357,-0.8079088236179793,0,0.1902578722035262 0.49553271265308707 0.383524654833678 -0.11457842914868867 -0.09788814512015655 -0.4672928869450194 -0.43380913315424785 -0.9375100402875038 -1.0383224518051342 -0.9652411924042267 -1.124018160688334 -1.1089014583634569 -1.2187684133308287 -1.1619904918053539 -1.230196227572119 -1.3752495002397305 -1.4178393905792581 -1.5372768175100695 -0.840954038311396 -1.2323115341068187 +20358,-0.8274883067969815,0,0.49553271265308707 0.383524654833678 -0.11457842914868867 -0.09788814512015655 -0.4672928869450194 -0.43380913315424785 -0.9375100402875038 -1.0383224518051342 -0.9652411924042267 -1.124018160688334 -1.1089014583634569 -1.2187684133308287 -1.1619904918053539 -1.230196227572119 -1.3752495002397305 -1.4178393905792581 -1.5372768175100695 -0.840954038311396 -1.2323115341068187 -0.8079088236179793 +20359,-0.25509153170059096,0,0.383524654833678 -0.11457842914868867 -0.09788814512015655 -0.4672928869450194 -0.43380913315424785 -0.9375100402875038 -1.0383224518051342 -0.9652411924042267 -1.124018160688334 -1.1089014583634569 -1.2187684133308287 -1.1619904918053539 -1.230196227572119 -1.3752495002397305 -1.4178393905792581 -1.5372768175100695 -0.840954038311396 -1.2323115341068187 -0.8079088236179793 -0.8274883067969815 +20360,-0.12667695042683638,0,-0.11457842914868867 -0.09788814512015655 -0.4672928869450194 -0.43380913315424785 -0.9375100402875038 -1.0383224518051342 -0.9652411924042267 -1.124018160688334 -1.1089014583634569 -1.2187684133308287 -1.1619904918053539 -1.230196227572119 -1.3752495002397305 -1.4178393905792581 -1.5372768175100695 -0.840954038311396 -1.2323115341068187 -0.8079088236179793 -0.8274883067969815 -0.25509153170059096 +20361,-0.2376273550562885,0,-0.09788814512015655 -0.4672928869450194 -0.43380913315424785 -0.9375100402875038 -1.0383224518051342 -0.9652411924042267 -1.124018160688334 -1.1089014583634569 -1.2187684133308287 -1.1619904918053539 -1.230196227572119 -1.3752495002397305 -1.4178393905792581 -1.5372768175100695 -0.840954038311396 -1.2323115341068187 -0.8079088236179793 -0.8274883067969815 -0.25509153170059096 -0.12667695042683638 +20362,-0.029424444941756667,0,-0.4672928869450194 -0.43380913315424785 -0.9375100402875038 -1.0383224518051342 -0.9652411924042267 -1.124018160688334 -1.1089014583634569 -1.2187684133308287 -1.1619904918053539 -1.230196227572119 -1.3752495002397305 -1.4178393905792581 -1.5372768175100695 -0.840954038311396 -1.2323115341068187 -0.8079088236179793 -0.8274883067969815 -0.25509153170059096 -0.12667695042683638 -0.2376273550562885 +20363,-0.06058652103999407,0,-0.43380913315424785 -0.9375100402875038 -1.0383224518051342 -0.9652411924042267 -1.124018160688334 -1.1089014583634569 -1.2187684133308287 -1.1619904918053539 -1.230196227572119 -1.3752495002397305 -1.4178393905792581 -1.5372768175100695 -0.840954038311396 -1.2323115341068187 -0.8079088236179793 -0.8274883067969815 -0.25509153170059096 -0.12667695042683638 -0.2376273550562885 -0.029424444941756667 +20364,-0.5758184281482388,0,-0.9375100402875038 -1.0383224518051342 -0.9652411924042267 -1.124018160688334 -1.1089014583634569 -1.2187684133308287 -1.1619904918053539 -1.230196227572119 -1.3752495002397305 -1.4178393905792581 -1.5372768175100695 -0.840954038311396 -1.2323115341068187 -0.8079088236179793 -0.8274883067969815 -0.25509153170059096 -0.12667695042683638 -0.2376273550562885 -0.029424444941756667 -0.06058652103999407 +20365,-0.44562389370342326,0,-1.0383224518051342 -0.9652411924042267 -1.124018160688334 -1.1089014583634569 -1.2187684133308287 -1.1619904918053539 -1.230196227572119 -1.3752495002397305 -1.4178393905792581 -1.5372768175100695 -0.840954038311396 -1.2323115341068187 -0.8079088236179793 -0.8274883067969815 -0.25509153170059096 -0.12667695042683638 -0.2376273550562885 -0.029424444941756667 -0.06058652103999407 -0.5758184281482388 +20366,-0.7994991905781952,0,-0.9652411924042267 -1.124018160688334 -1.1089014583634569 -1.2187684133308287 -1.1619904918053539 -1.230196227572119 -1.3752495002397305 -1.4178393905792581 -1.5372768175100695 -0.840954038311396 -1.2323115341068187 -0.8079088236179793 -0.8274883067969815 -0.25509153170059096 -0.12667695042683638 -0.2376273550562885 -0.029424444941756667 -0.06058652103999407 -0.5758184281482388 -0.44562389370342326 +20367,-0.9068122999135125,0,-1.124018160688334 -1.1089014583634569 -1.2187684133308287 -1.1619904918053539 -1.230196227572119 -1.3752495002397305 -1.4178393905792581 -1.5372768175100695 -0.840954038311396 -1.2323115341068187 -0.8079088236179793 -0.8274883067969815 -0.25509153170059096 -0.12667695042683638 -0.2376273550562885 -0.029424444941756667 -0.06058652103999407 -0.5758184281482388 -0.44562389370342326 -0.7994991905781952 +20368,-1.3428749924283856,0,-1.1089014583634569 -1.2187684133308287 -1.1619904918053539 -1.230196227572119 -1.3752495002397305 -1.4178393905792581 -1.5372768175100695 -0.840954038311396 -1.2323115341068187 -0.8079088236179793 -0.8274883067969815 -0.25509153170059096 -0.12667695042683638 -0.2376273550562885 -0.029424444941756667 -0.06058652103999407 -0.5758184281482388 -0.44562389370342326 -0.7994991905781952 -0.9068122999135125 +20369,-1.5323754977133752,0,-1.2187684133308287 -1.1619904918053539 -1.230196227572119 -1.3752495002397305 -1.4178393905792581 -1.5372768175100695 -0.840954038311396 -1.2323115341068187 -0.8079088236179793 -0.8274883067969815 -0.25509153170059096 -0.12667695042683638 -0.2376273550562885 -0.029424444941756667 -0.06058652103999407 -0.5758184281482388 -0.44562389370342326 -0.7994991905781952 -0.9068122999135125 -1.3428749924283856 +20370,-1.5715860568608493,0,-1.1619904918053539 -1.230196227572119 -1.3752495002397305 -1.4178393905792581 -1.5372768175100695 -0.840954038311396 -1.2323115341068187 -0.8079088236179793 -0.8274883067969815 -0.25509153170059096 -0.12667695042683638 -0.2376273550562885 -0.029424444941756667 -0.06058652103999407 -0.5758184281482388 -0.44562389370342326 -0.7994991905781952 -0.9068122999135125 -1.3428749924283856 -1.5323754977133752 +20371,-1.8111832107035672,0,-1.230196227572119 -1.3752495002397305 -1.4178393905792581 -1.5372768175100695 -0.840954038311396 -1.2323115341068187 -0.8079088236179793 -0.8274883067969815 -0.25509153170059096 -0.12667695042683638 -0.2376273550562885 -0.029424444941756667 -0.06058652103999407 -0.5758184281482388 -0.44562389370342326 -0.7994991905781952 -0.9068122999135125 -1.3428749924283856 -1.5323754977133752 -1.5715860568608493 +20372,-1.9004904185635465,0,-1.3752495002397305 -1.4178393905792581 -1.5372768175100695 -0.840954038311396 -1.2323115341068187 -0.8079088236179793 -0.8274883067969815 -0.25509153170059096 -0.12667695042683638 -0.2376273550562885 -0.029424444941756667 -0.06058652103999407 -0.5758184281482388 -0.44562389370342326 -0.7994991905781952 -0.9068122999135125 -1.3428749924283856 -1.5323754977133752 -1.5715860568608493 -1.8111832107035672 +20373,-1.8735589555347172,0,-1.4178393905792581 -1.5372768175100695 -0.840954038311396 -1.2323115341068187 -0.8079088236179793 -0.8274883067969815 -0.25509153170059096 -0.12667695042683638 -0.2376273550562885 -0.029424444941756667 -0.06058652103999407 -0.5758184281482388 -0.44562389370342326 -0.7994991905781952 -0.9068122999135125 -1.3428749924283856 -1.5323754977133752 -1.5715860568608493 -1.8111832107035672 -1.9004904185635465 +20374,-2.001612386972701,0,-1.5372768175100695 -0.840954038311396 -1.2323115341068187 -0.8079088236179793 -0.8274883067969815 -0.25509153170059096 -0.12667695042683638 -0.2376273550562885 -0.029424444941756667 -0.06058652103999407 -0.5758184281482388 -0.44562389370342326 -0.7994991905781952 -0.9068122999135125 -1.3428749924283856 -1.5323754977133752 -1.5715860568608493 -1.8111832107035672 -1.9004904185635465 -1.8735589555347172 +20375,-2.013427147676662,0,-0.840954038311396 -1.2323115341068187 -0.8079088236179793 -0.8274883067969815 -0.25509153170059096 -0.12667695042683638 -0.2376273550562885 -0.029424444941756667 -0.06058652103999407 -0.5758184281482388 -0.44562389370342326 -0.7994991905781952 -0.9068122999135125 -1.3428749924283856 -1.5323754977133752 -1.5715860568608493 -1.8111832107035672 -1.9004904185635465 -1.8735589555347172 -2.001612386972701 +20376,-1.9499421567113175,0,-1.2323115341068187 -0.8079088236179793 -0.8274883067969815 -0.25509153170059096 -0.12667695042683638 -0.2376273550562885 -0.029424444941756667 -0.06058652103999407 -0.5758184281482388 -0.44562389370342326 -0.7994991905781952 -0.9068122999135125 -1.3428749924283856 -1.5323754977133752 -1.5715860568608493 -1.8111832107035672 -1.9004904185635465 -1.8735589555347172 -2.001612386972701 -2.013427147676662 +20377,-1.9868568344835948,0,-0.8079088236179793 -0.8274883067969815 -0.25509153170059096 -0.12667695042683638 -0.2376273550562885 -0.029424444941756667 -0.06058652103999407 -0.5758184281482388 -0.44562389370342326 -0.7994991905781952 -0.9068122999135125 -1.3428749924283856 -1.5323754977133752 -1.5715860568608493 -1.8111832107035672 -1.9004904185635465 -1.8735589555347172 -2.001612386972701 -2.013427147676662 -1.9499421567113175 +20378,-1.9484717607413522,0,-0.8274883067969815 -0.25509153170059096 -0.12667695042683638 -0.2376273550562885 -0.029424444941756667 -0.06058652103999407 -0.5758184281482388 -0.44562389370342326 -0.7994991905781952 -0.9068122999135125 -1.3428749924283856 -1.5323754977133752 -1.5715860568608493 -1.8111832107035672 -1.9004904185635465 -1.8735589555347172 -2.001612386972701 -2.013427147676662 -1.9499421567113175 -1.9868568344835948 +20379,-1.4450546141822829,0,-0.25509153170059096 -0.12667695042683638 -0.2376273550562885 -0.029424444941756667 -0.06058652103999407 -0.5758184281482388 -0.44562389370342326 -0.7994991905781952 -0.9068122999135125 -1.3428749924283856 -1.5323754977133752 -1.5715860568608493 -1.8111832107035672 -1.9004904185635465 -1.8735589555347172 -2.001612386972701 -2.013427147676662 -1.9499421567113175 -1.9868568344835948 -1.9484717607413522 +20380,-1.5616802313789853,0,-0.12667695042683638 -0.2376273550562885 -0.029424444941756667 -0.06058652103999407 -0.5758184281482388 -0.44562389370342326 -0.7994991905781952 -0.9068122999135125 -1.3428749924283856 -1.5323754977133752 -1.5715860568608493 -1.8111832107035672 -1.9004904185635465 -1.8735589555347172 -2.001612386972701 -2.013427147676662 -1.9499421567113175 -1.9868568344835948 -1.9484717607413522 -1.4450546141822829 +20381,-1.213273775758852,0,-0.2376273550562885 -0.029424444941756667 -0.06058652103999407 -0.5758184281482388 -0.44562389370342326 -0.7994991905781952 -0.9068122999135125 -1.3428749924283856 -1.5323754977133752 -1.5715860568608493 -1.8111832107035672 -1.9004904185635465 -1.8735589555347172 -2.001612386972701 -2.013427147676662 -1.9499421567113175 -1.9868568344835948 -1.9484717607413522 -1.4450546141822829 -1.5616802313789853 +20382,-0.9947265010651016,0,-0.029424444941756667 -0.06058652103999407 -0.5758184281482388 -0.44562389370342326 -0.7994991905781952 -0.9068122999135125 -1.3428749924283856 -1.5323754977133752 -1.5715860568608493 -1.8111832107035672 -1.9004904185635465 -1.8735589555347172 -2.001612386972701 -2.013427147676662 -1.9499421567113175 -1.9868568344835948 -1.9484717607413522 -1.4450546141822829 -1.5616802313789853 -1.213273775758852 +20383,-0.6030336517512547,0,-0.06058652103999407 -0.5758184281482388 -0.44562389370342326 -0.7994991905781952 -0.9068122999135125 -1.3428749924283856 -1.5323754977133752 -1.5715860568608493 -1.8111832107035672 -1.9004904185635465 -1.8735589555347172 -2.001612386972701 -2.013427147676662 -1.9499421567113175 -1.9868568344835948 -1.9484717607413522 -1.4450546141822829 -1.5616802313789853 -1.213273775758852 -0.9947265010651016 +20384,-0.3411999835185759,0,-0.5758184281482388 -0.44562389370342326 -0.7994991905781952 -0.9068122999135125 -1.3428749924283856 -1.5323754977133752 -1.5715860568608493 -1.8111832107035672 -1.9004904185635465 -1.8735589555347172 -2.001612386972701 -2.013427147676662 -1.9499421567113175 -1.9868568344835948 -1.9484717607413522 -1.4450546141822829 -1.5616802313789853 -1.213273775758852 -0.9947265010651016 -0.6030336517512547 +20385,-0.47869490486897204,0,-0.44562389370342326 -0.7994991905781952 -0.9068122999135125 -1.3428749924283856 -1.5323754977133752 -1.5715860568608493 -1.8111832107035672 -1.9004904185635465 -1.8735589555347172 -2.001612386972701 -2.013427147676662 -1.9499421567113175 -1.9868568344835948 -1.9484717607413522 -1.4450546141822829 -1.5616802313789853 -1.213273775758852 -0.9947265010651016 -0.6030336517512547 -0.3411999835185759 +20386,-0.08375170656888442,0,-0.7994991905781952 -0.9068122999135125 -1.3428749924283856 -1.5323754977133752 -1.5715860568608493 -1.8111832107035672 -1.9004904185635465 -1.8735589555347172 -2.001612386972701 -2.013427147676662 -1.9499421567113175 -1.9868568344835948 -1.9484717607413522 -1.4450546141822829 -1.5616802313789853 -1.213273775758852 -0.9947265010651016 -0.6030336517512547 -0.3411999835185759 -0.47869490486897204 +20387,-0.08813709816144312,0,-0.9068122999135125 -1.3428749924283856 -1.5323754977133752 -1.5715860568608493 -1.8111832107035672 -1.9004904185635465 -1.8735589555347172 -2.001612386972701 -2.013427147676662 -1.9499421567113175 -1.9868568344835948 -1.9484717607413522 -1.4450546141822829 -1.5616802313789853 -1.213273775758852 -0.9947265010651016 -0.6030336517512547 -0.3411999835185759 -0.47869490486897204 -0.08375170656888442 +20388,-0.36299795881119934,0,-1.3428749924283856 -1.5323754977133752 -1.5715860568608493 -1.8111832107035672 -1.9004904185635465 -1.8735589555347172 -2.001612386972701 -2.013427147676662 -1.9499421567113175 -1.9868568344835948 -1.9484717607413522 -1.4450546141822829 -1.5616802313789853 -1.213273775758852 -0.9947265010651016 -0.6030336517512547 -0.3411999835185759 -0.47869490486897204 -0.08375170656888442 -0.08813709816144312 +20389,-0.2772248605116476,0,-1.5323754977133752 -1.5715860568608493 -1.8111832107035672 -1.9004904185635465 -1.8735589555347172 -2.001612386972701 -2.013427147676662 -1.9499421567113175 -1.9868568344835948 -1.9484717607413522 -1.4450546141822829 -1.5616802313789853 -1.213273775758852 -0.9947265010651016 -0.6030336517512547 -0.3411999835185759 -0.47869490486897204 -0.08375170656888442 -0.08813709816144312 -0.36299795881119934 +20390,-0.46192723157885585,0,-1.5715860568608493 -1.8111832107035672 -1.9004904185635465 -1.8735589555347172 -2.001612386972701 -2.013427147676662 -1.9499421567113175 -1.9868568344835948 -1.9484717607413522 -1.4450546141822829 -1.5616802313789853 -1.213273775758852 -0.9947265010651016 -0.6030336517512547 -0.3411999835185759 -0.47869490486897204 -0.08375170656888442 -0.08813709816144312 -0.36299795881119934 -0.2772248605116476 +20391,-0.5673829986363315,0,-1.8111832107035672 -1.9004904185635465 -1.8735589555347172 -2.001612386972701 -2.013427147676662 -1.9499421567113175 -1.9868568344835948 -1.9484717607413522 -1.4450546141822829 -1.5616802313789853 -1.213273775758852 -0.9947265010651016 -0.6030336517512547 -0.3411999835185759 -0.47869490486897204 -0.08375170656888442 -0.08813709816144312 -0.36299795881119934 -0.2772248605116476 -0.46192723157885585 +20392,-0.7785009042186797,0,-1.9004904185635465 -1.8735589555347172 -2.001612386972701 -2.013427147676662 -1.9499421567113175 -1.9868568344835948 -1.9484717607413522 -1.4450546141822829 -1.5616802313789853 -1.213273775758852 -0.9947265010651016 -0.6030336517512547 -0.3411999835185759 -0.47869490486897204 -0.08375170656888442 -0.08813709816144312 -0.36299795881119934 -0.2772248605116476 -0.46192723157885585 -0.5673829986363315 +20393,-0.9103722059460632,0,-1.8735589555347172 -2.001612386972701 -2.013427147676662 -1.9499421567113175 -1.9868568344835948 -1.9484717607413522 -1.4450546141822829 -1.5616802313789853 -1.213273775758852 -0.9947265010651016 -0.6030336517512547 -0.3411999835185759 -0.47869490486897204 -0.08375170656888442 -0.08813709816144312 -0.36299795881119934 -0.2772248605116476 -0.46192723157885585 -0.5673829986363315 -0.7785009042186797 +20394,-0.9266239508772494,0,-2.001612386972701 -2.013427147676662 -1.9499421567113175 -1.9868568344835948 -1.9484717607413522 -1.4450546141822829 -1.5616802313789853 -1.213273775758852 -0.9947265010651016 -0.6030336517512547 -0.3411999835185759 -0.47869490486897204 -0.08375170656888442 -0.08813709816144312 -0.36299795881119934 -0.2772248605116476 -0.46192723157885585 -0.5673829986363315 -0.7785009042186797 -0.9103722059460632 +20395,-1.0970351048700437,0,-2.013427147676662 -1.9499421567113175 -1.9868568344835948 -1.9484717607413522 -1.4450546141822829 -1.5616802313789853 -1.213273775758852 -0.9947265010651016 -0.6030336517512547 -0.3411999835185759 -0.47869490486897204 -0.08375170656888442 -0.08813709816144312 -0.36299795881119934 -0.2772248605116476 -0.46192723157885585 -0.5673829986363315 -0.7785009042186797 -0.9103722059460632 -0.9266239508772494 +20396,-1.151826702066632,0,-1.9499421567113175 -1.9868568344835948 -1.9484717607413522 -1.4450546141822829 -1.5616802313789853 -1.213273775758852 -0.9947265010651016 -0.6030336517512547 -0.3411999835185759 -0.47869490486897204 -0.08375170656888442 -0.08813709816144312 -0.36299795881119934 -0.2772248605116476 -0.46192723157885585 -0.5673829986363315 -0.7785009042186797 -0.9103722059460632 -0.9266239508772494 -1.0970351048700437 +20397,-1.1722574671229886,0,-1.9868568344835948 -1.9484717607413522 -1.4450546141822829 -1.5616802313789853 -1.213273775758852 -0.9947265010651016 -0.6030336517512547 -0.3411999835185759 -0.47869490486897204 -0.08375170656888442 -0.08813709816144312 -0.36299795881119934 -0.2772248605116476 -0.46192723157885585 -0.5673829986363315 -0.7785009042186797 -0.9103722059460632 -0.9266239508772494 -1.0970351048700437 -1.151826702066632 +20398,-1.2385026750329902,0,-1.9484717607413522 -1.4450546141822829 -1.5616802313789853 -1.213273775758852 -0.9947265010651016 -0.6030336517512547 -0.3411999835185759 -0.47869490486897204 -0.08375170656888442 -0.08813709816144312 -0.36299795881119934 -0.2772248605116476 -0.46192723157885585 -0.5673829986363315 -0.7785009042186797 -0.9103722059460632 -0.9266239508772494 -1.0970351048700437 -1.151826702066632 -1.1722574671229886 +20399,-1.2703870508027602,0,-1.4450546141822829 -1.5616802313789853 -1.213273775758852 -0.9947265010651016 -0.6030336517512547 -0.3411999835185759 -0.47869490486897204 -0.08375170656888442 -0.08813709816144312 -0.36299795881119934 -0.2772248605116476 -0.46192723157885585 -0.5673829986363315 -0.7785009042186797 -0.9103722059460632 -0.9266239508772494 -1.0970351048700437 -1.151826702066632 -1.1722574671229886 -1.2385026750329902 +20400,-1.2605586145824628,0,-1.5616802313789853 -1.213273775758852 -0.9947265010651016 -0.6030336517512547 -0.3411999835185759 -0.47869490486897204 -0.08375170656888442 -0.08813709816144312 -0.36299795881119934 -0.2772248605116476 -0.46192723157885585 -0.5673829986363315 -0.7785009042186797 -0.9103722059460632 -0.9266239508772494 -1.0970351048700437 -1.151826702066632 -1.1722574671229886 -1.2385026750329902 -1.2703870508027602 +20401,-1.3063472609639935,0,-1.213273775758852 -0.9947265010651016 -0.6030336517512547 -0.3411999835185759 -0.47869490486897204 -0.08375170656888442 -0.08813709816144312 -0.36299795881119934 -0.2772248605116476 -0.46192723157885585 -0.5673829986363315 -0.7785009042186797 -0.9103722059460632 -0.9266239508772494 -1.0970351048700437 -1.151826702066632 -1.1722574671229886 -1.2385026750329902 -1.2703870508027602 -1.2605586145824628 +20402,-1.3104230955102423,0,-0.9947265010651016 -0.6030336517512547 -0.3411999835185759 -0.47869490486897204 -0.08375170656888442 -0.08813709816144312 -0.36299795881119934 -0.2772248605116476 -0.46192723157885585 -0.5673829986363315 -0.7785009042186797 -0.9103722059460632 -0.9266239508772494 -1.0970351048700437 -1.151826702066632 -1.1722574671229886 -1.2385026750329902 -1.2703870508027602 -1.2605586145824628 -1.3063472609639935 +20403,-0.853258930902164,0,-0.6030336517512547 -0.3411999835185759 -0.47869490486897204 -0.08375170656888442 -0.08813709816144312 -0.36299795881119934 -0.2772248605116476 -0.46192723157885585 -0.5673829986363315 -0.7785009042186797 -0.9103722059460632 -0.9266239508772494 -1.0970351048700437 -1.151826702066632 -1.1722574671229886 -1.2385026750329902 -1.2703870508027602 -1.2605586145824628 -1.3063472609639935 -1.3104230955102423 +20404,-1.011081431729995,0,-0.3411999835185759 -0.47869490486897204 -0.08375170656888442 -0.08813709816144312 -0.36299795881119934 -0.2772248605116476 -0.46192723157885585 -0.5673829986363315 -0.7785009042186797 -0.9103722059460632 -0.9266239508772494 -1.0970351048700437 -1.151826702066632 -1.1722574671229886 -1.2385026750329902 -1.2703870508027602 -1.2605586145824628 -1.3063472609639935 -1.3104230955102423 -0.853258930902164 +20405,-0.7076639334035079,0,-0.47869490486897204 -0.08375170656888442 -0.08813709816144312 -0.36299795881119934 -0.2772248605116476 -0.46192723157885585 -0.5673829986363315 -0.7785009042186797 -0.9103722059460632 -0.9266239508772494 -1.0970351048700437 -1.151826702066632 -1.1722574671229886 -1.2385026750329902 -1.2703870508027602 -1.2605586145824628 -1.3063472609639935 -1.3104230955102423 -0.853258930902164 -1.011081431729995 +20406,-0.6419088575350811,0,-0.08375170656888442 -0.08813709816144312 -0.36299795881119934 -0.2772248605116476 -0.46192723157885585 -0.5673829986363315 -0.7785009042186797 -0.9103722059460632 -0.9266239508772494 -1.0970351048700437 -1.151826702066632 -1.1722574671229886 -1.2385026750329902 -1.2703870508027602 -1.2605586145824628 -1.3063472609639935 -1.3104230955102423 -0.853258930902164 -1.011081431729995 -0.7076639334035079 +20407,-0.2592705518257526,0,-0.08813709816144312 -0.36299795881119934 -0.2772248605116476 -0.46192723157885585 -0.5673829986363315 -0.7785009042186797 -0.9103722059460632 -0.9266239508772494 -1.0970351048700437 -1.151826702066632 -1.1722574671229886 -1.2385026750329902 -1.2703870508027602 -1.2605586145824628 -1.3063472609639935 -1.3104230955102423 -0.853258930902164 -1.011081431729995 -0.7076639334035079 -0.6419088575350811 +20408,-0.11429466857450202,0,-0.36299795881119934 -0.2772248605116476 -0.46192723157885585 -0.5673829986363315 -0.7785009042186797 -0.9103722059460632 -0.9266239508772494 -1.0970351048700437 -1.151826702066632 -1.1722574671229886 -1.2385026750329902 -1.2703870508027602 -1.2605586145824628 -1.3063472609639935 -1.3104230955102423 -0.853258930902164 -1.011081431729995 -0.7076639334035079 -0.6419088575350811 -0.2592705518257526 +20409,-0.21595836181470113,0,-0.2772248605116476 -0.46192723157885585 -0.5673829986363315 -0.7785009042186797 -0.9103722059460632 -0.9266239508772494 -1.0970351048700437 -1.151826702066632 -1.1722574671229886 -1.2385026750329902 -1.2703870508027602 -1.2605586145824628 -1.3063472609639935 -1.3104230955102423 -0.853258930902164 -1.011081431729995 -0.7076639334035079 -0.6419088575350811 -0.2592705518257526 -0.11429466857450202 +20410,0.011230713703559402,0,-0.46192723157885585 -0.5673829986363315 -0.7785009042186797 -0.9103722059460632 -0.9266239508772494 -1.0970351048700437 -1.151826702066632 -1.1722574671229886 -1.2385026750329902 -1.2703870508027602 -1.2605586145824628 -1.3063472609639935 -1.3104230955102423 -0.853258930902164 -1.011081431729995 -0.7076639334035079 -0.6419088575350811 -0.2592705518257526 -0.11429466857450202 -0.21595836181470113 +20411,-0.008219787269629757,0,-0.5673829986363315 -0.7785009042186797 -0.9103722059460632 -0.9266239508772494 -1.0970351048700437 -1.151826702066632 -1.1722574671229886 -1.2385026750329902 -1.2703870508027602 -1.2605586145824628 -1.3063472609639935 -1.3104230955102423 -0.853258930902164 -1.011081431729995 -0.7076639334035079 -0.6419088575350811 -0.2592705518257526 -0.11429466857450202 -0.21595836181470113 0.011230713703559402 +20412,-0.2864599791114397,0,-0.7785009042186797 -0.9103722059460632 -0.9266239508772494 -1.0970351048700437 -1.151826702066632 -1.1722574671229886 -1.2385026750329902 -1.2703870508027602 -1.2605586145824628 -1.3063472609639935 -1.3104230955102423 -0.853258930902164 -1.011081431729995 -0.7076639334035079 -0.6419088575350811 -0.2592705518257526 -0.11429466857450202 -0.21595836181470113 0.011230713703559402 -0.008219787269629757 +20413,-0.21964724989827905,0,-0.9103722059460632 -0.9266239508772494 -1.0970351048700437 -1.151826702066632 -1.1722574671229886 -1.2385026750329902 -1.2703870508027602 -1.2605586145824628 -1.3063472609639935 -1.3104230955102423 -0.853258930902164 -1.011081431729995 -0.7076639334035079 -0.6419088575350811 -0.2592705518257526 -0.11429466857450202 -0.21595836181470113 0.011230713703559402 -0.008219787269629757 -0.2864599791114397 +20414,-0.41162421155373924,0,-0.9266239508772494 -1.0970351048700437 -1.151826702066632 -1.1722574671229886 -1.2385026750329902 -1.2703870508027602 -1.2605586145824628 -1.3063472609639935 -1.3104230955102423 -0.853258930902164 -1.011081431729995 -0.7076639334035079 -0.6419088575350811 -0.2592705518257526 -0.11429466857450202 -0.21595836181470113 0.011230713703559402 -0.008219787269629757 -0.2864599791114397 -0.21964724989827905 +20415,-0.4786175156073968,0,-1.0970351048700437 -1.151826702066632 -1.1722574671229886 -1.2385026750329902 -1.2703870508027602 -1.2605586145824628 -1.3063472609639935 -1.3104230955102423 -0.853258930902164 -1.011081431729995 -0.7076639334035079 -0.6419088575350811 -0.2592705518257526 -0.11429466857450202 -0.21595836181470113 0.011230713703559402 -0.008219787269629757 -0.2864599791114397 -0.21964724989827905 -0.41162421155373924 +20416,-0.7122556963086691,0,-1.151826702066632 -1.1722574671229886 -1.2385026750329902 -1.2703870508027602 -1.2605586145824628 -1.3063472609639935 -1.3104230955102423 -0.853258930902164 -1.011081431729995 -0.7076639334035079 -0.6419088575350811 -0.2592705518257526 -0.11429466857450202 -0.21595836181470113 0.011230713703559402 -0.008219787269629757 -0.2864599791114397 -0.21964724989827905 -0.41162421155373924 -0.4786175156073968 +20417,-0.8209102195629246,0,-1.1722574671229886 -1.2385026750329902 -1.2703870508027602 -1.2605586145824628 -1.3063472609639935 -1.3104230955102423 -0.853258930902164 -1.011081431729995 -0.7076639334035079 -0.6419088575350811 -0.2592705518257526 -0.11429466857450202 -0.21595836181470113 0.011230713703559402 -0.008219787269629757 -0.2864599791114397 -0.21964724989827905 -0.41162421155373924 -0.4786175156073968 -0.7122556963086691 +20418,-0.8558901657957849,0,-1.2385026750329902 -1.2703870508027602 -1.2605586145824628 -1.3063472609639935 -1.3104230955102423 -0.853258930902164 -1.011081431729995 -0.7076639334035079 -0.6419088575350811 -0.2592705518257526 -0.11429466857450202 -0.21595836181470113 0.011230713703559402 -0.008219787269629757 -0.2864599791114397 -0.21964724989827905 -0.41162421155373924 -0.4786175156073968 -0.7122556963086691 -0.8209102195629246 +20419,-0.9891028814420978,0,-1.2703870508027602 -1.2605586145824628 -1.3063472609639935 -1.3104230955102423 -0.853258930902164 -1.011081431729995 -0.7076639334035079 -0.6419088575350811 -0.2592705518257526 -0.11429466857450202 -0.21595836181470113 0.011230713703559402 -0.008219787269629757 -0.2864599791114397 -0.21964724989827905 -0.41162421155373924 -0.4786175156073968 -0.7122556963086691 -0.8209102195629246 -0.8558901657957849 +20420,-1.0486410199122298,0,-1.2605586145824628 -1.3063472609639935 -1.3104230955102423 -0.853258930902164 -1.011081431729995 -0.7076639334035079 -0.6419088575350811 -0.2592705518257526 -0.11429466857450202 -0.21595836181470113 0.011230713703559402 -0.008219787269629757 -0.2864599791114397 -0.21964724989827905 -0.41162421155373924 -0.4786175156073968 -0.7122556963086691 -0.8209102195629246 -0.8558901657957849 -0.9891028814420978 +20421,-1.0807059706772735,0,-1.3063472609639935 -1.3104230955102423 -0.853258930902164 -1.011081431729995 -0.7076639334035079 -0.6419088575350811 -0.2592705518257526 -0.11429466857450202 -0.21595836181470113 0.011230713703559402 -0.008219787269629757 -0.2864599791114397 -0.21964724989827905 -0.41162421155373924 -0.4786175156073968 -0.7122556963086691 -0.8209102195629246 -0.8558901657957849 -0.9891028814420978 -1.0486410199122298 +20422,-1.1494018384856224,0,-1.3104230955102423 -0.853258930902164 -1.011081431729995 -0.7076639334035079 -0.6419088575350811 -0.2592705518257526 -0.11429466857450202 -0.21595836181470113 0.011230713703559402 -0.008219787269629757 -0.2864599791114397 -0.21964724989827905 -0.41162421155373924 -0.4786175156073968 -0.7122556963086691 -0.8209102195629246 -0.8558901657957849 -0.9891028814420978 -1.0486410199122298 -1.0807059706772735 +20423,-1.190624518588883,0,-0.853258930902164 -1.011081431729995 -0.7076639334035079 -0.6419088575350811 -0.2592705518257526 -0.11429466857450202 -0.21595836181470113 0.011230713703559402 -0.008219787269629757 -0.2864599791114397 -0.21964724989827905 -0.41162421155373924 -0.4786175156073968 -0.7122556963086691 -0.8209102195629246 -0.8558901657957849 -0.9891028814420978 -1.0486410199122298 -1.0807059706772735 -1.1494018384856224 +20424,-1.1837884670979772,0,-1.011081431729995 -0.7076639334035079 -0.6419088575350811 -0.2592705518257526 -0.11429466857450202 -0.21595836181470113 0.011230713703559402 -0.008219787269629757 -0.2864599791114397 -0.21964724989827905 -0.41162421155373924 -0.4786175156073968 -0.7122556963086691 -0.8209102195629246 -0.8558901657957849 -0.9891028814420978 -1.0486410199122298 -1.0807059706772735 -1.1494018384856224 -1.190624518588883 +20425,-1.2410307241929126,0,-0.7076639334035079 -0.6419088575350811 -0.2592705518257526 -0.11429466857450202 -0.21595836181470113 0.011230713703559402 -0.008219787269629757 -0.2864599791114397 -0.21964724989827905 -0.41162421155373924 -0.4786175156073968 -0.7122556963086691 -0.8209102195629246 -0.8558901657957849 -0.9891028814420978 -1.0486410199122298 -1.0807059706772735 -1.1494018384856224 -1.190624518588883 -1.1837884670979772 +20426,-1.2502142500032527,0,-0.6419088575350811 -0.2592705518257526 -0.11429466857450202 -0.21595836181470113 0.011230713703559402 -0.008219787269629757 -0.2864599791114397 -0.21964724989827905 -0.41162421155373924 -0.4786175156073968 -0.7122556963086691 -0.8209102195629246 -0.8558901657957849 -0.9891028814420978 -1.0486410199122298 -1.0807059706772735 -1.1494018384856224 -1.190624518588883 -1.1837884670979772 -1.2410307241929126 +20427,-0.9507694004893159,0,-0.2592705518257526 -0.11429466857450202 -0.21595836181470113 0.011230713703559402 -0.008219787269629757 -0.2864599791114397 -0.21964724989827905 -0.41162421155373924 -0.4786175156073968 -0.7122556963086691 -0.8209102195629246 -0.8558901657957849 -0.9891028814420978 -1.0486410199122298 -1.0807059706772735 -1.1494018384856224 -1.190624518588883 -1.1837884670979772 -1.2410307241929126 -1.2502142500032527 +20428,-1.062829051252954,0,-0.11429466857450202 -0.21595836181470113 0.011230713703559402 -0.008219787269629757 -0.2864599791114397 -0.21964724989827905 -0.41162421155373924 -0.4786175156073968 -0.7122556963086691 -0.8209102195629246 -0.8558901657957849 -0.9891028814420978 -1.0486410199122298 -1.0807059706772735 -1.1494018384856224 -1.190624518588883 -1.1837884670979772 -1.2410307241929126 -1.2502142500032527 -0.9507694004893159 +20429,-0.8662603268471093,0,-0.21595836181470113 0.011230713703559402 -0.008219787269629757 -0.2864599791114397 -0.21964724989827905 -0.41162421155373924 -0.4786175156073968 -0.7122556963086691 -0.8209102195629246 -0.8558901657957849 -0.9891028814420978 -1.0486410199122298 -1.0807059706772735 -1.1494018384856224 -1.190624518588883 -1.1837884670979772 -1.2410307241929126 -1.2502142500032527 -0.9507694004893159 -1.062829051252954 +20430,-0.7445270183863244,0,0.011230713703559402 -0.008219787269629757 -0.2864599791114397 -0.21964724989827905 -0.41162421155373924 -0.4786175156073968 -0.7122556963086691 -0.8209102195629246 -0.8558901657957849 -0.9891028814420978 -1.0486410199122298 -1.0807059706772735 -1.1494018384856224 -1.190624518588883 -1.1837884670979772 -1.2410307241929126 -1.2502142500032527 -0.9507694004893159 -1.062829051252954 -0.8662603268471093 +20431,-0.5230131552805285,0,-0.008219787269629757 -0.2864599791114397 -0.21964724989827905 -0.41162421155373924 -0.4786175156073968 -0.7122556963086691 -0.8209102195629246 -0.8558901657957849 -0.9891028814420978 -1.0486410199122298 -1.0807059706772735 -1.1494018384856224 -1.190624518588883 -1.1837884670979772 -1.2410307241929126 -1.2502142500032527 -0.9507694004893159 -1.062829051252954 -0.8662603268471093 -0.7445270183863244 +20432,-0.3763347082745779,0,-0.2864599791114397 -0.21964724989827905 -0.41162421155373924 -0.4786175156073968 -0.7122556963086691 -0.8209102195629246 -0.8558901657957849 -0.9891028814420978 -1.0486410199122298 -1.0807059706772735 -1.1494018384856224 -1.190624518588883 -1.1837884670979772 -1.2410307241929126 -1.2502142500032527 -0.9507694004893159 -1.062829051252954 -0.8662603268471093 -0.7445270183863244 -0.5230131552805285 +20433,-0.4483583143307427,0,-0.21964724989827905 -0.41162421155373924 -0.4786175156073968 -0.7122556963086691 -0.8209102195629246 -0.8558901657957849 -0.9891028814420978 -1.0486410199122298 -1.0807059706772735 -1.1494018384856224 -1.190624518588883 -1.1837884670979772 -1.2410307241929126 -1.2502142500032527 -0.9507694004893159 -1.062829051252954 -0.8662603268471093 -0.7445270183863244 -0.5230131552805285 -0.3763347082745779 +20434,-0.2287791827643815,0,-0.41162421155373924 -0.4786175156073968 -0.7122556963086691 -0.8209102195629246 -0.8558901657957849 -0.9891028814420978 -1.0486410199122298 -1.0807059706772735 -1.1494018384856224 -1.190624518588883 -1.1837884670979772 -1.2410307241929126 -1.2502142500032527 -0.9507694004893159 -1.062829051252954 -0.8662603268471093 -0.7445270183863244 -0.5230131552805285 -0.3763347082745779 -0.4483583143307427 +20435,-0.2279021045696895,0,-0.4786175156073968 -0.7122556963086691 -0.8209102195629246 -0.8558901657957849 -0.9891028814420978 -1.0486410199122298 -1.0807059706772735 -1.1494018384856224 -1.190624518588883 -1.1837884670979772 -1.2410307241929126 -1.2502142500032527 -0.9507694004893159 -1.062829051252954 -0.8662603268471093 -0.7445270183863244 -0.5230131552805285 -0.3763347082745779 -0.4483583143307427 -0.2287791827643815 +20436,-0.5625074751569747,0,-0.7122556963086691 -0.8209102195629246 -0.8558901657957849 -0.9891028814420978 -1.0486410199122298 -1.0807059706772735 -1.1494018384856224 -1.190624518588883 -1.1837884670979772 -1.2410307241929126 -1.2502142500032527 -0.9507694004893159 -1.062829051252954 -0.8662603268471093 -0.7445270183863244 -0.5230131552805285 -0.3763347082745779 -0.4483583143307427 -0.2287791827643815 -0.2279021045696895 +20437,-0.44980291382859366,0,-0.8209102195629246 -0.8558901657957849 -0.9891028814420978 -1.0486410199122298 -1.0807059706772735 -1.1494018384856224 -1.190624518588883 -1.1837884670979772 -1.2410307241929126 -1.2502142500032527 -0.9507694004893159 -1.062829051252954 -0.8662603268471093 -0.7445270183863244 -0.5230131552805285 -0.3763347082745779 -0.4483583143307427 -0.2287791827643815 -0.2279021045696895 -0.5625074751569747 +20438,-0.6725808015917348,0,-0.8558901657957849 -0.9891028814420978 -1.0486410199122298 -1.0807059706772735 -1.1494018384856224 -1.190624518588883 -1.1837884670979772 -1.2410307241929126 -1.2502142500032527 -0.9507694004893159 -1.062829051252954 -0.8662603268471093 -0.7445270183863244 -0.5230131552805285 -0.3763347082745779 -0.4483583143307427 -0.2287791827643815 -0.2279021045696895 -0.5625074751569747 -0.44980291382859366 +20439,-0.8972160314779497,0,-0.9891028814420978 -1.0486410199122298 -1.0807059706772735 -1.1494018384856224 -1.190624518588883 -1.1837884670979772 -1.2410307241929126 -1.2502142500032527 -0.9507694004893159 -1.062829051252954 -0.8662603268471093 -0.7445270183863244 -0.5230131552805285 -0.3763347082745779 -0.4483583143307427 -0.2287791827643815 -0.2279021045696895 -0.5625074751569747 -0.44980291382859366 -0.6725808015917348 +20440,-1.119374804993703,0,-1.0486410199122298 -1.0807059706772735 -1.1494018384856224 -1.190624518588883 -1.1837884670979772 -1.2410307241929126 -1.2502142500032527 -0.9507694004893159 -1.062829051252954 -0.8662603268471093 -0.7445270183863244 -0.5230131552805285 -0.3763347082745779 -0.4483583143307427 -0.2287791827643815 -0.2279021045696895 -0.5625074751569747 -0.44980291382859366 -0.6725808015917348 -0.8972160314779497 +20441,-1.3433909209420838,0,-1.0807059706772735 -1.1494018384856224 -1.190624518588883 -1.1837884670979772 -1.2410307241929126 -1.2502142500032527 -0.9507694004893159 -1.062829051252954 -0.8662603268471093 -0.7445270183863244 -0.5230131552805285 -0.3763347082745779 -0.4483583143307427 -0.2287791827643815 -0.2279021045696895 -0.5625074751569747 -0.44980291382859366 -0.6725808015917348 -0.8972160314779497 -1.119374804993703 +20442,-1.232466312629978,0,-1.1494018384856224 -1.190624518588883 -1.1837884670979772 -1.2410307241929126 -1.2502142500032527 -0.9507694004893159 -1.062829051252954 -0.8662603268471093 -0.7445270183863244 -0.5230131552805285 -0.3763347082745779 -0.4483583143307427 -0.2287791827643815 -0.2279021045696895 -0.5625074751569747 -0.44980291382859366 -0.6725808015917348 -0.8972160314779497 -1.119374804993703 -1.3433909209420838 +20443,-1.568129336561997,0,-1.190624518588883 -1.1837884670979772 -1.2410307241929126 -1.2502142500032527 -0.9507694004893159 -1.062829051252954 -0.8662603268471093 -0.7445270183863244 -0.5230131552805285 -0.3763347082745779 -0.4483583143307427 -0.2287791827643815 -0.2279021045696895 -0.5625074751569747 -0.44980291382859366 -0.6725808015917348 -0.8972160314779497 -1.119374804993703 -1.3433909209420838 -1.232466312629978 +20444,-1.5688516362335296,0,-1.1837884670979772 -1.2410307241929126 -1.2502142500032527 -0.9507694004893159 -1.062829051252954 -0.8662603268471093 -0.7445270183863244 -0.5230131552805285 -0.3763347082745779 -0.4483583143307427 -0.2287791827643815 -0.2279021045696895 -0.5625074751569747 -0.44980291382859366 -0.6725808015917348 -0.8972160314779497 -1.119374804993703 -1.3433909209420838 -1.232466312629978 -1.568129336561997 +20445,-1.6455701909285632,0,-1.2410307241929126 -1.2502142500032527 -0.9507694004893159 -1.062829051252954 -0.8662603268471093 -0.7445270183863244 -0.5230131552805285 -0.3763347082745779 -0.4483583143307427 -0.2287791827643815 -0.2279021045696895 -0.5625074751569747 -0.44980291382859366 -0.6725808015917348 -0.8972160314779497 -1.119374804993703 -1.3433909209420838 -1.232466312629978 -1.568129336561997 -1.5688516362335296 +20446,-1.620960405747045,0,-1.2502142500032527 -0.9507694004893159 -1.062829051252954 -0.8662603268471093 -0.7445270183863244 -0.5230131552805285 -0.3763347082745779 -0.4483583143307427 -0.2287791827643815 -0.2279021045696895 -0.5625074751569747 -0.44980291382859366 -0.6725808015917348 -0.8972160314779497 -1.119374804993703 -1.3433909209420838 -1.232466312629978 -1.568129336561997 -1.5688516362335296 -1.6455701909285632 +20447,-1.6723468754342419,0,-0.9507694004893159 -1.062829051252954 -0.8662603268471093 -0.7445270183863244 -0.5230131552805285 -0.3763347082745779 -0.4483583143307427 -0.2287791827643815 -0.2279021045696895 -0.5625074751569747 -0.44980291382859366 -0.6725808015917348 -0.8972160314779497 -1.119374804993703 -1.3433909209420838 -1.232466312629978 -1.568129336561997 -1.5688516362335296 -1.6455701909285632 -1.620960405747045 +20448,-1.7829361302279232,0,-1.062829051252954 -0.8662603268471093 -0.7445270183863244 -0.5230131552805285 -0.3763347082745779 -0.4483583143307427 -0.2287791827643815 -0.2279021045696895 -0.5625074751569747 -0.44980291382859366 -0.6725808015917348 -0.8972160314779497 -1.119374804993703 -1.3433909209420838 -1.232466312629978 -1.568129336561997 -1.5688516362335296 -1.6455701909285632 -1.620960405747045 -1.6723468754342419 +20449,-1.8145883382129586,0,-0.8662603268471093 -0.7445270183863244 -0.5230131552805285 -0.3763347082745779 -0.4483583143307427 -0.2287791827643815 -0.2279021045696895 -0.5625074751569747 -0.44980291382859366 -0.6725808015917348 -0.8972160314779497 -1.119374804993703 -1.3433909209420838 -1.232466312629978 -1.568129336561997 -1.5688516362335296 -1.6455701909285632 -1.620960405747045 -1.6723468754342419 -1.7829361302279232 +20450,-1.9054433313044785,0,-0.7445270183863244 -0.5230131552805285 -0.3763347082745779 -0.4483583143307427 -0.2287791827643815 -0.2279021045696895 -0.5625074751569747 -0.44980291382859366 -0.6725808015917348 -0.8972160314779497 -1.119374804993703 -1.3433909209420838 -1.232466312629978 -1.568129336561997 -1.5688516362335296 -1.6455701909285632 -1.620960405747045 -1.6723468754342419 -1.7829361302279232 -1.8145883382129586 +20451,-1.073895715658482,0,-0.5230131552805285 -0.3763347082745779 -0.4483583143307427 -0.2287791827643815 -0.2279021045696895 -0.5625074751569747 -0.44980291382859366 -0.6725808015917348 -0.8972160314779497 -1.119374804993703 -1.3433909209420838 -1.232466312629978 -1.568129336561997 -1.5688516362335296 -1.6455701909285632 -1.620960405747045 -1.6723468754342419 -1.7829361302279232 -1.8145883382129586 -1.9054433313044785 +20452,-1.4722182449958467,0,-0.3763347082745779 -0.4483583143307427 -0.2287791827643815 -0.2279021045696895 -0.5625074751569747 -0.44980291382859366 -0.6725808015917348 -0.8972160314779497 -1.119374804993703 -1.3433909209420838 -1.232466312629978 -1.568129336561997 -1.5688516362335296 -1.6455701909285632 -1.620960405747045 -1.6723468754342419 -1.7829361302279232 -1.8145883382129586 -1.9054433313044785 -1.073895715658482 +20453,-0.9481381655956861,0,-0.4483583143307427 -0.2287791827643815 -0.2279021045696895 -0.5625074751569747 -0.44980291382859366 -0.6725808015917348 -0.8972160314779497 -1.119374804993703 -1.3433909209420838 -1.232466312629978 -1.568129336561997 -1.5688516362335296 -1.6455701909285632 -1.620960405747045 -1.6723468754342419 -1.7829361302279232 -1.8145883382129586 -1.9054433313044785 -1.073895715658482 -1.4722182449958467 +20454,-0.9735992326545587,0,-0.2287791827643815 -0.2279021045696895 -0.5625074751569747 -0.44980291382859366 -0.6725808015917348 -0.8972160314779497 -1.119374804993703 -1.3433909209420838 -1.232466312629978 -1.568129336561997 -1.5688516362335296 -1.6455701909285632 -1.620960405747045 -1.6723468754342419 -1.7829361302279232 -1.8145883382129586 -1.9054433313044785 -1.073895715658482 -1.4722182449958467 -0.9481381655956861 +20455,-0.26633877110139303,0,-0.2279021045696895 -0.5625074751569747 -0.44980291382859366 -0.6725808015917348 -0.8972160314779497 -1.119374804993703 -1.3433909209420838 -1.232466312629978 -1.568129336561997 -1.5688516362335296 -1.6455701909285632 -1.620960405747045 -1.6723468754342419 -1.7829361302279232 -1.8145883382129586 -1.9054433313044785 -1.073895715658482 -1.4722182449958467 -0.9481381655956861 -0.9735992326545587 +20456,-0.1086194560072517,0,-0.5625074751569747 -0.44980291382859366 -0.6725808015917348 -0.8972160314779497 -1.119374804993703 -1.3433909209420838 -1.232466312629978 -1.568129336561997 -1.5688516362335296 -1.6455701909285632 -1.620960405747045 -1.6723468754342419 -1.7829361302279232 -1.8145883382129586 -1.9054433313044785 -1.073895715658482 -1.4722182449958467 -0.9481381655956861 -0.9735992326545587 -0.26633877110139303 +20457,-0.2169644222151973,0,-0.44980291382859366 -0.6725808015917348 -0.8972160314779497 -1.119374804993703 -1.3433909209420838 -1.232466312629978 -1.568129336561997 -1.5688516362335296 -1.6455701909285632 -1.620960405747045 -1.6723468754342419 -1.7829361302279232 -1.8145883382129586 -1.9054433313044785 -1.073895715658482 -1.4722182449958467 -0.9481381655956861 -0.9735992326545587 -0.26633877110139303 -0.1086194560072517 +20458,0.029442986646303446,0,-0.6725808015917348 -0.8972160314779497 -1.119374804993703 -1.3433909209420838 -1.232466312629978 -1.568129336561997 -1.5688516362335296 -1.6455701909285632 -1.620960405747045 -1.6723468754342419 -1.7829361302279232 -1.8145883382129586 -1.9054433313044785 -1.073895715658482 -1.4722182449958467 -0.9481381655956861 -0.9735992326545587 -0.26633877110139303 -0.1086194560072517 -0.2169644222151973 +20459,0.009786114205717232,0,-0.8972160314779497 -1.119374804993703 -1.3433909209420838 -1.232466312629978 -1.568129336561997 -1.5688516362335296 -1.6455701909285632 -1.620960405747045 -1.6723468754342419 -1.7829361302279232 -1.8145883382129586 -1.9054433313044785 -1.073895715658482 -1.4722182449958467 -0.9481381655956861 -0.9735992326545587 -0.26633877110139303 -0.1086194560072517 -0.2169644222151973 0.029442986646303446 +20460,-0.3733681198625326,0,-1.119374804993703 -1.3433909209420838 -1.232466312629978 -1.568129336561997 -1.5688516362335296 -1.6455701909285632 -1.620960405747045 -1.6723468754342419 -1.7829361302279232 -1.8145883382129586 -1.9054433313044785 -1.073895715658482 -1.4722182449958467 -0.9481381655956861 -0.9735992326545587 -0.26633877110139303 -0.1086194560072517 -0.2169644222151973 0.029442986646303446 0.009786114205717232 +20461,-0.271859205145484,0,-1.3433909209420838 -1.232466312629978 -1.568129336561997 -1.5688516362335296 -1.6455701909285632 -1.620960405747045 -1.6723468754342419 -1.7829361302279232 -1.8145883382129586 -1.9054433313044785 -1.073895715658482 -1.4722182449958467 -0.9481381655956861 -0.9735992326545587 -0.26633877110139303 -0.1086194560072517 -0.2169644222151973 0.029442986646303446 0.009786114205717232 -0.3733681198625326 +20462,-0.5338476519013222,0,-1.232466312629978 -1.568129336561997 -1.5688516362335296 -1.6455701909285632 -1.620960405747045 -1.6723468754342419 -1.7829361302279232 -1.8145883382129586 -1.9054433313044785 -1.073895715658482 -1.4722182449958467 -0.9481381655956861 -0.9735992326545587 -0.26633877110139303 -0.1086194560072517 -0.2169644222151973 0.029442986646303446 0.009786114205717232 -0.3733681198625326 -0.271859205145484 +20463,-0.694301387622783,0,-1.568129336561997 -1.5688516362335296 -1.6455701909285632 -1.620960405747045 -1.6723468754342419 -1.7829361302279232 -1.8145883382129586 -1.9054433313044785 -1.073895715658482 -1.4722182449958467 -0.9481381655956861 -0.9735992326545587 -0.26633877110139303 -0.1086194560072517 -0.2169644222151973 0.029442986646303446 0.009786114205717232 -0.3733681198625326 -0.271859205145484 -0.5338476519013222 +20464,-0.9901347381599404,0,-1.5688516362335296 -1.6455701909285632 -1.620960405747045 -1.6723468754342419 -1.7829361302279232 -1.8145883382129586 -1.9054433313044785 -1.073895715658482 -1.4722182449958467 -0.9481381655956861 -0.9735992326545587 -0.26633877110139303 -0.1086194560072517 -0.2169644222151973 0.029442986646303446 0.009786114205717232 -0.3733681198625326 -0.271859205145484 -0.5338476519013222 -0.694301387622783 +20465,-1.1844333776627116,0,-1.6455701909285632 -1.620960405747045 -1.6723468754342419 -1.7829361302279232 -1.8145883382129586 -1.9054433313044785 -1.073895715658482 -1.4722182449958467 -0.9481381655956861 -0.9735992326545587 -0.26633877110139303 -0.1086194560072517 -0.2169644222151973 0.029442986646303446 0.009786114205717232 -0.3733681198625326 -0.271859205145484 -0.5338476519013222 -0.694301387622783 -0.9901347381599404 +20466,-1.279286815884128,0,-1.620960405747045 -1.6723468754342419 -1.7829361302279232 -1.8145883382129586 -1.9054433313044785 -1.073895715658482 -1.4722182449958467 -0.9481381655956861 -0.9735992326545587 -0.26633877110139303 -0.1086194560072517 -0.2169644222151973 0.029442986646303446 0.009786114205717232 -0.3733681198625326 -0.271859205145484 -0.5338476519013222 -0.694301387622783 -0.9901347381599404 -1.1844333776627116 +20467,-1.5067338556592376,0,-1.6723468754342419 -1.7829361302279232 -1.8145883382129586 -1.9054433313044785 -1.073895715658482 -1.4722182449958467 -0.9481381655956861 -0.9735992326545587 -0.26633877110139303 -0.1086194560072517 -0.2169644222151973 0.029442986646303446 0.009786114205717232 -0.3733681198625326 -0.271859205145484 -0.5338476519013222 -0.694301387622783 -0.9901347381599404 -1.1844333776627116 -1.279286815884128 +20468,-1.6347356943077695,0,-1.7829361302279232 -1.8145883382129586 -1.9054433313044785 -1.073895715658482 -1.4722182449958467 -0.9481381655956861 -0.9735992326545587 -0.26633877110139303 -0.1086194560072517 -0.2169644222151973 0.029442986646303446 0.009786114205717232 -0.3733681198625326 -0.271859205145484 -0.5338476519013222 -0.694301387622783 -0.9901347381599404 -1.1844333776627116 -1.279286815884128 -1.5067338556592376 +20469,-1.7308531571865313,0,-1.8145883382129586 -1.9054433313044785 -1.073895715658482 -1.4722182449958467 -0.9481381655956861 -0.9735992326545587 -0.26633877110139303 -0.1086194560072517 -0.2169644222151973 0.029442986646303446 0.009786114205717232 -0.3733681198625326 -0.271859205145484 -0.5338476519013222 -0.694301387622783 -0.9901347381599404 -1.1844333776627116 -1.279286815884128 -1.5067338556592376 -1.6347356943077695 +20470,-1.8694831211432454,0,-1.9054433313044785 -1.073895715658482 -1.4722182449958467 -0.9481381655956861 -0.9735992326545587 -0.26633877110139303 -0.1086194560072517 -0.2169644222151973 0.029442986646303446 0.009786114205717232 -0.3733681198625326 -0.271859205145484 -0.5338476519013222 -0.694301387622783 -0.9901347381599404 -1.1844333776627116 -1.279286815884128 -1.5067338556592376 -1.6347356943077695 -1.7308531571865313 +20471,-1.9762287091754125,0,-1.073895715658482 -1.4722182449958467 -0.9481381655956861 -0.9735992326545587 -0.26633877110139303 -0.1086194560072517 -0.2169644222151973 0.029442986646303446 0.009786114205717232 -0.3733681198625326 -0.271859205145484 -0.5338476519013222 -0.694301387622783 -0.9901347381599404 -1.1844333776627116 -1.279286815884128 -1.5067338556592376 -1.6347356943077695 -1.7308531571865313 -1.8694831211432454 +20472,-2.0096092773872622,0,-1.4722182449958467 -0.9481381655956861 -0.9735992326545587 -0.26633877110139303 -0.1086194560072517 -0.2169644222151973 0.029442986646303446 0.009786114205717232 -0.3733681198625326 -0.271859205145484 -0.5338476519013222 -0.694301387622783 -0.9901347381599404 -1.1844333776627116 -1.279286815884128 -1.5067338556592376 -1.6347356943077695 -1.7308531571865313 -1.8694831211432454 -1.9762287091754125 +20473,-2.140809872232583,0,-0.9481381655956861 -0.9735992326545587 -0.26633877110139303 -0.1086194560072517 -0.2169644222151973 0.029442986646303446 0.009786114205717232 -0.3733681198625326 -0.271859205145484 -0.5338476519013222 -0.694301387622783 -0.9901347381599404 -1.1844333776627116 -1.279286815884128 -1.5067338556592376 -1.6347356943077695 -1.7308531571865313 -1.8694831211432454 -1.9762287091754125 -2.0096092773872622 +20474,-2.198645446948015,0,-0.9735992326545587 -0.26633877110139303 -0.1086194560072517 -0.2169644222151973 0.029442986646303446 0.009786114205717232 -0.3733681198625326 -0.271859205145484 -0.5338476519013222 -0.694301387622783 -0.9901347381599404 -1.1844333776627116 -1.279286815884128 -1.5067338556592376 -1.6347356943077695 -1.7308531571865313 -1.8694831211432454 -1.9762287091754125 -2.0096092773872622 -2.140809872232583 +20475,-1.0807059706772735,0,-0.26633877110139303 -0.1086194560072517 -0.2169644222151973 0.029442986646303446 0.009786114205717232 -0.3733681198625326 -0.271859205145484 -0.5338476519013222 -0.694301387622783 -0.9901347381599404 -1.1844333776627116 -1.279286815884128 -1.5067338556592376 -1.6347356943077695 -1.7308531571865313 -1.8694831211432454 -1.9762287091754125 -2.0096092773872622 -2.140809872232583 -2.198645446948015 +20476,-1.530466562491287,0,-0.1086194560072517 -0.2169644222151973 0.029442986646303446 0.009786114205717232 -0.3733681198625326 -0.271859205145484 -0.5338476519013222 -0.694301387622783 -0.9901347381599404 -1.1844333776627116 -1.279286815884128 -1.5067338556592376 -1.6347356943077695 -1.7308531571865313 -1.8694831211432454 -1.9762287091754125 -2.0096092773872622 -2.140809872232583 -2.198645446948015 -1.0807059706772735 +20477,-0.8044521033191272,0,-0.2169644222151973 0.029442986646303446 0.009786114205717232 -0.3733681198625326 -0.271859205145484 -0.5338476519013222 -0.694301387622783 -0.9901347381599404 -1.1844333776627116 -1.279286815884128 -1.5067338556592376 -1.6347356943077695 -1.7308531571865313 -1.8694831211432454 -1.9762287091754125 -2.0096092773872622 -2.140809872232583 -2.198645446948015 -1.0807059706772735 -1.530466562491287 +20478,-0.8594500718283268,0,0.029442986646303446 0.009786114205717232 -0.3733681198625326 -0.271859205145484 -0.5338476519013222 -0.694301387622783 -0.9901347381599404 -1.1844333776627116 -1.279286815884128 -1.5067338556592376 -1.6347356943077695 -1.7308531571865313 -1.8694831211432454 -1.9762287091754125 -2.0096092773872622 -2.140809872232583 -2.198645446948015 -1.0807059706772735 -1.530466562491287 -0.8044521033191272 +20479,0.12690186344399454,0,0.009786114205717232 -0.3733681198625326 -0.271859205145484 -0.5338476519013222 -0.694301387622783 -0.9901347381599404 -1.1844333776627116 -1.279286815884128 -1.5067338556592376 -1.6347356943077695 -1.7308531571865313 -1.8694831211432454 -1.9762287091754125 -2.0096092773872622 -2.140809872232583 -2.198645446948015 -1.0807059706772735 -1.530466562491287 -0.8044521033191272 -0.8594500718283268 +20480,0.3322413707253939,0,-0.3733681198625326 -0.271859205145484 -0.5338476519013222 -0.694301387622783 -0.9901347381599404 -1.1844333776627116 -1.279286815884128 -1.5067338556592376 -1.6347356943077695 -1.7308531571865313 -1.8694831211432454 -1.9762287091754125 -2.0096092773872622 -2.140809872232583 -2.198645446948015 -1.0807059706772735 -1.530466562491287 -0.8044521033191272 -0.8594500718283268 0.12690186344399454 +20481,0.20573572451895078,0,-0.271859205145484 -0.5338476519013222 -0.694301387622783 -0.9901347381599404 -1.1844333776627116 -1.279286815884128 -1.5067338556592376 -1.6347356943077695 -1.7308531571865313 -1.8694831211432454 -1.9762287091754125 -2.0096092773872622 -2.140809872232583 -2.198645446948015 -1.0807059706772735 -1.530466562491287 -0.8044521033191272 -0.8594500718283268 0.12690186344399454 0.3322413707253939 +20482,0.521690283066146,0,-0.5338476519013222 -0.694301387622783 -0.9901347381599404 -1.1844333776627116 -1.279286815884128 -1.5067338556592376 -1.6347356943077695 -1.7308531571865313 -1.8694831211432454 -1.9762287091754125 -2.0096092773872622 -2.140809872232583 -2.198645446948015 -1.0807059706772735 -1.530466562491287 -0.8044521033191272 -0.8594500718283268 0.12690186344399454 0.3322413707253939 0.20573572451895078 +20483,0.5057996881255075,0,-0.694301387622783 -0.9901347381599404 -1.1844333776627116 -1.279286815884128 -1.5067338556592376 -1.6347356943077695 -1.7308531571865313 -1.8694831211432454 -1.9762287091754125 -2.0096092773872622 -2.140809872232583 -2.198645446948015 -1.0807059706772735 -1.530466562491287 -0.8044521033191272 -0.8594500718283268 0.12690186344399454 0.3322413707253939 0.20573572451895078 0.521690283066146 +20484,-0.3263154488236479,0,-0.9901347381599404 -1.1844333776627116 -1.279286815884128 -1.5067338556592376 -1.6347356943077695 -1.7308531571865313 -1.8694831211432454 -1.9762287091754125 -2.0096092773872622 -2.140809872232583 -2.198645446948015 -1.0807059706772735 -1.530466562491287 -0.8044521033191272 -0.8594500718283268 0.12690186344399454 0.3322413707253939 0.20573572451895078 0.521690283066146 0.5057996881255075 +20485,-0.07013119653131045,0,-1.1844333776627116 -1.279286815884128 -1.5067338556592376 -1.6347356943077695 -1.7308531571865313 -1.8694831211432454 -1.9762287091754125 -2.0096092773872622 -2.140809872232583 -2.198645446948015 -1.0807059706772735 -1.530466562491287 -0.8044521033191272 -0.8594500718283268 0.12690186344399454 0.3322413707253939 0.20573572451895078 0.521690283066146 0.5057996881255075 -0.3263154488236479 +20486,-0.630171486247481,0,-1.279286815884128 -1.5067338556592376 -1.6347356943077695 -1.7308531571865313 -1.8694831211432454 -1.9762287091754125 -2.0096092773872622 -2.140809872232583 -2.198645446948015 -1.0807059706772735 -1.530466562491287 -0.8044521033191272 -0.8594500718283268 0.12690186344399454 0.3322413707253939 0.20573572451895078 0.521690283066146 0.5057996881255075 -0.3263154488236479 -0.07013119653131045 +20487,-0.6660543071471389,0,-1.5067338556592376 -1.6347356943077695 -1.7308531571865313 -1.8694831211432454 -1.9762287091754125 -2.0096092773872622 -2.140809872232583 -2.198645446948015 -1.0807059706772735 -1.530466562491287 -0.8044521033191272 -0.8594500718283268 0.12690186344399454 0.3322413707253939 0.20573572451895078 0.521690283066146 0.5057996881255075 -0.3263154488236479 -0.07013119653131045 -0.630171486247481 +20488,-1.4008137530323017,0,-1.6347356943077695 -1.7308531571865313 -1.8694831211432454 -1.9762287091754125 -2.0096092773872622 -2.140809872232583 -2.198645446948015 -1.0807059706772735 -1.530466562491287 -0.8044521033191272 -0.8594500718283268 0.12690186344399454 0.3322413707253939 0.20573572451895078 0.521690283066146 0.5057996881255075 -0.3263154488236479 -0.07013119653131045 -0.630171486247481 -0.6660543071471389 +20489,-1.6114157301009429,0,-1.7308531571865313 -1.8694831211432454 -1.9762287091754125 -2.0096092773872622 -2.140809872232583 -2.198645446948015 -1.0807059706772735 -1.530466562491287 -0.8044521033191272 -0.8594500718283268 0.12690186344399454 0.3322413707253939 0.20573572451895078 0.521690283066146 0.5057996881255075 -0.3263154488236479 -0.07013119653131045 -0.630171486247481 -0.6660543071471389 -1.4008137530323017 +20490,-1.5197352516041918,0,-1.8694831211432454 -1.9762287091754125 -2.0096092773872622 -2.140809872232583 -2.198645446948015 -1.0807059706772735 -1.530466562491287 -0.8044521033191272 -0.8594500718283268 0.12690186344399454 0.3322413707253939 0.20573572451895078 0.521690283066146 0.5057996881255075 -0.3263154488236479 -0.07013119653131045 -0.630171486247481 -0.6660543071471389 -1.4008137530323017 -1.6114157301009429 +20491,-1.8310980474010026,0,-1.9762287091754125 -2.0096092773872622 -2.140809872232583 -2.198645446948015 -1.0807059706772735 -1.530466562491287 -0.8044521033191272 -0.8594500718283268 0.12690186344399454 0.3322413707253939 0.20573572451895078 0.521690283066146 0.5057996881255075 -0.3263154488236479 -0.07013119653131045 -0.630171486247481 -0.6660543071471389 -1.4008137530323017 -1.6114157301009429 -1.5197352516041918 +20492,-1.8401783873228585,0,-2.0096092773872622 -2.140809872232583 -2.198645446948015 -1.0807059706772735 -1.530466562491287 -0.8044521033191272 -0.8594500718283268 0.12690186344399454 0.3322413707253939 0.20573572451895078 0.521690283066146 0.5057996881255075 -0.3263154488236479 -0.07013119653131045 -0.630171486247481 -0.6660543071471389 -1.4008137530323017 -1.6114157301009429 -1.5197352516041918 -1.8310980474010026 +20493,-1.7092615532065192,0,-2.140809872232583 -2.198645446948015 -1.0807059706772735 -1.530466562491287 -0.8044521033191272 -0.8594500718283268 0.12690186344399454 0.3322413707253939 0.20573572451895078 0.521690283066146 0.5057996881255075 -0.3263154488236479 -0.07013119653131045 -0.630171486247481 -0.6660543071471389 -1.4008137530323017 -1.6114157301009429 -1.5197352516041918 -1.8310980474010026 -1.8401783873228585 +20494,-1.7650076180141603,0,-2.198645446948015 -1.0807059706772735 -1.530466562491287 -0.8044521033191272 -0.8594500718283268 0.12690186344399454 0.3322413707253939 0.20573572451895078 0.521690283066146 0.5057996881255075 -0.3263154488236479 -0.07013119653131045 -0.630171486247481 -0.6660543071471389 -1.4008137530323017 -1.6114157301009429 -1.5197352516041918 -1.8310980474010026 -1.8401783873228585 -1.7092615532065192 +20495,-1.680756508474026,0,-1.0807059706772735 -1.530466562491287 -0.8044521033191272 -0.8594500718283268 0.12690186344399454 0.3322413707253939 0.20573572451895078 0.521690283066146 0.5057996881255075 -0.3263154488236479 -0.07013119653131045 -0.630171486247481 -0.6660543071471389 -1.4008137530323017 -1.6114157301009429 -1.5197352516041918 -1.8310980474010026 -1.8401783873228585 -1.7092615532065192 -1.7650076180141603 +20496,-1.7135953518548401,0,-1.530466562491287 -0.8044521033191272 -0.8594500718283268 0.12690186344399454 0.3322413707253939 0.20573572451895078 0.521690283066146 0.5057996881255075 -0.3263154488236479 -0.07013119653131045 -0.630171486247481 -0.6660543071471389 -1.4008137530323017 -1.6114157301009429 -1.5197352516041918 -1.8310980474010026 -1.8401783873228585 -1.7092615532065192 -1.7650076180141603 -1.680756508474026 +20497,-1.5903142581625145,0,-0.8044521033191272 -0.8594500718283268 0.12690186344399454 0.3322413707253939 0.20573572451895078 0.521690283066146 0.5057996881255075 -0.3263154488236479 -0.07013119653131045 -0.630171486247481 -0.6660543071471389 -1.4008137530323017 -1.6114157301009429 -1.5197352516041918 -1.8310980474010026 -1.8401783873228585 -1.7092615532065192 -1.7650076180141603 -1.680756508474026 -1.7135953518548401 +20498,-1.5841231172363428,0,-0.8594500718283268 0.12690186344399454 0.3322413707253939 0.20573572451895078 0.521690283066146 0.5057996881255075 -0.3263154488236479 -0.07013119653131045 -0.630171486247481 -0.6660543071471389 -1.4008137530323017 -1.6114157301009429 -1.5197352516041918 -1.8310980474010026 -1.8401783873228585 -1.7092615532065192 -1.7650076180141603 -1.680756508474026 -1.7135953518548401 -1.5903142581625145 +20499,-0.7768757297255549,0,0.12690186344399454 0.3322413707253939 0.20573572451895078 0.521690283066146 0.5057996881255075 -0.3263154488236479 -0.07013119653131045 -0.630171486247481 -0.6660543071471389 -1.4008137530323017 -1.6114157301009429 -1.5197352516041918 -1.8310980474010026 -1.8401783873228585 -1.7092615532065192 -1.7650076180141603 -1.680756508474026 -1.7135953518548401 -1.5903142581625145 -1.5841231172363428 +20500,-1.037703337712523,0,0.3322413707253939 0.20573572451895078 0.521690283066146 0.5057996881255075 -0.3263154488236479 -0.07013119653131045 -0.630171486247481 -0.6660543071471389 -1.4008137530323017 -1.6114157301009429 -1.5197352516041918 -1.8310980474010026 -1.8401783873228585 -1.7092615532065192 -1.7650076180141603 -1.680756508474026 -1.7135953518548401 -1.5903142581625145 -1.5841231172363428 -0.7768757297255549 +20501,-0.4974746989600894,0,0.20573572451895078 0.521690283066146 0.5057996881255075 -0.3263154488236479 -0.07013119653131045 -0.630171486247481 -0.6660543071471389 -1.4008137530323017 -1.6114157301009429 -1.5197352516041918 -1.8310980474010026 -1.8401783873228585 -1.7092615532065192 -1.7650076180141603 -1.680756508474026 -1.7135953518548401 -1.5903142581625145 -1.5841231172363428 -0.7768757297255549 -1.037703337712523 +20502,-0.42312941505660473,0,0.521690283066146 0.5057996881255075 -0.3263154488236479 -0.07013119653131045 -0.630171486247481 -0.6660543071471389 -1.4008137530323017 -1.6114157301009429 -1.5197352516041918 -1.8310980474010026 -1.8401783873228585 -1.7092615532065192 -1.7650076180141603 -1.680756508474026 -1.7135953518548401 -1.5903142581625145 -1.5841231172363428 -0.7768757297255549 -1.037703337712523 -0.4974746989600894 +20503,0.2723936752089521,0,0.5057996881255075 -0.3263154488236479 -0.07013119653131045 -0.630171486247481 -0.6660543071471389 -1.4008137530323017 -1.6114157301009429 -1.5197352516041918 -1.8310980474010026 -1.8401783873228585 -1.7092615532065192 -1.7650076180141603 -1.680756508474026 -1.7135953518548401 -1.5903142581625145 -1.5841231172363428 -0.7768757297255549 -1.037703337712523 -0.4974746989600894 -0.42312941505660473 +20504,0.5020334106255685,0,-0.3263154488236479 -0.07013119653131045 -0.630171486247481 -0.6660543071471389 -1.4008137530323017 -1.6114157301009429 -1.5197352516041918 -1.8310980474010026 -1.8401783873228585 -1.7092615532065192 -1.7650076180141603 -1.680756508474026 -1.7135953518548401 -1.5903142581625145 -1.5841231172363428 -0.7768757297255549 -1.037703337712523 -0.4974746989600894 -0.42312941505660473 0.2723936752089521 +20505,0.3241412947319197,0,-0.07013119653131045 -0.630171486247481 -0.6660543071471389 -1.4008137530323017 -1.6114157301009429 -1.5197352516041918 -1.8310980474010026 -1.8401783873228585 -1.7092615532065192 -1.7650076180141603 -1.680756508474026 -1.7135953518548401 -1.5903142581625145 -1.5841231172363428 -0.7768757297255549 -1.037703337712523 -0.4974746989600894 -0.42312941505660473 0.2723936752089521 0.5020334106255685 +20506,0.68962498068847,0,-0.630171486247481 -0.6660543071471389 -1.4008137530323017 -1.6114157301009429 -1.5197352516041918 -1.8310980474010026 -1.8401783873228585 -1.7092615532065192 -1.7650076180141603 -1.680756508474026 -1.7135953518548401 -1.5903142581625145 -1.5841231172363428 -0.7768757297255549 -1.037703337712523 -0.4974746989600894 -0.42312941505660473 0.2723936752089521 0.5020334106255685 0.3241412947319197 +20507,0.6475768153347637,0,-0.6660543071471389 -1.4008137530323017 -1.6114157301009429 -1.5197352516041918 -1.8310980474010026 -1.8401783873228585 -1.7092615532065192 -1.7650076180141603 -1.680756508474026 -1.7135953518548401 -1.5903142581625145 -1.5841231172363428 -0.7768757297255549 -1.037703337712523 -0.4974746989600894 -0.42312941505660473 0.2723936752089521 0.5020334106255685 0.3241412947319197 0.68962498068847 +20508,-0.11550710028761836,0,-1.4008137530323017 -1.6114157301009429 -1.5197352516041918 -1.8310980474010026 -1.8401783873228585 -1.7092615532065192 -1.7650076180141603 -1.680756508474026 -1.7135953518548401 -1.5903142581625145 -1.5841231172363428 -0.7768757297255549 -1.037703337712523 -0.4974746989600894 -0.42312941505660473 0.2723936752089521 0.5020334106255685 0.3241412947319197 0.68962498068847 0.6475768153347637 +20509,0.08278998434504947,0,-1.6114157301009429 -1.5197352516041918 -1.8310980474010026 -1.8401783873228585 -1.7092615532065192 -1.7650076180141603 -1.680756508474026 -1.7135953518548401 -1.5903142581625145 -1.5841231172363428 -0.7768757297255549 -1.037703337712523 -0.4974746989600894 -0.42312941505660473 0.2723936752089521 0.5020334106255685 0.3241412947319197 0.68962498068847 0.6475768153347637 -0.11550710028761836 +20510,-0.4399486812909586,0,-1.5197352516041918 -1.8310980474010026 -1.8401783873228585 -1.7092615532065192 -1.7650076180141603 -1.680756508474026 -1.7135953518548401 -1.5903142581625145 -1.5841231172363428 -0.7768757297255549 -1.037703337712523 -0.4974746989600894 -0.42312941505660473 0.2723936752089521 0.5020334106255685 0.3241412947319197 0.68962498068847 0.6475768153347637 -0.11550710028761836 0.08278998434504947 +20511,-0.5150678578102137,0,-1.8310980474010026 -1.8401783873228585 -1.7092615532065192 -1.7650076180141603 -1.680756508474026 -1.7135953518548401 -1.5903142581625145 -1.5841231172363428 -0.7768757297255549 -1.037703337712523 -0.4974746989600894 -0.42312941505660473 0.2723936752089521 0.5020334106255685 0.3241412947319197 0.68962498068847 0.6475768153347637 -0.11550710028761836 0.08278998434504947 -0.4399486812909586 +20512,-1.1870130196120947,0,-1.8401783873228585 -1.7092615532065192 -1.7650076180141603 -1.680756508474026 -1.7135953518548401 -1.5903142581625145 -1.5841231172363428 -0.7768757297255549 -1.037703337712523 -0.4974746989600894 -0.42312941505660473 0.2723936752089521 0.5020334106255685 0.3241412947319197 0.68962498068847 0.6475768153347637 -0.11550710028761836 0.08278998434504947 -0.4399486812909586 -0.5150678578102137 +20513,-1.4113386926067855,0,-1.7092615532065192 -1.7650076180141603 -1.680756508474026 -1.7135953518548401 -1.5903142581625145 -1.5841231172363428 -0.7768757297255549 -1.037703337712523 -0.4974746989600894 -0.42312941505660473 0.2723936752089521 0.5020334106255685 0.3241412947319197 0.68962498068847 0.6475768153347637 -0.11550710028761836 0.08278998434504947 -0.4399486812909586 -0.5150678578102137 -1.1870130196120947 +20514,-1.449078855784294,0,-1.7650076180141603 -1.680756508474026 -1.7135953518548401 -1.5903142581625145 -1.5841231172363428 -0.7768757297255549 -1.037703337712523 -0.4974746989600894 -0.42312941505660473 0.2723936752089521 0.5020334106255685 0.3241412947319197 0.68962498068847 0.6475768153347637 -0.11550710028761836 0.08278998434504947 -0.4399486812909586 -0.5150678578102137 -1.1870130196120947 -1.4113386926067855 +20515,-1.7355996986148519,0,-1.680756508474026 -1.7135953518548401 -1.5903142581625145 -1.5841231172363428 -0.7768757297255549 -1.037703337712523 -0.4974746989600894 -0.42312941505660473 0.2723936752089521 0.5020334106255685 0.3241412947319197 0.68962498068847 0.6475768153347637 -0.11550710028761836 0.08278998434504947 -0.4399486812909586 -0.5150678578102137 -1.1870130196120947 -1.4113386926067855 -1.449078855784294 +20516,-1.8355350316282364,0,-1.7135953518548401 -1.5903142581625145 -1.5841231172363428 -0.7768757297255549 -1.037703337712523 -0.4974746989600894 -0.42312941505660473 0.2723936752089521 0.5020334106255685 0.3241412947319197 0.68962498068847 0.6475768153347637 -0.11550710028761836 0.08278998434504947 -0.4399486812909586 -0.5150678578102137 -1.1870130196120947 -1.4113386926067855 -1.449078855784294 -1.7355996986148519 +20517,-1.8613314522055335,0,-1.5903142581625145 -1.5841231172363428 -0.7768757297255549 -1.037703337712523 -0.4974746989600894 -0.42312941505660473 0.2723936752089521 0.5020334106255685 0.3241412947319197 0.68962498068847 0.6475768153347637 -0.11550710028761836 0.08278998434504947 -0.4399486812909586 -0.5150678578102137 -1.1870130196120947 -1.4113386926067855 -1.449078855784294 -1.7355996986148519 -1.8355350316282364 +20518,-1.985979756134126,0,-1.5841231172363428 -0.7768757297255549 -1.037703337712523 -0.4974746989600894 -0.42312941505660473 0.2723936752089521 0.5020334106255685 0.3241412947319197 0.68962498068847 0.6475768153347637 -0.11550710028761836 0.08278998434504947 -0.4399486812909586 -0.5150678578102137 -1.1870130196120947 -1.4113386926067855 -1.449078855784294 -1.7355996986148519 -1.8355350316282364 -1.8613314522055335 +20519,-2.03648914762664,0,-0.7768757297255549 -1.037703337712523 -0.4974746989600894 -0.42312941505660473 0.2723936752089521 0.5020334106255685 0.3241412947319197 0.68962498068847 0.6475768153347637 -0.11550710028761836 0.08278998434504947 -0.4399486812909586 -0.5150678578102137 -1.1870130196120947 -1.4113386926067855 -1.449078855784294 -1.7355996986148519 -1.8355350316282364 -1.8613314522055335 -1.985979756134126 +20520,-2.039094586048146,0,-1.037703337712523 -0.4974746989600894 -0.42312941505660473 0.2723936752089521 0.5020334106255685 0.3241412947319197 0.68962498068847 0.6475768153347637 -0.11550710028761836 0.08278998434504947 -0.4399486812909586 -0.5150678578102137 -1.1870130196120947 -1.4113386926067855 -1.449078855784294 -1.7355996986148519 -1.8355350316282364 -1.8613314522055335 -1.985979756134126 -2.03648914762664 +20521,-2.1055719617428736,0,-0.4974746989600894 -0.42312941505660473 0.2723936752089521 0.5020334106255685 0.3241412947319197 0.68962498068847 0.6475768153347637 -0.11550710028761836 0.08278998434504947 -0.4399486812909586 -0.5150678578102137 -1.1870130196120947 -1.4113386926067855 -1.449078855784294 -1.7355996986148519 -1.8355350316282364 -1.8613314522055335 -1.985979756134126 -2.03648914762664 -2.039094586048146 +20522,-2.1241453845213796,0,-0.42312941505660473 0.2723936752089521 0.5020334106255685 0.3241412947319197 0.68962498068847 0.6475768153347637 -0.11550710028761836 0.08278998434504947 -0.4399486812909586 -0.5150678578102137 -1.1870130196120947 -1.4113386926067855 -1.449078855784294 -1.7355996986148519 -1.8355350316282364 -1.8613314522055335 -1.985979756134126 -2.03648914762664 -2.039094586048146 -2.1055719617428736 +20523,-1.030093393605847,0,0.2723936752089521 0.5020334106255685 0.3241412947319197 0.68962498068847 0.6475768153347637 -0.11550710028761836 0.08278998434504947 -0.4399486812909586 -0.5150678578102137 -1.1870130196120947 -1.4113386926067855 -1.449078855784294 -1.7355996986148519 -1.8355350316282364 -1.8613314522055335 -1.985979756134126 -2.03648914762664 -2.039094586048146 -2.1055719617428736 -2.1241453845213796 +20524,-1.4195419543339582,0,0.5020334106255685 0.3241412947319197 0.68962498068847 0.6475768153347637 -0.11550710028761836 0.08278998434504947 -0.4399486812909586 -0.5150678578102137 -1.1870130196120947 -1.4113386926067855 -1.449078855784294 -1.7355996986148519 -1.8355350316282364 -1.8613314522055335 -1.985979756134126 -2.03648914762664 -2.039094586048146 -2.1055719617428736 -2.1241453845213796 -1.030093393605847 +20525,-0.696365101213245,0,0.3241412947319197 0.68962498068847 0.6475768153347637 -0.11550710028761836 0.08278998434504947 -0.4399486812909586 -0.5150678578102137 -1.1870130196120947 -1.4113386926067855 -1.449078855784294 -1.7355996986148519 -1.8355350316282364 -1.8613314522055335 -1.985979756134126 -2.03648914762664 -2.039094586048146 -2.1055719617428736 -2.1241453845213796 -1.030093393605847 -1.4195419543339582 +20526,-0.6490286696001825,0,0.68962498068847 0.6475768153347637 -0.11550710028761836 0.08278998434504947 -0.4399486812909586 -0.5150678578102137 -1.1870130196120947 -1.4113386926067855 -1.449078855784294 -1.7355996986148519 -1.8355350316282364 -1.8613314522055335 -1.985979756134126 -2.03648914762664 -2.039094586048146 -2.1055719617428736 -2.1241453845213796 -1.030093393605847 -1.4195419543339582 -0.696365101213245 +20527,0.299428323816703,0,0.6475768153347637 -0.11550710028761836 0.08278998434504947 -0.4399486812909586 -0.5150678578102137 -1.1870130196120947 -1.4113386926067855 -1.449078855784294 -1.7355996986148519 -1.8355350316282364 -1.8613314522055335 -1.985979756134126 -2.03648914762664 -2.039094586048146 -2.1055719617428736 -2.1241453845213796 -1.030093393605847 -1.4195419543339582 -0.696365101213245 -0.6490286696001825 +20528,0.5720448960355091,0,-0.11550710028761836 0.08278998434504947 -0.4399486812909586 -0.5150678578102137 -1.1870130196120947 -1.4113386926067855 -1.449078855784294 -1.7355996986148519 -1.8355350316282364 -1.8613314522055335 -1.985979756134126 -2.03648914762664 -2.039094586048146 -2.1055719617428736 -2.1241453845213796 -1.030093393605847 -1.4195419543339582 -0.696365101213245 -0.6490286696001825 0.299428323816703 +20529,0.4202587576106815,0,0.08278998434504947 -0.4399486812909586 -0.5150678578102137 -1.1870130196120947 -1.4113386926067855 -1.449078855784294 -1.7355996986148519 -1.8355350316282364 -1.8613314522055335 -1.985979756134126 -2.03648914762664 -2.039094586048146 -2.1055719617428736 -2.1241453845213796 -1.030093393605847 -1.4195419543339582 -0.696365101213245 -0.6490286696001825 0.299428323816703 0.5720448960355091 +20530,0.8343428998376572,0,-0.4399486812909586 -0.5150678578102137 -1.1870130196120947 -1.4113386926067855 -1.449078855784294 -1.7355996986148519 -1.8355350316282364 -1.8613314522055335 -1.985979756134126 -2.03648914762664 -2.039094586048146 -2.1055719617428736 -2.1241453845213796 -1.030093393605847 -1.4195419543339582 -0.696365101213245 -0.6490286696001825 0.299428323816703 0.5720448960355091 0.4202587576106815 +20531,0.8240243317305617,0,-0.5150678578102137 -1.1870130196120947 -1.4113386926067855 -1.449078855784294 -1.7355996986148519 -1.8355350316282364 -1.8613314522055335 -1.985979756134126 -2.03648914762664 -2.039094586048146 -2.1055719617428736 -2.1241453845213796 -1.030093393605847 -1.4195419543339582 -0.696365101213245 -0.6490286696001825 0.299428323816703 0.5720448960355091 0.4202587576106815 0.8343428998376572 +20532,-0.06148939570679171,0,-1.1870130196120947 -1.4113386926067855 -1.449078855784294 -1.7355996986148519 -1.8355350316282364 -1.8613314522055335 -1.985979756134126 -2.03648914762664 -2.039094586048146 -2.1055719617428736 -2.1241453845213796 -1.030093393605847 -1.4195419543339582 -0.696365101213245 -0.6490286696001825 0.299428323816703 0.5720448960355091 0.4202587576106815 0.8343428998376572 0.8240243317305617 +20533,0.2199237558596749,0,-1.4113386926067855 -1.449078855784294 -1.7355996986148519 -1.8355350316282364 -1.8613314522055335 -1.985979756134126 -2.03648914762664 -2.039094586048146 -2.1055719617428736 -2.1241453845213796 -1.030093393605847 -1.4195419543339582 -0.696365101213245 -0.6490286696001825 0.299428323816703 0.5720448960355091 0.4202587576106815 0.8343428998376572 0.8240243317305617 -0.06148939570679171 +20534,-0.37385825190411626,0,-1.449078855784294 -1.7355996986148519 -1.8355350316282364 -1.8613314522055335 -1.985979756134126 -2.03648914762664 -2.039094586048146 -2.1055719617428736 -2.1241453845213796 -1.030093393605847 -1.4195419543339582 -0.696365101213245 -0.6490286696001825 0.299428323816703 0.5720448960355091 0.4202587576106815 0.8343428998376572 0.8240243317305617 -0.06148939570679171 0.2199237558596749 +20535,-0.41190797212792585,0,-1.7355996986148519 -1.8355350316282364 -1.8613314522055335 -1.985979756134126 -2.03648914762664 -2.039094586048146 -2.1055719617428736 -2.1241453845213796 -1.030093393605847 -1.4195419543339582 -0.696365101213245 -0.6490286696001825 0.299428323816703 0.5720448960355091 0.4202587576106815 0.8343428998376572 0.8240243317305617 -0.06148939570679171 0.2199237558596749 -0.37385825190411626 +20536,-1.190934075635193,0,-1.8355350316282364 -1.8613314522055335 -1.985979756134126 -2.03648914762664 -2.039094586048146 -2.1055719617428736 -2.1241453845213796 -1.030093393605847 -1.4195419543339582 -0.696365101213245 -0.6490286696001825 0.299428323816703 0.5720448960355091 0.4202587576106815 0.8343428998376572 0.8240243317305617 -0.06148939570679171 0.2199237558596749 -0.37385825190411626 -0.41190797212792585 +20537,-1.4142278916024786,0,-1.8613314522055335 -1.985979756134126 -2.03648914762664 -2.039094586048146 -2.1055719617428736 -2.1241453845213796 -1.030093393605847 -1.4195419543339582 -0.696365101213245 -0.6490286696001825 0.299428323816703 0.5720448960355091 0.4202587576106815 0.8343428998376572 0.8240243317305617 -0.06148939570679171 0.2199237558596749 -0.37385825190411626 -0.41190797212792585 -1.190934075635193 +20538,-1.4362322383624904,0,-1.985979756134126 -2.03648914762664 -2.039094586048146 -2.1055719617428736 -2.1241453845213796 -1.030093393605847 -1.4195419543339582 -0.696365101213245 -0.6490286696001825 0.299428323816703 0.5720448960355091 0.4202587576106815 0.8343428998376572 0.8240243317305617 -0.06148939570679171 0.2199237558596749 -0.37385825190411626 -0.41190797212792585 -1.190934075635193 -1.4142278916024786 +20539,-1.7266225442719088,0,-2.03648914762664 -2.039094586048146 -2.1055719617428736 -2.1241453845213796 -1.030093393605847 -1.4195419543339582 -0.696365101213245 -0.6490286696001825 0.299428323816703 0.5720448960355091 0.4202587576106815 0.8343428998376572 0.8240243317305617 -0.06148939570679171 0.2199237558596749 -0.37385825190411626 -0.41190797212792585 -1.190934075635193 -1.4142278916024786 -1.4362322383624904 +20540,-1.8157233806644997,0,-2.039094586048146 -2.1055719617428736 -2.1241453845213796 -1.030093393605847 -1.4195419543339582 -0.696365101213245 -0.6490286696001825 0.299428323816703 0.5720448960355091 0.4202587576106815 0.8343428998376572 0.8240243317305617 -0.06148939570679171 0.2199237558596749 -0.37385825190411626 -0.41190797212792585 -1.190934075635193 -1.4142278916024786 -1.4362322383624904 -1.7266225442719088 +20541,-1.860867116636073,0,-2.1055719617428736 -2.1241453845213796 -1.030093393605847 -1.4195419543339582 -0.696365101213245 -0.6490286696001825 0.299428323816703 0.5720448960355091 0.4202587576106815 0.8343428998376572 0.8240243317305617 -0.06148939570679171 0.2199237558596749 -0.37385825190411626 -0.41190797212792585 -1.190934075635193 -1.4142278916024786 -1.4362322383624904 -1.7266225442719088 -1.8157233806644997 +20542,-1.9646203199388486,0,-2.1241453845213796 -1.030093393605847 -1.4195419543339582 -0.696365101213245 -0.6490286696001825 0.299428323816703 0.5720448960355091 0.4202587576106815 0.8343428998376572 0.8240243317305617 -0.06148939570679171 0.2199237558596749 -0.37385825190411626 -0.41190797212792585 -1.190934075635193 -1.4142278916024786 -1.4362322383624904 -1.7266225442719088 -1.8157233806644997 -1.860867116636073 +20543,-2.0244164228206154,0,-1.030093393605847 -1.4195419543339582 -0.696365101213245 -0.6490286696001825 0.299428323816703 0.5720448960355091 0.4202587576106815 0.8343428998376572 0.8240243317305617 -0.06148939570679171 0.2199237558596749 -0.37385825190411626 -0.41190797212792585 -1.190934075635193 -1.4142278916024786 -1.4362322383624904 -1.7266225442719088 -1.8157233806644997 -1.860867116636073 -1.9646203199388486 +20544,-2.0496969148842052,0,-1.4195419543339582 -0.696365101213245 -0.6490286696001825 0.299428323816703 0.5720448960355091 0.4202587576106815 0.8343428998376572 0.8240243317305617 -0.06148939570679171 0.2199237558596749 -0.37385825190411626 -0.41190797212792585 -1.190934075635193 -1.4142278916024786 -1.4362322383624904 -1.7266225442719088 -1.8157233806644997 -1.860867116636073 -1.9646203199388486 -2.0244164228206154 +20545,-2.1209982212688376,0,-0.696365101213245 -0.6490286696001825 0.299428323816703 0.5720448960355091 0.4202587576106815 0.8343428998376572 0.8240243317305617 -0.06148939570679171 0.2199237558596749 -0.37385825190411626 -0.41190797212792585 -1.190934075635193 -1.4142278916024786 -1.4362322383624904 -1.7266225442719088 -1.8157233806644997 -1.860867116636073 -1.9646203199388486 -2.0244164228206154 -2.0496969148842052 +20546,-2.1577839168353017,0,-0.6490286696001825 0.299428323816703 0.5720448960355091 0.4202587576106815 0.8343428998376572 0.8240243317305617 -0.06148939570679171 0.2199237558596749 -0.37385825190411626 -0.41190797212792585 -1.190934075635193 -1.4142278916024786 -1.4362322383624904 -1.7266225442719088 -1.8157233806644997 -1.860867116636073 -1.9646203199388486 -2.0244164228206154 -2.0496969148842052 -2.1209982212688376 +20547,-1.0274621587122261,0,0.299428323816703 0.5720448960355091 0.4202587576106815 0.8343428998376572 0.8240243317305617 -0.06148939570679171 0.2199237558596749 -0.37385825190411626 -0.41190797212792585 -1.190934075635193 -1.4142278916024786 -1.4362322383624904 -1.7266225442719088 -1.8157233806644997 -1.860867116636073 -1.9646203199388486 -2.0244164228206154 -2.0496969148842052 -2.1209982212688376 -2.1577839168353017 +20548,-1.4532836723815787,0,0.5720448960355091 0.4202587576106815 0.8343428998376572 0.8240243317305617 -0.06148939570679171 0.2199237558596749 -0.37385825190411626 -0.41190797212792585 -1.190934075635193 -1.4142278916024786 -1.4362322383624904 -1.7266225442719088 -1.8157233806644997 -1.860867116636073 -1.9646203199388486 -2.0244164228206154 -2.0496969148842052 -2.1209982212688376 -2.1577839168353017 -1.0274621587122261 +20549,-0.7119977320518202,0,0.4202587576106815 0.8343428998376572 0.8240243317305617 -0.06148939570679171 0.2199237558596749 -0.37385825190411626 -0.41190797212792585 -1.190934075635193 -1.4142278916024786 -1.4362322383624904 -1.7266225442719088 -1.8157233806644997 -1.860867116636073 -1.9646203199388486 -2.0244164228206154 -2.0496969148842052 -2.1209982212688376 -2.1577839168353017 -1.0274621587122261 -1.4532836723815787 +20550,-0.7614752666717144,0,0.8343428998376572 0.8240243317305617 -0.06148939570679171 0.2199237558596749 -0.37385825190411626 -0.41190797212792585 -1.190934075635193 -1.4142278916024786 -1.4362322383624904 -1.7266225442719088 -1.8157233806644997 -1.860867116636073 -1.9646203199388486 -2.0244164228206154 -2.0496969148842052 -2.1209982212688376 -2.1577839168353017 -1.0274621587122261 -1.4532836723815787 -0.7119977320518202 +20551,0.24339849843487518,0,0.8240243317305617 -0.06148939570679171 0.2199237558596749 -0.37385825190411626 -0.41190797212792585 -1.190934075635193 -1.4142278916024786 -1.4362322383624904 -1.7266225442719088 -1.8157233806644997 -1.860867116636073 -1.9646203199388486 -2.0244164228206154 -2.0496969148842052 -2.1209982212688376 -2.1577839168353017 -1.0274621587122261 -1.4532836723815787 -0.7119977320518202 -0.7614752666717144 +20552,0.4575087889013919,0,-0.06148939570679171 0.2199237558596749 -0.37385825190411626 -0.41190797212792585 -1.190934075635193 -1.4142278916024786 -1.4362322383624904 -1.7266225442719088 -1.8157233806644997 -1.860867116636073 -1.9646203199388486 -2.0244164228206154 -2.0496969148842052 -2.1209982212688376 -2.1577839168353017 -1.0274621587122261 -1.4532836723815787 -0.7119977320518202 -0.7614752666717144 0.24339849843487518 +20553,0.2797198585866647,0,0.2199237558596749 -0.37385825190411626 -0.41190797212792585 -1.190934075635193 -1.4142278916024786 -1.4362322383624904 -1.7266225442719088 -1.8157233806644997 -1.860867116636073 -1.9646203199388486 -2.0244164228206154 -2.0496969148842052 -2.1209982212688376 -2.1577839168353017 -1.0274621587122261 -1.4532836723815787 -0.7119977320518202 -0.7614752666717144 0.24339849843487518 0.4575087889013919 +20554,0.6244632224405485,0,-0.37385825190411626 -0.41190797212792585 -1.190934075635193 -1.4142278916024786 -1.4362322383624904 -1.7266225442719088 -1.8157233806644997 -1.860867116636073 -1.9646203199388486 -2.0244164228206154 -2.0496969148842052 -2.1209982212688376 -2.1577839168353017 -1.0274621587122261 -1.4532836723815787 -0.7119977320518202 -0.7614752666717144 0.24339849843487518 0.4575087889013919 0.2797198585866647 +20555,0.577307365822751,0,-0.41190797212792585 -1.190934075635193 -1.4142278916024786 -1.4362322383624904 -1.7266225442719088 -1.8157233806644997 -1.860867116636073 -1.9646203199388486 -2.0244164228206154 -2.0496969148842052 -2.1209982212688376 -2.1577839168353017 -1.0274621587122261 -1.4532836723815787 -0.7119977320518202 -0.7614752666717144 0.24339849843487518 0.4575087889013919 0.2797198585866647 0.6244632224405485 +20556,-0.1391108250686316,0,-1.190934075635193 -1.4142278916024786 -1.4362322383624904 -1.7266225442719088 -1.8157233806644997 -1.860867116636073 -1.9646203199388486 -2.0244164228206154 -2.0496969148842052 -2.1209982212688376 -2.1577839168353017 -1.0274621587122261 -1.4532836723815787 -0.7119977320518202 -0.7614752666717144 0.24339849843487518 0.4575087889013919 0.2797198585866647 0.6244632224405485 0.577307365822751 +20557,0.03682076296824501,0,-1.4142278916024786 -1.4362322383624904 -1.7266225442719088 -1.8157233806644997 -1.860867116636073 -1.9646203199388486 -2.0244164228206154 -2.0496969148842052 -2.1209982212688376 -2.1577839168353017 -1.0274621587122261 -1.4532836723815787 -0.7119977320518202 -0.7614752666717144 0.24339849843487518 0.4575087889013919 0.2797198585866647 0.6244632224405485 0.577307365822751 -0.1391108250686316 +20558,-0.4565099832684634,0,-1.4362322383624904 -1.7266225442719088 -1.8157233806644997 -1.860867116636073 -1.9646203199388486 -2.0244164228206154 -2.0496969148842052 -2.1209982212688376 -2.1577839168353017 -1.0274621587122261 -1.4532836723815787 -0.7119977320518202 -0.7614752666717144 0.24339849843487518 0.4575087889013919 0.2797198585866647 0.6244632224405485 0.577307365822751 -0.1391108250686316 0.03682076296824501 +20559,-0.525128461815237,0,-1.7266225442719088 -1.8157233806644997 -1.860867116636073 -1.9646203199388486 -2.0244164228206154 -2.0496969148842052 -2.1209982212688376 -2.1577839168353017 -1.0274621587122261 -1.4532836723815787 -0.7119977320518202 -0.7614752666717144 0.24339849843487518 0.4575087889013919 0.2797198585866647 0.6244632224405485 0.577307365822751 -0.1391108250686316 0.03682076296824501 -0.4565099832684634 +20560,-1.1600299637938047,0,-1.8157233806644997 -1.860867116636073 -1.9646203199388486 -2.0244164228206154 -2.0496969148842052 -2.1209982212688376 -2.1577839168353017 -1.0274621587122261 -1.4532836723815787 -0.7119977320518202 -0.7614752666717144 0.24339849843487518 0.4575087889013919 0.2797198585866647 0.6244632224405485 0.577307365822751 -0.1391108250686316 0.03682076296824501 -0.4565099832684634 -0.525128461815237 +20561,-1.3702191982372232,0,-1.860867116636073 -1.9646203199388486 -2.0244164228206154 -2.0496969148842052 -2.1209982212688376 -2.1577839168353017 -1.0274621587122261 -1.4532836723815787 -0.7119977320518202 -0.7614752666717144 0.24339849843487518 0.4575087889013919 0.2797198585866647 0.6244632224405485 0.577307365822751 -0.1391108250686316 0.03682076296824501 -0.4565099832684634 -0.525128461815237 -1.1600299637938047 +20562,-1.3839944867979477,0,-1.9646203199388486 -2.0244164228206154 -2.0496969148842052 -2.1209982212688376 -2.1577839168353017 -1.0274621587122261 -1.4532836723815787 -0.7119977320518202 -0.7614752666717144 0.24339849843487518 0.4575087889013919 0.2797198585866647 0.6244632224405485 0.577307365822751 -0.1391108250686316 0.03682076296824501 -0.4565099832684634 -0.525128461815237 -1.1600299637938047 -1.3702191982372232 +20563,-1.6596550365355975,0,-2.0244164228206154 -2.0496969148842052 -2.1209982212688376 -2.1577839168353017 -1.0274621587122261 -1.4532836723815787 -0.7119977320518202 -0.7614752666717144 0.24339849843487518 0.4575087889013919 0.2797198585866647 0.6244632224405485 0.577307365822751 -0.1391108250686316 0.03682076296824501 -0.4565099832684634 -0.525128461815237 -1.1600299637938047 -1.3702191982372232 -1.3839944867979477 +20564,-1.7389016403905535,0,-2.0496969148842052 -2.1209982212688376 -2.1577839168353017 -1.0274621587122261 -1.4532836723815787 -0.7119977320518202 -0.7614752666717144 0.24339849843487518 0.4575087889013919 0.2797198585866647 0.6244632224405485 0.577307365822751 -0.1391108250686316 0.03682076296824501 -0.4565099832684634 -0.525128461815237 -1.1600299637938047 -1.3702191982372232 -1.3839944867979477 -1.6596550365355975 +20565,-1.7094163317296784,0,-2.1209982212688376 -2.1577839168353017 -1.0274621587122261 -1.4532836723815787 -0.7119977320518202 -0.7614752666717144 0.24339849843487518 0.4575087889013919 0.2797198585866647 0.6244632224405485 0.577307365822751 -0.1391108250686316 0.03682076296824501 -0.4565099832684634 -0.525128461815237 -1.1600299637938047 -1.3702191982372232 -1.3839944867979477 -1.6596550365355975 -1.7389016403905535 +20566,-1.8249069064748398,0,-2.1577839168353017 -1.0274621587122261 -1.4532836723815787 -0.7119977320518202 -0.7614752666717144 0.24339849843487518 0.4575087889013919 0.2797198585866647 0.6244632224405485 0.577307365822751 -0.1391108250686316 0.03682076296824501 -0.4565099832684634 -0.525128461815237 -1.1600299637938047 -1.3702191982372232 -1.3839944867979477 -1.6596550365355975 -1.7389016403905535 -1.7094163317296784 +20567,-1.8316655685493848,0,-1.0274621587122261 -1.4532836723815787 -0.7119977320518202 -0.7614752666717144 0.24339849843487518 0.4575087889013919 0.2797198585866647 0.6244632224405485 0.577307365822751 -0.1391108250686316 0.03682076296824501 -0.4565099832684634 -0.525128461815237 -1.1600299637938047 -1.3702191982372232 -1.3839944867979477 -1.6596550365355975 -1.7389016403905535 -1.7094163317296784 -1.8249069064748398 +20568,-1.8284410160352584,0,-1.4532836723815787 -0.7119977320518202 -0.7614752666717144 0.24339849843487518 0.4575087889013919 0.2797198585866647 0.6244632224405485 0.577307365822751 -0.1391108250686316 0.03682076296824501 -0.4565099832684634 -0.525128461815237 -1.1600299637938047 -1.3702191982372232 -1.3839944867979477 -1.6596550365355975 -1.7389016403905535 -1.7094163317296784 -1.8249069064748398 -1.8316655685493848 +20569,-1.838527416512405,0,-0.7119977320518202 -0.7614752666717144 0.24339849843487518 0.4575087889013919 0.2797198585866647 0.6244632224405485 0.577307365822751 -0.1391108250686316 0.03682076296824501 -0.4565099832684634 -0.525128461815237 -1.1600299637938047 -1.3702191982372232 -1.3839944867979477 -1.6596550365355975 -1.7389016403905535 -1.7094163317296784 -1.8249069064748398 -1.8316655685493848 -1.8284410160352584 +20570,-1.838630602091318,0,-0.7614752666717144 0.24339849843487518 0.4575087889013919 0.2797198585866647 0.6244632224405485 0.577307365822751 -0.1391108250686316 0.03682076296824501 -0.4565099832684634 -0.525128461815237 -1.1600299637938047 -1.3702191982372232 -1.3839944867979477 -1.6596550365355975 -1.7389016403905535 -1.7094163317296784 -1.8249069064748398 -1.8316655685493848 -1.8284410160352584 -1.838527416512405 +20571,-0.8573605617657415,0,0.24339849843487518 0.4575087889013919 0.2797198585866647 0.6244632224405485 0.577307365822751 -0.1391108250686316 0.03682076296824501 -0.4565099832684634 -0.525128461815237 -1.1600299637938047 -1.3702191982372232 -1.3839944867979477 -1.6596550365355975 -1.7389016403905535 -1.7094163317296784 -1.8249069064748398 -1.8316655685493848 -1.8284410160352584 -1.838527416512405 -1.838630602091318 +20572,-1.1845881561858709,0,0.4575087889013919 0.2797198585866647 0.6244632224405485 0.577307365822751 -0.1391108250686316 0.03682076296824501 -0.4565099832684634 -0.525128461815237 -1.1600299637938047 -1.3702191982372232 -1.3839944867979477 -1.6596550365355975 -1.7389016403905535 -1.7094163317296784 -1.8249069064748398 -1.8316655685493848 -1.8284410160352584 -1.838527416512405 -1.838630602091318 -0.8573605617657415 +20573,-0.5304425243919308,0,0.2797198585866647 0.6244632224405485 0.577307365822751 -0.1391108250686316 0.03682076296824501 -0.4565099832684634 -0.525128461815237 -1.1600299637938047 -1.3702191982372232 -1.3839944867979477 -1.6596550365355975 -1.7389016403905535 -1.7094163317296784 -1.8249069064748398 -1.8316655685493848 -1.8284410160352584 -1.838527416512405 -1.838630602091318 -0.8573605617657415 -1.1845881561858709 +20574,-0.5568580590618477,0,0.6244632224405485 0.577307365822751 -0.1391108250686316 0.03682076296824501 -0.4565099832684634 -0.525128461815237 -1.1600299637938047 -1.3702191982372232 -1.3839944867979477 -1.6596550365355975 -1.7389016403905535 -1.7094163317296784 -1.8249069064748398 -1.8316655685493848 -1.8284410160352584 -1.838527416512405 -1.838630602091318 -0.8573605617657415 -1.1845881561858709 -0.5304425243919308 +20575,0.3241412947319197,0,0.577307365822751 -0.1391108250686316 0.03682076296824501 -0.4565099832684634 -0.525128461815237 -1.1600299637938047 -1.3702191982372232 -1.3839944867979477 -1.6596550365355975 -1.7389016403905535 -1.7094163317296784 -1.8249069064748398 -1.8316655685493848 -1.8284410160352584 -1.838527416512405 -1.838630602091318 -0.8573605617657415 -1.1845881561858709 -0.5304425243919308 -0.5568580590618477 +20576,0.5245794822166248,0,-0.1391108250686316 0.03682076296824501 -0.4565099832684634 -0.525128461815237 -1.1600299637938047 -1.3702191982372232 -1.3839944867979477 -1.6596550365355975 -1.7389016403905535 -1.7094163317296784 -1.8249069064748398 -1.8316655685493848 -1.8284410160352584 -1.838527416512405 -1.838630602091318 -0.8573605617657415 -1.1845881561858709 -0.5304425243919308 -0.5568580590618477 0.3241412947319197 +20577,0.3068061001386445,0,0.03682076296824501 -0.4565099832684634 -0.525128461815237 -1.1600299637938047 -1.3702191982372232 -1.3839944867979477 -1.6596550365355975 -1.7389016403905535 -1.7094163317296784 -1.8249069064748398 -1.8316655685493848 -1.8284410160352584 -1.838527416512405 -1.838630602091318 -0.8573605617657415 -1.1845881561858709 -0.5304425243919308 -0.5568580590618477 0.3241412947319197 0.5245794822166248 +20578,0.646648144195834,0,-0.4565099832684634 -0.525128461815237 -1.1600299637938047 -1.3702191982372232 -1.3839944867979477 -1.6596550365355975 -1.7389016403905535 -1.7094163317296784 -1.8249069064748398 -1.8316655685493848 -1.8284410160352584 -1.838527416512405 -1.838630602091318 -0.8573605617657415 -1.1845881561858709 -0.5304425243919308 -0.5568580590618477 0.3241412947319197 0.5245794822166248 0.3068061001386445 +20579,0.5682786185355703,0,-0.525128461815237 -1.1600299637938047 -1.3702191982372232 -1.3839944867979477 -1.6596550365355975 -1.7389016403905535 -1.7094163317296784 -1.8249069064748398 -1.8316655685493848 -1.8284410160352584 -1.838527416512405 -1.838630602091318 -0.8573605617657415 -1.1845881561858709 -0.5304425243919308 -0.5568580590618477 0.3241412947319197 0.5245794822166248 0.3068061001386445 0.646648144195834 +20580,-0.05560781182693882,0,-1.1600299637938047 -1.3702191982372232 -1.3839944867979477 -1.6596550365355975 -1.7389016403905535 -1.7094163317296784 -1.8249069064748398 -1.8316655685493848 -1.8284410160352584 -1.838527416512405 -1.838630602091318 -0.8573605617657415 -1.1845881561858709 -0.5304425243919308 -0.5568580590618477 0.3241412947319197 0.5245794822166248 0.3068061001386445 0.646648144195834 0.5682786185355703 +20581,0.04786163090165006,0,-1.3702191982372232 -1.3839944867979477 -1.6596550365355975 -1.7389016403905535 -1.7094163317296784 -1.8249069064748398 -1.8316655685493848 -1.8284410160352584 -1.838527416512405 -1.838630602091318 -0.8573605617657415 -1.1845881561858709 -0.5304425243919308 -0.5568580590618477 0.3241412947319197 0.5245794822166248 0.3068061001386445 0.646648144195834 0.5682786185355703 -0.05560781182693882 +20582,-0.39418583122676554,0,-1.3839944867979477 -1.6596550365355975 -1.7389016403905535 -1.7094163317296784 -1.8249069064748398 -1.8316655685493848 -1.8284410160352584 -1.838527416512405 -1.838630602091318 -0.8573605617657415 -1.1845881561858709 -0.5304425243919308 -0.5568580590618477 0.3241412947319197 0.5245794822166248 0.3068061001386445 0.646648144195834 0.5682786185355703 -0.05560781182693882 0.04786163090165006 +20583,-0.3690343212142116,0,-1.6596550365355975 -1.7389016403905535 -1.7094163317296784 -1.8249069064748398 -1.8316655685493848 -1.8284410160352584 -1.838527416512405 -1.838630602091318 -0.8573605617657415 -1.1845881561858709 -0.5304425243919308 -0.5568580590618477 0.3241412947319197 0.5245794822166248 0.3068061001386445 0.646648144195834 0.5682786185355703 -0.05560781182693882 0.04786163090165006 -0.39418583122676554 +20584,-0.9668147741078906,0,-1.7389016403905535 -1.7094163317296784 -1.8249069064748398 -1.8316655685493848 -1.8284410160352584 -1.838527416512405 -1.838630602091318 -0.8573605617657415 -1.1845881561858709 -0.5304425243919308 -0.5568580590618477 0.3241412947319197 0.5245794822166248 0.3068061001386445 0.646648144195834 0.5682786185355703 -0.05560781182693882 0.04786163090165006 -0.39418583122676554 -0.3690343212142116 +20585,-1.0973962547058056,0,-1.7094163317296784 -1.8249069064748398 -1.8316655685493848 -1.8284410160352584 -1.838527416512405 -1.838630602091318 -0.8573605617657415 -1.1845881561858709 -0.5304425243919308 -0.5568580590618477 0.3241412947319197 0.5245794822166248 0.3068061001386445 0.646648144195834 0.5682786185355703 -0.05560781182693882 0.04786163090165006 -0.39418583122676554 -0.3690343212142116 -0.9668147741078906 +20586,-1.1662211047199762,0,-1.8249069064748398 -1.8316655685493848 -1.8284410160352584 -1.838527416512405 -1.838630602091318 -0.8573605617657415 -1.1845881561858709 -0.5304425243919308 -0.5568580590618477 0.3241412947319197 0.5245794822166248 0.3068061001386445 0.646648144195834 0.5682786185355703 -0.05560781182693882 0.04786163090165006 -0.39418583122676554 -0.3690343212142116 -0.9668147741078906 -1.0973962547058056 +20587,-1.3173881290521754,0,-1.8316655685493848 -1.8284410160352584 -1.838527416512405 -1.838630602091318 -0.8573605617657415 -1.1845881561858709 -0.5304425243919308 -0.5568580590618477 0.3241412947319197 0.5245794822166248 0.3068061001386445 0.646648144195834 0.5682786185355703 -0.05560781182693882 0.04786163090165006 -0.39418583122676554 -0.3690343212142116 -0.9668147741078906 -1.0973962547058056 -1.1662211047199762 +20588,-1.4067985224910762,0,-1.8284410160352584 -1.838527416512405 -1.838630602091318 -0.8573605617657415 -1.1845881561858709 -0.5304425243919308 -0.5568580590618477 0.3241412947319197 0.5245794822166248 0.3068061001386445 0.646648144195834 0.5682786185355703 -0.05560781182693882 0.04786163090165006 -0.39418583122676554 -0.3690343212142116 -0.9668147741078906 -1.0973962547058056 -1.1662211047199762 -1.3173881290521754 +20589,-1.5416364126305138,0,-1.838527416512405 -1.838630602091318 -0.8573605617657415 -1.1845881561858709 -0.5304425243919308 -0.5568580590618477 0.3241412947319197 0.5245794822166248 0.3068061001386445 0.646648144195834 0.5682786185355703 -0.05560781182693882 0.04786163090165006 -0.39418583122676554 -0.3690343212142116 -0.9668147741078906 -1.0973962547058056 -1.1662211047199762 -1.3173881290521754 -1.4067985224910762 +20590,-1.6159043072724144,0,-1.838630602091318 -0.8573605617657415 -1.1845881561858709 -0.5304425243919308 -0.5568580590618477 0.3241412947319197 0.5245794822166248 0.3068061001386445 0.646648144195834 0.5682786185355703 -0.05560781182693882 0.04786163090165006 -0.39418583122676554 -0.3690343212142116 -0.9668147741078906 -1.0973962547058056 -1.1662211047199762 -1.3173881290521754 -1.4067985224910762 -1.5416364126305138 +20591,-1.7355996986148519,0,-0.8573605617657415 -1.1845881561858709 -0.5304425243919308 -0.5568580590618477 0.3241412947319197 0.5245794822166248 0.3068061001386445 0.646648144195834 0.5682786185355703 -0.05560781182693882 0.04786163090165006 -0.39418583122676554 -0.3690343212142116 -0.9668147741078906 -1.0973962547058056 -1.1662211047199762 -1.3173881290521754 -1.4067985224910762 -1.5416364126305138 -1.6159043072724144 +20592,-1.7049277545582069,0,-1.1845881561858709 -0.5304425243919308 -0.5568580590618477 0.3241412947319197 0.5245794822166248 0.3068061001386445 0.646648144195834 0.5682786185355703 -0.05560781182693882 0.04786163090165006 -0.39418583122676554 -0.3690343212142116 -0.9668147741078906 -1.0973962547058056 -1.1662211047199762 -1.3173881290521754 -1.4067985224910762 -1.5416364126305138 -1.6159043072724144 -1.7355996986148519 +20593,-1.8747455909304873,0,-0.5304425243919308 -0.5568580590618477 0.3241412947319197 0.5245794822166248 0.3068061001386445 0.646648144195834 0.5682786185355703 -0.05560781182693882 0.04786163090165006 -0.39418583122676554 -0.3690343212142116 -0.9668147741078906 -1.0973962547058056 -1.1662211047199762 -1.3173881290521754 -1.4067985224910762 -1.5416364126305138 -1.6159043072724144 -1.7355996986148519 -1.7049277545582069 +20594,-1.894196091903685,0,-0.5568580590618477 0.3241412947319197 0.5245794822166248 0.3068061001386445 0.646648144195834 0.5682786185355703 -0.05560781182693882 0.04786163090165006 -0.39418583122676554 -0.3690343212142116 -0.9668147741078906 -1.0973962547058056 -1.1662211047199762 -1.3173881290521754 -1.4067985224910762 -1.5416364126305138 -1.6159043072724144 -1.7355996986148519 -1.7049277545582069 -1.8747455909304873 +20595,-0.9212840918284322,0,0.3241412947319197 0.5245794822166248 0.3068061001386445 0.646648144195834 0.5682786185355703 -0.05560781182693882 0.04786163090165006 -0.39418583122676554 -0.3690343212142116 -0.9668147741078906 -1.0973962547058056 -1.1662211047199762 -1.3173881290521754 -1.4067985224910762 -1.5416364126305138 -1.6159043072724144 -1.7355996986148519 -1.7049277545582069 -1.8747455909304873 -1.894196091903685 +20596,-1.2715220932542926,0,0.5245794822166248 0.3068061001386445 0.646648144195834 0.5682786185355703 -0.05560781182693882 0.04786163090165006 -0.39418583122676554 -0.3690343212142116 -0.9668147741078906 -1.0973962547058056 -1.1662211047199762 -1.3173881290521754 -1.4067985224910762 -1.5416364126305138 -1.6159043072724144 -1.7355996986148519 -1.7049277545582069 -1.8747455909304873 -1.894196091903685 -0.9212840918284322 +20597,-0.6293975936317107,0,0.3068061001386445 0.646648144195834 0.5682786185355703 -0.05560781182693882 0.04786163090165006 -0.39418583122676554 -0.3690343212142116 -0.9668147741078906 -1.0973962547058056 -1.1662211047199762 -1.3173881290521754 -1.4067985224910762 -1.5416364126305138 -1.6159043072724144 -1.7355996986148519 -1.7049277545582069 -1.8747455909304873 -1.894196091903685 -0.9212840918284322 -1.2715220932542926 +20598,-0.725179702992048,0,0.646648144195834 0.5682786185355703 -0.05560781182693882 0.04786163090165006 -0.39418583122676554 -0.3690343212142116 -0.9668147741078906 -1.0973962547058056 -1.1662211047199762 -1.3173881290521754 -1.4067985224910762 -1.5416364126305138 -1.6159043072724144 -1.7355996986148519 -1.7049277545582069 -1.8747455909304873 -1.894196091903685 -0.9212840918284322 -1.2715220932542926 -0.6293975936317107 +20599,0.16291366639468852,0,0.5682786185355703 -0.05560781182693882 0.04786163090165006 -0.39418583122676554 -0.3690343212142116 -0.9668147741078906 -1.0973962547058056 -1.1662211047199762 -1.3173881290521754 -1.4067985224910762 -1.5416364126305138 -1.6159043072724144 -1.7355996986148519 -1.7049277545582069 -1.8747455909304873 -1.894196091903685 -0.9212840918284322 -1.2715220932542926 -0.6293975936317107 -0.725179702992048 +20600,0.31310042679851463,0,-0.05560781182693882 0.04786163090165006 -0.39418583122676554 -0.3690343212142116 -0.9668147741078906 -1.0973962547058056 -1.1662211047199762 -1.3173881290521754 -1.4067985224910762 -1.5416364126305138 -1.6159043072724144 -1.7355996986148519 -1.7049277545582069 -1.8747455909304873 -1.894196091903685 -0.9212840918284322 -1.2715220932542926 -0.6293975936317107 -0.725179702992048 0.16291366639468852 +20601,0.08733015430598183,0,0.04786163090165006 -0.39418583122676554 -0.3690343212142116 -0.9668147741078906 -1.0973962547058056 -1.1662211047199762 -1.3173881290521754 -1.4067985224910762 -1.5416364126305138 -1.6159043072724144 -1.7355996986148519 -1.7049277545582069 -1.8747455909304873 -1.894196091903685 -0.9212840918284322 -1.2715220932542926 -0.6293975936317107 -0.725179702992048 0.16291366639468852 0.31310042679851463 +20602,0.36283592552047234,0,-0.39418583122676554 -0.3690343212142116 -0.9668147741078906 -1.0973962547058056 -1.1662211047199762 -1.3173881290521754 -1.4067985224910762 -1.5416364126305138 -1.6159043072724144 -1.7355996986148519 -1.7049277545582069 -1.8747455909304873 -1.894196091903685 -0.9212840918284322 -1.2715220932542926 -0.6293975936317107 -0.725179702992048 0.16291366639468852 0.31310042679851463 0.08733015430598183 +20603,0.26238466399338956,0,-0.3690343212142116 -0.9668147741078906 -1.0973962547058056 -1.1662211047199762 -1.3173881290521754 -1.4067985224910762 -1.5416364126305138 -1.6159043072724144 -1.7355996986148519 -1.7049277545582069 -1.8747455909304873 -1.894196091903685 -0.9212840918284322 -1.2715220932542926 -0.6293975936317107 -0.725179702992048 0.16291366639468852 0.31310042679851463 0.08733015430598183 0.36283592552047234 +20604,-0.3158678985107394,0,-0.9668147741078906 -1.0973962547058056 -1.1662211047199762 -1.3173881290521754 -1.4067985224910762 -1.5416364126305138 -1.6159043072724144 -1.7355996986148519 -1.7049277545582069 -1.8747455909304873 -1.894196091903685 -0.9212840918284322 -1.2715220932542926 -0.6293975936317107 -0.725179702992048 0.16291366639468852 0.31310042679851463 0.08733015430598183 0.36283592552047234 0.26238466399338956 +20605,-0.25705205971214007,0,-1.0973962547058056 -1.1662211047199762 -1.3173881290521754 -1.4067985224910762 -1.5416364126305138 -1.6159043072724144 -1.7355996986148519 -1.7049277545582069 -1.8747455909304873 -1.894196091903685 -0.9212840918284322 -1.2715220932542926 -0.6293975936317107 -0.725179702992048 0.16291366639468852 0.31310042679851463 0.08733015430598183 0.36283592552047234 0.26238466399338956 -0.3158678985107394 +20606,-0.676037521890587,0,-1.1662211047199762 -1.3173881290521754 -1.4067985224910762 -1.5416364126305138 -1.6159043072724144 -1.7355996986148519 -1.7049277545582069 -1.8747455909304873 -1.894196091903685 -0.9212840918284322 -1.2715220932542926 -0.6293975936317107 -0.725179702992048 0.16291366639468852 0.31310042679851463 0.08733015430598183 0.36283592552047234 0.26238466399338956 -0.3158678985107394 -0.25705205971214007 +20607,-0.7877102263463486,0,-1.3173881290521754 -1.4067985224910762 -1.5416364126305138 -1.6159043072724144 -1.7355996986148519 -1.7049277545582069 -1.8747455909304873 -1.894196091903685 -0.9212840918284322 -1.2715220932542926 -0.6293975936317107 -0.725179702992048 0.16291366639468852 0.31310042679851463 0.08733015430598183 0.36283592552047234 0.26238466399338956 -0.3158678985107394 -0.25705205971214007 -0.676037521890587 +20608,-1.3091332743807649,0,-1.4067985224910762 -1.5416364126305138 -1.6159043072724144 -1.7355996986148519 -1.7049277545582069 -1.8747455909304873 -1.894196091903685 -0.9212840918284322 -1.2715220932542926 -0.6293975936317107 -0.725179702992048 0.16291366639468852 0.31310042679851463 0.08733015430598183 0.36283592552047234 0.26238466399338956 -0.3158678985107394 -0.25705205971214007 -0.676037521890587 -0.7877102263463486 +20609,-1.5232435648472817,0,-1.5416364126305138 -1.6159043072724144 -1.7355996986148519 -1.7049277545582069 -1.8747455909304873 -1.894196091903685 -0.9212840918284322 -1.2715220932542926 -0.6293975936317107 -0.725179702992048 0.16291366639468852 0.31310042679851463 0.08733015430598183 0.36283592552047234 0.26238466399338956 -0.3158678985107394 -0.25705205971214007 -0.676037521890587 -0.7877102263463486 -1.3091332743807649 +20610,-1.5723599494766196,0,-1.6159043072724144 -1.7355996986148519 -1.7049277545582069 -1.8747455909304873 -1.894196091903685 -0.9212840918284322 -1.2715220932542926 -0.6293975936317107 -0.725179702992048 0.16291366639468852 0.31310042679851463 0.08733015430598183 0.36283592552047234 0.26238466399338956 -0.3158678985107394 -0.25705205971214007 -0.676037521890587 -0.7877102263463486 -1.3091332743807649 -1.5232435648472817 +20611,-1.841468208452336,0,-1.7355996986148519 -1.7049277545582069 -1.8747455909304873 -1.894196091903685 -0.9212840918284322 -1.2715220932542926 -0.6293975936317107 -0.725179702992048 0.16291366639468852 0.31310042679851463 0.08733015430598183 0.36283592552047234 0.26238466399338956 -0.3158678985107394 -0.25705205971214007 -0.676037521890587 -0.7877102263463486 -1.3091332743807649 -1.5232435648472817 -1.5723599494766196 +20612,-1.9455825615908822,0,-1.7049277545582069 -1.8747455909304873 -1.894196091903685 -0.9212840918284322 -1.2715220932542926 -0.6293975936317107 -0.725179702992048 0.16291366639468852 0.31310042679851463 0.08733015430598183 0.36283592552047234 0.26238466399338956 -0.3158678985107394 -0.25705205971214007 -0.676037521890587 -0.7877102263463486 -1.3091332743807649 -1.5232435648472817 -1.5723599494766196 -1.841468208452336 +20613,-1.9671225727814334,0,-1.8747455909304873 -1.894196091903685 -0.9212840918284322 -1.2715220932542926 -0.6293975936317107 -0.725179702992048 0.16291366639468852 0.31310042679851463 0.08733015430598183 0.36283592552047234 0.26238466399338956 -0.3158678985107394 -0.25705205971214007 -0.676037521890587 -0.7877102263463486 -1.3091332743807649 -1.5232435648472817 -1.5723599494766196 -1.841468208452336 -1.9455825615908822 +20614,-2.098761706724091,0,-1.894196091903685 -0.9212840918284322 -1.2715220932542926 -0.6293975936317107 -0.725179702992048 0.16291366639468852 0.31310042679851463 0.08733015430598183 0.36283592552047234 0.26238466399338956 -0.3158678985107394 -0.25705205971214007 -0.676037521890587 -0.7877102263463486 -1.3091332743807649 -1.5232435648472817 -1.5723599494766196 -1.841468208452336 -1.9455825615908822 -1.9671225727814334 +20615,-2.147826498563977,0,-0.9212840918284322 -1.2715220932542926 -0.6293975936317107 -0.725179702992048 0.16291366639468852 0.31310042679851463 0.08733015430598183 0.36283592552047234 0.26238466399338956 -0.3158678985107394 -0.25705205971214007 -0.676037521890587 -0.7877102263463486 -1.3091332743807649 -1.5232435648472817 -1.5723599494766196 -1.841468208452336 -1.9455825615908822 -1.9671225727814334 -2.098761706724091 +20616,-1.992893196886607,0,-1.2715220932542926 -0.6293975936317107 -0.725179702992048 0.16291366639468852 0.31310042679851463 0.08733015430598183 0.36283592552047234 0.26238466399338956 -0.3158678985107394 -0.25705205971214007 -0.676037521890587 -0.7877102263463486 -1.3091332743807649 -1.5232435648472817 -1.5723599494766196 -1.841468208452336 -1.9455825615908822 -1.9671225727814334 -2.098761706724091 -2.147826498563977 +20617,-2.1099573531806555,0,-0.6293975936317107 -0.725179702992048 0.16291366639468852 0.31310042679851463 0.08733015430598183 0.36283592552047234 0.26238466399338956 -0.3158678985107394 -0.25705205971214007 -0.676037521890587 -0.7877102263463486 -1.3091332743807649 -1.5232435648472817 -1.5723599494766196 -1.841468208452336 -1.9455825615908822 -1.9671225727814334 -2.098761706724091 -2.147826498563977 -1.992893196886607 +20618,-2.023023416112225,0,-0.725179702992048 0.16291366639468852 0.31310042679851463 0.08733015430598183 0.36283592552047234 0.26238466399338956 -0.3158678985107394 -0.25705205971214007 -0.676037521890587 -0.7877102263463486 -1.3091332743807649 -1.5232435648472817 -1.5723599494766196 -1.841468208452336 -1.9455825615908822 -1.9671225727814334 -2.098761706724091 -2.147826498563977 -1.992893196886607 -2.1099573531806555 +20619,-1.4565082248956962,0,0.16291366639468852 0.31310042679851463 0.08733015430598183 0.36283592552047234 0.26238466399338956 -0.3158678985107394 -0.25705205971214007 -0.676037521890587 -0.7877102263463486 -1.3091332743807649 -1.5232435648472817 -1.5723599494766196 -1.841468208452336 -1.9455825615908822 -1.9671225727814334 -2.098761706724091 -2.147826498563977 -1.992893196886607 -2.1099573531806555 -2.023023416112225 +20620,-1.5294347057734445,0,0.31310042679851463 0.08733015430598183 0.36283592552047234 0.26238466399338956 -0.3158678985107394 -0.25705205971214007 -0.676037521890587 -0.7877102263463486 -1.3091332743807649 -1.5232435648472817 -1.5723599494766196 -1.841468208452336 -1.9455825615908822 -1.9671225727814334 -2.098761706724091 -2.147826498563977 -1.992893196886607 -2.1099573531806555 -2.023023416112225 -1.4565082248956962 +20621,-1.1227799325030943,0,0.08733015430598183 0.36283592552047234 0.26238466399338956 -0.3158678985107394 -0.25705205971214007 -0.676037521890587 -0.7877102263463486 -1.3091332743807649 -1.5232435648472817 -1.5723599494766196 -1.841468208452336 -1.9455825615908822 -1.9671225727814334 -2.098761706724091 -2.147826498563977 -1.992893196886607 -2.1099573531806555 -2.023023416112225 -1.4565082248956962 -1.5294347057734445 +20622,-0.9314220850950395,0,0.36283592552047234 0.26238466399338956 -0.3158678985107394 -0.25705205971214007 -0.676037521890587 -0.7877102263463486 -1.3091332743807649 -1.5232435648472817 -1.5723599494766196 -1.841468208452336 -1.9455825615908822 -1.9671225727814334 -2.098761706724091 -2.147826498563977 -1.992893196886607 -2.1099573531806555 -2.023023416112225 -1.4565082248956962 -1.5294347057734445 -1.1227799325030943 +20623,-0.4530016700253648,0,0.26238466399338956 -0.3158678985107394 -0.25705205971214007 -0.676037521890587 -0.7877102263463486 -1.3091332743807649 -1.5232435648472817 -1.5723599494766196 -1.841468208452336 -1.9455825615908822 -1.9671225727814334 -2.098761706724091 -2.147826498563977 -1.992893196886607 -2.1099573531806555 -2.023023416112225 -1.4565082248956962 -1.5294347057734445 -1.1227799325030943 -0.9314220850950395 +20624,-0.1898781806632087,0,-0.3158678985107394 -0.25705205971214007 -0.676037521890587 -0.7877102263463486 -1.3091332743807649 -1.5232435648472817 -1.5723599494766196 -1.841468208452336 -1.9455825615908822 -1.9671225727814334 -2.098761706724091 -2.147826498563977 -1.992893196886607 -2.1099573531806555 -2.023023416112225 -1.4565082248956962 -1.5294347057734445 -1.1227799325030943 -0.9314220850950395 -0.4530016700253648 +20625,-0.3942632204883496,0,-0.25705205971214007 -0.676037521890587 -0.7877102263463486 -1.3091332743807649 -1.5232435648472817 -1.5723599494766196 -1.841468208452336 -1.9455825615908822 -1.9671225727814334 -2.098761706724091 -2.147826498563977 -1.992893196886607 -2.1099573531806555 -2.023023416112225 -1.4565082248956962 -1.5294347057734445 -1.1227799325030943 -0.9314220850950395 -0.4530016700253648 -0.1898781806632087 +20626,0.024696445217982824,0,-0.676037521890587 -0.7877102263463486 -1.3091332743807649 -1.5232435648472817 -1.5723599494766196 -1.841468208452336 -1.9455825615908822 -1.9671225727814334 -2.098761706724091 -2.147826498563977 -1.992893196886607 -2.1099573531806555 -2.023023416112225 -1.4565082248956962 -1.5294347057734445 -1.1227799325030943 -0.9314220850950395 -0.4530016700253648 -0.1898781806632087 -0.3942632204883496 +20627,-0.023852418108204876,0,-0.7877102263463486 -1.3091332743807649 -1.5232435648472817 -1.5723599494766196 -1.841468208452336 -1.9455825615908822 -1.9671225727814334 -2.098761706724091 -2.147826498563977 -1.992893196886607 -2.1099573531806555 -2.023023416112225 -1.4565082248956962 -1.5294347057734445 -1.1227799325030943 -0.9314220850950395 -0.4530016700253648 -0.1898781806632087 -0.3942632204883496 0.024696445217982824 +20628,-0.2945084623154619,0,-1.3091332743807649 -1.5232435648472817 -1.5723599494766196 -1.841468208452336 -1.9455825615908822 -1.9671225727814334 -2.098761706724091 -2.147826498563977 -1.992893196886607 -2.1099573531806555 -2.023023416112225 -1.4565082248956962 -1.5294347057734445 -1.1227799325030943 -0.9314220850950395 -0.4530016700253648 -0.1898781806632087 -0.3942632204883496 0.024696445217982824 -0.023852418108204876 +20629,-0.26902159878447485,0,-1.5232435648472817 -1.5723599494766196 -1.841468208452336 -1.9455825615908822 -1.9671225727814334 -2.098761706724091 -2.147826498563977 -1.992893196886607 -2.1099573531806555 -2.023023416112225 -1.4565082248956962 -1.5294347057734445 -1.1227799325030943 -0.9314220850950395 -0.4530016700253648 -0.1898781806632087 -0.3942632204883496 0.024696445217982824 -0.023852418108204876 -0.2945084623154619 +20630,-0.4656419161345571,0,-1.5723599494766196 -1.841468208452336 -1.9455825615908822 -1.9671225727814334 -2.098761706724091 -2.147826498563977 -1.992893196886607 -2.1099573531806555 -2.023023416112225 -1.4565082248956962 -1.5294347057734445 -1.1227799325030943 -0.9314220850950395 -0.4530016700253648 -0.1898781806632087 -0.3942632204883496 0.024696445217982824 -0.023852418108204876 -0.2945084623154619 -0.26902159878447485 +20631,-0.6398193474725047,0,-1.841468208452336 -1.9455825615908822 -1.9671225727814334 -2.098761706724091 -2.147826498563977 -1.992893196886607 -2.1099573531806555 -2.023023416112225 -1.4565082248956962 -1.5294347057734445 -1.1227799325030943 -0.9314220850950395 -0.4530016700253648 -0.1898781806632087 -0.3942632204883496 0.024696445217982824 -0.023852418108204876 -0.2945084623154619 -0.26902159878447485 -0.4656419161345571 +20632,-0.8439206267234501,0,-1.9455825615908822 -1.9671225727814334 -2.098761706724091 -2.147826498563977 -1.992893196886607 -2.1099573531806555 -2.023023416112225 -1.4565082248956962 -1.5294347057734445 -1.1227799325030943 -0.9314220850950395 -0.4530016700253648 -0.1898781806632087 -0.3942632204883496 0.024696445217982824 -0.023852418108204876 -0.2945084623154619 -0.26902159878447485 -0.4656419161345571 -0.6398193474725047 +20633,-1.0255790199622523,0,-1.9671225727814334 -2.098761706724091 -2.147826498563977 -1.992893196886607 -2.1099573531806555 -2.023023416112225 -1.4565082248956962 -1.5294347057734445 -1.1227799325030943 -0.9314220850950395 -0.4530016700253648 -0.1898781806632087 -0.3942632204883496 0.024696445217982824 -0.023852418108204876 -0.2945084623154619 -0.26902159878447485 -0.4656419161345571 -0.6398193474725047 -0.8439206267234501 +20634,-1.075907836459492,0,-2.098761706724091 -2.147826498563977 -1.992893196886607 -2.1099573531806555 -2.023023416112225 -1.4565082248956962 -1.5294347057734445 -1.1227799325030943 -0.9314220850950395 -0.4530016700253648 -0.1898781806632087 -0.3942632204883496 0.024696445217982824 -0.023852418108204876 -0.2945084623154619 -0.26902159878447485 -0.4656419161345571 -0.6398193474725047 -0.8439206267234501 -1.0255790199622523 +20635,-1.3013427554336006,0,-2.147826498563977 -1.992893196886607 -2.1099573531806555 -2.023023416112225 -1.4565082248956962 -1.5294347057734445 -1.1227799325030943 -0.9314220850950395 -0.4530016700253648 -0.1898781806632087 -0.3942632204883496 0.024696445217982824 -0.023852418108204876 -0.2945084623154619 -0.26902159878447485 -0.4656419161345571 -0.6398193474725047 -0.8439206267234501 -1.0255790199622523 -1.075907836459492 +20636,-1.3954480975113612,0,-1.992893196886607 -2.1099573531806555 -2.023023416112225 -1.4565082248956962 -1.5294347057734445 -1.1227799325030943 -0.9314220850950395 -0.4530016700253648 -0.1898781806632087 -0.3942632204883496 0.024696445217982824 -0.023852418108204876 -0.2945084623154619 -0.26902159878447485 -0.4656419161345571 -0.6398193474725047 -0.8439206267234501 -1.0255790199622523 -1.075907836459492 -1.3013427554336006 +20637,-1.3870900572610292,0,-2.1099573531806555 -2.023023416112225 -1.4565082248956962 -1.5294347057734445 -1.1227799325030943 -0.9314220850950395 -0.4530016700253648 -0.1898781806632087 -0.3942632204883496 0.024696445217982824 -0.023852418108204876 -0.2945084623154619 -0.26902159878447485 -0.4656419161345571 -0.6398193474725047 -0.8439206267234501 -1.0255790199622523 -1.075907836459492 -1.3013427554336006 -1.3954480975113612 +20638,-1.5153498601664188,0,-2.023023416112225 -1.4565082248956962 -1.5294347057734445 -1.1227799325030943 -0.9314220850950395 -0.4530016700253648 -0.1898781806632087 -0.3942632204883496 0.024696445217982824 -0.023852418108204876 -0.2945084623154619 -0.26902159878447485 -0.4656419161345571 -0.6398193474725047 -0.8439206267234501 -1.0255790199622523 -1.075907836459492 -1.3013427554336006 -1.3954480975113612 -1.3870900572610292 +20639,-1.5411462805889302,0,-1.4565082248956962 -1.5294347057734445 -1.1227799325030943 -0.9314220850950395 -0.4530016700253648 -0.1898781806632087 -0.3942632204883496 0.024696445217982824 -0.023852418108204876 -0.2945084623154619 -0.26902159878447485 -0.4656419161345571 -0.6398193474725047 -0.8439206267234501 -1.0255790199622523 -1.075907836459492 -1.3013427554336006 -1.3954480975113612 -1.3870900572610292 -1.5153498601664188 +20640,-1.538386063644273,0,-1.5294347057734445 -1.1227799325030943 -0.9314220850950395 -0.4530016700253648 -0.1898781806632087 -0.3942632204883496 0.024696445217982824 -0.023852418108204876 -0.2945084623154619 -0.26902159878447485 -0.4656419161345571 -0.6398193474725047 -0.8439206267234501 -1.0255790199622523 -1.075907836459492 -1.3013427554336006 -1.3954480975113612 -1.3870900572610292 -1.5153498601664188 -1.5411462805889302 +20641,-1.5737013633955488,0,-1.1227799325030943 -0.9314220850950395 -0.4530016700253648 -0.1898781806632087 -0.3942632204883496 0.024696445217982824 -0.023852418108204876 -0.2945084623154619 -0.26902159878447485 -0.4656419161345571 -0.6398193474725047 -0.8439206267234501 -1.0255790199622523 -1.075907836459492 -1.3013427554336006 -1.3954480975113612 -1.3870900572610292 -1.5153498601664188 -1.5411462805889302 -1.538386063644273 +20642,-1.5804600254700938,0,-0.9314220850950395 -0.4530016700253648 -0.1898781806632087 -0.3942632204883496 0.024696445217982824 -0.023852418108204876 -0.2945084623154619 -0.26902159878447485 -0.4656419161345571 -0.6398193474725047 -0.8439206267234501 -1.0255790199622523 -1.075907836459492 -1.3013427554336006 -1.3954480975113612 -1.3870900572610292 -1.5153498601664188 -1.5411462805889302 -1.538386063644273 -1.5737013633955488 +20643,-0.8050454209396237,0,-0.4530016700253648 -0.1898781806632087 -0.3942632204883496 0.024696445217982824 -0.023852418108204876 -0.2945084623154619 -0.26902159878447485 -0.4656419161345571 -0.6398193474725047 -0.8439206267234501 -1.0255790199622523 -1.075907836459492 -1.3013427554336006 -1.3954480975113612 -1.3870900572610292 -1.5153498601664188 -1.5411462805889302 -1.538386063644273 -1.5737013633955488 -1.5804600254700938 +20644,-1.0725285054222153,0,-0.1898781806632087 -0.3942632204883496 0.024696445217982824 -0.023852418108204876 -0.2945084623154619 -0.26902159878447485 -0.4656419161345571 -0.6398193474725047 -0.8439206267234501 -1.0255790199622523 -1.075907836459492 -1.3013427554336006 -1.3954480975113612 -1.3870900572610292 -1.5153498601664188 -1.5411462805889302 -1.538386063644273 -1.5737013633955488 -1.5804600254700938 -0.8050454209396237 +20645,-0.5578383229902294,0,-0.3942632204883496 0.024696445217982824 -0.023852418108204876 -0.2945084623154619 -0.26902159878447485 -0.4656419161345571 -0.6398193474725047 -0.8439206267234501 -1.0255790199622523 -1.075907836459492 -1.3013427554336006 -1.3954480975113612 -1.3870900572610292 -1.5153498601664188 -1.5411462805889302 -1.538386063644273 -1.5737013633955488 -1.5804600254700938 -0.8050454209396237 -1.0725285054222153 +20646,-0.5139844081481334,0,0.024696445217982824 -0.023852418108204876 -0.2945084623154619 -0.26902159878447485 -0.4656419161345571 -0.6398193474725047 -0.8439206267234501 -1.0255790199622523 -1.075907836459492 -1.3013427554336006 -1.3954480975113612 -1.3870900572610292 -1.5153498601664188 -1.5411462805889302 -1.538386063644273 -1.5737013633955488 -1.5804600254700938 -0.8050454209396237 -1.0725285054222153 -0.5578383229902294 +20647,0.15765119660744661,0,-0.023852418108204876 -0.2945084623154619 -0.26902159878447485 -0.4656419161345571 -0.6398193474725047 -0.8439206267234501 -1.0255790199622523 -1.075907836459492 -1.3013427554336006 -1.3954480975113612 -1.3870900572610292 -1.5153498601664188 -1.5411462805889302 -1.538386063644273 -1.5737013633955488 -1.5804600254700938 -0.8050454209396237 -1.0725285054222153 -0.5578383229902294 -0.5139844081481334 +20648,0.35845053408269933,0,-0.2945084623154619 -0.26902159878447485 -0.4656419161345571 -0.6398193474725047 -0.8439206267234501 -1.0255790199622523 -1.075907836459492 -1.3013427554336006 -1.3954480975113612 -1.3870900572610292 -1.5153498601664188 -1.5411462805889302 -1.538386063644273 -1.5737013633955488 -1.5804600254700938 -0.8050454209396237 -1.0725285054222153 -0.5578383229902294 -0.5139844081481334 0.15765119660744661 +20649,0.17586346955019067,0,-0.26902159878447485 -0.4656419161345571 -0.6398193474725047 -0.8439206267234501 -1.0255790199622523 -1.075907836459492 -1.3013427554336006 -1.3954480975113612 -1.3870900572610292 -1.5153498601664188 -1.5411462805889302 -1.538386063644273 -1.5737013633955488 -1.5804600254700938 -0.8050454209396237 -1.0725285054222153 -0.5578383229902294 -0.5139844081481334 0.15765119660744661 0.35845053408269933 +20650,0.5044582742065781,0,-0.4656419161345571 -0.6398193474725047 -0.8439206267234501 -1.0255790199622523 -1.075907836459492 -1.3013427554336006 -1.3954480975113612 -1.3870900572610292 -1.5153498601664188 -1.5411462805889302 -1.538386063644273 -1.5737013633955488 -1.5804600254700938 -0.8050454209396237 -1.0725285054222153 -0.5578383229902294 -0.5139844081481334 0.15765119660744661 0.35845053408269933 0.17586346955019067 +20651,0.44966667700998114,0,-0.6398193474725047 -0.8439206267234501 -1.0255790199622523 -1.075907836459492 -1.3013427554336006 -1.3954480975113612 -1.3870900572610292 -1.5153498601664188 -1.5411462805889302 -1.538386063644273 -1.5737013633955488 -1.5804600254700938 -0.8050454209396237 -1.0725285054222153 -0.5578383229902294 -0.5139844081481334 0.15765119660744661 0.35845053408269933 0.17586346955019067 0.5044582742065781 +20652,0.012339959837762902,0,-0.8439206267234501 -1.0255790199622523 -1.075907836459492 -1.3013427554336006 -1.3954480975113612 -1.3870900572610292 -1.5153498601664188 -1.5411462805889302 -1.538386063644273 -1.5737013633955488 -1.5804600254700938 -0.8050454209396237 -1.0725285054222153 -0.5578383229902294 -0.5139844081481334 0.15765119660744661 0.35845053408269933 0.17586346955019067 0.5044582742065781 0.44966667700998114 +20653,0.08506006924812282,0,-1.0255790199622523 -1.075907836459492 -1.3013427554336006 -1.3954480975113612 -1.3870900572610292 -1.5153498601664188 -1.5411462805889302 -1.538386063644273 -1.5737013633955488 -1.5804600254700938 -0.8050454209396237 -1.0725285054222153 -0.5578383229902294 -0.5139844081481334 0.15765119660744661 0.35845053408269933 0.17586346955019067 0.5044582742065781 0.44966667700998114 0.012339959837762902 +20654,-0.2247549411623704,0,-1.075907836459492 -1.3013427554336006 -1.3954480975113612 -1.3870900572610292 -1.5153498601664188 -1.5411462805889302 -1.538386063644273 -1.5737013633955488 -1.5804600254700938 -0.8050454209396237 -1.0725285054222153 -0.5578383229902294 -0.5139844081481334 0.15765119660744661 0.35845053408269933 0.17586346955019067 0.5044582742065781 0.44966667700998114 0.012339959837762902 0.08506006924812282 +20655,-0.34318630784746257,0,-1.3013427554336006 -1.3954480975113612 -1.3870900572610292 -1.5153498601664188 -1.5411462805889302 -1.538386063644273 -1.5737013633955488 -1.5804600254700938 -0.8050454209396237 -1.0725285054222153 -0.5578383229902294 -0.5139844081481334 0.15765119660744661 0.35845053408269933 0.17586346955019067 0.5044582742065781 0.44966667700998114 0.012339959837762902 0.08506006924812282 -0.2247549411623704 +20656,-0.7167958662696016,0,-1.3954480975113612 -1.3870900572610292 -1.5153498601664188 -1.5411462805889302 -1.538386063644273 -1.5737013633955488 -1.5804600254700938 -0.8050454209396237 -1.0725285054222153 -0.5578383229902294 -0.5139844081481334 0.15765119660744661 0.35845053408269933 0.17586346955019067 0.5044582742065781 0.44966667700998114 0.012339959837762902 0.08506006924812282 -0.2247549411623704 -0.34318630784746257 +20657,-0.8990217809663482,0,-1.3870900572610292 -1.5153498601664188 -1.5411462805889302 -1.538386063644273 -1.5737013633955488 -1.5804600254700938 -0.8050454209396237 -1.0725285054222153 -0.5578383229902294 -0.5139844081481334 0.15765119660744661 0.35845053408269933 0.17586346955019067 0.5044582742065781 0.44966667700998114 0.012339959837762902 0.08506006924812282 -0.2247549411623704 -0.34318630784746257 -0.7167958662696016 +20658,-0.9502276756582714,0,-1.5153498601664188 -1.5411462805889302 -1.538386063644273 -1.5737013633955488 -1.5804600254700938 -0.8050454209396237 -1.0725285054222153 -0.5578383229902294 -0.5139844081481334 0.15765119660744661 0.35845053408269933 0.17586346955019067 0.5044582742065781 0.44966667700998114 0.012339959837762902 0.08506006924812282 -0.2247549411623704 -0.34318630784746257 -0.7167958662696016 -0.8990217809663482 +20659,-1.1761269302018402,0,-1.5411462805889302 -1.538386063644273 -1.5737013633955488 -1.5804600254700938 -0.8050454209396237 -1.0725285054222153 -0.5578383229902294 -0.5139844081481334 0.15765119660744661 0.35845053408269933 0.17586346955019067 0.5044582742065781 0.44966667700998114 0.012339959837762902 0.08506006924812282 -0.2247549411623704 -0.34318630784746257 -0.7167958662696016 -0.8990217809663482 -0.9502276756582714 +20660,-1.2710061648953712,0,-1.538386063644273 -1.5737013633955488 -1.5804600254700938 -0.8050454209396237 -1.0725285054222153 -0.5578383229902294 -0.5139844081481334 0.15765119660744661 0.35845053408269933 0.17586346955019067 0.5044582742065781 0.44966667700998114 0.012339959837762902 0.08506006924812282 -0.2247549411623704 -0.34318630784746257 -0.7167958662696016 -0.8990217809663482 -0.9502276756582714 -1.1761269302018402 +20661,-1.3271133795387744,0,-1.5737013633955488 -1.5804600254700938 -0.8050454209396237 -1.0725285054222153 -0.5578383229902294 -0.5139844081481334 0.15765119660744661 0.35845053408269933 0.17586346955019067 0.5044582742065781 0.44966667700998114 0.012339959837762902 0.08506006924812282 -0.2247549411623704 -0.34318630784746257 -0.7167958662696016 -0.8990217809663482 -0.9502276756582714 -1.1761269302018402 -1.2710061648953712 +20662,-1.4349166209156843,0,-1.5804600254700938 -0.8050454209396237 -1.0725285054222153 -0.5578383229902294 -0.5139844081481334 0.15765119660744661 0.35845053408269933 0.17586346955019067 0.5044582742065781 0.44966667700998114 0.012339959837762902 0.08506006924812282 -0.2247549411623704 -0.34318630784746257 -0.7167958662696016 -0.8990217809663482 -0.9502276756582714 -1.1761269302018402 -1.2710061648953712 -1.3271133795387744 +20663,-1.5039478422424573,0,-0.8050454209396237 -1.0725285054222153 -0.5578383229902294 -0.5139844081481334 0.15765119660744661 0.35845053408269933 0.17586346955019067 0.5044582742065781 0.44966667700998114 0.012339959837762902 0.08506006924812282 -0.2247549411623704 -0.34318630784746257 -0.7167958662696016 -0.8990217809663482 -0.9502276756582714 -1.1761269302018402 -1.2710061648953712 -1.3271133795387744 -1.4349166209156843 +20664,-1.5898499225930451,0,-1.0725285054222153 -0.5578383229902294 -0.5139844081481334 0.15765119660744661 0.35845053408269933 0.17586346955019067 0.5044582742065781 0.44966667700998114 0.012339959837762902 0.08506006924812282 -0.2247549411623704 -0.34318630784746257 -0.7167958662696016 -0.8990217809663482 -0.9502276756582714 -1.1761269302018402 -1.2710061648953712 -1.3271133795387744 -1.4349166209156843 -1.5039478422424573 +20665,-1.6532575242968146,0,-0.5578383229902294 -0.5139844081481334 0.15765119660744661 0.35845053408269933 0.17586346955019067 0.5044582742065781 0.44966667700998114 0.012339959837762902 0.08506006924812282 -0.2247549411623704 -0.34318630784746257 -0.7167958662696016 -0.8990217809663482 -0.9502276756582714 -1.1761269302018402 -1.2710061648953712 -1.3271133795387744 -1.4349166209156843 -1.5039478422424573 -1.5898499225930451 +20666,-1.733535984869613,0,-0.5139844081481334 0.15765119660744661 0.35845053408269933 0.17586346955019067 0.5044582742065781 0.44966667700998114 0.012339959837762902 0.08506006924812282 -0.2247549411623704 -0.34318630784746257 -0.7167958662696016 -0.8990217809663482 -0.9502276756582714 -1.1761269302018402 -1.2710061648953712 -1.3271133795387744 -1.4349166209156843 -1.5039478422424573 -1.5898499225930451 -1.6532575242968146 +20667,-0.9392384005143272,0,0.15765119660744661 0.35845053408269933 0.17586346955019067 0.5044582742065781 0.44966667700998114 0.012339959837762902 0.08506006924812282 -0.2247549411623704 -0.34318630784746257 -0.7167958662696016 -0.8990217809663482 -0.9502276756582714 -1.1761269302018402 -1.2710061648953712 -1.3271133795387744 -1.4349166209156843 -1.5039478422424573 -1.5898499225930451 -1.6532575242968146 -1.733535984869613 +20668,-1.3110422096028531,0,0.35845053408269933 0.17586346955019067 0.5044582742065781 0.44966667700998114 0.012339959837762902 0.08506006924812282 -0.2247549411623704 -0.34318630784746257 -0.7167958662696016 -0.8990217809663482 -0.9502276756582714 -1.1761269302018402 -1.2710061648953712 -1.3271133795387744 -1.4349166209156843 -1.5039478422424573 -1.5898499225930451 -1.6532575242968146 -1.733535984869613 -0.9392384005143272 +20669,-0.8082699734537412,0,0.17586346955019067 0.5044582742065781 0.44966667700998114 0.012339959837762902 0.08506006924812282 -0.2247549411623704 -0.34318630784746257 -0.7167958662696016 -0.8990217809663482 -0.9502276756582714 -1.1761269302018402 -1.2710061648953712 -1.3271133795387744 -1.4349166209156843 -1.5039478422424573 -1.5898499225930451 -1.6532575242968146 -1.733535984869613 -0.9392384005143272 -1.3110422096028531 +20670,-0.7318351794876801,0,0.5044582742065781 0.44966667700998114 0.012339959837762902 0.08506006924812282 -0.2247549411623704 -0.34318630784746257 -0.7167958662696016 -0.8990217809663482 -0.9502276756582714 -1.1761269302018402 -1.2710061648953712 -1.3271133795387744 -1.4349166209156843 -1.5039478422424573 -1.5898499225930451 -1.6532575242968146 -1.733535984869613 -0.9392384005143272 -1.3110422096028531 -0.8082699734537412 +20671,-0.08695046276566434,0,0.44966667700998114 0.012339959837762902 0.08506006924812282 -0.2247549411623704 -0.34318630784746257 -0.7167958662696016 -0.8990217809663482 -0.9502276756582714 -1.1761269302018402 -1.2710061648953712 -1.3271133795387744 -1.4349166209156843 -1.5039478422424573 -1.5898499225930451 -1.6532575242968146 -1.733535984869613 -0.9392384005143272 -1.3110422096028531 -0.8082699734537412 -0.7318351794876801 +20672,0.13159681192807746,0,0.012339959837762902 0.08506006924812282 -0.2247549411623704 -0.34318630784746257 -0.7167958662696016 -0.8990217809663482 -0.9502276756582714 -1.1761269302018402 -1.2710061648953712 -1.3271133795387744 -1.4349166209156843 -1.5039478422424573 -1.5898499225930451 -1.6532575242968146 -1.733535984869613 -0.9392384005143272 -1.3110422096028531 -0.8082699734537412 -0.7318351794876801 -0.08695046276566434 +20673,-0.005227402540238091,0,0.08506006924812282 -0.2247549411623704 -0.34318630784746257 -0.7167958662696016 -0.8990217809663482 -0.9502276756582714 -1.1761269302018402 -1.2710061648953712 -1.3271133795387744 -1.4349166209156843 -1.5039478422424573 -1.5898499225930451 -1.6532575242968146 -1.733535984869613 -0.9392384005143272 -1.3110422096028531 -0.8082699734537412 -0.7318351794876801 -0.08695046276566434 0.13159681192807746 +20674,0.33177703515593343,0,-0.2247549411623704 -0.34318630784746257 -0.7167958662696016 -0.8990217809663482 -0.9502276756582714 -1.1761269302018402 -1.2710061648953712 -1.3271133795387744 -1.4349166209156843 -1.5039478422424573 -1.5898499225930451 -1.6532575242968146 -1.733535984869613 -0.9392384005143272 -1.3110422096028531 -0.8082699734537412 -0.7318351794876801 -0.08695046276566434 0.13159681192807746 -0.005227402540238091 +20675,0.31340998384482455,0,-0.34318630784746257 -0.7167958662696016 -0.8990217809663482 -0.9502276756582714 -1.1761269302018402 -1.2710061648953712 -1.3271133795387744 -1.4349166209156843 -1.5039478422424573 -1.5898499225930451 -1.6532575242968146 -1.733535984869613 -0.9392384005143272 -1.3110422096028531 -0.8082699734537412 -0.7318351794876801 -0.08695046276566434 0.13159681192807746 -0.005227402540238091 0.33177703515593343 +20676,-0.23259705305377243,0,-0.7167958662696016 -0.8990217809663482 -0.9502276756582714 -1.1761269302018402 -1.2710061648953712 -1.3271133795387744 -1.4349166209156843 -1.5039478422424573 -1.5898499225930451 -1.6532575242968146 -1.733535984869613 -0.9392384005143272 -1.3110422096028531 -0.8082699734537412 -0.7318351794876801 -0.08695046276566434 0.13159681192807746 -0.005227402540238091 0.33177703515593343 0.31340998384482455 +20677,-0.07508410927224243,0,-0.8990217809663482 -0.9502276756582714 -1.1761269302018402 -1.2710061648953712 -1.3271133795387744 -1.4349166209156843 -1.5039478422424573 -1.5898499225930451 -1.6532575242968146 -1.733535984869613 -0.9392384005143272 -1.3110422096028531 -0.8082699734537412 -0.7318351794876801 -0.08695046276566434 0.13159681192807746 -0.005227402540238091 0.33177703515593343 0.31340998384482455 -0.23259705305377243 +20678,-0.44521115107820053,0,-0.9502276756582714 -1.1761269302018402 -1.2710061648953712 -1.3271133795387744 -1.4349166209156843 -1.5039478422424573 -1.5898499225930451 -1.6532575242968146 -1.733535984869613 -0.9392384005143272 -1.3110422096028531 -0.8082699734537412 -0.7318351794876801 -0.08695046276566434 0.13159681192807746 -0.005227402540238091 0.33177703515593343 0.31340998384482455 -0.23259705305377243 -0.07508410927224243 +20679,-0.6083993072721952,0,-1.1761269302018402 -1.2710061648953712 -1.3271133795387744 -1.4349166209156843 -1.5039478422424573 -1.5898499225930451 -1.6532575242968146 -1.733535984869613 -0.9392384005143272 -1.3110422096028531 -0.8082699734537412 -0.7318351794876801 -0.08695046276566434 0.13159681192807746 -0.005227402540238091 0.33177703515593343 0.31340998384482455 -0.23259705305377243 -0.07508410927224243 -0.44521115107820053 +20680,-1.0475059774606974,0,-1.2710061648953712 -1.3271133795387744 -1.4349166209156843 -1.5039478422424573 -1.5898499225930451 -1.6532575242968146 -1.733535984869613 -0.9392384005143272 -1.3110422096028531 -0.8082699734537412 -0.7318351794876801 -0.08695046276566434 0.13159681192807746 -0.005227402540238091 0.33177703515593343 0.31340998384482455 -0.23259705305377243 -0.07508410927224243 -0.44521115107820053 -0.6083993072721952 +20681,-1.2796737621920131,0,-1.3271133795387744 -1.4349166209156843 -1.5039478422424573 -1.5898499225930451 -1.6532575242968146 -1.733535984869613 -0.9392384005143272 -1.3110422096028531 -0.8082699734537412 -0.7318351794876801 -0.08695046276566434 0.13159681192807746 -0.005227402540238091 0.33177703515593343 0.31340998384482455 -0.23259705305377243 -0.07508410927224243 -0.44521115107820053 -0.6083993072721952 -1.0475059774606974 +20682,-1.3750173324550046,0,-1.4349166209156843 -1.5039478422424573 -1.5898499225930451 -1.6532575242968146 -1.733535984869613 -0.9392384005143272 -1.3110422096028531 -0.8082699734537412 -0.7318351794876801 -0.08695046276566434 0.13159681192807746 -0.005227402540238091 0.33177703515593343 0.31340998384482455 -0.23259705305377243 -0.07508410927224243 -0.44521115107820053 -0.6083993072721952 -1.0475059774606974 -1.2796737621920131 +20683,-1.6527931887273541,0,-1.5039478422424573 -1.5898499225930451 -1.6532575242968146 -1.733535984869613 -0.9392384005143272 -1.3110422096028531 -0.8082699734537412 -0.7318351794876801 -0.08695046276566434 0.13159681192807746 -0.005227402540238091 0.33177703515593343 0.31340998384482455 -0.23259705305377243 -0.07508410927224243 -0.44521115107820053 -0.6083993072721952 -1.0475059774606974 -1.2796737621920131 -1.3750173324550046 +20684,-1.7937448303766024,0,-1.5898499225930451 -1.6532575242968146 -1.733535984869613 -0.9392384005143272 -1.3110422096028531 -0.8082699734537412 -0.7318351794876801 -0.08695046276566434 0.13159681192807746 -0.005227402540238091 0.33177703515593343 0.31340998384482455 -0.23259705305377243 -0.07508410927224243 -0.44521115107820053 -0.6083993072721952 -1.0475059774606974 -1.2796737621920131 -1.3750173324550046 -1.6527931887273541 +20685,-1.8782023112293393,0,-1.6532575242968146 -1.733535984869613 -0.9392384005143272 -1.3110422096028531 -0.8082699734537412 -0.7318351794876801 -0.08695046276566434 0.13159681192807746 -0.005227402540238091 0.33177703515593343 0.31340998384482455 -0.23259705305377243 -0.07508410927224243 -0.44521115107820053 -0.6083993072721952 -1.0475059774606974 -1.2796737621920131 -1.3750173324550046 -1.6527931887273541 -1.7937448303766024 +20686,-2.0379853399139427,0,-1.733535984869613 -0.9392384005143272 -1.3110422096028531 -0.8082699734537412 -0.7318351794876801 -0.08695046276566434 0.13159681192807746 -0.005227402540238091 0.33177703515593343 0.31340998384482455 -0.23259705305377243 -0.07508410927224243 -0.44521115107820053 -0.6083993072721952 -1.0475059774606974 -1.2796737621920131 -1.3750173324550046 -1.6527931887273541 -1.7937448303766024 -1.8782023112293393 +20687,-2.1412742078020433,0,-0.9392384005143272 -1.3110422096028531 -0.8082699734537412 -0.7318351794876801 -0.08695046276566434 0.13159681192807746 -0.005227402540238091 0.33177703515593343 0.31340998384482455 -0.23259705305377243 -0.07508410927224243 -0.44521115107820053 -0.6083993072721952 -1.0475059774606974 -1.2796737621920131 -1.3750173324550046 -1.6527931887273541 -1.7937448303766024 -1.8782023112293393 -2.0379853399139427 +20688,-2.166399921342483,0,-1.3110422096028531 -0.8082699734537412 -0.7318351794876801 -0.08695046276566434 0.13159681192807746 -0.005227402540238091 0.33177703515593343 0.31340998384482455 -0.23259705305377243 -0.07508410927224243 -0.44521115107820053 -0.6083993072721952 -1.0475059774606974 -1.2796737621920131 -1.3750173324550046 -1.6527931887273541 -1.7937448303766024 -1.8782023112293393 -2.0379853399139427 -2.1412742078020433 +20689,-2.295743173909944,0,-0.8082699734537412 -0.7318351794876801 -0.08695046276566434 0.13159681192807746 -0.005227402540238091 0.33177703515593343 0.31340998384482455 -0.23259705305377243 -0.07508410927224243 -0.44521115107820053 -0.6083993072721952 -1.0475059774606974 -1.2796737621920131 -1.3750173324550046 -1.6527931887273541 -1.7937448303766024 -1.8782023112293393 -2.0379853399139427 -2.1412742078020433 -2.166399921342483 +20690,-2.346923272129744,0,-0.7318351794876801 -0.08695046276566434 0.13159681192807746 -0.005227402540238091 0.33177703515593343 0.31340998384482455 -0.23259705305377243 -0.07508410927224243 -0.44521115107820053 -0.6083993072721952 -1.0475059774606974 -1.2796737621920131 -1.3750173324550046 -1.6527931887273541 -1.7937448303766024 -1.8782023112293393 -2.0379853399139427 -2.1412742078020433 -2.166399921342483 -2.295743173909944 +20691,-1.5080494731060436,0,-0.08695046276566434 0.13159681192807746 -0.005227402540238091 0.33177703515593343 0.31340998384482455 -0.23259705305377243 -0.07508410927224243 -0.44521115107820053 -0.6083993072721952 -1.0475059774606974 -1.2796737621920131 -1.3750173324550046 -1.6527931887273541 -1.7937448303766024 -1.8782023112293393 -2.0379853399139427 -2.1412742078020433 -2.166399921342483 -2.295743173909944 -2.346923272129744 +20692,-1.8559142038951322,0,0.13159681192807746 -0.005227402540238091 0.33177703515593343 0.31340998384482455 -0.23259705305377243 -0.07508410927224243 -0.44521115107820053 -0.6083993072721952 -1.0475059774606974 -1.2796737621920131 -1.3750173324550046 -1.6527931887273541 -1.7937448303766024 -1.8782023112293393 -2.0379853399139427 -2.1412742078020433 -2.166399921342483 -2.295743173909944 -2.346923272129744 -1.5080494731060436 +20693,-1.313725037285935,0,-0.005227402540238091 0.33177703515593343 0.31340998384482455 -0.23259705305377243 -0.07508410927224243 -0.44521115107820053 -0.6083993072721952 -1.0475059774606974 -1.2796737621920131 -1.3750173324550046 -1.6527931887273541 -1.7937448303766024 -1.8782023112293393 -2.0379853399139427 -2.1412742078020433 -2.166399921342483 -2.295743173909944 -2.346923272129744 -1.5080494731060436 -1.8559142038951322 +20694,-1.0779973465220773,0,0.33177703515593343 0.31340998384482455 -0.23259705305377243 -0.07508410927224243 -0.44521115107820053 -0.6083993072721952 -1.0475059774606974 -1.2796737621920131 -1.3750173324550046 -1.6527931887273541 -1.7937448303766024 -1.8782023112293393 -2.0379853399139427 -2.1412742078020433 -2.166399921342483 -2.295743173909944 -2.346923272129744 -1.5080494731060436 -1.8559142038951322 -1.313725037285935 +20695,-0.4336543546310885,0,0.31340998384482455 -0.23259705305377243 -0.07508410927224243 -0.44521115107820053 -0.6083993072721952 -1.0475059774606974 -1.2796737621920131 -1.3750173324550046 -1.6527931887273541 -1.7937448303766024 -1.8782023112293393 -2.0379853399139427 -2.1412742078020433 -2.166399921342483 -2.295743173909944 -2.346923272129744 -1.5080494731060436 -1.8559142038951322 -1.313725037285935 -1.0779973465220773 +20696,-0.09577283858544808,0,-0.23259705305377243 -0.07508410927224243 -0.44521115107820053 -0.6083993072721952 -1.0475059774606974 -1.2796737621920131 -1.3750173324550046 -1.6527931887273541 -1.7937448303766024 -1.8782023112293393 -2.0379853399139427 -2.1412742078020433 -2.166399921342483 -2.295743173909944 -2.346923272129744 -1.5080494731060436 -1.8559142038951322 -1.313725037285935 -1.0779973465220773 -0.4336543546310885 +20697,-0.2332935564079675,0,-0.07508410927224243 -0.44521115107820053 -0.6083993072721952 -1.0475059774606974 -1.2796737621920131 -1.3750173324550046 -1.6527931887273541 -1.7937448303766024 -1.8782023112293393 -2.0379853399139427 -2.1412742078020433 -2.166399921342483 -2.295743173909944 -2.346923272129744 -1.5080494731060436 -1.8559142038951322 -1.313725037285935 -1.0779973465220773 -0.4336543546310885 -0.09577283858544808 +20698,0.2630553708754614,0,-0.44521115107820053 -0.6083993072721952 -1.0475059774606974 -1.2796737621920131 -1.3750173324550046 -1.6527931887273541 -1.7937448303766024 -1.8782023112293393 -2.0379853399139427 -2.1412742078020433 -2.166399921342483 -2.295743173909944 -2.346923272129744 -1.5080494731060436 -1.8559142038951322 -1.313725037285935 -1.0779973465220773 -0.4336543546310885 -0.09577283858544808 -0.2332935564079675 +20699,0.2840020644455249,0,-0.6083993072721952 -1.0475059774606974 -1.2796737621920131 -1.3750173324550046 -1.6527931887273541 -1.7937448303766024 -1.8782023112293393 -2.0379853399139427 -2.1412742078020433 -2.166399921342483 -2.295743173909944 -2.346923272129744 -1.5080494731060436 -1.8559142038951322 -1.313725037285935 -1.0779973465220773 -0.4336543546310885 -0.09577283858544808 -0.2332935564079675 0.2630553708754614 +20700,-0.1901877377095186,0,-1.0475059774606974 -1.2796737621920131 -1.3750173324550046 -1.6527931887273541 -1.7937448303766024 -1.8782023112293393 -2.0379853399139427 -2.1412742078020433 -2.166399921342483 -2.295743173909944 -2.346923272129744 -1.5080494731060436 -1.8559142038951322 -1.313725037285935 -1.0779973465220773 -0.4336543546310885 -0.09577283858544808 -0.2332935564079675 0.2630553708754614 0.2840020644455249 +20701,-0.0041955456676186645,0,-1.2796737621920131 -1.3750173324550046 -1.6527931887273541 -1.7937448303766024 -1.8782023112293393 -2.0379853399139427 -2.1412742078020433 -2.166399921342483 -2.295743173909944 -2.346923272129744 -1.5080494731060436 -1.8559142038951322 -1.313725037285935 -1.0779973465220773 -0.4336543546310885 -0.09577283858544808 -0.2332935564079675 0.2630553708754614 0.2840020644455249 -0.1901877377095186 +20702,-0.31333984935081693,0,-1.3750173324550046 -1.6527931887273541 -1.7937448303766024 -1.8782023112293393 -2.0379853399139427 -2.1412742078020433 -2.166399921342483 -2.295743173909944 -2.346923272129744 -1.5080494731060436 -1.8559142038951322 -1.313725037285935 -1.0779973465220773 -0.4336543546310885 -0.09577283858544808 -0.2332935564079675 0.2630553708754614 0.2840020644455249 -0.1901877377095186 -0.0041955456676186645 +20703,-0.5431601597626984,0,-1.6527931887273541 -1.7937448303766024 -1.8782023112293393 -2.0379853399139427 -2.1412742078020433 -2.166399921342483 -2.295743173909944 -2.346923272129744 -1.5080494731060436 -1.8559142038951322 -1.313725037285935 -1.0779973465220773 -0.4336543546310885 -0.09577283858544808 -0.2332935564079675 0.2630553708754614 0.2840020644455249 -0.1901877377095186 -0.0041955456676186645 -0.31333984935081693 +20704,-0.878745794433151,0,-1.7937448303766024 -1.8782023112293393 -2.0379853399139427 -2.1412742078020433 -2.166399921342483 -2.295743173909944 -2.346923272129744 -1.5080494731060436 -1.8559142038951322 -1.313725037285935 -1.0779973465220773 -0.4336543546310885 -0.09577283858544808 -0.2332935564079675 0.2630553708754614 0.2840020644455249 -0.1901877377095186 -0.0041955456676186645 -0.31333984935081693 -0.5431601597626984 +20705,-1.1350074358322781,0,-1.8782023112293393 -2.0379853399139427 -2.1412742078020433 -2.166399921342483 -2.295743173909944 -2.346923272129744 -1.5080494731060436 -1.8559142038951322 -1.313725037285935 -1.0779973465220773 -0.4336543546310885 -0.09577283858544808 -0.2332935564079675 0.2630553708754614 0.2840020644455249 -0.1901877377095186 -0.0041955456676186645 -0.31333984935081693 -0.5431601597626984 -0.878745794433151 +20706,-1.1716383530303687,0,-2.0379853399139427 -2.1412742078020433 -2.166399921342483 -2.295743173909944 -2.346923272129744 -1.5080494731060436 -1.8559142038951322 -1.313725037285935 -1.0779973465220773 -0.4336543546310885 -0.09577283858544808 -0.2332935564079675 0.2630553708754614 0.2840020644455249 -0.1901877377095186 -0.0041955456676186645 -0.31333984935081693 -0.5431601597626984 -0.878745794433151 -1.1350074358322781 +20707,-1.501110236036225,0,-2.1412742078020433 -2.166399921342483 -2.295743173909944 -2.346923272129744 -1.5080494731060436 -1.8559142038951322 -1.313725037285935 -1.0779973465220773 -0.4336543546310885 -0.09577283858544808 -0.2332935564079675 0.2630553708754614 0.2840020644455249 -0.1901877377095186 -0.0041955456676186645 -0.31333984935081693 -0.5431601597626984 -0.878745794433151 -1.1350074358322781 -1.1716383530303687 +20708,-1.6109513945314737,0,-2.166399921342483 -2.295743173909944 -2.346923272129744 -1.5080494731060436 -1.8559142038951322 -1.313725037285935 -1.0779973465220773 -0.4336543546310885 -0.09577283858544808 -0.2332935564079675 0.2630553708754614 0.2840020644455249 -0.1901877377095186 -0.0041955456676186645 -0.31333984935081693 -0.5431601597626984 -0.878745794433151 -1.1350074358322781 -1.1716383530303687 -1.501110236036225 +20709,-1.6533865063478508,0,-2.295743173909944 -2.346923272129744 -1.5080494731060436 -1.8559142038951322 -1.313725037285935 -1.0779973465220773 -0.4336543546310885 -0.09577283858544808 -0.2332935564079675 0.2630553708754614 0.2840020644455249 -0.1901877377095186 -0.0041955456676186645 -0.31333984935081693 -0.5431601597626984 -0.878745794433151 -1.1350074358322781 -1.1716383530303687 -1.501110236036225 -1.6109513945314737 +20710,-1.7856963471725802,0,-2.346923272129744 -1.5080494731060436 -1.8559142038951322 -1.313725037285935 -1.0779973465220773 -0.4336543546310885 -0.09577283858544808 -0.2332935564079675 0.2630553708754614 0.2840020644455249 -0.1901877377095186 -0.0041955456676186645 -0.31333984935081693 -0.5431601597626984 -0.878745794433151 -1.1350074358322781 -1.1716383530303687 -1.501110236036225 -1.6109513945314737 -1.6533865063478508 +20711,-1.8506001413184383,0,-1.5080494731060436 -1.8559142038951322 -1.313725037285935 -1.0779973465220773 -0.4336543546310885 -0.09577283858544808 -0.2332935564079675 0.2630553708754614 0.2840020644455249 -0.1901877377095186 -0.0041955456676186645 -0.31333984935081693 -0.5431601597626984 -0.878745794433151 -1.1350074358322781 -1.1716383530303687 -1.501110236036225 -1.6109513945314737 -1.6533865063478508 -1.7856963471725802 +20712,-1.878821425321959,0,-1.8559142038951322 -1.313725037285935 -1.0779973465220773 -0.4336543546310885 -0.09577283858544808 -0.2332935564079675 0.2630553708754614 0.2840020644455249 -0.1901877377095186 -0.0041955456676186645 -0.31333984935081693 -0.5431601597626984 -0.878745794433151 -1.1350074358322781 -1.1716383530303687 -1.501110236036225 -1.6109513945314737 -1.6533865063478508 -1.7856963471725802 -1.8506001413184383 +20713,-1.9559527226422153,0,-1.313725037285935 -1.0779973465220773 -0.4336543546310885 -0.09577283858544808 -0.2332935564079675 0.2630553708754614 0.2840020644455249 -0.1901877377095186 -0.0041955456676186645 -0.31333984935081693 -0.5431601597626984 -0.878745794433151 -1.1350074358322781 -1.1716383530303687 -1.501110236036225 -1.6109513945314737 -1.6533865063478508 -1.7856963471725802 -1.8506001413184383 -1.878821425321959 +20714,-1.996401510129697,0,-1.0779973465220773 -0.4336543546310885 -0.09577283858544808 -0.2332935564079675 0.2630553708754614 0.2840020644455249 -0.1901877377095186 -0.0041955456676186645 -0.31333984935081693 -0.5431601597626984 -0.878745794433151 -1.1350074358322781 -1.1716383530303687 -1.501110236036225 -1.6109513945314737 -1.6533865063478508 -1.7856963471725802 -1.8506001413184383 -1.878821425321959 -1.9559527226422153 +20715,-0.9486025011651554,0,-0.4336543546310885 -0.09577283858544808 -0.2332935564079675 0.2630553708754614 0.2840020644455249 -0.1901877377095186 -0.0041955456676186645 -0.31333984935081693 -0.5431601597626984 -0.878745794433151 -1.1350074358322781 -1.1716383530303687 -1.501110236036225 -1.6109513945314737 -1.6533865063478508 -1.7856963471725802 -1.8506001413184383 -1.878821425321959 -1.9559527226422153 -1.996401510129697 +20716,-1.3518005539818678,0,-0.09577283858544808 -0.2332935564079675 0.2630553708754614 0.2840020644455249 -0.1901877377095186 -0.0041955456676186645 -0.31333984935081693 -0.5431601597626984 -0.878745794433151 -1.1350074358322781 -1.1716383530303687 -1.501110236036225 -1.6109513945314737 -1.6533865063478508 -1.7856963471725802 -1.8506001413184383 -1.878821425321959 -1.9559527226422153 -1.996401510129697 -0.9486025011651554 +20717,-0.666750810501334,0,-0.2332935564079675 0.2630553708754614 0.2840020644455249 -0.1901877377095186 -0.0041955456676186645 -0.31333984935081693 -0.5431601597626984 -0.878745794433151 -1.1350074358322781 -1.1716383530303687 -1.501110236036225 -1.6109513945314737 -1.6533865063478508 -1.7856963471725802 -1.8506001413184383 -1.878821425321959 -1.9559527226422153 -1.996401510129697 -0.9486025011651554 -1.3518005539818678 +20718,-0.6423731931045504,0,0.2630553708754614 0.2840020644455249 -0.1901877377095186 -0.0041955456676186645 -0.31333984935081693 -0.5431601597626984 -0.878745794433151 -1.1350074358322781 -1.1716383530303687 -1.501110236036225 -1.6109513945314737 -1.6533865063478508 -1.7856963471725802 -1.8506001413184383 -1.878821425321959 -1.9559527226422153 -1.996401510129697 -0.9486025011651554 -1.3518005539818678 -0.666750810501334 +20719,0.26290059235231084,0,0.2840020644455249 -0.1901877377095186 -0.0041955456676186645 -0.31333984935081693 -0.5431601597626984 -0.878745794433151 -1.1350074358322781 -1.1716383530303687 -1.501110236036225 -1.6109513945314737 -1.6533865063478508 -1.7856963471725802 -1.8506001413184383 -1.878821425321959 -1.9559527226422153 -1.996401510129697 -0.9486025011651554 -1.3518005539818678 -0.666750810501334 -0.6423731931045504 +20720,0.5075022518801987,0,-0.1901877377095186 -0.0041955456676186645 -0.31333984935081693 -0.5431601597626984 -0.878745794433151 -1.1350074358322781 -1.1716383530303687 -1.501110236036225 -1.6109513945314737 -1.6533865063478508 -1.7856963471725802 -1.8506001413184383 -1.878821425321959 -1.9559527226422153 -1.996401510129697 -0.9486025011651554 -1.3518005539818678 -0.666750810501334 -0.6423731931045504 0.26290059235231084 +20721,0.33544012692217384,0,-0.0041955456676186645 -0.31333984935081693 -0.5431601597626984 -0.878745794433151 -1.1350074358322781 -1.1716383530303687 -1.501110236036225 -1.6109513945314737 -1.6533865063478508 -1.7856963471725802 -1.8506001413184383 -1.878821425321959 -1.9559527226422153 -1.996401510129697 -0.9486025011651554 -1.3518005539818678 -0.666750810501334 -0.6423731931045504 0.26290059235231084 0.5075022518801987 +20722,0.7189297145088568,0,-0.31333984935081693 -0.5431601597626984 -0.878745794433151 -1.1350074358322781 -1.1716383530303687 -1.501110236036225 -1.6109513945314737 -1.6533865063478508 -1.7856963471725802 -1.8506001413184383 -1.878821425321959 -1.9559527226422153 -1.996401510129697 -0.9486025011651554 -1.3518005539818678 -0.666750810501334 -0.6423731931045504 0.26290059235231084 0.5075022518801987 0.33544012692217384 +20723,0.6857555176096094,0,-0.5431601597626984 -0.878745794433151 -1.1350074358322781 -1.1716383530303687 -1.501110236036225 -1.6109513945314737 -1.6533865063478508 -1.7856963471725802 -1.8506001413184383 -1.878821425321959 -1.9559527226422153 -1.996401510129697 -0.9486025011651554 -1.3518005539818678 -0.666750810501334 -0.6423731931045504 0.26290059235231084 0.5075022518801987 0.33544012692217384 0.7189297145088568 +20724,0.19985414063908907,0,-0.878745794433151 -1.1350074358322781 -1.1716383530303687 -1.501110236036225 -1.6109513945314737 -1.6533865063478508 -1.7856963471725802 -1.8506001413184383 -1.878821425321959 -1.9559527226422153 -1.996401510129697 -0.9486025011651554 -1.3518005539818678 -0.666750810501334 -0.6423731931045504 0.26290059235231084 0.5075022518801987 0.33544012692217384 0.7189297145088568 0.6857555176096094 +20725,0.3175890039699862,0,-1.1350074358322781 -1.1716383530303687 -1.501110236036225 -1.6109513945314737 -1.6533865063478508 -1.7856963471725802 -1.8506001413184383 -1.878821425321959 -1.9559527226422153 -1.996401510129697 -0.9486025011651554 -1.3518005539818678 -0.666750810501334 -0.6423731931045504 0.26290059235231084 0.5075022518801987 0.33544012692217384 0.7189297145088568 0.6857555176096094 0.19985414063908907 +20726,-0.017403313079961097,0,-1.1716383530303687 -1.501110236036225 -1.6109513945314737 -1.6533865063478508 -1.7856963471725802 -1.8506001413184383 -1.878821425321959 -1.9559527226422153 -1.996401510129697 -0.9486025011651554 -1.3518005539818678 -0.666750810501334 -0.6423731931045504 0.26290059235231084 0.5075022518801987 0.33544012692217384 0.7189297145088568 0.6857555176096094 0.19985414063908907 0.3175890039699862 +20727,-0.3059620730288666,0,-1.501110236036225 -1.6109513945314737 -1.6533865063478508 -1.7856963471725802 -1.8506001413184383 -1.878821425321959 -1.9559527226422153 -1.996401510129697 -0.9486025011651554 -1.3518005539818678 -0.666750810501334 -0.6423731931045504 0.26290059235231084 0.5075022518801987 0.33544012692217384 0.7189297145088568 0.6857555176096094 0.19985414063908907 0.3175890039699862 -0.017403313079961097 +20728,-0.6564322422394615,0,-1.6109513945314737 -1.6533865063478508 -1.7856963471725802 -1.8506001413184383 -1.878821425321959 -1.9559527226422153 -1.996401510129697 -0.9486025011651554 -1.3518005539818678 -0.666750810501334 -0.6423731931045504 0.26290059235231084 0.5075022518801987 0.33544012692217384 0.7189297145088568 0.6857555176096094 0.19985414063908907 0.3175890039699862 -0.017403313079961097 -0.3059620730288666 +20729,-0.9604688546585685,0,-1.6533865063478508 -1.7856963471725802 -1.8506001413184383 -1.878821425321959 -1.9559527226422153 -1.996401510129697 -0.9486025011651554 -1.3518005539818678 -0.666750810501334 -0.6423731931045504 0.26290059235231084 0.5075022518801987 0.33544012692217384 0.7189297145088568 0.6857555176096094 0.19985414063908907 0.3175890039699862 -0.017403313079961097 -0.3059620730288666 -0.6564322422394615 +20730,-1.0424756754581814,0,-1.7856963471725802 -1.8506001413184383 -1.878821425321959 -1.9559527226422153 -1.996401510129697 -0.9486025011651554 -1.3518005539818678 -0.666750810501334 -0.6423731931045504 0.26290059235231084 0.5075022518801987 0.33544012692217384 0.7189297145088568 0.6857555176096094 0.19985414063908907 0.3175890039699862 -0.017403313079961097 -0.3059620730288666 -0.6564322422394615 -0.9604688546585685 +20731,-1.4205222182623398,0,-1.8506001413184383 -1.878821425321959 -1.9559527226422153 -1.996401510129697 -0.9486025011651554 -1.3518005539818678 -0.666750810501334 -0.6423731931045504 0.26290059235231084 0.5075022518801987 0.33544012692217384 0.7189297145088568 0.6857555176096094 0.19985414063908907 0.3175890039699862 -0.017403313079961097 -0.3059620730288666 -0.6564322422394615 -0.9604688546585685 -1.0424756754581814 +20732,-1.576538969601781,0,-1.878821425321959 -1.9559527226422153 -1.996401510129697 -0.9486025011651554 -1.3518005539818678 -0.666750810501334 -0.6423731931045504 0.26290059235231084 0.5075022518801987 0.33544012692217384 0.7189297145088568 0.6857555176096094 0.19985414063908907 0.3175890039699862 -0.017403313079961097 -0.3059620730288666 -0.6564322422394615 -0.9604688546585685 -1.0424756754581814 -1.4205222182623398 +20733,-1.6334974661225299,0,-1.9559527226422153 -1.996401510129697 -0.9486025011651554 -1.3518005539818678 -0.666750810501334 -0.6423731931045504 0.26290059235231084 0.5075022518801987 0.33544012692217384 0.7189297145088568 0.6857555176096094 0.19985414063908907 0.3175890039699862 -0.017403313079961097 -0.3059620730288666 -0.6564322422394615 -0.9604688546585685 -1.0424756754581814 -1.4205222182623398 -1.576538969601781 +20734,-1.8225336356832822,0,-1.996401510129697 -0.9486025011651554 -1.3518005539818678 -0.666750810501334 -0.6423731931045504 0.26290059235231084 0.5075022518801987 0.33544012692217384 0.7189297145088568 0.6857555176096094 0.19985414063908907 0.3175890039699862 -0.017403313079961097 -0.3059620730288666 -0.6564322422394615 -0.9604688546585685 -1.0424756754581814 -1.4205222182623398 -1.576538969601781 -1.6334974661225299 +20735,-1.912511550580119,0,-0.9486025011651554 -1.3518005539818678 -0.666750810501334 -0.6423731931045504 0.26290059235231084 0.5075022518801987 0.33544012692217384 0.7189297145088568 0.6857555176096094 0.19985414063908907 0.3175890039699862 -0.017403313079961097 -0.3059620730288666 -0.6564322422394615 -0.9604688546585685 -1.0424756754581814 -1.4205222182623398 -1.576538969601781 -1.6334974661225299 -1.8225336356832822 +20736,-1.9441379620930312,0,-1.3518005539818678 -0.666750810501334 -0.6423731931045504 0.26290059235231084 0.5075022518801987 0.33544012692217384 0.7189297145088568 0.6857555176096094 0.19985414063908907 0.3175890039699862 -0.017403313079961097 -0.3059620730288666 -0.6564322422394615 -0.9604688546585685 -1.0424756754581814 -1.4205222182623398 -1.576538969601781 -1.6334974661225299 -1.8225336356832822 -1.912511550580119 +20737,-2.0535663779630657,0,-0.666750810501334 -0.6423731931045504 0.26290059235231084 0.5075022518801987 0.33544012692217384 0.7189297145088568 0.6857555176096094 0.19985414063908907 0.3175890039699862 -0.017403313079961097 -0.3059620730288666 -0.6564322422394615 -0.9604688546585685 -1.0424756754581814 -1.4205222182623398 -1.576538969601781 -1.6334974661225299 -1.8225336356832822 -1.912511550580119 -1.9441379620930312 +20738,-2.1046432906039527,0,-0.6423731931045504 0.26290059235231084 0.5075022518801987 0.33544012692217384 0.7189297145088568 0.6857555176096094 0.19985414063908907 0.3175890039699862 -0.017403313079961097 -0.3059620730288666 -0.6564322422394615 -0.9604688546585685 -1.0424756754581814 -1.4205222182623398 -1.576538969601781 -1.6334974661225299 -1.8225336356832822 -1.912511550580119 -1.9441379620930312 -2.0535663779630657 +20739,-0.9264691723540988,0,0.26290059235231084 0.5075022518801987 0.33544012692217384 0.7189297145088568 0.6857555176096094 0.19985414063908907 0.3175890039699862 -0.017403313079961097 -0.3059620730288666 -0.6564322422394615 -0.9604688546585685 -1.0424756754581814 -1.4205222182623398 -1.576538969601781 -1.6334974661225299 -1.8225336356832822 -1.912511550580119 -1.9441379620930312 -2.0535663779630657 -2.1046432906039527 +20740,-1.3872964285736404,0,0.5075022518801987 0.33544012692217384 0.7189297145088568 0.6857555176096094 0.19985414063908907 0.3175890039699862 -0.017403313079961097 -0.3059620730288666 -0.6564322422394615 -0.9604688546585685 -1.0424756754581814 -1.4205222182623398 -1.576538969601781 -1.6334974661225299 -1.8225336356832822 -1.912511550580119 -1.9441379620930312 -2.0535663779630657 -2.1046432906039527 -0.9264691723540988 +20741,-0.6188726540572269,0,0.33544012692217384 0.7189297145088568 0.6857555176096094 0.19985414063908907 0.3175890039699862 -0.017403313079961097 -0.3059620730288666 -0.6564322422394615 -0.9604688546585685 -1.0424756754581814 -1.4205222182623398 -1.576538969601781 -1.6334974661225299 -1.8225336356832822 -1.912511550580119 -1.9441379620930312 -2.0535663779630657 -2.1046432906039527 -0.9264691723540988 -1.3872964285736404 +20742,-0.6235676025413098,0,0.7189297145088568 0.6857555176096094 0.19985414063908907 0.3175890039699862 -0.017403313079961097 -0.3059620730288666 -0.6564322422394615 -0.9604688546585685 -1.0424756754581814 -1.4205222182623398 -1.576538969601781 -1.6334974661225299 -1.8225336356832822 -1.912511550580119 -1.9441379620930312 -2.0535663779630657 -2.1046432906039527 -0.9264691723540988 -1.3872964285736404 -0.6188726540572269 +20743,0.4025624131816444,0,0.6857555176096094 0.19985414063908907 0.3175890039699862 -0.017403313079961097 -0.3059620730288666 -0.6564322422394615 -0.9604688546585685 -1.0424756754581814 -1.4205222182623398 -1.576538969601781 -1.6334974661225299 -1.8225336356832822 -1.912511550580119 -1.9441379620930312 -2.0535663779630657 -2.1046432906039527 -0.9264691723540988 -1.3872964285736404 -0.6188726540572269 -0.6235676025413098 +20744,0.6555737055945394,0,0.19985414063908907 0.3175890039699862 -0.017403313079961097 -0.3059620730288666 -0.6564322422394615 -0.9604688546585685 -1.0424756754581814 -1.4205222182623398 -1.576538969601781 -1.6334974661225299 -1.8225336356832822 -1.912511550580119 -1.9441379620930312 -2.0535663779630657 -2.1046432906039527 -0.9264691723540988 -1.3872964285736404 -0.6188726540572269 -0.6235676025413098 0.4025624131816444 +20745,0.5097981332553952,0,0.3175890039699862 -0.017403313079961097 -0.3059620730288666 -0.6564322422394615 -0.9604688546585685 -1.0424756754581814 -1.4205222182623398 -1.576538969601781 -1.6334974661225299 -1.8225336356832822 -1.912511550580119 -1.9441379620930312 -2.0535663779630657 -2.1046432906039527 -0.9264691723540988 -1.3872964285736404 -0.6188726540572269 -0.6235676025413098 0.4025624131816444 0.6555737055945394 +20746,0.8957383807404166,0,-0.017403313079961097 -0.3059620730288666 -0.6564322422394615 -0.9604688546585685 -1.0424756754581814 -1.4205222182623398 -1.576538969601781 -1.6334974661225299 -1.8225336356832822 -1.912511550580119 -1.9441379620930312 -2.0535663779630657 -2.1046432906039527 -0.9264691723540988 -1.3872964285736404 -0.6188726540572269 -0.6235676025413098 0.4025624131816444 0.6555737055945394 0.5097981332553952 +20747,0.8828917633186217,0,-0.3059620730288666 -0.6564322422394615 -0.9604688546585685 -1.0424756754581814 -1.4205222182623398 -1.576538969601781 -1.6334974661225299 -1.8225336356832822 -1.912511550580119 -1.9441379620930312 -2.0535663779630657 -2.1046432906039527 -0.9264691723540988 -1.3872964285736404 -0.6188726540572269 -0.6235676025413098 0.4025624131816444 0.6555737055945394 0.5097981332553952 0.8957383807404166 +20748,0.28095808677189554,0,-0.6564322422394615 -0.9604688546585685 -1.0424756754581814 -1.4205222182623398 -1.576538969601781 -1.6334974661225299 -1.8225336356832822 -1.912511550580119 -1.9441379620930312 -2.0535663779630657 -2.1046432906039527 -0.9264691723540988 -1.3872964285736404 -0.6188726540572269 -0.6235676025413098 0.4025624131816444 0.6555737055945394 0.5097981332553952 0.8957383807404166 0.8828917633186217 +20749,0.46447382244333385,0,-0.9604688546585685 -1.0424756754581814 -1.4205222182623398 -1.576538969601781 -1.6334974661225299 -1.8225336356832822 -1.912511550580119 -1.9441379620930312 -2.0535663779630657 -2.1046432906039527 -0.9264691723540988 -1.3872964285736404 -0.6188726540572269 -0.6235676025413098 0.4025624131816444 0.6555737055945394 0.5097981332553952 0.8957383807404166 0.8828917633186217 0.28095808677189554 +20750,0.05890249883506391,0,-1.0424756754581814 -1.4205222182623398 -1.576538969601781 -1.6334974661225299 -1.8225336356832822 -1.912511550580119 -1.9441379620930312 -2.0535663779630657 -2.1046432906039527 -0.9264691723540988 -1.3872964285736404 -0.6188726540572269 -0.6235676025413098 0.4025624131816444 0.6555737055945394 0.5097981332553952 0.8957383807404166 0.8828917633186217 0.28095808677189554 0.46447382244333385 +20751,-0.1843061538296657,0,-1.4205222182623398 -1.576538969601781 -1.6334974661225299 -1.8225336356832822 -1.912511550580119 -1.9441379620930312 -2.0535663779630657 -2.1046432906039527 -0.9264691723540988 -1.3872964285736404 -0.6188726540572269 -0.6235676025413098 0.4025624131816444 0.6555737055945394 0.5097981332553952 0.8957383807404166 0.8828917633186217 0.28095808677189554 0.46447382244333385 0.05890249883506391 +20752,-0.6439983675976664,0,-1.576538969601781 -1.6334974661225299 -1.8225336356832822 -1.912511550580119 -1.9441379620930312 -2.0535663779630657 -2.1046432906039527 -0.9264691723540988 -1.3872964285736404 -0.6188726540572269 -0.6235676025413098 0.4025624131816444 0.6555737055945394 0.5097981332553952 0.8957383807404166 0.8828917633186217 0.28095808677189554 0.46447382244333385 0.05890249883506391 -0.1843061538296657 +20753,-0.9413279105769036,0,-1.6334974661225299 -1.8225336356832822 -1.912511550580119 -1.9441379620930312 -2.0535663779630657 -2.1046432906039527 -0.9264691723540988 -1.3872964285736404 -0.6188726540572269 -0.6235676025413098 0.4025624131816444 0.6555737055945394 0.5097981332553952 0.8957383807404166 0.8828917633186217 0.28095808677189554 0.46447382244333385 0.05890249883506391 -0.1843061538296657 -0.6439983675976664 +20754,-1.0143059842441124,0,-1.8225336356832822 -1.912511550580119 -1.9441379620930312 -2.0535663779630657 -2.1046432906039527 -0.9264691723540988 -1.3872964285736404 -0.6188726540572269 -0.6235676025413098 0.4025624131816444 0.6555737055945394 0.5097981332553952 0.8957383807404166 0.8828917633186217 0.28095808677189554 0.46447382244333385 0.05890249883506391 -0.1843061538296657 -0.6439983675976664 -0.9413279105769036 +20755,-1.3864193503789572,0,-1.912511550580119 -1.9441379620930312 -2.0535663779630657 -2.1046432906039527 -0.9264691723540988 -1.3872964285736404 -0.6188726540572269 -0.6235676025413098 0.4025624131816444 0.6555737055945394 0.5097981332553952 0.8957383807404166 0.8828917633186217 0.28095808677189554 0.46447382244333385 0.05890249883506391 -0.1843061538296657 -0.6439983675976664 -0.9413279105769036 -1.0143059842441124 +20756,-1.5341812470469882,0,-1.9441379620930312 -2.0535663779630657 -2.1046432906039527 -0.9264691723540988 -1.3872964285736404 -0.6188726540572269 -0.6235676025413098 0.4025624131816444 0.6555737055945394 0.5097981332553952 0.8957383807404166 0.8828917633186217 0.28095808677189554 0.46447382244333385 0.05890249883506391 -0.1843061538296657 -0.6439983675976664 -0.9413279105769036 -1.0143059842441124 -1.3864193503789572 +20757,-1.5842778957594934,0,-2.0535663779630657 -2.1046432906039527 -0.9264691723540988 -1.3872964285736404 -0.6188726540572269 -0.6235676025413098 0.4025624131816444 0.6555737055945394 0.5097981332553952 0.8957383807404166 0.8828917633186217 0.28095808677189554 0.46447382244333385 0.05890249883506391 -0.1843061538296657 -0.6439983675976664 -0.9413279105769036 -1.0143059842441124 -1.3864193503789572 -1.5341812470469882 +20758,-1.7645948752341518,0,-2.1046432906039527 -0.9264691723540988 -1.3872964285736404 -0.6188726540572269 -0.6235676025413098 0.4025624131816444 0.6555737055945394 0.5097981332553952 0.8957383807404166 0.8828917633186217 0.28095808677189554 0.46447382244333385 0.05890249883506391 -0.1843061538296657 -0.6439983675976664 -0.9413279105769036 -1.0143059842441124 -1.3864193503789572 -1.5341812470469882 -1.5842778957594934 +20759,-1.847246606598499,0,-0.9264691723540988 -1.3872964285736404 -0.6188726540572269 -0.6235676025413098 0.4025624131816444 0.6555737055945394 0.5097981332553952 0.8957383807404166 0.8828917633186217 0.28095808677189554 0.46447382244333385 0.05890249883506391 -0.1843061538296657 -0.6439983675976664 -0.9413279105769036 -1.0143059842441124 -1.3864193503789572 -1.5341812470469882 -1.5842778957594934 -1.7645948752341518 +20760,-1.8617183985134187,0,-1.3872964285736404 -0.6188726540572269 -0.6235676025413098 0.4025624131816444 0.6555737055945394 0.5097981332553952 0.8957383807404166 0.8828917633186217 0.28095808677189554 0.46447382244333385 0.05890249883506391 -0.1843061538296657 -0.6439983675976664 -0.9413279105769036 -1.0143059842441124 -1.3864193503789572 -1.5341812470469882 -1.5842778957594934 -1.7645948752341518 -1.847246606598499 +20761,-1.967096776309319,0,-0.6188726540572269 -0.6235676025413098 0.4025624131816444 0.6555737055945394 0.5097981332553952 0.8957383807404166 0.8828917633186217 0.28095808677189554 0.46447382244333385 0.05890249883506391 -0.1843061538296657 -0.6439983675976664 -0.9413279105769036 -1.0143059842441124 -1.3864193503789572 -1.5341812470469882 -1.5842778957594934 -1.7645948752341518 -1.847246606598499 -1.8617183985134187 +20762,-2.0042952148105684,0,-0.6235676025413098 0.4025624131816444 0.6555737055945394 0.5097981332553952 0.8957383807404166 0.8828917633186217 0.28095808677189554 0.46447382244333385 0.05890249883506391 -0.1843061538296657 -0.6439983675976664 -0.9413279105769036 -1.0143059842441124 -1.3864193503789572 -1.5341812470469882 -1.5842778957594934 -1.7645948752341518 -1.847246606598499 -1.8617183985134187 -1.967096776309319 +20763,-0.6981708507016435,0,0.4025624131816444 0.6555737055945394 0.5097981332553952 0.8957383807404166 0.8828917633186217 0.28095808677189554 0.46447382244333385 0.05890249883506391 -0.1843061538296657 -0.6439983675976664 -0.9413279105769036 -1.0143059842441124 -1.3864193503789572 -1.5341812470469882 -1.5842778957594934 -1.7645948752341518 -1.847246606598499 -1.8617183985134187 -1.967096776309319 -2.0042952148105684 +20764,-1.183143556533243,0,0.6555737055945394 0.5097981332553952 0.8957383807404166 0.8828917633186217 0.28095808677189554 0.46447382244333385 0.05890249883506391 -0.1843061538296657 -0.6439983675976664 -0.9413279105769036 -1.0143059842441124 -1.3864193503789572 -1.5341812470469882 -1.5842778957594934 -1.7645948752341518 -1.847246606598499 -1.8617183985134187 -1.967096776309319 -2.0042952148105684 -0.6981708507016435 +20765,-0.32479346006423043,0,0.5097981332553952 0.8957383807404166 0.8828917633186217 0.28095808677189554 0.46447382244333385 0.05890249883506391 -0.1843061538296657 -0.6439983675976664 -0.9413279105769036 -1.0143059842441124 -1.3864193503789572 -1.5341812470469882 -1.5842778957594934 -1.7645948752341518 -1.847246606598499 -1.8617183985134187 -1.967096776309319 -2.0042952148105684 -0.6981708507016435 -1.183143556533243 +20766,-0.372129891677293,0,0.8957383807404166 0.8828917633186217 0.28095808677189554 0.46447382244333385 0.05890249883506391 -0.1843061538296657 -0.6439983675976664 -0.9413279105769036 -1.0143059842441124 -1.3864193503789572 -1.5341812470469882 -1.5842778957594934 -1.7645948752341518 -1.847246606598499 -1.8617183985134187 -1.967096776309319 -2.0042952148105684 -0.6981708507016435 -1.183143556533243 -0.32479346006423043 +20767,0.7881157143587894,0,0.8828917633186217 0.28095808677189554 0.46447382244333385 0.05890249883506391 -0.1843061538296657 -0.6439983675976664 -0.9413279105769036 -1.0143059842441124 -1.3864193503789572 -1.5341812470469882 -1.5842778957594934 -1.7645948752341518 -1.847246606598499 -1.8617183985134187 -1.967096776309319 -2.0042952148105684 -0.6981708507016435 -1.183143556533243 -0.32479346006423043 -0.372129891677293 +20768,1.042674792003225,0,0.28095808677189554 0.46447382244333385 0.05890249883506391 -0.1843061538296657 -0.6439983675976664 -0.9413279105769036 -1.0143059842441124 -1.3864193503789572 -1.5341812470469882 -1.5842778957594934 -1.7645948752341518 -1.847246606598499 -1.8617183985134187 -1.967096776309319 -2.0042952148105684 -0.6981708507016435 -1.183143556533243 -0.32479346006423043 -0.372129891677293 0.7881157143587894 +20769,0.8769327901771848,0,0.46447382244333385 0.05890249883506391 -0.1843061538296657 -0.6439983675976664 -0.9413279105769036 -1.0143059842441124 -1.3864193503789572 -1.5341812470469882 -1.5842778957594934 -1.7645948752341518 -1.847246606598499 -1.8617183985134187 -1.967096776309319 -2.0042952148105684 -0.6981708507016435 -1.183143556533243 -0.32479346006423043 -0.372129891677293 0.7881157143587894 1.042674792003225 +20770,1.2715922277483,0,0.05890249883506391 -0.1843061538296657 -0.6439983675976664 -0.9413279105769036 -1.0143059842441124 -1.3864193503789572 -1.5341812470469882 -1.5842778957594934 -1.7645948752341518 -1.847246606598499 -1.8617183985134187 -1.967096776309319 -2.0042952148105684 -0.6981708507016435 -1.183143556533243 -0.32479346006423043 -0.372129891677293 0.7881157143587894 1.042674792003225 0.8769327901771848 +20771,1.2459505858489393,0,-0.1843061538296657 -0.6439983675976664 -0.9413279105769036 -1.0143059842441124 -1.3864193503789572 -1.5341812470469882 -1.5842778957594934 -1.7645948752341518 -1.847246606598499 -1.8617183985134187 -1.967096776309319 -2.0042952148105684 -0.6981708507016435 -1.183143556533243 -0.32479346006423043 -0.372129891677293 0.7881157143587894 1.042674792003225 0.8769327901771848 1.2715922277483 +20772,0.4318671468472455,0,-0.6439983675976664 -0.9413279105769036 -1.0143059842441124 -1.3864193503789572 -1.5341812470469882 -1.5842778957594934 -1.7645948752341518 -1.847246606598499 -1.8617183985134187 -1.967096776309319 -2.0042952148105684 -0.6981708507016435 -1.183143556533243 -0.32479346006423043 -0.372129891677293 0.7881157143587894 1.042674792003225 0.8769327901771848 1.2715922277483 1.2459505858489393 +20773,0.6690394371089541,0,-0.9413279105769036 -1.0143059842441124 -1.3864193503789572 -1.5341812470469882 -1.5842778957594934 -1.7645948752341518 -1.847246606598499 -1.8617183985134187 -1.967096776309319 -2.0042952148105684 -0.6981708507016435 -1.183143556533243 -0.32479346006423043 -0.372129891677293 0.7881157143587894 1.042674792003225 0.8769327901771848 1.2715922277483 1.2459505858489393 0.4318671468472455 +20774,0.1177699305779009,0,-1.0143059842441124 -1.3864193503789572 -1.5341812470469882 -1.5842778957594934 -1.7645948752341518 -1.847246606598499 -1.8617183985134187 -1.967096776309319 -2.0042952148105684 -0.6981708507016435 -1.183143556533243 -0.32479346006423043 -0.372129891677293 0.7881157143587894 1.042674792003225 0.8769327901771848 1.2715922277483 1.2459505858489393 0.4318671468472455 0.6690394371089541 +20775,-0.02883112732126012,0,-1.3864193503789572 -1.5341812470469882 -1.5842778957594934 -1.7645948752341518 -1.847246606598499 -1.8617183985134187 -1.967096776309319 -2.0042952148105684 -0.6981708507016435 -1.183143556533243 -0.32479346006423043 -0.372129891677293 0.7881157143587894 1.042674792003225 0.8769327901771848 1.2715922277483 1.2459505858489393 0.4318671468472455 0.6690394371089541 0.1177699305779009 +20776,-0.7149901169359887,0,-1.5341812470469882 -1.5842778957594934 -1.7645948752341518 -1.847246606598499 -1.8617183985134187 -1.967096776309319 -2.0042952148105684 -0.6981708507016435 -1.183143556533243 -0.32479346006423043 -0.372129891677293 0.7881157143587894 1.042674792003225 0.8769327901771848 1.2715922277483 1.2459505858489393 0.4318671468472455 0.6690394371089541 0.1177699305779009 -0.02883112732126012 +20777,-0.9964806576092625,0,-1.5842778957594934 -1.7645948752341518 -1.847246606598499 -1.8617183985134187 -1.967096776309319 -2.0042952148105684 -0.6981708507016435 -1.183143556533243 -0.32479346006423043 -0.372129891677293 0.7881157143587894 1.042674792003225 0.8769327901771848 1.2715922277483 1.2459505858489393 0.4318671468472455 0.6690394371089541 0.1177699305779009 -0.02883112732126012 -0.7149901169359887 +20778,-0.9753791856708253,0,-1.7645948752341518 -1.847246606598499 -1.8617183985134187 -1.967096776309319 -2.0042952148105684 -0.6981708507016435 -1.183143556533243 -0.32479346006423043 -0.372129891677293 0.7881157143587894 1.042674792003225 0.8769327901771848 1.2715922277483 1.2459505858489393 0.4318671468472455 0.6690394371089541 0.1177699305779009 -0.02883112732126012 -0.7149901169359887 -0.9964806576092625 +20779,-1.3577337306511903,0,-1.847246606598499 -1.8617183985134187 -1.967096776309319 -2.0042952148105684 -0.6981708507016435 -1.183143556533243 -0.32479346006423043 -0.372129891677293 0.7881157143587894 1.042674792003225 0.8769327901771848 1.2715922277483 1.2459505858489393 0.4318671468472455 0.6690394371089541 0.1177699305779009 -0.02883112732126012 -0.7149901169359887 -0.9964806576092625 -0.9753791856708253 +20780,-1.4374962630198442,0,-1.8617183985134187 -1.967096776309319 -2.0042952148105684 -0.6981708507016435 -1.183143556533243 -0.32479346006423043 -0.372129891677293 0.7881157143587894 1.042674792003225 0.8769327901771848 1.2715922277483 1.2459505858489393 0.4318671468472455 0.6690394371089541 0.1177699305779009 -0.02883112732126012 -0.7149901169359887 -0.9964806576092625 -0.9753791856708253 -1.3577337306511903 +20781,-1.4625445872987084,0,-1.967096776309319 -2.0042952148105684 -0.6981708507016435 -1.183143556533243 -0.32479346006423043 -0.372129891677293 0.7881157143587894 1.042674792003225 0.8769327901771848 1.2715922277483 1.2459505858489393 0.4318671468472455 0.6690394371089541 0.1177699305779009 -0.02883112732126012 -0.7149901169359887 -0.9964806576092625 -0.9753791856708253 -1.3577337306511903 -1.4374962630198442 +20782,-1.5605451889274442,0,-2.0042952148105684 -0.6981708507016435 -1.183143556533243 -0.32479346006423043 -0.372129891677293 0.7881157143587894 1.042674792003225 0.8769327901771848 1.2715922277483 1.2459505858489393 0.4318671468472455 0.6690394371089541 0.1177699305779009 -0.02883112732126012 -0.7149901169359887 -0.9964806576092625 -0.9753791856708253 -1.3577337306511903 -1.4374962630198442 -1.4625445872987084 +20783,-1.6038315824663811,0,-0.6981708507016435 -1.183143556533243 -0.32479346006423043 -0.372129891677293 0.7881157143587894 1.042674792003225 0.8769327901771848 1.2715922277483 1.2459505858489393 0.4318671468472455 0.6690394371089541 0.1177699305779009 -0.02883112732126012 -0.7149901169359887 -0.9964806576092625 -0.9753791856708253 -1.3577337306511903 -1.4374962630198442 -1.4625445872987084 -1.5605451889274442 +20784,-1.5906238152088157,0,-1.183143556533243 -0.32479346006423043 -0.372129891677293 0.7881157143587894 1.042674792003225 0.8769327901771848 1.2715922277483 1.2459505858489393 0.4318671468472455 0.6690394371089541 0.1177699305779009 -0.02883112732126012 -0.7149901169359887 -0.9964806576092625 -0.9753791856708253 -1.3577337306511903 -1.4374962630198442 -1.4625445872987084 -1.5605451889274442 -1.6038315824663811 +20785,-1.6527415957831164,0,-0.32479346006423043 -0.372129891677293 0.7881157143587894 1.042674792003225 0.8769327901771848 1.2715922277483 1.2459505858489393 0.4318671468472455 0.6690394371089541 0.1177699305779009 -0.02883112732126012 -0.7149901169359887 -0.9964806576092625 -0.9753791856708253 -1.3577337306511903 -1.4374962630198442 -1.4625445872987084 -1.5605451889274442 -1.6038315824663811 -1.5906238152088157 +20786,-1.6583652155609059,0,-0.372129891677293 0.7881157143587894 1.042674792003225 0.8769327901771848 1.2715922277483 1.2459505858489393 0.4318671468472455 0.6690394371089541 0.1177699305779009 -0.02883112732126012 -0.7149901169359887 -0.9964806576092625 -0.9753791856708253 -1.3577337306511903 -1.4374962630198442 -1.4625445872987084 -1.5605451889274442 -1.6038315824663811 -1.5906238152088157 -1.6527415957831164 +20787,-0.40231170369236297,0,0.7881157143587894 1.042674792003225 0.8769327901771848 1.2715922277483 1.2459505858489393 0.4318671468472455 0.6690394371089541 0.1177699305779009 -0.02883112732126012 -0.7149901169359887 -0.9964806576092625 -0.9753791856708253 -1.3577337306511903 -1.4374962630198442 -1.4625445872987084 -1.5605451889274442 -1.6038315824663811 -1.5906238152088157 -1.6527415957831164 -1.6583652155609059 +20788,-0.8284943671974864,0,1.042674792003225 0.8769327901771848 1.2715922277483 1.2459505858489393 0.4318671468472455 0.6690394371089541 0.1177699305779009 -0.02883112732126012 -0.7149901169359887 -0.9964806576092625 -0.9753791856708253 -1.3577337306511903 -1.4374962630198442 -1.4625445872987084 -1.5605451889274442 -1.6038315824663811 -1.5906238152088157 -1.6527415957831164 -1.6583652155609059 -0.40231170369236297 +20789,0.007000100788936937,0,0.8769327901771848 1.2715922277483 1.2459505858489393 0.4318671468472455 0.6690394371089541 0.1177699305779009 -0.02883112732126012 -0.7149901169359887 -0.9964806576092625 -0.9753791856708253 -1.3577337306511903 -1.4374962630198442 -1.4625445872987084 -1.5605451889274442 -1.6038315824663811 -1.5906238152088157 -1.6527415957831164 -1.6583652155609059 -0.40231170369236297 -0.8284943671974864 +20790,-0.19088424106371368,0,1.2715922277483 1.2459505858489393 0.4318671468472455 0.6690394371089541 0.1177699305779009 -0.02883112732126012 -0.7149901169359887 -0.9964806576092625 -0.9753791856708253 -1.3577337306511903 -1.4374962630198442 -1.4625445872987084 -1.5605451889274442 -1.6038315824663811 -1.5906238152088157 -1.6527415957831164 -1.6583652155609059 -0.40231170369236297 -0.8284943671974864 0.007000100788936937 +20791,0.9890698302024069,0,1.2459505858489393 0.4318671468472455 0.6690394371089541 0.1177699305779009 -0.02883112732126012 -0.7149901169359887 -0.9964806576092625 -0.9753791856708253 -1.3577337306511903 -1.4374962630198442 -1.4625445872987084 -1.5605451889274442 -1.6038315824663811 -1.5906238152088157 -1.6527415957831164 -1.6583652155609059 -0.40231170369236297 -0.8284943671974864 0.007000100788936937 -0.19088424106371368 +20792,1.1356450916294447,0,0.4318671468472455 0.6690394371089541 0.1177699305779009 -0.02883112732126012 -0.7149901169359887 -0.9964806576092625 -0.9753791856708253 -1.3577337306511903 -1.4374962630198442 -1.4625445872987084 -1.5605451889274442 -1.6038315824663811 -1.5906238152088157 -1.6527415957831164 -1.6583652155609059 -0.40231170369236297 -0.8284943671974864 0.007000100788936937 -0.19088424106371368 0.9890698302024069 +20793,0.9690260114539355,0,0.6690394371089541 0.1177699305779009 -0.02883112732126012 -0.7149901169359887 -0.9964806576092625 -0.9753791856708253 -1.3577337306511903 -1.4374962630198442 -1.4625445872987084 -1.5605451889274442 -1.6038315824663811 -1.5906238152088157 -1.6527415957831164 -1.6583652155609059 -0.40231170369236297 -0.8284943671974864 0.007000100788936937 -0.19088424106371368 0.9890698302024069 1.1356450916294447 +20794,1.2199993867484917,0,0.1177699305779009 -0.02883112732126012 -0.7149901169359887 -0.9964806576092625 -0.9753791856708253 -1.3577337306511903 -1.4374962630198442 -1.4625445872987084 -1.5605451889274442 -1.6038315824663811 -1.5906238152088157 -1.6527415957831164 -1.6583652155609059 -0.40231170369236297 -0.8284943671974864 0.007000100788936937 -0.19088424106371368 0.9890698302024069 1.1356450916294447 0.9690260114539355 +20795,1.1577784204404924,0,-0.02883112732126012 -0.7149901169359887 -0.9964806576092625 -0.9753791856708253 -1.3577337306511903 -1.4374962630198442 -1.4625445872987084 -1.5605451889274442 -1.6038315824663811 -1.5906238152088157 -1.6527415957831164 -1.6583652155609059 -0.40231170369236297 -0.8284943671974864 0.007000100788936937 -0.19088424106371368 0.9890698302024069 1.1356450916294447 0.9690260114539355 1.2199993867484917 +20796,0.3793198382363931,0,-0.7149901169359887 -0.9964806576092625 -0.9753791856708253 -1.3577337306511903 -1.4374962630198442 -1.4625445872987084 -1.5605451889274442 -1.6038315824663811 -1.5906238152088157 -1.6527415957831164 -1.6583652155609059 -0.40231170369236297 -0.8284943671974864 0.007000100788936937 -0.19088424106371368 0.9890698302024069 1.1356450916294447 0.9690260114539355 1.2199993867484917 1.1577784204404924 +20797,0.555844743893775,0,-0.9964806576092625 -0.9753791856708253 -1.3577337306511903 -1.4374962630198442 -1.4625445872987084 -1.5605451889274442 -1.6038315824663811 -1.5906238152088157 -1.6527415957831164 -1.6583652155609059 -0.40231170369236297 -0.8284943671974864 0.007000100788936937 -0.19088424106371368 0.9890698302024069 1.1356450916294447 0.9690260114539355 1.2199993867484917 1.1577784204404924 0.3793198382363931 +20798,0.01613203365503937,0,-0.9753791856708253 -1.3577337306511903 -1.4374962630198442 -1.4625445872987084 -1.5605451889274442 -1.6038315824663811 -1.5906238152088157 -1.6527415957831164 -1.6583652155609059 -0.40231170369236297 -0.8284943671974864 0.007000100788936937 -0.19088424106371368 0.9890698302024069 1.1356450916294447 0.9690260114539355 1.2199993867484917 1.1577784204404924 0.3793198382363931 0.555844743893775 +20799,-0.13524136198977985,0,-1.3577337306511903 -1.4374962630198442 -1.4625445872987084 -1.5605451889274442 -1.6038315824663811 -1.5906238152088157 -1.6527415957831164 -1.6583652155609059 -0.40231170369236297 -0.8284943671974864 0.007000100788936937 -0.19088424106371368 0.9890698302024069 1.1356450916294447 0.9690260114539355 1.2199993867484917 1.1577784204404924 0.3793198382363931 0.555844743893775 0.01613203365503937 +20800,-0.8044005103748895,0,-1.4374962630198442 -1.4625445872987084 -1.5605451889274442 -1.6038315824663811 -1.5906238152088157 -1.6527415957831164 -1.6583652155609059 -0.40231170369236297 -0.8284943671974864 0.007000100788936937 -0.19088424106371368 0.9890698302024069 1.1356450916294447 0.9690260114539355 1.2199993867484917 1.1577784204404924 0.3793198382363931 0.555844743893775 0.01613203365503937 -0.13524136198977985 +20801,-1.0852203443208595,0,-1.4625445872987084 -1.5605451889274442 -1.6038315824663811 -1.5906238152088157 -1.6527415957831164 -1.6583652155609059 -0.40231170369236297 -0.8284943671974864 0.007000100788936937 -0.19088424106371368 0.9890698302024069 1.1356450916294447 0.9690260114539355 1.2199993867484917 1.1577784204404924 0.3793198382363931 0.555844743893775 0.01613203365503937 -0.13524136198977985 -0.8044005103748895 +20802,-1.0868971116034363,0,-1.5605451889274442 -1.6038315824663811 -1.5906238152088157 -1.6527415957831164 -1.6583652155609059 -0.40231170369236297 -0.8284943671974864 0.007000100788936937 -0.19088424106371368 0.9890698302024069 1.1356450916294447 0.9690260114539355 1.2199993867484917 1.1577784204404924 0.3793198382363931 0.555844743893775 0.01613203365503937 -0.13524136198977985 -0.8044005103748895 -1.0852203443208595 +20803,-1.4607646342824332,0,-1.6038315824663811 -1.5906238152088157 -1.6527415957831164 -1.6583652155609059 -0.40231170369236297 -0.8284943671974864 0.007000100788936937 -0.19088424106371368 0.9890698302024069 1.1356450916294447 0.9690260114539355 1.2199993867484917 1.1577784204404924 0.3793198382363931 0.555844743893775 0.01613203365503937 -0.13524136198977985 -0.8044005103748895 -1.0852203443208595 -1.0868971116034363 +20804,-1.5554890904528136,0,-1.5906238152088157 -1.6527415957831164 -1.6583652155609059 -0.40231170369236297 -0.8284943671974864 0.007000100788936937 -0.19088424106371368 0.9890698302024069 1.1356450916294447 0.9690260114539355 1.2199993867484917 1.1577784204404924 0.3793198382363931 0.555844743893775 0.01613203365503937 -0.13524136198977985 -0.8044005103748895 -1.0852203443208595 -1.0868971116034363 -1.4607646342824332 +20805,-1.5953445601650218,0,-1.6527415957831164 -1.6583652155609059 -0.40231170369236297 -0.8284943671974864 0.007000100788936937 -0.19088424106371368 0.9890698302024069 1.1356450916294447 0.9690260114539355 1.2199993867484917 1.1577784204404924 0.3793198382363931 0.555844743893775 0.01613203365503937 -0.13524136198977985 -0.8044005103748895 -1.0852203443208595 -1.0868971116034363 -1.4607646342824332 -1.5554890904528136 +20806,-1.7083586785397127,0,-1.6583652155609059 -0.40231170369236297 -0.8284943671974864 0.007000100788936937 -0.19088424106371368 0.9890698302024069 1.1356450916294447 0.9690260114539355 1.2199993867484917 1.1577784204404924 0.3793198382363931 0.555844743893775 0.01613203365503937 -0.13524136198977985 -0.8044005103748895 -1.0852203443208595 -1.0868971116034363 -1.4607646342824332 -1.5554890904528136 -1.5953445601650218 +20807,-1.7665038103014545,0,-0.40231170369236297 -0.8284943671974864 0.007000100788936937 -0.19088424106371368 0.9890698302024069 1.1356450916294447 0.9690260114539355 1.2199993867484917 1.1577784204404924 0.3793198382363931 0.555844743893775 0.01613203365503937 -0.13524136198977985 -0.8044005103748895 -1.0852203443208595 -1.0868971116034363 -1.4607646342824332 -1.5554890904528136 -1.5953445601650218 -1.7083586785397127 +20808,-1.781930069827427,0,-0.8284943671974864 0.007000100788936937 -0.19088424106371368 0.9890698302024069 1.1356450916294447 0.9690260114539355 1.2199993867484917 1.1577784204404924 0.3793198382363931 0.555844743893775 0.01613203365503937 -0.13524136198977985 -0.8044005103748895 -1.0852203443208595 -1.0868971116034363 -1.4607646342824332 -1.5554890904528136 -1.5953445601650218 -1.7083586785397127 -1.7665038103014545 +20809,-1.8543148258741395,0,0.007000100788936937 -0.19088424106371368 0.9890698302024069 1.1356450916294447 0.9690260114539355 1.2199993867484917 1.1577784204404924 0.3793198382363931 0.555844743893775 0.01613203365503937 -0.13524136198977985 -0.8044005103748895 -1.0852203443208595 -1.0868971116034363 -1.4607646342824332 -1.5554890904528136 -1.5953445601650218 -1.7083586785397127 -1.7665038103014545 -1.781930069827427 +20810,-1.8839807093755025,0,-0.19088424106371368 0.9890698302024069 1.1356450916294447 0.9690260114539355 1.2199993867484917 1.1577784204404924 0.3793198382363931 0.555844743893775 0.01613203365503937 -0.13524136198977985 -0.8044005103748895 -1.0852203443208595 -1.0868971116034363 -1.4607646342824332 -1.5554890904528136 -1.5953445601650218 -1.7083586785397127 -1.7665038103014545 -1.781930069827427 -1.8543148258741395 +20811,-0.6693820453949637,0,0.9890698302024069 1.1356450916294447 0.9690260114539355 1.2199993867484917 1.1577784204404924 0.3793198382363931 0.555844743893775 0.01613203365503937 -0.13524136198977985 -0.8044005103748895 -1.0852203443208595 -1.0868971116034363 -1.4607646342824332 -1.5554890904528136 -1.5953445601650218 -1.7083586785397127 -1.7665038103014545 -1.781930069827427 -1.8543148258741395 -1.8839807093755025 +20812,-1.1138027781601512,0,1.1356450916294447 0.9690260114539355 1.2199993867484917 1.1577784204404924 0.3793198382363931 0.555844743893775 0.01613203365503937 -0.13524136198977985 -0.8044005103748895 -1.0852203443208595 -1.0868971116034363 -1.4607646342824332 -1.5554890904528136 -1.5953445601650218 -1.7083586785397127 -1.7665038103014545 -1.781930069827427 -1.8543148258741395 -1.8839807093755025 -0.6693820453949637 +20813,-0.31395896344343677,0,0.9690260114539355 1.2199993867484917 1.1577784204404924 0.3793198382363931 0.555844743893775 0.01613203365503937 -0.13524136198977985 -0.8044005103748895 -1.0852203443208595 -1.0868971116034363 -1.4607646342824332 -1.5554890904528136 -1.5953445601650218 -1.7083586785397127 -1.7665038103014545 -1.781930069827427 -1.8543148258741395 -1.8839807093755025 -0.6693820453949637 -1.1138027781601512 +20814,-0.3301849119025084,0,1.2199993867484917 1.1577784204404924 0.3793198382363931 0.555844743893775 0.01613203365503937 -0.13524136198977985 -0.8044005103748895 -1.0852203443208595 -1.0868971116034363 -1.4607646342824332 -1.5554890904528136 -1.5953445601650218 -1.7083586785397127 -1.7665038103014545 -1.781930069827427 -1.8543148258741395 -1.8839807093755025 -0.6693820453949637 -1.1138027781601512 -0.31395896344343677 +20815,0.7416821574125244,0,1.1577784204404924 0.3793198382363931 0.555844743893775 0.01613203365503937 -0.13524136198977985 -0.8044005103748895 -1.0852203443208595 -1.0868971116034363 -1.4607646342824332 -1.5554890904528136 -1.5953445601650218 -1.7083586785397127 -1.7665038103014545 -1.781930069827427 -1.8543148258741395 -1.8839807093755025 -0.6693820453949637 -1.1138027781601512 -0.31395896344343677 -0.3301849119025084 +20816,0.997479463242191,0,0.3793198382363931 0.555844743893775 0.01613203365503937 -0.13524136198977985 -0.8044005103748895 -1.0852203443208595 -1.0868971116034363 -1.4607646342824332 -1.5554890904528136 -1.5953445601650218 -1.7083586785397127 -1.7665038103014545 -1.781930069827427 -1.8543148258741395 -1.8839807093755025 -0.6693820453949637 -1.1138027781601512 -0.31395896344343677 -0.3301849119025084 0.7416821574125244 +20817,0.8606810452459899,0,0.555844743893775 0.01613203365503937 -0.13524136198977985 -0.8044005103748895 -1.0852203443208595 -1.0868971116034363 -1.4607646342824332 -1.5554890904528136 -1.5953445601650218 -1.7083586785397127 -1.7665038103014545 -1.781930069827427 -1.8543148258741395 -1.8839807093755025 -0.6693820453949637 -1.1138027781601512 -0.31395896344343677 -0.3301849119025084 0.7416821574125244 0.997479463242191 +20818,1.2473435925573295,0,0.01613203365503937 -0.13524136198977985 -0.8044005103748895 -1.0852203443208595 -1.0868971116034363 -1.4607646342824332 -1.5554890904528136 -1.5953445601650218 -1.7083586785397127 -1.7665038103014545 -1.781930069827427 -1.8543148258741395 -1.8839807093755025 -0.6693820453949637 -1.1138027781601512 -0.31395896344343677 -0.3301849119025084 0.7416821574125244 0.997479463242191 0.8606810452459899 +20819,1.2414104157332302,0,-0.13524136198977985 -0.8044005103748895 -1.0852203443208595 -1.0868971116034363 -1.4607646342824332 -1.5554890904528136 -1.5953445601650218 -1.7083586785397127 -1.7665038103014545 -1.781930069827427 -1.8543148258741395 -1.8839807093755025 -0.6693820453949637 -1.1138027781601512 -0.31395896344343677 -0.3301849119025084 0.7416821574125244 0.997479463242191 0.8606810452459899 1.2473435925573295 +20820,0.36956879127767966,0,-0.8044005103748895 -1.0852203443208595 -1.0868971116034363 -1.4607646342824332 -1.5554890904528136 -1.5953445601650218 -1.7083586785397127 -1.7665038103014545 -1.781930069827427 -1.8543148258741395 -1.8839807093755025 -0.6693820453949637 -1.1138027781601512 -0.31395896344343677 -0.3301849119025084 0.7416821574125244 0.997479463242191 0.8606810452459899 1.2473435925573295 1.2414104157332302 +20821,0.6522717638188467,0,-1.0852203443208595 -1.0868971116034363 -1.4607646342824332 -1.5554890904528136 -1.5953445601650218 -1.7083586785397127 -1.7665038103014545 -1.781930069827427 -1.8543148258741395 -1.8839807093755025 -0.6693820453949637 -1.1138027781601512 -0.31395896344343677 -0.3301849119025084 0.7416821574125244 0.997479463242191 0.8606810452459899 1.2473435925573295 1.2414104157332302 0.36956879127767966 +20822,0.06906628857378577,0,-1.0868971116034363 -1.4607646342824332 -1.5554890904528136 -1.5953445601650218 -1.7083586785397127 -1.7665038103014545 -1.781930069827427 -1.8543148258741395 -1.8839807093755025 -0.6693820453949637 -1.1138027781601512 -0.31395896344343677 -0.3301849119025084 0.7416821574125244 0.997479463242191 0.8606810452459899 1.2473435925573295 1.2414104157332302 0.36956879127767966 0.6522717638188467 +20823,-0.060560724567870816,0,-1.4607646342824332 -1.5554890904528136 -1.5953445601650218 -1.7083586785397127 -1.7665038103014545 -1.781930069827427 -1.8543148258741395 -1.8839807093755025 -0.6693820453949637 -1.1138027781601512 -0.31395896344343677 -0.3301849119025084 0.7416821574125244 0.997479463242191 0.8606810452459899 1.2473435925573295 1.2414104157332302 0.36956879127767966 0.6522717638188467 0.06906628857378577 +20824,-0.7949590204624771,0,-1.5554890904528136 -1.5953445601650218 -1.7083586785397127 -1.7665038103014545 -1.781930069827427 -1.8543148258741395 -1.8839807093755025 -0.6693820453949637 -1.1138027781601512 -0.31395896344343677 -0.3301849119025084 0.7416821574125244 0.997479463242191 0.8606810452459899 1.2473435925573295 1.2414104157332302 0.36956879127767966 0.6522717638188467 0.06906628857378577 -0.060560724567870816 +20825,-1.075778854408456,0,-1.5953445601650218 -1.7083586785397127 -1.7665038103014545 -1.781930069827427 -1.8543148258741395 -1.8839807093755025 -0.6693820453949637 -1.1138027781601512 -0.31395896344343677 -0.3301849119025084 0.7416821574125244 0.997479463242191 0.8606810452459899 1.2473435925573295 1.2414104157332302 0.36956879127767966 0.6522717638188467 0.06906628857378577 -0.060560724567870816 -0.7949590204624771 +20826,-1.0992020041941954,0,-1.7083586785397127 -1.7665038103014545 -1.781930069827427 -1.8543148258741395 -1.8839807093755025 -0.6693820453949637 -1.1138027781601512 -0.31395896344343677 -0.3301849119025084 0.7416821574125244 0.997479463242191 0.8606810452459899 1.2473435925573295 1.2414104157332302 0.36956879127767966 0.6522717638188467 0.06906628857378577 -0.060560724567870816 -0.7949590204624771 -1.075778854408456 +20827,-1.4658207327570638,0,-1.7665038103014545 -1.781930069827427 -1.8543148258741395 -1.8839807093755025 -0.6693820453949637 -1.1138027781601512 -0.31395896344343677 -0.3301849119025084 0.7416821574125244 0.997479463242191 0.8606810452459899 1.2473435925573295 1.2414104157332302 0.36956879127767966 0.6522717638188467 0.06906628857378577 -0.060560724567870816 -0.7949590204624771 -1.075778854408456 -1.0992020041941954 +20828,-1.5750427771597013,0,-1.781930069827427 -1.8543148258741395 -1.8839807093755025 -0.6693820453949637 -1.1138027781601512 -0.31395896344343677 -0.3301849119025084 0.7416821574125244 0.997479463242191 0.8606810452459899 1.2473435925573295 1.2414104157332302 0.36956879127767966 0.6522717638188467 0.06906628857378577 -0.060560724567870816 -0.7949590204624771 -1.075778854408456 -1.0992020041941954 -1.4658207327570638 +20829,-1.5648531911036418,0,-1.8543148258741395 -1.8839807093755025 -0.6693820453949637 -1.1138027781601512 -0.31395896344343677 -0.3301849119025084 0.7416821574125244 0.997479463242191 0.8606810452459899 1.2473435925573295 1.2414104157332302 0.36956879127767966 0.6522717638188467 0.06906628857378577 -0.060560724567870816 -0.7949590204624771 -1.075778854408456 -1.0992020041941954 -1.4658207327570638 -1.5750427771597013 +20830,-1.7138791124290267,0,-1.8839807093755025 -0.6693820453949637 -1.1138027781601512 -0.31395896344343677 -0.3301849119025084 0.7416821574125244 0.997479463242191 0.8606810452459899 1.2473435925573295 1.2414104157332302 0.36956879127767966 0.6522717638188467 0.06906628857378577 -0.060560724567870816 -0.7949590204624771 -1.075778854408456 -1.0992020041941954 -1.4658207327570638 -1.5750427771597013 -1.5648531911036418 +20831,-1.7434934032957234,0,-0.6693820453949637 -1.1138027781601512 -0.31395896344343677 -0.3301849119025084 0.7416821574125244 0.997479463242191 0.8606810452459899 1.2473435925573295 1.2414104157332302 0.36956879127767966 0.6522717638188467 0.06906628857378577 -0.060560724567870816 -0.7949590204624771 -1.075778854408456 -1.0992020041941954 -1.4658207327570638 -1.5750427771597013 -1.5648531911036418 -1.7138791124290267 +20832,-1.743699774608335,0,-1.1138027781601512 -0.31395896344343677 -0.3301849119025084 0.7416821574125244 0.997479463242191 0.8606810452459899 1.2473435925573295 1.2414104157332302 0.36956879127767966 0.6522717638188467 0.06906628857378577 -0.060560724567870816 -0.7949590204624771 -1.075778854408456 -1.0992020041941954 -1.4658207327570638 -1.5750427771597013 -1.5648531911036418 -1.7138791124290267 -1.7434934032957234 +20833,-1.783116705223197,0,-0.31395896344343677 -0.3301849119025084 0.7416821574125244 0.997479463242191 0.8606810452459899 1.2473435925573295 1.2414104157332302 0.36956879127767966 0.6522717638188467 0.06906628857378577 -0.060560724567870816 -0.7949590204624771 -1.075778854408456 -1.0992020041941954 -1.4658207327570638 -1.5750427771597013 -1.5648531911036418 -1.7138791124290267 -1.7434934032957234 -1.743699774608335 +20834,-1.7931257162839827,0,-0.3301849119025084 0.7416821574125244 0.997479463242191 0.8606810452459899 1.2473435925573295 1.2414104157332302 0.36956879127767966 0.6522717638188467 0.06906628857378577 -0.060560724567870816 -0.7949590204624771 -1.075778854408456 -1.0992020041941954 -1.4658207327570638 -1.5750427771597013 -1.5648531911036418 -1.7138791124290267 -1.7434934032957234 -1.743699774608335 -1.783116705223197 +20835,-0.7025046493499557,0,0.7416821574125244 0.997479463242191 0.8606810452459899 1.2473435925573295 1.2414104157332302 0.36956879127767966 0.6522717638188467 0.06906628857378577 -0.060560724567870816 -0.7949590204624771 -1.075778854408456 -1.0992020041941954 -1.4658207327570638 -1.5750427771597013 -1.5648531911036418 -1.7138791124290267 -1.7434934032957234 -1.743699774608335 -1.783116705223197 -1.7931257162839827 +20836,-1.0793903532304587,0,0.997479463242191 0.8606810452459899 1.2473435925573295 1.2414104157332302 0.36956879127767966 0.6522717638188467 0.06906628857378577 -0.060560724567870816 -0.7949590204624771 -1.075778854408456 -1.0992020041941954 -1.4658207327570638 -1.5750427771597013 -1.5648531911036418 -1.7138791124290267 -1.7434934032957234 -1.743699774608335 -1.783116705223197 -1.7931257162839827 -0.7025046493499557 +20837,-0.35564597896137223,0,0.8606810452459899 1.2473435925573295 1.2414104157332302 0.36956879127767966 0.6522717638188467 0.06906628857378577 -0.060560724567870816 -0.7949590204624771 -1.075778854408456 -1.0992020041941954 -1.4658207327570638 -1.5750427771597013 -1.5648531911036418 -1.7138791124290267 -1.7434934032957234 -1.743699774608335 -1.783116705223197 -1.7931257162839827 -0.7025046493499557 -1.0793903532304587 +20838,-0.44015505260356996,0,1.2473435925573295 1.2414104157332302 0.36956879127767966 0.6522717638188467 0.06906628857378577 -0.060560724567870816 -0.7949590204624771 -1.075778854408456 -1.0992020041941954 -1.4658207327570638 -1.5750427771597013 -1.5648531911036418 -1.7138791124290267 -1.7434934032957234 -1.743699774608335 -1.783116705223197 -1.7931257162839827 -0.7025046493499557 -1.0793903532304587 -0.35564597896137223 +20839,0.5530071376875427,0,1.2414104157332302 0.36956879127767966 0.6522717638188467 0.06906628857378577 -0.060560724567870816 -0.7949590204624771 -1.075778854408456 -1.0992020041941954 -1.4658207327570638 -1.5750427771597013 -1.5648531911036418 -1.7138791124290267 -1.7434934032957234 -1.743699774608335 -1.783116705223197 -1.7931257162839827 -0.7025046493499557 -1.0793903532304587 -0.35564597896137223 -0.44015505260356996 +20840,0.7379158799125854,0,0.36956879127767966 0.6522717638188467 0.06906628857378577 -0.060560724567870816 -0.7949590204624771 -1.075778854408456 -1.0992020041941954 -1.4658207327570638 -1.5750427771597013 -1.5648531911036418 -1.7138791124290267 -1.7434934032957234 -1.743699774608335 -1.783116705223197 -1.7931257162839827 -0.7025046493499557 -1.0793903532304587 -0.35564597896137223 -0.44015505260356996 0.5530071376875427 +20841,0.5632741130051774,0,0.6522717638188467 0.06906628857378577 -0.060560724567870816 -0.7949590204624771 -1.075778854408456 -1.0992020041941954 -1.4658207327570638 -1.5750427771597013 -1.5648531911036418 -1.7138791124290267 -1.7434934032957234 -1.743699774608335 -1.783116705223197 -1.7931257162839827 -0.7025046493499557 -1.0793903532304587 -0.35564597896137223 -0.44015505260356996 0.5530071376875427 0.7379158799125854 +20842,0.868033025095817,0,0.06906628857378577 -0.060560724567870816 -0.7949590204624771 -1.075778854408456 -1.0992020041941954 -1.4658207327570638 -1.5750427771597013 -1.5648531911036418 -1.7138791124290267 -1.7434934032957234 -1.743699774608335 -1.783116705223197 -1.7931257162839827 -0.7025046493499557 -1.0793903532304587 -0.35564597896137223 -0.44015505260356996 0.5530071376875427 0.7379158799125854 0.5632741130051774 +20843,0.8132414278992288,0,-0.060560724567870816 -0.7949590204624771 -1.075778854408456 -1.0992020041941954 -1.4658207327570638 -1.5750427771597013 -1.5648531911036418 -1.7138791124290267 -1.7434934032957234 -1.743699774608335 -1.783116705223197 -1.7931257162839827 -0.7025046493499557 -1.0793903532304587 -0.35564597896137223 -0.44015505260356996 0.5530071376875427 0.7379158799125854 0.5632741130051774 0.868033025095817 +20844,0.016054644393464094,0,-0.7949590204624771 -1.075778854408456 -1.0992020041941954 -1.4658207327570638 -1.5750427771597013 -1.5648531911036418 -1.7138791124290267 -1.7434934032957234 -1.743699774608335 -1.783116705223197 -1.7931257162839827 -0.7025046493499557 -1.0793903532304587 -0.35564597896137223 -0.44015505260356996 0.5530071376875427 0.7379158799125854 0.5632741130051774 0.868033025095817 0.8132414278992288 +20845,0.20872810924833363,0,-1.075778854408456 -1.0992020041941954 -1.4658207327570638 -1.5750427771597013 -1.5648531911036418 -1.7138791124290267 -1.7434934032957234 -1.743699774608335 -1.783116705223197 -1.7931257162839827 -0.7025046493499557 -1.0793903532304587 -0.35564597896137223 -0.44015505260356996 0.5530071376875427 0.7379158799125854 0.5632741130051774 0.868033025095817 0.8132414278992288 0.016054644393464094 +20846,-0.34099361205117884,0,-1.0992020041941954 -1.4658207327570638 -1.5750427771597013 -1.5648531911036418 -1.7138791124290267 -1.7434934032957234 -1.743699774608335 -1.783116705223197 -1.7931257162839827 -0.7025046493499557 -1.0793903532304587 -0.35564597896137223 -0.44015505260356996 0.5530071376875427 0.7379158799125854 0.5632741130051774 0.868033025095817 0.8132414278992288 0.016054644393464094 0.20872810924833363 +20847,-0.4399228848188442,0,-1.4658207327570638 -1.5750427771597013 -1.5648531911036418 -1.7138791124290267 -1.7434934032957234 -1.743699774608335 -1.783116705223197 -1.7931257162839827 -0.7025046493499557 -1.0793903532304587 -0.35564597896137223 -0.44015505260356996 0.5530071376875427 0.7379158799125854 0.5632741130051774 0.868033025095817 0.8132414278992288 0.016054644393464094 0.20872810924833363 -0.34099361205117884 +20848,-1.139908755783758,0,-1.5750427771597013 -1.5648531911036418 -1.7138791124290267 -1.7434934032957234 -1.743699774608335 -1.783116705223197 -1.7931257162839827 -0.7025046493499557 -1.0793903532304587 -0.35564597896137223 -0.44015505260356996 0.5530071376875427 0.7379158799125854 0.5632741130051774 0.868033025095817 0.8132414278992288 0.016054644393464094 0.20872810924833363 -0.34099361205117884 -0.4399228848188442 +20849,-1.3891021780620392,0,-1.5648531911036418 -1.7138791124290267 -1.7434934032957234 -1.743699774608335 -1.783116705223197 -1.7931257162839827 -0.7025046493499557 -1.0793903532304587 -0.35564597896137223 -0.44015505260356996 0.5530071376875427 0.7379158799125854 0.5632741130051774 0.868033025095817 0.8132414278992288 0.016054644393464094 0.20872810924833363 -0.34099361205117884 -0.4399228848188442 -1.139908755783758 +20850,-1.4107711713036264,0,-1.7138791124290267 -1.7434934032957234 -1.743699774608335 -1.783116705223197 -1.7931257162839827 -0.7025046493499557 -1.0793903532304587 -0.35564597896137223 -0.44015505260356996 0.5530071376875427 0.7379158799125854 0.5632741130051774 0.868033025095817 0.8132414278992288 0.016054644393464094 0.20872810924833363 -0.34099361205117884 -0.4399228848188442 -1.139908755783758 -1.3891021780620392 +20851,-1.735806069927472,0,-1.7434934032957234 -1.743699774608335 -1.783116705223197 -1.7931257162839827 -0.7025046493499557 -1.0793903532304587 -0.35564597896137223 -0.44015505260356996 0.5530071376875427 0.7379158799125854 0.5632741130051774 0.868033025095817 0.8132414278992288 0.016054644393464094 0.20872810924833363 -0.34099361205117884 -0.4399228848188442 -1.139908755783758 -1.3891021780620392 -1.4107711713036264 +20852,-1.833316539514624,0,-1.743699774608335 -1.783116705223197 -1.7931257162839827 -0.7025046493499557 -1.0793903532304587 -0.35564597896137223 -0.44015505260356996 0.5530071376875427 0.7379158799125854 0.5632741130051774 0.868033025095817 0.8132414278992288 0.016054644393464094 0.20872810924833363 -0.34099361205117884 -0.4399228848188442 -1.139908755783758 -1.3891021780620392 -1.4107711713036264 -1.735806069927472 +20853,-1.8353286603156251,0,-1.783116705223197 -1.7931257162839827 -0.7025046493499557 -1.0793903532304587 -0.35564597896137223 -0.44015505260356996 0.5530071376875427 0.7379158799125854 0.5632741130051774 0.868033025095817 0.8132414278992288 0.016054644393464094 0.20872810924833363 -0.34099361205117884 -0.4399228848188442 -1.139908755783758 -1.3891021780620392 -1.4107711713036264 -1.735806069927472 -1.833316539514624 +20854,-1.9646719128830863,0,-1.7931257162839827 -0.7025046493499557 -1.0793903532304587 -0.35564597896137223 -0.44015505260356996 0.5530071376875427 0.7379158799125854 0.5632741130051774 0.868033025095817 0.8132414278992288 0.016054644393464094 0.20872810924833363 -0.34099361205117884 -0.4399228848188442 -1.139908755783758 -1.3891021780620392 -1.4107711713036264 -1.735806069927472 -1.833316539514624 -1.8353286603156251 +20855,-1.9985168165096197,0,-0.7025046493499557 -1.0793903532304587 -0.35564597896137223 -0.44015505260356996 0.5530071376875427 0.7379158799125854 0.5632741130051774 0.868033025095817 0.8132414278992288 0.016054644393464094 0.20872810924833363 -0.34099361205117884 -0.4399228848188442 -1.139908755783758 -1.3891021780620392 -1.4107711713036264 -1.735806069927472 -1.833316539514624 -1.8353286603156251 -1.9646719128830863 +20856,-2.029343539089424,0,-1.0793903532304587 -0.35564597896137223 -0.44015505260356996 0.5530071376875427 0.7379158799125854 0.5632741130051774 0.868033025095817 0.8132414278992288 0.016054644393464094 0.20872810924833363 -0.34099361205117884 -0.4399228848188442 -1.139908755783758 -1.3891021780620392 -1.4107711713036264 -1.735806069927472 -1.833316539514624 -1.8353286603156251 -1.9646719128830863 -1.9985168165096197 +20857,-2.064194503271248,0,-0.35564597896137223 -0.44015505260356996 0.5530071376875427 0.7379158799125854 0.5632741130051774 0.868033025095817 0.8132414278992288 0.016054644393464094 0.20872810924833363 -0.34099361205117884 -0.4399228848188442 -1.139908755783758 -1.3891021780620392 -1.4107711713036264 -1.735806069927472 -1.833316539514624 -1.8353286603156251 -1.9646719128830863 -1.9985168165096197 -2.029343539089424 +20858,-2.0960272860967715,0,-0.44015505260356996 0.5530071376875427 0.7379158799125854 0.5632741130051774 0.868033025095817 0.8132414278992288 0.016054644393464094 0.20872810924833363 -0.34099361205117884 -0.4399228848188442 -1.139908755783758 -1.3891021780620392 -1.4107711713036264 -1.735806069927472 -1.833316539514624 -1.8353286603156251 -1.9646719128830863 -1.9985168165096197 -2.029343539089424 -2.064194503271248 +20859,-1.0646863935308133,0,0.5530071376875427 0.7379158799125854 0.5632741130051774 0.868033025095817 0.8132414278992288 0.016054644393464094 0.20872810924833363 -0.34099361205117884 -0.4399228848188442 -1.139908755783758 -1.3891021780620392 -1.4107711713036264 -1.735806069927472 -1.833316539514624 -1.8353286603156251 -1.9646719128830863 -1.9985168165096197 -2.029343539089424 -2.064194503271248 -2.0960272860967715 +20860,-1.4509104015900212,0,0.7379158799125854 0.5632741130051774 0.868033025095817 0.8132414278992288 0.016054644393464094 0.20872810924833363 -0.34099361205117884 -0.4399228848188442 -1.139908755783758 -1.3891021780620392 -1.4107711713036264 -1.735806069927472 -1.833316539514624 -1.8353286603156251 -1.9646719128830863 -1.9985168165096197 -2.029343539089424 -2.064194503271248 -2.0960272860967715 -1.0646863935308133 +20861,-0.7739607342577473,0,0.5632741130051774 0.868033025095817 0.8132414278992288 0.016054644393464094 0.20872810924833363 -0.34099361205117884 -0.4399228848188442 -1.139908755783758 -1.3891021780620392 -1.4107711713036264 -1.735806069927472 -1.833316539514624 -1.8353286603156251 -1.9646719128830863 -1.9985168165096197 -2.029343539089424 -2.064194503271248 -2.0960272860967715 -1.0646863935308133 -1.4509104015900212 +20862,-0.8131712934052212,0,0.868033025095817 0.8132414278992288 0.016054644393464094 0.20872810924833363 -0.34099361205117884 -0.4399228848188442 -1.139908755783758 -1.3891021780620392 -1.4107711713036264 -1.735806069927472 -1.833316539514624 -1.8353286603156251 -1.9646719128830863 -1.9985168165096197 -2.029343539089424 -2.064194503271248 -2.0960272860967715 -1.0646863935308133 -1.4509104015900212 -0.7739607342577473 +20863,0.1024984495750877,0,0.8132414278992288 0.016054644393464094 0.20872810924833363 -0.34099361205117884 -0.4399228848188442 -1.139908755783758 -1.3891021780620392 -1.4107711713036264 -1.735806069927472 -1.833316539514624 -1.8353286603156251 -1.9646719128830863 -1.9985168165096197 -2.029343539089424 -2.064194503271248 -2.0960272860967715 -1.0646863935308133 -1.4509104015900212 -0.7739607342577473 -0.8131712934052212 +20864,0.30200796592087187,0,0.016054644393464094 0.20872810924833363 -0.34099361205117884 -0.4399228848188442 -1.139908755783758 -1.3891021780620392 -1.4107711713036264 -1.735806069927472 -1.833316539514624 -1.8353286603156251 -1.9646719128830863 -1.9985168165096197 -2.029343539089424 -2.064194503271248 -2.0960272860967715 -1.0646863935308133 -1.4509104015900212 -0.7739607342577473 -0.8131712934052212 0.1024984495750877 +20865,0.16998188567032899,0,0.20872810924833363 -0.34099361205117884 -0.4399228848188442 -1.139908755783758 -1.3891021780620392 -1.4107711713036264 -1.735806069927472 -1.833316539514624 -1.8353286603156251 -1.9646719128830863 -1.9985168165096197 -2.029343539089424 -2.064194503271248 -2.0960272860967715 -1.0646863935308133 -1.4509104015900212 -0.7739607342577473 -0.8131712934052212 0.1024984495750877 0.30200796592087187 +20866,0.48000326754821043,0,-0.34099361205117884 -0.4399228848188442 -1.139908755783758 -1.3891021780620392 -1.4107711713036264 -1.735806069927472 -1.833316539514624 -1.8353286603156251 -1.9646719128830863 -1.9985168165096197 -2.029343539089424 -2.064194503271248 -2.0960272860967715 -1.0646863935308133 -1.4509104015900212 -0.7739607342577473 -0.8131712934052212 0.1024984495750877 0.30200796592087187 0.16998188567032899 +20867,0.45848905282977365,0,-0.4399228848188442 -1.139908755783758 -1.3891021780620392 -1.4107711713036264 -1.735806069927472 -1.833316539514624 -1.8353286603156251 -1.9646719128830863 -1.9985168165096197 -2.029343539089424 -2.064194503271248 -2.0960272860967715 -1.0646863935308133 -1.4509104015900212 -0.7739607342577473 -0.8131712934052212 0.1024984495750877 0.30200796592087187 0.16998188567032899 0.48000326754821043 +20868,-0.14576630156426362,0,-1.139908755783758 -1.3891021780620392 -1.4107711713036264 -1.735806069927472 -1.833316539514624 -1.8353286603156251 -1.9646719128830863 -1.9985168165096197 -2.029343539089424 -2.064194503271248 -2.0960272860967715 -1.0646863935308133 -1.4509104015900212 -0.7739607342577473 -0.8131712934052212 0.1024984495750877 0.30200796592087187 0.16998188567032899 0.48000326754821043 0.45848905282977365 +20869,0.02696653027583305,0,-1.3891021780620392 -1.4107711713036264 -1.735806069927472 -1.833316539514624 -1.8353286603156251 -1.9646719128830863 -1.9985168165096197 -2.029343539089424 -2.064194503271248 -2.0960272860967715 -1.0646863935308133 -1.4509104015900212 -0.7739607342577473 -0.8131712934052212 0.1024984495750877 0.30200796592087187 0.16998188567032899 0.48000326754821043 0.45848905282977365 -0.14576630156426362 +20870,-0.3830417775596707,0,-1.4107711713036264 -1.735806069927472 -1.833316539514624 -1.8353286603156251 -1.9646719128830863 -1.9985168165096197 -2.029343539089424 -2.064194503271248 -2.0960272860967715 -1.0646863935308133 -1.4509104015900212 -0.7739607342577473 -0.8131712934052212 0.1024984495750877 0.30200796592087187 0.16998188567032899 0.48000326754821043 0.45848905282977365 -0.14576630156426362 0.02696653027583305 +20871,-0.5778305489492399,0,-1.735806069927472 -1.833316539514624 -1.8353286603156251 -1.9646719128830863 -1.9985168165096197 -2.029343539089424 -2.064194503271248 -2.0960272860967715 -1.0646863935308133 -1.4509104015900212 -0.7739607342577473 -0.8131712934052212 0.1024984495750877 0.30200796592087187 0.16998188567032899 0.48000326754821043 0.45848905282977365 -0.14576630156426362 0.02696653027583305 -0.3830417775596707 +20872,-1.059578702266722,0,-1.833316539514624 -1.8353286603156251 -1.9646719128830863 -1.9985168165096197 -2.029343539089424 -2.064194503271248 -2.0960272860967715 -1.0646863935308133 -1.4509104015900212 -0.7739607342577473 -0.8131712934052212 0.1024984495750877 0.30200796592087187 0.16998188567032899 0.48000326754821043 0.45848905282977365 -0.14576630156426362 0.02696653027583305 -0.3830417775596707 -0.5778305489492399 +20873,-1.3261073191382693,0,-1.8353286603156251 -1.9646719128830863 -1.9985168165096197 -2.029343539089424 -2.064194503271248 -2.0960272860967715 -1.0646863935308133 -1.4509104015900212 -0.7739607342577473 -0.8131712934052212 0.1024984495750877 0.30200796592087187 0.16998188567032899 0.48000326754821043 0.45848905282977365 -0.14576630156426362 0.02696653027583305 -0.3830417775596707 -0.5778305489492399 -1.059578702266722 +20874,-1.2946098896763933,0,-1.9646719128830863 -1.9985168165096197 -2.029343539089424 -2.064194503271248 -2.0960272860967715 -1.0646863935308133 -1.4509104015900212 -0.7739607342577473 -0.8131712934052212 0.1024984495750877 0.30200796592087187 0.16998188567032899 0.48000326754821043 0.45848905282977365 -0.14576630156426362 0.02696653027583305 -0.3830417775596707 -0.5778305489492399 -1.059578702266722 -1.3261073191382693 +20875,-1.6604805219408287,0,-1.9985168165096197 -2.029343539089424 -2.064194503271248 -2.0960272860967715 -1.0646863935308133 -1.4509104015900212 -0.7739607342577473 -0.8131712934052212 0.1024984495750877 0.30200796592087187 0.16998188567032899 0.48000326754821043 0.45848905282977365 -0.14576630156426362 0.02696653027583305 -0.3830417775596707 -0.5778305489492399 -1.059578702266722 -1.3261073191382693 -1.2946098896763933 +20876,-1.7283251080266089,0,-2.029343539089424 -2.064194503271248 -2.0960272860967715 -1.0646863935308133 -1.4509104015900212 -0.7739607342577473 -0.8131712934052212 0.1024984495750877 0.30200796592087187 0.16998188567032899 0.48000326754821043 0.45848905282977365 -0.14576630156426362 0.02696653027583305 -0.3830417775596707 -0.5778305489492399 -1.059578702266722 -1.3261073191382693 -1.2946098896763933 -1.6604805219408287 +20877,-1.6915394123053589,0,-2.064194503271248 -2.0960272860967715 -1.0646863935308133 -1.4509104015900212 -0.7739607342577473 -0.8131712934052212 0.1024984495750877 0.30200796592087187 0.16998188567032899 0.48000326754821043 0.45848905282977365 -0.14576630156426362 0.02696653027583305 -0.3830417775596707 -0.5778305489492399 -1.059578702266722 -1.3261073191382693 -1.2946098896763933 -1.6604805219408287 -1.7283251080266089 +20878,-1.7942607588903006,0,-2.0960272860967715 -1.0646863935308133 -1.4509104015900212 -0.7739607342577473 -0.8131712934052212 0.1024984495750877 0.30200796592087187 0.16998188567032899 0.48000326754821043 0.45848905282977365 -0.14576630156426362 0.02696653027583305 -0.3830417775596707 -0.5778305489492399 -1.059578702266722 -1.3261073191382693 -1.2946098896763933 -1.6604805219408287 -1.7283251080266089 -1.6915394123053589 +20879,-1.7923518236682123,0,-1.0646863935308133 -1.4509104015900212 -0.7739607342577473 -0.8131712934052212 0.1024984495750877 0.30200796592087187 0.16998188567032899 0.48000326754821043 0.45848905282977365 -0.14576630156426362 0.02696653027583305 -0.3830417775596707 -0.5778305489492399 -1.059578702266722 -1.3261073191382693 -1.2946098896763933 -1.6604805219408287 -1.7283251080266089 -1.6915394123053589 -1.7942607588903006 +20880,-1.7365025732816584,0,-1.4509104015900212 -0.7739607342577473 -0.8131712934052212 0.1024984495750877 0.30200796592087187 0.16998188567032899 0.48000326754821043 0.45848905282977365 -0.14576630156426362 0.02696653027583305 -0.3830417775596707 -0.5778305489492399 -1.059578702266722 -1.3261073191382693 -1.2946098896763933 -1.6604805219408287 -1.7283251080266089 -1.6915394123053589 -1.7942607588903006 -1.7923518236682123 +20881,-1.7525737432175794,0,-0.7739607342577473 -0.8131712934052212 0.1024984495750877 0.30200796592087187 0.16998188567032899 0.48000326754821043 0.45848905282977365 -0.14576630156426362 0.02696653027583305 -0.3830417775596707 -0.5778305489492399 -1.059578702266722 -1.3261073191382693 -1.2946098896763933 -1.6604805219408287 -1.7283251080266089 -1.6915394123053589 -1.7942607588903006 -1.7923518236682123 -1.7365025732816584 +20882,-1.7147045979890347,0,-0.8131712934052212 0.1024984495750877 0.30200796592087187 0.16998188567032899 0.48000326754821043 0.45848905282977365 -0.14576630156426362 0.02696653027583305 -0.3830417775596707 -0.5778305489492399 -1.059578702266722 -1.3261073191382693 -1.2946098896763933 -1.6604805219408287 -1.7283251080266089 -1.6915394123053589 -1.7942607588903006 -1.7923518236682123 -1.7365025732816584 -1.7525737432175794 +20883,-0.7888710652700041,0,0.1024984495750877 0.30200796592087187 0.16998188567032899 0.48000326754821043 0.45848905282977365 -0.14576630156426362 0.02696653027583305 -0.3830417775596707 -0.5778305489492399 -1.059578702266722 -1.3261073191382693 -1.2946098896763933 -1.6604805219408287 -1.7283251080266089 -1.6915394123053589 -1.7942607588903006 -1.7923518236682123 -1.7365025732816584 -1.7525737432175794 -1.7147045979890347 +20884,-1.0469900491017763,0,0.30200796592087187 0.16998188567032899 0.48000326754821043 0.45848905282977365 -0.14576630156426362 0.02696653027583305 -0.3830417775596707 -0.5778305489492399 -1.059578702266722 -1.3261073191382693 -1.2946098896763933 -1.6604805219408287 -1.7283251080266089 -1.6915394123053589 -1.7942607588903006 -1.7923518236682123 -1.7365025732816584 -1.7525737432175794 -1.7147045979890347 -0.7888710652700041 +20885,-0.4171446454430533,0,0.16998188567032899 0.48000326754821043 0.45848905282977365 -0.14576630156426362 0.02696653027583305 -0.3830417775596707 -0.5778305489492399 -1.059578702266722 -1.3261073191382693 -1.2946098896763933 -1.6604805219408287 -1.7283251080266089 -1.6915394123053589 -1.7942607588903006 -1.7923518236682123 -1.7365025732816584 -1.7525737432175794 -1.7147045979890347 -0.7888710652700041 -1.0469900491017763 +20886,-0.45160866331698346,0,0.48000326754821043 0.45848905282977365 -0.14576630156426362 0.02696653027583305 -0.3830417775596707 -0.5778305489492399 -1.059578702266722 -1.3261073191382693 -1.2946098896763933 -1.6604805219408287 -1.7283251080266089 -1.6915394123053589 -1.7942607588903006 -1.7923518236682123 -1.7365025732816584 -1.7525737432175794 -1.7147045979890347 -0.7888710652700041 -1.0469900491017763 -0.4171446454430533 +20887,0.39967321403117434,0,0.45848905282977365 -0.14576630156426362 0.02696653027583305 -0.3830417775596707 -0.5778305489492399 -1.059578702266722 -1.3261073191382693 -1.2946098896763933 -1.6604805219408287 -1.7283251080266089 -1.6915394123053589 -1.7942607588903006 -1.7923518236682123 -1.7365025732816584 -1.7525737432175794 -1.7147045979890347 -0.7888710652700041 -1.0469900491017763 -0.4171446454430533 -0.45160866331698346 +20888,0.586645670001456,0,-0.14576630156426362 0.02696653027583305 -0.3830417775596707 -0.5778305489492399 -1.059578702266722 -1.3261073191382693 -1.2946098896763933 -1.6604805219408287 -1.7283251080266089 -1.6915394123053589 -1.7942607588903006 -1.7923518236682123 -1.7365025732816584 -1.7525737432175794 -1.7147045979890347 -0.7888710652700041 -1.0469900491017763 -0.4171446454430533 -0.45160866331698346 0.39967321403117434 +20889,0.4272237911526234,0,0.02696653027583305 -0.3830417775596707 -0.5778305489492399 -1.059578702266722 -1.3261073191382693 -1.2946098896763933 -1.6604805219408287 -1.7283251080266089 -1.6915394123053589 -1.7942607588903006 -1.7923518236682123 -1.7365025732816584 -1.7525737432175794 -1.7147045979890347 -0.7888710652700041 -1.0469900491017763 -0.4171446454430533 -0.45160866331698346 0.39967321403117434 0.586645670001456 +20890,0.7296610253959519,0,-0.3830417775596707 -0.5778305489492399 -1.059578702266722 -1.3261073191382693 -1.2946098896763933 -1.6604805219408287 -1.7283251080266089 -1.6915394123053589 -1.7942607588903006 -1.7923518236682123 -1.7365025732816584 -1.7525737432175794 -1.7147045979890347 -0.7888710652700041 -1.0469900491017763 -0.4171446454430533 -0.45160866331698346 0.39967321403117434 0.586645670001456 0.4272237911526234 +20891,0.6857039248201574,0,-0.5778305489492399 -1.059578702266722 -1.3261073191382693 -1.2946098896763933 -1.6604805219408287 -1.7283251080266089 -1.6915394123053589 -1.7942607588903006 -1.7923518236682123 -1.7365025732816584 -1.7525737432175794 -1.7147045979890347 -0.7888710652700041 -1.0469900491017763 -0.4171446454430533 -0.45160866331698346 0.39967321403117434 0.586645670001456 0.4272237911526234 0.7296610253959519 +20892,0.06906628857378577,0,-1.059578702266722 -1.3261073191382693 -1.2946098896763933 -1.6604805219408287 -1.7283251080266089 -1.6915394123053589 -1.7942607588903006 -1.7923518236682123 -1.7365025732816584 -1.7525737432175794 -1.7147045979890347 -0.7888710652700041 -1.0469900491017763 -0.4171446454430533 -0.45160866331698346 0.39967321403117434 0.586645670001456 0.4272237911526234 0.7296610253959519 0.6857039248201574 +20893,0.21600269983658546,0,-1.3261073191382693 -1.2946098896763933 -1.6604805219408287 -1.7283251080266089 -1.6915394123053589 -1.7942607588903006 -1.7923518236682123 -1.7365025732816584 -1.7525737432175794 -1.7147045979890347 -0.7888710652700041 -1.0469900491017763 -0.4171446454430533 -0.45160866331698346 0.39967321403117434 0.586645670001456 0.4272237911526234 0.7296610253959519 0.6857039248201574 0.06906628857378577 +20894,-0.20974142441640628,0,-1.2946098896763933 -1.6604805219408287 -1.7283251080266089 -1.6915394123053589 -1.7942607588903006 -1.7923518236682123 -1.7365025732816584 -1.7525737432175794 -1.7147045979890347 -0.7888710652700041 -1.0469900491017763 -0.4171446454430533 -0.45160866331698346 0.39967321403117434 0.586645670001456 0.4272237911526234 0.7296610253959519 0.6857039248201574 0.06906628857378577 0.21600269983658546 +20895,-0.3514669588362106,0,-1.6604805219408287 -1.7283251080266089 -1.6915394123053589 -1.7942607588903006 -1.7923518236682123 -1.7365025732816584 -1.7525737432175794 -1.7147045979890347 -0.7888710652700041 -1.0469900491017763 -0.4171446454430533 -0.45160866331698346 0.39967321403117434 0.586645670001456 0.4272237911526234 0.7296610253959519 0.6857039248201574 0.06906628857378577 0.21600269983658546 -0.20974142441640628 +20896,-0.8718839464701219,0,-1.7283251080266089 -1.6915394123053589 -1.7942607588903006 -1.7923518236682123 -1.7365025732816584 -1.7525737432175794 -1.7147045979890347 -0.7888710652700041 -1.0469900491017763 -0.4171446454430533 -0.45160866331698346 0.39967321403117434 0.586645670001456 0.4272237911526234 0.7296610253959519 0.6857039248201574 0.06906628857378577 0.21600269983658546 -0.20974142441640628 -0.3514669588362106 +20897,-1.1082823442708372,0,-1.6915394123053589 -1.7942607588903006 -1.7923518236682123 -1.7365025732816584 -1.7525737432175794 -1.7147045979890347 -0.7888710652700041 -1.0469900491017763 -0.4171446454430533 -0.45160866331698346 0.39967321403117434 0.586645670001456 0.4272237911526234 0.7296610253959519 0.6857039248201574 0.06906628857378577 0.21600269983658546 -0.20974142441640628 -0.3514669588362106 -0.8718839464701219 +20898,-1.1529101517287121,0,-1.7942607588903006 -1.7923518236682123 -1.7365025732816584 -1.7525737432175794 -1.7147045979890347 -0.7888710652700041 -1.0469900491017763 -0.4171446454430533 -0.45160866331698346 0.39967321403117434 0.586645670001456 0.4272237911526234 0.7296610253959519 0.6857039248201574 0.06906628857378577 0.21600269983658546 -0.20974142441640628 -0.3514669588362106 -0.8718839464701219 -1.1082823442708372 +20899,-1.4532320794373323,0,-1.7923518236682123 -1.7365025732816584 -1.7525737432175794 -1.7147045979890347 -0.7888710652700041 -1.0469900491017763 -0.4171446454430533 -0.45160866331698346 0.39967321403117434 0.586645670001456 0.4272237911526234 0.7296610253959519 0.6857039248201574 0.06906628857378577 0.21600269983658546 -0.20974142441640628 -0.3514669588362106 -0.8718839464701219 -1.1082823442708372 -1.1529101517287121 +20900,-1.561783417112675,0,-1.7365025732816584 -1.7525737432175794 -1.7147045979890347 -0.7888710652700041 -1.0469900491017763 -0.4171446454430533 -0.45160866331698346 0.39967321403117434 0.586645670001456 0.4272237911526234 0.7296610253959519 0.6857039248201574 0.06906628857378577 0.21600269983658546 -0.20974142441640628 -0.3514669588362106 -0.8718839464701219 -1.1082823442708372 -1.1529101517287121 -1.4532320794373323 +20901,-1.554250862267574,0,-1.7525737432175794 -1.7147045979890347 -0.7888710652700041 -1.0469900491017763 -0.4171446454430533 -0.45160866331698346 0.39967321403117434 0.586645670001456 0.4272237911526234 0.7296610253959519 0.6857039248201574 0.06906628857378577 0.21600269983658546 -0.20974142441640628 -0.3514669588362106 -0.8718839464701219 -1.1082823442708372 -1.1529101517287121 -1.4532320794373323 -1.561783417112675 +20902,-1.7014968305766924,0,-1.7147045979890347 -0.7888710652700041 -1.0469900491017763 -0.4171446454430533 -0.45160866331698346 0.39967321403117434 0.586645670001456 0.4272237911526234 0.7296610253959519 0.6857039248201574 0.06906628857378577 0.21600269983658546 -0.20974142441640628 -0.3514669588362106 -0.8718839464701219 -1.1082823442708372 -1.1529101517287121 -1.4532320794373323 -1.561783417112675 -1.554250862267574 +20903,-1.7326589066749298,0,-0.7888710652700041 -1.0469900491017763 -0.4171446454430533 -0.45160866331698346 0.39967321403117434 0.586645670001456 0.4272237911526234 0.7296610253959519 0.6857039248201574 0.06906628857378577 0.21600269983658546 -0.20974142441640628 -0.3514669588362106 -0.8718839464701219 -1.1082823442708372 -1.1529101517287121 -1.4532320794373323 -1.561783417112675 -1.554250862267574 -1.7014968305766924 +20904,-1.7074816001902438,0,-1.0469900491017763 -0.4171446454430533 -0.45160866331698346 0.39967321403117434 0.586645670001456 0.4272237911526234 0.7296610253959519 0.6857039248201574 0.06906628857378577 0.21600269983658546 -0.20974142441640628 -0.3514669588362106 -0.8718839464701219 -1.1082823442708372 -1.1529101517287121 -1.4532320794373323 -1.561783417112675 -1.554250862267574 -1.7014968305766924 -1.7326589066749298 +20905,-1.7574234703795986,0,-0.4171446454430533 -0.45160866331698346 0.39967321403117434 0.586645670001456 0.4272237911526234 0.7296610253959519 0.6857039248201574 0.06906628857378577 0.21600269983658546 -0.20974142441640628 -0.3514669588362106 -0.8718839464701219 -1.1082823442708372 -1.1529101517287121 -1.4532320794373323 -1.561783417112675 -1.554250862267574 -1.7014968305766924 -1.7326589066749298 -1.7074816001902438 +20906,-1.7510259579860388,0,-0.45160866331698346 0.39967321403117434 0.586645670001456 0.4272237911526234 0.7296610253959519 0.6857039248201574 0.06906628857378577 0.21600269983658546 -0.20974142441640628 -0.3514669588362106 -0.8718839464701219 -1.1082823442708372 -1.1529101517287121 -1.4532320794373323 -1.561783417112675 -1.554250862267574 -1.7014968305766924 -1.7326589066749298 -1.7074816001902438 -1.7574234703795986 +20907,-0.8477642933301874,0,0.39967321403117434 0.586645670001456 0.4272237911526234 0.7296610253959519 0.6857039248201574 0.06906628857378577 0.21600269983658546 -0.20974142441640628 -0.3514669588362106 -0.8718839464701219 -1.1082823442708372 -1.1529101517287121 -1.4532320794373323 -1.561783417112675 -1.554250862267574 -1.7014968305766924 -1.7326589066749298 -1.7074816001902438 -1.7574234703795986 -1.7510259579860388 +20908,-1.1403214985637664,0,0.586645670001456 0.4272237911526234 0.7296610253959519 0.6857039248201574 0.06906628857378577 0.21600269983658546 -0.20974142441640628 -0.3514669588362106 -0.8718839464701219 -1.1082823442708372 -1.1529101517287121 -1.4532320794373323 -1.561783417112675 -1.554250862267574 -1.7014968305766924 -1.7326589066749298 -1.7074816001902438 -1.7574234703795986 -1.7510259579860388 -0.8477642933301874 +20909,-0.5360145512254827,0,0.4272237911526234 0.7296610253959519 0.6857039248201574 0.06906628857378577 0.21600269983658546 -0.20974142441640628 -0.3514669588362106 -0.8718839464701219 -1.1082823442708372 -1.1529101517287121 -1.4532320794373323 -1.561783417112675 -1.554250862267574 -1.7014968305766924 -1.7326589066749298 -1.7074816001902438 -1.7574234703795986 -1.7510259579860388 -0.8477642933301874 -1.1403214985637664 +20910,-0.6111853206889755,0,0.7296610253959519 0.6857039248201574 0.06906628857378577 0.21600269983658546 -0.20974142441640628 -0.3514669588362106 -0.8718839464701219 -1.1082823442708372 -1.1529101517287121 -1.4532320794373323 -1.561783417112675 -1.554250862267574 -1.7014968305766924 -1.7326589066749298 -1.7074816001902438 -1.7574234703795986 -1.7510259579860388 -0.8477642933301874 -1.1403214985637664 -0.5360145512254827 +20911,0.21961419881337382,0,0.6857039248201574 0.06906628857378577 0.21600269983658546 -0.20974142441640628 -0.3514669588362106 -0.8718839464701219 -1.1082823442708372 -1.1529101517287121 -1.4532320794373323 -1.561783417112675 -1.554250862267574 -1.7014968305766924 -1.7326589066749298 -1.7074816001902438 -1.7574234703795986 -1.7510259579860388 -0.8477642933301874 -1.1403214985637664 -0.5360145512254827 -0.6111853206889755 +20912,0.3709360015139465,0,0.06906628857378577 0.21600269983658546 -0.20974142441640628 -0.3514669588362106 -0.8718839464701219 -1.1082823442708372 -1.1529101517287121 -1.4532320794373323 -1.561783417112675 -1.554250862267574 -1.7014968305766924 -1.7326589066749298 -1.7074816001902438 -1.7574234703795986 -1.7510259579860388 -0.8477642933301874 -1.1403214985637664 -0.5360145512254827 -0.6111853206889755 0.21961419881337382 +20913,0.23769748955029607,0,0.21600269983658546 -0.20974142441640628 -0.3514669588362106 -0.8718839464701219 -1.1082823442708372 -1.1529101517287121 -1.4532320794373323 -1.561783417112675 -1.554250862267574 -1.7014968305766924 -1.7326589066749298 -1.7074816001902438 -1.7574234703795986 -1.7510259579860388 -0.8477642933301874 -1.1403214985637664 -0.5360145512254827 -0.6111853206889755 0.21961419881337382 0.3709360015139465 +20914,0.4838727306270622,0,-0.20974142441640628 -0.3514669588362106 -0.8718839464701219 -1.1082823442708372 -1.1529101517287121 -1.4532320794373323 -1.561783417112675 -1.554250862267574 -1.7014968305766924 -1.7326589066749298 -1.7074816001902438 -1.7574234703795986 -1.7510259579860388 -0.8477642933301874 -1.1403214985637664 -0.5360145512254827 -0.6111853206889755 0.21961419881337382 0.3709360015139465 0.23769748955029607 +20915,0.44548765688481945,0,-0.3514669588362106 -0.8718839464701219 -1.1082823442708372 -1.1529101517287121 -1.4532320794373323 -1.561783417112675 -1.554250862267574 -1.7014968305766924 -1.7326589066749298 -1.7074816001902438 -1.7574234703795986 -1.7510259579860388 -0.8477642933301874 -1.1403214985637664 -0.5360145512254827 -0.6111853206889755 0.21961419881337382 0.3709360015139465 0.23769748955029607 0.4838727306270622 +20916,-0.2006352880224271,0,-0.8718839464701219 -1.1082823442708372 -1.1529101517287121 -1.4532320794373323 -1.561783417112675 -1.554250862267574 -1.7014968305766924 -1.7326589066749298 -1.7074816001902438 -1.7574234703795986 -1.7510259579860388 -0.8477642933301874 -1.1403214985637664 -0.5360145512254827 -0.6111853206889755 0.21961419881337382 0.3709360015139465 0.23769748955029607 0.4838727306270622 0.44548765688481945 +20917,-0.03644107142793631,0,-1.1082823442708372 -1.1529101517287121 -1.4532320794373323 -1.561783417112675 -1.554250862267574 -1.7014968305766924 -1.7326589066749298 -1.7074816001902438 -1.7574234703795986 -1.7510259579860388 -0.8477642933301874 -1.1403214985637664 -0.5360145512254827 -0.6111853206889755 0.21961419881337382 0.3709360015139465 0.23769748955029607 0.4838727306270622 0.44548765688481945 -0.2006352880224271 +20918,-0.4799847258436637,0,-1.1529101517287121 -1.4532320794373323 -1.561783417112675 -1.554250862267574 -1.7014968305766924 -1.7326589066749298 -1.7074816001902438 -1.7574234703795986 -1.7510259579860388 -0.8477642933301874 -1.1403214985637664 -0.5360145512254827 -0.6111853206889755 0.21961419881337382 0.3709360015139465 0.23769748955029607 0.4838727306270622 0.44548765688481945 -0.2006352880224271 -0.03644107142793631 +20919,-0.5855694751069522,0,-1.4532320794373323 -1.561783417112675 -1.554250862267574 -1.7014968305766924 -1.7326589066749298 -1.7074816001902438 -1.7574234703795986 -1.7510259579860388 -0.8477642933301874 -1.1403214985637664 -0.5360145512254827 -0.6111853206889755 0.21961419881337382 0.3709360015139465 0.23769748955029607 0.4838727306270622 0.44548765688481945 -0.2006352880224271 -0.03644107142793631 -0.4799847258436637 +20920,-1.1417660980616087,0,-1.561783417112675 -1.554250862267574 -1.7014968305766924 -1.7326589066749298 -1.7074816001902438 -1.7574234703795986 -1.7510259579860388 -0.8477642933301874 -1.1403214985637664 -0.5360145512254827 -0.6111853206889755 0.21961419881337382 0.3709360015139465 0.23769748955029607 0.4838727306270622 0.44548765688481945 -0.2006352880224271 -0.03644107142793631 -0.4799847258436637 -0.5855694751069522 +20921,-1.3600038157090406,0,-1.554250862267574 -1.7014968305766924 -1.7326589066749298 -1.7074816001902438 -1.7574234703795986 -1.7510259579860388 -0.8477642933301874 -1.1403214985637664 -0.5360145512254827 -0.6111853206889755 0.21961419881337382 0.3709360015139465 0.23769748955029607 0.4838727306270622 0.44548765688481945 -0.2006352880224271 -0.03644107142793631 -0.4799847258436637 -0.5855694751069522 -1.1417660980616087 +20922,-1.3533483392134085,0,-1.7014968305766924 -1.7326589066749298 -1.7074816001902438 -1.7574234703795986 -1.7510259579860388 -0.8477642933301874 -1.1403214985637664 -0.5360145512254827 -0.6111853206889755 0.21961419881337382 0.3709360015139465 0.23769748955029607 0.4838727306270622 0.44548765688481945 -0.2006352880224271 -0.03644107142793631 -0.4799847258436637 -0.5855694751069522 -1.1417660980616087 -1.3600038157090406 +20923,-1.646550454856945,0,-1.7326589066749298 -1.7074816001902438 -1.7574234703795986 -1.7510259579860388 -0.8477642933301874 -1.1403214985637664 -0.5360145512254827 -0.6111853206889755 0.21961419881337382 0.3709360015139465 0.23769748955029607 0.4838727306270622 0.44548765688481945 -0.2006352880224271 -0.03644107142793631 -0.4799847258436637 -0.5855694751069522 -1.1417660980616087 -1.3600038157090406 -1.3533483392134085 +20924,-1.7148593765121942,0,-1.7074816001902438 -1.7574234703795986 -1.7510259579860388 -0.8477642933301874 -1.1403214985637664 -0.5360145512254827 -0.6111853206889755 0.21961419881337382 0.3709360015139465 0.23769748955029607 0.4838727306270622 0.44548765688481945 -0.2006352880224271 -0.03644107142793631 -0.4799847258436637 -0.5855694751069522 -1.1417660980616087 -1.3600038157090406 -1.3533483392134085 -1.646550454856945 +20925,-1.7580941772616703,0,-1.7574234703795986 -1.7510259579860388 -0.8477642933301874 -1.1403214985637664 -0.5360145512254827 -0.6111853206889755 0.21961419881337382 0.3709360015139465 0.23769748955029607 0.4838727306270622 0.44548765688481945 -0.2006352880224271 -0.03644107142793631 -0.4799847258436637 -0.5855694751069522 -1.1417660980616087 -1.3600038157090406 -1.3533483392134085 -1.646550454856945 -1.7148593765121942 +20926,-1.834761139012466,0,-1.7510259579860388 -0.8477642933301874 -1.1403214985637664 -0.5360145512254827 -0.6111853206889755 0.21961419881337382 0.3709360015139465 0.23769748955029607 0.4838727306270622 0.44548765688481945 -0.2006352880224271 -0.03644107142793631 -0.4799847258436637 -0.5855694751069522 -1.1417660980616087 -1.3600038157090406 -1.3533483392134085 -1.646550454856945 -1.7148593765121942 -1.7580941772616703 +20927,-1.8863539801670601,0,-0.8477642933301874 -1.1403214985637664 -0.5360145512254827 -0.6111853206889755 0.21961419881337382 0.3709360015139465 0.23769748955029607 0.4838727306270622 0.44548765688481945 -0.2006352880224271 -0.03644107142793631 -0.4799847258436637 -0.5855694751069522 -1.1417660980616087 -1.3600038157090406 -1.3533483392134085 -1.646550454856945 -1.7148593765121942 -1.7580941772616703 -1.834761139012466 +20928,-1.8434545327812226,0,-1.1403214985637664 -0.5360145512254827 -0.6111853206889755 0.21961419881337382 0.3709360015139465 0.23769748955029607 0.4838727306270622 0.44548765688481945 -0.2006352880224271 -0.03644107142793631 -0.4799847258436637 -0.5855694751069522 -1.1417660980616087 -1.3600038157090406 -1.3533483392134085 -1.646550454856945 -1.7148593765121942 -1.7580941772616703 -1.834761139012466 -1.8863539801670601 +20929,-1.9265448032429158,0,-0.5360145512254827 -0.6111853206889755 0.21961419881337382 0.3709360015139465 0.23769748955029607 0.4838727306270622 0.44548765688481945 -0.2006352880224271 -0.03644107142793631 -0.4799847258436637 -0.5855694751069522 -1.1417660980616087 -1.3600038157090406 -1.3533483392134085 -1.646550454856945 -1.7148593765121942 -1.7580941772616703 -1.834761139012466 -1.8863539801670601 -1.8434545327812226 +20930,-1.91514278547374,0,-0.6111853206889755 0.21961419881337382 0.3709360015139465 0.23769748955029607 0.4838727306270622 0.44548765688481945 -0.2006352880224271 -0.03644107142793631 -0.4799847258436637 -0.5855694751069522 -1.1417660980616087 -1.3600038157090406 -1.3533483392134085 -1.646550454856945 -1.7148593765121942 -1.7580941772616703 -1.834761139012466 -1.8863539801670601 -1.8434545327812226 -1.9265448032429158 +20931,-1.1089530511529178,0,0.21961419881337382 0.3709360015139465 0.23769748955029607 0.4838727306270622 0.44548765688481945 -0.2006352880224271 -0.03644107142793631 -0.4799847258436637 -0.5855694751069522 -1.1417660980616087 -1.3600038157090406 -1.3533483392134085 -1.646550454856945 -1.7148593765121942 -1.7580941772616703 -1.834761139012466 -1.8863539801670601 -1.8434545327812226 -1.9265448032429158 -1.91514278547374 +20932,-1.3624802720795108,0,0.3709360015139465 0.23769748955029607 0.4838727306270622 0.44548765688481945 -0.2006352880224271 -0.03644107142793631 -0.4799847258436637 -0.5855694751069522 -1.1417660980616087 -1.3600038157090406 -1.3533483392134085 -1.646550454856945 -1.7148593765121942 -1.7580941772616703 -1.834761139012466 -1.8863539801670601 -1.8434545327812226 -1.9265448032429158 -1.91514278547374 -1.1089530511529178 +20933,-0.8212197766092346,0,0.23769748955029607 0.4838727306270622 0.44548765688481945 -0.2006352880224271 -0.03644107142793631 -0.4799847258436637 -0.5855694751069522 -1.1417660980616087 -1.3600038157090406 -1.3533483392134085 -1.646550454856945 -1.7148593765121942 -1.7580941772616703 -1.834761139012466 -1.8863539801670601 -1.8434545327812226 -1.9265448032429158 -1.91514278547374 -1.1089530511529178 -1.3624802720795108 +20934,-0.8868458704266252,0,0.4838727306270622 0.44548765688481945 -0.2006352880224271 -0.03644107142793631 -0.4799847258436637 -0.5855694751069522 -1.1417660980616087 -1.3600038157090406 -1.3533483392134085 -1.646550454856945 -1.7148593765121942 -1.7580941772616703 -1.834761139012466 -1.8863539801670601 -1.8434545327812226 -1.9265448032429158 -1.91514278547374 -1.1089530511529178 -1.3624802720795108 -0.8212197766092346 +20935,-0.14328984519379323,0,0.44548765688481945 -0.2006352880224271 -0.03644107142793631 -0.4799847258436637 -0.5855694751069522 -1.1417660980616087 -1.3600038157090406 -1.3533483392134085 -1.646550454856945 -1.7148593765121942 -1.7580941772616703 -1.834761139012466 -1.8863539801670601 -1.8434545327812226 -1.9265448032429158 -1.91514278547374 -1.1089530511529178 -1.3624802720795108 -0.8212197766092346 -0.8868458704266252 +20936,-0.0066204092486282385,0,-0.2006352880224271 -0.03644107142793631 -0.4799847258436637 -0.5855694751069522 -1.1417660980616087 -1.3600038157090406 -1.3533483392134085 -1.646550454856945 -1.7148593765121942 -1.7580941772616703 -1.834761139012466 -1.8863539801670601 -1.8434545327812226 -1.9265448032429158 -1.91514278547374 -1.1089530511529178 -1.3624802720795108 -0.8212197766092346 -0.8868458704266252 -0.14328984519379323 +20937,-0.07812808694587181,0,-0.03644107142793631 -0.4799847258436637 -0.5855694751069522 -1.1417660980616087 -1.3600038157090406 -1.3533483392134085 -1.646550454856945 -1.7148593765121942 -1.7580941772616703 -1.834761139012466 -1.8863539801670601 -1.8434545327812226 -1.9265448032429158 -1.91514278547374 -1.1089530511529178 -1.3624802720795108 -0.8212197766092346 -0.8868458704266252 -0.14328984519379323 -0.0066204092486282385 +20938,0.12793372016183707,0,-0.4799847258436637 -0.5855694751069522 -1.1417660980616087 -1.3600038157090406 -1.3533483392134085 -1.646550454856945 -1.7148593765121942 -1.7580941772616703 -1.834761139012466 -1.8863539801670601 -1.8434545327812226 -1.9265448032429158 -1.91514278547374 -1.1089530511529178 -1.3624802720795108 -0.8212197766092346 -0.8868458704266252 -0.14328984519379323 -0.0066204092486282385 -0.07812808694587181 +20939,0.1258184137819231,0,-0.5855694751069522 -1.1417660980616087 -1.3600038157090406 -1.3533483392134085 -1.646550454856945 -1.7148593765121942 -1.7580941772616703 -1.834761139012466 -1.8863539801670601 -1.8434545327812226 -1.9265448032429158 -1.91514278547374 -1.1089530511529178 -1.3624802720795108 -0.8212197766092346 -0.8868458704266252 -0.14328984519379323 -0.0066204092486282385 -0.07812808694587181 0.12793372016183707 +20940,-0.3435732541553478,0,-1.1417660980616087 -1.3600038157090406 -1.3533483392134085 -1.646550454856945 -1.7148593765121942 -1.7580941772616703 -1.834761139012466 -1.8863539801670601 -1.8434545327812226 -1.9265448032429158 -1.91514278547374 -1.1089530511529178 -1.3624802720795108 -0.8212197766092346 -0.8868458704266252 -0.14328984519379323 -0.0066204092486282385 -0.07812808694587181 0.12793372016183707 0.1258184137819231 +20941,-0.1899297734526695,0,-1.3600038157090406 -1.3533483392134085 -1.646550454856945 -1.7148593765121942 -1.7580941772616703 -1.834761139012466 -1.8863539801670601 -1.8434545327812226 -1.9265448032429158 -1.91514278547374 -1.1089530511529178 -1.3624802720795108 -0.8212197766092346 -0.8868458704266252 -0.14328984519379323 -0.0066204092486282385 -0.07812808694587181 0.12793372016183707 0.1258184137819231 -0.3435732541553478 +20942,-0.5035626543073394,0,-1.3533483392134085 -1.646550454856945 -1.7148593765121942 -1.7580941772616703 -1.834761139012466 -1.8863539801670601 -1.8434545327812226 -1.9265448032429158 -1.91514278547374 -1.1089530511529178 -1.3624802720795108 -0.8212197766092346 -0.8868458704266252 -0.14328984519379323 -0.0066204092486282385 -0.07812808694587181 0.12793372016183707 0.1258184137819231 -0.3435732541553478 -0.1899297734526695 +20943,-0.711868750000784,0,-1.646550454856945 -1.7148593765121942 -1.7580941772616703 -1.834761139012466 -1.8863539801670601 -1.8434545327812226 -1.9265448032429158 -1.91514278547374 -1.1089530511529178 -1.3624802720795108 -0.8212197766092346 -0.8868458704266252 -0.14328984519379323 -0.0066204092486282385 -0.07812808694587181 0.12793372016183707 0.1258184137819231 -0.3435732541553478 -0.1899297734526695 -0.5035626543073394 +20944,-1.0606105591393413,0,-1.7148593765121942 -1.7580941772616703 -1.834761139012466 -1.8863539801670601 -1.8434545327812226 -1.9265448032429158 -1.91514278547374 -1.1089530511529178 -1.3624802720795108 -0.8212197766092346 -0.8868458704266252 -0.14328984519379323 -0.0066204092486282385 -0.07812808694587181 0.12793372016183707 0.1258184137819231 -0.3435732541553478 -0.1899297734526695 -0.5035626543073394 -0.711868750000784 +20945,-1.3040255831166736,0,-1.7580941772616703 -1.834761139012466 -1.8863539801670601 -1.8434545327812226 -1.9265448032429158 -1.91514278547374 -1.1089530511529178 -1.3624802720795108 -0.8212197766092346 -0.8868458704266252 -0.14328984519379323 -0.0066204092486282385 -0.07812808694587181 0.12793372016183707 0.1258184137819231 -0.3435732541553478 -0.1899297734526695 -0.5035626543073394 -0.711868750000784 -1.0606105591393413 +20946,-1.3660401781120615,0,-1.834761139012466 -1.8863539801670601 -1.8434545327812226 -1.9265448032429158 -1.91514278547374 -1.1089530511529178 -1.3624802720795108 -0.8212197766092346 -0.8868458704266252 -0.14328984519379323 -0.0066204092486282385 -0.07812808694587181 0.12793372016183707 0.1258184137819231 -0.3435732541553478 -0.1899297734526695 -0.5035626543073394 -0.711868750000784 -1.0606105591393413 -1.3040255831166736 +20947,-1.6699220118532323,0,-1.8863539801670601 -1.8434545327812226 -1.9265448032429158 -1.91514278547374 -1.1089530511529178 -1.3624802720795108 -0.8212197766092346 -0.8868458704266252 -0.14328984519379323 -0.0066204092486282385 -0.07812808694587181 0.12793372016183707 0.1258184137819231 -0.3435732541553478 -0.1899297734526695 -0.5035626543073394 -0.711868750000784 -1.0606105591393413 -1.3040255831166736 -1.3660401781120615 +20948,-1.79240341661245,0,-1.8434545327812226 -1.9265448032429158 -1.91514278547374 -1.1089530511529178 -1.3624802720795108 -0.8212197766092346 -0.8868458704266252 -0.14328984519379323 -0.0066204092486282385 -0.07812808694587181 0.12793372016183707 0.1258184137819231 -0.3435732541553478 -0.1899297734526695 -0.5035626543073394 -0.711868750000784 -1.0606105591393413 -1.3040255831166736 -1.3660401781120615 -1.6699220118532323 +20949,-1.8707729421179369,0,-1.9265448032429158 -1.91514278547374 -1.1089530511529178 -1.3624802720795108 -0.8212197766092346 -0.8868458704266252 -0.14328984519379323 -0.0066204092486282385 -0.07812808694587181 0.12793372016183707 0.1258184137819231 -0.3435732541553478 -0.1899297734526695 -0.5035626543073394 -0.711868750000784 -1.0606105591393413 -1.3040255831166736 -1.3660401781120615 -1.6699220118532323 -1.79240341661245 +20950,-2.007958306422023,0,-1.91514278547374 -1.1089530511529178 -1.3624802720795108 -0.8212197766092346 -0.8868458704266252 -0.14328984519379323 -0.0066204092486282385 -0.07812808694587181 0.12793372016183707 0.1258184137819231 -0.3435732541553478 -0.1899297734526695 -0.5035626543073394 -0.711868750000784 -1.0606105591393413 -1.3040255831166736 -1.3660401781120615 -1.6699220118532323 -1.79240341661245 -1.8707729421179369 +20951,-2.10103179178195,0,-1.1089530511529178 -1.3624802720795108 -0.8212197766092346 -0.8868458704266252 -0.14328984519379323 -0.0066204092486282385 -0.07812808694587181 0.12793372016183707 0.1258184137819231 -0.3435732541553478 -0.1899297734526695 -0.5035626543073394 -0.711868750000784 -1.0606105591393413 -1.3040255831166736 -1.3660401781120615 -1.6699220118532323 -1.79240341661245 -1.8707729421179369 -2.007958306422023 +20952,-2.127163565722886,0,-1.3624802720795108 -0.8212197766092346 -0.8868458704266252 -0.14328984519379323 -0.0066204092486282385 -0.07812808694587181 0.12793372016183707 0.1258184137819231 -0.3435732541553478 -0.1899297734526695 -0.5035626543073394 -0.711868750000784 -1.0606105591393413 -1.3040255831166736 -1.3660401781120615 -1.6699220118532323 -1.79240341661245 -1.8707729421179369 -2.007958306422023 -2.10103179178195 +20953,-2.2425509547343485,0,-0.8212197766092346 -0.8868458704266252 -0.14328984519379323 -0.0066204092486282385 -0.07812808694587181 0.12793372016183707 0.1258184137819231 -0.3435732541553478 -0.1899297734526695 -0.5035626543073394 -0.711868750000784 -1.0606105591393413 -1.3040255831166736 -1.3660401781120615 -1.6699220118532323 -1.79240341661245 -1.8707729421179369 -2.007958306422023 -2.10103179178195 -2.127163565722886 +20954,-2.2909966324816144,0,-0.8868458704266252 -0.14328984519379323 -0.0066204092486282385 -0.07812808694587181 0.12793372016183707 0.1258184137819231 -0.3435732541553478 -0.1899297734526695 -0.5035626543073394 -0.711868750000784 -1.0606105591393413 -1.3040255831166736 -1.3660401781120615 -1.6699220118532323 -1.79240341661245 -1.8707729421179369 -2.007958306422023 -2.10103179178195 -2.127163565722886 -2.2425509547343485 +20955,-1.3757138358091998,0,-0.14328984519379323 -0.0066204092486282385 -0.07812808694587181 0.12793372016183707 0.1258184137819231 -0.3435732541553478 -0.1899297734526695 -0.5035626543073394 -0.711868750000784 -1.0606105591393413 -1.3040255831166736 -1.3660401781120615 -1.6699220118532323 -1.79240341661245 -1.8707729421179369 -2.007958306422023 -2.10103179178195 -2.127163565722886 -2.2425509547343485 -2.2909966324816144 +20956,-1.7454023383630262,0,-0.0066204092486282385 -0.07812808694587181 0.12793372016183707 0.1258184137819231 -0.3435732541553478 -0.1899297734526695 -0.5035626543073394 -0.711868750000784 -1.0606105591393413 -1.3040255831166736 -1.3660401781120615 -1.6699220118532323 -1.79240341661245 -1.8707729421179369 -2.007958306422023 -2.10103179178195 -2.127163565722886 -2.2425509547343485 -2.2909966324816144 -1.3757138358091998 +20957,-1.1513623664971715,0,-0.07812808694587181 0.12793372016183707 0.1258184137819231 -0.3435732541553478 -0.1899297734526695 -0.5035626543073394 -0.711868750000784 -1.0606105591393413 -1.3040255831166736 -1.3660401781120615 -1.6699220118532323 -1.79240341661245 -1.8707729421179369 -2.007958306422023 -2.10103179178195 -2.127163565722886 -2.2425509547343485 -2.2909966324816144 -1.3757138358091998 -1.7454023383630262 +20958,-1.302735762141982,0,0.12793372016183707 0.1258184137819231 -0.3435732541553478 -0.1899297734526695 -0.5035626543073394 -0.711868750000784 -1.0606105591393413 -1.3040255831166736 -1.3660401781120615 -1.6699220118532323 -1.79240341661245 -1.8707729421179369 -2.007958306422023 -2.10103179178195 -2.127163565722886 -2.2425509547343485 -2.2909966324816144 -1.3757138358091998 -1.7454023383630262 -1.1513623664971715 +20959,-0.4602246678241646,0,0.1258184137819231 -0.3435732541553478 -0.1899297734526695 -0.5035626543073394 -0.711868750000784 -1.0606105591393413 -1.3040255831166736 -1.3660401781120615 -1.6699220118532323 -1.79240341661245 -1.8707729421179369 -2.007958306422023 -2.10103179178195 -2.127163565722886 -2.2425509547343485 -2.2909966324816144 -1.3757138358091998 -1.7454023383630262 -1.1513623664971715 -1.302735762141982 +20960,-0.36312694086223546,0,-0.3435732541553478 -0.1899297734526695 -0.5035626543073394 -0.711868750000784 -1.0606105591393413 -1.3040255831166736 -1.3660401781120615 -1.6699220118532323 -1.79240341661245 -1.8707729421179369 -2.007958306422023 -2.10103179178195 -2.127163565722886 -2.2425509547343485 -2.2909966324816144 -1.3757138358091998 -1.7454023383630262 -1.1513623664971715 -1.302735762141982 -0.4602246678241646 +20961,-0.37909492521923494,0,-0.1899297734526695 -0.5035626543073394 -0.711868750000784 -1.0606105591393413 -1.3040255831166736 -1.3660401781120615 -1.6699220118532323 -1.79240341661245 -1.8707729421179369 -2.007958306422023 -2.10103179178195 -2.127163565722886 -2.2425509547343485 -2.2909966324816144 -1.3757138358091998 -1.7454023383630262 -1.1513623664971715 -1.302735762141982 -0.4602246678241646 -0.36312694086223546 +20962,-0.24430862802403497,0,-0.5035626543073394 -0.711868750000784 -1.0606105591393413 -1.3040255831166736 -1.3660401781120615 -1.6699220118532323 -1.79240341661245 -1.8707729421179369 -2.007958306422023 -2.10103179178195 -2.127163565722886 -2.2425509547343485 -2.2909966324816144 -1.3757138358091998 -1.7454023383630262 -1.1513623664971715 -1.302735762141982 -0.4602246678241646 -0.36312694086223546 -0.37909492521923494 +20963,-0.2225880418382099,0,-0.711868750000784 -1.0606105591393413 -1.3040255831166736 -1.3660401781120615 -1.6699220118532323 -1.79240341661245 -1.8707729421179369 -2.007958306422023 -2.10103179178195 -2.127163565722886 -2.2425509547343485 -2.2909966324816144 -1.3757138358091998 -1.7454023383630262 -1.1513623664971715 -1.302735762141982 -0.4602246678241646 -0.36312694086223546 -0.37909492521923494 -0.24430862802403497 +20964,-0.6235676025413098,0,-1.0606105591393413 -1.3040255831166736 -1.3660401781120615 -1.6699220118532323 -1.79240341661245 -1.8707729421179369 -2.007958306422023 -2.10103179178195 -2.127163565722886 -2.2425509547343485 -2.2909966324816144 -1.3757138358091998 -1.7454023383630262 -1.1513623664971715 -1.302735762141982 -0.4602246678241646 -0.36312694086223546 -0.37909492521923494 -0.24430862802403497 -0.2225880418382099 +20965,-0.46094696749569725,0,-1.3040255831166736 -1.3660401781120615 -1.6699220118532323 -1.79240341661245 -1.8707729421179369 -2.007958306422023 -2.10103179178195 -2.127163565722886 -2.2425509547343485 -2.2909966324816144 -1.3757138358091998 -1.7454023383630262 -1.1513623664971715 -1.302735762141982 -0.4602246678241646 -0.36312694086223546 -0.37909492521923494 -0.24430862802403497 -0.2225880418382099 -0.6235676025413098 +20966,-0.7210264793390097,0,-1.3660401781120615 -1.6699220118532323 -1.79240341661245 -1.8707729421179369 -2.007958306422023 -2.10103179178195 -2.127163565722886 -2.2425509547343485 -2.2909966324816144 -1.3757138358091998 -1.7454023383630262 -1.1513623664971715 -1.302735762141982 -0.4602246678241646 -0.36312694086223546 -0.37909492521923494 -0.24430862802403497 -0.2225880418382099 -0.6235676025413098 -0.46094696749569725 +20967,-0.7346985821660357,0,-1.6699220118532323 -1.79240341661245 -1.8707729421179369 -2.007958306422023 -2.10103179178195 -2.127163565722886 -2.2425509547343485 -2.2909966324816144 -1.3757138358091998 -1.7454023383630262 -1.1513623664971715 -1.302735762141982 -0.4602246678241646 -0.36312694086223546 -0.37909492521923494 -0.24430862802403497 -0.2225880418382099 -0.6235676025413098 -0.46094696749569725 -0.7210264793390097 +20968,-1.0769138968599972,0,-1.79240341661245 -1.8707729421179369 -2.007958306422023 -2.10103179178195 -2.127163565722886 -2.2425509547343485 -2.2909966324816144 -1.3757138358091998 -1.7454023383630262 -1.1513623664971715 -1.302735762141982 -0.4602246678241646 -0.36312694086223546 -0.37909492521923494 -0.24430862802403497 -0.2225880418382099 -0.6235676025413098 -0.46094696749569725 -0.7210264793390097 -0.7346985821660357 +20969,-1.172721802692449,0,-1.8707729421179369 -2.007958306422023 -2.10103179178195 -2.127163565722886 -2.2425509547343485 -2.2909966324816144 -1.3757138358091998 -1.7454023383630262 -1.1513623664971715 -1.302735762141982 -0.4602246678241646 -0.36312694086223546 -0.37909492521923494 -0.24430862802403497 -0.2225880418382099 -0.6235676025413098 -0.46094696749569725 -0.7210264793390097 -0.7346985821660357 -1.0769138968599972 +20970,-1.16041691010169,0,-2.007958306422023 -2.10103179178195 -2.127163565722886 -2.2425509547343485 -2.2909966324816144 -1.3757138358091998 -1.7454023383630262 -1.1513623664971715 -1.302735762141982 -0.4602246678241646 -0.36312694086223546 -0.37909492521923494 -0.24430862802403497 -0.2225880418382099 -0.6235676025413098 -0.46094696749569725 -0.7210264793390097 -0.7346985821660357 -1.0769138968599972 -1.172721802692449 +20971,-1.292262415356959,0,-2.10103179178195 -2.127163565722886 -2.2425509547343485 -2.2909966324816144 -1.3757138358091998 -1.7454023383630262 -1.1513623664971715 -1.302735762141982 -0.4602246678241646 -0.36312694086223546 -0.37909492521923494 -0.24430862802403497 -0.2225880418382099 -0.6235676025413098 -0.46094696749569725 -0.7210264793390097 -0.7346985821660357 -1.0769138968599972 -1.172721802692449 -1.16041691010169 +20972,-1.315995122343794,0,-2.127163565722886 -2.2425509547343485 -2.2909966324816144 -1.3757138358091998 -1.7454023383630262 -1.1513623664971715 -1.302735762141982 -0.4602246678241646 -0.36312694086223546 -0.37909492521923494 -0.24430862802403497 -0.2225880418382099 -0.6235676025413098 -0.46094696749569725 -0.7210264793390097 -0.7346985821660357 -1.0769138968599972 -1.172721802692449 -1.16041691010169 -1.292262415356959 +20973,-1.333923634557557,0,-2.2425509547343485 -2.2909966324816144 -1.3757138358091998 -1.7454023383630262 -1.1513623664971715 -1.302735762141982 -0.4602246678241646 -0.36312694086223546 -0.37909492521923494 -0.24430862802403497 -0.2225880418382099 -0.6235676025413098 -0.46094696749569725 -0.7210264793390097 -0.7346985821660357 -1.0769138968599972 -1.172721802692449 -1.16041691010169 -1.292262415356959 -1.315995122343794 +20974,-1.3595910729290408,0,-2.2909966324816144 -1.3757138358091998 -1.7454023383630262 -1.1513623664971715 -1.302735762141982 -0.4602246678241646 -0.36312694086223546 -0.37909492521923494 -0.24430862802403497 -0.2225880418382099 -0.6235676025413098 -0.46094696749569725 -0.7210264793390097 -0.7346985821660357 -1.0769138968599972 -1.172721802692449 -1.16041691010169 -1.292262415356959 -1.315995122343794 -1.333923634557557 +20975,-1.3794543168370155,0,-1.3757138358091998 -1.7454023383630262 -1.1513623664971715 -1.302735762141982 -0.4602246678241646 -0.36312694086223546 -0.37909492521923494 -0.24430862802403497 -0.2225880418382099 -0.6235676025413098 -0.46094696749569725 -0.7210264793390097 -0.7346985821660357 -1.0769138968599972 -1.172721802692449 -1.16041691010169 -1.292262415356959 -1.315995122343794 -1.333923634557557 -1.3595910729290408 +20976,-1.3768746747328553,0,-1.7454023383630262 -1.1513623664971715 -1.302735762141982 -0.4602246678241646 -0.36312694086223546 -0.37909492521923494 -0.24430862802403497 -0.2225880418382099 -0.6235676025413098 -0.46094696749569725 -0.7210264793390097 -0.7346985821660357 -1.0769138968599972 -1.172721802692449 -1.16041691010169 -1.292262415356959 -1.315995122343794 -1.333923634557557 -1.3595910729290408 -1.3794543168370155 +20977,-1.4042188805416929,0,-1.1513623664971715 -1.302735762141982 -0.4602246678241646 -0.36312694086223546 -0.37909492521923494 -0.24430862802403497 -0.2225880418382099 -0.6235676025413098 -0.46094696749569725 -0.7210264793390097 -0.7346985821660357 -1.0769138968599972 -1.172721802692449 -1.16041691010169 -1.292262415356959 -1.315995122343794 -1.333923634557557 -1.3595910729290408 -1.3794543168370155 -1.3768746747328553 +20978,-1.4091202003383871,0,-1.302735762141982 -0.4602246678241646 -0.36312694086223546 -0.37909492521923494 -0.24430862802403497 -0.2225880418382099 -0.6235676025413098 -0.46094696749569725 -0.7210264793390097 -0.7346985821660357 -1.0769138968599972 -1.172721802692449 -1.16041691010169 -1.292262415356959 -1.315995122343794 -1.333923634557557 -1.3595910729290408 -1.3794543168370155 -1.3768746747328553 -1.4042188805416929 +20979,-1.277893809175738,0,-0.4602246678241646 -0.36312694086223546 -0.37909492521923494 -0.24430862802403497 -0.2225880418382099 -0.6235676025413098 -0.46094696749569725 -0.7210264793390097 -0.7346985821660357 -1.0769138968599972 -1.172721802692449 -1.16041691010169 -1.292262415356959 -1.315995122343794 -1.333923634557557 -1.3595910729290408 -1.3794543168370155 -1.3768746747328553 -1.4042188805416929 -1.4091202003383871 +20980,-1.3281710327287313,0,-0.36312694086223546 -0.37909492521923494 -0.24430862802403497 -0.2225880418382099 -0.6235676025413098 -0.46094696749569725 -0.7210264793390097 -0.7346985821660357 -1.0769138968599972 -1.172721802692449 -1.16041691010169 -1.292262415356959 -1.315995122343794 -1.333923634557557 -1.3595910729290408 -1.3794543168370155 -1.3768746747328553 -1.4042188805416929 -1.4091202003383871 -1.277893809175738 +20981,-1.24232054532239,0,-0.37909492521923494 -0.24430862802403497 -0.2225880418382099 -0.6235676025413098 -0.46094696749569725 -0.7210264793390097 -0.7346985821660357 -1.0769138968599972 -1.172721802692449 -1.16041691010169 -1.292262415356959 -1.315995122343794 -1.333923634557557 -1.3595910729290408 -1.3794543168370155 -1.3768746747328553 -1.4042188805416929 -1.4091202003383871 -1.277893809175738 -1.3281710327287313 +20982,-1.1706322926298638,0,-0.24430862802403497 -0.2225880418382099 -0.6235676025413098 -0.46094696749569725 -0.7210264793390097 -0.7346985821660357 -1.0769138968599972 -1.172721802692449 -1.16041691010169 -1.292262415356959 -1.315995122343794 -1.333923634557557 -1.3595910729290408 -1.3794543168370155 -1.3768746747328553 -1.4042188805416929 -1.4091202003383871 -1.277893809175738 -1.3281710327287313 -1.24232054532239 +20983,-1.0800610601125393,0,-0.2225880418382099 -0.6235676025413098 -0.46094696749569725 -0.7210264793390097 -0.7346985821660357 -1.0769138968599972 -1.172721802692449 -1.16041691010169 -1.292262415356959 -1.315995122343794 -1.333923634557557 -1.3595910729290408 -1.3794543168370155 -1.3768746747328553 -1.4042188805416929 -1.4091202003383871 -1.277893809175738 -1.3281710327287313 -1.24232054532239 -1.1706322926298638 +20984,-1.0036520626185927,0,-0.6235676025413098 -0.46094696749569725 -0.7210264793390097 -0.7346985821660357 -1.0769138968599972 -1.172721802692449 -1.16041691010169 -1.292262415356959 -1.315995122343794 -1.333923634557557 -1.3595910729290408 -1.3794543168370155 -1.3768746747328553 -1.4042188805416929 -1.4091202003383871 -1.277893809175738 -1.3281710327287313 -1.24232054532239 -1.1706322926298638 -1.0800610601125393 +20985,-1.0590369774356863,0,-0.46094696749569725 -0.7210264793390097 -0.7346985821660357 -1.0769138968599972 -1.172721802692449 -1.16041691010169 -1.292262415356959 -1.315995122343794 -1.333923634557557 -1.3595910729290408 -1.3794543168370155 -1.3768746747328553 -1.4042188805416929 -1.4091202003383871 -1.277893809175738 -1.3281710327287313 -1.24232054532239 -1.1706322926298638 -1.0800610601125393 -1.0036520626185927 +20986,-0.9386966756832826,0,-0.7210264793390097 -0.7346985821660357 -1.0769138968599972 -1.172721802692449 -1.16041691010169 -1.292262415356959 -1.315995122343794 -1.333923634557557 -1.3595910729290408 -1.3794543168370155 -1.3768746747328553 -1.4042188805416929 -1.4091202003383871 -1.277893809175738 -1.3281710327287313 -1.24232054532239 -1.1706322926298638 -1.0800610601125393 -1.0036520626185927 -1.0590369774356863 +20987,-0.9501502863966961,0,-0.7346985821660357 -1.0769138968599972 -1.172721802692449 -1.16041691010169 -1.292262415356959 -1.315995122343794 -1.333923634557557 -1.3595910729290408 -1.3794543168370155 -1.3768746747328553 -1.4042188805416929 -1.4091202003383871 -1.277893809175738 -1.3281710327287313 -1.24232054532239 -1.1706322926298638 -1.0800610601125393 -1.0036520626185927 -1.0590369774356863 -0.9386966756832826 +20988,-1.1858779771605537,0,-1.0769138968599972 -1.172721802692449 -1.16041691010169 -1.292262415356959 -1.315995122343794 -1.333923634557557 -1.3595910729290408 -1.3794543168370155 -1.3768746747328553 -1.4042188805416929 -1.4091202003383871 -1.277893809175738 -1.3281710327287313 -1.24232054532239 -1.1706322926298638 -1.0800610601125393 -1.0036520626185927 -1.0590369774356863 -0.9386966756832826 -0.9501502863966961 +20989,-1.1225735611904828,0,-1.172721802692449 -1.16041691010169 -1.292262415356959 -1.315995122343794 -1.333923634557557 -1.3595910729290408 -1.3794543168370155 -1.3768746747328553 -1.4042188805416929 -1.4091202003383871 -1.277893809175738 -1.3281710327287313 -1.24232054532239 -1.1706322926298638 -1.0800610601125393 -1.0036520626185927 -1.0590369774356863 -0.9386966756832826 -0.9501502863966961 -1.1858779771605537 +20990,-1.283543225270865,0,-1.16041691010169 -1.292262415356959 -1.315995122343794 -1.333923634557557 -1.3595910729290408 -1.3794543168370155 -1.3768746747328553 -1.4042188805416929 -1.4091202003383871 -1.277893809175738 -1.3281710327287313 -1.24232054532239 -1.1706322926298638 -1.0800610601125393 -1.0036520626185927 -1.0590369774356863 -0.9386966756832826 -0.9501502863966961 -1.1858779771605537 -1.1225735611904828 +20991,-1.3006462520794055,0,-1.292262415356959 -1.315995122343794 -1.333923634557557 -1.3595910729290408 -1.3794543168370155 -1.3768746747328553 -1.4042188805416929 -1.4091202003383871 -1.277893809175738 -1.3281710327287313 -1.24232054532239 -1.1706322926298638 -1.0800610601125393 -1.0036520626185927 -1.0590369774356863 -0.9386966756832826 -0.9501502863966961 -1.1858779771605537 -1.1225735611904828 -1.283543225270865 +20992,-1.5095714618654699,0,-1.315995122343794 -1.333923634557557 -1.3595910729290408 -1.3794543168370155 -1.3768746747328553 -1.4042188805416929 -1.4091202003383871 -1.277893809175738 -1.3281710327287313 -1.24232054532239 -1.1706322926298638 -1.0800610601125393 -1.0036520626185927 -1.0590369774356863 -0.9386966756832826 -0.9501502863966961 -1.1858779771605537 -1.1225735611904828 -1.283543225270865 -1.3006462520794055 +20993,-1.5746300345344786,0,-1.333923634557557 -1.3595910729290408 -1.3794543168370155 -1.3768746747328553 -1.4042188805416929 -1.4091202003383871 -1.277893809175738 -1.3281710327287313 -1.24232054532239 -1.1706322926298638 -1.0800610601125393 -1.0036520626185927 -1.0590369774356863 -0.9386966756832826 -0.9501502863966961 -1.1858779771605537 -1.1225735611904828 -1.283543225270865 -1.3006462520794055 -1.5095714618654699 +20994,-1.6132214795893327,0,-1.3595910729290408 -1.3794543168370155 -1.3768746747328553 -1.4042188805416929 -1.4091202003383871 -1.277893809175738 -1.3281710327287313 -1.24232054532239 -1.1706322926298638 -1.0800610601125393 -1.0036520626185927 -1.0590369774356863 -0.9386966756832826 -0.9501502863966961 -1.1858779771605537 -1.1225735611904828 -1.283543225270865 -1.3006462520794055 -1.5095714618654699 -1.5746300345344786 +20995,-1.6871024279233482,0,-1.3794543168370155 -1.3768746747328553 -1.4042188805416929 -1.4091202003383871 -1.277893809175738 -1.3281710327287313 -1.24232054532239 -1.1706322926298638 -1.0800610601125393 -1.0036520626185927 -1.0590369774356863 -0.9386966756832826 -0.9501502863966961 -1.1858779771605537 -1.1225735611904828 -1.283543225270865 -1.3006462520794055 -1.5095714618654699 -1.5746300345344786 -1.6132214795893327 +20996,-1.7345162489527803,0,-1.3768746747328553 -1.4042188805416929 -1.4091202003383871 -1.277893809175738 -1.3281710327287313 -1.24232054532239 -1.1706322926298638 -1.0800610601125393 -1.0036520626185927 -1.0590369774356863 -0.9386966756832826 -0.9501502863966961 -1.1858779771605537 -1.1225735611904828 -1.283543225270865 -1.3006462520794055 -1.5095714618654699 -1.5746300345344786 -1.6132214795893327 -1.6871024279233482 +20997,-1.698581835108876,0,-1.4042188805416929 -1.4091202003383871 -1.277893809175738 -1.3281710327287313 -1.24232054532239 -1.1706322926298638 -1.0800610601125393 -1.0036520626185927 -1.0590369774356863 -0.9386966756832826 -0.9501502863966961 -1.1858779771605537 -1.1225735611904828 -1.283543225270865 -1.3006462520794055 -1.5095714618654699 -1.5746300345344786 -1.6132214795893327 -1.6871024279233482 -1.7345162489527803 +20998,-1.7737784008897064,0,-1.4091202003383871 -1.277893809175738 -1.3281710327287313 -1.24232054532239 -1.1706322926298638 -1.0800610601125393 -1.0036520626185927 -1.0590369774356863 -0.9386966756832826 -0.9501502863966961 -1.1858779771605537 -1.1225735611904828 -1.283543225270865 -1.3006462520794055 -1.5095714618654699 -1.5746300345344786 -1.6132214795893327 -1.6871024279233482 -1.7345162489527803 -1.698581835108876 +20999,-1.7656267321067713,0,-1.277893809175738 -1.3281710327287313 -1.24232054532239 -1.1706322926298638 -1.0800610601125393 -1.0036520626185927 -1.0590369774356863 -0.9386966756832826 -0.9501502863966961 -1.1858779771605537 -1.1225735611904828 -1.283543225270865 -1.3006462520794055 -1.5095714618654699 -1.5746300345344786 -1.6132214795893327 -1.6871024279233482 -1.7345162489527803 -1.698581835108876 -1.7737784008897064 +21000,-1.7830135194895074,0,-1.3281710327287313 -1.24232054532239 -1.1706322926298638 -1.0800610601125393 -1.0036520626185927 -1.0590369774356863 -0.9386966756832826 -0.9501502863966961 -1.1858779771605537 -1.1225735611904828 -1.283543225270865 -1.3006462520794055 -1.5095714618654699 -1.5746300345344786 -1.6132214795893327 -1.6871024279233482 -1.7345162489527803 -1.698581835108876 -1.7737784008897064 -1.7656267321067713 +21001,-1.766349031778304,0,-1.24232054532239 -1.1706322926298638 -1.0800610601125393 -1.0036520626185927 -1.0590369774356863 -0.9386966756832826 -0.9501502863966961 -1.1858779771605537 -1.1225735611904828 -1.283543225270865 -1.3006462520794055 -1.5095714618654699 -1.5746300345344786 -1.6132214795893327 -1.6871024279233482 -1.7345162489527803 -1.698581835108876 -1.7737784008897064 -1.7656267321067713 -1.7830135194895074 +21002,-1.7752230005423342,0,-1.1706322926298638 -1.0800610601125393 -1.0036520626185927 -1.0590369774356863 -0.9386966756832826 -0.9501502863966961 -1.1858779771605537 -1.1225735611904828 -1.283543225270865 -1.3006462520794055 -1.5095714618654699 -1.5746300345344786 -1.6132214795893327 -1.6871024279233482 -1.7345162489527803 -1.698581835108876 -1.7737784008897064 -1.7656267321067713 -1.7830135194895074 -1.766349031778304 +21003,-1.4316662719294435,0,-1.0800610601125393 -1.0036520626185927 -1.0590369774356863 -0.9386966756832826 -0.9501502863966961 -1.1858779771605537 -1.1225735611904828 -1.283543225270865 -1.3006462520794055 -1.5095714618654699 -1.5746300345344786 -1.6132214795893327 -1.6871024279233482 -1.7345162489527803 -1.698581835108876 -1.7737784008897064 -1.7656267321067713 -1.7830135194895074 -1.766349031778304 -1.7752230005423342 +21004,-1.558017139612736,0,-1.0036520626185927 -1.0590369774356863 -0.9386966756832826 -0.9501502863966961 -1.1858779771605537 -1.1225735611904828 -1.283543225270865 -1.3006462520794055 -1.5095714618654699 -1.5746300345344786 -1.6132214795893327 -1.6871024279233482 -1.7345162489527803 -1.698581835108876 -1.7737784008897064 -1.7656267321067713 -1.7830135194895074 -1.766349031778304 -1.7752230005423342 -1.4316662719294435 +21005,-1.331937310228679,0,-1.0590369774356863 -0.9386966756832826 -0.9501502863966961 -1.1858779771605537 -1.1225735611904828 -1.283543225270865 -1.3006462520794055 -1.5095714618654699 -1.5746300345344786 -1.6132214795893327 -1.6871024279233482 -1.7345162489527803 -1.698581835108876 -1.7737784008897064 -1.7656267321067713 -1.7830135194895074 -1.766349031778304 -1.7752230005423342 -1.4316662719294435 -1.558017139612736 +21006,-1.3581464734311988,0,-0.9386966756832826 -0.9501502863966961 -1.1858779771605537 -1.1225735611904828 -1.283543225270865 -1.3006462520794055 -1.5095714618654699 -1.5746300345344786 -1.6132214795893327 -1.6871024279233482 -1.7345162489527803 -1.698581835108876 -1.7737784008897064 -1.7656267321067713 -1.7830135194895074 -1.766349031778304 -1.7752230005423342 -1.4316662719294435 -1.558017139612736 -1.331937310228679 +21007,-1.0479703130301579,0,-0.9501502863966961 -1.1858779771605537 -1.1225735611904828 -1.283543225270865 -1.3006462520794055 -1.5095714618654699 -1.5746300345344786 -1.6132214795893327 -1.6871024279233482 -1.7345162489527803 -1.698581835108876 -1.7737784008897064 -1.7656267321067713 -1.7830135194895074 -1.766349031778304 -1.7752230005423342 -1.4316662719294435 -1.558017139612736 -1.331937310228679 -1.3581464734311988 +21008,-0.9900831453704795,0,-1.1858779771605537 -1.1225735611904828 -1.283543225270865 -1.3006462520794055 -1.5095714618654699 -1.5746300345344786 -1.6132214795893327 -1.6871024279233482 -1.7345162489527803 -1.698581835108876 -1.7737784008897064 -1.7656267321067713 -1.7830135194895074 -1.766349031778304 -1.7752230005423342 -1.4316662719294435 -1.558017139612736 -1.331937310228679 -1.3581464734311988 -1.0479703130301579 +21009,-1.122264004144173,0,-1.1225735611904828 -1.283543225270865 -1.3006462520794055 -1.5095714618654699 -1.5746300345344786 -1.6132214795893327 -1.6871024279233482 -1.7345162489527803 -1.698581835108876 -1.7737784008897064 -1.7656267321067713 -1.7830135194895074 -1.766349031778304 -1.7752230005423342 -1.4316662719294435 -1.558017139612736 -1.331937310228679 -1.3581464734311988 -1.0479703130301579 -0.9900831453704795 +21010,-1.0010208277249717,0,-1.283543225270865 -1.3006462520794055 -1.5095714618654699 -1.5746300345344786 -1.6132214795893327 -1.6871024279233482 -1.7345162489527803 -1.698581835108876 -1.7737784008897064 -1.7656267321067713 -1.7830135194895074 -1.766349031778304 -1.7752230005423342 -1.4316662719294435 -1.558017139612736 -1.331937310228679 -1.3581464734311988 -1.0479703130301579 -0.9900831453704795 -1.122264004144173 +21011,-1.0698456775843566,0,-1.3006462520794055 -1.5095714618654699 -1.5746300345344786 -1.6132214795893327 -1.6871024279233482 -1.7345162489527803 -1.698581835108876 -1.7737784008897064 -1.7656267321067713 -1.7830135194895074 -1.766349031778304 -1.7752230005423342 -1.4316662719294435 -1.558017139612736 -1.331937310228679 -1.3581464734311988 -1.0479703130301579 -0.9900831453704795 -1.122264004144173 -1.0010208277249717 +21012,-1.26899404409437,0,-1.5095714618654699 -1.5746300345344786 -1.6132214795893327 -1.6871024279233482 -1.7345162489527803 -1.698581835108876 -1.7737784008897064 -1.7656267321067713 -1.7830135194895074 -1.766349031778304 -1.7752230005423342 -1.4316662719294435 -1.558017139612736 -1.331937310228679 -1.3581464734311988 -1.0479703130301579 -0.9900831453704795 -1.122264004144173 -1.0010208277249717 -1.0698456775843566 +21013,-1.2943777218916586,0,-1.5746300345344786 -1.6132214795893327 -1.6871024279233482 -1.7345162489527803 -1.698581835108876 -1.7737784008897064 -1.7656267321067713 -1.7830135194895074 -1.766349031778304 -1.7752230005423342 -1.4316662719294435 -1.558017139612736 -1.331937310228679 -1.3581464734311988 -1.0479703130301579 -0.9900831453704795 -1.122264004144173 -1.0010208277249717 -1.0698456775843566 -1.26899404409437 +21014,-1.45008491618479,0,-1.6132214795893327 -1.6871024279233482 -1.7345162489527803 -1.698581835108876 -1.7737784008897064 -1.7656267321067713 -1.7830135194895074 -1.766349031778304 -1.7752230005423342 -1.4316662719294435 -1.558017139612736 -1.331937310228679 -1.3581464734311988 -1.0479703130301579 -0.9900831453704795 -1.122264004144173 -1.0010208277249717 -1.0698456775843566 -1.26899404409437 -1.2943777218916586 +21015,-1.6364382580624695,0,-1.6871024279233482 -1.7345162489527803 -1.698581835108876 -1.7737784008897064 -1.7656267321067713 -1.7830135194895074 -1.766349031778304 -1.7752230005423342 -1.4316662719294435 -1.558017139612736 -1.331937310228679 -1.3581464734311988 -1.0479703130301579 -0.9900831453704795 -1.122264004144173 -1.0010208277249717 -1.0698456775843566 -1.26899404409437 -1.2943777218916586 -1.45008491618479 +21016,-1.781930069827427,0,-1.7345162489527803 -1.698581835108876 -1.7737784008897064 -1.7656267321067713 -1.7830135194895074 -1.766349031778304 -1.7752230005423342 -1.4316662719294435 -1.558017139612736 -1.331937310228679 -1.3581464734311988 -1.0479703130301579 -0.9900831453704795 -1.122264004144173 -1.0010208277249717 -1.0698456775843566 -1.26899404409437 -1.2943777218916586 -1.45008491618479 -1.6364382580624695 +21017,-1.958068029176915,0,-1.698581835108876 -1.7737784008897064 -1.7656267321067713 -1.7830135194895074 -1.766349031778304 -1.7752230005423342 -1.4316662719294435 -1.558017139612736 -1.331937310228679 -1.3581464734311988 -1.0479703130301579 -0.9900831453704795 -1.122264004144173 -1.0010208277249717 -1.0698456775843566 -1.26899404409437 -1.2943777218916586 -1.45008491618479 -1.6364382580624695 -1.781930069827427 +21018,-2.0437379417427683,0,-1.7737784008897064 -1.7656267321067713 -1.7830135194895074 -1.766349031778304 -1.7752230005423342 -1.4316662719294435 -1.558017139612736 -1.331937310228679 -1.3581464734311988 -1.0479703130301579 -0.9900831453704795 -1.122264004144173 -1.0010208277249717 -1.0698456775843566 -1.26899404409437 -1.2943777218916586 -1.45008491618479 -1.6364382580624695 -1.781930069827427 -1.958068029176915 +21019,-2.2500319166352116,0,-1.7656267321067713 -1.7830135194895074 -1.766349031778304 -1.7752230005423342 -1.4316662719294435 -1.558017139612736 -1.331937310228679 -1.3581464734311988 -1.0479703130301579 -0.9900831453704795 -1.122264004144173 -1.0010208277249717 -1.0698456775843566 -1.26899404409437 -1.2943777218916586 -1.45008491618479 -1.6364382580624695 -1.781930069827427 -1.958068029176915 -2.0437379417427683 +21020,-2.3658578448987977,0,-1.7830135194895074 -1.766349031778304 -1.7752230005423342 -1.4316662719294435 -1.558017139612736 -1.331937310228679 -1.3581464734311988 -1.0479703130301579 -0.9900831453704795 -1.122264004144173 -1.0010208277249717 -1.0698456775843566 -1.26899404409437 -1.2943777218916586 -1.45008491618479 -1.6364382580624695 -1.781930069827427 -1.958068029176915 -2.0437379417427683 -2.2500319166352116 +21021,-2.4018954443216147,0,-1.766349031778304 -1.7752230005423342 -1.4316662719294435 -1.558017139612736 -1.331937310228679 -1.3581464734311988 -1.0479703130301579 -0.9900831453704795 -1.122264004144173 -1.0010208277249717 -1.0698456775843566 -1.26899404409437 -1.2943777218916586 -1.45008491618479 -1.6364382580624695 -1.781930069827427 -1.958068029176915 -2.0437379417427683 -2.2500319166352116 -2.3658578448987977 +21022,-2.544317482095605,0,-1.7752230005423342 -1.4316662719294435 -1.558017139612736 -1.331937310228679 -1.3581464734311988 -1.0479703130301579 -0.9900831453704795 -1.122264004144173 -1.0010208277249717 -1.0698456775843566 -1.26899404409437 -1.2943777218916586 -1.45008491618479 -1.6364382580624695 -1.781930069827427 -1.958068029176915 -2.0437379417427683 -2.2500319166352116 -2.3658578448987977 -2.4018954443216147 +21023,-2.6069511910288186,0,-1.4316662719294435 -1.558017139612736 -1.331937310228679 -1.3581464734311988 -1.0479703130301579 -0.9900831453704795 -1.122264004144173 -1.0010208277249717 -1.0698456775843566 -1.26899404409437 -1.2943777218916586 -1.45008491618479 -1.6364382580624695 -1.781930069827427 -1.958068029176915 -2.0437379417427683 -2.2500319166352116 -2.3658578448987977 -2.4018954443216147 -2.544317482095605 +21024,-2.5723839875759755,0,-1.558017139612736 -1.331937310228679 -1.3581464734311988 -1.0479703130301579 -0.9900831453704795 -1.122264004144173 -1.0010208277249717 -1.0698456775843566 -1.26899404409437 -1.2943777218916586 -1.45008491618479 -1.6364382580624695 -1.781930069827427 -1.958068029176915 -2.0437379417427683 -2.2500319166352116 -2.3658578448987977 -2.4018954443216147 -2.544317482095605 -2.6069511910288186 +21025,-2.667418000792657,0,-1.331937310228679 -1.3581464734311988 -1.0479703130301579 -0.9900831453704795 -1.122264004144173 -1.0010208277249717 -1.0698456775843566 -1.26899404409437 -1.2943777218916586 -1.45008491618479 -1.6364382580624695 -1.781930069827427 -1.958068029176915 -2.0437379417427683 -2.2500319166352116 -2.3658578448987977 -2.4018954443216147 -2.544317482095605 -2.6069511910288186 -2.5723839875759755 +21026,-2.6652511014685056,0,-1.3581464734311988 -1.0479703130301579 -0.9900831453704795 -1.122264004144173 -1.0010208277249717 -1.0698456775843566 -1.26899404409437 -1.2943777218916586 -1.45008491618479 -1.6364382580624695 -1.781930069827427 -1.958068029176915 -2.0437379417427683 -2.2500319166352116 -2.3658578448987977 -2.4018954443216147 -2.544317482095605 -2.6069511910288186 -2.5723839875759755 -2.667418000792657 +21027,-1.7422293786383694,0,-1.0479703130301579 -0.9900831453704795 -1.122264004144173 -1.0010208277249717 -1.0698456775843566 -1.26899404409437 -1.2943777218916586 -1.45008491618479 -1.6364382580624695 -1.781930069827427 -1.958068029176915 -2.0437379417427683 -2.2500319166352116 -2.3658578448987977 -2.4018954443216147 -2.544317482095605 -2.6069511910288186 -2.5723839875759755 -2.667418000792657 -2.6652511014685056 +21028,-2.0470140872011235,0,-0.9900831453704795 -1.122264004144173 -1.0010208277249717 -1.0698456775843566 -1.26899404409437 -1.2943777218916586 -1.45008491618479 -1.6364382580624695 -1.781930069827427 -1.958068029176915 -2.0437379417427683 -2.2500319166352116 -2.3658578448987977 -2.4018954443216147 -2.544317482095605 -2.6069511910288186 -2.5723839875759755 -2.667418000792657 -2.6652511014685056 -1.7422293786383694 +21029,-1.4309439721031338,0,-1.122264004144173 -1.0010208277249717 -1.0698456775843566 -1.26899404409437 -1.2943777218916586 -1.45008491618479 -1.6364382580624695 -1.781930069827427 -1.958068029176915 -2.0437379417427683 -2.2500319166352116 -2.3658578448987977 -2.4018954443216147 -2.544317482095605 -2.6069511910288186 -2.5723839875759755 -2.667418000792657 -2.6652511014685056 -1.7422293786383694 -2.0470140872011235 +21030,-1.488934325496502,0,-1.0010208277249717 -1.0698456775843566 -1.26899404409437 -1.2943777218916586 -1.45008491618479 -1.6364382580624695 -1.781930069827427 -1.958068029176915 -2.0437379417427683 -2.2500319166352116 -2.3658578448987977 -2.4018954443216147 -2.544317482095605 -2.6069511910288186 -2.5723839875759755 -2.667418000792657 -2.6652511014685056 -1.7422293786383694 -2.0470140872011235 -1.4309439721031338 +21031,-0.648177387722828,0,-1.0698456775843566 -1.26899404409437 -1.2943777218916586 -1.45008491618479 -1.6364382580624695 -1.781930069827427 -1.958068029176915 -2.0437379417427683 -2.2500319166352116 -2.3658578448987977 -2.4018954443216147 -2.544317482095605 -2.6069511910288186 -2.5723839875759755 -2.667418000792657 -2.6652511014685056 -1.7422293786383694 -2.0470140872011235 -1.4309439721031338 -1.488934325496502 +21032,-0.4814809182857436,0,-1.26899404409437 -1.2943777218916586 -1.45008491618479 -1.6364382580624695 -1.781930069827427 -1.958068029176915 -2.0437379417427683 -2.2500319166352116 -2.3658578448987977 -2.4018954443216147 -2.544317482095605 -2.6069511910288186 -2.5723839875759755 -2.667418000792657 -2.6652511014685056 -1.7422293786383694 -2.0470140872011235 -1.4309439721031338 -1.488934325496502 -0.648177387722828 +21033,-0.5676925556826413,0,-1.2943777218916586 -1.45008491618479 -1.6364382580624695 -1.781930069827427 -1.958068029176915 -2.0437379417427683 -2.2500319166352116 -2.3658578448987977 -2.4018954443216147 -2.544317482095605 -2.6069511910288186 -2.5723839875759755 -2.667418000792657 -2.6652511014685056 -1.7422293786383694 -2.0470140872011235 -1.4309439721031338 -1.488934325496502 -0.648177387722828 -0.4814809182857436 +21034,-0.3166933839159705,0,-1.45008491618479 -1.6364382580624695 -1.781930069827427 -1.958068029176915 -2.0437379417427683 -2.2500319166352116 -2.3658578448987977 -2.4018954443216147 -2.544317482095605 -2.6069511910288186 -2.5723839875759755 -2.667418000792657 -2.6652511014685056 -1.7422293786383694 -2.0470140872011235 -1.4309439721031338 -1.488934325496502 -0.648177387722828 -0.4814809182857436 -0.5676925556826413 +21035,-0.3186023191380588,0,-1.6364382580624695 -1.781930069827427 -1.958068029176915 -2.0437379417427683 -2.2500319166352116 -2.3658578448987977 -2.4018954443216147 -2.544317482095605 -2.6069511910288186 -2.5723839875759755 -2.667418000792657 -2.6652511014685056 -1.7422293786383694 -2.0470140872011235 -1.4309439721031338 -1.488934325496502 -0.648177387722828 -0.4814809182857436 -0.5676925556826413 -0.3166933839159705 +21036,-0.805122810201199,0,-1.781930069827427 -1.958068029176915 -2.0437379417427683 -2.2500319166352116 -2.3658578448987977 -2.4018954443216147 -2.544317482095605 -2.6069511910288186 -2.5723839875759755 -2.667418000792657 -2.6652511014685056 -1.7422293786383694 -2.0470140872011235 -1.4309439721031338 -1.488934325496502 -0.648177387722828 -0.4814809182857436 -0.5676925556826413 -0.3166933839159705 -0.3186023191380588 +21037,-0.645494560039755,0,-1.958068029176915 -2.0437379417427683 -2.2500319166352116 -2.3658578448987977 -2.4018954443216147 -2.544317482095605 -2.6069511910288186 -2.5723839875759755 -2.667418000792657 -2.6652511014685056 -1.7422293786383694 -2.0470140872011235 -1.4309439721031338 -1.488934325496502 -0.648177387722828 -0.4814809182857436 -0.5676925556826413 -0.3166933839159705 -0.3186023191380588 -0.805122810201199 +21038,-0.9704778657193541,0,-2.0437379417427683 -2.2500319166352116 -2.3658578448987977 -2.4018954443216147 -2.544317482095605 -2.6069511910288186 -2.5723839875759755 -2.667418000792657 -2.6652511014685056 -1.7422293786383694 -2.0470140872011235 -1.4309439721031338 -1.488934325496502 -0.648177387722828 -0.4814809182857436 -0.5676925556826413 -0.3166933839159705 -0.3186023191380588 -0.805122810201199 -0.645494560039755 +21039,-1.1621194738563898,0,-2.2500319166352116 -2.3658578448987977 -2.4018954443216147 -2.544317482095605 -2.6069511910288186 -2.5723839875759755 -2.667418000792657 -2.6652511014685056 -1.7422293786383694 -2.0470140872011235 -1.4309439721031338 -1.488934325496502 -0.648177387722828 -0.4814809182857436 -0.5676925556826413 -0.3166933839159705 -0.3186023191380588 -0.805122810201199 -0.645494560039755 -0.9704778657193541 +21040,-1.5315500121533672,0,-2.3658578448987977 -2.4018954443216147 -2.544317482095605 -2.6069511910288186 -2.5723839875759755 -2.667418000792657 -2.6652511014685056 -1.7422293786383694 -2.0470140872011235 -1.4309439721031338 -1.488934325496502 -0.648177387722828 -0.4814809182857436 -0.5676925556826413 -0.3166933839159705 -0.3186023191380588 -0.805122810201199 -0.645494560039755 -0.9704778657193541 -1.1621194738563898 +21041,-1.7676388529077813,0,-2.4018954443216147 -2.544317482095605 -2.6069511910288186 -2.5723839875759755 -2.667418000792657 -2.6652511014685056 -1.7422293786383694 -2.0470140872011235 -1.4309439721031338 -1.488934325496502 -0.648177387722828 -0.4814809182857436 -0.5676925556826413 -0.3166933839159705 -0.3186023191380588 -0.805122810201199 -0.645494560039755 -0.9704778657193541 -1.1621194738563898 -1.5315500121533672 +21042,-1.6932419760600588,0,-2.544317482095605 -2.6069511910288186 -2.5723839875759755 -2.667418000792657 -2.6652511014685056 -1.7422293786383694 -2.0470140872011235 -1.4309439721031338 -1.488934325496502 -0.648177387722828 -0.4814809182857436 -0.5676925556826413 -0.3166933839159705 -0.3186023191380588 -0.805122810201199 -0.645494560039755 -0.9704778657193541 -1.1621194738563898 -1.5315500121533672 -1.7676388529077813 +21043,-2.0328260558603994,0,-2.6069511910288186 -2.5723839875759755 -2.667418000792657 -2.6652511014685056 -1.7422293786383694 -2.0470140872011235 -1.4309439721031338 -1.488934325496502 -0.648177387722828 -0.4814809182857436 -0.5676925556826413 -0.3166933839159705 -0.3186023191380588 -0.805122810201199 -0.645494560039755 -0.9704778657193541 -1.1621194738563898 -1.5315500121533672 -1.7676388529077813 -1.6932419760600588 +21044,-2.061924418213389,0,-2.5723839875759755 -2.667418000792657 -2.6652511014685056 -1.7422293786383694 -2.0470140872011235 -1.4309439721031338 -1.488934325496502 -0.648177387722828 -0.4814809182857436 -0.5676925556826413 -0.3166933839159705 -0.3186023191380588 -0.805122810201199 -0.645494560039755 -0.9704778657193541 -1.1621194738563898 -1.5315500121533672 -1.7676388529077813 -1.6932419760600588 -2.0328260558603994 +21045,-2.0955113577378506,0,-2.667418000792657 -2.6652511014685056 -1.7422293786383694 -2.0470140872011235 -1.4309439721031338 -1.488934325496502 -0.648177387722828 -0.4814809182857436 -0.5676925556826413 -0.3166933839159705 -0.3186023191380588 -0.805122810201199 -0.645494560039755 -0.9704778657193541 -1.1621194738563898 -1.5315500121533672 -1.7676388529077813 -1.6932419760600588 -2.0328260558603994 -2.061924418213389 +21046,-2.1231135276487603,0,-2.6652511014685056 -1.7422293786383694 -2.0470140872011235 -1.4309439721031338 -1.488934325496502 -0.648177387722828 -0.4814809182857436 -0.5676925556826413 -0.3166933839159705 -0.3186023191380588 -0.805122810201199 -0.645494560039755 -0.9704778657193541 -1.1621194738563898 -1.5315500121533672 -1.7676388529077813 -1.6932419760600588 -2.0328260558603994 -2.061924418213389 -2.0955113577378506 +21047,-2.1552042748859184,0,-1.7422293786383694 -2.0470140872011235 -1.4309439721031338 -1.488934325496502 -0.648177387722828 -0.4814809182857436 -0.5676925556826413 -0.3166933839159705 -0.3186023191380588 -0.805122810201199 -0.645494560039755 -0.9704778657193541 -1.1621194738563898 -1.5315500121533672 -1.7676388529077813 -1.6932419760600588 -2.0328260558603994 -2.061924418213389 -2.0955113577378506 -2.1231135276487603 +21048,-2.246807364121094,0,-2.0470140872011235 -1.4309439721031338 -1.488934325496502 -0.648177387722828 -0.4814809182857436 -0.5676925556826413 -0.3166933839159705 -0.3186023191380588 -0.805122810201199 -0.645494560039755 -0.9704778657193541 -1.1621194738563898 -1.5315500121533672 -1.7676388529077813 -1.6932419760600588 -2.0328260558603994 -2.061924418213389 -2.0955113577378506 -2.1231135276487603 -2.1552042748859184 +21049,-2.2590606639223925,0,-1.4309439721031338 -1.488934325496502 -0.648177387722828 -0.4814809182857436 -0.5676925556826413 -0.3166933839159705 -0.3186023191380588 -0.805122810201199 -0.645494560039755 -0.9704778657193541 -1.1621194738563898 -1.5315500121533672 -1.7676388529077813 -1.6932419760600588 -2.0328260558603994 -2.061924418213389 -2.0955113577378506 -2.1231135276487603 -2.1552042748859184 -2.246807364121094 +21050,-2.3308263057217085,0,-1.488934325496502 -0.648177387722828 -0.4814809182857436 -0.5676925556826413 -0.3166933839159705 -0.3186023191380588 -0.805122810201199 -0.645494560039755 -0.9704778657193541 -1.1621194738563898 -1.5315500121533672 -1.7676388529077813 -1.6932419760600588 -2.0328260558603994 -2.061924418213389 -2.0955113577378506 -2.1231135276487603 -2.1552042748859184 -2.246807364121094 -2.2590606639223925 +21051,-1.261332507198233,0,-0.648177387722828 -0.4814809182857436 -0.5676925556826413 -0.3166933839159705 -0.3186023191380588 -0.805122810201199 -0.645494560039755 -0.9704778657193541 -1.1621194738563898 -1.5315500121533672 -1.7676388529077813 -1.6932419760600588 -2.0328260558603994 -2.061924418213389 -2.0955113577378506 -2.1231135276487603 -2.1552042748859184 -2.246807364121094 -2.2590606639223925 -2.3308263057217085 +21052,-1.7135179625932648,0,-0.4814809182857436 -0.5676925556826413 -0.3166933839159705 -0.3186023191380588 -0.805122810201199 -0.645494560039755 -0.9704778657193541 -1.1621194738563898 -1.5315500121533672 -1.7676388529077813 -1.6932419760600588 -2.0328260558603994 -2.061924418213389 -2.0955113577378506 -2.1231135276487603 -2.1552042748859184 -2.246807364121094 -2.2590606639223925 -2.3308263057217085 -1.261332507198233 +21053,-1.0244439775107113,0,-0.5676925556826413 -0.3166933839159705 -0.3186023191380588 -0.805122810201199 -0.645494560039755 -0.9704778657193541 -1.1621194738563898 -1.5315500121533672 -1.7676388529077813 -1.6932419760600588 -2.0328260558603994 -2.061924418213389 -2.0955113577378506 -2.1231135276487603 -2.1552042748859184 -2.246807364121094 -2.2590606639223925 -2.3308263057217085 -1.261332507198233 -1.7135179625932648 +21054,-1.0511432727548147,0,-0.3166933839159705 -0.3186023191380588 -0.805122810201199 -0.645494560039755 -0.9704778657193541 -1.1621194738563898 -1.5315500121533672 -1.7676388529077813 -1.6932419760600588 -2.0328260558603994 -2.061924418213389 -2.0955113577378506 -2.1231135276487603 -2.1552042748859184 -2.246807364121094 -2.2590606639223925 -2.3308263057217085 -1.261332507198233 -1.7135179625932648 -1.0244439775107113 +21055,-0.12347819423005647,0,-0.3186023191380588 -0.805122810201199 -0.645494560039755 -0.9704778657193541 -1.1621194738563898 -1.5315500121533672 -1.7676388529077813 -1.6932419760600588 -2.0328260558603994 -2.061924418213389 -2.0955113577378506 -2.1231135276487603 -2.1552042748859184 -2.246807364121094 -2.2590606639223925 -2.3308263057217085 -1.261332507198233 -1.7135179625932648 -1.0244439775107113 -1.0511432727548147 +21056,0.08841360396806208,0,-0.805122810201199 -0.645494560039755 -0.9704778657193541 -1.1621194738563898 -1.5315500121533672 -1.7676388529077813 -1.6932419760600588 -2.0328260558603994 -2.061924418213389 -2.0955113577378506 -2.1231135276487603 -2.1552042748859184 -2.246807364121094 -2.2590606639223925 -2.3308263057217085 -1.261332507198233 -1.7135179625932648 -1.0244439775107113 -1.0511432727548147 -0.12347819423005647 +21057,-0.0070073555565134124,0,-0.645494560039755 -0.9704778657193541 -1.1621194738563898 -1.5315500121533672 -1.7676388529077813 -1.6932419760600588 -2.0328260558603994 -2.061924418213389 -2.0955113577378506 -2.1231135276487603 -2.1552042748859184 -2.246807364121094 -2.2590606639223925 -2.3308263057217085 -1.261332507198233 -1.7135179625932648 -1.0244439775107113 -1.0511432727548147 -0.12347819423005647 0.08841360396806208 +21058,0.3073220284975658,0,-0.9704778657193541 -1.1621194738563898 -1.5315500121533672 -1.7676388529077813 -1.6932419760600588 -2.0328260558603994 -2.061924418213389 -2.0955113577378506 -2.1231135276487603 -2.1552042748859184 -2.246807364121094 -2.2590606639223925 -2.3308263057217085 -1.261332507198233 -1.7135179625932648 -1.0244439775107113 -1.0511432727548147 -0.12347819423005647 0.08841360396806208 -0.0070073555565134124 +21059,0.31433865498374547,0,-1.1621194738563898 -1.5315500121533672 -1.7676388529077813 -1.6932419760600588 -2.0328260558603994 -2.061924418213389 -2.0955113577378506 -2.1231135276487603 -2.1552042748859184 -2.246807364121094 -2.2590606639223925 -2.3308263057217085 -1.261332507198233 -1.7135179625932648 -1.0244439775107113 -1.0511432727548147 -0.12347819423005647 0.08841360396806208 -0.0070073555565134124 0.3073220284975658 +21060,-0.34628187831054397,0,-1.5315500121533672 -1.7676388529077813 -1.6932419760600588 -2.0328260558603994 -2.061924418213389 -2.0955113577378506 -2.1231135276487603 -2.1552042748859184 -2.246807364121094 -2.2590606639223925 -2.3308263057217085 -1.261332507198233 -1.7135179625932648 -1.0244439775107113 -1.0511432727548147 -0.12347819423005647 0.08841360396806208 -0.0070073555565134124 0.3073220284975658 0.31433865498374547 +21061,-0.1167195320007259,0,-1.7676388529077813 -1.6932419760600588 -2.0328260558603994 -2.061924418213389 -2.0955113577378506 -2.1231135276487603 -2.1552042748859184 -2.246807364121094 -2.2590606639223925 -2.3308263057217085 -1.261332507198233 -1.7135179625932648 -1.0244439775107113 -1.0511432727548147 -0.12347819423005647 0.08841360396806208 -0.0070073555565134124 0.3073220284975658 0.31433865498374547 -0.34628187831054397 +21062,-0.5547943454713857,0,-1.6932419760600588 -2.0328260558603994 -2.061924418213389 -2.0955113577378506 -2.1231135276487603 -2.1552042748859184 -2.246807364121094 -2.2590606639223925 -2.3308263057217085 -1.261332507198233 -1.7135179625932648 -1.0244439775107113 -1.0511432727548147 -0.12347819423005647 0.08841360396806208 -0.0070073555565134124 0.3073220284975658 0.31433865498374547 -0.34628187831054397 -0.1167195320007259 +21063,-0.771613259938313,0,-2.0328260558603994 -2.061924418213389 -2.0955113577378506 -2.1231135276487603 -2.1552042748859184 -2.246807364121094 -2.2590606639223925 -2.3308263057217085 -1.261332507198233 -1.7135179625932648 -1.0244439775107113 -1.0511432727548147 -0.12347819423005647 0.08841360396806208 -0.0070073555565134124 0.3073220284975658 0.31433865498374547 -0.34628187831054397 -0.1167195320007259 -0.5547943454713857 +21064,-1.2834400395371663,0,-2.061924418213389 -2.0955113577378506 -2.1231135276487603 -2.1552042748859184 -2.246807364121094 -2.2590606639223925 -2.3308263057217085 -1.261332507198233 -1.7135179625932648 -1.0244439775107113 -1.0511432727548147 -0.12347819423005647 0.08841360396806208 -0.0070073555565134124 0.3073220284975658 0.31433865498374547 -0.34628187831054397 -0.1167195320007259 -0.5547943454713857 -0.771613259938313 +21065,-1.5740109204418589,0,-2.0955113577378506 -2.1231135276487603 -2.1552042748859184 -2.246807364121094 -2.2590606639223925 -2.3308263057217085 -1.261332507198233 -1.7135179625932648 -1.0244439775107113 -1.0511432727548147 -0.12347819423005647 0.08841360396806208 -0.0070073555565134124 0.3073220284975658 0.31433865498374547 -0.34628187831054397 -0.1167195320007259 -0.5547943454713857 -0.771613259938313 -1.2834400395371663 +21066,-1.5813371038195627,0,-2.1231135276487603 -2.1552042748859184 -2.246807364121094 -2.2590606639223925 -2.3308263057217085 -1.261332507198233 -1.7135179625932648 -1.0244439775107113 -1.0511432727548147 -0.12347819423005647 0.08841360396806208 -0.0070073555565134124 0.3073220284975658 0.31433865498374547 -0.34628187831054397 -0.1167195320007259 -0.5547943454713857 -0.771613259938313 -1.2834400395371663 -1.5740109204418589 +21067,-1.9663228836935485,0,-2.1552042748859184 -2.246807364121094 -2.2590606639223925 -2.3308263057217085 -1.261332507198233 -1.7135179625932648 -1.0244439775107113 -1.0511432727548147 -0.12347819423005647 0.08841360396806208 -0.0070073555565134124 0.3073220284975658 0.31433865498374547 -0.34628187831054397 -0.1167195320007259 -0.5547943454713857 -0.771613259938313 -1.2834400395371663 -1.5740109204418589 -1.5813371038195627 +21068,-2.0680639663501,0,-2.246807364121094 -2.2590606639223925 -2.3308263057217085 -1.261332507198233 -1.7135179625932648 -1.0244439775107113 -1.0511432727548147 -0.12347819423005647 0.08841360396806208 -0.0070073555565134124 0.3073220284975658 0.31433865498374547 -0.34628187831054397 -0.1167195320007259 -0.5547943454713857 -0.771613259938313 -1.2834400395371663 -1.5740109204418589 -1.5813371038195627 -1.9663228836935485 +21069,-2.0863020356101813,0,-2.2590606639223925 -2.3308263057217085 -1.261332507198233 -1.7135179625932648 -1.0244439775107113 -1.0511432727548147 -0.12347819423005647 0.08841360396806208 -0.0070073555565134124 0.3073220284975658 0.31433865498374547 -0.34628187831054397 -0.1167195320007259 -0.5547943454713857 -0.771613259938313 -1.2834400395371663 -1.5740109204418589 -1.5813371038195627 -1.9663228836935485 -2.0680639663501 +21070,-2.2158774559623686,0,-2.3308263057217085 -1.261332507198233 -1.7135179625932648 -1.0244439775107113 -1.0511432727548147 -0.12347819423005647 0.08841360396806208 -0.0070073555565134124 0.3073220284975658 0.31433865498374547 -0.34628187831054397 -0.1167195320007259 -0.5547943454713857 -0.771613259938313 -1.2834400395371663 -1.5740109204418589 -1.5813371038195627 -1.9663228836935485 -2.0680639663501 -2.0863020356101813 +21071,-2.261949862918086,0,-1.261332507198233 -1.7135179625932648 -1.0244439775107113 -1.0511432727548147 -0.12347819423005647 0.08841360396806208 -0.0070073555565134124 0.3073220284975658 0.31433865498374547 -0.34628187831054397 -0.1167195320007259 -0.5547943454713857 -0.771613259938313 -1.2834400395371663 -1.5740109204418589 -1.5813371038195627 -1.9663228836935485 -2.0680639663501 -2.0863020356101813 -2.2158774559623686 +21072,-2.263059109052289,0,-1.7135179625932648 -1.0244439775107113 -1.0511432727548147 -0.12347819423005647 0.08841360396806208 -0.0070073555565134124 0.3073220284975658 0.31433865498374547 -0.34628187831054397 -0.1167195320007259 -0.5547943454713857 -0.771613259938313 -1.2834400395371663 -1.5740109204418589 -1.5813371038195627 -1.9663228836935485 -2.0680639663501 -2.0863020356101813 -2.2158774559623686 -2.261949862918086 +21073,-2.324119236436624,0,-1.0244439775107113 -1.0511432727548147 -0.12347819423005647 0.08841360396806208 -0.0070073555565134124 0.3073220284975658 0.31433865498374547 -0.34628187831054397 -0.1167195320007259 -0.5547943454713857 -0.771613259938313 -1.2834400395371663 -1.5740109204418589 -1.5813371038195627 -1.9663228836935485 -2.0680639663501 -2.0863020356101813 -2.2158774559623686 -2.261949862918086 -2.263059109052289 +21074,-2.34021620284466,0,-1.0511432727548147 -0.12347819423005647 0.08841360396806208 -0.0070073555565134124 0.3073220284975658 0.31433865498374547 -0.34628187831054397 -0.1167195320007259 -0.5547943454713857 -0.771613259938313 -1.2834400395371663 -1.5740109204418589 -1.5813371038195627 -1.9663228836935485 -2.0680639663501 -2.0863020356101813 -2.2158774559623686 -2.261949862918086 -2.263059109052289 -2.324119236436624 +21075,-1.340269554006879,0,-0.12347819423005647 0.08841360396806208 -0.0070073555565134124 0.3073220284975658 0.31433865498374547 -0.34628187831054397 -0.1167195320007259 -0.5547943454713857 -0.771613259938313 -1.2834400395371663 -1.5740109204418589 -1.5813371038195627 -1.9663228836935485 -2.0680639663501 -2.0863020356101813 -2.2158774559623686 -2.261949862918086 -2.263059109052289 -2.324119236436624 -2.34021620284466 +21076,-1.6950477255484486,0,0.08841360396806208 -0.0070073555565134124 0.3073220284975658 0.31433865498374547 -0.34628187831054397 -0.1167195320007259 -0.5547943454713857 -0.771613259938313 -1.2834400395371663 -1.5740109204418589 -1.5813371038195627 -1.9663228836935485 -2.0680639663501 -2.0863020356101813 -2.2158774559623686 -2.261949862918086 -2.263059109052289 -2.324119236436624 -2.34021620284466 -1.340269554006879 +21077,-1.0337822816894249,0,-0.0070073555565134124 0.3073220284975658 0.31433865498374547 -0.34628187831054397 -0.1167195320007259 -0.5547943454713857 -0.771613259938313 -1.2834400395371663 -1.5740109204418589 -1.5813371038195627 -1.9663228836935485 -2.0680639663501 -2.0863020356101813 -2.2158774559623686 -2.261949862918086 -2.263059109052289 -2.324119236436624 -2.34021620284466 -1.340269554006879 -1.6950477255484486 +21078,-1.0160859372603879,0,0.3073220284975658 0.31433865498374547 -0.34628187831054397 -0.1167195320007259 -0.5547943454713857 -0.771613259938313 -1.2834400395371663 -1.5740109204418589 -1.5813371038195627 -1.9663228836935485 -2.0680639663501 -2.0863020356101813 -2.2158774559623686 -2.261949862918086 -2.263059109052289 -2.324119236436624 -2.34021620284466 -1.340269554006879 -1.6950477255484486 -1.0337822816894249 +21079,-0.14029746046441036,0,0.31433865498374547 -0.34628187831054397 -0.1167195320007259 -0.5547943454713857 -0.771613259938313 -1.2834400395371663 -1.5740109204418589 -1.5813371038195627 -1.9663228836935485 -2.0680639663501 -2.0863020356101813 -2.2158774559623686 -2.261949862918086 -2.263059109052289 -2.324119236436624 -2.34021620284466 -1.340269554006879 -1.6950477255484486 -1.0337822816894249 -1.0160859372603879 +21080,0.09192191721114311,0,-0.34628187831054397 -0.1167195320007259 -0.5547943454713857 -0.771613259938313 -1.2834400395371663 -1.5740109204418589 -1.5813371038195627 -1.9663228836935485 -2.0680639663501 -2.0863020356101813 -2.2158774559623686 -2.261949862918086 -2.263059109052289 -2.324119236436624 -2.34021620284466 -1.340269554006879 -1.6950477255484486 -1.0337822816894249 -1.0160859372603879 -0.14029746046441036 +21081,-0.031152805168571166,0,-0.1167195320007259 -0.5547943454713857 -0.771613259938313 -1.2834400395371663 -1.5740109204418589 -1.5813371038195627 -1.9663228836935485 -2.0680639663501 -2.0863020356101813 -2.2158774559623686 -2.261949862918086 -2.263059109052289 -2.324119236436624 -2.34021620284466 -1.340269554006879 -1.6950477255484486 -1.0337822816894249 -1.0160859372603879 -0.14029746046441036 0.09192191721114311 +21082,0.3194979390372976,0,-0.5547943454713857 -0.771613259938313 -1.2834400395371663 -1.5740109204418589 -1.5813371038195627 -1.9663228836935485 -2.0680639663501 -2.0863020356101813 -2.2158774559623686 -2.261949862918086 -2.263059109052289 -2.324119236436624 -2.34021620284466 -1.340269554006879 -1.6950477255484486 -1.0337822816894249 -1.0160859372603879 -0.14029746046441036 0.09192191721114311 -0.031152805168571166 +21083,0.3148545833426667,0,-0.771613259938313 -1.2834400395371663 -1.5740109204418589 -1.5813371038195627 -1.9663228836935485 -2.0680639663501 -2.0863020356101813 -2.2158774559623686 -2.261949862918086 -2.263059109052289 -2.324119236436624 -2.34021620284466 -1.340269554006879 -1.6950477255484486 -1.0337822816894249 -1.0160859372603879 -0.14029746046441036 0.09192191721114311 -0.031152805168571166 0.3194979390372976 +21084,-0.2517122006633229,0,-1.2834400395371663 -1.5740109204418589 -1.5813371038195627 -1.9663228836935485 -2.0680639663501 -2.0863020356101813 -2.2158774559623686 -2.261949862918086 -2.263059109052289 -2.324119236436624 -2.34021620284466 -1.340269554006879 -1.6950477255484486 -1.0337822816894249 -1.0160859372603879 -0.14029746046441036 0.09192191721114311 -0.031152805168571166 0.3194979390372976 0.3148545833426667 +21085,-0.0690477468692302,0,-1.5740109204418589 -1.5813371038195627 -1.9663228836935485 -2.0680639663501 -2.0863020356101813 -2.2158774559623686 -2.261949862918086 -2.263059109052289 -2.324119236436624 -2.34021620284466 -1.340269554006879 -1.6950477255484486 -1.0337822816894249 -1.0160859372603879 -0.14029746046441036 0.09192191721114311 -0.031152805168571166 0.3194979390372976 0.3148545833426667 -0.2517122006633229 +21086,-0.4483067215412907,0,-1.5813371038195627 -1.9663228836935485 -2.0680639663501 -2.0863020356101813 -2.2158774559623686 -2.261949862918086 -2.263059109052289 -2.324119236436624 -2.34021620284466 -1.340269554006879 -1.6950477255484486 -1.0337822816894249 -1.0160859372603879 -0.14029746046441036 0.09192191721114311 -0.031152805168571166 0.3194979390372976 0.3148545833426667 -0.2517122006633229 -0.0690477468692302 +21087,-0.7049811057204262,0,-1.9663228836935485 -2.0680639663501 -2.0863020356101813 -2.2158774559623686 -2.261949862918086 -2.263059109052289 -2.324119236436624 -2.34021620284466 -1.340269554006879 -1.6950477255484486 -1.0337822816894249 -1.0160859372603879 -0.14029746046441036 0.09192191721114311 -0.031152805168571166 0.3194979390372976 0.3148545833426667 -0.2517122006633229 -0.0690477468692302 -0.4483067215412907 +21088,-1.1251016103504141,0,-2.0680639663501 -2.0863020356101813 -2.2158774559623686 -2.261949862918086 -2.263059109052289 -2.324119236436624 -2.34021620284466 -1.340269554006879 -1.6950477255484486 -1.0337822816894249 -1.0160859372603879 -0.14029746046441036 0.09192191721114311 -0.031152805168571166 0.3194979390372976 0.3148545833426667 -0.2517122006633229 -0.0690477468692302 -0.4483067215412907 -0.7049811057204262 +21089,-1.4226375247970395,0,-2.0863020356101813 -2.2158774559623686 -2.261949862918086 -2.263059109052289 -2.324119236436624 -2.34021620284466 -1.340269554006879 -1.6950477255484486 -1.0337822816894249 -1.0160859372603879 -0.14029746046441036 0.09192191721114311 -0.031152805168571166 0.3194979390372976 0.3148545833426667 -0.2517122006633229 -0.0690477468692302 -0.4483067215412907 -0.7049811057204262 -1.1251016103504141 +21090,-1.4472215135064432,0,-2.2158774559623686 -2.261949862918086 -2.263059109052289 -2.324119236436624 -2.34021620284466 -1.340269554006879 -1.6950477255484486 -1.0337822816894249 -1.0160859372603879 -0.14029746046441036 0.09192191721114311 -0.031152805168571166 0.3194979390372976 0.3148545833426667 -0.2517122006633229 -0.0690477468692302 -0.4483067215412907 -0.7049811057204262 -1.1251016103504141 -1.4226375247970395 +21091,-1.8357414030956336,0,-2.261949862918086 -2.263059109052289 -2.324119236436624 -2.34021620284466 -1.340269554006879 -1.6950477255484486 -1.0337822816894249 -1.0160859372603879 -0.14029746046441036 0.09192191721114311 -0.031152805168571166 0.3194979390372976 0.3148545833426667 -0.2517122006633229 -0.0690477468692302 -0.4483067215412907 -0.7049811057204262 -1.1251016103504141 -1.4226375247970395 -1.4472215135064432 +21092,-1.9513093669475845,0,-2.263059109052289 -2.324119236436624 -2.34021620284466 -1.340269554006879 -1.6950477255484486 -1.0337822816894249 -1.0160859372603879 -0.14029746046441036 0.09192191721114311 -0.031152805168571166 0.3194979390372976 0.3148545833426667 -0.2517122006633229 -0.0690477468692302 -0.4483067215412907 -0.7049811057204262 -1.1251016103504141 -1.4226375247970395 -1.4472215135064432 -1.8357414030956336 +21093,-1.9967626599654675,0,-2.324119236436624 -2.34021620284466 -1.340269554006879 -1.6950477255484486 -1.0337822816894249 -1.0160859372603879 -0.14029746046441036 0.09192191721114311 -0.031152805168571166 0.3194979390372976 0.3148545833426667 -0.2517122006633229 -0.0690477468692302 -0.4483067215412907 -0.7049811057204262 -1.1251016103504141 -1.4226375247970395 -1.4472215135064432 -1.8357414030956336 -1.9513093669475845 +21094,-2.1357021809684915,0,-2.34021620284466 -1.340269554006879 -1.6950477255484486 -1.0337822816894249 -1.0160859372603879 -0.14029746046441036 0.09192191721114311 -0.031152805168571166 0.3194979390372976 0.3148545833426667 -0.2517122006633229 -0.0690477468692302 -0.4483067215412907 -0.7049811057204262 -1.1251016103504141 -1.4226375247970395 -1.4472215135064432 -1.8357414030956336 -1.9513093669475845 -1.9967626599654675 +21095,-2.2045270308278764,0,-1.340269554006879 -1.6950477255484486 -1.0337822816894249 -1.0160859372603879 -0.14029746046441036 0.09192191721114311 -0.031152805168571166 0.3194979390372976 0.3148545833426667 -0.2517122006633229 -0.0690477468692302 -0.4483067215412907 -0.7049811057204262 -1.1251016103504141 -1.4226375247970395 -1.4472215135064432 -1.8357414030956336 -1.9513093669475845 -1.9967626599654675 -2.1357021809684915 +21096,-2.182342109227368,0,-1.6950477255484486 -1.0337822816894249 -1.0160859372603879 -0.14029746046441036 0.09192191721114311 -0.031152805168571166 0.3194979390372976 0.3148545833426667 -0.2517122006633229 -0.0690477468692302 -0.4483067215412907 -0.7049811057204262 -1.1251016103504141 -1.4226375247970395 -1.4472215135064432 -1.8357414030956336 -1.9513093669475845 -1.9967626599654675 -2.1357021809684915 -2.2045270308278764 +21097,-2.281503549779759,0,-1.0337822816894249 -1.0160859372603879 -0.14029746046441036 0.09192191721114311 -0.031152805168571166 0.3194979390372976 0.3148545833426667 -0.2517122006633229 -0.0690477468692302 -0.4483067215412907 -0.7049811057204262 -1.1251016103504141 -1.4226375247970395 -1.4472215135064432 -1.8357414030956336 -1.9513093669475845 -1.9967626599654675 -2.1357021809684915 -2.2045270308278764 -2.182342109227368 +21098,-2.289655218562694,0,-1.0160859372603879 -0.14029746046441036 0.09192191721114311 -0.031152805168571166 0.3194979390372976 0.3148545833426667 -0.2517122006633229 -0.0690477468692302 -0.4483067215412907 -0.7049811057204262 -1.1251016103504141 -1.4226375247970395 -1.4472215135064432 -1.8357414030956336 -1.9513093669475845 -1.9967626599654675 -2.1357021809684915 -2.2045270308278764 -2.182342109227368 -2.281503549779759 +21099,-1.3579916949080393,0,-0.14029746046441036 0.09192191721114311 -0.031152805168571166 0.3194979390372976 0.3148545833426667 -0.2517122006633229 -0.0690477468692302 -0.4483067215412907 -0.7049811057204262 -1.1251016103504141 -1.4226375247970395 -1.4472215135064432 -1.8357414030956336 -1.9513093669475845 -1.9967626599654675 -2.1357021809684915 -2.2045270308278764 -2.182342109227368 -2.281503549779759 -2.289655218562694 +21100,-1.6794150947098736,0,0.09192191721114311 -0.031152805168571166 0.3194979390372976 0.3148545833426667 -0.2517122006633229 -0.0690477468692302 -0.4483067215412907 -0.7049811057204262 -1.1251016103504141 -1.4226375247970395 -1.4472215135064432 -1.8357414030956336 -1.9513093669475845 -1.9967626599654675 -2.1357021809684915 -2.2045270308278764 -2.182342109227368 -2.281503549779759 -2.289655218562694 -1.3579916949080393 +21101,-1.061023301764564,0,-0.031152805168571166 0.3194979390372976 0.3148545833426667 -0.2517122006633229 -0.0690477468692302 -0.4483067215412907 -0.7049811057204262 -1.1251016103504141 -1.4226375247970395 -1.4472215135064432 -1.8357414030956336 -1.9513093669475845 -1.9967626599654675 -2.1357021809684915 -2.2045270308278764 -2.182342109227368 -2.281503549779759 -2.289655218562694 -1.3579916949080393 -1.6794150947098736 +21102,-1.149195467173011,0,0.3194979390372976 0.3148545833426667 -0.2517122006633229 -0.0690477468692302 -0.4483067215412907 -0.7049811057204262 -1.1251016103504141 -1.4226375247970395 -1.4472215135064432 -1.8357414030956336 -1.9513093669475845 -1.9967626599654675 -2.1357021809684915 -2.2045270308278764 -2.182342109227368 -2.281503549779759 -2.289655218562694 -1.3579916949080393 -1.6794150947098736 -1.061023301764564 +21103,-0.2952823549312322,0,0.3148545833426667 -0.2517122006633229 -0.0690477468692302 -0.4483067215412907 -0.7049811057204262 -1.1251016103504141 -1.4226375247970395 -1.4472215135064432 -1.8357414030956336 -1.9513093669475845 -1.9967626599654675 -2.1357021809684915 -2.2045270308278764 -2.182342109227368 -2.281503549779759 -2.289655218562694 -1.3579916949080393 -1.6794150947098736 -1.061023301764564 -1.149195467173011 +21104,-0.14793320088842413,0,-0.2517122006633229 -0.0690477468692302 -0.4483067215412907 -0.7049811057204262 -1.1251016103504141 -1.4226375247970395 -1.4472215135064432 -1.8357414030956336 -1.9513093669475845 -1.9967626599654675 -2.1357021809684915 -2.2045270308278764 -2.182342109227368 -2.281503549779759 -2.289655218562694 -1.3579916949080393 -1.6794150947098736 -1.061023301764564 -1.149195467173011 -0.2952823549312322 +21105,-0.31261754952450743,0,-0.0690477468692302 -0.4483067215412907 -0.7049811057204262 -1.1251016103504141 -1.4226375247970395 -1.4472215135064432 -1.8357414030956336 -1.9513093669475845 -1.9967626599654675 -2.1357021809684915 -2.2045270308278764 -2.182342109227368 -2.281503549779759 -2.289655218562694 -1.3579916949080393 -1.6794150947098736 -1.061023301764564 -1.149195467173011 -0.2952823549312322 -0.14793320088842413 +21106,-0.061257227922065886,0,-0.4483067215412907 -0.7049811057204262 -1.1251016103504141 -1.4226375247970395 -1.4472215135064432 -1.8357414030956336 -1.9513093669475845 -1.9967626599654675 -2.1357021809684915 -2.2045270308278764 -2.182342109227368 -2.281503549779759 -2.289655218562694 -1.3579916949080393 -1.6794150947098736 -1.061023301764564 -1.149195467173011 -0.2952823549312322 -0.14793320088842413 -0.31261754952450743 +21107,-0.12193040899851577,0,-0.7049811057204262 -1.1251016103504141 -1.4226375247970395 -1.4472215135064432 -1.8357414030956336 -1.9513093669475845 -1.9967626599654675 -2.1357021809684915 -2.2045270308278764 -2.182342109227368 -2.281503549779759 -2.289655218562694 -1.3579916949080393 -1.6794150947098736 -1.061023301764564 -1.149195467173011 -0.2952823549312322 -0.14793320088842413 -0.31261754952450743 -0.061257227922065886 +21108,-0.5538398778603415,0,-1.1251016103504141 -1.4226375247970395 -1.4472215135064432 -1.8357414030956336 -1.9513093669475845 -1.9967626599654675 -2.1357021809684915 -2.2045270308278764 -2.182342109227368 -2.281503549779759 -2.289655218562694 -1.3579916949080393 -1.6794150947098736 -1.061023301764564 -1.149195467173011 -0.2952823549312322 -0.14793320088842413 -0.31261754952450743 -0.061257227922065886 -0.12193040899851577 +21109,-0.49076762967499654,0,-1.4226375247970395 -1.4472215135064432 -1.8357414030956336 -1.9513093669475845 -1.9967626599654675 -2.1357021809684915 -2.2045270308278764 -2.182342109227368 -2.281503549779759 -2.289655218562694 -1.3579916949080393 -1.6794150947098736 -1.061023301764564 -1.149195467173011 -0.2952823549312322 -0.14793320088842413 -0.31261754952450743 -0.061257227922065886 -0.12193040899851577 -0.5538398778603415 +21110,-0.7989316692750275,0,-1.4472215135064432 -1.8357414030956336 -1.9513093669475845 -1.9967626599654675 -2.1357021809684915 -2.2045270308278764 -2.182342109227368 -2.281503549779759 -2.289655218562694 -1.3579916949080393 -1.6794150947098736 -1.061023301764564 -1.149195467173011 -0.2952823549312322 -0.14793320088842413 -0.31261754952450743 -0.061257227922065886 -0.12193040899851577 -0.5538398778603415 -0.49076762967499654 +21111,-0.8815834006393833,0,-1.8357414030956336 -1.9513093669475845 -1.9967626599654675 -2.1357021809684915 -2.2045270308278764 -2.182342109227368 -2.281503549779759 -2.289655218562694 -1.3579916949080393 -1.6794150947098736 -1.061023301764564 -1.149195467173011 -0.2952823549312322 -0.14793320088842413 -0.31261754952450743 -0.061257227922065886 -0.12193040899851577 -0.5538398778603415 -0.49076762967499654 -0.7989316692750275 +21112,-1.2649182097028981,0,-1.9513093669475845 -1.9967626599654675 -2.1357021809684915 -2.2045270308278764 -2.182342109227368 -2.281503549779759 -2.289655218562694 -1.3579916949080393 -1.6794150947098736 -1.061023301764564 -1.149195467173011 -0.2952823549312322 -0.14793320088842413 -0.31261754952450743 -0.061257227922065886 -0.12193040899851577 -0.5538398778603415 -0.49076762967499654 -0.7989316692750275 -0.8815834006393833 +21113,-1.4227407103759613,0,-1.9967626599654675 -2.1357021809684915 -2.2045270308278764 -2.182342109227368 -2.281503549779759 -2.289655218562694 -1.3579916949080393 -1.6794150947098736 -1.061023301764564 -1.149195467173011 -0.2952823549312322 -0.14793320088842413 -0.31261754952450743 -0.061257227922065886 -0.12193040899851577 -0.5538398778603415 -0.49076762967499654 -0.7989316692750275 -0.8815834006393833 -1.2649182097028981 +21114,-1.3805119700269812,0,-2.1357021809684915 -2.2045270308278764 -2.182342109227368 -2.281503549779759 -2.289655218562694 -1.3579916949080393 -1.6794150947098736 -1.061023301764564 -1.149195467173011 -0.2952823549312322 -0.14793320088842413 -0.31261754952450743 -0.061257227922065886 -0.12193040899851577 -0.5538398778603415 -0.49076762967499654 -0.7989316692750275 -0.8815834006393833 -1.2649182097028981 -1.4227407103759613 +21115,-1.60501821786216,0,-2.2045270308278764 -2.182342109227368 -2.281503549779759 -2.289655218562694 -1.3579916949080393 -1.6794150947098736 -1.061023301764564 -1.149195467173011 -0.2952823549312322 -0.14793320088842413 -0.31261754952450743 -0.061257227922065886 -0.12193040899851577 -0.5538398778603415 -0.49076762967499654 -0.7989316692750275 -0.8815834006393833 -1.2649182097028981 -1.4227407103759613 -1.3805119700269812 +21116,-1.6294732245205277,0,-2.182342109227368 -2.281503549779759 -2.289655218562694 -1.3579916949080393 -1.6794150947098736 -1.061023301764564 -1.149195467173011 -0.2952823549312322 -0.14793320088842413 -0.31261754952450743 -0.061257227922065886 -0.12193040899851577 -0.5538398778603415 -0.49076762967499654 -0.7989316692750275 -0.8815834006393833 -1.2649182097028981 -1.4227407103759613 -1.3805119700269812 -1.60501821786216 +21117,-1.532040144194951,0,-2.281503549779759 -2.289655218562694 -1.3579916949080393 -1.6794150947098736 -1.061023301764564 -1.149195467173011 -0.2952823549312322 -0.14793320088842413 -0.31261754952450743 -0.061257227922065886 -0.12193040899851577 -0.5538398778603415 -0.49076762967499654 -0.7989316692750275 -0.8815834006393833 -1.2649182097028981 -1.4227407103759613 -1.3805119700269812 -1.60501821786216 -1.6294732245205277 +21118,-1.597124513181297,0,-2.289655218562694 -1.3579916949080393 -1.6794150947098736 -1.061023301764564 -1.149195467173011 -0.2952823549312322 -0.14793320088842413 -0.31261754952450743 -0.061257227922065886 -0.12193040899851577 -0.5538398778603415 -0.49076762967499654 -0.7989316692750275 -0.8815834006393833 -1.2649182097028981 -1.4227407103759613 -1.3805119700269812 -1.60501821786216 -1.6294732245205277 -1.532040144194951 +21119,-1.540320795183699,0,-1.3579916949080393 -1.6794150947098736 -1.061023301764564 -1.149195467173011 -0.2952823549312322 -0.14793320088842413 -0.31261754952450743 -0.061257227922065886 -0.12193040899851577 -0.5538398778603415 -0.49076762967499654 -0.7989316692750275 -0.8815834006393833 -1.2649182097028981 -1.4227407103759613 -1.3805119700269812 -1.60501821786216 -1.6294732245205277 -1.532040144194951 -1.597124513181297 +21120,-1.5472858287256408,0,-1.6794150947098736 -1.061023301764564 -1.149195467173011 -0.2952823549312322 -0.14793320088842413 -0.31261754952450743 -0.061257227922065886 -0.12193040899851577 -0.5538398778603415 -0.49076762967499654 -0.7989316692750275 -0.8815834006393833 -1.2649182097028981 -1.4227407103759613 -1.3805119700269812 -1.60501821786216 -1.6294732245205277 -1.532040144194951 -1.597124513181297 -1.540320795183699 +21121,-1.4692258602664638,0,-1.061023301764564 -1.149195467173011 -0.2952823549312322 -0.14793320088842413 -0.31261754952450743 -0.061257227922065886 -0.12193040899851577 -0.5538398778603415 -0.49076762967499654 -0.7989316692750275 -0.8815834006393833 -1.2649182097028981 -1.4227407103759613 -1.3805119700269812 -1.60501821786216 -1.6294732245205277 -1.532040144194951 -1.597124513181297 -1.540320795183699 -1.5472858287256408 +21122,-1.4549346431920323,0,-1.149195467173011 -0.2952823549312322 -0.14793320088842413 -0.31261754952450743 -0.061257227922065886 -0.12193040899851577 -0.5538398778603415 -0.49076762967499654 -0.7989316692750275 -0.8815834006393833 -1.2649182097028981 -1.4227407103759613 -1.3805119700269812 -1.60501821786216 -1.6294732245205277 -1.532040144194951 -1.597124513181297 -1.540320795183699 -1.5472858287256408 -1.4692258602664638 +21123,-1.2409791314034606,0,-0.2952823549312322 -0.14793320088842413 -0.31261754952450743 -0.061257227922065886 -0.12193040899851577 -0.5538398778603415 -0.49076762967499654 -0.7989316692750275 -0.8815834006393833 -1.2649182097028981 -1.4227407103759613 -1.3805119700269812 -1.60501821786216 -1.6294732245205277 -1.532040144194951 -1.597124513181297 -1.540320795183699 -1.5472858287256408 -1.4692258602664638 -1.4549346431920323 +21124,-1.2932426794401264,0,-0.14793320088842413 -0.31261754952450743 -0.061257227922065886 -0.12193040899851577 -0.5538398778603415 -0.49076762967499654 -0.7989316692750275 -0.8815834006393833 -1.2649182097028981 -1.4227407103759613 -1.3805119700269812 -1.60501821786216 -1.6294732245205277 -1.532040144194951 -1.597124513181297 -1.540320795183699 -1.5472858287256408 -1.4692258602664638 -1.4549346431920323 -1.2409791314034606 +21125,-1.1458419324530718,0,-0.31261754952450743 -0.061257227922065886 -0.12193040899851577 -0.5538398778603415 -0.49076762967499654 -0.7989316692750275 -0.8815834006393833 -1.2649182097028981 -1.4227407103759613 -1.3805119700269812 -1.60501821786216 -1.6294732245205277 -1.532040144194951 -1.597124513181297 -1.540320795183699 -1.5472858287256408 -1.4692258602664638 -1.4549346431920323 -1.2409791314034606 -1.2932426794401264 +21126,-1.1556961651454838,0,-0.061257227922065886 -0.12193040899851577 -0.5538398778603415 -0.49076762967499654 -0.7989316692750275 -0.8815834006393833 -1.2649182097028981 -1.4227407103759613 -1.3805119700269812 -1.60501821786216 -1.6294732245205277 -1.532040144194951 -1.597124513181297 -1.540320795183699 -1.5472858287256408 -1.4692258602664638 -1.4549346431920323 -1.2409791314034606 -1.2932426794401264 -1.1458419324530718 +21127,-0.9558770917533984,0,-0.12193040899851577 -0.5538398778603415 -0.49076762967499654 -0.7989316692750275 -0.8815834006393833 -1.2649182097028981 -1.4227407103759613 -1.3805119700269812 -1.60501821786216 -1.6294732245205277 -1.532040144194951 -1.597124513181297 -1.540320795183699 -1.5472858287256408 -1.4692258602664638 -1.4549346431920323 -1.2409791314034606 -1.2932426794401264 -1.1458419324530718 -1.1556961651454838 +21128,-0.9133129978859941,0,-0.5538398778603415 -0.49076762967499654 -0.7989316692750275 -0.8815834006393833 -1.2649182097028981 -1.4227407103759613 -1.3805119700269812 -1.60501821786216 -1.6294732245205277 -1.532040144194951 -1.597124513181297 -1.540320795183699 -1.5472858287256408 -1.4692258602664638 -1.4549346431920323 -1.2409791314034606 -1.2932426794401264 -1.1458419324530718 -1.1556961651454838 -0.9558770917533984 +21129,-1.116614588049046,0,-0.49076762967499654 -0.7989316692750275 -0.8815834006393833 -1.2649182097028981 -1.4227407103759613 -1.3805119700269812 -1.60501821786216 -1.6294732245205277 -1.532040144194951 -1.597124513181297 -1.540320795183699 -1.5472858287256408 -1.4692258602664638 -1.4549346431920323 -1.2409791314034606 -1.2932426794401264 -1.1458419324530718 -1.1556961651454838 -0.9558770917533984 -0.9133129978859941 +21130,-0.9920952661714895,0,-0.7989316692750275 -0.8815834006393833 -1.2649182097028981 -1.4227407103759613 -1.3805119700269812 -1.60501821786216 -1.6294732245205277 -1.532040144194951 -1.597124513181297 -1.540320795183699 -1.5472858287256408 -1.4692258602664638 -1.4549346431920323 -1.2409791314034606 -1.2932426794401264 -1.1458419324530718 -1.1556961651454838 -0.9558770917533984 -0.9133129978859941 -1.116614588049046 +21131,-1.1134416283243893,0,-0.8815834006393833 -1.2649182097028981 -1.4227407103759613 -1.3805119700269812 -1.60501821786216 -1.6294732245205277 -1.532040144194951 -1.597124513181297 -1.540320795183699 -1.5472858287256408 -1.4692258602664638 -1.4549346431920323 -1.2409791314034606 -1.2932426794401264 -1.1458419324530718 -1.1556961651454838 -0.9558770917533984 -0.9133129978859941 -1.116614588049046 -0.9920952661714895 +21132,-1.108720883368183,0,-1.2649182097028981 -1.4227407103759613 -1.3805119700269812 -1.60501821786216 -1.6294732245205277 -1.532040144194951 -1.597124513181297 -1.540320795183699 -1.5472858287256408 -1.4692258602664638 -1.4549346431920323 -1.2409791314034606 -1.2932426794401264 -1.1458419324530718 -1.1556961651454838 -0.9558770917533984 -0.9133129978859941 -1.116614588049046 -0.9920952661714895 -1.1134416283243893 +21133,-1.2720896145574514,0,-1.4227407103759613 -1.3805119700269812 -1.60501821786216 -1.6294732245205277 -1.532040144194951 -1.597124513181297 -1.540320795183699 -1.5472858287256408 -1.4692258602664638 -1.4549346431920323 -1.2409791314034606 -1.2932426794401264 -1.1458419324530718 -1.1556961651454838 -0.9558770917533984 -0.9133129978859941 -1.116614588049046 -0.9920952661714895 -1.1134416283243893 -1.108720883368183 +21134,-1.3093912386376227,0,-1.3805119700269812 -1.60501821786216 -1.6294732245205277 -1.532040144194951 -1.597124513181297 -1.540320795183699 -1.5472858287256408 -1.4692258602664638 -1.4549346431920323 -1.2409791314034606 -1.2932426794401264 -1.1458419324530718 -1.1556961651454838 -0.9558770917533984 -0.9133129978859941 -1.116614588049046 -0.9920952661714895 -1.1134416283243893 -1.108720883368183 -1.2720896145574514 +21135,-1.417581426322409,0,-1.60501821786216 -1.6294732245205277 -1.532040144194951 -1.597124513181297 -1.540320795183699 -1.5472858287256408 -1.4692258602664638 -1.4549346431920323 -1.2409791314034606 -1.2932426794401264 -1.1458419324530718 -1.1556961651454838 -0.9558770917533984 -0.9133129978859941 -1.116614588049046 -0.9920952661714895 -1.1134416283243893 -1.108720883368183 -1.2720896145574514 -1.3093912386376227 +21136,-1.431253529149435,0,-1.6294732245205277 -1.532040144194951 -1.597124513181297 -1.540320795183699 -1.5472858287256408 -1.4692258602664638 -1.4549346431920323 -1.2409791314034606 -1.2932426794401264 -1.1458419324530718 -1.1556961651454838 -0.9558770917533984 -0.9133129978859941 -1.116614588049046 -0.9920952661714895 -1.1134416283243893 -1.108720883368183 -1.2720896145574514 -1.3093912386376227 -1.417581426322409 +21137,-1.5158141957358793,0,-1.532040144194951 -1.597124513181297 -1.540320795183699 -1.5472858287256408 -1.4692258602664638 -1.4549346431920323 -1.2409791314034606 -1.2932426794401264 -1.1458419324530718 -1.1556961651454838 -0.9558770917533984 -0.9133129978859941 -1.116614588049046 -0.9920952661714895 -1.1134416283243893 -1.108720883368183 -1.2720896145574514 -1.3093912386376227 -1.417581426322409 -1.431253529149435 +21138,-1.5253846676993188,0,-1.597124513181297 -1.540320795183699 -1.5472858287256408 -1.4692258602664638 -1.4549346431920323 -1.2409791314034606 -1.2932426794401264 -1.1458419324530718 -1.1556961651454838 -0.9558770917533984 -0.9133129978859941 -1.116614588049046 -0.9920952661714895 -1.1134416283243893 -1.108720883368183 -1.2720896145574514 -1.3093912386376227 -1.417581426322409 -1.431253529149435 -1.5158141957358793 +21139,-1.6349420656203808,0,-1.540320795183699 -1.5472858287256408 -1.4692258602664638 -1.4549346431920323 -1.2409791314034606 -1.2932426794401264 -1.1458419324530718 -1.1556961651454838 -0.9558770917533984 -0.9133129978859941 -1.116614588049046 -0.9920952661714895 -1.1134416283243893 -1.108720883368183 -1.2720896145574514 -1.3093912386376227 -1.417581426322409 -1.431253529149435 -1.5158141957358793 -1.5253846676993188 +21140,-1.6695092692280096,0,-1.5472858287256408 -1.4692258602664638 -1.4549346431920323 -1.2409791314034606 -1.2932426794401264 -1.1458419324530718 -1.1556961651454838 -0.9558770917533984 -0.9133129978859941 -1.116614588049046 -0.9920952661714895 -1.1134416283243893 -1.108720883368183 -1.2720896145574514 -1.3093912386376227 -1.417581426322409 -1.431253529149435 -1.5158141957358793 -1.5253846676993188 -1.6349420656203808 +21141,-1.695641043168954,0,-1.4692258602664638 -1.4549346431920323 -1.2409791314034606 -1.2932426794401264 -1.1458419324530718 -1.1556961651454838 -0.9558770917533984 -0.9133129978859941 -1.116614588049046 -0.9920952661714895 -1.1134416283243893 -1.108720883368183 -1.2720896145574514 -1.3093912386376227 -1.417581426322409 -1.431253529149435 -1.5158141957358793 -1.5253846676993188 -1.6349420656203808 -1.6695092692280096 +21142,-1.7330200565106917,0,-1.4549346431920323 -1.2409791314034606 -1.2932426794401264 -1.1458419324530718 -1.1556961651454838 -0.9558770917533984 -0.9133129978859941 -1.116614588049046 -0.9920952661714895 -1.1134416283243893 -1.108720883368183 -1.2720896145574514 -1.3093912386376227 -1.417581426322409 -1.431253529149435 -1.5158141957358793 -1.5253846676993188 -1.6349420656203808 -1.6695092692280096 -1.695641043168954 +21143,-1.761963640340531,0,-1.2409791314034606 -1.2932426794401264 -1.1458419324530718 -1.1556961651454838 -0.9558770917533984 -0.9133129978859941 -1.116614588049046 -0.9920952661714895 -1.1134416283243893 -1.108720883368183 -1.2720896145574514 -1.3093912386376227 -1.417581426322409 -1.431253529149435 -1.5158141957358793 -1.5253846676993188 -1.6349420656203808 -1.6695092692280096 -1.695641043168954 -1.7330200565106917 +21144,-1.7114284525306795,0,-1.2932426794401264 -1.1458419324530718 -1.1556961651454838 -0.9558770917533984 -0.9133129978859941 -1.116614588049046 -0.9920952661714895 -1.1134416283243893 -1.108720883368183 -1.2720896145574514 -1.3093912386376227 -1.417581426322409 -1.431253529149435 -1.5158141957358793 -1.5253846676993188 -1.6349420656203808 -1.6695092692280096 -1.695641043168954 -1.7330200565106917 -1.761963640340531 +21145,-1.7668649602920108,0,-1.1458419324530718 -1.1556961651454838 -0.9558770917533984 -0.9133129978859941 -1.116614588049046 -0.9920952661714895 -1.1134416283243893 -1.108720883368183 -1.2720896145574514 -1.3093912386376227 -1.417581426322409 -1.431253529149435 -1.5158141957358793 -1.5253846676993188 -1.6349420656203808 -1.6695092692280096 -1.695641043168954 -1.7330200565106917 -1.761963640340531 -1.7114284525306795 +21146,-1.742822696258866,0,-1.1556961651454838 -0.9558770917533984 -0.9133129978859941 -1.116614588049046 -0.9920952661714895 -1.1134416283243893 -1.108720883368183 -1.2720896145574514 -1.3093912386376227 -1.417581426322409 -1.431253529149435 -1.5158141957358793 -1.5253846676993188 -1.6349420656203808 -1.6695092692280096 -1.695641043168954 -1.7330200565106917 -1.761963640340531 -1.7114284525306795 -1.7668649602920108 +21147,-1.5089007549833982,0,-0.9558770917533984 -0.9133129978859941 -1.116614588049046 -0.9920952661714895 -1.1134416283243893 -1.108720883368183 -1.2720896145574514 -1.3093912386376227 -1.417581426322409 -1.431253529149435 -1.5158141957358793 -1.5253846676993188 -1.6349420656203808 -1.6695092692280096 -1.695641043168954 -1.7330200565106917 -1.761963640340531 -1.7114284525306795 -1.7668649602920108 -1.742822696258866 +21148,-1.5548183835707419,0,-0.9133129978859941 -1.116614588049046 -0.9920952661714895 -1.1134416283243893 -1.108720883368183 -1.2720896145574514 -1.3093912386376227 -1.417581426322409 -1.431253529149435 -1.5158141957358793 -1.5253846676993188 -1.6349420656203808 -1.6695092692280096 -1.695641043168954 -1.7330200565106917 -1.761963640340531 -1.7114284525306795 -1.7668649602920108 -1.742822696258866 -1.5089007549833982 +21149,-1.390856334606191,0,-1.116614588049046 -0.9920952661714895 -1.1134416283243893 -1.108720883368183 -1.2720896145574514 -1.3093912386376227 -1.417581426322409 -1.431253529149435 -1.5158141957358793 -1.5253846676993188 -1.6349420656203808 -1.6695092692280096 -1.695641043168954 -1.7330200565106917 -1.761963640340531 -1.7114284525306795 -1.7668649602920108 -1.742822696258866 -1.5089007549833982 -1.5548183835707419 +21150,-1.4884699899270328,0,-0.9920952661714895 -1.1134416283243893 -1.108720883368183 -1.2720896145574514 -1.3093912386376227 -1.417581426322409 -1.431253529149435 -1.5158141957358793 -1.5253846676993188 -1.6349420656203808 -1.6695092692280096 -1.695641043168954 -1.7330200565106917 -1.761963640340531 -1.7114284525306795 -1.7668649602920108 -1.742822696258866 -1.5089007549833982 -1.5548183835707419 -1.390856334606191 +21151,-1.2373160396372114,0,-1.1134416283243893 -1.108720883368183 -1.2720896145574514 -1.3093912386376227 -1.417581426322409 -1.431253529149435 -1.5158141957358793 -1.5253846676993188 -1.6349420656203808 -1.6695092692280096 -1.695641043168954 -1.7330200565106917 -1.761963640340531 -1.7114284525306795 -1.7668649602920108 -1.742822696258866 -1.5089007549833982 -1.5548183835707419 -1.390856334606191 -1.4884699899270328 +21152,-1.2477377936327823,0,-1.108720883368183 -1.2720896145574514 -1.3093912386376227 -1.417581426322409 -1.431253529149435 -1.5158141957358793 -1.5253846676993188 -1.6349420656203808 -1.6695092692280096 -1.695641043168954 -1.7330200565106917 -1.761963640340531 -1.7114284525306795 -1.7668649602920108 -1.742822696258866 -1.5089007549833982 -1.5548183835707419 -1.390856334606191 -1.4884699899270328 -1.2373160396372114 +21153,-1.3372513728053816,0,-1.2720896145574514 -1.3093912386376227 -1.417581426322409 -1.431253529149435 -1.5158141957358793 -1.5253846676993188 -1.6349420656203808 -1.6695092692280096 -1.695641043168954 -1.7330200565106917 -1.761963640340531 -1.7114284525306795 -1.7668649602920108 -1.742822696258866 -1.5089007549833982 -1.5548183835707419 -1.390856334606191 -1.4884699899270328 -1.2373160396372114 -1.2477377936327823 +21154,-1.3213091849204879,0,-1.3093912386376227 -1.417581426322409 -1.431253529149435 -1.5158141957358793 -1.5253846676993188 -1.6349420656203808 -1.6695092692280096 -1.695641043168954 -1.7330200565106917 -1.761963640340531 -1.7114284525306795 -1.7668649602920108 -1.742822696258866 -1.5089007549833982 -1.5548183835707419 -1.390856334606191 -1.4884699899270328 -1.2373160396372114 -1.2477377936327823 -1.3372513728053816 +21155,-1.3844588223674081,0,-1.417581426322409 -1.431253529149435 -1.5158141957358793 -1.5253846676993188 -1.6349420656203808 -1.6695092692280096 -1.695641043168954 -1.7330200565106917 -1.761963640340531 -1.7114284525306795 -1.7668649602920108 -1.742822696258866 -1.5089007549833982 -1.5548183835707419 -1.390856334606191 -1.4884699899270328 -1.2373160396372114 -1.2477377936327823 -1.3372513728053816 -1.3213091849204879 +21156,-1.3852327149831873,0,-1.431253529149435 -1.5158141957358793 -1.5253846676993188 -1.6349420656203808 -1.6695092692280096 -1.695641043168954 -1.7330200565106917 -1.761963640340531 -1.7114284525306795 -1.7668649602920108 -1.742822696258866 -1.5089007549833982 -1.5548183835707419 -1.390856334606191 -1.4884699899270328 -1.2373160396372114 -1.2477377936327823 -1.3372513728053816 -1.3213091849204879 -1.3844588223674081 +21157,-1.4691742673222172,0,-1.5158141957358793 -1.5253846676993188 -1.6349420656203808 -1.6695092692280096 -1.695641043168954 -1.7330200565106917 -1.761963640340531 -1.7114284525306795 -1.7668649602920108 -1.742822696258866 -1.5089007549833982 -1.5548183835707419 -1.390856334606191 -1.4884699899270328 -1.2373160396372114 -1.2477377936327823 -1.3372513728053816 -1.3213091849204879 -1.3844588223674081 -1.3852327149831873 +21158,-1.4907400749848918,0,-1.5253846676993188 -1.6349420656203808 -1.6695092692280096 -1.695641043168954 -1.7330200565106917 -1.761963640340531 -1.7114284525306795 -1.7668649602920108 -1.742822696258866 -1.5089007549833982 -1.5548183835707419 -1.390856334606191 -1.4884699899270328 -1.2373160396372114 -1.2477377936327823 -1.3372513728053816 -1.3213091849204879 -1.3844588223674081 -1.3852327149831873 -1.4691742673222172 +21159,-1.5464345468482952,0,-1.6349420656203808 -1.6695092692280096 -1.695641043168954 -1.7330200565106917 -1.761963640340531 -1.7114284525306795 -1.7668649602920108 -1.742822696258866 -1.5089007549833982 -1.5548183835707419 -1.390856334606191 -1.4884699899270328 -1.2373160396372114 -1.2477377936327823 -1.3372513728053816 -1.3213091849204879 -1.3844588223674081 -1.3852327149831873 -1.4691742673222172 -1.4907400749848918 +21160,-1.556624132904346,0,-1.6695092692280096 -1.695641043168954 -1.7330200565106917 -1.761963640340531 -1.7114284525306795 -1.7668649602920108 -1.742822696258866 -1.5089007549833982 -1.5548183835707419 -1.390856334606191 -1.4884699899270328 -1.2373160396372114 -1.2477377936327823 -1.3372513728053816 -1.3213091849204879 -1.3844588223674081 -1.3852327149831873 -1.4691742673222172 -1.4907400749848918 -1.5464345468482952 +21161,-1.6009423834706968,0,-1.695641043168954 -1.7330200565106917 -1.761963640340531 -1.7114284525306795 -1.7668649602920108 -1.742822696258866 -1.5089007549833982 -1.5548183835707419 -1.390856334606191 -1.4884699899270328 -1.2373160396372114 -1.2477377936327823 -1.3372513728053816 -1.3213091849204879 -1.3844588223674081 -1.3852327149831873 -1.4691742673222172 -1.4907400749848918 -1.5464345468482952 -1.556624132904346 +21162,-1.5942611105029416,0,-1.7330200565106917 -1.761963640340531 -1.7114284525306795 -1.7668649602920108 -1.742822696258866 -1.5089007549833982 -1.5548183835707419 -1.390856334606191 -1.4884699899270328 -1.2373160396372114 -1.2477377936327823 -1.3372513728053816 -1.3213091849204879 -1.3844588223674081 -1.3852327149831873 -1.4691742673222172 -1.4907400749848918 -1.5464345468482952 -1.556624132904346 -1.6009423834706968 +21163,-1.6555792021441256,0,-1.761963640340531 -1.7114284525306795 -1.7668649602920108 -1.742822696258866 -1.5089007549833982 -1.5548183835707419 -1.390856334606191 -1.4884699899270328 -1.2373160396372114 -1.2477377936327823 -1.3372513728053816 -1.3213091849204879 -1.3844588223674081 -1.3852327149831873 -1.4691742673222172 -1.4907400749848918 -1.5464345468482952 -1.556624132904346 -1.6009423834706968 -1.5942611105029416 +21164,-1.6658977702512212,0,-1.7114284525306795 -1.7668649602920108 -1.742822696258866 -1.5089007549833982 -1.5548183835707419 -1.390856334606191 -1.4884699899270328 -1.2373160396372114 -1.2477377936327823 -1.3372513728053816 -1.3213091849204879 -1.3844588223674081 -1.3852327149831873 -1.4691742673222172 -1.4907400749848918 -1.5464345468482952 -1.556624132904346 -1.6009423834706968 -1.5942611105029416 -1.6555792021441256 +21165,-1.699897452555691,0,-1.7668649602920108 -1.742822696258866 -1.5089007549833982 -1.5548183835707419 -1.390856334606191 -1.4884699899270328 -1.2373160396372114 -1.2477377936327823 -1.3372513728053816 -1.3213091849204879 -1.3844588223674081 -1.3852327149831873 -1.4691742673222172 -1.4907400749848918 -1.5464345468482952 -1.556624132904346 -1.6009423834706968 -1.5942611105029416 -1.6555792021441256 -1.6658977702512212 +21166,-1.7023223161367005,0,-1.742822696258866 -1.5089007549833982 -1.5548183835707419 -1.390856334606191 -1.4884699899270328 -1.2373160396372114 -1.2477377936327823 -1.3372513728053816 -1.3213091849204879 -1.3844588223674081 -1.3852327149831873 -1.4691742673222172 -1.4907400749848918 -1.5464345468482952 -1.556624132904346 -1.6009423834706968 -1.5942611105029416 -1.6555792021441256 -1.6658977702512212 -1.699897452555691 +21167,-1.7284282936055217,0,-1.5089007549833982 -1.5548183835707419 -1.390856334606191 -1.4884699899270328 -1.2373160396372114 -1.2477377936327823 -1.3372513728053816 -1.3213091849204879 -1.3844588223674081 -1.3852327149831873 -1.4691742673222172 -1.4907400749848918 -1.5464345468482952 -1.556624132904346 -1.6009423834706968 -1.5942611105029416 -1.6555792021441256 -1.6658977702512212 -1.699897452555691 -1.7023223161367005 +21168,-1.7532186537823136,0,-1.5548183835707419 -1.390856334606191 -1.4884699899270328 -1.2373160396372114 -1.2477377936327823 -1.3372513728053816 -1.3213091849204879 -1.3844588223674081 -1.3852327149831873 -1.4691742673222172 -1.4907400749848918 -1.5464345468482952 -1.556624132904346 -1.6009423834706968 -1.5942611105029416 -1.6555792021441256 -1.6658977702512212 -1.699897452555691 -1.7023223161367005 -1.7284282936055217 +21169,-1.7797631705032666,0,-1.390856334606191 -1.4884699899270328 -1.2373160396372114 -1.2477377936327823 -1.3372513728053816 -1.3213091849204879 -1.3844588223674081 -1.3852327149831873 -1.4691742673222172 -1.4907400749848918 -1.5464345468482952 -1.556624132904346 -1.6009423834706968 -1.5942611105029416 -1.6555792021441256 -1.6658977702512212 -1.699897452555691 -1.7023223161367005 -1.7284282936055217 -1.7532186537823136 +21170,-1.8049920697773958,0,-1.4884699899270328 -1.2373160396372114 -1.2477377936327823 -1.3372513728053816 -1.3213091849204879 -1.3844588223674081 -1.3852327149831873 -1.4691742673222172 -1.4907400749848918 -1.5464345468482952 -1.556624132904346 -1.6009423834706968 -1.5942611105029416 -1.6555792021441256 -1.6658977702512212 -1.699897452555691 -1.7023223161367005 -1.7284282936055217 -1.7532186537823136 -1.7797631705032666 +21171,-1.732478331679656,0,-1.2373160396372114 -1.2477377936327823 -1.3372513728053816 -1.3213091849204879 -1.3844588223674081 -1.3852327149831873 -1.4691742673222172 -1.4907400749848918 -1.5464345468482952 -1.556624132904346 -1.6009423834706968 -1.5942611105029416 -1.6555792021441256 -1.6658977702512212 -1.699897452555691 -1.7023223161367005 -1.7284282936055217 -1.7532186537823136 -1.7797631705032666 -1.8049920697773958 +21172,-1.7902881100777503,0,-1.2477377936327823 -1.3372513728053816 -1.3213091849204879 -1.3844588223674081 -1.3852327149831873 -1.4691742673222172 -1.4907400749848918 -1.5464345468482952 -1.556624132904346 -1.6009423834706968 -1.5942611105029416 -1.6555792021441256 -1.6658977702512212 -1.699897452555691 -1.7023223161367005 -1.7284282936055217 -1.7532186537823136 -1.7797631705032666 -1.8049920697773958 -1.732478331679656 +21173,-1.7503552511039582,0,-1.3372513728053816 -1.3213091849204879 -1.3844588223674081 -1.3852327149831873 -1.4691742673222172 -1.4907400749848918 -1.5464345468482952 -1.556624132904346 -1.6009423834706968 -1.5942611105029416 -1.6555792021441256 -1.6658977702512212 -1.699897452555691 -1.7023223161367005 -1.7284282936055217 -1.7532186537823136 -1.7797631705032666 -1.8049920697773958 -1.732478331679656 -1.7902881100777503 +21174,-1.6274611037195263,0,-1.3213091849204879 -1.3844588223674081 -1.3852327149831873 -1.4691742673222172 -1.4907400749848918 -1.5464345468482952 -1.556624132904346 -1.6009423834706968 -1.5942611105029416 -1.6555792021441256 -1.6658977702512212 -1.699897452555691 -1.7023223161367005 -1.7284282936055217 -1.7532186537823136 -1.7797631705032666 -1.8049920697773958 -1.732478331679656 -1.7902881100777503 -1.7503552511039582 +21175,-1.6151820076008818,0,-1.3844588223674081 -1.3852327149831873 -1.4691742673222172 -1.4907400749848918 -1.5464345468482952 -1.556624132904346 -1.6009423834706968 -1.5942611105029416 -1.6555792021441256 -1.6658977702512212 -1.699897452555691 -1.7023223161367005 -1.7284282936055217 -1.7532186537823136 -1.7797631705032666 -1.8049920697773958 -1.732478331679656 -1.7902881100777503 -1.7503552511039582 -1.6274611037195263 +21176,-1.5199416229168032,0,-1.3852327149831873 -1.4691742673222172 -1.4907400749848918 -1.5464345468482952 -1.556624132904346 -1.6009423834706968 -1.5942611105029416 -1.6555792021441256 -1.6658977702512212 -1.699897452555691 -1.7023223161367005 -1.7284282936055217 -1.7532186537823136 -1.7797631705032666 -1.8049920697773958 -1.732478331679656 -1.7902881100777503 -1.7503552511039582 -1.6274611037195263 -1.6151820076008818 +21177,-1.6398433855718608,0,-1.4691742673222172 -1.4907400749848918 -1.5464345468482952 -1.556624132904346 -1.6009423834706968 -1.5942611105029416 -1.6555792021441256 -1.6658977702512212 -1.699897452555691 -1.7023223161367005 -1.7284282936055217 -1.7532186537823136 -1.7797631705032666 -1.8049920697773958 -1.732478331679656 -1.7902881100777503 -1.7503552511039582 -1.6274611037195263 -1.6151820076008818 -1.5199416229168032 +21178,-1.4728889518779185,0,-1.4907400749848918 -1.5464345468482952 -1.556624132904346 -1.6009423834706968 -1.5942611105029416 -1.6555792021441256 -1.6658977702512212 -1.699897452555691 -1.7023223161367005 -1.7284282936055217 -1.7532186537823136 -1.7797631705032666 -1.8049920697773958 -1.732478331679656 -1.7902881100777503 -1.7503552511039582 -1.6274611037195263 -1.6151820076008818 -1.5199416229168032 -1.6398433855718608 +21179,-1.5210766655231212,0,-1.5464345468482952 -1.556624132904346 -1.6009423834706968 -1.5942611105029416 -1.6555792021441256 -1.6658977702512212 -1.699897452555691 -1.7023223161367005 -1.7284282936055217 -1.7532186537823136 -1.7797631705032666 -1.8049920697773958 -1.732478331679656 -1.7902881100777503 -1.7503552511039582 -1.6274611037195263 -1.6151820076008818 -1.5199416229168032 -1.6398433855718608 -1.4728889518779185 +21180,-1.6589585331814025,0,-1.556624132904346 -1.6009423834706968 -1.5942611105029416 -1.6555792021441256 -1.6658977702512212 -1.699897452555691 -1.7023223161367005 -1.7284282936055217 -1.7532186537823136 -1.7797631705032666 -1.8049920697773958 -1.732478331679656 -1.7902881100777503 -1.7503552511039582 -1.6274611037195263 -1.6151820076008818 -1.5199416229168032 -1.6398433855718608 -1.4728889518779185 -1.5210766655231212 +21181,-1.677248195385722,0,-1.6009423834706968 -1.5942611105029416 -1.6555792021441256 -1.6658977702512212 -1.699897452555691 -1.7023223161367005 -1.7284282936055217 -1.7532186537823136 -1.7797631705032666 -1.8049920697773958 -1.732478331679656 -1.7902881100777503 -1.7503552511039582 -1.6274611037195263 -1.6151820076008818 -1.5199416229168032 -1.6398433855718608 -1.4728889518779185 -1.5210766655231212 -1.6589585331814025 +21182,-1.7852320116031197,0,-1.5942611105029416 -1.6555792021441256 -1.6658977702512212 -1.699897452555691 -1.7023223161367005 -1.7284282936055217 -1.7532186537823136 -1.7797631705032666 -1.8049920697773958 -1.732478331679656 -1.7902881100777503 -1.7503552511039582 -1.6274611037195263 -1.6151820076008818 -1.5199416229168032 -1.6398433855718608 -1.4728889518779185 -1.5210766655231212 -1.6589585331814025 -1.677248195385722 +21183,-1.8310722509288881,0,-1.6555792021441256 -1.6658977702512212 -1.699897452555691 -1.7023223161367005 -1.7284282936055217 -1.7532186537823136 -1.7797631705032666 -1.8049920697773958 -1.732478331679656 -1.7902881100777503 -1.7503552511039582 -1.6274611037195263 -1.6151820076008818 -1.5199416229168032 -1.6398433855718608 -1.4728889518779185 -1.5210766655231212 -1.6589585331814025 -1.677248195385722 -1.7852320116031197 +21184,-1.9597705929316063,0,-1.6658977702512212 -1.699897452555691 -1.7023223161367005 -1.7284282936055217 -1.7532186537823136 -1.7797631705032666 -1.8049920697773958 -1.732478331679656 -1.7902881100777503 -1.7503552511039582 -1.6274611037195263 -1.6151820076008818 -1.5199416229168032 -1.6398433855718608 -1.4728889518779185 -1.5210766655231212 -1.6589585331814025 -1.677248195385722 -1.7852320116031197 -1.8310722509288881 +21185,-2.026325357887918,0,-1.699897452555691 -1.7023223161367005 -1.7284282936055217 -1.7532186537823136 -1.7797631705032666 -1.8049920697773958 -1.732478331679656 -1.7902881100777503 -1.7503552511039582 -1.6274611037195263 -1.6151820076008818 -1.5199416229168032 -1.6398433855718608 -1.4728889518779185 -1.5210766655231212 -1.6589585331814025 -1.677248195385722 -1.7852320116031197 -1.8310722509288881 -1.9597705929316063 +21186,-2.051941203469941,0,-1.7023223161367005 -1.7284282936055217 -1.7532186537823136 -1.7797631705032666 -1.8049920697773958 -1.732478331679656 -1.7902881100777503 -1.7503552511039582 -1.6274611037195263 -1.6151820076008818 -1.5199416229168032 -1.6398433855718608 -1.4728889518779185 -1.5210766655231212 -1.6589585331814025 -1.677248195385722 -1.7852320116031197 -1.8310722509288881 -1.9597705929316063 -2.026325357887918 +21187,-2.132142274935941,0,-1.7284282936055217 -1.7532186537823136 -1.7797631705032666 -1.8049920697773958 -1.732478331679656 -1.7902881100777503 -1.7503552511039582 -1.6274611037195263 -1.6151820076008818 -1.5199416229168032 -1.6398433855718608 -1.4728889518779185 -1.5210766655231212 -1.6589585331814025 -1.677248195385722 -1.7852320116031197 -1.8310722509288881 -1.9597705929316063 -2.026325357887918 -2.051941203469941 +21188,-2.1714044268728756,0,-1.7532186537823136 -1.7797631705032666 -1.8049920697773958 -1.732478331679656 -1.7902881100777503 -1.7503552511039582 -1.6274611037195263 -1.6151820076008818 -1.5199416229168032 -1.6398433855718608 -1.4728889518779185 -1.5210766655231212 -1.6589585331814025 -1.677248195385722 -1.7852320116031197 -1.8310722509288881 -1.9597705929316063 -2.026325357887918 -2.051941203469941 -2.132142274935941 +21189,-2.2448726325816684,0,-1.7797631705032666 -1.8049920697773958 -1.732478331679656 -1.7902881100777503 -1.7503552511039582 -1.6274611037195263 -1.6151820076008818 -1.5199416229168032 -1.6398433855718608 -1.4728889518779185 -1.5210766655231212 -1.6589585331814025 -1.677248195385722 -1.7852320116031197 -1.8310722509288881 -1.9597705929316063 -2.026325357887918 -2.051941203469941 -2.132142274935941 -2.1714044268728756 +21190,-2.2727327667494186,0,-1.8049920697773958 -1.732478331679656 -1.7902881100777503 -1.7503552511039582 -1.6274611037195263 -1.6151820076008818 -1.5199416229168032 -1.6398433855718608 -1.4728889518779185 -1.5210766655231212 -1.6589585331814025 -1.677248195385722 -1.7852320116031197 -1.8310722509288881 -1.9597705929316063 -2.026325357887918 -2.051941203469941 -2.132142274935941 -2.1714044268728756 -2.2448726325816684 +21191,-2.3347989545342673,0,-1.732478331679656 -1.7902881100777503 -1.7503552511039582 -1.6274611037195263 -1.6151820076008818 -1.5199416229168032 -1.6398433855718608 -1.4728889518779185 -1.5210766655231212 -1.6589585331814025 -1.677248195385722 -1.7852320116031197 -1.8310722509288881 -1.9597705929316063 -2.026325357887918 -2.051941203469941 -2.132142274935941 -2.1714044268728756 -2.2448726325816684 -2.2727327667494186 +21192,-2.3039206391649936,0,-1.7902881100777503 -1.7503552511039582 -1.6274611037195263 -1.6151820076008818 -1.5199416229168032 -1.6398433855718608 -1.4728889518779185 -1.5210766655231212 -1.6589585331814025 -1.677248195385722 -1.7852320116031197 -1.8310722509288881 -1.9597705929316063 -2.026325357887918 -2.051941203469941 -2.132142274935941 -2.1714044268728756 -2.2448726325816684 -2.2727327667494186 -2.3347989545342673 +21193,-2.396968328052797,0,-1.7503552511039582 -1.6274611037195263 -1.6151820076008818 -1.5199416229168032 -1.6398433855718608 -1.4728889518779185 -1.5210766655231212 -1.6589585331814025 -1.677248195385722 -1.7852320116031197 -1.8310722509288881 -1.9597705929316063 -2.026325357887918 -2.051941203469941 -2.132142274935941 -2.1714044268728756 -2.2448726325816684 -2.2727327667494186 -2.3347989545342673 -2.3039206391649936 +21194,-2.39707151363171,0,-1.6274611037195263 -1.6151820076008818 -1.5199416229168032 -1.6398433855718608 -1.4728889518779185 -1.5210766655231212 -1.6589585331814025 -1.677248195385722 -1.7852320116031197 -1.8310722509288881 -1.9597705929316063 -2.026325357887918 -2.051941203469941 -2.132142274935941 -2.1714044268728756 -2.2448726325816684 -2.2727327667494186 -2.3347989545342673 -2.3039206391649936 -2.396968328052797 +21195,-1.7293053719549905,0,-1.6151820076008818 -1.5199416229168032 -1.6398433855718608 -1.4728889518779185 -1.5210766655231212 -1.6589585331814025 -1.677248195385722 -1.7852320116031197 -1.8310722509288881 -1.9597705929316063 -2.026325357887918 -2.051941203469941 -2.132142274935941 -2.1714044268728756 -2.2448726325816684 -2.2727327667494186 -2.3347989545342673 -2.3039206391649936 -2.396968328052797 -2.39707151363171 +21196,-1.952031666773894,0,-1.5199416229168032 -1.6398433855718608 -1.4728889518779185 -1.5210766655231212 -1.6589585331814025 -1.677248195385722 -1.7852320116031197 -1.8310722509288881 -1.9597705929316063 -2.026325357887918 -2.051941203469941 -2.132142274935941 -2.1714044268728756 -2.2448726325816684 -2.2727327667494186 -2.3347989545342673 -2.3039206391649936 -2.396968328052797 -2.39707151363171 -1.7293053719549905 +21197,-1.5068886341823882,0,-1.6398433855718608 -1.4728889518779185 -1.5210766655231212 -1.6589585331814025 -1.677248195385722 -1.7852320116031197 -1.8310722509288881 -1.9597705929316063 -2.026325357887918 -2.051941203469941 -2.132142274935941 -2.1714044268728756 -2.2448726325816684 -2.2727327667494186 -2.3347989545342673 -2.3039206391649936 -2.396968328052797 -2.39707151363171 -1.7293053719549905 -1.952031666773894 +21198,-1.5064242986129277,0,-1.4728889518779185 -1.5210766655231212 -1.6589585331814025 -1.677248195385722 -1.7852320116031197 -1.8310722509288881 -1.9597705929316063 -2.026325357887918 -2.051941203469941 -2.132142274935941 -2.1714044268728756 -2.2448726325816684 -2.2727327667494186 -2.3347989545342673 -2.3039206391649936 -2.396968328052797 -2.39707151363171 -1.7293053719549905 -1.952031666773894 -1.5068886341823882 +21199,-0.913055033629145,0,-1.5210766655231212 -1.6589585331814025 -1.677248195385722 -1.7852320116031197 -1.8310722509288881 -1.9597705929316063 -2.026325357887918 -2.051941203469941 -2.132142274935941 -2.1714044268728756 -2.2448726325816684 -2.2727327667494186 -2.3347989545342673 -2.3039206391649936 -2.396968328052797 -2.39707151363171 -1.7293053719549905 -1.952031666773894 -1.5068886341823882 -1.5064242986129277 +21200,-0.7643644658221844,0,-1.6589585331814025 -1.677248195385722 -1.7852320116031197 -1.8310722509288881 -1.9597705929316063 -2.026325357887918 -2.051941203469941 -2.132142274935941 -2.1714044268728756 -2.2448726325816684 -2.2727327667494186 -2.3347989545342673 -2.3039206391649936 -2.396968328052797 -2.39707151363171 -1.7293053719549905 -1.952031666773894 -1.5068886341823882 -1.5064242986129277 -0.913055033629145 +21201,-0.8881614878734313,0,-1.677248195385722 -1.7852320116031197 -1.8310722509288881 -1.9597705929316063 -2.026325357887918 -2.051941203469941 -2.132142274935941 -2.1714044268728756 -2.2448726325816684 -2.2727327667494186 -2.3347989545342673 -2.3039206391649936 -2.396968328052797 -2.39707151363171 -1.7293053719549905 -1.952031666773894 -1.5068886341823882 -1.5064242986129277 -0.913055033629145 -0.7643644658221844 +21202,-0.6486417232922972,0,-1.7852320116031197 -1.8310722509288881 -1.9597705929316063 -2.026325357887918 -2.051941203469941 -2.132142274935941 -2.1714044268728756 -2.2448726325816684 -2.2727327667494186 -2.3347989545342673 -2.3039206391649936 -2.396968328052797 -2.39707151363171 -1.7293053719549905 -1.952031666773894 -1.5068886341823882 -1.5064242986129277 -0.913055033629145 -0.7643644658221844 -0.8881614878734313 +21203,-0.6816095487241387,0,-1.8310722509288881 -1.9597705929316063 -2.026325357887918 -2.051941203469941 -2.132142274935941 -2.1714044268728756 -2.2448726325816684 -2.2727327667494186 -2.3347989545342673 -2.3039206391649936 -2.396968328052797 -2.39707151363171 -1.7293053719549905 -1.952031666773894 -1.5068886341823882 -1.5064242986129277 -0.913055033629145 -0.7643644658221844 -0.8881614878734313 -0.6486417232922972 +21204,-0.8920309509522919,0,-1.9597705929316063 -2.026325357887918 -2.051941203469941 -2.132142274935941 -2.1714044268728756 -2.2448726325816684 -2.2727327667494186 -2.3347989545342673 -2.3039206391649936 -2.396968328052797 -2.39707151363171 -1.7293053719549905 -1.952031666773894 -1.5068886341823882 -1.5064242986129277 -0.913055033629145 -0.7643644658221844 -0.8881614878734313 -0.6486417232922972 -0.6816095487241387 +21205,-0.8658475840671097,0,-2.026325357887918 -2.051941203469941 -2.132142274935941 -2.1714044268728756 -2.2448726325816684 -2.2727327667494186 -2.3347989545342673 -2.3039206391649936 -2.396968328052797 -2.39707151363171 -1.7293053719549905 -1.952031666773894 -1.5068886341823882 -1.5064242986129277 -0.913055033629145 -0.7643644658221844 -0.8881614878734313 -0.6486417232922972 -0.6816095487241387 -0.8920309509522919 +21206,-1.0171177941330072,0,-2.051941203469941 -2.132142274935941 -2.1714044268728756 -2.2448726325816684 -2.2727327667494186 -2.3347989545342673 -2.3039206391649936 -2.396968328052797 -2.39707151363171 -1.7293053719549905 -1.952031666773894 -1.5068886341823882 -1.5064242986129277 -0.913055033629145 -0.7643644658221844 -0.8881614878734313 -0.6486417232922972 -0.6816095487241387 -0.8920309509522919 -0.8658475840671097 +21207,-1.3878639498767995,0,-2.132142274935941 -2.1714044268728756 -2.2448726325816684 -2.2727327667494186 -2.3347989545342673 -2.3039206391649936 -2.396968328052797 -2.39707151363171 -1.7293053719549905 -1.952031666773894 -1.5068886341823882 -1.5064242986129277 -0.913055033629145 -0.7643644658221844 -0.8881614878734313 -0.6486417232922972 -0.6816095487241387 -0.8920309509522919 -0.8658475840671097 -1.0171177941330072 +21208,-1.465975511280223,0,-2.1714044268728756 -2.2448726325816684 -2.2727327667494186 -2.3347989545342673 -2.3039206391649936 -2.396968328052797 -2.39707151363171 -1.7293053719549905 -1.952031666773894 -1.5068886341823882 -1.5064242986129277 -0.913055033629145 -0.7643644658221844 -0.8881614878734313 -0.6486417232922972 -0.6816095487241387 -0.8920309509522919 -0.8658475840671097 -1.0171177941330072 -1.3878639498767995 +21209,-1.7635630183615325,0,-2.2448726325816684 -2.2727327667494186 -2.3347989545342673 -2.3039206391649936 -2.396968328052797 -2.39707151363171 -1.7293053719549905 -1.952031666773894 -1.5068886341823882 -1.5064242986129277 -0.913055033629145 -0.7643644658221844 -0.8881614878734313 -0.6486417232922972 -0.6816095487241387 -0.8920309509522919 -0.8658475840671097 -1.0171177941330072 -1.3878639498767995 -1.465975511280223 +21210,-1.8171421838450044,0,-2.2727327667494186 -2.3347989545342673 -2.3039206391649936 -2.396968328052797 -2.39707151363171 -1.7293053719549905 -1.952031666773894 -1.5068886341823882 -1.5064242986129277 -0.913055033629145 -0.7643644658221844 -0.8881614878734313 -0.6486417232922972 -0.6816095487241387 -0.8920309509522919 -0.8658475840671097 -1.0171177941330072 -1.3878639498767995 -1.465975511280223 -1.7635630183615325 +21211,-2.1960658049986317,0,-2.3347989545342673 -2.3039206391649936 -2.396968328052797 -2.39707151363171 -1.7293053719549905 -1.952031666773894 -1.5068886341823882 -1.5064242986129277 -0.913055033629145 -0.7643644658221844 -0.8881614878734313 -0.6486417232922972 -0.6816095487241387 -0.8920309509522919 -0.8658475840671097 -1.0171177941330072 -1.3878639498767995 -1.465975511280223 -1.7635630183615325 -1.8171421838450044 +21212,-2.3309810842448675,0,-2.3039206391649936 -2.396968328052797 -2.39707151363171 -1.7293053719549905 -1.952031666773894 -1.5068886341823882 -1.5064242986129277 -0.913055033629145 -0.7643644658221844 -0.8881614878734313 -0.6486417232922972 -0.6816095487241387 -0.8920309509522919 -0.8658475840671097 -1.0171177941330072 -1.3878639498767995 -1.465975511280223 -1.7635630183615325 -1.8171421838450044 -2.1960658049986317 +21213,-2.3794525584642483,0,-2.396968328052797 -2.39707151363171 -1.7293053719549905 -1.952031666773894 -1.5068886341823882 -1.5064242986129277 -0.913055033629145 -0.7643644658221844 -0.8881614878734313 -0.6486417232922972 -0.6816095487241387 -0.8920309509522919 -0.8658475840671097 -1.0171177941330072 -1.3878639498767995 -1.465975511280223 -1.7635630183615325 -1.8171421838450044 -2.1960658049986317 -2.3309810842448675 +21214,-2.5431824394892875,0,-2.39707151363171 -1.7293053719549905 -1.952031666773894 -1.5068886341823882 -1.5064242986129277 -0.913055033629145 -0.7643644658221844 -0.8881614878734313 -0.6486417232922972 -0.6816095487241387 -0.8920309509522919 -0.8658475840671097 -1.0171177941330072 -1.3878639498767995 -1.465975511280223 -1.7635630183615325 -1.8171421838450044 -2.1960658049986317 -2.3309810842448675 -2.3794525584642483 +21215,-2.6204685154874796,0,-1.7293053719549905 -1.952031666773894 -1.5068886341823882 -1.5064242986129277 -0.913055033629145 -0.7643644658221844 -0.8881614878734313 -0.6486417232922972 -0.6816095487241387 -0.8920309509522919 -0.8658475840671097 -1.0171177941330072 -1.3878639498767995 -1.465975511280223 -1.7635630183615325 -1.8171421838450044 -2.1960658049986317 -2.3309810842448675 -2.3794525584642483 -2.5431824394892875 +21216,-2.603339692206816,0,-1.952031666773894 -1.5068886341823882 -1.5064242986129277 -0.913055033629145 -0.7643644658221844 -0.8881614878734313 -0.6486417232922972 -0.6816095487241387 -0.8920309509522919 -0.8658475840671097 -1.0171177941330072 -1.3878639498767995 -1.465975511280223 -1.7635630183615325 -1.8171421838450044 -2.1960658049986317 -2.3309810842448675 -2.3794525584642483 -2.5431824394892875 -2.6204685154874796 +21217,-2.71209740119477,0,-1.5068886341823882 -1.5064242986129277 -0.913055033629145 -0.7643644658221844 -0.8881614878734313 -0.6486417232922972 -0.6816095487241387 -0.8920309509522919 -0.8658475840671097 -1.0171177941330072 -1.3878639498767995 -1.465975511280223 -1.7635630183615325 -1.8171421838450044 -2.1960658049986317 -2.3309810842448675 -2.3794525584642483 -2.5431824394892875 -2.6204685154874796 -2.603339692206816 +21218,-2.726440210903877,0,-1.5064242986129277 -0.913055033629145 -0.7643644658221844 -0.8881614878734313 -0.6486417232922972 -0.6816095487241387 -0.8920309509522919 -0.8658475840671097 -1.0171177941330072 -1.3878639498767995 -1.465975511280223 -1.7635630183615325 -1.8171421838450044 -2.1960658049986317 -2.3309810842448675 -2.3794525584642483 -2.5431824394892875 -2.6204685154874796 -2.603339692206816 -2.71209740119477 +21219,-1.6553986271488519,0,-0.913055033629145 -0.7643644658221844 -0.8881614878734313 -0.6486417232922972 -0.6816095487241387 -0.8920309509522919 -0.8658475840671097 -1.0171177941330072 -1.3878639498767995 -1.465975511280223 -1.7635630183615325 -1.8171421838450044 -2.1960658049986317 -2.3309810842448675 -2.3794525584642483 -2.5431824394892875 -2.6204685154874796 -2.603339692206816 -2.71209740119477 -2.726440210903877 +21220,-2.031536234885708,0,-0.7643644658221844 -0.8881614878734313 -0.6486417232922972 -0.6816095487241387 -0.8920309509522919 -0.8658475840671097 -1.0171177941330072 -1.3878639498767995 -1.465975511280223 -1.7635630183615325 -1.8171421838450044 -2.1960658049986317 -2.3309810842448675 -2.3794525584642483 -2.5431824394892875 -2.6204685154874796 -2.603339692206816 -2.71209740119477 -2.726440210903877 -1.6553986271488519 +21221,-1.3222894488488783,0,-0.8881614878734313 -0.6486417232922972 -0.6816095487241387 -0.8920309509522919 -0.8658475840671097 -1.0171177941330072 -1.3878639498767995 -1.465975511280223 -1.7635630183615325 -1.8171421838450044 -2.1960658049986317 -2.3309810842448675 -2.3794525584642483 -2.5431824394892875 -2.6204685154874796 -2.603339692206816 -2.71209740119477 -2.726440210903877 -1.6553986271488519 -2.031536234885708 +21222,-1.4500075269232149,0,-0.6486417232922972 -0.6816095487241387 -0.8920309509522919 -0.8658475840671097 -1.0171177941330072 -1.3878639498767995 -1.465975511280223 -1.7635630183615325 -1.8171421838450044 -2.1960658049986317 -2.3309810842448675 -2.3794525584642483 -2.5431824394892875 -2.6204685154874796 -2.603339692206816 -2.71209740119477 -2.726440210903877 -1.6553986271488519 -2.031536234885708 -1.3222894488488783 +21223,-0.4617724530557053,0,-0.6816095487241387 -0.8920309509522919 -0.8658475840671097 -1.0171177941330072 -1.3878639498767995 -1.465975511280223 -1.7635630183615325 -1.8171421838450044 -2.1960658049986317 -2.3309810842448675 -2.3794525584642483 -2.5431824394892875 -2.6204685154874796 -2.603339692206816 -2.71209740119477 -2.726440210903877 -1.6553986271488519 -2.031536234885708 -1.3222894488488783 -1.4500075269232149 +21224,-0.31050224298979895,0,-0.8920309509522919 -0.8658475840671097 -1.0171177941330072 -1.3878639498767995 -1.465975511280223 -1.7635630183615325 -1.8171421838450044 -2.1960658049986317 -2.3309810842448675 -2.3794525584642483 -2.5431824394892875 -2.6204685154874796 -2.603339692206816 -2.71209740119477 -2.726440210903877 -1.6553986271488519 -2.031536234885708 -1.3222894488488783 -1.4500075269232149 -0.4617724530557053 +21225,-0.400686529199247,0,-0.8658475840671097 -1.0171177941330072 -1.3878639498767995 -1.465975511280223 -1.7635630183615325 -1.8171421838450044 -2.1960658049986317 -2.3309810842448675 -2.3794525584642483 -2.5431824394892875 -2.6204685154874796 -2.603339692206816 -2.71209740119477 -2.726440210903877 -1.6553986271488519 -2.031536234885708 -1.3222894488488783 -1.4500075269232149 -0.4617724530557053 -0.31050224298979895 +21226,-0.16893148724793966,0,-1.0171177941330072 -1.3878639498767995 -1.465975511280223 -1.7635630183615325 -1.8171421838450044 -2.1960658049986317 -2.3309810842448675 -2.3794525584642483 -2.5431824394892875 -2.6204685154874796 -2.603339692206816 -2.71209740119477 -2.726440210903877 -1.6553986271488519 -2.031536234885708 -1.3222894488488783 -1.4500075269232149 -0.4617724530557053 -0.31050224298979895 -0.400686529199247 +21227,-0.17863094126241538,0,-1.3878639498767995 -1.465975511280223 -1.7635630183615325 -1.8171421838450044 -2.1960658049986317 -2.3309810842448675 -2.3794525584642483 -2.5431824394892875 -2.6204685154874796 -2.603339692206816 -2.71209740119477 -2.726440210903877 -1.6553986271488519 -2.031536234885708 -1.3222894488488783 -1.4500075269232149 -0.4617724530557053 -0.31050224298979895 -0.400686529199247 -0.16893148724793966 +21228,-0.6557615353573809,0,-1.465975511280223 -1.7635630183615325 -1.8171421838450044 -2.1960658049986317 -2.3309810842448675 -2.3794525584642483 -2.5431824394892875 -2.6204685154874796 -2.603339692206816 -2.71209740119477 -2.726440210903877 -1.6553986271488519 -2.031536234885708 -1.3222894488488783 -1.4500075269232149 -0.4617724530557053 -0.31050224298979895 -0.400686529199247 -0.16893148724793966 -0.17863094126241538 +21229,-0.5096506094998124,0,-1.7635630183615325 -1.8171421838450044 -2.1960658049986317 -2.3309810842448675 -2.3794525584642483 -2.5431824394892875 -2.6204685154874796 -2.603339692206816 -2.71209740119477 -2.726440210903877 -1.6553986271488519 -2.031536234885708 -1.3222894488488783 -1.4500075269232149 -0.4617724530557053 -0.31050224298979895 -0.400686529199247 -0.16893148724793966 -0.17863094126241538 -0.6557615353573809 +21230,-0.830970823567948,0,-1.8171421838450044 -2.1960658049986317 -2.3309810842448675 -2.3794525584642483 -2.5431824394892875 -2.6204685154874796 -2.603339692206816 -2.71209740119477 -2.726440210903877 -1.6553986271488519 -2.031536234885708 -1.3222894488488783 -1.4500075269232149 -0.4617724530557053 -0.31050224298979895 -0.400686529199247 -0.16893148724793966 -0.17863094126241538 -0.6557615353573809 -0.5096506094998124 +21231,-1.1165371987874706,0,-2.1960658049986317 -2.3309810842448675 -2.3794525584642483 -2.5431824394892875 -2.6204685154874796 -2.603339692206816 -2.71209740119477 -2.726440210903877 -1.6553986271488519 -2.031536234885708 -1.3222894488488783 -1.4500075269232149 -0.4617724530557053 -0.31050224298979895 -0.400686529199247 -0.16893148724793966 -0.17863094126241538 -0.6557615353573809 -0.5096506094998124 -0.830970823567948 +21232,-1.44977535913848,0,-2.3309810842448675 -2.3794525584642483 -2.5431824394892875 -2.6204685154874796 -2.603339692206816 -2.71209740119477 -2.726440210903877 -1.6553986271488519 -2.031536234885708 -1.3222894488488783 -1.4500075269232149 -0.4617724530557053 -0.31050224298979895 -0.400686529199247 -0.16893148724793966 -0.17863094126241538 -0.6557615353573809 -0.5096506094998124 -0.830970823567948 -1.1165371987874706 +21233,-1.7472596806408767,0,-2.3794525584642483 -2.5431824394892875 -2.6204685154874796 -2.603339692206816 -2.71209740119477 -2.726440210903877 -1.6553986271488519 -2.031536234885708 -1.3222894488488783 -1.4500075269232149 -0.4617724530557053 -0.31050224298979895 -0.400686529199247 -0.16893148724793966 -0.17863094126241538 -0.6557615353573809 -0.5096506094998124 -0.830970823567948 -1.1165371987874706 -1.44977535913848 +21234,-1.8149752845208438,0,-2.5431824394892875 -2.6204685154874796 -2.603339692206816 -2.71209740119477 -2.726440210903877 -1.6553986271488519 -2.031536234885708 -1.3222894488488783 -1.4500075269232149 -0.4617724530557053 -0.31050224298979895 -0.400686529199247 -0.16893148724793966 -0.17863094126241538 -0.6557615353573809 -0.5096506094998124 -0.830970823567948 -1.1165371987874706 -1.44977535913848 -1.7472596806408767 +21235,-2.189049178512452,0,-2.6204685154874796 -2.603339692206816 -2.71209740119477 -2.726440210903877 -1.6553986271488519 -2.031536234885708 -1.3222894488488783 -1.4500075269232149 -0.4617724530557053 -0.31050224298979895 -0.400686529199247 -0.16893148724793966 -0.17863094126241538 -0.6557615353573809 -0.5096506094998124 -0.830970823567948 -1.1165371987874706 -1.44977535913848 -1.7472596806408767 -1.8149752845208438 +21236,-2.3333543550364166,0,-2.603339692206816 -2.71209740119477 -2.726440210903877 -1.6553986271488519 -2.031536234885708 -1.3222894488488783 -1.4500075269232149 -0.4617724530557053 -0.31050224298979895 -0.400686529199247 -0.16893148724793966 -0.17863094126241538 -0.6557615353573809 -0.5096506094998124 -0.830970823567948 -1.1165371987874706 -1.44977535913848 -1.7472596806408767 -1.8149752845208438 -2.189049178512452 +21237,-2.3809229544342223,0,-2.71209740119477 -2.726440210903877 -1.6553986271488519 -2.031536234885708 -1.3222894488488783 -1.4500075269232149 -0.4617724530557053 -0.31050224298979895 -0.400686529199247 -0.16893148724793966 -0.17863094126241538 -0.6557615353573809 -0.5096506094998124 -0.830970823567948 -1.1165371987874706 -1.44977535913848 -1.7472596806408767 -1.8149752845208438 -2.189049178512452 -2.3333543550364166 +21238,-2.55747365656371,0,-2.726440210903877 -1.6553986271488519 -2.031536234885708 -1.3222894488488783 -1.4500075269232149 -0.4617724530557053 -0.31050224298979895 -0.400686529199247 -0.16893148724793966 -0.17863094126241538 -0.6557615353573809 -0.5096506094998124 -0.830970823567948 -1.1165371987874706 -1.44977535913848 -1.7472596806408767 -1.8149752845208438 -2.189049178512452 -2.3333543550364166 -2.3809229544342223 +21239,-2.637287781567048,0,-1.6553986271488519 -2.031536234885708 -1.3222894488488783 -1.4500075269232149 -0.4617724530557053 -0.31050224298979895 -0.400686529199247 -0.16893148724793966 -0.17863094126241538 -0.6557615353573809 -0.5096506094998124 -0.830970823567948 -1.1165371987874706 -1.44977535913848 -1.7472596806408767 -1.8149752845208438 -2.189049178512452 -2.3333543550364166 -2.3809229544342223 -2.55747365656371 +21240,-2.521461853458239,0,-2.031536234885708 -1.3222894488488783 -1.4500075269232149 -0.4617724530557053 -0.31050224298979895 -0.400686529199247 -0.16893148724793966 -0.17863094126241538 -0.6557615353573809 -0.5096506094998124 -0.830970823567948 -1.1165371987874706 -1.44977535913848 -1.7472596806408767 -1.8149752845208438 -2.189049178512452 -2.3333543550364166 -2.3809229544342223 -2.55747365656371 -2.637287781567048 +21241,-2.666489329653736,0,-1.3222894488488783 -1.4500075269232149 -0.4617724530557053 -0.31050224298979895 -0.400686529199247 -0.16893148724793966 -0.17863094126241538 -0.6557615353573809 -0.5096506094998124 -0.830970823567948 -1.1165371987874706 -1.44977535913848 -1.7472596806408767 -1.8149752845208438 -2.189049178512452 -2.3333543550364166 -2.3809229544342223 -2.55747365656371 -2.637287781567048 -2.521461853458239 +21242,-2.61587675258231,0,-1.4500075269232149 -0.4617724530557053 -0.31050224298979895 -0.400686529199247 -0.16893148724793966 -0.17863094126241538 -0.6557615353573809 -0.5096506094998124 -0.830970823567948 -1.1165371987874706 -1.44977535913848 -1.7472596806408767 -1.8149752845208438 -2.189049178512452 -2.3333543550364166 -2.3809229544342223 -2.55747365656371 -2.637287781567048 -2.521461853458239 -2.666489329653736 +21243,-1.481582345646675,0,-0.4617724530557053 -0.31050224298979895 -0.400686529199247 -0.16893148724793966 -0.17863094126241538 -0.6557615353573809 -0.5096506094998124 -0.830970823567948 -1.1165371987874706 -1.44977535913848 -1.7472596806408767 -1.8149752845208438 -2.189049178512452 -2.3333543550364166 -2.3809229544342223 -2.55747365656371 -2.637287781567048 -2.521461853458239 -2.666489329653736 -2.61587675258231 +21244,-1.7921970451450617,0,-0.31050224298979895 -0.400686529199247 -0.16893148724793966 -0.17863094126241538 -0.6557615353573809 -0.5096506094998124 -0.830970823567948 -1.1165371987874706 -1.44977535913848 -1.7472596806408767 -1.8149752845208438 -2.189049178512452 -2.3333543550364166 -2.3809229544342223 -2.55747365656371 -2.637287781567048 -2.521461853458239 -2.666489329653736 -2.61587675258231 -1.481582345646675 +21245,-1.0191299149340172,0,-0.400686529199247 -0.16893148724793966 -0.17863094126241538 -0.6557615353573809 -0.5096506094998124 -0.830970823567948 -1.1165371987874706 -1.44977535913848 -1.7472596806408767 -1.8149752845208438 -2.189049178512452 -2.3333543550364166 -2.3809229544342223 -2.55747365656371 -2.637287781567048 -2.521461853458239 -2.666489329653736 -2.61587675258231 -1.481582345646675 -1.7921970451450617 +21246,-1.095100373330609,0,-0.16893148724793966 -0.17863094126241538 -0.6557615353573809 -0.5096506094998124 -0.830970823567948 -1.1165371987874706 -1.44977535913848 -1.7472596806408767 -1.8149752845208438 -2.189049178512452 -2.3333543550364166 -2.3809229544342223 -2.55747365656371 -2.637287781567048 -2.521461853458239 -2.666489329653736 -2.61587675258231 -1.481582345646675 -1.7921970451450617 -1.0191299149340172 +21247,-0.03902071337731955,0,-0.17863094126241538 -0.6557615353573809 -0.5096506094998124 -0.830970823567948 -1.1165371987874706 -1.44977535913848 -1.7472596806408767 -1.8149752845208438 -2.189049178512452 -2.3333543550364166 -2.3809229544342223 -2.55747365656371 -2.637287781567048 -2.521461853458239 -2.666489329653736 -2.61587675258231 -1.481582345646675 -1.7921970451450617 -1.0191299149340172 -1.095100373330609 +21248,0.16802135765877985,0,-0.6557615353573809 -0.5096506094998124 -0.830970823567948 -1.1165371987874706 -1.44977535913848 -1.7472596806408767 -1.8149752845208438 -2.189049178512452 -2.3333543550364166 -2.3809229544342223 -2.55747365656371 -2.637287781567048 -2.521461853458239 -2.666489329653736 -2.61587675258231 -1.481582345646675 -1.7921970451450617 -1.0191299149340172 -1.095100373330609 -0.03902071337731955 +21249,0.08988399993801871,0,-0.5096506094998124 -0.830970823567948 -1.1165371987874706 -1.44977535913848 -1.7472596806408767 -1.8149752845208438 -2.189049178512452 -2.3333543550364166 -2.3809229544342223 -2.55747365656371 -2.637287781567048 -2.521461853458239 -2.666489329653736 -2.61587675258231 -1.481582345646675 -1.7921970451450617 -1.0191299149340172 -1.095100373330609 -0.03902071337731955 0.16802135765877985 +21250,0.3919858806629229,0,-0.830970823567948 -1.1165371987874706 -1.44977535913848 -1.7472596806408767 -1.8149752845208438 -2.189049178512452 -2.3333543550364166 -2.3809229544342223 -2.55747365656371 -2.637287781567048 -2.521461853458239 -2.666489329653736 -2.61587675258231 -1.481582345646675 -1.7921970451450617 -1.0191299149340172 -1.095100373330609 -0.03902071337731955 0.16802135765877985 0.08988399993801871 +21251,0.40890833263096654,0,-1.1165371987874706 -1.44977535913848 -1.7472596806408767 -1.8149752845208438 -2.189049178512452 -2.3333543550364166 -2.3809229544342223 -2.55747365656371 -2.637287781567048 -2.521461853458239 -2.666489329653736 -2.61587675258231 -1.481582345646675 -1.7921970451450617 -1.0191299149340172 -1.095100373330609 -0.03902071337731955 0.16802135765877985 0.08988399993801871 0.3919858806629229 +21252,-0.2071359859949086,0,-1.44977535913848 -1.7472596806408767 -1.8149752845208438 -2.189049178512452 -2.3333543550364166 -2.3809229544342223 -2.55747365656371 -2.637287781567048 -2.521461853458239 -2.666489329653736 -2.61587675258231 -1.481582345646675 -1.7921970451450617 -1.0191299149340172 -1.095100373330609 -0.03902071337731955 0.16802135765877985 0.08988399993801871 0.3919858806629229 0.40890833263096654 +21253,0.02077538934967026,0,-1.7472596806408767 -1.8149752845208438 -2.189049178512452 -2.3333543550364166 -2.3809229544342223 -2.55747365656371 -2.637287781567048 -2.521461853458239 -2.666489329653736 -2.61587675258231 -1.481582345646675 -1.7921970451450617 -1.0191299149340172 -1.095100373330609 -0.03902071337731955 0.16802135765877985 0.08988399993801871 0.3919858806629229 0.40890833263096654 -0.2071359859949086 +21254,-0.3842800057449015,0,-1.8149752845208438 -2.189049178512452 -2.3333543550364166 -2.3809229544342223 -2.55747365656371 -2.637287781567048 -2.521461853458239 -2.666489329653736 -2.61587675258231 -1.481582345646675 -1.7921970451450617 -1.0191299149340172 -1.095100373330609 -0.03902071337731955 0.16802135765877985 0.08988399993801871 0.3919858806629229 0.40890833263096654 -0.2071359859949086 0.02077538934967026 +21255,-0.6915927634675868,0,-2.189049178512452 -2.3333543550364166 -2.3809229544342223 -2.55747365656371 -2.637287781567048 -2.521461853458239 -2.666489329653736 -2.61587675258231 -1.481582345646675 -1.7921970451450617 -1.0191299149340172 -1.095100373330609 -0.03902071337731955 0.16802135765877985 0.08988399993801871 0.3919858806629229 0.40890833263096654 -0.2071359859949086 0.02077538934967026 -0.3842800057449015 +21256,-1.129229037686115,0,-2.3333543550364166 -2.3809229544342223 -2.55747365656371 -2.637287781567048 -2.521461853458239 -2.666489329653736 -2.61587675258231 -1.481582345646675 -1.7921970451450617 -1.0191299149340172 -1.095100373330609 -0.03902071337731955 0.16802135765877985 0.08988399993801871 0.3919858806629229 0.40890833263096654 -0.2071359859949086 0.02077538934967026 -0.3842800057449015 -0.6915927634675868 +21257,-1.4691226745327566,0,-2.3809229544342223 -2.55747365656371 -2.637287781567048 -2.521461853458239 -2.666489329653736 -2.61587675258231 -1.481582345646675 -1.7921970451450617 -1.0191299149340172 -1.095100373330609 -0.03902071337731955 0.16802135765877985 0.08988399993801871 0.3919858806629229 0.40890833263096654 -0.2071359859949086 0.02077538934967026 -0.3842800057449015 -0.6915927634675868 -1.129229037686115 +21258,-1.5756876877244355,0,-2.55747365656371 -2.637287781567048 -2.521461853458239 -2.666489329653736 -2.61587675258231 -1.481582345646675 -1.7921970451450617 -1.0191299149340172 -1.095100373330609 -0.03902071337731955 0.16802135765877985 0.08988399993801871 0.3919858806629229 0.40890833263096654 -0.2071359859949086 0.02077538934967026 -0.3842800057449015 -0.6915927634675868 -1.129229037686115 -1.4691226745327566 +21259,-1.9933575324560764,0,-2.637287781567048 -2.521461853458239 -2.666489329653736 -2.61587675258231 -1.481582345646675 -1.7921970451450617 -1.0191299149340172 -1.095100373330609 -0.03902071337731955 0.16802135765877985 0.08988399993801871 0.3919858806629229 0.40890833263096654 -0.2071359859949086 0.02077538934967026 -0.3842800057449015 -0.6915927634675868 -1.129229037686115 -1.4691226745327566 -1.5756876877244355 +21260,-2.177698753532737,0,-2.521461853458239 -2.666489329653736 -2.61587675258231 -1.481582345646675 -1.7921970451450617 -1.0191299149340172 -1.095100373330609 -0.03902071337731955 0.16802135765877985 0.08988399993801871 0.3919858806629229 0.40890833263096654 -0.2071359859949086 0.02077538934967026 -0.3842800057449015 -0.6915927634675868 -1.129229037686115 -1.4691226745327566 -1.5756876877244355 -1.9933575324560764 +21261,-2.214149095735554,0,-2.666489329653736 -2.61587675258231 -1.481582345646675 -1.7921970451450617 -1.0191299149340172 -1.095100373330609 -0.03902071337731955 0.16802135765877985 0.08988399993801871 0.3919858806629229 0.40890833263096654 -0.2071359859949086 0.02077538934967026 -0.3842800057449015 -0.6915927634675868 -1.129229037686115 -1.4691226745327566 -1.5756876877244355 -1.9933575324560764 -2.177698753532737 +21262,-2.447787276436835,0,-2.61587675258231 -1.481582345646675 -1.7921970451450617 -1.0191299149340172 -1.095100373330609 -0.03902071337731955 0.16802135765877985 0.08988399993801871 0.3919858806629229 0.40890833263096654 -0.2071359859949086 0.02077538934967026 -0.3842800057449015 -0.6915927634675868 -1.129229037686115 -1.4691226745327566 -1.5756876877244355 -1.9933575324560764 -2.177698753532737 -2.214149095735554 +21263,-2.5335345782642635,0,-1.481582345646675 -1.7921970451450617 -1.0191299149340172 -1.095100373330609 -0.03902071337731955 0.16802135765877985 0.08988399993801871 0.3919858806629229 0.40890833263096654 -0.2071359859949086 0.02077538934967026 -0.3842800057449015 -0.6915927634675868 -1.129229037686115 -1.4691226745327566 -1.5756876877244355 -1.9933575324560764 -2.177698753532737 -2.214149095735554 -2.447787276436835 +21264,-2.467598927400572,0,-1.7921970451450617 -1.0191299149340172 -1.095100373330609 -0.03902071337731955 0.16802135765877985 0.08988399993801871 0.3919858806629229 0.40890833263096654 -0.2071359859949086 0.02077538934967026 -0.3842800057449015 -0.6915927634675868 -1.129229037686115 -1.4691226745327566 -1.5756876877244355 -1.9933575324560764 -2.177698753532737 -2.214149095735554 -2.447787276436835 -2.5335345782642635 +21265,-2.603907213509975,0,-1.0191299149340172 -1.095100373330609 -0.03902071337731955 0.16802135765877985 0.08988399993801871 0.3919858806629229 0.40890833263096654 -0.2071359859949086 0.02077538934967026 -0.3842800057449015 -0.6915927634675868 -1.129229037686115 -1.4691226745327566 -1.5756876877244355 -1.9933575324560764 -2.177698753532737 -2.214149095735554 -2.447787276436835 -2.5335345782642635 -2.467598927400572 +21266,-2.588532546773472,0,-1.095100373330609 -0.03902071337731955 0.16802135765877985 0.08988399993801871 0.3919858806629229 0.40890833263096654 -0.2071359859949086 0.02077538934967026 -0.3842800057449015 -0.6915927634675868 -1.129229037686115 -1.4691226745327566 -1.5756876877244355 -1.9933575324560764 -2.177698753532737 -2.214149095735554 -2.447787276436835 -2.5335345782642635 -2.467598927400572 -2.603907213509975 +21267,-1.2210127019165644,0,-0.03902071337731955 0.16802135765877985 0.08988399993801871 0.3919858806629229 0.40890833263096654 -0.2071359859949086 0.02077538934967026 -0.3842800057449015 -0.6915927634675868 -1.129229037686115 -1.4691226745327566 -1.5756876877244355 -1.9933575324560764 -2.177698753532737 -2.214149095735554 -2.447787276436835 -2.5335345782642635 -2.467598927400572 -2.603907213509975 -2.588532546773472 +21268,-1.656353094759896,0,0.16802135765877985 0.08988399993801871 0.3919858806629229 0.40890833263096654 -0.2071359859949086 0.02077538934967026 -0.3842800057449015 -0.6915927634675868 -1.129229037686115 -1.4691226745327566 -1.5756876877244355 -1.9933575324560764 -2.177698753532737 -2.214149095735554 -2.447787276436835 -2.5335345782642635 -2.467598927400572 -2.603907213509975 -2.588532546773472 -1.2210127019165644 +21269,-0.7395483091732692,0,0.08988399993801871 0.3919858806629229 0.40890833263096654 -0.2071359859949086 0.02077538934967026 -0.3842800057449015 -0.6915927634675868 -1.129229037686115 -1.4691226745327566 -1.5756876877244355 -1.9933575324560764 -2.177698753532737 -2.214149095735554 -2.447787276436835 -2.5335345782642635 -2.467598927400572 -2.603907213509975 -2.588532546773472 -1.2210127019165644 -1.656353094759896 +21270,-0.8463712866217973,0,0.3919858806629229 0.40890833263096654 -0.2071359859949086 0.02077538934967026 -0.3842800057449015 -0.6915927634675868 -1.129229037686115 -1.4691226745327566 -1.5756876877244355 -1.9933575324560764 -2.177698753532737 -2.214149095735554 -2.447787276436835 -2.5335345782642635 -2.467598927400572 -2.603907213509975 -2.588532546773472 -1.2210127019165644 -1.656353094759896 -0.7395483091732692 +21271,0.4116427531035091,0,0.40890833263096654 -0.2071359859949086 0.02077538934967026 -0.3842800057449015 -0.6915927634675868 -1.129229037686115 -1.4691226745327566 -1.5756876877244355 -1.9933575324560764 -2.177698753532737 -2.214149095735554 -2.447787276436835 -2.5335345782642635 -2.467598927400572 -2.603907213509975 -2.588532546773472 -1.2210127019165644 -1.656353094759896 -0.7395483091732692 -0.8463712866217973 +21272,0.6460290301032231,0,-0.2071359859949086 0.02077538934967026 -0.3842800057449015 -0.6915927634675868 -1.129229037686115 -1.4691226745327566 -1.5756876877244355 -1.9933575324560764 -2.177698753532737 -2.214149095735554 -2.447787276436835 -2.5335345782642635 -2.467598927400572 -2.603907213509975 -2.588532546773472 -1.2210127019165644 -1.656353094759896 -0.7395483091732692 -0.8463712866217973 0.4116427531035091 +21273,0.4958680661715202,0,0.02077538934967026 -0.3842800057449015 -0.6915927634675868 -1.129229037686115 -1.4691226745327566 -1.5756876877244355 -1.9933575324560764 -2.177698753532737 -2.214149095735554 -2.447787276436835 -2.5335345782642635 -2.467598927400572 -2.603907213509975 -2.588532546773472 -1.2210127019165644 -1.656353094759896 -0.7395483091732692 -0.8463712866217973 0.4116427531035091 0.6460290301032231 +21274,0.8584367566602541,0,-0.3842800057449015 -0.6915927634675868 -1.129229037686115 -1.4691226745327566 -1.5756876877244355 -1.9933575324560764 -2.177698753532737 -2.214149095735554 -2.447787276436835 -2.5335345782642635 -2.467598927400572 -2.603907213509975 -2.588532546773472 -1.2210127019165644 -1.656353094759896 -0.7395483091732692 -0.8463712866217973 0.4116427531035091 0.6460290301032231 0.4958680661715202 +21275,0.8364582063723568,0,-0.6915927634675868 -1.129229037686115 -1.4691226745327566 -1.5756876877244355 -1.9933575324560764 -2.177698753532737 -2.214149095735554 -2.447787276436835 -2.5335345782642635 -2.467598927400572 -2.603907213509975 -2.588532546773472 -1.2210127019165644 -1.656353094759896 -0.7395483091732692 -0.8463712866217973 0.4116427531035091 0.6460290301032231 0.4958680661715202 0.8584367566602541 +21276,0.2763921203388487,0,-1.129229037686115 -1.4691226745327566 -1.5756876877244355 -1.9933575324560764 -2.177698753532737 -2.214149095735554 -2.447787276436835 -2.5335345782642635 -2.467598927400572 -2.603907213509975 -2.588532546773472 -1.2210127019165644 -1.656353094759896 -0.7395483091732692 -0.8463712866217973 0.4116427531035091 0.6460290301032231 0.4958680661715202 0.8584367566602541 0.8364582063723568 +21277,0.4337760819145569,0,-1.4691226745327566 -1.5756876877244355 -1.9933575324560764 -2.177698753532737 -2.214149095735554 -2.447787276436835 -2.5335345782642635 -2.467598927400572 -2.603907213509975 -2.588532546773472 -1.2210127019165644 -1.656353094759896 -0.7395483091732692 -0.8463712866217973 0.4116427531035091 0.6460290301032231 0.4958680661715202 0.8584367566602541 0.8364582063723568 0.2763921203388487 +21278,0.05307250789943993,0,-1.5756876877244355 -1.9933575324560764 -2.177698753532737 -2.214149095735554 -2.447787276436835 -2.5335345782642635 -2.467598927400572 -2.603907213509975 -2.588532546773472 -1.2210127019165644 -1.656353094759896 -0.7395483091732692 -0.8463712866217973 0.4116427531035091 0.6460290301032231 0.4958680661715202 0.8584367566602541 0.8364582063723568 0.2763921203388487 0.4337760819145569 +21279,-0.29334762339180637,0,-1.9933575324560764 -2.177698753532737 -2.214149095735554 -2.447787276436835 -2.5335345782642635 -2.467598927400572 -2.603907213509975 -2.588532546773472 -1.2210127019165644 -1.656353094759896 -0.7395483091732692 -0.8463712866217973 0.4116427531035091 0.6460290301032231 0.4958680661715202 0.8584367566602541 0.8364582063723568 0.2763921203388487 0.4337760819145569 0.05307250789943993 +21280,-0.6854790118029904,0,-2.177698753532737 -2.214149095735554 -2.447787276436835 -2.5335345782642635 -2.467598927400572 -2.603907213509975 -2.588532546773472 -1.2210127019165644 -1.656353094759896 -0.7395483091732692 -0.8463712866217973 0.4116427531035091 0.6460290301032231 0.4958680661715202 0.8584367566602541 0.8364582063723568 0.2763921203388487 0.4337760819145569 0.05307250789943993 -0.29334762339180637 +21281,-1.043326957335527,0,-2.214149095735554 -2.447787276436835 -2.5335345782642635 -2.467598927400572 -2.603907213509975 -2.588532546773472 -1.2210127019165644 -1.656353094759896 -0.7395483091732692 -0.8463712866217973 0.4116427531035091 0.6460290301032231 0.4958680661715202 0.8584367566602541 0.8364582063723568 0.2763921203388487 0.4337760819145569 0.05307250789943993 -0.29334762339180637 -0.6854790118029904 +21282,-1.115685916910125,0,-2.447787276436835 -2.5335345782642635 -2.467598927400572 -2.603907213509975 -2.588532546773472 -1.2210127019165644 -1.656353094759896 -0.7395483091732692 -0.8463712866217973 0.4116427531035091 0.6460290301032231 0.4958680661715202 0.8584367566602541 0.8364582063723568 0.2763921203388487 0.4337760819145569 0.05307250789943993 -0.29334762339180637 -0.6854790118029904 -1.043326957335527 +21283,-1.5686968577103793,0,-2.5335345782642635 -2.467598927400572 -2.603907213509975 -2.588532546773472 -1.2210127019165644 -1.656353094759896 -0.7395483091732692 -0.8463712866217973 0.4116427531035091 0.6460290301032231 0.4958680661715202 0.8584367566602541 0.8364582063723568 0.2763921203388487 0.4337760819145569 0.05307250789943993 -0.29334762339180637 -0.6854790118029904 -1.043326957335527 -1.115685916910125 +21284,-1.7362188127074716,0,-2.467598927400572 -2.603907213509975 -2.588532546773472 -1.2210127019165644 -1.656353094759896 -0.7395483091732692 -0.8463712866217973 0.4116427531035091 0.6460290301032231 0.4958680661715202 0.8584367566602541 0.8364582063723568 0.2763921203388487 0.4337760819145569 0.05307250789943993 -0.29334762339180637 -0.6854790118029904 -1.043326957335527 -1.115685916910125 -1.5686968577103793 +21285,-1.7286862578623707,0,-2.603907213509975 -2.588532546773472 -1.2210127019165644 -1.656353094759896 -0.7395483091732692 -0.8463712866217973 0.4116427531035091 0.6460290301032231 0.4958680661715202 0.8584367566602541 0.8364582063723568 0.2763921203388487 0.4337760819145569 0.05307250789943993 -0.29334762339180637 -0.6854790118029904 -1.043326957335527 -1.115685916910125 -1.5686968577103793 -1.7362188127074716 +21286,-1.9545597159338253,0,-2.588532546773472 -1.2210127019165644 -1.656353094759896 -0.7395483091732692 -0.8463712866217973 0.4116427531035091 0.6460290301032231 0.4958680661715202 0.8584367566602541 0.8364582063723568 0.2763921203388487 0.4337760819145569 0.05307250789943993 -0.29334762339180637 -0.6854790118029904 -1.043326957335527 -1.115685916910125 -1.5686968577103793 -1.7362188127074716 -1.7286862578623707 +21287,-2.005378664472649,0,-1.2210127019165644 -1.656353094759896 -0.7395483091732692 -0.8463712866217973 0.4116427531035091 0.6460290301032231 0.4958680661715202 0.8584367566602541 0.8364582063723568 0.2763921203388487 0.4337760819145569 0.05307250789943993 -0.29334762339180637 -0.6854790118029904 -1.043326957335527 -1.115685916910125 -1.5686968577103793 -1.7362188127074716 -1.7286862578623707 -1.9545597159338253 +21288,-1.9319878480254313,0,-1.656353094759896 -0.7395483091732692 -0.8463712866217973 0.4116427531035091 0.6460290301032231 0.4958680661715202 0.8584367566602541 0.8364582063723568 0.2763921203388487 0.4337760819145569 0.05307250789943993 -0.29334762339180637 -0.6854790118029904 -1.043326957335527 -1.115685916910125 -1.5686968577103793 -1.7362188127074716 -1.7286862578623707 -1.9545597159338253 -2.005378664472649 +21289,-2.024210051353218,0,-0.7395483091732692 -0.8463712866217973 0.4116427531035091 0.6460290301032231 0.4958680661715202 0.8584367566602541 0.8364582063723568 0.2763921203388487 0.4337760819145569 0.05307250789943993 -0.29334762339180637 -0.6854790118029904 -1.043326957335527 -1.115685916910125 -1.5686968577103793 -1.7362188127074716 -1.7286862578623707 -1.9545597159338253 -2.005378664472649 -1.9319878480254313 +21290,-1.9922224900045353,0,-0.8463712866217973 0.4116427531035091 0.6460290301032231 0.4958680661715202 0.8584367566602541 0.8364582063723568 0.2763921203388487 0.4337760819145569 0.05307250789943993 -0.29334762339180637 -0.6854790118029904 -1.043326957335527 -1.115685916910125 -1.5686968577103793 -1.7362188127074716 -1.7286862578623707 -1.9545597159338253 -2.005378664472649 -1.9319878480254313 -2.024210051353218 +21291,-0.6705428843186104,0,0.4116427531035091 0.6460290301032231 0.4958680661715202 0.8584367566602541 0.8364582063723568 0.2763921203388487 0.4337760819145569 0.05307250789943993 -0.29334762339180637 -0.6854790118029904 -1.043326957335527 -1.115685916910125 -1.5686968577103793 -1.7362188127074716 -1.7286862578623707 -1.9545597159338253 -2.005378664472649 -1.9319878480254313 -2.024210051353218 -1.9922224900045353 +21292,-1.0684526708759665,0,0.6460290301032231 0.4958680661715202 0.8584367566602541 0.8364582063723568 0.2763921203388487 0.4337760819145569 0.05307250789943993 -0.29334762339180637 -0.6854790118029904 -1.043326957335527 -1.115685916910125 -1.5686968577103793 -1.7362188127074716 -1.7286862578623707 -1.9545597159338253 -2.005378664472649 -1.9319878480254313 -2.024210051353218 -1.9922224900045353 -0.6705428843186104 +21293,-0.17667041340565195,0,0.4958680661715202 0.8584367566602541 0.8364582063723568 0.2763921203388487 0.4337760819145569 0.05307250789943993 -0.29334762339180637 -0.6854790118029904 -1.043326957335527 -1.115685916910125 -1.5686968577103793 -1.7362188127074716 -1.7286862578623707 -1.9545597159338253 -2.005378664472649 -1.9319878480254313 -2.024210051353218 -1.9922224900045353 -0.6705428843186104 -1.0684526708759665 +21294,-0.34860355615785504,0,0.8584367566602541 0.8364582063723568 0.2763921203388487 0.4337760819145569 0.05307250789943993 -0.29334762339180637 -0.6854790118029904 -1.043326957335527 -1.115685916910125 -1.5686968577103793 -1.7362188127074716 -1.7286862578623707 -1.9545597159338253 -2.005378664472649 -1.9319878480254313 -2.024210051353218 -1.9922224900045353 -0.6705428843186104 -1.0684526708759665 -0.17667041340565195 +21295,0.8977505015414178,0,0.8364582063723568 0.2763921203388487 0.4337760819145569 0.05307250789943993 -0.29334762339180637 -0.6854790118029904 -1.043326957335527 -1.115685916910125 -1.5686968577103793 -1.7362188127074716 -1.7286862578623707 -1.9545597159338253 -2.005378664472649 -1.9319878480254313 -2.024210051353218 -1.9922224900045353 -0.6705428843186104 -1.0684526708759665 -0.17667041340565195 -0.34860355615785504 +21296,1.0803891588633872,0,0.2763921203388487 0.4337760819145569 0.05307250789943993 -0.29334762339180637 -0.6854790118029904 -1.043326957335527 -1.115685916910125 -1.5686968577103793 -1.7362188127074716 -1.7286862578623707 -1.9545597159338253 -2.005378664472649 -1.9319878480254313 -2.024210051353218 -1.9922224900045353 -0.6705428843186104 -1.0684526708759665 -0.17667041340565195 -0.34860355615785504 0.8977505015414178 +21297,0.9181812665977831,0,0.4337760819145569 0.05307250789943993 -0.29334762339180637 -0.6854790118029904 -1.043326957335527 -1.115685916910125 -1.5686968577103793 -1.7362188127074716 -1.7286862578623707 -1.9545597159338253 -2.005378664472649 -1.9319878480254313 -2.024210051353218 -1.9922224900045353 -0.6705428843186104 -1.0684526708759665 -0.17667041340565195 -0.34860355615785504 0.8977505015414178 1.0803891588633872 +21298,1.2157687738338694,0,0.05307250789943993 -0.29334762339180637 -0.6854790118029904 -1.043326957335527 -1.115685916910125 -1.5686968577103793 -1.7362188127074716 -1.7286862578623707 -1.9545597159338253 -2.005378664472649 -1.9319878480254313 -2.024210051353218 -1.9922224900045353 -0.6705428843186104 -1.0684526708759665 -0.17667041340565195 -0.34860355615785504 0.8977505015414178 1.0803891588633872 0.9181812665977831 +21299,1.1685097313275965,0,-0.29334762339180637 -0.6854790118029904 -1.043326957335527 -1.115685916910125 -1.5686968577103793 -1.7362188127074716 -1.7286862578623707 -1.9545597159338253 -2.005378664472649 -1.9319878480254313 -2.024210051353218 -1.9922224900045353 -0.6705428843186104 -1.0684526708759665 -0.17667041340565195 -0.34860355615785504 0.8977505015414178 1.0803891588633872 0.9181812665977831 1.2157687738338694 +21300,0.4331827642940604,0,-0.6854790118029904 -1.043326957335527 -1.115685916910125 -1.5686968577103793 -1.7362188127074716 -1.7286862578623707 -1.9545597159338253 -2.005378664472649 -1.9319878480254313 -2.024210051353218 -1.9922224900045353 -0.6705428843186104 -1.0684526708759665 -0.17667041340565195 -0.34860355615785504 0.8977505015414178 1.0803891588633872 0.9181812665977831 1.2157687738338694 1.1685097313275965 +21301,0.6152796967849853,0,-1.043326957335527 -1.115685916910125 -1.5686968577103793 -1.7362188127074716 -1.7286862578623707 -1.9545597159338253 -2.005378664472649 -1.9319878480254313 -2.024210051353218 -1.9922224900045353 -0.6705428843186104 -1.0684526708759665 -0.17667041340565195 -0.34860355615785504 0.8977505015414178 1.0803891588633872 0.9181812665977831 1.2157687738338694 1.1685097313275965 0.4331827642940604 +21302,0.10930870459387909,0,-1.115685916910125 -1.5686968577103793 -1.7362188127074716 -1.7286862578623707 -1.9545597159338253 -2.005378664472649 -1.9319878480254313 -2.024210051353218 -1.9922224900045353 -0.6705428843186104 -1.0684526708759665 -0.17667041340565195 -0.34860355615785504 0.8977505015414178 1.0803891588633872 0.9181812665977831 1.2157687738338694 1.1685097313275965 0.4331827642940604 0.6152796967849853 +21303,-0.141587281439102,0,-1.5686968577103793 -1.7362188127074716 -1.7286862578623707 -1.9545597159338253 -2.005378664472649 -1.9319878480254313 -2.024210051353218 -1.9922224900045353 -0.6705428843186104 -1.0684526708759665 -0.17667041340565195 -0.34860355615785504 0.8977505015414178 1.0803891588633872 0.9181812665977831 1.2157687738338694 1.1685097313275965 0.4331827642940604 0.6152796967849853 0.10930870459387909 +21304,-0.732583275631336,0,-1.7362188127074716 -1.7286862578623707 -1.9545597159338253 -2.005378664472649 -1.9319878480254313 -2.024210051353218 -1.9922224900045353 -0.6705428843186104 -1.0684526708759665 -0.17667041340565195 -0.34860355615785504 0.8977505015414178 1.0803891588633872 0.9181812665977831 1.2157687738338694 1.1685097313275965 0.4331827642940604 0.6152796967849853 0.10930870459387909 -0.141587281439102 +21305,-1.068504263820213,0,-1.7286862578623707 -1.9545597159338253 -2.005378664472649 -1.9319878480254313 -2.024210051353218 -1.9922224900045353 -0.6705428843186104 -1.0684526708759665 -0.17667041340565195 -0.34860355615785504 0.8977505015414178 1.0803891588633872 0.9181812665977831 1.2157687738338694 1.1685097313275965 0.4331827642940604 0.6152796967849853 0.10930870459387909 -0.141587281439102 -0.732583275631336 +21306,-1.0687880243943997,0,-1.9545597159338253 -2.005378664472649 -1.9319878480254313 -2.024210051353218 -1.9922224900045353 -0.6705428843186104 -1.0684526708759665 -0.17667041340565195 -0.34860355615785504 0.8977505015414178 1.0803891588633872 0.9181812665977831 1.2157687738338694 1.1685097313275965 0.4331827642940604 0.6152796967849853 0.10930870459387909 -0.141587281439102 -0.732583275631336 -1.068504263820213 +21307,-1.5165880883516496,0,-2.005378664472649 -1.9319878480254313 -2.024210051353218 -1.9922224900045353 -0.6705428843186104 -1.0684526708759665 -0.17667041340565195 -0.34860355615785504 0.8977505015414178 1.0803891588633872 0.9181812665977831 1.2157687738338694 1.1685097313275965 0.4331827642940604 0.6152796967849853 0.10930870459387909 -0.141587281439102 -0.732583275631336 -1.068504263820213 -1.0687880243943997 +21308,-1.6287509246942093,0,-1.9319878480254313 -2.024210051353218 -1.9922224900045353 -0.6705428843186104 -1.0684526708759665 -0.17667041340565195 -0.34860355615785504 0.8977505015414178 1.0803891588633872 0.9181812665977831 1.2157687738338694 1.1685097313275965 0.4331827642940604 0.6152796967849853 0.10930870459387909 -0.141587281439102 -0.732583275631336 -1.068504263820213 -1.0687880243943997 -1.5165880883516496 +21309,-1.6902237948585528,0,-2.024210051353218 -1.9922224900045353 -0.6705428843186104 -1.0684526708759665 -0.17667041340565195 -0.34860355615785504 0.8977505015414178 1.0803891588633872 0.9181812665977831 1.2157687738338694 1.1685097313275965 0.4331827642940604 0.6152796967849853 0.10930870459387909 -0.141587281439102 -0.732583275631336 -1.068504263820213 -1.0687880243943997 -1.5165880883516496 -1.6287509246942093 +21310,-1.8192832866970416,0,-1.9922224900045353 -0.6705428843186104 -1.0684526708759665 -0.17667041340565195 -0.34860355615785504 0.8977505015414178 1.0803891588633872 0.9181812665977831 1.2157687738338694 1.1685097313275965 0.4331827642940604 0.6152796967849853 0.10930870459387909 -0.141587281439102 -0.732583275631336 -1.068504263820213 -1.0687880243943997 -1.5165880883516496 -1.6287509246942093 -1.6902237948585528 +21311,-1.8976528123573142,0,-0.6705428843186104 -1.0684526708759665 -0.17667041340565195 -0.34860355615785504 0.8977505015414178 1.0803891588633872 0.9181812665977831 1.2157687738338694 1.1685097313275965 0.4331827642940604 0.6152796967849853 0.10930870459387909 -0.141587281439102 -0.732583275631336 -1.068504263820213 -1.0687880243943997 -1.5165880883516496 -1.6287509246942093 -1.6902237948585528 -1.8192832866970416 +21312,-1.8231011569864413,0,-1.0684526708759665 -0.17667041340565195 -0.34860355615785504 0.8977505015414178 1.0803891588633872 0.9181812665977831 1.2157687738338694 1.1685097313275965 0.4331827642940604 0.6152796967849853 0.10930870459387909 -0.141587281439102 -0.732583275631336 -1.068504263820213 -1.0687880243943997 -1.5165880883516496 -1.6287509246942093 -1.6902237948585528 -1.8192832866970416 -1.8976528123573142 +21313,-1.9524444095539024,0,-0.17667041340565195 -0.34860355615785504 0.8977505015414178 1.0803891588633872 0.9181812665977831 1.2157687738338694 1.1685097313275965 0.4331827642940604 0.6152796967849853 0.10930870459387909 -0.141587281439102 -0.732583275631336 -1.068504263820213 -1.0687880243943997 -1.5165880883516496 -1.6287509246942093 -1.6902237948585528 -1.8192832866970416 -1.8976528123573142 -1.8231011569864413 +21314,-1.9288664810902267,0,-0.34860355615785504 0.8977505015414178 1.0803891588633872 0.9181812665977831 1.2157687738338694 1.1685097313275965 0.4331827642940604 0.6152796967849853 0.10930870459387909 -0.141587281439102 -0.732583275631336 -1.068504263820213 -1.0687880243943997 -1.5165880883516496 -1.6287509246942093 -1.6902237948585528 -1.8192832866970416 -1.8976528123573142 -1.8231011569864413 -1.9524444095539024 +21315,-0.6224067636176542,0,0.8977505015414178 1.0803891588633872 0.9181812665977831 1.2157687738338694 1.1685097313275965 0.4331827642940604 0.6152796967849853 0.10930870459387909 -0.141587281439102 -0.732583275631336 -1.068504263820213 -1.0687880243943997 -1.5165880883516496 -1.6287509246942093 -1.6902237948585528 -1.8192832866970416 -1.8976528123573142 -1.8231011569864413 -1.9524444095539024 -1.9288664810902267 +21316,-1.026456098311721,0,1.0803891588633872 0.9181812665977831 1.2157687738338694 1.1685097313275965 0.4331827642940604 0.6152796967849853 0.10930870459387909 -0.141587281439102 -0.732583275631336 -1.068504263820213 -1.0687880243943997 -1.5165880883516496 -1.6287509246942093 -1.6902237948585528 -1.8192832866970416 -1.8976528123573142 -1.8231011569864413 -1.9524444095539024 -1.9288664810902267 -0.6224067636176542 +21317,-0.14762364384211424,0,0.9181812665977831 1.2157687738338694 1.1685097313275965 0.4331827642940604 0.6152796967849853 0.10930870459387909 -0.141587281439102 -0.732583275631336 -1.068504263820213 -1.0687880243943997 -1.5165880883516496 -1.6287509246942093 -1.6902237948585528 -1.8192832866970416 -1.8976528123573142 -1.8231011569864413 -1.9524444095539024 -1.9288664810902267 -0.6224067636176542 -1.026456098311721 +21318,-0.37375506617041776,0,1.2157687738338694 1.1685097313275965 0.4331827642940604 0.6152796967849853 0.10930870459387909 -0.141587281439102 -0.732583275631336 -1.068504263820213 -1.0687880243943997 -1.5165880883516496 -1.6287509246942093 -1.6902237948585528 -1.8192832866970416 -1.8976528123573142 -1.8231011569864413 -1.9524444095539024 -1.9288664810902267 -0.6224067636176542 -1.026456098311721 -0.14762364384211424 +21319,0.8733986806167574,0,1.1685097313275965 0.4331827642940604 0.6152796967849853 0.10930870459387909 -0.141587281439102 -0.732583275631336 -1.068504263820213 -1.0687880243943997 -1.5165880883516496 -1.6287509246942093 -1.6902237948585528 -1.8192832866970416 -1.8976528123573142 -1.8231011569864413 -1.9524444095539024 -1.9288664810902267 -0.6224067636176542 -1.026456098311721 -0.14762364384211424 -0.37375506617041776 +21320,1.0155885504512365,0,0.4331827642940604 0.6152796967849853 0.10930870459387909 -0.141587281439102 -0.732583275631336 -1.068504263820213 -1.0687880243943997 -1.5165880883516496 -1.6287509246942093 -1.6902237948585528 -1.8192832866970416 -1.8976528123573142 -1.8231011569864413 -1.9524444095539024 -1.9288664810902267 -0.6224067636176542 -1.026456098311721 -0.14762364384211424 -0.37375506617041776 0.8733986806167574 +21321,0.8435006291758741,0,0.6152796967849853 0.10930870459387909 -0.141587281439102 -0.732583275631336 -1.068504263820213 -1.0687880243943997 -1.5165880883516496 -1.6287509246942093 -1.6902237948585528 -1.8192832866970416 -1.8976528123573142 -1.8231011569864413 -1.9524444095539024 -1.9288664810902267 -0.6224067636176542 -1.026456098311721 -0.14762364384211424 -0.37375506617041776 0.8733986806167574 1.0155885504512365 +21322,1.0904497628684104,0,0.10930870459387909 -0.141587281439102 -0.732583275631336 -1.068504263820213 -1.0687880243943997 -1.5165880883516496 -1.6287509246942093 -1.6902237948585528 -1.8192832866970416 -1.8976528123573142 -1.8231011569864413 -1.9524444095539024 -1.9288664810902267 -0.6224067636176542 -1.026456098311721 -0.14762364384211424 -0.37375506617041776 0.8733986806167574 1.0155885504512365 0.8435006291758741 +21323,1.0231211052963285,0,-0.141587281439102 -0.732583275631336 -1.068504263820213 -1.0687880243943997 -1.5165880883516496 -1.6287509246942093 -1.6902237948585528 -1.8192832866970416 -1.8976528123573142 -1.8231011569864413 -1.9524444095539024 -1.9288664810902267 -0.6224067636176542 -1.026456098311721 -0.14762364384211424 -0.37375506617041776 0.8733986806167574 1.0155885504512365 0.8435006291758741 1.0904497628684104 +21324,0.20434271781056063,0,-0.732583275631336 -1.068504263820213 -1.0687880243943997 -1.5165880883516496 -1.6287509246942093 -1.6902237948585528 -1.8192832866970416 -1.8976528123573142 -1.8231011569864413 -1.9524444095539024 -1.9288664810902267 -0.6224067636176542 -1.026456098311721 -0.14762364384211424 -0.37375506617041776 0.8733986806167574 1.0155885504512365 0.8435006291758741 1.0904497628684104 1.0231211052963285 +21325,0.38749730349145134,0,-1.068504263820213 -1.0687880243943997 -1.5165880883516496 -1.6287509246942093 -1.6902237948585528 -1.8192832866970416 -1.8976528123573142 -1.8231011569864413 -1.9524444095539024 -1.9288664810902267 -0.6224067636176542 -1.026456098311721 -0.14762364384211424 -0.37375506617041776 0.8733986806167574 1.0155885504512365 0.8435006291758741 1.0904497628684104 1.0231211052963285 0.20434271781056063 +21326,-0.1807978405865759,0,-1.0687880243943997 -1.5165880883516496 -1.6287509246942093 -1.6902237948585528 -1.8192832866970416 -1.8976528123573142 -1.8231011569864413 -1.9524444095539024 -1.9288664810902267 -0.6224067636176542 -1.026456098311721 -0.14762364384211424 -0.37375506617041776 0.8733986806167574 1.0155885504512365 0.8435006291758741 1.0904497628684104 1.0231211052963285 0.20434271781056063 0.38749730349145134 +21327,-0.3896198647937187,0,-1.5165880883516496 -1.6287509246942093 -1.6902237948585528 -1.8192832866970416 -1.8976528123573142 -1.8231011569864413 -1.9524444095539024 -1.9288664810902267 -0.6224067636176542 -1.026456098311721 -0.14762364384211424 -0.37375506617041776 0.8733986806167574 1.0155885504512365 0.8435006291758741 1.0904497628684104 1.0231211052963285 0.20434271781056063 0.38749730349145134 -0.1807978405865759 +21328,-1.0777393822652195,0,-1.6287509246942093 -1.6902237948585528 -1.8192832866970416 -1.8976528123573142 -1.8231011569864413 -1.9524444095539024 -1.9288664810902267 -0.6224067636176542 -1.026456098311721 -0.14762364384211424 -0.37375506617041776 0.8733986806167574 1.0155885504512365 0.8435006291758741 1.0904497628684104 1.0231211052963285 0.20434271781056063 0.38749730349145134 -0.1807978405865759 -0.3896198647937187 +21329,-1.4063857798658534,0,-1.6902237948585528 -1.8192832866970416 -1.8976528123573142 -1.8231011569864413 -1.9524444095539024 -1.9288664810902267 -0.6224067636176542 -1.026456098311721 -0.14762364384211424 -0.37375506617041776 0.8733986806167574 1.0155885504512365 0.8435006291758741 1.0904497628684104 1.0231211052963285 0.20434271781056063 0.38749730349145134 -0.1807978405865759 -0.3896198647937187 -1.0777393822652195 +21330,-1.4065921511784647,0,-1.8192832866970416 -1.8976528123573142 -1.8231011569864413 -1.9524444095539024 -1.9288664810902267 -0.6224067636176542 -1.026456098311721 -0.14762364384211424 -0.37375506617041776 0.8733986806167574 1.0155885504512365 0.8435006291758741 1.0904497628684104 1.0231211052963285 0.20434271781056063 0.38749730349145134 -0.1807978405865759 -0.3896198647937187 -1.0777393822652195 -1.4063857798658534 +21331,-1.8447185574385765,0,-1.8976528123573142 -1.8231011569864413 -1.9524444095539024 -1.9288664810902267 -0.6224067636176542 -1.026456098311721 -0.14762364384211424 -0.37375506617041776 0.8733986806167574 1.0155885504512365 0.8435006291758741 1.0904497628684104 1.0231211052963285 0.20434271781056063 0.38749730349145134 -0.1807978405865759 -0.3896198647937187 -1.0777393822652195 -1.4063857798658534 -1.4065921511784647 +21332,-1.9544049374106747,0,-1.8231011569864413 -1.9524444095539024 -1.9288664810902267 -0.6224067636176542 -1.026456098311721 -0.14762364384211424 -0.37375506617041776 0.8733986806167574 1.0155885504512365 0.8435006291758741 1.0904497628684104 1.0231211052963285 0.20434271781056063 0.38749730349145134 -0.1807978405865759 -0.3896198647937187 -1.0777393822652195 -1.4063857798658534 -1.4065921511784647 -1.8447185574385765 +21333,-2.006436317662606,0,-1.9524444095539024 -1.9288664810902267 -0.6224067636176542 -1.026456098311721 -0.14762364384211424 -0.37375506617041776 0.8733986806167574 1.0155885504512365 0.8435006291758741 1.0904497628684104 1.0231211052963285 0.20434271781056063 0.38749730349145134 -0.1807978405865759 -0.3896198647937187 -1.0777393822652195 -1.4063857798658534 -1.4065921511784647 -1.8447185574385765 -1.9544049374106747 +21334,-2.135341030977944,0,-1.9288664810902267 -0.6224067636176542 -1.026456098311721 -0.14762364384211424 -0.37375506617041776 0.8733986806167574 1.0155885504512365 0.8435006291758741 1.0904497628684104 1.0231211052963285 0.20434271781056063 0.38749730349145134 -0.1807978405865759 -0.3896198647937187 -1.0777393822652195 -1.4063857798658534 -1.4065921511784647 -1.8447185574385765 -1.9544049374106747 -2.006436317662606 +21335,-2.2065907445731154,0,-0.6224067636176542 -1.026456098311721 -0.14762364384211424 -0.37375506617041776 0.8733986806167574 1.0155885504512365 0.8435006291758741 1.0904497628684104 1.0231211052963285 0.20434271781056063 0.38749730349145134 -0.1807978405865759 -0.3896198647937187 -1.0777393822652195 -1.4063857798658534 -1.4065921511784647 -1.8447185574385765 -1.9544049374106747 -2.006436317662606 -2.135341030977944 +21336,-2.146433491855587,0,-1.026456098311721 -0.14762364384211424 -0.37375506617041776 0.8733986806167574 1.0155885504512365 0.8435006291758741 1.0904497628684104 1.0231211052963285 0.20434271781056063 0.38749730349145134 -0.1807978405865759 -0.3896198647937187 -1.0777393822652195 -1.4063857798658534 -1.4065921511784647 -1.8447185574385765 -1.9544049374106747 -2.006436317662606 -2.135341030977944 -2.2065907445731154 +21337,-2.261485527348625,0,-0.14762364384211424 -0.37375506617041776 0.8733986806167574 1.0155885504512365 0.8435006291758741 1.0904497628684104 1.0231211052963285 0.20434271781056063 0.38749730349145134 -0.1807978405865759 -0.3896198647937187 -1.0777393822652195 -1.4063857798658534 -1.4065921511784647 -1.8447185574385765 -1.9544049374106747 -2.006436317662606 -2.135341030977944 -2.2065907445731154 -2.146433491855587 +21338,-2.2451305968385173,0,-0.37375506617041776 0.8733986806167574 1.0155885504512365 0.8435006291758741 1.0904497628684104 1.0231211052963285 0.20434271781056063 0.38749730349145134 -0.1807978405865759 -0.3896198647937187 -1.0777393822652195 -1.4063857798658534 -1.4065921511784647 -1.8447185574385765 -1.9544049374106747 -2.006436317662606 -2.135341030977944 -2.2065907445731154 -2.146433491855587 -2.261485527348625 +21339,-0.9732896756082489,0,0.8733986806167574 1.0155885504512365 0.8435006291758741 1.0904497628684104 1.0231211052963285 0.20434271781056063 0.38749730349145134 -0.1807978405865759 -0.3896198647937187 -1.0777393822652195 -1.4063857798658534 -1.4065921511784647 -1.8447185574385765 -1.9544049374106747 -2.006436317662606 -2.135341030977944 -2.2065907445731154 -2.146433491855587 -2.261485527348625 -2.2451305968385173 +21340,-1.3754300752350044,0,1.0155885504512365 0.8435006291758741 1.0904497628684104 1.0231211052963285 0.20434271781056063 0.38749730349145134 -0.1807978405865759 -0.3896198647937187 -1.0777393822652195 -1.4063857798658534 -1.4065921511784647 -1.8447185574385765 -1.9544049374106747 -2.006436317662606 -2.135341030977944 -2.2065907445731154 -2.146433491855587 -2.261485527348625 -2.2451305968385173 -0.9732896756082489 +21341,-0.5220844841416076,0,0.8435006291758741 1.0904497628684104 1.0231211052963285 0.20434271781056063 0.38749730349145134 -0.1807978405865759 -0.3896198647937187 -1.0777393822652195 -1.4063857798658534 -1.4065921511784647 -1.8447185574385765 -1.9544049374106747 -2.006436317662606 -2.135341030977944 -2.2065907445731154 -2.146433491855587 -2.261485527348625 -2.2451305968385173 -0.9732896756082489 -1.3754300752350044 +21342,-0.5354986228665702,0,1.0904497628684104 1.0231211052963285 0.20434271781056063 0.38749730349145134 -0.1807978405865759 -0.3896198647937187 -1.0777393822652195 -1.4063857798658534 -1.4065921511784647 -1.8447185574385765 -1.9544049374106747 -2.006436317662606 -2.135341030977944 -2.2065907445731154 -2.146433491855587 -2.261485527348625 -2.2451305968385173 -0.9732896756082489 -1.3754300752350044 -0.5220844841416076 +21343,0.6067668780115026,0,1.0231211052963285 0.20434271781056063 0.38749730349145134 -0.1807978405865759 -0.3896198647937187 -1.0777393822652195 -1.4063857798658534 -1.4065921511784647 -1.8447185574385765 -1.9544049374106747 -2.006436317662606 -2.135341030977944 -2.2065907445731154 -2.146433491855587 -2.261485527348625 -2.2451305968385173 -0.9732896756082489 -1.3754300752350044 -0.5220844841416076 -0.5354986228665702 +21344,0.882272649226002,0,0.20434271781056063 0.38749730349145134 -0.1807978405865759 -0.3896198647937187 -1.0777393822652195 -1.4063857798658534 -1.4065921511784647 -1.8447185574385765 -1.9544049374106747 -2.006436317662606 -2.135341030977944 -2.2065907445731154 -2.146433491855587 -2.261485527348625 -2.2451305968385173 -0.9732896756082489 -1.3754300752350044 -0.5220844841416076 -0.5354986228665702 0.6067668780115026 +21345,0.7193682536061939,0,0.38749730349145134 -0.1807978405865759 -0.3896198647937187 -1.0777393822652195 -1.4063857798658534 -1.4065921511784647 -1.8447185574385765 -1.9544049374106747 -2.006436317662606 -2.135341030977944 -2.2065907445731154 -2.146433491855587 -2.261485527348625 -2.2451305968385173 -0.9732896756082489 -1.3754300752350044 -0.5220844841416076 -0.5354986228665702 0.6067668780115026 0.882272649226002 +21346,1.141010747150385,0,-0.1807978405865759 -0.3896198647937187 -1.0777393822652195 -1.4063857798658534 -1.4065921511784647 -1.8447185574385765 -1.9544049374106747 -2.006436317662606 -2.135341030977944 -2.2065907445731154 -2.146433491855587 -2.261485527348625 -2.2451305968385173 -0.9732896756082489 -1.3754300752350044 -0.5220844841416076 -0.5354986228665702 0.6067668780115026 0.882272649226002 0.7193682536061939 +21347,1.124243073705492,0,-0.3896198647937187 -1.0777393822652195 -1.4063857798658534 -1.4065921511784647 -1.8447185574385765 -1.9544049374106747 -2.006436317662606 -2.135341030977944 -2.2065907445731154 -2.146433491855587 -2.261485527348625 -2.2451305968385173 -0.9732896756082489 -1.3754300752350044 -0.5220844841416076 -0.5354986228665702 0.6067668780115026 0.882272649226002 0.7193682536061939 1.141010747150385 +21348,0.2856788317281017,0,-1.0777393822652195 -1.4063857798658534 -1.4065921511784647 -1.8447185574385765 -1.9544049374106747 -2.006436317662606 -2.135341030977944 -2.2065907445731154 -2.146433491855587 -2.261485527348625 -2.2451305968385173 -0.9732896756082489 -1.3754300752350044 -0.5220844841416076 -0.5354986228665702 0.6067668780115026 0.882272649226002 0.7193682536061939 1.141010747150385 1.124243073705492 +21349,0.5428433479488208,0,-1.4063857798658534 -1.4065921511784647 -1.8447185574385765 -1.9544049374106747 -2.006436317662606 -2.135341030977944 -2.2065907445731154 -2.146433491855587 -2.261485527348625 -2.2451305968385173 -0.9732896756082489 -1.3754300752350044 -0.5220844841416076 -0.5354986228665702 0.6067668780115026 0.882272649226002 0.7193682536061939 1.141010747150385 1.124243073705492 0.2856788317281017 +21350,-0.02178870451774291,0,-1.4065921511784647 -1.8447185574385765 -1.9544049374106747 -2.006436317662606 -2.135341030977944 -2.2065907445731154 -2.146433491855587 -2.261485527348625 -2.2451305968385173 -0.9732896756082489 -1.3754300752350044 -0.5220844841416076 -0.5354986228665702 0.6067668780115026 0.882272649226002 0.7193682536061939 1.141010747150385 1.124243073705492 0.2856788317281017 0.5428433479488208 +21351,-0.21750614704624183,0,-1.8447185574385765 -1.9544049374106747 -2.006436317662606 -2.135341030977944 -2.2065907445731154 -2.146433491855587 -2.261485527348625 -2.2451305968385173 -0.9732896756082489 -1.3754300752350044 -0.5220844841416076 -0.5354986228665702 0.6067668780115026 0.882272649226002 0.7193682536061939 1.141010747150385 1.124243073705492 0.2856788317281017 0.5428433479488208 -0.02178870451774291 +21352,-0.9051097361588213,0,-1.9544049374106747 -2.006436317662606 -2.135341030977944 -2.2065907445731154 -2.146433491855587 -2.261485527348625 -2.2451305968385173 -0.9732896756082489 -1.3754300752350044 -0.5220844841416076 -0.5354986228665702 0.6067668780115026 0.882272649226002 0.7193682536061939 1.141010747150385 1.124243073705492 0.2856788317281017 0.5428433479488208 -0.02178870451774291 -0.21750614704624183 +21353,-1.223798715333336,0,-2.006436317662606 -2.135341030977944 -2.2065907445731154 -2.146433491855587 -2.261485527348625 -2.2451305968385173 -0.9732896756082489 -1.3754300752350044 -0.5220844841416076 -0.5354986228665702 0.6067668780115026 0.882272649226002 0.7193682536061939 1.141010747150385 1.124243073705492 0.2856788317281017 0.5428433479488208 -0.02178870451774291 -0.21750614704624183 -0.9051097361588213 +21354,-1.1973315878739672,0,-2.135341030977944 -2.2065907445731154 -2.146433491855587 -2.261485527348625 -2.2451305968385173 -0.9732896756082489 -1.3754300752350044 -0.5220844841416076 -0.5354986228665702 0.6067668780115026 0.882272649226002 0.7193682536061939 1.141010747150385 1.124243073705492 0.2856788317281017 0.5428433479488208 -0.02178870451774291 -0.21750614704624183 -0.9051097361588213 -1.223798715333336 +21355,-1.6310726025415203,0,-2.2065907445731154 -2.146433491855587 -2.261485527348625 -2.2451305968385173 -0.9732896756082489 -1.3754300752350044 -0.5220844841416076 -0.5354986228665702 0.6067668780115026 0.882272649226002 0.7193682536061939 1.141010747150385 1.124243073705492 0.2856788317281017 0.5428433479488208 -0.02178870451774291 -0.21750614704624183 -0.9051097361588213 -1.223798715333336 -1.1973315878739672 +21356,-1.7196575107299756,0,-2.146433491855587 -2.261485527348625 -2.2451305968385173 -0.9732896756082489 -1.3754300752350044 -0.5220844841416076 -0.5354986228665702 0.6067668780115026 0.882272649226002 0.7193682536061939 1.141010747150385 1.124243073705492 0.2856788317281017 0.5428433479488208 -0.02178870451774291 -0.21750614704624183 -0.9051097361588213 -1.223798715333336 -1.1973315878739672 -1.6310726025415203 +21357,-1.7929193449713712,0,-2.261485527348625 -2.2451305968385173 -0.9732896756082489 -1.3754300752350044 -0.5220844841416076 -0.5354986228665702 0.6067668780115026 0.882272649226002 0.7193682536061939 1.141010747150385 1.124243073705492 0.2856788317281017 0.5428433479488208 -0.02178870451774291 -0.21750614704624183 -0.9051097361588213 -1.223798715333336 -1.1973315878739672 -1.6310726025415203 -1.7196575107299756 +21358,-1.8866119442691234,0,-2.2451305968385173 -0.9732896756082489 -1.3754300752350044 -0.5220844841416076 -0.5354986228665702 0.6067668780115026 0.882272649226002 0.7193682536061939 1.141010747150385 1.124243073705492 0.2856788317281017 0.5428433479488208 -0.02178870451774291 -0.21750614704624183 -0.9051097361588213 -1.223798715333336 -1.1973315878739672 -1.6310726025415203 -1.7196575107299756 -1.7929193449713712 +21359,-1.9649814699293962,0,-0.9732896756082489 -1.3754300752350044 -0.5220844841416076 -0.5354986228665702 0.6067668780115026 0.882272649226002 0.7193682536061939 1.141010747150385 1.124243073705492 0.2856788317281017 0.5428433479488208 -0.02178870451774291 -0.21750614704624183 -0.9051097361588213 -1.223798715333336 -1.1973315878739672 -1.6310726025415203 -1.7196575107299756 -1.7929193449713712 -1.8866119442691234 +21360,-1.8866377407412467,0,-1.3754300752350044 -0.5220844841416076 -0.5354986228665702 0.6067668780115026 0.882272649226002 0.7193682536061939 1.141010747150385 1.124243073705492 0.2856788317281017 0.5428433479488208 -0.02178870451774291 -0.21750614704624183 -0.9051097361588213 -1.223798715333336 -1.1973315878739672 -1.6310726025415203 -1.7196575107299756 -1.7929193449713712 -1.8866119442691234 -1.9649814699293962 +21361,-2.0172450178112764,0,-0.5220844841416076 -0.5354986228665702 0.6067668780115026 0.882272649226002 0.7193682536061939 1.141010747150385 1.124243073705492 0.2856788317281017 0.5428433479488208 -0.02178870451774291 -0.21750614704624183 -0.9051097361588213 -1.223798715333336 -1.1973315878739672 -1.6310726025415203 -1.7196575107299756 -1.7929193449713712 -1.8866119442691234 -1.9649814699293962 -1.8866377407412467 +21362,-1.991139040342455,0,-0.5354986228665702 0.6067668780115026 0.882272649226002 0.7193682536061939 1.141010747150385 1.124243073705492 0.2856788317281017 0.5428433479488208 -0.02178870451774291 -0.21750614704624183 -0.9051097361588213 -1.223798715333336 -1.1973315878739672 -1.6310726025415203 -1.7196575107299756 -1.7929193449713712 -1.8866119442691234 -1.9649814699293962 -1.8866377407412467 -2.0172450178112764 +21363,-0.7454556895252541,0,0.6067668780115026 0.882272649226002 0.7193682536061939 1.141010747150385 1.124243073705492 0.2856788317281017 0.5428433479488208 -0.02178870451774291 -0.21750614704624183 -0.9051097361588213 -1.223798715333336 -1.1973315878739672 -1.6310726025415203 -1.7196575107299756 -1.7929193449713712 -1.8866119442691234 -1.9649814699293962 -1.8866377407412467 -2.0172450178112764 -1.991139040342455 +21364,-1.1258755029661844,0,0.882272649226002 0.7193682536061939 1.141010747150385 1.124243073705492 0.2856788317281017 0.5428433479488208 -0.02178870451774291 -0.21750614704624183 -0.9051097361588213 -1.223798715333336 -1.1973315878739672 -1.6310726025415203 -1.7196575107299756 -1.7929193449713712 -1.8866119442691234 -1.9649814699293962 -1.8866377407412467 -2.0172450178112764 -1.991139040342455 -0.7454556895252541 +21365,-0.2867179433682888,0,0.7193682536061939 1.141010747150385 1.124243073705492 0.2856788317281017 0.5428433479488208 -0.02178870451774291 -0.21750614704624183 -0.9051097361588213 -1.223798715333336 -1.1973315878739672 -1.6310726025415203 -1.7196575107299756 -1.7929193449713712 -1.8866119442691234 -1.9649814699293962 -1.8866377407412467 -2.0172450178112764 -1.991139040342455 -0.7454556895252541 -1.1258755029661844 +21366,-0.425915428473385,0,1.141010747150385 1.124243073705492 0.2856788317281017 0.5428433479488208 -0.02178870451774291 -0.21750614704624183 -0.9051097361588213 -1.223798715333336 -1.1973315878739672 -1.6310726025415203 -1.7196575107299756 -1.7929193449713712 -1.8866119442691234 -1.9649814699293962 -1.8866377407412467 -2.0172450178112764 -1.991139040342455 -0.7454556895252541 -1.1258755029661844 -0.2867179433682888 +21367,0.7393604795652133,0,1.124243073705492 0.2856788317281017 0.5428433479488208 -0.02178870451774291 -0.21750614704624183 -0.9051097361588213 -1.223798715333336 -1.1973315878739672 -1.6310726025415203 -1.7196575107299756 -1.7929193449713712 -1.8866119442691234 -1.9649814699293962 -1.8866377407412467 -2.0172450178112764 -1.991139040342455 -0.7454556895252541 -1.1258755029661844 -0.2867179433682888 -0.425915428473385 +21368,0.9262813425912573,0,0.2856788317281017 0.5428433479488208 -0.02178870451774291 -0.21750614704624183 -0.9051097361588213 -1.223798715333336 -1.1973315878739672 -1.6310726025415203 -1.7196575107299756 -1.7929193449713712 -1.8866119442691234 -1.9649814699293962 -1.8866377407412467 -2.0172450178112764 -1.991139040342455 -0.7454556895252541 -1.1258755029661844 -0.2867179433682888 -0.425915428473385 0.7393604795652133 +21369,0.755586428024285,0,0.5428433479488208 -0.02178870451774291 -0.21750614704624183 -0.9051097361588213 -1.223798715333336 -1.1973315878739672 -1.6310726025415203 -1.7196575107299756 -1.7929193449713712 -1.8866119442691234 -1.9649814699293962 -1.8866377407412467 -2.0172450178112764 -1.991139040342455 -0.7454556895252541 -1.1258755029661844 -0.2867179433682888 -0.425915428473385 0.7393604795652133 0.9262813425912573 +21370,1.0617125503511915,0,-0.02178870451774291 -0.21750614704624183 -0.9051097361588213 -1.223798715333336 -1.1973315878739672 -1.6310726025415203 -1.7196575107299756 -1.7929193449713712 -1.8866119442691234 -1.9649814699293962 -1.8866377407412467 -2.0172450178112764 -1.991139040342455 -0.7454556895252541 -1.1258755029661844 -0.2867179433682888 -0.425915428473385 0.7393604795652133 0.9262813425912573 0.755586428024285 +21371,1.0102228950850818,0,-0.21750614704624183 -0.9051097361588213 -1.223798715333336 -1.1973315878739672 -1.6310726025415203 -1.7196575107299756 -1.7929193449713712 -1.8866119442691234 -1.9649814699293962 -1.8866377407412467 -2.0172450178112764 -1.991139040342455 -0.7454556895252541 -1.1258755029661844 -0.2867179433682888 -0.425915428473385 0.7393604795652133 0.9262813425912573 0.755586428024285 1.0617125503511915 +21372,0.3706522409397599,0,-0.9051097361588213 -1.223798715333336 -1.1973315878739672 -1.6310726025415203 -1.7196575107299756 -1.7929193449713712 -1.8866119442691234 -1.9649814699293962 -1.8866377407412467 -2.0172450178112764 -1.991139040342455 -0.7454556895252541 -1.1258755029661844 -0.2867179433682888 -0.425915428473385 0.7393604795652133 0.9262813425912573 0.755586428024285 1.0617125503511915 1.0102228950850818 +21373,0.5151895850936733,0,-1.223798715333336 -1.1973315878739672 -1.6310726025415203 -1.7196575107299756 -1.7929193449713712 -1.8866119442691234 -1.9649814699293962 -1.8866377407412467 -2.0172450178112764 -1.991139040342455 -0.7454556895252541 -1.1258755029661844 -0.2867179433682888 -0.425915428473385 0.7393604795652133 0.9262813425912573 0.755586428024285 1.0617125503511915 1.0102228950850818 0.3706522409397599 +21374,0.07164593067794589,0,-1.1973315878739672 -1.6310726025415203 -1.7196575107299756 -1.7929193449713712 -1.8866119442691234 -1.9649814699293962 -1.8866377407412467 -2.0172450178112764 -1.991139040342455 -0.7454556895252541 -1.1258755029661844 -0.2867179433682888 -0.425915428473385 0.7393604795652133 0.9262813425912573 0.755586428024285 1.0617125503511915 1.0102228950850818 0.3706522409397599 0.5151895850936733 +21375,-0.028212013228640323,0,-1.6310726025415203 -1.7196575107299756 -1.7929193449713712 -1.8866119442691234 -1.9649814699293962 -1.8866377407412467 -2.0172450178112764 -1.991139040342455 -0.7454556895252541 -1.1258755029661844 -0.2867179433682888 -0.425915428473385 0.7393604795652133 0.9262813425912573 0.755586428024285 1.0617125503511915 1.0102228950850818 0.3706522409397599 0.5151895850936733 0.07164593067794589 +21376,-0.5863175712505994,0,-1.7196575107299756 -1.7929193449713712 -1.8866119442691234 -1.9649814699293962 -1.8866377407412467 -2.0172450178112764 -1.991139040342455 -0.7454556895252541 -1.1258755029661844 -0.2867179433682888 -0.425915428473385 0.7393604795652133 0.9262813425912573 0.755586428024285 1.0617125503511915 1.0102228950850818 0.3706522409397599 0.5151895850936733 0.07164593067794589 -0.028212013228640323 +21377,-0.800737418763426,0,-1.7929193449713712 -1.8866119442691234 -1.9649814699293962 -1.8866377407412467 -2.0172450178112764 -1.991139040342455 -0.7454556895252541 -1.1258755029661844 -0.2867179433682888 -0.425915428473385 0.7393604795652133 0.9262813425912573 0.755586428024285 1.0617125503511915 1.0102228950850818 0.3706522409397599 0.5151895850936733 0.07164593067794589 -0.028212013228640323 -0.5863175712505994 +21378,-0.8747731456205919,0,-1.8866119442691234 -1.9649814699293962 -1.8866377407412467 -2.0172450178112764 -1.991139040342455 -0.7454556895252541 -1.1258755029661844 -0.2867179433682888 -0.425915428473385 0.7393604795652133 0.9262813425912573 0.755586428024285 1.0617125503511915 1.0102228950850818 0.3706522409397599 0.5151895850936733 0.07164593067794589 -0.028212013228640323 -0.5863175712505994 -0.800737418763426 +21379,-1.1359876999154455,0,-1.9649814699293962 -1.8866377407412467 -2.0172450178112764 -1.991139040342455 -0.7454556895252541 -1.1258755029661844 -0.2867179433682888 -0.425915428473385 0.7393604795652133 0.9262813425912573 0.755586428024285 1.0617125503511915 1.0102228950850818 0.3706522409397599 0.5151895850936733 0.07164593067794589 -0.028212013228640323 -0.5863175712505994 -0.800737418763426 -0.8747731456205919 +21380,-1.256818133554647,0,-1.8866377407412467 -2.0172450178112764 -1.991139040342455 -0.7454556895252541 -1.1258755029661844 -0.2867179433682888 -0.425915428473385 0.7393604795652133 0.9262813425912573 0.755586428024285 1.0617125503511915 1.0102228950850818 0.3706522409397599 0.5151895850936733 0.07164593067794589 -0.028212013228640323 -0.5863175712505994 -0.800737418763426 -0.8747731456205919 -1.1359876999154455 +21381,-1.1395218094758728,0,-2.0172450178112764 -1.991139040342455 -0.7454556895252541 -1.1258755029661844 -0.2867179433682888 -0.425915428473385 0.7393604795652133 0.9262813425912573 0.755586428024285 1.0617125503511915 1.0102228950850818 0.3706522409397599 0.5151895850936733 0.07164593067794589 -0.028212013228640323 -0.5863175712505994 -0.800737418763426 -0.8747731456205919 -1.1359876999154455 -1.256818133554647 +21382,-1.3397278291758432,0,-1.991139040342455 -0.7454556895252541 -1.1258755029661844 -0.2867179433682888 -0.425915428473385 0.7393604795652133 0.9262813425912573 0.755586428024285 1.0617125503511915 1.0102228950850818 0.3706522409397599 0.5151895850936733 0.07164593067794589 -0.028212013228640323 -0.5863175712505994 -0.800737418763426 -0.8747731456205919 -1.1359876999154455 -1.256818133554647 -1.1395218094758728 +21383,-1.301807091003061,0,-0.7454556895252541 -1.1258755029661844 -0.2867179433682888 -0.425915428473385 0.7393604795652133 0.9262813425912573 0.755586428024285 1.0617125503511915 1.0102228950850818 0.3706522409397599 0.5151895850936733 0.07164593067794589 -0.028212013228640323 -0.5863175712505994 -0.800737418763426 -0.8747731456205919 -1.1359876999154455 -1.256818133554647 -1.1395218094758728 -1.3397278291758432 +21384,-1.2135059435435869,0,-1.1258755029661844 -0.2867179433682888 -0.425915428473385 0.7393604795652133 0.9262813425912573 0.755586428024285 1.0617125503511915 1.0102228950850818 0.3706522409397599 0.5151895850936733 0.07164593067794589 -0.028212013228640323 -0.5863175712505994 -0.800737418763426 -0.8747731456205919 -1.1359876999154455 -1.256818133554647 -1.1395218094758728 -1.3397278291758432 -1.301807091003061 +21385,-1.1923786751330352,0,-0.2867179433682888 -0.425915428473385 0.7393604795652133 0.9262813425912573 0.755586428024285 1.0617125503511915 1.0102228950850818 0.3706522409397599 0.5151895850936733 0.07164593067794589 -0.028212013228640323 -0.5863175712505994 -0.800737418763426 -0.8747731456205919 -1.1359876999154455 -1.256818133554647 -1.1395218094758728 -1.3397278291758432 -1.301807091003061 -1.2135059435435869 +21386,-1.120870997435783,0,-0.425915428473385 0.7393604795652133 0.9262813425912573 0.755586428024285 1.0617125503511915 1.0102228950850818 0.3706522409397599 0.5151895850936733 0.07164593067794589 -0.028212013228640323 -0.5863175712505994 -0.800737418763426 -0.8747731456205919 -1.1359876999154455 -1.256818133554647 -1.1395218094758728 -1.3397278291758432 -1.301807091003061 -1.2135059435435869 -1.1923786751330352 +21387,-0.5570128375849982,0,0.7393604795652133 0.9262813425912573 0.755586428024285 1.0617125503511915 1.0102228950850818 0.3706522409397599 0.5151895850936733 0.07164593067794589 -0.028212013228640323 -0.5863175712505994 -0.800737418763426 -0.8747731456205919 -1.1359876999154455 -1.256818133554647 -1.1395218094758728 -1.3397278291758432 -1.301807091003061 -1.2135059435435869 -1.1923786751330352 -1.120870997435783 +21388,-0.649621987220679,0,0.9262813425912573 0.755586428024285 1.0617125503511915 1.0102228950850818 0.3706522409397599 0.5151895850936733 0.07164593067794589 -0.028212013228640323 -0.5863175712505994 -0.800737418763426 -0.8747731456205919 -1.1359876999154455 -1.256818133554647 -1.1395218094758728 -1.3397278291758432 -1.301807091003061 -1.2135059435435869 -1.1923786751330352 -1.120870997435783 -0.5570128375849982 +21389,-0.24988065485758676,0,0.755586428024285 1.0617125503511915 1.0102228950850818 0.3706522409397599 0.5151895850936733 0.07164593067794589 -0.028212013228640323 -0.5863175712505994 -0.800737418763426 -0.8747731456205919 -1.1359876999154455 -1.256818133554647 -1.1395218094758728 -1.3397278291758432 -1.301807091003061 -1.2135059435435869 -1.1923786751330352 -1.120870997435783 -0.5570128375849982 -0.649621987220679 +21390,-0.3656291937048203,0,1.0617125503511915 1.0102228950850818 0.3706522409397599 0.5151895850936733 0.07164593067794589 -0.028212013228640323 -0.5863175712505994 -0.800737418763426 -0.8747731456205919 -1.1359876999154455 -1.256818133554647 -1.1395218094758728 -1.3397278291758432 -1.301807091003061 -1.2135059435435869 -1.1923786751330352 -1.120870997435783 -0.5570128375849982 -0.649621987220679 -0.24988065485758676 +21391,0.20594209583156214,0,1.0102228950850818 0.3706522409397599 0.5151895850936733 0.07164593067794589 -0.028212013228640323 -0.5863175712505994 -0.800737418763426 -0.8747731456205919 -1.1359876999154455 -1.256818133554647 -1.1395218094758728 -1.3397278291758432 -1.301807091003061 -1.2135059435435869 -1.1923786751330352 -1.120870997435783 -0.5570128375849982 -0.649621987220679 -0.24988065485758676 -0.3656291937048203 +21392,0.26202351415762765,0,0.3706522409397599 0.5151895850936733 0.07164593067794589 -0.028212013228640323 -0.5863175712505994 -0.800737418763426 -0.8747731456205919 -1.1359876999154455 -1.256818133554647 -1.1395218094758728 -1.3397278291758432 -1.301807091003061 -1.2135059435435869 -1.1923786751330352 -1.120870997435783 -0.5570128375849982 -0.649621987220679 -0.24988065485758676 -0.3656291937048203 0.20594209583156214 +21393,0.16030822797319083,0,0.5151895850936733 0.07164593067794589 -0.028212013228640323 -0.5863175712505994 -0.800737418763426 -0.8747731456205919 -1.1359876999154455 -1.256818133554647 -1.1395218094758728 -1.3397278291758432 -1.301807091003061 -1.2135059435435869 -1.1923786751330352 -1.120870997435783 -0.5570128375849982 -0.649621987220679 -0.24988065485758676 -0.3656291937048203 0.20594209583156214 0.26202351415762765 +21394,0.26898854769956076,0,0.07164593067794589 -0.028212013228640323 -0.5863175712505994 -0.800737418763426 -0.8747731456205919 -1.1359876999154455 -1.256818133554647 -1.1395218094758728 -1.3397278291758432 -1.301807091003061 -1.2135059435435869 -1.1923786751330352 -1.120870997435783 -0.5570128375849982 -0.649621987220679 -0.24988065485758676 -0.3656291937048203 0.20594209583156214 0.26202351415762765 0.16030822797319083 +21395,0.2198721629154372,0,-0.028212013228640323 -0.5863175712505994 -0.800737418763426 -0.8747731456205919 -1.1359876999154455 -1.256818133554647 -1.1395218094758728 -1.3397278291758432 -1.301807091003061 -1.2135059435435869 -1.1923786751330352 -1.120870997435783 -0.5570128375849982 -0.649621987220679 -0.24988065485758676 -0.3656291937048203 0.20594209583156214 0.26202351415762765 0.16030822797319083 0.26898854769956076 +21396,-0.03757611387946858,0,-0.5863175712505994 -0.800737418763426 -0.8747731456205919 -1.1359876999154455 -1.256818133554647 -1.1395218094758728 -1.3397278291758432 -1.301807091003061 -1.2135059435435869 -1.1923786751330352 -1.120870997435783 -0.5570128375849982 -0.649621987220679 -0.24988065485758676 -0.3656291937048203 0.20594209583156214 0.26202351415762765 0.16030822797319083 0.26898854769956076 0.2198721629154372 +21397,-0.01724853455681055,0,-0.800737418763426 -0.8747731456205919 -1.1359876999154455 -1.256818133554647 -1.1395218094758728 -1.3397278291758432 -1.301807091003061 -1.2135059435435869 -1.1923786751330352 -1.120870997435783 -0.5570128375849982 -0.649621987220679 -0.24988065485758676 -0.3656291937048203 0.20594209583156214 0.26202351415762765 0.16030822797319083 0.26898854769956076 0.2198721629154372 -0.03757611387946858 +21398,-0.20525284724493476,0,-0.8747731456205919 -1.1359876999154455 -1.256818133554647 -1.1395218094758728 -1.3397278291758432 -1.301807091003061 -1.2135059435435869 -1.1923786751330352 -1.120870997435783 -0.5570128375849982 -0.649621987220679 -0.24988065485758676 -0.3656291937048203 0.20594209583156214 0.26202351415762765 0.16030822797319083 0.26898854769956076 0.2198721629154372 -0.03757611387946858 -0.01724853455681055 +21399,-0.5033046900504903,0,-1.1359876999154455 -1.256818133554647 -1.1395218094758728 -1.3397278291758432 -1.301807091003061 -1.2135059435435869 -1.1923786751330352 -1.120870997435783 -0.5570128375849982 -0.649621987220679 -0.24988065485758676 -0.3656291937048203 0.20594209583156214 0.26202351415762765 0.16030822797319083 0.26898854769956076 0.2198721629154372 -0.03757611387946858 -0.01724853455681055 -0.20525284724493476 +21400,-0.6546264929058486,0,-1.256818133554647 -1.1395218094758728 -1.3397278291758432 -1.301807091003061 -1.2135059435435869 -1.1923786751330352 -1.120870997435783 -0.5570128375849982 -0.649621987220679 -0.24988065485758676 -0.3656291937048203 0.20594209583156214 0.26202351415762765 0.16030822797319083 0.26898854769956076 0.2198721629154372 -0.03757611387946858 -0.01724853455681055 -0.20525284724493476 -0.5033046900504903 +21401,-0.9159958255690758,0,-1.1395218094758728 -1.3397278291758432 -1.301807091003061 -1.2135059435435869 -1.1923786751330352 -1.120870997435783 -0.5570128375849982 -0.649621987220679 -0.24988065485758676 -0.3656291937048203 0.20594209583156214 0.26202351415762765 0.16030822797319083 0.26898854769956076 0.2198721629154372 -0.03757611387946858 -0.01724853455681055 -0.20525284724493476 -0.5033046900504903 -0.6546264929058486 +21402,-0.9812607695506957,0,-1.3397278291758432 -1.301807091003061 -1.2135059435435869 -1.1923786751330352 -1.120870997435783 -0.5570128375849982 -0.649621987220679 -0.24988065485758676 -0.3656291937048203 0.20594209583156214 0.26202351415762765 0.16030822797319083 0.26898854769956076 0.2198721629154372 -0.03757611387946858 -0.01724853455681055 -0.20525284724493476 -0.5033046900504903 -0.6546264929058486 -0.9159958255690758 +21403,-1.3079982319292327,0,-1.301807091003061 -1.2135059435435869 -1.1923786751330352 -1.120870997435783 -0.5570128375849982 -0.649621987220679 -0.24988065485758676 -0.3656291937048203 0.20594209583156214 0.26202351415762765 0.16030822797319083 0.26898854769956076 0.2198721629154372 -0.03757611387946858 -0.01724853455681055 -0.20525284724493476 -0.5033046900504903 -0.6546264929058486 -0.9159958255690758 -0.9812607695506957 +21404,-1.4386313054713853,0,-1.2135059435435869 -1.1923786751330352 -1.120870997435783 -0.5570128375849982 -0.649621987220679 -0.24988065485758676 -0.3656291937048203 0.20594209583156214 0.26202351415762765 0.16030822797319083 0.26898854769956076 0.2198721629154372 -0.03757611387946858 -0.01724853455681055 -0.20525284724493476 -0.5033046900504903 -0.6546264929058486 -0.9159958255690758 -0.9812607695506957 -1.3079982319292327 +21405,-1.499846211378871,0,-1.1923786751330352 -1.120870997435783 -0.5570128375849982 -0.649621987220679 -0.24988065485758676 -0.3656291937048203 0.20594209583156214 0.26202351415762765 0.16030822797319083 0.26898854769956076 0.2198721629154372 -0.03757611387946858 -0.01724853455681055 -0.20525284724493476 -0.5033046900504903 -0.6546264929058486 -0.9159958255690758 -0.9812607695506957 -1.3079982319292327 -1.4386313054713853 +21406,-1.6536186741325765,0,-1.120870997435783 -0.5570128375849982 -0.649621987220679 -0.24988065485758676 -0.3656291937048203 0.20594209583156214 0.26202351415762765 0.16030822797319083 0.26898854769956076 0.2198721629154372 -0.03757611387946858 -0.01724853455681055 -0.20525284724493476 -0.5033046900504903 -0.6546264929058486 -0.9159958255690758 -0.9812607695506957 -1.3079982319292327 -1.4386313054713853 -1.499846211378871 +21407,-1.7379729692516237,0,-0.5570128375849982 -0.649621987220679 -0.24988065485758676 -0.3656291937048203 0.20594209583156214 0.26202351415762765 0.16030822797319083 0.26898854769956076 0.2198721629154372 -0.03757611387946858 -0.01724853455681055 -0.20525284724493476 -0.5033046900504903 -0.6546264929058486 -0.9159958255690758 -0.9812607695506957 -1.3079982319292327 -1.4386313054713853 -1.499846211378871 -1.6536186741325765 +21408,-1.6745911640199775,0,-0.649621987220679 -0.24988065485758676 -0.3656291937048203 0.20594209583156214 0.26202351415762765 0.16030822797319083 0.26898854769956076 0.2198721629154372 -0.03757611387946858 -0.01724853455681055 -0.20525284724493476 -0.5033046900504903 -0.6546264929058486 -0.9159958255690758 -0.9812607695506957 -1.3079982319292327 -1.4386313054713853 -1.499846211378871 -1.6536186741325765 -1.7379729692516237 +21409,-1.8081908259741846,0,-0.24988065485758676 -0.3656291937048203 0.20594209583156214 0.26202351415762765 0.16030822797319083 0.26898854769956076 0.2198721629154372 -0.03757611387946858 -0.01724853455681055 -0.20525284724493476 -0.5033046900504903 -0.6546264929058486 -0.9159958255690758 -0.9812607695506957 -1.3079982319292327 -1.4386313054713853 -1.499846211378871 -1.6536186741325765 -1.7379729692516237 -1.6745911640199775 +21410,-1.7940543874229122,0,-0.3656291937048203 0.20594209583156214 0.26202351415762765 0.16030822797319083 0.26898854769956076 0.2198721629154372 -0.03757611387946858 -0.01724853455681055 -0.20525284724493476 -0.5033046900504903 -0.6546264929058486 -0.9159958255690758 -0.9812607695506957 -1.3079982319292327 -1.4386313054713853 -1.499846211378871 -1.6536186741325765 -1.7379729692516237 -1.6745911640199775 -1.8081908259741846 +21411,-0.7843824880985325,0,0.20594209583156214 0.26202351415762765 0.16030822797319083 0.26898854769956076 0.2198721629154372 -0.03757611387946858 -0.01724853455681055 -0.20525284724493476 -0.5033046900504903 -0.6546264929058486 -0.9159958255690758 -0.9812607695506957 -1.3079982319292327 -1.4386313054713853 -1.499846211378871 -1.6536186741325765 -1.7379729692516237 -1.6745911640199775 -1.8081908259741846 -1.7940543874229122 +21412,-1.1020912033446744,0,0.26202351415762765 0.16030822797319083 0.26898854769956076 0.2198721629154372 -0.03757611387946858 -0.01724853455681055 -0.20525284724493476 -0.5033046900504903 -0.6546264929058486 -0.9159958255690758 -0.9812607695506957 -1.3079982319292327 -1.4386313054713853 -1.499846211378871 -1.6536186741325765 -1.7379729692516237 -1.6745911640199775 -1.8081908259741846 -1.7940543874229122 -0.7843824880985325 +21413,-0.4242644575081458,0,0.16030822797319083 0.26898854769956076 0.2198721629154372 -0.03757611387946858 -0.01724853455681055 -0.20525284724493476 -0.5033046900504903 -0.6546264929058486 -0.9159958255690758 -0.9812607695506957 -1.3079982319292327 -1.4386313054713853 -1.499846211378871 -1.6536186741325765 -1.7379729692516237 -1.6745911640199775 -1.8081908259741846 -1.7940543874229122 -0.7843824880985325 -1.1020912033446744 +21414,-0.4786175156073968,0,0.26898854769956076 0.2198721629154372 -0.03757611387946858 -0.01724853455681055 -0.20525284724493476 -0.5033046900504903 -0.6546264929058486 -0.9159958255690758 -0.9812607695506957 -1.3079982319292327 -1.4386313054713853 -1.499846211378871 -1.6536186741325765 -1.7379729692516237 -1.6745911640199775 -1.8081908259741846 -1.7940543874229122 -0.7843824880985325 -1.1020912033446744 -0.4242644575081458 +21415,0.443269164771207,0,0.2198721629154372 -0.03757611387946858 -0.01724853455681055 -0.20525284724493476 -0.5033046900504903 -0.6546264929058486 -0.9159958255690758 -0.9812607695506957 -1.3079982319292327 -1.4386313054713853 -1.499846211378871 -1.6536186741325765 -1.7379729692516237 -1.6745911640199775 -1.8081908259741846 -1.7940543874229122 -0.7843824880985325 -1.1020912033446744 -0.4242644575081458 -0.4786175156073968 +21416,0.6329760412140312,0,-0.03757611387946858 -0.01724853455681055 -0.20525284724493476 -0.5033046900504903 -0.6546264929058486 -0.9159958255690758 -0.9812607695506957 -1.3079982319292327 -1.4386313054713853 -1.499846211378871 -1.6536186741325765 -1.7379729692516237 -1.6745911640199775 -1.8081908259741846 -1.7940543874229122 -0.7843824880985325 -1.1020912033446744 -0.4242644575081458 -0.4786175156073968 0.443269164771207 +21417,0.5502727170602232,0,-0.01724853455681055 -0.20525284724493476 -0.5033046900504903 -0.6546264929058486 -0.9159958255690758 -0.9812607695506957 -1.3079982319292327 -1.4386313054713853 -1.499846211378871 -1.6536186741325765 -1.7379729692516237 -1.6745911640199775 -1.8081908259741846 -1.7940543874229122 -0.7843824880985325 -1.1020912033446744 -0.4242644575081458 -0.4786175156073968 0.443269164771207 0.6329760412140312 +21418,0.8307829938051066,0,-0.20525284724493476 -0.5033046900504903 -0.6546264929058486 -0.9159958255690758 -0.9812607695506957 -1.3079982319292327 -1.4386313054713853 -1.499846211378871 -1.6536186741325765 -1.7379729692516237 -1.6745911640199775 -1.8081908259741846 -1.7940543874229122 -0.7843824880985325 -1.1020912033446744 -0.4242644575081458 -0.4786175156073968 0.443269164771207 0.6329760412140312 0.5502727170602232 +21419,0.8388830699533664,0,-0.5033046900504903 -0.6546264929058486 -0.9159958255690758 -0.9812607695506957 -1.3079982319292327 -1.4386313054713853 -1.499846211378871 -1.6536186741325765 -1.7379729692516237 -1.6745911640199775 -1.8081908259741846 -1.7940543874229122 -0.7843824880985325 -1.1020912033446744 -0.4242644575081458 -0.4786175156073968 0.443269164771207 0.6329760412140312 0.5502727170602232 0.8307829938051066 +21420,0.7251724482244803,0,-0.6546264929058486 -0.9159958255690758 -0.9812607695506957 -1.3079982319292327 -1.4386313054713853 -1.499846211378871 -1.6536186741325765 -1.7379729692516237 -1.6745911640199775 -1.8081908259741846 -1.7940543874229122 -0.7843824880985325 -1.1020912033446744 -0.4242644575081458 -0.4786175156073968 0.443269164771207 0.6329760412140312 0.5502727170602232 0.8307829938051066 0.8388830699533664 +21421,0.7738760902285955,0,-0.9159958255690758 -0.9812607695506957 -1.3079982319292327 -1.4386313054713853 -1.499846211378871 -1.6536186741325765 -1.7379729692516237 -1.6745911640199775 -1.8081908259741846 -1.7940543874229122 -0.7843824880985325 -1.1020912033446744 -0.4242644575081458 -0.4786175156073968 0.443269164771207 0.6329760412140312 0.5502727170602232 0.8307829938051066 0.8388830699533664 0.7251724482244803 +21422,0.7007690343555736,0,-0.9812607695506957 -1.3079982319292327 -1.4386313054713853 -1.499846211378871 -1.6536186741325765 -1.7379729692516237 -1.6745911640199775 -1.8081908259741846 -1.7940543874229122 -0.7843824880985325 -1.1020912033446744 -0.4242644575081458 -0.4786175156073968 0.443269164771207 0.6329760412140312 0.5502727170602232 0.8307829938051066 0.8388830699533664 0.7251724482244803 0.7738760902285955 +21423,0.2971324424415064,0,-1.3079982319292327 -1.4386313054713853 -1.499846211378871 -1.6536186741325765 -1.7379729692516237 -1.6745911640199775 -1.8081908259741846 -1.7940543874229122 -0.7843824880985325 -1.1020912033446744 -0.4242644575081458 -0.4786175156073968 0.443269164771207 0.6329760412140312 0.5502727170602232 0.8307829938051066 0.8388830699533664 0.7251724482244803 0.7738760902285955 0.7007690343555736 +21424,0.334201898736943,0,-1.4386313054713853 -1.499846211378871 -1.6536186741325765 -1.7379729692516237 -1.6745911640199775 -1.8081908259741846 -1.7940543874229122 -0.7843824880985325 -1.1020912033446744 -0.4242644575081458 -0.4786175156073968 0.443269164771207 0.6329760412140312 0.5502727170602232 0.8307829938051066 0.8388830699533664 0.7251724482244803 0.7738760902285955 0.7007690343555736 0.2971324424415064 +21425,0.04074181883656637,0,-1.499846211378871 -1.6536186741325765 -1.7379729692516237 -1.6745911640199775 -1.8081908259741846 -1.7940543874229122 -0.7843824880985325 -1.1020912033446744 -0.4242644575081458 -0.4786175156073968 0.443269164771207 0.6329760412140312 0.5502727170602232 0.8307829938051066 0.8388830699533664 0.7251724482244803 0.7738760902285955 0.7007690343555736 0.2971324424415064 0.334201898736943 +21426,-0.14855231498104393,0,-1.6536186741325765 -1.7379729692516237 -1.6745911640199775 -1.8081908259741846 -1.7940543874229122 -0.7843824880985325 -1.1020912033446744 -0.4242644575081458 -0.4786175156073968 0.443269164771207 0.6329760412140312 0.5502727170602232 0.8307829938051066 0.8388830699533664 0.7251724482244803 0.7738760902285955 0.7007690343555736 0.2971324424415064 0.334201898736943 0.04074181883656637 +21427,-0.4767343768574229,0,-1.7379729692516237 -1.6745911640199775 -1.8081908259741846 -1.7940543874229122 -0.7843824880985325 -1.1020912033446744 -0.4242644575081458 -0.4786175156073968 0.443269164771207 0.6329760412140312 0.5502727170602232 0.8307829938051066 0.8388830699533664 0.7251724482244803 0.7738760902285955 0.7007690343555736 0.2971324424415064 0.334201898736943 0.04074181883656637 -0.14855231498104393 +21428,-0.7007504928058037,0,-1.6745911640199775 -1.8081908259741846 -1.7940543874229122 -0.7843824880985325 -1.1020912033446744 -0.4242644575081458 -0.4786175156073968 0.443269164771207 0.6329760412140312 0.5502727170602232 0.8307829938051066 0.8388830699533664 0.7251724482244803 0.7738760902285955 0.7007690343555736 0.2971324424415064 0.334201898736943 0.04074181883656637 -0.14855231498104393 -0.4767343768574229 +21429,-0.7542780653450378,0,-1.8081908259741846 -1.7940543874229122 -0.7843824880985325 -1.1020912033446744 -0.4242644575081458 -0.4786175156073968 0.443269164771207 0.6329760412140312 0.5502727170602232 0.8307829938051066 0.8388830699533664 0.7251724482244803 0.7738760902285955 0.7007690343555736 0.2971324424415064 0.334201898736943 0.04074181883656637 -0.14855231498104393 -0.4767343768574229 -0.7007504928058037 +21430,-1.0351236956083543,0,-1.7940543874229122 -0.7843824880985325 -1.1020912033446744 -0.4242644575081458 -0.4786175156073968 0.443269164771207 0.6329760412140312 0.5502727170602232 0.8307829938051066 0.8388830699533664 0.7251724482244803 0.7738760902285955 0.7007690343555736 0.2971324424415064 0.334201898736943 0.04074181883656637 -0.14855231498104393 -0.4767343768574229 -0.7007504928058037 -0.7542780653450378 +21431,-1.14548078261731,0,-0.7843824880985325 -1.1020912033446744 -0.4242644575081458 -0.4786175156073968 0.443269164771207 0.6329760412140312 0.5502727170602232 0.8307829938051066 0.8388830699533664 0.7251724482244803 0.7738760902285955 0.7007690343555736 0.2971324424415064 0.334201898736943 0.04074181883656637 -0.14855231498104393 -0.4767343768574229 -0.7007504928058037 -0.7542780653450378 -1.0351236956083543 +21432,-1.0444877962591825,0,-1.1020912033446744 -0.4242644575081458 -0.4786175156073968 0.443269164771207 0.6329760412140312 0.5502727170602232 0.8307829938051066 0.8388830699533664 0.7251724482244803 0.7738760902285955 0.7007690343555736 0.2971324424415064 0.334201898736943 0.04074181883656637 -0.14855231498104393 -0.4767343768574229 -0.7007504928058037 -0.7542780653450378 -1.0351236956083543 -1.14548078261731 +21433,-1.2252949077754247,0,-0.4242644575081458 -0.4786175156073968 0.443269164771207 0.6329760412140312 0.5502727170602232 0.8307829938051066 0.8388830699533664 0.7251724482244803 0.7738760902285955 0.7007690343555736 0.2971324424415064 0.334201898736943 0.04074181883656637 -0.14855231498104393 -0.4767343768574229 -0.7007504928058037 -0.7542780653450378 -1.0351236956083543 -1.14548078261731 -1.0444877962591825 +21434,-1.194751945769807,0,-0.4786175156073968 0.443269164771207 0.6329760412140312 0.5502727170602232 0.8307829938051066 0.8388830699533664 0.7251724482244803 0.7738760902285955 0.7007690343555736 0.2971324424415064 0.334201898736943 0.04074181883656637 -0.14855231498104393 -0.4767343768574229 -0.7007504928058037 -0.7542780653450378 -1.0351236956083543 -1.14548078261731 -1.0444877962591825 -1.2252949077754247 +21435,-0.14909403981207964,0,0.443269164771207 0.6329760412140312 0.5502727170602232 0.8307829938051066 0.8388830699533664 0.7251724482244803 0.7738760902285955 0.7007690343555736 0.2971324424415064 0.334201898736943 0.04074181883656637 -0.14855231498104393 -0.4767343768574229 -0.7007504928058037 -0.7542780653450378 -1.0351236956083543 -1.14548078261731 -1.0444877962591825 -1.2252949077754247 -1.194751945769807 +21436,-0.45692272589368615,0,0.6329760412140312 0.5502727170602232 0.8307829938051066 0.8388830699533664 0.7251724482244803 0.7738760902285955 0.7007690343555736 0.2971324424415064 0.334201898736943 0.04074181883656637 -0.14855231498104393 -0.4767343768574229 -0.7007504928058037 -0.7542780653450378 -1.0351236956083543 -1.14548078261731 -1.0444877962591825 -1.2252949077754247 -1.194751945769807 -0.14909403981207964 +21437,0.2503635319768171,0,0.5502727170602232 0.8307829938051066 0.8388830699533664 0.7251724482244803 0.7738760902285955 0.7007690343555736 0.2971324424415064 0.334201898736943 0.04074181883656637 -0.14855231498104393 -0.4767343768574229 -0.7007504928058037 -0.7542780653450378 -1.0351236956083543 -1.14548078261731 -1.0444877962591825 -1.2252949077754247 -1.194751945769807 -0.14909403981207964 -0.45692272589368615 +21438,0.07541220802309911,0,0.8307829938051066 0.8388830699533664 0.7251724482244803 0.7738760902285955 0.7007690343555736 0.2971324424415064 0.334201898736943 0.04074181883656637 -0.14855231498104393 -0.4767343768574229 -0.7007504928058037 -0.7542780653450378 -1.0351236956083543 -1.14548078261731 -1.0444877962591825 -1.2252949077754247 -1.194751945769807 -0.14909403981207964 -0.45692272589368615 0.2503635319768171 +21439,1.0767776600413845,0,0.8388830699533664 0.7251724482244803 0.7738760902285955 0.7007690343555736 0.2971324424415064 0.334201898736943 0.04074181883656637 -0.14855231498104393 -0.4767343768574229 -0.7007504928058037 -0.7542780653450378 -1.0351236956083543 -1.14548078261731 -1.0444877962591825 -1.2252949077754247 -1.194751945769807 -0.14909403981207964 -0.45692272589368615 0.2503635319768171 0.07541220802309911 +21440,1.195905529925895,0,0.7251724482244803 0.7738760902285955 0.7007690343555736 0.2971324424415064 0.334201898736943 0.04074181883656637 -0.14855231498104393 -0.4767343768574229 -0.7007504928058037 -0.7542780653450378 -1.0351236956083543 -1.14548078261731 -1.0444877962591825 -1.2252949077754247 -1.194751945769807 -0.14909403981207964 -0.45692272589368615 0.2503635319768171 0.07541220802309911 1.0767776600413845 +21441,1.1080945145079957,0,0.7738760902285955 0.7007690343555736 0.2971324424415064 0.334201898736943 0.04074181883656637 -0.14855231498104393 -0.4767343768574229 -0.7007504928058037 -0.7542780653450378 -1.0351236956083543 -1.14548078261731 -1.0444877962591825 -1.2252949077754247 -1.194751945769807 -0.14909403981207964 -0.45692272589368615 0.2503635319768171 0.07541220802309911 1.0767776600413845 1.195905529925895 +21442,1.2962020129298184,0,0.7007690343555736 0.2971324424415064 0.334201898736943 0.04074181883656637 -0.14855231498104393 -0.4767343768574229 -0.7007504928058037 -0.7542780653450378 -1.0351236956083543 -1.14548078261731 -1.0444877962591825 -1.2252949077754247 -1.194751945769807 -0.14909403981207964 -0.45692272589368615 0.2503635319768171 0.07541220802309911 1.0767776600413845 1.195905529925895 1.1080945145079957 +21443,1.277370626049249,0,0.2971324424415064 0.334201898736943 0.04074181883656637 -0.14855231498104393 -0.4767343768574229 -0.7007504928058037 -0.7542780653450378 -1.0351236956083543 -1.14548078261731 -1.0444877962591825 -1.2252949077754247 -1.194751945769807 -0.14909403981207964 -0.45692272589368615 0.2503635319768171 0.07541220802309911 1.0767776600413845 1.195905529925895 1.1080945145079957 1.2962020129298184 +21444,0.8379286023423222,0,0.334201898736943 0.04074181883656637 -0.14855231498104393 -0.4767343768574229 -0.7007504928058037 -0.7542780653450378 -1.0351236956083543 -1.14548078261731 -1.0444877962591825 -1.2252949077754247 -1.194751945769807 -0.14909403981207964 -0.45692272589368615 0.2503635319768171 0.07541220802309911 1.0767776600413845 1.195905529925895 1.1080945145079957 1.2962020129298184 1.277370626049249 +21445,0.9593007609673453,0,0.04074181883656637 -0.14855231498104393 -0.4767343768574229 -0.7007504928058037 -0.7542780653450378 -1.0351236956083543 -1.14548078261731 -1.0444877962591825 -1.2252949077754247 -1.194751945769807 -0.14909403981207964 -0.45692272589368615 0.2503635319768171 0.07541220802309911 1.0767776600413845 1.195905529925895 1.1080945145079957 1.2962020129298184 1.277370626049249 0.8379286023423222 +21446,0.660062282766011,0,-0.14855231498104393 -0.4767343768574229 -0.7007504928058037 -0.7542780653450378 -1.0351236956083543 -1.14548078261731 -1.0444877962591825 -1.2252949077754247 -1.194751945769807 -0.14909403981207964 -0.45692272589368615 0.2503635319768171 0.07541220802309911 1.0767776600413845 1.195905529925895 1.1080945145079957 1.2962020129298184 1.277370626049249 0.8379286023423222 0.9593007609673453 +21447,0.2884648451448732,0,-0.4767343768574229 -0.7007504928058037 -0.7542780653450378 -1.0351236956083543 -1.14548078261731 -1.0444877962591825 -1.2252949077754247 -1.194751945769807 -0.14909403981207964 -0.45692272589368615 0.2503635319768171 0.07541220802309911 1.0767776600413845 1.195905529925895 1.1080945145079957 1.2962020129298184 1.277370626049249 0.8379286023423222 0.9593007609673453 0.660062282766011 +21448,0.013346020238267874,0,-0.7007504928058037 -0.7542780653450378 -1.0351236956083543 -1.14548078261731 -1.0444877962591825 -1.2252949077754247 -1.194751945769807 -0.14909403981207964 -0.45692272589368615 0.2503635319768171 0.07541220802309911 1.0767776600413845 1.195905529925895 1.1080945145079957 1.2962020129298184 1.277370626049249 0.8379286023423222 0.9593007609673453 0.660062282766011 0.2884648451448732 +21449,-0.33413176424293545,0,-0.7542780653450378 -1.0351236956083543 -1.14548078261731 -1.0444877962591825 -1.2252949077754247 -1.194751945769807 -0.14909403981207964 -0.45692272589368615 0.2503635319768171 0.07541220802309911 1.0767776600413845 1.195905529925895 1.1080945145079957 1.2962020129298184 1.277370626049249 0.8379286023423222 0.9593007609673453 0.660062282766011 0.2884648451448732 0.013346020238267874 +21450,-0.37901753595765963,0,-1.0351236956083543 -1.14548078261731 -1.0444877962591825 -1.2252949077754247 -1.194751945769807 -0.14909403981207964 -0.45692272589368615 0.2503635319768171 0.07541220802309911 1.0767776600413845 1.195905529925895 1.1080945145079957 1.2962020129298184 1.277370626049249 0.8379286023423222 0.9593007609673453 0.660062282766011 0.2884648451448732 0.013346020238267874 -0.33413176424293545 +21451,-0.8273593247459453,0,-1.14548078261731 -1.0444877962591825 -1.2252949077754247 -1.194751945769807 -0.14909403981207964 -0.45692272589368615 0.2503635319768171 0.07541220802309911 1.0767776600413845 1.195905529925895 1.1080945145079957 1.2962020129298184 1.277370626049249 0.8379286023423222 0.9593007609673453 0.660062282766011 0.2884648451448732 0.013346020238267874 -0.33413176424293545 -0.37901753595765963 +21452,-0.9731091006129751,0,-1.0444877962591825 -1.2252949077754247 -1.194751945769807 -0.14909403981207964 -0.45692272589368615 0.2503635319768171 0.07541220802309911 1.0767776600413845 1.195905529925895 1.1080945145079957 1.2962020129298184 1.277370626049249 0.8379286023423222 0.9593007609673453 0.660062282766011 0.2884648451448732 0.013346020238267874 -0.33413176424293545 -0.37901753595765963 -0.8273593247459453 +21453,-1.024366588249136,0,-1.2252949077754247 -1.194751945769807 -0.14909403981207964 -0.45692272589368615 0.2503635319768171 0.07541220802309911 1.0767776600413845 1.195905529925895 1.1080945145079957 1.2962020129298184 1.277370626049249 0.8379286023423222 0.9593007609673453 0.660062282766011 0.2884648451448732 0.013346020238267874 -0.33413176424293545 -0.37901753595765963 -0.8273593247459453 -0.9731091006129751 +21454,-1.2016137937328273,0,-1.194751945769807 -0.14909403981207964 -0.45692272589368615 0.2503635319768171 0.07541220802309911 1.0767776600413845 1.195905529925895 1.1080945145079957 1.2962020129298184 1.277370626049249 0.8379286023423222 0.9593007609673453 0.660062282766011 0.2884648451448732 0.013346020238267874 -0.33413176424293545 -0.37901753595765963 -0.8273593247459453 -0.9731091006129751 -1.024366588249136 +21455,-1.2843687106760961,0,-0.14909403981207964 -0.45692272589368615 0.2503635319768171 0.07541220802309911 1.0767776600413845 1.195905529925895 1.1080945145079957 1.2962020129298184 1.277370626049249 0.8379286023423222 0.9593007609673453 0.660062282766011 0.2884648451448732 0.013346020238267874 -0.33413176424293545 -0.37901753595765963 -0.8273593247459453 -0.9731091006129751 -1.024366588249136 -1.2016137937328273 +21456,-1.1915273932556896,0,-0.45692272589368615 0.2503635319768171 0.07541220802309911 1.0767776600413845 1.195905529925895 1.1080945145079957 1.2962020129298184 1.277370626049249 0.8379286023423222 0.9593007609673453 0.660062282766011 0.2884648451448732 0.013346020238267874 -0.33413176424293545 -0.37901753595765963 -0.8273593247459453 -0.9731091006129751 -1.024366588249136 -1.2016137937328273 -1.2843687106760961 +21457,-1.332814388423362,0,0.2503635319768171 0.07541220802309911 1.0767776600413845 1.195905529925895 1.1080945145079957 1.2962020129298184 1.277370626049249 0.8379286023423222 0.9593007609673453 0.660062282766011 0.2884648451448732 0.013346020238267874 -0.33413176424293545 -0.37901753595765963 -0.8273593247459453 -0.9731091006129751 -1.024366588249136 -1.2016137937328273 -1.2843687106760961 -1.1915273932556896 +21458,-1.2985051492273683,0,0.07541220802309911 1.0767776600413845 1.195905529925895 1.1080945145079957 1.2962020129298184 1.277370626049249 0.8379286023423222 0.9593007609673453 0.660062282766011 0.2884648451448732 0.013346020238267874 -0.33413176424293545 -0.37901753595765963 -0.8273593247459453 -0.9731091006129751 -1.024366588249136 -1.2016137937328273 -1.2843687106760961 -1.1915273932556896 -1.332814388423362 +21459,-0.09159381846028643,0,1.0767776600413845 1.195905529925895 1.1080945145079957 1.2962020129298184 1.277370626049249 0.8379286023423222 0.9593007609673453 0.660062282766011 0.2884648451448732 0.013346020238267874 -0.33413176424293545 -0.37901753595765963 -0.8273593247459453 -0.9731091006129751 -1.024366588249136 -1.2016137937328273 -1.2843687106760961 -1.1915273932556896 -1.332814388423362 -1.2985051492273683 +21460,-0.4481519430181313,0,1.195905529925895 1.1080945145079957 1.2962020129298184 1.277370626049249 0.8379286023423222 0.9593007609673453 0.660062282766011 0.2884648451448732 0.013346020238267874 -0.33413176424293545 -0.37901753595765963 -0.8273593247459453 -0.9731091006129751 -1.024366588249136 -1.2016137937328273 -1.2843687106760961 -1.1915273932556896 -1.332814388423362 -1.2985051492273683 -0.09159381846028643 +21461,0.36789202399510285,0,1.1080945145079957 1.2962020129298184 1.277370626049249 0.8379286023423222 0.9593007609673453 0.660062282766011 0.2884648451448732 0.013346020238267874 -0.33413176424293545 -0.37901753595765963 -0.8273593247459453 -0.9731091006129751 -1.024366588249136 -1.2016137937328273 -1.2843687106760961 -1.1915273932556896 -1.332814388423362 -1.2985051492273683 -0.09159381846028643 -0.4481519430181313 +21462,0.24961543583317,0,1.2962020129298184 1.277370626049249 0.8379286023423222 0.9593007609673453 0.660062282766011 0.2884648451448732 0.013346020238267874 -0.33413176424293545 -0.37901753595765963 -0.8273593247459453 -0.9731091006129751 -1.024366588249136 -1.2016137937328273 -1.2843687106760961 -1.1915273932556896 -1.332814388423362 -1.2985051492273683 -0.09159381846028643 -0.4481519430181313 0.36789202399510285 +21463,1.3770995877500134,0,1.277370626049249 0.8379286023423222 0.9593007609673453 0.660062282766011 0.2884648451448732 0.013346020238267874 -0.33413176424293545 -0.37901753595765963 -0.8273593247459453 -0.9731091006129751 -1.024366588249136 -1.2016137937328273 -1.2843687106760961 -1.1915273932556896 -1.332814388423362 -1.2985051492273683 -0.09159381846028643 -0.4481519430181313 0.36789202399510285 0.24961543583317 +21464,1.5702631846464665,0,0.8379286023423222 0.9593007609673453 0.660062282766011 0.2884648451448732 0.013346020238267874 -0.33413176424293545 -0.37901753595765963 -0.8273593247459453 -0.9731091006129751 -1.024366588249136 -1.2016137937328273 -1.2843687106760961 -1.1915273932556896 -1.332814388423362 -1.2985051492273683 -0.09159381846028643 -0.4481519430181313 0.36789202399510285 0.24961543583317 1.3770995877500134 +21465,1.411150862843935,0,0.9593007609673453 0.660062282766011 0.2884648451448732 0.013346020238267874 -0.33413176424293545 -0.37901753595765963 -0.8273593247459453 -0.9731091006129751 -1.024366588249136 -1.2016137937328273 -1.2843687106760961 -1.1915273932556896 -1.332814388423362 -1.2985051492273683 -0.09159381846028643 -0.4481519430181313 0.36789202399510285 0.24961543583317 1.3770995877500134 1.5702631846464665 +21466,1.7217397660249845,0,0.660062282766011 0.2884648451448732 0.013346020238267874 -0.33413176424293545 -0.37901753595765963 -0.8273593247459453 -0.9731091006129751 -1.024366588249136 -1.2016137937328273 -1.2843687106760961 -1.1915273932556896 -1.332814388423362 -1.2985051492273683 -0.09159381846028643 -0.4481519430181313 0.36789202399510285 0.24961543583317 1.3770995877500134 1.5702631846464665 1.411150862843935 +21467,1.680052750352263,0,0.2884648451448732 0.013346020238267874 -0.33413176424293545 -0.37901753595765963 -0.8273593247459453 -0.9731091006129751 -1.024366588249136 -1.2016137937328273 -1.2843687106760961 -1.1915273932556896 -1.332814388423362 -1.2985051492273683 -0.09159381846028643 -0.4481519430181313 0.36789202399510285 0.24961543583317 1.3770995877500134 1.5702631846464665 1.411150862843935 1.7217397660249845 +21468,1.0528385817419381,0,0.013346020238267874 -0.33413176424293545 -0.37901753595765963 -0.8273593247459453 -0.9731091006129751 -1.024366588249136 -1.2016137937328273 -1.2843687106760961 -1.1915273932556896 -1.332814388423362 -1.2985051492273683 -0.09159381846028643 -0.4481519430181313 0.36789202399510285 0.24961543583317 1.3770995877500134 1.5702631846464665 1.411150862843935 1.7217397660249845 1.680052750352263 +21469,1.2063272839214658,0,-0.33413176424293545 -0.37901753595765963 -0.8273593247459453 -0.9731091006129751 -1.024366588249136 -1.2016137937328273 -1.2843687106760961 -1.1915273932556896 -1.332814388423362 -1.2985051492273683 -0.09159381846028643 -0.4481519430181313 0.36789202399510285 0.24961543583317 1.3770995877500134 1.5702631846464665 1.411150862843935 1.7217397660249845 1.680052750352263 1.0528385817419381 +21470,0.7742888328538183,0,-0.37901753595765963 -0.8273593247459453 -0.9731091006129751 -1.024366588249136 -1.2016137937328273 -1.2843687106760961 -1.1915273932556896 -1.332814388423362 -1.2985051492273683 -0.09159381846028643 -0.4481519430181313 0.36789202399510285 0.24961543583317 1.3770995877500134 1.5702631846464665 1.411150862843935 1.7217397660249845 1.680052750352263 1.0528385817419381 1.2063272839214658 +21471,0.5245794822166248,0,-0.8273593247459453 -0.9731091006129751 -1.024366588249136 -1.2016137937328273 -1.2843687106760961 -1.1915273932556896 -1.332814388423362 -1.2985051492273683 -0.09159381846028643 -0.4481519430181313 0.36789202399510285 0.24961543583317 1.3770995877500134 1.5702631846464665 1.411150862843935 1.7217397660249845 1.680052750352263 1.0528385817419381 1.2063272839214658 0.7742888328538183 +21472,0.03176466449361449,0,-0.9731091006129751 -1.024366588249136 -1.2016137937328273 -1.2843687106760961 -1.1915273932556896 -1.332814388423362 -1.2985051492273683 -0.09159381846028643 -0.4481519430181313 0.36789202399510285 0.24961543583317 1.3770995877500134 1.5702631846464665 1.411150862843935 1.7217397660249845 1.680052750352263 1.0528385817419381 1.2063272839214658 0.7742888328538183 0.5245794822166248 +21473,-0.27872105295372746,0,-1.024366588249136 -1.2016137937328273 -1.2843687106760961 -1.1915273932556896 -1.332814388423362 -1.2985051492273683 -0.09159381846028643 -0.4481519430181313 0.36789202399510285 0.24961543583317 1.3770995877500134 1.5702631846464665 1.411150862843935 1.7217397660249845 1.680052750352263 1.0528385817419381 1.2063272839214658 0.7742888328538183 0.5245794822166248 0.03176466449361449 +21474,-0.28444785831043856,0,-1.2016137937328273 -1.2843687106760961 -1.1915273932556896 -1.332814388423362 -1.2985051492273683 -0.09159381846028643 -0.4481519430181313 0.36789202399510285 0.24961543583317 1.3770995877500134 1.5702631846464665 1.411150862843935 1.7217397660249845 1.680052750352263 1.0528385817419381 1.2063272839214658 0.7742888328538183 0.5245794822166248 0.03176466449361449 -0.27872105295372746 +21475,-0.6965198797364043,0,-1.2843687106760961 -1.1915273932556896 -1.332814388423362 -1.2985051492273683 -0.09159381846028643 -0.4481519430181313 0.36789202399510285 0.24961543583317 1.3770995877500134 1.5702631846464665 1.411150862843935 1.7217397660249845 1.680052750352263 1.0528385817419381 1.2063272839214658 0.7742888328538183 0.5245794822166248 0.03176466449361449 -0.27872105295372746 -0.28444785831043856 +21476,-0.8038329892265074,0,-1.1915273932556896 -1.332814388423362 -1.2985051492273683 -0.09159381846028643 -0.4481519430181313 0.36789202399510285 0.24961543583317 1.3770995877500134 1.5702631846464665 1.411150862843935 1.7217397660249845 1.680052750352263 1.0528385817419381 1.2063272839214658 0.7742888328538183 0.5245794822166248 0.03176466449361449 -0.27872105295372746 -0.28444785831043856 -0.6965198797364043 +21477,-0.7707619780609674,0,-1.332814388423362 -1.2985051492273683 -0.09159381846028643 -0.4481519430181313 0.36789202399510285 0.24961543583317 1.3770995877500134 1.5702631846464665 1.411150862843935 1.7217397660249845 1.680052750352263 1.0528385817419381 1.2063272839214658 0.7742888328538183 0.5245794822166248 0.03176466449361449 -0.27872105295372746 -0.28444785831043856 -0.6965198797364043 -0.8038329892265074 +21478,-0.9248697943330972,0,-1.2985051492273683 -0.09159381846028643 -0.4481519430181313 0.36789202399510285 0.24961543583317 1.3770995877500134 1.5702631846464665 1.411150862843935 1.7217397660249845 1.680052750352263 1.0528385817419381 1.2063272839214658 0.7742888328538183 0.5245794822166248 0.03176466449361449 -0.27872105295372746 -0.28444785831043856 -0.6965198797364043 -0.8038329892265074 -0.7707619780609674 +21479,-0.938593489949584,0,-0.09159381846028643 -0.4481519430181313 0.36789202399510285 0.24961543583317 1.3770995877500134 1.5702631846464665 1.411150862843935 1.7217397660249845 1.680052750352263 1.0528385817419381 1.2063272839214658 0.7742888328538183 0.5245794822166248 0.03176466449361449 -0.27872105295372746 -0.28444785831043856 -0.6965198797364043 -0.8038329892265074 -0.7707619780609674 -0.9248697943330972 +21480,-0.8052001994627743,0,-0.4481519430181313 0.36789202399510285 0.24961543583317 1.3770995877500134 1.5702631846464665 1.411150862843935 1.7217397660249845 1.680052750352263 1.0528385817419381 1.2063272839214658 0.7742888328538183 0.5245794822166248 0.03176466449361449 -0.27872105295372746 -0.28444785831043856 -0.6965198797364043 -0.8038329892265074 -0.7707619780609674 -0.9248697943330972 -0.938593489949584 +21481,-0.8679628906018094,0,0.36789202399510285 0.24961543583317 1.3770995877500134 1.5702631846464665 1.411150862843935 1.7217397660249845 1.680052750352263 1.0528385817419381 1.2063272839214658 0.7742888328538183 0.5245794822166248 0.03176466449361449 -0.27872105295372746 -0.28444785831043856 -0.6965198797364043 -0.8038329892265074 -0.7707619780609674 -0.9248697943330972 -0.938593489949584 -0.8052001994627743 +21482,-0.7836085954827622,0,0.24961543583317 1.3770995877500134 1.5702631846464665 1.411150862843935 1.7217397660249845 1.680052750352263 1.0528385817419381 1.2063272839214658 0.7742888328538183 0.5245794822166248 0.03176466449361449 -0.27872105295372746 -0.28444785831043856 -0.6965198797364043 -0.8038329892265074 -0.7707619780609674 -0.9248697943330972 -0.938593489949584 -0.8052001994627743 -0.8679628906018094 +21483,0.3068834894002286,0,1.3770995877500134 1.5702631846464665 1.411150862843935 1.7217397660249845 1.680052750352263 1.0528385817419381 1.2063272839214658 0.7742888328538183 0.5245794822166248 0.03176466449361449 -0.27872105295372746 -0.28444785831043856 -0.6965198797364043 -0.8038329892265074 -0.7707619780609674 -0.9248697943330972 -0.938593489949584 -0.8052001994627743 -0.8679628906018094 -0.7836085954827622 +21484,0.055858521316220225,0,1.5702631846464665 1.411150862843935 1.7217397660249845 1.680052750352263 1.0528385817419381 1.2063272839214658 0.7742888328538183 0.5245794822166248 0.03176466449361449 -0.27872105295372746 -0.28444785831043856 -0.6965198797364043 -0.8038329892265074 -0.7707619780609674 -0.9248697943330972 -0.938593489949584 -0.8052001994627743 -0.8679628906018094 -0.7836085954827622 0.3068834894002286 +21485,0.8109713428413697,0,1.411150862843935 1.7217397660249845 1.680052750352263 1.0528385817419381 1.2063272839214658 0.7742888328538183 0.5245794822166248 0.03176466449361449 -0.27872105295372746 -0.28444785831043856 -0.6965198797364043 -0.8038329892265074 -0.7707619780609674 -0.9248697943330972 -0.938593489949584 -0.8052001994627743 -0.8679628906018094 -0.7836085954827622 0.3068834894002286 0.055858521316220225 +21486,0.5330149117285233,0,1.7217397660249845 1.680052750352263 1.0528385817419381 1.2063272839214658 0.7742888328538183 0.5245794822166248 0.03176466449361449 -0.27872105295372746 -0.28444785831043856 -0.6965198797364043 -0.8038329892265074 -0.7707619780609674 -0.9248697943330972 -0.938593489949584 -0.8052001994627743 -0.8679628906018094 -0.7836085954827622 0.3068834894002286 0.055858521316220225 0.8109713428413697 +21487,1.6324841509544572,0,1.680052750352263 1.0528385817419381 1.2063272839214658 0.7742888328538183 0.5245794822166248 0.03176466449361449 -0.27872105295372746 -0.28444785831043856 -0.6965198797364043 -0.8038329892265074 -0.7707619780609674 -0.9248697943330972 -0.938593489949584 -0.8052001994627743 -0.8679628906018094 -0.7836085954827622 0.3068834894002286 0.055858521316220225 0.8109713428413697 0.5330149117285233 +21488,1.6988841373876182,0,1.0528385817419381 1.2063272839214658 0.7742888328538183 0.5245794822166248 0.03176466449361449 -0.27872105295372746 -0.28444785831043856 -0.6965198797364043 -0.8038329892265074 -0.7707619780609674 -0.9248697943330972 -0.938593489949584 -0.8052001994627743 -0.8679628906018094 -0.7836085954827622 0.3068834894002286 0.055858521316220225 0.8109713428413697 0.5330149117285233 1.6324841509544572 +21489,1.5595060772872482,0,1.2063272839214658 0.7742888328538183 0.5245794822166248 0.03176466449361449 -0.27872105295372746 -0.28444785831043856 -0.6965198797364043 -0.8038329892265074 -0.7707619780609674 -0.9248697943330972 -0.938593489949584 -0.8052001994627743 -0.8679628906018094 -0.7836085954827622 0.3068834894002286 0.055858521316220225 0.8109713428413697 0.5330149117285233 1.6324841509544572 1.6988841373876182 +21490,1.6944987459498453,0,0.7742888328538183 0.5245794822166248 0.03176466449361449 -0.27872105295372746 -0.28444785831043856 -0.6965198797364043 -0.8038329892265074 -0.7707619780609674 -0.9248697943330972 -0.938593489949584 -0.8052001994627743 -0.8679628906018094 -0.7836085954827622 0.3068834894002286 0.055858521316220225 0.8109713428413697 0.5330149117285233 1.6324841509544572 1.6988841373876182 1.5595060772872482 +21491,1.6237133679241256,0,0.5245794822166248 0.03176466449361449 -0.27872105295372746 -0.28444785831043856 -0.6965198797364043 -0.8038329892265074 -0.7707619780609674 -0.9248697943330972 -0.938593489949584 -0.8052001994627743 -0.8679628906018094 -0.7836085954827622 0.3068834894002286 0.055858521316220225 0.8109713428413697 0.5330149117285233 1.6324841509544572 1.6988841373876182 1.5595060772872482 1.6944987459498453 +21492,1.2350129034944473,0,0.03176466449361449 -0.27872105295372746 -0.28444785831043856 -0.6965198797364043 -0.8038329892265074 -0.7707619780609674 -0.9248697943330972 -0.938593489949584 -0.8052001994627743 -0.8679628906018094 -0.7836085954827622 0.3068834894002286 0.055858521316220225 0.8109713428413697 0.5330149117285233 1.6324841509544572 1.6988841373876182 1.5595060772872482 1.6944987459498453 1.6237133679241256 +21493,1.27019922103991,0,-0.27872105295372746 -0.28444785831043856 -0.6965198797364043 -0.8038329892265074 -0.7707619780609674 -0.9248697943330972 -0.938593489949584 -0.8052001994627743 -0.8679628906018094 -0.7836085954827622 0.3068834894002286 0.055858521316220225 0.8109713428413697 0.5330149117285233 1.6324841509544572 1.6988841373876182 1.5595060772872482 1.6944987459498453 1.6237133679241256 1.2350129034944473 +21494,0.9874704521814054,0,-0.28444785831043856 -0.6965198797364043 -0.8038329892265074 -0.7707619780609674 -0.9248697943330972 -0.938593489949584 -0.8052001994627743 -0.8679628906018094 -0.7836085954827622 0.3068834894002286 0.055858521316220225 0.8109713428413697 0.5330149117285233 1.6324841509544572 1.6988841373876182 1.5595060772872482 1.6944987459498453 1.6237133679241256 1.2350129034944473 1.27019922103991 +21495,0.6887221060216635,0,-0.6965198797364043 -0.8038329892265074 -0.7707619780609674 -0.9248697943330972 -0.938593489949584 -0.8052001994627743 -0.8679628906018094 -0.7836085954827622 0.3068834894002286 0.055858521316220225 0.8109713428413697 0.5330149117285233 1.6324841509544572 1.6988841373876182 1.5595060772872482 1.6944987459498453 1.6237133679241256 1.2350129034944473 1.27019922103991 0.9874704521814054 +21496,0.4113331960571992,0,-0.8038329892265074 -0.7707619780609674 -0.9248697943330972 -0.938593489949584 -0.8052001994627743 -0.8679628906018094 -0.7836085954827622 0.3068834894002286 0.055858521316220225 0.8109713428413697 0.5330149117285233 1.6324841509544572 1.6988841373876182 1.5595060772872482 1.6944987459498453 1.6237133679241256 1.2350129034944473 1.27019922103991 0.9874704521814054 0.6887221060216635 +21497,0.11792470910105146,0,-0.7707619780609674 -0.9248697943330972 -0.938593489949584 -0.8052001994627743 -0.8679628906018094 -0.7836085954827622 0.3068834894002286 0.055858521316220225 0.8109713428413697 0.5330149117285233 1.6324841509544572 1.6988841373876182 1.5595060772872482 1.6944987459498453 1.6237133679241256 1.2350129034944473 1.27019922103991 0.9874704521814054 0.6887221060216635 0.4113331960571992 +21498,0.11371989250376656,0,-0.9248697943330972 -0.938593489949584 -0.8052001994627743 -0.8679628906018094 -0.7836085954827622 0.3068834894002286 0.055858521316220225 0.8109713428413697 0.5330149117285233 1.6324841509544572 1.6988841373876182 1.5595060772872482 1.6944987459498453 1.6237133679241256 1.2350129034944473 1.27019922103991 0.9874704521814054 0.6887221060216635 0.4113331960571992 0.11792470910105146 +21499,-0.27608981806010646,0,-0.938593489949584 -0.8052001994627743 -0.8679628906018094 -0.7836085954827622 0.3068834894002286 0.055858521316220225 0.8109713428413697 0.5330149117285233 1.6324841509544572 1.6988841373876182 1.5595060772872482 1.6944987459498453 1.6237133679241256 1.2350129034944473 1.27019922103991 0.9874704521814054 0.6887221060216635 0.4113331960571992 0.11792470910105146 0.11371989250376656 +21500,-0.3766958581103398,0,-0.8052001994627743 -0.8679628906018094 -0.7836085954827622 0.3068834894002286 0.055858521316220225 0.8109713428413697 0.5330149117285233 1.6324841509544572 1.6988841373876182 1.5595060772872482 1.6944987459498453 1.6237133679241256 1.2350129034944473 1.27019922103991 0.9874704521814054 0.6887221060216635 0.4113331960571992 0.11792470910105146 0.11371989250376656 -0.27608981806010646 +21501,-0.48666599881141015,0,-0.8679628906018094 -0.7836085954827622 0.3068834894002286 0.055858521316220225 0.8109713428413697 0.5330149117285233 1.6324841509544572 1.6988841373876182 1.5595060772872482 1.6944987459498453 1.6237133679241256 1.2350129034944473 1.27019922103991 0.9874704521814054 0.6887221060216635 0.4113331960571992 0.11792470910105146 0.11371989250376656 -0.27608981806010646 -0.3766958581103398 +21502,-0.5841506719264477,0,-0.7836085954827622 0.3068834894002286 0.055858521316220225 0.8109713428413697 0.5330149117285233 1.6324841509544572 1.6988841373876182 1.5595060772872482 1.6944987459498453 1.6237133679241256 1.2350129034944473 1.27019922103991 0.9874704521814054 0.6887221060216635 0.4113331960571992 0.11792470910105146 0.11371989250376656 -0.27608981806010646 -0.3766958581103398 -0.48666599881141015 +21503,-0.6909994458470903,0,0.3068834894002286 0.055858521316220225 0.8109713428413697 0.5330149117285233 1.6324841509544572 1.6988841373876182 1.5595060772872482 1.6944987459498453 1.6237133679241256 1.2350129034944473 1.27019922103991 0.9874704521814054 0.6887221060216635 0.4113331960571992 0.11792470910105146 0.11371989250376656 -0.27608981806010646 -0.3766958581103398 -0.48666599881141015 -0.5841506719264477 +21504,-0.6492608373849083,0,0.055858521316220225 0.8109713428413697 0.5330149117285233 1.6324841509544572 1.6988841373876182 1.5595060772872482 1.6944987459498453 1.6237133679241256 1.2350129034944473 1.27019922103991 0.9874704521814054 0.6887221060216635 0.4113331960571992 0.11792470910105146 0.11371989250376656 -0.27608981806010646 -0.3766958581103398 -0.48666599881141015 -0.5841506719264477 -0.6909994458470903 +21505,-0.8056387385601202,0,0.8109713428413697 0.5330149117285233 1.6324841509544572 1.6988841373876182 1.5595060772872482 1.6944987459498453 1.6237133679241256 1.2350129034944473 1.27019922103991 0.9874704521814054 0.6887221060216635 0.4113331960571992 0.11792470910105146 0.11371989250376656 -0.27608981806010646 -0.3766958581103398 -0.48666599881141015 -0.5841506719264477 -0.6909994458470903 -0.6492608373849083 +21506,-0.8134292576620703,0,0.5330149117285233 1.6324841509544572 1.6988841373876182 1.5595060772872482 1.6944987459498453 1.6237133679241256 1.2350129034944473 1.27019922103991 0.9874704521814054 0.6887221060216635 0.4113331960571992 0.11792470910105146 0.11371989250376656 -0.27608981806010646 -0.3766958581103398 -0.48666599881141015 -0.5841506719264477 -0.6909994458470903 -0.6492608373849083 -0.8056387385601202 +21507,0.32019444239148387,0,1.6324841509544572 1.6988841373876182 1.5595060772872482 1.6944987459498453 1.6237133679241256 1.2350129034944473 1.27019922103991 0.9874704521814054 0.6887221060216635 0.4113331960571992 0.11792470910105146 0.11371989250376656 -0.27608981806010646 -0.3766958581103398 -0.48666599881141015 -0.5841506719264477 -0.6909994458470903 -0.6492608373849083 -0.8056387385601202 -0.8134292576620703 +21508,-0.06806748294084848,0,1.6988841373876182 1.5595060772872482 1.6944987459498453 1.6237133679241256 1.2350129034944473 1.27019922103991 0.9874704521814054 0.6887221060216635 0.4113331960571992 0.11792470910105146 0.11371989250376656 -0.27608981806010646 -0.3766958581103398 -0.48666599881141015 -0.5841506719264477 -0.6909994458470903 -0.6492608373849083 -0.8056387385601202 -0.8134292576620703 0.32019444239148387 +21509,0.6850848107275376,0,1.5595060772872482 1.6944987459498453 1.6237133679241256 1.2350129034944473 1.27019922103991 0.9874704521814054 0.6887221060216635 0.4113331960571992 0.11792470910105146 0.11371989250376656 -0.27608981806010646 -0.3766958581103398 -0.48666599881141015 -0.5841506719264477 -0.6909994458470903 -0.6492608373849083 -0.8056387385601202 -0.8134292576620703 0.32019444239148387 -0.06806748294084848 +21510,0.41197810662193346,0,1.6944987459498453 1.6237133679241256 1.2350129034944473 1.27019922103991 0.9874704521814054 0.6887221060216635 0.4113331960571992 0.11792470910105146 0.11371989250376656 -0.27608981806010646 -0.3766958581103398 -0.48666599881141015 -0.5841506719264477 -0.6909994458470903 -0.6492608373849083 -0.8056387385601202 -0.8134292576620703 0.32019444239148387 -0.06806748294084848 0.6850848107275376 +21511,1.5072167329332449,0,1.6237133679241256 1.2350129034944473 1.27019922103991 0.9874704521814054 0.6887221060216635 0.4113331960571992 0.11792470910105146 0.11371989250376656 -0.27608981806010646 -0.3766958581103398 -0.48666599881141015 -0.5841506719264477 -0.6909994458470903 -0.6492608373849083 -0.8056387385601202 -0.8134292576620703 0.32019444239148387 -0.06806748294084848 0.6850848107275376 0.41197810662193346 +21512,1.5761963613157892,0,1.2350129034944473 1.27019922103991 0.9874704521814054 0.6887221060216635 0.4113331960571992 0.11792470910105146 0.11371989250376656 -0.27608981806010646 -0.3766958581103398 -0.48666599881141015 -0.5841506719264477 -0.6909994458470903 -0.6492608373849083 -0.8056387385601202 -0.8134292576620703 0.32019444239148387 -0.06806748294084848 0.6850848107275376 0.41197810662193346 1.5072167329332449 +21513,1.394899117912749,0,1.27019922103991 0.9874704521814054 0.6887221060216635 0.4113331960571992 0.11792470910105146 0.11371989250376656 -0.27608981806010646 -0.3766958581103398 -0.48666599881141015 -0.5841506719264477 -0.6909994458470903 -0.6492608373849083 -0.8056387385601202 -0.8134292576620703 0.32019444239148387 -0.06806748294084848 0.6850848107275376 0.41197810662193346 1.5072167329332449 1.5761963613157892 +21514,1.5473043704301876,0,0.9874704521814054 0.6887221060216635 0.4113331960571992 0.11792470910105146 0.11371989250376656 -0.27608981806010646 -0.3766958581103398 -0.48666599881141015 -0.5841506719264477 -0.6909994458470903 -0.6492608373849083 -0.8056387385601202 -0.8134292576620703 0.32019444239148387 -0.06806748294084848 0.6850848107275376 0.41197810662193346 1.5072167329332449 1.5761963613157892 1.394899117912749 +21515,1.449432750852488,0,0.6887221060216635 0.4113331960571992 0.11792470910105146 0.11371989250376656 -0.27608981806010646 -0.3766958581103398 -0.48666599881141015 -0.5841506719264477 -0.6909994458470903 -0.6492608373849083 -0.8056387385601202 -0.8134292576620703 0.32019444239148387 -0.06806748294084848 0.6850848107275376 0.41197810662193346 1.5072167329332449 1.5761963613157892 1.394899117912749 1.5473043704301876 +21516,0.8896246290758291,0,0.4113331960571992 0.11792470910105146 0.11371989250376656 -0.27608981806010646 -0.3766958581103398 -0.48666599881141015 -0.5841506719264477 -0.6909994458470903 -0.6492608373849083 -0.8056387385601202 -0.8134292576620703 0.32019444239148387 -0.06806748294084848 0.6850848107275376 0.41197810662193346 1.5072167329332449 1.5761963613157892 1.394899117912749 1.5473043704301876 1.449432750852488 +21517,0.9457318437192234,0,0.11792470910105146 0.11371989250376656 -0.27608981806010646 -0.3766958581103398 -0.48666599881141015 -0.5841506719264477 -0.6909994458470903 -0.6492608373849083 -0.8056387385601202 -0.8134292576620703 0.32019444239148387 -0.06806748294084848 0.6850848107275376 0.41197810662193346 1.5072167329332449 1.5761963613157892 1.394899117912749 1.5473043704301876 1.449432750852488 0.8896246290758291 +21518,0.53990255600889,0,0.11371989250376656 -0.27608981806010646 -0.3766958581103398 -0.48666599881141015 -0.5841506719264477 -0.6909994458470903 -0.6492608373849083 -0.8056387385601202 -0.8134292576620703 0.32019444239148387 -0.06806748294084848 0.6850848107275376 0.41197810662193346 1.5072167329332449 1.5761963613157892 1.394899117912749 1.5473043704301876 1.449432750852488 0.8896246290758291 0.9457318437192234 +21519,0.30332358336767795,0,-0.27608981806010646 -0.3766958581103398 -0.48666599881141015 -0.5841506719264477 -0.6909994458470903 -0.6492608373849083 -0.8056387385601202 -0.8134292576620703 0.32019444239148387 -0.06806748294084848 0.6850848107275376 0.41197810662193346 1.5072167329332449 1.5761963613157892 1.394899117912749 1.5473043704301876 1.449432750852488 0.8896246290758291 0.9457318437192234 0.53990255600889 +21520,-0.15892247603236836,0,-0.3766958581103398 -0.48666599881141015 -0.5841506719264477 -0.6909994458470903 -0.6492608373849083 -0.8056387385601202 -0.8134292576620703 0.32019444239148387 -0.06806748294084848 0.6850848107275376 0.41197810662193346 1.5072167329332449 1.5761963613157892 1.394899117912749 1.5473043704301876 1.449432750852488 0.8896246290758291 0.9457318437192234 0.53990255600889 0.30332358336767795 +21521,-0.4519182203632934,0,-0.48666599881141015 -0.5841506719264477 -0.6909994458470903 -0.6492608373849083 -0.8056387385601202 -0.8134292576620703 0.32019444239148387 -0.06806748294084848 0.6850848107275376 0.41197810662193346 1.5072167329332449 1.5761963613157892 1.394899117912749 1.5473043704301876 1.449432750852488 0.8896246290758291 0.9457318437192234 0.53990255600889 0.30332358336767795 -0.15892247603236836 +21522,-0.37220728093887706,0,-0.5841506719264477 -0.6909994458470903 -0.6492608373849083 -0.8056387385601202 -0.8134292576620703 0.32019444239148387 -0.06806748294084848 0.6850848107275376 0.41197810662193346 1.5072167329332449 1.5761963613157892 1.394899117912749 1.5473043704301876 1.449432750852488 0.8896246290758291 0.9457318437192234 0.53990255600889 0.30332358336767795 -0.15892247603236836 -0.4519182203632934 +21523,-0.789438586573163,0,-0.6909994458470903 -0.6492608373849083 -0.8056387385601202 -0.8134292576620703 0.32019444239148387 -0.06806748294084848 0.6850848107275376 0.41197810662193346 1.5072167329332449 1.5761963613157892 1.394899117912749 1.5473043704301876 1.449432750852488 0.8896246290758291 0.9457318437192234 0.53990255600889 0.30332358336767795 -0.15892247603236836 -0.4519182203632934 -0.37220728093887706 +21524,-0.8339632082973397,0,-0.6492608373849083 -0.8056387385601202 -0.8134292576620703 0.32019444239148387 -0.06806748294084848 0.6850848107275376 0.41197810662193346 1.5072167329332449 1.5761963613157892 1.394899117912749 1.5473043704301876 1.449432750852488 0.8896246290758291 0.9457318437192234 0.53990255600889 0.30332358336767795 -0.15892247603236836 -0.4519182203632934 -0.37220728093887706 -0.789438586573163 +21525,-0.8591405147820168,0,-0.8056387385601202 -0.8134292576620703 0.32019444239148387 -0.06806748294084848 0.6850848107275376 0.41197810662193346 1.5072167329332449 1.5761963613157892 1.394899117912749 1.5473043704301876 1.449432750852488 0.8896246290758291 0.9457318437192234 0.53990255600889 0.30332358336767795 -0.15892247603236836 -0.4519182203632934 -0.37220728093887706 -0.789438586573163 -0.8339632082973397 +21526,-0.9101142416892142,0,-0.8134292576620703 0.32019444239148387 -0.06806748294084848 0.6850848107275376 0.41197810662193346 1.5072167329332449 1.5761963613157892 1.394899117912749 1.5473043704301876 1.449432750852488 0.8896246290758291 0.9457318437192234 0.53990255600889 0.30332358336767795 -0.15892247603236836 -0.4519182203632934 -0.37220728093887706 -0.789438586573163 -0.8339632082973397 -0.8591405147820168 +21527,-0.9417406533569119,0,0.32019444239148387 -0.06806748294084848 0.6850848107275376 0.41197810662193346 1.5072167329332449 1.5761963613157892 1.394899117912749 1.5473043704301876 1.449432750852488 0.8896246290758291 0.9457318437192234 0.53990255600889 0.30332358336767795 -0.15892247603236836 -0.4519182203632934 -0.37220728093887706 -0.789438586573163 -0.8339632082973397 -0.8591405147820168 -0.9101142416892142 +21528,-0.8445139443439467,0,-0.06806748294084848 0.6850848107275376 0.41197810662193346 1.5072167329332449 1.5761963613157892 1.394899117912749 1.5473043704301876 1.449432750852488 0.8896246290758291 0.9457318437192234 0.53990255600889 0.30332358336767795 -0.15892247603236836 -0.4519182203632934 -0.37220728093887706 -0.789438586573163 -0.8339632082973397 -0.8591405147820168 -0.9101142416892142 -0.9417406533569119 +21529,-0.9190913960321572,0,0.6850848107275376 0.41197810662193346 1.5072167329332449 1.5761963613157892 1.394899117912749 1.5473043704301876 1.449432750852488 0.8896246290758291 0.9457318437192234 0.53990255600889 0.30332358336767795 -0.15892247603236836 -0.4519182203632934 -0.37220728093887706 -0.789438586573163 -0.8339632082973397 -0.8591405147820168 -0.9101142416892142 -0.9417406533569119 -0.8445139443439467 +21530,-0.8648157273492671,0,0.41197810662193346 1.5072167329332449 1.5761963613157892 1.394899117912749 1.5473043704301876 1.449432750852488 0.8896246290758291 0.9457318437192234 0.53990255600889 0.30332358336767795 -0.15892247603236836 -0.4519182203632934 -0.37220728093887706 -0.789438586573163 -0.8339632082973397 -0.8591405147820168 -0.9101142416892142 -0.9417406533569119 -0.8445139443439467 -0.9190913960321572 +21531,-0.14506979821006855,0,1.5072167329332449 1.5761963613157892 1.394899117912749 1.5473043704301876 1.449432750852488 0.8896246290758291 0.9457318437192234 0.53990255600889 0.30332358336767795 -0.15892247603236836 -0.4519182203632934 -0.37220728093887706 -0.789438586573163 -0.8339632082973397 -0.8591405147820168 -0.9101142416892142 -0.9417406533569119 -0.8445139443439467 -0.9190913960321572 -0.8648157273492671 +21532,-0.31261754952450743,0,1.5761963613157892 1.394899117912749 1.5473043704301876 1.449432750852488 0.8896246290758291 0.9457318437192234 0.53990255600889 0.30332358336767795 -0.15892247603236836 -0.4519182203632934 -0.37220728093887706 -0.789438586573163 -0.8339632082973397 -0.8591405147820168 -0.9101142416892142 -0.9417406533569119 -0.8445139443439467 -0.9190913960321572 -0.8648157273492671 -0.14506979821006855 +21533,0.1853049594625942,0,1.394899117912749 1.5473043704301876 1.449432750852488 0.8896246290758291 0.9457318437192234 0.53990255600889 0.30332358336767795 -0.15892247603236836 -0.4519182203632934 -0.37220728093887706 -0.789438586573163 -0.8339632082973397 -0.8591405147820168 -0.9101142416892142 -0.9417406533569119 -0.8445139443439467 -0.9190913960321572 -0.8648157273492671 -0.14506979821006855 -0.31261754952450743 +21534,0.148080724644007,0,1.5473043704301876 1.449432750852488 0.8896246290758291 0.9457318437192234 0.53990255600889 0.30332358336767795 -0.15892247603236836 -0.4519182203632934 -0.37220728093887706 -0.789438586573163 -0.8339632082973397 -0.8591405147820168 -0.9101142416892142 -0.9417406533569119 -0.8445139443439467 -0.9190913960321572 -0.8648157273492671 -0.14506979821006855 -0.31261754952450743 0.1853049594625942 +21535,0.8243854815663324,0,1.449432750852488 0.8896246290758291 0.9457318437192234 0.53990255600889 0.30332358336767795 -0.15892247603236836 -0.4519182203632934 -0.37220728093887706 -0.789438586573163 -0.8339632082973397 -0.8591405147820168 -0.9101142416892142 -0.9417406533569119 -0.8445139443439467 -0.9190913960321572 -0.8648157273492671 -0.14506979821006855 -0.31261754952450743 0.1853049594625942 0.148080724644007 +21536,0.9655434946829689,0,0.8896246290758291 0.9457318437192234 0.53990255600889 0.30332358336767795 -0.15892247603236836 -0.4519182203632934 -0.37220728093887706 -0.789438586573163 -0.8339632082973397 -0.8591405147820168 -0.9101142416892142 -0.9417406533569119 -0.8445139443439467 -0.9190913960321572 -0.8648157273492671 -0.14506979821006855 -0.31261754952450743 0.1853049594625942 0.148080724644007 0.8243854815663324 +21537,0.7637896897514578,0,0.9457318437192234 0.53990255600889 0.30332358336767795 -0.15892247603236836 -0.4519182203632934 -0.37220728093887706 -0.789438586573163 -0.8339632082973397 -0.8591405147820168 -0.9101142416892142 -0.9417406533569119 -0.8445139443439467 -0.9190913960321572 -0.8648157273492671 -0.14506979821006855 -0.31261754952450743 0.1853049594625942 0.148080724644007 0.8243854815663324 0.9655434946829689 +21538,1.0192516422174769,0,0.53990255600889 0.30332358336767795 -0.15892247603236836 -0.4519182203632934 -0.37220728093887706 -0.789438586573163 -0.8339632082973397 -0.8591405147820168 -0.9101142416892142 -0.9417406533569119 -0.8445139443439467 -0.9190913960321572 -0.8648157273492671 -0.14506979821006855 -0.31261754952450743 0.1853049594625942 0.148080724644007 0.8243854815663324 0.9655434946829689 0.7637896897514578 +21539,0.9318017766353482,0,0.30332358336767795 -0.15892247603236836 -0.4519182203632934 -0.37220728093887706 -0.789438586573163 -0.8339632082973397 -0.8591405147820168 -0.9101142416892142 -0.9417406533569119 -0.8445139443439467 -0.9190913960321572 -0.8648157273492671 -0.14506979821006855 -0.31261754952450743 0.1853049594625942 0.148080724644007 0.8243854815663324 0.9655434946829689 0.7637896897514578 1.0192516422174769 +21540,0.5613393814657516,0,-0.15892247603236836 -0.4519182203632934 -0.37220728093887706 -0.789438586573163 -0.8339632082973397 -0.8591405147820168 -0.9101142416892142 -0.9417406533569119 -0.8445139443439467 -0.9190913960321572 -0.8648157273492671 -0.14506979821006855 -0.31261754952450743 0.1853049594625942 0.148080724644007 0.8243854815663324 0.9655434946829689 0.7637896897514578 1.0192516422174769 0.9318017766353482 +21541,0.5682270257461094,0,-0.4519182203632934 -0.37220728093887706 -0.789438586573163 -0.8339632082973397 -0.8591405147820168 -0.9101142416892142 -0.9417406533569119 -0.8445139443439467 -0.9190913960321572 -0.8648157273492671 -0.14506979821006855 -0.31261754952450743 0.1853049594625942 0.148080724644007 0.8243854815663324 0.9655434946829689 0.7637896897514578 1.0192516422174769 0.9318017766353482 0.5613393814657516 +21542,0.2921021404389991,0,-0.37220728093887706 -0.789438586573163 -0.8339632082973397 -0.8591405147820168 -0.9101142416892142 -0.9417406533569119 -0.8445139443439467 -0.9190913960321572 -0.8648157273492671 -0.14506979821006855 -0.31261754952450743 0.1853049594625942 0.148080724644007 0.8243854815663324 0.9655434946829689 0.7637896897514578 1.0192516422174769 0.9318017766353482 0.5613393814657516 0.5682270257461094 +21543,0.1588378320032254,0,-0.789438586573163 -0.8339632082973397 -0.8591405147820168 -0.9101142416892142 -0.9417406533569119 -0.8445139443439467 -0.9190913960321572 -0.8648157273492671 -0.14506979821006855 -0.31261754952450743 0.1853049594625942 0.148080724644007 0.8243854815663324 0.9655434946829689 0.7637896897514578 1.0192516422174769 0.9318017766353482 0.5613393814657516 0.5682270257461094 0.2921021404389991 +21544,-0.16490724564592857,0,-0.8339632082973397 -0.8591405147820168 -0.9101142416892142 -0.9417406533569119 -0.8445139443439467 -0.9190913960321572 -0.8648157273492671 -0.14506979821006855 -0.31261754952450743 0.1853049594625942 0.148080724644007 0.8243854815663324 0.9655434946829689 0.7637896897514578 1.0192516422174769 0.9318017766353482 0.5613393814657516 0.5682270257461094 0.2921021404389991 0.1588378320032254 +21545,-0.34579174626896025,0,-0.8591405147820168 -0.9101142416892142 -0.9417406533569119 -0.8445139443439467 -0.9190913960321572 -0.8648157273492671 -0.14506979821006855 -0.31261754952450743 0.1853049594625942 0.148080724644007 0.8243854815663324 0.9655434946829689 0.7637896897514578 1.0192516422174769 0.9318017766353482 0.5613393814657516 0.5682270257461094 0.2921021404389991 0.1588378320032254 -0.16490724564592857 +21546,-0.39101287150210884,0,-0.9101142416892142 -0.9417406533569119 -0.8445139443439467 -0.9190913960321572 -0.8648157273492671 -0.14506979821006855 -0.31261754952450743 0.1853049594625942 0.148080724644007 0.8243854815663324 0.9655434946829689 0.7637896897514578 1.0192516422174769 0.9318017766353482 0.5613393814657516 0.5682270257461094 0.2921021404389991 0.1588378320032254 -0.16490724564592857 -0.34579174626896025 +21547,-0.6171184973582892,0,-0.9417406533569119 -0.8445139443439467 -0.9190913960321572 -0.8648157273492671 -0.14506979821006855 -0.31261754952450743 0.1853049594625942 0.148080724644007 0.8243854815663324 0.9655434946829689 0.7637896897514578 1.0192516422174769 0.9318017766353482 0.5613393814657516 0.5682270257461094 0.2921021404389991 0.1588378320032254 -0.16490724564592857 -0.34579174626896025 -0.39101287150210884 +21548,-0.7075607478245862,0,-0.8445139443439467 -0.9190913960321572 -0.8648157273492671 -0.14506979821006855 -0.31261754952450743 0.1853049594625942 0.148080724644007 0.8243854815663324 0.9655434946829689 0.7637896897514578 1.0192516422174769 0.9318017766353482 0.5613393814657516 0.5682270257461094 0.2921021404389991 0.1588378320032254 -0.16490724564592857 -0.34579174626896025 -0.39101287150210884 -0.6171184973582892 +21549,-0.7243284211147024,0,-0.9190913960321572 -0.8648157273492671 -0.14506979821006855 -0.31261754952450743 0.1853049594625942 0.148080724644007 0.8243854815663324 0.9655434946829689 0.7637896897514578 1.0192516422174769 0.9318017766353482 0.5613393814657516 0.5682270257461094 0.2921021404389991 0.1588378320032254 -0.16490724564592857 -0.34579174626896025 -0.39101287150210884 -0.6171184973582892 -0.7075607478245862 +21550,-0.8393288638182801,0,-0.8648157273492671 -0.14506979821006855 -0.31261754952450743 0.1853049594625942 0.148080724644007 0.8243854815663324 0.9655434946829689 0.7637896897514578 1.0192516422174769 0.9318017766353482 0.5613393814657516 0.5682270257461094 0.2921021404389991 0.1588378320032254 -0.16490724564592857 -0.34579174626896025 -0.39101287150210884 -0.6171184973582892 -0.7075607478245862 -0.7243284211147024 +21551,-0.8806547295004536,0,-0.14506979821006855 -0.31261754952450743 0.1853049594625942 0.148080724644007 0.8243854815663324 0.9655434946829689 0.7637896897514578 1.0192516422174769 0.9318017766353482 0.5613393814657516 0.5682270257461094 0.2921021404389991 0.1588378320032254 -0.16490724564592857 -0.34579174626896025 -0.39101287150210884 -0.6171184973582892 -0.7075607478245862 -0.7243284211147024 -0.8393288638182801 +21552,-0.7867815552074277,0,-0.31261754952450743 0.1853049594625942 0.148080724644007 0.8243854815663324 0.9655434946829689 0.7637896897514578 1.0192516422174769 0.9318017766353482 0.5613393814657516 0.5682270257461094 0.2921021404389991 0.1588378320032254 -0.16490724564592857 -0.34579174626896025 -0.39101287150210884 -0.6171184973582892 -0.7075607478245862 -0.7243284211147024 -0.8393288638182801 -0.8806547295004536 +21553,-0.8731737675995993,0,0.1853049594625942 0.148080724644007 0.8243854815663324 0.9655434946829689 0.7637896897514578 1.0192516422174769 0.9318017766353482 0.5613393814657516 0.5682270257461094 0.2921021404389991 0.1588378320032254 -0.16490724564592857 -0.34579174626896025 -0.39101287150210884 -0.6171184973582892 -0.7075607478245862 -0.7243284211147024 -0.8393288638182801 -0.8806547295004536 -0.7867815552074277 +21554,-0.8243669398617768,0,0.148080724644007 0.8243854815663324 0.9655434946829689 0.7637896897514578 1.0192516422174769 0.9318017766353482 0.5613393814657516 0.5682270257461094 0.2921021404389991 0.1588378320032254 -0.16490724564592857 -0.34579174626896025 -0.39101287150210884 -0.6171184973582892 -0.7075607478245862 -0.7243284211147024 -0.8393288638182801 -0.8806547295004536 -0.7867815552074277 -0.8731737675995993 +21555,-0.41066974394269506,0,0.8243854815663324 0.9655434946829689 0.7637896897514578 1.0192516422174769 0.9318017766353482 0.5613393814657516 0.5682270257461094 0.2921021404389991 0.1588378320032254 -0.16490724564592857 -0.34579174626896025 -0.39101287150210884 -0.6171184973582892 -0.7075607478245862 -0.7243284211147024 -0.8393288638182801 -0.8806547295004536 -0.7867815552074277 -0.8731737675995993 -0.8243669398617768 +21556,-0.4834930390867535,0,0.9655434946829689 0.7637896897514578 1.0192516422174769 0.9318017766353482 0.5613393814657516 0.5682270257461094 0.2921021404389991 0.1588378320032254 -0.16490724564592857 -0.34579174626896025 -0.39101287150210884 -0.6171184973582892 -0.7075607478245862 -0.7243284211147024 -0.8393288638182801 -0.8806547295004536 -0.7867815552074277 -0.8731737675995993 -0.8243669398617768 -0.41066974394269506 +21557,-0.1914259658947494,0,0.7637896897514578 1.0192516422174769 0.9318017766353482 0.5613393814657516 0.5682270257461094 0.2921021404389991 0.1588378320032254 -0.16490724564592857 -0.34579174626896025 -0.39101287150210884 -0.6171184973582892 -0.7075607478245862 -0.7243284211147024 -0.8393288638182801 -0.8806547295004536 -0.7867815552074277 -0.8731737675995993 -0.8243669398617768 -0.41066974394269506 -0.4834930390867535 +21558,-0.0953858922775717,0,1.0192516422174769 0.9318017766353482 0.5613393814657516 0.5682270257461094 0.2921021404389991 0.1588378320032254 -0.16490724564592857 -0.34579174626896025 -0.39101287150210884 -0.6171184973582892 -0.7075607478245862 -0.7243284211147024 -0.8393288638182801 -0.8806547295004536 -0.7867815552074277 -0.8731737675995993 -0.8243669398617768 -0.41066974394269506 -0.4834930390867535 -0.1914259658947494 +21559,0.26202351415762765,0,0.9318017766353482 0.5613393814657516 0.5682270257461094 0.2921021404389991 0.1588378320032254 -0.16490724564592857 -0.34579174626896025 -0.39101287150210884 -0.6171184973582892 -0.7075607478245862 -0.7243284211147024 -0.8393288638182801 -0.8806547295004536 -0.7867815552074277 -0.8731737675995993 -0.8243669398617768 -0.41066974394269506 -0.4834930390867535 -0.1914259658947494 -0.0953858922775717 +21560,0.4234059208632237,0,0.5613393814657516 0.5682270257461094 0.2921021404389991 0.1588378320032254 -0.16490724564592857 -0.34579174626896025 -0.39101287150210884 -0.6171184973582892 -0.7075607478245862 -0.7243284211147024 -0.8393288638182801 -0.8806547295004536 -0.7867815552074277 -0.8731737675995993 -0.8243669398617768 -0.41066974394269506 -0.4834930390867535 -0.1914259658947494 -0.0953858922775717 0.26202351415762765 +21561,0.2586699794376884,0,0.5682270257461094 0.2921021404389991 0.1588378320032254 -0.16490724564592857 -0.34579174626896025 -0.39101287150210884 -0.6171184973582892 -0.7075607478245862 -0.7243284211147024 -0.8393288638182801 -0.8806547295004536 -0.7867815552074277 -0.8731737675995993 -0.8243669398617768 -0.41066974394269506 -0.4834930390867535 -0.1914259658947494 -0.0953858922775717 0.26202351415762765 0.4234059208632237 +21562,0.5287585023417865,0,0.2921021404389991 0.1588378320032254 -0.16490724564592857 -0.34579174626896025 -0.39101287150210884 -0.6171184973582892 -0.7075607478245862 -0.7243284211147024 -0.8393288638182801 -0.8806547295004536 -0.7867815552074277 -0.8731737675995993 -0.8243669398617768 -0.41066974394269506 -0.4834930390867535 -0.1914259658947494 -0.0953858922775717 0.26202351415762765 0.4234059208632237 0.2586699794376884 +21563,0.4727286769599586,0,0.1588378320032254 -0.16490724564592857 -0.34579174626896025 -0.39101287150210884 -0.6171184973582892 -0.7075607478245862 -0.7243284211147024 -0.8393288638182801 -0.8806547295004536 -0.7867815552074277 -0.8731737675995993 -0.8243669398617768 -0.41066974394269506 -0.4834930390867535 -0.1914259658947494 -0.0953858922775717 0.26202351415762765 0.4234059208632237 0.2586699794376884 0.5287585023417865 +21564,0.17555391250388078,0,-0.16490724564592857 -0.34579174626896025 -0.39101287150210884 -0.6171184973582892 -0.7075607478245862 -0.7243284211147024 -0.8393288638182801 -0.8806547295004536 -0.7867815552074277 -0.8731737675995993 -0.8243669398617768 -0.41066974394269506 -0.4834930390867535 -0.1914259658947494 -0.0953858922775717 0.26202351415762765 0.4234059208632237 0.2586699794376884 0.5287585023417865 0.4727286769599586 +21565,0.1999057334285499,0,-0.34579174626896025 -0.39101287150210884 -0.6171184973582892 -0.7075607478245862 -0.7243284211147024 -0.8393288638182801 -0.8806547295004536 -0.7867815552074277 -0.8731737675995993 -0.8243669398617768 -0.41066974394269506 -0.4834930390867535 -0.1914259658947494 -0.0953858922775717 0.26202351415762765 0.4234059208632237 0.2586699794376884 0.5287585023417865 0.4727286769599586 0.17555391250388078 +21566,-0.01688738456626294,0,-0.39101287150210884 -0.6171184973582892 -0.7075607478245862 -0.7243284211147024 -0.8393288638182801 -0.8806547295004536 -0.7867815552074277 -0.8731737675995993 -0.8243669398617768 -0.41066974394269506 -0.4834930390867535 -0.1914259658947494 -0.0953858922775717 0.26202351415762765 0.4234059208632237 0.2586699794376884 0.5287585023417865 0.4727286769599586 0.17555391250388078 0.1999057334285499 +21567,-0.15613646261559685,0,-0.6171184973582892 -0.7075607478245862 -0.7243284211147024 -0.8393288638182801 -0.8806547295004536 -0.7867815552074277 -0.8731737675995993 -0.8243669398617768 -0.41066974394269506 -0.4834930390867535 -0.1914259658947494 -0.0953858922775717 0.26202351415762765 0.4234059208632237 0.2586699794376884 0.5287585023417865 0.4727286769599586 0.17555391250388078 0.1999057334285499 -0.01688738456626294 +21568,-0.3987775941319356,0,-0.7075607478245862 -0.7243284211147024 -0.8393288638182801 -0.8806547295004536 -0.7867815552074277 -0.8731737675995993 -0.8243669398617768 -0.41066974394269506 -0.4834930390867535 -0.1914259658947494 -0.0953858922775717 0.26202351415762765 0.4234059208632237 0.2586699794376884 0.5287585023417865 0.4727286769599586 0.17555391250388078 0.1999057334285499 -0.01688738456626294 -0.15613646261559685 +21569,-0.5638746853932416,0,-0.7243284211147024 -0.8393288638182801 -0.8806547295004536 -0.7867815552074277 -0.8731737675995993 -0.8243669398617768 -0.41066974394269506 -0.4834930390867535 -0.1914259658947494 -0.0953858922775717 0.26202351415762765 0.4234059208632237 0.2586699794376884 0.5287585023417865 0.4727286769599586 0.17555391250388078 0.1999057334285499 -0.01688738456626294 -0.15613646261559685 -0.3987775941319356 +21570,-0.6058454616401494,0,-0.8393288638182801 -0.8806547295004536 -0.7867815552074277 -0.8731737675995993 -0.8243669398617768 -0.41066974394269506 -0.4834930390867535 -0.1914259658947494 -0.0953858922775717 0.26202351415762765 0.4234059208632237 0.2586699794376884 0.5287585023417865 0.4727286769599586 0.17555391250388078 0.1999057334285499 -0.01688738456626294 -0.15613646261559685 -0.3987775941319356 -0.5638746853932416 +21571,-0.8119846580094424,0,-0.8806547295004536 -0.7867815552074277 -0.8731737675995993 -0.8243669398617768 -0.41066974394269506 -0.4834930390867535 -0.1914259658947494 -0.0953858922775717 0.26202351415762765 0.4234059208632237 0.2586699794376884 0.5287585023417865 0.4727286769599586 0.17555391250388078 0.1999057334285499 -0.01688738456626294 -0.15613646261559685 -0.3987775941319356 -0.5638746853932416 -0.6058454616401494 +21572,-0.8949975393643371,0,-0.7867815552074277 -0.8731737675995993 -0.8243669398617768 -0.41066974394269506 -0.4834930390867535 -0.1914259658947494 -0.0953858922775717 0.26202351415762765 0.4234059208632237 0.2586699794376884 0.5287585023417865 0.4727286769599586 0.17555391250388078 0.1999057334285499 -0.01688738456626294 -0.15613646261559685 -0.3987775941319356 -0.5638746853932416 -0.6058454616401494 -0.8119846580094424 +21573,-0.8755470382363624,0,-0.8731737675995993 -0.8243669398617768 -0.41066974394269506 -0.4834930390867535 -0.1914259658947494 -0.0953858922775717 0.26202351415762765 0.4234059208632237 0.2586699794376884 0.5287585023417865 0.4727286769599586 0.17555391250388078 0.1999057334285499 -0.01688738456626294 -0.15613646261559685 -0.3987775941319356 -0.5638746853932416 -0.6058454616401494 -0.8119846580094424 -0.8949975393643371 +21574,-0.9927143802641004,0,-0.8243669398617768 -0.41066974394269506 -0.4834930390867535 -0.1914259658947494 -0.0953858922775717 0.26202351415762765 0.4234059208632237 0.2586699794376884 0.5287585023417865 0.4727286769599586 0.17555391250388078 0.1999057334285499 -0.01688738456626294 -0.15613646261559685 -0.3987775941319356 -0.5638746853932416 -0.6058454616401494 -0.8119846580094424 -0.8949975393643371 -0.8755470382363624 +21575,-1.0074183399637546,0,-0.41066974394269506 -0.4834930390867535 -0.1914259658947494 -0.0953858922775717 0.26202351415762765 0.4234059208632237 0.2586699794376884 0.5287585023417865 0.4727286769599586 0.17555391250388078 0.1999057334285499 -0.01688738456626294 -0.15613646261559685 -0.3987775941319356 -0.5638746853932416 -0.6058454616401494 -0.8119846580094424 -0.8949975393643371 -0.8755470382363624 -0.9927143802641004 +21576,-0.938464507898548,0,-0.4834930390867535 -0.1914259658947494 -0.0953858922775717 0.26202351415762765 0.4234059208632237 0.2586699794376884 0.5287585023417865 0.4727286769599586 0.17555391250388078 0.1999057334285499 -0.01688738456626294 -0.15613646261559685 -0.3987775941319356 -0.5638746853932416 -0.6058454616401494 -0.8119846580094424 -0.8949975393643371 -0.8755470382363624 -0.9927143802641004 -1.0074183399637546 +21577,-0.9810543982380756,0,-0.1914259658947494 -0.0953858922775717 0.26202351415762765 0.4234059208632237 0.2586699794376884 0.5287585023417865 0.4727286769599586 0.17555391250388078 0.1999057334285499 -0.01688738456626294 -0.15613646261559685 -0.3987775941319356 -0.5638746853932416 -0.6058454616401494 -0.8119846580094424 -0.8949975393643371 -0.8755470382363624 -0.9927143802641004 -1.0074183399637546 -0.938464507898548 +21578,-0.9399864966579742,0,-0.0953858922775717 0.26202351415762765 0.4234059208632237 0.2586699794376884 0.5287585023417865 0.4727286769599586 0.17555391250388078 0.1999057334285499 -0.01688738456626294 -0.15613646261559685 -0.3987775941319356 -0.5638746853932416 -0.6058454616401494 -0.8119846580094424 -0.8949975393643371 -0.8755470382363624 -0.9927143802641004 -1.0074183399637546 -0.938464507898548 -0.9810543982380756 +21579,-0.24683667718396618,0,0.26202351415762765 0.4234059208632237 0.2586699794376884 0.5287585023417865 0.4727286769599586 0.17555391250388078 0.1999057334285499 -0.01688738456626294 -0.15613646261559685 -0.3987775941319356 -0.5638746853932416 -0.6058454616401494 -0.8119846580094424 -0.8949975393643371 -0.8755470382363624 -0.9927143802641004 -1.0074183399637546 -0.938464507898548 -0.9810543982380756 -0.9399864966579742 +21580,-0.42312941505660473,0,0.4234059208632237 0.2586699794376884 0.5287585023417865 0.4727286769599586 0.17555391250388078 0.1999057334285499 -0.01688738456626294 -0.15613646261559685 -0.3987775941319356 -0.5638746853932416 -0.6058454616401494 -0.8119846580094424 -0.8949975393643371 -0.8755470382363624 -0.9927143802641004 -1.0074183399637546 -0.938464507898548 -0.9810543982380756 -0.9399864966579742 -0.24683667718396618 +21581,0.052659765119431504,0,0.2586699794376884 0.5287585023417865 0.4727286769599586 0.17555391250388078 0.1999057334285499 -0.01688738456626294 -0.15613646261559685 -0.3987775941319356 -0.5638746853932416 -0.6058454616401494 -0.8119846580094424 -0.8949975393643371 -0.8755470382363624 -0.9927143802641004 -1.0074183399637546 -0.938464507898548 -0.9810543982380756 -0.9399864966579742 -0.24683667718396618 -0.42312941505660473 +21582,0.06883412078905114,0,0.5287585023417865 0.4727286769599586 0.17555391250388078 0.1999057334285499 -0.01688738456626294 -0.15613646261559685 -0.3987775941319356 -0.5638746853932416 -0.6058454616401494 -0.8119846580094424 -0.8949975393643371 -0.8755470382363624 -0.9927143802641004 -1.0074183399637546 -0.938464507898548 -0.9810543982380756 -0.9399864966579742 -0.24683667718396618 -0.42312941505660473 0.052659765119431504 +21583,0.6978282424156427,0,0.4727286769599586 0.17555391250388078 0.1999057334285499 -0.01688738456626294 -0.15613646261559685 -0.3987775941319356 -0.5638746853932416 -0.6058454616401494 -0.8119846580094424 -0.8949975393643371 -0.8755470382363624 -0.9927143802641004 -1.0074183399637546 -0.938464507898548 -0.9810543982380756 -0.9399864966579742 -0.24683667718396618 -0.42312941505660473 0.052659765119431504 0.06883412078905114 +21584,0.8672075396905858,0,0.17555391250388078 0.1999057334285499 -0.01688738456626294 -0.15613646261559685 -0.3987775941319356 -0.5638746853932416 -0.6058454616401494 -0.8119846580094424 -0.8949975393643371 -0.8755470382363624 -0.9927143802641004 -1.0074183399637546 -0.938464507898548 -0.9810543982380756 -0.9399864966579742 -0.24683667718396618 -0.42312941505660473 0.052659765119431504 0.06883412078905114 0.6978282424156427 +21585,0.7696712736313106,0,0.1999057334285499 -0.01688738456626294 -0.15613646261559685 -0.3987775941319356 -0.5638746853932416 -0.6058454616401494 -0.8119846580094424 -0.8949975393643371 -0.8755470382363624 -0.9927143802641004 -1.0074183399637546 -0.938464507898548 -0.9810543982380756 -0.9399864966579742 -0.24683667718396618 -0.42312941505660473 0.052659765119431504 0.06883412078905114 0.6978282424156427 0.8672075396905858 +21586,1.0280224252478085,0,-0.01688738456626294 -0.15613646261559685 -0.3987775941319356 -0.5638746853932416 -0.6058454616401494 -0.8119846580094424 -0.8949975393643371 -0.8755470382363624 -0.9927143802641004 -1.0074183399637546 -0.938464507898548 -0.9810543982380756 -0.9399864966579742 -0.24683667718396618 -0.42312941505660473 0.052659765119431504 0.06883412078905114 0.6978282424156427 0.8672075396905858 0.7696712736313106 +21587,1.0194580135300881,0,-0.15613646261559685 -0.3987775941319356 -0.5638746853932416 -0.6058454616401494 -0.8119846580094424 -0.8949975393643371 -0.8755470382363624 -0.9927143802641004 -1.0074183399637546 -0.938464507898548 -0.9810543982380756 -0.9399864966579742 -0.24683667718396618 -0.42312941505660473 0.052659765119431504 0.06883412078905114 0.6978282424156427 0.8672075396905858 0.7696712736313106 1.0280224252478085 +21588,0.4220387106269568,0,-0.3987775941319356 -0.5638746853932416 -0.6058454616401494 -0.8119846580094424 -0.8949975393643371 -0.8755470382363624 -0.9927143802641004 -1.0074183399637546 -0.938464507898548 -0.9810543982380756 -0.9399864966579742 -0.24683667718396618 -0.42312941505660473 0.052659765119431504 0.06883412078905114 0.6978282424156427 0.8672075396905858 0.7696712736313106 1.0280224252478085 1.0194580135300881 +21589,0.6097592627408943,0,-0.5638746853932416 -0.6058454616401494 -0.8119846580094424 -0.8949975393643371 -0.8755470382363624 -0.9927143802641004 -1.0074183399637546 -0.938464507898548 -0.9810543982380756 -0.9399864966579742 -0.24683667718396618 -0.42312941505660473 0.052659765119431504 0.06883412078905114 0.6978282424156427 0.8672075396905858 0.7696712736313106 1.0280224252478085 1.0194580135300881 0.4220387106269568 +21590,0.2086249236694208,0,-0.6058454616401494 -0.8119846580094424 -0.8949975393643371 -0.8755470382363624 -0.9927143802641004 -1.0074183399637546 -0.938464507898548 -0.9810543982380756 -0.9399864966579742 -0.24683667718396618 -0.42312941505660473 0.052659765119431504 0.06883412078905114 0.6978282424156427 0.8672075396905858 0.7696712736313106 1.0280224252478085 1.0194580135300881 0.4220387106269568 0.6097592627408943 +21591,0.0049879799879357905,0,-0.8119846580094424 -0.8949975393643371 -0.8755470382363624 -0.9927143802641004 -1.0074183399637546 -0.938464507898548 -0.9810543982380756 -0.9399864966579742 -0.24683667718396618 -0.42312941505660473 0.052659765119431504 0.06883412078905114 0.6978282424156427 0.8672075396905858 0.7696712736313106 1.0280224252478085 1.0194580135300881 0.4220387106269568 0.6097592627408943 0.2086249236694208 +21592,-0.46197882436831667,0,-0.8949975393643371 -0.8755470382363624 -0.9927143802641004 -1.0074183399637546 -0.938464507898548 -0.9810543982380756 -0.9399864966579742 -0.24683667718396618 -0.42312941505660473 0.052659765119431504 0.06883412078905114 0.6978282424156427 0.8672075396905858 0.7696712736313106 1.0280224252478085 1.0194580135300881 0.4220387106269568 0.6097592627408943 0.2086249236694208 0.0049879799879357905 +21593,-0.7314482331797949,0,-0.8755470382363624 -0.9927143802641004 -1.0074183399637546 -0.938464507898548 -0.9810543982380756 -0.9399864966579742 -0.24683667718396618 -0.42312941505660473 0.052659765119431504 0.06883412078905114 0.6978282424156427 0.8672075396905858 0.7696712736313106 1.0280224252478085 1.0194580135300881 0.4220387106269568 0.6097592627408943 0.2086249236694208 0.0049879799879357905 -0.46197882436831667 +21594,-0.6634230722535179,0,-0.9927143802641004 -1.0074183399637546 -0.938464507898548 -0.9810543982380756 -0.9399864966579742 -0.24683667718396618 -0.42312941505660473 0.052659765119431504 0.06883412078905114 0.6978282424156427 0.8672075396905858 0.7696712736313106 1.0280224252478085 1.0194580135300881 0.4220387106269568 0.6097592627408943 0.2086249236694208 0.0049879799879357905 -0.46197882436831667 -0.7314482331797949 +21595,-1.045390670925989,0,-1.0074183399637546 -0.938464507898548 -0.9810543982380756 -0.9399864966579742 -0.24683667718396618 -0.42312941505660473 0.052659765119431504 0.06883412078905114 0.6978282424156427 0.8672075396905858 0.7696712736313106 1.0280224252478085 1.0194580135300881 0.4220387106269568 0.6097592627408943 0.2086249236694208 0.0049879799879357905 -0.46197882436831667 -0.7314482331797949 -0.6634230722535179 +21596,-1.0898637000154905,0,-0.938464507898548 -0.9810543982380756 -0.9399864966579742 -0.24683667718396618 -0.42312941505660473 0.052659765119431504 0.06883412078905114 0.6978282424156427 0.8672075396905858 0.7696712736313106 1.0280224252478085 1.0194580135300881 0.4220387106269568 0.6097592627408943 0.2086249236694208 0.0049879799879357905 -0.46197882436831667 -0.7314482331797949 -0.6634230722535179 -1.045390670925989 +21597,-1.1152215813406645,0,-0.9810543982380756 -0.9399864966579742 -0.24683667718396618 -0.42312941505660473 0.052659765119431504 0.06883412078905114 0.6978282424156427 0.8672075396905858 0.7696712736313106 1.0280224252478085 1.0194580135300881 0.4220387106269568 0.6097592627408943 0.2086249236694208 0.0049879799879357905 -0.46197882436831667 -0.7314482331797949 -0.6634230722535179 -1.045390670925989 -1.0898637000154905 +21598,-1.166066326196817,0,-0.9399864966579742 -0.24683667718396618 -0.42312941505660473 0.052659765119431504 0.06883412078905114 0.6978282424156427 0.8672075396905858 0.7696712736313106 1.0280224252478085 1.0194580135300881 0.4220387106269568 0.6097592627408943 0.2086249236694208 0.0049879799879357905 -0.46197882436831667 -0.7314482331797949 -0.6634230722535179 -1.045390670925989 -1.0898637000154905 -1.1152215813406645 +21599,-1.1977959234434277,0,-0.24683667718396618 -0.42312941505660473 0.052659765119431504 0.06883412078905114 0.6978282424156427 0.8672075396905858 0.7696712736313106 1.0280224252478085 1.0194580135300881 0.4220387106269568 0.6097592627408943 0.2086249236694208 0.0049879799879357905 -0.46197882436831667 -0.7314482331797949 -0.6634230722535179 -1.045390670925989 -1.0898637000154905 -1.1152215813406645 -1.166066326196817 +21600,-1.1669176080741626,0,-0.42312941505660473 0.052659765119431504 0.06883412078905114 0.6978282424156427 0.8672075396905858 0.7696712736313106 1.0280224252478085 1.0194580135300881 0.4220387106269568 0.6097592627408943 0.2086249236694208 0.0049879799879357905 -0.46197882436831667 -0.7314482331797949 -0.6634230722535179 -1.045390670925989 -1.0898637000154905 -1.1152215813406645 -1.166066326196817 -1.1977959234434277 +21601,-1.2195165094744758,0,0.052659765119431504 0.06883412078905114 0.6978282424156427 0.8672075396905858 0.7696712736313106 1.0280224252478085 1.0194580135300881 0.4220387106269568 0.6097592627408943 0.2086249236694208 0.0049879799879357905 -0.46197882436831667 -0.7314482331797949 -0.6634230722535179 -1.045390670925989 -1.0898637000154905 -1.1152215813406645 -1.166066326196817 -1.1977959234434277 -1.1669176080741626 +21602,-1.2095074984136902,0,0.06883412078905114 0.6978282424156427 0.8672075396905858 0.7696712736313106 1.0280224252478085 1.0194580135300881 0.4220387106269568 0.6097592627408943 0.2086249236694208 0.0049879799879357905 -0.46197882436831667 -0.7314482331797949 -0.6634230722535179 -1.045390670925989 -1.0898637000154905 -1.1152215813406645 -1.166066326196817 -1.1977959234434277 -1.1669176080741626 -1.2195165094744758 +21603,-0.2794949455694978,0,0.6978282424156427 0.8672075396905858 0.7696712736313106 1.0280224252478085 1.0194580135300881 0.4220387106269568 0.6097592627408943 0.2086249236694208 0.0049879799879357905 -0.46197882436831667 -0.7314482331797949 -0.6634230722535179 -1.045390670925989 -1.0898637000154905 -1.1152215813406645 -1.166066326196817 -1.1977959234434277 -1.1669176080741626 -1.2195165094744758 -1.2095074984136902 +21604,-0.5761537816666632,0,0.8672075396905858 0.7696712736313106 1.0280224252478085 1.0194580135300881 0.4220387106269568 0.6097592627408943 0.2086249236694208 0.0049879799879357905 -0.46197882436831667 -0.7314482331797949 -0.6634230722535179 -1.045390670925989 -1.0898637000154905 -1.1152215813406645 -1.166066326196817 -1.1977959234434277 -1.1669176080741626 -1.2195165094744758 -1.2095074984136902 -0.2794949455694978 +21605,0.04719092401957824,0,0.7696712736313106 1.0280224252478085 1.0194580135300881 0.4220387106269568 0.6097592627408943 0.2086249236694208 0.0049879799879357905 -0.46197882436831667 -0.7314482331797949 -0.6634230722535179 -1.045390670925989 -1.0898637000154905 -1.1152215813406645 -1.166066326196817 -1.1977959234434277 -1.1669176080741626 -1.2195165094744758 -1.2095074984136902 -0.2794949455694978 -0.5761537816666632 +21606,0.007000100788936937,0,1.0280224252478085 1.0194580135300881 0.4220387106269568 0.6097592627408943 0.2086249236694208 0.0049879799879357905 -0.46197882436831667 -0.7314482331797949 -0.6634230722535179 -1.045390670925989 -1.0898637000154905 -1.1152215813406645 -1.166066326196817 -1.1977959234434277 -1.1669176080741626 -1.2195165094744758 -1.2095074984136902 -0.2794949455694978 -0.5761537816666632 0.04719092401957824 +21607,0.851523315907773,0,1.0194580135300881 0.4220387106269568 0.6097592627408943 0.2086249236694208 0.0049879799879357905 -0.46197882436831667 -0.7314482331797949 -0.6634230722535179 -1.045390670925989 -1.0898637000154905 -1.1152215813406645 -1.166066326196817 -1.1977959234434277 -1.1669176080741626 -1.2195165094744758 -1.2095074984136902 -0.2794949455694978 -0.5761537816666632 0.04719092401957824 0.007000100788936937 +21608,1.03251100241928,0,0.4220387106269568 0.6097592627408943 0.2086249236694208 0.0049879799879357905 -0.46197882436831667 -0.7314482331797949 -0.6634230722535179 -1.045390670925989 -1.0898637000154905 -1.1152215813406645 -1.166066326196817 -1.1977959234434277 -1.1669176080741626 -1.2195165094744758 -1.2095074984136902 -0.2794949455694978 -0.5761537816666632 0.04719092401957824 0.007000100788936937 0.851523315907773 +21609,0.867026964695312,0,0.6097592627408943 0.2086249236694208 0.0049879799879357905 -0.46197882436831667 -0.7314482331797949 -0.6634230722535179 -1.045390670925989 -1.0898637000154905 -1.1152215813406645 -1.166066326196817 -1.1977959234434277 -1.1669176080741626 -1.2195165094744758 -1.2095074984136902 -0.2794949455694978 -0.5761537816666632 0.04719092401957824 0.007000100788936937 0.851523315907773 1.03251100241928 +21610,1.1635052257972036,0,0.2086249236694208 0.0049879799879357905 -0.46197882436831667 -0.7314482331797949 -0.6634230722535179 -1.045390670925989 -1.0898637000154905 -1.1152215813406645 -1.166066326196817 -1.1977959234434277 -1.1669176080741626 -1.2195165094744758 -1.2095074984136902 -0.2794949455694978 -0.5761537816666632 0.04719092401957824 0.007000100788936937 0.851523315907773 1.03251100241928 0.867026964695312 +21611,1.1135117628183968,0,0.0049879799879357905 -0.46197882436831667 -0.7314482331797949 -0.6634230722535179 -1.045390670925989 -1.0898637000154905 -1.1152215813406645 -1.166066326196817 -1.1977959234434277 -1.1669176080741626 -1.2195165094744758 -1.2095074984136902 -0.2794949455694978 -0.5761537816666632 0.04719092401957824 0.007000100788936937 0.851523315907773 1.03251100241928 0.867026964695312 1.1635052257972036 +21612,0.5857169988625351,0,-0.46197882436831667 -0.7314482331797949 -0.6634230722535179 -1.045390670925989 -1.0898637000154905 -1.1152215813406645 -1.166066326196817 -1.1977959234434277 -1.1669176080741626 -1.2195165094744758 -1.2095074984136902 -0.2794949455694978 -0.5761537816666632 0.04719092401957824 0.007000100788936937 0.851523315907773 1.03251100241928 0.867026964695312 1.1635052257972036 1.1135117628183968 +21613,0.6949906362094104,0,-0.7314482331797949 -0.6634230722535179 -1.045390670925989 -1.0898637000154905 -1.1152215813406645 -1.166066326196817 -1.1977959234434277 -1.1669176080741626 -1.2195165094744758 -1.2095074984136902 -0.2794949455694978 -0.5761537816666632 0.04719092401957824 0.007000100788936937 0.851523315907773 1.03251100241928 0.867026964695312 1.1635052257972036 1.1135117628183968 0.5857169988625351 +21614,0.32646297257923074,0,-0.6634230722535179 -1.045390670925989 -1.0898637000154905 -1.1152215813406645 -1.166066326196817 -1.1977959234434277 -1.1669176080741626 -1.2195165094744758 -1.2095074984136902 -0.2794949455694978 -0.5761537816666632 0.04719092401957824 0.007000100788936937 0.851523315907773 1.03251100241928 0.867026964695312 1.1635052257972036 1.1135117628183968 0.5857169988625351 0.6949906362094104 +21615,0.07107840937478692,0,-1.045390670925989 -1.0898637000154905 -1.1152215813406645 -1.166066326196817 -1.1977959234434277 -1.1669176080741626 -1.2195165094744758 -1.2095074984136902 -0.2794949455694978 -0.5761537816666632 0.04719092401957824 0.007000100788936937 0.851523315907773 1.03251100241928 0.867026964695312 1.1635052257972036 1.1135117628183968 0.5857169988625351 0.6949906362094104 0.32646297257923074 +21616,-0.33516362111556364,0,-1.0898637000154905 -1.1152215813406645 -1.166066326196817 -1.1977959234434277 -1.1669176080741626 -1.2195165094744758 -1.2095074984136902 -0.2794949455694978 -0.5761537816666632 0.04719092401957824 0.007000100788936937 0.851523315907773 1.03251100241928 0.867026964695312 1.1635052257972036 1.1135117628183968 0.5857169988625351 0.6949906362094104 0.32646297257923074 0.07107840937478692 +21617,-0.6282625510253927,0,-1.1152215813406645 -1.166066326196817 -1.1977959234434277 -1.1669176080741626 -1.2195165094744758 -1.2095074984136902 -0.2794949455694978 -0.5761537816666632 0.04719092401957824 0.007000100788936937 0.851523315907773 1.03251100241928 0.867026964695312 1.1635052257972036 1.1135117628183968 0.5857169988625351 0.6949906362094104 0.32646297257923074 0.07107840937478692 -0.33516362111556364 +21618,-0.6658221393624043,0,-1.166066326196817 -1.1977959234434277 -1.1669176080741626 -1.2195165094744758 -1.2095074984136902 -0.2794949455694978 -0.5761537816666632 0.04719092401957824 0.007000100788936937 0.851523315907773 1.03251100241928 0.867026964695312 1.1635052257972036 1.1135117628183968 0.5857169988625351 0.6949906362094104 0.32646297257923074 0.07107840937478692 -0.33516362111556364 -0.6282625510253927 +21619,-1.0441008499512974,0,-1.1977959234434277 -1.1669176080741626 -1.2195165094744758 -1.2095074984136902 -0.2794949455694978 -0.5761537816666632 0.04719092401957824 0.007000100788936937 0.851523315907773 1.03251100241928 0.867026964695312 1.1635052257972036 1.1135117628183968 0.5857169988625351 0.6949906362094104 0.32646297257923074 0.07107840937478692 -0.33516362111556364 -0.6282625510253927 -0.6658221393624043 +21620,-1.1668402188125873,0,-1.1669176080741626 -1.2195165094744758 -1.2095074984136902 -0.2794949455694978 -0.5761537816666632 0.04719092401957824 0.007000100788936937 0.851523315907773 1.03251100241928 0.867026964695312 1.1635052257972036 1.1135117628183968 0.5857169988625351 0.6949906362094104 0.32646297257923074 0.07107840937478692 -0.33516362111556364 -0.6282625510253927 -0.6658221393624043 -1.0441008499512974 +21621,-1.2371096683246001,0,-1.2195165094744758 -1.2095074984136902 -0.2794949455694978 -0.5761537816666632 0.04719092401957824 0.007000100788936937 0.851523315907773 1.03251100241928 0.867026964695312 1.1635052257972036 1.1135117628183968 0.5857169988625351 0.6949906362094104 0.32646297257923074 0.07107840937478692 -0.33516362111556364 -0.6282625510253927 -0.6658221393624043 -1.0441008499512974 -1.1668402188125873 +21622,-1.3773390103023158,0,-1.2095074984136902 -0.2794949455694978 -0.5761537816666632 0.04719092401957824 0.007000100788936937 0.851523315907773 1.03251100241928 0.867026964695312 1.1635052257972036 1.1135117628183968 0.5857169988625351 0.6949906362094104 0.32646297257923074 0.07107840937478692 -0.33516362111556364 -0.6282625510253927 -0.6658221393624043 -1.0441008499512974 -1.1668402188125873 -1.2371096683246001 +21623,-1.4650984329307541,0,-0.2794949455694978 -0.5761537816666632 0.04719092401957824 0.007000100788936937 0.851523315907773 1.03251100241928 0.867026964695312 1.1635052257972036 1.1135117628183968 0.5857169988625351 0.6949906362094104 0.32646297257923074 0.07107840937478692 -0.33516362111556364 -0.6282625510253927 -0.6658221393624043 -1.0441008499512974 -1.1668402188125873 -1.2371096683246001 -1.3773390103023158 +21624,-1.3259525406151187,0,-0.5761537816666632 0.04719092401957824 0.007000100788936937 0.851523315907773 1.03251100241928 0.867026964695312 1.1635052257972036 1.1135117628183968 0.5857169988625351 0.6949906362094104 0.32646297257923074 0.07107840937478692 -0.33516362111556364 -0.6282625510253927 -0.6658221393624043 -1.0441008499512974 -1.1668402188125873 -1.2371096683246001 -1.3773390103023158 -1.4650984329307541 +21625,-1.4893470682765104,0,0.04719092401957824 0.007000100788936937 0.851523315907773 1.03251100241928 0.867026964695312 1.1635052257972036 1.1135117628183968 0.5857169988625351 0.6949906362094104 0.32646297257923074 0.07107840937478692 -0.33516362111556364 -0.6282625510253927 -0.6658221393624043 -1.0441008499512974 -1.1668402188125873 -1.2371096683246001 -1.3773390103023158 -1.4650984329307541 -1.3259525406151187 +21626,-1.4258362808390426,0,0.007000100788936937 0.851523315907773 1.03251100241928 0.867026964695312 1.1635052257972036 1.1135117628183968 0.5857169988625351 0.6949906362094104 0.32646297257923074 0.07107840937478692 -0.33516362111556364 -0.6282625510253927 -0.6658221393624043 -1.0441008499512974 -1.1668402188125873 -1.2371096683246001 -1.3773390103023158 -1.4650984329307541 -1.3259525406151187 -1.4893470682765104 +21627,-0.5173895356575247,0,0.851523315907773 1.03251100241928 0.867026964695312 1.1635052257972036 1.1135117628183968 0.5857169988625351 0.6949906362094104 0.32646297257923074 0.07107840937478692 -0.33516362111556364 -0.6282625510253927 -0.6658221393624043 -1.0441008499512974 -1.1668402188125873 -1.2371096683246001 -1.3773390103023158 -1.4650984329307541 -1.3259525406151187 -1.4893470682765104 -1.4258362808390426 +21628,-0.7355240675712669,0,1.03251100241928 0.867026964695312 1.1635052257972036 1.1135117628183968 0.5857169988625351 0.6949906362094104 0.32646297257923074 0.07107840937478692 -0.33516362111556364 -0.6282625510253927 -0.6658221393624043 -1.0441008499512974 -1.1668402188125873 -1.2371096683246001 -1.3773390103023158 -1.4650984329307541 -1.3259525406151187 -1.4893470682765104 -1.4258362808390426 -0.5173895356575247 +21629,-0.10872264174095023,0,0.867026964695312 1.1635052257972036 1.1135117628183968 0.5857169988625351 0.6949906362094104 0.32646297257923074 0.07107840937478692 -0.33516362111556364 -0.6282625510253927 -0.6658221393624043 -1.0441008499512974 -1.1668402188125873 -1.2371096683246001 -1.3773390103023158 -1.4650984329307541 -1.3259525406151187 -1.4893470682765104 -1.4258362808390426 -0.5173895356575247 -0.7355240675712669 +21630,-0.17741850954929905,0,1.1635052257972036 1.1135117628183968 0.5857169988625351 0.6949906362094104 0.32646297257923074 0.07107840937478692 -0.33516362111556364 -0.6282625510253927 -0.6658221393624043 -1.0441008499512974 -1.1668402188125873 -1.2371096683246001 -1.3773390103023158 -1.4650984329307541 -1.3259525406151187 -1.4893470682765104 -1.4258362808390426 -0.5173895356575247 -0.7355240675712669 -0.10872264174095023 +21631,0.6812153476486859,0,1.1135117628183968 0.5857169988625351 0.6949906362094104 0.32646297257923074 0.07107840937478692 -0.33516362111556364 -0.6282625510253927 -0.6658221393624043 -1.0441008499512974 -1.1668402188125873 -1.2371096683246001 -1.3773390103023158 -1.4650984329307541 -1.3259525406151187 -1.4893470682765104 -1.4258362808390426 -0.5173895356575247 -0.7355240675712669 -0.10872264174095023 -0.17741850954929905 +21632,0.8443519110532197,0,0.5857169988625351 0.6949906362094104 0.32646297257923074 0.07107840937478692 -0.33516362111556364 -0.6282625510253927 -0.6658221393624043 -1.0441008499512974 -1.1668402188125873 -1.2371096683246001 -1.3773390103023158 -1.4650984329307541 -1.3259525406151187 -1.4893470682765104 -1.4258362808390426 -0.5173895356575247 -0.7355240675712669 -0.10872264174095023 -0.17741850954929905 0.6812153476486859 +21633,0.6750242067225143,0,0.6949906362094104 0.32646297257923074 0.07107840937478692 -0.33516362111556364 -0.6282625510253927 -0.6658221393624043 -1.0441008499512974 -1.1668402188125873 -1.2371096683246001 -1.3773390103023158 -1.4650984329307541 -1.3259525406151187 -1.4893470682765104 -1.4258362808390426 -0.5173895356575247 -0.7355240675712669 -0.10872264174095023 -0.17741850954929905 0.6812153476486859 0.8443519110532197 +21634,0.9489821927054729,0,0.32646297257923074 0.07107840937478692 -0.33516362111556364 -0.6282625510253927 -0.6658221393624043 -1.0441008499512974 -1.1668402188125873 -1.2371096683246001 -1.3773390103023158 -1.4650984329307541 -1.3259525406151187 -1.4893470682765104 -1.4258362808390426 -0.5173895356575247 -0.7355240675712669 -0.10872264174095023 -0.17741850954929905 0.6812153476486859 0.8443519110532197 0.6750242067225143 +21635,0.8904759109531747,0,0.07107840937478692 -0.33516362111556364 -0.6282625510253927 -0.6658221393624043 -1.0441008499512974 -1.1668402188125873 -1.2371096683246001 -1.3773390103023158 -1.4650984329307541 -1.3259525406151187 -1.4893470682765104 -1.4258362808390426 -0.5173895356575247 -0.7355240675712669 -0.10872264174095023 -0.17741850954929905 0.6812153476486859 0.8443519110532197 0.6750242067225143 0.9489821927054729 +21636,0.2597534290997686,0,-0.33516362111556364 -0.6282625510253927 -0.6658221393624043 -1.0441008499512974 -1.1668402188125873 -1.2371096683246001 -1.3773390103023158 -1.4650984329307541 -1.3259525406151187 -1.4893470682765104 -1.4258362808390426 -0.5173895356575247 -0.7355240675712669 -0.10872264174095023 -0.17741850954929905 0.6812153476486859 0.8443519110532197 0.6750242067225143 0.9489821927054729 0.8904759109531747 +21637,0.3919858806629229,0,-0.6282625510253927 -0.6658221393624043 -1.0441008499512974 -1.1668402188125873 -1.2371096683246001 -1.3773390103023158 -1.4650984329307541 -1.3259525406151187 -1.4893470682765104 -1.4258362808390426 -0.5173895356575247 -0.7355240675712669 -0.10872264174095023 -0.17741850954929905 0.6812153476486859 0.8443519110532197 0.6750242067225143 0.9489821927054729 0.8904759109531747 0.2597534290997686 +21638,-0.047997867720262634,0,-0.6658221393624043 -1.0441008499512974 -1.1668402188125873 -1.2371096683246001 -1.3773390103023158 -1.4650984329307541 -1.3259525406151187 -1.4893470682765104 -1.4258362808390426 -0.5173895356575247 -0.7355240675712669 -0.10872264174095023 -0.17741850954929905 0.6812153476486859 0.8443519110532197 0.6750242067225143 0.9489821927054729 0.8904759109531747 0.2597534290997686 0.3919858806629229 +21639,-0.25620077783479445,0,-1.0441008499512974 -1.1668402188125873 -1.2371096683246001 -1.3773390103023158 -1.4650984329307541 -1.3259525406151187 -1.4893470682765104 -1.4258362808390426 -0.5173895356575247 -0.7355240675712669 -0.10872264174095023 -0.17741850954929905 0.6812153476486859 0.8443519110532197 0.6750242067225143 0.9489821927054729 0.8904759109531747 0.2597534290997686 0.3919858806629229 -0.047997867720262634 +21640,-0.7734448057440403,0,-1.1668402188125873 -1.2371096683246001 -1.3773390103023158 -1.4650984329307541 -1.3259525406151187 -1.4893470682765104 -1.4258362808390426 -0.5173895356575247 -0.7355240675712669 -0.10872264174095023 -0.17741850954929905 0.6812153476486859 0.8443519110532197 0.6750242067225143 0.9489821927054729 0.8904759109531747 0.2597534290997686 0.3919858806629229 -0.047997867720262634 -0.25620077783479445 +21641,-1.05890799538465,0,-1.2371096683246001 -1.3773390103023158 -1.4650984329307541 -1.3259525406151187 -1.4893470682765104 -1.4258362808390426 -0.5173895356575247 -0.7355240675712669 -0.10872264174095023 -0.17741850954929905 0.6812153476486859 0.8443519110532197 0.6750242067225143 0.9489821927054729 0.8904759109531747 0.2597534290997686 0.3919858806629229 -0.047997867720262634 -0.25620077783479445 -0.7734448057440403 +21642,-1.0451842996133776,0,-1.3773390103023158 -1.4650984329307541 -1.3259525406151187 -1.4893470682765104 -1.4258362808390426 -0.5173895356575247 -0.7355240675712669 -0.10872264174095023 -0.17741850954929905 0.6812153476486859 0.8443519110532197 0.6750242067225143 0.9489821927054729 0.8904759109531747 0.2597534290997686 0.3919858806629229 -0.047997867720262634 -0.25620077783479445 -0.7734448057440403 -1.05890799538465 +21643,-1.4303764509547519,0,-1.4650984329307541 -1.3259525406151187 -1.4893470682765104 -1.4258362808390426 -0.5173895356575247 -0.7355240675712669 -0.10872264174095023 -0.17741850954929905 0.6812153476486859 0.8443519110532197 0.6750242067225143 0.9489821927054729 0.8904759109531747 0.2597534290997686 0.3919858806629229 -0.047997867720262634 -0.25620077783479445 -0.7734448057440403 -1.05890799538465 -1.0451842996133776 +21644,-1.5163817168842526,0,-1.3259525406151187 -1.4893470682765104 -1.4258362808390426 -0.5173895356575247 -0.7355240675712669 -0.10872264174095023 -0.17741850954929905 0.6812153476486859 0.8443519110532197 0.6750242067225143 0.9489821927054729 0.8904759109531747 0.2597534290997686 0.3919858806629229 -0.047997867720262634 -0.25620077783479445 -0.7734448057440403 -1.05890799538465 -1.0451842996133776 -1.4303764509547519 +21645,-1.4924942315290526,0,-1.4893470682765104 -1.4258362808390426 -0.5173895356575247 -0.7355240675712669 -0.10872264174095023 -0.17741850954929905 0.6812153476486859 0.8443519110532197 0.6750242067225143 0.9489821927054729 0.8904759109531747 0.2597534290997686 0.3919858806629229 -0.047997867720262634 -0.25620077783479445 -0.7734448057440403 -1.05890799538465 -1.0451842996133776 -1.4303764509547519 -1.5163817168842526 +21646,-1.615130414656644,0,-1.4258362808390426 -0.5173895356575247 -0.7355240675712669 -0.10872264174095023 -0.17741850954929905 0.6812153476486859 0.8443519110532197 0.6750242067225143 0.9489821927054729 0.8904759109531747 0.2597534290997686 0.3919858806629229 -0.047997867720262634 -0.25620077783479445 -0.7734448057440403 -1.05890799538465 -1.0451842996133776 -1.4303764509547519 -1.5163817168842526 -1.4924942315290526 +21647,-1.6278738464995262,0,-0.5173895356575247 -0.7355240675712669 -0.10872264174095023 -0.17741850954929905 0.6812153476486859 0.8443519110532197 0.6750242067225143 0.9489821927054729 0.8904759109531747 0.2597534290997686 0.3919858806629229 -0.047997867720262634 -0.25620077783479445 -0.7734448057440403 -1.05890799538465 -1.0451842996133776 -1.4303764509547519 -1.5163817168842526 -1.4924942315290526 -1.615130414656644 +21648,-1.46672360742387,0,-0.7355240675712669 -0.10872264174095023 -0.17741850954929905 0.6812153476486859 0.8443519110532197 0.6750242067225143 0.9489821927054729 0.8904759109531747 0.2597534290997686 0.3919858806629229 -0.047997867720262634 -0.25620077783479445 -0.7734448057440403 -1.05890799538465 -1.0451842996133776 -1.4303764509547519 -1.5163817168842526 -1.4924942315290526 -1.615130414656644 -1.6278738464995262 +21649,-1.537431596033229,0,-0.10872264174095023 -0.17741850954929905 0.6812153476486859 0.8443519110532197 0.6750242067225143 0.9489821927054729 0.8904759109531747 0.2597534290997686 0.3919858806629229 -0.047997867720262634 -0.25620077783479445 -0.7734448057440403 -1.05890799538465 -1.0451842996133776 -1.4303764509547519 -1.5163817168842526 -1.4924942315290526 -1.615130414656644 -1.6278738464995262 -1.46672360742387 +21650,-1.4342459140336123,0,-0.17741850954929905 0.6812153476486859 0.8443519110532197 0.6750242067225143 0.9489821927054729 0.8904759109531747 0.2597534290997686 0.3919858806629229 -0.047997867720262634 -0.25620077783479445 -0.7734448057440403 -1.05890799538465 -1.0451842996133776 -1.4303764509547519 -1.5163817168842526 -1.4924942315290526 -1.615130414656644 -1.6278738464995262 -1.46672360742387 -1.537431596033229 +21651,-0.8086053269721656,0,0.6812153476486859 0.8443519110532197 0.6750242067225143 0.9489821927054729 0.8904759109531747 0.2597534290997686 0.3919858806629229 -0.047997867720262634 -0.25620077783479445 -0.7734448057440403 -1.05890799538465 -1.0451842996133776 -1.4303764509547519 -1.5163817168842526 -1.4924942315290526 -1.615130414656644 -1.6278738464995262 -1.46672360742387 -1.537431596033229 -1.4342459140336123 +21652,-0.8795712798383735,0,0.8443519110532197 0.6750242067225143 0.9489821927054729 0.8904759109531747 0.2597534290997686 0.3919858806629229 -0.047997867720262634 -0.25620077783479445 -0.7734448057440403 -1.05890799538465 -1.0451842996133776 -1.4303764509547519 -1.5163817168842526 -1.4924942315290526 -1.615130414656644 -1.6278738464995262 -1.46672360742387 -1.537431596033229 -1.4342459140336123 -0.8086053269721656 +21653,-0.4280823277975455,0,0.6750242067225143 0.9489821927054729 0.8904759109531747 0.2597534290997686 0.3919858806629229 -0.047997867720262634 -0.25620077783479445 -0.7734448057440403 -1.05890799538465 -1.0451842996133776 -1.4303764509547519 -1.5163817168842526 -1.4924942315290526 -1.615130414656644 -1.6278738464995262 -1.46672360742387 -1.537431596033229 -1.4342459140336123 -0.8086053269721656 -0.8795712798383735 +21654,-0.42026601237825795,0,0.9489821927054729 0.8904759109531747 0.2597534290997686 0.3919858806629229 -0.047997867720262634 -0.25620077783479445 -0.7734448057440403 -1.05890799538465 -1.0451842996133776 -1.4303764509547519 -1.5163817168842526 -1.4924942315290526 -1.615130414656644 -1.6278738464995262 -1.46672360742387 -1.537431596033229 -1.4342459140336123 -0.8086053269721656 -0.8795712798383735 -0.4280823277975455 +21655,0.1791138185364226,0,0.8904759109531747 0.2597534290997686 0.3919858806629229 -0.047997867720262634 -0.25620077783479445 -0.7734448057440403 -1.05890799538465 -1.0451842996133776 -1.4303764509547519 -1.5163817168842526 -1.4924942315290526 -1.615130414656644 -1.6278738464995262 -1.46672360742387 -1.537431596033229 -1.4342459140336123 -0.8086053269721656 -0.8795712798383735 -0.4280823277975455 -0.42026601237825795 +21656,0.33482101282956284,0,0.2597534290997686 0.3919858806629229 -0.047997867720262634 -0.25620077783479445 -0.7734448057440403 -1.05890799538465 -1.0451842996133776 -1.4303764509547519 -1.5163817168842526 -1.4924942315290526 -1.615130414656644 -1.6278738464995262 -1.46672360742387 -1.537431596033229 -1.4342459140336123 -0.8086053269721656 -0.8795712798383735 -0.4280823277975455 -0.42026601237825795 0.1791138185364226 +21657,0.143127811903075,0,0.3919858806629229 -0.047997867720262634 -0.25620077783479445 -0.7734448057440403 -1.05890799538465 -1.0451842996133776 -1.4303764509547519 -1.5163817168842526 -1.4924942315290526 -1.615130414656644 -1.6278738464995262 -1.46672360742387 -1.537431596033229 -1.4342459140336123 -0.8086053269721656 -0.8795712798383735 -0.4280823277975455 -0.42026601237825795 0.1791138185364226 0.33482101282956284 +21658,0.41463513798767765,0,-0.047997867720262634 -0.25620077783479445 -0.7734448057440403 -1.05890799538465 -1.0451842996133776 -1.4303764509547519 -1.5163817168842526 -1.4924942315290526 -1.615130414656644 -1.6278738464995262 -1.46672360742387 -1.537431596033229 -1.4342459140336123 -0.8086053269721656 -0.8795712798383735 -0.4280823277975455 -0.42026601237825795 0.1791138185364226 0.33482101282956284 0.143127811903075 +21659,0.3387420686978754,0,-0.25620077783479445 -0.7734448057440403 -1.05890799538465 -1.0451842996133776 -1.4303764509547519 -1.5163817168842526 -1.4924942315290526 -1.615130414656644 -1.6278738464995262 -1.46672360742387 -1.537431596033229 -1.4342459140336123 -0.8086053269721656 -0.8795712798383735 -0.4280823277975455 -0.42026601237825795 0.1791138185364226 0.33482101282956284 0.143127811903075 0.41463513798767765 +21660,-0.0846287849183445,0,-0.7734448057440403 -1.05890799538465 -1.0451842996133776 -1.4303764509547519 -1.5163817168842526 -1.4924942315290526 -1.615130414656644 -1.6278738464995262 -1.46672360742387 -1.537431596033229 -1.4342459140336123 -0.8086053269721656 -0.8795712798383735 -0.4280823277975455 -0.42026601237825795 0.1791138185364226 0.33482101282956284 0.143127811903075 0.41463513798767765 0.3387420686978754 +21661,-0.044695925944561066,0,-1.05890799538465 -1.0451842996133776 -1.4303764509547519 -1.5163817168842526 -1.4924942315290526 -1.615130414656644 -1.6278738464995262 -1.46672360742387 -1.537431596033229 -1.4342459140336123 -0.8086053269721656 -0.8795712798383735 -0.4280823277975455 -0.42026601237825795 0.1791138185364226 0.33482101282956284 0.143127811903075 0.41463513798767765 0.3387420686978754 -0.0846287849183445 +21662,-0.3522408514519809,0,-1.0451842996133776 -1.4303764509547519 -1.5163817168842526 -1.4924942315290526 -1.615130414656644 -1.6278738464995262 -1.46672360742387 -1.537431596033229 -1.4342459140336123 -0.8086053269721656 -0.8795712798383735 -0.4280823277975455 -0.42026601237825795 0.1791138185364226 0.33482101282956284 0.143127811903075 0.41463513798767765 0.3387420686978754 -0.0846287849183445 -0.044695925944561066 +21663,-0.5126687907013185,0,-1.4303764509547519 -1.5163817168842526 -1.4924942315290526 -1.615130414656644 -1.6278738464995262 -1.46672360742387 -1.537431596033229 -1.4342459140336123 -0.8086053269721656 -0.8795712798383735 -0.4280823277975455 -0.42026601237825795 0.1791138185364226 0.33482101282956284 0.143127811903075 0.41463513798767765 0.3387420686978754 -0.0846287849183445 -0.044695925944561066 -0.3522408514519809 +21664,-0.869252711576501,0,-1.5163817168842526 -1.4924942315290526 -1.615130414656644 -1.6278738464995262 -1.46672360742387 -1.537431596033229 -1.4342459140336123 -0.8086053269721656 -0.8795712798383735 -0.4280823277975455 -0.42026601237825795 0.1791138185364226 0.33482101282956284 0.143127811903075 0.41463513798767765 0.3387420686978754 -0.0846287849183445 -0.044695925944561066 -0.3522408514519809 -0.5126687907013185 +21665,-1.0787196463483868,0,-1.4924942315290526 -1.615130414656644 -1.6278738464995262 -1.46672360742387 -1.537431596033229 -1.4342459140336123 -0.8086053269721656 -0.8795712798383735 -0.4280823277975455 -0.42026601237825795 0.1791138185364226 0.33482101282956284 0.143127811903075 0.41463513798767765 0.3387420686978754 -0.0846287849183445 -0.044695925944561066 -0.3522408514519809 -0.5126687907013185 -0.869252711576501 +21666,-1.1059348699514115,0,-1.615130414656644 -1.6278738464995262 -1.46672360742387 -1.537431596033229 -1.4342459140336123 -0.8086053269721656 -0.8795712798383735 -0.4280823277975455 -0.42026601237825795 0.1791138185364226 0.33482101282956284 0.143127811903075 0.41463513798767765 0.3387420686978754 -0.0846287849183445 -0.044695925944561066 -0.3522408514519809 -0.5126687907013185 -0.869252711576501 -1.0787196463483868 +21667,-1.376152374906537,0,-1.6278738464995262 -1.46672360742387 -1.537431596033229 -1.4342459140336123 -0.8086053269721656 -0.8795712798383735 -0.4280823277975455 -0.42026601237825795 0.1791138185364226 0.33482101282956284 0.143127811903075 0.41463513798767765 0.3387420686978754 -0.0846287849183445 -0.044695925944561066 -0.3522408514519809 -0.5126687907013185 -0.869252711576501 -1.0787196463483868 -1.1059348699514115 +21668,-1.4641181690023723,0,-1.46672360742387 -1.537431596033229 -1.4342459140336123 -0.8086053269721656 -0.8795712798383735 -0.4280823277975455 -0.42026601237825795 0.1791138185364226 0.33482101282956284 0.143127811903075 0.41463513798767765 0.3387420686978754 -0.0846287849183445 -0.044695925944561066 -0.3522408514519809 -0.5126687907013185 -0.869252711576501 -1.0787196463483868 -1.1059348699514115 -1.376152374906537 +21669,-1.3184457822421412,0,-1.537431596033229 -1.4342459140336123 -0.8086053269721656 -0.8795712798383735 -0.4280823277975455 -0.42026601237825795 0.1791138185364226 0.33482101282956284 0.143127811903075 0.41463513798767765 0.3387420686978754 -0.0846287849183445 -0.044695925944561066 -0.3522408514519809 -0.5126687907013185 -0.869252711576501 -1.0787196463483868 -1.1059348699514115 -1.376152374906537 -1.4641181690023723 +21670,-1.48429096980188,0,-1.4342459140336123 -0.8086053269721656 -0.8795712798383735 -0.4280823277975455 -0.42026601237825795 0.1791138185364226 0.33482101282956284 0.143127811903075 0.41463513798767765 0.3387420686978754 -0.0846287849183445 -0.044695925944561066 -0.3522408514519809 -0.5126687907013185 -0.869252711576501 -1.0787196463483868 -1.1059348699514115 -1.376152374906537 -1.4641181690023723 -1.3184457822421412 +21671,-1.4164979766603287,0,-0.8086053269721656 -0.8795712798383735 -0.4280823277975455 -0.42026601237825795 0.1791138185364226 0.33482101282956284 0.143127811903075 0.41463513798767765 0.3387420686978754 -0.0846287849183445 -0.044695925944561066 -0.3522408514519809 -0.5126687907013185 -0.869252711576501 -1.0787196463483868 -1.1059348699514115 -1.376152374906537 -1.4641181690023723 -1.3184457822421412 -1.48429096980188 +21672,-1.3988532250207526,0,-0.8795712798383735 -0.4280823277975455 -0.42026601237825795 0.1791138185364226 0.33482101282956284 0.143127811903075 0.41463513798767765 0.3387420686978754 -0.0846287849183445 -0.044695925944561066 -0.3522408514519809 -0.5126687907013185 -0.869252711576501 -1.0787196463483868 -1.1059348699514115 -1.376152374906537 -1.4641181690023723 -1.3184457822421412 -1.48429096980188 -1.4164979766603287 +21673,-1.3143441513785459,0,-0.4280823277975455 -0.42026601237825795 0.1791138185364226 0.33482101282956284 0.143127811903075 0.41463513798767765 0.3387420686978754 -0.0846287849183445 -0.044695925944561066 -0.3522408514519809 -0.5126687907013185 -0.869252711576501 -1.0787196463483868 -1.1059348699514115 -1.376152374906537 -1.4641181690023723 -1.3184457822421412 -1.48429096980188 -1.4164979766603287 -1.3988532250207526 +21674,-1.2799833192383232,0,-0.42026601237825795 0.1791138185364226 0.33482101282956284 0.143127811903075 0.41463513798767765 0.3387420686978754 -0.0846287849183445 -0.044695925944561066 -0.3522408514519809 -0.5126687907013185 -0.869252711576501 -1.0787196463483868 -1.1059348699514115 -1.376152374906537 -1.4641181690023723 -1.3184457822421412 -1.48429096980188 -1.4164979766603287 -1.3988532250207526 -1.3143441513785459 +21675,-0.7403479982611627,0,0.1791138185364226 0.33482101282956284 0.143127811903075 0.41463513798767765 0.3387420686978754 -0.0846287849183445 -0.044695925944561066 -0.3522408514519809 -0.5126687907013185 -0.869252711576501 -1.0787196463483868 -1.1059348699514115 -1.376152374906537 -1.4641181690023723 -1.3184457822421412 -1.48429096980188 -1.4164979766603287 -1.3988532250207526 -1.3143441513785459 -1.2799833192383232 +21676,-0.8744119957848301,0,0.33482101282956284 0.143127811903075 0.41463513798767765 0.3387420686978754 -0.0846287849183445 -0.044695925944561066 -0.3522408514519809 -0.5126687907013185 -0.869252711576501 -1.0787196463483868 -1.1059348699514115 -1.376152374906537 -1.4641181690023723 -1.3184457822421412 -1.48429096980188 -1.4164979766603287 -1.3988532250207526 -1.3143441513785459 -1.2799833192383232 -0.7403479982611627 +21677,-0.5032015043167918,0,0.143127811903075 0.41463513798767765 0.3387420686978754 -0.0846287849183445 -0.044695925944561066 -0.3522408514519809 -0.5126687907013185 -0.869252711576501 -1.0787196463483868 -1.1059348699514115 -1.376152374906537 -1.4641181690023723 -1.3184457822421412 -1.48429096980188 -1.4164979766603287 -1.3988532250207526 -1.3143441513785459 -1.2799833192383232 -0.7403479982611627 -0.8744119957848301 +21678,-0.425915428473385,0,0.41463513798767765 0.3387420686978754 -0.0846287849183445 -0.044695925944561066 -0.3522408514519809 -0.5126687907013185 -0.869252711576501 -1.0787196463483868 -1.1059348699514115 -1.376152374906537 -1.4641181690023723 -1.3184457822421412 -1.48429096980188 -1.4164979766603287 -1.3988532250207526 -1.3143441513785459 -1.2799833192383232 -0.7403479982611627 -0.8744119957848301 -0.5032015043167918 +21679,0.04326986799648879,0,0.3387420686978754 -0.0846287849183445 -0.044695925944561066 -0.3522408514519809 -0.5126687907013185 -0.869252711576501 -1.0787196463483868 -1.1059348699514115 -1.376152374906537 -1.4641181690023723 -1.3184457822421412 -1.48429096980188 -1.4164979766603287 -1.3988532250207526 -1.3143441513785459 -1.2799833192383232 -0.7403479982611627 -0.8744119957848301 -0.5032015043167918 -0.425915428473385 +21680,0.21853074915129356,0,-0.0846287849183445 -0.044695925944561066 -0.3522408514519809 -0.5126687907013185 -0.869252711576501 -1.0787196463483868 -1.1059348699514115 -1.376152374906537 -1.4641181690023723 -1.3184457822421412 -1.48429096980188 -1.4164979766603287 -1.3988532250207526 -1.3143441513785459 -1.2799833192383232 -0.7403479982611627 -0.8744119957848301 -0.5032015043167918 -0.425915428473385 0.04326986799648879 +21681,0.12672128844872074,0,-0.044695925944561066 -0.3522408514519809 -0.5126687907013185 -0.869252711576501 -1.0787196463483868 -1.1059348699514115 -1.376152374906537 -1.4641181690023723 -1.3184457822421412 -1.48429096980188 -1.4164979766603287 -1.3988532250207526 -1.3143441513785459 -1.2799833192383232 -0.7403479982611627 -0.8744119957848301 -0.5032015043167918 -0.425915428473385 0.04326986799648879 0.21853074915129356 +21682,0.39100561673454115,0,-0.3522408514519809 -0.5126687907013185 -0.869252711576501 -1.0787196463483868 -1.1059348699514115 -1.376152374906537 -1.4641181690023723 -1.3184457822421412 -1.48429096980188 -1.4164979766603287 -1.3988532250207526 -1.3143441513785459 -1.2799833192383232 -0.7403479982611627 -0.8744119957848301 -0.5032015043167918 -0.425915428473385 0.04326986799648879 0.21853074915129356 0.12672128844872074 +21683,0.38821960331776967,0,-0.5126687907013185 -0.869252711576501 -1.0787196463483868 -1.1059348699514115 -1.376152374906537 -1.4641181690023723 -1.3184457822421412 -1.48429096980188 -1.4164979766603287 -1.3988532250207526 -1.3143441513785459 -1.2799833192383232 -0.7403479982611627 -0.8744119957848301 -0.5032015043167918 -0.425915428473385 0.04326986799648879 0.21853074915129356 0.12672128844872074 0.39100561673454115 +21684,-0.0759611876217113,0,-0.869252711576501 -1.0787196463483868 -1.1059348699514115 -1.376152374906537 -1.4641181690023723 -1.3184457822421412 -1.48429096980188 -1.4164979766603287 -1.3988532250207526 -1.3143441513785459 -1.2799833192383232 -0.7403479982611627 -0.8744119957848301 -0.5032015043167918 -0.425915428473385 0.04326986799648879 0.21853074915129356 0.12672128844872074 0.39100561673454115 0.38821960331776967 +21685,0.07505105818733719,0,-1.0787196463483868 -1.1059348699514115 -1.376152374906537 -1.4641181690023723 -1.3184457822421412 -1.48429096980188 -1.4164979766603287 -1.3988532250207526 -1.3143441513785459 -1.2799833192383232 -0.7403479982611627 -0.8744119957848301 -0.5032015043167918 -0.425915428473385 0.04326986799648879 0.21853074915129356 0.12672128844872074 0.39100561673454115 0.38821960331776967 -0.0759611876217113 +21686,-0.2353314736810919,0,-1.1059348699514115 -1.376152374906537 -1.4641181690023723 -1.3184457822421412 -1.48429096980188 -1.4164979766603287 -1.3988532250207526 -1.3143441513785459 -1.2799833192383232 -0.7403479982611627 -0.8744119957848301 -0.5032015043167918 -0.425915428473385 0.04326986799648879 0.21853074915129356 0.12672128844872074 0.39100561673454115 0.38821960331776967 -0.0759611876217113 0.07505105818733719 +21687,-0.49332147530704223,0,-1.376152374906537 -1.4641181690023723 -1.3184457822421412 -1.48429096980188 -1.4164979766603287 -1.3988532250207526 -1.3143441513785459 -1.2799833192383232 -0.7403479982611627 -0.8744119957848301 -0.5032015043167918 -0.425915428473385 0.04326986799648879 0.21853074915129356 0.12672128844872074 0.39100561673454115 0.38821960331776967 -0.0759611876217113 0.07505105818733719 -0.2353314736810919 +21688,-0.8211681838197825,0,-1.4641181690023723 -1.3184457822421412 -1.48429096980188 -1.4164979766603287 -1.3988532250207526 -1.3143441513785459 -1.2799833192383232 -0.7403479982611627 -0.8744119957848301 -0.5032015043167918 -0.425915428473385 0.04326986799648879 0.21853074915129356 0.12672128844872074 0.39100561673454115 0.38821960331776967 -0.0759611876217113 0.07505105818733719 -0.2353314736810919 -0.49332147530704223 +21689,-1.0966223620900353,0,-1.3184457822421412 -1.48429096980188 -1.4164979766603287 -1.3988532250207526 -1.3143441513785459 -1.2799833192383232 -0.7403479982611627 -0.8744119957848301 -0.5032015043167918 -0.425915428473385 0.04326986799648879 0.21853074915129356 0.12672128844872074 0.39100561673454115 0.38821960331776967 -0.0759611876217113 0.07505105818733719 -0.2353314736810919 -0.49332147530704223 -0.8211681838197825 +21690,-1.1455581718788852,0,-1.48429096980188 -1.4164979766603287 -1.3988532250207526 -1.3143441513785459 -1.2799833192383232 -0.7403479982611627 -0.8744119957848301 -0.5032015043167918 -0.425915428473385 0.04326986799648879 0.21853074915129356 0.12672128844872074 0.39100561673454115 0.38821960331776967 -0.0759611876217113 0.07505105818733719 -0.2353314736810919 -0.49332147530704223 -0.8211681838197825 -1.0966223620900353 +21691,-1.496518473131055,0,-1.4164979766603287 -1.3988532250207526 -1.3143441513785459 -1.2799833192383232 -0.7403479982611627 -0.8744119957848301 -0.5032015043167918 -0.425915428473385 0.04326986799648879 0.21853074915129356 0.12672128844872074 0.39100561673454115 0.38821960331776967 -0.0759611876217113 0.07505105818733719 -0.2353314736810919 -0.49332147530704223 -0.8211681838197825 -1.0966223620900353 -1.1455581718788852 +21692,-1.620960405747045,0,-1.3988532250207526 -1.3143441513785459 -1.2799833192383232 -0.7403479982611627 -0.8744119957848301 -0.5032015043167918 -0.425915428473385 0.04326986799648879 0.21853074915129356 0.12672128844872074 0.39100561673454115 0.38821960331776967 -0.0759611876217113 0.07505105818733719 -0.2353314736810919 -0.49332147530704223 -0.8211681838197825 -1.0966223620900353 -1.1455581718788852 -1.496518473131055 +21693,-1.6718051506031972,0,-1.3143441513785459 -1.2799833192383232 -0.7403479982611627 -0.8744119957848301 -0.5032015043167918 -0.425915428473385 0.04326986799648879 0.21853074915129356 0.12672128844872074 0.39100561673454115 0.38821960331776967 -0.0759611876217113 0.07505105818733719 -0.2353314736810919 -0.49332147530704223 -0.8211681838197825 -1.0966223620900353 -1.1455581718788852 -1.496518473131055 -1.620960405747045 +21694,-1.8207794791391303,0,-1.2799833192383232 -0.7403479982611627 -0.8744119957848301 -0.5032015043167918 -0.425915428473385 0.04326986799648879 0.21853074915129356 0.12672128844872074 0.39100561673454115 0.38821960331776967 -0.0759611876217113 0.07505105818733719 -0.2353314736810919 -0.49332147530704223 -0.8211681838197825 -1.0966223620900353 -1.1455581718788852 -1.496518473131055 -1.620960405747045 -1.6718051506031972 +21695,-1.8961566199152255,0,-0.7403479982611627 -0.8744119957848301 -0.5032015043167918 -0.425915428473385 0.04326986799648879 0.21853074915129356 0.12672128844872074 0.39100561673454115 0.38821960331776967 -0.0759611876217113 0.07505105818733719 -0.2353314736810919 -0.49332147530704223 -0.8211681838197825 -1.0966223620900353 -1.1455581718788852 -1.496518473131055 -1.620960405747045 -1.6718051506031972 -1.8207794791391303 +21696,-1.7346452310038076,0,-0.8744119957848301 -0.5032015043167918 -0.425915428473385 0.04326986799648879 0.21853074915129356 0.12672128844872074 0.39100561673454115 0.38821960331776967 -0.0759611876217113 0.07505105818733719 -0.2353314736810919 -0.49332147530704223 -0.8211681838197825 -1.0966223620900353 -1.1455581718788852 -1.496518473131055 -1.620960405747045 -1.6718051506031972 -1.8207794791391303 -1.8961566199152255 +21697,-1.888985215060681,0,-0.5032015043167918 -0.425915428473385 0.04326986799648879 0.21853074915129356 0.12672128844872074 0.39100561673454115 0.38821960331776967 -0.0759611876217113 0.07505105818733719 -0.2353314736810919 -0.49332147530704223 -0.8211681838197825 -1.0966223620900353 -1.1455581718788852 -1.496518473131055 -1.620960405747045 -1.6718051506031972 -1.8207794791391303 -1.8961566199152255 -1.7346452310038076 +21698,-1.8064366692752467,0,-0.425915428473385 0.04326986799648879 0.21853074915129356 0.12672128844872074 0.39100561673454115 0.38821960331776967 -0.0759611876217113 0.07505105818733719 -0.2353314736810919 -0.49332147530704223 -0.8211681838197825 -1.0966223620900353 -1.1455581718788852 -1.496518473131055 -1.620960405747045 -1.6718051506031972 -1.8207794791391303 -1.8961566199152255 -1.7346452310038076 -1.888985215060681 +21699,-0.9297969106019148,0,0.04326986799648879 0.21853074915129356 0.12672128844872074 0.39100561673454115 0.38821960331776967 -0.0759611876217113 0.07505105818733719 -0.2353314736810919 -0.49332147530704223 -0.8211681838197825 -1.0966223620900353 -1.1455581718788852 -1.496518473131055 -1.620960405747045 -1.6718051506031972 -1.8207794791391303 -1.8961566199152255 -1.7346452310038076 -1.888985215060681 -1.8064366692752467 +21700,-1.1119454358823007,0,0.21853074915129356 0.12672128844872074 0.39100561673454115 0.38821960331776967 -0.0759611876217113 0.07505105818733719 -0.2353314736810919 -0.49332147530704223 -0.8211681838197825 -1.0966223620900353 -1.1455581718788852 -1.496518473131055 -1.620960405747045 -1.6718051506031972 -1.8207794791391303 -1.8961566199152255 -1.7346452310038076 -1.888985215060681 -1.8064366692752467 -0.9297969106019148 +21701,-0.5000027482747975,0,0.12672128844872074 0.39100561673454115 0.38821960331776967 -0.0759611876217113 0.07505105818733719 -0.2353314736810919 -0.49332147530704223 -0.8211681838197825 -1.0966223620900353 -1.1455581718788852 -1.496518473131055 -1.620960405747045 -1.6718051506031972 -1.8207794791391303 -1.8961566199152255 -1.7346452310038076 -1.888985215060681 -1.8064366692752467 -0.9297969106019148 -1.1119454358823007 +21702,-0.5106566699003173,0,0.39100561673454115 0.38821960331776967 -0.0759611876217113 0.07505105818733719 -0.2353314736810919 -0.49332147530704223 -0.8211681838197825 -1.0966223620900353 -1.1455581718788852 -1.496518473131055 -1.620960405747045 -1.6718051506031972 -1.8207794791391303 -1.8961566199152255 -1.7346452310038076 -1.888985215060681 -1.8064366692752467 -0.9297969106019148 -1.1119454358823007 -0.5000027482747975 +21703,0.3088182209396545,0,0.38821960331776967 -0.0759611876217113 0.07505105818733719 -0.2353314736810919 -0.49332147530704223 -0.8211681838197825 -1.0966223620900353 -1.1455581718788852 -1.496518473131055 -1.620960405747045 -1.6718051506031972 -1.8207794791391303 -1.8961566199152255 -1.7346452310038076 -1.888985215060681 -1.8064366692752467 -0.9297969106019148 -1.1119454358823007 -0.5000027482747975 -0.5106566699003173 +21704,0.5056965023918089,0,-0.0759611876217113 0.07505105818733719 -0.2353314736810919 -0.49332147530704223 -0.8211681838197825 -1.0966223620900353 -1.1455581718788852 -1.496518473131055 -1.620960405747045 -1.6718051506031972 -1.8207794791391303 -1.8961566199152255 -1.7346452310038076 -1.888985215060681 -1.8064366692752467 -0.9297969106019148 -1.1119454358823007 -0.5000027482747975 -0.5106566699003173 0.3088182209396545 +21705,0.42567600592108273,0,0.07505105818733719 -0.2353314736810919 -0.49332147530704223 -0.8211681838197825 -1.0966223620900353 -1.1455581718788852 -1.496518473131055 -1.620960405747045 -1.6718051506031972 -1.8207794791391303 -1.8961566199152255 -1.7346452310038076 -1.888985215060681 -1.8064366692752467 -0.9297969106019148 -1.1119454358823007 -0.5000027482747975 -0.5106566699003173 0.3088182209396545 0.5056965023918089 +21706,0.714853879962608,0,-0.2353314736810919 -0.49332147530704223 -0.8211681838197825 -1.0966223620900353 -1.1455581718788852 -1.496518473131055 -1.620960405747045 -1.6718051506031972 -1.8207794791391303 -1.8961566199152255 -1.7346452310038076 -1.888985215060681 -1.8064366692752467 -0.9297969106019148 -1.1119454358823007 -0.5000027482747975 -0.5106566699003173 0.3088182209396545 0.5056965023918089 0.42567600592108273 +21707,0.7271329762360296,0,-0.49332147530704223 -0.8211681838197825 -1.0966223620900353 -1.1455581718788852 -1.496518473131055 -1.620960405747045 -1.6718051506031972 -1.8207794791391303 -1.8961566199152255 -1.7346452310038076 -1.888985215060681 -1.8064366692752467 -0.9297969106019148 -1.1119454358823007 -0.5000027482747975 -0.5106566699003173 0.3088182209396545 0.5056965023918089 0.42567600592108273 0.714853879962608 +21708,0.24551380496958364,0,-0.8211681838197825 -1.0966223620900353 -1.1455581718788852 -1.496518473131055 -1.620960405747045 -1.6718051506031972 -1.8207794791391303 -1.8961566199152255 -1.7346452310038076 -1.888985215060681 -1.8064366692752467 -0.9297969106019148 -1.1119454358823007 -0.5000027482747975 -0.5106566699003173 0.3088182209396545 0.5056965023918089 0.42567600592108273 0.714853879962608 0.7271329762360296 +21709,0.42242565693484196,0,-1.0966223620900353 -1.1455581718788852 -1.496518473131055 -1.620960405747045 -1.6718051506031972 -1.8207794791391303 -1.8961566199152255 -1.7346452310038076 -1.888985215060681 -1.8064366692752467 -0.9297969106019148 -1.1119454358823007 -0.5000027482747975 -0.5106566699003173 0.3088182209396545 0.5056965023918089 0.42567600592108273 0.714853879962608 0.7271329762360296 0.24551380496958364 +21710,0.10543924151501856,0,-1.1455581718788852 -1.496518473131055 -1.620960405747045 -1.6718051506031972 -1.8207794791391303 -1.8961566199152255 -1.7346452310038076 -1.888985215060681 -1.8064366692752467 -0.9297969106019148 -1.1119454358823007 -0.5000027482747975 -0.5106566699003173 0.3088182209396545 0.5056965023918089 0.42567600592108273 0.714853879962608 0.7271329762360296 0.24551380496958364 0.42242565693484196 +21711,-0.11303064391714797,0,-1.496518473131055 -1.620960405747045 -1.6718051506031972 -1.8207794791391303 -1.8961566199152255 -1.7346452310038076 -1.888985215060681 -1.8064366692752467 -0.9297969106019148 -1.1119454358823007 -0.5000027482747975 -0.5106566699003173 0.3088182209396545 0.5056965023918089 0.42567600592108273 0.714853879962608 0.7271329762360296 0.24551380496958364 0.42242565693484196 0.10543924151501856 +21712,-0.4628559027177856,0,-1.620960405747045 -1.6718051506031972 -1.8207794791391303 -1.8961566199152255 -1.7346452310038076 -1.888985215060681 -1.8064366692752467 -0.9297969106019148 -1.1119454358823007 -0.5000027482747975 -0.5106566699003173 0.3088182209396545 0.5056965023918089 0.42567600592108273 0.714853879962608 0.7271329762360296 0.24551380496958364 0.42242565693484196 0.10543924151501856 -0.11303064391714797 +21713,-0.7141646313759806,0,-1.6718051506031972 -1.8207794791391303 -1.8961566199152255 -1.7346452310038076 -1.888985215060681 -1.8064366692752467 -0.9297969106019148 -1.1119454358823007 -0.5000027482747975 -0.5106566699003173 0.3088182209396545 0.5056965023918089 0.42567600592108273 0.714853879962608 0.7271329762360296 0.24551380496958364 0.42242565693484196 0.10543924151501856 -0.11303064391714797 -0.4628559027177856 +21714,-0.8047358638933139,0,-1.8207794791391303 -1.8961566199152255 -1.7346452310038076 -1.888985215060681 -1.8064366692752467 -0.9297969106019148 -1.1119454358823007 -0.5000027482747975 -0.5106566699003173 0.3088182209396545 0.5056965023918089 0.42567600592108273 0.714853879962608 0.7271329762360296 0.24551380496958364 0.42242565693484196 0.10543924151501856 -0.11303064391714797 -0.4628559027177856 -0.7141646313759806 +21715,-1.1096237580349895,0,-1.8961566199152255 -1.7346452310038076 -1.888985215060681 -1.8064366692752467 -0.9297969106019148 -1.1119454358823007 -0.5000027482747975 -0.5106566699003173 0.3088182209396545 0.5056965023918089 0.42567600592108273 0.714853879962608 0.7271329762360296 0.24551380496958364 0.42242565693484196 0.10543924151501856 -0.11303064391714797 -0.4628559027177856 -0.7141646313759806 -0.8047358638933139 +21716,-1.2537741560357947,0,-1.7346452310038076 -1.888985215060681 -1.8064366692752467 -0.9297969106019148 -1.1119454358823007 -0.5000027482747975 -0.5106566699003173 0.3088182209396545 0.5056965023918089 0.42567600592108273 0.714853879962608 0.7271329762360296 0.24551380496958364 0.42242565693484196 0.10543924151501856 -0.11303064391714797 -0.4628559027177856 -0.7141646313759806 -0.8047358638933139 -1.1096237580349895 +21717,-1.3192970641194868,0,-1.888985215060681 -1.8064366692752467 -0.9297969106019148 -1.1119454358823007 -0.5000027482747975 -0.5106566699003173 0.3088182209396545 0.5056965023918089 0.42567600592108273 0.714853879962608 0.7271329762360296 0.24551380496958364 0.42242565693484196 0.10543924151501856 -0.11303064391714797 -0.4628559027177856 -0.7141646313759806 -0.8047358638933139 -1.1096237580349895 -1.2537741560357947 +21718,-1.4896566253228116,0,-1.8064366692752467 -0.9297969106019148 -1.1119454358823007 -0.5000027482747975 -0.5106566699003173 0.3088182209396545 0.5056965023918089 0.42567600592108273 0.714853879962608 0.7271329762360296 0.24551380496958364 0.42242565693484196 0.10543924151501856 -0.11303064391714797 -0.4628559027177856 -0.7141646313759806 -0.8047358638933139 -1.1096237580349895 -1.2537741560357947 -1.3192970641194868 +21719,-1.5813886966090234,0,-0.9297969106019148 -1.1119454358823007 -0.5000027482747975 -0.5106566699003173 0.3088182209396545 0.5056965023918089 0.42567600592108273 0.714853879962608 0.7271329762360296 0.24551380496958364 0.42242565693484196 0.10543924151501856 -0.11303064391714797 -0.4628559027177856 -0.7141646313759806 -0.8047358638933139 -1.1096237580349895 -1.2537741560357947 -1.3192970641194868 -1.4896566253228116 +21720,-1.4034191914537992,0,-1.1119454358823007 -0.5000027482747975 -0.5106566699003173 0.3088182209396545 0.5056965023918089 0.42567600592108273 0.714853879962608 0.7271329762360296 0.24551380496958364 0.42242565693484196 0.10543924151501856 -0.11303064391714797 -0.4628559027177856 -0.7141646313759806 -0.8047358638933139 -1.1096237580349895 -1.2537741560357947 -1.3192970641194868 -1.4896566253228116 -1.5813886966090234 +21721,-1.5850517883752637,0,-0.5000027482747975 -0.5106566699003173 0.3088182209396545 0.5056965023918089 0.42567600592108273 0.714853879962608 0.7271329762360296 0.24551380496958364 0.42242565693484196 0.10543924151501856 -0.11303064391714797 -0.4628559027177856 -0.7141646313759806 -0.8047358638933139 -1.1096237580349895 -1.2537741560357947 -1.3192970641194868 -1.4896566253228116 -1.5813886966090234 -1.4034191914537992 +21722,-1.4969828087005155,0,-0.5106566699003173 0.3088182209396545 0.5056965023918089 0.42567600592108273 0.714853879962608 0.7271329762360296 0.24551380496958364 0.42242565693484196 0.10543924151501856 -0.11303064391714797 -0.4628559027177856 -0.7141646313759806 -0.8047358638933139 -1.1096237580349895 -1.2537741560357947 -1.3192970641194868 -1.4896566253228116 -1.5813886966090234 -1.4034191914537992 -1.5850517883752637 +21723,-0.7110174681234384,0,0.3088182209396545 0.5056965023918089 0.42567600592108273 0.714853879962608 0.7271329762360296 0.24551380496958364 0.42242565693484196 0.10543924151501856 -0.11303064391714797 -0.4628559027177856 -0.7141646313759806 -0.8047358638933139 -1.1096237580349895 -1.2537741560357947 -1.3192970641194868 -1.4896566253228116 -1.5813886966090234 -1.4034191914537992 -1.5850517883752637 -1.4969828087005155 +21724,-0.8555806087494751,0,0.5056965023918089 0.42567600592108273 0.714853879962608 0.7271329762360296 0.24551380496958364 0.42242565693484196 0.10543924151501856 -0.11303064391714797 -0.4628559027177856 -0.7141646313759806 -0.8047358638933139 -1.1096237580349895 -1.2537741560357947 -1.3192970641194868 -1.4896566253228116 -1.5813886966090234 -1.4034191914537992 -1.5850517883752637 -1.4969828087005155 -0.7110174681234384 +21725,-0.30224738847317417,0,0.42567600592108273 0.714853879962608 0.7271329762360296 0.24551380496958364 0.42242565693484196 0.10543924151501856 -0.11303064391714797 -0.4628559027177856 -0.7141646313759806 -0.8047358638933139 -1.1096237580349895 -1.2537741560357947 -1.3192970641194868 -1.4896566253228116 -1.5813886966090234 -1.4034191914537992 -1.5850517883752637 -1.4969828087005155 -0.7110174681234384 -0.8555806087494751 +21726,-0.15977375790972279,0,0.714853879962608 0.7271329762360296 0.24551380496958364 0.42242565693484196 0.10543924151501856 -0.11303064391714797 -0.4628559027177856 -0.7141646313759806 -0.8047358638933139 -1.1096237580349895 -1.2537741560357947 -1.3192970641194868 -1.4896566253228116 -1.5813886966090234 -1.4034191914537992 -1.5850517883752637 -1.4969828087005155 -0.7110174681234384 -0.8555806087494751 -0.30224738847317417 +21727,0.5305126588859385,0,0.7271329762360296 0.24551380496958364 0.42242565693484196 0.10543924151501856 -0.11303064391714797 -0.4628559027177856 -0.7141646313759806 -0.8047358638933139 -1.1096237580349895 -1.2537741560357947 -1.3192970641194868 -1.4896566253228116 -1.5813886966090234 -1.4034191914537992 -1.5850517883752637 -1.4969828087005155 -0.7110174681234384 -0.8555806087494751 -0.30224738847317417 -0.15977375790972279 +21728,0.8099394861235272,0,0.24551380496958364 0.42242565693484196 0.10543924151501856 -0.11303064391714797 -0.4628559027177856 -0.7141646313759806 -0.8047358638933139 -1.1096237580349895 -1.2537741560357947 -1.3192970641194868 -1.4896566253228116 -1.5813886966090234 -1.4034191914537992 -1.5850517883752637 -1.4969828087005155 -0.7110174681234384 -0.8555806087494751 -0.30224738847317417 -0.15977375790972279 0.5305126588859385 +21729,0.7415015824172506,0,0.42242565693484196 0.10543924151501856 -0.11303064391714797 -0.4628559027177856 -0.7141646313759806 -0.8047358638933139 -1.1096237580349895 -1.2537741560357947 -1.3192970641194868 -1.4896566253228116 -1.5813886966090234 -1.4034191914537992 -1.5850517883752637 -1.4969828087005155 -0.7110174681234384 -0.8555806087494751 -0.30224738847317417 -0.15977375790972279 0.5305126588859385 0.8099394861235272 +21730,1.1368833198146755,0,0.10543924151501856 -0.11303064391714797 -0.4628559027177856 -0.7141646313759806 -0.8047358638933139 -1.1096237580349895 -1.2537741560357947 -1.3192970641194868 -1.4896566253228116 -1.5813886966090234 -1.4034191914537992 -1.5850517883752637 -1.4969828087005155 -0.7110174681234384 -0.8555806087494751 -0.30224738847317417 -0.15977375790972279 0.5305126588859385 0.8099394861235272 0.7415015824172506 +21731,1.1844003264230205,0,-0.11303064391714797 -0.4628559027177856 -0.7141646313759806 -0.8047358638933139 -1.1096237580349895 -1.2537741560357947 -1.3192970641194868 -1.4896566253228116 -1.5813886966090234 -1.4034191914537992 -1.5850517883752637 -1.4969828087005155 -0.7110174681234384 -0.8555806087494751 -0.30224738847317417 -0.15977375790972279 0.5305126588859385 0.8099394861235272 0.7415015824172506 1.1368833198146755 +21732,0.635400904795032,0,-0.4628559027177856 -0.7141646313759806 -0.8047358638933139 -1.1096237580349895 -1.2537741560357947 -1.3192970641194868 -1.4896566253228116 -1.5813886966090234 -1.4034191914537992 -1.5850517883752637 -1.4969828087005155 -0.7110174681234384 -0.8555806087494751 -0.30224738847317417 -0.15977375790972279 0.5305126588859385 0.8099394861235272 0.7415015824172506 1.1368833198146755 1.1844003264230205 +21733,0.8817567208670807,0,-0.7141646313759806 -0.8047358638933139 -1.1096237580349895 -1.2537741560357947 -1.3192970641194868 -1.4896566253228116 -1.5813886966090234 -1.4034191914537992 -1.5850517883752637 -1.4969828087005155 -0.7110174681234384 -0.8555806087494751 -0.30224738847317417 -0.15977375790972279 0.5305126588859385 0.8099394861235272 0.7415015824172506 1.1368833198146755 1.1844003264230205 0.635400904795032 +21734,0.5315961085480188,0,-0.8047358638933139 -1.1096237580349895 -1.2537741560357947 -1.3192970641194868 -1.4896566253228116 -1.5813886966090234 -1.4034191914537992 -1.5850517883752637 -1.4969828087005155 -0.7110174681234384 -0.8555806087494751 -0.30224738847317417 -0.15977375790972279 0.5305126588859385 0.8099394861235272 0.7415015824172506 1.1368833198146755 1.1844003264230205 0.635400904795032 0.8817567208670807 +21735,0.23924527478183677,0,-1.1096237580349895 -1.2537741560357947 -1.3192970641194868 -1.4896566253228116 -1.5813886966090234 -1.4034191914537992 -1.5850517883752637 -1.4969828087005155 -0.7110174681234384 -0.8555806087494751 -0.30224738847317417 -0.15977375790972279 0.5305126588859385 0.8099394861235272 0.7415015824172506 1.1368833198146755 1.1844003264230205 0.635400904795032 0.8817567208670807 0.5315961085480188 +21736,-0.13018526351514934,0,-1.2537741560357947 -1.3192970641194868 -1.4896566253228116 -1.5813886966090234 -1.4034191914537992 -1.5850517883752637 -1.4969828087005155 -0.7110174681234384 -0.8555806087494751 -0.30224738847317417 -0.15977375790972279 0.5305126588859385 0.8099394861235272 0.7415015824172506 1.1368833198146755 1.1844003264230205 0.635400904795032 0.8817567208670807 0.5315961085480188 0.23924527478183677 +21737,-0.4418060235688092,0,-1.3192970641194868 -1.4896566253228116 -1.5813886966090234 -1.4034191914537992 -1.5850517883752637 -1.4969828087005155 -0.7110174681234384 -0.8555806087494751 -0.30224738847317417 -0.15977375790972279 0.5305126588859385 0.8099394861235272 0.7415015824172506 1.1368833198146755 1.1844003264230205 0.635400904795032 0.8817567208670807 0.5315961085480188 0.23924527478183677 -0.13018526351514934 +21738,-0.5208720524284912,0,-1.4896566253228116 -1.5813886966090234 -1.4034191914537992 -1.5850517883752637 -1.4969828087005155 -0.7110174681234384 -0.8555806087494751 -0.30224738847317417 -0.15977375790972279 0.5305126588859385 0.8099394861235272 0.7415015824172506 1.1368833198146755 1.1844003264230205 0.635400904795032 0.8817567208670807 0.5315961085480188 0.23924527478183677 -0.13018526351514934 -0.4418060235688092 +21739,-0.9100110561103013,0,-1.5813886966090234 -1.4034191914537992 -1.5850517883752637 -1.4969828087005155 -0.7110174681234384 -0.8555806087494751 -0.30224738847317417 -0.15977375790972279 0.5305126588859385 0.8099394861235272 0.7415015824172506 1.1368833198146755 1.1844003264230205 0.635400904795032 0.8817567208670807 0.5315961085480188 0.23924527478183677 -0.13018526351514934 -0.4418060235688092 -0.5208720524284912 +21740,-1.0665953285981158,0,-1.4034191914537992 -1.5850517883752637 -1.4969828087005155 -0.7110174681234384 -0.8555806087494751 -0.30224738847317417 -0.15977375790972279 0.5305126588859385 0.8099394861235272 0.7415015824172506 1.1368833198146755 1.1844003264230205 0.635400904795032 0.8817567208670807 0.5315961085480188 0.23924527478183677 -0.13018526351514934 -0.4418060235688092 -0.5208720524284912 -0.9100110561103013 +21741,-1.126984749100379,0,-1.5850517883752637 -1.4969828087005155 -0.7110174681234384 -0.8555806087494751 -0.30224738847317417 -0.15977375790972279 0.5305126588859385 0.8099394861235272 0.7415015824172506 1.1368833198146755 1.1844003264230205 0.635400904795032 0.8817567208670807 0.5315961085480188 0.23924527478183677 -0.13018526351514934 -0.4418060235688092 -0.5208720524284912 -0.9100110561103013 -1.0665953285981158 +21742,-1.3156339723532464,0,-1.4969828087005155 -0.7110174681234384 -0.8555806087494751 -0.30224738847317417 -0.15977375790972279 0.5305126588859385 0.8099394861235272 0.7415015824172506 1.1368833198146755 1.1844003264230205 0.635400904795032 0.8817567208670807 0.5315961085480188 0.23924527478183677 -0.13018526351514934 -0.4418060235688092 -0.5208720524284912 -0.9100110561103013 -1.0665953285981158 -1.126984749100379 +21743,-1.4080883436205447,0,-0.7110174681234384 -0.8555806087494751 -0.30224738847317417 -0.15977375790972279 0.5305126588859385 0.8099394861235272 0.7415015824172506 1.1368833198146755 1.1844003264230205 0.635400904795032 0.8817567208670807 0.5315961085480188 0.23924527478183677 -0.13018526351514934 -0.4418060235688092 -0.5208720524284912 -0.9100110561103013 -1.0665953285981158 -1.126984749100379 -1.3156339723532464 +21744,-1.1960933596887364,0,-0.8555806087494751 -0.30224738847317417 -0.15977375790972279 0.5305126588859385 0.8099394861235272 0.7415015824172506 1.1368833198146755 1.1844003264230205 0.635400904795032 0.8817567208670807 0.5315961085480188 0.23924527478183677 -0.13018526351514934 -0.4418060235688092 -0.5208720524284912 -0.9100110561103013 -1.0665953285981158 -1.126984749100379 -1.3156339723532464 -1.4080883436205447 +21745,-1.3900308492009599,0,-0.30224738847317417 -0.15977375790972279 0.5305126588859385 0.8099394861235272 0.7415015824172506 1.1368833198146755 1.1844003264230205 0.635400904795032 0.8817567208670807 0.5315961085480188 0.23924527478183677 -0.13018526351514934 -0.4418060235688092 -0.5208720524284912 -0.9100110561103013 -1.0665953285981158 -1.126984749100379 -1.3156339723532464 -1.4080883436205447 -1.1960933596887364 +21746,-1.2795189836688539,0,-0.15977375790972279 0.5305126588859385 0.8099394861235272 0.7415015824172506 1.1368833198146755 1.1844003264230205 0.635400904795032 0.8817567208670807 0.5315961085480188 0.23924527478183677 -0.13018526351514934 -0.4418060235688092 -0.5208720524284912 -0.9100110561103013 -1.0665953285981158 -1.126984749100379 -1.3156339723532464 -1.4080883436205447 -1.1960933596887364 -1.3900308492009599 +21747,-0.22137561012509357,0,0.5305126588859385 0.8099394861235272 0.7415015824172506 1.1368833198146755 1.1844003264230205 0.635400904795032 0.8817567208670807 0.5315961085480188 0.23924527478183677 -0.13018526351514934 -0.4418060235688092 -0.5208720524284912 -0.9100110561103013 -1.0665953285981158 -1.126984749100379 -1.3156339723532464 -1.4080883436205447 -1.1960933596887364 -1.3900308492009599 -1.2795189836688539 +21748,-0.4267409138786162,0,0.8099394861235272 0.7415015824172506 1.1368833198146755 1.1844003264230205 0.635400904795032 0.8817567208670807 0.5315961085480188 0.23924527478183677 -0.13018526351514934 -0.4418060235688092 -0.5208720524284912 -0.9100110561103013 -1.0665953285981158 -1.126984749100379 -1.3156339723532464 -1.4080883436205447 -1.1960933596887364 -1.3900308492009599 -1.2795189836688539 -0.22137561012509357 +21749,0.3155252902247385,0,0.7415015824172506 1.1368833198146755 1.1844003264230205 0.635400904795032 0.8817567208670807 0.5315961085480188 0.23924527478183677 -0.13018526351514934 -0.4418060235688092 -0.5208720524284912 -0.9100110561103013 -1.0665953285981158 -1.126984749100379 -1.3156339723532464 -1.4080883436205447 -1.1960933596887364 -1.3900308492009599 -1.2795189836688539 -0.22137561012509357 -0.4267409138786162 +21750,0.25116322106471073,0,1.1368833198146755 1.1844003264230205 0.635400904795032 0.8817567208670807 0.5315961085480188 0.23924527478183677 -0.13018526351514934 -0.4418060235688092 -0.5208720524284912 -0.9100110561103013 -1.0665953285981158 -1.126984749100379 -1.3156339723532464 -1.4080883436205447 -1.1960933596887364 -1.3900308492009599 -1.2795189836688539 -0.22137561012509357 -0.4267409138786162 0.3155252902247385 +21751,1.262305516359047,0,1.1844003264230205 0.635400904795032 0.8817567208670807 0.5315961085480188 0.23924527478183677 -0.13018526351514934 -0.4418060235688092 -0.5208720524284912 -0.9100110561103013 -1.0665953285981158 -1.126984749100379 -1.3156339723532464 -1.4080883436205447 -1.1960933596887364 -1.3900308492009599 -1.2795189836688539 -0.22137561012509357 -0.4267409138786162 0.3155252902247385 0.25116322106471073 +21752,1.466819538390001,0,0.635400904795032 0.8817567208670807 0.5315961085480188 0.23924527478183677 -0.13018526351514934 -0.4418060235688092 -0.5208720524284912 -0.9100110561103013 -1.0665953285981158 -1.126984749100379 -1.3156339723532464 -1.4080883436205447 -1.1960933596887364 -1.3900308492009599 -1.2795189836688539 -0.22137561012509357 -0.4267409138786162 0.3155252902247385 0.25116322106471073 1.262305516359047 +21753,1.345215211980252,0,0.8817567208670807 0.5315961085480188 0.23924527478183677 -0.13018526351514934 -0.4418060235688092 -0.5208720524284912 -0.9100110561103013 -1.0665953285981158 -1.126984749100379 -1.3156339723532464 -1.4080883436205447 -1.1960933596887364 -1.3900308492009599 -1.2795189836688539 -0.22137561012509357 -0.4267409138786162 0.3155252902247385 0.25116322106471073 1.262305516359047 1.466819538390001 +21754,1.6584353500549136,0,0.5315961085480188 0.23924527478183677 -0.13018526351514934 -0.4418060235688092 -0.5208720524284912 -0.9100110561103013 -1.0665953285981158 -1.126984749100379 -1.3156339723532464 -1.4080883436205447 -1.1960933596887364 -1.3900308492009599 -1.2795189836688539 -0.22137561012509357 -0.4267409138786162 0.3155252902247385 0.25116322106471073 1.262305516359047 1.466819538390001 1.345215211980252 +21755,1.6455371396888723,0,0.23924527478183677 -0.13018526351514934 -0.4418060235688092 -0.5208720524284912 -0.9100110561103013 -1.0665953285981158 -1.126984749100379 -1.3156339723532464 -1.4080883436205447 -1.1960933596887364 -1.3900308492009599 -1.2795189836688539 -0.22137561012509357 -0.4267409138786162 0.3155252902247385 0.25116322106471073 1.262305516359047 1.466819538390001 1.345215211980252 1.6584353500549136 +21756,1.021960266372682,0,-0.13018526351514934 -0.4418060235688092 -0.5208720524284912 -0.9100110561103013 -1.0665953285981158 -1.126984749100379 -1.3156339723532464 -1.4080883436205447 -1.1960933596887364 -1.3900308492009599 -1.2795189836688539 -0.22137561012509357 -0.4267409138786162 0.3155252902247385 0.25116322106471073 1.262305516359047 1.466819538390001 1.345215211980252 1.6584353500549136 1.6455371396888723 +21757,1.2126216104265415,0,-0.4418060235688092 -0.5208720524284912 -0.9100110561103013 -1.0665953285981158 -1.126984749100379 -1.3156339723532464 -1.4080883436205447 -1.1960933596887364 -1.3900308492009599 -1.2795189836688539 -0.22137561012509357 -0.4267409138786162 0.3155252902247385 0.25116322106471073 1.262305516359047 1.466819538390001 1.345215211980252 1.6584353500549136 1.6455371396888723 1.021960266372682 +21758,0.7926042915302609,0,-0.5208720524284912 -0.9100110561103013 -1.0665953285981158 -1.126984749100379 -1.3156339723532464 -1.4080883436205447 -1.1960933596887364 -1.3900308492009599 -1.2795189836688539 -0.22137561012509357 -0.4267409138786162 0.3155252902247385 0.25116322106471073 1.262305516359047 1.466819538390001 1.345215211980252 1.6584353500549136 1.6455371396888723 1.021960266372682 1.2126216104265415 +21759,0.49300466349316463,0,-0.9100110561103013 -1.0665953285981158 -1.126984749100379 -1.3156339723532464 -1.4080883436205447 -1.1960933596887364 -1.3900308492009599 -1.2795189836688539 -0.22137561012509357 -0.4267409138786162 0.3155252902247385 0.25116322106471073 1.262305516359047 1.466819538390001 1.345215211980252 1.6584353500549136 1.6455371396888723 1.021960266372682 1.2126216104265415 0.7926042915302609 +21760,0.03284811415569474,0,-1.0665953285981158 -1.126984749100379 -1.3156339723532464 -1.4080883436205447 -1.1960933596887364 -1.3900308492009599 -1.2795189836688539 -0.22137561012509357 -0.4267409138786162 0.3155252902247385 0.25116322106471073 1.262305516359047 1.466819538390001 1.345215211980252 1.6584353500549136 1.6455371396888723 1.021960266372682 1.2126216104265415 0.7926042915302609 0.49300466349316463 +21761,-0.30689074416779627,0,-1.126984749100379 -1.3156339723532464 -1.4080883436205447 -1.1960933596887364 -1.3900308492009599 -1.2795189836688539 -0.22137561012509357 -0.4267409138786162 0.3155252902247385 0.25116322106471073 1.262305516359047 1.466819538390001 1.345215211980252 1.6584353500549136 1.6455371396888723 1.021960266372682 1.2126216104265415 0.7926042915302609 0.49300466349316463 0.03284811415569474 +21762,-0.30387256296629017,0,-1.3156339723532464 -1.4080883436205447 -1.1960933596887364 -1.3900308492009599 -1.2795189836688539 -0.22137561012509357 -0.4267409138786162 0.3155252902247385 0.25116322106471073 1.262305516359047 1.466819538390001 1.345215211980252 1.6584353500549136 1.6455371396888723 1.021960266372682 1.2126216104265415 0.7926042915302609 0.49300466349316463 0.03284811415569474 -0.30689074416779627 +21763,-0.7578637678497118,0,-1.4080883436205447 -1.1960933596887364 -1.3900308492009599 -1.2795189836688539 -0.22137561012509357 -0.4267409138786162 0.3155252902247385 0.25116322106471073 1.262305516359047 1.466819538390001 1.345215211980252 1.6584353500549136 1.6455371396888723 1.021960266372682 1.2126216104265415 0.7926042915302609 0.49300466349316463 0.03284811415569474 -0.30689074416779627 -0.30387256296629017 +21764,-0.8690979330533505,0,-1.1960933596887364 -1.3900308492009599 -1.2795189836688539 -0.22137561012509357 -0.4267409138786162 0.3155252902247385 0.25116322106471073 1.262305516359047 1.466819538390001 1.345215211980252 1.6584353500549136 1.6455371396888723 1.021960266372682 1.2126216104265415 0.7926042915302609 0.49300466349316463 0.03284811415569474 -0.30689074416779627 -0.30387256296629017 -0.7578637678497118 +21765,-0.789877125670509,0,-1.3900308492009599 -1.2795189836688539 -0.22137561012509357 -0.4267409138786162 0.3155252902247385 0.25116322106471073 1.262305516359047 1.466819538390001 1.345215211980252 1.6584353500549136 1.6455371396888723 1.021960266372682 1.2126216104265415 0.7926042915302609 0.49300466349316463 0.03284811415569474 -0.30689074416779627 -0.30387256296629017 -0.7578637678497118 -0.8690979330533505 +21766,-0.9645962818394924,0,-1.2795189836688539 -0.22137561012509357 -0.4267409138786162 0.3155252902247385 0.25116322106471073 1.262305516359047 1.466819538390001 1.345215211980252 1.6584353500549136 1.6455371396888723 1.021960266372682 1.2126216104265415 0.7926042915302609 0.49300466349316463 0.03284811415569474 -0.30689074416779627 -0.30387256296629017 -0.7578637678497118 -0.8690979330533505 -0.789877125670509 +21767,-0.9488604654220044,0,-0.22137561012509357 -0.4267409138786162 0.3155252902247385 0.25116322106471073 1.262305516359047 1.466819538390001 1.345215211980252 1.6584353500549136 1.6455371396888723 1.021960266372682 1.2126216104265415 0.7926042915302609 0.49300466349316463 0.03284811415569474 -0.30689074416779627 -0.30387256296629017 -0.7578637678497118 -0.8690979330533505 -0.789877125670509 -0.9645962818394924 +21768,-0.6206268106013789,0,-0.4267409138786162 0.3155252902247385 0.25116322106471073 1.262305516359047 1.466819538390001 1.345215211980252 1.6584353500549136 1.6455371396888723 1.021960266372682 1.2126216104265415 0.7926042915302609 0.49300466349316463 0.03284811415569474 -0.30689074416779627 -0.30387256296629017 -0.7578637678497118 -0.8690979330533505 -0.789877125670509 -0.9645962818394924 -0.9488604654220044 +21769,-0.7090569401118892,0,0.3155252902247385 0.25116322106471073 1.262305516359047 1.466819538390001 1.345215211980252 1.6584353500549136 1.6455371396888723 1.021960266372682 1.2126216104265415 0.7926042915302609 0.49300466349316463 0.03284811415569474 -0.30689074416779627 -0.30387256296629017 -0.7578637678497118 -0.8690979330533505 -0.789877125670509 -0.9645962818394924 -0.9488604654220044 -0.6206268106013789 +21770,-0.4849892315288334,0,0.25116322106471073 1.262305516359047 1.466819538390001 1.345215211980252 1.6584353500549136 1.6455371396888723 1.021960266372682 1.2126216104265415 0.7926042915302609 0.49300466349316463 0.03284811415569474 -0.30689074416779627 -0.30387256296629017 -0.7578637678497118 -0.8690979330533505 -0.789877125670509 -0.9645962818394924 -0.9488604654220044 -0.6206268106013789 -0.7090569401118892 +21771,0.294036871978425,0,1.262305516359047 1.466819538390001 1.345215211980252 1.6584353500549136 1.6455371396888723 1.021960266372682 1.2126216104265415 0.7926042915302609 0.49300466349316463 0.03284811415569474 -0.30689074416779627 -0.30387256296629017 -0.7578637678497118 -0.8690979330533505 -0.789877125670509 -0.9645962818394924 -0.9488604654220044 -0.6206268106013789 -0.7090569401118892 -0.4849892315288334 +21772,0.33311844907486277,0,1.466819538390001 1.345215211980252 1.6584353500549136 1.6455371396888723 1.021960266372682 1.2126216104265415 0.7926042915302609 0.49300466349316463 0.03284811415569474 -0.30689074416779627 -0.30387256296629017 -0.7578637678497118 -0.8690979330533505 -0.789877125670509 -0.9645962818394924 -0.9488604654220044 -0.6206268106013789 -0.7090569401118892 -0.4849892315288334 0.294036871978425 +21773,0.9271584209407262,0,1.345215211980252 1.6584353500549136 1.6455371396888723 1.021960266372682 1.2126216104265415 0.7926042915302609 0.49300466349316463 0.03284811415569474 -0.30689074416779627 -0.30387256296629017 -0.7578637678497118 -0.8690979330533505 -0.789877125670509 -0.9645962818394924 -0.9488604654220044 -0.6206268106013789 -0.7090569401118892 -0.4849892315288334 0.294036871978425 0.33311844907486277 +21774,0.8089076292509078,0,1.6584353500549136 1.6455371396888723 1.021960266372682 1.2126216104265415 0.7926042915302609 0.49300466349316463 0.03284811415569474 -0.30689074416779627 -0.30387256296629017 -0.7578637678497118 -0.8690979330533505 -0.789877125670509 -0.9645962818394924 -0.9488604654220044 -0.6206268106013789 -0.7090569401118892 -0.4849892315288334 0.294036871978425 0.33311844907486277 0.9271584209407262 +21775,1.6403778556353288,0,1.6455371396888723 1.021960266372682 1.2126216104265415 0.7926042915302609 0.49300466349316463 0.03284811415569474 -0.30689074416779627 -0.30387256296629017 -0.7578637678497118 -0.8690979330533505 -0.789877125670509 -0.9645962818394924 -0.9488604654220044 -0.6206268106013789 -0.7090569401118892 -0.4849892315288334 0.294036871978425 0.33311844907486277 0.9271584209407262 0.8089076292509078 +21776,1.759557318464068,0,1.021960266372682 1.2126216104265415 0.7926042915302609 0.49300466349316463 0.03284811415569474 -0.30689074416779627 -0.30387256296629017 -0.7578637678497118 -0.8690979330533505 -0.789877125670509 -0.9645962818394924 -0.9488604654220044 -0.6206268106013789 -0.7090569401118892 -0.4849892315288334 0.294036871978425 0.33311844907486277 0.9271584209407262 0.8089076292509078 1.6403778556353288 +21777,1.559428688025673,0,1.2126216104265415 0.7926042915302609 0.49300466349316463 0.03284811415569474 -0.30689074416779627 -0.30387256296629017 -0.7578637678497118 -0.8690979330533505 -0.789877125670509 -0.9645962818394924 -0.9488604654220044 -0.6206268106013789 -0.7090569401118892 -0.4849892315288334 0.294036871978425 0.33311844907486277 0.9271584209407262 0.8089076292509078 1.6403778556353288 1.759557318464068 +21778,1.785044181995055,0,0.7926042915302609 0.49300466349316463 0.03284811415569474 -0.30689074416779627 -0.30387256296629017 -0.7578637678497118 -0.8690979330533505 -0.789877125670509 -0.9645962818394924 -0.9488604654220044 -0.6206268106013789 -0.7090569401118892 -0.4849892315288334 0.294036871978425 0.33311844907486277 0.9271584209407262 0.8089076292509078 1.6403778556353288 1.759557318464068 1.559428688025673 +21779,1.6913515825425174,0,0.49300466349316463 0.03284811415569474 -0.30689074416779627 -0.30387256296629017 -0.7578637678497118 -0.8690979330533505 -0.789877125670509 -0.9645962818394924 -0.9488604654220044 -0.6206268106013789 -0.7090569401118892 -0.4849892315288334 0.294036871978425 0.33311844907486277 0.9271584209407262 0.8089076292509078 1.6403778556353288 1.759557318464068 1.559428688025673 1.785044181995055 +21780,1.1101840245705807,0,0.03284811415569474 -0.30689074416779627 -0.30387256296629017 -0.7578637678497118 -0.8690979330533505 -0.789877125670509 -0.9645962818394924 -0.9488604654220044 -0.6206268106013789 -0.7090569401118892 -0.4849892315288334 0.294036871978425 0.33311844907486277 0.9271584209407262 0.8089076292509078 1.6403778556353288 1.759557318464068 1.559428688025673 1.785044181995055 1.6913515825425174 +21781,1.1789830781126194,0,-0.30689074416779627 -0.30387256296629017 -0.7578637678497118 -0.8690979330533505 -0.789877125670509 -0.9645962818394924 -0.9488604654220044 -0.6206268106013789 -0.7090569401118892 -0.4849892315288334 0.294036871978425 0.33311844907486277 0.9271584209407262 0.8089076292509078 1.6403778556353288 1.759557318464068 1.559428688025673 1.785044181995055 1.6913515825425174 1.1101840245705807 +21782,0.7603071729804823,0,-0.30387256296629017 -0.7578637678497118 -0.8690979330533505 -0.789877125670509 -0.9645962818394924 -0.9488604654220044 -0.6206268106013789 -0.7090569401118892 -0.4849892315288334 0.294036871978425 0.33311844907486277 0.9271584209407262 0.8089076292509078 1.6403778556353288 1.759557318464068 1.559428688025673 1.785044181995055 1.6913515825425174 1.1101840245705807 1.1789830781126194 +21783,0.45856644209134895,0,-0.7578637678497118 -0.8690979330533505 -0.789877125670509 -0.9645962818394924 -0.9488604654220044 -0.6206268106013789 -0.7090569401118892 -0.4849892315288334 0.294036871978425 0.33311844907486277 0.9271584209407262 0.8089076292509078 1.6403778556353288 1.759557318464068 1.559428688025673 1.785044181995055 1.6913515825425174 1.1101840245705807 1.1789830781126194 0.7603071729804823 +21784,0.0009121455964726756,0,-0.8690979330533505 -0.789877125670509 -0.9645962818394924 -0.9488604654220044 -0.6206268106013789 -0.7090569401118892 -0.4849892315288334 0.294036871978425 0.33311844907486277 0.9271584209407262 0.8089076292509078 1.6403778556353288 1.759557318464068 1.559428688025673 1.785044181995055 1.6913515825425174 1.1101840245705807 1.1789830781126194 0.7603071729804823 0.45856644209134895 +21785,-0.33980697681018573,0,-0.789877125670509 -0.9645962818394924 -0.9488604654220044 -0.6206268106013789 -0.7090569401118892 -0.4849892315288334 0.294036871978425 0.33311844907486277 0.9271584209407262 0.8089076292509078 1.6403778556353288 1.759557318464068 1.559428688025673 1.785044181995055 1.6913515825425174 1.1101840245705807 1.1789830781126194 0.7603071729804823 0.45856644209134895 0.0009121455964726756 +21786,-0.3807200997123597,0,-0.9645962818394924 -0.9488604654220044 -0.6206268106013789 -0.7090569401118892 -0.4849892315288334 0.294036871978425 0.33311844907486277 0.9271584209407262 0.8089076292509078 1.6403778556353288 1.759557318464068 1.559428688025673 1.785044181995055 1.6913515825425174 1.1101840245705807 1.1789830781126194 0.7603071729804823 0.45856644209134895 0.0009121455964726756 -0.33980697681018573 +21787,-0.8213745551323939,0,-0.9488604654220044 -0.6206268106013789 -0.7090569401118892 -0.4849892315288334 0.294036871978425 0.33311844907486277 0.9271584209407262 0.8089076292509078 1.6403778556353288 1.759557318464068 1.559428688025673 1.785044181995055 1.6913515825425174 1.1101840245705807 1.1789830781126194 0.7603071729804823 0.45856644209134895 0.0009121455964726756 -0.33980697681018573 -0.3807200997123597 +21788,-0.9622230112027206,0,-0.6206268106013789 -0.7090569401118892 -0.4849892315288334 0.294036871978425 0.33311844907486277 0.9271584209407262 0.8089076292509078 1.6403778556353288 1.759557318464068 1.559428688025673 1.785044181995055 1.6913515825425174 1.1101840245705807 1.1789830781126194 0.7603071729804823 0.45856644209134895 0.0009121455964726756 -0.33980697681018573 -0.3807200997123597 -0.8213745551323939 +21789,-1.006799225871135,0,-0.7090569401118892 -0.4849892315288334 0.294036871978425 0.33311844907486277 0.9271584209407262 0.8089076292509078 1.6403778556353288 1.759557318464068 1.559428688025673 1.785044181995055 1.6913515825425174 1.1101840245705807 1.1789830781126194 0.7603071729804823 0.45856644209134895 0.0009121455964726756 -0.33980697681018573 -0.3807200997123597 -0.8213745551323939 -0.9622230112027206 +21790,-1.1797384290238428,0,-0.4849892315288334 0.294036871978425 0.33311844907486277 0.9271584209407262 0.8089076292509078 1.6403778556353288 1.759557318464068 1.559428688025673 1.785044181995055 1.6913515825425174 1.1101840245705807 1.1789830781126194 0.7603071729804823 0.45856644209134895 0.0009121455964726756 -0.33980697681018573 -0.3807200997123597 -0.8213745551323939 -0.9622230112027206 -1.006799225871135 +21791,-1.2564053909294244,0,0.294036871978425 0.33311844907486277 0.9271584209407262 0.8089076292509078 1.6403778556353288 1.759557318464068 1.559428688025673 1.785044181995055 1.6913515825425174 1.1101840245705807 1.1789830781126194 0.7603071729804823 0.45856644209134895 0.0009121455964726756 -0.33980697681018573 -0.3807200997123597 -0.8213745551323939 -0.9622230112027206 -1.006799225871135 -1.1797384290238428 +21792,-1.0012271990375832,0,0.33311844907486277 0.9271584209407262 0.8089076292509078 1.6403778556353288 1.759557318464068 1.559428688025673 1.785044181995055 1.6913515825425174 1.1101840245705807 1.1789830781126194 0.7603071729804823 0.45856644209134895 0.0009121455964726756 -0.33980697681018573 -0.3807200997123597 -0.8213745551323939 -0.9622230112027206 -1.006799225871135 -1.1797384290238428 -1.2564053909294244 +21793,-1.1885092120541747,0,0.9271584209407262 0.8089076292509078 1.6403778556353288 1.759557318464068 1.559428688025673 1.785044181995055 1.6913515825425174 1.1101840245705807 1.1789830781126194 0.7603071729804823 0.45856644209134895 0.0009121455964726756 -0.33980697681018573 -0.3807200997123597 -0.8213745551323939 -0.9622230112027206 -1.006799225871135 -1.1797384290238428 -1.2564053909294244 -1.0012271990375832 +21794,-1.0439460714281468,0,0.8089076292509078 1.6403778556353288 1.759557318464068 1.559428688025673 1.785044181995055 1.6913515825425174 1.1101840245705807 1.1789830781126194 0.7603071729804823 0.45856644209134895 0.0009121455964726756 -0.33980697681018573 -0.3807200997123597 -0.8213745551323939 -0.9622230112027206 -1.006799225871135 -1.1797384290238428 -1.2564053909294244 -1.0012271990375832 -1.1885092120541747 +21795,-0.051041845393892005,0,1.6403778556353288 1.759557318464068 1.559428688025673 1.785044181995055 1.6913515825425174 1.1101840245705807 1.1789830781126194 0.7603071729804823 0.45856644209134895 0.0009121455964726756 -0.33980697681018573 -0.3807200997123597 -0.8213745551323939 -0.9622230112027206 -1.006799225871135 -1.1797384290238428 -1.2564053909294244 -1.0012271990375832 -1.1885092120541747 -1.0439460714281468 +21796,-0.1892590665705977,0,1.759557318464068 1.559428688025673 1.785044181995055 1.6913515825425174 1.1101840245705807 1.1789830781126194 0.7603071729804823 0.45856644209134895 0.0009121455964726756 -0.33980697681018573 -0.3807200997123597 -0.8213745551323939 -0.9622230112027206 -1.006799225871135 -1.1797384290238428 -1.2564053909294244 -1.0012271990375832 -1.1885092120541747 -1.0439460714281468 -0.051041845393892005 +21797,0.5208647976609235,0,1.559428688025673 1.785044181995055 1.6913515825425174 1.1101840245705807 1.1789830781126194 0.7603071729804823 0.45856644209134895 0.0009121455964726756 -0.33980697681018573 -0.3807200997123597 -0.8213745551323939 -0.9622230112027206 -1.006799225871135 -1.1797384290238428 -1.2564053909294244 -1.0012271990375832 -1.1885092120541747 -1.0439460714281468 -0.051041845393892005 -0.1892590665705977 +21798,0.38164151608371294,0,1.785044181995055 1.6913515825425174 1.1101840245705807 1.1789830781126194 0.7603071729804823 0.45856644209134895 0.0009121455964726756 -0.33980697681018573 -0.3807200997123597 -0.8213745551323939 -0.9622230112027206 -1.006799225871135 -1.1797384290238428 -1.2564053909294244 -1.0012271990375832 -1.1885092120541747 -1.0439460714281468 -0.051041845393892005 -0.1892590665705977 0.5208647976609235 +21799,1.3748810956364008,0,1.6913515825425174 1.1101840245705807 1.1789830781126194 0.7603071729804823 0.45856644209134895 0.0009121455964726756 -0.33980697681018573 -0.3807200997123597 -0.8213745551323939 -0.9622230112027206 -1.006799225871135 -1.1797384290238428 -1.2564053909294244 -1.0012271990375832 -1.1885092120541747 -1.0439460714281468 -0.051041845393892005 -0.1892590665705977 0.5208647976609235 0.38164151608371294 +21800,1.5187735292255713,0,1.1101840245705807 1.1789830781126194 0.7603071729804823 0.45856644209134895 0.0009121455964726756 -0.33980697681018573 -0.3807200997123597 -0.8213745551323939 -0.9622230112027206 -1.006799225871135 -1.1797384290238428 -1.2564053909294244 -1.0012271990375832 -1.1885092120541747 -1.0439460714281468 -0.051041845393892005 -0.1892590665705977 0.5208647976609235 0.38164151608371294 1.3748810956364008 +21801,1.3350772187136448,0,1.1789830781126194 0.7603071729804823 0.45856644209134895 0.0009121455964726756 -0.33980697681018573 -0.3807200997123597 -0.8213745551323939 -0.9622230112027206 -1.006799225871135 -1.1797384290238428 -1.2564053909294244 -1.0012271990375832 -1.1885092120541747 -1.0439460714281468 -0.051041845393892005 -0.1892590665705977 0.5208647976609235 0.38164151608371294 1.3748810956364008 1.5187735292255713 +21802,1.5881659005429007,0,0.7603071729804823 0.45856644209134895 0.0009121455964726756 -0.33980697681018573 -0.3807200997123597 -0.8213745551323939 -0.9622230112027206 -1.006799225871135 -1.1797384290238428 -1.2564053909294244 -1.0012271990375832 -1.1885092120541747 -1.0439460714281468 -0.051041845393892005 -0.1892590665705977 0.5208647976609235 0.38164151608371294 1.3748810956364008 1.5187735292255713 1.3350772187136448 +21803,1.5136658379614887,0,0.45856644209134895 0.0009121455964726756 -0.33980697681018573 -0.3807200997123597 -0.8213745551323939 -0.9622230112027206 -1.006799225871135 -1.1797384290238428 -1.2564053909294244 -1.0012271990375832 -1.1885092120541747 -1.0439460714281468 -0.051041845393892005 -0.1892590665705977 0.5208647976609235 0.38164151608371294 1.3748810956364008 1.5187735292255713 1.3350772187136448 1.5881659005429007 +21804,0.781434441391034,0,0.0009121455964726756 -0.33980697681018573 -0.3807200997123597 -0.8213745551323939 -0.9622230112027206 -1.006799225871135 -1.1797384290238428 -1.2564053909294244 -1.0012271990375832 -1.1885092120541747 -1.0439460714281468 -0.051041845393892005 -0.1892590665705977 0.5208647976609235 0.38164151608371294 1.3748810956364008 1.5187735292255713 1.3350772187136448 1.5881659005429007 1.5136658379614887 +21805,0.9261781570123444,0,-0.33980697681018573 -0.3807200997123597 -0.8213745551323939 -0.9622230112027206 -1.006799225871135 -1.1797384290238428 -1.2564053909294244 -1.0012271990375832 -1.1885092120541747 -1.0439460714281468 -0.051041845393892005 -0.1892590665705977 0.5208647976609235 0.38164151608371294 1.3748810956364008 1.5187735292255713 1.3350772187136448 1.5881659005429007 1.5136658379614887 0.781434441391034 +21806,0.4131905383350498,0,-0.3807200997123597 -0.8213745551323939 -0.9622230112027206 -1.006799225871135 -1.1797384290238428 -1.2564053909294244 -1.0012271990375832 -1.1885092120541747 -1.0439460714281468 -0.051041845393892005 -0.1892590665705977 0.5208647976609235 0.38164151608371294 1.3748810956364008 1.5187735292255713 1.3350772187136448 1.5881659005429007 1.5136658379614887 0.781434441391034 0.9261781570123444 +21807,0.2123912010145828,0,-0.8213745551323939 -0.9622230112027206 -1.006799225871135 -1.1797384290238428 -1.2564053909294244 -1.0012271990375832 -1.1885092120541747 -1.0439460714281468 -0.051041845393892005 -0.1892590665705977 0.5208647976609235 0.38164151608371294 1.3748810956364008 1.5187735292255713 1.3350772187136448 1.5881659005429007 1.5136658379614887 0.781434441391034 0.9261781570123444 0.4131905383350498 +21808,-0.4046591780117973,0,-0.9622230112027206 -1.006799225871135 -1.1797384290238428 -1.2564053909294244 -1.0012271990375832 -1.1885092120541747 -1.0439460714281468 -0.051041845393892005 -0.1892590665705977 0.5208647976609235 0.38164151608371294 1.3748810956364008 1.5187735292255713 1.3350772187136448 1.5881659005429007 1.5136658379614887 0.781434441391034 0.9261781570123444 0.4131905383350498 0.2123912010145828 +21809,-0.7095212756813585,0,-1.006799225871135 -1.1797384290238428 -1.2564053909294244 -1.0012271990375832 -1.1885092120541747 -1.0439460714281468 -0.051041845393892005 -0.1892590665705977 0.5208647976609235 0.38164151608371294 1.3748810956364008 1.5187735292255713 1.3350772187136448 1.5881659005429007 1.5136658379614887 0.781434441391034 0.9261781570123444 0.4131905383350498 0.2123912010145828 -0.4046591780117973 +21810,-0.7378715418906924,0,-1.1797384290238428 -1.2564053909294244 -1.0012271990375832 -1.1885092120541747 -1.0439460714281468 -0.051041845393892005 -0.1892590665705977 0.5208647976609235 0.38164151608371294 1.3748810956364008 1.5187735292255713 1.3350772187136448 1.5881659005429007 1.5136658379614887 0.781434441391034 0.9261781570123444 0.4131905383350498 0.2123912010145828 -0.4046591780117973 -0.7095212756813585 +21811,-1.1349042502533653,0,-1.2564053909294244 -1.0012271990375832 -1.1885092120541747 -1.0439460714281468 -0.051041845393892005 -0.1892590665705977 0.5208647976609235 0.38164151608371294 1.3748810956364008 1.5187735292255713 1.3350772187136448 1.5881659005429007 1.5136658379614887 0.781434441391034 0.9261781570123444 0.4131905383350498 0.2123912010145828 -0.4046591780117973 -0.7095212756813585 -0.7378715418906924 +21812,-1.2554251268462568,0,-1.0012271990375832 -1.1885092120541747 -1.0439460714281468 -0.051041845393892005 -0.1892590665705977 0.5208647976609235 0.38164151608371294 1.3748810956364008 1.5187735292255713 1.3350772187136448 1.5881659005429007 1.5136658379614887 0.781434441391034 0.9261781570123444 0.4131905383350498 0.2123912010145828 -0.4046591780117973 -0.7095212756813585 -0.7378715418906924 -1.1349042502533653 +21813,-1.2768103595136577,0,-1.1885092120541747 -1.0439460714281468 -0.051041845393892005 -0.1892590665705977 0.5208647976609235 0.38164151608371294 1.3748810956364008 1.5187735292255713 1.3350772187136448 1.5881659005429007 1.5136658379614887 0.781434441391034 0.9261781570123444 0.4131905383350498 0.2123912010145828 -0.4046591780117973 -0.7095212756813585 -0.7378715418906924 -1.1349042502533653 -1.2554251268462568 +21814,-1.4303764509547519,0,-1.0439460714281468 -0.051041845393892005 -0.1892590665705977 0.5208647976609235 0.38164151608371294 1.3748810956364008 1.5187735292255713 1.3350772187136448 1.5881659005429007 1.5136658379614887 0.781434441391034 0.9261781570123444 0.4131905383350498 0.2123912010145828 -0.4046591780117973 -0.7095212756813585 -0.7378715418906924 -1.1349042502533653 -1.2554251268462568 -1.2768103595136577 +21815,-1.4848068981607925,0,-0.051041845393892005 -0.1892590665705977 0.5208647976609235 0.38164151608371294 1.3748810956364008 1.5187735292255713 1.3350772187136448 1.5881659005429007 1.5136658379614887 0.781434441391034 0.9261781570123444 0.4131905383350498 0.2123912010145828 -0.4046591780117973 -0.7095212756813585 -0.7378715418906924 -1.1349042502533653 -1.2554251268462568 -1.2768103595136577 -1.4303764509547519 +21816,-1.096415990777424,0,-0.1892590665705977 0.5208647976609235 0.38164151608371294 1.3748810956364008 1.5187735292255713 1.3350772187136448 1.5881659005429007 1.5136658379614887 0.781434441391034 0.9261781570123444 0.4131905383350498 0.2123912010145828 -0.4046591780117973 -0.7095212756813585 -0.7378715418906924 -1.1349042502533653 -1.2554251268462568 -1.2768103595136577 -1.4303764509547519 -1.4848068981607925 +21817,-1.2984535562831219,0,0.5208647976609235 0.38164151608371294 1.3748810956364008 1.5187735292255713 1.3350772187136448 1.5881659005429007 1.5136658379614887 0.781434441391034 0.9261781570123444 0.4131905383350498 0.2123912010145828 -0.4046591780117973 -0.7095212756813585 -0.7378715418906924 -1.1349042502533653 -1.2554251268462568 -1.2768103595136577 -1.4303764509547519 -1.4848068981607925 -1.096415990777424 +21818,-1.0576697671994104,0,0.38164151608371294 1.3748810956364008 1.5187735292255713 1.3350772187136448 1.5881659005429007 1.5136658379614887 0.781434441391034 0.9261781570123444 0.4131905383350498 0.2123912010145828 -0.4046591780117973 -0.7095212756813585 -0.7378715418906924 -1.1349042502533653 -1.2554251268462568 -1.2768103595136577 -1.4303764509547519 -1.4848068981607925 -1.096415990777424 -1.2984535562831219 +21819,-0.2919546166834162,0,1.3748810956364008 1.5187735292255713 1.3350772187136448 1.5881659005429007 1.5136658379614887 0.781434441391034 0.9261781570123444 0.4131905383350498 0.2123912010145828 -0.4046591780117973 -0.7095212756813585 -0.7378715418906924 -1.1349042502533653 -1.2554251268462568 -1.2768103595136577 -1.4303764509547519 -1.4848068981607925 -1.096415990777424 -1.2984535562831219 -1.0576697671994104 +21820,-0.22614794787075176,0,1.5187735292255713 1.3350772187136448 1.5881659005429007 1.5136658379614887 0.781434441391034 0.9261781570123444 0.4131905383350498 0.2123912010145828 -0.4046591780117973 -0.7095212756813585 -0.7378715418906924 -1.1349042502533653 -1.2554251268462568 -1.2768103595136577 -1.4303764509547519 -1.4848068981607925 -1.096415990777424 -1.2984535562831219 -1.0576697671994104 -0.2919546166834162 +21821,0.3645900820646244,0,1.3350772187136448 1.5881659005429007 1.5136658379614887 0.781434441391034 0.9261781570123444 0.4131905383350498 0.2123912010145828 -0.4046591780117973 -0.7095212756813585 -0.7378715418906924 -1.1349042502533653 -1.2554251268462568 -1.2768103595136577 -1.4303764509547519 -1.4848068981607925 -1.096415990777424 -1.2984535562831219 -1.0576697671994104 -0.2919546166834162 -0.22614794787075176 +21822,0.30990167060173474,0,1.5881659005429007 1.5136658379614887 0.781434441391034 0.9261781570123444 0.4131905383350498 0.2123912010145828 -0.4046591780117973 -0.7095212756813585 -0.7378715418906924 -1.1349042502533653 -1.2554251268462568 -1.2768103595136577 -1.4303764509547519 -1.4848068981607925 -1.096415990777424 -1.2984535562831219 -1.0576697671994104 -0.2919546166834162 -0.22614794787075176 0.3645900820646244 +21823,1.1157818478762471,0,1.5136658379614887 0.781434441391034 0.9261781570123444 0.4131905383350498 0.2123912010145828 -0.4046591780117973 -0.7095212756813585 -0.7378715418906924 -1.1349042502533653 -1.2554251268462568 -1.2768103595136577 -1.4303764509547519 -1.4848068981607925 -1.096415990777424 -1.2984535562831219 -1.0576697671994104 -0.2919546166834162 -0.22614794787075176 0.3645900820646244 0.30990167060173474 +21824,1.2762355834429222,0,0.781434441391034 0.9261781570123444 0.4131905383350498 0.2123912010145828 -0.4046591780117973 -0.7095212756813585 -0.7378715418906924 -1.1349042502533653 -1.2554251268462568 -1.2768103595136577 -1.4303764509547519 -1.4848068981607925 -1.096415990777424 -1.2984535562831219 -1.0576697671994104 -0.2919546166834162 -0.22614794787075176 0.3645900820646244 0.30990167060173474 1.1157818478762471 +21825,1.156694970778421,0,0.9261781570123444 0.4131905383350498 0.2123912010145828 -0.4046591780117973 -0.7095212756813585 -0.7378715418906924 -1.1349042502533653 -1.2554251268462568 -1.2768103595136577 -1.4303764509547519 -1.4848068981607925 -1.096415990777424 -1.2984535562831219 -1.0576697671994104 -0.2919546166834162 -0.22614794787075176 0.3645900820646244 0.30990167060173474 1.1157818478762471 1.2762355834429222 +21826,1.4104801559618634,0,0.4131905383350498 0.2123912010145828 -0.4046591780117973 -0.7095212756813585 -0.7378715418906924 -1.1349042502533653 -1.2554251268462568 -1.2768103595136577 -1.4303764509547519 -1.4848068981607925 -1.096415990777424 -1.2984535562831219 -1.0576697671994104 -0.2919546166834162 -0.22614794787075176 0.3645900820646244 0.30990167060173474 1.1157818478762471 1.2762355834429222 1.156694970778421 +21827,1.3842709926045667,0,0.2123912010145828 -0.4046591780117973 -0.7095212756813585 -0.7378715418906924 -1.1349042502533653 -1.2554251268462568 -1.2768103595136577 -1.4303764509547519 -1.4848068981607925 -1.096415990777424 -1.2984535562831219 -1.0576697671994104 -0.2919546166834162 -0.22614794787075176 0.3645900820646244 0.30990167060173474 1.1157818478762471 1.2762355834429222 1.156694970778421 1.4104801559618634 +21828,0.7858456293009303,0,-0.4046591780117973 -0.7095212756813585 -0.7378715418906924 -1.1349042502533653 -1.2554251268462568 -1.2768103595136577 -1.4303764509547519 -1.4848068981607925 -1.096415990777424 -1.2984535562831219 -1.0576697671994104 -0.2919546166834162 -0.22614794787075176 0.3645900820646244 0.30990167060173474 1.1157818478762471 1.2762355834429222 1.156694970778421 1.4104801559618634 1.3842709926045667 +21829,0.9503751994138543,0,-0.7095212756813585 -0.7378715418906924 -1.1349042502533653 -1.2554251268462568 -1.2768103595136577 -1.4303764509547519 -1.4848068981607925 -1.096415990777424 -1.2984535562831219 -1.0576697671994104 -0.2919546166834162 -0.22614794787075176 0.3645900820646244 0.30990167060173474 1.1157818478762471 1.2762355834429222 1.156694970778421 1.4104801559618634 1.3842709926045667 0.7858456293009303 +21830,0.5426885694256703,0,-0.7378715418906924 -1.1349042502533653 -1.2554251268462568 -1.2768103595136577 -1.4303764509547519 -1.4848068981607925 -1.096415990777424 -1.2984535562831219 -1.0576697671994104 -0.2919546166834162 -0.22614794787075176 0.3645900820646244 0.30990167060173474 1.1157818478762471 1.2762355834429222 1.156694970778421 1.4104801559618634 1.3842709926045667 0.7858456293009303 0.9503751994138543 +21831,0.20565833525737548,0,-1.1349042502533653 -1.2554251268462568 -1.2768103595136577 -1.4303764509547519 -1.4848068981607925 -1.096415990777424 -1.2984535562831219 -1.0576697671994104 -0.2919546166834162 -0.22614794787075176 0.3645900820646244 0.30990167060173474 1.1157818478762471 1.2762355834429222 1.156694970778421 1.4104801559618634 1.3842709926045667 0.7858456293009303 0.9503751994138543 0.5426885694256703 +21832,-0.22558042672237846,0,-1.2554251268462568 -1.2768103595136577 -1.4303764509547519 -1.4848068981607925 -1.096415990777424 -1.2984535562831219 -1.0576697671994104 -0.2919546166834162 -0.22614794787075176 0.3645900820646244 0.30990167060173474 1.1157818478762471 1.2762355834429222 1.156694970778421 1.4104801559618634 1.3842709926045667 0.7858456293009303 0.9503751994138543 0.5426885694256703 0.20565833525737548 +21833,-0.5861627927274488,0,-1.2768103595136577 -1.4303764509547519 -1.4848068981607925 -1.096415990777424 -1.2984535562831219 -1.0576697671994104 -0.2919546166834162 -0.22614794787075176 0.3645900820646244 0.30990167060173474 1.1157818478762471 1.2762355834429222 1.156694970778421 1.4104801559618634 1.3842709926045667 0.7858456293009303 0.9503751994138543 0.5426885694256703 0.20565833525737548 -0.22558042672237846 +21834,-0.6189242468466877,0,-1.4303764509547519 -1.4848068981607925 -1.096415990777424 -1.2984535562831219 -1.0576697671994104 -0.2919546166834162 -0.22614794787075176 0.3645900820646244 0.30990167060173474 1.1157818478762471 1.2762355834429222 1.156694970778421 1.4104801559618634 1.3842709926045667 0.7858456293009303 0.9503751994138543 0.5426885694256703 0.20565833525737548 -0.22558042672237846 -0.5861627927274488 +21835,-1.0887802503534103,0,-1.4848068981607925 -1.096415990777424 -1.2984535562831219 -1.0576697671994104 -0.2919546166834162 -0.22614794787075176 0.3645900820646244 0.30990167060173474 1.1157818478762471 1.2762355834429222 1.156694970778421 1.4104801559618634 1.3842709926045667 0.7858456293009303 0.9503751994138543 0.5426885694256703 0.20565833525737548 -0.22558042672237846 -0.5861627927274488 -0.6189242468466877 +21836,-1.2308153416647387,0,-1.096415990777424 -1.2984535562831219 -1.0576697671994104 -0.2919546166834162 -0.22614794787075176 0.3645900820646244 0.30990167060173474 1.1157818478762471 1.2762355834429222 1.156694970778421 1.4104801559618634 1.3842709926045667 0.7858456293009303 0.9503751994138543 0.5426885694256703 0.20565833525737548 -0.22558042672237846 -0.5861627927274488 -0.6189242468466877 -1.0887802503534103 +21837,-1.2374966146324853,0,-1.2984535562831219 -1.0576697671994104 -0.2919546166834162 -0.22614794787075176 0.3645900820646244 0.30990167060173474 1.1157818478762471 1.2762355834429222 1.156694970778421 1.4104801559618634 1.3842709926045667 0.7858456293009303 0.9503751994138543 0.5426885694256703 0.20565833525737548 -0.22558042672237846 -0.5861627927274488 -0.6189242468466877 -1.0887802503534103 -1.2308153416647387 +21838,-1.4246496455980495,0,-1.0576697671994104 -0.2919546166834162 -0.22614794787075176 0.3645900820646244 0.30990167060173474 1.1157818478762471 1.2762355834429222 1.156694970778421 1.4104801559618634 1.3842709926045667 0.7858456293009303 0.9503751994138543 0.5426885694256703 0.20565833525737548 -0.22558042672237846 -0.5861627927274488 -0.6189242468466877 -1.0887802503534103 -1.2308153416647387 -1.2374966146324853 +21839,-1.476448857910469,0,-0.2919546166834162 -0.22614794787075176 0.3645900820646244 0.30990167060173474 1.1157818478762471 1.2762355834429222 1.156694970778421 1.4104801559618634 1.3842709926045667 0.7858456293009303 0.9503751994138543 0.5426885694256703 0.20565833525737548 -0.22558042672237846 -0.5861627927274488 -0.6189242468466877 -1.0887802503534103 -1.2308153416647387 -1.2374966146324853 -1.4246496455980495 +21840,-1.1950872992882313,0,-0.22614794787075176 0.3645900820646244 0.30990167060173474 1.1157818478762471 1.2762355834429222 1.156694970778421 1.4104801559618634 1.3842709926045667 0.7858456293009303 0.9503751994138543 0.5426885694256703 0.20565833525737548 -0.22558042672237846 -0.5861627927274488 -0.6189242468466877 -1.0887802503534103 -1.2308153416647387 -1.2374966146324853 -1.4246496455980495 -1.476448857910469 +21841,-1.3579401021185786,0,0.3645900820646244 0.30990167060173474 1.1157818478762471 1.2762355834429222 1.156694970778421 1.4104801559618634 1.3842709926045667 0.7858456293009303 0.9503751994138543 0.5426885694256703 0.20565833525737548 -0.22558042672237846 -0.5861627927274488 -0.6189242468466877 -1.0887802503534103 -1.2308153416647387 -1.2374966146324853 -1.4246496455980495 -1.476448857910469 -1.1950872992882313 +21842,-1.1876321337047147,0,0.30990167060173474 1.1157818478762471 1.2762355834429222 1.156694970778421 1.4104801559618634 1.3842709926045667 0.7858456293009303 0.9503751994138543 0.5426885694256703 0.20565833525737548 -0.22558042672237846 -0.5861627927274488 -0.6189242468466877 -1.0887802503534103 -1.2308153416647387 -1.2374966146324853 -1.4246496455980495 -1.476448857910469 -1.1950872992882313 -1.3579401021185786 +21843,-0.2688926167334387,0,1.1157818478762471 1.2762355834429222 1.156694970778421 1.4104801559618634 1.3842709926045667 0.7858456293009303 0.9503751994138543 0.5426885694256703 0.20565833525737548 -0.22558042672237846 -0.5861627927274488 -0.6189242468466877 -1.0887802503534103 -1.2308153416647387 -1.2374966146324853 -1.4246496455980495 -1.476448857910469 -1.1950872992882313 -1.3579401021185786 -1.1876321337047147 +21844,-0.3480618313268193,0,1.2762355834429222 1.156694970778421 1.4104801559618634 1.3842709926045667 0.7858456293009303 0.9503751994138543 0.5426885694256703 0.20565833525737548 -0.22558042672237846 -0.5861627927274488 -0.6189242468466877 -1.0887802503534103 -1.2308153416647387 -1.2374966146324853 -1.4246496455980495 -1.476448857910469 -1.1950872992882313 -1.3579401021185786 -1.1876321337047147 -0.2688926167334387 +21845,0.32120050279198886,0,1.156694970778421 1.4104801559618634 1.3842709926045667 0.7858456293009303 0.9503751994138543 0.5426885694256703 0.20565833525737548 -0.22558042672237846 -0.5861627927274488 -0.6189242468466877 -1.0887802503534103 -1.2308153416647387 -1.2374966146324853 -1.4246496455980495 -1.476448857910469 -1.1950872992882313 -1.3579401021185786 -1.1876321337047147 -0.2688926167334387 -0.3480618313268193 +21846,0.2577413082987587,0,1.4104801559618634 1.3842709926045667 0.7858456293009303 0.9503751994138543 0.5426885694256703 0.20565833525737548 -0.22558042672237846 -0.5861627927274488 -0.6189242468466877 -1.0887802503534103 -1.2308153416647387 -1.2374966146324853 -1.4246496455980495 -1.476448857910469 -1.1950872992882313 -1.3579401021185786 -1.1876321337047147 -0.2688926167334387 -0.3480618313268193 0.32120050279198886 +21847,1.171244151954916,0,1.3842709926045667 0.7858456293009303 0.9503751994138543 0.5426885694256703 0.20565833525737548 -0.22558042672237846 -0.5861627927274488 -0.6189242468466877 -1.0887802503534103 -1.2308153416647387 -1.2374966146324853 -1.4246496455980495 -1.476448857910469 -1.1950872992882313 -1.3579401021185786 -1.1876321337047147 -0.2688926167334387 -0.3480618313268193 0.32120050279198886 0.2577413082987587 +21848,1.352025466999026,0,0.7858456293009303 0.9503751994138543 0.5426885694256703 0.20565833525737548 -0.22558042672237846 -0.5861627927274488 -0.6189242468466877 -1.0887802503534103 -1.2308153416647387 -1.2374966146324853 -1.4246496455980495 -1.476448857910469 -1.1950872992882313 -1.3579401021185786 -1.1876321337047147 -0.2688926167334387 -0.3480618313268193 0.32120050279198886 0.2577413082987587 1.171244151954916 +21849,1.1715537090012258,0,0.9503751994138543 0.5426885694256703 0.20565833525737548 -0.22558042672237846 -0.5861627927274488 -0.6189242468466877 -1.0887802503534103 -1.2308153416647387 -1.2374966146324853 -1.4246496455980495 -1.476448857910469 -1.1950872992882313 -1.3579401021185786 -1.1876321337047147 -0.2688926167334387 -0.3480618313268193 0.32120050279198886 0.2577413082987587 1.171244151954916 1.352025466999026 +21850,1.4727527150593147,0,0.5426885694256703 0.20565833525737548 -0.22558042672237846 -0.5861627927274488 -0.6189242468466877 -1.0887802503534103 -1.2308153416647387 -1.2374966146324853 -1.4246496455980495 -1.476448857910469 -1.1950872992882313 -1.3579401021185786 -1.1876321337047147 -0.2688926167334387 -0.3480618313268193 0.32120050279198886 0.2577413082987587 1.171244151954916 1.352025466999026 1.1715537090012258 +21851,1.4126986480754846,0,0.20565833525737548 -0.22558042672237846 -0.5861627927274488 -0.6189242468466877 -1.0887802503534103 -1.2308153416647387 -1.2374966146324853 -1.4246496455980495 -1.476448857910469 -1.1950872992882313 -1.3579401021185786 -1.1876321337047147 -0.2688926167334387 -0.3480618313268193 0.32120050279198886 0.2577413082987587 1.171244151954916 1.352025466999026 1.1715537090012258 1.4727527150593147 +21852,0.8599071526302196,0,-0.22558042672237846 -0.5861627927274488 -0.6189242468466877 -1.0887802503534103 -1.2308153416647387 -1.2374966146324853 -1.4246496455980495 -1.476448857910469 -1.1950872992882313 -1.3579401021185786 -1.1876321337047147 -0.2688926167334387 -0.3480618313268193 0.32120050279198886 0.2577413082987587 1.171244151954916 1.352025466999026 1.1715537090012258 1.4727527150593147 1.4126986480754846 +21853,0.9640988951851267,0,-0.5861627927274488 -0.6189242468466877 -1.0887802503534103 -1.2308153416647387 -1.2374966146324853 -1.4246496455980495 -1.476448857910469 -1.1950872992882313 -1.3579401021185786 -1.1876321337047147 -0.2688926167334387 -0.3480618313268193 0.32120050279198886 0.2577413082987587 1.171244151954916 1.352025466999026 1.1715537090012258 1.4727527150593147 1.4126986480754846 0.8599071526302196 +21854,0.5755532091238132,0,-0.6189242468466877 -1.0887802503534103 -1.2308153416647387 -1.2374966146324853 -1.4246496455980495 -1.476448857910469 -1.1950872992882313 -1.3579401021185786 -1.1876321337047147 -0.2688926167334387 -0.3480618313268193 0.32120050279198886 0.2577413082987587 1.171244151954916 1.352025466999026 1.1715537090012258 1.4727527150593147 1.4126986480754846 0.8599071526302196 0.9640988951851267 +21855,0.2250830399132271,0,-1.0887802503534103 -1.2308153416647387 -1.2374966146324853 -1.4246496455980495 -1.476448857910469 -1.1950872992882313 -1.3579401021185786 -1.1876321337047147 -0.2688926167334387 -0.3480618313268193 0.32120050279198886 0.2577413082987587 1.171244151954916 1.352025466999026 1.1715537090012258 1.4727527150593147 1.4126986480754846 0.8599071526302196 0.9640988951851267 0.5755532091238132 +21856,-0.176154484891945,0,-1.2308153416647387 -1.2374966146324853 -1.4246496455980495 -1.476448857910469 -1.1950872992882313 -1.3579401021185786 -1.1876321337047147 -0.2688926167334387 -0.3480618313268193 0.32120050279198886 0.2577413082987587 1.171244151954916 1.352025466999026 1.1715537090012258 1.4727527150593147 1.4126986480754846 0.8599071526302196 0.9640988951851267 0.5755532091238132 0.2250830399132271 +21857,-0.5393164931559611,0,-1.2374966146324853 -1.4246496455980495 -1.476448857910469 -1.1950872992882313 -1.3579401021185786 -1.1876321337047147 -0.2688926167334387 -0.3480618313268193 0.32120050279198886 0.2577413082987587 1.171244151954916 1.352025466999026 1.1715537090012258 1.4727527150593147 1.4126986480754846 0.8599071526302196 0.9640988951851267 0.5755532091238132 0.2250830399132271 -0.176154484891945 +21858,-0.5522920926288009,0,-1.4246496455980495 -1.476448857910469 -1.1950872992882313 -1.3579401021185786 -1.1876321337047147 -0.2688926167334387 -0.3480618313268193 0.32120050279198886 0.2577413082987587 1.171244151954916 1.352025466999026 1.1715537090012258 1.4727527150593147 1.4126986480754846 0.8599071526302196 0.9640988951851267 0.5755532091238132 0.2250830399132271 -0.176154484891945 -0.5393164931559611 +21859,-1.0321829036684234,0,-1.476448857910469 -1.1950872992882313 -1.3579401021185786 -1.1876321337047147 -0.2688926167334387 -0.3480618313268193 0.32120050279198886 0.2577413082987587 1.171244151954916 1.352025466999026 1.1715537090012258 1.4727527150593147 1.4126986480754846 0.8599071526302196 0.9640988951851267 0.5755532091238132 0.2250830399132271 -0.176154484891945 -0.5393164931559611 -0.5522920926288009 +21860,-1.1618873060716552,0,-1.1950872992882313 -1.3579401021185786 -1.1876321337047147 -0.2688926167334387 -0.3480618313268193 0.32120050279198886 0.2577413082987587 1.171244151954916 1.352025466999026 1.1715537090012258 1.4727527150593147 1.4126986480754846 0.8599071526302196 0.9640988951851267 0.5755532091238132 0.2250830399132271 -0.176154484891945 -0.5393164931559611 -0.5522920926288009 -1.0321829036684234 +21861,-1.1938490711030005,0,-1.3579401021185786 -1.1876321337047147 -0.2688926167334387 -0.3480618313268193 0.32120050279198886 0.2577413082987587 1.171244151954916 1.352025466999026 1.1715537090012258 1.4727527150593147 1.4126986480754846 0.8599071526302196 0.9640988951851267 0.5755532091238132 0.2250830399132271 -0.176154484891945 -0.5393164931559611 -0.5522920926288009 -1.0321829036684234 -1.1618873060716552 +21862,-1.3561343526301888,0,-1.1876321337047147 -0.2688926167334387 -0.3480618313268193 0.32120050279198886 0.2577413082987587 1.171244151954916 1.352025466999026 1.1715537090012258 1.4727527150593147 1.4126986480754846 0.8599071526302196 0.9640988951851267 0.5755532091238132 0.2250830399132271 -0.176154484891945 -0.5393164931559611 -0.5522920926288009 -1.0321829036684234 -1.1618873060716552 -1.1938490711030005 +21863,-1.4206769967854904,0,-0.2688926167334387 -0.3480618313268193 0.32120050279198886 0.2577413082987587 1.171244151954916 1.352025466999026 1.1715537090012258 1.4727527150593147 1.4126986480754846 0.8599071526302196 0.9640988951851267 0.5755532091238132 0.2250830399132271 -0.176154484891945 -0.5393164931559611 -0.5522920926288009 -1.0321829036684234 -1.1618873060716552 -1.1938490711030005 -1.3561343526301888 +21864,-1.1974863663971178,0,-0.3480618313268193 0.32120050279198886 0.2577413082987587 1.171244151954916 1.352025466999026 1.1715537090012258 1.4727527150593147 1.4126986480754846 0.8599071526302196 0.9640988951851267 0.5755532091238132 0.2250830399132271 -0.176154484891945 -0.5393164931559611 -0.5522920926288009 -1.0321829036684234 -1.1618873060716552 -1.1938490711030005 -1.3561343526301888 -1.4206769967854904 +21865,-1.3579401021185786,0,0.32120050279198886 0.2577413082987587 1.171244151954916 1.352025466999026 1.1715537090012258 1.4727527150593147 1.4126986480754846 0.8599071526302196 0.9640988951851267 0.5755532091238132 0.2250830399132271 -0.176154484891945 -0.5393164931559611 -0.5522920926288009 -1.0321829036684234 -1.1618873060716552 -1.1938490711030005 -1.3561343526301888 -1.4206769967854904 -1.1974863663971178 +21866,-1.2306605631415795,0,0.2577413082987587 1.171244151954916 1.352025466999026 1.1715537090012258 1.4727527150593147 1.4126986480754846 0.8599071526302196 0.9640988951851267 0.5755532091238132 0.2250830399132271 -0.176154484891945 -0.5393164931559611 -0.5522920926288009 -1.0321829036684234 -1.1618873060716552 -1.1938490711030005 -1.3561343526301888 -1.4206769967854904 -1.1974863663971178 -1.3579401021185786 +21867,-0.39457277753465947,0,1.171244151954916 1.352025466999026 1.1715537090012258 1.4727527150593147 1.4126986480754846 0.8599071526302196 0.9640988951851267 0.5755532091238132 0.2250830399132271 -0.176154484891945 -0.5393164931559611 -0.5522920926288009 -1.0321829036684234 -1.1618873060716552 -1.1938490711030005 -1.3561343526301888 -1.4206769967854904 -1.1974863663971178 -1.3579401021185786 -1.2306605631415795 +21868,-0.5035626543073394,0,1.352025466999026 1.1715537090012258 1.4727527150593147 1.4126986480754846 0.8599071526302196 0.9640988951851267 0.5755532091238132 0.2250830399132271 -0.176154484891945 -0.5393164931559611 -0.5522920926288009 -1.0321829036684234 -1.1618873060716552 -1.1938490711030005 -1.3561343526301888 -1.4206769967854904 -1.1974863663971178 -1.3579401021185786 -1.2306605631415795 -0.39457277753465947 +21869,0.0962557158594641,0,1.1715537090012258 1.4727527150593147 1.4126986480754846 0.8599071526302196 0.9640988951851267 0.5755532091238132 0.2250830399132271 -0.176154484891945 -0.5393164931559611 -0.5522920926288009 -1.0321829036684234 -1.1618873060716552 -1.1938490711030005 -1.3561343526301888 -1.4206769967854904 -1.1974863663971178 -1.3579401021185786 -1.2306605631415795 -0.39457277753465947 -0.5035626543073394 +21870,0.01597725513188882,0,1.4727527150593147 1.4126986480754846 0.8599071526302196 0.9640988951851267 0.5755532091238132 0.2250830399132271 -0.176154484891945 -0.5393164931559611 -0.5522920926288009 -1.0321829036684234 -1.1618873060716552 -1.1938490711030005 -1.3561343526301888 -1.4206769967854904 -1.1974863663971178 -1.3579401021185786 -1.2306605631415795 -0.39457277753465947 -0.5035626543073394 0.0962557158594641 +21871,0.8424945687753691,0,1.4126986480754846 0.8599071526302196 0.9640988951851267 0.5755532091238132 0.2250830399132271 -0.176154484891945 -0.5393164931559611 -0.5522920926288009 -1.0321829036684234 -1.1618873060716552 -1.1938490711030005 -1.3561343526301888 -1.4206769967854904 -1.1974863663971178 -1.3579401021185786 -1.2306605631415795 -0.39457277753465947 -0.5035626543073394 0.0962557158594641 0.01597725513188882 +21872,0.9889150516792563,0,0.8599071526302196 0.9640988951851267 0.5755532091238132 0.2250830399132271 -0.176154484891945 -0.5393164931559611 -0.5522920926288009 -1.0321829036684234 -1.1618873060716552 -1.1938490711030005 -1.3561343526301888 -1.4206769967854904 -1.1974863663971178 -1.3579401021185786 -1.2306605631415795 -0.39457277753465947 -0.5035626543073394 0.0962557158594641 0.01597725513188882 0.8424945687753691 +21873,0.8320470184624605,0,0.9640988951851267 0.5755532091238132 0.2250830399132271 -0.176154484891945 -0.5393164931559611 -0.5522920926288009 -1.0321829036684234 -1.1618873060716552 -1.1938490711030005 -1.3561343526301888 -1.4206769967854904 -1.1974863663971178 -1.3579401021185786 -1.2306605631415795 -0.39457277753465947 -0.5035626543073394 0.0962557158594641 0.01597725513188882 0.8424945687753691 0.9889150516792563 +21874,1.0795636734581648,0,0.5755532091238132 0.2250830399132271 -0.176154484891945 -0.5393164931559611 -0.5522920926288009 -1.0321829036684234 -1.1618873060716552 -1.1938490711030005 -1.3561343526301888 -1.4206769967854904 -1.1974863663971178 -1.3579401021185786 -1.2306605631415795 -0.39457277753465947 -0.5035626543073394 0.0962557158594641 0.01597725513188882 0.8424945687753691 0.9889150516792563 0.8320470184624605 +21875,1.0237918121784093,0,0.2250830399132271 -0.176154484891945 -0.5393164931559611 -0.5522920926288009 -1.0321829036684234 -1.1618873060716552 -1.1938490711030005 -1.3561343526301888 -1.4206769967854904 -1.1974863663971178 -1.3579401021185786 -1.2306605631415795 -0.39457277753465947 -0.5035626543073394 0.0962557158594641 0.01597725513188882 0.8424945687753691 0.9889150516792563 0.8320470184624605 1.0795636734581648 +21876,0.4303193616157048,0,-0.176154484891945 -0.5393164931559611 -0.5522920926288009 -1.0321829036684234 -1.1618873060716552 -1.1938490711030005 -1.3561343526301888 -1.4206769967854904 -1.1974863663971178 -1.3579401021185786 -1.2306605631415795 -0.39457277753465947 -0.5035626543073394 0.0962557158594641 0.01597725513188882 0.8424945687753691 0.9889150516792563 0.8320470184624605 1.0795636734581648 1.0237918121784093 +21877,0.553781030303313,0,-0.5393164931559611 -0.5522920926288009 -1.0321829036684234 -1.1618873060716552 -1.1938490711030005 -1.3561343526301888 -1.4206769967854904 -1.1974863663971178 -1.3579401021185786 -1.2306605631415795 -0.39457277753465947 -0.5035626543073394 0.0962557158594641 0.01597725513188882 0.8424945687753691 0.9889150516792563 0.8320470184624605 1.0795636734581648 1.0237918121784093 0.4303193616157048 +21878,0.13954210939840112,0,-0.5522920926288009 -1.0321829036684234 -1.1618873060716552 -1.1938490711030005 -1.3561343526301888 -1.4206769967854904 -1.1974863663971178 -1.3579401021185786 -1.2306605631415795 -0.39457277753465947 -0.5035626543073394 0.0962557158594641 0.01597725513188882 0.8424945687753691 0.9889150516792563 0.8320470184624605 1.0795636734581648 1.0237918121784093 0.4303193616157048 0.553781030303313 +21879,-0.05769732188951524,0,-1.0321829036684234 -1.1618873060716552 -1.1938490711030005 -1.3561343526301888 -1.4206769967854904 -1.1974863663971178 -1.3579401021185786 -1.2306605631415795 -0.39457277753465947 -0.5035626543073394 0.0962557158594641 0.01597725513188882 0.8424945687753691 0.9889150516792563 0.8320470184624605 1.0795636734581648 1.0237918121784093 0.4303193616157048 0.553781030303313 0.13954210939840112 +21880,-0.5442694058969019,0,-1.1618873060716552 -1.1938490711030005 -1.3561343526301888 -1.4206769967854904 -1.1974863663971178 -1.3579401021185786 -1.2306605631415795 -0.39457277753465947 -0.5035626543073394 0.0962557158594641 0.01597725513188882 0.8424945687753691 0.9889150516792563 0.8320470184624605 1.0795636734581648 1.0237918121784093 0.4303193616157048 0.553781030303313 0.13954210939840112 -0.05769732188951524 +21881,-0.813842000287293,0,-1.1938490711030005 -1.3561343526301888 -1.4206769967854904 -1.1974863663971178 -1.3579401021185786 -1.2306605631415795 -0.39457277753465947 -0.5035626543073394 0.0962557158594641 0.01597725513188882 0.8424945687753691 0.9889150516792563 0.8320470184624605 1.0795636734581648 1.0237918121784093 0.4303193616157048 0.553781030303313 0.13954210939840112 -0.05769732188951524 -0.5442694058969019 +21882,-0.902633279788351,0,-1.3561343526301888 -1.4206769967854904 -1.1974863663971178 -1.3579401021185786 -1.2306605631415795 -0.39457277753465947 -0.5035626543073394 0.0962557158594641 0.01597725513188882 0.8424945687753691 0.9889150516792563 0.8320470184624605 1.0795636734581648 1.0237918121784093 0.4303193616157048 0.553781030303313 0.13954210939840112 -0.05769732188951524 -0.5442694058969019 -0.813842000287293 +21883,-1.232466312629978,0,-1.4206769967854904 -1.1974863663971178 -1.3579401021185786 -1.2306605631415795 -0.39457277753465947 -0.5035626543073394 0.0962557158594641 0.01597725513188882 0.8424945687753691 0.9889150516792563 0.8320470184624605 1.0795636734581648 1.0237918121784093 0.4303193616157048 0.553781030303313 0.13954210939840112 -0.05769732188951524 -0.5442694058969019 -0.813842000287293 -0.902633279788351 +21884,-1.3815180304274772,0,-1.1974863663971178 -1.3579401021185786 -1.2306605631415795 -0.39457277753465947 -0.5035626543073394 0.0962557158594641 0.01597725513188882 0.8424945687753691 0.9889150516792563 0.8320470184624605 1.0795636734581648 1.0237918121784093 0.4303193616157048 0.553781030303313 0.13954210939840112 -0.05769732188951524 -0.5442694058969019 -0.813842000287293 -0.902633279788351 -1.232466312629978 +21885,-1.480266728199869,0,-1.3579401021185786 -1.2306605631415795 -0.39457277753465947 -0.5035626543073394 0.0962557158594641 0.01597725513188882 0.8424945687753691 0.9889150516792563 0.8320470184624605 1.0795636734581648 1.0237918121784093 0.4303193616157048 0.553781030303313 0.13954210939840112 -0.05769732188951524 -0.5442694058969019 -0.813842000287293 -0.902633279788351 -1.232466312629978 -1.3815180304274772 +21886,-1.6460861192874845,0,-1.2306605631415795 -0.39457277753465947 -0.5035626543073394 0.0962557158594641 0.01597725513188882 0.8424945687753691 0.9889150516792563 0.8320470184624605 1.0795636734581648 1.0237918121784093 0.4303193616157048 0.553781030303313 0.13954210939840112 -0.05769732188951524 -0.5442694058969019 -0.813842000287293 -0.902633279788351 -1.232466312629978 -1.3815180304274772 -1.480266728199869 +21887,-1.7616024905047603,0,-0.39457277753465947 -0.5035626543073394 0.0962557158594641 0.01597725513188882 0.8424945687753691 0.9889150516792563 0.8320470184624605 1.0795636734581648 1.0237918121784093 0.4303193616157048 0.553781030303313 0.13954210939840112 -0.05769732188951524 -0.5442694058969019 -0.813842000287293 -0.902633279788351 -1.232466312629978 -1.3815180304274772 -1.480266728199869 -1.6460861192874845 +21888,-1.5617576206405606,0,-0.5035626543073394 0.0962557158594641 0.01597725513188882 0.8424945687753691 0.9889150516792563 0.8320470184624605 1.0795636734581648 1.0237918121784093 0.4303193616157048 0.553781030303313 0.13954210939840112 -0.05769732188951524 -0.5442694058969019 -0.813842000287293 -0.902633279788351 -1.232466312629978 -1.3815180304274772 -1.480266728199869 -1.6460861192874845 -1.7616024905047603 +21889,-1.7823944053968874,0,0.0962557158594641 0.01597725513188882 0.8424945687753691 0.9889150516792563 0.8320470184624605 1.0795636734581648 1.0237918121784093 0.4303193616157048 0.553781030303313 0.13954210939840112 -0.05769732188951524 -0.5442694058969019 -0.813842000287293 -0.902633279788351 -1.232466312629978 -1.3815180304274772 -1.480266728199869 -1.6460861192874845 -1.7616024905047603 -1.5617576206405606 +21890,-1.687669949226507,0,0.01597725513188882 0.8424945687753691 0.9889150516792563 0.8320470184624605 1.0795636734581648 1.0237918121784093 0.4303193616157048 0.553781030303313 0.13954210939840112 -0.05769732188951524 -0.5442694058969019 -0.813842000287293 -0.902633279788351 -1.232466312629978 -1.3815180304274772 -1.480266728199869 -1.6460861192874845 -1.7616024905047603 -1.5617576206405606 -1.7823944053968874 +21891,-0.9606752259711798,0,0.8424945687753691 0.9889150516792563 0.8320470184624605 1.0795636734581648 1.0237918121784093 0.4303193616157048 0.553781030303313 0.13954210939840112 -0.05769732188951524 -0.5442694058969019 -0.813842000287293 -0.902633279788351 -1.232466312629978 -1.3815180304274772 -1.480266728199869 -1.6460861192874845 -1.7616024905047603 -1.5617576206405606 -1.7823944053968874 -1.687669949226507 +21892,-1.0767075255473857,0,0.9889150516792563 0.8320470184624605 1.0795636734581648 1.0237918121784093 0.4303193616157048 0.553781030303313 0.13954210939840112 -0.05769732188951524 -0.5442694058969019 -0.813842000287293 -0.902633279788351 -1.232466312629978 -1.3815180304274772 -1.480266728199869 -1.6460861192874845 -1.7616024905047603 -1.5617576206405606 -1.7823944053968874 -1.687669949226507 -0.9606752259711798 +21893,-0.5604695578838503,0,0.8320470184624605 1.0795636734581648 1.0237918121784093 0.4303193616157048 0.553781030303313 0.13954210939840112 -0.05769732188951524 -0.5442694058969019 -0.813842000287293 -0.902633279788351 -1.232466312629978 -1.3815180304274772 -1.480266728199869 -1.6460861192874845 -1.7616024905047603 -1.5617576206405606 -1.7823944053968874 -1.687669949226507 -0.9606752259711798 -1.0767075255473857 +21894,-0.5513634214898712,0,1.0795636734581648 1.0237918121784093 0.4303193616157048 0.553781030303313 0.13954210939840112 -0.05769732188951524 -0.5442694058969019 -0.813842000287293 -0.902633279788351 -1.232466312629978 -1.3815180304274772 -1.480266728199869 -1.6460861192874845 -1.7616024905047603 -1.5617576206405606 -1.7823944053968874 -1.687669949226507 -0.9606752259711798 -1.0767075255473857 -0.5604695578838503 +21895,0.1339184897753973,0,1.0237918121784093 0.4303193616157048 0.553781030303313 0.13954210939840112 -0.05769732188951524 -0.5442694058969019 -0.813842000287293 -0.902633279788351 -1.232466312629978 -1.3815180304274772 -1.480266728199869 -1.6460861192874845 -1.7616024905047603 -1.5617576206405606 -1.7823944053968874 -1.687669949226507 -0.9606752259711798 -1.0767075255473857 -0.5604695578838503 -0.5513634214898712 +21896,0.3120685699258952,0,0.4303193616157048 0.553781030303313 0.13954210939840112 -0.05769732188951524 -0.5442694058969019 -0.813842000287293 -0.902633279788351 -1.232466312629978 -1.3815180304274772 -1.480266728199869 -1.6460861192874845 -1.7616024905047603 -1.5617576206405606 -1.7823944053968874 -1.687669949226507 -0.9606752259711798 -1.0767075255473857 -0.5604695578838503 -0.5513634214898712 0.1339184897753973 +21897,0.15775438234114517,0,0.553781030303313 0.13954210939840112 -0.05769732188951524 -0.5442694058969019 -0.813842000287293 -0.902633279788351 -1.232466312629978 -1.3815180304274772 -1.480266728199869 -1.6460861192874845 -1.7616024905047603 -1.5617576206405606 -1.7823944053968874 -1.687669949226507 -0.9606752259711798 -1.0767075255473857 -0.5604695578838503 -0.5513634214898712 0.1339184897753973 0.3120685699258952 +21898,0.44672588507005906,0,0.13954210939840112 -0.05769732188951524 -0.5442694058969019 -0.813842000287293 -0.902633279788351 -1.232466312629978 -1.3815180304274772 -1.480266728199869 -1.6460861192874845 -1.7616024905047603 -1.5617576206405606 -1.7823944053968874 -1.687669949226507 -0.9606752259711798 -1.0767075255473857 -0.5604695578838503 -0.5513634214898712 0.1339184897753973 0.3120685699258952 0.15775438234114517 +21899,0.4032331200637162,0,-0.05769732188951524 -0.5442694058969019 -0.813842000287293 -0.902633279788351 -1.232466312629978 -1.3815180304274772 -1.480266728199869 -1.6460861192874845 -1.7616024905047603 -1.5617576206405606 -1.7823944053968874 -1.687669949226507 -0.9606752259711798 -1.0767075255473857 -0.5604695578838503 -0.5513634214898712 0.1339184897753973 0.3120685699258952 0.15775438234114517 0.44672588507005906 +21900,0.022245785319635683,0,-0.5442694058969019 -0.813842000287293 -0.902633279788351 -1.232466312629978 -1.3815180304274772 -1.480266728199869 -1.6460861192874845 -1.7616024905047603 -1.5617576206405606 -1.7823944053968874 -1.687669949226507 -0.9606752259711798 -1.0767075255473857 -0.5604695578838503 -0.5513634214898712 0.1339184897753973 0.3120685699258952 0.15775438234114517 0.44672588507005906 0.4032331200637162 +21901,0.0912512101742944,0,-0.813842000287293 -0.902633279788351 -1.232466312629978 -1.3815180304274772 -1.480266728199869 -1.6460861192874845 -1.7616024905047603 -1.5617576206405606 -1.7823944053968874 -1.687669949226507 -0.9606752259711798 -1.0767075255473857 -0.5604695578838503 -0.5513634214898712 0.1339184897753973 0.3120685699258952 0.15775438234114517 0.44672588507005906 0.4032331200637162 0.022245785319635683 +21902,-0.17723793455402526,0,-0.902633279788351 -1.232466312629978 -1.3815180304274772 -1.480266728199869 -1.6460861192874845 -1.7616024905047603 -1.5617576206405606 -1.7823944053968874 -1.687669949226507 -0.9606752259711798 -1.0767075255473857 -0.5604695578838503 -0.5513634214898712 0.1339184897753973 0.3120685699258952 0.15775438234114517 0.44672588507005906 0.4032331200637162 0.022245785319635683 0.0912512101742944 +21903,-0.4784627370842374,0,-1.232466312629978 -1.3815180304274772 -1.480266728199869 -1.6460861192874845 -1.7616024905047603 -1.5617576206405606 -1.7823944053968874 -1.687669949226507 -0.9606752259711798 -1.0767075255473857 -0.5604695578838503 -0.5513634214898712 0.1339184897753973 0.3120685699258952 0.15775438234114517 0.44672588507005906 0.4032331200637162 0.022245785319635683 0.0912512101742944 -0.17723793455402526 +21904,-0.7360399960849651,0,-1.3815180304274772 -1.480266728199869 -1.6460861192874845 -1.7616024905047603 -1.5617576206405606 -1.7823944053968874 -1.687669949226507 -0.9606752259711798 -1.0767075255473857 -0.5604695578838503 -0.5513634214898712 0.1339184897753973 0.3120685699258952 0.15775438234114517 0.44672588507005906 0.4032331200637162 0.022245785319635683 0.0912512101742944 -0.17723793455402526 -0.4784627370842374 +21905,-1.0263529125780226,0,-1.480266728199869 -1.6460861192874845 -1.7616024905047603 -1.5617576206405606 -1.7823944053968874 -1.687669949226507 -0.9606752259711798 -1.0767075255473857 -0.5604695578838503 -0.5513634214898712 0.1339184897753973 0.3120685699258952 0.15775438234114517 0.44672588507005906 0.4032331200637162 0.022245785319635683 0.0912512101742944 -0.17723793455402526 -0.4784627370842374 -0.7360399960849651 +21906,-1.021425796309205,0,-1.6460861192874845 -1.7616024905047603 -1.5617576206405606 -1.7823944053968874 -1.687669949226507 -0.9606752259711798 -1.0767075255473857 -0.5604695578838503 -0.5513634214898712 0.1339184897753973 0.3120685699258952 0.15775438234114517 0.44672588507005906 0.4032331200637162 0.022245785319635683 0.0912512101742944 -0.17723793455402526 -0.4784627370842374 -0.7360399960849651 -1.0263529125780226 +21907,-1.4101520572110067,0,-1.7616024905047603 -1.5617576206405606 -1.7823944053968874 -1.687669949226507 -0.9606752259711798 -1.0767075255473857 -0.5604695578838503 -0.5513634214898712 0.1339184897753973 0.3120685699258952 0.15775438234114517 0.44672588507005906 0.4032331200637162 0.022245785319635683 0.0912512101742944 -0.17723793455402526 -0.4784627370842374 -0.7360399960849651 -1.0263529125780226 -1.021425796309205 +21908,-1.5036382851961563,0,-1.5617576206405606 -1.7823944053968874 -1.687669949226507 -0.9606752259711798 -1.0767075255473857 -0.5604695578838503 -0.5513634214898712 0.1339184897753973 0.3120685699258952 0.15775438234114517 0.44672588507005906 0.4032331200637162 0.022245785319635683 0.0912512101742944 -0.17723793455402526 -0.4784627370842374 -0.7360399960849651 -1.0263529125780226 -1.021425796309205 -1.4101520572110067 +21909,-1.5789380367106762,0,-1.7823944053968874 -1.687669949226507 -0.9606752259711798 -1.0767075255473857 -0.5604695578838503 -0.5513634214898712 0.1339184897753973 0.3120685699258952 0.15775438234114517 0.44672588507005906 0.4032331200637162 0.022245785319635683 0.0912512101742944 -0.17723793455402526 -0.4784627370842374 -0.7360399960849651 -1.0263529125780226 -1.021425796309205 -1.4101520572110067 -1.5036382851961563 +21910,-1.6784864235709527,0,-1.687669949226507 -0.9606752259711798 -1.0767075255473857 -0.5604695578838503 -0.5513634214898712 0.1339184897753973 0.3120685699258952 0.15775438234114517 0.44672588507005906 0.4032331200637162 0.022245785319635683 0.0912512101742944 -0.17723793455402526 -0.4784627370842374 -0.7360399960849651 -1.0263529125780226 -1.021425796309205 -1.4101520572110067 -1.5036382851961563 -1.5789380367106762 +21911,-1.7598483338058313,0,-0.9606752259711798 -1.0767075255473857 -0.5604695578838503 -0.5513634214898712 0.1339184897753973 0.3120685699258952 0.15775438234114517 0.44672588507005906 0.4032331200637162 0.022245785319635683 0.0912512101742944 -0.17723793455402526 -0.4784627370842374 -0.7360399960849651 -1.0263529125780226 -1.021425796309205 -1.4101520572110067 -1.5036382851961563 -1.5789380367106762 -1.6784864235709527 +21912,-1.616317050052414,0,-1.0767075255473857 -0.5604695578838503 -0.5513634214898712 0.1339184897753973 0.3120685699258952 0.15775438234114517 0.44672588507005906 0.4032331200637162 0.022245785319635683 0.0912512101742944 -0.17723793455402526 -0.4784627370842374 -0.7360399960849651 -1.0263529125780226 -1.021425796309205 -1.4101520572110067 -1.5036382851961563 -1.5789380367106762 -1.6784864235709527 -1.7598483338058313 +21913,-1.772643358438174,0,-0.5604695578838503 -0.5513634214898712 0.1339184897753973 0.3120685699258952 0.15775438234114517 0.44672588507005906 0.4032331200637162 0.022245785319635683 0.0912512101742944 -0.17723793455402526 -0.4784627370842374 -0.7360399960849651 -1.0263529125780226 -1.021425796309205 -1.4101520572110067 -1.5036382851961563 -1.5789380367106762 -1.6784864235709527 -1.7598483338058313 -1.616317050052414 +21914,-1.7040764726808526,0,-0.5513634214898712 0.1339184897753973 0.3120685699258952 0.15775438234114517 0.44672588507005906 0.4032331200637162 0.022245785319635683 0.0912512101742944 -0.17723793455402526 -0.4784627370842374 -0.7360399960849651 -1.0263529125780226 -1.021425796309205 -1.4101520572110067 -1.5036382851961563 -1.5789380367106762 -1.6784864235709527 -1.7598483338058313 -1.616317050052414 -1.772643358438174 +21915,-1.095100373330609,0,0.1339184897753973 0.3120685699258952 0.15775438234114517 0.44672588507005906 0.4032331200637162 0.022245785319635683 0.0912512101742944 -0.17723793455402526 -0.4784627370842374 -0.7360399960849651 -1.0263529125780226 -1.021425796309205 -1.4101520572110067 -1.5036382851961563 -1.5789380367106762 -1.6784864235709527 -1.7598483338058313 -1.616317050052414 -1.772643358438174 -1.7040764726808526 +21916,-1.206669892052681,0,0.3120685699258952 0.15775438234114517 0.44672588507005906 0.4032331200637162 0.022245785319635683 0.0912512101742944 -0.17723793455402526 -0.4784627370842374 -0.7360399960849651 -1.0263529125780226 -1.021425796309205 -1.4101520572110067 -1.5036382851961563 -1.5789380367106762 -1.6784864235709527 -1.7598483338058313 -1.616317050052414 -1.772643358438174 -1.7040764726808526 -1.095100373330609 +21917,-0.7778301973365991,0,0.15775438234114517 0.44672588507005906 0.4032331200637162 0.022245785319635683 0.0912512101742944 -0.17723793455402526 -0.4784627370842374 -0.7360399960849651 -1.0263529125780226 -1.021425796309205 -1.4101520572110067 -1.5036382851961563 -1.5789380367106762 -1.6784864235709527 -1.7598483338058313 -1.616317050052414 -1.772643358438174 -1.7040764726808526 -1.095100373330609 -1.206669892052681 +21918,-0.6736384547817006,0,0.44672588507005906 0.4032331200637162 0.022245785319635683 0.0912512101742944 -0.17723793455402526 -0.4784627370842374 -0.7360399960849651 -1.0263529125780226 -1.021425796309205 -1.4101520572110067 -1.5036382851961563 -1.5789380367106762 -1.6784864235709527 -1.7598483338058313 -1.616317050052414 -1.772643358438174 -1.7040764726808526 -1.095100373330609 -1.206669892052681 -0.7778301973365991 +21919,-0.13658277590870918,0,0.4032331200637162 0.022245785319635683 0.0912512101742944 -0.17723793455402526 -0.4784627370842374 -0.7360399960849651 -1.0263529125780226 -1.021425796309205 -1.4101520572110067 -1.5036382851961563 -1.5789380367106762 -1.6784864235709527 -1.7598483338058313 -1.616317050052414 -1.772643358438174 -1.7040764726808526 -1.095100373330609 -1.206669892052681 -0.7778301973365991 -0.6736384547817006 +21920,0.07582495080310754,0,0.022245785319635683 0.0912512101742944 -0.17723793455402526 -0.4784627370842374 -0.7360399960849651 -1.0263529125780226 -1.021425796309205 -1.4101520572110067 -1.5036382851961563 -1.5789380367106762 -1.6784864235709527 -1.7598483338058313 -1.616317050052414 -1.772643358438174 -1.7040764726808526 -1.095100373330609 -1.206669892052681 -0.7778301973365991 -0.6736384547817006 -0.13658277590870918 +21921,0.058928295307178365,0,0.0912512101742944 -0.17723793455402526 -0.4784627370842374 -0.7360399960849651 -1.0263529125780226 -1.021425796309205 -1.4101520572110067 -1.5036382851961563 -1.5789380367106762 -1.6784864235709527 -1.7598483338058313 -1.616317050052414 -1.772643358438174 -1.7040764726808526 -1.095100373330609 -1.206669892052681 -0.7778301973365991 -0.6736384547817006 -0.13658277590870918 0.07582495080310754 +21922,0.34777081598505616,0,-0.17723793455402526 -0.4784627370842374 -0.7360399960849651 -1.0263529125780226 -1.021425796309205 -1.4101520572110067 -1.5036382851961563 -1.5789380367106762 -1.6784864235709527 -1.7598483338058313 -1.616317050052414 -1.772643358438174 -1.7040764726808526 -1.095100373330609 -1.206669892052681 -0.7778301973365991 -0.6736384547817006 -0.13658277590870918 0.07582495080310754 0.058928295307178365 +21923,0.4073089544551881,0,-0.4784627370842374 -0.7360399960849651 -1.0263529125780226 -1.021425796309205 -1.4101520572110067 -1.5036382851961563 -1.5789380367106762 -1.6784864235709527 -1.7598483338058313 -1.616317050052414 -1.772643358438174 -1.7040764726808526 -1.095100373330609 -1.206669892052681 -0.7778301973365991 -0.6736384547817006 -0.13658277590870918 0.07582495080310754 0.058928295307178365 0.34777081598505616 +21924,-0.10962551640775667,0,-0.7360399960849651 -1.0263529125780226 -1.021425796309205 -1.4101520572110067 -1.5036382851961563 -1.5789380367106762 -1.6784864235709527 -1.7598483338058313 -1.616317050052414 -1.772643358438174 -1.7040764726808526 -1.095100373330609 -1.206669892052681 -0.7778301973365991 -0.6736384547817006 -0.13658277590870918 0.07582495080310754 0.058928295307178365 0.34777081598505616 0.4073089544551881 +21925,0.1420701587131092,0,-1.0263529125780226 -1.021425796309205 -1.4101520572110067 -1.5036382851961563 -1.5789380367106762 -1.6784864235709527 -1.7598483338058313 -1.616317050052414 -1.772643358438174 -1.7040764726808526 -1.095100373330609 -1.206669892052681 -0.7778301973365991 -0.6736384547817006 -0.13658277590870918 0.07582495080310754 0.058928295307178365 0.34777081598505616 0.4073089544551881 -0.10962551640775667 +21926,-0.18270677580866418,0,-1.021425796309205 -1.4101520572110067 -1.5036382851961563 -1.5789380367106762 -1.6784864235709527 -1.7598483338058313 -1.616317050052414 -1.772643358438174 -1.7040764726808526 -1.095100373330609 -1.206669892052681 -0.7778301973365991 -0.6736384547817006 -0.13658277590870918 0.07582495080310754 0.058928295307178365 0.34777081598505616 0.4073089544551881 -0.10962551640775667 0.1420701587131092 +21927,-0.3560329252692574,0,-1.4101520572110067 -1.5036382851961563 -1.5789380367106762 -1.6784864235709527 -1.7598483338058313 -1.616317050052414 -1.772643358438174 -1.7040764726808526 -1.095100373330609 -1.206669892052681 -0.7778301973365991 -0.6736384547817006 -0.13658277590870918 0.07582495080310754 0.058928295307178365 0.34777081598505616 0.4073089544551881 -0.10962551640775667 0.1420701587131092 -0.18270677580866418 +21928,-0.7312934546566444,0,-1.5036382851961563 -1.5789380367106762 -1.6784864235709527 -1.7598483338058313 -1.616317050052414 -1.772643358438174 -1.7040764726808526 -1.095100373330609 -1.206669892052681 -0.7778301973365991 -0.6736384547817006 -0.13658277590870918 0.07582495080310754 0.058928295307178365 0.34777081598505616 0.4073089544551881 -0.10962551640775667 0.1420701587131092 -0.18270677580866418 -0.3560329252692574 +21929,-0.9551031991376281,0,-1.5789380367106762 -1.6784864235709527 -1.7598483338058313 -1.616317050052414 -1.772643358438174 -1.7040764726808526 -1.095100373330609 -1.206669892052681 -0.7778301973365991 -0.6736384547817006 -0.13658277590870918 0.07582495080310754 0.058928295307178365 0.34777081598505616 0.4073089544551881 -0.10962551640775667 0.1420701587131092 -0.18270677580866418 -0.3560329252692574 -0.7312934546566444 +21930,-1.066234178762354,0,-1.6784864235709527 -1.7598483338058313 -1.616317050052414 -1.772643358438174 -1.7040764726808526 -1.095100373330609 -1.206669892052681 -0.7778301973365991 -0.6736384547817006 -0.13658277590870918 0.07582495080310754 0.058928295307178365 0.34777081598505616 0.4073089544551881 -0.10962551640775667 0.1420701587131092 -0.18270677580866418 -0.3560329252692574 -0.7312934546566444 -0.9551031991376281 +21931,-1.327603511580358,0,-1.7598483338058313 -1.616317050052414 -1.772643358438174 -1.7040764726808526 -1.095100373330609 -1.206669892052681 -0.7778301973365991 -0.6736384547817006 -0.13658277590870918 0.07582495080310754 0.058928295307178365 0.34777081598505616 0.4073089544551881 -0.10962551640775667 0.1420701587131092 -0.18270677580866418 -0.3560329252692574 -0.7312934546566444 -0.9551031991376281 -1.066234178762354 +21932,-1.4762940793873098,0,-1.616317050052414 -1.772643358438174 -1.7040764726808526 -1.095100373330609 -1.206669892052681 -0.7778301973365991 -0.6736384547817006 -0.13658277590870918 0.07582495080310754 0.058928295307178365 0.34777081598505616 0.4073089544551881 -0.10962551640775667 0.1420701587131092 -0.18270677580866418 -0.3560329252692574 -0.7312934546566444 -0.9551031991376281 -1.066234178762354 -1.327603511580358 +21933,-1.5520065736818471,0,-1.772643358438174 -1.7040764726808526 -1.095100373330609 -1.206669892052681 -0.7778301973365991 -0.6736384547817006 -0.13658277590870918 0.07582495080310754 0.058928295307178365 0.34777081598505616 0.4073089544551881 -0.10962551640775667 0.1420701587131092 -0.18270677580866418 -0.3560329252692574 -0.7312934546566444 -0.9551031991376281 -1.066234178762354 -1.327603511580358 -1.4762940793873098 +21934,-1.7250231660961304,0,-1.7040764726808526 -1.095100373330609 -1.206669892052681 -0.7778301973365991 -0.6736384547817006 -0.13658277590870918 0.07582495080310754 0.058928295307178365 0.34777081598505616 0.4073089544551881 -0.10962551640775667 0.1420701587131092 -0.18270677580866418 -0.3560329252692574 -0.7312934546566444 -0.9551031991376281 -1.066234178762354 -1.327603511580358 -1.4762940793873098 -1.5520065736818471 +21935,-1.8250616849979904,0,-1.095100373330609 -1.206669892052681 -0.7778301973365991 -0.6736384547817006 -0.13658277590870918 0.07582495080310754 0.058928295307178365 0.34777081598505616 0.4073089544551881 -0.10962551640775667 0.1420701587131092 -0.18270677580866418 -0.3560329252692574 -0.7312934546566444 -0.9551031991376281 -1.066234178762354 -1.327603511580358 -1.4762940793873098 -1.5520065736818471 -1.7250231660961304 +21936,-1.5805632112037922,0,-1.206669892052681 -0.7778301973365991 -0.6736384547817006 -0.13658277590870918 0.07582495080310754 0.058928295307178365 0.34777081598505616 0.4073089544551881 -0.10962551640775667 0.1420701587131092 -0.18270677580866418 -0.3560329252692574 -0.7312934546566444 -0.9551031991376281 -1.066234178762354 -1.327603511580358 -1.4762940793873098 -1.5520065736818471 -1.7250231660961304 -1.8250616849979904 +21937,-1.7954473941312936,0,-0.7778301973365991 -0.6736384547817006 -0.13658277590870918 0.07582495080310754 0.058928295307178365 0.34777081598505616 0.4073089544551881 -0.10962551640775667 0.1420701587131092 -0.18270677580866418 -0.3560329252692574 -0.7312934546566444 -0.9551031991376281 -1.066234178762354 -1.327603511580358 -1.4762940793873098 -1.5520065736818471 -1.7250231660961304 -1.8250616849979904 -1.5805632112037922 +21938,-1.6657945846723083,0,-0.6736384547817006 -0.13658277590870918 0.07582495080310754 0.058928295307178365 0.34777081598505616 0.4073089544551881 -0.10962551640775667 0.1420701587131092 -0.18270677580866418 -0.3560329252692574 -0.7312934546566444 -0.9551031991376281 -1.066234178762354 -1.327603511580358 -1.4762940793873098 -1.5520065736818471 -1.7250231660961304 -1.8250616849979904 -1.5805632112037922 -1.7954473941312936 +21939,-0.8385549712025098,0,-0.13658277590870918 0.07582495080310754 0.058928295307178365 0.34777081598505616 0.4073089544551881 -0.10962551640775667 0.1420701587131092 -0.18270677580866418 -0.3560329252692574 -0.7312934546566444 -0.9551031991376281 -1.066234178762354 -1.327603511580358 -1.4762940793873098 -1.5520065736818471 -1.7250231660961304 -1.8250616849979904 -1.5805632112037922 -1.7954473941312936 -1.6657945846723083 +21940,-0.9414310963106021,0,0.07582495080310754 0.058928295307178365 0.34777081598505616 0.4073089544551881 -0.10962551640775667 0.1420701587131092 -0.18270677580866418 -0.3560329252692574 -0.7312934546566444 -0.9551031991376281 -1.066234178762354 -1.327603511580358 -1.4762940793873098 -1.5520065736818471 -1.7250231660961304 -1.8250616849979904 -1.5805632112037922 -1.7954473941312936 -1.6657945846723083 -0.8385549712025098 +21941,-0.34672041740789,0,0.058928295307178365 0.34777081598505616 0.4073089544551881 -0.10962551640775667 0.1420701587131092 -0.18270677580866418 -0.3560329252692574 -0.7312934546566444 -0.9551031991376281 -1.066234178762354 -1.327603511580358 -1.4762940793873098 -1.5520065736818471 -1.7250231660961304 -1.8250616849979904 -1.5805632112037922 -1.7954473941312936 -1.6657945846723083 -0.8385549712025098 -0.9414310963106021 +21942,-0.3873755762079829,0,0.34777081598505616 0.4073089544551881 -0.10962551640775667 0.1420701587131092 -0.18270677580866418 -0.3560329252692574 -0.7312934546566444 -0.9551031991376281 -1.066234178762354 -1.327603511580358 -1.4762940793873098 -1.5520065736818471 -1.7250231660961304 -1.8250616849979904 -1.5805632112037922 -1.7954473941312936 -1.6657945846723083 -0.8385549712025098 -0.9414310963106021 -0.34672041740789 +21943,0.4191237151591492,0,0.4073089544551881 -0.10962551640775667 0.1420701587131092 -0.18270677580866418 -0.3560329252692574 -0.7312934546566444 -0.9551031991376281 -1.066234178762354 -1.327603511580358 -1.4762940793873098 -1.5520065736818471 -1.7250231660961304 -1.8250616849979904 -1.5805632112037922 -1.7954473941312936 -1.6657945846723083 -0.8385549712025098 -0.9414310963106021 -0.34672041740789 -0.3873755762079829 +21944,0.5902571688234675,0,-0.10962551640775667 0.1420701587131092 -0.18270677580866418 -0.3560329252692574 -0.7312934546566444 -0.9551031991376281 -1.066234178762354 -1.327603511580358 -1.4762940793873098 -1.5520065736818471 -1.7250231660961304 -1.8250616849979904 -1.5805632112037922 -1.7954473941312936 -1.6657945846723083 -0.8385549712025098 -0.9414310963106021 -0.34672041740789 -0.3873755762079829 0.4191237151591492 +21945,0.4810867172102907,0,0.1420701587131092 -0.18270677580866418 -0.3560329252692574 -0.7312934546566444 -0.9551031991376281 -1.066234178762354 -1.327603511580358 -1.4762940793873098 -1.5520065736818471 -1.7250231660961304 -1.8250616849979904 -1.5805632112037922 -1.7954473941312936 -1.6657945846723083 -0.8385549712025098 -0.9414310963106021 -0.34672041740789 -0.3873755762079829 0.4191237151591492 0.5902571688234675 +21946,0.745654806070289,0,-0.18270677580866418 -0.3560329252692574 -0.7312934546566444 -0.9551031991376281 -1.066234178762354 -1.327603511580358 -1.4762940793873098 -1.5520065736818471 -1.7250231660961304 -1.8250616849979904 -1.5805632112037922 -1.7954473941312936 -1.6657945846723083 -0.8385549712025098 -0.9414310963106021 -0.34672041740789 -0.3873755762079829 0.4191237151591492 0.5902571688234675 0.4810867172102907 +21947,0.729918989652801,0,-0.3560329252692574 -0.7312934546566444 -0.9551031991376281 -1.066234178762354 -1.327603511580358 -1.4762940793873098 -1.5520065736818471 -1.7250231660961304 -1.8250616849979904 -1.5805632112037922 -1.7954473941312936 -1.6657945846723083 -0.8385549712025098 -0.9414310963106021 -0.34672041740789 -0.3873755762079829 0.4191237151591492 0.5902571688234675 0.4810867172102907 0.745654806070289 +21948,0.2794876908019301,0,-0.7312934546566444 -0.9551031991376281 -1.066234178762354 -1.327603511580358 -1.4762940793873098 -1.5520065736818471 -1.7250231660961304 -1.8250616849979904 -1.5805632112037922 -1.7954473941312936 -1.6657945846723083 -0.8385549712025098 -0.9414310963106021 -0.34672041740789 -0.3873755762079829 0.4191237151591492 0.5902571688234675 0.4810867172102907 0.745654806070289 0.729918989652801 +21949,0.40865036837411745,0,-0.9551031991376281 -1.066234178762354 -1.327603511580358 -1.4762940793873098 -1.5520065736818471 -1.7250231660961304 -1.8250616849979904 -1.5805632112037922 -1.7954473941312936 -1.6657945846723083 -0.8385549712025098 -0.9414310963106021 -0.34672041740789 -0.3873755762079829 0.4191237151591492 0.5902571688234675 0.4810867172102907 0.745654806070289 0.729918989652801 0.2794876908019301 +21950,0.10311756366770751,0,-1.066234178762354 -1.327603511580358 -1.4762940793873098 -1.5520065736818471 -1.7250231660961304 -1.8250616849979904 -1.5805632112037922 -1.7954473941312936 -1.6657945846723083 -0.8385549712025098 -0.9414310963106021 -0.34672041740789 -0.3873755762079829 0.4191237151591492 0.5902571688234675 0.4810867172102907 0.745654806070289 0.729918989652801 0.2794876908019301 0.40865036837411745 +21951,-0.24946791207757835,0,-1.327603511580358 -1.4762940793873098 -1.5520065736818471 -1.7250231660961304 -1.8250616849979904 -1.5805632112037922 -1.7954473941312936 -1.6657945846723083 -0.8385549712025098 -0.9414310963106021 -0.34672041740789 -0.3873755762079829 0.4191237151591492 0.5902571688234675 0.4810867172102907 0.745654806070289 0.729918989652801 0.2794876908019301 0.40865036837411745 0.10311756366770751 +21952,-0.5393164931559611,0,-1.4762940793873098 -1.5520065736818471 -1.7250231660961304 -1.8250616849979904 -1.5805632112037922 -1.7954473941312936 -1.6657945846723083 -0.8385549712025098 -0.9414310963106021 -0.34672041740789 -0.3873755762079829 0.4191237151591492 0.5902571688234675 0.4810867172102907 0.745654806070289 0.729918989652801 0.2794876908019301 0.40865036837411745 0.10311756366770751 -0.24946791207757835 +21953,-0.876217745118443,0,-1.5520065736818471 -1.7250231660961304 -1.8250616849979904 -1.5805632112037922 -1.7954473941312936 -1.6657945846723083 -0.8385549712025098 -0.9414310963106021 -0.34672041740789 -0.3873755762079829 0.4191237151591492 0.5902571688234675 0.4810867172102907 0.745654806070289 0.729918989652801 0.2794876908019301 0.40865036837411745 0.10311756366770751 -0.24946791207757835 -0.5393164931559611 +21954,-0.9232188233678669,0,-1.7250231660961304 -1.8250616849979904 -1.5805632112037922 -1.7954473941312936 -1.6657945846723083 -0.8385549712025098 -0.9414310963106021 -0.34672041740789 -0.3873755762079829 0.4191237151591492 0.5902571688234675 0.4810867172102907 0.745654806070289 0.729918989652801 0.2794876908019301 0.40865036837411745 0.10311756366770751 -0.24946791207757835 -0.5393164931559611 -0.876217745118443 +21955,-1.3567534667228085,0,-1.8250616849979904 -1.5805632112037922 -1.7954473941312936 -1.6657945846723083 -0.8385549712025098 -0.9414310963106021 -0.34672041740789 -0.3873755762079829 0.4191237151591492 0.5902571688234675 0.4810867172102907 0.745654806070289 0.729918989652801 0.2794876908019301 0.40865036837411745 0.10311756366770751 -0.24946791207757835 -0.5393164931559611 -0.876217745118443 -0.9232188233678669 +21956,-1.5003879362099155,0,-1.5805632112037922 -1.7954473941312936 -1.6657945846723083 -0.8385549712025098 -0.9414310963106021 -0.34672041740789 -0.3873755762079829 0.4191237151591492 0.5902571688234675 0.4810867172102907 0.745654806070289 0.729918989652801 0.2794876908019301 0.40865036837411745 0.10311756366770751 -0.24946791207757835 -0.5393164931559611 -0.876217745118443 -0.9232188233678669 -1.3567534667228085 +21957,-1.512151103969639,0,-1.7954473941312936 -1.6657945846723083 -0.8385549712025098 -0.9414310963106021 -0.34672041740789 -0.3873755762079829 0.4191237151591492 0.5902571688234675 0.4810867172102907 0.745654806070289 0.729918989652801 0.2794876908019301 0.40865036837411745 0.10311756366770751 -0.24946791207757835 -0.5393164931559611 -0.876217745118443 -0.9232188233678669 -1.3567534667228085 -1.5003879362099155 +21958,-1.6997426740325317,0,-1.6657945846723083 -0.8385549712025098 -0.9414310963106021 -0.34672041740789 -0.3873755762079829 0.4191237151591492 0.5902571688234675 0.4810867172102907 0.745654806070289 0.729918989652801 0.2794876908019301 0.40865036837411745 0.10311756366770751 -0.24946791207757835 -0.5393164931559611 -0.876217745118443 -0.9232188233678669 -1.3567534667228085 -1.5003879362099155 -1.512151103969639 +21959,-1.7554629423680495,0,-0.8385549712025098 -0.9414310963106021 -0.34672041740789 -0.3873755762079829 0.4191237151591492 0.5902571688234675 0.4810867172102907 0.745654806070289 0.729918989652801 0.2794876908019301 0.40865036837411745 0.10311756366770751 -0.24946791207757835 -0.5393164931559611 -0.876217745118443 -0.9232188233678669 -1.3567534667228085 -1.5003879362099155 -1.512151103969639 -1.6997426740325317 +21960,-1.4859935335565713,0,-0.9414310963106021 -0.34672041740789 -0.3873755762079829 0.4191237151591492 0.5902571688234675 0.4810867172102907 0.745654806070289 0.729918989652801 0.2794876908019301 0.40865036837411745 0.10311756366770751 -0.24946791207757835 -0.5393164931559611 -0.876217745118443 -0.9232188233678669 -1.3567534667228085 -1.5003879362099155 -1.512151103969639 -1.6997426740325317 -1.7554629423680495 +21961,-1.6501103608894956,0,-0.34672041740789 -0.3873755762079829 0.4191237151591492 0.5902571688234675 0.4810867172102907 0.745654806070289 0.729918989652801 0.2794876908019301 0.40865036837411745 0.10311756366770751 -0.24946791207757835 -0.5393164931559611 -0.876217745118443 -0.9232188233678669 -1.3567534667228085 -1.5003879362099155 -1.512151103969639 -1.6997426740325317 -1.7554629423680495 -1.4859935335565713 +21962,-1.4890375112302006,0,-0.3873755762079829 0.4191237151591492 0.5902571688234675 0.4810867172102907 0.745654806070289 0.729918989652801 0.2794876908019301 0.40865036837411745 0.10311756366770751 -0.24946791207757835 -0.5393164931559611 -0.876217745118443 -0.9232188233678669 -1.3567534667228085 -1.5003879362099155 -1.512151103969639 -1.6997426740325317 -1.7554629423680495 -1.4859935335565713 -1.6501103608894956 +21963,-0.544320998686354,0,0.4191237151591492 0.5902571688234675 0.4810867172102907 0.745654806070289 0.729918989652801 0.2794876908019301 0.40865036837411745 0.10311756366770751 -0.24946791207757835 -0.5393164931559611 -0.876217745118443 -0.9232188233678669 -1.3567534667228085 -1.5003879362099155 -1.512151103969639 -1.6997426740325317 -1.7554629423680495 -1.4859935335565713 -1.6501103608894956 -1.4890375112302006 +21964,-0.6444627031671268,0,0.5902571688234675 0.4810867172102907 0.745654806070289 0.729918989652801 0.2794876908019301 0.40865036837411745 0.10311756366770751 -0.24946791207757835 -0.5393164931559611 -0.876217745118443 -0.9232188233678669 -1.3567534667228085 -1.5003879362099155 -1.512151103969639 -1.6997426740325317 -1.7554629423680495 -1.4859935335565713 -1.6501103608894956 -1.4890375112302006 -0.544320998686354 +21965,0.03903925508186633,0,0.4810867172102907 0.745654806070289 0.729918989652801 0.2794876908019301 0.40865036837411745 0.10311756366770751 -0.24946791207757835 -0.5393164931559611 -0.876217745118443 -0.9232188233678669 -1.3567534667228085 -1.5003879362099155 -1.512151103969639 -1.6997426740325317 -1.7554629423680495 -1.4859935335565713 -1.6501103608894956 -1.4890375112302006 -0.544320998686354 -0.6444627031671268 +21966,-0.15366000624512646,0,0.745654806070289 0.729918989652801 0.2794876908019301 0.40865036837411745 0.10311756366770751 -0.24946791207757835 -0.5393164931559611 -0.876217745118443 -0.9232188233678669 -1.3567534667228085 -1.5003879362099155 -1.512151103969639 -1.6997426740325317 -1.7554629423680495 -1.4859935335565713 -1.6501103608894956 -1.4890375112302006 -0.544320998686354 -0.6444627031671268 0.03903925508186633 +21967,0.821909025195862,0,0.729918989652801 0.2794876908019301 0.40865036837411745 0.10311756366770751 -0.24946791207757835 -0.5393164931559611 -0.876217745118443 -0.9232188233678669 -1.3567534667228085 -1.5003879362099155 -1.512151103969639 -1.6997426740325317 -1.7554629423680495 -1.4859935335565713 -1.6501103608894956 -1.4890375112302006 -0.544320998686354 -0.6444627031671268 0.03903925508186633 -0.15366000624512646 +21968,0.9212768370608645,0,0.2794876908019301 0.40865036837411745 0.10311756366770751 -0.24946791207757835 -0.5393164931559611 -0.876217745118443 -0.9232188233678669 -1.3567534667228085 -1.5003879362099155 -1.512151103969639 -1.6997426740325317 -1.7554629423680495 -1.4859935335565713 -1.6501103608894956 -1.4890375112302006 -0.544320998686354 -0.6444627031671268 0.03903925508186633 -0.15366000624512646 0.821909025195862 +21969,0.7766363071732526,0,0.40865036837411745 0.10311756366770751 -0.24946791207757835 -0.5393164931559611 -0.876217745118443 -0.9232188233678669 -1.3567534667228085 -1.5003879362099155 -1.512151103969639 -1.6997426740325317 -1.7554629423680495 -1.4859935335565713 -1.6501103608894956 -1.4890375112302006 -0.544320998686354 -0.6444627031671268 0.03903925508186633 -0.15366000624512646 0.821909025195862 0.9212768370608645 +21970,0.9573402329557962,0,0.10311756366770751 -0.24946791207757835 -0.5393164931559611 -0.876217745118443 -0.9232188233678669 -1.3567534667228085 -1.5003879362099155 -1.512151103969639 -1.6997426740325317 -1.7554629423680495 -1.4859935335565713 -1.6501103608894956 -1.4890375112302006 -0.544320998686354 -0.6444627031671268 0.03903925508186633 -0.15366000624512646 0.821909025195862 0.9212768370608645 0.7766363071732526 +21971,0.8940358169857253,0,-0.24946791207757835 -0.5393164931559611 -0.876217745118443 -0.9232188233678669 -1.3567534667228085 -1.5003879362099155 -1.512151103969639 -1.6997426740325317 -1.7554629423680495 -1.4859935335565713 -1.6501103608894956 -1.4890375112302006 -0.544320998686354 -0.6444627031671268 0.03903925508186633 -0.15366000624512646 0.821909025195862 0.9212768370608645 0.7766363071732526 0.9573402329557962 +21972,0.2822737042187104,0,-0.5393164931559611 -0.876217745118443 -0.9232188233678669 -1.3567534667228085 -1.5003879362099155 -1.512151103969639 -1.6997426740325317 -1.7554629423680495 -1.4859935335565713 -1.6501103608894956 -1.4890375112302006 -0.544320998686354 -0.6444627031671268 0.03903925508186633 -0.15366000624512646 0.821909025195862 0.9212768370608645 0.7766363071732526 0.9573402329557962 0.8940358169857253 +21973,0.40178852056587405,0,-0.876217745118443 -0.9232188233678669 -1.3567534667228085 -1.5003879362099155 -1.512151103969639 -1.6997426740325317 -1.7554629423680495 -1.4859935335565713 -1.6501103608894956 -1.4890375112302006 -0.544320998686354 -0.6444627031671268 0.03903925508186633 -0.15366000624512646 0.821909025195862 0.9212768370608645 0.7766363071732526 0.9573402329557962 0.8940358169857253 0.2822737042187104 +21974,-0.02715436003868333,0,-0.9232188233678669 -1.3567534667228085 -1.5003879362099155 -1.512151103969639 -1.6997426740325317 -1.7554629423680495 -1.4859935335565713 -1.6501103608894956 -1.4890375112302006 -0.544320998686354 -0.6444627031671268 0.03903925508186633 -0.15366000624512646 0.821909025195862 0.9212768370608645 0.7766363071732526 0.9573402329557962 0.8940358169857253 0.2822737042187104 0.40178852056587405 +21975,-0.33335787162716507,0,-1.3567534667228085 -1.5003879362099155 -1.512151103969639 -1.6997426740325317 -1.7554629423680495 -1.4859935335565713 -1.6501103608894956 -1.4890375112302006 -0.544320998686354 -0.6444627031671268 0.03903925508186633 -0.15366000624512646 0.821909025195862 0.9212768370608645 0.7766363071732526 0.9573402329557962 0.8940358169857253 0.2822737042187104 0.40178852056587405 -0.02715436003868333 +21976,-0.8032138751338875,0,-1.5003879362099155 -1.512151103969639 -1.6997426740325317 -1.7554629423680495 -1.4859935335565713 -1.6501103608894956 -1.4890375112302006 -0.544320998686354 -0.6444627031671268 0.03903925508186633 -0.15366000624512646 0.821909025195862 0.9212768370608645 0.7766363071732526 0.9573402329557962 0.8940358169857253 0.2822737042187104 0.40178852056587405 -0.02715436003868333 -0.33335787162716507 +21977,-1.1503305096245433,0,-1.512151103969639 -1.6997426740325317 -1.7554629423680495 -1.4859935335565713 -1.6501103608894956 -1.4890375112302006 -0.544320998686354 -0.6444627031671268 0.03903925508186633 -0.15366000624512646 0.821909025195862 0.9212768370608645 0.7766363071732526 0.9573402329557962 0.8940358169857253 0.2822737042187104 0.40178852056587405 -0.02715436003868333 -0.33335787162716507 -0.8032138751338875 +21978,-1.19028916507045,0,-1.6997426740325317 -1.7554629423680495 -1.4859935335565713 -1.6501103608894956 -1.4890375112302006 -0.544320998686354 -0.6444627031671268 0.03903925508186633 -0.15366000624512646 0.821909025195862 0.9212768370608645 0.7766363071732526 0.9573402329557962 0.8940358169857253 0.2822737042187104 0.40178852056587405 -0.02715436003868333 -0.33335787162716507 -0.8032138751338875 -1.1503305096245433 +21979,-1.6397917927824,0,-1.7554629423680495 -1.4859935335565713 -1.6501103608894956 -1.4890375112302006 -0.544320998686354 -0.6444627031671268 0.03903925508186633 -0.15366000624512646 0.821909025195862 0.9212768370608645 0.7766363071732526 0.9573402329557962 0.8940358169857253 0.2822737042187104 0.40178852056587405 -0.02715436003868333 -0.33335787162716507 -0.8032138751338875 -1.1503305096245433 -1.19028916507045 +21980,-1.7821364411400296,0,-1.4859935335565713 -1.6501103608894956 -1.4890375112302006 -0.544320998686354 -0.6444627031671268 0.03903925508186633 -0.15366000624512646 0.821909025195862 0.9212768370608645 0.7766363071732526 0.9573402329557962 0.8940358169857253 0.2822737042187104 0.40178852056587405 -0.02715436003868333 -0.33335787162716507 -0.8032138751338875 -1.1503305096245433 -1.19028916507045 -1.6397917927824 +21981,-1.8196186402154746,0,-1.6501103608894956 -1.4890375112302006 -0.544320998686354 -0.6444627031671268 0.03903925508186633 -0.15366000624512646 0.821909025195862 0.9212768370608645 0.7766363071732526 0.9573402329557962 0.8940358169857253 0.2822737042187104 0.40178852056587405 -0.02715436003868333 -0.33335787162716507 -0.8032138751338875 -1.1503305096245433 -1.19028916507045 -1.6397917927824 -1.7821364411400296 +21982,-1.9969174384886181,0,-1.4890375112302006 -0.544320998686354 -0.6444627031671268 0.03903925508186633 -0.15366000624512646 0.821909025195862 0.9212768370608645 0.7766363071732526 0.9573402329557962 0.8940358169857253 0.2822737042187104 0.40178852056587405 -0.02715436003868333 -0.33335787162716507 -0.8032138751338875 -1.1503305096245433 -1.19028916507045 -1.6397917927824 -1.7821364411400296 -1.8196186402154746 +21983,-2.0693537873247916,0,-0.544320998686354 -0.6444627031671268 0.03903925508186633 -0.15366000624512646 0.821909025195862 0.9212768370608645 0.7766363071732526 0.9573402329557962 0.8940358169857253 0.2822737042187104 0.40178852056587405 -0.02715436003868333 -0.33335787162716507 -0.8032138751338875 -1.1503305096245433 -1.19028916507045 -1.6397917927824 -1.7821364411400296 -1.8196186402154746 -1.9969174384886181 +21984,-1.7577072309537851,0,-0.6444627031671268 0.03903925508186633 -0.15366000624512646 0.821909025195862 0.9212768370608645 0.7766363071732526 0.9573402329557962 0.8940358169857253 0.2822737042187104 0.40178852056587405 -0.02715436003868333 -0.33335787162716507 -0.8032138751338875 -1.1503305096245433 -1.19028916507045 -1.6397917927824 -1.7821364411400296 -1.8196186402154746 -1.9969174384886181 -2.0693537873247916 +21985,-1.9581712149106136,0,0.03903925508186633 -0.15366000624512646 0.821909025195862 0.9212768370608645 0.7766363071732526 0.9573402329557962 0.8940358169857253 0.2822737042187104 0.40178852056587405 -0.02715436003868333 -0.33335787162716507 -0.8032138751338875 -1.1503305096245433 -1.19028916507045 -1.6397917927824 -1.7821364411400296 -1.8196186402154746 -1.9969174384886181 -2.0693537873247916 -1.7577072309537851 +21986,-1.7745522935054767,0,-0.15366000624512646 0.821909025195862 0.9212768370608645 0.7766363071732526 0.9573402329557962 0.8940358169857253 0.2822737042187104 0.40178852056587405 -0.02715436003868333 -0.33335787162716507 -0.8032138751338875 -1.1503305096245433 -1.19028916507045 -1.6397917927824 -1.7821364411400296 -1.8196186402154746 -1.9969174384886181 -2.0693537873247916 -1.7577072309537851 -1.9581712149106136 +21987,-1.055941406972596,0,0.821909025195862 0.9212768370608645 0.7766363071732526 0.9573402329557962 0.8940358169857253 0.2822737042187104 0.40178852056587405 -0.02715436003868333 -0.33335787162716507 -0.8032138751338875 -1.1503305096245433 -1.19028916507045 -1.6397917927824 -1.7821364411400296 -1.8196186402154746 -1.9969174384886181 -2.0693537873247916 -1.7577072309537851 -1.9581712149106136 -1.7745522935054767 +21988,-1.050653140713231,0,0.9212768370608645 0.7766363071732526 0.9573402329557962 0.8940358169857253 0.2822737042187104 0.40178852056587405 -0.02715436003868333 -0.33335787162716507 -0.8032138751338875 -1.1503305096245433 -1.19028916507045 -1.6397917927824 -1.7821364411400296 -1.8196186402154746 -1.9969174384886181 -2.0693537873247916 -1.7577072309537851 -1.9581712149106136 -1.7745522935054767 -1.055941406972596 +21989,-0.5103729093261219,0,0.7766363071732526 0.9573402329557962 0.8940358169857253 0.2822737042187104 0.40178852056587405 -0.02715436003868333 -0.33335787162716507 -0.8032138751338875 -1.1503305096245433 -1.19028916507045 -1.6397917927824 -1.7821364411400296 -1.8196186402154746 -1.9969174384886181 -2.0693537873247916 -1.7577072309537851 -1.9581712149106136 -1.7745522935054767 -1.055941406972596 -1.050653140713231 +21990,-0.620007696508768,0,0.9573402329557962 0.8940358169857253 0.2822737042187104 0.40178852056587405 -0.02715436003868333 -0.33335787162716507 -0.8032138751338875 -1.1503305096245433 -1.19028916507045 -1.6397917927824 -1.7821364411400296 -1.8196186402154746 -1.9969174384886181 -2.0693537873247916 -1.7577072309537851 -1.9581712149106136 -1.7745522935054767 -1.055941406972596 -1.050653140713231 -0.5103729093261219 +21991,0.13691087450478018,0,0.8940358169857253 0.2822737042187104 0.40178852056587405 -0.02715436003868333 -0.33335787162716507 -0.8032138751338875 -1.1503305096245433 -1.19028916507045 -1.6397917927824 -1.7821364411400296 -1.8196186402154746 -1.9969174384886181 -2.0693537873247916 -1.7577072309537851 -1.9581712149106136 -1.7745522935054767 -1.055941406972596 -1.050653140713231 -0.5103729093261219 -0.620007696508768 +21992,0.24391442694858212,0,0.2822737042187104 0.40178852056587405 -0.02715436003868333 -0.33335787162716507 -0.8032138751338875 -1.1503305096245433 -1.19028916507045 -1.6397917927824 -1.7821364411400296 -1.8196186402154746 -1.9969174384886181 -2.0693537873247916 -1.7577072309537851 -1.9581712149106136 -1.7745522935054767 -1.055941406972596 -1.050653140713231 -0.5103729093261219 -0.620007696508768 0.13691087450478018 +21993,0.08438936236604219,0,0.40178852056587405 -0.02715436003868333 -0.33335787162716507 -0.8032138751338875 -1.1503305096245433 -1.19028916507045 -1.6397917927824 -1.7821364411400296 -1.8196186402154746 -1.9969174384886181 -2.0693537873247916 -1.7577072309537851 -1.9581712149106136 -1.7745522935054767 -1.055941406972596 -1.050653140713231 -0.5103729093261219 -0.620007696508768 0.13691087450478018 0.24391442694858212 +21994,0.280235786945586,0,-0.02715436003868333 -0.33335787162716507 -0.8032138751338875 -1.1503305096245433 -1.19028916507045 -1.6397917927824 -1.7821364411400296 -1.8196186402154746 -1.9969174384886181 -2.0693537873247916 -1.7577072309537851 -1.9581712149106136 -1.7745522935054767 -1.055941406972596 -1.050653140713231 -0.5103729093261219 -0.620007696508768 0.13691087450478018 0.24391442694858212 0.08438936236604219 +21995,0.20955359480835048,0,-0.33335787162716507 -0.8032138751338875 -1.1503305096245433 -1.19028916507045 -1.6397917927824 -1.7821364411400296 -1.8196186402154746 -1.9969174384886181 -2.0693537873247916 -1.7577072309537851 -1.9581712149106136 -1.7745522935054767 -1.055941406972596 -1.050653140713231 -0.5103729093261219 -0.620007696508768 0.13691087450478018 0.24391442694858212 0.08438936236604219 0.280235786945586 +21996,-0.2258641872965651,0,-0.8032138751338875 -1.1503305096245433 -1.19028916507045 -1.6397917927824 -1.7821364411400296 -1.8196186402154746 -1.9969174384886181 -2.0693537873247916 -1.7577072309537851 -1.9581712149106136 -1.7745522935054767 -1.055941406972596 -1.050653140713231 -0.5103729093261219 -0.620007696508768 0.13691087450478018 0.24391442694858212 0.08438936236604219 0.280235786945586 0.20955359480835048 +21997,-0.1749678496509519,0,-1.1503305096245433 -1.19028916507045 -1.6397917927824 -1.7821364411400296 -1.8196186402154746 -1.9969174384886181 -2.0693537873247916 -1.7577072309537851 -1.9581712149106136 -1.7745522935054767 -1.055941406972596 -1.050653140713231 -0.5103729093261219 -0.620007696508768 0.13691087450478018 0.24391442694858212 0.08438936236604219 0.280235786945586 0.20955359480835048 -0.2258641872965651 +21998,-0.48880710166344743,0,-1.19028916507045 -1.6397917927824 -1.7821364411400296 -1.8196186402154746 -1.9969174384886181 -2.0693537873247916 -1.7577072309537851 -1.9581712149106136 -1.7745522935054767 -1.055941406972596 -1.050653140713231 -0.5103729093261219 -0.620007696508768 0.13691087450478018 0.24391442694858212 0.08438936236604219 0.280235786945586 0.20955359480835048 -0.2258641872965651 -0.1749678496509519 +21999,-0.7479321458957157,0,-1.6397917927824 -1.7821364411400296 -1.8196186402154746 -1.9969174384886181 -2.0693537873247916 -1.7577072309537851 -1.9581712149106136 -1.7745522935054767 -1.055941406972596 -1.050653140713231 -0.5103729093261219 -0.620007696508768 0.13691087450478018 0.24391442694858212 0.08438936236604219 0.280235786945586 0.20955359480835048 -0.2258641872965651 -0.1749678496509519 -0.48880710166344743 +22000,-1.0800094673230785,0,-1.7821364411400296 -1.8196186402154746 -1.9969174384886181 -2.0693537873247916 -1.7577072309537851 -1.9581712149106136 -1.7745522935054767 -1.055941406972596 -1.050653140713231 -0.5103729093261219 -0.620007696508768 0.13691087450478018 0.24391442694858212 0.08438936236604219 0.280235786945586 0.20955359480835048 -0.2258641872965651 -0.1749678496509519 -0.48880710166344743 -0.7479321458957157 +22001,-1.3573725808154284,0,-1.8196186402154746 -1.9969174384886181 -2.0693537873247916 -1.7577072309537851 -1.9581712149106136 -1.7745522935054767 -1.055941406972596 -1.050653140713231 -0.5103729093261219 -0.620007696508768 0.13691087450478018 0.24391442694858212 0.08438936236604219 0.280235786945586 0.20955359480835048 -0.2258641872965651 -0.1749678496509519 -0.48880710166344743 -0.7479321458957157 -1.0800094673230785 +22002,-1.4148728021672128,0,-1.9969174384886181 -2.0693537873247916 -1.7577072309537851 -1.9581712149106136 -1.7745522935054767 -1.055941406972596 -1.050653140713231 -0.5103729093261219 -0.620007696508768 0.13691087450478018 0.24391442694858212 0.08438936236604219 0.280235786945586 0.20955359480835048 -0.2258641872965651 -0.1749678496509519 -0.48880710166344743 -0.7479321458957157 -1.0800094673230785 -1.3573725808154284 +22003,-1.7655235463730727,0,-2.0693537873247916 -1.7577072309537851 -1.9581712149106136 -1.7745522935054767 -1.055941406972596 -1.050653140713231 -0.5103729093261219 -0.620007696508768 0.13691087450478018 0.24391442694858212 0.08438936236604219 0.280235786945586 0.20955359480835048 -0.2258641872965651 -0.1749678496509519 -0.48880710166344743 -0.7479321458957157 -1.0800094673230785 -1.3573725808154284 -1.4148728021672128 +22004,-1.8963113984383848,0,-1.7577072309537851 -1.9581712149106136 -1.7745522935054767 -1.055941406972596 -1.050653140713231 -0.5103729093261219 -0.620007696508768 0.13691087450478018 0.24391442694858212 0.08438936236604219 0.280235786945586 0.20955359480835048 -0.2258641872965651 -0.1749678496509519 -0.48880710166344743 -0.7479321458957157 -1.0800094673230785 -1.3573725808154284 -1.4148728021672128 -1.7655235463730727 +22005,-1.8174517408913142,0,-1.9581712149106136 -1.7745522935054767 -1.055941406972596 -1.050653140713231 -0.5103729093261219 -0.620007696508768 0.13691087450478018 0.24391442694858212 0.08438936236604219 0.280235786945586 0.20955359480835048 -0.2258641872965651 -0.1749678496509519 -0.48880710166344743 -0.7479321458957157 -1.0800094673230785 -1.3573725808154284 -1.4148728021672128 -1.7655235463730727 -1.8963113984383848 +22006,-2.018122096160745,0,-1.7745522935054767 -1.055941406972596 -1.050653140713231 -0.5103729093261219 -0.620007696508768 0.13691087450478018 0.24391442694858212 0.08438936236604219 0.280235786945586 0.20955359480835048 -0.2258641872965651 -0.1749678496509519 -0.48880710166344743 -0.7479321458957157 -1.0800094673230785 -1.3573725808154284 -1.4148728021672128 -1.7655235463730727 -1.8963113984383848 -1.8174517408913142 +22007,-2.009144941817802,0,-1.055941406972596 -1.050653140713231 -0.5103729093261219 -0.620007696508768 0.13691087450478018 0.24391442694858212 0.08438936236604219 0.280235786945586 0.20955359480835048 -0.2258641872965651 -0.1749678496509519 -0.48880710166344743 -0.7479321458957157 -1.0800094673230785 -1.3573725808154284 -1.4148728021672128 -1.7655235463730727 -1.8963113984383848 -1.8174517408913142 -2.018122096160745 +22008,-1.795163633557107,0,-1.050653140713231 -0.5103729093261219 -0.620007696508768 0.13691087450478018 0.24391442694858212 0.08438936236604219 0.280235786945586 0.20955359480835048 -0.2258641872965651 -0.1749678496509519 -0.48880710166344743 -0.7479321458957157 -1.0800094673230785 -1.3573725808154284 -1.4148728021672128 -1.7655235463730727 -1.8963113984383848 -1.8174517408913142 -2.018122096160745 -2.009144941817802 +22009,-1.8545211971867421,0,-0.5103729093261219 -0.620007696508768 0.13691087450478018 0.24391442694858212 0.08438936236604219 0.280235786945586 0.20955359480835048 -0.2258641872965651 -0.1749678496509519 -0.48880710166344743 -0.7479321458957157 -1.0800094673230785 -1.3573725808154284 -1.4148728021672128 -1.7655235463730727 -1.8963113984383848 -1.8174517408913142 -2.018122096160745 -2.009144941817802 -1.795163633557107 +22010,-1.708874606898634,0,-0.620007696508768 0.13691087450478018 0.24391442694858212 0.08438936236604219 0.280235786945586 0.20955359480835048 -0.2258641872965651 -0.1749678496509519 -0.48880710166344743 -0.7479321458957157 -1.0800094673230785 -1.3573725808154284 -1.4148728021672128 -1.7655235463730727 -1.8963113984383848 -1.8174517408913142 -2.018122096160745 -2.009144941817802 -1.795163633557107 -1.8545211971867421 +22011,-1.3315245674486706,0,0.13691087450478018 0.24391442694858212 0.08438936236604219 0.280235786945586 0.20955359480835048 -0.2258641872965651 -0.1749678496509519 -0.48880710166344743 -0.7479321458957157 -1.0800094673230785 -1.3573725808154284 -1.4148728021672128 -1.7655235463730727 -1.8963113984383848 -1.8174517408913142 -2.018122096160745 -2.009144941817802 -1.795163633557107 -1.8545211971867421 -1.708874606898634 +22012,-1.2631124602145083,0,0.24391442694858212 0.08438936236604219 0.280235786945586 0.20955359480835048 -0.2258641872965651 -0.1749678496509519 -0.48880710166344743 -0.7479321458957157 -1.0800094673230785 -1.3573725808154284 -1.4148728021672128 -1.7655235463730727 -1.8963113984383848 -1.8174517408913142 -2.018122096160745 -2.009144941817802 -1.795163633557107 -1.8545211971867421 -1.708874606898634 -1.3315245674486706 +22013,-0.9629969038184909,0,0.08438936236604219 0.280235786945586 0.20955359480835048 -0.2258641872965651 -0.1749678496509519 -0.48880710166344743 -0.7479321458957157 -1.0800094673230785 -1.3573725808154284 -1.4148728021672128 -1.7655235463730727 -1.8963113984383848 -1.8174517408913142 -2.018122096160745 -2.009144941817802 -1.795163633557107 -1.8545211971867421 -1.708874606898634 -1.3315245674486706 -1.2631124602145083 +22014,-0.941173132053753,0,0.280235786945586 0.20955359480835048 -0.2258641872965651 -0.1749678496509519 -0.48880710166344743 -0.7479321458957157 -1.0800094673230785 -1.3573725808154284 -1.4148728021672128 -1.7655235463730727 -1.8963113984383848 -1.8174517408913142 -2.018122096160745 -2.009144941817802 -1.795163633557107 -1.8545211971867421 -1.708874606898634 -1.3315245674486706 -1.2631124602145083 -0.9629969038184909 +22015,-0.5482936474989042,0,0.20955359480835048 -0.2258641872965651 -0.1749678496509519 -0.48880710166344743 -0.7479321458957157 -1.0800094673230785 -1.3573725808154284 -1.4148728021672128 -1.7655235463730727 -1.8963113984383848 -1.8174517408913142 -2.018122096160745 -2.009144941817802 -1.795163633557107 -1.8545211971867421 -1.708874606898634 -1.3315245674486706 -1.2631124602145083 -0.9629969038184909 -0.941173132053753 +22016,-0.4337059474205493,0,-0.2258641872965651 -0.1749678496509519 -0.48880710166344743 -0.7479321458957157 -1.0800094673230785 -1.3573725808154284 -1.4148728021672128 -1.7655235463730727 -1.8963113984383848 -1.8174517408913142 -2.018122096160745 -2.009144941817802 -1.795163633557107 -1.8545211971867421 -1.708874606898634 -1.3315245674486706 -1.2631124602145083 -0.9629969038184909 -0.941173132053753 -0.5482936474989042 +22017,-0.5750445355324685,0,-0.1749678496509519 -0.48880710166344743 -0.7479321458957157 -1.0800094673230785 -1.3573725808154284 -1.4148728021672128 -1.7655235463730727 -1.8963113984383848 -1.8174517408913142 -2.018122096160745 -2.009144941817802 -1.795163633557107 -1.8545211971867421 -1.708874606898634 -1.3315245674486706 -1.2631124602145083 -0.9629969038184909 -0.941173132053753 -0.5482936474989042 -0.4337059474205493 +22018,-0.3751480728787991,0,-0.48880710166344743 -0.7479321458957157 -1.0800094673230785 -1.3573725808154284 -1.4148728021672128 -1.7655235463730727 -1.8963113984383848 -1.8174517408913142 -2.018122096160745 -2.009144941817802 -1.795163633557107 -1.8545211971867421 -1.708874606898634 -1.3315245674486706 -1.2631124602145083 -0.9629969038184909 -0.941173132053753 -0.5482936474989042 -0.4337059474205493 -0.5750445355324685 +22019,-0.4311778982606269,0,-0.7479321458957157 -1.0800094673230785 -1.3573725808154284 -1.4148728021672128 -1.7655235463730727 -1.8963113984383848 -1.8174517408913142 -2.018122096160745 -2.009144941817802 -1.795163633557107 -1.8545211971867421 -1.708874606898634 -1.3315245674486706 -1.2631124602145083 -0.9629969038184909 -0.941173132053753 -0.5482936474989042 -0.4337059474205493 -0.5750445355324685 -0.3751480728787991 +22020,-0.8627004208145675,0,-1.0800094673230785 -1.3573725808154284 -1.4148728021672128 -1.7655235463730727 -1.8963113984383848 -1.8174517408913142 -2.018122096160745 -2.009144941817802 -1.795163633557107 -1.8545211971867421 -1.708874606898634 -1.3315245674486706 -1.2631124602145083 -0.9629969038184909 -0.941173132053753 -0.5482936474989042 -0.4337059474205493 -0.5750445355324685 -0.3751480728787991 -0.4311778982606269 +22021,-0.7935660137540957,0,-1.3573725808154284 -1.4148728021672128 -1.7655235463730727 -1.8963113984383848 -1.8174517408913142 -2.018122096160745 -2.009144941817802 -1.795163633557107 -1.8545211971867421 -1.708874606898634 -1.3315245674486706 -1.2631124602145083 -0.9629969038184909 -0.941173132053753 -0.5482936474989042 -0.4337059474205493 -0.5750445355324685 -0.3751480728787991 -0.4311778982606269 -0.8627004208145675 +22022,-1.0999243040205138,0,-1.4148728021672128 -1.7655235463730727 -1.8963113984383848 -1.8174517408913142 -2.018122096160745 -2.009144941817802 -1.795163633557107 -1.8545211971867421 -1.708874606898634 -1.3315245674486706 -1.2631124602145083 -0.9629969038184909 -0.941173132053753 -0.5482936474989042 -0.4337059474205493 -0.5750445355324685 -0.3751480728787991 -0.4311778982606269 -0.8627004208145675 -0.7935660137540957 +22023,-1.3507944935813716,0,-1.7655235463730727 -1.8963113984383848 -1.8174517408913142 -2.018122096160745 -2.009144941817802 -1.795163633557107 -1.8545211971867421 -1.708874606898634 -1.3315245674486706 -1.2631124602145083 -0.9629969038184909 -0.941173132053753 -0.5482936474989042 -0.4337059474205493 -0.5750445355324685 -0.3751480728787991 -0.4311778982606269 -0.8627004208145675 -0.7935660137540957 -1.0999243040205138 +22024,-1.6756488172099346,0,-1.8963113984383848 -1.8174517408913142 -2.018122096160745 -2.009144941817802 -1.795163633557107 -1.8545211971867421 -1.708874606898634 -1.3315245674486706 -1.2631124602145083 -0.9629969038184909 -0.941173132053753 -0.5482936474989042 -0.4337059474205493 -0.5750445355324685 -0.3751480728787991 -0.4311778982606269 -0.8627004208145675 -0.7935660137540957 -1.0999243040205138 -1.3507944935813716 +22025,-1.9450150404425,0,-1.8174517408913142 -2.018122096160745 -2.009144941817802 -1.795163633557107 -1.8545211971867421 -1.708874606898634 -1.3315245674486706 -1.2631124602145083 -0.9629969038184909 -0.941173132053753 -0.5482936474989042 -0.4337059474205493 -0.5750445355324685 -0.3751480728787991 -0.4311778982606269 -0.8627004208145675 -0.7935660137540957 -1.0999243040205138 -1.3507944935813716 -1.6756488172099346 +22026,-1.962324438563652,0,-2.018122096160745 -2.009144941817802 -1.795163633557107 -1.8545211971867421 -1.708874606898634 -1.3315245674486706 -1.2631124602145083 -0.9629969038184909 -0.941173132053753 -0.5482936474989042 -0.4337059474205493 -0.5750445355324685 -0.3751480728787991 -0.4311778982606269 -0.8627004208145675 -0.7935660137540957 -1.0999243040205138 -1.3507944935813716 -1.6756488172099346 -1.9450150404425 +22027,-2.31570960339684,0,-2.009144941817802 -1.795163633557107 -1.8545211971867421 -1.708874606898634 -1.3315245674486706 -1.2631124602145083 -0.9629969038184909 -0.941173132053753 -0.5482936474989042 -0.4337059474205493 -0.5750445355324685 -0.3751480728787991 -0.4311778982606269 -0.8627004208145675 -0.7935660137540957 -1.0999243040205138 -1.3507944935813716 -1.6756488172099346 -1.9450150404425 -1.962324438563652 +22028,-2.417037943118606,0,-1.795163633557107 -1.8545211971867421 -1.708874606898634 -1.3315245674486706 -1.2631124602145083 -0.9629969038184909 -0.941173132053753 -0.5482936474989042 -0.4337059474205493 -0.5750445355324685 -0.3751480728787991 -0.4311778982606269 -0.8627004208145675 -0.7935660137540957 -1.0999243040205138 -1.3507944935813716 -1.6756488172099346 -1.9450150404425 -1.962324438563652 -2.31570960339684 +22029,-2.453359303270387,0,-1.8545211971867421 -1.708874606898634 -1.3315245674486706 -1.2631124602145083 -0.9629969038184909 -0.941173132053753 -0.5482936474989042 -0.4337059474205493 -0.5750445355324685 -0.3751480728787991 -0.4311778982606269 -0.8627004208145675 -0.7935660137540957 -1.0999243040205138 -1.3507944935813716 -1.6756488172099346 -1.9450150404425 -1.962324438563652 -2.31570960339684 -2.417037943118606 +22030,-2.576356636388526,0,-1.708874606898634 -1.3315245674486706 -1.2631124602145083 -0.9629969038184909 -0.941173132053753 -0.5482936474989042 -0.4337059474205493 -0.5750445355324685 -0.3751480728787991 -0.4311778982606269 -0.8627004208145675 -0.7935660137540957 -1.0999243040205138 -1.3507944935813716 -1.6756488172099346 -1.9450150404425 -1.962324438563652 -2.31570960339684 -2.417037943118606 -2.453359303270387 +22031,-2.634346989627117,0,-1.3315245674486706 -1.2631124602145083 -0.9629969038184909 -0.941173132053753 -0.5482936474989042 -0.4337059474205493 -0.5750445355324685 -0.3751480728787991 -0.4311778982606269 -0.8627004208145675 -0.7935660137540957 -1.0999243040205138 -1.3507944935813716 -1.6756488172099346 -1.9450150404425 -1.962324438563652 -2.31570960339684 -2.417037943118606 -2.453359303270387 -2.576356636388526 +22032,-2.3156838069247168,0,-1.2631124602145083 -0.9629969038184909 -0.941173132053753 -0.5482936474989042 -0.4337059474205493 -0.5750445355324685 -0.3751480728787991 -0.4311778982606269 -0.8627004208145675 -0.7935660137540957 -1.0999243040205138 -1.3507944935813716 -1.6756488172099346 -1.9450150404425 -1.962324438563652 -2.31570960339684 -2.417037943118606 -2.453359303270387 -2.576356636388526 -2.634346989627117 +22033,-2.499225338913493,0,-0.9629969038184909 -0.941173132053753 -0.5482936474989042 -0.4337059474205493 -0.5750445355324685 -0.3751480728787991 -0.4311778982606269 -0.8627004208145675 -0.7935660137540957 -1.0999243040205138 -1.3507944935813716 -1.6756488172099346 -1.9450150404425 -1.962324438563652 -2.31570960339684 -2.417037943118606 -2.453359303270387 -2.576356636388526 -2.634346989627117 -2.3156838069247168 +22034,-2.3061133349612772,0,-0.941173132053753 -0.5482936474989042 -0.4337059474205493 -0.5750445355324685 -0.3751480728787991 -0.4311778982606269 -0.8627004208145675 -0.7935660137540957 -1.0999243040205138 -1.3507944935813716 -1.6756488172099346 -1.9450150404425 -1.962324438563652 -2.31570960339684 -2.417037943118606 -2.453359303270387 -2.576356636388526 -2.634346989627117 -2.3156838069247168 -2.499225338913493 +22035,-1.7463310095019557,0,-0.5482936474989042 -0.4337059474205493 -0.5750445355324685 -0.3751480728787991 -0.4311778982606269 -0.8627004208145675 -0.7935660137540957 -1.0999243040205138 -1.3507944935813716 -1.6756488172099346 -1.9450150404425 -1.962324438563652 -2.31570960339684 -2.417037943118606 -2.453359303270387 -2.576356636388526 -2.634346989627117 -2.3156838069247168 -2.499225338913493 -2.3061133349612772 +22036,-1.675442445897332,0,-0.4337059474205493 -0.5750445355324685 -0.3751480728787991 -0.4311778982606269 -0.8627004208145675 -0.7935660137540957 -1.0999243040205138 -1.3507944935813716 -1.6756488172099346 -1.9450150404425 -1.962324438563652 -2.31570960339684 -2.417037943118606 -2.453359303270387 -2.576356636388526 -2.634346989627117 -2.3156838069247168 -2.499225338913493 -2.3061133349612772 -1.7463310095019557 +22037,-1.2378835609403704,0,-0.5750445355324685 -0.3751480728787991 -0.4311778982606269 -0.8627004208145675 -0.7935660137540957 -1.0999243040205138 -1.3507944935813716 -1.6756488172099346 -1.9450150404425 -1.962324438563652 -2.31570960339684 -2.417037943118606 -2.453359303270387 -2.576356636388526 -2.634346989627117 -2.3156838069247168 -2.499225338913493 -2.3061133349612772 -1.7463310095019557 -1.675442445897332 +22038,-1.4340653390383387,0,-0.3751480728787991 -0.4311778982606269 -0.8627004208145675 -0.7935660137540957 -1.0999243040205138 -1.3507944935813716 -1.6756488172099346 -1.9450150404425 -1.962324438563652 -2.31570960339684 -2.417037943118606 -2.453359303270387 -2.576356636388526 -2.634346989627117 -2.3156838069247168 -2.499225338913493 -2.3061133349612772 -1.7463310095019557 -1.675442445897332 -1.2378835609403704 +22039,-0.7852595664480014,0,-0.4311778982606269 -0.8627004208145675 -0.7935660137540957 -1.0999243040205138 -1.3507944935813716 -1.6756488172099346 -1.9450150404425 -1.962324438563652 -2.31570960339684 -2.417037943118606 -2.453359303270387 -2.576356636388526 -2.634346989627117 -2.3156838069247168 -2.499225338913493 -2.3061133349612772 -1.7463310095019557 -1.675442445897332 -1.2378835609403704 -1.4340653390383387 +22040,-0.7701944567578084,0,-0.8627004208145675 -0.7935660137540957 -1.0999243040205138 -1.3507944935813716 -1.6756488172099346 -1.9450150404425 -1.962324438563652 -2.31570960339684 -2.417037943118606 -2.453359303270387 -2.576356636388526 -2.634346989627117 -2.3156838069247168 -2.499225338913493 -2.3061133349612772 -1.7463310095019557 -1.675442445897332 -1.2378835609403704 -1.4340653390383387 -0.7852595664480014 +22041,-1.0516076083242838,0,-0.7935660137540957 -1.0999243040205138 -1.3507944935813716 -1.6756488172099346 -1.9450150404425 -1.962324438563652 -2.31570960339684 -2.417037943118606 -2.453359303270387 -2.576356636388526 -2.634346989627117 -2.3156838069247168 -2.499225338913493 -2.3061133349612772 -1.7463310095019557 -1.675442445897332 -1.2378835609403704 -1.4340653390383387 -0.7852595664480014 -0.7701944567578084 +22042,-0.9377164117549008,0,-1.0999243040205138 -1.3507944935813716 -1.6756488172099346 -1.9450150404425 -1.962324438563652 -2.31570960339684 -2.417037943118606 -2.453359303270387 -2.576356636388526 -2.634346989627117 -2.3156838069247168 -2.499225338913493 -2.3061133349612772 -1.7463310095019557 -1.675442445897332 -1.2378835609403704 -1.4340653390383387 -0.7852595664480014 -0.7701944567578084 -1.0516076083242838 +22043,-1.1203034761326327,0,-1.3507944935813716 -1.6756488172099346 -1.9450150404425 -1.962324438563652 -2.31570960339684 -2.417037943118606 -2.453359303270387 -2.576356636388526 -2.634346989627117 -2.3156838069247168 -2.499225338913493 -2.3061133349612772 -1.7463310095019557 -1.675442445897332 -1.2378835609403704 -1.4340653390383387 -0.7852595664480014 -0.7701944567578084 -1.0516076083242838 -0.9377164117549008 +22044,-1.0498276553080086,0,-1.6756488172099346 -1.9450150404425 -1.962324438563652 -2.31570960339684 -2.417037943118606 -2.453359303270387 -2.576356636388526 -2.634346989627117 -2.3156838069247168 -2.499225338913493 -2.3061133349612772 -1.7463310095019557 -1.675442445897332 -1.2378835609403704 -1.4340653390383387 -0.7852595664480014 -0.7701944567578084 -1.0516076083242838 -0.9377164117549008 -1.1203034761326327 +22045,-1.3167690149595643,0,-1.9450150404425 -1.962324438563652 -2.31570960339684 -2.417037943118606 -2.453359303270387 -2.576356636388526 -2.634346989627117 -2.3156838069247168 -2.499225338913493 -2.3061133349612772 -1.7463310095019557 -1.675442445897332 -1.2378835609403704 -1.4340653390383387 -0.7852595664480014 -0.7701944567578084 -1.0516076083242838 -0.9377164117549008 -1.1203034761326327 -1.0498276553080086 +22046,-1.3306474890992017,0,-1.962324438563652 -2.31570960339684 -2.417037943118606 -2.453359303270387 -2.576356636388526 -2.634346989627117 -2.3156838069247168 -2.499225338913493 -2.3061133349612772 -1.7463310095019557 -1.675442445897332 -1.2378835609403704 -1.4340653390383387 -0.7852595664480014 -0.7701944567578084 -1.0516076083242838 -0.9377164117549008 -1.1203034761326327 -1.0498276553080086 -1.3167690149595643 +22047,-1.358920366046969,0,-2.31570960339684 -2.417037943118606 -2.453359303270387 -2.576356636388526 -2.634346989627117 -2.3156838069247168 -2.499225338913493 -2.3061133349612772 -1.7463310095019557 -1.675442445897332 -1.2378835609403704 -1.4340653390383387 -0.7852595664480014 -0.7701944567578084 -1.0516076083242838 -0.9377164117549008 -1.1203034761326327 -1.0498276553080086 -1.3167690149595643 -1.3306474890992017 +22048,-1.368000706123602,0,-2.417037943118606 -2.453359303270387 -2.576356636388526 -2.634346989627117 -2.3156838069247168 -2.499225338913493 -2.3061133349612772 -1.7463310095019557 -1.675442445897332 -1.2378835609403704 -1.4340653390383387 -0.7852595664480014 -0.7701944567578084 -1.0516076083242838 -0.9377164117549008 -1.1203034761326327 -1.0498276553080086 -1.3167690149595643 -1.3306474890992017 -1.358920366046969 +22049,-1.391475448698811,0,-2.453359303270387 -2.576356636388526 -2.634346989627117 -2.3156838069247168 -2.499225338913493 -2.3061133349612772 -1.7463310095019557 -1.675442445897332 -1.2378835609403704 -1.4340653390383387 -0.7852595664480014 -0.7701944567578084 -1.0516076083242838 -0.9377164117549008 -1.1203034761326327 -1.0498276553080086 -1.3167690149595643 -1.3306474890992017 -1.358920366046969 -1.368000706123602 +22050,-1.6393016607408162,0,-2.576356636388526 -2.634346989627117 -2.3156838069247168 -2.499225338913493 -2.3061133349612772 -1.7463310095019557 -1.675442445897332 -1.2378835609403704 -1.4340653390383387 -0.7852595664480014 -0.7701944567578084 -1.0516076083242838 -0.9377164117549008 -1.1203034761326327 -1.0498276553080086 -1.3167690149595643 -1.3306474890992017 -1.358920366046969 -1.368000706123602 -1.391475448698811 +22051,-1.5879925803151946,0,-2.634346989627117 -2.3156838069247168 -2.499225338913493 -2.3061133349612772 -1.7463310095019557 -1.675442445897332 -1.2378835609403704 -1.4340653390383387 -0.7852595664480014 -0.7701944567578084 -1.0516076083242838 -0.9377164117549008 -1.1203034761326327 -1.0498276553080086 -1.3167690149595643 -1.3306474890992017 -1.358920366046969 -1.368000706123602 -1.391475448698811 -1.6393016607408162 +22052,-1.7610349692016012,0,-2.3156838069247168 -2.499225338913493 -2.3061133349612772 -1.7463310095019557 -1.675442445897332 -1.2378835609403704 -1.4340653390383387 -0.7852595664480014 -0.7701944567578084 -1.0516076083242838 -0.9377164117549008 -1.1203034761326327 -1.0498276553080086 -1.3167690149595643 -1.3306474890992017 -1.358920366046969 -1.368000706123602 -1.391475448698811 -1.6393016607408162 -1.5879925803151946 +22053,-1.9339225795648574,0,-2.499225338913493 -2.3061133349612772 -1.7463310095019557 -1.675442445897332 -1.2378835609403704 -1.4340653390383387 -0.7852595664480014 -0.7701944567578084 -1.0516076083242838 -0.9377164117549008 -1.1203034761326327 -1.0498276553080086 -1.3167690149595643 -1.3306474890992017 -1.358920366046969 -1.368000706123602 -1.391475448698811 -1.6393016607408162 -1.5879925803151946 -1.7610349692016012 +22054,-2.107016561240725,0,-2.3061133349612772 -1.7463310095019557 -1.675442445897332 -1.2378835609403704 -1.4340653390383387 -0.7852595664480014 -0.7701944567578084 -1.0516076083242838 -0.9377164117549008 -1.1203034761326327 -1.0498276553080086 -1.3167690149595643 -1.3306474890992017 -1.358920366046969 -1.368000706123602 -1.391475448698811 -1.6393016607408162 -1.5879925803151946 -1.7610349692016012 -1.9339225795648574 +22055,-2.2799557645482182,0,-1.7463310095019557 -1.675442445897332 -1.2378835609403704 -1.4340653390383387 -0.7852595664480014 -0.7701944567578084 -1.0516076083242838 -0.9377164117549008 -1.1203034761326327 -1.0498276553080086 -1.3167690149595643 -1.3306474890992017 -1.358920366046969 -1.368000706123602 -1.391475448698811 -1.6393016607408162 -1.5879925803151946 -1.7610349692016012 -1.9339225795648574 -2.107016561240725 +22056,-1.9607766533321112,0,-1.675442445897332 -1.2378835609403704 -1.4340653390383387 -0.7852595664480014 -0.7701944567578084 -1.0516076083242838 -0.9377164117549008 -1.1203034761326327 -1.0498276553080086 -1.3167690149595643 -1.3306474890992017 -1.358920366046969 -1.368000706123602 -1.391475448698811 -1.6393016607408162 -1.5879925803151946 -1.7610349692016012 -1.9339225795648574 -2.107016561240725 -2.2799557645482182 +22057,-2.2977552947109454,0,-1.2378835609403704 -1.4340653390383387 -0.7852595664480014 -0.7701944567578084 -1.0516076083242838 -0.9377164117549008 -1.1203034761326327 -1.0498276553080086 -1.3167690149595643 -1.3306474890992017 -1.358920366046969 -1.368000706123602 -1.391475448698811 -1.6393016607408162 -1.5879925803151946 -1.7610349692016012 -1.9339225795648574 -2.107016561240725 -2.2799557645482182 -1.9607766533321112 +22058,-2.142615621566187,0,-1.4340653390383387 -0.7852595664480014 -0.7701944567578084 -1.0516076083242838 -0.9377164117549008 -1.1203034761326327 -1.0498276553080086 -1.3167690149595643 -1.3306474890992017 -1.358920366046969 -1.368000706123602 -1.391475448698811 -1.6393016607408162 -1.5879925803151946 -1.7610349692016012 -1.9339225795648574 -2.107016561240725 -2.2799557645482182 -1.9607766533321112 -2.2977552947109454 +22059,-1.6079590098020908,0,-0.7852595664480014 -0.7701944567578084 -1.0516076083242838 -0.9377164117549008 -1.1203034761326327 -1.0498276553080086 -1.3167690149595643 -1.3306474890992017 -1.358920366046969 -1.368000706123602 -1.391475448698811 -1.6393016607408162 -1.5879925803151946 -1.7610349692016012 -1.9339225795648574 -2.107016561240725 -2.2799557645482182 -1.9607766533321112 -2.2977552947109454 -2.142615621566187 +22060,-1.5793249830185614,0,-0.7701944567578084 -1.0516076083242838 -0.9377164117549008 -1.1203034761326327 -1.0498276553080086 -1.3167690149595643 -1.3306474890992017 -1.358920366046969 -1.368000706123602 -1.391475448698811 -1.6393016607408162 -1.5879925803151946 -1.7610349692016012 -1.9339225795648574 -2.107016561240725 -2.2799557645482182 -1.9607766533321112 -2.2977552947109454 -2.142615621566187 -1.6079590098020908 +22061,-1.1711740174609082,0,-1.0516076083242838 -0.9377164117549008 -1.1203034761326327 -1.0498276553080086 -1.3167690149595643 -1.3306474890992017 -1.358920366046969 -1.368000706123602 -1.391475448698811 -1.6393016607408162 -1.5879925803151946 -1.7610349692016012 -1.9339225795648574 -2.107016561240725 -2.2799557645482182 -1.9607766533321112 -2.2977552947109454 -2.142615621566187 -1.6079590098020908 -1.5793249830185614 +22062,-1.1002854538562756,0,-0.9377164117549008 -1.1203034761326327 -1.0498276553080086 -1.3167690149595643 -1.3306474890992017 -1.358920366046969 -1.368000706123602 -1.391475448698811 -1.6393016607408162 -1.5879925803151946 -1.7610349692016012 -1.9339225795648574 -2.107016561240725 -2.2799557645482182 -1.9607766533321112 -2.2977552947109454 -2.142615621566187 -1.6079590098020908 -1.5793249830185614 -1.1711740174609082 +22063,-0.5797136876992138,0,-1.1203034761326327 -1.0498276553080086 -1.3167690149595643 -1.3306474890992017 -1.358920366046969 -1.368000706123602 -1.391475448698811 -1.6393016607408162 -1.5879925803151946 -1.7610349692016012 -1.9339225795648574 -2.107016561240725 -2.2799557645482182 -1.9607766533321112 -2.2977552947109454 -2.142615621566187 -1.6079590098020908 -1.5793249830185614 -1.1711740174609082 -1.1002854538562756 +22064,-0.39640432334038683,0,-1.0498276553080086 -1.3167690149595643 -1.3306474890992017 -1.358920366046969 -1.368000706123602 -1.391475448698811 -1.6393016607408162 -1.5879925803151946 -1.7610349692016012 -1.9339225795648574 -2.107016561240725 -2.2799557645482182 -1.9607766533321112 -2.2977552947109454 -2.142615621566187 -1.6079590098020908 -1.5793249830185614 -1.1711740174609082 -1.1002854538562756 -0.5797136876992138 +22065,-0.47227159615806585,0,-1.3167690149595643 -1.3306474890992017 -1.358920366046969 -1.368000706123602 -1.391475448698811 -1.6393016607408162 -1.5879925803151946 -1.7610349692016012 -1.9339225795648574 -2.107016561240725 -2.2799557645482182 -1.9607766533321112 -2.2977552947109454 -2.142615621566187 -1.6079590098020908 -1.5793249830185614 -1.1711740174609082 -1.1002854538562756 -0.5797136876992138 -0.39640432334038683 +22066,-0.20257001956185297,0,-1.3306474890992017 -1.358920366046969 -1.368000706123602 -1.391475448698811 -1.6393016607408162 -1.5879925803151946 -1.7610349692016012 -1.9339225795648574 -2.107016561240725 -2.2799557645482182 -1.9607766533321112 -2.2977552947109454 -2.142615621566187 -1.6079590098020908 -1.5793249830185614 -1.1711740174609082 -1.1002854538562756 -0.5797136876992138 -0.39640432334038683 -0.47227159615806585 +22067,-0.1920450799873692,0,-1.358920366046969 -1.368000706123602 -1.391475448698811 -1.6393016607408162 -1.5879925803151946 -1.7610349692016012 -1.9339225795648574 -2.107016561240725 -2.2799557645482182 -1.9607766533321112 -2.2977552947109454 -2.142615621566187 -1.6079590098020908 -1.5793249830185614 -1.1711740174609082 -1.1002854538562756 -0.5797136876992138 -0.39640432334038683 -0.47227159615806585 -0.20257001956185297 +22068,-0.6241867166339296,0,-1.368000706123602 -1.391475448698811 -1.6393016607408162 -1.5879925803151946 -1.7610349692016012 -1.9339225795648574 -2.107016561240725 -2.2799557645482182 -1.9607766533321112 -2.2977552947109454 -2.142615621566187 -1.6079590098020908 -1.5793249830185614 -1.1711740174609082 -1.1002854538562756 -0.5797136876992138 -0.39640432334038683 -0.47227159615806585 -0.20257001956185297 -0.1920450799873692 +22069,-0.46610625170401754,0,-1.391475448698811 -1.6393016607408162 -1.5879925803151946 -1.7610349692016012 -1.9339225795648574 -2.107016561240725 -2.2799557645482182 -1.9607766533321112 -2.2977552947109454 -2.142615621566187 -1.6079590098020908 -1.5793249830185614 -1.1711740174609082 -1.1002854538562756 -0.5797136876992138 -0.39640432334038683 -0.47227159615806585 -0.20257001956185297 -0.1920450799873692 -0.6241867166339296 +22070,-0.7506923628403728,0,-1.6393016607408162 -1.5879925803151946 -1.7610349692016012 -1.9339225795648574 -2.107016561240725 -2.2799557645482182 -1.9607766533321112 -2.2977552947109454 -2.142615621566187 -1.6079590098020908 -1.5793249830185614 -1.1711740174609082 -1.1002854538562756 -0.5797136876992138 -0.39640432334038683 -0.47227159615806585 -0.20257001956185297 -0.1920450799873692 -0.6241867166339296 -0.46610625170401754 +22071,-1.0503693801390441,0,-1.5879925803151946 -1.7610349692016012 -1.9339225795648574 -2.107016561240725 -2.2799557645482182 -1.9607766533321112 -2.2977552947109454 -2.142615621566187 -1.6079590098020908 -1.5793249830185614 -1.1711740174609082 -1.1002854538562756 -0.5797136876992138 -0.39640432334038683 -0.47227159615806585 -0.20257001956185297 -0.1920450799873692 -0.6241867166339296 -0.46610625170401754 -0.7506923628403728 +22072,-1.3299251894276691,0,-1.7610349692016012 -1.9339225795648574 -2.107016561240725 -2.2799557645482182 -1.9607766533321112 -2.2977552947109454 -2.142615621566187 -1.6079590098020908 -1.5793249830185614 -1.1711740174609082 -1.1002854538562756 -0.5797136876992138 -0.39640432334038683 -0.47227159615806585 -0.20257001956185297 -0.1920450799873692 -0.6241867166339296 -0.46610625170401754 -0.7506923628403728 -1.0503693801390441 +22073,-1.6245719045690477,0,-1.9339225795648574 -2.107016561240725 -2.2799557645482182 -1.9607766533321112 -2.2977552947109454 -2.142615621566187 -1.6079590098020908 -1.5793249830185614 -1.1711740174609082 -1.1002854538562756 -0.5797136876992138 -0.39640432334038683 -0.47227159615806585 -0.20257001956185297 -0.1920450799873692 -0.6241867166339296 -0.46610625170401754 -0.7506923628403728 -1.0503693801390441 -1.3299251894276691 +22074,-1.5814144930811467,0,-2.107016561240725 -2.2799557645482182 -1.9607766533321112 -2.2977552947109454 -2.142615621566187 -1.6079590098020908 -1.5793249830185614 -1.1711740174609082 -1.1002854538562756 -0.5797136876992138 -0.39640432334038683 -0.47227159615806585 -0.20257001956185297 -0.1920450799873692 -0.6241867166339296 -0.46610625170401754 -0.7506923628403728 -1.0503693801390441 -1.3299251894276691 -1.6245719045690477 +22075,-1.9886625839719934,0,-2.2799557645482182 -1.9607766533321112 -2.2977552947109454 -2.142615621566187 -1.6079590098020908 -1.5793249830185614 -1.1711740174609082 -1.1002854538562756 -0.5797136876992138 -0.39640432334038683 -0.47227159615806585 -0.20257001956185297 -0.1920450799873692 -0.6241867166339296 -0.46610625170401754 -0.7506923628403728 -1.0503693801390441 -1.3299251894276691 -1.6245719045690477 -1.5814144930811467 +22076,-2.0581065479239893,0,-1.9607766533321112 -2.2977552947109454 -2.142615621566187 -1.6079590098020908 -1.5793249830185614 -1.1711740174609082 -1.1002854538562756 -0.5797136876992138 -0.39640432334038683 -0.47227159615806585 -0.20257001956185297 -0.1920450799873692 -0.6241867166339296 -0.46610625170401754 -0.7506923628403728 -1.0503693801390441 -1.3299251894276691 -1.6245719045690477 -1.5814144930811467 -1.9886625839719934 +22077,-2.0852185859481014,0,-2.2977552947109454 -2.142615621566187 -1.6079590098020908 -1.5793249830185614 -1.1711740174609082 -1.1002854538562756 -0.5797136876992138 -0.39640432334038683 -0.47227159615806585 -0.20257001956185297 -0.1920450799873692 -0.6241867166339296 -0.46610625170401754 -0.7506923628403728 -1.0503693801390441 -1.3299251894276691 -1.6245719045690477 -1.5814144930811467 -1.9886625839719934 -2.0581065479239893 +22078,-2.168773191979255,0,-2.142615621566187 -1.6079590098020908 -1.5793249830185614 -1.1711740174609082 -1.1002854538562756 -0.5797136876992138 -0.39640432334038683 -0.47227159615806585 -0.20257001956185297 -0.1920450799873692 -0.6241867166339296 -0.46610625170401754 -0.7506923628403728 -1.0503693801390441 -1.3299251894276691 -1.6245719045690477 -1.5814144930811467 -1.9886625839719934 -2.0581065479239893 -2.0852185859481014 +22079,-2.2099958720825157,0,-1.6079590098020908 -1.5793249830185614 -1.1711740174609082 -1.1002854538562756 -0.5797136876992138 -0.39640432334038683 -0.47227159615806585 -0.20257001956185297 -0.1920450799873692 -0.6241867166339296 -0.46610625170401754 -0.7506923628403728 -1.0503693801390441 -1.3299251894276691 -1.6245719045690477 -1.5814144930811467 -1.9886625839719934 -2.0581065479239893 -2.0852185859481014 -2.168773191979255 +22080,-1.8966209554846947,0,-1.5793249830185614 -1.1711740174609082 -1.1002854538562756 -0.5797136876992138 -0.39640432334038683 -0.47227159615806585 -0.20257001956185297 -0.1920450799873692 -0.6241867166339296 -0.46610625170401754 -0.7506923628403728 -1.0503693801390441 -1.3299251894276691 -1.6245719045690477 -1.5814144930811467 -1.9886625839719934 -2.0581065479239893 -2.0852185859481014 -2.168773191979255 -2.2099958720825157 +22081,-2.0560428343335273,0,-1.1711740174609082 -1.1002854538562756 -0.5797136876992138 -0.39640432334038683 -0.47227159615806585 -0.20257001956185297 -0.1920450799873692 -0.6241867166339296 -0.46610625170401754 -0.7506923628403728 -1.0503693801390441 -1.3299251894276691 -1.6245719045690477 -1.5814144930811467 -1.9886625839719934 -2.0581065479239893 -2.0852185859481014 -2.168773191979255 -2.2099958720825157 -1.8966209554846947 +22082,-1.860867116636073,0,-1.1002854538562756 -0.5797136876992138 -0.39640432334038683 -0.47227159615806585 -0.20257001956185297 -0.1920450799873692 -0.6241867166339296 -0.46610625170401754 -0.7506923628403728 -1.0503693801390441 -1.3299251894276691 -1.6245719045690477 -1.5814144930811467 -1.9886625839719934 -2.0581065479239893 -2.0852185859481014 -2.168773191979255 -2.2099958720825157 -1.8966209554846947 -2.0560428343335273 +22083,-1.0992020041941954,0,-0.5797136876992138 -0.39640432334038683 -0.47227159615806585 -0.20257001956185297 -0.1920450799873692 -0.6241867166339296 -0.46610625170401754 -0.7506923628403728 -1.0503693801390441 -1.3299251894276691 -1.6245719045690477 -1.5814144930811467 -1.9886625839719934 -2.0581065479239893 -2.0852185859481014 -2.168773191979255 -2.2099958720825157 -1.8966209554846947 -2.0560428343335273 -1.860867116636073 +22084,-1.0928560847448734,0,-0.39640432334038683 -0.47227159615806585 -0.20257001956185297 -0.1920450799873692 -0.6241867166339296 -0.46610625170401754 -0.7506923628403728 -1.0503693801390441 -1.3299251894276691 -1.6245719045690477 -1.5814144930811467 -1.9886625839719934 -2.0581065479239893 -2.0852185859481014 -2.168773191979255 -2.2099958720825157 -1.8966209554846947 -2.0560428343335273 -1.860867116636073 -1.0992020041941954 +22085,-0.5200207705511456,0,-0.47227159615806585 -0.20257001956185297 -0.1920450799873692 -0.6241867166339296 -0.46610625170401754 -0.7506923628403728 -1.0503693801390441 -1.3299251894276691 -1.6245719045690477 -1.5814144930811467 -1.9886625839719934 -2.0581065479239893 -2.0852185859481014 -2.168773191979255 -2.2099958720825157 -1.8966209554846947 -2.0560428343335273 -1.860867116636073 -1.0992020041941954 -1.0928560847448734 +22086,-0.5876589851695286,0,-0.20257001956185297 -0.1920450799873692 -0.6241867166339296 -0.46610625170401754 -0.7506923628403728 -1.0503693801390441 -1.3299251894276691 -1.6245719045690477 -1.5814144930811467 -1.9886625839719934 -2.0581065479239893 -2.0852185859481014 -2.168773191979255 -2.2099958720825157 -1.8966209554846947 -2.0560428343335273 -1.860867116636073 -1.0992020041941954 -1.0928560847448734 -0.5200207705511456 +22087,0.1986675052433103,0,-0.1920450799873692 -0.6241867166339296 -0.46610625170401754 -0.7506923628403728 -1.0503693801390441 -1.3299251894276691 -1.6245719045690477 -1.5814144930811467 -1.9886625839719934 -2.0581065479239893 -2.0852185859481014 -2.168773191979255 -2.2099958720825157 -1.8966209554846947 -2.0560428343335273 -1.860867116636073 -1.0992020041941954 -1.0928560847448734 -0.5200207705511456 -0.5876589851695286 +22088,0.34452046699881544,0,-0.6241867166339296 -0.46610625170401754 -0.7506923628403728 -1.0503693801390441 -1.3299251894276691 -1.6245719045690477 -1.5814144930811467 -1.9886625839719934 -2.0581065479239893 -2.0852185859481014 -2.168773191979255 -2.2099958720825157 -1.8966209554846947 -2.0560428343335273 -1.860867116636073 -1.0992020041941954 -1.0928560847448734 -0.5200207705511456 -0.5876589851695286 0.1986675052433103 +22089,0.20178887217851496,0,-0.46610625170401754 -0.7506923628403728 -1.0503693801390441 -1.3299251894276691 -1.6245719045690477 -1.5814144930811467 -1.9886625839719934 -2.0581065479239893 -2.0852185859481014 -2.168773191979255 -2.2099958720825157 -1.8966209554846947 -2.0560428343335273 -1.860867116636073 -1.0992020041941954 -1.0928560847448734 -0.5200207705511456 -0.5876589851695286 0.1986675052433103 0.34452046699881544 +22090,0.44383668591958025,0,-0.7506923628403728 -1.0503693801390441 -1.3299251894276691 -1.6245719045690477 -1.5814144930811467 -1.9886625839719934 -2.0581065479239893 -2.0852185859481014 -2.168773191979255 -2.2099958720825157 -1.8966209554846947 -2.0560428343335273 -1.860867116636073 -1.0992020041941954 -1.0928560847448734 -0.5200207705511456 -0.5876589851695286 0.1986675052433103 0.34452046699881544 0.20178887217851496 +22091,0.3972999433944025,0,-1.0503693801390441 -1.3299251894276691 -1.6245719045690477 -1.5814144930811467 -1.9886625839719934 -2.0581065479239893 -2.0852185859481014 -2.168773191979255 -2.2099958720825157 -1.8966209554846947 -2.0560428343335273 -1.860867116636073 -1.0992020041941954 -1.0928560847448734 -0.5200207705511456 -0.5876589851695286 0.1986675052433103 0.34452046699881544 0.20178887217851496 0.44383668591958025 +22092,-0.1141914828408035,0,-1.3299251894276691 -1.6245719045690477 -1.5814144930811467 -1.9886625839719934 -2.0581065479239893 -2.0852185859481014 -2.168773191979255 -2.2099958720825157 -1.8966209554846947 -2.0560428343335273 -1.860867116636073 -1.0992020041941954 -1.0928560847448734 -0.5200207705511456 -0.5876589851695286 0.1986675052433103 0.34452046699881544 0.20178887217851496 0.44383668591958025 0.3972999433944025 +22093,-0.005743330899159362,0,-1.6245719045690477 -1.5814144930811467 -1.9886625839719934 -2.0581065479239893 -2.0852185859481014 -2.168773191979255 -2.2099958720825157 -1.8966209554846947 -2.0560428343335273 -1.860867116636073 -1.0992020041941954 -1.0928560847448734 -0.5200207705511456 -0.5876589851695286 0.1986675052433103 0.34452046699881544 0.20178887217851496 0.44383668591958025 0.3972999433944025 -0.1141914828408035 +22094,-0.36224986266754344,0,-1.5814144930811467 -1.9886625839719934 -2.0581065479239893 -2.0852185859481014 -2.168773191979255 -2.2099958720825157 -1.8966209554846947 -2.0560428343335273 -1.860867116636073 -1.0992020041941954 -1.0928560847448734 -0.5200207705511456 -0.5876589851695286 0.1986675052433103 0.34452046699881544 0.20178887217851496 0.44383668591958025 0.3972999433944025 -0.1141914828408035 -0.005743330899159362 +22095,-0.713880870801794,0,-1.9886625839719934 -2.0581065479239893 -2.0852185859481014 -2.168773191979255 -2.2099958720825157 -1.8966209554846947 -2.0560428343335273 -1.860867116636073 -1.0992020041941954 -1.0928560847448734 -0.5200207705511456 -0.5876589851695286 0.1986675052433103 0.34452046699881544 0.20178887217851496 0.44383668591958025 0.3972999433944025 -0.1141914828408035 -0.005743330899159362 -0.36224986266754344 +22096,-1.0720125769085171,0,-2.0581065479239893 -2.0852185859481014 -2.168773191979255 -2.2099958720825157 -1.8966209554846947 -2.0560428343335273 -1.860867116636073 -1.0992020041941954 -1.0928560847448734 -0.5200207705511456 -0.5876589851695286 0.1986675052433103 0.34452046699881544 0.20178887217851496 0.44383668591958025 0.3972999433944025 -0.1141914828408035 -0.005743330899159362 -0.36224986266754344 -0.713880870801794 +22097,-1.4252687596906606,0,-2.0852185859481014 -2.168773191979255 -2.2099958720825157 -1.8966209554846947 -2.0560428343335273 -1.860867116636073 -1.0992020041941954 -1.0928560847448734 -0.5200207705511456 -0.5876589851695286 0.1986675052433103 0.34452046699881544 0.20178887217851496 0.44383668591958025 0.3972999433944025 -0.1141914828408035 -0.005743330899159362 -0.36224986266754344 -0.713880870801794 -1.0720125769085171 +22098,-1.4325175538067891,0,-2.168773191979255 -2.2099958720825157 -1.8966209554846947 -2.0560428343335273 -1.860867116636073 -1.0992020041941954 -1.0928560847448734 -0.5200207705511456 -0.5876589851695286 0.1986675052433103 0.34452046699881544 0.20178887217851496 0.44383668591958025 0.3972999433944025 -0.1141914828408035 -0.005743330899159362 -0.36224986266754344 -0.713880870801794 -1.0720125769085171 -1.4252687596906606 +22099,-1.9011095326561662,0,-2.2099958720825157 -1.8966209554846947 -2.0560428343335273 -1.860867116636073 -1.0992020041941954 -1.0928560847448734 -0.5200207705511456 -0.5876589851695286 0.1986675052433103 0.34452046699881544 0.20178887217851496 0.44383668591958025 0.3972999433944025 -0.1141914828408035 -0.005743330899159362 -0.36224986266754344 -0.713880870801794 -1.0720125769085171 -1.4252687596906606 -1.4325175538067891 +22100,-2.0236941229943057,0,-1.8966209554846947 -2.0560428343335273 -1.860867116636073 -1.0992020041941954 -1.0928560847448734 -0.5200207705511456 -0.5876589851695286 0.1986675052433103 0.34452046699881544 0.20178887217851496 0.44383668591958025 0.3972999433944025 -0.1141914828408035 -0.005743330899159362 -0.36224986266754344 -0.713880870801794 -1.0720125769085171 -1.4252687596906606 -1.4325175538067891 -1.9011095326561662 +22101,-2.0893202168116876,0,-2.0560428343335273 -1.860867116636073 -1.0992020041941954 -1.0928560847448734 -0.5200207705511456 -0.5876589851695286 0.1986675052433103 0.34452046699881544 0.20178887217851496 0.44383668591958025 0.3972999433944025 -0.1141914828408035 -0.005743330899159362 -0.36224986266754344 -0.713880870801794 -1.0720125769085171 -1.4252687596906606 -1.4325175538067891 -1.9011095326561662 -2.0236941229943057 +22102,-2.2308909727083326,0,-1.860867116636073 -1.0992020041941954 -1.0928560847448734 -0.5200207705511456 -0.5876589851695286 0.1986675052433103 0.34452046699881544 0.20178887217851496 0.44383668591958025 0.3972999433944025 -0.1141914828408035 -0.005743330899159362 -0.36224986266754344 -0.713880870801794 -1.0720125769085171 -1.4252687596906606 -1.4325175538067891 -1.9011095326561662 -2.0236941229943057 -2.0893202168116876 +22103,-2.3155032319294433,0,-1.0992020041941954 -1.0928560847448734 -0.5200207705511456 -0.5876589851695286 0.1986675052433103 0.34452046699881544 0.20178887217851496 0.44383668591958025 0.3972999433944025 -0.1141914828408035 -0.005743330899159362 -0.36224986266754344 -0.713880870801794 -1.0720125769085171 -1.4252687596906606 -1.4325175538067891 -1.9011095326561662 -2.0236941229943057 -2.0893202168116876 -2.2308909727083326 +22104,-1.9416615057225695,0,-1.0928560847448734 -0.5200207705511456 -0.5876589851695286 0.1986675052433103 0.34452046699881544 0.20178887217851496 0.44383668591958025 0.3972999433944025 -0.1141914828408035 -0.005743330899159362 -0.36224986266754344 -0.713880870801794 -1.0720125769085171 -1.4252687596906606 -1.4325175538067891 -1.9011095326561662 -2.0236941229943057 -2.0893202168116876 -2.2308909727083326 -2.3155032319294433 +22105,-2.179091760241127,0,-0.5200207705511456 -0.5876589851695286 0.1986675052433103 0.34452046699881544 0.20178887217851496 0.44383668591958025 0.3972999433944025 -0.1141914828408035 -0.005743330899159362 -0.36224986266754344 -0.713880870801794 -1.0720125769085171 -1.4252687596906606 -1.4325175538067891 -1.9011095326561662 -2.0236941229943057 -2.0893202168116876 -2.2308909727083326 -2.3155032319294433 -1.9416615057225695 +22106,-1.958068029176915,0,-0.5876589851695286 0.1986675052433103 0.34452046699881544 0.20178887217851496 0.44383668591958025 0.3972999433944025 -0.1141914828408035 -0.005743330899159362 -0.36224986266754344 -0.713880870801794 -1.0720125769085171 -1.4252687596906606 -1.4325175538067891 -1.9011095326561662 -2.0236941229943057 -2.0893202168116876 -2.2308909727083326 -2.3155032319294433 -1.9416615057225695 -2.179091760241127 +22107,-1.287799634657602,0,0.1986675052433103 0.34452046699881544 0.20178887217851496 0.44383668591958025 0.3972999433944025 -0.1141914828408035 -0.005743330899159362 -0.36224986266754344 -0.713880870801794 -1.0720125769085171 -1.4252687596906606 -1.4325175538067891 -1.9011095326561662 -2.0236941229943057 -2.0893202168116876 -2.2308909727083326 -2.3155032319294433 -1.9416615057225695 -2.179091760241127 -1.958068029176915 +22108,-1.2165241247450929,0,0.34452046699881544 0.20178887217851496 0.44383668591958025 0.3972999433944025 -0.1141914828408035 -0.005743330899159362 -0.36224986266754344 -0.713880870801794 -1.0720125769085171 -1.4252687596906606 -1.4325175538067891 -1.9011095326561662 -2.0236941229943057 -2.0893202168116876 -2.2308909727083326 -2.3155032319294433 -1.9416615057225695 -2.179091760241127 -1.958068029176915 -1.287799634657602 +22109,-0.696003951377483,0,0.20178887217851496 0.44383668591958025 0.3972999433944025 -0.1141914828408035 -0.005743330899159362 -0.36224986266754344 -0.713880870801794 -1.0720125769085171 -1.4252687596906606 -1.4325175538067891 -1.9011095326561662 -2.0236941229943057 -2.0893202168116876 -2.2308909727083326 -2.3155032319294433 -1.9416615057225695 -2.179091760241127 -1.958068029176915 -1.287799634657602 -1.2165241247450929 +22110,-0.6776626963837117,0,0.44383668591958025 0.3972999433944025 -0.1141914828408035 -0.005743330899159362 -0.36224986266754344 -0.713880870801794 -1.0720125769085171 -1.4252687596906606 -1.4325175538067891 -1.9011095326561662 -2.0236941229943057 -2.0893202168116876 -2.2308909727083326 -2.3155032319294433 -1.9416615057225695 -2.179091760241127 -1.958068029176915 -1.287799634657602 -1.2165241247450929 -0.696003951377483 +22111,0.01025044977518648,0,0.3972999433944025 -0.1141914828408035 -0.005743330899159362 -0.36224986266754344 -0.713880870801794 -1.0720125769085171 -1.4252687596906606 -1.4325175538067891 -1.9011095326561662 -2.0236941229943057 -2.0893202168116876 -2.2308909727083326 -2.3155032319294433 -1.9416615057225695 -2.179091760241127 -1.958068029176915 -1.287799634657602 -1.2165241247450929 -0.696003951377483 -0.6776626963837117 +22112,0.19598467756023732,0,-0.1141914828408035 -0.005743330899159362 -0.36224986266754344 -0.713880870801794 -1.0720125769085171 -1.4252687596906606 -1.4325175538067891 -1.9011095326561662 -2.0236941229943057 -2.0893202168116876 -2.2308909727083326 -2.3155032319294433 -1.9416615057225695 -2.179091760241127 -1.958068029176915 -1.287799634657602 -1.2165241247450929 -0.696003951377483 -0.6776626963837117 0.01025044977518648 +22113,0.048093798686384685,0,-0.005743330899159362 -0.36224986266754344 -0.713880870801794 -1.0720125769085171 -1.4252687596906606 -1.4325175538067891 -1.9011095326561662 -2.0236941229943057 -2.0893202168116876 -2.2308909727083326 -2.3155032319294433 -1.9416615057225695 -2.179091760241127 -1.958068029176915 -1.287799634657602 -1.2165241247450929 -0.696003951377483 -0.6776626963837117 0.01025044977518648 0.19598467756023732 +22114,0.3450363953577367,0,-0.36224986266754344 -0.713880870801794 -1.0720125769085171 -1.4252687596906606 -1.4325175538067891 -1.9011095326561662 -2.0236941229943057 -2.0893202168116876 -2.2308909727083326 -2.3155032319294433 -1.9416615057225695 -2.179091760241127 -1.958068029176915 -1.287799634657602 -1.2165241247450929 -0.696003951377483 -0.6776626963837117 0.01025044977518648 0.19598467756023732 0.048093798686384685 +22115,0.3083538853701852,0,-0.713880870801794 -1.0720125769085171 -1.4252687596906606 -1.4325175538067891 -1.9011095326561662 -2.0236941229943057 -2.0893202168116876 -2.2308909727083326 -2.3155032319294433 -1.9416615057225695 -2.179091760241127 -1.958068029176915 -1.287799634657602 -1.2165241247450929 -0.696003951377483 -0.6776626963837117 0.01025044977518648 0.19598467756023732 0.048093798686384685 0.3450363953577367 +22116,-0.13183623448037976,0,-1.0720125769085171 -1.4252687596906606 -1.4325175538067891 -1.9011095326561662 -2.0236941229943057 -2.0893202168116876 -2.2308909727083326 -2.3155032319294433 -1.9416615057225695 -2.179091760241127 -1.958068029176915 -1.287799634657602 -1.2165241247450929 -0.696003951377483 -0.6776626963837117 0.01025044977518648 0.19598467756023732 0.048093798686384685 0.3450363953577367 0.3083538853701852 +22117,-0.03401620784692674,0,-1.4252687596906606 -1.4325175538067891 -1.9011095326561662 -2.0236941229943057 -2.0893202168116876 -2.2308909727083326 -2.3155032319294433 -1.9416615057225695 -2.179091760241127 -1.958068029176915 -1.287799634657602 -1.2165241247450929 -0.696003951377483 -0.6776626963837117 0.01025044977518648 0.19598467756023732 0.048093798686384685 0.3450363953577367 0.3083538853701852 -0.13183623448037976 +22118,-0.33970379107648724,0,-1.4325175538067891 -1.9011095326561662 -2.0236941229943057 -2.0893202168116876 -2.2308909727083326 -2.3155032319294433 -1.9416615057225695 -2.179091760241127 -1.958068029176915 -1.287799634657602 -1.2165241247450929 -0.696003951377483 -0.6776626963837117 0.01025044977518648 0.19598467756023732 0.048093798686384685 0.3450363953577367 0.3083538853701852 -0.13183623448037976 -0.03401620784692674 +22119,-0.6740254010895858,0,-1.9011095326561662 -2.0236941229943057 -2.0893202168116876 -2.2308909727083326 -2.3155032319294433 -1.9416615057225695 -2.179091760241127 -1.958068029176915 -1.287799634657602 -1.2165241247450929 -0.696003951377483 -0.6776626963837117 0.01025044977518648 0.19598467756023732 0.048093798686384685 0.3450363953577367 0.3083538853701852 -0.13183623448037976 -0.03401620784692674 -0.33970379107648724 +22120,-0.9701683086730443,0,-2.0236941229943057 -2.0893202168116876 -2.2308909727083326 -2.3155032319294433 -1.9416615057225695 -2.179091760241127 -1.958068029176915 -1.287799634657602 -1.2165241247450929 -0.696003951377483 -0.6776626963837117 0.01025044977518648 0.19598467756023732 0.048093798686384685 0.3450363953577367 0.3083538853701852 -0.13183623448037976 -0.03401620784692674 -0.33970379107648724 -0.6740254010895858 +22121,-1.2949452431948176,0,-2.0893202168116876 -2.2308909727083326 -2.3155032319294433 -1.9416615057225695 -2.179091760241127 -1.958068029176915 -1.287799634657602 -1.2165241247450929 -0.696003951377483 -0.6776626963837117 0.01025044977518648 0.19598467756023732 0.048093798686384685 0.3450363953577367 0.3083538853701852 -0.13183623448037976 -0.03401620784692674 -0.33970379107648724 -0.6740254010895858 -0.9701683086730443 +22122,-1.2936812185374635,0,-2.2308909727083326 -2.3155032319294433 -1.9416615057225695 -2.179091760241127 -1.958068029176915 -1.287799634657602 -1.2165241247450929 -0.696003951377483 -0.6776626963837117 0.01025044977518648 0.19598467756023732 0.048093798686384685 0.3450363953577367 0.3083538853701852 -0.13183623448037976 -0.03401620784692674 -0.33970379107648724 -0.6740254010895858 -0.9701683086730443 -1.2949452431948176 +22123,-1.72713847263083,0,-2.3155032319294433 -1.9416615057225695 -2.179091760241127 -1.958068029176915 -1.287799634657602 -1.2165241247450929 -0.696003951377483 -0.6776626963837117 0.01025044977518648 0.19598467756023732 0.048093798686384685 0.3450363953577367 0.3083538853701852 -0.13183623448037976 -0.03401620784692674 -0.33970379107648724 -0.6740254010895858 -0.9701683086730443 -1.2949452431948176 -1.2936812185374635 +22124,-1.8345547676998548,0,-1.9416615057225695 -2.179091760241127 -1.958068029176915 -1.287799634657602 -1.2165241247450929 -0.696003951377483 -0.6776626963837117 0.01025044977518648 0.19598467756023732 0.048093798686384685 0.3450363953577367 0.3083538853701852 -0.13183623448037976 -0.03401620784692674 -0.33970379107648724 -0.6740254010895858 -0.9701683086730443 -1.2949452431948176 -1.2936812185374635 -1.72713847263083 +22125,-1.874100680365753,0,-2.179091760241127 -1.958068029176915 -1.287799634657602 -1.2165241247450929 -0.696003951377483 -0.6776626963837117 0.01025044977518648 0.19598467756023732 0.048093798686384685 0.3450363953577367 0.3083538853701852 -0.13183623448037976 -0.03401620784692674 -0.33970379107648724 -0.6740254010895858 -0.9701683086730443 -1.2949452431948176 -1.2936812185374635 -1.72713847263083 -1.8345547676998548 +22126,-2.0041404362874093,0,-1.958068029176915 -1.287799634657602 -1.2165241247450929 -0.696003951377483 -0.6776626963837117 0.01025044977518648 0.19598467756023732 0.048093798686384685 0.3450363953577367 0.3083538853701852 -0.13183623448037976 -0.03401620784692674 -0.33970379107648724 -0.6740254010895858 -0.9701683086730443 -1.2949452431948176 -1.2936812185374635 -1.72713847263083 -1.8345547676998548 -1.874100680365753 +22127,-2.066309809651162,0,-1.287799634657602 -1.2165241247450929 -0.696003951377483 -0.6776626963837117 0.01025044977518648 0.19598467756023732 0.048093798686384685 0.3450363953577367 0.3083538853701852 -0.13183623448037976 -0.03401620784692674 -0.33970379107648724 -0.6740254010895858 -0.9701683086730443 -1.2949452431948176 -1.2936812185374635 -1.72713847263083 -1.8345547676998548 -1.874100680365753 -2.0041404362874093 +22128,-1.7135953518548401,0,-1.2165241247450929 -0.696003951377483 -0.6776626963837117 0.01025044977518648 0.19598467756023732 0.048093798686384685 0.3450363953577367 0.3083538853701852 -0.13183623448037976 -0.03401620784692674 -0.33970379107648724 -0.6740254010895858 -0.9701683086730443 -1.2949452431948176 -1.2936812185374635 -1.72713847263083 -1.8345547676998548 -1.874100680365753 -2.0041404362874093 -2.066309809651162 +22129,-1.9140593358116598,0,-0.696003951377483 -0.6776626963837117 0.01025044977518648 0.19598467756023732 0.048093798686384685 0.3450363953577367 0.3083538853701852 -0.13183623448037976 -0.03401620784692674 -0.33970379107648724 -0.6740254010895858 -0.9701683086730443 -1.2949452431948176 -1.2936812185374635 -1.72713847263083 -1.8345547676998548 -1.874100680365753 -2.0041404362874093 -2.066309809651162 -1.7135953518548401 +22130,-1.6996394882988417,0,-0.6776626963837117 0.01025044977518648 0.19598467756023732 0.048093798686384685 0.3450363953577367 0.3083538853701852 -0.13183623448037976 -0.03401620784692674 -0.33970379107648724 -0.6740254010895858 -0.9701683086730443 -1.2949452431948176 -1.2936812185374635 -1.72713847263083 -1.8345547676998548 -1.874100680365753 -2.0041404362874093 -2.066309809651162 -1.7135953518548401 -1.9140593358116598 +22131,-0.9455843199636492,0,0.01025044977518648 0.19598467756023732 0.048093798686384685 0.3450363953577367 0.3083538853701852 -0.13183623448037976 -0.03401620784692674 -0.33970379107648724 -0.6740254010895858 -0.9701683086730443 -1.2949452431948176 -1.2936812185374635 -1.72713847263083 -1.8345547676998548 -1.874100680365753 -2.0041404362874093 -2.066309809651162 -1.7135953518548401 -1.9140593358116598 -1.6996394882988417 +22132,-0.911042912828135,0,0.19598467756023732 0.048093798686384685 0.3450363953577367 0.3083538853701852 -0.13183623448037976 -0.03401620784692674 -0.33970379107648724 -0.6740254010895858 -0.9701683086730443 -1.2949452431948176 -1.2936812185374635 -1.72713847263083 -1.8345547676998548 -1.874100680365753 -2.0041404362874093 -2.066309809651162 -1.7135953518548401 -1.9140593358116598 -1.6996394882988417 -0.9455843199636492 +22133,-0.3368661848702549,0,0.048093798686384685 0.3450363953577367 0.3083538853701852 -0.13183623448037976 -0.03401620784692674 -0.33970379107648724 -0.6740254010895858 -0.9701683086730443 -1.2949452431948176 -1.2936812185374635 -1.72713847263083 -1.8345547676998548 -1.874100680365753 -2.0041404362874093 -2.066309809651162 -1.7135953518548401 -1.9140593358116598 -1.6996394882988417 -0.9455843199636492 -0.911042912828135 +22134,-0.370504717184177,0,0.3450363953577367 0.3083538853701852 -0.13183623448037976 -0.03401620784692674 -0.33970379107648724 -0.6740254010895858 -0.9701683086730443 -1.2949452431948176 -1.2936812185374635 -1.72713847263083 -1.8345547676998548 -1.874100680365753 -2.0041404362874093 -2.066309809651162 -1.7135953518548401 -1.9140593358116598 -1.6996394882988417 -0.9455843199636492 -0.911042912828135 -0.3368661848702549 +22135,0.40627709773734555,0,0.3083538853701852 -0.13183623448037976 -0.03401620784692674 -0.33970379107648724 -0.6740254010895858 -0.9701683086730443 -1.2949452431948176 -1.2936812185374635 -1.72713847263083 -1.8345547676998548 -1.874100680365753 -2.0041404362874093 -2.066309809651162 -1.7135953518548401 -1.9140593358116598 -1.6996394882988417 -0.9455843199636492 -0.911042912828135 -0.3368661848702549 -0.370504717184177 +22136,0.5752436520775034,0,-0.13183623448037976 -0.03401620784692674 -0.33970379107648724 -0.6740254010895858 -0.9701683086730443 -1.2949452431948176 -1.2936812185374635 -1.72713847263083 -1.8345547676998548 -1.874100680365753 -2.0041404362874093 -2.066309809651162 -1.7135953518548401 -1.9140593358116598 -1.6996394882988417 -0.9455843199636492 -0.911042912828135 -0.3368661848702549 -0.370504717184177 0.40627709773734555 +22137,0.4428564219911985,0,-0.03401620784692674 -0.33970379107648724 -0.6740254010895858 -0.9701683086730443 -1.2949452431948176 -1.2936812185374635 -1.72713847263083 -1.8345547676998548 -1.874100680365753 -2.0041404362874093 -2.066309809651162 -1.7135953518548401 -1.9140593358116598 -1.6996394882988417 -0.9455843199636492 -0.911042912828135 -0.3368661848702549 -0.370504717184177 0.40627709773734555 0.5752436520775034 +22138,0.7122742380132248,0,-0.33970379107648724 -0.6740254010895858 -0.9701683086730443 -1.2949452431948176 -1.2936812185374635 -1.72713847263083 -1.8345547676998548 -1.874100680365753 -2.0041404362874093 -2.066309809651162 -1.7135953518548401 -1.9140593358116598 -1.6996394882988417 -0.9455843199636492 -0.911042912828135 -0.3368661848702549 -0.370504717184177 0.40627709773734555 0.5752436520775034 0.4428564219911985 +22139,0.680338269299217,0,-0.6740254010895858 -0.9701683086730443 -1.2949452431948176 -1.2936812185374635 -1.72713847263083 -1.8345547676998548 -1.874100680365753 -2.0041404362874093 -2.066309809651162 -1.7135953518548401 -1.9140593358116598 -1.6996394882988417 -0.9455843199636492 -0.911042912828135 -0.3368661848702549 -0.370504717184177 0.40627709773734555 0.5752436520775034 0.4428564219911985 0.7122742380132248 +22140,0.18847791918725088,0,-0.9701683086730443 -1.2949452431948176 -1.2936812185374635 -1.72713847263083 -1.8345547676998548 -1.874100680365753 -2.0041404362874093 -2.066309809651162 -1.7135953518548401 -1.9140593358116598 -1.6996394882988417 -0.9455843199636492 -0.911042912828135 -0.3368661848702549 -0.370504717184177 0.40627709773734555 0.5752436520775034 0.4428564219911985 0.7122742380132248 0.680338269299217 +22141,0.3098500778122739,0,-1.2949452431948176 -1.2936812185374635 -1.72713847263083 -1.8345547676998548 -1.874100680365753 -2.0041404362874093 -2.066309809651162 -1.7135953518548401 -1.9140593358116598 -1.6996394882988417 -0.9455843199636492 -0.911042912828135 -0.3368661848702549 -0.370504717184177 0.40627709773734555 0.5752436520775034 0.4428564219911985 0.7122742380132248 0.680338269299217 0.18847791918725088 +22142,-0.028702145270224026,0,-1.2936812185374635 -1.72713847263083 -1.8345547676998548 -1.874100680365753 -2.0041404362874093 -2.066309809651162 -1.7135953518548401 -1.9140593358116598 -1.6996394882988417 -0.9455843199636492 -0.911042912828135 -0.3368661848702549 -0.370504717184177 0.40627709773734555 0.5752436520775034 0.4428564219911985 0.7122742380132248 0.680338269299217 0.18847791918725088 0.3098500778122739 +22143,-0.3687247641679017,0,-1.72713847263083 -1.8345547676998548 -1.874100680365753 -2.0041404362874093 -2.066309809651162 -1.7135953518548401 -1.9140593358116598 -1.6996394882988417 -0.9455843199636492 -0.911042912828135 -0.3368661848702549 -0.370504717184177 0.40627709773734555 0.5752436520775034 0.4428564219911985 0.7122742380132248 0.680338269299217 0.18847791918725088 0.3098500778122739 -0.028702145270224026 +22144,-0.7067868552088159,0,-1.8345547676998548 -1.874100680365753 -2.0041404362874093 -2.066309809651162 -1.7135953518548401 -1.9140593358116598 -1.6996394882988417 -0.9455843199636492 -0.911042912828135 -0.3368661848702549 -0.370504717184177 0.40627709773734555 0.5752436520775034 0.4428564219911985 0.7122742380132248 0.680338269299217 0.18847791918725088 0.3098500778122739 -0.028702145270224026 -0.3687247641679017 +22145,-1.0463193420649186,0,-1.874100680365753 -2.0041404362874093 -2.066309809651162 -1.7135953518548401 -1.9140593358116598 -1.6996394882988417 -0.9455843199636492 -0.911042912828135 -0.3368661848702549 -0.370504717184177 0.40627709773734555 0.5752436520775034 0.4428564219911985 0.7122742380132248 0.680338269299217 0.18847791918725088 0.3098500778122739 -0.028702145270224026 -0.3687247641679017 -0.7067868552088159 +22146,-1.0665437358086638,0,-2.0041404362874093 -2.066309809651162 -1.7135953518548401 -1.9140593358116598 -1.6996394882988417 -0.9455843199636492 -0.911042912828135 -0.3368661848702549 -0.370504717184177 0.40627709773734555 0.5752436520775034 0.4428564219911985 0.7122742380132248 0.680338269299217 0.18847791918725088 0.3098500778122739 -0.028702145270224026 -0.3687247641679017 -0.7067868552088159 -1.0463193420649186 +22147,-1.5125122538054008,0,-2.066309809651162 -1.7135953518548401 -1.9140593358116598 -1.6996394882988417 -0.9455843199636492 -0.911042912828135 -0.3368661848702549 -0.370504717184177 0.40627709773734555 0.5752436520775034 0.4428564219911985 0.7122742380132248 0.680338269299217 0.18847791918725088 0.3098500778122739 -0.028702145270224026 -0.3687247641679017 -0.7067868552088159 -1.0463193420649186 -1.0665437358086638 +22148,-1.6391726786897802,0,-1.7135953518548401 -1.9140593358116598 -1.6996394882988417 -0.9455843199636492 -0.911042912828135 -0.3368661848702549 -0.370504717184177 0.40627709773734555 0.5752436520775034 0.4428564219911985 0.7122742380132248 0.680338269299217 0.18847791918725088 0.3098500778122739 -0.028702145270224026 -0.3687247641679017 -0.7067868552088159 -1.0463193420649186 -1.0665437358086638 -1.5125122538054008 +22149,-1.6951767075994848,0,-1.9140593358116598 -1.6996394882988417 -0.9455843199636492 -0.911042912828135 -0.3368661848702549 -0.370504717184177 0.40627709773734555 0.5752436520775034 0.4428564219911985 0.7122742380132248 0.680338269299217 0.18847791918725088 0.3098500778122739 -0.028702145270224026 -0.3687247641679017 -0.7067868552088159 -1.0463193420649186 -1.0665437358086638 -1.5125122538054008 -1.6391726786897802 +22150,-1.8453892643206484,0,-1.6996394882988417 -0.9455843199636492 -0.911042912828135 -0.3368661848702549 -0.370504717184177 0.40627709773734555 0.5752436520775034 0.4428564219911985 0.7122742380132248 0.680338269299217 0.18847791918725088 0.3098500778122739 -0.028702145270224026 -0.3687247641679017 -0.7067868552088159 -1.0463193420649186 -1.0665437358086638 -1.5125122538054008 -1.6391726786897802 -1.6951767075994848 +22151,-1.9249454252219143,0,-0.9455843199636492 -0.911042912828135 -0.3368661848702549 -0.370504717184177 0.40627709773734555 0.5752436520775034 0.4428564219911985 0.7122742380132248 0.680338269299217 0.18847791918725088 0.3098500778122739 -0.028702145270224026 -0.3687247641679017 -0.7067868552088159 -1.0463193420649186 -1.0665437358086638 -1.5125122538054008 -1.6391726786897802 -1.6951767075994848 -1.8453892643206484 +22152,-1.5570368756843542,0,-0.911042912828135 -0.3368661848702549 -0.370504717184177 0.40627709773734555 0.5752436520775034 0.4428564219911985 0.7122742380132248 0.680338269299217 0.18847791918725088 0.3098500778122739 -0.028702145270224026 -0.3687247641679017 -0.7067868552088159 -1.0463193420649186 -1.0665437358086638 -1.5125122538054008 -1.6391726786897802 -1.6951767075994848 -1.8453892643206484 -1.9249454252219143 +22153,-1.785747940116818,0,-0.3368661848702549 -0.370504717184177 0.40627709773734555 0.5752436520775034 0.4428564219911985 0.7122742380132248 0.680338269299217 0.18847791918725088 0.3098500778122739 -0.028702145270224026 -0.3687247641679017 -0.7067868552088159 -1.0463193420649186 -1.0665437358086638 -1.5125122538054008 -1.6391726786897802 -1.6951767075994848 -1.8453892643206484 -1.9249454252219143 -1.5570368756843542 +22154,-1.5669942939556791,0,-0.370504717184177 0.40627709773734555 0.5752436520775034 0.4428564219911985 0.7122742380132248 0.680338269299217 0.18847791918725088 0.3098500778122739 -0.028702145270224026 -0.3687247641679017 -0.7067868552088159 -1.0463193420649186 -1.0665437358086638 -1.5125122538054008 -1.6391726786897802 -1.6951767075994848 -1.8453892643206484 -1.9249454252219143 -1.5570368756843542 -1.785747940116818 +22155,-0.7555936827918527,0,0.40627709773734555 0.5752436520775034 0.4428564219911985 0.7122742380132248 0.680338269299217 0.18847791918725088 0.3098500778122739 -0.028702145270224026 -0.3687247641679017 -0.7067868552088159 -1.0463193420649186 -1.0665437358086638 -1.5125122538054008 -1.6391726786897802 -1.6951767075994848 -1.8453892643206484 -1.9249454252219143 -1.5570368756843542 -1.785747940116818 -1.5669942939556791 +22156,-0.7343890251197258,0,0.5752436520775034 0.4428564219911985 0.7122742380132248 0.680338269299217 0.18847791918725088 0.3098500778122739 -0.028702145270224026 -0.3687247641679017 -0.7067868552088159 -1.0463193420649186 -1.0665437358086638 -1.5125122538054008 -1.6391726786897802 -1.6951767075994848 -1.8453892643206484 -1.9249454252219143 -1.5570368756843542 -1.785747940116818 -1.5669942939556791 -0.7555936827918527 +22157,-0.12053740229012563,0,0.4428564219911985 0.7122742380132248 0.680338269299217 0.18847791918725088 0.3098500778122739 -0.028702145270224026 -0.3687247641679017 -0.7067868552088159 -1.0463193420649186 -1.0665437358086638 -1.5125122538054008 -1.6391726786897802 -1.6951767075994848 -1.8453892643206484 -1.9249454252219143 -1.5570368756843542 -1.785747940116818 -1.5669942939556791 -0.7555936827918527 -0.7343890251197258 +22158,-0.08044976479319164,0,0.7122742380132248 0.680338269299217 0.18847791918725088 0.3098500778122739 -0.028702145270224026 -0.3687247641679017 -0.7067868552088159 -1.0463193420649186 -1.0665437358086638 -1.5125122538054008 -1.6391726786897802 -1.6951767075994848 -1.8453892643206484 -1.9249454252219143 -1.5570368756843542 -1.785747940116818 -1.5669942939556791 -0.7555936827918527 -0.7343890251197258 -0.12053740229012563 +22159,0.7246565198655591,0,0.680338269299217 0.18847791918725088 0.3098500778122739 -0.028702145270224026 -0.3687247641679017 -0.7067868552088159 -1.0463193420649186 -1.0665437358086638 -1.5125122538054008 -1.6391726786897802 -1.6951767075994848 -1.8453892643206484 -1.9249454252219143 -1.5570368756843542 -1.785747940116818 -1.5669942939556791 -0.7555936827918527 -0.7343890251197258 -0.12053740229012563 -0.08044976479319164 +22160,0.9559988190368669,0,0.18847791918725088 0.3098500778122739 -0.028702145270224026 -0.3687247641679017 -0.7067868552088159 -1.0463193420649186 -1.0665437358086638 -1.5125122538054008 -1.6391726786897802 -1.6951767075994848 -1.8453892643206484 -1.9249454252219143 -1.5570368756843542 -1.785747940116818 -1.5669942939556791 -0.7555936827918527 -0.7343890251197258 -0.12053740229012563 -0.08044976479319164 0.7246565198655591 +22161,0.7957514547828031,0,0.3098500778122739 -0.028702145270224026 -0.3687247641679017 -0.7067868552088159 -1.0463193420649186 -1.0665437358086638 -1.5125122538054008 -1.6391726786897802 -1.6951767075994848 -1.8453892643206484 -1.9249454252219143 -1.5570368756843542 -1.785747940116818 -1.5669942939556791 -0.7555936827918527 -0.7343890251197258 -0.12053740229012563 -0.08044976479319164 0.7246565198655591 0.9559988190368669 +22162,1.1576236419173418,0,-0.028702145270224026 -0.3687247641679017 -0.7067868552088159 -1.0463193420649186 -1.0665437358086638 -1.5125122538054008 -1.6391726786897802 -1.6951767075994848 -1.8453892643206484 -1.9249454252219143 -1.5570368756843542 -1.785747940116818 -1.5669942939556791 -0.7555936827918527 -0.7343890251197258 -0.12053740229012563 -0.08044976479319164 0.7246565198655591 0.9559988190368669 0.7957514547828031 +22163,1.1279061654717324,0,-0.3687247641679017 -0.7067868552088159 -1.0463193420649186 -1.0665437358086638 -1.5125122538054008 -1.6391726786897802 -1.6951767075994848 -1.8453892643206484 -1.9249454252219143 -1.5570368756843542 -1.785747940116818 -1.5669942939556791 -0.7555936827918527 -0.7343890251197258 -0.12053740229012563 -0.08044976479319164 0.7246565198655591 0.9559988190368669 0.7957514547828031 1.1576236419173418 +22164,0.5570829720790058,0,-0.7067868552088159 -1.0463193420649186 -1.0665437358086638 -1.5125122538054008 -1.6391726786897802 -1.6951767075994848 -1.8453892643206484 -1.9249454252219143 -1.5570368756843542 -1.785747940116818 -1.5669942939556791 -0.7555936827918527 -0.7343890251197258 -0.12053740229012563 -0.08044976479319164 0.7246565198655591 0.9559988190368669 0.7957514547828031 1.1576236419173418 1.1279061654717324 +22165,0.7077340678975067,0,-1.0463193420649186 -1.0665437358086638 -1.5125122538054008 -1.6391726786897802 -1.6951767075994848 -1.8453892643206484 -1.9249454252219143 -1.5570368756843542 -1.785747940116818 -1.5669942939556791 -0.7555936827918527 -0.7343890251197258 -0.12053740229012563 -0.08044976479319164 0.7246565198655591 0.9559988190368669 0.7957514547828031 1.1576236419173418 1.1279061654717324 0.5570829720790058 +22166,0.31727944692367627,0,-1.0665437358086638 -1.5125122538054008 -1.6391726786897802 -1.6951767075994848 -1.8453892643206484 -1.9249454252219143 -1.5570368756843542 -1.785747940116818 -1.5669942939556791 -0.7555936827918527 -0.7343890251197258 -0.12053740229012563 -0.08044976479319164 0.7246565198655591 0.9559988190368669 0.7957514547828031 1.1576236419173418 1.1279061654717324 0.5570829720790058 0.7077340678975067 +22167,-0.0267416172586749,0,-1.5125122538054008 -1.6391726786897802 -1.6951767075994848 -1.8453892643206484 -1.9249454252219143 -1.5570368756843542 -1.785747940116818 -1.5669942939556791 -0.7555936827918527 -0.7343890251197258 -0.12053740229012563 -0.08044976479319164 0.7246565198655591 0.9559988190368669 0.7957514547828031 1.1576236419173418 1.1279061654717324 0.5570829720790058 0.7077340678975067 0.31727944692367627 +22168,-0.43267409070271556,0,-1.6391726786897802 -1.6951767075994848 -1.8453892643206484 -1.9249454252219143 -1.5570368756843542 -1.785747940116818 -1.5669942939556791 -0.7555936827918527 -0.7343890251197258 -0.12053740229012563 -0.08044976479319164 0.7246565198655591 0.9559988190368669 0.7957514547828031 1.1576236419173418 1.1279061654717324 0.5570829720790058 0.7077340678975067 0.31727944692367627 -0.0267416172586749 +22169,-0.7921730070457057,0,-1.6951767075994848 -1.8453892643206484 -1.9249454252219143 -1.5570368756843542 -1.785747940116818 -1.5669942939556791 -0.7555936827918527 -0.7343890251197258 -0.12053740229012563 -0.08044976479319164 0.7246565198655591 0.9559988190368669 0.7957514547828031 1.1576236419173418 1.1279061654717324 0.5570829720790058 0.7077340678975067 0.31727944692367627 -0.0267416172586749 -0.43267409070271556 +22170,-0.822071058486589,0,-1.8453892643206484 -1.9249454252219143 -1.5570368756843542 -1.785747940116818 -1.5669942939556791 -0.7555936827918527 -0.7343890251197258 -0.12053740229012563 -0.08044976479319164 0.7246565198655591 0.9559988190368669 0.7957514547828031 1.1576236419173418 1.1279061654717324 0.5570829720790058 0.7077340678975067 0.31727944692367627 -0.0267416172586749 -0.43267409070271556 -0.7921730070457057 +22171,-1.2914369299517279,0,-1.9249454252219143 -1.5570368756843542 -1.785747940116818 -1.5669942939556791 -0.7555936827918527 -0.7343890251197258 -0.12053740229012563 -0.08044976479319164 0.7246565198655591 0.9559988190368669 0.7957514547828031 1.1576236419173418 1.1279061654717324 0.5570829720790058 0.7077340678975067 0.31727944692367627 -0.0267416172586749 -0.43267409070271556 -0.7921730070457057 -0.822071058486589 +22172,-1.431201936359983,0,-1.5570368756843542 -1.785747940116818 -1.5669942939556791 -0.7555936827918527 -0.7343890251197258 -0.12053740229012563 -0.08044976479319164 0.7246565198655591 0.9559988190368669 0.7957514547828031 1.1576236419173418 1.1279061654717324 0.5570829720790058 0.7077340678975067 0.31727944692367627 -0.0267416172586749 -0.43267409070271556 -0.7921730070457057 -0.822071058486589 -1.2914369299517279 +22173,-1.4627767550834432,0,-1.785747940116818 -1.5669942939556791 -0.7555936827918527 -0.7343890251197258 -0.12053740229012563 -0.08044976479319164 0.7246565198655591 0.9559988190368669 0.7957514547828031 1.1576236419173418 1.1279061654717324 0.5570829720790058 0.7077340678975067 0.31727944692367627 -0.0267416172586749 -0.43267409070271556 -0.7921730070457057 -0.822071058486589 -1.2914369299517279 -1.431201936359983 +22174,-1.6386051573866212,0,-1.5669942939556791 -0.7555936827918527 -0.7343890251197258 -0.12053740229012563 -0.08044976479319164 0.7246565198655591 0.9559988190368669 0.7957514547828031 1.1576236419173418 1.1279061654717324 0.5570829720790058 0.7077340678975067 0.31727944692367627 -0.0267416172586749 -0.43267409070271556 -0.7921730070457057 -0.822071058486589 -1.2914369299517279 -1.431201936359983 -1.4627767550834432 +22175,-1.706243372005013,0,-0.7555936827918527 -0.7343890251197258 -0.12053740229012563 -0.08044976479319164 0.7246565198655591 0.9559988190368669 0.7957514547828031 1.1576236419173418 1.1279061654717324 0.5570829720790058 0.7077340678975067 0.31727944692367627 -0.0267416172586749 -0.43267409070271556 -0.7921730070457057 -0.822071058486589 -1.2914369299517279 -1.431201936359983 -1.4627767550834432 -1.6386051573866212 +22176,-1.3093138493760388,0,-0.7343890251197258 -0.12053740229012563 -0.08044976479319164 0.7246565198655591 0.9559988190368669 0.7957514547828031 1.1576236419173418 1.1279061654717324 0.5570829720790058 0.7077340678975067 0.31727944692367627 -0.0267416172586749 -0.43267409070271556 -0.7921730070457057 -0.822071058486589 -1.2914369299517279 -1.431201936359983 -1.4627767550834432 -1.6386051573866212 -1.706243372005013 +22177,-1.5318079764102164,0,-0.12053740229012563 -0.08044976479319164 0.7246565198655591 0.9559988190368669 0.7957514547828031 1.1576236419173418 1.1279061654717324 0.5570829720790058 0.7077340678975067 0.31727944692367627 -0.0267416172586749 -0.43267409070271556 -0.7921730070457057 -0.822071058486589 -1.2914369299517279 -1.431201936359983 -1.4627767550834432 -1.6386051573866212 -1.706243372005013 -1.3093138493760388 +22178,-1.2897343661970366,0,-0.08044976479319164 0.7246565198655591 0.9559988190368669 0.7957514547828031 1.1576236419173418 1.1279061654717324 0.5570829720790058 0.7077340678975067 0.31727944692367627 -0.0267416172586749 -0.43267409070271556 -0.7921730070457057 -0.822071058486589 -1.2914369299517279 -1.431201936359983 -1.4627767550834432 -1.6386051573866212 -1.706243372005013 -1.3093138493760388 -1.5318079764102164 +22179,-0.6101792602884705,0,0.7246565198655591 0.9559988190368669 0.7957514547828031 1.1576236419173418 1.1279061654717324 0.5570829720790058 0.7077340678975067 0.31727944692367627 -0.0267416172586749 -0.43267409070271556 -0.7921730070457057 -0.822071058486589 -1.2914369299517279 -1.431201936359983 -1.4627767550834432 -1.6386051573866212 -1.706243372005013 -1.3093138493760388 -1.5318079764102164 -1.2897343661970366 +22180,-0.5139328153586725,0,0.9559988190368669 0.7957514547828031 1.1576236419173418 1.1279061654717324 0.5570829720790058 0.7077340678975067 0.31727944692367627 -0.0267416172586749 -0.43267409070271556 -0.7921730070457057 -0.822071058486589 -1.2914369299517279 -1.431201936359983 -1.4627767550834432 -1.6386051573866212 -1.706243372005013 -1.3093138493760388 -1.5318079764102164 -1.2897343661970366 -0.6101792602884705 +22181,0.01979512542128854,0,0.7957514547828031 1.1576236419173418 1.1279061654717324 0.5570829720790058 0.7077340678975067 0.31727944692367627 -0.0267416172586749 -0.43267409070271556 -0.7921730070457057 -0.822071058486589 -1.2914369299517279 -1.431201936359983 -1.4627767550834432 -1.6386051573866212 -1.706243372005013 -1.3093138493760388 -1.5318079764102164 -1.2897343661970366 -0.6101792602884705 -0.5139328153586725 +22182,-0.015288006545261423,0,1.1576236419173418 1.1279061654717324 0.5570829720790058 0.7077340678975067 0.31727944692367627 -0.0267416172586749 -0.43267409070271556 -0.7921730070457057 -0.822071058486589 -1.2914369299517279 -1.431201936359983 -1.4627767550834432 -1.6386051573866212 -1.706243372005013 -1.3093138493760388 -1.5318079764102164 -1.2897343661970366 -0.6101792602884705 -0.5139328153586725 0.01979512542128854 +22183,0.7080436249438166,0,1.1279061654717324 0.5570829720790058 0.7077340678975067 0.31727944692367627 -0.0267416172586749 -0.43267409070271556 -0.7921730070457057 -0.822071058486589 -1.2914369299517279 -1.431201936359983 -1.4627767550834432 -1.6386051573866212 -1.706243372005013 -1.3093138493760388 -1.5318079764102164 -1.2897343661970366 -0.6101792602884705 -0.5139328153586725 0.01979512542128854 -0.015288006545261423 +22184,0.8625641839959637,0,0.5570829720790058 0.7077340678975067 0.31727944692367627 -0.0267416172586749 -0.43267409070271556 -0.7921730070457057 -0.822071058486589 -1.2914369299517279 -1.431201936359983 -1.4627767550834432 -1.6386051573866212 -1.706243372005013 -1.3093138493760388 -1.5318079764102164 -1.2897343661970366 -0.6101792602884705 -0.5139328153586725 0.01979512542128854 -0.015288006545261423 0.7080436249438166 +22185,0.7223864348077002,0,0.7077340678975067 0.31727944692367627 -0.0267416172586749 -0.43267409070271556 -0.7921730070457057 -0.822071058486589 -1.2914369299517279 -1.431201936359983 -1.4627767550834432 -1.6386051573866212 -1.706243372005013 -1.3093138493760388 -1.5318079764102164 -1.2897343661970366 -0.6101792602884705 -0.5139328153586725 0.01979512542128854 -0.015288006545261423 0.7080436249438166 0.8625641839959637 +22186,0.975139763118523,0,0.31727944692367627 -0.0267416172586749 -0.43267409070271556 -0.7921730070457057 -0.822071058486589 -1.2914369299517279 -1.431201936359983 -1.4627767550834432 -1.6386051573866212 -1.706243372005013 -1.3093138493760388 -1.5318079764102164 -1.2897343661970366 -0.6101792602884705 -0.5139328153586725 0.01979512542128854 -0.015288006545261423 0.7080436249438166 0.8625641839959637 0.7223864348077002 +22187,0.9331947833437384,0,-0.0267416172586749 -0.43267409070271556 -0.7921730070457057 -0.822071058486589 -1.2914369299517279 -1.431201936359983 -1.4627767550834432 -1.6386051573866212 -1.706243372005013 -1.3093138493760388 -1.5318079764102164 -1.2897343661970366 -0.6101792602884705 -0.5139328153586725 0.01979512542128854 -0.015288006545261423 0.7080436249438166 0.8625641839959637 0.7223864348077002 0.975139763118523 +22188,0.4311706434930592,0,-0.43267409070271556 -0.7921730070457057 -0.822071058486589 -1.2914369299517279 -1.431201936359983 -1.4627767550834432 -1.6386051573866212 -1.706243372005013 -1.3093138493760388 -1.5318079764102164 -1.2897343661970366 -0.6101792602884705 -0.5139328153586725 0.01979512542128854 -0.015288006545261423 0.7080436249438166 0.8625641839959637 0.7223864348077002 0.975139763118523 0.9331947833437384 +22189,0.5425853836919717,0,-0.7921730070457057 -0.822071058486589 -1.2914369299517279 -1.431201936359983 -1.4627767550834432 -1.6386051573866212 -1.706243372005013 -1.3093138493760388 -1.5318079764102164 -1.2897343661970366 -0.6101792602884705 -0.5139328153586725 0.01979512542128854 -0.015288006545261423 0.7080436249438166 0.8625641839959637 0.7223864348077002 0.975139763118523 0.9331947833437384 0.4311706434930592 +22190,0.19392096396977537,0,-0.822071058486589 -1.2914369299517279 -1.431201936359983 -1.4627767550834432 -1.6386051573866212 -1.706243372005013 -1.3093138493760388 -1.5318079764102164 -1.2897343661970366 -0.6101792602884705 -0.5139328153586725 0.01979512542128854 -0.015288006545261423 0.7080436249438166 0.8625641839959637 0.7223864348077002 0.975139763118523 0.9331947833437384 0.4311706434930592 0.5425853836919717 +22191,-0.12788938213995274,0,-1.2914369299517279 -1.431201936359983 -1.4627767550834432 -1.6386051573866212 -1.706243372005013 -1.3093138493760388 -1.5318079764102164 -1.2897343661970366 -0.6101792602884705 -0.5139328153586725 0.01979512542128854 -0.015288006545261423 0.7080436249438166 0.8625641839959637 0.7223864348077002 0.975139763118523 0.9331947833437384 0.4311706434930592 0.5425853836919717 0.19392096396977537 +22192,-0.48550515988775467,0,-1.431201936359983 -1.4627767550834432 -1.6386051573866212 -1.706243372005013 -1.3093138493760388 -1.5318079764102164 -1.2897343661970366 -0.6101792602884705 -0.5139328153586725 0.01979512542128854 -0.015288006545261423 0.7080436249438166 0.8625641839959637 0.7223864348077002 0.975139763118523 0.9331947833437384 0.4311706434930592 0.5425853836919717 0.19392096396977537 -0.12788938213995274 +22193,-0.8162668638683026,0,-1.4627767550834432 -1.6386051573866212 -1.706243372005013 -1.3093138493760388 -1.5318079764102164 -1.2897343661970366 -0.6101792602884705 -0.5139328153586725 0.01979512542128854 -0.015288006545261423 0.7080436249438166 0.8625641839959637 0.7223864348077002 0.975139763118523 0.9331947833437384 0.4311706434930592 0.5425853836919717 0.19392096396977537 -0.12788938213995274 -0.48550515988775467 +22194,-0.8497764141311887,0,-1.6386051573866212 -1.706243372005013 -1.3093138493760388 -1.5318079764102164 -1.2897343661970366 -0.6101792602884705 -0.5139328153586725 0.01979512542128854 -0.015288006545261423 0.7080436249438166 0.8625641839959637 0.7223864348077002 0.975139763118523 0.9331947833437384 0.4311706434930592 0.5425853836919717 0.19392096396977537 -0.12788938213995274 -0.48550515988775467 -0.8162668638683026 +22195,-1.2796221694025525,0,-1.706243372005013 -1.3093138493760388 -1.5318079764102164 -1.2897343661970366 -0.6101792602884705 -0.5139328153586725 0.01979512542128854 -0.015288006545261423 0.7080436249438166 0.8625641839959637 0.7223864348077002 0.975139763118523 0.9331947833437384 0.4311706434930592 0.5425853836919717 0.19392096396977537 -0.12788938213995274 -0.48550515988775467 -0.8162668638683026 -0.8497764141311887 +22196,-1.4122157708014687,0,-1.3093138493760388 -1.5318079764102164 -1.2897343661970366 -0.6101792602884705 -0.5139328153586725 0.01979512542128854 -0.015288006545261423 0.7080436249438166 0.8625641839959637 0.7223864348077002 0.975139763118523 0.9331947833437384 0.4311706434930592 0.5425853836919717 0.19392096396977537 -0.12788938213995274 -0.48550515988775467 -0.8162668638683026 -0.8497764141311887 -1.2796221694025525 +22197,-1.4695096208406504,0,-1.5318079764102164 -1.2897343661970366 -0.6101792602884705 -0.5139328153586725 0.01979512542128854 -0.015288006545261423 0.7080436249438166 0.8625641839959637 0.7223864348077002 0.975139763118523 0.9331947833437384 0.4311706434930592 0.5425853836919717 0.19392096396977537 -0.12788938213995274 -0.48550515988775467 -0.8162668638683026 -0.8497764141311887 -1.2796221694025525 -1.4122157708014687 +22198,-1.6272031394626685,0,-1.2897343661970366 -0.6101792602884705 -0.5139328153586725 0.01979512542128854 -0.015288006545261423 0.7080436249438166 0.8625641839959637 0.7223864348077002 0.975139763118523 0.9331947833437384 0.4311706434930592 0.5425853836919717 0.19392096396977537 -0.12788938213995274 -0.48550515988775467 -0.8162668638683026 -0.8497764141311887 -1.2796221694025525 -1.4122157708014687 -1.4695096208406504 +22199,-1.7095969067249523,0,-0.6101792602884705 -0.5139328153586725 0.01979512542128854 -0.015288006545261423 0.7080436249438166 0.8625641839959637 0.7223864348077002 0.975139763118523 0.9331947833437384 0.4311706434930592 0.5425853836919717 0.19392096396977537 -0.12788938213995274 -0.48550515988775467 -0.8162668638683026 -0.8497764141311887 -1.2796221694025525 -1.4122157708014687 -1.4695096208406504 -1.6272031394626685 +22200,-1.3199161782121065,0,-0.5139328153586725 0.01979512542128854 -0.015288006545261423 0.7080436249438166 0.8625641839959637 0.7223864348077002 0.975139763118523 0.9331947833437384 0.4311706434930592 0.5425853836919717 0.19392096396977537 -0.12788938213995274 -0.48550515988775467 -0.8162668638683026 -0.8497764141311887 -1.2796221694025525 -1.4122157708014687 -1.4695096208406504 -1.6272031394626685 -1.7095969067249523 +22201,-1.5596681105779753,0,0.01979512542128854 -0.015288006545261423 0.7080436249438166 0.8625641839959637 0.7223864348077002 0.975139763118523 0.9331947833437384 0.4311706434930592 0.5425853836919717 0.19392096396977537 -0.12788938213995274 -0.48550515988775467 -0.8162668638683026 -0.8497764141311887 -1.2796221694025525 -1.4122157708014687 -1.4695096208406504 -1.6272031394626685 -1.7095969067249523 -1.3199161782121065 +22202,-1.327345547323509,0,-0.015288006545261423 0.7080436249438166 0.8625641839959637 0.7223864348077002 0.975139763118523 0.9331947833437384 0.4311706434930592 0.5425853836919717 0.19392096396977537 -0.12788938213995274 -0.48550515988775467 -0.8162668638683026 -0.8497764141311887 -1.2796221694025525 -1.4122157708014687 -1.4695096208406504 -1.6272031394626685 -1.7095969067249523 -1.3199161782121065 -1.5596681105779753 +22203,-0.7322221257955653,0,0.7080436249438166 0.8625641839959637 0.7223864348077002 0.975139763118523 0.9331947833437384 0.4311706434930592 0.5425853836919717 0.19392096396977537 -0.12788938213995274 -0.48550515988775467 -0.8162668638683026 -0.8497764141311887 -1.2796221694025525 -1.4122157708014687 -1.4695096208406504 -1.6272031394626685 -1.7095969067249523 -1.3199161782121065 -1.5596681105779753 -1.327345547323509 +22204,-0.6208331819139903,0,0.8625641839959637 0.7223864348077002 0.975139763118523 0.9331947833437384 0.4311706434930592 0.5425853836919717 0.19392096396977537 -0.12788938213995274 -0.48550515988775467 -0.8162668638683026 -0.8497764141311887 -1.2796221694025525 -1.4122157708014687 -1.4695096208406504 -1.6272031394626685 -1.7095969067249523 -1.3199161782121065 -1.5596681105779753 -1.327345547323509 -0.7322221257955653 +22205,-0.1466433799137325,0,0.7223864348077002 0.975139763118523 0.9331947833437384 0.4311706434930592 0.5425853836919717 0.19392096396977537 -0.12788938213995274 -0.48550515988775467 -0.8162668638683026 -0.8497764141311887 -1.2796221694025525 -1.4122157708014687 -1.4695096208406504 -1.6272031394626685 -1.7095969067249523 -1.3199161782121065 -1.5596681105779753 -1.327345547323509 -0.7322221257955653 -0.6208331819139903 +22206,-0.15961897938656344,0,0.975139763118523 0.9331947833437384 0.4311706434930592 0.5425853836919717 0.19392096396977537 -0.12788938213995274 -0.48550515988775467 -0.8162668638683026 -0.8497764141311887 -1.2796221694025525 -1.4122157708014687 -1.4695096208406504 -1.6272031394626685 -1.7095969067249523 -1.3199161782121065 -1.5596681105779753 -1.327345547323509 -0.7322221257955653 -0.6208331819139903 -0.1466433799137325 +22207,0.4769592898745811,0,0.9331947833437384 0.4311706434930592 0.5425853836919717 0.19392096396977537 -0.12788938213995274 -0.48550515988775467 -0.8162668638683026 -0.8497764141311887 -1.2796221694025525 -1.4122157708014687 -1.4695096208406504 -1.6272031394626685 -1.7095969067249523 -1.3199161782121065 -1.5596681105779753 -1.327345547323509 -0.7322221257955653 -0.6208331819139903 -0.1466433799137325 -0.15961897938656344 +22208,0.6263721576626369,0,0.4311706434930592 0.5425853836919717 0.19392096396977537 -0.12788938213995274 -0.48550515988775467 -0.8162668638683026 -0.8497764141311887 -1.2796221694025525 -1.4122157708014687 -1.4695096208406504 -1.6272031394626685 -1.7095969067249523 -1.3199161782121065 -1.5596681105779753 -1.327345547323509 -0.7322221257955653 -0.6208331819139903 -0.1466433799137325 -0.15961897938656344 0.4769592898745811 +22209,0.5159892741815668,0,0.5425853836919717 0.19392096396977537 -0.12788938213995274 -0.48550515988775467 -0.8162668638683026 -0.8497764141311887 -1.2796221694025525 -1.4122157708014687 -1.4695096208406504 -1.6272031394626685 -1.7095969067249523 -1.3199161782121065 -1.5596681105779753 -1.327345547323509 -0.7322221257955653 -0.6208331819139903 -0.1466433799137325 -0.15961897938656344 0.4769592898745811 0.6263721576626369 +22210,0.7520007255196112,0,0.19392096396977537 -0.12788938213995274 -0.48550515988775467 -0.8162668638683026 -0.8497764141311887 -1.2796221694025525 -1.4122157708014687 -1.4695096208406504 -1.6272031394626685 -1.7095969067249523 -1.3199161782121065 -1.5596681105779753 -1.327345547323509 -0.7322221257955653 -0.6208331819139903 -0.1466433799137325 -0.15961897938656344 0.4769592898745811 0.6263721576626369 0.5159892741815668 +22211,0.7282164258981098,0,-0.12788938213995274 -0.48550515988775467 -0.8162668638683026 -0.8497764141311887 -1.2796221694025525 -1.4122157708014687 -1.4695096208406504 -1.6272031394626685 -1.7095969067249523 -1.3199161782121065 -1.5596681105779753 -1.327345547323509 -0.7322221257955653 -0.6208331819139903 -0.1466433799137325 -0.15961897938656344 0.4769592898745811 0.6263721576626369 0.5159892741815668 0.7520007255196112 +22212,0.2170345567092049,0,-0.48550515988775467 -0.8162668638683026 -0.8497764141311887 -1.2796221694025525 -1.4122157708014687 -1.4695096208406504 -1.6272031394626685 -1.7095969067249523 -1.3199161782121065 -1.5596681105779753 -1.327345547323509 -0.7322221257955653 -0.6208331819139903 -0.1466433799137325 -0.15961897938656344 0.4769592898745811 0.6263721576626369 0.5159892741815668 0.7520007255196112 0.7282164258981098 +22213,0.35571611345537985,0,-0.8162668638683026 -0.8497764141311887 -1.2796221694025525 -1.4122157708014687 -1.4695096208406504 -1.6272031394626685 -1.7095969067249523 -1.3199161782121065 -1.5596681105779753 -1.327345547323509 -0.7322221257955653 -0.6208331819139903 -0.1466433799137325 -0.15961897938656344 0.4769592898745811 0.6263721576626369 0.5159892741815668 0.7520007255196112 0.7282164258981098 0.2170345567092049 +22214,0.007000100788936937,0,-0.8497764141311887 -1.2796221694025525 -1.4122157708014687 -1.4695096208406504 -1.6272031394626685 -1.7095969067249523 -1.3199161782121065 -1.5596681105779753 -1.327345547323509 -0.7322221257955653 -0.6208331819139903 -0.1466433799137325 -0.15961897938656344 0.4769592898745811 0.6263721576626369 0.5159892741815668 0.7520007255196112 0.7282164258981098 0.2170345567092049 0.35571611345537985 +22215,-0.3354473816897503,0,-1.2796221694025525 -1.4122157708014687 -1.4695096208406504 -1.6272031394626685 -1.7095969067249523 -1.3199161782121065 -1.5596681105779753 -1.327345547323509 -0.7322221257955653 -0.6208331819139903 -0.1466433799137325 -0.15961897938656344 0.4769592898745811 0.6263721576626369 0.5159892741815668 0.7520007255196112 0.7282164258981098 0.2170345567092049 0.35571611345537985 0.007000100788936937 +22216,-0.6862529044187609,0,-1.4122157708014687 -1.4695096208406504 -1.6272031394626685 -1.7095969067249523 -1.3199161782121065 -1.5596681105779753 -1.327345547323509 -0.7322221257955653 -0.6208331819139903 -0.1466433799137325 -0.15961897938656344 0.4769592898745811 0.6263721576626369 0.5159892741815668 0.7520007255196112 0.7282164258981098 0.2170345567092049 0.35571611345537985 0.007000100788936937 -0.3354473816897503 +22217,-1.030789896960042,0,-1.4695096208406504 -1.6272031394626685 -1.7095969067249523 -1.3199161782121065 -1.5596681105779753 -1.327345547323509 -0.7322221257955653 -0.6208331819139903 -0.1466433799137325 -0.15961897938656344 0.4769592898745811 0.6263721576626369 0.5159892741815668 0.7520007255196112 0.7282164258981098 0.2170345567092049 0.35571611345537985 0.007000100788936937 -0.3354473816897503 -0.6862529044187609 +22218,-1.1071730981366423,0,-1.6272031394626685 -1.7095969067249523 -1.3199161782121065 -1.5596681105779753 -1.327345547323509 -0.7322221257955653 -0.6208331819139903 -0.1466433799137325 -0.15961897938656344 0.4769592898745811 0.6263721576626369 0.5159892741815668 0.7520007255196112 0.7282164258981098 0.2170345567092049 0.35571611345537985 0.007000100788936937 -0.3354473816897503 -0.6862529044187609 -1.030789896960042 +22219,-1.5410946877994693,0,-1.7095969067249523 -1.3199161782121065 -1.5596681105779753 -1.327345547323509 -0.7322221257955653 -0.6208331819139903 -0.1466433799137325 -0.15961897938656344 0.4769592898745811 0.6263721576626369 0.5159892741815668 0.7520007255196112 0.7282164258981098 0.2170345567092049 0.35571611345537985 0.007000100788936937 -0.3354473816897503 -0.6862529044187609 -1.030789896960042 -1.1071730981366423 +22220,-1.706862486097633,0,-1.3199161782121065 -1.5596681105779753 -1.327345547323509 -0.7322221257955653 -0.6208331819139903 -0.1466433799137325 -0.15961897938656344 0.4769592898745811 0.6263721576626369 0.5159892741815668 0.7520007255196112 0.7282164258981098 0.2170345567092049 0.35571611345537985 0.007000100788936937 -0.3354473816897503 -0.6862529044187609 -1.030789896960042 -1.1071730981366423 -1.5410946877994693 +22221,-1.779221445672222,0,-1.5596681105779753 -1.327345547323509 -0.7322221257955653 -0.6208331819139903 -0.1466433799137325 -0.15961897938656344 0.4769592898745811 0.6263721576626369 0.5159892741815668 0.7520007255196112 0.7282164258981098 0.2170345567092049 0.35571611345537985 0.007000100788936937 -0.3354473816897503 -0.6862529044187609 -1.030789896960042 -1.1071730981366423 -1.5410946877994693 -1.706862486097633 +22222,-1.9761255235964996,0,-1.327345547323509 -0.7322221257955653 -0.6208331819139903 -0.1466433799137325 -0.15961897938656344 0.4769592898745811 0.6263721576626369 0.5159892741815668 0.7520007255196112 0.7282164258981098 0.2170345567092049 0.35571611345537985 0.007000100788936937 -0.3354473816897503 -0.6862529044187609 -1.030789896960042 -1.1071730981366423 -1.5410946877994693 -1.706862486097633 -1.779221445672222 +22223,-2.0796207626424263,0,-0.7322221257955653 -0.6208331819139903 -0.1466433799137325 -0.15961897938656344 0.4769592898745811 0.6263721576626369 0.5159892741815668 0.7520007255196112 0.7282164258981098 0.2170345567092049 0.35571611345537985 0.007000100788936937 -0.3354473816897503 -0.6862529044187609 -1.030789896960042 -1.1071730981366423 -1.5410946877994693 -1.706862486097633 -1.779221445672222 -1.9761255235964996 +22224,-1.6861995532565417,0,-0.6208331819139903 -0.1466433799137325 -0.15961897938656344 0.4769592898745811 0.6263721576626369 0.5159892741815668 0.7520007255196112 0.7282164258981098 0.2170345567092049 0.35571611345537985 0.007000100788936937 -0.3354473816897503 -0.6862529044187609 -1.030789896960042 -1.1071730981366423 -1.5410946877994693 -1.706862486097633 -1.779221445672222 -1.9761255235964996 -2.0796207626424263 +22225,-1.9553336085495956,0,-0.1466433799137325 -0.15961897938656344 0.4769592898745811 0.6263721576626369 0.5159892741815668 0.7520007255196112 0.7282164258981098 0.2170345567092049 0.35571611345537985 0.007000100788936937 -0.3354473816897503 -0.6862529044187609 -1.030789896960042 -1.1071730981366423 -1.5410946877994693 -1.706862486097633 -1.779221445672222 -1.9761255235964996 -2.0796207626424263 -1.6861995532565417 +22226,-1.7275512154108386,0,-0.15961897938656344 0.4769592898745811 0.6263721576626369 0.5159892741815668 0.7520007255196112 0.7282164258981098 0.2170345567092049 0.35571611345537985 0.007000100788936937 -0.3354473816897503 -0.6862529044187609 -1.030789896960042 -1.1071730981366423 -1.5410946877994693 -1.706862486097633 -1.779221445672222 -1.9761255235964996 -2.0796207626424263 -1.6861995532565417 -1.9553336085495956 +22227,-1.2063087422169103,0,0.4769592898745811 0.6263721576626369 0.5159892741815668 0.7520007255196112 0.7282164258981098 0.2170345567092049 0.35571611345537985 0.007000100788936937 -0.3354473816897503 -0.6862529044187609 -1.030789896960042 -1.1071730981366423 -1.5410946877994693 -1.706862486097633 -1.779221445672222 -1.9761255235964996 -2.0796207626424263 -1.6861995532565417 -1.9553336085495956 -1.7275512154108386 +22228,-1.076346375556838,0,0.6263721576626369 0.5159892741815668 0.7520007255196112 0.7282164258981098 0.2170345567092049 0.35571611345537985 0.007000100788936937 -0.3354473816897503 -0.6862529044187609 -1.030789896960042 -1.1071730981366423 -1.5410946877994693 -1.706862486097633 -1.779221445672222 -1.9761255235964996 -2.0796207626424263 -1.6861995532565417 -1.9553336085495956 -1.7275512154108386 -1.2063087422169103 +22229,-0.6529239291511574,0,0.5159892741815668 0.7520007255196112 0.7282164258981098 0.2170345567092049 0.35571611345537985 0.007000100788936937 -0.3354473816897503 -0.6862529044187609 -1.030789896960042 -1.1071730981366423 -1.5410946877994693 -1.706862486097633 -1.779221445672222 -1.9761255235964996 -2.0796207626424263 -1.6861995532565417 -1.9553336085495956 -1.7275512154108386 -1.2063087422169103 -1.076346375556838 +22230,-0.5558519986613427,0,0.7520007255196112 0.7282164258981098 0.2170345567092049 0.35571611345537985 0.007000100788936937 -0.3354473816897503 -0.6862529044187609 -1.030789896960042 -1.1071730981366423 -1.5410946877994693 -1.706862486097633 -1.779221445672222 -1.9761255235964996 -2.0796207626424263 -1.6861995532565417 -1.9553336085495956 -1.7275512154108386 -1.2063087422169103 -1.076346375556838 -0.6529239291511574 +22231,-0.023646046795593505,0,0.7282164258981098 0.2170345567092049 0.35571611345537985 0.007000100788936937 -0.3354473816897503 -0.6862529044187609 -1.030789896960042 -1.1071730981366423 -1.5410946877994693 -1.706862486097633 -1.779221445672222 -1.9761255235964996 -2.0796207626424263 -1.6861995532565417 -1.9553336085495956 -1.7275512154108386 -1.2063087422169103 -1.076346375556838 -0.6529239291511574 -0.5558519986613427 +22232,0.182209388999504,0,0.2170345567092049 0.35571611345537985 0.007000100788936937 -0.3354473816897503 -0.6862529044187609 -1.030789896960042 -1.1071730981366423 -1.5410946877994693 -1.706862486097633 -1.779221445672222 -1.9761255235964996 -2.0796207626424263 -1.6861995532565417 -1.9553336085495956 -1.7275512154108386 -1.2063087422169103 -1.076346375556838 -0.6529239291511574 -0.5558519986613427 -0.023646046795593505 +22233,0.13136464414335164,0,0.35571611345537985 0.007000100788936937 -0.3354473816897503 -0.6862529044187609 -1.030789896960042 -1.1071730981366423 -1.5410946877994693 -1.706862486097633 -1.779221445672222 -1.9761255235964996 -2.0796207626424263 -1.6861995532565417 -1.9553336085495956 -1.7275512154108386 -1.2063087422169103 -1.076346375556838 -0.6529239291511574 -0.5558519986613427 -0.023646046795593505 0.182209388999504 +22234,0.4227868067706127,0,0.007000100788936937 -0.3354473816897503 -0.6862529044187609 -1.030789896960042 -1.1071730981366423 -1.5410946877994693 -1.706862486097633 -1.779221445672222 -1.9761255235964996 -2.0796207626424263 -1.6861995532565417 -1.9553336085495956 -1.7275512154108386 -1.2063087422169103 -1.076346375556838 -0.6529239291511574 -0.5558519986613427 -0.023646046795593505 0.182209388999504 0.13136464414335164 +22235,0.4575087889013919,0,-0.3354473816897503 -0.6862529044187609 -1.030789896960042 -1.1071730981366423 -1.5410946877994693 -1.706862486097633 -1.779221445672222 -1.9761255235964996 -2.0796207626424263 -1.6861995532565417 -1.9553336085495956 -1.7275512154108386 -1.2063087422169103 -1.076346375556838 -0.6529239291511574 -0.5558519986613427 -0.023646046795593505 0.182209388999504 0.13136464414335164 0.4227868067706127 +22236,0.048093798686384685,0,-0.6862529044187609 -1.030789896960042 -1.1071730981366423 -1.5410946877994693 -1.706862486097633 -1.779221445672222 -1.9761255235964996 -2.0796207626424263 -1.6861995532565417 -1.9553336085495956 -1.7275512154108386 -1.2063087422169103 -1.076346375556838 -0.6529239291511574 -0.5558519986613427 -0.023646046795593505 0.182209388999504 0.13136464414335164 0.4227868067706127 0.4575087889013919 +22237,0.23086143805939024,0,-1.030789896960042 -1.1071730981366423 -1.5410946877994693 -1.706862486097633 -1.779221445672222 -1.9761255235964996 -2.0796207626424263 -1.6861995532565417 -1.9553336085495956 -1.7275512154108386 -1.2063087422169103 -1.076346375556838 -0.6529239291511574 -0.5558519986613427 -0.023646046795593505 0.182209388999504 0.13136464414335164 0.4227868067706127 0.4575087889013919 0.048093798686384685 +22238,-0.030507894603836915,0,-1.1071730981366423 -1.5410946877994693 -1.706862486097633 -1.779221445672222 -1.9761255235964996 -2.0796207626424263 -1.6861995532565417 -1.9553336085495956 -1.7275512154108386 -1.2063087422169103 -1.076346375556838 -0.6529239291511574 -0.5558519986613427 -0.023646046795593505 0.182209388999504 0.13136464414335164 0.4227868067706127 0.4575087889013919 0.048093798686384685 0.23086143805939024 +22239,-0.37808886481872994,0,-1.5410946877994693 -1.706862486097633 -1.779221445672222 -1.9761255235964996 -2.0796207626424263 -1.6861995532565417 -1.9553336085495956 -1.7275512154108386 -1.2063087422169103 -1.076346375556838 -0.6529239291511574 -0.5558519986613427 -0.023646046795593505 0.182209388999504 0.13136464414335164 0.4227868067706127 0.4575087889013919 0.048093798686384685 0.23086143805939024 -0.030507894603836915 +22240,-0.610720985119515,0,-1.706862486097633 -1.779221445672222 -1.9761255235964996 -2.0796207626424263 -1.6861995532565417 -1.9553336085495956 -1.7275512154108386 -1.2063087422169103 -1.076346375556838 -0.6529239291511574 -0.5558519986613427 -0.023646046795593505 0.182209388999504 0.13136464414335164 0.4227868067706127 0.4575087889013919 0.048093798686384685 0.23086143805939024 -0.030507894603836915 -0.37808886481872994 +22241,-0.9295647428171889,0,-1.779221445672222 -1.9761255235964996 -2.0796207626424263 -1.6861995532565417 -1.9553336085495956 -1.7275512154108386 -1.2063087422169103 -1.076346375556838 -0.6529239291511574 -0.5558519986613427 -0.023646046795593505 0.182209388999504 0.13136464414335164 0.4227868067706127 0.4575087889013919 0.048093798686384685 0.23086143805939024 -0.030507894603836915 -0.37808886481872994 -0.610720985119515 +22242,-0.8624682530298329,0,-1.9761255235964996 -2.0796207626424263 -1.6861995532565417 -1.9553336085495956 -1.7275512154108386 -1.2063087422169103 -1.076346375556838 -0.6529239291511574 -0.5558519986613427 -0.023646046795593505 0.182209388999504 0.13136464414335164 0.4227868067706127 0.4575087889013919 0.048093798686384685 0.23086143805939024 -0.030507894603836915 -0.37808886481872994 -0.610720985119515 -0.9295647428171889 +22243,-1.309958759940773,0,-2.0796207626424263 -1.6861995532565417 -1.9553336085495956 -1.7275512154108386 -1.2063087422169103 -1.076346375556838 -0.6529239291511574 -0.5558519986613427 -0.023646046795593505 0.182209388999504 0.13136464414335164 0.4227868067706127 0.4575087889013919 0.048093798686384685 0.23086143805939024 -0.030507894603836915 -0.37808886481872994 -0.610720985119515 -0.9295647428171889 -0.8624682530298329 +22244,-1.3715090192119148,0,-1.6861995532565417 -1.9553336085495956 -1.7275512154108386 -1.2063087422169103 -1.076346375556838 -0.6529239291511574 -0.5558519986613427 -0.023646046795593505 0.182209388999504 0.13136464414335164 0.4227868067706127 0.4575087889013919 0.048093798686384685 0.23086143805939024 -0.030507894603836915 -0.37808886481872994 -0.610720985119515 -0.9295647428171889 -0.8624682530298329 -1.309958759940773 +22245,-1.4090686075489265,0,-1.9553336085495956 -1.7275512154108386 -1.2063087422169103 -1.076346375556838 -0.6529239291511574 -0.5558519986613427 -0.023646046795593505 0.182209388999504 0.13136464414335164 0.4227868067706127 0.4575087889013919 0.048093798686384685 0.23086143805939024 -0.030507894603836915 -0.37808886481872994 -0.610720985119515 -0.9295647428171889 -0.8624682530298329 -1.309958759940773 -1.3715090192119148 +22246,-1.4786157572346297,0,-1.7275512154108386 -1.2063087422169103 -1.076346375556838 -0.6529239291511574 -0.5558519986613427 -0.023646046795593505 0.182209388999504 0.13136464414335164 0.4227868067706127 0.4575087889013919 0.048093798686384685 0.23086143805939024 -0.030507894603836915 -0.37808886481872994 -0.610720985119515 -0.9295647428171889 -0.8624682530298329 -1.309958759940773 -1.3715090192119148 -1.4090686075489265 +22247,-1.5241722359862024,0,-1.2063087422169103 -1.076346375556838 -0.6529239291511574 -0.5558519986613427 -0.023646046795593505 0.182209388999504 0.13136464414335164 0.4227868067706127 0.4575087889013919 0.048093798686384685 0.23086143805939024 -0.030507894603836915 -0.37808886481872994 -0.610720985119515 -0.9295647428171889 -0.8624682530298329 -1.309958759940773 -1.3715090192119148 -1.4090686075489265 -1.4786157572346297 +22248,-1.2922882118290735,0,-1.076346375556838 -0.6529239291511574 -0.5558519986613427 -0.023646046795593505 0.182209388999504 0.13136464414335164 0.4227868067706127 0.4575087889013919 0.048093798686384685 0.23086143805939024 -0.030507894603836915 -0.37808886481872994 -0.610720985119515 -0.9295647428171889 -0.8624682530298329 -1.309958759940773 -1.3715090192119148 -1.4090686075489265 -1.4786157572346297 -1.5241722359862024 +22249,-1.4303248580105141,0,-0.6529239291511574 -0.5558519986613427 -0.023646046795593505 0.182209388999504 0.13136464414335164 0.4227868067706127 0.4575087889013919 0.048093798686384685 0.23086143805939024 -0.030507894603836915 -0.37808886481872994 -0.610720985119515 -0.9295647428171889 -0.8624682530298329 -1.309958759940773 -1.3715090192119148 -1.4090686075489265 -1.4786157572346297 -1.5241722359862024 -1.2922882118290735 +22250,-1.2909210015928065,0,-0.5558519986613427 -0.023646046795593505 0.182209388999504 0.13136464414335164 0.4227868067706127 0.4575087889013919 0.048093798686384685 0.23086143805939024 -0.030507894603836915 -0.37808886481872994 -0.610720985119515 -0.9295647428171889 -0.8624682530298329 -1.309958759940773 -1.3715090192119148 -1.4090686075489265 -1.4786157572346297 -1.5241722359862024 -1.2922882118290735 -1.4303248580105141 +22251,-0.6825382198630684,0,-0.023646046795593505 0.182209388999504 0.13136464414335164 0.4227868067706127 0.4575087889013919 0.048093798686384685 0.23086143805939024 -0.030507894603836915 -0.37808886481872994 -0.610720985119515 -0.9295647428171889 -0.8624682530298329 -1.309958759940773 -1.3715090192119148 -1.4090686075489265 -1.4786157572346297 -1.5241722359862024 -1.2922882118290735 -1.4303248580105141 -1.2909210015928065 +22252,-0.6994606716763352,0,0.182209388999504 0.13136464414335164 0.4227868067706127 0.4575087889013919 0.048093798686384685 0.23086143805939024 -0.030507894603836915 -0.37808886481872994 -0.610720985119515 -0.9295647428171889 -0.8624682530298329 -1.309958759940773 -1.3715090192119148 -1.4090686075489265 -1.4786157572346297 -1.5241722359862024 -1.2922882118290735 -1.4303248580105141 -1.2909210015928065 -0.6825382198630684 +22253,-0.24740419848712517,0,0.13136464414335164 0.4227868067706127 0.4575087889013919 0.048093798686384685 0.23086143805939024 -0.030507894603836915 -0.37808886481872994 -0.610720985119515 -0.9295647428171889 -0.8624682530298329 -1.309958759940773 -1.3715090192119148 -1.4090686075489265 -1.4786157572346297 -1.5241722359862024 -1.2922882118290735 -1.4303248580105141 -1.2909210015928065 -0.6825382198630684 -0.6994606716763352 +22254,-0.21533924772208132,0,0.4227868067706127 0.4575087889013919 0.048093798686384685 0.23086143805939024 -0.030507894603836915 -0.37808886481872994 -0.610720985119515 -0.9295647428171889 -0.8624682530298329 -1.309958759940773 -1.3715090192119148 -1.4090686075489265 -1.4786157572346297 -1.5241722359862024 -1.2922882118290735 -1.4303248580105141 -1.2909210015928065 -0.6825382198630684 -0.6994606716763352 -0.24740419848712517 +22255,0.37671439981489535,0,0.4575087889013919 0.048093798686384685 0.23086143805939024 -0.030507894603836915 -0.37808886481872994 -0.610720985119515 -0.9295647428171889 -0.8624682530298329 -1.309958759940773 -1.3715090192119148 -1.4090686075489265 -1.4786157572346297 -1.5241722359862024 -1.2922882118290735 -1.4303248580105141 -1.2909210015928065 -0.6825382198630684 -0.6994606716763352 -0.24740419848712517 -0.21533924772208132 +22256,0.5487765246181345,0,0.048093798686384685 0.23086143805939024 -0.030507894603836915 -0.37808886481872994 -0.610720985119515 -0.9295647428171889 -0.8624682530298329 -1.309958759940773 -1.3715090192119148 -1.4090686075489265 -1.4786157572346297 -1.5241722359862024 -1.2922882118290735 -1.4303248580105141 -1.2909210015928065 -0.6825382198630684 -0.6994606716763352 -0.24740419848712517 -0.21533924772208132 0.37671439981489535 +22257,0.45786993873716264,0,0.23086143805939024 -0.030507894603836915 -0.37808886481872994 -0.610720985119515 -0.9295647428171889 -0.8624682530298329 -1.309958759940773 -1.3715090192119148 -1.4090686075489265 -1.4786157572346297 -1.5241722359862024 -1.2922882118290735 -1.4303248580105141 -1.2909210015928065 -0.6825382198630684 -0.6994606716763352 -0.24740419848712517 -0.21533924772208132 0.37671439981489535 0.5487765246181345 +22258,0.7175883005899275,0,-0.030507894603836915 -0.37808886481872994 -0.610720985119515 -0.9295647428171889 -0.8624682530298329 -1.309958759940773 -1.3715090192119148 -1.4090686075489265 -1.4786157572346297 -1.5241722359862024 -1.2922882118290735 -1.4303248580105141 -1.2909210015928065 -0.6825382198630684 -0.6994606716763352 -0.24740419848712517 -0.21533924772208132 0.37671439981489535 0.5487765246181345 0.45786993873716264 +22259,0.7143379516036867,0,-0.37808886481872994 -0.610720985119515 -0.9295647428171889 -0.8624682530298329 -1.309958759940773 -1.3715090192119148 -1.4090686075489265 -1.4786157572346297 -1.5241722359862024 -1.2922882118290735 -1.4303248580105141 -1.2909210015928065 -0.6825382198630684 -0.6994606716763352 -0.24740419848712517 -0.21533924772208132 0.37671439981489535 0.5487765246181345 0.45786993873716264 0.7175883005899275 +22260,0.2133198721535037,0,-0.610720985119515 -0.9295647428171889 -0.8624682530298329 -1.309958759940773 -1.3715090192119148 -1.4090686075489265 -1.4786157572346297 -1.5241722359862024 -1.2922882118290735 -1.4303248580105141 -1.2909210015928065 -0.6825382198630684 -0.6994606716763352 -0.24740419848712517 -0.21533924772208132 0.37671439981489535 0.5487765246181345 0.45786993873716264 0.7175883005899275 0.7143379516036867 +22261,0.3759920999885771,0,-0.9295647428171889 -0.8624682530298329 -1.309958759940773 -1.3715090192119148 -1.4090686075489265 -1.4786157572346297 -1.5241722359862024 -1.2922882118290735 -1.4303248580105141 -1.2909210015928065 -0.6825382198630684 -0.6994606716763352 -0.24740419848712517 -0.21533924772208132 0.37671439981489535 0.5487765246181345 0.45786993873716264 0.7175883005899275 0.7143379516036867 0.2133198721535037 +22262,0.04089659735971692,0,-0.8624682530298329 -1.309958759940773 -1.3715090192119148 -1.4090686075489265 -1.4786157572346297 -1.5241722359862024 -1.2922882118290735 -1.4303248580105141 -1.2909210015928065 -0.6825382198630684 -0.6994606716763352 -0.24740419848712517 -0.21533924772208132 0.37671439981489535 0.5487765246181345 0.45786993873716264 0.7175883005899275 0.7143379516036867 0.2133198721535037 0.3759920999885771 +22263,-0.33862034141440694,0,-1.309958759940773 -1.3715090192119148 -1.4090686075489265 -1.4786157572346297 -1.5241722359862024 -1.2922882118290735 -1.4303248580105141 -1.2909210015928065 -0.6825382198630684 -0.6994606716763352 -0.24740419848712517 -0.21533924772208132 0.37671439981489535 0.5487765246181345 0.45786993873716264 0.7175883005899275 0.7143379516036867 0.2133198721535037 0.3759920999885771 0.04089659735971692 +22264,-0.658908698609932,0,-1.3715090192119148 -1.4090686075489265 -1.4786157572346297 -1.5241722359862024 -1.2922882118290735 -1.4303248580105141 -1.2909210015928065 -0.6825382198630684 -0.6994606716763352 -0.24740419848712517 -0.21533924772208132 0.37671439981489535 0.5487765246181345 0.45786993873716264 0.7175883005899275 0.7143379516036867 0.2133198721535037 0.3759920999885771 0.04089659735971692 -0.33862034141440694 +22265,-1.0236184921054887,0,-1.4090686075489265 -1.4786157572346297 -1.5241722359862024 -1.2922882118290735 -1.4303248580105141 -1.2909210015928065 -0.6825382198630684 -0.6994606716763352 -0.24740419848712517 -0.21533924772208132 0.37671439981489535 0.5487765246181345 0.45786993873716264 0.7175883005899275 0.7143379516036867 0.2133198721535037 0.3759920999885771 0.04089659735971692 -0.33862034141440694 -0.658908698609932 +22266,-1.0240570312028348,0,-1.4786157572346297 -1.5241722359862024 -1.2922882118290735 -1.4303248580105141 -1.2909210015928065 -0.6825382198630684 -0.6994606716763352 -0.24740419848712517 -0.21533924772208132 0.37671439981489535 0.5487765246181345 0.45786993873716264 0.7175883005899275 0.7143379516036867 0.2133198721535037 0.3759920999885771 0.04089659735971692 -0.33862034141440694 -0.658908698609932 -1.0236184921054887 +22267,-1.5101905759580898,0,-1.5241722359862024 -1.2922882118290735 -1.4303248580105141 -1.2909210015928065 -0.6825382198630684 -0.6994606716763352 -0.24740419848712517 -0.21533924772208132 0.37671439981489535 0.5487765246181345 0.45786993873716264 0.7175883005899275 0.7143379516036867 0.2133198721535037 0.3759920999885771 0.04089659735971692 -0.33862034141440694 -0.658908698609932 -1.0236184921054887 -1.0240570312028348 +22268,-1.6320528666246876,0,-1.2922882118290735 -1.4303248580105141 -1.2909210015928065 -0.6825382198630684 -0.6994606716763352 -0.24740419848712517 -0.21533924772208132 0.37671439981489535 0.5487765246181345 0.45786993873716264 0.7175883005899275 0.7143379516036867 0.2133198721535037 0.3759920999885771 0.04089659735971692 -0.33862034141440694 -0.658908698609932 -1.0236184921054887 -1.0240570312028348 -1.5101905759580898 +22269,-1.657797694257747,0,-1.4303248580105141 -1.2909210015928065 -0.6825382198630684 -0.6994606716763352 -0.24740419848712517 -0.21533924772208132 0.37671439981489535 0.5487765246181345 0.45786993873716264 0.7175883005899275 0.7143379516036867 0.2133198721535037 0.3759920999885771 0.04089659735971692 -0.33862034141440694 -0.658908698609932 -1.0236184921054887 -1.0240570312028348 -1.5101905759580898 -1.6320528666246876 +22270,-1.8116991390624886,0,-1.2909210015928065 -0.6825382198630684 -0.6994606716763352 -0.24740419848712517 -0.21533924772208132 0.37671439981489535 0.5487765246181345 0.45786993873716264 0.7175883005899275 0.7143379516036867 0.2133198721535037 0.3759920999885771 0.04089659735971692 -0.33862034141440694 -0.658908698609932 -1.0236184921054887 -1.0240570312028348 -1.5101905759580898 -1.6320528666246876 -1.657797694257747 +22271,-1.8694831211432454,0,-0.6825382198630684 -0.6994606716763352 -0.24740419848712517 -0.21533924772208132 0.37671439981489535 0.5487765246181345 0.45786993873716264 0.7175883005899275 0.7143379516036867 0.2133198721535037 0.3759920999885771 0.04089659735971692 -0.33862034141440694 -0.658908698609932 -1.0236184921054887 -1.0240570312028348 -1.5101905759580898 -1.6320528666246876 -1.657797694257747 -1.8116991390624886 +22272,-1.4139441310282832,0,-0.6994606716763352 -0.24740419848712517 -0.21533924772208132 0.37671439981489535 0.5487765246181345 0.45786993873716264 0.7175883005899275 0.7143379516036867 0.2133198721535037 0.3759920999885771 0.04089659735971692 -0.33862034141440694 -0.658908698609932 -1.0236184921054887 -1.0240570312028348 -1.5101905759580898 -1.6320528666246876 -1.657797694257747 -1.8116991390624886 -1.8694831211432454 +22273,-1.6428357703012437,0,-0.24740419848712517 -0.21533924772208132 0.37671439981489535 0.5487765246181345 0.45786993873716264 0.7175883005899275 0.7143379516036867 0.2133198721535037 0.3759920999885771 0.04089659735971692 -0.33862034141440694 -0.658908698609932 -1.0236184921054887 -1.0240570312028348 -1.5101905759580898 -1.6320528666246876 -1.657797694257747 -1.8116991390624886 -1.8694831211432454 -1.4139441310282832 +22274,-1.3584044376880478,0,-0.21533924772208132 0.37671439981489535 0.5487765246181345 0.45786993873716264 0.7175883005899275 0.7143379516036867 0.2133198721535037 0.3759920999885771 0.04089659735971692 -0.33862034141440694 -0.658908698609932 -1.0236184921054887 -1.0240570312028348 -1.5101905759580898 -1.6320528666246876 -1.657797694257747 -1.8116991390624886 -1.8694831211432454 -1.4139441310282832 -1.6428357703012437 +22275,-0.5236580658452715,0,0.37671439981489535 0.5487765246181345 0.45786993873716264 0.7175883005899275 0.7143379516036867 0.2133198721535037 0.3759920999885771 0.04089659735971692 -0.33862034141440694 -0.658908698609932 -1.0236184921054887 -1.0240570312028348 -1.5101905759580898 -1.6320528666246876 -1.657797694257747 -1.8116991390624886 -1.8694831211432454 -1.4139441310282832 -1.6428357703012437 -1.3584044376880478 +22276,-0.42266507948714427,0,0.5487765246181345 0.45786993873716264 0.7175883005899275 0.7143379516036867 0.2133198721535037 0.3759920999885771 0.04089659735971692 -0.33862034141440694 -0.658908698609932 -1.0236184921054887 -1.0240570312028348 -1.5101905759580898 -1.6320528666246876 -1.657797694257747 -1.8116991390624886 -1.8694831211432454 -1.4139441310282832 -1.6428357703012437 -1.3584044376880478 -0.5236580658452715 +22277,0.22864294594576892,0,0.45786993873716264 0.7175883005899275 0.7143379516036867 0.2133198721535037 0.3759920999885771 0.04089659735971692 -0.33862034141440694 -0.658908698609932 -1.0236184921054887 -1.0240570312028348 -1.5101905759580898 -1.6320528666246876 -1.657797694257747 -1.8116991390624886 -1.8694831211432454 -1.4139441310282832 -1.6428357703012437 -1.3584044376880478 -0.5236580658452715 -0.42266507948714427 +22278,0.0560648926288228,0,0.7175883005899275 0.7143379516036867 0.2133198721535037 0.3759920999885771 0.04089659735971692 -0.33862034141440694 -0.658908698609932 -1.0236184921054887 -1.0240570312028348 -1.5101905759580898 -1.6320528666246876 -1.657797694257747 -1.8116991390624886 -1.8694831211432454 -1.4139441310282832 -1.6428357703012437 -1.3584044376880478 -0.5236580658452715 -0.42266507948714427 0.22864294594576892 +22279,0.9820016109267752,0,0.7143379516036867 0.2133198721535037 0.3759920999885771 0.04089659735971692 -0.33862034141440694 -0.658908698609932 -1.0236184921054887 -1.0240570312028348 -1.5101905759580898 -1.6320528666246876 -1.657797694257747 -1.8116991390624886 -1.8694831211432454 -1.4139441310282832 -1.6428357703012437 -1.3584044376880478 -0.5236580658452715 -0.42266507948714427 0.22864294594576892 0.0560648926288228 +22280,1.0840522506296364,0,0.2133198721535037 0.3759920999885771 0.04089659735971692 -0.33862034141440694 -0.658908698609932 -1.0236184921054887 -1.0240570312028348 -1.5101905759580898 -1.6320528666246876 -1.657797694257747 -1.8116991390624886 -1.8694831211432454 -1.4139441310282832 -1.6428357703012437 -1.3584044376880478 -0.5236580658452715 -0.42266507948714427 0.22864294594576892 0.0560648926288228 0.9820016109267752 +22281,0.9294800987880372,0,0.3759920999885771 0.04089659735971692 -0.33862034141440694 -0.658908698609932 -1.0236184921054887 -1.0240570312028348 -1.5101905759580898 -1.6320528666246876 -1.657797694257747 -1.8116991390624886 -1.8694831211432454 -1.4139441310282832 -1.6428357703012437 -1.3584044376880478 -0.5236580658452715 -0.42266507948714427 0.22864294594576892 0.0560648926288228 0.9820016109267752 1.0840522506296364 +22282,1.1170716688509388,0,0.04089659735971692 -0.33862034141440694 -0.658908698609932 -1.0236184921054887 -1.0240570312028348 -1.5101905759580898 -1.6320528666246876 -1.657797694257747 -1.8116991390624886 -1.8694831211432454 -1.4139441310282832 -1.6428357703012437 -1.3584044376880478 -0.5236580658452715 -0.42266507948714427 0.22864294594576892 0.0560648926288228 0.9820016109267752 1.0840522506296364 0.9294800987880372 +22283,1.0480404475241656,0,-0.33862034141440694 -0.658908698609932 -1.0236184921054887 -1.0240570312028348 -1.5101905759580898 -1.6320528666246876 -1.657797694257747 -1.8116991390624886 -1.8694831211432454 -1.4139441310282832 -1.6428357703012437 -1.3584044376880478 -0.5236580658452715 -0.42266507948714427 0.22864294594576892 0.0560648926288228 0.9820016109267752 1.0840522506296364 0.9294800987880372 1.1170716688509388 +22284,0.6439911128300987,0,-0.658908698609932 -1.0236184921054887 -1.0240570312028348 -1.5101905759580898 -1.6320528666246876 -1.657797694257747 -1.8116991390624886 -1.8694831211432454 -1.4139441310282832 -1.6428357703012437 -1.3584044376880478 -0.5236580658452715 -0.42266507948714427 0.22864294594576892 0.0560648926288228 0.9820016109267752 1.0840522506296364 0.9294800987880372 1.1170716688509388 1.0480404475241656 +22285,0.6866325959590783,0,-1.0236184921054887 -1.0240570312028348 -1.5101905759580898 -1.6320528666246876 -1.657797694257747 -1.8116991390624886 -1.8694831211432454 -1.4139441310282832 -1.6428357703012437 -1.3584044376880478 -0.5236580658452715 -0.42266507948714427 0.22864294594576892 0.0560648926288228 0.9820016109267752 1.0840522506296364 0.9294800987880372 1.1170716688509388 1.0480404475241656 0.6439911128300987 +22286,0.3942559657207731,0,-1.0240570312028348 -1.5101905759580898 -1.6320528666246876 -1.657797694257747 -1.8116991390624886 -1.8694831211432454 -1.4139441310282832 -1.6428357703012437 -1.3584044376880478 -0.5236580658452715 -0.42266507948714427 0.22864294594576892 0.0560648926288228 0.9820016109267752 1.0840522506296364 0.9294800987880372 1.1170716688509388 1.0480404475241656 0.6439911128300987 0.6866325959590783 +22287,-0.04810105345395236,0,-1.5101905759580898 -1.6320528666246876 -1.657797694257747 -1.8116991390624886 -1.8694831211432454 -1.4139441310282832 -1.6428357703012437 -1.3584044376880478 -0.5236580658452715 -0.42266507948714427 0.22864294594576892 0.0560648926288228 0.9820016109267752 1.0840522506296364 0.9294800987880372 1.1170716688509388 1.0480404475241656 0.6439911128300987 0.6866325959590783 0.3942559657207731 +22288,-0.2904842207134508,0,-1.6320528666246876 -1.657797694257747 -1.8116991390624886 -1.8694831211432454 -1.4139441310282832 -1.6428357703012437 -1.3584044376880478 -0.5236580658452715 -0.42266507948714427 0.22864294594576892 0.0560648926288228 0.9820016109267752 1.0840522506296364 0.9294800987880372 1.1170716688509388 1.0480404475241656 0.6439911128300987 0.6866325959590783 0.3942559657207731 -0.04810105345395236 +22289,-0.6828477769093695,0,-1.657797694257747 -1.8116991390624886 -1.8694831211432454 -1.4139441310282832 -1.6428357703012437 -1.3584044376880478 -0.5236580658452715 -0.42266507948714427 0.22864294594576892 0.0560648926288228 0.9820016109267752 1.0840522506296364 0.9294800987880372 1.1170716688509388 1.0480404475241656 0.6439911128300987 0.6866325959590783 0.3942559657207731 -0.04810105345395236 -0.2904842207134508 +22290,-0.67209066955016,0,-1.8116991390624886 -1.8694831211432454 -1.4139441310282832 -1.6428357703012437 -1.3584044376880478 -0.5236580658452715 -0.42266507948714427 0.22864294594576892 0.0560648926288228 0.9820016109267752 1.0840522506296364 0.9294800987880372 1.1170716688509388 1.0480404475241656 0.6439911128300987 0.6866325959590783 0.3942559657207731 -0.04810105345395236 -0.2904842207134508 -0.6828477769093695 +22291,-1.1988277803160559,0,-1.8694831211432454 -1.4139441310282832 -1.6428357703012437 -1.3584044376880478 -0.5236580658452715 -0.42266507948714427 0.22864294594576892 0.0560648926288228 0.9820016109267752 1.0840522506296364 0.9294800987880372 1.1170716688509388 1.0480404475241656 0.6439911128300987 0.6866325959590783 0.3942559657207731 -0.04810105345395236 -0.2904842207134508 -0.6828477769093695 -0.67209066955016 +22292,-1.322444227372029,0,-1.4139441310282832 -1.6428357703012437 -1.3584044376880478 -0.5236580658452715 -0.42266507948714427 0.22864294594576892 0.0560648926288228 0.9820016109267752 1.0840522506296364 0.9294800987880372 1.1170716688509388 1.0480404475241656 0.6439911128300987 0.6866325959590783 0.3942559657207731 -0.04810105345395236 -0.2904842207134508 -0.6828477769093695 -0.67209066955016 -1.1988277803160559 +22293,-1.3267264332308892,0,-1.6428357703012437 -1.3584044376880478 -0.5236580658452715 -0.42266507948714427 0.22864294594576892 0.0560648926288228 0.9820016109267752 1.0840522506296364 0.9294800987880372 1.1170716688509388 1.0480404475241656 0.6439911128300987 0.6866325959590783 0.3942559657207731 -0.04810105345395236 -0.2904842207134508 -0.6828477769093695 -0.67209066955016 -1.1988277803160559 -1.322444227372029 +22294,-1.4901209608922807,0,-1.3584044376880478 -0.5236580658452715 -0.42266507948714427 0.22864294594576892 0.0560648926288228 0.9820016109267752 1.0840522506296364 0.9294800987880372 1.1170716688509388 1.0480404475241656 0.6439911128300987 0.6866325959590783 0.3942559657207731 -0.04810105345395236 -0.2904842207134508 -0.6828477769093695 -0.67209066955016 -1.1988277803160559 -1.322444227372029 -1.3267264332308892 +22295,-1.5341812470469882,0,-0.5236580658452715 -0.42266507948714427 0.22864294594576892 0.0560648926288228 0.9820016109267752 1.0840522506296364 0.9294800987880372 1.1170716688509388 1.0480404475241656 0.6439911128300987 0.6866325959590783 0.3942559657207731 -0.04810105345395236 -0.2904842207134508 -0.6828477769093695 -0.67209066955016 -1.1988277803160559 -1.322444227372029 -1.3267264332308892 -1.4901209608922807 +22296,-1.067240239162859,0,-0.42266507948714427 0.22864294594576892 0.0560648926288228 0.9820016109267752 1.0840522506296364 0.9294800987880372 1.1170716688509388 1.0480404475241656 0.6439911128300987 0.6866325959590783 0.3942559657207731 -0.04810105345395236 -0.2904842207134508 -0.6828477769093695 -0.67209066955016 -1.1988277803160559 -1.322444227372029 -1.3267264332308892 -1.4901209608922807 -1.5341812470469882 +22297,-1.2816342902035536,0,0.22864294594576892 0.0560648926288228 0.9820016109267752 1.0840522506296364 0.9294800987880372 1.1170716688509388 1.0480404475241656 0.6439911128300987 0.6866325959590783 0.3942559657207731 -0.04810105345395236 -0.2904842207134508 -0.6828477769093695 -0.67209066955016 -1.1988277803160559 -1.322444227372029 -1.3267264332308892 -1.4901209608922807 -1.5341812470469882 -1.067240239162859 +22298,-0.985027046895849,0,0.0560648926288228 0.9820016109267752 1.0840522506296364 0.9294800987880372 1.1170716688509388 1.0480404475241656 0.6439911128300987 0.6866325959590783 0.3942559657207731 -0.04810105345395236 -0.2904842207134508 -0.6828477769093695 -0.67209066955016 -1.1988277803160559 -1.322444227372029 -1.3267264332308892 -1.4901209608922807 -1.5341812470469882 -1.067240239162859 -1.2816342902035536 +22299,-0.3271667307009935,0,0.9820016109267752 1.0840522506296364 0.9294800987880372 1.1170716688509388 1.0480404475241656 0.6439911128300987 0.6866325959590783 0.3942559657207731 -0.04810105345395236 -0.2904842207134508 -0.6828477769093695 -0.67209066955016 -1.1988277803160559 -1.322444227372029 -1.3267264332308892 -1.4901209608922807 -1.5341812470469882 -1.067240239162859 -1.2816342902035536 -0.985027046895849 +22300,-0.1509771785620447,0,1.0840522506296364 0.9294800987880372 1.1170716688509388 1.0480404475241656 0.6439911128300987 0.6866325959590783 0.3942559657207731 -0.04810105345395236 -0.2904842207134508 -0.6828477769093695 -0.67209066955016 -1.1988277803160559 -1.322444227372029 -1.3267264332308892 -1.4901209608922807 -1.5341812470469882 -1.067240239162859 -1.2816342902035536 -0.985027046895849 -0.3271667307009935 +22301,0.38646544677360883,0,0.9294800987880372 1.1170716688509388 1.0480404475241656 0.6439911128300987 0.6866325959590783 0.3942559657207731 -0.04810105345395236 -0.2904842207134508 -0.6828477769093695 -0.67209066955016 -1.1988277803160559 -1.322444227372029 -1.3267264332308892 -1.4901209608922807 -1.5341812470469882 -1.067240239162859 -1.2816342902035536 -0.985027046895849 -0.3271667307009935 -0.1509771785620447 +22302,0.3188788249446778,0,1.1170716688509388 1.0480404475241656 0.6439911128300987 0.6866325959590783 0.3942559657207731 -0.04810105345395236 -0.2904842207134508 -0.6828477769093695 -0.67209066955016 -1.1988277803160559 -1.322444227372029 -1.3267264332308892 -1.4901209608922807 -1.5341812470469882 -1.067240239162859 -1.2816342902035536 -0.985027046895849 -0.3271667307009935 -0.1509771785620447 0.38646544677360883 +22303,1.0579978657954903,0,1.0480404475241656 0.6439911128300987 0.6866325959590783 0.3942559657207731 -0.04810105345395236 -0.2904842207134508 -0.6828477769093695 -0.67209066955016 -1.1988277803160559 -1.322444227372029 -1.3267264332308892 -1.4901209608922807 -1.5341812470469882 -1.067240239162859 -1.2816342902035536 -0.985027046895849 -0.3271667307009935 -0.1509771785620447 0.38646544677360883 0.3188788249446778 +22304,1.192087659791272,0,0.6439911128300987 0.6866325959590783 0.3942559657207731 -0.04810105345395236 -0.2904842207134508 -0.6828477769093695 -0.67209066955016 -1.1988277803160559 -1.322444227372029 -1.3267264332308892 -1.4901209608922807 -1.5341812470469882 -1.067240239162859 -1.2816342902035536 -0.985027046895849 -0.3271667307009935 -0.1509771785620447 0.38646544677360883 0.3188788249446778 1.0579978657954903 +22305,0.9950288033438438,0,0.6866325959590783 0.3942559657207731 -0.04810105345395236 -0.2904842207134508 -0.6828477769093695 -0.67209066955016 -1.1988277803160559 -1.322444227372029 -1.3267264332308892 -1.4901209608922807 -1.5341812470469882 -1.067240239162859 -1.2816342902035536 -0.985027046895849 -0.3271667307009935 -0.1509771785620447 0.38646544677360883 0.3188788249446778 1.0579978657954903 1.192087659791272 +22306,1.2395014806659275,0,0.3942559657207731 -0.04810105345395236 -0.2904842207134508 -0.6828477769093695 -0.67209066955016 -1.1988277803160559 -1.322444227372029 -1.3267264332308892 -1.4901209608922807 -1.5341812470469882 -1.067240239162859 -1.2816342902035536 -0.985027046895849 -0.3271667307009935 -0.1509771785620447 0.38646544677360883 0.3188788249446778 1.0579978657954903 1.192087659791272 0.9950288033438438 +22307,1.1528255076995693,0,-0.04810105345395236 -0.2904842207134508 -0.6828477769093695 -0.67209066955016 -1.1988277803160559 -1.322444227372029 -1.3267264332308892 -1.4901209608922807 -1.5341812470469882 -1.067240239162859 -1.2816342902035536 -0.985027046895849 -0.3271667307009935 -0.1509771785620447 0.38646544677360883 0.3188788249446778 1.0579978657954903 1.192087659791272 0.9950288033438438 1.2395014806659275 +22308,0.6053738713031214,0,-0.2904842207134508 -0.6828477769093695 -0.67209066955016 -1.1988277803160559 -1.322444227372029 -1.3267264332308892 -1.4901209608922807 -1.5341812470469882 -1.067240239162859 -1.2816342902035536 -0.985027046895849 -0.3271667307009935 -0.1509771785620447 0.38646544677360883 0.3188788249446778 1.0579978657954903 1.192087659791272 0.9950288033438438 1.2395014806659275 1.1528255076995693 +22309,0.6722897860951949,0,-0.6828477769093695 -0.67209066955016 -1.1988277803160559 -1.322444227372029 -1.3267264332308892 -1.4901209608922807 -1.5341812470469882 -1.067240239162859 -1.2816342902035536 -0.985027046895849 -0.3271667307009935 -0.1509771785620447 0.38646544677360883 0.3188788249446778 1.0579978657954903 1.192087659791272 0.9950288033438438 1.2395014806659275 1.1528255076995693 0.6053738713031214 +22310,0.2784300376119731,0,-0.67209066955016 -1.1988277803160559 -1.322444227372029 -1.3267264332308892 -1.4901209608922807 -1.5341812470469882 -1.067240239162859 -1.2816342902035536 -0.985027046895849 -0.3271667307009935 -0.1509771785620447 0.38646544677360883 0.3188788249446778 1.0579978657954903 1.192087659791272 0.9950288033438438 1.2395014806659275 1.1528255076995693 0.6053738713031214 0.6722897860951949 +22311,-0.06365629503095221,0,-1.1988277803160559 -1.322444227372029 -1.3267264332308892 -1.4901209608922807 -1.5341812470469882 -1.067240239162859 -1.2816342902035536 -0.985027046895849 -0.3271667307009935 -0.1509771785620447 0.38646544677360883 0.3188788249446778 1.0579978657954903 1.192087659791272 0.9950288033438438 1.2395014806659275 1.1528255076995693 0.6053738713031214 0.6722897860951949 0.2784300376119731 +22312,-0.4747738490006595,0,-1.322444227372029 -1.3267264332308892 -1.4901209608922807 -1.5341812470469882 -1.067240239162859 -1.2816342902035536 -0.985027046895849 -0.3271667307009935 -0.1509771785620447 0.38646544677360883 0.3188788249446778 1.0579978657954903 1.192087659791272 0.9950288033438438 1.2395014806659275 1.1528255076995693 0.6053738713031214 0.6722897860951949 0.2784300376119731 -0.06365629503095221 +22313,-0.8341179868204902,0,-1.3267264332308892 -1.4901209608922807 -1.5341812470469882 -1.067240239162859 -1.2816342902035536 -0.985027046895849 -0.3271667307009935 -0.1509771785620447 0.38646544677360883 0.3188788249446778 1.0579978657954903 1.192087659791272 0.9950288033438438 1.2395014806659275 1.1528255076995693 0.6053738713031214 0.6722897860951949 0.2784300376119731 -0.06365629503095221 -0.4747738490006595 +22314,-0.8551936624415898,0,-1.4901209608922807 -1.5341812470469882 -1.067240239162859 -1.2816342902035536 -0.985027046895849 -0.3271667307009935 -0.1509771785620447 0.38646544677360883 0.3188788249446778 1.0579978657954903 1.192087659791272 0.9950288033438438 1.2395014806659275 1.1528255076995693 0.6053738713031214 0.6722897860951949 0.2784300376119731 -0.06365629503095221 -0.4747738490006595 -0.8341179868204902 +22315,-1.327293954534048,0,-1.5341812470469882 -1.067240239162859 -1.2816342902035536 -0.985027046895849 -0.3271667307009935 -0.1509771785620447 0.38646544677360883 0.3188788249446778 1.0579978657954903 1.192087659791272 0.9950288033438438 1.2395014806659275 1.1528255076995693 0.6053738713031214 0.6722897860951949 0.2784300376119731 -0.06365629503095221 -0.4747738490006595 -0.8341179868204902 -0.8551936624415898 +22316,-1.461125784118204,0,-1.067240239162859 -1.2816342902035536 -0.985027046895849 -0.3271667307009935 -0.1509771785620447 0.38646544677360883 0.3188788249446778 1.0579978657954903 1.192087659791272 0.9950288033438438 1.2395014806659275 1.1528255076995693 0.6053738713031214 0.6722897860951949 0.2784300376119731 -0.06365629503095221 -0.4747738490006595 -0.8341179868204902 -0.8551936624415898 -1.327293954534048 +22317,-1.505108681166113,0,-1.2816342902035536 -0.985027046895849 -0.3271667307009935 -0.1509771785620447 0.38646544677360883 0.3188788249446778 1.0579978657954903 1.192087659791272 0.9950288033438438 1.2395014806659275 1.1528255076995693 0.6053738713031214 0.6722897860951949 0.2784300376119731 -0.06365629503095221 -0.4747738490006595 -0.8341179868204902 -0.8551936624415898 -1.327293954534048 -1.461125784118204 +22318,-1.6688901551353896,0,-0.985027046895849 -0.3271667307009935 -0.1509771785620447 0.38646544677360883 0.3188788249446778 1.0579978657954903 1.192087659791272 0.9950288033438438 1.2395014806659275 1.1528255076995693 0.6053738713031214 0.6722897860951949 0.2784300376119731 -0.06365629503095221 -0.4747738490006595 -0.8341179868204902 -0.8551936624415898 -1.327293954534048 -1.461125784118204 -1.505108681166113 +22319,-1.742822696258866,0,-0.3271667307009935 -0.1509771785620447 0.38646544677360883 0.3188788249446778 1.0579978657954903 1.192087659791272 0.9950288033438438 1.2395014806659275 1.1528255076995693 0.6053738713031214 0.6722897860951949 0.2784300376119731 -0.06365629503095221 -0.4747738490006595 -0.8341179868204902 -0.8551936624415898 -1.327293954534048 -1.461125784118204 -1.505108681166113 -1.6688901551353896 +22320,-1.254986587748911,0,-0.1509771785620447 0.38646544677360883 0.3188788249446778 1.0579978657954903 1.192087659791272 0.9950288033438438 1.2395014806659275 1.1528255076995693 0.6053738713031214 0.6722897860951949 0.2784300376119731 -0.06365629503095221 -0.4747738490006595 -0.8341179868204902 -0.8551936624415898 -1.327293954534048 -1.461125784118204 -1.505108681166113 -1.6688901551353896 -1.742822696258866 +22321,-1.5161753455716411,0,0.38646544677360883 0.3188788249446778 1.0579978657954903 1.192087659791272 0.9950288033438438 1.2395014806659275 1.1528255076995693 0.6053738713031214 0.6722897860951949 0.2784300376119731 -0.06365629503095221 -0.4747738490006595 -0.8341179868204902 -0.8551936624415898 -1.327293954534048 -1.461125784118204 -1.505108681166113 -1.6688901551353896 -1.742822696258866 -1.254986587748911 +22322,-1.2155954536061633,0,0.3188788249446778 1.0579978657954903 1.192087659791272 0.9950288033438438 1.2395014806659275 1.1528255076995693 0.6053738713031214 0.6722897860951949 0.2784300376119731 -0.06365629503095221 -0.4747738490006595 -0.8341179868204902 -0.8551936624415898 -1.327293954534048 -1.461125784118204 -1.505108681166113 -1.6688901551353896 -1.742822696258866 -1.254986587748911 -1.5161753455716411 +22323,-0.5500478040430563,0,1.0579978657954903 1.192087659791272 0.9950288033438438 1.2395014806659275 1.1528255076995693 0.6053738713031214 0.6722897860951949 0.2784300376119731 -0.06365629503095221 -0.4747738490006595 -0.8341179868204902 -0.8551936624415898 -1.327293954534048 -1.461125784118204 -1.505108681166113 -1.6688901551353896 -1.742822696258866 -1.254986587748911 -1.5161753455716411 -1.2155954536061633 +22324,-0.3711238312767968,0,1.192087659791272 0.9950288033438438 1.2395014806659275 1.1528255076995693 0.6053738713031214 0.6722897860951949 0.2784300376119731 -0.06365629503095221 -0.4747738490006595 -0.8341179868204902 -0.8551936624415898 -1.327293954534048 -1.461125784118204 -1.505108681166113 -1.6688901551353896 -1.742822696258866 -1.254986587748911 -1.5161753455716411 -1.2155954536061633 -0.5500478040430563 +22325,0.17276789908710047,0,0.9950288033438438 1.2395014806659275 1.1528255076995693 0.6053738713031214 0.6722897860951949 0.2784300376119731 -0.06365629503095221 -0.4747738490006595 -0.8341179868204902 -0.8551936624415898 -1.327293954534048 -1.461125784118204 -1.505108681166113 -1.6688901551353896 -1.742822696258866 -1.254986587748911 -1.5161753455716411 -1.2155954536061633 -0.5500478040430563 -0.3711238312767968 +22326,0.15171801993812412,0,1.2395014806659275 1.1528255076995693 0.6053738713031214 0.6722897860951949 0.2784300376119731 -0.06365629503095221 -0.4747738490006595 -0.8341179868204902 -0.8551936624415898 -1.327293954534048 -1.461125784118204 -1.505108681166113 -1.6688901551353896 -1.742822696258866 -1.254986587748911 -1.5161753455716411 -1.2155954536061633 -0.5500478040430563 -0.3711238312767968 0.17276789908710047 +22327,0.8839236201912412,0,1.1528255076995693 0.6053738713031214 0.6722897860951949 0.2784300376119731 -0.06365629503095221 -0.4747738490006595 -0.8341179868204902 -0.8551936624415898 -1.327293954534048 -1.461125784118204 -1.505108681166113 -1.6688901551353896 -1.742822696258866 -1.254986587748911 -1.5161753455716411 -1.2155954536061633 -0.5500478040430563 -0.3711238312767968 0.17276789908710047 0.15171801993812412 +22328,1.0511876107767077,0,0.6053738713031214 0.6722897860951949 0.2784300376119731 -0.06365629503095221 -0.4747738490006595 -0.8341179868204902 -0.8551936624415898 -1.327293954534048 -1.461125784118204 -1.505108681166113 -1.6688901551353896 -1.742822696258866 -1.254986587748911 -1.5161753455716411 -1.2155954536061633 -0.5500478040430563 -0.3711238312767968 0.17276789908710047 0.15171801993812412 0.8839236201912412 +22329,0.8992982867729672,0,0.6722897860951949 0.2784300376119731 -0.06365629503095221 -0.4747738490006595 -0.8341179868204902 -0.8551936624415898 -1.327293954534048 -1.461125784118204 -1.505108681166113 -1.6688901551353896 -1.742822696258866 -1.254986587748911 -1.5161753455716411 -1.2155954536061633 -0.5500478040430563 -0.3711238312767968 0.17276789908710047 0.15171801993812412 0.8839236201912412 1.0511876107767077 +22330,1.1729467157096158,0,0.2784300376119731 -0.06365629503095221 -0.4747738490006595 -0.8341179868204902 -0.8551936624415898 -1.327293954534048 -1.461125784118204 -1.505108681166113 -1.6688901551353896 -1.742822696258866 -1.254986587748911 -1.5161753455716411 -1.2155954536061633 -0.5500478040430563 -0.3711238312767968 0.17276789908710047 0.15171801993812412 0.8839236201912412 1.0511876107767077 0.8992982867729672 +22331,1.127441829902272,0,-0.06365629503095221 -0.4747738490006595 -0.8341179868204902 -0.8551936624415898 -1.327293954534048 -1.461125784118204 -1.505108681166113 -1.6688901551353896 -1.742822696258866 -1.254986587748911 -1.5161753455716411 -1.2155954536061633 -0.5500478040430563 -0.3711238312767968 0.17276789908710047 0.15171801993812412 0.8839236201912412 1.0511876107767077 0.8992982867729672 1.1729467157096158 +22332,0.5370391533305344,0,-0.4747738490006595 -0.8341179868204902 -0.8551936624415898 -1.327293954534048 -1.461125784118204 -1.505108681166113 -1.6688901551353896 -1.742822696258866 -1.254986587748911 -1.5161753455716411 -1.2155954536061633 -0.5500478040430563 -0.3711238312767968 0.17276789908710047 0.15171801993812412 0.8839236201912412 1.0511876107767077 0.8992982867729672 1.1729467157096158 1.127441829902272 +22333,0.6731668644446637,0,-0.8341179868204902 -0.8551936624415898 -1.327293954534048 -1.461125784118204 -1.505108681166113 -1.6688901551353896 -1.742822696258866 -1.254986587748911 -1.5161753455716411 -1.2155954536061633 -0.5500478040430563 -0.3711238312767968 0.17276789908710047 0.15171801993812412 0.8839236201912412 1.0511876107767077 0.8992982867729672 1.1729467157096158 1.127441829902272 0.5370391533305344 +22334,0.2643967847943995,0,-0.8551936624415898 -1.327293954534048 -1.461125784118204 -1.505108681166113 -1.6688901551353896 -1.742822696258866 -1.254986587748911 -1.5161753455716411 -1.2155954536061633 -0.5500478040430563 -0.3711238312767968 0.17276789908710047 0.15171801993812412 0.8839236201912412 1.0511876107767077 0.8992982867729672 1.1729467157096158 1.127441829902272 0.5370391533305344 0.6731668644446637 +22335,-0.04461853668298579,0,-1.327293954534048 -1.461125784118204 -1.505108681166113 -1.6688901551353896 -1.742822696258866 -1.254986587748911 -1.5161753455716411 -1.2155954536061633 -0.5500478040430563 -0.3711238312767968 0.17276789908710047 0.15171801993812412 0.8839236201912412 1.0511876107767077 0.8992982867729672 1.1729467157096158 1.127441829902272 0.5370391533305344 0.6731668644446637 0.2643967847943995 +22336,-0.4866402023392957,0,-1.461125784118204 -1.505108681166113 -1.6688901551353896 -1.742822696258866 -1.254986587748911 -1.5161753455716411 -1.2155954536061633 -0.5500478040430563 -0.3711238312767968 0.17276789908710047 0.15171801993812412 0.8839236201912412 1.0511876107767077 0.8992982867729672 1.1729467157096158 1.127441829902272 0.5370391533305344 0.6731668644446637 0.2643967847943995 -0.04461853668298579 +22337,-0.8289071099774948,0,-1.505108681166113 -1.6688901551353896 -1.742822696258866 -1.254986587748911 -1.5161753455716411 -1.2155954536061633 -0.5500478040430563 -0.3711238312767968 0.17276789908710047 0.15171801993812412 0.8839236201912412 1.0511876107767077 0.8992982867729672 1.1729467157096158 1.127441829902272 0.5370391533305344 0.6731668644446637 0.2643967847943995 -0.04461853668298579 -0.4866402023392957 +22338,-0.862158695983523,0,-1.6688901551353896 -1.742822696258866 -1.254986587748911 -1.5161753455716411 -1.2155954536061633 -0.5500478040430563 -0.3711238312767968 0.17276789908710047 0.15171801993812412 0.8839236201912412 1.0511876107767077 0.8992982867729672 1.1729467157096158 1.127441829902272 0.5370391533305344 0.6731668644446637 0.2643967847943995 -0.04461853668298579 -0.4866402023392957 -0.8289071099774948 +22339,-1.3074307106260736,0,-1.742822696258866 -1.254986587748911 -1.5161753455716411 -1.2155954536061633 -0.5500478040430563 -0.3711238312767968 0.17276789908710047 0.15171801993812412 0.8839236201912412 1.0511876107767077 0.8992982867729672 1.1729467157096158 1.127441829902272 0.5370391533305344 0.6731668644446637 0.2643967847943995 -0.04461853668298579 -0.4866402023392957 -0.8289071099774948 -0.862158695983523 +22340,-1.443687403946016,0,-1.254986587748911 -1.5161753455716411 -1.2155954536061633 -0.5500478040430563 -0.3711238312767968 0.17276789908710047 0.15171801993812412 0.8839236201912412 1.0511876107767077 0.8992982867729672 1.1729467157096158 1.127441829902272 0.5370391533305344 0.6731668644446637 0.2643967847943995 -0.04461853668298579 -0.4866402023392957 -0.8289071099774948 -0.862158695983523 -1.3074307106260736 +22341,-1.4957445805152847,0,-1.5161753455716411 -1.2155954536061633 -0.5500478040430563 -0.3711238312767968 0.17276789908710047 0.15171801993812412 0.8839236201912412 1.0511876107767077 0.8992982867729672 1.1729467157096158 1.127441829902272 0.5370391533305344 0.6731668644446637 0.2643967847943995 -0.04461853668298579 -0.4866402023392957 -0.8289071099774948 -0.862158695983523 -1.3074307106260736 -1.443687403946016 +22342,-1.6600677793155971,0,-1.2155954536061633 -0.5500478040430563 -0.3711238312767968 0.17276789908710047 0.15171801993812412 0.8839236201912412 1.0511876107767077 0.8992982867729672 1.1729467157096158 1.127441829902272 0.5370391533305344 0.6731668644446637 0.2643967847943995 -0.04461853668298579 -0.4866402023392957 -0.8289071099774948 -0.862158695983523 -1.3074307106260736 -1.443687403946016 -1.4957445805152847 +22343,-1.740191461365245,0,-0.5500478040430563 -0.3711238312767968 0.17276789908710047 0.15171801993812412 0.8839236201912412 1.0511876107767077 0.8992982867729672 1.1729467157096158 1.127441829902272 0.5370391533305344 0.6731668644446637 0.2643967847943995 -0.04461853668298579 -0.4866402023392957 -0.8289071099774948 -0.862158695983523 -1.3074307106260736 -1.443687403946016 -1.4957445805152847 -1.6600677793155971 +22344,-1.3093912386376227,0,-0.3711238312767968 0.17276789908710047 0.15171801993812412 0.8839236201912412 1.0511876107767077 0.8992982867729672 1.1729467157096158 1.127441829902272 0.5370391533305344 0.6731668644446637 0.2643967847943995 -0.04461853668298579 -0.4866402023392957 -0.8289071099774948 -0.862158695983523 -1.3074307106260736 -1.443687403946016 -1.4957445805152847 -1.6600677793155971 -1.740191461365245 +22345,-1.5598228891011345,0,0.17276789908710047 0.15171801993812412 0.8839236201912412 1.0511876107767077 0.8992982867729672 1.1729467157096158 1.127441829902272 0.5370391533305344 0.6731668644446637 0.2643967847943995 -0.04461853668298579 -0.4866402023392957 -0.8289071099774948 -0.862158695983523 -1.3074307106260736 -1.443687403946016 -1.4957445805152847 -1.6600677793155971 -1.740191461365245 -1.3093912386376227 +22346,-1.2993306346325995,0,0.15171801993812412 0.8839236201912412 1.0511876107767077 0.8992982867729672 1.1729467157096158 1.127441829902272 0.5370391533305344 0.6731668644446637 0.2643967847943995 -0.04461853668298579 -0.4866402023392957 -0.8289071099774948 -0.862158695983523 -1.3074307106260736 -1.443687403946016 -1.4957445805152847 -1.6600677793155971 -1.740191461365245 -1.3093912386376227 -1.5598228891011345 +22347,-0.7273466023162086,0,0.8839236201912412 1.0511876107767077 0.8992982867729672 1.1729467157096158 1.127441829902272 0.5370391533305344 0.6731668644446637 0.2643967847943995 -0.04461853668298579 -0.4866402023392957 -0.8289071099774948 -0.862158695983523 -1.3074307106260736 -1.443687403946016 -1.4957445805152847 -1.6600677793155971 -1.740191461365245 -1.3093912386376227 -1.5598228891011345 -1.2993306346325995 +22348,-0.5706849404120242,0,1.0511876107767077 0.8992982867729672 1.1729467157096158 1.127441829902272 0.5370391533305344 0.6731668644446637 0.2643967847943995 -0.04461853668298579 -0.4866402023392957 -0.8289071099774948 -0.862158695983523 -1.3074307106260736 -1.443687403946016 -1.4957445805152847 -1.6600677793155971 -1.740191461365245 -1.3093912386376227 -1.5598228891011345 -1.2993306346325995 -0.7273466023162086 +22349,-0.10253150081477864,0,0.8992982867729672 1.1729467157096158 1.127441829902272 0.5370391533305344 0.6731668644446637 0.2643967847943995 -0.04461853668298579 -0.4866402023392957 -0.8289071099774948 -0.862158695983523 -1.3074307106260736 -1.443687403946016 -1.4957445805152847 -1.6600677793155971 -1.740191461365245 -1.3093912386376227 -1.5598228891011345 -1.2993306346325995 -0.7273466023162086 -0.5706849404120242 +22350,-0.08749218759670006,0,1.1729467157096158 1.127441829902272 0.5370391533305344 0.6731668644446637 0.2643967847943995 -0.04461853668298579 -0.4866402023392957 -0.8289071099774948 -0.862158695983523 -1.3074307106260736 -1.443687403946016 -1.4957445805152847 -1.6600677793155971 -1.740191461365245 -1.3093912386376227 -1.5598228891011345 -1.2993306346325995 -0.7273466023162086 -0.5706849404120242 -0.10253150081477864 +22351,0.5316992942817172,0,1.127441829902272 0.5370391533305344 0.6731668644446637 0.2643967847943995 -0.04461853668298579 -0.4866402023392957 -0.8289071099774948 -0.862158695983523 -1.3074307106260736 -1.443687403946016 -1.4957445805152847 -1.6600677793155971 -1.740191461365245 -1.3093912386376227 -1.5598228891011345 -1.2993306346325995 -0.7273466023162086 -0.5706849404120242 -0.10253150081477864 -0.08749218759670006 +22352,0.6977766496261907,0,0.5370391533305344 0.6731668644446637 0.2643967847943995 -0.04461853668298579 -0.4866402023392957 -0.8289071099774948 -0.862158695983523 -1.3074307106260736 -1.443687403946016 -1.4957445805152847 -1.6600677793155971 -1.740191461365245 -1.3093912386376227 -1.5598228891011345 -1.2993306346325995 -0.7273466023162086 -0.5706849404120242 -0.10253150081477864 -0.08749218759670006 0.5316992942817172 +22353,0.5237282003392704,0,0.6731668644446637 0.2643967847943995 -0.04461853668298579 -0.4866402023392957 -0.8289071099774948 -0.862158695983523 -1.3074307106260736 -1.443687403946016 -1.4957445805152847 -1.6600677793155971 -1.740191461365245 -1.3093912386376227 -1.5598228891011345 -1.2993306346325995 -0.7273466023162086 -0.5706849404120242 -0.10253150081477864 -0.08749218759670006 0.5316992942817172 0.6977766496261907 +22354,0.8031808238942054,0,0.2643967847943995 -0.04461853668298579 -0.4866402023392957 -0.8289071099774948 -0.862158695983523 -1.3074307106260736 -1.443687403946016 -1.4957445805152847 -1.6600677793155971 -1.740191461365245 -1.3093912386376227 -1.5598228891011345 -1.2993306346325995 -0.7273466023162086 -0.5706849404120242 -0.10253150081477864 -0.08749218759670006 0.5316992942817172 0.6977766496261907 0.5237282003392704 +22355,0.7425076428177467,0,-0.04461853668298579 -0.4866402023392957 -0.8289071099774948 -0.862158695983523 -1.3074307106260736 -1.443687403946016 -1.4957445805152847 -1.6600677793155971 -1.740191461365245 -1.3093912386376227 -1.5598228891011345 -1.2993306346325995 -0.7273466023162086 -0.5706849404120242 -0.10253150081477864 -0.08749218759670006 0.5316992942817172 0.6977766496261907 0.5237282003392704 0.8031808238942054 +22356,0.24512685866169848,0,-0.4866402023392957 -0.8289071099774948 -0.862158695983523 -1.3074307106260736 -1.443687403946016 -1.4957445805152847 -1.6600677793155971 -1.740191461365245 -1.3093912386376227 -1.5598228891011345 -1.2993306346325995 -0.7273466023162086 -0.5706849404120242 -0.10253150081477864 -0.08749218759670006 0.5316992942817172 0.6977766496261907 0.5237282003392704 0.8031808238942054 0.7425076428177467 +22357,0.33002287861178137,0,-0.8289071099774948 -0.862158695983523 -1.3074307106260736 -1.443687403946016 -1.4957445805152847 -1.6600677793155971 -1.740191461365245 -1.3093912386376227 -1.5598228891011345 -1.2993306346325995 -0.7273466023162086 -0.5706849404120242 -0.10253150081477864 -0.08749218759670006 0.5316992942817172 0.6977766496261907 0.5237282003392704 0.8031808238942054 0.7425076428177467 0.24512685866169848 +22358,-0.02178870451774291,0,-0.862158695983523 -1.3074307106260736 -1.443687403946016 -1.4957445805152847 -1.6600677793155971 -1.740191461365245 -1.3093912386376227 -1.5598228891011345 -1.2993306346325995 -0.7273466023162086 -0.5706849404120242 -0.10253150081477864 -0.08749218759670006 0.5316992942817172 0.6977766496261907 0.5237282003392704 0.8031808238942054 0.7425076428177467 0.24512685866169848 0.33002287861178137 +22359,-0.3098315361077271,0,-1.3074307106260736 -1.443687403946016 -1.4957445805152847 -1.6600677793155971 -1.740191461365245 -1.3093912386376227 -1.5598228891011345 -1.2993306346325995 -0.7273466023162086 -0.5706849404120242 -0.10253150081477864 -0.08749218759670006 0.5316992942817172 0.6977766496261907 0.5237282003392704 0.8031808238942054 0.7425076428177467 0.24512685866169848 0.33002287861178137 -0.02178870451774291 +22360,-0.6828993696988304,0,-1.443687403946016 -1.4957445805152847 -1.6600677793155971 -1.740191461365245 -1.3093912386376227 -1.5598228891011345 -1.2993306346325995 -0.7273466023162086 -0.5706849404120242 -0.10253150081477864 -0.08749218759670006 0.5316992942817172 0.6977766496261907 0.5237282003392704 0.8031808238942054 0.7425076428177467 0.24512685866169848 0.33002287861178137 -0.02178870451774291 -0.3098315361077271 +22361,-0.9921984519051792,0,-1.4957445805152847 -1.6600677793155971 -1.740191461365245 -1.3093912386376227 -1.5598228891011345 -1.2993306346325995 -0.7273466023162086 -0.5706849404120242 -0.10253150081477864 -0.08749218759670006 0.5316992942817172 0.6977766496261907 0.5237282003392704 0.8031808238942054 0.7425076428177467 0.24512685866169848 0.33002287861178137 -0.02178870451774291 -0.3098315361077271 -0.6828993696988304 +22362,-0.8884710449197413,0,-1.6600677793155971 -1.740191461365245 -1.3093912386376227 -1.5598228891011345 -1.2993306346325995 -0.7273466023162086 -0.5706849404120242 -0.10253150081477864 -0.08749218759670006 0.5316992942817172 0.6977766496261907 0.5237282003392704 0.8031808238942054 0.7425076428177467 0.24512685866169848 0.33002287861178137 -0.02178870451774291 -0.3098315361077271 -0.6828993696988304 -0.9921984519051792 +22363,-1.3354456233169831,0,-1.740191461365245 -1.3093912386376227 -1.5598228891011345 -1.2993306346325995 -0.7273466023162086 -0.5706849404120242 -0.10253150081477864 -0.08749218759670006 0.5316992942817172 0.6977766496261907 0.5237282003392704 0.8031808238942054 0.7425076428177467 0.24512685866169848 0.33002287861178137 -0.02178870451774291 -0.3098315361077271 -0.6828993696988304 -0.9921984519051792 -0.8884710449197413 +22364,-1.369393712831992,0,-1.3093912386376227 -1.5598228891011345 -1.2993306346325995 -0.7273466023162086 -0.5706849404120242 -0.10253150081477864 -0.08749218759670006 0.5316992942817172 0.6977766496261907 0.5237282003392704 0.8031808238942054 0.7425076428177467 0.24512685866169848 0.33002287861178137 -0.02178870451774291 -0.3098315361077271 -0.6828993696988304 -0.9921984519051792 -0.8884710449197413 -1.3354456233169831 +22365,-1.2721670038190267,0,-1.5598228891011345 -1.2993306346325995 -0.7273466023162086 -0.5706849404120242 -0.10253150081477864 -0.08749218759670006 0.5316992942817172 0.6977766496261907 0.5237282003392704 0.8031808238942054 0.7425076428177467 0.24512685866169848 0.33002287861178137 -0.02178870451774291 -0.3098315361077271 -0.6828993696988304 -0.9921984519051792 -0.8884710449197413 -1.3354456233169831 -1.369393712831992 +22366,-1.3498400259703274,0,-1.2993306346325995 -0.7273466023162086 -0.5706849404120242 -0.10253150081477864 -0.08749218759670006 0.5316992942817172 0.6977766496261907 0.5237282003392704 0.8031808238942054 0.7425076428177467 0.24512685866169848 0.33002287861178137 -0.02178870451774291 -0.3098315361077271 -0.6828993696988304 -0.9921984519051792 -0.8884710449197413 -1.3354456233169831 -1.369393712831992 -1.2721670038190267 +22367,-1.2963382499032077,0,-0.7273466023162086 -0.5706849404120242 -0.10253150081477864 -0.08749218759670006 0.5316992942817172 0.6977766496261907 0.5237282003392704 0.8031808238942054 0.7425076428177467 0.24512685866169848 0.33002287861178137 -0.02178870451774291 -0.3098315361077271 -0.6828993696988304 -0.9921984519051792 -0.8884710449197413 -1.3354456233169831 -1.369393712831992 -1.2721670038190267 -1.3498400259703274 +22368,-1.2833110574861304,0,-0.5706849404120242 -0.10253150081477864 -0.08749218759670006 0.5316992942817172 0.6977766496261907 0.5237282003392704 0.8031808238942054 0.7425076428177467 0.24512685866169848 0.33002287861178137 -0.02178870451774291 -0.3098315361077271 -0.6828993696988304 -0.9921984519051792 -0.8884710449197413 -1.3354456233169831 -1.369393712831992 -1.2721670038190267 -1.3498400259703274 -1.2963382499032077 +22369,-1.2163177534324816,0,-0.10253150081477864 -0.08749218759670006 0.5316992942817172 0.6977766496261907 0.5237282003392704 0.8031808238942054 0.7425076428177467 0.24512685866169848 0.33002287861178137 -0.02178870451774291 -0.3098315361077271 -0.6828993696988304 -0.9921984519051792 -0.8884710449197413 -1.3354456233169831 -1.369393712831992 -1.2721670038190267 -1.3498400259703274 -1.2963382499032077 -1.2833110574861304 +22370,-1.1897990330288664,0,-0.08749218759670006 0.5316992942817172 0.6977766496261907 0.5237282003392704 0.8031808238942054 0.7425076428177467 0.24512685866169848 0.33002287861178137 -0.02178870451774291 -0.3098315361077271 -0.6828993696988304 -0.9921984519051792 -0.8884710449197413 -1.3354456233169831 -1.369393712831992 -1.2721670038190267 -1.3498400259703274 -1.2963382499032077 -1.2833110574861304 -1.2163177534324816 +22371,-0.8534137094253145,0,0.5316992942817172 0.6977766496261907 0.5237282003392704 0.8031808238942054 0.7425076428177467 0.24512685866169848 0.33002287861178137 -0.02178870451774291 -0.3098315361077271 -0.6828993696988304 -0.9921984519051792 -0.8884710449197413 -1.3354456233169831 -1.369393712831992 -1.2721670038190267 -1.3498400259703274 -1.2963382499032077 -1.2833110574861304 -1.2163177534324816 -1.1897990330288664 +22372,-0.9301838569098,0,0.6977766496261907 0.5237282003392704 0.8031808238942054 0.7425076428177467 0.24512685866169848 0.33002287861178137 -0.02178870451774291 -0.3098315361077271 -0.6828993696988304 -0.9921984519051792 -0.8884710449197413 -1.3354456233169831 -1.369393712831992 -1.2721670038190267 -1.3498400259703274 -1.2963382499032077 -1.2833110574861304 -1.2163177534324816 -1.1897990330288664 -0.8534137094253145 +22373,-0.6970874010395633,0,0.5237282003392704 0.8031808238942054 0.7425076428177467 0.24512685866169848 0.33002287861178137 -0.02178870451774291 -0.3098315361077271 -0.6828993696988304 -0.9921984519051792 -0.8884710449197413 -1.3354456233169831 -1.369393712831992 -1.2721670038190267 -1.3498400259703274 -1.2963382499032077 -1.2833110574861304 -1.2163177534324816 -1.1897990330288664 -0.8534137094253145 -0.9301838569098 +22374,-0.7004151392873793,0,0.8031808238942054 0.7425076428177467 0.24512685866169848 0.33002287861178137 -0.02178870451774291 -0.3098315361077271 -0.6828993696988304 -0.9921984519051792 -0.8884710449197413 -1.3354456233169831 -1.369393712831992 -1.2721670038190267 -1.3498400259703274 -1.2963382499032077 -1.2833110574861304 -1.2163177534324816 -1.1897990330288664 -0.8534137094253145 -0.9301838569098 -0.6970874010395633 +22375,-0.388510618659524,0,0.7425076428177467 0.24512685866169848 0.33002287861178137 -0.02178870451774291 -0.3098315361077271 -0.6828993696988304 -0.9921984519051792 -0.8884710449197413 -1.3354456233169831 -1.369393712831992 -1.2721670038190267 -1.3498400259703274 -1.2963382499032077 -1.2833110574861304 -1.2163177534324816 -1.1897990330288664 -0.8534137094253145 -0.9301838569098 -0.6970874010395633 -0.7004151392873793 +22376,-0.3130302923045071,0,0.24512685866169848 0.33002287861178137 -0.02178870451774291 -0.3098315361077271 -0.6828993696988304 -0.9921984519051792 -0.8884710449197413 -1.3354456233169831 -1.369393712831992 -1.2721670038190267 -1.3498400259703274 -1.2963382499032077 -1.2833110574861304 -1.2163177534324816 -1.1897990330288664 -0.8534137094253145 -0.9301838569098 -0.6970874010395633 -0.7004151392873793 -0.388510618659524 +22377,-0.47552194514430657,0,0.33002287861178137 -0.02178870451774291 -0.3098315361077271 -0.6828993696988304 -0.9921984519051792 -0.8884710449197413 -1.3354456233169831 -1.369393712831992 -1.2721670038190267 -1.3498400259703274 -1.2963382499032077 -1.2833110574861304 -1.2163177534324816 -1.1897990330288664 -0.8534137094253145 -0.9301838569098 -0.6970874010395633 -0.7004151392873793 -0.388510618659524 -0.3130302923045071 +22378,-0.3207176255179816,0,-0.02178870451774291 -0.3098315361077271 -0.6828993696988304 -0.9921984519051792 -0.8884710449197413 -1.3354456233169831 -1.369393712831992 -1.2721670038190267 -1.3498400259703274 -1.2963382499032077 -1.2833110574861304 -1.2163177534324816 -1.1897990330288664 -0.8534137094253145 -0.9301838569098 -0.6970874010395633 -0.7004151392873793 -0.388510618659524 -0.3130302923045071 -0.47552194514430657 +22379,-0.4038852853960269,0,-0.3098315361077271 -0.6828993696988304 -0.9921984519051792 -0.8884710449197413 -1.3354456233169831 -1.369393712831992 -1.2721670038190267 -1.3498400259703274 -1.2963382499032077 -1.2833110574861304 -1.2163177534324816 -1.1897990330288664 -0.8534137094253145 -0.9301838569098 -0.6970874010395633 -0.7004151392873793 -0.388510618659524 -0.3130302923045071 -0.47552194514430657 -0.3207176255179816 +22380,-0.5058585356825359,0,-0.6828993696988304 -0.9921984519051792 -0.8884710449197413 -1.3354456233169831 -1.369393712831992 -1.2721670038190267 -1.3498400259703274 -1.2963382499032077 -1.2833110574861304 -1.2163177534324816 -1.1897990330288664 -0.8534137094253145 -0.9301838569098 -0.6970874010395633 -0.7004151392873793 -0.388510618659524 -0.3130302923045071 -0.47552194514430657 -0.3207176255179816 -0.4038852853960269 +22381,-0.5827576652180575,0,-0.9921984519051792 -0.8884710449197413 -1.3354456233169831 -1.369393712831992 -1.2721670038190267 -1.3498400259703274 -1.2963382499032077 -1.2833110574861304 -1.2163177534324816 -1.1897990330288664 -0.8534137094253145 -0.9301838569098 -0.6970874010395633 -0.7004151392873793 -0.388510618659524 -0.3130302923045071 -0.47552194514430657 -0.3207176255179816 -0.4038852853960269 -0.5058585356825359 +22382,-0.6784623854715965,0,-0.8884710449197413 -1.3354456233169831 -1.369393712831992 -1.2721670038190267 -1.3498400259703274 -1.2963382499032077 -1.2833110574861304 -1.2163177534324816 -1.1897990330288664 -0.8534137094253145 -0.9301838569098 -0.6970874010395633 -0.7004151392873793 -0.388510618659524 -0.3130302923045071 -0.47552194514430657 -0.3207176255179816 -0.4038852853960269 -0.5058585356825359 -0.5827576652180575 +22383,-0.8848337496256153,0,-1.3354456233169831 -1.369393712831992 -1.2721670038190267 -1.3498400259703274 -1.2963382499032077 -1.2833110574861304 -1.2163177534324816 -1.1897990330288664 -0.8534137094253145 -0.9301838569098 -0.6970874010395633 -0.7004151392873793 -0.388510618659524 -0.3130302923045071 -0.47552194514430657 -0.3207176255179816 -0.4038852853960269 -0.5058585356825359 -0.5827576652180575 -0.6784623854715965 +22384,-0.9436495884242146,0,-1.369393712831992 -1.2721670038190267 -1.3498400259703274 -1.2963382499032077 -1.2833110574861304 -1.2163177534324816 -1.1897990330288664 -0.8534137094253145 -0.9301838569098 -0.6970874010395633 -0.7004151392873793 -0.388510618659524 -0.3130302923045071 -0.47552194514430657 -0.3207176255179816 -0.4038852853960269 -0.5058585356825359 -0.5827576652180575 -0.6784623854715965 -0.8848337496256153 +22385,-1.1131320712780792,0,-1.2721670038190267 -1.3498400259703274 -1.2963382499032077 -1.2833110574861304 -1.2163177534324816 -1.1897990330288664 -0.8534137094253145 -0.9301838569098 -0.6970874010395633 -0.7004151392873793 -0.388510618659524 -0.3130302923045071 -0.47552194514430657 -0.3207176255179816 -0.4038852853960269 -0.5058585356825359 -0.5827576652180575 -0.6784623854715965 -0.8848337496256153 -0.9436495884242146 +22386,-1.2049931247701042,0,-1.3498400259703274 -1.2963382499032077 -1.2833110574861304 -1.2163177534324816 -1.1897990330288664 -0.8534137094253145 -0.9301838569098 -0.6970874010395633 -0.7004151392873793 -0.388510618659524 -0.3130302923045071 -0.47552194514430657 -0.3207176255179816 -0.4038852853960269 -0.5058585356825359 -0.5827576652180575 -0.6784623854715965 -0.8848337496256153 -0.9436495884242146 -1.1131320712780792 +22387,-1.4003494174628324,0,-1.2963382499032077 -1.2833110574861304 -1.2163177534324816 -1.1897990330288664 -0.8534137094253145 -0.9301838569098 -0.6970874010395633 -0.7004151392873793 -0.388510618659524 -0.3130302923045071 -0.47552194514430657 -0.3207176255179816 -0.4038852853960269 -0.5058585356825359 -0.5827576652180575 -0.6784623854715965 -0.8848337496256153 -0.9436495884242146 -1.1131320712780792 -1.2049931247701042 +22388,-1.5180842806389525,0,-1.2833110574861304 -1.2163177534324816 -1.1897990330288664 -0.8534137094253145 -0.9301838569098 -0.6970874010395633 -0.7004151392873793 -0.388510618659524 -0.3130302923045071 -0.47552194514430657 -0.3207176255179816 -0.4038852853960269 -0.5058585356825359 -0.5827576652180575 -0.6784623854715965 -0.8848337496256153 -0.9436495884242146 -1.1131320712780792 -1.2049931247701042 -1.4003494174628324 +22389,-1.4433520504275827,0,-1.2163177534324816 -1.1897990330288664 -0.8534137094253145 -0.9301838569098 -0.6970874010395633 -0.7004151392873793 -0.388510618659524 -0.3130302923045071 -0.47552194514430657 -0.3207176255179816 -0.4038852853960269 -0.5058585356825359 -0.5827576652180575 -0.6784623854715965 -0.8848337496256153 -0.9436495884242146 -1.1131320712780792 -1.2049931247701042 -1.4003494174628324 -1.5180842806389525 +22390,-1.625242611605905,0,-1.1897990330288664 -0.8534137094253145 -0.9301838569098 -0.6970874010395633 -0.7004151392873793 -0.388510618659524 -0.3130302923045071 -0.47552194514430657 -0.3207176255179816 -0.4038852853960269 -0.5058585356825359 -0.5827576652180575 -0.6784623854715965 -0.8848337496256153 -0.9436495884242146 -1.1131320712780792 -1.2049931247701042 -1.4003494174628324 -1.5180842806389525 -1.4433520504275827 +22391,-1.6146660790871747,0,-0.8534137094253145 -0.9301838569098 -0.6970874010395633 -0.7004151392873793 -0.388510618659524 -0.3130302923045071 -0.47552194514430657 -0.3207176255179816 -0.4038852853960269 -0.5058585356825359 -0.5827576652180575 -0.6784623854715965 -0.8848337496256153 -0.9436495884242146 -1.1131320712780792 -1.2049931247701042 -1.4003494174628324 -1.5180842806389525 -1.4433520504275827 -1.625242611605905 +22392,-1.40496697668534,0,-0.9301838569098 -0.6970874010395633 -0.7004151392873793 -0.388510618659524 -0.3130302923045071 -0.47552194514430657 -0.3207176255179816 -0.4038852853960269 -0.5058585356825359 -0.5827576652180575 -0.6784623854715965 -0.8848337496256153 -0.9436495884242146 -1.1131320712780792 -1.2049931247701042 -1.4003494174628324 -1.5180842806389525 -1.4433520504275827 -1.625242611605905 -1.6146660790871747 +22393,-1.4607646342824332,0,-0.6970874010395633 -0.7004151392873793 -0.388510618659524 -0.3130302923045071 -0.47552194514430657 -0.3207176255179816 -0.4038852853960269 -0.5058585356825359 -0.5827576652180575 -0.6784623854715965 -0.8848337496256153 -0.9436495884242146 -1.1131320712780792 -1.2049931247701042 -1.4003494174628324 -1.5180842806389525 -1.4433520504275827 -1.625242611605905 -1.6146660790871747 -1.40496697668534 +22394,-1.317439721841636,0,-0.7004151392873793 -0.388510618659524 -0.3130302923045071 -0.47552194514430657 -0.3207176255179816 -0.4038852853960269 -0.5058585356825359 -0.5827576652180575 -0.6784623854715965 -0.8848337496256153 -0.9436495884242146 -1.1131320712780792 -1.2049931247701042 -1.4003494174628324 -1.5180842806389525 -1.4433520504275827 -1.625242611605905 -1.6146660790871747 -1.40496697668534 -1.4607646342824332 +22395,-0.990624870201524,0,-0.388510618659524 -0.3130302923045071 -0.47552194514430657 -0.3207176255179816 -0.4038852853960269 -0.5058585356825359 -0.5827576652180575 -0.6784623854715965 -0.8848337496256153 -0.9436495884242146 -1.1131320712780792 -1.2049931247701042 -1.4003494174628324 -1.5180842806389525 -1.4433520504275827 -1.625242611605905 -1.6146660790871747 -1.40496697668534 -1.4607646342824332 -1.317439721841636 +22396,-0.9084632708787518,0,-0.3130302923045071 -0.47552194514430657 -0.3207176255179816 -0.4038852853960269 -0.5058585356825359 -0.5827576652180575 -0.6784623854715965 -0.8848337496256153 -0.9436495884242146 -1.1131320712780792 -1.2049931247701042 -1.4003494174628324 -1.5180842806389525 -1.4433520504275827 -1.625242611605905 -1.6146660790871747 -1.40496697668534 -1.4607646342824332 -1.317439721841636 -0.990624870201524 +22397,-0.6428117322018876,0,-0.47552194514430657 -0.3207176255179816 -0.4038852853960269 -0.5058585356825359 -0.5827576652180575 -0.6784623854715965 -0.8848337496256153 -0.9436495884242146 -1.1131320712780792 -1.2049931247701042 -1.4003494174628324 -1.5180842806389525 -1.4433520504275827 -1.625242611605905 -1.6146660790871747 -1.40496697668534 -1.4607646342824332 -1.317439721841636 -0.990624870201524 -0.9084632708787518 +22398,-0.604065508623883,0,-0.3207176255179816 -0.4038852853960269 -0.5058585356825359 -0.5827576652180575 -0.6784623854715965 -0.8848337496256153 -0.9436495884242146 -1.1131320712780792 -1.2049931247701042 -1.4003494174628324 -1.5180842806389525 -1.4433520504275827 -1.625242611605905 -1.6146660790871747 -1.40496697668534 -1.4607646342824332 -1.317439721841636 -0.990624870201524 -0.9084632708787518 -0.6428117322018876 +22399,-0.26277886506885123,0,-0.4038852853960269 -0.5058585356825359 -0.5827576652180575 -0.6784623854715965 -0.8848337496256153 -0.9436495884242146 -1.1131320712780792 -1.2049931247701042 -1.4003494174628324 -1.5180842806389525 -1.4433520504275827 -1.625242611605905 -1.6146660790871747 -1.40496697668534 -1.4607646342824332 -1.317439721841636 -0.990624870201524 -0.9084632708787518 -0.6428117322018876 -0.604065508623883 +22400,-0.1483975364578846,0,-0.5058585356825359 -0.5827576652180575 -0.6784623854715965 -0.8848337496256153 -0.9436495884242146 -1.1131320712780792 -1.2049931247701042 -1.4003494174628324 -1.5180842806389525 -1.4433520504275827 -1.625242611605905 -1.6146660790871747 -1.40496697668534 -1.4607646342824332 -1.317439721841636 -0.990624870201524 -0.9084632708787518 -0.6428117322018876 -0.604065508623883 -0.26277886506885123 +22401,-0.2849895831414743,0,-0.5827576652180575 -0.6784623854715965 -0.8848337496256153 -0.9436495884242146 -1.1131320712780792 -1.2049931247701042 -1.4003494174628324 -1.5180842806389525 -1.4433520504275827 -1.625242611605905 -1.6146660790871747 -1.40496697668534 -1.4607646342824332 -1.317439721841636 -0.990624870201524 -0.9084632708787518 -0.6428117322018876 -0.604065508623883 -0.26277886506885123 -0.1483975364578846 +22402,-0.08695046276566434,0,-0.6784623854715965 -0.8848337496256153 -0.9436495884242146 -1.1131320712780792 -1.2049931247701042 -1.4003494174628324 -1.5180842806389525 -1.4433520504275827 -1.625242611605905 -1.6146660790871747 -1.40496697668534 -1.4607646342824332 -1.317439721841636 -0.990624870201524 -0.9084632708787518 -0.6428117322018876 -0.604065508623883 -0.26277886506885123 -0.1483975364578846 -0.2849895831414743 +22403,-0.13988471768440194,0,-0.8848337496256153 -0.9436495884242146 -1.1131320712780792 -1.2049931247701042 -1.4003494174628324 -1.5180842806389525 -1.4433520504275827 -1.625242611605905 -1.6146660790871747 -1.40496697668534 -1.4607646342824332 -1.317439721841636 -0.990624870201524 -0.9084632708787518 -0.6428117322018876 -0.604065508623883 -0.26277886506885123 -0.1483975364578846 -0.2849895831414743 -0.08695046276566434 +22404,-0.36887954269106105,0,-0.9436495884242146 -1.1131320712780792 -1.2049931247701042 -1.4003494174628324 -1.5180842806389525 -1.4433520504275827 -1.625242611605905 -1.6146660790871747 -1.40496697668534 -1.4607646342824332 -1.317439721841636 -0.990624870201524 -0.9084632708787518 -0.6428117322018876 -0.604065508623883 -0.26277886506885123 -0.1483975364578846 -0.2849895831414743 -0.08695046276566434 -0.13988471768440194 +22405,-0.36312694086223546,0,-1.1131320712780792 -1.2049931247701042 -1.4003494174628324 -1.5180842806389525 -1.4433520504275827 -1.625242611605905 -1.6146660790871747 -1.40496697668534 -1.4607646342824332 -1.317439721841636 -0.990624870201524 -0.9084632708787518 -0.6428117322018876 -0.604065508623883 -0.26277886506885123 -0.1483975364578846 -0.2849895831414743 -0.08695046276566434 -0.13988471768440194 -0.36887954269106105 +22406,-0.5334349092760995,0,-1.2049931247701042 -1.4003494174628324 -1.5180842806389525 -1.4433520504275827 -1.625242611605905 -1.6146660790871747 -1.40496697668534 -1.4607646342824332 -1.317439721841636 -0.990624870201524 -0.9084632708787518 -0.6428117322018876 -0.604065508623883 -0.26277886506885123 -0.1483975364578846 -0.2849895831414743 -0.08695046276566434 -0.13988471768440194 -0.36887954269106105 -0.36312694086223546 +22407,-0.8049680316780484,0,-1.4003494174628324 -1.5180842806389525 -1.4433520504275827 -1.625242611605905 -1.6146660790871747 -1.40496697668534 -1.4607646342824332 -1.317439721841636 -0.990624870201524 -0.9084632708787518 -0.6428117322018876 -0.604065508623883 -0.26277886506885123 -0.1483975364578846 -0.2849895831414743 -0.08695046276566434 -0.13988471768440194 -0.36887954269106105 -0.36312694086223546 -0.5334349092760995 +22408,-0.9415342818895149,0,-1.5180842806389525 -1.4433520504275827 -1.625242611605905 -1.6146660790871747 -1.40496697668534 -1.4607646342824332 -1.317439721841636 -0.990624870201524 -0.9084632708787518 -0.6428117322018876 -0.604065508623883 -0.26277886506885123 -0.1483975364578846 -0.2849895831414743 -0.08695046276566434 -0.13988471768440194 -0.36887954269106105 -0.36312694086223546 -0.5334349092760995 -0.8049680316780484 +22409,-1.1793256863986201,0,-1.4433520504275827 -1.625242611605905 -1.6146660790871747 -1.40496697668534 -1.4607646342824332 -1.317439721841636 -0.990624870201524 -0.9084632708787518 -0.6428117322018876 -0.604065508623883 -0.26277886506885123 -0.1483975364578846 -0.2849895831414743 -0.08695046276566434 -0.13988471768440194 -0.36887954269106105 -0.36312694086223546 -0.5334349092760995 -0.8049680316780484 -0.9415342818895149 +22410,-1.1926108429177698,0,-1.625242611605905 -1.6146660790871747 -1.40496697668534 -1.4607646342824332 -1.317439721841636 -0.990624870201524 -0.9084632708787518 -0.6428117322018876 -0.604065508623883 -0.26277886506885123 -0.1483975364578846 -0.2849895831414743 -0.08695046276566434 -0.13988471768440194 -0.36887954269106105 -0.36312694086223546 -0.5334349092760995 -0.8049680316780484 -0.9415342818895149 -1.1793256863986201 +22411,-1.505237663217149,0,-1.6146660790871747 -1.40496697668534 -1.4607646342824332 -1.317439721841636 -0.990624870201524 -0.9084632708787518 -0.6428117322018876 -0.604065508623883 -0.26277886506885123 -0.1483975364578846 -0.2849895831414743 -0.08695046276566434 -0.13988471768440194 -0.36887954269106105 -0.36312694086223546 -0.5334349092760995 -0.8049680316780484 -0.9415342818895149 -1.1793256863986201 -1.1926108429177698 +22412,-1.5933582358361351,0,-1.40496697668534 -1.4607646342824332 -1.317439721841636 -0.990624870201524 -0.9084632708787518 -0.6428117322018876 -0.604065508623883 -0.26277886506885123 -0.1483975364578846 -0.2849895831414743 -0.08695046276566434 -0.13988471768440194 -0.36887954269106105 -0.36312694086223546 -0.5334349092760995 -0.8049680316780484 -0.9415342818895149 -1.1793256863986201 -1.1926108429177698 -1.505237663217149 +22413,-1.6155431574366437,0,-1.4607646342824332 -1.317439721841636 -0.990624870201524 -0.9084632708787518 -0.6428117322018876 -0.604065508623883 -0.26277886506885123 -0.1483975364578846 -0.2849895831414743 -0.08695046276566434 -0.13988471768440194 -0.36887954269106105 -0.36312694086223546 -0.5334349092760995 -0.8049680316780484 -0.9415342818895149 -1.1793256863986201 -1.1926108429177698 -1.505237663217149 -1.5933582358361351 +22414,-1.72564228018875,0,-1.317439721841636 -0.990624870201524 -0.9084632708787518 -0.6428117322018876 -0.604065508623883 -0.26277886506885123 -0.1483975364578846 -0.2849895831414743 -0.08695046276566434 -0.13988471768440194 -0.36887954269106105 -0.36312694086223546 -0.5334349092760995 -0.8049680316780484 -0.9415342818895149 -1.1793256863986201 -1.1926108429177698 -1.505237663217149 -1.5933582358361351 -1.6155431574366437 +22415,-1.769805752231933,0,-0.990624870201524 -0.9084632708787518 -0.6428117322018876 -0.604065508623883 -0.26277886506885123 -0.1483975364578846 -0.2849895831414743 -0.08695046276566434 -0.13988471768440194 -0.36887954269106105 -0.36312694086223546 -0.5334349092760995 -0.8049680316780484 -0.9415342818895149 -1.1793256863986201 -1.1926108429177698 -1.505237663217149 -1.5933582358361351 -1.6155431574366437 -1.72564228018875 +22416,-1.4097651109031215,0,-0.9084632708787518 -0.6428117322018876 -0.604065508623883 -0.26277886506885123 -0.1483975364578846 -0.2849895831414743 -0.08695046276566434 -0.13988471768440194 -0.36887954269106105 -0.36312694086223546 -0.5334349092760995 -0.8049680316780484 -0.9415342818895149 -1.1793256863986201 -1.1926108429177698 -1.505237663217149 -1.5933582358361351 -1.6155431574366437 -1.72564228018875 -1.769805752231933 +22417,-1.5886632871972666,0,-0.6428117322018876 -0.604065508623883 -0.26277886506885123 -0.1483975364578846 -0.2849895831414743 -0.08695046276566434 -0.13988471768440194 -0.36887954269106105 -0.36312694086223546 -0.5334349092760995 -0.8049680316780484 -0.9415342818895149 -1.1793256863986201 -1.1926108429177698 -1.505237663217149 -1.5933582358361351 -1.6155431574366437 -1.72564228018875 -1.769805752231933 -1.4097651109031215 +22418,-1.3633573504289798,0,-0.604065508623883 -0.26277886506885123 -0.1483975364578846 -0.2849895831414743 -0.08695046276566434 -0.13988471768440194 -0.36887954269106105 -0.36312694086223546 -0.5334349092760995 -0.8049680316780484 -0.9415342818895149 -1.1793256863986201 -1.1926108429177698 -1.505237663217149 -1.5933582358361351 -1.6155431574366437 -1.72564228018875 -1.769805752231933 -1.4097651109031215 -1.5886632871972666 +22419,-1.0670854606396996,0,-0.26277886506885123 -0.1483975364578846 -0.2849895831414743 -0.08695046276566434 -0.13988471768440194 -0.36887954269106105 -0.36312694086223546 -0.5334349092760995 -0.8049680316780484 -0.9415342818895149 -1.1793256863986201 -1.1926108429177698 -1.505237663217149 -1.5933582358361351 -1.6155431574366437 -1.72564228018875 -1.769805752231933 -1.4097651109031215 -1.5886632871972666 -1.3633573504289798 +22420,-0.865434841441887,0,-0.1483975364578846 -0.2849895831414743 -0.08695046276566434 -0.13988471768440194 -0.36887954269106105 -0.36312694086223546 -0.5334349092760995 -0.8049680316780484 -0.9415342818895149 -1.1793256863986201 -1.1926108429177698 -1.505237663217149 -1.5933582358361351 -1.6155431574366437 -1.72564228018875 -1.769805752231933 -1.4097651109031215 -1.5886632871972666 -1.3633573504289798 -1.0670854606396996 +22421,-0.5928182692230808,0,-0.2849895831414743 -0.08695046276566434 -0.13988471768440194 -0.36887954269106105 -0.36312694086223546 -0.5334349092760995 -0.8049680316780484 -0.9415342818895149 -1.1793256863986201 -1.1926108429177698 -1.505237663217149 -1.5933582358361351 -1.6155431574366437 -1.72564228018875 -1.769805752231933 -1.4097651109031215 -1.5886632871972666 -1.3633573504289798 -1.0670854606396996 -0.865434841441887 +22422,-0.5849503610143324,0,-0.08695046276566434 -0.13988471768440194 -0.36887954269106105 -0.36312694086223546 -0.5334349092760995 -0.8049680316780484 -0.9415342818895149 -1.1793256863986201 -1.1926108429177698 -1.505237663217149 -1.5933582358361351 -1.6155431574366437 -1.72564228018875 -1.769805752231933 -1.4097651109031215 -1.5886632871972666 -1.3633573504289798 -1.0670854606396996 -0.865434841441887 -0.5928182692230808 +22423,-0.22408423428029858,0,-0.13988471768440194 -0.36887954269106105 -0.36312694086223546 -0.5334349092760995 -0.8049680316780484 -0.9415342818895149 -1.1793256863986201 -1.1926108429177698 -1.505237663217149 -1.5933582358361351 -1.6155431574366437 -1.72564228018875 -1.769805752231933 -1.4097651109031215 -1.5886632871972666 -1.3633573504289798 -1.0670854606396996 -0.865434841441887 -0.5928182692230808 -0.5849503610143324 +22424,-0.127966771401528,0,-0.36887954269106105 -0.36312694086223546 -0.5334349092760995 -0.8049680316780484 -0.9415342818895149 -1.1793256863986201 -1.1926108429177698 -1.505237663217149 -1.5933582358361351 -1.6155431574366437 -1.72564228018875 -1.769805752231933 -1.4097651109031215 -1.5886632871972666 -1.3633573504289798 -1.0670854606396996 -0.865434841441887 -0.5928182692230808 -0.5849503610143324 -0.22408423428029858 +22425,-0.3095993683229925,0,-0.36312694086223546 -0.5334349092760995 -0.8049680316780484 -0.9415342818895149 -1.1793256863986201 -1.1926108429177698 -1.505237663217149 -1.5933582358361351 -1.6155431574366437 -1.72564228018875 -1.769805752231933 -1.4097651109031215 -1.5886632871972666 -1.3633573504289798 -1.0670854606396996 -0.865434841441887 -0.5928182692230808 -0.5849503610143324 -0.22408423428029858 -0.127966771401528 +22426,-0.12089855212589634,0,-0.5334349092760995 -0.8049680316780484 -0.9415342818895149 -1.1793256863986201 -1.1926108429177698 -1.505237663217149 -1.5933582358361351 -1.6155431574366437 -1.72564228018875 -1.769805752231933 -1.4097651109031215 -1.5886632871972666 -1.3633573504289798 -1.0670854606396996 -0.865434841441887 -0.5928182692230808 -0.5849503610143324 -0.22408423428029858 -0.127966771401528 -0.3095993683229925 +22427,-0.20994779588380333,0,-0.8049680316780484 -0.9415342818895149 -1.1793256863986201 -1.1926108429177698 -1.505237663217149 -1.5933582358361351 -1.6155431574366437 -1.72564228018875 -1.769805752231933 -1.4097651109031215 -1.5886632871972666 -1.3633573504289798 -1.0670854606396996 -0.865434841441887 -0.5928182692230808 -0.5849503610143324 -0.22408423428029858 -0.127966771401528 -0.3095993683229925 -0.12089855212589634 +22428,-0.3868338513769472,0,-0.9415342818895149 -1.1793256863986201 -1.1926108429177698 -1.505237663217149 -1.5933582358361351 -1.6155431574366437 -1.72564228018875 -1.769805752231933 -1.4097651109031215 -1.5886632871972666 -1.3633573504289798 -1.0670854606396996 -0.865434841441887 -0.5928182692230808 -0.5849503610143324 -0.22408423428029858 -0.127966771401528 -0.3095993683229925 -0.12089855212589634 -0.20994779588380333 +22429,-0.4466041577865906,0,-1.1793256863986201 -1.1926108429177698 -1.505237663217149 -1.5933582358361351 -1.6155431574366437 -1.72564228018875 -1.769805752231933 -1.4097651109031215 -1.5886632871972666 -1.3633573504289798 -1.0670854606396996 -0.865434841441887 -0.5928182692230808 -0.5849503610143324 -0.22408423428029858 -0.127966771401528 -0.3095993683229925 -0.12089855212589634 -0.20994779588380333 -0.3868338513769472 +22430,-0.5942112759314709,0,-1.1926108429177698 -1.505237663217149 -1.5933582358361351 -1.6155431574366437 -1.72564228018875 -1.769805752231933 -1.4097651109031215 -1.5886632871972666 -1.3633573504289798 -1.0670854606396996 -0.865434841441887 -0.5928182692230808 -0.5849503610143324 -0.22408423428029858 -0.127966771401528 -0.3095993683229925 -0.12089855212589634 -0.20994779588380333 -0.3868338513769472 -0.4466041577865906 +22431,-0.866492494631844,0,-1.505237663217149 -1.5933582358361351 -1.6155431574366437 -1.72564228018875 -1.769805752231933 -1.4097651109031215 -1.5886632871972666 -1.3633573504289798 -1.0670854606396996 -0.865434841441887 -0.5928182692230808 -0.5849503610143324 -0.22408423428029858 -0.127966771401528 -0.3095993683229925 -0.12089855212589634 -0.20994779588380333 -0.3868338513769472 -0.4466041577865906 -0.5942112759314709 +22432,-0.9725415794646017,0,-1.5933582358361351 -1.6155431574366437 -1.72564228018875 -1.769805752231933 -1.4097651109031215 -1.5886632871972666 -1.3633573504289798 -1.0670854606396996 -0.865434841441887 -0.5928182692230808 -0.5849503610143324 -0.22408423428029858 -0.127966771401528 -0.3095993683229925 -0.12089855212589634 -0.20994779588380333 -0.3868338513769472 -0.4466041577865906 -0.5942112759314709 -0.866492494631844 +22433,-1.2032647645432897,0,-1.6155431574366437 -1.72564228018875 -1.769805752231933 -1.4097651109031215 -1.5886632871972666 -1.3633573504289798 -1.0670854606396996 -0.865434841441887 -0.5928182692230808 -0.5849503610143324 -0.22408423428029858 -0.127966771401528 -0.3095993683229925 -0.12089855212589634 -0.20994779588380333 -0.3868338513769472 -0.4466041577865906 -0.5942112759314709 -0.866492494631844 -0.9725415794646017 +22434,-1.1816215677738169,0,-1.72564228018875 -1.769805752231933 -1.4097651109031215 -1.5886632871972666 -1.3633573504289798 -1.0670854606396996 -0.865434841441887 -0.5928182692230808 -0.5849503610143324 -0.22408423428029858 -0.127966771401528 -0.3095993683229925 -0.12089855212589634 -0.20994779588380333 -0.3868338513769472 -0.4466041577865906 -0.5942112759314709 -0.866492494631844 -0.9725415794646017 -1.2032647645432897 +22435,-1.496466880341603,0,-1.769805752231933 -1.4097651109031215 -1.5886632871972666 -1.3633573504289798 -1.0670854606396996 -0.865434841441887 -0.5928182692230808 -0.5849503610143324 -0.22408423428029858 -0.127966771401528 -0.3095993683229925 -0.12089855212589634 -0.20994779588380333 -0.3868338513769472 -0.4466041577865906 -0.5942112759314709 -0.866492494631844 -0.9725415794646017 -1.2032647645432897 -1.1816215677738169 +22436,-1.5589458107516658,0,-1.4097651109031215 -1.5886632871972666 -1.3633573504289798 -1.0670854606396996 -0.865434841441887 -0.5928182692230808 -0.5849503610143324 -0.22408423428029858 -0.127966771401528 -0.3095993683229925 -0.12089855212589634 -0.20994779588380333 -0.3868338513769472 -0.4466041577865906 -0.5942112759314709 -0.866492494631844 -0.9725415794646017 -1.2032647645432897 -1.1816215677738169 -1.496466880341603 +22437,-1.5507683454966075,0,-1.5886632871972666 -1.3633573504289798 -1.0670854606396996 -0.865434841441887 -0.5928182692230808 -0.5849503610143324 -0.22408423428029858 -0.127966771401528 -0.3095993683229925 -0.12089855212589634 -0.20994779588380333 -0.3868338513769472 -0.4466041577865906 -0.5942112759314709 -0.866492494631844 -0.9725415794646017 -1.2032647645432897 -1.1816215677738169 -1.496466880341603 -1.5589458107516658 +22438,-1.6367994078982315,0,-1.3633573504289798 -1.0670854606396996 -0.865434841441887 -0.5928182692230808 -0.5849503610143324 -0.22408423428029858 -0.127966771401528 -0.3095993683229925 -0.12089855212589634 -0.20994779588380333 -0.3868338513769472 -0.4466041577865906 -0.5942112759314709 -0.866492494631844 -0.9725415794646017 -1.2032647645432897 -1.1816215677738169 -1.496466880341603 -1.5589458107516658 -1.5507683454966075 +22439,-1.6521740746347344,0,-1.0670854606396996 -0.865434841441887 -0.5928182692230808 -0.5849503610143324 -0.22408423428029858 -0.127966771401528 -0.3095993683229925 -0.12089855212589634 -0.20994779588380333 -0.3868338513769472 -0.4466041577865906 -0.5942112759314709 -0.866492494631844 -0.9725415794646017 -1.2032647645432897 -1.1816215677738169 -1.496466880341603 -1.5589458107516658 -1.5507683454966075 -1.6367994078982315 +22440,-1.3832205941821774,0,-0.865434841441887 -0.5928182692230808 -0.5849503610143324 -0.22408423428029858 -0.127966771401528 -0.3095993683229925 -0.12089855212589634 -0.20994779588380333 -0.3868338513769472 -0.4466041577865906 -0.5942112759314709 -0.866492494631844 -0.9725415794646017 -1.2032647645432897 -1.1816215677738169 -1.496466880341603 -1.5589458107516658 -1.5507683454966075 -1.6367994078982315 -1.6521740746347344 +22441,-1.4933713098785129,0,-0.5928182692230808 -0.5849503610143324 -0.22408423428029858 -0.127966771401528 -0.3095993683229925 -0.12089855212589634 -0.20994779588380333 -0.3868338513769472 -0.4466041577865906 -0.5942112759314709 -0.866492494631844 -0.9725415794646017 -1.2032647645432897 -1.1816215677738169 -1.496466880341603 -1.5589458107516658 -1.5507683454966075 -1.6367994078982315 -1.6521740746347344 -1.3832205941821774 +22442,-1.3191938783857882,0,-0.5849503610143324 -0.22408423428029858 -0.127966771401528 -0.3095993683229925 -0.12089855212589634 -0.20994779588380333 -0.3868338513769472 -0.4466041577865906 -0.5942112759314709 -0.866492494631844 -0.9725415794646017 -1.2032647645432897 -1.1816215677738169 -1.496466880341603 -1.5589458107516658 -1.5507683454966075 -1.6367994078982315 -1.6521740746347344 -1.3832205941821774 -1.4933713098785129 +22443,-1.0557866284494455,0,-0.22408423428029858 -0.127966771401528 -0.3095993683229925 -0.12089855212589634 -0.20994779588380333 -0.3868338513769472 -0.4466041577865906 -0.5942112759314709 -0.866492494631844 -0.9725415794646017 -1.2032647645432897 -1.1816215677738169 -1.496466880341603 -1.5589458107516658 -1.5507683454966075 -1.6367994078982315 -1.6521740746347344 -1.3832205941821774 -1.4933713098785129 -1.3191938783857882 +22444,-0.911352469874445,0,-0.127966771401528 -0.3095993683229925 -0.12089855212589634 -0.20994779588380333 -0.3868338513769472 -0.4466041577865906 -0.5942112759314709 -0.866492494631844 -0.9725415794646017 -1.2032647645432897 -1.1816215677738169 -1.496466880341603 -1.5589458107516658 -1.5507683454966075 -1.6367994078982315 -1.6521740746347344 -1.3832205941821774 -1.4933713098785129 -1.3191938783857882 -1.0557866284494455 +22445,-0.6776884928558262,0,-0.3095993683229925 -0.12089855212589634 -0.20994779588380333 -0.3868338513769472 -0.4466041577865906 -0.5942112759314709 -0.866492494631844 -0.9725415794646017 -1.2032647645432897 -1.1816215677738169 -1.496466880341603 -1.5589458107516658 -1.5507683454966075 -1.6367994078982315 -1.6521740746347344 -1.3832205941821774 -1.4933713098785129 -1.3191938783857882 -1.0557866284494455 -0.911352469874445 +22446,-0.6359498843936442,0,-0.12089855212589634 -0.20994779588380333 -0.3868338513769472 -0.4466041577865906 -0.5942112759314709 -0.866492494631844 -0.9725415794646017 -1.2032647645432897 -1.1816215677738169 -1.496466880341603 -1.5589458107516658 -1.5507683454966075 -1.6367994078982315 -1.6521740746347344 -1.3832205941821774 -1.4933713098785129 -1.3191938783857882 -1.0557866284494455 -0.911352469874445 -0.6776884928558262 +22447,-0.3383107843680971,0,-0.20994779588380333 -0.3868338513769472 -0.4466041577865906 -0.5942112759314709 -0.866492494631844 -0.9725415794646017 -1.2032647645432897 -1.1816215677738169 -1.496466880341603 -1.5589458107516658 -1.5507683454966075 -1.6367994078982315 -1.6521740746347344 -1.3832205941821774 -1.4933713098785129 -1.3191938783857882 -1.0557866284494455 -0.911352469874445 -0.6776884928558262 -0.6359498843936442 +22448,-0.23259705305377243,0,-0.3868338513769472 -0.4466041577865906 -0.5942112759314709 -0.866492494631844 -0.9725415794646017 -1.2032647645432897 -1.1816215677738169 -1.496466880341603 -1.5589458107516658 -1.5507683454966075 -1.6367994078982315 -1.6521740746347344 -1.3832205941821774 -1.4933713098785129 -1.3191938783857882 -1.0557866284494455 -0.911352469874445 -0.6776884928558262 -0.6359498843936442 -0.3383107843680971 +22449,-0.36083105948703886,0,-0.4466041577865906 -0.5942112759314709 -0.866492494631844 -0.9725415794646017 -1.2032647645432897 -1.1816215677738169 -1.496466880341603 -1.5589458107516658 -1.5507683454966075 -1.6367994078982315 -1.6521740746347344 -1.3832205941821774 -1.4933713098785129 -1.3191938783857882 -1.0557866284494455 -0.911352469874445 -0.6776884928558262 -0.6359498843936442 -0.3383107843680971 -0.23259705305377243 +22450,-0.1771347489751124,0,-0.5942112759314709 -0.866492494631844 -0.9725415794646017 -1.2032647645432897 -1.1816215677738169 -1.496466880341603 -1.5589458107516658 -1.5507683454966075 -1.6367994078982315 -1.6521740746347344 -1.3832205941821774 -1.4933713098785129 -1.3191938783857882 -1.0557866284494455 -0.911352469874445 -0.6776884928558262 -0.6359498843936442 -0.3383107843680971 -0.23259705305377243 -0.36083105948703886 +22451,-0.22738617605599135,0,-0.866492494631844 -0.9725415794646017 -1.2032647645432897 -1.1816215677738169 -1.496466880341603 -1.5589458107516658 -1.5507683454966075 -1.6367994078982315 -1.6521740746347344 -1.3832205941821774 -1.4933713098785129 -1.3191938783857882 -1.0557866284494455 -0.911352469874445 -0.6776884928558262 -0.6359498843936442 -0.3383107843680971 -0.23259705305377243 -0.36083105948703886 -0.1771347489751124 +22452,-0.46979513978760423,0,-0.9725415794646017 -1.2032647645432897 -1.1816215677738169 -1.496466880341603 -1.5589458107516658 -1.5507683454966075 -1.6367994078982315 -1.6521740746347344 -1.3832205941821774 -1.4933713098785129 -1.3191938783857882 -1.0557866284494455 -0.911352469874445 -0.6776884928558262 -0.6359498843936442 -0.3383107843680971 -0.23259705305377243 -0.36083105948703886 -0.1771347489751124 -0.22738617605599135 +22453,-0.45599405475475646,0,-1.2032647645432897 -1.1816215677738169 -1.496466880341603 -1.5589458107516658 -1.5507683454966075 -1.6367994078982315 -1.6521740746347344 -1.3832205941821774 -1.4933713098785129 -1.3191938783857882 -1.0557866284494455 -0.911352469874445 -0.6776884928558262 -0.6359498843936442 -0.3383107843680971 -0.23259705305377243 -0.36083105948703886 -0.1771347489751124 -0.22738617605599135 -0.46979513978760423 +22454,-0.6343505063726514,0,-1.1816215677738169 -1.496466880341603 -1.5589458107516658 -1.5507683454966075 -1.6367994078982315 -1.6521740746347344 -1.3832205941821774 -1.4933713098785129 -1.3191938783857882 -1.0557866284494455 -0.911352469874445 -0.6776884928558262 -0.6359498843936442 -0.3383107843680971 -0.23259705305377243 -0.36083105948703886 -0.1771347489751124 -0.22738617605599135 -0.46979513978760423 -0.45599405475475646 +22455,-0.8079088236179793,0,-1.496466880341603 -1.5589458107516658 -1.5507683454966075 -1.6367994078982315 -1.6521740746347344 -1.3832205941821774 -1.4933713098785129 -1.3191938783857882 -1.0557866284494455 -0.911352469874445 -0.6776884928558262 -0.6359498843936442 -0.3383107843680971 -0.23259705305377243 -0.36083105948703886 -0.1771347489751124 -0.22738617605599135 -0.46979513978760423 -0.45599405475475646 -0.6343505063726514 +22456,-0.987864653256867,0,-1.5589458107516658 -1.5507683454966075 -1.6367994078982315 -1.6521740746347344 -1.3832205941821774 -1.4933713098785129 -1.3191938783857882 -1.0557866284494455 -0.911352469874445 -0.6776884928558262 -0.6359498843936442 -0.3383107843680971 -0.23259705305377243 -0.36083105948703886 -0.1771347489751124 -0.22738617605599135 -0.46979513978760423 -0.45599405475475646 -0.6343505063726514 -0.8079088236179793 +22457,-1.1630223485231876,0,-1.5507683454966075 -1.6367994078982315 -1.6521740746347344 -1.3832205941821774 -1.4933713098785129 -1.3191938783857882 -1.0557866284494455 -0.911352469874445 -0.6776884928558262 -0.6359498843936442 -0.3383107843680971 -0.23259705305377243 -0.36083105948703886 -0.1771347489751124 -0.22738617605599135 -0.46979513978760423 -0.45599405475475646 -0.6343505063726514 -0.8079088236179793 -0.987864653256867 +22458,-1.2597073327051171,0,-1.6367994078982315 -1.6521740746347344 -1.3832205941821774 -1.4933713098785129 -1.3191938783857882 -1.0557866284494455 -0.911352469874445 -0.6776884928558262 -0.6359498843936442 -0.3383107843680971 -0.23259705305377243 -0.36083105948703886 -0.1771347489751124 -0.22738617605599135 -0.46979513978760423 -0.45599405475475646 -0.6343505063726514 -0.8079088236179793 -0.987864653256867 -1.1630223485231876 +22459,-1.4610225985392822,0,-1.6521740746347344 -1.3832205941821774 -1.4933713098785129 -1.3191938783857882 -1.0557866284494455 -0.911352469874445 -0.6776884928558262 -0.6359498843936442 -0.3383107843680971 -0.23259705305377243 -0.36083105948703886 -0.1771347489751124 -0.22738617605599135 -0.46979513978760423 -0.45599405475475646 -0.6343505063726514 -0.8079088236179793 -0.987864653256867 -1.1630223485231876 -1.2597073327051171 +22460,-1.5838651529794938,0,-1.3832205941821774 -1.4933713098785129 -1.3191938783857882 -1.0557866284494455 -0.911352469874445 -0.6776884928558262 -0.6359498843936442 -0.3383107843680971 -0.23259705305377243 -0.36083105948703886 -0.1771347489751124 -0.22738617605599135 -0.46979513978760423 -0.45599405475475646 -0.6343505063726514 -0.8079088236179793 -0.987864653256867 -1.1630223485231876 -1.2597073327051171 -1.4610225985392822 +22461,-1.5276289562850547,0,-1.4933713098785129 -1.3191938783857882 -1.0557866284494455 -0.911352469874445 -0.6776884928558262 -0.6359498843936442 -0.3383107843680971 -0.23259705305377243 -0.36083105948703886 -0.1771347489751124 -0.22738617605599135 -0.46979513978760423 -0.45599405475475646 -0.6343505063726514 -0.8079088236179793 -0.987864653256867 -1.1630223485231876 -1.2597073327051171 -1.4610225985392822 -1.5838651529794938 +22462,-1.7101644278733257,0,-1.3191938783857882 -1.0557866284494455 -0.911352469874445 -0.6776884928558262 -0.6359498843936442 -0.3383107843680971 -0.23259705305377243 -0.36083105948703886 -0.1771347489751124 -0.22738617605599135 -0.46979513978760423 -0.45599405475475646 -0.6343505063726514 -0.8079088236179793 -0.987864653256867 -1.1630223485231876 -1.2597073327051171 -1.4610225985392822 -1.5838651529794938 -1.5276289562850547 +22463,-1.7136211483269546,0,-1.0557866284494455 -0.911352469874445 -0.6776884928558262 -0.6359498843936442 -0.3383107843680971 -0.23259705305377243 -0.36083105948703886 -0.1771347489751124 -0.22738617605599135 -0.46979513978760423 -0.45599405475475646 -0.6343505063726514 -0.8079088236179793 -0.987864653256867 -1.1630223485231876 -1.2597073327051171 -1.4610225985392822 -1.5838651529794938 -1.5276289562850547 -1.7101644278733257 +22464,-1.447144124244868,0,-0.911352469874445 -0.6776884928558262 -0.6359498843936442 -0.3383107843680971 -0.23259705305377243 -0.36083105948703886 -0.1771347489751124 -0.22738617605599135 -0.46979513978760423 -0.45599405475475646 -0.6343505063726514 -0.8079088236179793 -0.987864653256867 -1.1630223485231876 -1.2597073327051171 -1.4610225985392822 -1.5838651529794938 -1.5276289562850547 -1.7101644278733257 -1.7136211483269546 +22465,-1.540578759440548,0,-0.6776884928558262 -0.6359498843936442 -0.3383107843680971 -0.23259705305377243 -0.36083105948703886 -0.1771347489751124 -0.22738617605599135 -0.46979513978760423 -0.45599405475475646 -0.6343505063726514 -0.8079088236179793 -0.987864653256867 -1.1630223485231876 -1.2597073327051171 -1.4610225985392822 -1.5838651529794938 -1.5276289562850547 -1.7101644278733257 -1.7136211483269546 -1.447144124244868 +22466,-1.3640796501005124,0,-0.6359498843936442 -0.3383107843680971 -0.23259705305377243 -0.36083105948703886 -0.1771347489751124 -0.22738617605599135 -0.46979513978760423 -0.45599405475475646 -0.6343505063726514 -0.8079088236179793 -0.987864653256867 -1.1630223485231876 -1.2597073327051171 -1.4610225985392822 -1.5838651529794938 -1.5276289562850547 -1.7101644278733257 -1.7136211483269546 -1.447144124244868 -1.540578759440548 +22467,-1.1363488497512073,0,-0.3383107843680971 -0.23259705305377243 -0.36083105948703886 -0.1771347489751124 -0.22738617605599135 -0.46979513978760423 -0.45599405475475646 -0.6343505063726514 -0.8079088236179793 -0.987864653256867 -1.1630223485231876 -1.2597073327051171 -1.4610225985392822 -1.5838651529794938 -1.5276289562850547 -1.7101644278733257 -1.7136211483269546 -1.447144124244868 -1.540578759440548 -1.3640796501005124 +22468,-0.9769269709023748,0,-0.23259705305377243 -0.36083105948703886 -0.1771347489751124 -0.22738617605599135 -0.46979513978760423 -0.45599405475475646 -0.6343505063726514 -0.8079088236179793 -0.987864653256867 -1.1630223485231876 -1.2597073327051171 -1.4610225985392822 -1.5838651529794938 -1.5276289562850547 -1.7101644278733257 -1.7136211483269546 -1.447144124244868 -1.540578759440548 -1.3640796501005124 -1.1363488497512073 +22469,-0.7662734008894958,0,-0.36083105948703886 -0.1771347489751124 -0.22738617605599135 -0.46979513978760423 -0.45599405475475646 -0.6343505063726514 -0.8079088236179793 -0.987864653256867 -1.1630223485231876 -1.2597073327051171 -1.4610225985392822 -1.5838651529794938 -1.5276289562850547 -1.7101644278733257 -1.7136211483269546 -1.447144124244868 -1.540578759440548 -1.3640796501005124 -1.1363488497512073 -0.9769269709023748 +22470,-0.7453783002636788,0,-0.1771347489751124 -0.22738617605599135 -0.46979513978760423 -0.45599405475475646 -0.6343505063726514 -0.8079088236179793 -0.987864653256867 -1.1630223485231876 -1.2597073327051171 -1.4610225985392822 -1.5838651529794938 -1.5276289562850547 -1.7101644278733257 -1.7136211483269546 -1.447144124244868 -1.540578759440548 -1.3640796501005124 -1.1363488497512073 -0.9769269709023748 -0.7662734008894958 +22471,-0.47147190707018105,0,-0.22738617605599135 -0.46979513978760423 -0.45599405475475646 -0.6343505063726514 -0.8079088236179793 -0.987864653256867 -1.1630223485231876 -1.2597073327051171 -1.4610225985392822 -1.5838651529794938 -1.5276289562850547 -1.7101644278733257 -1.7136211483269546 -1.447144124244868 -1.540578759440548 -1.3640796501005124 -1.1363488497512073 -0.9769269709023748 -0.7662734008894958 -0.7453783002636788 +22472,-0.3873239834185309,0,-0.46979513978760423 -0.45599405475475646 -0.6343505063726514 -0.8079088236179793 -0.987864653256867 -1.1630223485231876 -1.2597073327051171 -1.4610225985392822 -1.5838651529794938 -1.5276289562850547 -1.7101644278733257 -1.7136211483269546 -1.447144124244868 -1.540578759440548 -1.3640796501005124 -1.1363488497512073 -0.9769269709023748 -0.7662734008894958 -0.7453783002636788 -0.47147190707018105 +22473,-0.5183182067964456,0,-0.45599405475475646 -0.6343505063726514 -0.8079088236179793 -0.987864653256867 -1.1630223485231876 -1.2597073327051171 -1.4610225985392822 -1.5838651529794938 -1.5276289562850547 -1.7101644278733257 -1.7136211483269546 -1.447144124244868 -1.540578759440548 -1.3640796501005124 -1.1363488497512073 -0.9769269709023748 -0.7662734008894958 -0.7453783002636788 -0.47147190707018105 -0.3873239834185309 +22474,-0.3624562339801548,0,-0.6343505063726514 -0.8079088236179793 -0.987864653256867 -1.1630223485231876 -1.2597073327051171 -1.4610225985392822 -1.5838651529794938 -1.5276289562850547 -1.7101644278733257 -1.7136211483269546 -1.447144124244868 -1.540578759440548 -1.3640796501005124 -1.1363488497512073 -0.9769269709023748 -0.7662734008894958 -0.7453783002636788 -0.47147190707018105 -0.3873239834185309 -0.5183182067964456 +22475,-0.42173640834822335,0,-0.8079088236179793 -0.987864653256867 -1.1630223485231876 -1.2597073327051171 -1.4610225985392822 -1.5838651529794938 -1.5276289562850547 -1.7101644278733257 -1.7136211483269546 -1.447144124244868 -1.540578759440548 -1.3640796501005124 -1.1363488497512073 -0.9769269709023748 -0.7662734008894958 -0.7453783002636788 -0.47147190707018105 -0.3873239834185309 -0.5183182067964456 -0.3624562339801548 +22476,-0.597100475081941,0,-0.987864653256867 -1.1630223485231876 -1.2597073327051171 -1.4610225985392822 -1.5838651529794938 -1.5276289562850547 -1.7101644278733257 -1.7136211483269546 -1.447144124244868 -1.540578759440548 -1.3640796501005124 -1.1363488497512073 -0.9769269709023748 -0.7662734008894958 -0.7453783002636788 -0.47147190707018105 -0.3873239834185309 -0.5183182067964456 -0.3624562339801548 -0.42173640834822335 +22477,-0.6176860186614481,0,-1.1630223485231876 -1.2597073327051171 -1.4610225985392822 -1.5838651529794938 -1.5276289562850547 -1.7101644278733257 -1.7136211483269546 -1.447144124244868 -1.540578759440548 -1.3640796501005124 -1.1363488497512073 -0.9769269709023748 -0.7662734008894958 -0.7453783002636788 -0.47147190707018105 -0.3873239834185309 -0.5183182067964456 -0.3624562339801548 -0.42173640834822335 -0.597100475081941 +22478,-0.7543554546066219,0,-1.2597073327051171 -1.4610225985392822 -1.5838651529794938 -1.5276289562850547 -1.7101644278733257 -1.7136211483269546 -1.447144124244868 -1.540578759440548 -1.3640796501005124 -1.1363488497512073 -0.9769269709023748 -0.7662734008894958 -0.7453783002636788 -0.47147190707018105 -0.3873239834185309 -0.5183182067964456 -0.3624562339801548 -0.42173640834822335 -0.597100475081941 -0.6176860186614481 +22479,-0.8244701255954753,0,-1.4610225985392822 -1.5838651529794938 -1.5276289562850547 -1.7101644278733257 -1.7136211483269546 -1.447144124244868 -1.540578759440548 -1.3640796501005124 -1.1363488497512073 -0.9769269709023748 -0.7662734008894958 -0.7453783002636788 -0.47147190707018105 -0.3873239834185309 -0.5183182067964456 -0.3624562339801548 -0.42173640834822335 -0.597100475081941 -0.6176860186614481 -0.7543554546066219 +22480,-0.9833244831411577,0,-1.5838651529794938 -1.5276289562850547 -1.7101644278733257 -1.7136211483269546 -1.447144124244868 -1.540578759440548 -1.3640796501005124 -1.1363488497512073 -0.9769269709023748 -0.7662734008894958 -0.7453783002636788 -0.47147190707018105 -0.3873239834185309 -0.5183182067964456 -0.3624562339801548 -0.42173640834822335 -0.597100475081941 -0.6176860186614481 -0.7543554546066219 -0.8244701255954753 +22481,-1.0756240758853055,0,-1.5276289562850547 -1.7101644278733257 -1.7136211483269546 -1.447144124244868 -1.540578759440548 -1.3640796501005124 -1.1363488497512073 -0.9769269709023748 -0.7662734008894958 -0.7453783002636788 -0.47147190707018105 -0.3873239834185309 -0.5183182067964456 -0.3624562339801548 -0.42173640834822335 -0.597100475081941 -0.6176860186614481 -0.7543554546066219 -0.8244701255954753 -0.9833244831411577 +22482,-1.079777299538344,0,-1.7101644278733257 -1.7136211483269546 -1.447144124244868 -1.540578759440548 -1.3640796501005124 -1.1363488497512073 -0.9769269709023748 -0.7662734008894958 -0.7453783002636788 -0.47147190707018105 -0.3873239834185309 -0.5183182067964456 -0.3624562339801548 -0.42173640834822335 -0.597100475081941 -0.6176860186614481 -0.7543554546066219 -0.8244701255954753 -0.9833244831411577 -1.0756240758853055 +22483,-1.201459015209677,0,-1.7136211483269546 -1.447144124244868 -1.540578759440548 -1.3640796501005124 -1.1363488497512073 -0.9769269709023748 -0.7662734008894958 -0.7453783002636788 -0.47147190707018105 -0.3873239834185309 -0.5183182067964456 -0.3624562339801548 -0.42173640834822335 -0.597100475081941 -0.6176860186614481 -0.7543554546066219 -0.8244701255954753 -0.9833244831411577 -1.0756240758853055 -1.079777299538344 +22484,-1.2349943617899004,0,-1.447144124244868 -1.540578759440548 -1.3640796501005124 -1.1363488497512073 -0.9769269709023748 -0.7662734008894958 -0.7453783002636788 -0.47147190707018105 -0.3873239834185309 -0.5183182067964456 -0.3624562339801548 -0.42173640834822335 -0.597100475081941 -0.6176860186614481 -0.7543554546066219 -0.8244701255954753 -0.9833244831411577 -1.0756240758853055 -1.079777299538344 -1.201459015209677 +22485,-1.3981567216665574,0,-1.540578759440548 -1.3640796501005124 -1.1363488497512073 -0.9769269709023748 -0.7662734008894958 -0.7453783002636788 -0.47147190707018105 -0.3873239834185309 -0.5183182067964456 -0.3624562339801548 -0.42173640834822335 -0.597100475081941 -0.6176860186614481 -0.7543554546066219 -0.8244701255954753 -0.9833244831411577 -1.0756240758853055 -1.079777299538344 -1.201459015209677 -1.2349943617899004 +22486,-1.3884830639694192,0,-1.3640796501005124 -1.1363488497512073 -0.9769269709023748 -0.7662734008894958 -0.7453783002636788 -0.47147190707018105 -0.3873239834185309 -0.5183182067964456 -0.3624562339801548 -0.42173640834822335 -0.597100475081941 -0.6176860186614481 -0.7543554546066219 -0.8244701255954753 -0.9833244831411577 -1.0756240758853055 -1.079777299538344 -1.201459015209677 -1.2349943617899004 -1.3981567216665574 +22487,-1.5084364194139288,0,-1.1363488497512073 -0.9769269709023748 -0.7662734008894958 -0.7453783002636788 -0.47147190707018105 -0.3873239834185309 -0.5183182067964456 -0.3624562339801548 -0.42173640834822335 -0.597100475081941 -0.6176860186614481 -0.7543554546066219 -0.8244701255954753 -0.9833244831411577 -1.0756240758853055 -1.079777299538344 -1.201459015209677 -1.2349943617899004 -1.3981567216665574 -1.3884830639694192 +22488,-1.1483441852956653,0,-0.9769269709023748 -0.7662734008894958 -0.7453783002636788 -0.47147190707018105 -0.3873239834185309 -0.5183182067964456 -0.3624562339801548 -0.42173640834822335 -0.597100475081941 -0.6176860186614481 -0.7543554546066219 -0.8244701255954753 -0.9833244831411577 -1.0756240758853055 -1.079777299538344 -1.201459015209677 -1.2349943617899004 -1.3981567216665574 -1.3884830639694192 -1.5084364194139288 +22489,-1.428312737209513,0,-0.7662734008894958 -0.7453783002636788 -0.47147190707018105 -0.3873239834185309 -0.5183182067964456 -0.3624562339801548 -0.42173640834822335 -0.597100475081941 -0.6176860186614481 -0.7543554546066219 -0.8244701255954753 -0.9833244831411577 -1.0756240758853055 -1.079777299538344 -1.201459015209677 -1.2349943617899004 -1.3981567216665574 -1.3884830639694192 -1.5084364194139288 -1.1483441852956653 +22490,-1.2282356997153554,0,-0.7453783002636788 -0.47147190707018105 -0.3873239834185309 -0.5183182067964456 -0.3624562339801548 -0.42173640834822335 -0.597100475081941 -0.6176860186614481 -0.7543554546066219 -0.8244701255954753 -0.9833244831411577 -1.0756240758853055 -1.079777299538344 -1.201459015209677 -1.2349943617899004 -1.3981567216665574 -1.3884830639694192 -1.5084364194139288 -1.1483441852956653 -1.428312737209513 +22491,-0.8255535752575556,0,-0.47147190707018105 -0.3873239834185309 -0.5183182067964456 -0.3624562339801548 -0.42173640834822335 -0.597100475081941 -0.6176860186614481 -0.7543554546066219 -0.8244701255954753 -0.9833244831411577 -1.0756240758853055 -1.079777299538344 -1.201459015209677 -1.2349943617899004 -1.3981567216665574 -1.3884830639694192 -1.5084364194139288 -1.1483441852956653 -1.428312737209513 -1.2282356997153554 +22492,-0.6930115666480914,0,-0.3873239834185309 -0.5183182067964456 -0.3624562339801548 -0.42173640834822335 -0.597100475081941 -0.6176860186614481 -0.7543554546066219 -0.8244701255954753 -0.9833244831411577 -1.0756240758853055 -1.079777299538344 -1.201459015209677 -1.2349943617899004 -1.3981567216665574 -1.3884830639694192 -1.5084364194139288 -1.1483441852956653 -1.428312737209513 -1.2282356997153554 -0.8255535752575556 +22493,-0.35786447107498476,0,-0.5183182067964456 -0.3624562339801548 -0.42173640834822335 -0.597100475081941 -0.6176860186614481 -0.7543554546066219 -0.8244701255954753 -0.9833244831411577 -1.0756240758853055 -1.079777299538344 -1.201459015209677 -1.2349943617899004 -1.3981567216665574 -1.3884830639694192 -1.5084364194139288 -1.1483441852956653 -1.428312737209513 -1.2282356997153554 -0.8255535752575556 -0.6930115666480914 +22494,-0.27786977107638183,0,-0.3624562339801548 -0.42173640834822335 -0.597100475081941 -0.6176860186614481 -0.7543554546066219 -0.8244701255954753 -0.9833244831411577 -1.0756240758853055 -1.079777299538344 -1.201459015209677 -1.2349943617899004 -1.3981567216665574 -1.3884830639694192 -1.5084364194139288 -1.1483441852956653 -1.428312737209513 -1.2282356997153554 -0.8255535752575556 -0.6930115666480914 -0.35786447107498476 +22495,0.1423281228151814,0,-0.42173640834822335 -0.597100475081941 -0.6176860186614481 -0.7543554546066219 -0.8244701255954753 -0.9833244831411577 -1.0756240758853055 -1.079777299538344 -1.201459015209677 -1.2349943617899004 -1.3981567216665574 -1.3884830639694192 -1.5084364194139288 -1.1483441852956653 -1.428312737209513 -1.2282356997153554 -0.8255535752575556 -0.6930115666480914 -0.35786447107498476 -0.27786977107638183 +22496,0.3073736214418123,0,-0.597100475081941 -0.6176860186614481 -0.7543554546066219 -0.8244701255954753 -0.9833244831411577 -1.0756240758853055 -1.079777299538344 -1.201459015209677 -1.2349943617899004 -1.3981567216665574 -1.3884830639694192 -1.5084364194139288 -1.1483441852956653 -1.428312737209513 -1.2282356997153554 -0.8255535752575556 -0.6930115666480914 -0.35786447107498476 -0.27786977107638183 0.1423281228151814 +22497,0.25170494589574643,0,-0.6176860186614481 -0.7543554546066219 -0.8244701255954753 -0.9833244831411577 -1.0756240758853055 -1.079777299538344 -1.201459015209677 -1.2349943617899004 -1.3981567216665574 -1.3884830639694192 -1.5084364194139288 -1.1483441852956653 -1.428312737209513 -1.2282356997153554 -0.8255535752575556 -0.6930115666480914 -0.35786447107498476 -0.27786977107638183 0.1423281228151814 0.3073736214418123 +22498,0.4903218358100829,0,-0.7543554546066219 -0.8244701255954753 -0.9833244831411577 -1.0756240758853055 -1.079777299538344 -1.201459015209677 -1.2349943617899004 -1.3981567216665574 -1.3884830639694192 -1.5084364194139288 -1.1483441852956653 -1.428312737209513 -1.2282356997153554 -0.8255535752575556 -0.6930115666480914 -0.35786447107498476 -0.27786977107638183 0.1423281228151814 0.3073736214418123 0.25170494589574643 +22499,0.5082245515517313,0,-0.8244701255954753 -0.9833244831411577 -1.0756240758853055 -1.079777299538344 -1.201459015209677 -1.2349943617899004 -1.3981567216665574 -1.3884830639694192 -1.5084364194139288 -1.1483441852956653 -1.428312737209513 -1.2282356997153554 -0.8255535752575556 -0.6930115666480914 -0.35786447107498476 -0.27786977107638183 0.1423281228151814 0.3073736214418123 0.25170494589574643 0.4903218358100829 +22500,0.13043597300442195,0,-0.9833244831411577 -1.0756240758853055 -1.079777299538344 -1.201459015209677 -1.2349943617899004 -1.3981567216665574 -1.3884830639694192 -1.5084364194139288 -1.1483441852956653 -1.428312737209513 -1.2282356997153554 -0.8255535752575556 -0.6930115666480914 -0.35786447107498476 -0.27786977107638183 0.1423281228151814 0.3073736214418123 0.25170494589574643 0.4903218358100829 0.5082245515517313 +22501,0.280235786945586,0,-1.0756240758853055 -1.079777299538344 -1.201459015209677 -1.2349943617899004 -1.3981567216665574 -1.3884830639694192 -1.5084364194139288 -1.1483441852956653 -1.428312737209513 -1.2282356997153554 -0.8255535752575556 -0.6930115666480914 -0.35786447107498476 -0.27786977107638183 0.1423281228151814 0.3073736214418123 0.25170494589574643 0.4903218358100829 0.5082245515517313 0.13043597300442195 +22502,0.03434430659778341,0,-1.079777299538344 -1.201459015209677 -1.2349943617899004 -1.3981567216665574 -1.3884830639694192 -1.5084364194139288 -1.1483441852956653 -1.428312737209513 -1.2282356997153554 -0.8255535752575556 -0.6930115666480914 -0.35786447107498476 -0.27786977107638183 0.1423281228151814 0.3073736214418123 0.25170494589574643 0.4903218358100829 0.5082245515517313 0.13043597300442195 0.280235786945586 +22503,-0.30572990524414073,0,-1.201459015209677 -1.2349943617899004 -1.3981567216665574 -1.3884830639694192 -1.5084364194139288 -1.1483441852956653 -1.428312737209513 -1.2282356997153554 -0.8255535752575556 -0.6930115666480914 -0.35786447107498476 -0.27786977107638183 0.1423281228151814 0.3073736214418123 0.25170494589574643 0.4903218358100829 0.5082245515517313 0.13043597300442195 0.280235786945586 0.03434430659778341 +22504,-0.520227141863757,0,-1.2349943617899004 -1.3981567216665574 -1.3884830639694192 -1.5084364194139288 -1.1483441852956653 -1.428312737209513 -1.2282356997153554 -0.8255535752575556 -0.6930115666480914 -0.35786447107498476 -0.27786977107638183 0.1423281228151814 0.3073736214418123 0.25170494589574643 0.4903218358100829 0.5082245515517313 0.13043597300442195 0.280235786945586 0.03434430659778341 -0.30572990524414073 +22505,-0.8289071099774948,0,-1.3981567216665574 -1.3884830639694192 -1.5084364194139288 -1.1483441852956653 -1.428312737209513 -1.2282356997153554 -0.8255535752575556 -0.6930115666480914 -0.35786447107498476 -0.27786977107638183 0.1423281228151814 0.3073736214418123 0.25170494589574643 0.4903218358100829 0.5082245515517313 0.13043597300442195 0.280235786945586 0.03434430659778341 -0.30572990524414073 -0.520227141863757 +22506,-0.8583666221662465,0,-1.3884830639694192 -1.5084364194139288 -1.1483441852956653 -1.428312737209513 -1.2282356997153554 -0.8255535752575556 -0.6930115666480914 -0.35786447107498476 -0.27786977107638183 0.1423281228151814 0.3073736214418123 0.25170494589574643 0.4903218358100829 0.5082245515517313 0.13043597300442195 0.280235786945586 0.03434430659778341 -0.30572990524414073 -0.520227141863757 -0.8289071099774948 +22507,-1.2601200754851256,0,-1.5084364194139288 -1.1483441852956653 -1.428312737209513 -1.2282356997153554 -0.8255535752575556 -0.6930115666480914 -0.35786447107498476 -0.27786977107638183 0.1423281228151814 0.3073736214418123 0.25170494589574643 0.4903218358100829 0.5082245515517313 0.13043597300442195 0.280235786945586 0.03434430659778341 -0.30572990524414073 -0.520227141863757 -0.8289071099774948 -0.8583666221662465 +22508,-1.3826530728790185,0,-1.1483441852956653 -1.428312737209513 -1.2282356997153554 -0.8255535752575556 -0.6930115666480914 -0.35786447107498476 -0.27786977107638183 0.1423281228151814 0.3073736214418123 0.25170494589574643 0.4903218358100829 0.5082245515517313 0.13043597300442195 0.280235786945586 0.03434430659778341 -0.30572990524414073 -0.520227141863757 -0.8289071099774948 -0.8583666221662465 -1.2601200754851256 +22509,-1.3072243393134624,0,-1.428312737209513 -1.2282356997153554 -0.8255535752575556 -0.6930115666480914 -0.35786447107498476 -0.27786977107638183 0.1423281228151814 0.3073736214418123 0.25170494589574643 0.4903218358100829 0.5082245515517313 0.13043597300442195 0.280235786945586 0.03434430659778341 -0.30572990524414073 -0.520227141863757 -0.8289071099774948 -0.8583666221662465 -1.2601200754851256 -1.3826530728790185 +22510,-1.4957445805152847,0,-1.2282356997153554 -0.8255535752575556 -0.6930115666480914 -0.35786447107498476 -0.27786977107638183 0.1423281228151814 0.3073736214418123 0.25170494589574643 0.4903218358100829 0.5082245515517313 0.13043597300442195 0.280235786945586 0.03434430659778341 -0.30572990524414073 -0.520227141863757 -0.8289071099774948 -0.8583666221662465 -1.2601200754851256 -1.3826530728790185 -1.3072243393134624 +22511,-1.4863030906028811,0,-0.8255535752575556 -0.6930115666480914 -0.35786447107498476 -0.27786977107638183 0.1423281228151814 0.3073736214418123 0.25170494589574643 0.4903218358100829 0.5082245515517313 0.13043597300442195 0.280235786945586 0.03434430659778341 -0.30572990524414073 -0.520227141863757 -0.8289071099774948 -0.8583666221662465 -1.2601200754851256 -1.3826530728790185 -1.3072243393134624 -1.4957445805152847 +22512,-1.0799320780615032,0,-0.6930115666480914 -0.35786447107498476 -0.27786977107638183 0.1423281228151814 0.3073736214418123 0.25170494589574643 0.4903218358100829 0.5082245515517313 0.13043597300442195 0.280235786945586 0.03434430659778341 -0.30572990524414073 -0.520227141863757 -0.8289071099774948 -0.8583666221662465 -1.2601200754851256 -1.3826530728790185 -1.3072243393134624 -1.4957445805152847 -1.4863030906028811 +22513,-1.2028004289738203,0,-0.35786447107498476 -0.27786977107638183 0.1423281228151814 0.3073736214418123 0.25170494589574643 0.4903218358100829 0.5082245515517313 0.13043597300442195 0.280235786945586 0.03434430659778341 -0.30572990524414073 -0.520227141863757 -0.8289071099774948 -0.8583666221662465 -1.2601200754851256 -1.3826530728790185 -1.3072243393134624 -1.4957445805152847 -1.4863030906028811 -1.0799320780615032 +22514,-0.9287392574119578,0,-0.27786977107638183 0.1423281228151814 0.3073736214418123 0.25170494589574643 0.4903218358100829 0.5082245515517313 0.13043597300442195 0.280235786945586 0.03434430659778341 -0.30572990524414073 -0.520227141863757 -0.8289071099774948 -0.8583666221662465 -1.2601200754851256 -1.3826530728790185 -1.3072243393134624 -1.4957445805152847 -1.4863030906028811 -1.0799320780615032 -1.2028004289738203 +22515,-0.4858147169340645,0,0.1423281228151814 0.3073736214418123 0.25170494589574643 0.4903218358100829 0.5082245515517313 0.13043597300442195 0.280235786945586 0.03434430659778341 -0.30572990524414073 -0.520227141863757 -0.8289071099774948 -0.8583666221662465 -1.2601200754851256 -1.3826530728790185 -1.3072243393134624 -1.4957445805152847 -1.4863030906028811 -1.0799320780615032 -1.2028004289738203 -0.9287392574119578 +22516,-0.2680413348560843,0,0.3073736214418123 0.25170494589574643 0.4903218358100829 0.5082245515517313 0.13043597300442195 0.280235786945586 0.03434430659778341 -0.30572990524414073 -0.520227141863757 -0.8289071099774948 -0.8583666221662465 -1.2601200754851256 -1.3826530728790185 -1.3072243393134624 -1.4957445805152847 -1.4863030906028811 -1.0799320780615032 -1.2028004289738203 -0.9287392574119578 -0.4858147169340645 +22517,0.11859541598313207,0,0.25170494589574643 0.4903218358100829 0.5082245515517313 0.13043597300442195 0.280235786945586 0.03434430659778341 -0.30572990524414073 -0.520227141863757 -0.8289071099774948 -0.8583666221662465 -1.2601200754851256 -1.3826530728790185 -1.3072243393134624 -1.4957445805152847 -1.4863030906028811 -1.0799320780615032 -1.2028004289738203 -0.9287392574119578 -0.4858147169340645 -0.2680413348560843 +22518,0.24775809355531941,0,0.4903218358100829 0.5082245515517313 0.13043597300442195 0.280235786945586 0.03434430659778341 -0.30572990524414073 -0.520227141863757 -0.8289071099774948 -0.8583666221662465 -1.2601200754851256 -1.3826530728790185 -1.3072243393134624 -1.4957445805152847 -1.4863030906028811 -1.0799320780615032 -1.2028004289738203 -0.9287392574119578 -0.4858147169340645 -0.2680413348560843 0.11859541598313207 +22519,0.7202195354835484,0,0.5082245515517313 0.13043597300442195 0.280235786945586 0.03434430659778341 -0.30572990524414073 -0.520227141863757 -0.8289071099774948 -0.8583666221662465 -1.2601200754851256 -1.3826530728790185 -1.3072243393134624 -1.4957445805152847 -1.4863030906028811 -1.0799320780615032 -1.2028004289738203 -0.9287392574119578 -0.4858147169340645 -0.2680413348560843 0.11859541598313207 0.24775809355531941 +22520,0.9352069041447396,0,0.13043597300442195 0.280235786945586 0.03434430659778341 -0.30572990524414073 -0.520227141863757 -0.8289071099774948 -0.8583666221662465 -1.2601200754851256 -1.3826530728790185 -1.3072243393134624 -1.4957445805152847 -1.4863030906028811 -1.0799320780615032 -1.2028004289738203 -0.9287392574119578 -0.4858147169340645 -0.2680413348560843 0.11859541598313207 0.24775809355531941 0.7202195354835484 +22521,0.8807248639944613,0,0.280235786945586 0.03434430659778341 -0.30572990524414073 -0.520227141863757 -0.8289071099774948 -0.8583666221662465 -1.2601200754851256 -1.3826530728790185 -1.3072243393134624 -1.4957445805152847 -1.4863030906028811 -1.0799320780615032 -1.2028004289738203 -0.9287392574119578 -0.4858147169340645 -0.2680413348560843 0.11859541598313207 0.24775809355531941 0.7202195354835484 0.9352069041447396 +22522,1.1855353688745616,0,0.03434430659778341 -0.30572990524414073 -0.520227141863757 -0.8289071099774948 -0.8583666221662465 -1.2601200754851256 -1.3826530728790185 -1.3072243393134624 -1.4957445805152847 -1.4863030906028811 -1.0799320780615032 -1.2028004289738203 -0.9287392574119578 -0.4858147169340645 -0.2680413348560843 0.11859541598313207 0.24775809355531941 0.7202195354835484 0.9352069041447396 0.8807248639944613 +22523,1.2208764650979607,0,-0.30572990524414073 -0.520227141863757 -0.8289071099774948 -0.8583666221662465 -1.2601200754851256 -1.3826530728790185 -1.3072243393134624 -1.4957445805152847 -1.4863030906028811 -1.0799320780615032 -1.2028004289738203 -0.9287392574119578 -0.4858147169340645 -0.2680413348560843 0.11859541598313207 0.24775809355531941 0.7202195354835484 0.9352069041447396 0.8807248639944613 1.1855353688745616 +22524,0.6966158107025264,0,-0.520227141863757 -0.8289071099774948 -0.8583666221662465 -1.2601200754851256 -1.3826530728790185 -1.3072243393134624 -1.4957445805152847 -1.4863030906028811 -1.0799320780615032 -1.2028004289738203 -0.9287392574119578 -0.4858147169340645 -0.2680413348560843 0.11859541598313207 0.24775809355531941 0.7202195354835484 0.9352069041447396 0.8807248639944613 1.1855353688745616 1.2208764650979607 +22525,0.9184908236440842,0,-0.8289071099774948 -0.8583666221662465 -1.2601200754851256 -1.3826530728790185 -1.3072243393134624 -1.4957445805152847 -1.4863030906028811 -1.0799320780615032 -1.2028004289738203 -0.9287392574119578 -0.4858147169340645 -0.2680413348560843 0.11859541598313207 0.24775809355531941 0.7202195354835484 0.9352069041447396 0.8807248639944613 1.1855353688745616 1.2208764650979607 0.6966158107025264 +22526,0.5807640861216031,0,-0.8583666221662465 -1.2601200754851256 -1.3826530728790185 -1.3072243393134624 -1.4957445805152847 -1.4863030906028811 -1.0799320780615032 -1.2028004289738203 -0.9287392574119578 -0.4858147169340645 -0.2680413348560843 0.11859541598313207 0.24775809355531941 0.7202195354835484 0.9352069041447396 0.8807248639944613 1.1855353688745616 1.2208764650979607 0.6966158107025264 0.9184908236440842 +22527,0.15001545618343287,0,-1.2601200754851256 -1.3826530728790185 -1.3072243393134624 -1.4957445805152847 -1.4863030906028811 -1.0799320780615032 -1.2028004289738203 -0.9287392574119578 -0.4858147169340645 -0.2680413348560843 0.11859541598313207 0.24775809355531941 0.7202195354835484 0.9352069041447396 0.8807248639944613 1.1855353688745616 1.2208764650979607 0.6966158107025264 0.9184908236440842 0.5807640861216031 +22528,-0.15670398391875584,0,-1.3826530728790185 -1.3072243393134624 -1.4957445805152847 -1.4863030906028811 -1.0799320780615032 -1.2028004289738203 -0.9287392574119578 -0.4858147169340645 -0.2680413348560843 0.11859541598313207 0.24775809355531941 0.7202195354835484 0.9352069041447396 0.8807248639944613 1.1855353688745616 1.2208764650979607 0.6966158107025264 0.9184908236440842 0.5807640861216031 0.15001545618343287 +22529,-0.5564453162818392,0,-1.3072243393134624 -1.4957445805152847 -1.4863030906028811 -1.0799320780615032 -1.2028004289738203 -0.9287392574119578 -0.4858147169340645 -0.2680413348560843 0.11859541598313207 0.24775809355531941 0.7202195354835484 0.9352069041447396 0.8807248639944613 1.1855353688745616 1.2208764650979607 0.6966158107025264 0.9184908236440842 0.5807640861216031 0.15001545618343287 -0.15670398391875584 +22530,-0.5303909316024701,0,-1.4957445805152847 -1.4863030906028811 -1.0799320780615032 -1.2028004289738203 -0.9287392574119578 -0.4858147169340645 -0.2680413348560843 0.11859541598313207 0.24775809355531941 0.7202195354835484 0.9352069041447396 0.8807248639944613 1.1855353688745616 1.2208764650979607 0.6966158107025264 0.9184908236440842 0.5807640861216031 0.15001545618343287 -0.15670398391875584 -0.5564453162818392 +22531,-1.0720641698527549,0,-1.4863030906028811 -1.0799320780615032 -1.2028004289738203 -0.9287392574119578 -0.4858147169340645 -0.2680413348560843 0.11859541598313207 0.24775809355531941 0.7202195354835484 0.9352069041447396 0.8807248639944613 1.1855353688745616 1.2208764650979607 0.6966158107025264 0.9184908236440842 0.5807640861216031 0.15001545618343287 -0.15670398391875584 -0.5564453162818392 -0.5303909316024701 +22532,-1.1879416907510156,0,-1.0799320780615032 -1.2028004289738203 -0.9287392574119578 -0.4858147169340645 -0.2680413348560843 0.11859541598313207 0.24775809355531941 0.7202195354835484 0.9352069041447396 0.8807248639944613 1.1855353688745616 1.2208764650979607 0.6966158107025264 0.9184908236440842 0.5807640861216031 0.15001545618343287 -0.15670398391875584 -0.5564453162818392 -0.5303909316024701 -1.0720641698527549 +22533,-1.2217092052707597,0,-1.2028004289738203 -0.9287392574119578 -0.4858147169340645 -0.2680413348560843 0.11859541598313207 0.24775809355531941 0.7202195354835484 0.9352069041447396 0.8807248639944613 1.1855353688745616 1.2208764650979607 0.6966158107025264 0.9184908236440842 0.5807640861216031 0.15001545618343287 -0.15670398391875584 -0.5564453162818392 -0.5303909316024701 -1.0720641698527549 -1.1879416907510156 +22534,-1.3649567284499813,0,-0.9287392574119578 -0.4858147169340645 -0.2680413348560843 0.11859541598313207 0.24775809355531941 0.7202195354835484 0.9352069041447396 0.8807248639944613 1.1855353688745616 1.2208764650979607 0.6966158107025264 0.9184908236440842 0.5807640861216031 0.15001545618343287 -0.15670398391875584 -0.5564453162818392 -0.5303909316024701 -1.0720641698527549 -1.1879416907510156 -1.2217092052707597 +22535,-1.4260942450958916,0,-0.4858147169340645 -0.2680413348560843 0.11859541598313207 0.24775809355531941 0.7202195354835484 0.9352069041447396 0.8807248639944613 1.1855353688745616 1.2208764650979607 0.6966158107025264 0.9184908236440842 0.5807640861216031 0.15001545618343287 -0.15670398391875584 -0.5564453162818392 -0.5303909316024701 -1.0720641698527549 -1.1879416907510156 -1.2217092052707597 -1.3649567284499813 +22536,-0.8785652194378685,0,-0.2680413348560843 0.11859541598313207 0.24775809355531941 0.7202195354835484 0.9352069041447396 0.8807248639944613 1.1855353688745616 1.2208764650979607 0.6966158107025264 0.9184908236440842 0.5807640861216031 0.15001545618343287 -0.15670398391875584 -0.5564453162818392 -0.5303909316024701 -1.0720641698527549 -1.1879416907510156 -1.2217092052707597 -1.3649567284499813 -1.4260942450958916 +22537,-1.1425915834668399,0,0.11859541598313207 0.24775809355531941 0.7202195354835484 0.9352069041447396 0.8807248639944613 1.1855353688745616 1.2208764650979607 0.6966158107025264 0.9184908236440842 0.5807640861216031 0.15001545618343287 -0.15670398391875584 -0.5564453162818392 -0.5303909316024701 -1.0720641698527549 -1.1879416907510156 -1.2217092052707597 -1.3649567284499813 -1.4260942450958916 -0.8785652194378685 +22538,-0.7979514053466457,0,0.24775809355531941 0.7202195354835484 0.9352069041447396 0.8807248639944613 1.1855353688745616 1.2208764650979607 0.6966158107025264 0.9184908236440842 0.5807640861216031 0.15001545618343287 -0.15670398391875584 -0.5564453162818392 -0.5303909316024701 -1.0720641698527549 -1.1879416907510156 -1.2217092052707597 -1.3649567284499813 -1.4260942450958916 -0.8785652194378685 -1.1425915834668399 +22539,-0.03796306018735376,0,0.7202195354835484 0.9352069041447396 0.8807248639944613 1.1855353688745616 1.2208764650979607 0.6966158107025264 0.9184908236440842 0.5807640861216031 0.15001545618343287 -0.15670398391875584 -0.5564453162818392 -0.5303909316024701 -1.0720641698527549 -1.1879416907510156 -1.2217092052707597 -1.3649567284499813 -1.4260942450958916 -0.8785652194378685 -1.1425915834668399 -0.7979514053466457 +22540,0.16822772912617692,0,0.9352069041447396 0.8807248639944613 1.1855353688745616 1.2208764650979607 0.6966158107025264 0.9184908236440842 0.5807640861216031 0.15001545618343287 -0.15670398391875584 -0.5564453162818392 -0.5303909316024701 -1.0720641698527549 -1.1879416907510156 -1.2217092052707597 -1.3649567284499813 -1.4260942450958916 -0.8785652194378685 -1.1425915834668399 -0.7979514053466457 -0.03796306018735376 +22541,0.7897666851692429,0,0.8807248639944613 1.1855353688745616 1.2208764650979607 0.6966158107025264 0.9184908236440842 0.5807640861216031 0.15001545618343287 -0.15670398391875584 -0.5564453162818392 -0.5303909316024701 -1.0720641698527549 -1.1879416907510156 -1.2217092052707597 -1.3649567284499813 -1.4260942450958916 -0.8785652194378685 -1.1425915834668399 -0.7979514053466457 -0.03796306018735376 0.16822772912617692 +22542,-0.1914259658947494,0,1.1855353688745616 1.2208764650979607 0.6966158107025264 0.9184908236440842 0.5807640861216031 0.15001545618343287 -0.15670398391875584 -0.5564453162818392 -0.5303909316024701 -1.0720641698527549 -1.1879416907510156 -1.2217092052707597 -1.3649567284499813 -1.4260942450958916 -0.8785652194378685 -1.1425915834668399 -0.7979514053466457 -0.03796306018735376 0.16822772912617692 0.7897666851692429 +22543,1.3205194386615164,0,1.2208764650979607 0.6966158107025264 0.9184908236440842 0.5807640861216031 0.15001545618343287 -0.15670398391875584 -0.5564453162818392 -0.5303909316024701 -1.0720641698527549 -1.1879416907510156 -1.2217092052707597 -1.3649567284499813 -1.4260942450958916 -0.8785652194378685 -1.1425915834668399 -0.7979514053466457 -0.03796306018735376 0.16822772912617692 0.7897666851692429 -0.1914259658947494 +22544,1.2297332361107243,0,0.6966158107025264 0.9184908236440842 0.5807640861216031 0.15001545618343287 -0.15670398391875584 -0.5564453162818392 -0.5303909316024701 -1.0720641698527549 -1.1879416907510156 -1.2217092052707597 -1.3649567284499813 -1.4260942450958916 -0.8785652194378685 -1.1425915834668399 -0.7979514053466457 -0.03796306018735376 0.16822772912617692 0.7897666851692429 -0.1914259658947494 1.3205194386615164 +22545,1.1389470334051375,0,0.9184908236440842 0.5807640861216031 0.15001545618343287 -0.15670398391875584 -0.5564453162818392 -0.5303909316024701 -1.0720641698527549 -1.1879416907510156 -1.2217092052707597 -1.3649567284499813 -1.4260942450958916 -0.8785652194378685 -1.1425915834668399 -0.7979514053466457 -0.03796306018735376 0.16822772912617692 0.7897666851692429 -0.1914259658947494 1.3205194386615164 1.2297332361107243 +22546,1.048160830854345,0,0.5807640861216031 0.15001545618343287 -0.15670398391875584 -0.5564453162818392 -0.5303909316024701 -1.0720641698527549 -1.1879416907510156 -1.2217092052707597 -1.3649567284499813 -1.4260942450958916 -0.8785652194378685 -1.1425915834668399 -0.7979514053466457 -0.03796306018735376 0.16822772912617692 0.7897666851692429 -0.1914259658947494 1.3205194386615164 1.2297332361107243 1.1389470334051375 +22547,0.9573746281487672,0,0.15001545618343287 -0.15670398391875584 -0.5564453162818392 -0.5303909316024701 -1.0720641698527549 -1.1879416907510156 -1.2217092052707597 -1.3649567284499813 -1.4260942450958916 -0.8785652194378685 -1.1425915834668399 -0.7979514053466457 -0.03796306018735376 0.16822772912617692 0.7897666851692429 -0.1914259658947494 1.3205194386615164 1.2297332361107243 1.1389470334051375 1.048160830854345 +22548,0.8665884255979748,0,-0.15670398391875584 -0.5564453162818392 -0.5303909316024701 -1.0720641698527549 -1.1879416907510156 -1.2217092052707597 -1.3649567284499813 -1.4260942450958916 -0.8785652194378685 -1.1425915834668399 -0.7979514053466457 -0.03796306018735376 0.16822772912617692 0.7897666851692429 -0.1914259658947494 1.3205194386615164 1.2297332361107243 1.1389470334051375 1.048160830854345 0.9573746281487672 +22549,0.775802222892388,0,-0.5564453162818392 -0.5303909316024701 -1.0720641698527549 -1.1879416907510156 -1.2217092052707597 -1.3649567284499813 -1.4260942450958916 -0.8785652194378685 -1.1425915834668399 -0.7979514053466457 -0.03796306018735376 0.16822772912617692 0.7897666851692429 -0.1914259658947494 1.3205194386615164 1.2297332361107243 1.1389470334051375 1.048160830854345 0.9573746281487672 0.8665884255979748 +22550,0.6850160203415957,0,-0.5303909316024701 -1.0720641698527549 -1.1879416907510156 -1.2217092052707597 -1.3649567284499813 -1.4260942450958916 -0.8785652194378685 -1.1425915834668399 -0.7979514053466457 -0.03796306018735376 0.16822772912617692 0.7897666851692429 -0.1914259658947494 1.3205194386615164 1.2297332361107243 1.1389470334051375 1.048160830854345 0.9573746281487672 0.8665884255979748 0.775802222892388 +22551,-0.047752801776863626,0,-1.0720641698527549 -1.1879416907510156 -1.2217092052707597 -1.3649567284499813 -1.4260942450958916 -0.8785652194378685 -1.1425915834668399 -0.7979514053466457 -0.03796306018735376 0.16822772912617692 0.7897666851692429 -0.1914259658947494 1.3205194386615164 1.2297332361107243 1.1389470334051375 1.048160830854345 0.9573746281487672 0.8665884255979748 0.775802222892388 0.6850160203415957 +22552,0.21811800637128514,0,-1.1879416907510156 -1.2217092052707597 -1.3649567284499813 -1.4260942450958916 -0.8785652194378685 -1.1425915834668399 -0.7979514053466457 -0.03796306018735376 0.16822772912617692 0.7897666851692429 -0.1914259658947494 1.3205194386615164 1.2297332361107243 1.1389470334051375 1.048160830854345 0.9573746281487672 0.8665884255979748 0.775802222892388 0.6850160203415957 -0.047752801776863626 +22553,-0.15799380489344747,0,-1.2217092052707597 -1.3649567284499813 -1.4260942450958916 -0.8785652194378685 -1.1425915834668399 -0.7979514053466457 -0.03796306018735376 0.16822772912617692 0.7897666851692429 -0.1914259658947494 1.3205194386615164 1.2297332361107243 1.1389470334051375 1.048160830854345 0.9573746281487672 0.8665884255979748 0.775802222892388 0.6850160203415957 -0.047752801776863626 0.21811800637128514 +22554,-0.1778054558571842,0,-1.3649567284499813 -1.4260942450958916 -0.8785652194378685 -1.1425915834668399 -0.7979514053466457 -0.03796306018735376 0.16822772912617692 0.7897666851692429 -0.1914259658947494 1.3205194386615164 1.2297332361107243 1.1389470334051375 1.048160830854345 0.9573746281487672 0.8665884255979748 0.775802222892388 0.6850160203415957 -0.047752801776863626 0.21811800637128514 -0.15799380489344747 +22555,-0.6726839871706565,0,-1.4260942450958916 -0.8785652194378685 -1.1425915834668399 -0.7979514053466457 -0.03796306018735376 0.16822772912617692 0.7897666851692429 -0.1914259658947494 1.3205194386615164 1.2297332361107243 1.1389470334051375 1.048160830854345 0.9573746281487672 0.8665884255979748 0.775802222892388 0.6850160203415957 -0.047752801776863626 0.21811800637128514 -0.15799380489344747 -0.1778054558571842 +22556,-0.8112623583379097,0,-0.8785652194378685 -1.1425915834668399 -0.7979514053466457 -0.03796306018735376 0.16822772912617692 0.7897666851692429 -0.1914259658947494 1.3205194386615164 1.2297332361107243 1.1389470334051375 1.048160830854345 0.9573746281487672 0.8665884255979748 0.775802222892388 0.6850160203415957 -0.047752801776863626 0.21811800637128514 -0.15799380489344747 -0.1778054558571842 -0.6726839871706565 +22557,-0.8428887698508307,0,-1.1425915834668399 -0.7979514053466457 -0.03796306018735376 0.16822772912617692 0.7897666851692429 -0.1914259658947494 1.3205194386615164 1.2297332361107243 1.1389470334051375 1.048160830854345 0.9573746281487672 0.8665884255979748 0.775802222892388 0.6850160203415957 -0.047752801776863626 0.21811800637128514 -0.15799380489344747 -0.1778054558571842 -0.6726839871706565 -0.8112623583379097 +22558,-1.0171177941330072,0,-0.7979514053466457 -0.03796306018735376 0.16822772912617692 0.7897666851692429 -0.1914259658947494 1.3205194386615164 1.2297332361107243 1.1389470334051375 1.048160830854345 0.9573746281487672 0.8665884255979748 0.775802222892388 0.6850160203415957 -0.047752801776863626 0.21811800637128514 -0.15799380489344747 -0.1778054558571842 -0.6726839871706565 -0.8112623583379097 -0.8428887698508307 +22559,-1.0843948587608514,0,-0.03796306018735376 0.16822772912617692 0.7897666851692429 -0.1914259658947494 1.3205194386615164 1.2297332361107243 1.1389470334051375 1.048160830854345 0.9573746281487672 0.8665884255979748 0.775802222892388 0.6850160203415957 -0.047752801776863626 0.21811800637128514 -0.15799380489344747 -0.1778054558571842 -0.6726839871706565 -0.8112623583379097 -0.8428887698508307 -1.0171177941330072 +22560,-0.4533112270716747,0,0.16822772912617692 0.7897666851692429 -0.1914259658947494 1.3205194386615164 1.2297332361107243 1.1389470334051375 1.048160830854345 0.9573746281487672 0.8665884255979748 0.775802222892388 0.6850160203415957 -0.047752801776863626 0.21811800637128514 -0.15799380489344747 -0.1778054558571842 -0.6726839871706565 -0.8112623583379097 -0.8428887698508307 -1.0171177941330072 -1.0843948587608514 +22561,-0.7533751906782402,0,0.7897666851692429 -0.1914259658947494 1.3205194386615164 1.2297332361107243 1.1389470334051375 1.048160830854345 0.9573746281487672 0.8665884255979748 0.775802222892388 0.6850160203415957 -0.047752801776863626 0.21811800637128514 -0.15799380489344747 -0.1778054558571842 -0.6726839871706565 -0.8112623583379097 -0.8428887698508307 -1.0171177941330072 -1.0843948587608514 -0.4533112270716747 +22562,-0.3550784576582133,0,-0.1914259658947494 1.3205194386615164 1.2297332361107243 1.1389470334051375 1.048160830854345 0.9573746281487672 0.8665884255979748 0.775802222892388 0.6850160203415957 -0.047752801776863626 0.21811800637128514 -0.15799380489344747 -0.1778054558571842 -0.6726839871706565 -0.8112623583379097 -0.8428887698508307 -1.0171177941330072 -1.0843948587608514 -0.4533112270716747 -0.7533751906782402 +22563,0.26493850962543525,0,1.3205194386615164 1.2297332361107243 1.1389470334051375 1.048160830854345 0.9573746281487672 0.8665884255979748 0.775802222892388 0.6850160203415957 -0.047752801776863626 0.21811800637128514 -0.15799380489344747 -0.1778054558571842 -0.6726839871706565 -0.8112623583379097 -0.8428887698508307 -1.0171177941330072 -1.0843948587608514 -0.4533112270716747 -0.7533751906782402 -0.3550784576582133 +22564,0.5893284976845378,0,1.2297332361107243 1.1389470334051375 1.048160830854345 0.9573746281487672 0.8665884255979748 0.775802222892388 0.6850160203415957 -0.047752801776863626 0.21811800637128514 -0.15799380489344747 -0.1778054558571842 -0.6726839871706565 -0.8112623583379097 -0.8428887698508307 -1.0171177941330072 -1.0843948587608514 -0.4533112270716747 -0.7533751906782402 -0.3550784576582133 0.26493850962543525 +22565,1.1354387203168332,0,1.1389470334051375 1.048160830854345 0.9573746281487672 0.8665884255979748 0.775802222892388 0.6850160203415957 -0.047752801776863626 0.21811800637128514 -0.15799380489344747 -0.1778054558571842 -0.6726839871706565 -0.8112623583379097 -0.8428887698508307 -1.0171177941330072 -1.0843948587608514 -0.4533112270716747 -0.7533751906782402 -0.3550784576582133 0.26493850962543525 0.5893284976845378 +22566,0.9934810181123032,0,1.048160830854345 0.9573746281487672 0.8665884255979748 0.775802222892388 0.6850160203415957 -0.047752801776863626 0.21811800637128514 -0.15799380489344747 -0.1778054558571842 -0.6726839871706565 -0.8112623583379097 -0.8428887698508307 -1.0171177941330072 -1.0843948587608514 -0.4533112270716747 -0.7533751906782402 -0.3550784576582133 0.26493850962543525 0.5893284976845378 1.1354387203168332 +22567,1.7689472155870196,0,0.9573746281487672 0.8665884255979748 0.775802222892388 0.6850160203415957 -0.047752801776863626 0.21811800637128514 -0.15799380489344747 -0.1778054558571842 -0.6726839871706565 -0.8112623583379097 -0.8428887698508307 -1.0171177941330072 -1.0843948587608514 -0.4533112270716747 -0.7533751906782402 -0.3550784576582133 0.26493850962543525 0.5893284976845378 1.1354387203168332 0.9934810181123032 +22568,1.8563454882249104,0,0.8665884255979748 0.775802222892388 0.6850160203415957 -0.047752801776863626 0.21811800637128514 -0.15799380489344747 -0.1778054558571842 -0.6726839871706565 -0.8112623583379097 -0.8428887698508307 -1.0171177941330072 -1.0843948587608514 -0.4533112270716747 -0.7533751906782402 -0.3550784576582133 0.26493850962543525 0.5893284976845378 1.1354387203168332 0.9934810181123032 1.7689472155870196 +22569,1.68750791593578,0,0.775802222892388 0.6850160203415957 -0.047752801776863626 0.21811800637128514 -0.15799380489344747 -0.1778054558571842 -0.6726839871706565 -0.8112623583379097 -0.8428887698508307 -1.0171177941330072 -1.0843948587608514 -0.4533112270716747 -0.7533751906782402 -0.3550784576582133 0.26493850962543525 0.5893284976845378 1.1354387203168332 0.9934810181123032 1.7689472155870196 1.8563454882249104 +22570,1.8603181370374609,0,0.6850160203415957 -0.047752801776863626 0.21811800637128514 -0.15799380489344747 -0.1778054558571842 -0.6726839871706565 -0.8112623583379097 -0.8428887698508307 -1.0171177941330072 -1.0843948587608514 -0.4533112270716747 -0.7533751906782402 -0.3550784576582133 0.26493850962543525 0.5893284976845378 1.1354387203168332 0.9934810181123032 1.7689472155870196 1.8563454882249104 1.68750791593578 +22571,1.7768925130573345,0,-0.047752801776863626 0.21811800637128514 -0.15799380489344747 -0.1778054558571842 -0.6726839871706565 -0.8112623583379097 -0.8428887698508307 -1.0171177941330072 -1.0843948587608514 -0.4533112270716747 -0.7533751906782402 -0.3550784576582133 0.26493850962543525 0.5893284976845378 1.1354387203168332 0.9934810181123032 1.7689472155870196 1.8563454882249104 1.68750791593578 1.8603181370374609 +22572,1.3301243059727128,0,0.21811800637128514 -0.15799380489344747 -0.1778054558571842 -0.6726839871706565 -0.8112623583379097 -0.8428887698508307 -1.0171177941330072 -1.0843948587608514 -0.4533112270716747 -0.7533751906782402 -0.3550784576582133 0.26493850962543525 0.5893284976845378 1.1354387203168332 0.9934810181123032 1.7689472155870196 1.8563454882249104 1.68750791593578 1.8603181370374609 1.7768925130573345 +22573,1.3678128763607604,0,-0.15799380489344747 -0.1778054558571842 -0.6726839871706565 -0.8112623583379097 -0.8428887698508307 -1.0171177941330072 -1.0843948587608514 -0.4533112270716747 -0.7533751906782402 -0.3550784576582133 0.26493850962543525 0.5893284976845378 1.1354387203168332 0.9934810181123032 1.7689472155870196 1.8563454882249104 1.68750791593578 1.8603181370374609 1.7768925130573345 1.3301243059727128 +22574,1.0421588636443038,0,-0.1778054558571842 -0.6726839871706565 -0.8112623583379097 -0.8428887698508307 -1.0171177941330072 -1.0843948587608514 -0.4533112270716747 -0.7533751906782402 -0.3550784576582133 0.26493850962543525 0.5893284976845378 1.1354387203168332 0.9934810181123032 1.7689472155870196 1.8563454882249104 1.68750791593578 1.8603181370374609 1.7768925130573345 1.3301243059727128 1.3678128763607604 +22575,0.7227733811155853,0,-0.6726839871706565 -0.8112623583379097 -0.8428887698508307 -1.0171177941330072 -1.0843948587608514 -0.4533112270716747 -0.7533751906782402 -0.3550784576582133 0.26493850962543525 0.5893284976845378 1.1354387203168332 0.9934810181123032 1.7689472155870196 1.8563454882249104 1.68750791593578 1.8603181370374609 1.7768925130573345 1.3301243059727128 1.3678128763607604 1.0421588636443038 +22576,0.39502985833654347,0,-0.8112623583379097 -0.8428887698508307 -1.0171177941330072 -1.0843948587608514 -0.4533112270716747 -0.7533751906782402 -0.3550784576582133 0.26493850962543525 0.5893284976845378 1.1354387203168332 0.9934810181123032 1.7689472155870196 1.8563454882249104 1.68750791593578 1.8603181370374609 1.7768925130573345 1.3301243059727128 1.3678128763607604 1.0421588636443038 0.7227733811155853 +22577,0.07355486574524851,0,-0.8428887698508307 -1.0171177941330072 -1.0843948587608514 -0.4533112270716747 -0.7533751906782402 -0.3550784576582133 0.26493850962543525 0.5893284976845378 1.1354387203168332 0.9934810181123032 1.7689472155870196 1.8563454882249104 1.68750791593578 1.8603181370374609 1.7768925130573345 1.3301243059727128 1.3678128763607604 1.0421588636443038 0.7227733811155853 0.39502985833654347 +22578,0.05699356376775249,0,-1.0171177941330072 -1.0843948587608514 -0.4533112270716747 -0.7533751906782402 -0.3550784576582133 0.26493850962543525 0.5893284976845378 1.1354387203168332 0.9934810181123032 1.7689472155870196 1.8563454882249104 1.68750791593578 1.8603181370374609 1.7768925130573345 1.3301243059727128 1.3678128763607604 1.0421588636443038 0.7227733811155853 0.39502985833654347 0.07355486574524851 +22579,-0.366119325746404,0,-1.0843948587608514 -0.4533112270716747 -0.7533751906782402 -0.3550784576582133 0.26493850962543525 0.5893284976845378 1.1354387203168332 0.9934810181123032 1.7689472155870196 1.8563454882249104 1.68750791593578 1.8603181370374609 1.7768925130573345 1.3301243059727128 1.3678128763607604 1.0421588636443038 0.7227733811155853 0.39502985833654347 0.07355486574524851 0.05699356376775249 +22580,-0.4843185244919759,0,-0.4533112270716747 -0.7533751906782402 -0.3550784576582133 0.26493850962543525 0.5893284976845378 1.1354387203168332 0.9934810181123032 1.7689472155870196 1.8563454882249104 1.68750791593578 1.8603181370374609 1.7768925130573345 1.3301243059727128 1.3678128763607604 1.0421588636443038 0.7227733811155853 0.39502985833654347 0.07355486574524851 0.05699356376775249 -0.366119325746404 +22581,-0.5293074819403987,0,-0.7533751906782402 -0.3550784576582133 0.26493850962543525 0.5893284976845378 1.1354387203168332 0.9934810181123032 1.7689472155870196 1.8563454882249104 1.68750791593578 1.8603181370374609 1.7768925130573345 1.3301243059727128 1.3678128763607604 1.0421588636443038 0.7227733811155853 0.39502985833654347 0.07355486574524851 0.05699356376775249 -0.366119325746404 -0.4843185244919759 +22582,-0.6719100945548862,0,-0.3550784576582133 0.26493850962543525 0.5893284976845378 1.1354387203168332 0.9934810181123032 1.7689472155870196 1.8563454882249104 1.68750791593578 1.8603181370374609 1.7768925130573345 1.3301243059727128 1.3678128763607604 1.0421588636443038 0.7227733811155853 0.39502985833654347 0.07355486574524851 0.05699356376775249 -0.366119325746404 -0.4843185244919759 -0.5293074819403987 +22583,-0.7413024658722069,0,0.26493850962543525 0.5893284976845378 1.1354387203168332 0.9934810181123032 1.7689472155870196 1.8563454882249104 1.68750791593578 1.8603181370374609 1.7768925130573345 1.3301243059727128 1.3678128763607604 1.0421588636443038 0.7227733811155853 0.39502985833654347 0.07355486574524851 0.05699356376775249 -0.366119325746404 -0.4843185244919759 -0.5293074819403987 -0.6719100945548862 +22584,-0.2904068314518755,0,0.5893284976845378 1.1354387203168332 0.9934810181123032 1.7689472155870196 1.8563454882249104 1.68750791593578 1.8603181370374609 1.7768925130573345 1.3301243059727128 1.3678128763607604 1.0421588636443038 0.7227733811155853 0.39502985833654347 0.07355486574524851 0.05699356376775249 -0.366119325746404 -0.4843185244919759 -0.5293074819403987 -0.6719100945548862 -0.7413024658722069 +22585,-0.5332285378087112,0,1.1354387203168332 0.9934810181123032 1.7689472155870196 1.8563454882249104 1.68750791593578 1.8603181370374609 1.7768925130573345 1.3301243059727128 1.3678128763607604 1.0421588636443038 0.7227733811155853 0.39502985833654347 0.07355486574524851 0.05699356376775249 -0.366119325746404 -0.4843185244919759 -0.5293074819403987 -0.6719100945548862 -0.7413024658722069 -0.2904068314518755 +22586,-0.25576223873744847,0,0.9934810181123032 1.7689472155870196 1.8563454882249104 1.68750791593578 1.8603181370374609 1.7768925130573345 1.3301243059727128 1.3678128763607604 1.0421588636443038 0.7227733811155853 0.39502985833654347 0.07355486574524851 0.05699356376775249 -0.366119325746404 -0.4843185244919759 -0.5293074819403987 -0.6719100945548862 -0.7413024658722069 -0.2904068314518755 -0.5332285378087112 +22587,0.3351305698758639,0,1.7689472155870196 1.8563454882249104 1.68750791593578 1.8603181370374609 1.7768925130573345 1.3301243059727128 1.3678128763607604 1.0421588636443038 0.7227733811155853 0.39502985833654347 0.07355486574524851 0.05699356376775249 -0.366119325746404 -0.4843185244919759 -0.5293074819403987 -0.6719100945548862 -0.7413024658722069 -0.2904068314518755 -0.5332285378087112 -0.25576223873744847 +22588,0.5081213659728184,0,1.8563454882249104 1.68750791593578 1.8603181370374609 1.7768925130573345 1.3301243059727128 1.3678128763607604 1.0421588636443038 0.7227733811155853 0.39502985833654347 0.07355486574524851 0.05699356376775249 -0.366119325746404 -0.4843185244919759 -0.5293074819403987 -0.6719100945548862 -0.7413024658722069 -0.2904068314518755 -0.5332285378087112 -0.25576223873744847 0.3351305698758639 +22589,0.9945386713022601,0,1.68750791593578 1.8603181370374609 1.7768925130573345 1.3301243059727128 1.3678128763607604 1.0421588636443038 0.7227733811155853 0.39502985833654347 0.07355486574524851 0.05699356376775249 -0.366119325746404 -0.4843185244919759 -0.5293074819403987 -0.6719100945548862 -0.7413024658722069 -0.2904068314518755 -0.5332285378087112 -0.25576223873744847 0.3351305698758639 0.5081213659728184 +22590,0.8972861659719573,0,1.8603181370374609 1.7768925130573345 1.3301243059727128 1.3678128763607604 1.0421588636443038 0.7227733811155853 0.39502985833654347 0.07355486574524851 0.05699356376775249 -0.366119325746404 -0.4843185244919759 -0.5293074819403987 -0.6719100945548862 -0.7413024658722069 -0.2904068314518755 -0.5332285378087112 -0.25576223873744847 0.3351305698758639 0.5081213659728184 0.9945386713022601 +22591,1.578260075061028,0,1.7768925130573345 1.3301243059727128 1.3678128763607604 1.0421588636443038 0.7227733811155853 0.39502985833654347 0.07355486574524851 0.05699356376775249 -0.366119325746404 -0.4843185244919759 -0.5293074819403987 -0.6719100945548862 -0.7413024658722069 -0.2904068314518755 -0.5332285378087112 -0.25576223873744847 0.3351305698758639 0.5081213659728184 0.9945386713022601 0.8972861659719573 +22592,1.6755641731807918,0,1.3301243059727128 1.3678128763607604 1.0421588636443038 0.7227733811155853 0.39502985833654347 0.07355486574524851 0.05699356376775249 -0.366119325746404 -0.4843185244919759 -0.5293074819403987 -0.6719100945548862 -0.7413024658722069 -0.2904068314518755 -0.5332285378087112 -0.25576223873744847 0.3351305698758639 0.5081213659728184 0.9945386713022601 0.8972861659719573 1.578260075061028 +22593,1.5047918693522353,0,1.3678128763607604 1.0421588636443038 0.7227733811155853 0.39502985833654347 0.07355486574524851 0.05699356376775249 -0.366119325746404 -0.4843185244919759 -0.5293074819403987 -0.6719100945548862 -0.7413024658722069 -0.2904068314518755 -0.5332285378087112 -0.25576223873744847 0.3351305698758639 0.5081213659728184 0.9945386713022601 0.8972861659719573 1.578260075061028 1.6755641731807918 +22594,1.6914547682762158,0,1.0421588636443038 0.7227733811155853 0.39502985833654347 0.07355486574524851 0.05699356376775249 -0.366119325746404 -0.4843185244919759 -0.5293074819403987 -0.6719100945548862 -0.7413024658722069 -0.2904068314518755 -0.5332285378087112 -0.25576223873744847 0.3351305698758639 0.5081213659728184 0.9945386713022601 0.8972861659719573 1.578260075061028 1.6755641731807918 1.5047918693522353 +22595,1.6100412650970994,0,0.7227733811155853 0.39502985833654347 0.07355486574524851 0.05699356376775249 -0.366119325746404 -0.4843185244919759 -0.5293074819403987 -0.6719100945548862 -0.7413024658722069 -0.2904068314518755 -0.5332285378087112 -0.25576223873744847 0.3351305698758639 0.5081213659728184 0.9945386713022601 0.8972861659719573 1.578260075061028 1.6755641731807918 1.5047918693522353 1.6914547682762158 +22596,1.2140404136070548,0,0.39502985833654347 0.07355486574524851 0.05699356376775249 -0.366119325746404 -0.4843185244919759 -0.5293074819403987 -0.6719100945548862 -0.7413024658722069 -0.2904068314518755 -0.5332285378087112 -0.25576223873744847 0.3351305698758639 0.5081213659728184 0.9945386713022601 0.8972861659719573 1.578260075061028 1.6755641731807918 1.5047918693522353 1.6914547682762158 1.6100412650970994 +22597,1.2374893598649175,0,0.07355486574524851 0.05699356376775249 -0.366119325746404 -0.4843185244919759 -0.5293074819403987 -0.6719100945548862 -0.7413024658722069 -0.2904068314518755 -0.5332285378087112 -0.25576223873744847 0.3351305698758639 0.5081213659728184 0.9945386713022601 0.8972861659719573 1.578260075061028 1.6755641731807918 1.5047918693522353 1.6914547682762158 1.6100412650970994 1.2140404136070548 +22598,0.9463509578118432,0,0.05699356376775249 -0.366119325746404 -0.4843185244919759 -0.5293074819403987 -0.6719100945548862 -0.7413024658722069 -0.2904068314518755 -0.5332285378087112 -0.25576223873744847 0.3351305698758639 0.5081213659728184 0.9945386713022601 0.8972861659719573 1.578260075061028 1.6755641731807918 1.5047918693522353 1.6914547682762158 1.6100412650970994 1.2140404136070548 1.2374893598649175 +22599,0.6638027637938354,0,-0.366119325746404 -0.4843185244919759 -0.5293074819403987 -0.6719100945548862 -0.7413024658722069 -0.2904068314518755 -0.5332285378087112 -0.25576223873744847 0.3351305698758639 0.5081213659728184 0.9945386713022601 0.8972861659719573 1.578260075061028 1.6755641731807918 1.5047918693522353 1.6914547682762158 1.6100412650970994 1.2140404136070548 1.2374893598649175 0.9463509578118432 +22600,0.3698009590624143,0,-0.4843185244919759 -0.5293074819403987 -0.6719100945548862 -0.7413024658722069 -0.2904068314518755 -0.5332285378087112 -0.25576223873744847 0.3351305698758639 0.5081213659728184 0.9945386713022601 0.8972861659719573 1.578260075061028 1.6755641731807918 1.5047918693522353 1.6914547682762158 1.6100412650970994 1.2140404136070548 1.2374893598649175 0.9463509578118432 0.6638027637938354 +22601,0.08438936236604219,0,-0.5293074819403987 -0.6719100945548862 -0.7413024658722069 -0.2904068314518755 -0.5332285378087112 -0.25576223873744847 0.3351305698758639 0.5081213659728184 0.9945386713022601 0.8972861659719573 1.578260075061028 1.6755641731807918 1.5047918693522353 1.6914547682762158 1.6100412650970994 1.2140404136070548 1.2374893598649175 0.9463509578118432 0.6638027637938354 0.3698009590624143 +22602,0.09290218113952482,0,-0.6719100945548862 -0.7413024658722069 -0.2904068314518755 -0.5332285378087112 -0.25576223873744847 0.3351305698758639 0.5081213659728184 0.9945386713022601 0.8972861659719573 1.578260075061028 1.6755641731807918 1.5047918693522353 1.6914547682762158 1.6100412650970994 1.2140404136070548 1.2374893598649175 0.9463509578118432 0.6638027637938354 0.3698009590624143 0.08438936236604219 +22603,-0.2904842207134508,0,-0.7413024658722069 -0.2904068314518755 -0.5332285378087112 -0.25576223873744847 0.3351305698758639 0.5081213659728184 0.9945386713022601 0.8972861659719573 1.578260075061028 1.6755641731807918 1.5047918693522353 1.6914547682762158 1.6100412650970994 1.2140404136070548 1.2374893598649175 0.9463509578118432 0.6638027637938354 0.3698009590624143 0.08438936236604219 0.09290218113952482 +22604,-0.37994620709658933,0,-0.2904068314518755 -0.5332285378087112 -0.25576223873744847 0.3351305698758639 0.5081213659728184 0.9945386713022601 0.8972861659719573 1.578260075061028 1.6755641731807918 1.5047918693522353 1.6914547682762158 1.6100412650970994 1.2140404136070548 1.2374893598649175 0.9463509578118432 0.6638027637938354 0.3698009590624143 0.08438936236604219 0.09290218113952482 -0.2904842207134508 +22605,-0.4608953747062364,0,-0.5332285378087112 -0.25576223873744847 0.3351305698758639 0.5081213659728184 0.9945386713022601 0.8972861659719573 1.578260075061028 1.6755641731807918 1.5047918693522353 1.6914547682762158 1.6100412650970994 1.2140404136070548 1.2374893598649175 0.9463509578118432 0.6638027637938354 0.3698009590624143 0.08438936236604219 0.09290218113952482 -0.2904842207134508 -0.37994620709658933 +22606,-0.5531949672955985,0,-0.25576223873744847 0.3351305698758639 0.5081213659728184 0.9945386713022601 0.8972861659719573 1.578260075061028 1.6755641731807918 1.5047918693522353 1.6914547682762158 1.6100412650970994 1.2140404136070548 1.2374893598649175 0.9463509578118432 0.6638027637938354 0.3698009590624143 0.08438936236604219 0.09290218113952482 -0.2904842207134508 -0.37994620709658933 -0.4608953747062364 +22607,-0.6369817412662724,0,0.3351305698758639 0.5081213659728184 0.9945386713022601 0.8972861659719573 1.578260075061028 1.6755641731807918 1.5047918693522353 1.6914547682762158 1.6100412650970994 1.2140404136070548 1.2374893598649175 0.9463509578118432 0.6638027637938354 0.3698009590624143 0.08438936236604219 0.09290218113952482 -0.2904842207134508 -0.37994620709658933 -0.4608953747062364 -0.5531949672955985 +22608,-0.19235463703367908,0,0.5081213659728184 0.9945386713022601 0.8972861659719573 1.578260075061028 1.6755641731807918 1.5047918693522353 1.6914547682762158 1.6100412650970994 1.2140404136070548 1.2374893598649175 0.9463509578118432 0.6638027637938354 0.3698009590624143 0.08438936236604219 0.09290218113952482 -0.2904842207134508 -0.37994620709658933 -0.4608953747062364 -0.5531949672955985 -0.6369817412662724 +22609,-0.4522793701990553,0,0.9945386713022601 0.8972861659719573 1.578260075061028 1.6755641731807918 1.5047918693522353 1.6914547682762158 1.6100412650970994 1.2140404136070548 1.2374893598649175 0.9463509578118432 0.6638027637938354 0.3698009590624143 0.08438936236604219 0.09290218113952482 -0.2904842207134508 -0.37994620709658933 -0.4608953747062364 -0.5531949672955985 -0.6369817412662724 -0.19235463703367908 +22610,-0.18379022547074444,0,0.8972861659719573 1.578260075061028 1.6755641731807918 1.5047918693522353 1.6914547682762158 1.6100412650970994 1.2140404136070548 1.2374893598649175 0.9463509578118432 0.6638027637938354 0.3698009590624143 0.08438936236604219 0.09290218113952482 -0.2904842207134508 -0.37994620709658933 -0.4608953747062364 -0.5531949672955985 -0.6369817412662724 -0.19235463703367908 -0.4522793701990553 +22611,0.3314932745817468,0,1.578260075061028 1.6755641731807918 1.5047918693522353 1.6914547682762158 1.6100412650970994 1.2140404136070548 1.2374893598649175 0.9463509578118432 0.6638027637938354 0.3698009590624143 0.08438936236604219 0.09290218113952482 -0.2904842207134508 -0.37994620709658933 -0.4608953747062364 -0.5531949672955985 -0.6369817412662724 -0.19235463703367908 -0.4522793701990553 -0.18379022547074444 +22612,0.5177176344083814,0,1.6755641731807918 1.5047918693522353 1.6914547682762158 1.6100412650970994 1.2140404136070548 1.2374893598649175 0.9463509578118432 0.6638027637938354 0.3698009590624143 0.08438936236604219 0.09290218113952482 -0.2904842207134508 -0.37994620709658933 -0.4608953747062364 -0.5531949672955985 -0.6369817412662724 -0.19235463703367908 -0.4522793701990553 -0.18379022547074444 0.3314932745817468 +22613,0.9507363492496249,0,1.5047918693522353 1.6914547682762158 1.6100412650970994 1.2140404136070548 1.2374893598649175 0.9463509578118432 0.6638027637938354 0.3698009590624143 0.08438936236604219 0.09290218113952482 -0.2904842207134508 -0.37994620709658933 -0.4608953747062364 -0.5531949672955985 -0.6369817412662724 -0.19235463703367908 -0.4522793701990553 -0.18379022547074444 0.3314932745817468 0.5177176344083814 +22614,0.8382381593886322,0,1.6914547682762158 1.6100412650970994 1.2140404136070548 1.2374893598649175 0.9463509578118432 0.6638027637938354 0.3698009590624143 0.08438936236604219 0.09290218113952482 -0.2904842207134508 -0.37994620709658933 -0.4608953747062364 -0.5531949672955985 -0.6369817412662724 -0.19235463703367908 -0.4522793701990553 -0.18379022547074444 0.3314932745817468 0.5177176344083814 0.9507363492496249 +22615,1.4530958426187373,0,1.6100412650970994 1.2140404136070548 1.2374893598649175 0.9463509578118432 0.6638027637938354 0.3698009590624143 0.08438936236604219 0.09290218113952482 -0.2904842207134508 -0.37994620709658933 -0.4608953747062364 -0.5531949672955985 -0.6369817412662724 -0.19235463703367908 -0.4522793701990553 -0.18379022547074444 0.3314932745817468 0.5177176344083814 0.9507363492496249 0.8382381593886322 +22616,1.5224366209918203,0,1.2140404136070548 1.2374893598649175 0.9463509578118432 0.6638027637938354 0.3698009590624143 0.08438936236604219 0.09290218113952482 -0.2904842207134508 -0.37994620709658933 -0.4608953747062364 -0.5531949672955985 -0.6369817412662724 -0.19235463703367908 -0.4522793701990553 -0.18379022547074444 0.3314932745817468 0.5177176344083814 0.9507363492496249 0.8382381593886322 1.4530958426187373 +22617,1.3904105407412775,0,1.2374893598649175 0.9463509578118432 0.6638027637938354 0.3698009590624143 0.08438936236604219 0.09290218113952482 -0.2904842207134508 -0.37994620709658933 -0.4608953747062364 -0.5531949672955985 -0.6369817412662724 -0.19235463703367908 -0.4522793701990553 -0.18379022547074444 0.3314932745817468 0.5177176344083814 0.9507363492496249 0.8382381593886322 1.4530958426187373 1.5224366209918203 +22618,1.526873605373831,0,0.9463509578118432 0.6638027637938354 0.3698009590624143 0.08438936236604219 0.09290218113952482 -0.2904842207134508 -0.37994620709658933 -0.4608953747062364 -0.5531949672955985 -0.6369817412662724 -0.19235463703367908 -0.4522793701990553 -0.18379022547074444 0.3314932745817468 0.5177176344083814 0.9507363492496249 0.8382381593886322 1.4530958426187373 1.5224366209918203 1.3904105407412775 +22619,1.4619698112279818,0,0.6638027637938354 0.3698009590624143 0.08438936236604219 0.09290218113952482 -0.2904842207134508 -0.37994620709658933 -0.4608953747062364 -0.5531949672955985 -0.6369817412662724 -0.19235463703367908 -0.4522793701990553 -0.18379022547074444 0.3314932745817468 0.5177176344083814 0.9507363492496249 0.8382381593886322 1.4530958426187373 1.5224366209918203 1.3904105407412775 1.526873605373831 +22620,1.0842586219422476,0,0.3698009590624143 0.08438936236604219 0.09290218113952482 -0.2904842207134508 -0.37994620709658933 -0.4608953747062364 -0.5531949672955985 -0.6369817412662724 -0.19235463703367908 -0.4522793701990553 -0.18379022547074444 0.3314932745817468 0.5177176344083814 0.9507363492496249 0.8382381593886322 1.4530958426187373 1.5224366209918203 1.3904105407412775 1.526873605373831 1.4619698112279818 +22621,1.123623959612872,0,0.08438936236604219 0.09290218113952482 -0.2904842207134508 -0.37994620709658933 -0.4608953747062364 -0.5531949672955985 -0.6369817412662724 -0.19235463703367908 -0.4522793701990553 -0.18379022547074444 0.3314932745817468 0.5177176344083814 0.9507363492496249 0.8382381593886322 1.4530958426187373 1.5224366209918203 1.3904105407412775 1.526873605373831 1.4619698112279818 1.0842586219422476 +22622,0.8501819021436205,0,0.09290218113952482 -0.2904842207134508 -0.37994620709658933 -0.4608953747062364 -0.5531949672955985 -0.6369817412662724 -0.19235463703367908 -0.4522793701990553 -0.18379022547074444 0.3314932745817468 0.5177176344083814 0.9507363492496249 0.8382381593886322 1.4530958426187373 1.5224366209918203 1.3904105407412775 1.526873605373831 1.4619698112279818 1.0842586219422476 1.123623959612872 +22623,0.5128163144569013,0,-0.2904842207134508 -0.37994620709658933 -0.4608953747062364 -0.5531949672955985 -0.6369817412662724 -0.19235463703367908 -0.4522793701990553 -0.18379022547074444 0.3314932745817468 0.5177176344083814 0.9507363492496249 0.8382381593886322 1.4530958426187373 1.5224366209918203 1.3904105407412775 1.526873605373831 1.4619698112279818 1.0842586219422476 1.123623959612872 0.8501819021436205 +22624,0.26068210023868954,0,-0.37994620709658933 -0.4608953747062364 -0.5531949672955985 -0.6369817412662724 -0.19235463703367908 -0.4522793701990553 -0.18379022547074444 0.3314932745817468 0.5177176344083814 0.9507363492496249 0.8382381593886322 1.4530958426187373 1.5224366209918203 1.3904105407412775 1.526873605373831 1.4619698112279818 1.0842586219422476 1.123623959612872 0.8501819021436205 0.5128163144569013 +22625,-0.0553756440422042,0,-0.4608953747062364 -0.5531949672955985 -0.6369817412662724 -0.19235463703367908 -0.4522793701990553 -0.18379022547074444 0.3314932745817468 0.5177176344083814 0.9507363492496249 0.8382381593886322 1.4530958426187373 1.5224366209918203 1.3904105407412775 1.526873605373831 1.4619698112279818 1.0842586219422476 1.123623959612872 0.8501819021436205 0.5128163144569013 0.26068210023868954 +22626,-0.0421420803125154,0,-0.5531949672955985 -0.6369817412662724 -0.19235463703367908 -0.4522793701990553 -0.18379022547074444 0.3314932745817468 0.5177176344083814 0.9507363492496249 0.8382381593886322 1.4530958426187373 1.5224366209918203 1.3904105407412775 1.526873605373831 1.4619698112279818 1.0842586219422476 1.123623959612872 0.8501819021436205 0.5128163144569013 0.26068210023868954 -0.0553756440422042 +22627,-0.4679635939818681,0,-0.6369817412662724 -0.19235463703367908 -0.4522793701990553 -0.18379022547074444 0.3314932745817468 0.5177176344083814 0.9507363492496249 0.8382381593886322 1.4530958426187373 1.5224366209918203 1.3904105407412775 1.526873605373831 1.4619698112279818 1.0842586219422476 1.123623959612872 0.8501819021436205 0.5128163144569013 0.26068210023868954 -0.0553756440422042 -0.0421420803125154 +22628,-0.5644937994858614,0,-0.19235463703367908 -0.4522793701990553 -0.18379022547074444 0.3314932745817468 0.5177176344083814 0.9507363492496249 0.8382381593886322 1.4530958426187373 1.5224366209918203 1.3904105407412775 1.526873605373831 1.4619698112279818 1.0842586219422476 1.123623959612872 0.8501819021436205 0.5128163144569013 0.26068210023868954 -0.0553756440422042 -0.0421420803125154 -0.4679635939818681 +22629,-0.5929214549567794,0,-0.4522793701990553 -0.18379022547074444 0.3314932745817468 0.5177176344083814 0.9507363492496249 0.8382381593886322 1.4530958426187373 1.5224366209918203 1.3904105407412775 1.526873605373831 1.4619698112279818 1.0842586219422476 1.123623959612872 0.8501819021436205 0.5128163144569013 0.26068210023868954 -0.0553756440422042 -0.0421420803125154 -0.4679635939818681 -0.5644937994858614 +22630,-0.7121525105749794,0,-0.18379022547074444 0.3314932745817468 0.5177176344083814 0.9507363492496249 0.8382381593886322 1.4530958426187373 1.5224366209918203 1.3904105407412775 1.526873605373831 1.4619698112279818 1.0842586219422476 1.123623959612872 0.8501819021436205 0.5128163144569013 0.26068210023868954 -0.0553756440422042 -0.0421420803125154 -0.4679635939818681 -0.5644937994858614 -0.5929214549567794 +22631,-0.7632810161601041,0,0.3314932745817468 0.5177176344083814 0.9507363492496249 0.8382381593886322 1.4530958426187373 1.5224366209918203 1.3904105407412775 1.526873605373831 1.4619698112279818 1.0842586219422476 1.123623959612872 0.8501819021436205 0.5128163144569013 0.26068210023868954 -0.0553756440422042 -0.0421420803125154 -0.4679635939818681 -0.5644937994858614 -0.5929214549567794 -0.7121525105749794 +22632,-0.19336069743418408,0,0.5177176344083814 0.9507363492496249 0.8382381593886322 1.4530958426187373 1.5224366209918203 1.3904105407412775 1.526873605373831 1.4619698112279818 1.0842586219422476 1.123623959612872 0.8501819021436205 0.5128163144569013 0.26068210023868954 -0.0553756440422042 -0.0421420803125154 -0.4679635939818681 -0.5644937994858614 -0.5929214549567794 -0.7121525105749794 -0.7632810161601041 +22633,-0.4515054775832849,0,0.9507363492496249 0.8382381593886322 1.4530958426187373 1.5224366209918203 1.3904105407412775 1.526873605373831 1.4619698112279818 1.0842586219422476 1.123623959612872 0.8501819021436205 0.5128163144569013 0.26068210023868954 -0.0553756440422042 -0.0421420803125154 -0.4679635939818681 -0.5644937994858614 -0.5929214549567794 -0.7121525105749794 -0.7632810161601041 -0.19336069743418408 +22634,-0.08860143373090357,0,0.8382381593886322 1.4530958426187373 1.5224366209918203 1.3904105407412775 1.526873605373831 1.4619698112279818 1.0842586219422476 1.123623959612872 0.8501819021436205 0.5128163144569013 0.26068210023868954 -0.0553756440422042 -0.0421420803125154 -0.4679635939818681 -0.5644937994858614 -0.5929214549567794 -0.7121525105749794 -0.7632810161601041 -0.19336069743418408 -0.4515054775832849 +22635,0.29295342231634475,0,1.4530958426187373 1.5224366209918203 1.3904105407412775 1.526873605373831 1.4619698112279818 1.0842586219422476 1.123623959612872 0.8501819021436205 0.5128163144569013 0.26068210023868954 -0.0553756440422042 -0.0421420803125154 -0.4679635939818681 -0.5644937994858614 -0.5929214549567794 -0.7121525105749794 -0.7632810161601041 -0.19336069743418408 -0.4515054775832849 -0.08860143373090357 +22636,0.6496405289252257,0,1.5224366209918203 1.3904105407412775 1.526873605373831 1.4619698112279818 1.0842586219422476 1.123623959612872 0.8501819021436205 0.5128163144569013 0.26068210023868954 -0.0553756440422042 -0.0421420803125154 -0.4679635939818681 -0.5644937994858614 -0.5929214549567794 -0.7121525105749794 -0.7632810161601041 -0.19336069743418408 -0.4515054775832849 -0.08860143373090357 0.29295342231634475 +22637,1.024978447574188,0,1.3904105407412775 1.526873605373831 1.4619698112279818 1.0842586219422476 1.123623959612872 0.8501819021436205 0.5128163144569013 0.26068210023868954 -0.0553756440422042 -0.0421420803125154 -0.4679635939818681 -0.5644937994858614 -0.5929214549567794 -0.7121525105749794 -0.7632810161601041 -0.19336069743418408 -0.4515054775832849 -0.08860143373090357 0.29295342231634475 0.6496405289252257 +22638,0.9493691390133493,0,1.526873605373831 1.4619698112279818 1.0842586219422476 1.123623959612872 0.8501819021436205 0.5128163144569013 0.26068210023868954 -0.0553756440422042 -0.0421420803125154 -0.4679635939818681 -0.5644937994858614 -0.5929214549567794 -0.7121525105749794 -0.7632810161601041 -0.19336069743418408 -0.4515054775832849 -0.08860143373090357 0.29295342231634475 0.6496405289252257 1.024978447574188 +22639,1.4750228001171737,0,1.4619698112279818 1.0842586219422476 1.123623959612872 0.8501819021436205 0.5128163144569013 0.26068210023868954 -0.0553756440422042 -0.0421420803125154 -0.4679635939818681 -0.5644937994858614 -0.5929214549567794 -0.7121525105749794 -0.7632810161601041 -0.19336069743418408 -0.4515054775832849 -0.08860143373090357 0.29295342231634475 0.6496405289252257 1.024978447574188 0.9493691390133493 +22640,1.5497292338564204,0,1.0842586219422476 1.123623959612872 0.8501819021436205 0.5128163144569013 0.26068210023868954 -0.0553756440422042 -0.0421420803125154 -0.4679635939818681 -0.5644937994858614 -0.5929214549567794 -0.7121525105749794 -0.7632810161601041 -0.19336069743418408 -0.4515054775832849 -0.08860143373090357 0.29295342231634475 0.6496405289252257 1.024978447574188 0.9493691390133493 1.4750228001171737 +22641,1.420824520541082,0,1.123623959612872 0.8501819021436205 0.5128163144569013 0.26068210023868954 -0.0553756440422042 -0.0421420803125154 -0.4679635939818681 -0.5644937994858614 -0.5929214549567794 -0.7121525105749794 -0.7632810161601041 -0.19336069743418408 -0.4515054775832849 -0.08860143373090357 0.29295342231634475 0.6496405289252257 1.024978447574188 0.9493691390133493 1.4750228001171737 1.5497292338564204 +22642,1.5634013368382231,0,0.8501819021436205 0.5128163144569013 0.26068210023868954 -0.0553756440422042 -0.0421420803125154 -0.4679635939818681 -0.5644937994858614 -0.5929214549567794 -0.7121525105749794 -0.7632810161601041 -0.19336069743418408 -0.4515054775832849 -0.08860143373090357 0.29295342231634475 0.6496405289252257 1.024978447574188 0.9493691390133493 1.4750228001171737 1.5497292338564204 1.420824520541082 +22643,1.5023670057712257,0,0.5128163144569013 0.26068210023868954 -0.0553756440422042 -0.0421420803125154 -0.4679635939818681 -0.5644937994858614 -0.5929214549567794 -0.7121525105749794 -0.7632810161601041 -0.19336069743418408 -0.4515054775832849 -0.08860143373090357 0.29295342231634475 0.6496405289252257 1.024978447574188 0.9493691390133493 1.4750228001171737 1.5497292338564204 1.420824520541082 1.5634013368382231 +22644,1.0491238971862458,0,0.26068210023868954 -0.0553756440422042 -0.0421420803125154 -0.4679635939818681 -0.5644937994858614 -0.5929214549567794 -0.7121525105749794 -0.7632810161601041 -0.19336069743418408 -0.4515054775832849 -0.08860143373090357 0.29295342231634475 0.6496405289252257 1.024978447574188 0.9493691390133493 1.4750228001171737 1.5497292338564204 1.420824520541082 1.5634013368382231 1.5023670057712257 +22645,1.1188258253950907,0,-0.0553756440422042 -0.0421420803125154 -0.4679635939818681 -0.5644937994858614 -0.5929214549567794 -0.7121525105749794 -0.7632810161601041 -0.19336069743418408 -0.4515054775832849 -0.08860143373090357 0.29295342231634475 0.6496405289252257 1.024978447574188 0.9493691390133493 1.4750228001171737 1.5497292338564204 1.420824520541082 1.5634013368382231 1.5023670057712257 1.0491238971862458 +22646,0.796318976085962,0,-0.0421420803125154 -0.4679635939818681 -0.5644937994858614 -0.5929214549567794 -0.7121525105749794 -0.7632810161601041 -0.19336069743418408 -0.4515054775832849 -0.08860143373090357 0.29295342231634475 0.6496405289252257 1.024978447574188 0.9493691390133493 1.4750228001171737 1.5497292338564204 1.420824520541082 1.5634013368382231 1.5023670057712257 1.0491238971862458 1.1188258253950907 +22647,0.41453195225397915,0,-0.4679635939818681 -0.5644937994858614 -0.5929214549567794 -0.7121525105749794 -0.7632810161601041 -0.19336069743418408 -0.4515054775832849 -0.08860143373090357 0.29295342231634475 0.6496405289252257 1.024978447574188 0.9493691390133493 1.4750228001171737 1.5497292338564204 1.420824520541082 1.5634013368382231 1.5023670057712257 1.0491238971862458 1.1188258253950907 0.796318976085962 +22648,0.11178516096434069,0,-0.5644937994858614 -0.5929214549567794 -0.7121525105749794 -0.7632810161601041 -0.19336069743418408 -0.4515054775832849 -0.08860143373090357 0.29295342231634475 0.6496405289252257 1.024978447574188 0.9493691390133493 1.4750228001171737 1.5497292338564204 1.420824520541082 1.5634013368382231 1.5023670057712257 1.0491238971862458 1.1188258253950907 0.796318976085962 0.41453195225397915 +22649,-0.25024180469334867,0,-0.5929214549567794 -0.7121525105749794 -0.7632810161601041 -0.19336069743418408 -0.4515054775832849 -0.08860143373090357 0.29295342231634475 0.6496405289252257 1.024978447574188 0.9493691390133493 1.4750228001171737 1.5497292338564204 1.420824520541082 1.5634013368382231 1.5023670057712257 1.0491238971862458 1.1188258253950907 0.796318976085962 0.41453195225397915 0.11178516096434069 +22650,-0.2990744287485087,0,-0.7121525105749794 -0.7632810161601041 -0.19336069743418408 -0.4515054775832849 -0.08860143373090357 0.29295342231634475 0.6496405289252257 1.024978447574188 0.9493691390133493 1.4750228001171737 1.5497292338564204 1.420824520541082 1.5634013368382231 1.5023670057712257 1.0491238971862458 1.1188258253950907 0.796318976085962 0.41453195225397915 0.11178516096434069 -0.25024180469334867 +22651,-0.7654995082737255,0,-0.7632810161601041 -0.19336069743418408 -0.4515054775832849 -0.08860143373090357 0.29295342231634475 0.6496405289252257 1.024978447574188 0.9493691390133493 1.4750228001171737 1.5497292338564204 1.420824520541082 1.5634013368382231 1.5023670057712257 1.0491238971862458 1.1188258253950907 0.796318976085962 0.41453195225397915 0.11178516096434069 -0.25024180469334867 -0.2990744287485087 +22652,-0.9187302461963865,0,-0.19336069743418408 -0.4515054775832849 -0.08860143373090357 0.29295342231634475 0.6496405289252257 1.024978447574188 0.9493691390133493 1.4750228001171737 1.5497292338564204 1.420824520541082 1.5634013368382231 1.5023670057712257 1.0491238971862458 1.1188258253950907 0.796318976085962 0.41453195225397915 0.11178516096434069 -0.25024180469334867 -0.2990744287485087 -0.7654995082737255 +22653,-0.953787581690822,0,-0.4515054775832849 -0.08860143373090357 0.29295342231634475 0.6496405289252257 1.024978447574188 0.9493691390133493 1.4750228001171737 1.5497292338564204 1.420824520541082 1.5634013368382231 1.5023670057712257 1.0491238971862458 1.1188258253950907 0.796318976085962 0.41453195225397915 0.11178516096434069 -0.25024180469334867 -0.2990744287485087 -0.7654995082737255 -0.9187302461963865 +22654,-1.1464094537562308,0,-0.08860143373090357 0.29295342231634475 0.6496405289252257 1.024978447574188 0.9493691390133493 1.4750228001171737 1.5497292338564204 1.420824520541082 1.5634013368382231 1.5023670057712257 1.0491238971862458 1.1188258253950907 0.796318976085962 0.41453195225397915 0.11178516096434069 -0.25024180469334867 -0.2990744287485087 -0.7654995082737255 -0.9187302461963865 -0.953787581690822 +22655,-1.220857923393414,0,0.29295342231634475 0.6496405289252257 1.024978447574188 0.9493691390133493 1.4750228001171737 1.5497292338564204 1.420824520541082 1.5634013368382231 1.5023670057712257 1.0491238971862458 1.1188258253950907 0.796318976085962 0.41453195225397915 0.11178516096434069 -0.25024180469334867 -0.2990744287485087 -0.7654995082737255 -0.9187302461963865 -0.953787581690822 -1.1464094537562308 +22656,-0.902401112003625,0,0.6496405289252257 1.024978447574188 0.9493691390133493 1.4750228001171737 1.5497292338564204 1.420824520541082 1.5634013368382231 1.5023670057712257 1.0491238971862458 1.1188258253950907 0.796318976085962 0.41453195225397915 0.11178516096434069 -0.25024180469334867 -0.2990744287485087 -0.7654995082737255 -0.9187302461963865 -0.953787581690822 -1.1464094537562308 -1.220857923393414 +22657,-1.1078180087013767,0,1.024978447574188 0.9493691390133493 1.4750228001171737 1.5497292338564204 1.420824520541082 1.5634013368382231 1.5023670057712257 1.0491238971862458 1.1188258253950907 0.796318976085962 0.41453195225397915 0.11178516096434069 -0.25024180469334867 -0.2990744287485087 -0.7654995082737255 -0.9187302461963865 -0.953787581690822 -1.1464094537562308 -1.220857923393414 -0.902401112003625 +22658,-0.9203296242173881,0,0.9493691390133493 1.4750228001171737 1.5497292338564204 1.420824520541082 1.5634013368382231 1.5023670057712257 1.0491238971862458 1.1188258253950907 0.796318976085962 0.41453195225397915 0.11178516096434069 -0.25024180469334867 -0.2990744287485087 -0.7654995082737255 -0.9187302461963865 -0.953787581690822 -1.1464094537562308 -1.220857923393414 -0.902401112003625 -1.1078180087013767 +22659,-0.44611402574500697,0,1.4750228001171737 1.5497292338564204 1.420824520541082 1.5634013368382231 1.5023670057712257 1.0491238971862458 1.1188258253950907 0.796318976085962 0.41453195225397915 0.11178516096434069 -0.25024180469334867 -0.2990744287485087 -0.7654995082737255 -0.9187302461963865 -0.953787581690822 -1.1464094537562308 -1.220857923393414 -0.902401112003625 -1.1078180087013767 -0.9203296242173881 +22660,-0.3542013794635301,0,1.5497292338564204 1.420824520541082 1.5634013368382231 1.5023670057712257 1.0491238971862458 1.1188258253950907 0.796318976085962 0.41453195225397915 0.11178516096434069 -0.25024180469334867 -0.2990744287485087 -0.7654995082737255 -0.9187302461963865 -0.953787581690822 -1.1464094537562308 -1.220857923393414 -0.902401112003625 -1.1078180087013767 -0.9203296242173881 -0.44611402574500697 +22661,0.024438481115910633,0,1.420824520541082 1.5634013368382231 1.5023670057712257 1.0491238971862458 1.1188258253950907 0.796318976085962 0.41453195225397915 0.11178516096434069 -0.25024180469334867 -0.2990744287485087 -0.7654995082737255 -0.9187302461963865 -0.953787581690822 -1.1464094537562308 -1.220857923393414 -0.902401112003625 -1.1078180087013767 -0.9203296242173881 -0.44611402574500697 -0.3542013794635301 +22662,0.07324530869894741,0,1.5634013368382231 1.5023670057712257 1.0491238971862458 1.1188258253950907 0.796318976085962 0.41453195225397915 0.11178516096434069 -0.25024180469334867 -0.2990744287485087 -0.7654995082737255 -0.9187302461963865 -0.953787581690822 -1.1464094537562308 -1.220857923393414 -0.902401112003625 -1.1078180087013767 -0.9203296242173881 -0.44611402574500697 -0.3542013794635301 0.024438481115910633 +22663,0.5618295135073265,0,1.5023670057712257 1.0491238971862458 1.1188258253950907 0.796318976085962 0.41453195225397915 0.11178516096434069 -0.25024180469334867 -0.2990744287485087 -0.7654995082737255 -0.9187302461963865 -0.953787581690822 -1.1464094537562308 -1.220857923393414 -0.902401112003625 -1.1078180087013767 -0.9203296242173881 -0.44611402574500697 -0.3542013794635301 0.024438481115910633 0.07324530869894741 +22664,0.7205806853193103,0,1.0491238971862458 1.1188258253950907 0.796318976085962 0.41453195225397915 0.11178516096434069 -0.25024180469334867 -0.2990744287485087 -0.7654995082737255 -0.9187302461963865 -0.953787581690822 -1.1464094537562308 -1.220857923393414 -0.902401112003625 -1.1078180087013767 -0.9203296242173881 -0.44611402574500697 -0.3542013794635301 0.024438481115910633 0.07324530869894741 0.5618295135073265 +22665,0.5743407774107057,0,1.1188258253950907 0.796318976085962 0.41453195225397915 0.11178516096434069 -0.25024180469334867 -0.2990744287485087 -0.7654995082737255 -0.9187302461963865 -0.953787581690822 -1.1464094537562308 -1.220857923393414 -0.902401112003625 -1.1078180087013767 -0.9203296242173881 -0.44611402574500697 -0.3542013794635301 0.024438481115910633 0.07324530869894741 0.5618295135073265 0.7205806853193103 +22666,0.8347556426176655,0,0.796318976085962 0.41453195225397915 0.11178516096434069 -0.25024180469334867 -0.2990744287485087 -0.7654995082737255 -0.9187302461963865 -0.953787581690822 -1.1464094537562308 -1.220857923393414 -0.902401112003625 -1.1078180087013767 -0.9203296242173881 -0.44611402574500697 -0.3542013794635301 0.024438481115910633 0.07324530869894741 0.5618295135073265 0.7205806853193103 0.5743407774107057 +22667,0.7901794279492425,0,0.41453195225397915 0.11178516096434069 -0.25024180469334867 -0.2990744287485087 -0.7654995082737255 -0.9187302461963865 -0.953787581690822 -1.1464094537562308 -1.220857923393414 -0.902401112003625 -1.1078180087013767 -0.9203296242173881 -0.44611402574500697 -0.3542013794635301 0.024438481115910633 0.07324530869894741 0.5618295135073265 0.7205806853193103 0.5743407774107057 0.8347556426176655 +22668,0.41747274419390995,0,0.11178516096434069 -0.25024180469334867 -0.2990744287485087 -0.7654995082737255 -0.9187302461963865 -0.953787581690822 -1.1464094537562308 -1.220857923393414 -0.902401112003625 -1.1078180087013767 -0.9203296242173881 -0.44611402574500697 -0.3542013794635301 0.024438481115910633 0.07324530869894741 0.5618295135073265 0.7205806853193103 0.5743407774107057 0.8347556426176655 0.7901794279492425 +22669,0.48227335260606946,0,-0.25024180469334867 -0.2990744287485087 -0.7654995082737255 -0.9187302461963865 -0.953787581690822 -1.1464094537562308 -1.220857923393414 -0.902401112003625 -1.1078180087013767 -0.9203296242173881 -0.44611402574500697 -0.3542013794635301 0.024438481115910633 0.07324530869894741 0.5618295135073265 0.7205806853193103 0.5743407774107057 0.8347556426176655 0.7901794279492425 0.41747274419390995 +22670,0.2189434917765163,0,-0.2990744287485087 -0.7654995082737255 -0.9187302461963865 -0.953787581690822 -1.1464094537562308 -1.220857923393414 -0.902401112003625 -1.1078180087013767 -0.9203296242173881 -0.44611402574500697 -0.3542013794635301 0.024438481115910633 0.07324530869894741 0.5618295135073265 0.7205806853193103 0.5743407774107057 0.8347556426176655 0.7901794279492425 0.41747274419390995 0.48227335260606946 +22671,-0.0793663151311114,0,-0.7654995082737255 -0.9187302461963865 -0.953787581690822 -1.1464094537562308 -1.220857923393414 -0.902401112003625 -1.1078180087013767 -0.9203296242173881 -0.44611402574500697 -0.3542013794635301 0.024438481115910633 0.07324530869894741 0.5618295135073265 0.7205806853193103 0.5743407774107057 0.8347556426176655 0.7901794279492425 0.41747274419390995 0.48227335260606946 0.2189434917765163 +22672,-0.33103619377985405,0,-0.9187302461963865 -0.953787581690822 -1.1464094537562308 -1.220857923393414 -0.902401112003625 -1.1078180087013767 -0.9203296242173881 -0.44611402574500697 -0.3542013794635301 0.024438481115910633 0.07324530869894741 0.5618295135073265 0.7205806853193103 0.5743407774107057 0.8347556426176655 0.7901794279492425 0.41747274419390995 0.48227335260606946 0.2189434917765163 -0.0793663151311114 +22673,-0.6176860186614481,0,-0.953787581690822 -1.1464094537562308 -1.220857923393414 -0.902401112003625 -1.1078180087013767 -0.9203296242173881 -0.44611402574500697 -0.3542013794635301 0.024438481115910633 0.07324530869894741 0.5618295135073265 0.7205806853193103 0.5743407774107057 0.8347556426176655 0.7901794279492425 0.41747274419390995 0.48227335260606946 0.2189434917765163 -0.0793663151311114 -0.33103619377985405 +22674,-0.6340925421157936,0,-1.1464094537562308 -1.220857923393414 -0.902401112003625 -1.1078180087013767 -0.9203296242173881 -0.44611402574500697 -0.3542013794635301 0.024438481115910633 0.07324530869894741 0.5618295135073265 0.7205806853193103 0.5743407774107057 0.8347556426176655 0.7901794279492425 0.41747274419390995 0.48227335260606946 0.2189434917765163 -0.0793663151311114 -0.33103619377985405 -0.6176860186614481 +22675,-1.010823467473146,0,-1.220857923393414 -0.902401112003625 -1.1078180087013767 -0.9203296242173881 -0.44611402574500697 -0.3542013794635301 0.024438481115910633 0.07324530869894741 0.5618295135073265 0.7205806853193103 0.5743407774107057 0.8347556426176655 0.7901794279492425 0.41747274419390995 0.48227335260606946 0.2189434917765163 -0.0793663151311114 -0.33103619377985405 -0.6176860186614481 -0.6340925421157936 +22676,-1.117311091403241,0,-0.902401112003625 -1.1078180087013767 -0.9203296242173881 -0.44611402574500697 -0.3542013794635301 0.024438481115910633 0.07324530869894741 0.5618295135073265 0.7205806853193103 0.5743407774107057 0.8347556426176655 0.7901794279492425 0.41747274419390995 0.48227335260606946 0.2189434917765163 -0.0793663151311114 -0.33103619377985405 -0.6176860186614481 -0.6340925421157936 -1.010823467473146 +22677,-1.0783069035683785,0,-1.1078180087013767 -0.9203296242173881 -0.44611402574500697 -0.3542013794635301 0.024438481115910633 0.07324530869894741 0.5618295135073265 0.7205806853193103 0.5743407774107057 0.8347556426176655 0.7901794279492425 0.41747274419390995 0.48227335260606946 0.2189434917765163 -0.0793663151311114 -0.33103619377985405 -0.6176860186614481 -0.6340925421157936 -1.010823467473146 -1.117311091403241 +22678,-1.2332917980352003,0,-0.9203296242173881 -0.44611402574500697 -0.3542013794635301 0.024438481115910633 0.07324530869894741 0.5618295135073265 0.7205806853193103 0.5743407774107057 0.8347556426176655 0.7901794279492425 0.41747274419390995 0.48227335260606946 0.2189434917765163 -0.0793663151311114 -0.33103619377985405 -0.6176860186614481 -0.6340925421157936 -1.010823467473146 -1.117311091403241 -1.0783069035683785 +22679,-1.2427848808918505,0,-0.44611402574500697 -0.3542013794635301 0.024438481115910633 0.07324530869894741 0.5618295135073265 0.7205806853193103 0.5743407774107057 0.8347556426176655 0.7901794279492425 0.41747274419390995 0.48227335260606946 0.2189434917765163 -0.0793663151311114 -0.33103619377985405 -0.6176860186614481 -0.6340925421157936 -1.010823467473146 -1.117311091403241 -1.0783069035683785 -1.2332917980352003 +22680,-1.0132225345820323,0,-0.3542013794635301 0.024438481115910633 0.07324530869894741 0.5618295135073265 0.7205806853193103 0.5743407774107057 0.8347556426176655 0.7901794279492425 0.41747274419390995 0.48227335260606946 0.2189434917765163 -0.0793663151311114 -0.33103619377985405 -0.6176860186614481 -0.6340925421157936 -1.010823467473146 -1.117311091403241 -1.0783069035683785 -1.2332917980352003 -1.2427848808918505 +22681,-1.1024007603909842,0,0.024438481115910633 0.07324530869894741 0.5618295135073265 0.7205806853193103 0.5743407774107057 0.8347556426176655 0.7901794279492425 0.41747274419390995 0.48227335260606946 0.2189434917765163 -0.0793663151311114 -0.33103619377985405 -0.6176860186614481 -0.6340925421157936 -1.010823467473146 -1.117311091403241 -1.0783069035683785 -1.2332917980352003 -1.2427848808918505 -1.0132225345820323 +22682,-0.9525235570334679,0,0.07324530869894741 0.5618295135073265 0.7205806853193103 0.5743407774107057 0.8347556426176655 0.7901794279492425 0.41747274419390995 0.48227335260606946 0.2189434917765163 -0.0793663151311114 -0.33103619377985405 -0.6176860186614481 -0.6340925421157936 -1.010823467473146 -1.117311091403241 -1.0783069035683785 -1.2332917980352003 -1.2427848808918505 -1.0132225345820323 -1.1024007603909842 +22683,-0.5902128308015744,0,0.5618295135073265 0.7205806853193103 0.5743407774107057 0.8347556426176655 0.7901794279492425 0.41747274419390995 0.48227335260606946 0.2189434917765163 -0.0793663151311114 -0.33103619377985405 -0.6176860186614481 -0.6340925421157936 -1.010823467473146 -1.117311091403241 -1.0783069035683785 -1.2332917980352003 -1.2427848808918505 -1.0132225345820323 -1.1024007603909842 -0.9525235570334679 +22684,-0.5111468019419011,0,0.7205806853193103 0.5743407774107057 0.8347556426176655 0.7901794279492425 0.41747274419390995 0.48227335260606946 0.2189434917765163 -0.0793663151311114 -0.33103619377985405 -0.6176860186614481 -0.6340925421157936 -1.010823467473146 -1.117311091403241 -1.0783069035683785 -1.2332917980352003 -1.2427848808918505 -1.0132225345820323 -1.1024007603909842 -0.9525235570334679 -0.5902128308015744 +22685,-0.21964724989827905,0,0.5743407774107057 0.8347556426176655 0.7901794279492425 0.41747274419390995 0.48227335260606946 0.2189434917765163 -0.0793663151311114 -0.33103619377985405 -0.6176860186614481 -0.6340925421157936 -1.010823467473146 -1.117311091403241 -1.0783069035683785 -1.2332917980352003 -1.2427848808918505 -1.0132225345820323 -1.1024007603909842 -0.9525235570334679 -0.5902128308015744 -0.5111468019419011 +22686,-0.07859242251534106,0,0.8347556426176655 0.7901794279492425 0.41747274419390995 0.48227335260606946 0.2189434917765163 -0.0793663151311114 -0.33103619377985405 -0.6176860186614481 -0.6340925421157936 -1.010823467473146 -1.117311091403241 -1.0783069035683785 -1.2332917980352003 -1.2427848808918505 -1.0132225345820323 -1.1024007603909842 -0.9525235570334679 -0.5902128308015744 -0.5111468019419011 -0.21964724989827905 +22687,0.2630553708754614,0,0.7901794279492425 0.41747274419390995 0.48227335260606946 0.2189434917765163 -0.0793663151311114 -0.33103619377985405 -0.6176860186614481 -0.6340925421157936 -1.010823467473146 -1.117311091403241 -1.0783069035683785 -1.2332917980352003 -1.2427848808918505 -1.0132225345820323 -1.1024007603909842 -0.9525235570334679 -0.5902128308015744 -0.5111468019419011 -0.21964724989827905 -0.07859242251534106 +22688,0.4542584399151512,0,0.41747274419390995 0.48227335260606946 0.2189434917765163 -0.0793663151311114 -0.33103619377985405 -0.6176860186614481 -0.6340925421157936 -1.010823467473146 -1.117311091403241 -1.0783069035683785 -1.2332917980352003 -1.2427848808918505 -1.0132225345820323 -1.1024007603909842 -0.9525235570334679 -0.5902128308015744 -0.5111468019419011 -0.21964724989827905 -0.07859242251534106 0.2630553708754614 +22689,0.2714392075979079,0,0.48227335260606946 0.2189434917765163 -0.0793663151311114 -0.33103619377985405 -0.6176860186614481 -0.6340925421157936 -1.010823467473146 -1.117311091403241 -1.0783069035683785 -1.2332917980352003 -1.2427848808918505 -1.0132225345820323 -1.1024007603909842 -0.9525235570334679 -0.5902128308015744 -0.5111468019419011 -0.21964724989827905 -0.07859242251534106 0.2630553708754614 0.4542584399151512 +22690,0.5873163768835367,0,0.2189434917765163 -0.0793663151311114 -0.33103619377985405 -0.6176860186614481 -0.6340925421157936 -1.010823467473146 -1.117311091403241 -1.0783069035683785 -1.2332917980352003 -1.2427848808918505 -1.0132225345820323 -1.1024007603909842 -0.9525235570334679 -0.5902128308015744 -0.5111468019419011 -0.21964724989827905 -0.07859242251534106 0.2630553708754614 0.4542584399151512 0.2714392075979079 +22691,0.5291712451217948,0,-0.0793663151311114 -0.33103619377985405 -0.6176860186614481 -0.6340925421157936 -1.010823467473146 -1.117311091403241 -1.0783069035683785 -1.2332917980352003 -1.2427848808918505 -1.0132225345820323 -1.1024007603909842 -0.9525235570334679 -0.5902128308015744 -0.5111468019419011 -0.21964724989827905 -0.07859242251534106 0.2630553708754614 0.4542584399151512 0.2714392075979079 0.5873163768835367 +22692,0.1342280468216984,0,-0.33103619377985405 -0.6176860186614481 -0.6340925421157936 -1.010823467473146 -1.117311091403241 -1.0783069035683785 -1.2332917980352003 -1.2427848808918505 -1.0132225345820323 -1.1024007603909842 -0.9525235570334679 -0.5902128308015744 -0.5111468019419011 -0.21964724989827905 -0.07859242251534106 0.2630553708754614 0.4542584399151512 0.2714392075979079 0.5873163768835367 0.5291712451217948 +22693,0.18834893713622358,0,-0.6176860186614481 -0.6340925421157936 -1.010823467473146 -1.117311091403241 -1.0783069035683785 -1.2332917980352003 -1.2427848808918505 -1.0132225345820323 -1.1024007603909842 -0.9525235570334679 -0.5902128308015744 -0.5111468019419011 -0.21964724989827905 -0.07859242251534106 0.2630553708754614 0.4542584399151512 0.2714392075979079 0.5873163768835367 0.5291712451217948 0.1342280468216984 +22694,-0.0943282390876059,0,-0.6340925421157936 -1.010823467473146 -1.117311091403241 -1.0783069035683785 -1.2332917980352003 -1.2427848808918505 -1.0132225345820323 -1.1024007603909842 -0.9525235570334679 -0.5902128308015744 -0.5111468019419011 -0.21964724989827905 -0.07859242251534106 0.2630553708754614 0.4542584399151512 0.2714392075979079 0.5873163768835367 0.5291712451217948 0.1342280468216984 0.18834893713622358 +22695,-0.3159452877723146,0,-1.010823467473146 -1.117311091403241 -1.0783069035683785 -1.2332917980352003 -1.2427848808918505 -1.0132225345820323 -1.1024007603909842 -0.9525235570334679 -0.5902128308015744 -0.5111468019419011 -0.21964724989827905 -0.07859242251534106 0.2630553708754614 0.4542584399151512 0.2714392075979079 0.5873163768835367 0.5291712451217948 0.1342280468216984 0.18834893713622358 -0.0943282390876059 +22696,-0.6189758396361397,0,-1.117311091403241 -1.0783069035683785 -1.2332917980352003 -1.2427848808918505 -1.0132225345820323 -1.1024007603909842 -0.9525235570334679 -0.5902128308015744 -0.5111468019419011 -0.21964724989827905 -0.07859242251534106 0.2630553708754614 0.4542584399151512 0.2714392075979079 0.5873163768835367 0.5291712451217948 0.1342280468216984 0.18834893713622358 -0.0943282390876059 -0.3159452877723146 +22697,-0.8609462642704154,0,-1.0783069035683785 -1.2332917980352003 -1.2427848808918505 -1.0132225345820323 -1.1024007603909842 -0.9525235570334679 -0.5902128308015744 -0.5111468019419011 -0.21964724989827905 -0.07859242251534106 0.2630553708754614 0.4542584399151512 0.2714392075979079 0.5873163768835367 0.5291712451217948 0.1342280468216984 0.18834893713622358 -0.0943282390876059 -0.3159452877723146 -0.6189758396361397 +22698,-0.8332151121536926,0,-1.2332917980352003 -1.2427848808918505 -1.0132225345820323 -1.1024007603909842 -0.9525235570334679 -0.5902128308015744 -0.5111468019419011 -0.21964724989827905 -0.07859242251534106 0.2630553708754614 0.4542584399151512 0.2714392075979079 0.5873163768835367 0.5291712451217948 0.1342280468216984 0.18834893713622358 -0.0943282390876059 -0.3159452877723146 -0.6189758396361397 -0.8609462642704154 +22699,-1.1650860622684351,0,-1.2427848808918505 -1.0132225345820323 -1.1024007603909842 -0.9525235570334679 -0.5902128308015744 -0.5111468019419011 -0.21964724989827905 -0.07859242251534106 0.2630553708754614 0.4542584399151512 0.2714392075979079 0.5873163768835367 0.5291712451217948 0.1342280468216984 0.18834893713622358 -0.0943282390876059 -0.3159452877723146 -0.6189758396361397 -0.8609462642704154 -0.8332151121536926 +22700,-1.227255435632188,0,-1.0132225345820323 -1.1024007603909842 -0.9525235570334679 -0.5902128308015744 -0.5111468019419011 -0.21964724989827905 -0.07859242251534106 0.2630553708754614 0.4542584399151512 0.2714392075979079 0.5873163768835367 0.5291712451217948 0.1342280468216984 0.18834893713622358 -0.0943282390876059 -0.3159452877723146 -0.6189758396361397 -0.8609462642704154 -0.8332151121536926 -1.1650860622684351 +22701,-1.1486537423419665,0,-1.1024007603909842 -0.9525235570334679 -0.5902128308015744 -0.5111468019419011 -0.21964724989827905 -0.07859242251534106 0.2630553708754614 0.4542584399151512 0.2714392075979079 0.5873163768835367 0.5291712451217948 0.1342280468216984 0.18834893713622358 -0.0943282390876059 -0.3159452877723146 -0.6189758396361397 -0.8609462642704154 -0.8332151121536926 -1.1650860622684351 -1.227255435632188 +22702,-1.257746804693568,0,-0.9525235570334679 -0.5902128308015744 -0.5111468019419011 -0.21964724989827905 -0.07859242251534106 0.2630553708754614 0.4542584399151512 0.2714392075979079 0.5873163768835367 0.5291712451217948 0.1342280468216984 0.18834893713622358 -0.0943282390876059 -0.3159452877723146 -0.6189758396361397 -0.8609462642704154 -0.8332151121536926 -1.1650860622684351 -1.227255435632188 -1.1486537423419665 +22703,-1.226068800391195,0,-0.5902128308015744 -0.5111468019419011 -0.21964724989827905 -0.07859242251534106 0.2630553708754614 0.4542584399151512 0.2714392075979079 0.5873163768835367 0.5291712451217948 0.1342280468216984 0.18834893713622358 -0.0943282390876059 -0.3159452877723146 -0.6189758396361397 -0.8609462642704154 -0.8332151121536926 -1.1650860622684351 -1.227255435632188 -1.1486537423419665 -1.257746804693568 +22704,-1.2083982522794954,0,-0.5111468019419011 -0.21964724989827905 -0.07859242251534106 0.2630553708754614 0.4542584399151512 0.2714392075979079 0.5873163768835367 0.5291712451217948 0.1342280468216984 0.18834893713622358 -0.0943282390876059 -0.3159452877723146 -0.6189758396361397 -0.8609462642704154 -0.8332151121536926 -1.1650860622684351 -1.227255435632188 -1.1486537423419665 -1.257746804693568 -1.226068800391195 +22705,-1.1720510958103771,0,-0.21964724989827905 -0.07859242251534106 0.2630553708754614 0.4542584399151512 0.2714392075979079 0.5873163768835367 0.5291712451217948 0.1342280468216984 0.18834893713622358 -0.0943282390876059 -0.3159452877723146 -0.6189758396361397 -0.8609462642704154 -0.8332151121536926 -1.1650860622684351 -1.227255435632188 -1.1486537423419665 -1.257746804693568 -1.226068800391195 -1.2083982522794954 +22706,-1.1497113955319322,0,-0.07859242251534106 0.2630553708754614 0.4542584399151512 0.2714392075979079 0.5873163768835367 0.5291712451217948 0.1342280468216984 0.18834893713622358 -0.0943282390876059 -0.3159452877723146 -0.6189758396361397 -0.8609462642704154 -0.8332151121536926 -1.1650860622684351 -1.227255435632188 -1.1486537423419665 -1.257746804693568 -1.226068800391195 -1.2083982522794954 -1.1720510958103771 +22707,-0.7873232800384634,0,0.2630553708754614 0.4542584399151512 0.2714392075979079 0.5873163768835367 0.5291712451217948 0.1342280468216984 0.18834893713622358 -0.0943282390876059 -0.3159452877723146 -0.6189758396361397 -0.8609462642704154 -0.8332151121536926 -1.1650860622684351 -1.227255435632188 -1.1486537423419665 -1.257746804693568 -1.226068800391195 -1.2083982522794954 -1.1720510958103771 -1.1497113955319322 +22708,-0.8783330516531426,0,0.4542584399151512 0.2714392075979079 0.5873163768835367 0.5291712451217948 0.1342280468216984 0.18834893713622358 -0.0943282390876059 -0.3159452877723146 -0.6189758396361397 -0.8609462642704154 -0.8332151121536926 -1.1650860622684351 -1.227255435632188 -1.1486537423419665 -1.257746804693568 -1.226068800391195 -1.2083982522794954 -1.1720510958103771 -1.1497113955319322 -0.7873232800384634 +22709,-0.6292944078980209,0,0.2714392075979079 0.5873163768835367 0.5291712451217948 0.1342280468216984 0.18834893713622358 -0.0943282390876059 -0.3159452877723146 -0.6189758396361397 -0.8609462642704154 -0.8332151121536926 -1.1650860622684351 -1.227255435632188 -1.1486537423419665 -1.257746804693568 -1.226068800391195 -1.2083982522794954 -1.1720510958103771 -1.1497113955319322 -0.7873232800384634 -0.8783330516531426 +22710,-0.47799840151477696,0,0.5873163768835367 0.5291712451217948 0.1342280468216984 0.18834893713622358 -0.0943282390876059 -0.3159452877723146 -0.6189758396361397 -0.8609462642704154 -0.8332151121536926 -1.1650860622684351 -1.227255435632188 -1.1486537423419665 -1.257746804693568 -1.226068800391195 -1.2083982522794954 -1.1720510958103771 -1.1497113955319322 -0.7873232800384634 -0.8783330516531426 -0.6292944078980209 +22711,-0.19637887863569017,0,0.5291712451217948 0.1342280468216984 0.18834893713622358 -0.0943282390876059 -0.3159452877723146 -0.6189758396361397 -0.8609462642704154 -0.8332151121536926 -1.1650860622684351 -1.227255435632188 -1.1486537423419665 -1.257746804693568 -1.226068800391195 -1.2083982522794954 -1.1720510958103771 -1.1497113955319322 -0.7873232800384634 -0.8783330516531426 -0.6292944078980209 -0.47799840151477696 +22712,-0.012501993128489926,0,0.1342280468216984 0.18834893713622358 -0.0943282390876059 -0.3159452877723146 -0.6189758396361397 -0.8609462642704154 -0.8332151121536926 -1.1650860622684351 -1.227255435632188 -1.1486537423419665 -1.257746804693568 -1.226068800391195 -1.2083982522794954 -1.1720510958103771 -1.1497113955319322 -0.7873232800384634 -0.8783330516531426 -0.6292944078980209 -0.47799840151477696 -0.19637887863569017 +22713,-0.1957597645430792,0,0.18834893713622358 -0.0943282390876059 -0.3159452877723146 -0.6189758396361397 -0.8609462642704154 -0.8332151121536926 -1.1650860622684351 -1.227255435632188 -1.1486537423419665 -1.257746804693568 -1.226068800391195 -1.2083982522794954 -1.1720510958103771 -1.1497113955319322 -0.7873232800384634 -0.8783330516531426 -0.6292944078980209 -0.47799840151477696 -0.19637887863569017 -0.012501993128489926 +22714,0.11049533998964907,0,-0.0943282390876059 -0.3159452877723146 -0.6189758396361397 -0.8609462642704154 -0.8332151121536926 -1.1650860622684351 -1.227255435632188 -1.1486537423419665 -1.257746804693568 -1.226068800391195 -1.2083982522794954 -1.1720510958103771 -1.1497113955319322 -0.7873232800384634 -0.8783330516531426 -0.6292944078980209 -0.47799840151477696 -0.19637887863569017 -0.012501993128489926 -0.1957597645430792 +22715,0.04961578744581093,0,-0.3159452877723146 -0.6189758396361397 -0.8609462642704154 -0.8332151121536926 -1.1650860622684351 -1.227255435632188 -1.1486537423419665 -1.257746804693568 -1.226068800391195 -1.2083982522794954 -1.1720510958103771 -1.1497113955319322 -0.7873232800384634 -0.8783330516531426 -0.6292944078980209 -0.47799840151477696 -0.19637887863569017 -0.012501993128489926 -0.1957597645430792 0.11049533998964907 +22716,-0.22052432824774795,0,-0.6189758396361397 -0.8609462642704154 -0.8332151121536926 -1.1650860622684351 -1.227255435632188 -1.1486537423419665 -1.257746804693568 -1.226068800391195 -1.2083982522794954 -1.1720510958103771 -1.1497113955319322 -0.7873232800384634 -0.8783330516531426 -0.6292944078980209 -0.47799840151477696 -0.19637887863569017 -0.012501993128489926 -0.1957597645430792 0.11049533998964907 0.04961578744581093 +22717,-0.21165035963850337,0,-0.8609462642704154 -0.8332151121536926 -1.1650860622684351 -1.227255435632188 -1.1486537423419665 -1.257746804693568 -1.226068800391195 -1.2083982522794954 -1.1720510958103771 -1.1497113955319322 -0.7873232800384634 -0.8783330516531426 -0.6292944078980209 -0.47799840151477696 -0.19637887863569017 -0.012501993128489926 -0.1957597645430792 0.11049533998964907 0.04961578744581093 -0.22052432824774795 +22718,-0.41203695417896197,0,-0.8332151121536926 -1.1650860622684351 -1.227255435632188 -1.1486537423419665 -1.257746804693568 -1.226068800391195 -1.2083982522794954 -1.1720510958103771 -1.1497113955319322 -0.7873232800384634 -0.8783330516531426 -0.6292944078980209 -0.47799840151477696 -0.19637887863569017 -0.012501993128489926 -0.1957597645430792 0.11049533998964907 0.04961578744581093 -0.22052432824774795 -0.21165035963850337 +22719,-0.5680021127289513,0,-1.1650860622684351 -1.227255435632188 -1.1486537423419665 -1.257746804693568 -1.226068800391195 -1.2083982522794954 -1.1720510958103771 -1.1497113955319322 -0.7873232800384634 -0.8783330516531426 -0.6292944078980209 -0.47799840151477696 -0.19637887863569017 -0.012501993128489926 -0.1957597645430792 0.11049533998964907 0.04961578744581093 -0.22052432824774795 -0.21165035963850337 -0.41203695417896197 +22720,-0.7831958527027626,0,-1.227255435632188 -1.1486537423419665 -1.257746804693568 -1.226068800391195 -1.2083982522794954 -1.1720510958103771 -1.1497113955319322 -0.7873232800384634 -0.8783330516531426 -0.6292944078980209 -0.47799840151477696 -0.19637887863569017 -0.012501993128489926 -0.1957597645430792 0.11049533998964907 0.04961578744581093 -0.22052432824774795 -0.21165035963850337 -0.41203695417896197 -0.5680021127289513 +22721,-0.9539681566860958,0,-1.1486537423419665 -1.257746804693568 -1.226068800391195 -1.2083982522794954 -1.1720510958103771 -1.1497113955319322 -0.7873232800384634 -0.8783330516531426 -0.6292944078980209 -0.47799840151477696 -0.19637887863569017 -0.012501993128489926 -0.1957597645430792 0.11049533998964907 0.04961578744581093 -0.22052432824774795 -0.21165035963850337 -0.41203695417896197 -0.5680021127289513 -0.7831958527027626 +22722,-1.0444877962591825,0,-1.257746804693568 -1.226068800391195 -1.2083982522794954 -1.1720510958103771 -1.1497113955319322 -0.7873232800384634 -0.8783330516531426 -0.6292944078980209 -0.47799840151477696 -0.19637887863569017 -0.012501993128489926 -0.1957597645430792 0.11049533998964907 0.04961578744581093 -0.22052432824774795 -0.21165035963850337 -0.41203695417896197 -0.5680021127289513 -0.7831958527027626 -0.9539681566860958 +22723,-1.24201098827608,0,-1.226068800391195 -1.2083982522794954 -1.1720510958103771 -1.1497113955319322 -0.7873232800384634 -0.8783330516531426 -0.6292944078980209 -0.47799840151477696 -0.19637887863569017 -0.012501993128489926 -0.1957597645430792 0.11049533998964907 0.04961578744581093 -0.22052432824774795 -0.21165035963850337 -0.41203695417896197 -0.5680021127289513 -0.7831958527027626 -0.9539681566860958 -1.0444877962591825 +22724,-1.359281515882731,0,-1.2083982522794954 -1.1720510958103771 -1.1497113955319322 -0.7873232800384634 -0.8783330516531426 -0.6292944078980209 -0.47799840151477696 -0.19637887863569017 -0.012501993128489926 -0.1957597645430792 0.11049533998964907 0.04961578744581093 -0.22052432824774795 -0.21165035963850337 -0.41203695417896197 -0.5680021127289513 -0.7831958527027626 -0.9539681566860958 -1.0444877962591825 -1.24201098827608 +22725,-1.3347749164349114,0,-1.1720510958103771 -1.1497113955319322 -0.7873232800384634 -0.8783330516531426 -0.6292944078980209 -0.47799840151477696 -0.19637887863569017 -0.012501993128489926 -0.1957597645430792 0.11049533998964907 0.04961578744581093 -0.22052432824774795 -0.21165035963850337 -0.41203695417896197 -0.5680021127289513 -0.7831958527027626 -0.9539681566860958 -1.0444877962591825 -1.24201098827608 -1.359281515882731 +22726,-1.4993044865478353,0,-1.1497113955319322 -0.7873232800384634 -0.8783330516531426 -0.6292944078980209 -0.47799840151477696 -0.19637887863569017 -0.012501993128489926 -0.1957597645430792 0.11049533998964907 0.04961578744581093 -0.22052432824774795 -0.21165035963850337 -0.41203695417896197 -0.5680021127289513 -0.7831958527027626 -0.9539681566860958 -1.0444877962591825 -1.24201098827608 -1.359281515882731 -1.3347749164349114 +22727,-1.522056929451503,0,-0.7873232800384634 -0.8783330516531426 -0.6292944078980209 -0.47799840151477696 -0.19637887863569017 -0.012501993128489926 -0.1957597645430792 0.11049533998964907 0.04961578744581093 -0.22052432824774795 -0.21165035963850337 -0.41203695417896197 -0.5680021127289513 -0.7831958527027626 -0.9539681566860958 -1.0444877962591825 -1.24201098827608 -1.359281515882731 -1.3347749164349114 -1.4993044865478353 +22728,-1.312409419839129,0,-0.8783330516531426 -0.6292944078980209 -0.47799840151477696 -0.19637887863569017 -0.012501993128489926 -0.1957597645430792 0.11049533998964907 0.04961578744581093 -0.22052432824774795 -0.21165035963850337 -0.41203695417896197 -0.5680021127289513 -0.7831958527027626 -0.9539681566860958 -1.0444877962591825 -1.24201098827608 -1.359281515882731 -1.3347749164349114 -1.4993044865478353 -1.522056929451503 +22729,-1.4126285135814771,0,-0.6292944078980209 -0.47799840151477696 -0.19637887863569017 -0.012501993128489926 -0.1957597645430792 0.11049533998964907 0.04961578744581093 -0.22052432824774795 -0.21165035963850337 -0.41203695417896197 -0.5680021127289513 -0.7831958527027626 -0.9539681566860958 -1.0444877962591825 -1.24201098827608 -1.359281515882731 -1.3347749164349114 -1.4993044865478353 -1.522056929451503 -1.312409419839129 +22730,-1.2804476548077837,0,-0.47799840151477696 -0.19637887863569017 -0.012501993128489926 -0.1957597645430792 0.11049533998964907 0.04961578744581093 -0.22052432824774795 -0.21165035963850337 -0.41203695417896197 -0.5680021127289513 -0.7831958527027626 -0.9539681566860958 -1.0444877962591825 -1.24201098827608 -1.359281515882731 -1.3347749164349114 -1.4993044865478353 -1.522056929451503 -1.312409419839129 -1.4126285135814771 +22731,-1.0841884874482401,0,-0.19637887863569017 -0.012501993128489926 -0.1957597645430792 0.11049533998964907 0.04961578744581093 -0.22052432824774795 -0.21165035963850337 -0.41203695417896197 -0.5680021127289513 -0.7831958527027626 -0.9539681566860958 -1.0444877962591825 -1.24201098827608 -1.359281515882731 -1.3347749164349114 -1.4993044865478353 -1.522056929451503 -1.312409419839129 -1.4126285135814771 -1.2804476548077837 +22732,-0.9733670648698242,0,-0.012501993128489926 -0.1957597645430792 0.11049533998964907 0.04961578744581093 -0.22052432824774795 -0.21165035963850337 -0.41203695417896197 -0.5680021127289513 -0.7831958527027626 -0.9539681566860958 -1.0444877962591825 -1.24201098827608 -1.359281515882731 -1.3347749164349114 -1.4993044865478353 -1.522056929451503 -1.312409419839129 -1.4126285135814771 -1.2804476548077837 -1.0841884874482401 +22733,-0.798467333705567,0,-0.1957597645430792 0.11049533998964907 0.04961578744581093 -0.22052432824774795 -0.21165035963850337 -0.41203695417896197 -0.5680021127289513 -0.7831958527027626 -0.9539681566860958 -1.0444877962591825 -1.24201098827608 -1.359281515882731 -1.3347749164349114 -1.4993044865478353 -1.522056929451503 -1.312409419839129 -1.4126285135814771 -1.2804476548077837 -1.0841884874482401 -0.9733670648698242 +22734,-0.6135069985362864,0,0.11049533998964907 0.04961578744581093 -0.22052432824774795 -0.21165035963850337 -0.41203695417896197 -0.5680021127289513 -0.7831958527027626 -0.9539681566860958 -1.0444877962591825 -1.24201098827608 -1.359281515882731 -1.3347749164349114 -1.4993044865478353 -1.522056929451503 -1.312409419839129 -1.4126285135814771 -1.2804476548077837 -1.0841884874482401 -0.9733670648698242 -0.798467333705567 +22735,-0.44196080209196853,0,0.04961578744581093 -0.22052432824774795 -0.21165035963850337 -0.41203695417896197 -0.5680021127289513 -0.7831958527027626 -0.9539681566860958 -1.0444877962591825 -1.24201098827608 -1.359281515882731 -1.3347749164349114 -1.4993044865478353 -1.522056929451503 -1.312409419839129 -1.4126285135814771 -1.2804476548077837 -1.0841884874482401 -0.9733670648698242 -0.798467333705567 -0.6135069985362864 +22736,-0.26035400148783283,0,-0.22052432824774795 -0.21165035963850337 -0.41203695417896197 -0.5680021127289513 -0.7831958527027626 -0.9539681566860958 -1.0444877962591825 -1.24201098827608 -1.359281515882731 -1.3347749164349114 -1.4993044865478353 -1.522056929451503 -1.312409419839129 -1.4126285135814771 -1.2804476548077837 -1.0841884874482401 -0.9733670648698242 -0.798467333705567 -0.6135069985362864 -0.44196080209196853 +22737,-0.4167061063457073,0,-0.21165035963850337 -0.41203695417896197 -0.5680021127289513 -0.7831958527027626 -0.9539681566860958 -1.0444877962591825 -1.24201098827608 -1.359281515882731 -1.3347749164349114 -1.4993044865478353 -1.522056929451503 -1.312409419839129 -1.4126285135814771 -1.2804476548077837 -1.0841884874482401 -0.9733670648698242 -0.798467333705567 -0.6135069985362864 -0.44196080209196853 -0.26035400148783283 +22738,-0.12244633735743704,0,-0.41203695417896197 -0.5680021127289513 -0.7831958527027626 -0.9539681566860958 -1.0444877962591825 -1.24201098827608 -1.359281515882731 -1.3347749164349114 -1.4993044865478353 -1.522056929451503 -1.312409419839129 -1.4126285135814771 -1.2804476548077837 -1.0841884874482401 -0.9733670648698242 -0.798467333705567 -0.6135069985362864 -0.44196080209196853 -0.26035400148783283 -0.4167061063457073 +22739,-0.16614547383115938,0,-0.5680021127289513 -0.7831958527027626 -0.9539681566860958 -1.0444877962591825 -1.24201098827608 -1.359281515882731 -1.3347749164349114 -1.4993044865478353 -1.522056929451503 -1.312409419839129 -1.4126285135814771 -1.2804476548077837 -1.0841884874482401 -0.9733670648698242 -0.798467333705567 -0.6135069985362864 -0.44196080209196853 -0.26035400148783283 -0.4167061063457073 -0.12244633735743704 +22740,-0.38482173057593727,0,-0.7831958527027626 -0.9539681566860958 -1.0444877962591825 -1.24201098827608 -1.359281515882731 -1.3347749164349114 -1.4993044865478353 -1.522056929451503 -1.312409419839129 -1.4126285135814771 -1.2804476548077837 -1.0841884874482401 -0.9733670648698242 -0.798467333705567 -0.6135069985362864 -0.44196080209196853 -0.26035400148783283 -0.4167061063457073 -0.12244633735743704 -0.16614547383115938 +22741,-0.37019516013786713,0,-0.9539681566860958 -1.0444877962591825 -1.24201098827608 -1.359281515882731 -1.3347749164349114 -1.4993044865478353 -1.522056929451503 -1.312409419839129 -1.4126285135814771 -1.2804476548077837 -1.0841884874482401 -0.9733670648698242 -0.798467333705567 -0.6135069985362864 -0.44196080209196853 -0.26035400148783283 -0.4167061063457073 -0.12244633735743704 -0.16614547383115938 -0.38482173057593727 +22742,-0.5305457101256295,0,-1.0444877962591825 -1.24201098827608 -1.359281515882731 -1.3347749164349114 -1.4993044865478353 -1.522056929451503 -1.312409419839129 -1.4126285135814771 -1.2804476548077837 -1.0841884874482401 -0.9733670648698242 -0.798467333705567 -0.6135069985362864 -0.44196080209196853 -0.26035400148783283 -0.4167061063457073 -0.12244633735743704 -0.16614547383115938 -0.38482173057593727 -0.37019516013786713 +22743,-0.6393550119030442,0,-1.24201098827608 -1.359281515882731 -1.3347749164349114 -1.4993044865478353 -1.522056929451503 -1.312409419839129 -1.4126285135814771 -1.2804476548077837 -1.0841884874482401 -0.9733670648698242 -0.798467333705567 -0.6135069985362864 -0.44196080209196853 -0.26035400148783283 -0.4167061063457073 -0.12244633735743704 -0.16614547383115938 -0.38482173057593727 -0.37019516013786713 -0.5305457101256295 +22744,-0.8168859779609223,0,-1.359281515882731 -1.3347749164349114 -1.4993044865478353 -1.522056929451503 -1.312409419839129 -1.4126285135814771 -1.2804476548077837 -1.0841884874482401 -0.9733670648698242 -0.798467333705567 -0.6135069985362864 -0.44196080209196853 -0.26035400148783283 -0.4167061063457073 -0.12244633735743704 -0.16614547383115938 -0.38482173057593727 -0.37019516013786713 -0.5305457101256295 -0.6393550119030442 +22745,-0.9428756958084442,0,-1.3347749164349114 -1.4993044865478353 -1.522056929451503 -1.312409419839129 -1.4126285135814771 -1.2804476548077837 -1.0841884874482401 -0.9733670648698242 -0.798467333705567 -0.6135069985362864 -0.44196080209196853 -0.26035400148783283 -0.4167061063457073 -0.12244633735743704 -0.16614547383115938 -0.38482173057593727 -0.37019516013786713 -0.5305457101256295 -0.6393550119030442 -0.8168859779609223 +22746,-0.9217484273979014,0,-1.4993044865478353 -1.522056929451503 -1.312409419839129 -1.4126285135814771 -1.2804476548077837 -1.0841884874482401 -0.9733670648698242 -0.798467333705567 -0.6135069985362864 -0.44196080209196853 -0.26035400148783283 -0.4167061063457073 -0.12244633735743704 -0.16614547383115938 -0.38482173057593727 -0.37019516013786713 -0.5305457101256295 -0.6393550119030442 -0.8168859779609223 -0.9428756958084442 +22747,-1.0967771406131859,0,-1.522056929451503 -1.312409419839129 -1.4126285135814771 -1.2804476548077837 -1.0841884874482401 -0.9733670648698242 -0.798467333705567 -0.6135069985362864 -0.44196080209196853 -0.26035400148783283 -0.4167061063457073 -0.12244633735743704 -0.16614547383115938 -0.38482173057593727 -0.37019516013786713 -0.5305457101256295 -0.6393550119030442 -0.8168859779609223 -0.9428756958084442 -0.9217484273979014 +22748,-1.1246888677251914,0,-1.312409419839129 -1.4126285135814771 -1.2804476548077837 -1.0841884874482401 -0.9733670648698242 -0.798467333705567 -0.6135069985362864 -0.44196080209196853 -0.26035400148783283 -0.4167061063457073 -0.12244633735743704 -0.16614547383115938 -0.38482173057593727 -0.37019516013786713 -0.5305457101256295 -0.6393550119030442 -0.8168859779609223 -0.9428756958084442 -0.9217484273979014 -1.0967771406131859 +22749,-1.1359619034433222,0,-1.4126285135814771 -1.2804476548077837 -1.0841884874482401 -0.9733670648698242 -0.798467333705567 -0.6135069985362864 -0.44196080209196853 -0.26035400148783283 -0.4167061063457073 -0.12244633735743704 -0.16614547383115938 -0.38482173057593727 -0.37019516013786713 -0.5305457101256295 -0.6393550119030442 -0.8168859779609223 -0.9428756958084442 -0.9217484273979014 -1.0967771406131859 -1.1246888677251914 +22750,-1.1694198609167563,0,-1.2804476548077837 -1.0841884874482401 -0.9733670648698242 -0.798467333705567 -0.6135069985362864 -0.44196080209196853 -0.26035400148783283 -0.4167061063457073 -0.12244633735743704 -0.16614547383115938 -0.38482173057593727 -0.37019516013786713 -0.5305457101256295 -0.6393550119030442 -0.8168859779609223 -0.9428756958084442 -0.9217484273979014 -1.0967771406131859 -1.1246888677251914 -1.1359619034433222 +22751,-1.1862391269963244,0,-1.0841884874482401 -0.9733670648698242 -0.798467333705567 -0.6135069985362864 -0.44196080209196853 -0.26035400148783283 -0.4167061063457073 -0.12244633735743704 -0.16614547383115938 -0.38482173057593727 -0.37019516013786713 -0.5305457101256295 -0.6393550119030442 -0.8168859779609223 -0.9428756958084442 -0.9217484273979014 -1.0967771406131859 -1.1246888677251914 -1.1359619034433222 -1.1694198609167563 +22752,-1.1262108564846087,0,-0.9733670648698242 -0.798467333705567 -0.6135069985362864 -0.44196080209196853 -0.26035400148783283 -0.4167061063457073 -0.12244633735743704 -0.16614547383115938 -0.38482173057593727 -0.37019516013786713 -0.5305457101256295 -0.6393550119030442 -0.8168859779609223 -0.9428756958084442 -0.9217484273979014 -1.0967771406131859 -1.1246888677251914 -1.1359619034433222 -1.1694198609167563 -1.1862391269963244 +22753,-1.1686459683009858,0,-0.798467333705567 -0.6135069985362864 -0.44196080209196853 -0.26035400148783283 -0.4167061063457073 -0.12244633735743704 -0.16614547383115938 -0.38482173057593727 -0.37019516013786713 -0.5305457101256295 -0.6393550119030442 -0.8168859779609223 -0.9428756958084442 -0.9217484273979014 -1.0967771406131859 -1.1246888677251914 -1.1359619034433222 -1.1694198609167563 -1.1862391269963244 -1.1262108564846087 +22754,-1.1342335432165078,0,-0.6135069985362864 -0.44196080209196853 -0.26035400148783283 -0.4167061063457073 -0.12244633735743704 -0.16614547383115938 -0.38482173057593727 -0.37019516013786713 -0.5305457101256295 -0.6393550119030442 -0.8168859779609223 -0.9428756958084442 -0.9217484273979014 -1.0967771406131859 -1.1246888677251914 -1.1359619034433222 -1.1694198609167563 -1.1862391269963244 -1.1262108564846087 -1.1686459683009858 +22755,-0.886381534857156,0,-0.44196080209196853 -0.26035400148783283 -0.4167061063457073 -0.12244633735743704 -0.16614547383115938 -0.38482173057593727 -0.37019516013786713 -0.5305457101256295 -0.6393550119030442 -0.8168859779609223 -0.9428756958084442 -0.9217484273979014 -1.0967771406131859 -1.1246888677251914 -1.1359619034433222 -1.1694198609167563 -1.1862391269963244 -1.1262108564846087 -1.1686459683009858 -1.1342335432165078 +22756,-0.9231156376341683,0,-0.26035400148783283 -0.4167061063457073 -0.12244633735743704 -0.16614547383115938 -0.38482173057593727 -0.37019516013786713 -0.5305457101256295 -0.6393550119030442 -0.8168859779609223 -0.9428756958084442 -0.9217484273979014 -1.0967771406131859 -1.1246888677251914 -1.1359619034433222 -1.1694198609167563 -1.1862391269963244 -1.1262108564846087 -1.1686459683009858 -1.1342335432165078 -0.886381534857156 +22757,-0.7464101571362982,0,-0.4167061063457073 -0.12244633735743704 -0.16614547383115938 -0.38482173057593727 -0.37019516013786713 -0.5305457101256295 -0.6393550119030442 -0.8168859779609223 -0.9428756958084442 -0.9217484273979014 -1.0967771406131859 -1.1246888677251914 -1.1359619034433222 -1.1694198609167563 -1.1862391269963244 -1.1262108564846087 -1.1686459683009858 -1.1342335432165078 -0.886381534857156 -0.9231156376341683 +22758,-0.8241605685491742,0,-0.12244633735743704 -0.16614547383115938 -0.38482173057593727 -0.37019516013786713 -0.5305457101256295 -0.6393550119030442 -0.8168859779609223 -0.9428756958084442 -0.9217484273979014 -1.0967771406131859 -1.1246888677251914 -1.1359619034433222 -1.1694198609167563 -1.1862391269963244 -1.1262108564846087 -1.1686459683009858 -1.1342335432165078 -0.886381534857156 -0.9231156376341683 -0.7464101571362982 +22759,-0.5626364572080108,0,-0.16614547383115938 -0.38482173057593727 -0.37019516013786713 -0.5305457101256295 -0.6393550119030442 -0.8168859779609223 -0.9428756958084442 -0.9217484273979014 -1.0967771406131859 -1.1246888677251914 -1.1359619034433222 -1.1694198609167563 -1.1862391269963244 -1.1262108564846087 -1.1686459683009858 -1.1342335432165078 -0.886381534857156 -0.9231156376341683 -0.7464101571362982 -0.8241605685491742 +22760,-0.555568238087156,0,-0.38482173057593727 -0.37019516013786713 -0.5305457101256295 -0.6393550119030442 -0.8168859779609223 -0.9428756958084442 -0.9217484273979014 -1.0967771406131859 -1.1246888677251914 -1.1359619034433222 -1.1694198609167563 -1.1862391269963244 -1.1262108564846087 -1.1686459683009858 -1.1342335432165078 -0.886381534857156 -0.9231156376341683 -0.7464101571362982 -0.8241605685491742 -0.5626364572080108 +22761,-0.7073801728293124,0,-0.37019516013786713 -0.5305457101256295 -0.6393550119030442 -0.8168859779609223 -0.9428756958084442 -0.9217484273979014 -1.0967771406131859 -1.1246888677251914 -1.1359619034433222 -1.1694198609167563 -1.1862391269963244 -1.1262108564846087 -1.1686459683009858 -1.1342335432165078 -0.886381534857156 -0.9231156376341683 -0.7464101571362982 -0.8241605685491742 -0.5626364572080108 -0.555568238087156 +22762,-0.6473519023176056,0,-0.5305457101256295 -0.6393550119030442 -0.8168859779609223 -0.9428756958084442 -0.9217484273979014 -1.0967771406131859 -1.1246888677251914 -1.1359619034433222 -1.1694198609167563 -1.1862391269963244 -1.1262108564846087 -1.1686459683009858 -1.1342335432165078 -0.886381534857156 -0.9231156376341683 -0.7464101571362982 -0.8241605685491742 -0.5626364572080108 -0.555568238087156 -0.7073801728293124 +22763,-0.7462037856689012,0,-0.6393550119030442 -0.8168859779609223 -0.9428756958084442 -0.9217484273979014 -1.0967771406131859 -1.1246888677251914 -1.1359619034433222 -1.1694198609167563 -1.1862391269963244 -1.1262108564846087 -1.1686459683009858 -1.1342335432165078 -0.886381534857156 -0.9231156376341683 -0.7464101571362982 -0.8241605685491742 -0.5626364572080108 -0.555568238087156 -0.7073801728293124 -0.6473519023176056 +22764,-0.9181885213653508,0,-0.8168859779609223 -0.9428756958084442 -0.9217484273979014 -1.0967771406131859 -1.1246888677251914 -1.1359619034433222 -1.1694198609167563 -1.1862391269963244 -1.1262108564846087 -1.1686459683009858 -1.1342335432165078 -0.886381534857156 -0.9231156376341683 -0.7464101571362982 -0.8241605685491742 -0.5626364572080108 -0.555568238087156 -0.7073801728293124 -0.6473519023176056 -0.7462037856689012 +22765,-0.9926627874746484,0,-0.9428756958084442 -0.9217484273979014 -1.0967771406131859 -1.1246888677251914 -1.1359619034433222 -1.1694198609167563 -1.1862391269963244 -1.1262108564846087 -1.1686459683009858 -1.1342335432165078 -0.886381534857156 -0.9231156376341683 -0.7464101571362982 -0.8241605685491742 -0.5626364572080108 -0.555568238087156 -0.7073801728293124 -0.6473519023176056 -0.7462037856689012 -0.9181885213653508 +22766,-1.14026990561952,0,-0.9217484273979014 -1.0967771406131859 -1.1246888677251914 -1.1359619034433222 -1.1694198609167563 -1.1862391269963244 -1.1262108564846087 -1.1686459683009858 -1.1342335432165078 -0.886381534857156 -0.9231156376341683 -0.7464101571362982 -0.8241605685491742 -0.5626364572080108 -0.555568238087156 -0.7073801728293124 -0.6473519023176056 -0.7462037856689012 -0.9181885213653508 -0.9926627874746484 +22767,-1.2465511582370037,0,-1.0967771406131859 -1.1246888677251914 -1.1359619034433222 -1.1694198609167563 -1.1862391269963244 -1.1262108564846087 -1.1686459683009858 -1.1342335432165078 -0.886381534857156 -0.9231156376341683 -0.7464101571362982 -0.8241605685491742 -0.5626364572080108 -0.555568238087156 -0.7073801728293124 -0.6473519023176056 -0.7462037856689012 -0.9181885213653508 -0.9926627874746484 -1.14026990561952 +22768,-1.407933565097394,0,-1.1246888677251914 -1.1359619034433222 -1.1694198609167563 -1.1862391269963244 -1.1262108564846087 -1.1686459683009858 -1.1342335432165078 -0.886381534857156 -0.9231156376341683 -0.7464101571362982 -0.8241605685491742 -0.5626364572080108 -0.555568238087156 -0.7073801728293124 -0.6473519023176056 -0.7462037856689012 -0.9181885213653508 -0.9926627874746484 -1.14026990561952 -1.2465511582370037 +22769,-1.5279901061208165,0,-1.1359619034433222 -1.1694198609167563 -1.1862391269963244 -1.1262108564846087 -1.1686459683009858 -1.1342335432165078 -0.886381534857156 -0.9231156376341683 -0.7464101571362982 -0.8241605685491742 -0.5626364572080108 -0.555568238087156 -0.7073801728293124 -0.6473519023176056 -0.7462037856689012 -0.9181885213653508 -0.9926627874746484 -1.14026990561952 -1.2465511582370037 -1.407933565097394 +22770,-1.5198900301273424,0,-1.1694198609167563 -1.1862391269963244 -1.1262108564846087 -1.1686459683009858 -1.1342335432165078 -0.886381534857156 -0.9231156376341683 -0.7464101571362982 -0.8241605685491742 -0.5626364572080108 -0.555568238087156 -0.7073801728293124 -0.6473519023176056 -0.7462037856689012 -0.9181885213653508 -0.9926627874746484 -1.14026990561952 -1.2465511582370037 -1.407933565097394 -1.5279901061208165 +22771,-1.6826654436961141,0,-1.1862391269963244 -1.1262108564846087 -1.1686459683009858 -1.1342335432165078 -0.886381534857156 -0.9231156376341683 -0.7464101571362982 -0.8241605685491742 -0.5626364572080108 -0.555568238087156 -0.7073801728293124 -0.6473519023176056 -0.7462037856689012 -0.9181885213653508 -0.9926627874746484 -1.14026990561952 -1.2465511582370037 -1.407933565097394 -1.5279901061208165 -1.5198900301273424 +22772,-1.717284239938418,0,-1.1262108564846087 -1.1686459683009858 -1.1342335432165078 -0.886381534857156 -0.9231156376341683 -0.7464101571362982 -0.8241605685491742 -0.5626364572080108 -0.555568238087156 -0.7073801728293124 -0.6473519023176056 -0.7462037856689012 -0.9181885213653508 -0.9926627874746484 -1.14026990561952 -1.2465511582370037 -1.407933565097394 -1.5279901061208165 -1.5198900301273424 -1.6826654436961141 +22773,-1.7169230901026562,0,-1.1686459683009858 -1.1342335432165078 -0.886381534857156 -0.9231156376341683 -0.7464101571362982 -0.8241605685491742 -0.5626364572080108 -0.555568238087156 -0.7073801728293124 -0.6473519023176056 -0.7462037856689012 -0.9181885213653508 -0.9926627874746484 -1.14026990561952 -1.2465511582370037 -1.407933565097394 -1.5279901061208165 -1.5198900301273424 -1.6826654436961141 -1.717284239938418 +22774,-1.7632018685257618,0,-1.1342335432165078 -0.886381534857156 -0.9231156376341683 -0.7464101571362982 -0.8241605685491742 -0.5626364572080108 -0.555568238087156 -0.7073801728293124 -0.6473519023176056 -0.7462037856689012 -0.9181885213653508 -0.9926627874746484 -1.14026990561952 -1.2465511582370037 -1.407933565097394 -1.5279901061208165 -1.5198900301273424 -1.6826654436961141 -1.717284239938418 -1.7169230901026562 +22775,-1.7745007007160247,0,-0.886381534857156 -0.9231156376341683 -0.7464101571362982 -0.8241605685491742 -0.5626364572080108 -0.555568238087156 -0.7073801728293124 -0.6473519023176056 -0.7462037856689012 -0.9181885213653508 -0.9926627874746484 -1.14026990561952 -1.2465511582370037 -1.407933565097394 -1.5279901061208165 -1.5198900301273424 -1.6826654436961141 -1.717284239938418 -1.7169230901026562 -1.7632018685257618 +22776,-1.6808596942077245,0,-0.9231156376341683 -0.7464101571362982 -0.8241605685491742 -0.5626364572080108 -0.555568238087156 -0.7073801728293124 -0.6473519023176056 -0.7462037856689012 -0.9181885213653508 -0.9926627874746484 -1.14026990561952 -1.2465511582370037 -1.407933565097394 -1.5279901061208165 -1.5198900301273424 -1.6826654436961141 -1.717284239938418 -1.7169230901026562 -1.7632018685257618 -1.7745007007160247 +22777,-1.72713847263083,0,-0.7464101571362982 -0.8241605685491742 -0.5626364572080108 -0.555568238087156 -0.7073801728293124 -0.6473519023176056 -0.7462037856689012 -0.9181885213653508 -0.9926627874746484 -1.14026990561952 -1.2465511582370037 -1.407933565097394 -1.5279901061208165 -1.5198900301273424 -1.6826654436961141 -1.717284239938418 -1.7169230901026562 -1.7632018685257618 -1.7745007007160247 -1.6808596942077245 +22778,-1.66847741235539,0,-0.8241605685491742 -0.5626364572080108 -0.555568238087156 -0.7073801728293124 -0.6473519023176056 -0.7462037856689012 -0.9181885213653508 -0.9926627874746484 -1.14026990561952 -1.2465511582370037 -1.407933565097394 -1.5279901061208165 -1.5198900301273424 -1.6826654436961141 -1.717284239938418 -1.7169230901026562 -1.7632018685257618 -1.7745007007160247 -1.6808596942077245 -1.72713847263083 +22779,-1.4718312986879616,0,-0.5626364572080108 -0.555568238087156 -0.7073801728293124 -0.6473519023176056 -0.7462037856689012 -0.9181885213653508 -0.9926627874746484 -1.14026990561952 -1.2465511582370037 -1.407933565097394 -1.5279901061208165 -1.5198900301273424 -1.6826654436961141 -1.717284239938418 -1.7169230901026562 -1.7632018685257618 -1.7745007007160247 -1.6808596942077245 -1.72713847263083 -1.66847741235539 +22780,-1.4591652562614406,0,-0.555568238087156 -0.7073801728293124 -0.6473519023176056 -0.7462037856689012 -0.9181885213653508 -0.9926627874746484 -1.14026990561952 -1.2465511582370037 -1.407933565097394 -1.5279901061208165 -1.5198900301273424 -1.6826654436961141 -1.717284239938418 -1.7169230901026562 -1.7632018685257618 -1.7745007007160247 -1.6808596942077245 -1.72713847263083 -1.66847741235539 -1.4718312986879616 +22781,-1.3085141602881538,0,-0.7073801728293124 -0.6473519023176056 -0.7462037856689012 -0.9181885213653508 -0.9926627874746484 -1.14026990561952 -1.2465511582370037 -1.407933565097394 -1.5279901061208165 -1.5198900301273424 -1.6826654436961141 -1.717284239938418 -1.7169230901026562 -1.7632018685257618 -1.7745007007160247 -1.6808596942077245 -1.72713847263083 -1.66847741235539 -1.4718312986879616 -1.4591652562614406 +22782,-1.395061151203476,0,-0.6473519023176056 -0.7462037856689012 -0.9181885213653508 -0.9926627874746484 -1.14026990561952 -1.2465511582370037 -1.407933565097394 -1.5279901061208165 -1.5198900301273424 -1.6826654436961141 -1.717284239938418 -1.7169230901026562 -1.7632018685257618 -1.7745007007160247 -1.6808596942077245 -1.72713847263083 -1.66847741235539 -1.4718312986879616 -1.4591652562614406 -1.3085141602881538 +22783,-1.1653440263705075,0,-0.7462037856689012 -0.9181885213653508 -0.9926627874746484 -1.14026990561952 -1.2465511582370037 -1.407933565097394 -1.5279901061208165 -1.5198900301273424 -1.6826654436961141 -1.717284239938418 -1.7169230901026562 -1.7632018685257618 -1.7745007007160247 -1.6808596942077245 -1.72713847263083 -1.66847741235539 -1.4718312986879616 -1.4591652562614406 -1.3085141602881538 -1.395061151203476 +22784,-1.1728249884261475,0,-0.9181885213653508 -0.9926627874746484 -1.14026990561952 -1.2465511582370037 -1.407933565097394 -1.5279901061208165 -1.5198900301273424 -1.6826654436961141 -1.717284239938418 -1.7169230901026562 -1.7632018685257618 -1.7745007007160247 -1.6808596942077245 -1.72713847263083 -1.66847741235539 -1.4718312986879616 -1.4591652562614406 -1.3085141602881538 -1.395061151203476 -1.1653440263705075 +22785,-1.133253279288126,0,-0.9926627874746484 -1.14026990561952 -1.2465511582370037 -1.407933565097394 -1.5279901061208165 -1.5198900301273424 -1.6826654436961141 -1.717284239938418 -1.7169230901026562 -1.7632018685257618 -1.7745007007160247 -1.6808596942077245 -1.72713847263083 -1.66847741235539 -1.4718312986879616 -1.4591652562614406 -1.3085141602881538 -1.395061151203476 -1.1653440263705075 -1.1728249884261475 +22786,-1.1564184649718021,0,-1.14026990561952 -1.2465511582370037 -1.407933565097394 -1.5279901061208165 -1.5198900301273424 -1.6826654436961141 -1.717284239938418 -1.7169230901026562 -1.7632018685257618 -1.7745007007160247 -1.6808596942077245 -1.72713847263083 -1.66847741235539 -1.4718312986879616 -1.4591652562614406 -1.3085141602881538 -1.395061151203476 -1.1653440263705075 -1.1728249884261475 -1.133253279288126 +22787,-1.1325309794618164,0,-1.2465511582370037 -1.407933565097394 -1.5279901061208165 -1.5198900301273424 -1.6826654436961141 -1.717284239938418 -1.7169230901026562 -1.7632018685257618 -1.7745007007160247 -1.6808596942077245 -1.72713847263083 -1.66847741235539 -1.4718312986879616 -1.4591652562614406 -1.3085141602881538 -1.395061151203476 -1.1653440263705075 -1.1728249884261475 -1.133253279288126 -1.1564184649718021 +22788,-1.2009688831680931,0,-1.407933565097394 -1.5279901061208165 -1.5198900301273424 -1.6826654436961141 -1.717284239938418 -1.7169230901026562 -1.7632018685257618 -1.7745007007160247 -1.6808596942077245 -1.72713847263083 -1.66847741235539 -1.4718312986879616 -1.4591652562614406 -1.3085141602881538 -1.395061151203476 -1.1653440263705075 -1.1728249884261475 -1.133253279288126 -1.1564184649718021 -1.1325309794618164 +22789,-1.146306268022541,0,-1.5279901061208165 -1.5198900301273424 -1.6826654436961141 -1.717284239938418 -1.7169230901026562 -1.7632018685257618 -1.7745007007160247 -1.6808596942077245 -1.72713847263083 -1.66847741235539 -1.4718312986879616 -1.4591652562614406 -1.3085141602881538 -1.395061151203476 -1.1653440263705075 -1.1728249884261475 -1.133253279288126 -1.1564184649718021 -1.1325309794618164 -1.2009688831680931 +22790,-1.1839690420932512,0,-1.5198900301273424 -1.6826654436961141 -1.717284239938418 -1.7169230901026562 -1.7632018685257618 -1.7745007007160247 -1.6808596942077245 -1.72713847263083 -1.66847741235539 -1.4718312986879616 -1.4591652562614406 -1.3085141602881538 -1.395061151203476 -1.1653440263705075 -1.1728249884261475 -1.133253279288126 -1.1564184649718021 -1.1325309794618164 -1.2009688831680931 -1.146306268022541 +22791,-1.3271133795387744,0,-1.6826654436961141 -1.717284239938418 -1.7169230901026562 -1.7632018685257618 -1.7745007007160247 -1.6808596942077245 -1.72713847263083 -1.66847741235539 -1.4718312986879616 -1.4591652562614406 -1.3085141602881538 -1.395061151203476 -1.1653440263705075 -1.1728249884261475 -1.133253279288126 -1.1564184649718021 -1.1325309794618164 -1.2009688831680931 -1.146306268022541 -1.1839690420932512 +22792,-1.3296156323813593,0,-1.717284239938418 -1.7169230901026562 -1.7632018685257618 -1.7745007007160247 -1.6808596942077245 -1.72713847263083 -1.66847741235539 -1.4718312986879616 -1.4591652562614406 -1.3085141602881538 -1.395061151203476 -1.1653440263705075 -1.1728249884261475 -1.133253279288126 -1.1564184649718021 -1.1325309794618164 -1.2009688831680931 -1.146306268022541 -1.1839690420932512 -1.3271133795387744 +22793,-1.437599448598757,0,-1.7169230901026562 -1.7632018685257618 -1.7745007007160247 -1.6808596942077245 -1.72713847263083 -1.66847741235539 -1.4718312986879616 -1.4591652562614406 -1.3085141602881538 -1.395061151203476 -1.1653440263705075 -1.1728249884261475 -1.133253279288126 -1.1564184649718021 -1.1325309794618164 -1.2009688831680931 -1.146306268022541 -1.1839690420932512 -1.3271133795387744 -1.3296156323813593 +22794,-1.460687245020858,0,-1.7632018685257618 -1.7745007007160247 -1.6808596942077245 -1.72713847263083 -1.66847741235539 -1.4718312986879616 -1.4591652562614406 -1.3085141602881538 -1.395061151203476 -1.1653440263705075 -1.1728249884261475 -1.133253279288126 -1.1564184649718021 -1.1325309794618164 -1.2009688831680931 -1.146306268022541 -1.1839690420932512 -1.3271133795387744 -1.3296156323813593 -1.437599448598757 +22795,-1.5969697346581377,0,-1.7745007007160247 -1.6808596942077245 -1.72713847263083 -1.66847741235539 -1.4718312986879616 -1.4591652562614406 -1.3085141602881538 -1.395061151203476 -1.1653440263705075 -1.1728249884261475 -1.133253279288126 -1.1564184649718021 -1.1325309794618164 -1.2009688831680931 -1.146306268022541 -1.1839690420932512 -1.3271133795387744 -1.3296156323813593 -1.437599448598757 -1.460687245020858 +22796,-1.6483562043453435,0,-1.6808596942077245 -1.72713847263083 -1.66847741235539 -1.4718312986879616 -1.4591652562614406 -1.3085141602881538 -1.395061151203476 -1.1653440263705075 -1.1728249884261475 -1.133253279288126 -1.1564184649718021 -1.1325309794618164 -1.2009688831680931 -1.146306268022541 -1.1839690420932512 -1.3271133795387744 -1.3296156323813593 -1.437599448598757 -1.460687245020858 -1.5969697346581377 +22797,-1.5588168287006297,0,-1.72713847263083 -1.66847741235539 -1.4718312986879616 -1.4591652562614406 -1.3085141602881538 -1.395061151203476 -1.1653440263705075 -1.1728249884261475 -1.133253279288126 -1.1564184649718021 -1.1325309794618164 -1.2009688831680931 -1.146306268022541 -1.1839690420932512 -1.3271133795387744 -1.3296156323813593 -1.437599448598757 -1.460687245020858 -1.5969697346581377 -1.6483562043453435 +22798,-1.657178580165127,0,-1.66847741235539 -1.4718312986879616 -1.4591652562614406 -1.3085141602881538 -1.395061151203476 -1.1653440263705075 -1.1728249884261475 -1.133253279288126 -1.1564184649718021 -1.1325309794618164 -1.2009688831680931 -1.146306268022541 -1.1839690420932512 -1.3271133795387744 -1.3296156323813593 -1.437599448598757 -1.460687245020858 -1.5969697346581377 -1.6483562043453435 -1.5588168287006297 +22799,-1.6146144862977228,0,-1.4718312986879616 -1.4591652562614406 -1.3085141602881538 -1.395061151203476 -1.1653440263705075 -1.1728249884261475 -1.133253279288126 -1.1564184649718021 -1.1325309794618164 -1.2009688831680931 -1.146306268022541 -1.1839690420932512 -1.3271133795387744 -1.3296156323813593 -1.437599448598757 -1.460687245020858 -1.5969697346581377 -1.6483562043453435 -1.5588168287006297 -1.657178580165127 +22800,-1.459449016835627,0,-1.4591652562614406 -1.3085141602881538 -1.395061151203476 -1.1653440263705075 -1.1728249884261475 -1.133253279288126 -1.1564184649718021 -1.1325309794618164 -1.2009688831680931 -1.146306268022541 -1.1839690420932512 -1.3271133795387744 -1.3296156323813593 -1.437599448598757 -1.460687245020858 -1.5969697346581377 -1.6483562043453435 -1.5588168287006297 -1.657178580165127 -1.6146144862977228 +22801,-1.4544187148331111,0,-1.3085141602881538 -1.395061151203476 -1.1653440263705075 -1.1728249884261475 -1.133253279288126 -1.1564184649718021 -1.1325309794618164 -1.2009688831680931 -1.146306268022541 -1.1839690420932512 -1.3271133795387744 -1.3296156323813593 -1.437599448598757 -1.460687245020858 -1.5969697346581377 -1.6483562043453435 -1.5588168287006297 -1.657178580165127 -1.6146144862977228 -1.459449016835627 +22802,-1.3367870372359125,0,-1.395061151203476 -1.1653440263705075 -1.1728249884261475 -1.133253279288126 -1.1564184649718021 -1.1325309794618164 -1.2009688831680931 -1.146306268022541 -1.1839690420932512 -1.3271133795387744 -1.3296156323813593 -1.437599448598757 -1.460687245020858 -1.5969697346581377 -1.6483562043453435 -1.5588168287006297 -1.657178580165127 -1.6146144862977228 -1.459449016835627 -1.4544187148331111 +22803,-1.025759594957526,0,-1.1653440263705075 -1.1728249884261475 -1.133253279288126 -1.1564184649718021 -1.1325309794618164 -1.2009688831680931 -1.146306268022541 -1.1839690420932512 -1.3271133795387744 -1.3296156323813593 -1.437599448598757 -1.460687245020858 -1.5969697346581377 -1.6483562043453435 -1.5588168287006297 -1.657178580165127 -1.6146144862977228 -1.459449016835627 -1.4544187148331111 -1.3367870372359125 +22804,-0.9725931722540538,0,-1.1728249884261475 -1.133253279288126 -1.1564184649718021 -1.1325309794618164 -1.2009688831680931 -1.146306268022541 -1.1839690420932512 -1.3271133795387744 -1.3296156323813593 -1.437599448598757 -1.460687245020858 -1.5969697346581377 -1.6483562043453435 -1.5588168287006297 -1.657178580165127 -1.6146144862977228 -1.459449016835627 -1.4544187148331111 -1.3367870372359125 -1.025759594957526 +22805,-0.7260309848694025,0,-1.133253279288126 -1.1564184649718021 -1.1325309794618164 -1.2009688831680931 -1.146306268022541 -1.1839690420932512 -1.3271133795387744 -1.3296156323813593 -1.437599448598757 -1.460687245020858 -1.5969697346581377 -1.6483562043453435 -1.5588168287006297 -1.657178580165127 -1.6146144862977228 -1.459449016835627 -1.4544187148331111 -1.3367870372359125 -1.025759594957526 -0.9725931722540538 +22806,-0.5266762470467776,0,-1.1564184649718021 -1.1325309794618164 -1.2009688831680931 -1.146306268022541 -1.1839690420932512 -1.3271133795387744 -1.3296156323813593 -1.437599448598757 -1.460687245020858 -1.5969697346581377 -1.6483562043453435 -1.5588168287006297 -1.657178580165127 -1.6146144862977228 -1.459449016835627 -1.4544187148331111 -1.3367870372359125 -1.025759594957526 -0.9725931722540538 -0.7260309848694025 +22807,-0.2643782430898439,0,-1.1325309794618164 -1.2009688831680931 -1.146306268022541 -1.1839690420932512 -1.3271133795387744 -1.3296156323813593 -1.437599448598757 -1.460687245020858 -1.5969697346581377 -1.6483562043453435 -1.5588168287006297 -1.657178580165127 -1.6146144862977228 -1.459449016835627 -1.4544187148331111 -1.3367870372359125 -1.025759594957526 -0.9725931722540538 -0.7260309848694025 -0.5266762470467776 +22808,-0.049287688849731136,0,-1.2009688831680931 -1.146306268022541 -1.1839690420932512 -1.3271133795387744 -1.3296156323813593 -1.437599448598757 -1.460687245020858 -1.5969697346581377 -1.6483562043453435 -1.5588168287006297 -1.657178580165127 -1.6146144862977228 -1.459449016835627 -1.4544187148331111 -1.3367870372359125 -1.025759594957526 -0.9725931722540538 -0.7260309848694025 -0.5266762470467776 -0.2643782430898439 +22809,-0.18639566389224213,0,-1.146306268022541 -1.1839690420932512 -1.3271133795387744 -1.3296156323813593 -1.437599448598757 -1.460687245020858 -1.5969697346581377 -1.6483562043453435 -1.5588168287006297 -1.657178580165127 -1.6146144862977228 -1.459449016835627 -1.4544187148331111 -1.3367870372359125 -1.025759594957526 -0.9725931722540538 -0.7260309848694025 -0.5266762470467776 -0.2643782430898439 -0.049287688849731136 +22810,0.1460944003151203,0,-1.1839690420932512 -1.3271133795387744 -1.3296156323813593 -1.437599448598757 -1.460687245020858 -1.5969697346581377 -1.6483562043453435 -1.5588168287006297 -1.657178580165127 -1.6146144862977228 -1.459449016835627 -1.4544187148331111 -1.3367870372359125 -1.025759594957526 -0.9725931722540538 -0.7260309848694025 -0.5266762470467776 -0.2643782430898439 -0.049287688849731136 -0.18639566389224213 +22811,0.12638593493029637,0,-1.3271133795387744 -1.3296156323813593 -1.437599448598757 -1.460687245020858 -1.5969697346581377 -1.6483562043453435 -1.5588168287006297 -1.657178580165127 -1.6146144862977228 -1.459449016835627 -1.4544187148331111 -1.3367870372359125 -1.025759594957526 -0.9725931722540538 -0.7260309848694025 -0.5266762470467776 -0.2643782430898439 -0.049287688849731136 -0.18639566389224213 0.1460944003151203 +22812,-0.20899332827275918,0,-1.3296156323813593 -1.437599448598757 -1.460687245020858 -1.5969697346581377 -1.6483562043453435 -1.5588168287006297 -1.657178580165127 -1.6146144862977228 -1.459449016835627 -1.4544187148331111 -1.3367870372359125 -1.025759594957526 -0.9725931722540538 -0.7260309848694025 -0.5266762470467776 -0.2643782430898439 -0.049287688849731136 -0.18639566389224213 0.1460944003151203 0.12638593493029637 +22813,-0.12347819423005647,0,-1.437599448598757 -1.460687245020858 -1.5969697346581377 -1.6483562043453435 -1.5588168287006297 -1.657178580165127 -1.6146144862977228 -1.459449016835627 -1.4544187148331111 -1.3367870372359125 -1.025759594957526 -0.9725931722540538 -0.7260309848694025 -0.5266762470467776 -0.2643782430898439 -0.049287688849731136 -0.18639566389224213 0.1460944003151203 0.12638593493029637 -0.20899332827275918 +22814,-0.3536338581603711,0,-1.460687245020858 -1.5969697346581377 -1.6483562043453435 -1.5588168287006297 -1.657178580165127 -1.6146144862977228 -1.459449016835627 -1.4544187148331111 -1.3367870372359125 -1.025759594957526 -0.9725931722540538 -0.7260309848694025 -0.5266762470467776 -0.2643782430898439 -0.049287688849731136 -0.18639566389224213 0.1460944003151203 0.12638593493029637 -0.20899332827275918 -0.12347819423005647 +22815,-0.6419862467966652,0,-1.5969697346581377 -1.6483562043453435 -1.5588168287006297 -1.657178580165127 -1.6146144862977228 -1.459449016835627 -1.4544187148331111 -1.3367870372359125 -1.025759594957526 -0.9725931722540538 -0.7260309848694025 -0.5266762470467776 -0.2643782430898439 -0.049287688849731136 -0.18639566389224213 0.1460944003151203 0.12638593493029637 -0.20899332827275918 -0.12347819423005647 -0.3536338581603711 +22816,-0.8527430025432426,0,-1.6483562043453435 -1.5588168287006297 -1.657178580165127 -1.6146144862977228 -1.459449016835627 -1.4544187148331111 -1.3367870372359125 -1.025759594957526 -0.9725931722540538 -0.7260309848694025 -0.5266762470467776 -0.2643782430898439 -0.049287688849731136 -0.18639566389224213 0.1460944003151203 0.12638593493029637 -0.20899332827275918 -0.12347819423005647 -0.3536338581603711 -0.6419862467966652 +22817,-1.121696482841014,0,-1.5588168287006297 -1.657178580165127 -1.6146144862977228 -1.459449016835627 -1.4544187148331111 -1.3367870372359125 -1.025759594957526 -0.9725931722540538 -0.7260309848694025 -0.5266762470467776 -0.2643782430898439 -0.049287688849731136 -0.18639566389224213 0.1460944003151203 0.12638593493029637 -0.20899332827275918 -0.12347819423005647 -0.3536338581603711 -0.6419862467966652 -0.8527430025432426 +22818,-1.1440103866473443,0,-1.657178580165127 -1.6146144862977228 -1.459449016835627 -1.4544187148331111 -1.3367870372359125 -1.025759594957526 -0.9725931722540538 -0.7260309848694025 -0.5266762470467776 -0.2643782430898439 -0.049287688849731136 -0.18639566389224213 0.1460944003151203 0.12638593493029637 -0.20899332827275918 -0.12347819423005647 -0.3536338581603711 -0.6419862467966652 -0.8527430025432426 -1.121696482841014 +22819,-1.4951770592121256,0,-1.6146144862977228 -1.459449016835627 -1.4544187148331111 -1.3367870372359125 -1.025759594957526 -0.9725931722540538 -0.7260309848694025 -0.5266762470467776 -0.2643782430898439 -0.049287688849731136 -0.18639566389224213 0.1460944003151203 0.12638593493029637 -0.20899332827275918 -0.12347819423005647 -0.3536338581603711 -0.6419862467966652 -0.8527430025432426 -1.121696482841014 -1.1440103866473443 +22820,-1.5997041552854572,0,-1.459449016835627 -1.4544187148331111 -1.3367870372359125 -1.025759594957526 -0.9725931722540538 -0.7260309848694025 -0.5266762470467776 -0.2643782430898439 -0.049287688849731136 -0.18639566389224213 0.1460944003151203 0.12638593493029637 -0.20899332827275918 -0.12347819423005647 -0.3536338581603711 -0.6419862467966652 -0.8527430025432426 -1.121696482841014 -1.1440103866473443 -1.4951770592121256 +22821,-1.6177874460223796,0,-1.4544187148331111 -1.3367870372359125 -1.025759594957526 -0.9725931722540538 -0.7260309848694025 -0.5266762470467776 -0.2643782430898439 -0.049287688849731136 -0.18639566389224213 0.1460944003151203 0.12638593493029637 -0.20899332827275918 -0.12347819423005647 -0.3536338581603711 -0.6419862467966652 -0.8527430025432426 -1.121696482841014 -1.1440103866473443 -1.4951770592121256 -1.5997041552854572 +22822,-1.7511291437197372,0,-1.3367870372359125 -1.025759594957526 -0.9725931722540538 -0.7260309848694025 -0.5266762470467776 -0.2643782430898439 -0.049287688849731136 -0.18639566389224213 0.1460944003151203 0.12638593493029637 -0.20899332827275918 -0.12347819423005647 -0.3536338581603711 -0.6419862467966652 -0.8527430025432426 -1.121696482841014 -1.1440103866473443 -1.4951770592121256 -1.5997041552854572 -1.6177874460223796 +22823,-1.7980270362354538,0,-1.025759594957526 -0.9725931722540538 -0.7260309848694025 -0.5266762470467776 -0.2643782430898439 -0.049287688849731136 -0.18639566389224213 0.1460944003151203 0.12638593493029637 -0.20899332827275918 -0.12347819423005647 -0.3536338581603711 -0.6419862467966652 -0.8527430025432426 -1.121696482841014 -1.1440103866473443 -1.4951770592121256 -1.5997041552854572 -1.6177874460223796 -1.7511291437197372 +22824,-1.2289064065974273,0,-0.9725931722540538 -0.7260309848694025 -0.5266762470467776 -0.2643782430898439 -0.049287688849731136 -0.18639566389224213 0.1460944003151203 0.12638593493029637 -0.20899332827275918 -0.12347819423005647 -0.3536338581603711 -0.6419862467966652 -0.8527430025432426 -1.121696482841014 -1.1440103866473443 -1.4951770592121256 -1.5997041552854572 -1.6177874460223796 -1.7511291437197372 -1.7980270362354538 +22825,-1.4811438065493376,0,-0.7260309848694025 -0.5266762470467776 -0.2643782430898439 -0.049287688849731136 -0.18639566389224213 0.1460944003151203 0.12638593493029637 -0.20899332827275918 -0.12347819423005647 -0.3536338581603711 -0.6419862467966652 -0.8527430025432426 -1.121696482841014 -1.1440103866473443 -1.4951770592121256 -1.5997041552854572 -1.6177874460223796 -1.7511291437197372 -1.7980270362354538 -1.2289064065974273 +22826,-1.1173626841927018,0,-0.5266762470467776 -0.2643782430898439 -0.049287688849731136 -0.18639566389224213 0.1460944003151203 0.12638593493029637 -0.20899332827275918 -0.12347819423005647 -0.3536338581603711 -0.6419862467966652 -0.8527430025432426 -1.121696482841014 -1.1440103866473443 -1.4951770592121256 -1.5997041552854572 -1.6177874460223796 -1.7511291437197372 -1.7980270362354538 -1.2289064065974273 -1.4811438065493376 +22827,-0.6188468575851036,0,-0.2643782430898439 -0.049287688849731136 -0.18639566389224213 0.1460944003151203 0.12638593493029637 -0.20899332827275918 -0.12347819423005647 -0.3536338581603711 -0.6419862467966652 -0.8527430025432426 -1.121696482841014 -1.1440103866473443 -1.4951770592121256 -1.5997041552854572 -1.6177874460223796 -1.7511291437197372 -1.7980270362354538 -1.2289064065974273 -1.4811438065493376 -1.1173626841927018 +22828,-0.29997730341531514,0,-0.049287688849731136 -0.18639566389224213 0.1460944003151203 0.12638593493029637 -0.20899332827275918 -0.12347819423005647 -0.3536338581603711 -0.6419862467966652 -0.8527430025432426 -1.121696482841014 -1.1440103866473443 -1.4951770592121256 -1.5997041552854572 -1.6177874460223796 -1.7511291437197372 -1.7980270362354538 -1.2289064065974273 -1.4811438065493376 -1.1173626841927018 -0.6188468575851036 +22829,0.15362695500543552,0,-0.18639566389224213 0.1460944003151203 0.12638593493029637 -0.20899332827275918 -0.12347819423005647 -0.3536338581603711 -0.6419862467966652 -0.8527430025432426 -1.121696482841014 -1.1440103866473443 -1.4951770592121256 -1.5997041552854572 -1.6177874460223796 -1.7511291437197372 -1.7980270362354538 -1.2289064065974273 -1.4811438065493376 -1.1173626841927018 -0.6188468575851036 -0.29997730341531514 +22830,0.155742261540144,0,0.1460944003151203 0.12638593493029637 -0.20899332827275918 -0.12347819423005647 -0.3536338581603711 -0.6419862467966652 -0.8527430025432426 -1.121696482841014 -1.1440103866473443 -1.4951770592121256 -1.5997041552854572 -1.6177874460223796 -1.7511291437197372 -1.7980270362354538 -1.2289064065974273 -1.4811438065493376 -1.1173626841927018 -0.6188468575851036 -0.29997730341531514 0.15362695500543552 +22831,0.759842837411022,0,0.12638593493029637 -0.20899332827275918 -0.12347819423005647 -0.3536338581603711 -0.6419862467966652 -0.8527430025432426 -1.121696482841014 -1.1440103866473443 -1.4951770592121256 -1.5997041552854572 -1.6177874460223796 -1.7511291437197372 -1.7980270362354538 -1.2289064065974273 -1.4811438065493376 -1.1173626841927018 -0.6188468575851036 -0.29997730341531514 0.15362695500543552 0.155742261540144 +22832,0.912454461241072,0,-0.20899332827275918 -0.12347819423005647 -0.3536338581603711 -0.6419862467966652 -0.8527430025432426 -1.121696482841014 -1.1440103866473443 -1.4951770592121256 -1.5997041552854572 -1.6177874460223796 -1.7511291437197372 -1.7980270362354538 -1.2289064065974273 -1.4811438065493376 -1.1173626841927018 -0.6188468575851036 -0.29997730341531514 0.15362695500543552 0.155742261540144 0.759842837411022 +22833,0.7798092668979181,0,-0.12347819423005647 -0.3536338581603711 -0.6419862467966652 -0.8527430025432426 -1.121696482841014 -1.1440103866473443 -1.4951770592121256 -1.5997041552854572 -1.6177874460223796 -1.7511291437197372 -1.7980270362354538 -1.2289064065974273 -1.4811438065493376 -1.1173626841927018 -0.6188468575851036 -0.29997730341531514 0.15362695500543552 0.155742261540144 0.759842837411022 0.912454461241072 +22834,1.0275064967341103,0,-0.3536338581603711 -0.6419862467966652 -0.8527430025432426 -1.121696482841014 -1.1440103866473443 -1.4951770592121256 -1.5997041552854572 -1.6177874460223796 -1.7511291437197372 -1.7980270362354538 -1.2289064065974273 -1.4811438065493376 -1.1173626841927018 -0.6188468575851036 -0.29997730341531514 0.15362695500543552 0.155742261540144 0.759842837411022 0.912454461241072 0.7798092668979181 +22835,0.9899469085518757,0,-0.6419862467966652 -0.8527430025432426 -1.121696482841014 -1.1440103866473443 -1.4951770592121256 -1.5997041552854572 -1.6177874460223796 -1.7511291437197372 -1.7980270362354538 -1.2289064065974273 -1.4811438065493376 -1.1173626841927018 -0.6188468575851036 -0.29997730341531514 0.15362695500543552 0.155742261540144 0.759842837411022 0.912454461241072 0.7798092668979181 1.0275064967341103 +22836,0.5642027841440983,0,-0.8527430025432426 -1.121696482841014 -1.1440103866473443 -1.4951770592121256 -1.5997041552854572 -1.6177874460223796 -1.7511291437197372 -1.7980270362354538 -1.2289064065974273 -1.4811438065493376 -1.1173626841927018 -0.6188468575851036 -0.29997730341531514 0.15362695500543552 0.155742261540144 0.759842837411022 0.912454461241072 0.7798092668979181 1.0275064967341103 0.9899469085518757 +22837,0.6560380411640087,0,-1.121696482841014 -1.1440103866473443 -1.4951770592121256 -1.5997041552854572 -1.6177874460223796 -1.7511291437197372 -1.7980270362354538 -1.2289064065974273 -1.4811438065493376 -1.1173626841927018 -0.6188468575851036 -0.29997730341531514 0.15362695500543552 0.155742261540144 0.759842837411022 0.912454461241072 0.7798092668979181 1.0275064967341103 0.9899469085518757 0.5642027841440983 +22838,0.3596887622679301,0,-1.1440103866473443 -1.4951770592121256 -1.5997041552854572 -1.6177874460223796 -1.7511291437197372 -1.7980270362354538 -1.2289064065974273 -1.4811438065493376 -1.1173626841927018 -0.6188468575851036 -0.29997730341531514 0.15362695500543552 0.155742261540144 0.759842837411022 0.912454461241072 0.7798092668979181 1.0275064967341103 0.9899469085518757 0.5642027841440983 0.6560380411640087 +22839,0.008083550451017186,0,-1.4951770592121256 -1.5997041552854572 -1.6177874460223796 -1.7511291437197372 -1.7980270362354538 -1.2289064065974273 -1.4811438065493376 -1.1173626841927018 -0.6188468575851036 -0.29997730341531514 0.15362695500543552 0.155742261540144 0.759842837411022 0.912454461241072 0.7798092668979181 1.0275064967341103 0.9899469085518757 0.5642027841440983 0.6560380411640087 0.3596887622679301 +22840,-0.2698470843444829,0,-1.5997041552854572 -1.6177874460223796 -1.7511291437197372 -1.7980270362354538 -1.2289064065974273 -1.4811438065493376 -1.1173626841927018 -0.6188468575851036 -0.29997730341531514 0.15362695500543552 0.155742261540144 0.759842837411022 0.912454461241072 0.7798092668979181 1.0275064967341103 0.9899469085518757 0.5642027841440983 0.6560380411640087 0.3596887622679301 0.008083550451017186 +22841,-0.6030336517512547,0,-1.6177874460223796 -1.7511291437197372 -1.7980270362354538 -1.2289064065974273 -1.4811438065493376 -1.1173626841927018 -0.6188468575851036 -0.29997730341531514 0.15362695500543552 0.155742261540144 0.759842837411022 0.912454461241072 0.7798092668979181 1.0275064967341103 0.9899469085518757 0.5642027841440983 0.6560380411640087 0.3596887622679301 0.008083550451017186 -0.2698470843444829 +22842,-0.5693177301757573,0,-1.7511291437197372 -1.7980270362354538 -1.2289064065974273 -1.4811438065493376 -1.1173626841927018 -0.6188468575851036 -0.29997730341531514 0.15362695500543552 0.155742261540144 0.759842837411022 0.912454461241072 0.7798092668979181 1.0275064967341103 0.9899469085518757 0.5642027841440983 0.6560380411640087 0.3596887622679301 0.008083550451017186 -0.2698470843444829 -0.6030336517512547 +22843,-1.0248051273464818,0,-1.7980270362354538 -1.2289064065974273 -1.4811438065493376 -1.1173626841927018 -0.6188468575851036 -0.29997730341531514 0.15362695500543552 0.155742261540144 0.759842837411022 0.912454461241072 0.7798092668979181 1.0275064967341103 0.9899469085518757 0.5642027841440983 0.6560380411640087 0.3596887622679301 0.008083550451017186 -0.2698470843444829 -0.6030336517512547 -0.5693177301757573 +22844,-1.1133900355349284,0,-1.2289064065974273 -1.4811438065493376 -1.1173626841927018 -0.6188468575851036 -0.29997730341531514 0.15362695500543552 0.155742261540144 0.759842837411022 0.912454461241072 0.7798092668979181 1.0275064967341103 0.9899469085518757 0.5642027841440983 0.6560380411640087 0.3596887622679301 0.008083550451017186 -0.2698470843444829 -0.6030336517512547 -0.5693177301757573 -1.0248051273464818 +22845,-1.1204066618663224,0,-1.4811438065493376 -1.1173626841927018 -0.6188468575851036 -0.29997730341531514 0.15362695500543552 0.155742261540144 0.759842837411022 0.912454461241072 0.7798092668979181 1.0275064967341103 0.9899469085518757 0.5642027841440983 0.6560380411640087 0.3596887622679301 0.008083550451017186 -0.2698470843444829 -0.6030336517512547 -0.5693177301757573 -1.0248051273464818 -1.1133900355349284 +22846,-1.2361809971856703,0,-1.1173626841927018 -0.6188468575851036 -0.29997730341531514 0.15362695500543552 0.155742261540144 0.759842837411022 0.912454461241072 0.7798092668979181 1.0275064967341103 0.9899469085518757 0.5642027841440983 0.6560380411640087 0.3596887622679301 0.008083550451017186 -0.2698470843444829 -0.6030336517512547 -0.5693177301757573 -1.0248051273464818 -1.1133900355349284 -1.1204066618663224 +22847,-1.2703870508027602,0,-0.6188468575851036 -0.29997730341531514 0.15362695500543552 0.155742261540144 0.759842837411022 0.912454461241072 0.7798092668979181 1.0275064967341103 0.9899469085518757 0.5642027841440983 0.6560380411640087 0.3596887622679301 0.008083550451017186 -0.2698470843444829 -0.6030336517512547 -0.5693177301757573 -1.0248051273464818 -1.1133900355349284 -1.1204066618663224 -1.2361809971856703 +22848,-0.8007116222913028,0,-0.29997730341531514 0.15362695500543552 0.155742261540144 0.759842837411022 0.912454461241072 0.7798092668979181 1.0275064967341103 0.9899469085518757 0.5642027841440983 0.6560380411640087 0.3596887622679301 0.008083550451017186 -0.2698470843444829 -0.6030336517512547 -0.5693177301757573 -1.0248051273464818 -1.1133900355349284 -1.1204066618663224 -1.2361809971856703 -1.2703870508027602 +22849,-1.0028781700028224,0,0.15362695500543552 0.155742261540144 0.759842837411022 0.912454461241072 0.7798092668979181 1.0275064967341103 0.9899469085518757 0.5642027841440983 0.6560380411640087 0.3596887622679301 0.008083550451017186 -0.2698470843444829 -0.6030336517512547 -0.5693177301757573 -1.0248051273464818 -1.1133900355349284 -1.1204066618663224 -1.2361809971856703 -1.2703870508027602 -0.8007116222913028 +22850,-0.7011632354310264,0,0.155742261540144 0.759842837411022 0.912454461241072 0.7798092668979181 1.0275064967341103 0.9899469085518757 0.5642027841440983 0.6560380411640087 0.3596887622679301 0.008083550451017186 -0.2698470843444829 -0.6030336517512547 -0.5693177301757573 -1.0248051273464818 -1.1133900355349284 -1.1204066618663224 -1.2361809971856703 -1.2703870508027602 -0.8007116222913028 -1.0028781700028224 +22851,-0.3428767508011527,0,0.759842837411022 0.912454461241072 0.7798092668979181 1.0275064967341103 0.9899469085518757 0.5642027841440983 0.6560380411640087 0.3596887622679301 0.008083550451017186 -0.2698470843444829 -0.6030336517512547 -0.5693177301757573 -1.0248051273464818 -1.1133900355349284 -1.1204066618663224 -1.2361809971856703 -1.2703870508027602 -0.8007116222913028 -1.0028781700028224 -0.7011632354310264 +22852,-0.06001899973683509,0,0.912454461241072 0.7798092668979181 1.0275064967341103 0.9899469085518757 0.5642027841440983 0.6560380411640087 0.3596887622679301 0.008083550451017186 -0.2698470843444829 -0.6030336517512547 -0.5693177301757573 -1.0248051273464818 -1.1133900355349284 -1.1204066618663224 -1.2361809971856703 -1.2703870508027602 -0.8007116222913028 -1.0028781700028224 -0.7011632354310264 -0.3428767508011527 +22853,0.27941030154035484,0,0.7798092668979181 1.0275064967341103 0.9899469085518757 0.5642027841440983 0.6560380411640087 0.3596887622679301 0.008083550451017186 -0.2698470843444829 -0.6030336517512547 -0.5693177301757573 -1.0248051273464818 -1.1133900355349284 -1.1204066618663224 -1.2361809971856703 -1.2703870508027602 -0.8007116222913028 -1.0028781700028224 -0.7011632354310264 -0.3428767508011527 -0.06001899973683509 +22854,0.2619203284239291,0,1.0275064967341103 0.9899469085518757 0.5642027841440983 0.6560380411640087 0.3596887622679301 0.008083550451017186 -0.2698470843444829 -0.6030336517512547 -0.5693177301757573 -1.0248051273464818 -1.1133900355349284 -1.1204066618663224 -1.2361809971856703 -1.2703870508027602 -0.8007116222913028 -1.0028781700028224 -0.7011632354310264 -0.3428767508011527 -0.06001899973683509 0.27941030154035484 +22855,0.7203227212172382,0,0.9899469085518757 0.5642027841440983 0.6560380411640087 0.3596887622679301 0.008083550451017186 -0.2698470843444829 -0.6030336517512547 -0.5693177301757573 -1.0248051273464818 -1.1133900355349284 -1.1204066618663224 -1.2361809971856703 -1.2703870508027602 -0.8007116222913028 -1.0028781700028224 -0.7011632354310264 -0.3428767508011527 -0.06001899973683509 0.27941030154035484 0.2619203284239291 +22856,0.8218058394621635,0,0.5642027841440983 0.6560380411640087 0.3596887622679301 0.008083550451017186 -0.2698470843444829 -0.6030336517512547 -0.5693177301757573 -1.0248051273464818 -1.1133900355349284 -1.1204066618663224 -1.2361809971856703 -1.2703870508027602 -0.8007116222913028 -1.0028781700028224 -0.7011632354310264 -0.3428767508011527 -0.06001899973683509 0.27941030154035484 0.2619203284239291 0.7203227212172382 +22857,0.7148022871731472,0,0.6560380411640087 0.3596887622679301 0.008083550451017186 -0.2698470843444829 -0.6030336517512547 -0.5693177301757573 -1.0248051273464818 -1.1133900355349284 -1.1204066618663224 -1.2361809971856703 -1.2703870508027602 -0.8007116222913028 -1.0028781700028224 -0.7011632354310264 -0.3428767508011527 -0.06001899973683509 0.27941030154035484 0.2619203284239291 0.7203227212172382 0.8218058394621635 +22858,0.8857809624690918,0,0.3596887622679301 0.008083550451017186 -0.2698470843444829 -0.6030336517512547 -0.5693177301757573 -1.0248051273464818 -1.1133900355349284 -1.1204066618663224 -1.2361809971856703 -1.2703870508027602 -0.8007116222913028 -1.0028781700028224 -0.7011632354310264 -0.3428767508011527 -0.06001899973683509 0.27941030154035484 0.2619203284239291 0.7203227212172382 0.8218058394621635 0.7148022871731472 +22859,0.8482729669215322,0,0.008083550451017186 -0.2698470843444829 -0.6030336517512547 -0.5693177301757573 -1.0248051273464818 -1.1133900355349284 -1.1204066618663224 -1.2361809971856703 -1.2703870508027602 -0.8007116222913028 -1.0028781700028224 -0.7011632354310264 -0.3428767508011527 -0.06001899973683509 0.27941030154035484 0.2619203284239291 0.7203227212172382 0.8218058394621635 0.7148022871731472 0.8857809624690918 +22860,0.516995334582063,0,-0.2698470843444829 -0.6030336517512547 -0.5693177301757573 -1.0248051273464818 -1.1133900355349284 -1.1204066618663224 -1.2361809971856703 -1.2703870508027602 -0.8007116222913028 -1.0028781700028224 -0.7011632354310264 -0.3428767508011527 -0.06001899973683509 0.27941030154035484 0.2619203284239291 0.7203227212172382 0.8218058394621635 0.7148022871731472 0.8857809624690918 0.8482729669215322 +22861,0.5774105514016639,0,-0.6030336517512547 -0.5693177301757573 -1.0248051273464818 -1.1133900355349284 -1.1204066618663224 -1.2361809971856703 -1.2703870508027602 -0.8007116222913028 -1.0028781700028224 -0.7011632354310264 -0.3428767508011527 -0.06001899973683509 0.27941030154035484 0.2619203284239291 0.7203227212172382 0.8218058394621635 0.7148022871731472 0.8857809624690918 0.8482729669215322 0.516995334582063 +22862,0.344056131429355,0,-0.5693177301757573 -1.0248051273464818 -1.1133900355349284 -1.1204066618663224 -1.2361809971856703 -1.2703870508027602 -0.8007116222913028 -1.0028781700028224 -0.7011632354310264 -0.3428767508011527 -0.06001899973683509 0.27941030154035484 0.2619203284239291 0.7203227212172382 0.8218058394621635 0.7148022871731472 0.8857809624690918 0.8482729669215322 0.516995334582063 0.5774105514016639 +22863,-0.020550476332512113,0,-1.0248051273464818 -1.1133900355349284 -1.1204066618663224 -1.2361809971856703 -1.2703870508027602 -0.8007116222913028 -1.0028781700028224 -0.7011632354310264 -0.3428767508011527 -0.06001899973683509 0.27941030154035484 0.2619203284239291 0.7203227212172382 0.8218058394621635 0.7148022871731472 0.8857809624690918 0.8482729669215322 0.516995334582063 0.5774105514016639 0.344056131429355 +22864,-0.21015416719641472,0,-1.1133900355349284 -1.1204066618663224 -1.2361809971856703 -1.2703870508027602 -0.8007116222913028 -1.0028781700028224 -0.7011632354310264 -0.3428767508011527 -0.06001899973683509 0.27941030154035484 0.2619203284239291 0.7203227212172382 0.8218058394621635 0.7148022871731472 0.8857809624690918 0.8482729669215322 0.516995334582063 0.5774105514016639 0.344056131429355 -0.020550476332512113 +22865,-0.5310100456950899,0,-1.1204066618663224 -1.2361809971856703 -1.2703870508027602 -0.8007116222913028 -1.0028781700028224 -0.7011632354310264 -0.3428767508011527 -0.06001899973683509 0.27941030154035484 0.2619203284239291 0.7203227212172382 0.8218058394621635 0.7148022871731472 0.8857809624690918 0.8482729669215322 0.516995334582063 0.5774105514016639 0.344056131429355 -0.020550476332512113 -0.21015416719641472 +22866,-0.5724906899004227,0,-1.2361809971856703 -1.2703870508027602 -0.8007116222913028 -1.0028781700028224 -0.7011632354310264 -0.3428767508011527 -0.06001899973683509 0.27941030154035484 0.2619203284239291 0.7203227212172382 0.8218058394621635 0.7148022871731472 0.8857809624690918 0.8482729669215322 0.516995334582063 0.5774105514016639 0.344056131429355 -0.020550476332512113 -0.21015416719641472 -0.5310100456950899 +22867,-0.9864716465484769,0,-1.2703870508027602 -0.8007116222913028 -1.0028781700028224 -0.7011632354310264 -0.3428767508011527 -0.06001899973683509 0.27941030154035484 0.2619203284239291 0.7203227212172382 0.8218058394621635 0.7148022871731472 0.8857809624690918 0.8482729669215322 0.516995334582063 0.5774105514016639 0.344056131429355 -0.020550476332512113 -0.21015416719641472 -0.5310100456950899 -0.5724906899004227 +22868,-1.121077368748403,0,-0.8007116222913028 -1.0028781700028224 -0.7011632354310264 -0.3428767508011527 -0.06001899973683509 0.27941030154035484 0.2619203284239291 0.7203227212172382 0.8218058394621635 0.7148022871731472 0.8857809624690918 0.8482729669215322 0.516995334582063 0.5774105514016639 0.344056131429355 -0.020550476332512113 -0.21015416719641472 -0.5310100456950899 -0.5724906899004227 -0.9864716465484769 +22869,-1.1868066482994835,0,-1.0028781700028224 -0.7011632354310264 -0.3428767508011527 -0.06001899973683509 0.27941030154035484 0.2619203284239291 0.7203227212172382 0.8218058394621635 0.7148022871731472 0.8857809624690918 0.8482729669215322 0.516995334582063 0.5774105514016639 0.344056131429355 -0.020550476332512113 -0.21015416719641472 -0.5310100456950899 -0.5724906899004227 -0.9864716465484769 -1.121077368748403 +22870,-1.3443711848704654,0,-0.7011632354310264 -0.3428767508011527 -0.06001899973683509 0.27941030154035484 0.2619203284239291 0.7203227212172382 0.8218058394621635 0.7148022871731472 0.8857809624690918 0.8482729669215322 0.516995334582063 0.5774105514016639 0.344056131429355 -0.020550476332512113 -0.21015416719641472 -0.5310100456950899 -0.5724906899004227 -0.9864716465484769 -1.121077368748403 -1.1868066482994835 +22871,-1.4330592786378336,0,-0.3428767508011527 -0.06001899973683509 0.27941030154035484 0.2619203284239291 0.7203227212172382 0.8218058394621635 0.7148022871731472 0.8857809624690918 0.8482729669215322 0.516995334582063 0.5774105514016639 0.344056131429355 -0.020550476332512113 -0.21015416719641472 -0.5310100456950899 -0.5724906899004227 -0.9864716465484769 -1.121077368748403 -1.1868066482994835 -1.3443711848704654 +22872,-0.9642351320037305,0,-0.06001899973683509 0.27941030154035484 0.2619203284239291 0.7203227212172382 0.8218058394621635 0.7148022871731472 0.8857809624690918 0.8482729669215322 0.516995334582063 0.5774105514016639 0.344056131429355 -0.020550476332512113 -0.21015416719641472 -0.5310100456950899 -0.5724906899004227 -0.9864716465484769 -1.121077368748403 -1.1868066482994835 -1.3443711848704654 -1.4330592786378336 +22873,-1.2387606392898394,0,0.27941030154035484 0.2619203284239291 0.7203227212172382 0.8218058394621635 0.7148022871731472 0.8857809624690918 0.8482729669215322 0.516995334582063 0.5774105514016639 0.344056131429355 -0.020550476332512113 -0.21015416719641472 -0.5310100456950899 -0.5724906899004227 -0.9864716465484769 -1.121077368748403 -1.1868066482994835 -1.3443711848704654 -1.4330592786378336 -0.9642351320037305 +22874,-0.9557739060196999,0,0.2619203284239291 0.7203227212172382 0.8218058394621635 0.7148022871731472 0.8857809624690918 0.8482729669215322 0.516995334582063 0.5774105514016639 0.344056131429355 -0.020550476332512113 -0.21015416719641472 -0.5310100456950899 -0.5724906899004227 -0.9864716465484769 -1.121077368748403 -1.1868066482994835 -1.3443711848704654 -1.4330592786378336 -0.9642351320037305 -1.2387606392898394 +22875,-0.5815452335049411,0,0.7203227212172382 0.8218058394621635 0.7148022871731472 0.8857809624690918 0.8482729669215322 0.516995334582063 0.5774105514016639 0.344056131429355 -0.020550476332512113 -0.21015416719641472 -0.5310100456950899 -0.5724906899004227 -0.9864716465484769 -1.121077368748403 -1.1868066482994835 -1.3443711848704654 -1.4330592786378336 -0.9642351320037305 -1.2387606392898394 -0.9557739060196999 +22876,-0.32897248018939207,0,0.8218058394621635 0.7148022871731472 0.8857809624690918 0.8482729669215322 0.516995334582063 0.5774105514016639 0.344056131429355 -0.020550476332512113 -0.21015416719641472 -0.5310100456950899 -0.5724906899004227 -0.9864716465484769 -1.121077368748403 -1.1868066482994835 -1.3443711848704654 -1.4330592786378336 -0.9642351320037305 -1.2387606392898394 -0.9557739060196999 -0.5815452335049411 +22877,0.01484221268034775,0,0.7148022871731472 0.8857809624690918 0.8482729669215322 0.516995334582063 0.5774105514016639 0.344056131429355 -0.020550476332512113 -0.21015416719641472 -0.5310100456950899 -0.5724906899004227 -0.9864716465484769 -1.121077368748403 -1.1868066482994835 -1.3443711848704654 -1.4330592786378336 -0.9642351320037305 -1.2387606392898394 -0.9557739060196999 -0.5815452335049411 -0.32897248018939207 +22878,-0.08377750304099887,0,0.8857809624690918 0.8482729669215322 0.516995334582063 0.5774105514016639 0.344056131429355 -0.020550476332512113 -0.21015416719641472 -0.5310100456950899 -0.5724906899004227 -0.9864716465484769 -1.121077368748403 -1.1868066482994835 -1.3443711848704654 -1.4330592786378336 -0.9642351320037305 -1.2387606392898394 -0.9557739060196999 -0.5815452335049411 -0.32897248018939207 0.01484221268034775 +22879,0.40751532592258516,0,0.8482729669215322 0.516995334582063 0.5774105514016639 0.344056131429355 -0.020550476332512113 -0.21015416719641472 -0.5310100456950899 -0.5724906899004227 -0.9864716465484769 -1.121077368748403 -1.1868066482994835 -1.3443711848704654 -1.4330592786378336 -0.9642351320037305 -1.2387606392898394 -0.9557739060196999 -0.5815452335049411 -0.32897248018939207 0.01484221268034775 -0.08377750304099887 +22880,0.456373746295074,0,0.516995334582063 0.5774105514016639 0.344056131429355 -0.020550476332512113 -0.21015416719641472 -0.5310100456950899 -0.5724906899004227 -0.9864716465484769 -1.121077368748403 -1.1868066482994835 -1.3443711848704654 -1.4330592786378336 -0.9642351320037305 -1.2387606392898394 -0.9557739060196999 -0.5815452335049411 -0.32897248018939207 0.01484221268034775 -0.08377750304099887 0.40751532592258516 +22881,0.3169440934052519,0,0.5774105514016639 0.344056131429355 -0.020550476332512113 -0.21015416719641472 -0.5310100456950899 -0.5724906899004227 -0.9864716465484769 -1.121077368748403 -1.1868066482994835 -1.3443711848704654 -1.4330592786378336 -0.9642351320037305 -1.2387606392898394 -0.9557739060196999 -0.5815452335049411 -0.32897248018939207 0.01484221268034775 -0.08377750304099887 0.40751532592258516 0.456373746295074 +22882,0.4285652050715527,0,0.344056131429355 -0.020550476332512113 -0.21015416719641472 -0.5310100456950899 -0.5724906899004227 -0.9864716465484769 -1.121077368748403 -1.1868066482994835 -1.3443711848704654 -1.4330592786378336 -0.9642351320037305 -1.2387606392898394 -0.9557739060196999 -0.5815452335049411 -0.32897248018939207 0.01484221268034775 -0.08377750304099887 0.40751532592258516 0.456373746295074 0.3169440934052519 +22883,0.3518982431659801,0,-0.020550476332512113 -0.21015416719641472 -0.5310100456950899 -0.5724906899004227 -0.9864716465484769 -1.121077368748403 -1.1868066482994835 -1.3443711848704654 -1.4330592786378336 -0.9642351320037305 -1.2387606392898394 -0.9557739060196999 -0.5815452335049411 -0.32897248018939207 0.01484221268034775 -0.08377750304099887 0.40751532592258516 0.456373746295074 0.3169440934052519 0.4285652050715527 +22884,0.005684483342130864,0,-0.21015416719641472 -0.5310100456950899 -0.5724906899004227 -0.9864716465484769 -1.121077368748403 -1.1868066482994835 -1.3443711848704654 -1.4330592786378336 -0.9642351320037305 -1.2387606392898394 -0.9557739060196999 -0.5815452335049411 -0.32897248018939207 0.01484221268034775 -0.08377750304099887 0.40751532592258516 0.456373746295074 0.3169440934052519 0.4285652050715527 0.3518982431659801 +22885,0.018866454282358842,0,-0.5310100456950899 -0.5724906899004227 -0.9864716465484769 -1.121077368748403 -1.1868066482994835 -1.3443711848704654 -1.4330592786378336 -0.9642351320037305 -1.2387606392898394 -0.9557739060196999 -0.5815452335049411 -0.32897248018939207 0.01484221268034775 -0.08377750304099887 0.40751532592258516 0.456373746295074 0.3169440934052519 0.4285652050715527 0.3518982431659801 0.005684483342130864 +22886,-0.2374983730052524,0,-0.5724906899004227 -0.9864716465484769 -1.121077368748403 -1.1868066482994835 -1.3443711848704654 -1.4330592786378336 -0.9642351320037305 -1.2387606392898394 -0.9557739060196999 -0.5815452335049411 -0.32897248018939207 0.01484221268034775 -0.08377750304099887 0.40751532592258516 0.456373746295074 0.3169440934052519 0.4285652050715527 0.3518982431659801 0.005684483342130864 0.018866454282358842 +22887,-0.5426958241932379,0,-0.9864716465484769 -1.121077368748403 -1.1868066482994835 -1.3443711848704654 -1.4330592786378336 -0.9642351320037305 -1.2387606392898394 -0.9557739060196999 -0.5815452335049411 -0.32897248018939207 0.01484221268034775 -0.08377750304099887 0.40751532592258516 0.456373746295074 0.3169440934052519 0.4285652050715527 0.3518982431659801 0.005684483342130864 0.018866454282358842 -0.2374983730052524 +22888,-0.7827831100775399,0,-1.121077368748403 -1.1868066482994835 -1.3443711848704654 -1.4330592786378336 -0.9642351320037305 -1.2387606392898394 -0.9557739060196999 -0.5815452335049411 -0.32897248018939207 0.01484221268034775 -0.08377750304099887 0.40751532592258516 0.456373746295074 0.3169440934052519 0.4285652050715527 0.3518982431659801 0.005684483342130864 0.018866454282358842 -0.2374983730052524 -0.5426958241932379 +22889,-1.0717030198622073,0,-1.1868066482994835 -1.3443711848704654 -1.4330592786378336 -0.9642351320037305 -1.2387606392898394 -0.9557739060196999 -0.5815452335049411 -0.32897248018939207 0.01484221268034775 -0.08377750304099887 0.40751532592258516 0.456373746295074 0.3169440934052519 0.4285652050715527 0.3518982431659801 0.005684483342130864 0.018866454282358842 -0.2374983730052524 -0.5426958241932379 -0.7827831100775399 +22890,-1.1194779907274015,0,-1.3443711848704654 -1.4330592786378336 -0.9642351320037305 -1.2387606392898394 -0.9557739060196999 -0.5815452335049411 -0.32897248018939207 0.01484221268034775 -0.08377750304099887 0.40751532592258516 0.456373746295074 0.3169440934052519 0.4285652050715527 0.3518982431659801 0.005684483342130864 0.018866454282358842 -0.2374983730052524 -0.5426958241932379 -0.7827831100775399 -1.0717030198622073 +22891,-1.4887795469733427,0,-1.4330592786378336 -0.9642351320037305 -1.2387606392898394 -0.9557739060196999 -0.5815452335049411 -0.32897248018939207 0.01484221268034775 -0.08377750304099887 0.40751532592258516 0.456373746295074 0.3169440934052519 0.4285652050715527 0.3518982431659801 0.005684483342130864 0.018866454282358842 -0.2374983730052524 -0.5426958241932379 -0.7827831100775399 -1.0717030198622073 -1.1194779907274015 +22892,-1.616936164145034,0,-0.9642351320037305 -1.2387606392898394 -0.9557739060196999 -0.5815452335049411 -0.32897248018939207 0.01484221268034775 -0.08377750304099887 0.40751532592258516 0.456373746295074 0.3169440934052519 0.4285652050715527 0.3518982431659801 0.005684483342130864 0.018866454282358842 -0.2374983730052524 -0.5426958241932379 -0.7827831100775399 -1.0717030198622073 -1.1194779907274015 -1.4887795469733427 +22893,-1.6505231036694952,0,-1.2387606392898394 -0.9557739060196999 -0.5815452335049411 -0.32897248018939207 0.01484221268034775 -0.08377750304099887 0.40751532592258516 0.456373746295074 0.3169440934052519 0.4285652050715527 0.3518982431659801 0.005684483342130864 0.018866454282358842 -0.2374983730052524 -0.5426958241932379 -0.7827831100775399 -1.0717030198622073 -1.1194779907274015 -1.4887795469733427 -1.616936164145034 +22894,-1.8102029467751857,0,-0.9557739060196999 -0.5815452335049411 -0.32897248018939207 0.01484221268034775 -0.08377750304099887 0.40751532592258516 0.456373746295074 0.3169440934052519 0.4285652050715527 0.3518982431659801 0.005684483342130864 0.018866454282358842 -0.2374983730052524 -0.5426958241932379 -0.7827831100775399 -1.0717030198622073 -1.1194779907274015 -1.4887795469733427 -1.616936164145034 -1.6505231036694952 +22895,-1.8753131120788693,0,-0.5815452335049411 -0.32897248018939207 0.01484221268034775 -0.08377750304099887 0.40751532592258516 0.456373746295074 0.3169440934052519 0.4285652050715527 0.3518982431659801 0.005684483342130864 0.018866454282358842 -0.2374983730052524 -0.5426958241932379 -0.7827831100775399 -1.0717030198622073 -1.1194779907274015 -1.4887795469733427 -1.616936164145034 -1.6505231036694952 -1.8102029467751857 +22896,-1.4440485537817866,0,-0.32897248018939207 0.01484221268034775 -0.08377750304099887 0.40751532592258516 0.456373746295074 0.3169440934052519 0.4285652050715527 0.3518982431659801 0.005684483342130864 0.018866454282358842 -0.2374983730052524 -0.5426958241932379 -0.7827831100775399 -1.0717030198622073 -1.1194779907274015 -1.4887795469733427 -1.616936164145034 -1.6505231036694952 -1.8102029467751857 -1.8753131120788693 +22897,-1.6746169604921008,0,0.01484221268034775 -0.08377750304099887 0.40751532592258516 0.456373746295074 0.3169440934052519 0.4285652050715527 0.3518982431659801 0.005684483342130864 0.018866454282358842 -0.2374983730052524 -0.5426958241932379 -0.7827831100775399 -1.0717030198622073 -1.1194779907274015 -1.4887795469733427 -1.616936164145034 -1.6505231036694952 -1.8102029467751857 -1.8753131120788693 -1.4440485537817866 +22898,-1.4088106432920773,0,-0.08377750304099887 0.40751532592258516 0.456373746295074 0.3169440934052519 0.4285652050715527 0.3518982431659801 0.005684483342130864 0.018866454282358842 -0.2374983730052524 -0.5426958241932379 -0.7827831100775399 -1.0717030198622073 -1.1194779907274015 -1.4887795469733427 -1.616936164145034 -1.6505231036694952 -1.8102029467751857 -1.8753131120788693 -1.4440485537817866 -1.6746169604921008 +22899,-1.1055479236435264,0,0.40751532592258516 0.456373746295074 0.3169440934052519 0.4285652050715527 0.3518982431659801 0.005684483342130864 0.018866454282358842 -0.2374983730052524 -0.5426958241932379 -0.7827831100775399 -1.0717030198622073 -1.1194779907274015 -1.4887795469733427 -1.616936164145034 -1.6505231036694952 -1.8102029467751857 -1.8753131120788693 -1.4440485537817866 -1.6746169604921008 -1.4088106432920773 +22900,-0.8522270740295358,0,0.456373746295074 0.3169440934052519 0.4285652050715527 0.3518982431659801 0.005684483342130864 0.018866454282358842 -0.2374983730052524 -0.5426958241932379 -0.7827831100775399 -1.0717030198622073 -1.1194779907274015 -1.4887795469733427 -1.616936164145034 -1.6505231036694952 -1.8102029467751857 -1.8753131120788693 -1.4440485537817866 -1.6746169604921008 -1.4088106432920773 -1.1055479236435264 +22901,-0.5614498219670178,0,0.3169440934052519 0.4285652050715527 0.3518982431659801 0.005684483342130864 0.018866454282358842 -0.2374983730052524 -0.5426958241932379 -0.7827831100775399 -1.0717030198622073 -1.1194779907274015 -1.4887795469733427 -1.616936164145034 -1.6505231036694952 -1.8102029467751857 -1.8753131120788693 -1.4440485537817866 -1.6746169604921008 -1.4088106432920773 -1.1055479236435264 -0.8522270740295358 +22902,-0.6381167837178047,0,0.4285652050715527 0.3518982431659801 0.005684483342130864 0.018866454282358842 -0.2374983730052524 -0.5426958241932379 -0.7827831100775399 -1.0717030198622073 -1.1194779907274015 -1.4887795469733427 -1.616936164145034 -1.6505231036694952 -1.8102029467751857 -1.8753131120788693 -1.4440485537817866 -1.6746169604921008 -1.4088106432920773 -1.1055479236435264 -0.8522270740295358 -0.5614498219670178 +22903,-0.22485812689606893,0,0.3518982431659801 0.005684483342130864 0.018866454282358842 -0.2374983730052524 -0.5426958241932379 -0.7827831100775399 -1.0717030198622073 -1.1194779907274015 -1.4887795469733427 -1.616936164145034 -1.6505231036694952 -1.8102029467751857 -1.8753131120788693 -1.4440485537817866 -1.6746169604921008 -1.4088106432920773 -1.1055479236435264 -0.8522270740295358 -0.5614498219670178 -0.6381167837178047 +22904,-0.17904368404241502,0,0.005684483342130864 0.018866454282358842 -0.2374983730052524 -0.5426958241932379 -0.7827831100775399 -1.0717030198622073 -1.1194779907274015 -1.4887795469733427 -1.616936164145034 -1.6505231036694952 -1.8102029467751857 -1.8753131120788693 -1.4440485537817866 -1.6746169604921008 -1.4088106432920773 -1.1055479236435264 -0.8522270740295358 -0.5614498219670178 -0.6381167837178047 -0.22485812689606893 +22905,-0.24598539530661176,0,0.018866454282358842 -0.2374983730052524 -0.5426958241932379 -0.7827831100775399 -1.0717030198622073 -1.1194779907274015 -1.4887795469733427 -1.616936164145034 -1.6505231036694952 -1.8102029467751857 -1.8753131120788693 -1.4440485537817866 -1.6746169604921008 -1.4088106432920773 -1.1055479236435264 -0.8522270740295358 -0.5614498219670178 -0.6381167837178047 -0.22485812689606893 -0.17904368404241502 +22906,-0.16258556779861752,0,-0.2374983730052524 -0.5426958241932379 -0.7827831100775399 -1.0717030198622073 -1.1194779907274015 -1.4887795469733427 -1.616936164145034 -1.6505231036694952 -1.8102029467751857 -1.8753131120788693 -1.4440485537817866 -1.6746169604921008 -1.4088106432920773 -1.1055479236435264 -0.8522270740295358 -0.5614498219670178 -0.6381167837178047 -0.22485812689606893 -0.17904368404241502 -0.24598539530661176 +22907,-0.19194189425367947,0,-0.5426958241932379 -0.7827831100775399 -1.0717030198622073 -1.1194779907274015 -1.4887795469733427 -1.616936164145034 -1.6505231036694952 -1.8102029467751857 -1.8753131120788693 -1.4440485537817866 -1.6746169604921008 -1.4088106432920773 -1.1055479236435264 -0.8522270740295358 -0.5614498219670178 -0.6381167837178047 -0.22485812689606893 -0.17904368404241502 -0.24598539530661176 -0.16258556779861752 +22908,-0.38327394534439657,0,-0.7827831100775399 -1.0717030198622073 -1.1194779907274015 -1.4887795469733427 -1.616936164145034 -1.6505231036694952 -1.8102029467751857 -1.8753131120788693 -1.4440485537817866 -1.6746169604921008 -1.4088106432920773 -1.1055479236435264 -0.8522270740295358 -0.5614498219670178 -0.6381167837178047 -0.22485812689606893 -0.17904368404241502 -0.24598539530661176 -0.16258556779861752 -0.19194189425367947 +22909,-0.3586383636907639,0,-1.0717030198622073 -1.1194779907274015 -1.4887795469733427 -1.616936164145034 -1.6505231036694952 -1.8102029467751857 -1.8753131120788693 -1.4440485537817866 -1.6746169604921008 -1.4088106432920773 -1.1055479236435264 -0.8522270740295358 -0.5614498219670178 -0.6381167837178047 -0.22485812689606893 -0.17904368404241502 -0.24598539530661176 -0.16258556779861752 -0.19194189425367947 -0.38327394534439657 +22910,-0.4959785066727864,0,-1.1194779907274015 -1.4887795469733427 -1.616936164145034 -1.6505231036694952 -1.8102029467751857 -1.8753131120788693 -1.4440485537817866 -1.6746169604921008 -1.4088106432920773 -1.1055479236435264 -0.8522270740295358 -0.5614498219670178 -0.6381167837178047 -0.22485812689606893 -0.17904368404241502 -0.24598539530661176 -0.16258556779861752 -0.19194189425367947 -0.38327394534439657 -0.3586383636907639 +22911,-0.79452048136514,0,-1.4887795469733427 -1.616936164145034 -1.6505231036694952 -1.8102029467751857 -1.8753131120788693 -1.4440485537817866 -1.6746169604921008 -1.4088106432920773 -1.1055479236435264 -0.8522270740295358 -0.5614498219670178 -0.6381167837178047 -0.22485812689606893 -0.17904368404241502 -0.24598539530661176 -0.16258556779861752 -0.19194189425367947 -0.38327394534439657 -0.3586383636907639 -0.4959785066727864 +22912,-0.8781266803405312,0,-1.616936164145034 -1.6505231036694952 -1.8102029467751857 -1.8753131120788693 -1.4440485537817866 -1.6746169604921008 -1.4088106432920773 -1.1055479236435264 -0.8522270740295358 -0.5614498219670178 -0.6381167837178047 -0.22485812689606893 -0.17904368404241502 -0.24598539530661176 -0.16258556779861752 -0.19194189425367947 -0.38327394534439657 -0.3586383636907639 -0.4959785066727864 -0.79452048136514 +22913,-1.1229347110262535,0,-1.6505231036694952 -1.8102029467751857 -1.8753131120788693 -1.4440485537817866 -1.6746169604921008 -1.4088106432920773 -1.1055479236435264 -0.8522270740295358 -0.5614498219670178 -0.6381167837178047 -0.22485812689606893 -0.17904368404241502 -0.24598539530661176 -0.16258556779861752 -0.19194189425367947 -0.38327394534439657 -0.3586383636907639 -0.4959785066727864 -0.79452048136514 -0.8781266803405312 +22914,-1.0500598230927343,0,-1.8102029467751857 -1.8753131120788693 -1.4440485537817866 -1.6746169604921008 -1.4088106432920773 -1.1055479236435264 -0.8522270740295358 -0.5614498219670178 -0.6381167837178047 -0.22485812689606893 -0.17904368404241502 -0.24598539530661176 -0.16258556779861752 -0.19194189425367947 -0.38327394534439657 -0.3586383636907639 -0.4959785066727864 -0.79452048136514 -0.8781266803405312 -1.1229347110262535 +22915,-1.400762160088055,0,-1.8753131120788693 -1.4440485537817866 -1.6746169604921008 -1.4088106432920773 -1.1055479236435264 -0.8522270740295358 -0.5614498219670178 -0.6381167837178047 -0.22485812689606893 -0.17904368404241502 -0.24598539530661176 -0.16258556779861752 -0.19194189425367947 -0.38327394534439657 -0.3586383636907639 -0.4959785066727864 -0.79452048136514 -0.8781266803405312 -1.1229347110262535 -1.0500598230927343 +22916,-1.4337815784641432,0,-1.4440485537817866 -1.6746169604921008 -1.4088106432920773 -1.1055479236435264 -0.8522270740295358 -0.5614498219670178 -0.6381167837178047 -0.22485812689606893 -0.17904368404241502 -0.24598539530661176 -0.16258556779861752 -0.19194189425367947 -0.38327394534439657 -0.3586383636907639 -0.4959785066727864 -0.79452048136514 -0.8781266803405312 -1.1229347110262535 -1.0500598230927343 -1.400762160088055 +22917,-1.3778033458717762,0,-1.6746169604921008 -1.4088106432920773 -1.1055479236435264 -0.8522270740295358 -0.5614498219670178 -0.6381167837178047 -0.22485812689606893 -0.17904368404241502 -0.24598539530661176 -0.16258556779861752 -0.19194189425367947 -0.38327394534439657 -0.3586383636907639 -0.4959785066727864 -0.79452048136514 -0.8781266803405312 -1.1229347110262535 -1.0500598230927343 -1.400762160088055 -1.4337815784641432 +22918,-1.440488647749236,0,-1.4088106432920773 -1.1055479236435264 -0.8522270740295358 -0.5614498219670178 -0.6381167837178047 -0.22485812689606893 -0.17904368404241502 -0.24598539530661176 -0.16258556779861752 -0.19194189425367947 -0.38327394534439657 -0.3586383636907639 -0.4959785066727864 -0.79452048136514 -0.8781266803405312 -1.1229347110262535 -1.0500598230927343 -1.400762160088055 -1.4337815784641432 -1.3778033458717762 +22919,-1.4141762988130178,0,-1.1055479236435264 -0.8522270740295358 -0.5614498219670178 -0.6381167837178047 -0.22485812689606893 -0.17904368404241502 -0.24598539530661176 -0.16258556779861752 -0.19194189425367947 -0.38327394534439657 -0.3586383636907639 -0.4959785066727864 -0.79452048136514 -0.8781266803405312 -1.1229347110262535 -1.0500598230927343 -1.400762160088055 -1.4337815784641432 -1.3778033458717762 -1.440488647749236 +22920,-1.3182910037189817,0,-0.8522270740295358 -0.5614498219670178 -0.6381167837178047 -0.22485812689606893 -0.17904368404241502 -0.24598539530661176 -0.16258556779861752 -0.19194189425367947 -0.38327394534439657 -0.3586383636907639 -0.4959785066727864 -0.79452048136514 -0.8781266803405312 -1.1229347110262535 -1.0500598230927343 -1.400762160088055 -1.4337815784641432 -1.3778033458717762 -1.440488647749236 -1.4141762988130178 +22921,-1.315169636783777,0,-0.5614498219670178 -0.6381167837178047 -0.22485812689606893 -0.17904368404241502 -0.24598539530661176 -0.16258556779861752 -0.19194189425367947 -0.38327394534439657 -0.3586383636907639 -0.4959785066727864 -0.79452048136514 -0.8781266803405312 -1.1229347110262535 -1.0500598230927343 -1.400762160088055 -1.4337815784641432 -1.3778033458717762 -1.440488647749236 -1.4141762988130178 -1.3182910037189817 +22922,-1.2424753238455404,0,-0.6381167837178047 -0.22485812689606893 -0.17904368404241502 -0.24598539530661176 -0.16258556779861752 -0.19194189425367947 -0.38327394534439657 -0.3586383636907639 -0.4959785066727864 -0.79452048136514 -0.8781266803405312 -1.1229347110262535 -1.0500598230927343 -1.400762160088055 -1.4337815784641432 -1.3778033458717762 -1.440488647749236 -1.4141762988130178 -1.3182910037189817 -1.315169636783777 +22923,-1.0482798700764677,0,-0.22485812689606893 -0.17904368404241502 -0.24598539530661176 -0.16258556779861752 -0.19194189425367947 -0.38327394534439657 -0.3586383636907639 -0.4959785066727864 -0.79452048136514 -0.8781266803405312 -1.1229347110262535 -1.0500598230927343 -1.400762160088055 -1.4337815784641432 -1.3778033458717762 -1.440488647749236 -1.4141762988130178 -1.3182910037189817 -1.315169636783777 -1.2424753238455404 +22924,-1.0160859372603879,0,-0.17904368404241502 -0.24598539530661176 -0.16258556779861752 -0.19194189425367947 -0.38327394534439657 -0.3586383636907639 -0.4959785066727864 -0.79452048136514 -0.8781266803405312 -1.1229347110262535 -1.0500598230927343 -1.400762160088055 -1.4337815784641432 -1.3778033458717762 -1.440488647749236 -1.4141762988130178 -1.3182910037189817 -1.315169636783777 -1.2424753238455404 -1.0482798700764677 +22925,-0.8623908637682576,0,-0.24598539530661176 -0.16258556779861752 -0.19194189425367947 -0.38327394534439657 -0.3586383636907639 -0.4959785066727864 -0.79452048136514 -0.8781266803405312 -1.1229347110262535 -1.0500598230927343 -1.400762160088055 -1.4337815784641432 -1.3778033458717762 -1.440488647749236 -1.4141762988130178 -1.3182910037189817 -1.315169636783777 -1.2424753238455404 -1.0482798700764677 -1.0160859372603879 +22926,-1.0916178565596426,0,-0.16258556779861752 -0.19194189425367947 -0.38327394534439657 -0.3586383636907639 -0.4959785066727864 -0.79452048136514 -0.8781266803405312 -1.1229347110262535 -1.0500598230927343 -1.400762160088055 -1.4337815784641432 -1.3778033458717762 -1.440488647749236 -1.4141762988130178 -1.3182910037189817 -1.315169636783777 -1.2424753238455404 -1.0482798700764677 -1.0160859372603879 -0.8623908637682576 +22927,-0.8102820942547424,0,-0.19194189425367947 -0.38327394534439657 -0.3586383636907639 -0.4959785066727864 -0.79452048136514 -0.8781266803405312 -1.1229347110262535 -1.0500598230927343 -1.400762160088055 -1.4337815784641432 -1.3778033458717762 -1.440488647749236 -1.4141762988130178 -1.3182910037189817 -1.315169636783777 -1.2424753238455404 -1.0482798700764677 -1.0160859372603879 -0.8623908637682576 -1.0916178565596426 +22928,-0.9118683983881519,0,-0.38327394534439657 -0.3586383636907639 -0.4959785066727864 -0.79452048136514 -0.8781266803405312 -1.1229347110262535 -1.0500598230927343 -1.400762160088055 -1.4337815784641432 -1.3778033458717762 -1.440488647749236 -1.4141762988130178 -1.3182910037189817 -1.315169636783777 -1.2424753238455404 -1.0482798700764677 -1.0160859372603879 -0.8623908637682576 -1.0916178565596426 -0.8102820942547424 +22929,-1.0143059842441124,0,-0.3586383636907639 -0.4959785066727864 -0.79452048136514 -0.8781266803405312 -1.1229347110262535 -1.0500598230927343 -1.400762160088055 -1.4337815784641432 -1.3778033458717762 -1.440488647749236 -1.4141762988130178 -1.3182910037189817 -1.315169636783777 -1.2424753238455404 -1.0482798700764677 -1.0160859372603879 -0.8623908637682576 -1.0916178565596426 -0.8102820942547424 -0.9118683983881519 +22930,-1.1156085276485497,0,-0.4959785066727864 -0.79452048136514 -0.8781266803405312 -1.1229347110262535 -1.0500598230927343 -1.400762160088055 -1.4337815784641432 -1.3778033458717762 -1.440488647749236 -1.4141762988130178 -1.3182910037189817 -1.315169636783777 -1.2424753238455404 -1.0482798700764677 -1.0160859372603879 -0.8623908637682576 -1.0916178565596426 -0.8102820942547424 -0.9118683983881519 -1.0143059842441124 +22931,-1.2177623529303236,0,-0.79452048136514 -0.8781266803405312 -1.1229347110262535 -1.0500598230927343 -1.400762160088055 -1.4337815784641432 -1.3778033458717762 -1.440488647749236 -1.4141762988130178 -1.3182910037189817 -1.315169636783777 -1.2424753238455404 -1.0482798700764677 -1.0160859372603879 -0.8623908637682576 -1.0916178565596426 -0.8102820942547424 -0.9118683983881519 -1.0143059842441124 -1.1156085276485497 +22932,-1.2522779635937147,0,-0.8781266803405312 -1.1229347110262535 -1.0500598230927343 -1.400762160088055 -1.4337815784641432 -1.3778033458717762 -1.440488647749236 -1.4141762988130178 -1.3182910037189817 -1.315169636783777 -1.2424753238455404 -1.0482798700764677 -1.0160859372603879 -0.8623908637682576 -1.0916178565596426 -0.8102820942547424 -0.9118683983881519 -1.0143059842441124 -1.1156085276485497 -1.2177623529303236 +22933,-1.3769778604665537,0,-1.1229347110262535 -1.0500598230927343 -1.400762160088055 -1.4337815784641432 -1.3778033458717762 -1.440488647749236 -1.4141762988130178 -1.3182910037189817 -1.315169636783777 -1.2424753238455404 -1.0482798700764677 -1.0160859372603879 -0.8623908637682576 -1.0916178565596426 -0.8102820942547424 -0.9118683983881519 -1.0143059842441124 -1.1156085276485497 -1.2177623529303236 -1.2522779635937147 +22934,-1.4340395425662154,0,-1.0500598230927343 -1.400762160088055 -1.4337815784641432 -1.3778033458717762 -1.440488647749236 -1.4141762988130178 -1.3182910037189817 -1.315169636783777 -1.2424753238455404 -1.0482798700764677 -1.0160859372603879 -0.8623908637682576 -1.0916178565596426 -0.8102820942547424 -0.9118683983881519 -1.0143059842441124 -1.1156085276485497 -1.2177623529303236 -1.2522779635937147 -1.3769778604665537 +22935,-1.4427329363349717,0,-1.400762160088055 -1.4337815784641432 -1.3778033458717762 -1.440488647749236 -1.4141762988130178 -1.3182910037189817 -1.315169636783777 -1.2424753238455404 -1.0482798700764677 -1.0160859372603879 -0.8623908637682576 -1.0916178565596426 -0.8102820942547424 -0.9118683983881519 -1.0143059842441124 -1.1156085276485497 -1.2177623529303236 -1.2522779635937147 -1.3769778604665537 -1.4340395425662154 +22936,-1.5159173813147921,0,-1.4337815784641432 -1.3778033458717762 -1.440488647749236 -1.4141762988130178 -1.3182910037189817 -1.315169636783777 -1.2424753238455404 -1.0482798700764677 -1.0160859372603879 -0.8623908637682576 -1.0916178565596426 -0.8102820942547424 -0.9118683983881519 -1.0143059842441124 -1.1156085276485497 -1.2177623529303236 -1.2522779635937147 -1.3769778604665537 -1.4340395425662154 -1.4427329363349717 +22937,-1.5407335379637073,0,-1.3778033458717762 -1.440488647749236 -1.4141762988130178 -1.3182910037189817 -1.315169636783777 -1.2424753238455404 -1.0482798700764677 -1.0160859372603879 -0.8623908637682576 -1.0916178565596426 -0.8102820942547424 -0.9118683983881519 -1.0143059842441124 -1.1156085276485497 -1.2177623529303236 -1.2522779635937147 -1.3769778604665537 -1.4340395425662154 -1.4427329363349717 -1.5159173813147921 +22938,-1.5123058824927895,0,-1.440488647749236 -1.4141762988130178 -1.3182910037189817 -1.315169636783777 -1.2424753238455404 -1.0482798700764677 -1.0160859372603879 -0.8623908637682576 -1.0916178565596426 -0.8102820942547424 -0.9118683983881519 -1.0143059842441124 -1.1156085276485497 -1.2177623529303236 -1.2522779635937147 -1.3769778604665537 -1.4340395425662154 -1.4427329363349717 -1.5159173813147921 -1.5407335379637073 +22939,-1.5548699763601939,0,-1.4141762988130178 -1.3182910037189817 -1.315169636783777 -1.2424753238455404 -1.0482798700764677 -1.0160859372603879 -0.8623908637682576 -1.0916178565596426 -0.8102820942547424 -0.9118683983881519 -1.0143059842441124 -1.1156085276485497 -1.2177623529303236 -1.2522779635937147 -1.3769778604665537 -1.4340395425662154 -1.4427329363349717 -1.5159173813147921 -1.5407335379637073 -1.5123058824927895 +22940,-1.5441902582625506,0,-1.3182910037189817 -1.315169636783777 -1.2424753238455404 -1.0482798700764677 -1.0160859372603879 -0.8623908637682576 -1.0916178565596426 -0.8102820942547424 -0.9118683983881519 -1.0143059842441124 -1.1156085276485497 -1.2177623529303236 -1.2522779635937147 -1.3769778604665537 -1.4340395425662154 -1.4427329363349717 -1.5159173813147921 -1.5407335379637073 -1.5123058824927895 -1.5548699763601939 +22941,-1.5704252179371936,0,-1.315169636783777 -1.2424753238455404 -1.0482798700764677 -1.0160859372603879 -0.8623908637682576 -1.0916178565596426 -0.8102820942547424 -0.9118683983881519 -1.0143059842441124 -1.1156085276485497 -1.2177623529303236 -1.2522779635937147 -1.3769778604665537 -1.4340395425662154 -1.4427329363349717 -1.5159173813147921 -1.5407335379637073 -1.5123058824927895 -1.5548699763601939 -1.5441902582625506 +22942,-1.5474406072487914,0,-1.2424753238455404 -1.0482798700764677 -1.0160859372603879 -0.8623908637682576 -1.0916178565596426 -0.8102820942547424 -0.9118683983881519 -1.0143059842441124 -1.1156085276485497 -1.2177623529303236 -1.2522779635937147 -1.3769778604665537 -1.4340395425662154 -1.4427329363349717 -1.5159173813147921 -1.5407335379637073 -1.5123058824927895 -1.5548699763601939 -1.5441902582625506 -1.5704252179371936 +22943,-1.5613706743326754,0,-1.0482798700764677 -1.0160859372603879 -0.8623908637682576 -1.0916178565596426 -0.8102820942547424 -0.9118683983881519 -1.0143059842441124 -1.1156085276485497 -1.2177623529303236 -1.2522779635937147 -1.3769778604665537 -1.4340395425662154 -1.4427329363349717 -1.5159173813147921 -1.5407335379637073 -1.5123058824927895 -1.5548699763601939 -1.5441902582625506 -1.5704252179371936 -1.5474406072487914 +22944,-1.4678844463475256,0,-1.0160859372603879 -0.8623908637682576 -1.0916178565596426 -0.8102820942547424 -0.9118683983881519 -1.0143059842441124 -1.1156085276485497 -1.2177623529303236 -1.2522779635937147 -1.3769778604665537 -1.4340395425662154 -1.4427329363349717 -1.5159173813147921 -1.5407335379637073 -1.5123058824927895 -1.5548699763601939 -1.5441902582625506 -1.5704252179371936 -1.5474406072487914 -1.5613706743326754 +22945,-1.517619945069492,0,-0.8623908637682576 -1.0916178565596426 -0.8102820942547424 -0.9118683983881519 -1.0143059842441124 -1.1156085276485497 -1.2177623529303236 -1.2522779635937147 -1.3769778604665537 -1.4340395425662154 -1.4427329363349717 -1.5159173813147921 -1.5407335379637073 -1.5123058824927895 -1.5548699763601939 -1.5441902582625506 -1.5704252179371936 -1.5474406072487914 -1.5613706743326754 -1.4678844463475256 +22946,-1.4599391488772109,0,-1.0916178565596426 -0.8102820942547424 -0.9118683983881519 -1.0143059842441124 -1.1156085276485497 -1.2177623529303236 -1.2522779635937147 -1.3769778604665537 -1.4340395425662154 -1.4427329363349717 -1.5159173813147921 -1.5407335379637073 -1.5123058824927895 -1.5548699763601939 -1.5441902582625506 -1.5704252179371936 -1.5474406072487914 -1.5613706743326754 -1.4678844463475256 -1.517619945069492 +22947,-1.3201483459968324,0,-0.8102820942547424 -0.9118683983881519 -1.0143059842441124 -1.1156085276485497 -1.2177623529303236 -1.2522779635937147 -1.3769778604665537 -1.4340395425662154 -1.4427329363349717 -1.5159173813147921 -1.5407335379637073 -1.5123058824927895 -1.5548699763601939 -1.5441902582625506 -1.5704252179371936 -1.5474406072487914 -1.5613706743326754 -1.4678844463475256 -1.517619945069492 -1.4599391488772109 +22948,-1.2898375519307264,0,-0.9118683983881519 -1.0143059842441124 -1.1156085276485497 -1.2177623529303236 -1.2522779635937147 -1.3769778604665537 -1.4340395425662154 -1.4427329363349717 -1.5159173813147921 -1.5407335379637073 -1.5123058824927895 -1.5548699763601939 -1.5441902582625506 -1.5704252179371936 -1.5474406072487914 -1.5613706743326754 -1.4678844463475256 -1.517619945069492 -1.4599391488772109 -1.3201483459968324 +22949,-1.1774167511765319,0,-1.0143059842441124 -1.1156085276485497 -1.2177623529303236 -1.2522779635937147 -1.3769778604665537 -1.4340395425662154 -1.4427329363349717 -1.5159173813147921 -1.5407335379637073 -1.5123058824927895 -1.5548699763601939 -1.5441902582625506 -1.5704252179371936 -1.5474406072487914 -1.5613706743326754 -1.4678844463475256 -1.517619945069492 -1.4599391488772109 -1.3201483459968324 -1.2898375519307264 +22950,-1.068246299563355,0,-1.1156085276485497 -1.2177623529303236 -1.2522779635937147 -1.3769778604665537 -1.4340395425662154 -1.4427329363349717 -1.5159173813147921 -1.5407335379637073 -1.5123058824927895 -1.5548699763601939 -1.5441902582625506 -1.5704252179371936 -1.5474406072487914 -1.5613706743326754 -1.4678844463475256 -1.517619945069492 -1.4599391488772109 -1.3201483459968324 -1.2898375519307264 -1.1774167511765319 +22951,-0.9547420493018661,0,-1.2177623529303236 -1.2522779635937147 -1.3769778604665537 -1.4340395425662154 -1.4427329363349717 -1.5159173813147921 -1.5407335379637073 -1.5123058824927895 -1.5548699763601939 -1.5441902582625506 -1.5704252179371936 -1.5474406072487914 -1.5613706743326754 -1.4678844463475256 -1.517619945069492 -1.4599391488772109 -1.3201483459968324 -1.2898375519307264 -1.1774167511765319 -1.068246299563355 +22952,-0.8444881478718235,0,-1.2522779635937147 -1.3769778604665537 -1.4340395425662154 -1.4427329363349717 -1.5159173813147921 -1.5407335379637073 -1.5123058824927895 -1.5548699763601939 -1.5441902582625506 -1.5704252179371936 -1.5474406072487914 -1.5613706743326754 -1.4678844463475256 -1.517619945069492 -1.4599391488772109 -1.3201483459968324 -1.2898375519307264 -1.1774167511765319 -1.068246299563355 -0.9547420493018661 +22953,-0.9303386354329594,0,-1.3769778604665537 -1.4340395425662154 -1.4427329363349717 -1.5159173813147921 -1.5407335379637073 -1.5123058824927895 -1.5548699763601939 -1.5441902582625506 -1.5704252179371936 -1.5474406072487914 -1.5613706743326754 -1.4678844463475256 -1.517619945069492 -1.4599391488772109 -1.3201483459968324 -1.2898375519307264 -1.1774167511765319 -1.068246299563355 -0.9547420493018661 -0.8444881478718235 +22954,-0.7547166044423839,0,-1.4340395425662154 -1.4427329363349717 -1.5159173813147921 -1.5407335379637073 -1.5123058824927895 -1.5548699763601939 -1.5441902582625506 -1.5704252179371936 -1.5474406072487914 -1.5613706743326754 -1.4678844463475256 -1.517619945069492 -1.4599391488772109 -1.3201483459968324 -1.2898375519307264 -1.1774167511765319 -1.068246299563355 -0.9547420493018661 -0.8444881478718235 -0.9303386354329594 +22955,-0.775198962442978,0,-1.4427329363349717 -1.5159173813147921 -1.5407335379637073 -1.5123058824927895 -1.5548699763601939 -1.5441902582625506 -1.5704252179371936 -1.5474406072487914 -1.5613706743326754 -1.4678844463475256 -1.517619945069492 -1.4599391488772109 -1.3201483459968324 -1.2898375519307264 -1.1774167511765319 -1.068246299563355 -0.9547420493018661 -0.8444881478718235 -0.9303386354329594 -0.7547166044423839 +22956,-0.7930500853951745,0,-1.5159173813147921 -1.5407335379637073 -1.5123058824927895 -1.5548699763601939 -1.5441902582625506 -1.5704252179371936 -1.5474406072487914 -1.5613706743326754 -1.4678844463475256 -1.517619945069492 -1.4599391488772109 -1.3201483459968324 -1.2898375519307264 -1.1774167511765319 -1.068246299563355 -0.9547420493018661 -0.8444881478718235 -0.9303386354329594 -0.7547166044423839 -0.775198962442978 +22957,-0.814409521590452,0,-1.5407335379637073 -1.5123058824927895 -1.5548699763601939 -1.5441902582625506 -1.5704252179371936 -1.5474406072487914 -1.5613706743326754 -1.4678844463475256 -1.517619945069492 -1.4599391488772109 -1.3201483459968324 -1.2898375519307264 -1.1774167511765319 -1.068246299563355 -0.9547420493018661 -0.8444881478718235 -0.9303386354329594 -0.7547166044423839 -0.775198962442978 -0.7930500853951745 +22958,-0.8331377228921173,0,-1.5123058824927895 -1.5548699763601939 -1.5441902582625506 -1.5704252179371936 -1.5474406072487914 -1.5613706743326754 -1.4678844463475256 -1.517619945069492 -1.4599391488772109 -1.3201483459968324 -1.2898375519307264 -1.1774167511765319 -1.068246299563355 -0.9547420493018661 -0.8444881478718235 -0.9303386354329594 -0.7547166044423839 -0.775198962442978 -0.7930500853951745 -0.814409521590452 +22959,-1.1509754201892863,0,-1.5548699763601939 -1.5441902582625506 -1.5704252179371936 -1.5474406072487914 -1.5613706743326754 -1.4678844463475256 -1.517619945069492 -1.4599391488772109 -1.3201483459968324 -1.2898375519307264 -1.1774167511765319 -1.068246299563355 -0.9547420493018661 -0.8444881478718235 -0.9303386354329594 -0.7547166044423839 -0.775198962442978 -0.7930500853951745 -0.814409521590452 -0.8331377228921173 +22960,-1.0700004561075072,0,-1.5441902582625506 -1.5704252179371936 -1.5474406072487914 -1.5613706743326754 -1.4678844463475256 -1.517619945069492 -1.4599391488772109 -1.3201483459968324 -1.2898375519307264 -1.1774167511765319 -1.068246299563355 -0.9547420493018661 -0.8444881478718235 -0.9303386354329594 -0.7547166044423839 -0.775198962442978 -0.7930500853951745 -0.814409521590452 -0.8331377228921173 -1.1509754201892863 +22961,-1.2881349881760351,0,-1.5704252179371936 -1.5474406072487914 -1.5613706743326754 -1.4678844463475256 -1.517619945069492 -1.4599391488772109 -1.3201483459968324 -1.2898375519307264 -1.1774167511765319 -1.068246299563355 -0.9547420493018661 -0.8444881478718235 -0.9303386354329594 -0.7547166044423839 -0.775198962442978 -0.7930500853951745 -0.814409521590452 -0.8331377228921173 -1.1509754201892863 -1.0700004561075072 +22962,-1.323708252029383,0,-1.5474406072487914 -1.5613706743326754 -1.4678844463475256 -1.517619945069492 -1.4599391488772109 -1.3201483459968324 -1.2898375519307264 -1.1774167511765319 -1.068246299563355 -0.9547420493018661 -0.8444881478718235 -0.9303386354329594 -0.7547166044423839 -0.775198962442978 -0.7930500853951745 -0.814409521590452 -0.8331377228921173 -1.1509754201892863 -1.0700004561075072 -1.2881349881760351 +22963,-1.602696540014849,0,-1.5613706743326754 -1.4678844463475256 -1.517619945069492 -1.4599391488772109 -1.3201483459968324 -1.2898375519307264 -1.1774167511765319 -1.068246299563355 -0.9547420493018661 -0.8444881478718235 -0.9303386354329594 -0.7547166044423839 -0.775198962442978 -0.7930500853951745 -0.814409521590452 -0.8331377228921173 -1.1509754201892863 -1.0700004561075072 -1.2881349881760351 -1.323708252029383 +22964,-1.6991235599399206,0,-1.4678844463475256 -1.517619945069492 -1.4599391488772109 -1.3201483459968324 -1.2898375519307264 -1.1774167511765319 -1.068246299563355 -0.9547420493018661 -0.8444881478718235 -0.9303386354329594 -0.7547166044423839 -0.775198962442978 -0.7930500853951745 -0.814409521590452 -0.8331377228921173 -1.1509754201892863 -1.0700004561075072 -1.2881349881760351 -1.323708252029383 -1.602696540014849 +22965,-1.735109566573277,0,-1.517619945069492 -1.4599391488772109 -1.3201483459968324 -1.2898375519307264 -1.1774167511765319 -1.068246299563355 -0.9547420493018661 -0.8444881478718235 -0.9303386354329594 -0.7547166044423839 -0.775198962442978 -0.7930500853951745 -0.814409521590452 -0.8331377228921173 -1.1509754201892863 -1.0700004561075072 -1.2881349881760351 -1.323708252029383 -1.602696540014849 -1.6991235599399206 +22966,-1.8516835909805098,0,-1.4599391488772109 -1.3201483459968324 -1.2898375519307264 -1.1774167511765319 -1.068246299563355 -0.9547420493018661 -0.8444881478718235 -0.9303386354329594 -0.7547166044423839 -0.775198962442978 -0.7930500853951745 -0.814409521590452 -0.8331377228921173 -1.1509754201892863 -1.0700004561075072 -1.2881349881760351 -1.323708252029383 -1.602696540014849 -1.6991235599399206 -1.735109566573277 +22967,-1.9078166019412504,0,-1.3201483459968324 -1.2898375519307264 -1.1774167511765319 -1.068246299563355 -0.9547420493018661 -0.8444881478718235 -0.9303386354329594 -0.7547166044423839 -0.775198962442978 -0.7930500853951745 -0.814409521590452 -0.8331377228921173 -1.1509754201892863 -1.0700004561075072 -1.2881349881760351 -1.323708252029383 -1.602696540014849 -1.6991235599399206 -1.735109566573277 -1.8516835909805098 +22968,-1.3737791042697651,0,-1.2898375519307264 -1.1774167511765319 -1.068246299563355 -0.9547420493018661 -0.8444881478718235 -0.9303386354329594 -0.7547166044423839 -0.775198962442978 -0.7930500853951745 -0.814409521590452 -0.8331377228921173 -1.1509754201892863 -1.0700004561075072 -1.2881349881760351 -1.323708252029383 -1.602696540014849 -1.6991235599399206 -1.735109566573277 -1.8516835909805098 -1.9078166019412504 +22969,-1.6266356183142952,0,-1.1774167511765319 -1.068246299563355 -0.9547420493018661 -0.8444881478718235 -0.9303386354329594 -0.7547166044423839 -0.775198962442978 -0.7930500853951745 -0.814409521590452 -0.8331377228921173 -1.1509754201892863 -1.0700004561075072 -1.2881349881760351 -1.323708252029383 -1.602696540014849 -1.6991235599399206 -1.735109566573277 -1.8516835909805098 -1.9078166019412504 -1.3737791042697651 +22970,-1.2893216234170282,0,-1.068246299563355 -0.9547420493018661 -0.8444881478718235 -0.9303386354329594 -0.7547166044423839 -0.775198962442978 -0.7930500853951745 -0.814409521590452 -0.8331377228921173 -1.1509754201892863 -1.0700004561075072 -1.2881349881760351 -1.323708252029383 -1.602696540014849 -1.6991235599399206 -1.735109566573277 -1.8516835909805098 -1.9078166019412504 -1.3737791042697651 -1.6266356183142952 +22971,-1.0293195009900766,0,-0.9547420493018661 -0.8444881478718235 -0.9303386354329594 -0.7547166044423839 -0.775198962442978 -0.7930500853951745 -0.814409521590452 -0.8331377228921173 -1.1509754201892863 -1.0700004561075072 -1.2881349881760351 -1.323708252029383 -1.602696540014849 -1.6991235599399206 -1.735109566573277 -1.8516835909805098 -1.9078166019412504 -1.3737791042697651 -1.6266356183142952 -1.2893216234170282 +22972,-0.6662348821424127,0,-0.8444881478718235 -0.9303386354329594 -0.7547166044423839 -0.775198962442978 -0.7930500853951745 -0.814409521590452 -0.8331377228921173 -1.1509754201892863 -1.0700004561075072 -1.2881349881760351 -1.323708252029383 -1.602696540014849 -1.6991235599399206 -1.735109566573277 -1.8516835909805098 -1.9078166019412504 -1.3737791042697651 -1.6266356183142952 -1.2893216234170282 -1.0293195009900766 +22973,-0.38046213545550184,0,-0.9303386354329594 -0.7547166044423839 -0.775198962442978 -0.7930500853951745 -0.814409521590452 -0.8331377228921173 -1.1509754201892863 -1.0700004561075072 -1.2881349881760351 -1.323708252029383 -1.602696540014849 -1.6991235599399206 -1.735109566573277 -1.8516835909805098 -1.9078166019412504 -1.3737791042697651 -1.6266356183142952 -1.2893216234170282 -1.0293195009900766 -0.6662348821424127 +22974,-0.39511450236569523,0,-0.7547166044423839 -0.775198962442978 -0.7930500853951745 -0.814409521590452 -0.8331377228921173 -1.1509754201892863 -1.0700004561075072 -1.2881349881760351 -1.323708252029383 -1.602696540014849 -1.6991235599399206 -1.735109566573277 -1.8516835909805098 -1.9078166019412504 -1.3737791042697651 -1.6266356183142952 -1.2893216234170282 -1.0293195009900766 -0.6662348821424127 -0.38046213545550184 +22975,-0.009200051352788364,0,-0.775198962442978 -0.7930500853951745 -0.814409521590452 -0.8331377228921173 -1.1509754201892863 -1.0700004561075072 -1.2881349881760351 -1.323708252029383 -1.602696540014849 -1.6991235599399206 -1.735109566573277 -1.8516835909805098 -1.9078166019412504 -1.3737791042697651 -1.6266356183142952 -1.2893216234170282 -1.0293195009900766 -0.6662348821424127 -0.38046213545550184 -0.39511450236569523 +22976,0.07628928637256799,0,-0.7930500853951745 -0.814409521590452 -0.8331377228921173 -1.1509754201892863 -1.0700004561075072 -1.2881349881760351 -1.323708252029383 -1.602696540014849 -1.6991235599399206 -1.735109566573277 -1.8516835909805098 -1.9078166019412504 -1.3737791042697651 -1.6266356183142952 -1.2893216234170282 -1.0293195009900766 -0.6662348821424127 -0.38046213545550184 -0.39511450236569523 -0.009200051352788364 +22977,-0.13810476466812663,0,-0.814409521590452 -0.8331377228921173 -1.1509754201892863 -1.0700004561075072 -1.2881349881760351 -1.323708252029383 -1.602696540014849 -1.6991235599399206 -1.735109566573277 -1.8516835909805098 -1.9078166019412504 -1.3737791042697651 -1.6266356183142952 -1.2893216234170282 -1.0293195009900766 -0.6662348821424127 -0.38046213545550184 -0.39511450236569523 -0.009200051352788364 0.07628928637256799 +22978,0.04734570254273759,0,-0.8331377228921173 -1.1509754201892863 -1.0700004561075072 -1.2881349881760351 -1.323708252029383 -1.602696540014849 -1.6991235599399206 -1.735109566573277 -1.8516835909805098 -1.9078166019412504 -1.3737791042697651 -1.6266356183142952 -1.2893216234170282 -1.0293195009900766 -0.6662348821424127 -0.38046213545550184 -0.39511450236569523 -0.009200051352788364 0.07628928637256799 -0.13810476466812663 +22979,-0.06708721901246675,0,-1.1509754201892863 -1.0700004561075072 -1.2881349881760351 -1.323708252029383 -1.602696540014849 -1.6991235599399206 -1.735109566573277 -1.8516835909805098 -1.9078166019412504 -1.3737791042697651 -1.6266356183142952 -1.2893216234170282 -1.0293195009900766 -0.6662348821424127 -0.38046213545550184 -0.39511450236569523 -0.009200051352788364 0.07628928637256799 -0.13810476466812663 0.04734570254273759 +22980,-0.20752293230279376,0,-1.0700004561075072 -1.2881349881760351 -1.323708252029383 -1.602696540014849 -1.6991235599399206 -1.735109566573277 -1.8516835909805098 -1.9078166019412504 -1.3737791042697651 -1.6266356183142952 -1.2893216234170282 -1.0293195009900766 -0.6662348821424127 -0.38046213545550184 -0.39511450236569523 -0.009200051352788364 0.07628928637256799 -0.13810476466812663 0.04734570254273759 -0.06708721901246675 +22981,-0.31328825640657926,0,-1.2881349881760351 -1.323708252029383 -1.602696540014849 -1.6991235599399206 -1.735109566573277 -1.8516835909805098 -1.9078166019412504 -1.3737791042697651 -1.6266356183142952 -1.2893216234170282 -1.0293195009900766 -0.6662348821424127 -0.38046213545550184 -0.39511450236569523 -0.009200051352788364 0.07628928637256799 -0.13810476466812663 0.04734570254273759 -0.06708721901246675 -0.20752293230279376 +22982,-0.44505637255504993,0,-1.323708252029383 -1.602696540014849 -1.6991235599399206 -1.735109566573277 -1.8516835909805098 -1.9078166019412504 -1.3737791042697651 -1.6266356183142952 -1.2893216234170282 -1.0293195009900766 -0.6662348821424127 -0.38046213545550184 -0.39511450236569523 -0.009200051352788364 0.07628928637256799 -0.13810476466812663 0.04734570254273759 -0.06708721901246675 -0.20752293230279376 -0.31328825640657926 +22983,-0.6572319313273551,0,-1.602696540014849 -1.6991235599399206 -1.735109566573277 -1.8516835909805098 -1.9078166019412504 -1.3737791042697651 -1.6266356183142952 -1.2893216234170282 -1.0293195009900766 -0.6662348821424127 -0.38046213545550184 -0.39511450236569523 -0.009200051352788364 0.07628928637256799 -0.13810476466812663 0.04734570254273759 -0.06708721901246675 -0.20752293230279376 -0.31328825640657926 -0.44505637255504993 +22984,-0.762197566498024,0,-1.6991235599399206 -1.735109566573277 -1.8516835909805098 -1.9078166019412504 -1.3737791042697651 -1.6266356183142952 -1.2893216234170282 -1.0293195009900766 -0.6662348821424127 -0.38046213545550184 -0.39511450236569523 -0.009200051352788364 0.07628928637256799 -0.13810476466812663 0.04734570254273759 -0.06708721901246675 -0.20752293230279376 -0.31328825640657926 -0.44505637255504993 -0.6572319313273551 +22985,-0.9475706442925271,0,-1.735109566573277 -1.8516835909805098 -1.9078166019412504 -1.3737791042697651 -1.6266356183142952 -1.2893216234170282 -1.0293195009900766 -0.6662348821424127 -0.38046213545550184 -0.39511450236569523 -0.009200051352788364 0.07628928637256799 -0.13810476466812663 0.04734570254273759 -0.06708721901246675 -0.20752293230279376 -0.31328825640657926 -0.44505637255504993 -0.6572319313273551 -0.762197566498024 +22986,-1.049982433831159,0,-1.8516835909805098 -1.9078166019412504 -1.3737791042697651 -1.6266356183142952 -1.2893216234170282 -1.0293195009900766 -0.6662348821424127 -0.38046213545550184 -0.39511450236569523 -0.009200051352788364 0.07628928637256799 -0.13810476466812663 0.04734570254273759 -0.06708721901246675 -0.20752293230279376 -0.31328825640657926 -0.44505637255504993 -0.6572319313273551 -0.762197566498024 -0.9475706442925271 +22987,-1.26300927448081,0,-1.9078166019412504 -1.3737791042697651 -1.6266356183142952 -1.2893216234170282 -1.0293195009900766 -0.6662348821424127 -0.38046213545550184 -0.39511450236569523 -0.009200051352788364 0.07628928637256799 -0.13810476466812663 0.04734570254273759 -0.06708721901246675 -0.20752293230279376 -0.31328825640657926 -0.44505637255504993 -0.6572319313273551 -0.762197566498024 -0.9475706442925271 -1.049982433831159 +22988,-1.3930748268745894,0,-1.3737791042697651 -1.6266356183142952 -1.2893216234170282 -1.0293195009900766 -0.6662348821424127 -0.38046213545550184 -0.39511450236569523 -0.009200051352788364 0.07628928637256799 -0.13810476466812663 0.04734570254273759 -0.06708721901246675 -0.20752293230279376 -0.31328825640657926 -0.44505637255504993 -0.6572319313273551 -0.762197566498024 -0.9475706442925271 -1.049982433831159 -1.26300927448081 +22989,-1.4349940101772594,0,-1.6266356183142952 -1.2893216234170282 -1.0293195009900766 -0.6662348821424127 -0.38046213545550184 -0.39511450236569523 -0.009200051352788364 0.07628928637256799 -0.13810476466812663 0.04734570254273759 -0.06708721901246675 -0.20752293230279376 -0.31328825640657926 -0.44505637255504993 -0.6572319313273551 -0.762197566498024 -0.9475706442925271 -1.049982433831159 -1.26300927448081 -1.3930748268745894 +22990,-1.5944416854982153,0,-1.2893216234170282 -1.0293195009900766 -0.6662348821424127 -0.38046213545550184 -0.39511450236569523 -0.009200051352788364 0.07628928637256799 -0.13810476466812663 0.04734570254273759 -0.06708721901246675 -0.20752293230279376 -0.31328825640657926 -0.44505637255504993 -0.6572319313273551 -0.762197566498024 -0.9475706442925271 -1.049982433831159 -1.26300927448081 -1.3930748268745894 -1.4349940101772594 +22991,-1.6657429917280706,0,-1.0293195009900766 -0.6662348821424127 -0.38046213545550184 -0.39511450236569523 -0.009200051352788364 0.07628928637256799 -0.13810476466812663 0.04734570254273759 -0.06708721901246675 -0.20752293230279376 -0.31328825640657926 -0.44505637255504993 -0.6572319313273551 -0.762197566498024 -0.9475706442925271 -1.049982433831159 -1.26300927448081 -1.3930748268745894 -1.4349940101772594 -1.5944416854982153 +22992,-1.2203935878239447,0,-0.6662348821424127 -0.38046213545550184 -0.39511450236569523 -0.009200051352788364 0.07628928637256799 -0.13810476466812663 0.04734570254273759 -0.06708721901246675 -0.20752293230279376 -0.31328825640657926 -0.44505637255504993 -0.6572319313273551 -0.762197566498024 -0.9475706442925271 -1.049982433831159 -1.26300927448081 -1.3930748268745894 -1.4349940101772594 -1.5944416854982153 -1.6657429917280706 +22993,-1.4639117975349754,0,-0.38046213545550184 -0.39511450236569523 -0.009200051352788364 0.07628928637256799 -0.13810476466812663 0.04734570254273759 -0.06708721901246675 -0.20752293230279376 -0.31328825640657926 -0.44505637255504993 -0.6572319313273551 -0.762197566498024 -0.9475706442925271 -1.049982433831159 -1.26300927448081 -1.3930748268745894 -1.4349940101772594 -1.5944416854982153 -1.6657429917280706 -1.2203935878239447 +22994,-1.1907792971120337,0,-0.39511450236569523 -0.009200051352788364 0.07628928637256799 -0.13810476466812663 0.04734570254273759 -0.06708721901246675 -0.20752293230279376 -0.31328825640657926 -0.44505637255504993 -0.6572319313273551 -0.762197566498024 -0.9475706442925271 -1.049982433831159 -1.26300927448081 -1.3930748268745894 -1.4349940101772594 -1.5944416854982153 -1.6657429917280706 -1.2203935878239447 -1.4639117975349754 +22995,-0.9096757025918681,0,-0.009200051352788364 0.07628928637256799 -0.13810476466812663 0.04734570254273759 -0.06708721901246675 -0.20752293230279376 -0.31328825640657926 -0.44505637255504993 -0.6572319313273551 -0.762197566498024 -0.9475706442925271 -1.049982433831159 -1.26300927448081 -1.3930748268745894 -1.4349940101772594 -1.5944416854982153 -1.6657429917280706 -1.2203935878239447 -1.4639117975349754 -1.1907792971120337 +22996,-0.639200233379885,0,0.07628928637256799 -0.13810476466812663 0.04734570254273759 -0.06708721901246675 -0.20752293230279376 -0.31328825640657926 -0.44505637255504993 -0.6572319313273551 -0.762197566498024 -0.9475706442925271 -1.049982433831159 -1.26300927448081 -1.3930748268745894 -1.4349940101772594 -1.5944416854982153 -1.6657429917280706 -1.2203935878239447 -1.4639117975349754 -1.1907792971120337 -0.9096757025918681 +22997,-0.36075367022546356,0,-0.13810476466812663 0.04734570254273759 -0.06708721901246675 -0.20752293230279376 -0.31328825640657926 -0.44505637255504993 -0.6572319313273551 -0.762197566498024 -0.9475706442925271 -1.049982433831159 -1.26300927448081 -1.3930748268745894 -1.4349940101772594 -1.5944416854982153 -1.6657429917280706 -1.2203935878239447 -1.4639117975349754 -1.1907792971120337 -0.9096757025918681 -0.639200233379885 +22998,-0.35897371720918825,0,0.04734570254273759 -0.06708721901246675 -0.20752293230279376 -0.31328825640657926 -0.44505637255504993 -0.6572319313273551 -0.762197566498024 -0.9475706442925271 -1.049982433831159 -1.26300927448081 -1.3930748268745894 -1.4349940101772594 -1.5944416854982153 -1.6657429917280706 -1.2203935878239447 -1.4639117975349754 -1.1907792971120337 -0.9096757025918681 -0.639200233379885 -0.36075367022546356 +22999,0.011695049273028649,0,-0.06708721901246675 -0.20752293230279376 -0.31328825640657926 -0.44505637255504993 -0.6572319313273551 -0.762197566498024 -0.9475706442925271 -1.049982433831159 -1.26300927448081 -1.3930748268745894 -1.4349940101772594 -1.5944416854982153 -1.6657429917280706 -1.2203935878239447 -1.4639117975349754 -1.1907792971120337 -0.9096757025918681 -0.639200233379885 -0.36075367022546356 -0.35897371720918825 +23000,0.10569720577186763,0,-0.20752293230279376 -0.31328825640657926 -0.44505637255504993 -0.6572319313273551 -0.762197566498024 -0.9475706442925271 -1.049982433831159 -1.26300927448081 -1.3930748268745894 -1.4349940101772594 -1.5944416854982153 -1.6657429917280706 -1.2203935878239447 -1.4639117975349754 -1.1907792971120337 -0.9096757025918681 -0.639200233379885 -0.36075367022546356 -0.35897371720918825 0.011695049273028649 +23001,-0.07836025473060643,0,-0.31328825640657926 -0.44505637255504993 -0.6572319313273551 -0.762197566498024 -0.9475706442925271 -1.049982433831159 -1.26300927448081 -1.3930748268745894 -1.4349940101772594 -1.5944416854982153 -1.6657429917280706 -1.2203935878239447 -1.4639117975349754 -1.1907792971120337 -0.9096757025918681 -0.639200233379885 -0.36075367022546356 -0.35897371720918825 0.011695049273028649 0.10569720577186763 +23002,0.10832844066549738,0,-0.44505637255504993 -0.6572319313273551 -0.762197566498024 -0.9475706442925271 -1.049982433831159 -1.26300927448081 -1.3930748268745894 -1.4349940101772594 -1.5944416854982153 -1.6657429917280706 -1.2203935878239447 -1.4639117975349754 -1.1907792971120337 -0.9096757025918681 -0.639200233379885 -0.36075367022546356 -0.35897371720918825 0.011695049273028649 0.10569720577186763 -0.07836025473060643 +23003,0.01695751906027054,0,-0.6572319313273551 -0.762197566498024 -0.9475706442925271 -1.049982433831159 -1.26300927448081 -1.3930748268745894 -1.4349940101772594 -1.5944416854982153 -1.6657429917280706 -1.2203935878239447 -1.4639117975349754 -1.1907792971120337 -0.9096757025918681 -0.639200233379885 -0.36075367022546356 -0.35897371720918825 0.011695049273028649 0.10569720577186763 -0.07836025473060643 0.10832844066549738 +23004,-0.11434626136395404,0,-0.762197566498024 -0.9475706442925271 -1.049982433831159 -1.26300927448081 -1.3930748268745894 -1.4349940101772594 -1.5944416854982153 -1.6657429917280706 -1.2203935878239447 -1.4639117975349754 -1.1907792971120337 -0.9096757025918681 -0.639200233379885 -0.36075367022546356 -0.35897371720918825 0.011695049273028649 0.10569720577186763 -0.07836025473060643 0.10832844066549738 0.01695751906027054 +23005,-0.1924062298231399,0,-0.9475706442925271 -1.049982433831159 -1.26300927448081 -1.3930748268745894 -1.4349940101772594 -1.5944416854982153 -1.6657429917280706 -1.2203935878239447 -1.4639117975349754 -1.1907792971120337 -0.9096757025918681 -0.639200233379885 -0.36075367022546356 -0.35897371720918825 0.011695049273028649 0.10569720577186763 -0.07836025473060643 0.10832844066549738 0.01695751906027054 -0.11434626136395404 +23006,-0.3103990574108861,0,-1.049982433831159 -1.26300927448081 -1.3930748268745894 -1.4349940101772594 -1.5944416854982153 -1.6657429917280706 -1.2203935878239447 -1.4639117975349754 -1.1907792971120337 -0.9096757025918681 -0.639200233379885 -0.36075367022546356 -0.35897371720918825 0.011695049273028649 0.10569720577186763 -0.07836025473060643 0.10832844066549738 0.01695751906027054 -0.11434626136395404 -0.1924062298231399 +23007,-0.5243545691994667,0,-1.26300927448081 -1.3930748268745894 -1.4349940101772594 -1.5944416854982153 -1.6657429917280706 -1.2203935878239447 -1.4639117975349754 -1.1907792971120337 -0.9096757025918681 -0.639200233379885 -0.36075367022546356 -0.35897371720918825 0.011695049273028649 0.10569720577186763 -0.07836025473060643 0.10832844066549738 0.01695751906027054 -0.11434626136395404 -0.1924062298231399 -0.3103990574108861 +23008,-0.6103598352837443,0,-1.3930748268745894 -1.4349940101772594 -1.5944416854982153 -1.6657429917280706 -1.2203935878239447 -1.4639117975349754 -1.1907792971120337 -0.9096757025918681 -0.639200233379885 -0.36075367022546356 -0.35897371720918825 0.011695049273028649 0.10569720577186763 -0.07836025473060643 0.10832844066549738 0.01695751906027054 -0.11434626136395404 -0.1924062298231399 -0.3103990574108861 -0.5243545691994667 +23009,-0.7923277855688562,0,-1.4349940101772594 -1.5944416854982153 -1.6657429917280706 -1.2203935878239447 -1.4639117975349754 -1.1907792971120337 -0.9096757025918681 -0.639200233379885 -0.36075367022546356 -0.35897371720918825 0.011695049273028649 0.10569720577186763 -0.07836025473060643 0.10832844066549738 0.01695751906027054 -0.11434626136395404 -0.1924062298231399 -0.3103990574108861 -0.5243545691994667 -0.6103598352837443 +23010,-0.8661829375855341,0,-1.5944416854982153 -1.6657429917280706 -1.2203935878239447 -1.4639117975349754 -1.1907792971120337 -0.9096757025918681 -0.639200233379885 -0.36075367022546356 -0.35897371720918825 0.011695049273028649 0.10569720577186763 -0.07836025473060643 0.10832844066549738 0.01695751906027054 -0.11434626136395404 -0.1924062298231399 -0.3103990574108861 -0.5243545691994667 -0.6103598352837443 -0.7923277855688562 +23011,-1.0841884874482401,0,-1.6657429917280706 -1.2203935878239447 -1.4639117975349754 -1.1907792971120337 -0.9096757025918681 -0.639200233379885 -0.36075367022546356 -0.35897371720918825 0.011695049273028649 0.10569720577186763 -0.07836025473060643 0.10832844066549738 0.01695751906027054 -0.11434626136395404 -0.1924062298231399 -0.3103990574108861 -0.5243545691994667 -0.6103598352837443 -0.7923277855688562 -0.8661829375855341 +23012,-1.1940812388877353,0,-1.2203935878239447 -1.4639117975349754 -1.1907792971120337 -0.9096757025918681 -0.639200233379885 -0.36075367022546356 -0.35897371720918825 0.011695049273028649 0.10569720577186763 -0.07836025473060643 0.10832844066549738 0.01695751906027054 -0.11434626136395404 -0.1924062298231399 -0.3103990574108861 -0.5243545691994667 -0.6103598352837443 -0.7923277855688562 -0.8661829375855341 -1.0841884874482401 +23013,-1.1037679706272512,0,-1.4639117975349754 -1.1907792971120337 -0.9096757025918681 -0.639200233379885 -0.36075367022546356 -0.35897371720918825 0.011695049273028649 0.10569720577186763 -0.07836025473060643 0.10832844066549738 0.01695751906027054 -0.11434626136395404 -0.1924062298231399 -0.3103990574108861 -0.5243545691994667 -0.6103598352837443 -0.7923277855688562 -0.8661829375855341 -1.0841884874482401 -1.1940812388877353 +23014,-1.2803960620183228,0,-1.1907792971120337 -0.9096757025918681 -0.639200233379885 -0.36075367022546356 -0.35897371720918825 0.011695049273028649 0.10569720577186763 -0.07836025473060643 0.10832844066549738 0.01695751906027054 -0.11434626136395404 -0.1924062298231399 -0.3103990574108861 -0.5243545691994667 -0.6103598352837443 -0.7923277855688562 -0.8661829375855341 -1.0841884874482401 -1.1940812388877353 -1.1037679706272512 +23015,-1.256818133554647,0,-0.9096757025918681 -0.639200233379885 -0.36075367022546356 -0.35897371720918825 0.011695049273028649 0.10569720577186763 -0.07836025473060643 0.10832844066549738 0.01695751906027054 -0.11434626136395404 -0.1924062298231399 -0.3103990574108861 -0.5243545691994667 -0.6103598352837443 -0.7923277855688562 -0.8661829375855341 -1.0841884874482401 -1.1940812388877353 -1.1037679706272512 -1.2803960620183228 +23016,-1.1718705208151035,0,-0.639200233379885 -0.36075367022546356 -0.35897371720918825 0.011695049273028649 0.10569720577186763 -0.07836025473060643 0.10832844066549738 0.01695751906027054 -0.11434626136395404 -0.1924062298231399 -0.3103990574108861 -0.5243545691994667 -0.6103598352837443 -0.7923277855688562 -0.8661829375855341 -1.0841884874482401 -1.1940812388877353 -1.1037679706272512 -1.2803960620183228 -1.256818133554647 +23017,-1.1687491538798986,0,-0.36075367022546356 -0.35897371720918825 0.011695049273028649 0.10569720577186763 -0.07836025473060643 0.10832844066549738 0.01695751906027054 -0.11434626136395404 -0.1924062298231399 -0.3103990574108861 -0.5243545691994667 -0.6103598352837443 -0.7923277855688562 -0.8661829375855341 -1.0841884874482401 -1.1940812388877353 -1.1037679706272512 -1.2803960620183228 -1.256818133554647 -1.1718705208151035 +23018,-1.1042581026688347,0,-0.35897371720918825 0.011695049273028649 0.10569720577186763 -0.07836025473060643 0.10832844066549738 0.01695751906027054 -0.11434626136395404 -0.1924062298231399 -0.3103990574108861 -0.5243545691994667 -0.6103598352837443 -0.7923277855688562 -0.8661829375855341 -1.0841884874482401 -1.1940812388877353 -1.1037679706272512 -1.2803960620183228 -1.256818133554647 -1.1718705208151035 -1.1687491538798986 +23019,-0.8509372530548441,0,0.011695049273028649 0.10569720577186763 -0.07836025473060643 0.10832844066549738 0.01695751906027054 -0.11434626136395404 -0.1924062298231399 -0.3103990574108861 -0.5243545691994667 -0.6103598352837443 -0.7923277855688562 -0.8661829375855341 -1.0841884874482401 -1.1940812388877353 -1.1037679706272512 -1.2803960620183228 -1.256818133554647 -1.1718705208151035 -1.1687491538798986 -1.1042581026688347 +23020,-0.8493894678233034,0,0.10569720577186763 -0.07836025473060643 0.10832844066549738 0.01695751906027054 -0.11434626136395404 -0.1924062298231399 -0.3103990574108861 -0.5243545691994667 -0.6103598352837443 -0.7923277855688562 -0.8661829375855341 -1.0841884874482401 -1.1940812388877353 -1.1037679706272512 -1.2803960620183228 -1.256818133554647 -1.1718705208151035 -1.1687491538798986 -1.1042581026688347 -0.8509372530548441 +23021,-0.6590118843436304,0,-0.07836025473060643 0.10832844066549738 0.01695751906027054 -0.11434626136395404 -0.1924062298231399 -0.3103990574108861 -0.5243545691994667 -0.6103598352837443 -0.7923277855688562 -0.8661829375855341 -1.0841884874482401 -1.1940812388877353 -1.1037679706272512 -1.2803960620183228 -1.256818133554647 -1.1718705208151035 -1.1687491538798986 -1.1042581026688347 -0.8509372530548441 -0.8493894678233034 +23022,-0.5064002605135717,0,0.10832844066549738 0.01695751906027054 -0.11434626136395404 -0.1924062298231399 -0.3103990574108861 -0.5243545691994667 -0.6103598352837443 -0.7923277855688562 -0.8661829375855341 -1.0841884874482401 -1.1940812388877353 -1.1037679706272512 -1.2803960620183228 -1.256818133554647 -1.1718705208151035 -1.1687491538798986 -1.1042581026688347 -0.8509372530548441 -0.8493894678233034 -0.6590118843436304 +23023,-0.3034340238689442,0,0.01695751906027054 -0.11434626136395404 -0.1924062298231399 -0.3103990574108861 -0.5243545691994667 -0.6103598352837443 -0.7923277855688562 -0.8661829375855341 -1.0841884874482401 -1.1940812388877353 -1.1037679706272512 -1.2803960620183228 -1.256818133554647 -1.1718705208151035 -1.1687491538798986 -1.1042581026688347 -0.8509372530548441 -0.8493894678233034 -0.6590118843436304 -0.5064002605135717 +23024,-0.13823374671916272,0,-0.11434626136395404 -0.1924062298231399 -0.3103990574108861 -0.5243545691994667 -0.6103598352837443 -0.7923277855688562 -0.8661829375855341 -1.0841884874482401 -1.1940812388877353 -1.1037679706272512 -1.2803960620183228 -1.256818133554647 -1.1718705208151035 -1.1687491538798986 -1.1042581026688347 -0.8509372530548441 -0.8493894678233034 -0.6590118843436304 -0.5064002605135717 -0.3034340238689442 +23025,-0.23344833493112685,0,-0.1924062298231399 -0.3103990574108861 -0.5243545691994667 -0.6103598352837443 -0.7923277855688562 -0.8661829375855341 -1.0841884874482401 -1.1940812388877353 -1.1037679706272512 -1.2803960620183228 -1.256818133554647 -1.1718705208151035 -1.1687491538798986 -1.1042581026688347 -0.8509372530548441 -0.8493894678233034 -0.6590118843436304 -0.5064002605135717 -0.3034340238689442 -0.13823374671916272 +23026,0.018556897236048944,0,-0.3103990574108861 -0.5243545691994667 -0.6103598352837443 -0.7923277855688562 -0.8661829375855341 -1.0841884874482401 -1.1940812388877353 -1.1037679706272512 -1.2803960620183228 -1.256818133554647 -1.1718705208151035 -1.1687491538798986 -1.1042581026688347 -0.8509372530548441 -0.8493894678233034 -0.6590118843436304 -0.5064002605135717 -0.3034340238689442 -0.13823374671916272 -0.23344833493112685 +23027,0.010147264041487952,0,-0.5243545691994667 -0.6103598352837443 -0.7923277855688562 -0.8661829375855341 -1.0841884874482401 -1.1940812388877353 -1.1037679706272512 -1.2803960620183228 -1.256818133554647 -1.1718705208151035 -1.1687491538798986 -1.1042581026688347 -0.8509372530548441 -0.8493894678233034 -0.6590118843436304 -0.5064002605135717 -0.3034340238689442 -0.13823374671916272 -0.23344833493112685 0.018556897236048944 +23028,-0.26827350264081895,0,-0.6103598352837443 -0.7923277855688562 -0.8661829375855341 -1.0841884874482401 -1.1940812388877353 -1.1037679706272512 -1.2803960620183228 -1.256818133554647 -1.1718705208151035 -1.1687491538798986 -1.1042581026688347 -0.8509372530548441 -0.8493894678233034 -0.6590118843436304 -0.5064002605135717 -0.3034340238689442 -0.13823374671916272 -0.23344833493112685 0.018556897236048944 0.010147264041487952 +23029,-0.18667942446642877,0,-0.7923277855688562 -0.8661829375855341 -1.0841884874482401 -1.1940812388877353 -1.1037679706272512 -1.2803960620183228 -1.256818133554647 -1.1718705208151035 -1.1687491538798986 -1.1042581026688347 -0.8509372530548441 -0.8493894678233034 -0.6590118843436304 -0.5064002605135717 -0.3034340238689442 -0.13823374671916272 -0.23344833493112685 0.018556897236048944 0.010147264041487952 -0.26827350264081895 +23030,-0.3750964800893471,0,-0.8661829375855341 -1.0841884874482401 -1.1940812388877353 -1.1037679706272512 -1.2803960620183228 -1.256818133554647 -1.1718705208151035 -1.1687491538798986 -1.1042581026688347 -0.8509372530548441 -0.8493894678233034 -0.6590118843436304 -0.5064002605135717 -0.3034340238689442 -0.13823374671916272 -0.23344833493112685 0.018556897236048944 0.010147264041487952 -0.26827350264081895 -0.18667942446642877 +23031,-0.5435471060705835,0,-1.0841884874482401 -1.1940812388877353 -1.1037679706272512 -1.2803960620183228 -1.256818133554647 -1.1718705208151035 -1.1687491538798986 -1.1042581026688347 -0.8509372530548441 -0.8493894678233034 -0.6590118843436304 -0.5064002605135717 -0.3034340238689442 -0.13823374671916272 -0.23344833493112685 0.018556897236048944 0.010147264041487952 -0.26827350264081895 -0.18667942446642877 -0.3750964800893471 +23032,-0.7386196380343483,0,-1.1940812388877353 -1.1037679706272512 -1.2803960620183228 -1.256818133554647 -1.1718705208151035 -1.1687491538798986 -1.1042581026688347 -0.8509372530548441 -0.8493894678233034 -0.6590118843436304 -0.5064002605135717 -0.3034340238689442 -0.13823374671916272 -0.23344833493112685 0.018556897236048944 0.010147264041487952 -0.26827350264081895 -0.18667942446642877 -0.3750964800893471 -0.5435471060705835 +23033,-0.9137257406660024,0,-1.1037679706272512 -1.2803960620183228 -1.256818133554647 -1.1718705208151035 -1.1687491538798986 -1.1042581026688347 -0.8509372530548441 -0.8493894678233034 -0.6590118843436304 -0.5064002605135717 -0.3034340238689442 -0.13823374671916272 -0.23344833493112685 0.018556897236048944 0.010147264041487952 -0.26827350264081895 -0.18667942446642877 -0.3750964800893471 -0.5435471060705835 -0.7386196380343483 +23034,-1.0430174002892172,0,-1.2803960620183228 -1.256818133554647 -1.1718705208151035 -1.1687491538798986 -1.1042581026688347 -0.8509372530548441 -0.8493894678233034 -0.6590118843436304 -0.5064002605135717 -0.3034340238689442 -0.13823374671916272 -0.23344833493112685 0.018556897236048944 0.010147264041487952 -0.26827350264081895 -0.18667942446642877 -0.3750964800893471 -0.5435471060705835 -0.7386196380343483 -0.9137257406660024 +23035,-1.233394983768899,0,-1.256818133554647 -1.1718705208151035 -1.1687491538798986 -1.1042581026688347 -0.8509372530548441 -0.8493894678233034 -0.6590118843436304 -0.5064002605135717 -0.3034340238689442 -0.13823374671916272 -0.23344833493112685 0.018556897236048944 0.010147264041487952 -0.26827350264081895 -0.18667942446642877 -0.3750964800893471 -0.5435471060705835 -0.7386196380343483 -0.9137257406660024 -1.0430174002892172 +23036,-1.3779581243949355,0,-1.1718705208151035 -1.1687491538798986 -1.1042581026688347 -0.8509372530548441 -0.8493894678233034 -0.6590118843436304 -0.5064002605135717 -0.3034340238689442 -0.13823374671916272 -0.23344833493112685 0.018556897236048944 0.010147264041487952 -0.26827350264081895 -0.18667942446642877 -0.3750964800893471 -0.5435471060705835 -0.7386196380343483 -0.9137257406660024 -1.0430174002892172 -1.233394983768899 +23037,-1.388405674707844,0,-1.1687491538798986 -1.1042581026688347 -0.8509372530548441 -0.8493894678233034 -0.6590118843436304 -0.5064002605135717 -0.3034340238689442 -0.13823374671916272 -0.23344833493112685 0.018556897236048944 0.010147264041487952 -0.26827350264081895 -0.18667942446642877 -0.3750964800893471 -0.5435471060705835 -0.7386196380343483 -0.9137257406660024 -1.0430174002892172 -1.233394983768899 -1.3779581243949355 +23038,-1.5776740120533221,0,-1.1042581026688347 -0.8509372530548441 -0.8493894678233034 -0.6590118843436304 -0.5064002605135717 -0.3034340238689442 -0.13823374671916272 -0.23344833493112685 0.018556897236048944 0.010147264041487952 -0.26827350264081895 -0.18667942446642877 -0.3750964800893471 -0.5435471060705835 -0.7386196380343483 -0.9137257406660024 -1.0430174002892172 -1.233394983768899 -1.3779581243949355 -1.388405674707844 +23039,-1.632826759240458,0,-0.8509372530548441 -0.8493894678233034 -0.6590118843436304 -0.5064002605135717 -0.3034340238689442 -0.13823374671916272 -0.23344833493112685 0.018556897236048944 0.010147264041487952 -0.26827350264081895 -0.18667942446642877 -0.3750964800893471 -0.5435471060705835 -0.7386196380343483 -0.9137257406660024 -1.0430174002892172 -1.233394983768899 -1.3779581243949355 -1.388405674707844 -1.5776740120533221 +23040,-1.209249534156841,0,-0.8493894678233034 -0.6590118843436304 -0.5064002605135717 -0.3034340238689442 -0.13823374671916272 -0.23344833493112685 0.018556897236048944 0.010147264041487952 -0.26827350264081895 -0.18667942446642877 -0.3750964800893471 -0.5435471060705835 -0.7386196380343483 -0.9137257406660024 -1.0430174002892172 -1.233394983768899 -1.3779581243949355 -1.388405674707844 -1.5776740120533221 -1.632826759240458 +23041,-1.423978938561192,0,-0.6590118843436304 -0.5064002605135717 -0.3034340238689442 -0.13823374671916272 -0.23344833493112685 0.018556897236048944 0.010147264041487952 -0.26827350264081895 -0.18667942446642877 -0.3750964800893471 -0.5435471060705835 -0.7386196380343483 -0.9137257406660024 -1.0430174002892172 -1.233394983768899 -1.3779581243949355 -1.388405674707844 -1.5776740120533221 -1.632826759240458 -1.209249534156841 +23042,-1.1599783710043439,0,-0.5064002605135717 -0.3034340238689442 -0.13823374671916272 -0.23344833493112685 0.018556897236048944 0.010147264041487952 -0.26827350264081895 -0.18667942446642877 -0.3750964800893471 -0.5435471060705835 -0.7386196380343483 -0.9137257406660024 -1.0430174002892172 -1.233394983768899 -1.3779581243949355 -1.388405674707844 -1.5776740120533221 -1.632826759240458 -1.209249534156841 -1.423978938561192 +23043,-0.8199815484240037,0,-0.3034340238689442 -0.13823374671916272 -0.23344833493112685 0.018556897236048944 0.010147264041487952 -0.26827350264081895 -0.18667942446642877 -0.3750964800893471 -0.5435471060705835 -0.7386196380343483 -0.9137257406660024 -1.0430174002892172 -1.233394983768899 -1.3779581243949355 -1.388405674707844 -1.5776740120533221 -1.632826759240458 -1.209249534156841 -1.423978938561192 -1.1599783710043439 +23044,-0.5813130657202153,0,-0.13823374671916272 -0.23344833493112685 0.018556897236048944 0.010147264041487952 -0.26827350264081895 -0.18667942446642877 -0.3750964800893471 -0.5435471060705835 -0.7386196380343483 -0.9137257406660024 -1.0430174002892172 -1.233394983768899 -1.3779581243949355 -1.388405674707844 -1.5776740120533221 -1.632826759240458 -1.209249534156841 -1.423978938561192 -1.1599783710043439 -0.8199815484240037 +23045,-0.26664832814770295,0,-0.23344833493112685 0.018556897236048944 0.010147264041487952 -0.26827350264081895 -0.18667942446642877 -0.3750964800893471 -0.5435471060705835 -0.7386196380343483 -0.9137257406660024 -1.0430174002892172 -1.233394983768899 -1.3779581243949355 -1.388405674707844 -1.5776740120533221 -1.632826759240458 -1.209249534156841 -1.423978938561192 -1.1599783710043439 -0.8199815484240037 -0.5813130657202153 +23046,-0.25140264361701303,0,0.018556897236048944 0.010147264041487952 -0.26827350264081895 -0.18667942446642877 -0.3750964800893471 -0.5435471060705835 -0.7386196380343483 -0.9137257406660024 -1.0430174002892172 -1.233394983768899 -1.3779581243949355 -1.388405674707844 -1.5776740120533221 -1.632826759240458 -1.209249534156841 -1.423978938561192 -1.1599783710043439 -0.8199815484240037 -0.5813130657202153 -0.26664832814770295 +23047,0.16306844491784786,0,0.010147264041487952 -0.26827350264081895 -0.18667942446642877 -0.3750964800893471 -0.5435471060705835 -0.7386196380343483 -0.9137257406660024 -1.0430174002892172 -1.233394983768899 -1.3779581243949355 -1.388405674707844 -1.5776740120533221 -1.632826759240458 -1.209249534156841 -1.423978938561192 -1.1599783710043439 -0.8199815484240037 -0.5813130657202153 -0.26664832814770295 -0.25140264361701303 +23048,0.2781204805656632,0,-0.26827350264081895 -0.18667942446642877 -0.3750964800893471 -0.5435471060705835 -0.7386196380343483 -0.9137257406660024 -1.0430174002892172 -1.233394983768899 -1.3779581243949355 -1.388405674707844 -1.5776740120533221 -1.632826759240458 -1.209249534156841 -1.423978938561192 -1.1599783710043439 -0.8199815484240037 -0.5813130657202153 -0.26664832814770295 -0.25140264361701303 0.16306844491784786 +23049,0.15620659710960447,0,-0.18667942446642877 -0.3750964800893471 -0.5435471060705835 -0.7386196380343483 -0.9137257406660024 -1.0430174002892172 -1.233394983768899 -1.3779581243949355 -1.388405674707844 -1.5776740120533221 -1.632826759240458 -1.209249534156841 -1.423978938561192 -1.1599783710043439 -0.8199815484240037 -0.5813130657202153 -0.26664832814770295 -0.25140264361701303 0.16306844491784786 0.2781204805656632 +23050,0.35024727235552655,0,-0.3750964800893471 -0.5435471060705835 -0.7386196380343483 -0.9137257406660024 -1.0430174002892172 -1.233394983768899 -1.3779581243949355 -1.388405674707844 -1.5776740120533221 -1.632826759240458 -1.209249534156841 -1.423978938561192 -1.1599783710043439 -0.8199815484240037 -0.5813130657202153 -0.26664832814770295 -0.25140264361701303 0.16306844491784786 0.2781204805656632 0.15620659710960447 +23051,0.3073220284975658,0,-0.5435471060705835 -0.7386196380343483 -0.9137257406660024 -1.0430174002892172 -1.233394983768899 -1.3779581243949355 -1.388405674707844 -1.5776740120533221 -1.632826759240458 -1.209249534156841 -1.423978938561192 -1.1599783710043439 -0.8199815484240037 -0.5813130657202153 -0.26664832814770295 -0.25140264361701303 0.16306844491784786 0.2781204805656632 0.15620659710960447 0.35024727235552655 +23052,0.007309657835246837,0,-0.7386196380343483 -0.9137257406660024 -1.0430174002892172 -1.233394983768899 -1.3779581243949355 -1.388405674707844 -1.5776740120533221 -1.632826759240458 -1.209249534156841 -1.423978938561192 -1.1599783710043439 -0.8199815484240037 -0.5813130657202153 -0.26664832814770295 -0.25140264361701303 0.16306844491784786 0.2781204805656632 0.15620659710960447 0.35024727235552655 0.3073220284975658 +23053,0.05008012301527138,0,-0.9137257406660024 -1.0430174002892172 -1.233394983768899 -1.3779581243949355 -1.388405674707844 -1.5776740120533221 -1.632826759240458 -1.209249534156841 -1.423978938561192 -1.1599783710043439 -0.8199815484240037 -0.5813130657202153 -0.26664832814770295 -0.25140264361701303 0.16306844491784786 0.2781204805656632 0.15620659710960447 0.35024727235552655 0.3073220284975658 0.007309657835246837 +23054,-0.16423653860907106,0,-1.0430174002892172 -1.233394983768899 -1.3779581243949355 -1.388405674707844 -1.5776740120533221 -1.632826759240458 -1.209249534156841 -1.423978938561192 -1.1599783710043439 -0.8199815484240037 -0.5813130657202153 -0.26664832814770295 -0.25140264361701303 0.16306844491784786 0.2781204805656632 0.15620659710960447 0.35024727235552655 0.3073220284975658 0.007309657835246837 0.05008012301527138 +23055,-0.5140617974097087,0,-1.233394983768899 -1.3779581243949355 -1.388405674707844 -1.5776740120533221 -1.632826759240458 -1.209249534156841 -1.423978938561192 -1.1599783710043439 -0.8199815484240037 -0.5813130657202153 -0.26664832814770295 -0.25140264361701303 0.16306844491784786 0.2781204805656632 0.15620659710960447 0.35024727235552655 0.3073220284975658 0.007309657835246837 0.05008012301527138 -0.16423653860907106 +23056,-0.6832089267451402,0,-1.3779581243949355 -1.388405674707844 -1.5776740120533221 -1.632826759240458 -1.209249534156841 -1.423978938561192 -1.1599783710043439 -0.8199815484240037 -0.5813130657202153 -0.26664832814770295 -0.25140264361701303 0.16306844491784786 0.2781204805656632 0.15620659710960447 0.35024727235552655 0.3073220284975658 0.007309657835246837 0.05008012301527138 -0.16423653860907106 -0.5140617974097087 +23057,-0.987864653256867,0,-1.388405674707844 -1.5776740120533221 -1.632826759240458 -1.209249534156841 -1.423978938561192 -1.1599783710043439 -0.8199815484240037 -0.5813130657202153 -0.26664832814770295 -0.25140264361701303 0.16306844491784786 0.2781204805656632 0.15620659710960447 0.35024727235552655 0.3073220284975658 0.007309657835246837 0.05008012301527138 -0.16423653860907106 -0.5140617974097087 -0.6832089267451402 +23058,-0.9712001655456725,0,-1.5776740120533221 -1.632826759240458 -1.209249534156841 -1.423978938561192 -1.1599783710043439 -0.8199815484240037 -0.5813130657202153 -0.26664832814770295 -0.25140264361701303 0.16306844491784786 0.2781204805656632 0.15620659710960447 0.35024727235552655 0.3073220284975658 0.007309657835246837 0.05008012301527138 -0.16423653860907106 -0.5140617974097087 -0.6832089267451402 -0.987864653256867 +23059,-1.3829626299253284,0,-1.632826759240458 -1.209249534156841 -1.423978938561192 -1.1599783710043439 -0.8199815484240037 -0.5813130657202153 -0.26664832814770295 -0.25140264361701303 0.16306844491784786 0.2781204805656632 0.15620659710960447 0.35024727235552655 0.3073220284975658 0.007309657835246837 0.05008012301527138 -0.16423653860907106 -0.5140617974097087 -0.6832089267451402 -0.987864653256867 -0.9712001655456725 +23060,-1.4734048803916255,0,-1.209249534156841 -1.423978938561192 -1.1599783710043439 -0.8199815484240037 -0.5813130657202153 -0.26664832814770295 -0.25140264361701303 0.16306844491784786 0.2781204805656632 0.15620659710960447 0.35024727235552655 0.3073220284975658 0.007309657835246837 0.05008012301527138 -0.16423653860907106 -0.5140617974097087 -0.6832089267451402 -0.987864653256867 -0.9712001655456725 -1.3829626299253284 +23061,-1.370064419714064,0,-1.423978938561192 -1.1599783710043439 -0.8199815484240037 -0.5813130657202153 -0.26664832814770295 -0.25140264361701303 0.16306844491784786 0.2781204805656632 0.15620659710960447 0.35024727235552655 0.3073220284975658 0.007309657835246837 0.05008012301527138 -0.16423653860907106 -0.5140617974097087 -0.6832089267451402 -0.987864653256867 -0.9712001655456725 -1.3829626299253284 -1.4734048803916255 +23062,-1.5251009071251322,0,-1.1599783710043439 -0.8199815484240037 -0.5813130657202153 -0.26664832814770295 -0.25140264361701303 0.16306844491784786 0.2781204805656632 0.15620659710960447 0.35024727235552655 0.3073220284975658 0.007309657835246837 0.05008012301527138 -0.16423653860907106 -0.5140617974097087 -0.6832089267451402 -0.987864653256867 -0.9712001655456725 -1.3829626299253284 -1.4734048803916255 -1.370064419714064 +23063,-1.486354683392342,0,-0.8199815484240037 -0.5813130657202153 -0.26664832814770295 -0.25140264361701303 0.16306844491784786 0.2781204805656632 0.15620659710960447 0.35024727235552655 0.3073220284975658 0.007309657835246837 0.05008012301527138 -0.16423653860907106 -0.5140617974097087 -0.6832089267451402 -0.987864653256867 -0.9712001655456725 -1.3829626299253284 -1.4734048803916255 -1.370064419714064 -1.5251009071251322 +23064,-1.2307637488752778,0,-0.5813130657202153 -0.26664832814770295 -0.25140264361701303 0.16306844491784786 0.2781204805656632 0.15620659710960447 0.35024727235552655 0.3073220284975658 0.007309657835246837 0.05008012301527138 -0.16423653860907106 -0.5140617974097087 -0.6832089267451402 -0.987864653256867 -0.9712001655456725 -1.3829626299253284 -1.4734048803916255 -1.370064419714064 -1.5251009071251322 -1.486354683392342 +23065,-1.264299095610287,0,-0.26664832814770295 -0.25140264361701303 0.16306844491784786 0.2781204805656632 0.15620659710960447 0.35024727235552655 0.3073220284975658 0.007309657835246837 0.05008012301527138 -0.16423653860907106 -0.5140617974097087 -0.6832089267451402 -0.987864653256867 -0.9712001655456725 -1.3829626299253284 -1.4734048803916255 -1.370064419714064 -1.5251009071251322 -1.486354683392342 -1.2307637488752778 +23066,-1.0809897312514603,0,-0.25140264361701303 0.16306844491784786 0.2781204805656632 0.15620659710960447 0.35024727235552655 0.3073220284975658 0.007309657835246837 0.05008012301527138 -0.16423653860907106 -0.5140617974097087 -0.6832089267451402 -0.987864653256867 -0.9712001655456725 -1.3829626299253284 -1.4734048803916255 -1.370064419714064 -1.5251009071251322 -1.486354683392342 -1.2307637488752778 -1.264299095610287 +23067,-0.7819060317280622,0,0.16306844491784786 0.2781204805656632 0.15620659710960447 0.35024727235552655 0.3073220284975658 0.007309657835246837 0.05008012301527138 -0.16423653860907106 -0.5140617974097087 -0.6832089267451402 -0.987864653256867 -0.9712001655456725 -1.3829626299253284 -1.4734048803916255 -1.370064419714064 -1.5251009071251322 -1.486354683392342 -1.2307637488752778 -1.264299095610287 -1.0809897312514603 +23068,-0.637188112578875,0,0.2781204805656632 0.15620659710960447 0.35024727235552655 0.3073220284975658 0.007309657835246837 0.05008012301527138 -0.16423653860907106 -0.5140617974097087 -0.6832089267451402 -0.987864653256867 -0.9712001655456725 -1.3829626299253284 -1.4734048803916255 -1.370064419714064 -1.5251009071251322 -1.486354683392342 -1.2307637488752778 -1.264299095610287 -1.0809897312514603 -0.7819060317280622 +23069,-0.3766958581103398,0,0.15620659710960447 0.35024727235552655 0.3073220284975658 0.007309657835246837 0.05008012301527138 -0.16423653860907106 -0.5140617974097087 -0.6832089267451402 -0.987864653256867 -0.9712001655456725 -1.3829626299253284 -1.4734048803916255 -1.370064419714064 -1.5251009071251322 -1.486354683392342 -1.2307637488752778 -1.264299095610287 -1.0809897312514603 -0.7819060317280622 -0.637188112578875 +23070,-0.3362212743055206,0,0.35024727235552655 0.3073220284975658 0.007309657835246837 0.05008012301527138 -0.16423653860907106 -0.5140617974097087 -0.6832089267451402 -0.987864653256867 -0.9712001655456725 -1.3829626299253284 -1.4734048803916255 -1.370064419714064 -1.5251009071251322 -1.486354683392342 -1.2307637488752778 -1.264299095610287 -1.0809897312514603 -0.7819060317280622 -0.637188112578875 -0.3766958581103398 +23071,-0.002389796334005775,0,0.3073220284975658 0.007309657835246837 0.05008012301527138 -0.16423653860907106 -0.5140617974097087 -0.6832089267451402 -0.987864653256867 -0.9712001655456725 -1.3829626299253284 -1.4734048803916255 -1.370064419714064 -1.5251009071251322 -1.486354683392342 -1.2307637488752778 -1.264299095610287 -1.0809897312514603 -0.7819060317280622 -0.637188112578875 -0.3766958581103398 -0.3362212743055206 +23072,0.11142401112857878,0,0.007309657835246837 0.05008012301527138 -0.16423653860907106 -0.5140617974097087 -0.6832089267451402 -0.987864653256867 -0.9712001655456725 -1.3829626299253284 -1.4734048803916255 -1.370064419714064 -1.5251009071251322 -1.486354683392342 -1.2307637488752778 -1.264299095610287 -1.0809897312514603 -0.7819060317280622 -0.637188112578875 -0.3766958581103398 -0.3362212743055206 -0.002389796334005775 +23073,0.0542075503509722,0,0.05008012301527138 -0.16423653860907106 -0.5140617974097087 -0.6832089267451402 -0.987864653256867 -0.9712001655456725 -1.3829626299253284 -1.4734048803916255 -1.370064419714064 -1.5251009071251322 -1.486354683392342 -1.2307637488752778 -1.264299095610287 -1.0809897312514603 -0.7819060317280622 -0.637188112578875 -0.3766958581103398 -0.3362212743055206 -0.002389796334005775 0.11142401112857878 +23074,0.22503144712376627,0,-0.16423653860907106 -0.5140617974097087 -0.6832089267451402 -0.987864653256867 -0.9712001655456725 -1.3829626299253284 -1.4734048803916255 -1.370064419714064 -1.5251009071251322 -1.486354683392342 -1.2307637488752778 -1.264299095610287 -1.0809897312514603 -0.7819060317280622 -0.637188112578875 -0.3766958581103398 -0.3362212743055206 -0.002389796334005775 0.11142401112857878 0.0542075503509722 +23075,0.224825075656378,0,-0.5140617974097087 -0.6832089267451402 -0.987864653256867 -0.9712001655456725 -1.3829626299253284 -1.4734048803916255 -1.370064419714064 -1.5251009071251322 -1.486354683392342 -1.2307637488752778 -1.264299095610287 -1.0809897312514603 -0.7819060317280622 -0.637188112578875 -0.3766958581103398 -0.3362212743055206 -0.002389796334005775 0.11142401112857878 0.0542075503509722 0.22503144712376627 +23076,-0.13168145595722922,0,-0.6832089267451402 -0.987864653256867 -0.9712001655456725 -1.3829626299253284 -1.4734048803916255 -1.370064419714064 -1.5251009071251322 -1.486354683392342 -1.2307637488752778 -1.264299095610287 -1.0809897312514603 -0.7819060317280622 -0.637188112578875 -0.3766958581103398 -0.3362212743055206 -0.002389796334005775 0.11142401112857878 0.0542075503509722 0.22503144712376627 0.224825075656378 +23077,-0.013121107221109726,0,-0.987864653256867 -0.9712001655456725 -1.3829626299253284 -1.4734048803916255 -1.370064419714064 -1.5251009071251322 -1.486354683392342 -1.2307637488752778 -1.264299095610287 -1.0809897312514603 -0.7819060317280622 -0.637188112578875 -0.3766958581103398 -0.3362212743055206 -0.002389796334005775 0.11142401112857878 0.0542075503509722 0.22503144712376627 0.224825075656378 -0.13168145595722922 +23078,-0.2508609187859685,0,-0.9712001655456725 -1.3829626299253284 -1.4734048803916255 -1.370064419714064 -1.5251009071251322 -1.486354683392342 -1.2307637488752778 -1.264299095610287 -1.0809897312514603 -0.7819060317280622 -0.637188112578875 -0.3766958581103398 -0.3362212743055206 -0.002389796334005775 0.11142401112857878 0.0542075503509722 0.22503144712376627 0.224825075656378 -0.13168145595722922 -0.013121107221109726 +23079,-0.5858016428916869,0,-1.3829626299253284 -1.4734048803916255 -1.370064419714064 -1.5251009071251322 -1.486354683392342 -1.2307637488752778 -1.264299095610287 -1.0809897312514603 -0.7819060317280622 -0.637188112578875 -0.3766958581103398 -0.3362212743055206 -0.002389796334005775 0.11142401112857878 0.0542075503509722 0.22503144712376627 0.224825075656378 -0.13168145595722922 -0.013121107221109726 -0.2508609187859685 +23080,-0.7911411503278631,0,-1.4734048803916255 -1.370064419714064 -1.5251009071251322 -1.486354683392342 -1.2307637488752778 -1.264299095610287 -1.0809897312514603 -0.7819060317280622 -0.637188112578875 -0.3766958581103398 -0.3362212743055206 -0.002389796334005775 0.11142401112857878 0.0542075503509722 0.22503144712376627 0.224825075656378 -0.13168145595722922 -0.013121107221109726 -0.2508609187859685 -0.5858016428916869 +23081,-1.0936815701501046,0,-1.370064419714064 -1.5251009071251322 -1.486354683392342 -1.2307637488752778 -1.264299095610287 -1.0809897312514603 -0.7819060317280622 -0.637188112578875 -0.3766958581103398 -0.3362212743055206 -0.002389796334005775 0.11142401112857878 0.0542075503509722 0.22503144712376627 0.224825075656378 -0.13168145595722922 -0.013121107221109726 -0.2508609187859685 -0.5858016428916869 -0.7911411503278631 +23082,-1.1361166819664816,0,-1.5251009071251322 -1.486354683392342 -1.2307637488752778 -1.264299095610287 -1.0809897312514603 -0.7819060317280622 -0.637188112578875 -0.3766958581103398 -0.3362212743055206 -0.002389796334005775 0.11142401112857878 0.0542075503509722 0.22503144712376627 0.224825075656378 -0.13168145595722922 -0.013121107221109726 -0.2508609187859685 -0.5858016428916869 -0.7911411503278631 -1.0936815701501046 +23083,-1.5253588712271957,0,-1.486354683392342 -1.2307637488752778 -1.264299095610287 -1.0809897312514603 -0.7819060317280622 -0.637188112578875 -0.3766958581103398 -0.3362212743055206 -0.002389796334005775 0.11142401112857878 0.0542075503509722 0.22503144712376627 0.224825075656378 -0.13168145595722922 -0.013121107221109726 -0.2508609187859685 -0.5858016428916869 -0.7911411503278631 -1.0936815701501046 -1.1361166819664816 +23084,-1.6544957524820454,0,-1.2307637488752778 -1.264299095610287 -1.0809897312514603 -0.7819060317280622 -0.637188112578875 -0.3766958581103398 -0.3362212743055206 -0.002389796334005775 0.11142401112857878 0.0542075503509722 0.22503144712376627 0.224825075656378 -0.13168145595722922 -0.013121107221109726 -0.2508609187859685 -0.5858016428916869 -0.7911411503278631 -1.0936815701501046 -1.1361166819664816 -1.5253588712271957 +23085,-1.6609706539824036,0,-1.264299095610287 -1.0809897312514603 -0.7819060317280622 -0.637188112578875 -0.3766958581103398 -0.3362212743055206 -0.002389796334005775 0.11142401112857878 0.0542075503509722 0.22503144712376627 0.224825075656378 -0.13168145595722922 -0.013121107221109726 -0.2508609187859685 -0.5858016428916869 -0.7911411503278631 -1.0936815701501046 -1.1361166819664816 -1.5253588712271957 -1.6544957524820454 +23086,-1.8309948616673128,0,-1.0809897312514603 -0.7819060317280622 -0.637188112578875 -0.3766958581103398 -0.3362212743055206 -0.002389796334005775 0.11142401112857878 0.0542075503509722 0.22503144712376627 0.224825075656378 -0.13168145595722922 -0.013121107221109726 -0.2508609187859685 -0.5858016428916869 -0.7911411503278631 -1.0936815701501046 -1.1361166819664816 -1.5253588712271957 -1.6544957524820454 -1.6609706539824036 +23087,-1.8783570897524986,0,-0.7819060317280622 -0.637188112578875 -0.3766958581103398 -0.3362212743055206 -0.002389796334005775 0.11142401112857878 0.0542075503509722 0.22503144712376627 0.224825075656378 -0.13168145595722922 -0.013121107221109726 -0.2508609187859685 -0.5858016428916869 -0.7911411503278631 -1.0936815701501046 -1.1361166819664816 -1.5253588712271957 -1.6544957524820454 -1.6609706539824036 -1.8309948616673128 +23088,-1.5043347885503426,0,-0.637188112578875 -0.3766958581103398 -0.3362212743055206 -0.002389796334005775 0.11142401112857878 0.0542075503509722 0.22503144712376627 0.224825075656378 -0.13168145595722922 -0.013121107221109726 -0.2508609187859685 -0.5858016428916869 -0.7911411503278631 -1.0936815701501046 -1.1361166819664816 -1.5253588712271957 -1.6544957524820454 -1.6609706539824036 -1.8309948616673128 -1.8783570897524986 +23089,-1.6921585263979786,0,-0.3766958581103398 -0.3362212743055206 -0.002389796334005775 0.11142401112857878 0.0542075503509722 0.22503144712376627 0.224825075656378 -0.13168145595722922 -0.013121107221109726 -0.2508609187859685 -0.5858016428916869 -0.7911411503278631 -1.0936815701501046 -1.1361166819664816 -1.5253588712271957 -1.6544957524820454 -1.6609706539824036 -1.8309948616673128 -1.8783570897524986 -1.5043347885503426 +23090,-1.4585977349582726,0,-0.3362212743055206 -0.002389796334005775 0.11142401112857878 0.0542075503509722 0.22503144712376627 0.224825075656378 -0.13168145595722922 -0.013121107221109726 -0.2508609187859685 -0.5858016428916869 -0.7911411503278631 -1.0936815701501046 -1.1361166819664816 -1.5253588712271957 -1.6544957524820454 -1.6609706539824036 -1.8309948616673128 -1.8783570897524986 -1.5043347885503426 -1.6921585263979786 +23091,-1.1779068832181157,0,-0.002389796334005775 0.11142401112857878 0.0542075503509722 0.22503144712376627 0.224825075656378 -0.13168145595722922 -0.013121107221109726 -0.2508609187859685 -0.5858016428916869 -0.7911411503278631 -1.0936815701501046 -1.1361166819664816 -1.5253588712271957 -1.6544957524820454 -1.6609706539824036 -1.8309948616673128 -1.8783570897524986 -1.5043347885503426 -1.6921585263979786 -1.4585977349582726 +23092,-0.9600561118785689,0,0.11142401112857878 0.0542075503509722 0.22503144712376627 0.224825075656378 -0.13168145595722922 -0.013121107221109726 -0.2508609187859685 -0.5858016428916869 -0.7911411503278631 -1.0936815701501046 -1.1361166819664816 -1.5253588712271957 -1.6544957524820454 -1.6609706539824036 -1.8309948616673128 -1.8783570897524986 -1.5043347885503426 -1.6921585263979786 -1.4585977349582726 -1.1779068832181157 +23093,-0.6950752802385534,0,0.0542075503509722 0.22503144712376627 0.224825075656378 -0.13168145595722922 -0.013121107221109726 -0.2508609187859685 -0.5858016428916869 -0.7911411503278631 -1.0936815701501046 -1.1361166819664816 -1.5253588712271957 -1.6544957524820454 -1.6609706539824036 -1.8309948616673128 -1.8783570897524986 -1.5043347885503426 -1.6921585263979786 -1.4585977349582726 -1.1779068832181157 -0.9600561118785689 +23094,-0.6276692334048961,0,0.22503144712376627 0.224825075656378 -0.13168145595722922 -0.013121107221109726 -0.2508609187859685 -0.5858016428916869 -0.7911411503278631 -1.0936815701501046 -1.1361166819664816 -1.5253588712271957 -1.6544957524820454 -1.6609706539824036 -1.8309948616673128 -1.8783570897524986 -1.5043347885503426 -1.6921585263979786 -1.4585977349582726 -1.1779068832181157 -0.9600561118785689 -0.6950752802385534 +23095,-0.2968301401627729,0,0.224825075656378 -0.13168145595722922 -0.013121107221109726 -0.2508609187859685 -0.5858016428916869 -0.7911411503278631 -1.0936815701501046 -1.1361166819664816 -1.5253588712271957 -1.6544957524820454 -1.6609706539824036 -1.8309948616673128 -1.8783570897524986 -1.5043347885503426 -1.6921585263979786 -1.4585977349582726 -1.1779068832181157 -0.9600561118785689 -0.6950752802385534 -0.6276692334048961 +23096,-0.16356583172699923,0,-0.13168145595722922 -0.013121107221109726 -0.2508609187859685 -0.5858016428916869 -0.7911411503278631 -1.0936815701501046 -1.1361166819664816 -1.5253588712271957 -1.6544957524820454 -1.6609706539824036 -1.8309948616673128 -1.8783570897524986 -1.5043347885503426 -1.6921585263979786 -1.4585977349582726 -1.1779068832181157 -0.9600561118785689 -0.6950752802385534 -0.6276692334048961 -0.2968301401627729 +23097,-0.3416385226159131,0,-0.013121107221109726 -0.2508609187859685 -0.5858016428916869 -0.7911411503278631 -1.0936815701501046 -1.1361166819664816 -1.5253588712271957 -1.6544957524820454 -1.6609706539824036 -1.8309948616673128 -1.8783570897524986 -1.5043347885503426 -1.6921585263979786 -1.4585977349582726 -1.1779068832181157 -0.9600561118785689 -0.6950752802385534 -0.6276692334048961 -0.2968301401627729 -0.16356583172699923 +23098,-0.10459521440524061,0,-0.2508609187859685 -0.5858016428916869 -0.7911411503278631 -1.0936815701501046 -1.1361166819664816 -1.5253588712271957 -1.6544957524820454 -1.6609706539824036 -1.8309948616673128 -1.8783570897524986 -1.5043347885503426 -1.6921585263979786 -1.4585977349582726 -1.1779068832181157 -0.9600561118785689 -0.6950752802385534 -0.6276692334048961 -0.2968301401627729 -0.16356583172699923 -0.3416385226159131 +23099,-0.17888890551926448,0,-0.5858016428916869 -0.7911411503278631 -1.0936815701501046 -1.1361166819664816 -1.5253588712271957 -1.6544957524820454 -1.6609706539824036 -1.8309948616673128 -1.8783570897524986 -1.5043347885503426 -1.6921585263979786 -1.4585977349582726 -1.1779068832181157 -0.9600561118785689 -0.6950752802385534 -0.6276692334048961 -0.2968301401627729 -0.16356583172699923 -0.3416385226159131 -0.10459521440524061 +23100,-0.4219685761329492,0,-0.7911411503278631 -1.0936815701501046 -1.1361166819664816 -1.5253588712271957 -1.6544957524820454 -1.6609706539824036 -1.8309948616673128 -1.8783570897524986 -1.5043347885503426 -1.6921585263979786 -1.4585977349582726 -1.1779068832181157 -0.9600561118785689 -0.6950752802385534 -0.6276692334048961 -0.2968301401627729 -0.16356583172699923 -0.3416385226159131 -0.10459521440524061 -0.17888890551926448 +23101,-0.4400002740804194,0,-1.0936815701501046 -1.1361166819664816 -1.5253588712271957 -1.6544957524820454 -1.6609706539824036 -1.8309948616673128 -1.8783570897524986 -1.5043347885503426 -1.6921585263979786 -1.4585977349582726 -1.1779068832181157 -0.9600561118785689 -0.6950752802385534 -0.6276692334048961 -0.2968301401627729 -0.16356583172699923 -0.3416385226159131 -0.10459521440524061 -0.17888890551926448 -0.4219685761329492 +23102,-0.6268179515275505,0,-1.1361166819664816 -1.5253588712271957 -1.6544957524820454 -1.6609706539824036 -1.8309948616673128 -1.8783570897524986 -1.5043347885503426 -1.6921585263979786 -1.4585977349582726 -1.1779068832181157 -0.9600561118785689 -0.6950752802385534 -0.6276692334048961 -0.2968301401627729 -0.16356583172699923 -0.3416385226159131 -0.10459521440524061 -0.17888890551926448 -0.4219685761329492 -0.4400002740804194 +23103,-0.7819834209896462,0,-1.5253588712271957 -1.6544957524820454 -1.6609706539824036 -1.8309948616673128 -1.8783570897524986 -1.5043347885503426 -1.6921585263979786 -1.4585977349582726 -1.1779068832181157 -0.9600561118785689 -0.6950752802385534 -0.6276692334048961 -0.2968301401627729 -0.16356583172699923 -0.3416385226159131 -0.10459521440524061 -0.17888890551926448 -0.4219685761329492 -0.4400002740804194 -0.6268179515275505 +23104,-0.9793518344833844,0,-1.6544957524820454 -1.6609706539824036 -1.8309948616673128 -1.8783570897524986 -1.5043347885503426 -1.6921585263979786 -1.4585977349582726 -1.1779068832181157 -0.9600561118785689 -0.6950752802385534 -0.6276692334048961 -0.2968301401627729 -0.16356583172699923 -0.3416385226159131 -0.10459521440524061 -0.17888890551926448 -0.4219685761329492 -0.4400002740804194 -0.6268179515275505 -0.7819834209896462 +23105,-1.1450680398373014,0,-1.6609706539824036 -1.8309948616673128 -1.8783570897524986 -1.5043347885503426 -1.6921585263979786 -1.4585977349582726 -1.1779068832181157 -0.9600561118785689 -0.6950752802385534 -0.6276692334048961 -0.2968301401627729 -0.16356583172699923 -0.3416385226159131 -0.10459521440524061 -0.17888890551926448 -0.4219685761329492 -0.4400002740804194 -0.6268179515275505 -0.7819834209896462 -0.9793518344833844 +23106,-1.0262239305269865,0,-1.8309948616673128 -1.8783570897524986 -1.5043347885503426 -1.6921585263979786 -1.4585977349582726 -1.1779068832181157 -0.9600561118785689 -0.6950752802385534 -0.6276692334048961 -0.2968301401627729 -0.16356583172699923 -0.3416385226159131 -0.10459521440524061 -0.17888890551926448 -0.4219685761329492 -0.4400002740804194 -0.6268179515275505 -0.7819834209896462 -0.9793518344833844 -1.1450680398373014 +23107,-1.2867935742571057,0,-1.8783570897524986 -1.5043347885503426 -1.6921585263979786 -1.4585977349582726 -1.1779068832181157 -0.9600561118785689 -0.6950752802385534 -0.6276692334048961 -0.2968301401627729 -0.16356583172699923 -0.3416385226159131 -0.10459521440524061 -0.17888890551926448 -0.4219685761329492 -0.4400002740804194 -0.6268179515275505 -0.7819834209896462 -0.9793518344833844 -1.1450680398373014 -1.0262239305269865 +23108,-1.2628029031681984,0,-1.5043347885503426 -1.6921585263979786 -1.4585977349582726 -1.1779068832181157 -0.9600561118785689 -0.6950752802385534 -0.6276692334048961 -0.2968301401627729 -0.16356583172699923 -0.3416385226159131 -0.10459521440524061 -0.17888890551926448 -0.4219685761329492 -0.4400002740804194 -0.6268179515275505 -0.7819834209896462 -0.9793518344833844 -1.1450680398373014 -1.0262239305269865 -1.2867935742571057 +23109,-1.2666723662470503,0,-1.6921585263979786 -1.4585977349582726 -1.1779068832181157 -0.9600561118785689 -0.6950752802385534 -0.6276692334048961 -0.2968301401627729 -0.16356583172699923 -0.3416385226159131 -0.10459521440524061 -0.17888890551926448 -0.4219685761329492 -0.4400002740804194 -0.6268179515275505 -0.7819834209896462 -0.9793518344833844 -1.1450680398373014 -1.0262239305269865 -1.2867935742571057 -1.2628029031681984 +23110,-1.233394983768899,0,-1.4585977349582726 -1.1779068832181157 -0.9600561118785689 -0.6950752802385534 -0.6276692334048961 -0.2968301401627729 -0.16356583172699923 -0.3416385226159131 -0.10459521440524061 -0.17888890551926448 -0.4219685761329492 -0.4400002740804194 -0.6268179515275505 -0.7819834209896462 -0.9793518344833844 -1.1450680398373014 -1.0262239305269865 -1.2867935742571057 -1.2628029031681984 -1.2666723662470503 +23111,-1.2279777354584975,0,-1.1779068832181157 -0.9600561118785689 -0.6950752802385534 -0.6276692334048961 -0.2968301401627729 -0.16356583172699923 -0.3416385226159131 -0.10459521440524061 -0.17888890551926448 -0.4219685761329492 -0.4400002740804194 -0.6268179515275505 -0.7819834209896462 -0.9793518344833844 -1.1450680398373014 -1.0262239305269865 -1.2867935742571057 -1.2628029031681984 -1.2666723662470503 -1.233394983768899 +23112,-1.1656793798889318,0,-0.9600561118785689 -0.6950752802385534 -0.6276692334048961 -0.2968301401627729 -0.16356583172699923 -0.3416385226159131 -0.10459521440524061 -0.17888890551926448 -0.4219685761329492 -0.4400002740804194 -0.6268179515275505 -0.7819834209896462 -0.9793518344833844 -1.1450680398373014 -1.0262239305269865 -1.2867935742571057 -1.2628029031681984 -1.2666723662470503 -1.233394983768899 -1.2279777354584975 +23113,-1.1792225006649217,0,-0.6950752802385534 -0.6276692334048961 -0.2968301401627729 -0.16356583172699923 -0.3416385226159131 -0.10459521440524061 -0.17888890551926448 -0.4219685761329492 -0.4400002740804194 -0.6268179515275505 -0.7819834209896462 -0.9793518344833844 -1.1450680398373014 -1.0262239305269865 -1.2867935742571057 -1.2628029031681984 -1.2666723662470503 -1.233394983768899 -1.2279777354584975 -1.1656793798889318 +23114,-1.1358845141817469,0,-0.6276692334048961 -0.2968301401627729 -0.16356583172699923 -0.3416385226159131 -0.10459521440524061 -0.17888890551926448 -0.4219685761329492 -0.4400002740804194 -0.6268179515275505 -0.7819834209896462 -0.9793518344833844 -1.1450680398373014 -1.0262239305269865 -1.2867935742571057 -1.2628029031681984 -1.2666723662470503 -1.233394983768899 -1.2279777354584975 -1.1656793798889318 -1.1792225006649217 +23115,-0.9364523870975469,0,-0.2968301401627729 -0.16356583172699923 -0.3416385226159131 -0.10459521440524061 -0.17888890551926448 -0.4219685761329492 -0.4400002740804194 -0.6268179515275505 -0.7819834209896462 -0.9793518344833844 -1.1450680398373014 -1.0262239305269865 -1.2867935742571057 -1.2628029031681984 -1.2666723662470503 -1.233394983768899 -1.2279777354584975 -1.1656793798889318 -1.1792225006649217 -1.1358845141817469 +23116,-0.9451457808663033,0,-0.16356583172699923 -0.3416385226159131 -0.10459521440524061 -0.17888890551926448 -0.4219685761329492 -0.4400002740804194 -0.6268179515275505 -0.7819834209896462 -0.9793518344833844 -1.1450680398373014 -1.0262239305269865 -1.2867935742571057 -1.2628029031681984 -1.2666723662470503 -1.233394983768899 -1.2279777354584975 -1.1656793798889318 -1.1792225006649217 -1.1358845141817469 -0.9364523870975469 +23117,-0.7977450338792574,0,-0.3416385226159131 -0.10459521440524061 -0.17888890551926448 -0.4219685761329492 -0.4400002740804194 -0.6268179515275505 -0.7819834209896462 -0.9793518344833844 -1.1450680398373014 -1.0262239305269865 -1.2867935742571057 -1.2628029031681984 -1.2666723662470503 -1.233394983768899 -1.2279777354584975 -1.1656793798889318 -1.1792225006649217 -1.1358845141817469 -0.9364523870975469 -0.9451457808663033 +23118,-0.6682212064712993,0,-0.10459521440524061 -0.17888890551926448 -0.4219685761329492 -0.4400002740804194 -0.6268179515275505 -0.7819834209896462 -0.9793518344833844 -1.1450680398373014 -1.0262239305269865 -1.2867935742571057 -1.2628029031681984 -1.2666723662470503 -1.233394983768899 -1.2279777354584975 -1.1656793798889318 -1.1792225006649217 -1.1358845141817469 -0.9364523870975469 -0.9451457808663033 -0.7977450338792574 +23119,-0.5148614864975934,0,-0.17888890551926448 -0.4219685761329492 -0.4400002740804194 -0.6268179515275505 -0.7819834209896462 -0.9793518344833844 -1.1450680398373014 -1.0262239305269865 -1.2867935742571057 -1.2628029031681984 -1.2666723662470503 -1.233394983768899 -1.2279777354584975 -1.1656793798889318 -1.1792225006649217 -1.1358845141817469 -0.9364523870975469 -0.9451457808663033 -0.7977450338792574 -0.6682212064712993 +23120,-0.37937868579342154,0,-0.4219685761329492 -0.4400002740804194 -0.6268179515275505 -0.7819834209896462 -0.9793518344833844 -1.1450680398373014 -1.0262239305269865 -1.2867935742571057 -1.2628029031681984 -1.2666723662470503 -1.233394983768899 -1.2279777354584975 -1.1656793798889318 -1.1792225006649217 -1.1358845141817469 -0.9364523870975469 -0.9451457808663033 -0.7977450338792574 -0.6682212064712993 -0.5148614864975934 +23121,-0.49378581087650264,0,-0.4400002740804194 -0.6268179515275505 -0.7819834209896462 -0.9793518344833844 -1.1450680398373014 -1.0262239305269865 -1.2867935742571057 -1.2628029031681984 -1.2666723662470503 -1.233394983768899 -1.2279777354584975 -1.1656793798889318 -1.1792225006649217 -1.1358845141817469 -0.9364523870975469 -0.9451457808663033 -0.7977450338792574 -0.6682212064712993 -0.5148614864975934 -0.37937868579342154 +23122,-0.2750063683980262,0,-0.6268179515275505 -0.7819834209896462 -0.9793518344833844 -1.1450680398373014 -1.0262239305269865 -1.2867935742571057 -1.2628029031681984 -1.2666723662470503 -1.233394983768899 -1.2279777354584975 -1.1656793798889318 -1.1792225006649217 -1.1358845141817469 -0.9364523870975469 -0.9451457808663033 -0.7977450338792574 -0.6682212064712993 -0.5148614864975934 -0.37937868579342154 -0.49378581087650264 +23123,-0.30611685155202595,0,-0.7819834209896462 -0.9793518344833844 -1.1450680398373014 -1.0262239305269865 -1.2867935742571057 -1.2628029031681984 -1.2666723662470503 -1.233394983768899 -1.2279777354584975 -1.1656793798889318 -1.1792225006649217 -1.1358845141817469 -0.9364523870975469 -0.9451457808663033 -0.7977450338792574 -0.6682212064712993 -0.5148614864975934 -0.37937868579342154 -0.49378581087650264 -0.2750063683980262 +23124,-0.4284692741054307,0,-0.9793518344833844 -1.1450680398373014 -1.0262239305269865 -1.2867935742571057 -1.2628029031681984 -1.2666723662470503 -1.233394983768899 -1.2279777354584975 -1.1656793798889318 -1.1792225006649217 -1.1358845141817469 -0.9364523870975469 -0.9451457808663033 -0.7977450338792574 -0.6682212064712993 -0.5148614864975934 -0.37937868579342154 -0.49378581087650264 -0.2750063683980262 -0.30611685155202595 +23125,-0.42916577745962575,0,-1.1450680398373014 -1.0262239305269865 -1.2867935742571057 -1.2628029031681984 -1.2666723662470503 -1.233394983768899 -1.2279777354584975 -1.1656793798889318 -1.1792225006649217 -1.1358845141817469 -0.9364523870975469 -0.9451457808663033 -0.7977450338792574 -0.6682212064712993 -0.5148614864975934 -0.37937868579342154 -0.49378581087650264 -0.2750063683980262 -0.30611685155202595 -0.4284692741054307 +23126,-0.5211042202132171,0,-1.0262239305269865 -1.2867935742571057 -1.2628029031681984 -1.2666723662470503 -1.233394983768899 -1.2279777354584975 -1.1656793798889318 -1.1792225006649217 -1.1358845141817469 -0.9364523870975469 -0.9451457808663033 -0.7977450338792574 -0.6682212064712993 -0.5148614864975934 -0.37937868579342154 -0.49378581087650264 -0.2750063683980262 -0.30611685155202595 -0.4284692741054307 -0.42916577745962575 +23127,-0.5780627167339746,0,-1.2867935742571057 -1.2628029031681984 -1.2666723662470503 -1.233394983768899 -1.2279777354584975 -1.1656793798889318 -1.1792225006649217 -1.1358845141817469 -0.9364523870975469 -0.9451457808663033 -0.7977450338792574 -0.6682212064712993 -0.5148614864975934 -0.37937868579342154 -0.49378581087650264 -0.2750063683980262 -0.30611685155202595 -0.4284692741054307 -0.42916577745962575 -0.5211042202132171 +23128,-0.6816611415135996,0,-1.2628029031681984 -1.2666723662470503 -1.233394983768899 -1.2279777354584975 -1.1656793798889318 -1.1792225006649217 -1.1358845141817469 -0.9364523870975469 -0.9451457808663033 -0.7977450338792574 -0.6682212064712993 -0.5148614864975934 -0.37937868579342154 -0.49378581087650264 -0.2750063683980262 -0.30611685155202595 -0.4284692741054307 -0.42916577745962575 -0.5211042202132171 -0.5780627167339746 +23129,-0.7502796202151499,0,-1.2666723662470503 -1.233394983768899 -1.2279777354584975 -1.1656793798889318 -1.1792225006649217 -1.1358845141817469 -0.9364523870975469 -0.9451457808663033 -0.7977450338792574 -0.6682212064712993 -0.5148614864975934 -0.37937868579342154 -0.49378581087650264 -0.2750063683980262 -0.30611685155202595 -0.4284692741054307 -0.42916577745962575 -0.5211042202132171 -0.5780627167339746 -0.6816611415135996 +23130,-0.7791974075728659,0,-1.233394983768899 -1.2279777354584975 -1.1656793798889318 -1.1792225006649217 -1.1358845141817469 -0.9364523870975469 -0.9451457808663033 -0.7977450338792574 -0.6682212064712993 -0.5148614864975934 -0.37937868579342154 -0.49378581087650264 -0.2750063683980262 -0.30611685155202595 -0.4284692741054307 -0.42916577745962575 -0.5211042202132171 -0.5780627167339746 -0.6816611415135996 -0.7502796202151499 +23131,-0.8610494498493283,0,-1.2279777354584975 -1.1656793798889318 -1.1792225006649217 -1.1358845141817469 -0.9364523870975469 -0.9451457808663033 -0.7977450338792574 -0.6682212064712993 -0.5148614864975934 -0.37937868579342154 -0.49378581087650264 -0.2750063683980262 -0.30611685155202595 -0.4284692741054307 -0.42916577745962575 -0.5211042202132171 -0.5780627167339746 -0.6816611415135996 -0.7502796202151499 -0.7791974075728659 +23132,-0.9032008010915099,0,-1.1656793798889318 -1.1792225006649217 -1.1358845141817469 -0.9364523870975469 -0.9451457808663033 -0.7977450338792574 -0.6682212064712993 -0.5148614864975934 -0.37937868579342154 -0.49378581087650264 -0.2750063683980262 -0.30611685155202595 -0.4284692741054307 -0.42916577745962575 -0.5211042202132171 -0.5780627167339746 -0.6816611415135996 -0.7502796202151499 -0.7791974075728659 -0.8610494498493283 +23133,-0.9061931858209016,0,-1.1792225006649217 -1.1358845141817469 -0.9364523870975469 -0.9451457808663033 -0.7977450338792574 -0.6682212064712993 -0.5148614864975934 -0.37937868579342154 -0.49378581087650264 -0.2750063683980262 -0.30611685155202595 -0.4284692741054307 -0.42916577745962575 -0.5211042202132171 -0.5780627167339746 -0.6816611415135996 -0.7502796202151499 -0.7791974075728659 -0.8610494498493283 -0.9032008010915099 +23134,-0.9613975257974982,0,-1.1358845141817469 -0.9364523870975469 -0.9451457808663033 -0.7977450338792574 -0.6682212064712993 -0.5148614864975934 -0.37937868579342154 -0.49378581087650264 -0.2750063683980262 -0.30611685155202595 -0.4284692741054307 -0.42916577745962575 -0.5211042202132171 -0.5780627167339746 -0.6816611415135996 -0.7502796202151499 -0.7791974075728659 -0.8610494498493283 -0.9032008010915099 -0.9061931858209016 +23135,-0.977442899261296,0,-0.9364523870975469 -0.9451457808663033 -0.7977450338792574 -0.6682212064712993 -0.5148614864975934 -0.37937868579342154 -0.49378581087650264 -0.2750063683980262 -0.30611685155202595 -0.4284692741054307 -0.42916577745962575 -0.5211042202132171 -0.5780627167339746 -0.6816611415135996 -0.7502796202151499 -0.7791974075728659 -0.8610494498493283 -0.9032008010915099 -0.9061931858209016 -0.9613975257974982 +23136,-0.914241669024915,0,-0.9451457808663033 -0.7977450338792574 -0.6682212064712993 -0.5148614864975934 -0.37937868579342154 -0.49378581087650264 -0.2750063683980262 -0.30611685155202595 -0.4284692741054307 -0.42916577745962575 -0.5211042202132171 -0.5780627167339746 -0.6816611415135996 -0.7502796202151499 -0.7791974075728659 -0.8610494498493283 -0.9032008010915099 -0.9061931858209016 -0.9613975257974982 -0.977442899261296 +23137,-0.9567025771586296,0,-0.7977450338792574 -0.6682212064712993 -0.5148614864975934 -0.37937868579342154 -0.49378581087650264 -0.2750063683980262 -0.30611685155202595 -0.4284692741054307 -0.42916577745962575 -0.5211042202132171 -0.5780627167339746 -0.6816611415135996 -0.7502796202151499 -0.7791974075728659 -0.8610494498493283 -0.9032008010915099 -0.9061931858209016 -0.9613975257974982 -0.977442899261296 -0.914241669024915 +23138,-0.9199168815921652,0,-0.6682212064712993 -0.5148614864975934 -0.37937868579342154 -0.49378581087650264 -0.2750063683980262 -0.30611685155202595 -0.4284692741054307 -0.42916577745962575 -0.5211042202132171 -0.5780627167339746 -0.6816611415135996 -0.7502796202151499 -0.7791974075728659 -0.8610494498493283 -0.9032008010915099 -0.9061931858209016 -0.9613975257974982 -0.977442899261296 -0.914241669024915 -0.9567025771586296 +23139,-0.7891032330547387,0,-0.5148614864975934 -0.37937868579342154 -0.49378581087650264 -0.2750063683980262 -0.30611685155202595 -0.4284692741054307 -0.42916577745962575 -0.5211042202132171 -0.5780627167339746 -0.6816611415135996 -0.7502796202151499 -0.7791974075728659 -0.8610494498493283 -0.9032008010915099 -0.9061931858209016 -0.9613975257974982 -0.977442899261296 -0.914241669024915 -0.9567025771586296 -0.9199168815921652 +23140,-0.7836601882722231,0,-0.37937868579342154 -0.49378581087650264 -0.2750063683980262 -0.30611685155202595 -0.4284692741054307 -0.42916577745962575 -0.5211042202132171 -0.5780627167339746 -0.6816611415135996 -0.7502796202151499 -0.7791974075728659 -0.8610494498493283 -0.9032008010915099 -0.9061931858209016 -0.9613975257974982 -0.977442899261296 -0.914241669024915 -0.9567025771586296 -0.9199168815921652 -0.7891032330547387 +23141,-0.6841891908283076,0,-0.49378581087650264 -0.2750063683980262 -0.30611685155202595 -0.4284692741054307 -0.42916577745962575 -0.5211042202132171 -0.5780627167339746 -0.6816611415135996 -0.7502796202151499 -0.7791974075728659 -0.8610494498493283 -0.9032008010915099 -0.9061931858209016 -0.9613975257974982 -0.977442899261296 -0.914241669024915 -0.9567025771586296 -0.9199168815921652 -0.7891032330547387 -0.7836601882722231 +23142,-0.4882911733045349,0,-0.2750063683980262 -0.30611685155202595 -0.4284692741054307 -0.42916577745962575 -0.5211042202132171 -0.5780627167339746 -0.6816611415135996 -0.7502796202151499 -0.7791974075728659 -0.8610494498493283 -0.9032008010915099 -0.9061931858209016 -0.9613975257974982 -0.977442899261296 -0.914241669024915 -0.9567025771586296 -0.9199168815921652 -0.7891032330547387 -0.7836601882722231 -0.6841891908283076 +23143,-0.420962515732453,0,-0.30611685155202595 -0.4284692741054307 -0.42916577745962575 -0.5211042202132171 -0.5780627167339746 -0.6816611415135996 -0.7502796202151499 -0.7791974075728659 -0.8610494498493283 -0.9032008010915099 -0.9061931858209016 -0.9613975257974982 -0.977442899261296 -0.914241669024915 -0.9567025771586296 -0.9199168815921652 -0.7891032330547387 -0.7836601882722231 -0.6841891908283076 -0.4882911733045349 +23144,-0.2572068382352906,0,-0.4284692741054307 -0.42916577745962575 -0.5211042202132171 -0.5780627167339746 -0.6816611415135996 -0.7502796202151499 -0.7791974075728659 -0.8610494498493283 -0.9032008010915099 -0.9061931858209016 -0.9613975257974982 -0.977442899261296 -0.914241669024915 -0.9567025771586296 -0.9199168815921652 -0.7891032330547387 -0.7836601882722231 -0.6841891908283076 -0.4882911733045349 -0.420962515732453 +23145,-0.31826696561963447,0,-0.42916577745962575 -0.5211042202132171 -0.5780627167339746 -0.6816611415135996 -0.7502796202151499 -0.7791974075728659 -0.8610494498493283 -0.9032008010915099 -0.9061931858209016 -0.9613975257974982 -0.977442899261296 -0.914241669024915 -0.9567025771586296 -0.9199168815921652 -0.7891032330547387 -0.7836601882722231 -0.6841891908283076 -0.4882911733045349 -0.420962515732453 -0.2572068382352906 +23146,-0.07957268644371397,0,-0.5211042202132171 -0.5780627167339746 -0.6816611415135996 -0.7502796202151499 -0.7791974075728659 -0.8610494498493283 -0.9032008010915099 -0.9061931858209016 -0.9613975257974982 -0.977442899261296 -0.914241669024915 -0.9567025771586296 -0.9199168815921652 -0.7891032330547387 -0.7836601882722231 -0.6841891908283076 -0.4882911733045349 -0.420962515732453 -0.2572068382352906 -0.31826696561963447 +23147,-0.06569421230407661,0,-0.5780627167339746 -0.6816611415135996 -0.7502796202151499 -0.7791974075728659 -0.8610494498493283 -0.9032008010915099 -0.9061931858209016 -0.9613975257974982 -0.977442899261296 -0.914241669024915 -0.9567025771586296 -0.9199168815921652 -0.7891032330547387 -0.7836601882722231 -0.6841891908283076 -0.4882911733045349 -0.420962515732453 -0.2572068382352906 -0.31826696561963447 -0.07957268644371397 +23148,-0.2978362005632779,0,-0.6816611415135996 -0.7502796202151499 -0.7791974075728659 -0.8610494498493283 -0.9032008010915099 -0.9061931858209016 -0.9613975257974982 -0.977442899261296 -0.914241669024915 -0.9567025771586296 -0.9199168815921652 -0.7891032330547387 -0.7836601882722231 -0.6841891908283076 -0.4882911733045349 -0.420962515732453 -0.2572068382352906 -0.31826696561963447 -0.07957268644371397 -0.06569421230407661 +23149,-0.20195090546924196,0,-0.7502796202151499 -0.7791974075728659 -0.8610494498493283 -0.9032008010915099 -0.9061931858209016 -0.9613975257974982 -0.977442899261296 -0.914241669024915 -0.9567025771586296 -0.9199168815921652 -0.7891032330547387 -0.7836601882722231 -0.6841891908283076 -0.4882911733045349 -0.420962515732453 -0.2572068382352906 -0.31826696561963447 -0.07957268644371397 -0.06569421230407661 -0.2978362005632779 +23150,-0.3520860729288304,0,-0.7791974075728659 -0.8610494498493283 -0.9032008010915099 -0.9061931858209016 -0.9613975257974982 -0.977442899261296 -0.914241669024915 -0.9567025771586296 -0.9199168815921652 -0.7891032330547387 -0.7836601882722231 -0.6841891908283076 -0.4882911733045349 -0.420962515732453 -0.2572068382352906 -0.31826696561963447 -0.07957268644371397 -0.06569421230407661 -0.2978362005632779 -0.20195090546924196 +23151,-0.4814809182857436,0,-0.8610494498493283 -0.9032008010915099 -0.9061931858209016 -0.9613975257974982 -0.977442899261296 -0.914241669024915 -0.9567025771586296 -0.9199168815921652 -0.7891032330547387 -0.7836601882722231 -0.6841891908283076 -0.4882911733045349 -0.420962515732453 -0.2572068382352906 -0.31826696561963447 -0.07957268644371397 -0.06569421230407661 -0.2978362005632779 -0.20195090546924196 -0.3520860729288304 +23152,-0.6385295264978131,0,-0.9032008010915099 -0.9061931858209016 -0.9613975257974982 -0.977442899261296 -0.914241669024915 -0.9567025771586296 -0.9199168815921652 -0.7891032330547387 -0.7836601882722231 -0.6841891908283076 -0.4882911733045349 -0.420962515732453 -0.2572068382352906 -0.31826696561963447 -0.07957268644371397 -0.06569421230407661 -0.2978362005632779 -0.20195090546924196 -0.3520860729288304 -0.4814809182857436 +23153,-0.7748378124524304,0,-0.9061931858209016 -0.9613975257974982 -0.977442899261296 -0.914241669024915 -0.9567025771586296 -0.9199168815921652 -0.7891032330547387 -0.7836601882722231 -0.6841891908283076 -0.4882911733045349 -0.420962515732453 -0.2572068382352906 -0.31826696561963447 -0.07957268644371397 -0.06569421230407661 -0.2978362005632779 -0.20195090546924196 -0.3520860729288304 -0.4814809182857436 -0.6385295264978131 +23154,-0.9399349038685222,0,-0.9613975257974982 -0.977442899261296 -0.914241669024915 -0.9567025771586296 -0.9199168815921652 -0.7891032330547387 -0.7836601882722231 -0.6841891908283076 -0.4882911733045349 -0.420962515732453 -0.2572068382352906 -0.31826696561963447 -0.07957268644371397 -0.06569421230407661 -0.2978362005632779 -0.20195090546924196 -0.3520860729288304 -0.4814809182857436 -0.6385295264978131 -0.7748378124524304 +23155,-1.0666469215423624,0,-0.977442899261296 -0.914241669024915 -0.9567025771586296 -0.9199168815921652 -0.7891032330547387 -0.7836601882722231 -0.6841891908283076 -0.4882911733045349 -0.420962515732453 -0.2572068382352906 -0.31826696561963447 -0.07957268644371397 -0.06569421230407661 -0.2978362005632779 -0.20195090546924196 -0.3520860729288304 -0.4814809182857436 -0.6385295264978131 -0.7748378124524304 -0.9399349038685222 +23156,-1.2221477443680968,0,-0.914241669024915 -0.9567025771586296 -0.9199168815921652 -0.7891032330547387 -0.7836601882722231 -0.6841891908283076 -0.4882911733045349 -0.420962515732453 -0.2572068382352906 -0.31826696561963447 -0.07957268644371397 -0.06569421230407661 -0.2978362005632779 -0.20195090546924196 -0.3520860729288304 -0.4814809182857436 -0.6385295264978131 -0.7748378124524304 -0.9399349038685222 -1.0666469215423624 +23157,-1.2857875138566008,0,-0.9567025771586296 -0.9199168815921652 -0.7891032330547387 -0.7836601882722231 -0.6841891908283076 -0.4882911733045349 -0.420962515732453 -0.2572068382352906 -0.31826696561963447 -0.07957268644371397 -0.06569421230407661 -0.2978362005632779 -0.20195090546924196 -0.3520860729288304 -0.4814809182857436 -0.6385295264978131 -0.7748378124524304 -0.9399349038685222 -1.0666469215423624 -1.2221477443680968 +23158,-1.4719086879495367,0,-0.9199168815921652 -0.7891032330547387 -0.7836601882722231 -0.6841891908283076 -0.4882911733045349 -0.420962515732453 -0.2572068382352906 -0.31826696561963447 -0.07957268644371397 -0.06569421230407661 -0.2978362005632779 -0.20195090546924196 -0.3520860729288304 -0.4814809182857436 -0.6385295264978131 -0.7748378124524304 -0.9399349038685222 -1.0666469215423624 -1.2221477443680968 -1.2857875138566008 +23159,-1.566168808550448,0,-0.7891032330547387 -0.7836601882722231 -0.6841891908283076 -0.4882911733045349 -0.420962515732453 -0.2572068382352906 -0.31826696561963447 -0.07957268644371397 -0.06569421230407661 -0.2978362005632779 -0.20195090546924196 -0.3520860729288304 -0.4814809182857436 -0.6385295264978131 -0.7748378124524304 -0.9399349038685222 -1.0666469215423624 -1.2221477443680968 -1.2857875138566008 -1.4719086879495367 +23160,-1.0952551518537685,0,-0.7836601882722231 -0.6841891908283076 -0.4882911733045349 -0.420962515732453 -0.2572068382352906 -0.31826696561963447 -0.07957268644371397 -0.06569421230407661 -0.2978362005632779 -0.20195090546924196 -0.3520860729288304 -0.4814809182857436 -0.6385295264978131 -0.7748378124524304 -0.9399349038685222 -1.0666469215423624 -1.2221477443680968 -1.2857875138566008 -1.4719086879495367 -1.566168808550448 +23161,-1.3779065316054746,0,-0.6841891908283076 -0.4882911733045349 -0.420962515732453 -0.2572068382352906 -0.31826696561963447 -0.07957268644371397 -0.06569421230407661 -0.2978362005632779 -0.20195090546924196 -0.3520860729288304 -0.4814809182857436 -0.6385295264978131 -0.7748378124524304 -0.9399349038685222 -1.0666469215423624 -1.2221477443680968 -1.2857875138566008 -1.4719086879495367 -1.566168808550448 -1.0952551518537685 +23162,-1.0953841339048045,0,-0.4882911733045349 -0.420962515732453 -0.2572068382352906 -0.31826696561963447 -0.07957268644371397 -0.06569421230407661 -0.2978362005632779 -0.20195090546924196 -0.3520860729288304 -0.4814809182857436 -0.6385295264978131 -0.7748378124524304 -0.9399349038685222 -1.0666469215423624 -1.2221477443680968 -1.2857875138566008 -1.4719086879495367 -1.566168808550448 -1.0952551518537685 -1.3779065316054746 +23163,-0.7610109311022452,0,-0.420962515732453 -0.2572068382352906 -0.31826696561963447 -0.07957268644371397 -0.06569421230407661 -0.2978362005632779 -0.20195090546924196 -0.3520860729288304 -0.4814809182857436 -0.6385295264978131 -0.7748378124524304 -0.9399349038685222 -1.0666469215423624 -1.2221477443680968 -1.2857875138566008 -1.4719086879495367 -1.566168808550448 -1.0952551518537685 -1.3779065316054746 -1.0953841339048045 +23164,-0.4957721352053894,0,-0.2572068382352906 -0.31826696561963447 -0.07957268644371397 -0.06569421230407661 -0.2978362005632779 -0.20195090546924196 -0.3520860729288304 -0.4814809182857436 -0.6385295264978131 -0.7748378124524304 -0.9399349038685222 -1.0666469215423624 -1.2221477443680968 -1.2857875138566008 -1.4719086879495367 -1.566168808550448 -1.0952551518537685 -1.3779065316054746 -1.0953841339048045 -0.7610109311022452 +23165,-0.1786825342066531,0,-0.31826696561963447 -0.07957268644371397 -0.06569421230407661 -0.2978362005632779 -0.20195090546924196 -0.3520860729288304 -0.4814809182857436 -0.6385295264978131 -0.7748378124524304 -0.9399349038685222 -1.0666469215423624 -1.2221477443680968 -1.2857875138566008 -1.4719086879495367 -1.566168808550448 -1.0952551518537685 -1.3779065316054746 -1.0953841339048045 -0.7610109311022452 -0.4957721352053894 +23166,-0.1387238787607464,0,-0.07957268644371397 -0.06569421230407661 -0.2978362005632779 -0.20195090546924196 -0.3520860729288304 -0.4814809182857436 -0.6385295264978131 -0.7748378124524304 -0.9399349038685222 -1.0666469215423624 -1.2221477443680968 -1.2857875138566008 -1.4719086879495367 -1.566168808550448 -1.0952551518537685 -1.3779065316054746 -1.0953841339048045 -0.7610109311022452 -0.4957721352053894 -0.1786825342066531 +23167,0.27074270424372165,0,-0.06569421230407661 -0.2978362005632779 -0.20195090546924196 -0.3520860729288304 -0.4814809182857436 -0.6385295264978131 -0.7748378124524304 -0.9399349038685222 -1.0666469215423624 -1.2221477443680968 -1.2857875138566008 -1.4719086879495367 -1.566168808550448 -1.0952551518537685 -1.3779065316054746 -1.0953841339048045 -0.7610109311022452 -0.4957721352053894 -0.1786825342066531 -0.1387238787607464 +23168,0.40307834154056565,0,-0.2978362005632779 -0.20195090546924196 -0.3520860729288304 -0.4814809182857436 -0.6385295264978131 -0.7748378124524304 -0.9399349038685222 -1.0666469215423624 -1.2221477443680968 -1.2857875138566008 -1.4719086879495367 -1.566168808550448 -1.0952551518537685 -1.3779065316054746 -1.0953841339048045 -0.7610109311022452 -0.4957721352053894 -0.1786825342066531 -0.1387238787607464 0.27074270424372165 +23169,0.295739435733125,0,-0.20195090546924196 -0.3520860729288304 -0.4814809182857436 -0.6385295264978131 -0.7748378124524304 -0.9399349038685222 -1.0666469215423624 -1.2221477443680968 -1.2857875138566008 -1.4719086879495367 -1.566168808550448 -1.0952551518537685 -1.3779065316054746 -1.0953841339048045 -0.7610109311022452 -0.4957721352053894 -0.1786825342066531 -0.1387238787607464 0.27074270424372165 0.40307834154056565 +23170,0.5079665874496679,0,-0.3520860729288304 -0.4814809182857436 -0.6385295264978131 -0.7748378124524304 -0.9399349038685222 -1.0666469215423624 -1.2221477443680968 -1.2857875138566008 -1.4719086879495367 -1.566168808550448 -1.0952551518537685 -1.3779065316054746 -1.0953841339048045 -0.7610109311022452 -0.4957721352053894 -0.1786825342066531 -0.1387238787607464 0.27074270424372165 0.40307834154056565 0.295739435733125 +23171,0.4805191959071317,0,-0.4814809182857436 -0.6385295264978131 -0.7748378124524304 -0.9399349038685222 -1.0666469215423624 -1.2221477443680968 -1.2857875138566008 -1.4719086879495367 -1.566168808550448 -1.0952551518537685 -1.3779065316054746 -1.0953841339048045 -0.7610109311022452 -0.4957721352053894 -0.1786825342066531 -0.1387238787607464 0.27074270424372165 0.40307834154056565 0.295739435733125 0.5079665874496679 +23172,0.19072220777298665,0,-0.6385295264978131 -0.7748378124524304 -0.9399349038685222 -1.0666469215423624 -1.2221477443680968 -1.2857875138566008 -1.4719086879495367 -1.566168808550448 -1.0952551518537685 -1.3779065316054746 -1.0953841339048045 -0.7610109311022452 -0.4957721352053894 -0.1786825342066531 -0.1387238787607464 0.27074270424372165 0.40307834154056565 0.295739435733125 0.5079665874496679 0.4805191959071317 +23173,0.2507246819673647,0,-0.7748378124524304 -0.9399349038685222 -1.0666469215423624 -1.2221477443680968 -1.2857875138566008 -1.4719086879495367 -1.566168808550448 -1.0952551518537685 -1.3779065316054746 -1.0953841339048045 -0.7610109311022452 -0.4957721352053894 -0.1786825342066531 -0.1387238787607464 0.27074270424372165 0.40307834154056565 0.295739435733125 0.5079665874496679 0.4805191959071317 0.19072220777298665 +23174,0.04837755926057133,0,-0.9399349038685222 -1.0666469215423624 -1.2221477443680968 -1.2857875138566008 -1.4719086879495367 -1.566168808550448 -1.0952551518537685 -1.3779065316054746 -1.0953841339048045 -0.7610109311022452 -0.4957721352053894 -0.1786825342066531 -0.1387238787607464 0.27074270424372165 0.40307834154056565 0.295739435733125 0.5079665874496679 0.4805191959071317 0.19072220777298665 0.2507246819673647 +23175,-0.28762081803509526,0,-1.0666469215423624 -1.2221477443680968 -1.2857875138566008 -1.4719086879495367 -1.566168808550448 -1.0952551518537685 -1.3779065316054746 -1.0953841339048045 -0.7610109311022452 -0.4957721352053894 -0.1786825342066531 -0.1387238787607464 0.27074270424372165 0.40307834154056565 0.295739435733125 0.5079665874496679 0.4805191959071317 0.19072220777298665 0.2507246819673647 0.04837755926057133 +23176,-0.4454175223908119,0,-1.2221477443680968 -1.2857875138566008 -1.4719086879495367 -1.566168808550448 -1.0952551518537685 -1.3779065316054746 -1.0953841339048045 -0.7610109311022452 -0.4957721352053894 -0.1786825342066531 -0.1387238787607464 0.27074270424372165 0.40307834154056565 0.295739435733125 0.5079665874496679 0.4805191959071317 0.19072220777298665 0.2507246819673647 0.04837755926057133 -0.28762081803509526 +23177,-0.7368654814901962,0,-1.2857875138566008 -1.4719086879495367 -1.566168808550448 -1.0952551518537685 -1.3779065316054746 -1.0953841339048045 -0.7610109311022452 -0.4957721352053894 -0.1786825342066531 -0.1387238787607464 0.27074270424372165 0.40307834154056565 0.295739435733125 0.5079665874496679 0.4805191959071317 0.19072220777298665 0.2507246819673647 0.04837755926057133 -0.28762081803509526 -0.4454175223908119 +23178,-0.7504859915277614,0,-1.4719086879495367 -1.566168808550448 -1.0952551518537685 -1.3779065316054746 -1.0953841339048045 -0.7610109311022452 -0.4957721352053894 -0.1786825342066531 -0.1387238787607464 0.27074270424372165 0.40307834154056565 0.295739435733125 0.5079665874496679 0.4805191959071317 0.19072220777298665 0.2507246819673647 0.04837755926057133 -0.28762081803509526 -0.4454175223908119 -0.7368654814901962 +23179,-1.1345431002628177,0,-1.566168808550448 -1.0952551518537685 -1.3779065316054746 -1.0953841339048045 -0.7610109311022452 -0.4957721352053894 -0.1786825342066531 -0.1387238787607464 0.27074270424372165 0.40307834154056565 0.295739435733125 0.5079665874496679 0.4805191959071317 0.19072220777298665 0.2507246819673647 0.04837755926057133 -0.28762081803509526 -0.4454175223908119 -0.7368654814901962 -0.7504859915277614 +23180,-1.2407727600908491,0,-1.0952551518537685 -1.3779065316054746 -1.0953841339048045 -0.7610109311022452 -0.4957721352053894 -0.1786825342066531 -0.1387238787607464 0.27074270424372165 0.40307834154056565 0.295739435733125 0.5079665874496679 0.4805191959071317 0.19072220777298665 0.2507246819673647 0.04837755926057133 -0.28762081803509526 -0.4454175223908119 -0.7368654814901962 -0.7504859915277614 -1.1345431002628177 +23181,-1.2511945139316345,0,-1.3779065316054746 -1.0953841339048045 -0.7610109311022452 -0.4957721352053894 -0.1786825342066531 -0.1387238787607464 0.27074270424372165 0.40307834154056565 0.295739435733125 0.5079665874496679 0.4805191959071317 0.19072220777298665 0.2507246819673647 0.04837755926057133 -0.28762081803509526 -0.4454175223908119 -0.7368654814901962 -0.7504859915277614 -1.1345431002628177 -1.2407727600908491 +23182,-1.3893601423188882,0,-1.0953841339048045 -0.7610109311022452 -0.4957721352053894 -0.1786825342066531 -0.1387238787607464 0.27074270424372165 0.40307834154056565 0.295739435733125 0.5079665874496679 0.4805191959071317 0.19072220777298665 0.2507246819673647 0.04837755926057133 -0.28762081803509526 -0.4454175223908119 -0.7368654814901962 -0.7504859915277614 -1.1345431002628177 -1.2407727600908491 -1.2511945139316345 +23183,-1.4317178647189042,0,-0.7610109311022452 -0.4957721352053894 -0.1786825342066531 -0.1387238787607464 0.27074270424372165 0.40307834154056565 0.295739435733125 0.5079665874496679 0.4805191959071317 0.19072220777298665 0.2507246819673647 0.04837755926057133 -0.28762081803509526 -0.4454175223908119 -0.7368654814901962 -0.7504859915277614 -1.1345431002628177 -1.2407727600908491 -1.2511945139316345 -1.3893601423188882 +23184,-0.9880710245694784,0,-0.4957721352053894 -0.1786825342066531 -0.1387238787607464 0.27074270424372165 0.40307834154056565 0.295739435733125 0.5079665874496679 0.4805191959071317 0.19072220777298665 0.2507246819673647 0.04837755926057133 -0.28762081803509526 -0.4454175223908119 -0.7368654814901962 -0.7504859915277614 -1.1345431002628177 -1.2407727600908491 -1.2511945139316345 -1.3893601423188882 -1.4317178647189042 +23185,-1.192430267922496,0,-0.1786825342066531 -0.1387238787607464 0.27074270424372165 0.40307834154056565 0.295739435733125 0.5079665874496679 0.4805191959071317 0.19072220777298665 0.2507246819673647 0.04837755926057133 -0.28762081803509526 -0.4454175223908119 -0.7368654814901962 -0.7504859915277614 -1.1345431002628177 -1.2407727600908491 -1.2511945139316345 -1.3893601423188882 -1.4317178647189042 -0.9880710245694784 +23186,-0.9107849487260716,0,-0.1387238787607464 0.27074270424372165 0.40307834154056565 0.295739435733125 0.5079665874496679 0.4805191959071317 0.19072220777298665 0.2507246819673647 0.04837755926057133 -0.28762081803509526 -0.4454175223908119 -0.7368654814901962 -0.7504859915277614 -1.1345431002628177 -1.2407727600908491 -1.2511945139316345 -1.3893601423188882 -1.4317178647189042 -0.9880710245694784 -1.192430267922496 +23187,-0.5548459382608465,0,0.27074270424372165 0.40307834154056565 0.295739435733125 0.5079665874496679 0.4805191959071317 0.19072220777298665 0.2507246819673647 0.04837755926057133 -0.28762081803509526 -0.4454175223908119 -0.7368654814901962 -0.7504859915277614 -1.1345431002628177 -1.2407727600908491 -1.2511945139316345 -1.3893601423188882 -1.4317178647189042 -0.9880710245694784 -1.192430267922496 -0.9107849487260716 +23188,-0.2979651826143052,0,0.40307834154056565 0.295739435733125 0.5079665874496679 0.4805191959071317 0.19072220777298665 0.2507246819673647 0.04837755926057133 -0.28762081803509526 -0.4454175223908119 -0.7368654814901962 -0.7504859915277614 -1.1345431002628177 -1.2407727600908491 -1.2511945139316345 -1.3893601423188882 -1.4317178647189042 -0.9880710245694784 -1.192430267922496 -0.9107849487260716 -0.5548459382608465 +23189,0.03320926399146546,0,0.295739435733125 0.5079665874496679 0.4805191959071317 0.19072220777298665 0.2507246819673647 0.04837755926057133 -0.28762081803509526 -0.4454175223908119 -0.7368654814901962 -0.7504859915277614 -1.1345431002628177 -1.2407727600908491 -1.2511945139316345 -1.3893601423188882 -1.4317178647189042 -0.9880710245694784 -1.192430267922496 -0.9107849487260716 -0.5548459382608465 -0.2979651826143052 +23190,0.07463831540732876,0,0.5079665874496679 0.4805191959071317 0.19072220777298665 0.2507246819673647 0.04837755926057133 -0.28762081803509526 -0.4454175223908119 -0.7368654814901962 -0.7504859915277614 -1.1345431002628177 -1.2407727600908491 -1.2511945139316345 -1.3893601423188882 -1.4317178647189042 -0.9880710245694784 -1.192430267922496 -0.9107849487260716 -0.5548459382608465 -0.2979651826143052 0.03320926399146546 +23191,0.5023945606161161,0,0.4805191959071317 0.19072220777298665 0.2507246819673647 0.04837755926057133 -0.28762081803509526 -0.4454175223908119 -0.7368654814901962 -0.7504859915277614 -1.1345431002628177 -1.2407727600908491 -1.2511945139316345 -1.3893601423188882 -1.4317178647189042 -0.9880710245694784 -1.192430267922496 -0.9107849487260716 -0.5548459382608465 -0.2979651826143052 0.03320926399146546 0.07463831540732876 +23192,0.6404054103254336,0,0.19072220777298665 0.2507246819673647 0.04837755926057133 -0.28762081803509526 -0.4454175223908119 -0.7368654814901962 -0.7504859915277614 -1.1345431002628177 -1.2407727600908491 -1.2511945139316345 -1.3893601423188882 -1.4317178647189042 -0.9880710245694784 -1.192430267922496 -0.9107849487260716 -0.5548459382608465 -0.2979651826143052 0.03320926399146546 0.07463831540732876 0.5023945606161161 +23193,0.4872004688748782,0,0.2507246819673647 0.04837755926057133 -0.28762081803509526 -0.4454175223908119 -0.7368654814901962 -0.7504859915277614 -1.1345431002628177 -1.2407727600908491 -1.2511945139316345 -1.3893601423188882 -1.4317178647189042 -0.9880710245694784 -1.192430267922496 -0.9107849487260716 -0.5548459382608465 -0.2979651826143052 0.03320926399146546 0.07463831540732876 0.5023945606161161 0.6404054103254336 +23194,0.7222832490740104,0,0.04837755926057133 -0.28762081803509526 -0.4454175223908119 -0.7368654814901962 -0.7504859915277614 -1.1345431002628177 -1.2407727600908491 -1.2511945139316345 -1.3893601423188882 -1.4317178647189042 -0.9880710245694784 -1.192430267922496 -0.9107849487260716 -0.5548459382608465 -0.2979651826143052 0.03320926399146546 0.07463831540732876 0.5023945606161161 0.6404054103254336 0.4872004688748782 +23195,0.6661502381132698,0,-0.28762081803509526 -0.4454175223908119 -0.7368654814901962 -0.7504859915277614 -1.1345431002628177 -1.2407727600908491 -1.2511945139316345 -1.3893601423188882 -1.4317178647189042 -0.9880710245694784 -1.192430267922496 -0.9107849487260716 -0.5548459382608465 -0.2979651826143052 0.03320926399146546 0.07463831540732876 0.5023945606161161 0.6404054103254336 0.4872004688748782 0.7222832490740104 +23196,0.3548648315780342,0,-0.4454175223908119 -0.7368654814901962 -0.7504859915277614 -1.1345431002628177 -1.2407727600908491 -1.2511945139316345 -1.3893601423188882 -1.4317178647189042 -0.9880710245694784 -1.192430267922496 -0.9107849487260716 -0.5548459382608465 -0.2979651826143052 0.03320926399146546 0.07463831540732876 0.5023945606161161 0.6404054103254336 0.4872004688748782 0.7222832490740104 0.6661502381132698 +23197,0.38378261893575016,0,-0.7368654814901962 -0.7504859915277614 -1.1345431002628177 -1.2407727600908491 -1.2511945139316345 -1.3893601423188882 -1.4317178647189042 -0.9880710245694784 -1.192430267922496 -0.9107849487260716 -0.5548459382608465 -0.2979651826143052 0.03320926399146546 0.07463831540732876 0.5023945606161161 0.6404054103254336 0.4872004688748782 0.7222832490740104 0.6661502381132698 0.3548648315780342 +23198,0.15754801102853377,0,-0.7504859915277614 -1.1345431002628177 -1.2407727600908491 -1.2511945139316345 -1.3893601423188882 -1.4317178647189042 -0.9880710245694784 -1.192430267922496 -0.9107849487260716 -0.5548459382608465 -0.2979651826143052 0.03320926399146546 0.07463831540732876 0.5023945606161161 0.6404054103254336 0.4872004688748782 0.7222832490740104 0.6661502381132698 0.3548648315780342 0.38378261893575016 +23199,-0.17579333505618308,0,-1.1345431002628177 -1.2407727600908491 -1.2511945139316345 -1.3893601423188882 -1.4317178647189042 -0.9880710245694784 -1.192430267922496 -0.9107849487260716 -0.5548459382608465 -0.2979651826143052 0.03320926399146546 0.07463831540732876 0.5023945606161161 0.6404054103254336 0.4872004688748782 0.7222832490740104 0.6661502381132698 0.3548648315780342 0.38378261893575016 0.15754801102853377 +23200,-0.3663256970590066,0,-1.2407727600908491 -1.2511945139316345 -1.3893601423188882 -1.4317178647189042 -0.9880710245694784 -1.192430267922496 -0.9107849487260716 -0.5548459382608465 -0.2979651826143052 0.03320926399146546 0.07463831540732876 0.5023945606161161 0.6404054103254336 0.4872004688748782 0.7222832490740104 0.6661502381132698 0.3548648315780342 0.38378261893575016 0.15754801102853377 -0.17579333505618308 +23201,-0.6639647970845625,0,-1.2511945139316345 -1.3893601423188882 -1.4317178647189042 -0.9880710245694784 -1.192430267922496 -0.9107849487260716 -0.5548459382608465 -0.2979651826143052 0.03320926399146546 0.07463831540732876 0.5023945606161161 0.6404054103254336 0.4872004688748782 0.7222832490740104 0.6661502381132698 0.3548648315780342 0.38378261893575016 0.15754801102853377 -0.17579333505618308 -0.3663256970590066 +23202,-0.7011116426415744,0,-1.3893601423188882 -1.4317178647189042 -0.9880710245694784 -1.192430267922496 -0.9107849487260716 -0.5548459382608465 -0.2979651826143052 0.03320926399146546 0.07463831540732876 0.5023945606161161 0.6404054103254336 0.4872004688748782 0.7222832490740104 0.6661502381132698 0.3548648315780342 0.38378261893575016 0.15754801102853377 -0.17579333505618308 -0.3663256970590066 -0.6639647970845625 +23203,-1.0855814941566302,0,-1.4317178647189042 -0.9880710245694784 -1.192430267922496 -0.9107849487260716 -0.5548459382608465 -0.2979651826143052 0.03320926399146546 0.07463831540732876 0.5023945606161161 0.6404054103254336 0.4872004688748782 0.7222832490740104 0.6661502381132698 0.3548648315780342 0.38378261893575016 0.15754801102853377 -0.17579333505618308 -0.3663256970590066 -0.6639647970845625 -0.7011116426415744 +23204,-1.209559091203151,0,-0.9880710245694784 -1.192430267922496 -0.9107849487260716 -0.5548459382608465 -0.2979651826143052 0.03320926399146546 0.07463831540732876 0.5023945606161161 0.6404054103254336 0.4872004688748782 0.7222832490740104 0.6661502381132698 0.3548648315780342 0.38378261893575016 0.15754801102853377 -0.17579333505618308 -0.3663256970590066 -0.6639647970845625 -0.7011116426415744 -1.0855814941566302 +23205,-1.229835077736357,0,-1.192430267922496 -0.9107849487260716 -0.5548459382608465 -0.2979651826143052 0.03320926399146546 0.07463831540732876 0.5023945606161161 0.6404054103254336 0.4872004688748782 0.7222832490740104 0.6661502381132698 0.3548648315780342 0.38378261893575016 0.15754801102853377 -0.17579333505618308 -0.3663256970590066 -0.6639647970845625 -0.7011116426415744 -1.0855814941566302 -1.209559091203151 +23206,-1.3883798782357208,0,-0.9107849487260716 -0.5548459382608465 -0.2979651826143052 0.03320926399146546 0.07463831540732876 0.5023945606161161 0.6404054103254336 0.4872004688748782 0.7222832490740104 0.6661502381132698 0.3548648315780342 0.38378261893575016 0.15754801102853377 -0.17579333505618308 -0.3663256970590066 -0.6639647970845625 -0.7011116426415744 -1.0855814941566302 -1.209559091203151 -1.229835077736357 +23207,-1.4432230683765555,0,-0.5548459382608465 -0.2979651826143052 0.03320926399146546 0.07463831540732876 0.5023945606161161 0.6404054103254336 0.4872004688748782 0.7222832490740104 0.6661502381132698 0.3548648315780342 0.38378261893575016 0.15754801102853377 -0.17579333505618308 -0.3663256970590066 -0.6639647970845625 -0.7011116426415744 -1.0855814941566302 -1.209559091203151 -1.229835077736357 -1.3883798782357208 +23208,-0.9951134473729956,0,-0.2979651826143052 0.03320926399146546 0.07463831540732876 0.5023945606161161 0.6404054103254336 0.4872004688748782 0.7222832490740104 0.6661502381132698 0.3548648315780342 0.38378261893575016 0.15754801102853377 -0.17579333505618308 -0.3663256970590066 -0.6639647970845625 -0.7011116426415744 -1.0855814941566302 -1.209559091203151 -1.229835077736357 -1.3883798782357208 -1.4432230683765555 +23209,-1.2176075744071644,0,0.03320926399146546 0.07463831540732876 0.5023945606161161 0.6404054103254336 0.4872004688748782 0.7222832490740104 0.6661502381132698 0.3548648315780342 0.38378261893575016 0.15754801102853377 -0.17579333505618308 -0.3663256970590066 -0.6639647970845625 -0.7011116426415744 -1.0855814941566302 -1.209559091203151 -1.229835077736357 -1.3883798782357208 -1.4432230683765555 -0.9951134473729956 +23210,-0.9371488904517419,0,0.07463831540732876 0.5023945606161161 0.6404054103254336 0.4872004688748782 0.7222832490740104 0.6661502381132698 0.3548648315780342 0.38378261893575016 0.15754801102853377 -0.17579333505618308 -0.3663256970590066 -0.6639647970845625 -0.7011116426415744 -1.0855814941566302 -1.209559091203151 -1.229835077736357 -1.3883798782357208 -1.4432230683765555 -0.9951134473729956 -1.2176075744071644 +23211,-0.604762011978078,0,0.5023945606161161 0.6404054103254336 0.4872004688748782 0.7222832490740104 0.6661502381132698 0.3548648315780342 0.38378261893575016 0.15754801102853377 -0.17579333505618308 -0.3663256970590066 -0.6639647970845625 -0.7011116426415744 -1.0855814941566302 -1.209559091203151 -1.229835077736357 -1.3883798782357208 -1.4432230683765555 -0.9951134473729956 -1.2176075744071644 -0.9371488904517419 +23212,-0.3416127261437986,0,0.6404054103254336 0.4872004688748782 0.7222832490740104 0.6661502381132698 0.3548648315780342 0.38378261893575016 0.15754801102853377 -0.17579333505618308 -0.3663256970590066 -0.6639647970845625 -0.7011116426415744 -1.0855814941566302 -1.209559091203151 -1.229835077736357 -1.3883798782357208 -1.4432230683765555 -0.9951134473729956 -1.2176075744071644 -0.9371488904517419 -0.604762011978078 +23213,-0.02653524594606353,0,0.4872004688748782 0.7222832490740104 0.6661502381132698 0.3548648315780342 0.38378261893575016 0.15754801102853377 -0.17579333505618308 -0.3663256970590066 -0.6639647970845625 -0.7011116426415744 -1.0855814941566302 -1.209559091203151 -1.229835077736357 -1.3883798782357208 -1.4432230683765555 -0.9951134473729956 -1.2176075744071644 -0.9371488904517419 -0.604762011978078 -0.3416127261437986 +23214,0.02905604033841827,0,0.7222832490740104 0.6661502381132698 0.3548648315780342 0.38378261893575016 0.15754801102853377 -0.17579333505618308 -0.3663256970590066 -0.6639647970845625 -0.7011116426415744 -1.0855814941566302 -1.209559091203151 -1.229835077736357 -1.3883798782357208 -1.4432230683765555 -0.9951134473729956 -1.2176075744071644 -0.9371488904517419 -0.604762011978078 -0.3416127261437986 -0.02653524594606353 +23215,0.4306289186620147,0,0.6661502381132698 0.3548648315780342 0.38378261893575016 0.15754801102853377 -0.17579333505618308 -0.3663256970590066 -0.6639647970845625 -0.7011116426415744 -1.0855814941566302 -1.209559091203151 -1.229835077736357 -1.3883798782357208 -1.4432230683765555 -0.9951134473729956 -1.2176075744071644 -0.9371488904517419 -0.604762011978078 -0.3416127261437986 -0.02653524594606353 0.02905604033841827 +23216,0.572715602917581,0,0.3548648315780342 0.38378261893575016 0.15754801102853377 -0.17579333505618308 -0.3663256970590066 -0.6639647970845625 -0.7011116426415744 -1.0855814941566302 -1.209559091203151 -1.229835077736357 -1.3883798782357208 -1.4432230683765555 -0.9951134473729956 -1.2176075744071644 -0.9371488904517419 -0.604762011978078 -0.3416127261437986 -0.02653524594606353 0.02905604033841827 0.4306289186620147 +23217,0.4826345024418314,0,0.38378261893575016 0.15754801102853377 -0.17579333505618308 -0.3663256970590066 -0.6639647970845625 -0.7011116426415744 -1.0855814941566302 -1.209559091203151 -1.229835077736357 -1.3883798782357208 -1.4432230683765555 -0.9951134473729956 -1.2176075744071644 -0.9371488904517419 -0.604762011978078 -0.3416127261437986 -0.02653524594606353 0.02905604033841827 0.4306289186620147 0.572715602917581 +23218,0.7021104482745029,0,0.15754801102853377 -0.17579333505618308 -0.3663256970590066 -0.6639647970845625 -0.7011116426415744 -1.0855814941566302 -1.209559091203151 -1.229835077736357 -1.3883798782357208 -1.4432230683765555 -0.9951134473729956 -1.2176075744071644 -0.9371488904517419 -0.604762011978078 -0.3416127261437986 -0.02653524594606353 0.02905604033841827 0.4306289186620147 0.572715602917581 0.4826345024418314 +23219,0.6894186093758586,0,-0.17579333505618308 -0.3663256970590066 -0.6639647970845625 -0.7011116426415744 -1.0855814941566302 -1.209559091203151 -1.229835077736357 -1.3883798782357208 -1.4432230683765555 -0.9951134473729956 -1.2176075744071644 -0.9371488904517419 -0.604762011978078 -0.3416127261437986 -0.02653524594606353 0.02905604033841827 0.4306289186620147 0.572715602917581 0.4826345024418314 0.7021104482745029 +23220,0.32901681821127643,0,-0.3663256970590066 -0.6639647970845625 -0.7011116426415744 -1.0855814941566302 -1.209559091203151 -1.229835077736357 -1.3883798782357208 -1.4432230683765555 -0.9951134473729956 -1.2176075744071644 -0.9371488904517419 -0.604762011978078 -0.3416127261437986 -0.02653524594606353 0.02905604033841827 0.4306289186620147 0.572715602917581 0.4826345024418314 0.7021104482745029 0.6894186093758586 +23221,0.4322282966830162,0,-0.6639647970845625 -0.7011116426415744 -1.0855814941566302 -1.209559091203151 -1.229835077736357 -1.3883798782357208 -1.4432230683765555 -0.9951134473729956 -1.2176075744071644 -0.9371488904517419 -0.604762011978078 -0.3416127261437986 -0.02653524594606353 0.02905604033841827 0.4306289186620147 0.572715602917581 0.4826345024418314 0.7021104482745029 0.6894186093758586 0.32901681821127643 +23222,0.18772982304360378,0,-0.7011116426415744 -1.0855814941566302 -1.209559091203151 -1.229835077736357 -1.3883798782357208 -1.4432230683765555 -0.9951134473729956 -1.2176075744071644 -0.9371488904517419 -0.604762011978078 -0.3416127261437986 -0.02653524594606353 0.02905604033841827 0.4306289186620147 0.572715602917581 0.4826345024418314 0.7021104482745029 0.6894186093758586 0.32901681821127643 0.4322282966830162 +23223,-0.06938310038766335,0,-1.0855814941566302 -1.209559091203151 -1.229835077736357 -1.3883798782357208 -1.4432230683765555 -0.9951134473729956 -1.2176075744071644 -0.9371488904517419 -0.604762011978078 -0.3416127261437986 -0.02653524594606353 0.02905604033841827 0.4306289186620147 0.572715602917581 0.4826345024418314 0.7021104482745029 0.6894186093758586 0.32901681821127643 0.4322282966830162 0.18772982304360378 +23224,-0.30967675758456775,0,-1.209559091203151 -1.229835077736357 -1.3883798782357208 -1.4432230683765555 -0.9951134473729956 -1.2176075744071644 -0.9371488904517419 -0.604762011978078 -0.3416127261437986 -0.02653524594606353 0.02905604033841827 0.4306289186620147 0.572715602917581 0.4826345024418314 0.7021104482745029 0.6894186093758586 0.32901681821127643 0.4322282966830162 0.18772982304360378 -0.06938310038766335 +23225,-0.56258486441855,0,-1.229835077736357 -1.3883798782357208 -1.4432230683765555 -0.9951134473729956 -1.2176075744071644 -0.9371488904517419 -0.604762011978078 -0.3416127261437986 -0.02653524594606353 0.02905604033841827 0.4306289186620147 0.572715602917581 0.4826345024418314 0.7021104482745029 0.6894186093758586 0.32901681821127643 0.4322282966830162 0.18772982304360378 -0.06938310038766335 -0.30967675758456775 +23226,-0.4976552739553632,0,-1.3883798782357208 -1.4432230683765555 -0.9951134473729956 -1.2176075744071644 -0.9371488904517419 -0.604762011978078 -0.3416127261437986 -0.02653524594606353 0.02905604033841827 0.4306289186620147 0.572715602917581 0.4826345024418314 0.7021104482745029 0.6894186093758586 0.32901681821127643 0.4322282966830162 0.18772982304360378 -0.06938310038766335 -0.30967675758456775 -0.56258486441855 +23227,-0.8565092798883959,0,-1.4432230683765555 -0.9951134473729956 -1.2176075744071644 -0.9371488904517419 -0.604762011978078 -0.3416127261437986 -0.02653524594606353 0.02905604033841827 0.4306289186620147 0.572715602917581 0.4826345024418314 0.7021104482745029 0.6894186093758586 0.32901681821127643 0.4322282966830162 0.18772982304360378 -0.06938310038766335 -0.30967675758456775 -0.56258486441855 -0.4976552739553632 +23228,-0.8975255885242596,0,-0.9951134473729956 -1.2176075744071644 -0.9371488904517419 -0.604762011978078 -0.3416127261437986 -0.02653524594606353 0.02905604033841827 0.4306289186620147 0.572715602917581 0.4826345024418314 0.7021104482745029 0.6894186093758586 0.32901681821127643 0.4322282966830162 0.18772982304360378 -0.06938310038766335 -0.30967675758456775 -0.56258486441855 -0.4976552739553632 -0.8565092798883959 +23229,-0.8635517026919132,0,-1.2176075744071644 -0.9371488904517419 -0.604762011978078 -0.3416127261437986 -0.02653524594606353 0.02905604033841827 0.4306289186620147 0.572715602917581 0.4826345024418314 0.7021104482745029 0.6894186093758586 0.32901681821127643 0.4322282966830162 0.18772982304360378 -0.06938310038766335 -0.30967675758456775 -0.56258486441855 -0.4976552739553632 -0.8565092798883959 -0.8975255885242596 +23230,-0.9295647428171889,0,-0.9371488904517419 -0.604762011978078 -0.3416127261437986 -0.02653524594606353 0.02905604033841827 0.4306289186620147 0.572715602917581 0.4826345024418314 0.7021104482745029 0.6894186093758586 0.32901681821127643 0.4322282966830162 0.18772982304360378 -0.06938310038766335 -0.30967675758456775 -0.56258486441855 -0.4976552739553632 -0.8565092798883959 -0.8975255885242596 -0.8635517026919132 +23231,-0.9205875884742459,0,-0.604762011978078 -0.3416127261437986 -0.02653524594606353 0.02905604033841827 0.4306289186620147 0.572715602917581 0.4826345024418314 0.7021104482745029 0.6894186093758586 0.32901681821127643 0.4322282966830162 0.18772982304360378 -0.06938310038766335 -0.30967675758456775 -0.56258486441855 -0.4976552739553632 -0.8565092798883959 -0.8975255885242596 -0.8635517026919132 -0.9295647428171889 +23232,-0.7509503270972218,0,-0.3416127261437986 -0.02653524594606353 0.02905604033841827 0.4306289186620147 0.572715602917581 0.4826345024418314 0.7021104482745029 0.6894186093758586 0.32901681821127643 0.4322282966830162 0.18772982304360378 -0.06938310038766335 -0.30967675758456775 -0.56258486441855 -0.4976552739553632 -0.8565092798883959 -0.8975255885242596 -0.8635517026919132 -0.9295647428171889 -0.9205875884742459 +23233,-0.795526541765645,0,-0.02653524594606353 0.02905604033841827 0.4306289186620147 0.572715602917581 0.4826345024418314 0.7021104482745029 0.6894186093758586 0.32901681821127643 0.4322282966830162 0.18772982304360378 -0.06938310038766335 -0.30967675758456775 -0.56258486441855 -0.4976552739553632 -0.8565092798883959 -0.8975255885242596 -0.8635517026919132 -0.9295647428171889 -0.9205875884742459 -0.7509503270972218 +23234,-0.679442649399987,0,0.02905604033841827 0.4306289186620147 0.572715602917581 0.4826345024418314 0.7021104482745029 0.6894186093758586 0.32901681821127643 0.4322282966830162 0.18772982304360378 -0.06938310038766335 -0.30967675758456775 -0.56258486441855 -0.4976552739553632 -0.8565092798883959 -0.8975255885242596 -0.8635517026919132 -0.9295647428171889 -0.9205875884742459 -0.7509503270972218 -0.795526541765645 +23235,-0.2708273482728646,0,0.4306289186620147 0.572715602917581 0.4826345024418314 0.7021104482745029 0.6894186093758586 0.32901681821127643 0.4322282966830162 0.18772982304360378 -0.06938310038766335 -0.30967675758456775 -0.56258486441855 -0.4976552739553632 -0.8565092798883959 -0.8975255885242596 -0.8635517026919132 -0.9295647428171889 -0.9205875884742459 -0.7509503270972218 -0.795526541765645 -0.679442649399987 +23236,-0.25225392549435866,0,0.572715602917581 0.4826345024418314 0.7021104482745029 0.6894186093758586 0.32901681821127643 0.4322282966830162 0.18772982304360378 -0.06938310038766335 -0.30967675758456775 -0.56258486441855 -0.4976552739553632 -0.8565092798883959 -0.8975255885242596 -0.8635517026919132 -0.9295647428171889 -0.9205875884742459 -0.7509503270972218 -0.795526541765645 -0.679442649399987 -0.2708273482728646 +23237,0.05885090604560309,0,0.4826345024418314 0.7021104482745029 0.6894186093758586 0.32901681821127643 0.4322282966830162 0.18772982304360378 -0.06938310038766335 -0.30967675758456775 -0.56258486441855 -0.4976552739553632 -0.8565092798883959 -0.8975255885242596 -0.8635517026919132 -0.9295647428171889 -0.9205875884742459 -0.7509503270972218 -0.795526541765645 -0.679442649399987 -0.2708273482728646 -0.25225392549435866 +23238,0.17679214068911156,0,0.7021104482745029 0.6894186093758586 0.32901681821127643 0.4322282966830162 0.18772982304360378 -0.06938310038766335 -0.30967675758456775 -0.56258486441855 -0.4976552739553632 -0.8565092798883959 -0.8975255885242596 -0.8635517026919132 -0.9295647428171889 -0.9205875884742459 -0.7509503270972218 -0.795526541765645 -0.679442649399987 -0.2708273482728646 -0.25225392549435866 0.05885090604560309 +23239,0.5522848378612244,0,0.6894186093758586 0.32901681821127643 0.4322282966830162 0.18772982304360378 -0.06938310038766335 -0.30967675758456775 -0.56258486441855 -0.4976552739553632 -0.8565092798883959 -0.8975255885242596 -0.8635517026919132 -0.9295647428171889 -0.9205875884742459 -0.7509503270972218 -0.795526541765645 -0.679442649399987 -0.2708273482728646 -0.25225392549435866 0.05885090604560309 0.17679214068911156 +23240,0.7346139381368839,0,0.32901681821127643 0.4322282966830162 0.18772982304360378 -0.06938310038766335 -0.30967675758456775 -0.56258486441855 -0.4976552739553632 -0.8565092798883959 -0.8975255885242596 -0.8635517026919132 -0.9295647428171889 -0.9205875884742459 -0.7509503270972218 -0.795526541765645 -0.679442649399987 -0.2708273482728646 -0.25225392549435866 0.05885090604560309 0.17679214068911156 0.5522848378612244 +23241,0.60026618003903,0,0.4322282966830162 0.18772982304360378 -0.06938310038766335 -0.30967675758456775 -0.56258486441855 -0.4976552739553632 -0.8565092798883959 -0.8975255885242596 -0.8635517026919132 -0.9295647428171889 -0.9205875884742459 -0.7509503270972218 -0.795526541765645 -0.679442649399987 -0.2708273482728646 -0.25225392549435866 0.05885090604560309 0.17679214068911156 0.5522848378612244 0.7346139381368839 +23242,0.8881542331058636,0,0.18772982304360378 -0.06938310038766335 -0.30967675758456775 -0.56258486441855 -0.4976552739553632 -0.8565092798883959 -0.8975255885242596 -0.8635517026919132 -0.9295647428171889 -0.9205875884742459 -0.7509503270972218 -0.795526541765645 -0.679442649399987 -0.2708273482728646 -0.25225392549435866 0.05885090604560309 0.17679214068911156 0.5522848378612244 0.7346139381368839 0.60026618003903 +23243,0.859365427799175,0,-0.06938310038766335 -0.30967675758456775 -0.56258486441855 -0.4976552739553632 -0.8565092798883959 -0.8975255885242596 -0.8635517026919132 -0.9295647428171889 -0.9205875884742459 -0.7509503270972218 -0.795526541765645 -0.679442649399987 -0.2708273482728646 -0.25225392549435866 0.05885090604560309 0.17679214068911156 0.5522848378612244 0.7346139381368839 0.60026618003903 0.8881542331058636 +23244,0.4991184151577521,0,-0.30967675758456775 -0.56258486441855 -0.4976552739553632 -0.8565092798883959 -0.8975255885242596 -0.8635517026919132 -0.9295647428171889 -0.9205875884742459 -0.7509503270972218 -0.795526541765645 -0.679442649399987 -0.2708273482728646 -0.25225392549435866 0.05885090604560309 0.17679214068911156 0.5522848378612244 0.7346139381368839 0.60026618003903 0.8881542331058636 0.859365427799175 +23245,0.5808156789110551,0,-0.56258486441855 -0.4976552739553632 -0.8565092798883959 -0.8975255885242596 -0.8635517026919132 -0.9295647428171889 -0.9205875884742459 -0.7509503270972218 -0.795526541765645 -0.679442649399987 -0.2708273482728646 -0.25225392549435866 0.05885090604560309 0.17679214068911156 0.5522848378612244 0.7346139381368839 0.60026618003903 0.8881542331058636 0.859365427799175 0.4991184151577521 +23246,0.3310547354844008,0,-0.4976552739553632 -0.8565092798883959 -0.8975255885242596 -0.8635517026919132 -0.9295647428171889 -0.9205875884742459 -0.7509503270972218 -0.795526541765645 -0.679442649399987 -0.2708273482728646 -0.25225392549435866 0.05885090604560309 0.17679214068911156 0.5522848378612244 0.7346139381368839 0.60026618003903 0.8881542331058636 0.859365427799175 0.4991184151577521 0.5808156789110551 +23247,-0.021556536733008287,0,-0.8565092798883959 -0.8975255885242596 -0.8635517026919132 -0.9295647428171889 -0.9205875884742459 -0.7509503270972218 -0.795526541765645 -0.679442649399987 -0.2708273482728646 -0.25225392549435866 0.05885090604560309 0.17679214068911156 0.5522848378612244 0.7346139381368839 0.60026618003903 0.8881542331058636 0.859365427799175 0.4991184151577521 0.5808156789110551 0.3310547354844008 +23248,-0.23703403743579193,0,-0.8975255885242596 -0.8635517026919132 -0.9295647428171889 -0.9205875884742459 -0.7509503270972218 -0.795526541765645 -0.679442649399987 -0.2708273482728646 -0.25225392549435866 0.05885090604560309 0.17679214068911156 0.5522848378612244 0.7346139381368839 0.60026618003903 0.8881542331058636 0.859365427799175 0.4991184151577521 0.5808156789110551 0.3310547354844008 -0.021556536733008287 +23249,-0.555361866619759,0,-0.8635517026919132 -0.9295647428171889 -0.9205875884742459 -0.7509503270972218 -0.795526541765645 -0.679442649399987 -0.2708273482728646 -0.25225392549435866 0.05885090604560309 0.17679214068911156 0.5522848378612244 0.7346139381368839 0.60026618003903 0.8881542331058636 0.859365427799175 0.4991184151577521 0.5808156789110551 0.3310547354844008 -0.021556536733008287 -0.23703403743579193 +23250,-0.5632813677727451,0,-0.9295647428171889 -0.9205875884742459 -0.7509503270972218 -0.795526541765645 -0.679442649399987 -0.2708273482728646 -0.25225392549435866 0.05885090604560309 0.17679214068911156 0.5522848378612244 0.7346139381368839 0.60026618003903 0.8881542331058636 0.859365427799175 0.4991184151577521 0.5808156789110551 0.3310547354844008 -0.021556536733008287 -0.23703403743579193 -0.555361866619759 +23251,-0.9850786398400867,0,-0.9205875884742459 -0.7509503270972218 -0.795526541765645 -0.679442649399987 -0.2708273482728646 -0.25225392549435866 0.05885090604560309 0.17679214068911156 0.5522848378612244 0.7346139381368839 0.60026618003903 0.8881542331058636 0.859365427799175 0.4991184151577521 0.5808156789110551 0.3310547354844008 -0.021556536733008287 -0.23703403743579193 -0.555361866619759 -0.5632813677727451 +23252,-1.0964675835668847,0,-0.7509503270972218 -0.795526541765645 -0.679442649399987 -0.2708273482728646 -0.25225392549435866 0.05885090604560309 0.17679214068911156 0.5522848378612244 0.7346139381368839 0.60026618003903 0.8881542331058636 0.859365427799175 0.4991184151577521 0.5808156789110551 0.3310547354844008 -0.021556536733008287 -0.23703403743579193 -0.555361866619759 -0.5632813677727451 -0.9850786398400867 +23253,-1.1128999034933447,0,-0.795526541765645 -0.679442649399987 -0.2708273482728646 -0.25225392549435866 0.05885090604560309 0.17679214068911156 0.5522848378612244 0.7346139381368839 0.60026618003903 0.8881542331058636 0.859365427799175 0.4991184151577521 0.5808156789110551 0.3310547354844008 -0.021556536733008287 -0.23703403743579193 -0.555361866619759 -0.5632813677727451 -0.9850786398400867 -1.0964675835668847 +23254,-1.255941055359955,0,-0.679442649399987 -0.2708273482728646 -0.25225392549435866 0.05885090604560309 0.17679214068911156 0.5522848378612244 0.7346139381368839 0.60026618003903 0.8881542331058636 0.859365427799175 0.4991184151577521 0.5808156789110551 0.3310547354844008 -0.021556536733008287 -0.23703403743579193 -0.555361866619759 -0.5632813677727451 -0.9850786398400867 -1.0964675835668847 -1.1128999034933447 +23255,-1.3040255831166736,0,-0.2708273482728646 -0.25225392549435866 0.05885090604560309 0.17679214068911156 0.5522848378612244 0.7346139381368839 0.60026618003903 0.8881542331058636 0.859365427799175 0.4991184151577521 0.5808156789110551 0.3310547354844008 -0.021556536733008287 -0.23703403743579193 -0.555361866619759 -0.5632813677727451 -0.9850786398400867 -1.0964675835668847 -1.1128999034933447 -1.255941055359955 +23256,-0.7531172264213823,0,-0.25225392549435866 0.05885090604560309 0.17679214068911156 0.5522848378612244 0.7346139381368839 0.60026618003903 0.8881542331058636 0.859365427799175 0.4991184151577521 0.5808156789110551 0.3310547354844008 -0.021556536733008287 -0.23703403743579193 -0.555361866619759 -0.5632813677727451 -0.9850786398400867 -1.0964675835668847 -1.1128999034933447 -1.255941055359955 -1.3040255831166736 +23257,-1.000866049201821,0,0.05885090604560309 0.17679214068911156 0.5522848378612244 0.7346139381368839 0.60026618003903 0.8881542331058636 0.859365427799175 0.4991184151577521 0.5808156789110551 0.3310547354844008 -0.021556536733008287 -0.23703403743579193 -0.555361866619759 -0.5632813677727451 -0.9850786398400867 -1.0964675835668847 -1.1128999034933447 -1.255941055359955 -1.3040255831166736 -0.7531172264213823 +23258,-0.649621987220679,0,0.17679214068911156 0.5522848378612244 0.7346139381368839 0.60026618003903 0.8881542331058636 0.859365427799175 0.4991184151577521 0.5808156789110551 0.3310547354844008 -0.021556536733008287 -0.23703403743579193 -0.555361866619759 -0.5632813677727451 -0.9850786398400867 -1.0964675835668847 -1.1128999034933447 -1.255941055359955 -1.3040255831166736 -0.7531172264213823 -1.000866049201821 +23259,-0.24861663020023272,0,0.5522848378612244 0.7346139381368839 0.60026618003903 0.8881542331058636 0.859365427799175 0.4991184151577521 0.5808156789110551 0.3310547354844008 -0.021556536733008287 -0.23703403743579193 -0.555361866619759 -0.5632813677727451 -0.9850786398400867 -1.0964675835668847 -1.1128999034933447 -1.255941055359955 -1.3040255831166736 -0.7531172264213823 -1.000866049201821 -0.649621987220679 +23260,0.08604033333129021,0,0.7346139381368839 0.60026618003903 0.8881542331058636 0.859365427799175 0.4991184151577521 0.5808156789110551 0.3310547354844008 -0.021556536733008287 -0.23703403743579193 -0.555361866619759 -0.5632813677727451 -0.9850786398400867 -1.0964675835668847 -1.1128999034933447 -1.255941055359955 -1.3040255831166736 -0.7531172264213823 -1.000866049201821 -0.649621987220679 -0.24861663020023272 +23261,0.47045859190210837,0,0.60026618003903 0.8881542331058636 0.859365427799175 0.4991184151577521 0.5808156789110551 0.3310547354844008 -0.021556536733008287 -0.23703403743579193 -0.555361866619759 -0.5632813677727451 -0.9850786398400867 -1.0964675835668847 -1.1128999034933447 -1.255941055359955 -1.3040255831166736 -0.7531172264213823 -1.000866049201821 -0.649621987220679 -0.24861663020023272 0.08604033333129021 +23262,0.5095659654706607,0,0.8881542331058636 0.859365427799175 0.4991184151577521 0.5808156789110551 0.3310547354844008 -0.021556536733008287 -0.23703403743579193 -0.555361866619759 -0.5632813677727451 -0.9850786398400867 -1.0964675835668847 -1.1128999034933447 -1.255941055359955 -1.3040255831166736 -0.7531172264213823 -1.000866049201821 -0.649621987220679 -0.24861663020023272 0.08604033333129021 0.47045859190210837 +23263,1.009087852478755,0,0.859365427799175 0.4991184151577521 0.5808156789110551 0.3310547354844008 -0.021556536733008287 -0.23703403743579193 -0.555361866619759 -0.5632813677727451 -0.9850786398400867 -1.0964675835668847 -1.1128999034933447 -1.255941055359955 -1.3040255831166736 -0.7531172264213823 -1.000866049201821 -0.649621987220679 -0.24861663020023272 0.08604033333129021 0.47045859190210837 0.5095659654706607 +23264,1.1632988544845921,0,0.4991184151577521 0.5808156789110551 0.3310547354844008 -0.021556536733008287 -0.23703403743579193 -0.555361866619759 -0.5632813677727451 -0.9850786398400867 -1.0964675835668847 -1.1128999034933447 -1.255941055359955 -1.3040255831166736 -0.7531172264213823 -1.000866049201821 -0.649621987220679 -0.24861663020023272 0.08604033333129021 0.47045859190210837 0.5095659654706607 1.009087852478755 +23265,1.0550054810661074,0,0.5808156789110551 0.3310547354844008 -0.021556536733008287 -0.23703403743579193 -0.555361866619759 -0.5632813677727451 -0.9850786398400867 -1.0964675835668847 -1.1128999034933447 -1.255941055359955 -1.3040255831166736 -0.7531172264213823 -1.000866049201821 -0.649621987220679 -0.24861663020023272 0.08604033333129021 0.47045859190210837 0.5095659654706607 1.009087852478755 1.1632988544845921 +23266,1.2967179414435253,0,0.3310547354844008 -0.021556536733008287 -0.23703403743579193 -0.555361866619759 -0.5632813677727451 -0.9850786398400867 -1.0964675835668847 -1.1128999034933447 -1.255941055359955 -1.3040255831166736 -0.7531172264213823 -1.000866049201821 -0.649621987220679 -0.24861663020023272 0.08604033333129021 0.47045859190210837 0.5095659654706607 1.009087852478755 1.1632988544845921 1.0550054810661074 +23267,1.275926026396621,0,-0.021556536733008287 -0.23703403743579193 -0.555361866619759 -0.5632813677727451 -0.9850786398400867 -1.0964675835668847 -1.1128999034933447 -1.255941055359955 -1.3040255831166736 -0.7531172264213823 -1.000866049201821 -0.649621987220679 -0.24861663020023272 0.08604033333129021 0.47045859190210837 0.5095659654706607 1.009087852478755 1.1632988544845921 1.0550054810661074 1.2967179414435253 +23268,0.8764684546077244,0,-0.23703403743579193 -0.555361866619759 -0.5632813677727451 -0.9850786398400867 -1.0964675835668847 -1.1128999034933447 -1.255941055359955 -1.3040255831166736 -0.7531172264213823 -1.000866049201821 -0.649621987220679 -0.24861663020023272 0.08604033333129021 0.47045859190210837 0.5095659654706607 1.009087852478755 1.1632988544845921 1.0550054810661074 1.2967179414435253 1.275926026396621 +23269,0.9818984253478535,0,-0.555361866619759 -0.5632813677727451 -0.9850786398400867 -1.0964675835668847 -1.1128999034933447 -1.255941055359955 -1.3040255831166736 -0.7531172264213823 -1.000866049201821 -0.649621987220679 -0.24861663020023272 0.08604033333129021 0.47045859190210837 0.5095659654706607 1.009087852478755 1.1632988544845921 1.0550054810661074 1.2967179414435253 1.275926026396621 0.8764684546077244 +23270,0.7086627390364364,0,-0.5632813677727451 -0.9850786398400867 -1.0964675835668847 -1.1128999034933447 -1.255941055359955 -1.3040255831166736 -0.7531172264213823 -1.000866049201821 -0.649621987220679 -0.24861663020023272 0.08604033333129021 0.47045859190210837 0.5095659654706607 1.009087852478755 1.1632988544845921 1.0550054810661074 1.2967179414435253 1.275926026396621 0.8764684546077244 0.9818984253478535 +23271,0.3118364021411606,0,-0.9850786398400867 -1.0964675835668847 -1.1128999034933447 -1.255941055359955 -1.3040255831166736 -0.7531172264213823 -1.000866049201821 -0.649621987220679 -0.24861663020023272 0.08604033333129021 0.47045859190210837 0.5095659654706607 1.009087852478755 1.1632988544845921 1.0550054810661074 1.2967179414435253 1.275926026396621 0.8764684546077244 0.9818984253478535 0.7086627390364364 +23272,0.07979759946088093,0,-1.0964675835668847 -1.1128999034933447 -1.255941055359955 -1.3040255831166736 -0.7531172264213823 -1.000866049201821 -0.649621987220679 -0.24861663020023272 0.08604033333129021 0.47045859190210837 0.5095659654706607 1.009087852478755 1.1632988544845921 1.0550054810661074 1.2967179414435253 1.275926026396621 0.8764684546077244 0.9818984253478535 0.7086627390364364 0.3118364021411606 +23273,-0.2758318538032574,0,-1.1128999034933447 -1.255941055359955 -1.3040255831166736 -0.7531172264213823 -1.000866049201821 -0.649621987220679 -0.24861663020023272 0.08604033333129021 0.47045859190210837 0.5095659654706607 1.009087852478755 1.1632988544845921 1.0550054810661074 1.2967179414435253 1.275926026396621 0.8764684546077244 0.9818984253478535 0.7086627390364364 0.3118364021411606 0.07979759946088093 +23274,-0.27454203282856576,0,-1.255941055359955 -1.3040255831166736 -0.7531172264213823 -1.000866049201821 -0.649621987220679 -0.24861663020023272 0.08604033333129021 0.47045859190210837 0.5095659654706607 1.009087852478755 1.1632988544845921 1.0550054810661074 1.2967179414435253 1.275926026396621 0.8764684546077244 0.9818984253478535 0.7086627390364364 0.3118364021411606 0.07979759946088093 -0.2758318538032574 +23275,-0.749144577608832,0,-1.3040255831166736 -0.7531172264213823 -1.000866049201821 -0.649621987220679 -0.24861663020023272 0.08604033333129021 0.47045859190210837 0.5095659654706607 1.009087852478755 1.1632988544845921 1.0550054810661074 1.2967179414435253 1.275926026396621 0.8764684546077244 0.9818984253478535 0.7086627390364364 0.3118364021411606 0.07979759946088093 -0.2758318538032574 -0.27454203282856576 +23276,-0.8668278481502684,0,-0.7531172264213823 -1.000866049201821 -0.649621987220679 -0.24861663020023272 0.08604033333129021 0.47045859190210837 0.5095659654706607 1.009087852478755 1.1632988544845921 1.0550054810661074 1.2967179414435253 1.275926026396621 0.8764684546077244 0.9818984253478535 0.7086627390364364 0.3118364021411606 0.07979759946088093 -0.2758318538032574 -0.27454203282856576 -0.749144577608832 +23277,-0.8752374811900612,0,-1.000866049201821 -0.649621987220679 -0.24861663020023272 0.08604033333129021 0.47045859190210837 0.5095659654706607 1.009087852478755 1.1632988544845921 1.0550054810661074 1.2967179414435253 1.275926026396621 0.8764684546077244 0.9818984253478535 0.7086627390364364 0.3118364021411606 0.07979759946088093 -0.2758318538032574 -0.27454203282856576 -0.749144577608832 -0.8668278481502684 +23278,-1.029345297462191,0,-0.649621987220679 -0.24861663020023272 0.08604033333129021 0.47045859190210837 0.5095659654706607 1.009087852478755 1.1632988544845921 1.0550054810661074 1.2967179414435253 1.275926026396621 0.8764684546077244 0.9818984253478535 0.7086627390364364 0.3118364021411606 0.07979759946088093 -0.2758318538032574 -0.27454203282856576 -0.749144577608832 -0.8668278481502684 -0.8752374811900612 +23279,-1.0741794762326777,0,-0.24861663020023272 0.08604033333129021 0.47045859190210837 0.5095659654706607 1.009087852478755 1.1632988544845921 1.0550054810661074 1.2967179414435253 1.275926026396621 0.8764684546077244 0.9818984253478535 0.7086627390364364 0.3118364021411606 0.07979759946088093 -0.2758318538032574 -0.27454203282856576 -0.749144577608832 -0.8668278481502684 -0.8752374811900612 -1.029345297462191 +23280,-0.49154152229076686,0,0.08604033333129021 0.47045859190210837 0.5095659654706607 1.009087852478755 1.1632988544845921 1.0550054810661074 1.2967179414435253 1.275926026396621 0.8764684546077244 0.9818984253478535 0.7086627390364364 0.3118364021411606 0.07979759946088093 -0.2758318538032574 -0.27454203282856576 -0.749144577608832 -0.8668278481502684 -0.8752374811900612 -1.029345297462191 -1.0741794762326777 +23281,-0.7455330787868294,0,0.47045859190210837 0.5095659654706607 1.009087852478755 1.1632988544845921 1.0550054810661074 1.2967179414435253 1.275926026396621 0.8764684546077244 0.9818984253478535 0.7086627390364364 0.3118364021411606 0.07979759946088093 -0.2758318538032574 -0.27454203282856576 -0.749144577608832 -0.8668278481502684 -0.8752374811900612 -1.029345297462191 -1.0741794762326777 -0.49154152229076686 +23282,-0.3720525024157177,0,0.5095659654706607 1.009087852478755 1.1632988544845921 1.0550054810661074 1.2967179414435253 1.275926026396621 0.8764684546077244 0.9818984253478535 0.7086627390364364 0.3118364021411606 0.07979759946088093 -0.2758318538032574 -0.27454203282856576 -0.749144577608832 -0.8668278481502684 -0.8752374811900612 -1.029345297462191 -1.0741794762326777 -0.49154152229076686 -0.7455330787868294 +23283,0.008393107497327084,0,1.009087852478755 1.1632988544845921 1.0550054810661074 1.2967179414435253 1.275926026396621 0.8764684546077244 0.9818984253478535 0.7086627390364364 0.3118364021411606 0.07979759946088093 -0.2758318538032574 -0.27454203282856576 -0.749144577608832 -0.8668278481502684 -0.8752374811900612 -1.029345297462191 -1.0741794762326777 -0.49154152229076686 -0.7455330787868294 -0.3720525024157177 +23284,0.3795520060211277,0,1.1632988544845921 1.0550054810661074 1.2967179414435253 1.275926026396621 0.8764684546077244 0.9818984253478535 0.7086627390364364 0.3118364021411606 0.07979759946088093 -0.2758318538032574 -0.27454203282856576 -0.749144577608832 -0.8668278481502684 -0.8752374811900612 -1.029345297462191 -1.0741794762326777 -0.49154152229076686 -0.7455330787868294 -0.3720525024157177 0.008393107497327084 +23285,0.7576759380868614,0,1.0550054810661074 1.2967179414435253 1.275926026396621 0.8764684546077244 0.9818984253478535 0.7086627390364364 0.3118364021411606 0.07979759946088093 -0.2758318538032574 -0.27454203282856576 -0.749144577608832 -0.8668278481502684 -0.8752374811900612 -1.029345297462191 -1.0741794762326777 -0.49154152229076686 -0.7455330787868294 -0.3720525024157177 0.008393107497327084 0.3795520060211277 +23286,0.7913402668729068,0,1.2967179414435253 1.275926026396621 0.8764684546077244 0.9818984253478535 0.7086627390364364 0.3118364021411606 0.07979759946088093 -0.2758318538032574 -0.27454203282856576 -0.749144577608832 -0.8668278481502684 -0.8752374811900612 -1.029345297462191 -1.0741794762326777 -0.49154152229076686 -0.7455330787868294 -0.3720525024157177 0.008393107497327084 0.3795520060211277 0.7576759380868614 +23287,1.2842840666469444,0,1.275926026396621 0.8764684546077244 0.9818984253478535 0.7086627390364364 0.3118364021411606 0.07979759946088093 -0.2758318538032574 -0.27454203282856576 -0.749144577608832 -0.8668278481502684 -0.8752374811900612 -1.029345297462191 -1.0741794762326777 -0.49154152229076686 -0.7455330787868294 -0.3720525024157177 0.008393107497327084 0.3795520060211277 0.7576759380868614 0.7913402668729068 +23288,1.4327682632960705,0,0.8764684546077244 0.9818984253478535 0.7086627390364364 0.3118364021411606 0.07979759946088093 -0.2758318538032574 -0.27454203282856576 -0.749144577608832 -0.8668278481502684 -0.8752374811900612 -1.029345297462191 -1.0741794762326777 -0.49154152229076686 -0.7455330787868294 -0.3720525024157177 0.008393107497327084 0.3795520060211277 0.7576759380868614 0.7913402668729068 1.2842840666469444 +23289,1.3320590375121386,0,0.9818984253478535 0.7086627390364364 0.3118364021411606 0.07979759946088093 -0.2758318538032574 -0.27454203282856576 -0.749144577608832 -0.8668278481502684 -0.8752374811900612 -1.029345297462191 -1.0741794762326777 -0.49154152229076686 -0.7455330787868294 -0.3720525024157177 0.008393107497327084 0.3795520060211277 0.7576759380868614 0.7913402668729068 1.2842840666469444 1.4327682632960705 +23290,1.5636077081508346,0,0.7086627390364364 0.3118364021411606 0.07979759946088093 -0.2758318538032574 -0.27454203282856576 -0.749144577608832 -0.8668278481502684 -0.8752374811900612 -1.029345297462191 -1.0741794762326777 -0.49154152229076686 -0.7455330787868294 -0.3720525024157177 0.008393107497327084 0.3795520060211277 0.7576759380868614 0.7913402668729068 1.2842840666469444 1.4327682632960705 1.3320590375121386 +23291,1.5459629565112583,0,0.3118364021411606 0.07979759946088093 -0.2758318538032574 -0.27454203282856576 -0.749144577608832 -0.8668278481502684 -0.8752374811900612 -1.029345297462191 -1.0741794762326777 -0.49154152229076686 -0.7455330787868294 -0.3720525024157177 0.008393107497327084 0.3795520060211277 0.7576759380868614 0.7913402668729068 1.2842840666469444 1.4327682632960705 1.3320590375121386 1.5636077081508346 +23292,1.1385084943078,0,0.07979759946088093 -0.2758318538032574 -0.27454203282856576 -0.749144577608832 -0.8668278481502684 -0.8752374811900612 -1.029345297462191 -1.0741794762326777 -0.49154152229076686 -0.7455330787868294 -0.3720525024157177 0.008393107497327084 0.3795520060211277 0.7576759380868614 0.7913402668729068 1.2842840666469444 1.4327682632960705 1.3320590375121386 1.5636077081508346 1.5459629565112583 +23293,1.2508003128561815,0,-0.2758318538032574 -0.27454203282856576 -0.749144577608832 -0.8668278481502684 -0.8752374811900612 -1.029345297462191 -1.0741794762326777 -0.49154152229076686 -0.7455330787868294 -0.3720525024157177 0.008393107497327084 0.3795520060211277 0.7576759380868614 0.7913402668729068 1.2842840666469444 1.4327682632960705 1.3320590375121386 1.5636077081508346 1.5459629565112583 1.1385084943078 +23294,0.9732824208406812,0,-0.27454203282856576 -0.749144577608832 -0.8668278481502684 -0.8752374811900612 -1.029345297462191 -1.0741794762326777 -0.49154152229076686 -0.7455330787868294 -0.3720525024157177 0.008393107497327084 0.3795520060211277 0.7576759380868614 0.7913402668729068 1.2842840666469444 1.4327682632960705 1.3320590375121386 1.5636077081508346 1.5459629565112583 1.1385084943078 1.2508003128561815 +23295,0.6068442672730867,0,-0.749144577608832 -0.8668278481502684 -0.8752374811900612 -1.029345297462191 -1.0741794762326777 -0.49154152229076686 -0.7455330787868294 -0.3720525024157177 0.008393107497327084 0.3795520060211277 0.7576759380868614 0.7913402668729068 1.2842840666469444 1.4327682632960705 1.3320590375121386 1.5636077081508346 1.5459629565112583 1.1385084943078 1.2508003128561815 0.9732824208406812 +23296,0.35896646244162056,0,-0.8668278481502684 -0.8752374811900612 -1.029345297462191 -1.0741794762326777 -0.49154152229076686 -0.7455330787868294 -0.3720525024157177 0.008393107497327084 0.3795520060211277 0.7576759380868614 0.7913402668729068 1.2842840666469444 1.4327682632960705 1.3320590375121386 1.5636077081508346 1.5459629565112583 1.1385084943078 1.2508003128561815 0.9732824208406812 0.6068442672730867 +23297,0.022168396058060407,0,-0.8752374811900612 -1.029345297462191 -1.0741794762326777 -0.49154152229076686 -0.7455330787868294 -0.3720525024157177 0.008393107497327084 0.3795520060211277 0.7576759380868614 0.7913402668729068 1.2842840666469444 1.4327682632960705 1.3320590375121386 1.5636077081508346 1.5459629565112583 1.1385084943078 1.2508003128561815 0.9732824208406812 0.6068442672730867 0.35896646244162056 +23298,-0.009870758234868982,0,-1.029345297462191 -1.0741794762326777 -0.49154152229076686 -0.7455330787868294 -0.3720525024157177 0.008393107497327084 0.3795520060211277 0.7576759380868614 0.7913402668729068 1.2842840666469444 1.4327682632960705 1.3320590375121386 1.5636077081508346 1.5459629565112583 1.1385084943078 1.2508003128561815 0.9732824208406812 0.6068442672730867 0.35896646244162056 0.022168396058060407 +23299,-0.4482551285970442,0,-1.0741794762326777 -0.49154152229076686 -0.7455330787868294 -0.3720525024157177 0.008393107497327084 0.3795520060211277 0.7576759380868614 0.7913402668729068 1.2842840666469444 1.4327682632960705 1.3320590375121386 1.5636077081508346 1.5459629565112583 1.1385084943078 1.2508003128561815 0.9732824208406812 0.6068442672730867 0.35896646244162056 0.022168396058060407 -0.009870758234868982 +23300,-0.5818805870233743,0,-0.49154152229076686 -0.7455330787868294 -0.3720525024157177 0.008393107497327084 0.3795520060211277 0.7576759380868614 0.7913402668729068 1.2842840666469444 1.4327682632960705 1.3320590375121386 1.5636077081508346 1.5459629565112583 1.1385084943078 1.2508003128561815 0.9732824208406812 0.6068442672730867 0.35896646244162056 0.022168396058060407 -0.009870758234868982 -0.4482551285970442 +23301,-0.605381126070689,0,-0.7455330787868294 -0.3720525024157177 0.008393107497327084 0.3795520060211277 0.7576759380868614 0.7913402668729068 1.2842840666469444 1.4327682632960705 1.3320590375121386 1.5636077081508346 1.5459629565112583 1.1385084943078 1.2508003128561815 0.9732824208406812 0.6068442672730867 0.35896646244162056 0.022168396058060407 -0.009870758234868982 -0.4482551285970442 -0.5818805870233743 +23302,-0.7757148908018994,0,-0.3720525024157177 0.008393107497327084 0.3795520060211277 0.7576759380868614 0.7913402668729068 1.2842840666469444 1.4327682632960705 1.3320590375121386 1.5636077081508346 1.5459629565112583 1.1385084943078 1.2508003128561815 0.9732824208406812 0.6068442672730867 0.35896646244162056 0.022168396058060407 -0.009870758234868982 -0.4482551285970442 -0.5818805870233743 -0.605381126070689 +23303,-0.8359237363088888,0,0.008393107497327084 0.3795520060211277 0.7576759380868614 0.7913402668729068 1.2842840666469444 1.4327682632960705 1.3320590375121386 1.5636077081508346 1.5459629565112583 1.1385084943078 1.2508003128561815 0.9732824208406812 0.6068442672730867 0.35896646244162056 0.022168396058060407 -0.009870758234868982 -0.4482551285970442 -0.5818805870233743 -0.605381126070689 -0.7757148908018994 +23304,-0.2812748985857731,0,0.3795520060211277 0.7576759380868614 0.7913402668729068 1.2842840666469444 1.4327682632960705 1.3320590375121386 1.5636077081508346 1.5459629565112583 1.1385084943078 1.2508003128561815 0.9732824208406812 0.6068442672730867 0.35896646244162056 0.022168396058060407 -0.009870758234868982 -0.4482551285970442 -0.5818805870233743 -0.605381126070689 -0.7757148908018994 -0.8359237363088888 +23305,-0.5464363052210536,0,0.7576759380868614 0.7913402668729068 1.2842840666469444 1.4327682632960705 1.3320590375121386 1.5636077081508346 1.5459629565112583 1.1385084943078 1.2508003128561815 0.9732824208406812 0.6068442672730867 0.35896646244162056 0.022168396058060407 -0.009870758234868982 -0.4482551285970442 -0.5818805870233743 -0.605381126070689 -0.7757148908018994 -0.8359237363088888 -0.2812748985857731 +23306,-0.1967400284714521,0,0.7913402668729068 1.2842840666469444 1.4327682632960705 1.3320590375121386 1.5636077081508346 1.5459629565112583 1.1385084943078 1.2508003128561815 0.9732824208406812 0.6068442672730867 0.35896646244162056 0.022168396058060407 -0.009870758234868982 -0.4482551285970442 -0.5818805870233743 -0.605381126070689 -0.7757148908018994 -0.8359237363088888 -0.2812748985857731 -0.5464363052210536 +23307,0.1905674292498361,0,1.2842840666469444 1.4327682632960705 1.3320590375121386 1.5636077081508346 1.5459629565112583 1.1385084943078 1.2508003128561815 0.9732824208406812 0.6068442672730867 0.35896646244162056 0.022168396058060407 -0.009870758234868982 -0.4482551285970442 -0.5818805870233743 -0.605381126070689 -0.7757148908018994 -0.8359237363088888 -0.2812748985857731 -0.5464363052210536 -0.1967400284714521 +23308,0.527726645469167,0,1.4327682632960705 1.3320590375121386 1.5636077081508346 1.5459629565112583 1.1385084943078 1.2508003128561815 0.9732824208406812 0.6068442672730867 0.35896646244162056 0.022168396058060407 -0.009870758234868982 -0.4482551285970442 -0.5818805870233743 -0.605381126070689 -0.7757148908018994 -0.8359237363088888 -0.2812748985857731 -0.5464363052210536 -0.1967400284714521 0.1905674292498361 +23309,0.9024970429697472,0,1.3320590375121386 1.5636077081508346 1.5459629565112583 1.1385084943078 1.2508003128561815 0.9732824208406812 0.6068442672730867 0.35896646244162056 0.022168396058060407 -0.009870758234868982 -0.4482551285970442 -0.5818805870233743 -0.605381126070689 -0.7757148908018994 -0.8359237363088888 -0.2812748985857731 -0.5464363052210536 -0.1967400284714521 0.1905674292498361 0.527726645469167 +23310,0.9229794008155645,0,1.5636077081508346 1.5459629565112583 1.1385084943078 1.2508003128561815 0.9732824208406812 0.6068442672730867 0.35896646244162056 0.022168396058060407 -0.009870758234868982 -0.4482551285970442 -0.5818805870233743 -0.605381126070689 -0.7757148908018994 -0.8359237363088888 -0.2812748985857731 -0.5464363052210536 -0.1967400284714521 0.1905674292498361 0.527726645469167 0.9024970429697472 +23311,1.4158458113280268,0,1.5459629565112583 1.1385084943078 1.2508003128561815 0.9732824208406812 0.6068442672730867 0.35896646244162056 0.022168396058060407 -0.009870758234868982 -0.4482551285970442 -0.5818805870233743 -0.605381126070689 -0.7757148908018994 -0.8359237363088888 -0.2812748985857731 -0.5464363052210536 -0.1967400284714521 0.1905674292498361 0.527726645469167 0.9024970429697472 0.9229794008155645 +23312,1.5544241824952802,0,1.1385084943078 1.2508003128561815 0.9732824208406812 0.6068442672730867 0.35896646244162056 0.022168396058060407 -0.009870758234868982 -0.4482551285970442 -0.5818805870233743 -0.605381126070689 -0.7757148908018994 -0.8359237363088888 -0.2812748985857731 -0.5464363052210536 -0.1967400284714521 0.1905674292498361 0.527726645469167 0.9024970429697472 0.9229794008155645 1.4158458113280268 +23313,1.4428030708289794,0,1.2508003128561815 0.9732824208406812 0.6068442672730867 0.35896646244162056 0.022168396058060407 -0.009870758234868982 -0.4482551285970442 -0.5818805870233743 -0.605381126070689 -0.7757148908018994 -0.8359237363088888 -0.2812748985857731 -0.5464363052210536 -0.1967400284714521 0.1905674292498361 0.527726645469167 0.9024970429697472 0.9229794008155645 1.4158458113280268 1.5544241824952802 +23314,1.6647812695042357,0,0.9732824208406812 0.6068442672730867 0.35896646244162056 0.022168396058060407 -0.009870758234868982 -0.4482551285970442 -0.5818805870233743 -0.605381126070689 -0.7757148908018994 -0.8359237363088888 -0.2812748985857731 -0.5464363052210536 -0.1967400284714521 0.1905674292498361 0.527726645469167 0.9024970429697472 0.9229794008155645 1.4158458113280268 1.5544241824952802 1.4428030708289794 +23315,1.6365599853459292,0,0.6068442672730867 0.35896646244162056 0.022168396058060407 -0.009870758234868982 -0.4482551285970442 -0.5818805870233743 -0.605381126070689 -0.7757148908018994 -0.8359237363088888 -0.2812748985857731 -0.5464363052210536 -0.1967400284714521 0.1905674292498361 0.527726645469167 0.9024970429697472 0.9229794008155645 1.4158458113280268 1.5544241824952802 1.4428030708289794 1.6647812695042357 +23316,1.212337849852355,0,0.35896646244162056 0.022168396058060407 -0.009870758234868982 -0.4482551285970442 -0.5818805870233743 -0.605381126070689 -0.7757148908018994 -0.8359237363088888 -0.2812748985857731 -0.5464363052210536 -0.1967400284714521 0.1905674292498361 0.527726645469167 0.9024970429697472 0.9229794008155645 1.4158458113280268 1.5544241824952802 1.4428030708289794 1.6647812695042357 1.6365599853459292 +23317,1.3161168496272535,0,0.022168396058060407 -0.009870758234868982 -0.4482551285970442 -0.5818805870233743 -0.605381126070689 -0.7757148908018994 -0.8359237363088888 -0.2812748985857731 -0.5464363052210536 -0.1967400284714521 0.1905674292498361 0.527726645469167 0.9024970429697472 0.9229794008155645 1.4158458113280268 1.5544241824952802 1.4428030708289794 1.6647812695042357 1.6365599853459292 1.212337849852355 +23318,1.0238949979121077,0,-0.009870758234868982 -0.4482551285970442 -0.5818805870233743 -0.605381126070689 -0.7757148908018994 -0.8359237363088888 -0.2812748985857731 -0.5464363052210536 -0.1967400284714521 0.1905674292498361 0.527726645469167 0.9024970429697472 0.9229794008155645 1.4158458113280268 1.5544241824952802 1.4428030708289794 1.6647812695042357 1.6365599853459292 1.212337849852355 1.3161168496272535 +23319,0.6837691932807316,0,-0.4482551285970442 -0.5818805870233743 -0.605381126070689 -0.7757148908018994 -0.8359237363088888 -0.2812748985857731 -0.5464363052210536 -0.1967400284714521 0.1905674292498361 0.527726645469167 0.9024970429697472 0.9229794008155645 1.4158458113280268 1.5544241824952802 1.4428030708289794 1.6647812695042357 1.6365599853459292 1.212337849852355 1.3161168496272535 1.0238949979121077 +23320,0.40751532592258516,0,-0.5818805870233743 -0.605381126070689 -0.7757148908018994 -0.8359237363088888 -0.2812748985857731 -0.5464363052210536 -0.1967400284714521 0.1905674292498361 0.527726645469167 0.9024970429697472 0.9229794008155645 1.4158458113280268 1.5544241824952802 1.4428030708289794 1.6647812695042357 1.6365599853459292 1.212337849852355 1.3161168496272535 1.0238949979121077 0.6837691932807316 +23321,0.08335750549342277,0,-0.605381126070689 -0.7757148908018994 -0.8359237363088888 -0.2812748985857731 -0.5464363052210536 -0.1967400284714521 0.1905674292498361 0.527726645469167 0.9024970429697472 0.9229794008155645 1.4158458113280268 1.5544241824952802 1.4428030708289794 1.6647812695042357 1.6365599853459292 1.212337849852355 1.3161168496272535 1.0238949979121077 0.6837691932807316 0.40751532592258516 +23322,0.06380381878653509,0,-0.7757148908018994 -0.8359237363088888 -0.2812748985857731 -0.5464363052210536 -0.1967400284714521 0.1905674292498361 0.527726645469167 0.9024970429697472 0.9229794008155645 1.4158458113280268 1.5544241824952802 1.4428030708289794 1.6647812695042357 1.6365599853459292 1.212337849852355 1.3161168496272535 1.0238949979121077 0.6837691932807316 0.40751532592258516 0.08335750549342277 +23323,-0.36188871267699585,0,-0.8359237363088888 -0.2812748985857731 -0.5464363052210536 -0.1967400284714521 0.1905674292498361 0.527726645469167 0.9024970429697472 0.9229794008155645 1.4158458113280268 1.5544241824952802 1.4428030708289794 1.6647812695042357 1.6365599853459292 1.212337849852355 1.3161168496272535 1.0238949979121077 0.6837691932807316 0.40751532592258516 0.08335750549342277 0.06380381878653509 +23324,-0.4829771107278322,0,-0.2812748985857731 -0.5464363052210536 -0.1967400284714521 0.1905674292498361 0.527726645469167 0.9024970429697472 0.9229794008155645 1.4158458113280268 1.5544241824952802 1.4428030708289794 1.6647812695042357 1.6365599853459292 1.212337849852355 1.3161168496272535 1.0238949979121077 0.6837691932807316 0.40751532592258516 0.08335750549342277 0.06380381878653509 -0.36188871267699585 +23325,-0.543392327547433,0,-0.5464363052210536 -0.1967400284714521 0.1905674292498361 0.527726645469167 0.9024970429697472 0.9229794008155645 1.4158458113280268 1.5544241824952802 1.4428030708289794 1.6647812695042357 1.6365599853459292 1.212337849852355 1.3161168496272535 1.0238949979121077 0.6837691932807316 0.40751532592258516 0.08335750549342277 0.06380381878653509 -0.36188871267699585 -0.4829771107278322 +23326,-0.6847051191872201,0,-0.1967400284714521 0.1905674292498361 0.527726645469167 0.9024970429697472 0.9229794008155645 1.4158458113280268 1.5544241824952802 1.4428030708289794 1.6647812695042357 1.6365599853459292 1.212337849852355 1.3161168496272535 1.0238949979121077 0.6837691932807316 0.40751532592258516 0.08335750549342277 0.06380381878653509 -0.36188871267699585 -0.4829771107278322 -0.543392327547433 +23327,-0.7653447297505661,0,0.1905674292498361 0.527726645469167 0.9024970429697472 0.9229794008155645 1.4158458113280268 1.5544241824952802 1.4428030708289794 1.6647812695042357 1.6365599853459292 1.212337849852355 1.3161168496272535 1.0238949979121077 0.6837691932807316 0.40751532592258516 0.08335750549342277 0.06380381878653509 -0.36188871267699585 -0.4829771107278322 -0.543392327547433 -0.6847051191872201 +23328,-0.2863825898498644,0,0.527726645469167 0.9024970429697472 0.9229794008155645 1.4158458113280268 1.5544241824952802 1.4428030708289794 1.6647812695042357 1.6365599853459292 1.212337849852355 1.3161168496272535 1.0238949979121077 0.6837691932807316 0.40751532592258516 0.08335750549342277 0.06380381878653509 -0.36188871267699585 -0.4829771107278322 -0.543392327547433 -0.6847051191872201 -0.7653447297505661 +23329,-0.5535561172861461,0,0.9024970429697472 0.9229794008155645 1.4158458113280268 1.5544241824952802 1.4428030708289794 1.6647812695042357 1.6365599853459292 1.212337849852355 1.3161168496272535 1.0238949979121077 0.6837691932807316 0.40751532592258516 0.08335750549342277 0.06380381878653509 -0.36188871267699585 -0.4829771107278322 -0.543392327547433 -0.6847051191872201 -0.7653447297505661 -0.2863825898498644 +23330,-0.2611278941036032,0,0.9229794008155645 1.4158458113280268 1.5544241824952802 1.4428030708289794 1.6647812695042357 1.6365599853459292 1.212337849852355 1.3161168496272535 1.0238949979121077 0.6837691932807316 0.40751532592258516 0.08335750549342277 0.06380381878653509 -0.36188871267699585 -0.4829771107278322 -0.543392327547433 -0.6847051191872201 -0.7653447297505661 -0.2863825898498644 -0.5535561172861461 +23331,0.1296620803886516,0,1.4158458113280268 1.5544241824952802 1.4428030708289794 1.6647812695042357 1.6365599853459292 1.212337849852355 1.3161168496272535 1.0238949979121077 0.6837691932807316 0.40751532592258516 0.08335750549342277 0.06380381878653509 -0.36188871267699585 -0.4829771107278322 -0.543392327547433 -0.6847051191872201 -0.7653447297505661 -0.2863825898498644 -0.5535561172861461 -0.2611278941036032 +23332,0.38930305297984114,0,1.5544241824952802 1.4428030708289794 1.6647812695042357 1.6365599853459292 1.212337849852355 1.3161168496272535 1.0238949979121077 0.6837691932807316 0.40751532592258516 0.08335750549342277 0.06380381878653509 -0.36188871267699585 -0.4829771107278322 -0.543392327547433 -0.6847051191872201 -0.7653447297505661 -0.2863825898498644 -0.5535561172861461 -0.2611278941036032 0.1296620803886516 +23333,0.747305777035537,0,1.4428030708289794 1.6647812695042357 1.6365599853459292 1.212337849852355 1.3161168496272535 1.0238949979121077 0.6837691932807316 0.40751532592258516 0.08335750549342277 0.06380381878653509 -0.36188871267699585 -0.4829771107278322 -0.543392327547433 -0.6847051191872201 -0.7653447297505661 -0.2863825898498644 -0.5535561172861461 -0.2611278941036032 0.1296620803886516 0.38930305297984114 +23334,0.7014139449203078,0,1.6647812695042357 1.6365599853459292 1.212337849852355 1.3161168496272535 1.0238949979121077 0.6837691932807316 0.40751532592258516 0.08335750549342277 0.06380381878653509 -0.36188871267699585 -0.4829771107278322 -0.543392327547433 -0.6847051191872201 -0.7653447297505661 -0.2863825898498644 -0.5535561172861461 -0.2611278941036032 0.1296620803886516 0.38930305297984114 0.747305777035537 +23335,1.1940481876480442,0,1.6365599853459292 1.212337849852355 1.3161168496272535 1.0238949979121077 0.6837691932807316 0.40751532592258516 0.08335750549342277 0.06380381878653509 -0.36188871267699585 -0.4829771107278322 -0.543392327547433 -0.6847051191872201 -0.7653447297505661 -0.2863825898498644 -0.5535561172861461 -0.2611278941036032 0.1296620803886516 0.38930305297984114 0.747305777035537 0.7014139449203078 +23336,1.2827878743596415,0,1.212337849852355 1.3161168496272535 1.0238949979121077 0.6837691932807316 0.40751532592258516 0.08335750549342277 0.06380381878653509 -0.36188871267699585 -0.4829771107278322 -0.543392327547433 -0.6847051191872201 -0.7653447297505661 -0.2863825898498644 -0.5535561172861461 -0.2611278941036032 0.1296620803886516 0.38930305297984114 0.747305777035537 0.7014139449203078 1.1940481876480442 +23337,1.1164525547583277,0,1.3161168496272535 1.0238949979121077 0.6837691932807316 0.40751532592258516 0.08335750549342277 0.06380381878653509 -0.36188871267699585 -0.4829771107278322 -0.543392327547433 -0.6847051191872201 -0.7653447297505661 -0.2863825898498644 -0.5535561172861461 -0.2611278941036032 0.1296620803886516 0.38930305297984114 0.747305777035537 0.7014139449203078 1.1940481876480442 1.2827878743596415 +23338,1.2902172434710437,0,1.0238949979121077 0.6837691932807316 0.40751532592258516 0.08335750549342277 0.06380381878653509 -0.36188871267699585 -0.4829771107278322 -0.543392327547433 -0.6847051191872201 -0.7653447297505661 -0.2863825898498644 -0.5535561172861461 -0.2611278941036032 0.1296620803886516 0.38930305297984114 0.747305777035537 0.7014139449203078 1.1940481876480442 1.2827878743596415 1.1164525547583277 +23339,1.2089069258708491,0,0.6837691932807316 0.40751532592258516 0.08335750549342277 0.06380381878653509 -0.36188871267699585 -0.4829771107278322 -0.543392327547433 -0.6847051191872201 -0.7653447297505661 -0.2863825898498644 -0.5535561172861461 -0.2611278941036032 0.1296620803886516 0.38930305297984114 0.747305777035537 0.7014139449203078 1.1940481876480442 1.2827878743596415 1.1164525547583277 1.2902172434710437 +23340,0.8974409444951166,0,0.40751532592258516 0.08335750549342277 0.06380381878653509 -0.36188871267699585 -0.4829771107278322 -0.543392327547433 -0.6847051191872201 -0.7653447297505661 -0.2863825898498644 -0.5535561172861461 -0.2611278941036032 0.1296620803886516 0.38930305297984114 0.747305777035537 0.7014139449203078 1.1940481876480442 1.2827878743596415 1.1164525547583277 1.2902172434710437 1.2089069258708491 +23341,0.8928491815899465,0,0.08335750549342277 0.06380381878653509 -0.36188871267699585 -0.4829771107278322 -0.543392327547433 -0.6847051191872201 -0.7653447297505661 -0.2863825898498644 -0.5535561172861461 -0.2611278941036032 0.1296620803886516 0.38930305297984114 0.747305777035537 0.7014139449203078 1.1940481876480442 1.2827878743596415 1.1164525547583277 1.2902172434710437 1.2089069258708491 0.8974409444951166 +23342,0.6581017549092476,0,0.06380381878653509 -0.36188871267699585 -0.4829771107278322 -0.543392327547433 -0.6847051191872201 -0.7653447297505661 -0.2863825898498644 -0.5535561172861461 -0.2611278941036032 0.1296620803886516 0.38930305297984114 0.747305777035537 0.7014139449203078 1.1940481876480442 1.2827878743596415 1.1164525547583277 1.2902172434710437 1.2089069258708491 0.8974409444951166 0.8928491815899465 +23343,0.3512275362839083,0,-0.36188871267699585 -0.4829771107278322 -0.543392327547433 -0.6847051191872201 -0.7653447297505661 -0.2863825898498644 -0.5535561172861461 -0.2611278941036032 0.1296620803886516 0.38930305297984114 0.747305777035537 0.7014139449203078 1.1940481876480442 1.2827878743596415 1.1164525547583277 1.2902172434710437 1.2089069258708491 0.8974409444951166 0.8928491815899465 0.6581017549092476 +23344,0.1405223734815685,0,-0.4829771107278322 -0.543392327547433 -0.6847051191872201 -0.7653447297505661 -0.2863825898498644 -0.5535561172861461 -0.2611278941036032 0.1296620803886516 0.38930305297984114 0.747305777035537 0.7014139449203078 1.1940481876480442 1.2827878743596415 1.1164525547583277 1.2902172434710437 1.2089069258708491 0.8974409444951166 0.8928491815899465 0.6581017549092476 0.3512275362839083 +23345,-0.14230958126541152,0,-0.543392327547433 -0.6847051191872201 -0.7653447297505661 -0.2863825898498644 -0.5535561172861461 -0.2611278941036032 0.1296620803886516 0.38930305297984114 0.747305777035537 0.7014139449203078 1.1940481876480442 1.2827878743596415 1.1164525547583277 1.2902172434710437 1.2089069258708491 0.8974409444951166 0.8928491815899465 0.6581017549092476 0.3512275362839083 0.1405223734815685 +23346,-0.19413459004995443,0,-0.6847051191872201 -0.7653447297505661 -0.2863825898498644 -0.5535561172861461 -0.2611278941036032 0.1296620803886516 0.38930305297984114 0.747305777035537 0.7014139449203078 1.1940481876480442 1.2827878743596415 1.1164525547583277 1.2902172434710437 1.2089069258708491 0.8974409444951166 0.8928491815899465 0.6581017549092476 0.3512275362839083 0.1405223734815685 -0.14230958126541152 +23347,-0.5539688599113777,0,-0.7653447297505661 -0.2863825898498644 -0.5535561172861461 -0.2611278941036032 0.1296620803886516 0.38930305297984114 0.747305777035537 0.7014139449203078 1.1940481876480442 1.2827878743596415 1.1164525547583277 1.2902172434710437 1.2089069258708491 0.8974409444951166 0.8928491815899465 0.6581017549092476 0.3512275362839083 0.1405223734815685 -0.14230958126541152 -0.19413459004995443 +23348,-0.6827961841199175,0,-0.2863825898498644 -0.5535561172861461 -0.2611278941036032 0.1296620803886516 0.38930305297984114 0.747305777035537 0.7014139449203078 1.1940481876480442 1.2827878743596415 1.1164525547583277 1.2902172434710437 1.2089069258708491 0.8974409444951166 0.8928491815899465 0.6581017549092476 0.3512275362839083 0.1405223734815685 -0.14230958126541152 -0.19413459004995443 -0.5539688599113777 +23349,-0.7558258505765874,0,-0.5535561172861461 -0.2611278941036032 0.1296620803886516 0.38930305297984114 0.747305777035537 0.7014139449203078 1.1940481876480442 1.2827878743596415 1.1164525547583277 1.2902172434710437 1.2089069258708491 0.8974409444951166 0.8928491815899465 0.6581017549092476 0.3512275362839083 0.1405223734815685 -0.14230958126541152 -0.19413459004995443 -0.5539688599113777 -0.6827961841199175 +23350,-0.9032523938809707,0,-0.2611278941036032 0.1296620803886516 0.38930305297984114 0.747305777035537 0.7014139449203078 1.1940481876480442 1.2827878743596415 1.1164525547583277 1.2902172434710437 1.2089069258708491 0.8974409444951166 0.8928491815899465 0.6581017549092476 0.3512275362839083 0.1405223734815685 -0.14230958126541152 -0.19413459004995443 -0.5539688599113777 -0.6827961841199175 -0.7558258505765874 +23351,-0.994881279588261,0,0.1296620803886516 0.38930305297984114 0.747305777035537 0.7014139449203078 1.1940481876480442 1.2827878743596415 1.1164525547583277 1.2902172434710437 1.2089069258708491 0.8974409444951166 0.8928491815899465 0.6581017549092476 0.3512275362839083 0.1405223734815685 -0.14230958126541152 -0.19413459004995443 -0.5539688599113777 -0.6827961841199175 -0.7558258505765874 -0.9032523938809707 +23352,-0.5738836966088129,0,0.38930305297984114 0.747305777035537 0.7014139449203078 1.1940481876480442 1.2827878743596415 1.1164525547583277 1.2902172434710437 1.2089069258708491 0.8974409444951166 0.8928491815899465 0.6581017549092476 0.3512275362839083 0.1405223734815685 -0.14230958126541152 -0.19413459004995443 -0.5539688599113777 -0.6827961841199175 -0.7558258505765874 -0.9032523938809707 -0.994881279588261 +23353,-0.8363880718783493,0,0.747305777035537 0.7014139449203078 1.1940481876480442 1.2827878743596415 1.1164525547583277 1.2902172434710437 1.2089069258708491 0.8974409444951166 0.8928491815899465 0.6581017549092476 0.3512275362839083 0.1405223734815685 -0.14230958126541152 -0.19413459004995443 -0.5539688599113777 -0.6827961841199175 -0.7558258505765874 -0.9032523938809707 -0.994881279588261 -0.5738836966088129 +23354,-0.5862659784611474,0,0.7014139449203078 1.1940481876480442 1.2827878743596415 1.1164525547583277 1.2902172434710437 1.2089069258708491 0.8974409444951166 0.8928491815899465 0.6581017549092476 0.3512275362839083 0.1405223734815685 -0.14230958126541152 -0.19413459004995443 -0.5539688599113777 -0.6827961841199175 -0.7558258505765874 -0.9032523938809707 -0.994881279588261 -0.5738836966088129 -0.8363880718783493 +23355,-0.25651033488110436,0,1.1940481876480442 1.2827878743596415 1.1164525547583277 1.2902172434710437 1.2089069258708491 0.8974409444951166 0.8928491815899465 0.6581017549092476 0.3512275362839083 0.1405223734815685 -0.14230958126541152 -0.19413459004995443 -0.5539688599113777 -0.6827961841199175 -0.7558258505765874 -0.9032523938809707 -0.994881279588261 -0.5738836966088129 -0.8363880718783493 -0.5862659784611474 +23356,-0.03293275818484649,0,1.2827878743596415 1.1164525547583277 1.2902172434710437 1.2089069258708491 0.8974409444951166 0.8928491815899465 0.6581017549092476 0.3512275362839083 0.1405223734815685 -0.14230958126541152 -0.19413459004995443 -0.5539688599113777 -0.6827961841199175 -0.7558258505765874 -0.9032523938809707 -0.994881279588261 -0.5738836966088129 -0.8363880718783493 -0.5862659784611474 -0.25651033488110436 +23357,0.2702783686742524,0,1.1164525547583277 1.2902172434710437 1.2089069258708491 0.8974409444951166 0.8928491815899465 0.6581017549092476 0.3512275362839083 0.1405223734815685 -0.14230958126541152 -0.19413459004995443 -0.5539688599113777 -0.6827961841199175 -0.7558258505765874 -0.9032523938809707 -0.994881279588261 -0.5738836966088129 -0.8363880718783493 -0.5862659784611474 -0.25651033488110436 -0.03293275818484649 +23358,0.3075026034928396,0,1.2902172434710437 1.2089069258708491 0.8974409444951166 0.8928491815899465 0.6581017549092476 0.3512275362839083 0.1405223734815685 -0.14230958126541152 -0.19413459004995443 -0.5539688599113777 -0.6827961841199175 -0.7558258505765874 -0.9032523938809707 -0.994881279588261 -0.5738836966088129 -0.8363880718783493 -0.5862659784611474 -0.25651033488110436 -0.03293275818484649 0.2702783686742524 +23359,0.6993760276471834,0,1.2089069258708491 0.8974409444951166 0.8928491815899465 0.6581017549092476 0.3512275362839083 0.1405223734815685 -0.14230958126541152 -0.19413459004995443 -0.5539688599113777 -0.6827961841199175 -0.7558258505765874 -0.9032523938809707 -0.994881279588261 -0.5738836966088129 -0.8363880718783493 -0.5862659784611474 -0.25651033488110436 -0.03293275818484649 0.2702783686742524 0.3075026034928396 +23360,0.8252625599157924,0,0.8974409444951166 0.8928491815899465 0.6581017549092476 0.3512275362839083 0.1405223734815685 -0.14230958126541152 -0.19413459004995443 -0.5539688599113777 -0.6827961841199175 -0.7558258505765874 -0.9032523938809707 -0.994881279588261 -0.5738836966088129 -0.8363880718783493 -0.5862659784611474 -0.25651033488110436 -0.03293275818484649 0.2702783686742524 0.3075026034928396 0.6993760276471834 +23361,0.702806951628698,0,0.8928491815899465 0.6581017549092476 0.3512275362839083 0.1405223734815685 -0.14230958126541152 -0.19413459004995443 -0.5539688599113777 -0.6827961841199175 -0.7558258505765874 -0.9032523938809707 -0.994881279588261 -0.5738836966088129 -0.8363880718783493 -0.5862659784611474 -0.25651033488110436 -0.03293275818484649 0.2702783686742524 0.3075026034928396 0.6993760276471834 0.8252625599157924 +23362,0.9114741973126902,0,0.6581017549092476 0.3512275362839083 0.1405223734815685 -0.14230958126541152 -0.19413459004995443 -0.5539688599113777 -0.6827961841199175 -0.7558258505765874 -0.9032523938809707 -0.994881279588261 -0.5738836966088129 -0.8363880718783493 -0.5862659784611474 -0.25651033488110436 -0.03293275818484649 0.2702783686742524 0.3075026034928396 0.6993760276471834 0.8252625599157924 0.702806951628698 +23363,0.8717993024409701,0,0.3512275362839083 0.1405223734815685 -0.14230958126541152 -0.19413459004995443 -0.5539688599113777 -0.6827961841199175 -0.7558258505765874 -0.9032523938809707 -0.994881279588261 -0.5738836966088129 -0.8363880718783493 -0.5862659784611474 -0.25651033488110436 -0.03293275818484649 0.2702783686742524 0.3075026034928396 0.6993760276471834 0.8252625599157924 0.702806951628698 0.9114741973126902 +23364,0.5861813344319956,0,0.1405223734815685 -0.14230958126541152 -0.19413459004995443 -0.5539688599113777 -0.6827961841199175 -0.7558258505765874 -0.9032523938809707 -0.994881279588261 -0.5738836966088129 -0.8363880718783493 -0.5862659784611474 -0.25651033488110436 -0.03293275818484649 0.2702783686742524 0.3075026034928396 0.6993760276471834 0.8252625599157924 0.702806951628698 0.9114741973126902 0.8717993024409701 +23365,0.6284874640425596,0,-0.14230958126541152 -0.19413459004995443 -0.5539688599113777 -0.6827961841199175 -0.7558258505765874 -0.9032523938809707 -0.994881279588261 -0.5738836966088129 -0.8363880718783493 -0.5862659784611474 -0.25651033488110436 -0.03293275818484649 0.2702783686742524 0.3075026034928396 0.6993760276471834 0.8252625599157924 0.702806951628698 0.9114741973126902 0.8717993024409701 0.5861813344319956 +23366,0.42485052051585154,0,-0.19413459004995443 -0.5539688599113777 -0.6827961841199175 -0.7558258505765874 -0.9032523938809707 -0.994881279588261 -0.5738836966088129 -0.8363880718783493 -0.5862659784611474 -0.25651033488110436 -0.03293275818484649 0.2702783686742524 0.3075026034928396 0.6993760276471834 0.8252625599157924 0.702806951628698 0.9114741973126902 0.8717993024409701 0.5861813344319956 0.6284874640425596 +23367,0.08996138919960278,0,-0.5539688599113777 -0.6827961841199175 -0.7558258505765874 -0.9032523938809707 -0.994881279588261 -0.5738836966088129 -0.8363880718783493 -0.5862659784611474 -0.25651033488110436 -0.03293275818484649 0.2702783686742524 0.3075026034928396 0.6993760276471834 0.8252625599157924 0.702806951628698 0.9114741973126902 0.8717993024409701 0.5861813344319956 0.6284874640425596 0.42485052051585154 +23368,-0.06992482521869907,0,-0.6827961841199175 -0.7558258505765874 -0.9032523938809707 -0.994881279588261 -0.5738836966088129 -0.8363880718783493 -0.5862659784611474 -0.25651033488110436 -0.03293275818484649 0.2702783686742524 0.3075026034928396 0.6993760276471834 0.8252625599157924 0.702806951628698 0.9114741973126902 0.8717993024409701 0.5861813344319956 0.6284874640425596 0.42485052051585154 0.08996138919960278 +23369,-0.3610632272717735,0,-0.7558258505765874 -0.9032523938809707 -0.994881279588261 -0.5738836966088129 -0.8363880718783493 -0.5862659784611474 -0.25651033488110436 -0.03293275818484649 0.2702783686742524 0.3075026034928396 0.6993760276471834 0.8252625599157924 0.702806951628698 0.9114741973126902 0.8717993024409701 0.5861813344319956 0.6284874640425596 0.42485052051585154 0.08996138919960278 -0.06992482521869907 +23370,-0.4069550593869939,0,-0.9032523938809707 -0.994881279588261 -0.5738836966088129 -0.8363880718783493 -0.5862659784611474 -0.25651033488110436 -0.03293275818484649 0.2702783686742524 0.3075026034928396 0.6993760276471834 0.8252625599157924 0.702806951628698 0.9114741973126902 0.8717993024409701 0.5861813344319956 0.6284874640425596 0.42485052051585154 0.08996138919960278 -0.06992482521869907 -0.3610632272717735 +23371,-0.779842318137609,0,-0.994881279588261 -0.5738836966088129 -0.8363880718783493 -0.5862659784611474 -0.25651033488110436 -0.03293275818484649 0.2702783686742524 0.3075026034928396 0.6993760276471834 0.8252625599157924 0.702806951628698 0.9114741973126902 0.8717993024409701 0.5861813344319956 0.6284874640425596 0.42485052051585154 0.08996138919960278 -0.06992482521869907 -0.3610632272717735 -0.4069550593869939 +23372,-0.9074830067955932,0,-0.5738836966088129 -0.8363880718783493 -0.5862659784611474 -0.25651033488110436 -0.03293275818484649 0.2702783686742524 0.3075026034928396 0.6993760276471834 0.8252625599157924 0.702806951628698 0.9114741973126902 0.8717993024409701 0.5861813344319956 0.6284874640425596 0.42485052051585154 0.08996138919960278 -0.06992482521869907 -0.3610632272717735 -0.4069550593869939 -0.779842318137609 +23373,-0.9468225481488801,0,-0.8363880718783493 -0.5862659784611474 -0.25651033488110436 -0.03293275818484649 0.2702783686742524 0.3075026034928396 0.6993760276471834 0.8252625599157924 0.702806951628698 0.9114741973126902 0.8717993024409701 0.5861813344319956 0.6284874640425596 0.42485052051585154 0.08996138919960278 -0.06992482521869907 -0.3610632272717735 -0.4069550593869939 -0.779842318137609 -0.9074830067955932 +23374,-1.1038969526782871,0,-0.5862659784611474 -0.25651033488110436 -0.03293275818484649 0.2702783686742524 0.3075026034928396 0.6993760276471834 0.8252625599157924 0.702806951628698 0.9114741973126902 0.8717993024409701 0.5861813344319956 0.6284874640425596 0.42485052051585154 0.08996138919960278 -0.06992482521869907 -0.3610632272717735 -0.4069550593869939 -0.779842318137609 -0.9074830067955932 -0.9468225481488801 +23375,-1.1726702099029882,0,-0.25651033488110436 -0.03293275818484649 0.2702783686742524 0.3075026034928396 0.6993760276471834 0.8252625599157924 0.702806951628698 0.9114741973126902 0.8717993024409701 0.5861813344319956 0.6284874640425596 0.42485052051585154 0.08996138919960278 -0.06992482521869907 -0.3610632272717735 -0.4069550593869939 -0.779842318137609 -0.9074830067955932 -0.9468225481488801 -1.1038969526782871 +23376,-0.7000281929794941,0,-0.03293275818484649 0.2702783686742524 0.3075026034928396 0.6993760276471834 0.8252625599157924 0.702806951628698 0.9114741973126902 0.8717993024409701 0.5861813344319956 0.6284874640425596 0.42485052051585154 0.08996138919960278 -0.06992482521869907 -0.3610632272717735 -0.4069550593869939 -0.779842318137609 -0.9074830067955932 -0.9468225481488801 -1.1038969526782871 -1.1726702099029882 +23377,-0.9492732080472273,0,0.2702783686742524 0.3075026034928396 0.6993760276471834 0.8252625599157924 0.702806951628698 0.9114741973126902 0.8717993024409701 0.5861813344319956 0.6284874640425596 0.42485052051585154 0.08996138919960278 -0.06992482521869907 -0.3610632272717735 -0.4069550593869939 -0.779842318137609 -0.9074830067955932 -0.9468225481488801 -1.1038969526782871 -1.1726702099029882 -0.7000281929794941 +23378,-0.6571029492763191,0,0.3075026034928396 0.6993760276471834 0.8252625599157924 0.702806951628698 0.9114741973126902 0.8717993024409701 0.5861813344319956 0.6284874640425596 0.42485052051585154 0.08996138919960278 -0.06992482521869907 -0.3610632272717735 -0.4069550593869939 -0.779842318137609 -0.9074830067955932 -0.9468225481488801 -1.1038969526782871 -1.1726702099029882 -0.7000281929794941 -0.9492732080472273 +23379,-0.3283275696246578,0,0.6993760276471834 0.8252625599157924 0.702806951628698 0.9114741973126902 0.8717993024409701 0.5861813344319956 0.6284874640425596 0.42485052051585154 0.08996138919960278 -0.06992482521869907 -0.3610632272717735 -0.4069550593869939 -0.779842318137609 -0.9074830067955932 -0.9468225481488801 -1.1038969526782871 -1.1726702099029882 -0.7000281929794941 -0.9492732080472273 -0.6571029492763191 +23380,-0.04835901771081024,0,0.8252625599157924 0.702806951628698 0.9114741973126902 0.8717993024409701 0.5861813344319956 0.6284874640425596 0.42485052051585154 0.08996138919960278 -0.06992482521869907 -0.3610632272717735 -0.4069550593869939 -0.779842318137609 -0.9074830067955932 -0.9468225481488801 -1.1038969526782871 -1.1726702099029882 -0.7000281929794941 -0.9492732080472273 -0.6571029492763191 -0.3283275696246578 +23381,0.26821465508379044,0,0.702806951628698 0.9114741973126902 0.8717993024409701 0.5861813344319956 0.6284874640425596 0.42485052051585154 0.08996138919960278 -0.06992482521869907 -0.3610632272717735 -0.4069550593869939 -0.779842318137609 -0.9074830067955932 -0.9468225481488801 -1.1038969526782871 -1.1726702099029882 -0.7000281929794941 -0.9492732080472273 -0.6571029492763191 -0.3283275696246578 -0.04835901771081024 +23382,0.27685645590830915,0,0.9114741973126902 0.8717993024409701 0.5861813344319956 0.6284874640425596 0.42485052051585154 0.08996138919960278 -0.06992482521869907 -0.3610632272717735 -0.4069550593869939 -0.779842318137609 -0.9074830067955932 -0.9468225481488801 -1.1038969526782871 -1.1726702099029882 -0.7000281929794941 -0.9492732080472273 -0.6571029492763191 -0.3283275696246578 -0.04835901771081024 0.26821465508379044 +23383,0.6960740858714907,0,0.8717993024409701 0.5861813344319956 0.6284874640425596 0.42485052051585154 0.08996138919960278 -0.06992482521869907 -0.3610632272717735 -0.4069550593869939 -0.779842318137609 -0.9074830067955932 -0.9468225481488801 -1.1038969526782871 -1.1726702099029882 -0.7000281929794941 -0.9492732080472273 -0.6571029492763191 -0.3283275696246578 -0.04835901771081024 0.26821465508379044 0.27685645590830915 +23384,0.8073598440193671,0,0.5861813344319956 0.6284874640425596 0.42485052051585154 0.08996138919960278 -0.06992482521869907 -0.3610632272717735 -0.4069550593869939 -0.779842318137609 -0.9074830067955932 -0.9468225481488801 -1.1038969526782871 -1.1726702099029882 -0.7000281929794941 -0.9492732080472273 -0.6571029492763191 -0.3283275696246578 -0.04835901771081024 0.26821465508379044 0.27685645590830915 0.6960740858714907 +23385,0.6837691932807316,0,0.6284874640425596 0.42485052051585154 0.08996138919960278 -0.06992482521869907 -0.3610632272717735 -0.4069550593869939 -0.779842318137609 -0.9074830067955932 -0.9468225481488801 -1.1038969526782871 -1.1726702099029882 -0.7000281929794941 -0.9492732080472273 -0.6571029492763191 -0.3283275696246578 -0.04835901771081024 0.26821465508379044 0.27685645590830915 0.6960740858714907 0.8073598440193671 +23386,0.8733470876725197,0,0.42485052051585154 0.08996138919960278 -0.06992482521869907 -0.3610632272717735 -0.4069550593869939 -0.779842318137609 -0.9074830067955932 -0.9468225481488801 -1.1038969526782871 -1.1726702099029882 -0.7000281929794941 -0.9492732080472273 -0.6571029492763191 -0.3283275696246578 -0.04835901771081024 0.26821465508379044 0.27685645590830915 0.6960740858714907 0.8073598440193671 0.6837691932807316 +23387,0.8280485733325728,0,0.08996138919960278 -0.06992482521869907 -0.3610632272717735 -0.4069550593869939 -0.779842318137609 -0.9074830067955932 -0.9468225481488801 -1.1038969526782871 -1.1726702099029882 -0.7000281929794941 -0.9492732080472273 -0.6571029492763191 -0.3283275696246578 -0.04835901771081024 0.26821465508379044 0.27685645590830915 0.6960740858714907 0.8073598440193671 0.6837691932807316 0.8733470876725197 +23388,0.5693878646697649,0,-0.06992482521869907 -0.3610632272717735 -0.4069550593869939 -0.779842318137609 -0.9074830067955932 -0.9468225481488801 -1.1038969526782871 -1.1726702099029882 -0.7000281929794941 -0.9492732080472273 -0.6571029492763191 -0.3283275696246578 -0.04835901771081024 0.26821465508379044 0.27685645590830915 0.6960740858714907 0.8073598440193671 0.6837691932807316 0.8733470876725197 0.8280485733325728 +23389,0.5952100815643995,0,-0.3610632272717735 -0.4069550593869939 -0.779842318137609 -0.9074830067955932 -0.9468225481488801 -1.1038969526782871 -1.1726702099029882 -0.7000281929794941 -0.9492732080472273 -0.6571029492763191 -0.3283275696246578 -0.04835901771081024 0.26821465508379044 0.27685645590830915 0.6960740858714907 0.8073598440193671 0.6837691932807316 0.8733470876725197 0.8280485733325728 0.5693878646697649 +23390,0.4076701044457357,0,-0.4069550593869939 -0.779842318137609 -0.9074830067955932 -0.9468225481488801 -1.1038969526782871 -1.1726702099029882 -0.7000281929794941 -0.9492732080472273 -0.6571029492763191 -0.3283275696246578 -0.04835901771081024 0.26821465508379044 0.27685645590830915 0.6960740858714907 0.8073598440193671 0.6837691932807316 0.8733470876725197 0.8280485733325728 0.5693878646697649 0.5952100815643995 +23391,0.07084624159005229,0,-0.779842318137609 -0.9074830067955932 -0.9468225481488801 -1.1038969526782871 -1.1726702099029882 -0.7000281929794941 -0.9492732080472273 -0.6571029492763191 -0.3283275696246578 -0.04835901771081024 0.26821465508379044 0.27685645590830915 0.6960740858714907 0.8073598440193671 0.6837691932807316 0.8733470876725197 0.8280485733325728 0.5693878646697649 0.5952100815643995 0.4076701044457357 +23392,-0.06693244048931621,0,-0.9074830067955932 -0.9468225481488801 -1.1038969526782871 -1.1726702099029882 -0.7000281929794941 -0.9492732080472273 -0.6571029492763191 -0.3283275696246578 -0.04835901771081024 0.26821465508379044 0.27685645590830915 0.6960740858714907 0.8073598440193671 0.6837691932807316 0.8733470876725197 0.8280485733325728 0.5693878646697649 0.5952100815643995 0.4076701044457357 0.07084624159005229 +23393,-0.35399500799613304,0,-0.9468225481488801 -1.1038969526782871 -1.1726702099029882 -0.7000281929794941 -0.9492732080472273 -0.6571029492763191 -0.3283275696246578 -0.04835901771081024 0.26821465508379044 0.27685645590830915 0.6960740858714907 0.8073598440193671 0.6837691932807316 0.8733470876725197 0.8280485733325728 0.5693878646697649 0.5952100815643995 0.4076701044457357 0.07084624159005229 -0.06693244048931621 +23394,-0.3563424823155673,0,-1.1038969526782871 -1.1726702099029882 -0.7000281929794941 -0.9492732080472273 -0.6571029492763191 -0.3283275696246578 -0.04835901771081024 0.26821465508379044 0.27685645590830915 0.6960740858714907 0.8073598440193671 0.6837691932807316 0.8733470876725197 0.8280485733325728 0.5693878646697649 0.5952100815643995 0.4076701044457357 0.07084624159005229 -0.06693244048931621 -0.35399500799613304 +23395,-0.7383100809880383,0,-1.1726702099029882 -0.7000281929794941 -0.9492732080472273 -0.6571029492763191 -0.3283275696246578 -0.04835901771081024 0.26821465508379044 0.27685645590830915 0.6960740858714907 0.8073598440193671 0.6837691932807316 0.8733470876725197 0.8280485733325728 0.5693878646697649 0.5952100815643995 0.4076701044457357 0.07084624159005229 -0.06693244048931621 -0.35399500799613304 -0.3563424823155673 +23396,-0.8355625864731181,0,-0.7000281929794941 -0.9492732080472273 -0.6571029492763191 -0.3283275696246578 -0.04835901771081024 0.26821465508379044 0.27685645590830915 0.6960740858714907 0.8073598440193671 0.6837691932807316 0.8733470876725197 0.8280485733325728 0.5693878646697649 0.5952100815643995 0.4076701044457357 0.07084624159005229 -0.06693244048931621 -0.35399500799613304 -0.3563424823155673 -0.7383100809880383 +23397,-0.8746183670974415,0,-0.9492732080472273 -0.6571029492763191 -0.3283275696246578 -0.04835901771081024 0.26821465508379044 0.27685645590830915 0.6960740858714907 0.8073598440193671 0.6837691932807316 0.8733470876725197 0.8280485733325728 0.5693878646697649 0.5952100815643995 0.4076701044457357 0.07084624159005229 -0.06693244048931621 -0.35399500799613304 -0.3563424823155673 -0.7383100809880383 -0.8355625864731181 +23398,-0.9912697807662583,0,-0.6571029492763191 -0.3283275696246578 -0.04835901771081024 0.26821465508379044 0.27685645590830915 0.6960740858714907 0.8073598440193671 0.6837691932807316 0.8733470876725197 0.8280485733325728 0.5693878646697649 0.5952100815643995 0.4076701044457357 0.07084624159005229 -0.06693244048931621 -0.35399500799613304 -0.3563424823155673 -0.7383100809880383 -0.8355625864731181 -0.8746183670974415 +23399,-1.04972446957431,0,-0.3283275696246578 -0.04835901771081024 0.26821465508379044 0.27685645590830915 0.6960740858714907 0.8073598440193671 0.6837691932807316 0.8733470876725197 0.8280485733325728 0.5693878646697649 0.5952100815643995 0.4076701044457357 0.07084624159005229 -0.06693244048931621 -0.35399500799613304 -0.3563424823155673 -0.7383100809880383 -0.8355625864731181 -0.8746183670974415 -0.9912697807662583 +23400,-0.6531303004637687,0,-0.04835901771081024 0.26821465508379044 0.27685645590830915 0.6960740858714907 0.8073598440193671 0.6837691932807316 0.8733470876725197 0.8280485733325728 0.5693878646697649 0.5952100815643995 0.4076701044457357 0.07084624159005229 -0.06693244048931621 -0.35399500799613304 -0.3563424823155673 -0.7383100809880383 -0.8355625864731181 -0.8746183670974415 -0.9912697807662583 -1.04972446957431 +23401,-0.8632679421177265,0,0.26821465508379044 0.27685645590830915 0.6960740858714907 0.8073598440193671 0.6837691932807316 0.8733470876725197 0.8280485733325728 0.5693878646697649 0.5952100815643995 0.4076701044457357 0.07084624159005229 -0.06693244048931621 -0.35399500799613304 -0.3563424823155673 -0.7383100809880383 -0.8355625864731181 -0.8746183670974415 -0.9912697807662583 -1.04972446957431 -0.6531303004637687 +23402,-0.6183567255435287,0,0.27685645590830915 0.6960740858714907 0.8073598440193671 0.6837691932807316 0.8733470876725197 0.8280485733325728 0.5693878646697649 0.5952100815643995 0.4076701044457357 0.07084624159005229 -0.06693244048931621 -0.35399500799613304 -0.3563424823155673 -0.7383100809880383 -0.8355625864731181 -0.8746183670974415 -0.9912697807662583 -1.04972446957431 -0.6531303004637687 -0.8632679421177265 +23403,-0.350615676958865,0,0.6960740858714907 0.8073598440193671 0.6837691932807316 0.8733470876725197 0.8280485733325728 0.5693878646697649 0.5952100815643995 0.4076701044457357 0.07084624159005229 -0.06693244048931621 -0.35399500799613304 -0.3563424823155673 -0.7383100809880383 -0.8355625864731181 -0.8746183670974415 -0.9912697807662583 -1.04972446957431 -0.6531303004637687 -0.8632679421177265 -0.6183567255435287 +23404,-0.1133144044913346,0,0.8073598440193671 0.6837691932807316 0.8733470876725197 0.8280485733325728 0.5693878646697649 0.5952100815643995 0.4076701044457357 0.07084624159005229 -0.06693244048931621 -0.35399500799613304 -0.3563424823155673 -0.7383100809880383 -0.8355625864731181 -0.8746183670974415 -0.9912697807662583 -1.04972446957431 -0.6531303004637687 -0.8632679421177265 -0.6183567255435287 -0.350615676958865 +23405,0.14681669998665295,0,0.6837691932807316 0.8733470876725197 0.8280485733325728 0.5693878646697649 0.5952100815643995 0.4076701044457357 0.07084624159005229 -0.06693244048931621 -0.35399500799613304 -0.3563424823155673 -0.7383100809880383 -0.8355625864731181 -0.8746183670974415 -0.9912697807662583 -1.04972446957431 -0.6531303004637687 -0.8632679421177265 -0.6183567255435287 -0.350615676958865 -0.1133144044913346 +23406,0.19188304669665096,0,0.8733470876725197 0.8280485733325728 0.5693878646697649 0.5952100815643995 0.4076701044457357 0.07084624159005229 -0.06693244048931621 -0.35399500799613304 -0.3563424823155673 -0.7383100809880383 -0.8355625864731181 -0.8746183670974415 -0.9912697807662583 -1.04972446957431 -0.6531303004637687 -0.8632679421177265 -0.6183567255435287 -0.350615676958865 -0.1133144044913346 0.14681669998665295 +23407,0.5237024038671559,0,0.8280485733325728 0.5693878646697649 0.5952100815643995 0.4076701044457357 0.07084624159005229 -0.06693244048931621 -0.35399500799613304 -0.3563424823155673 -0.7383100809880383 -0.8355625864731181 -0.8746183670974415 -0.9912697807662583 -1.04972446957431 -0.6531303004637687 -0.8632679421177265 -0.6183567255435287 -0.350615676958865 -0.1133144044913346 0.14681669998665295 0.19188304669665096 +23408,0.6404570032696713,0,0.5693878646697649 0.5952100815643995 0.4076701044457357 0.07084624159005229 -0.06693244048931621 -0.35399500799613304 -0.3563424823155673 -0.7383100809880383 -0.8355625864731181 -0.8746183670974415 -0.9912697807662583 -1.04972446957431 -0.6531303004637687 -0.8632679421177265 -0.6183567255435287 -0.350615676958865 -0.1133144044913346 0.14681669998665295 0.19188304669665096 0.5237024038671559 +23409,0.49873146884986697,0,0.5952100815643995 0.4076701044457357 0.07084624159005229 -0.06693244048931621 -0.35399500799613304 -0.3563424823155673 -0.7383100809880383 -0.8355625864731181 -0.8746183670974415 -0.9912697807662583 -1.04972446957431 -0.6531303004637687 -0.8632679421177265 -0.6183567255435287 -0.350615676958865 -0.1133144044913346 0.14681669998665295 0.19188304669665096 0.5237024038671559 0.6404570032696713 +23410,0.7016461127050424,0,0.4076701044457357 0.07084624159005229 -0.06693244048931621 -0.35399500799613304 -0.3563424823155673 -0.7383100809880383 -0.8355625864731181 -0.8746183670974415 -0.9912697807662583 -1.04972446957431 -0.6531303004637687 -0.8632679421177265 -0.6183567255435287 -0.350615676958865 -0.1133144044913346 0.14681669998665295 0.19188304669665096 0.5237024038671559 0.6404570032696713 0.49873146884986697 +23411,0.6460806228926751,0,0.07084624159005229 -0.06693244048931621 -0.35399500799613304 -0.3563424823155673 -0.7383100809880383 -0.8355625864731181 -0.8746183670974415 -0.9912697807662583 -1.04972446957431 -0.6531303004637687 -0.8632679421177265 -0.6183567255435287 -0.350615676958865 -0.1133144044913346 0.14681669998665295 0.19188304669665096 0.5237024038671559 0.6404570032696713 0.49873146884986697 0.7016461127050424 +23412,0.4297002475230938,0,-0.06693244048931621 -0.35399500799613304 -0.3563424823155673 -0.7383100809880383 -0.8355625864731181 -0.8746183670974415 -0.9912697807662583 -1.04972446957431 -0.6531303004637687 -0.8632679421177265 -0.6183567255435287 -0.350615676958865 -0.1133144044913346 0.14681669998665295 0.19188304669665096 0.5237024038671559 0.6404570032696713 0.49873146884986697 0.7016461127050424 0.6460806228926751 +23413,0.42773971951154466,0,-0.35399500799613304 -0.3563424823155673 -0.7383100809880383 -0.8355625864731181 -0.8746183670974415 -0.9912697807662583 -1.04972446957431 -0.6531303004637687 -0.8632679421177265 -0.6183567255435287 -0.350615676958865 -0.1133144044913346 0.14681669998665295 0.19188304669665096 0.5237024038671559 0.6404570032696713 0.49873146884986697 0.7016461127050424 0.6460806228926751 0.4297002475230938 +23414,0.2649643060975585,0,-0.3563424823155673 -0.7383100809880383 -0.8355625864731181 -0.8746183670974415 -0.9912697807662583 -1.04972446957431 -0.6531303004637687 -0.8632679421177265 -0.6183567255435287 -0.350615676958865 -0.1133144044913346 0.14681669998665295 0.19188304669665096 0.5237024038671559 0.6404570032696713 0.49873146884986697 0.7016461127050424 0.6460806228926751 0.4297002475230938 0.42773971951154466 +23415,-0.03339709375430694,0,-0.7383100809880383 -0.8355625864731181 -0.8746183670974415 -0.9912697807662583 -1.04972446957431 -0.6531303004637687 -0.8632679421177265 -0.6183567255435287 -0.350615676958865 -0.1133144044913346 0.14681669998665295 0.19188304669665096 0.5237024038671559 0.6404570032696713 0.49873146884986697 0.7016461127050424 0.6460806228926751 0.4297002475230938 0.42773971951154466 0.2649643060975585 +23416,-0.1509771785620447,0,-0.8355625864731181 -0.8746183670974415 -0.9912697807662583 -1.04972446957431 -0.6531303004637687 -0.8632679421177265 -0.6183567255435287 -0.350615676958865 -0.1133144044913346 0.14681669998665295 0.19188304669665096 0.5237024038671559 0.6404570032696713 0.49873146884986697 0.7016461127050424 0.6460806228926751 0.4297002475230938 0.42773971951154466 0.2649643060975585 -0.03339709375430694 +23417,-0.4041432494980991,0,-0.8746183670974415 -0.9912697807662583 -1.04972446957431 -0.6531303004637687 -0.8632679421177265 -0.6183567255435287 -0.350615676958865 -0.1133144044913346 0.14681669998665295 0.19188304669665096 0.5237024038671559 0.6404570032696713 0.49873146884986697 0.7016461127050424 0.6460806228926751 0.4297002475230938 0.42773971951154466 0.2649643060975585 -0.03339709375430694 -0.1509771785620447 +23418,-0.39612056276620017,0,-0.9912697807662583 -1.04972446957431 -0.6531303004637687 -0.8632679421177265 -0.6183567255435287 -0.350615676958865 -0.1133144044913346 0.14681669998665295 0.19188304669665096 0.5237024038671559 0.6404570032696713 0.49873146884986697 0.7016461127050424 0.6460806228926751 0.4297002475230938 0.42773971951154466 0.2649643060975585 -0.03339709375430694 -0.1509771785620447 -0.4041432494980991 +23419,-0.7363495531312749,0,-1.04972446957431 -0.6531303004637687 -0.8632679421177265 -0.6183567255435287 -0.350615676958865 -0.1133144044913346 0.14681669998665295 0.19188304669665096 0.5237024038671559 0.6404570032696713 0.49873146884986697 0.7016461127050424 0.6460806228926751 0.4297002475230938 0.42773971951154466 0.2649643060975585 -0.03339709375430694 -0.1509771785620447 -0.4041432494980991 -0.39612056276620017 +23420,-0.8153897855188337,0,-0.6531303004637687 -0.8632679421177265 -0.6183567255435287 -0.350615676958865 -0.1133144044913346 0.14681669998665295 0.19188304669665096 0.5237024038671559 0.6404570032696713 0.49873146884986697 0.7016461127050424 0.6460806228926751 0.4297002475230938 0.42773971951154466 0.2649643060975585 -0.03339709375430694 -0.1509771785620447 -0.4041432494980991 -0.39612056276620017 -0.7363495531312749 +23421,-0.706915837259852,0,-0.8632679421177265 -0.6183567255435287 -0.350615676958865 -0.1133144044913346 0.14681669998665295 0.19188304669665096 0.5237024038671559 0.6404570032696713 0.49873146884986697 0.7016461127050424 0.6460806228926751 0.4297002475230938 0.42773971951154466 0.2649643060975585 -0.03339709375430694 -0.1509771785620447 -0.4041432494980991 -0.39612056276620017 -0.7363495531312749 -0.8153897855188337 +23422,-0.8484607966843737,0,-0.6183567255435287 -0.350615676958865 -0.1133144044913346 0.14681669998665295 0.19188304669665096 0.5237024038671559 0.6404570032696713 0.49873146884986697 0.7016461127050424 0.6460806228926751 0.4297002475230938 0.42773971951154466 0.2649643060975585 -0.03339709375430694 -0.1509771785620447 -0.4041432494980991 -0.39612056276620017 -0.7363495531312749 -0.8153897855188337 -0.706915837259852 +23423,-0.8024915753075781,0,-0.350615676958865 -0.1133144044913346 0.14681669998665295 0.19188304669665096 0.5237024038671559 0.6404570032696713 0.49873146884986697 0.7016461127050424 0.6460806228926751 0.4297002475230938 0.42773971951154466 0.2649643060975585 -0.03339709375430694 -0.1509771785620447 -0.4041432494980991 -0.39612056276620017 -0.7363495531312749 -0.8153897855188337 -0.706915837259852 -0.8484607966843737 +23424,-0.7135713137554841,0,-0.1133144044913346 0.14681669998665295 0.19188304669665096 0.5237024038671559 0.6404570032696713 0.49873146884986697 0.7016461127050424 0.6460806228926751 0.4297002475230938 0.42773971951154466 0.2649643060975585 -0.03339709375430694 -0.1509771785620447 -0.4041432494980991 -0.39612056276620017 -0.7363495531312749 -0.8153897855188337 -0.706915837259852 -0.8484607966843737 -0.8024915753075781 +23425,-0.6819191057704487,0,0.14681669998665295 0.19188304669665096 0.5237024038671559 0.6404570032696713 0.49873146884986697 0.7016461127050424 0.6460806228926751 0.4297002475230938 0.42773971951154466 0.2649643060975585 -0.03339709375430694 -0.1509771785620447 -0.4041432494980991 -0.39612056276620017 -0.7363495531312749 -0.8153897855188337 -0.706915837259852 -0.8484607966843737 -0.8024915753075781 -0.7135713137554841 +23426,-0.6073158576101149,0,0.19188304669665096 0.5237024038671559 0.6404570032696713 0.49873146884986697 0.7016461127050424 0.6460806228926751 0.4297002475230938 0.42773971951154466 0.2649643060975585 -0.03339709375430694 -0.1509771785620447 -0.4041432494980991 -0.39612056276620017 -0.7363495531312749 -0.8153897855188337 -0.706915837259852 -0.8484607966843737 -0.8024915753075781 -0.7135713137554841 -0.6819191057704487 +23427,-0.3815713815897053,0,0.5237024038671559 0.6404570032696713 0.49873146884986697 0.7016461127050424 0.6460806228926751 0.4297002475230938 0.42773971951154466 0.2649643060975585 -0.03339709375430694 -0.1509771785620447 -0.4041432494980991 -0.39612056276620017 -0.7363495531312749 -0.8153897855188337 -0.706915837259852 -0.8484607966843737 -0.8024915753075781 -0.7135713137554841 -0.6819191057704487 -0.6073158576101149 +23428,-0.3573485427160635,0,0.6404570032696713 0.49873146884986697 0.7016461127050424 0.6460806228926751 0.4297002475230938 0.42773971951154466 0.2649643060975585 -0.03339709375430694 -0.1509771785620447 -0.4041432494980991 -0.39612056276620017 -0.7363495531312749 -0.8153897855188337 -0.706915837259852 -0.8484607966843737 -0.8024915753075781 -0.7135713137554841 -0.6819191057704487 -0.6073158576101149 -0.3815713815897053 +23429,-0.18198447598234585,0,0.49873146884986697 0.7016461127050424 0.6460806228926751 0.4297002475230938 0.42773971951154466 0.2649643060975585 -0.03339709375430694 -0.1509771785620447 -0.4041432494980991 -0.39612056276620017 -0.7363495531312749 -0.8153897855188337 -0.706915837259852 -0.8484607966843737 -0.8024915753075781 -0.7135713137554841 -0.6819191057704487 -0.6073158576101149 -0.3815713815897053 -0.3573485427160635 +23430,-0.10807773117621597,0,0.7016461127050424 0.6460806228926751 0.4297002475230938 0.42773971951154466 0.2649643060975585 -0.03339709375430694 -0.1509771785620447 -0.4041432494980991 -0.39612056276620017 -0.7363495531312749 -0.8153897855188337 -0.706915837259852 -0.8484607966843737 -0.8024915753075781 -0.7135713137554841 -0.6819191057704487 -0.6073158576101149 -0.3815713815897053 -0.3573485427160635 -0.18198447598234585 +23431,0.10110544286670636,0,0.6460806228926751 0.4297002475230938 0.42773971951154466 0.2649643060975585 -0.03339709375430694 -0.1509771785620447 -0.4041432494980991 -0.39612056276620017 -0.7363495531312749 -0.8153897855188337 -0.706915837259852 -0.8484607966843737 -0.8024915753075781 -0.7135713137554841 -0.6819191057704487 -0.6073158576101149 -0.3815713815897053 -0.3573485427160635 -0.18198447598234585 -0.10807773117621597 +23432,0.20883129498203215,0,0.4297002475230938 0.42773971951154466 0.2649643060975585 -0.03339709375430694 -0.1509771785620447 -0.4041432494980991 -0.39612056276620017 -0.7363495531312749 -0.8153897855188337 -0.706915837259852 -0.8484607966843737 -0.8024915753075781 -0.7135713137554841 -0.6819191057704487 -0.6073158576101149 -0.3815713815897053 -0.3573485427160635 -0.18198447598234585 -0.10807773117621597 0.10110544286670636 +23433,0.09034833550748796,0,0.42773971951154466 0.2649643060975585 -0.03339709375430694 -0.1509771785620447 -0.4041432494980991 -0.39612056276620017 -0.7363495531312749 -0.8153897855188337 -0.706915837259852 -0.8484607966843737 -0.8024915753075781 -0.7135713137554841 -0.6819191057704487 -0.6073158576101149 -0.3815713815897053 -0.3573485427160635 -0.18198447598234585 -0.10807773117621597 0.10110544286670636 0.20883129498203215 +23434,0.2734771248710323,0,0.2649643060975585 -0.03339709375430694 -0.1509771785620447 -0.4041432494980991 -0.39612056276620017 -0.7363495531312749 -0.8153897855188337 -0.706915837259852 -0.8484607966843737 -0.8024915753075781 -0.7135713137554841 -0.6819191057704487 -0.6073158576101149 -0.3815713815897053 -0.3573485427160635 -0.18198447598234585 -0.10807773117621597 0.10110544286670636 0.20883129498203215 0.09034833550748796 +23435,0.23039710248992978,0,-0.03339709375430694 -0.1509771785620447 -0.4041432494980991 -0.39612056276620017 -0.7363495531312749 -0.8153897855188337 -0.706915837259852 -0.8484607966843737 -0.8024915753075781 -0.7135713137554841 -0.6819191057704487 -0.6073158576101149 -0.3815713815897053 -0.3573485427160635 -0.18198447598234585 -0.10807773117621597 0.10110544286670636 0.20883129498203215 0.09034833550748796 0.2734771248710323 +23436,0.029288208123152894,0,-0.1509771785620447 -0.4041432494980991 -0.39612056276620017 -0.7363495531312749 -0.8153897855188337 -0.706915837259852 -0.8484607966843737 -0.8024915753075781 -0.7135713137554841 -0.6819191057704487 -0.6073158576101149 -0.3815713815897053 -0.3573485427160635 -0.18198447598234585 -0.10807773117621597 0.10110544286670636 0.20883129498203215 0.09034833550748796 0.2734771248710323 0.23039710248992978 +23437,0.03888447655870698,0,-0.4041432494980991 -0.39612056276620017 -0.7363495531312749 -0.8153897855188337 -0.706915837259852 -0.8484607966843737 -0.8024915753075781 -0.7135713137554841 -0.6819191057704487 -0.6073158576101149 -0.3815713815897053 -0.3573485427160635 -0.18198447598234585 -0.10807773117621597 0.10110544286670636 0.20883129498203215 0.09034833550748796 0.2734771248710323 0.23039710248992978 0.029288208123152894 +23438,-0.1095481271461814,0,-0.39612056276620017 -0.7363495531312749 -0.8153897855188337 -0.706915837259852 -0.8484607966843737 -0.8024915753075781 -0.7135713137554841 -0.6819191057704487 -0.6073158576101149 -0.3815713815897053 -0.3573485427160635 -0.18198447598234585 -0.10807773117621597 0.10110544286670636 0.20883129498203215 0.09034833550748796 0.2734771248710323 0.23039710248992978 0.029288208123152894 0.03888447655870698 +23439,-0.40726461643330375,0,-0.7363495531312749 -0.8153897855188337 -0.706915837259852 -0.8484607966843737 -0.8024915753075781 -0.7135713137554841 -0.6819191057704487 -0.6073158576101149 -0.3815713815897053 -0.3573485427160635 -0.18198447598234585 -0.10807773117621597 0.10110544286670636 0.20883129498203215 0.09034833550748796 0.2734771248710323 0.23039710248992978 0.029288208123152894 0.03888447655870698 -0.1095481271461814 +23440,-0.5059359249441112,0,-0.8153897855188337 -0.706915837259852 -0.8484607966843737 -0.8024915753075781 -0.7135713137554841 -0.6819191057704487 -0.6073158576101149 -0.3815713815897053 -0.3573485427160635 -0.18198447598234585 -0.10807773117621597 0.10110544286670636 0.20883129498203215 0.09034833550748796 0.2734771248710323 0.23039710248992978 0.029288208123152894 0.03888447655870698 -0.1095481271461814 -0.40726461643330375 +23441,-0.7538911190371527,0,-0.706915837259852 -0.8484607966843737 -0.8024915753075781 -0.7135713137554841 -0.6819191057704487 -0.6073158576101149 -0.3815713815897053 -0.3573485427160635 -0.18198447598234585 -0.10807773117621597 0.10110544286670636 0.20883129498203215 0.09034833550748796 0.2734771248710323 0.23039710248992978 0.029288208123152894 0.03888447655870698 -0.1095481271461814 -0.40726461643330375 -0.5059359249441112 +23442,-0.5806939516275955,0,-0.8484607966843737 -0.8024915753075781 -0.7135713137554841 -0.6819191057704487 -0.6073158576101149 -0.3815713815897053 -0.3573485427160635 -0.18198447598234585 -0.10807773117621597 0.10110544286670636 0.20883129498203215 0.09034833550748796 0.2734771248710323 0.23039710248992978 0.029288208123152894 0.03888447655870698 -0.1095481271461814 -0.40726461643330375 -0.5059359249441112 -0.7538911190371527 +23443,-0.969033266221512,0,-0.8024915753075781 -0.7135713137554841 -0.6819191057704487 -0.6073158576101149 -0.3815713815897053 -0.3573485427160635 -0.18198447598234585 -0.10807773117621597 0.10110544286670636 0.20883129498203215 0.09034833550748796 0.2734771248710323 0.23039710248992978 0.029288208123152894 0.03888447655870698 -0.1095481271461814 -0.40726461643330375 -0.5059359249441112 -0.7538911190371527 -0.5806939516275955 +23444,-0.9362202193128122,0,-0.7135713137554841 -0.6819191057704487 -0.6073158576101149 -0.3815713815897053 -0.3573485427160635 -0.18198447598234585 -0.10807773117621597 0.10110544286670636 0.20883129498203215 0.09034833550748796 0.2734771248710323 0.23039710248992978 0.029288208123152894 0.03888447655870698 -0.1095481271461814 -0.40726461643330375 -0.5059359249441112 -0.7538911190371527 -0.5806939516275955 -0.969033266221512 +23445,-0.936839333405432,0,-0.6819191057704487 -0.6073158576101149 -0.3815713815897053 -0.3573485427160635 -0.18198447598234585 -0.10807773117621597 0.10110544286670636 0.20883129498203215 0.09034833550748796 0.2734771248710323 0.23039710248992978 0.029288208123152894 0.03888447655870698 -0.1095481271461814 -0.40726461643330375 -0.5059359249441112 -0.7538911190371527 -0.5806939516275955 -0.969033266221512 -0.9362202193128122 +23446,-0.8928822328296375,0,-0.6073158576101149 -0.3815713815897053 -0.3573485427160635 -0.18198447598234585 -0.10807773117621597 0.10110544286670636 0.20883129498203215 0.09034833550748796 0.2734771248710323 0.23039710248992978 0.029288208123152894 0.03888447655870698 -0.1095481271461814 -0.40726461643330375 -0.5059359249441112 -0.7538911190371527 -0.5806939516275955 -0.969033266221512 -0.9362202193128122 -0.936839333405432 +23447,-0.8823572932551537,0,-0.3815713815897053 -0.3573485427160635 -0.18198447598234585 -0.10807773117621597 0.10110544286670636 0.20883129498203215 0.09034833550748796 0.2734771248710323 0.23039710248992978 0.029288208123152894 0.03888447655870698 -0.1095481271461814 -0.40726461643330375 -0.5059359249441112 -0.7538911190371527 -0.5806939516275955 -0.969033266221512 -0.9362202193128122 -0.936839333405432 -0.8928822328296375 +23448,-0.8096113873726706,0,-0.3573485427160635 -0.18198447598234585 -0.10807773117621597 0.10110544286670636 0.20883129498203215 0.09034833550748796 0.2734771248710323 0.23039710248992978 0.029288208123152894 0.03888447655870698 -0.1095481271461814 -0.40726461643330375 -0.5059359249441112 -0.7538911190371527 -0.5806939516275955 -0.969033266221512 -0.9362202193128122 -0.936839333405432 -0.8928822328296375 -0.8823572932551537 +23449,-0.8198267699008445,0,-0.18198447598234585 -0.10807773117621597 0.10110544286670636 0.20883129498203215 0.09034833550748796 0.2734771248710323 0.23039710248992978 0.029288208123152894 0.03888447655870698 -0.1095481271461814 -0.40726461643330375 -0.5059359249441112 -0.7538911190371527 -0.5806939516275955 -0.969033266221512 -0.9362202193128122 -0.936839333405432 -0.8928822328296375 -0.8823572932551537 -0.8096113873726706 +23450,-0.7678211861210366,0,-0.10807773117621597 0.10110544286670636 0.20883129498203215 0.09034833550748796 0.2734771248710323 0.23039710248992978 0.029288208123152894 0.03888447655870698 -0.1095481271461814 -0.40726461643330375 -0.5059359249441112 -0.7538911190371527 -0.5806939516275955 -0.969033266221512 -0.9362202193128122 -0.936839333405432 -0.8928822328296375 -0.8823572932551537 -0.8096113873726706 -0.8198267699008445 +23451,-0.5410706497001132,0,0.10110544286670636 0.20883129498203215 0.09034833550748796 0.2734771248710323 0.23039710248992978 0.029288208123152894 0.03888447655870698 -0.1095481271461814 -0.40726461643330375 -0.5059359249441112 -0.7538911190371527 -0.5806939516275955 -0.969033266221512 -0.9362202193128122 -0.936839333405432 -0.8928822328296375 -0.8823572932551537 -0.8096113873726706 -0.8198267699008445 -0.7678211861210366 +23452,-0.5473133834157456,0,0.20883129498203215 0.09034833550748796 0.2734771248710323 0.23039710248992978 0.029288208123152894 0.03888447655870698 -0.1095481271461814 -0.40726461643330375 -0.5059359249441112 -0.7538911190371527 -0.5806939516275955 -0.969033266221512 -0.9362202193128122 -0.936839333405432 -0.8928822328296375 -0.8823572932551537 -0.8096113873726706 -0.8198267699008445 -0.7678211861210366 -0.5410706497001132 +23453,-0.37881116464504827,0,0.09034833550748796 0.2734771248710323 0.23039710248992978 0.029288208123152894 0.03888447655870698 -0.1095481271461814 -0.40726461643330375 -0.5059359249441112 -0.7538911190371527 -0.5806939516275955 -0.969033266221512 -0.9362202193128122 -0.936839333405432 -0.8928822328296375 -0.8823572932551537 -0.8096113873726706 -0.8198267699008445 -0.7678211861210366 -0.5410706497001132 -0.5473133834157456 +23454,-0.20883854974959984,0,0.2734771248710323 0.23039710248992978 0.029288208123152894 0.03888447655870698 -0.1095481271461814 -0.40726461643330375 -0.5059359249441112 -0.7538911190371527 -0.5806939516275955 -0.969033266221512 -0.9362202193128122 -0.936839333405432 -0.8928822328296375 -0.8823572932551537 -0.8096113873726706 -0.8198267699008445 -0.7678211861210366 -0.5410706497001132 -0.5473133834157456 -0.37881116464504827 +23455,-0.040826462865709325,0,0.23039710248992978 0.029288208123152894 0.03888447655870698 -0.1095481271461814 -0.40726461643330375 -0.5059359249441112 -0.7538911190371527 -0.5806939516275955 -0.969033266221512 -0.9362202193128122 -0.936839333405432 -0.8928822328296375 -0.8823572932551537 -0.8096113873726706 -0.8198267699008445 -0.7678211861210366 -0.5410706497001132 -0.5473133834157456 -0.37881116464504827 -0.20883854974959984 +23456,0.1286560199881554,0,0.029288208123152894 0.03888447655870698 -0.1095481271461814 -0.40726461643330375 -0.5059359249441112 -0.7538911190371527 -0.5806939516275955 -0.969033266221512 -0.9362202193128122 -0.936839333405432 -0.8928822328296375 -0.8823572932551537 -0.8096113873726706 -0.8198267699008445 -0.7678211861210366 -0.5410706497001132 -0.5473133834157456 -0.37881116464504827 -0.20883854974959984 -0.040826462865709325 +23457,0.04538517453118846,0,0.03888447655870698 -0.1095481271461814 -0.40726461643330375 -0.5059359249441112 -0.7538911190371527 -0.5806939516275955 -0.969033266221512 -0.9362202193128122 -0.936839333405432 -0.8928822328296375 -0.8823572932551537 -0.8096113873726706 -0.8198267699008445 -0.7678211861210366 -0.5410706497001132 -0.5473133834157456 -0.37881116464504827 -0.20883854974959984 -0.040826462865709325 0.1286560199881554 +23458,0.29911876677039306,0,-0.1095481271461814 -0.40726461643330375 -0.5059359249441112 -0.7538911190371527 -0.5806939516275955 -0.969033266221512 -0.9362202193128122 -0.936839333405432 -0.8928822328296375 -0.8823572932551537 -0.8096113873726706 -0.8198267699008445 -0.7678211861210366 -0.5410706497001132 -0.5473133834157456 -0.37881116464504827 -0.20883854974959984 -0.040826462865709325 0.1286560199881554 0.04538517453118846 +23459,0.3000990308535605,0,-0.40726461643330375 -0.5059359249441112 -0.7538911190371527 -0.5806939516275955 -0.969033266221512 -0.9362202193128122 -0.936839333405432 -0.8928822328296375 -0.8823572932551537 -0.8096113873726706 -0.8198267699008445 -0.7678211861210366 -0.5410706497001132 -0.5473133834157456 -0.37881116464504827 -0.20883854974959984 -0.040826462865709325 0.1286560199881554 0.04538517453118846 0.29911876677039306 +23460,0.03176466449361449,0,-0.5059359249441112 -0.7538911190371527 -0.5806939516275955 -0.969033266221512 -0.9362202193128122 -0.936839333405432 -0.8928822328296375 -0.8823572932551537 -0.8096113873726706 -0.8198267699008445 -0.7678211861210366 -0.5410706497001132 -0.5473133834157456 -0.37881116464504827 -0.20883854974959984 -0.040826462865709325 0.1286560199881554 0.04538517453118846 0.29911876677039306 0.3000990308535605 +23461,0.12251647185144464,0,-0.7538911190371527 -0.5806939516275955 -0.969033266221512 -0.9362202193128122 -0.936839333405432 -0.8928822328296375 -0.8823572932551537 -0.8096113873726706 -0.8198267699008445 -0.7678211861210366 -0.5410706497001132 -0.5473133834157456 -0.37881116464504827 -0.20883854974959984 -0.040826462865709325 0.1286560199881554 0.04538517453118846 0.29911876677039306 0.3000990308535605 0.03176466449361449 +23462,-0.05604635092427602,0,-0.5806939516275955 -0.969033266221512 -0.9362202193128122 -0.936839333405432 -0.8928822328296375 -0.8823572932551537 -0.8096113873726706 -0.8198267699008445 -0.7678211861210366 -0.5410706497001132 -0.5473133834157456 -0.37881116464504827 -0.20883854974959984 -0.040826462865709325 0.1286560199881554 0.04538517453118846 0.29911876677039306 0.3000990308535605 0.03176466449361449 0.12251647185144464 +23463,-0.30828375087617765,0,-0.969033266221512 -0.9362202193128122 -0.936839333405432 -0.8928822328296375 -0.8823572932551537 -0.8096113873726706 -0.8198267699008445 -0.7678211861210366 -0.5410706497001132 -0.5473133834157456 -0.37881116464504827 -0.20883854974959984 -0.040826462865709325 0.1286560199881554 0.04538517453118846 0.29911876677039306 0.3000990308535605 0.03176466449361449 0.12251647185144464 -0.05604635092427602 +23464,-0.4622883814146178,0,-0.9362202193128122 -0.936839333405432 -0.8928822328296375 -0.8823572932551537 -0.8096113873726706 -0.8198267699008445 -0.7678211861210366 -0.5410706497001132 -0.5473133834157456 -0.37881116464504827 -0.20883854974959984 -0.040826462865709325 0.1286560199881554 0.04538517453118846 0.29911876677039306 0.3000990308535605 0.03176466449361449 0.12251647185144464 -0.05604635092427602 -0.30828375087617765 +23465,-0.6899675889744709,0,-0.936839333405432 -0.8928822328296375 -0.8823572932551537 -0.8096113873726706 -0.8198267699008445 -0.7678211861210366 -0.5410706497001132 -0.5473133834157456 -0.37881116464504827 -0.20883854974959984 -0.040826462865709325 0.1286560199881554 0.04538517453118846 0.29911876677039306 0.3000990308535605 0.03176466449361449 0.12251647185144464 -0.05604635092427602 -0.30828375087617765 -0.4622883814146178 +23466,-0.6847051191872201,0,-0.8928822328296375 -0.8823572932551537 -0.8096113873726706 -0.8198267699008445 -0.7678211861210366 -0.5410706497001132 -0.5473133834157456 -0.37881116464504827 -0.20883854974959984 -0.040826462865709325 0.1286560199881554 0.04538517453118846 0.29911876677039306 0.3000990308535605 0.03176466449361449 0.12251647185144464 -0.05604635092427602 -0.30828375087617765 -0.4622883814146178 -0.6899675889744709 +23467,-0.9900315525810275,0,-0.8823572932551537 -0.8096113873726706 -0.8198267699008445 -0.7678211861210366 -0.5410706497001132 -0.5473133834157456 -0.37881116464504827 -0.20883854974959984 -0.040826462865709325 0.1286560199881554 0.04538517453118846 0.29911876677039306 0.3000990308535605 0.03176466449361449 0.12251647185144464 -0.05604635092427602 -0.30828375087617765 -0.4622883814146178 -0.6899675889744709 -0.6847051191872201 +23468,-1.0624163084729543,0,-0.8096113873726706 -0.8198267699008445 -0.7678211861210366 -0.5410706497001132 -0.5473133834157456 -0.37881116464504827 -0.20883854974959984 -0.040826462865709325 0.1286560199881554 0.04538517453118846 0.29911876677039306 0.3000990308535605 0.03176466449361449 0.12251647185144464 -0.05604635092427602 -0.30828375087617765 -0.4622883814146178 -0.6899675889744709 -0.6847051191872201 -0.9900315525810275 +23469,-1.073895715658482,0,-0.8198267699008445 -0.7678211861210366 -0.5410706497001132 -0.5473133834157456 -0.37881116464504827 -0.20883854974959984 -0.040826462865709325 0.1286560199881554 0.04538517453118846 0.29911876677039306 0.3000990308535605 0.03176466449361449 0.12251647185144464 -0.05604635092427602 -0.30828375087617765 -0.4622883814146178 -0.6899675889744709 -0.6847051191872201 -0.9900315525810275 -1.0624163084729543 +23470,-1.1665822545557383,0,-0.7678211861210366 -0.5410706497001132 -0.5473133834157456 -0.37881116464504827 -0.20883854974959984 -0.040826462865709325 0.1286560199881554 0.04538517453118846 0.29911876677039306 0.3000990308535605 0.03176466449361449 0.12251647185144464 -0.05604635092427602 -0.30828375087617765 -0.4622883814146178 -0.6899675889744709 -0.6847051191872201 -0.9900315525810275 -1.0624163084729543 -1.073895715658482 +23471,-1.1983634447465954,0,-0.5410706497001132 -0.5473133834157456 -0.37881116464504827 -0.20883854974959984 -0.040826462865709325 0.1286560199881554 0.04538517453118846 0.29911876677039306 0.3000990308535605 0.03176466449361449 0.12251647185144464 -0.05604635092427602 -0.30828375087617765 -0.4622883814146178 -0.6899675889744709 -0.6847051191872201 -0.9900315525810275 -1.0624163084729543 -1.073895715658482 -1.1665822545557383 +23472,-0.9589726622164886,0,-0.5473133834157456 -0.37881116464504827 -0.20883854974959984 -0.040826462865709325 0.1286560199881554 0.04538517453118846 0.29911876677039306 0.3000990308535605 0.03176466449361449 0.12251647185144464 -0.05604635092427602 -0.30828375087617765 -0.4622883814146178 -0.6899675889744709 -0.6847051191872201 -0.9900315525810275 -1.0624163084729543 -1.073895715658482 -1.1665822545557383 -1.1983634447465954 +23473,-1.0811445097746109,0,-0.37881116464504827 -0.20883854974959984 -0.040826462865709325 0.1286560199881554 0.04538517453118846 0.29911876677039306 0.3000990308535605 0.03176466449361449 0.12251647185144464 -0.05604635092427602 -0.30828375087617765 -0.4622883814146178 -0.6899675889744709 -0.6847051191872201 -0.9900315525810275 -1.0624163084729543 -1.073895715658482 -1.1665822545557383 -1.1983634447465954 -0.9589726622164886 +23474,-0.9321443849213491,0,-0.20883854974959984 -0.040826462865709325 0.1286560199881554 0.04538517453118846 0.29911876677039306 0.3000990308535605 0.03176466449361449 0.12251647185144464 -0.05604635092427602 -0.30828375087617765 -0.4622883814146178 -0.6899675889744709 -0.6847051191872201 -0.9900315525810275 -1.0624163084729543 -1.073895715658482 -1.1665822545557383 -1.1983634447465954 -0.9589726622164886 -1.0811445097746109 +23475,-0.5899032737552732,0,-0.040826462865709325 0.1286560199881554 0.04538517453118846 0.29911876677039306 0.3000990308535605 0.03176466449361449 0.12251647185144464 -0.05604635092427602 -0.30828375087617765 -0.4622883814146178 -0.6899675889744709 -0.6847051191872201 -0.9900315525810275 -1.0624163084729543 -1.073895715658482 -1.1665822545557383 -1.1983634447465954 -0.9589726622164886 -1.0811445097746109 -0.9321443849213491 +23476,-0.5053168108515003,0,0.1286560199881554 0.04538517453118846 0.29911876677039306 0.3000990308535605 0.03176466449361449 0.12251647185144464 -0.05604635092427602 -0.30828375087617765 -0.4622883814146178 -0.6899675889744709 -0.6847051191872201 -0.9900315525810275 -1.0624163084729543 -1.073895715658482 -1.1665822545557383 -1.1983634447465954 -0.9589726622164886 -1.0811445097746109 -0.9321443849213491 -0.5899032737552732 +23477,-0.22748936178968987,0,0.04538517453118846 0.29911876677039306 0.3000990308535605 0.03176466449361449 0.12251647185144464 -0.05604635092427602 -0.30828375087617765 -0.4622883814146178 -0.6899675889744709 -0.6847051191872201 -0.9900315525810275 -1.0624163084729543 -1.073895715658482 -1.1665822545557383 -1.1983634447465954 -0.9589726622164886 -1.0811445097746109 -0.9321443849213491 -0.5899032737552732 -0.5053168108515003 +23478,0.02696653027583305,0,0.29911876677039306 0.3000990308535605 0.03176466449361449 0.12251647185144464 -0.05604635092427602 -0.30828375087617765 -0.4622883814146178 -0.6899675889744709 -0.6847051191872201 -0.9900315525810275 -1.0624163084729543 -1.073895715658482 -1.1665822545557383 -1.1983634447465954 -0.9589726622164886 -1.0811445097746109 -0.9321443849213491 -0.5899032737552732 -0.5053168108515003 -0.22748936178968987 +23479,0.31258449828480767,0,0.3000990308535605 0.03176466449361449 0.12251647185144464 -0.05604635092427602 -0.30828375087617765 -0.4622883814146178 -0.6899675889744709 -0.6847051191872201 -0.9900315525810275 -1.0624163084729543 -1.073895715658482 -1.1665822545557383 -1.1983634447465954 -0.9589726622164886 -1.0811445097746109 -0.9321443849213491 -0.5899032737552732 -0.5053168108515003 -0.22748936178968987 0.02696653027583305 +23480,0.5748309094522807,0,0.03176466449361449 0.12251647185144464 -0.05604635092427602 -0.30828375087617765 -0.4622883814146178 -0.6899675889744709 -0.6847051191872201 -0.9900315525810275 -1.0624163084729543 -1.073895715658482 -1.1665822545557383 -1.1983634447465954 -0.9589726622164886 -1.0811445097746109 -0.9321443849213491 -0.5899032737552732 -0.5053168108515003 -0.22748936178968987 0.02696653027583305 0.31258449828480767 +23481,0.47381212662203886,0,0.12251647185144464 -0.05604635092427602 -0.30828375087617765 -0.4622883814146178 -0.6899675889744709 -0.6847051191872201 -0.9900315525810275 -1.0624163084729543 -1.073895715658482 -1.1665822545557383 -1.1983634447465954 -0.9589726622164886 -1.0811445097746109 -0.9321443849213491 -0.5899032737552732 -0.5053168108515003 -0.22748936178968987 0.02696653027583305 0.31258449828480767 0.5748309094522807 +23482,0.8571469356855624,0,-0.05604635092427602 -0.30828375087617765 -0.4622883814146178 -0.6899675889744709 -0.6847051191872201 -0.9900315525810275 -1.0624163084729543 -1.073895715658482 -1.1665822545557383 -1.1983634447465954 -0.9589726622164886 -1.0811445097746109 -0.9321443849213491 -0.5899032737552732 -0.5053168108515003 -0.22748936178968987 0.02696653027583305 0.31258449828480767 0.5748309094522807 0.47381212662203886 +23483,0.8772165507513714,0,-0.30828375087617765 -0.4622883814146178 -0.6899675889744709 -0.6847051191872201 -0.9900315525810275 -1.0624163084729543 -1.073895715658482 -1.1665822545557383 -1.1983634447465954 -0.9589726622164886 -1.0811445097746109 -0.9321443849213491 -0.5899032737552732 -0.5053168108515003 -0.22748936178968987 0.02696653027583305 0.31258449828480767 0.5748309094522807 0.47381212662203886 0.8571469356855624 +23484,0.6018913545321548,0,-0.4622883814146178 -0.6899675889744709 -0.6847051191872201 -0.9900315525810275 -1.0624163084729543 -1.073895715658482 -1.1665822545557383 -1.1983634447465954 -0.9589726622164886 -1.0811445097746109 -0.9321443849213491 -0.5899032737552732 -0.5053168108515003 -0.22748936178968987 0.02696653027583305 0.31258449828480767 0.5748309094522807 0.47381212662203886 0.8571469356855624 0.8772165507513714 +23485,0.7204259067961598,0,-0.6899675889744709 -0.6847051191872201 -0.9900315525810275 -1.0624163084729543 -1.073895715658482 -1.1665822545557383 -1.1983634447465954 -0.9589726622164886 -1.0811445097746109 -0.9321443849213491 -0.5899032737552732 -0.5053168108515003 -0.22748936178968987 0.02696653027583305 0.31258449828480767 0.5748309094522807 0.47381212662203886 0.8571469356855624 0.8772165507513714 0.6018913545321548 +23486,0.5435656477751304,0,-0.6847051191872201 -0.9900315525810275 -1.0624163084729543 -1.073895715658482 -1.1665822545557383 -1.1983634447465954 -0.9589726622164886 -1.0811445097746109 -0.9321443849213491 -0.5899032737552732 -0.5053168108515003 -0.22748936178968987 0.02696653027583305 0.31258449828480767 0.5748309094522807 0.47381212662203886 0.8571469356855624 0.8772165507513714 0.6018913545321548 0.7204259067961598 +23487,0.17926859705958195,0,-0.9900315525810275 -1.0624163084729543 -1.073895715658482 -1.1665822545557383 -1.1983634447465954 -0.9589726622164886 -1.0811445097746109 -0.9321443849213491 -0.5899032737552732 -0.5053168108515003 -0.22748936178968987 0.02696653027583305 0.31258449828480767 0.5748309094522807 0.47381212662203886 0.8571469356855624 0.8772165507513714 0.6018913545321548 0.7204259067961598 0.5435656477751304 +23488,0.06488726844861532,0,-1.0624163084729543 -1.073895715658482 -1.1665822545557383 -1.1983634447465954 -0.9589726622164886 -1.0811445097746109 -0.9321443849213491 -0.5899032737552732 -0.5053168108515003 -0.22748936178968987 0.02696653027583305 0.31258449828480767 0.5748309094522807 0.47381212662203886 0.8571469356855624 0.8772165507513714 0.6018913545321548 0.7204259067961598 0.5435656477751304 0.17926859705958195 +23489,-0.2369308517020934,0,-1.073895715658482 -1.1665822545557383 -1.1983634447465954 -0.9589726622164886 -1.0811445097746109 -0.9321443849213491 -0.5899032737552732 -0.5053168108515003 -0.22748936178968987 0.02696653027583305 0.31258449828480767 0.5748309094522807 0.47381212662203886 0.8571469356855624 0.8772165507513714 0.6018913545321548 0.7204259067961598 0.5435656477751304 0.17926859705958195 0.06488726844861532 +23490,-0.2680413348560843,0,-1.1665822545557383 -1.1983634447465954 -0.9589726622164886 -1.0811445097746109 -0.9321443849213491 -0.5899032737552732 -0.5053168108515003 -0.22748936178968987 0.02696653027583305 0.31258449828480767 0.5748309094522807 0.47381212662203886 0.8571469356855624 0.8772165507513714 0.6018913545321548 0.7204259067961598 0.5435656477751304 0.17926859705958195 0.06488726844861532 -0.2369308517020934 +23491,-0.6600953340057107,0,-1.1983634447465954 -0.9589726622164886 -1.0811445097746109 -0.9321443849213491 -0.5899032737552732 -0.5053168108515003 -0.22748936178968987 0.02696653027583305 0.31258449828480767 0.5748309094522807 0.47381212662203886 0.8571469356855624 0.8772165507513714 0.6018913545321548 0.7204259067961598 0.5435656477751304 0.17926859705958195 0.06488726844861532 -0.2369308517020934 -0.2680413348560843 +23492,-0.7814416961586017,0,-0.9589726622164886 -1.0811445097746109 -0.9321443849213491 -0.5899032737552732 -0.5053168108515003 -0.22748936178968987 0.02696653027583305 0.31258449828480767 0.5748309094522807 0.47381212662203886 0.8571469356855624 0.8772165507513714 0.6018913545321548 0.7204259067961598 0.5435656477751304 0.17926859705958195 0.06488726844861532 -0.2369308517020934 -0.2680413348560843 -0.6600953340057107 +23493,-0.787555447823198,0,-1.0811445097746109 -0.9321443849213491 -0.5899032737552732 -0.5053168108515003 -0.22748936178968987 0.02696653027583305 0.31258449828480767 0.5748309094522807 0.47381212662203886 0.8571469356855624 0.8772165507513714 0.6018913545321548 0.7204259067961598 0.5435656477751304 0.17926859705958195 0.06488726844861532 -0.2369308517020934 -0.2680413348560843 -0.6600953340057107 -0.7814416961586017 +23494,-0.9473126801904638,0,-0.9321443849213491 -0.5899032737552732 -0.5053168108515003 -0.22748936178968987 0.02696653027583305 0.31258449828480767 0.5748309094522807 0.47381212662203886 0.8571469356855624 0.8772165507513714 0.6018913545321548 0.7204259067961598 0.5435656477751304 0.17926859705958195 0.06488726844861532 -0.2369308517020934 -0.2680413348560843 -0.6600953340057107 -0.7814416961586017 -0.787555447823198 +23495,-0.9918373019146316,0,-0.5899032737552732 -0.5053168108515003 -0.22748936178968987 0.02696653027583305 0.31258449828480767 0.5748309094522807 0.47381212662203886 0.8571469356855624 0.8772165507513714 0.6018913545321548 0.7204259067961598 0.5435656477751304 0.17926859705958195 0.06488726844861532 -0.2369308517020934 -0.2680413348560843 -0.6600953340057107 -0.7814416961586017 -0.787555447823198 -0.9473126801904638 +23496,-0.39163198559472867,0,-0.5053168108515003 -0.22748936178968987 0.02696653027583305 0.31258449828480767 0.5748309094522807 0.47381212662203886 0.8571469356855624 0.8772165507513714 0.6018913545321548 0.7204259067961598 0.5435656477751304 0.17926859705958195 0.06488726844861532 -0.2369308517020934 -0.2680413348560843 -0.6600953340057107 -0.7814416961586017 -0.787555447823198 -0.9473126801904638 -0.9918373019146316 +23497,-0.6510665868733068,0,-0.22748936178968987 0.02696653027583305 0.31258449828480767 0.5748309094522807 0.47381212662203886 0.8571469356855624 0.8772165507513714 0.6018913545321548 0.7204259067961598 0.5435656477751304 0.17926859705958195 0.06488726844861532 -0.2369308517020934 -0.2680413348560843 -0.6600953340057107 -0.7814416961586017 -0.787555447823198 -0.9473126801904638 -0.9918373019146316 -0.39163198559472867 +23498,-0.2657712497982341,0,0.02696653027583305 0.31258449828480767 0.5748309094522807 0.47381212662203886 0.8571469356855624 0.8772165507513714 0.6018913545321548 0.7204259067961598 0.5435656477751304 0.17926859705958195 0.06488726844861532 -0.2369308517020934 -0.2680413348560843 -0.6600953340057107 -0.7814416961586017 -0.787555447823198 -0.9473126801904638 -0.9918373019146316 -0.39163198559472867 -0.6510665868733068 +23499,0.12633434214084435,0,0.31258449828480767 0.5748309094522807 0.47381212662203886 0.8571469356855624 0.8772165507513714 0.6018913545321548 0.7204259067961598 0.5435656477751304 0.17926859705958195 0.06488726844861532 -0.2369308517020934 -0.2680413348560843 -0.6600953340057107 -0.7814416961586017 -0.787555447823198 -0.9473126801904638 -0.9918373019146316 -0.39163198559472867 -0.6510665868733068 -0.2657712497982341 +23500,0.5093595941580493,0,0.5748309094522807 0.47381212662203886 0.8571469356855624 0.8772165507513714 0.6018913545321548 0.7204259067961598 0.5435656477751304 0.17926859705958195 0.06488726844861532 -0.2369308517020934 -0.2680413348560843 -0.6600953340057107 -0.7814416961586017 -0.787555447823198 -0.9473126801904638 -0.9918373019146316 -0.39163198559472867 -0.6510665868733068 -0.2657712497982341 0.12633434214084435 +23501,0.8991951010392687,0,0.47381212662203886 0.8571469356855624 0.8772165507513714 0.6018913545321548 0.7204259067961598 0.5435656477751304 0.17926859705958195 0.06488726844861532 -0.2369308517020934 -0.2680413348560843 -0.6600953340057107 -0.7814416961586017 -0.787555447823198 -0.9473126801904638 -0.9918373019146316 -0.39163198559472867 -0.6510665868733068 -0.2657712497982341 0.12633434214084435 0.5093595941580493 +23502,0.9389989779620248,0,0.8571469356855624 0.8772165507513714 0.6018913545321548 0.7204259067961598 0.5435656477751304 0.17926859705958195 0.06488726844861532 -0.2369308517020934 -0.2680413348560843 -0.6600953340057107 -0.7814416961586017 -0.787555447823198 -0.9473126801904638 -0.9918373019146316 -0.39163198559472867 -0.6510665868733068 -0.2657712497982341 0.12633434214084435 0.5093595941580493 0.8991951010392687 +23503,1.4455116949841755,0,0.8772165507513714 0.6018913545321548 0.7204259067961598 0.5435656477751304 0.17926859705958195 0.06488726844861532 -0.2369308517020934 -0.2680413348560843 -0.6600953340057107 -0.7814416961586017 -0.787555447823198 -0.9473126801904638 -0.9918373019146316 -0.39163198559472867 -0.6510665868733068 -0.2657712497982341 0.12633434214084435 0.5093595941580493 0.8991951010392687 0.9389989779620248 +23504,1.6019927818930773,0,0.6018913545321548 0.7204259067961598 0.5435656477751304 0.17926859705958195 0.06488726844861532 -0.2369308517020934 -0.2680413348560843 -0.6600953340057107 -0.7814416961586017 -0.787555447823198 -0.9473126801904638 -0.9918373019146316 -0.39163198559472867 -0.6510665868733068 -0.2657712497982341 0.12633434214084435 0.5093595941580493 0.8991951010392687 0.9389989779620248 1.4455116949841755 +23505,1.5037084196901551,0,0.7204259067961598 0.5435656477751304 0.17926859705958195 0.06488726844861532 -0.2369308517020934 -0.2680413348560843 -0.6600953340057107 -0.7814416961586017 -0.787555447823198 -0.9473126801904638 -0.9918373019146316 -0.39163198559472867 -0.6510665868733068 -0.2657712497982341 0.12633434214084435 0.5093595941580493 0.8991951010392687 0.9389989779620248 1.4455116949841755 1.6019927818930773 +23506,1.7451113230212718,0,0.5435656477751304 0.17926859705958195 0.06488726844861532 -0.2369308517020934 -0.2680413348560843 -0.6600953340057107 -0.7814416961586017 -0.787555447823198 -0.9473126801904638 -0.9918373019146316 -0.39163198559472867 -0.6510665868733068 -0.2657712497982341 0.12633434214084435 0.5093595941580493 0.8991951010392687 0.9389989779620248 1.4455116949841755 1.6019927818930773 1.5037084196901551 +23507,1.73174877708577,0,0.17926859705958195 0.06488726844861532 -0.2369308517020934 -0.2680413348560843 -0.6600953340057107 -0.7814416961586017 -0.787555447823198 -0.9473126801904638 -0.9918373019146316 -0.39163198559472867 -0.6510665868733068 -0.2657712497982341 0.12633434214084435 0.5093595941580493 0.8991951010392687 0.9389989779620248 1.4455116949841755 1.6019927818930773 1.5037084196901551 1.7451113230212718 +23508,1.2626408698774714,0,0.06488726844861532 -0.2369308517020934 -0.2680413348560843 -0.6600953340057107 -0.7814416961586017 -0.787555447823198 -0.9473126801904638 -0.9918373019146316 -0.39163198559472867 -0.6510665868733068 -0.2657712497982341 0.12633434214084435 0.5093595941580493 0.8991951010392687 0.9389989779620248 1.4455116949841755 1.6019927818930773 1.5037084196901551 1.7451113230212718 1.73174877708577 +23509,1.4011934445726104,0,-0.2369308517020934 -0.2680413348560843 -0.6600953340057107 -0.7814416961586017 -0.787555447823198 -0.9473126801904638 -0.9918373019146316 -0.39163198559472867 -0.6510665868733068 -0.2657712497982341 0.12633434214084435 0.5093595941580493 0.8991951010392687 0.9389989779620248 1.4455116949841755 1.6019927818930773 1.5037084196901551 1.7451113230212718 1.73174877708577 1.2626408698774714 +23510,1.0840006576853987,0,-0.2680413348560843 -0.6600953340057107 -0.7814416961586017 -0.787555447823198 -0.9473126801904638 -0.9918373019146316 -0.39163198559472867 -0.6510665868733068 -0.2657712497982341 0.12633434214084435 0.5093595941580493 0.8991951010392687 0.9389989779620248 1.4455116949841755 1.6019927818930773 1.5037084196901551 1.7451113230212718 1.73174877708577 1.2626408698774714 1.4011934445726104 +23511,0.7551994817163998,0,-0.6600953340057107 -0.7814416961586017 -0.787555447823198 -0.9473126801904638 -0.9918373019146316 -0.39163198559472867 -0.6510665868733068 -0.2657712497982341 0.12633434214084435 0.5093595941580493 0.8991951010392687 0.9389989779620248 1.4455116949841755 1.6019927818930773 1.5037084196901551 1.7451113230212718 1.73174877708577 1.2626408698774714 1.4011934445726104 1.0840006576853987 +23512,0.4418761580628168,0,-0.7814416961586017 -0.787555447823198 -0.9473126801904638 -0.9918373019146316 -0.39163198559472867 -0.6510665868733068 -0.2657712497982341 0.12633434214084435 0.5093595941580493 0.8991951010392687 0.9389989779620248 1.4455116949841755 1.6019927818930773 1.5037084196901551 1.7451113230212718 1.73174877708577 1.2626408698774714 1.4011934445726104 1.0840006576853987 0.7551994817163998 +23513,0.11694444501789285,0,-0.787555447823198 -0.9473126801904638 -0.9918373019146316 -0.39163198559472867 -0.6510665868733068 -0.2657712497982341 0.12633434214084435 0.5093595941580493 0.8991951010392687 0.9389989779620248 1.4455116949841755 1.6019927818930773 1.5037084196901551 1.7451113230212718 1.73174877708577 1.2626408698774714 1.4011934445726104 1.0840006576853987 0.7551994817163998 0.4418761580628168 +23514,0.09901593280412115,0,-0.9473126801904638 -0.9918373019146316 -0.39163198559472867 -0.6510665868733068 -0.2657712497982341 0.12633434214084435 0.5093595941580493 0.8991951010392687 0.9389989779620248 1.4455116949841755 1.6019927818930773 1.5037084196901551 1.7451113230212718 1.73174877708577 1.2626408698774714 1.4011934445726104 1.0840006576853987 0.7551994817163998 0.4418761580628168 0.11694444501789285 +23515,-0.32825018036307374,0,-0.9918373019146316 -0.39163198559472867 -0.6510665868733068 -0.2657712497982341 0.12633434214084435 0.5093595941580493 0.8991951010392687 0.9389989779620248 1.4455116949841755 1.6019927818930773 1.5037084196901551 1.7451113230212718 1.73174877708577 1.2626408698774714 1.4011934445726104 1.0840006576853987 0.7551994817163998 0.4418761580628168 0.11694444501789285 0.09901593280412115 +23516,-0.44851309285390206,0,-0.39163198559472867 -0.6510665868733068 -0.2657712497982341 0.12633434214084435 0.5093595941580493 0.8991951010392687 0.9389989779620248 1.4455116949841755 1.6019927818930773 1.5037084196901551 1.7451113230212718 1.73174877708577 1.2626408698774714 1.4011934445726104 1.0840006576853987 0.7551994817163998 0.4418761580628168 0.11694444501789285 0.09901593280412115 -0.32825018036307374 +23517,-0.47567672366746594,0,-0.6510665868733068 -0.2657712497982341 0.12633434214084435 0.5093595941580493 0.8991951010392687 0.9389989779620248 1.4455116949841755 1.6019927818930773 1.5037084196901551 1.7451113230212718 1.73174877708577 1.2626408698774714 1.4011934445726104 1.0840006576853987 0.7551994817163998 0.4418761580628168 0.11694444501789285 0.09901593280412115 -0.32825018036307374 -0.44851309285390206 +23518,-0.6269727300507011,0,-0.2657712497982341 0.12633434214084435 0.5093595941580493 0.8991951010392687 0.9389989779620248 1.4455116949841755 1.6019927818930773 1.5037084196901551 1.7451113230212718 1.73174877708577 1.2626408698774714 1.4011934445726104 1.0840006576853987 0.7551994817163998 0.4418761580628168 0.11694444501789285 0.09901593280412115 -0.32825018036307374 -0.44851309285390206 -0.47567672366746594 +23519,-0.6851694547566806,0,0.12633434214084435 0.5093595941580493 0.8991951010392687 0.9389989779620248 1.4455116949841755 1.6019927818930773 1.5037084196901551 1.7451113230212718 1.73174877708577 1.2626408698774714 1.4011934445726104 1.0840006576853987 0.7551994817163998 0.4418761580628168 0.11694444501789285 0.09901593280412115 -0.32825018036307374 -0.44851309285390206 -0.47567672366746594 -0.6269727300507011 +23520,-0.05700081853532017,0,0.5093595941580493 0.8991951010392687 0.9389989779620248 1.4455116949841755 1.6019927818930773 1.5037084196901551 1.7451113230212718 1.73174877708577 1.2626408698774714 1.4011934445726104 1.0840006576853987 0.7551994817163998 0.4418761580628168 0.11694444501789285 0.09901593280412115 -0.32825018036307374 -0.44851309285390206 -0.47567672366746594 -0.6269727300507011 -0.6851694547566806 +23521,-0.34398599693534737,0,0.8991951010392687 0.9389989779620248 1.4455116949841755 1.6019927818930773 1.5037084196901551 1.7451113230212718 1.73174877708577 1.2626408698774714 1.4011934445726104 1.0840006576853987 0.7551994817163998 0.4418761580628168 0.11694444501789285 0.09901593280412115 -0.32825018036307374 -0.44851309285390206 -0.47567672366746594 -0.6269727300507011 -0.6851694547566806 -0.05700081853532017 +23522,0.05539418574675097,0,0.9389989779620248 1.4455116949841755 1.6019927818930773 1.5037084196901551 1.7451113230212718 1.73174877708577 1.2626408698774714 1.4011934445726104 1.0840006576853987 0.7551994817163998 0.4418761580628168 0.11694444501789285 0.09901593280412115 -0.32825018036307374 -0.44851309285390206 -0.47567672366746594 -0.6269727300507011 -0.6851694547566806 -0.05700081853532017 -0.34398599693534737 +23523,0.4990410258961769,0,1.4455116949841755 1.6019927818930773 1.5037084196901551 1.7451113230212718 1.73174877708577 1.2626408698774714 1.4011934445726104 1.0840006576853987 0.7551994817163998 0.4418761580628168 0.11694444501789285 0.09901593280412115 -0.32825018036307374 -0.44851309285390206 -0.47567672366746594 -0.6269727300507011 -0.6851694547566806 -0.05700081853532017 -0.34398599693534737 0.05539418574675097 +23524,0.8836656559343921,0,1.6019927818930773 1.5037084196901551 1.7451113230212718 1.73174877708577 1.2626408698774714 1.4011934445726104 1.0840006576853987 0.7551994817163998 0.4418761580628168 0.11694444501789285 0.09901593280412115 -0.32825018036307374 -0.44851309285390206 -0.47567672366746594 -0.6269727300507011 -0.6851694547566806 -0.05700081853532017 -0.34398599693534737 0.05539418574675097 0.4990410258961769 +23525,1.3125569435947029,0,1.5037084196901551 1.7451113230212718 1.73174877708577 1.2626408698774714 1.4011934445726104 1.0840006576853987 0.7551994817163998 0.4418761580628168 0.11694444501789285 0.09901593280412115 -0.32825018036307374 -0.44851309285390206 -0.47567672366746594 -0.6269727300507011 -0.6851694547566806 -0.05700081853532017 -0.34398599693534737 0.05539418574675097 0.4990410258961769 0.8836656559343921 +23526,1.2288991518298595,0,1.7451113230212718 1.73174877708577 1.2626408698774714 1.4011934445726104 1.0840006576853987 0.7551994817163998 0.4418761580628168 0.11694444501789285 0.09901593280412115 -0.32825018036307374 -0.44851309285390206 -0.47567672366746594 -0.6269727300507011 -0.6851694547566806 -0.05700081853532017 -0.34398599693534737 0.05539418574675097 0.4990410258961769 0.8836656559343921 1.3125569435947029 +23527,1.8286401325803021,0,1.73174877708577 1.2626408698774714 1.4011934445726104 1.0840006576853987 0.7551994817163998 0.4418761580628168 0.11694444501789285 0.09901593280412115 -0.32825018036307374 -0.44851309285390206 -0.47567672366746594 -0.6269727300507011 -0.6851694547566806 -0.05700081853532017 -0.34398599693534737 0.05539418574675097 0.4990410258961769 0.8836656559343921 1.3125569435947029 1.2288991518298595 +23528,1.9158320340603674,0,1.2626408698774714 1.4011934445726104 1.0840006576853987 0.7551994817163998 0.4418761580628168 0.11694444501789285 0.09901593280412115 -0.32825018036307374 -0.44851309285390206 -0.47567672366746594 -0.6269727300507011 -0.6851694547566806 -0.05700081853532017 -0.34398599693534737 0.05539418574675097 0.4990410258961769 0.8836656559343921 1.3125569435947029 1.2288991518298595 1.8286401325803021 +23529,1.8177540431700476,0,1.4011934445726104 1.0840006576853987 0.7551994817163998 0.4418761580628168 0.11694444501789285 0.09901593280412115 -0.32825018036307374 -0.44851309285390206 -0.47567672366746594 -0.6269727300507011 -0.6851694547566806 -0.05700081853532017 -0.34398599693534737 0.05539418574675097 0.4990410258961769 0.8836656559343921 1.3125569435947029 1.2288991518298595 1.8286401325803021 1.9158320340603674 +23530,1.9667025752338572,0,1.0840006576853987 0.7551994817163998 0.4418761580628168 0.11694444501789285 0.09901593280412115 -0.32825018036307374 -0.44851309285390206 -0.47567672366746594 -0.6269727300507011 -0.6851694547566806 -0.05700081853532017 -0.34398599693534737 0.05539418574675097 0.4990410258961769 0.8836656559343921 1.3125569435947029 1.2288991518298595 1.8286401325803021 1.9158320340603674 1.8177540431700476 +23531,1.9303812152368622,0,0.7551994817163998 0.4418761580628168 0.11694444501789285 0.09901593280412115 -0.32825018036307374 -0.44851309285390206 -0.47567672366746594 -0.6269727300507011 -0.6851694547566806 -0.05700081853532017 -0.34398599693534737 0.05539418574675097 0.4990410258961769 0.8836656559343921 1.3125569435947029 1.2288991518298595 1.8286401325803021 1.9158320340603674 1.8177540431700476 1.9667025752338572 +23532,1.623506996611514,0,0.4418761580628168 0.11694444501789285 0.09901593280412115 -0.32825018036307374 -0.44851309285390206 -0.47567672366746594 -0.6269727300507011 -0.6851694547566806 -0.05700081853532017 -0.34398599693534737 0.05539418574675097 0.4990410258961769 0.8836656559343921 1.3125569435947029 1.2288991518298595 1.8286401325803021 1.9158320340603674 1.8177540431700476 1.9667025752338572 1.9303812152368622 +23533,1.6773699226691814,0,0.11694444501789285 0.09901593280412115 -0.32825018036307374 -0.44851309285390206 -0.47567672366746594 -0.6269727300507011 -0.6851694547566806 -0.05700081853532017 -0.34398599693534737 0.05539418574675097 0.4990410258961769 0.8836656559343921 1.3125569435947029 1.2288991518298595 1.8286401325803021 1.9158320340603674 1.8177540431700476 1.9667025752338572 1.9303812152368622 1.623506996611514 +23534,1.4606799902532903,0,0.09901593280412115 -0.32825018036307374 -0.44851309285390206 -0.47567672366746594 -0.6269727300507011 -0.6851694547566806 -0.05700081853532017 -0.34398599693534737 0.05539418574675097 0.4990410258961769 0.8836656559343921 1.3125569435947029 1.2288991518298595 1.8286401325803021 1.9158320340603674 1.8177540431700476 1.9667025752338572 1.9303812152368622 1.623506996611514 1.6773699226691814 +23535,1.063440910578006,0,-0.32825018036307374 -0.44851309285390206 -0.47567672366746594 -0.6269727300507011 -0.6851694547566806 -0.05700081853532017 -0.34398599693534737 0.05539418574675097 0.4990410258961769 0.8836656559343921 1.3125569435947029 1.2288991518298595 1.8286401325803021 1.9158320340603674 1.8177540431700476 1.9667025752338572 1.9303812152368622 1.623506996611514 1.6773699226691814 1.4606799902532903 +23536,0.906934027196981,0,-0.44851309285390206 -0.47567672366746594 -0.6269727300507011 -0.6851694547566806 -0.05700081853532017 -0.34398599693534737 0.05539418574675097 0.4990410258961769 0.8836656559343921 1.3125569435947029 1.2288991518298595 1.8286401325803021 1.9158320340603674 1.8177540431700476 1.9667025752338572 1.9303812152368622 1.623506996611514 1.6773699226691814 1.4606799902532903 1.063440910578006 +23537,0.5698779967113486,0,-0.47567672366746594 -0.6269727300507011 -0.6851694547566806 -0.05700081853532017 -0.34398599693534737 0.05539418574675097 0.4990410258961769 0.8836656559343921 1.3125569435947029 1.2288991518298595 1.8286401325803021 1.9158320340603674 1.8177540431700476 1.9667025752338572 1.9303812152368622 1.623506996611514 1.6773699226691814 1.4606799902532903 1.063440910578006 0.906934027196981 +23538,0.6233281799890075,0,-0.6269727300507011 -0.6851694547566806 -0.05700081853532017 -0.34398599693534737 0.05539418574675097 0.4990410258961769 0.8836656559343921 1.3125569435947029 1.2288991518298595 1.8286401325803021 1.9158320340603674 1.8177540431700476 1.9667025752338572 1.9303812152368622 1.623506996611514 1.6773699226691814 1.4606799902532903 1.063440910578006 0.906934027196981 0.5698779967113486 +23539,0.15610341137590594,0,-0.6851694547566806 -0.05700081853532017 -0.34398599693534737 0.05539418574675097 0.4990410258961769 0.8836656559343921 1.3125569435947029 1.2288991518298595 1.8286401325803021 1.9158320340603674 1.8177540431700476 1.9667025752338572 1.9303812152368622 1.623506996611514 1.6773699226691814 1.4606799902532903 1.063440910578006 0.906934027196981 0.5698779967113486 0.6233281799890075 +23540,0.07938485683565819,0,-0.05700081853532017 -0.34398599693534737 0.05539418574675097 0.4990410258961769 0.8836656559343921 1.3125569435947029 1.2288991518298595 1.8286401325803021 1.9158320340603674 1.8177540431700476 1.9667025752338572 1.9303812152368622 1.623506996611514 1.6773699226691814 1.4606799902532903 1.063440910578006 0.906934027196981 0.5698779967113486 0.6233281799890075 0.15610341137590594 +23541,0.14730683202823666,0,-0.34398599693534737 0.05539418574675097 0.4990410258961769 0.8836656559343921 1.3125569435947029 1.2288991518298595 1.8286401325803021 1.9158320340603674 1.8177540431700476 1.9667025752338572 1.9303812152368622 1.623506996611514 1.6773699226691814 1.4606799902532903 1.063440910578006 0.906934027196981 0.5698779967113486 0.6233281799890075 0.15610341137590594 0.07938485683565819 +23542,0.02237476737066298,0,0.05539418574675097 0.4990410258961769 0.8836656559343921 1.3125569435947029 1.2288991518298595 1.8286401325803021 1.9158320340603674 1.8177540431700476 1.9667025752338572 1.9303812152368622 1.623506996611514 1.6773699226691814 1.4606799902532903 1.063440910578006 0.906934027196981 0.5698779967113486 0.6233281799890075 0.15610341137590594 0.07938485683565819 0.14730683202823666 +23543,0.0420832327554869,0,0.4990410258961769 0.8836656559343921 1.3125569435947029 1.2288991518298595 1.8286401325803021 1.9158320340603674 1.8177540431700476 1.9667025752338572 1.9303812152368622 1.623506996611514 1.6773699226691814 1.4606799902532903 1.063440910578006 0.906934027196981 0.5698779967113486 0.6233281799890075 0.15610341137590594 0.07938485683565819 0.14730683202823666 0.02237476737066298 +23544,0.221058798311216,0,0.8836656559343921 1.3125569435947029 1.2288991518298595 1.8286401325803021 1.9158320340603674 1.8177540431700476 1.9667025752338572 1.9303812152368622 1.623506996611514 1.6773699226691814 1.4606799902532903 1.063440910578006 0.906934027196981 0.5698779967113486 0.6233281799890075 0.15610341137590594 0.07938485683565819 0.14730683202823666 0.02237476737066298 0.0420832327554869 +23545,0.18767823009936607,0,1.3125569435947029 1.2288991518298595 1.8286401325803021 1.9158320340603674 1.8177540431700476 1.9667025752338572 1.9303812152368622 1.623506996611514 1.6773699226691814 1.4606799902532903 1.063440910578006 0.906934027196981 0.5698779967113486 0.6233281799890075 0.15610341137590594 0.07938485683565819 0.14730683202823666 0.02237476737066298 0.0420832327554869 0.221058798311216 +23546,0.3135647623679751,0,1.2288991518298595 1.8286401325803021 1.9158320340603674 1.8177540431700476 1.9667025752338572 1.9303812152368622 1.623506996611514 1.6773699226691814 1.4606799902532903 1.063440910578006 0.906934027196981 0.5698779967113486 0.6233281799890075 0.15610341137590594 0.07938485683565819 0.14730683202823666 0.02237476737066298 0.0420832327554869 0.221058798311216 0.18767823009936607 +23547,0.43596877771084064,0,1.8286401325803021 1.9158320340603674 1.8177540431700476 1.9667025752338572 1.9303812152368622 1.623506996611514 1.6773699226691814 1.4606799902532903 1.063440910578006 0.906934027196981 0.5698779967113486 0.6233281799890075 0.15610341137590594 0.07938485683565819 0.14730683202823666 0.02237476737066298 0.0420832327554869 0.221058798311216 0.18767823009936607 0.3135647623679751 +23548,0.5630161487483283,0,1.9158320340603674 1.8177540431700476 1.9667025752338572 1.9303812152368622 1.623506996611514 1.6773699226691814 1.4606799902532903 1.063440910578006 0.906934027196981 0.5698779967113486 0.6233281799890075 0.15610341137590594 0.07938485683565819 0.14730683202823666 0.02237476737066298 0.0420832327554869 0.221058798311216 0.18767823009936607 0.3135647623679751 0.43596877771084064 +23549,0.6865810031696263,0,1.8177540431700476 1.9667025752338572 1.9303812152368622 1.623506996611514 1.6773699226691814 1.4606799902532903 1.063440910578006 0.906934027196981 0.5698779967113486 0.6233281799890075 0.15610341137590594 0.07938485683565819 0.14730683202823666 0.02237476737066298 0.0420832327554869 0.221058798311216 0.18767823009936607 0.3135647623679751 0.43596877771084064 0.5630161487483283 +23550,0.7265654549328705,0,1.9667025752338572 1.9303812152368622 1.623506996611514 1.6773699226691814 1.4606799902532903 1.063440910578006 0.906934027196981 0.5698779967113486 0.6233281799890075 0.15610341137590594 0.07938485683565819 0.14730683202823666 0.02237476737066298 0.0420832327554869 0.221058798311216 0.18767823009936607 0.3135647623679751 0.43596877771084064 0.5630161487483283 0.6865810031696263 +23551,0.8779904433671418,0,1.9303812152368622 1.623506996611514 1.6773699226691814 1.4606799902532903 1.063440910578006 0.906934027196981 0.5698779967113486 0.6233281799890075 0.15610341137590594 0.07938485683565819 0.14730683202823666 0.02237476737066298 0.0420832327554869 0.221058798311216 0.18767823009936607 0.3135647623679751 0.43596877771084064 0.5630161487483283 0.6865810031696263 0.7265654549328705 +23552,0.9458350294529306,0,1.623506996611514 1.6773699226691814 1.4606799902532903 1.063440910578006 0.906934027196981 0.5698779967113486 0.6233281799890075 0.15610341137590594 0.07938485683565819 0.14730683202823666 0.02237476737066298 0.0420832327554869 0.221058798311216 0.18767823009936607 0.3135647623679751 0.43596877771084064 0.5630161487483283 0.6865810031696263 0.7265654549328705 0.8779904433671418 +23553,0.9414754343324864,0,1.6773699226691814 1.4606799902532903 1.063440910578006 0.906934027196981 0.5698779967113486 0.6233281799890075 0.15610341137590594 0.07938485683565819 0.14730683202823666 0.02237476737066298 0.0420832327554869 0.221058798311216 0.18767823009936607 0.3135647623679751 0.43596877771084064 0.5630161487483283 0.6865810031696263 0.7265654549328705 0.8779904433671418 0.9458350294529306 +23554,1.0333880806139721,0,1.4606799902532903 1.063440910578006 0.906934027196981 0.5698779967113486 0.6233281799890075 0.15610341137590594 0.07938485683565819 0.14730683202823666 0.02237476737066298 0.0420832327554869 0.221058798311216 0.18767823009936607 0.3135647623679751 0.43596877771084064 0.5630161487483283 0.6865810031696263 0.7265654549328705 0.8779904433671418 0.9458350294529306 0.9414754343324864 +23555,1.053096545998796,0,1.063440910578006 0.906934027196981 0.5698779967113486 0.6233281799890075 0.15610341137590594 0.07938485683565819 0.14730683202823666 0.02237476737066298 0.0420832327554869 0.221058798311216 0.18767823009936607 0.3135647623679751 0.43596877771084064 0.5630161487483283 0.6865810031696263 0.7265654549328705 0.8779904433671418 0.9458350294529306 0.9414754343324864 1.0333880806139721 +23556,0.949988253105969,0,0.906934027196981 0.5698779967113486 0.6233281799890075 0.15610341137590594 0.07938485683565819 0.14730683202823666 0.02237476737066298 0.0420832327554869 0.221058798311216 0.18767823009936607 0.3135647623679751 0.43596877771084064 0.5630161487483283 0.6865810031696263 0.7265654549328705 0.8779904433671418 0.9458350294529306 0.9414754343324864 1.0333880806139721 1.053096545998796 +23557,1.0106356377103045,0,0.5698779967113486 0.6233281799890075 0.15610341137590594 0.07938485683565819 0.14730683202823666 0.02237476737066298 0.0420832327554869 0.221058798311216 0.18767823009936607 0.3135647623679751 0.43596877771084064 0.5630161487483283 0.6865810031696263 0.7265654549328705 0.8779904433671418 0.9458350294529306 0.9414754343324864 1.0333880806139721 1.053096545998796 0.949988253105969 +23558,0.9484662643465516,0,0.6233281799890075 0.15610341137590594 0.07938485683565819 0.14730683202823666 0.02237476737066298 0.0420832327554869 0.221058798311216 0.18767823009936607 0.3135647623679751 0.43596877771084064 0.5630161487483283 0.6865810031696263 0.7265654549328705 0.8779904433671418 0.9458350294529306 0.9414754343324864 1.0333880806139721 1.053096545998796 0.949988253105969 1.0106356377103045 +23559,0.7584498307026318,0,0.15610341137590594 0.07938485683565819 0.14730683202823666 0.02237476737066298 0.0420832327554869 0.221058798311216 0.18767823009936607 0.3135647623679751 0.43596877771084064 0.5630161487483283 0.6865810031696263 0.7265654549328705 0.8779904433671418 0.9458350294529306 0.9414754343324864 1.0333880806139721 1.053096545998796 0.949988253105969 1.0106356377103045 0.9484662643465516 +23560,0.7388961439957441,0,0.07938485683565819 0.14730683202823666 0.02237476737066298 0.0420832327554869 0.221058798311216 0.18767823009936607 0.3135647623679751 0.43596877771084064 0.5630161487483283 0.6865810031696263 0.7265654549328705 0.8779904433671418 0.9458350294529306 0.9414754343324864 1.0333880806139721 1.053096545998796 0.949988253105969 1.0106356377103045 0.9484662643465516 0.7584498307026318 +23561,0.5914953970086982,0,0.14730683202823666 0.02237476737066298 0.0420832327554869 0.221058798311216 0.18767823009936607 0.3135647623679751 0.43596877771084064 0.5630161487483283 0.6865810031696263 0.7265654549328705 0.8779904433671418 0.9458350294529306 0.9414754343324864 1.0333880806139721 1.053096545998796 0.949988253105969 1.0106356377103045 0.9484662643465516 0.7584498307026318 0.7388961439957441 +23562,0.5271333278486704,0,0.02237476737066298 0.0420832327554869 0.221058798311216 0.18767823009936607 0.3135647623679751 0.43596877771084064 0.5630161487483283 0.6865810031696263 0.7265654549328705 0.8779904433671418 0.9458350294529306 0.9414754343324864 1.0333880806139721 1.053096545998796 0.949988253105969 1.0106356377103045 0.9484662643465516 0.7584498307026318 0.7388961439957441 0.5914953970086982 +23563,0.3520530216891395,0,0.0420832327554869 0.221058798311216 0.18767823009936607 0.3135647623679751 0.43596877771084064 0.5630161487483283 0.6865810031696263 0.7265654549328705 0.8779904433671418 0.9458350294529306 0.9414754343324864 1.0333880806139721 1.053096545998796 0.949988253105969 1.0106356377103045 0.9484662643465516 0.7584498307026318 0.7388961439957441 0.5914953970086982 0.5271333278486704 +23564,0.2600113933566177,0,0.221058798311216 0.18767823009936607 0.3135647623679751 0.43596877771084064 0.5630161487483283 0.6865810031696263 0.7265654549328705 0.8779904433671418 0.9458350294529306 0.9414754343324864 1.0333880806139721 1.053096545998796 0.949988253105969 1.0106356377103045 0.9484662643465516 0.7584498307026318 0.7388961439957441 0.5914953970086982 0.5271333278486704 0.3520530216891395 +23565,0.15334319443124889,0,0.18767823009936607 0.3135647623679751 0.43596877771084064 0.5630161487483283 0.6865810031696263 0.7265654549328705 0.8779904433671418 0.9458350294529306 0.9414754343324864 1.0333880806139721 1.053096545998796 0.949988253105969 1.0106356377103045 0.9484662643465516 0.7584498307026318 0.7388961439957441 0.5914953970086982 0.5271333278486704 0.3520530216891395 0.2600113933566177 +23566,0.06617708942330695,0,0.3135647623679751 0.43596877771084064 0.5630161487483283 0.6865810031696263 0.7265654549328705 0.8779904433671418 0.9458350294529306 0.9414754343324864 1.0333880806139721 1.053096545998796 0.949988253105969 1.0106356377103045 0.9484662643465516 0.7584498307026318 0.7388961439957441 0.5914953970086982 0.5271333278486704 0.3520530216891395 0.2600113933566177 0.15334319443124889 +23567,-0.03561558586791946,0,0.43596877771084064 0.5630161487483283 0.6865810031696263 0.7265654549328705 0.8779904433671418 0.9458350294529306 0.9414754343324864 1.0333880806139721 1.053096545998796 0.949988253105969 1.0106356377103045 0.9484662643465516 0.7584498307026318 0.7388961439957441 0.5914953970086982 0.5271333278486704 0.3520530216891395 0.2600113933566177 0.15334319443124889 0.06617708942330695 +23568,0.1486998387366268,0,0.5630161487483283 0.6865810031696263 0.7265654549328705 0.8779904433671418 0.9458350294529306 0.9414754343324864 1.0333880806139721 1.053096545998796 0.949988253105969 1.0106356377103045 0.9484662643465516 0.7584498307026318 0.7388961439957441 0.5914953970086982 0.5271333278486704 0.3520530216891395 0.2600113933566177 0.15334319443124889 0.06617708942330695 -0.03561558586791946 +23569,-0.04846220328972308,0,0.6865810031696263 0.7265654549328705 0.8779904433671418 0.9458350294529306 0.9414754343324864 1.0333880806139721 1.053096545998796 0.949988253105969 1.0106356377103045 0.9484662643465516 0.7584498307026318 0.7388961439957441 0.5914953970086982 0.5271333278486704 0.3520530216891395 0.2600113933566177 0.15334319443124889 0.06617708942330695 -0.03561558586791946 0.1486998387366268 +23570,0.040483854579708496,0,0.7265654549328705 0.8779904433671418 0.9458350294529306 0.9414754343324864 1.0333880806139721 1.053096545998796 0.949988253105969 1.0106356377103045 0.9484662643465516 0.7584498307026318 0.7388961439957441 0.5914953970086982 0.5271333278486704 0.3520530216891395 0.2600113933566177 0.15334319443124889 0.06617708942330695 -0.03561558586791946 0.1486998387366268 -0.04846220328972308 +23571,0.3124555162337804,0,0.8779904433671418 0.9458350294529306 0.9414754343324864 1.0333880806139721 1.053096545998796 0.949988253105969 1.0106356377103045 0.9484662643465516 0.7584498307026318 0.7388961439957441 0.5914953970086982 0.5271333278486704 0.3520530216891395 0.2600113933566177 0.15334319443124889 0.06617708942330695 -0.03561558586791946 0.1486998387366268 -0.04846220328972308 0.040483854579708496 +23572,0.3403930396631146,0,0.9458350294529306 0.9414754343324864 1.0333880806139721 1.053096545998796 0.949988253105969 1.0106356377103045 0.9484662643465516 0.7584498307026318 0.7388961439957441 0.5914953970086982 0.5271333278486704 0.3520530216891395 0.2600113933566177 0.15334319443124889 0.06617708942330695 -0.03561558586791946 0.1486998387366268 -0.04846220328972308 0.040483854579708496 0.3124555162337804 +23573,0.5513561667223035,0,0.9414754343324864 1.0333880806139721 1.053096545998796 0.949988253105969 1.0106356377103045 0.9484662643465516 0.7584498307026318 0.7388961439957441 0.5914953970086982 0.5271333278486704 0.3520530216891395 0.2600113933566177 0.15334319443124889 0.06617708942330695 -0.03561558586791946 0.1486998387366268 -0.04846220328972308 0.040483854579708496 0.3124555162337804 0.3403930396631146 +23574,0.6053738713031214,0,1.0333880806139721 1.053096545998796 0.949988253105969 1.0106356377103045 0.9484662643465516 0.7584498307026318 0.7388961439957441 0.5914953970086982 0.5271333278486704 0.3520530216891395 0.2600113933566177 0.15334319443124889 0.06617708942330695 -0.03561558586791946 0.1486998387366268 -0.04846220328972308 0.040483854579708496 0.3124555162337804 0.3403930396631146 0.5513561667223035 +23575,0.868652139188428,0,1.053096545998796 0.949988253105969 1.0106356377103045 0.9484662643465516 0.7584498307026318 0.7388961439957441 0.5914953970086982 0.5271333278486704 0.3520530216891395 0.2600113933566177 0.15334319443124889 0.06617708942330695 -0.03561558586791946 0.1486998387366268 -0.04846220328972308 0.040483854579708496 0.3124555162337804 0.3403930396631146 0.5513561667223035 0.6053738713031214 +23576,0.9749849845953724,0,0.949988253105969 1.0106356377103045 0.9484662643465516 0.7584498307026318 0.7388961439957441 0.5914953970086982 0.5271333278486704 0.3520530216891395 0.2600113933566177 0.15334319443124889 0.06617708942330695 -0.03561558586791946 0.1486998387366268 -0.04846220328972308 0.040483854579708496 0.3124555162337804 0.3403930396631146 0.5513561667223035 0.6053738713031214 0.868652139188428 +23577,0.8228376963347916,0,1.0106356377103045 0.9484662643465516 0.7584498307026318 0.7388961439957441 0.5914953970086982 0.5271333278486704 0.3520530216891395 0.2600113933566177 0.15334319443124889 0.06617708942330695 -0.03561558586791946 0.1486998387366268 -0.04846220328972308 0.040483854579708496 0.3124555162337804 0.3403930396631146 0.5513561667223035 0.6053738713031214 0.868652139188428 0.9749849845953724 +23578,1.0153305863491644,0,0.9484662643465516 0.7584498307026318 0.7388961439957441 0.5914953970086982 0.5271333278486704 0.3520530216891395 0.2600113933566177 0.15334319443124889 0.06617708942330695 -0.03561558586791946 0.1486998387366268 -0.04846220328972308 0.040483854579708496 0.3124555162337804 0.3403930396631146 0.5513561667223035 0.6053738713031214 0.868652139188428 0.9749849845953724 0.8228376963347916 +23579,0.9493433425412348,0,0.7584498307026318 0.7388961439957441 0.5914953970086982 0.5271333278486704 0.3520530216891395 0.2600113933566177 0.15334319443124889 0.06617708942330695 -0.03561558586791946 0.1486998387366268 -0.04846220328972308 0.040483854579708496 0.3124555162337804 0.3403930396631146 0.5513561667223035 0.6053738713031214 0.868652139188428 0.9749849845953724 0.8228376963347916 1.0153305863491644 +23580,0.7839108977615045,0,0.7388961439957441 0.5914953970086982 0.5271333278486704 0.3520530216891395 0.2600113933566177 0.15334319443124889 0.06617708942330695 -0.03561558586791946 0.1486998387366268 -0.04846220328972308 0.040483854579708496 0.3124555162337804 0.3403930396631146 0.5513561667223035 0.6053738713031214 0.868652139188428 0.9749849845953724 0.8228376963347916 1.0153305863491644 0.9493433425412348 +23581,0.7510720543806902,0,0.5914953970086982 0.5271333278486704 0.3520530216891395 0.2600113933566177 0.15334319443124889 0.06617708942330695 -0.03561558586791946 0.1486998387366268 -0.04846220328972308 0.040483854579708496 0.3124555162337804 0.3403930396631146 0.5513561667223035 0.6053738713031214 0.868652139188428 0.9749849845953724 0.8228376963347916 1.0153305863491644 0.9493433425412348 0.7839108977615045 +23582,0.6187880100280752,0,0.5271333278486704 0.3520530216891395 0.2600113933566177 0.15334319443124889 0.06617708942330695 -0.03561558586791946 0.1486998387366268 -0.04846220328972308 0.040483854579708496 0.3124555162337804 0.3403930396631146 0.5513561667223035 0.6053738713031214 0.868652139188428 0.9749849845953724 0.8228376963347916 1.0153305863491644 0.9493433425412348 0.7839108977615045 0.7510720543806902 +23583,0.4202587576106815,0,0.3520530216891395 0.2600113933566177 0.15334319443124889 0.06617708942330695 -0.03561558586791946 0.1486998387366268 -0.04846220328972308 0.040483854579708496 0.3124555162337804 0.3403930396631146 0.5513561667223035 0.6053738713031214 0.868652139188428 0.9749849845953724 0.8228376963347916 1.0153305863491644 0.9493433425412348 0.7839108977615045 0.7510720543806902 0.6187880100280752 +23584,0.3100564491248853,0,0.2600113933566177 0.15334319443124889 0.06617708942330695 -0.03561558586791946 0.1486998387366268 -0.04846220328972308 0.040483854579708496 0.3124555162337804 0.3403930396631146 0.5513561667223035 0.6053738713031214 0.868652139188428 0.9749849845953724 0.8228376963347916 1.0153305863491644 0.9493433425412348 0.7839108977615045 0.7510720543806902 0.6187880100280752 0.4202587576106815 +23585,0.1336089327290874,0,0.15334319443124889 0.06617708942330695 -0.03561558586791946 0.1486998387366268 -0.04846220328972308 0.040483854579708496 0.3124555162337804 0.3403930396631146 0.5513561667223035 0.6053738713031214 0.868652139188428 0.9749849845953724 0.8228376963347916 1.0153305863491644 0.9493433425412348 0.7839108977615045 0.7510720543806902 0.6187880100280752 0.4202587576106815 0.3100564491248853 +23586,0.08113901337981025,0,0.06617708942330695 -0.03561558586791946 0.1486998387366268 -0.04846220328972308 0.040483854579708496 0.3124555162337804 0.3403930396631146 0.5513561667223035 0.6053738713031214 0.868652139188428 0.9749849845953724 0.8228376963347916 1.0153305863491644 0.9493433425412348 0.7839108977615045 0.7510720543806902 0.6187880100280752 0.4202587576106815 0.3100564491248853 0.1336089327290874 +23587,-0.13663436869817,0,-0.03561558586791946 0.1486998387366268 -0.04846220328972308 0.040483854579708496 0.3124555162337804 0.3403930396631146 0.5513561667223035 0.6053738713031214 0.868652139188428 0.9749849845953724 0.8228376963347916 1.0153305863491644 0.9493433425412348 0.7839108977615045 0.7510720543806902 0.6187880100280752 0.4202587576106815 0.3100564491248853 0.1336089327290874 0.08113901337981025 +23588,-0.23043015372961193,0,0.1486998387366268 -0.04846220328972308 0.040483854579708496 0.3124555162337804 0.3403930396631146 0.5513561667223035 0.6053738713031214 0.868652139188428 0.9749849845953724 0.8228376963347916 1.0153305863491644 0.9493433425412348 0.7839108977615045 0.7510720543806902 0.6187880100280752 0.4202587576106815 0.3100564491248853 0.1336089327290874 0.08113901337981025 -0.13663436869817 +23589,-0.23507350942424282,0,-0.04846220328972308 0.040483854579708496 0.3124555162337804 0.3403930396631146 0.5513561667223035 0.6053738713031214 0.868652139188428 0.9749849845953724 0.8228376963347916 1.0153305863491644 0.9493433425412348 0.7839108977615045 0.7510720543806902 0.6187880100280752 0.4202587576106815 0.3100564491248853 0.1336089327290874 0.08113901337981025 -0.13663436869817 -0.23043015372961193 +23590,-0.3585867709013031,0,0.040483854579708496 0.3124555162337804 0.3403930396631146 0.5513561667223035 0.6053738713031214 0.868652139188428 0.9749849845953724 0.8228376963347916 1.0153305863491644 0.9493433425412348 0.7839108977615045 0.7510720543806902 0.6187880100280752 0.4202587576106815 0.3100564491248853 0.1336089327290874 0.08113901337981025 -0.13663436869817 -0.23043015372961193 -0.23507350942424282 +23591,-0.3929476030415347,0,0.3124555162337804 0.3403930396631146 0.5513561667223035 0.6053738713031214 0.868652139188428 0.9749849845953724 0.8228376963347916 1.0153305863491644 0.9493433425412348 0.7839108977615045 0.7510720543806902 0.6187880100280752 0.4202587576106815 0.3100564491248853 0.1336089327290874 0.08113901337981025 -0.13663436869817 -0.23043015372961193 -0.23507350942424282 -0.3585867709013031 +23592,-0.22269122757190843,0,0.3403930396631146 0.5513561667223035 0.6053738713031214 0.868652139188428 0.9749849845953724 0.8228376963347916 1.0153305863491644 0.9493433425412348 0.7839108977615045 0.7510720543806902 0.6187880100280752 0.4202587576106815 0.3100564491248853 0.1336089327290874 0.08113901337981025 -0.13663436869817 -0.23043015372961193 -0.23507350942424282 -0.3585867709013031 -0.3929476030415347 +23593,-0.3252577956336909,0,0.5513561667223035 0.6053738713031214 0.868652139188428 0.9749849845953724 0.8228376963347916 1.0153305863491644 0.9493433425412348 0.7839108977615045 0.7510720543806902 0.6187880100280752 0.4202587576106815 0.3100564491248853 0.1336089327290874 0.08113901337981025 -0.13663436869817 -0.23043015372961193 -0.23507350942424282 -0.3585867709013031 -0.3929476030415347 -0.22269122757190843 +23594,-0.2232071559308297,0,0.6053738713031214 0.868652139188428 0.9749849845953724 0.8228376963347916 1.0153305863491644 0.9493433425412348 0.7839108977615045 0.7510720543806902 0.6187880100280752 0.4202587576106815 0.3100564491248853 0.1336089327290874 0.08113901337981025 -0.13663436869817 -0.23043015372961193 -0.23507350942424282 -0.3585867709013031 -0.3929476030415347 -0.22269122757190843 -0.3252577956336909 +23595,0.11998842269151343,0,0.868652139188428 0.9749849845953724 0.8228376963347916 1.0153305863491644 0.9493433425412348 0.7839108977615045 0.7510720543806902 0.6187880100280752 0.4202587576106815 0.3100564491248853 0.1336089327290874 0.08113901337981025 -0.13663436869817 -0.23043015372961193 -0.23507350942424282 -0.3585867709013031 -0.3929476030415347 -0.22269122757190843 -0.3252577956336909 -0.2232071559308297 +23596,0.1416574159331008,0,0.9749849845953724 0.8228376963347916 1.0153305863491644 0.9493433425412348 0.7839108977615045 0.7510720543806902 0.6187880100280752 0.4202587576106815 0.3100564491248853 0.1336089327290874 0.08113901337981025 -0.13663436869817 -0.23043015372961193 -0.23507350942424282 -0.3585867709013031 -0.3929476030415347 -0.22269122757190843 -0.3252577956336909 -0.2232071559308297 0.11998842269151343 +23597,0.4044713482489558,0,0.8228376963347916 1.0153305863491644 0.9493433425412348 0.7839108977615045 0.7510720543806902 0.6187880100280752 0.4202587576106815 0.3100564491248853 0.1336089327290874 0.08113901337981025 -0.13663436869817 -0.23043015372961193 -0.23507350942424282 -0.3585867709013031 -0.3929476030415347 -0.22269122757190843 -0.3252577956336909 -0.2232071559308297 0.11998842269151343 0.1416574159331008 +23598,0.5580890324795108,0,1.0153305863491644 0.9493433425412348 0.7839108977615045 0.7510720543806902 0.6187880100280752 0.4202587576106815 0.3100564491248853 0.1336089327290874 0.08113901337981025 -0.13663436869817 -0.23043015372961193 -0.23507350942424282 -0.3585867709013031 -0.3929476030415347 -0.22269122757190843 -0.3252577956336909 -0.2232071559308297 0.11998842269151343 0.1416574159331008 0.4044713482489558 +23599,0.8573017142087218,0,0.9493433425412348 0.7839108977615045 0.7510720543806902 0.6187880100280752 0.4202587576106815 0.3100564491248853 0.1336089327290874 0.08113901337981025 -0.13663436869817 -0.23043015372961193 -0.23507350942424282 -0.3585867709013031 -0.3929476030415347 -0.22269122757190843 -0.3252577956336909 -0.2232071559308297 0.11998842269151343 0.1416574159331008 0.4044713482489558 0.5580890324795108 +23600,1.0473181476978473,0,0.7839108977615045 0.7510720543806902 0.6187880100280752 0.4202587576106815 0.3100564491248853 0.1336089327290874 0.08113901337981025 -0.13663436869817 -0.23043015372961193 -0.23507350942424282 -0.3585867709013031 -0.3929476030415347 -0.22269122757190843 -0.3252577956336909 -0.2232071559308297 0.11998842269151343 0.1416574159331008 0.4044713482489558 0.5580890324795108 0.8573017142087218 +23601,0.92243767598452,0,0.7510720543806902 0.6187880100280752 0.4202587576106815 0.3100564491248853 0.1336089327290874 0.08113901337981025 -0.13663436869817 -0.23043015372961193 -0.23507350942424282 -0.3585867709013031 -0.3929476030415347 -0.22269122757190843 -0.3252577956336909 -0.2232071559308297 0.11998842269151343 0.1416574159331008 0.4044713482489558 0.5580890324795108 0.8573017142087218 1.0473181476978473 +23602,1.217419744644323,0,0.6187880100280752 0.4202587576106815 0.3100564491248853 0.1336089327290874 0.08113901337981025 -0.13663436869817 -0.23043015372961193 -0.23507350942424282 -0.3585867709013031 -0.3929476030415347 -0.22269122757190843 -0.3252577956336909 -0.2232071559308297 0.11998842269151343 0.1416574159331008 0.4044713482489558 0.5580890324795108 0.8573017142087218 1.0473181476978473 0.92243767598452 +23603,1.1975049081016733,0,0.4202587576106815 0.3100564491248853 0.1336089327290874 0.08113901337981025 -0.13663436869817 -0.23043015372961193 -0.23507350942424282 -0.3585867709013031 -0.3929476030415347 -0.22269122757190843 -0.3252577956336909 -0.2232071559308297 0.11998842269151343 0.1416574159331008 0.4044713482489558 0.5580890324795108 0.8573017142087218 1.0473181476978473 0.92243767598452 1.217419744644323 +23604,0.8399918008298606,0,0.3100564491248853 0.1336089327290874 0.08113901337981025 -0.13663436869817 -0.23043015372961193 -0.23507350942424282 -0.3585867709013031 -0.3929476030415347 -0.22269122757190843 -0.3252577956336909 -0.2232071559308297 0.11998842269151343 0.1416574159331008 0.4044713482489558 0.5580890324795108 0.8573017142087218 1.0473181476978473 0.92243767598452 1.217419744644323 1.1975049081016733 +23605,0.6330792269477209,0,0.1336089327290874 0.08113901337981025 -0.13663436869817 -0.23043015372961193 -0.23507350942424282 -0.3585867709013031 -0.3929476030415347 -0.22269122757190843 -0.3252577956336909 -0.2232071559308297 0.11998842269151343 0.1416574159331008 0.4044713482489558 0.5580890324795108 0.8573017142087218 1.0473181476978473 0.92243767598452 1.217419744644323 1.1975049081016733 0.8399918008298606 +23606,0.6181398698546767,0,0.08113901337981025 -0.13663436869817 -0.23043015372961193 -0.23507350942424282 -0.3585867709013031 -0.3929476030415347 -0.22269122757190843 -0.3252577956336909 -0.2232071559308297 0.11998842269151343 0.1416574159331008 0.4044713482489558 0.5580890324795108 0.8573017142087218 1.0473181476978473 0.92243767598452 1.217419744644323 1.1975049081016733 0.8399918008298606 0.6330792269477209 +23607,0.4239701094752213,0,-0.13663436869817 -0.23043015372961193 -0.23507350942424282 -0.3585867709013031 -0.3929476030415347 -0.22269122757190843 -0.3252577956336909 -0.2232071559308297 0.11998842269151343 0.1416574159331008 0.4044713482489558 0.5580890324795108 0.8573017142087218 1.0473181476978473 0.92243767598452 1.217419744644323 1.1975049081016733 0.8399918008298606 0.6330792269477209 0.6181398698546767 +23608,0.385227218588378,0,-0.23043015372961193 -0.23507350942424282 -0.3585867709013031 -0.3929476030415347 -0.22269122757190843 -0.3252577956336909 -0.2232071559308297 0.11998842269151343 0.1416574159331008 0.4044713482489558 0.5580890324795108 0.8573017142087218 1.0473181476978473 0.92243767598452 1.217419744644323 1.1975049081016733 0.8399918008298606 0.6330792269477209 0.6181398698546767 0.4239701094752213 +23609,0.18644000191412646,0,-0.23507350942424282 -0.3585867709013031 -0.3929476030415347 -0.22269122757190843 -0.3252577956336909 -0.2232071559308297 0.11998842269151343 0.1416574159331008 0.4044713482489558 0.5580890324795108 0.8573017142087218 1.0473181476978473 0.92243767598452 1.217419744644323 1.1975049081016733 0.8399918008298606 0.6330792269477209 0.6181398698546767 0.4239701094752213 0.385227218588378 +23610,0.1412704696252244,0,-0.3585867709013031 -0.3929476030415347 -0.22269122757190843 -0.3252577956336909 -0.2232071559308297 0.11998842269151343 0.1416574159331008 0.4044713482489558 0.5580890324795108 0.8573017142087218 1.0473181476978473 0.92243767598452 1.217419744644323 1.1975049081016733 0.8399918008298606 0.6330792269477209 0.6181398698546767 0.4239701094752213 0.385227218588378 0.18644000191412646 +23611,-0.10872264174095023,0,-0.3929476030415347 -0.22269122757190843 -0.3252577956336909 -0.2232071559308297 0.11998842269151343 0.1416574159331008 0.4044713482489558 0.5580890324795108 0.8573017142087218 1.0473181476978473 0.92243767598452 1.217419744644323 1.1975049081016733 0.8399918008298606 0.6330792269477209 0.6181398698546767 0.4239701094752213 0.385227218588378 0.18644000191412646 0.1412704696252244 +23612,-0.20509806872178418,0,-0.22269122757190843 -0.3252577956336909 -0.2232071559308297 0.11998842269151343 0.1416574159331008 0.4044713482489558 0.5580890324795108 0.8573017142087218 1.0473181476978473 0.92243767598452 1.217419744644323 1.1975049081016733 0.8399918008298606 0.6330792269477209 0.6181398698546767 0.4239701094752213 0.385227218588378 0.18644000191412646 0.1412704696252244 -0.10872264174095023 +23613,-0.23925252954940446,0,-0.3252577956336909 -0.2232071559308297 0.11998842269151343 0.1416574159331008 0.4044713482489558 0.5580890324795108 0.8573017142087218 1.0473181476978473 0.92243767598452 1.217419744644323 1.1975049081016733 0.8399918008298606 0.6330792269477209 0.6181398698546767 0.4239701094752213 0.385227218588378 0.18644000191412646 0.1412704696252244 -0.10872264174095023 -0.20509806872178418 +23614,-0.35636827878769056,0,-0.2232071559308297 0.11998842269151343 0.1416574159331008 0.4044713482489558 0.5580890324795108 0.8573017142087218 1.0473181476978473 0.92243767598452 1.217419744644323 1.1975049081016733 0.8399918008298606 0.6330792269477209 0.6181398698546767 0.4239701094752213 0.385227218588378 0.18644000191412646 0.1412704696252244 -0.10872264174095023 -0.20509806872178418 -0.23925252954940446 +23615,-0.4112630615631916,0,0.11998842269151343 0.1416574159331008 0.4044713482489558 0.5580890324795108 0.8573017142087218 1.0473181476978473 0.92243767598452 1.217419744644323 1.1975049081016733 0.8399918008298606 0.6330792269477209 0.6181398698546767 0.4239701094752213 0.385227218588378 0.18644000191412646 0.1412704696252244 -0.10872264174095023 -0.20509806872178418 -0.23925252954940446 -0.35636827878769056 +23616,-0.10622038889836538,0,0.1416574159331008 0.4044713482489558 0.5580890324795108 0.8573017142087218 1.0473181476978473 0.92243767598452 1.217419744644323 1.1975049081016733 0.8399918008298606 0.6330792269477209 0.6181398698546767 0.4239701094752213 0.385227218588378 0.18644000191412646 0.1412704696252244 -0.10872264174095023 -0.20509806872178418 -0.23925252954940446 -0.35636827878769056 -0.4112630615631916 +23617,-0.2810943235904993,0,0.4044713482489558 0.5580890324795108 0.8573017142087218 1.0473181476978473 0.92243767598452 1.217419744644323 1.1975049081016733 0.8399918008298606 0.6330792269477209 0.6181398698546767 0.4239701094752213 0.385227218588378 0.18644000191412646 0.1412704696252244 -0.10872264174095023 -0.20509806872178418 -0.23925252954940446 -0.35636827878769056 -0.4112630615631916 -0.10622038889836538 +23618,-0.09603080284230595,0,0.5580890324795108 0.8573017142087218 1.0473181476978473 0.92243767598452 1.217419744644323 1.1975049081016733 0.8399918008298606 0.6330792269477209 0.6181398698546767 0.4239701094752213 0.385227218588378 0.18644000191412646 0.1412704696252244 -0.10872264174095023 -0.20509806872178418 -0.23925252954940446 -0.35636827878769056 -0.4112630615631916 -0.10622038889836538 -0.2810943235904993 +23619,0.2869170599133325,0,0.8573017142087218 1.0473181476978473 0.92243767598452 1.217419744644323 1.1975049081016733 0.8399918008298606 0.6330792269477209 0.6181398698546767 0.4239701094752213 0.385227218588378 0.18644000191412646 0.1412704696252244 -0.10872264174095023 -0.20509806872178418 -0.23925252954940446 -0.35636827878769056 -0.4112630615631916 -0.10622038889836538 -0.2810943235904993 -0.09603080284230595 +23620,0.4060191334804965,0,1.0473181476978473 0.92243767598452 1.217419744644323 1.1975049081016733 0.8399918008298606 0.6330792269477209 0.6181398698546767 0.4239701094752213 0.385227218588378 0.18644000191412646 0.1412704696252244 -0.10872264174095023 -0.20509806872178418 -0.23925252954940446 -0.35636827878769056 -0.4112630615631916 -0.10622038889836538 -0.2810943235904993 -0.09603080284230595 0.2869170599133325 +23621,0.7230055489003199,0,0.92243767598452 1.217419744644323 1.1975049081016733 0.8399918008298606 0.6330792269477209 0.6181398698546767 0.4239701094752213 0.385227218588378 0.18644000191412646 0.1412704696252244 -0.10872264174095023 -0.20509806872178418 -0.23925252954940446 -0.35636827878769056 -0.4112630615631916 -0.10622038889836538 -0.2810943235904993 -0.09603080284230595 0.2869170599133325 0.4060191334804965 +23622,0.7456806025424122,0,1.217419744644323 1.1975049081016733 0.8399918008298606 0.6330792269477209 0.6181398698546767 0.4239701094752213 0.385227218588378 0.18644000191412646 0.1412704696252244 -0.10872264174095023 -0.20509806872178418 -0.23925252954940446 -0.35636827878769056 -0.4112630615631916 -0.10622038889836538 -0.2810943235904993 -0.09603080284230595 0.2869170599133325 0.4060191334804965 0.7230055489003199 +23623,1.1607708051698842,0,1.1975049081016733 0.8399918008298606 0.6330792269477209 0.6181398698546767 0.4239701094752213 0.385227218588378 0.18644000191412646 0.1412704696252244 -0.10872264174095023 -0.20509806872178418 -0.23925252954940446 -0.35636827878769056 -0.4112630615631916 -0.10622038889836538 -0.2810943235904993 -0.09603080284230595 0.2869170599133325 0.4060191334804965 0.7230055489003199 0.7456806025424122 +23624,1.2815496461744107,0,0.8399918008298606 0.6330792269477209 0.6181398698546767 0.4239701094752213 0.385227218588378 0.18644000191412646 0.1412704696252244 -0.10872264174095023 -0.20509806872178418 -0.23925252954940446 -0.35636827878769056 -0.4112630615631916 -0.10622038889836538 -0.2810943235904993 -0.09603080284230595 0.2869170599133325 0.4060191334804965 0.7230055489003199 0.7456806025424122 1.1607708051698842 +23625,1.0961540186968586,0,0.6330792269477209 0.6181398698546767 0.4239701094752213 0.385227218588378 0.18644000191412646 0.1412704696252244 -0.10872264174095023 -0.20509806872178418 -0.23925252954940446 -0.35636827878769056 -0.4112630615631916 -0.10622038889836538 -0.2810943235904993 -0.09603080284230595 0.2869170599133325 0.4060191334804965 0.7230055489003199 0.7456806025424122 1.1607708051698842 1.2815496461744107 +23626,1.303540847130118,0,0.6181398698546767 0.4239701094752213 0.385227218588378 0.18644000191412646 0.1412704696252244 -0.10872264174095023 -0.20509806872178418 -0.23925252954940446 -0.35636827878769056 -0.4112630615631916 -0.10622038889836538 -0.2810943235904993 -0.09603080284230595 0.2869170599133325 0.4060191334804965 0.7230055489003199 0.7456806025424122 1.1607708051698842 1.2815496461744107 1.0961540186968586 +23627,1.1449318030186977,0,0.4239701094752213 0.385227218588378 0.18644000191412646 0.1412704696252244 -0.10872264174095023 -0.20509806872178418 -0.23925252954940446 -0.35636827878769056 -0.4112630615631916 -0.10622038889836538 -0.2810943235904993 -0.09603080284230595 0.2869170599133325 0.4060191334804965 0.7230055489003199 0.7456806025424122 1.1607708051698842 1.2815496461744107 1.0961540186968586 1.303540847130118 +23628,1.061673967160941,0,0.385227218588378 0.18644000191412646 0.1412704696252244 -0.10872264174095023 -0.20509806872178418 -0.23925252954940446 -0.35636827878769056 -0.4112630615631916 -0.10622038889836538 -0.2810943235904993 -0.09603080284230595 0.2869170599133325 0.4060191334804965 0.7230055489003199 0.7456806025424122 1.1607708051698842 1.2815496461744107 1.0961540186968586 1.303540847130118 1.1449318030186977 +23629,0.7375547300768148,0,0.18644000191412646 0.1412704696252244 -0.10872264174095023 -0.20509806872178418 -0.23925252954940446 -0.35636827878769056 -0.4112630615631916 -0.10622038889836538 -0.2810943235904993 -0.09603080284230595 0.2869170599133325 0.4060191334804965 0.7230055489003199 0.7456806025424122 1.1607708051698842 1.2815496461744107 1.0961540186968586 1.303540847130118 1.1449318030186977 1.061673967160941 +23630,0.7375547300768148,0,0.1412704696252244 -0.10872264174095023 -0.20509806872178418 -0.23925252954940446 -0.35636827878769056 -0.4112630615631916 -0.10622038889836538 -0.2810943235904993 -0.09603080284230595 0.2869170599133325 0.4060191334804965 0.7230055489003199 0.7456806025424122 1.1607708051698842 1.2815496461744107 1.0961540186968586 1.303540847130118 1.1449318030186977 1.061673967160941 0.7375547300768148 +23631,0.6211985962189991,0,-0.10872264174095023 -0.20509806872178418 -0.23925252954940446 -0.35636827878769056 -0.4112630615631916 -0.10622038889836538 -0.2810943235904993 -0.09603080284230595 0.2869170599133325 0.4060191334804965 0.7230055489003199 0.7456806025424122 1.1607708051698842 1.2815496461744107 1.0961540186968586 1.303540847130118 1.1449318030186977 1.061673967160941 0.7375547300768148 0.7375547300768148 +23632,0.39131517378085107,0,-0.20509806872178418 -0.23925252954940446 -0.35636827878769056 -0.4112630615631916 -0.10622038889836538 -0.2810943235904993 -0.09603080284230595 0.2869170599133325 0.4060191334804965 0.7230055489003199 0.7456806025424122 1.1607708051698842 1.2815496461744107 1.0961540186968586 1.303540847130118 1.1449318030186977 1.061673967160941 0.7375547300768148 0.7375547300768148 0.6211985962189991 +23633,0.2040331607642507,0,-0.23925252954940446 -0.35636827878769056 -0.4112630615631916 -0.10622038889836538 -0.2810943235904993 -0.09603080284230595 0.2869170599133325 0.4060191334804965 0.7230055489003199 0.7456806025424122 1.1607708051698842 1.2815496461744107 1.0961540186968586 1.303540847130118 1.1449318030186977 1.061673967160941 0.7375547300768148 0.7375547300768148 0.6211985962189991 0.39131517378085107 +23634,0.14939634209081307,0,-0.35636827878769056 -0.4112630615631916 -0.10622038889836538 -0.2810943235904993 -0.09603080284230595 0.2869170599133325 0.4060191334804965 0.7230055489003199 0.7456806025424122 1.1607708051698842 1.2815496461744107 1.0961540186968586 1.303540847130118 1.1449318030186977 1.061673967160941 0.7375547300768148 0.7375547300768148 0.6211985962189991 0.39131517378085107 0.2040331607642507 +23635,-0.08210073575842208,0,-0.4112630615631916 -0.10622038889836538 -0.2810943235904993 -0.09603080284230595 0.2869170599133325 0.4060191334804965 0.7230055489003199 0.7456806025424122 1.1607708051698842 1.2815496461744107 1.0961540186968586 1.303540847130118 1.1449318030186977 1.061673967160941 0.7375547300768148 0.7375547300768148 0.6211985962189991 0.39131517378085107 0.2040331607642507 0.14939634209081307 +23636,-0.18095261910972643,0,-0.10622038889836538 -0.2810943235904993 -0.09603080284230595 0.2869170599133325 0.4060191334804965 0.7230055489003199 0.7456806025424122 1.1607708051698842 1.2815496461744107 1.0961540186968586 1.303540847130118 1.1449318030186977 1.061673967160941 0.7375547300768148 0.7375547300768148 0.6211985962189991 0.39131517378085107 0.2040331607642507 0.14939634209081307 -0.08210073575842208 +23637,-0.1942119793115297,0,-0.2810943235904993 -0.09603080284230595 0.2869170599133325 0.4060191334804965 0.7230055489003199 0.7456806025424122 1.1607708051698842 1.2815496461744107 1.0961540186968586 1.303540847130118 1.1449318030186977 1.061673967160941 0.7375547300768148 0.7375547300768148 0.6211985962189991 0.39131517378085107 0.2040331607642507 0.14939634209081307 -0.08210073575842208 -0.18095261910972643 +23638,-0.3215947038674505,0,-0.09603080284230595 0.2869170599133325 0.4060191334804965 0.7230055489003199 0.7456806025424122 1.1607708051698842 1.2815496461744107 1.0961540186968586 1.303540847130118 1.1449318030186977 1.061673967160941 0.7375547300768148 0.7375547300768148 0.6211985962189991 0.39131517378085107 0.2040331607642507 0.14939634209081307 -0.08210073575842208 -0.18095261910972643 -0.1942119793115297 +23639,-0.3633849051190845,0,0.2869170599133325 0.4060191334804965 0.7230055489003199 0.7456806025424122 1.1607708051698842 1.2815496461744107 1.0961540186968586 1.303540847130118 1.1449318030186977 1.061673967160941 0.7375547300768148 0.7375547300768148 0.6211985962189991 0.39131517378085107 0.2040331607642507 0.14939634209081307 -0.08210073575842208 -0.18095261910972643 -0.1942119793115297 -0.3215947038674505 +23640,-0.22114344234035893,0,0.4060191334804965 0.7230055489003199 0.7456806025424122 1.1607708051698842 1.2815496461744107 1.0961540186968586 1.303540847130118 1.1449318030186977 1.061673967160941 0.7375547300768148 0.7375547300768148 0.6211985962189991 0.39131517378085107 0.2040331607642507 0.14939634209081307 -0.08210073575842208 -0.18095261910972643 -0.1942119793115297 -0.3215947038674505 -0.3633849051190845 +23641,-0.32427753155052347,0,0.7230055489003199 0.7456806025424122 1.1607708051698842 1.2815496461744107 1.0961540186968586 1.303540847130118 1.1449318030186977 1.061673967160941 0.7375547300768148 0.7375547300768148 0.6211985962189991 0.39131517378085107 0.2040331607642507 0.14939634209081307 -0.08210073575842208 -0.18095261910972643 -0.1942119793115297 -0.3215947038674505 -0.3633849051190845 -0.22114344234035893 +23642,-0.24337995688511407,0,0.7456806025424122 1.1607708051698842 1.2815496461744107 1.0961540186968586 1.303540847130118 1.1449318030186977 1.061673967160941 0.7375547300768148 0.7375547300768148 0.6211985962189991 0.39131517378085107 0.2040331607642507 0.14939634209081307 -0.08210073575842208 -0.18095261910972643 -0.1942119793115297 -0.3215947038674505 -0.3633849051190845 -0.22114344234035893 -0.32427753155052347 +23643,0.10644530191552352,0,1.1607708051698842 1.2815496461744107 1.0961540186968586 1.303540847130118 1.1449318030186977 1.061673967160941 0.7375547300768148 0.7375547300768148 0.6211985962189991 0.39131517378085107 0.2040331607642507 0.14939634209081307 -0.08210073575842208 -0.18095261910972643 -0.1942119793115297 -0.3215947038674505 -0.3633849051190845 -0.22114344234035893 -0.32427753155052347 -0.24337995688511407 +23644,0.09770031535731506,0,1.2815496461744107 1.0961540186968586 1.303540847130118 1.1449318030186977 1.061673967160941 0.7375547300768148 0.7375547300768148 0.6211985962189991 0.39131517378085107 0.2040331607642507 0.14939634209081307 -0.08210073575842208 -0.18095261910972643 -0.1942119793115297 -0.3215947038674505 -0.3633849051190845 -0.22114344234035893 -0.32427753155052347 -0.24337995688511407 0.10644530191552352 +23645,0.3578830127795403,0,1.0961540186968586 1.303540847130118 1.1449318030186977 1.061673967160941 0.7375547300768148 0.7375547300768148 0.6211985962189991 0.39131517378085107 0.2040331607642507 0.14939634209081307 -0.08210073575842208 -0.18095261910972643 -0.1942119793115297 -0.3215947038674505 -0.3633849051190845 -0.22114344234035893 -0.32427753155052347 -0.24337995688511407 0.10644530191552352 0.09770031535731506 +23646,0.5396703882241554,0,1.303540847130118 1.1449318030186977 1.061673967160941 0.7375547300768148 0.7375547300768148 0.6211985962189991 0.39131517378085107 0.2040331607642507 0.14939634209081307 -0.08210073575842208 -0.18095261910972643 -0.1942119793115297 -0.3215947038674505 -0.3633849051190845 -0.22114344234035893 -0.32427753155052347 -0.24337995688511407 0.10644530191552352 0.09770031535731506 0.3578830127795403 +23647,0.825984859587325,0,1.1449318030186977 1.061673967160941 0.7375547300768148 0.7375547300768148 0.6211985962189991 0.39131517378085107 0.2040331607642507 0.14939634209081307 -0.08210073575842208 -0.18095261910972643 -0.1942119793115297 -0.3215947038674505 -0.3633849051190845 -0.22114344234035893 -0.32427753155052347 -0.24337995688511407 0.10644530191552352 0.09770031535731506 0.3578830127795403 0.5396703882241554 +23648,1.0339040091276703,0,1.061673967160941 0.7375547300768148 0.7375547300768148 0.6211985962189991 0.39131517378085107 0.2040331607642507 0.14939634209081307 -0.08210073575842208 -0.18095261910972643 -0.1942119793115297 -0.3215947038674505 -0.3633849051190845 -0.22114344234035893 -0.32427753155052347 -0.24337995688511407 0.10644530191552352 0.09770031535731506 0.3578830127795403 0.5396703882241554 0.825984859587325 +23649,0.8828143740570464,0,0.7375547300768148 0.7375547300768148 0.6211985962189991 0.39131517378085107 0.2040331607642507 0.14939634209081307 -0.08210073575842208 -0.18095261910972643 -0.1942119793115297 -0.3215947038674505 -0.3633849051190845 -0.22114344234035893 -0.32427753155052347 -0.24337995688511407 0.10644530191552352 0.09770031535731506 0.3578830127795403 0.5396703882241554 0.825984859587325 1.0339040091276703 +23650,1.210403118312929,0,0.7375547300768148 0.6211985962189991 0.39131517378085107 0.2040331607642507 0.14939634209081307 -0.08210073575842208 -0.18095261910972643 -0.1942119793115297 -0.3215947038674505 -0.3633849051190845 -0.22114344234035893 -0.32427753155052347 -0.24337995688511407 0.10644530191552352 0.09770031535731506 0.3578830127795403 0.5396703882241554 0.825984859587325 1.0339040091276703 0.8828143740570464 +23651,1.1789830781126194,0,0.6211985962189991 0.39131517378085107 0.2040331607642507 0.14939634209081307 -0.08210073575842208 -0.18095261910972643 -0.1942119793115297 -0.3215947038674505 -0.3633849051190845 -0.22114344234035893 -0.32427753155052347 -0.24337995688511407 0.10644530191552352 0.09770031535731506 0.3578830127795403 0.5396703882241554 0.825984859587325 1.0339040091276703 0.8828143740570464 1.210403118312929 +23652,0.8810376913561875,0,0.39131517378085107 0.2040331607642507 0.14939634209081307 -0.08210073575842208 -0.18095261910972643 -0.1942119793115297 -0.3215947038674505 -0.3633849051190845 -0.22114344234035893 -0.32427753155052347 -0.24337995688511407 0.10644530191552352 0.09770031535731506 0.3578830127795403 0.5396703882241554 0.825984859587325 1.0339040091276703 0.8828143740570464 1.210403118312929 1.1789830781126194 +23653,0.9181937276619015,0,0.2040331607642507 0.14939634209081307 -0.08210073575842208 -0.18095261910972643 -0.1942119793115297 -0.3215947038674505 -0.3633849051190845 -0.22114344234035893 -0.32427753155052347 -0.24337995688511407 0.10644530191552352 0.09770031535731506 0.3578830127795403 0.5396703882241554 0.825984859587325 1.0339040091276703 0.8828143740570464 1.210403118312929 1.1789830781126194 0.8810376913561875 +23654,0.5872647840940758,0,0.14939634209081307 -0.08210073575842208 -0.18095261910972643 -0.1942119793115297 -0.3215947038674505 -0.3633849051190845 -0.22114344234035893 -0.32427753155052347 -0.24337995688511407 0.10644530191552352 0.09770031535731506 0.3578830127795403 0.5396703882241554 0.825984859587325 1.0339040091276703 0.8828143740570464 1.210403118312929 1.1789830781126194 0.8810376913561875 0.9181937276619015 +23655,0.4455828517129255,0,-0.08210073575842208 -0.18095261910972643 -0.1942119793115297 -0.3215947038674505 -0.3633849051190845 -0.22114344234035893 -0.32427753155052347 -0.24337995688511407 0.10644530191552352 0.09770031535731506 0.3578830127795403 0.5396703882241554 0.825984859587325 1.0339040091276703 0.8828143740570464 1.210403118312929 1.1789830781126194 0.8810376913561875 0.9181937276619015 0.5872647840940758 +23656,0.052814543642590854,0,-0.18095261910972643 -0.1942119793115297 -0.3215947038674505 -0.3633849051190845 -0.22114344234035893 -0.32427753155052347 -0.24337995688511407 0.10644530191552352 0.09770031535731506 0.3578830127795403 0.5396703882241554 0.825984859587325 1.0339040091276703 0.8828143740570464 1.210403118312929 1.1789830781126194 0.8810376913561875 0.9181937276619015 0.5872647840940758 0.4455828517129255 +23657,0.02226036499218277,0,-0.1942119793115297 -0.3215947038674505 -0.3633849051190845 -0.22114344234035893 -0.32427753155052347 -0.24337995688511407 0.10644530191552352 0.09770031535731506 0.3578830127795403 0.5396703882241554 0.825984859587325 1.0339040091276703 0.8828143740570464 1.210403118312929 1.1789830781126194 0.8810376913561875 0.9181937276619015 0.5872647840940758 0.4455828517129255 0.052814543642590854 +23658,-0.06614621821638522,0,-0.3215947038674505 -0.3633849051190845 -0.22114344234035893 -0.32427753155052347 -0.24337995688511407 0.10644530191552352 0.09770031535731506 0.3578830127795403 0.5396703882241554 0.825984859587325 1.0339040091276703 0.8828143740570464 1.210403118312929 1.1789830781126194 0.8810376913561875 0.9181937276619015 0.5872647840940758 0.4455828517129255 0.052814543642590854 0.02226036499218277 +23659,-0.13369357675823035,0,-0.3633849051190845 -0.22114344234035893 -0.32427753155052347 -0.24337995688511407 0.10644530191552352 0.09770031535731506 0.3578830127795403 0.5396703882241554 0.825984859587325 1.0339040091276703 0.8828143740570464 1.210403118312929 1.1789830781126194 0.8810376913561875 0.9181937276619015 0.5872647840940758 0.4455828517129255 0.052814543642590854 0.02226036499218277 -0.06614621821638522 +23660,-0.22253644904874909,0,-0.22114344234035893 -0.32427753155052347 -0.24337995688511407 0.10644530191552352 0.09770031535731506 0.3578830127795403 0.5396703882241554 0.825984859587325 1.0339040091276703 0.8828143740570464 1.210403118312929 1.1789830781126194 0.8810376913561875 0.9181937276619015 0.5872647840940758 0.4455828517129255 0.052814543642590854 0.02226036499218277 -0.06614621821638522 -0.13369357675823035 +23661,-0.2634753684230375,0,-0.32427753155052347 -0.24337995688511407 0.10644530191552352 0.09770031535731506 0.3578830127795403 0.5396703882241554 0.825984859587325 1.0339040091276703 0.8828143740570464 1.210403118312929 1.1789830781126194 0.8810376913561875 0.9181937276619015 0.5872647840940758 0.4455828517129255 0.052814543642590854 0.02226036499218277 -0.06614621821638522 -0.13369357675823035 -0.22253644904874909 +23662,-0.3682862250705645,0,-0.24337995688511407 0.10644530191552352 0.09770031535731506 0.3578830127795403 0.5396703882241554 0.825984859587325 1.0339040091276703 0.8828143740570464 1.210403118312929 1.1789830781126194 0.8810376913561875 0.9181937276619015 0.5872647840940758 0.4455828517129255 0.052814543642590854 0.02226036499218277 -0.06614621821638522 -0.13369357675823035 -0.22253644904874909 -0.2634753684230375 +23663,-0.4251931286470667,0,0.10644530191552352 0.09770031535731506 0.3578830127795403 0.5396703882241554 0.825984859587325 1.0339040091276703 0.8828143740570464 1.210403118312929 1.1789830781126194 0.8810376913561875 0.9181937276619015 0.5872647840940758 0.4455828517129255 0.052814543642590854 0.02226036499218277 -0.06614621821638522 -0.13369357675823035 -0.22253644904874909 -0.2634753684230375 -0.3682862250705645 +23664,-0.08741479833512479,0,0.09770031535731506 0.3578830127795403 0.5396703882241554 0.825984859587325 1.0339040091276703 0.8828143740570464 1.210403118312929 1.1789830781126194 0.8810376913561875 0.9181937276619015 0.5872647840940758 0.4455828517129255 0.052814543642590854 0.02226036499218277 -0.06614621821638522 -0.13369357675823035 -0.22253644904874909 -0.2634753684230375 -0.3682862250705645 -0.4251931286470667 +23665,-0.2758834467474951,0,0.3578830127795403 0.5396703882241554 0.825984859587325 1.0339040091276703 0.8828143740570464 1.210403118312929 1.1789830781126194 0.8810376913561875 0.9181937276619015 0.5872647840940758 0.4455828517129255 0.052814543642590854 0.02226036499218277 -0.06614621821638522 -0.13369357675823035 -0.22253644904874909 -0.2634753684230375 -0.3682862250705645 -0.4251931286470667 -0.08741479833512479 +23666,-0.06966686096185,0,0.5396703882241554 0.825984859587325 1.0339040091276703 0.8828143740570464 1.210403118312929 1.1789830781126194 0.8810376913561875 0.9181937276619015 0.5872647840940758 0.4455828517129255 0.052814543642590854 0.02226036499218277 -0.06614621821638522 -0.13369357675823035 -0.22253644904874909 -0.2634753684230375 -0.3682862250705645 -0.4251931286470667 -0.08741479833512479 -0.2758834467474951 +23667,0.28002941563296585,0,0.825984859587325 1.0339040091276703 0.8828143740570464 1.210403118312929 1.1789830781126194 0.8810376913561875 0.9181937276619015 0.5872647840940758 0.4455828517129255 0.052814543642590854 0.02226036499218277 -0.06614621821638522 -0.13369357675823035 -0.22253644904874909 -0.2634753684230375 -0.3682862250705645 -0.4251931286470667 -0.08741479833512479 -0.2758834467474951 -0.06966686096185 +23668,0.4384194376091878,0,1.0339040091276703 0.8828143740570464 1.210403118312929 1.1789830781126194 0.8810376913561875 0.9181937276619015 0.5872647840940758 0.4455828517129255 0.052814543642590854 0.02226036499218277 -0.06614621821638522 -0.13369357675823035 -0.22253644904874909 -0.2634753684230375 -0.3682862250705645 -0.4251931286470667 -0.08741479833512479 -0.2758834467474951 -0.06966686096185 0.28002941563296585 +23669,0.7402891507041343,0,0.8828143740570464 1.210403118312929 1.1789830781126194 0.8810376913561875 0.9181937276619015 0.5872647840940758 0.4455828517129255 0.052814543642590854 0.02226036499218277 -0.06614621821638522 -0.13369357675823035 -0.22253644904874909 -0.2634753684230375 -0.3682862250705645 -0.4251931286470667 -0.08741479833512479 -0.2758834467474951 -0.06966686096185 0.28002941563296585 0.4384194376091878 +23670,0.8503108841946566,0,1.210403118312929 1.1789830781126194 0.8810376913561875 0.9181937276619015 0.5872647840940758 0.4455828517129255 0.052814543642590854 0.02226036499218277 -0.06614621821638522 -0.13369357675823035 -0.22253644904874909 -0.2634753684230375 -0.3682862250705645 -0.4251931286470667 -0.08741479833512479 -0.2758834467474951 -0.06966686096185 0.28002941563296585 0.4384194376091878 0.7402891507041343 +23671,1.2161299236696312,0,1.1789830781126194 0.8810376913561875 0.9181937276619015 0.5872647840940758 0.4455828517129255 0.052814543642590854 0.02226036499218277 -0.06614621821638522 -0.13369357675823035 -0.22253644904874909 -0.2634753684230375 -0.3682862250705645 -0.4251931286470667 -0.08741479833512479 -0.2758834467474951 -0.06966686096185 0.28002941563296585 0.4384194376091878 0.7402891507041343 0.8503108841946566 +23672,1.3901009836949676,0,0.8810376913561875 0.9181937276619015 0.5872647840940758 0.4455828517129255 0.052814543642590854 0.02226036499218277 -0.06614621821638522 -0.13369357675823035 -0.22253644904874909 -0.2634753684230375 -0.3682862250705645 -0.4251931286470667 -0.08741479833512479 -0.2758834467474951 -0.06966686096185 0.28002941563296585 0.4384194376091878 0.7402891507041343 0.8503108841946566 1.2161299236696312 +23673,1.282375131579633,0,0.9181937276619015 0.5872647840940758 0.4455828517129255 0.052814543642590854 0.02226036499218277 -0.06614621821638522 -0.13369357675823035 -0.22253644904874909 -0.2634753684230375 -0.3682862250705645 -0.4251931286470667 -0.08741479833512479 -0.2758834467474951 -0.06966686096185 0.28002941563296585 0.4384194376091878 0.7402891507041343 0.8503108841946566 1.2161299236696312 1.3901009836949676 +23674,1.5502451623701186,0,0.5872647840940758 0.4455828517129255 0.052814543642590854 0.02226036499218277 -0.06614621821638522 -0.13369357675823035 -0.22253644904874909 -0.2634753684230375 -0.3682862250705645 -0.4251931286470667 -0.08741479833512479 -0.2758834467474951 -0.06966686096185 0.28002941563296585 0.4384194376091878 0.7402891507041343 0.8503108841946566 1.2161299236696312 1.3901009836949676 1.282375131579633 +23675,1.5364182808651563,0,0.4455828517129255 0.052814543642590854 0.02226036499218277 -0.06614621821638522 -0.13369357675823035 -0.22253644904874909 -0.2634753684230375 -0.3682862250705645 -0.4251931286470667 -0.08741479833512479 -0.2758834467474951 -0.06966686096185 0.28002941563296585 0.4384194376091878 0.7402891507041343 0.8503108841946566 1.2161299236696312 1.3901009836949676 1.282375131579633 1.5502451623701186 +23676,1.0633887548590621,0,0.052814543642590854 0.02226036499218277 -0.06614621821638522 -0.13369357675823035 -0.22253644904874909 -0.2634753684230375 -0.3682862250705645 -0.4251931286470667 -0.08741479833512479 -0.2758834467474951 -0.06966686096185 0.28002941563296585 0.4384194376091878 0.7402891507041343 0.8503108841946566 1.2161299236696312 1.3901009836949676 1.282375131579633 1.5502451623701186 1.5364182808651563 +23677,0.807669401065677,0,0.02226036499218277 -0.06614621821638522 -0.13369357675823035 -0.22253644904874909 -0.2634753684230375 -0.3682862250705645 -0.4251931286470667 -0.08741479833512479 -0.2758834467474951 -0.06966686096185 0.28002941563296585 0.4384194376091878 0.7402891507041343 0.8503108841946566 1.2161299236696312 1.3901009836949676 1.282375131579633 1.5502451623701186 1.5364182808651563 1.0633887548590621 +23678,0.7975572432753817,0,-0.06614621821638522 -0.13369357675823035 -0.22253644904874909 -0.2634753684230375 -0.3682862250705645 -0.4251931286470667 -0.08741479833512479 -0.2758834467474951 -0.06966686096185 0.28002941563296585 0.4384194376091878 0.7402891507041343 0.8503108841946566 1.2161299236696312 1.3901009836949676 1.282375131579633 1.5502451623701186 1.5364182808651563 1.0633887548590621 0.807669401065677 +23679,0.5264255077079749,0,-0.13369357675823035 -0.22253644904874909 -0.2634753684230375 -0.3682862250705645 -0.4251931286470667 -0.08741479833512479 -0.2758834467474951 -0.06966686096185 0.28002941563296585 0.4384194376091878 0.7402891507041343 0.8503108841946566 1.2161299236696312 1.3901009836949676 1.282375131579633 1.5502451623701186 1.5364182808651563 1.0633887548590621 0.807669401065677 0.7975572432753817 +23680,0.5011563324308765,0,-0.22253644904874909 -0.2634753684230375 -0.3682862250705645 -0.4251931286470667 -0.08741479833512479 -0.2758834467474951 -0.06966686096185 0.28002941563296585 0.4384194376091878 0.7402891507041343 0.8503108841946566 1.2161299236696312 1.3901009836949676 1.282375131579633 1.5502451623701186 1.5364182808651563 1.0633887548590621 0.807669401065677 0.7975572432753817 0.5264255077079749 +23681,0.2263728608879187,0,-0.2634753684230375 -0.3682862250705645 -0.4251931286470667 -0.08741479833512479 -0.2758834467474951 -0.06966686096185 0.28002941563296585 0.4384194376091878 0.7402891507041343 0.8503108841946566 1.2161299236696312 1.3901009836949676 1.282375131579633 1.5502451623701186 1.5364182808651563 1.0633887548590621 0.807669401065677 0.7975572432753817 0.5264255077079749 0.5011563324308765 +23682,0.19226999300452735,0,-0.3682862250705645 -0.4251931286470667 -0.08741479833512479 -0.2758834467474951 -0.06966686096185 0.28002941563296585 0.4384194376091878 0.7402891507041343 0.8503108841946566 1.2161299236696312 1.3901009836949676 1.282375131579633 1.5502451623701186 1.5364182808651563 1.0633887548590621 0.807669401065677 0.7975572432753817 0.5264255077079749 0.5011563324308765 0.2263728608879187 +23683,-0.16274034632176806,0,-0.4251931286470667 -0.08741479833512479 -0.2758834467474951 -0.06966686096185 0.28002941563296585 0.4384194376091878 0.7402891507041343 0.8503108841946566 1.2161299236696312 1.3901009836949676 1.282375131579633 1.5502451623701186 1.5364182808651563 1.0633887548590621 0.807669401065677 0.7975572432753817 0.5264255077079749 0.5011563324308765 0.2263728608879187 0.19226999300452735 +23684,-0.2770700819884882,0,-0.08741479833512479 -0.2758834467474951 -0.06966686096185 0.28002941563296585 0.4384194376091878 0.7402891507041343 0.8503108841946566 1.2161299236696312 1.3901009836949676 1.282375131579633 1.5502451623701186 1.5364182808651563 1.0633887548590621 0.807669401065677 0.7975572432753817 0.5264255077079749 0.5011563324308765 0.2263728608879187 0.19226999300452735 -0.16274034632176806 +23685,-0.32027908642063563,0,-0.2758834467474951 -0.06966686096185 0.28002941563296585 0.4384194376091878 0.7402891507041343 0.8503108841946566 1.2161299236696312 1.3901009836949676 1.282375131579633 1.5502451623701186 1.5364182808651563 1.0633887548590621 0.807669401065677 0.7975572432753817 0.5264255077079749 0.5011563324308765 0.2263728608879187 0.19226999300452735 -0.16274034632176806 -0.2770700819884882 +23686,-0.45831573260206754,0,-0.06966686096185 0.28002941563296585 0.4384194376091878 0.7402891507041343 0.8503108841946566 1.2161299236696312 1.3901009836949676 1.282375131579633 1.5502451623701186 1.5364182808651563 1.0633887548590621 0.807669401065677 0.7975572432753817 0.5264255077079749 0.5011563324308765 0.2263728608879187 0.19226999300452735 -0.16274034632176806 -0.2770700819884882 -0.32027908642063563 +23687,-0.5252316475489267,0,0.28002941563296585 0.4384194376091878 0.7402891507041343 0.8503108841946566 1.2161299236696312 1.3901009836949676 1.282375131579633 1.5502451623701186 1.5364182808651563 1.0633887548590621 0.807669401065677 0.7975572432753817 0.5264255077079749 0.5011563324308765 0.2263728608879187 0.19226999300452735 -0.16274034632176806 -0.2770700819884882 -0.32027908642063563 -0.45831573260206754 +23688,-0.050345342039688136,0,0.4384194376091878 0.7402891507041343 0.8503108841946566 1.2161299236696312 1.3901009836949676 1.282375131579633 1.5502451623701186 1.5364182808651563 1.0633887548590621 0.807669401065677 0.7975572432753817 0.5264255077079749 0.5011563324308765 0.2263728608879187 0.19226999300452735 -0.16274034632176806 -0.2770700819884882 -0.32027908642063563 -0.45831573260206754 -0.5252316475489267 +23689,-0.2978619970353924,0,0.7402891507041343 0.8503108841946566 1.2161299236696312 1.3901009836949676 1.282375131579633 1.5502451623701186 1.5364182808651563 1.0633887548590621 0.807669401065677 0.7975572432753817 0.5264255077079749 0.5011563324308765 0.2263728608879187 0.19226999300452735 -0.16274034632176806 -0.2770700819884882 -0.32027908642063563 -0.45831573260206754 -0.5252316475489267 -0.050345342039688136 +23690,-0.0035764315749988664,0,0.8503108841946566 1.2161299236696312 1.3901009836949676 1.282375131579633 1.5502451623701186 1.5364182808651563 1.0633887548590621 0.807669401065677 0.7975572432753817 0.5264255077079749 0.5011563324308765 0.2263728608879187 0.19226999300452735 -0.16274034632176806 -0.2770700819884882 -0.32027908642063563 -0.45831573260206754 -0.5252316475489267 -0.050345342039688136 -0.2978619970353924 +23691,0.38767787848672514,0,1.2161299236696312 1.3901009836949676 1.282375131579633 1.5502451623701186 1.5364182808651563 1.0633887548590621 0.807669401065677 0.7975572432753817 0.5264255077079749 0.5011563324308765 0.2263728608879187 0.19226999300452735 -0.16274034632176806 -0.2770700819884882 -0.32027908642063563 -0.45831573260206754 -0.5252316475489267 -0.050345342039688136 -0.2978619970353924 -0.0035764315749988664 +23692,0.6496405289252257,0,1.3901009836949676 1.282375131579633 1.5502451623701186 1.5364182808651563 1.0633887548590621 0.807669401065677 0.7975572432753817 0.5264255077079749 0.5011563324308765 0.2263728608879187 0.19226999300452735 -0.16274034632176806 -0.2770700819884882 -0.32027908642063563 -0.45831573260206754 -0.5252316475489267 -0.050345342039688136 -0.2978619970353924 -0.0035764315749988664 0.38767787848672514 +23693,1.0085719241198425,0,1.282375131579633 1.5502451623701186 1.5364182808651563 1.0633887548590621 0.807669401065677 0.7975572432753817 0.5264255077079749 0.5011563324308765 0.2263728608879187 0.19226999300452735 -0.16274034632176806 -0.2770700819884882 -0.32027908642063563 -0.45831573260206754 -0.5252316475489267 -0.050345342039688136 -0.2978619970353924 -0.0035764315749988664 0.38767787848672514 0.6496405289252257 +23694,1.0465700515542,0,1.5502451623701186 1.5364182808651563 1.0633887548590621 0.807669401065677 0.7975572432753817 0.5264255077079749 0.5011563324308765 0.2263728608879187 0.19226999300452735 -0.16274034632176806 -0.2770700819884882 -0.32027908642063563 -0.45831573260206754 -0.5252316475489267 -0.050345342039688136 -0.2978619970353924 -0.0035764315749988664 0.38767787848672514 0.6496405289252257 1.0085719241198425 +23695,1.5124792027204867,0,1.5364182808651563 1.0633887548590621 0.807669401065677 0.7975572432753817 0.5264255077079749 0.5011563324308765 0.2263728608879187 0.19226999300452735 -0.16274034632176806 -0.2770700819884882 -0.32027908642063563 -0.45831573260206754 -0.5252316475489267 -0.050345342039688136 -0.2978619970353924 -0.0035764315749988664 0.38767787848672514 0.6496405289252257 1.0085719241198425 1.0465700515542 +23696,1.657455085971746,0,1.0633887548590621 0.807669401065677 0.7975572432753817 0.5264255077079749 0.5011563324308765 0.2263728608879187 0.19226999300452735 -0.16274034632176806 -0.2770700819884882 -0.32027908642063563 -0.45831573260206754 -0.5252316475489267 -0.050345342039688136 -0.2978619970353924 -0.0035764315749988664 0.38767787848672514 0.6496405289252257 1.0085719241198425 1.0465700515542 1.5124792027204867 +23697,1.5473559632196485,0,0.807669401065677 0.7975572432753817 0.5264255077079749 0.5011563324308765 0.2263728608879187 0.19226999300452735 -0.16274034632176806 -0.2770700819884882 -0.32027908642063563 -0.45831573260206754 -0.5252316475489267 -0.050345342039688136 -0.2978619970353924 -0.0035764315749988664 0.38767787848672514 0.6496405289252257 1.0085719241198425 1.0465700515542 1.5124792027204867 1.657455085971746 +23698,1.7773568486268037,0,0.7975572432753817 0.5264255077079749 0.5011563324308765 0.2263728608879187 0.19226999300452735 -0.16274034632176806 -0.2770700819884882 -0.32027908642063563 -0.45831573260206754 -0.5252316475489267 -0.050345342039688136 -0.2978619970353924 -0.0035764315749988664 0.38767787848672514 0.6496405289252257 1.0085719241198425 1.0465700515542 1.5124792027204867 1.657455085971746 1.5473559632196485 +23699,1.752282727875825,0,0.5264255077079749 0.5011563324308765 0.2263728608879187 0.19226999300452735 -0.16274034632176806 -0.2770700819884882 -0.32027908642063563 -0.45831573260206754 -0.5252316475489267 -0.050345342039688136 -0.2978619970353924 -0.0035764315749988664 0.38767787848672514 0.6496405289252257 1.0085719241198425 1.0465700515542 1.5124792027204867 1.657455085971746 1.5473559632196485 1.7773568486268037 +23700,1.3435126482255522,0,0.5011563324308765 0.2263728608879187 0.19226999300452735 -0.16274034632176806 -0.2770700819884882 -0.32027908642063563 -0.45831573260206754 -0.5252316475489267 -0.050345342039688136 -0.2978619970353924 -0.0035764315749988664 0.38767787848672514 0.6496405289252257 1.0085719241198425 1.0465700515542 1.5124792027204867 1.657455085971746 1.5473559632196485 1.7773568486268037 1.752282727875825 +23701,1.4463371803894067,0,0.2263728608879187 0.19226999300452735 -0.16274034632176806 -0.2770700819884882 -0.32027908642063563 -0.45831573260206754 -0.5252316475489267 -0.050345342039688136 -0.2978619970353924 -0.0035764315749988664 0.38767787848672514 0.6496405289252257 1.0085719241198425 1.0465700515542 1.5124792027204867 1.657455085971746 1.5473559632196485 1.7773568486268037 1.752282727875825 1.3435126482255522 +23702,1.1654657538087527,0,0.19226999300452735 -0.16274034632176806 -0.2770700819884882 -0.32027908642063563 -0.45831573260206754 -0.5252316475489267 -0.050345342039688136 -0.2978619970353924 -0.0035764315749988664 0.38767787848672514 0.6496405289252257 1.0085719241198425 1.0465700515542 1.5124792027204867 1.657455085971746 1.5473559632196485 1.7773568486268037 1.752282727875825 1.3435126482255522 1.4463371803894067 +23703,0.841101562066979,0,-0.16274034632176806 -0.2770700819884882 -0.32027908642063563 -0.45831573260206754 -0.5252316475489267 -0.050345342039688136 -0.2978619970353924 -0.0035764315749988664 0.38767787848672514 0.6496405289252257 1.0085719241198425 1.0465700515542 1.5124792027204867 1.657455085971746 1.5473559632196485 1.7773568486268037 1.752282727875825 1.3435126482255522 1.4463371803894067 1.1654657538087527 +23704,0.5747277237185909,0,-0.2770700819884882 -0.32027908642063563 -0.45831573260206754 -0.5252316475489267 -0.050345342039688136 -0.2978619970353924 -0.0035764315749988664 0.38767787848672514 0.6496405289252257 1.0085719241198425 1.0465700515542 1.5124792027204867 1.657455085971746 1.5473559632196485 1.7773568486268037 1.752282727875825 1.3435126482255522 1.4463371803894067 1.1654657538087527 0.841101562066979 +23705,0.26486112036385995,0,-0.32027908642063563 -0.45831573260206754 -0.5252316475489267 -0.050345342039688136 -0.2978619970353924 -0.0035764315749988664 0.38767787848672514 0.6496405289252257 1.0085719241198425 1.0465700515542 1.5124792027204867 1.657455085971746 1.5473559632196485 1.7773568486268037 1.752282727875825 1.3435126482255522 1.4463371803894067 1.1654657538087527 0.841101562066979 0.5747277237185909 +23706,0.22539259695953698,0,-0.45831573260206754 -0.5252316475489267 -0.050345342039688136 -0.2978619970353924 -0.0035764315749988664 0.38767787848672514 0.6496405289252257 1.0085719241198425 1.0465700515542 1.5124792027204867 1.657455085971746 1.5473559632196485 1.7773568486268037 1.752282727875825 1.3435126482255522 1.4463371803894067 1.1654657538087527 0.841101562066979 0.5747277237185909 0.26486112036385995 +23707,-0.1746066996604043,0,-0.5252316475489267 -0.050345342039688136 -0.2978619970353924 -0.0035764315749988664 0.38767787848672514 0.6496405289252257 1.0085719241198425 1.0465700515542 1.5124792027204867 1.657455085971746 1.5473559632196485 1.7773568486268037 1.752282727875825 1.3435126482255522 1.4463371803894067 1.1654657538087527 0.841101562066979 0.5747277237185909 0.26486112036385995 0.22539259695953698 +23708,-0.3042079164847145,0,-0.050345342039688136 -0.2978619970353924 -0.0035764315749988664 0.38767787848672514 0.6496405289252257 1.0085719241198425 1.0465700515542 1.5124792027204867 1.657455085971746 1.5473559632196485 1.7773568486268037 1.752282727875825 1.3435126482255522 1.4463371803894067 1.1654657538087527 0.841101562066979 0.5747277237185909 0.26486112036385995 0.22539259695953698 -0.1746066996604043 +23709,-0.34303152932430325,0,-0.2978619970353924 -0.0035764315749988664 0.38767787848672514 0.6496405289252257 1.0085719241198425 1.0465700515542 1.5124792027204867 1.657455085971746 1.5473559632196485 1.7773568486268037 1.752282727875825 1.3435126482255522 1.4463371803894067 1.1654657538087527 0.841101562066979 0.5747277237185909 0.26486112036385995 0.22539259695953698 -0.1746066996604043 -0.3042079164847145 +23710,-0.5028919472704818,0,-0.0035764315749988664 0.38767787848672514 0.6496405289252257 1.0085719241198425 1.0465700515542 1.5124792027204867 1.657455085971746 1.5473559632196485 1.7773568486268037 1.752282727875825 1.3435126482255522 1.4463371803894067 1.1654657538087527 0.841101562066979 0.5747277237185909 0.26486112036385995 0.22539259695953698 -0.1746066996604043 -0.3042079164847145 -0.34303152932430325 +23711,-0.5719747615415015,0,0.38767787848672514 0.6496405289252257 1.0085719241198425 1.0465700515542 1.5124792027204867 1.657455085971746 1.5473559632196485 1.7773568486268037 1.752282727875825 1.3435126482255522 1.4463371803894067 1.1654657538087527 0.841101562066979 0.5747277237185909 0.26486112036385995 0.22539259695953698 -0.1746066996604043 -0.3042079164847145 -0.34303152932430325 -0.5028919472704818 +23712,0.016054644393464094,0,0.6496405289252257 1.0085719241198425 1.0465700515542 1.5124792027204867 1.657455085971746 1.5473559632196485 1.7773568486268037 1.752282727875825 1.3435126482255522 1.4463371803894067 1.1654657538087527 0.841101562066979 0.5747277237185909 0.26486112036385995 0.22539259695953698 -0.1746066996604043 -0.3042079164847145 -0.34303152932430325 -0.5028919472704818 -0.5719747615415015 +23713,-0.2720655764581042,0,1.0085719241198425 1.0465700515542 1.5124792027204867 1.657455085971746 1.5473559632196485 1.7773568486268037 1.752282727875825 1.3435126482255522 1.4463371803894067 1.1654657538087527 0.841101562066979 0.5747277237185909 0.26486112036385995 0.22539259695953698 -0.1746066996604043 -0.3042079164847145 -0.34303152932430325 -0.5028919472704818 -0.5719747615415015 0.016054644393464094 +23714,0.09692642274153591,0,1.0465700515542 1.5124792027204867 1.657455085971746 1.5473559632196485 1.7773568486268037 1.752282727875825 1.3435126482255522 1.4463371803894067 1.1654657538087527 0.841101562066979 0.5747277237185909 0.26486112036385995 0.22539259695953698 -0.1746066996604043 -0.3042079164847145 -0.34303152932430325 -0.5028919472704818 -0.5719747615415015 0.016054644393464094 -0.2720655764581042 +23715,0.4870456903517277,0,1.5124792027204867 1.657455085971746 1.5473559632196485 1.7773568486268037 1.752282727875825 1.3435126482255522 1.4463371803894067 1.1654657538087527 0.841101562066979 0.5747277237185909 0.26486112036385995 0.22539259695953698 -0.1746066996604043 -0.3042079164847145 -0.34303152932430325 -0.5028919472704818 -0.5719747615415015 0.016054644393464094 -0.2720655764581042 0.09692642274153591 +23716,0.8489952667478418,0,1.657455085971746 1.5473559632196485 1.7773568486268037 1.752282727875825 1.3435126482255522 1.4463371803894067 1.1654657538087527 0.841101562066979 0.5747277237185909 0.26486112036385995 0.22539259695953698 -0.1746066996604043 -0.3042079164847145 -0.34303152932430325 -0.5028919472704818 -0.5719747615415015 0.016054644393464094 -0.2720655764581042 0.09692642274153591 0.4870456903517277 +23717,1.2320721115545163,0,1.5473559632196485 1.7773568486268037 1.752282727875825 1.3435126482255522 1.4463371803894067 1.1654657538087527 0.841101562066979 0.5747277237185909 0.26486112036385995 0.22539259695953698 -0.1746066996604043 -0.3042079164847145 -0.34303152932430325 -0.5028919472704818 -0.5719747615415015 0.016054644393464094 -0.2720655764581042 0.09692642274153591 0.4870456903517277 0.8489952667478418 +23718,1.1784413532815836,0,1.7773568486268037 1.752282727875825 1.3435126482255522 1.4463371803894067 1.1654657538087527 0.841101562066979 0.5747277237185909 0.26486112036385995 0.22539259695953698 -0.1746066996604043 -0.3042079164847145 -0.34303152932430325 -0.5028919472704818 -0.5719747615415015 0.016054644393464094 -0.2720655764581042 0.09692642274153591 0.4870456903517277 0.8489952667478418 1.2320721115545163 +23719,1.707087399114791,0,1.752282727875825 1.3435126482255522 1.4463371803894067 1.1654657538087527 0.841101562066979 0.5747277237185909 0.26486112036385995 0.22539259695953698 -0.1746066996604043 -0.3042079164847145 -0.34303152932430325 -0.5028919472704818 -0.5719747615415015 0.016054644393464094 -0.2720655764581042 0.09692642274153591 0.4870456903517277 0.8489952667478418 1.2320721115545163 1.1784413532815836 +23720,1.799025841868391,0,1.3435126482255522 1.4463371803894067 1.1654657538087527 0.841101562066979 0.5747277237185909 0.26486112036385995 0.22539259695953698 -0.1746066996604043 -0.3042079164847145 -0.34303152932430325 -0.5028919472704818 -0.5719747615415015 0.016054644393464094 -0.2720655764581042 0.09692642274153591 0.4870456903517277 0.8489952667478418 1.2320721115545163 1.1784413532815836 1.707087399114791 +23721,1.6853410166116283,0,1.4463371803894067 1.1654657538087527 0.841101562066979 0.5747277237185909 0.26486112036385995 0.22539259695953698 -0.1746066996604043 -0.3042079164847145 -0.34303152932430325 -0.5028919472704818 -0.5719747615415015 0.016054644393464094 -0.2720655764581042 0.09692642274153591 0.4870456903517277 0.8489952667478418 1.2320721115545163 1.1784413532815836 1.707087399114791 1.799025841868391 +23722,1.845820548650418,0,1.1654657538087527 0.841101562066979 0.5747277237185909 0.26486112036385995 0.22539259695953698 -0.1746066996604043 -0.3042079164847145 -0.34303152932430325 -0.5028919472704818 -0.5719747615415015 0.016054644393464094 -0.2720655764581042 0.09692642274153591 0.4870456903517277 0.8489952667478418 1.2320721115545163 1.1784413532815836 1.707087399114791 1.799025841868391 1.6853410166116283 +23723,1.8006768128336303,0,0.841101562066979 0.5747277237185909 0.26486112036385995 0.22539259695953698 -0.1746066996604043 -0.3042079164847145 -0.34303152932430325 -0.5028919472704818 -0.5719747615415015 0.016054644393464094 -0.2720655764581042 0.09692642274153591 0.4870456903517277 0.8489952667478418 1.2320721115545163 1.1784413532815836 1.707087399114791 1.799025841868391 1.6853410166116283 1.845820548650418 +23724,1.361080010603553,0,0.5747277237185909 0.26486112036385995 0.22539259695953698 -0.1746066996604043 -0.3042079164847145 -0.34303152932430325 -0.5028919472704818 -0.5719747615415015 0.016054644393464094 -0.2720655764581042 0.09692642274153591 0.4870456903517277 0.8489952667478418 1.2320721115545163 1.1784413532815836 1.707087399114791 1.799025841868391 1.6853410166116283 1.845820548650418 1.8006768128336303 +23725,1.447420630051487,0,0.26486112036385995 0.22539259695953698 -0.1746066996604043 -0.3042079164847145 -0.34303152932430325 -0.5028919472704818 -0.5719747615415015 0.016054644393464094 -0.2720655764581042 0.09692642274153591 0.4870456903517277 0.8489952667478418 1.2320721115545163 1.1784413532815836 1.707087399114791 1.799025841868391 1.6853410166116283 1.845820548650418 1.8006768128336303 1.361080010603553 +23726,1.1393081833956937,0,0.22539259695953698 -0.1746066996604043 -0.3042079164847145 -0.34303152932430325 -0.5028919472704818 -0.5719747615415015 0.016054644393464094 -0.2720655764581042 0.09692642274153591 0.4870456903517277 0.8489952667478418 1.2320721115545163 1.1784413532815836 1.707087399114791 1.799025841868391 1.6853410166116283 1.845820548650418 1.8006768128336303 1.361080010603553 1.447420630051487 +23727,0.7974540185374943,0,-0.1746066996604043 -0.3042079164847145 -0.34303152932430325 -0.5028919472704818 -0.5719747615415015 0.016054644393464094 -0.2720655764581042 0.09692642274153591 0.4870456903517277 0.8489952667478418 1.2320721115545163 1.1784413532815836 1.707087399114791 1.799025841868391 1.6853410166116283 1.845820548650418 1.8006768128336303 1.361080010603553 1.447420630051487 1.1393081833956937 +23728,0.5005888111277176,0,-0.3042079164847145 -0.34303152932430325 -0.5028919472704818 -0.5719747615415015 0.016054644393464094 -0.2720655764581042 0.09692642274153591 0.4870456903517277 0.8489952667478418 1.2320721115545163 1.1784413532815836 1.707087399114791 1.799025841868391 1.6853410166116283 1.845820548650418 1.8006768128336303 1.361080010603553 1.447420630051487 1.1393081833956937 0.7974540185374943 +23729,0.16998188567032899,0,-0.34303152932430325 -0.5028919472704818 -0.5719747615415015 0.016054644393464094 -0.2720655764581042 0.09692642274153591 0.4870456903517277 0.8489952667478418 1.2320721115545163 1.1784413532815836 1.707087399114791 1.799025841868391 1.6853410166116283 1.845820548650418 1.8006768128336303 1.361080010603553 1.447420630051487 1.1393081833956937 0.7974540185374943 0.5005888111277176 +23730,0.13306720789804288,0,-0.5028919472704818 -0.5719747615415015 0.016054644393464094 -0.2720655764581042 0.09692642274153591 0.4870456903517277 0.8489952667478418 1.2320721115545163 1.1784413532815836 1.707087399114791 1.799025841868391 1.6853410166116283 1.845820548650418 1.8006768128336303 1.361080010603553 1.447420630051487 1.1393081833956937 0.7974540185374943 0.5005888111277176 0.16998188567032899 +23731,-0.2954371334543828,0,-0.5719747615415015 0.016054644393464094 -0.2720655764581042 0.09692642274153591 0.4870456903517277 0.8489952667478418 1.2320721115545163 1.1784413532815836 1.707087399114791 1.799025841868391 1.6853410166116283 1.845820548650418 1.8006768128336303 1.361080010603553 1.447420630051487 1.1393081833956937 0.7974540185374943 0.5005888111277176 0.16998188567032899 0.13306720789804288 +23732,-0.430249227121706,0,0.016054644393464094 -0.2720655764581042 0.09692642274153591 0.4870456903517277 0.8489952667478418 1.2320721115545163 1.1784413532815836 1.707087399114791 1.799025841868391 1.6853410166116283 1.845820548650418 1.8006768128336303 1.361080010603553 1.447420630051487 1.1393081833956937 0.7974540185374943 0.5005888111277176 0.16998188567032899 0.13306720789804288 -0.2954371334543828 +23733,-0.4468879183607773,0,-0.2720655764581042 0.09692642274153591 0.4870456903517277 0.8489952667478418 1.2320721115545163 1.1784413532815836 1.707087399114791 1.799025841868391 1.6853410166116283 1.845820548650418 1.8006768128336303 1.361080010603553 1.447420630051487 1.1393081833956937 0.7974540185374943 0.5005888111277176 0.16998188567032899 0.13306720789804288 -0.2954371334543828 -0.430249227121706 +23734,-0.6210911461708482,0,0.09692642274153591 0.4870456903517277 0.8489952667478418 1.2320721115545163 1.1784413532815836 1.707087399114791 1.799025841868391 1.6853410166116283 1.845820548650418 1.8006768128336303 1.361080010603553 1.447420630051487 1.1393081833956937 0.7974540185374943 0.5005888111277176 0.16998188567032899 0.13306720789804288 -0.2954371334543828 -0.430249227121706 -0.4468879183607773 +23735,-0.6771209715526672,0,0.4870456903517277 0.8489952667478418 1.2320721115545163 1.1784413532815836 1.707087399114791 1.799025841868391 1.6853410166116283 1.845820548650418 1.8006768128336303 1.361080010603553 1.447420630051487 1.1393081833956937 0.7974540185374943 0.5005888111277176 0.16998188567032899 0.13306720789804288 -0.2954371334543828 -0.430249227121706 -0.4468879183607773 -0.6210911461708482 +23736,-0.0981719056943432,0,0.8489952667478418 1.2320721115545163 1.1784413532815836 1.707087399114791 1.799025841868391 1.6853410166116283 1.845820548650418 1.8006768128336303 1.361080010603553 1.447420630051487 1.1393081833956937 0.7974540185374943 0.5005888111277176 0.16998188567032899 0.13306720789804288 -0.2954371334543828 -0.430249227121706 -0.4468879183607773 -0.6210911461708482 -0.6771209715526672 +23737,-0.3658613614895461,0,1.2320721115545163 1.1784413532815836 1.707087399114791 1.799025841868391 1.6853410166116283 1.845820548650418 1.8006768128336303 1.361080010603553 1.447420630051487 1.1393081833956937 0.7974540185374943 0.5005888111277176 0.16998188567032899 0.13306720789804288 -0.2954371334543828 -0.430249227121706 -0.4468879183607773 -0.6210911461708482 -0.6771209715526672 -0.0981719056943432 +23738,0.001428073955393946,0,1.1784413532815836 1.707087399114791 1.799025841868391 1.6853410166116283 1.845820548650418 1.8006768128336303 1.361080010603553 1.447420630051487 1.1393081833956937 0.7974540185374943 0.5005888111277176 0.16998188567032899 0.13306720789804288 -0.2954371334543828 -0.430249227121706 -0.4468879183607773 -0.6210911461708482 -0.6771209715526672 -0.0981719056943432 -0.3658613614895461 +23739,0.3656219389372438,0,1.707087399114791 1.799025841868391 1.6853410166116283 1.845820548650418 1.8006768128336303 1.361080010603553 1.447420630051487 1.1393081833956937 0.7974540185374943 0.5005888111277176 0.16998188567032899 0.13306720789804288 -0.2954371334543828 -0.430249227121706 -0.4468879183607773 -0.6210911461708482 -0.6771209715526672 -0.0981719056943432 -0.3658613614895461 0.001428073955393946 +23740,0.7339432312548121,0,1.799025841868391 1.6853410166116283 1.845820548650418 1.8006768128336303 1.361080010603553 1.447420630051487 1.1393081833956937 0.7974540185374943 0.5005888111277176 0.16998188567032899 0.13306720789804288 -0.2954371334543828 -0.430249227121706 -0.4468879183607773 -0.6210911461708482 -0.6771209715526672 -0.0981719056943432 -0.3658613614895461 0.001428073955393946 0.3656219389372438 +23741,1.0991689529545132,0,1.6853410166116283 1.845820548650418 1.8006768128336303 1.361080010603553 1.447420630051487 1.1393081833956937 0.7974540185374943 0.5005888111277176 0.16998188567032899 0.13306720789804288 -0.2954371334543828 -0.430249227121706 -0.4468879183607773 -0.6210911461708482 -0.6771209715526672 -0.0981719056943432 -0.3658613614895461 0.001428073955393946 0.3656219389372438 0.7339432312548121 +23742,1.074430185721959,0,1.845820548650418 1.8006768128336303 1.361080010603553 1.447420630051487 1.1393081833956937 0.7974540185374943 0.5005888111277176 0.16998188567032899 0.13306720789804288 -0.2954371334543828 -0.430249227121706 -0.4468879183607773 -0.6210911461708482 -0.6771209715526672 -0.0981719056943432 -0.3658613614895461 0.001428073955393946 0.3656219389372438 0.7339432312548121 1.0991689529545132 +23743,1.5696440705538557,0,1.8006768128336303 1.361080010603553 1.447420630051487 1.1393081833956937 0.7974540185374943 0.5005888111277176 0.16998188567032899 0.13306720789804288 -0.2954371334543828 -0.430249227121706 -0.4468879183607773 -0.6210911461708482 -0.6771209715526672 -0.0981719056943432 -0.3658613614895461 0.001428073955393946 0.3656219389372438 0.7339432312548121 1.0991689529545132 1.074430185721959 +23744,1.6748934662987198,0,1.361080010603553 1.447420630051487 1.1393081833956937 0.7974540185374943 0.5005888111277176 0.16998188567032899 0.13306720789804288 -0.2954371334543828 -0.430249227121706 -0.4468879183607773 -0.6210911461708482 -0.6771209715526672 -0.0981719056943432 -0.3658613614895461 0.001428073955393946 0.3656219389372438 0.7339432312548121 1.0991689529545132 1.074430185721959 1.5696440705538557 +23745,1.555094889377352,0,1.447420630051487 1.1393081833956937 0.7974540185374943 0.5005888111277176 0.16998188567032899 0.13306720789804288 -0.2954371334543828 -0.430249227121706 -0.4468879183607773 -0.6210911461708482 -0.6771209715526672 -0.0981719056943432 -0.3658613614895461 0.001428073955393946 0.3656219389372438 0.7339432312548121 1.0991689529545132 1.074430185721959 1.5696440705538557 1.6748934662987198 +23746,1.7353602760625584,0,1.1393081833956937 0.7974540185374943 0.5005888111277176 0.16998188567032899 0.13306720789804288 -0.2954371334543828 -0.430249227121706 -0.4468879183607773 -0.6210911461708482 -0.6771209715526672 -0.0981719056943432 -0.3658613614895461 0.001428073955393946 0.3656219389372438 0.7339432312548121 1.0991689529545132 1.074430185721959 1.5696440705538557 1.6748934662987198 1.555094889377352 +23747,1.690577689926747,0,0.7974540185374943 0.5005888111277176 0.16998188567032899 0.13306720789804288 -0.2954371334543828 -0.430249227121706 -0.4468879183607773 -0.6210911461708482 -0.6771209715526672 -0.0981719056943432 -0.3658613614895461 0.001428073955393946 0.3656219389372438 0.7339432312548121 1.0991689529545132 1.074430185721959 1.5696440705538557 1.6748934662987198 1.555094889377352 1.7353602760625584 +23748,1.2883341047210788,0,0.5005888111277176 0.16998188567032899 0.13306720789804288 -0.2954371334543828 -0.430249227121706 -0.4468879183607773 -0.6210911461708482 -0.6771209715526672 -0.0981719056943432 -0.3658613614895461 0.001428073955393946 0.3656219389372438 0.7339432312548121 1.0991689529545132 1.074430185721959 1.5696440705538557 1.6748934662987198 1.555094889377352 1.7353602760625584 1.690577689926747 +23749,1.3627051850966692,0,0.16998188567032899 0.13306720789804288 -0.2954371334543828 -0.430249227121706 -0.4468879183607773 -0.6210911461708482 -0.6771209715526672 -0.0981719056943432 -0.3658613614895461 0.001428073955393946 0.3656219389372438 0.7339432312548121 1.0991689529545132 1.074430185721959 1.5696440705538557 1.6748934662987198 1.555094889377352 1.7353602760625584 1.690577689926747 1.2883341047210788 +23750,1.0796152662476168,0,0.13306720789804288 -0.2954371334543828 -0.430249227121706 -0.4468879183607773 -0.6210911461708482 -0.6771209715526672 -0.0981719056943432 -0.3658613614895461 0.001428073955393946 0.3656219389372438 0.7339432312548121 1.0991689529545132 1.074430185721959 1.5696440705538557 1.6748934662987198 1.555094889377352 1.7353602760625584 1.690577689926747 1.2883341047210788 1.3627051850966692 +23751,0.7304349180117223,0,-0.2954371334543828 -0.430249227121706 -0.4468879183607773 -0.6210911461708482 -0.6771209715526672 -0.0981719056943432 -0.3658613614895461 0.001428073955393946 0.3656219389372438 0.7339432312548121 1.0991689529545132 1.074430185721959 1.5696440705538557 1.6748934662987198 1.555094889377352 1.7353602760625584 1.690577689926747 1.2883341047210788 1.3627051850966692 1.0796152662476168 +23752,0.46937514224002813,0,-0.430249227121706 -0.4468879183607773 -0.6210911461708482 -0.6771209715526672 -0.0981719056943432 -0.3658613614895461 0.001428073955393946 0.3656219389372438 0.7339432312548121 1.0991689529545132 1.074430185721959 1.5696440705538557 1.6748934662987198 1.555094889377352 1.7353602760625584 1.690577689926747 1.2883341047210788 1.3627051850966692 1.0796152662476168 0.7304349180117223 +23753,0.14222493723626856,0,-0.4468879183607773 -0.6210911461708482 -0.6771209715526672 -0.0981719056943432 -0.3658613614895461 0.001428073955393946 0.3656219389372438 0.7339432312548121 1.0991689529545132 1.074430185721959 1.5696440705538557 1.6748934662987198 1.555094889377352 1.7353602760625584 1.690577689926747 1.2883341047210788 1.3627051850966692 1.0796152662476168 0.7304349180117223 0.46937514224002813 +23754,0.12145881866147885,0,-0.6210911461708482 -0.6771209715526672 -0.0981719056943432 -0.3658613614895461 0.001428073955393946 0.3656219389372438 0.7339432312548121 1.0991689529545132 1.074430185721959 1.5696440705538557 1.6748934662987198 1.555094889377352 1.7353602760625584 1.690577689926747 1.2883341047210788 1.3627051850966692 1.0796152662476168 0.7304349180117223 0.46937514224002813 0.14222493723626856 +23755,-0.3078194153067172,0,-0.6771209715526672 -0.0981719056943432 -0.3658613614895461 0.001428073955393946 0.3656219389372438 0.7339432312548121 1.0991689529545132 1.074430185721959 1.5696440705538557 1.6748934662987198 1.555094889377352 1.7353602760625584 1.690577689926747 1.2883341047210788 1.3627051850966692 1.0796152662476168 0.7304349180117223 0.46937514224002813 0.14222493723626856 0.12145881866147885 +23756,-0.43071356269116645,0,-0.0981719056943432 -0.3658613614895461 0.001428073955393946 0.3656219389372438 0.7339432312548121 1.0991689529545132 1.074430185721959 1.5696440705538557 1.6748934662987198 1.555094889377352 1.7353602760625584 1.690577689926747 1.2883341047210788 1.3627051850966692 1.0796152662476168 0.7304349180117223 0.46937514224002813 0.14222493723626856 0.12145881866147885 -0.3078194153067172 +23757,-0.45942497873627103,0,-0.3658613614895461 0.001428073955393946 0.3656219389372438 0.7339432312548121 1.0991689529545132 1.074430185721959 1.5696440705538557 1.6748934662987198 1.555094889377352 1.7353602760625584 1.690577689926747 1.2883341047210788 1.3627051850966692 1.0796152662476168 0.7304349180117223 0.46937514224002813 0.14222493723626856 0.12145881866147885 -0.3078194153067172 -0.43071356269116645 +23758,-0.6137133698488978,0,0.001428073955393946 0.3656219389372438 0.7339432312548121 1.0991689529545132 1.074430185721959 1.5696440705538557 1.6748934662987198 1.555094889377352 1.7353602760625584 1.690577689926747 1.2883341047210788 1.3627051850966692 1.0796152662476168 0.7304349180117223 0.46937514224002813 0.14222493723626856 0.12145881866147885 -0.3078194153067172 -0.43071356269116645 -0.45942497873627103 +23759,-0.6738190297769744,0,0.3656219389372438 0.7339432312548121 1.0991689529545132 1.074430185721959 1.5696440705538557 1.6748934662987198 1.555094889377352 1.7353602760625584 1.690577689926747 1.2883341047210788 1.3627051850966692 1.0796152662476168 0.7304349180117223 0.46937514224002813 0.14222493723626856 0.12145881866147885 -0.3078194153067172 -0.43071356269116645 -0.45942497873627103 -0.6137133698488978 +23760,-0.08238449633261752,0,0.7339432312548121 1.0991689529545132 1.074430185721959 1.5696440705538557 1.6748934662987198 1.555094889377352 1.7353602760625584 1.690577689926747 1.2883341047210788 1.3627051850966692 1.0796152662476168 0.7304349180117223 0.46937514224002813 0.14222493723626856 0.12145881866147885 -0.3078194153067172 -0.43071356269116645 -0.45942497873627103 -0.6137133698488978 -0.6738190297769744 +23761,-0.3596702205633833,0,1.0991689529545132 1.074430185721959 1.5696440705538557 1.6748934662987198 1.555094889377352 1.7353602760625584 1.690577689926747 1.2883341047210788 1.3627051850966692 1.0796152662476168 0.7304349180117223 0.46937514224002813 0.14222493723626856 0.12145881866147885 -0.3078194153067172 -0.43071356269116645 -0.45942497873627103 -0.6137133698488978 -0.6738190297769744 -0.08238449633261752 +23762,0.014584248423498673,0,1.074430185721959 1.5696440705538557 1.6748934662987198 1.555094889377352 1.7353602760625584 1.690577689926747 1.2883341047210788 1.3627051850966692 1.0796152662476168 0.7304349180117223 0.46937514224002813 0.14222493723626856 0.12145881866147885 -0.3078194153067172 -0.43071356269116645 -0.45942497873627103 -0.6137133698488978 -0.6738190297769744 -0.08238449633261752 -0.3596702205633833 +23763,0.361055972504197,0,1.5696440705538557 1.6748934662987198 1.555094889377352 1.7353602760625584 1.690577689926747 1.2883341047210788 1.3627051850966692 1.0796152662476168 0.7304349180117223 0.46937514224002813 0.14222493723626856 0.12145881866147885 -0.3078194153067172 -0.43071356269116645 -0.45942497873627103 -0.6137133698488978 -0.6738190297769744 -0.08238449633261752 -0.3596702205633833 0.014584248423498673 +23764,0.7445713564082176,0,1.6748934662987198 1.555094889377352 1.7353602760625584 1.690577689926747 1.2883341047210788 1.3627051850966692 1.0796152662476168 0.7304349180117223 0.46937514224002813 0.14222493723626856 0.12145881866147885 -0.3078194153067172 -0.43071356269116645 -0.45942497873627103 -0.6137133698488978 -0.6738190297769744 -0.08238449633261752 -0.3596702205633833 0.014584248423498673 0.361055972504197 +23765,1.1003039955608314,0,1.555094889377352 1.7353602760625584 1.690577689926747 1.2883341047210788 1.3627051850966692 1.0796152662476168 0.7304349180117223 0.46937514224002813 0.14222493723626856 0.12145881866147885 -0.3078194153067172 -0.43071356269116645 -0.45942497873627103 -0.6137133698488978 -0.6738190297769744 -0.08238449633261752 -0.3596702205633833 0.014584248423498673 0.361055972504197 0.7445713564082176 +23766,1.126745326548077,0,1.7353602760625584 1.690577689926747 1.2883341047210788 1.3627051850966692 1.0796152662476168 0.7304349180117223 0.46937514224002813 0.14222493723626856 0.12145881866147885 -0.3078194153067172 -0.43071356269116645 -0.45942497873627103 -0.6137133698488978 -0.6738190297769744 -0.08238449633261752 -0.3596702205633833 0.014584248423498673 0.361055972504197 0.7445713564082176 1.1003039955608314 +23767,1.5922417349343638,0,1.690577689926747 1.2883341047210788 1.3627051850966692 1.0796152662476168 0.7304349180117223 0.46937514224002813 0.14222493723626856 0.12145881866147885 -0.3078194153067172 -0.43071356269116645 -0.45942497873627103 -0.6137133698488978 -0.6738190297769744 -0.08238449633261752 -0.3596702205633833 0.014584248423498673 0.361055972504197 0.7445713564082176 1.1003039955608314 1.126745326548077 +23768,1.7284468353100684,0,1.2883341047210788 1.3627051850966692 1.0796152662476168 0.7304349180117223 0.46937514224002813 0.14222493723626856 0.12145881866147885 -0.3078194153067172 -0.43071356269116645 -0.45942497873627103 -0.6137133698488978 -0.6738190297769744 -0.08238449633261752 -0.3596702205633833 0.014584248423498673 0.361055972504197 0.7445713564082176 1.1003039955608314 1.126745326548077 1.5922417349343638 +23769,1.6130594462986056,0,1.3627051850966692 1.0796152662476168 0.7304349180117223 0.46937514224002813 0.14222493723626856 0.12145881866147885 -0.3078194153067172 -0.43071356269116645 -0.45942497873627103 -0.6137133698488978 -0.6738190297769744 -0.08238449633261752 -0.3596702205633833 0.014584248423498673 0.361055972504197 0.7445713564082176 1.1003039955608314 1.126745326548077 1.5922417349343638 1.7284468353100684 +23770,1.8331287097517737,0,1.0796152662476168 0.7304349180117223 0.46937514224002813 0.14222493723626856 0.12145881866147885 -0.3078194153067172 -0.43071356269116645 -0.45942497873627103 -0.6137133698488978 -0.6738190297769744 -0.08238449633261752 -0.3596702205633833 0.014584248423498673 0.361055972504197 0.7445713564082176 1.1003039955608314 1.126745326548077 1.5922417349343638 1.7284468353100684 1.6130594462986056 +23771,1.80160548397256,0,0.7304349180117223 0.46937514224002813 0.14222493723626856 0.12145881866147885 -0.3078194153067172 -0.43071356269116645 -0.45942497873627103 -0.6137133698488978 -0.6738190297769744 -0.08238449633261752 -0.3596702205633833 0.014584248423498673 0.361055972504197 0.7445713564082176 1.1003039955608314 1.126745326548077 1.5922417349343638 1.7284468353100684 1.6130594462986056 1.8331287097517737 +23772,1.392886997111748,0,0.46937514224002813 0.14222493723626856 0.12145881866147885 -0.3078194153067172 -0.43071356269116645 -0.45942497873627103 -0.6137133698488978 -0.6738190297769744 -0.08238449633261752 -0.3596702205633833 0.014584248423498673 0.361055972504197 0.7445713564082176 1.1003039955608314 1.126745326548077 1.5922417349343638 1.7284468353100684 1.6130594462986056 1.8331287097517737 1.80160548397256 +23773,1.4870955249231983,0,0.14222493723626856 0.12145881866147885 -0.3078194153067172 -0.43071356269116645 -0.45942497873627103 -0.6137133698488978 -0.6738190297769744 -0.08238449633261752 -0.3596702205633833 0.014584248423498673 0.361055972504197 0.7445713564082176 1.1003039955608314 1.126745326548077 1.5922417349343638 1.7284468353100684 1.6130594462986056 1.8331287097517737 1.80160548397256 1.392886997111748 +23774,1.2041087916530677,0,0.12145881866147885 -0.3078194153067172 -0.43071356269116645 -0.45942497873627103 -0.6137133698488978 -0.6738190297769744 -0.08238449633261752 -0.3596702205633833 0.014584248423498673 0.361055972504197 0.7445713564082176 1.1003039955608314 1.126745326548077 1.5922417349343638 1.7284468353100684 1.6130594462986056 1.8331287097517737 1.80160548397256 1.392886997111748 1.4870955249231983 +23775,0.8712059848204736,0,-0.3078194153067172 -0.43071356269116645 -0.45942497873627103 -0.6137133698488978 -0.6738190297769744 -0.08238449633261752 -0.3596702205633833 0.014584248423498673 0.361055972504197 0.7445713564082176 1.1003039955608314 1.126745326548077 1.5922417349343638 1.7284468353100684 1.6130594462986056 1.8331287097517737 1.80160548397256 1.392886997111748 1.4870955249231983 1.2041087916530677 +23776,0.6048579429442,0,-0.43071356269116645 -0.45942497873627103 -0.6137133698488978 -0.6738190297769744 -0.08238449633261752 -0.3596702205633833 0.014584248423498673 0.361055972504197 0.7445713564082176 1.1003039955608314 1.126745326548077 1.5922417349343638 1.7284468353100684 1.6130594462986056 1.8331287097517737 1.80160548397256 1.392886997111748 1.4870955249231983 1.2041087916530677 0.8712059848204736 +23777,0.28859382719590926,0,-0.45942497873627103 -0.6137133698488978 -0.6738190297769744 -0.08238449633261752 -0.3596702205633833 0.014584248423498673 0.361055972504197 0.7445713564082176 1.1003039955608314 1.126745326548077 1.5922417349343638 1.7284468353100684 1.6130594462986056 1.8331287097517737 1.80160548397256 1.392886997111748 1.4870955249231983 1.2041087916530677 0.8712059848204736 0.6048579429442 +23778,0.2767016773851586,0,-0.6137133698488978 -0.6738190297769744 -0.08238449633261752 -0.3596702205633833 0.014584248423498673 0.361055972504197 0.7445713564082176 1.1003039955608314 1.126745326548077 1.5922417349343638 1.7284468353100684 1.6130594462986056 1.8331287097517737 1.80160548397256 1.392886997111748 1.4870955249231983 1.2041087916530677 0.8712059848204736 0.6048579429442 0.28859382719590926 +23779,-0.141019760135943,0,-0.6738190297769744 -0.08238449633261752 -0.3596702205633833 0.014584248423498673 0.361055972504197 0.7445713564082176 1.1003039955608314 1.126745326548077 1.5922417349343638 1.7284468353100684 1.6130594462986056 1.8331287097517737 1.80160548397256 1.392886997111748 1.4870955249231983 1.2041087916530677 0.8712059848204736 0.6048579429442 0.28859382719590926 0.2767016773851586 +23780,-0.2543692320290583,0,-0.08238449633261752 -0.3596702205633833 0.014584248423498673 0.361055972504197 0.7445713564082176 1.1003039955608314 1.126745326548077 1.5922417349343638 1.7284468353100684 1.6130594462986056 1.8331287097517737 1.80160548397256 1.392886997111748 1.4870955249231983 1.2041087916530677 0.8712059848204736 0.6048579429442 0.28859382719590926 0.2767016773851586 -0.141019760135943 +23781,-0.3102958716771876,0,-0.3596702205633833 0.014584248423498673 0.361055972504197 0.7445713564082176 1.1003039955608314 1.126745326548077 1.5922417349343638 1.7284468353100684 1.6130594462986056 1.8331287097517737 1.80160548397256 1.392886997111748 1.4870955249231983 1.2041087916530677 0.8712059848204736 0.6048579429442 0.28859382719590926 0.2767016773851586 -0.141019760135943 -0.2543692320290583 +23782,-0.44278628749719096,0,0.014584248423498673 0.361055972504197 0.7445713564082176 1.1003039955608314 1.126745326548077 1.5922417349343638 1.7284468353100684 1.6130594462986056 1.8331287097517737 1.80160548397256 1.392886997111748 1.4870955249231983 1.2041087916530677 0.8712059848204736 0.6048579429442 0.28859382719590926 0.2767016773851586 -0.141019760135943 -0.2543692320290583 -0.3102958716771876 +23783,-0.5178538712269851,0,0.361055972504197 0.7445713564082176 1.1003039955608314 1.126745326548077 1.5922417349343638 1.7284468353100684 1.6130594462986056 1.8331287097517737 1.80160548397256 1.392886997111748 1.4870955249231983 1.2041087916530677 0.8712059848204736 0.6048579429442 0.28859382719590926 0.2767016773851586 -0.141019760135943 -0.2543692320290583 -0.3102958716771876 -0.44278628749719096 +23784,0.0501833087489699,0,0.7445713564082176 1.1003039955608314 1.126745326548077 1.5922417349343638 1.7284468353100684 1.6130594462986056 1.8331287097517737 1.80160548397256 1.392886997111748 1.4870955249231983 1.2041087916530677 0.8712059848204736 0.6048579429442 0.28859382719590926 0.2767016773851586 -0.141019760135943 -0.2543692320290583 -0.3102958716771876 -0.44278628749719096 -0.5178538712269851 +23785,-0.23925252954940446,0,1.1003039955608314 1.126745326548077 1.5922417349343638 1.7284468353100684 1.6130594462986056 1.8331287097517737 1.80160548397256 1.392886997111748 1.4870955249231983 1.2041087916530677 0.8712059848204736 0.6048579429442 0.28859382719590926 0.2767016773851586 -0.141019760135943 -0.2543692320290583 -0.3102958716771876 -0.44278628749719096 -0.5178538712269851 0.0501833087489699 +23786,0.11441639585796164,0,1.126745326548077 1.5922417349343638 1.7284468353100684 1.6130594462986056 1.8331287097517737 1.80160548397256 1.392886997111748 1.4870955249231983 1.2041087916530677 0.8712059848204736 0.6048579429442 0.28859382719590926 0.2767016773851586 -0.141019760135943 -0.2543692320290583 -0.3102958716771876 -0.44278628749719096 -0.5178538712269851 0.0501833087489699 -0.23925252954940446 +23787,0.40648346904995697,0,1.5922417349343638 1.7284468353100684 1.6130594462986056 1.8331287097517737 1.80160548397256 1.392886997111748 1.4870955249231983 1.2041087916530677 0.8712059848204736 0.6048579429442 0.28859382719590926 0.2767016773851586 -0.141019760135943 -0.2543692320290583 -0.3102958716771876 -0.44278628749719096 -0.5178538712269851 0.0501833087489699 -0.23925252954940446 0.11441639585796164 +23788,0.7806863452473869,0,1.7284468353100684 1.6130594462986056 1.8331287097517737 1.80160548397256 1.392886997111748 1.4870955249231983 1.2041087916530677 0.8712059848204736 0.6048579429442 0.28859382719590926 0.2767016773851586 -0.141019760135943 -0.2543692320290583 -0.3102958716771876 -0.44278628749719096 -0.5178538712269851 0.0501833087489699 -0.23925252954940446 0.11441639585796164 0.40648346904995697 +23789,1.0932873690746516,0,1.6130594462986056 1.8331287097517737 1.80160548397256 1.392886997111748 1.4870955249231983 1.2041087916530677 0.8712059848204736 0.6048579429442 0.28859382719590926 0.2767016773851586 -0.141019760135943 -0.2543692320290583 -0.3102958716771876 -0.44278628749719096 -0.5178538712269851 0.0501833087489699 -0.23925252954940446 0.11441639585796164 0.40648346904995697 0.7806863452473869 +23790,1.1135117628183968,0,1.8331287097517737 1.80160548397256 1.392886997111748 1.4870955249231983 1.2041087916530677 0.8712059848204736 0.6048579429442 0.28859382719590926 0.2767016773851586 -0.141019760135943 -0.2543692320290583 -0.3102958716771876 -0.44278628749719096 -0.5178538712269851 0.0501833087489699 -0.23925252954940446 0.11441639585796164 0.40648346904995697 0.7806863452473869 1.0932873690746516 +23791,1.5235716634433527,0,1.80160548397256 1.392886997111748 1.4870955249231983 1.2041087916530677 0.8712059848204736 0.6048579429442 0.28859382719590926 0.2767016773851586 -0.141019760135943 -0.2543692320290583 -0.3102958716771876 -0.44278628749719096 -0.5178538712269851 0.0501833087489699 -0.23925252954940446 0.11441639585796164 0.40648346904995697 0.7806863452473869 1.0932873690746516 1.1135117628183968 +23792,1.6412549339847977,0,1.392886997111748 1.4870955249231983 1.2041087916530677 0.8712059848204736 0.6048579429442 0.28859382719590926 0.2767016773851586 -0.141019760135943 -0.2543692320290583 -0.3102958716771876 -0.44278628749719096 -0.5178538712269851 0.0501833087489699 -0.23925252954940446 0.11441639585796164 0.40648346904995697 0.7806863452473869 1.0932873690746516 1.1135117628183968 1.5235716634433527 +23793,1.5911123620201364,0,1.4870955249231983 1.2041087916530677 0.8712059848204736 0.6048579429442 0.28859382719590926 0.2767016773851586 -0.141019760135943 -0.2543692320290583 -0.3102958716771876 -0.44278628749719096 -0.5178538712269851 0.0501833087489699 -0.23925252954940446 0.11441639585796164 0.40648346904995697 0.7806863452473869 1.0932873690746516 1.1135117628183968 1.5235716634433527 1.6412549339847977 +23794,1.7524576401440386,0,1.2041087916530677 0.8712059848204736 0.6048579429442 0.28859382719590926 0.2767016773851586 -0.141019760135943 -0.2543692320290583 -0.3102958716771876 -0.44278628749719096 -0.5178538712269851 0.0501833087489699 -0.23925252954940446 0.11441639585796164 0.40648346904995697 0.7806863452473869 1.0932873690746516 1.1135117628183968 1.5235716634433527 1.6412549339847977 1.5911123620201364 +23795,1.742996016486572,0,0.8712059848204736 0.6048579429442 0.28859382719590926 0.2767016773851586 -0.141019760135943 -0.2543692320290583 -0.3102958716771876 -0.44278628749719096 -0.5178538712269851 0.0501833087489699 -0.23925252954940446 0.11441639585796164 0.40648346904995697 0.7806863452473869 1.0932873690746516 1.1135117628183968 1.5235716634433527 1.6412549339847977 1.5911123620201364 1.7524576401440386 +23796,1.6716929612594078,0,0.6048579429442 0.28859382719590926 0.2767016773851586 -0.141019760135943 -0.2543692320290583 -0.3102958716771876 -0.44278628749719096 -0.5178538712269851 0.0501833087489699 -0.23925252954940446 0.11441639585796164 0.40648346904995697 0.7806863452473869 1.0932873690746516 1.1135117628183968 1.5235716634433527 1.6412549339847977 1.5911123620201364 1.7524576401440386 1.742996016486572 +23797,1.5871856364597334,0,0.28859382719590926 0.2767016773851586 -0.141019760135943 -0.2543692320290583 -0.3102958716771876 -0.44278628749719096 -0.5178538712269851 0.0501833087489699 -0.23925252954940446 0.11441639585796164 0.40648346904995697 0.7806863452473869 1.0932873690746516 1.1135117628183968 1.5235716634433527 1.6412549339847977 1.5911123620201364 1.7524576401440386 1.742996016486572 1.6716929612594078 +23798,1.4313752565876803,0,0.2767016773851586 -0.141019760135943 -0.2543692320290583 -0.3102958716771876 -0.44278628749719096 -0.5178538712269851 0.0501833087489699 -0.23925252954940446 0.11441639585796164 0.40648346904995697 0.7806863452473869 1.0932873690746516 1.1135117628183968 1.5235716634433527 1.6412549339847977 1.5911123620201364 1.7524576401440386 1.742996016486572 1.6716929612594078 1.5871856364597334 +23799,0.9906950046955316,0,-0.141019760135943 -0.2543692320290583 -0.3102958716771876 -0.44278628749719096 -0.5178538712269851 0.0501833087489699 -0.23925252954940446 0.11441639585796164 0.40648346904995697 0.7806863452473869 1.0932873690746516 1.1135117628183968 1.5235716634433527 1.6412549339847977 1.5911123620201364 1.7524576401440386 1.742996016486572 1.6716929612594078 1.5871856364597334 1.4313752565876803 +23800,0.9298412486237991,0,-0.2543692320290583 -0.3102958716771876 -0.44278628749719096 -0.5178538712269851 0.0501833087489699 -0.23925252954940446 0.11441639585796164 0.40648346904995697 0.7806863452473869 1.0932873690746516 1.1135117628183968 1.5235716634433527 1.6412549339847977 1.5911123620201364 1.7524576401440386 1.742996016486572 1.6716929612594078 1.5871856364597334 1.4313752565876803 0.9906950046955316 +23801,0.5841176208415336,0,-0.3102958716771876 -0.44278628749719096 -0.5178538712269851 0.0501833087489699 -0.23925252954940446 0.11441639585796164 0.40648346904995697 0.7806863452473869 1.0932873690746516 1.1135117628183968 1.5235716634433527 1.6412549339847977 1.5911123620201364 1.7524576401440386 1.742996016486572 1.6716929612594078 1.5871856364597334 1.4313752565876803 0.9906950046955316 0.9298412486237991 +23802,0.5264368244944754,0,-0.44278628749719096 -0.5178538712269851 0.0501833087489699 -0.23925252954940446 0.11441639585796164 0.40648346904995697 0.7806863452473869 1.0932873690746516 1.1135117628183968 1.5235716634433527 1.6412549339847977 1.5911123620201364 1.7524576401440386 1.742996016486572 1.6716929612594078 1.5871856364597334 1.4313752565876803 0.9906950046955316 0.9298412486237991 0.5841176208415336 +23803,0.0846989194123521,0,-0.5178538712269851 0.0501833087489699 -0.23925252954940446 0.11441639585796164 0.40648346904995697 0.7806863452473869 1.0932873690746516 1.1135117628183968 1.5235716634433527 1.6412549339847977 1.5911123620201364 1.7524576401440386 1.742996016486572 1.6716929612594078 1.5871856364597334 1.4313752565876803 0.9906950046955316 0.9298412486237991 0.5841176208415336 0.5264368244944754 +23804,-0.06899615407977817,0,0.0501833087489699 -0.23925252954940446 0.11441639585796164 0.40648346904995697 0.7806863452473869 1.0932873690746516 1.1135117628183968 1.5235716634433527 1.6412549339847977 1.5911123620201364 1.7524576401440386 1.742996016486572 1.6716929612594078 1.5871856364597334 1.4313752565876803 0.9906950046955316 0.9298412486237991 0.5841176208415336 0.5264368244944754 0.0846989194123521 +23805,-0.1199956774590899,0,-0.23925252954940446 0.11441639585796164 0.40648346904995697 0.7806863452473869 1.0932873690746516 1.1135117628183968 1.5235716634433527 1.6412549339847977 1.5911123620201364 1.7524576401440386 1.742996016486572 1.6716929612594078 1.5871856364597334 1.4313752565876803 0.9906950046955316 0.9298412486237991 0.5841176208415336 0.5264368244944754 0.0846989194123521 -0.06899615407977817 +23806,-0.3079226010404157,0,0.11441639585796164 0.40648346904995697 0.7806863452473869 1.0932873690746516 1.1135117628183968 1.5235716634433527 1.6412549339847977 1.5911123620201364 1.7524576401440386 1.742996016486572 1.6716929612594078 1.5871856364597334 1.4313752565876803 0.9906950046955316 0.9298412486237991 0.5841176208415336 0.5264368244944754 0.0846989194123521 -0.06899615407977817 -0.1199956774590899 +23807,-0.3931539743541461,0,0.40648346904995697 0.7806863452473869 1.0932873690746516 1.1135117628183968 1.5235716634433527 1.6412549339847977 1.5911123620201364 1.7524576401440386 1.742996016486572 1.6716929612594078 1.5871856364597334 1.4313752565876803 0.9906950046955316 0.9298412486237991 0.5841176208415336 0.5264368244944754 0.0846989194123521 -0.06899615407977817 -0.1199956774590899 -0.3079226010404157 +23808,0.17098794607082515,0,0.7806863452473869 1.0932873690746516 1.1135117628183968 1.5235716634433527 1.6412549339847977 1.5911123620201364 1.7524576401440386 1.742996016486572 1.6716929612594078 1.5871856364597334 1.4313752565876803 0.9906950046955316 0.9298412486237991 0.5841176208415336 0.5264368244944754 0.0846989194123521 -0.06899615407977817 -0.1199956774590899 -0.3079226010404157 -0.3931539743541461 +23809,-0.13070119202884747,0,1.0932873690746516 1.1135117628183968 1.5235716634433527 1.6412549339847977 1.5911123620201364 1.7524576401440386 1.742996016486572 1.6716929612594078 1.5871856364597334 1.4313752565876803 0.9906950046955316 0.9298412486237991 0.5841176208415336 0.5264368244944754 0.0846989194123521 -0.06899615407977817 -0.1199956774590899 -0.3079226010404157 -0.3931539743541461 0.17098794607082515 +23810,0.21698296391975289,0,1.1135117628183968 1.5235716634433527 1.6412549339847977 1.5911123620201364 1.7524576401440386 1.742996016486572 1.6716929612594078 1.5871856364597334 1.4313752565876803 0.9906950046955316 0.9298412486237991 0.5841176208415336 0.5264368244944754 0.0846989194123521 -0.06899615407977817 -0.1199956774590899 -0.3079226010404157 -0.3931539743541461 0.17098794607082515 -0.13070119202884747 +23811,0.5248890392629346,0,1.5235716634433527 1.6412549339847977 1.5911123620201364 1.7524576401440386 1.742996016486572 1.6716929612594078 1.5871856364597334 1.4313752565876803 0.9906950046955316 0.9298412486237991 0.5841176208415336 0.5264368244944754 0.0846989194123521 -0.06899615407977817 -0.1199956774590899 -0.3079226010404157 -0.3931539743541461 0.17098794607082515 -0.13070119202884747 0.21698296391975289 +23812,0.8858325552585526,0,1.6412549339847977 1.5911123620201364 1.7524576401440386 1.742996016486572 1.6716929612594078 1.5871856364597334 1.4313752565876803 0.9906950046955316 0.9298412486237991 0.5841176208415336 0.5264368244944754 0.0846989194123521 -0.06899615407977817 -0.1199956774590899 -0.3079226010404157 -0.3931539743541461 0.17098794607082515 -0.13070119202884747 0.21698296391975289 0.5248890392629346 +23813,1.2069979908035378,0,1.5911123620201364 1.7524576401440386 1.742996016486572 1.6716929612594078 1.5871856364597334 1.4313752565876803 0.9906950046955316 0.9298412486237991 0.5841176208415336 0.5264368244944754 0.0846989194123521 -0.06899615407977817 -0.1199956774590899 -0.3079226010404157 -0.3931539743541461 0.17098794607082515 -0.13070119202884747 0.21698296391975289 0.5248890392629346 0.8858325552585526 +23814,1.2791247825934011,0,1.7524576401440386 1.742996016486572 1.6716929612594078 1.5871856364597334 1.4313752565876803 0.9906950046955316 0.9298412486237991 0.5841176208415336 0.5264368244944754 0.0846989194123521 -0.06899615407977817 -0.1199956774590899 -0.3079226010404157 -0.3931539743541461 0.17098794607082515 -0.13070119202884747 0.21698296391975289 0.5248890392629346 0.8858325552585526 1.2069979908035378 +23815,1.6833030993385039,0,1.742996016486572 1.6716929612594078 1.5871856364597334 1.4313752565876803 0.9906950046955316 0.9298412486237991 0.5841176208415336 0.5264368244944754 0.0846989194123521 -0.06899615407977817 -0.1199956774590899 -0.3079226010404157 -0.3931539743541461 0.17098794607082515 -0.13070119202884747 0.21698296391975289 0.5248890392629346 0.8858325552585526 1.2069979908035378 1.2791247825934011 +23816,1.8384427724832622,0,1.6716929612594078 1.5871856364597334 1.4313752565876803 0.9906950046955316 0.9298412486237991 0.5841176208415336 0.5264368244944754 0.0846989194123521 -0.06899615407977817 -0.1199956774590899 -0.3079226010404157 -0.3931539743541461 0.17098794607082515 -0.13070119202884747 0.21698296391975289 0.5248890392629346 0.8858325552585526 1.2069979908035378 1.2791247825934011 1.6833030993385039 +23817,1.7414549144368807,0,1.5871856364597334 1.4313752565876803 0.9906950046955316 0.9298412486237991 0.5841176208415336 0.5264368244944754 0.0846989194123521 -0.06899615407977817 -0.1199956774590899 -0.3079226010404157 -0.3931539743541461 0.17098794607082515 -0.13070119202884747 0.21698296391975289 0.5248890392629346 0.8858325552585526 1.2069979908035378 1.2791247825934011 1.6833030993385039 1.8384427724832622 +23818,1.9614544162688692,0,1.4313752565876803 0.9906950046955316 0.9298412486237991 0.5841176208415336 0.5264368244944754 0.0846989194123521 -0.06899615407977817 -0.1199956774590899 -0.3079226010404157 -0.3931539743541461 0.17098794607082515 -0.13070119202884747 0.21698296391975289 0.5248890392629346 0.8858325552585526 1.2069979908035378 1.2791247825934011 1.6833030993385039 1.8384427724832622 1.7414549144368807 +23819,1.915109734234049,0,0.9906950046955316 0.9298412486237991 0.5841176208415336 0.5264368244944754 0.0846989194123521 -0.06899615407977817 -0.1199956774590899 -0.3079226010404157 -0.3931539743541461 0.17098794607082515 -0.13070119202884747 0.21698296391975289 0.5248890392629346 0.8858325552585526 1.2069979908035378 1.2791247825934011 1.6833030993385039 1.8384427724832622 1.7414549144368807 1.9614544162688692 +23820,1.7883261102885926,0,0.9298412486237991 0.5841176208415336 0.5264368244944754 0.0846989194123521 -0.06899615407977817 -0.1199956774590899 -0.3079226010404157 -0.3931539743541461 0.17098794607082515 -0.13070119202884747 0.21698296391975289 0.5248890392629346 0.8858325552585526 1.2069979908035378 1.2791247825934011 1.6833030993385039 1.8384427724832622 1.7414549144368807 1.9614544162688692 1.915109734234049 +23821,1.6454339541099594,0,0.5841176208415336 0.5264368244944754 0.0846989194123521 -0.06899615407977817 -0.1199956774590899 -0.3079226010404157 -0.3931539743541461 0.17098794607082515 -0.13070119202884747 0.21698296391975289 0.5248890392629346 0.8858325552585526 1.2069979908035378 1.2791247825934011 1.6833030993385039 1.8384427724832622 1.7414549144368807 1.9614544162688692 1.915109734234049 1.7883261102885926 +23822,1.375758173831084,0,0.5264368244944754 0.0846989194123521 -0.06899615407977817 -0.1199956774590899 -0.3079226010404157 -0.3931539743541461 0.17098794607082515 -0.13070119202884747 0.21698296391975289 0.5248890392629346 0.8858325552585526 1.2069979908035378 1.2791247825934011 1.6833030993385039 1.8384427724832622 1.7414549144368807 1.9614544162688692 1.915109734234049 1.7883261102885926 1.6454339541099594 +23823,1.0161560717543954,0,0.0846989194123521 -0.06899615407977817 -0.1199956774590899 -0.3079226010404157 -0.3931539743541461 0.17098794607082515 -0.13070119202884747 0.21698296391975289 0.5248890392629346 0.8858325552585526 1.2069979908035378 1.2791247825934011 1.6833030993385039 1.8384427724832622 1.7414549144368807 1.9614544162688692 1.915109734234049 1.7883261102885926 1.6454339541099594 1.375758173831084 +23824,0.7764557321779788,0,-0.06899615407977817 -0.1199956774590899 -0.3079226010404157 -0.3931539743541461 0.17098794607082515 -0.13070119202884747 0.21698296391975289 0.5248890392629346 0.8858325552585526 1.2069979908035378 1.2791247825934011 1.6833030993385039 1.8384427724832622 1.7414549144368807 1.9614544162688692 1.915109734234049 1.7883261102885926 1.6454339541099594 1.375758173831084 1.0161560717543954 +23825,0.4468290708037488,0,-0.1199956774590899 -0.3079226010404157 -0.3931539743541461 0.17098794607082515 -0.13070119202884747 0.21698296391975289 0.5248890392629346 0.8858325552585526 1.2069979908035378 1.2791247825934011 1.6833030993385039 1.8384427724832622 1.7414549144368807 1.9614544162688692 1.915109734234049 1.7883261102885926 1.6454339541099594 1.375758173831084 1.0161560717543954 0.7764557321779788 +23826,0.4183240260712556,0,-0.3079226010404157 -0.3931539743541461 0.17098794607082515 -0.13070119202884747 0.21698296391975289 0.5248890392629346 0.8858325552585526 1.2069979908035378 1.2791247825934011 1.6833030993385039 1.8384427724832622 1.7414549144368807 1.9614544162688692 1.915109734234049 1.7883261102885926 1.6454339541099594 1.375758173831084 1.0161560717543954 0.7764557321779788 0.4468290708037488 +23827,-0.011676507723258758,0,-0.3931539743541461 0.17098794607082515 -0.13070119202884747 0.21698296391975289 0.5248890392629346 0.8858325552585526 1.2069979908035378 1.2791247825934011 1.6833030993385039 1.8384427724832622 1.7414549144368807 1.9614544162688692 1.915109734234049 1.7883261102885926 1.6454339541099594 1.375758173831084 1.0161560717543954 0.7764557321779788 0.4468290708037488 0.4183240260712556 +23828,-0.14055542456647377,0,0.17098794607082515 -0.13070119202884747 0.21698296391975289 0.5248890392629346 0.8858325552585526 1.2069979908035378 1.2791247825934011 1.6833030993385039 1.8384427724832622 1.7414549144368807 1.9614544162688692 1.915109734234049 1.7883261102885926 1.6454339541099594 1.375758173831084 1.0161560717543954 0.7764557321779788 0.4468290708037488 0.4183240260712556 -0.011676507723258758 +23829,-0.18330009342916073,0,-0.13070119202884747 0.21698296391975289 0.5248890392629346 0.8858325552585526 1.2069979908035378 1.2791247825934011 1.6833030993385039 1.8384427724832622 1.7414549144368807 1.9614544162688692 1.915109734234049 1.7883261102885926 1.6454339541099594 1.375758173831084 1.0161560717543954 0.7764557321779788 0.4468290708037488 0.4183240260712556 -0.011676507723258758 -0.14055542456647377 +23830,-0.340890426472266,0,0.21698296391975289 0.5248890392629346 0.8858325552585526 1.2069979908035378 1.2791247825934011 1.6833030993385039 1.8384427724832622 1.7414549144368807 1.9614544162688692 1.915109734234049 1.7883261102885926 1.6454339541099594 1.375758173831084 1.0161560717543954 0.7764557321779788 0.4468290708037488 0.4183240260712556 -0.011676507723258758 -0.14055542456647377 -0.18330009342916073 +23831,-0.4123465112252719,0,0.5248890392629346 0.8858325552585526 1.2069979908035378 1.2791247825934011 1.6833030993385039 1.8384427724832622 1.7414549144368807 1.9614544162688692 1.915109734234049 1.7883261102885926 1.6454339541099594 1.375758173831084 1.0161560717543954 0.7764557321779788 0.4468290708037488 0.4183240260712556 -0.011676507723258758 -0.14055542456647377 -0.18330009342916073 -0.340890426472266 +23832,0.12641173140241962,0,0.8858325552585526 1.2069979908035378 1.2791247825934011 1.6833030993385039 1.8384427724832622 1.7414549144368807 1.9614544162688692 1.915109734234049 1.7883261102885926 1.6454339541099594 1.375758173831084 1.0161560717543954 0.7764557321779788 0.4468290708037488 0.4183240260712556 -0.011676507723258758 -0.14055542456647377 -0.18330009342916073 -0.340890426472266 -0.4123465112252719 +23833,-0.1484491292473454,0,1.2069979908035378 1.2791247825934011 1.6833030993385039 1.8384427724832622 1.7414549144368807 1.9614544162688692 1.915109734234049 1.7883261102885926 1.6454339541099594 1.375758173831084 1.0161560717543954 0.7764557321779788 0.4468290708037488 0.4183240260712556 -0.011676507723258758 -0.14055542456647377 -0.18330009342916073 -0.340890426472266 -0.4123465112252719 0.12641173140241962 +23834,0.18690433748359572,0,1.2791247825934011 1.6833030993385039 1.8384427724832622 1.7414549144368807 1.9614544162688692 1.915109734234049 1.7883261102885926 1.6454339541099594 1.375758173831084 1.0161560717543954 0.7764557321779788 0.4468290708037488 0.4183240260712556 -0.011676507723258758 -0.14055542456647377 -0.18330009342916073 -0.340890426472266 -0.4123465112252719 0.12641173140241962 -0.1484491292473454 +23835,0.5243473144318902,0,1.6833030993385039 1.8384427724832622 1.7414549144368807 1.9614544162688692 1.915109734234049 1.7883261102885926 1.6454339541099594 1.375758173831084 1.0161560717543954 0.7764557321779788 0.4468290708037488 0.4183240260712556 -0.011676507723258758 -0.14055542456647377 -0.18330009342916073 -0.340890426472266 -0.4123465112252719 0.12641173140241962 -0.1484491292473454 0.18690433748359572 +23836,0.859004277963413,0,1.8384427724832622 1.7414549144368807 1.9614544162688692 1.915109734234049 1.7883261102885926 1.6454339541099594 1.375758173831084 1.0161560717543954 0.7764557321779788 0.4468290708037488 0.4183240260712556 -0.011676507723258758 -0.14055542456647377 -0.18330009342916073 -0.340890426472266 -0.4123465112252719 0.12641173140241962 -0.1484491292473454 0.18690433748359572 0.5243473144318902 +23837,1.1957507514027355,0,1.7414549144368807 1.9614544162688692 1.915109734234049 1.7883261102885926 1.6454339541099594 1.375758173831084 1.0161560717543954 0.7764557321779788 0.4468290708037488 0.4183240260712556 -0.011676507723258758 -0.14055542456647377 -0.18330009342916073 -0.340890426472266 -0.4123465112252719 0.12641173140241962 -0.1484491292473454 0.18690433748359572 0.5243473144318902 0.859004277963413 +23838,1.247627353131516,0,1.9614544162688692 1.915109734234049 1.7883261102885926 1.6454339541099594 1.375758173831084 1.0161560717543954 0.7764557321779788 0.4468290708037488 0.4183240260712556 -0.011676507723258758 -0.14055542456647377 -0.18330009342916073 -0.340890426472266 -0.4123465112252719 0.12641173140241962 -0.1484491292473454 0.18690433748359572 0.5243473144318902 0.859004277963413 1.1957507514027355 +23839,1.6793304506807305,0,1.915109734234049 1.7883261102885926 1.6454339541099594 1.375758173831084 1.0161560717543954 0.7764557321779788 0.4468290708037488 0.4183240260712556 -0.011676507723258758 -0.14055542456647377 -0.18330009342916073 -0.340890426472266 -0.4123465112252719 0.12641173140241962 -0.1484491292473454 0.18690433748359572 0.5243473144318902 0.859004277963413 1.1957507514027355 1.247627353131516 +23840,1.8261636762098405,0,1.7883261102885926 1.6454339541099594 1.375758173831084 1.0161560717543954 0.7764557321779788 0.4468290708037488 0.4183240260712556 -0.011676507723258758 -0.14055542456647377 -0.18330009342916073 -0.340890426472266 -0.4123465112252719 0.12641173140241962 -0.1484491292473454 0.18690433748359572 0.5243473144318902 0.859004277963413 1.1957507514027355 1.247627353131516 1.6793304506807305 +23841,1.7195470702287006,0,1.6454339541099594 1.375758173831084 1.0161560717543954 0.7764557321779788 0.4468290708037488 0.4183240260712556 -0.011676507723258758 -0.14055542456647377 -0.18330009342916073 -0.340890426472266 -0.4123465112252719 0.12641173140241962 -0.1484491292473454 0.18690433748359572 0.5243473144318902 0.859004277963413 1.1957507514027355 1.247627353131516 1.6793304506807305 1.8261636762098405 +23842,1.9508635730826707,0,1.375758173831084 1.0161560717543954 0.7764557321779788 0.4468290708037488 0.4183240260712556 -0.011676507723258758 -0.14055542456647377 -0.18330009342916073 -0.340890426472266 -0.4123465112252719 0.12641173140241962 -0.1484491292473454 0.18690433748359572 0.5243473144318902 0.859004277963413 1.1957507514027355 1.247627353131516 1.6793304506807305 1.8261636762098405 1.7195470702287006 +23843,1.928730244271623,0,1.0161560717543954 0.7764557321779788 0.4468290708037488 0.4183240260712556 -0.011676507723258758 -0.14055542456647377 -0.18330009342916073 -0.340890426472266 -0.4123465112252719 0.12641173140241962 -0.1484491292473454 0.18690433748359572 0.5243473144318902 0.859004277963413 1.1957507514027355 1.247627353131516 1.6793304506807305 1.8261636762098405 1.7195470702287006 1.9508635730826707 +23844,1.5460403457728336,0,0.7764557321779788 0.4468290708037488 0.4183240260712556 -0.011676507723258758 -0.14055542456647377 -0.18330009342916073 -0.340890426472266 -0.4123465112252719 0.12641173140241962 -0.1484491292473454 0.18690433748359572 0.5243473144318902 0.859004277963413 1.1957507514027355 1.247627353131516 1.6793304506807305 1.8261636762098405 1.7195470702287006 1.9508635730826707 1.928730244271623 +23845,1.64409254019103,0,0.4468290708037488 0.4183240260712556 -0.011676507723258758 -0.14055542456647377 -0.18330009342916073 -0.340890426472266 -0.4123465112252719 0.12641173140241962 -0.1484491292473454 0.18690433748359572 0.5243473144318902 0.859004277963413 1.1957507514027355 1.247627353131516 1.6793304506807305 1.8261636762098405 1.7195470702287006 1.9508635730826707 1.928730244271623 1.5460403457728336 +23846,1.381588164921485,0,0.4183240260712556 -0.011676507723258758 -0.14055542456647377 -0.18330009342916073 -0.340890426472266 -0.4123465112252719 0.12641173140241962 -0.1484491292473454 0.18690433748359572 0.5243473144318902 0.859004277963413 1.1957507514027355 1.247627353131516 1.6793304506807305 1.8261636762098405 1.7195470702287006 1.9508635730826707 1.928730244271623 1.5460403457728336 1.64409254019103 +23847,1.03286098947318,0,-0.011676507723258758 -0.14055542456647377 -0.18330009342916073 -0.340890426472266 -0.4123465112252719 0.12641173140241962 -0.1484491292473454 0.18690433748359572 0.5243473144318902 0.859004277963413 1.1957507514027355 1.247627353131516 1.6793304506807305 1.8261636762098405 1.7195470702287006 1.9508635730826707 1.928730244271623 1.5460403457728336 1.64409254019103 1.381588164921485 +23848,0.7937171133578975,0,-0.14055542456647377 -0.18330009342916073 -0.340890426472266 -0.4123465112252719 0.12641173140241962 -0.1484491292473454 0.18690433748359572 0.5243473144318902 0.859004277963413 1.1957507514027355 1.247627353131516 1.6793304506807305 1.8261636762098405 1.7195470702287006 1.9508635730826707 1.928730244271623 1.5460403457728336 1.64409254019103 1.381588164921485 1.03286098947318 +23849,0.29690027465678054,0,-0.18330009342916073 -0.340890426472266 -0.4123465112252719 0.12641173140241962 -0.1484491292473454 0.18690433748359572 0.5243473144318902 0.859004277963413 1.1957507514027355 1.247627353131516 1.6793304506807305 1.8261636762098405 1.7195470702287006 1.9508635730826707 1.928730244271623 1.5460403457728336 1.64409254019103 1.381588164921485 1.03286098947318 0.7937171133578975 +23850,0.22756168748324246,0,-0.340890426472266 -0.4123465112252719 0.12641173140241962 -0.1484491292473454 0.18690433748359572 0.5243473144318902 0.859004277963413 1.1957507514027355 1.247627353131516 1.6793304506807305 1.8261636762098405 1.7195470702287006 1.9508635730826707 1.928730244271623 1.5460403457728336 1.64409254019103 1.381588164921485 1.03286098947318 0.7937171133578975 0.29690027465678054 +23851,0.08150016321557217,0,-0.4123465112252719 0.12641173140241962 -0.1484491292473454 0.18690433748359572 0.5243473144318902 0.859004277963413 1.1957507514027355 1.247627353131516 1.6793304506807305 1.8261636762098405 1.7195470702287006 1.9508635730826707 1.928730244271623 1.5460403457728336 1.64409254019103 1.381588164921485 1.03286098947318 0.7937171133578975 0.29690027465678054 0.22756168748324246 +23852,-0.065333062313529,0,0.12641173140241962 -0.1484491292473454 0.18690433748359572 0.5243473144318902 0.859004277963413 1.1957507514027355 1.247627353131516 1.6793304506807305 1.8261636762098405 1.7195470702287006 1.9508635730826707 1.928730244271623 1.5460403457728336 1.64409254019103 1.381588164921485 1.03286098947318 0.7937171133578975 0.29690027465678054 0.22756168748324246 0.08150016321557217 +23853,-0.1353961405129304,0,-0.1484491292473454 0.18690433748359572 0.5243473144318902 0.859004277963413 1.1957507514027355 1.247627353131516 1.6793304506807305 1.8261636762098405 1.7195470702287006 1.9508635730826707 1.928730244271623 1.5460403457728336 1.64409254019103 1.381588164921485 1.03286098947318 0.7937171133578975 0.29690027465678054 0.22756168748324246 0.08150016321557217 -0.065333062313529 +23854,-0.3078194153067172,0,0.18690433748359572 0.5243473144318902 0.859004277963413 1.1957507514027355 1.247627353131516 1.6793304506807305 1.8261636762098405 1.7195470702287006 1.9508635730826707 1.928730244271623 1.5460403457728336 1.64409254019103 1.381588164921485 1.03286098947318 0.7937171133578975 0.29690027465678054 0.22756168748324246 0.08150016321557217 -0.065333062313529 -0.1353961405129304 +23855,-0.4034725426160185,0,0.5243473144318902 0.859004277963413 1.1957507514027355 1.247627353131516 1.6793304506807305 1.8261636762098405 1.7195470702287006 1.9508635730826707 1.928730244271623 1.5460403457728336 1.64409254019103 1.381588164921485 1.03286098947318 0.7937171133578975 0.29690027465678054 0.22756168748324246 0.08150016321557217 -0.065333062313529 -0.1353961405129304 -0.3078194153067172 +23856,0.11240427505696049,0,0.859004277963413 1.1957507514027355 1.247627353131516 1.6793304506807305 1.8261636762098405 1.7195470702287006 1.9508635730826707 1.928730244271623 1.5460403457728336 1.64409254019103 1.381588164921485 1.03286098947318 0.7937171133578975 0.29690027465678054 0.22756168748324246 0.08150016321557217 -0.065333062313529 -0.1353961405129304 -0.3078194153067172 -0.4034725426160185 +23857,-0.1870921672464372,0,1.1957507514027355 1.247627353131516 1.6793304506807305 1.8261636762098405 1.7195470702287006 1.9508635730826707 1.928730244271623 1.5460403457728336 1.64409254019103 1.381588164921485 1.03286098947318 0.7937171133578975 0.29690027465678054 0.22756168748324246 0.08150016321557217 -0.065333062313529 -0.1353961405129304 -0.3078194153067172 -0.4034725426160185 0.11240427505696049 +23858,0.12494133543245421,0,1.247627353131516 1.6793304506807305 1.8261636762098405 1.7195470702287006 1.9508635730826707 1.928730244271623 1.5460403457728336 1.64409254019103 1.381588164921485 1.03286098947318 0.7937171133578975 0.29690027465678054 0.22756168748324246 0.08150016321557217 -0.065333062313529 -0.1353961405129304 -0.3078194153067172 -0.4034725426160185 0.11240427505696049 -0.1870921672464372 +23859,0.45415525418145264,0,1.6793304506807305 1.8261636762098405 1.7195470702287006 1.9508635730826707 1.928730244271623 1.5460403457728336 1.64409254019103 1.381588164921485 1.03286098947318 0.7937171133578975 0.29690027465678054 0.22756168748324246 0.08150016321557217 -0.065333062313529 -0.1353961405129304 -0.3078194153067172 -0.4034725426160185 0.11240427505696049 -0.1870921672464372 0.12494133543245421 +23860,0.7604619515036417,0,1.8261636762098405 1.7195470702287006 1.9508635730826707 1.928730244271623 1.5460403457728336 1.64409254019103 1.381588164921485 1.03286098947318 0.7937171133578975 0.29690027465678054 0.22756168748324246 0.08150016321557217 -0.065333062313529 -0.1353961405129304 -0.3078194153067172 -0.4034725426160185 0.11240427505696049 -0.1870921672464372 0.12494133543245421 0.45415525418145264 +23861,1.0839490648959378,0,1.7195470702287006 1.9508635730826707 1.928730244271623 1.5460403457728336 1.64409254019103 1.381588164921485 1.03286098947318 0.7937171133578975 0.29690027465678054 0.22756168748324246 0.08150016321557217 -0.065333062313529 -0.1353961405129304 -0.3078194153067172 -0.4034725426160185 0.11240427505696049 -0.1870921672464372 0.12494133543245421 0.45415525418145264 0.7604619515036417 +23862,1.0817047763102021,0,1.9508635730826707 1.928730244271623 1.5460403457728336 1.64409254019103 1.381588164921485 1.03286098947318 0.7937171133578975 0.29690027465678054 0.22756168748324246 0.08150016321557217 -0.065333062313529 -0.1353961405129304 -0.3078194153067172 -0.4034725426160185 0.11240427505696049 -0.1870921672464372 0.12494133543245421 0.45415525418145264 0.7604619515036417 1.0839490648959378 +23863,1.5137690236951784,0,1.928730244271623 1.5460403457728336 1.64409254019103 1.381588164921485 1.03286098947318 0.7937171133578975 0.29690027465678054 0.22756168748324246 0.08150016321557217 -0.065333062313529 -0.1353961405129304 -0.3078194153067172 -0.4034725426160185 0.11240427505696049 -0.1870921672464372 0.12494133543245421 0.45415525418145264 0.7604619515036417 1.0839490648959378 1.0817047763102021 +23864,1.620101869102123,0,1.5460403457728336 1.64409254019103 1.381588164921485 1.03286098947318 0.7937171133578975 0.29690027465678054 0.22756168748324246 0.08150016321557217 -0.065333062313529 -0.1353961405129304 -0.3078194153067172 -0.4034725426160185 0.11240427505696049 -0.1870921672464372 0.12494133543245421 0.45415525418145264 0.7604619515036417 1.0839490648959378 1.0817047763102021 1.5137690236951784 +23865,1.5313630972863788,0,1.64409254019103 1.381588164921485 1.03286098947318 0.7937171133578975 0.29690027465678054 0.22756168748324246 0.08150016321557217 -0.065333062313529 -0.1353961405129304 -0.3078194153067172 -0.4034725426160185 0.11240427505696049 -0.1870921672464372 0.12494133543245421 0.45415525418145264 0.7604619515036417 1.0839490648959378 1.0817047763102021 1.5137690236951784 1.620101869102123 +23866,1.6881767464378192,0,1.381588164921485 1.03286098947318 0.7937171133578975 0.29690027465678054 0.22756168748324246 0.08150016321557217 -0.065333062313529 -0.1353961405129304 -0.3078194153067172 -0.4034725426160185 0.11240427505696049 -0.1870921672464372 0.12494133543245421 0.45415525418145264 0.7604619515036417 1.0839490648959378 1.0817047763102021 1.5137690236951784 1.620101869102123 1.5313630972863788 +23867,1.6326389294776165,0,1.03286098947318 0.7937171133578975 0.29690027465678054 0.22756168748324246 0.08150016321557217 -0.065333062313529 -0.1353961405129304 -0.3078194153067172 -0.4034725426160185 0.11240427505696049 -0.1870921672464372 0.12494133543245421 0.45415525418145264 0.7604619515036417 1.0839490648959378 1.0817047763102021 1.5137690236951784 1.620101869102123 1.5313630972863788 1.6881767464378192 +23868,1.5376113866223136,0,0.7937171133578975 0.29690027465678054 0.22756168748324246 0.08150016321557217 -0.065333062313529 -0.1353961405129304 -0.3078194153067172 -0.4034725426160185 0.11240427505696049 -0.1870921672464372 0.12494133543245421 0.45415525418145264 0.7604619515036417 1.0839490648959378 1.0817047763102021 1.5137690236951784 1.620101869102123 1.5313630972863788 1.6881767464378192 1.6326389294776165 +23869,1.427660572031988,0,0.29690027465678054 0.22756168748324246 0.08150016321557217 -0.065333062313529 -0.1353961405129304 -0.3078194153067172 -0.4034725426160185 0.11240427505696049 -0.1870921672464372 0.12494133543245421 0.45415525418145264 0.7604619515036417 1.0839490648959378 1.0817047763102021 1.5137690236951784 1.620101869102123 1.5313630972863788 1.6881767464378192 1.6326389294776165 1.5376113866223136 +23870,1.2226822144315737,0,0.22756168748324246 0.08150016321557217 -0.065333062313529 -0.1353961405129304 -0.3078194153067172 -0.4034725426160185 0.11240427505696049 -0.1870921672464372 0.12494133543245421 0.45415525418145264 0.7604619515036417 1.0839490648959378 1.0817047763102021 1.5137690236951784 1.620101869102123 1.5313630972863788 1.6881767464378192 1.6326389294776165 1.5376113866223136 1.427660572031988 +23871,0.829183615784105,0,0.08150016321557217 -0.065333062313529 -0.1353961405129304 -0.3078194153067172 -0.4034725426160185 0.11240427505696049 -0.1870921672464372 0.12494133543245421 0.45415525418145264 0.7604619515036417 1.0839490648959378 1.0817047763102021 1.5137690236951784 1.620101869102123 1.5313630972863788 1.6881767464378192 1.6326389294776165 1.5376113866223136 1.427660572031988 1.2226822144315737 +23872,0.6870453387390868,0,-0.065333062313529 -0.1353961405129304 -0.3078194153067172 -0.4034725426160185 0.11240427505696049 -0.1870921672464372 0.12494133543245421 0.45415525418145264 0.7604619515036417 1.0839490648959378 1.0817047763102021 1.5137690236951784 1.620101869102123 1.5313630972863788 1.6881767464378192 1.6326389294776165 1.5376113866223136 1.427660572031988 1.2226822144315737 0.829183615784105 +23873,0.35638682033745167,0,-0.1353961405129304 -0.3078194153067172 -0.4034725426160185 0.11240427505696049 -0.1870921672464372 0.12494133543245421 0.45415525418145264 0.7604619515036417 1.0839490648959378 1.0817047763102021 1.5137690236951784 1.620101869102123 1.5313630972863788 1.6881767464378192 1.6326389294776165 1.5376113866223136 1.427660572031988 1.2226822144315737 0.829183615784105 0.6870453387390868 +23874,0.37011051610872414,0,-0.3078194153067172 -0.4034725426160185 0.11240427505696049 -0.1870921672464372 0.12494133543245421 0.45415525418145264 0.7604619515036417 1.0839490648959378 1.0817047763102021 1.5137690236951784 1.620101869102123 1.5313630972863788 1.6881767464378192 1.6326389294776165 1.5376113866223136 1.427660572031988 1.2226822144315737 0.829183615784105 0.6870453387390868 0.35638682033745167 +23875,-0.07534207352909152,0,-0.4034725426160185 0.11240427505696049 -0.1870921672464372 0.12494133543245421 0.45415525418145264 0.7604619515036417 1.0839490648959378 1.0817047763102021 1.5137690236951784 1.620101869102123 1.5313630972863788 1.6881767464378192 1.6326389294776165 1.5376113866223136 1.427660572031988 1.2226822144315737 0.829183615784105 0.6870453387390868 0.35638682033745167 0.37011051610872414 +23876,-0.17641244914880286,0,0.11240427505696049 -0.1870921672464372 0.12494133543245421 0.45415525418145264 0.7604619515036417 1.0839490648959378 1.0817047763102021 1.5137690236951784 1.620101869102123 1.5313630972863788 1.6881767464378192 1.6326389294776165 1.5376113866223136 1.427660572031988 1.2226822144315737 0.829183615784105 0.6870453387390868 0.35638682033745167 0.37011051610872414 -0.07534207352909152 +23877,-0.24970007986231296,0,-0.1870921672464372 0.12494133543245421 0.45415525418145264 0.7604619515036417 1.0839490648959378 1.0817047763102021 1.5137690236951784 1.620101869102123 1.5313630972863788 1.6881767464378192 1.6326389294776165 1.5376113866223136 1.427660572031988 1.2226822144315737 0.829183615784105 0.6870453387390868 0.35638682033745167 0.37011051610872414 -0.07534207352909152 -0.17641244914880286 +23878,-0.36003137039914523,0,0.12494133543245421 0.45415525418145264 0.7604619515036417 1.0839490648959378 1.0817047763102021 1.5137690236951784 1.620101869102123 1.5313630972863788 1.6881767464378192 1.6326389294776165 1.5376113866223136 1.427660572031988 1.2226822144315737 0.829183615784105 0.6870453387390868 0.35638682033745167 0.37011051610872414 -0.07534207352909152 -0.17641244914880286 -0.24970007986231296 +23879,-0.44257991618457954,0,0.45415525418145264 0.7604619515036417 1.0839490648959378 1.0817047763102021 1.5137690236951784 1.620101869102123 1.5313630972863788 1.6881767464378192 1.6326389294776165 1.5376113866223136 1.427660572031988 1.2226822144315737 0.829183615784105 0.6870453387390868 0.35638682033745167 0.37011051610872414 -0.07534207352909152 -0.17641244914880286 -0.24970007986231296 -0.36003137039914523 +23880,0.06457771140230543,0,0.7604619515036417 1.0839490648959378 1.0817047763102021 1.5137690236951784 1.620101869102123 1.5313630972863788 1.6881767464378192 1.6326389294776165 1.5376113866223136 1.427660572031988 1.2226822144315737 0.829183615784105 0.6870453387390868 0.35638682033745167 0.37011051610872414 -0.07534207352909152 -0.17641244914880286 -0.24970007986231296 -0.36003137039914523 -0.44257991618457954 +23881,-0.21453955863418772,0,1.0839490648959378 1.0817047763102021 1.5137690236951784 1.620101869102123 1.5313630972863788 1.6881767464378192 1.6326389294776165 1.5376113866223136 1.427660572031988 1.2226822144315737 0.829183615784105 0.6870453387390868 0.35638682033745167 0.37011051610872414 -0.07534207352909152 -0.17641244914880286 -0.24970007986231296 -0.36003137039914523 -0.44257991618457954 0.06457771140230543 +23882,0.09604934439206704,0,1.0817047763102021 1.5137690236951784 1.620101869102123 1.5313630972863788 1.6881767464378192 1.6326389294776165 1.5376113866223136 1.427660572031988 1.2226822144315737 0.829183615784105 0.6870453387390868 0.35638682033745167 0.37011051610872414 -0.07534207352909152 -0.17641244914880286 -0.24970007986231296 -0.36003137039914523 -0.44257991618457954 0.06457771140230543 -0.21453955863418772 +23883,0.37831377783589687,0,1.5137690236951784 1.620101869102123 1.5313630972863788 1.6881767464378192 1.6326389294776165 1.5376113866223136 1.427660572031988 1.2226822144315737 0.829183615784105 0.6870453387390868 0.35638682033745167 0.37011051610872414 -0.07534207352909152 -0.17641244914880286 -0.24970007986231296 -0.36003137039914523 -0.44257991618457954 0.06457771140230543 -0.21453955863418772 0.09604934439206704 +23884,0.6983441709293409,0,1.620101869102123 1.5313630972863788 1.6881767464378192 1.6326389294776165 1.5376113866223136 1.427660572031988 1.2226822144315737 0.829183615784105 0.6870453387390868 0.35638682033745167 0.37011051610872414 -0.07534207352909152 -0.17641244914880286 -0.24970007986231296 -0.36003137039914523 -0.44257991618457954 0.06457771140230543 -0.21453955863418772 0.09604934439206704 0.37831377783589687 +23885,0.9900500941307886,0,1.5313630972863788 1.6881767464378192 1.6326389294776165 1.5376113866223136 1.427660572031988 1.2226822144315737 0.829183615784105 0.6870453387390868 0.35638682033745167 0.37011051610872414 -0.07534207352909152 -0.17641244914880286 -0.24970007986231296 -0.36003137039914523 -0.44257991618457954 0.06457771140230543 -0.21453955863418772 0.09604934439206704 0.37831377783589687 0.6983441709293409 +23886,1.0683164340573628,0,1.6881767464378192 1.6326389294776165 1.5376113866223136 1.427660572031988 1.2226822144315737 0.829183615784105 0.6870453387390868 0.35638682033745167 0.37011051610872414 -0.07534207352909152 -0.17641244914880286 -0.24970007986231296 -0.36003137039914523 -0.44257991618457954 0.06457771140230543 -0.21453955863418772 0.09604934439206704 0.37831377783589687 0.6983441709293409 0.9900500941307886 +23887,1.4311688851202922,0,1.6326389294776165 1.5376113866223136 1.427660572031988 1.2226822144315737 0.829183615784105 0.6870453387390868 0.35638682033745167 0.37011051610872414 -0.07534207352909152 -0.17641244914880286 -0.24970007986231296 -0.36003137039914523 -0.44257991618457954 0.06457771140230543 -0.21453955863418772 0.09604934439206704 0.37831377783589687 0.6983441709293409 0.9900500941307886 1.0683164340573628 +23888,1.580581752908348,0,1.5376113866223136 1.427660572031988 1.2226822144315737 0.829183615784105 0.6870453387390868 0.35638682033745167 0.37011051610872414 -0.07534207352909152 -0.17641244914880286 -0.24970007986231296 -0.36003137039914523 -0.44257991618457954 0.06457771140230543 -0.21453955863418772 0.09604934439206704 0.37831377783589687 0.6983441709293409 0.9900500941307886 1.0683164340573628 1.4311688851202922 +23889,1.450696775509842,0,1.427660572031988 1.2226822144315737 0.829183615784105 0.6870453387390868 0.35638682033745167 0.37011051610872414 -0.07534207352909152 -0.17641244914880286 -0.24970007986231296 -0.36003137039914523 -0.44257991618457954 0.06457771140230543 -0.21453955863418772 0.09604934439206704 0.37831377783589687 0.6983441709293409 0.9900500941307886 1.0683164340573628 1.4311688851202922 1.580581752908348 +23890,1.6932089248203679,0,1.2226822144315737 0.829183615784105 0.6870453387390868 0.35638682033745167 0.37011051610872414 -0.07534207352909152 -0.17641244914880286 -0.24970007986231296 -0.36003137039914523 -0.44257991618457954 0.06457771140230543 -0.21453955863418772 0.09604934439206704 0.37831377783589687 0.6983441709293409 0.9900500941307886 1.0683164340573628 1.4311688851202922 1.580581752908348 1.450696775509842 +23891,1.6564232292539036,0,0.829183615784105 0.6870453387390868 0.35638682033745167 0.37011051610872414 -0.07534207352909152 -0.17641244914880286 -0.24970007986231296 -0.36003137039914523 -0.44257991618457954 0.06457771140230543 -0.21453955863418772 0.09604934439206704 0.37831377783589687 0.6983441709293409 0.9900500941307886 1.0683164340573628 1.4311688851202922 1.580581752908348 1.450696775509842 1.6932089248203679 +23892,1.3957503997900946,0,0.6870453387390868 0.35638682033745167 0.37011051610872414 -0.07534207352909152 -0.17641244914880286 -0.24970007986231296 -0.36003137039914523 -0.44257991618457954 0.06457771140230543 -0.21453955863418772 0.09604934439206704 0.37831377783589687 0.6983441709293409 0.9900500941307886 1.0683164340573628 1.4311688851202922 1.580581752908348 1.450696775509842 1.6932089248203679 1.6564232292539036 +23893,1.4335937487013017,0,0.35638682033745167 0.37011051610872414 -0.07534207352909152 -0.17641244914880286 -0.24970007986231296 -0.36003137039914523 -0.44257991618457954 0.06457771140230543 -0.21453955863418772 0.09604934439206704 0.37831377783589687 0.6983441709293409 0.9900500941307886 1.0683164340573628 1.4311688851202922 1.580581752908348 1.450696775509842 1.6932089248203679 1.6564232292539036 1.3957503997900946 +23894,1.2475499638699408,0,0.37011051610872414 -0.07534207352909152 -0.17641244914880286 -0.24970007986231296 -0.36003137039914523 -0.44257991618457954 0.06457771140230543 -0.21453955863418772 0.09604934439206704 0.37831377783589687 0.6983441709293409 0.9900500941307886 1.0683164340573628 1.4311688851202922 1.580581752908348 1.450696775509842 1.6932089248203679 1.6564232292539036 1.3957503997900946 1.4335937487013017 +23895,0.8291062265225297,0,-0.07534207352909152 -0.17641244914880286 -0.24970007986231296 -0.36003137039914523 -0.44257991618457954 0.06457771140230543 -0.21453955863418772 0.09604934439206704 0.37831377783589687 0.6983441709293409 0.9900500941307886 1.0683164340573628 1.4311688851202922 1.580581752908348 1.450696775509842 1.6932089248203679 1.6564232292539036 1.3957503997900946 1.4335937487013017 1.2475499638699408 +23896,0.7205290925298495,0,-0.17641244914880286 -0.24970007986231296 -0.36003137039914523 -0.44257991618457954 0.06457771140230543 -0.21453955863418772 0.09604934439206704 0.37831377783589687 0.6983441709293409 0.9900500941307886 1.0683164340573628 1.4311688851202922 1.580581752908348 1.450696775509842 1.6932089248203679 1.6564232292539036 1.3957503997900946 1.4335937487013017 1.2475499638699408 0.8291062265225297 +23897,0.3795520060211277,0,-0.24970007986231296 -0.36003137039914523 -0.44257991618457954 0.06457771140230543 -0.21453955863418772 0.09604934439206704 0.37831377783589687 0.6983441709293409 0.9900500941307886 1.0683164340573628 1.4311688851202922 1.580581752908348 1.450696775509842 1.6932089248203679 1.6564232292539036 1.3957503997900946 1.4335937487013017 1.2475499638699408 0.8291062265225297 0.7205290925298495 +23898,0.37351564361811546,0,-0.36003137039914523 -0.44257991618457954 0.06457771140230543 -0.21453955863418772 0.09604934439206704 0.37831377783589687 0.6983441709293409 0.9900500941307886 1.0683164340573628 1.4311688851202922 1.580581752908348 1.450696775509842 1.6932089248203679 1.6564232292539036 1.3957503997900946 1.4335937487013017 1.2475499638699408 0.8291062265225297 0.7205290925298495 0.3795520060211277 +23899,-0.07910835087425352,0,-0.44257991618457954 0.06457771140230543 -0.21453955863418772 0.09604934439206704 0.37831377783589687 0.6983441709293409 0.9900500941307886 1.0683164340573628 1.4311688851202922 1.580581752908348 1.450696775509842 1.6932089248203679 1.6564232292539036 1.3957503997900946 1.4335937487013017 1.2475499638699408 0.8291062265225297 0.7205290925298495 0.3795520060211277 0.37351564361811546 +23900,-0.19679162141569861,0,0.06457771140230543 -0.21453955863418772 0.09604934439206704 0.37831377783589687 0.6983441709293409 0.9900500941307886 1.0683164340573628 1.4311688851202922 1.580581752908348 1.450696775509842 1.6932089248203679 1.6564232292539036 1.3957503997900946 1.4335937487013017 1.2475499638699408 0.8291062265225297 0.7205290925298495 0.3795520060211277 0.37351564361811546 -0.07910835087425352 +23901,-0.3102958716771876,0,-0.21453955863418772 0.09604934439206704 0.37831377783589687 0.6983441709293409 0.9900500941307886 1.0683164340573628 1.4311688851202922 1.580581752908348 1.450696775509842 1.6932089248203679 1.6564232292539036 1.3957503997900946 1.4335937487013017 1.2475499638699408 0.8291062265225297 0.7205290925298495 0.3795520060211277 0.37351564361811546 -0.07910835087425352 -0.19679162141569861 +23902,-0.3545707599568241,0,0.09604934439206704 0.37831377783589687 0.6983441709293409 0.9900500941307886 1.0683164340573628 1.4311688851202922 1.580581752908348 1.450696775509842 1.6932089248203679 1.6564232292539036 1.3957503997900946 1.4335937487013017 1.2475499638699408 0.8291062265225297 0.7205290925298495 0.3795520060211277 0.37351564361811546 -0.07910835087425352 -0.19679162141569861 -0.3102958716771876 +23903,-0.4985065558327088,0,0.37831377783589687 0.6983441709293409 0.9900500941307886 1.0683164340573628 1.4311688851202922 1.580581752908348 1.450696775509842 1.6932089248203679 1.6564232292539036 1.3957503997900946 1.4335937487013017 1.2475499638699408 0.8291062265225297 0.7205290925298495 0.3795520060211277 0.37351564361811546 -0.07910835087425352 -0.19679162141569861 -0.3102958716771876 -0.3545707599568241 +23904,-0.4985065558327088,0,0.6983441709293409 0.9900500941307886 1.0683164340573628 1.4311688851202922 1.580581752908348 1.450696775509842 1.6932089248203679 1.6564232292539036 1.3957503997900946 1.4335937487013017 1.2475499638699408 0.8291062265225297 0.7205290925298495 0.3795520060211277 0.37351564361811546 -0.07910835087425352 -0.19679162141569861 -0.3102958716771876 -0.3545707599568241 -0.4985065558327088 +23905,-0.4985065558327088,0,0.9900500941307886 1.0683164340573628 1.4311688851202922 1.580581752908348 1.450696775509842 1.6932089248203679 1.6564232292539036 1.3957503997900946 1.4335937487013017 1.2475499638699408 0.8291062265225297 0.7205290925298495 0.3795520060211277 0.37351564361811546 -0.07910835087425352 -0.19679162141569861 -0.3102958716771876 -0.3545707599568241 -0.4985065558327088 -0.4985065558327088 +23906,-0.11325889332878954,0,1.0683164340573628 1.4311688851202922 1.580581752908348 1.450696775509842 1.6932089248203679 1.6564232292539036 1.3957503997900946 1.4335937487013017 1.2475499638699408 0.8291062265225297 0.7205290925298495 0.3795520060211277 0.37351564361811546 -0.07910835087425352 -0.19679162141569861 -0.3102958716771876 -0.3545707599568241 -0.4985065558327088 -0.4985065558327088 -0.4985065558327088 +23907,0.4886708648448436,0,1.4311688851202922 1.580581752908348 1.450696775509842 1.6932089248203679 1.6564232292539036 1.3957503997900946 1.4335937487013017 1.2475499638699408 0.8291062265225297 0.7205290925298495 0.3795520060211277 0.37351564361811546 -0.07910835087425352 -0.19679162141569861 -0.3102958716771876 -0.3545707599568241 -0.4985065558327088 -0.4985065558327088 -0.4985065558327088 -0.11325889332878954 +23908,1.3986138024684502,0,1.580581752908348 1.450696775509842 1.6932089248203679 1.6564232292539036 1.3957503997900946 1.4335937487013017 1.2475499638699408 0.8291062265225297 0.7205290925298495 0.3795520060211277 0.37351564361811546 -0.07910835087425352 -0.19679162141569861 -0.3102958716771876 -0.3545707599568241 -0.4985065558327088 -0.4985065558327088 -0.4985065558327088 -0.11325889332878954 0.4886708648448436 +23909,1.3986138024684502,0,1.450696775509842 1.6932089248203679 1.6564232292539036 1.3957503997900946 1.4335937487013017 1.2475499638699408 0.8291062265225297 0.7205290925298495 0.3795520060211277 0.37351564361811546 -0.07910835087425352 -0.19679162141569861 -0.3102958716771876 -0.3545707599568241 -0.4985065558327088 -0.4985065558327088 -0.4985065558327088 -0.11325889332878954 0.4886708648448436 1.3986138024684502 +23910,1.3986138024684502,0,1.6932089248203679 1.6564232292539036 1.3957503997900946 1.4335937487013017 1.2475499638699408 0.8291062265225297 0.7205290925298495 0.3795520060211277 0.37351564361811546 -0.07910835087425352 -0.19679162141569861 -0.3102958716771876 -0.3545707599568241 -0.4985065558327088 -0.4985065558327088 -0.4985065558327088 -0.11325889332878954 0.4886708648448436 1.3986138024684502 1.3986138024684502 +23911,1.799335398914701,0,1.6564232292539036 1.3957503997900946 1.4335937487013017 1.2475499638699408 0.8291062265225297 0.7205290925298495 0.3795520060211277 0.37351564361811546 -0.07910835087425352 -0.19679162141569861 -0.3102958716771876 -0.3545707599568241 -0.4985065558327088 -0.4985065558327088 -0.4985065558327088 -0.11325889332878954 0.4886708648448436 1.3986138024684502 1.3986138024684502 1.3986138024684502 +23912,1.799335398914701,0,1.3957503997900946 1.4335937487013017 1.2475499638699408 0.8291062265225297 0.7205290925298495 0.3795520060211277 0.37351564361811546 -0.07910835087425352 -0.19679162141569861 -0.3102958716771876 -0.3545707599568241 -0.4985065558327088 -0.4985065558327088 -0.4985065558327088 -0.11325889332878954 0.4886708648448436 1.3986138024684502 1.3986138024684502 1.3986138024684502 1.799335398914701 +23913,1.799335398914701,0,1.4335937487013017 1.2475499638699408 0.8291062265225297 0.7205290925298495 0.3795520060211277 0.37351564361811546 -0.07910835087425352 -0.19679162141569861 -0.3102958716771876 -0.3545707599568241 -0.4985065558327088 -0.4985065558327088 -0.4985065558327088 -0.11325889332878954 0.4886708648448436 1.3986138024684502 1.3986138024684502 1.3986138024684502 1.799335398914701 1.799335398914701 +23914,1.7874392629378597,0,1.2475499638699408 0.8291062265225297 0.7205290925298495 0.3795520060211277 0.37351564361811546 -0.07910835087425352 -0.19679162141569861 -0.3102958716771876 -0.3545707599568241 -0.4985065558327088 -0.4985065558327088 -0.4985065558327088 -0.11325889332878954 0.4886708648448436 1.3986138024684502 1.3986138024684502 1.3986138024684502 1.799335398914701 1.799335398914701 1.799335398914701 +23915,1.7434603520560326,0,0.8291062265225297 0.7205290925298495 0.3795520060211277 0.37351564361811546 -0.07910835087425352 -0.19679162141569861 -0.3102958716771876 -0.3545707599568241 -0.4985065558327088 -0.4985065558327088 -0.4985065558327088 -0.11325889332878954 0.4886708648448436 1.3986138024684502 1.3986138024684502 1.3986138024684502 1.799335398914701 1.799335398914701 1.799335398914701 1.7874392629378597 +23916,1.7434603520560326,0,0.7205290925298495 0.3795520060211277 0.37351564361811546 -0.07910835087425352 -0.19679162141569861 -0.3102958716771876 -0.3545707599568241 -0.4985065558327088 -0.4985065558327088 -0.4985065558327088 -0.11325889332878954 0.4886708648448436 1.3986138024684502 1.3986138024684502 1.3986138024684502 1.799335398914701 1.799335398914701 1.799335398914701 1.7874392629378597 1.7434603520560326 +23917,1.7434603520560326,0,0.3795520060211277 0.37351564361811546 -0.07910835087425352 -0.19679162141569861 -0.3102958716771876 -0.3545707599568241 -0.4985065558327088 -0.4985065558327088 -0.4985065558327088 -0.11325889332878954 0.4886708648448436 1.3986138024684502 1.3986138024684502 1.3986138024684502 1.799335398914701 1.799335398914701 1.799335398914701 1.7874392629378597 1.7434603520560326 1.7434603520560326 +23918,1.0525290246956283,0,0.37351564361811546 -0.07910835087425352 -0.19679162141569861 -0.3102958716771876 -0.3545707599568241 -0.4985065558327088 -0.4985065558327088 -0.4985065558327088 -0.11325889332878954 0.4886708648448436 1.3986138024684502 1.3986138024684502 1.3986138024684502 1.799335398914701 1.799335398914701 1.799335398914701 1.7874392629378597 1.7434603520560326 1.7434603520560326 1.7434603520560326 +23919,1.0525290246956283,0,-0.07910835087425352 -0.19679162141569861 -0.3102958716771876 -0.3545707599568241 -0.4985065558327088 -0.4985065558327088 -0.4985065558327088 -0.11325889332878954 0.4886708648448436 1.3986138024684502 1.3986138024684502 1.3986138024684502 1.799335398914701 1.799335398914701 1.799335398914701 1.7874392629378597 1.7434603520560326 1.7434603520560326 1.7434603520560326 1.0525290246956283 +23920,1.0525290246956283,0,-0.19679162141569861 -0.3102958716771876 -0.3545707599568241 -0.4985065558327088 -0.4985065558327088 -0.4985065558327088 -0.11325889332878954 0.4886708648448436 1.3986138024684502 1.3986138024684502 1.3986138024684502 1.799335398914701 1.799335398914701 1.799335398914701 1.7874392629378597 1.7434603520560326 1.7434603520560326 1.7434603520560326 1.0525290246956283 1.0525290246956283 +23921,0.05730312081406239,0,-0.3102958716771876 -0.3545707599568241 -0.4985065558327088 -0.4985065558327088 -0.4985065558327088 -0.11325889332878954 0.4886708648448436 1.3986138024684502 1.3986138024684502 1.3986138024684502 1.799335398914701 1.799335398914701 1.799335398914701 1.7874392629378597 1.7434603520560326 1.7434603520560326 1.7434603520560326 1.0525290246956283 1.0525290246956283 1.0525290246956283 +23922,0.05730312081406239,0,-0.3545707599568241 -0.4985065558327088 -0.4985065558327088 -0.4985065558327088 -0.11325889332878954 0.4886708648448436 1.3986138024684502 1.3986138024684502 1.3986138024684502 1.799335398914701 1.799335398914701 1.799335398914701 1.7874392629378597 1.7434603520560326 1.7434603520560326 1.7434603520560326 1.0525290246956283 1.0525290246956283 1.0525290246956283 0.05730312081406239 +23923,0.05730312081406239,0,-0.4985065558327088 -0.4985065558327088 -0.4985065558327088 -0.11325889332878954 0.4886708648448436 1.3986138024684502 1.3986138024684502 1.3986138024684502 1.799335398914701 1.799335398914701 1.799335398914701 1.7874392629378597 1.7434603520560326 1.7434603520560326 1.7434603520560326 1.0525290246956283 1.0525290246956283 1.0525290246956283 0.05730312081406239 0.05730312081406239 +23924,-0.3332030931040145,0,-0.4985065558327088 -0.4985065558327088 -0.11325889332878954 0.4886708648448436 1.3986138024684502 1.3986138024684502 1.3986138024684502 1.799335398914701 1.799335398914701 1.799335398914701 1.7874392629378597 1.7434603520560326 1.7434603520560326 1.7434603520560326 1.0525290246956283 1.0525290246956283 1.0525290246956283 0.05730312081406239 0.05730312081406239 0.05730312081406239 +23925,-0.3781499975372436,0,-0.4985065558327088 -0.11325889332878954 0.4886708648448436 1.3986138024684502 1.3986138024684502 1.3986138024684502 1.799335398914701 1.799335398914701 1.799335398914701 1.7874392629378597 1.7434603520560326 1.7434603520560326 1.7434603520560326 1.0525290246956283 1.0525290246956283 1.0525290246956283 0.05730312081406239 0.05730312081406239 0.05730312081406239 -0.3332030931040145 +23926,-0.5408642783875018,0,-0.11325889332878954 0.4886708648448436 1.3986138024684502 1.3986138024684502 1.3986138024684502 1.799335398914701 1.799335398914701 1.799335398914701 1.7874392629378597 1.7434603520560326 1.7434603520560326 1.7434603520560326 1.0525290246956283 1.0525290246956283 1.0525290246956283 0.05730312081406239 0.05730312081406239 0.05730312081406239 -0.3332030931040145 -0.3781499975372436 +23927,-0.6038075443670251,0,0.4886708648448436 1.3986138024684502 1.3986138024684502 1.3986138024684502 1.799335398914701 1.799335398914701 1.799335398914701 1.7874392629378597 1.7434603520560326 1.7434603520560326 1.7434603520560326 1.0525290246956283 1.0525290246956283 1.0525290246956283 0.05730312081406239 0.05730312081406239 0.05730312081406239 -0.3332030931040145 -0.3781499975372436 -0.5408642783875018 +23928,-0.05970944269052519,0,1.3986138024684502 1.3986138024684502 1.3986138024684502 1.799335398914701 1.799335398914701 1.799335398914701 1.7874392629378597 1.7434603520560326 1.7434603520560326 1.7434603520560326 1.0525290246956283 1.0525290246956283 1.0525290246956283 0.05730312081406239 0.05730312081406239 0.05730312081406239 -0.3332030931040145 -0.3781499975372436 -0.5408642783875018 -0.6038075443670251 +23929,-0.3249998313768418,0,1.3986138024684502 1.3986138024684502 1.799335398914701 1.799335398914701 1.799335398914701 1.7874392629378597 1.7434603520560326 1.7434603520560326 1.7434603520560326 1.0525290246956283 1.0525290246956283 1.0525290246956283 0.05730312081406239 0.05730312081406239 0.05730312081406239 -0.3332030931040145 -0.3781499975372436 -0.5408642783875018 -0.6038075443670251 -0.05970944269052519 +23930,0.016751147747659168,0,1.3986138024684502 1.799335398914701 1.799335398914701 1.799335398914701 1.7874392629378597 1.7434603520560326 1.7434603520560326 1.7434603520560326 1.0525290246956283 1.0525290246956283 1.0525290246956283 0.05730312081406239 0.05730312081406239 0.05730312081406239 -0.3332030931040145 -0.3781499975372436 -0.5408642783875018 -0.6038075443670251 -0.05970944269052519 -0.3249998313768418 +23931,0.3478997980360923,0,1.799335398914701 1.799335398914701 1.799335398914701 1.7874392629378597 1.7434603520560326 1.7434603520560326 1.7434603520560326 1.0525290246956283 1.0525290246956283 1.0525290246956283 0.05730312081406239 0.05730312081406239 0.05730312081406239 -0.3332030931040145 -0.3781499975372436 -0.5408642783875018 -0.6038075443670251 -0.05970944269052519 -0.3249998313768418 0.016751147747659168 +23932,0.6931848867210119,0,1.799335398914701 1.799335398914701 1.7874392629378597 1.7434603520560326 1.7434603520560326 1.7434603520560326 1.0525290246956283 1.0525290246956283 1.0525290246956283 0.05730312081406239 0.05730312081406239 0.05730312081406239 -0.3332030931040145 -0.3781499975372436 -0.5408642783875018 -0.6038075443670251 -0.05970944269052519 -0.3249998313768418 0.016751147747659168 0.3478997980360923 +23933,1.027867646724658,0,1.799335398914701 1.7874392629378597 1.7434603520560326 1.7434603520560326 1.7434603520560326 1.0525290246956283 1.0525290246956283 1.0525290246956283 0.05730312081406239 0.05730312081406239 0.05730312081406239 -0.3332030931040145 -0.3781499975372436 -0.5408642783875018 -0.6038075443670251 -0.05970944269052519 -0.3249998313768418 0.016751147747659168 0.3478997980360923 0.6931848867210119 +23934,1.472597936536164,0,1.7874392629378597 1.7434603520560326 1.7434603520560326 1.7434603520560326 1.0525290246956283 1.0525290246956283 1.0525290246956283 0.05730312081406239 0.05730312081406239 0.05730312081406239 -0.3332030931040145 -0.3781499975372436 -0.5408642783875018 -0.6038075443670251 -0.05970944269052519 -0.3249998313768418 0.016751147747659168 0.3478997980360923 0.6931848867210119 1.027867646724658 +23935,1.6474976677004214,0,1.7434603520560326 1.7434603520560326 1.7434603520560326 1.0525290246956283 1.0525290246956283 1.0525290246956283 0.05730312081406239 0.05730312081406239 0.05730312081406239 -0.3332030931040145 -0.3781499975372436 -0.5408642783875018 -0.6038075443670251 -0.05970944269052519 -0.3249998313768418 0.016751147747659168 0.3478997980360923 0.6931848867210119 1.027867646724658 1.472597936536164 +23936,1.7604859896029978,0,1.7434603520560326 1.7434603520560326 1.0525290246956283 1.0525290246956283 1.0525290246956283 0.05730312081406239 0.05730312081406239 0.05730312081406239 -0.3332030931040145 -0.3781499975372436 -0.5408642783875018 -0.6038075443670251 -0.05970944269052519 -0.3249998313768418 0.016751147747659168 0.3478997980360923 0.6931848867210119 1.027867646724658 1.472597936536164 1.6474976677004214 +23937,1.8672831705794026,0,1.7434603520560326 1.0525290246956283 1.0525290246956283 1.0525290246956283 0.05730312081406239 0.05730312081406239 0.05730312081406239 -0.3332030931040145 -0.3781499975372436 -0.5408642783875018 -0.6038075443670251 -0.05970944269052519 -0.3249998313768418 0.016751147747659168 0.3478997980360923 0.6931848867210119 1.027867646724658 1.472597936536164 1.6474976677004214 1.7604859896029978 +23938,1.8935955195156122,0,1.0525290246956283 1.0525290246956283 1.0525290246956283 0.05730312081406239 0.05730312081406239 0.05730312081406239 -0.3332030931040145 -0.3781499975372436 -0.5408642783875018 -0.6038075443670251 -0.05970944269052519 -0.3249998313768418 0.016751147747659168 0.3478997980360923 0.6931848867210119 1.027867646724658 1.472597936536164 1.6474976677004214 1.7604859896029978 1.8672831705794026 +23939,1.8336425537083276,0,1.0525290246956283 1.0525290246956283 0.05730312081406239 0.05730312081406239 0.05730312081406239 -0.3332030931040145 -0.3781499975372436 -0.5408642783875018 -0.6038075443670251 -0.05970944269052519 -0.3249998313768418 0.016751147747659168 0.3478997980360923 0.6931848867210119 1.027867646724658 1.472597936536164 1.6474976677004214 1.7604859896029978 1.8672831705794026 1.8935955195156122 +23940,1.8425186068747252,0,1.0525290246956283 0.05730312081406239 0.05730312081406239 0.05730312081406239 -0.3332030931040145 -0.3781499975372436 -0.5408642783875018 -0.6038075443670251 -0.05970944269052519 -0.3249998313768418 0.016751147747659168 0.3478997980360923 0.6931848867210119 1.027867646724658 1.472597936536164 1.6474976677004214 1.7604859896029978 1.8672831705794026 1.8935955195156122 1.8336425537083276 +23941,1.7156002178882737,0,0.05730312081406239 0.05730312081406239 0.05730312081406239 -0.3332030931040145 -0.3781499975372436 -0.5408642783875018 -0.6038075443670251 -0.05970944269052519 -0.3249998313768418 0.016751147747659168 0.3478997980360923 0.6931848867210119 1.027867646724658 1.472597936536164 1.6474976677004214 1.7604859896029978 1.8672831705794026 1.8935955195156122 1.8336425537083276 1.8425186068747252 +23942,1.3797308226436342,0,0.05730312081406239 0.05730312081406239 -0.3332030931040145 -0.3781499975372436 -0.5408642783875018 -0.6038075443670251 -0.05970944269052519 -0.3249998313768418 0.016751147747659168 0.3478997980360923 0.6931848867210119 1.027867646724658 1.472597936536164 1.6474976677004214 1.7604859896029978 1.8672831705794026 1.8935955195156122 1.8336425537083276 1.8425186068747252 1.7156002178882737 +23943,0.997427870452739,0,0.05730312081406239 -0.3332030931040145 -0.3781499975372436 -0.5408642783875018 -0.6038075443670251 -0.05970944269052519 -0.3249998313768418 0.016751147747659168 0.3478997980360923 0.6931848867210119 1.027867646724658 1.472597936536164 1.6474976677004214 1.7604859896029978 1.8672831705794026 1.8935955195156122 1.8336425537083276 1.8425186068747252 1.7156002178882737 1.3797308226436342 +23944,0.8240759245200224,0,-0.3332030931040145 -0.3781499975372436 -0.5408642783875018 -0.6038075443670251 -0.05970944269052519 -0.3249998313768418 0.016751147747659168 0.3478997980360923 0.6931848867210119 1.027867646724658 1.472597936536164 1.6474976677004214 1.7604859896029978 1.8672831705794026 1.8935955195156122 1.8336425537083276 1.8425186068747252 1.7156002178882737 1.3797308226436342 0.997427870452739 +23945,0.5501179385370639,0,-0.3781499975372436 -0.5408642783875018 -0.6038075443670251 -0.05970944269052519 -0.3249998313768418 0.016751147747659168 0.3478997980360923 0.6931848867210119 1.027867646724658 1.472597936536164 1.6474976677004214 1.7604859896029978 1.8672831705794026 1.8935955195156122 1.8336425537083276 1.8425186068747252 1.7156002178882737 1.3797308226436342 0.997427870452739 0.8240759245200224 +23946,0.3705748516781846,0,-0.5408642783875018 -0.6038075443670251 -0.05970944269052519 -0.3249998313768418 0.016751147747659168 0.3478997980360923 0.6931848867210119 1.027867646724658 1.472597936536164 1.6474976677004214 1.7604859896029978 1.8672831705794026 1.8935955195156122 1.8336425537083276 1.8425186068747252 1.7156002178882737 1.3797308226436342 0.997427870452739 0.8240759245200224 0.5501179385370639 +23947,0.24984760361789585,0,-0.6038075443670251 -0.05970944269052519 -0.3249998313768418 0.016751147747659168 0.3478997980360923 0.6931848867210119 1.027867646724658 1.472597936536164 1.6474976677004214 1.7604859896029978 1.8672831705794026 1.8935955195156122 1.8336425537083276 1.8425186068747252 1.7156002178882737 1.3797308226436342 0.997427870452739 0.8240759245200224 0.5501179385370639 0.3705748516781846 +23948,0.09625999873597799,0,-0.05970944269052519 -0.3249998313768418 0.016751147747659168 0.3478997980360923 0.6931848867210119 1.027867646724658 1.472597936536164 1.6474976677004214 1.7604859896029978 1.8672831705794026 1.8935955195156122 1.8336425537083276 1.8425186068747252 1.7156002178882737 1.3797308226436342 0.997427870452739 0.8240759245200224 0.5501179385370639 0.3705748516781846 0.24984760361789585 +23949,0.11983364416836288,0,-0.3249998313768418 0.016751147747659168 0.3478997980360923 0.6931848867210119 1.027867646724658 1.472597936536164 1.6474976677004214 1.7604859896029978 1.8672831705794026 1.8935955195156122 1.8336425537083276 1.8425186068747252 1.7156002178882737 1.3797308226436342 0.997427870452739 0.8240759245200224 0.5501179385370639 0.3705748516781846 0.24984760361789585 0.09625999873597799 +23950,0.1089991475475692,0,0.016751147747659168 0.3478997980360923 0.6931848867210119 1.027867646724658 1.472597936536164 1.6474976677004214 1.7604859896029978 1.8672831705794026 1.8935955195156122 1.8336425537083276 1.8425186068747252 1.7156002178882737 1.3797308226436342 0.997427870452739 0.8240759245200224 0.5501179385370639 0.3705748516781846 0.24984760361789585 0.09625999873597799 0.11983364416836288 +23951,0.03625324166508603,0,0.3478997980360923 0.6931848867210119 1.027867646724658 1.472597936536164 1.6474976677004214 1.7604859896029978 1.8672831705794026 1.8935955195156122 1.8336425537083276 1.8425186068747252 1.7156002178882737 1.3797308226436342 0.997427870452739 0.8240759245200224 0.5501179385370639 0.3705748516781846 0.24984760361789585 0.09625999873597799 0.11983364416836288 0.1089991475475692 +23952,0.032379247599741,0,0.6931848867210119 1.027867646724658 1.472597936536164 1.6474976677004214 1.7604859896029978 1.8672831705794026 1.8935955195156122 1.8336425537083276 1.8425186068747252 1.7156002178882737 1.3797308226436342 0.997427870452739 0.8240759245200224 0.5501179385370639 0.3705748516781846 0.24984760361789585 0.09625999873597799 0.11983364416836288 0.1089991475475692 0.03625324166508603 +23953,0.02077538934967026,0,1.027867646724658 1.472597936536164 1.6474976677004214 1.7604859896029978 1.8672831705794026 1.8935955195156122 1.8336425537083276 1.8425186068747252 1.7156002178882737 1.3797308226436342 0.997427870452739 0.8240759245200224 0.5501179385370639 0.3705748516781846 0.24984760361789585 0.09625999873597799 0.11983364416836288 0.1089991475475692 0.03625324166508603 0.032379247599741 +23954,0.2113854950568955,0,1.472597936536164 1.6474976677004214 1.7604859896029978 1.8672831705794026 1.8935955195156122 1.8336425537083276 1.8425186068747252 1.7156002178882737 1.3797308226436342 0.997427870452739 0.8240759245200224 0.5501179385370639 0.3705748516781846 0.24984760361789585 0.09625999873597799 0.11983364416836288 0.1089991475475692 0.03625324166508603 0.032379247599741 0.02077538934967026 +23955,0.3937916301513127,0,1.6474976677004214 1.7604859896029978 1.8672831705794026 1.8935955195156122 1.8336425537083276 1.8425186068747252 1.7156002178882737 1.3797308226436342 0.997427870452739 0.8240759245200224 0.5501179385370639 0.3705748516781846 0.24984760361789585 0.09625999873597799 0.11983364416836288 0.1089991475475692 0.03625324166508603 0.032379247599741 0.02077538934967026 0.2113854950568955 +23956,0.7869290789630106,0,1.7604859896029978 1.8672831705794026 1.8935955195156122 1.8336425537083276 1.8425186068747252 1.7156002178882737 1.3797308226436342 0.997427870452739 0.8240759245200224 0.5501179385370639 0.3705748516781846 0.24984760361789585 0.09625999873597799 0.11983364416836288 0.1089991475475692 0.03625324166508603 0.032379247599741 0.02077538934967026 0.2113854950568955 0.3937916301513127 +23957,1.0457918141505014,0,1.8672831705794026 1.8935955195156122 1.8336425537083276 1.8425186068747252 1.7156002178882737 1.3797308226436342 0.997427870452739 0.8240759245200224 0.5501179385370639 0.3705748516781846 0.24984760361789585 0.09625999873597799 0.11983364416836288 0.1089991475475692 0.03625324166508603 0.032379247599741 0.02077538934967026 0.2113854950568955 0.3937916301513127 0.7869290789630106 +23958,1.3518706884758753,0,1.8935955195156122 1.8336425537083276 1.8425186068747252 1.7156002178882737 1.3797308226436342 0.997427870452739 0.8240759245200224 0.5501179385370639 0.3705748516781846 0.24984760361789585 0.09625999873597799 0.11983364416836288 0.1089991475475692 0.03625324166508603 0.032379247599741 0.02077538934967026 0.2113854950568955 0.3937916301513127 0.7869290789630106 1.0457918141505014 +23959,1.6707144461735495,0,1.8336425537083276 1.8425186068747252 1.7156002178882737 1.3797308226436342 0.997427870452739 0.8240759245200224 0.5501179385370639 0.3705748516781846 0.24984760361789585 0.09625999873597799 0.11983364416836288 0.1089991475475692 0.03625324166508603 0.032379247599741 0.02077538934967026 0.2113854950568955 0.3937916301513127 0.7869290789630106 1.0457918141505014 1.3518706884758753 +23960,1.8641876001163125,0,1.8425186068747252 1.7156002178882737 1.3797308226436342 0.997427870452739 0.8240759245200224 0.5501179385370639 0.3705748516781846 0.24984760361789585 0.09625999873597799 0.11983364416836288 0.1089991475475692 0.03625324166508603 0.032379247599741 0.02077538934967026 0.2113854950568955 0.3937916301513127 0.7869290789630106 1.0457918141505014 1.3518706884758753 1.6707144461735495 +23961,1.9369335059987958,0,1.7156002178882737 1.3797308226436342 0.997427870452739 0.8240759245200224 0.5501179385370639 0.3705748516781846 0.24984760361789585 0.09625999873597799 0.11983364416836288 0.1089991475475692 0.03625324166508603 0.032379247599741 0.02077538934967026 0.2113854950568955 0.3937916301513127 0.7869290789630106 1.0457918141505014 1.3518706884758753 1.6707144461735495 1.8641876001163125 +23962,1.967889210629636,0,1.3797308226436342 0.997427870452739 0.8240759245200224 0.5501179385370639 0.3705748516781846 0.24984760361789585 0.09625999873597799 0.11983364416836288 0.1089991475475692 0.03625324166508603 0.032379247599741 0.02077538934967026 0.2113854950568955 0.3937916301513127 0.7869290789630106 1.0457918141505014 1.3518706884758753 1.6707144461735495 1.8641876001163125 1.9369335059987958 +23963,1.9090733718310366,0,0.997427870452739 0.8240759245200224 0.5501179385370639 0.3705748516781846 0.24984760361789585 0.09625999873597799 0.11983364416836288 0.1089991475475692 0.03625324166508603 0.032379247599741 0.02077538934967026 0.2113854950568955 0.3937916301513127 0.7869290789630106 1.0457918141505014 1.3518706884758753 1.6707144461735495 1.8641876001163125 1.9369335059987958 1.967889210629636 +23964,1.8007284056230912,0,0.8240759245200224 0.5501179385370639 0.3705748516781846 0.24984760361789585 0.09625999873597799 0.11983364416836288 0.1089991475475692 0.03625324166508603 0.032379247599741 0.02077538934967026 0.2113854950568955 0.3937916301513127 0.7869290789630106 1.0457918141505014 1.3518706884758753 1.6707144461735495 1.8641876001163125 1.9369335059987958 1.967889210629636 1.9090733718310366 +23965,1.6103508221434093,0,0.5501179385370639 0.3705748516781846 0.24984760361789585 0.09625999873597799 0.11983364416836288 0.1089991475475692 0.03625324166508603 0.032379247599741 0.02077538934967026 0.2113854950568955 0.3937916301513127 0.7869290789630106 1.0457918141505014 1.3518706884758753 1.6707144461735495 1.8641876001163125 1.9369335059987958 1.967889210629636 1.9090733718310366 1.8007284056230912 +23966,1.2450735074994705,0,0.3705748516781846 0.24984760361789585 0.09625999873597799 0.11983364416836288 0.1089991475475692 0.03625324166508603 0.032379247599741 0.02077538934967026 0.2113854950568955 0.3937916301513127 0.7869290789630106 1.0457918141505014 1.3518706884758753 1.6707144461735495 1.8641876001163125 1.9369335059987958 1.967889210629636 1.9090733718310366 1.8007284056230912 1.6103508221434093 +23967,0.9200386088756337,0,0.24984760361789585 0.09625999873597799 0.11983364416836288 0.1089991475475692 0.03625324166508603 0.032379247599741 0.02077538934967026 0.2113854950568955 0.3937916301513127 0.7869290789630106 1.0457918141505014 1.3518706884758753 1.6707144461735495 1.8641876001163125 1.9369335059987958 1.967889210629636 1.9090733718310366 1.8007284056230912 1.6103508221434093 1.2450735074994705 +23968,0.6383416967349717,0,0.09625999873597799 0.11983364416836288 0.1089991475475692 0.03625324166508603 0.032379247599741 0.02077538934967026 0.2113854950568955 0.3937916301513127 0.7869290789630106 1.0457918141505014 1.3518706884758753 1.6707144461735495 1.8641876001163125 1.9369335059987958 1.967889210629636 1.9090733718310366 1.8007284056230912 1.6103508221434093 1.2450735074994705 0.9200386088756337 +23969,0.6120293477987534,0,0.11983364416836288 0.1089991475475692 0.03625324166508603 0.032379247599741 0.02077538934967026 0.2113854950568955 0.3937916301513127 0.7869290789630106 1.0457918141505014 1.3518706884758753 1.6707144461735495 1.8641876001163125 1.9369335059987958 1.967889210629636 1.9090733718310366 1.8007284056230912 1.6103508221434093 1.2450735074994705 0.9200386088756337 0.6383416967349717 +23970,0.4092694824667372,0,0.1089991475475692 0.03625324166508603 0.032379247599741 0.02077538934967026 0.2113854950568955 0.3937916301513127 0.7869290789630106 1.0457918141505014 1.3518706884758753 1.6707144461735495 1.8641876001163125 1.9369335059987958 1.967889210629636 1.9090733718310366 1.8007284056230912 1.6103508221434093 1.2450735074994705 0.9200386088756337 0.6383416967349717 0.6120293477987534 +23971,0.24829981838635515,0,0.03625324166508603 0.032379247599741 0.02077538934967026 0.2113854950568955 0.3937916301513127 0.7869290789630106 1.0457918141505014 1.3518706884758753 1.6707144461735495 1.8641876001163125 1.9369335059987958 1.967889210629636 1.9090733718310366 1.8007284056230912 1.6103508221434093 1.2450735074994705 0.9200386088756337 0.6383416967349717 0.6120293477987534 0.4092694824667372 +23972,0.280803308248745,0,0.032379247599741 0.02077538934967026 0.2113854950568955 0.3937916301513127 0.7869290789630106 1.0457918141505014 1.3518706884758753 1.6707144461735495 1.8641876001163125 1.9369335059987958 1.967889210629636 1.9090733718310366 1.8007284056230912 1.6103508221434093 1.2450735074994705 0.9200386088756337 0.6383416967349717 0.6120293477987534 0.4092694824667372 0.24829981838635515 +23973,0.17555391250388078,0,0.02077538934967026 0.2113854950568955 0.3937916301513127 0.7869290789630106 1.0457918141505014 1.3518706884758753 1.6707144461735495 1.8641876001163125 1.9369335059987958 1.967889210629636 1.9090733718310366 1.8007284056230912 1.6103508221434093 1.2450735074994705 0.9200386088756337 0.6383416967349717 0.6120293477987534 0.4092694824667372 0.24829981838635515 0.280803308248745 +23974,0.12602478509453446,0,0.2113854950568955 0.3937916301513127 0.7869290789630106 1.0457918141505014 1.3518706884758753 1.6707144461735495 1.8641876001163125 1.9369335059987958 1.967889210629636 1.9090733718310366 1.8007284056230912 1.6103508221434093 1.2450735074994705 0.9200386088756337 0.6383416967349717 0.6120293477987534 0.4092694824667372 0.24829981838635515 0.280803308248745 0.17555391250388078 +23975,0.04863552351742921,0,0.3937916301513127 0.7869290789630106 1.0457918141505014 1.3518706884758753 1.6707144461735495 1.8641876001163125 1.9369335059987958 1.967889210629636 1.9090733718310366 1.8007284056230912 1.6103508221434093 1.2450735074994705 0.9200386088756337 0.6383416967349717 0.6120293477987534 0.4092694824667372 0.24829981838635515 0.280803308248745 0.17555391250388078 0.12602478509453446 +23976,-0.008632530049629385,0,0.7869290789630106 1.0457918141505014 1.3518706884758753 1.6707144461735495 1.8641876001163125 1.9369335059987958 1.967889210629636 1.9090733718310366 1.8007284056230912 1.6103508221434093 1.2450735074994705 0.9200386088756337 0.6383416967349717 0.6120293477987534 0.4092694824667372 0.24829981838635515 0.280803308248745 0.17555391250388078 0.12602478509453446 0.04863552351742921 +23977,0.005297537034245689,0,1.0457918141505014 1.3518706884758753 1.6707144461735495 1.8641876001163125 1.9369335059987958 1.967889210629636 1.9090733718310366 1.8007284056230912 1.6103508221434093 1.2450735074994705 0.9200386088756337 0.6383416967349717 0.6120293477987534 0.4092694824667372 0.24829981838635515 0.280803308248745 0.17555391250388078 0.12602478509453446 0.04863552351742921 -0.008632530049629385 +23978,0.24829981838635515,0,1.3518706884758753 1.6707144461735495 1.8641876001163125 1.9369335059987958 1.967889210629636 1.9090733718310366 1.8007284056230912 1.6103508221434093 1.2450735074994705 0.9200386088756337 0.6383416967349717 0.6120293477987534 0.4092694824667372 0.24829981838635515 0.280803308248745 0.17555391250388078 0.12602478509453446 0.04863552351742921 -0.008632530049629385 0.005297537034245689 +23979,0.5516657237686133,0,1.6707144461735495 1.8641876001163125 1.9369335059987958 1.967889210629636 1.9090733718310366 1.8007284056230912 1.6103508221434093 1.2450735074994705 0.9200386088756337 0.6383416967349717 0.6120293477987534 0.4092694824667372 0.24829981838635515 0.280803308248745 0.17555391250388078 0.12602478509453446 0.04863552351742921 -0.008632530049629385 0.005297537034245689 0.24829981838635515 +23980,0.8906306894763341,0,1.8641876001163125 1.9369335059987958 1.967889210629636 1.9090733718310366 1.8007284056230912 1.6103508221434093 1.2450735074994705 0.9200386088756337 0.6383416967349717 0.6120293477987534 0.4092694824667372 0.24829981838635515 0.280803308248745 0.17555391250388078 0.12602478509453446 0.04863552351742921 -0.008632530049629385 0.005297537034245689 0.24829981838635515 0.5516657237686133 +23981,1.1522063936069495,0,1.9369335059987958 1.967889210629636 1.9090733718310366 1.8007284056230912 1.6103508221434093 1.2450735074994705 0.9200386088756337 0.6383416967349717 0.6120293477987534 0.4092694824667372 0.24829981838635515 0.280803308248745 0.17555391250388078 0.12602478509453446 0.04863552351742921 -0.008632530049629385 0.005297537034245689 0.24829981838635515 0.5516657237686133 0.8906306894763341 +23982,1.27448142689877,0,1.967889210629636 1.9090733718310366 1.8007284056230912 1.6103508221434093 1.2450735074994705 0.9200386088756337 0.6383416967349717 0.6120293477987534 0.4092694824667372 0.24829981838635515 0.280803308248745 0.17555391250388078 0.12602478509453446 0.04863552351742921 -0.008632530049629385 0.005297537034245689 0.24829981838635515 0.5516657237686133 0.8906306894763341 1.1522063936069495 +23983,1.1413718969861557,0,1.9090733718310366 1.8007284056230912 1.6103508221434093 1.2450735074994705 0.9200386088756337 0.6383416967349717 0.6120293477987534 0.4092694824667372 0.24829981838635515 0.280803308248745 0.17555391250388078 0.12602478509453446 0.04863552351742921 -0.008632530049629385 0.005297537034245689 0.24829981838635515 0.5516657237686133 0.8906306894763341 1.1522063936069495 1.27448142689877 +23984,1.2295956551840548,0,1.8007284056230912 1.6103508221434093 1.2450735074994705 0.9200386088756337 0.6383416967349717 0.6120293477987534 0.4092694824667372 0.24829981838635515 0.280803308248745 0.17555391250388078 0.12602478509453446 0.04863552351742921 -0.008632530049629385 0.005297537034245689 0.24829981838635515 0.5516657237686133 0.8906306894763341 1.1522063936069495 1.27448142689877 1.1413718969861557 +23985,1.293054849677276,0,1.6103508221434093 1.2450735074994705 0.9200386088756337 0.6383416967349717 0.6120293477987534 0.4092694824667372 0.24829981838635515 0.280803308248745 0.17555391250388078 0.12602478509453446 0.04863552351742921 -0.008632530049629385 0.005297537034245689 0.24829981838635515 0.5516657237686133 0.8906306894763341 1.1522063936069495 1.27448142689877 1.1413718969861557 1.2295956551840548 +23986,1.3719918964859221,0,1.2450735074994705 0.9200386088756337 0.6383416967349717 0.6120293477987534 0.4092694824667372 0.24829981838635515 0.280803308248745 0.17555391250388078 0.12602478509453446 0.04863552351742921 -0.008632530049629385 0.005297537034245689 0.24829981838635515 0.5516657237686133 0.8906306894763341 1.1522063936069495 1.27448142689877 1.1413718969861557 1.2295956551840548 1.293054849677276 +23987,1.399852030653681,0,0.9200386088756337 0.6383416967349717 0.6120293477987534 0.4092694824667372 0.24829981838635515 0.280803308248745 0.17555391250388078 0.12602478509453446 0.04863552351742921 -0.008632530049629385 0.005297537034245689 0.24829981838635515 0.5516657237686133 0.8906306894763341 1.1522063936069495 1.27448142689877 1.1413718969861557 1.2295956551840548 1.293054849677276 1.3719918964859221 +23988,1.0392180717043729,0,0.6383416967349717 0.6120293477987534 0.4092694824667372 0.24829981838635515 0.280803308248745 0.17555391250388078 0.12602478509453446 0.04863552351742921 -0.008632530049629385 0.005297537034245689 0.24829981838635515 0.5516657237686133 0.8906306894763341 1.1522063936069495 1.27448142689877 1.1413718969861557 1.2295956551840548 1.293054849677276 1.3719918964859221 1.399852030653681 +23989,1.0082623670735327,0,0.6120293477987534 0.4092694824667372 0.24829981838635515 0.280803308248745 0.17555391250388078 0.12602478509453446 0.04863552351742921 -0.008632530049629385 0.005297537034245689 0.24829981838635515 0.5516657237686133 0.8906306894763341 1.1522063936069495 1.27448142689877 1.1413718969861557 1.2295956551840548 1.293054849677276 1.3719918964859221 1.399852030653681 1.0392180717043729 +23990,0.9413361647721271,0,0.4092694824667372 0.24829981838635515 0.280803308248745 0.17555391250388078 0.12602478509453446 0.04863552351742921 -0.008632530049629385 0.005297537034245689 0.24829981838635515 0.5516657237686133 0.8906306894763341 1.1522063936069495 1.27448142689877 1.1413718969861557 1.2295956551840548 1.293054849677276 1.3719918964859221 1.399852030653681 1.0392180717043729 1.0082623670735327 +23991,0.8380059916038975,0,0.24829981838635515 0.280803308248745 0.17555391250388078 0.12602478509453446 0.04863552351742921 -0.008632530049629385 0.005297537034245689 0.24829981838635515 0.5516657237686133 0.8906306894763341 1.1522063936069495 1.27448142689877 1.1413718969861557 1.2295956551840548 1.293054849677276 1.3719918964859221 1.399852030653681 1.0392180717043729 1.0082623670735327 0.9413361647721271 +23992,0.7668078709529639,0,0.280803308248745 0.17555391250388078 0.12602478509453446 0.04863552351742921 -0.008632530049629385 0.005297537034245689 0.24829981838635515 0.5516657237686133 0.8906306894763341 1.1522063936069495 1.27448142689877 1.1413718969861557 1.2295956551840548 1.293054849677276 1.3719918964859221 1.399852030653681 1.0392180717043729 1.0082623670735327 0.9413361647721271 0.8380059916038975 +23993,0.7497822334059986,0,0.17555391250388078 0.12602478509453446 0.04863552351742921 -0.008632530049629385 0.005297537034245689 0.24829981838635515 0.5516657237686133 0.8906306894763341 1.1522063936069495 1.27448142689877 1.1413718969861557 1.2295956551840548 1.293054849677276 1.3719918964859221 1.399852030653681 1.0392180717043729 1.0082623670735327 0.9413361647721271 0.8380059916038975 0.7668078709529639 +23994,0.7250176697013211,0,0.12602478509453446 0.04863552351742921 -0.008632530049629385 0.005297537034245689 0.24829981838635515 0.5516657237686133 0.8906306894763341 1.1522063936069495 1.27448142689877 1.1413718969861557 1.2295956551840548 1.293054849677276 1.3719918964859221 1.399852030653681 1.0392180717043729 1.0082623670735327 0.9413361647721271 0.8380059916038975 0.7668078709529639 0.7497822334059986 +23995,0.6290549853457186,0,0.04863552351742921 -0.008632530049629385 0.005297537034245689 0.24829981838635515 0.5516657237686133 0.8906306894763341 1.1522063936069495 1.27448142689877 1.1413718969861557 1.2295956551840548 1.293054849677276 1.3719918964859221 1.399852030653681 1.0392180717043729 1.0082623670735327 0.9413361647721271 0.8380059916038975 0.7668078709529639 0.7497822334059986 0.7250176697013211 +23996,0.6213160591880064,0,-0.008632530049629385 0.005297537034245689 0.24829981838635515 0.5516657237686133 0.8906306894763341 1.1522063936069495 1.27448142689877 1.1413718969861557 1.2295956551840548 1.293054849677276 1.3719918964859221 1.399852030653681 1.0392180717043729 1.0082623670735327 0.9413361647721271 0.8380059916038975 0.7668078709529639 0.7497822334059986 0.7250176697013211 0.6290549853457186 +23997,0.6058382068725817,0,0.005297537034245689 0.24829981838635515 0.5516657237686133 0.8906306894763341 1.1522063936069495 1.27448142689877 1.1413718969861557 1.2295956551840548 1.293054849677276 1.3719918964859221 1.399852030653681 1.0392180717043729 1.0082623670735327 0.9413361647721271 0.8380059916038975 0.7668078709529639 0.7497822334059986 0.7250176697013211 0.6290549853457186 0.6213160591880064 +23998,0.5547612942316947,0,0.24829981838635515 0.5516657237686133 0.8906306894763341 1.1522063936069495 1.27448142689877 1.1413718969861557 1.2295956551840548 1.293054849677276 1.3719918964859221 1.399852030653681 1.0392180717043729 1.0082623670735327 0.9413361647721271 0.8380059916038975 0.7668078709529639 0.7497822334059986 0.7250176697013211 0.6290549853457186 0.6213160591880064 0.6058382068725817 +23999,0.5423790123793604,0,0.5516657237686133 0.8906306894763341 1.1522063936069495 1.27448142689877 1.1413718969861557 1.2295956551840548 1.293054849677276 1.3719918964859221 1.399852030653681 1.0392180717043729 1.0082623670735327 0.9413361647721271 0.8380059916038975 0.7668078709529639 0.7497822334059986 0.7250176697013211 0.6290549853457186 0.6213160591880064 0.6058382068725817 0.5547612942316947 +24000,0.4851109588123018,0,0.8906306894763341 1.1522063936069495 1.27448142689877 1.1413718969861557 1.2295956551840548 1.293054849677276 1.3719918964859221 1.399852030653681 1.0392180717043729 1.0082623670735327 0.9413361647721271 0.8380059916038975 0.7668078709529639 0.7497822334059986 0.7250176697013211 0.6290549853457186 0.6213160591880064 0.6058382068725817 0.5547612942316947 0.5423790123793604 +24001,0.4851109588123018,0,1.1522063936069495 1.27448142689877 1.1413718969861557 1.2295956551840548 1.293054849677276 1.3719918964859221 1.399852030653681 1.0392180717043729 1.0082623670735327 0.9413361647721271 0.8380059916038975 0.7668078709529639 0.7497822334059986 0.7250176697013211 0.6290549853457186 0.6213160591880064 0.6058382068725817 0.5547612942316947 0.5423790123793604 0.4851109588123018 +24002,0.5764302874732822,0,1.27448142689877 1.1413718969861557 1.2295956551840548 1.293054849677276 1.3719918964859221 1.399852030653681 1.0392180717043729 1.0082623670735327 0.9413361647721271 0.8380059916038975 0.7668078709529639 0.7497822334059986 0.7250176697013211 0.6290549853457186 0.6213160591880064 0.6058382068725817 0.5547612942316947 0.5423790123793604 0.4851109588123018 0.4851109588123018 +24003,0.9076563270232905,0,1.1413718969861557 1.2295956551840548 1.293054849677276 1.3719918964859221 1.399852030653681 1.0392180717043729 1.0082623670735327 0.9413361647721271 0.8380059916038975 0.7668078709529639 0.7497822334059986 0.7250176697013211 0.6290549853457186 0.6213160591880064 0.6058382068725817 0.5547612942316947 0.5423790123793604 0.4851109588123018 0.4851109588123018 0.5764302874732822 +24004,1.1197029037445596,0,1.2295956551840548 1.293054849677276 1.3719918964859221 1.399852030653681 1.0392180717043729 1.0082623670735327 0.9413361647721271 0.8380059916038975 0.7668078709529639 0.7497822334059986 0.7250176697013211 0.6290549853457186 0.6213160591880064 0.6058382068725817 0.5547612942316947 0.5423790123793604 0.4851109588123018 0.4851109588123018 0.5764302874732822 0.9076563270232905 +24005,1.4586678694522803,0,1.293054849677276 1.3719918964859221 1.399852030653681 1.0392180717043729 1.0082623670735327 0.9413361647721271 0.8380059916038975 0.7668078709529639 0.7497822334059986 0.7250176697013211 0.6290549853457186 0.6213160591880064 0.6058382068725817 0.5547612942316947 0.5423790123793604 0.4851109588123018 0.4851109588123018 0.5764302874732822 0.9076563270232905 1.1197029037445596 +24006,1.7542948486768262,0,1.3719918964859221 1.399852030653681 1.0392180717043729 1.0082623670735327 0.9413361647721271 0.8380059916038975 0.7668078709529639 0.7497822334059986 0.7250176697013211 0.6290549853457186 0.6213160591880064 0.6058382068725817 0.5547612942316947 0.5423790123793604 0.4851109588123018 0.4851109588123018 0.5764302874732822 0.9076563270232905 1.1197029037445596 1.4586678694522803 +24007,1.9787237072504298,0,1.399852030653681 1.0392180717043729 1.0082623670735327 0.9413361647721271 0.8380059916038975 0.7668078709529639 0.7497822334059986 0.7250176697013211 0.6290549853457186 0.6213160591880064 0.6058382068725817 0.5547612942316947 0.5423790123793604 0.4851109588123018 0.4851109588123018 0.5764302874732822 0.9076563270232905 1.1197029037445596 1.4586678694522803 1.7542948486768262 +24008,2.2279171295287106,0,1.0392180717043729 1.0082623670735327 0.9413361647721271 0.8380059916038975 0.7668078709529639 0.7497822334059986 0.7250176697013211 0.6290549853457186 0.6213160591880064 0.6058382068725817 0.5547612942316947 0.5423790123793604 0.4851109588123018 0.4851109588123018 0.5764302874732822 0.9076563270232905 1.1197029037445596 1.4586678694522803 1.7542948486768262 1.9787237072504298 +24009,2.396625719766796,0,1.0082623670735327 0.9413361647721271 0.8380059916038975 0.7668078709529639 0.7497822334059986 0.7250176697013211 0.6290549853457186 0.6213160591880064 0.6058382068725817 0.5547612942316947 0.5423790123793604 0.4851109588123018 0.4851109588123018 0.5764302874732822 0.9076563270232905 1.1197029037445596 1.4586678694522803 1.7542948486768262 1.9787237072504298 2.2279171295287106 +24010,2.342453236662828,0,0.9413361647721271 0.8380059916038975 0.7668078709529639 0.7497822334059986 0.7250176697013211 0.6290549853457186 0.6213160591880064 0.6058382068725817 0.5547612942316947 0.5423790123793604 0.4851109588123018 0.4851109588123018 0.5764302874732822 0.9076563270232905 1.1197029037445596 1.4586678694522803 1.7542948486768262 1.9787237072504298 2.2279171295287106 2.396625719766796 +24011,2.3037586058742754,0,0.8380059916038975 0.7668078709529639 0.7497822334059986 0.7250176697013211 0.6290549853457186 0.6213160591880064 0.6058382068725817 0.5547612942316947 0.5423790123793604 0.4851109588123018 0.4851109588123018 0.5764302874732822 0.9076563270232905 1.1197029037445596 1.4586678694522803 1.7542948486768262 1.9787237072504298 2.2279171295287106 2.396625719766796 2.342453236662828 +24012,2.1288588747100183,0,0.7668078709529639 0.7497822334059986 0.7250176697013211 0.6290549853457186 0.6213160591880064 0.6058382068725817 0.5547612942316947 0.5423790123793604 0.4851109588123018 0.4851109588123018 0.5764302874732822 0.9076563270232905 1.1197029037445596 1.4586678694522803 1.7542948486768262 1.9787237072504298 2.2279171295287106 2.396625719766796 2.342453236662828 2.3037586058742754 +24013,1.8904999490525307,0,0.7497822334059986 0.7250176697013211 0.6290549853457186 0.6213160591880064 0.6058382068725817 0.5547612942316947 0.5423790123793604 0.4851109588123018 0.4851109588123018 0.5764302874732822 0.9076563270232905 1.1197029037445596 1.4586678694522803 1.7542948486768262 1.9787237072504298 2.2279171295287106 2.396625719766796 2.342453236662828 2.3037586058742754 2.1288588747100183 +24014,1.6614277347842965,0,0.7250176697013211 0.6290549853457186 0.6213160591880064 0.6058382068725817 0.5547612942316947 0.5423790123793604 0.4851109588123018 0.4851109588123018 0.5764302874732822 0.9076563270232905 1.1197029037445596 1.4586678694522803 1.7542948486768262 1.9787237072504298 2.2279171295287106 2.396625719766796 2.342453236662828 2.3037586058742754 2.1288588747100183 1.8904999490525307 +24015,1.3518706884758753,0,0.6290549853457186 0.6213160591880064 0.6058382068725817 0.5547612942316947 0.5423790123793604 0.4851109588123018 0.4851109588123018 0.5764302874732822 0.9076563270232905 1.1197029037445596 1.4586678694522803 1.7542948486768262 1.9787237072504298 2.2279171295287106 2.396625719766796 2.342453236662828 2.3037586058742754 2.1288588747100183 1.8904999490525307 1.6614277347842965 +24016,1.1800665277747084,0,0.6213160591880064 0.6058382068725817 0.5547612942316947 0.5423790123793604 0.4851109588123018 0.4851109588123018 0.5764302874732822 0.9076563270232905 1.1197029037445596 1.4586678694522803 1.7542948486768262 1.9787237072504298 2.2279171295287106 2.396625719766796 2.342453236662828 2.3037586058742754 2.1288588747100183 1.8904999490525307 1.6614277347842965 1.3518706884758753 +24017,1.0732693467982948,0,0.6058382068725817 0.5547612942316947 0.5423790123793604 0.4851109588123018 0.4851109588123018 0.5764302874732822 0.9076563270232905 1.1197029037445596 1.4586678694522803 1.7542948486768262 1.9787237072504298 2.2279171295287106 2.396625719766796 2.342453236662828 2.3037586058742754 2.1288588747100183 1.8904999490525307 1.6614277347842965 1.3518706884758753 1.1800665277747084 +24018,0.8689616962347378,0,0.5547612942316947 0.5423790123793604 0.4851109588123018 0.4851109588123018 0.5764302874732822 0.9076563270232905 1.1197029037445596 1.4586678694522803 1.7542948486768262 1.9787237072504298 2.2279171295287106 2.396625719766796 2.342453236662828 2.3037586058742754 2.1288588747100183 1.8904999490525307 1.6614277347842965 1.3518706884758753 1.1800665277747084 1.0732693467982948 +24019,0.8441971325300691,0,0.5423790123793604 0.4851109588123018 0.4851109588123018 0.5764302874732822 0.9076563270232905 1.1197029037445596 1.4586678694522803 1.7542948486768262 1.9787237072504298 2.2279171295287106 2.396625719766796 2.342453236662828 2.3037586058742754 2.1288588747100183 1.8904999490525307 1.6614277347842965 1.3518706884758753 1.1800665277747084 1.0732693467982948 0.8689616962347378 +24020,0.7544255891006295,0,0.4851109588123018 0.4851109588123018 0.5764302874732822 0.9076563270232905 1.1197029037445596 1.4586678694522803 1.7542948486768262 1.9787237072504298 2.2279171295287106 2.396625719766796 2.342453236662828 2.3037586058742754 2.1288588747100183 1.8904999490525307 1.6614277347842965 1.3518706884758753 1.1800665277747084 1.0732693467982948 0.8689616962347378 0.8441971325300691 +24021,0.6522717638188467,0,0.4851109588123018 0.5764302874732822 0.9076563270232905 1.1197029037445596 1.4586678694522803 1.7542948486768262 1.9787237072504298 2.2279171295287106 2.396625719766796 2.342453236662828 2.3037586058742754 2.1288588747100183 1.8904999490525307 1.6614277347842965 1.3518706884758753 1.1800665277747084 1.0732693467982948 0.8689616962347378 0.8441971325300691 0.7544255891006295 +24022,0.5346400862216482,0,0.5764302874732822 0.9076563270232905 1.1197029037445596 1.4586678694522803 1.7542948486768262 1.9787237072504298 2.2279171295287106 2.396625719766796 2.342453236662828 2.3037586058742754 2.1288588747100183 1.8904999490525307 1.6614277347842965 1.3518706884758753 1.1800665277747084 1.0732693467982948 0.8689616962347378 0.8441971325300691 0.7544255891006295 0.6522717638188467 +24023,0.4882065292753832,0,0.9076563270232905 1.1197029037445596 1.4586678694522803 1.7542948486768262 1.9787237072504298 2.2279171295287106 2.396625719766796 2.342453236662828 2.3037586058742754 2.1288588747100183 1.8904999490525307 1.6614277347842965 1.3518706884758753 1.1800665277747084 1.0732693467982948 0.8689616962347378 0.8441971325300691 0.7544255891006295 0.6522717638188467 0.5346400862216482 +24024,0.44951189848683054,0,1.1197029037445596 1.4586678694522803 1.7542948486768262 1.9787237072504298 2.2279171295287106 2.396625719766796 2.342453236662828 2.3037586058742754 2.1288588747100183 1.8904999490525307 1.6614277347842965 1.3518706884758753 1.1800665277747084 1.0732693467982948 0.8689616962347378 0.8441971325300691 0.7544255891006295 0.6522717638188467 0.5346400862216482 0.4882065292753832 +24025,0.46344196557070566,0,1.4586678694522803 1.7542948486768262 1.9787237072504298 2.2279171295287106 2.396625719766796 2.342453236662828 2.3037586058742754 2.1288588747100183 1.8904999490525307 1.6614277347842965 1.3518706884758753 1.1800665277747084 1.0732693467982948 0.8689616962347378 0.8441971325300691 0.7544255891006295 0.6522717638188467 0.5346400862216482 0.4882065292753832 0.44951189848683054 +24026,0.6429850524295937,0,1.7542948486768262 1.9787237072504298 2.2279171295287106 2.396625719766796 2.342453236662828 2.3037586058742754 2.1288588747100183 1.8904999490525307 1.6614277347842965 1.3518706884758753 1.1800665277747084 1.0732693467982948 0.8689616962347378 0.8441971325300691 0.7544255891006295 0.6522717638188467 0.5346400862216482 0.4882065292753832 0.44951189848683054 0.46344196557070566 +24027,0.978854447674233,0,1.9787237072504298 2.2279171295287106 2.396625719766796 2.342453236662828 2.3037586058742754 2.1288588747100183 1.8904999490525307 1.6614277347842965 1.3518706884758753 1.1800665277747084 1.0732693467982948 0.8689616962347378 0.8441971325300691 0.7544255891006295 0.6522717638188467 0.5346400862216482 0.4882065292753832 0.44951189848683054 0.46344196557070566 0.6429850524295937 +24028,1.2125700176370895,0,2.2279171295287106 2.396625719766796 2.342453236662828 2.3037586058742754 2.1288588747100183 1.8904999490525307 1.6614277347842965 1.3518706884758753 1.1800665277747084 1.0732693467982948 0.8689616962347378 0.8441971325300691 0.7544255891006295 0.6522717638188467 0.5346400862216482 0.4882065292753832 0.44951189848683054 0.46344196557070566 0.6429850524295937 0.978854447674233 +24029,1.4865280036200392,0,2.396625719766796 2.342453236662828 2.3037586058742754 2.1288588747100183 1.8904999490525307 1.6614277347842965 1.3518706884758753 1.1800665277747084 1.0732693467982948 0.8689616962347378 0.8441971325300691 0.7544255891006295 0.6522717638188467 0.5346400862216482 0.4882065292753832 0.44951189848683054 0.46344196557070566 0.6429850524295937 0.978854447674233 1.2125700176370895 +24030,1.718695788351355,0,2.342453236662828 2.3037586058742754 2.1288588747100183 1.8904999490525307 1.6614277347842965 1.3518706884758753 1.1800665277747084 1.0732693467982948 0.8689616962347378 0.8441971325300691 0.7544255891006295 0.6522717638188467 0.5346400862216482 0.4882065292753832 0.44951189848683054 0.46344196557070566 0.6429850524295937 0.978854447674233 1.2125700176370895 1.4865280036200392 +24031,1.9013344456733245,0,2.3037586058742754 2.1288588747100183 1.8904999490525307 1.6614277347842965 1.3518706884758753 1.1800665277747084 1.0732693467982948 0.8689616962347378 0.8441971325300691 0.7544255891006295 0.6522717638188467 0.5346400862216482 0.4882065292753832 0.44951189848683054 0.46344196557070566 0.6429850524295937 0.978854447674233 1.2125700176370895 1.4865280036200392 1.718695788351355 +24032,2.088616458689916,0,2.1288588747100183 1.8904999490525307 1.6614277347842965 1.3518706884758753 1.1800665277747084 1.0732693467982948 0.8689616962347378 0.8441971325300691 0.7544255891006295 0.6522717638188467 0.5346400862216482 0.4882065292753832 0.44951189848683054 0.46344196557070566 0.6429850524295937 0.978854447674233 1.2125700176370895 1.4865280036200392 1.718695788351355 1.9013344456733245 +24033,2.2495861227702982,0,1.8904999490525307 1.6614277347842965 1.3518706884758753 1.1800665277747084 1.0732693467982948 0.8689616962347378 0.8441971325300691 0.7544255891006295 0.6522717638188467 0.5346400862216482 0.4882065292753832 0.44951189848683054 0.46344196557070566 0.6429850524295937 0.978854447674233 1.2125700176370895 1.4865280036200392 1.718695788351355 1.9013344456733245 2.088616458689916 +24034,2.2010278868306488,0,1.6614277347842965 1.3518706884758753 1.1800665277747084 1.0732693467982948 0.8689616962347378 0.8441971325300691 0.7544255891006295 0.6522717638188467 0.5346400862216482 0.4882065292753832 0.44951189848683054 0.46344196557070566 0.6429850524295937 0.978854447674233 1.2125700176370895 1.4865280036200392 1.718695788351355 1.9013344456733245 2.088616458689916 2.2495861227702982 +24035,2.0731386063745,0,1.3518706884758753 1.1800665277747084 1.0732693467982948 0.8689616962347378 0.8441971325300691 0.7544255891006295 0.6522717638188467 0.5346400862216482 0.4882065292753832 0.44951189848683054 0.46344196557070566 0.6429850524295937 0.978854447674233 1.2125700176370895 1.4865280036200392 1.718695788351355 1.9013344456733245 2.088616458689916 2.2495861227702982 2.2010278868306488 +24036,1.9106211570625775,0,1.1800665277747084 1.0732693467982948 0.8689616962347378 0.8441971325300691 0.7544255891006295 0.6522717638188467 0.5346400862216482 0.4882065292753832 0.44951189848683054 0.46344196557070566 0.6429850524295937 0.978854447674233 1.2125700176370895 1.4865280036200392 1.718695788351355 1.9013344456733245 2.088616458689916 2.2495861227702982 2.2010278868306488 2.0731386063745 +24037,1.7465559225191138,0,1.0732693467982948 0.8689616962347378 0.8441971325300691 0.7544255891006295 0.6522717638188467 0.5346400862216482 0.4882065292753832 0.44951189848683054 0.46344196557070566 0.6429850524295937 0.978854447674233 1.2125700176370895 1.4865280036200392 1.718695788351355 1.9013344456733245 2.088616458689916 2.2495861227702982 2.2010278868306488 2.0731386063745 1.9106211570625775 +24038,1.4772412922307863,0,0.8689616962347378 0.8441971325300691 0.7544255891006295 0.6522717638188467 0.5346400862216482 0.4882065292753832 0.44951189848683054 0.46344196557070566 0.6429850524295937 0.978854447674233 1.2125700176370895 1.4865280036200392 1.718695788351355 1.9013344456733245 2.088616458689916 2.2495861227702982 2.2010278868306488 2.0731386063745 1.9106211570625775 1.7465559225191138 +24039,1.1583975345331123,0,0.8441971325300691 0.7544255891006295 0.6522717638188467 0.5346400862216482 0.4882065292753832 0.44951189848683054 0.46344196557070566 0.6429850524295937 0.978854447674233 1.2125700176370895 1.4865280036200392 1.718695788351355 1.9013344456733245 2.088616458689916 2.2495861227702982 2.2010278868306488 2.0731386063745 1.9106211570625775 1.7465559225191138 1.4772412922307863 +24040,1.002071226147361,0,0.7544255891006295 0.6522717638188467 0.5346400862216482 0.4882065292753832 0.44951189848683054 0.46344196557070566 0.6429850524295937 0.978854447674233 1.2125700176370895 1.4865280036200392 1.718695788351355 1.9013344456733245 2.088616458689916 2.2495861227702982 2.2010278868306488 2.0731386063745 1.9106211570625775 1.7465559225191138 1.4772412922307863 1.1583975345331123 +24041,0.790024649426092,0,0.6522717638188467 0.5346400862216482 0.4882065292753832 0.44951189848683054 0.46344196557070566 0.6429850524295937 0.978854447674233 1.2125700176370895 1.4865280036200392 1.718695788351355 1.9013344456733245 2.088616458689916 2.2495861227702982 2.2010278868306488 2.0731386063745 1.9106211570625775 1.7465559225191138 1.4772412922307863 1.1583975345331123 1.002071226147361 +24042,0.7534298449982477,0,0.5346400862216482 0.4882065292753832 0.44951189848683054 0.46344196557070566 0.6429850524295937 0.978854447674233 1.2125700176370895 1.4865280036200392 1.718695788351355 1.9013344456733245 2.088616458689916 2.2495861227702982 2.2010278868306488 2.0731386063745 1.9106211570625775 1.7465559225191138 1.4772412922307863 1.1583975345331123 1.002071226147361 0.790024649426092 +24043,0.660010689976559,0,0.4882065292753832 0.44951189848683054 0.46344196557070566 0.6429850524295937 0.978854447674233 1.2125700176370895 1.4865280036200392 1.718695788351355 1.9013344456733245 2.088616458689916 2.2495861227702982 2.2010278868306488 2.0731386063745 1.9106211570625775 1.7465559225191138 1.4772412922307863 1.1583975345331123 1.002071226147361 0.790024649426092 0.7534298449982477 +24044,0.5423790123793604,0,0.44951189848683054 0.46344196557070566 0.6429850524295937 0.978854447674233 1.2125700176370895 1.4865280036200392 1.718695788351355 1.9013344456733245 2.088616458689916 2.2495861227702982 2.2010278868306488 2.0731386063745 1.9106211570625775 1.7465559225191138 1.4772412922307863 1.1583975345331123 1.002071226147361 0.790024649426092 0.7534298449982477 0.660010689976559 +24045,0.49130209973846456,0,0.46344196557070566 0.6429850524295937 0.978854447674233 1.2125700176370895 1.4865280036200392 1.718695788351355 1.9013344456733245 2.088616458689916 2.2495861227702982 2.2010278868306488 2.0731386063745 1.9106211570625775 1.7465559225191138 1.4772412922307863 1.1583975345331123 1.002071226147361 0.790024649426092 0.7534298449982477 0.660010689976559 0.5423790123793604 +24046,0.46963310649687723,0,0.6429850524295937 0.978854447674233 1.2125700176370895 1.4865280036200392 1.718695788351355 1.9013344456733245 2.088616458689916 2.2495861227702982 2.2010278868306488 2.0731386063745 1.9106211570625775 1.7465559225191138 1.4772412922307863 1.1583975345331123 1.002071226147361 0.790024649426092 0.7534298449982477 0.660010689976559 0.5423790123793604 0.49130209973846456 +24047,0.45570303941300216,0,0.978854447674233 1.2125700176370895 1.4865280036200392 1.718695788351355 1.9013344456733245 2.088616458689916 2.2495861227702982 2.2010278868306488 2.0731386063745 1.9106211570625775 1.7465559225191138 1.4772412922307863 1.1583975345331123 1.002071226147361 0.790024649426092 0.7534298449982477 0.660010689976559 0.5423790123793604 0.49130209973846456 0.46963310649687723 +24048,0.373670422141266,0,1.2125700176370895 1.4865280036200392 1.718695788351355 1.9013344456733245 2.088616458689916 2.2495861227702982 2.2010278868306488 2.0731386063745 1.9106211570625775 1.7465559225191138 1.4772412922307863 1.1583975345331123 1.002071226147361 0.790024649426092 0.7534298449982477 0.660010689976559 0.5423790123793604 0.49130209973846456 0.46963310649687723 0.45570303941300216 +24049,0.3674792812151032,0,1.4865280036200392 1.718695788351355 1.9013344456733245 2.088616458689916 2.2495861227702982 2.2010278868306488 2.0731386063745 1.9106211570625775 1.7465559225191138 1.4772412922307863 1.1583975345331123 1.002071226147361 0.790024649426092 0.7534298449982477 0.660010689976559 0.5423790123793604 0.49130209973846456 0.46963310649687723 0.45570303941300216 0.373670422141266 +24050,0.7513300186375393,0,1.718695788351355 1.9013344456733245 2.088616458689916 2.2495861227702982 2.2010278868306488 2.0731386063745 1.9106211570625775 1.7465559225191138 1.4772412922307863 1.1583975345331123 1.002071226147361 0.790024649426092 0.7534298449982477 0.660010689976559 0.5423790123793604 0.49130209973846456 0.46963310649687723 0.45570303941300216 0.373670422141266 0.3674792812151032 +24051,1.0361225012412916,0,1.9013344456733245 2.088616458689916 2.2495861227702982 2.2010278868306488 2.0731386063745 1.9106211570625775 1.7465559225191138 1.4772412922307863 1.1583975345331123 1.002071226147361 0.790024649426092 0.7534298449982477 0.660010689976559 0.5423790123793604 0.49130209973846456 0.46963310649687723 0.45570303941300216 0.373670422141266 0.3674792812151032 0.7513300186375393 +24052,1.2946026349088169,0,2.088616458689916 2.2495861227702982 2.2010278868306488 2.0731386063745 1.9106211570625775 1.7465559225191138 1.4772412922307863 1.1583975345331123 1.002071226147361 0.790024649426092 0.7534298449982477 0.660010689976559 0.5423790123793604 0.49130209973846456 0.46963310649687723 0.45570303941300216 0.373670422141266 0.3674792812151032 0.7513300186375393 1.0361225012412916 +24053,1.6413065267742497,0,2.2495861227702982 2.2010278868306488 2.0731386063745 1.9106211570625775 1.7465559225191138 1.4772412922307863 1.1583975345331123 1.002071226147361 0.790024649426092 0.7534298449982477 0.660010689976559 0.5423790123793604 0.49130209973846456 0.46963310649687723 0.45570303941300216 0.373670422141266 0.3674792812151032 0.7513300186375393 1.0361225012412916 1.2946026349088169 +24054,1.944672432156508,0,2.2010278868306488 2.0731386063745 1.9106211570625775 1.7465559225191138 1.4772412922307863 1.1583975345331123 1.002071226147361 0.790024649426092 0.7534298449982477 0.660010689976559 0.5423790123793604 0.49130209973846456 0.46963310649687723 0.45570303941300216 0.373670422141266 0.3674792812151032 0.7513300186375393 1.0361225012412916 1.2946026349088169 1.6413065267742497 +24055,2.1799357873509053,0,2.0731386063745 1.9106211570625775 1.7465559225191138 1.4772412922307863 1.1583975345331123 1.002071226147361 0.790024649426092 0.7534298449982477 0.660010689976559 0.5423790123793604 0.49130209973846456 0.46963310649687723 0.45570303941300216 0.373670422141266 0.3674792812151032 0.7513300186375393 1.0361225012412916 1.2946026349088169 1.6413065267742497 1.944672432156508 +24056,2.268159545548804,0,1.9106211570625775 1.7465559225191138 1.4772412922307863 1.1583975345331123 1.002071226147361 0.790024649426092 0.7534298449982477 0.660010689976559 0.5423790123793604 0.49130209973846456 0.46963310649687723 0.45570303941300216 0.373670422141266 0.3674792812151032 0.7513300186375393 1.0361225012412916 1.2946026349088169 1.6413065267742497 1.944672432156508 2.1799357873509053 +24057,2.2248215590656293,0,1.7465559225191138 1.4772412922307863 1.1583975345331123 1.002071226147361 0.790024649426092 0.7534298449982477 0.660010689976559 0.5423790123793604 0.49130209973846456 0.46963310649687723 0.45570303941300216 0.373670422141266 0.3674792812151032 0.7513300186375393 1.0361225012412916 1.2946026349088169 1.6413065267742497 1.944672432156508 2.1799357873509053 2.268159545548804 +24058,2.083973102995294,0,1.4772412922307863 1.1583975345331123 1.002071226147361 0.790024649426092 0.7534298449982477 0.660010689976559 0.5423790123793604 0.49130209973846456 0.46963310649687723 0.45570303941300216 0.373670422141266 0.3674792812151032 0.7513300186375393 1.0361225012412916 1.2946026349088169 1.6413065267742497 1.944672432156508 2.1799357873509053 2.268159545548804 2.2248215590656293 +24059,2.0707794781609437,0,1.1583975345331123 1.002071226147361 0.790024649426092 0.7534298449982477 0.660010689976559 0.5423790123793604 0.49130209973846456 0.46963310649687723 0.45570303941300216 0.373670422141266 0.3674792812151032 0.7513300186375393 1.0361225012412916 1.2946026349088169 1.6413065267742497 1.944672432156508 2.1799357873509053 2.268159545548804 2.2248215590656293 2.083973102995294 +24060,1.7883285257622301,0,1.002071226147361 0.790024649426092 0.7534298449982477 0.660010689976559 0.5423790123793604 0.49130209973846456 0.46963310649687723 0.45570303941300216 0.373670422141266 0.3674792812151032 0.7513300186375393 1.0361225012412916 1.2946026349088169 1.6413065267742497 1.944672432156508 2.1799357873509053 2.268159545548804 2.2248215590656293 2.083973102995294 2.0707794781609437 +24061,1.7744676494763336,0,0.790024649426092 0.7534298449982477 0.660010689976559 0.5423790123793604 0.49130209973846456 0.46963310649687723 0.45570303941300216 0.373670422141266 0.3674792812151032 0.7513300186375393 1.0361225012412916 1.2946026349088169 1.6413065267742497 1.944672432156508 2.1799357873509053 2.268159545548804 2.2248215590656293 2.083973102995294 2.0707794781609437 1.7883285257622301 +24062,1.5008708134839228,0,0.7534298449982477 0.660010689976559 0.5423790123793604 0.49130209973846456 0.46963310649687723 0.45570303941300216 0.373670422141266 0.3674792812151032 0.7513300186375393 1.0361225012412916 1.2946026349088169 1.6413065267742497 1.944672432156508 2.1799357873509053 2.268159545548804 2.2248215590656293 2.083973102995294 2.0707794781609437 1.7883285257622301 1.7744676494763336 +24063,1.6923834394151367,0,0.660010689976559 0.5423790123793604 0.49130209973846456 0.46963310649687723 0.45570303941300216 0.373670422141266 0.3674792812151032 0.7513300186375393 1.0361225012412916 1.2946026349088169 1.6413065267742497 1.944672432156508 2.1799357873509053 2.268159545548804 2.2248215590656293 2.083973102995294 2.0707794781609437 1.7883285257622301 1.7744676494763336 1.5008708134839228 +24064,1.339488406623541,0,0.5423790123793604 0.49130209973846456 0.46963310649687723 0.45570303941300216 0.373670422141266 0.3674792812151032 0.7513300186375393 1.0361225012412916 1.2946026349088169 1.6413065267742497 1.944672432156508 2.1799357873509053 2.268159545548804 2.2248215590656293 2.083973102995294 2.0707794781609437 1.7883285257622301 1.7744676494763336 1.5008708134839228 1.6923834394151367 +24065,1.0655304206405911,0,0.49130209973846456 0.46963310649687723 0.45570303941300216 0.373670422141266 0.3674792812151032 0.7513300186375393 1.0361225012412916 1.2946026349088169 1.6413065267742497 1.944672432156508 2.1799357873509053 2.268159545548804 2.2248215590656293 2.083973102995294 2.0707794781609437 1.7883285257622301 1.7744676494763336 1.5008708134839228 1.6923834394151367 1.339488406623541 +24066,0.9680199510534393,0,0.46963310649687723 0.45570303941300216 0.373670422141266 0.3674792812151032 0.7513300186375393 1.0361225012412916 1.2946026349088169 1.6413065267742497 1.944672432156508 2.1799357873509053 2.268159545548804 2.2248215590656293 2.083973102995294 2.0707794781609437 1.7883285257622301 1.7744676494763336 1.5008708134839228 1.6923834394151367 1.339488406623541 1.0655304206405911 +24067,0.9215863941071744,0,0.45570303941300216 0.373670422141266 0.3674792812151032 0.7513300186375393 1.0361225012412916 1.2946026349088169 1.6413065267742497 1.944672432156508 2.1799357873509053 2.268159545548804 2.2248215590656293 2.083973102995294 2.0707794781609437 1.7883285257622301 1.7744676494763336 1.5008708134839228 1.6923834394151367 1.339488406623541 1.0655304206405911 0.9680199510534393 +24068,0.7853812937314698,0,0.373670422141266 0.3674792812151032 0.7513300186375393 1.0361225012412916 1.2946026349088169 1.6413065267742497 1.944672432156508 2.1799357873509053 2.268159545548804 2.2248215590656293 2.083973102995294 2.0707794781609437 1.7883285257622301 1.7744676494763336 1.5008708134839228 1.6923834394151367 1.339488406623541 1.0655304206405911 0.9680199510534393 0.9215863941071744 +24069,0.6491761933557653,0,0.3674792812151032 0.7513300186375393 1.0361225012412916 1.2946026349088169 1.6413065267742497 1.944672432156508 2.1799357873509053 2.268159545548804 2.2248215590656293 2.083973102995294 2.0707794781609437 1.7883285257622301 1.7744676494763336 1.5008708134839228 1.6923834394151367 1.339488406623541 1.0655304206405911 0.9680199510534393 0.9215863941071744 0.7853812937314698 +24070,0.6275072001141692,0,0.7513300186375393 1.0361225012412916 1.2946026349088169 1.6413065267742497 1.944672432156508 2.1799357873509053 2.268159545548804 2.2248215590656293 2.083973102995294 2.0707794781609437 1.7883285257622301 1.7744676494763336 1.5008708134839228 1.6923834394151367 1.339488406623541 1.0655304206405911 0.9680199510534393 0.9215863941071744 0.7853812937314698 0.6491761933557653 +24071,0.6290549853457186,0,1.0361225012412916 1.2946026349088169 1.6413065267742497 1.944672432156508 2.1799357873509053 2.268159545548804 2.2248215590656293 2.083973102995294 2.0707794781609437 1.7883285257622301 1.7744676494763336 1.5008708134839228 1.6923834394151367 1.339488406623541 1.0655304206405911 0.9680199510534393 0.9215863941071744 0.7853812937314698 0.6491761933557653 0.6275072001141692 +24072,0.6290549853457186,0,1.2946026349088169 1.6413065267742497 1.944672432156508 2.1799357873509053 2.268159545548804 2.2248215590656293 2.083973102995294 2.0707794781609437 1.7883285257622301 1.7744676494763336 1.5008708134839228 1.6923834394151367 1.339488406623541 1.0655304206405911 0.9680199510534393 0.9215863941071744 0.7853812937314698 0.6491761933557653 0.6275072001141692 0.6290549853457186 +24073,0.6444449216026445,0,1.6413065267742497 1.944672432156508 2.1799357873509053 2.268159545548804 2.2248215590656293 2.083973102995294 2.0707794781609437 1.7883285257622301 1.7744676494763336 1.5008708134839228 1.6923834394151367 1.339488406623541 1.0655304206405911 0.9680199510534393 0.9215863941071744 0.7853812937314698 0.6491761933557653 0.6275072001141692 0.6290549853457186 0.6290549853457186 +24074,0.6909663946073993,0,1.944672432156508 2.1799357873509053 2.268159545548804 2.2248215590656293 2.083973102995294 2.0707794781609437 1.7883285257622301 1.7744676494763336 1.5008708134839228 1.6923834394151367 1.339488406623541 1.0655304206405911 0.9680199510534393 0.9215863941071744 0.7853812937314698 0.6491761933557653 0.6275072001141692 0.6290549853457186 0.6290549853457186 0.6444449216026445 +24075,0.9324208907279681,0,2.1799357873509053 2.268159545548804 2.2248215590656293 2.083973102995294 2.0707794781609437 1.7883285257622301 1.7744676494763336 1.5008708134839228 1.6923834394151367 1.339488406623541 1.0655304206405911 0.9680199510534393 0.9215863941071744 0.7853812937314698 0.6491761933557653 0.6275072001141692 0.6290549853457186 0.6290549853457186 0.6444449216026445 0.6909663946073993 +24076,1.0794604877244662,0,2.268159545548804 2.2248215590656293 2.083973102995294 2.0707794781609437 1.7883285257622301 1.7744676494763336 1.5008708134839228 1.6923834394151367 1.339488406623541 1.0655304206405911 0.9680199510534393 0.9215863941071744 0.7853812937314698 0.6491761933557653 0.6275072001141692 0.6290549853457186 0.6290549853457186 0.6444449216026445 0.6909663946073993 0.9324208907279681 +24077,1.316271628150413,0,2.2248215590656293 2.083973102995294 2.0707794781609437 1.7883285257622301 1.7744676494763336 1.5008708134839228 1.6923834394151367 1.339488406623541 1.0655304206405911 0.9680199510534393 0.9215863941071744 0.7853812937314698 0.6491761933557653 0.6275072001141692 0.6290549853457186 0.6290549853457186 0.6444449216026445 0.6909663946073993 0.9324208907279681 1.0794604877244662 +24078,1.5174837082508796,0,2.083973102995294 2.0707794781609437 1.7883285257622301 1.7744676494763336 1.5008708134839228 1.6923834394151367 1.339488406623541 1.0655304206405911 0.9680199510534393 0.9215863941071744 0.7853812937314698 0.6491761933557653 0.6275072001141692 0.6290549853457186 0.6290549853457186 0.6444449216026445 0.6909663946073993 0.9324208907279681 1.0794604877244662 1.316271628150413 +24079,1.6939312246466862,0,2.0707794781609437 1.7883285257622301 1.7744676494763336 1.5008708134839228 1.6923834394151367 1.339488406623541 1.0655304206405911 0.9680199510534393 0.9215863941071744 0.7853812937314698 0.6491761933557653 0.6275072001141692 0.6290549853457186 0.6290549853457186 0.6444449216026445 0.6909663946073993 0.9324208907279681 1.0794604877244662 1.316271628150413 1.5174837082508796 +24080,1.639758741542709,0,1.7883285257622301 1.7744676494763336 1.5008708134839228 1.6923834394151367 1.339488406623541 1.0655304206405911 0.9680199510534393 0.9215863941071744 0.7853812937314698 0.6491761933557653 0.6275072001141692 0.6290549853457186 0.6290549853457186 0.6444449216026445 0.6909663946073993 0.9324208907279681 1.0794604877244662 1.316271628150413 1.5174837082508796 1.6939312246466862 +24081,1.639758741542709,0,1.7744676494763336 1.5008708134839228 1.6923834394151367 1.339488406623541 1.0655304206405911 0.9680199510534393 0.9215863941071744 0.7853812937314698 0.6491761933557653 0.6275072001141692 0.6290549853457186 0.6290549853457186 0.6444449216026445 0.6909663946073993 0.9324208907279681 1.0794604877244662 1.316271628150413 1.5174837082508796 1.6939312246466862 1.639758741542709 +24082,1.714052432656733,0,1.5008708134839228 1.6923834394151367 1.339488406623541 1.0655304206405911 0.9680199510534393 0.9215863941071744 0.7853812937314698 0.6491761933557653 0.6275072001141692 0.6290549853457186 0.6290549853457186 0.6444449216026445 0.6909663946073993 0.9324208907279681 1.0794604877244662 1.316271628150413 1.5174837082508796 1.6939312246466862 1.639758741542709 1.639758741542709 +24083,1.718695788351355,0,1.6923834394151367 1.339488406623541 1.0655304206405911 0.9680199510534393 0.9215863941071744 0.7853812937314698 0.6491761933557653 0.6275072001141692 0.6290549853457186 0.6290549853457186 0.6444449216026445 0.6909663946073993 0.9324208907279681 1.0794604877244662 1.316271628150413 1.5174837082508796 1.6939312246466862 1.639758741542709 1.639758741542709 1.714052432656733 +24084,1.5824906879756504,0,1.339488406623541 1.0655304206405911 0.9680199510534393 0.9215863941071744 0.7853812937314698 0.6491761933557653 0.6275072001141692 0.6290549853457186 0.6290549853457186 0.6444449216026445 0.6909663946073993 0.9324208907279681 1.0794604877244662 1.316271628150413 1.5174837082508796 1.6939312246466862 1.639758741542709 1.639758741542709 1.714052432656733 1.718695788351355 +24085,1.4431900171368646,0,1.0655304206405911 0.9680199510534393 0.9215863941071744 0.7853812937314698 0.6491761933557653 0.6275072001141692 0.6290549853457186 0.6290549853457186 0.6444449216026445 0.6909663946073993 0.9324208907279681 1.0794604877244662 1.316271628150413 1.5174837082508796 1.6939312246466862 1.639758741542709 1.639758741542709 1.714052432656733 1.718695788351355 1.5824906879756504 +24086,1.108868407123766,0,0.9680199510534393 0.9215863941071744 0.7853812937314698 0.6491761933557653 0.6275072001141692 0.6290549853457186 0.6290549853457186 0.6444449216026445 0.6909663946073993 0.9324208907279681 1.0794604877244662 1.316271628150413 1.5174837082508796 1.6939312246466862 1.639758741542709 1.639758741542709 1.714052432656733 1.718695788351355 1.5824906879756504 1.4431900171368646 +24087,0.8859873337817031,0,0.9215863941071744 0.7853812937314698 0.6491761933557653 0.6275072001141692 0.6290549853457186 0.6290549853457186 0.6444449216026445 0.6909663946073993 0.9324208907279681 1.0794604877244662 1.316271628150413 1.5174837082508796 1.6939312246466862 1.639758741542709 1.639758741542709 1.714052432656733 1.718695788351355 1.5824906879756504 1.4431900171368646 1.108868407123766 +24088,0.7358521663221236,0,0.7853812937314698 0.6491761933557653 0.6275072001141692 0.6290549853457186 0.6290549853457186 0.6444449216026445 0.6909663946073993 0.9324208907279681 1.0794604877244662 1.316271628150413 1.5174837082508796 1.6939312246466862 1.639758741542709 1.639758741542709 1.714052432656733 1.718695788351355 1.5824906879756504 1.4431900171368646 1.108868407123766 0.8859873337817031 +24089,0.660010689976559,0,0.6491761933557653 0.6275072001141692 0.6290549853457186 0.6290549853457186 0.6444449216026445 0.6909663946073993 0.9324208907279681 1.0794604877244662 1.316271628150413 1.5174837082508796 1.6939312246466862 1.639758741542709 1.639758741542709 1.714052432656733 1.718695788351355 1.5824906879756504 1.4431900171368646 1.108868407123766 0.8859873337817031 0.7358521663221236 +24090,0.6321505558088,0,0.6275072001141692 0.6290549853457186 0.6290549853457186 0.6444449216026445 0.6909663946073993 0.9324208907279681 1.0794604877244662 1.316271628150413 1.5174837082508796 1.6939312246466862 1.639758741542709 1.639758741542709 1.714052432656733 1.718695788351355 1.5824906879756504 1.4431900171368646 1.108868407123766 0.8859873337817031 0.7358521663221236 0.660010689976559 +24091,0.6042904216410411,0,0.6290549853457186 0.6290549853457186 0.6444449216026445 0.6909663946073993 0.9324208907279681 1.0794604877244662 1.316271628150413 1.5174837082508796 1.6939312246466862 1.639758741542709 1.639758741542709 1.714052432656733 1.718695788351355 1.5824906879756504 1.4431900171368646 1.108868407123766 0.8859873337817031 0.7358521663221236 0.660010689976559 0.6321505558088 +24092,0.6290549853457186,0,0.6290549853457186 0.6444449216026445 0.6909663946073993 0.9324208907279681 1.0794604877244662 1.316271628150413 1.5174837082508796 1.6939312246466862 1.639758741542709 1.639758741542709 1.714052432656733 1.718695788351355 1.5824906879756504 1.4431900171368646 1.108868407123766 0.8859873337817031 0.7358521663221236 0.660010689976559 0.6321505558088 0.6042904216410411 +24093,0.57178693177866,0,0.6444449216026445 0.6909663946073993 0.9324208907279681 1.0794604877244662 1.316271628150413 1.5174837082508796 1.6939312246466862 1.639758741542709 1.639758741542709 1.714052432656733 1.718695788351355 1.5824906879756504 1.4431900171368646 1.108868407123766 0.8859873337817031 0.7358521663221236 0.660010689976559 0.6321505558088 0.6042904216410411 0.6290549853457186 +24094,0.5021365963592582,0,0.6909663946073993 0.9324208907279681 1.0794604877244662 1.316271628150413 1.5174837082508796 1.6939312246466862 1.639758741542709 1.639758741542709 1.714052432656733 1.718695788351355 1.5824906879756504 1.4431900171368646 1.108868407123766 0.8859873337817031 0.7358521663221236 0.660010689976559 0.6321505558088 0.6042904216410411 0.6290549853457186 0.57178693177866 +24095,0.4804676031176709,0,0.9324208907279681 1.0794604877244662 1.316271628150413 1.5174837082508796 1.6939312246466862 1.639758741542709 1.639758741542709 1.714052432656733 1.718695788351355 1.5824906879756504 1.4431900171368646 1.108868407123766 0.8859873337817031 0.7358521663221236 0.660010689976559 0.6321505558088 0.6042904216410411 0.6290549853457186 0.57178693177866 0.5021365963592582 +24096,0.46808532126533653,0,1.0794604877244662 1.316271628150413 1.5174837082508796 1.6939312246466862 1.639758741542709 1.639758741542709 1.714052432656733 1.718695788351355 1.5824906879756504 1.4431900171368646 1.108868407123766 0.8859873337817031 0.7358521663221236 0.660010689976559 0.6321505558088 0.6042904216410411 0.6290549853457186 0.57178693177866 0.5021365963592582 0.4804676031176709 +24097,0.4835631735807611,0,1.316271628150413 1.5174837082508796 1.6939312246466862 1.639758741542709 1.639758741542709 1.714052432656733 1.718695788351355 1.5824906879756504 1.4431900171368646 1.108868407123766 0.8859873337817031 0.7358521663221236 0.660010689976559 0.6321505558088 0.6042904216410411 0.6290549853457186 0.57178693177866 0.5021365963592582 0.4804676031176709 0.46808532126533653 +24098,0.6708451865973527,0,1.5174837082508796 1.6939312246466862 1.639758741542709 1.639758741542709 1.714052432656733 1.718695788351355 1.5824906879756504 1.4431900171368646 1.108868407123766 0.8859873337817031 0.7358521663221236 0.660010689976559 0.6321505558088 0.6042904216410411 0.6290549853457186 0.57178693177866 0.5021365963592582 0.4804676031176709 0.46808532126533653 0.4835631735807611 +24099,0.8318148506777348,0,1.6939312246466862 1.639758741542709 1.639758741542709 1.714052432656733 1.718695788351355 1.5824906879756504 1.4431900171368646 1.108868407123766 0.8859873337817031 0.7358521663221236 0.660010689976559 0.6321505558088 0.6042904216410411 0.6290549853457186 0.57178693177866 0.5021365963592582 0.4804676031176709 0.46808532126533653 0.4835631735807611 0.6708451865973527 +24100,1.0005234409158204,0,1.639758741542709 1.639758741542709 1.714052432656733 1.718695788351355 1.5824906879756504 1.4431900171368646 1.108868407123766 0.8859873337817031 0.7358521663221236 0.660010689976559 0.6321505558088 0.6042904216410411 0.6290549853457186 0.57178693177866 0.5021365963592582 0.4804676031176709 0.46808532126533653 0.4835631735807611 0.6708451865973527 0.8318148506777348 +24101,1.1413718969861557,0,1.639758741542709 1.714052432656733 1.718695788351355 1.5824906879756504 1.4431900171368646 1.108868407123766 0.8859873337817031 0.7358521663221236 0.660010689976559 0.6321505558088 0.6042904216410411 0.6290549853457186 0.57178693177866 0.5021365963592582 0.4804676031176709 0.46808532126533653 0.4835631735807611 0.6708451865973527 0.8318148506777348 1.0005234409158204 +24102,1.4989102854723737,0,1.714052432656733 1.718695788351355 1.5824906879756504 1.4431900171368646 1.108868407123766 0.8859873337817031 0.7358521663221236 0.660010689976559 0.6321505558088 0.6042904216410411 0.6290549853457186 0.57178693177866 0.5021365963592582 0.4804676031176709 0.46808532126533653 0.4835631735807611 0.6708451865973527 0.8318148506777348 1.0005234409158204 1.1413718969861557 +24103,1.6707144461735495,0,1.718695788351355 1.5824906879756504 1.4431900171368646 1.108868407123766 0.8859873337817031 0.7358521663221236 0.660010689976559 0.6321505558088 0.6042904216410411 0.6290549853457186 0.57178693177866 0.5021365963592582 0.4804676031176709 0.46808532126533653 0.4835631735807611 0.6708451865973527 0.8318148506777348 1.0005234409158204 1.1413718969861557 1.4989102854723737 +24104,1.8270407545593006,0,1.5824906879756504 1.4431900171368646 1.108868407123766 0.8859873337817031 0.7358521663221236 0.660010689976559 0.6321505558088 0.6042904216410411 0.6290549853457186 0.57178693177866 0.5021365963592582 0.4804676031176709 0.46808532126533653 0.4835631735807611 0.6708451865973527 0.8318148506777348 1.0005234409158204 1.1413718969861557 1.4989102854723737 1.6707144461735495 +24105,1.8579964591901497,0,1.4431900171368646 1.108868407123766 0.8859873337817031 0.7358521663221236 0.660010689976559 0.6321505558088 0.6042904216410411 0.6290549853457186 0.57178693177866 0.5021365963592582 0.4804676031176709 0.46808532126533653 0.4835631735807611 0.6708451865973527 0.8318148506777348 1.0005234409158204 1.1413718969861557 1.4989102854723737 1.6707144461735495 1.8270407545593006 +24106,1.9632458549350051,0,1.108868407123766 0.8859873337817031 0.7358521663221236 0.660010689976559 0.6321505558088 0.6042904216410411 0.6290549853457186 0.57178693177866 0.5021365963592582 0.4804676031176709 0.46808532126533653 0.4835631735807611 0.6708451865973527 0.8318148506777348 1.0005234409158204 1.1413718969861557 1.4989102854723737 1.6707144461735495 1.8270407545593006 1.8579964591901497 +24107,1.8316841102539314,0,0.8859873337817031 0.7358521663221236 0.660010689976559 0.6321505558088 0.6042904216410411 0.6290549853457186 0.57178693177866 0.5021365963592582 0.4804676031176709 0.46808532126533653 0.4835631735807611 0.6708451865973527 0.8318148506777348 1.0005234409158204 1.1413718969861557 1.4989102854723737 1.6707144461735495 1.8270407545593006 1.8579964591901497 1.9632458549350051 +24108,1.8022761908546319,0,0.7358521663221236 0.660010689976559 0.6321505558088 0.6042904216410411 0.6290549853457186 0.57178693177866 0.5021365963592582 0.4804676031176709 0.46808532126533653 0.4835631735807611 0.6708451865973527 0.8318148506777348 1.0005234409158204 1.1413718969861557 1.4989102854723737 1.6707144461735495 1.8270407545593006 1.8579964591901497 1.9632458549350051 1.8316841102539314 +24109,1.5515349833448102,0,0.660010689976559 0.6321505558088 0.6042904216410411 0.6290549853457186 0.57178693177866 0.5021365963592582 0.4804676031176709 0.46808532126533653 0.4835631735807611 0.6708451865973527 0.8318148506777348 1.0005234409158204 1.1413718969861557 1.4989102854723737 1.6707144461735495 1.8270407545593006 1.8579964591901497 1.9632458549350051 1.8316841102539314 1.8022761908546319 +24110,1.288411493982654,0,0.6321505558088 0.6042904216410411 0.6290549853457186 0.57178693177866 0.5021365963592582 0.4804676031176709 0.46808532126533653 0.4835631735807611 0.6708451865973527 0.8318148506777348 1.0005234409158204 1.1413718969861557 1.4989102854723737 1.6707144461735495 1.8270407545593006 1.8579964591901497 1.9632458549350051 1.8316841102539314 1.8022761908546319 1.5515349833448102 +24111,0.9943322999896488,0,0.6042904216410411 0.6290549853457186 0.57178693177866 0.5021365963592582 0.4804676031176709 0.46808532126533653 0.4835631735807611 0.6708451865973527 0.8318148506777348 1.0005234409158204 1.1413718969861557 1.4989102854723737 1.6707144461735495 1.8270407545593006 1.8579964591901497 1.9632458549350051 1.8316841102539314 1.8022761908546319 1.5515349833448102 1.288411493982654 +24112,0.8271714949831038,0,0.6290549853457186 0.57178693177866 0.5021365963592582 0.4804676031176709 0.46808532126533653 0.4835631735807611 0.6708451865973527 0.8318148506777348 1.0005234409158204 1.1413718969861557 1.4989102854723737 1.6707144461735495 1.8270407545593006 1.8579964591901497 1.9632458549350051 1.8316841102539314 1.8022761908546319 1.5515349833448102 1.288411493982654 0.9943322999896488 +24113,0.641437267198053,0,0.57178693177866 0.5021365963592582 0.4804676031176709 0.46808532126533653 0.4835631735807611 0.6708451865973527 0.8318148506777348 1.0005234409158204 1.1413718969861557 1.4989102854723737 1.6707144461735495 1.8270407545593006 1.8579964591901497 1.9632458549350051 1.8316841102539314 1.8022761908546319 1.5515349833448102 1.288411493982654 0.9943322999896488 0.8271714949831038 +24114,0.4866587440438425,0,0.5021365963592582 0.4804676031176709 0.46808532126533653 0.4835631735807611 0.6708451865973527 0.8318148506777348 1.0005234409158204 1.1413718969861557 1.4989102854723737 1.6707144461735495 1.8270407545593006 1.8579964591901497 1.9632458549350051 1.8316841102539314 1.8022761908546319 1.5515349833448102 1.288411493982654 0.9943322999896488 0.8271714949831038 0.641437267198053 +24115,0.392243844919772,0,0.4804676031176709 0.46808532126533653 0.4835631735807611 0.6708451865973527 0.8318148506777348 1.0005234409158204 1.1413718969861557 1.4989102854723737 1.6707144461735495 1.8270407545593006 1.8579964591901497 1.9632458549350051 1.8316841102539314 1.8022761908546319 1.5515349833448102 1.288411493982654 0.9943322999896488 0.8271714949831038 0.641437267198053 0.4866587440438425 +24116,0.3287846504265506,0,0.46808532126533653 0.4835631735807611 0.6708451865973527 0.8318148506777348 1.0005234409158204 1.1413718969861557 1.4989102854723737 1.6707144461735495 1.8270407545593006 1.8579964591901497 1.9632458549350051 1.8316841102539314 1.8022761908546319 1.5515349833448102 1.288411493982654 0.9943322999896488 0.8271714949831038 0.641437267198053 0.4866587440438425 0.392243844919772 +24117,0.23436975130248006,0,0.4835631735807611 0.6708451865973527 0.8318148506777348 1.0005234409158204 1.1413718969861557 1.4989102854723737 1.6707144461735495 1.8270407545593006 1.8579964591901497 1.9632458549350051 1.8316841102539314 1.8022761908546319 1.5515349833448102 1.288411493982654 0.9943322999896488 0.8271714949831038 0.641437267198053 0.4866587440438425 0.392243844919772 0.3287846504265506 +24118,0.18638840912467444,0,0.6708451865973527 0.8318148506777348 1.0005234409158204 1.1413718969861557 1.4989102854723737 1.6707144461735495 1.8270407545593006 1.8579964591901497 1.9632458549350051 1.8316841102539314 1.8022761908546319 1.5515349833448102 1.288411493982654 0.9943322999896488 0.8271714949831038 0.641437267198053 0.4866587440438425 0.392243844919772 0.3287846504265506 0.23436975130248006 +24119,0.10280800662139761,0,0.8318148506777348 1.0005234409158204 1.1413718969861557 1.4989102854723737 1.6707144461735495 1.8270407545593006 1.8579964591901497 1.9632458549350051 1.8316841102539314 1.8022761908546319 1.5515349833448102 1.288411493982654 0.9943322999896488 0.8271714949831038 0.641437267198053 0.4866587440438425 0.392243844919772 0.3287846504265506 0.23436975130248006 0.18638840912467444 +24120,0.06566116106438567,0,1.0005234409158204 1.1413718969861557 1.4989102854723737 1.6707144461735495 1.8270407545593006 1.8579964591901497 1.9632458549350051 1.8316841102539314 1.8022761908546319 1.5515349833448102 1.288411493982654 0.9943322999896488 0.8271714949831038 0.641437267198053 0.4866587440438425 0.392243844919772 0.3287846504265506 0.23436975130248006 0.18638840912467444 0.10280800662139761 +24121,0.04089659735971692,0,1.1413718969861557 1.4989102854723737 1.6707144461735495 1.8270407545593006 1.8579964591901497 1.9632458549350051 1.8316841102539314 1.8022761908546319 1.5515349833448102 1.288411493982654 0.9943322999896488 0.8271714949831038 0.641437267198053 0.4866587440438425 0.392243844919772 0.3287846504265506 0.23436975130248006 0.18638840912467444 0.10280800662139761 0.06566116106438567 +24122,0.26068210023868954,0,1.4989102854723737 1.6707144461735495 1.8270407545593006 1.8579964591901497 1.9632458549350051 1.8316841102539314 1.8022761908546319 1.5515349833448102 1.288411493982654 0.9943322999896488 0.8271714949831038 0.641437267198053 0.4866587440438425 0.392243844919772 0.3287846504265506 0.23436975130248006 0.18638840912467444 0.10280800662139761 0.06566116106438567 0.04089659735971692 +24123,0.4324862609398653,0,1.6707144461735495 1.8270407545593006 1.8579964591901497 1.9632458549350051 1.8316841102539314 1.8022761908546319 1.5515349833448102 1.288411493982654 0.9943322999896488 0.8271714949831038 0.641437267198053 0.4866587440438425 0.392243844919772 0.3287846504265506 0.23436975130248006 0.18638840912467444 0.10280800662139761 0.06566116106438567 0.04089659735971692 0.26068210023868954 +24124,0.7033486764597336,0,1.8270407545593006 1.8579964591901497 1.9632458549350051 1.8316841102539314 1.8022761908546319 1.5515349833448102 1.288411493982654 0.9943322999896488 0.8271714949831038 0.641437267198053 0.4866587440438425 0.392243844919772 0.3287846504265506 0.23436975130248006 0.18638840912467444 0.10280800662139761 0.06566116106438567 0.04089659735971692 0.26068210023868954 0.4324862609398653 +24125,1.0175490784627856,0,1.8579964591901497 1.9632458549350051 1.8316841102539314 1.8022761908546319 1.5515349833448102 1.288411493982654 0.9943322999896488 0.8271714949831038 0.641437267198053 0.4866587440438425 0.392243844919772 0.3287846504265506 0.23436975130248006 0.18638840912467444 0.10280800662139761 0.06566116106438567 0.04089659735971692 0.26068210023868954 0.4324862609398653 0.7033486764597336 +24126,1.2203089437948018,0,1.9632458549350051 1.8316841102539314 1.8022761908546319 1.5515349833448102 1.288411493982654 0.9943322999896488 0.8271714949831038 0.641437267198053 0.4866587440438425 0.392243844919772 0.3287846504265506 0.23436975130248006 0.18638840912467444 0.10280800662139761 0.06566116106438567 0.04089659735971692 0.26068210023868954 0.4324862609398653 0.7033486764597336 1.0175490784627856 +24127,1.483432433156958,0,1.8316841102539314 1.8022761908546319 1.5515349833448102 1.288411493982654 0.9943322999896488 0.8271714949831038 0.641437267198053 0.4866587440438425 0.392243844919772 0.3287846504265506 0.23436975130248006 0.18638840912467444 0.10280800662139761 0.06566116106438567 0.04089659735971692 0.26068210023868954 0.4324862609398653 0.7033486764597336 1.0175490784627856 1.2203089437948018 +24128,1.6877400837205148,0,1.8022761908546319 1.5515349833448102 1.288411493982654 0.9943322999896488 0.8271714949831038 0.641437267198053 0.4866587440438425 0.392243844919772 0.3287846504265506 0.23436975130248006 0.18638840912467444 0.10280800662139761 0.06566116106438567 0.04089659735971692 0.26068210023868954 0.4324862609398653 0.7033486764597336 1.0175490784627856 1.2203089437948018 1.483432433156958 +24129,1.788346123770748,0,1.5515349833448102 1.288411493982654 0.9943322999896488 0.8271714949831038 0.641437267198053 0.4866587440438425 0.392243844919772 0.3287846504265506 0.23436975130248006 0.18638840912467444 0.10280800662139761 0.06566116106438567 0.04089659735971692 0.26068210023868954 0.4324862609398653 0.7033486764597336 1.0175490784627856 1.2203089437948018 1.483432433156958 1.6877400837205148 +24130,1.82549296932776,0,1.288411493982654 0.9943322999896488 0.8271714949831038 0.641437267198053 0.4866587440438425 0.392243844919772 0.3287846504265506 0.23436975130248006 0.18638840912467444 0.10280800662139761 0.06566116106438567 0.04089659735971692 0.26068210023868954 0.4324862609398653 0.7033486764597336 1.0175490784627856 1.2203089437948018 1.483432433156958 1.6877400837205148 1.788346123770748 +24131,1.783702768076126,0,0.9943322999896488 0.8271714949831038 0.641437267198053 0.4866587440438425 0.392243844919772 0.3287846504265506 0.23436975130248006 0.18638840912467444 0.10280800662139761 0.06566116106438567 0.04089659735971692 0.26068210023868954 0.4324862609398653 0.7033486764597336 1.0175490784627856 1.2203089437948018 1.483432433156958 1.6877400837205148 1.788346123770748 1.82549296932776 +24132,1.772868271455332,0,0.8271714949831038 0.641437267198053 0.4866587440438425 0.392243844919772 0.3287846504265506 0.23436975130248006 0.18638840912467444 0.10280800662139761 0.06566116106438567 0.04089659735971692 0.26068210023868954 0.4324862609398653 0.7033486764597336 1.0175490784627856 1.2203089437948018 1.483432433156958 1.6877400837205148 1.788346123770748 1.82549296932776 1.783702768076126 +24133,1.5035536411670045,0,0.641437267198053 0.4866587440438425 0.392243844919772 0.3287846504265506 0.23436975130248006 0.18638840912467444 0.10280800662139761 0.06566116106438567 0.04089659735971692 0.26068210023868954 0.4324862609398653 0.7033486764597336 1.0175490784627856 1.2203089437948018 1.483432433156958 1.6877400837205148 1.788346123770748 1.82549296932776 1.783702768076126 1.772868271455332 +24134,1.2357867961102176,0,0.4866587440438425 0.392243844919772 0.3287846504265506 0.23436975130248006 0.18638840912467444 0.10280800662139761 0.06566116106438567 0.04089659735971692 0.26068210023868954 0.4324862609398653 0.7033486764597336 1.0175490784627856 1.2203089437948018 1.483432433156958 1.6877400837205148 1.788346123770748 1.82549296932776 1.783702768076126 1.772868271455332 1.5035536411670045 +24135,0.8178847835938509,0,0.392243844919772 0.3287846504265506 0.23436975130248006 0.18638840912467444 0.10280800662139761 0.06566116106438567 0.04089659735971692 0.26068210023868954 0.4324862609398653 0.7033486764597336 1.0175490784627856 1.2203089437948018 1.483432433156958 1.6877400837205148 1.788346123770748 1.82549296932776 1.783702768076126 1.772868271455332 1.5035536411670045 1.2357867961102176 +24136,0.6801318979866057,0,0.3287846504265506 0.23436975130248006 0.18638840912467444 0.10280800662139761 0.06566116106438567 0.04089659735971692 0.26068210023868954 0.4324862609398653 0.7033486764597336 1.0175490784627856 1.2203089437948018 1.483432433156958 1.6877400837205148 1.788346123770748 1.82549296932776 1.783702768076126 1.772868271455332 1.5035536411670045 1.2357867961102176 0.8178847835938509 +24137,0.4371296166344962,0,0.23436975130248006 0.18638840912467444 0.10280800662139761 0.06566116106438567 0.04089659735971692 0.26068210023868954 0.4324862609398653 0.7033486764597336 1.0175490784627856 1.2203089437948018 1.483432433156958 1.6877400837205148 1.788346123770748 1.82549296932776 1.783702768076126 1.772868271455332 1.5035536411670045 1.2357867961102176 0.8178847835938509 0.6801318979866057 +24138,0.38450491876205967,0,0.18638840912467444 0.10280800662139761 0.06566116106438567 0.04089659735971692 0.26068210023868954 0.4324862609398653 0.7033486764597336 1.0175490784627856 1.2203089437948018 1.483432433156958 1.6877400837205148 1.788346123770748 1.82549296932776 1.783702768076126 1.772868271455332 1.5035536411670045 1.2357867961102176 0.8178847835938509 0.6801318979866057 0.4371296166344962 +24139,0.30247230149033233,0,0.10280800662139761 0.06566116106438567 0.04089659735971692 0.26068210023868954 0.4324862609398653 0.7033486764597336 1.0175490784627856 1.2203089437948018 1.483432433156958 1.6877400837205148 1.788346123770748 1.82549296932776 1.783702768076126 1.772868271455332 1.5035536411670045 1.2357867961102176 0.8178847835938509 0.6801318979866057 0.4371296166344962 0.38450491876205967 +24140,0.17091055680924988,0,0.06566116106438567 0.04089659735971692 0.26068210023868954 0.4324862609398653 0.7033486764597336 1.0175490784627856 1.2203089437948018 1.483432433156958 1.6877400837205148 1.788346123770748 1.82549296932776 1.783702768076126 1.772868271455332 1.5035536411670045 1.2357867961102176 0.8178847835938509 0.6801318979866057 0.4371296166344962 0.38450491876205967 0.30247230149033233 +24141,0.08578236907443235,0,0.04089659735971692 0.26068210023868954 0.4324862609398653 0.7033486764597336 1.0175490784627856 1.2203089437948018 1.483432433156958 1.6877400837205148 1.788346123770748 1.82549296932776 1.783702768076126 1.772868271455332 1.5035536411670045 1.2357867961102176 0.8178847835938509 0.6801318979866057 0.4371296166344962 0.38450491876205967 0.30247230149033233 0.17091055680924988 +24142,0.05947002013822289,0,0.26068210023868954 0.4324862609398653 0.7033486764597336 1.0175490784627856 1.2203089437948018 1.483432433156958 1.6877400837205148 1.788346123770748 1.82549296932776 1.783702768076126 1.772868271455332 1.5035536411670045 1.2357867961102176 0.8178847835938509 0.6801318979866057 0.4371296166344962 0.38450491876205967 0.30247230149033233 0.17091055680924988 0.08578236907443235 +24143,0.0532788792120513,0,0.4324862609398653 0.7033486764597336 1.0175490784627856 1.2203089437948018 1.483432433156958 1.6877400837205148 1.788346123770748 1.82549296932776 1.783702768076126 1.772868271455332 1.5035536411670045 1.2357867961102176 0.8178847835938509 0.6801318979866057 0.4371296166344962 0.38450491876205967 0.30247230149033233 0.17091055680924988 0.08578236907443235 0.05947002013822289 +24144,0.02232317458121096,0,0.7033486764597336 1.0175490784627856 1.2203089437948018 1.483432433156958 1.6877400837205148 1.788346123770748 1.82549296932776 1.783702768076126 1.772868271455332 1.5035536411670045 1.2357867961102176 0.8178847835938509 0.6801318979866057 0.4371296166344962 0.38450491876205967 0.30247230149033233 0.17091055680924988 0.08578236907443235 0.05947002013822289 0.0532788792120513 +24145,0.028514315507373746,0,1.0175490784627856 1.2203089437948018 1.483432433156958 1.6877400837205148 1.788346123770748 1.82549296932776 1.783702768076126 1.772868271455332 1.5035536411670045 1.2357867961102176 0.8178847835938509 0.6801318979866057 0.4371296166344962 0.38450491876205967 0.30247230149033233 0.17091055680924988 0.08578236907443235 0.05947002013822289 0.0532788792120513 0.02232317458121096 +24146,0.11054693277910989,0,1.2203089437948018 1.483432433156958 1.6877400837205148 1.788346123770748 1.82549296932776 1.783702768076126 1.772868271455332 1.5035536411670045 1.2357867961102176 0.8178847835938509 0.6801318979866057 0.4371296166344962 0.38450491876205967 0.30247230149033233 0.17091055680924988 0.08578236907443235 0.05947002013822289 0.0532788792120513 0.02232317458121096 0.028514315507373746 +24147,0.30556787195341373,0,1.483432433156958 1.6877400837205148 1.788346123770748 1.82549296932776 1.783702768076126 1.772868271455332 1.5035536411670045 1.2357867961102176 0.8178847835938509 0.6801318979866057 0.4371296166344962 0.38450491876205967 0.30247230149033233 0.17091055680924988 0.08578236907443235 0.05947002013822289 0.0532788792120513 0.02232317458121096 0.028514315507373746 0.11054693277910989 +24148,0.6290549853457186,0,1.6877400837205148 1.788346123770748 1.82549296932776 1.783702768076126 1.772868271455332 1.5035536411670045 1.2357867961102176 0.8178847835938509 0.6801318979866057 0.4371296166344962 0.38450491876205967 0.30247230149033233 0.17091055680924988 0.08578236907443235 0.05947002013822289 0.0532788792120513 0.02232317458121096 0.028514315507373746 0.11054693277910989 0.30556787195341373 +24149,0.8689616962347378,0,1.788346123770748 1.82549296932776 1.783702768076126 1.772868271455332 1.5035536411670045 1.2357867961102176 0.8178847835938509 0.6801318979866057 0.4371296166344962 0.38450491876205967 0.30247230149033233 0.17091055680924988 0.08578236907443235 0.05947002013822289 0.0532788792120513 0.02232317458121096 0.028514315507373746 0.11054693277910989 0.30556787195341373 0.6290549853457186 +24150,1.1537541788384902,0,1.82549296932776 1.783702768076126 1.772868271455332 1.5035536411670045 1.2357867961102176 0.8178847835938509 0.6801318979866057 0.4371296166344962 0.38450491876205967 0.30247230149033233 0.17091055680924988 0.08578236907443235 0.05947002013822289 0.0532788792120513 0.02232317458121096 0.028514315507373746 0.11054693277910989 0.30556787195341373 0.6290549853457186 0.8689616962347378 +24151,1.260551359814895,0,1.783702768076126 1.772868271455332 1.5035536411670045 1.2357867961102176 0.8178847835938509 0.6801318979866057 0.4371296166344962 0.38450491876205967 0.30247230149033233 0.17091055680924988 0.08578236907443235 0.05947002013822289 0.0532788792120513 0.02232317458121096 0.028514315507373746 0.11054693277910989 0.30556787195341373 0.6290549853457186 0.8689616962347378 1.1537541788384902 +24152,1.348775118012794,0,1.772868271455332 1.5035536411670045 1.2357867961102176 0.8178847835938509 0.6801318979866057 0.4371296166344962 0.38450491876205967 0.30247230149033233 0.17091055680924988 0.08578236907443235 0.05947002013822289 0.0532788792120513 0.02232317458121096 0.028514315507373746 0.11054693277910989 0.30556787195341373 0.6290549853457186 0.8689616962347378 1.1537541788384902 1.260551359814895 +24153,1.4261643795898993,0,1.5035536411670045 1.2357867961102176 0.8178847835938509 0.6801318979866057 0.4371296166344962 0.38450491876205967 0.30247230149033233 0.17091055680924988 0.08578236907443235 0.05947002013822289 0.0532788792120513 0.02232317458121096 0.028514315507373746 0.11054693277910989 0.30556787195341373 0.6290549853457186 0.8689616962347378 1.1537541788384902 1.260551359814895 1.348775118012794 +24154,1.478789077462327,0,1.2357867961102176 0.8178847835938509 0.6801318979866057 0.4371296166344962 0.38450491876205967 0.30247230149033233 0.17091055680924988 0.08578236907443235 0.05947002013822289 0.0532788792120513 0.02232317458121096 0.028514315507373746 0.11054693277910989 0.30556787195341373 0.6290549853457186 0.8689616962347378 1.1537541788384902 1.260551359814895 1.348775118012794 1.4261643795898993 +24155,1.418425453432187,0,0.8178847835938509 0.6801318979866057 0.4371296166344962 0.38450491876205967 0.30247230149033233 0.17091055680924988 0.08578236907443235 0.05947002013822289 0.0532788792120513 0.02232317458121096 0.028514315507373746 0.11054693277910989 0.30556787195341373 0.6290549853457186 0.8689616962347378 1.1537541788384902 1.260551359814895 1.348775118012794 1.4261643795898993 1.478789077462327 +24156,1.3890175340328874,0,0.6801318979866057 0.4371296166344962 0.38450491876205967 0.30247230149033233 0.17091055680924988 0.08578236907443235 0.05947002013822289 0.0532788792120513 0.02232317458121096 0.028514315507373746 0.11054693277910989 0.30556787195341373 0.6290549853457186 0.8689616962347378 1.1537541788384902 1.260551359814895 1.348775118012794 1.4261643795898993 1.478789077462327 1.418425453432187 +24157,1.2280478699525053,0,0.4371296166344962 0.38450491876205967 0.30247230149033233 0.17091055680924988 0.08578236907443235 0.05947002013822289 0.0532788792120513 0.02232317458121096 0.028514315507373746 0.11054693277910989 0.30556787195341373 0.6290549853457186 0.8689616962347378 1.1537541788384902 1.260551359814895 1.348775118012794 1.4261643795898993 1.478789077462327 1.418425453432187 1.3890175340328874 +24158,0.9386120316541396,0,0.38450491876205967 0.30247230149033233 0.17091055680924988 0.08578236907443235 0.05947002013822289 0.0532788792120513 0.02232317458121096 0.028514315507373746 0.11054693277910989 0.30556787195341373 0.6290549853457186 0.8689616962347378 1.1537541788384902 1.260551359814895 1.348775118012794 1.4261643795898993 1.478789077462327 1.418425453432187 1.3890175340328874 1.2280478699525053 +24159,0.45879860987608356,0,0.30247230149033233 0.17091055680924988 0.08578236907443235 0.05947002013822289 0.0532788792120513 0.02232317458121096 0.028514315507373746 0.11054693277910989 0.30556787195341373 0.6290549853457186 0.8689616962347378 1.1537541788384902 1.260551359814895 1.348775118012794 1.4261643795898993 1.478789077462327 1.418425453432187 1.3890175340328874 1.2280478699525053 0.9386120316541396 +24160,0.3566447845943007,0,0.17091055680924988 0.08578236907443235 0.05947002013822289 0.0532788792120513 0.02232317458121096 0.028514315507373746 0.11054693277910989 0.30556787195341373 0.6290549853457186 0.8689616962347378 1.1537541788384902 1.260551359814895 1.348775118012794 1.4261643795898993 1.478789077462327 1.418425453432187 1.3890175340328874 1.2280478699525053 0.9386120316541396 0.45879860987608356 +24161,0.2065096171347211,0,0.08578236907443235 0.05947002013822289 0.0532788792120513 0.02232317458121096 0.028514315507373746 0.11054693277910989 0.30556787195341373 0.6290549853457186 0.8689616962347378 1.1537541788384902 1.260551359814895 1.348775118012794 1.4261643795898993 1.478789077462327 1.418425453432187 1.3890175340328874 1.2280478699525053 0.9386120316541396 0.45879860987608356 0.3566447845943007 +24162,0.12292921463144427,0,0.05947002013822289 0.0532788792120513 0.02232317458121096 0.028514315507373746 0.11054693277910989 0.30556787195341373 0.6290549853457186 0.8689616962347378 1.1537541788384902 1.260551359814895 1.348775118012794 1.4261643795898993 1.478789077462327 1.418425453432187 1.3890175340328874 1.2280478699525053 0.9386120316541396 0.45879860987608356 0.3566447845943007 0.2065096171347211 +24163,0.07340008722209797,0,0.0532788792120513 0.02232317458121096 0.028514315507373746 0.11054693277910989 0.30556787195341373 0.6290549853457186 0.8689616962347378 1.1537541788384902 1.260551359814895 1.348775118012794 1.4261643795898993 1.478789077462327 1.418425453432187 1.3890175340328874 1.2280478699525053 0.9386120316541396 0.45879860987608356 0.3566447845943007 0.2065096171347211 0.12292921463144427 +24164,0.07804344291672885,0,0.02232317458121096 0.028514315507373746 0.11054693277910989 0.30556787195341373 0.6290549853457186 0.8689616962347378 1.1537541788384902 1.260551359814895 1.348775118012794 1.4261643795898993 1.478789077462327 1.418425453432187 1.3890175340328874 1.2280478699525053 0.9386120316541396 0.45879860987608356 0.3566447845943007 0.2065096171347211 0.12292921463144427 0.07340008722209797 +24165,0.08733015430598183,0,0.028514315507373746 0.11054693277910989 0.30556787195341373 0.6290549853457186 0.8689616962347378 1.1537541788384902 1.260551359814895 1.348775118012794 1.4261643795898993 1.478789077462327 1.418425453432187 1.3890175340328874 1.2280478699525053 0.9386120316541396 0.45879860987608356 0.3566447845943007 0.2065096171347211 0.12292921463144427 0.07340008722209797 0.07804344291672885 +24166,0.09197351000060393,0,0.11054693277910989 0.30556787195341373 0.6290549853457186 0.8689616962347378 1.1537541788384902 1.260551359814895 1.348775118012794 1.4261643795898993 1.478789077462327 1.418425453432187 1.3890175340328874 1.2280478699525053 0.9386120316541396 0.45879860987608356 0.3566447845943007 0.2065096171347211 0.12292921463144427 0.07340008722209797 0.07804344291672885 0.08733015430598183 +24167,0.013036463191957975,0,0.30556787195341373 0.6290549853457186 0.8689616962347378 1.1537541788384902 1.260551359814895 1.348775118012794 1.4261643795898993 1.478789077462327 1.418425453432187 1.3890175340328874 1.2280478699525053 0.9386120316541396 0.45879860987608356 0.3566447845943007 0.2065096171347211 0.12292921463144427 0.07340008722209797 0.07804344291672885 0.08733015430598183 0.09197351000060393 +24168,0.06101780536976358,0,0.6290549853457186 0.8689616962347378 1.1537541788384902 1.260551359814895 1.348775118012794 1.4261643795898993 1.478789077462327 1.418425453432187 1.3890175340328874 1.2280478699525053 0.9386120316541396 0.45879860987608356 0.3566447845943007 0.2065096171347211 0.12292921463144427 0.07340008722209797 0.07804344291672885 0.08733015430598183 0.09197351000060393 0.013036463191957975 +24169,0.08268679861135095,0,0.8689616962347378 1.1537541788384902 1.260551359814895 1.348775118012794 1.4261643795898993 1.478789077462327 1.418425453432187 1.3890175340328874 1.2280478699525053 0.9386120316541396 0.45879860987608356 0.3566447845943007 0.2065096171347211 0.12292921463144427 0.07340008722209797 0.07804344291672885 0.08733015430598183 0.09197351000060393 0.013036463191957975 0.06101780536976358 +24170,0.09816465092677551,0,1.1537541788384902 1.260551359814895 1.348775118012794 1.4261643795898993 1.478789077462327 1.418425453432187 1.3890175340328874 1.2280478699525053 0.9386120316541396 0.45879860987608356 0.3566447845943007 0.2065096171347211 0.12292921463144427 0.07340008722209797 0.07804344291672885 0.08733015430598183 0.09197351000060393 0.013036463191957975 0.06101780536976358 0.08268679861135095 +24171,0.18793619435621514,0,1.260551359814895 1.348775118012794 1.4261643795898993 1.478789077462327 1.418425453432187 1.3890175340328874 1.2280478699525053 0.9386120316541396 0.45879860987608356 0.3566447845943007 0.2065096171347211 0.12292921463144427 0.07340008722209797 0.07804344291672885 0.08733015430598183 0.09197351000060393 0.013036463191957975 0.06101780536976358 0.08268679861135095 0.09816465092677551 +24172,0.271516596859492,0,1.348775118012794 1.4261643795898993 1.478789077462327 1.418425453432187 1.3890175340328874 1.2280478699525053 0.9386120316541396 0.45879860987608356 0.3566447845943007 0.2065096171347211 0.12292921463144427 0.07340008722209797 0.07804344291672885 0.08733015430598183 0.09197351000060393 0.013036463191957975 0.06101780536976358 0.08268679861135095 0.09816465092677551 0.18793619435621514 +24173,0.44951189848683054,0,1.4261643795898993 1.478789077462327 1.418425453432187 1.3890175340328874 1.2280478699525053 0.9386120316541396 0.45879860987608356 0.3566447845943007 0.2065096171347211 0.12292921463144427 0.07340008722209797 0.07804344291672885 0.08733015430598183 0.09197351000060393 0.013036463191957975 0.06101780536976358 0.08268679861135095 0.09816465092677551 0.18793619435621514 0.271516596859492 +24174,0.5795258579363636,0,1.478789077462327 1.418425453432187 1.3890175340328874 1.2280478699525053 0.9386120316541396 0.45879860987608356 0.3566447845943007 0.2065096171347211 0.12292921463144427 0.07340008722209797 0.07804344291672885 0.08733015430598183 0.09197351000060393 0.013036463191957975 0.06101780536976358 0.08268679861135095 0.09816465092677551 0.18793619435621514 0.271516596859492 0.44951189848683054 +24175,0.8968218304024969,0,1.418425453432187 1.3890175340328874 1.2280478699525053 0.9386120316541396 0.45879860987608356 0.3566447845943007 0.2065096171347211 0.12292921463144427 0.07340008722209797 0.07804344291672885 0.08733015430598183 0.09197351000060393 0.013036463191957975 0.06101780536976358 0.08268679861135095 0.09816465092677551 0.18793619435621514 0.271516596859492 0.44951189848683054 0.5795258579363636 +24176,1.0175490784627856,0,1.3890175340328874 1.2280478699525053 0.9386120316541396 0.45879860987608356 0.3566447845943007 0.2065096171347211 0.12292921463144427 0.07340008722209797 0.07804344291672885 0.08733015430598183 0.09197351000060393 0.013036463191957975 0.06101780536976358 0.08268679861135095 0.09816465092677551 0.18793619435621514 0.271516596859492 0.44951189848683054 0.5795258579363636 0.8968218304024969 +24177,1.2992459906034477,0,1.2280478699525053 0.9386120316541396 0.45879860987608356 0.3566447845943007 0.2065096171347211 0.12292921463144427 0.07340008722209797 0.07804344291672885 0.08733015430598183 0.09197351000060393 0.013036463191957975 0.06101780536976358 0.08268679861135095 0.09816465092677551 0.18793619435621514 0.271516596859492 0.44951189848683054 0.5795258579363636 0.8968218304024969 1.0175490784627856 +24178,1.4153298829691057,0,0.9386120316541396 0.45879860987608356 0.3566447845943007 0.2065096171347211 0.12292921463144427 0.07340008722209797 0.07804344291672885 0.08733015430598183 0.09197351000060393 0.013036463191957975 0.06101780536976358 0.08268679861135095 0.09816465092677551 0.18793619435621514 0.271516596859492 0.44951189848683054 0.5795258579363636 0.8968218304024969 1.0175490784627856 1.2992459906034477 +24179,1.3704441112543813,0,0.45879860987608356 0.3566447845943007 0.2065096171347211 0.12292921463144427 0.07340008722209797 0.07804344291672885 0.08733015430598183 0.09197351000060393 0.013036463191957975 0.06101780536976358 0.08268679861135095 0.09816465092677551 0.18793619435621514 0.271516596859492 0.44951189848683054 0.5795258579363636 0.8968218304024969 1.0175490784627856 1.2992459906034477 1.4153298829691057 +24180,1.1800665277747084,0,0.3566447845943007 0.2065096171347211 0.12292921463144427 0.07340008722209797 0.07804344291672885 0.08733015430598183 0.09197351000060393 0.013036463191957975 0.06101780536976358 0.08268679861135095 0.09816465092677551 0.18793619435621514 0.271516596859492 0.44951189848683054 0.5795258579363636 0.8968218304024969 1.0175490784627856 1.2992459906034477 1.4153298829691057 1.3704441112543813 +24181,0.9370642464225901,0,0.2065096171347211 0.12292921463144427 0.07340008722209797 0.07804344291672885 0.08733015430598183 0.09197351000060393 0.013036463191957975 0.06101780536976358 0.08268679861135095 0.09816465092677551 0.18793619435621514 0.271516596859492 0.44951189848683054 0.5795258579363636 0.8968218304024969 1.0175490784627856 1.2992459906034477 1.4153298829691057 1.3704441112543813 1.1800665277747084 +24182,0.599647065946419,0,0.12292921463144427 0.07340008722209797 0.07804344291672885 0.08733015430598183 0.09197351000060393 0.013036463191957975 0.06101780536976358 0.08268679861135095 0.09816465092677551 0.18793619435621514 0.271516596859492 0.44951189848683054 0.5795258579363636 0.8968218304024969 1.0175490784627856 1.2992459906034477 1.4153298829691057 1.3704441112543813 1.1800665277747084 0.9370642464225901 +24183,0.313306798111126,0,0.07340008722209797 0.07804344291672885 0.08733015430598183 0.09197351000060393 0.013036463191957975 0.06101780536976358 0.08268679861135095 0.09816465092677551 0.18793619435621514 0.271516596859492 0.44951189848683054 0.5795258579363636 0.8968218304024969 1.0175490784627856 1.2992459906034477 1.4153298829691057 1.3704441112543813 1.1800665277747084 0.9370642464225901 0.599647065946419 +24184,0.25913431500714884,0,0.07804344291672885 0.08733015430598183 0.09197351000060393 0.013036463191957975 0.06101780536976358 0.08268679861135095 0.09816465092677551 0.18793619435621514 0.271516596859492 0.44951189848683054 0.5795258579363636 0.8968218304024969 1.0175490784627856 1.2992459906034477 1.4153298829691057 1.3704441112543813 1.1800665277747084 0.9370642464225901 0.599647065946419 0.313306798111126 +24185,0.17245834204079058,0,0.08733015430598183 0.09197351000060393 0.013036463191957975 0.06101780536976358 0.08268679861135095 0.09816465092677551 0.18793619435621514 0.271516596859492 0.44951189848683054 0.5795258579363636 0.8968218304024969 1.0175490784627856 1.2992459906034477 1.4153298829691057 1.3704441112543813 1.1800665277747084 0.9370642464225901 0.599647065946419 0.313306798111126 0.25913431500714884 +24186,0.13995485217840953,0,0.09197351000060393 0.013036463191957975 0.06101780536976358 0.08268679861135095 0.09816465092677551 0.18793619435621514 0.271516596859492 0.44951189848683054 0.5795258579363636 0.8968218304024969 1.0175490784627856 1.2992459906034477 1.4153298829691057 1.3704441112543813 1.1800665277747084 0.9370642464225901 0.599647065946419 0.313306798111126 0.25913431500714884 0.17245834204079058 +24187,0.12292921463144427,0,0.013036463191957975 0.06101780536976358 0.08268679861135095 0.09816465092677551 0.18793619435621514 0.271516596859492 0.44951189848683054 0.5795258579363636 0.8968218304024969 1.0175490784627856 1.2992459906034477 1.4153298829691057 1.3704441112543813 1.1800665277747084 0.9370642464225901 0.599647065946419 0.313306798111126 0.25913431500714884 0.17245834204079058 0.13995485217840953 +24188,0.10280800662139761,0,0.06101780536976358 0.08268679861135095 0.09816465092677551 0.18793619435621514 0.271516596859492 0.44951189848683054 0.5795258579363636 0.8968218304024969 1.0175490784627856 1.2992459906034477 1.4153298829691057 1.3704441112543813 1.1800665277747084 0.9370642464225901 0.599647065946419 0.313306798111126 0.25913431500714884 0.17245834204079058 0.13995485217840953 0.12292921463144427 +24189,0.12912035555761586,0,0.08268679861135095 0.09816465092677551 0.18793619435621514 0.271516596859492 0.44951189848683054 0.5795258579363636 0.8968218304024969 1.0175490784627856 1.2992459906034477 1.4153298829691057 1.3704441112543813 1.1800665277747084 0.9370642464225901 0.599647065946419 0.313306798111126 0.25913431500714884 0.17245834204079058 0.13995485217840953 0.12292921463144427 0.10280800662139761 +24190,0.14924156356766252,0,0.09816465092677551 0.18793619435621514 0.271516596859492 0.44951189848683054 0.5795258579363636 0.8968218304024969 1.0175490784627856 1.2992459906034477 1.4153298829691057 1.3704441112543813 1.1800665277747084 0.9370642464225901 0.599647065946419 0.313306798111126 0.25913431500714884 0.17245834204079058 0.13995485217840953 0.12292921463144427 0.10280800662139761 0.12912035555761586 +24191,0.13840706694686883,0,0.18793619435621514 0.271516596859492 0.44951189848683054 0.5795258579363636 0.8968218304024969 1.0175490784627856 1.2992459906034477 1.4153298829691057 1.3704441112543813 1.1800665277747084 0.9370642464225901 0.599647065946419 0.313306798111126 0.25913431500714884 0.17245834204079058 0.13995485217840953 0.12292921463144427 0.10280800662139761 0.12912035555761586 0.14924156356766252 +24192,0.14459820787303163,0,0.271516596859492 0.44951189848683054 0.5795258579363636 0.8968218304024969 1.0175490784627856 1.2992459906034477 1.4153298829691057 1.3704441112543813 1.1800665277747084 0.9370642464225901 0.599647065946419 0.313306798111126 0.25913431500714884 0.17245834204079058 0.13995485217840953 0.12292921463144427 0.10280800662139761 0.12912035555761586 0.14924156356766252 0.13840706694686883 +24193,0.14614599310458112,0,0.44951189848683054 0.5795258579363636 0.8968218304024969 1.0175490784627856 1.2992459906034477 1.4153298829691057 1.3704441112543813 1.1800665277747084 0.9370642464225901 0.599647065946419 0.313306798111126 0.25913431500714884 0.17245834204079058 0.13995485217840953 0.12292921463144427 0.10280800662139761 0.12912035555761586 0.14924156356766252 0.13840706694686883 0.14459820787303163 +24194,0.12602478509453446,0,0.5795258579363636 0.8968218304024969 1.0175490784627856 1.2992459906034477 1.4153298829691057 1.3704441112543813 1.1800665277747084 0.9370642464225901 0.599647065946419 0.313306798111126 0.25913431500714884 0.17245834204079058 0.13995485217840953 0.12292921463144427 0.10280800662139761 0.12912035555761586 0.14924156356766252 0.13840706694686883 0.14459820787303163 0.14614599310458112 +24195,0.262229885470239,0,0.8968218304024969 1.0175490784627856 1.2992459906034477 1.4153298829691057 1.3704441112543813 1.1800665277747084 0.9370642464225901 0.599647065946419 0.313306798111126 0.25913431500714884 0.17245834204079058 0.13995485217840953 0.12292921463144427 0.10280800662139761 0.12912035555761586 0.14924156356766252 0.13840706694686883 0.14459820787303163 0.14614599310458112 0.12602478509453446 +24196,0.4154606233929,0,1.0175490784627856 1.2992459906034477 1.4153298829691057 1.3704441112543813 1.1800665277747084 0.9370642464225901 0.599647065946419 0.313306798111126 0.25913431500714884 0.17245834204079058 0.13995485217840953 0.12292921463144427 0.10280800662139761 0.12912035555761586 0.14924156356766252 0.13840706694686883 0.14459820787303163 0.14614599310458112 0.12602478509453446 0.262229885470239 +24197,0.5083277372854299,0,1.2992459906034477 1.4153298829691057 1.3704441112543813 1.1800665277747084 0.9370642464225901 0.599647065946419 0.313306798111126 0.25913431500714884 0.17245834204079058 0.13995485217840953 0.12292921463144427 0.10280800662139761 0.12912035555761586 0.14924156356766252 0.13840706694686883 0.14459820787303163 0.14614599310458112 0.12602478509453446 0.262229885470239 0.4154606233929 +24198,0.6801318979866057,0,1.4153298829691057 1.3704441112543813 1.1800665277747084 0.9370642464225901 0.599647065946419 0.313306798111126 0.25913431500714884 0.17245834204079058 0.13995485217840953 0.12292921463144427 0.10280800662139761 0.12912035555761586 0.14924156356766252 0.13840706694686883 0.14459820787303163 0.14614599310458112 0.12602478509453446 0.262229885470239 0.4154606233929 0.5083277372854299 +24199,0.8751528371609095,0,1.3704441112543813 1.1800665277747084 0.9370642464225901 0.599647065946419 0.313306798111126 0.25913431500714884 0.17245834204079058 0.13995485217840953 0.12292921463144427 0.10280800662139761 0.12912035555761586 0.14924156356766252 0.13840706694686883 0.14459820787303163 0.14614599310458112 0.12602478509453446 0.262229885470239 0.4154606233929 0.5083277372854299 0.6801318979866057 +24200,1.1227984742076498,0,1.1800665277747084 0.9370642464225901 0.599647065946419 0.313306798111126 0.25913431500714884 0.17245834204079058 0.13995485217840953 0.12292921463144427 0.10280800662139761 0.12912035555761586 0.14924156356766252 0.13840706694686883 0.14459820787303163 0.14614599310458112 0.12602478509453446 0.262229885470239 0.4154606233929 0.5083277372854299 0.6801318979866057 0.8751528371609095 +24201,1.2915070644457354,0,0.9370642464225901 0.599647065946419 0.313306798111126 0.25913431500714884 0.17245834204079058 0.13995485217840953 0.12292921463144427 0.10280800662139761 0.12912035555761586 0.14924156356766252 0.13840706694686883 0.14459820787303163 0.14614599310458112 0.12602478509453446 0.262229885470239 0.4154606233929 0.5083277372854299 0.6801318979866057 0.8751528371609095 1.1227984742076498 +24202,1.2946026349088169,0,0.599647065946419 0.313306798111126 0.25913431500714884 0.17245834204079058 0.13995485217840953 0.12292921463144427 0.10280800662139761 0.12912035555761586 0.14924156356766252 0.13840706694686883 0.14459820787303163 0.14614599310458112 0.12602478509453446 0.262229885470239 0.4154606233929 0.5083277372854299 0.6801318979866057 0.8751528371609095 1.1227984742076498 1.2915070644457354 +24203,1.358061829402047,0,0.313306798111126 0.25913431500714884 0.17245834204079058 0.13995485217840953 0.12292921463144427 0.10280800662139761 0.12912035555761586 0.14924156356766252 0.13840706694686883 0.14459820787303163 0.14614599310458112 0.12602478509453446 0.262229885470239 0.4154606233929 0.5083277372854299 0.6801318979866057 0.8751528371609095 1.1227984742076498 1.2915070644457354 1.2946026349088169 +24204,1.288411493982654,0,0.25913431500714884 0.17245834204079058 0.13995485217840953 0.12292921463144427 0.10280800662139761 0.12912035555761586 0.14924156356766252 0.13840706694686883 0.14459820787303163 0.14614599310458112 0.12602478509453446 0.262229885470239 0.4154606233929 0.5083277372854299 0.6801318979866057 0.8751528371609095 1.1227984742076498 1.2915070644457354 1.2946026349088169 1.358061829402047 +24205,1.0190968636943263,0,0.17245834204079058 0.13995485217840953 0.12292921463144427 0.10280800662139761 0.12912035555761586 0.14924156356766252 0.13840706694686883 0.14459820787303163 0.14614599310458112 0.12602478509453446 0.262229885470239 0.4154606233929 0.5083277372854299 0.6801318979866057 0.8751528371609095 1.1227984742076498 1.2915070644457354 1.2946026349088169 1.358061829402047 1.288411493982654 +24206,0.7141831730805274,0,0.13995485217840953 0.12292921463144427 0.10280800662139761 0.12912035555761586 0.14924156356766252 0.13840706694686883 0.14459820787303163 0.14614599310458112 0.12602478509453446 0.262229885470239 0.4154606233929 0.5083277372854299 0.6801318979866057 0.8751528371609095 1.1227984742076498 1.2915070644457354 1.2946026349088169 1.358061829402047 1.288411493982654 1.0190968636943263 +24207,0.45105968371837124,0,0.12292921463144427 0.10280800662139761 0.12912035555761586 0.14924156356766252 0.13840706694686883 0.14459820787303163 0.14614599310458112 0.12602478509453446 0.262229885470239 0.4154606233929 0.5083277372854299 0.6801318979866057 0.8751528371609095 1.1227984742076498 1.2915070644457354 1.2946026349088169 1.358061829402047 1.288411493982654 1.0190968636943263 0.7141831730805274 +24208,0.2761599525541141,0,0.10280800662139761 0.12912035555761586 0.14924156356766252 0.13840706694686883 0.14459820787303163 0.14614599310458112 0.12602478509453446 0.262229885470239 0.4154606233929 0.5083277372854299 0.6801318979866057 0.8751528371609095 1.1227984742076498 1.2915070644457354 1.2946026349088169 1.358061829402047 1.288411493982654 1.0190968636943263 0.7141831730805274 0.45105968371837124 +24209,0.15233713403074392,0,0.12912035555761586 0.14924156356766252 0.13840706694686883 0.14459820787303163 0.14614599310458112 0.12602478509453446 0.262229885470239 0.4154606233929 0.5083277372854299 0.6801318979866057 0.8751528371609095 1.1227984742076498 1.2915070644457354 1.2946026349088169 1.358061829402047 1.288411493982654 1.0190968636943263 0.7141831730805274 0.45105968371837124 0.2761599525541141 +24210,0.09506908046368533,0,0.14924156356766252 0.13840706694686883 0.14459820787303163 0.14614599310458112 0.12602478509453446 0.262229885470239 0.4154606233929 0.5083277372854299 0.6801318979866057 0.8751528371609095 1.1227984742076498 1.2915070644457354 1.2946026349088169 1.358061829402047 1.288411493982654 1.0190968636943263 0.7141831730805274 0.45105968371837124 0.2761599525541141 0.15233713403074392 +24211,0.08887793953752253,0,0.13840706694686883 0.14459820787303163 0.14614599310458112 0.12602478509453446 0.262229885470239 0.4154606233929 0.5083277372854299 0.6801318979866057 0.8751528371609095 1.1227984742076498 1.2915070644457354 1.2946026349088169 1.358061829402047 1.288411493982654 1.0190968636943263 0.7141831730805274 0.45105968371837124 0.2761599525541141 0.15233713403074392 0.09506908046368533 +24212,0.05637444967513269,0,0.14459820787303163 0.14614599310458112 0.12602478509453446 0.262229885470239 0.4154606233929 0.5083277372854299 0.6801318979866057 0.8751528371609095 1.1227984742076498 1.2915070644457354 1.2946026349088169 1.358061829402047 1.288411493982654 1.0190968636943263 0.7141831730805274 0.45105968371837124 0.2761599525541141 0.15233713403074392 0.09506908046368533 0.08887793953752253 +24213,0.023870959812751655,0,0.14614599310458112 0.12602478509453446 0.262229885470239 0.4154606233929 0.5083277372854299 0.6801318979866057 0.8751528371609095 1.1227984742076498 1.2915070644457354 1.2946026349088169 1.358061829402047 1.288411493982654 1.0190968636943263 0.7141831730805274 0.45105968371837124 0.2761599525541141 0.15233713403074392 0.09506908046368533 0.08887793953752253 0.05637444967513269 +24214,0.014584248423498673,0,0.12602478509453446 0.262229885470239 0.4154606233929 0.5083277372854299 0.6801318979866057 0.8751528371609095 1.1227984742076498 1.2915070644457354 1.2946026349088169 1.358061829402047 1.288411493982654 1.0190968636943263 0.7141831730805274 0.45105968371837124 0.2761599525541141 0.15233713403074392 0.09506908046368533 0.08887793953752253 0.05637444967513269 0.023870959812751655 +24215,0.02696653027583305,0,0.262229885470239 0.4154606233929 0.5083277372854299 0.6801318979866057 0.8751528371609095 1.1227984742076498 1.2915070644457354 1.2946026349088169 1.358061829402047 1.288411493982654 1.0190968636943263 0.7141831730805274 0.45105968371837124 0.2761599525541141 0.15233713403074392 0.09506908046368533 0.08887793953752253 0.05637444967513269 0.023870959812751655 0.014584248423498673 +24216,0.0037497518027049923,0,0.4154606233929 0.5083277372854299 0.6801318979866057 0.8751528371609095 1.1227984742076498 1.2915070644457354 1.2946026349088169 1.358061829402047 1.288411493982654 1.0190968636943263 0.7141831730805274 0.45105968371837124 0.2761599525541141 0.15233713403074392 0.09506908046368533 0.08887793953752253 0.05637444967513269 0.023870959812751655 0.014584248423498673 0.02696653027583305 +24217,-0.030301523291225544,0,0.5083277372854299 0.6801318979866057 0.8751528371609095 1.1227984742076498 1.2915070644457354 1.2946026349088169 1.358061829402047 1.288411493982654 1.0190968636943263 0.7141831730805274 0.45105968371837124 0.2761599525541141 0.15233713403074392 0.09506908046368533 0.08887793953752253 0.05637444967513269 0.023870959812751655 0.014584248423498673 0.02696653027583305 0.0037497518027049923 +24218,0.05792223490668219,0,0.6801318979866057 0.8751528371609095 1.1227984742076498 1.2915070644457354 1.2946026349088169 1.358061829402047 1.288411493982654 1.0190968636943263 0.7141831730805274 0.45105968371837124 0.2761599525541141 0.15233713403074392 0.09506908046368533 0.08887793953752253 0.05637444967513269 0.023870959812751655 0.014584248423498673 0.02696653027583305 0.0037497518027049923 -0.030301523291225544 +24219,0.16781498634616848,0,0.8751528371609095 1.1227984742076498 1.2915070644457354 1.2946026349088169 1.358061829402047 1.288411493982654 1.0190968636943263 0.7141831730805274 0.45105968371837124 0.2761599525541141 0.15233713403074392 0.09506908046368533 0.08887793953752253 0.05637444967513269 0.023870959812751655 0.014584248423498673 0.02696653027583305 0.0037497518027049923 -0.030301523291225544 0.05792223490668219 +24220,0.3102112276480446,0,1.1227984742076498 1.2915070644457354 1.2946026349088169 1.358061829402047 1.288411493982654 1.0190968636943263 0.7141831730805274 0.45105968371837124 0.2761599525541141 0.15233713403074392 0.09506908046368533 0.08887793953752253 0.05637444967513269 0.023870959812751655 0.014584248423498673 0.02696653027583305 0.0037497518027049923 -0.030301523291225544 0.05792223490668219 0.16781498634616848 +24221,0.4417729723291183,0,1.2915070644457354 1.2946026349088169 1.358061829402047 1.288411493982654 1.0190968636943263 0.7141831730805274 0.45105968371837124 0.2761599525541141 0.15233713403074392 0.09506908046368533 0.08887793953752253 0.05637444967513269 0.023870959812751655 0.014584248423498673 0.02696653027583305 0.0037497518027049923 -0.030301523291225544 0.05792223490668219 0.16781498634616848 0.3102112276480446 +24222,0.6429850524295937,0,1.2946026349088169 1.358061829402047 1.288411493982654 1.0190968636943263 0.7141831730805274 0.45105968371837124 0.2761599525541141 0.15233713403074392 0.09506908046368533 0.08887793953752253 0.05637444967513269 0.023870959812751655 0.014584248423498673 0.02696653027583305 0.0037497518027049923 -0.030301523291225544 0.05792223490668219 0.16781498634616848 0.3102112276480446 0.4417729723291183 +24223,0.8890829042447845,0,1.358061829402047 1.288411493982654 1.0190968636943263 0.7141831730805274 0.45105968371837124 0.2761599525541141 0.15233713403074392 0.09506908046368533 0.08887793953752253 0.05637444967513269 0.023870959812751655 0.014584248423498673 0.02696653027583305 0.0037497518027049923 -0.030301523291225544 0.05792223490668219 0.16781498634616848 0.3102112276480446 0.4417729723291183 0.6429850524295937 +24224,1.067078205872132,0,1.288411493982654 1.0190968636943263 0.7141831730805274 0.45105968371837124 0.2761599525541141 0.15233713403074392 0.09506908046368533 0.08887793953752253 0.05637444967513269 0.023870959812751655 0.014584248423498673 0.02696653027583305 0.0037497518027049923 -0.030301523291225544 0.05792223490668219 0.16781498634616848 0.3102112276480446 0.4417729723291183 0.6429850524295937 0.8890829042447845 +24225,1.2249522994894237,0,1.0190968636943263 0.7141831730805274 0.45105968371837124 0.2761599525541141 0.15233713403074392 0.09506908046368533 0.08887793953752253 0.05637444967513269 0.023870959812751655 0.014584248423498673 0.02696653027583305 0.0037497518027049923 -0.030301523291225544 0.05792223490668219 0.16781498634616848 0.3102112276480446 0.4417729723291183 0.6429850524295937 0.8890829042447845 1.067078205872132 +24226,1.3534184737074162,0,0.7141831730805274 0.45105968371837124 0.2761599525541141 0.15233713403074392 0.09506908046368533 0.08887793953752253 0.05637444967513269 0.023870959812751655 0.014584248423498673 0.02696653027583305 0.0037497518027049923 -0.030301523291225544 0.05792223490668219 0.16781498634616848 0.3102112276480446 0.4417729723291183 0.6429850524295937 0.8890829042447845 1.067078205872132 1.2249522994894237 +24227,1.344131762318163,0,0.45105968371837124 0.2761599525541141 0.15233713403074392 0.09506908046368533 0.08887793953752253 0.05637444967513269 0.023870959812751655 0.014584248423498673 0.02696653027583305 0.0037497518027049923 -0.030301523291225544 0.05792223490668219 0.16781498634616848 0.3102112276480446 0.4417729723291183 0.6429850524295937 0.8890829042447845 1.067078205872132 1.2249522994894237 1.3534184737074162 +24228,1.2435257222679297,0,0.2761599525541141 0.15233713403074392 0.09506908046368533 0.08887793953752253 0.05637444967513269 0.023870959812751655 0.014584248423498673 0.02696653027583305 0.0037497518027049923 -0.030301523291225544 0.05792223490668219 0.16781498634616848 0.3102112276480446 0.4417729723291183 0.6429850524295937 0.8890829042447845 1.067078205872132 1.2249522994894237 1.3534184737074162 1.344131762318163 +24229,1.1135117628183968,0,0.15233713403074392 0.09506908046368533 0.08887793953752253 0.05637444967513269 0.023870959812751655 0.014584248423498673 0.02696653027583305 0.0037497518027049923 -0.030301523291225544 0.05792223490668219 0.16781498634616848 0.3102112276480446 0.4417729723291183 0.6429850524295937 0.8890829042447845 1.067078205872132 1.2249522994894237 1.3534184737074162 1.344131762318163 1.2435257222679297 +24230,0.8441971325300691,0,0.09506908046368533 0.08887793953752253 0.05637444967513269 0.023870959812751655 0.014584248423498673 0.02696653027583305 0.0037497518027049923 -0.030301523291225544 0.05792223490668219 0.16781498634616848 0.3102112276480446 0.4417729723291183 0.6429850524295937 0.8890829042447845 1.067078205872132 1.2249522994894237 1.3534184737074162 1.344131762318163 1.2435257222679297 1.1135117628183968 +24231,0.5269011600639358,0,0.08887793953752253 0.05637444967513269 0.023870959812751655 0.014584248423498673 0.02696653027583305 0.0037497518027049923 -0.030301523291225544 0.05792223490668219 0.16781498634616848 0.3102112276480446 0.4417729723291183 0.6429850524295937 0.8890829042447845 1.067078205872132 1.2249522994894237 1.3534184737074162 1.344131762318163 1.2435257222679297 1.1135117628183968 0.8441971325300691 +24232,0.3148545833426667,0,0.05637444967513269 0.023870959812751655 0.014584248423498673 0.02696653027583305 0.0037497518027049923 -0.030301523291225544 0.05792223490668219 0.16781498634616848 0.3102112276480446 0.4417729723291183 0.6429850524295937 0.8890829042447845 1.067078205872132 1.2249522994894237 1.3534184737074162 1.344131762318163 1.2435257222679297 1.1135117628183968 0.8441971325300691 0.5269011600639358 +24233,0.2142485432924334,0,0.023870959812751655 0.014584248423498673 0.02696653027583305 0.0037497518027049923 -0.030301523291225544 0.05792223490668219 0.16781498634616848 0.3102112276480446 0.4417729723291183 0.6429850524295937 0.8890829042447845 1.067078205872132 1.2249522994894237 1.3534184737074162 1.344131762318163 1.2435257222679297 1.1135117628183968 0.8441971325300691 0.5269011600639358 0.3148545833426667 +24234,0.07030451675901657,0,0.014584248423498673 0.02696653027583305 0.0037497518027049923 -0.030301523291225544 0.05792223490668219 0.16781498634616848 0.3102112276480446 0.4417729723291183 0.6429850524295937 0.8890829042447845 1.067078205872132 1.2249522994894237 1.3534184737074162 1.344131762318163 1.2435257222679297 1.1135117628183968 0.8441971325300691 0.5269011600639358 0.3148545833426667 0.2142485432924334 +24235,0.06101780536976358,0,0.02696653027583305 0.0037497518027049923 -0.030301523291225544 0.05792223490668219 0.16781498634616848 0.3102112276480446 0.4417729723291183 0.6429850524295937 0.8890829042447845 1.067078205872132 1.2249522994894237 1.3534184737074162 1.344131762318163 1.2435257222679297 1.1135117628183968 0.8441971325300691 0.5269011600639358 0.3148545833426667 0.2142485432924334 0.07030451675901657 +24236,0.011488677960417278,0,0.0037497518027049923 -0.030301523291225544 0.05792223490668219 0.16781498634616848 0.3102112276480446 0.4417729723291183 0.6429850524295937 0.8890829042447845 1.067078205872132 1.2249522994894237 1.3534184737074162 1.344131762318163 1.2435257222679297 1.1135117628183968 0.8441971325300691 0.5269011600639358 0.3148545833426667 0.2142485432924334 0.07030451675901657 0.06101780536976358 +24237,0.017679818886580066,0,-0.030301523291225544 0.05792223490668219 0.16781498634616848 0.3102112276480446 0.4417729723291183 0.6429850524295937 0.8890829042447845 1.067078205872132 1.2249522994894237 1.3534184737074162 1.344131762318163 1.2435257222679297 1.1135117628183968 0.8441971325300691 0.5269011600639358 0.3148545833426667 0.2142485432924334 0.07030451675901657 0.06101780536976358 0.011488677960417278 +24238,0.02541874504429235,0,0.05792223490668219 0.16781498634616848 0.3102112276480446 0.4417729723291183 0.6429850524295937 0.8890829042447845 1.067078205872132 1.2249522994894237 1.3534184737074162 1.344131762318163 1.2435257222679297 1.1135117628183968 0.8441971325300691 0.5269011600639358 0.3148545833426667 0.2142485432924334 0.07030451675901657 0.06101780536976358 0.011488677960417278 0.017679818886580066 +24239,0.08887793953752253,0,0.16781498634616848 0.3102112276480446 0.4417729723291183 0.6429850524295937 0.8890829042447845 1.067078205872132 1.2249522994894237 1.3534184737074162 1.344131762318163 1.2435257222679297 1.1135117628183968 0.8441971325300691 0.5269011600639358 0.3148545833426667 0.2142485432924334 0.07030451675901657 0.06101780536976358 0.011488677960417278 0.017679818886580066 0.02541874504429235 +24240,0.06256559060130429,0,0.3102112276480446 0.4417729723291183 0.6429850524295937 0.8890829042447845 1.067078205872132 1.2249522994894237 1.3534184737074162 1.344131762318163 1.2435257222679297 1.1135117628183968 0.8441971325300691 0.5269011600639358 0.3148545833426667 0.2142485432924334 0.07030451675901657 0.06101780536976358 0.011488677960417278 0.017679818886580066 0.02541874504429235 0.08887793953752253 +24241,0.07185230199055727,0,0.4417729723291183 0.6429850524295937 0.8890829042447845 1.067078205872132 1.2249522994894237 1.3534184737074162 1.344131762318163 1.2435257222679297 1.1135117628183968 0.8441971325300691 0.5269011600639358 0.3148545833426667 0.2142485432924334 0.07030451675901657 0.06101780536976358 0.011488677960417278 0.017679818886580066 0.02541874504429235 0.08887793953752253 0.06256559060130429 +24242,0.15852827495691552,0,0.6429850524295937 0.8890829042447845 1.067078205872132 1.2249522994894237 1.3534184737074162 1.344131762318163 1.2435257222679297 1.1135117628183968 0.8441971325300691 0.5269011600639358 0.3148545833426667 0.2142485432924334 0.07030451675901657 0.06101780536976358 0.011488677960417278 0.017679818886580066 0.02541874504429235 0.08887793953752253 0.06256559060130429 0.07185230199055727 +24243,0.2792555230171955,0,0.8890829042447845 1.067078205872132 1.2249522994894237 1.3534184737074162 1.344131762318163 1.2435257222679297 1.1135117628183968 0.8441971325300691 0.5269011600639358 0.3148545833426667 0.2142485432924334 0.07030451675901657 0.06101780536976358 0.011488677960417278 0.017679818886580066 0.02541874504429235 0.08887793953752253 0.06256559060130429 0.07185230199055727 0.15852827495691552 +24244,0.36283592552047234,0,1.067078205872132 1.2249522994894237 1.3534184737074162 1.344131762318163 1.2435257222679297 1.1135117628183968 0.8441971325300691 0.5269011600639358 0.3148545833426667 0.2142485432924334 0.07030451675901657 0.06101780536976358 0.011488677960417278 0.017679818886580066 0.02541874504429235 0.08887793953752253 0.06256559060130429 0.07185230199055727 0.15852827495691552 0.2792555230171955 +24245,0.4711808917284179,0,1.2249522994894237 1.3534184737074162 1.344131762318163 1.2435257222679297 1.1135117628183968 0.8441971325300691 0.5269011600639358 0.3148545833426667 0.2142485432924334 0.07030451675901657 0.06101780536976358 0.011488677960417278 0.017679818886580066 0.02541874504429235 0.08887793953752253 0.06256559060130429 0.07185230199055727 0.15852827495691552 0.2792555230171955 0.36283592552047234 +24246,0.5965514954833288,0,1.3534184737074162 1.344131762318163 1.2435257222679297 1.1135117628183968 0.8441971325300691 0.5269011600639358 0.3148545833426667 0.2142485432924334 0.07030451675901657 0.06101780536976358 0.011488677960417278 0.017679818886580066 0.02541874504429235 0.08887793953752253 0.06256559060130429 0.07185230199055727 0.15852827495691552 0.2792555230171955 0.36283592552047234 0.4711808917284179 +24247,0.7327565958590333,0,1.344131762318163 1.2435257222679297 1.1135117628183968 0.8441971325300691 0.5269011600639358 0.3148545833426667 0.2142485432924334 0.07030451675901657 0.06101780536976358 0.011488677960417278 0.017679818886580066 0.02541874504429235 0.08887793953752253 0.06256559060130429 0.07185230199055727 0.15852827495691552 0.2792555230171955 0.36283592552047234 0.4711808917284179 0.5965514954833288 +24248,0.8534838439193221,0,1.2435257222679297 1.1135117628183968 0.8441971325300691 0.5269011600639358 0.3148545833426667 0.2142485432924334 0.07030451675901657 0.06101780536976358 0.011488677960417278 0.017679818886580066 0.02541874504429235 0.08887793953752253 0.06256559060130429 0.07185230199055727 0.15852827495691552 0.2792555230171955 0.36283592552047234 0.4711808917284179 0.5965514954833288 0.7327565958590333 +24249,0.9742110919796021,0,1.1135117628183968 0.8441971325300691 0.5269011600639358 0.3148545833426667 0.2142485432924334 0.07030451675901657 0.06101780536976358 0.011488677960417278 0.017679818886580066 0.02541874504429235 0.08887793953752253 0.06256559060130429 0.07185230199055727 0.15852827495691552 0.2792555230171955 0.36283592552047234 0.4711808917284179 0.5965514954833288 0.7327565958590333 0.8534838439193221 +24250,1.053148138788248,0,0.8441971325300691 0.5269011600639358 0.3148545833426667 0.2142485432924334 0.07030451675901657 0.06101780536976358 0.011488677960417278 0.017679818886580066 0.02541874504429235 0.08887793953752253 0.06256559060130429 0.07185230199055727 0.15852827495691552 0.2792555230171955 0.36283592552047234 0.4711808917284179 0.5965514954833288 0.7327565958590333 0.8534838439193221 0.9742110919796021 +24251,1.043861427398995,0,0.5269011600639358 0.3148545833426667 0.2142485432924334 0.07030451675901657 0.06101780536976358 0.011488677960417278 0.017679818886580066 0.02541874504429235 0.08887793953752253 0.06256559060130429 0.07185230199055727 0.15852827495691552 0.2792555230171955 0.36283592552047234 0.4711808917284179 0.5965514954833288 0.7327565958590333 0.8534838439193221 0.9742110919796021 1.053148138788248 +24252,0.9912367295265674,0,0.3148545833426667 0.2142485432924334 0.07030451675901657 0.06101780536976358 0.011488677960417278 0.017679818886580066 0.02541874504429235 0.08887793953752253 0.06256559060130429 0.07185230199055727 0.15852827495691552 0.2792555230171955 0.36283592552047234 0.4711808917284179 0.5965514954833288 0.7327565958590333 0.8534838439193221 0.9742110919796021 1.053148138788248 1.043861427398995 +24253,0.8813439780870811,0,0.2142485432924334 0.07030451675901657 0.06101780536976358 0.011488677960417278 0.017679818886580066 0.02541874504429235 0.08887793953752253 0.06256559060130429 0.07185230199055727 0.15852827495691552 0.2792555230171955 0.36283592552047234 0.4711808917284179 0.5965514954833288 0.7327565958590333 0.8534838439193221 0.9742110919796021 1.053148138788248 1.043861427398995 0.9912367295265674 +24254,0.6723929718288933,0,0.07030451675901657 0.06101780536976358 0.011488677960417278 0.017679818886580066 0.02541874504429235 0.08887793953752253 0.06256559060130429 0.07185230199055727 0.15852827495691552 0.2792555230171955 0.36283592552047234 0.4711808917284179 0.5965514954833288 0.7327565958590333 0.8534838439193221 0.9742110919796021 1.053148138788248 1.043861427398995 0.9912367295265674 0.8813439780870811 +24255,0.4402251870975776,0,0.06101780536976358 0.011488677960417278 0.017679818886580066 0.02541874504429235 0.08887793953752253 0.06256559060130429 0.07185230199055727 0.15852827495691552 0.2792555230171955 0.36283592552047234 0.4711808917284179 0.5965514954833288 0.7327565958590333 0.8534838439193221 0.9742110919796021 1.053148138788248 1.043861427398995 0.9912367295265674 0.8813439780870811 0.6723929718288933 +24256,0.30092451625879163,0,0.011488677960417278 0.017679818886580066 0.02541874504429235 0.08887793953752253 0.06256559060130429 0.07185230199055727 0.15852827495691552 0.2792555230171955 0.36283592552047234 0.4711808917284179 0.5965514954833288 0.7327565958590333 0.8534838439193221 0.9742110919796021 1.053148138788248 1.043861427398995 0.9912367295265674 0.8813439780870811 0.6723929718288933 0.4402251870975776 +24257,0.23591753653402076,0,0.017679818886580066 0.02541874504429235 0.08887793953752253 0.06256559060130429 0.07185230199055727 0.15852827495691552 0.2792555230171955 0.36283592552047234 0.4711808917284179 0.5965514954833288 0.7327565958590333 0.8534838439193221 0.9742110919796021 1.053148138788248 1.043861427398995 0.9912367295265674 0.8813439780870811 0.6723929718288933 0.4402251870975776 0.30092451625879163 +24258,0.20341404667163973,0,0.02541874504429235 0.08887793953752253 0.06256559060130429 0.07185230199055727 0.15852827495691552 0.2792555230171955 0.36283592552047234 0.4711808917284179 0.5965514954833288 0.7327565958590333 0.8534838439193221 0.9742110919796021 1.053148138788248 1.043861427398995 0.9912367295265674 0.8813439780870811 0.6723929718288933 0.4402251870975776 0.30092451625879163 0.23591753653402076 +24259,0.18638840912467444,0,0.08887793953752253 0.06256559060130429 0.07185230199055727 0.15852827495691552 0.2792555230171955 0.36283592552047234 0.4711808917284179 0.5965514954833288 0.7327565958590333 0.8534838439193221 0.9742110919796021 1.053148138788248 1.043861427398995 0.9912367295265674 0.8813439780870811 0.6723929718288933 0.4402251870975776 0.30092451625879163 0.23591753653402076 0.20341404667163973 +24260,0.17710169773542148,0,0.06256559060130429 0.07185230199055727 0.15852827495691552 0.2792555230171955 0.36283592552047234 0.4711808917284179 0.5965514954833288 0.7327565958590333 0.8534838439193221 0.9742110919796021 1.053148138788248 1.043861427398995 0.9912367295265674 0.8813439780870811 0.6723929718288933 0.4402251870975776 0.30092451625879163 0.23591753653402076 0.20341404667163973 0.18638840912467444 +24261,0.1043557918529383,0,0.07185230199055727 0.15852827495691552 0.2792555230171955 0.36283592552047234 0.4711808917284179 0.5965514954833288 0.7327565958590333 0.8534838439193221 0.9742110919796021 1.053148138788248 1.043861427398995 0.9912367295265674 0.8813439780870811 0.6723929718288933 0.4402251870975776 0.30092451625879163 0.23591753653402076 0.20341404667163973 0.18638840912467444 0.17710169773542148 +24262,0.06101780536976358,0,0.15852827495691552 0.2792555230171955 0.36283592552047234 0.4711808917284179 0.5965514954833288 0.7327565958590333 0.8534838439193221 0.9742110919796021 1.053148138788248 1.043861427398995 0.9912367295265674 0.8813439780870811 0.6723929718288933 0.4402251870975776 0.30092451625879163 0.23591753653402076 0.20341404667163973 0.18638840912467444 0.17710169773542148 0.1043557918529383 +24263,0.008393107497327084,0,0.2792555230171955 0.36283592552047234 0.4711808917284179 0.5965514954833288 0.7327565958590333 0.8534838439193221 0.9742110919796021 1.053148138788248 1.043861427398995 0.9912367295265674 0.8813439780870811 0.6723929718288933 0.4402251870975776 0.30092451625879163 0.23591753653402076 0.20341404667163973 0.18638840912467444 0.17710169773542148 0.1043557918529383 0.06101780536976358 +24264,0.005297537034245689,0,0.36283592552047234 0.4711808917284179 0.5965514954833288 0.7327565958590333 0.8534838439193221 0.9742110919796021 1.053148138788248 1.043861427398995 0.9912367295265674 0.8813439780870811 0.6723929718288933 0.4402251870975776 0.30092451625879163 0.23591753653402076 0.20341404667163973 0.18638840912467444 0.17710169773542148 0.1043557918529383 0.06101780536976358 0.008393107497327084 +24265,-0.030301523291225544,0,0.4711808917284179 0.5965514954833288 0.7327565958590333 0.8534838439193221 0.9742110919796021 1.053148138788248 1.043861427398995 0.9912367295265674 0.8813439780870811 0.6723929718288933 0.4402251870975776 0.30092451625879163 0.23591753653402076 0.20341404667163973 0.18638840912467444 0.17710169773542148 0.1043557918529383 0.06101780536976358 0.008393107497327084 0.005297537034245689 +24266,0.0022019665711642948,0,0.5965514954833288 0.7327565958590333 0.8534838439193221 0.9742110919796021 1.053148138788248 1.043861427398995 0.9912367295265674 0.8813439780870811 0.6723929718288933 0.4402251870975776 0.30092451625879163 0.23591753653402076 0.20341404667163973 0.18638840912467444 0.17710169773542148 0.1043557918529383 0.06101780536976358 0.008393107497327084 0.005297537034245689 -0.030301523291225544 +24267,0.13066814078915656,0,0.7327565958590333 0.8534838439193221 0.9742110919796021 1.053148138788248 1.043861427398995 0.9912367295265674 0.8813439780870811 0.6723929718288933 0.4402251870975776 0.30092451625879163 0.23591753653402076 0.20341404667163973 0.18638840912467444 0.17710169773542148 0.1043557918529383 0.06101780536976358 0.008393107497327084 0.005297537034245689 -0.030301523291225544 0.0022019665711642948 +24268,0.2699688116279425,0,0.8534838439193221 0.9742110919796021 1.053148138788248 1.043861427398995 0.9912367295265674 0.8813439780870811 0.6723929718288933 0.4402251870975776 0.30092451625879163 0.23591753653402076 0.20341404667163973 0.18638840912467444 0.17710169773542148 0.1043557918529383 0.06101780536976358 0.008393107497327084 0.005297537034245689 -0.030301523291225544 0.0022019665711642948 0.13066814078915656 +24269,0.44796411325528984,0,0.9742110919796021 1.053148138788248 1.043861427398995 0.9912367295265674 0.8813439780870811 0.6723929718288933 0.4402251870975776 0.30092451625879163 0.23591753653402076 0.20341404667163973 0.18638840912467444 0.17710169773542148 0.1043557918529383 0.06101780536976358 0.008393107497327084 0.005297537034245689 -0.030301523291225544 0.0022019665711642948 0.13066814078915656 0.2699688116279425 +24270,0.6042904216410411,0,1.053148138788248 1.043861427398995 0.9912367295265674 0.8813439780870811 0.6723929718288933 0.4402251870975776 0.30092451625879163 0.23591753653402076 0.20341404667163973 0.18638840912467444 0.17710169773542148 0.1043557918529383 0.06101780536976358 0.008393107497327084 0.005297537034245689 -0.030301523291225544 0.0022019665711642948 0.13066814078915656 0.2699688116279425 0.44796411325528984 +24271,0.7977635755838042,0,1.043861427398995 0.9912367295265674 0.8813439780870811 0.6723929718288933 0.4402251870975776 0.30092451625879163 0.23591753653402076 0.20341404667163973 0.18638840912467444 0.17710169773542148 0.1043557918529383 0.06101780536976358 0.008393107497327084 0.005297537034245689 -0.030301523291225544 0.0022019665711642948 0.13066814078915656 0.2699688116279425 0.44796411325528984 0.6042904216410411 +24272,0.7931202198891821,0,0.9912367295265674 0.8813439780870811 0.6723929718288933 0.4402251870975776 0.30092451625879163 0.23591753653402076 0.20341404667163973 0.18638840912467444 0.17710169773542148 0.1043557918529383 0.06101780536976358 0.008393107497327084 0.005297537034245689 -0.030301523291225544 0.0022019665711642948 0.13066814078915656 0.2699688116279425 0.44796411325528984 0.6042904216410411 0.7977635755838042 +24273,0.8720572666978281,0,0.8813439780870811 0.6723929718288933 0.4402251870975776 0.30092451625879163 0.23591753653402076 0.20341404667163973 0.18638840912467444 0.17710169773542148 0.1043557918529383 0.06101780536976358 0.008393107497327084 0.005297537034245689 -0.030301523291225544 0.0022019665711642948 0.13066814078915656 0.2699688116279425 0.44796411325528984 0.6042904216410411 0.7977635755838042 0.7931202198891821 +24274,0.8968218304024969,0,0.6723929718288933 0.4402251870975776 0.30092451625879163 0.23591753653402076 0.20341404667163973 0.18638840912467444 0.17710169773542148 0.1043557918529383 0.06101780536976358 0.008393107497327084 0.005297537034245689 -0.030301523291225544 0.0022019665711642948 0.13066814078915656 0.2699688116279425 0.44796411325528984 0.6042904216410411 0.7977635755838042 0.7931202198891821 0.8720572666978281 +24275,0.9215863941071744,0,0.4402251870975776 0.30092451625879163 0.23591753653402076 0.20341404667163973 0.18638840912467444 0.17710169773542148 0.1043557918529383 0.06101780536976358 0.008393107497327084 0.005297537034245689 -0.030301523291225544 0.0022019665711642948 0.13066814078915656 0.2699688116279425 0.44796411325528984 0.6042904216410411 0.7977635755838042 0.7931202198891821 0.8720572666978281 0.8968218304024969 +24276,0.8952740451709561,0,0.30092451625879163 0.23591753653402076 0.20341404667163973 0.18638840912467444 0.17710169773542148 0.1043557918529383 0.06101780536976358 0.008393107497327084 0.005297537034245689 -0.030301523291225544 0.0022019665711642948 0.13066814078915656 0.2699688116279425 0.44796411325528984 0.6042904216410411 0.7977635755838042 0.7931202198891821 0.8720572666978281 0.8968218304024969 0.9215863941071744 +24277,0.7977635755838042,0,0.23591753653402076 0.20341404667163973 0.18638840912467444 0.17710169773542148 0.1043557918529383 0.06101780536976358 0.008393107497327084 0.005297537034245689 -0.030301523291225544 0.0022019665711642948 0.13066814078915656 0.2699688116279425 0.44796411325528984 0.6042904216410411 0.7977635755838042 0.7931202198891821 0.8720572666978281 0.8968218304024969 0.9215863941071744 0.8952740451709561 +24278,0.5934559250202474,0,0.20341404667163973 0.18638840912467444 0.17710169773542148 0.1043557918529383 0.06101780536976358 0.008393107497327084 0.005297537034245689 -0.030301523291225544 0.0022019665711642948 0.13066814078915656 0.2699688116279425 0.44796411325528984 0.6042904216410411 0.7977635755838042 0.7931202198891821 0.8720572666978281 0.8968218304024969 0.9215863941071744 0.8952740451709561 0.7977635755838042 +24279,0.36283592552047234,0,0.18638840912467444 0.17710169773542148 0.1043557918529383 0.06101780536976358 0.008393107497327084 0.005297537034245689 -0.030301523291225544 0.0022019665711642948 0.13066814078915656 0.2699688116279425 0.44796411325528984 0.6042904216410411 0.7977635755838042 0.7931202198891821 0.8720572666978281 0.8968218304024969 0.9215863941071744 0.8952740451709561 0.7977635755838042 0.5934559250202474 +24280,0.17710169773542148,0,0.17710169773542148 0.1043557918529383 0.06101780536976358 0.008393107497327084 0.005297537034245689 -0.030301523291225544 0.0022019665711642948 0.13066814078915656 0.2699688116279425 0.44796411325528984 0.6042904216410411 0.7977635755838042 0.7931202198891821 0.8720572666978281 0.8968218304024969 0.9215863941071744 0.8952740451709561 0.7977635755838042 0.5934559250202474 0.36283592552047234 +24281,0.1074513623160285,0,0.1043557918529383 0.06101780536976358 0.008393107497327084 0.005297537034245689 -0.030301523291225544 0.0022019665711642948 0.13066814078915656 0.2699688116279425 0.44796411325528984 0.6042904216410411 0.7977635755838042 0.7931202198891821 0.8720572666978281 0.8968218304024969 0.9215863941071744 0.8952740451709561 0.7977635755838042 0.5934559250202474 0.36283592552047234 0.17710169773542148 +24282,0.014584248423498673,0,0.06101780536976358 0.008393107497327084 0.005297537034245689 -0.030301523291225544 0.0022019665711642948 0.13066814078915656 0.2699688116279425 0.44796411325528984 0.6042904216410411 0.7977635755838042 0.7931202198891821 0.8720572666978281 0.8968218304024969 0.9215863941071744 0.8952740451709561 0.7977635755838042 0.5934559250202474 0.36283592552047234 0.17710169773542148 0.1074513623160285 +24283,-0.07363950977440026,0,0.008393107497327084 0.005297537034245689 -0.030301523291225544 0.0022019665711642948 0.13066814078915656 0.2699688116279425 0.44796411325528984 0.6042904216410411 0.7977635755838042 0.7931202198891821 0.8720572666978281 0.8968218304024969 0.9215863941071744 0.8952740451709561 0.7977635755838042 0.5934559250202474 0.36283592552047234 0.17710169773542148 0.1074513623160285 0.014584248423498673 +24284,-0.12007306672066517,0,0.005297537034245689 -0.030301523291225544 0.0022019665711642948 0.13066814078915656 0.2699688116279425 0.44796411325528984 0.6042904216410411 0.7977635755838042 0.7931202198891821 0.8720572666978281 0.8968218304024969 0.9215863941071744 0.8952740451709561 0.7977635755838042 0.5934559250202474 0.36283592552047234 0.17710169773542148 0.1074513623160285 0.014584248423498673 -0.07363950977440026 +24285,-0.1680544088984708,0,-0.030301523291225544 0.0022019665711642948 0.13066814078915656 0.2699688116279425 0.44796411325528984 0.6042904216410411 0.7977635755838042 0.7931202198891821 0.8720572666978281 0.8968218304024969 0.9215863941071744 0.8952740451709561 0.7977635755838042 0.5934559250202474 0.36283592552047234 0.17710169773542148 0.1074513623160285 0.014584248423498673 -0.07363950977440026 -0.12007306672066517 +24286,-0.19281897260313954,0,0.0022019665711642948 0.13066814078915656 0.2699688116279425 0.44796411325528984 0.6042904216410411 0.7977635755838042 0.7931202198891821 0.8720572666978281 0.8968218304024969 0.9215863941071744 0.8952740451709561 0.7977635755838042 0.5934559250202474 0.36283592552047234 0.17710169773542148 0.1074513623160285 0.014584248423498673 -0.07363950977440026 -0.12007306672066517 -0.1680544088984708 +24287,-0.22687024769707007,0,0.13066814078915656 0.2699688116279425 0.44796411325528984 0.6042904216410411 0.7977635755838042 0.7931202198891821 0.8720572666978281 0.8968218304024969 0.9215863941071744 0.8952740451709561 0.7977635755838042 0.5934559250202474 0.36283592552047234 0.17710169773542148 0.1074513623160285 0.014584248423498673 -0.07363950977440026 -0.12007306672066517 -0.1680544088984708 -0.19281897260313954 +24288,-0.23615695908632306,0,0.2699688116279425 0.44796411325528984 0.6042904216410411 0.7977635755838042 0.7931202198891821 0.8720572666978281 0.8968218304024969 0.9215863941071744 0.8952740451709561 0.7977635755838042 0.5934559250202474 0.36283592552047234 0.17710169773542148 0.1074513623160285 0.014584248423498673 -0.07363950977440026 -0.12007306672066517 -0.1680544088984708 -0.19281897260313954 -0.22687024769707007 +24289,-0.23925252954940446,0,0.44796411325528984 0.6042904216410411 0.7977635755838042 0.7931202198891821 0.8720572666978281 0.8968218304024969 0.9215863941071744 0.8952740451709561 0.7977635755838042 0.5934559250202474 0.36283592552047234 0.17710169773542148 0.1074513623160285 0.014584248423498673 -0.07363950977440026 -0.12007306672066517 -0.1680544088984708 -0.19281897260313954 -0.22687024769707007 -0.23615695908632306 +24290,-0.08911736208982483,0,0.6042904216410411 0.7977635755838042 0.7931202198891821 0.8720572666978281 0.8968218304024969 0.9215863941071744 0.8952740451709561 0.7977635755838042 0.5934559250202474 0.36283592552047234 0.17710169773542148 0.1074513623160285 0.014584248423498673 -0.07363950977440026 -0.12007306672066517 -0.1680544088984708 -0.19281897260313954 -0.22687024769707007 -0.23615695908632306 -0.23925252954940446 +24291,0.2142485432924334,0,0.7977635755838042 0.7931202198891821 0.8720572666978281 0.8968218304024969 0.9215863941071744 0.8952740451709561 0.7977635755838042 0.5934559250202474 0.36283592552047234 0.17710169773542148 0.1074513623160285 0.014584248423498673 -0.07363950977440026 -0.12007306672066517 -0.1680544088984708 -0.19281897260313954 -0.22687024769707007 -0.23615695908632306 -0.23925252954940446 -0.08911736208982483 +24292,0.4371296166344962,0,0.7931202198891821 0.8720572666978281 0.8968218304024969 0.9215863941071744 0.8952740451709561 0.7977635755838042 0.5934559250202474 0.36283592552047234 0.17710169773542148 0.1074513623160285 0.014584248423498673 -0.07363950977440026 -0.12007306672066517 -0.1680544088984708 -0.19281897260313954 -0.22687024769707007 -0.23615695908632306 -0.23925252954940446 -0.08911736208982483 0.2142485432924334 +24293,0.664654045671181,0,0.8720572666978281 0.8968218304024969 0.9215863941071744 0.8952740451709561 0.7977635755838042 0.5934559250202474 0.36283592552047234 0.17710169773542148 0.1074513623160285 0.014584248423498673 -0.07363950977440026 -0.12007306672066517 -0.1680544088984708 -0.19281897260313954 -0.22687024769707007 -0.23615695908632306 -0.23925252954940446 -0.08911736208982483 0.2142485432924334 0.4371296166344962 +24294,0.7977635755838042,0,0.8968218304024969 0.9215863941071744 0.8952740451709561 0.7977635755838042 0.5934559250202474 0.36283592552047234 0.17710169773542148 0.1074513623160285 0.014584248423498673 -0.07363950977440026 -0.12007306672066517 -0.1680544088984708 -0.19281897260313954 -0.22687024769707007 -0.23615695908632306 -0.23925252954940446 -0.08911736208982483 0.2142485432924334 0.4371296166344962 0.664654045671181 +24295,0.8643183405401158,0,0.9215863941071744 0.8952740451709561 0.7977635755838042 0.5934559250202474 0.36283592552047234 0.17710169773542148 0.1074513623160285 0.014584248423498673 -0.07363950977440026 -0.12007306672066517 -0.1680544088984708 -0.19281897260313954 -0.22687024769707007 -0.23615695908632306 -0.23925252954940446 -0.08911736208982483 0.2142485432924334 0.4371296166344962 0.664654045671181 0.7977635755838042 +24296,0.9401598168856804,0,0.8952740451709561 0.7977635755838042 0.5934559250202474 0.36283592552047234 0.17710169773542148 0.1074513623160285 0.014584248423498673 -0.07363950977440026 -0.12007306672066517 -0.1680544088984708 -0.19281897260313954 -0.22687024769707007 -0.23615695908632306 -0.23925252954940446 -0.08911736208982483 0.2142485432924334 0.4371296166344962 0.664654045671181 0.7977635755838042 0.8643183405401158 +24297,1.0639826354090505,0,0.7977635755838042 0.5934559250202474 0.36283592552047234 0.17710169773542148 0.1074513623160285 0.014584248423498673 -0.07363950977440026 -0.12007306672066517 -0.1680544088984708 -0.19281897260313954 -0.22687024769707007 -0.23615695908632306 -0.23925252954940446 -0.08911736208982483 0.2142485432924334 0.4371296166344962 0.664654045671181 0.7977635755838042 0.8643183405401158 0.9401598168856804 +24298,1.0376702864728322,0,0.5934559250202474 0.36283592552047234 0.17710169773542148 0.1074513623160285 0.014584248423498673 -0.07363950977440026 -0.12007306672066517 -0.1680544088984708 -0.19281897260313954 -0.22687024769707007 -0.23615695908632306 -0.23925252954940446 -0.08911736208982483 0.2142485432924334 0.4371296166344962 0.664654045671181 0.7977635755838042 0.8643183405401158 0.9401598168856804 1.0639826354090505 +24299,1.0562437092513381,0,0.36283592552047234 0.17710169773542148 0.1074513623160285 0.014584248423498673 -0.07363950977440026 -0.12007306672066517 -0.1680544088984708 -0.19281897260313954 -0.22687024769707007 -0.23615695908632306 -0.23925252954940446 -0.08911736208982483 0.2142485432924334 0.4371296166344962 0.664654045671181 0.7977635755838042 0.8643183405401158 0.9401598168856804 1.0639826354090505 1.0376702864728322 +24300,0.9958800852211894,0,0.17710169773542148 0.1074513623160285 0.014584248423498673 -0.07363950977440026 -0.12007306672066517 -0.1680544088984708 -0.19281897260313954 -0.22687024769707007 -0.23615695908632306 -0.23925252954940446 -0.08911736208982483 0.2142485432924334 0.4371296166344962 0.664654045671181 0.7977635755838042 0.8643183405401158 0.9401598168856804 1.0639826354090505 1.0376702864728322 1.0562437092513381 +24301,0.8952740451709561,0,0.1074513623160285 0.014584248423498673 -0.07363950977440026 -0.12007306672066517 -0.1680544088984708 -0.19281897260313954 -0.22687024769707007 -0.23615695908632306 -0.23925252954940446 -0.08911736208982483 0.2142485432924334 0.4371296166344962 0.664654045671181 0.7977635755838042 0.8643183405401158 0.9401598168856804 1.0639826354090505 1.0376702864728322 1.0562437092513381 0.9958800852211894 +24302,0.6244116296510878,0,0.014584248423498673 -0.07363950977440026 -0.12007306672066517 -0.1680544088984708 -0.19281897260313954 -0.22687024769707007 -0.23615695908632306 -0.23925252954940446 -0.08911736208982483 0.2142485432924334 0.4371296166344962 0.664654045671181 0.7977635755838042 0.8643183405401158 0.9401598168856804 1.0639826354090505 1.0376702864728322 1.0562437092513381 0.9958800852211894 0.8952740451709561 +24303,0.3876004892251499,0,-0.07363950977440026 -0.12007306672066517 -0.1680544088984708 -0.19281897260313954 -0.22687024769707007 -0.23615695908632306 -0.23925252954940446 -0.08911736208982483 0.2142485432924334 0.4371296166344962 0.664654045671181 0.7977635755838042 0.8643183405401158 0.9401598168856804 1.0639826354090505 1.0376702864728322 1.0562437092513381 0.9958800852211894 0.8952740451709561 0.6244116296510878 +24304,0.280803308248745,0,-0.12007306672066517 -0.1680544088984708 -0.19281897260313954 -0.22687024769707007 -0.23615695908632306 -0.23925252954940446 -0.08911736208982483 0.2142485432924334 0.4371296166344962 0.664654045671181 0.7977635755838042 0.8643183405401158 0.9401598168856804 1.0639826354090505 1.0376702864728322 1.0562437092513381 0.9958800852211894 0.8952740451709561 0.6244116296510878 0.3876004892251499 +24305,0.16007606018845622,0,-0.1680544088984708 -0.19281897260313954 -0.22687024769707007 -0.23615695908632306 -0.23925252954940446 -0.08911736208982483 0.2142485432924334 0.4371296166344962 0.664654045671181 0.7977635755838042 0.8643183405401158 0.9401598168856804 1.0639826354090505 1.0376702864728322 1.0562437092513381 0.9958800852211894 0.8952740451709561 0.6244116296510878 0.3876004892251499 0.280803308248745 +24306,0.045539953054339014,0,-0.19281897260313954 -0.22687024769707007 -0.23615695908632306 -0.23925252954940446 -0.08911736208982483 0.2142485432924334 0.4371296166344962 0.664654045671181 0.7977635755838042 0.8643183405401158 0.9401598168856804 1.0639826354090505 1.0376702864728322 1.0562437092513381 0.9958800852211894 0.8952740451709561 0.6244116296510878 0.3876004892251499 0.280803308248745 0.16007606018845622 +24307,0.005297537034245689,0,-0.22687024769707007 -0.23615695908632306 -0.23925252954940446 -0.08911736208982483 0.2142485432924334 0.4371296166344962 0.664654045671181 0.7977635755838042 0.8643183405401158 0.9401598168856804 1.0639826354090505 1.0376702864728322 1.0562437092513381 0.9958800852211894 0.8952740451709561 0.6244116296510878 0.3876004892251499 0.280803308248745 0.16007606018845622 0.045539953054339014 +24308,-0.09376071778444693,0,-0.23615695908632306 -0.23925252954940446 -0.08911736208982483 0.2142485432924334 0.4371296166344962 0.664654045671181 0.7977635755838042 0.8643183405401158 0.9401598168856804 1.0639826354090505 1.0376702864728322 1.0562437092513381 0.9958800852211894 0.8952740451709561 0.6244116296510878 0.3876004892251499 0.280803308248745 0.16007606018845622 0.045539953054339014 0.005297537034245689 +24309,-0.15257655658304622,0,-0.23925252954940446 -0.08911736208982483 0.2142485432924334 0.4371296166344962 0.664654045671181 0.7977635755838042 0.8643183405401158 0.9401598168856804 1.0639826354090505 1.0376702864728322 1.0562437092513381 0.9958800852211894 0.8952740451709561 0.6244116296510878 0.3876004892251499 0.280803308248745 0.16007606018845622 0.045539953054339014 0.005297537034245689 -0.09376071778444693 +24310,-0.19436675783468904,0,-0.08911736208982483 0.2142485432924334 0.4371296166344962 0.664654045671181 0.7977635755838042 0.8643183405401158 0.9401598168856804 1.0639826354090505 1.0376702864728322 1.0562437092513381 0.9958800852211894 0.8952740451709561 0.6244116296510878 0.3876004892251499 0.280803308248745 0.16007606018845622 0.045539953054339014 0.005297537034245689 -0.09376071778444693 -0.15257655658304622 +24311,-0.2748515898748757,0,0.2142485432924334 0.4371296166344962 0.664654045671181 0.7977635755838042 0.8643183405401158 0.9401598168856804 1.0639826354090505 1.0376702864728322 1.0562437092513381 0.9958800852211894 0.8952740451709561 0.6244116296510878 0.3876004892251499 0.280803308248745 0.16007606018845622 0.045539953054339014 0.005297537034245689 -0.09376071778444693 -0.15257655658304622 -0.19436675783468904 +24312,-0.29032944219029144,0,0.4371296166344962 0.664654045671181 0.7977635755838042 0.8643183405401158 0.9401598168856804 1.0639826354090505 1.0376702864728322 1.0562437092513381 0.9958800852211894 0.8952740451709561 0.6244116296510878 0.3876004892251499 0.280803308248745 0.16007606018845622 0.045539953054339014 0.005297537034245689 -0.09376071778444693 -0.15257655658304622 -0.19436675783468904 -0.2748515898748757 +24313,-0.30116393881109393,0,0.664654045671181 0.7977635755838042 0.8643183405401158 0.9401598168856804 1.0639826354090505 1.0376702864728322 1.0562437092513381 0.9958800852211894 0.8952740451709561 0.6244116296510878 0.3876004892251499 0.280803308248745 0.16007606018845622 0.045539953054339014 0.005297537034245689 -0.09376071778444693 -0.15257655658304622 -0.19436675783468904 -0.2748515898748757 -0.29032944219029144 +24314,-0.01637145620734167,0,0.7977635755838042 0.8643183405401158 0.9401598168856804 1.0639826354090505 1.0376702864728322 1.0562437092513381 0.9958800852211894 0.8952740451709561 0.6244116296510878 0.3876004892251499 0.280803308248745 0.16007606018845622 0.045539953054339014 0.005297537034245689 -0.09376071778444693 -0.15257655658304622 -0.19436675783468904 -0.2748515898748757 -0.29032944219029144 -0.30116393881109393 +24315,0.2684210263964018,0,0.8643183405401158 0.9401598168856804 1.0639826354090505 1.0376702864728322 1.0562437092513381 0.9958800852211894 0.8952740451709561 0.6244116296510878 0.3876004892251499 0.280803308248745 0.16007606018845622 0.045539953054339014 0.005297537034245689 -0.09376071778444693 -0.15257655658304622 -0.19436675783468904 -0.2748515898748757 -0.29032944219029144 -0.30116393881109393 -0.01637145620734167 +24316,0.4882065292753832,0,0.9401598168856804 1.0639826354090505 1.0376702864728322 1.0562437092513381 0.9958800852211894 0.8952740451709561 0.6244116296510878 0.3876004892251499 0.280803308248745 0.16007606018845622 0.045539953054339014 0.005297537034245689 -0.09376071778444693 -0.15257655658304622 -0.19436675783468904 -0.2748515898748757 -0.29032944219029144 -0.30116393881109393 -0.01637145620734167 0.2684210263964018 +24317,0.7497822334059986,0,1.0639826354090505 1.0376702864728322 1.0562437092513381 0.9958800852211894 0.8952740451709561 0.6244116296510878 0.3876004892251499 0.280803308248745 0.16007606018845622 0.045539953054339014 0.005297537034245689 -0.09376071778444693 -0.15257655658304622 -0.19436675783468904 -0.2748515898748757 -0.29032944219029144 -0.30116393881109393 -0.01637145620734167 0.2684210263964018 0.4882065292753832 +24318,0.9804022329057737,0,1.0376702864728322 1.0562437092513381 0.9958800852211894 0.8952740451709561 0.6244116296510878 0.3876004892251499 0.280803308248745 0.16007606018845622 0.045539953054339014 0.005297537034245689 -0.09376071778444693 -0.15257655658304622 -0.19436675783468904 -0.2748515898748757 -0.29032944219029144 -0.30116393881109393 -0.01637145620734167 0.2684210263964018 0.4882065292753832 0.7497822334059986 +24319,1.1831620982377897,0,1.0562437092513381 0.9958800852211894 0.8952740451709561 0.6244116296510878 0.3876004892251499 0.280803308248745 0.16007606018845622 0.045539953054339014 0.005297537034245689 -0.09376071778444693 -0.15257655658304622 -0.19436675783468904 -0.2748515898748757 -0.29032944219029144 -0.30116393881109393 -0.01637145620734167 0.2684210263964018 0.4882065292753832 0.7497822334059986 0.9804022329057737 +24320,1.2590035745833543,0,0.9958800852211894 0.8952740451709561 0.6244116296510878 0.3876004892251499 0.280803308248745 0.16007606018845622 0.045539953054339014 0.005297537034245689 -0.09376071778444693 -0.15257655658304622 -0.19436675783468904 -0.2748515898748757 -0.29032944219029144 -0.30116393881109393 -0.01637145620734167 0.2684210263964018 0.4882065292753832 0.7497822334059986 0.9804022329057737 1.1831620982377897 +24321,1.344131762318163,0,0.8952740451709561 0.6244116296510878 0.3876004892251499 0.280803308248745 0.16007606018845622 0.045539953054339014 0.005297537034245689 -0.09376071778444693 -0.15257655658304622 -0.19436675783468904 -0.2748515898748757 -0.29032944219029144 -0.30116393881109393 -0.01637145620734167 0.2684210263964018 0.4882065292753832 0.7497822334059986 0.9804022329057737 1.1831620982377897 1.2590035745833543 +24322,1.3719918964859221,0,0.6244116296510878 0.3876004892251499 0.280803308248745 0.16007606018845622 0.045539953054339014 0.005297537034245689 -0.09376071778444693 -0.15257655658304622 -0.19436675783468904 -0.2748515898748757 -0.29032944219029144 -0.30116393881109393 -0.01637145620734167 0.2684210263964018 0.4882065292753832 0.7497822334059986 0.9804022329057737 1.1831620982377897 1.2590035745833543 1.344131762318163 +24323,1.3952086749590589,0,0.3876004892251499 0.280803308248745 0.16007606018845622 0.045539953054339014 0.005297537034245689 -0.09376071778444693 -0.15257655658304622 -0.19436675783468904 -0.2748515898748757 -0.29032944219029144 -0.30116393881109393 -0.01637145620734167 0.2684210263964018 0.4882065292753832 0.7497822334059986 0.9804022329057737 1.1831620982377897 1.2590035745833543 1.344131762318163 1.3719918964859221 +24324,1.339488406623541,0,0.280803308248745 0.16007606018845622 0.045539953054339014 0.005297537034245689 -0.09376071778444693 -0.15257655658304622 -0.19436675783468904 -0.2748515898748757 -0.29032944219029144 -0.30116393881109393 -0.01637145620734167 0.2684210263964018 0.4882065292753832 0.7497822334059986 0.9804022329057737 1.1831620982377897 1.2590035745833543 1.344131762318163 1.3719918964859221 1.3952086749590589 +24325,1.178518742543159,0,0.16007606018845622 0.045539953054339014 0.005297537034245689 -0.09376071778444693 -0.15257655658304622 -0.19436675783468904 -0.2748515898748757 -0.29032944219029144 -0.30116393881109393 -0.01637145620734167 0.2684210263964018 0.4882065292753832 0.7497822334059986 0.9804022329057737 1.1831620982377897 1.2590035745833543 1.344131762318163 1.3719918964859221 1.3952086749590589 1.339488406623541 +24326,0.8921784747078747,0,0.045539953054339014 0.005297537034245689 -0.09376071778444693 -0.15257655658304622 -0.19436675783468904 -0.2748515898748757 -0.29032944219029144 -0.30116393881109393 -0.01637145620734167 0.2684210263964018 0.4882065292753832 0.7497822334059986 0.9804022329057737 1.1831620982377897 1.2590035745833543 1.344131762318163 1.3719918964859221 1.3952086749590589 1.339488406623541 1.178518742543159 +24327,0.6166727034933754,0,0.005297537034245689 -0.09376071778444693 -0.15257655658304622 -0.19436675783468904 -0.2748515898748757 -0.29032944219029144 -0.30116393881109393 -0.01637145620734167 0.2684210263964018 0.4882065292753832 0.7497822334059986 0.9804022329057737 1.1831620982377897 1.2590035745833543 1.344131762318163 1.3719918964859221 1.3952086749590589 1.339488406623541 1.178518742543159 0.8921784747078747 +24328,0.4278429052452432,0,-0.09376071778444693 -0.15257655658304622 -0.19436675783468904 -0.2748515898748757 -0.29032944219029144 -0.30116393881109393 -0.01637145620734167 0.2684210263964018 0.4882065292753832 0.7497822334059986 0.9804022329057737 1.1831620982377897 1.2590035745833543 1.344131762318163 1.3719918964859221 1.3952086749590589 1.339488406623541 1.178518742543159 0.8921784747078747 0.6166727034933754 +24329,0.30556787195341373,0,-0.15257655658304622 -0.19436675783468904 -0.2748515898748757 -0.29032944219029144 -0.30116393881109393 -0.01637145620734167 0.2684210263964018 0.4882065292753832 0.7497822334059986 0.9804022329057737 1.1831620982377897 1.2590035745833543 1.344131762318163 1.3719918964859221 1.3952086749590589 1.339488406623541 1.178518742543159 0.8921784747078747 0.6166727034933754 0.4278429052452432 +24330,0.20186626144009023,0,-0.19436675783468904 -0.2748515898748757 -0.29032944219029144 -0.30116393881109393 -0.01637145620734167 0.2684210263964018 0.4882065292753832 0.7497822334059986 0.9804022329057737 1.1831620982377897 1.2590035745833543 1.344131762318163 1.3719918964859221 1.3952086749590589 1.339488406623541 1.178518742543159 0.8921784747078747 0.6166727034933754 0.4278429052452432 0.30556787195341373 +24331,0.12757257032607516,0,-0.2748515898748757 -0.29032944219029144 -0.30116393881109393 -0.01637145620734167 0.2684210263964018 0.4882065292753832 0.7497822334059986 0.9804022329057737 1.1831620982377897 1.2590035745833543 1.344131762318163 1.3719918964859221 1.3952086749590589 1.339488406623541 1.178518742543159 0.8921784747078747 0.6166727034933754 0.4278429052452432 0.30556787195341373 0.20186626144009023 +24332,0.06720894629592637,0,-0.29032944219029144 -0.30116393881109393 -0.01637145620734167 0.2684210263964018 0.4882065292753832 0.7497822334059986 0.9804022329057737 1.1831620982377897 1.2590035745833543 1.344131762318163 1.3719918964859221 1.3952086749590589 1.339488406623541 1.178518742543159 0.8921784747078747 0.6166727034933754 0.4278429052452432 0.30556787195341373 0.20186626144009023 0.12757257032607516 +24333,-0.014823670975800974,0,-0.30116393881109393 -0.01637145620734167 0.2684210263964018 0.4882065292753832 0.7497822334059986 0.9804022329057737 1.1831620982377897 1.2590035745833543 1.344131762318163 1.3719918964859221 1.3952086749590589 1.339488406623541 1.178518742543159 0.8921784747078747 0.6166727034933754 0.4278429052452432 0.30556787195341373 0.20186626144009023 0.12757257032607516 0.06720894629592637 +24334,-0.04887494606973151,0,-0.01637145620734167 0.2684210263964018 0.4882065292753832 0.7497822334059986 0.9804022329057737 1.1831620982377897 1.2590035745833543 1.344131762318163 1.3719918964859221 1.3952086749590589 1.339488406623541 1.178518742543159 0.8921784747078747 0.6166727034933754 0.4278429052452432 0.30556787195341373 0.20186626144009023 0.12757257032607516 0.06720894629592637 -0.014823670975800974 +24335,-0.12316863718374657,0,0.2684210263964018 0.4882065292753832 0.7497822334059986 0.9804022329057737 1.1831620982377897 1.2590035745833543 1.344131762318163 1.3719918964859221 1.3952086749590589 1.339488406623541 1.178518742543159 0.8921784747078747 0.6166727034933754 0.4278429052452432 0.30556787195341373 0.20186626144009023 0.12757257032607516 0.06720894629592637 -0.014823670975800974 -0.04887494606973151 +24336,-0.17269776459309288,0,0.4882065292753832 0.7497822334059986 0.9804022329057737 1.1831620982377897 1.2590035745833543 1.344131762318163 1.3719918964859221 1.3952086749590589 1.339488406623541 1.178518742543159 0.8921784747078747 0.6166727034933754 0.4278429052452432 0.30556787195341373 0.20186626144009023 0.12757257032607516 0.06720894629592637 -0.014823670975800974 -0.04887494606973151 -0.12316863718374657 +24337,-0.19436675783468904,0,0.7497822334059986 0.9804022329057737 1.1831620982377897 1.2590035745833543 1.344131762318163 1.3719918964859221 1.3952086749590589 1.339488406623541 1.178518742543159 0.8921784747078747 0.6166727034933754 0.4278429052452432 0.30556787195341373 0.20186626144009023 0.12757257032607516 0.06720894629592637 -0.014823670975800974 -0.04887494606973151 -0.12316863718374657 -0.17269776459309288 +24338,-0.002441389123466596,0,0.9804022329057737 1.1831620982377897 1.2590035745833543 1.344131762318163 1.3719918964859221 1.3952086749590589 1.339488406623541 1.178518742543159 0.8921784747078747 0.6166727034933754 0.4278429052452432 0.30556787195341373 0.20186626144009023 0.12757257032607516 0.06720894629592637 -0.014823670975800974 -0.04887494606973151 -0.12316863718374657 -0.17269776459309288 -0.19436675783468904 +24339,0.373670422141266,0,1.1831620982377897 1.2590035745833543 1.344131762318163 1.3719918964859221 1.3952086749590589 1.339488406623541 1.178518742543159 0.8921784747078747 0.6166727034933754 0.4278429052452432 0.30556787195341373 0.20186626144009023 0.12757257032607516 0.06720894629592637 -0.014823670975800974 -0.04887494606973151 -0.12316863718374657 -0.17269776459309288 -0.19436675783468904 -0.002441389123466596 +24340,0.5181354300880514,0,1.2590035745833543 1.344131762318163 1.3719918964859221 1.3952086749590589 1.339488406623541 1.178518742543159 0.8921784747078747 0.6166727034933754 0.4278429052452432 0.30556787195341373 0.20186626144009023 0.12757257032607516 0.06720894629592637 -0.014823670975800974 -0.04887494606973151 -0.12316863718374657 -0.17269776459309288 -0.19436675783468904 -0.002441389123466596 0.373670422141266 +24341,0.9664721658218898,0,1.344131762318163 1.3719918964859221 1.3952086749590589 1.339488406623541 1.178518742543159 0.8921784747078747 0.6166727034933754 0.4278429052452432 0.30556787195341373 0.20186626144009023 0.12757257032607516 0.06720894629592637 -0.014823670975800974 -0.04887494606973151 -0.12316863718374657 -0.17269776459309288 -0.19436675783468904 -0.002441389123466596 0.373670422141266 0.5181354300880514 +24342,1.2450735074994705,0,1.3719918964859221 1.3952086749590589 1.339488406623541 1.178518742543159 0.8921784747078747 0.6166727034933754 0.4278429052452432 0.30556787195341373 0.20186626144009023 0.12757257032607516 0.06720894629592637 -0.014823670975800974 -0.04887494606973151 -0.12316863718374657 -0.17269776459309288 -0.19436675783468904 -0.002441389123466596 0.373670422141266 0.5181354300880514 0.9664721658218898 +24343,1.469502366073074,0,1.3952086749590589 1.339488406623541 1.178518742543159 0.8921784747078747 0.6166727034933754 0.4278429052452432 0.30556787195341373 0.20186626144009023 0.12757257032607516 0.06720894629592637 -0.014823670975800974 -0.04887494606973151 -0.12316863718374657 -0.17269776459309288 -0.19436675783468904 -0.002441389123466596 0.373670422141266 0.5181354300880514 0.9664721658218898 1.2450735074994705 +24344,1.6118986073749502,0,1.339488406623541 1.178518742543159 0.8921784747078747 0.6166727034933754 0.4278429052452432 0.30556787195341373 0.20186626144009023 0.12757257032607516 0.06720894629592637 -0.014823670975800974 -0.04887494606973151 -0.12316863718374657 -0.17269776459309288 -0.19436675783468904 -0.002441389123466596 0.373670422141266 0.5181354300880514 0.9664721658218898 1.2450735074994705 1.469502366073074 +24345,1.6923834394151367,0,1.178518742543159 0.8921784747078747 0.6166727034933754 0.4278429052452432 0.30556787195341373 0.20186626144009023 0.12757257032607516 0.06720894629592637 -0.014823670975800974 -0.04887494606973151 -0.12316863718374657 -0.17269776459309288 -0.19436675783468904 -0.002441389123466596 0.373670422141266 0.5181354300880514 0.9664721658218898 1.2450735074994705 1.469502366073074 1.6118986073749502 +24346,1.8131106874754255,0,0.8921784747078747 0.6166727034933754 0.4278429052452432 0.30556787195341373 0.20186626144009023 0.12757257032607516 0.06720894629592637 -0.014823670975800974 -0.04887494606973151 -0.12316863718374657 -0.17269776459309288 -0.19436675783468904 -0.002441389123466596 0.373670422141266 0.5181354300880514 0.9664721658218898 1.2450735074994705 1.469502366073074 1.6118986073749502 1.6923834394151367 +24347,1.7496514929821954,0,0.6166727034933754 0.4278429052452432 0.30556787195341373 0.20186626144009023 0.12757257032607516 0.06720894629592637 -0.014823670975800974 -0.04887494606973151 -0.12316863718374657 -0.17269776459309288 -0.19436675783468904 -0.002441389123466596 0.373670422141266 0.5181354300880514 0.9664721658218898 1.2450735074994705 1.469502366073074 1.6118986073749502 1.6923834394151367 1.8131106874754255 +24348,1.7125046474251922,0,0.4278429052452432 0.30556787195341373 0.20186626144009023 0.12757257032607516 0.06720894629592637 -0.014823670975800974 -0.04887494606973151 -0.12316863718374657 -0.17269776459309288 -0.19436675783468904 -0.002441389123466596 0.373670422141266 0.5181354300880514 0.9664721658218898 1.2450735074994705 1.469502366073074 1.6118986073749502 1.6923834394151367 1.8131106874754255 1.7496514929821954 +24349,1.5639172651971445,0,0.30556787195341373 0.20186626144009023 0.12757257032607516 0.06720894629592637 -0.014823670975800974 -0.04887494606973151 -0.12316863718374657 -0.17269776459309288 -0.19436675783468904 -0.002441389123466596 0.373670422141266 0.5181354300880514 0.9664721658218898 1.2450735074994705 1.469502366073074 1.6118986073749502 1.6923834394151367 1.8131106874754255 1.7496514929821954 1.7125046474251922 +24350,1.200187735784755,0,0.20186626144009023 0.12757257032607516 0.06720894629592637 -0.014823670975800974 -0.04887494606973151 -0.12316863718374657 -0.17269776459309288 -0.19436675783468904 -0.002441389123466596 0.373670422141266 0.5181354300880514 0.9664721658218898 1.2450735074994705 1.469502366073074 1.6118986073749502 1.6923834394151367 1.8131106874754255 1.7496514929821954 1.7125046474251922 1.5639172651971445 +24351,1.0562437092513381,0,0.12757257032607516 0.06720894629592637 -0.014823670975800974 -0.04887494606973151 -0.12316863718374657 -0.17269776459309288 -0.19436675783468904 -0.002441389123466596 0.373670422141266 0.5181354300880514 0.9664721658218898 1.2450735074994705 1.469502366073074 1.6118986073749502 1.6923834394151367 1.8131106874754255 1.7496514929821954 1.7125046474251922 1.5639172651971445 1.200187735784755 +24352,0.6863230389127685,0,0.06720894629592637 -0.014823670975800974 -0.04887494606973151 -0.12316863718374657 -0.17269776459309288 -0.19436675783468904 -0.002441389123466596 0.373670422141266 0.5181354300880514 0.9664721658218898 1.2450735074994705 1.469502366073074 1.6118986073749502 1.6923834394151367 1.8131106874754255 1.7496514929821954 1.7125046474251922 1.5639172651971445 1.200187735784755 1.0562437092513381 +24353,0.5222578043693137,0,-0.014823670975800974 -0.04887494606973151 -0.12316863718374657 -0.17269776459309288 -0.19436675783468904 -0.002441389123466596 0.373670422141266 0.5181354300880514 0.9664721658218898 1.2450735074994705 1.469502366073074 1.6118986073749502 1.6923834394151367 1.8131106874754255 1.7496514929821954 1.7125046474251922 1.5639172651971445 1.200187735784755 1.0562437092513381 0.6863230389127685 +24354,0.39843498584594356,0,-0.04887494606973151 -0.12316863718374657 -0.17269776459309288 -0.19436675783468904 -0.002441389123466596 0.373670422141266 0.5181354300880514 0.9664721658218898 1.2450735074994705 1.469502366073074 1.6118986073749502 1.6923834394151367 1.8131106874754255 1.7496514929821954 1.7125046474251922 1.5639172651971445 1.200187735784755 1.0562437092513381 0.6863230389127685 0.5222578043693137 +24355,0.2761599525541141,0,-0.12316863718374657 -0.17269776459309288 -0.19436675783468904 -0.002441389123466596 0.373670422141266 0.5181354300880514 0.9664721658218898 1.2450735074994705 1.469502366073074 1.6118986073749502 1.6923834394151367 1.8131106874754255 1.7496514929821954 1.7125046474251922 1.5639172651971445 1.200187735784755 1.0562437092513381 0.6863230389127685 0.5222578043693137 0.39843498584594356 +24356,0.18638840912467444,0,-0.17269776459309288 -0.19436675783468904 -0.002441389123466596 0.373670422141266 0.5181354300880514 0.9664721658218898 1.2450735074994705 1.469502366073074 1.6118986073749502 1.6923834394151367 1.8131106874754255 1.7496514929821954 1.7125046474251922 1.5639172651971445 1.200187735784755 1.0562437092513381 0.6863230389127685 0.5222578043693137 0.39843498584594356 0.2761599525541141 +24357,0.11828585893682218,0,-0.19436675783468904 -0.002441389123466596 0.373670422141266 0.5181354300880514 0.9664721658218898 1.2450735074994705 1.469502366073074 1.6118986073749502 1.6923834394151367 1.8131106874754255 1.7496514929821954 1.7125046474251922 1.5639172651971445 1.200187735784755 1.0562437092513381 0.6863230389127685 0.5222578043693137 0.39843498584594356 0.2761599525541141 0.18638840912467444 +24358,0.0517310939805106,0,-0.002441389123466596 0.373670422141266 0.5181354300880514 0.9664721658218898 1.2450735074994705 1.469502366073074 1.6118986073749502 1.6923834394151367 1.8131106874754255 1.7496514929821954 1.7125046474251922 1.5639172651971445 1.200187735784755 1.0562437092513381 0.6863230389127685 0.5222578043693137 0.39843498584594356 0.2761599525541141 0.18638840912467444 0.11828585893682218 +24359,-0.005536959586547991,0,0.373670422141266 0.5181354300880514 0.9664721658218898 1.2450735074994705 1.469502366073074 1.6118986073749502 1.6923834394151367 1.8131106874754255 1.7496514929821954 1.7125046474251922 1.5639172651971445 1.200187735784755 1.0562437092513381 0.6863230389127685 0.5222578043693137 0.39843498584594356 0.2761599525541141 0.18638840912467444 0.11828585893682218 0.0517310939805106 +24360,-0.04423159037510062,0,0.5181354300880514 0.9664721658218898 1.2450735074994705 1.469502366073074 1.6118986073749502 1.6923834394151367 1.8131106874754255 1.7496514929821954 1.7125046474251922 1.5639172651971445 1.200187735784755 1.0562437092513381 0.6863230389127685 0.5222578043693137 0.39843498584594356 0.2761599525541141 0.18638840912467444 0.11828585893682218 0.0517310939805106 -0.005536959586547991 +24361,-0.04268380514355992,0,0.9664721658218898 1.2450735074994705 1.469502366073074 1.6118986073749502 1.6923834394151367 1.8131106874754255 1.7496514929821954 1.7125046474251922 1.5639172651971445 1.200187735784755 1.0562437092513381 0.6863230389127685 0.5222578043693137 0.39843498584594356 0.2761599525541141 0.18638840912467444 0.11828585893682218 0.0517310939805106 -0.005536959586547991 -0.04423159037510062 +24362,0.24210867746019235,0,1.2450735074994705 1.469502366073074 1.6118986073749502 1.6923834394151367 1.8131106874754255 1.7496514929821954 1.7125046474251922 1.5639172651971445 1.200187735784755 1.0562437092513381 0.6863230389127685 0.5222578043693137 0.39843498584594356 0.2761599525541141 0.18638840912467444 0.11828585893682218 0.0517310939805106 -0.005536959586547991 -0.04423159037510062 -0.04268380514355992 +24363,0.6073859921041225,0,1.469502366073074 1.6118986073749502 1.6923834394151367 1.8131106874754255 1.7496514929821954 1.7125046474251922 1.5639172651971445 1.200187735784755 1.0562437092513381 0.6863230389127685 0.5222578043693137 0.39843498584594356 0.2761599525541141 0.18638840912467444 0.11828585893682218 0.0517310939805106 -0.005536959586547991 -0.04423159037510062 -0.04268380514355992 0.24210867746019235 +24364,0.9153952531810028,0,1.6118986073749502 1.6923834394151367 1.8131106874754255 1.7496514929821954 1.7125046474251922 1.5639172651971445 1.200187735784755 1.0562437092513381 0.6863230389127685 0.5222578043693137 0.39843498584594356 0.2761599525541141 0.18638840912467444 0.11828585893682218 0.0517310939805106 -0.005536959586547991 -0.04423159037510062 -0.04268380514355992 0.24210867746019235 0.6073859921041225 +24365,1.2311434404155954,0,1.6923834394151367 1.8131106874754255 1.7496514929821954 1.7125046474251922 1.5639172651971445 1.200187735784755 1.0562437092513381 0.6863230389127685 0.5222578043693137 0.39843498584594356 0.2761599525541141 0.18638840912467444 0.11828585893682218 0.0517310939805106 -0.005536959586547991 -0.04423159037510062 -0.04268380514355992 0.24210867746019235 0.6073859921041225 0.9153952531810028 +24366,1.4400944466737744,0,1.8131106874754255 1.7496514929821954 1.7125046474251922 1.5639172651971445 1.200187735784755 1.0562437092513381 0.6863230389127685 0.5222578043693137 0.39843498584594356 0.2761599525541141 0.18638840912467444 0.11828585893682218 0.0517310939805106 -0.005536959586547991 -0.04423159037510062 -0.04268380514355992 0.24210867746019235 0.6073859921041225 0.9153952531810028 1.2311434404155954 +24367,1.6057074664487874,0,1.7496514929821954 1.7125046474251922 1.5639172651971445 1.200187735784755 1.0562437092513381 0.6863230389127685 0.5222578043693137 0.39843498584594356 0.2761599525541141 0.18638840912467444 0.11828585893682218 0.0517310939805106 -0.005536959586547991 -0.04423159037510062 -0.04268380514355992 0.24210867746019235 0.6073859921041225 0.9153952531810028 1.2311434404155954 1.4400944466737744 +24368,1.7604859896029978,0,1.7125046474251922 1.5639172651971445 1.200187735784755 1.0562437092513381 0.6863230389127685 0.5222578043693137 0.39843498584594356 0.2761599525541141 0.18638840912467444 0.11828585893682218 0.0517310939805106 -0.005536959586547991 -0.04423159037510062 -0.04268380514355992 0.24210867746019235 0.6073859921041225 0.9153952531810028 1.2311434404155954 1.4400944466737744 1.6057074664487874 +24369,1.8734743115055654,0,1.5639172651971445 1.200187735784755 1.0562437092513381 0.6863230389127685 0.5222578043693137 0.39843498584594356 0.2761599525541141 0.18638840912467444 0.11828585893682218 0.0517310939805106 -0.005536959586547991 -0.04423159037510062 -0.04268380514355992 0.24210867746019235 0.6073859921041225 0.9153952531810028 1.2311434404155954 1.4400944466737744 1.6057074664487874 1.7604859896029978 +24370,1.8997866604417837,0,1.200187735784755 1.0562437092513381 0.6863230389127685 0.5222578043693137 0.39843498584594356 0.2761599525541141 0.18638840912467444 0.11828585893682218 0.0517310939805106 -0.005536959586547991 -0.04423159037510062 -0.04268380514355992 0.24210867746019235 0.6073859921041225 0.9153952531810028 1.2311434404155954 1.4400944466737744 1.6057074664487874 1.7604859896029978 1.8734743115055654 +24371,1.8471619625693472,0,1.0562437092513381 0.6863230389127685 0.5222578043693137 0.39843498584594356 0.2761599525541141 0.18638840912467444 0.11828585893682218 0.0517310939805106 -0.005536959586547991 -0.04423159037510062 -0.04268380514355992 0.24210867746019235 0.6073859921041225 0.9153952531810028 1.2311434404155954 1.4400944466737744 1.6057074664487874 1.7604859896029978 1.8734743115055654 1.8997866604417837 +24372,1.7604859896029978,0,0.6863230389127685 0.5222578043693137 0.39843498584594356 0.2761599525541141 0.18638840912467444 0.11828585893682218 0.0517310939805106 -0.005536959586547991 -0.04423159037510062 -0.04268380514355992 0.24210867746019235 0.6073859921041225 0.9153952531810028 1.2311434404155954 1.4400944466737744 1.6057074664487874 1.7604859896029978 1.8734743115055654 1.8997866604417837 1.8471619625693472 +24373,1.5840384732071913,0,0.5222578043693137 0.39843498584594356 0.2761599525541141 0.18638840912467444 0.11828585893682218 0.0517310939805106 -0.005536959586547991 -0.04423159037510062 -0.04268380514355992 0.24210867746019235 0.6073859921041225 0.9153952531810028 1.2311434404155954 1.4400944466737744 1.6057074664487874 1.7604859896029978 1.8734743115055654 1.8997866604417837 1.8471619625693472 1.7604859896029978 +24374,1.2497168631941014,0,0.39843498584594356 0.2761599525541141 0.18638840912467444 0.11828585893682218 0.0517310939805106 -0.005536959586547991 -0.04423159037510062 -0.04268380514355992 0.24210867746019235 0.6073859921041225 0.9153952531810028 1.2311434404155954 1.4400944466737744 1.6057074664487874 1.7604859896029978 1.8734743115055654 1.8997866604417837 1.8471619625693472 1.7604859896029978 1.5840384732071913 +24375,0.9045607565602091,0,0.2761599525541141 0.18638840912467444 0.11828585893682218 0.0517310939805106 -0.005536959586547991 -0.04423159037510062 -0.04268380514355992 0.24210867746019235 0.6073859921041225 0.9153952531810028 1.2311434404155954 1.4400944466737744 1.6057074664487874 1.7604859896029978 1.8734743115055654 1.8997866604417837 1.8471619625693472 1.7604859896029978 1.5840384732071913 1.2497168631941014 +24376,0.7513300186375393,0,0.18638840912467444 0.11828585893682218 0.0517310939805106 -0.005536959586547991 -0.04423159037510062 -0.04268380514355992 0.24210867746019235 0.6073859921041225 0.9153952531810028 1.2311434404155954 1.4400944466737744 1.6057074664487874 1.7604859896029978 1.8734743115055654 1.8997866604417837 1.8471619625693472 1.7604859896029978 1.5840384732071913 1.2497168631941014 0.9045607565602091 +24377,0.5934559250202474,0,0.11828585893682218 0.0517310939805106 -0.005536959586547991 -0.04423159037510062 -0.04268380514355992 0.24210867746019235 0.6073859921041225 0.9153952531810028 1.2311434404155954 1.4400944466737744 1.6057074664487874 1.7604859896029978 1.8734743115055654 1.8997866604417837 1.8471619625693472 1.7604859896029978 1.5840384732071913 1.2497168631941014 0.9045607565602091 0.7513300186375393 +24378,0.3937916301513127,0,0.0517310939805106 -0.005536959586547991 -0.04423159037510062 -0.04268380514355992 0.24210867746019235 0.6073859921041225 0.9153952531810028 1.2311434404155954 1.4400944466737744 1.6057074664487874 1.7604859896029978 1.8734743115055654 1.8997866604417837 1.8471619625693472 1.7604859896029978 1.5840384732071913 1.2497168631941014 0.9045607565602091 0.7513300186375393 0.5934559250202474 +24379,0.271516596859492,0,-0.005536959586547991 -0.04423159037510062 -0.04268380514355992 0.24210867746019235 0.6073859921041225 0.9153952531810028 1.2311434404155954 1.4400944466737744 1.6057074664487874 1.7604859896029978 1.8734743115055654 1.8997866604417837 1.8471619625693472 1.7604859896029978 1.5840384732071913 1.2497168631941014 0.9045607565602091 0.7513300186375393 0.5934559250202474 0.3937916301513127 +24380,0.2127007580608927,0,-0.04423159037510062 -0.04268380514355992 0.24210867746019235 0.6073859921041225 0.9153952531810028 1.2311434404155954 1.4400944466737744 1.6057074664487874 1.7604859896029978 1.8734743115055654 1.8997866604417837 1.8471619625693472 1.7604859896029978 1.5840384732071913 1.2497168631941014 0.9045607565602091 0.7513300186375393 0.5934559250202474 0.3937916301513127 0.271516596859492 +24381,0.12757257032607516,0,-0.04268380514355992 0.24210867746019235 0.6073859921041225 0.9153952531810028 1.2311434404155954 1.4400944466737744 1.6057074664487874 1.7604859896029978 1.8734743115055654 1.8997866604417837 1.8471619625693472 1.7604859896029978 1.5840384732071913 1.2497168631941014 0.9045607565602091 0.7513300186375393 0.5934559250202474 0.3937916301513127 0.271516596859492 0.2127007580608927 +24382,0.05637444967513269,0,0.24210867746019235 0.6073859921041225 0.9153952531810028 1.2311434404155954 1.4400944466737744 1.6057074664487874 1.7604859896029978 1.8734743115055654 1.8997866604417837 1.8471619625693472 1.7604859896029978 1.5840384732071913 1.2497168631941014 0.9045607565602091 0.7513300186375393 0.5934559250202474 0.3937916301513127 0.271516596859492 0.2127007580608927 0.12757257032607516 +24383,-0.003989174355007293,0,0.6073859921041225 0.9153952531810028 1.2311434404155954 1.4400944466737744 1.6057074664487874 1.7604859896029978 1.8734743115055654 1.8997866604417837 1.8471619625693472 1.7604859896029978 1.5840384732071913 1.2497168631941014 0.9045607565602091 0.7513300186375393 0.5934559250202474 0.3937916301513127 0.271516596859492 0.2127007580608927 0.12757257032607516 0.05637444967513269 +24384,-0.0535183017643536,0,0.9153952531810028 1.2311434404155954 1.4400944466737744 1.6057074664487874 1.7604859896029978 1.8734743115055654 1.8997866604417837 1.8471619625693472 1.7604859896029978 1.5840384732071913 1.2497168631941014 0.9045607565602091 0.7513300186375393 0.5934559250202474 0.3937916301513127 0.271516596859492 0.2127007580608927 0.12757257032607516 0.05637444967513269 -0.003989174355007293 +24385,-0.0550660869958943,0,1.2311434404155954 1.4400944466737744 1.6057074664487874 1.7604859896029978 1.8734743115055654 1.8997866604417837 1.8471619625693472 1.7604859896029978 1.5840384732071913 1.2497168631941014 0.9045607565602091 0.7513300186375393 0.5934559250202474 0.3937916301513127 0.271516596859492 0.2127007580608927 0.12757257032607516 0.05637444967513269 -0.003989174355007293 -0.0535183017643536 +24386,0.15698048972537482,0,1.4400944466737744 1.6057074664487874 1.7604859896029978 1.8734743115055654 1.8997866604417837 1.8471619625693472 1.7604859896029978 1.5840384732071913 1.2497168631941014 0.9045607565602091 0.7513300186375393 0.5934559250202474 0.3937916301513127 0.271516596859492 0.2127007580608927 0.12757257032607516 0.05637444967513269 -0.003989174355007293 -0.0535183017643536 -0.0550660869958943 +24387,0.4123650529298186,0,1.6057074664487874 1.7604859896029978 1.8734743115055654 1.8997866604417837 1.8471619625693472 1.7604859896029978 1.5840384732071913 1.2497168631941014 0.9045607565602091 0.7513300186375393 0.5934559250202474 0.3937916301513127 0.271516596859492 0.2127007580608927 0.12757257032607516 0.05637444967513269 -0.003989174355007293 -0.0535183017643536 -0.0550660869958943 0.15698048972537482 +24388,0.6460806228926751,0,1.7604859896029978 1.8734743115055654 1.8997866604417837 1.8471619625693472 1.7604859896029978 1.5840384732071913 1.2497168631941014 0.9045607565602091 0.7513300186375393 0.5934559250202474 0.3937916301513127 0.271516596859492 0.2127007580608927 0.12757257032607516 0.05637444967513269 -0.003989174355007293 -0.0535183017643536 -0.0550660869958943 0.15698048972537482 0.4123650529298186 +24389,0.988141159063486,0,1.8734743115055654 1.8997866604417837 1.8471619625693472 1.7604859896029978 1.5840384732071913 1.2497168631941014 0.9045607565602091 0.7513300186375393 0.5934559250202474 0.3937916301513127 0.271516596859492 0.2127007580608927 0.12757257032607516 0.05637444967513269 -0.003989174355007293 -0.0535183017643536 -0.0550660869958943 0.15698048972537482 0.4123650529298186 0.6460806228926751 +24390,1.2543602188887235,0,1.8997866604417837 1.8471619625693472 1.7604859896029978 1.5840384732071913 1.2497168631941014 0.9045607565602091 0.7513300186375393 0.5934559250202474 0.3937916301513127 0.271516596859492 0.2127007580608927 0.12757257032607516 0.05637444967513269 -0.003989174355007293 -0.0535183017643536 -0.0550660869958943 0.15698048972537482 0.4123650529298186 0.6460806228926751 0.988141159063486 +24391,1.4013998158852217,0,1.8471619625693472 1.7604859896029978 1.5840384732071913 1.2497168631941014 0.9045607565602091 0.7513300186375393 0.5934559250202474 0.3937916301513127 0.271516596859492 0.2127007580608927 0.12757257032607516 0.05637444967513269 -0.003989174355007293 -0.0535183017643536 -0.0550660869958943 0.15698048972537482 0.4123650529298186 0.6460806228926751 0.988141159063486 1.2543602188887235 +24392,1.6227331039957438,0,1.7604859896029978 1.5840384732071913 1.2497168631941014 0.9045607565602091 0.7513300186375393 0.5934559250202474 0.3937916301513127 0.271516596859492 0.2127007580608927 0.12757257032607516 0.05637444967513269 -0.003989174355007293 -0.0535183017643536 -0.0550660869958943 0.15698048972537482 0.4123650529298186 0.6460806228926751 0.988141159063486 1.2543602188887235 1.4013998158852217 +24393,1.6505932381635027,0,1.5840384732071913 1.2497168631941014 0.9045607565602091 0.7513300186375393 0.5934559250202474 0.3937916301513127 0.271516596859492 0.2127007580608927 0.12757257032607516 0.05637444967513269 -0.003989174355007293 -0.0535183017643536 -0.0550660869958943 0.15698048972537482 0.4123650529298186 0.6460806228926751 0.988141159063486 1.2543602188887235 1.4013998158852217 1.6227331039957438 +24394,1.6505932381635027,0,1.2497168631941014 0.9045607565602091 0.7513300186375393 0.5934559250202474 0.3937916301513127 0.271516596859492 0.2127007580608927 0.12757257032607516 0.05637444967513269 -0.003989174355007293 -0.0535183017643536 -0.0550660869958943 0.15698048972537482 0.4123650529298186 0.6460806228926751 0.988141159063486 1.2543602188887235 1.4013998158852217 1.6227331039957438 1.6505932381635027 +24395,1.5716561913548568,0,0.9045607565602091 0.7513300186375393 0.5934559250202474 0.3937916301513127 0.271516596859492 0.2127007580608927 0.12757257032607516 0.05637444967513269 -0.003989174355007293 -0.0535183017643536 -0.0550660869958943 0.15698048972537482 0.4123650529298186 0.6460806228926751 0.988141159063486 1.2543602188887235 1.4013998158852217 1.6227331039957438 1.6505932381635027 1.6505932381635027 +24396,1.5020058559354639,0,0.7513300186375393 0.5934559250202474 0.3937916301513127 0.271516596859492 0.2127007580608927 0.12757257032607516 0.05637444967513269 -0.003989174355007293 -0.0535183017643536 -0.0550660869958943 0.15698048972537482 0.4123650529298186 0.6460806228926751 0.988141159063486 1.2543602188887235 1.4013998158852217 1.6227331039957438 1.6505932381635027 1.6505932381635027 1.5716561913548568 +24397,1.3797308226436342,0,0.5934559250202474 0.3937916301513127 0.271516596859492 0.2127007580608927 0.12757257032607516 0.05637444967513269 -0.003989174355007293 -0.0535183017643536 -0.0550660869958943 0.15698048972537482 0.4123650529298186 0.6460806228926751 0.988141159063486 1.2543602188887235 1.4013998158852217 1.6227331039957438 1.6505932381635027 1.6505932381635027 1.5716561913548568 1.5020058559354639 +24398,1.0283835750835792,0,0.3937916301513127 0.271516596859492 0.2127007580608927 0.12757257032607516 0.05637444967513269 -0.003989174355007293 -0.0535183017643536 -0.0550660869958943 0.15698048972537482 0.4123650529298186 0.6460806228926751 0.988141159063486 1.2543602188887235 1.4013998158852217 1.6227331039957438 1.6505932381635027 1.6505932381635027 1.5716561913548568 1.5020058559354639 1.3797308226436342 +24399,0.7157309583120769,0,0.271516596859492 0.2127007580608927 0.12757257032607516 0.05637444967513269 -0.003989174355007293 -0.0535183017643536 -0.0550660869958943 0.15698048972537482 0.4123650529298186 0.6460806228926751 0.988141159063486 1.2543602188887235 1.4013998158852217 1.6227331039957438 1.6505932381635027 1.6505932381635027 1.5716561913548568 1.5020058559354639 1.3797308226436342 1.0283835750835792 +24400,0.4154606233929,0,0.2127007580608927 0.12757257032607516 0.05637444967513269 -0.003989174355007293 -0.0535183017643536 -0.0550660869958943 0.15698048972537482 0.4123650529298186 0.6460806228926751 0.988141159063486 1.2543602188887235 1.4013998158852217 1.6227331039957438 1.6505932381635027 1.6505932381635027 1.5716561913548568 1.5020058559354639 1.3797308226436342 1.0283835750835792 0.7157309583120769 +24401,0.30402008672187303,0,0.12757257032607516 0.05637444967513269 -0.003989174355007293 -0.0535183017643536 -0.0550660869958943 0.15698048972537482 0.4123650529298186 0.6460806228926751 0.988141159063486 1.2543602188887235 1.4013998158852217 1.6227331039957438 1.6505932381635027 1.6505932381635027 1.5716561913548568 1.5020058559354639 1.3797308226436342 1.0283835750835792 0.7157309583120769 0.4154606233929 +24402,0.2653254559333204,0,0.05637444967513269 -0.003989174355007293 -0.0535183017643536 -0.0550660869958943 0.15698048972537482 0.4123650529298186 0.6460806228926751 0.988141159063486 1.2543602188887235 1.4013998158852217 1.6227331039957438 1.6505932381635027 1.6505932381635027 1.5716561913548568 1.5020058559354639 1.3797308226436342 1.0283835750835792 0.7157309583120769 0.4154606233929 0.30402008672187303 +24403,0.20186626144009023,0,-0.003989174355007293 -0.0535183017643536 -0.0550660869958943 0.15698048972537482 0.4123650529298186 0.6460806228926751 0.988141159063486 1.2543602188887235 1.4013998158852217 1.6227331039957438 1.6505932381635027 1.6505932381635027 1.5716561913548568 1.5020058559354639 1.3797308226436342 1.0283835750835792 0.7157309583120769 0.4154606233929 0.30402008672187303 0.2653254559333204 +24404,0.18793619435621514,0,-0.0535183017643536 -0.0550660869958943 0.15698048972537482 0.4123650529298186 0.6460806228926751 0.988141159063486 1.2543602188887235 1.4013998158852217 1.6227331039957438 1.6505932381635027 1.6505932381635027 1.5716561913548568 1.5020058559354639 1.3797308226436342 1.0283835750835792 0.7157309583120769 0.4154606233929 0.30402008672187303 0.2653254559333204 0.20186626144009023 +24405,0.14924156356766252,0,-0.0550660869958943 0.15698048972537482 0.4123650529298186 0.6460806228926751 0.988141159063486 1.2543602188887235 1.4013998158852217 1.6227331039957438 1.6505932381635027 1.6505932381635027 1.5716561913548568 1.5020058559354639 1.3797308226436342 1.0283835750835792 0.7157309583120769 0.4154606233929 0.30402008672187303 0.2653254559333204 0.20186626144009023 0.18793619435621514 +24406,0.20186626144009023,0,0.15698048972537482 0.4123650529298186 0.6460806228926751 0.988141159063486 1.2543602188887235 1.4013998158852217 1.6227331039957438 1.6505932381635027 1.6505932381635027 1.5716561913548568 1.5020058559354639 1.3797308226436342 1.0283835750835792 0.7157309583120769 0.4154606233929 0.30402008672187303 0.2653254559333204 0.20186626144009023 0.18793619435621514 0.14924156356766252 +24407,0.17710169773542148,0,0.4123650529298186 0.6460806228926751 0.988141159063486 1.2543602188887235 1.4013998158852217 1.6227331039957438 1.6505932381635027 1.6505932381635027 1.5716561913548568 1.5020058559354639 1.3797308226436342 1.0283835750835792 0.7157309583120769 0.4154606233929 0.30402008672187303 0.2653254559333204 0.20186626144009023 0.18793619435621514 0.14924156356766252 0.20186626144009023 +24408,0.18793619435621514,0,0.6460806228926751 0.988141159063486 1.2543602188887235 1.4013998158852217 1.6227331039957438 1.6505932381635027 1.6505932381635027 1.5716561913548568 1.5020058559354639 1.3797308226436342 1.0283835750835792 0.7157309583120769 0.4154606233929 0.30402008672187303 0.2653254559333204 0.20186626144009023 0.18793619435621514 0.14924156356766252 0.20186626144009023 0.17710169773542148 +24409,0.2142485432924334,0,0.988141159063486 1.2543602188887235 1.4013998158852217 1.6227331039957438 1.6505932381635027 1.6505932381635027 1.5716561913548568 1.5020058559354639 1.3797308226436342 1.0283835750835792 0.7157309583120769 0.4154606233929 0.30402008672187303 0.2653254559333204 0.20186626144009023 0.18793619435621514 0.14924156356766252 0.20186626144009023 0.17710169773542148 0.18793619435621514 +24410,0.2127007580608927,0,1.2543602188887235 1.4013998158852217 1.6227331039957438 1.6505932381635027 1.6505932381635027 1.5716561913548568 1.5020058559354639 1.3797308226436342 1.0283835750835792 0.7157309583120769 0.4154606233929 0.30402008672187303 0.2653254559333204 0.20186626144009023 0.18793619435621514 0.14924156356766252 0.20186626144009023 0.17710169773542148 0.18793619435621514 0.2142485432924334 +24411,0.29009001963799796,0,1.4013998158852217 1.6227331039957438 1.6505932381635027 1.6505932381635027 1.5716561913548568 1.5020058559354639 1.3797308226436342 1.0283835750835792 0.7157309583120769 0.4154606233929 0.30402008672187303 0.2653254559333204 0.20186626144009023 0.18793619435621514 0.14924156356766252 0.20186626144009023 0.17710169773542148 0.18793619435621514 0.2142485432924334 0.2127007580608927 +24412,0.46034639510762426,0,1.6227331039957438 1.6505932381635027 1.6505932381635027 1.5716561913548568 1.5020058559354639 1.3797308226436342 1.0283835750835792 0.7157309583120769 0.4154606233929 0.30402008672187303 0.2653254559333204 0.20186626144009023 0.18793619435621514 0.14924156356766252 0.20186626144009023 0.17710169773542148 0.18793619435621514 0.2142485432924334 0.2127007580608927 0.29009001963799796 +24413,0.7327565958590333,0,1.6505932381635027 1.6505932381635027 1.5716561913548568 1.5020058559354639 1.3797308226436342 1.0283835750835792 0.7157309583120769 0.4154606233929 0.30402008672187303 0.2653254559333204 0.20186626144009023 0.18793619435621514 0.14924156356766252 0.20186626144009023 0.17710169773542148 0.18793619435621514 0.2142485432924334 0.2127007580608927 0.29009001963799796 0.46034639510762426 +24414,1.025288004620498,0,1.6505932381635027 1.5716561913548568 1.5020058559354639 1.3797308226436342 1.0283835750835792 0.7157309583120769 0.4154606233929 0.30402008672187303 0.2653254559333204 0.20186626144009023 0.18793619435621514 0.14924156356766252 0.20186626144009023 0.17710169773542148 0.18793619435621514 0.2142485432924334 0.2127007580608927 0.29009001963799796 0.46034639510762426 0.7327565958590333 +24415,1.2682902859726073,0,1.5716561913548568 1.5020058559354639 1.3797308226436342 1.0283835750835792 0.7157309583120769 0.4154606233929 0.30402008672187303 0.2653254559333204 0.20186626144009023 0.18793619435621514 0.14924156356766252 0.20186626144009023 0.17710169773542148 0.18793619435621514 0.2142485432924334 0.2127007580608927 0.29009001963799796 0.46034639510762426 0.7327565958590333 1.025288004620498 +24416,1.4803368626938764,0,1.5020058559354639 1.3797308226436342 1.0283835750835792 0.7157309583120769 0.4154606233929 0.30402008672187303 0.2653254559333204 0.20186626144009023 0.18793619435621514 0.14924156356766252 0.20186626144009023 0.17710169773542148 0.18793619435621514 0.2142485432924334 0.2127007580608927 0.29009001963799796 0.46034639510762426 0.7327565958590333 1.025288004620498 1.2682902859726073 +24417,1.5716561913548568,0,1.3797308226436342 1.0283835750835792 0.7157309583120769 0.4154606233929 0.30402008672187303 0.2653254559333204 0.20186626144009023 0.18793619435621514 0.14924156356766252 0.20186626144009023 0.17710169773542148 0.18793619435621514 0.2142485432924334 0.2127007580608927 0.29009001963799796 0.46034639510762426 0.7327565958590333 1.025288004620498 1.2682902859726073 1.4803368626938764 +24418,1.6320198153849967,0,1.0283835750835792 0.7157309583120769 0.4154606233929 0.30402008672187303 0.2653254559333204 0.20186626144009023 0.18793619435621514 0.14924156356766252 0.20186626144009023 0.17710169773542148 0.18793619435621514 0.2142485432924334 0.2127007580608927 0.29009001963799796 0.46034639510762426 0.7327565958590333 1.025288004620498 1.2682902859726073 1.4803368626938764 1.5716561913548568 +24419,1.6026118959856972,0,0.7157309583120769 0.4154606233929 0.30402008672187303 0.2653254559333204 0.20186626144009023 0.18793619435621514 0.14924156356766252 0.20186626144009023 0.17710169773542148 0.18793619435621514 0.2142485432924334 0.2127007580608927 0.29009001963799796 0.46034639510762426 0.7327565958590333 1.025288004620498 1.2682902859726073 1.4803368626938764 1.5716561913548568 1.6320198153849967 +24420,1.4741457217677048,0,0.4154606233929 0.30402008672187303 0.2653254559333204 0.20186626144009023 0.18793619435621514 0.14924156356766252 0.20186626144009023 0.17710169773542148 0.18793619435621514 0.2142485432924334 0.2127007580608927 0.29009001963799796 0.46034639510762426 0.7327565958590333 1.025288004620498 1.2682902859726073 1.4803368626938764 1.5716561913548568 1.6320198153849967 1.6026118959856972 +24421,1.3193671986134943,0,0.30402008672187303 0.2653254559333204 0.20186626144009023 0.18793619435621514 0.14924156356766252 0.20186626144009023 0.17710169773542148 0.18793619435621514 0.2142485432924334 0.2127007580608927 0.29009001963799796 0.46034639510762426 0.7327565958590333 1.025288004620498 1.2682902859726073 1.4803368626938764 1.5716561913548568 1.6320198153849967 1.6026118959856972 1.4741457217677048 +24422,1.1135117628183968,0,0.2653254559333204 0.20186626144009023 0.18793619435621514 0.14924156356766252 0.20186626144009023 0.17710169773542148 0.18793619435621514 0.2142485432924334 0.2127007580608927 0.29009001963799796 0.46034639510762426 0.7327565958590333 1.025288004620498 1.2682902859726073 1.4803368626938764 1.5716561913548568 1.6320198153849967 1.6026118959856972 1.4741457217677048 1.3193671986134943 +24423,0.7079920321543646,0,0.20186626144009023 0.18793619435621514 0.14924156356766252 0.20186626144009023 0.17710169773542148 0.18793619435621514 0.2142485432924334 0.2127007580608927 0.29009001963799796 0.46034639510762426 0.7327565958590333 1.025288004620498 1.2682902859726073 1.4803368626938764 1.5716561913548568 1.6320198153849967 1.6026118959856972 1.4741457217677048 1.3193671986134943 1.1135117628183968 +24424,0.5191622339062235,0,0.18793619435621514 0.14924156356766252 0.20186626144009023 0.17710169773542148 0.18793619435621514 0.2142485432924334 0.2127007580608927 0.29009001963799796 0.46034639510762426 0.7327565958590333 1.025288004620498 1.2682902859726073 1.4803368626938764 1.5716561913548568 1.6320198153849967 1.6026118959856972 1.4741457217677048 1.3193671986134943 1.1135117628183968 0.7079920321543646 +24425,0.322593509500379,0,0.14924156356766252 0.20186626144009023 0.17710169773542148 0.18793619435621514 0.2142485432924334 0.2127007580608927 0.29009001963799796 0.46034639510762426 0.7327565958590333 1.025288004620498 1.2682902859726073 1.4803368626938764 1.5716561913548568 1.6320198153849967 1.6026118959856972 1.4741457217677048 1.3193671986134943 1.1135117628183968 0.7079920321543646 0.5191622339062235 +24426,0.25449095931252674,0,0.20186626144009023 0.17710169773542148 0.18793619435621514 0.2142485432924334 0.2127007580608927 0.29009001963799796 0.46034639510762426 0.7327565958590333 1.025288004620498 1.2682902859726073 1.4803368626938764 1.5716561913548568 1.6320198153849967 1.6026118959856972 1.4741457217677048 1.3193671986134943 1.1135117628183968 0.7079920321543646 0.5191622339062235 0.322593509500379 +24427,0.15388491926228462,0,0.17710169773542148 0.18793619435621514 0.2142485432924334 0.2127007580608927 0.29009001963799796 0.46034639510762426 0.7327565958590333 1.025288004620498 1.2682902859726073 1.4803368626938764 1.5716561913548568 1.6320198153849967 1.6026118959856972 1.4741457217677048 1.3193671986134943 1.1135117628183968 0.7079920321543646 0.5191622339062235 0.322593509500379 0.25449095931252674 +24428,0.17091055680924988,0,0.18793619435621514 0.2142485432924334 0.2127007580608927 0.29009001963799796 0.46034639510762426 0.7327565958590333 1.025288004620498 1.2682902859726073 1.4803368626938764 1.5716561913548568 1.6320198153849967 1.6026118959856972 1.4741457217677048 1.3193671986134943 1.1135117628183968 0.7079920321543646 0.5191622339062235 0.322593509500379 0.25449095931252674 0.15388491926228462 +24429,0.15698048972537482,0,0.2142485432924334 0.2127007580608927 0.29009001963799796 0.46034639510762426 0.7327565958590333 1.025288004620498 1.2682902859726073 1.4803368626938764 1.5716561913548568 1.6320198153849967 1.6026118959856972 1.4741457217677048 1.3193671986134943 1.1135117628183968 0.7079920321543646 0.5191622339062235 0.322593509500379 0.25449095931252674 0.15388491926228462 0.17091055680924988 +24430,0.15388491926228462,0,0.2127007580608927 0.29009001963799796 0.46034639510762426 0.7327565958590333 1.025288004620498 1.2682902859726073 1.4803368626938764 1.5716561913548568 1.6320198153849967 1.6026118959856972 1.4741457217677048 1.3193671986134943 1.1135117628183968 0.7079920321543646 0.5191622339062235 0.322593509500379 0.25449095931252674 0.15388491926228462 0.17091055680924988 0.15698048972537482 +24431,0.13221592602069726,0,0.29009001963799796 0.46034639510762426 0.7327565958590333 1.025288004620498 1.2682902859726073 1.4803368626938764 1.5716561913548568 1.6320198153849967 1.6026118959856972 1.4741457217677048 1.3193671986134943 1.1135117628183968 0.7079920321543646 0.5191622339062235 0.322593509500379 0.25449095931252674 0.15388491926228462 0.17091055680924988 0.15698048972537482 0.15388491926228462 +24432,0.105903577084479,0,0.46034639510762426 0.7327565958590333 1.025288004620498 1.2682902859726073 1.4803368626938764 1.5716561913548568 1.6320198153849967 1.6026118959856972 1.4741457217677048 1.3193671986134943 1.1135117628183968 0.7079920321543646 0.5191622339062235 0.322593509500379 0.25449095931252674 0.15388491926228462 0.17091055680924988 0.15698048972537482 0.15388491926228462 0.13221592602069726 +24433,0.07649565768517935,0,0.7327565958590333 1.025288004620498 1.2682902859726073 1.4803368626938764 1.5716561913548568 1.6320198153849967 1.6026118959856972 1.4741457217677048 1.3193671986134943 1.1135117628183968 0.7079920321543646 0.5191622339062235 0.322593509500379 0.25449095931252674 0.15388491926228462 0.17091055680924988 0.15698048972537482 0.15388491926228462 0.13221592602069726 0.105903577084479 +24434,0.2157963285239741,0,1.025288004620498 1.2682902859726073 1.4803368626938764 1.5716561913548568 1.6320198153849967 1.6026118959856972 1.4741457217677048 1.3193671986134943 1.1135117628183968 0.7079920321543646 0.5191622339062235 0.322593509500379 0.25449095931252674 0.15388491926228462 0.17091055680924988 0.15698048972537482 0.15388491926228462 0.13221592602069726 0.105903577084479 0.07649565768517935 +24435,0.29628116056416076,0,1.2682902859726073 1.4803368626938764 1.5716561913548568 1.6320198153849967 1.6026118959856972 1.4741457217677048 1.3193671986134943 1.1135117628183968 0.7079920321543646 0.5191622339062235 0.322593509500379 0.25449095931252674 0.15388491926228462 0.17091055680924988 0.15698048972537482 0.15388491926228462 0.13221592602069726 0.105903577084479 0.07649565768517935 0.2157963285239741 +24436,0.6569151195134688,0,1.4803368626938764 1.5716561913548568 1.6320198153849967 1.6026118959856972 1.4741457217677048 1.3193671986134943 1.1135117628183968 0.7079920321543646 0.5191622339062235 0.322593509500379 0.25449095931252674 0.15388491926228462 0.17091055680924988 0.15698048972537482 0.15388491926228462 0.13221592602069726 0.105903577084479 0.07649565768517935 0.2157963285239741 0.29628116056416076 +24437,0.8875351190132439,0,1.5716561913548568 1.6320198153849967 1.6026118959856972 1.4741457217677048 1.3193671986134943 1.1135117628183968 0.7079920321543646 0.5191622339062235 0.322593509500379 0.25449095931252674 0.15388491926228462 0.17091055680924988 0.15698048972537482 0.15388491926228462 0.13221592602069726 0.105903577084479 0.07649565768517935 0.2157963285239741 0.29628116056416076 0.6569151195134688 +24438,1.1553019640700308,0,1.6320198153849967 1.6026118959856972 1.4741457217677048 1.3193671986134943 1.1135117628183968 0.7079920321543646 0.5191622339062235 0.322593509500379 0.25449095931252674 0.15388491926228462 0.17091055680924988 0.15698048972537482 0.15388491926228462 0.13221592602069726 0.105903577084479 0.07649565768517935 0.2157963285239741 0.29628116056416076 0.6569151195134688 0.8875351190132439 +24439,1.4261643795898993,0,1.6026118959856972 1.4741457217677048 1.3193671986134943 1.1135117628183968 0.7079920321543646 0.5191622339062235 0.322593509500379 0.25449095931252674 0.15388491926228462 0.17091055680924988 0.15698048972537482 0.15388491926228462 0.13221592602069726 0.105903577084479 0.07649565768517935 0.2157963285239741 0.29628116056416076 0.6569151195134688 0.8875351190132439 1.1553019640700308 +24440,1.5778473322810285,0,1.4741457217677048 1.3193671986134943 1.1135117628183968 0.7079920321543646 0.5191622339062235 0.322593509500379 0.25449095931252674 0.15388491926228462 0.17091055680924988 0.15698048972537482 0.15388491926228462 0.13221592602069726 0.105903577084479 0.07649565768517935 0.2157963285239741 0.29628116056416076 0.6569151195134688 0.8875351190132439 1.1553019640700308 1.4261643795898993 +24441,1.6242808892272844,0,1.3193671986134943 1.1135117628183968 0.7079920321543646 0.5191622339062235 0.322593509500379 0.25449095931252674 0.15388491926228462 0.17091055680924988 0.15698048972537482 0.15388491926228462 0.13221592602069726 0.105903577084479 0.07649565768517935 0.2157963285239741 0.29628116056416076 0.6569151195134688 0.8875351190132439 1.1553019640700308 1.4261643795898993 1.5778473322810285 +24442,1.6722622314050901,0,1.1135117628183968 0.7079920321543646 0.5191622339062235 0.322593509500379 0.25449095931252674 0.15388491926228462 0.17091055680924988 0.15698048972537482 0.15388491926228462 0.13221592602069726 0.105903577084479 0.07649565768517935 0.2157963285239741 0.29628116056416076 0.6569151195134688 0.8875351190132439 1.1553019640700308 1.4261643795898993 1.5778473322810285 1.6242808892272844 +24443,1.5824906879756504,0,0.7079920321543646 0.5191622339062235 0.322593509500379 0.25449095931252674 0.15388491926228462 0.17091055680924988 0.15698048972537482 0.15388491926228462 0.13221592602069726 0.105903577084479 0.07649565768517935 0.2157963285239741 0.29628116056416076 0.6569151195134688 0.8875351190132439 1.1553019640700308 1.4261643795898993 1.5778473322810285 1.6242808892272844 1.6722622314050901 +24444,1.4710501513046235,0,0.5191622339062235 0.322593509500379 0.25449095931252674 0.15388491926228462 0.17091055680924988 0.15698048972537482 0.15388491926228462 0.13221592602069726 0.105903577084479 0.07649565768517935 0.2157963285239741 0.29628116056416076 0.6569151195134688 0.8875351190132439 1.1553019640700308 1.4261643795898993 1.5778473322810285 1.6242808892272844 1.6722622314050901 1.5824906879756504 +24445,1.399852030653681,0,0.322593509500379 0.25449095931252674 0.15388491926228462 0.17091055680924988 0.15698048972537482 0.15388491926228462 0.13221592602069726 0.105903577084479 0.07649565768517935 0.2157963285239741 0.29628116056416076 0.6569151195134688 0.8875351190132439 1.1553019640700308 1.4261643795898993 1.5778473322810285 1.6242808892272844 1.6722622314050901 1.5824906879756504 1.4710501513046235 +24446,1.0748171320298443,0,0.25449095931252674 0.15388491926228462 0.17091055680924988 0.15698048972537482 0.15388491926228462 0.13221592602069726 0.105903577084479 0.07649565768517935 0.2157963285239741 0.29628116056416076 0.6569151195134688 0.8875351190132439 1.1553019640700308 1.4261643795898993 1.5778473322810285 1.6242808892272844 1.6722622314050901 1.5824906879756504 1.4710501513046235 1.399852030653681 +24447,0.7931202198891821,0,0.15388491926228462 0.17091055680924988 0.15698048972537482 0.15388491926228462 0.13221592602069726 0.105903577084479 0.07649565768517935 0.2157963285239741 0.29628116056416076 0.6569151195134688 0.8875351190132439 1.1553019640700308 1.4261643795898993 1.5778473322810285 1.6242808892272844 1.6722622314050901 1.5824906879756504 1.4710501513046235 1.399852030653681 1.0748171320298443 +24448,0.5640480056209477,0,0.17091055680924988 0.15698048972537482 0.15388491926228462 0.13221592602069726 0.105903577084479 0.07649565768517935 0.2157963285239741 0.29628116056416076 0.6569151195134688 0.8875351190132439 1.1553019640700308 1.4261643795898993 1.5778473322810285 1.6242808892272844 1.6722622314050901 1.5824906879756504 1.4710501513046235 1.399852030653681 1.0748171320298443 0.7931202198891821 +24449,0.4139128381613593,0,0.15698048972537482 0.15388491926228462 0.13221592602069726 0.105903577084479 0.07649565768517935 0.2157963285239741 0.29628116056416076 0.6569151195134688 0.8875351190132439 1.1553019640700308 1.4261643795898993 1.5778473322810285 1.6242808892272844 1.6722622314050901 1.5824906879756504 1.4710501513046235 1.399852030653681 1.0748171320298443 0.7931202198891821 0.5640480056209477 +24450,0.3148545833426667,0,0.15388491926228462 0.13221592602069726 0.105903577084479 0.07649565768517935 0.2157963285239741 0.29628116056416076 0.6569151195134688 0.8875351190132439 1.1553019640700308 1.4261643795898993 1.5778473322810285 1.6242808892272844 1.6722622314050901 1.5824906879756504 1.4710501513046235 1.399852030653681 1.0748171320298443 0.7931202198891821 0.5640480056209477 0.4139128381613593 +24451,0.2250830399132271,0,0.13221592602069726 0.105903577084479 0.07649565768517935 0.2157963285239741 0.29628116056416076 0.6569151195134688 0.8875351190132439 1.1553019640700308 1.4261643795898993 1.5778473322810285 1.6242808892272844 1.6722622314050901 1.5824906879756504 1.4710501513046235 1.399852030653681 1.0748171320298443 0.7931202198891821 0.5640480056209477 0.4139128381613593 0.3148545833426667 +24452,0.15698048972537482,0,0.105903577084479 0.07649565768517935 0.2157963285239741 0.29628116056416076 0.6569151195134688 0.8875351190132439 1.1553019640700308 1.4261643795898993 1.5778473322810285 1.6242808892272844 1.6722622314050901 1.5824906879756504 1.4710501513046235 1.399852030653681 1.0748171320298443 0.7931202198891821 0.5640480056209477 0.4139128381613593 0.3148545833426667 0.2250830399132271 +24453,0.12447699986298497,0,0.07649565768517935 0.2157963285239741 0.29628116056416076 0.6569151195134688 0.8875351190132439 1.1553019640700308 1.4261643795898993 1.5778473322810285 1.6242808892272844 1.6722622314050901 1.5824906879756504 1.4710501513046235 1.399852030653681 1.0748171320298443 0.7931202198891821 0.5640480056209477 0.4139128381613593 0.3148545833426667 0.2250830399132271 0.15698048972537482 +24454,0.07804344291672885,0,0.2157963285239741 0.29628116056416076 0.6569151195134688 0.8875351190132439 1.1553019640700308 1.4261643795898993 1.5778473322810285 1.6242808892272844 1.6722622314050901 1.5824906879756504 1.4710501513046235 1.399852030653681 1.0748171320298443 0.7931202198891821 0.5640480056209477 0.4139128381613593 0.3148545833426667 0.2250830399132271 0.15698048972537482 0.12447699986298497 +24455,0.04244438259125762,0,0.29628116056416076 0.6569151195134688 0.8875351190132439 1.1553019640700308 1.4261643795898993 1.5778473322810285 1.6242808892272844 1.6722622314050901 1.5824906879756504 1.4710501513046235 1.399852030653681 1.0748171320298443 0.7931202198891821 0.5640480056209477 0.4139128381613593 0.3148545833426667 0.2250830399132271 0.15698048972537482 0.12447699986298497 0.07804344291672885 +24456,0.02077538934967026,0,0.6569151195134688 0.8875351190132439 1.1553019640700308 1.4261643795898993 1.5778473322810285 1.6242808892272844 1.6722622314050901 1.5824906879756504 1.4710501513046235 1.399852030653681 1.0748171320298443 0.7931202198891821 0.5640480056209477 0.4139128381613593 0.3148545833426667 0.2250830399132271 0.15698048972537482 0.12447699986298497 0.07804344291672885 0.04244438259125762 +24457,0.02696653027583305,0,0.8875351190132439 1.1553019640700308 1.4261643795898993 1.5778473322810285 1.6242808892272844 1.6722622314050901 1.5824906879756504 1.4710501513046235 1.399852030653681 1.0748171320298443 0.7931202198891821 0.5640480056209477 0.4139128381613593 0.3148545833426667 0.2250830399132271 0.15698048972537482 0.12447699986298497 0.07804344291672885 0.04244438259125762 0.02077538934967026 +24458,0.14305042264149093,0,1.1553019640700308 1.4261643795898993 1.5778473322810285 1.6242808892272844 1.6722622314050901 1.5824906879756504 1.4710501513046235 1.399852030653681 1.0748171320298443 0.7931202198891821 0.5640480056209477 0.4139128381613593 0.3148545833426667 0.2250830399132271 0.15698048972537482 0.12447699986298497 0.07804344291672885 0.04244438259125762 0.02077538934967026 0.02696653027583305 +24459,0.36283592552047234,0,1.4261643795898993 1.5778473322810285 1.6242808892272844 1.6722622314050901 1.5824906879756504 1.4710501513046235 1.399852030653681 1.0748171320298443 0.7931202198891821 0.5640480056209477 0.4139128381613593 0.3148545833426667 0.2250830399132271 0.15698048972537482 0.12447699986298497 0.07804344291672885 0.04244438259125762 0.02077538934967026 0.02696653027583305 0.14305042264149093 +24460,0.75287780386908,0,1.5778473322810285 1.6242808892272844 1.6722622314050901 1.5824906879756504 1.4710501513046235 1.399852030653681 1.0748171320298443 0.7931202198891821 0.5640480056209477 0.4139128381613593 0.3148545833426667 0.2250830399132271 0.15698048972537482 0.12447699986298497 0.07804344291672885 0.04244438259125762 0.02077538934967026 0.02696653027583305 0.14305042264149093 0.36283592552047234 +24461,1.0562437092513381,0,1.6242808892272844 1.6722622314050901 1.5824906879756504 1.4710501513046235 1.399852030653681 1.0748171320298443 0.7931202198891821 0.5640480056209477 0.4139128381613593 0.3148545833426667 0.2250830399132271 0.15698048972537482 0.12447699986298497 0.07804344291672885 0.04244438259125762 0.02077538934967026 0.02696653027583305 0.14305042264149093 0.36283592552047234 0.75287780386908 +24462,1.385921963569806,0,1.6722622314050901 1.5824906879756504 1.4710501513046235 1.399852030653681 1.0748171320298443 0.7931202198891821 0.5640480056209477 0.4139128381613593 0.3148545833426667 0.2250830399132271 0.15698048972537482 0.12447699986298497 0.07804344291672885 0.04244438259125762 0.02077538934967026 0.02696653027583305 0.14305042264149093 0.36283592552047234 0.75287780386908 1.0562437092513381 +24463,1.6691666609420086,0,1.5824906879756504 1.4710501513046235 1.399852030653681 1.0748171320298443 0.7931202198891821 0.5640480056209477 0.4139128381613593 0.3148545833426667 0.2250830399132271 0.15698048972537482 0.12447699986298497 0.07804344291672885 0.04244438259125762 0.02077538934967026 0.02696653027583305 0.14305042264149093 0.36283592552047234 0.75287780386908 1.0562437092513381 1.385921963569806 +24464,1.8053717613177132,0,1.4710501513046235 1.399852030653681 1.0748171320298443 0.7931202198891821 0.5640480056209477 0.4139128381613593 0.3148545833426667 0.2250830399132271 0.15698048972537482 0.12447699986298497 0.07804344291672885 0.04244438259125762 0.02077538934967026 0.02696653027583305 0.14305042264149093 0.36283592552047234 0.75287780386908 1.0562437092513381 1.385921963569806 1.6691666609420086 +24465,1.9462202173880487,0,1.399852030653681 1.0748171320298443 0.7931202198891821 0.5640480056209477 0.4139128381613593 0.3148545833426667 0.2250830399132271 0.15698048972537482 0.12447699986298497 0.07804344291672885 0.04244438259125762 0.02077538934967026 0.02696653027583305 0.14305042264149093 0.36283592552047234 0.75287780386908 1.0562437092513381 1.385921963569806 1.6691666609420086 1.8053717613177132 +24466,1.9322901503041647,0,1.0748171320298443 0.7931202198891821 0.5640480056209477 0.4139128381613593 0.3148545833426667 0.2250830399132271 0.15698048972537482 0.12447699986298497 0.07804344291672885 0.04244438259125762 0.02077538934967026 0.02696653027583305 0.14305042264149093 0.36283592552047234 0.75287780386908 1.0562437092513381 1.385921963569806 1.6691666609420086 1.8053717613177132 1.9462202173880487 +24467,1.930742365072624,0,0.7931202198891821 0.5640480056209477 0.4139128381613593 0.3148545833426667 0.2250830399132271 0.15698048972537482 0.12447699986298497 0.07804344291672885 0.04244438259125762 0.02077538934967026 0.02696653027583305 0.14305042264149093 0.36283592552047234 0.75287780386908 1.0562437092513381 1.385921963569806 1.6691666609420086 1.8053717613177132 1.9462202173880487 1.9322901503041647 +24468,1.8440663921062659,0,0.5640480056209477 0.4139128381613593 0.3148545833426667 0.2250830399132271 0.15698048972537482 0.12447699986298497 0.07804344291672885 0.04244438259125762 0.02077538934967026 0.02696653027583305 0.14305042264149093 0.36283592552047234 0.75287780386908 1.0562437092513381 1.385921963569806 1.6691666609420086 1.8053717613177132 1.9462202173880487 1.9322901503041647 1.930742365072624 +24469,1.585586258438732,0,0.4139128381613593 0.3148545833426667 0.2250830399132271 0.15698048972537482 0.12447699986298497 0.07804344291672885 0.04244438259125762 0.02077538934967026 0.02696653027583305 0.14305042264149093 0.36283592552047234 0.75287780386908 1.0562437092513381 1.385921963569806 1.6691666609420086 1.8053717613177132 1.9462202173880487 1.9322901503041647 1.930742365072624 1.8440663921062659 +24470,1.358061829402047,0,0.3148545833426667 0.2250830399132271 0.15698048972537482 0.12447699986298497 0.07804344291672885 0.04244438259125762 0.02077538934967026 0.02696653027583305 0.14305042264149093 0.36283592552047234 0.75287780386908 1.0562437092513381 1.385921963569806 1.6691666609420086 1.8053717613177132 1.9462202173880487 1.9322901503041647 1.930742365072624 1.8440663921062659 1.585586258438732 +24471,0.9618288101272677,0,0.2250830399132271 0.15698048972537482 0.12447699986298497 0.07804344291672885 0.04244438259125762 0.02077538934967026 0.02696653027583305 0.14305042264149093 0.36283592552047234 0.75287780386908 1.0562437092513381 1.385921963569806 1.6691666609420086 1.8053717613177132 1.9462202173880487 1.9322901503041647 1.930742365072624 1.8440663921062659 1.585586258438732 1.358061829402047 +24472,0.7079920321543646,0,0.15698048972537482 0.12447699986298497 0.07804344291672885 0.04244438259125762 0.02077538934967026 0.02696653027583305 0.14305042264149093 0.36283592552047234 0.75287780386908 1.0562437092513381 1.385921963569806 1.6691666609420086 1.8053717613177132 1.9462202173880487 1.9322901503041647 1.930742365072624 1.8440663921062659 1.585586258438732 1.358061829402047 0.9618288101272677 +24473,0.641437267198053,0,0.12447699986298497 0.07804344291672885 0.04244438259125762 0.02077538934967026 0.02696653027583305 0.14305042264149093 0.36283592552047234 0.75287780386908 1.0562437092513381 1.385921963569806 1.6691666609420086 1.8053717613177132 1.9462202173880487 1.9322901503041647 1.930742365072624 1.8440663921062659 1.585586258438732 1.358061829402047 0.9618288101272677 0.7079920321543646 +24474,0.4758242474230488,0,0.07804344291672885 0.04244438259125762 0.02077538934967026 0.02696653027583305 0.14305042264149093 0.36283592552047234 0.75287780386908 1.0562437092513381 1.385921963569806 1.6691666609420086 1.8053717613177132 1.9462202173880487 1.9322901503041647 1.930742365072624 1.8440663921062659 1.585586258438732 1.358061829402047 0.9618288101272677 0.7079920321543646 0.641437267198053 +24475,0.37986156306743757,0,0.04244438259125762 0.02077538934967026 0.02696653027583305 0.14305042264149093 0.36283592552047234 0.75287780386908 1.0562437092513381 1.385921963569806 1.6691666609420086 1.8053717613177132 1.9462202173880487 1.9322901503041647 1.930742365072624 1.8440663921062659 1.585586258438732 1.358061829402047 0.9618288101272677 0.7079920321543646 0.641437267198053 0.4758242474230488 +24476,0.29163780486953866,0,0.02077538934967026 0.02696653027583305 0.14305042264149093 0.36283592552047234 0.75287780386908 1.0562437092513381 1.385921963569806 1.6691666609420086 1.8053717613177132 1.9462202173880487 1.9322901503041647 1.930742365072624 1.8440663921062659 1.585586258438732 1.358061829402047 0.9618288101272677 0.7079920321543646 0.641437267198053 0.4758242474230488 0.37986156306743757 +24477,0.18638840912467444,0,0.02696653027583305 0.14305042264149093 0.36283592552047234 0.75287780386908 1.0562437092513381 1.385921963569806 1.6691666609420086 1.8053717613177132 1.9462202173880487 1.9322901503041647 1.930742365072624 1.8440663921062659 1.585586258438732 1.358061829402047 0.9618288101272677 0.7079920321543646 0.641437267198053 0.4758242474230488 0.37986156306743757 0.29163780486953866 +24478,0.13995485217840953,0,0.14305042264149093 0.36283592552047234 0.75287780386908 1.0562437092513381 1.385921963569806 1.6691666609420086 1.8053717613177132 1.9462202173880487 1.9322901503041647 1.930742365072624 1.8440663921062659 1.585586258438732 1.358061829402047 0.9618288101272677 0.7079920321543646 0.641437267198053 0.4758242474230488 0.37986156306743757 0.29163780486953866 0.18638840912467444 +24479,0.18638840912467444,0,0.36283592552047234 0.75287780386908 1.0562437092513381 1.385921963569806 1.6691666609420086 1.8053717613177132 1.9462202173880487 1.9322901503041647 1.930742365072624 1.8440663921062659 1.585586258438732 1.358061829402047 0.9618288101272677 0.7079920321543646 0.641437267198053 0.4758242474230488 0.37986156306743757 0.29163780486953866 0.18638840912467444 0.13995485217840953 +24480,0.13531149648378746,0,0.75287780386908 1.0562437092513381 1.385921963569806 1.6691666609420086 1.8053717613177132 1.9462202173880487 1.9322901503041647 1.930742365072624 1.8440663921062659 1.585586258438732 1.358061829402047 0.9618288101272677 0.7079920321543646 0.641437267198053 0.4758242474230488 0.37986156306743757 0.29163780486953866 0.18638840912467444 0.13995485217840953 0.18638840912467444 +24481,0.19103176481929654,0,1.0562437092513381 1.385921963569806 1.6691666609420086 1.8053717613177132 1.9462202173880487 1.9322901503041647 1.930742365072624 1.8440663921062659 1.585586258438732 1.358061829402047 0.9618288101272677 0.7079920321543646 0.641437267198053 0.4758242474230488 0.37986156306743757 0.29163780486953866 0.18638840912467444 0.13995485217840953 0.18638840912467444 0.13531149648378746 +24482,0.36593149598355373,0,1.385921963569806 1.6691666609420086 1.8053717613177132 1.9462202173880487 1.9322901503041647 1.930742365072624 1.8440663921062659 1.585586258438732 1.358061829402047 0.9618288101272677 0.7079920321543646 0.641437267198053 0.4758242474230488 0.37986156306743757 0.29163780486953866 0.18638840912467444 0.13995485217840953 0.18638840912467444 0.13531149648378746 0.19103176481929654 +24483,0.6182204887249162,0,1.6691666609420086 1.8053717613177132 1.9462202173880487 1.9322901503041647 1.930742365072624 1.8440663921062659 1.585586258438732 1.358061829402047 0.9618288101272677 0.7079920321543646 0.641437267198053 0.4758242474230488 0.37986156306743757 0.29163780486953866 0.18638840912467444 0.13995485217840953 0.18638840912467444 0.13531149648378746 0.19103176481929654 0.36593149598355373 +24484,0.8008591460468856,0,1.8053717613177132 1.9462202173880487 1.9322901503041647 1.930742365072624 1.8440663921062659 1.585586258438732 1.358061829402047 0.9618288101272677 0.7079920321543646 0.641437267198053 0.4758242474230488 0.37986156306743757 0.29163780486953866 0.18638840912467444 0.13995485217840953 0.18638840912467444 0.13531149648378746 0.19103176481929654 0.36593149598355373 0.6182204887249162 +24485,0.9540898839695554,0,1.9462202173880487 1.9322901503041647 1.930742365072624 1.8440663921062659 1.585586258438732 1.358061829402047 0.9618288101272677 0.7079920321543646 0.641437267198053 0.4758242474230488 0.37986156306743757 0.29163780486953866 0.18638840912467444 0.13995485217840953 0.18638840912467444 0.13531149648378746 0.19103176481929654 0.36593149598355373 0.6182204887249162 0.8008591460468856 +24486,1.2295956551840548,0,1.9322901503041647 1.930742365072624 1.8440663921062659 1.585586258438732 1.358061829402047 0.9618288101272677 0.7079920321543646 0.641437267198053 0.4758242474230488 0.37986156306743757 0.29163780486953866 0.18638840912467444 0.13995485217840953 0.18638840912467444 0.13531149648378746 0.19103176481929654 0.36593149598355373 0.6182204887249162 0.8008591460468856 0.9540898839695554 +24487,1.3797308226436342,0,1.930742365072624 1.8440663921062659 1.585586258438732 1.358061829402047 0.9618288101272677 0.7079920321543646 0.641437267198053 0.4758242474230488 0.37986156306743757 0.29163780486953866 0.18638840912467444 0.13995485217840953 0.18638840912467444 0.13531149648378746 0.19103176481929654 0.36593149598355373 0.6182204887249162 0.8008591460468856 0.9540898839695554 1.2295956551840548 +24488,1.2729336416672294,0,1.8440663921062659 1.585586258438732 1.358061829402047 0.9618288101272677 0.7079920321543646 0.641437267198053 0.4758242474230488 0.37986156306743757 0.29163780486953866 0.18638840912467444 0.13995485217840953 0.18638840912467444 0.13531149648378746 0.19103176481929654 0.36593149598355373 0.6182204887249162 0.8008591460468856 0.9540898839695554 1.2295956551840548 1.3797308226436342 +24489,0.9448031725803024,0,1.585586258438732 1.358061829402047 0.9618288101272677 0.7079920321543646 0.641437267198053 0.4758242474230488 0.37986156306743757 0.29163780486953866 0.18638840912467444 0.13995485217840953 0.18638840912467444 0.13531149648378746 0.19103176481929654 0.36593149598355373 0.6182204887249162 0.8008591460468856 0.9540898839695554 1.2295956551840548 1.3797308226436342 1.2729336416672294 +24490,0.5563090794632355,0,1.358061829402047 0.9618288101272677 0.7079920321543646 0.641437267198053 0.4758242474230488 0.37986156306743757 0.29163780486953866 0.18638840912467444 0.13995485217840953 0.18638840912467444 0.13531149648378746 0.19103176481929654 0.36593149598355373 0.6182204887249162 0.8008591460468856 0.9540898839695554 1.2295956551840548 1.3797308226436342 1.2729336416672294 0.9448031725803024 +24491,0.30402008672187303,0,0.9618288101272677 0.7079920321543646 0.641437267198053 0.4758242474230488 0.37986156306743757 0.29163780486953866 0.18638840912467444 0.13995485217840953 0.18638840912467444 0.13531149648378746 0.19103176481929654 0.36593149598355373 0.6182204887249162 0.8008591460468856 0.9540898839695554 1.2295956551840548 1.3797308226436342 1.2729336416672294 0.9448031725803024 0.5563090794632355 +24492,0.2668732411648611,0,0.7079920321543646 0.641437267198053 0.4758242474230488 0.37986156306743757 0.29163780486953866 0.18638840912467444 0.13995485217840953 0.18638840912467444 0.13531149648378746 0.19103176481929654 0.36593149598355373 0.6182204887249162 0.8008591460468856 0.9540898839695554 1.2295956551840548 1.3797308226436342 1.2729336416672294 0.9448031725803024 0.5563090794632355 0.30402008672187303 +24493,0.2668732411648611,0,0.641437267198053 0.4758242474230488 0.37986156306743757 0.29163780486953866 0.18638840912467444 0.13995485217840953 0.18638840912467444 0.13531149648378746 0.19103176481929654 0.36593149598355373 0.6182204887249162 0.8008591460468856 0.9540898839695554 1.2295956551840548 1.3797308226436342 1.2729336416672294 0.9448031725803024 0.5563090794632355 0.30402008672187303 0.2668732411648611 +24494,0.35354921413121937,0,0.4758242474230488 0.37986156306743757 0.29163780486953866 0.18638840912467444 0.13995485217840953 0.18638840912467444 0.13531149648378746 0.19103176481929654 0.36593149598355373 0.6182204887249162 0.8008591460468856 0.9540898839695554 1.2295956551840548 1.3797308226436342 1.2729336416672294 0.9448031725803024 0.5563090794632355 0.30402008672187303 0.2668732411648611 0.2668732411648611 +24495,0.4355818314029555,0,0.37986156306743757 0.29163780486953866 0.18638840912467444 0.13995485217840953 0.18638840912467444 0.13531149648378746 0.19103176481929654 0.36593149598355373 0.6182204887249162 0.8008591460468856 0.9540898839695554 1.2295956551840548 1.3797308226436342 1.2729336416672294 0.9448031725803024 0.5563090794632355 0.30402008672187303 0.2668732411648611 0.2668732411648611 0.35354921413121937 +24496,0.4742764621915081,0,0.29163780486953866 0.18638840912467444 0.13995485217840953 0.18638840912467444 0.13531149648378746 0.19103176481929654 0.36593149598355373 0.6182204887249162 0.8008591460468856 0.9540898839695554 1.2295956551840548 1.3797308226436342 1.2729336416672294 0.9448031725803024 0.5563090794632355 0.30402008672187303 0.2668732411648611 0.2668732411648611 0.35354921413121937 0.4355818314029555 +24497,0.4866587440438425,0,0.18638840912467444 0.13995485217840953 0.18638840912467444 0.13531149648378746 0.19103176481929654 0.36593149598355373 0.6182204887249162 0.8008591460468856 0.9540898839695554 1.2295956551840548 1.3797308226436342 1.2729336416672294 0.9448031725803024 0.5563090794632355 0.30402008672187303 0.2668732411648611 0.2668732411648611 0.35354921413121937 0.4355818314029555 0.4742764621915081 +24498,0.5609524351578663,0,0.13995485217840953 0.18638840912467444 0.13531149648378746 0.19103176481929654 0.36593149598355373 0.6182204887249162 0.8008591460468856 0.9540898839695554 1.2295956551840548 1.3797308226436342 1.2729336416672294 0.9448031725803024 0.5563090794632355 0.30402008672187303 0.2668732411648611 0.2668732411648611 0.35354921413121937 0.4355818314029555 0.4742764621915081 0.4866587440438425 +24499,0.5733347170102008,0,0.18638840912467444 0.13531149648378746 0.19103176481929654 0.36593149598355373 0.6182204887249162 0.8008591460468856 0.9540898839695554 1.2295956551840548 1.3797308226436342 1.2729336416672294 0.9448031725803024 0.5563090794632355 0.30402008672187303 0.2668732411648611 0.2668732411648611 0.35354921413121937 0.4355818314029555 0.4742764621915081 0.4866587440438425 0.5609524351578663 +24500,0.6120293477987534,0,0.13531149648378746 0.19103176481929654 0.36593149598355373 0.6182204887249162 0.8008591460468856 0.9540898839695554 1.2295956551840548 1.3797308226436342 1.2729336416672294 0.9448031725803024 0.5563090794632355 0.30402008672187303 0.2668732411648611 0.2668732411648611 0.35354921413121937 0.4355818314029555 0.4742764621915081 0.4866587440438425 0.5609524351578663 0.5733347170102008 +24501,0.6615584752080996,0,0.19103176481929654 0.36593149598355373 0.6182204887249162 0.8008591460468856 0.9540898839695554 1.2295956551840548 1.3797308226436342 1.2729336416672294 0.9448031725803024 0.5563090794632355 0.30402008672187303 0.2668732411648611 0.2668732411648611 0.35354921413121937 0.4355818314029555 0.4742764621915081 0.4866587440438425 0.5609524351578663 0.5733347170102008 0.6120293477987534 +24502,0.6042904216410411,0,0.36593149598355373 0.6182204887249162 0.8008591460468856 0.9540898839695554 1.2295956551840548 1.3797308226436342 1.2729336416672294 0.9448031725803024 0.5563090794632355 0.30402008672187303 0.2668732411648611 0.2668732411648611 0.35354921413121937 0.4355818314029555 0.4742764621915081 0.4866587440438425 0.5609524351578663 0.5733347170102008 0.6120293477987534 0.6615584752080996 +24503,0.4835631735807611,0,0.6182204887249162 0.8008591460468856 0.9540898839695554 1.2295956551840548 1.3797308226436342 1.2729336416672294 0.9448031725803024 0.5563090794632355 0.30402008672187303 0.2668732411648611 0.2668732411648611 0.35354921413121937 0.4355818314029555 0.4742764621915081 0.4866587440438425 0.5609524351578663 0.5733347170102008 0.6120293477987534 0.6615584752080996 0.6042904216410411 +24504,0.46344196557070566,0,0.8008591460468856 0.9540898839695554 1.2295956551840548 1.3797308226436342 1.2729336416672294 0.9448031725803024 0.5563090794632355 0.30402008672187303 0.2668732411648611 0.2668732411648611 0.35354921413121937 0.4355818314029555 0.4742764621915081 0.4866587440438425 0.5609524351578663 0.5733347170102008 0.6120293477987534 0.6615584752080996 0.6042904216410411 0.4835631735807611 +24505,0.4402251870975776,0,0.9540898839695554 1.2295956551840548 1.3797308226436342 1.2729336416672294 0.9448031725803024 0.5563090794632355 0.30402008672187303 0.2668732411648611 0.2668732411648611 0.35354921413121937 0.4355818314029555 0.4742764621915081 0.4866587440438425 0.5609524351578663 0.5733347170102008 0.6120293477987534 0.6615584752080996 0.6042904216410411 0.4835631735807611 0.46344196557070566 +24506,0.6522717638188467,0,1.2295956551840548 1.3797308226436342 1.2729336416672294 0.9448031725803024 0.5563090794632355 0.30402008672187303 0.2668732411648611 0.2668732411648611 0.35354921413121937 0.4355818314029555 0.4742764621915081 0.4866587440438425 0.5609524351578663 0.5733347170102008 0.6120293477987534 0.6615584752080996 0.6042904216410411 0.4835631735807611 0.46344196557070566 0.4402251870975776 +24507,1.136728541291525,0,1.3797308226436342 1.2729336416672294 0.9448031725803024 0.5563090794632355 0.30402008672187303 0.2668732411648611 0.2668732411648611 0.35354921413121937 0.4355818314029555 0.4742764621915081 0.4866587440438425 0.5609524351578663 0.5733347170102008 0.6120293477987534 0.6615584752080996 0.6042904216410411 0.4835631735807611 0.46344196557070566 0.4402251870975776 0.6522717638188467 +24508,1.5066492116300858,0,1.2729336416672294 0.9448031725803024 0.5563090794632355 0.30402008672187303 0.2668732411648611 0.2668732411648611 0.35354921413121937 0.4355818314029555 0.4742764621915081 0.4866587440438425 0.5609524351578663 0.5733347170102008 0.6120293477987534 0.6615584752080996 0.6042904216410411 0.4835631735807611 0.46344196557070566 0.4402251870975776 0.6522717638188467 1.136728541291525 +24509,1.7496514929821954,0,0.9448031725803024 0.5563090794632355 0.30402008672187303 0.2668732411648611 0.2668732411648611 0.35354921413121937 0.4355818314029555 0.4742764621915081 0.4866587440438425 0.5609524351578663 0.5733347170102008 0.6120293477987534 0.6615584752080996 0.6042904216410411 0.4835631735807611 0.46344196557070566 0.4402251870975776 0.6522717638188467 1.136728541291525 1.5066492116300858 +24510,1.9431246469249586,0,0.5563090794632355 0.30402008672187303 0.2668732411648611 0.2668732411648611 0.35354921413121937 0.4355818314029555 0.4742764621915081 0.4866587440438425 0.5609524351578663 0.5733347170102008 0.6120293477987534 0.6615584752080996 0.6042904216410411 0.4835631735807611 0.46344196557070566 0.4402251870975776 0.6522717638188467 1.136728541291525 1.5066492116300858 1.7496514929821954 +24511,2.0638518949852473,0,0.30402008672187303 0.2668732411648611 0.2668732411648611 0.35354921413121937 0.4355818314029555 0.4742764621915081 0.4866587440438425 0.5609524351578663 0.5733347170102008 0.6120293477987534 0.6615584752080996 0.6042904216410411 0.4835631735807611 0.46344196557070566 0.4402251870975776 0.6522717638188467 1.136728541291525 1.5066492116300858 1.7496514929821954 1.9431246469249586 +24512,2.083973102995294,0,0.2668732411648611 0.2668732411648611 0.35354921413121937 0.4355818314029555 0.4742764621915081 0.4866587440438425 0.5609524351578663 0.5733347170102008 0.6120293477987534 0.6615584752080996 0.6042904216410411 0.4835631735807611 0.46344196557070566 0.4402251870975776 0.6522717638188467 1.136728541291525 1.5066492116300858 1.7496514929821954 1.9431246469249586 2.0638518949852473 +24513,1.9616980697034645,0,0.2668732411648611 0.35354921413121937 0.4355818314029555 0.4742764621915081 0.4866587440438425 0.5609524351578663 0.5733347170102008 0.6120293477987534 0.6615584752080996 0.6042904216410411 0.4835631735807611 0.46344196557070566 0.4402251870975776 0.6522717638188467 1.136728541291525 1.5066492116300858 1.7496514929821954 1.9431246469249586 2.0638518949852473 2.083973102995294 +24514,1.9137167275256588,0,0.35354921413121937 0.4355818314029555 0.4742764621915081 0.4866587440438425 0.5609524351578663 0.5733347170102008 0.6120293477987534 0.6615584752080996 0.6042904216410411 0.4835631735807611 0.46344196557070566 0.4402251870975776 0.6522717638188467 1.136728541291525 1.5066492116300858 1.7496514929821954 1.9431246469249586 2.0638518949852473 2.083973102995294 1.9616980697034645 +24515,1.6722622314050901,0,0.4355818314029555 0.4742764621915081 0.4866587440438425 0.5609524351578663 0.5733347170102008 0.6120293477987534 0.6615584752080996 0.6042904216410411 0.4835631735807611 0.46344196557070566 0.4402251870975776 0.6522717638188467 1.136728541291525 1.5066492116300858 1.7496514929821954 1.9431246469249586 2.0638518949852473 2.083973102995294 1.9616980697034645 1.9137167275256588 +24516,1.2342390108786767,0,0.4742764621915081 0.4866587440438425 0.5609524351578663 0.5733347170102008 0.6120293477987534 0.6615584752080996 0.6042904216410411 0.4835631735807611 0.46344196557070566 0.4402251870975776 0.6522717638188467 1.136728541291525 1.5066492116300858 1.7496514929821954 1.9431246469249586 2.0638518949852473 2.083973102995294 1.9616980697034645 1.9137167275256588 1.6722622314050901 +24517,0.8906306894763341,0,0.4866587440438425 0.5609524351578663 0.5733347170102008 0.6120293477987534 0.6615584752080996 0.6042904216410411 0.4835631735807611 0.46344196557070566 0.4402251870975776 0.6522717638188467 1.136728541291525 1.5066492116300858 1.7496514929821954 1.9431246469249586 2.0638518949852473 2.083973102995294 1.9616980697034645 1.9137167275256588 1.6722622314050901 1.2342390108786767 +24518,0.738947736785205,0,0.5609524351578663 0.5733347170102008 0.6120293477987534 0.6615584752080996 0.6042904216410411 0.4835631735807611 0.46344196557070566 0.4402251870975776 0.6522717638188467 1.136728541291525 1.5066492116300858 1.7496514929821954 1.9431246469249586 2.0638518949852473 2.083973102995294 1.9616980697034645 1.9137167275256588 1.6722622314050901 1.2342390108786767 0.8906306894763341 +24519,0.7188265287751583,0,0.5733347170102008 0.6120293477987534 0.6615584752080996 0.6042904216410411 0.4835631735807611 0.46344196557070566 0.4402251870975776 0.6522717638188467 1.136728541291525 1.5066492116300858 1.7496514929821954 1.9431246469249586 2.0638518949852473 2.083973102995294 1.9616980697034645 1.9137167275256588 1.6722622314050901 1.2342390108786767 0.8906306894763341 0.738947736785205 +24520,0.6971575355335708,0,0.6120293477987534 0.6615584752080996 0.6042904216410411 0.4835631735807611 0.46344196557070566 0.4402251870975776 0.6522717638188467 1.136728541291525 1.5066492116300858 1.7496514929821954 1.9431246469249586 2.0638518949852473 2.083973102995294 1.9616980697034645 1.9137167275256588 1.6722622314050901 1.2342390108786767 0.8906306894763341 0.738947736785205 0.7188265287751583 +24521,0.6894186093758586,0,0.6615584752080996 0.6042904216410411 0.4835631735807611 0.46344196557070566 0.4402251870975776 0.6522717638188467 1.136728541291525 1.5066492116300858 1.7496514929821954 1.9431246469249586 2.0638518949852473 2.083973102995294 1.9616980697034645 1.9137167275256588 1.6722622314050901 1.2342390108786767 0.8906306894763341 0.738947736785205 0.7188265287751583 0.6971575355335708 +24522,0.5888125693256165,0,0.6042904216410411 0.4835631735807611 0.46344196557070566 0.4402251870975776 0.6522717638188467 1.136728541291525 1.5066492116300858 1.7496514929821954 1.9431246469249586 2.0638518949852473 2.083973102995294 1.9616980697034645 1.9137167275256588 1.6722622314050901 1.2342390108786767 0.8906306894763341 0.738947736785205 0.7188265287751583 0.6971575355335708 0.6894186093758586 +24523,0.701800891228193,0,0.4835631735807611 0.46344196557070566 0.4402251870975776 0.6522717638188467 1.136728541291525 1.5066492116300858 1.7496514929821954 1.9431246469249586 2.0638518949852473 2.083973102995294 1.9616980697034645 1.9137167275256588 1.6722622314050901 1.2342390108786767 0.8906306894763341 0.738947736785205 0.7188265287751583 0.6971575355335708 0.6894186093758586 0.5888125693256165 +24524,0.5671435760840291,0,0.46344196557070566 0.4402251870975776 0.6522717638188467 1.136728541291525 1.5066492116300858 1.7496514929821954 1.9431246469249586 2.0638518949852473 2.083973102995294 1.9616980697034645 1.9137167275256588 1.6722622314050901 1.2342390108786767 0.8906306894763341 0.738947736785205 0.7188265287751583 0.6971575355335708 0.6894186093758586 0.5888125693256165 0.701800891228193 +24525,0.6569151195134688,0,0.4402251870975776 0.6522717638188467 1.136728541291525 1.5066492116300858 1.7496514929821954 1.9431246469249586 2.0638518949852473 2.083973102995294 1.9616980697034645 1.9137167275256588 1.6722622314050901 1.2342390108786767 0.8906306894763341 0.738947736785205 0.7188265287751583 0.6971575355335708 0.6894186093758586 0.5888125693256165 0.701800891228193 0.5671435760840291 +24526,0.6321505558088,0,0.6522717638188467 1.136728541291525 1.5066492116300858 1.7496514929821954 1.9431246469249586 2.0638518949852473 2.083973102995294 1.9616980697034645 1.9137167275256588 1.6722622314050901 1.2342390108786767 0.8906306894763341 0.738947736785205 0.7188265287751583 0.6971575355335708 0.6894186093758586 0.5888125693256165 0.701800891228193 0.5671435760840291 0.6569151195134688 +24527,0.6244116296510878,0,1.136728541291525 1.5066492116300858 1.7496514929821954 1.9431246469249586 2.0638518949852473 2.083973102995294 1.9616980697034645 1.9137167275256588 1.6722622314050901 1.2342390108786767 0.8906306894763341 0.738947736785205 0.7188265287751583 0.6971575355335708 0.6894186093758586 0.5888125693256165 0.701800891228193 0.5671435760840291 0.6569151195134688 0.6321505558088 +24528,0.6166727034933754,0,1.5066492116300858 1.7496514929821954 1.9431246469249586 2.0638518949852473 2.083973102995294 1.9616980697034645 1.9137167275256588 1.6722622314050901 1.2342390108786767 0.8906306894763341 0.738947736785205 0.7188265287751583 0.6971575355335708 0.6894186093758586 0.5888125693256165 0.701800891228193 0.5671435760840291 0.6569151195134688 0.6321505558088 0.6244116296510878 +24529,0.6197682739564656,0,1.7496514929821954 1.9431246469249586 2.0638518949852473 2.083973102995294 1.9616980697034645 1.9137167275256588 1.6722622314050901 1.2342390108786767 0.8906306894763341 0.738947736785205 0.7188265287751583 0.6971575355335708 0.6894186093758586 0.5888125693256165 0.701800891228193 0.5671435760840291 0.6569151195134688 0.6321505558088 0.6244116296510878 0.6166727034933754 +24530,0.6894186093758586,0,1.9431246469249586 2.0638518949852473 2.083973102995294 1.9616980697034645 1.9137167275256588 1.6722622314050901 1.2342390108786767 0.8906306894763341 0.738947736785205 0.7188265287751583 0.6971575355335708 0.6894186093758586 0.5888125693256165 0.701800891228193 0.5671435760840291 0.6569151195134688 0.6321505558088 0.6244116296510878 0.6166727034933754 0.6197682739564656 +24531,0.8457449177616099,0,2.0638518949852473 2.083973102995294 1.9616980697034645 1.9137167275256588 1.6722622314050901 1.2342390108786767 0.8906306894763341 0.738947736785205 0.7188265287751583 0.6971575355335708 0.6894186093758586 0.5888125693256165 0.701800891228193 0.5671435760840291 0.6569151195134688 0.6321505558088 0.6244116296510878 0.6166727034933754 0.6197682739564656 0.6894186093758586 +24532,1.011357937536614,0,2.083973102995294 1.9616980697034645 1.9137167275256588 1.6722622314050901 1.2342390108786767 0.8906306894763341 0.738947736785205 0.7188265287751583 0.6971575355335708 0.6894186093758586 0.5888125693256165 0.701800891228193 0.5671435760840291 0.6569151195134688 0.6321505558088 0.6244116296510878 0.6166727034933754 0.6197682739564656 0.6894186093758586 0.8457449177616099 +24533,1.1553019640700308,0,1.9616980697034645 1.9137167275256588 1.6722622314050901 1.2342390108786767 0.8906306894763341 0.738947736785205 0.7188265287751583 0.6971575355335708 0.6894186093758586 0.5888125693256165 0.701800891228193 0.5671435760840291 0.6569151195134688 0.6321505558088 0.6244116296510878 0.6166727034933754 0.6197682739564656 0.6894186093758586 0.8457449177616099 1.011357937536614 +24534,1.2868637087511132,0,1.9137167275256588 1.6722622314050901 1.2342390108786767 0.8906306894763341 0.738947736785205 0.7188265287751583 0.6971575355335708 0.6894186093758586 0.5888125693256165 0.701800891228193 0.5671435760840291 0.6569151195134688 0.6321505558088 0.6244116296510878 0.6166727034933754 0.6197682739564656 0.6894186093758586 0.8457449177616099 1.011357937536614 1.1553019640700308 +24535,1.3797308226436342,0,1.6722622314050901 1.2342390108786767 0.8906306894763341 0.738947736785205 0.7188265287751583 0.6971575355335708 0.6894186093758586 0.5888125693256165 0.701800891228193 0.5671435760840291 0.6569151195134688 0.6321505558088 0.6244116296510878 0.6166727034933754 0.6197682739564656 0.6894186093758586 0.8457449177616099 1.011357937536614 1.1553019640700308 1.2868637087511132 +24536,1.5190314934824292,0,1.2342390108786767 0.8906306894763341 0.738947736785205 0.7188265287751583 0.6971575355335708 0.6894186093758586 0.5888125693256165 0.701800891228193 0.5671435760840291 0.6569151195134688 0.6321505558088 0.6244116296510878 0.6166727034933754 0.6197682739564656 0.6894186093758586 0.8457449177616099 1.011357937536614 1.1553019640700308 1.2868637087511132 1.3797308226436342 +24537,1.6134463926064908,0,0.8906306894763341 0.738947736785205 0.7188265287751583 0.6971575355335708 0.6894186093758586 0.5888125693256165 0.701800891228193 0.5671435760840291 0.6569151195134688 0.6321505558088 0.6244116296510878 0.6166727034933754 0.6197682739564656 0.6894186093758586 0.8457449177616099 1.011357937536614 1.1553019640700308 1.2868637087511132 1.3797308226436342 1.5190314934824292 +24538,1.6366631710796276,0,0.738947736785205 0.7188265287751583 0.6971575355335708 0.6894186093758586 0.5888125693256165 0.701800891228193 0.5671435760840291 0.6569151195134688 0.6321505558088 0.6244116296510878 0.6166727034933754 0.6197682739564656 0.6894186093758586 0.8457449177616099 1.011357937536614 1.1553019640700308 1.2868637087511132 1.3797308226436342 1.5190314934824292 1.6134463926064908 +24539,1.6227331039957438,0,0.7188265287751583 0.6971575355335708 0.6894186093758586 0.5888125693256165 0.701800891228193 0.5671435760840291 0.6569151195134688 0.6321505558088 0.6244116296510878 0.6166727034933754 0.6197682739564656 0.6894186093758586 0.8457449177616099 1.011357937536614 1.1553019640700308 1.2868637087511132 1.3797308226436342 1.5190314934824292 1.6134463926064908 1.6366631710796276 +24540,1.5793951175125691,0,0.6971575355335708 0.6894186093758586 0.5888125693256165 0.701800891228193 0.5671435760840291 0.6569151195134688 0.6321505558088 0.6244116296510878 0.6166727034933754 0.6197682739564656 0.6894186093758586 0.8457449177616099 1.011357937536614 1.1553019640700308 1.2868637087511132 1.3797308226436342 1.5190314934824292 1.6134463926064908 1.6366631710796276 1.6227331039957438 +24541,1.4323555205160707,0,0.6894186093758586 0.5888125693256165 0.701800891228193 0.5671435760840291 0.6569151195134688 0.6321505558088 0.6244116296510878 0.6166727034933754 0.6197682739564656 0.6894186093758586 0.8457449177616099 1.011357937536614 1.1553019640700308 1.2868637087511132 1.3797308226436342 1.5190314934824292 1.6134463926064908 1.6366631710796276 1.6227331039957438 1.5793951175125691 +24542,1.159945319764653,0,0.5888125693256165 0.701800891228193 0.5671435760840291 0.6569151195134688 0.6321505558088 0.6244116296510878 0.6166727034933754 0.6197682739564656 0.6894186093758586 0.8457449177616099 1.011357937536614 1.1553019640700308 1.2868637087511132 1.3797308226436342 1.5190314934824292 1.6134463926064908 1.6366631710796276 1.6227331039957438 1.5793951175125691 1.4323555205160707 +24543,0.8844395485501625,0,0.701800891228193 0.5671435760840291 0.6569151195134688 0.6321505558088 0.6244116296510878 0.6166727034933754 0.6197682739564656 0.6894186093758586 0.8457449177616099 1.011357937536614 1.1553019640700308 1.2868637087511132 1.3797308226436342 1.5190314934824292 1.6134463926064908 1.6366631710796276 1.6227331039957438 1.5793951175125691 1.4323555205160707 1.159945319764653 +24544,0.7420433072482863,0,0.5671435760840291 0.6569151195134688 0.6321505558088 0.6244116296510878 0.6166727034933754 0.6197682739564656 0.6894186093758586 0.8457449177616099 1.011357937536614 1.1553019640700308 1.2868637087511132 1.3797308226436342 1.5190314934824292 1.6134463926064908 1.6366631710796276 1.6227331039957438 1.5793951175125691 1.4323555205160707 1.159945319764653 0.8844395485501625 +24545,0.650723978587306,0,0.6569151195134688 0.6321505558088 0.6244116296510878 0.6166727034933754 0.6197682739564656 0.6894186093758586 0.8457449177616099 1.011357937536614 1.1553019640700308 1.2868637087511132 1.3797308226436342 1.5190314934824292 1.6134463926064908 1.6366631710796276 1.6227331039957438 1.5793951175125691 1.4323555205160707 1.159945319764653 0.8844395485501625 0.7420433072482863 +24546,0.6042904216410411,0,0.6321505558088 0.6244116296510878 0.6166727034933754 0.6197682739564656 0.6894186093758586 0.8457449177616099 1.011357937536614 1.1553019640700308 1.2868637087511132 1.3797308226436342 1.5190314934824292 1.6134463926064908 1.6366631710796276 1.6227331039957438 1.5793951175125691 1.4323555205160707 1.159945319764653 0.8844395485501625 0.7420433072482863 0.650723978587306 +24547,0.5423790123793604,0,0.6244116296510878 0.6166727034933754 0.6197682739564656 0.6894186093758586 0.8457449177616099 1.011357937536614 1.1553019640700308 1.2868637087511132 1.3797308226436342 1.5190314934824292 1.6134463926064908 1.6366631710796276 1.6227331039957438 1.5793951175125691 1.4323555205160707 1.159945319764653 0.8844395485501625 0.7420433072482863 0.650723978587306 0.6042904216410411 +24548,0.5129710929800607,0,0.6166727034933754 0.6197682739564656 0.6894186093758586 0.8457449177616099 1.011357937536614 1.1553019640700308 1.2868637087511132 1.3797308226436342 1.5190314934824292 1.6134463926064908 1.6366631710796276 1.6227331039957438 1.5793951175125691 1.4323555205160707 1.159945319764653 0.8844395485501625 0.7420433072482863 0.650723978587306 0.6042904216410411 0.5423790123793604 +24549,0.46344196557070566,0,0.6197682739564656 0.6894186093758586 0.8457449177616099 1.011357937536614 1.1553019640700308 1.2868637087511132 1.3797308226436342 1.5190314934824292 1.6134463926064908 1.6366631710796276 1.6227331039957438 1.5793951175125691 1.4323555205160707 1.159945319764653 0.8844395485501625 0.7420433072482863 0.650723978587306 0.6042904216410411 0.5423790123793604 0.5129710929800607 +24550,0.4278429052452432,0,0.6894186093758586 0.8457449177616099 1.011357937536614 1.1553019640700308 1.2868637087511132 1.3797308226436342 1.5190314934824292 1.6134463926064908 1.6366631710796276 1.6227331039957438 1.5793951175125691 1.4323555205160707 1.159945319764653 0.8844395485501625 0.7420433072482863 0.650723978587306 0.6042904216410411 0.5423790123793604 0.5129710929800607 0.46344196557070566 +24551,0.4154606233929,0,0.8457449177616099 1.011357937536614 1.1553019640700308 1.2868637087511132 1.3797308226436342 1.5190314934824292 1.6134463926064908 1.6366631710796276 1.6227331039957438 1.5793951175125691 1.4323555205160707 1.159945319764653 0.8844395485501625 0.7420433072482863 0.650723978587306 0.6042904216410411 0.5423790123793604 0.5129710929800607 0.46344196557070566 0.4278429052452432 +24552,0.36593149598355373,0,1.011357937536614 1.1553019640700308 1.2868637087511132 1.3797308226436342 1.5190314934824292 1.6134463926064908 1.6366631710796276 1.6227331039957438 1.5793951175125691 1.4323555205160707 1.159945319764653 0.8844395485501625 0.7420433072482863 0.650723978587306 0.6042904216410411 0.5423790123793604 0.5129710929800607 0.46344196557070566 0.4278429052452432 0.4154606233929 +24553,0.4293906904767839,0,1.1553019640700308 1.2868637087511132 1.3797308226436342 1.5190314934824292 1.6134463926064908 1.6366631710796276 1.6227331039957438 1.5793951175125691 1.4323555205160707 1.159945319764653 0.8844395485501625 0.7420433072482863 0.650723978587306 0.6042904216410411 0.5423790123793604 0.5129710929800607 0.46344196557070566 0.4278429052452432 0.4154606233929 0.36593149598355373 +24554,0.49284988497000526,0,1.2868637087511132 1.3797308226436342 1.5190314934824292 1.6134463926064908 1.6366631710796276 1.6227331039957438 1.5793951175125691 1.4323555205160707 1.159945319764653 0.8844395485501625 0.7420433072482863 0.650723978587306 0.6042904216410411 0.5423790123793604 0.5129710929800607 0.46344196557070566 0.4278429052452432 0.4154606233929 0.36593149598355373 0.4293906904767839 +24555,0.613577133030294,0,1.3797308226436342 1.5190314934824292 1.6134463926064908 1.6366631710796276 1.6227331039957438 1.5793951175125691 1.4323555205160707 1.159945319764653 0.8844395485501625 0.7420433072482863 0.650723978587306 0.6042904216410411 0.5423790123793604 0.5129710929800607 0.46344196557070566 0.4278429052452432 0.4154606233929 0.36593149598355373 0.4293906904767839 0.49284988497000526 +24556,0.748234448174458,0,1.5190314934824292 1.6134463926064908 1.6366631710796276 1.6227331039957438 1.5793951175125691 1.4323555205160707 1.159945319764653 0.8844395485501625 0.7420433072482863 0.650723978587306 0.6042904216410411 0.5423790123793604 0.5129710929800607 0.46344196557070566 0.4278429052452432 0.4154606233929 0.36593149598355373 0.4293906904767839 0.49284988497000526 0.613577133030294 +24557,0.90920411225484,0,1.6134463926064908 1.6366631710796276 1.6227331039957438 1.5793951175125691 1.4323555205160707 1.159945319764653 0.8844395485501625 0.7420433072482863 0.650723978587306 0.6042904216410411 0.5423790123793604 0.5129710929800607 0.46344196557070566 0.4278429052452432 0.4154606233929 0.36593149598355373 0.4293906904767839 0.49284988497000526 0.613577133030294 0.748234448174458 +24558,1.09029498434526,0,1.6366631710796276 1.6227331039957438 1.5793951175125691 1.4323555205160707 1.159945319764653 0.8844395485501625 0.7420433072482863 0.650723978587306 0.6042904216410411 0.5423790123793604 0.5129710929800607 0.46344196557070566 0.4278429052452432 0.4154606233929 0.36593149598355373 0.4293906904767839 0.49284988497000526 0.613577133030294 0.748234448174458 0.90920411225484 +24559,1.1645886754592838,0,1.6227331039957438 1.5793951175125691 1.4323555205160707 1.159945319764653 0.8844395485501625 0.7420433072482863 0.650723978587306 0.6042904216410411 0.5423790123793604 0.5129710929800607 0.46344196557070566 0.4278429052452432 0.4154606233929 0.36593149598355373 0.4293906904767839 0.49284988497000526 0.613577133030294 0.748234448174458 0.90920411225484 1.09029498434526 +24560,1.27448142689877,0,1.5793951175125691 1.4323555205160707 1.159945319764653 0.8844395485501625 0.7420433072482863 0.650723978587306 0.6042904216410411 0.5423790123793604 0.5129710929800607 0.46344196557070566 0.4278429052452432 0.4154606233929 0.36593149598355373 0.4293906904767839 0.49284988497000526 0.613577133030294 0.748234448174458 0.90920411225484 1.09029498434526 1.1645886754592838 +24561,1.376635252180553,0,1.4323555205160707 1.159945319764653 0.8844395485501625 0.7420433072482863 0.650723978587306 0.6042904216410411 0.5423790123793604 0.5129710929800607 0.46344196557070566 0.4278429052452432 0.4154606233929 0.36593149598355373 0.4293906904767839 0.49284988497000526 0.613577133030294 0.748234448174458 0.90920411225484 1.09029498434526 1.1645886754592838 1.27448142689877 +24562,1.3967564601905995,0,1.159945319764653 0.8844395485501625 0.7420433072482863 0.650723978587306 0.6042904216410411 0.5423790123793604 0.5129710929800607 0.46344196557070566 0.4278429052452432 0.4154606233929 0.36593149598355373 0.4293906904767839 0.49284988497000526 0.613577133030294 0.748234448174458 0.90920411225484 1.09029498434526 1.1645886754592838 1.27448142689877 1.376635252180553 +24563,1.4524767285261175,0,0.8844395485501625 0.7420433072482863 0.650723978587306 0.6042904216410411 0.5423790123793604 0.5129710929800607 0.46344196557070566 0.4278429052452432 0.4154606233929 0.36593149598355373 0.4293906904767839 0.49284988497000526 0.613577133030294 0.748234448174458 0.90920411225484 1.09029498434526 1.1645886754592838 1.27448142689877 1.376635252180553 1.3967564601905995 +24564,1.390565319264428,0,0.7420433072482863 0.650723978587306 0.6042904216410411 0.5423790123793604 0.5129710929800607 0.46344196557070566 0.4278429052452432 0.4154606233929 0.36593149598355373 0.4293906904767839 0.49284988497000526 0.613577133030294 0.748234448174458 0.90920411225484 1.09029498434526 1.1645886754592838 1.27448142689877 1.376635252180553 1.3967564601905995 1.4524767285261175 +24565,1.2992459906034477,0,0.650723978587306 0.6042904216410411 0.5423790123793604 0.5129710929800607 0.46344196557070566 0.4278429052452432 0.4154606233929 0.36593149598355373 0.4293906904767839 0.49284988497000526 0.613577133030294 0.748234448174458 0.90920411225484 1.09029498434526 1.1645886754592838 1.27448142689877 1.376635252180553 1.3967564601905995 1.4524767285261175 1.390565319264428 +24566,1.0593392797144197,0,0.6042904216410411 0.5423790123793604 0.5129710929800607 0.46344196557070566 0.4278429052452432 0.4154606233929 0.36593149598355373 0.4293906904767839 0.49284988497000526 0.613577133030294 0.748234448174458 0.90920411225484 1.09029498434526 1.1645886754592838 1.27448142689877 1.376635252180553 1.3967564601905995 1.4524767285261175 1.390565319264428 1.2992459906034477 +24567,0.8380059916038975,0,0.5423790123793604 0.5129710929800607 0.46344196557070566 0.4278429052452432 0.4154606233929 0.36593149598355373 0.4293906904767839 0.49284988497000526 0.613577133030294 0.748234448174458 0.90920411225484 1.09029498434526 1.1645886754592838 1.27448142689877 1.376635252180553 1.3967564601905995 1.4524767285261175 1.390565319264428 1.2992459906034477 1.0593392797144197 +24568,0.7203743140066989,0,0.5129710929800607 0.46344196557070566 0.4278429052452432 0.4154606233929 0.36593149598355373 0.4293906904767839 0.49284988497000526 0.613577133030294 0.748234448174458 0.90920411225484 1.09029498434526 1.1645886754592838 1.27448142689877 1.376635252180553 1.3967564601905995 1.4524767285261175 1.390565319264428 1.2992459906034477 1.0593392797144197 0.8380059916038975 +24569,0.6538195490503874,0,0.46344196557070566 0.4278429052452432 0.4154606233929 0.36593149598355373 0.4293906904767839 0.49284988497000526 0.613577133030294 0.748234448174458 0.90920411225484 1.09029498434526 1.1645886754592838 1.27448142689877 1.376635252180553 1.3967564601905995 1.4524767285261175 1.390565319264428 1.2992459906034477 1.0593392797144197 0.8380059916038975 0.7203743140066989 +24570,0.6569151195134688,0,0.4278429052452432 0.4154606233929 0.36593149598355373 0.4293906904767839 0.49284988497000526 0.613577133030294 0.748234448174458 0.90920411225484 1.09029498434526 1.1645886754592838 1.27448142689877 1.376635252180553 1.3967564601905995 1.4524767285261175 1.390565319264428 1.2992459906034477 1.0593392797144197 0.8380059916038975 0.7203743140066989 0.6538195490503874 +24571,0.5934559250202474,0,0.4154606233929 0.36593149598355373 0.4293906904767839 0.49284988497000526 0.613577133030294 0.748234448174458 0.90920411225484 1.09029498434526 1.1645886754592838 1.27448142689877 1.376635252180553 1.3967564601905995 1.4524767285261175 1.390565319264428 1.2992459906034477 1.0593392797144197 0.8380059916038975 0.7203743140066989 0.6538195490503874 0.6569151195134688 +24572,0.5594046499263169,0,0.36593149598355373 0.4293906904767839 0.49284988497000526 0.613577133030294 0.748234448174458 0.90920411225484 1.09029498434526 1.1645886754592838 1.27448142689877 1.376635252180553 1.3967564601905995 1.4524767285261175 1.390565319264428 1.2992459906034477 1.0593392797144197 0.8380059916038975 0.7203743140066989 0.6538195490503874 0.6569151195134688 0.5934559250202474 +24573,0.5238055896008544,0,0.4293906904767839 0.49284988497000526 0.613577133030294 0.748234448174458 0.90920411225484 1.09029498434526 1.1645886754592838 1.27448142689877 1.376635252180553 1.3967564601905995 1.4524767285261175 1.390565319264428 1.2992459906034477 1.0593392797144197 0.8380059916038975 0.7203743140066989 0.6538195490503874 0.6569151195134688 0.5934559250202474 0.5594046499263169 +24574,0.4897543145069239,0,0.49284988497000526 0.613577133030294 0.748234448174458 0.90920411225484 1.09029498434526 1.1645886754592838 1.27448142689877 1.376635252180553 1.3967564601905995 1.4524767285261175 1.390565319264428 1.2992459906034477 1.0593392797144197 0.8380059916038975 0.7203743140066989 0.6538195490503874 0.6569151195134688 0.5934559250202474 0.5594046499263169 0.5238055896008544 +24575,0.4758242474230488,0,0.613577133030294 0.748234448174458 0.90920411225484 1.09029498434526 1.1645886754592838 1.27448142689877 1.376635252180553 1.3967564601905995 1.4524767285261175 1.390565319264428 1.2992459906034477 1.0593392797144197 0.8380059916038975 0.7203743140066989 0.6538195490503874 0.6569151195134688 0.5934559250202474 0.5594046499263169 0.5238055896008544 0.4897543145069239 +24576,0.4355818314029555,0,0.748234448174458 0.90920411225484 1.09029498434526 1.1645886754592838 1.27448142689877 1.376635252180553 1.3967564601905995 1.4524767285261175 1.390565319264428 1.2992459906034477 1.0593392797144197 0.8380059916038975 0.7203743140066989 0.6538195490503874 0.6569151195134688 0.5934559250202474 0.5594046499263169 0.5238055896008544 0.4897543145069239 0.4758242474230488 +24577,0.3906960596882313,0,0.90920411225484 1.09029498434526 1.1645886754592838 1.27448142689877 1.376635252180553 1.3967564601905995 1.4524767285261175 1.390565319264428 1.2992459906034477 1.0593392797144197 0.8380059916038975 0.7203743140066989 0.6538195490503874 0.6569151195134688 0.5934559250202474 0.5594046499263169 0.5238055896008544 0.4897543145069239 0.4758242474230488 0.4355818314029555 +24578,0.4882065292753832,0,1.09029498434526 1.1645886754592838 1.27448142689877 1.376635252180553 1.3967564601905995 1.4524767285261175 1.390565319264428 1.2992459906034477 1.0593392797144197 0.8380059916038975 0.7203743140066989 0.6538195490503874 0.6569151195134688 0.5934559250202474 0.5594046499263169 0.5238055896008544 0.4897543145069239 0.4758242474230488 0.4355818314029555 0.3906960596882313 +24579,0.5686913613155699,0,1.1645886754592838 1.27448142689877 1.376635252180553 1.3967564601905995 1.4524767285261175 1.390565319264428 1.2992459906034477 1.0593392797144197 0.8380059916038975 0.7203743140066989 0.6538195490503874 0.6569151195134688 0.5934559250202474 0.5594046499263169 0.5238055896008544 0.4897543145069239 0.4758242474230488 0.4355818314029555 0.3906960596882313 0.4882065292753832 +24580,0.6847752536812277,0,1.27448142689877 1.376635252180553 1.3967564601905995 1.4524767285261175 1.390565319264428 1.2992459906034477 1.0593392797144197 0.8380059916038975 0.7203743140066989 0.6538195490503874 0.6569151195134688 0.5934559250202474 0.5594046499263169 0.5238055896008544 0.4897543145069239 0.4758242474230488 0.4355818314029555 0.3906960596882313 0.4882065292753832 0.5686913613155699 +24581,0.8828917633186217,0,1.376635252180553 1.3967564601905995 1.4524767285261175 1.390565319264428 1.2992459906034477 1.0593392797144197 0.8380059916038975 0.7203743140066989 0.6538195490503874 0.6569151195134688 0.5934559250202474 0.5594046499263169 0.5238055896008544 0.4897543145069239 0.4758242474230488 0.4355818314029555 0.3906960596882313 0.4882065292753832 0.5686913613155699 0.6847752536812277 +24582,1.0376702864728322,0,1.3967564601905995 1.4524767285261175 1.390565319264428 1.2992459906034477 1.0593392797144197 0.8380059916038975 0.7203743140066989 0.6538195490503874 0.6569151195134688 0.5934559250202474 0.5594046499263169 0.5238055896008544 0.4897543145069239 0.4758242474230488 0.4355818314029555 0.3906960596882313 0.4882065292753832 0.5686913613155699 0.6847752536812277 0.8828917633186217 +24583,1.2110222324055488,0,1.4524767285261175 1.390565319264428 1.2992459906034477 1.0593392797144197 0.8380059916038975 0.7203743140066989 0.6538195490503874 0.6569151195134688 0.5934559250202474 0.5594046499263169 0.5238055896008544 0.4897543145069239 0.4758242474230488 0.4355818314029555 0.3906960596882313 0.4882065292753832 0.5686913613155699 0.6847752536812277 0.8828917633186217 1.0376702864728322 +24584,1.3781830374120936,0,1.390565319264428 1.2992459906034477 1.0593392797144197 0.8380059916038975 0.7203743140066989 0.6538195490503874 0.6569151195134688 0.5934559250202474 0.5594046499263169 0.5238055896008544 0.4897543145069239 0.4758242474230488 0.4355818314029555 0.3906960596882313 0.4882065292753832 0.5686913613155699 0.6847752536812277 0.8828917633186217 1.0376702864728322 1.2110222324055488 +24585,1.4385466614422335,0,1.2992459906034477 1.0593392797144197 0.8380059916038975 0.7203743140066989 0.6538195490503874 0.6569151195134688 0.5934559250202474 0.5594046499263169 0.5238055896008544 0.4897543145069239 0.4758242474230488 0.4355818314029555 0.3906960596882313 0.4882065292753832 0.5686913613155699 0.6847752536812277 0.8828917633186217 1.0376702864728322 1.2110222324055488 1.3781830374120936 +24586,1.4710501513046235,0,1.0593392797144197 0.8380059916038975 0.7203743140066989 0.6538195490503874 0.6569151195134688 0.5934559250202474 0.5594046499263169 0.5238055896008544 0.4897543145069239 0.4758242474230488 0.4355818314029555 0.3906960596882313 0.4882065292753832 0.5686913613155699 0.6847752536812277 0.8828917633186217 1.0376702864728322 1.2110222324055488 1.3781830374120936 1.4385466614422335 +24587,1.532961560566304,0,0.8380059916038975 0.7203743140066989 0.6538195490503874 0.6569151195134688 0.5934559250202474 0.5594046499263169 0.5238055896008544 0.4897543145069239 0.4758242474230488 0.4355818314029555 0.3906960596882313 0.4882065292753832 0.5686913613155699 0.6847752536812277 0.8828917633186217 1.0376702864728322 1.2110222324055488 1.3781830374120936 1.4385466614422335 1.4710501513046235 +24588,1.3890175340328874,0,0.7203743140066989 0.6538195490503874 0.6569151195134688 0.5934559250202474 0.5594046499263169 0.5238055896008544 0.4897543145069239 0.4758242474230488 0.4355818314029555 0.3906960596882313 0.4882065292753832 0.5686913613155699 0.6847752536812277 0.8828917633186217 1.0376702864728322 1.2110222324055488 1.3781830374120936 1.4385466614422335 1.4710501513046235 1.532961560566304 +24589,1.2481690779625607,0,0.6538195490503874 0.6569151195134688 0.5934559250202474 0.5594046499263169 0.5238055896008544 0.4897543145069239 0.4758242474230488 0.4355818314029555 0.3906960596882313 0.4882065292753832 0.5686913613155699 0.6847752536812277 0.8828917633186217 1.0376702864728322 1.2110222324055488 1.3781830374120936 1.4385466614422335 1.4710501513046235 1.532961560566304 1.3890175340328874 +24590,1.1073206218922251,0,0.6569151195134688 0.5934559250202474 0.5594046499263169 0.5238055896008544 0.4897543145069239 0.4758242474230488 0.4355818314029555 0.3906960596882313 0.4882065292753832 0.5686913613155699 0.6847752536812277 0.8828917633186217 1.0376702864728322 1.2110222324055488 1.3781830374120936 1.4385466614422335 1.4710501513046235 1.532961560566304 1.3890175340328874 1.2481690779625607 +24591,0.8550316291508628,0,0.5934559250202474 0.5594046499263169 0.5238055896008544 0.4897543145069239 0.4758242474230488 0.4355818314029555 0.3906960596882313 0.4882065292753832 0.5686913613155699 0.6847752536812277 0.8828917633186217 1.0376702864728322 1.2110222324055488 1.3781830374120936 1.4385466614422335 1.4710501513046235 1.532961560566304 1.3890175340328874 1.2481690779625607 1.1073206218922251 +24592,0.711087602617446,0,0.5594046499263169 0.5238055896008544 0.4897543145069239 0.4758242474230488 0.4355818314029555 0.3906960596882313 0.4882065292753832 0.5686913613155699 0.6847752536812277 0.8828917633186217 1.0376702864728322 1.2110222324055488 1.3781830374120936 1.4385466614422335 1.4710501513046235 1.532961560566304 1.3890175340328874 1.2481690779625607 1.1073206218922251 0.8550316291508628 +24593,0.6089337773356631,0,0.5238055896008544 0.4897543145069239 0.4758242474230488 0.4355818314029555 0.3906960596882313 0.4882065292753832 0.5686913613155699 0.6847752536812277 0.8828917633186217 1.0376702864728322 1.2110222324055488 1.3781830374120936 1.4385466614422335 1.4710501513046235 1.532961560566304 1.3890175340328874 1.2481690779625607 1.1073206218922251 0.8550316291508628 0.711087602617446 +24594,0.5330923009901074,0,0.4897543145069239 0.4758242474230488 0.4355818314029555 0.3906960596882313 0.4882065292753832 0.5686913613155699 0.6847752536812277 0.8828917633186217 1.0376702864728322 1.2110222324055488 1.3781830374120936 1.4385466614422335 1.4710501513046235 1.532961560566304 1.3890175340328874 1.2481690779625607 1.1073206218922251 0.8550316291508628 0.711087602617446 0.6089337773356631 +24595,0.45725082464454286,0,0.4758242474230488 0.4355818314029555 0.3906960596882313 0.4882065292753832 0.5686913613155699 0.6847752536812277 0.8828917633186217 1.0376702864728322 1.2110222324055488 1.3781830374120936 1.4385466614422335 1.4710501513046235 1.532961560566304 1.3890175340328874 1.2481690779625607 1.1073206218922251 0.8550316291508628 0.711087602617446 0.6089337773356631 0.5330923009901074 +24596,0.4077216972351965,0,0.4355818314029555 0.3906960596882313 0.4882065292753832 0.5686913613155699 0.6847752536812277 0.8828917633186217 1.0376702864728322 1.2110222324055488 1.3781830374120936 1.4385466614422335 1.4710501513046235 1.532961560566304 1.3890175340328874 1.2481690779625607 1.1073206218922251 0.8550316291508628 0.711087602617446 0.6089337773356631 0.5330923009901074 0.45725082464454286 +24597,0.3876004892251499,0,0.3906960596882313 0.4882065292753832 0.5686913613155699 0.6847752536812277 0.8828917633186217 1.0376702864728322 1.2110222324055488 1.3781830374120936 1.4385466614422335 1.4710501513046235 1.532961560566304 1.3890175340328874 1.2481690779625607 1.1073206218922251 0.8550316291508628 0.711087602617446 0.6089337773356631 0.5330923009901074 0.45725082464454286 0.4077216972351965 +24598,0.34116693227888495,0,0.4882065292753832 0.5686913613155699 0.6847752536812277 0.8828917633186217 1.0376702864728322 1.2110222324055488 1.3781830374120936 1.4385466614422335 1.4710501513046235 1.532961560566304 1.3890175340328874 1.2481690779625607 1.1073206218922251 0.8550316291508628 0.711087602617446 0.6089337773356631 0.5330923009901074 0.45725082464454286 0.4077216972351965 0.3876004892251499 +24599,0.3210457242688383,0,0.5686913613155699 0.6847752536812277 0.8828917633186217 1.0376702864728322 1.2110222324055488 1.3781830374120936 1.4385466614422335 1.4710501513046235 1.532961560566304 1.3890175340328874 1.2481690779625607 1.1073206218922251 0.8550316291508628 0.711087602617446 0.6089337773356631 0.5330923009901074 0.45725082464454286 0.4077216972351965 0.3876004892251499 0.34116693227888495 +24600,0.29937673102724216,0,0.6847752536812277 0.8828917633186217 1.0376702864728322 1.2110222324055488 1.3781830374120936 1.4385466614422335 1.4710501513046235 1.532961560566304 1.3890175340328874 1.2481690779625607 1.1073206218922251 0.8550316291508628 0.711087602617446 0.6089337773356631 0.5330923009901074 0.45725082464454286 0.4077216972351965 0.3876004892251499 0.34116693227888495 0.3210457242688383 +24601,0.3303324356580913,0,0.8828917633186217 1.0376702864728322 1.2110222324055488 1.3781830374120936 1.4385466614422335 1.4710501513046235 1.532961560566304 1.3890175340328874 1.2481690779625607 1.1073206218922251 0.8550316291508628 0.711087602617446 0.6089337773356631 0.5330923009901074 0.45725082464454286 0.4077216972351965 0.3876004892251499 0.34116693227888495 0.3210457242688383 0.29937673102724216 +24602,0.424747334782153,0,1.0376702864728322 1.2110222324055488 1.3781830374120936 1.4385466614422335 1.4710501513046235 1.532961560566304 1.3890175340328874 1.2481690779625607 1.1073206218922251 0.8550316291508628 0.711087602617446 0.6089337773356631 0.5330923009901074 0.45725082464454286 0.4077216972351965 0.3876004892251499 0.34116693227888495 0.3210457242688383 0.29937673102724216 0.3303324356580913 +24603,0.5748825022417414,0,1.2110222324055488 1.3781830374120936 1.4385466614422335 1.4710501513046235 1.532961560566304 1.3890175340328874 1.2481690779625607 1.1073206218922251 0.8550316291508628 0.711087602617446 0.6089337773356631 0.5330923009901074 0.45725082464454286 0.4077216972351965 0.3876004892251499 0.34116693227888495 0.3210457242688383 0.29937673102724216 0.3303324356580913 0.424747334782153 +24604,0.6723929718288933,0,1.3781830374120936 1.4385466614422335 1.4710501513046235 1.532961560566304 1.3890175340328874 1.2481690779625607 1.1073206218922251 0.8550316291508628 0.711087602617446 0.6089337773356631 0.5330923009901074 0.45725082464454286 0.4077216972351965 0.3876004892251499 0.34116693227888495 0.3210457242688383 0.29937673102724216 0.3303324356580913 0.424747334782153 0.5748825022417414 +24605,0.7575211595637109,0,1.4385466614422335 1.4710501513046235 1.532961560566304 1.3890175340328874 1.2481690779625607 1.1073206218922251 0.8550316291508628 0.711087602617446 0.6089337773356631 0.5330923009901074 0.45725082464454286 0.4077216972351965 0.3876004892251499 0.34116693227888495 0.3210457242688383 0.29937673102724216 0.3303324356580913 0.424747334782153 0.5748825022417414 0.6723929718288933 +24606,0.9494465282749334,0,1.4710501513046235 1.532961560566304 1.3890175340328874 1.2481690779625607 1.1073206218922251 0.8550316291508628 0.711087602617446 0.6089337773356631 0.5330923009901074 0.45725082464454286 0.4077216972351965 0.3876004892251499 0.34116693227888495 0.3210457242688383 0.29937673102724216 0.3303324356580913 0.424747334782153 0.5748825022417414 0.6723929718288933 0.7575211595637109 +24607,1.190901024395502,0,1.532961560566304 1.3890175340328874 1.2481690779625607 1.1073206218922251 0.8550316291508628 0.711087602617446 0.6089337773356631 0.5330923009901074 0.45725082464454286 0.4077216972351965 0.3876004892251499 0.34116693227888495 0.3210457242688383 0.29937673102724216 0.3303324356580913 0.424747334782153 0.5748825022417414 0.6723929718288933 0.7575211595637109 0.9494465282749334 +24608,1.399852030653681,0,1.3890175340328874 1.2481690779625607 1.1073206218922251 0.8550316291508628 0.711087602617446 0.6089337773356631 0.5330923009901074 0.45725082464454286 0.4077216972351965 0.3876004892251499 0.34116693227888495 0.3210457242688383 0.29937673102724216 0.3303324356580913 0.424747334782153 0.5748825022417414 0.6723929718288933 0.7575211595637109 0.9494465282749334 1.190901024395502 +24609,1.525222634408592,0,1.2481690779625607 1.1073206218922251 0.8550316291508628 0.711087602617446 0.6089337773356631 0.5330923009901074 0.45725082464454286 0.4077216972351965 0.3876004892251499 0.34116693227888495 0.3210457242688383 0.29937673102724216 0.3303324356580913 0.424747334782153 0.5748825022417414 0.6723929718288933 0.7575211595637109 0.9494465282749334 1.190901024395502 1.399852030653681 +24610,1.5809429027441098,0,1.1073206218922251 0.8550316291508628 0.711087602617446 0.6089337773356631 0.5330923009901074 0.45725082464454286 0.4077216972351965 0.3876004892251499 0.34116693227888495 0.3210457242688383 0.29937673102724216 0.3303324356580913 0.424747334782153 0.5748825022417414 0.6723929718288933 0.7575211595637109 0.9494465282749334 1.190901024395502 1.399852030653681 1.525222634408592 +24611,1.6320198153849967,0,0.8550316291508628 0.711087602617446 0.6089337773356631 0.5330923009901074 0.45725082464454286 0.4077216972351965 0.3876004892251499 0.34116693227888495 0.3210457242688383 0.29937673102724216 0.3303324356580913 0.424747334782153 0.5748825022417414 0.6723929718288933 0.7575211595637109 0.9494465282749334 1.190901024395502 1.399852030653681 1.525222634408592 1.5809429027441098 +24612,1.5159359230193388,0,0.711087602617446 0.6089337773356631 0.5330923009901074 0.45725082464454286 0.4077216972351965 0.3876004892251499 0.34116693227888495 0.3210457242688383 0.29937673102724216 0.3303324356580913 0.424747334782153 0.5748825022417414 0.6723929718288933 0.7575211595637109 0.9494465282749334 1.190901024395502 1.399852030653681 1.525222634408592 1.5809429027441098 1.6320198153849967 +24613,1.4168776682006463,0,0.6089337773356631 0.5330923009901074 0.45725082464454286 0.4077216972351965 0.3876004892251499 0.34116693227888495 0.3210457242688383 0.29937673102724216 0.3303324356580913 0.424747334782153 0.5748825022417414 0.6723929718288933 0.7575211595637109 0.9494465282749334 1.190901024395502 1.399852030653681 1.525222634408592 1.5809429027441098 1.6320198153849967 1.5159359230193388 +24614,1.1986399505532055,0,0.5330923009901074 0.45725082464454286 0.4077216972351965 0.3876004892251499 0.34116693227888495 0.3210457242688383 0.29937673102724216 0.3303324356580913 0.424747334782153 0.5748825022417414 0.6723929718288933 0.7575211595637109 0.9494465282749334 1.190901024395502 1.399852030653681 1.525222634408592 1.5809429027441098 1.6320198153849967 1.5159359230193388 1.4168776682006463 +24615,0.9633765953588084,0,0.45725082464454286 0.4077216972351965 0.3876004892251499 0.34116693227888495 0.3210457242688383 0.29937673102724216 0.3303324356580913 0.424747334782153 0.5748825022417414 0.6723929718288933 0.7575211595637109 0.9494465282749334 1.190901024395502 1.399852030653681 1.525222634408592 1.5809429027441098 1.6320198153849967 1.5159359230193388 1.4168776682006463 1.1986399505532055 +24616,0.8101458574361385,0,0.4077216972351965 0.3876004892251499 0.34116693227888495 0.3210457242688383 0.29937673102724216 0.3303324356580913 0.424747334782153 0.5748825022417414 0.6723929718288933 0.7575211595637109 0.9494465282749334 1.190901024395502 1.399852030653681 1.525222634408592 1.5809429027441098 1.6320198153849967 1.5159359230193388 1.4168776682006463 1.1986399505532055 0.9633765953588084 +24617,0.6956097503020214,0,0.3876004892251499 0.34116693227888495 0.3210457242688383 0.29937673102724216 0.3303324356580913 0.424747334782153 0.5748825022417414 0.6723929718288933 0.7575211595637109 0.9494465282749334 1.190901024395502 1.399852030653681 1.525222634408592 1.5809429027441098 1.6320198153849967 1.5159359230193388 1.4168776682006463 1.1986399505532055 0.9633765953588084 0.8101458574361385 +24618,0.6120293477987534,0,0.34116693227888495 0.3210457242688383 0.29937673102724216 0.3303324356580913 0.424747334782153 0.5748825022417414 0.6723929718288933 0.7575211595637109 0.9494465282749334 1.190901024395502 1.399852030653681 1.525222634408592 1.5809429027441098 1.6320198153849967 1.5159359230193388 1.4168776682006463 1.1986399505532055 0.9633765953588084 0.8101458574361385 0.6956097503020214 +24619,0.5207100191377643,0,0.3210457242688383 0.29937673102724216 0.3303324356580913 0.424747334782153 0.5748825022417414 0.6723929718288933 0.7575211595637109 0.9494465282749334 1.190901024395502 1.399852030653681 1.525222634408592 1.5809429027441098 1.6320198153849967 1.5159359230193388 1.4168776682006463 1.1986399505532055 0.9633765953588084 0.8101458574361385 0.6956097503020214 0.6120293477987534 +24620,0.44951189848683054,0,0.29937673102724216 0.3303324356580913 0.424747334782153 0.5748825022417414 0.6723929718288933 0.7575211595637109 0.9494465282749334 1.190901024395502 1.399852030653681 1.525222634408592 1.5809429027441098 1.6320198153849967 1.5159359230193388 1.4168776682006463 1.1986399505532055 0.9633765953588084 0.8101458574361385 0.6956097503020214 0.6120293477987534 0.5207100191377643 +24621,0.4293906904767839,0,0.3303324356580913 0.424747334782153 0.5748825022417414 0.6723929718288933 0.7575211595637109 0.9494465282749334 1.190901024395502 1.399852030653681 1.525222634408592 1.5809429027441098 1.6320198153849967 1.5159359230193388 1.4168776682006463 1.1986399505532055 0.9633765953588084 0.8101458574361385 0.6956097503020214 0.6120293477987534 0.5207100191377643 0.44951189848683054 +24622,0.36438371075201303,0,0.424747334782153 0.5748825022417414 0.6723929718288933 0.7575211595637109 0.9494465282749334 1.190901024395502 1.399852030653681 1.525222634408592 1.5809429027441098 1.6320198153849967 1.5159359230193388 1.4168776682006463 1.1986399505532055 0.9633765953588084 0.8101458574361385 0.6956097503020214 0.6120293477987534 0.5207100191377643 0.44951189848683054 0.4293906904767839 +24623,0.28699444917490774,0,0.5748825022417414 0.6723929718288933 0.7575211595637109 0.9494465282749334 1.190901024395502 1.399852030653681 1.525222634408592 1.5809429027441098 1.6320198153849967 1.5159359230193388 1.4168776682006463 1.1986399505532055 0.9633765953588084 0.8101458574361385 0.6956097503020214 0.6120293477987534 0.5207100191377643 0.44951189848683054 0.4293906904767839 0.36438371075201303 +24624,0.24829981838635515,0,0.6723929718288933 0.7575211595637109 0.9494465282749334 1.190901024395502 1.399852030653681 1.525222634408592 1.5809429027441098 1.6320198153849967 1.5159359230193388 1.4168776682006463 1.1986399505532055 0.9633765953588084 0.8101458574361385 0.6956097503020214 0.6120293477987534 0.5207100191377643 0.44951189848683054 0.4293906904767839 0.36438371075201303 0.28699444917490774 +24625,0.2281786103763085,0,0.7575211595637109 0.9494465282749334 1.190901024395502 1.399852030653681 1.525222634408592 1.5809429027441098 1.6320198153849967 1.5159359230193388 1.4168776682006463 1.1986399505532055 0.9633765953588084 0.8101458574361385 0.6956097503020214 0.6120293477987534 0.5207100191377643 0.44951189848683054 0.4293906904767839 0.36438371075201303 0.28699444917490774 0.24829981838635515 +24626,0.4789198178861302,0,0.9494465282749334 1.190901024395502 1.399852030653681 1.525222634408592 1.5809429027441098 1.6320198153849967 1.5159359230193388 1.4168776682006463 1.1986399505532055 0.9633765953588084 0.8101458574361385 0.6956097503020214 0.6120293477987534 0.5207100191377643 0.44951189848683054 0.4293906904767839 0.36438371075201303 0.28699444917490774 0.24829981838635515 0.2281786103763085 +24627,0.6522717638188467,0,1.190901024395502 1.399852030653681 1.525222634408592 1.5809429027441098 1.6320198153849967 1.5159359230193388 1.4168776682006463 1.1986399505532055 0.9633765953588084 0.8101458574361385 0.6956097503020214 0.6120293477987534 0.5207100191377643 0.44951189848683054 0.4293906904767839 0.36438371075201303 0.28699444917490774 0.24829981838635515 0.2281786103763085 0.4789198178861302 +24628,0.8519360586877814,0,1.399852030653681 1.525222634408592 1.5809429027441098 1.6320198153849967 1.5159359230193388 1.4168776682006463 1.1986399505532055 0.9633765953588084 0.8101458574361385 0.6956097503020214 0.6120293477987534 0.5207100191377643 0.44951189848683054 0.4293906904767839 0.36438371075201303 0.28699444917490774 0.24829981838635515 0.2281786103763085 0.4789198178861302 0.6522717638188467 +24629,1.071721561566754,0,1.525222634408592 1.5809429027441098 1.6320198153849967 1.5159359230193388 1.4168776682006463 1.1986399505532055 0.9633765953588084 0.8101458574361385 0.6956097503020214 0.6120293477987534 0.5207100191377643 0.44951189848683054 0.4293906904767839 0.36438371075201303 0.28699444917490774 0.24829981838635515 0.2281786103763085 0.4789198178861302 0.6522717638188467 0.8519360586877814 +24630,1.3642529703282185,0,1.5809429027441098 1.6320198153849967 1.5159359230193388 1.4168776682006463 1.1986399505532055 0.9633765953588084 0.8101458574361385 0.6956097503020214 0.6120293477987534 0.5207100191377643 0.44951189848683054 0.4293906904767839 0.36438371075201303 0.28699444917490774 0.24829981838635515 0.2281786103763085 0.4789198178861302 0.6522717638188467 0.8519360586877814 1.071721561566754 +24631,1.616541963069581,0,1.6320198153849967 1.5159359230193388 1.4168776682006463 1.1986399505532055 0.9633765953588084 0.8101458574361385 0.6956097503020214 0.6120293477987534 0.5207100191377643 0.44951189848683054 0.4293906904767839 0.36438371075201303 0.28699444917490774 0.24829981838635515 0.2281786103763085 0.4789198178861302 0.6522717638188467 0.8519360586877814 1.071721561566754 1.3642529703282185 +24632,1.76512934529762,0,1.5159359230193388 1.4168776682006463 1.1986399505532055 0.9633765953588084 0.8101458574361385 0.6956097503020214 0.6120293477987534 0.5207100191377643 0.44951189848683054 0.4293906904767839 0.36438371075201303 0.28699444917490774 0.24829981838635515 0.2281786103763085 0.4789198178861302 0.6522717638188467 0.8519360586877814 1.071721561566754 1.3642529703282185 1.616541963069581 +24633,1.8115629022438848,0,1.4168776682006463 1.1986399505532055 0.9633765953588084 0.8101458574361385 0.6956097503020214 0.6120293477987534 0.5207100191377643 0.44951189848683054 0.4293906904767839 0.36438371075201303 0.28699444917490774 0.24829981838635515 0.2281786103763085 0.4789198178861302 0.6522717638188467 0.8519360586877814 1.071721561566754 1.3642529703282185 1.616541963069581 1.76512934529762 +24634,1.944672432156508,0,1.1986399505532055 0.9633765953588084 0.8101458574361385 0.6956097503020214 0.6120293477987534 0.5207100191377643 0.44951189848683054 0.4293906904767839 0.36438371075201303 0.28699444917490774 0.24829981838635515 0.2281786103763085 0.4789198178861302 0.6522717638188467 0.8519360586877814 1.071721561566754 1.3642529703282185 1.616541963069581 1.76512934529762 1.8115629022438848 +24635,1.9942015595658542,0,0.9633765953588084 0.8101458574361385 0.6956097503020214 0.6120293477987534 0.5207100191377643 0.44951189848683054 0.4293906904767839 0.36438371075201303 0.28699444917490774 0.24829981838635515 0.2281786103763085 0.4789198178861302 0.6522717638188467 0.8519360586877814 1.071721561566754 1.3642529703282185 1.616541963069581 1.76512934529762 1.8115629022438848 1.944672432156508 +24636,1.8394230364116437,0,0.8101458574361385 0.6956097503020214 0.6120293477987534 0.5207100191377643 0.44951189848683054 0.4293906904767839 0.36438371075201303 0.28699444917490774 0.24829981838635515 0.2281786103763085 0.4789198178861302 0.6522717638188467 0.8519360586877814 1.071721561566754 1.3642529703282185 1.616541963069581 1.76512934529762 1.8115629022438848 1.944672432156508 1.9942015595658542 +24637,1.6598799495527556,0,0.6956097503020214 0.6120293477987534 0.5207100191377643 0.44951189848683054 0.4293906904767839 0.36438371075201303 0.28699444917490774 0.24829981838635515 0.2281786103763085 0.4789198178861302 0.6522717638188467 0.8519360586877814 1.071721561566754 1.3642529703282185 1.616541963069581 1.76512934529762 1.8115629022438848 1.944672432156508 1.9942015595658542 1.8394230364116437 +24638,1.4013998158852217,0,0.6120293477987534 0.5207100191377643 0.44951189848683054 0.4293906904767839 0.36438371075201303 0.28699444917490774 0.24829981838635515 0.2281786103763085 0.4789198178861302 0.6522717638188467 0.8519360586877814 1.071721561566754 1.3642529703282185 1.616541963069581 1.76512934529762 1.8115629022438848 1.944672432156508 1.9942015595658542 1.8394230364116437 1.6598799495527556 +24639,1.1042250514291438,0,0.5207100191377643 0.44951189848683054 0.4293906904767839 0.36438371075201303 0.28699444917490774 0.24829981838635515 0.2281786103763085 0.4789198178861302 0.6522717638188467 0.8519360586877814 1.071721561566754 1.3642529703282185 1.616541963069581 1.76512934529762 1.8115629022438848 1.944672432156508 1.9942015595658542 1.8394230364116437 1.6598799495527556 1.4013998158852217 +24640,0.9231341793387151,0,0.44951189848683054 0.4293906904767839 0.36438371075201303 0.28699444917490774 0.24829981838635515 0.2281786103763085 0.4789198178861302 0.6522717638188467 0.8519360586877814 1.071721561566754 1.3642529703282185 1.616541963069581 1.76512934529762 1.8115629022438848 1.944672432156508 1.9942015595658542 1.8394230364116437 1.6598799495527556 1.4013998158852217 1.1042250514291438 +24641,0.7699034414160453,0,0.4293906904767839 0.36438371075201303 0.28699444917490774 0.24829981838635515 0.2281786103763085 0.4789198178861302 0.6522717638188467 0.8519360586877814 1.071721561566754 1.3642529703282185 1.616541963069581 1.76512934529762 1.8115629022438848 1.944672432156508 1.9942015595658542 1.8394230364116437 1.6598799495527556 1.4013998158852217 1.1042250514291438 0.9231341793387151 +24642,0.6754885422919747,0,0.36438371075201303 0.28699444917490774 0.24829981838635515 0.2281786103763085 0.4789198178861302 0.6522717638188467 0.8519360586877814 1.071721561566754 1.3642529703282185 1.616541963069581 1.76512934529762 1.8115629022438848 1.944672432156508 1.9942015595658542 1.8394230364116437 1.6598799495527556 1.4013998158852217 1.1042250514291438 0.9231341793387151 0.7699034414160453 +24643,0.5609524351578663,0,0.28699444917490774 0.24829981838635515 0.2281786103763085 0.4789198178861302 0.6522717638188467 0.8519360586877814 1.071721561566754 1.3642529703282185 1.616541963069581 1.76512934529762 1.8115629022438848 1.944672432156508 1.9942015595658542 1.8394230364116437 1.6598799495527556 1.4013998158852217 1.1042250514291438 0.9231341793387151 0.7699034414160453 0.6754885422919747 +24644,0.4758242474230488,0,0.24829981838635515 0.2281786103763085 0.4789198178861302 0.6522717638188467 0.8519360586877814 1.071721561566754 1.3642529703282185 1.616541963069581 1.76512934529762 1.8115629022438848 1.944672432156508 1.9942015595658542 1.8394230364116437 1.6598799495527556 1.4013998158852217 1.1042250514291438 0.9231341793387151 0.7699034414160453 0.6754885422919747 0.5609524351578663 +24645,0.45105968371837124,0,0.2281786103763085 0.4789198178861302 0.6522717638188467 0.8519360586877814 1.071721561566754 1.3642529703282185 1.616541963069581 1.76512934529762 1.8115629022438848 1.944672432156508 1.9942015595658542 1.8394230364116437 1.6598799495527556 1.4013998158852217 1.1042250514291438 0.9231341793387151 0.7699034414160453 0.6754885422919747 0.5609524351578663 0.4758242474230488 +24646,0.41700840862444954,0,0.4789198178861302 0.6522717638188467 0.8519360586877814 1.071721561566754 1.3642529703282185 1.616541963069581 1.76512934529762 1.8115629022438848 1.944672432156508 1.9942015595658542 1.8394230364116437 1.6598799495527556 1.4013998158852217 1.1042250514291438 0.9231341793387151 0.7699034414160453 0.6754885422919747 0.5609524351578663 0.4758242474230488 0.45105968371837124 +24647,0.3210457242688383,0,0.6522717638188467 0.8519360586877814 1.071721561566754 1.3642529703282185 1.616541963069581 1.76512934529762 1.8115629022438848 1.944672432156508 1.9942015595658542 1.8394230364116437 1.6598799495527556 1.4013998158852217 1.1042250514291438 0.9231341793387151 0.7699034414160453 0.6754885422919747 0.5609524351578663 0.4758242474230488 0.45105968371837124 0.41700840862444954 +24648,0.25913431500714884,0,0.8519360586877814 1.071721561566754 1.3642529703282185 1.616541963069581 1.76512934529762 1.8115629022438848 1.944672432156508 1.9942015595658542 1.8394230364116437 1.6598799495527556 1.4013998158852217 1.1042250514291438 0.9231341793387151 0.7699034414160453 0.6754885422919747 0.5609524351578663 0.4758242474230488 0.45105968371837124 0.41700840862444954 0.3210457242688383 +24649,0.20496183190318043,0,1.071721561566754 1.3642529703282185 1.616541963069581 1.76512934529762 1.8115629022438848 1.944672432156508 1.9942015595658542 1.8394230364116437 1.6598799495527556 1.4013998158852217 1.1042250514291438 0.9231341793387151 0.7699034414160453 0.6754885422919747 0.5609524351578663 0.4758242474230488 0.45105968371837124 0.41700840862444954 0.3210457242688383 0.25913431500714884 +24650,0.38605270399360037,0,1.3642529703282185 1.616541963069581 1.76512934529762 1.8115629022438848 1.944672432156508 1.9942015595658542 1.8394230364116437 1.6598799495527556 1.4013998158852217 1.1042250514291438 0.9231341793387151 0.7699034414160453 0.6754885422919747 0.5609524351578663 0.4758242474230488 0.45105968371837124 0.41700840862444954 0.3210457242688383 0.25913431500714884 0.20496183190318043 +24651,0.748234448174458,0,1.616541963069581 1.76512934529762 1.8115629022438848 1.944672432156508 1.9942015595658542 1.8394230364116437 1.6598799495527556 1.4013998158852217 1.1042250514291438 0.9231341793387151 0.7699034414160453 0.6754885422919747 0.5609524351578663 0.4758242474230488 0.45105968371837124 0.41700840862444954 0.3210457242688383 0.25913431500714884 0.20496183190318043 0.38605270399360037 +24652,1.0608870649459603,0,1.76512934529762 1.8115629022438848 1.944672432156508 1.9942015595658542 1.8394230364116437 1.6598799495527556 1.4013998158852217 1.1042250514291438 0.9231341793387151 0.7699034414160453 0.6754885422919747 0.5609524351578663 0.4758242474230488 0.45105968371837124 0.41700840862444954 0.3210457242688383 0.25913431500714884 0.20496183190318043 0.38605270399360037 0.748234448174458 +24653,1.3286539100027472,0,1.8115629022438848 1.944672432156508 1.9942015595658542 1.8394230364116437 1.6598799495527556 1.4013998158852217 1.1042250514291438 0.9231341793387151 0.7699034414160453 0.6754885422919747 0.5609524351578663 0.4758242474230488 0.45105968371837124 0.41700840862444954 0.3210457242688383 0.25913431500714884 0.20496183190318043 0.38605270399360037 0.748234448174458 1.0608870649459603 +24654,1.6118986073749502,0,1.944672432156508 1.9942015595658542 1.8394230364116437 1.6598799495527556 1.4013998158852217 1.1042250514291438 0.9231341793387151 0.7699034414160453 0.6754885422919747 0.5609524351578663 0.4758242474230488 0.45105968371837124 0.41700840862444954 0.3210457242688383 0.25913431500714884 0.20496183190318043 0.38605270399360037 0.748234448174458 1.0608870649459603 1.3286539100027472 +24655,1.8022761908546319,0,1.9942015595658542 1.8394230364116437 1.6598799495527556 1.4013998158852217 1.1042250514291438 0.9231341793387151 0.7699034414160453 0.6754885422919747 0.5609524351578663 0.4758242474230488 0.45105968371837124 0.41700840862444954 0.3210457242688383 0.25913431500714884 0.20496183190318043 0.38605270399360037 0.748234448174458 1.0608870649459603 1.3286539100027472 1.6118986073749502 +24656,1.9694369958611768,0,1.8394230364116437 1.6598799495527556 1.4013998158852217 1.1042250514291438 0.9231341793387151 0.7699034414160453 0.6754885422919747 0.5609524351578663 0.4758242474230488 0.45105968371837124 0.41700840862444954 0.3210457242688383 0.25913431500714884 0.20496183190318043 0.38605270399360037 0.748234448174458 1.0608870649459603 1.3286539100027472 1.6118986073749502 1.8022761908546319 +24657,2.076234176837582,0,1.6598799495527556 1.4013998158852217 1.1042250514291438 0.9231341793387151 0.7699034414160453 0.6754885422919747 0.5609524351578663 0.4758242474230488 0.45105968371837124 0.41700840862444954 0.3210457242688383 0.25913431500714884 0.20496183190318043 0.38605270399360037 0.748234448174458 1.0608870649459603 1.3286539100027472 1.6118986073749502 1.8022761908546319 1.9694369958611768 +24658,2.097903170079169,0,1.4013998158852217 1.1042250514291438 0.9231341793387151 0.7699034414160453 0.6754885422919747 0.5609524351578663 0.4758242474230488 0.45105968371837124 0.41700840862444954 0.3210457242688383 0.25913431500714884 0.20496183190318043 0.38605270399360037 0.748234448174458 1.0608870649459603 1.3286539100027472 1.6118986073749502 1.8022761908546319 1.9694369958611768 2.076234176837582 +24659,2.091712029153006,0,1.1042250514291438 0.9231341793387151 0.7699034414160453 0.6754885422919747 0.5609524351578663 0.4758242474230488 0.45105968371837124 0.41700840862444954 0.3210457242688383 0.25913431500714884 0.20496183190318043 0.38605270399360037 0.748234448174458 1.0608870649459603 1.3286539100027472 1.6118986073749502 1.8022761908546319 1.9694369958611768 2.076234176837582 2.097903170079169 +24660,2.0267050494282355,0,0.9231341793387151 0.7699034414160453 0.6754885422919747 0.5609524351578663 0.4758242474230488 0.45105968371837124 0.41700840862444954 0.3210457242688383 0.25913431500714884 0.20496183190318043 0.38605270399360037 0.748234448174458 1.0608870649459603 1.3286539100027472 1.6118986073749502 1.8022761908546319 1.9694369958611768 2.076234176837582 2.097903170079169 2.091712029153006 +24661,1.8471619625693472,0,0.7699034414160453 0.6754885422919747 0.5609524351578663 0.4758242474230488 0.45105968371837124 0.41700840862444954 0.3210457242688383 0.25913431500714884 0.20496183190318043 0.38605270399360037 0.748234448174458 1.0608870649459603 1.3286539100027472 1.6118986073749502 1.8022761908546319 1.9694369958611768 2.076234176837582 2.097903170079169 2.091712029153006 2.0267050494282355 +24662,1.5143881377877981,0,0.6754885422919747 0.5609524351578663 0.4758242474230488 0.45105968371837124 0.41700840862444954 0.3210457242688383 0.25913431500714884 0.20496183190318043 0.38605270399360037 0.748234448174458 1.0608870649459603 1.3286539100027472 1.6118986073749502 1.8022761908546319 1.9694369958611768 2.076234176837582 2.097903170079169 2.091712029153006 2.0267050494282355 1.8471619625693472 +24663,1.2435257222679297,0,0.5609524351578663 0.4758242474230488 0.45105968371837124 0.41700840862444954 0.3210457242688383 0.25913431500714884 0.20496183190318043 0.38605270399360037 0.748234448174458 1.0608870649459603 1.3286539100027472 1.6118986073749502 1.8022761908546319 1.9694369958611768 2.076234176837582 2.097903170079169 2.091712029153006 2.0267050494282355 1.8471619625693472 1.5143881377877981 +24664,0.9804022329057737,0,0.4758242474230488 0.45105968371837124 0.41700840862444954 0.3210457242688383 0.25913431500714884 0.20496183190318043 0.38605270399360037 0.748234448174458 1.0608870649459603 1.3286539100027472 1.6118986073749502 1.8022761908546319 1.9694369958611768 2.076234176837582 2.097903170079169 2.091712029153006 2.0267050494282355 1.8471619625693472 1.5143881377877981 1.2435257222679297 +24665,0.8472927029931505,0,0.45105968371837124 0.41700840862444954 0.3210457242688383 0.25913431500714884 0.20496183190318043 0.38605270399360037 0.748234448174458 1.0608870649459603 1.3286539100027472 1.6118986073749502 1.8022761908546319 1.9694369958611768 2.076234176837582 2.097903170079169 2.091712029153006 2.0267050494282355 1.8471619625693472 1.5143881377877981 1.2435257222679297 0.9804022329057737 +24666,0.748234448174458,0,0.41700840862444954 0.3210457242688383 0.25913431500714884 0.20496183190318043 0.38605270399360037 0.748234448174458 1.0608870649459603 1.3286539100027472 1.6118986073749502 1.8022761908546319 1.9694369958611768 2.076234176837582 2.097903170079169 2.091712029153006 2.0267050494282355 1.8471619625693472 1.5143881377877981 1.2435257222679297 0.9804022329057737 0.8472927029931505 +24667,0.660010689976559,0,0.3210457242688383 0.25913431500714884 0.20496183190318043 0.38605270399360037 0.748234448174458 1.0608870649459603 1.3286539100027472 1.6118986073749502 1.8022761908546319 1.9694369958611768 2.076234176837582 2.097903170079169 2.091712029153006 2.0267050494282355 1.8471619625693472 1.5143881377877981 1.2435257222679297 0.9804022329057737 0.8472927029931505 0.748234448174458 +24668,0.5702391465471105,0,0.25913431500714884 0.20496183190318043 0.38605270399360037 0.748234448174458 1.0608870649459603 1.3286539100027472 1.6118986073749502 1.8022761908546319 1.9694369958611768 2.076234176837582 2.097903170079169 2.091712029153006 2.0267050494282355 1.8471619625693472 1.5143881377877981 1.2435257222679297 0.9804022329057737 0.8472927029931505 0.748234448174458 0.660010689976559 +24669,0.5005888111277176,0,0.20496183190318043 0.38605270399360037 0.748234448174458 1.0608870649459603 1.3286539100027472 1.6118986073749502 1.8022761908546319 1.9694369958611768 2.076234176837582 2.097903170079169 2.091712029153006 2.0267050494282355 1.8471619625693472 1.5143881377877981 1.2435257222679297 0.9804022329057737 0.8472927029931505 0.748234448174458 0.660010689976559 0.5702391465471105 +24670,0.42010397908753094,0,0.38605270399360037 0.748234448174458 1.0608870649459603 1.3286539100027472 1.6118986073749502 1.8022761908546319 1.9694369958611768 2.076234176837582 2.097903170079169 2.091712029153006 2.0267050494282355 1.8471619625693472 1.5143881377877981 1.2435257222679297 0.9804022329057737 0.8472927029931505 0.748234448174458 0.660010689976559 0.5702391465471105 0.5005888111277176 +24671,0.29009001963799796,0,0.748234448174458 1.0608870649459603 1.3286539100027472 1.6118986073749502 1.8022761908546319 1.9694369958611768 2.076234176837582 2.097903170079169 2.091712029153006 2.0267050494282355 1.8471619625693472 1.5143881377877981 1.2435257222679297 0.9804022329057737 0.8472927029931505 0.748234448174458 0.660010689976559 0.5702391465471105 0.5005888111277176 0.42010397908753094 +24672,0.2188918989870555,0,1.0608870649459603 1.3286539100027472 1.6118986073749502 1.8022761908546319 1.9694369958611768 2.076234176837582 2.097903170079169 2.091712029153006 2.0267050494282355 1.8471619625693472 1.5143881377877981 1.2435257222679297 0.9804022329057737 0.8472927029931505 0.748234448174458 0.660010689976559 0.5702391465471105 0.5005888111277176 0.42010397908753094 0.29009001963799796 +24673,0.15698048972537482,0,1.3286539100027472 1.6118986073749502 1.8022761908546319 1.9694369958611768 2.076234176837582 2.097903170079169 2.091712029153006 2.0267050494282355 1.8471619625693472 1.5143881377877981 1.2435257222679297 0.9804022329057737 0.8472927029931505 0.748234448174458 0.660010689976559 0.5702391465471105 0.5005888111277176 0.42010397908753094 0.29009001963799796 0.2188918989870555 +24674,0.38140934829897827,0,1.6118986073749502 1.8022761908546319 1.9694369958611768 2.076234176837582 2.097903170079169 2.091712029153006 2.0267050494282355 1.8471619625693472 1.5143881377877981 1.2435257222679297 0.9804022329057737 0.8472927029931505 0.748234448174458 0.660010689976559 0.5702391465471105 0.5005888111277176 0.42010397908753094 0.29009001963799796 0.2188918989870555 0.15698048972537482 +24675,0.6336983410403407,0,1.8022761908546319 1.9694369958611768 2.076234176837582 2.097903170079169 2.091712029153006 2.0267050494282355 1.8471619625693472 1.5143881377877981 1.2435257222679297 0.9804022329057737 0.8472927029931505 0.748234448174458 0.660010689976559 0.5702391465471105 0.5005888111277176 0.42010397908753094 0.29009001963799796 0.2188918989870555 0.15698048972537482 0.38140934829897827 +24676,0.8503882734562319,0,1.9694369958611768 2.076234176837582 2.097903170079169 2.091712029153006 2.0267050494282355 1.8471619625693472 1.5143881377877981 1.2435257222679297 0.9804022329057737 0.8472927029931505 0.748234448174458 0.660010689976559 0.5702391465471105 0.5005888111277176 0.42010397908753094 0.29009001963799796 0.2188918989870555 0.15698048972537482 0.38140934829897827 0.6336983410403407 +24677,1.1506586083754,0,2.076234176837582 2.097903170079169 2.091712029153006 2.0267050494282355 1.8471619625693472 1.5143881377877981 1.2435257222679297 0.9804022329057737 0.8472927029931505 0.748234448174458 0.660010689976559 0.5702391465471105 0.5005888111277176 0.42010397908753094 0.29009001963799796 0.2188918989870555 0.15698048972537482 0.38140934829897827 0.6336983410403407 0.8503882734562319 +24678,1.4044953863483118,0,2.097903170079169 2.091712029153006 2.0267050494282355 1.8471619625693472 1.5143881377877981 1.2435257222679297 0.9804022329057737 0.8472927029931505 0.748234448174458 0.660010689976559 0.5702391465471105 0.5005888111277176 0.42010397908753094 0.29009001963799796 0.2188918989870555 0.15698048972537482 0.38140934829897827 0.6336983410403407 0.8503882734562319 1.1506586083754 +24679,1.585586258438732,0,2.091712029153006 2.0267050494282355 1.8471619625693472 1.5143881377877981 1.2435257222679297 0.9804022329057737 0.8472927029931505 0.748234448174458 0.660010689976559 0.5702391465471105 0.5005888111277176 0.42010397908753094 0.29009001963799796 0.2188918989870555 0.15698048972537482 0.38140934829897827 0.6336983410403407 0.8503882734562319 1.1506586083754 1.4044953863483118 +24680,1.7016701508043897,0,2.0267050494282355 1.8471619625693472 1.5143881377877981 1.2435257222679297 0.9804022329057737 0.8472927029931505 0.748234448174458 0.660010689976559 0.5702391465471105 0.5005888111277176 0.42010397908753094 0.29009001963799796 0.2188918989870555 0.15698048972537482 0.38140934829897827 0.6336983410403407 0.8503882734562319 1.1506586083754 1.4044953863483118 1.585586258438732 +24681,1.727982499740608,0,1.8471619625693472 1.5143881377877981 1.2435257222679297 0.9804022329057737 0.8472927029931505 0.748234448174458 0.660010689976559 0.5702391465471105 0.5005888111277176 0.42010397908753094 0.29009001963799796 0.2188918989870555 0.15698048972537482 0.38140934829897827 0.6336983410403407 0.8503882734562319 1.1506586083754 1.4044953863483118 1.585586258438732 1.7016701508043897 +24682,1.6877400837205148,0,1.5143881377877981 1.2435257222679297 0.9804022329057737 0.8472927029931505 0.748234448174458 0.660010689976559 0.5702391465471105 0.5005888111277176 0.42010397908753094 0.29009001963799796 0.2188918989870555 0.15698048972537482 0.38140934829897827 0.6336983410403407 0.8503882734562319 1.1506586083754 1.4044953863483118 1.585586258438732 1.7016701508043897 1.727982499740608 +24683,1.6289242449219155,0,1.2435257222679297 0.9804022329057737 0.8472927029931505 0.748234448174458 0.660010689976559 0.5702391465471105 0.5005888111277176 0.42010397908753094 0.29009001963799796 0.2188918989870555 0.15698048972537482 0.38140934829897827 0.6336983410403407 0.8503882734562319 1.1506586083754 1.4044953863483118 1.585586258438732 1.7016701508043897 1.727982499740608 1.6877400837205148 +24684,1.5143881377877981,0,0.9804022329057737 0.8472927029931505 0.748234448174458 0.660010689976559 0.5702391465471105 0.5005888111277176 0.42010397908753094 0.29009001963799796 0.2188918989870555 0.15698048972537482 0.38140934829897827 0.6336983410403407 0.8503882734562319 1.1506586083754 1.4044953863483118 1.585586258438732 1.7016701508043897 1.727982499740608 1.6877400837205148 1.6289242449219155 +24685,1.3332972656973694,0,0.8472927029931505 0.748234448174458 0.660010689976559 0.5702391465471105 0.5005888111277176 0.42010397908753094 0.29009001963799796 0.2188918989870555 0.15698048972537482 0.38140934829897827 0.6336983410403407 0.8503882734562319 1.1506586083754 1.4044953863483118 1.585586258438732 1.7016701508043897 1.727982499740608 1.6877400837205148 1.6289242449219155 1.5143881377877981 +24686,1.048504783093626,0,0.748234448174458 0.660010689976559 0.5702391465471105 0.5005888111277176 0.42010397908753094 0.29009001963799796 0.2188918989870555 0.15698048972537482 0.38140934829897827 0.6336983410403407 0.8503882734562319 1.1506586083754 1.4044953863483118 1.585586258438732 1.7016701508043897 1.727982499740608 1.6877400837205148 1.6289242449219155 1.5143881377877981 1.3332972656973694 +24687,0.7606167300267923,0,0.660010689976559 0.5702391465471105 0.5005888111277176 0.42010397908753094 0.29009001963799796 0.2188918989870555 0.15698048972537482 0.38140934829897827 0.6336983410403407 0.8503882734562319 1.1506586083754 1.4044953863483118 1.585586258438732 1.7016701508043897 1.727982499740608 1.6877400837205148 1.6289242449219155 1.5143881377877981 1.3332972656973694 1.048504783093626 +24688,0.5532135090001541,0,0.5702391465471105 0.5005888111277176 0.42010397908753094 0.29009001963799796 0.2188918989870555 0.15698048972537482 0.38140934829897827 0.6336983410403407 0.8503882734562319 1.1506586083754 1.4044953863483118 1.585586258438732 1.7016701508043897 1.727982499740608 1.6877400837205148 1.6289242449219155 1.5143881377877981 1.3332972656973694 1.048504783093626 0.7606167300267923 +24689,0.44796411325528984,0,0.5005888111277176 0.42010397908753094 0.29009001963799796 0.2188918989870555 0.15698048972537482 0.38140934829897827 0.6336983410403407 0.8503882734562319 1.1506586083754 1.4044953863483118 1.585586258438732 1.7016701508043897 1.727982499740608 1.6877400837205148 1.6289242449219155 1.5143881377877981 1.3332972656973694 1.048504783093626 0.7606167300267923 0.5532135090001541 +24690,0.3365235765842541,0,0.42010397908753094 0.29009001963799796 0.2188918989870555 0.15698048972537482 0.38140934829897827 0.6336983410403407 0.8503882734562319 1.1506586083754 1.4044953863483118 1.585586258438732 1.7016701508043897 1.727982499740608 1.6877400837205148 1.6289242449219155 1.5143881377877981 1.3332972656973694 1.048504783093626 0.7606167300267923 0.5532135090001541 0.44796411325528984 +24691,0.2637776707017797,0,0.29009001963799796 0.2188918989870555 0.15698048972537482 0.38140934829897827 0.6336983410403407 0.8503882734562319 1.1506586083754 1.4044953863483118 1.585586258438732 1.7016701508043897 1.727982499740608 1.6877400837205148 1.6289242449219155 1.5143881377877981 1.3332972656973694 1.048504783093626 0.7606167300267923 0.5532135090001541 0.44796411325528984 0.3365235765842541 +24692,0.24829981838635515,0,0.2188918989870555 0.15698048972537482 0.38140934829897827 0.6336983410403407 0.8503882734562319 1.1506586083754 1.4044953863483118 1.585586258438732 1.7016701508043897 1.727982499740608 1.6877400837205148 1.6289242449219155 1.5143881377877981 1.3332972656973694 1.048504783093626 0.7606167300267923 0.5532135090001541 0.44796411325528984 0.3365235765842541 0.2637776707017797 +24693,0.25449095931252674,0,0.15698048972537482 0.38140934829897827 0.6336983410403407 0.8503882734562319 1.1506586083754 1.4044953863483118 1.585586258438732 1.7016701508043897 1.727982499740608 1.6877400837205148 1.6289242449219155 1.5143881377877981 1.3332972656973694 1.048504783093626 0.7606167300267923 0.5532135090001541 0.44796411325528984 0.3365235765842541 0.2637776707017797 0.24829981838635515 +24694,0.25294317408098604,0,0.38140934829897827 0.6336983410403407 0.8503882734562319 1.1506586083754 1.4044953863483118 1.585586258438732 1.7016701508043897 1.727982499740608 1.6877400837205148 1.6289242449219155 1.5143881377877981 1.3332972656973694 1.048504783093626 0.7606167300267923 0.5532135090001541 0.44796411325528984 0.3365235765842541 0.2637776707017797 0.24829981838635515 0.25449095931252674 +24695,0.2250830399132271,0,0.6336983410403407 0.8503882734562319 1.1506586083754 1.4044953863483118 1.585586258438732 1.7016701508043897 1.727982499740608 1.6877400837205148 1.6289242449219155 1.5143881377877981 1.3332972656973694 1.048504783093626 0.7606167300267923 0.5532135090001541 0.44796411325528984 0.3365235765842541 0.2637776707017797 0.24829981838635515 0.25449095931252674 0.25294317408098604 +24696,0.25139538884944534,0,0.8503882734562319 1.1506586083754 1.4044953863483118 1.585586258438732 1.7016701508043897 1.727982499740608 1.6877400837205148 1.6289242449219155 1.5143881377877981 1.3332972656973694 1.048504783093626 0.7606167300267923 0.5532135090001541 0.44796411325528984 0.3365235765842541 0.2637776707017797 0.24829981838635515 0.25449095931252674 0.25294317408098604 0.2250830399132271 +24697,0.2653254559333204,0,1.1506586083754 1.4044953863483118 1.585586258438732 1.7016701508043897 1.727982499740608 1.6877400837205148 1.6289242449219155 1.5143881377877981 1.3332972656973694 1.048504783093626 0.7606167300267923 0.5532135090001541 0.44796411325528984 0.3365235765842541 0.2637776707017797 0.24829981838635515 0.25449095931252674 0.25294317408098604 0.2250830399132271 0.25139538884944534 +24698,0.34426250274196635,0,1.4044953863483118 1.585586258438732 1.7016701508043897 1.727982499740608 1.6877400837205148 1.6289242449219155 1.5143881377877981 1.3332972656973694 1.048504783093626 0.7606167300267923 0.5532135090001541 0.44796411325528984 0.3365235765842541 0.2637776707017797 0.24829981838635515 0.25449095931252674 0.25294317408098604 0.2250830399132271 0.25139538884944534 0.2653254559333204 +24699,0.46034639510762426,0,1.585586258438732 1.7016701508043897 1.727982499740608 1.6877400837205148 1.6289242449219155 1.5143881377877981 1.3332972656973694 1.048504783093626 0.7606167300267923 0.5532135090001541 0.44796411325528984 0.3365235765842541 0.2637776707017797 0.24829981838635515 0.25449095931252674 0.25294317408098604 0.2250830399132271 0.25139538884944534 0.2653254559333204 0.34426250274196635 +24700,0.6569151195134688,0,1.7016701508043897 1.727982499740608 1.6877400837205148 1.6289242449219155 1.5143881377877981 1.3332972656973694 1.048504783093626 0.7606167300267923 0.5532135090001541 0.44796411325528984 0.3365235765842541 0.2637776707017797 0.24829981838635515 0.25449095931252674 0.25294317408098604 0.2250830399132271 0.25139538884944534 0.2653254559333204 0.34426250274196635 0.46034639510762426 +24701,0.9200386088756337,0,1.727982499740608 1.6877400837205148 1.6289242449219155 1.5143881377877981 1.3332972656973694 1.048504783093626 0.7606167300267923 0.5532135090001541 0.44796411325528984 0.3365235765842541 0.2637776707017797 0.24829981838635515 0.25449095931252674 0.25294317408098604 0.2250830399132271 0.25139538884944534 0.2653254559333204 0.34426250274196635 0.46034639510762426 0.6569151195134688 +24702,1.1398241117546062,0,1.6877400837205148 1.6289242449219155 1.5143881377877981 1.3332972656973694 1.048504783093626 0.7606167300267923 0.5532135090001541 0.44796411325528984 0.3365235765842541 0.2637776707017797 0.24829981838635515 0.25449095931252674 0.25294317408098604 0.2250830399132271 0.25139538884944534 0.2653254559333204 0.34426250274196635 0.46034639510762426 0.6569151195134688 0.9200386088756337 +24703,1.3410361918550817,0,1.6289242449219155 1.5143881377877981 1.3332972656973694 1.048504783093626 0.7606167300267923 0.5532135090001541 0.44796411325528984 0.3365235765842541 0.2637776707017797 0.24829981838635515 0.25449095931252674 0.25294317408098604 0.2250830399132271 0.25139538884944534 0.2653254559333204 0.34426250274196635 0.46034639510762426 0.6569151195134688 0.9200386088756337 1.1398241117546062 +24704,1.4617634399153705,0,1.5143881377877981 1.3332972656973694 1.048504783093626 0.7606167300267923 0.5532135090001541 0.44796411325528984 0.3365235765842541 0.2637776707017797 0.24829981838635515 0.25449095931252674 0.25294317408098604 0.2250830399132271 0.25139538884944534 0.2653254559333204 0.34426250274196635 0.46034639510762426 0.6569151195134688 0.9200386088756337 1.1398241117546062 1.3410361918550817 +24705,1.4896235740831294,0,1.3332972656973694 1.048504783093626 0.7606167300267923 0.5532135090001541 0.44796411325528984 0.3365235765842541 0.2637776707017797 0.24829981838635515 0.25449095931252674 0.25294317408098604 0.2250830399132271 0.25139538884944534 0.2653254559333204 0.34426250274196635 0.46034639510762426 0.6569151195134688 0.9200386088756337 1.1398241117546062 1.3410361918550817 1.4617634399153705 +24706,1.5561783390394321,0,1.048504783093626 0.7606167300267923 0.5532135090001541 0.44796411325528984 0.3365235765842541 0.2637776707017797 0.24829981838635515 0.25449095931252674 0.25294317408098604 0.2250830399132271 0.25139538884944534 0.2653254559333204 0.34426250274196635 0.46034639510762426 0.6569151195134688 0.9200386088756337 1.1398241117546062 1.3410361918550817 1.4617634399153705 1.4896235740831294 +24707,1.5391527014924757,0,0.7606167300267923 0.5532135090001541 0.44796411325528984 0.3365235765842541 0.2637776707017797 0.24829981838635515 0.25449095931252674 0.25294317408098604 0.2250830399132271 0.25139538884944534 0.2653254559333204 0.34426250274196635 0.46034639510762426 0.6569151195134688 0.9200386088756337 1.1398241117546062 1.3410361918550817 1.4617634399153705 1.4896235740831294 1.5561783390394321 +24708,1.385921963569806,0,0.5532135090001541 0.44796411325528984 0.3365235765842541 0.2637776707017797 0.24829981838635515 0.25449095931252674 0.25294317408098604 0.2250830399132271 0.25139538884944534 0.2653254559333204 0.34426250274196635 0.46034639510762426 0.6569151195134688 0.9200386088756337 1.1398241117546062 1.3410361918550817 1.4617634399153705 1.4896235740831294 1.5561783390394321 1.5391527014924757 +24709,1.2868637087511132,0,0.44796411325528984 0.3365235765842541 0.2637776707017797 0.24829981838635515 0.25449095931252674 0.25294317408098604 0.2250830399132271 0.25139538884944534 0.2653254559333204 0.34426250274196635 0.46034639510762426 0.6569151195134688 0.9200386088756337 1.1398241117546062 1.3410361918550817 1.4617634399153705 1.4896235740831294 1.5561783390394321 1.5391527014924757 1.385921963569806 +24710,1.1506586083754,0,0.3365235765842541 0.2637776707017797 0.24829981838635515 0.25449095931252674 0.25294317408098604 0.2250830399132271 0.25139538884944534 0.2653254559333204 0.34426250274196635 0.46034639510762426 0.6569151195134688 0.9200386088756337 1.1398241117546062 1.3410361918550817 1.4617634399153705 1.4896235740831294 1.5561783390394321 1.5391527014924757 1.385921963569806 1.2868637087511132 +24711,0.7977635755838042,0,0.2637776707017797 0.24829981838635515 0.25449095931252674 0.25294317408098604 0.2250830399132271 0.25139538884944534 0.2653254559333204 0.34426250274196635 0.46034639510762426 0.6569151195134688 0.9200386088756337 1.1398241117546062 1.3410361918550817 1.4617634399153705 1.4896235740831294 1.5561783390394321 1.5391527014924757 1.385921963569806 1.2868637087511132 1.1506586083754 +24712,0.7141831730805274,0,0.24829981838635515 0.25449095931252674 0.25294317408098604 0.2250830399132271 0.25139538884944534 0.2653254559333204 0.34426250274196635 0.46034639510762426 0.6569151195134688 0.9200386088756337 1.1398241117546062 1.3410361918550817 1.4617634399153705 1.4896235740831294 1.5561783390394321 1.5391527014924757 1.385921963569806 1.2868637087511132 1.1506586083754 0.7977635755838042 +24713,0.5532135090001541,0,0.25449095931252674 0.25294317408098604 0.2250830399132271 0.25139538884944534 0.2653254559333204 0.34426250274196635 0.46034639510762426 0.6569151195134688 0.9200386088756337 1.1398241117546062 1.3410361918550817 1.4617634399153705 1.4896235740831294 1.5561783390394321 1.5391527014924757 1.385921963569806 1.2868637087511132 1.1506586083754 0.7977635755838042 0.7141831730805274 +24714,0.46653753603379583,0,0.25294317408098604 0.2250830399132271 0.25139538884944534 0.2653254559333204 0.34426250274196635 0.46034639510762426 0.6569151195134688 0.9200386088756337 1.1398241117546062 1.3410361918550817 1.4617634399153705 1.4896235740831294 1.5561783390394321 1.5391527014924757 1.385921963569806 1.2868637087511132 1.1506586083754 0.7977635755838042 0.7141831730805274 0.5532135090001541 +24715,0.37831377783589687,0,0.2250830399132271 0.25139538884944534 0.2653254559333204 0.34426250274196635 0.46034639510762426 0.6569151195134688 0.9200386088756337 1.1398241117546062 1.3410361918550817 1.4617634399153705 1.4896235740831294 1.5561783390394321 1.5391527014924757 1.385921963569806 1.2868637087511132 1.1506586083754 0.7977635755838042 0.7141831730805274 0.5532135090001541 0.46653753603379583 +24716,0.29009001963799796,0,0.25139538884944534 0.2653254559333204 0.34426250274196635 0.46034639510762426 0.6569151195134688 0.9200386088756337 1.1398241117546062 1.3410361918550817 1.4617634399153705 1.4896235740831294 1.5561783390394321 1.5391527014924757 1.385921963569806 1.2868637087511132 1.1506586083754 0.7977635755838042 0.7141831730805274 0.5532135090001541 0.46653753603379583 0.37831377783589687 +24717,0.2111529728293432,0,0.2653254559333204 0.34426250274196635 0.46034639510762426 0.6569151195134688 0.9200386088756337 1.1398241117546062 1.3410361918550817 1.4617634399153705 1.4896235740831294 1.5561783390394321 1.5391527014924757 1.385921963569806 1.2868637087511132 1.1506586083754 0.7977635755838042 0.7141831730805274 0.5532135090001541 0.46653753603379583 0.37831377783589687 0.29009001963799796 +24718,0.17710169773542148,0,0.34426250274196635 0.46034639510762426 0.6569151195134688 0.9200386088756337 1.1398241117546062 1.3410361918550817 1.4617634399153705 1.4896235740831294 1.5561783390394321 1.5391527014924757 1.385921963569806 1.2868637087511132 1.1506586083754 0.7977635755838042 0.7141831730805274 0.5532135090001541 0.46653753603379583 0.37831377783589687 0.29009001963799796 0.2111529728293432 +24719,0.14150263740995023,0,0.46034639510762426 0.6569151195134688 0.9200386088756337 1.1398241117546062 1.3410361918550817 1.4617634399153705 1.4896235740831294 1.5561783390394321 1.5391527014924757 1.385921963569806 1.2868637087511132 1.1506586083754 0.7977635755838042 0.7141831730805274 0.5532135090001541 0.46653753603379583 0.37831377783589687 0.29009001963799796 0.2111529728293432 0.17710169773542148 +24720,0.14769377833612182,0,0.6569151195134688 0.9200386088756337 1.1398241117546062 1.3410361918550817 1.4617634399153705 1.4896235740831294 1.5561783390394321 1.5391527014924757 1.385921963569806 1.2868637087511132 1.1506586083754 0.7977635755838042 0.7141831730805274 0.5532135090001541 0.46653753603379583 0.37831377783589687 0.29009001963799796 0.2111529728293432 0.17710169773542148 0.14150263740995023 +24721,0.12138142939990357,0,0.9200386088756337 1.1398241117546062 1.3410361918550817 1.4617634399153705 1.4896235740831294 1.5561783390394321 1.5391527014924757 1.385921963569806 1.2868637087511132 1.1506586083754 0.7977635755838042 0.7141831730805274 0.5532135090001541 0.46653753603379583 0.37831377783589687 0.29009001963799796 0.2111529728293432 0.17710169773542148 0.14150263740995023 0.14769377833612182 +24722,0.3210457242688383,0,1.1398241117546062 1.3410361918550817 1.4617634399153705 1.4896235740831294 1.5561783390394321 1.5391527014924757 1.385921963569806 1.2868637087511132 1.1506586083754 0.7977635755838042 0.7141831730805274 0.5532135090001541 0.46653753603379583 0.37831377783589687 0.29009001963799796 0.2111529728293432 0.17710169773542148 0.14150263740995023 0.14769377833612182 0.12138142939990357 +24723,0.5547612942316947,0,1.3410361918550817 1.4617634399153705 1.4896235740831294 1.5561783390394321 1.5391527014924757 1.385921963569806 1.2868637087511132 1.1506586083754 0.7977635755838042 0.7141831730805274 0.5532135090001541 0.46653753603379583 0.37831377783589687 0.29009001963799796 0.2111529728293432 0.17710169773542148 0.14150263740995023 0.14769377833612182 0.12138142939990357 0.3210457242688383 +24724,0.8658661257716564,0,1.4617634399153705 1.4896235740831294 1.5561783390394321 1.5391527014924757 1.385921963569806 1.2868637087511132 1.1506586083754 0.7977635755838042 0.7141831730805274 0.5532135090001541 0.46653753603379583 0.37831377783589687 0.29009001963799796 0.2111529728293432 0.17710169773542148 0.14150263740995023 0.14769377833612182 0.12138142939990357 0.3210457242688383 0.5547612942316947 +24725,1.1042250514291438,0,1.4896235740831294 1.5561783390394321 1.5391527014924757 1.385921963569806 1.2868637087511132 1.1506586083754 0.7977635755838042 0.7141831730805274 0.5532135090001541 0.46653753603379583 0.37831377783589687 0.29009001963799796 0.2111529728293432 0.17710169773542148 0.14150263740995023 0.14769377833612182 0.12138142939990357 0.3210457242688383 0.5547612942316947 0.8658661257716564 +24726,1.4478333728314865,0,1.5561783390394321 1.5391527014924757 1.385921963569806 1.2868637087511132 1.1506586083754 0.7977635755838042 0.7141831730805274 0.5532135090001541 0.46653753603379583 0.37831377783589687 0.29009001963799796 0.2111529728293432 0.17710169773542148 0.14150263740995023 0.14769377833612182 0.12138142939990357 0.3210457242688383 0.5547612942316947 0.8658661257716564 1.1042250514291438 +24727,1.6567843790896744,0,1.5391527014924757 1.385921963569806 1.2868637087511132 1.1506586083754 0.7977635755838042 0.7141831730805274 0.5532135090001541 0.46653753603379583 0.37831377783589687 0.29009001963799796 0.2111529728293432 0.17710169773542148 0.14150263740995023 0.14769377833612182 0.12138142939990357 0.3210457242688383 0.5547612942316947 0.8658661257716564 1.1042250514291438 1.4478333728314865 +24728,1.8038239760861725,0,1.385921963569806 1.2868637087511132 1.1506586083754 0.7977635755838042 0.7141831730805274 0.5532135090001541 0.46653753603379583 0.37831377783589687 0.29009001963799796 0.2111529728293432 0.17710169773542148 0.14150263740995023 0.14769377833612182 0.12138142939990357 0.3210457242688383 0.5547612942316947 0.8658661257716564 1.1042250514291438 1.4478333728314865 1.6567843790896744 +24729,1.9322901503041647,0,1.2868637087511132 1.1506586083754 0.7977635755838042 0.7141831730805274 0.5532135090001541 0.46653753603379583 0.37831377783589687 0.29009001963799796 0.2111529728293432 0.17710169773542148 0.14150263740995023 0.14769377833612182 0.12138142939990357 0.3210457242688383 0.5547612942316947 0.8658661257716564 1.1042250514291438 1.4478333728314865 1.6567843790896744 1.8038239760861725 +24730,1.9926537743343136,0,1.1506586083754 0.7977635755838042 0.7141831730805274 0.5532135090001541 0.46653753603379583 0.37831377783589687 0.29009001963799796 0.2111529728293432 0.17710169773542148 0.14150263740995023 0.14769377833612182 0.12138142939990357 0.3210457242688383 0.5547612942316947 0.8658661257716564 1.1042250514291438 1.4478333728314865 1.6567843790896744 1.8038239760861725 1.9322901503041647 +24731,1.977175922018889,0,0.7977635755838042 0.7141831730805274 0.5532135090001541 0.46653753603379583 0.37831377783589687 0.29009001963799796 0.2111529728293432 0.17710169773542148 0.14150263740995023 0.14769377833612182 0.12138142939990357 0.3210457242688383 0.5547612942316947 0.8658661257716564 1.1042250514291438 1.4478333728314865 1.6567843790896744 1.8038239760861725 1.9322901503041647 1.9926537743343136 +24732,1.9059778013679554,0,0.7141831730805274 0.5532135090001541 0.46653753603379583 0.37831377783589687 0.29009001963799796 0.2111529728293432 0.17710169773542148 0.14150263740995023 0.14769377833612182 0.12138142939990357 0.3210457242688383 0.5547612942316947 0.8658661257716564 1.1042250514291438 1.4478333728314865 1.6567843790896744 1.8038239760861725 1.9322901503041647 1.9926537743343136 1.977175922018889 +24733,1.7156002178882737,0,0.5532135090001541 0.46653753603379583 0.37831377783589687 0.29009001963799796 0.2111529728293432 0.17710169773542148 0.14150263740995023 0.14769377833612182 0.12138142939990357 0.3210457242688383 0.5547612942316947 0.8658661257716564 1.1042250514291438 1.4478333728314865 1.6567843790896744 1.8038239760861725 1.9322901503041647 1.9926537743343136 1.977175922018889 1.9059778013679554 +24734,1.4973625002408328,0,0.46653753603379583 0.37831377783589687 0.29009001963799796 0.2111529728293432 0.17710169773542148 0.14150263740995023 0.14769377833612182 0.12138142939990357 0.3210457242688383 0.5547612942316947 0.8658661257716564 1.1042250514291438 1.4478333728314865 1.6567843790896744 1.8038239760861725 1.9322901503041647 1.9926537743343136 1.977175922018889 1.9059778013679554 1.7156002178882737 +24735,1.020644648925867,0,0.37831377783589687 0.29009001963799796 0.2111529728293432 0.17710169773542148 0.14150263740995023 0.14769377833612182 0.12138142939990357 0.3210457242688383 0.5547612942316947 0.8658661257716564 1.1042250514291438 1.4478333728314865 1.6567843790896744 1.8038239760861725 1.9322901503041647 1.9926537743343136 1.977175922018889 1.9059778013679554 1.7156002178882737 1.4973625002408328 +24736,0.8194325688253916,0,0.29009001963799796 0.2111529728293432 0.17710169773542148 0.14150263740995023 0.14769377833612182 0.12138142939990357 0.3210457242688383 0.5547612942316947 0.8658661257716564 1.1042250514291438 1.4478333728314865 1.6567843790896744 1.8038239760861725 1.9322901503041647 1.9926537743343136 1.977175922018889 1.9059778013679554 1.7156002178882737 1.4973625002408328 1.020644648925867 +24737,0.6863230389127685,0,0.2111529728293432 0.17710169773542148 0.14150263740995023 0.14769377833612182 0.12138142939990357 0.3210457242688383 0.5547612942316947 0.8658661257716564 1.1042250514291438 1.4478333728314865 1.6567843790896744 1.8038239760861725 1.9322901503041647 1.9926537743343136 1.977175922018889 1.9059778013679554 1.7156002178882737 1.4973625002408328 1.020644648925867 0.8194325688253916 +24738,0.5795258579363636,0,0.17710169773542148 0.14150263740995023 0.14769377833612182 0.12138142939990357 0.3210457242688383 0.5547612942316947 0.8658661257716564 1.1042250514291438 1.4478333728314865 1.6567843790896744 1.8038239760861725 1.9322901503041647 1.9926537743343136 1.977175922018889 1.9059778013679554 1.7156002178882737 1.4973625002408328 1.020644648925867 0.8194325688253916 0.6863230389127685 +24739,0.5563090794632355,0,0.14150263740995023 0.14769377833612182 0.12138142939990357 0.3210457242688383 0.5547612942316947 0.8658661257716564 1.1042250514291438 1.4478333728314865 1.6567843790896744 1.8038239760861725 1.9322901503041647 1.9926537743343136 1.977175922018889 1.9059778013679554 1.7156002178882737 1.4973625002408328 1.020644648925867 0.8194325688253916 0.6863230389127685 0.5795258579363636 +24740,0.46653753603379583,0,0.14769377833612182 0.12138142939990357 0.3210457242688383 0.5547612942316947 0.8658661257716564 1.1042250514291438 1.4478333728314865 1.6567843790896744 1.8038239760861725 1.9322901503041647 1.9926537743343136 1.977175922018889 1.9059778013679554 1.7156002178882737 1.4973625002408328 1.020644648925867 0.8194325688253916 0.6863230389127685 0.5795258579363636 0.5563090794632355 +24741,0.3876004892251499,0,0.12138142939990357 0.3210457242688383 0.5547612942316947 0.8658661257716564 1.1042250514291438 1.4478333728314865 1.6567843790896744 1.8038239760861725 1.9322901503041647 1.9926537743343136 1.977175922018889 1.9059778013679554 1.7156002178882737 1.4973625002408328 1.020644648925867 0.8194325688253916 0.6863230389127685 0.5795258579363636 0.5563090794632355 0.46653753603379583 +24742,0.35819256982585024,0,0.3210457242688383 0.5547612942316947 0.8658661257716564 1.1042250514291438 1.4478333728314865 1.6567843790896744 1.8038239760861725 1.9322901503041647 1.9926537743343136 1.977175922018889 1.9059778013679554 1.7156002178882737 1.4973625002408328 1.020644648925867 0.8194325688253916 0.6863230389127685 0.5795258579363636 0.5563090794632355 0.46653753603379583 0.3876004892251499 +24743,0.29782894579570146,0,0.5547612942316947 0.8658661257716564 1.1042250514291438 1.4478333728314865 1.6567843790896744 1.8038239760861725 1.9322901503041647 1.9926537743343136 1.977175922018889 1.9059778013679554 1.7156002178882737 1.4973625002408328 1.020644648925867 0.8194325688253916 0.6863230389127685 0.5795258579363636 0.5563090794632355 0.46653753603379583 0.3876004892251499 0.35819256982585024 +24744,0.3287846504265506,0,0.8658661257716564 1.1042250514291438 1.4478333728314865 1.6567843790896744 1.8038239760861725 1.9322901503041647 1.9926537743343136 1.977175922018889 1.9059778013679554 1.7156002178882737 1.4973625002408328 1.020644648925867 0.8194325688253916 0.6863230389127685 0.5795258579363636 0.5563090794632355 0.46653753603379583 0.3876004892251499 0.35819256982585024 0.29782894579570146 +24745,0.29473337533262006,0,1.1042250514291438 1.4478333728314865 1.6567843790896744 1.8038239760861725 1.9322901503041647 1.9926537743343136 1.977175922018889 1.9059778013679554 1.7156002178882737 1.4973625002408328 1.020644648925867 0.8194325688253916 0.6863230389127685 0.5795258579363636 0.5563090794632355 0.46653753603379583 0.3876004892251499 0.35819256982585024 0.29782894579570146 0.3287846504265506 +24746,0.39998277107748426,0,1.4478333728314865 1.6567843790896744 1.8038239760861725 1.9322901503041647 1.9926537743343136 1.977175922018889 1.9059778013679554 1.7156002178882737 1.4973625002408328 1.020644648925867 0.8194325688253916 0.6863230389127685 0.5795258579363636 0.5563090794632355 0.46653753603379583 0.3876004892251499 0.35819256982585024 0.29782894579570146 0.3287846504265506 0.29473337533262006 +24747,0.6352461262718814,0,1.6567843790896744 1.8038239760861725 1.9322901503041647 1.9926537743343136 1.977175922018889 1.9059778013679554 1.7156002178882737 1.4973625002408328 1.020644648925867 0.8194325688253916 0.6863230389127685 0.5795258579363636 0.5563090794632355 0.46653753603379583 0.3876004892251499 0.35819256982585024 0.29782894579570146 0.3287846504265506 0.29473337533262006 0.39998277107748426 +24748,0.7404955220167456,0,1.8038239760861725 1.9322901503041647 1.9926537743343136 1.977175922018889 1.9059778013679554 1.7156002178882737 1.4973625002408328 1.020644648925867 0.8194325688253916 0.6863230389127685 0.5795258579363636 0.5563090794632355 0.46653753603379583 0.3876004892251499 0.35819256982585024 0.29782894579570146 0.3287846504265506 0.29473337533262006 0.39998277107748426 0.6352461262718814 +24749,1.048504783093626,0,1.9322901503041647 1.9926537743343136 1.977175922018889 1.9059778013679554 1.7156002178882737 1.4973625002408328 1.020644648925867 0.8194325688253916 0.6863230389127685 0.5795258579363636 0.5563090794632355 0.46653753603379583 0.3876004892251499 0.35819256982585024 0.29782894579570146 0.3287846504265506 0.29473337533262006 0.39998277107748426 0.6352461262718814 0.7404955220167456 +24750,1.4586678694522803,0,1.9926537743343136 1.977175922018889 1.9059778013679554 1.7156002178882737 1.4973625002408328 1.020644648925867 0.8194325688253916 0.6863230389127685 0.5795258579363636 0.5563090794632355 0.46653753603379583 0.3876004892251499 0.35819256982585024 0.29782894579570146 0.3287846504265506 0.29473337533262006 0.39998277107748426 0.6352461262718814 0.7404955220167456 1.048504783093626 +24751,1.6149941778380315,0,1.977175922018889 1.9059778013679554 1.7156002178882737 1.4973625002408328 1.020644648925867 0.8194325688253916 0.6863230389127685 0.5795258579363636 0.5563090794632355 0.46653753603379583 0.3876004892251499 0.35819256982585024 0.29782894579570146 0.3287846504265506 0.29473337533262006 0.39998277107748426 0.6352461262718814 0.7404955220167456 1.048504783093626 1.4586678694522803 +24752,1.8765698819686558,0,1.9059778013679554 1.7156002178882737 1.4973625002408328 1.020644648925867 0.8194325688253916 0.6863230389127685 0.5795258579363636 0.5563090794632355 0.46653753603379583 0.3876004892251499 0.35819256982585024 0.29782894579570146 0.3287846504265506 0.29473337533262006 0.39998277107748426 0.6352461262718814 0.7404955220167456 1.048504783093626 1.4586678694522803 1.6149941778380315 +24753,1.9338379355357056,0,1.7156002178882737 1.4973625002408328 1.020644648925867 0.8194325688253916 0.6863230389127685 0.5795258579363636 0.5563090794632355 0.46653753603379583 0.3876004892251499 0.35819256982585024 0.29782894579570146 0.3287846504265506 0.29473337533262006 0.39998277107748426 0.6352461262718814 0.7404955220167456 1.048504783093626 1.4586678694522803 1.6149941778380315 1.8765698819686558 +24754,1.899301913299802,0,1.4973625002408328 1.020644648925867 0.8194325688253916 0.6863230389127685 0.5795258579363636 0.5563090794632355 0.46653753603379583 0.3876004892251499 0.35819256982585024 0.29782894579570146 0.3287846504265506 0.29473337533262006 0.39998277107748426 0.6352461262718814 0.7404955220167456 1.048504783093626 1.4586678694522803 1.6149941778380315 1.8765698819686558 1.9338379355357056 +24755,1.783702768076126,0,1.020644648925867 0.8194325688253916 0.6863230389127685 0.5795258579363636 0.5563090794632355 0.46653753603379583 0.3876004892251499 0.35819256982585024 0.29782894579570146 0.3287846504265506 0.29473337533262006 0.39998277107748426 0.6352461262718814 0.7404955220167456 1.048504783093626 1.4586678694522803 1.6149941778380315 1.8765698819686558 1.9338379355357056 1.899301913299802 +24756,1.6939312246466862,0,0.8194325688253916 0.6863230389127685 0.5795258579363636 0.5563090794632355 0.46653753603379583 0.3876004892251499 0.35819256982585024 0.29782894579570146 0.3287846504265506 0.29473337533262006 0.39998277107748426 0.6352461262718814 0.7404955220167456 1.048504783093626 1.4586678694522803 1.6149941778380315 1.8765698819686558 1.9338379355357056 1.899301913299802 1.783702768076126 +24757,1.585586258438732,0,0.6863230389127685 0.5795258579363636 0.5563090794632355 0.46653753603379583 0.3876004892251499 0.35819256982585024 0.29782894579570146 0.3287846504265506 0.29473337533262006 0.39998277107748426 0.6352461262718814 0.7404955220167456 1.048504783093626 1.4586678694522803 1.6149941778380315 1.8765698819686558 1.9338379355357056 1.899301913299802 1.783702768076126 1.6939312246466862 +24758,1.3518706884758753,0,0.5795258579363636 0.5563090794632355 0.46653753603379583 0.3876004892251499 0.35819256982585024 0.29782894579570146 0.3287846504265506 0.29473337533262006 0.39998277107748426 0.6352461262718814 0.7404955220167456 1.048504783093626 1.4586678694522803 1.6149941778380315 1.8765698819686558 1.9338379355357056 1.899301913299802 1.783702768076126 1.6939312246466862 1.585586258438732 +24759,1.071721561566754,0,0.5563090794632355 0.46653753603379583 0.3876004892251499 0.35819256982585024 0.29782894579570146 0.3287846504265506 0.29473337533262006 0.39998277107748426 0.6352461262718814 0.7404955220167456 1.048504783093626 1.4586678694522803 1.6149941778380315 1.8765698819686558 1.9338379355357056 1.899301913299802 1.783702768076126 1.6939312246466862 1.585586258438732 1.3518706884758753 +24760,0.8782484076239908,0,0.46653753603379583 0.3876004892251499 0.35819256982585024 0.29782894579570146 0.3287846504265506 0.29473337533262006 0.39998277107748426 0.6352461262718814 0.7404955220167456 1.048504783093626 1.4586678694522803 1.6149941778380315 1.8765698819686558 1.9338379355357056 1.899301913299802 1.783702768076126 1.6939312246466862 1.585586258438732 1.3518706884758753 1.071721561566754 +24761,0.790024649426092,0,0.3876004892251499 0.35819256982585024 0.29782894579570146 0.3287846504265506 0.29473337533262006 0.39998277107748426 0.6352461262718814 0.7404955220167456 1.048504783093626 1.4586678694522803 1.6149941778380315 1.8765698819686558 1.9338379355357056 1.899301913299802 1.783702768076126 1.6939312246466862 1.585586258438732 1.3518706884758753 1.071721561566754 0.8782484076239908 +24762,0.7002531059966522,0,0.35819256982585024 0.29782894579570146 0.3287846504265506 0.29473337533262006 0.39998277107748426 0.6352461262718814 0.7404955220167456 1.048504783093626 1.4586678694522803 1.6149941778380315 1.8765698819686558 1.9338379355357056 1.899301913299802 1.783702768076126 1.6939312246466862 1.585586258438732 1.3518706884758753 1.071721561566754 0.8782484076239908 0.790024649426092 +24763,0.6785841127550649,0,0.29782894579570146 0.3287846504265506 0.29473337533262006 0.39998277107748426 0.6352461262718814 0.7404955220167456 1.048504783093626 1.4586678694522803 1.6149941778380315 1.8765698819686558 1.9338379355357056 1.899301913299802 1.783702768076126 1.6939312246466862 1.585586258438732 1.3518706884758753 1.071721561566754 0.8782484076239908 0.790024649426092 0.7002531059966522 +24764,0.6352461262718814,0,0.3287846504265506 0.29473337533262006 0.39998277107748426 0.6352461262718814 0.7404955220167456 1.048504783093626 1.4586678694522803 1.6149941778380315 1.8765698819686558 1.9338379355357056 1.899301913299802 1.783702768076126 1.6939312246466862 1.585586258438732 1.3518706884758753 1.071721561566754 0.8782484076239908 0.790024649426092 0.7002531059966522 0.6785841127550649 +24765,0.5872647840940758,0,0.29473337533262006 0.39998277107748426 0.6352461262718814 0.7404955220167456 1.048504783093626 1.4586678694522803 1.6149941778380315 1.8765698819686558 1.9338379355357056 1.899301913299802 1.783702768076126 1.6939312246466862 1.585586258438732 1.3518706884758753 1.071721561566754 0.8782484076239908 0.790024649426092 0.7002531059966522 0.6785841127550649 0.6352461262718814 +24766,0.5408312271478108,0,0.39998277107748426 0.6352461262718814 0.7404955220167456 1.048504783093626 1.4586678694522803 1.6149941778380315 1.8765698819686558 1.9338379355357056 1.899301913299802 1.783702768076126 1.6939312246466862 1.585586258438732 1.3518706884758753 1.071721561566754 0.8782484076239908 0.790024649426092 0.7002531059966522 0.6785841127550649 0.6352461262718814 0.5872647840940758 +24767,0.5392834419162702,0,0.6352461262718814 0.7404955220167456 1.048504783093626 1.4586678694522803 1.6149941778380315 1.8765698819686558 1.9338379355357056 1.899301913299802 1.783702768076126 1.6939312246466862 1.585586258438732 1.3518706884758753 1.071721561566754 0.8782484076239908 0.790024649426092 0.7002531059966522 0.6785841127550649 0.6352461262718814 0.5872647840940758 0.5408312271478108 +24768,0.5392834419162702,0,0.7404955220167456 1.048504783093626 1.4586678694522803 1.6149941778380315 1.8765698819686558 1.9338379355357056 1.899301913299802 1.783702768076126 1.6939312246466862 1.585586258438732 1.3518706884758753 1.071721561566754 0.8782484076239908 0.790024649426092 0.7002531059966522 0.6785841127550649 0.6352461262718814 0.5872647840940758 0.5408312271478108 0.5392834419162702 +24769,0.5532135090001541,0,1.048504783093626 1.4586678694522803 1.6149941778380315 1.8765698819686558 1.9338379355357056 1.899301913299802 1.783702768076126 1.6939312246466862 1.585586258438732 1.3518706884758753 1.071721561566754 0.8782484076239908 0.790024649426092 0.7002531059966522 0.6785841127550649 0.6352461262718814 0.5872647840940758 0.5408312271478108 0.5392834419162702 0.5392834419162702 +24770,0.6398894819665123,0,1.4586678694522803 1.6149941778380315 1.8765698819686558 1.9338379355357056 1.899301913299802 1.783702768076126 1.6939312246466862 1.585586258438732 1.3518706884758753 1.071721561566754 0.8782484076239908 0.790024649426092 0.7002531059966522 0.6785841127550649 0.6352461262718814 0.5872647840940758 0.5408312271478108 0.5392834419162702 0.5392834419162702 0.5532135090001541 +24771,0.7760945823422168,0,1.6149941778380315 1.8765698819686558 1.9338379355357056 1.899301913299802 1.783702768076126 1.6939312246466862 1.585586258438732 1.3518706884758753 1.071721561566754 0.8782484076239908 0.790024649426092 0.7002531059966522 0.6785841127550649 0.6352461262718814 0.5872647840940758 0.5408312271478108 0.5392834419162702 0.5392834419162702 0.5532135090001541 0.6398894819665123 +24772,0.9401598168856804,0,1.8765698819686558 1.9338379355357056 1.899301913299802 1.783702768076126 1.6939312246466862 1.585586258438732 1.3518706884758753 1.071721561566754 0.8782484076239908 0.790024649426092 0.7002531059966522 0.6785841127550649 0.6352461262718814 0.5872647840940758 0.5408312271478108 0.5392834419162702 0.5392834419162702 0.5532135090001541 0.6398894819665123 0.7760945823422168 +24773,1.2172133733317116,0,1.9338379355357056 1.899301913299802 1.783702768076126 1.6939312246466862 1.585586258438732 1.3518706884758753 1.071721561566754 0.8782484076239908 0.790024649426092 0.7002531059966522 0.6785841127550649 0.6352461262718814 0.5872647840940758 0.5408312271478108 0.5392834419162702 0.5392834419162702 0.5532135090001541 0.6398894819665123 0.7760945823422168 0.9401598168856804 +24774,1.542248271955557,0,1.899301913299802 1.783702768076126 1.6939312246466862 1.585586258438732 1.3518706884758753 1.071721561566754 0.8782484076239908 0.790024649426092 0.7002531059966522 0.6785841127550649 0.6352461262718814 0.5872647840940758 0.5408312271478108 0.5392834419162702 0.5392834419162702 0.5532135090001541 0.6398894819665123 0.7760945823422168 0.9401598168856804 1.2172133733317116 +24775,1.7341736406667796,0,1.783702768076126 1.6939312246466862 1.585586258438732 1.3518706884758753 1.071721561566754 0.8782484076239908 0.790024649426092 0.7002531059966522 0.6785841127550649 0.6352461262718814 0.5872647840940758 0.5408312271478108 0.5392834419162702 0.5392834419162702 0.5532135090001541 0.6398894819665123 0.7760945823422168 0.9401598168856804 1.2172133733317116 1.542248271955557 +24776,1.8843088081263593,0,1.6939312246466862 1.585586258438732 1.3518706884758753 1.071721561566754 0.8782484076239908 0.790024649426092 0.7002531059966522 0.6785841127550649 0.6352461262718814 0.5872647840940758 0.5408312271478108 0.5392834419162702 0.5392834419162702 0.5532135090001541 0.6398894819665123 0.7760945823422168 0.9401598168856804 1.2172133733317116 1.542248271955557 1.7341736406667796 +24777,1.953959143545761,0,1.585586258438732 1.3518706884758753 1.071721561566754 0.8782484076239908 0.790024649426092 0.7002531059966522 0.6785841127550649 0.6352461262718814 0.5872647840940758 0.5408312271478108 0.5392834419162702 0.5392834419162702 0.5532135090001541 0.6398894819665123 0.7760945823422168 0.9401598168856804 1.2172133733317116 1.542248271955557 1.7341736406667796 1.8843088081263593 +24778,1.8425186068747252,0,1.3518706884758753 1.071721561566754 0.8782484076239908 0.790024649426092 0.7002531059966522 0.6785841127550649 0.6352461262718814 0.5872647840940758 0.5408312271478108 0.5392834419162702 0.5392834419162702 0.5532135090001541 0.6398894819665123 0.7760945823422168 0.9401598168856804 1.2172133733317116 1.542248271955557 1.7341736406667796 1.8843088081263593 1.953959143545761 +24779,1.806919546549254,0,1.071721561566754 0.8782484076239908 0.790024649426092 0.7002531059966522 0.6785841127550649 0.6352461262718814 0.5872647840940758 0.5408312271478108 0.5392834419162702 0.5392834419162702 0.5532135090001541 0.6398894819665123 0.7760945823422168 0.9401598168856804 1.2172133733317116 1.542248271955557 1.7341736406667796 1.8843088081263593 1.953959143545761 1.8425186068747252 +24780,1.769772700992242,0,0.8782484076239908 0.790024649426092 0.7002531059966522 0.6785841127550649 0.6352461262718814 0.5872647840940758 0.5408312271478108 0.5392834419162702 0.5392834419162702 0.5532135090001541 0.6398894819665123 0.7760945823422168 0.9401598168856804 1.2172133733317116 1.542248271955557 1.7341736406667796 1.8843088081263593 1.953959143545761 1.8425186068747252 1.806919546549254 +24781,1.652739097514341,0,0.790024649426092 0.7002531059966522 0.6785841127550649 0.6352461262718814 0.5872647840940758 0.5408312271478108 0.5392834419162702 0.5392834419162702 0.5532135090001541 0.6398894819665123 0.7760945823422168 0.9401598168856804 1.2172133733317116 1.542248271955557 1.7341736406667796 1.8843088081263593 1.953959143545761 1.8425186068747252 1.806919546549254 1.769772700992242 +24782,1.3549662589389655,0,0.7002531059966522 0.6785841127550649 0.6352461262718814 0.5872647840940758 0.5408312271478108 0.5392834419162702 0.5392834419162702 0.5532135090001541 0.6398894819665123 0.7760945823422168 0.9401598168856804 1.2172133733317116 1.542248271955557 1.7341736406667796 1.8843088081263593 1.953959143545761 1.8425186068747252 1.806919546549254 1.769772700992242 1.652739097514341 +24783,1.1042250514291438,0,0.6785841127550649 0.6352461262718814 0.5872647840940758 0.5408312271478108 0.5392834419162702 0.5392834419162702 0.5532135090001541 0.6398894819665123 0.7760945823422168 0.9401598168856804 1.2172133733317116 1.542248271955557 1.7341736406667796 1.8843088081263593 1.953959143545761 1.8425186068747252 1.806919546549254 1.769772700992242 1.652739097514341 1.3549662589389655 +24784,0.9757588772111427,0,0.6352461262718814 0.5872647840940758 0.5408312271478108 0.5392834419162702 0.5392834419162702 0.5532135090001541 0.6398894819665123 0.7760945823422168 0.9401598168856804 1.2172133733317116 1.542248271955557 1.7341736406667796 1.8843088081263593 1.953959143545761 1.8425186068747252 1.806919546549254 1.769772700992242 1.652739097514341 1.3549662589389655 1.1042250514291438 +24785,0.8596749848454849,0,0.5872647840940758 0.5408312271478108 0.5392834419162702 0.5392834419162702 0.5532135090001541 0.6398894819665123 0.7760945823422168 0.9401598168856804 1.2172133733317116 1.542248271955557 1.7341736406667796 1.8843088081263593 1.953959143545761 1.8425186068747252 1.806919546549254 1.769772700992242 1.652739097514341 1.3549662589389655 1.1042250514291438 0.9757588772111427 +24786,0.7606167300267923,0,0.5408312271478108 0.5392834419162702 0.5392834419162702 0.5532135090001541 0.6398894819665123 0.7760945823422168 0.9401598168856804 1.2172133733317116 1.542248271955557 1.7341736406667796 1.8843088081263593 1.953959143545761 1.8425186068747252 1.806919546549254 1.769772700992242 1.652739097514341 1.3549662589389655 1.1042250514291438 0.9757588772111427 0.8596749848454849 +24787,0.7172787435436175,0,0.5392834419162702 0.5392834419162702 0.5532135090001541 0.6398894819665123 0.7760945823422168 0.9401598168856804 1.2172133733317116 1.542248271955557 1.7341736406667796 1.8843088081263593 1.953959143545761 1.8425186068747252 1.806919546549254 1.769772700992242 1.652739097514341 1.3549662589389655 1.1042250514291438 0.9757588772111427 0.8596749848454849 0.7606167300267923 +24788,0.6754885422919747,0,0.5392834419162702 0.5532135090001541 0.6398894819665123 0.7760945823422168 0.9401598168856804 1.2172133733317116 1.542248271955557 1.7341736406667796 1.8843088081263593 1.953959143545761 1.8425186068747252 1.806919546549254 1.769772700992242 1.652739097514341 1.3549662589389655 1.1042250514291438 0.9757588772111427 0.8596749848454849 0.7606167300267923 0.7172787435436175 +24789,0.6011948511779597,0,0.5532135090001541 0.6398894819665123 0.7760945823422168 0.9401598168856804 1.2172133733317116 1.542248271955557 1.7341736406667796 1.8843088081263593 1.953959143545761 1.8425186068747252 1.806919546549254 1.769772700992242 1.652739097514341 1.3549662589389655 1.1042250514291438 0.9757588772111427 0.8596749848454849 0.7606167300267923 0.7172787435436175 0.6754885422919747 +24790,0.5609524351578663,0,0.6398894819665123 0.7760945823422168 0.9401598168856804 1.2172133733317116 1.542248271955557 1.7341736406667796 1.8843088081263593 1.953959143545761 1.8425186068747252 1.806919546549254 1.769772700992242 1.652739097514341 1.3549662589389655 1.1042250514291438 0.9757588772111427 0.8596749848454849 0.7606167300267923 0.7172787435436175 0.6754885422919747 0.6011948511779597 +24791,0.5145188782116015,0,0.7760945823422168 0.9401598168856804 1.2172133733317116 1.542248271955557 1.7341736406667796 1.8843088081263593 1.953959143545761 1.8425186068747252 1.806919546549254 1.769772700992242 1.652739097514341 1.3549662589389655 1.1042250514291438 0.9757588772111427 0.8596749848454849 0.7606167300267923 0.7172787435436175 0.6754885422919747 0.6011948511779597 0.5609524351578663 +24792,0.49130209973846456,0,0.9401598168856804 1.2172133733317116 1.542248271955557 1.7341736406667796 1.8843088081263593 1.953959143545761 1.8425186068747252 1.806919546549254 1.769772700992242 1.652739097514341 1.3549662589389655 1.1042250514291438 0.9757588772111427 0.8596749848454849 0.7606167300267923 0.7172787435436175 0.6754885422919747 0.6011948511779597 0.5609524351578663 0.5145188782116015 +24793,0.4882065292753832,0,1.2172133733317116 1.542248271955557 1.7341736406667796 1.8843088081263593 1.953959143545761 1.8425186068747252 1.806919546549254 1.769772700992242 1.652739097514341 1.3549662589389655 1.1042250514291438 0.9757588772111427 0.8596749848454849 0.7606167300267923 0.7172787435436175 0.6754885422919747 0.6011948511779597 0.5609524351578663 0.5145188782116015 0.49130209973846456 +24794,0.5470223680739825,0,1.542248271955557 1.7341736406667796 1.8843088081263593 1.953959143545761 1.8425186068747252 1.806919546549254 1.769772700992242 1.652739097514341 1.3549662589389655 1.1042250514291438 0.9757588772111427 0.8596749848454849 0.7606167300267923 0.7172787435436175 0.6754885422919747 0.6011948511779597 0.5609524351578663 0.5145188782116015 0.49130209973846456 0.4882065292753832 +24795,0.7358521663221236,0,1.7341736406667796 1.8843088081263593 1.953959143545761 1.8425186068747252 1.806919546549254 1.769772700992242 1.652739097514341 1.3549662589389655 1.1042250514291438 0.9757588772111427 0.8596749848454849 0.7606167300267923 0.7172787435436175 0.6754885422919747 0.6011948511779597 0.5609524351578663 0.5145188782116015 0.49130209973846456 0.4882065292753832 0.5470223680739825 +24796,0.9246819645702558,0,1.8843088081263593 1.953959143545761 1.8425186068747252 1.806919546549254 1.769772700992242 1.652739097514341 1.3549662589389655 1.1042250514291438 0.9757588772111427 0.8596749848454849 0.7606167300267923 0.7172787435436175 0.6754885422919747 0.6011948511779597 0.5609524351578663 0.5145188782116015 0.49130209973846456 0.4882065292753832 0.5470223680739825 0.7358521663221236 +24797,1.1491108231438594,0,1.953959143545761 1.8425186068747252 1.806919546549254 1.769772700992242 1.652739097514341 1.3549662589389655 1.1042250514291438 0.9757588772111427 0.8596749848454849 0.7606167300267923 0.7172787435436175 0.6754885422919747 0.6011948511779597 0.5609524351578663 0.5145188782116015 0.49130209973846456 0.4882065292753832 0.5470223680739825 0.7358521663221236 0.9246819645702558 +24798,1.4710501513046235,0,1.8425186068747252 1.806919546549254 1.769772700992242 1.652739097514341 1.3549662589389655 1.1042250514291438 0.9757588772111427 0.8596749848454849 0.7606167300267923 0.7172787435436175 0.6754885422919747 0.6011948511779597 0.5609524351578663 0.5145188782116015 0.49130209973846456 0.4882065292753832 0.5470223680739825 0.7358521663221236 0.9246819645702558 1.1491108231438594 +24799,1.6877400837205148,0,1.806919546549254 1.769772700992242 1.652739097514341 1.3549662589389655 1.1042250514291438 0.9757588772111427 0.8596749848454849 0.7606167300267923 0.7172787435436175 0.6754885422919747 0.6011948511779597 0.5609524351578663 0.5145188782116015 0.49130209973846456 0.4882065292753832 0.5470223680739825 0.7358521663221236 0.9246819645702558 1.1491108231438594 1.4710501513046235 +24800,1.8920477342840716,0,1.769772700992242 1.652739097514341 1.3549662589389655 1.1042250514291438 0.9757588772111427 0.8596749848454849 0.7606167300267923 0.7172787435436175 0.6754885422919747 0.6011948511779597 0.5609524351578663 0.5145188782116015 0.49130209973846456 0.4882065292753832 0.5470223680739825 0.7358521663221236 0.9246819645702558 1.1491108231438594 1.4710501513046235 1.6877400837205148 +24801,2.0359917608174882,0,1.652739097514341 1.3549662589389655 1.1042250514291438 0.9757588772111427 0.8596749848454849 0.7606167300267923 0.7172787435436175 0.6754885422919747 0.6011948511779597 0.5609524351578663 0.5145188782116015 0.49130209973846456 0.4882065292753832 0.5470223680739825 0.7358521663221236 0.9246819645702558 1.1491108231438594 1.4710501513046235 1.6877400837205148 1.8920477342840716 +24802,2.0530173983644535,0,1.3549662589389655 1.1042250514291438 0.9757588772111427 0.8596749848454849 0.7606167300267923 0.7172787435436175 0.6754885422919747 0.6011948511779597 0.5609524351578663 0.5145188782116015 0.49130209973846456 0.4882065292753832 0.5470223680739825 0.7358521663221236 0.9246819645702558 1.1491108231438594 1.4710501513046235 1.6877400837205148 1.8920477342840716 2.0359917608174882 +24803,2.0359917608174882,0,1.1042250514291438 0.9757588772111427 0.8596749848454849 0.7606167300267923 0.7172787435436175 0.6754885422919747 0.6011948511779597 0.5609524351578663 0.5145188782116015 0.49130209973846456 0.4882065292753832 0.5470223680739825 0.7358521663221236 0.9246819645702558 1.1491108231438594 1.4710501513046235 1.6877400837205148 1.8920477342840716 2.0359917608174882 2.0530173983644535 +24804,1.9802714924819704,0,0.9757588772111427 0.8596749848454849 0.7606167300267923 0.7172787435436175 0.6754885422919747 0.6011948511779597 0.5609524351578663 0.5145188782116015 0.49130209973846456 0.4882065292753832 0.5470223680739825 0.7358521663221236 0.9246819645702558 1.1491108231438594 1.4710501513046235 1.6877400837205148 1.8920477342840716 2.0359917608174882 2.0530173983644535 2.0359917608174882 +24805,1.788346123770748,0,0.8596749848454849 0.7606167300267923 0.7172787435436175 0.6754885422919747 0.6011948511779597 0.5609524351578663 0.5145188782116015 0.49130209973846456 0.4882065292753832 0.5470223680739825 0.7358521663221236 0.9246819645702558 1.1491108231438594 1.4710501513046235 1.6877400837205148 1.8920477342840716 2.0359917608174882 2.0530173983644535 2.0359917608174882 1.9802714924819704 +24806,1.5205792787139698,0,0.7606167300267923 0.7172787435436175 0.6754885422919747 0.6011948511779597 0.5609524351578663 0.5145188782116015 0.49130209973846456 0.4882065292753832 0.5470223680739825 0.7358521663221236 0.9246819645702558 1.1491108231438594 1.4710501513046235 1.6877400837205148 1.8920477342840716 2.0359917608174882 2.0530173983644535 2.0359917608174882 1.9802714924819704 1.788346123770748 +24807,1.2651947155095171,0,0.7172787435436175 0.6754885422919747 0.6011948511779597 0.5609524351578663 0.5145188782116015 0.49130209973846456 0.4882065292753832 0.5470223680739825 0.7358521663221236 0.9246819645702558 1.1491108231438594 1.4710501513046235 1.6877400837205148 1.8920477342840716 2.0359917608174882 2.0530173983644535 2.0359917608174882 1.9802714924819704 1.788346123770748 1.5205792787139698 +24808,1.0779127024929256,0,0.6754885422919747 0.6011948511779597 0.5609524351578663 0.5145188782116015 0.49130209973846456 0.4882065292753832 0.5470223680739825 0.7358521663221236 0.9246819645702558 1.1491108231438594 1.4710501513046235 1.6877400837205148 1.8920477342840716 2.0359917608174882 2.0530173983644535 2.0359917608174882 1.9802714924819704 1.788346123770748 1.5205792787139698 1.2651947155095171 +24809,0.8674139110031972,0,0.6011948511779597 0.5609524351578663 0.5145188782116015 0.49130209973846456 0.4882065292753832 0.5470223680739825 0.7358521663221236 0.9246819645702558 1.1491108231438594 1.4710501513046235 1.6877400837205148 1.8920477342840716 2.0359917608174882 2.0530173983644535 2.0359917608174882 1.9802714924819704 1.788346123770748 1.5205792787139698 1.2651947155095171 1.0779127024929256 +24810,0.6445328376611345,0,0.5609524351578663 0.5145188782116015 0.49130209973846456 0.4882065292753832 0.5470223680739825 0.7358521663221236 0.9246819645702558 1.1491108231438594 1.4710501513046235 1.6877400837205148 1.8920477342840716 2.0359917608174882 2.0530173983644535 2.0359917608174882 1.9802714924819704 1.788346123770748 1.5205792787139698 1.2651947155095171 1.0779127024929256 0.8674139110031972 +24811,0.5779780727048228,0,0.5145188782116015 0.49130209973846456 0.4882065292753832 0.5470223680739825 0.7358521663221236 0.9246819645702558 1.1491108231438594 1.4710501513046235 1.6877400837205148 1.8920477342840716 2.0359917608174882 2.0530173983644535 2.0359917608174882 1.9802714924819704 1.788346123770748 1.5205792787139698 1.2651947155095171 1.0779127024929256 0.8674139110031972 0.6445328376611345 +24812,0.5098755225169705,0,0.49130209973846456 0.4882065292753832 0.5470223680739825 0.7358521663221236 0.9246819645702558 1.1491108231438594 1.4710501513046235 1.6877400837205148 1.8920477342840716 2.0359917608174882 2.0530173983644535 2.0359917608174882 1.9802714924819704 1.788346123770748 1.5205792787139698 1.2651947155095171 1.0779127024929256 0.8674139110031972 0.6445328376611345 0.5779780727048228 +24813,0.45725082464454286,0,0.4882065292753832 0.5470223680739825 0.7358521663221236 0.9246819645702558 1.1491108231438594 1.4710501513046235 1.6877400837205148 1.8920477342840716 2.0359917608174882 2.0530173983644535 2.0359917608174882 1.9802714924819704 1.788346123770748 1.5205792787139698 1.2651947155095171 1.0779127024929256 0.8674139110031972 0.6445328376611345 0.5779780727048228 0.5098755225169705 +24814,0.45415525418145264,0,0.5470223680739825 0.7358521663221236 0.9246819645702558 1.1491108231438594 1.4710501513046235 1.6877400837205148 1.8920477342840716 2.0359917608174882 2.0530173983644535 2.0359917608174882 1.9802714924819704 1.788346123770748 1.5205792787139698 1.2651947155095171 1.0779127024929256 0.8674139110031972 0.6445328376611345 0.5779780727048228 0.5098755225169705 0.45725082464454286 +24815,0.40462612677210635,0,0.7358521663221236 0.9246819645702558 1.1491108231438594 1.4710501513046235 1.6877400837205148 1.8920477342840716 2.0359917608174882 2.0530173983644535 2.0359917608174882 1.9802714924819704 1.788346123770748 1.5205792787139698 1.2651947155095171 1.0779127024929256 0.8674139110031972 0.6445328376611345 0.5779780727048228 0.5098755225169705 0.45725082464454286 0.45415525418145264 +24816,0.36283592552047234,0,0.9246819645702558 1.1491108231438594 1.4710501513046235 1.6877400837205148 1.8920477342840716 2.0359917608174882 2.0530173983644535 2.0359917608174882 1.9802714924819704 1.788346123770748 1.5205792787139698 1.2651947155095171 1.0779127024929256 0.8674139110031972 0.6445328376611345 0.5779780727048228 0.5098755225169705 0.45725082464454286 0.45415525418145264 0.40462612677210635 +24817,0.33961914704734425,0,1.1491108231438594 1.4710501513046235 1.6877400837205148 1.8920477342840716 2.0359917608174882 2.0530173983644535 2.0359917608174882 1.9802714924819704 1.788346123770748 1.5205792787139698 1.2651947155095171 1.0779127024929256 0.8674139110031972 0.6445328376611345 0.5779780727048228 0.5098755225169705 0.45725082464454286 0.45415525418145264 0.40462612677210635 0.36283592552047234 +24818,0.3674792812151032,0,1.4710501513046235 1.6877400837205148 1.8920477342840716 2.0359917608174882 2.0530173983644535 2.0359917608174882 1.9802714924819704 1.788346123770748 1.5205792787139698 1.2651947155095171 1.0779127024929256 0.8674139110031972 0.6445328376611345 0.5779780727048228 0.5098755225169705 0.45725082464454286 0.45415525418145264 0.40462612677210635 0.36283592552047234 0.33961914704734425 +24819,0.5532135090001541,0,1.6877400837205148 1.8920477342840716 2.0359917608174882 2.0530173983644535 2.0359917608174882 1.9802714924819704 1.788346123770748 1.5205792787139698 1.2651947155095171 1.0779127024929256 0.8674139110031972 0.6445328376611345 0.5779780727048228 0.5098755225169705 0.45725082464454286 0.45415525418145264 0.40462612677210635 0.36283592552047234 0.33961914704734425 0.3674792812151032 +24820,0.7250176697013211,0,1.8920477342840716 2.0359917608174882 2.0530173983644535 2.0359917608174882 1.9802714924819704 1.788346123770748 1.5205792787139698 1.2651947155095171 1.0779127024929256 0.8674139110031972 0.6445328376611345 0.5779780727048228 0.5098755225169705 0.45725082464454286 0.45415525418145264 0.40462612677210635 0.36283592552047234 0.33961914704734425 0.3674792812151032 0.5532135090001541 +24821,1.0639826354090505,0,2.0359917608174882 2.0530173983644535 2.0359917608174882 1.9802714924819704 1.788346123770748 1.5205792787139698 1.2651947155095171 1.0779127024929256 0.8674139110031972 0.6445328376611345 0.5779780727048228 0.5098755225169705 0.45725082464454286 0.45415525418145264 0.40462612677210635 0.36283592552047234 0.33961914704734425 0.3674792812151032 0.5532135090001541 0.7250176697013211 +24822,1.3890175340328874,0,2.0530173983644535 2.0359917608174882 1.9802714924819704 1.788346123770748 1.5205792787139698 1.2651947155095171 1.0779127024929256 0.8674139110031972 0.6445328376611345 0.5779780727048228 0.5098755225169705 0.45725082464454286 0.45415525418145264 0.40462612677210635 0.36283592552047234 0.33961914704734425 0.3674792812151032 0.5532135090001541 0.7250176697013211 1.0639826354090505 +24823,1.616541963069581,0,2.0359917608174882 1.9802714924819704 1.788346123770748 1.5205792787139698 1.2651947155095171 1.0779127024929256 0.8674139110031972 0.6445328376611345 0.5779780727048228 0.5098755225169705 0.45725082464454286 0.45415525418145264 0.40462612677210635 0.36283592552047234 0.33961914704734425 0.3674792812151032 0.5532135090001541 0.7250176697013211 1.0639826354090505 1.3890175340328874 +24824,1.772868271455332,0,1.9802714924819704 1.788346123770748 1.5205792787139698 1.2651947155095171 1.0779127024929256 0.8674139110031972 0.6445328376611345 0.5779780727048228 0.5098755225169705 0.45725082464454286 0.45415525418145264 0.40462612677210635 0.36283592552047234 0.33961914704734425 0.3674792812151032 0.5532135090001541 0.7250176697013211 1.0639826354090505 1.3890175340328874 1.616541963069581 +24825,1.9338379355357056,0,1.788346123770748 1.5205792787139698 1.2651947155095171 1.0779127024929256 0.8674139110031972 0.6445328376611345 0.5779780727048228 0.5098755225169705 0.45725082464454286 0.45415525418145264 0.40462612677210635 0.36283592552047234 0.33961914704734425 0.3674792812151032 0.5532135090001541 0.7250176697013211 1.0639826354090505 1.3890175340328874 1.616541963069581 1.772868271455332 +24826,1.9647936401665547,0,1.5205792787139698 1.2651947155095171 1.0779127024929256 0.8674139110031972 0.6445328376611345 0.5779780727048228 0.5098755225169705 0.45725082464454286 0.45415525418145264 0.40462612677210635 0.36283592552047234 0.33961914704734425 0.3674792812151032 0.5532135090001541 0.7250176697013211 1.0639826354090505 1.3890175340328874 1.616541963069581 1.772868271455332 1.9338379355357056 +24827,1.8966910899787024,0,1.2651947155095171 1.0779127024929256 0.8674139110031972 0.6445328376611345 0.5779780727048228 0.5098755225169705 0.45725082464454286 0.45415525418145264 0.40462612677210635 0.36283592552047234 0.33961914704734425 0.3674792812151032 0.5532135090001541 0.7250176697013211 1.0639826354090505 1.3890175340328874 1.616541963069581 1.772868271455332 1.9338379355357056 1.9647936401665547 +24828,1.6877400837205148,0,1.0779127024929256 0.8674139110031972 0.6445328376611345 0.5779780727048228 0.5098755225169705 0.45725082464454286 0.45415525418145264 0.40462612677210635 0.36283592552047234 0.33961914704734425 0.3674792812151032 0.5532135090001541 0.7250176697013211 1.0639826354090505 1.3890175340328874 1.616541963069581 1.772868271455332 1.9338379355357056 1.9647936401665547 1.8966910899787024 +24829,1.5205792787139698,0,0.8674139110031972 0.6445328376611345 0.5779780727048228 0.5098755225169705 0.45725082464454286 0.45415525418145264 0.40462612677210635 0.36283592552047234 0.33961914704734425 0.3674792812151032 0.5532135090001541 0.7250176697013211 1.0639826354090505 1.3890175340328874 1.616541963069581 1.772868271455332 1.9338379355357056 1.9647936401665547 1.8966910899787024 1.6877400837205148 +24830,1.3425839770866224,0,0.6445328376611345 0.5779780727048228 0.5098755225169705 0.45725082464454286 0.45415525418145264 0.40462612677210635 0.36283592552047234 0.33961914704734425 0.3674792812151032 0.5532135090001541 0.7250176697013211 1.0639826354090505 1.3890175340328874 1.616541963069581 1.772868271455332 1.9338379355357056 1.9647936401665547 1.8966910899787024 1.6877400837205148 1.5205792787139698 +24831,1.0190968636943263,0,0.5779780727048228 0.5098755225169705 0.45725082464454286 0.45415525418145264 0.40462612677210635 0.36283592552047234 0.33961914704734425 0.3674792812151032 0.5532135090001541 0.7250176697013211 1.0639826354090505 1.3890175340328874 1.616541963069581 1.772868271455332 1.9338379355357056 1.9647936401665547 1.8966910899787024 1.6877400837205148 1.5205792787139698 1.3425839770866224 +24832,0.8240759245200224,0,0.5098755225169705 0.45725082464454286 0.45415525418145264 0.40462612677210635 0.36283592552047234 0.33961914704734425 0.3674792812151032 0.5532135090001541 0.7250176697013211 1.0639826354090505 1.3890175340328874 1.616541963069581 1.772868271455332 1.9338379355357056 1.9647936401665547 1.8966910899787024 1.6877400837205148 1.5205792787139698 1.3425839770866224 1.0190968636943263 +24833,0.6878708241443179,0,0.45725082464454286 0.45415525418145264 0.40462612677210635 0.36283592552047234 0.33961914704734425 0.3674792812151032 0.5532135090001541 0.7250176697013211 1.0639826354090505 1.3890175340328874 1.616541963069581 1.772868271455332 1.9338379355357056 1.9647936401665547 1.8966910899787024 1.6877400837205148 1.5205792787139698 1.3425839770866224 1.0190968636943263 0.8240759245200224 +24834,0.5857169988625351,0,0.45415525418145264 0.40462612677210635 0.36283592552047234 0.33961914704734425 0.3674792812151032 0.5532135090001541 0.7250176697013211 1.0639826354090505 1.3890175340328874 1.616541963069581 1.772868271455332 1.9338379355357056 1.9647936401665547 1.8966910899787024 1.6877400837205148 1.5205792787139698 1.3425839770866224 1.0190968636943263 0.8240759245200224 0.6878708241443179 +24835,0.5238055896008544,0,0.40462612677210635 0.36283592552047234 0.33961914704734425 0.3674792812151032 0.5532135090001541 0.7250176697013211 1.0639826354090505 1.3890175340328874 1.616541963069581 1.772868271455332 1.9338379355357056 1.9647936401665547 1.8966910899787024 1.6877400837205148 1.5205792787139698 1.3425839770866224 1.0190968636943263 0.8240759245200224 0.6878708241443179 0.5857169988625351 +24836,0.4990410258961769,0,0.36283592552047234 0.33961914704734425 0.3674792812151032 0.5532135090001541 0.7250176697013211 1.0639826354090505 1.3890175340328874 1.616541963069581 1.772868271455332 1.9338379355357056 1.9647936401665547 1.8966910899787024 1.6877400837205148 1.5205792787139698 1.3425839770866224 1.0190968636943263 0.8240759245200224 0.6878708241443179 0.5857169988625351 0.5238055896008544 +24837,0.4278429052452432,0,0.33961914704734425 0.3674792812151032 0.5532135090001541 0.7250176697013211 1.0639826354090505 1.3890175340328874 1.616541963069581 1.772868271455332 1.9338379355357056 1.9647936401665547 1.8966910899787024 1.6877400837205148 1.5205792787139698 1.3425839770866224 1.0190968636943263 0.8240759245200224 0.6878708241443179 0.5857169988625351 0.5238055896008544 0.4990410258961769 +24838,0.3721226369097253,0,0.3674792812151032 0.5532135090001541 0.7250176697013211 1.0639826354090505 1.3890175340328874 1.616541963069581 1.772868271455332 1.9338379355357056 1.9647936401665547 1.8966910899787024 1.6877400837205148 1.5205792787139698 1.3425839770866224 1.0190968636943263 0.8240759245200224 0.6878708241443179 0.5857169988625351 0.5238055896008544 0.4990410258961769 0.4278429052452432 +24839,0.373670422141266,0,0.5532135090001541 0.7250176697013211 1.0639826354090505 1.3890175340328874 1.616541963069581 1.772868271455332 1.9338379355357056 1.9647936401665547 1.8966910899787024 1.6877400837205148 1.5205792787139698 1.3425839770866224 1.0190968636943263 0.8240759245200224 0.6878708241443179 0.5857169988625351 0.5238055896008544 0.4990410258961769 0.4278429052452432 0.3721226369097253 +24840,0.28699444917490774,0,0.7250176697013211 1.0639826354090505 1.3890175340328874 1.616541963069581 1.772868271455332 1.9338379355357056 1.9647936401665547 1.8966910899787024 1.6877400837205148 1.5205792787139698 1.3425839770866224 1.0190968636943263 0.8240759245200224 0.6878708241443179 0.5857169988625351 0.5238055896008544 0.4990410258961769 0.4278429052452432 0.3721226369097253 0.373670422141266 +24841,0.3071156571849544,0,1.0639826354090505 1.3890175340328874 1.616541963069581 1.772868271455332 1.9338379355357056 1.9647936401665547 1.8966910899787024 1.6877400837205148 1.5205792787139698 1.3425839770866224 1.0190968636943263 0.8240759245200224 0.6878708241443179 0.5857169988625351 0.5238055896008544 0.4990410258961769 0.4278429052452432 0.3721226369097253 0.373670422141266 0.28699444917490774 +24842,0.4108172676982779,0,1.3890175340328874 1.616541963069581 1.772868271455332 1.9338379355357056 1.9647936401665547 1.8966910899787024 1.6877400837205148 1.5205792787139698 1.3425839770866224 1.0190968636943263 0.8240759245200224 0.6878708241443179 0.5857169988625351 0.5238055896008544 0.4990410258961769 0.4278429052452432 0.3721226369097253 0.373670422141266 0.28699444917490774 0.3071156571849544 +24843,0.5547612942316947,0,1.616541963069581 1.772868271455332 1.9338379355357056 1.9647936401665547 1.8966910899787024 1.6877400837205148 1.5205792787139698 1.3425839770866224 1.0190968636943263 0.8240759245200224 0.6878708241443179 0.5857169988625351 0.5238055896008544 0.4990410258961769 0.4278429052452432 0.3721226369097253 0.373670422141266 0.28699444917490774 0.3071156571849544 0.4108172676982779 +24844,0.841101562066979,0,1.772868271455332 1.9338379355357056 1.9647936401665547 1.8966910899787024 1.6877400837205148 1.5205792787139698 1.3425839770866224 1.0190968636943263 0.8240759245200224 0.6878708241443179 0.5857169988625351 0.5238055896008544 0.4990410258961769 0.4278429052452432 0.3721226369097253 0.373670422141266 0.28699444917490774 0.3071156571849544 0.4108172676982779 0.5547612942316947 +24845,1.1320851855969027,0,1.9338379355357056 1.9647936401665547 1.8966910899787024 1.6877400837205148 1.5205792787139698 1.3425839770866224 1.0190968636943263 0.8240759245200224 0.6878708241443179 0.5857169988625351 0.5238055896008544 0.4990410258961769 0.4278429052452432 0.3721226369097253 0.373670422141266 0.28699444917490774 0.3071156571849544 0.4108172676982779 0.5547612942316947 0.841101562066979 +24846,1.390565319264428,0,1.9647936401665547 1.8966910899787024 1.6877400837205148 1.5205792787139698 1.3425839770866224 1.0190968636943263 0.8240759245200224 0.6878708241443179 0.5857169988625351 0.5238055896008544 0.4990410258961769 0.4278429052452432 0.3721226369097253 0.373670422141266 0.28699444917490774 0.3071156571849544 0.4108172676982779 0.5547612942316947 0.841101562066979 1.1320851855969027 +24847,1.6567843790896744,0,1.8966910899787024 1.6877400837205148 1.5205792787139698 1.3425839770866224 1.0190968636943263 0.8240759245200224 0.6878708241443179 0.5857169988625351 0.5238055896008544 0.4990410258961769 0.4278429052452432 0.3721226369097253 0.373670422141266 0.28699444917490774 0.3071156571849544 0.4108172676982779 0.5547612942316947 0.841101562066979 1.1320851855969027 1.390565319264428 +24848,1.8332318954854723,0,1.6877400837205148 1.5205792787139698 1.3425839770866224 1.0190968636943263 0.8240759245200224 0.6878708241443179 0.5857169988625351 0.5238055896008544 0.4990410258961769 0.4278429052452432 0.3721226369097253 0.373670422141266 0.28699444917490774 0.3071156571849544 0.4108172676982779 0.5547612942316947 0.841101562066979 1.1320851855969027 1.390565319264428 1.6567843790896744 +24849,1.977175922018889,0,1.5205792787139698 1.3425839770866224 1.0190968636943263 0.8240759245200224 0.6878708241443179 0.5857169988625351 0.5238055896008544 0.4990410258961769 0.4278429052452432 0.3721226369097253 0.373670422141266 0.28699444917490774 0.3071156571849544 0.4108172676982779 0.5547612942316947 0.841101562066979 1.1320851855969027 1.390565319264428 1.6567843790896744 1.8332318954854723 +24850,1.9555069287773017,0,1.3425839770866224 1.0190968636943263 0.8240759245200224 0.6878708241443179 0.5857169988625351 0.5238055896008544 0.4990410258961769 0.4278429052452432 0.3721226369097253 0.373670422141266 0.28699444917490774 0.3071156571849544 0.4108172676982779 0.5547612942316947 0.841101562066979 1.1320851855969027 1.390565319264428 1.6567843790896744 1.8332318954854723 1.977175922018889 +24851,1.940029076461877,0,1.0190968636943263 0.8240759245200224 0.6878708241443179 0.5857169988625351 0.5238055896008544 0.4990410258961769 0.4278429052452432 0.3721226369097253 0.373670422141266 0.28699444917490774 0.3071156571849544 0.4108172676982779 0.5547612942316947 0.841101562066979 1.1320851855969027 1.390565319264428 1.6567843790896744 1.8332318954854723 1.977175922018889 1.9555069287773017 +24852,1.8007284056230912,0,0.8240759245200224 0.6878708241443179 0.5857169988625351 0.5238055896008544 0.4990410258961769 0.4278429052452432 0.3721226369097253 0.373670422141266 0.28699444917490774 0.3071156571849544 0.4108172676982779 0.5547612942316947 0.841101562066979 1.1320851855969027 1.390565319264428 1.6567843790896744 1.8332318954854723 1.977175922018889 1.9555069287773017 1.940029076461877 +24853,1.5530827685763509,0,0.6878708241443179 0.5857169988625351 0.5238055896008544 0.4990410258961769 0.4278429052452432 0.3721226369097253 0.373670422141266 0.28699444917490774 0.3071156571849544 0.4108172676982779 0.5547612942316947 0.841101562066979 1.1320851855969027 1.390565319264428 1.6567843790896744 1.8332318954854723 1.977175922018889 1.9555069287773017 1.940029076461877 1.8007284056230912 +24854,1.3890175340328874,0,0.5857169988625351 0.5238055896008544 0.4990410258961769 0.4278429052452432 0.3721226369097253 0.373670422141266 0.28699444917490774 0.3071156571849544 0.4108172676982779 0.5547612942316947 0.841101562066979 1.1320851855969027 1.390565319264428 1.6567843790896744 1.8332318954854723 1.977175922018889 1.9555069287773017 1.940029076461877 1.8007284056230912 1.5530827685763509 +24855,1.1011294809660537,0,0.5238055896008544 0.4990410258961769 0.4278429052452432 0.3721226369097253 0.373670422141266 0.28699444917490774 0.3071156571849544 0.4108172676982779 0.5547612942316947 0.841101562066979 1.1320851855969027 1.390565319264428 1.6567843790896744 1.8332318954854723 1.977175922018889 1.9555069287773017 1.940029076461877 1.8007284056230912 1.5530827685763509 1.3890175340328874 +24856,0.8859873337817031,0,0.4990410258961769 0.4278429052452432 0.3721226369097253 0.373670422141266 0.28699444917490774 0.3071156571849544 0.4108172676982779 0.5547612942316947 0.841101562066979 1.1320851855969027 1.390565319264428 1.6567843790896744 1.8332318954854723 1.977175922018889 1.9555069287773017 1.940029076461877 1.8007284056230912 1.5530827685763509 1.3890175340328874 1.1011294809660537 +24857,0.6940619650704807,0,0.4278429052452432 0.3721226369097253 0.373670422141266 0.28699444917490774 0.3071156571849544 0.4108172676982779 0.5547612942316947 0.841101562066979 1.1320851855969027 1.390565319264428 1.6567843790896744 1.8332318954854723 1.977175922018889 1.9555069287773017 1.940029076461877 1.8007284056230912 1.5530827685763509 1.3890175340328874 1.1011294809660537 0.8859873337817031 +24858,0.6027426364095004,0,0.3721226369097253 0.373670422141266 0.28699444917490774 0.3071156571849544 0.4108172676982779 0.5547612942316947 0.841101562066979 1.1320851855969027 1.390565319264428 1.6567843790896744 1.8332318954854723 1.977175922018889 1.9555069287773017 1.940029076461877 1.8007284056230912 1.5530827685763509 1.3890175340328874 1.1011294809660537 0.8859873337817031 0.6940619650704807 +24859,0.5346400862216482,0,0.373670422141266 0.28699444917490774 0.3071156571849544 0.4108172676982779 0.5547612942316947 0.841101562066979 1.1320851855969027 1.390565319264428 1.6567843790896744 1.8332318954854723 1.977175922018889 1.9555069287773017 1.940029076461877 1.8007284056230912 1.5530827685763509 1.3890175340328874 1.1011294809660537 0.8859873337817031 0.6940619650704807 0.6027426364095004 +24860,0.45105968371837124,0,0.28699444917490774 0.3071156571849544 0.4108172676982779 0.5547612942316947 0.841101562066979 1.1320851855969027 1.390565319264428 1.6567843790896744 1.8332318954854723 1.977175922018889 1.9555069287773017 1.940029076461877 1.8007284056230912 1.5530827685763509 1.3890175340328874 1.1011294809660537 0.8859873337817031 0.6940619650704807 0.6027426364095004 0.5346400862216482 +24861,0.4092694824667372,0,0.3071156571849544 0.4108172676982779 0.5547612942316947 0.841101562066979 1.1320851855969027 1.390565319264428 1.6567843790896744 1.8332318954854723 1.977175922018889 1.9555069287773017 1.940029076461877 1.8007284056230912 1.5530827685763509 1.3890175340328874 1.1011294809660537 0.8859873337817031 0.6940619650704807 0.6027426364095004 0.5346400862216482 0.45105968371837124 +24862,0.29628116056416076,0,0.4108172676982779 0.5547612942316947 0.841101562066979 1.1320851855969027 1.390565319264428 1.6567843790896744 1.8332318954854723 1.977175922018889 1.9555069287773017 1.940029076461877 1.8007284056230912 1.5530827685763509 1.3890175340328874 1.1011294809660537 0.8859873337817031 0.6940619650704807 0.6027426364095004 0.5346400862216482 0.45105968371837124 0.4092694824667372 +24863,0.3148545833426667,0,0.5547612942316947 0.841101562066979 1.1320851855969027 1.390565319264428 1.6567843790896744 1.8332318954854723 1.977175922018889 1.9555069287773017 1.940029076461877 1.8007284056230912 1.5530827685763509 1.3890175340328874 1.1011294809660537 0.8859873337817031 0.6940619650704807 0.6027426364095004 0.5346400862216482 0.45105968371837124 0.4092694824667372 0.29628116056416076 +24864,0.24984760361789585,0,0.841101562066979 1.1320851855969027 1.390565319264428 1.6567843790896744 1.8332318954854723 1.977175922018889 1.9555069287773017 1.940029076461877 1.8007284056230912 1.5530827685763509 1.3890175340328874 1.1011294809660537 0.8859873337817031 0.6940619650704807 0.6027426364095004 0.5346400862216482 0.45105968371837124 0.4092694824667372 0.29628116056416076 0.3148545833426667 +24865,0.19722290574546814,0,1.1320851855969027 1.390565319264428 1.6567843790896744 1.8332318954854723 1.977175922018889 1.9555069287773017 1.940029076461877 1.8007284056230912 1.5530827685763509 1.3890175340328874 1.1011294809660537 0.8859873337817031 0.6940619650704807 0.6027426364095004 0.5346400862216482 0.45105968371837124 0.4092694824667372 0.29628116056416076 0.3148545833426667 0.24984760361789585 +24866,0.35974035505739094,0,1.390565319264428 1.6567843790896744 1.8332318954854723 1.977175922018889 1.9555069287773017 1.940029076461877 1.8007284056230912 1.5530827685763509 1.3890175340328874 1.1011294809660537 0.8859873337817031 0.6940619650704807 0.6027426364095004 0.5346400862216482 0.45105968371837124 0.4092694824667372 0.29628116056416076 0.3148545833426667 0.24984760361789585 0.19722290574546814 +24867,0.5888125693256165,0,1.6567843790896744 1.8332318954854723 1.977175922018889 1.9555069287773017 1.940029076461877 1.8007284056230912 1.5530827685763509 1.3890175340328874 1.1011294809660537 0.8859873337817031 0.6940619650704807 0.6027426364095004 0.5346400862216482 0.45105968371837124 0.4092694824667372 0.29628116056416076 0.3148545833426667 0.24984760361789585 0.19722290574546814 0.35974035505739094 +24868,0.9525420987380148,0,1.8332318954854723 1.977175922018889 1.9555069287773017 1.940029076461877 1.8007284056230912 1.5530827685763509 1.3890175340328874 1.1011294809660537 0.8859873337817031 0.6940619650704807 0.6027426364095004 0.5346400862216482 0.45105968371837124 0.4092694824667372 0.29628116056416076 0.3148545833426667 0.24984760361789585 0.19722290574546814 0.35974035505739094 0.5888125693256165 +24869,1.223404514257883,0,1.977175922018889 1.9555069287773017 1.940029076461877 1.8007284056230912 1.5530827685763509 1.3890175340328874 1.1011294809660537 0.8859873337817031 0.6940619650704807 0.6027426364095004 0.5346400862216482 0.45105968371837124 0.4092694824667372 0.29628116056416076 0.3148545833426667 0.24984760361789585 0.19722290574546814 0.35974035505739094 0.5888125693256165 0.9525420987380148 +24870,1.5066492116300858,0,1.9555069287773017 1.940029076461877 1.8007284056230912 1.5530827685763509 1.3890175340328874 1.1011294809660537 0.8859873337817031 0.6940619650704807 0.6027426364095004 0.5346400862216482 0.45105968371837124 0.4092694824667372 0.29628116056416076 0.3148545833426667 0.24984760361789585 0.19722290574546814 0.35974035505739094 0.5888125693256165 0.9525420987380148 1.223404514257883 +24871,1.7573904191399077,0,1.940029076461877 1.8007284056230912 1.5530827685763509 1.3890175340328874 1.1011294809660537 0.8859873337817031 0.6940619650704807 0.6027426364095004 0.5346400862216482 0.45105968371837124 0.4092694824667372 0.29628116056416076 0.3148545833426667 0.24984760361789585 0.19722290574546814 0.35974035505739094 0.5888125693256165 0.9525420987380148 1.223404514257883 1.5066492116300858 +24872,1.9183600832202898,0,1.8007284056230912 1.5530827685763509 1.3890175340328874 1.1011294809660537 0.8859873337817031 0.6940619650704807 0.6027426364095004 0.5346400862216482 0.45105968371837124 0.4092694824667372 0.29628116056416076 0.3148545833426667 0.24984760361789585 0.19722290574546814 0.35974035505739094 0.5888125693256165 0.9525420987380148 1.223404514257883 1.5066492116300858 1.7573904191399077 +24873,1.8734743115055654,0,1.5530827685763509 1.3890175340328874 1.1011294809660537 0.8859873337817031 0.6940619650704807 0.6027426364095004 0.5346400862216482 0.45105968371837124 0.4092694824667372 0.29628116056416076 0.3148545833426667 0.24984760361789585 0.19722290574546814 0.35974035505739094 0.5888125693256165 0.9525420987380148 1.223404514257883 1.5066492116300858 1.7573904191399077 1.9183600832202898 +24874,1.879665452431737,0,1.3890175340328874 1.1011294809660537 0.8859873337817031 0.6940619650704807 0.6027426364095004 0.5346400862216482 0.45105968371837124 0.4092694824667372 0.29628116056416076 0.3148545833426667 0.24984760361789585 0.19722290574546814 0.35974035505739094 0.5888125693256165 0.9525420987380148 1.223404514257883 1.5066492116300858 1.7573904191399077 1.9183600832202898 1.8734743115055654 +24875,1.9044300161364058,0,1.1011294809660537 0.8859873337817031 0.6940619650704807 0.6027426364095004 0.5346400862216482 0.45105968371837124 0.4092694824667372 0.29628116056416076 0.3148545833426667 0.24984760361789585 0.19722290574546814 0.35974035505739094 0.5888125693256165 0.9525420987380148 1.223404514257883 1.5066492116300858 1.7573904191399077 1.9183600832202898 1.8734743115055654 1.879665452431737 +24876,1.8100151170123442,0,0.8859873337817031 0.6940619650704807 0.6027426364095004 0.5346400862216482 0.45105968371837124 0.4092694824667372 0.29628116056416076 0.3148545833426667 0.24984760361789585 0.19722290574546814 0.35974035505739094 0.5888125693256165 0.9525420987380148 1.223404514257883 1.5066492116300858 1.7573904191399077 1.9183600832202898 1.8734743115055654 1.879665452431737 1.9044300161364058 +24877,1.681548942794343,0,0.6940619650704807 0.6027426364095004 0.5346400862216482 0.45105968371837124 0.4092694824667372 0.29628116056416076 0.3148545833426667 0.24984760361789585 0.19722290574546814 0.35974035505739094 0.5888125693256165 0.9525420987380148 1.223404514257883 1.5066492116300858 1.7573904191399077 1.9183600832202898 1.8734743115055654 1.879665452431737 1.9044300161364058 1.8100151170123442 +24878,1.3890175340328874,0,0.6027426364095004 0.5346400862216482 0.45105968371837124 0.4092694824667372 0.29628116056416076 0.3148545833426667 0.24984760361789585 0.19722290574546814 0.35974035505739094 0.5888125693256165 0.9525420987380148 1.223404514257883 1.5066492116300858 1.7573904191399077 1.9183600832202898 1.8734743115055654 1.879665452431737 1.9044300161364058 1.8100151170123442 1.681548942794343 +24879,1.0748171320298443,0,0.5346400862216482 0.45105968371837124 0.4092694824667372 0.29628116056416076 0.3148545833426667 0.24984760361789585 0.19722290574546814 0.35974035505739094 0.5888125693256165 0.9525420987380148 1.223404514257883 1.5066492116300858 1.7573904191399077 1.9183600832202898 1.8734743115055654 1.879665452431737 1.9044300161364058 1.8100151170123442 1.681548942794343 1.3890175340328874 +24880,0.9014651860971277,0,0.45105968371837124 0.4092694824667372 0.29628116056416076 0.3148545833426667 0.24984760361789585 0.19722290574546814 0.35974035505739094 0.5888125693256165 0.9525420987380148 1.223404514257883 1.5066492116300858 1.7573904191399077 1.9183600832202898 1.8734743115055654 1.879665452431737 1.9044300161364058 1.8100151170123442 1.681548942794343 1.3890175340328874 1.0748171320298443 +24881,0.7884768641945512,0,0.4092694824667372 0.29628116056416076 0.3148545833426667 0.24984760361789585 0.19722290574546814 0.35974035505739094 0.5888125693256165 0.9525420987380148 1.223404514257883 1.5066492116300858 1.7573904191399077 1.9183600832202898 1.8734743115055654 1.879665452431737 1.9044300161364058 1.8100151170123442 1.681548942794343 1.3890175340328874 1.0748171320298443 0.9014651860971277 +24882,0.6445328376611345,0,0.29628116056416076 0.3148545833426667 0.24984760361789585 0.19722290574546814 0.35974035505739094 0.5888125693256165 0.9525420987380148 1.223404514257883 1.5066492116300858 1.7573904191399077 1.9183600832202898 1.8734743115055654 1.879665452431737 1.9044300161364058 1.8100151170123442 1.681548942794343 1.3890175340328874 1.0748171320298443 0.9014651860971277 0.7884768641945512 +24883,0.5392834419162702,0,0.3148545833426667 0.24984760361789585 0.19722290574546814 0.35974035505739094 0.5888125693256165 0.9525420987380148 1.223404514257883 1.5066492116300858 1.7573904191399077 1.9183600832202898 1.8734743115055654 1.879665452431737 1.9044300161364058 1.8100151170123442 1.681548942794343 1.3890175340328874 1.0748171320298443 0.9014651860971277 0.7884768641945512 0.6445328376611345 +24884,0.5238055896008544,0,0.24984760361789585 0.19722290574546814 0.35974035505739094 0.5888125693256165 0.9525420987380148 1.223404514257883 1.5066492116300858 1.7573904191399077 1.9183600832202898 1.8734743115055654 1.879665452431737 1.9044300161364058 1.8100151170123442 1.681548942794343 1.3890175340328874 1.0748171320298443 0.9014651860971277 0.7884768641945512 0.6445328376611345 0.5392834419162702 +24885,0.35819256982585024,0,0.19722290574546814 0.35974035505739094 0.5888125693256165 0.9525420987380148 1.223404514257883 1.5066492116300858 1.7573904191399077 1.9183600832202898 1.8734743115055654 1.879665452431737 1.9044300161364058 1.8100151170123442 1.681548942794343 1.3890175340328874 1.0748171320298443 0.9014651860971277 0.7884768641945512 0.6445328376611345 0.5392834419162702 0.5238055896008544 +24886,0.34581028797350705,0,0.35974035505739094 0.5888125693256165 0.9525420987380148 1.223404514257883 1.5066492116300858 1.7573904191399077 1.9183600832202898 1.8734743115055654 1.879665452431737 1.9044300161364058 1.8100151170123442 1.681548942794343 1.3890175340328874 1.0748171320298443 0.9014651860971277 0.7884768641945512 0.6445328376611345 0.5392834419162702 0.5238055896008544 0.35819256982585024 +24887,0.3334280061211727,0,0.5888125693256165 0.9525420987380148 1.223404514257883 1.5066492116300858 1.7573904191399077 1.9183600832202898 1.8734743115055654 1.879665452431737 1.9044300161364058 1.8100151170123442 1.681548942794343 1.3890175340328874 1.0748171320298443 0.9014651860971277 0.7884768641945512 0.6445328376611345 0.5392834419162702 0.5238055896008544 0.35819256982585024 0.34581028797350705 +24888,0.2668732411648611,0,0.9525420987380148 1.223404514257883 1.5066492116300858 1.7573904191399077 1.9183600832202898 1.8734743115055654 1.879665452431737 1.9044300161364058 1.8100151170123442 1.681548942794343 1.3890175340328874 1.0748171320298443 0.9014651860971277 0.7884768641945512 0.6445328376611345 0.5392834419162702 0.5238055896008544 0.35819256982585024 0.34581028797350705 0.3334280061211727 +24889,0.23591753653402076,0,1.223404514257883 1.5066492116300858 1.7573904191399077 1.9183600832202898 1.8734743115055654 1.879665452431737 1.9044300161364058 1.8100151170123442 1.681548942794343 1.3890175340328874 1.0748171320298443 0.9014651860971277 0.7884768641945512 0.6445328376611345 0.5392834419162702 0.5238055896008544 0.35819256982585024 0.34581028797350705 0.3334280061211727 0.2668732411648611 +24890,0.4402251870975776,0,1.5066492116300858 1.7573904191399077 1.9183600832202898 1.8734743115055654 1.879665452431737 1.9044300161364058 1.8100151170123442 1.681548942794343 1.3890175340328874 1.0748171320298443 0.9014651860971277 0.7884768641945512 0.6445328376611345 0.5392834419162702 0.5238055896008544 0.35819256982585024 0.34581028797350705 0.3334280061211727 0.2668732411648611 0.23591753653402076 +24891,0.7946680051207228,0,1.7573904191399077 1.9183600832202898 1.8734743115055654 1.879665452431737 1.9044300161364058 1.8100151170123442 1.681548942794343 1.3890175340328874 1.0748171320298443 0.9014651860971277 0.7884768641945512 0.6445328376611345 0.5392834419162702 0.5238055896008544 0.35819256982585024 0.34581028797350705 0.3334280061211727 0.2668732411648611 0.23591753653402076 0.4402251870975776 +24892,1.0454092126305445,0,1.9183600832202898 1.8734743115055654 1.879665452431737 1.9044300161364058 1.8100151170123442 1.681548942794343 1.3890175340328874 1.0748171320298443 0.9014651860971277 0.7884768641945512 0.6445328376611345 0.5392834419162702 0.5238055896008544 0.35819256982585024 0.34581028797350705 0.3334280061211727 0.2668732411648611 0.23591753653402076 0.4402251870975776 0.7946680051207228 +24893,1.4044953863483118,0,1.8734743115055654 1.879665452431737 1.9044300161364058 1.8100151170123442 1.681548942794343 1.3890175340328874 1.0748171320298443 0.9014651860971277 0.7884768641945512 0.6445328376611345 0.5392834419162702 0.5238055896008544 0.35819256982585024 0.34581028797350705 0.3334280061211727 0.2668732411648611 0.23591753653402076 0.4402251870975776 0.7946680051207228 1.0454092126305445 +24894,1.714052432656733,0,1.879665452431737 1.9044300161364058 1.8100151170123442 1.681548942794343 1.3890175340328874 1.0748171320298443 0.9014651860971277 0.7884768641945512 0.6445328376611345 0.5392834419162702 0.5238055896008544 0.35819256982585024 0.34581028797350705 0.3334280061211727 0.2668732411648611 0.23591753653402076 0.4402251870975776 0.7946680051207228 1.0454092126305445 1.4044953863483118 +24895,1.9276467946095428,0,1.9044300161364058 1.8100151170123442 1.681548942794343 1.3890175340328874 1.0748171320298443 0.9014651860971277 0.7884768641945512 0.6445328376611345 0.5392834419162702 0.5238055896008544 0.35819256982585024 0.34581028797350705 0.3334280061211727 0.2668732411648611 0.23591753653402076 0.4402251870975776 0.7946680051207228 1.0454092126305445 1.4044953863483118 1.714052432656733 +24896,2.1087376666999713,0,1.8100151170123442 1.681548942794343 1.3890175340328874 1.0748171320298443 0.9014651860971277 0.7884768641945512 0.6445328376611345 0.5392834419162702 0.5238055896008544 0.35819256982585024 0.34581028797350705 0.3334280061211727 0.2668732411648611 0.23591753653402076 0.4402251870975776 0.7946680051207228 1.0454092126305445 1.4044953863483118 1.714052432656733 1.9276467946095428 +24897,2.1458845122569747,0,1.681548942794343 1.3890175340328874 1.0748171320298443 0.9014651860971277 0.7884768641945512 0.6445328376611345 0.5392834419162702 0.5238055896008544 0.35819256982585024 0.34581028797350705 0.3334280061211727 0.2668732411648611 0.23591753653402076 0.4402251870975776 0.7946680051207228 1.0454092126305445 1.4044953863483118 1.714052432656733 1.9276467946095428 2.1087376666999713 +24898,2.181483572582446,0,1.3890175340328874 1.0748171320298443 0.9014651860971277 0.7884768641945512 0.6445328376611345 0.5392834419162702 0.5238055896008544 0.35819256982585024 0.34581028797350705 0.3334280061211727 0.2668732411648611 0.23591753653402076 0.4402251870975776 0.7946680051207228 1.0454092126305445 1.4044953863483118 1.714052432656733 1.9276467946095428 2.1087376666999713 2.1458845122569747 +24899,2.1783880021193642,0,1.0748171320298443 0.9014651860971277 0.7884768641945512 0.6445328376611345 0.5392834419162702 0.5238055896008544 0.35819256982585024 0.34581028797350705 0.3334280061211727 0.2668732411648611 0.23591753653402076 0.4402251870975776 0.7946680051207228 1.0454092126305445 1.4044953863483118 1.714052432656733 1.9276467946095428 2.1087376666999713 2.1458845122569747 2.181483572582446 +24900,2.156719008877768,0,0.9014651860971277 0.7884768641945512 0.6445328376611345 0.5392834419162702 0.5238055896008544 0.35819256982585024 0.34581028797350705 0.3334280061211727 0.2668732411648611 0.23591753653402076 0.4402251870975776 0.7946680051207228 1.0454092126305445 1.4044953863483118 1.714052432656733 1.9276467946095428 2.1087376666999713 2.1458845122569747 2.181483572582446 2.1783880021193642 +24901,1.8997866604417837,0,0.7884768641945512 0.6445328376611345 0.5392834419162702 0.5238055896008544 0.35819256982585024 0.34581028797350705 0.3334280061211727 0.2668732411648611 0.23591753653402076 0.4402251870975776 0.7946680051207228 1.0454092126305445 1.4044953863483118 1.714052432656733 1.9276467946095428 2.1087376666999713 2.1458845122569747 2.181483572582446 2.1783880021193642 2.156719008877768 +24902,1.6211853187642031,0,0.6445328376611345 0.5392834419162702 0.5238055896008544 0.35819256982585024 0.34581028797350705 0.3334280061211727 0.2668732411648611 0.23591753653402076 0.4402251870975776 0.7946680051207228 1.0454092126305445 1.4044953863483118 1.714052432656733 1.9276467946095428 2.1087376666999713 2.1458845122569747 2.181483572582446 2.1783880021193642 2.156719008877768 1.8997866604417837 +24903,1.2342390108786767,0,0.5392834419162702 0.5238055896008544 0.35819256982585024 0.34581028797350705 0.3334280061211727 0.2668732411648611 0.23591753653402076 0.4402251870975776 0.7946680051207228 1.0454092126305445 1.4044953863483118 1.714052432656733 1.9276467946095428 2.1087376666999713 2.1458845122569747 2.181483572582446 2.1783880021193642 2.156719008877768 1.8997866604417837 1.6211853187642031 +24904,1.0562437092513381,0,0.5238055896008544 0.35819256982585024 0.34581028797350705 0.3334280061211727 0.2668732411648611 0.23591753653402076 0.4402251870975776 0.7946680051207228 1.0454092126305445 1.4044953863483118 1.714052432656733 1.9276467946095428 2.1087376666999713 2.1458845122569747 2.181483572582446 2.1783880021193642 2.156719008877768 1.8997866604417837 1.6211853187642031 1.2342390108786767 +24905,0.9308731054964273,0,0.35819256982585024 0.34581028797350705 0.3334280061211727 0.2668732411648611 0.23591753653402076 0.4402251870975776 0.7946680051207228 1.0454092126305445 1.4044953863483118 1.714052432656733 1.9276467946095428 2.1087376666999713 2.1458845122569747 2.181483572582446 2.1783880021193642 2.156719008877768 1.8997866604417837 1.6211853187642031 1.2342390108786767 1.0562437092513381 +24906,0.7869290789630106,0,0.34581028797350705 0.3334280061211727 0.2668732411648611 0.23591753653402076 0.4402251870975776 0.7946680051207228 1.0454092126305445 1.4044953863483118 1.714052432656733 1.9276467946095428 2.1087376666999713 2.1458845122569747 2.181483572582446 2.1783880021193642 2.156719008877768 1.8997866604417837 1.6211853187642031 1.2342390108786767 1.0562437092513381 0.9308731054964273 +24907,0.613577133030294,0,0.3334280061211727 0.2668732411648611 0.23591753653402076 0.4402251870975776 0.7946680051207228 1.0454092126305445 1.4044953863483118 1.714052432656733 1.9276467946095428 2.1087376666999713 2.1458845122569747 2.181483572582446 2.1783880021193642 2.156719008877768 1.8997866604417837 1.6211853187642031 1.2342390108786767 1.0562437092513381 0.9308731054964273 0.7869290789630106 +24908,0.5625002203894071,0,0.2668732411648611 0.23591753653402076 0.4402251870975776 0.7946680051207228 1.0454092126305445 1.4044953863483118 1.714052432656733 1.9276467946095428 2.1087376666999713 2.1458845122569747 2.181483572582446 2.1783880021193642 2.156719008877768 1.8997866604417837 1.6211853187642031 1.2342390108786767 1.0562437092513381 0.9308731054964273 0.7869290789630106 0.613577133030294 +24909,0.49130209973846456,0,0.23591753653402076 0.4402251870975776 0.7946680051207228 1.0454092126305445 1.4044953863483118 1.714052432656733 1.9276467946095428 2.1087376666999713 2.1458845122569747 2.181483572582446 2.1783880021193642 2.156719008877768 1.8997866604417837 1.6211853187642031 1.2342390108786767 1.0562437092513381 0.9308731054964273 0.7869290789630106 0.613577133030294 0.5625002203894071 +24910,0.4077216972351965,0,0.4402251870975776 0.7946680051207228 1.0454092126305445 1.4044953863483118 1.714052432656733 1.9276467946095428 2.1087376666999713 2.1458845122569747 2.181483572582446 2.1783880021193642 2.156719008877768 1.8997866604417837 1.6211853187642031 1.2342390108786767 1.0562437092513381 0.9308731054964273 0.7869290789630106 0.613577133030294 0.5625002203894071 0.49130209973846456 +24911,0.36128814028893164,0,0.7946680051207228 1.0454092126305445 1.4044953863483118 1.714052432656733 1.9276467946095428 2.1087376666999713 2.1458845122569747 2.181483572582446 2.1783880021193642 2.156719008877768 1.8997866604417837 1.6211853187642031 1.2342390108786767 1.0562437092513381 0.9308731054964273 0.7869290789630106 0.613577133030294 0.5625002203894071 0.49130209973846456 0.4077216972351965 +24912,0.34890585843659727,0,1.0454092126305445 1.4044953863483118 1.714052432656733 1.9276467946095428 2.1087376666999713 2.1458845122569747 2.181483572582446 2.1783880021193642 2.156719008877768 1.8997866604417837 1.6211853187642031 1.2342390108786767 1.0562437092513381 0.9308731054964273 0.7869290789630106 0.613577133030294 0.5625002203894071 0.49130209973846456 0.4077216972351965 0.36128814028893164 +24913,0.3148545833426667,0,1.4044953863483118 1.714052432656733 1.9276467946095428 2.1087376666999713 2.1458845122569747 2.181483572582446 2.1783880021193642 2.156719008877768 1.8997866604417837 1.6211853187642031 1.2342390108786767 1.0562437092513381 0.9308731054964273 0.7869290789630106 0.613577133030294 0.5625002203894071 0.49130209973846456 0.4077216972351965 0.36128814028893164 0.34890585843659727 +24914,0.5392834419162702,0,1.714052432656733 1.9276467946095428 2.1087376666999713 2.1458845122569747 2.181483572582446 2.1783880021193642 2.156719008877768 1.8997866604417837 1.6211853187642031 1.2342390108786767 1.0562437092513381 0.9308731054964273 0.7869290789630106 0.613577133030294 0.5625002203894071 0.49130209973846456 0.4077216972351965 0.36128814028893164 0.34890585843659727 0.3148545833426667 +24915,0.7234698844697803,0,1.9276467946095428 2.1087376666999713 2.1458845122569747 2.181483572582446 2.1783880021193642 2.156719008877768 1.8997866604417837 1.6211853187642031 1.2342390108786767 1.0562437092513381 0.9308731054964273 0.7869290789630106 0.613577133030294 0.5625002203894071 0.49130209973846456 0.4077216972351965 0.36128814028893164 0.34890585843659727 0.3148545833426667 0.5392834419162702 +24916,1.1676842459223653,0,2.1087376666999713 2.1458845122569747 2.181483572582446 2.1783880021193642 2.156719008877768 1.8997866604417837 1.6211853187642031 1.2342390108786767 1.0562437092513381 0.9308731054964273 0.7869290789630106 0.613577133030294 0.5625002203894071 0.49130209973846456 0.4077216972351965 0.36128814028893164 0.34890585843659727 0.3148545833426667 0.5392834419162702 0.7234698844697803 +24917,1.5081969968616267,0,2.1458845122569747 2.181483572582446 2.1783880021193642 2.156719008877768 1.8997866604417837 1.6211853187642031 1.2342390108786767 1.0562437092513381 0.9308731054964273 0.7869290789630106 0.613577133030294 0.5625002203894071 0.49130209973846456 0.4077216972351965 0.36128814028893164 0.34890585843659727 0.3148545833426667 0.5392834419162702 0.7234698844697803 1.1676842459223653 +24918,1.6784533723312616,0,2.181483572582446 2.1783880021193642 2.156719008877768 1.8997866604417837 1.6211853187642031 1.2342390108786767 1.0562437092513381 0.9308731054964273 0.7869290789630106 0.613577133030294 0.5625002203894071 0.49130209973846456 0.4077216972351965 0.36128814028893164 0.34890585843659727 0.3148545833426667 0.5392834419162702 0.7234698844697803 1.1676842459223653 1.5081969968616267 +24919,1.8781176672001965,0,2.1783880021193642 2.156719008877768 1.8997866604417837 1.6211853187642031 1.2342390108786767 1.0562437092513381 0.9308731054964273 0.7869290789630106 0.613577133030294 0.5625002203894071 0.49130209973846456 0.4077216972351965 0.36128814028893164 0.34890585843659727 0.3148545833426667 0.5392834419162702 0.7234698844697803 1.1676842459223653 1.5081969968616267 1.6784533723312616 +24920,2.0421829017436597,0,2.156719008877768 1.8997866604417837 1.6211853187642031 1.2342390108786767 1.0562437092513381 0.9308731054964273 0.7869290789630106 0.613577133030294 0.5625002203894071 0.49130209973846456 0.4077216972351965 0.36128814028893164 0.34890585843659727 0.3148545833426667 0.5392834419162702 0.7234698844697803 1.1676842459223653 1.5081969968616267 1.6784533723312616 1.8781176672001965 +24921,2.105642096236881,0,1.8997866604417837 1.6211853187642031 1.2342390108786767 1.0562437092513381 0.9308731054964273 0.7869290789630106 0.613577133030294 0.5625002203894071 0.49130209973846456 0.4077216972351965 0.36128814028893164 0.34890585843659727 0.3148545833426667 0.5392834419162702 0.7234698844697803 1.1676842459223653 1.5081969968616267 1.6784533723312616 1.8781176672001965 2.0421829017436597 +24922,2.1876747135086174,0,1.6211853187642031 1.2342390108786767 1.0562437092513381 0.9308731054964273 0.7869290789630106 0.613577133030294 0.5625002203894071 0.49130209973846456 0.4077216972351965 0.36128814028893164 0.34890585843659727 0.3148545833426667 0.5392834419162702 0.7234698844697803 1.1676842459223653 1.5081969968616267 1.6784533723312616 1.8781176672001965 2.0421829017436597 2.105642096236881 +24923,2.1303374459268007,0,1.2342390108786767 1.0562437092513381 0.9308731054964273 0.7869290789630106 0.613577133030294 0.5625002203894071 0.49130209973846456 0.4077216972351965 0.36128814028893164 0.34890585843659727 0.3148545833426667 0.5392834419162702 0.7234698844697803 1.1676842459223653 1.5081969968616267 1.6784533723312616 1.8781176672001965 2.0421829017436597 2.105642096236881 2.1876747135086174 +24924,2.148980082720065,0,1.0562437092513381 0.9308731054964273 0.7869290789630106 0.613577133030294 0.5625002203894071 0.49130209973846456 0.4077216972351965 0.36128814028893164 0.34890585843659727 0.3148545833426667 0.5392834419162702 0.7234698844697803 1.1676842459223653 1.5081969968616267 1.6784533723312616 1.8781176672001965 2.0421829017436597 2.105642096236881 2.1876747135086174 2.1303374459268007 +24925,1.916812297988749,0,0.9308731054964273 0.7869290789630106 0.613577133030294 0.5625002203894071 0.49130209973846456 0.4077216972351965 0.36128814028893164 0.34890585843659727 0.3148545833426667 0.5392834419162702 0.7234698844697803 1.1676842459223653 1.5081969968616267 1.6784533723312616 1.8781176672001965 2.0421829017436597 2.105642096236881 2.1876747135086174 2.1303374459268007 2.148980082720065 +24926,1.5592739095025223,0,0.7869290789630106 0.613577133030294 0.5625002203894071 0.49130209973846456 0.4077216972351965 0.36128814028893164 0.34890585843659727 0.3148545833426667 0.5392834419162702 0.7234698844697803 1.1676842459223653 1.5081969968616267 1.6784533723312616 1.8781176672001965 2.0421829017436597 2.105642096236881 2.1876747135086174 2.1303374459268007 2.148980082720065 1.916812297988749 +24927,1.1723276016169961,0,0.613577133030294 0.5625002203894071 0.49130209973846456 0.4077216972351965 0.36128814028893164 0.34890585843659727 0.3148545833426667 0.5392834419162702 0.7234698844697803 1.1676842459223653 1.5081969968616267 1.6784533723312616 1.8781176672001965 2.0421829017436597 2.105642096236881 2.1876747135086174 2.1303374459268007 2.148980082720065 1.916812297988749 1.5592739095025223 +24928,1.0546959240197975,0,0.5625002203894071 0.49130209973846456 0.4077216972351965 0.36128814028893164 0.34890585843659727 0.3148545833426667 0.5392834419162702 0.7234698844697803 1.1676842459223653 1.5081969968616267 1.6784533723312616 1.8781176672001965 2.0421829017436597 2.105642096236881 2.1876747135086174 2.1303374459268007 2.148980082720065 1.916812297988749 1.5592739095025223 1.1723276016169961 +24929,0.8937262599394155,0,0.49130209973846456 0.4077216972351965 0.36128814028893164 0.34890585843659727 0.3148545833426667 0.5392834419162702 0.7234698844697803 1.1676842459223653 1.5081969968616267 1.6784533723312616 1.8781176672001965 2.0421829017436597 2.105642096236881 2.1876747135086174 2.1303374459268007 2.148980082720065 1.916812297988749 1.5592739095025223 1.1723276016169961 1.0546959240197975 +24930,0.8581271996139442,0,0.4077216972351965 0.36128814028893164 0.34890585843659727 0.3148545833426667 0.5392834419162702 0.7234698844697803 1.1676842459223653 1.5081969968616267 1.6784533723312616 1.8781176672001965 2.0421829017436597 2.105642096236881 2.1876747135086174 2.1303374459268007 2.148980082720065 1.916812297988749 1.5592739095025223 1.1723276016169961 1.0546959240197975 0.8937262599394155 +24931,0.738947736785205,0,0.36128814028893164 0.34890585843659727 0.3148545833426667 0.5392834419162702 0.7234698844697803 1.1676842459223653 1.5081969968616267 1.6784533723312616 1.8781176672001965 2.0421829017436597 2.105642096236881 2.1876747135086174 2.1303374459268007 2.148980082720065 1.916812297988749 1.5592739095025223 1.1723276016169961 1.0546959240197975 0.8937262599394155 0.8581271996139442 +24932,0.6553673342819281,0,0.34890585843659727 0.3148545833426667 0.5392834419162702 0.7234698844697803 1.1676842459223653 1.5081969968616267 1.6784533723312616 1.8781176672001965 2.0421829017436597 2.105642096236881 2.1876747135086174 2.1303374459268007 2.148980082720065 1.916812297988749 1.5592739095025223 1.1723276016169961 1.0546959240197975 0.8937262599394155 0.8581271996139442 0.738947736785205 +24933,0.641437267198053,0,0.3148545833426667 0.5392834419162702 0.7234698844697803 1.1676842459223653 1.5081969968616267 1.6784533723312616 1.8781176672001965 2.0421829017436597 2.105642096236881 2.1876747135086174 2.1303374459268007 2.148980082720065 1.916812297988749 1.5592739095025223 1.1723276016169961 1.0546959240197975 0.8937262599394155 0.8581271996139442 0.738947736785205 0.6553673342819281 +24934,0.5408312271478108,0,0.5392834419162702 0.7234698844697803 1.1676842459223653 1.5081969968616267 1.6784533723312616 1.8781176672001965 2.0421829017436597 2.105642096236881 2.1876747135086174 2.1303374459268007 2.148980082720065 1.916812297988749 1.5592739095025223 1.1723276016169961 1.0546959240197975 0.8937262599394155 0.8581271996139442 0.738947736785205 0.6553673342819281 0.641437267198053 +24935,0.49284988497000526,0,0.7234698844697803 1.1676842459223653 1.5081969968616267 1.6784533723312616 1.8781176672001965 2.0421829017436597 2.105642096236881 2.1876747135086174 2.1303374459268007 2.148980082720065 1.916812297988749 1.5592739095025223 1.1723276016169961 1.0546959240197975 0.8937262599394155 0.8581271996139442 0.738947736785205 0.6553673342819281 0.641437267198053 0.5408312271478108 +24936,0.46498975080225513,0,1.1676842459223653 1.5081969968616267 1.6784533723312616 1.8781176672001965 2.0421829017436597 2.105642096236881 2.1876747135086174 2.1303374459268007 2.148980082720065 1.916812297988749 1.5592739095025223 1.1723276016169961 1.0546959240197975 0.8937262599394155 0.8581271996139442 0.738947736785205 0.6553673342819281 0.641437267198053 0.5408312271478108 0.49284988497000526 +24937,0.38295713353051897,0,1.5081969968616267 1.6784533723312616 1.8781176672001965 2.0421829017436597 2.105642096236881 2.1876747135086174 2.1303374459268007 2.148980082720065 1.916812297988749 1.5592739095025223 1.1723276016169961 1.0546959240197975 0.8937262599394155 0.8581271996139442 0.738947736785205 0.6553673342819281 0.641437267198053 0.5408312271478108 0.49284988497000526 0.46498975080225513 +24938,0.5067799520538891,0,1.6784533723312616 1.8781176672001965 2.0421829017436597 2.105642096236881 2.1876747135086174 2.1303374459268007 2.148980082720065 1.916812297988749 1.5592739095025223 1.1723276016169961 1.0546959240197975 0.8937262599394155 0.8581271996139442 0.738947736785205 0.6553673342819281 0.641437267198053 0.5408312271478108 0.49284988497000526 0.46498975080225513 0.38295713353051897 +24939,0.8813439780870811,0,1.8781176672001965 2.0421829017436597 2.105642096236881 2.1876747135086174 2.1303374459268007 2.148980082720065 1.916812297988749 1.5592739095025223 1.1723276016169961 1.0546959240197975 0.8937262599394155 0.8581271996139442 0.738947736785205 0.6553673342819281 0.641437267198053 0.5408312271478108 0.49284988497000526 0.46498975080225513 0.38295713353051897 0.5067799520538891 +24940,1.181614313006249,0,2.0421829017436597 2.105642096236881 2.1876747135086174 2.1303374459268007 2.148980082720065 1.916812297988749 1.5592739095025223 1.1723276016169961 1.0546959240197975 0.8937262599394155 0.8581271996139442 0.738947736785205 0.6553673342819281 0.641437267198053 0.5408312271478108 0.49284988497000526 0.46498975080225513 0.38295713353051897 0.5067799520538891 0.8813439780870811 +24941,1.4060431715798525,0,2.105642096236881 2.1876747135086174 2.1303374459268007 2.148980082720065 1.916812297988749 1.5592739095025223 1.1723276016169961 1.0546959240197975 0.8937262599394155 0.8581271996139442 0.738947736785205 0.6553673342819281 0.641437267198053 0.5408312271478108 0.49284988497000526 0.46498975080225513 0.38295713353051897 0.5067799520538891 0.8813439780870811 1.181614313006249 +24942,1.6289242449219155,0,2.1876747135086174 2.1303374459268007 2.148980082720065 1.916812297988749 1.5592739095025223 1.1723276016169961 1.0546959240197975 0.8937262599394155 0.8581271996139442 0.738947736785205 0.6553673342819281 0.641437267198053 0.5408312271478108 0.49284988497000526 0.46498975080225513 0.38295713353051897 0.5067799520538891 0.8813439780870811 1.181614313006249 1.4060431715798525 +24943,1.6026118959856972,0,2.1303374459268007 2.148980082720065 1.916812297988749 1.5592739095025223 1.1723276016169961 1.0546959240197975 0.8937262599394155 0.8581271996139442 0.738947736785205 0.6553673342819281 0.641437267198053 0.5408312271478108 0.49284988497000526 0.46498975080225513 0.38295713353051897 0.5067799520538891 0.8813439780870811 1.181614313006249 1.4060431715798525 1.6289242449219155 +24944,1.5515349833448102,0,2.148980082720065 1.916812297988749 1.5592739095025223 1.1723276016169961 1.0546959240197975 0.8937262599394155 0.8581271996139442 0.738947736785205 0.6553673342819281 0.641437267198053 0.5408312271478108 0.49284988497000526 0.46498975080225513 0.38295713353051897 0.5067799520538891 0.8813439780870811 1.181614313006249 1.4060431715798525 1.6289242449219155 1.6026118959856972 +24945,1.5778473322810285,0,1.916812297988749 1.5592739095025223 1.1723276016169961 1.0546959240197975 0.8937262599394155 0.8581271996139442 0.738947736785205 0.6553673342819281 0.641437267198053 0.5408312271478108 0.49284988497000526 0.46498975080225513 0.38295713353051897 0.5067799520538891 0.8813439780870811 1.181614313006249 1.4060431715798525 1.6289242449219155 1.6026118959856972 1.5515349833448102 +24946,1.6552365938581337,0,1.5592739095025223 1.1723276016169961 1.0546959240197975 0.8937262599394155 0.8581271996139442 0.738947736785205 0.6553673342819281 0.641437267198053 0.5408312271478108 0.49284988497000526 0.46498975080225513 0.38295713353051897 0.5067799520538891 0.8813439780870811 1.181614313006249 1.4060431715798525 1.6289242449219155 1.6026118959856972 1.5515349833448102 1.5778473322810285 +24947,1.6118986073749502,0,1.1723276016169961 1.0546959240197975 0.8937262599394155 0.8581271996139442 0.738947736785205 0.6553673342819281 0.641437267198053 0.5408312271478108 0.49284988497000526 0.46498975080225513 0.38295713353051897 0.5067799520538891 0.8813439780870811 1.181614313006249 1.4060431715798525 1.6289242449219155 1.6026118959856972 1.5515349833448102 1.5778473322810285 1.6552365938581337 +24948,1.5453438424186385,0,1.0546959240197975 0.8937262599394155 0.8581271996139442 0.738947736785205 0.6553673342819281 0.641437267198053 0.5408312271478108 0.49284988497000526 0.46498975080225513 0.38295713353051897 0.5067799520538891 0.8813439780870811 1.181614313006249 1.4060431715798525 1.6289242449219155 1.6026118959856972 1.5515349833448102 1.5778473322810285 1.6552365938581337 1.6118986073749502 +24949,1.4153298829691057,0,0.8937262599394155 0.8581271996139442 0.738947736785205 0.6553673342819281 0.641437267198053 0.5408312271478108 0.49284988497000526 0.46498975080225513 0.38295713353051897 0.5067799520538891 0.8813439780870811 1.181614313006249 1.4060431715798525 1.6289242449219155 1.6026118959856972 1.5515349833448102 1.5778473322810285 1.6552365938581337 1.6118986073749502 1.5453438424186385 +24950,1.218761158563261,0,0.8581271996139442 0.738947736785205 0.6553673342819281 0.641437267198053 0.5408312271478108 0.49284988497000526 0.46498975080225513 0.38295713353051897 0.5067799520538891 0.8813439780870811 1.181614313006249 1.4060431715798525 1.6289242449219155 1.6026118959856972 1.5515349833448102 1.5778473322810285 1.6552365938581337 1.6118986073749502 1.5453438424186385 1.4153298829691057 +24951,0.9122996827179214,0,0.738947736785205 0.6553673342819281 0.641437267198053 0.5408312271478108 0.49284988497000526 0.46498975080225513 0.38295713353051897 0.5067799520538891 0.8813439780870811 1.181614313006249 1.4060431715798525 1.6289242449219155 1.6026118959856972 1.5515349833448102 1.5778473322810285 1.6552365938581337 1.6118986073749502 1.5453438424186385 1.4153298829691057 1.218761158563261 +24952,0.7296610253959519,0,0.6553673342819281 0.641437267198053 0.5408312271478108 0.49284988497000526 0.46498975080225513 0.38295713353051897 0.5067799520538891 0.8813439780870811 1.181614313006249 1.4060431715798525 1.6289242449219155 1.6026118959856972 1.5515349833448102 1.5778473322810285 1.6552365938581337 1.6118986073749502 1.5453438424186385 1.4153298829691057 1.218761158563261 0.9122996827179214 +24953,0.6460806228926751,0,0.641437267198053 0.5408312271478108 0.49284988497000526 0.46498975080225513 0.38295713353051897 0.5067799520538891 0.8813439780870811 1.181614313006249 1.4060431715798525 1.6289242449219155 1.6026118959856972 1.5515349833448102 1.5778473322810285 1.6552365938581337 1.6118986073749502 1.5453438424186385 1.4153298829691057 1.218761158563261 0.9122996827179214 0.7296610253959519 +24954,0.5686913613155699,0,0.5408312271478108 0.49284988497000526 0.46498975080225513 0.38295713353051897 0.5067799520538891 0.8813439780870811 1.181614313006249 1.4060431715798525 1.6289242449219155 1.6026118959856972 1.5515349833448102 1.5778473322810285 1.6552365938581337 1.6118986073749502 1.5453438424186385 1.4153298829691057 1.218761158563261 0.9122996827179214 0.7296610253959519 0.6460806228926751 +24955,0.39843498584594356,0,0.49284988497000526 0.46498975080225513 0.38295713353051897 0.5067799520538891 0.8813439780870811 1.181614313006249 1.4060431715798525 1.6289242449219155 1.6026118959856972 1.5515349833448102 1.5778473322810285 1.6552365938581337 1.6118986073749502 1.5453438424186385 1.4153298829691057 1.218761158563261 0.9122996827179214 0.7296610253959519 0.6460806228926751 0.5686913613155699 +24956,0.35045364366813797,0,0.46498975080225513 0.38295713353051897 0.5067799520538891 0.8813439780870811 1.181614313006249 1.4060431715798525 1.6289242449219155 1.6026118959856972 1.5515349833448102 1.5778473322810285 1.6552365938581337 1.6118986073749502 1.5453438424186385 1.4153298829691057 1.218761158563261 0.9122996827179214 0.7296610253959519 0.6460806228926751 0.5686913613155699 0.39843498584594356 +24957,0.2792555230171955,0,0.38295713353051897 0.5067799520538891 0.8813439780870811 1.181614313006249 1.4060431715798525 1.6289242449219155 1.6026118959856972 1.5515349833448102 1.5778473322810285 1.6552365938581337 1.6118986073749502 1.5453438424186385 1.4153298829691057 1.218761158563261 0.9122996827179214 0.7296610253959519 0.6460806228926751 0.5686913613155699 0.39843498584594356 0.35045364366813797 +24958,0.25294317408098604,0,0.5067799520538891 0.8813439780870811 1.181614313006249 1.4060431715798525 1.6289242449219155 1.6026118959856972 1.5515349833448102 1.5778473322810285 1.6552365938581337 1.6118986073749502 1.5453438424186385 1.4153298829691057 1.218761158563261 0.9122996827179214 0.7296610253959519 0.6460806228926751 0.5686913613155699 0.39843498584594356 0.35045364366813797 0.2792555230171955 +24959,0.2777077377856548,0,0.8813439780870811 1.181614313006249 1.4060431715798525 1.6289242449219155 1.6026118959856972 1.5515349833448102 1.5778473322810285 1.6552365938581337 1.6118986073749502 1.5453438424186385 1.4153298829691057 1.218761158563261 0.9122996827179214 0.7296610253959519 0.6460806228926751 0.5686913613155699 0.39843498584594356 0.35045364366813797 0.2792555230171955 0.25294317408098604 +24960,0.2653254559333204,0,1.181614313006249 1.4060431715798525 1.6289242449219155 1.6026118959856972 1.5515349833448102 1.5778473322810285 1.6552365938581337 1.6118986073749502 1.5453438424186385 1.4153298829691057 1.218761158563261 0.9122996827179214 0.7296610253959519 0.6460806228926751 0.5686913613155699 0.39843498584594356 0.35045364366813797 0.2792555230171955 0.25294317408098604 0.2777077377856548 +24961,0.2266308251447678,0,1.4060431715798525 1.6289242449219155 1.6026118959856972 1.5515349833448102 1.5778473322810285 1.6552365938581337 1.6118986073749502 1.5453438424186385 1.4153298829691057 1.218761158563261 0.9122996827179214 0.7296610253959519 0.6460806228926751 0.5686913613155699 0.39843498584594356 0.35045364366813797 0.2792555230171955 0.25294317408098604 0.2777077377856548 0.2653254559333204 +24962,0.23591753653402076,0,1.6289242449219155 1.6026118959856972 1.5515349833448102 1.5778473322810285 1.6552365938581337 1.6118986073749502 1.5453438424186385 1.4153298829691057 1.218761158563261 0.9122996827179214 0.7296610253959519 0.6460806228926751 0.5686913613155699 0.39843498584594356 0.35045364366813797 0.2792555230171955 0.25294317408098604 0.2777077377856548 0.2653254559333204 0.2266308251447678 +24963,0.37986156306743757,0,1.6026118959856972 1.5515349833448102 1.5778473322810285 1.6552365938581337 1.6118986073749502 1.5453438424186385 1.4153298829691057 1.218761158563261 0.9122996827179214 0.7296610253959519 0.6460806228926751 0.5686913613155699 0.39843498584594356 0.35045364366813797 0.2792555230171955 0.25294317408098604 0.2777077377856548 0.2653254559333204 0.2266308251447678 0.23591753653402076 +24964,0.5454745828424418,0,1.5515349833448102 1.5778473322810285 1.6552365938581337 1.6118986073749502 1.5453438424186385 1.4153298829691057 1.218761158563261 0.9122996827179214 0.7296610253959519 0.6460806228926751 0.5686913613155699 0.39843498584594356 0.35045364366813797 0.2792555230171955 0.25294317408098604 0.2777077377856548 0.2653254559333204 0.2266308251447678 0.23591753653402076 0.37986156306743757 +24965,0.8720572666978281,0,1.5778473322810285 1.6552365938581337 1.6118986073749502 1.5453438424186385 1.4153298829691057 1.218761158563261 0.9122996827179214 0.7296610253959519 0.6460806228926751 0.5686913613155699 0.39843498584594356 0.35045364366813797 0.2792555230171955 0.25294317408098604 0.2777077377856548 0.2653254559333204 0.2266308251447678 0.23591753653402076 0.37986156306743757 0.5454745828424418 +24966,1.0407658569359137,0,1.6552365938581337 1.6118986073749502 1.5453438424186385 1.4153298829691057 1.218761158563261 0.9122996827179214 0.7296610253959519 0.6460806228926751 0.5686913613155699 0.39843498584594356 0.35045364366813797 0.2792555230171955 0.25294317408098604 0.2777077377856548 0.2653254559333204 0.2266308251447678 0.23591753653402076 0.37986156306743757 0.5454745828424418 0.8720572666978281 +24967,1.2063788767109178,0,1.6118986073749502 1.5453438424186385 1.4153298829691057 1.218761158563261 0.9122996827179214 0.7296610253959519 0.6460806228926751 0.5686913613155699 0.39843498584594356 0.35045364366813797 0.2792555230171955 0.25294317408098604 0.2777077377856548 0.2653254559333204 0.2266308251447678 0.23591753653402076 0.37986156306743757 0.5454745828424418 0.8720572666978281 1.0407658569359137 +24968,1.3874697488013465,0,1.5453438424186385 1.4153298829691057 1.218761158563261 0.9122996827179214 0.7296610253959519 0.6460806228926751 0.5686913613155699 0.39843498584594356 0.35045364366813797 0.2792555230171955 0.25294317408098604 0.2777077377856548 0.2653254559333204 0.2266308251447678 0.23591753653402076 0.37986156306743757 0.5454745828424418 0.8720572666978281 1.0407658569359137 1.2063788767109178 +24969,1.469502366073074,0,1.4153298829691057 1.218761158563261 0.9122996827179214 0.7296610253959519 0.6460806228926751 0.5686913613155699 0.39843498584594356 0.35045364366813797 0.2792555230171955 0.25294317408098604 0.2777077377856548 0.2653254559333204 0.2266308251447678 0.23591753653402076 0.37986156306743757 0.5454745828424418 0.8720572666978281 1.0407658569359137 1.2063788767109178 1.3874697488013465 +24970,1.4710501513046235,0,1.218761158563261 0.9122996827179214 0.7296610253959519 0.6460806228926751 0.5686913613155699 0.39843498584594356 0.35045364366813797 0.2792555230171955 0.25294317408098604 0.2777077377856548 0.2653254559333204 0.2266308251447678 0.23591753653402076 0.37986156306743757 0.5454745828424418 0.8720572666978281 1.0407658569359137 1.2063788767109178 1.3874697488013465 1.469502366073074 +24971,1.4617634399153705,0,0.9122996827179214 0.7296610253959519 0.6460806228926751 0.5686913613155699 0.39843498584594356 0.35045364366813797 0.2792555230171955 0.25294317408098604 0.2777077377856548 0.2653254559333204 0.2266308251447678 0.23591753653402076 0.37986156306743757 0.5454745828424418 0.8720572666978281 1.0407658569359137 1.2063788767109178 1.3874697488013465 1.469502366073074 1.4710501513046235 +24972,1.3596096146335876,0,0.7296610253959519 0.6460806228926751 0.5686913613155699 0.39843498584594356 0.35045364366813797 0.2792555230171955 0.25294317408098604 0.2777077377856548 0.2653254559333204 0.2266308251447678 0.23591753653402076 0.37986156306743757 0.5454745828424418 0.8720572666978281 1.0407658569359137 1.2063788767109178 1.3874697488013465 1.469502366073074 1.4710501513046235 1.4617634399153705 +24973,1.1630408902277432,0,0.6460806228926751 0.5686913613155699 0.39843498584594356 0.35045364366813797 0.2792555230171955 0.25294317408098604 0.2777077377856548 0.2653254559333204 0.2266308251447678 0.23591753653402076 0.37986156306743757 0.5454745828424418 0.8720572666978281 1.0407658569359137 1.2063788767109178 1.3874697488013465 1.469502366073074 1.4710501513046235 1.4617634399153705 1.3596096146335876 +24974,0.8859873337817031,0,0.5686913613155699 0.39843498584594356 0.35045364366813797 0.2792555230171955 0.25294317408098604 0.2777077377856548 0.2653254559333204 0.2266308251447678 0.23591753653402076 0.37986156306743757 0.5454745828424418 0.8720572666978281 1.0407658569359137 1.2063788767109178 1.3874697488013465 1.469502366073074 1.4710501513046235 1.4617634399153705 1.3596096146335876 1.1630408902277432 +24975,0.5764302874732822,0,0.39843498584594356 0.35045364366813797 0.2792555230171955 0.25294317408098604 0.2777077377856548 0.2653254559333204 0.2266308251447678 0.23591753653402076 0.37986156306743757 0.5454745828424418 0.8720572666978281 1.0407658569359137 1.2063788767109178 1.3874697488013465 1.469502366073074 1.4710501513046235 1.4617634399153705 1.3596096146335876 1.1630408902277432 0.8859873337817031 +24976,0.4309384757083246,0,0.35045364366813797 0.2792555230171955 0.25294317408098604 0.2777077377856548 0.2653254559333204 0.2266308251447678 0.23591753653402076 0.37986156306743757 0.5454745828424418 0.8720572666978281 1.0407658569359137 1.2063788767109178 1.3874697488013465 1.469502366073074 1.4710501513046235 1.4617634399153705 1.3596096146335876 1.1630408902277432 0.8859873337817031 0.5764302874732822 +24977,0.322593509500379,0,0.2792555230171955 0.25294317408098604 0.2777077377856548 0.2653254559333204 0.2266308251447678 0.23591753653402076 0.37986156306743757 0.5454745828424418 0.8720572666978281 1.0407658569359137 1.2063788767109178 1.3874697488013465 1.469502366073074 1.4710501513046235 1.4617634399153705 1.3596096146335876 1.1630408902277432 0.8859873337817031 0.5764302874732822 0.4309384757083246 +24978,0.271516596859492,0,0.25294317408098604 0.2777077377856548 0.2653254559333204 0.2266308251447678 0.23591753653402076 0.37986156306743757 0.5454745828424418 0.8720572666978281 1.0407658569359137 1.2063788767109178 1.3874697488013465 1.469502366073074 1.4710501513046235 1.4617634399153705 1.3596096146335876 1.1630408902277432 0.8859873337817031 0.5764302874732822 0.4309384757083246 0.322593509500379 +24979,0.2250830399132271,0,0.2777077377856548 0.2653254559333204 0.2266308251447678 0.23591753653402076 0.37986156306743757 0.5454745828424418 0.8720572666978281 1.0407658569359137 1.2063788767109178 1.3874697488013465 1.469502366073074 1.4710501513046235 1.4617634399153705 1.3596096146335876 1.1630408902277432 0.8859873337817031 0.5764302874732822 0.4309384757083246 0.322593509500379 0.271516596859492 +24980,0.20186626144009023,0,0.2653254559333204 0.2266308251447678 0.23591753653402076 0.37986156306743757 0.5454745828424418 0.8720572666978281 1.0407658569359137 1.2063788767109178 1.3874697488013465 1.469502366073074 1.4710501513046235 1.4617634399153705 1.3596096146335876 1.1630408902277432 0.8859873337817031 0.5764302874732822 0.4309384757083246 0.322593509500379 0.271516596859492 0.2250830399132271 +24981,0.18638840912467444,0,0.2266308251447678 0.23591753653402076 0.37986156306743757 0.5454745828424418 0.8720572666978281 1.0407658569359137 1.2063788767109178 1.3874697488013465 1.469502366073074 1.4710501513046235 1.4617634399153705 1.3596096146335876 1.1630408902277432 0.8859873337817031 0.5764302874732822 0.4309384757083246 0.322593509500379 0.271516596859492 0.2250830399132271 0.20186626144009023 +24982,0.14924156356766252,0,0.23591753653402076 0.37986156306743757 0.5454745828424418 0.8720572666978281 1.0407658569359137 1.2063788767109178 1.3874697488013465 1.469502366073074 1.4710501513046235 1.4617634399153705 1.3596096146335876 1.1630408902277432 0.8859873337817031 0.5764302874732822 0.4309384757083246 0.322593509500379 0.271516596859492 0.2250830399132271 0.20186626144009023 0.18638840912467444 +24983,0.15698048972537482,0,0.37986156306743757 0.5454745828424418 0.8720572666978281 1.0407658569359137 1.2063788767109178 1.3874697488013465 1.469502366073074 1.4710501513046235 1.4617634399153705 1.3596096146335876 1.1630408902277432 0.8859873337817031 0.5764302874732822 0.4309384757083246 0.322593509500379 0.271516596859492 0.2250830399132271 0.20186626144009023 0.18638840912467444 0.14924156356766252 +24984,0.15852827495691552,0,0.5454745828424418 0.8720572666978281 1.0407658569359137 1.2063788767109178 1.3874697488013465 1.469502366073074 1.4710501513046235 1.4617634399153705 1.3596096146335876 1.1630408902277432 0.8859873337817031 0.5764302874732822 0.4309384757083246 0.322593509500379 0.271516596859492 0.2250830399132271 0.20186626144009023 0.18638840912467444 0.14924156356766252 0.15698048972537482 +24985,0.13066814078915656,0,0.8720572666978281 1.0407658569359137 1.2063788767109178 1.3874697488013465 1.469502366073074 1.4710501513046235 1.4617634399153705 1.3596096146335876 1.1630408902277432 0.8859873337817031 0.5764302874732822 0.4309384757083246 0.322593509500379 0.271516596859492 0.2250830399132271 0.20186626144009023 0.18638840912467444 0.14924156356766252 0.15698048972537482 0.15852827495691552 +24986,0.24675203315481445,0,1.0407658569359137 1.2063788767109178 1.3874697488013465 1.469502366073074 1.4710501513046235 1.4617634399153705 1.3596096146335876 1.1630408902277432 0.8859873337817031 0.5764302874732822 0.4309384757083246 0.322593509500379 0.271516596859492 0.2250830399132271 0.20186626144009023 0.18638840912467444 0.14924156356766252 0.15698048972537482 0.15852827495691552 0.13066814078915656 +24987,0.36128814028893164,0,1.2063788767109178 1.3874697488013465 1.469502366073074 1.4710501513046235 1.4617634399153705 1.3596096146335876 1.1630408902277432 0.8859873337817031 0.5764302874732822 0.4309384757083246 0.322593509500379 0.271516596859492 0.2250830399132271 0.20186626144009023 0.18638840912467444 0.14924156356766252 0.15698048972537482 0.15852827495691552 0.13066814078915656 0.24675203315481445 +24988,0.5129710929800607,0,1.3874697488013465 1.469502366073074 1.4710501513046235 1.4617634399153705 1.3596096146335876 1.1630408902277432 0.8859873337817031 0.5764302874732822 0.4309384757083246 0.322593509500379 0.271516596859492 0.2250830399132271 0.20186626144009023 0.18638840912467444 0.14924156356766252 0.15698048972537482 0.15852827495691552 0.13066814078915656 0.24675203315481445 0.36128814028893164 +24989,0.8705094814662874,0,1.469502366073074 1.4710501513046235 1.4617634399153705 1.3596096146335876 1.1630408902277432 0.8859873337817031 0.5764302874732822 0.4309384757083246 0.322593509500379 0.271516596859492 0.2250830399132271 0.20186626144009023 0.18638840912467444 0.14924156356766252 0.15698048972537482 0.15852827495691552 0.13066814078915656 0.24675203315481445 0.36128814028893164 0.5129710929800607 +24990,1.0748171320298443,0,1.4710501513046235 1.4617634399153705 1.3596096146335876 1.1630408902277432 0.8859873337817031 0.5764302874732822 0.4309384757083246 0.322593509500379 0.271516596859492 0.2250830399132271 0.20186626144009023 0.18638840912467444 0.14924156356766252 0.15698048972537482 0.15852827495691552 0.13066814078915656 0.24675203315481445 0.36128814028893164 0.5129710929800607 0.8705094814662874 +24991,1.2760292121303107,0,1.4617634399153705 1.3596096146335876 1.1630408902277432 0.8859873337817031 0.5764302874732822 0.4309384757083246 0.322593509500379 0.271516596859492 0.2250830399132271 0.20186626144009023 0.18638840912467444 0.14924156356766252 0.15698048972537482 0.15852827495691552 0.13066814078915656 0.24675203315481445 0.36128814028893164 0.5129710929800607 0.8705094814662874 1.0748171320298443 +24992,1.4354510909791522,0,1.3596096146335876 1.1630408902277432 0.8859873337817031 0.5764302874732822 0.4309384757083246 0.322593509500379 0.271516596859492 0.2250830399132271 0.20186626144009023 0.18638840912467444 0.14924156356766252 0.15698048972537482 0.15852827495691552 0.13066814078915656 0.24675203315481445 0.36128814028893164 0.5129710929800607 0.8705094814662874 1.0748171320298443 1.2760292121303107 +24993,1.5283182048716821,0,1.1630408902277432 0.8859873337817031 0.5764302874732822 0.4309384757083246 0.322593509500379 0.271516596859492 0.2250830399132271 0.20186626144009023 0.18638840912467444 0.14924156356766252 0.15698048972537482 0.15852827495691552 0.13066814078915656 0.24675203315481445 0.36128814028893164 0.5129710929800607 0.8705094814662874 1.0748171320298443 1.2760292121303107 1.4354510909791522 +24994,1.5515349833448102,0,0.8859873337817031 0.5764302874732822 0.4309384757083246 0.322593509500379 0.271516596859492 0.2250830399132271 0.20186626144009023 0.18638840912467444 0.14924156356766252 0.15698048972537482 0.15852827495691552 0.13066814078915656 0.24675203315481445 0.36128814028893164 0.5129710929800607 0.8705094814662874 1.0748171320298443 1.2760292121303107 1.4354510909791522 1.5283182048716821 +24995,1.4989102854723737,0,0.5764302874732822 0.4309384757083246 0.322593509500379 0.271516596859492 0.2250830399132271 0.20186626144009023 0.18638840912467444 0.14924156356766252 0.15698048972537482 0.15852827495691552 0.13066814078915656 0.24675203315481445 0.36128814028893164 0.5129710929800607 0.8705094814662874 1.0748171320298443 1.2760292121303107 1.4354510909791522 1.5283182048716821 1.5515349833448102 +24996,1.3658007555597593,0,0.4309384757083246 0.322593509500379 0.271516596859492 0.2250830399132271 0.20186626144009023 0.18638840912467444 0.14924156356766252 0.15698048972537482 0.15852827495691552 0.13066814078915656 0.24675203315481445 0.36128814028893164 0.5129710929800607 0.8705094814662874 1.0748171320298443 1.2760292121303107 1.4354510909791522 1.5283182048716821 1.5515349833448102 1.4989102854723737 +24997,1.1645886754592838,0,0.322593509500379 0.271516596859492 0.2250830399132271 0.20186626144009023 0.18638840912467444 0.14924156356766252 0.15698048972537482 0.15852827495691552 0.13066814078915656 0.24675203315481445 0.36128814028893164 0.5129710929800607 0.8705094814662874 1.0748171320298443 1.2760292121303107 1.4354510909791522 1.5283182048716821 1.5515349833448102 1.4989102854723737 1.3658007555597593 +24998,0.9262297498017965,0,0.271516596859492 0.2250830399132271 0.20186626144009023 0.18638840912467444 0.14924156356766252 0.15698048972537482 0.15852827495691552 0.13066814078915656 0.24675203315481445 0.36128814028893164 0.5129710929800607 0.8705094814662874 1.0748171320298443 1.2760292121303107 1.4354510909791522 1.5283182048716821 1.5515349833448102 1.4989102854723737 1.3658007555597593 1.1645886754592838 +24999,0.6151249182618348,0,0.2250830399132271 0.20186626144009023 0.18638840912467444 0.14924156356766252 0.15698048972537482 0.15852827495691552 0.13066814078915656 0.24675203315481445 0.36128814028893164 0.5129710929800607 0.8705094814662874 1.0748171320298443 1.2760292121303107 1.4354510909791522 1.5283182048716821 1.5515349833448102 1.4989102854723737 1.3658007555597593 1.1645886754592838 0.9262297498017965 +25000,0.4417729723291183,0,0.20186626144009023 0.18638840912467444 0.14924156356766252 0.15698048972537482 0.15852827495691552 0.13066814078915656 0.24675203315481445 0.36128814028893164 0.5129710929800607 0.8705094814662874 1.0748171320298443 1.2760292121303107 1.4354510909791522 1.5283182048716821 1.5515349833448102 1.4989102854723737 1.3658007555597593 1.1645886754592838 0.9262297498017965 0.6151249182618348 +25001,0.35509699936276,0,0.18638840912467444 0.14924156356766252 0.15698048972537482 0.15852827495691552 0.13066814078915656 0.24675203315481445 0.36128814028893164 0.5129710929800607 0.8705094814662874 1.0748171320298443 1.2760292121303107 1.4354510909791522 1.5283182048716821 1.5515349833448102 1.4989102854723737 1.3658007555597593 1.1645886754592838 0.9262297498017965 0.6151249182618348 0.4417729723291183 +25002,0.25449095931252674,0,0.14924156356766252 0.15698048972537482 0.15852827495691552 0.13066814078915656 0.24675203315481445 0.36128814028893164 0.5129710929800607 0.8705094814662874 1.0748171320298443 1.2760292121303107 1.4354510909791522 1.5283182048716821 1.5515349833448102 1.4989102854723737 1.3658007555597593 1.1645886754592838 0.9262297498017965 0.6151249182618348 0.4417729723291183 0.35509699936276 +25003,0.16471941588308708,0,0.15698048972537482 0.15852827495691552 0.13066814078915656 0.24675203315481445 0.36128814028893164 0.5129710929800607 0.8705094814662874 1.0748171320298443 1.2760292121303107 1.4354510909791522 1.5283182048716821 1.5515349833448102 1.4989102854723737 1.3658007555597593 1.1645886754592838 0.9262297498017965 0.6151249182618348 0.4417729723291183 0.35509699936276 0.25449095931252674 +25004,0.11983364416836288,0,0.15852827495691552 0.13066814078915656 0.24675203315481445 0.36128814028893164 0.5129710929800607 0.8705094814662874 1.0748171320298443 1.2760292121303107 1.4354510909791522 1.5283182048716821 1.5515349833448102 1.4989102854723737 1.3658007555597593 1.1645886754592838 0.9262297498017965 0.6151249182618348 0.4417729723291183 0.35509699936276 0.25449095931252674 0.16471941588308708 +25005,0.034705456433545334,0,0.13066814078915656 0.24675203315481445 0.36128814028893164 0.5129710929800607 0.8705094814662874 1.0748171320298443 1.2760292121303107 1.4354510909791522 1.5283182048716821 1.5515349833448102 1.4989102854723737 1.3658007555597593 1.1645886754592838 0.9262297498017965 0.6151249182618348 0.4417729723291183 0.35509699936276 0.25449095931252674 0.16471941588308708 0.11983364416836288 +25006,0.006845322265786387,0,0.24675203315481445 0.36128814028893164 0.5129710929800607 0.8705094814662874 1.0748171320298443 1.2760292121303107 1.4354510909791522 1.5283182048716821 1.5515349833448102 1.4989102854723737 1.3658007555597593 1.1645886754592838 0.9262297498017965 0.6151249182618348 0.4417729723291183 0.35509699936276 0.25449095931252674 0.16471941588308708 0.11983364416836288 0.034705456433545334 +25007,-0.03184930852276624,0,0.36128814028893164 0.5129710929800607 0.8705094814662874 1.0748171320298443 1.2760292121303107 1.4354510909791522 1.5283182048716821 1.5515349833448102 1.4989102854723737 1.3658007555597593 1.1645886754592838 0.9262297498017965 0.6151249182618348 0.4417729723291183 0.35509699936276 0.25449095931252674 0.16471941588308708 0.11983364416836288 0.034705456433545334 0.006845322265786387 +25008,-0.07518729500594096,0,0.5129710929800607 0.8705094814662874 1.0748171320298443 1.2760292121303107 1.4354510909791522 1.5283182048716821 1.5515349833448102 1.4989102854723737 1.3658007555597593 1.1645886754592838 0.9262297498017965 0.6151249182618348 0.4417729723291183 0.35509699936276 0.25449095931252674 0.16471941588308708 0.11983364416836288 0.034705456433545334 0.006845322265786387 -0.03184930852276624 +25009,-0.1092385700998715,0,0.8705094814662874 1.0748171320298443 1.2760292121303107 1.4354510909791522 1.5283182048716821 1.5515349833448102 1.4989102854723737 1.3658007555597593 1.1645886754592838 0.9262297498017965 0.6151249182618348 0.4417729723291183 0.35509699936276 0.25449095931252674 0.16471941588308708 0.11983364416836288 0.034705456433545334 0.006845322265786387 -0.03184930852276624 -0.07518729500594096 +25010,0.054826664443592,0,1.0748171320298443 1.2760292121303107 1.4354510909791522 1.5283182048716821 1.5515349833448102 1.4989102854723737 1.3658007555597593 1.1645886754592838 0.9262297498017965 0.6151249182618348 0.4417729723291183 0.35509699936276 0.25449095931252674 0.16471941588308708 0.11983364416836288 0.034705456433545334 0.006845322265786387 -0.03184930852276624 -0.07518729500594096 -0.1092385700998715 +25011,0.23127418083938986,0,1.2760292121303107 1.4354510909791522 1.5283182048716821 1.5515349833448102 1.4989102854723737 1.3658007555597593 1.1645886754592838 0.9262297498017965 0.6151249182618348 0.4417729723291183 0.35509699936276 0.25449095931252674 0.16471941588308708 0.11983364416836288 0.034705456433545334 0.006845322265786387 -0.03184930852276624 -0.07518729500594096 -0.1092385700998715 0.054826664443592 +25012,0.5207100191377643,0,1.4354510909791522 1.5283182048716821 1.5515349833448102 1.4989102854723737 1.3658007555597593 1.1645886754592838 0.9262297498017965 0.6151249182618348 0.4417729723291183 0.35509699936276 0.25449095931252674 0.16471941588308708 0.11983364416836288 0.034705456433545334 0.006845322265786387 -0.03184930852276624 -0.07518729500594096 -0.1092385700998715 0.054826664443592 0.23127418083938986 +25013,0.7250176697013211,0,1.5283182048716821 1.5515349833448102 1.4989102854723737 1.3658007555597593 1.1645886754592838 0.9262297498017965 0.6151249182618348 0.4417729723291183 0.35509699936276 0.25449095931252674 0.16471941588308708 0.11983364416836288 0.034705456433545334 0.006845322265786387 -0.03184930852276624 -0.07518729500594096 -0.1092385700998715 0.054826664443592 0.23127418083938986 0.5207100191377643 +25014,0.9525420987380148,0,1.5515349833448102 1.4989102854723737 1.3658007555597593 1.1645886754592838 0.9262297498017965 0.6151249182618348 0.4417729723291183 0.35509699936276 0.25449095931252674 0.16471941588308708 0.11983364416836288 0.034705456433545334 0.006845322265786387 -0.03184930852276624 -0.07518729500594096 -0.1092385700998715 0.054826664443592 0.23127418083938986 0.5207100191377643 0.7250176697013211 +25015,1.1522063936069495,0,1.4989102854723737 1.3658007555597593 1.1645886754592838 0.9262297498017965 0.6151249182618348 0.4417729723291183 0.35509699936276 0.25449095931252674 0.16471941588308708 0.11983364416836288 0.034705456433545334 0.006845322265786387 -0.03184930852276624 -0.07518729500594096 -0.1092385700998715 0.054826664443592 0.23127418083938986 0.5207100191377643 0.7250176697013211 0.9525420987380148 +25016,1.2992459906034477,0,1.3658007555597593 1.1645886754592838 0.9262297498017965 0.6151249182618348 0.4417729723291183 0.35509699936276 0.25449095931252674 0.16471941588308708 0.11983364416836288 0.034705456433545334 0.006845322265786387 -0.03184930852276624 -0.07518729500594096 -0.1092385700998715 0.054826664443592 0.23127418083938986 0.5207100191377643 0.7250176697013211 0.9525420987380148 1.1522063936069495 +25017,1.441642231905324,0,1.1645886754592838 0.9262297498017965 0.6151249182618348 0.4417729723291183 0.35509699936276 0.25449095931252674 0.16471941588308708 0.11983364416836288 0.034705456433545334 0.006845322265786387 -0.03184930852276624 -0.07518729500594096 -0.1092385700998715 0.054826664443592 0.23127418083938986 0.5207100191377643 0.7250176697013211 0.9525420987380148 1.1522063936069495 1.2992459906034477 +25018,1.4617634399153705,0,0.9262297498017965 0.6151249182618348 0.4417729723291183 0.35509699936276 0.25449095931252674 0.16471941588308708 0.11983364416836288 0.034705456433545334 0.006845322265786387 -0.03184930852276624 -0.07518729500594096 -0.1092385700998715 0.054826664443592 0.23127418083938986 0.5207100191377643 0.7250176697013211 0.9525420987380148 1.1522063936069495 1.2992459906034477 1.441642231905324 +25019,1.4013998158852217,0,0.6151249182618348 0.4417729723291183 0.35509699936276 0.25449095931252674 0.16471941588308708 0.11983364416836288 0.034705456433545334 0.006845322265786387 -0.03184930852276624 -0.07518729500594096 -0.1092385700998715 0.054826664443592 0.23127418083938986 0.5207100191377643 0.7250176697013211 0.9525420987380148 1.1522063936069495 1.2992459906034477 1.441642231905324 1.4617634399153705 +25020,1.2156655881001708,0,0.4417729723291183 0.35509699936276 0.25449095931252674 0.16471941588308708 0.11983364416836288 0.034705456433545334 0.006845322265786387 -0.03184930852276624 -0.07518729500594096 -0.1092385700998715 0.054826664443592 0.23127418083938986 0.5207100191377643 0.7250176697013211 0.9525420987380148 1.1522063936069495 1.2992459906034477 1.441642231905324 1.4617634399153705 1.4013998158852217 +25021,0.9958800852211894,0,0.35509699936276 0.25449095931252674 0.16471941588308708 0.11983364416836288 0.034705456433545334 0.006845322265786387 -0.03184930852276624 -0.07518729500594096 -0.1092385700998715 0.054826664443592 0.23127418083938986 0.5207100191377643 0.7250176697013211 0.9525420987380148 1.1522063936069495 1.2992459906034477 1.441642231905324 1.4617634399153705 1.4013998158852217 1.2156655881001708 +25022,0.790024649426092,0,0.25449095931252674 0.16471941588308708 0.11983364416836288 0.034705456433545334 0.006845322265786387 -0.03184930852276624 -0.07518729500594096 -0.1092385700998715 0.054826664443592 0.23127418083938986 0.5207100191377643 0.7250176697013211 0.9525420987380148 1.1522063936069495 1.2992459906034477 1.441642231905324 1.4617634399153705 1.4013998158852217 1.2156655881001708 0.9958800852211894 +25023,0.4417729723291183,0,0.16471941588308708 0.11983364416836288 0.034705456433545334 0.006845322265786387 -0.03184930852276624 -0.07518729500594096 -0.1092385700998715 0.054826664443592 0.23127418083938986 0.5207100191377643 0.7250176697013211 0.9525420987380148 1.1522063936069495 1.2992459906034477 1.441642231905324 1.4617634399153705 1.4013998158852217 1.2156655881001708 0.9958800852211894 0.790024649426092 +25024,0.34735807320504775,0,0.11983364416836288 0.034705456433545334 0.006845322265786387 -0.03184930852276624 -0.07518729500594096 -0.1092385700998715 0.054826664443592 0.23127418083938986 0.5207100191377643 0.7250176697013211 0.9525420987380148 1.1522063936069495 1.2992459906034477 1.441642231905324 1.4617634399153705 1.4013998158852217 1.2156655881001708 0.9958800852211894 0.790024649426092 0.4417729723291183 +25025,0.2065096171347211,0,0.034705456433545334 0.006845322265786387 -0.03184930852276624 -0.07518729500594096 -0.1092385700998715 0.054826664443592 0.23127418083938986 0.5207100191377643 0.7250176697013211 0.9525420987380148 1.1522063936069495 1.2992459906034477 1.441642231905324 1.4617634399153705 1.4013998158852217 1.2156655881001708 0.9958800852211894 0.790024649426092 0.4417729723291183 0.34735807320504775 +25026,0.11209471801065059,0,0.006845322265786387 -0.03184930852276624 -0.07518729500594096 -0.1092385700998715 0.054826664443592 0.23127418083938986 0.5207100191377643 0.7250176697013211 0.9525420987380148 1.1522063936069495 1.2992459906034477 1.441642231905324 1.4617634399153705 1.4013998158852217 1.2156655881001708 0.9958800852211894 0.790024649426092 0.4417729723291183 0.34735807320504775 0.2065096171347211 +25027,0.08483984788892239,0,-0.03184930852276624 -0.07518729500594096 -0.1092385700998715 0.054826664443592 0.23127418083938986 0.5207100191377643 0.7250176697013211 0.9525420987380148 1.1522063936069495 1.2992459906034477 1.441642231905324 1.4617634399153705 1.4013998158852217 1.2156655881001708 0.9958800852211894 0.790024649426092 0.4417729723291183 0.34735807320504775 0.2065096171347211 0.11209471801065059 +25028,-0.005536959586547991,0,-0.07518729500594096 -0.1092385700998715 0.054826664443592 0.23127418083938986 0.5207100191377643 0.7250176697013211 0.9525420987380148 1.1522063936069495 1.2992459906034477 1.441642231905324 1.4617634399153705 1.4013998158852217 1.2156655881001708 0.9958800852211894 0.790024649426092 0.4417729723291183 0.34735807320504775 0.2065096171347211 0.11209471801065059 0.08483984788892239 +25029,-0.08602179162673464,0,-0.1092385700998715 0.054826664443592 0.23127418083938986 0.5207100191377643 0.7250176697013211 0.9525420987380148 1.1522063936069495 1.2992459906034477 1.441642231905324 1.4617634399153705 1.4013998158852217 1.2156655881001708 0.9958800852211894 0.790024649426092 0.4417729723291183 0.34735807320504775 0.2065096171347211 0.11209471801065059 0.08483984788892239 -0.005536959586547991 +25030,-0.09066514732136553,0,0.054826664443592 0.23127418083938986 0.5207100191377643 0.7250176697013211 0.9525420987380148 1.1522063936069495 1.2992459906034477 1.441642231905324 1.4617634399153705 1.4013998158852217 1.2156655881001708 0.9958800852211894 0.790024649426092 0.4417729723291183 0.34735807320504775 0.2065096171347211 0.11209471801065059 0.08483984788892239 -0.005536959586547991 -0.08602179162673464 +25031,-0.11233414056295289,0,0.23127418083938986 0.5207100191377643 0.7250176697013211 0.9525420987380148 1.1522063936069495 1.2992459906034477 1.441642231905324 1.4617634399153705 1.4013998158852217 1.2156655881001708 0.9958800852211894 0.790024649426092 0.4417729723291183 0.34735807320504775 0.2065096171347211 0.11209471801065059 0.08483984788892239 -0.005536959586547991 -0.08602179162673464 -0.09066514732136553 +25032,-0.10614299963678131,0,0.5207100191377643 0.7250176697013211 0.9525420987380148 1.1522063936069495 1.2992459906034477 1.441642231905324 1.4617634399153705 1.4013998158852217 1.2156655881001708 0.9958800852211894 0.790024649426092 0.4417729723291183 0.34735807320504775 0.2065096171347211 0.11209471801065059 0.08483984788892239 -0.005536959586547991 -0.08602179162673464 -0.09066514732136553 -0.11233414056295289 +25033,-0.09530850301598763,0,0.7250176697013211 0.9525420987380148 1.1522063936069495 1.2992459906034477 1.441642231905324 1.4617634399153705 1.4013998158852217 1.2156655881001708 0.9958800852211894 0.790024649426092 0.4417729723291183 0.34735807320504775 0.2065096171347211 0.11209471801065059 0.08483984788892239 -0.005536959586547991 -0.08602179162673464 -0.09066514732136553 -0.11233414056295289 -0.10614299963678131 +25034,0.00994089272887658,0,0.9525420987380148 1.1522063936069495 1.2992459906034477 1.441642231905324 1.4617634399153705 1.4013998158852217 1.2156655881001708 0.9958800852211894 0.790024649426092 0.4417729723291183 0.34735807320504775 0.2065096171347211 0.11209471801065059 0.08483984788892239 -0.005536959586547991 -0.08602179162673464 -0.09066514732136553 -0.11233414056295289 -0.10614299963678131 -0.09530850301598763 +25035,0.16936277157770918,0,1.1522063936069495 1.2992459906034477 1.441642231905324 1.4617634399153705 1.4013998158852217 1.2156655881001708 0.9958800852211894 0.790024649426092 0.4417729723291183 0.34735807320504775 0.2065096171347211 0.11209471801065059 0.08483984788892239 -0.005536959586547991 -0.08602179162673464 -0.09066514732136553 -0.11233414056295289 -0.10614299963678131 -0.09530850301598763 0.00994089272887658 +25036,0.37986156306743757,0,1.2992459906034477 1.441642231905324 1.4617634399153705 1.4013998158852217 1.2156655881001708 0.9958800852211894 0.790024649426092 0.4417729723291183 0.34735807320504775 0.2065096171347211 0.11209471801065059 0.08483984788892239 -0.005536959586547991 -0.08602179162673464 -0.09066514732136553 -0.11233414056295289 -0.10614299963678131 -0.09530850301598763 0.00994089272887658 0.16936277157770918 +25037,0.5269011600639358,0,1.441642231905324 1.4617634399153705 1.4013998158852217 1.2156655881001708 0.9958800852211894 0.790024649426092 0.4417729723291183 0.34735807320504775 0.2065096171347211 0.11209471801065059 0.08483984788892239 -0.005536959586547991 -0.08602179162673464 -0.09066514732136553 -0.11233414056295289 -0.10614299963678131 -0.09530850301598763 0.00994089272887658 0.16936277157770918 0.37986156306743757 +25038,0.7962157903522635,0,1.4617634399153705 1.4013998158852217 1.2156655881001708 0.9958800852211894 0.790024649426092 0.4417729723291183 0.34735807320504775 0.2065096171347211 0.11209471801065059 0.08483984788892239 -0.005536959586547991 -0.08602179162673464 -0.09066514732136553 -0.11233414056295289 -0.10614299963678131 -0.09530850301598763 0.00994089272887658 0.16936277157770918 0.37986156306743757 0.5269011600639358 +25039,1.006714581841992,0,1.4013998158852217 1.2156655881001708 0.9958800852211894 0.790024649426092 0.4417729723291183 0.34735807320504775 0.2065096171347211 0.11209471801065059 0.08483984788892239 -0.005536959586547991 -0.08602179162673464 -0.09066514732136553 -0.11233414056295289 -0.10614299963678131 -0.09530850301598763 0.00994089272887658 0.16936277157770918 0.37986156306743757 0.5269011600639358 0.7962157903522635 +25040,1.2682902859726073,0,1.2156655881001708 0.9958800852211894 0.790024649426092 0.4417729723291183 0.34735807320504775 0.2065096171347211 0.11209471801065059 0.08483984788892239 -0.005536959586547991 -0.08602179162673464 -0.09066514732136553 -0.11233414056295289 -0.10614299963678131 -0.09530850301598763 0.00994089272887658 0.16936277157770918 0.37986156306743757 0.5269011600639358 0.7962157903522635 1.006714581841992 +25041,1.4400944466737744,0,0.9958800852211894 0.790024649426092 0.4417729723291183 0.34735807320504775 0.2065096171347211 0.11209471801065059 0.08483984788892239 -0.005536959586547991 -0.08602179162673464 -0.09066514732136553 -0.11233414056295289 -0.10614299963678131 -0.09530850301598763 0.00994089272887658 0.16936277157770918 0.37986156306743757 0.5269011600639358 0.7962157903522635 1.006714581841992 1.2682902859726073 +25042,1.5205792787139698,0,0.790024649426092 0.4417729723291183 0.34735807320504775 0.2065096171347211 0.11209471801065059 0.08483984788892239 -0.005536959586547991 -0.08602179162673464 -0.09066514732136553 -0.11233414056295289 -0.10614299963678131 -0.09530850301598763 0.00994089272887658 0.16936277157770918 0.37986156306743757 0.5269011600639358 0.7962157903522635 1.006714581841992 1.2682902859726073 1.4400944466737744 +25043,1.492719144546211,0,0.4417729723291183 0.34735807320504775 0.2065096171347211 0.11209471801065059 0.08483984788892239 -0.005536959586547991 -0.08602179162673464 -0.09066514732136553 -0.11233414056295289 -0.10614299963678131 -0.09530850301598763 0.00994089272887658 0.16936277157770918 0.37986156306743757 0.5269011600639358 0.7962157903522635 1.006714581841992 1.2682902859726073 1.4400944466737744 1.5205792787139698 +25044,1.385921963569806,0,0.34735807320504775 0.2065096171347211 0.11209471801065059 0.08483984788892239 -0.005536959586547991 -0.08602179162673464 -0.09066514732136553 -0.11233414056295289 -0.10614299963678131 -0.09530850301598763 0.00994089272887658 0.16936277157770918 0.37986156306743757 0.5269011600639358 0.7962157903522635 1.006714581841992 1.2682902859726073 1.4400944466737744 1.5205792787139698 1.492719144546211 +25045,1.178518742543159,0,0.2065096171347211 0.11209471801065059 0.08483984788892239 -0.005536959586547991 -0.08602179162673464 -0.09066514732136553 -0.11233414056295289 -0.10614299963678131 -0.09530850301598763 0.00994089272887658 0.16936277157770918 0.37986156306743757 0.5269011600639358 0.7962157903522635 1.006714581841992 1.2682902859726073 1.4400944466737744 1.5205792787139698 1.492719144546211 1.385921963569806 +25046,0.9246819645702558,0,0.11209471801065059 0.08483984788892239 -0.005536959586547991 -0.08602179162673464 -0.09066514732136553 -0.11233414056295289 -0.10614299963678131 -0.09530850301598763 0.00994089272887658 0.16936277157770918 0.37986156306743757 0.5269011600639358 0.7962157903522635 1.006714581841992 1.2682902859726073 1.4400944466737744 1.5205792787139698 1.492719144546211 1.385921963569806 1.178518742543159 +25047,0.5950037102517881,0,0.08483984788892239 -0.005536959586547991 -0.08602179162673464 -0.09066514732136553 -0.11233414056295289 -0.10614299963678131 -0.09530850301598763 0.00994089272887658 0.16936277157770918 0.37986156306743757 0.5269011600639358 0.7962157903522635 1.006714581841992 1.2682902859726073 1.4400944466737744 1.5205792787139698 1.492719144546211 1.385921963569806 1.178518742543159 0.9246819645702558 +25048,0.3690270664466439,0,-0.005536959586547991 -0.08602179162673464 -0.09066514732136553 -0.11233414056295289 -0.10614299963678131 -0.09530850301598763 0.00994089272887658 0.16936277157770918 0.37986156306743757 0.5269011600639358 0.7962157903522635 1.006714581841992 1.2682902859726073 1.4400944466737744 1.5205792787139698 1.492719144546211 1.385921963569806 1.178518742543159 0.9246819645702558 0.5950037102517881 +25049,0.3210457242688383,0,-0.08602179162673464 -0.09066514732136553 -0.11233414056295289 -0.10614299963678131 -0.09530850301598763 0.00994089272887658 0.16936277157770918 0.37986156306743757 0.5269011600639358 0.7962157903522635 1.006714581841992 1.2682902859726073 1.4400944466737744 1.5205792787139698 1.492719144546211 1.385921963569806 1.178518742543159 0.9246819645702558 0.5950037102517881 0.3690270664466439 +25050,0.20186626144009023,0,-0.09066514732136553 -0.11233414056295289 -0.10614299963678131 -0.09530850301598763 0.00994089272887658 0.16936277157770918 0.37986156306743757 0.5269011600639358 0.7962157903522635 1.006714581841992 1.2682902859726073 1.4400944466737744 1.5205792787139698 1.492719144546211 1.385921963569806 1.178518742543159 0.9246819645702558 0.5950037102517881 0.3690270664466439 0.3210457242688383 +25051,0.14614599310458112,0,-0.11233414056295289 -0.10614299963678131 -0.09530850301598763 0.00994089272887658 0.16936277157770918 0.37986156306743757 0.5269011600639358 0.7962157903522635 1.006714581841992 1.2682902859726073 1.4400944466737744 1.5205792787139698 1.492719144546211 1.385921963569806 1.178518742543159 0.9246819645702558 0.5950037102517881 0.3690270664466439 0.3210457242688383 0.20186626144009023 +25052,0.03625324166508603,0,-0.10614299963678131 -0.09530850301598763 0.00994089272887658 0.16936277157770918 0.37986156306743757 0.5269011600639358 0.7962157903522635 1.006714581841992 1.2682902859726073 1.4400944466737744 1.5205792787139698 1.492719144546211 1.385921963569806 1.178518742543159 0.9246819645702558 0.5950037102517881 0.3690270664466439 0.3210457242688383 0.20186626144009023 0.14614599310458112 +25053,-0.025658167596594655,0,-0.09530850301598763 0.00994089272887658 0.16936277157770918 0.37986156306743757 0.5269011600639358 0.7962157903522635 1.006714581841992 1.2682902859726073 1.4400944466737744 1.5205792787139698 1.492719144546211 1.385921963569806 1.178518742543159 0.9246819645702558 0.5950037102517881 0.3690270664466439 0.3210457242688383 0.20186626144009023 0.14614599310458112 0.03625324166508603 +25054,-0.07209172454285957,0,0.00994089272887658 0.16936277157770918 0.37986156306743757 0.5269011600639358 0.7962157903522635 1.006714581841992 1.2682902859726073 1.4400944466737744 1.5205792787139698 1.492719144546211 1.385921963569806 1.178518742543159 0.9246819645702558 0.5950037102517881 0.3690270664466439 0.3210457242688383 0.20186626144009023 0.14614599310458112 0.03625324166508603 -0.025658167596594655 +25055,-0.14793320088842413,0,0.16936277157770918 0.37986156306743757 0.5269011600639358 0.7962157903522635 1.006714581841992 1.2682902859726073 1.4400944466737744 1.5205792787139698 1.492719144546211 1.385921963569806 1.178518742543159 0.9246819645702558 0.5950037102517881 0.3690270664466439 0.3210457242688383 0.20186626144009023 0.14614599310458112 0.03625324166508603 -0.025658167596594655 -0.07209172454285957 +25056,-0.17888890551926448,0,0.37986156306743757 0.5269011600639358 0.7962157903522635 1.006714581841992 1.2682902859726073 1.4400944466737744 1.5205792787139698 1.492719144546211 1.385921963569806 1.178518742543159 0.9246819645702558 0.5950037102517881 0.3690270664466439 0.3210457242688383 0.20186626144009023 0.14614599310458112 0.03625324166508603 -0.025658167596594655 -0.07209172454285957 -0.14793320088842413 +25057,-0.19281897260313954,0,0.5269011600639358 0.7962157903522635 1.006714581841992 1.2682902859726073 1.4400944466737744 1.5205792787139698 1.492719144546211 1.385921963569806 1.178518742543159 0.9246819645702558 0.5950037102517881 0.3690270664466439 0.3210457242688383 0.20186626144009023 0.14614599310458112 0.03625324166508603 -0.025658167596594655 -0.07209172454285957 -0.14793320088842413 -0.17888890551926448 +25058,-0.003989174355007293,0,0.7962157903522635 1.006714581841992 1.2682902859726073 1.4400944466737744 1.5205792787139698 1.492719144546211 1.385921963569806 1.178518742543159 0.9246819645702558 0.5950037102517881 0.3690270664466439 0.3210457242688383 0.20186626144009023 0.14614599310458112 0.03625324166508603 -0.025658167596594655 -0.07209172454285957 -0.14793320088842413 -0.17888890551926448 -0.19281897260313954 +25059,0.16007606018845622,0,1.006714581841992 1.2682902859726073 1.4400944466737744 1.5205792787139698 1.492719144546211 1.385921963569806 1.178518742543159 0.9246819645702558 0.5950037102517881 0.3690270664466439 0.3210457242688383 0.20186626144009023 0.14614599310458112 0.03625324166508603 -0.025658167596594655 -0.07209172454285957 -0.14793320088842413 -0.17888890551926448 -0.19281897260313954 -0.003989174355007293 +25060,0.37831377783589687,0,1.2682902859726073 1.4400944466737744 1.5205792787139698 1.492719144546211 1.385921963569806 1.178518742543159 0.9246819645702558 0.5950037102517881 0.3690270664466439 0.3210457242688383 0.20186626144009023 0.14614599310458112 0.03625324166508603 -0.025658167596594655 -0.07209172454285957 -0.14793320088842413 -0.17888890551926448 -0.19281897260313954 -0.003989174355007293 0.16007606018845622 +25061,0.6151249182618348,0,1.4400944466737744 1.5205792787139698 1.492719144546211 1.385921963569806 1.178518742543159 0.9246819645702558 0.5950037102517881 0.3690270664466439 0.3210457242688383 0.20186626144009023 0.14614599310458112 0.03625324166508603 -0.025658167596594655 -0.07209172454285957 -0.14793320088842413 -0.17888890551926448 -0.19281897260313954 -0.003989174355007293 0.16007606018845622 0.37831377783589687 +25062,0.9448031725803024,0,1.5205792787139698 1.492719144546211 1.385921963569806 1.178518742543159 0.9246819645702558 0.5950037102517881 0.3690270664466439 0.3210457242688383 0.20186626144009023 0.14614599310458112 0.03625324166508603 -0.025658167596594655 -0.07209172454285957 -0.14793320088842413 -0.17888890551926448 -0.19281897260313954 -0.003989174355007293 0.16007606018845622 0.37831377783589687 0.6151249182618348 +25063,1.2543602188887235,0,1.492719144546211 1.385921963569806 1.178518742543159 0.9246819645702558 0.5950037102517881 0.3690270664466439 0.3210457242688383 0.20186626144009023 0.14614599310458112 0.03625324166508603 -0.025658167596594655 -0.07209172454285957 -0.14793320088842413 -0.17888890551926448 -0.19281897260313954 -0.003989174355007293 0.16007606018845622 0.37831377783589687 0.6151249182618348 0.9448031725803024 +25064,1.4339033057476116,0,1.385921963569806 1.178518742543159 0.9246819645702558 0.5950037102517881 0.3690270664466439 0.3210457242688383 0.20186626144009023 0.14614599310458112 0.03625324166508603 -0.025658167596594655 -0.07209172454285957 -0.14793320088842413 -0.17888890551926448 -0.19281897260313954 -0.003989174355007293 0.16007606018845622 0.37831377783589687 0.6151249182618348 0.9448031725803024 1.2543602188887235 +25065,1.5933251845964442,0,1.178518742543159 0.9246819645702558 0.5950037102517881 0.3690270664466439 0.3210457242688383 0.20186626144009023 0.14614599310458112 0.03625324166508603 -0.025658167596594655 -0.07209172454285957 -0.14793320088842413 -0.17888890551926448 -0.19281897260313954 -0.003989174355007293 0.16007606018845622 0.37831377783589687 0.6151249182618348 0.9448031725803024 1.2543602188887235 1.4339033057476116 +25066,1.6211853187642031,0,0.9246819645702558 0.5950037102517881 0.3690270664466439 0.3210457242688383 0.20186626144009023 0.14614599310458112 0.03625324166508603 -0.025658167596594655 -0.07209172454285957 -0.14793320088842413 -0.17888890551926448 -0.19281897260313954 -0.003989174355007293 0.16007606018845622 0.37831377783589687 0.6151249182618348 0.9448031725803024 1.2543602188887235 1.4339033057476116 1.5933251845964442 +25067,1.5608216947340632,0,0.5950037102517881 0.3690270664466439 0.3210457242688383 0.20186626144009023 0.14614599310458112 0.03625324166508603 -0.025658167596594655 -0.07209172454285957 -0.14793320088842413 -0.17888890551926448 -0.19281897260313954 -0.003989174355007293 0.16007606018845622 0.37831377783589687 0.6151249182618348 0.9448031725803024 1.2543602188887235 1.4339033057476116 1.5933251845964442 1.6211853187642031 +25068,1.4633112251469111,0,0.3690270664466439 0.3210457242688383 0.20186626144009023 0.14614599310458112 0.03625324166508603 -0.025658167596594655 -0.07209172454285957 -0.14793320088842413 -0.17888890551926448 -0.19281897260313954 -0.003989174355007293 0.16007606018845622 0.37831377783589687 0.6151249182618348 0.9448031725803024 1.2543602188887235 1.4339033057476116 1.5933251845964442 1.6211853187642031 1.5608216947340632 +25069,1.348775118012794,0,0.3210457242688383 0.20186626144009023 0.14614599310458112 0.03625324166508603 -0.025658167596594655 -0.07209172454285957 -0.14793320088842413 -0.17888890551926448 -0.19281897260313954 -0.003989174355007293 0.16007606018845622 0.37831377783589687 0.6151249182618348 0.9448031725803024 1.2543602188887235 1.4339033057476116 1.5933251845964442 1.6211853187642031 1.5608216947340632 1.4633112251469111 +25070,1.0469569978620852,0,0.20186626144009023 0.14614599310458112 0.03625324166508603 -0.025658167596594655 -0.07209172454285957 -0.14793320088842413 -0.17888890551926448 -0.19281897260313954 -0.003989174355007293 0.16007606018845622 0.37831377783589687 0.6151249182618348 0.9448031725803024 1.2543602188887235 1.4339033057476116 1.5933251845964442 1.6211853187642031 1.5608216947340632 1.4633112251469111 1.348775118012794 +25071,0.7373999515536642,0,0.14614599310458112 0.03625324166508603 -0.025658167596594655 -0.07209172454285957 -0.14793320088842413 -0.17888890551926448 -0.19281897260313954 -0.003989174355007293 0.16007606018845622 0.37831377783589687 0.6151249182618348 0.9448031725803024 1.2543602188887235 1.4339033057476116 1.5933251845964442 1.6211853187642031 1.5608216947340632 1.4633112251469111 1.348775118012794 1.0469569978620852 +25072,0.4897543145069239,0,0.03625324166508603 -0.025658167596594655 -0.07209172454285957 -0.14793320088842413 -0.17888890551926448 -0.19281897260313954 -0.003989174355007293 0.16007606018845622 0.37831377783589687 0.6151249182618348 0.9448031725803024 1.2543602188887235 1.4339033057476116 1.5933251845964442 1.6211853187642031 1.5608216947340632 1.4633112251469111 1.348775118012794 1.0469569978620852 0.7373999515536642 +25073,0.3566447845943007,0,-0.025658167596594655 -0.07209172454285957 -0.14793320088842413 -0.17888890551926448 -0.19281897260313954 -0.003989174355007293 0.16007606018845622 0.37831377783589687 0.6151249182618348 0.9448031725803024 1.2543602188887235 1.4339033057476116 1.5933251845964442 1.6211853187642031 1.5608216947340632 1.4633112251469111 1.348775118012794 1.0469569978620852 0.7373999515536642 0.4897543145069239 +25074,0.2777077377856548,0,-0.07209172454285957 -0.14793320088842413 -0.17888890551926448 -0.19281897260313954 -0.003989174355007293 0.16007606018845622 0.37831377783589687 0.6151249182618348 0.9448031725803024 1.2543602188887235 1.4339033057476116 1.5933251845964442 1.6211853187642031 1.5608216947340632 1.4633112251469111 1.348775118012794 1.0469569978620852 0.7373999515536642 0.4897543145069239 0.3566447845943007 +25075,0.19877069097700883,0,-0.14793320088842413 -0.17888890551926448 -0.19281897260313954 -0.003989174355007293 0.16007606018845622 0.37831377783589687 0.6151249182618348 0.9448031725803024 1.2543602188887235 1.4339033057476116 1.5933251845964442 1.6211853187642031 1.5608216947340632 1.4633112251469111 1.348775118012794 1.0469569978620852 0.7373999515536642 0.4897543145069239 0.3566447845943007 0.2777077377856548 +25076,0.13066814078915656,0,-0.17888890551926448 -0.19281897260313954 -0.003989174355007293 0.16007606018845622 0.37831377783589687 0.6151249182618348 0.9448031725803024 1.2543602188887235 1.4339033057476116 1.5933251845964442 1.6211853187642031 1.5608216947340632 1.4633112251469111 1.348775118012794 1.0469569978620852 0.7373999515536642 0.4897543145069239 0.3566447845943007 0.2777077377856548 0.19877069097700883 +25077,0.09352129523214463,0,-0.19281897260313954 -0.003989174355007293 0.16007606018845622 0.37831377783589687 0.6151249182618348 0.9448031725803024 1.2543602188887235 1.4339033057476116 1.5933251845964442 1.6211853187642031 1.5608216947340632 1.4633112251469111 1.348775118012794 1.0469569978620852 0.7373999515536642 0.4897543145069239 0.3566447845943007 0.2777077377856548 0.19877069097700883 0.13066814078915656 +25078,0.006845322265786387,0,-0.003989174355007293 0.16007606018845622 0.37831377783589687 0.6151249182618348 0.9448031725803024 1.2543602188887235 1.4339033057476116 1.5933251845964442 1.6211853187642031 1.5608216947340632 1.4633112251469111 1.348775118012794 1.0469569978620852 0.7373999515536642 0.4897543145069239 0.3566447845943007 0.2777077377856548 0.19877069097700883 0.13066814078915656 0.09352129523214463 +25079,-0.058161657458975696,0,0.16007606018845622 0.37831377783589687 0.6151249182618348 0.9448031725803024 1.2543602188887235 1.4339033057476116 1.5933251845964442 1.6211853187642031 1.5608216947340632 1.4633112251469111 1.348775118012794 1.0469569978620852 0.7373999515536642 0.4897543145069239 0.3566447845943007 0.2777077377856548 0.19877069097700883 0.13066814078915656 0.09352129523214463 0.006845322265786387 +25080,-0.13709870426763043,0,0.37831377783589687 0.6151249182618348 0.9448031725803024 1.2543602188887235 1.4339033057476116 1.5933251845964442 1.6211853187642031 1.5608216947340632 1.4633112251469111 1.348775118012794 1.0469569978620852 0.7373999515536642 0.4897543145069239 0.3566447845943007 0.2777077377856548 0.19877069097700883 0.13066814078915656 0.09352129523214463 0.006845322265786387 -0.058161657458975696 +25081,-0.17269776459309288,0,0.6151249182618348 0.9448031725803024 1.2543602188887235 1.4339033057476116 1.5933251845964442 1.6211853187642031 1.5608216947340632 1.4633112251469111 1.348775118012794 1.0469569978620852 0.7373999515536642 0.4897543145069239 0.3566447845943007 0.2777077377856548 0.19877069097700883 0.13066814078915656 0.09352129523214463 0.006845322265786387 -0.058161657458975696 -0.13709870426763043 +25082,-0.02720595282813535,0,0.9448031725803024 1.2543602188887235 1.4339033057476116 1.5933251845964442 1.6211853187642031 1.5608216947340632 1.4633112251469111 1.348775118012794 1.0469569978620852 0.7373999515536642 0.4897543145069239 0.3566447845943007 0.2777077377856548 0.19877069097700883 0.13066814078915656 0.09352129523214463 0.006845322265786387 -0.058161657458975696 -0.13709870426763043 -0.17269776459309288 +25083,0.44951189848683054,0,1.2543602188887235 1.4339033057476116 1.5933251845964442 1.6211853187642031 1.5608216947340632 1.4633112251469111 1.348775118012794 1.0469569978620852 0.7373999515536642 0.4897543145069239 0.3566447845943007 0.2777077377856548 0.19877069097700883 0.13066814078915656 0.09352129523214463 0.006845322265786387 -0.058161657458975696 -0.13709870426763043 -0.17269776459309288 -0.02720595282813535 +25084,0.8132414278992288,0,1.4339033057476116 1.5933251845964442 1.6211853187642031 1.5608216947340632 1.4633112251469111 1.348775118012794 1.0469569978620852 0.7373999515536642 0.4897543145069239 0.3566447845943007 0.2777077377856548 0.19877069097700883 0.13066814078915656 0.09352129523214463 0.006845322265786387 -0.058161657458975696 -0.13709870426763043 -0.17269776459309288 -0.02720595282813535 0.44951189848683054 +25085,1.1568497493015715,0,1.5933251845964442 1.6211853187642031 1.5608216947340632 1.4633112251469111 1.348775118012794 1.0469569978620852 0.7373999515536642 0.4897543145069239 0.3566447845943007 0.2777077377856548 0.19877069097700883 0.13066814078915656 0.09352129523214463 0.006845322265786387 -0.058161657458975696 -0.13709870426763043 -0.17269776459309288 -0.02720595282813535 0.44951189848683054 0.8132414278992288 +25086,1.630472030153456,0,1.6211853187642031 1.5608216947340632 1.4633112251469111 1.348775118012794 1.0469569978620852 0.7373999515536642 0.4897543145069239 0.3566447845943007 0.2777077377856548 0.19877069097700883 0.13066814078915656 0.09352129523214463 0.006845322265786387 -0.058161657458975696 -0.13709870426763043 -0.17269776459309288 -0.02720595282813535 0.44951189848683054 0.8132414278992288 1.1568497493015715 +25087,1.9059778013679554,0,1.5608216947340632 1.4633112251469111 1.348775118012794 1.0469569978620852 0.7373999515536642 0.4897543145069239 0.3566447845943007 0.2777077377856548 0.19877069097700883 0.13066814078915656 0.09352129523214463 0.006845322265786387 -0.058161657458975696 -0.13709870426763043 -0.17269776459309288 -0.02720595282813535 0.44951189848683054 0.8132414278992288 1.1568497493015715 1.630472030153456 +25088,2.130406659941559,0,1.4633112251469111 1.348775118012794 1.0469569978620852 0.7373999515536642 0.4897543145069239 0.3566447845943007 0.2777077377856548 0.19877069097700883 0.13066814078915656 0.09352129523214463 0.006845322265786387 -0.058161657458975696 -0.13709870426763043 -0.17269776459309288 -0.02720595282813535 0.44951189848683054 0.8132414278992288 1.1568497493015715 1.630472030153456 1.9059778013679554 +25089,2.203152565824033,0,1.348775118012794 1.0469569978620852 0.7373999515536642 0.4897543145069239 0.3566447845943007 0.2777077377856548 0.19877069097700883 0.13066814078915656 0.09352129523214463 0.006845322265786387 -0.058161657458975696 -0.13709870426763043 -0.17269776459309288 -0.02720595282813535 0.44951189848683054 0.8132414278992288 1.1568497493015715 1.630472030153456 1.9059778013679554 2.130406659941559 +25090,2.4275814243976366,0,1.0469569978620852 0.7373999515536642 0.4897543145069239 0.3566447845943007 0.2777077377856548 0.19877069097700883 0.13066814078915656 0.09352129523214463 0.006845322265786387 -0.058161657458975696 -0.13709870426763043 -0.17269776459309288 -0.02720595282813535 0.44951189848683054 0.8132414278992288 1.1568497493015715 1.630472030153456 1.9059778013679554 2.130406659941559 2.203152565824033 +25091,2.3765045117567496,0,0.7373999515536642 0.4897543145069239 0.3566447845943007 0.2777077377856548 0.19877069097700883 0.13066814078915656 0.09352129523214463 0.006845322265786387 -0.058161657458975696 -0.13709870426763043 -0.17269776459309288 -0.02720595282813535 0.44951189848683054 0.8132414278992288 1.1568497493015715 1.630472030153456 1.9059778013679554 2.130406659941559 2.203152565824033 2.4275814243976366 +25092,2.337809880968197,0,0.4897543145069239 0.3566447845943007 0.2777077377856548 0.19877069097700883 0.13066814078915656 0.09352129523214463 0.006845322265786387 -0.058161657458975696 -0.13709870426763043 -0.17269776459309288 -0.02720595282813535 0.44951189848683054 0.8132414278992288 1.1568497493015715 1.630472030153456 1.9059778013679554 2.130406659941559 2.203152565824033 2.4275814243976366 2.3765045117567496 +25093,2.0313484051228663,0,0.3566447845943007 0.2777077377856548 0.19877069097700883 0.13066814078915656 0.09352129523214463 0.006845322265786387 -0.058161657458975696 -0.13709870426763043 -0.17269776459309288 -0.02720595282813535 0.44951189848683054 0.8132414278992288 1.1568497493015715 1.630472030153456 1.9059778013679554 2.130406659941559 2.203152565824033 2.4275814243976366 2.3765045117567496 2.337809880968197 +25094,1.7496514929821954,0,0.2777077377856548 0.19877069097700883 0.13066814078915656 0.09352129523214463 0.006845322265786387 -0.058161657458975696 -0.13709870426763043 -0.17269776459309288 -0.02720595282813535 0.44951189848683054 0.8132414278992288 1.1568497493015715 1.630472030153456 1.9059778013679554 2.130406659941559 2.203152565824033 2.4275814243976366 2.3765045117567496 2.337809880968197 2.0313484051228663 +25095,1.3224627690765758,0,0.19877069097700883 0.13066814078915656 0.09352129523214463 0.006845322265786387 -0.058161657458975696 -0.13709870426763043 -0.17269776459309288 -0.02720595282813535 0.44951189848683054 0.8132414278992288 1.1568497493015715 1.630472030153456 1.9059778013679554 2.130406659941559 2.203152565824033 2.4275814243976366 2.3765045117567496 2.337809880968197 2.0313484051228663 1.7496514929821954 +25096,1.0392180717043729,0,0.13066814078915656 0.09352129523214463 0.006845322265786387 -0.058161657458975696 -0.13709870426763043 -0.17269776459309288 -0.02720595282813535 0.44951189848683054 0.8132414278992288 1.1568497493015715 1.630472030153456 1.9059778013679554 2.130406659941559 2.203152565824033 2.4275814243976366 2.3765045117567496 2.337809880968197 2.0313484051228663 1.7496514929821954 1.3224627690765758 +25097,0.9478987430433926,0,0.09352129523214463 0.006845322265786387 -0.058161657458975696 -0.13709870426763043 -0.17269776459309288 -0.02720595282813535 0.44951189848683054 0.8132414278992288 1.1568497493015715 1.630472030153456 1.9059778013679554 2.130406659941559 2.203152565824033 2.4275814243976366 2.3765045117567496 2.337809880968197 2.0313484051228663 1.7496514929821954 1.3224627690765758 1.0392180717043729 +25098,0.8302670654461852,0,0.006845322265786387 -0.058161657458975696 -0.13709870426763043 -0.17269776459309288 -0.02720595282813535 0.44951189848683054 0.8132414278992288 1.1568497493015715 1.630472030153456 1.9059778013679554 2.130406659941559 2.203152565824033 2.4275814243976366 2.3765045117567496 2.337809880968197 2.0313484051228663 1.7496514929821954 1.3224627690765758 1.0392180717043729 0.9478987430433926 +25099,0.7095398173859053,0,-0.058161657458975696 -0.13709870426763043 -0.17269776459309288 -0.02720595282813535 0.44951189848683054 0.8132414278992288 1.1568497493015715 1.630472030153456 1.9059778013679554 2.130406659941559 2.203152565824033 2.4275814243976366 2.3765045117567496 2.337809880968197 2.0313484051228663 1.7496514929821954 1.3224627690765758 1.0392180717043729 0.9478987430433926 0.8302670654461852 +25100,0.6476284081242158,0,-0.13709870426763043 -0.17269776459309288 -0.02720595282813535 0.44951189848683054 0.8132414278992288 1.1568497493015715 1.630472030153456 1.9059778013679554 2.130406659941559 2.203152565824033 2.4275814243976366 2.3765045117567496 2.337809880968197 2.0313484051228663 1.7496514929821954 1.3224627690765758 1.0392180717043729 0.9478987430433926 0.8302670654461852 0.7095398173859053 +25101,0.590360354557166,0,-0.17269776459309288 -0.02720595282813535 0.44951189848683054 0.8132414278992288 1.1568497493015715 1.630472030153456 1.9059778013679554 2.130406659941559 2.203152565824033 2.4275814243976366 2.3765045117567496 2.337809880968197 2.0313484051228663 1.7496514929821954 1.3224627690765758 1.0392180717043729 0.9478987430433926 0.8302670654461852 0.7095398173859053 0.6476284081242158 +25102,0.5547612942316947,0,-0.02720595282813535 0.44951189848683054 0.8132414278992288 1.1568497493015715 1.630472030153456 1.9059778013679554 2.130406659941559 2.203152565824033 2.4275814243976366 2.3765045117567496 2.337809880968197 2.0313484051228663 1.7496514929821954 1.3224627690765758 1.0392180717043729 0.9478987430433926 0.8302670654461852 0.7095398173859053 0.6476284081242158 0.590360354557166 +25103,0.5036843815908078,0,0.44951189848683054 0.8132414278992288 1.1568497493015715 1.630472030153456 1.9059778013679554 2.130406659941559 2.203152565824033 2.4275814243976366 2.3765045117567496 2.337809880968197 2.0313484051228663 1.7496514929821954 1.3224627690765758 1.0392180717043729 0.9478987430433926 0.8302670654461852 0.7095398173859053 0.6476284081242158 0.590360354557166 0.5547612942316947 +25104,0.4262951200137025,0,0.8132414278992288 1.1568497493015715 1.630472030153456 1.9059778013679554 2.130406659941559 2.203152565824033 2.4275814243976366 2.3765045117567496 2.337809880968197 2.0313484051228663 1.7496514929821954 1.3224627690765758 1.0392180717043729 0.9478987430433926 0.8302670654461852 0.7095398173859053 0.6476284081242158 0.590360354557166 0.5547612942316947 0.5036843815908078 +25105,0.39998277107748426,0,1.1568497493015715 1.630472030153456 1.9059778013679554 2.130406659941559 2.203152565824033 2.4275814243976366 2.3765045117567496 2.337809880968197 2.0313484051228663 1.7496514929821954 1.3224627690765758 1.0392180717043729 0.9478987430433926 0.8302670654461852 0.7095398173859053 0.6476284081242158 0.590360354557166 0.5547612942316947 0.5036843815908078 0.4262951200137025 +25106,0.5145188782116015,0,1.630472030153456 1.9059778013679554 2.130406659941559 2.203152565824033 2.4275814243976366 2.3765045117567496 2.337809880968197 2.0313484051228663 1.7496514929821954 1.3224627690765758 1.0392180717043729 0.9478987430433926 0.8302670654461852 0.7095398173859053 0.6476284081242158 0.590360354557166 0.5547612942316947 0.5036843815908078 0.4262951200137025 0.39998277107748426 +25107,1.062434850177501,0,1.9059778013679554 2.130406659941559 2.203152565824033 2.4275814243976366 2.3765045117567496 2.337809880968197 2.0313484051228663 1.7496514929821954 1.3224627690765758 1.0392180717043729 0.9478987430433926 0.8302670654461852 0.7095398173859053 0.6476284081242158 0.590360354557166 0.5547612942316947 0.5036843815908078 0.4262951200137025 0.39998277107748426 0.5145188782116015 +25108,1.3704441112543813,0,2.130406659941559 2.203152565824033 2.4275814243976366 2.3765045117567496 2.337809880968197 2.0313484051228663 1.7496514929821954 1.3224627690765758 1.0392180717043729 0.9478987430433926 0.8302670654461852 0.7095398173859053 0.6476284081242158 0.590360354557166 0.5547612942316947 0.5036843815908078 0.4262951200137025 0.39998277107748426 0.5145188782116015 1.062434850177501 +25109,1.7357214258983202,0,2.203152565824033 2.4275814243976366 2.3765045117567496 2.337809880968197 2.0313484051228663 1.7496514929821954 1.3224627690765758 1.0392180717043729 0.9478987430433926 0.8302670654461852 0.7095398173859053 0.6476284081242158 0.590360354557166 0.5547612942316947 0.5036843815908078 0.4262951200137025 0.39998277107748426 0.5145188782116015 1.062434850177501 1.3704441112543813 +25110,2.1319544451730996,0,2.4275814243976366 2.3765045117567496 2.337809880968197 2.0313484051228663 1.7496514929821954 1.3224627690765758 1.0392180717043729 0.9478987430433926 0.8302670654461852 0.7095398173859053 0.6476284081242158 0.590360354557166 0.5547612942316947 0.5036843815908078 0.4262951200137025 0.39998277107748426 0.5145188782116015 1.062434850177501 1.3704441112543813 1.7357214258983202 +25111,2.305306391105816,0,2.3765045117567496 2.337809880968197 2.0313484051228663 1.7496514929821954 1.3224627690765758 1.0392180717043729 0.9478987430433926 0.8302670654461852 0.7095398173859053 0.6476284081242158 0.590360354557166 0.5547612942316947 0.5036843815908078 0.4262951200137025 0.39998277107748426 0.5145188782116015 1.062434850177501 1.3704441112543813 1.7357214258983202 2.1319544451730996 +25112,2.4848494779646955,0,2.337809880968197 2.0313484051228663 1.7496514929821954 1.3224627690765758 1.0392180717043729 0.9478987430433926 0.8302670654461852 0.7095398173859053 0.6476284081242158 0.590360354557166 0.5547612942316947 0.5036843815908078 0.4262951200137025 0.39998277107748426 0.5145188782116015 1.062434850177501 1.3704441112543813 1.7357214258983202 2.1319544451730996 2.305306391105816 +25113,2.4709194108808203,0,2.0313484051228663 1.7496514929821954 1.3224627690765758 1.0392180717043729 0.9478987430433926 0.8302670654461852 0.7095398173859053 0.6476284081242158 0.590360354557166 0.5547612942316947 0.5036843815908078 0.4262951200137025 0.39998277107748426 0.5145188782116015 1.062434850177501 1.3704441112543813 1.7357214258983202 2.1319544451730996 2.305306391105816 2.4848494779646955 +25114,2.5931944441726498,0,1.7496514929821954 1.3224627690765758 1.0392180717043729 0.9478987430433926 0.8302670654461852 0.7095398173859053 0.6476284081242158 0.590360354557166 0.5547612942316947 0.5036843815908078 0.4262951200137025 0.39998277107748426 0.5145188782116015 1.062434850177501 1.3704441112543813 1.7357214258983202 2.1319544451730996 2.305306391105816 2.4848494779646955 2.4709194108808203 +25115,2.5467608872263847,0,1.3224627690765758 1.0392180717043729 0.9478987430433926 0.8302670654461852 0.7095398173859053 0.6476284081242158 0.590360354557166 0.5547612942316947 0.5036843815908078 0.4262951200137025 0.39998277107748426 0.5145188782116015 1.062434850177501 1.3704441112543813 1.7357214258983202 2.1319544451730996 2.305306391105816 2.4848494779646955 2.4709194108808203 2.5931944441726498 +25116,2.382695652682921,0,1.0392180717043729 0.9478987430433926 0.8302670654461852 0.7095398173859053 0.6476284081242158 0.590360354557166 0.5547612942316947 0.5036843815908078 0.4262951200137025 0.39998277107748426 0.5145188782116015 1.062434850177501 1.3704441112543813 1.7357214258983202 2.1319544451730996 2.305306391105816 2.4848494779646955 2.4709194108808203 2.5931944441726498 2.5467608872263847 +25117,2.3037586058742754,0,0.9478987430433926 0.8302670654461852 0.7095398173859053 0.6476284081242158 0.590360354557166 0.5547612942316947 0.5036843815908078 0.4262951200137025 0.39998277107748426 0.5145188782116015 1.062434850177501 1.3704441112543813 1.7357214258983202 2.1319544451730996 2.305306391105816 2.4848494779646955 2.4709194108808203 2.5931944441726498 2.5467608872263847 2.382695652682921 +25118,1.953959143545761,0,0.8302670654461852 0.7095398173859053 0.6476284081242158 0.590360354557166 0.5547612942316947 0.5036843815908078 0.4262951200137025 0.39998277107748426 0.5145188782116015 1.062434850177501 1.3704441112543813 1.7357214258983202 2.1319544451730996 2.305306391105816 2.4848494779646955 2.4709194108808203 2.5931944441726498 2.5467608872263847 2.382695652682921 2.3037586058742754 +25119,1.6010641107541563,0,0.7095398173859053 0.6476284081242158 0.590360354557166 0.5547612942316947 0.5036843815908078 0.4262951200137025 0.39998277107748426 0.5145188782116015 1.062434850177501 1.3704441112543813 1.7357214258983202 2.1319544451730996 2.305306391105816 2.4848494779646955 2.4709194108808203 2.5931944441726498 2.5467608872263847 2.382695652682921 2.3037586058742754 1.953959143545761 +25120,1.3379406213920002,0,0.6476284081242158 0.590360354557166 0.5547612942316947 0.5036843815908078 0.4262951200137025 0.39998277107748426 0.5145188782116015 1.062434850177501 1.3704441112543813 1.7357214258983202 2.1319544451730996 2.305306391105816 2.4848494779646955 2.4709194108808203 2.5931944441726498 2.5467608872263847 2.382695652682921 2.3037586058742754 1.953959143545761 1.6010641107541563 +25121,1.2032833062478365,0,0.590360354557166 0.5547612942316947 0.5036843815908078 0.4262951200137025 0.39998277107748426 0.5145188782116015 1.062434850177501 1.3704441112543813 1.7357214258983202 2.1319544451730996 2.305306391105816 2.4848494779646955 2.4709194108808203 2.5931944441726498 2.5467608872263847 2.382695652682921 2.3037586058742754 1.953959143545761 1.6010641107541563 1.3379406213920002 +25122,1.0376702864728322,0,0.5547612942316947 0.5036843815908078 0.4262951200137025 0.39998277107748426 0.5145188782116015 1.062434850177501 1.3704441112543813 1.7357214258983202 2.1319544451730996 2.305306391105816 2.4848494779646955 2.4709194108808203 2.5931944441726498 2.5467608872263847 2.382695652682921 2.3037586058742754 1.953959143545761 1.6010641107541563 1.3379406213920002 1.2032833062478365 +25123,0.9045607565602091,0,0.5036843815908078 0.4262951200137025 0.39998277107748426 0.5145188782116015 1.062434850177501 1.3704441112543813 1.7357214258983202 2.1319544451730996 2.305306391105816 2.4848494779646955 2.4709194108808203 2.5931944441726498 2.5467608872263847 2.382695652682921 2.3037586058742754 1.953959143545761 1.6010641107541563 1.3379406213920002 1.2032833062478365 1.0376702864728322 +25124,0.7962157903522635,0,0.4262951200137025 0.39998277107748426 0.5145188782116015 1.062434850177501 1.3704441112543813 1.7357214258983202 2.1319544451730996 2.305306391105816 2.4848494779646955 2.4709194108808203 2.5931944441726498 2.5467608872263847 2.382695652682921 2.3037586058742754 1.953959143545761 1.6010641107541563 1.3379406213920002 1.2032833062478365 1.0376702864728322 0.9045607565602091 +25125,0.6615584752080996,0,0.39998277107748426 0.5145188782116015 1.062434850177501 1.3704441112543813 1.7357214258983202 2.1319544451730996 2.305306391105816 2.4848494779646955 2.4709194108808203 2.5931944441726498 2.5467608872263847 2.382695652682921 2.3037586058742754 1.953959143545761 1.6010641107541563 1.3379406213920002 1.2032833062478365 1.0376702864728322 0.9045607565602091 0.7962157903522635 +25126,0.590360354557166,0,0.5145188782116015 1.062434850177501 1.3704441112543813 1.7357214258983202 2.1319544451730996 2.305306391105816 2.4848494779646955 2.4709194108808203 2.5931944441726498 2.5467608872263847 2.382695652682921 2.3037586058742754 1.953959143545761 1.6010641107541563 1.3379406213920002 1.2032833062478365 1.0376702864728322 0.9045607565602091 0.7962157903522635 0.6615584752080996 +25127,0.5655957908524885,0,1.062434850177501 1.3704441112543813 1.7357214258983202 2.1319544451730996 2.305306391105816 2.4848494779646955 2.4709194108808203 2.5931944441726498 2.5467608872263847 2.382695652682921 2.3037586058742754 1.953959143545761 1.6010641107541563 1.3379406213920002 1.2032833062478365 1.0376702864728322 0.9045607565602091 0.7962157903522635 0.6615584752080996 0.590360354557166 +25128,0.5129710929800607,0,1.3704441112543813 1.7357214258983202 2.1319544451730996 2.305306391105816 2.4848494779646955 2.4709194108808203 2.5931944441726498 2.5467608872263847 2.382695652682921 2.3037586058742754 1.953959143545761 1.6010641107541563 1.3379406213920002 1.2032833062478365 1.0376702864728322 0.9045607565602091 0.7962157903522635 0.6615584752080996 0.590360354557166 0.5655957908524885 +25129,0.45105968371837124,0,1.7357214258983202 2.1319544451730996 2.305306391105816 2.4848494779646955 2.4709194108808203 2.5931944441726498 2.5467608872263847 2.382695652682921 2.3037586058742754 1.953959143545761 1.6010641107541563 1.3379406213920002 1.2032833062478365 1.0376702864728322 0.9045607565602091 0.7962157903522635 0.6615584752080996 0.590360354557166 0.5655957908524885 0.5129710929800607 +25130,0.5625002203894071,0,2.1319544451730996 2.305306391105816 2.4848494779646955 2.4709194108808203 2.5931944441726498 2.5467608872263847 2.382695652682921 2.3037586058742754 1.953959143545761 1.6010641107541563 1.3379406213920002 1.2032833062478365 1.0376702864728322 0.9045607565602091 0.7962157903522635 0.6615584752080996 0.590360354557166 0.5655957908524885 0.5129710929800607 0.45105968371837124 +25131,1.0469569978620852,0,2.305306391105816 2.4848494779646955 2.4709194108808203 2.5931944441726498 2.5467608872263847 2.382695652682921 2.3037586058742754 1.953959143545761 1.6010641107541563 1.3379406213920002 1.2032833062478365 1.0376702864728322 0.9045607565602091 0.7962157903522635 0.6615584752080996 0.590360354557166 0.5655957908524885 0.5129710929800607 0.45105968371837124 0.5625002203894071 +25132,1.4385466614422335,0,2.4848494779646955 2.4709194108808203 2.5931944441726498 2.5467608872263847 2.382695652682921 2.3037586058742754 1.953959143545761 1.6010641107541563 1.3379406213920002 1.2032833062478365 1.0376702864728322 0.9045607565602091 0.7962157903522635 0.6615584752080996 0.590360354557166 0.5655957908524885 0.5129710929800607 0.45105968371837124 0.5625002203894071 1.0469569978620852 +25133,1.8487097478008967,0,2.4709194108808203 2.5931944441726498 2.5467608872263847 2.382695652682921 2.3037586058742754 1.953959143545761 1.6010641107541563 1.3379406213920002 1.2032833062478365 1.0376702864728322 0.9045607565602091 0.7962157903522635 0.6615584752080996 0.590360354557166 0.5655957908524885 0.5129710929800607 0.45105968371837124 0.5625002203894071 1.0469569978620852 1.4385466614422335 +25134,2.1923180692032394,0,2.5931944441726498 2.5467608872263847 2.382695652682921 2.3037586058742754 1.953959143545761 1.6010641107541563 1.3379406213920002 1.2032833062478365 1.0376702864728322 0.9045607565602091 0.7962157903522635 0.6615584752080996 0.590360354557166 0.5655957908524885 0.5129710929800607 0.45105968371837124 0.5625002203894071 1.0469569978620852 1.4385466614422335 1.8487097478008967 +25135,2.4569893437969452,0,2.5467608872263847 2.382695652682921 2.3037586058742754 1.953959143545761 1.6010641107541563 1.3379406213920002 1.2032833062478365 1.0376702864728322 0.9045607565602091 0.7962157903522635 0.6615584752080996 0.590360354557166 0.5655957908524885 0.5129710929800607 0.45105968371837124 0.5625002203894071 1.0469569978620852 1.4385466614422335 1.8487097478008967 2.1923180692032394 +25136,2.607124511256525,0,2.382695652682921 2.3037586058742754 1.953959143545761 1.6010641107541563 1.3379406213920002 1.2032833062478365 1.0376702864728322 0.9045607565602091 0.7962157903522635 0.6615584752080996 0.590360354557166 0.5655957908524885 0.5129710929800607 0.45105968371837124 0.5625002203894071 1.0469569978620852 1.4385466614422335 1.8487097478008967 2.1923180692032394 2.4569893437969452 +25137,2.7479729673268602,0,2.3037586058742754 1.953959143545761 1.6010641107541563 1.3379406213920002 1.2032833062478365 1.0376702864728322 0.9045607565602091 0.7962157903522635 0.6615584752080996 0.590360354557166 0.5655957908524885 0.5129710929800607 0.45105968371837124 0.5625002203894071 1.0469569978620852 1.4385466614422335 1.8487097478008967 2.1923180692032394 2.4569893437969452 2.607124511256525 +25138,2.8160755175147125,0,1.953959143545761 1.6010641107541563 1.3379406213920002 1.2032833062478365 1.0376702864728322 0.9045607565602091 0.7962157903522635 0.6615584752080996 0.590360354557166 0.5655957908524885 0.5129710929800607 0.45105968371837124 0.5625002203894071 1.0469569978620852 1.4385466614422335 1.8487097478008967 2.1923180692032394 2.4569893437969452 2.607124511256525 2.7479729673268602 +25139,2.7185650479275605,0,1.6010641107541563 1.3379406213920002 1.2032833062478365 1.0376702864728322 0.9045607565602091 0.7962157903522635 0.6615584752080996 0.590360354557166 0.5655957908524885 0.5129710929800607 0.45105968371837124 0.5625002203894071 1.0469569978620852 1.4385466614422335 1.8487097478008967 2.1923180692032394 2.4569893437969452 2.607124511256525 2.7479729673268602 2.8160755175147125 +25140,2.596290014635731,0,1.3379406213920002 1.2032833062478365 1.0376702864728322 0.9045607565602091 0.7962157903522635 0.6615584752080996 0.590360354557166 0.5655957908524885 0.5129710929800607 0.45105968371837124 0.5625002203894071 1.0469569978620852 1.4385466614422335 1.8487097478008967 2.1923180692032394 2.4569893437969452 2.607124511256525 2.7479729673268602 2.8160755175147125 2.7185650479275605 +25141,2.3997212902298863,0,1.2032833062478365 1.0376702864728322 0.9045607565602091 0.7962157903522635 0.6615584752080996 0.590360354557166 0.5655957908524885 0.5129710929800607 0.45105968371837124 0.5625002203894071 1.0469569978620852 1.4385466614422335 1.8487097478008967 2.1923180692032394 2.4569893437969452 2.607124511256525 2.7479729673268602 2.8160755175147125 2.7185650479275605 2.596290014635731 +25142,2.0390873312805695,0,1.0376702864728322 0.9045607565602091 0.7962157903522635 0.6615584752080996 0.590360354557166 0.5655957908524885 0.5129710929800607 0.45105968371837124 0.5625002203894071 1.0469569978620852 1.4385466614422335 1.8487097478008967 2.1923180692032394 2.4569893437969452 2.607124511256525 2.7479729673268602 2.8160755175147125 2.7185650479275605 2.596290014635731 2.3997212902298863 +25143,1.6939312246466862,0,0.9045607565602091 0.7962157903522635 0.6615584752080996 0.590360354557166 0.5655957908524885 0.5129710929800607 0.45105968371837124 0.5625002203894071 1.0469569978620852 1.4385466614422335 1.8487097478008967 2.1923180692032394 2.4569893437969452 2.607124511256525 2.7479729673268602 2.8160755175147125 2.7185650479275605 2.596290014635731 2.3997212902298863 2.0390873312805695 +25144,1.4354510909791522,0,0.7962157903522635 0.6615584752080996 0.590360354557166 0.5655957908524885 0.5129710929800607 0.45105968371837124 0.5625002203894071 1.0469569978620852 1.4385466614422335 1.8487097478008967 2.1923180692032394 2.4569893437969452 2.607124511256525 2.7479729673268602 2.8160755175147125 2.7185650479275605 2.596290014635731 2.3997212902298863 2.0390873312805695 1.6939312246466862 +25145,1.285315923519564,0,0.6615584752080996 0.590360354557166 0.5655957908524885 0.5129710929800607 0.45105968371837124 0.5625002203894071 1.0469569978620852 1.4385466614422335 1.8487097478008967 2.1923180692032394 2.4569893437969452 2.607124511256525 2.7479729673268602 2.8160755175147125 2.7185650479275605 2.596290014635731 2.3997212902298863 2.0390873312805695 1.6939312246466862 1.4354510909791522 +25146,1.1645886754592838,0,0.590360354557166 0.5655957908524885 0.5129710929800607 0.45105968371837124 0.5625002203894071 1.0469569978620852 1.4385466614422335 1.8487097478008967 2.1923180692032394 2.4569893437969452 2.607124511256525 2.7479729673268602 2.8160755175147125 2.7185650479275605 2.596290014635731 2.3997212902298863 2.0390873312805695 1.6939312246466862 1.4354510909791522 1.285315923519564 +25147,0.997427870452739,0,0.5655957908524885 0.5129710929800607 0.45105968371837124 0.5625002203894071 1.0469569978620852 1.4385466614422335 1.8487097478008967 2.1923180692032394 2.4569893437969452 2.607124511256525 2.7479729673268602 2.8160755175147125 2.7185650479275605 2.596290014635731 2.3997212902298863 2.0390873312805695 1.6939312246466862 1.4354510909791522 1.285315923519564 1.1645886754592838 +25148,0.9432553873487618,0,0.5129710929800607 0.45105968371837124 0.5625002203894071 1.0469569978620852 1.4385466614422335 1.8487097478008967 2.1923180692032394 2.4569893437969452 2.607124511256525 2.7479729673268602 2.8160755175147125 2.7185650479275605 2.596290014635731 2.3997212902298863 2.0390873312805695 1.6939312246466862 1.4354510909791522 1.285315923519564 1.1645886754592838 0.997427870452739 +25149,0.8426493472985285,0,0.45105968371837124 0.5625002203894071 1.0469569978620852 1.4385466614422335 1.8487097478008967 2.1923180692032394 2.4569893437969452 2.607124511256525 2.7479729673268602 2.8160755175147125 2.7185650479275605 2.596290014635731 2.3997212902298863 2.0390873312805695 1.6939312246466862 1.4354510909791522 1.285315923519564 1.1645886754592838 0.997427870452739 0.9432553873487618 +25150,0.7699034414160453,0,0.5625002203894071 1.0469569978620852 1.4385466614422335 1.8487097478008967 2.1923180692032394 2.4569893437969452 2.607124511256525 2.7479729673268602 2.8160755175147125 2.7185650479275605 2.596290014635731 2.3997212902298863 2.0390873312805695 1.6939312246466862 1.4354510909791522 1.285315923519564 1.1645886754592838 0.997427870452739 0.9432553873487618 0.8426493472985285 +25151,0.7157309583120769,0,1.0469569978620852 1.4385466614422335 1.8487097478008967 2.1923180692032394 2.4569893437969452 2.607124511256525 2.7479729673268602 2.8160755175147125 2.7185650479275605 2.596290014635731 2.3997212902298863 2.0390873312805695 1.6939312246466862 1.4354510909791522 1.285315923519564 1.1645886754592838 0.997427870452739 0.9432553873487618 0.8426493472985285 0.7699034414160453 +25152,0.660010689976559,0,1.4385466614422335 1.8487097478008967 2.1923180692032394 2.4569893437969452 2.607124511256525 2.7479729673268602 2.8160755175147125 2.7185650479275605 2.596290014635731 2.3997212902298863 2.0390873312805695 1.6939312246466862 1.4354510909791522 1.285315923519564 1.1645886754592838 0.997427870452739 0.9432553873487618 0.8426493472985285 0.7699034414160453 0.7157309583120769 +25153,0.5857169988625351,0,1.8487097478008967 2.1923180692032394 2.4569893437969452 2.607124511256525 2.7479729673268602 2.8160755175147125 2.7185650479275605 2.596290014635731 2.3997212902298863 2.0390873312805695 1.6939312246466862 1.4354510909791522 1.285315923519564 1.1645886754592838 0.997427870452739 0.9432553873487618 0.8426493472985285 0.7699034414160453 0.7157309583120769 0.660010689976559 +25154,0.7575211595637109,0,2.1923180692032394 2.4569893437969452 2.607124511256525 2.7479729673268602 2.8160755175147125 2.7185650479275605 2.596290014635731 2.3997212902298863 2.0390873312805695 1.6939312246466862 1.4354510909791522 1.285315923519564 1.1645886754592838 0.997427870452739 0.9432553873487618 0.8426493472985285 0.7699034414160453 0.7157309583120769 0.660010689976559 0.5857169988625351 +25155,1.0376702864728322,0,2.4569893437969452 2.607124511256525 2.7479729673268602 2.8160755175147125 2.7185650479275605 2.596290014635731 2.3997212902298863 2.0390873312805695 1.6939312246466862 1.4354510909791522 1.285315923519564 1.1645886754592838 0.997427870452739 0.9432553873487618 0.8426493472985285 0.7699034414160453 0.7157309583120769 0.660010689976559 0.5857169988625351 0.7575211595637109 +25156,1.6444020972373399,0,2.607124511256525 2.7479729673268602 2.8160755175147125 2.7185650479275605 2.596290014635731 2.3997212902298863 2.0390873312805695 1.6939312246466862 1.4354510909791522 1.285315923519564 1.1645886754592838 0.997427870452739 0.9432553873487618 0.8426493472985285 0.7699034414160453 0.7157309583120769 0.660010689976559 0.5857169988625351 0.7575211595637109 1.0376702864728322 +25157,2.028252834659776,0,2.7479729673268602 2.8160755175147125 2.7185650479275605 2.596290014635731 2.3997212902298863 2.0390873312805695 1.6939312246466862 1.4354510909791522 1.285315923519564 1.1645886754592838 0.997427870452739 0.9432553873487618 0.8426493472985285 0.7699034414160453 0.7157309583120769 0.660010689976559 0.5857169988625351 0.7575211595637109 1.0376702864728322 1.6444020972373399 +25158,2.426033639166096,0,2.8160755175147125 2.7185650479275605 2.596290014635731 2.3997212902298863 2.0390873312805695 1.6939312246466862 1.4354510909791522 1.285315923519564 1.1645886754592838 0.997427870452739 0.9432553873487618 0.8426493472985285 0.7699034414160453 0.7157309583120769 0.660010689976559 0.5857169988625351 0.7575211595637109 1.0376702864728322 1.6444020972373399 2.028252834659776 +25159,2.6210545783404,0,2.7185650479275605 2.596290014635731 2.3997212902298863 2.0390873312805695 1.6939312246466862 1.4354510909791522 1.285315923519564 1.1645886754592838 0.997427870452739 0.9432553873487618 0.8426493472985285 0.7699034414160453 0.7157309583120769 0.660010689976559 0.5857169988625351 0.7575211595637109 1.0376702864728322 1.6444020972373399 2.028252834659776 2.426033639166096 +25160,2.8207188732093345,0,2.596290014635731 2.3997212902298863 2.0390873312805695 1.6939312246466862 1.4354510909791522 1.285315923519564 1.1645886754592838 0.997427870452739 0.9432553873487618 0.8426493472985285 0.7699034414160453 0.7157309583120769 0.660010689976559 0.5857169988625351 0.7575211595637109 1.0376702864728322 1.6444020972373399 2.028252834659776 2.426033639166096 2.6210545783404 +25161,2.933707195111911,0,2.3997212902298863 2.0390873312805695 1.6939312246466862 1.4354510909791522 1.285315923519564 1.1645886754592838 0.997427870452739 0.9432553873487618 0.8426493472985285 0.7699034414160453 0.7157309583120769 0.660010689976559 0.5857169988625351 0.7575211595637109 1.0376702864728322 1.6444020972373399 2.028252834659776 2.426033639166096 2.6210545783404 2.8207188732093345 +25162,2.9368027655749924,0,2.0390873312805695 1.6939312246466862 1.4354510909791522 1.285315923519564 1.1645886754592838 0.997427870452739 0.9432553873487618 0.8426493472985285 0.7699034414160453 0.7157309583120769 0.660010689976559 0.5857169988625351 0.7575211595637109 1.0376702864728322 1.6444020972373399 2.028252834659776 2.426033639166096 2.6210545783404 2.8207188732093345 2.933707195111911 +25163,2.930611624648821,0,1.6939312246466862 1.4354510909791522 1.285315923519564 1.1645886754592838 0.997427870452739 0.9432553873487618 0.8426493472985285 0.7699034414160453 0.7157309583120769 0.660010689976559 0.5857169988625351 0.7575211595637109 1.0376702864728322 1.6444020972373399 2.028252834659776 2.426033639166096 2.6210545783404 2.8207188732093345 2.933707195111911 2.9368027655749924 +25164,2.749520752558401,0,1.4354510909791522 1.285315923519564 1.1645886754592838 0.997427870452739 0.9432553873487618 0.8426493472985285 0.7699034414160453 0.7157309583120769 0.660010689976559 0.5857169988625351 0.7575211595637109 1.0376702864728322 1.6444020972373399 2.028252834659776 2.426033639166096 2.6210545783404 2.8207188732093345 2.933707195111911 2.9368027655749924 2.930611624648821 +25165,2.6303412897296528,0,1.285315923519564 1.1645886754592838 0.997427870452739 0.9432553873487618 0.8426493472985285 0.7699034414160453 0.7157309583120769 0.660010689976559 0.5857169988625351 0.7575211595637109 1.0376702864728322 1.6444020972373399 2.028252834659776 2.426033639166096 2.6210545783404 2.8207188732093345 2.933707195111911 2.9368027655749924 2.930611624648821 2.749520752558401 +25166,2.221725988602539,0,1.1645886754592838 0.997427870452739 0.9432553873487618 0.8426493472985285 0.7699034414160453 0.7157309583120769 0.660010689976559 0.5857169988625351 0.7575211595637109 1.0376702864728322 1.6444020972373399 2.028252834659776 2.426033639166096 2.6210545783404 2.8207188732093345 2.933707195111911 2.9368027655749924 2.930611624648821 2.749520752558401 2.6303412897296528 +25167,1.7573904191399077,0,0.997427870452739 0.9432553873487618 0.8426493472985285 0.7699034414160453 0.7157309583120769 0.660010689976559 0.5857169988625351 0.7575211595637109 1.0376702864728322 1.6444020972373399 2.028252834659776 2.426033639166096 2.6210545783404 2.8207188732093345 2.933707195111911 2.9368027655749924 2.930611624648821 2.749520752558401 2.6303412897296528 2.221725988602539 +25168,1.4586678694522803,0,0.9432553873487618 0.8426493472985285 0.7699034414160453 0.7157309583120769 0.660010689976559 0.5857169988625351 0.7575211595637109 1.0376702864728322 1.6444020972373399 2.028252834659776 2.426033639166096 2.6210545783404 2.8207188732093345 2.933707195111911 2.9368027655749924 2.930611624648821 2.749520752558401 2.6303412897296528 2.221725988602539 1.7573904191399077 +25169,1.3038893462980699,0,0.8426493472985285 0.7699034414160453 0.7157309583120769 0.660010689976559 0.5857169988625351 0.7575211595637109 1.0376702864728322 1.6444020972373399 2.028252834659776 2.426033639166096 2.6210545783404 2.8207188732093345 2.933707195111911 2.9368027655749924 2.930611624648821 2.749520752558401 2.6303412897296528 2.221725988602539 1.7573904191399077 1.4586678694522803 +25170,1.1522063936069495,0,0.7699034414160453 0.7157309583120769 0.660010689976559 0.5857169988625351 0.7575211595637109 1.0376702864728322 1.6444020972373399 2.028252834659776 2.426033639166096 2.6210545783404 2.8207188732093345 2.933707195111911 2.9368027655749924 2.930611624648821 2.749520752558401 2.6303412897296528 2.221725988602539 1.7573904191399077 1.4586678694522803 1.3038893462980699 +25171,1.006714581841992,0,0.7157309583120769 0.660010689976559 0.5857169988625351 0.7575211595637109 1.0376702864728322 1.6444020972373399 2.028252834659776 2.426033639166096 2.6210545783404 2.8207188732093345 2.933707195111911 2.9368027655749924 2.930611624648821 2.749520752558401 2.6303412897296528 2.221725988602539 1.7573904191399077 1.4586678694522803 1.3038893462980699 1.1522063936069495 +25172,0.9308731054964273,0,0.660010689976559 0.5857169988625351 0.7575211595637109 1.0376702864728322 1.6444020972373399 2.028252834659776 2.426033639166096 2.6210545783404 2.8207188732093345 2.933707195111911 2.9368027655749924 2.930611624648821 2.749520752558401 2.6303412897296528 2.221725988602539 1.7573904191399077 1.4586678694522803 1.3038893462980699 1.1522063936069495 1.006714581841992 +25173,0.8302670654461852,0,0.5857169988625351 0.7575211595637109 1.0376702864728322 1.6444020972373399 2.028252834659776 2.426033639166096 2.6210545783404 2.8207188732093345 2.933707195111911 2.9368027655749924 2.930611624648821 2.749520752558401 2.6303412897296528 2.221725988602539 1.7573904191399077 1.4586678694522803 1.3038893462980699 1.1522063936069495 1.006714581841992 0.9308731054964273 +25174,0.7373999515536642,0,0.7575211595637109 1.0376702864728322 1.6444020972373399 2.028252834659776 2.426033639166096 2.6210545783404 2.8207188732093345 2.933707195111911 2.9368027655749924 2.930611624648821 2.749520752558401 2.6303412897296528 2.221725988602539 1.7573904191399077 1.4586678694522803 1.3038893462980699 1.1522063936069495 1.006714581841992 0.9308731054964273 0.8302670654461852 +25175,0.6832274684496871,0,1.0376702864728322 1.6444020972373399 2.028252834659776 2.426033639166096 2.6210545783404 2.8207188732093345 2.933707195111911 2.9368027655749924 2.930611624648821 2.749520752558401 2.6303412897296528 2.221725988602539 1.7573904191399077 1.4586678694522803 1.3038893462980699 1.1522063936069495 1.006714581841992 0.9308731054964273 0.8302670654461852 0.7373999515536642 +25176,0.6321505558088,0,1.6444020972373399 2.028252834659776 2.426033639166096 2.6210545783404 2.8207188732093345 2.933707195111911 2.9368027655749924 2.930611624648821 2.749520752558401 2.6303412897296528 2.221725988602539 1.7573904191399077 1.4586678694522803 1.3038893462980699 1.1522063936069495 1.006714581841992 0.9308731054964273 0.8302670654461852 0.7373999515536642 0.6832274684496871 +25177,0.5625002203894071,0,2.028252834659776 2.426033639166096 2.6210545783404 2.8207188732093345 2.933707195111911 2.9368027655749924 2.930611624648821 2.749520752558401 2.6303412897296528 2.221725988602539 1.7573904191399077 1.4586678694522803 1.3038893462980699 1.1522063936069495 1.006714581841992 0.9308731054964273 0.8302670654461852 0.7373999515536642 0.6832274684496871 0.6321505558088 +25178,0.6306027705772593,0,2.426033639166096 2.6210545783404 2.8207188732093345 2.933707195111911 2.9368027655749924 2.930611624648821 2.749520752558401 2.6303412897296528 2.221725988602539 1.7573904191399077 1.4586678694522803 1.3038893462980699 1.1522063936069495 1.006714581841992 0.9308731054964273 0.8302670654461852 0.7373999515536642 0.6832274684496871 0.6321505558088 0.5625002203894071 +25179,1.2218567290263425,0,2.6210545783404 2.8207188732093345 2.933707195111911 2.9368027655749924 2.930611624648821 2.749520752558401 2.6303412897296528 2.221725988602539 1.7573904191399077 1.4586678694522803 1.3038893462980699 1.1522063936069495 1.006714581841992 0.9308731054964273 0.8302670654461852 0.7373999515536642 0.6832274684496871 0.6321505558088 0.5625002203894071 0.6306027705772593 +25180,1.6227331039957438,0,2.8207188732093345 2.933707195111911 2.9368027655749924 2.930611624648821 2.749520752558401 2.6303412897296528 2.221725988602539 1.7573904191399077 1.4586678694522803 1.3038893462980699 1.1522063936069495 1.006714581841992 0.9308731054964273 0.8302670654461852 0.7373999515536642 0.6832274684496871 0.6321505558088 0.5625002203894071 0.6306027705772593 1.2218567290263425 +25181,2.124215519015387,0,2.933707195111911 2.9368027655749924 2.930611624648821 2.749520752558401 2.6303412897296528 2.221725988602539 1.7573904191399077 1.4586678694522803 1.3038893462980699 1.1522063936069495 1.006714581841992 0.9308731054964273 0.8302670654461852 0.7373999515536642 0.6832274684496871 0.6321505558088 0.5625002203894071 0.6306027705772593 1.2218567290263425 1.6227331039957438 +25182,2.545213101994844,0,2.9368027655749924 2.930611624648821 2.749520752558401 2.6303412897296528 2.221725988602539 1.7573904191399077 1.4586678694522803 1.3038893462980699 1.1522063936069495 1.006714581841992 0.9308731054964273 0.8302670654461852 0.7373999515536642 0.6832274684496871 0.6321505558088 0.5625002203894071 0.6306027705772593 1.2218567290263425 1.6227331039957438 2.124215519015387 +25183,2.741781826400689,0,2.930611624648821 2.749520752558401 2.6303412897296528 2.221725988602539 1.7573904191399077 1.4586678694522803 1.3038893462980699 1.1522063936069495 1.006714581841992 0.9308731054964273 0.8302670654461852 0.7373999515536642 0.6832274684496871 0.6321505558088 0.5625002203894071 0.6306027705772593 1.2218567290263425 1.6227331039957438 2.124215519015387 2.545213101994844 +25184,2.803693235662369,0,2.749520752558401 2.6303412897296528 2.221725988602539 1.7573904191399077 1.4586678694522803 1.3038893462980699 1.1522063936069495 1.006714581841992 0.9308731054964273 0.8302670654461852 0.7373999515536642 0.6832274684496871 0.6321505558088 0.5625002203894071 0.6306027705772593 1.2218567290263425 1.6227331039957438 2.124215519015387 2.545213101994844 2.741781826400689 +25185,2.754164108253023,0,2.6303412897296528 2.221725988602539 1.7573904191399077 1.4586678694522803 1.3038893462980699 1.1522063936069495 1.006714581841992 0.9308731054964273 0.8302670654461852 0.7373999515536642 0.6832274684496871 0.6321505558088 0.5625002203894071 0.6306027705772593 1.2218567290263425 1.6227331039957438 2.124215519015387 2.545213101994844 2.741781826400689 2.803693235662369 +25186,2.8903692086287274,0,2.221725988602539 1.7573904191399077 1.4586678694522803 1.3038893462980699 1.1522063936069495 1.006714581841992 0.9308731054964273 0.8302670654461852 0.7373999515536642 0.6832274684496871 0.6321505558088 0.5625002203894071 0.6306027705772593 1.2218567290263425 1.6227331039957438 2.124215519015387 2.545213101994844 2.741781826400689 2.803693235662369 2.754164108253023 +25187,2.879534712007934,0,1.7573904191399077 1.4586678694522803 1.3038893462980699 1.1522063936069495 1.006714581841992 0.9308731054964273 0.8302670654461852 0.7373999515536642 0.6832274684496871 0.6321505558088 0.5625002203894071 0.6306027705772593 1.2218567290263425 1.6227331039957438 2.124215519015387 2.545213101994844 2.741781826400689 2.803693235662369 2.754164108253023 2.8903692086287274 +25188,2.7619030344107354,0,1.4586678694522803 1.3038893462980699 1.1522063936069495 1.006714581841992 0.9308731054964273 0.8302670654461852 0.7373999515536642 0.6832274684496871 0.6321505558088 0.5625002203894071 0.6306027705772593 1.2218567290263425 1.6227331039957438 2.124215519015387 2.545213101994844 2.741781826400689 2.803693235662369 2.754164108253023 2.8903692086287274 2.879534712007934 +25189,2.5018751155116608,0,1.3038893462980699 1.1522063936069495 1.006714581841992 0.9308731054964273 0.8302670654461852 0.7373999515536642 0.6832274684496871 0.6321505558088 0.5625002203894071 0.6306027705772593 1.2218567290263425 1.6227331039957438 2.124215519015387 2.545213101994844 2.741781826400689 2.803693235662369 2.754164108253023 2.8903692086287274 2.879534712007934 2.7619030344107354 +25190,2.221725988602539,0,1.1522063936069495 1.006714581841992 0.9308731054964273 0.8302670654461852 0.7373999515536642 0.6832274684496871 0.6321505558088 0.5625002203894071 0.6306027705772593 1.2218567290263425 1.6227331039957438 2.124215519015387 2.545213101994844 2.741781826400689 2.803693235662369 2.754164108253023 2.8903692086287274 2.879534712007934 2.7619030344107354 2.5018751155116608 +25191,1.7372692111298609,0,1.006714581841992 0.9308731054964273 0.8302670654461852 0.7373999515536642 0.6832274684496871 0.6321505558088 0.5625002203894071 0.6306027705772593 1.2218567290263425 1.6227331039957438 2.124215519015387 2.545213101994844 2.741781826400689 2.803693235662369 2.754164108253023 2.8903692086287274 2.879534712007934 2.7619030344107354 2.5018751155116608 2.221725988602539 +25192,1.4865280036200392,0,0.9308731054964273 0.8302670654461852 0.7373999515536642 0.6832274684496871 0.6321505558088 0.5625002203894071 0.6306027705772593 1.2218567290263425 1.6227331039957438 2.124215519015387 2.545213101994844 2.741781826400689 2.803693235662369 2.754164108253023 2.8903692086287274 2.879534712007934 2.7619030344107354 2.5018751155116608 2.221725988602539 1.7372692111298609 +25193,1.269838071204148,0,0.8302670654461852 0.7373999515536642 0.6832274684496871 0.6321505558088 0.5625002203894071 0.6306027705772593 1.2218567290263425 1.6227331039957438 2.124215519015387 2.545213101994844 2.741781826400689 2.803693235662369 2.754164108253023 2.8903692086287274 2.879534712007934 2.7619030344107354 2.5018751155116608 2.221725988602539 1.7372692111298609 1.4865280036200392 +25194,1.1135117628183968,0,0.7373999515536642 0.6832274684496871 0.6321505558088 0.5625002203894071 0.6306027705772593 1.2218567290263425 1.6227331039957438 2.124215519015387 2.545213101994844 2.741781826400689 2.803693235662369 2.754164108253023 2.8903692086287274 2.879534712007934 2.7619030344107354 2.5018751155116608 2.221725988602539 1.7372692111298609 1.4865280036200392 1.269838071204148 +25195,0.9401598168856804,0,0.6832274684496871 0.6321505558088 0.5625002203894071 0.6306027705772593 1.2218567290263425 1.6227331039957438 2.124215519015387 2.545213101994844 2.741781826400689 2.803693235662369 2.754164108253023 2.8903692086287274 2.879534712007934 2.7619030344107354 2.5018751155116608 2.221725988602539 1.7372692111298609 1.4865280036200392 1.269838071204148 1.1135117628183968 +25196,0.8101458574361385,0,0.6321505558088 0.5625002203894071 0.6306027705772593 1.2218567290263425 1.6227331039957438 2.124215519015387 2.545213101994844 2.741781826400689 2.803693235662369 2.754164108253023 2.8903692086287274 2.879534712007934 2.7619030344107354 2.5018751155116608 2.221725988602539 1.7372692111298609 1.4865280036200392 1.269838071204148 1.1135117628183968 0.9401598168856804 +25197,0.7064442469228239,0,0.5625002203894071 0.6306027705772593 1.2218567290263425 1.6227331039957438 2.124215519015387 2.545213101994844 2.741781826400689 2.803693235662369 2.754164108253023 2.8903692086287274 2.879534712007934 2.7619030344107354 2.5018751155116608 2.221725988602539 1.7372692111298609 1.4865280036200392 1.269838071204148 1.1135117628183968 0.9401598168856804 0.8101458574361385 +25198,0.6522717638188467,0,0.6306027705772593 1.2218567290263425 1.6227331039957438 2.124215519015387 2.545213101994844 2.741781826400689 2.803693235662369 2.754164108253023 2.8903692086287274 2.879534712007934 2.7619030344107354 2.5018751155116608 2.221725988602539 1.7372692111298609 1.4865280036200392 1.269838071204148 1.1135117628183968 0.9401598168856804 0.8101458574361385 0.7064442469228239 +25199,0.5702391465471105,0,1.2218567290263425 1.6227331039957438 2.124215519015387 2.545213101994844 2.741781826400689 2.803693235662369 2.754164108253023 2.8903692086287274 2.879534712007934 2.7619030344107354 2.5018751155116608 2.221725988602539 1.7372692111298609 1.4865280036200392 1.269838071204148 1.1135117628183968 0.9401598168856804 0.8101458574361385 0.7064442469228239 0.6522717638188467 +25200,0.5269011600639358,0,1.6227331039957438 2.124215519015387 2.545213101994844 2.741781826400689 2.803693235662369 2.754164108253023 2.8903692086287274 2.879534712007934 2.7619030344107354 2.5018751155116608 2.221725988602539 1.7372692111298609 1.4865280036200392 1.269838071204148 1.1135117628183968 0.9401598168856804 0.8101458574361385 0.7064442469228239 0.6522717638188467 0.5702391465471105 +25201,0.4866587440438425,0,2.124215519015387 2.545213101994844 2.741781826400689 2.803693235662369 2.754164108253023 2.8903692086287274 2.879534712007934 2.7619030344107354 2.5018751155116608 2.221725988602539 1.7372692111298609 1.4865280036200392 1.269838071204148 1.1135117628183968 0.9401598168856804 0.8101458574361385 0.7064442469228239 0.6522717638188467 0.5702391465471105 0.5269011600639358 +25202,0.5872647840940758,0,2.545213101994844 2.741781826400689 2.803693235662369 2.754164108253023 2.8903692086287274 2.879534712007934 2.7619030344107354 2.5018751155116608 2.221725988602539 1.7372692111298609 1.4865280036200392 1.269838071204148 1.1135117628183968 0.9401598168856804 0.8101458574361385 0.7064442469228239 0.6522717638188467 0.5702391465471105 0.5269011600639358 0.4866587440438425 +25203,0.8186870960229311,0,2.741781826400689 2.803693235662369 2.754164108253023 2.8903692086287274 2.879534712007934 2.7619030344107354 2.5018751155116608 2.221725988602539 1.7372692111298609 1.4865280036200392 1.269838071204148 1.1135117628183968 0.9401598168856804 0.8101458574361385 0.7064442469228239 0.6522717638188467 0.5702391465471105 0.5269011600639358 0.4866587440438425 0.5872647840940758 +25204,1.3286539100027472,0,2.803693235662369 2.754164108253023 2.8903692086287274 2.879534712007934 2.7619030344107354 2.5018751155116608 2.221725988602539 1.7372692111298609 1.4865280036200392 1.269838071204148 1.1135117628183968 0.9401598168856804 0.8101458574361385 0.7064442469228239 0.6522717638188467 0.5702391465471105 0.5269011600639358 0.4866587440438425 0.5872647840940758 0.8186870960229311 +25205,1.6242808892272844,0,2.754164108253023 2.8903692086287274 2.879534712007934 2.7619030344107354 2.5018751155116608 2.221725988602539 1.7372692111298609 1.4865280036200392 1.269838071204148 1.1135117628183968 0.9401598168856804 0.8101458574361385 0.7064442469228239 0.6522717638188467 0.5702391465471105 0.5269011600639358 0.4866587440438425 0.5872647840940758 0.8186870960229311 1.3286539100027472 +25206,1.8827610228948184,0,2.8903692086287274 2.879534712007934 2.7619030344107354 2.5018751155116608 2.221725988602539 1.7372692111298609 1.4865280036200392 1.269838071204148 1.1135117628183968 0.9401598168856804 0.8101458574361385 0.7064442469228239 0.6522717638188467 0.5702391465471105 0.5269011600639358 0.4866587440438425 0.5872647840940758 0.8186870960229311 1.3286539100027472 1.6242808892272844 +25207,1.8610920296532312,0,2.879534712007934 2.7619030344107354 2.5018751155116608 2.221725988602539 1.7372692111298609 1.4865280036200392 1.269838071204148 1.1135117628183968 0.9401598168856804 0.8101458574361385 0.7064442469228239 0.6522717638188467 0.5702391465471105 0.5269011600639358 0.4866587440438425 0.5872647840940758 0.8186870960229311 1.3286539100027472 1.6242808892272844 1.8827610228948184 +25208,2.003488270955107,0,2.7619030344107354 2.5018751155116608 2.221725988602539 1.7372692111298609 1.4865280036200392 1.269838071204148 1.1135117628183968 0.9401598168856804 0.8101458574361385 0.7064442469228239 0.6522717638188467 0.5702391465471105 0.5269011600639358 0.4866587440438425 0.5872647840940758 0.8186870960229311 1.3286539100027472 1.6242808892272844 1.8827610228948184 1.8610920296532312 +25209,1.9833670629450606,0,2.5018751155116608 2.221725988602539 1.7372692111298609 1.4865280036200392 1.269838071204148 1.1135117628183968 0.9401598168856804 0.8101458574361385 0.7064442469228239 0.6522717638188467 0.5702391465471105 0.5269011600639358 0.4866587440438425 0.5872647840940758 0.8186870960229311 1.3286539100027472 1.6242808892272844 1.8827610228948184 1.8610920296532312 2.003488270955107 +25210,1.9802714924819704,0,2.221725988602539 1.7372692111298609 1.4865280036200392 1.269838071204148 1.1135117628183968 0.9401598168856804 0.8101458574361385 0.7064442469228239 0.6522717638188467 0.5702391465471105 0.5269011600639358 0.4866587440438425 0.5872647840940758 0.8186870960229311 1.3286539100027472 1.6242808892272844 1.8827610228948184 1.8610920296532312 2.003488270955107 1.9833670629450606 +25211,1.944672432156508,0,1.7372692111298609 1.4865280036200392 1.269838071204148 1.1135117628183968 0.9401598168856804 0.8101458574361385 0.7064442469228239 0.6522717638188467 0.5702391465471105 0.5269011600639358 0.4866587440438425 0.5872647840940758 0.8186870960229311 1.3286539100027472 1.6242808892272844 1.8827610228948184 1.8610920296532312 2.003488270955107 1.9833670629450606 1.9802714924819704 +25212,1.816206257938507,0,1.4865280036200392 1.269838071204148 1.1135117628183968 0.9401598168856804 0.8101458574361385 0.7064442469228239 0.6522717638188467 0.5702391465471105 0.5269011600639358 0.4866587440438425 0.5872647840940758 0.8186870960229311 1.3286539100027472 1.6242808892272844 1.8827610228948184 1.8610920296532312 2.003488270955107 1.9833670629450606 1.9802714924819704 1.944672432156508 +25213,1.6242808892272844,0,1.269838071204148 1.1135117628183968 0.9401598168856804 0.8101458574361385 0.7064442469228239 0.6522717638188467 0.5702391465471105 0.5269011600639358 0.4866587440438425 0.5872647840940758 0.8186870960229311 1.3286539100027472 1.6242808892272844 1.8827610228948184 1.8610920296532312 2.003488270955107 1.9833670629450606 1.9802714924819704 1.944672432156508 1.816206257938507 +25214,1.1924488096270427,0,1.1135117628183968 0.9401598168856804 0.8101458574361385 0.7064442469228239 0.6522717638188467 0.5702391465471105 0.5269011600639358 0.4866587440438425 0.5872647840940758 0.8186870960229311 1.3286539100027472 1.6242808892272844 1.8827610228948184 1.8610920296532312 2.003488270955107 1.9833670629450606 1.9802714924819704 1.944672432156508 1.816206257938507 1.6242808892272844 +25215,0.8565794143824035,0,0.9401598168856804 0.8101458574361385 0.7064442469228239 0.6522717638188467 0.5702391465471105 0.5269011600639358 0.4866587440438425 0.5872647840940758 0.8186870960229311 1.3286539100027472 1.6242808892272844 1.8827610228948184 1.8610920296532312 2.003488270955107 1.9833670629450606 1.9802714924819704 1.944672432156508 1.816206257938507 1.6242808892272844 1.1924488096270427 +25216,0.7095398173859053,0,0.8101458574361385 0.7064442469228239 0.6522717638188467 0.5702391465471105 0.5269011600639358 0.4866587440438425 0.5872647840940758 0.8186870960229311 1.3286539100027472 1.6242808892272844 1.8827610228948184 1.8610920296532312 2.003488270955107 1.9833670629450606 1.9802714924819704 1.944672432156508 1.816206257938507 1.6242808892272844 1.1924488096270427 0.8565794143824035 +25217,0.590360354557166,0,0.7064442469228239 0.6522717638188467 0.5702391465471105 0.5269011600639358 0.4866587440438425 0.5872647840940758 0.8186870960229311 1.3286539100027472 1.6242808892272844 1.8827610228948184 1.8610920296532312 2.003488270955107 1.9833670629450606 1.9802714924819704 1.944672432156508 1.816206257938507 1.6242808892272844 1.1924488096270427 0.8565794143824035 0.7095398173859053 +25218,0.5578568646947761,0,0.6522717638188467 0.5702391465471105 0.5269011600639358 0.4866587440438425 0.5872647840940758 0.8186870960229311 1.3286539100027472 1.6242808892272844 1.8827610228948184 1.8610920296532312 2.003488270955107 1.9833670629450606 1.9802714924819704 1.944672432156508 1.816206257938507 1.6242808892272844 1.1924488096270427 0.8565794143824035 0.7095398173859053 0.590360354557166 +25219,0.4897543145069239,0,0.5702391465471105 0.5269011600639358 0.4866587440438425 0.5872647840940758 0.8186870960229311 1.3286539100027472 1.6242808892272844 1.8827610228948184 1.8610920296532312 2.003488270955107 1.9833670629450606 1.9802714924819704 1.944672432156508 1.816206257938507 1.6242808892272844 1.1924488096270427 0.8565794143824035 0.7095398173859053 0.590360354557166 0.5578568646947761 +25220,0.4077216972351965,0,0.5269011600639358 0.4866587440438425 0.5872647840940758 0.8186870960229311 1.3286539100027472 1.6242808892272844 1.8827610228948184 1.8610920296532312 2.003488270955107 1.9833670629450606 1.9802714924819704 1.944672432156508 1.816206257938507 1.6242808892272844 1.1924488096270427 0.8565794143824035 0.7095398173859053 0.590360354557166 0.5578568646947761 0.4897543145069239 +25221,0.4371296166344962,0,0.4866587440438425 0.5872647840940758 0.8186870960229311 1.3286539100027472 1.6242808892272844 1.8827610228948184 1.8610920296532312 2.003488270955107 1.9833670629450606 1.9802714924819704 1.944672432156508 1.816206257938507 1.6242808892272844 1.1924488096270427 0.8565794143824035 0.7095398173859053 0.590360354557166 0.5578568646947761 0.4897543145069239 0.4077216972351965 +25222,0.4262951200137025,0,0.5872647840940758 0.8186870960229311 1.3286539100027472 1.6242808892272844 1.8827610228948184 1.8610920296532312 2.003488270955107 1.9833670629450606 1.9802714924819704 1.944672432156508 1.816206257938507 1.6242808892272844 1.1924488096270427 0.8565794143824035 0.7095398173859053 0.590360354557166 0.5578568646947761 0.4897543145069239 0.4077216972351965 0.4371296166344962 +25223,0.42165176431907164,0,0.8186870960229311 1.3286539100027472 1.6242808892272844 1.8827610228948184 1.8610920296532312 2.003488270955107 1.9833670629450606 1.9802714924819704 1.944672432156508 1.816206257938507 1.6242808892272844 1.1924488096270427 0.8565794143824035 0.7095398173859053 0.590360354557166 0.5578568646947761 0.4897543145069239 0.4077216972351965 0.4371296166344962 0.4262951200137025 +25224,0.3937916301513127,0,1.3286539100027472 1.6242808892272844 1.8827610228948184 1.8610920296532312 2.003488270955107 1.9833670629450606 1.9802714924819704 1.944672432156508 1.816206257938507 1.6242808892272844 1.1924488096270427 0.8565794143824035 0.7095398173859053 0.590360354557166 0.5578568646947761 0.4897543145069239 0.4077216972351965 0.4371296166344962 0.4262951200137025 0.42165176431907164 +25225,0.37986156306743757,0,1.6242808892272844 1.8827610228948184 1.8610920296532312 2.003488270955107 1.9833670629450606 1.9802714924819704 1.944672432156508 1.816206257938507 1.6242808892272844 1.1924488096270427 0.8565794143824035 0.7095398173859053 0.590360354557166 0.5578568646947761 0.4897543145069239 0.4077216972351965 0.4371296166344962 0.4262951200137025 0.42165176431907164 0.3937916301513127 +25226,0.4371296166344962,0,1.8827610228948184 1.8610920296532312 2.003488270955107 1.9833670629450606 1.9802714924819704 1.944672432156508 1.816206257938507 1.6242808892272844 1.1924488096270427 0.8565794143824035 0.7095398173859053 0.590360354557166 0.5578568646947761 0.4897543145069239 0.4077216972351965 0.4371296166344962 0.4262951200137025 0.42165176431907164 0.3937916301513127 0.37986156306743757 +25227,0.5392834419162702,0,1.8610920296532312 2.003488270955107 1.9833670629450606 1.9802714924819704 1.944672432156508 1.816206257938507 1.6242808892272844 1.1924488096270427 0.8565794143824035 0.7095398173859053 0.590360354557166 0.5578568646947761 0.4897543145069239 0.4077216972351965 0.4371296166344962 0.4262951200137025 0.42165176431907164 0.3937916301513127 0.37986156306743757 0.4371296166344962 +25228,0.8055025017415165,0,2.003488270955107 1.9833670629450606 1.9802714924819704 1.944672432156508 1.816206257938507 1.6242808892272844 1.1924488096270427 0.8565794143824035 0.7095398173859053 0.590360354557166 0.5578568646947761 0.4897543145069239 0.4077216972351965 0.4371296166344962 0.4262951200137025 0.42165176431907164 0.3937916301513127 0.37986156306743757 0.4371296166344962 0.5392834419162702 +25229,1.0454092126305445,0,1.9833670629450606 1.9802714924819704 1.944672432156508 1.816206257938507 1.6242808892272844 1.1924488096270427 0.8565794143824035 0.7095398173859053 0.590360354557166 0.5578568646947761 0.4897543145069239 0.4077216972351965 0.4371296166344962 0.4262951200137025 0.42165176431907164 0.3937916301513127 0.37986156306743757 0.4371296166344962 0.5392834419162702 0.8055025017415165 +25230,1.2636469302779765,0,1.9802714924819704 1.944672432156508 1.816206257938507 1.6242808892272844 1.1924488096270427 0.8565794143824035 0.7095398173859053 0.590360354557166 0.5578568646947761 0.4897543145069239 0.4077216972351965 0.4371296166344962 0.4262951200137025 0.42165176431907164 0.3937916301513127 0.37986156306743757 0.4371296166344962 0.5392834419162702 0.8055025017415165 1.0454092126305445 +25231,1.5530827685763509,0,1.944672432156508 1.816206257938507 1.6242808892272844 1.1924488096270427 0.8565794143824035 0.7095398173859053 0.590360354557166 0.5578568646947761 0.4897543145069239 0.4077216972351965 0.4371296166344962 0.4262951200137025 0.42165176431907164 0.3937916301513127 0.37986156306743757 0.4371296166344962 0.5392834419162702 0.8055025017415165 1.0454092126305445 1.2636469302779765 +25232,1.7542948486768262,0,1.816206257938507 1.6242808892272844 1.1924488096270427 0.8565794143824035 0.7095398173859053 0.590360354557166 0.5578568646947761 0.4897543145069239 0.4077216972351965 0.4371296166344962 0.4262951200137025 0.42165176431907164 0.3937916301513127 0.37986156306743757 0.4371296166344962 0.5392834419162702 0.8055025017415165 1.0454092126305445 1.2636469302779765 1.5530827685763509 +25233,1.7589382043714483,0,1.6242808892272844 1.1924488096270427 0.8565794143824035 0.7095398173859053 0.590360354557166 0.5578568646947761 0.4897543145069239 0.4077216972351965 0.4371296166344962 0.4262951200137025 0.42165176431907164 0.3937916301513127 0.37986156306743757 0.4371296166344962 0.5392834419162702 0.8055025017415165 1.0454092126305445 1.2636469302779765 1.5530827685763509 1.7542948486768262 +25234,1.8874043785894494,0,1.1924488096270427 0.8565794143824035 0.7095398173859053 0.590360354557166 0.5578568646947761 0.4897543145069239 0.4077216972351965 0.4371296166344962 0.4262951200137025 0.42165176431907164 0.3937916301513127 0.37986156306743757 0.4371296166344962 0.5392834419162702 0.8055025017415165 1.0454092126305445 1.2636469302779765 1.5530827685763509 1.7542948486768262 1.7589382043714483 +25235,1.82549296932776,0,0.8565794143824035 0.7095398173859053 0.590360354557166 0.5578568646947761 0.4897543145069239 0.4077216972351965 0.4371296166344962 0.4262951200137025 0.42165176431907164 0.3937916301513127 0.37986156306743757 0.4371296166344962 0.5392834419162702 0.8055025017415165 1.0454092126305445 1.2636469302779765 1.5530827685763509 1.7542948486768262 1.7589382043714483 1.8874043785894494 +25236,1.6366631710796276,0,0.7095398173859053 0.590360354557166 0.5578568646947761 0.4897543145069239 0.4077216972351965 0.4371296166344962 0.4262951200137025 0.42165176431907164 0.3937916301513127 0.37986156306743757 0.4371296166344962 0.5392834419162702 0.8055025017415165 1.0454092126305445 1.2636469302779765 1.5530827685763509 1.7542948486768262 1.7589382043714483 1.8874043785894494 1.82549296932776 +25237,1.4339033057476116,0,0.590360354557166 0.5578568646947761 0.4897543145069239 0.4077216972351965 0.4371296166344962 0.4262951200137025 0.42165176431907164 0.3937916301513127 0.37986156306743757 0.4371296166344962 0.5392834419162702 0.8055025017415165 1.0454092126305445 1.2636469302779765 1.5530827685763509 1.7542948486768262 1.7589382043714483 1.8874043785894494 1.82549296932776 1.6366631710796276 +25238,1.2141178028686301,0,0.5578568646947761 0.4897543145069239 0.4077216972351965 0.4371296166344962 0.4262951200137025 0.42165176431907164 0.3937916301513127 0.37986156306743757 0.4371296166344962 0.5392834419162702 0.8055025017415165 1.0454092126305445 1.2636469302779765 1.5530827685763509 1.7542948486768262 1.7589382043714483 1.8874043785894494 1.82549296932776 1.6366631710796276 1.4339033057476116 +25239,0.960281024895727,0,0.4897543145069239 0.4077216972351965 0.4371296166344962 0.4262951200137025 0.42165176431907164 0.3937916301513127 0.37986156306743757 0.4371296166344962 0.5392834419162702 0.8055025017415165 1.0454092126305445 1.2636469302779765 1.5530827685763509 1.7542948486768262 1.7589382043714483 1.8874043785894494 1.82549296932776 1.6366631710796276 1.4339033057476116 1.2141178028686301 +25240,0.8039547165099759,0,0.4077216972351965 0.4371296166344962 0.4262951200137025 0.42165176431907164 0.3937916301513127 0.37986156306743757 0.4371296166344962 0.5392834419162702 0.8055025017415165 1.0454092126305445 1.2636469302779765 1.5530827685763509 1.7542948486768262 1.7589382043714483 1.8874043785894494 1.82549296932776 1.6366631710796276 1.4339033057476116 1.2141178028686301 0.960281024895727 +25241,0.7079920321543646,0,0.4371296166344962 0.4262951200137025 0.42165176431907164 0.3937916301513127 0.37986156306743757 0.4371296166344962 0.5392834419162702 0.8055025017415165 1.0454092126305445 1.2636469302779765 1.5530827685763509 1.7542948486768262 1.7589382043714483 1.8874043785894494 1.82549296932776 1.6366631710796276 1.4339033057476116 1.2141178028686301 0.960281024895727 0.8039547165099759 +25242,0.5872647840940758,0,0.4262951200137025 0.42165176431907164 0.3937916301513127 0.37986156306743757 0.4371296166344962 0.5392834419162702 0.8055025017415165 1.0454092126305445 1.2636469302779765 1.5530827685763509 1.7542948486768262 1.7589382043714483 1.8874043785894494 1.82549296932776 1.6366631710796276 1.4339033057476116 1.2141178028686301 0.960281024895727 0.8039547165099759 0.7079920321543646 +25243,0.5423790123793604,0,0.42165176431907164 0.3937916301513127 0.37986156306743757 0.4371296166344962 0.5392834419162702 0.8055025017415165 1.0454092126305445 1.2636469302779765 1.5530827685763509 1.7542948486768262 1.7589382043714483 1.8874043785894494 1.82549296932776 1.6366631710796276 1.4339033057476116 1.2141178028686301 0.960281024895727 0.8039547165099759 0.7079920321543646 0.5872647840940758 +25244,0.45570303941300216,0,0.3937916301513127 0.37986156306743757 0.4371296166344962 0.5392834419162702 0.8055025017415165 1.0454092126305445 1.2636469302779765 1.5530827685763509 1.7542948486768262 1.7589382043714483 1.8874043785894494 1.82549296932776 1.6366631710796276 1.4339033057476116 1.2141178028686301 0.960281024895727 0.8039547165099759 0.7079920321543646 0.5872647840940758 0.5423790123793604 +25245,0.373670422141266,0,0.37986156306743757 0.4371296166344962 0.5392834419162702 0.8055025017415165 1.0454092126305445 1.2636469302779765 1.5530827685763509 1.7542948486768262 1.7589382043714483 1.8874043785894494 1.82549296932776 1.6366631710796276 1.4339033057476116 1.2141178028686301 0.960281024895727 0.8039547165099759 0.7079920321543646 0.5872647840940758 0.5423790123793604 0.45570303941300216 +25246,0.3349757913527134,0,0.4371296166344962 0.5392834419162702 0.8055025017415165 1.0454092126305445 1.2636469302779765 1.5530827685763509 1.7542948486768262 1.7589382043714483 1.8874043785894494 1.82549296932776 1.6366631710796276 1.4339033057476116 1.2141178028686301 0.960281024895727 0.8039547165099759 0.7079920321543646 0.5872647840940758 0.5423790123793604 0.45570303941300216 0.373670422141266 +25247,0.29473337533262006,0,0.5392834419162702 0.8055025017415165 1.0454092126305445 1.2636469302779765 1.5530827685763509 1.7542948486768262 1.7589382043714483 1.8874043785894494 1.82549296932776 1.6366631710796276 1.4339033057476116 1.2141178028686301 0.960281024895727 0.8039547165099759 0.7079920321543646 0.5872647840940758 0.5423790123793604 0.45570303941300216 0.373670422141266 0.3349757913527134 +25248,0.2761599525541141,0,0.8055025017415165 1.0454092126305445 1.2636469302779765 1.5530827685763509 1.7542948486768262 1.7589382043714483 1.8874043785894494 1.82549296932776 1.6366631710796276 1.4339033057476116 1.2141178028686301 0.960281024895727 0.8039547165099759 0.7079920321543646 0.5872647840940758 0.5423790123793604 0.45570303941300216 0.373670422141266 0.3349757913527134 0.29473337533262006 +25249,0.25603874454406744,0,1.0454092126305445 1.2636469302779765 1.5530827685763509 1.7542948486768262 1.7589382043714483 1.8874043785894494 1.82549296932776 1.6366631710796276 1.4339033057476116 1.2141178028686301 0.960281024895727 0.8039547165099759 0.7079920321543646 0.5872647840940758 0.5423790123793604 0.45570303941300216 0.373670422141266 0.3349757913527134 0.29473337533262006 0.2761599525541141 +25250,0.36593149598355373,0,1.2636469302779765 1.5530827685763509 1.7542948486768262 1.7589382043714483 1.8874043785894494 1.82549296932776 1.6366631710796276 1.4339033057476116 1.2141178028686301 0.960281024895727 0.8039547165099759 0.7079920321543646 0.5872647840940758 0.5423790123793604 0.45570303941300216 0.373670422141266 0.3349757913527134 0.29473337533262006 0.2761599525541141 0.25603874454406744 +25251,0.46034639510762426,0,1.5530827685763509 1.7542948486768262 1.7589382043714483 1.8874043785894494 1.82549296932776 1.6366631710796276 1.4339033057476116 1.2141178028686301 0.960281024895727 0.8039547165099759 0.7079920321543646 0.5872647840940758 0.5423790123793604 0.45570303941300216 0.373670422141266 0.3349757913527134 0.29473337533262006 0.2761599525541141 0.25603874454406744 0.36593149598355373 +25252,0.7327565958590333,0,1.7542948486768262 1.7589382043714483 1.8874043785894494 1.82549296932776 1.6366631710796276 1.4339033057476116 1.2141178028686301 0.960281024895727 0.8039547165099759 0.7079920321543646 0.5872647840940758 0.5423790123793604 0.45570303941300216 0.373670422141266 0.3349757913527134 0.29473337533262006 0.2761599525541141 0.25603874454406744 0.36593149598355373 0.46034639510762426 +25253,0.9386120316541396,0,1.7589382043714483 1.8874043785894494 1.82549296932776 1.6366631710796276 1.4339033057476116 1.2141178028686301 0.960281024895727 0.8039547165099759 0.7079920321543646 0.5872647840940758 0.5423790123793604 0.45570303941300216 0.373670422141266 0.3349757913527134 0.29473337533262006 0.2761599525541141 0.25603874454406744 0.36593149598355373 0.46034639510762426 0.7327565958590333 +25254,1.3456795475497125,0,1.8874043785894494 1.82549296932776 1.6366631710796276 1.4339033057476116 1.2141178028686301 0.960281024895727 0.8039547165099759 0.7079920321543646 0.5872647840940758 0.5423790123793604 0.45570303941300216 0.373670422141266 0.3349757913527134 0.29473337533262006 0.2761599525541141 0.25603874454406744 0.36593149598355373 0.46034639510762426 0.7327565958590333 0.9386120316541396 +25255,1.4555722989891988,0,1.82549296932776 1.6366631710796276 1.4339033057476116 1.2141178028686301 0.960281024895727 0.8039547165099759 0.7079920321543646 0.5872647840940758 0.5423790123793604 0.45570303941300216 0.373670422141266 0.3349757913527134 0.29473337533262006 0.2761599525541141 0.25603874454406744 0.36593149598355373 0.46034639510762426 0.7327565958590333 0.9386120316541396 1.3456795475497125 +25256,1.6273764596903746,0,1.6366631710796276 1.4339033057476116 1.2141178028686301 0.960281024895727 0.8039547165099759 0.7079920321543646 0.5872647840940758 0.5423790123793604 0.45570303941300216 0.373670422141266 0.3349757913527134 0.29473337533262006 0.2761599525541141 0.25603874454406744 0.36593149598355373 0.46034639510762426 0.7327565958590333 0.9386120316541396 1.3456795475497125 1.4555722989891988 +25257,1.7171480031198143,0,1.4339033057476116 1.2141178028686301 0.960281024895727 0.8039547165099759 0.7079920321543646 0.5872647840940758 0.5423790123793604 0.45570303941300216 0.373670422141266 0.3349757913527134 0.29473337533262006 0.2761599525541141 0.25603874454406744 0.36593149598355373 0.46034639510762426 0.7327565958590333 0.9386120316541396 1.3456795475497125 1.4555722989891988 1.6273764596903746 +25258,1.7496514929821954,0,1.2141178028686301 0.960281024895727 0.8039547165099759 0.7079920321543646 0.5872647840940758 0.5423790123793604 0.45570303941300216 0.373670422141266 0.3349757913527134 0.29473337533262006 0.2761599525541141 0.25603874454406744 0.36593149598355373 0.46034639510762426 0.7327565958590333 0.9386120316541396 1.3456795475497125 1.4555722989891988 1.6273764596903746 1.7171480031198143 +25259,1.676905587099721,0,0.960281024895727 0.8039547165099759 0.7079920321543646 0.5872647840940758 0.5423790123793604 0.45570303941300216 0.373670422141266 0.3349757913527134 0.29473337533262006 0.2761599525541141 0.25603874454406744 0.36593149598355373 0.46034639510762426 0.7327565958590333 0.9386120316541396 1.3456795475497125 1.4555722989891988 1.6273764596903746 1.7171480031198143 1.7496514929821954 +25260,1.4648590103784518,0,0.8039547165099759 0.7079920321543646 0.5872647840940758 0.5423790123793604 0.45570303941300216 0.373670422141266 0.3349757913527134 0.29473337533262006 0.2761599525541141 0.25603874454406744 0.36593149598355373 0.46034639510762426 0.7327565958590333 0.9386120316541396 1.3456795475497125 1.4555722989891988 1.6273764596903746 1.7171480031198143 1.7496514929821954 1.676905587099721 +25261,1.3054371315296105,0,0.7079920321543646 0.5872647840940758 0.5423790123793604 0.45570303941300216 0.373670422141266 0.3349757913527134 0.29473337533262006 0.2761599525541141 0.25603874454406744 0.36593149598355373 0.46034639510762426 0.7327565958590333 0.9386120316541396 1.3456795475497125 1.4555722989891988 1.6273764596903746 1.7171480031198143 1.7496514929821954 1.676905587099721 1.4648590103784518 +25262,0.9804022329057737,0,0.5872647840940758 0.5423790123793604 0.45570303941300216 0.373670422141266 0.3349757913527134 0.29473337533262006 0.2761599525541141 0.25603874454406744 0.36593149598355373 0.46034639510762426 0.7327565958590333 0.9386120316541396 1.3456795475497125 1.4555722989891988 1.6273764596903746 1.7171480031198143 1.7496514929821954 1.676905587099721 1.4648590103784518 1.3054371315296105 +25263,0.7637123004898737,0,0.5423790123793604 0.45570303941300216 0.373670422141266 0.3349757913527134 0.29473337533262006 0.2761599525541141 0.25603874454406744 0.36593149598355373 0.46034639510762426 0.7327565958590333 0.9386120316541396 1.3456795475497125 1.4555722989891988 1.6273764596903746 1.7171480031198143 1.7496514929821954 1.676905587099721 1.4648590103784518 1.3054371315296105 0.9804022329057737 +25264,0.5238055896008544,0,0.45570303941300216 0.373670422141266 0.3349757913527134 0.29473337533262006 0.2761599525541141 0.25603874454406744 0.36593149598355373 0.46034639510762426 0.7327565958590333 0.9386120316541396 1.3456795475497125 1.4555722989891988 1.6273764596903746 1.7171480031198143 1.7496514929821954 1.676905587099721 1.4648590103784518 1.3054371315296105 0.9804022329057737 0.7637123004898737 +25265,0.5052321668223485,0,0.373670422141266 0.3349757913527134 0.29473337533262006 0.2761599525541141 0.25603874454406744 0.36593149598355373 0.46034639510762426 0.7327565958590333 0.9386120316541396 1.3456795475497125 1.4555722989891988 1.6273764596903746 1.7171480031198143 1.7496514929821954 1.676905587099721 1.4648590103784518 1.3054371315296105 0.9804022329057737 0.7637123004898737 0.5238055896008544 +25266,0.4092694824667372,0,0.3349757913527134 0.29473337533262006 0.2761599525541141 0.25603874454406744 0.36593149598355373 0.46034639510762426 0.7327565958590333 0.9386120316541396 1.3456795475497125 1.4555722989891988 1.6273764596903746 1.7171480031198143 1.7496514929821954 1.676905587099721 1.4648590103784518 1.3054371315296105 0.9804022329057737 0.7637123004898737 0.5238055896008544 0.5052321668223485 +25267,0.35354921413121937,0,0.29473337533262006 0.2761599525541141 0.25603874454406744 0.36593149598355373 0.46034639510762426 0.7327565958590333 0.9386120316541396 1.3456795475497125 1.4555722989891988 1.6273764596903746 1.7171480031198143 1.7496514929821954 1.676905587099721 1.4648590103784518 1.3054371315296105 0.9804022329057737 0.7637123004898737 0.5238055896008544 0.5052321668223485 0.4092694824667372 +25268,0.3334280061211727,0,0.2761599525541141 0.25603874454406744 0.36593149598355373 0.46034639510762426 0.7327565958590333 0.9386120316541396 1.3456795475497125 1.4555722989891988 1.6273764596903746 1.7171480031198143 1.7496514929821954 1.676905587099721 1.4648590103784518 1.3054371315296105 0.9804022329057737 0.7637123004898737 0.5238055896008544 0.5052321668223485 0.4092694824667372 0.35354921413121937 +25269,0.35819256982585024,0,0.25603874454406744 0.36593149598355373 0.46034639510762426 0.7327565958590333 0.9386120316541396 1.3456795475497125 1.4555722989891988 1.6273764596903746 1.7171480031198143 1.7496514929821954 1.676905587099721 1.4648590103784518 1.3054371315296105 0.9804022329057737 0.7637123004898737 0.5238055896008544 0.5052321668223485 0.4092694824667372 0.35354921413121937 0.3334280061211727 +25270,0.38450491876205967,0,0.36593149598355373 0.46034639510762426 0.7327565958590333 0.9386120316541396 1.3456795475497125 1.4555722989891988 1.6273764596903746 1.7171480031198143 1.7496514929821954 1.676905587099721 1.4648590103784518 1.3054371315296105 0.9804022329057737 0.7637123004898737 0.5238055896008544 0.5052321668223485 0.4092694824667372 0.35354921413121937 0.3334280061211727 0.35819256982585024 +25271,0.40307834154056565,0,0.46034639510762426 0.7327565958590333 0.9386120316541396 1.3456795475497125 1.4555722989891988 1.6273764596903746 1.7171480031198143 1.7496514929821954 1.676905587099721 1.4648590103784518 1.3054371315296105 0.9804022329057737 0.7637123004898737 0.5238055896008544 0.5052321668223485 0.4092694824667372 0.35354921413121937 0.3334280061211727 0.35819256982585024 0.38450491876205967 +25272,0.41700840862444954,0,0.7327565958590333 0.9386120316541396 1.3456795475497125 1.4555722989891988 1.6273764596903746 1.7171480031198143 1.7496514929821954 1.676905587099721 1.4648590103784518 1.3054371315296105 0.9804022329057737 0.7637123004898737 0.5238055896008544 0.5052321668223485 0.4092694824667372 0.35354921413121937 0.3334280061211727 0.35819256982585024 0.38450491876205967 0.40307834154056565 +25273,0.4061739120036558,0,0.9386120316541396 1.3456795475497125 1.4555722989891988 1.6273764596903746 1.7171480031198143 1.7496514929821954 1.676905587099721 1.4648590103784518 1.3054371315296105 0.9804022329057737 0.7637123004898737 0.5238055896008544 0.5052321668223485 0.4092694824667372 0.35354921413121937 0.3334280061211727 0.35819256982585024 0.38450491876205967 0.40307834154056565 0.41700840862444954 +25274,0.38605270399360037,0,1.3456795475497125 1.4555722989891988 1.6273764596903746 1.7171480031198143 1.7496514929821954 1.676905587099721 1.4648590103784518 1.3054371315296105 0.9804022329057737 0.7637123004898737 0.5238055896008544 0.5052321668223485 0.4092694824667372 0.35354921413121937 0.3334280061211727 0.35819256982585024 0.38450491876205967 0.40307834154056565 0.41700840862444954 0.4061739120036558 +25275,0.46498975080225513,0,1.4555722989891988 1.6273764596903746 1.7171480031198143 1.7496514929821954 1.676905587099721 1.4648590103784518 1.3054371315296105 0.9804022329057737 0.7637123004898737 0.5238055896008544 0.5052321668223485 0.4092694824667372 0.35354921413121937 0.3334280061211727 0.35819256982585024 0.38450491876205967 0.40307834154056565 0.41700840862444954 0.4061739120036558 0.38605270399360037 +25276,0.5779780727048228,0,1.6273764596903746 1.7171480031198143 1.7496514929821954 1.676905587099721 1.4648590103784518 1.3054371315296105 0.9804022329057737 0.7637123004898737 0.5238055896008544 0.5052321668223485 0.4092694824667372 0.35354921413121937 0.3334280061211727 0.35819256982585024 0.38450491876205967 0.40307834154056565 0.41700840862444954 0.4061739120036558 0.38605270399360037 0.46498975080225513 +25277,0.7095398173859053,0,1.7171480031198143 1.7496514929821954 1.676905587099721 1.4648590103784518 1.3054371315296105 0.9804022329057737 0.7637123004898737 0.5238055896008544 0.5052321668223485 0.4092694824667372 0.35354921413121937 0.3334280061211727 0.35819256982585024 0.38450491876205967 0.40307834154056565 0.41700840862444954 0.4061739120036558 0.38605270399360037 0.46498975080225513 0.5779780727048228 +25278,1.1042250514291438,0,1.7496514929821954 1.676905587099721 1.4648590103784518 1.3054371315296105 0.9804022329057737 0.7637123004898737 0.5238055896008544 0.5052321668223485 0.4092694824667372 0.35354921413121937 0.3334280061211727 0.35819256982585024 0.38450491876205967 0.40307834154056565 0.41700840862444954 0.4061739120036558 0.38605270399360037 0.46498975080225513 0.5779780727048228 0.7095398173859053 +25279,1.3534184737074162,0,1.676905587099721 1.4648590103784518 1.3054371315296105 0.9804022329057737 0.7637123004898737 0.5238055896008544 0.5052321668223485 0.4092694824667372 0.35354921413121937 0.3334280061211727 0.35819256982585024 0.38450491876205967 0.40307834154056565 0.41700840862444954 0.4061739120036558 0.38605270399360037 0.46498975080225513 0.5779780727048228 0.7095398173859053 1.1042250514291438 +25280,1.5407004867240164,0,1.4648590103784518 1.3054371315296105 0.9804022329057737 0.7637123004898737 0.5238055896008544 0.5052321668223485 0.4092694824667372 0.35354921413121937 0.3334280061211727 0.35819256982585024 0.38450491876205967 0.40307834154056565 0.41700840862444954 0.4061739120036558 0.38605270399360037 0.46498975080225513 0.5779780727048228 0.7095398173859053 1.1042250514291438 1.3534184737074162 +25281,1.6846445132574333,0,1.3054371315296105 0.9804022329057737 0.7637123004898737 0.5238055896008544 0.5052321668223485 0.4092694824667372 0.35354921413121937 0.3334280061211727 0.35819256982585024 0.38450491876205967 0.40307834154056565 0.41700840862444954 0.4061739120036558 0.38605270399360037 0.46498975080225513 0.5779780727048228 0.7095398173859053 1.1042250514291438 1.3534184737074162 1.5407004867240164 +25282,1.7063135064990207,0,0.9804022329057737 0.7637123004898737 0.5238055896008544 0.5052321668223485 0.4092694824667372 0.35354921413121937 0.3334280061211727 0.35819256982585024 0.38450491876205967 0.40307834154056565 0.41700840862444954 0.4061739120036558 0.38605270399360037 0.46498975080225513 0.5779780727048228 0.7095398173859053 1.1042250514291438 1.3534184737074162 1.5407004867240164 1.6846445132574333 +25283,1.676905587099721,0,0.7637123004898737 0.5238055896008544 0.5052321668223485 0.4092694824667372 0.35354921413121937 0.3334280061211727 0.35819256982585024 0.38450491876205967 0.40307834154056565 0.41700840862444954 0.4061739120036558 0.38605270399360037 0.46498975080225513 0.5779780727048228 0.7095398173859053 1.1042250514291438 1.3534184737074162 1.5407004867240164 1.6846445132574333 1.7063135064990207 +25284,1.5360571310293856,0,0.5238055896008544 0.5052321668223485 0.4092694824667372 0.35354921413121937 0.3334280061211727 0.35819256982585024 0.38450491876205967 0.40307834154056565 0.41700840862444954 0.4061739120036558 0.38605270399360037 0.46498975080225513 0.5779780727048228 0.7095398173859053 1.1042250514291438 1.3534184737074162 1.5407004867240164 1.6846445132574333 1.7063135064990207 1.676905587099721 +25285,1.2899592792141947,0,0.5052321668223485 0.4092694824667372 0.35354921413121937 0.3334280061211727 0.35819256982585024 0.38450491876205967 0.40307834154056565 0.41700840862444954 0.4061739120036558 0.38605270399360037 0.46498975080225513 0.5779780727048228 0.7095398173859053 1.1042250514291438 1.3534184737074162 1.5407004867240164 1.6846445132574333 1.7063135064990207 1.676905587099721 1.5360571310293856 +25286,1.1011294809660537,0,0.4092694824667372 0.35354921413121937 0.3334280061211727 0.35819256982585024 0.38450491876205967 0.40307834154056565 0.41700840862444954 0.4061739120036558 0.38605270399360037 0.46498975080225513 0.5779780727048228 0.7095398173859053 1.1042250514291438 1.3534184737074162 1.5407004867240164 1.6846445132574333 1.7063135064990207 1.676905587099721 1.5360571310293856 1.2899592792141947 +25287,0.8349104211408162,0,0.35354921413121937 0.3334280061211727 0.35819256982585024 0.38450491876205967 0.40307834154056565 0.41700840862444954 0.4061739120036558 0.38605270399360037 0.46498975080225513 0.5779780727048228 0.7095398173859053 1.1042250514291438 1.3534184737074162 1.5407004867240164 1.6846445132574333 1.7063135064990207 1.676905587099721 1.5360571310293856 1.2899592792141947 1.1011294809660537 +25288,0.5980992807148695,0,0.3334280061211727 0.35819256982585024 0.38450491876205967 0.40307834154056565 0.41700840862444954 0.4061739120036558 0.38605270399360037 0.46498975080225513 0.5779780727048228 0.7095398173859053 1.1042250514291438 1.3534184737074162 1.5407004867240164 1.6846445132574333 1.7063135064990207 1.676905587099721 1.5360571310293856 1.2899592792141947 1.1011294809660537 0.8349104211408162 +25289,0.5485701533055232,0,0.35819256982585024 0.38450491876205967 0.40307834154056565 0.41700840862444954 0.4061739120036558 0.38605270399360037 0.46498975080225513 0.5779780727048228 0.7095398173859053 1.1042250514291438 1.3534184737074162 1.5407004867240164 1.6846445132574333 1.7063135064990207 1.676905587099721 1.5360571310293856 1.2899592792141947 1.1011294809660537 0.8349104211408162 0.5980992807148695 +25290,0.44641632802374914,0,0.38450491876205967 0.40307834154056565 0.41700840862444954 0.4061739120036558 0.38605270399360037 0.46498975080225513 0.5779780727048228 0.7095398173859053 1.1042250514291438 1.3534184737074162 1.5407004867240164 1.6846445132574333 1.7063135064990207 1.676905587099721 1.5360571310293856 1.2899592792141947 1.1011294809660537 0.8349104211408162 0.5980992807148695 0.5485701533055232 +25291,0.4324862609398653,0,0.40307834154056565 0.41700840862444954 0.4061739120036558 0.38605270399360037 0.46498975080225513 0.5779780727048228 0.7095398173859053 1.1042250514291438 1.3534184737074162 1.5407004867240164 1.6846445132574333 1.7063135064990207 1.676905587099721 1.5360571310293856 1.2899592792141947 1.1011294809660537 0.8349104211408162 0.5980992807148695 0.5485701533055232 0.44641632802374914 +25292,0.4092694824667372,0,0.41700840862444954 0.4061739120036558 0.38605270399360037 0.46498975080225513 0.5779780727048228 0.7095398173859053 1.1042250514291438 1.3534184737074162 1.5407004867240164 1.6846445132574333 1.7063135064990207 1.676905587099721 1.5360571310293856 1.2899592792141947 1.1011294809660537 0.8349104211408162 0.5980992807148695 0.5485701533055232 0.44641632802374914 0.4324862609398653 +25293,0.38140934829897827,0,0.4061739120036558 0.38605270399360037 0.46498975080225513 0.5779780727048228 0.7095398173859053 1.1042250514291438 1.3534184737074162 1.5407004867240164 1.6846445132574333 1.7063135064990207 1.676905587099721 1.5360571310293856 1.2899592792141947 1.1011294809660537 0.8349104211408162 0.5980992807148695 0.5485701533055232 0.44641632802374914 0.4324862609398653 0.4092694824667372 +25294,0.3287846504265506,0,0.38605270399360037 0.46498975080225513 0.5779780727048228 0.7095398173859053 1.1042250514291438 1.3534184737074162 1.5407004867240164 1.6846445132574333 1.7063135064990207 1.676905587099721 1.5360571310293856 1.2899592792141947 1.1011294809660537 0.8349104211408162 0.5980992807148695 0.5485701533055232 0.44641632802374914 0.4324862609398653 0.4092694824667372 0.38140934829897827 +25295,0.3365235765842541,0,0.46498975080225513 0.5779780727048228 0.7095398173859053 1.1042250514291438 1.3534184737074162 1.5407004867240164 1.6846445132574333 1.7063135064990207 1.676905587099721 1.5360571310293856 1.2899592792141947 1.1011294809660537 0.8349104211408162 0.5980992807148695 0.5485701533055232 0.44641632802374914 0.4324862609398653 0.4092694824667372 0.38140934829897827 0.3287846504265506 +25296,0.34890585843659727,0,0.5779780727048228 0.7095398173859053 1.1042250514291438 1.3534184737074162 1.5407004867240164 1.6846445132574333 1.7063135064990207 1.676905587099721 1.5360571310293856 1.2899592792141947 1.1011294809660537 0.8349104211408162 0.5980992807148695 0.5485701533055232 0.44641632802374914 0.4324862609398653 0.4092694824667372 0.38140934829897827 0.3287846504265506 0.3365235765842541 +25297,0.38295713353051897,0,0.7095398173859053 1.1042250514291438 1.3534184737074162 1.5407004867240164 1.6846445132574333 1.7063135064990207 1.676905587099721 1.5360571310293856 1.2899592792141947 1.1011294809660537 0.8349104211408162 0.5980992807148695 0.5485701533055232 0.44641632802374914 0.4324862609398653 0.4092694824667372 0.38140934829897827 0.3287846504265506 0.3365235765842541 0.34890585843659727 +25298,0.4386774018660369,0,1.1042250514291438 1.3534184737074162 1.5407004867240164 1.6846445132574333 1.7063135064990207 1.676905587099721 1.5360571310293856 1.2899592792141947 1.1011294809660537 0.8349104211408162 0.5980992807148695 0.5485701533055232 0.44641632802374914 0.4324862609398653 0.4092694824667372 0.38140934829897827 0.3287846504265506 0.3365235765842541 0.34890585843659727 0.38295713353051897 +25299,0.4061739120036558,0,1.3534184737074162 1.5407004867240164 1.6846445132574333 1.7063135064990207 1.676905587099721 1.5360571310293856 1.2899592792141947 1.1011294809660537 0.8349104211408162 0.5980992807148695 0.5485701533055232 0.44641632802374914 0.4324862609398653 0.4092694824667372 0.38140934829897827 0.3287846504265506 0.3365235765842541 0.34890585843659727 0.38295713353051897 0.4386774018660369 +25300,0.5532135090001541,0,1.5407004867240164 1.6846445132574333 1.7063135064990207 1.676905587099721 1.5360571310293856 1.2899592792141947 1.1011294809660537 0.8349104211408162 0.5980992807148695 0.5485701533055232 0.44641632802374914 0.4324862609398653 0.4092694824667372 0.38140934829897827 0.3287846504265506 0.3365235765842541 0.34890585843659727 0.38295713353051897 0.4386774018660369 0.4061739120036558 +25301,0.6352461262718814,0,1.6846445132574333 1.7063135064990207 1.676905587099721 1.5360571310293856 1.2899592792141947 1.1011294809660537 0.8349104211408162 0.5980992807148695 0.5485701533055232 0.44641632802374914 0.4324862609398653 0.4092694824667372 0.38140934829897827 0.3287846504265506 0.3365235765842541 0.34890585843659727 0.38295713353051897 0.4386774018660369 0.4061739120036558 0.5532135090001541 +25302,0.9262297498017965,0,1.7063135064990207 1.676905587099721 1.5360571310293856 1.2899592792141947 1.1011294809660537 0.8349104211408162 0.5980992807148695 0.5485701533055232 0.44641632802374914 0.4324862609398653 0.4092694824667372 0.38140934829897827 0.3287846504265506 0.3365235765842541 0.34890585843659727 0.38295713353051897 0.4386774018660369 0.4061739120036558 0.5532135090001541 0.6352461262718814 +25303,1.1800665277747084,0,1.676905587099721 1.5360571310293856 1.2899592792141947 1.1011294809660537 0.8349104211408162 0.5980992807148695 0.5485701533055232 0.44641632802374914 0.4324862609398653 0.4092694824667372 0.38140934829897827 0.3287846504265506 0.3365235765842541 0.34890585843659727 0.38295713353051897 0.4386774018660369 0.4061739120036558 0.5532135090001541 0.6352461262718814 0.9262297498017965 +25304,1.3642529703282185,0,1.5360571310293856 1.2899592792141947 1.1011294809660537 0.8349104211408162 0.5980992807148695 0.5485701533055232 0.44641632802374914 0.4324862609398653 0.4092694824667372 0.38140934829897827 0.3287846504265506 0.3365235765842541 0.34890585843659727 0.38295713353051897 0.4386774018660369 0.4061739120036558 0.5532135090001541 0.6352461262718814 0.9262297498017965 1.1800665277747084 +25305,1.523674849177051,0,1.2899592792141947 1.1011294809660537 0.8349104211408162 0.5980992807148695 0.5485701533055232 0.44641632802374914 0.4324862609398653 0.4092694824667372 0.38140934829897827 0.3287846504265506 0.3365235765842541 0.34890585843659727 0.38295713353051897 0.4386774018660369 0.4061739120036558 0.5532135090001541 0.6352461262718814 0.9262297498017965 1.1800665277747084 1.3642529703282185 +25306,1.6382109563111684,0,1.1011294809660537 0.8349104211408162 0.5980992807148695 0.5485701533055232 0.44641632802374914 0.4324862609398653 0.4092694824667372 0.38140934829897827 0.3287846504265506 0.3365235765842541 0.34890585843659727 0.38295713353051897 0.4386774018660369 0.4061739120036558 0.5532135090001541 0.6352461262718814 0.9262297498017965 1.1800665277747084 1.3642529703282185 1.523674849177051 +25307,1.532961560566304,0,0.8349104211408162 0.5980992807148695 0.5485701533055232 0.44641632802374914 0.4324862609398653 0.4092694824667372 0.38140934829897827 0.3287846504265506 0.3365235765842541 0.34890585843659727 0.38295713353051897 0.4386774018660369 0.4061739120036558 0.5532135090001541 0.6352461262718814 0.9262297498017965 1.1800665277747084 1.3642529703282185 1.523674849177051 1.6382109563111684 +25308,1.4664067956099927,0,0.5980992807148695 0.5485701533055232 0.44641632802374914 0.4324862609398653 0.4092694824667372 0.38140934829897827 0.3287846504265506 0.3365235765842541 0.34890585843659727 0.38295713353051897 0.4386774018660369 0.4061739120036558 0.5532135090001541 0.6352461262718814 0.9262297498017965 1.1800665277747084 1.3642529703282185 1.523674849177051 1.6382109563111684 1.532961560566304 +25309,1.2048310914793772,0,0.5485701533055232 0.44641632802374914 0.4324862609398653 0.4092694824667372 0.38140934829897827 0.3287846504265506 0.3365235765842541 0.34890585843659727 0.38295713353051897 0.4386774018660369 0.4061739120036558 0.5532135090001541 0.6352461262718814 0.9262297498017965 1.1800665277747084 1.3642529703282185 1.523674849177051 1.6382109563111684 1.532961560566304 1.4664067956099927 +25310,1.0082623670735327,0,0.44641632802374914 0.4324862609398653 0.4092694824667372 0.38140934829897827 0.3287846504265506 0.3365235765842541 0.34890585843659727 0.38295713353051897 0.4386774018660369 0.4061739120036558 0.5532135090001541 0.6352461262718814 0.9262297498017965 1.1800665277747084 1.3642529703282185 1.523674849177051 1.6382109563111684 1.532961560566304 1.4664067956099927 1.2048310914793772 +25311,0.762164515258333,0,0.4324862609398653 0.4092694824667372 0.38140934829897827 0.3287846504265506 0.3365235765842541 0.34890585843659727 0.38295713353051897 0.4386774018660369 0.4061739120036558 0.5532135090001541 0.6352461262718814 0.9262297498017965 1.1800665277747084 1.3642529703282185 1.523674849177051 1.6382109563111684 1.532961560566304 1.4664067956099927 1.2048310914793772 1.0082623670735327 +25312,0.5779780727048228,0,0.4092694824667372 0.38140934829897827 0.3287846504265506 0.3365235765842541 0.34890585843659727 0.38295713353051897 0.4386774018660369 0.4061739120036558 0.5532135090001541 0.6352461262718814 0.9262297498017965 1.1800665277747084 1.3642529703282185 1.523674849177051 1.6382109563111684 1.532961560566304 1.4664067956099927 1.2048310914793772 1.0082623670735327 0.762164515258333 +25313,0.5454745828424418,0,0.38140934829897827 0.3287846504265506 0.3365235765842541 0.34890585843659727 0.38295713353051897 0.4386774018660369 0.4061739120036558 0.5532135090001541 0.6352461262718814 0.9262297498017965 1.1800665277747084 1.3642529703282185 1.523674849177051 1.6382109563111684 1.532961560566304 1.4664067956099927 1.2048310914793772 1.0082623670735327 0.762164515258333 0.5779780727048228 +25314,0.4278429052452432,0,0.3287846504265506 0.3365235765842541 0.34890585843659727 0.38295713353051897 0.4386774018660369 0.4061739120036558 0.5532135090001541 0.6352461262718814 0.9262297498017965 1.1800665277747084 1.3642529703282185 1.523674849177051 1.6382109563111684 1.532961560566304 1.4664067956099927 1.2048310914793772 1.0082623670735327 0.762164515258333 0.5779780727048228 0.5454745828424418 +25315,0.3349757913527134,0,0.3365235765842541 0.34890585843659727 0.38295713353051897 0.4386774018660369 0.4061739120036558 0.5532135090001541 0.6352461262718814 0.9262297498017965 1.1800665277747084 1.3642529703282185 1.523674849177051 1.6382109563111684 1.532961560566304 1.4664067956099927 1.2048310914793772 1.0082623670735327 0.762164515258333 0.5779780727048228 0.5454745828424418 0.4278429052452432 +25316,0.28699444917490774,0,0.34890585843659727 0.38295713353051897 0.4386774018660369 0.4061739120036558 0.5532135090001541 0.6352461262718814 0.9262297498017965 1.1800665277747084 1.3642529703282185 1.523674849177051 1.6382109563111684 1.532961560566304 1.4664067956099927 1.2048310914793772 1.0082623670735327 0.762164515258333 0.5779780727048228 0.5454745828424418 0.4278429052452432 0.3349757913527134 +25317,0.2730643820910327,0,0.38295713353051897 0.4386774018660369 0.4061739120036558 0.5532135090001541 0.6352461262718814 0.9262297498017965 1.1800665277747084 1.3642529703282185 1.523674849177051 1.6382109563111684 1.532961560566304 1.4664067956099927 1.2048310914793772 1.0082623670735327 0.762164515258333 0.5779780727048228 0.5454745828424418 0.4278429052452432 0.3349757913527134 0.28699444917490774 +25318,0.271516596859492,0,0.4386774018660369 0.4061739120036558 0.5532135090001541 0.6352461262718814 0.9262297498017965 1.1800665277747084 1.3642529703282185 1.523674849177051 1.6382109563111684 1.532961560566304 1.4664067956099927 1.2048310914793772 1.0082623670735327 0.762164515258333 0.5779780727048228 0.5454745828424418 0.4278429052452432 0.3349757913527134 0.28699444917490774 0.2730643820910327 +25319,-0.03898642389807931,0,0.4061739120036558 0.5532135090001541 0.6352461262718814 0.9262297498017965 1.1800665277747084 1.3642529703282185 1.523674849177051 1.6382109563111684 1.532961560566304 1.4664067956099927 1.2048310914793772 1.0082623670735327 0.762164515258333 0.5779780727048228 0.5454745828424418 0.4278429052452432 0.3349757913527134 0.28699444917490774 0.2730643820910327 0.271516596859492 +25320,0.2684210263964018,0,0.5532135090001541 0.6352461262718814 0.9262297498017965 1.1800665277747084 1.3642529703282185 1.523674849177051 1.6382109563111684 1.532961560566304 1.4664067956099927 1.2048310914793772 1.0082623670735327 0.762164515258333 0.5779780727048228 0.5454745828424418 0.4278429052452432 0.3349757913527134 0.28699444917490774 0.2730643820910327 0.271516596859492 -0.03898642389807931 +25321,0.2761599525541141,0,0.6352461262718814 0.9262297498017965 1.1800665277747084 1.3642529703282185 1.523674849177051 1.6382109563111684 1.532961560566304 1.4664067956099927 1.2048310914793772 1.0082623670735327 0.762164515258333 0.5779780727048228 0.5454745828424418 0.4278429052452432 0.3349757913527134 0.28699444917490774 0.2730643820910327 0.271516596859492 -0.03898642389807931 0.2684210263964018 +25322,0.373670422141266,0,0.9262297498017965 1.1800665277747084 1.3642529703282185 1.523674849177051 1.6382109563111684 1.532961560566304 1.4664067956099927 1.2048310914793772 1.0082623670735327 0.762164515258333 0.5779780727048228 0.5454745828424418 0.4278429052452432 0.3349757913527134 0.28699444917490774 0.2730643820910327 0.271516596859492 -0.03898642389807931 0.2684210263964018 0.2761599525541141 +25323,0.4278429052452432,0,1.1800665277747084 1.3642529703282185 1.523674849177051 1.6382109563111684 1.532961560566304 1.4664067956099927 1.2048310914793772 1.0082623670735327 0.762164515258333 0.5779780727048228 0.5454745828424418 0.4278429052452432 0.3349757913527134 0.28699444917490774 0.2730643820910327 0.271516596859492 -0.03898642389807931 0.2684210263964018 0.2761599525541141 0.373670422141266 +25324,0.6244116296510878,0,1.3642529703282185 1.523674849177051 1.6382109563111684 1.532961560566304 1.4664067956099927 1.2048310914793772 1.0082623670735327 0.762164515258333 0.5779780727048228 0.5454745828424418 0.4278429052452432 0.3349757913527134 0.28699444917490774 0.2730643820910327 0.271516596859492 -0.03898642389807931 0.2684210263964018 0.2761599525541141 0.373670422141266 0.4278429052452432 +25325,0.8209803540569323,0,1.523674849177051 1.6382109563111684 1.532961560566304 1.4664067956099927 1.2048310914793772 1.0082623670735327 0.762164515258333 0.5779780727048228 0.5454745828424418 0.4278429052452432 0.3349757913527134 0.28699444917490774 0.2730643820910327 0.271516596859492 -0.03898642389807931 0.2684210263964018 0.2761599525541141 0.373670422141266 0.4278429052452432 0.6244116296510878 +25326,1.2265000847209646,0,1.6382109563111684 1.532961560566304 1.4664067956099927 1.2048310914793772 1.0082623670735327 0.762164515258333 0.5779780727048228 0.5454745828424418 0.4278429052452432 0.3349757913527134 0.28699444917490774 0.2730643820910327 0.271516596859492 -0.03898642389807931 0.2684210263964018 0.2761599525541141 0.373670422141266 0.4278429052452432 0.6244116296510878 0.8209803540569323 +25327,1.4524767285261175,0,1.532961560566304 1.4664067956099927 1.2048310914793772 1.0082623670735327 0.762164515258333 0.5779780727048228 0.5454745828424418 0.4278429052452432 0.3349757913527134 0.28699444917490774 0.2730643820910327 0.271516596859492 -0.03898642389807931 0.2684210263964018 0.2761599525541141 0.373670422141266 0.4278429052452432 0.6244116296510878 0.8209803540569323 1.2265000847209646 +25328,1.7171480031198143,0,1.4664067956099927 1.2048310914793772 1.0082623670735327 0.762164515258333 0.5779780727048228 0.5454745828424418 0.4278429052452432 0.3349757913527134 0.28699444917490774 0.2730643820910327 0.271516596859492 -0.03898642389807931 0.2684210263964018 0.2761599525541141 0.373670422141266 0.4278429052452432 0.6244116296510878 0.8209803540569323 1.2265000847209646 1.4524767285261175 +25329,1.7759638419184136,0,1.2048310914793772 1.0082623670735327 0.762164515258333 0.5779780727048228 0.5454745828424418 0.4278429052452432 0.3349757913527134 0.28699444917490774 0.2730643820910327 0.271516596859492 -0.03898642389807931 0.2684210263964018 0.2761599525541141 0.373670422141266 0.4278429052452432 0.6244116296510878 0.8209803540569323 1.2265000847209646 1.4524767285261175 1.7171480031198143 +25330,1.8549008887270595,0,1.0082623670735327 0.762164515258333 0.5779780727048228 0.5454745828424418 0.4278429052452432 0.3349757913527134 0.28699444917490774 0.2730643820910327 0.271516596859492 -0.03898642389807931 0.2684210263964018 0.2761599525541141 0.373670422141266 0.4278429052452432 0.6244116296510878 0.8209803540569323 1.2265000847209646 1.4524767285261175 1.7171480031198143 1.7759638419184136 +25331,1.7604859896029978,0,0.762164515258333 0.5779780727048228 0.5454745828424418 0.4278429052452432 0.3349757913527134 0.28699444917490774 0.2730643820910327 0.271516596859492 -0.03898642389807931 0.2684210263964018 0.2761599525541141 0.373670422141266 0.4278429052452432 0.6244116296510878 0.8209803540569323 1.2265000847209646 1.4524767285261175 1.7171480031198143 1.7759638419184136 1.8549008887270595 +25332,1.6134463926064908,0,0.5779780727048228 0.5454745828424418 0.4278429052452432 0.3349757913527134 0.28699444917490774 0.2730643820910327 0.271516596859492 -0.03898642389807931 0.2684210263964018 0.2761599525541141 0.373670422141266 0.4278429052452432 0.6244116296510878 0.8209803540569323 1.2265000847209646 1.4524767285261175 1.7171480031198143 1.7759638419184136 1.8549008887270595 1.7604859896029978 +25333,1.3704441112543813,0,0.5454745828424418 0.4278429052452432 0.3349757913527134 0.28699444917490774 0.2730643820910327 0.271516596859492 -0.03898642389807931 0.2684210263964018 0.2761599525541141 0.373670422141266 0.4278429052452432 0.6244116296510878 0.8209803540569323 1.2265000847209646 1.4524767285261175 1.7171480031198143 1.7759638419184136 1.8549008887270595 1.7604859896029978 1.6134463926064908 +25334,1.1429196822176966,0,0.4278429052452432 0.3349757913527134 0.28699444917490774 0.2730643820910327 0.271516596859492 -0.03898642389807931 0.2684210263964018 0.2761599525541141 0.373670422141266 0.4278429052452432 0.6244116296510878 0.8209803540569323 1.2265000847209646 1.4524767285261175 1.7171480031198143 1.7759638419184136 1.8549008887270595 1.7604859896029978 1.6134463926064908 1.3704441112543813 +25335,0.841101562066979,0,0.3349757913527134 0.28699444917490774 0.2730643820910327 0.271516596859492 -0.03898642389807931 0.2684210263964018 0.2761599525541141 0.373670422141266 0.4278429052452432 0.6244116296510878 0.8209803540569323 1.2265000847209646 1.4524767285261175 1.7171480031198143 1.7759638419184136 1.8549008887270595 1.7604859896029978 1.6134463926064908 1.3704441112543813 1.1429196822176966 +25336,0.7296610253959519,0,0.28699444917490774 0.2730643820910327 0.271516596859492 -0.03898642389807931 0.2684210263964018 0.2761599525541141 0.373670422141266 0.4278429052452432 0.6244116296510878 0.8209803540569323 1.2265000847209646 1.4524767285261175 1.7171480031198143 1.7759638419184136 1.8549008887270595 1.7604859896029978 1.6134463926064908 1.3704441112543813 1.1429196822176966 0.841101562066979 +25337,0.5872647840940758,0,0.2730643820910327 0.271516596859492 -0.03898642389807931 0.2684210263964018 0.2761599525541141 0.373670422141266 0.4278429052452432 0.6244116296510878 0.8209803540569323 1.2265000847209646 1.4524767285261175 1.7171480031198143 1.7759638419184136 1.8549008887270595 1.7604859896029978 1.6134463926064908 1.3704441112543813 1.1429196822176966 0.841101562066979 0.7296610253959519 +25338,0.5253533748323951,0,0.271516596859492 -0.03898642389807931 0.2684210263964018 0.2761599525541141 0.373670422141266 0.4278429052452432 0.6244116296510878 0.8209803540569323 1.2265000847209646 1.4524767285261175 1.7171480031198143 1.7759638419184136 1.8549008887270595 1.7604859896029978 1.6134463926064908 1.3704441112543813 1.1429196822176966 0.841101562066979 0.7296610253959519 0.5872647840940758 +25339,0.46498975080225513,0,-0.03898642389807931 0.2684210263964018 0.2761599525541141 0.373670422141266 0.4278429052452432 0.6244116296510878 0.8209803540569323 1.2265000847209646 1.4524767285261175 1.7171480031198143 1.7759638419184136 1.8549008887270595 1.7604859896029978 1.6134463926064908 1.3704441112543813 1.1429196822176966 0.841101562066979 0.7296610253959519 0.5872647840940758 0.5253533748323951 +25340,0.37986156306743757,0,0.2684210263964018 0.2761599525541141 0.373670422141266 0.4278429052452432 0.6244116296510878 0.8209803540569323 1.2265000847209646 1.4524767285261175 1.7171480031198143 1.7759638419184136 1.8549008887270595 1.7604859896029978 1.6134463926064908 1.3704441112543813 1.1429196822176966 0.841101562066979 0.7296610253959519 0.5872647840940758 0.5253533748323951 0.46498975080225513 +25341,0.35200142889967867,0,0.2761599525541141 0.373670422141266 0.4278429052452432 0.6244116296510878 0.8209803540569323 1.2265000847209646 1.4524767285261175 1.7171480031198143 1.7759638419184136 1.8549008887270595 1.7604859896029978 1.6134463926064908 1.3704441112543813 1.1429196822176966 0.841101562066979 0.7296610253959519 0.5872647840940758 0.5253533748323951 0.46498975080225513 0.37986156306743757 +25342,0.28854223440644844,0,0.373670422141266 0.4278429052452432 0.6244116296510878 0.8209803540569323 1.2265000847209646 1.4524767285261175 1.7171480031198143 1.7759638419184136 1.8549008887270595 1.7604859896029978 1.6134463926064908 1.3704441112543813 1.1429196822176966 0.841101562066979 0.7296610253959519 0.5872647840940758 0.5253533748323951 0.46498975080225513 0.37986156306743757 0.35200142889967867 +25343,0.23591753653402076,0,0.4278429052452432 0.6244116296510878 0.8209803540569323 1.2265000847209646 1.4524767285261175 1.7171480031198143 1.7759638419184136 1.8549008887270595 1.7604859896029978 1.6134463926064908 1.3704441112543813 1.1429196822176966 0.841101562066979 0.7296610253959519 0.5872647840940758 0.5253533748323951 0.46498975080225513 0.37986156306743757 0.35200142889967867 0.28854223440644844 +25344,0.2127007580608927,0,0.6244116296510878 0.8209803540569323 1.2265000847209646 1.4524767285261175 1.7171480031198143 1.7759638419184136 1.8549008887270595 1.7604859896029978 1.6134463926064908 1.3704441112543813 1.1429196822176966 0.841101562066979 0.7296610253959519 0.5872647840940758 0.5253533748323951 0.46498975080225513 0.37986156306743757 0.35200142889967867 0.28854223440644844 0.23591753653402076 +25345,0.23901310699710215,0,0.8209803540569323 1.2265000847209646 1.4524767285261175 1.7171480031198143 1.7759638419184136 1.8549008887270595 1.7604859896029978 1.6134463926064908 1.3704441112543813 1.1429196822176966 0.841101562066979 0.7296610253959519 0.5872647840940758 0.5253533748323951 0.46498975080225513 0.37986156306743757 0.35200142889967867 0.28854223440644844 0.23591753653402076 0.2127007580608927 +25346,0.23901310699710215,0,1.2265000847209646 1.4524767285261175 1.7171480031198143 1.7759638419184136 1.8549008887270595 1.7604859896029978 1.6134463926064908 1.3704441112543813 1.1429196822176966 0.841101562066979 0.7296610253959519 0.5872647840940758 0.5253533748323951 0.46498975080225513 0.37986156306743757 0.35200142889967867 0.28854223440644844 0.23591753653402076 0.2127007580608927 0.23901310699710215 +25347,0.5160666634431421,0,1.4524767285261175 1.7171480031198143 1.7759638419184136 1.8549008887270595 1.7604859896029978 1.6134463926064908 1.3704441112543813 1.1429196822176966 0.841101562066979 0.7296610253959519 0.5872647840940758 0.5253533748323951 0.46498975080225513 0.37986156306743757 0.35200142889967867 0.28854223440644844 0.23591753653402076 0.2127007580608927 0.23901310699710215 0.23901310699710215 +25348,0.7327565958590333,0,1.7171480031198143 1.7759638419184136 1.8549008887270595 1.7604859896029978 1.6134463926064908 1.3704441112543813 1.1429196822176966 0.841101562066979 0.7296610253959519 0.5872647840940758 0.5253533748323951 0.46498975080225513 0.37986156306743757 0.35200142889967867 0.28854223440644844 0.23591753653402076 0.2127007580608927 0.23901310699710215 0.23901310699710215 0.5160666634431421 +25349,1.1707798163854555,0,1.7759638419184136 1.8549008887270595 1.7604859896029978 1.6134463926064908 1.3704441112543813 1.1429196822176966 0.841101562066979 0.7296610253959519 0.5872647840940758 0.5253533748323951 0.46498975080225513 0.37986156306743757 0.35200142889967867 0.28854223440644844 0.23591753653402076 0.2127007580608927 0.23901310699710215 0.23901310699710215 0.5160666634431421 0.7327565958590333 +25350,1.399852030653681,0,1.8549008887270595 1.7604859896029978 1.6134463926064908 1.3704441112543813 1.1429196822176966 0.841101562066979 0.7296610253959519 0.5872647840940758 0.5253533748323951 0.46498975080225513 0.37986156306743757 0.35200142889967867 0.28854223440644844 0.23591753653402076 0.2127007580608927 0.23901310699710215 0.23901310699710215 0.5160666634431421 0.7327565958590333 1.1707798163854555 +25351,1.5793951175125691,0,1.7604859896029978 1.6134463926064908 1.3704441112543813 1.1429196822176966 0.841101562066979 0.7296610253959519 0.5872647840940758 0.5253533748323951 0.46498975080225513 0.37986156306743757 0.35200142889967867 0.28854223440644844 0.23591753653402076 0.2127007580608927 0.23901310699710215 0.23901310699710215 0.5160666634431421 0.7327565958590333 1.1707798163854555 1.399852030653681 +25352,1.769772700992242,0,1.6134463926064908 1.3704441112543813 1.1429196822176966 0.841101562066979 0.7296610253959519 0.5872647840940758 0.5253533748323951 0.46498975080225513 0.37986156306743757 0.35200142889967867 0.28854223440644844 0.23591753653402076 0.2127007580608927 0.23901310699710215 0.23901310699710215 0.5160666634431421 0.7327565958590333 1.1707798163854555 1.399852030653681 1.5793951175125691 +25353,2.00967941188127,0,1.3704441112543813 1.1429196822176966 0.841101562066979 0.7296610253959519 0.5872647840940758 0.5253533748323951 0.46498975080225513 0.37986156306743757 0.35200142889967867 0.28854223440644844 0.23591753653402076 0.2127007580608927 0.23901310699710215 0.23901310699710215 0.5160666634431421 0.7327565958590333 1.1707798163854555 1.399852030653681 1.5793951175125691 1.769772700992242 +25354,1.9787237072504298,0,1.1429196822176966 0.841101562066979 0.7296610253959519 0.5872647840940758 0.5253533748323951 0.46498975080225513 0.37986156306743757 0.35200142889967867 0.28854223440644844 0.23591753653402076 0.2127007580608927 0.23901310699710215 0.23901310699710215 0.5160666634431421 0.7327565958590333 1.1707798163854555 1.399852030653681 1.5793951175125691 1.769772700992242 2.00967941188127 +25355,1.9415768616934177,0,0.841101562066979 0.7296610253959519 0.5872647840940758 0.5253533748323951 0.46498975080225513 0.37986156306743757 0.35200142889967867 0.28854223440644844 0.23591753653402076 0.2127007580608927 0.23901310699710215 0.23901310699710215 0.5160666634431421 0.7327565958590333 1.1707798163854555 1.399852030653681 1.5793951175125691 1.769772700992242 2.00967941188127 1.9787237072504298 +25356,1.7960850499284602,0,0.7296610253959519 0.5872647840940758 0.5253533748323951 0.46498975080225513 0.37986156306743757 0.35200142889967867 0.28854223440644844 0.23591753653402076 0.2127007580608927 0.23901310699710215 0.23901310699710215 0.5160666634431421 0.7327565958590333 1.1707798163854555 1.399852030653681 1.5793951175125691 1.769772700992242 2.00967941188127 1.9787237072504298 1.9415768616934177 +25357,1.6784533723312616,0,0.5872647840940758 0.5253533748323951 0.46498975080225513 0.37986156306743757 0.35200142889967867 0.28854223440644844 0.23591753653402076 0.2127007580608927 0.23901310699710215 0.23901310699710215 0.5160666634431421 0.7327565958590333 1.1707798163854555 1.399852030653681 1.5793951175125691 1.769772700992242 2.00967941188127 1.9787237072504298 1.9415768616934177 1.7960850499284602 +25358,1.344131762318163,0,0.5253533748323951 0.46498975080225513 0.37986156306743757 0.35200142889967867 0.28854223440644844 0.23591753653402076 0.2127007580608927 0.23901310699710215 0.23901310699710215 0.5160666634431421 0.7327565958590333 1.1707798163854555 1.399852030653681 1.5793951175125691 1.769772700992242 2.00967941188127 1.9787237072504298 1.9415768616934177 1.7960850499284602 1.6784533723312616 +25359,1.0082623670735327,0,0.46498975080225513 0.37986156306743757 0.35200142889967867 0.28854223440644844 0.23591753653402076 0.2127007580608927 0.23901310699710215 0.23901310699710215 0.5160666634431421 0.7327565958590333 1.1707798163854555 1.399852030653681 1.5793951175125691 1.769772700992242 2.00967941188127 1.9787237072504298 1.9415768616934177 1.7960850499284602 1.6784533723312616 1.344131762318163 +25360,0.8039547165099759,0,0.37986156306743757 0.35200142889967867 0.28854223440644844 0.23591753653402076 0.2127007580608927 0.23901310699710215 0.23901310699710215 0.5160666634431421 0.7327565958590333 1.1707798163854555 1.399852030653681 1.5793951175125691 1.769772700992242 2.00967941188127 1.9787237072504298 1.9415768616934177 1.7960850499284602 1.6784533723312616 1.344131762318163 1.0082623670735327 +25361,0.7188265287751583,0,0.35200142889967867 0.28854223440644844 0.23591753653402076 0.2127007580608927 0.23901310699710215 0.23901310699710215 0.5160666634431421 0.7327565958590333 1.1707798163854555 1.399852030653681 1.5793951175125691 1.769772700992242 2.00967941188127 1.9787237072504298 1.9415768616934177 1.7960850499284602 1.6784533723312616 1.344131762318163 1.0082623670735327 0.8039547165099759 +25362,0.6476284081242158,0,0.28854223440644844 0.23591753653402076 0.2127007580608927 0.23901310699710215 0.23901310699710215 0.5160666634431421 0.7327565958590333 1.1707798163854555 1.399852030653681 1.5793951175125691 1.769772700992242 2.00967941188127 1.9787237072504298 1.9415768616934177 1.7960850499284602 1.6784533723312616 1.344131762318163 1.0082623670735327 0.8039547165099759 0.7188265287751583 +25363,0.5563090794632355,0,0.23591753653402076 0.2127007580608927 0.23901310699710215 0.23901310699710215 0.5160666634431421 0.7327565958590333 1.1707798163854555 1.399852030653681 1.5793951175125691 1.769772700992242 2.00967941188127 1.9787237072504298 1.9415768616934177 1.7960850499284602 1.6784533723312616 1.344131762318163 1.0082623670735327 0.8039547165099759 0.7188265287751583 0.6476284081242158 +25364,0.4974932406646362,0,0.2127007580608927 0.23901310699710215 0.23901310699710215 0.5160666634431421 0.7327565958590333 1.1707798163854555 1.399852030653681 1.5793951175125691 1.769772700992242 2.00967941188127 1.9787237072504298 1.9415768616934177 1.7960850499284602 1.6784533723312616 1.344131762318163 1.0082623670735327 0.8039547165099759 0.7188265287751583 0.6476284081242158 0.5563090794632355 +25365,0.4293906904767839,0,0.23901310699710215 0.23901310699710215 0.5160666634431421 0.7327565958590333 1.1707798163854555 1.399852030653681 1.5793951175125691 1.769772700992242 2.00967941188127 1.9787237072504298 1.9415768616934177 1.7960850499284602 1.6784533723312616 1.344131762318163 1.0082623670735327 0.8039547165099759 0.7188265287751583 0.6476284081242158 0.5563090794632355 0.4974932406646362 +25366,0.35354921413121937,0,0.23901310699710215 0.5160666634431421 0.7327565958590333 1.1707798163854555 1.399852030653681 1.5793951175125691 1.769772700992242 2.00967941188127 1.9787237072504298 1.9415768616934177 1.7960850499284602 1.6784533723312616 1.344131762318163 1.0082623670735327 0.8039547165099759 0.7188265287751583 0.6476284081242158 0.5563090794632355 0.4974932406646362 0.4293906904767839 +25367,0.3334280061211727,0,0.5160666634431421 0.7327565958590333 1.1707798163854555 1.399852030653681 1.5793951175125691 1.769772700992242 2.00967941188127 1.9787237072504298 1.9415768616934177 1.7960850499284602 1.6784533723312616 1.344131762318163 1.0082623670735327 0.8039547165099759 0.7188265287751583 0.6476284081242158 0.5563090794632355 0.4974932406646362 0.4293906904767839 0.35354921413121937 +25368,0.25913431500714884,0,0.7327565958590333 1.1707798163854555 1.399852030653681 1.5793951175125691 1.769772700992242 2.00967941188127 1.9787237072504298 1.9415768616934177 1.7960850499284602 1.6784533723312616 1.344131762318163 1.0082623670735327 0.8039547165099759 0.7188265287751583 0.6476284081242158 0.5563090794632355 0.4974932406646362 0.4293906904767839 0.35354921413121937 0.3334280061211727 +25369,0.24365646269173305,0,1.1707798163854555 1.399852030653681 1.5793951175125691 1.769772700992242 2.00967941188127 1.9787237072504298 1.9415768616934177 1.7960850499284602 1.6784533723312616 1.344131762318163 1.0082623670735327 0.8039547165099759 0.7188265287751583 0.6476284081242158 0.5563090794632355 0.4974932406646362 0.4293906904767839 0.35354921413121937 0.3334280061211727 0.25913431500714884 +25370,0.35200142889967867,0,1.399852030653681 1.5793951175125691 1.769772700992242 2.00967941188127 1.9787237072504298 1.9415768616934177 1.7960850499284602 1.6784533723312616 1.344131762318163 1.0082623670735327 0.8039547165099759 0.7188265287751583 0.6476284081242158 0.5563090794632355 0.4974932406646362 0.4293906904767839 0.35354921413121937 0.3334280061211727 0.25913431500714884 0.24365646269173305 +25371,0.5872647840940758,0,1.5793951175125691 1.769772700992242 2.00967941188127 1.9787237072504298 1.9415768616934177 1.7960850499284602 1.6784533723312616 1.344131762318163 1.0082623670735327 0.8039547165099759 0.7188265287751583 0.6476284081242158 0.5563090794632355 0.4974932406646362 0.4293906904767839 0.35354921413121937 0.3334280061211727 0.25913431500714884 0.24365646269173305 0.35200142889967867 +25372,0.8797961928555316,0,1.769772700992242 2.00967941188127 1.9787237072504298 1.9415768616934177 1.7960850499284602 1.6784533723312616 1.344131762318163 1.0082623670735327 0.8039547165099759 0.7188265287751583 0.6476284081242158 0.5563090794632355 0.4974932406646362 0.4293906904767839 0.35354921413121937 0.3334280061211727 0.25913431500714884 0.24365646269173305 0.35200142889967867 0.5872647840940758 +25373,1.2435257222679297,0,2.00967941188127 1.9787237072504298 1.9415768616934177 1.7960850499284602 1.6784533723312616 1.344131762318163 1.0082623670735327 0.8039547165099759 0.7188265287751583 0.6476284081242158 0.5563090794632355 0.4974932406646362 0.4293906904767839 0.35354921413121937 0.3334280061211727 0.25913431500714884 0.24365646269173305 0.35200142889967867 0.5872647840940758 0.8797961928555316 +25374,1.714052432656733,0,1.9787237072504298 1.9415768616934177 1.7960850499284602 1.6784533723312616 1.344131762318163 1.0082623670735327 0.8039547165099759 0.7188265287751583 0.6476284081242158 0.5563090794632355 0.4974932406646362 0.4293906904767839 0.35354921413121937 0.3334280061211727 0.25913431500714884 0.24365646269173305 0.35200142889967867 0.5872647840940758 0.8797961928555316 1.2435257222679297 +25375,1.9214556536833711,0,1.9415768616934177 1.7960850499284602 1.6784533723312616 1.344131762318163 1.0082623670735327 0.8039547165099759 0.7188265287751583 0.6476284081242158 0.5563090794632355 0.4974932406646362 0.4293906904767839 0.35354921413121937 0.3334280061211727 0.25913431500714884 0.24365646269173305 0.35200142889967867 0.5872647840940758 0.8797961928555316 1.2435257222679297 1.714052432656733 +25376,2.0824253177637533,0,1.7960850499284602 1.6784533723312616 1.344131762318163 1.0082623670735327 0.8039547165099759 0.7188265287751583 0.6476284081242158 0.5563090794632355 0.4974932406646362 0.4293906904767839 0.35354921413121937 0.3334280061211727 0.25913431500714884 0.24365646269173305 0.35200142889967867 0.5872647840940758 0.8797961928555316 1.2435257222679297 1.714052432656733 1.9214556536833711 +25377,2.1226677337838464,0,1.6784533723312616 1.344131762318163 1.0082623670735327 0.8039547165099759 0.7188265287751583 0.6476284081242158 0.5563090794632355 0.4974932406646362 0.4293906904767839 0.35354921413121937 0.3334280061211727 0.25913431500714884 0.24365646269173305 0.35200142889967867 0.5872647840940758 0.8797961928555316 1.2435257222679297 1.714052432656733 1.9214556536833711 2.0824253177637533 +25378,2.213987062444827,0,1.344131762318163 1.0082623670735327 0.8039547165099759 0.7188265287751583 0.6476284081242158 0.5563090794632355 0.4974932406646362 0.4293906904767839 0.35354921413121937 0.3334280061211727 0.25913431500714884 0.24365646269173305 0.35200142889967867 0.5872647840940758 0.8797961928555316 1.2435257222679297 1.714052432656733 1.9214556536833711 2.0824253177637533 2.1226677337838464 +25379,2.2495861227702982,0,1.0082623670735327 0.8039547165099759 0.7188265287751583 0.6476284081242158 0.5563090794632355 0.4974932406646362 0.4293906904767839 0.35354921413121937 0.3334280061211727 0.25913431500714884 0.24365646269173305 0.35200142889967867 0.5872647840940758 0.8797961928555316 1.2435257222679297 1.714052432656733 1.9214556536833711 2.0824253177637533 2.1226677337838464 2.213987062444827 +25380,2.130406659941559,0,0.8039547165099759 0.7188265287751583 0.6476284081242158 0.5563090794632355 0.4974932406646362 0.4293906904767839 0.35354921413121937 0.3334280061211727 0.25913431500714884 0.24365646269173305 0.35200142889967867 0.5872647840940758 0.8797961928555316 1.2435257222679297 1.714052432656733 1.9214556536833711 2.0824253177637533 2.1226677337838464 2.213987062444827 2.2495861227702982 +25381,1.8115629022438848,0,0.7188265287751583 0.6476284081242158 0.5563090794632355 0.4974932406646362 0.4293906904767839 0.35354921413121937 0.3334280061211727 0.25913431500714884 0.24365646269173305 0.35200142889967867 0.5872647840940758 0.8797961928555316 1.2435257222679297 1.714052432656733 1.9214556536833711 2.0824253177637533 2.1226677337838464 2.213987062444827 2.2495861227702982 2.130406659941559 +25382,1.4153298829691057,0,0.6476284081242158 0.5563090794632355 0.4974932406646362 0.4293906904767839 0.35354921413121937 0.3334280061211727 0.25913431500714884 0.24365646269173305 0.35200142889967867 0.5872647840940758 0.8797961928555316 1.2435257222679297 1.714052432656733 1.9214556536833711 2.0824253177637533 2.1226677337838464 2.213987062444827 2.2495861227702982 2.130406659941559 1.8115629022438848 +25383,1.1243462594391904,0,0.5563090794632355 0.4974932406646362 0.4293906904767839 0.35354921413121937 0.3334280061211727 0.25913431500714884 0.24365646269173305 0.35200142889967867 0.5872647840940758 0.8797961928555316 1.2435257222679297 1.714052432656733 1.9214556536833711 2.0824253177637533 2.1226677337838464 2.213987062444827 2.2495861227702982 2.130406659941559 1.8115629022438848 1.4153298829691057 +25384,0.9432553873487618,0,0.4974932406646362 0.4293906904767839 0.35354921413121937 0.3334280061211727 0.25913431500714884 0.24365646269173305 0.35200142889967867 0.5872647840940758 0.8797961928555316 1.2435257222679297 1.714052432656733 1.9214556536833711 2.0824253177637533 2.1226677337838464 2.213987062444827 2.2495861227702982 2.130406659941559 1.8115629022438848 1.4153298829691057 1.1243462594391904 +25385,0.8612227700770344,0,0.4293906904767839 0.35354921413121937 0.3334280061211727 0.25913431500714884 0.24365646269173305 0.35200142889967867 0.5872647840940758 0.8797961928555316 1.2435257222679297 1.714052432656733 1.9214556536833711 2.0824253177637533 2.1226677337838464 2.213987062444827 2.2495861227702982 2.130406659941559 1.8115629022438848 1.4153298829691057 1.1243462594391904 0.9432553873487618 +25386,0.7404955220167456,0,0.35354921413121937 0.3334280061211727 0.25913431500714884 0.24365646269173305 0.35200142889967867 0.5872647840940758 0.8797961928555316 1.2435257222679297 1.714052432656733 1.9214556536833711 2.0824253177637533 2.1226677337838464 2.213987062444827 2.2495861227702982 2.130406659941559 1.8115629022438848 1.4153298829691057 1.1243462594391904 0.9432553873487618 0.8612227700770344 +25387,0.7219220992382397,0,0.3334280061211727 0.25913431500714884 0.24365646269173305 0.35200142889967867 0.5872647840940758 0.8797961928555316 1.2435257222679297 1.714052432656733 1.9214556536833711 2.0824253177637533 2.1226677337838464 2.213987062444827 2.2495861227702982 2.130406659941559 1.8115629022438848 1.4153298829691057 1.1243462594391904 0.9432553873487618 0.8612227700770344 0.7404955220167456 +25388,0.6894186093758586,0,0.25913431500714884 0.24365646269173305 0.35200142889967867 0.5872647840940758 0.8797961928555316 1.2435257222679297 1.714052432656733 1.9214556536833711 2.0824253177637533 2.1226677337838464 2.213987062444827 2.2495861227702982 2.130406659941559 1.8115629022438848 1.4153298829691057 1.1243462594391904 0.9432553873487618 0.8612227700770344 0.7404955220167456 0.7219220992382397 +25389,0.6089337773356631,0,0.24365646269173305 0.35200142889967867 0.5872647840940758 0.8797961928555316 1.2435257222679297 1.714052432656733 1.9214556536833711 2.0824253177637533 2.1226677337838464 2.213987062444827 2.2495861227702982 2.130406659941559 1.8115629022438848 1.4153298829691057 1.1243462594391904 0.9432553873487618 0.8612227700770344 0.7404955220167456 0.7219220992382397 0.6894186093758586 +25390,0.6321505558088,0,0.35200142889967867 0.5872647840940758 0.8797961928555316 1.2435257222679297 1.714052432656733 1.9214556536833711 2.0824253177637533 2.1226677337838464 2.213987062444827 2.2495861227702982 2.130406659941559 1.8115629022438848 1.4153298829691057 1.1243462594391904 0.9432553873487618 0.8612227700770344 0.7404955220167456 0.7219220992382397 0.6894186093758586 0.6089337773356631 +25391,0.6290549853457186,0,0.5872647840940758 0.8797961928555316 1.2435257222679297 1.714052432656733 1.9214556536833711 2.0824253177637533 2.1226677337838464 2.213987062444827 2.2495861227702982 2.130406659941559 1.8115629022438848 1.4153298829691057 1.1243462594391904 0.9432553873487618 0.8612227700770344 0.7404955220167456 0.7219220992382397 0.6894186093758586 0.6089337773356631 0.6321505558088 +25392,0.6522717638188467,0,0.8797961928555316 1.2435257222679297 1.714052432656733 1.9214556536833711 2.0824253177637533 2.1226677337838464 2.213987062444827 2.2495861227702982 2.130406659941559 1.8115629022438848 1.4153298829691057 1.1243462594391904 0.9432553873487618 0.8612227700770344 0.7404955220167456 0.7219220992382397 0.6894186093758586 0.6089337773356631 0.6321505558088 0.6290549853457186 +25393,0.6321505558088,0,1.2435257222679297 1.714052432656733 1.9214556536833711 2.0824253177637533 2.1226677337838464 2.213987062444827 2.2495861227702982 2.130406659941559 1.8115629022438848 1.4153298829691057 1.1243462594391904 0.9432553873487618 0.8612227700770344 0.7404955220167456 0.7219220992382397 0.6894186093758586 0.6089337773356631 0.6321505558088 0.6290549853457186 0.6522717638188467 +25394,0.6631062604396404,0,1.714052432656733 1.9214556536833711 2.0824253177637533 2.1226677337838464 2.213987062444827 2.2495861227702982 2.130406659941559 1.8115629022438848 1.4153298829691057 1.1243462594391904 0.9432553873487618 0.8612227700770344 0.7404955220167456 0.7219220992382397 0.6894186093758586 0.6089337773356631 0.6321505558088 0.6290549853457186 0.6522717638188467 0.6321505558088 +25395,0.8024069312784263,0,1.9214556536833711 2.0824253177637533 2.1226677337838464 2.213987062444827 2.2495861227702982 2.130406659941559 1.8115629022438848 1.4153298829691057 1.1243462594391904 0.9432553873487618 0.8612227700770344 0.7404955220167456 0.7219220992382397 0.6894186093758586 0.6089337773356631 0.6321505558088 0.6290549853457186 0.6522717638188467 0.6321505558088 0.6631062604396404 +25396,0.988141159063486,0,2.0824253177637533 2.1226677337838464 2.213987062444827 2.2495861227702982 2.130406659941559 1.8115629022438848 1.4153298829691057 1.1243462594391904 0.9432553873487618 0.8612227700770344 0.7404955220167456 0.7219220992382397 0.6894186093758586 0.6089337773356631 0.6321505558088 0.6290549853457186 0.6522717638188467 0.6321505558088 0.6631062604396404 0.8024069312784263 +25397,1.2543602188887235,0,2.1226677337838464 2.213987062444827 2.2495861227702982 2.130406659941559 1.8115629022438848 1.4153298829691057 1.1243462594391904 0.9432553873487618 0.8612227700770344 0.7404955220167456 0.7219220992382397 0.6894186093758586 0.6089337773356631 0.6321505558088 0.6290549853457186 0.6522717638188467 0.6321505558088 0.6631062604396404 0.8024069312784263 0.988141159063486 +25398,1.4261643795898993,0,2.213987062444827 2.2495861227702982 2.130406659941559 1.8115629022438848 1.4153298829691057 1.1243462594391904 0.9432553873487618 0.8612227700770344 0.7404955220167456 0.7219220992382397 0.6894186093758586 0.6089337773356631 0.6321505558088 0.6290549853457186 0.6522717638188467 0.6321505558088 0.6631062604396404 0.8024069312784263 0.988141159063486 1.2543602188887235 +25399,1.4803368626938764,0,2.2495861227702982 2.130406659941559 1.8115629022438848 1.4153298829691057 1.1243462594391904 0.9432553873487618 0.8612227700770344 0.7404955220167456 0.7219220992382397 0.6894186093758586 0.6089337773356631 0.6321505558088 0.6290549853457186 0.6522717638188467 0.6321505558088 0.6631062604396404 0.8024069312784263 0.988141159063486 1.2543602188887235 1.4261643795898993 +25400,1.6227331039957438,0,2.130406659941559 1.8115629022438848 1.4153298829691057 1.1243462594391904 0.9432553873487618 0.8612227700770344 0.7404955220167456 0.7219220992382397 0.6894186093758586 0.6089337773356631 0.6321505558088 0.6290549853457186 0.6522717638188467 0.6321505558088 0.6631062604396404 0.8024069312784263 0.988141159063486 1.2543602188887235 1.4261643795898993 1.4803368626938764 +25401,1.6645233052473867,0,1.8115629022438848 1.4153298829691057 1.1243462594391904 0.9432553873487618 0.8612227700770344 0.7404955220167456 0.7219220992382397 0.6894186093758586 0.6089337773356631 0.6321505558088 0.6290549853457186 0.6522717638188467 0.6321505558088 0.6631062604396404 0.8024069312784263 0.988141159063486 1.2543602188887235 1.4261643795898993 1.4803368626938764 1.6227331039957438 +25402,1.7620337748345385,0,1.4153298829691057 1.1243462594391904 0.9432553873487618 0.8612227700770344 0.7404955220167456 0.7219220992382397 0.6894186093758586 0.6089337773356631 0.6321505558088 0.6290549853457186 0.6522717638188467 0.6321505558088 0.6631062604396404 0.8024069312784263 0.988141159063486 1.2543602188887235 1.4261643795898993 1.4803368626938764 1.6227331039957438 1.6645233052473867 +25403,1.8641876001163125,0,1.1243462594391904 0.9432553873487618 0.8612227700770344 0.7404955220167456 0.7219220992382397 0.6894186093758586 0.6089337773356631 0.6321505558088 0.6290549853457186 0.6522717638188467 0.6321505558088 0.6631062604396404 0.8024069312784263 0.988141159063486 1.2543602188887235 1.4261643795898993 1.4803368626938764 1.6227331039957438 1.6645233052473867 1.7620337748345385 +25404,1.8858565933579,0,0.9432553873487618 0.8612227700770344 0.7404955220167456 0.7219220992382397 0.6894186093758586 0.6089337773356631 0.6321505558088 0.6290549853457186 0.6522717638188467 0.6321505558088 0.6631062604396404 0.8024069312784263 0.988141159063486 1.2543602188887235 1.4261643795898993 1.4803368626938764 1.6227331039957438 1.6645233052473867 1.7620337748345385 1.8641876001163125 +25405,1.8239451840962193,0,0.8612227700770344 0.7404955220167456 0.7219220992382397 0.6894186093758586 0.6089337773356631 0.6321505558088 0.6290549853457186 0.6522717638188467 0.6321505558088 0.6631062604396404 0.8024069312784263 0.988141159063486 1.2543602188887235 1.4261643795898993 1.4803368626938764 1.6227331039957438 1.6645233052473867 1.7620337748345385 1.8641876001163125 1.8858565933579 +25406,1.6985745803413084,0,0.7404955220167456 0.7219220992382397 0.6894186093758586 0.6089337773356631 0.6321505558088 0.6290549853457186 0.6522717638188467 0.6321505558088 0.6631062604396404 0.8024069312784263 0.988141159063486 1.2543602188887235 1.4261643795898993 1.4803368626938764 1.6227331039957438 1.6645233052473867 1.7620337748345385 1.8641876001163125 1.8858565933579 1.8239451840962193 +25407,1.4756935069992456,0,0.7219220992382397 0.6894186093758586 0.6089337773356631 0.6321505558088 0.6290549853457186 0.6522717638188467 0.6321505558088 0.6631062604396404 0.8024069312784263 0.988141159063486 1.2543602188887235 1.4261643795898993 1.4803368626938764 1.6227331039957438 1.6645233052473867 1.7620337748345385 1.8641876001163125 1.8858565933579 1.8239451840962193 1.6985745803413084 +25408,1.413502563855284,0,0.6894186093758586 0.6089337773356631 0.6321505558088 0.6290549853457186 0.6522717638188467 0.6321505558088 0.6631062604396404 0.8024069312784263 0.988141159063486 1.2543602188887235 1.4261643795898993 1.4803368626938764 1.6227331039957438 1.6645233052473867 1.7620337748345385 1.8641876001163125 1.8858565933579 1.8239451840962193 1.6985745803413084 1.4756935069992456 +25409,1.2110222324055488,0,0.6089337773356631 0.6321505558088 0.6290549853457186 0.6522717638188467 0.6321505558088 0.6631062604396404 0.8024069312784263 0.988141159063486 1.2543602188887235 1.4261643795898993 1.4803368626938764 1.6227331039957438 1.6645233052473867 1.7620337748345385 1.8641876001163125 1.8858565933579 1.8239451840962193 1.6985745803413084 1.4756935069992456 1.413502563855284 +25410,1.1491108231438594,0,0.6321505558088 0.6290549853457186 0.6522717638188467 0.6321505558088 0.6631062604396404 0.8024069312784263 0.988141159063486 1.2543602188887235 1.4261643795898993 1.4803368626938764 1.6227331039957438 1.6645233052473867 1.7620337748345385 1.8641876001163125 1.8858565933579 1.8239451840962193 1.6985745803413084 1.4756935069992456 1.413502563855284 1.2110222324055488 +25411,1.1150595480499375,0,0.6290549853457186 0.6522717638188467 0.6321505558088 0.6631062604396404 0.8024069312784263 0.988141159063486 1.2543602188887235 1.4261643795898993 1.4803368626938764 1.6227331039957438 1.6645233052473867 1.7620337748345385 1.8641876001163125 1.8858565933579 1.8239451840962193 1.6985745803413084 1.4756935069992456 1.413502563855284 1.2110222324055488 1.1491108231438594 +25412,0.9680199510534393,0,0.6522717638188467 0.6321505558088 0.6631062604396404 0.8024069312784263 0.988141159063486 1.2543602188887235 1.4261643795898993 1.4803368626938764 1.6227331039957438 1.6645233052473867 1.7620337748345385 1.8641876001163125 1.8858565933579 1.8239451840962193 1.6985745803413084 1.4756935069992456 1.413502563855284 1.2110222324055488 1.1491108231438594 1.1150595480499375 +25413,0.941707602117221,0,0.6321505558088 0.6631062604396404 0.8024069312784263 0.988141159063486 1.2543602188887235 1.4261643795898993 1.4803368626938764 1.6227331039957438 1.6645233052473867 1.7620337748345385 1.8641876001163125 1.8858565933579 1.8239451840962193 1.6985745803413084 1.4756935069992456 1.413502563855284 1.2110222324055488 1.1491108231438594 1.1150595480499375 0.9680199510534393 +25414,0.8457449177616099,0,0.6631062604396404 0.8024069312784263 0.988141159063486 1.2543602188887235 1.4261643795898993 1.4803368626938764 1.6227331039957438 1.6645233052473867 1.7620337748345385 1.8641876001163125 1.8858565933579 1.8239451840962193 1.6985745803413084 1.4756935069992456 1.413502563855284 1.2110222324055488 1.1491108231438594 1.1150595480499375 0.9680199510534393 0.941707602117221 +25415,0.7760945823422168,0,0.8024069312784263 0.988141159063486 1.2543602188887235 1.4261643795898993 1.4803368626938764 1.6227331039957438 1.6645233052473867 1.7620337748345385 1.8641876001163125 1.8858565933579 1.8239451840962193 1.6985745803413084 1.4756935069992456 1.413502563855284 1.2110222324055488 1.1491108231438594 1.1150595480499375 0.9680199510534393 0.941707602117221 0.8457449177616099 +25416,0.748234448174458,0,0.988141159063486 1.2543602188887235 1.4261643795898993 1.4803368626938764 1.6227331039957438 1.6645233052473867 1.7620337748345385 1.8641876001163125 1.8858565933579 1.8239451840962193 1.6985745803413084 1.4756935069992456 1.413502563855284 1.2110222324055488 1.1491108231438594 1.1150595480499375 0.9680199510534393 0.941707602117221 0.8457449177616099 0.7760945823422168 +25417,0.6971575355335708,0,1.2543602188887235 1.4261643795898993 1.4803368626938764 1.6227331039957438 1.6645233052473867 1.7620337748345385 1.8641876001163125 1.8858565933579 1.8239451840962193 1.6985745803413084 1.4756935069992456 1.413502563855284 1.2110222324055488 1.1491108231438594 1.1150595480499375 0.9680199510534393 0.941707602117221 0.8457449177616099 0.7760945823422168 0.748234448174458 +25418,0.7760945823422168,0,1.4261643795898993 1.4803368626938764 1.6227331039957438 1.6645233052473867 1.7620337748345385 1.8641876001163125 1.8858565933579 1.8239451840962193 1.6985745803413084 1.4756935069992456 1.413502563855284 1.2110222324055488 1.1491108231438594 1.1150595480499375 0.9680199510534393 0.941707602117221 0.8457449177616099 0.7760945823422168 0.748234448174458 0.6971575355335708 +25419,1.0608870649459603,0,1.4803368626938764 1.6227331039957438 1.6645233052473867 1.7620337748345385 1.8641876001163125 1.8858565933579 1.8239451840962193 1.6985745803413084 1.4756935069992456 1.413502563855284 1.2110222324055488 1.1491108231438594 1.1150595480499375 0.9680199510534393 0.941707602117221 0.8457449177616099 0.7760945823422168 0.748234448174458 0.6971575355335708 0.7760945823422168 +25420,1.348775118012794,0,1.6227331039957438 1.6645233052473867 1.7620337748345385 1.8641876001163125 1.8858565933579 1.8239451840962193 1.6985745803413084 1.4756935069992456 1.413502563855284 1.2110222324055488 1.1491108231438594 1.1150595480499375 0.9680199510534393 0.941707602117221 0.8457449177616099 0.7760945823422168 0.748234448174458 0.6971575355335708 0.7760945823422168 1.0608870649459603 +25421,1.6444020972373399,0,1.6645233052473867 1.7620337748345385 1.8641876001163125 1.8858565933579 1.8239451840962193 1.6985745803413084 1.4756935069992456 1.413502563855284 1.2110222324055488 1.1491108231438594 1.1150595480499375 0.9680199510534393 0.941707602117221 0.8457449177616099 0.7760945823422168 0.748234448174458 0.6971575355335708 0.7760945823422168 1.0608870649459603 1.348775118012794 +25422,1.953959143545761,0,1.7620337748345385 1.8641876001163125 1.8858565933579 1.8239451840962193 1.6985745803413084 1.4756935069992456 1.413502563855284 1.2110222324055488 1.1491108231438594 1.1150595480499375 0.9680199510534393 0.941707602117221 0.8457449177616099 0.7760945823422168 0.748234448174458 0.6971575355335708 0.7760945823422168 1.0608870649459603 1.348775118012794 1.6444020972373399 +25423,2.181483572582446,0,1.8641876001163125 1.8858565933579 1.8239451840962193 1.6985745803413084 1.4756935069992456 1.413502563855284 1.2110222324055488 1.1491108231438594 1.1150595480499375 0.9680199510534393 0.941707602117221 0.8457449177616099 0.7760945823422168 0.748234448174458 0.6971575355335708 0.7760945823422168 1.0608870649459603 1.348775118012794 1.6444020972373399 1.953959143545761 +25424,2.323879813884322,0,1.8858565933579 1.8239451840962193 1.6985745803413084 1.4756935069992456 1.413502563855284 1.2110222324055488 1.1491108231438594 1.1150595480499375 0.9680199510534393 0.941707602117221 0.8457449177616099 0.7760945823422168 0.748234448174458 0.6971575355335708 0.7760945823422168 1.0608870649459603 1.348775118012794 1.6444020972373399 1.953959143545761 2.181483572582446 +25425,2.429129209629186,0,1.8239451840962193 1.6985745803413084 1.4756935069992456 1.413502563855284 1.2110222324055488 1.1491108231438594 1.1150595480499375 0.9680199510534393 0.941707602117221 0.8457449177616099 0.7760945823422168 0.748234448174458 0.6971575355335708 0.7760945823422168 1.0608870649459603 1.348775118012794 1.6444020972373399 1.953959143545761 2.181483572582446 2.323879813884322 +25426,2.4972317598170384,0,1.6985745803413084 1.4756935069992456 1.413502563855284 1.2110222324055488 1.1491108231438594 1.1150595480499375 0.9680199510534393 0.941707602117221 0.8457449177616099 0.7760945823422168 0.748234448174458 0.6971575355335708 0.7760945823422168 1.0608870649459603 1.348775118012794 1.6444020972373399 1.953959143545761 2.181483572582446 2.323879813884322 2.429129209629186 +25427,2.4043646459245087,0,1.4756935069992456 1.413502563855284 1.2110222324055488 1.1491108231438594 1.1150595480499375 0.9680199510534393 0.941707602117221 0.8457449177616099 0.7760945823422168 0.748234448174458 0.6971575355335708 0.7760945823422168 1.0608870649459603 1.348775118012794 1.6444020972373399 1.953959143545761 2.181483572582446 2.323879813884322 2.429129209629186 2.4972317598170384 +25428,2.402816860692968,0,1.413502563855284 1.2110222324055488 1.1491108231438594 1.1150595480499375 0.9680199510534393 0.941707602117221 0.8457449177616099 0.7760945823422168 0.748234448174458 0.6971575355335708 0.7760945823422168 1.0608870649459603 1.348775118012794 1.6444020972373399 1.953959143545761 2.181483572582446 2.323879813884322 2.429129209629186 2.4972317598170384 2.4043646459245087 +25429,2.1180243780892156,0,1.2110222324055488 1.1491108231438594 1.1150595480499375 0.9680199510534393 0.941707602117221 0.8457449177616099 0.7760945823422168 0.748234448174458 0.6971575355335708 0.7760945823422168 1.0608870649459603 1.348775118012794 1.6444020972373399 1.953959143545761 2.181483572582446 2.323879813884322 2.429129209629186 2.4972317598170384 2.4043646459245087 2.402816860692968 +25430,1.7945372646969195,0,1.1491108231438594 1.1150595480499375 0.9680199510534393 0.941707602117221 0.8457449177616099 0.7760945823422168 0.748234448174458 0.6971575355335708 0.7760945823422168 1.0608870649459603 1.348775118012794 1.6444020972373399 1.953959143545761 2.181483572582446 2.323879813884322 2.429129209629186 2.4972317598170384 2.4043646459245087 2.402816860692968 2.1180243780892156 +25431,1.4942669297777516,0,1.1150595480499375 0.9680199510534393 0.941707602117221 0.8457449177616099 0.7760945823422168 0.748234448174458 0.6971575355335708 0.7760945823422168 1.0608870649459603 1.348775118012794 1.6444020972373399 1.953959143545761 2.181483572582446 2.323879813884322 2.429129209629186 2.4972317598170384 2.4043646459245087 2.402816860692968 2.1180243780892156 1.7945372646969195 +25432,1.3054371315296105,0,0.9680199510534393 0.941707602117221 0.8457449177616099 0.7760945823422168 0.748234448174458 0.6971575355335708 0.7760945823422168 1.0608870649459603 1.348775118012794 1.6444020972373399 1.953959143545761 2.181483572582446 2.323879813884322 2.429129209629186 2.4972317598170384 2.4043646459245087 2.402816860692968 2.1180243780892156 1.7945372646969195 1.4942669297777516 +25433,1.2032833062478365,0,0.941707602117221 0.8457449177616099 0.7760945823422168 0.748234448174458 0.6971575355335708 0.7760945823422168 1.0608870649459603 1.348775118012794 1.6444020972373399 1.953959143545761 2.181483572582446 2.323879813884322 2.429129209629186 2.4972317598170384 2.4043646459245087 2.402816860692968 2.1180243780892156 1.7945372646969195 1.4942669297777516 1.3054371315296105 +25434,1.0454092126305445,0,0.8457449177616099 0.7760945823422168 0.748234448174458 0.6971575355335708 0.7760945823422168 1.0608870649459603 1.348775118012794 1.6444020972373399 1.953959143545761 2.181483572582446 2.323879813884322 2.429129209629186 2.4972317598170384 2.4043646459245087 2.402816860692968 2.1180243780892156 1.7945372646969195 1.4942669297777516 1.3054371315296105 1.2032833062478365 +25435,0.9478987430433926,0,0.7760945823422168 0.748234448174458 0.6971575355335708 0.7760945823422168 1.0608870649459603 1.348775118012794 1.6444020972373399 1.953959143545761 2.181483572582446 2.323879813884322 2.429129209629186 2.4972317598170384 2.4043646459245087 2.402816860692968 2.1180243780892156 1.7945372646969195 1.4942669297777516 1.3054371315296105 1.2032833062478365 1.0454092126305445 +25436,0.8380059916038975,0,0.748234448174458 0.6971575355335708 0.7760945823422168 1.0608870649459603 1.348775118012794 1.6444020972373399 1.953959143545761 2.181483572582446 2.323879813884322 2.429129209629186 2.4972317598170384 2.4043646459245087 2.402816860692968 2.1180243780892156 1.7945372646969195 1.4942669297777516 1.3054371315296105 1.2032833062478365 1.0454092126305445 0.9478987430433926 +25437,0.8163369983623102,0,0.6971575355335708 0.7760945823422168 1.0608870649459603 1.348775118012794 1.6444020972373399 1.953959143545761 2.181483572582446 2.323879813884322 2.429129209629186 2.4972317598170384 2.4043646459245087 2.402816860692968 2.1180243780892156 1.7945372646969195 1.4942669297777516 1.3054371315296105 1.2032833062478365 1.0454092126305445 0.9478987430433926 0.8380059916038975 +25438,0.7188265287751583,0,0.7760945823422168 1.0608870649459603 1.348775118012794 1.6444020972373399 1.953959143545761 2.181483572582446 2.323879813884322 2.429129209629186 2.4972317598170384 2.4043646459245087 2.402816860692968 2.1180243780892156 1.7945372646969195 1.4942669297777516 1.3054371315296105 1.2032833062478365 1.0454092126305445 0.9478987430433926 0.8380059916038975 0.8163369983623102 +25439,0.6708451865973527,0,1.0608870649459603 1.348775118012794 1.6444020972373399 1.953959143545761 2.181483572582446 2.323879813884322 2.429129209629186 2.4972317598170384 2.4043646459245087 2.402816860692968 2.1180243780892156 1.7945372646969195 1.4942669297777516 1.3054371315296105 1.2032833062478365 1.0454092126305445 0.9478987430433926 0.8380059916038975 0.8163369983623102 0.7188265287751583 +25440,0.599647065946419,0,1.348775118012794 1.6444020972373399 1.953959143545761 2.181483572582446 2.323879813884322 2.429129209629186 2.4972317598170384 2.4043646459245087 2.402816860692968 2.1180243780892156 1.7945372646969195 1.4942669297777516 1.3054371315296105 1.2032833062478365 1.0454092126305445 0.9478987430433926 0.8380059916038975 0.8163369983623102 0.7188265287751583 0.6708451865973527 +25441,0.6166727034933754,0,1.6444020972373399 1.953959143545761 2.181483572582446 2.323879813884322 2.429129209629186 2.4972317598170384 2.4043646459245087 2.402816860692968 2.1180243780892156 1.7945372646969195 1.4942669297777516 1.3054371315296105 1.2032833062478365 1.0454092126305445 0.9478987430433926 0.8380059916038975 0.8163369983623102 0.7188265287751583 0.6708451865973527 0.599647065946419 +25442,0.650723978587306,0,1.953959143545761 2.181483572582446 2.323879813884322 2.429129209629186 2.4972317598170384 2.4043646459245087 2.402816860692968 2.1180243780892156 1.7945372646969195 1.4942669297777516 1.3054371315296105 1.2032833062478365 1.0454092126305445 0.9478987430433926 0.8380059916038975 0.8163369983623102 0.7188265287751583 0.6708451865973527 0.599647065946419 0.6166727034933754 +25443,1.1243462594391904,0,2.181483572582446 2.323879813884322 2.429129209629186 2.4972317598170384 2.4043646459245087 2.402816860692968 2.1180243780892156 1.7945372646969195 1.4942669297777516 1.3054371315296105 1.2032833062478365 1.0454092126305445 0.9478987430433926 0.8380059916038975 0.8163369983623102 0.7188265287751583 0.6708451865973527 0.599647065946419 0.6166727034933754 0.650723978587306 +25444,1.5267704196401326,0,2.323879813884322 2.429129209629186 2.4972317598170384 2.4043646459245087 2.402816860692968 2.1180243780892156 1.7945372646969195 1.4942669297777516 1.3054371315296105 1.2032833062478365 1.0454092126305445 0.9478987430433926 0.8380059916038975 0.8163369983623102 0.7188265287751583 0.6708451865973527 0.599647065946419 0.6166727034933754 0.650723978587306 1.1243462594391904 +25445,1.8487097478008967,0,2.429129209629186 2.4972317598170384 2.4043646459245087 2.402816860692968 2.1180243780892156 1.7945372646969195 1.4942669297777516 1.3054371315296105 1.2032833062478365 1.0454092126305445 0.9478987430433926 0.8380059916038975 0.8163369983623102 0.7188265287751583 0.6708451865973527 0.599647065946419 0.6166727034933754 0.650723978587306 1.1243462594391904 1.5267704196401326 +25446,2.167553505498571,0,2.4972317598170384 2.4043646459245087 2.402816860692968 2.1180243780892156 1.7945372646969195 1.4942669297777516 1.3054371315296105 1.2032833062478365 1.0454092126305445 0.9478987430433926 0.8380059916038975 0.8163369983623102 0.7188265287751583 0.6708451865973527 0.599647065946419 0.6166727034933754 0.650723978587306 1.1243462594391904 1.5267704196401326 1.8487097478008967 +25447,2.4090080016191395,0,2.4043646459245087 2.402816860692968 2.1180243780892156 1.7945372646969195 1.4942669297777516 1.3054371315296105 1.2032833062478365 1.0454092126305445 0.9478987430433926 0.8380059916038975 0.8163369983623102 0.7188265287751583 0.6708451865973527 0.599647065946419 0.6166727034933754 0.650723978587306 1.1243462594391904 1.5267704196401326 1.8487097478008967 2.167553505498571 +25448,2.6055767260249842,0,2.402816860692968 2.1180243780892156 1.7945372646969195 1.4942669297777516 1.3054371315296105 1.2032833062478365 1.0454092126305445 0.9478987430433926 0.8380059916038975 0.8163369983623102 0.7188265287751583 0.6708451865973527 0.599647065946419 0.6166727034933754 0.650723978587306 1.1243462594391904 1.5267704196401326 1.8487097478008967 2.167553505498571 2.4090080016191395 +25449,2.56378652477335,0,2.1180243780892156 1.7945372646969195 1.4942669297777516 1.3054371315296105 1.2032833062478365 1.0454092126305445 0.9478987430433926 0.8380059916038975 0.8163369983623102 0.7188265287751583 0.6708451865973527 0.599647065946419 0.6166727034933754 0.650723978587306 1.1243462594391904 1.5267704196401326 1.8487097478008967 2.167553505498571 2.4090080016191395 2.6055767260249842 +25450,2.6411757863504555,0,1.7945372646969195 1.4942669297777516 1.3054371315296105 1.2032833062478365 1.0454092126305445 0.9478987430433926 0.8380059916038975 0.8163369983623102 0.7188265287751583 0.6708451865973527 0.599647065946419 0.6166727034933754 0.650723978587306 1.1243462594391904 1.5267704196401326 1.8487097478008967 2.167553505498571 2.4090080016191395 2.6055767260249842 2.56378652477335 +25451,2.62415014880349,0,1.4942669297777516 1.3054371315296105 1.2032833062478365 1.0454092126305445 0.9478987430433926 0.8380059916038975 0.8163369983623102 0.7188265287751583 0.6708451865973527 0.599647065946419 0.6166727034933754 0.650723978587306 1.1243462594391904 1.5267704196401326 1.8487097478008967 2.167553505498571 2.4090080016191395 2.6055767260249842 2.56378652477335 2.6411757863504555 +25452,2.5189007530586256,0,1.3054371315296105 1.2032833062478365 1.0454092126305445 0.9478987430433926 0.8380059916038975 0.8163369983623102 0.7188265287751583 0.6708451865973527 0.599647065946419 0.6166727034933754 0.650723978587306 1.1243462594391904 1.5267704196401326 1.8487097478008967 2.167553505498571 2.4090080016191395 2.6055767260249842 2.56378652477335 2.6411757863504555 2.62415014880349 +25453,2.337809880968197,0,1.2032833062478365 1.0454092126305445 0.9478987430433926 0.8380059916038975 0.8163369983623102 0.7188265287751583 0.6708451865973527 0.599647065946419 0.6166727034933754 0.650723978587306 1.1243462594391904 1.5267704196401326 1.8487097478008967 2.167553505498571 2.4090080016191395 2.6055767260249842 2.56378652477335 2.6411757863504555 2.62415014880349 2.5189007530586256 +25454,1.926099009378002,0,1.0454092126305445 0.9478987430433926 0.8380059916038975 0.8163369983623102 0.7188265287751583 0.6708451865973527 0.599647065946419 0.6166727034933754 0.650723978587306 1.1243462594391904 1.5267704196401326 1.8487097478008967 2.167553505498571 2.4090080016191395 2.6055767260249842 2.56378652477335 2.6411757863504555 2.62415014880349 2.5189007530586256 2.337809880968197 +25455,1.6010641107541563,0,0.9478987430433926 0.8380059916038975 0.8163369983623102 0.7188265287751583 0.6708451865973527 0.599647065946419 0.6166727034933754 0.650723978587306 1.1243462594391904 1.5267704196401326 1.8487097478008967 2.167553505498571 2.4090080016191395 2.6055767260249842 2.56378652477335 2.6411757863504555 2.62415014880349 2.5189007530586256 2.337809880968197 1.926099009378002 +25456,1.3921131044959687,0,0.8380059916038975 0.8163369983623102 0.7188265287751583 0.6708451865973527 0.599647065946419 0.6166727034933754 0.650723978587306 1.1243462594391904 1.5267704196401326 1.8487097478008967 2.167553505498571 2.4090080016191395 2.6055767260249842 2.56378652477335 2.6411757863504555 2.62415014880349 2.5189007530586256 2.337809880968197 1.926099009378002 1.6010641107541563 +25457,1.2868637087511132,0,0.8163369983623102 0.7188265287751583 0.6708451865973527 0.599647065946419 0.6166727034933754 0.650723978587306 1.1243462594391904 1.5267704196401326 1.8487097478008967 2.167553505498571 2.4090080016191395 2.6055767260249842 2.56378652477335 2.6411757863504555 2.62415014880349 2.5189007530586256 2.337809880968197 1.926099009378002 1.6010641107541563 1.3921131044959687 +25458,1.1011294809660537,0,0.7188265287751583 0.6708451865973527 0.599647065946419 0.6166727034933754 0.650723978587306 1.1243462594391904 1.5267704196401326 1.8487097478008967 2.167553505498571 2.4090080016191395 2.6055767260249842 2.56378652477335 2.6411757863504555 2.62415014880349 2.5189007530586256 2.337809880968197 1.926099009378002 1.6010641107541563 1.3921131044959687 1.2868637087511132 +25459,1.0686259911036726,0,0.6708451865973527 0.599647065946419 0.6166727034933754 0.650723978587306 1.1243462594391904 1.5267704196401326 1.8487097478008967 2.167553505498571 2.4090080016191395 2.6055767260249842 2.56378652477335 2.6411757863504555 2.62415014880349 2.5189007530586256 2.337809880968197 1.926099009378002 1.6010641107541563 1.3921131044959687 1.2868637087511132 1.1011294809660537 +25460,0.9742110919796021,0,0.599647065946419 0.6166727034933754 0.650723978587306 1.1243462594391904 1.5267704196401326 1.8487097478008967 2.167553505498571 2.4090080016191395 2.6055767260249842 2.56378652477335 2.6411757863504555 2.62415014880349 2.5189007530586256 2.337809880968197 1.926099009378002 1.6010641107541563 1.3921131044959687 1.2868637087511132 1.1011294809660537 1.0686259911036726 +25461,0.8859873337817031,0,0.6166727034933754 0.650723978587306 1.1243462594391904 1.5267704196401326 1.8487097478008967 2.167553505498571 2.4090080016191395 2.6055767260249842 2.56378652477335 2.6411757863504555 2.62415014880349 2.5189007530586256 2.337809880968197 1.926099009378002 1.6010641107541563 1.3921131044959687 1.2868637087511132 1.1011294809660537 1.0686259911036726 0.9742110919796021 +25462,0.8380059916038975,0,0.650723978587306 1.1243462594391904 1.5267704196401326 1.8487097478008967 2.167553505498571 2.4090080016191395 2.6055767260249842 2.56378652477335 2.6411757863504555 2.62415014880349 2.5189007530586256 2.337809880968197 1.926099009378002 1.6010641107541563 1.3921131044959687 1.2868637087511132 1.1011294809660537 1.0686259911036726 0.9742110919796021 0.8859873337817031 +25463,0.7838335084999292,0,1.1243462594391904 1.5267704196401326 1.8487097478008967 2.167553505498571 2.4090080016191395 2.6055767260249842 2.56378652477335 2.6411757863504555 2.62415014880349 2.5189007530586256 2.337809880968197 1.926099009378002 1.6010641107541563 1.3921131044959687 1.2868637087511132 1.1011294809660537 1.0686259911036726 0.9742110919796021 0.8859873337817031 0.8380059916038975 +25464,0.734304381090574,0,1.5267704196401326 1.8487097478008967 2.167553505498571 2.4090080016191395 2.6055767260249842 2.56378652477335 2.6411757863504555 2.62415014880349 2.5189007530586256 2.337809880968197 1.926099009378002 1.6010641107541563 1.3921131044959687 1.2868637087511132 1.1011294809660537 1.0686259911036726 0.9742110919796021 0.8859873337817031 0.8380059916038975 0.7838335084999292 +25465,0.7172787435436175,0,1.8487097478008967 2.167553505498571 2.4090080016191395 2.6055767260249842 2.56378652477335 2.6411757863504555 2.62415014880349 2.5189007530586256 2.337809880968197 1.926099009378002 1.6010641107541563 1.3921131044959687 1.2868637087511132 1.1011294809660537 1.0686259911036726 0.9742110919796021 0.8859873337817031 0.8380059916038975 0.7838335084999292 0.734304381090574 +25466,0.7791901528052982,0,2.167553505498571 2.4090080016191395 2.6055767260249842 2.56378652477335 2.6411757863504555 2.62415014880349 2.5189007530586256 2.337809880968197 1.926099009378002 1.6010641107541563 1.3921131044959687 1.2868637087511132 1.1011294809660537 1.0686259911036726 0.9742110919796021 0.8859873337817031 0.8380059916038975 0.7838335084999292 0.734304381090574 0.7172787435436175 +25467,1.3534184737074162,0,2.4090080016191395 2.6055767260249842 2.56378652477335 2.6411757863504555 2.62415014880349 2.5189007530586256 2.337809880968197 1.926099009378002 1.6010641107541563 1.3921131044959687 1.2868637087511132 1.1011294809660537 1.0686259911036726 0.9742110919796021 0.8859873337817031 0.8380059916038975 0.7838335084999292 0.734304381090574 0.7172787435436175 0.7791901528052982 +25468,1.7867983385392072,0,2.6055767260249842 2.56378652477335 2.6411757863504555 2.62415014880349 2.5189007530586256 2.337809880968197 1.926099009378002 1.6010641107541563 1.3921131044959687 1.2868637087511132 1.1011294809660537 1.0686259911036726 0.9742110919796021 0.8859873337817031 0.8380059916038975 0.7838335084999292 0.734304381090574 0.7172787435436175 0.7791901528052982 1.3534184737074162 +25469,2.1613623645723994,0,2.56378652477335 2.6411757863504555 2.62415014880349 2.5189007530586256 2.337809880968197 1.926099009378002 1.6010641107541563 1.3921131044959687 1.2868637087511132 1.1011294809660537 1.0686259911036726 0.9742110919796021 0.8859873337817031 0.8380059916038975 0.7838335084999292 0.734304381090574 0.7172787435436175 0.7791901528052982 1.3534184737074162 1.7867983385392072 +25470,2.463180484723108,0,2.6411757863504555 2.62415014880349 2.5189007530586256 2.337809880968197 1.926099009378002 1.6010641107541563 1.3921131044959687 1.2868637087511132 1.1011294809660537 1.0686259911036726 0.9742110919796021 0.8859873337817031 0.8380059916038975 0.7838335084999292 0.734304381090574 0.7172787435436175 0.7791901528052982 1.3534184737074162 1.7867983385392072 2.1613623645723994 +25471,2.720112833159101,0,2.62415014880349 2.5189007530586256 2.337809880968197 1.926099009378002 1.6010641107541563 1.3921131044959687 1.2868637087511132 1.1011294809660537 1.0686259911036726 0.9742110919796021 0.8859873337817031 0.8380059916038975 0.7838335084999292 0.734304381090574 0.7172787435436175 0.7791901528052982 1.3534184737074162 1.7867983385392072 2.1613623645723994 2.463180484723108 +25472,2.842387866450922,0,2.5189007530586256 2.337809880968197 1.926099009378002 1.6010641107541563 1.3921131044959687 1.2868637087511132 1.1011294809660537 1.0686259911036726 0.9742110919796021 0.8859873337817031 0.8380059916038975 0.7838335084999292 0.734304381090574 0.7172787435436175 0.7791901528052982 1.3534184737074162 1.7867983385392072 2.1613623645723994 2.463180484723108 2.720112833159101 +25473,2.933707195111911,0,2.337809880968197 1.926099009378002 1.6010641107541563 1.3921131044959687 1.2868637087511132 1.1011294809660537 1.0686259911036726 0.9742110919796021 0.8859873337817031 0.8380059916038975 0.7838335084999292 0.734304381090574 0.7172787435436175 0.7791901528052982 1.3534184737074162 1.7867983385392072 2.1613623645723994 2.463180484723108 2.720112833159101 2.842387866450922 +25474,2.8315533698301283,0,1.926099009378002 1.6010641107541563 1.3921131044959687 1.2868637087511132 1.1011294809660537 1.0686259911036726 0.9742110919796021 0.8859873337817031 0.8380059916038975 0.7838335084999292 0.734304381090574 0.7172787435436175 0.7791901528052982 1.3534184737074162 1.7867983385392072 2.1613623645723994 2.463180484723108 2.720112833159101 2.842387866450922 2.933707195111911 +25475,2.8067888061254593,0,1.6010641107541563 1.3921131044959687 1.2868637087511132 1.1011294809660537 1.0686259911036726 0.9742110919796021 0.8859873337817031 0.8380059916038975 0.7838335084999292 0.734304381090574 0.7172787435436175 0.7791901528052982 1.3534184737074162 1.7867983385392072 2.1613623645723994 2.463180484723108 2.720112833159101 2.842387866450922 2.933707195111911 2.8315533698301283 +25476,2.639628001118906,0,1.3921131044959687 1.2868637087511132 1.1011294809660537 1.0686259911036726 0.9742110919796021 0.8859873337817031 0.8380059916038975 0.7838335084999292 0.734304381090574 0.7172787435436175 0.7791901528052982 1.3534184737074162 1.7867983385392072 2.1613623645723994 2.463180484723108 2.720112833159101 2.842387866450922 2.933707195111911 2.8315533698301283 2.8067888061254593 +25477,2.4337725653238085,0,1.2868637087511132 1.1011294809660537 1.0686259911036726 0.9742110919796021 0.8859873337817031 0.8380059916038975 0.7838335084999292 0.734304381090574 0.7172787435436175 0.7791901528052982 1.3534184737074162 1.7867983385392072 2.1613623645723994 2.463180484723108 2.720112833159101 2.842387866450922 2.933707195111911 2.8315533698301283 2.8067888061254593 2.639628001118906 +25478,1.9616980697034645,0,1.1011294809660537 1.0686259911036726 0.9742110919796021 0.8859873337817031 0.8380059916038975 0.7838335084999292 0.734304381090574 0.7172787435436175 0.7791901528052982 1.3534184737074162 1.7867983385392072 2.1613623645723994 2.463180484723108 2.720112833159101 2.842387866450922 2.933707195111911 2.8315533698301283 2.8067888061254593 2.639628001118906 2.4337725653238085 +25479,1.7047657212674798,0,1.0686259911036726 0.9742110919796021 0.8859873337817031 0.8380059916038975 0.7838335084999292 0.734304381090574 0.7172787435436175 0.7791901528052982 1.3534184737074162 1.7867983385392072 2.1613623645723994 2.463180484723108 2.720112833159101 2.842387866450922 2.933707195111911 2.8315533698301283 2.8067888061254593 2.639628001118906 2.4337725653238085 1.9616980697034645 +25480,1.5468916276501792,0,0.9742110919796021 0.8859873337817031 0.8380059916038975 0.7838335084999292 0.734304381090574 0.7172787435436175 0.7791901528052982 1.3534184737074162 1.7867983385392072 2.1613623645723994 2.463180484723108 2.720112833159101 2.842387866450922 2.933707195111911 2.8315533698301283 2.8067888061254593 2.639628001118906 2.4337725653238085 1.9616980697034645 1.7047657212674798 +25481,1.3425839770866224,0,0.8859873337817031 0.8380059916038975 0.7838335084999292 0.734304381090574 0.7172787435436175 0.7791901528052982 1.3534184737074162 1.7867983385392072 2.1613623645723994 2.463180484723108 2.720112833159101 2.842387866450922 2.933707195111911 2.8315533698301283 2.8067888061254593 2.639628001118906 2.4337725653238085 1.9616980697034645 1.7047657212674798 1.5468916276501792 +25482,1.1723276016169961,0,0.8380059916038975 0.7838335084999292 0.734304381090574 0.7172787435436175 0.7791901528052982 1.3534184737074162 1.7867983385392072 2.1613623645723994 2.463180484723108 2.720112833159101 2.842387866450922 2.933707195111911 2.8315533698301283 2.8067888061254593 2.639628001118906 2.4337725653238085 1.9616980697034645 1.7047657212674798 1.5468916276501792 1.3425839770866224 +25483,1.076364917261385,0,0.7838335084999292 0.734304381090574 0.7172787435436175 0.7791901528052982 1.3534184737074162 1.7867983385392072 2.1613623645723994 2.463180484723108 2.720112833159101 2.842387866450922 2.933707195111911 2.8315533698301283 2.8067888061254593 2.639628001118906 2.4337725653238085 1.9616980697034645 1.7047657212674798 1.5468916276501792 1.3425839770866224 1.1723276016169961 +25484,0.9556376692010962,0,0.734304381090574 0.7172787435436175 0.7791901528052982 1.3534184737074162 1.7867983385392072 2.1613623645723994 2.463180484723108 2.720112833159101 2.842387866450922 2.933707195111911 2.8315533698301283 2.8067888061254593 2.639628001118906 2.4337725653238085 1.9616980697034645 1.7047657212674798 1.5468916276501792 1.3425839770866224 1.1723276016169961 1.076364917261385 +25485,0.8782484076239908,0,0.7172787435436175 0.7791901528052982 1.3534184737074162 1.7867983385392072 2.1613623645723994 2.463180484723108 2.720112833159101 2.842387866450922 2.933707195111911 2.8315533698301283 2.8067888061254593 2.639628001118906 2.4337725653238085 1.9616980697034645 1.7047657212674798 1.5468916276501792 1.3425839770866224 1.1723276016169961 1.076364917261385 0.9556376692010962 +25486,0.7993113608153449,0,0.7791901528052982 1.3534184737074162 1.7867983385392072 2.1613623645723994 2.463180484723108 2.720112833159101 2.842387866450922 2.933707195111911 2.8315533698301283 2.8067888061254593 2.639628001118906 2.4337725653238085 1.9616980697034645 1.7047657212674798 1.5468916276501792 1.3425839770866224 1.1723276016169961 1.076364917261385 0.9556376692010962 0.8782484076239908 +25487,0.7126353878489867,0,1.3534184737074162 1.7867983385392072 2.1613623645723994 2.463180484723108 2.720112833159101 2.842387866450922 2.933707195111911 2.8315533698301283 2.8067888061254593 2.639628001118906 2.4337725653238085 1.9616980697034645 1.7047657212674798 1.5468916276501792 1.3425839770866224 1.1723276016169961 1.076364917261385 0.9556376692010962 0.8782484076239908 0.7993113608153449 +25488,0.6429850524295937,0,1.7867983385392072 2.1613623645723994 2.463180484723108 2.720112833159101 2.842387866450922 2.933707195111911 2.8315533698301283 2.8067888061254593 2.639628001118906 2.4337725653238085 1.9616980697034645 1.7047657212674798 1.5468916276501792 1.3425839770866224 1.1723276016169961 1.076364917261385 0.9556376692010962 0.8782484076239908 0.7993113608153449 0.7126353878489867 +25489,0.5888125693256165,0,2.1613623645723994 2.463180484723108 2.720112833159101 2.842387866450922 2.933707195111911 2.8315533698301283 2.8067888061254593 2.639628001118906 2.4337725653238085 1.9616980697034645 1.7047657212674798 1.5468916276501792 1.3425839770866224 1.1723276016169961 1.076364917261385 0.9556376692010962 0.8782484076239908 0.7993113608153449 0.7126353878489867 0.6429850524295937 +25490,0.6909663946073993,0,2.463180484723108 2.720112833159101 2.842387866450922 2.933707195111911 2.8315533698301283 2.8067888061254593 2.639628001118906 2.4337725653238085 1.9616980697034645 1.7047657212674798 1.5468916276501792 1.3425839770866224 1.1723276016169961 1.076364917261385 0.9556376692010962 0.8782484076239908 0.7993113608153449 0.7126353878489867 0.6429850524295937 0.5888125693256165 +25491,1.099581695734513,0,2.720112833159101 2.842387866450922 2.933707195111911 2.8315533698301283 2.8067888061254593 2.639628001118906 2.4337725653238085 1.9616980697034645 1.7047657212674798 1.5468916276501792 1.3425839770866224 1.1723276016169961 1.076364917261385 0.9556376692010962 0.8782484076239908 0.7993113608153449 0.7126353878489867 0.6429850524295937 0.5888125693256165 0.6909663946073993 +25492,1.4617634399153705,0,2.842387866450922 2.933707195111911 2.8315533698301283 2.8067888061254593 2.639628001118906 2.4337725653238085 1.9616980697034645 1.7047657212674798 1.5468916276501792 1.3425839770866224 1.1723276016169961 1.076364917261385 0.9556376692010962 0.8782484076239908 0.7993113608153449 0.7126353878489867 0.6429850524295937 0.5888125693256165 0.6909663946073993 1.099581695734513 +25493,1.8208496136331378,0,2.933707195111911 2.8315533698301283 2.8067888061254593 2.639628001118906 2.4337725653238085 1.9616980697034645 1.7047657212674798 1.5468916276501792 1.3425839770866224 1.1723276016169961 1.076364917261385 0.9556376692010962 0.8782484076239908 0.7993113608153449 0.7126353878489867 0.6429850524295937 0.5888125693256165 0.6909663946073993 1.099581695734513 1.4617634399153705 +25494,2.1288588747100183,0,2.8315533698301283 2.8067888061254593 2.639628001118906 2.4337725653238085 1.9616980697034645 1.7047657212674798 1.5468916276501792 1.3425839770866224 1.1723276016169961 1.076364917261385 0.9556376692010962 0.8782484076239908 0.7993113608153449 0.7126353878489867 0.6429850524295937 0.5888125693256165 0.6909663946073993 1.099581695734513 1.4617634399153705 1.8208496136331378 +25495,2.3440010218943685,0,2.8067888061254593 2.639628001118906 2.4337725653238085 1.9616980697034645 1.7047657212674798 1.5468916276501792 1.3425839770866224 1.1723276016169961 1.076364917261385 0.9556376692010962 0.8782484076239908 0.7993113608153449 0.7126353878489867 0.6429850524295937 0.5888125693256165 0.6909663946073993 1.099581695734513 1.4617634399153705 1.8208496136331378 2.1288588747100183 +25496,2.43996370624998,0,2.639628001118906 2.4337725653238085 1.9616980697034645 1.7047657212674798 1.5468916276501792 1.3425839770866224 1.1723276016169961 1.076364917261385 0.9556376692010962 0.8782484076239908 0.7993113608153449 0.7126353878489867 0.6429850524295937 0.5888125693256165 0.6909663946073993 1.099581695734513 1.4617634399153705 1.8208496136331378 2.1288588747100183 2.3440010218943685 +25497,2.5328308201425007,0,2.4337725653238085 1.9616980697034645 1.7047657212674798 1.5468916276501792 1.3425839770866224 1.1723276016169961 1.076364917261385 0.9556376692010962 0.8782484076239908 0.7993113608153449 0.7126353878489867 0.6429850524295937 0.5888125693256165 0.6909663946073993 1.099581695734513 1.4617634399153705 1.8208496136331378 2.1288588747100183 2.3440010218943685 2.43996370624998 +25498,2.4866386403031013,0,1.9616980697034645 1.7047657212674798 1.5468916276501792 1.3425839770866224 1.1723276016169961 1.076364917261385 0.9556376692010962 0.8782484076239908 0.7993113608153449 0.7126353878489867 0.6429850524295937 0.5888125693256165 0.6909663946073993 1.099581695734513 1.4617634399153705 1.8208496136331378 2.1288588747100183 2.3440010218943685 2.43996370624998 2.5328308201425007 +25499,2.4123016498972247,0,1.7047657212674798 1.5468916276501792 1.3425839770866224 1.1723276016169961 1.076364917261385 0.9556376692010962 0.8782484076239908 0.7993113608153449 0.7126353878489867 0.6429850524295937 0.5888125693256165 0.6909663946073993 1.099581695734513 1.4617634399153705 1.8208496136331378 2.1288588747100183 2.3440010218943685 2.43996370624998 2.5328308201425007 2.4866386403031013 +25500,1.9999484034788315,0,1.5468916276501792 1.3425839770866224 1.1723276016169961 1.076364917261385 0.9556376692010962 0.8782484076239908 0.7993113608153449 0.7126353878489867 0.6429850524295937 0.5888125693256165 0.6909663946073993 1.099581695734513 1.4617634399153705 1.8208496136331378 2.1288588747100183 2.3440010218943685 2.43996370624998 2.5328308201425007 2.4866386403031013 2.4123016498972247 +25501,2.0220101009441525,0,1.3425839770866224 1.1723276016169961 1.076364917261385 0.9556376692010962 0.8782484076239908 0.7993113608153449 0.7126353878489867 0.6429850524295937 0.5888125693256165 0.6909663946073993 1.099581695734513 1.4617634399153705 1.8208496136331378 2.1288588747100183 2.3440010218943685 2.43996370624998 2.5328308201425007 2.4866386403031013 2.4123016498972247 1.9999484034788315 +25502,1.7060555422421715,0,1.1723276016169961 1.076364917261385 0.9556376692010962 0.8782484076239908 0.7993113608153449 0.7126353878489867 0.6429850524295937 0.5888125693256165 0.6909663946073993 1.099581695734513 1.4617634399153705 1.8208496136331378 2.1288588747100183 2.3440010218943685 2.43996370624998 2.5328308201425007 2.4866386403031013 2.4123016498972247 1.9999484034788315 2.0220101009441525 +25503,1.4263191581130499,0,1.076364917261385 0.9556376692010962 0.8782484076239908 0.7993113608153449 0.7126353878489867 0.6429850524295937 0.5888125693256165 0.6909663946073993 1.099581695734513 1.4617634399153705 1.8208496136331378 2.1288588747100183 2.3440010218943685 2.43996370624998 2.5328308201425007 2.4866386403031013 2.4123016498972247 1.9999484034788315 2.0220101009441525 1.7060555422421715 +25504,1.0982918747598214,0,0.9556376692010962 0.8782484076239908 0.7993113608153449 0.7126353878489867 0.6429850524295937 0.5888125693256165 0.6909663946073993 1.099581695734513 1.4617634399153705 1.8208496136331378 2.1288588747100183 2.3440010218943685 2.43996370624998 2.5328308201425007 2.4866386403031013 2.4123016498972247 1.9999484034788315 2.0220101009441525 1.7060555422421715 1.4263191581130499 +25505,0.8064827656698982,0,0.8782484076239908 0.7993113608153449 0.7126353878489867 0.6429850524295937 0.5888125693256165 0.6909663946073993 1.099581695734513 1.4617634399153705 1.8208496136331378 2.1288588747100183 2.3440010218943685 2.43996370624998 2.5328308201425007 2.4866386403031013 2.4123016498972247 1.9999484034788315 2.0220101009441525 1.7060555422421715 1.4263191581130499 1.0982918747598214 +25506,1.098193153457851,0,0.7993113608153449 0.7126353878489867 0.6429850524295937 0.5888125693256165 0.6909663946073993 1.099581695734513 1.4617634399153705 1.8208496136331378 2.1288588747100183 2.3440010218943685 2.43996370624998 2.5328308201425007 2.4866386403031013 2.4123016498972247 1.9999484034788315 2.0220101009441525 1.7060555422421715 1.4263191581130499 1.0982918747598214 0.8064827656698982 +25507,0.9571854544326368,0,0.7126353878489867 0.6429850524295937 0.5888125693256165 0.6909663946073993 1.099581695734513 1.4617634399153705 1.8208496136331378 2.1288588747100183 2.3440010218943685 2.43996370624998 2.5328308201425007 2.4866386403031013 2.4123016498972247 1.9999484034788315 2.0220101009441525 1.7060555422421715 1.4263191581130499 1.0982918747598214 0.8064827656698982 1.098193153457851 +25508,0.8472927029931505,0,0.6429850524295937 0.5888125693256165 0.6909663946073993 1.099581695734513 1.4617634399153705 1.8208496136331378 2.1288588747100183 2.3440010218943685 2.43996370624998 2.5328308201425007 2.4866386403031013 2.4123016498972247 1.9999484034788315 2.0220101009441525 1.7060555422421715 1.4263191581130499 1.0982918747598214 0.8064827656698982 1.098193153457851 0.9571854544326368 +25509,0.7544255891006295,0,0.5888125693256165 0.6909663946073993 1.099581695734513 1.4617634399153705 1.8208496136331378 2.1288588747100183 2.3440010218943685 2.43996370624998 2.5328308201425007 2.4866386403031013 2.4123016498972247 1.9999484034788315 2.0220101009441525 1.7060555422421715 1.4263191581130499 1.0982918747598214 0.8064827656698982 1.098193153457851 0.9571854544326368 0.8472927029931505 +25510,0.6631062604396404,0,0.6909663946073993 1.099581695734513 1.4617634399153705 1.8208496136331378 2.1288588747100183 2.3440010218943685 2.43996370624998 2.5328308201425007 2.4866386403031013 2.4123016498972247 1.9999484034788315 2.0220101009441525 1.7060555422421715 1.4263191581130499 1.0982918747598214 0.8064827656698982 1.098193153457851 0.9571854544326368 0.8472927029931505 0.7544255891006295 +25511,0.6089337773356631,0,1.099581695734513 1.4617634399153705 1.8208496136331378 2.1288588747100183 2.3440010218943685 2.43996370624998 2.5328308201425007 2.4866386403031013 2.4123016498972247 1.9999484034788315 2.0220101009441525 1.7060555422421715 1.4263191581130499 1.0982918747598214 0.8064827656698982 1.098193153457851 0.9571854544326368 0.8472927029931505 0.7544255891006295 0.6631062604396404 +25512,0.5547612942316947,0,1.4617634399153705 1.8208496136331378 2.1288588747100183 2.3440010218943685 2.43996370624998 2.5328308201425007 2.4866386403031013 2.4123016498972247 1.9999484034788315 2.0220101009441525 1.7060555422421715 1.4263191581130499 1.0982918747598214 0.8064827656698982 1.098193153457851 0.9571854544326368 0.8472927029931505 0.7544255891006295 0.6631062604396404 0.6089337773356631 +25513,0.4882065292753832,0,1.8208496136331378 2.1288588747100183 2.3440010218943685 2.43996370624998 2.5328308201425007 2.4866386403031013 2.4123016498972247 1.9999484034788315 2.0220101009441525 1.7060555422421715 1.4263191581130499 1.0982918747598214 0.8064827656698982 1.098193153457851 0.9571854544326368 0.8472927029931505 0.7544255891006295 0.6631062604396404 0.6089337773356631 0.5547612942316947 +25514,0.5826214283994537,0,2.1288588747100183 2.3440010218943685 2.43996370624998 2.5328308201425007 2.4866386403031013 2.4123016498972247 1.9999484034788315 2.0220101009441525 1.7060555422421715 1.4263191581130499 1.0982918747598214 0.8064827656698982 1.098193153457851 0.9571854544326368 0.8472927029931505 0.7544255891006295 0.6631062604396404 0.6089337773356631 0.5547612942316947 0.4882065292753832 +25515,0.9556376692010962,0,2.3440010218943685 2.43996370624998 2.5328308201425007 2.4866386403031013 2.4123016498972247 1.9999484034788315 2.0220101009441525 1.7060555422421715 1.4263191581130499 1.0982918747598214 0.8064827656698982 1.098193153457851 0.9571854544326368 0.8472927029931505 0.7544255891006295 0.6631062604396404 0.6089337773356631 0.5547612942316947 0.4882065292753832 0.5826214283994537 +25516,1.2063788767109178,0,2.43996370624998 2.5328308201425007 2.4866386403031013 2.4123016498972247 1.9999484034788315 2.0220101009441525 1.7060555422421715 1.4263191581130499 1.0982918747598214 0.8064827656698982 1.098193153457851 0.9571854544326368 0.8472927029931505 0.7544255891006295 0.6631062604396404 0.6089337773356631 0.5547612942316947 0.4882065292753832 0.5826214283994537 0.9556376692010962 +25517,1.525222634408592,0,2.5328308201425007 2.4866386403031013 2.4123016498972247 1.9999484034788315 2.0220101009441525 1.7060555422421715 1.4263191581130499 1.0982918747598214 0.8064827656698982 1.098193153457851 0.9571854544326368 0.8472927029931505 0.7544255891006295 0.6631062604396404 0.6089337773356631 0.5547612942316947 0.4882065292753832 0.5826214283994537 0.9556376692010962 1.2063788767109178 +25518,1.7666771305291606,0,2.4866386403031013 2.4123016498972247 1.9999484034788315 2.0220101009441525 1.7060555422421715 1.4263191581130499 1.0982918747598214 0.8064827656698982 1.098193153457851 0.9571854544326368 0.8472927029931505 0.7544255891006295 0.6631062604396404 0.6089337773356631 0.5547612942316947 0.4882065292753832 0.5826214283994537 0.9556376692010962 1.2063788767109178 1.525222634408592 +25519,1.930742365072624,0,2.4123016498972247 1.9999484034788315 2.0220101009441525 1.7060555422421715 1.4263191581130499 1.0982918747598214 0.8064827656698982 1.098193153457851 0.9571854544326368 0.8472927029931505 0.7544255891006295 0.6631062604396404 0.6089337773356631 0.5547612942316947 0.4882065292753832 0.5826214283994537 0.9556376692010962 1.2063788767109178 1.525222634408592 1.7666771305291606 +25520,2.005036056186648,0,1.9999484034788315 2.0220101009441525 1.7060555422421715 1.4263191581130499 1.0982918747598214 0.8064827656698982 1.098193153457851 0.9571854544326368 0.8472927029931505 0.7544255891006295 0.6631062604396404 0.6089337773356631 0.5547612942316947 0.4882065292753832 0.5826214283994537 0.9556376692010962 1.2063788767109178 1.525222634408592 1.7666771305291606 1.930742365072624 +25521,2.0452784722067414,0,2.0220101009441525 1.7060555422421715 1.4263191581130499 1.0982918747598214 0.8064827656698982 1.098193153457851 0.9571854544326368 0.8472927029931505 0.7544255891006295 0.6631062604396404 0.6089337773356631 0.5547612942316947 0.4882065292753832 0.5826214283994537 0.9556376692010962 1.2063788767109178 1.525222634408592 1.7666771305291606 1.930742365072624 2.005036056186648 +25522,2.0174183380389823,0,1.7060555422421715 1.4263191581130499 1.0982918747598214 0.8064827656698982 1.098193153457851 0.9571854544326368 0.8472927029931505 0.7544255891006295 0.6631062604396404 0.6089337773356631 0.5547612942316947 0.4882065292753832 0.5826214283994537 0.9556376692010962 1.2063788767109178 1.525222634408592 1.7666771305291606 1.930742365072624 2.005036056186648 2.0452784722067414 +25523,1.9524113583142115,0,1.4263191581130499 1.0982918747598214 0.8064827656698982 1.098193153457851 0.9571854544326368 0.8472927029931505 0.7544255891006295 0.6631062604396404 0.6089337773356631 0.5547612942316947 0.4882065292753832 0.5826214283994537 0.9556376692010962 1.2063788767109178 1.525222634408592 1.7666771305291606 1.930742365072624 2.005036056186648 2.0452784722067414 2.0174183380389823 +25524,1.8456141773378065,0,1.0982918747598214 0.8064827656698982 1.098193153457851 0.9571854544326368 0.8472927029931505 0.7544255891006295 0.6631062604396404 0.6089337773356631 0.5547612942316947 0.4882065292753832 0.5826214283994537 0.9556376692010962 1.2063788767109178 1.525222634408592 1.7666771305291606 1.930742365072624 2.005036056186648 2.0452784722067414 2.0174183380389823 1.9524113583142115 +25525,1.6196375335326625,0,0.8064827656698982 1.098193153457851 0.9571854544326368 0.8472927029931505 0.7544255891006295 0.6631062604396404 0.6089337773356631 0.5547612942316947 0.4882065292753832 0.5826214283994537 0.9556376692010962 1.2063788767109178 1.525222634408592 1.7666771305291606 1.930742365072624 2.005036056186648 2.0452784722067414 2.0174183380389823 1.9524113583142115 1.8456141773378065 +25526,1.2528124336571829,0,1.098193153457851 0.9571854544326368 0.8472927029931505 0.7544255891006295 0.6631062604396404 0.6089337773356631 0.5547612942316947 0.4882065292753832 0.5826214283994537 0.9556376692010962 1.2063788767109178 1.525222634408592 1.7666771305291606 1.930742365072624 2.005036056186648 2.0452784722067414 2.0174183380389823 1.9524113583142115 1.8456141773378065 1.6196375335326625 +25527,1.0221924341574078,0,0.9571854544326368 0.8472927029931505 0.7544255891006295 0.6631062604396404 0.6089337773356631 0.5547612942316947 0.4882065292753832 0.5826214283994537 0.9556376692010962 1.2063788767109178 1.525222634408592 1.7666771305291606 1.930742365072624 2.005036056186648 2.0452784722067414 2.0174183380389823 1.9524113583142115 1.8456141773378065 1.6196375335326625 1.2528124336571829 +25528,0.8225281392884818,0,0.8472927029931505 0.7544255891006295 0.6631062604396404 0.6089337773356631 0.5547612942316947 0.4882065292753832 0.5826214283994537 0.9556376692010962 1.2063788767109178 1.525222634408592 1.7666771305291606 1.930742365072624 2.005036056186648 2.0452784722067414 2.0174183380389823 1.9524113583142115 1.8456141773378065 1.6196375335326625 1.2528124336571829 1.0221924341574078 +25529,0.7048964616912744,0,0.7544255891006295 0.6631062604396404 0.6089337773356631 0.5547612942316947 0.4882065292753832 0.5826214283994537 0.9556376692010962 1.2063788767109178 1.525222634408592 1.7666771305291606 1.930742365072624 2.005036056186648 2.0452784722067414 2.0174183380389823 1.9524113583142115 1.8456141773378065 1.6196375335326625 1.2528124336571829 1.0221924341574078 0.8225281392884818 +25530,0.6754885422919747,0,0.6631062604396404 0.6089337773356631 0.5547612942316947 0.4882065292753832 0.5826214283994537 0.9556376692010962 1.2063788767109178 1.525222634408592 1.7666771305291606 1.930742365072624 2.005036056186648 2.0452784722067414 2.0174183380389823 1.9524113583142115 1.8456141773378065 1.6196375335326625 1.2528124336571829 1.0221924341574078 0.8225281392884818 0.7048964616912744 +25531,0.5299967305270172,0,0.6089337773356631 0.5547612942316947 0.4882065292753832 0.5826214283994537 0.9556376692010962 1.2063788767109178 1.525222634408592 1.7666771305291606 1.930742365072624 2.005036056186648 2.0452784722067414 2.0174183380389823 1.9524113583142115 1.8456141773378065 1.6196375335326625 1.2528124336571829 1.0221924341574078 0.8225281392884818 0.7048964616912744 0.6754885422919747 +25532,0.4758242474230488,0,0.5547612942316947 0.4882065292753832 0.5826214283994537 0.9556376692010962 1.2063788767109178 1.525222634408592 1.7666771305291606 1.930742365072624 2.005036056186648 2.0452784722067414 2.0174183380389823 1.9524113583142115 1.8456141773378065 1.6196375335326625 1.2528124336571829 1.0221924341574078 0.8225281392884818 0.7048964616912744 0.6754885422919747 0.5299967305270172 +25533,0.4231995495506123,0,0.4882065292753832 0.5826214283994537 0.9556376692010962 1.2063788767109178 1.525222634408592 1.7666771305291606 1.930742365072624 2.005036056186648 2.0452784722067414 2.0174183380389823 1.9524113583142115 1.8456141773378065 1.6196375335326625 1.2528124336571829 1.0221924341574078 0.8225281392884818 0.7048964616912744 0.6754885422919747 0.5299967305270172 0.4758242474230488 +25534,0.3164023685742074,0,0.5826214283994537 0.9556376692010962 1.2063788767109178 1.525222634408592 1.7666771305291606 1.930742365072624 2.005036056186648 2.0452784722067414 2.0174183380389823 1.9524113583142115 1.8456141773378065 1.6196375335326625 1.2528124336571829 1.0221924341574078 0.8225281392884818 0.7048964616912744 0.6754885422919747 0.5299967305270172 0.4758242474230488 0.4231995495506123 +25535,0.25913431500714884,0,0.9556376692010962 1.2063788767109178 1.525222634408592 1.7666771305291606 1.930742365072624 2.005036056186648 2.0452784722067414 2.0174183380389823 1.9524113583142115 1.8456141773378065 1.6196375335326625 1.2528124336571829 1.0221924341574078 0.8225281392884818 0.7048964616912744 0.6754885422919747 0.5299967305270172 0.4758242474230488 0.4231995495506123 0.3164023685742074 +25536,0.18484062389313374,0,1.2063788767109178 1.525222634408592 1.7666771305291606 1.930742365072624 2.005036056186648 2.0452784722067414 2.0174183380389823 1.9524113583142115 1.8456141773378065 1.6196375335326625 1.2528124336571829 1.0221924341574078 0.8225281392884818 0.7048964616912744 0.6754885422919747 0.5299967305270172 0.4758242474230488 0.4231995495506123 0.3164023685742074 0.25913431500714884 +25537,0.15852827495691552,0,1.525222634408592 1.7666771305291606 1.930742365072624 2.005036056186648 2.0452784722067414 2.0174183380389823 1.9524113583142115 1.8456141773378065 1.6196375335326625 1.2528124336571829 1.0221924341574078 0.8225281392884818 0.7048964616912744 0.6754885422919747 0.5299967305270172 0.4758242474230488 0.4231995495506123 0.3164023685742074 0.25913431500714884 0.18484062389313374 +25538,0.23746532176556145,0,1.7666771305291606 1.930742365072624 2.005036056186648 2.0452784722067414 2.0174183380389823 1.9524113583142115 1.8456141773378065 1.6196375335326625 1.2528124336571829 1.0221924341574078 0.8225281392884818 0.7048964616912744 0.6754885422919747 0.5299967305270172 0.4758242474230488 0.4231995495506123 0.3164023685742074 0.25913431500714884 0.18484062389313374 0.15852827495691552 +25539,0.5160666634431421,0,1.930742365072624 2.005036056186648 2.0452784722067414 2.0174183380389823 1.9524113583142115 1.8456141773378065 1.6196375335326625 1.2528124336571829 1.0221924341574078 0.8225281392884818 0.7048964616912744 0.6754885422919747 0.5299967305270172 0.4758242474230488 0.4231995495506123 0.3164023685742074 0.25913431500714884 0.18484062389313374 0.15852827495691552 0.23746532176556145 +25540,0.734304381090574,0,2.005036056186648 2.0452784722067414 2.0174183380389823 1.9524113583142115 1.8456141773378065 1.6196375335326625 1.2528124336571829 1.0221924341574078 0.8225281392884818 0.7048964616912744 0.6754885422919747 0.5299967305270172 0.4758242474230488 0.4231995495506123 0.3164023685742074 0.25913431500714884 0.18484062389313374 0.15852827495691552 0.23746532176556145 0.5160666634431421 +25541,1.0036190113789016,0,2.0452784722067414 2.0174183380389823 1.9524113583142115 1.8456141773378065 1.6196375335326625 1.2528124336571829 1.0221924341574078 0.8225281392884818 0.7048964616912744 0.6754885422919747 0.5299967305270172 0.4758242474230488 0.4231995495506123 0.3164023685742074 0.25913431500714884 0.18484062389313374 0.15852827495691552 0.23746532176556145 0.5160666634431421 0.734304381090574 +25542,1.293054849677276,0,2.0174183380389823 1.9524113583142115 1.8456141773378065 1.6196375335326625 1.2528124336571829 1.0221924341574078 0.8225281392884818 0.7048964616912744 0.6754885422919747 0.5299967305270172 0.4758242474230488 0.4231995495506123 0.3164023685742074 0.25913431500714884 0.18484062389313374 0.15852827495691552 0.23746532176556145 0.5160666634431421 0.734304381090574 1.0036190113789016 +25543,1.492719144546211,0,1.9524113583142115 1.8456141773378065 1.6196375335326625 1.2528124336571829 1.0221924341574078 0.8225281392884818 0.7048964616912744 0.6754885422919747 0.5299967305270172 0.4758242474230488 0.4231995495506123 0.3164023685742074 0.25913431500714884 0.18484062389313374 0.15852827495691552 0.23746532176556145 0.5160666634431421 0.734304381090574 1.0036190113789016 1.293054849677276 +25544,1.681548942794343,0,1.8456141773378065 1.6196375335326625 1.2528124336571829 1.0221924341574078 0.8225281392884818 0.7048964616912744 0.6754885422919747 0.5299967305270172 0.4758242474230488 0.4231995495506123 0.3164023685742074 0.25913431500714884 0.18484062389313374 0.15852827495691552 0.23746532176556145 0.5160666634431421 0.734304381090574 1.0036190113789016 1.293054849677276 1.492719144546211 +25545,1.7806071976130444,0,1.6196375335326625 1.2528124336571829 1.0221924341574078 0.8225281392884818 0.7048964616912744 0.6754885422919747 0.5299967305270172 0.4758242474230488 0.4231995495506123 0.3164023685742074 0.25913431500714884 0.18484062389313374 0.15852827495691552 0.23746532176556145 0.5160666634431421 0.734304381090574 1.0036190113789016 1.293054849677276 1.492719144546211 1.681548942794343 +25546,1.7496514929821954,0,1.2528124336571829 1.0221924341574078 0.8225281392884818 0.7048964616912744 0.6754885422919747 0.5299967305270172 0.4758242474230488 0.4231995495506123 0.3164023685742074 0.25913431500714884 0.18484062389313374 0.15852827495691552 0.23746532176556145 0.5160666634431421 0.734304381090574 1.0036190113789016 1.293054849677276 1.492719144546211 1.681548942794343 1.7806071976130444 +25547,1.709409076962102,0,1.0221924341574078 0.8225281392884818 0.7048964616912744 0.6754885422919747 0.5299967305270172 0.4758242474230488 0.4231995495506123 0.3164023685742074 0.25913431500714884 0.18484062389313374 0.15852827495691552 0.23746532176556145 0.5160666634431421 0.734304381090574 1.0036190113789016 1.293054849677276 1.492719144546211 1.681548942794343 1.7806071976130444 1.7496514929821954 +25548,1.5051014263985452,0,0.8225281392884818 0.7048964616912744 0.6754885422919747 0.5299967305270172 0.4758242474230488 0.4231995495506123 0.3164023685742074 0.25913431500714884 0.18484062389313374 0.15852827495691552 0.23746532176556145 0.5160666634431421 0.734304381090574 1.0036190113789016 1.293054849677276 1.492719144546211 1.681548942794343 1.7806071976130444 1.7496514929821954 1.709409076962102 +25549,1.283768138288023,0,0.7048964616912744 0.6754885422919747 0.5299967305270172 0.4758242474230488 0.4231995495506123 0.3164023685742074 0.25913431500714884 0.18484062389313374 0.15852827495691552 0.23746532176556145 0.5160666634431421 0.734304381090574 1.0036190113789016 1.293054849677276 1.492719144546211 1.681548942794343 1.7806071976130444 1.7496514929821954 1.709409076962102 1.5051014263985452 +25550,1.0144535079996955,0,0.6754885422919747 0.5299967305270172 0.4758242474230488 0.4231995495506123 0.3164023685742074 0.25913431500714884 0.18484062389313374 0.15852827495691552 0.23746532176556145 0.5160666634431421 0.734304381090574 1.0036190113789016 1.293054849677276 1.492719144546211 1.681548942794343 1.7806071976130444 1.7496514929821954 1.709409076962102 1.5051014263985452 1.283768138288023 +25551,0.7420433072482863,0,0.5299967305270172 0.4758242474230488 0.4231995495506123 0.3164023685742074 0.25913431500714884 0.18484062389313374 0.15852827495691552 0.23746532176556145 0.5160666634431421 0.734304381090574 1.0036190113789016 1.293054849677276 1.492719144546211 1.681548942794343 1.7806071976130444 1.7496514929821954 1.709409076962102 1.5051014263985452 1.283768138288023 1.0144535079996955 +25552,0.6476284081242158,0,0.4758242474230488 0.4231995495506123 0.3164023685742074 0.25913431500714884 0.18484062389313374 0.15852827495691552 0.23746532176556145 0.5160666634431421 0.734304381090574 1.0036190113789016 1.293054849677276 1.492719144546211 1.681548942794343 1.7806071976130444 1.7496514929821954 1.709409076962102 1.5051014263985452 1.283768138288023 1.0144535079996955 0.7420433072482863 +25553,0.4835631735807611,0,0.4231995495506123 0.3164023685742074 0.25913431500714884 0.18484062389313374 0.15852827495691552 0.23746532176556145 0.5160666634431421 0.734304381090574 1.0036190113789016 1.293054849677276 1.492719144546211 1.681548942794343 1.7806071976130444 1.7496514929821954 1.709409076962102 1.5051014263985452 1.283768138288023 1.0144535079996955 0.7420433072482863 0.6476284081242158 +25554,0.42010397908753094,0,0.3164023685742074 0.25913431500714884 0.18484062389313374 0.15852827495691552 0.23746532176556145 0.5160666634431421 0.734304381090574 1.0036190113789016 1.293054849677276 1.492719144546211 1.681548942794343 1.7806071976130444 1.7496514929821954 1.709409076962102 1.5051014263985452 1.283768138288023 1.0144535079996955 0.7420433072482863 0.6476284081242158 0.4835631735807611 +25555,0.2172107796419664,0,0.25913431500714884 0.18484062389313374 0.15852827495691552 0.23746532176556145 0.5160666634431421 0.734304381090574 1.0036190113789016 1.293054849677276 1.492719144546211 1.681548942794343 1.7806071976130444 1.7496514929821954 1.709409076962102 1.5051014263985452 1.283768138288023 1.0144535079996955 0.7420433072482863 0.6476284081242158 0.4835631735807611 0.42010397908753094 +25556,-0.20720265297429435,0,0.18484062389313374 0.15852827495691552 0.23746532176556145 0.5160666634431421 0.734304381090574 1.0036190113789016 1.293054849677276 1.492719144546211 1.681548942794343 1.7806071976130444 1.7496514929821954 1.709409076962102 1.5051014263985452 1.283768138288023 1.0144535079996955 0.7420433072482863 0.6476284081242158 0.4835631735807611 0.42010397908753094 0.2172107796419664 +25557,0.34271471751042565,0,0.15852827495691552 0.23746532176556145 0.5160666634431421 0.734304381090574 1.0036190113789016 1.293054849677276 1.492719144546211 1.681548942794343 1.7806071976130444 1.7496514929821954 1.709409076962102 1.5051014263985452 1.283768138288023 1.0144535079996955 0.7420433072482863 0.6476284081242158 0.4835631735807611 0.42010397908753094 0.2172107796419664 -0.20720265297429435 +25558,0.11674166673391943,0,0.23746532176556145 0.5160666634431421 0.734304381090574 1.0036190113789016 1.293054849677276 1.492719144546211 1.681548942794343 1.7806071976130444 1.7496514929821954 1.709409076962102 1.5051014263985452 1.283768138288023 1.0144535079996955 0.7420433072482863 0.6476284081242158 0.4835631735807611 0.42010397908753094 0.2172107796419664 -0.20720265297429435 0.34271471751042565 +25559,-0.3820339206448424,0,0.5160666634431421 0.734304381090574 1.0036190113789016 1.293054849677276 1.492719144546211 1.681548942794343 1.7806071976130444 1.7496514929821954 1.709409076962102 1.5051014263985452 1.283768138288023 1.0144535079996955 0.7420433072482863 0.6476284081242158 0.4835631735807611 0.42010397908753094 0.2172107796419664 -0.20720265297429435 0.34271471751042565 0.11674166673391943 +25560,0.04763516747939801,0,0.734304381090574 1.0036190113789016 1.293054849677276 1.492719144546211 1.681548942794343 1.7806071976130444 1.7496514929821954 1.709409076962102 1.5051014263985452 1.283768138288023 1.0144535079996955 0.7420433072482863 0.6476284081242158 0.4835631735807611 0.42010397908753094 0.2172107796419664 -0.20720265297429435 0.34271471751042565 0.11674166673391943 -0.3820339206448424 +25561,-0.69161855993971,0,1.0036190113789016 1.293054849677276 1.492719144546211 1.681548942794343 1.7806071976130444 1.7496514929821954 1.709409076962102 1.5051014263985452 1.283768138288023 1.0144535079996955 0.7420433072482863 0.6476284081242158 0.4835631735807611 0.42010397908753094 0.2172107796419664 -0.20720265297429435 0.34271471751042565 0.11674166673391943 -0.3820339206448424 0.04763516747939801 +25562,-0.5024276117010213,0,1.293054849677276 1.492719144546211 1.681548942794343 1.7806071976130444 1.7496514929821954 1.709409076962102 1.5051014263985452 1.283768138288023 1.0144535079996955 0.7420433072482863 0.6476284081242158 0.4835631735807611 0.42010397908753094 0.2172107796419664 -0.20720265297429435 0.34271471751042565 0.11674166673391943 -0.3820339206448424 0.04763516747939801 -0.69161855993971 +25563,0.4820153883492116,0,1.492719144546211 1.681548942794343 1.7806071976130444 1.7496514929821954 1.709409076962102 1.5051014263985452 1.283768138288023 1.0144535079996955 0.7420433072482863 0.6476284081242158 0.4835631735807611 0.42010397908753094 0.2172107796419664 -0.20720265297429435 0.34271471751042565 0.11674166673391943 -0.3820339206448424 0.04763516747939801 -0.69161855993971 -0.5024276117010213 +25564,0.6584629047450182,0,1.681548942794343 1.7806071976130444 1.7496514929821954 1.709409076962102 1.5051014263985452 1.283768138288023 1.0144535079996955 0.7420433072482863 0.6476284081242158 0.4835631735807611 0.42010397908753094 0.2172107796419664 -0.20720265297429435 0.34271471751042565 0.11674166673391943 -0.3820339206448424 0.04763516747939801 -0.69161855993971 -0.5024276117010213 0.4820153883492116 +25565,0.9277775350333372,0,1.7806071976130444 1.7496514929821954 1.709409076962102 1.5051014263985452 1.283768138288023 1.0144535079996955 0.7420433072482863 0.6476284081242158 0.4835631735807611 0.42010397908753094 0.2172107796419664 -0.20720265297429435 0.34271471751042565 0.11674166673391943 -0.3820339206448424 0.04763516747939801 -0.69161855993971 -0.5024276117010213 0.4820153883492116 0.6584629047450182 +25566,1.1769709573116183,0,1.7496514929821954 1.709409076962102 1.5051014263985452 1.283768138288023 1.0144535079996955 0.7420433072482863 0.6476284081242158 0.4835631735807611 0.42010397908753094 0.2172107796419664 -0.20720265297429435 0.34271471751042565 0.11674166673391943 -0.3820339206448424 0.04763516747939801 -0.69161855993971 -0.5024276117010213 0.4820153883492116 0.6584629047450182 0.9277775350333372 +25567,1.3921131044959687,0,1.709409076962102 1.5051014263985452 1.283768138288023 1.0144535079996955 0.7420433072482863 0.6476284081242158 0.4835631735807611 0.42010397908753094 0.2172107796419664 -0.20720265297429435 0.34271471751042565 0.11674166673391943 -0.3820339206448424 0.04763516747939801 -0.69161855993971 -0.5024276117010213 0.4820153883492116 0.6584629047450182 0.9277775350333372 1.1769709573116183 +25568,1.5267704196401326,0,1.5051014263985452 1.283768138288023 1.0144535079996955 0.7420433072482863 0.6476284081242158 0.4835631735807611 0.42010397908753094 0.2172107796419664 -0.20720265297429435 0.34271471751042565 0.11674166673391943 -0.3820339206448424 0.04763516747939801 -0.69161855993971 -0.5024276117010213 0.4820153883492116 0.6584629047450182 0.9277775350333372 1.1769709573116183 1.3921131044959687 +25569,1.635115385848087,0,1.283768138288023 1.0144535079996955 0.7420433072482863 0.6476284081242158 0.4835631735807611 0.42010397908753094 0.2172107796419664 -0.20720265297429435 0.34271471751042565 0.11674166673391943 -0.3820339206448424 0.04763516747939801 -0.69161855993971 -0.5024276117010213 0.4820153883492116 0.6584629047450182 0.9277775350333372 1.1769709573116183 1.3921131044959687 1.5267704196401326 +25570,1.5455099462411064,0,1.0144535079996955 0.7420433072482863 0.6476284081242158 0.4835631735807611 0.42010397908753094 0.2172107796419664 -0.20720265297429435 0.34271471751042565 0.11674166673391943 -0.3820339206448424 0.04763516747939801 -0.69161855993971 -0.5024276117010213 0.4820153883492116 0.6584629047450182 0.9277775350333372 1.1769709573116183 1.3921131044959687 1.5267704196401326 1.635115385848087 +25571,1.3507155121244945,0,0.7420433072482863 0.6476284081242158 0.4835631735807611 0.42010397908753094 0.2172107796419664 -0.20720265297429435 0.34271471751042565 0.11674166673391943 -0.3820339206448424 0.04763516747939801 -0.69161855993971 -0.5024276117010213 0.4820153883492116 0.6584629047450182 0.9277775350333372 1.1769709573116183 1.3921131044959687 1.5267704196401326 1.635115385848087 1.5455099462411064 +25572,1.1869958432316343,0,0.6476284081242158 0.4835631735807611 0.42010397908753094 0.2172107796419664 -0.20720265297429435 0.34271471751042565 0.11674166673391943 -0.3820339206448424 0.04763516747939801 -0.69161855993971 -0.5024276117010213 0.4820153883492116 0.6584629047450182 0.9277775350333372 1.1769709573116183 1.3921131044959687 1.5267704196401326 1.635115385848087 1.5455099462411064 1.3507155121244945 +25573,0.9841169174614749,0,0.4835631735807611 0.42010397908753094 0.2172107796419664 -0.20720265297429435 0.34271471751042565 0.11674166673391943 -0.3820339206448424 0.04763516747939801 -0.69161855993971 -0.5024276117010213 0.4820153883492116 0.6584629047450182 0.9277775350333372 1.1769709573116183 1.3921131044959687 1.5267704196401326 1.635115385848087 1.5455099462411064 1.3507155121244945 1.1869958432316343 +25574,0.8123127567602991,0,0.42010397908753094 0.2172107796419664 -0.20720265297429435 0.34271471751042565 0.11674166673391943 -0.3820339206448424 0.04763516747939801 -0.69161855993971 -0.5024276117010213 0.4820153883492116 0.6584629047450182 0.9277775350333372 1.1769709573116183 1.3921131044959687 1.5267704196401326 1.635115385848087 1.5455099462411064 1.3507155121244945 1.1869958432316343 0.9841169174614749 +25575,0.5851752740314994,0,0.2172107796419664 -0.20720265297429435 0.34271471751042565 0.11674166673391943 -0.3820339206448424 0.04763516747939801 -0.69161855993971 -0.5024276117010213 0.4820153883492116 0.6584629047450182 0.9277775350333372 1.1769709573116183 1.3921131044959687 1.5267704196401326 1.635115385848087 1.5455099462411064 1.3507155121244945 1.1869958432316343 0.9841169174614749 0.8123127567602991 +25576,0.4318155540577935,0,-0.20720265297429435 0.34271471751042565 0.11674166673391943 -0.3820339206448424 0.04763516747939801 -0.69161855993971 -0.5024276117010213 0.4820153883492116 0.6584629047450182 0.9277775350333372 1.1769709573116183 1.3921131044959687 1.5267704196401326 1.635115385848087 1.5455099462411064 1.3507155121244945 1.1869958432316343 0.9841169174614749 0.8123127567602991 0.5851752740314994 +25577,0.22312251190167795,0,0.34271471751042565 0.11674166673391943 -0.3820339206448424 0.04763516747939801 -0.69161855993971 -0.5024276117010213 0.4820153883492116 0.6584629047450182 0.9277775350333372 1.1769709573116183 1.3921131044959687 1.5267704196401326 1.635115385848087 1.5455099462411064 1.3507155121244945 1.1869958432316343 0.9841169174614749 0.8123127567602991 0.5851752740314994 0.4318155540577935 +25578,0.4137925244815176,0,0.11674166673391943 -0.3820339206448424 0.04763516747939801 -0.69161855993971 -0.5024276117010213 0.4820153883492116 0.6584629047450182 0.9277775350333372 1.1769709573116183 1.3921131044959687 1.5267704196401326 1.635115385848087 1.5455099462411064 1.3507155121244945 1.1869958432316343 0.9841169174614749 0.8123127567602991 0.5851752740314994 0.4318155540577935 0.22312251190167795 +25579,0.3086634424164951,0,-0.3820339206448424 0.04763516747939801 -0.69161855993971 -0.5024276117010213 0.4820153883492116 0.6584629047450182 0.9277775350333372 1.1769709573116183 1.3921131044959687 1.5267704196401326 1.635115385848087 1.5455099462411064 1.3507155121244945 1.1869958432316343 0.9841169174614749 0.8123127567602991 0.5851752740314994 0.4318155540577935 0.22312251190167795 0.4137925244815176 +25580,0.3287846504265506,0,0.04763516747939801 -0.69161855993971 -0.5024276117010213 0.4820153883492116 0.6584629047450182 0.9277775350333372 1.1769709573116183 1.3921131044959687 1.5267704196401326 1.635115385848087 1.5455099462411064 1.3507155121244945 1.1869958432316343 0.9841169174614749 0.8123127567602991 0.5851752740314994 0.4318155540577935 0.22312251190167795 0.4137925244815176 0.3086634424164951 +25581,0.3167060825764929,0,-0.69161855993971 -0.5024276117010213 0.4820153883492116 0.6584629047450182 0.9277775350333372 1.1769709573116183 1.3921131044959687 1.5267704196401326 1.635115385848087 1.5455099462411064 1.3507155121244945 1.1869958432316343 0.9841169174614749 0.8123127567602991 0.5851752740314994 0.4318155540577935 0.22312251190167795 0.4137925244815176 0.3086634424164951 0.3287846504265506 +25582,-0.09033387422914103,0,-0.5024276117010213 0.4820153883492116 0.6584629047450182 0.9277775350333372 1.1769709573116183 1.3921131044959687 1.5267704196401326 1.635115385848087 1.5455099462411064 1.3507155121244945 1.1869958432316343 0.9841169174614749 0.8123127567602991 0.5851752740314994 0.4318155540577935 0.22312251190167795 0.4137925244815176 0.3086634424164951 0.3287846504265506 0.3167060825764929 +25583,0.2637776707017797,0,0.4820153883492116 0.6584629047450182 0.9277775350333372 1.1769709573116183 1.3921131044959687 1.5267704196401326 1.635115385848087 1.5455099462411064 1.3507155121244945 1.1869958432316343 0.9841169174614749 0.8123127567602991 0.5851752740314994 0.4318155540577935 0.22312251190167795 0.4137925244815176 0.3086634424164951 0.3287846504265506 0.3167060825764929 -0.09033387422914103 +25584,0.2637776707017797,0,0.6584629047450182 0.9277775350333372 1.1769709573116183 1.3921131044959687 1.5267704196401326 1.635115385848087 1.5455099462411064 1.3507155121244945 1.1869958432316343 0.9841169174614749 0.8123127567602991 0.5851752740314994 0.4318155540577935 0.22312251190167795 0.4137925244815176 0.3086634424164951 0.3287846504265506 0.3167060825764929 -0.09033387422914103 0.2637776707017797 +25585,0.25139538884944534,0,0.9277775350333372 1.1769709573116183 1.3921131044959687 1.5267704196401326 1.635115385848087 1.5455099462411064 1.3507155121244945 1.1869958432316343 0.9841169174614749 0.8123127567602991 0.5851752740314994 0.4318155540577935 0.22312251190167795 0.4137925244815176 0.3086634424164951 0.3287846504265506 0.3167060825764929 -0.09033387422914103 0.2637776707017797 0.2637776707017797 +25586,0.30556787195341373,0,1.1769709573116183 1.3921131044959687 1.5267704196401326 1.635115385848087 1.5455099462411064 1.3507155121244945 1.1869958432316343 0.9841169174614749 0.8123127567602991 0.5851752740314994 0.4318155540577935 0.22312251190167795 0.4137925244815176 0.3086634424164951 0.3287846504265506 0.3167060825764929 -0.09033387422914103 0.2637776707017797 0.2637776707017797 0.25139538884944534 +25587,0.4882065292753832,0,1.3921131044959687 1.5267704196401326 1.635115385848087 1.5455099462411064 1.3507155121244945 1.1869958432316343 0.9841169174614749 0.8123127567602991 0.5851752740314994 0.4318155540577935 0.22312251190167795 0.4137925244815176 0.3086634424164951 0.3287846504265506 0.3167060825764929 -0.09033387422914103 0.2637776707017797 0.2637776707017797 0.25139538884944534 0.30556787195341373 +25588,0.6336983410403407,0,1.5267704196401326 1.635115385848087 1.5455099462411064 1.3507155121244945 1.1869958432316343 0.9841169174614749 0.8123127567602991 0.5851752740314994 0.4318155540577935 0.22312251190167795 0.4137925244815176 0.3086634424164951 0.3287846504265506 0.3167060825764929 -0.09033387422914103 0.2637776707017797 0.2637776707017797 0.25139538884944534 0.30556787195341373 0.4882065292753832 +25589,0.8612227700770344,0,1.635115385848087 1.5455099462411064 1.3507155121244945 1.1869958432316343 0.9841169174614749 0.8123127567602991 0.5851752740314994 0.4318155540577935 0.22312251190167795 0.4137925244815176 0.3086634424164951 0.3287846504265506 0.3167060825764929 -0.09033387422914103 0.2637776707017797 0.2637776707017797 0.25139538884944534 0.30556787195341373 0.4882065292753832 0.6336983410403407 +25590,1.076364917261385,0,1.5455099462411064 1.3507155121244945 1.1869958432316343 0.9841169174614749 0.8123127567602991 0.5851752740314994 0.4318155540577935 0.22312251190167795 0.4137925244815176 0.3086634424164951 0.3287846504265506 0.3167060825764929 -0.09033387422914103 0.2637776707017797 0.2637776707017797 0.25139538884944534 0.30556787195341373 0.4882065292753832 0.6336983410403407 0.8612227700770344 +25591,1.2713858564356888,0,1.3507155121244945 1.1869958432316343 0.9841169174614749 0.8123127567602991 0.5851752740314994 0.4318155540577935 0.22312251190167795 0.4137925244815176 0.3086634424164951 0.3287846504265506 0.3167060825764929 -0.09033387422914103 0.2637776707017797 0.2637776707017797 0.25139538884944534 0.30556787195341373 0.4882065292753832 0.6336983410403407 0.8612227700770344 1.076364917261385 +25592,1.4354510909791522,0,1.1869958432316343 0.9841169174614749 0.8123127567602991 0.5851752740314994 0.4318155540577935 0.22312251190167795 0.4137925244815176 0.3086634424164951 0.3287846504265506 0.3167060825764929 -0.09033387422914103 0.2637776707017797 0.2637776707017797 0.25139538884944534 0.30556787195341373 0.4882065292753832 0.6336983410403407 0.8612227700770344 1.076364917261385 1.2713858564356888 +25593,1.4958147150092922,0,0.9841169174614749 0.8123127567602991 0.5851752740314994 0.4318155540577935 0.22312251190167795 0.4137925244815176 0.3086634424164951 0.3287846504265506 0.3167060825764929 -0.09033387422914103 0.2637776707017797 0.2637776707017797 0.25139538884944534 0.30556787195341373 0.4882065292753832 0.6336983410403407 0.8612227700770344 1.076364917261385 1.2713858564356888 1.4354510909791522 +25594,1.4741457217677048,0,0.8123127567602991 0.5851752740314994 0.4318155540577935 0.22312251190167795 0.4137925244815176 0.3086634424164951 0.3287846504265506 0.3167060825764929 -0.09033387422914103 0.2637776707017797 0.2637776707017797 0.25139538884944534 0.30556787195341373 0.4882065292753832 0.6336983410403407 0.8612227700770344 1.076364917261385 1.2713858564356888 1.4354510909791522 1.4958147150092922 +25595,1.4540245137576582,0,0.5851752740314994 0.4318155540577935 0.22312251190167795 0.4137925244815176 0.3086634424164951 0.3287846504265506 0.3167060825764929 -0.09033387422914103 0.2637776707017797 0.2637776707017797 0.25139538884944534 0.30556787195341373 0.4882065292753832 0.6336983410403407 0.8612227700770344 1.076364917261385 1.2713858564356888 1.4354510909791522 1.4958147150092922 1.4741457217677048 +25596,1.3147238429188635,0,0.4318155540577935 0.22312251190167795 0.4137925244815176 0.3086634424164951 0.3287846504265506 0.3167060825764929 -0.09033387422914103 0.2637776707017797 0.2637776707017797 0.25139538884944534 0.30556787195341373 0.4882065292753832 0.6336983410403407 0.8612227700770344 1.076364917261385 1.2713858564356888 1.4354510909791522 1.4958147150092922 1.4741457217677048 1.4540245137576582 +25597,1.1135117628183968,0,0.22312251190167795 0.4137925244815176 0.3086634424164951 0.3287846504265506 0.3167060825764929 -0.09033387422914103 0.2637776707017797 0.2637776707017797 0.25139538884944534 0.30556787195341373 0.4882065292753832 0.6336983410403407 0.8612227700770344 1.076364917261385 1.2713858564356888 1.4354510909791522 1.4958147150092922 1.4741457217677048 1.4540245137576582 1.3147238429188635 +25598,0.7884768641945512,0,0.4137925244815176 0.3086634424164951 0.3287846504265506 0.3167060825764929 -0.09033387422914103 0.2637776707017797 0.2637776707017797 0.25139538884944534 0.30556787195341373 0.4882065292753832 0.6336983410403407 0.8612227700770344 1.076364917261385 1.2713858564356888 1.4354510909791522 1.4958147150092922 1.4741457217677048 1.4540245137576582 1.3147238429188635 1.1135117628183968 +25599,0.5532135090001541,0,0.3086634424164951 0.3287846504265506 0.3167060825764929 -0.09033387422914103 0.2637776707017797 0.2637776707017797 0.25139538884944534 0.30556787195341373 0.4882065292753832 0.6336983410403407 0.8612227700770344 1.076364917261385 1.2713858564356888 1.4354510909791522 1.4958147150092922 1.4741457217677048 1.4540245137576582 1.3147238429188635 1.1135117628183968 0.7884768641945512 +25600,0.40307834154056565,0,0.3287846504265506 0.3167060825764929 -0.09033387422914103 0.2637776707017797 0.2637776707017797 0.25139538884944534 0.30556787195341373 0.4882065292753832 0.6336983410403407 0.8612227700770344 1.076364917261385 1.2713858564356888 1.4354510909791522 1.4958147150092922 1.4741457217677048 1.4540245137576582 1.3147238429188635 1.1135117628183968 0.7884768641945512 0.5532135090001541 +25601,0.271516596859492,0,0.3167060825764929 -0.09033387422914103 0.2637776707017797 0.2637776707017797 0.25139538884944534 0.30556787195341373 0.4882065292753832 0.6336983410403407 0.8612227700770344 1.076364917261385 1.2713858564356888 1.4354510909791522 1.4958147150092922 1.4741457217677048 1.4540245137576582 1.3147238429188635 1.1135117628183968 0.7884768641945512 0.5532135090001541 0.40307834154056565 +25602,0.19877069097700883,0,-0.09033387422914103 0.2637776707017797 0.2637776707017797 0.25139538884944534 0.30556787195341373 0.4882065292753832 0.6336983410403407 0.8612227700770344 1.076364917261385 1.2713858564356888 1.4354510909791522 1.4958147150092922 1.4741457217677048 1.4540245137576582 1.3147238429188635 1.1135117628183968 0.7884768641945512 0.5532135090001541 0.40307834154056565 0.271516596859492 +25603,0.14614599310458112,0,0.2637776707017797 0.2637776707017797 0.25139538884944534 0.30556787195341373 0.4882065292753832 0.6336983410403407 0.8612227700770344 1.076364917261385 1.2713858564356888 1.4354510909791522 1.4958147150092922 1.4741457217677048 1.4540245137576582 1.3147238429188635 1.1135117628183968 0.7884768641945512 0.5532135090001541 0.40307834154056565 0.271516596859492 0.19877069097700883 +25604,0.14150263740995023,0,0.2637776707017797 0.25139538884944534 0.30556787195341373 0.4882065292753832 0.6336983410403407 0.8612227700770344 1.076364917261385 1.2713858564356888 1.4354510909791522 1.4958147150092922 1.4741457217677048 1.4540245137576582 1.3147238429188635 1.1135117628183968 0.7884768641945512 0.5532135090001541 0.40307834154056565 0.271516596859492 0.19877069097700883 0.14614599310458112 +25605,0.08733015430598183,0,0.25139538884944534 0.30556787195341373 0.4882065292753832 0.6336983410403407 0.8612227700770344 1.076364917261385 1.2713858564356888 1.4354510909791522 1.4958147150092922 1.4741457217677048 1.4540245137576582 1.3147238429188635 1.1135117628183968 0.7884768641945512 0.5532135090001541 0.40307834154056565 0.271516596859492 0.19877069097700883 0.14614599310458112 0.14150263740995023 +25606,-0.003989174355007293,0,0.30556787195341373 0.4882065292753832 0.6336983410403407 0.8612227700770344 1.076364917261385 1.2713858564356888 1.4354510909791522 1.4958147150092922 1.4741457217677048 1.4540245137576582 1.3147238429188635 1.1135117628183968 0.7884768641945512 0.5532135090001541 0.40307834154056565 0.271516596859492 0.19877069097700883 0.14614599310458112 0.14150263740995023 0.08733015430598183 +25607,-0.04423159037510062,0,0.4882065292753832 0.6336983410403407 0.8612227700770344 1.076364917261385 1.2713858564356888 1.4354510909791522 1.4958147150092922 1.4741457217677048 1.4540245137576582 1.3147238429188635 1.1135117628183968 0.7884768641945512 0.5532135090001541 0.40307834154056565 0.271516596859492 0.19877069097700883 0.14614599310458112 0.14150263740995023 0.08733015430598183 -0.003989174355007293 +25608,-0.03184930852276624,0,0.6336983410403407 0.8612227700770344 1.076364917261385 1.2713858564356888 1.4354510909791522 1.4958147150092922 1.4741457217677048 1.4540245137576582 1.3147238429188635 1.1135117628183968 0.7884768641945512 0.5532135090001541 0.40307834154056565 0.271516596859492 0.19877069097700883 0.14614599310458112 0.14150263740995023 0.08733015430598183 -0.003989174355007293 -0.04423159037510062 +25609,-0.002441389123466596,0,0.8612227700770344 1.076364917261385 1.2713858564356888 1.4354510909791522 1.4958147150092922 1.4741457217677048 1.4540245137576582 1.3147238429188635 1.1135117628183968 0.7884768641945512 0.5532135090001541 0.40307834154056565 0.271516596859492 0.19877069097700883 0.14614599310458112 0.14150263740995023 0.08733015430598183 -0.003989174355007293 -0.04423159037510062 -0.03184930852276624 +25610,0.08733015430598183,0,1.076364917261385 1.2713858564356888 1.4354510909791522 1.4958147150092922 1.4741457217677048 1.4540245137576582 1.3147238429188635 1.1135117628183968 0.7884768641945512 0.5532135090001541 0.40307834154056565 0.271516596859492 0.19877069097700883 0.14614599310458112 0.14150263740995023 0.08733015430598183 -0.003989174355007293 -0.04423159037510062 -0.03184930852276624 -0.002441389123466596 +25611,0.262229885470239,0,1.2713858564356888 1.4354510909791522 1.4958147150092922 1.4741457217677048 1.4540245137576582 1.3147238429188635 1.1135117628183968 0.7884768641945512 0.5532135090001541 0.40307834154056565 0.271516596859492 0.19877069097700883 0.14614599310458112 0.14150263740995023 0.08733015430598183 -0.003989174355007293 -0.04423159037510062 -0.03184930852276624 -0.002441389123466596 0.08733015430598183 +25612,0.331880220889632,0,1.4354510909791522 1.4958147150092922 1.4741457217677048 1.4540245137576582 1.3147238429188635 1.1135117628183968 0.7884768641945512 0.5532135090001541 0.40307834154056565 0.271516596859492 0.19877069097700883 0.14614599310458112 0.14150263740995023 0.08733015430598183 -0.003989174355007293 -0.04423159037510062 -0.03184930852276624 -0.002441389123466596 0.08733015430598183 0.262229885470239 +25613,0.5207100191377643,0,1.4958147150092922 1.4741457217677048 1.4540245137576582 1.3147238429188635 1.1135117628183968 0.7884768641945512 0.5532135090001541 0.40307834154056565 0.271516596859492 0.19877069097700883 0.14614599310458112 0.14150263740995023 0.08733015430598183 -0.003989174355007293 -0.04423159037510062 -0.03184930852276624 -0.002441389123466596 0.08733015430598183 0.262229885470239 0.331880220889632 +25614,0.8024069312784263,0,1.4741457217677048 1.4540245137576582 1.3147238429188635 1.1135117628183968 0.7884768641945512 0.5532135090001541 0.40307834154056565 0.271516596859492 0.19877069097700883 0.14614599310458112 0.14150263740995023 0.08733015430598183 -0.003989174355007293 -0.04423159037510062 -0.03184930852276624 -0.002441389123466596 0.08733015430598183 0.262229885470239 0.331880220889632 0.5207100191377643 +25615,0.9448031725803024,0,1.4540245137576582 1.3147238429188635 1.1135117628183968 0.7884768641945512 0.5532135090001541 0.40307834154056565 0.271516596859492 0.19877069097700883 0.14614599310458112 0.14150263740995023 0.08733015430598183 -0.003989174355007293 -0.04423159037510062 -0.03184930852276624 -0.002441389123466596 0.08733015430598183 0.262229885470239 0.331880220889632 0.5207100191377643 0.8024069312784263 +25616,1.2295956551840548,0,1.3147238429188635 1.1135117628183968 0.7884768641945512 0.5532135090001541 0.40307834154056565 0.271516596859492 0.19877069097700883 0.14614599310458112 0.14150263740995023 0.08733015430598183 -0.003989174355007293 -0.04423159037510062 -0.03184930852276624 -0.002441389123466596 0.08733015430598183 0.262229885470239 0.331880220889632 0.5207100191377643 0.8024069312784263 0.9448031725803024 +25617,1.339488406623541,0,1.1135117628183968 0.7884768641945512 0.5532135090001541 0.40307834154056565 0.271516596859492 0.19877069097700883 0.14614599310458112 0.14150263740995023 0.08733015430598183 -0.003989174355007293 -0.04423159037510062 -0.03184930852276624 -0.002441389123466596 0.08733015430598183 0.262229885470239 0.331880220889632 0.5207100191377643 0.8024069312784263 0.9448031725803024 1.2295956551840548 +25618,1.3828263931067157,0,0.7884768641945512 0.5532135090001541 0.40307834154056565 0.271516596859492 0.19877069097700883 0.14614599310458112 0.14150263740995023 0.08733015430598183 -0.003989174355007293 -0.04423159037510062 -0.03184930852276624 -0.002441389123466596 0.08733015430598183 0.262229885470239 0.331880220889632 0.5207100191377643 0.8024069312784263 0.9448031725803024 1.2295956551840548 1.339488406623541 +25619,1.2915070644457354,0,0.5532135090001541 0.40307834154056565 0.271516596859492 0.19877069097700883 0.14614599310458112 0.14150263740995023 0.08733015430598183 -0.003989174355007293 -0.04423159037510062 -0.03184930852276624 -0.002441389123466596 0.08733015430598183 0.262229885470239 0.331880220889632 0.5207100191377643 0.8024069312784263 0.9448031725803024 1.2295956551840548 1.339488406623541 1.3828263931067157 +25620,1.1847098834693306,0,0.40307834154056565 0.271516596859492 0.19877069097700883 0.14614599310458112 0.14150263740995023 0.08733015430598183 -0.003989174355007293 -0.04423159037510062 -0.03184930852276624 -0.002441389123466596 0.08733015430598183 0.262229885470239 0.331880220889632 0.5207100191377643 0.8024069312784263 0.9448031725803024 1.2295956551840548 1.339488406623541 1.3828263931067157 1.2915070644457354 +25621,0.9525420987380148,0,0.271516596859492 0.19877069097700883 0.14614599310458112 0.14150263740995023 0.08733015430598183 -0.003989174355007293 -0.04423159037510062 -0.03184930852276624 -0.002441389123466596 0.08733015430598183 0.262229885470239 0.331880220889632 0.5207100191377643 0.8024069312784263 0.9448031725803024 1.2295956551840548 1.339488406623541 1.3828263931067157 1.2915070644457354 1.1847098834693306 +25622,0.6352461262718814,0,0.19877069097700883 0.14614599310458112 0.14150263740995023 0.08733015430598183 -0.003989174355007293 -0.04423159037510062 -0.03184930852276624 -0.002441389123466596 0.08733015430598183 0.262229885470239 0.331880220889632 0.5207100191377643 0.8024069312784263 0.9448031725803024 1.2295956551840548 1.339488406623541 1.3828263931067157 1.2915070644457354 1.1847098834693306 0.9525420987380148 +25623,0.443320757560659,0,0.14614599310458112 0.14150263740995023 0.08733015430598183 -0.003989174355007293 -0.04423159037510062 -0.03184930852276624 -0.002441389123466596 0.08733015430598183 0.262229885470239 0.331880220889632 0.5207100191377643 0.8024069312784263 0.9448031725803024 1.2295956551840548 1.339488406623541 1.3828263931067157 1.2915070644457354 1.1847098834693306 0.9525420987380148 0.6352461262718814 +25624,0.2668732411648611,0,0.14150263740995023 0.08733015430598183 -0.003989174355007293 -0.04423159037510062 -0.03184930852276624 -0.002441389123466596 0.08733015430598183 0.262229885470239 0.331880220889632 0.5207100191377643 0.8024069312784263 0.9448031725803024 1.2295956551840548 1.339488406623541 1.3828263931067157 1.2915070644457354 1.1847098834693306 0.9525420987380148 0.6352461262718814 0.443320757560659 +25625,0.16936277157770918,0,0.08733015430598183 -0.003989174355007293 -0.04423159037510062 -0.03184930852276624 -0.002441389123466596 0.08733015430598183 0.262229885470239 0.331880220889632 0.5207100191377643 0.8024069312784263 0.9448031725803024 1.2295956551840548 1.339488406623541 1.3828263931067157 1.2915070644457354 1.1847098834693306 0.9525420987380148 0.6352461262718814 0.443320757560659 0.2668732411648611 +25626,0.02696653027583305,0,-0.003989174355007293 -0.04423159037510062 -0.03184930852276624 -0.002441389123466596 0.08733015430598183 0.262229885470239 0.331880220889632 0.5207100191377643 0.8024069312784263 0.9448031725803024 1.2295956551840548 1.339488406623541 1.3828263931067157 1.2915070644457354 1.1847098834693306 0.9525420987380148 0.6352461262718814 0.443320757560659 0.2668732411648611 0.16936277157770918 +25627,-0.002441389123466596,0,-0.04423159037510062 -0.03184930852276624 -0.002441389123466596 0.08733015430598183 0.262229885470239 0.331880220889632 0.5207100191377643 0.8024069312784263 0.9448031725803024 1.2295956551840548 1.339488406623541 1.3828263931067157 1.2915070644457354 1.1847098834693306 0.9525420987380148 0.6352461262718814 0.443320757560659 0.2668732411648611 0.16936277157770918 0.02696653027583305 +25628,-0.058161657458975696,0,-0.03184930852276624 -0.002441389123466596 0.08733015430598183 0.262229885470239 0.331880220889632 0.5207100191377643 0.8024069312784263 0.9448031725803024 1.2295956551840548 1.339488406623541 1.3828263931067157 1.2915070644457354 1.1847098834693306 0.9525420987380148 0.6352461262718814 0.443320757560659 0.2668732411648611 0.16936277157770918 0.02696653027583305 -0.002441389123466596 +25629,-0.051970516532812906,0,-0.002441389123466596 0.08733015430598183 0.262229885470239 0.331880220889632 0.5207100191377643 0.8024069312784263 0.9448031725803024 1.2295956551840548 1.339488406623541 1.3828263931067157 1.2915070644457354 1.1847098834693306 0.9525420987380148 0.6352461262718814 0.443320757560659 0.2668732411648611 0.16936277157770918 0.02696653027583305 -0.002441389123466596 -0.058161657458975696 +25630,0.005297537034245689,0,0.08733015430598183 0.262229885470239 0.331880220889632 0.5207100191377643 0.8024069312784263 0.9448031725803024 1.2295956551840548 1.339488406623541 1.3828263931067157 1.2915070644457354 1.1847098834693306 0.9525420987380148 0.6352461262718814 0.443320757560659 0.2668732411648611 0.16936277157770918 0.02696653027583305 -0.002441389123466596 -0.058161657458975696 -0.051970516532812906 +25631,0.0532788792120513,0,0.262229885470239 0.331880220889632 0.5207100191377643 0.8024069312784263 0.9448031725803024 1.2295956551840548 1.339488406623541 1.3828263931067157 1.2915070644457354 1.1847098834693306 0.9525420987380148 0.6352461262718814 0.443320757560659 0.2668732411648611 0.16936277157770918 0.02696653027583305 -0.002441389123466596 -0.058161657458975696 -0.051970516532812906 0.005297537034245689 +25632,0.030062100738923243,0,0.331880220889632 0.5207100191377643 0.8024069312784263 0.9448031725803024 1.2295956551840548 1.339488406623541 1.3828263931067157 1.2915070644457354 1.1847098834693306 0.9525420987380148 0.6352461262718814 0.443320757560659 0.2668732411648611 0.16936277157770918 0.02696653027583305 -0.002441389123466596 -0.058161657458975696 -0.051970516532812906 0.005297537034245689 0.0532788792120513 +25633,0.09506908046368533,0,0.5207100191377643 0.8024069312784263 0.9448031725803024 1.2295956551840548 1.339488406623541 1.3828263931067157 1.2915070644457354 1.1847098834693306 0.9525420987380148 0.6352461262718814 0.443320757560659 0.2668732411648611 0.16936277157770918 0.02696653027583305 -0.002441389123466596 -0.058161657458975696 -0.051970516532812906 0.005297537034245689 0.0532788792120513 0.030062100738923243 +25634,0.09506908046368533,0,0.8024069312784263 0.9448031725803024 1.2295956551840548 1.339488406623541 1.3828263931067157 1.2915070644457354 1.1847098834693306 0.9525420987380148 0.6352461262718814 0.443320757560659 0.2668732411648611 0.16936277157770918 0.02696653027583305 -0.002441389123466596 -0.058161657458975696 -0.051970516532812906 0.005297537034245689 0.0532788792120513 0.030062100738923243 0.09506908046368533 +25635,0.25758652977560814,0,0.9448031725803024 1.2295956551840548 1.339488406623541 1.3828263931067157 1.2915070644457354 1.1847098834693306 0.9525420987380148 0.6352461262718814 0.443320757560659 0.2668732411648611 0.16936277157770918 0.02696653027583305 -0.002441389123466596 -0.058161657458975696 -0.051970516532812906 0.005297537034245689 0.0532788792120513 0.030062100738923243 0.09506908046368533 0.09506908046368533 +25636,0.44641632802374914,0,1.2295956551840548 1.339488406623541 1.3828263931067157 1.2915070644457354 1.1847098834693306 0.9525420987380148 0.6352461262718814 0.443320757560659 0.2668732411648611 0.16936277157770918 0.02696653027583305 -0.002441389123466596 -0.058161657458975696 -0.051970516532812906 0.005297537034245689 0.0532788792120513 0.030062100738923243 0.09506908046368533 0.09506908046368533 0.25758652977560814 +25637,0.6011948511779597,0,1.339488406623541 1.3828263931067157 1.2915070644457354 1.1847098834693306 0.9525420987380148 0.6352461262718814 0.443320757560659 0.2668732411648611 0.16936277157770918 0.02696653027583305 -0.002441389123466596 -0.058161657458975696 -0.051970516532812906 0.005297537034245689 0.0532788792120513 0.030062100738923243 0.09506908046368533 0.09506908046368533 0.25758652977560814 0.44641632802374914 +25638,0.8364582063723568,0,1.3828263931067157 1.2915070644457354 1.1847098834693306 0.9525420987380148 0.6352461262718814 0.443320757560659 0.2668732411648611 0.16936277157770918 0.02696653027583305 -0.002441389123466596 -0.058161657458975696 -0.051970516532812906 0.005297537034245689 0.0532788792120513 0.030062100738923243 0.09506908046368533 0.09506908046368533 0.25758652977560814 0.44641632802374914 0.6011948511779597 +25639,1.0469569978620852,0,1.2915070644457354 1.1847098834693306 0.9525420987380148 0.6352461262718814 0.443320757560659 0.2668732411648611 0.16936277157770918 0.02696653027583305 -0.002441389123466596 -0.058161657458975696 -0.051970516532812906 0.005297537034245689 0.0532788792120513 0.030062100738923243 0.09506908046368533 0.09506908046368533 0.25758652977560814 0.44641632802374914 0.6011948511779597 0.8364582063723568 +25640,1.1955443800901242,0,1.1847098834693306 0.9525420987380148 0.6352461262718814 0.443320757560659 0.2668732411648611 0.16936277157770918 0.02696653027583305 -0.002441389123466596 -0.058161657458975696 -0.051970516532812906 0.005297537034245689 0.0532788792120513 0.030062100738923243 0.09506908046368533 0.09506908046368533 0.25758652977560814 0.44641632802374914 0.6011948511779597 0.8364582063723568 1.0469569978620852 +25641,1.2388823665733077,0,0.9525420987380148 0.6352461262718814 0.443320757560659 0.2668732411648611 0.16936277157770918 0.02696653027583305 -0.002441389123466596 -0.058161657458975696 -0.051970516532812906 0.005297537034245689 0.0532788792120513 0.030062100738923243 0.09506908046368533 0.09506908046368533 0.25758652977560814 0.44641632802374914 0.6011948511779597 0.8364582063723568 1.0469569978620852 1.1955443800901242 +25642,1.3193671986134943,0,0.6352461262718814 0.443320757560659 0.2668732411648611 0.16936277157770918 0.02696653027583305 -0.002441389123466596 -0.058161657458975696 -0.051970516532812906 0.005297537034245689 0.0532788792120513 0.030062100738923243 0.09506908046368533 0.09506908046368533 0.25758652977560814 0.44641632802374914 0.6011948511779597 0.8364582063723568 1.0469569978620852 1.1955443800901242 1.2388823665733077 +25643,1.2295956551840548,0,0.443320757560659 0.2668732411648611 0.16936277157770918 0.02696653027583305 -0.002441389123466596 -0.058161657458975696 -0.051970516532812906 0.005297537034245689 0.0532788792120513 0.030062100738923243 0.09506908046368533 0.09506908046368533 0.25758652977560814 0.44641632802374914 0.6011948511779597 0.8364582063723568 1.0469569978620852 1.1955443800901242 1.2388823665733077 1.3193671986134943 +25644,1.1104161923553066,0,0.2668732411648611 0.16936277157770918 0.02696653027583305 -0.002441389123466596 -0.058161657458975696 -0.051970516532812906 0.005297537034245689 0.0532788792120513 0.030062100738923243 0.09506908046368533 0.09506908046368533 0.25758652977560814 0.44641632802374914 0.6011948511779597 0.8364582063723568 1.0469569978620852 1.1955443800901242 1.2388823665733077 1.3193671986134943 1.2295956551840548 +25645,0.9742110919796021,0,0.16936277157770918 0.02696653027583305 -0.002441389123466596 -0.058161657458975696 -0.051970516532812906 0.005297537034245689 0.0532788792120513 0.030062100738923243 0.09506908046368533 0.09506908046368533 0.25758652977560814 0.44641632802374914 0.6011948511779597 0.8364582063723568 1.0469569978620852 1.1955443800901242 1.2388823665733077 1.3193671986134943 1.2295956551840548 1.1104161923553066 +25646,0.660010689976559,0,0.02696653027583305 -0.002441389123466596 -0.058161657458975696 -0.051970516532812906 0.005297537034245689 0.0532788792120513 0.030062100738923243 0.09506908046368533 0.09506908046368533 0.25758652977560814 0.44641632802374914 0.6011948511779597 0.8364582063723568 1.0469569978620852 1.1955443800901242 1.2388823665733077 1.3193671986134943 1.2295956551840548 1.1104161923553066 0.9742110919796021 +25647,0.44951189848683054,0,-0.002441389123466596 -0.058161657458975696 -0.051970516532812906 0.005297537034245689 0.0532788792120513 0.030062100738923243 0.09506908046368533 0.09506908046368533 0.25758652977560814 0.44641632802374914 0.6011948511779597 0.8364582063723568 1.0469569978620852 1.1955443800901242 1.2388823665733077 1.3193671986134943 1.2295956551840548 1.1104161923553066 0.9742110919796021 0.660010689976559 +25648,0.34890585843659727,0,-0.058161657458975696 -0.051970516532812906 0.005297537034245689 0.0532788792120513 0.030062100738923243 0.09506908046368533 0.09506908046368533 0.25758652977560814 0.44641632802374914 0.6011948511779597 0.8364582063723568 1.0469569978620852 1.1955443800901242 1.2388823665733077 1.3193671986134943 1.2295956551840548 1.1104161923553066 0.9742110919796021 0.660010689976559 0.44951189848683054 +25649,0.2142485432924334,0,-0.051970516532812906 0.005297537034245689 0.0532788792120513 0.030062100738923243 0.09506908046368533 0.09506908046368533 0.25758652977560814 0.44641632802374914 0.6011948511779597 0.8364582063723568 1.0469569978620852 1.1955443800901242 1.2388823665733077 1.3193671986134943 1.2295956551840548 1.1104161923553066 0.9742110919796021 0.660010689976559 0.44951189848683054 0.34890585843659727 +25650,0.11054693277910989,0,0.005297537034245689 0.0532788792120513 0.030062100738923243 0.09506908046368533 0.09506908046368533 0.25758652977560814 0.44641632802374914 0.6011948511779597 0.8364582063723568 1.0469569978620852 1.1955443800901242 1.2388823665733077 1.3193671986134943 1.2295956551840548 1.1104161923553066 0.9742110919796021 0.660010689976559 0.44951189848683054 0.34890585843659727 0.2142485432924334 +25651,0.05792223490668219,0,0.0532788792120513 0.030062100738923243 0.09506908046368533 0.09506908046368533 0.25758652977560814 0.44641632802374914 0.6011948511779597 0.8364582063723568 1.0469569978620852 1.1955443800901242 1.2388823665733077 1.3193671986134943 1.2295956551840548 1.1104161923553066 0.9742110919796021 0.660010689976559 0.44951189848683054 0.34890585843659727 0.2142485432924334 0.11054693277910989 +25652,-0.03184930852276624,0,0.030062100738923243 0.09506908046368533 0.09506908046368533 0.25758652977560814 0.44641632802374914 0.6011948511779597 0.8364582063723568 1.0469569978620852 1.1955443800901242 1.2388823665733077 1.3193671986134943 1.2295956551840548 1.1104161923553066 0.9742110919796021 0.660010689976559 0.44951189848683054 0.34890585843659727 0.2142485432924334 0.11054693277910989 0.05792223490668219 +25653,-0.11233414056295289,0,0.09506908046368533 0.09506908046368533 0.25758652977560814 0.44641632802374914 0.6011948511779597 0.8364582063723568 1.0469569978620852 1.1955443800901242 1.2388823665733077 1.3193671986134943 1.2295956551840548 1.1104161923553066 0.9742110919796021 0.660010689976559 0.44951189848683054 0.34890585843659727 0.2142485432924334 0.11054693277910989 0.05792223490668219 -0.03184930852276624 +25654,-0.18043669075080518,0,0.09506908046368533 0.25758652977560814 0.44641632802374914 0.6011948511779597 0.8364582063723568 1.0469569978620852 1.1955443800901242 1.2388823665733077 1.3193671986134943 1.2295956551840548 1.1104161923553066 0.9742110919796021 0.660010689976559 0.44951189848683054 0.34890585843659727 0.2142485432924334 0.11054693277910989 0.05792223490668219 -0.03184930852276624 -0.11233414056295289 +25655,-0.273303804643335,0,0.25758652977560814 0.44641632802374914 0.6011948511779597 0.8364582063723568 1.0469569978620852 1.1955443800901242 1.2388823665733077 1.3193671986134943 1.2295956551840548 1.1104161923553066 0.9742110919796021 0.660010689976559 0.44951189848683054 0.34890585843659727 0.2142485432924334 0.11054693277910989 0.05792223490668219 -0.03184930852276624 -0.11233414056295289 -0.18043669075080518 +25656,-0.28413830126412865,0,0.44641632802374914 0.6011948511779597 0.8364582063723568 1.0469569978620852 1.1955443800901242 1.2388823665733077 1.3193671986134943 1.2295956551840548 1.1104161923553066 0.9742110919796021 0.660010689976559 0.44951189848683054 0.34890585843659727 0.2142485432924334 0.11054693277910989 0.05792223490668219 -0.03184930852276624 -0.11233414056295289 -0.18043669075080518 -0.273303804643335 +25657,-0.3352152139050157,0,0.6011948511779597 0.8364582063723568 1.0469569978620852 1.1955443800901242 1.2388823665733077 1.3193671986134943 1.2295956551840548 1.1104161923553066 0.9742110919796021 0.660010689976559 0.44951189848683054 0.34890585843659727 0.2142485432924334 0.11054693277910989 0.05792223490668219 -0.03184930852276624 -0.11233414056295289 -0.18043669075080518 -0.273303804643335 -0.28413830126412865 +25658,-0.2671126637171634,0,0.8364582063723568 1.0469569978620852 1.1955443800901242 1.2388823665733077 1.3193671986134943 1.2295956551840548 1.1104161923553066 0.9742110919796021 0.660010689976559 0.44951189848683054 0.34890585843659727 0.2142485432924334 0.11054693277910989 0.05792223490668219 -0.03184930852276624 -0.11233414056295289 -0.18043669075080518 -0.273303804643335 -0.28413830126412865 -0.3352152139050157 +25659,0.14769377833612182,0,1.0469569978620852 1.1955443800901242 1.2388823665733077 1.3193671986134943 1.2295956551840548 1.1104161923553066 0.9742110919796021 0.660010689976559 0.44951189848683054 0.34890585843659727 0.2142485432924334 0.11054693277910989 0.05792223490668219 -0.03184930852276624 -0.11233414056295289 -0.18043669075080518 -0.273303804643335 -0.28413830126412865 -0.3352152139050157 -0.2671126637171634 +25660,0.46034639510762426,0,1.1955443800901242 1.2388823665733077 1.3193671986134943 1.2295956551840548 1.1104161923553066 0.9742110919796021 0.660010689976559 0.44951189848683054 0.34890585843659727 0.2142485432924334 0.11054693277910989 0.05792223490668219 -0.03184930852276624 -0.11233414056295289 -0.18043669075080518 -0.273303804643335 -0.28413830126412865 -0.3352152139050157 -0.2671126637171634 0.14769377833612182 +25661,0.7064442469228239,0,1.2388823665733077 1.3193671986134943 1.2295956551840548 1.1104161923553066 0.9742110919796021 0.660010689976559 0.44951189848683054 0.34890585843659727 0.2142485432924334 0.11054693277910989 0.05792223490668219 -0.03184930852276624 -0.11233414056295289 -0.18043669075080518 -0.273303804643335 -0.28413830126412865 -0.3352152139050157 -0.2671126637171634 0.14769377833612182 0.46034639510762426 +25662,1.016001293231245,0,1.3193671986134943 1.2295956551840548 1.1104161923553066 0.9742110919796021 0.660010689976559 0.44951189848683054 0.34890585843659727 0.2142485432924334 0.11054693277910989 0.05792223490668219 -0.03184930852276624 -0.11233414056295289 -0.18043669075080518 -0.273303804643335 -0.28413830126412865 -0.3352152139050157 -0.2671126637171634 0.14769377833612182 0.46034639510762426 0.7064442469228239 +25663,1.2806725678249418,0,1.2295956551840548 1.1104161923553066 0.9742110919796021 0.660010689976559 0.44951189848683054 0.34890585843659727 0.2142485432924334 0.11054693277910989 0.05792223490668219 -0.03184930852276624 -0.11233414056295289 -0.18043669075080518 -0.273303804643335 -0.28413830126412865 -0.3352152139050157 -0.2671126637171634 0.14769377833612182 0.46034639510762426 0.7064442469228239 1.016001293231245 +25664,1.409138742042934,0,1.1104161923553066 0.9742110919796021 0.660010689976559 0.44951189848683054 0.34890585843659727 0.2142485432924334 0.11054693277910989 0.05792223490668219 -0.03184930852276624 -0.11233414056295289 -0.18043669075080518 -0.273303804643335 -0.28413830126412865 -0.3352152139050157 -0.2671126637171634 0.14769377833612182 0.46034639510762426 0.7064442469228239 1.016001293231245 1.2806725678249418 +25665,1.5515349833448102,0,0.9742110919796021 0.660010689976559 0.44951189848683054 0.34890585843659727 0.2142485432924334 0.11054693277910989 0.05792223490668219 -0.03184930852276624 -0.11233414056295289 -0.18043669075080518 -0.273303804643335 -0.28413830126412865 -0.3352152139050157 -0.2671126637171634 0.14769377833612182 0.46034639510762426 0.7064442469228239 1.016001293231245 1.2806725678249418 1.409138742042934 +25666,1.585586258438732,0,0.660010689976559 0.44951189848683054 0.34890585843659727 0.2142485432924334 0.11054693277910989 0.05792223490668219 -0.03184930852276624 -0.11233414056295289 -0.18043669075080518 -0.273303804643335 -0.28413830126412865 -0.3352152139050157 -0.2671126637171634 0.14769377833612182 0.46034639510762426 0.7064442469228239 1.016001293231245 1.2806725678249418 1.409138742042934 1.5515349833448102 +25667,1.5670128356602346,0,0.44951189848683054 0.34890585843659727 0.2142485432924334 0.11054693277910989 0.05792223490668219 -0.03184930852276624 -0.11233414056295289 -0.18043669075080518 -0.273303804643335 -0.28413830126412865 -0.3352152139050157 -0.2671126637171634 0.14769377833612182 0.46034639510762426 0.7064442469228239 1.016001293231245 1.2806725678249418 1.409138742042934 1.5515349833448102 1.585586258438732 +25668,1.4493811580630274,0,0.34890585843659727 0.2142485432924334 0.11054693277910989 0.05792223490668219 -0.03184930852276624 -0.11233414056295289 -0.18043669075080518 -0.273303804643335 -0.28413830126412865 -0.3352152139050157 -0.2671126637171634 0.14769377833612182 0.46034639510762426 0.7064442469228239 1.016001293231245 1.2806725678249418 1.409138742042934 1.5515349833448102 1.585586258438732 1.5670128356602346 +25669,1.3100804872242413,0,0.2142485432924334 0.11054693277910989 0.05792223490668219 -0.03184930852276624 -0.11233414056295289 -0.18043669075080518 -0.273303804643335 -0.28413830126412865 -0.3352152139050157 -0.2671126637171634 0.14769377833612182 0.46034639510762426 0.7064442469228239 1.016001293231245 1.2806725678249418 1.409138742042934 1.5515349833448102 1.585586258438732 1.5670128356602346 1.4493811580630274 +25670,0.9355164611910495,0,0.11054693277910989 0.05792223490668219 -0.03184930852276624 -0.11233414056295289 -0.18043669075080518 -0.273303804643335 -0.28413830126412865 -0.3352152139050157 -0.2671126637171634 0.14769377833612182 0.46034639510762426 0.7064442469228239 1.016001293231245 1.2806725678249418 1.409138742042934 1.5515349833448102 1.585586258438732 1.5670128356602346 1.4493811580630274 1.3100804872242413 +25671,0.6460806228926751,0,0.05792223490668219 -0.03184930852276624 -0.11233414056295289 -0.18043669075080518 -0.273303804643335 -0.28413830126412865 -0.3352152139050157 -0.2671126637171634 0.14769377833612182 0.46034639510762426 0.7064442469228239 1.016001293231245 1.2806725678249418 1.409138742042934 1.5515349833448102 1.585586258438732 1.5670128356602346 1.4493811580630274 1.3100804872242413 0.9355164611910495 +25672,0.4804676031176709,0,-0.03184930852276624 -0.11233414056295289 -0.18043669075080518 -0.273303804643335 -0.28413830126412865 -0.3352152139050157 -0.2671126637171634 0.14769377833612182 0.46034639510762426 0.7064442469228239 1.016001293231245 1.2806725678249418 1.409138742042934 1.5515349833448102 1.585586258438732 1.5670128356602346 1.4493811580630274 1.3100804872242413 0.9355164611910495 0.6460806228926751 +25673,0.3752182073728067,0,-0.11233414056295289 -0.18043669075080518 -0.273303804643335 -0.28413830126412865 -0.3352152139050157 -0.2671126637171634 0.14769377833612182 0.46034639510762426 0.7064442469228239 1.016001293231245 1.2806725678249418 1.409138742042934 1.5515349833448102 1.585586258438732 1.5670128356602346 1.4493811580630274 1.3100804872242413 0.9355164611910495 0.6460806228926751 0.4804676031176709 +25674,0.24056089222864285,0,-0.18043669075080518 -0.273303804643335 -0.28413830126412865 -0.3352152139050157 -0.2671126637171634 0.14769377833612182 0.46034639510762426 0.7064442469228239 1.016001293231245 1.2806725678249418 1.409138742042934 1.5515349833448102 1.585586258438732 1.5670128356602346 1.4493811580630274 1.3100804872242413 0.9355164611910495 0.6460806228926751 0.4804676031176709 0.3752182073728067 +25675,0.19412733528238674,0,-0.273303804643335 -0.28413830126412865 -0.3352152139050157 -0.2671126637171634 0.14769377833612182 0.46034639510762426 0.7064442469228239 1.016001293231245 1.2806725678249418 1.409138742042934 1.5515349833448102 1.585586258438732 1.5670128356602346 1.4493811580630274 1.3100804872242413 0.9355164611910495 0.6460806228926751 0.4804676031176709 0.3752182073728067 0.24056089222864285 +25676,0.24056089222864285,0,-0.28413830126412865 -0.3352152139050157 -0.2671126637171634 0.14769377833612182 0.46034639510762426 0.7064442469228239 1.016001293231245 1.2806725678249418 1.409138742042934 1.5515349833448102 1.585586258438732 1.5670128356602346 1.4493811580630274 1.3100804872242413 0.9355164611910495 0.6460806228926751 0.4804676031176709 0.3752182073728067 0.24056089222864285 0.19412733528238674 +25677,0.12447699986298497,0,-0.3352152139050157 -0.2671126637171634 0.14769377833612182 0.46034639510762426 0.7064442469228239 1.016001293231245 1.2806725678249418 1.409138742042934 1.5515349833448102 1.585586258438732 1.5670128356602346 1.4493811580630274 1.3100804872242413 0.9355164611910495 0.6460806228926751 0.4804676031176709 0.3752182073728067 0.24056089222864285 0.19412733528238674 0.24056089222864285 +25678,0.05947002013822289,0,-0.2671126637171634 0.14769377833612182 0.46034639510762426 0.7064442469228239 1.016001293231245 1.2806725678249418 1.409138742042934 1.5515349833448102 1.585586258438732 1.5670128356602346 1.4493811580630274 1.3100804872242413 0.9355164611910495 0.6460806228926751 0.4804676031176709 0.3752182073728067 0.24056089222864285 0.19412733528238674 0.24056089222864285 0.12447699986298497 +25679,0.05947002013822289,0,0.14769377833612182 0.46034639510762426 0.7064442469228239 1.016001293231245 1.2806725678249418 1.409138742042934 1.5515349833448102 1.585586258438732 1.5670128356602346 1.4493811580630274 1.3100804872242413 0.9355164611910495 0.6460806228926751 0.4804676031176709 0.3752182073728067 0.24056089222864285 0.19412733528238674 0.24056089222864285 0.12447699986298497 0.05947002013822289 +25680,-0.005536959586547991,0,0.46034639510762426 0.7064442469228239 1.016001293231245 1.2806725678249418 1.409138742042934 1.5515349833448102 1.585586258438732 1.5670128356602346 1.4493811580630274 1.3100804872242413 0.9355164611910495 0.6460806228926751 0.4804676031176709 0.3752182073728067 0.24056089222864285 0.19412733528238674 0.24056089222864285 0.12447699986298497 0.05947002013822289 0.05947002013822289 +25681,-0.017919241438882367,0,0.7064442469228239 1.016001293231245 1.2806725678249418 1.409138742042934 1.5515349833448102 1.585586258438732 1.5670128356602346 1.4493811580630274 1.3100804872242413 0.9355164611910495 0.6460806228926751 0.4804676031176709 0.3752182073728067 0.24056089222864285 0.19412733528238674 0.24056089222864285 0.12447699986298497 0.05947002013822289 0.05947002013822289 -0.005536959586547991 +25682,-0.019467026670423066,0,1.016001293231245 1.2806725678249418 1.409138742042934 1.5515349833448102 1.585586258438732 1.5670128356602346 1.4493811580630274 1.3100804872242413 0.9355164611910495 0.6460806228926751 0.4804676031176709 0.3752182073728067 0.24056089222864285 0.19412733528238674 0.24056089222864285 0.12447699986298497 0.05947002013822289 0.05947002013822289 -0.005536959586547991 -0.017919241438882367 +25683,0.3767659926043474,0,1.2806725678249418 1.409138742042934 1.5515349833448102 1.585586258438732 1.5670128356602346 1.4493811580630274 1.3100804872242413 0.9355164611910495 0.6460806228926751 0.4804676031176709 0.3752182073728067 0.24056089222864285 0.19412733528238674 0.24056089222864285 0.12447699986298497 0.05947002013822289 0.05947002013822289 -0.005536959586547991 -0.017919241438882367 -0.019467026670423066 +25684,0.7172787435436175,0,1.409138742042934 1.5515349833448102 1.585586258438732 1.5670128356602346 1.4493811580630274 1.3100804872242413 0.9355164611910495 0.6460806228926751 0.4804676031176709 0.3752182073728067 0.24056089222864285 0.19412733528238674 0.24056089222864285 0.12447699986298497 0.05947002013822289 0.05947002013822289 -0.005536959586547991 -0.017919241438882367 -0.019467026670423066 0.3767659926043474 +25685,1.0887471991137192,0,1.5515349833448102 1.585586258438732 1.5670128356602346 1.4493811580630274 1.3100804872242413 0.9355164611910495 0.6460806228926751 0.4804676031176709 0.3752182073728067 0.24056089222864285 0.19412733528238674 0.24056089222864285 0.12447699986298497 0.05947002013822289 0.05947002013822289 -0.005536959586547991 -0.017919241438882367 -0.019467026670423066 0.3767659926043474 0.7172787435436175 +25686,1.3921131044959687,0,1.585586258438732 1.5670128356602346 1.4493811580630274 1.3100804872242413 0.9355164611910495 0.6460806228926751 0.4804676031176709 0.3752182073728067 0.24056089222864285 0.19412733528238674 0.24056089222864285 0.12447699986298497 0.05947002013822289 0.05947002013822289 -0.005536959586547991 -0.017919241438882367 -0.019467026670423066 0.3767659926043474 0.7172787435436175 1.0887471991137192 +25687,1.6567843790896744,0,1.5670128356602346 1.4493811580630274 1.3100804872242413 0.9355164611910495 0.6460806228926751 0.4804676031176709 0.3752182073728067 0.24056089222864285 0.19412733528238674 0.24056089222864285 0.12447699986298497 0.05947002013822289 0.05947002013822289 -0.005536959586547991 -0.017919241438882367 -0.019467026670423066 0.3767659926043474 0.7172787435436175 1.0887471991137192 1.3921131044959687 +25688,1.8316841102539314,0,1.4493811580630274 1.3100804872242413 0.9355164611910495 0.6460806228926751 0.4804676031176709 0.3752182073728067 0.24056089222864285 0.19412733528238674 0.24056089222864285 0.12447699986298497 0.05947002013822289 0.05947002013822289 -0.005536959586547991 -0.017919241438882367 -0.019467026670423066 0.3767659926043474 0.7172787435436175 1.0887471991137192 1.3921131044959687 1.6567843790896744 +25689,1.9059778013679554,0,1.3100804872242413 0.9355164611910495 0.6460806228926751 0.4804676031176709 0.3752182073728067 0.24056089222864285 0.19412733528238674 0.24056089222864285 0.12447699986298497 0.05947002013822289 0.05947002013822289 -0.005536959586547991 -0.017919241438882367 -0.019467026670423066 0.3767659926043474 0.7172787435436175 1.0887471991137192 1.3921131044959687 1.6567843790896744 1.8316841102539314 +25690,1.9338379355357056,0,0.9355164611910495 0.6460806228926751 0.4804676031176709 0.3752182073728067 0.24056089222864285 0.19412733528238674 0.24056089222864285 0.12447699986298497 0.05947002013822289 0.05947002013822289 -0.005536959586547991 -0.017919241438882367 -0.019467026670423066 0.3767659926043474 0.7172787435436175 1.0887471991137192 1.3921131044959687 1.6567843790896744 1.8316841102539314 1.9059778013679554 +25691,1.944672432156508,0,0.6460806228926751 0.4804676031176709 0.3752182073728067 0.24056089222864285 0.19412733528238674 0.24056089222864285 0.12447699986298497 0.05947002013822289 0.05947002013822289 -0.005536959586547991 -0.017919241438882367 -0.019467026670423066 0.3767659926043474 0.7172787435436175 1.0887471991137192 1.3921131044959687 1.6567843790896744 1.8316841102539314 1.9059778013679554 1.9338379355357056 +25692,1.8285885397908501,0,0.4804676031176709 0.3752182073728067 0.24056089222864285 0.19412733528238674 0.24056089222864285 0.12447699986298497 0.05947002013822289 0.05947002013822289 -0.005536959586547991 -0.017919241438882367 -0.019467026670423066 0.3767659926043474 0.7172787435436175 1.0887471991137192 1.3921131044959687 1.6567843790896744 1.8316841102539314 1.9059778013679554 1.9338379355357056 1.944672432156508 +25693,1.635115385848087,0,0.3752182073728067 0.24056089222864285 0.19412733528238674 0.24056089222864285 0.12447699986298497 0.05947002013822289 0.05947002013822289 -0.005536959586547991 -0.017919241438882367 -0.019467026670423066 0.3767659926043474 0.7172787435436175 1.0887471991137192 1.3921131044959687 1.6567843790896744 1.8316841102539314 1.9059778013679554 1.9338379355357056 1.944672432156508 1.8285885397908501 +25694,1.3642529703282185,0,0.24056089222864285 0.19412733528238674 0.24056089222864285 0.12447699986298497 0.05947002013822289 0.05947002013822289 -0.005536959586547991 -0.017919241438882367 -0.019467026670423066 0.3767659926043474 0.7172787435436175 1.0887471991137192 1.3921131044959687 1.6567843790896744 1.8316841102539314 1.9059778013679554 1.9338379355357056 1.944672432156508 1.8285885397908501 1.635115385848087 +25695,1.1305374003653532,0,0.19412733528238674 0.24056089222864285 0.12447699986298497 0.05947002013822289 0.05947002013822289 -0.005536959586547991 -0.017919241438882367 -0.019467026670423066 0.3767659926043474 0.7172787435436175 1.0887471991137192 1.3921131044959687 1.6567843790896744 1.8316841102539314 1.9059778013679554 1.9338379355357056 1.944672432156508 1.8285885397908501 1.635115385848087 1.3642529703282185 +25696,0.9989756556842796,0,0.24056089222864285 0.12447699986298497 0.05947002013822289 0.05947002013822289 -0.005536959586547991 -0.017919241438882367 -0.019467026670423066 0.3767659926043474 0.7172787435436175 1.0887471991137192 1.3921131044959687 1.6567843790896744 1.8316841102539314 1.9059778013679554 1.9338379355357056 1.944672432156508 1.8285885397908501 1.635115385848087 1.3642529703282185 1.1305374003653532 +25697,0.9293253202648867,0,0.12447699986298497 0.05947002013822289 0.05947002013822289 -0.005536959586547991 -0.017919241438882367 -0.019467026670423066 0.3767659926043474 0.7172787435436175 1.0887471991137192 1.3921131044959687 1.6567843790896744 1.8316841102539314 1.9059778013679554 1.9338379355357056 1.944672432156508 1.8285885397908501 1.635115385848087 1.3642529703282185 1.1305374003653532 0.9989756556842796 +25698,0.7931202198891821,0,0.05947002013822289 0.05947002013822289 -0.005536959586547991 -0.017919241438882367 -0.019467026670423066 0.3767659926043474 0.7172787435436175 1.0887471991137192 1.3921131044959687 1.6567843790896744 1.8316841102539314 1.9059778013679554 1.9338379355357056 1.944672432156508 1.8285885397908501 1.635115385848087 1.3642529703282185 1.1305374003653532 0.9989756556842796 0.9293253202648867 +25699,0.7699034414160453,0,0.05947002013822289 -0.005536959586547991 -0.017919241438882367 -0.019467026670423066 0.3767659926043474 0.7172787435436175 1.0887471991137192 1.3921131044959687 1.6567843790896744 1.8316841102539314 1.9059778013679554 1.9338379355357056 1.944672432156508 1.8285885397908501 1.635115385848087 1.3642529703282185 1.1305374003653532 0.9989756556842796 0.9293253202648867 0.7931202198891821 +25700,0.7048964616912744,0,-0.005536959586547991 -0.017919241438882367 -0.019467026670423066 0.3767659926043474 0.7172787435436175 1.0887471991137192 1.3921131044959687 1.6567843790896744 1.8316841102539314 1.9059778013679554 1.9338379355357056 1.944672432156508 1.8285885397908501 1.635115385848087 1.3642529703282185 1.1305374003653532 0.9989756556842796 0.9293253202648867 0.7931202198891821 0.7699034414160453 +25701,0.6522717638188467,0,-0.017919241438882367 -0.019467026670423066 0.3767659926043474 0.7172787435436175 1.0887471991137192 1.3921131044959687 1.6567843790896744 1.8316841102539314 1.9059778013679554 1.9338379355357056 1.944672432156508 1.8285885397908501 1.635115385848087 1.3642529703282185 1.1305374003653532 0.9989756556842796 0.9293253202648867 0.7931202198891821 0.7699034414160453 0.7048964616912744 +25702,0.5470223680739825,0,-0.019467026670423066 0.3767659926043474 0.7172787435436175 1.0887471991137192 1.3921131044959687 1.6567843790896744 1.8316841102539314 1.9059778013679554 1.9338379355357056 1.944672432156508 1.8285885397908501 1.635115385848087 1.3642529703282185 1.1305374003653532 0.9989756556842796 0.9293253202648867 0.7931202198891821 0.7699034414160453 0.7048964616912744 0.6522717638188467 +25703,0.4758242474230488,0,0.3767659926043474 0.7172787435436175 1.0887471991137192 1.3921131044959687 1.6567843790896744 1.8316841102539314 1.9059778013679554 1.9338379355357056 1.944672432156508 1.8285885397908501 1.635115385848087 1.3642529703282185 1.1305374003653532 0.9989756556842796 0.9293253202648867 0.7931202198891821 0.7699034414160453 0.7048964616912744 0.6522717638188467 0.5470223680739825 +25704,0.4974932406646362,0,0.7172787435436175 1.0887471991137192 1.3921131044959687 1.6567843790896744 1.8316841102539314 1.9059778013679554 1.9338379355357056 1.944672432156508 1.8285885397908501 1.635115385848087 1.3642529703282185 1.1305374003653532 0.9989756556842796 0.9293253202648867 0.7931202198891821 0.7699034414160453 0.7048964616912744 0.6522717638188467 0.5470223680739825 0.4758242474230488 +25705,0.4386774018660369,0,1.0887471991137192 1.3921131044959687 1.6567843790896744 1.8316841102539314 1.9059778013679554 1.9338379355357056 1.944672432156508 1.8285885397908501 1.635115385848087 1.3642529703282185 1.1305374003653532 0.9989756556842796 0.9293253202648867 0.7931202198891821 0.7699034414160453 0.7048964616912744 0.6522717638188467 0.5470223680739825 0.4758242474230488 0.4974932406646362 +25706,0.45879860987608356,0,1.3921131044959687 1.6567843790896744 1.8316841102539314 1.9059778013679554 1.9338379355357056 1.944672432156508 1.8285885397908501 1.635115385848087 1.3642529703282185 1.1305374003653532 0.9989756556842796 0.9293253202648867 0.7931202198891821 0.7699034414160453 0.7048964616912744 0.6522717638188467 0.5470223680739825 0.4758242474230488 0.4974932406646362 0.4386774018660369 +25707,0.790024649426092,0,1.6567843790896744 1.8316841102539314 1.9059778013679554 1.9338379355357056 1.944672432156508 1.8285885397908501 1.635115385848087 1.3642529703282185 1.1305374003653532 0.9989756556842796 0.9293253202648867 0.7931202198891821 0.7699034414160453 0.7048964616912744 0.6522717638188467 0.5470223680739825 0.4758242474230488 0.4974932406646362 0.4386774018660369 0.45879860987608356 +25708,1.2760292121303107,0,1.8316841102539314 1.9059778013679554 1.9338379355357056 1.944672432156508 1.8285885397908501 1.635115385848087 1.3642529703282185 1.1305374003653532 0.9989756556842796 0.9293253202648867 0.7931202198891821 0.7699034414160453 0.7048964616912744 0.6522717638188467 0.5470223680739825 0.4758242474230488 0.4974932406646362 0.4386774018660369 0.45879860987608356 0.790024649426092 +25709,1.6536888086265842,0,1.9059778013679554 1.9338379355357056 1.944672432156508 1.8285885397908501 1.635115385848087 1.3642529703282185 1.1305374003653532 0.9989756556842796 0.9293253202648867 0.7931202198891821 0.7699034414160453 0.7048964616912744 0.6522717638188467 0.5470223680739825 0.4758242474230488 0.4974932406646362 0.4386774018660369 0.45879860987608356 0.790024649426092 1.2760292121303107 +25710,1.958602499240383,0,1.9338379355357056 1.944672432156508 1.8285885397908501 1.635115385848087 1.3642529703282185 1.1305374003653532 0.9989756556842796 0.9293253202648867 0.7931202198891821 0.7699034414160453 0.7048964616912744 0.6522717638188467 0.5470223680739825 0.4758242474230488 0.4974932406646362 0.4386774018660369 0.45879860987608356 0.790024649426092 1.2760292121303107 1.6536888086265842 +25711,2.1226677337838464,0,1.944672432156508 1.8285885397908501 1.635115385848087 1.3642529703282185 1.1305374003653532 0.9989756556842796 0.9293253202648867 0.7931202198891821 0.7699034414160453 0.7048964616912744 0.6522717638188467 0.5470223680739825 0.4758242474230488 0.4974932406646362 0.4386774018660369 0.45879860987608356 0.790024649426092 1.2760292121303107 1.6536888086265842 1.958602499240383 +25712,2.232560485223333,0,1.8285885397908501 1.635115385848087 1.3642529703282185 1.1305374003653532 0.9989756556842796 0.9293253202648867 0.7931202198891821 0.7699034414160453 0.7048964616912744 0.6522717638188467 0.5470223680739825 0.4758242474230488 0.4974932406646362 0.4386774018660369 0.45879860987608356 0.790024649426092 1.2760292121303107 1.6536888086265842 1.958602499240383 2.1226677337838464 +25713,2.342453236662828,0,1.635115385848087 1.3642529703282185 1.1305374003653532 0.9989756556842796 0.9293253202648867 0.7931202198891821 0.7699034414160453 0.7048964616912744 0.6522717638188467 0.5470223680739825 0.4758242474230488 0.4974932406646362 0.4386774018660369 0.45879860987608356 0.790024649426092 1.2760292121303107 1.6536888086265842 1.958602499240383 2.1226677337838464 2.232560485223333 +25714,2.333166525273575,0,1.3642529703282185 1.1305374003653532 0.9989756556842796 0.9293253202648867 0.7931202198891821 0.7699034414160453 0.7048964616912744 0.6522717638188467 0.5470223680739825 0.4758242474230488 0.4974932406646362 0.4386774018660369 0.45879860987608356 0.790024649426092 1.2760292121303107 1.6536888086265842 1.958602499240383 2.1226677337838464 2.232560485223333 2.342453236662828 +25715,2.3145931024950688,0,1.1305374003653532 0.9989756556842796 0.9293253202648867 0.7931202198891821 0.7699034414160453 0.7048964616912744 0.6522717638188467 0.5470223680739825 0.4758242474230488 0.4974932406646362 0.4386774018660369 0.45879860987608356 0.790024649426092 1.2760292121303107 1.6536888086265842 1.958602499240383 2.1226677337838464 2.232560485223333 2.342453236662828 2.333166525273575 +25716,2.254229478464929,0,0.9989756556842796 0.9293253202648867 0.7931202198891821 0.7699034414160453 0.7048964616912744 0.6522717638188467 0.5470223680739825 0.4758242474230488 0.4974932406646362 0.4386774018660369 0.45879860987608356 0.790024649426092 1.2760292121303107 1.6536888086265842 1.958602499240383 2.1226677337838464 2.232560485223333 2.342453236662828 2.333166525273575 2.3145931024950688 +25717,2.0808775325322126,0,0.9293253202648867 0.7931202198891821 0.7699034414160453 0.7048964616912744 0.6522717638188467 0.5470223680739825 0.4758242474230488 0.4974932406646362 0.4386774018660369 0.45879860987608356 0.790024649426092 1.2760292121303107 1.6536888086265842 1.958602499240383 2.1226677337838464 2.232560485223333 2.342453236662828 2.333166525273575 2.3145931024950688 2.254229478464929 +25718,1.7310780702036894,0,0.7931202198891821 0.7699034414160453 0.7048964616912744 0.6522717638188467 0.5470223680739825 0.4758242474230488 0.4974932406646362 0.4386774018660369 0.45879860987608356 0.790024649426092 1.2760292121303107 1.6536888086265842 1.958602499240383 2.1226677337838464 2.232560485223333 2.342453236662828 2.333166525273575 2.3145931024950688 2.254229478464929 2.0808775325322126 +25719,1.469502366073074,0,0.7699034414160453 0.7048964616912744 0.6522717638188467 0.5470223680739825 0.4758242474230488 0.4974932406646362 0.4386774018660369 0.45879860987608356 0.790024649426092 1.2760292121303107 1.6536888086265842 1.958602499240383 2.1226677337838464 2.232560485223333 2.342453236662828 2.333166525273575 2.3145931024950688 2.254229478464929 2.0808775325322126 1.7310780702036894 +25720,1.3085327019927007,0,0.7048964616912744 0.6522717638188467 0.5470223680739825 0.4758242474230488 0.4974932406646362 0.4386774018660369 0.45879860987608356 0.790024649426092 1.2760292121303107 1.6536888086265842 1.958602499240383 2.1226677337838464 2.232560485223333 2.342453236662828 2.333166525273575 2.3145931024950688 2.254229478464929 2.0808775325322126 1.7310780702036894 1.469502366073074 +25721,1.1878054539324119,0,0.6522717638188467 0.5470223680739825 0.4758242474230488 0.4974932406646362 0.4386774018660369 0.45879860987608356 0.790024649426092 1.2760292121303107 1.6536888086265842 1.958602499240383 2.1226677337838464 2.232560485223333 2.342453236662828 2.333166525273575 2.3145931024950688 2.254229478464929 2.0808775325322126 1.7310780702036894 1.469502366073074 1.3085327019927007 +25722,1.1073206218922251,0,0.5470223680739825 0.4758242474230488 0.4974932406646362 0.4386774018660369 0.45879860987608356 0.790024649426092 1.2760292121303107 1.6536888086265842 1.958602499240383 2.1226677337838464 2.232560485223333 2.342453236662828 2.333166525273575 2.3145931024950688 2.254229478464929 2.0808775325322126 1.7310780702036894 1.469502366073074 1.3085327019927007 1.1878054539324119 +25723,1.0469569978620852,0,0.4758242474230488 0.4974932406646362 0.4386774018660369 0.45879860987608356 0.790024649426092 1.2760292121303107 1.6536888086265842 1.958602499240383 2.1226677337838464 2.232560485223333 2.342453236662828 2.333166525273575 2.3145931024950688 2.254229478464929 2.0808775325322126 1.7310780702036894 1.469502366073074 1.3085327019927007 1.1878054539324119 1.1073206218922251 +25724,0.9401598168856804,0,0.4974932406646362 0.4386774018660369 0.45879860987608356 0.790024649426092 1.2760292121303107 1.6536888086265842 1.958602499240383 2.1226677337838464 2.232560485223333 2.342453236662828 2.333166525273575 2.3145931024950688 2.254229478464929 2.0808775325322126 1.7310780702036894 1.469502366073074 1.3085327019927007 1.1878054539324119 1.1073206218922251 1.0469569978620852 +25725,0.8488404882246913,0,0.4386774018660369 0.45879860987608356 0.790024649426092 1.2760292121303107 1.6536888086265842 1.958602499240383 2.1226677337838464 2.232560485223333 2.342453236662828 2.333166525273575 2.3145931024950688 2.254229478464929 2.0808775325322126 1.7310780702036894 1.469502366073074 1.3085327019927007 1.1878054539324119 1.1073206218922251 1.0469569978620852 0.9401598168856804 +25726,0.7822857232683796,0,0.45879860987608356 0.790024649426092 1.2760292121303107 1.6536888086265842 1.958602499240383 2.1226677337838464 2.232560485223333 2.342453236662828 2.333166525273575 2.3145931024950688 2.254229478464929 2.0808775325322126 1.7310780702036894 1.469502366073074 1.3085327019927007 1.1878054539324119 1.1073206218922251 1.0469569978620852 0.9401598168856804 0.8488404882246913 +25727,0.7962157903522635,0,0.790024649426092 1.2760292121303107 1.6536888086265842 1.958602499240383 2.1226677337838464 2.232560485223333 2.342453236662828 2.333166525273575 2.3145931024950688 2.254229478464929 2.0808775325322126 1.7310780702036894 1.469502366073074 1.3085327019927007 1.1878054539324119 1.1073206218922251 1.0469569978620852 0.9401598168856804 0.8488404882246913 0.7822857232683796 +25728,0.7373999515536642,0,1.2760292121303107 1.6536888086265842 1.958602499240383 2.1226677337838464 2.232560485223333 2.342453236662828 2.333166525273575 2.3145931024950688 2.254229478464929 2.0808775325322126 1.7310780702036894 1.469502366073074 1.3085327019927007 1.1878054539324119 1.1073206218922251 1.0469569978620852 0.9401598168856804 0.8488404882246913 0.7822857232683796 0.7962157903522635 +25729,0.7497822334059986,0,1.6536888086265842 1.958602499240383 2.1226677337838464 2.232560485223333 2.342453236662828 2.333166525273575 2.3145931024950688 2.254229478464929 2.0808775325322126 1.7310780702036894 1.469502366073074 1.3085327019927007 1.1878054539324119 1.1073206218922251 1.0469569978620852 0.9401598168856804 0.8488404882246913 0.7822857232683796 0.7962157903522635 0.7373999515536642 +25730,0.738947736785205,0,1.958602499240383 2.1226677337838464 2.232560485223333 2.342453236662828 2.333166525273575 2.3145931024950688 2.254229478464929 2.0808775325322126 1.7310780702036894 1.469502366073074 1.3085327019927007 1.1878054539324119 1.1073206218922251 1.0469569978620852 0.9401598168856804 0.8488404882246913 0.7822857232683796 0.7962157903522635 0.7373999515536642 0.7497822334059986 +25731,1.1537541788384902,0,2.1226677337838464 2.232560485223333 2.342453236662828 2.333166525273575 2.3145931024950688 2.254229478464929 2.0808775325322126 1.7310780702036894 1.469502366073074 1.3085327019927007 1.1878054539324119 1.1073206218922251 1.0469569978620852 0.9401598168856804 0.8488404882246913 0.7822857232683796 0.7962157903522635 0.7373999515536642 0.7497822334059986 0.738947736785205 +25732,1.635115385848087,0,2.232560485223333 2.342453236662828 2.333166525273575 2.3145931024950688 2.254229478464929 2.0808775325322126 1.7310780702036894 1.469502366073074 1.3085327019927007 1.1878054539324119 1.1073206218922251 1.0469569978620852 0.9401598168856804 0.8488404882246913 0.7822857232683796 0.7962157903522635 0.7373999515536642 0.7497822334059986 0.738947736785205 1.1537541788384902 +25733,2.0298006198913168,0,2.342453236662828 2.333166525273575 2.3145931024950688 2.254229478464929 2.0808775325322126 1.7310780702036894 1.469502366073074 1.3085327019927007 1.1878054539324119 1.1073206218922251 1.0469569978620852 0.9401598168856804 0.8488404882246913 0.7822857232683796 0.7962157903522635 0.7373999515536642 0.7497822334059986 0.738947736785205 1.1537541788384902 1.635115385848087 +25734,2.3579310889782437,0,2.333166525273575 2.3145931024950688 2.254229478464929 2.0808775325322126 1.7310780702036894 1.469502366073074 1.3085327019927007 1.1878054539324119 1.1073206218922251 1.0469569978620852 0.9401598168856804 0.8488404882246913 0.7822857232683796 0.7962157903522635 0.7373999515536642 0.7497822334059986 0.738947736785205 1.1537541788384902 1.635115385848087 2.0298006198913168 +25735,2.6086722964880655,0,2.3145931024950688 2.254229478464929 2.0808775325322126 1.7310780702036894 1.469502366073074 1.3085327019927007 1.1878054539324119 1.1073206218922251 1.0469569978620852 0.9401598168856804 0.8488404882246913 0.7822857232683796 0.7962157903522635 0.7373999515536642 0.7497822334059986 0.738947736785205 1.1537541788384902 1.635115385848087 2.0298006198913168 2.3579310889782437 +25736,2.6999916251490546,0,2.254229478464929 2.0808775325322126 1.7310780702036894 1.469502366073074 1.3085327019927007 1.1878054539324119 1.1073206218922251 1.0469569978620852 0.9401598168856804 0.8488404882246913 0.7822857232683796 0.7962157903522635 0.7373999515536642 0.7497822334059986 0.738947736785205 1.1537541788384902 1.635115385848087 2.0298006198913168 2.3579310889782437 2.6086722964880655 +25737,2.7758331014946105,0,2.0808775325322126 1.7310780702036894 1.469502366073074 1.3085327019927007 1.1878054539324119 1.1073206218922251 1.0469569978620852 0.9401598168856804 0.8488404882246913 0.7822857232683796 0.7962157903522635 0.7373999515536642 0.7497822334059986 0.738947736785205 1.1537541788384902 1.635115385848087 2.0298006198913168 2.3579310889782437 2.6086722964880655 2.6999916251490546 +25738,2.7975020947362066,0,1.7310780702036894 1.469502366073074 1.3085327019927007 1.1878054539324119 1.1073206218922251 1.0469569978620852 0.9401598168856804 0.8488404882246913 0.7822857232683796 0.7962157903522635 0.7373999515536642 0.7497822334059986 0.738947736785205 1.1537541788384902 1.635115385848087 2.0298006198913168 2.3579310889782437 2.6086722964880655 2.6999916251490546 2.7758331014946105 +25739,2.763450819642276,0,1.469502366073074 1.3085327019927007 1.1878054539324119 1.1073206218922251 1.0469569978620852 0.9401598168856804 0.8488404882246913 0.7822857232683796 0.7962157903522635 0.7373999515536642 0.7497822334059986 0.738947736785205 1.1537541788384902 1.635115385848087 2.0298006198913168 2.3579310889782437 2.6086722964880655 2.6999916251490546 2.7758331014946105 2.7975020947362066 +25740,2.6179590078773183,0,1.3085327019927007 1.1878054539324119 1.1073206218922251 1.0469569978620852 0.9401598168856804 0.8488404882246913 0.7822857232683796 0.7962157903522635 0.7373999515536642 0.7497822334059986 0.738947736785205 1.1537541788384902 1.635115385848087 2.0298006198913168 2.3579310889782437 2.6086722964880655 2.6999916251490546 2.7758331014946105 2.7975020947362066 2.763450819642276 +25741,2.40746021638759,0,1.1878054539324119 1.1073206218922251 1.0469569978620852 0.9401598168856804 0.8488404882246913 0.7822857232683796 0.7962157903522635 0.7373999515536642 0.7497822334059986 0.738947736785205 1.1537541788384902 1.635115385848087 2.0298006198913168 2.3579310889782437 2.6086722964880655 2.6999916251490546 2.7758331014946105 2.7975020947362066 2.763450819642276 2.6179590078773183 +25742,2.0267050494282355,0,1.1073206218922251 1.0469569978620852 0.9401598168856804 0.8488404882246913 0.7822857232683796 0.7962157903522635 0.7373999515536642 0.7497822334059986 0.738947736785205 1.1537541788384902 1.635115385848087 2.0298006198913168 2.3579310889782437 2.6086722964880655 2.6999916251490546 2.7758331014946105 2.7975020947362066 2.763450819642276 2.6179590078773183 2.40746021638759 +25743,1.7573904191399077,0,1.0469569978620852 0.9401598168856804 0.8488404882246913 0.7822857232683796 0.7962157903522635 0.7373999515536642 0.7497822334059986 0.738947736785205 1.1537541788384902 1.635115385848087 2.0298006198913168 2.3579310889782437 2.6086722964880655 2.6999916251490546 2.7758331014946105 2.7975020947362066 2.763450819642276 2.6179590078773183 2.40746021638759 2.0267050494282355 +25744,1.625828674458834,0,0.9401598168856804 0.8488404882246913 0.7822857232683796 0.7962157903522635 0.7373999515536642 0.7497822334059986 0.738947736785205 1.1537541788384902 1.635115385848087 2.0298006198913168 2.3579310889782437 2.6086722964880655 2.6999916251490546 2.7758331014946105 2.7975020947362066 2.763450819642276 2.6179590078773183 2.40746021638759 2.0267050494282355 1.7573904191399077 +25745,1.5267704196401326,0,0.8488404882246913 0.7822857232683796 0.7962157903522635 0.7373999515536642 0.7497822334059986 0.738947736785205 1.1537541788384902 1.635115385848087 2.0298006198913168 2.3579310889782437 2.6086722964880655 2.6999916251490546 2.7758331014946105 2.7975020947362066 2.763450819642276 2.6179590078773183 2.40746021638759 2.0267050494282355 1.7573904191399077 1.625828674458834 +25746,1.4369988762106929,0,0.7822857232683796 0.7962157903522635 0.7373999515536642 0.7497822334059986 0.738947736785205 1.1537541788384902 1.635115385848087 2.0298006198913168 2.3579310889782437 2.6086722964880655 2.6999916251490546 2.7758331014946105 2.7975020947362066 2.763450819642276 2.6179590078773183 2.40746021638759 2.0267050494282355 1.7573904191399077 1.625828674458834 1.5267704196401326 +25747,1.3704441112543813,0,0.7962157903522635 0.7373999515536642 0.7497822334059986 0.738947736785205 1.1537541788384902 1.635115385848087 2.0298006198913168 2.3579310889782437 2.6086722964880655 2.6999916251490546 2.7758331014946105 2.7975020947362066 2.763450819642276 2.6179590078773183 2.40746021638759 2.0267050494282355 1.7573904191399077 1.625828674458834 1.5267704196401326 1.4369988762106929 +25748,1.325558339539666,0,0.7373999515536642 0.7497822334059986 0.738947736785205 1.1537541788384902 1.635115385848087 2.0298006198913168 2.3579310889782437 2.6086722964880655 2.6999916251490546 2.7758331014946105 2.7975020947362066 2.763450819642276 2.6179590078773183 2.40746021638759 2.0267050494282355 1.7573904191399077 1.625828674458834 1.5267704196401326 1.4369988762106929 1.3704441112543813 +25749,1.2760292121303107,0,0.7497822334059986 0.738947736785205 1.1537541788384902 1.635115385848087 2.0298006198913168 2.3579310889782437 2.6086722964880655 2.6999916251490546 2.7758331014946105 2.7975020947362066 2.763450819642276 2.6179590078773183 2.40746021638759 2.0267050494282355 1.7573904191399077 1.625828674458834 1.5267704196401326 1.4369988762106929 1.3704441112543813 1.325558339539666 +25750,1.181614313006249,0,0.738947736785205 1.1537541788384902 1.635115385848087 2.0298006198913168 2.3579310889782437 2.6086722964880655 2.6999916251490546 2.7758331014946105 2.7975020947362066 2.763450819642276 2.6179590078773183 2.40746021638759 2.0267050494282355 1.7573904191399077 1.625828674458834 1.5267704196401326 1.4369988762106929 1.3704441112543813 1.325558339539666 1.2760292121303107 +25751,1.1723276016169961,0,1.1537541788384902 1.635115385848087 2.0298006198913168 2.3579310889782437 2.6086722964880655 2.6999916251490546 2.7758331014946105 2.7975020947362066 2.763450819642276 2.6179590078773183 2.40746021638759 2.0267050494282355 1.7573904191399077 1.625828674458834 1.5267704196401326 1.4369988762106929 1.3704441112543813 1.325558339539666 1.2760292121303107 1.181614313006249 +25752,1.1104161923553066,0,1.635115385848087 2.0298006198913168 2.3579310889782437 2.6086722964880655 2.6999916251490546 2.7758331014946105 2.7975020947362066 2.763450819642276 2.6179590078773183 2.40746021638759 2.0267050494282355 1.7573904191399077 1.625828674458834 1.5267704196401326 1.4369988762106929 1.3704441112543813 1.325558339539666 1.2760292121303107 1.181614313006249 1.1723276016169961 +25753,1.0964861252714315,0,2.0298006198913168 2.3579310889782437 2.6086722964880655 2.6999916251490546 2.7758331014946105 2.7975020947362066 2.763450819642276 2.6179590078773183 2.40746021638759 2.0267050494282355 1.7573904191399077 1.625828674458834 1.5267704196401326 1.4369988762106929 1.3704441112543813 1.325558339539666 1.2760292121303107 1.181614313006249 1.1723276016169961 1.1104161923553066 +25754,1.1553019640700308,0,2.3579310889782437 2.6086722964880655 2.6999916251490546 2.7758331014946105 2.7975020947362066 2.763450819642276 2.6179590078773183 2.40746021638759 2.0267050494282355 1.7573904191399077 1.625828674458834 1.5267704196401326 1.4369988762106929 1.3704441112543813 1.325558339539666 1.2760292121303107 1.181614313006249 1.1723276016169961 1.1104161923553066 1.0964861252714315 +25755,1.676905587099721,0,2.6086722964880655 2.6999916251490546 2.7758331014946105 2.7975020947362066 2.763450819642276 2.6179590078773183 2.40746021638759 2.0267050494282355 1.7573904191399077 1.625828674458834 1.5267704196401326 1.4369988762106929 1.3704441112543813 1.325558339539666 1.2760292121303107 1.181614313006249 1.1723276016169961 1.1104161923553066 1.0964861252714315 1.1553019640700308 +25756,2.0824253177637533,0,2.6999916251490546 2.7758331014946105 2.7975020947362066 2.763450819642276 2.6179590078773183 2.40746021638759 2.0267050494282355 1.7573904191399077 1.625828674458834 1.5267704196401326 1.4369988762106929 1.3704441112543813 1.325558339539666 1.2760292121303107 1.181614313006249 1.1723276016169961 1.1104161923553066 1.0964861252714315 1.1553019640700308 1.676905587099721 +25757,2.3950779345352555,0,2.7758331014946105 2.7975020947362066 2.763450819642276 2.6179590078773183 2.40746021638759 2.0267050494282355 1.7573904191399077 1.625828674458834 1.5267704196401326 1.4369988762106929 1.3704441112543813 1.325558339539666 1.2760292121303107 1.181614313006249 1.1723276016169961 1.1104161923553066 1.0964861252714315 1.1553019640700308 1.676905587099721 2.0824253177637533 +25758,2.707730551306758,0,2.7975020947362066 2.763450819642276 2.6179590078773183 2.40746021638759 2.0267050494282355 1.7573904191399077 1.625828674458834 1.5267704196401326 1.4369988762106929 1.3704441112543813 1.325558339539666 1.2760292121303107 1.181614313006249 1.1723276016169961 1.1104161923553066 1.0964861252714315 1.1553019640700308 1.676905587099721 2.0824253177637533 2.3950779345352555 +25759,2.809884376588541,0,2.763450819642276 2.6179590078773183 2.40746021638759 2.0267050494282355 1.7573904191399077 1.625828674458834 1.5267704196401326 1.4369988762106929 1.3704441112543813 1.325558339539666 1.2760292121303107 1.181614313006249 1.1723276016169961 1.1104161923553066 1.0964861252714315 1.1553019640700308 1.676905587099721 2.0824253177637533 2.3950779345352555 2.707730551306758 +25760,2.8748913563133116,0,2.6179590078773183 2.40746021638759 2.0267050494282355 1.7573904191399077 1.625828674458834 1.5267704196401326 1.4369988762106929 1.3704441112543813 1.325558339539666 1.2760292121303107 1.181614313006249 1.1723276016169961 1.1104161923553066 1.0964861252714315 1.1553019640700308 1.676905587099721 2.0824253177637533 2.3950779345352555 2.707730551306758 2.809884376588541 +25761,2.6380802158873653,0,2.40746021638759 2.0267050494282355 1.7573904191399077 1.625828674458834 1.5267704196401326 1.4369988762106929 1.3704441112543813 1.325558339539666 1.2760292121303107 1.181614313006249 1.1723276016169961 1.1104161923553066 1.0964861252714315 1.1553019640700308 1.676905587099721 2.0824253177637533 2.3950779345352555 2.707730551306758 2.809884376588541 2.8748913563133116 +25762,2.5003273302801197,0,2.0267050494282355 1.7573904191399077 1.625828674458834 1.5267704196401326 1.4369988762106929 1.3704441112543813 1.325558339539666 1.2760292121303107 1.181614313006249 1.1723276016169961 1.1104161923553066 1.0964861252714315 1.1553019640700308 1.676905587099721 2.0824253177637533 2.3950779345352555 2.707730551306758 2.809884376588541 2.8748913563133116 2.6380802158873653 +25763,2.3269753843474033,0,1.7573904191399077 1.625828674458834 1.5267704196401326 1.4369988762106929 1.3704441112543813 1.325558339539666 1.2760292121303107 1.181614313006249 1.1723276016169961 1.1104161923553066 1.0964861252714315 1.1553019640700308 1.676905587099721 2.0824253177637533 2.3950779345352555 2.707730551306758 2.809884376588541 2.8748913563133116 2.6380802158873653 2.5003273302801197 +25764,2.2743506864749756,0,1.625828674458834 1.5267704196401326 1.4369988762106929 1.3704441112543813 1.325558339539666 1.2760292121303107 1.181614313006249 1.1723276016169961 1.1104161923553066 1.0964861252714315 1.1553019640700308 1.676905587099721 2.0824253177637533 2.3950779345352555 2.707730551306758 2.809884376588541 2.8748913563133116 2.6380802158873653 2.5003273302801197 2.3269753843474033 +25765,2.2495861227702982,0,1.5267704196401326 1.4369988762106929 1.3704441112543813 1.325558339539666 1.2760292121303107 1.181614313006249 1.1723276016169961 1.1104161923553066 1.0964861252714315 1.1553019640700308 1.676905587099721 2.0824253177637533 2.3950779345352555 2.707730551306758 2.809884376588541 2.8748913563133116 2.6380802158873653 2.5003273302801197 2.3269753843474033 2.2743506864749756 +25766,2.0901642439214654,0,1.4369988762106929 1.3704441112543813 1.325558339539666 1.2760292121303107 1.181614313006249 1.1723276016169961 1.1104161923553066 1.0964861252714315 1.1553019640700308 1.676905587099721 2.0824253177637533 2.3950779345352555 2.707730551306758 2.809884376588541 2.8748913563133116 2.6380802158873653 2.5003273302801197 2.3269753843474033 2.2743506864749756 2.2495861227702982 +25767,1.8920477342840716,0,1.3704441112543813 1.325558339539666 1.2760292121303107 1.181614313006249 1.1723276016169961 1.1104161923553066 1.0964861252714315 1.1553019640700308 1.676905587099721 2.0824253177637533 2.3950779345352555 2.707730551306758 2.809884376588541 2.8748913563133116 2.6380802158873653 2.5003273302801197 2.3269753843474033 2.2743506864749756 2.2495861227702982 2.0901642439214654 +25768,1.7821549828445853,0,1.325558339539666 1.2760292121303107 1.181614313006249 1.1723276016169961 1.1104161923553066 1.0964861252714315 1.1553019640700308 1.676905587099721 2.0824253177637533 2.3950779345352555 2.707730551306758 2.809884376588541 2.8748913563133116 2.6380802158873653 2.5003273302801197 2.3269753843474033 2.2743506864749756 2.2495861227702982 2.0901642439214654 1.8920477342840716 +25769,1.625828674458834,0,1.2760292121303107 1.181614313006249 1.1723276016169961 1.1104161923553066 1.0964861252714315 1.1553019640700308 1.676905587099721 2.0824253177637533 2.3950779345352555 2.707730551306758 2.809884376588541 2.8748913563133116 2.6380802158873653 2.5003273302801197 2.3269753843474033 2.2743506864749756 2.2495861227702982 2.0901642439214654 1.8920477342840716 1.7821549828445853 +25770,1.4339033057476116,0,1.181614313006249 1.1723276016169961 1.1104161923553066 1.0964861252714315 1.1553019640700308 1.676905587099721 2.0824253177637533 2.3950779345352555 2.707730551306758 2.809884376588541 2.8748913563133116 2.6380802158873653 2.5003273302801197 2.3269753843474033 2.2743506864749756 2.2495861227702982 2.0901642439214654 1.8920477342840716 1.7821549828445853 1.625828674458834 +25771,1.376635252180553,0,1.1723276016169961 1.1104161923553066 1.0964861252714315 1.1553019640700308 1.676905587099721 2.0824253177637533 2.3950779345352555 2.707730551306758 2.809884376588541 2.8748913563133116 2.6380802158873653 2.5003273302801197 2.3269753843474033 2.2743506864749756 2.2495861227702982 2.0901642439214654 1.8920477342840716 1.7821549828445853 1.625828674458834 1.4339033057476116 +25772,1.2729336416672294,0,1.1104161923553066 1.0964861252714315 1.1553019640700308 1.676905587099721 2.0824253177637533 2.3950779345352555 2.707730551306758 2.809884376588541 2.8748913563133116 2.6380802158873653 2.5003273302801197 2.3269753843474033 2.2743506864749756 2.2495861227702982 2.0901642439214654 1.8920477342840716 1.7821549828445853 1.625828674458834 1.4339033057476116 1.376635252180553 +25773,1.1645886754592838,0,1.0964861252714315 1.1553019640700308 1.676905587099721 2.0824253177637533 2.3950779345352555 2.707730551306758 2.809884376588541 2.8748913563133116 2.6380802158873653 2.5003273302801197 2.3269753843474033 2.2743506864749756 2.2495861227702982 2.0901642439214654 1.8920477342840716 1.7821549828445853 1.625828674458834 1.4339033057476116 1.376635252180553 1.2729336416672294 +25774,1.1754231720800774,0,1.1553019640700308 1.676905587099721 2.0824253177637533 2.3950779345352555 2.707730551306758 2.809884376588541 2.8748913563133116 2.6380802158873653 2.5003273302801197 2.3269753843474033 2.2743506864749756 2.2495861227702982 2.0901642439214654 1.8920477342840716 1.7821549828445853 1.625828674458834 1.4339033057476116 1.376635252180553 1.2729336416672294 1.1645886754592838 +25775,1.0980339105029722,0,1.676905587099721 2.0824253177637533 2.3950779345352555 2.707730551306758 2.809884376588541 2.8748913563133116 2.6380802158873653 2.5003273302801197 2.3269753843474033 2.2743506864749756 2.2495861227702982 2.0901642439214654 1.8920477342840716 1.7821549828445853 1.625828674458834 1.4339033057476116 1.376635252180553 1.2729336416672294 1.1645886754592838 1.1754231720800774 +25776,1.0454092126305445,0,2.0824253177637533 2.3950779345352555 2.707730551306758 2.809884376588541 2.8748913563133116 2.6380802158873653 2.5003273302801197 2.3269753843474033 2.2743506864749756 2.2495861227702982 2.0901642439214654 1.8920477342840716 1.7821549828445853 1.625828674458834 1.4339033057476116 1.376635252180553 1.2729336416672294 1.1645886754592838 1.1754231720800774 1.0980339105029722 +25777,1.048504783093626,0,2.3950779345352555 2.707730551306758 2.809884376588541 2.8748913563133116 2.6380802158873653 2.5003273302801197 2.3269753843474033 2.2743506864749756 2.2495861227702982 2.0901642439214654 1.8920477342840716 1.7821549828445853 1.625828674458834 1.4339033057476116 1.376635252180553 1.2729336416672294 1.1645886754592838 1.1754231720800774 1.0980339105029722 1.0454092126305445 +25778,1.099581695734513,0,2.707730551306758 2.809884376588541 2.8748913563133116 2.6380802158873653 2.5003273302801197 2.3269753843474033 2.2743506864749756 2.2495861227702982 2.0901642439214654 1.8920477342840716 1.7821549828445853 1.625828674458834 1.4339033057476116 1.376635252180553 1.2729336416672294 1.1645886754592838 1.1754231720800774 1.0980339105029722 1.0454092126305445 1.048504783093626 +25779,1.390565319264428,0,2.809884376588541 2.8748913563133116 2.6380802158873653 2.5003273302801197 2.3269753843474033 2.2743506864749756 2.2495861227702982 2.0901642439214654 1.8920477342840716 1.7821549828445853 1.625828674458834 1.4339033057476116 1.376635252180553 1.2729336416672294 1.1645886754592838 1.1754231720800774 1.0980339105029722 1.0454092126305445 1.048504783093626 1.099581695734513 +25780,1.7248869292775266,0,2.8748913563133116 2.6380802158873653 2.5003273302801197 2.3269753843474033 2.2743506864749756 2.2495861227702982 2.0901642439214654 1.8920477342840716 1.7821549828445853 1.625828674458834 1.4339033057476116 1.376635252180553 1.2729336416672294 1.1645886754592838 1.1754231720800774 1.0980339105029722 1.0454092126305445 1.048504783093626 1.099581695734513 1.390565319264428 +25781,1.9663414253980953,0,2.6380802158873653 2.5003273302801197 2.3269753843474033 2.2743506864749756 2.2495861227702982 2.0901642439214654 1.8920477342840716 1.7821549828445853 1.625828674458834 1.4339033057476116 1.376635252180553 1.2729336416672294 1.1645886754592838 1.1754231720800774 1.0980339105029722 1.0454092126305445 1.048504783093626 1.099581695734513 1.390565319264428 1.7248869292775266 +25782,2.2573250489280103,0,2.5003273302801197 2.3269753843474033 2.2743506864749756 2.2495861227702982 2.0901642439214654 1.8920477342840716 1.7821549828445853 1.625828674458834 1.4339033057476116 1.376635252180553 1.2729336416672294 1.1645886754592838 1.1754231720800774 1.0980339105029722 1.0454092126305445 1.048504783093626 1.099581695734513 1.390565319264428 1.7248869292775266 1.9663414253980953 +25783,2.3904345788406336,0,2.3269753843474033 2.2743506864749756 2.2495861227702982 2.0901642439214654 1.8920477342840716 1.7821549828445853 1.625828674458834 1.4339033057476116 1.376635252180553 1.2729336416672294 1.1645886754592838 1.1754231720800774 1.0980339105029722 1.0454092126305445 1.048504783093626 1.099581695734513 1.390565319264428 1.7248869292775266 1.9663414253980953 2.2573250489280103 +25784,2.568429880467972,0,2.2743506864749756 2.2495861227702982 2.0901642439214654 1.8920477342840716 1.7821549828445853 1.625828674458834 1.4339033057476116 1.376635252180553 1.2729336416672294 1.1645886754592838 1.1754231720800774 1.0980339105029722 1.0454092126305445 1.048504783093626 1.099581695734513 1.390565319264428 1.7248869292775266 1.9663414253980953 2.2573250489280103 2.3904345788406336 +25785,2.559143169078719,0,2.2495861227702982 2.0901642439214654 1.8920477342840716 1.7821549828445853 1.625828674458834 1.4339033057476116 1.376635252180553 1.2729336416672294 1.1645886754592838 1.1754231720800774 1.0980339105029722 1.0454092126305445 1.048504783093626 1.099581695734513 1.390565319264428 1.7248869292775266 1.9663414253980953 2.2573250489280103 2.3904345788406336 2.568429880467972 +25786,2.6272457192665715,0,2.0901642439214654 1.8920477342840716 1.7821549828445853 1.625828674458834 1.4339033057476116 1.376635252180553 1.2729336416672294 1.1645886754592838 1.1754231720800774 1.0980339105029722 1.0454092126305445 1.048504783093626 1.099581695734513 1.390565319264428 1.7248869292775266 1.9663414253980953 2.2573250489280103 2.3904345788406336 2.568429880467972 2.559143169078719 +25787,2.549856457689466,0,1.8920477342840716 1.7821549828445853 1.625828674458834 1.4339033057476116 1.376635252180553 1.2729336416672294 1.1645886754592838 1.1754231720800774 1.0980339105029722 1.0454092126305445 1.048504783093626 1.099581695734513 1.390565319264428 1.7248869292775266 1.9663414253980953 2.2573250489280103 2.3904345788406336 2.568429880467972 2.559143169078719 2.6272457192665715 +25788,2.3950779345352555,0,1.7821549828445853 1.625828674458834 1.4339033057476116 1.376635252180553 1.2729336416672294 1.1645886754592838 1.1754231720800774 1.0980339105029722 1.0454092126305445 1.048504783093626 1.099581695734513 1.390565319264428 1.7248869292775266 1.9663414253980953 2.2573250489280103 2.3904345788406336 2.568429880467972 2.559143169078719 2.6272457192665715 2.549856457689466 +25789,2.1582667941093177,0,1.625828674458834 1.4339033057476116 1.376635252180553 1.2729336416672294 1.1645886754592838 1.1754231720800774 1.0980339105029722 1.0454092126305445 1.048504783093626 1.099581695734513 1.390565319264428 1.7248869292775266 1.9663414253980953 2.2573250489280103 2.3904345788406336 2.568429880467972 2.559143169078719 2.6272457192665715 2.549856457689466 2.3950779345352555 +25790,1.935385720767255,0,1.4339033057476116 1.376635252180553 1.2729336416672294 1.1645886754592838 1.1754231720800774 1.0980339105029722 1.0454092126305445 1.048504783093626 1.099581695734513 1.390565319264428 1.7248869292775266 1.9663414253980953 2.2573250489280103 2.3904345788406336 2.568429880467972 2.559143169078719 2.6272457192665715 2.549856457689466 2.3950779345352555 2.1582667941093177 +25791,1.6954790098782269,0,1.376635252180553 1.2729336416672294 1.1645886754592838 1.1754231720800774 1.0980339105029722 1.0454092126305445 1.048504783093626 1.099581695734513 1.390565319264428 1.7248869292775266 1.9663414253980953 2.2573250489280103 2.3904345788406336 2.568429880467972 2.559143169078719 2.6272457192665715 2.549856457689466 2.3950779345352555 2.1582667941093177 1.935385720767255 +25792,1.6057074664487874,0,1.2729336416672294 1.1645886754592838 1.1754231720800774 1.0980339105029722 1.0454092126305445 1.048504783093626 1.099581695734513 1.390565319264428 1.7248869292775266 1.9663414253980953 2.2573250489280103 2.3904345788406336 2.568429880467972 2.559143169078719 2.6272457192665715 2.549856457689466 2.3950779345352555 2.1582667941093177 1.935385720767255 1.6954790098782269 +25793,1.4958147150092922,0,1.1645886754592838 1.1754231720800774 1.0980339105029722 1.0454092126305445 1.048504783093626 1.099581695734513 1.390565319264428 1.7248869292775266 1.9663414253980953 2.2573250489280103 2.3904345788406336 2.568429880467972 2.559143169078719 2.6272457192665715 2.549856457689466 2.3950779345352555 2.1582667941093177 1.935385720767255 1.6954790098782269 1.6057074664487874 +25794,1.3874697488013465,0,1.1754231720800774 1.0980339105029722 1.0454092126305445 1.048504783093626 1.099581695734513 1.390565319264428 1.7248869292775266 1.9663414253980953 2.2573250489280103 2.3904345788406336 2.568429880467972 2.559143169078719 2.6272457192665715 2.549856457689466 2.3950779345352555 2.1582667941093177 1.935385720767255 1.6954790098782269 1.6057074664487874 1.4958147150092922 +25795,1.297698205371907,0,1.0980339105029722 1.0454092126305445 1.048504783093626 1.099581695734513 1.390565319264428 1.7248869292775266 1.9663414253980953 2.2573250489280103 2.3904345788406336 2.568429880467972 2.559143169078719 2.6272457192665715 2.549856457689466 2.3950779345352555 2.1582667941093177 1.935385720767255 1.6954790098782269 1.6057074664487874 1.4958147150092922 1.3874697488013465 +25796,1.2249522994894237,0,1.0454092126305445 1.048504783093626 1.099581695734513 1.390565319264428 1.7248869292775266 1.9663414253980953 2.2573250489280103 2.3904345788406336 2.568429880467972 2.559143169078719 2.6272457192665715 2.549856457689466 2.3950779345352555 2.1582667941093177 1.935385720767255 1.6954790098782269 1.6057074664487874 1.4958147150092922 1.3874697488013465 1.297698205371907 +25797,1.1475630379123185,0,1.048504783093626 1.099581695734513 1.390565319264428 1.7248869292775266 1.9663414253980953 2.2573250489280103 2.3904345788406336 2.568429880467972 2.559143169078719 2.6272457192665715 2.549856457689466 2.3950779345352555 2.1582667941093177 1.935385720767255 1.6954790098782269 1.6057074664487874 1.4958147150092922 1.3874697488013465 1.297698205371907 1.2249522994894237 +25798,1.0655304206405911,0,1.099581695734513 1.390565319264428 1.7248869292775266 1.9663414253980953 2.2573250489280103 2.3904345788406336 2.568429880467972 2.559143169078719 2.6272457192665715 2.549856457689466 2.3950779345352555 2.1582667941093177 1.935385720767255 1.6954790098782269 1.6057074664487874 1.4958147150092922 1.3874697488013465 1.297698205371907 1.2249522994894237 1.1475630379123185 +25799,0.9865933738319452,0,1.390565319264428 1.7248869292775266 1.9663414253980953 2.2573250489280103 2.3904345788406336 2.568429880467972 2.559143169078719 2.6272457192665715 2.549856457689466 2.3950779345352555 2.1582667941093177 1.935385720767255 1.6954790098782269 1.6057074664487874 1.4958147150092922 1.3874697488013465 1.297698205371907 1.2249522994894237 1.1475630379123185 1.0655304206405911 +25800,0.9215863941071744,0,1.7248869292775266 1.9663414253980953 2.2573250489280103 2.3904345788406336 2.568429880467972 2.559143169078719 2.6272457192665715 2.549856457689466 2.3950779345352555 2.1582667941093177 1.935385720767255 1.6954790098782269 1.6057074664487874 1.4958147150092922 1.3874697488013465 1.297698205371907 1.2249522994894237 1.1475630379123185 1.0655304206405911 0.9865933738319452 +25801,0.8844395485501625,0,1.9663414253980953 2.2573250489280103 2.3904345788406336 2.568429880467972 2.559143169078719 2.6272457192665715 2.549856457689466 2.3950779345352555 2.1582667941093177 1.935385720767255 1.6954790098782269 1.6057074664487874 1.4958147150092922 1.3874697488013465 1.297698205371907 1.2249522994894237 1.1475630379123185 1.0655304206405911 0.9865933738319452 0.9215863941071744 +25802,0.9386120316541396,0,2.2573250489280103 2.3904345788406336 2.568429880467972 2.559143169078719 2.6272457192665715 2.549856457689466 2.3950779345352555 2.1582667941093177 1.935385720767255 1.6954790098782269 1.6057074664487874 1.4958147150092922 1.3874697488013465 1.297698205371907 1.2249522994894237 1.1475630379123185 1.0655304206405911 0.9865933738319452 0.9215863941071744 0.8844395485501625 +25803,1.4122343125060242,0,2.3904345788406336 2.568429880467972 2.559143169078719 2.6272457192665715 2.549856457689466 2.3950779345352555 2.1582667941093177 1.935385720767255 1.6954790098782269 1.6057074664487874 1.4958147150092922 1.3874697488013465 1.297698205371907 1.2249522994894237 1.1475630379123185 1.0655304206405911 0.9865933738319452 0.9215863941071744 0.8844395485501625 0.9386120316541396 +25804,1.772868271455332,0,2.568429880467972 2.559143169078719 2.6272457192665715 2.549856457689466 2.3950779345352555 2.1582667941093177 1.935385720767255 1.6954790098782269 1.6057074664487874 1.4958147150092922 1.3874697488013465 1.297698205371907 1.2249522994894237 1.1475630379123185 1.0655304206405911 0.9865933738319452 0.9215863941071744 0.8844395485501625 0.9386120316541396 1.4122343125060242 +25805,2.127311089478469,0,2.559143169078719 2.6272457192665715 2.549856457689466 2.3950779345352555 2.1582667941093177 1.935385720767255 1.6954790098782269 1.6057074664487874 1.4958147150092922 1.3874697488013465 1.297698205371907 1.2249522994894237 1.1475630379123185 1.0655304206405911 0.9865933738319452 0.9215863941071744 0.8844395485501625 0.9386120316541396 1.4122343125060242 1.772868271455332 +25806,2.3950779345352555,0,2.6272457192665715 2.549856457689466 2.3950779345352555 2.1582667941093177 1.935385720767255 1.6954790098782269 1.6057074664487874 1.4958147150092922 1.3874697488013465 1.297698205371907 1.2249522994894237 1.1475630379123185 1.0655304206405911 0.9865933738319452 0.9215863941071744 0.8844395485501625 0.9386120316541396 1.4122343125060242 1.772868271455332 2.127311089478469 +25807,2.4879450484277856,0,2.549856457689466 2.3950779345352555 2.1582667941093177 1.935385720767255 1.6954790098782269 1.6057074664487874 1.4958147150092922 1.3874697488013465 1.297698205371907 1.2249522994894237 1.1475630379123185 1.0655304206405911 0.9865933738319452 0.9215863941071744 0.8844395485501625 0.9386120316541396 1.4122343125060242 1.772868271455332 2.127311089478469 2.3950779345352555 +25808,2.5978377998672717,0,2.3950779345352555 2.1582667941093177 1.935385720767255 1.6954790098782269 1.6057074664487874 1.4958147150092922 1.3874697488013465 1.297698205371907 1.2249522994894237 1.1475630379123185 1.0655304206405911 0.9865933738319452 0.9215863941071744 0.8844395485501625 0.9386120316541396 1.4122343125060242 1.772868271455332 2.127311089478469 2.3950779345352555 2.4879450484277856 +25809,2.6628447795920427,0,2.1582667941093177 1.935385720767255 1.6954790098782269 1.6057074664487874 1.4958147150092922 1.3874697488013465 1.297698205371907 1.2249522994894237 1.1475630379123185 1.0655304206405911 0.9865933738319452 0.9215863941071744 0.8844395485501625 0.9386120316541396 1.4122343125060242 1.772868271455332 2.127311089478469 2.3950779345352555 2.4879450484277856 2.5978377998672717 +25810,2.5343786053740502,0,1.935385720767255 1.6954790098782269 1.6057074664487874 1.4958147150092922 1.3874697488013465 1.297698205371907 1.2249522994894237 1.1475630379123185 1.0655304206405911 0.9865933738319452 0.9215863941071744 0.8844395485501625 0.9386120316541396 1.4122343125060242 1.772868271455332 2.127311089478469 2.3950779345352555 2.4879450484277856 2.5978377998672717 2.6628447795920427 +25811,2.514257397363995,0,1.6954790098782269 1.6057074664487874 1.4958147150092922 1.3874697488013465 1.297698205371907 1.2249522994894237 1.1475630379123185 1.0655304206405911 0.9865933738319452 0.9215863941071744 0.8844395485501625 0.9386120316541396 1.4122343125060242 1.772868271455332 2.127311089478469 2.3950779345352555 2.4879450484277856 2.5978377998672717 2.6628447795920427 2.5343786053740502 +25812,2.2573250489280103,0,1.6057074664487874 1.4958147150092922 1.3874697488013465 1.297698205371907 1.2249522994894237 1.1475630379123185 1.0655304206405911 0.9865933738319452 0.9215863941071744 0.8844395485501625 0.9386120316541396 1.4122343125060242 1.772868271455332 2.127311089478469 2.3950779345352555 2.4879450484277856 2.5978377998672717 2.6628447795920427 2.5343786053740502 2.514257397363995 +25813,2.0081316266497296,0,1.4958147150092922 1.3874697488013465 1.297698205371907 1.2249522994894237 1.1475630379123185 1.0655304206405911 0.9865933738319452 0.9215863941071744 0.8844395485501625 0.9386120316541396 1.4122343125060242 1.772868271455332 2.127311089478469 2.3950779345352555 2.4879450484277856 2.5978377998672717 2.6628447795920427 2.5343786053740502 2.514257397363995 2.2573250489280103 +25814,1.6428543120057904,0,1.3874697488013465 1.297698205371907 1.2249522994894237 1.1475630379123185 1.0655304206405911 0.9865933738319452 0.9215863941071744 0.8844395485501625 0.9386120316541396 1.4122343125060242 1.772868271455332 2.127311089478469 2.3950779345352555 2.4879450484277856 2.5978377998672717 2.6628447795920427 2.5343786053740502 2.514257397363995 2.2573250489280103 2.0081316266497296 +25815,1.4308077352845214,0,1.297698205371907 1.2249522994894237 1.1475630379123185 1.0655304206405911 0.9865933738319452 0.9215863941071744 0.8844395485501625 0.9386120316541396 1.4122343125060242 1.772868271455332 2.127311089478469 2.3950779345352555 2.4879450484277856 2.5978377998672717 2.6628447795920427 2.5343786053740502 2.514257397363995 2.2573250489280103 2.0081316266497296 1.6428543120057904 +25816,1.3534184737074162,0,1.2249522994894237 1.1475630379123185 1.0655304206405911 0.9865933738319452 0.9215863941071744 0.8844395485501625 0.9386120316541396 1.4122343125060242 1.772868271455332 2.127311089478469 2.3950779345352555 2.4879450484277856 2.5978377998672717 2.6628447795920427 2.5343786053740502 2.514257397363995 2.2573250489280103 2.0081316266497296 1.6428543120057904 1.4308077352845214 +25817,1.3240105543081164,0,1.1475630379123185 1.0655304206405911 0.9865933738319452 0.9215863941071744 0.8844395485501625 0.9386120316541396 1.4122343125060242 1.772868271455332 2.127311089478469 2.3950779345352555 2.4879450484277856 2.5978377998672717 2.6628447795920427 2.5343786053740502 2.514257397363995 2.2573250489280103 2.0081316266497296 1.6428543120057904 1.4308077352845214 1.3534184737074162 +25818,1.1878054539324119,0,1.0655304206405911 0.9865933738319452 0.9215863941071744 0.8844395485501625 0.9386120316541396 1.4122343125060242 1.772868271455332 2.127311089478469 2.3950779345352555 2.4879450484277856 2.5978377998672717 2.6628447795920427 2.5343786053740502 2.514257397363995 2.2573250489280103 2.0081316266497296 1.6428543120057904 1.4308077352845214 1.3534184737074162 1.3240105543081164 +25819,1.1197029037445596,0,0.9865933738319452 0.9215863941071744 0.8844395485501625 0.9386120316541396 1.4122343125060242 1.772868271455332 2.127311089478469 2.3950779345352555 2.4879450484277856 2.5978377998672717 2.6628447795920427 2.5343786053740502 2.514257397363995 2.2573250489280103 2.0081316266497296 1.6428543120057904 1.4308077352845214 1.3534184737074162 1.3240105543081164 1.1878054539324119 +25820,1.0330269307782014,0,0.9215863941071744 0.8844395485501625 0.9386120316541396 1.4122343125060242 1.772868271455332 2.127311089478469 2.3950779345352555 2.4879450484277856 2.5978377998672717 2.6628447795920427 2.5343786053740502 2.514257397363995 2.2573250489280103 2.0081316266497296 1.6428543120057904 1.4308077352845214 1.3534184737074162 1.3240105543081164 1.1878054539324119 1.1197029037445596 +25821,0.9494465282749334,0,0.8844395485501625 0.9386120316541396 1.4122343125060242 1.772868271455332 2.127311089478469 2.3950779345352555 2.4879450484277856 2.5978377998672717 2.6628447795920427 2.5343786053740502 2.514257397363995 2.2573250489280103 2.0081316266497296 1.6428543120057904 1.4308077352845214 1.3534184737074162 1.3240105543081164 1.1878054539324119 1.1197029037445596 1.0330269307782014 +25822,0.8503882734562319,0,0.9386120316541396 1.4122343125060242 1.772868271455332 2.127311089478469 2.3950779345352555 2.4879450484277856 2.5978377998672717 2.6628447795920427 2.5343786053740502 2.514257397363995 2.2573250489280103 2.0081316266497296 1.6428543120057904 1.4308077352845214 1.3534184737074162 1.3240105543081164 1.1878054539324119 1.1197029037445596 1.0330269307782014 0.9494465282749334 +25823,0.8302670654461852,0,1.4122343125060242 1.772868271455332 2.127311089478469 2.3950779345352555 2.4879450484277856 2.5978377998672717 2.6628447795920427 2.5343786053740502 2.514257397363995 2.2573250489280103 2.0081316266497296 1.6428543120057904 1.4308077352845214 1.3534184737074162 1.3240105543081164 1.1878054539324119 1.1197029037445596 1.0330269307782014 0.9494465282749334 0.8503882734562319 +25824,0.841101562066979,0,1.772868271455332 2.127311089478469 2.3950779345352555 2.4879450484277856 2.5978377998672717 2.6628447795920427 2.5343786053740502 2.514257397363995 2.2573250489280103 2.0081316266497296 1.6428543120057904 1.4308077352845214 1.3534184737074162 1.3240105543081164 1.1878054539324119 1.1197029037445596 1.0330269307782014 0.9494465282749334 0.8503882734562319 0.8302670654461852 +25825,0.8395537768354382,0,2.127311089478469 2.3950779345352555 2.4879450484277856 2.5978377998672717 2.6628447795920427 2.5343786053740502 2.514257397363995 2.2573250489280103 2.0081316266497296 1.6428543120057904 1.4308077352845214 1.3534184737074162 1.3240105543081164 1.1878054539324119 1.1197029037445596 1.0330269307782014 0.9494465282749334 0.8503882734562319 0.8302670654461852 0.841101562066979 +25826,0.9432553873487618,0,2.3950779345352555 2.4879450484277856 2.5978377998672717 2.6628447795920427 2.5343786053740502 2.514257397363995 2.2573250489280103 2.0081316266497296 1.6428543120057904 1.4308077352845214 1.3534184737074162 1.3240105543081164 1.1878054539324119 1.1197029037445596 1.0330269307782014 0.9494465282749334 0.8503882734562319 0.8302670654461852 0.841101562066979 0.8395537768354382 +25827,1.2775769973618603,0,2.4879450484277856 2.5978377998672717 2.6628447795920427 2.5343786053740502 2.514257397363995 2.2573250489280103 2.0081316266497296 1.6428543120057904 1.4308077352845214 1.3534184737074162 1.3240105543081164 1.1878054539324119 1.1197029037445596 1.0330269307782014 0.9494465282749334 0.8503882734562319 0.8302670654461852 0.841101562066979 0.8395537768354382 0.9432553873487618 +25828,1.5159359230193388,0,2.5978377998672717 2.6628447795920427 2.5343786053740502 2.514257397363995 2.2573250489280103 2.0081316266497296 1.6428543120057904 1.4308077352845214 1.3534184737074162 1.3240105543081164 1.1878054539324119 1.1197029037445596 1.0330269307782014 0.9494465282749334 0.8503882734562319 0.8302670654461852 0.841101562066979 0.8395537768354382 0.9432553873487618 1.2775769973618603 +25829,1.7078612917305613,0,2.6628447795920427 2.5343786053740502 2.514257397363995 2.2573250489280103 2.0081316266497296 1.6428543120057904 1.4308077352845214 1.3534184737074162 1.3240105543081164 1.1878054539324119 1.1197029037445596 1.0330269307782014 0.9494465282749334 0.8503882734562319 0.8302670654461852 0.841101562066979 0.8395537768354382 0.9432553873487618 1.2775769973618603 1.5159359230193388 +25830,1.8053717613177132,0,2.5343786053740502 2.514257397363995 2.2573250489280103 2.0081316266497296 1.6428543120057904 1.4308077352845214 1.3534184737074162 1.3240105543081164 1.1878054539324119 1.1197029037445596 1.0330269307782014 0.9494465282749334 0.8503882734562319 0.8302670654461852 0.841101562066979 0.8395537768354382 0.9432553873487618 1.2775769973618603 1.5159359230193388 1.7078612917305613 +25831,1.9199078684518305,0,2.514257397363995 2.2573250489280103 2.0081316266497296 1.6428543120057904 1.4308077352845214 1.3534184737074162 1.3240105543081164 1.1878054539324119 1.1197029037445596 1.0330269307782014 0.9494465282749334 0.8503882734562319 0.8302670654461852 0.841101562066979 0.8395537768354382 0.9432553873487618 1.2775769973618603 1.5159359230193388 1.7078612917305613 1.8053717613177132 +25832,1.991105989102764,0,2.2573250489280103 2.0081316266497296 1.6428543120057904 1.4308077352845214 1.3534184737074162 1.3240105543081164 1.1878054539324119 1.1197029037445596 1.0330269307782014 0.9494465282749334 0.8503882734562319 0.8302670654461852 0.841101562066979 0.8395537768354382 0.9432553873487618 1.2775769973618603 1.5159359230193388 1.7078612917305613 1.8053717613177132 1.9199078684518305 +25833,2.037539546049029,0,2.0081316266497296 1.6428543120057904 1.4308077352845214 1.3534184737074162 1.3240105543081164 1.1878054539324119 1.1197029037445596 1.0330269307782014 0.9494465282749334 0.8503882734562319 0.8302670654461852 0.841101562066979 0.8395537768354382 0.9432553873487618 1.2775769973618603 1.5159359230193388 1.7078612917305613 1.8053717613177132 1.9199078684518305 1.991105989102764 +25834,2.1149288076261343,0,1.6428543120057904 1.4308077352845214 1.3534184737074162 1.3240105543081164 1.1878054539324119 1.1197029037445596 1.0330269307782014 0.9494465282749334 0.8503882734562319 0.8302670654461852 0.841101562066979 0.8395537768354382 0.9432553873487618 1.2775769973618603 1.5159359230193388 1.7078612917305613 1.8053717613177132 1.9199078684518305 1.991105989102764 2.037539546049029 +25835,2.032896190354407,0,1.4308077352845214 1.3534184737074162 1.3240105543081164 1.1878054539324119 1.1197029037445596 1.0330269307782014 0.9494465282749334 0.8503882734562319 0.8302670654461852 0.841101562066979 0.8395537768354382 0.9432553873487618 1.2775769973618603 1.5159359230193388 1.7078612917305613 1.8053717613177132 1.9199078684518305 1.991105989102764 2.037539546049029 2.1149288076261343 +25836,2.003488270955107,0,1.3534184737074162 1.3240105543081164 1.1878054539324119 1.1197029037445596 1.0330269307782014 0.9494465282749334 0.8503882734562319 0.8302670654461852 0.841101562066979 0.8395537768354382 0.9432553873487618 1.2775769973618603 1.5159359230193388 1.7078612917305613 1.8053717613177132 1.9199078684518305 1.991105989102764 2.037539546049029 2.1149288076261343 2.032896190354407 +25837,1.8146584727069661,0,1.3240105543081164 1.1878054539324119 1.1197029037445596 1.0330269307782014 0.9494465282749334 0.8503882734562319 0.8302670654461852 0.841101562066979 0.8395537768354382 0.9432553873487618 1.2775769973618603 1.5159359230193388 1.7078612917305613 1.8053717613177132 1.9199078684518305 1.991105989102764 2.037539546049029 2.1149288076261343 2.032896190354407 2.003488270955107 +25838,1.5685606208917753,0,1.1878054539324119 1.1197029037445596 1.0330269307782014 0.9494465282749334 0.8503882734562319 0.8302670654461852 0.841101562066979 0.8395537768354382 0.9432553873487618 1.2775769973618603 1.5159359230193388 1.7078612917305613 1.8053717613177132 1.9199078684518305 1.991105989102764 2.037539546049029 2.1149288076261343 2.032896190354407 2.003488270955107 1.8146584727069661 +25839,1.4617634399153705,0,1.1197029037445596 1.0330269307782014 0.9494465282749334 0.8503882734562319 0.8302670654461852 0.841101562066979 0.8395537768354382 0.9432553873487618 1.2775769973618603 1.5159359230193388 1.7078612917305613 1.8053717613177132 1.9199078684518305 1.991105989102764 2.037539546049029 2.1149288076261343 2.032896190354407 2.003488270955107 1.8146584727069661 1.5685606208917753 +25840,1.2497168631941014,0,1.0330269307782014 0.9494465282749334 0.8503882734562319 0.8302670654461852 0.841101562066979 0.8395537768354382 0.9432553873487618 1.2775769973618603 1.5159359230193388 1.7078612917305613 1.8053717613177132 1.9199078684518305 1.991105989102764 2.037539546049029 2.1149288076261343 2.032896190354407 2.003488270955107 1.8146584727069661 1.5685606208917753 1.4617634399153705 +25841,1.1460152526807779,0,0.9494465282749334 0.8503882734562319 0.8302670654461852 0.841101562066979 0.8395537768354382 0.9432553873487618 1.2775769973618603 1.5159359230193388 1.7078612917305613 1.8053717613177132 1.9199078684518305 1.991105989102764 2.037539546049029 2.1149288076261343 2.032896190354407 2.003488270955107 1.8146584727069661 1.5685606208917753 1.4617634399153705 1.2497168631941014 +25842,1.0283835750835792,0,0.8503882734562319 0.8302670654461852 0.841101562066979 0.8395537768354382 0.9432553873487618 1.2775769973618603 1.5159359230193388 1.7078612917305613 1.8053717613177132 1.9199078684518305 1.991105989102764 2.037539546049029 2.1149288076261343 2.032896190354407 2.003488270955107 1.8146584727069661 1.5685606208917753 1.4617634399153705 1.2497168631941014 1.1460152526807779 +25843,0.9540898839695554,0,0.8302670654461852 0.841101562066979 0.8395537768354382 0.9432553873487618 1.2775769973618603 1.5159359230193388 1.7078612917305613 1.8053717613177132 1.9199078684518305 1.991105989102764 2.037539546049029 2.1149288076261343 2.032896190354407 2.003488270955107 1.8146584727069661 1.5685606208917753 1.4617634399153705 1.2497168631941014 1.1460152526807779 1.0283835750835792 +25844,0.8488404882246913,0,0.841101562066979 0.8395537768354382 0.9432553873487618 1.2775769973618603 1.5159359230193388 1.7078612917305613 1.8053717613177132 1.9199078684518305 1.991105989102764 2.037539546049029 2.1149288076261343 2.032896190354407 2.003488270955107 1.8146584727069661 1.5685606208917753 1.4617634399153705 1.2497168631941014 1.1460152526807779 1.0283835750835792 0.9540898839695554 +25845,0.7822857232683796,0,0.8395537768354382 0.9432553873487618 1.2775769973618603 1.5159359230193388 1.7078612917305613 1.8053717613177132 1.9199078684518305 1.991105989102764 2.037539546049029 2.1149288076261343 2.032896190354407 2.003488270955107 1.8146584727069661 1.5685606208917753 1.4617634399153705 1.2497168631941014 1.1460152526807779 1.0283835750835792 0.9540898839695554 0.8488404882246913 +25846,0.7838335084999292,0,0.9432553873487618 1.2775769973618603 1.5159359230193388 1.7078612917305613 1.8053717613177132 1.9199078684518305 1.991105989102764 2.037539546049029 2.1149288076261343 2.032896190354407 2.003488270955107 1.8146584727069661 1.5685606208917753 1.4617634399153705 1.2497168631941014 1.1460152526807779 1.0283835750835792 0.9540898839695554 0.8488404882246913 0.7822857232683796 +25847,0.6569151195134688,0,1.2775769973618603 1.5159359230193388 1.7078612917305613 1.8053717613177132 1.9199078684518305 1.991105989102764 2.037539546049029 2.1149288076261343 2.032896190354407 2.003488270955107 1.8146584727069661 1.5685606208917753 1.4617634399153705 1.2497168631941014 1.1460152526807779 1.0283835750835792 0.9540898839695554 0.8488404882246913 0.7822857232683796 0.7838335084999292 +25848,0.6027426364095004,0,1.5159359230193388 1.7078612917305613 1.8053717613177132 1.9199078684518305 1.991105989102764 2.037539546049029 2.1149288076261343 2.032896190354407 2.003488270955107 1.8146584727069661 1.5685606208917753 1.4617634399153705 1.2497168631941014 1.1460152526807779 1.0283835750835792 0.9540898839695554 0.8488404882246913 0.7822857232683796 0.7838335084999292 0.6569151195134688 +25849,0.5888125693256165,0,1.7078612917305613 1.8053717613177132 1.9199078684518305 1.991105989102764 2.037539546049029 2.1149288076261343 2.032896190354407 2.003488270955107 1.8146584727069661 1.5685606208917753 1.4617634399153705 1.2497168631941014 1.1460152526807779 1.0283835750835792 0.9540898839695554 0.8488404882246913 0.7822857232683796 0.7838335084999292 0.6569151195134688 0.6027426364095004 +25850,0.5857169988625351,0,1.8053717613177132 1.9199078684518305 1.991105989102764 2.037539546049029 2.1149288076261343 2.032896190354407 2.003488270955107 1.8146584727069661 1.5685606208917753 1.4617634399153705 1.2497168631941014 1.1460152526807779 1.0283835750835792 0.9540898839695554 0.8488404882246913 0.7822857232683796 0.7838335084999292 0.6569151195134688 0.6027426364095004 0.5888125693256165 +25851,0.9153952531810028,0,1.9199078684518305 1.991105989102764 2.037539546049029 2.1149288076261343 2.032896190354407 2.003488270955107 1.8146584727069661 1.5685606208917753 1.4617634399153705 1.2497168631941014 1.1460152526807779 1.0283835750835792 0.9540898839695554 0.8488404882246913 0.7822857232683796 0.7838335084999292 0.6569151195134688 0.6027426364095004 0.5888125693256165 0.5857169988625351 +25852,1.2559080041202642,0,1.991105989102764 2.037539546049029 2.1149288076261343 2.032896190354407 2.003488270955107 1.8146584727069661 1.5685606208917753 1.4617634399153705 1.2497168631941014 1.1460152526807779 1.0283835750835792 0.9540898839695554 0.8488404882246913 0.7822857232683796 0.7838335084999292 0.6569151195134688 0.6027426364095004 0.5888125693256165 0.5857169988625351 0.9153952531810028 +25853,1.5360571310293856,0,2.037539546049029 2.1149288076261343 2.032896190354407 2.003488270955107 1.8146584727069661 1.5685606208917753 1.4617634399153705 1.2497168631941014 1.1460152526807779 1.0283835750835792 0.9540898839695554 0.8488404882246913 0.7822857232683796 0.7838335084999292 0.6569151195134688 0.6027426364095004 0.5888125693256165 0.5857169988625351 0.9153952531810028 1.2559080041202642 +25854,1.834779680717013,0,2.1149288076261343 2.032896190354407 2.003488270955107 1.8146584727069661 1.5685606208917753 1.4617634399153705 1.2497168631941014 1.1460152526807779 1.0283835750835792 0.9540898839695554 0.8488404882246913 0.7822857232683796 0.7838335084999292 0.6569151195134688 0.6027426364095004 0.5888125693256165 0.5857169988625351 0.9153952531810028 1.2559080041202642 1.5360571310293856 +25855,2.018966123270523,0,2.032896190354407 2.003488270955107 1.8146584727069661 1.5685606208917753 1.4617634399153705 1.2497168631941014 1.1460152526807779 1.0283835750835792 0.9540898839695554 0.8488404882246913 0.7822857232683796 0.7838335084999292 0.6569151195134688 0.6027426364095004 0.5888125693256165 0.5857169988625351 0.9153952531810028 1.2559080041202642 1.5360571310293856 1.834779680717013 +25856,2.116476592857675,0,2.003488270955107 1.8146584727069661 1.5685606208917753 1.4617634399153705 1.2497168631941014 1.1460152526807779 1.0283835750835792 0.9540898839695554 0.8488404882246913 0.7822857232683796 0.7838335084999292 0.6569151195134688 0.6027426364095004 0.5888125693256165 0.5857169988625351 0.9153952531810028 1.2559080041202642 1.5360571310293856 1.834779680717013 2.018966123270523 +25857,2.207795921518664,0,1.8146584727069661 1.5685606208917753 1.4617634399153705 1.2497168631941014 1.1460152526807779 1.0283835750835792 0.9540898839695554 0.8488404882246913 0.7822857232683796 0.7838335084999292 0.6569151195134688 0.6027426364095004 0.5888125693256165 0.5857169988625351 0.9153952531810028 1.2559080041202642 1.5360571310293856 1.834779680717013 2.018966123270523 2.116476592857675 +25858,2.1830313578139866,0,1.5685606208917753 1.4617634399153705 1.2497168631941014 1.1460152526807779 1.0283835750835792 0.9540898839695554 0.8488404882246913 0.7822857232683796 0.7838335084999292 0.6569151195134688 0.6027426364095004 0.5888125693256165 0.5857169988625351 0.9153952531810028 1.2559080041202642 1.5360571310293856 1.834779680717013 2.018966123270523 2.116476592857675 2.207795921518664 +25859,2.1551712236462275,0,1.4617634399153705 1.2497168631941014 1.1460152526807779 1.0283835750835792 0.9540898839695554 0.8488404882246913 0.7822857232683796 0.7838335084999292 0.6569151195134688 0.6027426364095004 0.5888125693256165 0.5857169988625351 0.9153952531810028 1.2559080041202642 1.5360571310293856 1.834779680717013 2.018966123270523 2.116476592857675 2.207795921518664 2.1830313578139866 +25860,1.9647936401665547,0,1.2497168631941014 1.1460152526807779 1.0283835750835792 0.9540898839695554 0.8488404882246913 0.7822857232683796 0.7838335084999292 0.6569151195134688 0.6027426364095004 0.5888125693256165 0.5857169988625351 0.9153952531810028 1.2559080041202642 1.5360571310293856 1.834779680717013 2.018966123270523 2.116476592857675 2.207795921518664 2.1830313578139866 2.1551712236462275 +25861,1.6660710904789273,0,1.1460152526807779 1.0283835750835792 0.9540898839695554 0.8488404882246913 0.7822857232683796 0.7838335084999292 0.6569151195134688 0.6027426364095004 0.5888125693256165 0.5857169988625351 0.9153952531810028 1.2559080041202642 1.5360571310293856 1.834779680717013 2.018966123270523 2.116476592857675 2.207795921518664 2.1830313578139866 2.1551712236462275 1.9647936401665547 +25862,1.3797308226436342,0,1.0283835750835792 0.9540898839695554 0.8488404882246913 0.7822857232683796 0.7838335084999292 0.6569151195134688 0.6027426364095004 0.5888125693256165 0.5857169988625351 0.9153952531810028 1.2559080041202642 1.5360571310293856 1.834779680717013 2.018966123270523 2.116476592857675 2.207795921518664 2.1830313578139866 2.1551712236462275 1.9647936401665547 1.6660710904789273 +25863,1.1351807560599843,0,0.9540898839695554 0.8488404882246913 0.7822857232683796 0.7838335084999292 0.6569151195134688 0.6027426364095004 0.5888125693256165 0.5857169988625351 0.9153952531810028 1.2559080041202642 1.5360571310293856 1.834779680717013 2.018966123270523 2.116476592857675 2.207795921518664 2.1830313578139866 2.1551712236462275 1.9647936401665547 1.6660710904789273 1.3797308226436342 +25864,1.0098101523050733,0,0.8488404882246913 0.7822857232683796 0.7838335084999292 0.6569151195134688 0.6027426364095004 0.5888125693256165 0.5857169988625351 0.9153952531810028 1.2559080041202642 1.5360571310293856 1.834779680717013 2.018966123270523 2.116476592857675 2.207795921518664 2.1830313578139866 2.1551712236462275 1.9647936401665547 1.6660710904789273 1.3797308226436342 1.1351807560599843 +25865,0.8643183405401158,0,0.7822857232683796 0.7838335084999292 0.6569151195134688 0.6027426364095004 0.5888125693256165 0.5857169988625351 0.9153952531810028 1.2559080041202642 1.5360571310293856 1.834779680717013 2.018966123270523 2.116476592857675 2.207795921518664 2.1830313578139866 2.1551712236462275 1.9647936401665547 1.6660710904789273 1.3797308226436342 1.1351807560599843 1.0098101523050733 +25866,0.7881050963973122,0,0.7838335084999292 0.6569151195134688 0.6027426364095004 0.5888125693256165 0.5857169988625351 0.9153952531810028 1.2559080041202642 1.5360571310293856 1.834779680717013 2.018966123270523 2.116476592857675 2.207795921518664 2.1830313578139866 2.1551712236462275 1.9647936401665547 1.6660710904789273 1.3797308226436342 1.1351807560599843 1.0098101523050733 0.8643183405401158 +25867,0.6429850524295937,0,0.6569151195134688 0.6027426364095004 0.5888125693256165 0.5857169988625351 0.9153952531810028 1.2559080041202642 1.5360571310293856 1.834779680717013 2.018966123270523 2.116476592857675 2.207795921518664 2.1830313578139866 2.1551712236462275 1.9647936401665547 1.6660710904789273 1.3797308226436342 1.1351807560599843 1.0098101523050733 0.8643183405401158 0.7881050963973122 +25868,0.581073643167913,0,0.6027426364095004 0.5888125693256165 0.5857169988625351 0.9153952531810028 1.2559080041202642 1.5360571310293856 1.834779680717013 2.018966123270523 2.116476592857675 2.207795921518664 2.1830313578139866 2.1551712236462275 1.9647936401665547 1.6660710904789273 1.3797308226436342 1.1351807560599843 1.0098101523050733 0.8643183405401158 0.7881050963973122 0.6429850524295937 +25869,0.4943976702015548,0,0.5888125693256165 0.5857169988625351 0.9153952531810028 1.2559080041202642 1.5360571310293856 1.834779680717013 2.018966123270523 2.116476592857675 2.207795921518664 2.1830313578139866 2.1551712236462275 1.9647936401665547 1.6660710904789273 1.3797308226436342 1.1351807560599843 1.0098101523050733 0.8643183405401158 0.7881050963973122 0.6429850524295937 0.581073643167913 +25870,0.41700840862444954,0,0.5857169988625351 0.9153952531810028 1.2559080041202642 1.5360571310293856 1.834779680717013 2.018966123270523 2.116476592857675 2.207795921518664 2.1830313578139866 2.1551712236462275 1.9647936401665547 1.6660710904789273 1.3797308226436342 1.1351807560599843 1.0098101523050733 0.8643183405401158 0.7881050963973122 0.6429850524295937 0.581073643167913 0.4943976702015548 +25871,0.37986156306743757,0,0.9153952531810028 1.2559080041202642 1.5360571310293856 1.834779680717013 2.018966123270523 2.116476592857675 2.207795921518664 2.1830313578139866 2.1551712236462275 1.9647936401665547 1.6660710904789273 1.3797308226436342 1.1351807560599843 1.0098101523050733 0.8643183405401158 0.7881050963973122 0.6429850524295937 0.581073643167913 0.4943976702015548 0.41700840862444954 +25872,0.3674792812151032,0,1.2559080041202642 1.5360571310293856 1.834779680717013 2.018966123270523 2.116476592857675 2.207795921518664 2.1830313578139866 2.1551712236462275 1.9647936401665547 1.6660710904789273 1.3797308226436342 1.1351807560599843 1.0098101523050733 0.8643183405401158 0.7881050963973122 0.6429850524295937 0.581073643167913 0.4943976702015548 0.41700840862444954 0.37986156306743757 +25873,0.3179501538057481,0,1.5360571310293856 1.834779680717013 2.018966123270523 2.116476592857675 2.207795921518664 2.1830313578139866 2.1551712236462275 1.9647936401665547 1.6660710904789273 1.3797308226436342 1.1351807560599843 1.0098101523050733 0.8643183405401158 0.7881050963973122 0.6429850524295937 0.581073643167913 0.4943976702015548 0.41700840862444954 0.37986156306743757 0.3674792812151032 +25874,0.3953394153828534,0,1.834779680717013 2.018966123270523 2.116476592857675 2.207795921518664 2.1830313578139866 2.1551712236462275 1.9647936401665547 1.6660710904789273 1.3797308226436342 1.1351807560599843 1.0098101523050733 0.8643183405401158 0.7881050963973122 0.6429850524295937 0.581073643167913 0.4943976702015548 0.41700840862444954 0.37986156306743757 0.3674792812151032 0.3179501538057481 +25875,0.6662018309027218,0,2.018966123270523 2.116476592857675 2.207795921518664 2.1830313578139866 2.1551712236462275 1.9647936401665547 1.6660710904789273 1.3797308226436342 1.1351807560599843 1.0098101523050733 0.8643183405401158 0.7881050963973122 0.6429850524295937 0.581073643167913 0.4943976702015548 0.41700840862444954 0.37986156306743757 0.3674792812151032 0.3179501538057481 0.3953394153828534 +25876,0.8596749848454849,0,2.116476592857675 2.207795921518664 2.1830313578139866 2.1551712236462275 1.9647936401665547 1.6660710904789273 1.3797308226436342 1.1351807560599843 1.0098101523050733 0.8643183405401158 0.7881050963973122 0.6429850524295937 0.581073643167913 0.4943976702015548 0.41700840862444954 0.37986156306743757 0.3674792812151032 0.3179501538057481 0.3953394153828534 0.6662018309027218 +25877,1.085651628650638,0,2.207795921518664 2.1830313578139866 2.1551712236462275 1.9647936401665547 1.6660710904789273 1.3797308226436342 1.1351807560599843 1.0098101523050733 0.8643183405401158 0.7881050963973122 0.6429850524295937 0.581073643167913 0.4943976702015548 0.41700840862444954 0.37986156306743757 0.3674792812151032 0.3179501538057481 0.3953394153828534 0.6662018309027218 0.8596749848454849 +25878,1.311628272455782,0,2.1830313578139866 2.1551712236462275 1.9647936401665547 1.6660710904789273 1.3797308226436342 1.1351807560599843 1.0098101523050733 0.8643183405401158 0.7881050963973122 0.6429850524295937 0.581073643167913 0.4943976702015548 0.41700840862444954 0.37986156306743757 0.3674792812151032 0.3179501538057481 0.3953394153828534 0.6662018309027218 0.8596749848454849 1.085651628650638 +25879,1.483432433156958,0,2.1551712236462275 1.9647936401665547 1.6660710904789273 1.3797308226436342 1.1351807560599843 1.0098101523050733 0.8643183405401158 0.7881050963973122 0.6429850524295937 0.581073643167913 0.4943976702015548 0.41700840862444954 0.37986156306743757 0.3674792812151032 0.3179501538057481 0.3953394153828534 0.6662018309027218 0.8596749848454849 1.085651628650638 1.311628272455782 +25880,1.5670128356602346,0,1.9647936401665547 1.6660710904789273 1.3797308226436342 1.1351807560599843 1.0098101523050733 0.8643183405401158 0.7881050963973122 0.6429850524295937 0.581073643167913 0.4943976702015548 0.41700840862444954 0.37986156306743757 0.3674792812151032 0.3179501538057481 0.3953394153828534 0.6662018309027218 0.8596749848454849 1.085651628650638 1.311628272455782 1.483432433156958 +25881,1.576299547049479,0,1.6660710904789273 1.3797308226436342 1.1351807560599843 1.0098101523050733 0.8643183405401158 0.7881050963973122 0.6429850524295937 0.581073643167913 0.4943976702015548 0.41700840862444954 0.37986156306743757 0.3674792812151032 0.3179501538057481 0.3953394153828534 0.6662018309027218 0.8596749848454849 1.085651628650638 1.311628272455782 1.483432433156958 1.5670128356602346 +25882,1.5840384732071913,0,1.3797308226436342 1.1351807560599843 1.0098101523050733 0.8643183405401158 0.7881050963973122 0.6429850524295937 0.581073643167913 0.4943976702015548 0.41700840862444954 0.37986156306743757 0.3674792812151032 0.3179501538057481 0.3953394153828534 0.6662018309027218 0.8596749848454849 1.085651628650638 1.311628272455782 1.483432433156958 1.5670128356602346 1.576299547049479 +25883,1.5051014263985452,0,1.1351807560599843 1.0098101523050733 0.8643183405401158 0.7881050963973122 0.6429850524295937 0.581073643167913 0.4943976702015548 0.41700840862444954 0.37986156306743757 0.3674792812151032 0.3179501538057481 0.3953394153828534 0.6662018309027218 0.8596749848454849 1.085651628650638 1.311628272455782 1.483432433156958 1.5670128356602346 1.576299547049479 1.5840384732071913 +25884,1.3843741783382653,0,1.0098101523050733 0.8643183405401158 0.7881050963973122 0.6429850524295937 0.581073643167913 0.4943976702015548 0.41700840862444954 0.37986156306743757 0.3674792812151032 0.3179501538057481 0.3953394153828534 0.6662018309027218 0.8596749848454849 1.085651628650638 1.311628272455782 1.483432433156958 1.5670128356602346 1.576299547049479 1.5840384732071913 1.5051014263985452 +25885,1.1537541788384902,0,0.8643183405401158 0.7881050963973122 0.6429850524295937 0.581073643167913 0.4943976702015548 0.41700840862444954 0.37986156306743757 0.3674792812151032 0.3179501538057481 0.3953394153828534 0.6662018309027218 0.8596749848454849 1.085651628650638 1.311628272455782 1.483432433156958 1.5670128356602346 1.576299547049479 1.5840384732071913 1.5051014263985452 1.3843741783382653 +25886,0.950994313506474,0,0.7881050963973122 0.6429850524295937 0.581073643167913 0.4943976702015548 0.41700840862444954 0.37986156306743757 0.3674792812151032 0.3179501538057481 0.3953394153828534 0.6662018309027218 0.8596749848454849 1.085651628650638 1.311628272455782 1.483432433156958 1.5670128356602346 1.576299547049479 1.5840384732071913 1.5051014263985452 1.3843741783382653 1.1537541788384902 +25887,0.8225281392884818,0,0.6429850524295937 0.581073643167913 0.4943976702015548 0.41700840862444954 0.37986156306743757 0.3674792812151032 0.3179501538057481 0.3953394153828534 0.6662018309027218 0.8596749848454849 1.085651628650638 1.311628272455782 1.483432433156958 1.5670128356602346 1.576299547049479 1.5840384732071913 1.5051014263985452 1.3843741783382653 1.1537541788384902 0.950994313506474 +25888,0.7714512266475859,0,0.581073643167913 0.4943976702015548 0.41700840862444954 0.37986156306743757 0.3674792812151032 0.3179501538057481 0.3953394153828534 0.6662018309027218 0.8596749848454849 1.085651628650638 1.311628272455782 1.483432433156958 1.5670128356602346 1.576299547049479 1.5840384732071913 1.5051014263985452 1.3843741783382653 1.1537541788384902 0.950994313506474 0.8225281392884818 +25889,0.7188265287751583,0,0.4943976702015548 0.41700840862444954 0.37986156306743757 0.3674792812151032 0.3179501538057481 0.3953394153828534 0.6662018309027218 0.8596749848454849 1.085651628650638 1.311628272455782 1.483432433156958 1.5670128356602346 1.576299547049479 1.5840384732071913 1.5051014263985452 1.3843741783382653 1.1537541788384902 0.950994313506474 0.8225281392884818 0.7714512266475859 +25890,0.6662018309027218,0,0.41700840862444954 0.37986156306743757 0.3674792812151032 0.3179501538057481 0.3953394153828534 0.6662018309027218 0.8596749848454849 1.085651628650638 1.311628272455782 1.483432433156958 1.5670128356602346 1.576299547049479 1.5840384732071913 1.5051014263985452 1.3843741783382653 1.1537541788384902 0.950994313506474 0.8225281392884818 0.7714512266475859 0.7188265287751583 +25891,0.6770363275235243,0,0.37986156306743757 0.3674792812151032 0.3179501538057481 0.3953394153828534 0.6662018309027218 0.8596749848454849 1.085651628650638 1.311628272455782 1.483432433156958 1.5670128356602346 1.576299547049479 1.5840384732071913 1.5051014263985452 1.3843741783382653 1.1537541788384902 0.950994313506474 0.8225281392884818 0.7714512266475859 0.7188265287751583 0.6662018309027218 +25892,0.6801318979866057,0,0.3674792812151032 0.3179501538057481 0.3953394153828534 0.6662018309027218 0.8596749848454849 1.085651628650638 1.311628272455782 1.483432433156958 1.5670128356602346 1.576299547049479 1.5840384732071913 1.5051014263985452 1.3843741783382653 1.1537541788384902 0.950994313506474 0.8225281392884818 0.7714512266475859 0.7188265287751583 0.6662018309027218 0.6770363275235243 +25893,0.6708451865973527,0,0.3179501538057481 0.3953394153828534 0.6662018309027218 0.8596749848454849 1.085651628650638 1.311628272455782 1.483432433156958 1.5670128356602346 1.576299547049479 1.5840384732071913 1.5051014263985452 1.3843741783382653 1.1537541788384902 0.950994313506474 0.8225281392884818 0.7714512266475859 0.7188265287751583 0.6662018309027218 0.6770363275235243 0.6801318979866057 +25894,0.6538195490503874,0,0.3953394153828534 0.6662018309027218 0.8596749848454849 1.085651628650638 1.311628272455782 1.483432433156958 1.5670128356602346 1.576299547049479 1.5840384732071913 1.5051014263985452 1.3843741783382653 1.1537541788384902 0.950994313506474 0.8225281392884818 0.7714512266475859 0.7188265287751583 0.6662018309027218 0.6770363275235243 0.6801318979866057 0.6708451865973527 +25895,0.5702391465471105,0,0.6662018309027218 0.8596749848454849 1.085651628650638 1.311628272455782 1.483432433156958 1.5670128356602346 1.576299547049479 1.5840384732071913 1.5051014263985452 1.3843741783382653 1.1537541788384902 0.950994313506474 0.8225281392884818 0.7714512266475859 0.7188265287751583 0.6662018309027218 0.6770363275235243 0.6801318979866057 0.6708451865973527 0.6538195490503874 +25896,0.5176144486746829,0,0.8596749848454849 1.085651628650638 1.311628272455782 1.483432433156958 1.5670128356602346 1.576299547049479 1.5840384732071913 1.5051014263985452 1.3843741783382653 1.1537541788384902 0.950994313506474 0.8225281392884818 0.7714512266475859 0.7188265287751583 0.6662018309027218 0.6770363275235243 0.6801318979866057 0.6708451865973527 0.6538195490503874 0.5702391465471105 +25897,0.38605270399360037,0,1.085651628650638 1.311628272455782 1.483432433156958 1.5670128356602346 1.576299547049479 1.5840384732071913 1.5051014263985452 1.3843741783382653 1.1537541788384902 0.950994313506474 0.8225281392884818 0.7714512266475859 0.7188265287751583 0.6662018309027218 0.6770363275235243 0.6801318979866057 0.6708451865973527 0.6538195490503874 0.5702391465471105 0.5176144486746829 +25898,0.4092694824667372,0,1.311628272455782 1.483432433156958 1.5670128356602346 1.576299547049479 1.5840384732071913 1.5051014263985452 1.3843741783382653 1.1537541788384902 0.950994313506474 0.8225281392884818 0.7714512266475859 0.7188265287751583 0.6662018309027218 0.6770363275235243 0.6801318979866057 0.6708451865973527 0.6538195490503874 0.5702391465471105 0.5176144486746829 0.38605270399360037 +25899,0.4309384757083246,0,1.483432433156958 1.5670128356602346 1.576299547049479 1.5840384732071913 1.5051014263985452 1.3843741783382653 1.1537541788384902 0.950994313506474 0.8225281392884818 0.7714512266475859 0.7188265287751583 0.6662018309027218 0.6770363275235243 0.6801318979866057 0.6708451865973527 0.6538195490503874 0.5702391465471105 0.5176144486746829 0.38605270399360037 0.4092694824667372 +25900,0.4727286769599586,0,1.5670128356602346 1.576299547049479 1.5840384732071913 1.5051014263985452 1.3843741783382653 1.1537541788384902 0.950994313506474 0.8225281392884818 0.7714512266475859 0.7188265287751583 0.6662018309027218 0.6770363275235243 0.6801318979866057 0.6708451865973527 0.6538195490503874 0.5702391465471105 0.5176144486746829 0.38605270399360037 0.4092694824667372 0.4309384757083246 +25901,0.590360354557166,0,1.576299547049479 1.5840384732071913 1.5051014263985452 1.3843741783382653 1.1537541788384902 0.950994313506474 0.8225281392884818 0.7714512266475859 0.7188265287751583 0.6662018309027218 0.6770363275235243 0.6801318979866057 0.6708451865973527 0.6538195490503874 0.5702391465471105 0.5176144486746829 0.38605270399360037 0.4092694824667372 0.4309384757083246 0.4727286769599586 +25902,0.7791901528052982,0,1.5840384732071913 1.5051014263985452 1.3843741783382653 1.1537541788384902 0.950994313506474 0.8225281392884818 0.7714512266475859 0.7188265287751583 0.6662018309027218 0.6770363275235243 0.6801318979866057 0.6708451865973527 0.6538195490503874 0.5702391465471105 0.5176144486746829 0.38605270399360037 0.4092694824667372 0.4309384757083246 0.4727286769599586 0.590360354557166 +25903,0.9231341793387151,0,1.5051014263985452 1.3843741783382653 1.1537541788384902 0.950994313506474 0.8225281392884818 0.7714512266475859 0.7188265287751583 0.6662018309027218 0.6770363275235243 0.6801318979866057 0.6708451865973527 0.6538195490503874 0.5702391465471105 0.5176144486746829 0.38605270399360037 0.4092694824667372 0.4309384757083246 0.4727286769599586 0.590360354557166 0.7791901528052982 +25904,1.0980339105029722,0,1.3843741783382653 1.1537541788384902 0.950994313506474 0.8225281392884818 0.7714512266475859 0.7188265287751583 0.6662018309027218 0.6770363275235243 0.6801318979866057 0.6708451865973527 0.6538195490503874 0.5702391465471105 0.5176144486746829 0.38605270399360037 0.4092694824667372 0.4309384757083246 0.4727286769599586 0.590360354557166 0.7791901528052982 0.9231341793387151 +25905,1.1878054539324119,0,1.1537541788384902 0.950994313506474 0.8225281392884818 0.7714512266475859 0.7188265287751583 0.6662018309027218 0.6770363275235243 0.6801318979866057 0.6708451865973527 0.6538195490503874 0.5702391465471105 0.5176144486746829 0.38605270399360037 0.4092694824667372 0.4309384757083246 0.4727286769599586 0.590360354557166 0.7791901528052982 0.9231341793387151 1.0980339105029722 +25906,1.2017355210162957,0,0.950994313506474 0.8225281392884818 0.7714512266475859 0.7188265287751583 0.6662018309027218 0.6770363275235243 0.6801318979866057 0.6708451865973527 0.6538195490503874 0.5702391465471105 0.5176144486746829 0.38605270399360037 0.4092694824667372 0.4309384757083246 0.4727286769599586 0.590360354557166 0.7791901528052982 0.9231341793387151 1.0980339105029722 1.1878054539324119 +25907,1.0949383400398909,0,0.8225281392884818 0.7714512266475859 0.7188265287751583 0.6662018309027218 0.6770363275235243 0.6801318979866057 0.6708451865973527 0.6538195490503874 0.5702391465471105 0.5176144486746829 0.38605270399360037 0.4092694824667372 0.4309384757083246 0.4727286769599586 0.590360354557166 0.7791901528052982 0.9231341793387151 1.0980339105029722 1.1878054539324119 1.2017355210162957 +25908,0.9865933738319452,0,0.7714512266475859 0.7188265287751583 0.6662018309027218 0.6770363275235243 0.6801318979866057 0.6708451865973527 0.6538195490503874 0.5702391465471105 0.5176144486746829 0.38605270399360037 0.4092694824667372 0.4309384757083246 0.4727286769599586 0.590360354557166 0.7791901528052982 0.9231341793387151 1.0980339105029722 1.1878054539324119 1.2017355210162957 1.0949383400398909 +25909,0.7946680051207228,0,0.7188265287751583 0.6662018309027218 0.6770363275235243 0.6801318979866057 0.6708451865973527 0.6538195490503874 0.5702391465471105 0.5176144486746829 0.38605270399360037 0.4092694824667372 0.4309384757083246 0.4727286769599586 0.590360354557166 0.7791901528052982 0.9231341793387151 1.0980339105029722 1.1878054539324119 1.2017355210162957 1.0949383400398909 0.9865933738319452 +25910,0.6429850524295937,0,0.6662018309027218 0.6770363275235243 0.6801318979866057 0.6708451865973527 0.6538195490503874 0.5702391465471105 0.5176144486746829 0.38605270399360037 0.4092694824667372 0.4309384757083246 0.4727286769599586 0.590360354557166 0.7791901528052982 0.9231341793387151 1.0980339105029722 1.1878054539324119 1.2017355210162957 1.0949383400398909 0.9865933738319452 0.7946680051207228 +25911,0.5578568646947761,0,0.6770363275235243 0.6801318979866057 0.6708451865973527 0.6538195490503874 0.5702391465471105 0.5176144486746829 0.38605270399360037 0.4092694824667372 0.4309384757083246 0.4727286769599586 0.590360354557166 0.7791901528052982 0.9231341793387151 1.0980339105029722 1.1878054539324119 1.2017355210162957 1.0949383400398909 0.9865933738319452 0.7946680051207228 0.6429850524295937 +25912,0.42165176431907164,0,0.6801318979866057 0.6708451865973527 0.6538195490503874 0.5702391465471105 0.5176144486746829 0.38605270399360037 0.4092694824667372 0.4309384757083246 0.4727286769599586 0.590360354557166 0.7791901528052982 0.9231341793387151 1.0980339105029722 1.1878054539324119 1.2017355210162957 1.0949383400398909 0.9865933738319452 0.7946680051207228 0.6429850524295937 0.5578568646947761 +25913,0.4108172676982779,0,0.6708451865973527 0.6538195490503874 0.5702391465471105 0.5176144486746829 0.38605270399360037 0.4092694824667372 0.4309384757083246 0.4727286769599586 0.590360354557166 0.7791901528052982 0.9231341793387151 1.0980339105029722 1.1878054539324119 1.2017355210162957 1.0949383400398909 0.9865933738319452 0.7946680051207228 0.6429850524295937 0.5578568646947761 0.42165176431907164 +25914,0.3164023685742074,0,0.6538195490503874 0.5702391465471105 0.5176144486746829 0.38605270399360037 0.4092694824667372 0.4309384757083246 0.4727286769599586 0.590360354557166 0.7791901528052982 0.9231341793387151 1.0980339105029722 1.1878054539324119 1.2017355210162957 1.0949383400398909 0.9865933738319452 0.7946680051207228 0.6429850524295937 0.5578568646947761 0.42165176431907164 0.4108172676982779 +25915,0.28854223440644844,0,0.5702391465471105 0.5176144486746829 0.38605270399360037 0.4092694824667372 0.4309384757083246 0.4727286769599586 0.590360354557166 0.7791901528052982 0.9231341793387151 1.0980339105029722 1.1878054539324119 1.2017355210162957 1.0949383400398909 0.9865933738319452 0.7946680051207228 0.6429850524295937 0.5578568646947761 0.42165176431907164 0.4108172676982779 0.3164023685742074 +25916,0.24984760361789585,0,0.5176144486746829 0.38605270399360037 0.4092694824667372 0.4309384757083246 0.4727286769599586 0.590360354557166 0.7791901528052982 0.9231341793387151 1.0980339105029722 1.1878054539324119 1.2017355210162957 1.0949383400398909 0.9865933738319452 0.7946680051207228 0.6429850524295937 0.5578568646947761 0.42165176431907164 0.4108172676982779 0.3164023685742074 0.28854223440644844 +25917,0.20031847620854953,0,0.38605270399360037 0.4092694824667372 0.4309384757083246 0.4727286769599586 0.590360354557166 0.7791901528052982 0.9231341793387151 1.0980339105029722 1.1878054539324119 1.2017355210162957 1.0949383400398909 0.9865933738319452 0.7946680051207228 0.6429850524295937 0.5578568646947761 0.42165176431907164 0.4108172676982779 0.3164023685742074 0.28854223440644844 0.24984760361789585 +25918,0.12447699986298497,0,0.4092694824667372 0.4309384757083246 0.4727286769599586 0.590360354557166 0.7791901528052982 0.9231341793387151 1.0980339105029722 1.1878054539324119 1.2017355210162957 1.0949383400398909 0.9865933738319452 0.7946680051207228 0.6429850524295937 0.5578568646947761 0.42165176431907164 0.4108172676982779 0.3164023685742074 0.28854223440644844 0.24984760361789585 0.20031847620854953 +25919,0.0501833087489699,0,0.4309384757083246 0.4727286769599586 0.590360354557166 0.7791901528052982 0.9231341793387151 1.0980339105029722 1.1878054539324119 1.2017355210162957 1.0949383400398909 0.9865933738319452 0.7946680051207228 0.6429850524295937 0.5578568646947761 0.42165176431907164 0.4108172676982779 0.3164023685742074 0.28854223440644844 0.24984760361789585 0.20031847620854953 0.12447699986298497 +25920,0.005538905318731833,0,0.4727286769599586 0.590360354557166 0.7791901528052982 0.9231341793387151 1.0980339105029722 1.1878054539324119 1.2017355210162957 1.0949383400398909 0.9865933738319452 0.7946680051207228 0.6429850524295937 0.5578568646947761 0.42165176431907164 0.4108172676982779 0.3164023685742074 0.28854223440644844 0.24984760361789585 0.20031847620854953 0.12447699986298497 0.0501833087489699 +25921,-0.27531592544433614,0,0.590360354557166 0.7791901528052982 0.9231341793387151 1.0980339105029722 1.1878054539324119 1.2017355210162957 1.0949383400398909 0.9865933738319452 0.7946680051207228 0.6429850524295937 0.5578568646947761 0.42165176431907164 0.4108172676982779 0.3164023685742074 0.28854223440644844 0.24984760361789585 0.20031847620854953 0.12447699986298497 0.0501833087489699 0.005538905318731833 +25922,-0.26633877110139303,0,0.7791901528052982 0.9231341793387151 1.0980339105029722 1.1878054539324119 1.2017355210162957 1.0949383400398909 0.9865933738319452 0.7946680051207228 0.6429850524295937 0.5578568646947761 0.42165176431907164 0.4108172676982779 0.3164023685742074 0.28854223440644844 0.24984760361789585 0.20031847620854953 0.12447699986298497 0.0501833087489699 0.005538905318731833 -0.27531592544433614 +25923,0.1779346146766657,0,0.9231341793387151 1.0980339105029722 1.1878054539324119 1.2017355210162957 1.0949383400398909 0.9865933738319452 0.7946680051207228 0.6429850524295937 0.5578568646947761 0.42165176431907164 0.4108172676982779 0.3164023685742074 0.28854223440644844 0.24984760361789585 0.20031847620854953 0.12447699986298497 0.0501833087489699 0.005538905318731833 -0.27531592544433614 -0.26633877110139303 +25924,0.4077216972351965,0,1.0980339105029722 1.1878054539324119 1.2017355210162957 1.0949383400398909 0.9865933738319452 0.7946680051207228 0.6429850524295937 0.5578568646947761 0.42165176431907164 0.4108172676982779 0.3164023685742074 0.28854223440644844 0.24984760361789585 0.20031847620854953 0.12447699986298497 0.0501833087489699 0.005538905318731833 -0.27531592544433614 -0.26633877110139303 0.1779346146766657 +25925,0.6398894819665123,0,1.1878054539324119 1.2017355210162957 1.0949383400398909 0.9865933738319452 0.7946680051207228 0.6429850524295937 0.5578568646947761 0.42165176431907164 0.4108172676982779 0.3164023685742074 0.28854223440644844 0.24984760361789585 0.20031847620854953 0.12447699986298497 0.0501833087489699 0.005538905318731833 -0.27531592544433614 -0.26633877110139303 0.1779346146766657 0.4077216972351965 +25926,0.7590689447952516,0,1.2017355210162957 1.0949383400398909 0.9865933738319452 0.7946680051207228 0.6429850524295937 0.5578568646947761 0.42165176431907164 0.4108172676982779 0.3164023685742074 0.28854223440644844 0.24984760361789585 0.20031847620854953 0.12447699986298497 0.0501833087489699 0.005538905318731833 -0.27531592544433614 -0.26633877110139303 0.1779346146766657 0.4077216972351965 0.6398894819665123 +25927,0.8983696156340375,0,1.0949383400398909 0.9865933738319452 0.7946680051207228 0.6429850524295937 0.5578568646947761 0.42165176431907164 0.4108172676982779 0.3164023685742074 0.28854223440644844 0.24984760361789585 0.20031847620854953 0.12447699986298497 0.0501833087489699 0.005538905318731833 -0.27531592544433614 -0.26633877110139303 0.1779346146766657 0.4077216972351965 0.6398894819665123 0.7590689447952516 +25928,0.9912367295265674,0,0.9865933738319452 0.7946680051207228 0.6429850524295937 0.5578568646947761 0.42165176431907164 0.4108172676982779 0.3164023685742074 0.28854223440644844 0.24984760361789585 0.20031847620854953 0.12447699986298497 0.0501833087489699 0.005538905318731833 -0.27531592544433614 -0.26633877110139303 0.1779346146766657 0.4077216972351965 0.6398894819665123 0.7590689447952516 0.8983696156340375 +25929,1.0686259911036726,0,0.7946680051207228 0.6429850524295937 0.5578568646947761 0.42165176431907164 0.4108172676982779 0.3164023685742074 0.28854223440644844 0.24984760361789585 0.20031847620854953 0.12447699986298497 0.0501833087489699 0.005538905318731833 -0.27531592544433614 -0.26633877110139303 0.1779346146766657 0.4077216972351965 0.6398894819665123 0.7590689447952516 0.8983696156340375 0.9912367295265674 +25930,1.0887471991137192,0,0.6429850524295937 0.5578568646947761 0.42165176431907164 0.4108172676982779 0.3164023685742074 0.28854223440644844 0.24984760361789585 0.20031847620854953 0.12447699986298497 0.0501833087489699 0.005538905318731833 -0.27531592544433614 -0.26633877110139303 0.1779346146766657 0.4077216972351965 0.6398894819665123 0.7590689447952516 0.8983696156340375 0.9912367295265674 1.0686259911036726 +25931,0.9695677362849799,0,0.5578568646947761 0.42165176431907164 0.4108172676982779 0.3164023685742074 0.28854223440644844 0.24984760361789585 0.20031847620854953 0.12447699986298497 0.0501833087489699 0.005538905318731833 -0.27531592544433614 -0.26633877110139303 0.1779346146766657 0.4077216972351965 0.6398894819665123 0.7590689447952516 0.8983696156340375 0.9912367295265674 1.0686259911036726 1.0887471991137192 +25932,0.9478987430433926,0,0.42165176431907164 0.4108172676982779 0.3164023685742074 0.28854223440644844 0.24984760361789585 0.20031847620854953 0.12447699986298497 0.0501833087489699 0.005538905318731833 -0.27531592544433614 -0.26633877110139303 0.1779346146766657 0.4077216972351965 0.6398894819665123 0.7590689447952516 0.8983696156340375 0.9912367295265674 1.0686259911036726 1.0887471991137192 0.9695677362849799 +25933,0.7575211595637109,0,0.4108172676982779 0.3164023685742074 0.28854223440644844 0.24984760361789585 0.20031847620854953 0.12447699986298497 0.0501833087489699 0.005538905318731833 -0.27531592544433614 -0.26633877110139303 0.1779346146766657 0.4077216972351965 0.6398894819665123 0.7590689447952516 0.8983696156340375 0.9912367295265674 1.0686259911036726 1.0887471991137192 0.9695677362849799 0.9478987430433926 +25934,0.5563090794632355,0,0.3164023685742074 0.28854223440644844 0.24984760361789585 0.20031847620854953 0.12447699986298497 0.0501833087489699 0.005538905318731833 -0.27531592544433614 -0.26633877110139303 0.1779346146766657 0.4077216972351965 0.6398894819665123 0.7590689447952516 0.8983696156340375 0.9912367295265674 1.0686259911036726 1.0887471991137192 0.9695677362849799 0.9478987430433926 0.7575211595637109 +25935,0.41855619385599024,0,0.28854223440644844 0.24984760361789585 0.20031847620854953 0.12447699986298497 0.0501833087489699 0.005538905318731833 -0.27531592544433614 -0.26633877110139303 0.1779346146766657 0.4077216972351965 0.6398894819665123 0.7590689447952516 0.8983696156340375 0.9912367295265674 1.0686259911036726 1.0887471991137192 0.9695677362849799 0.9478987430433926 0.7575211595637109 0.5563090794632355 +25936,0.3303324356580913,0,0.24984760361789585 0.20031847620854953 0.12447699986298497 0.0501833087489699 0.005538905318731833 -0.27531592544433614 -0.26633877110139303 0.1779346146766657 0.4077216972351965 0.6398894819665123 0.7590689447952516 0.8983696156340375 0.9912367295265674 1.0686259911036726 1.0887471991137192 0.9695677362849799 0.9478987430433926 0.7575211595637109 0.5563090794632355 0.41855619385599024 +25937,0.18019726819850287,0,0.20031847620854953 0.12447699986298497 0.0501833087489699 0.005538905318731833 -0.27531592544433614 -0.26633877110139303 0.1779346146766657 0.4077216972351965 0.6398894819665123 0.7590689447952516 0.8983696156340375 0.9912367295265674 1.0686259911036726 1.0887471991137192 0.9695677362849799 0.9478987430433926 0.7575211595637109 0.5563090794632355 0.41855619385599024 0.3303324356580913 +25938,0.13066814078915656,0,0.12447699986298497 0.0501833087489699 0.005538905318731833 -0.27531592544433614 -0.26633877110139303 0.1779346146766657 0.4077216972351965 0.6398894819665123 0.7590689447952516 0.8983696156340375 0.9912367295265674 1.0686259911036726 1.0887471991137192 0.9695677362849799 0.9478987430433926 0.7575211595637109 0.5563090794632355 0.41855619385599024 0.3303324356580913 0.18019726819850287 +25939,0.05637444967513269,0,0.0501833087489699 0.005538905318731833 -0.27531592544433614 -0.26633877110139303 0.1779346146766657 0.4077216972351965 0.6398894819665123 0.7590689447952516 0.8983696156340375 0.9912367295265674 1.0686259911036726 1.0887471991137192 0.9695677362849799 0.9478987430433926 0.7575211595637109 0.5563090794632355 0.41855619385599024 0.3303324356580913 0.18019726819850287 0.13066814078915656 +25940,-0.024110382365053955,0,0.005538905318731833 -0.27531592544433614 -0.26633877110139303 0.1779346146766657 0.4077216972351965 0.6398894819665123 0.7590689447952516 0.8983696156340375 0.9912367295265674 1.0686259911036726 1.0887471991137192 0.9695677362849799 0.9478987430433926 0.7575211595637109 0.5563090794632355 0.41855619385599024 0.3303324356580913 0.18019726819850287 0.13066814078915656 0.05637444967513269 +25941,-0.08137843593211255,0,-0.27531592544433614 -0.26633877110139303 0.1779346146766657 0.4077216972351965 0.6398894819665123 0.7590689447952516 0.8983696156340375 0.9912367295265674 1.0686259911036726 1.0887471991137192 0.9695677362849799 0.9478987430433926 0.7575211595637109 0.5563090794632355 0.41855619385599024 0.3303324356580913 0.18019726819850287 0.13066814078915656 0.05637444967513269 -0.024110382365053955 +25942,-0.10614299963678131,0,-0.26633877110139303 0.1779346146766657 0.4077216972351965 0.6398894819665123 0.7590689447952516 0.8983696156340375 0.9912367295265674 1.0686259911036726 1.0887471991137192 0.9695677362849799 0.9478987430433926 0.7575211595637109 0.5563090794632355 0.41855619385599024 0.3303324356580913 0.18019726819850287 0.13066814078915656 0.05637444967513269 -0.024110382365053955 -0.08137843593211255 +25943,-0.14483763042533393,0,0.1779346146766657 0.4077216972351965 0.6398894819665123 0.7590689447952516 0.8983696156340375 0.9912367295265674 1.0686259911036726 1.0887471991137192 0.9695677362849799 0.9478987430433926 0.7575211595637109 0.5563090794632355 0.41855619385599024 0.3303324356580913 0.18019726819850287 0.13066814078915656 0.05637444967513269 -0.024110382365053955 -0.08137843593211255 -0.10614299963678131 +25944,-0.18198447598234585,0,0.4077216972351965 0.6398894819665123 0.7590689447952516 0.8983696156340375 0.9912367295265674 1.0686259911036726 1.0887471991137192 0.9695677362849799 0.9478987430433926 0.7575211595637109 0.5563090794632355 0.41855619385599024 0.3303324356580913 0.18019726819850287 0.13066814078915656 0.05637444967513269 -0.024110382365053955 -0.08137843593211255 -0.10614299963678131 -0.14483763042533393 +25945,-0.23615695908632306,0,0.6398894819665123 0.7590689447952516 0.8983696156340375 0.9912367295265674 1.0686259911036726 1.0887471991137192 0.9695677362849799 0.9478987430433926 0.7575211595637109 0.5563090794632355 0.41855619385599024 0.3303324356580913 0.18019726819850287 0.13066814078915656 0.05637444967513269 -0.024110382365053955 -0.08137843593211255 -0.10614299963678131 -0.14483763042533393 -0.18198447598234585 +25946,-0.2144879658447357,0,0.7590689447952516 0.8983696156340375 0.9912367295265674 1.0686259911036726 1.0887471991137192 0.9695677362849799 0.9478987430433926 0.7575211595637109 0.5563090794632355 0.41855619385599024 0.3303324356580913 0.18019726819850287 0.13066814078915656 0.05637444967513269 -0.024110382365053955 -0.08137843593211255 -0.10614299963678131 -0.14483763042533393 -0.18198447598234585 -0.23615695908632306 +25947,0.16781498634616848,0,0.8983696156340375 0.9912367295265674 1.0686259911036726 1.0887471991137192 0.9695677362849799 0.9478987430433926 0.7575211595637109 0.5563090794632355 0.41855619385599024 0.3303324356580913 0.18019726819850287 0.13066814078915656 0.05637444967513269 -0.024110382365053955 -0.08137843593211255 -0.10614299963678131 -0.14483763042533393 -0.18198447598234585 -0.23615695908632306 -0.2144879658447357 +25948,0.4943976702015548,0,0.9912367295265674 1.0686259911036726 1.0887471991137192 0.9695677362849799 0.9478987430433926 0.7575211595637109 0.5563090794632355 0.41855619385599024 0.3303324356580913 0.18019726819850287 0.13066814078915656 0.05637444967513269 -0.024110382365053955 -0.08137843593211255 -0.10614299963678131 -0.14483763042533393 -0.18198447598234585 -0.23615695908632306 -0.2144879658447357 0.16781498634616848 +25949,0.7729990118791267,0,1.0686259911036726 1.0887471991137192 0.9695677362849799 0.9478987430433926 0.7575211595637109 0.5563090794632355 0.41855619385599024 0.3303324356580913 0.18019726819850287 0.13066814078915656 0.05637444967513269 -0.024110382365053955 -0.08137843593211255 -0.10614299963678131 -0.14483763042533393 -0.18198447598234585 -0.23615695908632306 -0.2144879658447357 0.16781498634616848 0.4943976702015548 +25950,1.002071226147361,0,1.0887471991137192 0.9695677362849799 0.9478987430433926 0.7575211595637109 0.5563090794632355 0.41855619385599024 0.3303324356580913 0.18019726819850287 0.13066814078915656 0.05637444967513269 -0.024110382365053955 -0.08137843593211255 -0.10614299963678131 -0.14483763042533393 -0.18198447598234585 -0.23615695908632306 -0.2144879658447357 0.16781498634616848 0.4943976702015548 0.7729990118791267 +25951,1.2203089437948018,0,0.9695677362849799 0.9478987430433926 0.7575211595637109 0.5563090794632355 0.41855619385599024 0.3303324356580913 0.18019726819850287 0.13066814078915656 0.05637444967513269 -0.024110382365053955 -0.08137843593211255 -0.10614299963678131 -0.14483763042533393 -0.18198447598234585 -0.23615695908632306 -0.2144879658447357 0.16781498634616848 0.4943976702015548 0.7729990118791267 1.002071226147361 +25952,1.3317494804658287,0,0.9478987430433926 0.7575211595637109 0.5563090794632355 0.41855619385599024 0.3303324356580913 0.18019726819850287 0.13066814078915656 0.05637444967513269 -0.024110382365053955 -0.08137843593211255 -0.10614299963678131 -0.14483763042533393 -0.18198447598234585 -0.23615695908632306 -0.2144879658447357 0.16781498634616848 0.4943976702015548 0.7729990118791267 1.002071226147361 1.2203089437948018 +25953,1.4106865272744746,0,0.7575211595637109 0.5563090794632355 0.41855619385599024 0.3303324356580913 0.18019726819850287 0.13066814078915656 0.05637444967513269 -0.024110382365053955 -0.08137843593211255 -0.10614299963678131 -0.14483763042533393 -0.18198447598234585 -0.23615695908632306 -0.2144879658447357 0.16781498634616848 0.4943976702015548 0.7729990118791267 1.002071226147361 1.2203089437948018 1.3317494804658287 +25954,1.4447378023684052,0,0.5563090794632355 0.41855619385599024 0.3303324356580913 0.18019726819850287 0.13066814078915656 0.05637444967513269 -0.024110382365053955 -0.08137843593211255 -0.10614299963678131 -0.14483763042533393 -0.18198447598234585 -0.23615695908632306 -0.2144879658447357 0.16781498634616848 0.4943976702015548 0.7729990118791267 1.002071226147361 1.2203089437948018 1.3317494804658287 1.4106865272744746 +25955,1.4431900171368646,0,0.41855619385599024 0.3303324356580913 0.18019726819850287 0.13066814078915656 0.05637444967513269 -0.024110382365053955 -0.08137843593211255 -0.10614299963678131 -0.14483763042533393 -0.18198447598234585 -0.23615695908632306 -0.2144879658447357 0.16781498634616848 0.4943976702015548 0.7729990118791267 1.002071226147361 1.2203089437948018 1.3317494804658287 1.4106865272744746 1.4447378023684052 +25956,1.269838071204148,0,0.3303324356580913 0.18019726819850287 0.13066814078915656 0.05637444967513269 -0.024110382365053955 -0.08137843593211255 -0.10614299963678131 -0.14483763042533393 -0.18198447598234585 -0.23615695908632306 -0.2144879658447357 0.16781498634616848 0.4943976702015548 0.7729990118791267 1.002071226147361 1.2203089437948018 1.3317494804658287 1.4106865272744746 1.4447378023684052 1.4431900171368646 +25957,1.0454092126305445,0,0.18019726819850287 0.13066814078915656 0.05637444967513269 -0.024110382365053955 -0.08137843593211255 -0.10614299963678131 -0.14483763042533393 -0.18198447598234585 -0.23615695908632306 -0.2144879658447357 0.16781498634616848 0.4943976702015548 0.7729990118791267 1.002071226147361 1.2203089437948018 1.3317494804658287 1.4106865272744746 1.4447378023684052 1.4431900171368646 1.269838071204148 +25958,0.7931202198891821,0,0.13066814078915656 0.05637444967513269 -0.024110382365053955 -0.08137843593211255 -0.10614299963678131 -0.14483763042533393 -0.18198447598234585 -0.23615695908632306 -0.2144879658447357 0.16781498634616848 0.4943976702015548 0.7729990118791267 1.002071226147361 1.2203089437948018 1.3317494804658287 1.4106865272744746 1.4447378023684052 1.4431900171368646 1.269838071204148 1.0454092126305445 +25959,0.5578568646947761,0,0.05637444967513269 -0.024110382365053955 -0.08137843593211255 -0.10614299963678131 -0.14483763042533393 -0.18198447598234585 -0.23615695908632306 -0.2144879658447357 0.16781498634616848 0.4943976702015548 0.7729990118791267 1.002071226147361 1.2203089437948018 1.3317494804658287 1.4106865272744746 1.4447378023684052 1.4431900171368646 1.269838071204148 1.0454092126305445 0.7931202198891821 +25960,0.4092694824667372,0,-0.024110382365053955 -0.08137843593211255 -0.10614299963678131 -0.14483763042533393 -0.18198447598234585 -0.23615695908632306 -0.2144879658447357 0.16781498634616848 0.4943976702015548 0.7729990118791267 1.002071226147361 1.2203089437948018 1.3317494804658287 1.4106865272744746 1.4447378023684052 1.4431900171368646 1.269838071204148 1.0454092126305445 0.7931202198891821 0.5578568646947761 +25961,0.34735807320504775,0,-0.08137843593211255 -0.10614299963678131 -0.14483763042533393 -0.18198447598234585 -0.23615695908632306 -0.2144879658447357 0.16781498634616848 0.4943976702015548 0.7729990118791267 1.002071226147361 1.2203089437948018 1.3317494804658287 1.4106865272744746 1.4447378023684052 1.4431900171368646 1.269838071204148 1.0454092126305445 0.7931202198891821 0.5578568646947761 0.4092694824667372 +25962,0.20341404667163973,0,-0.10614299963678131 -0.14483763042533393 -0.18198447598234585 -0.23615695908632306 -0.2144879658447357 0.16781498634616848 0.4943976702015548 0.7729990118791267 1.002071226147361 1.2203089437948018 1.3317494804658287 1.4106865272744746 1.4447378023684052 1.4431900171368646 1.269838071204148 1.0454092126305445 0.7931202198891821 0.5578568646947761 0.4092694824667372 0.34735807320504775 +25963,0.06566116106438567,0,-0.14483763042533393 -0.18198447598234585 -0.23615695908632306 -0.2144879658447357 0.16781498634616848 0.4943976702015548 0.7729990118791267 1.002071226147361 1.2203089437948018 1.3317494804658287 1.4106865272744746 1.4447378023684052 1.4431900171368646 1.269838071204148 1.0454092126305445 0.7931202198891821 0.5578568646947761 0.4092694824667372 0.34735807320504775 0.20341404667163973 +25964,0.02077538934967026,0,-0.18198447598234585 -0.23615695908632306 -0.2144879658447357 0.16781498634616848 0.4943976702015548 0.7729990118791267 1.002071226147361 1.2203089437948018 1.3317494804658287 1.4106865272744746 1.4447378023684052 1.4431900171368646 1.269838071204148 1.0454092126305445 0.7931202198891821 0.5578568646947761 0.4092694824667372 0.34735807320504775 0.20341404667163973 0.06566116106438567 +25965,-0.06280501315360658,0,-0.23615695908632306 -0.2144879658447357 0.16781498634616848 0.4943976702015548 0.7729990118791267 1.002071226147361 1.2203089437948018 1.3317494804658287 1.4106865272744746 1.4447378023684052 1.4431900171368646 1.269838071204148 1.0454092126305445 0.7931202198891821 0.5578568646947761 0.4092694824667372 0.34735807320504775 0.20341404667163973 0.06566116106438567 0.02077538934967026 +25966,-0.07518729500594096,0,-0.2144879658447357 0.16781498634616848 0.4943976702015548 0.7729990118791267 1.002071226147361 1.2203089437948018 1.3317494804658287 1.4106865272744746 1.4447378023684052 1.4431900171368646 1.269838071204148 1.0454092126305445 0.7931202198891821 0.5578568646947761 0.4092694824667372 0.34735807320504775 0.20341404667163973 0.06566116106438567 0.02077538934967026 -0.06280501315360658 +25967,-0.18508004644543605,0,0.16781498634616848 0.4943976702015548 0.7729990118791267 1.002071226147361 1.2203089437948018 1.3317494804658287 1.4106865272744746 1.4447378023684052 1.4431900171368646 1.269838071204148 1.0454092126305445 0.7931202198891821 0.5578568646947761 0.4092694824667372 0.34735807320504775 0.20341404667163973 0.06566116106438567 0.02077538934967026 -0.06280501315360658 -0.07518729500594096 +25968,-0.15257655658304622,0,0.4943976702015548 0.7729990118791267 1.002071226147361 1.2203089437948018 1.3317494804658287 1.4106865272744746 1.4447378023684052 1.4431900171368646 1.269838071204148 1.0454092126305445 0.7931202198891821 0.5578568646947761 0.4092694824667372 0.34735807320504775 0.20341404667163973 0.06566116106438567 0.02077538934967026 -0.06280501315360658 -0.07518729500594096 -0.18508004644543605 +25969,-0.18353226121388655,0,0.7729990118791267 1.002071226147361 1.2203089437948018 1.3317494804658287 1.4106865272744746 1.4447378023684052 1.4431900171368646 1.269838071204148 1.0454092126305445 0.7931202198891821 0.5578568646947761 0.4092694824667372 0.34735807320504775 0.20341404667163973 0.06566116106438567 0.02077538934967026 -0.06280501315360658 -0.07518729500594096 -0.18508004644543605 -0.15257655658304622 +25970,-0.1587676975092178,0,1.002071226147361 1.2203089437948018 1.3317494804658287 1.4106865272744746 1.4447378023684052 1.4431900171368646 1.269838071204148 1.0454092126305445 0.7931202198891821 0.5578568646947761 0.4092694824667372 0.34735807320504775 0.20341404667163973 0.06566116106438567 0.02077538934967026 -0.06280501315360658 -0.07518729500594096 -0.18508004644543605 -0.15257655658304622 -0.18353226121388655 +25971,0.24365646269173305,0,1.2203089437948018 1.3317494804658287 1.4106865272744746 1.4447378023684052 1.4431900171368646 1.269838071204148 1.0454092126305445 0.7931202198891821 0.5578568646947761 0.4092694824667372 0.34735807320504775 0.20341404667163973 0.06566116106438567 0.02077538934967026 -0.06280501315360658 -0.07518729500594096 -0.18508004644543605 -0.15257655658304622 -0.18353226121388655 -0.1587676975092178 +25972,0.7079920321543646,0,1.3317494804658287 1.4106865272744746 1.4447378023684052 1.4431900171368646 1.269838071204148 1.0454092126305445 0.7931202198891821 0.5578568646947761 0.4092694824667372 0.34735807320504775 0.20341404667163973 0.06566116106438567 0.02077538934967026 -0.06280501315360658 -0.07518729500594096 -0.18508004644543605 -0.15257655658304622 -0.18353226121388655 -0.1587676975092178 0.24365646269173305 +25973,1.0454092126305445,0,1.4106865272744746 1.4447378023684052 1.4431900171368646 1.269838071204148 1.0454092126305445 0.7931202198891821 0.5578568646947761 0.4092694824667372 0.34735807320504775 0.20341404667163973 0.06566116106438567 0.02077538934967026 -0.06280501315360658 -0.07518729500594096 -0.18508004644543605 -0.15257655658304622 -0.18353226121388655 -0.1587676975092178 0.24365646269173305 0.7079920321543646 +25974,1.3425839770866224,0,1.4447378023684052 1.4431900171368646 1.269838071204148 1.0454092126305445 0.7931202198891821 0.5578568646947761 0.4092694824667372 0.34735807320504775 0.20341404667163973 0.06566116106438567 0.02077538934967026 -0.06280501315360658 -0.07518729500594096 -0.18508004644543605 -0.15257655658304622 -0.18353226121388655 -0.1587676975092178 0.24365646269173305 0.7079920321543646 1.0454092126305445 +25975,1.588681828901822,0,1.4431900171368646 1.269838071204148 1.0454092126305445 0.7931202198891821 0.5578568646947761 0.4092694824667372 0.34735807320504775 0.20341404667163973 0.06566116106438567 0.02077538934967026 -0.06280501315360658 -0.07518729500594096 -0.18508004644543605 -0.15257655658304622 -0.18353226121388655 -0.1587676975092178 0.24365646269173305 0.7079920321543646 1.0454092126305445 1.3425839770866224 +25976,1.8146584727069661,0,1.269838071204148 1.0454092126305445 0.7931202198891821 0.5578568646947761 0.4092694824667372 0.34735807320504775 0.20341404667163973 0.06566116106438567 0.02077538934967026 -0.06280501315360658 -0.07518729500594096 -0.18508004644543605 -0.15257655658304622 -0.18353226121388655 -0.1587676975092178 0.24365646269173305 0.7079920321543646 1.0454092126305445 1.3425839770866224 1.588681828901822 +25977,1.9276467946095428,0,1.0454092126305445 0.7931202198891821 0.5578568646947761 0.4092694824667372 0.34735807320504775 0.20341404667163973 0.06566116106438567 0.02077538934967026 -0.06280501315360658 -0.07518729500594096 -0.18508004644543605 -0.15257655658304622 -0.18353226121388655 -0.1587676975092178 0.24365646269173305 0.7079920321543646 1.0454092126305445 1.3425839770866224 1.588681828901822 1.8146584727069661 +25978,2.0019404857235577,0,0.7931202198891821 0.5578568646947761 0.4092694824667372 0.34735807320504775 0.20341404667163973 0.06566116106438567 0.02077538934967026 -0.06280501315360658 -0.07518729500594096 -0.18508004644543605 -0.15257655658304622 -0.18353226121388655 -0.1587676975092178 0.24365646269173305 0.7079920321543646 1.0454092126305445 1.3425839770866224 1.588681828901822 1.8146584727069661 1.9276467946095428 +25979,2.0127749823443604,0,0.5578568646947761 0.4092694824667372 0.34735807320504775 0.20341404667163973 0.06566116106438567 0.02077538934967026 -0.06280501315360658 -0.07518729500594096 -0.18508004644543605 -0.15257655658304622 -0.18353226121388655 -0.1587676975092178 0.24365646269173305 0.7079920321543646 1.0454092126305445 1.3425839770866224 1.588681828901822 1.8146584727069661 1.9276467946095428 2.0019404857235577 +25980,1.8997866604417837,0,0.4092694824667372 0.34735807320504775 0.20341404667163973 0.06566116106438567 0.02077538934967026 -0.06280501315360658 -0.07518729500594096 -0.18508004644543605 -0.15257655658304622 -0.18353226121388655 -0.1587676975092178 0.24365646269173305 0.7079920321543646 1.0454092126305445 1.3425839770866224 1.588681828901822 1.8146584727069661 1.9276467946095428 2.0019404857235577 2.0127749823443604 +25981,1.7217913588144451,0,0.34735807320504775 0.20341404667163973 0.06566116106438567 0.02077538934967026 -0.06280501315360658 -0.07518729500594096 -0.18508004644543605 -0.15257655658304622 -0.18353226121388655 -0.1587676975092178 0.24365646269173305 0.7079920321543646 1.0454092126305445 1.3425839770866224 1.588681828901822 1.8146584727069661 1.9276467946095428 2.0019404857235577 2.0127749823443604 1.8997866604417837 +25982,1.2357867961102176,0,0.20341404667163973 0.06566116106438567 0.02077538934967026 -0.06280501315360658 -0.07518729500594096 -0.18508004644543605 -0.15257655658304622 -0.18353226121388655 -0.1587676975092178 0.24365646269173305 0.7079920321543646 1.0454092126305445 1.3425839770866224 1.588681828901822 1.8146584727069661 1.9276467946095428 2.0019404857235577 2.0127749823443604 1.8997866604417837 1.7217913588144451 +25983,1.0005234409158204,0,0.06566116106438567 0.02077538934967026 -0.06280501315360658 -0.07518729500594096 -0.18508004644543605 -0.15257655658304622 -0.18353226121388655 -0.1587676975092178 0.24365646269173305 0.7079920321543646 1.0454092126305445 1.3425839770866224 1.588681828901822 1.8146584727069661 1.9276467946095428 2.0019404857235577 2.0127749823443604 1.8997866604417837 1.7217913588144451 1.2357867961102176 +25984,0.8550316291508628,0,0.02077538934967026 -0.06280501315360658 -0.07518729500594096 -0.18508004644543605 -0.15257655658304622 -0.18353226121388655 -0.1587676975092178 0.24365646269173305 0.7079920321543646 1.0454092126305445 1.3425839770866224 1.588681828901822 1.8146584727069661 1.9276467946095428 2.0019404857235577 2.0127749823443604 1.8997866604417837 1.7217913588144451 1.2357867961102176 1.0005234409158204 +25985,0.7157309583120769,0,-0.06280501315360658 -0.07518729500594096 -0.18508004644543605 -0.15257655658304622 -0.18353226121388655 -0.1587676975092178 0.24365646269173305 0.7079920321543646 1.0454092126305445 1.3425839770866224 1.588681828901822 1.8146584727069661 1.9276467946095428 2.0019404857235577 2.0127749823443604 1.8997866604417837 1.7217913588144451 1.2357867961102176 1.0005234409158204 0.8550316291508628 +25986,0.6104815625672126,0,-0.07518729500594096 -0.18508004644543605 -0.15257655658304622 -0.18353226121388655 -0.1587676975092178 0.24365646269173305 0.7079920321543646 1.0454092126305445 1.3425839770866224 1.588681828901822 1.8146584727069661 1.9276467946095428 2.0019404857235577 2.0127749823443604 1.8997866604417837 1.7217913588144451 1.2357867961102176 1.0005234409158204 0.8550316291508628 0.7157309583120769 +25987,0.5036843815908078,0,-0.18508004644543605 -0.15257655658304622 -0.18353226121388655 -0.1587676975092178 0.24365646269173305 0.7079920321543646 1.0454092126305445 1.3425839770866224 1.588681828901822 1.8146584727069661 1.9276467946095428 2.0019404857235577 2.0127749823443604 1.8997866604417837 1.7217913588144451 1.2357867961102176 1.0005234409158204 0.8550316291508628 0.7157309583120769 0.6104815625672126 +25988,0.4402251870975776,0,-0.15257655658304622 -0.18353226121388655 -0.1587676975092178 0.24365646269173305 0.7079920321543646 1.0454092126305445 1.3425839770866224 1.588681828901822 1.8146584727069661 1.9276467946095428 2.0019404857235577 2.0127749823443604 1.8997866604417837 1.7217913588144451 1.2357867961102176 1.0005234409158204 0.8550316291508628 0.7157309583120769 0.6104815625672126 0.5036843815908078 +25989,0.3334280061211727,0,-0.18353226121388655 -0.1587676975092178 0.24365646269173305 0.7079920321543646 1.0454092126305445 1.3425839770866224 1.588681828901822 1.8146584727069661 1.9276467946095428 2.0019404857235577 2.0127749823443604 1.8997866604417837 1.7217913588144451 1.2357867961102176 1.0005234409158204 0.8550316291508628 0.7157309583120769 0.6104815625672126 0.5036843815908078 0.4402251870975776 +25990,0.30402008672187303,0,-0.1587676975092178 0.24365646269173305 0.7079920321543646 1.0454092126305445 1.3425839770866224 1.588681828901822 1.8146584727069661 1.9276467946095428 2.0019404857235577 2.0127749823443604 1.8997866604417837 1.7217913588144451 1.2357867961102176 1.0005234409158204 0.8550316291508628 0.7157309583120769 0.6104815625672126 0.5036843815908078 0.4402251870975776 0.3334280061211727 +25991,0.2684210263964018,0,0.24365646269173305 0.7079920321543646 1.0454092126305445 1.3425839770866224 1.588681828901822 1.8146584727069661 1.9276467946095428 2.0019404857235577 2.0127749823443604 1.8997866604417837 1.7217913588144451 1.2357867961102176 1.0005234409158204 0.8550316291508628 0.7157309583120769 0.6104815625672126 0.5036843815908078 0.4402251870975776 0.3334280061211727 0.30402008672187303 +25992,0.18793619435621514,0,0.7079920321543646 1.0454092126305445 1.3425839770866224 1.588681828901822 1.8146584727069661 1.9276467946095428 2.0019404857235577 2.0127749823443604 1.8997866604417837 1.7217913588144451 1.2357867961102176 1.0005234409158204 0.8550316291508628 0.7157309583120769 0.6104815625672126 0.5036843815908078 0.4402251870975776 0.3334280061211727 0.30402008672187303 0.2684210263964018 +25993,0.17555391250388078,0,1.0454092126305445 1.3425839770866224 1.588681828901822 1.8146584727069661 1.9276467946095428 2.0019404857235577 2.0127749823443604 1.8997866604417837 1.7217913588144451 1.2357867961102176 1.0005234409158204 0.8550316291508628 0.7157309583120769 0.6104815625672126 0.5036843815908078 0.4402251870975776 0.3334280061211727 0.30402008672187303 0.2684210263964018 0.18793619435621514 +25994,0.2173441137555148,0,1.3425839770866224 1.588681828901822 1.8146584727069661 1.9276467946095428 2.0019404857235577 2.0127749823443604 1.8997866604417837 1.7217913588144451 1.2357867961102176 1.0005234409158204 0.8550316291508628 0.7157309583120769 0.6104815625672126 0.5036843815908078 0.4402251870975776 0.3334280061211727 0.30402008672187303 0.2684210263964018 0.18793619435621514 0.17555391250388078 +25995,0.6816796832181463,0,1.588681828901822 1.8146584727069661 1.9276467946095428 2.0019404857235577 2.0127749823443604 1.8997866604417837 1.7217913588144451 1.2357867961102176 1.0005234409158204 0.8550316291508628 0.7157309583120769 0.6104815625672126 0.5036843815908078 0.4402251870975776 0.3334280061211727 0.30402008672187303 0.2684210263964018 0.18793619435621514 0.17555391250388078 0.2173441137555148 +25996,1.0918427695768007,0,1.8146584727069661 1.9276467946095428 2.0019404857235577 2.0127749823443604 1.8997866604417837 1.7217913588144451 1.2357867961102176 1.0005234409158204 0.8550316291508628 0.7157309583120769 0.6104815625672126 0.5036843815908078 0.4402251870975776 0.3334280061211727 0.30402008672187303 0.2684210263964018 0.18793619435621514 0.17555391250388078 0.2173441137555148 0.6816796832181463 +25997,1.4664067956099927,0,1.9276467946095428 2.0019404857235577 2.0127749823443604 1.8997866604417837 1.7217913588144451 1.2357867961102176 1.0005234409158204 0.8550316291508628 0.7157309583120769 0.6104815625672126 0.5036843815908078 0.4402251870975776 0.3334280061211727 0.30402008672187303 0.2684210263964018 0.18793619435621514 0.17555391250388078 0.2173441137555148 0.6816796832181463 1.0918427695768007 +25998,1.8688309558109435,0,2.0019404857235577 2.0127749823443604 1.8997866604417837 1.7217913588144451 1.2357867961102176 1.0005234409158204 0.8550316291508628 0.7157309583120769 0.6104815625672126 0.5036843815908078 0.4402251870975776 0.3334280061211727 0.30402008672187303 0.2684210263964018 0.18793619435621514 0.17555391250388078 0.2173441137555148 0.6816796832181463 1.0918427695768007 1.4664067956099927 +25999,2.076234176837582,0,2.0127749823443604 1.8997866604417837 1.7217913588144451 1.2357867961102176 1.0005234409158204 0.8550316291508628 0.7157309583120769 0.6104815625672126 0.5036843815908078 0.4402251870975776 0.3334280061211727 0.30402008672187303 0.2684210263964018 0.18793619435621514 0.17555391250388078 0.2173441137555148 0.6816796832181463 1.0918427695768007 1.4664067956099927 1.8688309558109435 +26000,2.2464905523072165,0,1.8997866604417837 1.7217913588144451 1.2357867961102176 1.0005234409158204 0.8550316291508628 0.7157309583120769 0.6104815625672126 0.5036843815908078 0.4402251870975776 0.3334280061211727 0.30402008672187303 0.2684210263964018 0.18793619435621514 0.17555391250388078 0.2173441137555148 0.6816796832181463 1.0918427695768007 1.4664067956099927 1.8688309558109435 2.076234176837582 +26001,2.370313370830587,0,1.7217913588144451 1.2357867961102176 1.0005234409158204 0.8550316291508628 0.7157309583120769 0.6104815625672126 0.5036843815908078 0.4402251870975776 0.3334280061211727 0.30402008672187303 0.2684210263964018 0.18793619435621514 0.17555391250388078 0.2173441137555148 0.6816796832181463 1.0918427695768007 1.4664067956099927 1.8688309558109435 2.076234176837582 2.2464905523072165 +26002,2.364122229904415,0,1.2357867961102176 1.0005234409158204 0.8550316291508628 0.7157309583120769 0.6104815625672126 0.5036843815908078 0.4402251870975776 0.3334280061211727 0.30402008672187303 0.2684210263964018 0.18793619435621514 0.17555391250388078 0.2173441137555148 0.6816796832181463 1.0918427695768007 1.4664067956099927 1.8688309558109435 2.076234176837582 2.2464905523072165 2.370313370830587 +26003,2.272802901243426,0,1.0005234409158204 0.8550316291508628 0.7157309583120769 0.6104815625672126 0.5036843815908078 0.4402251870975776 0.3334280061211727 0.30402008672187303 0.2684210263964018 0.18793619435621514 0.17555391250388078 0.2173441137555148 0.6816796832181463 1.0918427695768007 1.4664067956099927 1.8688309558109435 2.076234176837582 2.2464905523072165 2.370313370830587 2.364122229904415 +26004,2.1412411565623524,0,0.8550316291508628 0.7157309583120769 0.6104815625672126 0.5036843815908078 0.4402251870975776 0.3334280061211727 0.30402008672187303 0.2684210263964018 0.18793619435621514 0.17555391250388078 0.2173441137555148 0.6816796832181463 1.0918427695768007 1.4664067956099927 1.8688309558109435 2.076234176837582 2.2464905523072165 2.370313370830587 2.364122229904415 2.272802901243426 +26005,1.9369335059987958,0,0.7157309583120769 0.6104815625672126 0.5036843815908078 0.4402251870975776 0.3334280061211727 0.30402008672187303 0.2684210263964018 0.18793619435621514 0.17555391250388078 0.2173441137555148 0.6816796832181463 1.0918427695768007 1.4664067956099927 1.8688309558109435 2.076234176837582 2.2464905523072165 2.370313370830587 2.364122229904415 2.272802901243426 2.1412411565623524 +26006,1.49117135931467,0,0.6104815625672126 0.5036843815908078 0.4402251870975776 0.3334280061211727 0.30402008672187303 0.2684210263964018 0.18793619435621514 0.17555391250388078 0.2173441137555148 0.6816796832181463 1.0918427695768007 1.4664067956099927 1.8688309558109435 2.076234176837582 2.2464905523072165 2.370313370830587 2.364122229904415 2.272802901243426 2.1412411565623524 1.9369335059987958 +26007,1.2497168631941014,0,0.5036843815908078 0.4402251870975776 0.3334280061211727 0.30402008672187303 0.2684210263964018 0.18793619435621514 0.17555391250388078 0.2173441137555148 0.6816796832181463 1.0918427695768007 1.4664067956099927 1.8688309558109435 2.076234176837582 2.2464905523072165 2.370313370830587 2.364122229904415 2.272802901243426 2.1412411565623524 1.9369335059987958 1.49117135931467 +26008,1.0593392797144197,0,0.4402251870975776 0.3334280061211727 0.30402008672187303 0.2684210263964018 0.18793619435621514 0.17555391250388078 0.2173441137555148 0.6816796832181463 1.0918427695768007 1.4664067956099927 1.8688309558109435 2.076234176837582 2.2464905523072165 2.370313370830587 2.364122229904415 2.272802901243426 2.1412411565623524 1.9369335059987958 1.49117135931467 1.2497168631941014 +26009,0.9215863941071744,0,0.3334280061211727 0.30402008672187303 0.2684210263964018 0.18793619435621514 0.17555391250388078 0.2173441137555148 0.6816796832181463 1.0918427695768007 1.4664067956099927 1.8688309558109435 2.076234176837582 2.2464905523072165 2.370313370830587 2.364122229904415 2.272802901243426 2.1412411565623524 1.9369335059987958 1.49117135931467 1.2497168631941014 1.0593392797144197 +26010,0.8163369983623102,0,0.30402008672187303 0.2684210263964018 0.18793619435621514 0.17555391250388078 0.2173441137555148 0.6816796832181463 1.0918427695768007 1.4664067956099927 1.8688309558109435 2.076234176837582 2.2464905523072165 2.370313370830587 2.364122229904415 2.272802901243426 2.1412411565623524 1.9369335059987958 1.49117135931467 1.2497168631941014 1.0593392797144197 0.9215863941071744 +26011,0.7466866629429172,0,0.2684210263964018 0.18793619435621514 0.17555391250388078 0.2173441137555148 0.6816796832181463 1.0918427695768007 1.4664067956099927 1.8688309558109435 2.076234176837582 2.2464905523072165 2.370313370830587 2.364122229904415 2.272802901243426 2.1412411565623524 1.9369335059987958 1.49117135931467 1.2497168631941014 1.0593392797144197 0.9215863941071744 0.8163369983623102 +26012,0.6816796832181463,0,0.18793619435621514 0.17555391250388078 0.2173441137555148 0.6816796832181463 1.0918427695768007 1.4664067956099927 1.8688309558109435 2.076234176837582 2.2464905523072165 2.370313370830587 2.364122229904415 2.272802901243426 2.1412411565623524 1.9369335059987958 1.49117135931467 1.2497168631941014 1.0593392797144197 0.9215863941071744 0.8163369983623102 0.7466866629429172 +26013,0.6383416967349717,0,0.17555391250388078 0.2173441137555148 0.6816796832181463 1.0918427695768007 1.4664067956099927 1.8688309558109435 2.076234176837582 2.2464905523072165 2.370313370830587 2.364122229904415 2.272802901243426 2.1412411565623524 1.9369335059987958 1.49117135931467 1.2497168631941014 1.0593392797144197 0.9215863941071744 0.8163369983623102 0.7466866629429172 0.6816796832181463 +26014,0.5934559250202474,0,0.2173441137555148 0.6816796832181463 1.0918427695768007 1.4664067956099927 1.8688309558109435 2.076234176837582 2.2464905523072165 2.370313370830587 2.364122229904415 2.272802901243426 2.1412411565623524 1.9369335059987958 1.49117135931467 1.2497168631941014 1.0593392797144197 0.9215863941071744 0.8163369983623102 0.7466866629429172 0.6816796832181463 0.6383416967349717 +26015,0.5702391465471105,0,0.6816796832181463 1.0918427695768007 1.4664067956099927 1.8688309558109435 2.076234176837582 2.2464905523072165 2.370313370830587 2.364122229904415 2.272802901243426 2.1412411565623524 1.9369335059987958 1.49117135931467 1.2497168631941014 1.0593392797144197 0.9215863941071744 0.8163369983623102 0.7466866629429172 0.6816796832181463 0.6383416967349717 0.5934559250202474 +26016,0.5036843815908078,0,1.0918427695768007 1.4664067956099927 1.8688309558109435 2.076234176837582 2.2464905523072165 2.370313370830587 2.364122229904415 2.272802901243426 2.1412411565623524 1.9369335059987958 1.49117135931467 1.2497168631941014 1.0593392797144197 0.9215863941071744 0.8163369983623102 0.7466866629429172 0.6816796832181463 0.6383416967349717 0.5934559250202474 0.5702391465471105 +26017,0.4835631735807611,0,1.4664067956099927 1.8688309558109435 2.076234176837582 2.2464905523072165 2.370313370830587 2.364122229904415 2.272802901243426 2.1412411565623524 1.9369335059987958 1.49117135931467 1.2497168631941014 1.0593392797144197 0.9215863941071744 0.8163369983623102 0.7466866629429172 0.6816796832181463 0.6383416967349717 0.5934559250202474 0.5702391465471105 0.5036843815908078 +26018,0.5470223680739825,0,1.8688309558109435 2.076234176837582 2.2464905523072165 2.370313370830587 2.364122229904415 2.272802901243426 2.1412411565623524 1.9369335059987958 1.49117135931467 1.2497168631941014 1.0593392797144197 0.9215863941071744 0.8163369983623102 0.7466866629429172 0.6816796832181463 0.6383416967349717 0.5934559250202474 0.5702391465471105 0.5036843815908078 0.4835631735807611 +26019,1.0283835750835792,0,2.076234176837582 2.2464905523072165 2.370313370830587 2.364122229904415 2.272802901243426 2.1412411565623524 1.9369335059987958 1.49117135931467 1.2497168631941014 1.0593392797144197 0.9215863941071744 0.8163369983623102 0.7466866629429172 0.6816796832181463 0.6383416967349717 0.5934559250202474 0.5702391465471105 0.5036843815908078 0.4835631735807611 0.5470223680739825 +26020,1.5468916276501792,0,2.2464905523072165 2.370313370830587 2.364122229904415 2.272802901243426 2.1412411565623524 1.9369335059987958 1.49117135931467 1.2497168631941014 1.0593392797144197 0.9215863941071744 0.8163369983623102 0.7466866629429172 0.6816796832181463 0.6383416967349717 0.5934559250202474 0.5702391465471105 0.5036843815908078 0.4835631735807611 0.5470223680739825 1.0283835750835792 +26021,2.0158705528074417,0,2.370313370830587 2.364122229904415 2.272802901243426 2.1412411565623524 1.9369335059987958 1.49117135931467 1.2497168631941014 1.0593392797144197 0.9215863941071744 0.8163369983623102 0.7466866629429172 0.6816796832181463 0.6383416967349717 0.5934559250202474 0.5702391465471105 0.5036843815908078 0.4835631735807611 0.5470223680739825 1.0283835750835792 1.5468916276501792 +26022,2.3765045117567496,0,2.364122229904415 2.272802901243426 2.1412411565623524 1.9369335059987958 1.49117135931467 1.2497168631941014 1.0593392797144197 0.9215863941071744 0.8163369983623102 0.7466866629429172 0.6816796832181463 0.6383416967349717 0.5934559250202474 0.5702391465471105 0.5036843815908078 0.4835631735807611 0.5470223680739825 1.0283835750835792 1.5468916276501792 2.0158705528074417 +26023,2.6597492091289525,0,2.272802901243426 2.1412411565623524 1.9369335059987958 1.49117135931467 1.2497168631941014 1.0593392797144197 0.9215863941071744 0.8163369983623102 0.7466866629429172 0.6816796832181463 0.6383416967349717 0.5934559250202474 0.5702391465471105 0.5036843815908078 0.4835631735807611 0.5470223680739825 1.0283835750835792 1.5468916276501792 2.0158705528074417 2.3765045117567496 +26024,2.7185650479275605,0,2.1412411565623524 1.9369335059987958 1.49117135931467 1.2497168631941014 1.0593392797144197 0.9215863941071744 0.8163369983623102 0.7466866629429172 0.6816796832181463 0.6383416967349717 0.5934559250202474 0.5702391465471105 0.5036843815908078 0.4835631735807611 0.5470223680739825 1.0283835750835792 1.5468916276501792 2.0158705528074417 2.3765045117567496 2.6597492091289525 +26025,2.9073948461756927,0,1.9369335059987958 1.49117135931467 1.2497168631941014 1.0593392797144197 0.9215863941071744 0.8163369983623102 0.7466866629429172 0.6816796832181463 0.6383416967349717 0.5934559250202474 0.5702391465471105 0.5036843815908078 0.4835631735807611 0.5470223680739825 1.0283835750835792 1.5468916276501792 2.0158705528074417 2.3765045117567496 2.6597492091289525 2.7185650479275605 +26026,2.9368027655749924,0,1.49117135931467 1.2497168631941014 1.0593392797144197 0.9215863941071744 0.8163369983623102 0.7466866629429172 0.6816796832181463 0.6383416967349717 0.5934559250202474 0.5702391465471105 0.5036843815908078 0.4835631735807611 0.5470223680739825 1.0283835750835792 1.5468916276501792 2.0158705528074417 2.3765045117567496 2.6597492091289525 2.7185650479275605 2.9073948461756927 +26027,2.873343571081771,0,1.2497168631941014 1.0593392797144197 0.9215863941071744 0.8163369983623102 0.7466866629429172 0.6816796832181463 0.6383416967349717 0.5934559250202474 0.5702391465471105 0.5036843815908078 0.4835631735807611 0.5470223680739825 1.0283835750835792 1.5468916276501792 2.0158705528074417 2.3765045117567496 2.6597492091289525 2.7185650479275605 2.9073948461756927 2.9368027655749924 +26028,2.738186825266688,0,1.0593392797144197 0.9215863941071744 0.8163369983623102 0.7466866629429172 0.6816796832181463 0.6383416967349717 0.5934559250202474 0.5702391465471105 0.5036843815908078 0.4835631735807611 0.5470223680739825 1.0283835750835792 1.5468916276501792 2.0158705528074417 2.3765045117567496 2.6597492091289525 2.7185650479275605 2.9073948461756927 2.9368027655749924 2.873343571081771 +26029,2.294471894485022,0,0.9215863941071744 0.8163369983623102 0.7466866629429172 0.6816796832181463 0.6383416967349717 0.5934559250202474 0.5702391465471105 0.5036843815908078 0.4835631735807611 0.5470223680739825 1.0283835750835792 1.5468916276501792 2.0158705528074417 2.3765045117567496 2.6597492091289525 2.7185650479275605 2.9073948461756927 2.9368027655749924 2.873343571081771 2.738186825266688 +26030,2.027647219885617,0,0.8163369983623102 0.7466866629429172 0.6816796832181463 0.6383416967349717 0.5934559250202474 0.5702391465471105 0.5036843815908078 0.4835631735807611 0.5470223680739825 1.0283835750835792 1.5468916276501792 2.0158705528074417 2.3765045117567496 2.6597492091289525 2.7185650479275605 2.9073948461756927 2.9368027655749924 2.873343571081771 2.738186825266688 2.294471894485022 +26031,1.6645233052473867,0,0.7466866629429172 0.6816796832181463 0.6383416967349717 0.5934559250202474 0.5702391465471105 0.5036843815908078 0.4835631735807611 0.5470223680739825 1.0283835750835792 1.5468916276501792 2.0158705528074417 2.3765045117567496 2.6597492091289525 2.7185650479275605 2.9073948461756927 2.9368027655749924 2.873343571081771 2.738186825266688 2.294471894485022 2.027647219885617 +26032,1.579135475146964,0,0.6816796832181463 0.6383416967349717 0.5934559250202474 0.5702391465471105 0.5036843815908078 0.4835631735807611 0.5470223680739825 1.0283835750835792 1.5468916276501792 2.0158705528074417 2.3765045117567496 2.6597492091289525 2.7185650479275605 2.9073948461756927 2.9368027655749924 2.873343571081771 2.738186825266688 2.294471894485022 2.027647219885617 1.6645233052473867 +26033,1.3131760576873228,0,0.6383416967349717 0.5934559250202474 0.5702391465471105 0.5036843815908078 0.4835631735807611 0.5470223680739825 1.0283835750835792 1.5468916276501792 2.0158705528074417 2.3765045117567496 2.6597492091289525 2.7185650479275605 2.9073948461756927 2.9368027655749924 2.873343571081771 2.738186825266688 2.294471894485022 2.027647219885617 1.6645233052473867 1.579135475146964 +26034,1.2457138652539506,0,0.5934559250202474 0.5702391465471105 0.5036843815908078 0.4835631735807611 0.5470223680739825 1.0283835750835792 1.5468916276501792 2.0158705528074417 2.3765045117567496 2.6597492091289525 2.7185650479275605 2.9073948461756927 2.9368027655749924 2.873343571081771 2.738186825266688 2.294471894485022 2.027647219885617 1.6645233052473867 1.579135475146964 1.3131760576873228 +26035,1.1057728366606845,0,0.5702391465471105 0.5036843815908078 0.4835631735807611 0.5470223680739825 1.0283835750835792 1.5468916276501792 2.0158705528074417 2.3765045117567496 2.6597492091289525 2.7185650479275605 2.9073948461756927 2.9368027655749924 2.873343571081771 2.738186825266688 2.294471894485022 2.027647219885617 1.6645233052473867 1.579135475146964 1.3131760576873228 1.2457138652539506 +26036,1.0608870649459603,0,0.5036843815908078 0.4835631735807611 0.5470223680739825 1.0283835750835792 1.5468916276501792 2.0158705528074417 2.3765045117567496 2.6597492091289525 2.7185650479275605 2.9073948461756927 2.9368027655749924 2.873343571081771 2.738186825266688 2.294471894485022 2.027647219885617 1.6645233052473867 1.579135475146964 1.3131760576873228 1.2457138652539506 1.1057728366606845 +26037,0.960281024895727,0,0.4835631735807611 0.5470223680739825 1.0283835750835792 1.5468916276501792 2.0158705528074417 2.3765045117567496 2.6597492091289525 2.7185650479275605 2.9073948461756927 2.9368027655749924 2.873343571081771 2.738186825266688 2.294471894485022 2.027647219885617 1.6645233052473867 1.579135475146964 1.3131760576873228 1.2457138652539506 1.1057728366606845 1.0608870649459603 +26038,0.9076563270232905,0,0.5470223680739825 1.0283835750835792 1.5468916276501792 2.0158705528074417 2.3765045117567496 2.6597492091289525 2.7185650479275605 2.9073948461756927 2.9368027655749924 2.873343571081771 2.738186825266688 2.294471894485022 2.027647219885617 1.6645233052473867 1.579135475146964 1.3131760576873228 1.2457138652539506 1.1057728366606845 1.0608870649459603 0.960281024895727 +26039,0.8333626359092754,0,1.0283835750835792 1.5468916276501792 2.0158705528074417 2.3765045117567496 2.6597492091289525 2.7185650479275605 2.9073948461756927 2.9368027655749924 2.873343571081771 2.738186825266688 2.294471894485022 2.027647219885617 1.6645233052473867 1.579135475146964 1.3131760576873228 1.2457138652539506 1.1057728366606845 1.0608870649459603 0.960281024895727 0.9076563270232905 +26040,0.8156488696096648,0,1.5468916276501792 2.0158705528074417 2.3765045117567496 2.6597492091289525 2.7185650479275605 2.9073948461756927 2.9368027655749924 2.873343571081771 2.738186825266688 2.294471894485022 2.027647219885617 1.6645233052473867 1.579135475146964 1.3131760576873228 1.2457138652539506 1.1057728366606845 1.0608870649459603 0.960281024895727 0.9076563270232905 0.8333626359092754 +26041,0.7652600857214231,0,2.0158705528074417 2.3765045117567496 2.6597492091289525 2.7185650479275605 2.9073948461756927 2.9368027655749924 2.873343571081771 2.738186825266688 2.294471894485022 2.027647219885617 1.6645233052473867 1.579135475146964 1.3131760576873228 1.2457138652539506 1.1057728366606845 1.0608870649459603 0.960281024895727 0.9076563270232905 0.8333626359092754 0.8156488696096648 +26042,0.7884768641945512,0,2.3765045117567496 2.6597492091289525 2.7185650479275605 2.9073948461756927 2.9368027655749924 2.873343571081771 2.738186825266688 2.294471894485022 2.027647219885617 1.6645233052473867 1.579135475146964 1.3131760576873228 1.2457138652539506 1.1057728366606845 1.0608870649459603 0.960281024895727 0.9076563270232905 0.8333626359092754 0.8156488696096648 0.7652600857214231 +26043,1.2141178028686301,0,2.6597492091289525 2.7185650479275605 2.9073948461756927 2.9368027655749924 2.873343571081771 2.738186825266688 2.294471894485022 2.027647219885617 1.6645233052473867 1.579135475146964 1.3131760576873228 1.2457138652539506 1.1057728366606845 1.0608870649459603 0.960281024895727 0.9076563270232905 0.8333626359092754 0.8156488696096648 0.7652600857214231 0.7884768641945512 +26044,1.3523055392010097,0,2.7185650479275605 2.9073948461756927 2.9368027655749924 2.873343571081771 2.738186825266688 2.294471894485022 2.027647219885617 1.6645233052473867 1.579135475146964 1.3131760576873228 1.2457138652539506 1.1057728366606845 1.0608870649459603 0.960281024895727 0.9076563270232905 0.8333626359092754 0.8156488696096648 0.7652600857214231 0.7884768641945512 1.2141178028686301 +26045,1.8053717613177132,0,2.9073948461756927 2.9368027655749924 2.873343571081771 2.738186825266688 2.294471894485022 2.027647219885617 1.6645233052473867 1.579135475146964 1.3131760576873228 1.2457138652539506 1.1057728366606845 1.0608870649459603 0.960281024895727 0.9076563270232905 0.8333626359092754 0.8156488696096648 0.7652600857214231 0.7884768641945512 1.2141178028686301 1.3523055392010097 +26046,1.8858565933579,0,2.9368027655749924 2.873343571081771 2.738186825266688 2.294471894485022 2.027647219885617 1.6645233052473867 1.579135475146964 1.3131760576873228 1.2457138652539506 1.1057728366606845 1.0608870649459603 0.960281024895727 0.9076563270232905 0.8333626359092754 0.8156488696096648 0.7652600857214231 0.7884768641945512 1.2141178028686301 1.3523055392010097 1.8053717613177132 +26047,1.8595442444216905,0,2.873343571081771 2.738186825266688 2.294471894485022 2.027647219885617 1.6645233052473867 1.579135475146964 1.3131760576873228 1.2457138652539506 1.1057728366606845 1.0608870649459603 0.960281024895727 0.9076563270232905 0.8333626359092754 0.8156488696096648 0.7652600857214231 0.7884768641945512 1.2141178028686301 1.3523055392010097 1.8053717613177132 1.8858565933579 +26048,1.7852505533076666,0,2.738186825266688 2.294471894485022 2.027647219885617 1.6645233052473867 1.579135475146964 1.3131760576873228 1.2457138652539506 1.1057728366606845 1.0608870649459603 0.960281024895727 0.9076563270232905 0.8333626359092754 0.8156488696096648 0.7652600857214231 0.7884768641945512 1.2141178028686301 1.3523055392010097 1.8053717613177132 1.8858565933579 1.8595442444216905 +26049,1.616541963069581,0,2.294471894485022 2.027647219885617 1.6645233052473867 1.579135475146964 1.3131760576873228 1.2457138652539506 1.1057728366606845 1.0608870649459603 0.960281024895727 0.9076563270232905 0.8333626359092754 0.8156488696096648 0.7652600857214231 0.7884768641945512 1.2141178028686301 1.3523055392010097 1.8053717613177132 1.8858565933579 1.8595442444216905 1.7852505533076666 +26050,1.542248271955557,0,2.027647219885617 1.6645233052473867 1.579135475146964 1.3131760576873228 1.2457138652539506 1.1057728366606845 1.0608870649459603 0.960281024895727 0.9076563270232905 0.8333626359092754 0.8156488696096648 0.7652600857214231 0.7884768641945512 1.2141178028686301 1.3523055392010097 1.8053717613177132 1.8858565933579 1.8595442444216905 1.7852505533076666 1.616541963069581 +26051,1.4679545808415333,0,1.6645233052473867 1.579135475146964 1.3131760576873228 1.2457138652539506 1.1057728366606845 1.0608870649459603 0.960281024895727 0.9076563270232905 0.8333626359092754 0.8156488696096648 0.7652600857214231 0.7884768641945512 1.2141178028686301 1.3523055392010097 1.8053717613177132 1.8858565933579 1.8595442444216905 1.7852505533076666 1.616541963069581 1.542248271955557 +26052,1.316271628150413,0,1.579135475146964 1.3131760576873228 1.2457138652539506 1.1057728366606845 1.0608870649459603 0.960281024895727 0.9076563270232905 0.8333626359092754 0.8156488696096648 0.7652600857214231 0.7884768641945512 1.2141178028686301 1.3523055392010097 1.8053717613177132 1.8858565933579 1.8595442444216905 1.7852505533076666 1.616541963069581 1.542248271955557 1.4679545808415333 +26053,1.071721561566754,0,1.3131760576873228 1.2457138652539506 1.1057728366606845 1.0608870649459603 0.960281024895727 0.9076563270232905 0.8333626359092754 0.8156488696096648 0.7652600857214231 0.7884768641945512 1.2141178028686301 1.3523055392010097 1.8053717613177132 1.8858565933579 1.8595442444216905 1.7852505533076666 1.616541963069581 1.542248271955557 1.4679545808415333 1.316271628150413 +26054,0.8937262599394155,0,1.2457138652539506 1.1057728366606845 1.0608870649459603 0.960281024895727 0.9076563270232905 0.8333626359092754 0.8156488696096648 0.7652600857214231 0.7884768641945512 1.2141178028686301 1.3523055392010097 1.8053717613177132 1.8858565933579 1.8595442444216905 1.7852505533076666 1.616541963069581 1.542248271955557 1.4679545808415333 1.316271628150413 1.071721561566754 +26055,0.8364582063723568,0,1.1057728366606845 1.0608870649459603 0.960281024895727 0.9076563270232905 0.8333626359092754 0.8156488696096648 0.7652600857214231 0.7884768641945512 1.2141178028686301 1.3523055392010097 1.8053717613177132 1.8858565933579 1.8595442444216905 1.7852505533076666 1.616541963069581 1.542248271955557 1.4679545808415333 1.316271628150413 1.071721561566754 0.8937262599394155 +26056,0.8163369983623102,0,1.0608870649459603 0.960281024895727 0.9076563270232905 0.8333626359092754 0.8156488696096648 0.7652600857214231 0.7884768641945512 1.2141178028686301 1.3523055392010097 1.8053717613177132 1.8858565933579 1.8595442444216905 1.7852505533076666 1.616541963069581 1.542248271955557 1.4679545808415333 1.316271628150413 1.071721561566754 0.8937262599394155 0.8364582063723568 +26057,0.7513300186375393,0,0.960281024895727 0.9076563270232905 0.8333626359092754 0.8156488696096648 0.7652600857214231 0.7884768641945512 1.2141178028686301 1.3523055392010097 1.8053717613177132 1.8858565933579 1.8595442444216905 1.7852505533076666 1.616541963069581 1.542248271955557 1.4679545808415333 1.316271628150413 1.071721561566754 0.8937262599394155 0.8364582063723568 0.8163369983623102 +26058,0.7373999515536642,0,0.9076563270232905 0.8333626359092754 0.8156488696096648 0.7652600857214231 0.7884768641945512 1.2141178028686301 1.3523055392010097 1.8053717613177132 1.8858565933579 1.8595442444216905 1.7852505533076666 1.616541963069581 1.542248271955557 1.4679545808415333 1.316271628150413 1.071721561566754 0.8937262599394155 0.8364582063723568 0.8163369983623102 0.7513300186375393 +26059,0.7172787435436175,0,0.8333626359092754 0.8156488696096648 0.7652600857214231 0.7884768641945512 1.2141178028686301 1.3523055392010097 1.8053717613177132 1.8858565933579 1.8595442444216905 1.7852505533076666 1.616541963069581 1.542248271955557 1.4679545808415333 1.316271628150413 1.071721561566754 0.8937262599394155 0.8364582063723568 0.8163369983623102 0.7513300186375393 0.7373999515536642 +26060,0.6352461262718814,0,0.8156488696096648 0.7652600857214231 0.7884768641945512 1.2141178028686301 1.3523055392010097 1.8053717613177132 1.8858565933579 1.8595442444216905 1.7852505533076666 1.616541963069581 1.542248271955557 1.4679545808415333 1.316271628150413 1.071721561566754 0.8937262599394155 0.8364582063723568 0.8163369983623102 0.7513300186375393 0.7373999515536642 0.7172787435436175 +26061,0.6151249182618348,0,0.7652600857214231 0.7884768641945512 1.2141178028686301 1.3523055392010097 1.8053717613177132 1.8858565933579 1.8595442444216905 1.7852505533076666 1.616541963069581 1.542248271955557 1.4679545808415333 1.316271628150413 1.071721561566754 0.8937262599394155 0.8364582063723568 0.8163369983623102 0.7513300186375393 0.7373999515536642 0.7172787435436175 0.6352461262718814 +26062,0.5795258579363636,0,0.7884768641945512 1.2141178028686301 1.3523055392010097 1.8053717613177132 1.8858565933579 1.8595442444216905 1.7852505533076666 1.616541963069581 1.542248271955557 1.4679545808415333 1.316271628150413 1.071721561566754 0.8937262599394155 0.8364582063723568 0.8163369983623102 0.7513300186375393 0.7373999515536642 0.7172787435436175 0.6352461262718814 0.6151249182618348 +26063,0.5036843815908078,0,1.2141178028686301 1.3523055392010097 1.8053717613177132 1.8858565933579 1.8595442444216905 1.7852505533076666 1.616541963069581 1.542248271955557 1.4679545808415333 1.316271628150413 1.071721561566754 0.8937262599394155 0.8364582063723568 0.8163369983623102 0.7513300186375393 0.7373999515536642 0.7172787435436175 0.6352461262718814 0.6151249182618348 0.5795258579363636 +26064,0.41671062821163474,0,1.3523055392010097 1.8053717613177132 1.8858565933579 1.8595442444216905 1.7852505533076666 1.616541963069581 1.542248271955557 1.4679545808415333 1.316271628150413 1.071721561566754 0.8937262599394155 0.8364582063723568 0.8163369983623102 0.7513300186375393 0.7373999515536642 0.7172787435436175 0.6352461262718814 0.6151249182618348 0.5795258579363636 0.5036843815908078 +26065,-0.15551734852297705,0,1.8053717613177132 1.8858565933579 1.8595442444216905 1.7852505533076666 1.616541963069581 1.542248271955557 1.4679545808415333 1.316271628150413 1.071721561566754 0.8937262599394155 0.8364582063723568 0.8163369983623102 0.7513300186375393 0.7373999515536642 0.7172787435436175 0.6352461262718814 0.6151249182618348 0.5795258579363636 0.5036843815908078 0.41671062821163474 +26066,-0.061257227922065886,0,1.8858565933579 1.8595442444216905 1.7852505533076666 1.616541963069581 1.542248271955557 1.4679545808415333 1.316271628150413 1.071721561566754 0.8937262599394155 0.8364582063723568 0.8163369983623102 0.7513300186375393 0.7373999515536642 0.7172787435436175 0.6352461262718814 0.6151249182618348 0.5795258579363636 0.5036843815908078 0.41671062821163474 -0.15551734852297705 +26067,0.5014508385040408,0,1.8595442444216905 1.7852505533076666 1.616541963069581 1.542248271955557 1.4679545808415333 1.316271628150413 1.071721561566754 0.8937262599394155 0.8364582063723568 0.8163369983623102 0.7513300186375393 0.7373999515536642 0.7172787435436175 0.6352461262718814 0.6151249182618348 0.5795258579363636 0.5036843815908078 0.41671062821163474 -0.15551734852297705 -0.061257227922065886 +26068,0.8658661257716564,0,1.7852505533076666 1.616541963069581 1.542248271955557 1.4679545808415333 1.316271628150413 1.071721561566754 0.8937262599394155 0.8364582063723568 0.8163369983623102 0.7513300186375393 0.7373999515536642 0.7172787435436175 0.6352461262718814 0.6151249182618348 0.5795258579363636 0.5036843815908078 0.41671062821163474 -0.15551734852297705 -0.061257227922065886 0.5014508385040408 +26069,1.2110222324055488,0,1.616541963069581 1.542248271955557 1.4679545808415333 1.316271628150413 1.071721561566754 0.8937262599394155 0.8364582063723568 0.8163369983623102 0.7513300186375393 0.7373999515536642 0.7172787435436175 0.6352461262718814 0.6151249182618348 0.5795258579363636 0.5036843815908078 0.41671062821163474 -0.15551734852297705 -0.061257227922065886 0.5014508385040408 0.8658661257716564 +26070,1.500458070703923,0,1.542248271955557 1.4679545808415333 1.316271628150413 1.071721561566754 0.8937262599394155 0.8364582063723568 0.8163369983623102 0.7513300186375393 0.7373999515536642 0.7172787435436175 0.6352461262718814 0.6151249182618348 0.5795258579363636 0.5036843815908078 0.41671062821163474 -0.15551734852297705 -0.061257227922065886 0.5014508385040408 0.8658661257716564 1.2110222324055488 +26071,1.6382109563111684,0,1.4679545808415333 1.316271628150413 1.071721561566754 0.8937262599394155 0.8364582063723568 0.8163369983623102 0.7513300186375393 0.7373999515536642 0.7172787435436175 0.6352461262718814 0.6151249182618348 0.5795258579363636 0.5036843815908078 0.41671062821163474 -0.15551734852297705 -0.061257227922065886 0.5014508385040408 0.8658661257716564 1.2110222324055488 1.500458070703923 +26072,1.6846445132574333,0,1.316271628150413 1.071721561566754 0.8937262599394155 0.8364582063723568 0.8163369983623102 0.7513300186375393 0.7373999515536642 0.7172787435436175 0.6352461262718814 0.6151249182618348 0.5795258579363636 0.5036843815908078 0.41671062821163474 -0.15551734852297705 -0.061257227922065886 0.5014508385040408 0.8658661257716564 1.2110222324055488 1.500458070703923 1.6382109563111684 +26073,1.709409076962102,0,1.071721561566754 0.8937262599394155 0.8364582063723568 0.8163369983623102 0.7513300186375393 0.7373999515536642 0.7172787435436175 0.6352461262718814 0.6151249182618348 0.5795258579363636 0.5036843815908078 0.41671062821163474 -0.15551734852297705 -0.061257227922065886 0.5014508385040408 0.8658661257716564 1.2110222324055488 1.500458070703923 1.6382109563111684 1.6846445132574333 +26074,1.6939312246466862,0,0.8937262599394155 0.8364582063723568 0.8163369983623102 0.7513300186375393 0.7373999515536642 0.7172787435436175 0.6352461262718814 0.6151249182618348 0.5795258579363636 0.5036843815908078 0.41671062821163474 -0.15551734852297705 -0.061257227922065886 0.5014508385040408 0.8658661257716564 1.2110222324055488 1.500458070703923 1.6382109563111684 1.6846445132574333 1.709409076962102 +26075,1.6320198153849967,0,0.8364582063723568 0.8163369983623102 0.7513300186375393 0.7373999515536642 0.7172787435436175 0.6352461262718814 0.6151249182618348 0.5795258579363636 0.5036843815908078 0.41671062821163474 -0.15551734852297705 -0.061257227922065886 0.5014508385040408 0.8658661257716564 1.2110222324055488 1.500458070703923 1.6382109563111684 1.6846445132574333 1.709409076962102 1.6939312246466862 +26076,1.513423143844179,0,0.8163369983623102 0.7513300186375393 0.7373999515536642 0.7172787435436175 0.6352461262718814 0.6151249182618348 0.5795258579363636 0.5036843815908078 0.41671062821163474 -0.15551734852297705 -0.061257227922065886 0.5014508385040408 0.8658661257716564 1.2110222324055488 1.500458070703923 1.6382109563111684 1.6846445132574333 1.709409076962102 1.6939312246466862 1.6320198153849967 +26077,1.1491108231438594,0,0.7513300186375393 0.7373999515536642 0.7172787435436175 0.6352461262718814 0.6151249182618348 0.5795258579363636 0.5036843815908078 0.41671062821163474 -0.15551734852297705 -0.061257227922065886 0.5014508385040408 0.8658661257716564 1.2110222324055488 1.500458070703923 1.6382109563111684 1.6846445132574333 1.709409076962102 1.6939312246466862 1.6320198153849967 1.513423143844179 +26078,0.9386120316541396,0,0.7373999515536642 0.7172787435436175 0.6352461262718814 0.6151249182618348 0.5795258579363636 0.5036843815908078 0.41671062821163474 -0.15551734852297705 -0.061257227922065886 0.5014508385040408 0.8658661257716564 1.2110222324055488 1.500458070703923 1.6382109563111684 1.6846445132574333 1.709409076962102 1.6939312246466862 1.6320198153849967 1.513423143844179 1.1491108231438594 +26079,0.8024069312784263,0,0.7172787435436175 0.6352461262718814 0.6151249182618348 0.5795258579363636 0.5036843815908078 0.41671062821163474 -0.15551734852297705 -0.061257227922065886 0.5014508385040408 0.8658661257716564 1.2110222324055488 1.500458070703923 1.6382109563111684 1.6846445132574333 1.709409076962102 1.6939312246466862 1.6320198153849967 1.513423143844179 1.1491108231438594 0.9386120316541396 +26080,0.7265654549328705,0,0.6352461262718814 0.6151249182618348 0.5795258579363636 0.5036843815908078 0.41671062821163474 -0.15551734852297705 -0.061257227922065886 0.5014508385040408 0.8658661257716564 1.2110222324055488 1.500458070703923 1.6382109563111684 1.6846445132574333 1.709409076962102 1.6939312246466862 1.6320198153849967 1.513423143844179 1.1491108231438594 0.9386120316541396 0.8024069312784263 +26081,0.6197682739564656,0,0.6151249182618348 0.5795258579363636 0.5036843815908078 0.41671062821163474 -0.15551734852297705 -0.061257227922065886 0.5014508385040408 0.8658661257716564 1.2110222324055488 1.500458070703923 1.6382109563111684 1.6846445132574333 1.709409076962102 1.6939312246466862 1.6320198153849967 1.513423143844179 1.1491108231438594 0.9386120316541396 0.8024069312784263 0.7265654549328705 +26082,0.5733347170102008,0,0.5795258579363636 0.5036843815908078 0.41671062821163474 -0.15551734852297705 -0.061257227922065886 0.5014508385040408 0.8658661257716564 1.2110222324055488 1.500458070703923 1.6382109563111684 1.6846445132574333 1.709409076962102 1.6939312246466862 1.6320198153849967 1.513423143844179 1.1491108231438594 0.9386120316541396 0.8024069312784263 0.7265654549328705 0.6197682739564656 +26083,0.5083277372854299,0,0.5036843815908078 0.41671062821163474 -0.15551734852297705 -0.061257227922065886 0.5014508385040408 0.8658661257716564 1.2110222324055488 1.500458070703923 1.6382109563111684 1.6846445132574333 1.709409076962102 1.6939312246466862 1.6320198153849967 1.513423143844179 1.1491108231438594 0.9386120316541396 0.8024069312784263 0.7265654549328705 0.6197682739564656 0.5733347170102008 +26084,0.42010397908753094,0,0.41671062821163474 -0.15551734852297705 -0.061257227922065886 0.5014508385040408 0.8658661257716564 1.2110222324055488 1.500458070703923 1.6382109563111684 1.6846445132574333 1.709409076962102 1.6939312246466862 1.6320198153849967 1.513423143844179 1.1491108231438594 0.9386120316541396 0.8024069312784263 0.7265654549328705 0.6197682739564656 0.5733347170102008 0.5083277372854299 +26085,0.35974035505739094,0,-0.15551734852297705 -0.061257227922065886 0.5014508385040408 0.8658661257716564 1.2110222324055488 1.500458070703923 1.6382109563111684 1.6846445132574333 1.709409076962102 1.6939312246466862 1.6320198153849967 1.513423143844179 1.1491108231438594 0.9386120316541396 0.8024069312784263 0.7265654549328705 0.6197682739564656 0.5733347170102008 0.5083277372854299 0.42010397908753094 +26086,0.3086634424164951,0,-0.061257227922065886 0.5014508385040408 0.8658661257716564 1.2110222324055488 1.500458070703923 1.6382109563111684 1.6846445132574333 1.709409076962102 1.6939312246466862 1.6320198153849967 1.513423143844179 1.1491108231438594 0.9386120316541396 0.8024069312784263 0.7265654549328705 0.6197682739564656 0.5733347170102008 0.5083277372854299 0.42010397908753094 0.35974035505739094 +26087,0.25603874454406744,0,0.5014508385040408 0.8658661257716564 1.2110222324055488 1.500458070703923 1.6382109563111684 1.6846445132574333 1.709409076962102 1.6939312246466862 1.6320198153849967 1.513423143844179 1.1491108231438594 0.9386120316541396 0.8024069312784263 0.7265654549328705 0.6197682739564656 0.5733347170102008 0.5083277372854299 0.42010397908753094 0.35974035505739094 0.3086634424164951 +26088,0.19257955005083724,0,0.8658661257716564 1.2110222324055488 1.500458070703923 1.6382109563111684 1.6846445132574333 1.709409076962102 1.6939312246466862 1.6320198153849967 1.513423143844179 1.1491108231438594 0.9386120316541396 0.8024069312784263 0.7265654549328705 0.6197682739564656 0.5733347170102008 0.5083277372854299 0.42010397908753094 0.35974035505739094 0.3086634424164951 0.25603874454406744 +26089,0.18019726819850287,0,1.2110222324055488 1.500458070703923 1.6382109563111684 1.6846445132574333 1.709409076962102 1.6939312246466862 1.6320198153849967 1.513423143844179 1.1491108231438594 0.9386120316541396 0.8024069312784263 0.7265654549328705 0.6197682739564656 0.5733347170102008 0.5083277372854299 0.42010397908753094 0.35974035505739094 0.3086634424164951 0.25603874454406744 0.19257955005083724 +26090,0.19257955005083724,0,1.500458070703923 1.6382109563111684 1.6846445132574333 1.709409076962102 1.6939312246466862 1.6320198153849967 1.513423143844179 1.1491108231438594 0.9386120316541396 0.8024069312784263 0.7265654549328705 0.6197682739564656 0.5733347170102008 0.5083277372854299 0.42010397908753094 0.35974035505739094 0.3086634424164951 0.25603874454406744 0.19257955005083724 0.18019726819850287 +26091,0.35045364366813797,0,1.6382109563111684 1.6846445132574333 1.709409076962102 1.6939312246466862 1.6320198153849967 1.513423143844179 1.1491108231438594 0.9386120316541396 0.8024069312784263 0.7265654549328705 0.6197682739564656 0.5733347170102008 0.5083277372854299 0.42010397908753094 0.35974035505739094 0.3086634424164951 0.25603874454406744 0.19257955005083724 0.18019726819850287 0.19257955005083724 +26092,0.899917400865587,0,1.6846445132574333 1.709409076962102 1.6939312246466862 1.6320198153849967 1.513423143844179 1.1491108231438594 0.9386120316541396 0.8024069312784263 0.7265654549328705 0.6197682739564656 0.5733347170102008 0.5083277372854299 0.42010397908753094 0.35974035505739094 0.3086634424164951 0.25603874454406744 0.19257955005083724 0.18019726819850287 0.19257955005083724 0.35045364366813797 +26093,1.1970921653216648,0,1.709409076962102 1.6939312246466862 1.6320198153849967 1.513423143844179 1.1491108231438594 0.9386120316541396 0.8024069312784263 0.7265654549328705 0.6197682739564656 0.5733347170102008 0.5083277372854299 0.42010397908753094 0.35974035505739094 0.3086634424164951 0.25603874454406744 0.19257955005083724 0.18019726819850287 0.19257955005083724 0.35045364366813797 0.899917400865587 +26094,1.5221270639455105,0,1.6939312246466862 1.6320198153849967 1.513423143844179 1.1491108231438594 0.9386120316541396 0.8024069312784263 0.7265654549328705 0.6197682739564656 0.5733347170102008 0.5083277372854299 0.42010397908753094 0.35974035505739094 0.3086634424164951 0.25603874454406744 0.19257955005083724 0.18019726819850287 0.19257955005083724 0.35045364366813797 0.899917400865587 1.1970921653216648 +26095,1.6985745803413084,0,1.6320198153849967 1.513423143844179 1.1491108231438594 0.9386120316541396 0.8024069312784263 0.7265654549328705 0.6197682739564656 0.5733347170102008 0.5083277372854299 0.42010397908753094 0.35974035505739094 0.3086634424164951 0.25603874454406744 0.19257955005083724 0.18019726819850287 0.19257955005083724 0.35045364366813797 0.899917400865587 1.1970921653216648 1.5221270639455105 +26096,1.7555415300911008,0,1.513423143844179 1.1491108231438594 0.9386120316541396 0.8024069312784263 0.7265654549328705 0.6197682739564656 0.5733347170102008 0.5083277372854299 0.42010397908753094 0.35974035505739094 0.3086634424164951 0.25603874454406744 0.19257955005083724 0.18019726819850287 0.19257955005083724 0.35045364366813797 0.899917400865587 1.1970921653216648 1.5221270639455105 1.6985745803413084 +26097,2.046826257438282,0,1.1491108231438594 0.9386120316541396 0.8024069312784263 0.7265654549328705 0.6197682739564656 0.5733347170102008 0.5083277372854299 0.42010397908753094 0.35974035505739094 0.3086634424164951 0.25603874454406744 0.19257955005083724 0.18019726819850287 0.19257955005083724 0.35045364366813797 0.899917400865587 1.1970921653216648 1.5221270639455105 1.6985745803413084 1.7555415300911008 +26098,2.105642096236881,0,0.9386120316541396 0.8024069312784263 0.7265654549328705 0.6197682739564656 0.5733347170102008 0.5083277372854299 0.42010397908753094 0.35974035505739094 0.3086634424164951 0.25603874454406744 0.19257955005083724 0.18019726819850287 0.19257955005083724 0.35045364366813797 0.899917400865587 1.1970921653216648 1.5221270639455105 1.6985745803413084 1.7555415300911008 2.046826257438282 +26099,1.935385720767255,0,0.8024069312784263 0.7265654549328705 0.6197682739564656 0.5733347170102008 0.5083277372854299 0.42010397908753094 0.35974035505739094 0.3086634424164951 0.25603874454406744 0.19257955005083724 0.18019726819850287 0.19257955005083724 0.35045364366813797 0.899917400865587 1.1970921653216648 1.5221270639455105 1.6985745803413084 1.7555415300911008 2.046826257438282 2.105642096236881 +26100,1.816206257938507,0,0.7265654549328705 0.6197682739564656 0.5733347170102008 0.5083277372854299 0.42010397908753094 0.35974035505739094 0.3086634424164951 0.25603874454406744 0.19257955005083724 0.18019726819850287 0.19257955005083724 0.35045364366813797 0.899917400865587 1.1970921653216648 1.5221270639455105 1.6985745803413084 1.7555415300911008 2.046826257438282 2.105642096236881 1.935385720767255 +26101,1.5159359230193388,0,0.6197682739564656 0.5733347170102008 0.5083277372854299 0.42010397908753094 0.35974035505739094 0.3086634424164951 0.25603874454406744 0.19257955005083724 0.18019726819850287 0.19257955005083724 0.35045364366813797 0.899917400865587 1.1970921653216648 1.5221270639455105 1.6985745803413084 1.7555415300911008 2.046826257438282 2.105642096236881 1.935385720767255 1.816206257938507 +26102,1.2543602188887235,0,0.5733347170102008 0.5083277372854299 0.42010397908753094 0.35974035505739094 0.3086634424164951 0.25603874454406744 0.19257955005083724 0.18019726819850287 0.19257955005083724 0.35045364366813797 0.899917400865587 1.1970921653216648 1.5221270639455105 1.6985745803413084 1.7555415300911008 2.046826257438282 2.105642096236881 1.935385720767255 1.816206257938507 1.5159359230193388 +26103,1.1104161923553066,0,0.5083277372854299 0.42010397908753094 0.35974035505739094 0.3086634424164951 0.25603874454406744 0.19257955005083724 0.18019726819850287 0.19257955005083724 0.35045364366813797 0.899917400865587 1.1970921653216648 1.5221270639455105 1.6985745803413084 1.7555415300911008 2.046826257438282 2.105642096236881 1.935385720767255 1.816206257938507 1.5159359230193388 1.2543602188887235 +26104,0.9726633067480613,0,0.42010397908753094 0.35974035505739094 0.3086634424164951 0.25603874454406744 0.19257955005083724 0.18019726819850287 0.19257955005083724 0.35045364366813797 0.899917400865587 1.1970921653216648 1.5221270639455105 1.6985745803413084 1.7555415300911008 2.046826257438282 2.105642096236881 1.935385720767255 1.816206257938507 1.5159359230193388 1.2543602188887235 1.1104161923553066 +26105,0.8287192802146446,0,0.35974035505739094 0.3086634424164951 0.25603874454406744 0.19257955005083724 0.18019726819850287 0.19257955005083724 0.35045364366813797 0.899917400865587 1.1970921653216648 1.5221270639455105 1.6985745803413084 1.7555415300911008 2.046826257438282 2.105642096236881 1.935385720767255 1.816206257938507 1.5159359230193388 1.2543602188887235 1.1104161923553066 0.9726633067480613 +26106,0.7358521663221236,0,0.3086634424164951 0.25603874454406744 0.19257955005083724 0.18019726819850287 0.19257955005083724 0.35045364366813797 0.899917400865587 1.1970921653216648 1.5221270639455105 1.6985745803413084 1.7555415300911008 2.046826257438282 2.105642096236881 1.935385720767255 1.816206257938507 1.5159359230193388 1.2543602188887235 1.1104161923553066 0.9726633067480613 0.8287192802146446 +26107,0.6988365802273334,0,0.25603874454406744 0.19257955005083724 0.18019726819850287 0.19257955005083724 0.35045364366813797 0.899917400865587 1.1970921653216648 1.5221270639455105 1.6985745803413084 1.7555415300911008 2.046826257438282 2.105642096236881 1.935385720767255 1.816206257938507 1.5159359230193388 1.2543602188887235 1.1104161923553066 0.9726633067480613 0.8287192802146446 0.7358521663221236 +26108,0.5888125693256165,0,0.19257955005083724 0.18019726819850287 0.19257955005083724 0.35045364366813797 0.899917400865587 1.1970921653216648 1.5221270639455105 1.6985745803413084 1.7555415300911008 2.046826257438282 2.105642096236881 1.935385720767255 1.816206257938507 1.5159359230193388 1.2543602188887235 1.1104161923553066 0.9726633067480613 0.8287192802146446 0.7358521663221236 0.6988365802273334 +26109,0.5284489452954765,0,0.18019726819850287 0.19257955005083724 0.35045364366813797 0.899917400865587 1.1970921653216648 1.5221270639455105 1.6985745803413084 1.7555415300911008 2.046826257438282 2.105642096236881 1.935385720767255 1.816206257938507 1.5159359230193388 1.2543602188887235 1.1104161923553066 0.9726633067480613 0.8287192802146446 0.7358521663221236 0.6988365802273334 0.5888125693256165 +26110,0.5054945326708413,0,0.19257955005083724 0.35045364366813797 0.899917400865587 1.1970921653216648 1.5221270639455105 1.6985745803413084 1.7555415300911008 2.046826257438282 2.105642096236881 1.935385720767255 1.816206257938507 1.5159359230193388 1.2543602188887235 1.1104161923553066 0.9726633067480613 0.8287192802146446 0.7358521663221236 0.6988365802273334 0.5888125693256165 0.5284489452954765 +26111,0.46189418033916496,0,0.35045364366813797 0.899917400865587 1.1970921653216648 1.5221270639455105 1.6985745803413084 1.7555415300911008 2.046826257438282 2.105642096236881 1.935385720767255 1.816206257938507 1.5159359230193388 1.2543602188887235 1.1104161923553066 0.9726633067480613 0.8287192802146446 0.7358521663221236 0.6988365802273334 0.5888125693256165 0.5284489452954765 0.5054945326708413 +26112,0.34271471751042565,0,0.899917400865587 1.1970921653216648 1.5221270639455105 1.6985745803413084 1.7555415300911008 2.046826257438282 2.105642096236881 1.935385720767255 1.816206257938507 1.5159359230193388 1.2543602188887235 1.1104161923553066 0.9726633067480613 0.8287192802146446 0.7358521663221236 0.6988365802273334 0.5888125693256165 0.5284489452954765 0.5054945326708413 0.46189418033916496 +26113,0.3179501538057481,0,1.1970921653216648 1.5221270639455105 1.6985745803413084 1.7555415300911008 2.046826257438282 2.105642096236881 1.935385720767255 1.816206257938507 1.5159359230193388 1.2543602188887235 1.1104161923553066 0.9726633067480613 0.8287192802146446 0.7358521663221236 0.6988365802273334 0.5888125693256165 0.5284489452954765 0.5054945326708413 0.46189418033916496 0.34271471751042565 +26114,0.3117590128795853,0,1.5221270639455105 1.6985745803413084 1.7555415300911008 2.046826257438282 2.105642096236881 1.935385720767255 1.816206257938507 1.5159359230193388 1.2543602188887235 1.1104161923553066 0.9726633067480613 0.8287192802146446 0.7358521663221236 0.6988365802273334 0.5888125693256165 0.5284489452954765 0.5054945326708413 0.46189418033916496 0.34271471751042565 0.3179501538057481 +26115,0.6677496161342713,0,1.6985745803413084 1.7555415300911008 2.046826257438282 2.105642096236881 1.935385720767255 1.816206257938507 1.5159359230193388 1.2543602188887235 1.1104161923553066 0.9726633067480613 0.8287192802146446 0.7358521663221236 0.6988365802273334 0.5888125693256165 0.5284489452954765 0.5054945326708413 0.46189418033916496 0.34271471751042565 0.3179501538057481 0.3117590128795853 +26116,1.1553019640700308,0,1.7555415300911008 2.046826257438282 2.105642096236881 1.935385720767255 1.816206257938507 1.5159359230193388 1.2543602188887235 1.1104161923553066 0.9726633067480613 0.8287192802146446 0.7358521663221236 0.6988365802273334 0.5888125693256165 0.5284489452954765 0.5054945326708413 0.46189418033916496 0.34271471751042565 0.3179501538057481 0.3117590128795853 0.6677496161342713 +26117,1.525222634408592,0,2.046826257438282 2.105642096236881 1.935385720767255 1.816206257938507 1.5159359230193388 1.2543602188887235 1.1104161923553066 0.9726633067480613 0.8287192802146446 0.7358521663221236 0.6988365802273334 0.5888125693256165 0.5284489452954765 0.5054945326708413 0.46189418033916496 0.34271471751042565 0.3179501538057481 0.3117590128795853 0.6677496161342713 1.1553019640700308 +26118,1.8781176672001965,0,2.105642096236881 1.935385720767255 1.816206257938507 1.5159359230193388 1.2543602188887235 1.1104161923553066 0.9726633067480613 0.8287192802146446 0.7358521663221236 0.6988365802273334 0.5888125693256165 0.5284489452954765 0.5054945326708413 0.46189418033916496 0.34271471751042565 0.3179501538057481 0.3117590128795853 0.6677496161342713 1.1553019640700308 1.525222634408592 +26119,2.1845791430455272,0,1.935385720767255 1.816206257938507 1.5159359230193388 1.2543602188887235 1.1104161923553066 0.9726633067480613 0.8287192802146446 0.7358521663221236 0.6988365802273334 0.5888125693256165 0.5284489452954765 0.5054945326708413 0.46189418033916496 0.34271471751042565 0.3179501538057481 0.3117590128795853 0.6677496161342713 1.1553019640700308 1.525222634408592 1.8781176672001965 +26120,2.4507982028707733,0,1.816206257938507 1.5159359230193388 1.2543602188887235 1.1104161923553066 0.9726633067480613 0.8287192802146446 0.7358521663221236 0.6988365802273334 0.5888125693256165 0.5284489452954765 0.5054945326708413 0.46189418033916496 0.34271471751042565 0.3179501538057481 0.3117590128795853 0.6677496161342713 1.1553019640700308 1.525222634408592 1.8781176672001965 2.1845791430455272 +26121,2.421390283471474,0,1.5159359230193388 1.2543602188887235 1.1104161923553066 0.9726633067480613 0.8287192802146446 0.7358521663221236 0.6988365802273334 0.5888125693256165 0.5284489452954765 0.5054945326708413 0.46189418033916496 0.34271471751042565 0.3179501538057481 0.3117590128795853 0.6677496161342713 1.1553019640700308 1.525222634408592 1.8781176672001965 2.1845791430455272 2.4507982028707733 +26122,2.472467196112361,0,1.2543602188887235 1.1104161923553066 0.9726633067480613 0.8287192802146446 0.7358521663221236 0.6988365802273334 0.5888125693256165 0.5284489452954765 0.5054945326708413 0.46189418033916496 0.34271471751042565 0.3179501538057481 0.3117590128795853 0.6677496161342713 1.1553019640700308 1.525222634408592 1.8781176672001965 2.1845791430455272 2.4507982028707733 2.421390283471474 +26123,2.382695652682921,0,1.1104161923553066 0.9726633067480613 0.8287192802146446 0.7358521663221236 0.6988365802273334 0.5888125693256165 0.5284489452954765 0.5054945326708413 0.46189418033916496 0.34271471751042565 0.3179501538057481 0.3117590128795853 0.6677496161342713 1.1553019640700308 1.525222634408592 1.8781176672001965 2.1845791430455272 2.4507982028707733 2.421390283471474 2.472467196112361 +26124,2.221725988602539,0,0.9726633067480613 0.8287192802146446 0.7358521663221236 0.6988365802273334 0.5888125693256165 0.5284489452954765 0.5054945326708413 0.46189418033916496 0.34271471751042565 0.3179501538057481 0.3117590128795853 0.6677496161342713 1.1553019640700308 1.525222634408592 1.8781176672001965 2.1845791430455272 2.4507982028707733 2.421390283471474 2.472467196112361 2.382695652682921 +26125,1.8812132376632777,0,0.8287192802146446 0.7358521663221236 0.6988365802273334 0.5888125693256165 0.5284489452954765 0.5054945326708413 0.46189418033916496 0.34271471751042565 0.3179501538057481 0.3117590128795853 0.6677496161342713 1.1553019640700308 1.525222634408592 1.8781176672001965 2.1845791430455272 2.4507982028707733 2.421390283471474 2.472467196112361 2.382695652682921 2.221725988602539 +26126,1.4679545808415333,0,0.7358521663221236 0.6988365802273334 0.5888125693256165 0.5284489452954765 0.5054945326708413 0.46189418033916496 0.34271471751042565 0.3179501538057481 0.3117590128795853 0.6677496161342713 1.1553019640700308 1.525222634408592 1.8781176672001965 2.1845791430455272 2.4507982028707733 2.421390283471474 2.472467196112361 2.382695652682921 2.221725988602539 1.8812132376632777 +26127,1.27448142689877,0,0.6988365802273334 0.5888125693256165 0.5284489452954765 0.5054945326708413 0.46189418033916496 0.34271471751042565 0.3179501538057481 0.3117590128795853 0.6677496161342713 1.1553019640700308 1.525222634408592 1.8781176672001965 2.1845791430455272 2.4507982028707733 2.421390283471474 2.472467196112361 2.382695652682921 2.221725988602539 1.8812132376632777 1.4679545808415333 +26128,1.1104161923553066,0,0.5888125693256165 0.5284489452954765 0.5054945326708413 0.46189418033916496 0.34271471751042565 0.3179501538057481 0.3117590128795853 0.6677496161342713 1.1553019640700308 1.525222634408592 1.8781176672001965 2.1845791430455272 2.4507982028707733 2.421390283471474 2.472467196112361 2.382695652682921 2.221725988602539 1.8812132376632777 1.4679545808415333 1.27448142689877 +26129,1.002071226147361,0,0.5284489452954765 0.5054945326708413 0.46189418033916496 0.34271471751042565 0.3179501538057481 0.3117590128795853 0.6677496161342713 1.1553019640700308 1.525222634408592 1.8781176672001965 2.1845791430455272 2.4507982028707733 2.421390283471474 2.472467196112361 2.382695652682921 2.221725988602539 1.8812132376632777 1.4679545808415333 1.27448142689877 1.1104161923553066 +26130,0.899917400865587,0,0.5054945326708413 0.46189418033916496 0.34271471751042565 0.3179501538057481 0.3117590128795853 0.6677496161342713 1.1553019640700308 1.525222634408592 1.8781176672001965 2.1845791430455272 2.4507982028707733 2.421390283471474 2.472467196112361 2.382695652682921 2.221725988602539 1.8812132376632777 1.4679545808415333 1.27448142689877 1.1104161923553066 1.002071226147361 +26131,0.8695908950768131,0,0.46189418033916496 0.34271471751042565 0.3179501538057481 0.3117590128795853 0.6677496161342713 1.1553019640700308 1.525222634408592 1.8781176672001965 2.1845791430455272 2.4507982028707733 2.421390283471474 2.472467196112361 2.382695652682921 2.221725988602539 1.8812132376632777 1.4679545808415333 1.27448142689877 1.1104161923553066 1.002071226147361 0.899917400865587 +26132,0.7606167300267923,0,0.34271471751042565 0.3179501538057481 0.3117590128795853 0.6677496161342713 1.1553019640700308 1.525222634408592 1.8781176672001965 2.1845791430455272 2.4507982028707733 2.421390283471474 2.472467196112361 2.382695652682921 2.221725988602539 1.8812132376632777 1.4679545808415333 1.27448142689877 1.1104161923553066 1.002071226147361 0.899917400865587 0.8695908950768131 +26133,0.7325596908009027,0,0.3179501538057481 0.3117590128795853 0.6677496161342713 1.1553019640700308 1.525222634408592 1.8781176672001965 2.1845791430455272 2.4507982028707733 2.421390283471474 2.472467196112361 2.382695652682921 2.221725988602539 1.8812132376632777 1.4679545808415333 1.27448142689877 1.1104161923553066 1.002071226147361 0.899917400865587 0.8695908950768131 0.7606167300267923 +26134,0.6398894819665123,0,0.3117590128795853 0.6677496161342713 1.1553019640700308 1.525222634408592 1.8781176672001965 2.1845791430455272 2.4507982028707733 2.421390283471474 2.472467196112361 2.382695652682921 2.221725988602539 1.8812132376632777 1.4679545808415333 1.27448142689877 1.1104161923553066 1.002071226147361 0.899917400865587 0.8695908950768131 0.7606167300267923 0.7325596908009027 +26135,0.5563090794632355,0,0.6677496161342713 1.1553019640700308 1.525222634408592 1.8781176672001965 2.1845791430455272 2.4507982028707733 2.421390283471474 2.472467196112361 2.382695652682921 2.221725988602539 1.8812132376632777 1.4679545808415333 1.27448142689877 1.1104161923553066 1.002071226147361 0.899917400865587 0.8695908950768131 0.7606167300267923 0.7325596908009027 0.6398894819665123 +26136,0.519144900723756,0,1.1553019640700308 1.525222634408592 1.8781176672001965 2.1845791430455272 2.4507982028707733 2.421390283471474 2.472467196112361 2.382695652682921 2.221725988602539 1.8812132376632777 1.4679545808415333 1.27448142689877 1.1104161923553066 1.002071226147361 0.899917400865587 0.8695908950768131 0.7606167300267923 0.7325596908009027 0.6398894819665123 0.5563090794632355 +26137,0.44951189848683054,0,1.525222634408592 1.8781176672001965 2.1845791430455272 2.4507982028707733 2.421390283471474 2.472467196112361 2.382695652682921 2.221725988602539 1.8812132376632777 1.4679545808415333 1.27448142689877 1.1104161923553066 1.002071226147361 0.899917400865587 0.8695908950768131 0.7606167300267923 0.7325596908009027 0.6398894819665123 0.5563090794632355 0.519144900723756 +26138,0.45725082464454286,0,1.8781176672001965 2.1845791430455272 2.4507982028707733 2.421390283471474 2.472467196112361 2.382695652682921 2.221725988602539 1.8812132376632777 1.4679545808415333 1.27448142689877 1.1104161923553066 1.002071226147361 0.899917400865587 0.8695908950768131 0.7606167300267923 0.7325596908009027 0.6398894819665123 0.5563090794632355 0.519144900723756 0.44951189848683054 +26139,0.7590689447952516,0,2.1845791430455272 2.4507982028707733 2.421390283471474 2.472467196112361 2.382695652682921 2.221725988602539 1.8812132376632777 1.4679545808415333 1.27448142689877 1.1104161923553066 1.002071226147361 0.899917400865587 0.8695908950768131 0.7606167300267923 0.7325596908009027 0.6398894819665123 0.5563090794632355 0.519144900723756 0.44951189848683054 0.45725082464454286 +26140,1.0251224295214605,0,2.4507982028707733 2.421390283471474 2.472467196112361 2.382695652682921 2.221725988602539 1.8812132376632777 1.4679545808415333 1.27448142689877 1.1104161923553066 1.002071226147361 0.899917400865587 0.8695908950768131 0.7606167300267923 0.7325596908009027 0.6398894819665123 0.5563090794632355 0.519144900723756 0.44951189848683054 0.45725082464454286 0.7590689447952516 +26141,1.423372967807796,0,2.421390283471474 2.472467196112361 2.382695652682921 2.221725988602539 1.8812132376632777 1.4679545808415333 1.27448142689877 1.1104161923553066 1.002071226147361 0.899917400865587 0.8695908950768131 0.7606167300267923 0.7325596908009027 0.6398894819665123 0.5563090794632355 0.519144900723756 0.44951189848683054 0.45725082464454286 0.7590689447952516 1.0251224295214605 +26142,1.7052439845823446,0,2.472467196112361 2.382695652682921 2.221725988602539 1.8812132376632777 1.4679545808415333 1.27448142689877 1.1104161923553066 1.002071226147361 0.899917400865587 0.8695908950768131 0.7606167300267923 0.7325596908009027 0.6398894819665123 0.5563090794632355 0.519144900723756 0.44951189848683054 0.45725082464454286 0.7590689447952516 1.0251224295214605 1.423372967807796 +26143,2.232560485223333,0,2.382695652682921 2.221725988602539 1.8812132376632777 1.4679545808415333 1.27448142689877 1.1104161923553066 1.002071226147361 0.899917400865587 0.8695908950768131 0.7606167300267923 0.7325596908009027 0.6398894819665123 0.5563090794632355 0.519144900723756 0.44951189848683054 0.45725082464454286 0.7590689447952516 1.0251224295214605 1.423372967807796 1.7052439845823446 +26144,2.261216306525485,0,2.221725988602539 1.8812132376632777 1.4679545808415333 1.27448142689877 1.1104161923553066 1.002071226147361 0.899917400865587 0.8695908950768131 0.7606167300267923 0.7325596908009027 0.6398894819665123 0.5563090794632355 0.519144900723756 0.44951189848683054 0.45725082464454286 0.7590689447952516 1.0251224295214605 1.423372967807796 1.7052439845823446 2.232560485223333 +26145,2.5328308201425007,0,1.8812132376632777 1.4679545808415333 1.27448142689877 1.1104161923553066 1.002071226147361 0.899917400865587 0.8695908950768131 0.7606167300267923 0.7325596908009027 0.6398894819665123 0.5563090794632355 0.519144900723756 0.44951189848683054 0.45725082464454286 0.7590689447952516 1.0251224295214605 1.423372967807796 1.7052439845823446 2.232560485223333 2.261216306525485 +26146,2.458537129028486,0,1.4679545808415333 1.27448142689877 1.1104161923553066 1.002071226147361 0.899917400865587 0.8695908950768131 0.7606167300267923 0.7325596908009027 0.6398894819665123 0.5563090794632355 0.519144900723756 0.44951189848683054 0.45725082464454286 0.7590689447952516 1.0251224295214605 1.423372967807796 1.7052439845823446 2.232560485223333 2.261216306525485 2.5328308201425007 +26147,2.4740149813439016,0,1.27448142689877 1.1104161923553066 1.002071226147361 0.899917400865587 0.8695908950768131 0.7606167300267923 0.7325596908009027 0.6398894819665123 0.5563090794632355 0.519144900723756 0.44951189848683054 0.45725082464454286 0.7590689447952516 1.0251224295214605 1.423372967807796 1.7052439845823446 2.232560485223333 2.261216306525485 2.5328308201425007 2.458537129028486 +26148,2.254229478464929,0,1.1104161923553066 1.002071226147361 0.899917400865587 0.8695908950768131 0.7606167300267923 0.7325596908009027 0.6398894819665123 0.5563090794632355 0.519144900723756 0.44951189848683054 0.45725082464454286 0.7590689447952516 1.0251224295214605 1.423372967807796 1.7052439845823446 2.232560485223333 2.261216306525485 2.5328308201425007 2.458537129028486 2.4740149813439016 +26149,1.9570547140088423,0,1.002071226147361 0.899917400865587 0.8695908950768131 0.7606167300267923 0.7325596908009027 0.6398894819665123 0.5563090794632355 0.519144900723756 0.44951189848683054 0.45725082464454286 0.7590689447952516 1.0251224295214605 1.423372967807796 1.7052439845823446 2.232560485223333 2.261216306525485 2.5328308201425007 2.458537129028486 2.4740149813439016 2.254229478464929 +26150,1.5530827685763509,0,0.899917400865587 0.8695908950768131 0.7606167300267923 0.7325596908009027 0.6398894819665123 0.5563090794632355 0.519144900723756 0.44951189848683054 0.45725082464454286 0.7590689447952516 1.0251224295214605 1.423372967807796 1.7052439845823446 2.232560485223333 2.261216306525485 2.5328308201425007 2.458537129028486 2.4740149813439016 2.254229478464929 1.9570547140088423 +26151,1.3642529703282185,0,0.8695908950768131 0.7606167300267923 0.7325596908009027 0.6398894819665123 0.5563090794632355 0.519144900723756 0.44951189848683054 0.45725082464454286 0.7590689447952516 1.0251224295214605 1.423372967807796 1.7052439845823446 2.232560485223333 2.261216306525485 2.5328308201425007 2.458537129028486 2.4740149813439016 2.254229478464929 1.9570547140088423 1.5530827685763509 +26152,1.2713935568219952,0,0.7606167300267923 0.7325596908009027 0.6398894819665123 0.5563090794632355 0.519144900723756 0.44951189848683054 0.45725082464454286 0.7590689447952516 1.0251224295214605 1.423372967807796 1.7052439845823446 2.232560485223333 2.261216306525485 2.5328308201425007 2.458537129028486 2.4740149813439016 2.254229478464929 1.9570547140088423 1.5530827685763509 1.3642529703282185 +26153,1.076364917261385,0,0.7325596908009027 0.6398894819665123 0.5563090794632355 0.519144900723756 0.44951189848683054 0.45725082464454286 0.7590689447952516 1.0251224295214605 1.423372967807796 1.7052439845823446 2.232560485223333 2.261216306525485 2.5328308201425007 2.458537129028486 2.4740149813439016 2.254229478464929 1.9570547140088423 1.5530827685763509 1.3642529703282185 1.2713935568219952 +26154,0.941707602117221,0,0.6398894819665123 0.5563090794632355 0.519144900723756 0.44951189848683054 0.45725082464454286 0.7590689447952516 1.0251224295214605 1.423372967807796 1.7052439845823446 2.232560485223333 2.261216306525485 2.5328308201425007 2.458537129028486 2.4740149813439016 2.254229478464929 1.9570547140088423 1.5530827685763509 1.3642529703282185 1.2713935568219952 1.076364917261385 +26155,0.8472927029931505,0,0.5563090794632355 0.519144900723756 0.44951189848683054 0.45725082464454286 0.7590689447952516 1.0251224295214605 1.423372967807796 1.7052439845823446 2.232560485223333 2.261216306525485 2.5328308201425007 2.458537129028486 2.4740149813439016 2.254229478464929 1.9570547140088423 1.5530827685763509 1.3642529703282185 1.2713935568219952 1.076364917261385 0.941707602117221 +26156,0.705408008579767,0,0.519144900723756 0.44951189848683054 0.45725082464454286 0.7590689447952516 1.0251224295214605 1.423372967807796 1.7052439845823446 2.232560485223333 2.261216306525485 2.5328308201425007 2.458537129028486 2.4740149813439016 2.254229478464929 1.9570547140088423 1.5530827685763509 1.3642529703282185 1.2713935568219952 1.076364917261385 0.941707602117221 0.8472927029931505 +26157,0.7095398173859053,0,0.44951189848683054 0.45725082464454286 0.7590689447952516 1.0251224295214605 1.423372967807796 1.7052439845823446 2.232560485223333 2.261216306525485 2.5328308201425007 2.458537129028486 2.4740149813439016 2.254229478464929 1.9570547140088423 1.5530827685763509 1.3642529703282185 1.2713935568219952 1.076364917261385 0.941707602117221 0.8472927029931505 0.705408008579767 +26158,0.6243572785535701,0,0.45725082464454286 0.7590689447952516 1.0251224295214605 1.423372967807796 1.7052439845823446 2.232560485223333 2.261216306525485 2.5328308201425007 2.458537129028486 2.4740149813439016 2.254229478464929 1.9570547140088423 1.5530827685763509 1.3642529703282185 1.2713935568219952 1.076364917261385 0.941707602117221 0.8472927029931505 0.705408008579767 0.7095398173859053 +26159,0.4423649108729793,0,0.7590689447952516 1.0251224295214605 1.423372967807796 1.7052439845823446 2.232560485223333 2.261216306525485 2.5328308201425007 2.458537129028486 2.4740149813439016 2.254229478464929 1.9570547140088423 1.5530827685763509 1.3642529703282185 1.2713935568219952 1.076364917261385 0.941707602117221 0.8472927029931505 0.705408008579767 0.7095398173859053 0.6243572785535701 +26160,0.5269011600639358,0,1.0251224295214605 1.423372967807796 1.7052439845823446 2.232560485223333 2.261216306525485 2.5328308201425007 2.458537129028486 2.4740149813439016 2.254229478464929 1.9570547140088423 1.5530827685763509 1.3642529703282185 1.2713935568219952 1.076364917261385 0.941707602117221 0.8472927029931505 0.705408008579767 0.7095398173859053 0.6243572785535701 0.4423649108729793 +26161,0.5307145173211546,0,1.423372967807796 1.7052439845823446 2.232560485223333 2.261216306525485 2.5328308201425007 2.458537129028486 2.4740149813439016 2.254229478464929 1.9570547140088423 1.5530827685763509 1.3642529703282185 1.2713935568219952 1.076364917261385 0.941707602117221 0.8472927029931505 0.705408008579767 0.7095398173859053 0.6243572785535701 0.4423649108729793 0.5269011600639358 +26162,0.5366241541892256,0,1.7052439845823446 2.232560485223333 2.261216306525485 2.5328308201425007 2.458537129028486 2.4740149813439016 2.254229478464929 1.9570547140088423 1.5530827685763509 1.3642529703282185 1.2713935568219952 1.076364917261385 0.941707602117221 0.8472927029931505 0.705408008579767 0.7095398173859053 0.6243572785535701 0.4423649108729793 0.5269011600639358 0.5307145173211546 +26163,1.2330190761218693,0,2.232560485223333 2.261216306525485 2.5328308201425007 2.458537129028486 2.4740149813439016 2.254229478464929 1.9570547140088423 1.5530827685763509 1.3642529703282185 1.2713935568219952 1.076364917261385 0.941707602117221 0.8472927029931505 0.705408008579767 0.7095398173859053 0.6243572785535701 0.4423649108729793 0.5269011600639358 0.5307145173211546 0.5366241541892256 +26164,1.0396308144843813,0,2.261216306525485 2.5328308201425007 2.458537129028486 2.4740149813439016 2.254229478464929 1.9570547140088423 1.5530827685763509 1.3642529703282185 1.2713935568219952 1.076364917261385 0.941707602117221 0.8472927029931505 0.705408008579767 0.7095398173859053 0.6243572785535701 0.4423649108729793 0.5269011600639358 0.5307145173211546 0.5366241541892256 1.2330190761218693 +26165,1.5367278379114662,0,2.5328308201425007 2.458537129028486 2.4740149813439016 2.254229478464929 1.9570547140088423 1.5530827685763509 1.3642529703282185 1.2713935568219952 1.076364917261385 0.941707602117221 0.8472927029931505 0.705408008579767 0.7095398173859053 0.6243572785535701 0.4423649108729793 0.5269011600639358 0.5307145173211546 0.5366241541892256 1.2330190761218693 1.0396308144843813 +26166,1.5039898565743832,0,2.458537129028486 2.4740149813439016 2.254229478464929 1.9570547140088423 1.5530827685763509 1.3642529703282185 1.2713935568219952 1.076364917261385 0.941707602117221 0.8472927029931505 0.705408008579767 0.7095398173859053 0.6243572785535701 0.4423649108729793 0.5269011600639358 0.5307145173211546 0.5366241541892256 1.2330190761218693 1.0396308144843813 1.5367278379114662 +26167,2.1411684111207996,0,2.4740149813439016 2.254229478464929 1.9570547140088423 1.5530827685763509 1.3642529703282185 1.2713935568219952 1.076364917261385 0.941707602117221 0.8472927029931505 0.705408008579767 0.7095398173859053 0.6243572785535701 0.4423649108729793 0.5269011600639358 0.5307145173211546 0.5366241541892256 1.2330190761218693 1.0396308144843813 1.5367278379114662 1.5039898565743832 +26168,2.300663035411185,0,2.254229478464929 1.9570547140088423 1.5530827685763509 1.3642529703282185 1.2713935568219952 1.076364917261385 0.941707602117221 0.8472927029931505 0.705408008579767 0.7095398173859053 0.6243572785535701 0.4423649108729793 0.5269011600639358 0.5307145173211546 0.5366241541892256 1.2330190761218693 1.0396308144843813 1.5367278379114662 1.5039898565743832 2.1411684111207996 +26169,2.3796000822198398,0,1.9570547140088423 1.5530827685763509 1.3642529703282185 1.2713935568219952 1.076364917261385 0.941707602117221 0.8472927029931505 0.705408008579767 0.7095398173859053 0.6243572785535701 0.4423649108729793 0.5269011600639358 0.5307145173211546 0.5366241541892256 1.2330190761218693 1.0396308144843813 1.5367278379114662 1.5039898565743832 2.1411684111207996 2.300663035411185 +26170,2.345548807125909,0,1.5530827685763509 1.3642529703282185 1.2713935568219952 1.076364917261385 0.941707602117221 0.8472927029931505 0.705408008579767 0.7095398173859053 0.6243572785535701 0.4423649108729793 0.5269011600639358 0.5307145173211546 0.5366241541892256 1.2330190761218693 1.0396308144843813 1.5367278379114662 1.5039898565743832 2.1411684111207996 2.300663035411185 2.3796000822198398 +26171,2.2666117603172635,0,1.3642529703282185 1.2713935568219952 1.076364917261385 0.941707602117221 0.8472927029931505 0.705408008579767 0.7095398173859053 0.6243572785535701 0.4423649108729793 0.5269011600639358 0.5307145173211546 0.5366241541892256 1.2330190761218693 1.0396308144843813 1.5367278379114662 1.5039898565743832 2.1411684111207996 2.300663035411185 2.3796000822198398 2.345548807125909 +26172,2.124215519015387,0,1.2713935568219952 1.076364917261385 0.941707602117221 0.8472927029931505 0.705408008579767 0.7095398173859053 0.6243572785535701 0.4423649108729793 0.5269011600639358 0.5307145173211546 0.5366241541892256 1.2330190761218693 1.0396308144843813 1.5367278379114662 1.5039898565743832 2.1411684111207996 2.300663035411185 2.3796000822198398 2.345548807125909 2.2666117603172635 +26173,1.7806071976130444,0,1.076364917261385 0.941707602117221 0.8472927029931505 0.705408008579767 0.7095398173859053 0.6243572785535701 0.4423649108729793 0.5269011600639358 0.5307145173211546 0.5366241541892256 1.2330190761218693 1.0396308144843813 1.5367278379114662 1.5039898565743832 2.1411684111207996 2.300663035411185 2.3796000822198398 2.345548807125909 2.2666117603172635 2.124215519015387 +26174,1.4710501513046235,0,0.941707602117221 0.8472927029931505 0.705408008579767 0.7095398173859053 0.6243572785535701 0.4423649108729793 0.5269011600639358 0.5307145173211546 0.5366241541892256 1.2330190761218693 1.0396308144843813 1.5367278379114662 1.5039898565743832 2.1411684111207996 2.300663035411185 2.3796000822198398 2.345548807125909 2.2666117603172635 2.124215519015387 1.7806071976130444 +26175,1.2435257222679297,0,0.8472927029931505 0.705408008579767 0.7095398173859053 0.6243572785535701 0.4423649108729793 0.5269011600639358 0.5307145173211546 0.5366241541892256 1.2330190761218693 1.0396308144843813 1.5367278379114662 1.5039898565743832 2.1411684111207996 2.300663035411185 2.3796000822198398 2.345548807125909 2.2666117603172635 2.124215519015387 1.7806071976130444 1.4710501513046235 +26176,1.1011294809660537,0,0.705408008579767 0.7095398173859053 0.6243572785535701 0.4423649108729793 0.5269011600639358 0.5307145173211546 0.5366241541892256 1.2330190761218693 1.0396308144843813 1.5367278379114662 1.5039898565743832 2.1411684111207996 2.300663035411185 2.3796000822198398 2.345548807125909 2.2666117603172635 2.124215519015387 1.7806071976130444 1.4710501513046235 1.2435257222679297 +26177,0.9262297498017965,0,0.7095398173859053 0.6243572785535701 0.4423649108729793 0.5269011600639358 0.5307145173211546 0.5366241541892256 1.2330190761218693 1.0396308144843813 1.5367278379114662 1.5039898565743832 2.1411684111207996 2.300663035411185 2.3796000822198398 2.345548807125909 2.2666117603172635 2.124215519015387 1.7806071976130444 1.4710501513046235 1.2435257222679297 1.1011294809660537 +26178,0.75287780386908,0,0.6243572785535701 0.4423649108729793 0.5269011600639358 0.5307145173211546 0.5366241541892256 1.2330190761218693 1.0396308144843813 1.5367278379114662 1.5039898565743832 2.1411684111207996 2.300663035411185 2.3796000822198398 2.345548807125909 2.2666117603172635 2.124215519015387 1.7806071976130444 1.4710501513046235 1.2435257222679297 1.1011294809660537 0.9262297498017965 +26179,0.6847752536812277,0,0.4423649108729793 0.5269011600639358 0.5307145173211546 0.5366241541892256 1.2330190761218693 1.0396308144843813 1.5367278379114662 1.5039898565743832 2.1411684111207996 2.300663035411185 2.3796000822198398 2.345548807125909 2.2666117603172635 2.124215519015387 1.7806071976130444 1.4710501513046235 1.2435257222679297 1.1011294809660537 0.9262297498017965 0.75287780386908 +26180,0.5686913613155699,0,0.5269011600639358 0.5307145173211546 0.5366241541892256 1.2330190761218693 1.0396308144843813 1.5367278379114662 1.5039898565743832 2.1411684111207996 2.300663035411185 2.3796000822198398 2.345548807125909 2.2666117603172635 2.124215519015387 1.7806071976130444 1.4710501513046235 1.2435257222679297 1.1011294809660537 0.9262297498017965 0.75287780386908 0.6847752536812277 +26181,0.5083277372854299,0,0.5307145173211546 0.5366241541892256 1.2330190761218693 1.0396308144843813 1.5367278379114662 1.5039898565743832 2.1411684111207996 2.300663035411185 2.3796000822198398 2.345548807125909 2.2666117603172635 2.124215519015387 1.7806071976130444 1.4710501513046235 1.2435257222679297 1.1011294809660537 0.9262297498017965 0.75287780386908 0.6847752536812277 0.5686913613155699 +26182,0.4386774018660369,0,0.5366241541892256 1.2330190761218693 1.0396308144843813 1.5367278379114662 1.5039898565743832 2.1411684111207996 2.300663035411185 2.3796000822198398 2.345548807125909 2.2666117603172635 2.124215519015387 1.7806071976130444 1.4710501513046235 1.2435257222679297 1.1011294809660537 0.9262297498017965 0.75287780386908 0.6847752536812277 0.5686913613155699 0.5083277372854299 +26183,0.34116693227888495,0,1.2330190761218693 1.0396308144843813 1.5367278379114662 1.5039898565743832 2.1411684111207996 2.300663035411185 2.3796000822198398 2.345548807125909 2.2666117603172635 2.124215519015387 1.7806071976130444 1.4710501513046235 1.2435257222679297 1.1011294809660537 0.9262297498017965 0.75287780386908 0.6847752536812277 0.5686913613155699 0.5083277372854299 0.4386774018660369 +26184,0.3256890799634604,0,1.0396308144843813 1.5367278379114662 1.5039898565743832 2.1411684111207996 2.300663035411185 2.3796000822198398 2.345548807125909 2.2666117603172635 2.124215519015387 1.7806071976130444 1.4710501513046235 1.2435257222679297 1.1011294809660537 0.9262297498017965 0.75287780386908 0.6847752536812277 0.5686913613155699 0.5083277372854299 0.4386774018660369 0.34116693227888495 +26185,0.25758652977560814,0,1.5367278379114662 1.5039898565743832 2.1411684111207996 2.300663035411185 2.3796000822198398 2.345548807125909 2.2666117603172635 2.124215519015387 1.7806071976130444 1.4710501513046235 1.2435257222679297 1.1011294809660537 0.9262297498017965 0.75287780386908 0.6847752536812277 0.5686913613155699 0.5083277372854299 0.4386774018660369 0.34116693227888495 0.3256890799634604 +26186,0.25139538884944534,0,1.5039898565743832 2.1411684111207996 2.300663035411185 2.3796000822198398 2.345548807125909 2.2666117603172635 2.124215519015387 1.7806071976130444 1.4710501513046235 1.2435257222679297 1.1011294809660537 0.9262297498017965 0.75287780386908 0.6847752536812277 0.5686913613155699 0.5083277372854299 0.4386774018660369 0.34116693227888495 0.3256890799634604 0.25758652977560814 +26187,0.5965514954833288,0,2.1411684111207996 2.300663035411185 2.3796000822198398 2.345548807125909 2.2666117603172635 2.124215519015387 1.7806071976130444 1.4710501513046235 1.2435257222679297 1.1011294809660537 0.9262297498017965 0.75287780386908 0.6847752536812277 0.5686913613155699 0.5083277372854299 0.4386774018660369 0.34116693227888495 0.3256890799634604 0.25758652977560814 0.25139538884944534 +26188,0.7845814670454726,0,2.300663035411185 2.3796000822198398 2.345548807125909 2.2666117603172635 2.124215519015387 1.7806071976130444 1.4710501513046235 1.2435257222679297 1.1011294809660537 0.9262297498017965 0.75287780386908 0.6847752536812277 0.5686913613155699 0.5083277372854299 0.4386774018660369 0.34116693227888495 0.3256890799634604 0.25758652977560814 0.25139538884944534 0.5965514954833288 +26189,1.2052824600137286,0,2.3796000822198398 2.345548807125909 2.2666117603172635 2.124215519015387 1.7806071976130444 1.4710501513046235 1.2435257222679297 1.1011294809660537 0.9262297498017965 0.75287780386908 0.6847752536812277 0.5686913613155699 0.5083277372854299 0.4386774018660369 0.34116693227888495 0.3256890799634604 0.25758652977560814 0.25139538884944534 0.5965514954833288 0.7845814670454726 +26190,1.4689947725376291,0,2.345548807125909 2.2666117603172635 2.124215519015387 1.7806071976130444 1.4710501513046235 1.2435257222679297 1.1011294809660537 0.9262297498017965 0.75287780386908 0.6847752536812277 0.5686913613155699 0.5083277372854299 0.4386774018660369 0.34116693227888495 0.3256890799634604 0.25758652977560814 0.25139538884944534 0.5965514954833288 0.7845814670454726 1.2052824600137286 +26191,2.0065838414181885,0,2.2666117603172635 2.124215519015387 1.7806071976130444 1.4710501513046235 1.2435257222679297 1.1011294809660537 0.9262297498017965 0.75287780386908 0.6847752536812277 0.5686913613155699 0.5083277372854299 0.4386774018660369 0.34116693227888495 0.3256890799634604 0.25758652977560814 0.25139538884944534 0.5965514954833288 0.7845814670454726 1.2052824600137286 1.4689947725376291 +26192,2.148980082720065,0,2.124215519015387 1.7806071976130444 1.4710501513046235 1.2435257222679297 1.1011294809660537 0.9262297498017965 0.75287780386908 0.6847752536812277 0.5686913613155699 0.5083277372854299 0.4386774018660369 0.34116693227888495 0.3256890799634604 0.25758652977560814 0.25139538884944534 0.5965514954833288 0.7845814670454726 1.2052824600137286 1.4689947725376291 2.0065838414181885 +26193,2.2108914919817453,0,1.7806071976130444 1.4710501513046235 1.2435257222679297 1.1011294809660537 0.9262297498017965 0.75287780386908 0.6847752536812277 0.5686913613155699 0.5083277372854299 0.4386774018660369 0.34116693227888495 0.3256890799634604 0.25758652977560814 0.25139538884944534 0.5965514954833288 0.7845814670454726 1.2052824600137286 1.4689947725376291 2.0065838414181885 2.148980082720065 +26194,2.2201782033709985,0,1.4710501513046235 1.2435257222679297 1.1011294809660537 0.9262297498017965 0.75287780386908 0.6847752536812277 0.5686913613155699 0.5083277372854299 0.4386774018660369 0.34116693227888495 0.3256890799634604 0.25758652977560814 0.25139538884944534 0.5965514954833288 0.7845814670454726 1.2052824600137286 1.4689947725376291 2.0065838414181885 2.148980082720065 2.2108914919817453 +26195,2.0669474654483286,0,1.2435257222679297 1.1011294809660537 0.9262297498017965 0.75287780386908 0.6847752536812277 0.5686913613155699 0.5083277372854299 0.4386774018660369 0.34116693227888495 0.3256890799634604 0.25758652977560814 0.25139538884944534 0.5965514954833288 0.7845814670454726 1.2052824600137286 1.4689947725376291 2.0065838414181885 2.148980082720065 2.2108914919817453 2.2201782033709985 +26196,1.8301363250223908,0,1.1011294809660537 0.9262297498017965 0.75287780386908 0.6847752536812277 0.5686913613155699 0.5083277372854299 0.4386774018660369 0.34116693227888495 0.3256890799634604 0.25758652977560814 0.25139538884944534 0.5965514954833288 0.7845814670454726 1.2052824600137286 1.4689947725376291 2.0065838414181885 2.148980082720065 2.2108914919817453 2.2201782033709985 2.0669474654483286 +26197,1.5530827685763509,0,0.9262297498017965 0.75287780386908 0.6847752536812277 0.5686913613155699 0.5083277372854299 0.4386774018660369 0.34116693227888495 0.3256890799634604 0.25758652977560814 0.25139538884944534 0.5965514954833288 0.7845814670454726 1.2052824600137286 1.4689947725376291 2.0065838414181885 2.148980082720065 2.2108914919817453 2.2201782033709985 2.0669474654483286 1.8301363250223908 +26198,1.3054371315296105,0,0.75287780386908 0.6847752536812277 0.5686913613155699 0.5083277372854299 0.4386774018660369 0.34116693227888495 0.3256890799634604 0.25758652977560814 0.25139538884944534 0.5965514954833288 0.7845814670454726 1.2052824600137286 1.4689947725376291 2.0065838414181885 2.148980082720065 2.2108914919817453 2.2201782033709985 2.0669474654483286 1.8301363250223908 1.5530827685763509 +26199,1.1042250514291438,0,0.6847752536812277 0.5686913613155699 0.5083277372854299 0.4386774018660369 0.34116693227888495 0.3256890799634604 0.25758652977560814 0.25139538884944534 0.5965514954833288 0.7845814670454726 1.2052824600137286 1.4689947725376291 2.0065838414181885 2.148980082720065 2.2108914919817453 2.2201782033709985 2.0669474654483286 1.8301363250223908 1.5530827685763509 1.3054371315296105 +26200,0.992784514758108,0,0.5686913613155699 0.5083277372854299 0.4386774018660369 0.34116693227888495 0.3256890799634604 0.25758652977560814 0.25139538884944534 0.5965514954833288 0.7845814670454726 1.2052824600137286 1.4689947725376291 2.0065838414181885 2.148980082720065 2.2108914919817453 2.2201782033709985 2.0669474654483286 1.8301363250223908 1.5530827685763509 1.3054371315296105 1.1042250514291438 +26201,0.8658661257716564,0,0.5083277372854299 0.4386774018660369 0.34116693227888495 0.3256890799634604 0.25758652977560814 0.25139538884944534 0.5965514954833288 0.7845814670454726 1.2052824600137286 1.4689947725376291 2.0065838414181885 2.148980082720065 2.2108914919817453 2.2201782033709985 2.0669474654483286 1.8301363250223908 1.5530827685763509 1.3054371315296105 1.1042250514291438 0.992784514758108 +26202,0.7954267234048582,0,0.4386774018660369 0.34116693227888495 0.3256890799634604 0.25758652977560814 0.25139538884944534 0.5965514954833288 0.7845814670454726 1.2052824600137286 1.4689947725376291 2.0065838414181885 2.148980082720065 2.2108914919817453 2.2201782033709985 2.0669474654483286 1.8301363250223908 1.5530827685763509 1.3054371315296105 1.1042250514291438 0.992784514758108 0.8658661257716564 +26203,0.2723452914426183,0,0.34116693227888495 0.3256890799634604 0.25758652977560814 0.25139538884944534 0.5965514954833288 0.7845814670454726 1.2052824600137286 1.4689947725376291 2.0065838414181885 2.148980082720065 2.2108914919817453 2.2201782033709985 2.0669474654483286 1.8301363250223908 1.5530827685763509 1.3054371315296105 1.1042250514291438 0.992784514758108 0.8658661257716564 0.7954267234048582 +26204,0.5392834419162702,0,0.3256890799634604 0.25758652977560814 0.25139538884944534 0.5965514954833288 0.7845814670454726 1.2052824600137286 1.4689947725376291 2.0065838414181885 2.148980082720065 2.2108914919817453 2.2201782033709985 2.0669474654483286 1.8301363250223908 1.5530827685763509 1.3054371315296105 1.1042250514291438 0.992784514758108 0.8658661257716564 0.7954267234048582 0.2723452914426183 +26205,0.49284988497000526,0,0.25758652977560814 0.25139538884944534 0.5965514954833288 0.7845814670454726 1.2052824600137286 1.4689947725376291 2.0065838414181885 2.148980082720065 2.2108914919817453 2.2201782033709985 2.0669474654483286 1.8301363250223908 1.5530827685763509 1.3054371315296105 1.1042250514291438 0.992784514758108 0.8658661257716564 0.7954267234048582 0.2723452914426183 0.5392834419162702 +26206,0.4707331479523093,0,0.25139538884944534 0.5965514954833288 0.7845814670454726 1.2052824600137286 1.4689947725376291 2.0065838414181885 2.148980082720065 2.2108914919817453 2.2201782033709985 2.0669474654483286 1.8301363250223908 1.5530827685763509 1.3054371315296105 1.1042250514291438 0.992784514758108 0.8658661257716564 0.7954267234048582 0.2723452914426183 0.5392834419162702 0.49284988497000526 +26207,0.3937916301513127,0,0.5965514954833288 0.7845814670454726 1.2052824600137286 1.4689947725376291 2.0065838414181885 2.148980082720065 2.2108914919817453 2.2201782033709985 2.0669474654483286 1.8301363250223908 1.5530827685763509 1.3054371315296105 1.1042250514291438 0.992784514758108 0.8658661257716564 0.7954267234048582 0.2723452914426183 0.5392834419162702 0.49284988497000526 0.4707331479523093 +26208,0.29009001963799796,0,0.7845814670454726 1.2052824600137286 1.4689947725376291 2.0065838414181885 2.148980082720065 2.2108914919817453 2.2201782033709985 2.0669474654483286 1.8301363250223908 1.5530827685763509 1.3054371315296105 1.1042250514291438 0.992784514758108 0.8658661257716564 0.7954267234048582 0.2723452914426183 0.5392834419162702 0.49284988497000526 0.4707331479523093 0.3937916301513127 +26209,0.22972639560784916,0,1.2052824600137286 1.4689947725376291 2.0065838414181885 2.148980082720065 2.2108914919817453 2.2201782033709985 2.0669474654483286 1.8301363250223908 1.5530827685763509 1.3054371315296105 1.1042250514291438 0.992784514758108 0.8658661257716564 0.7954267234048582 0.2723452914426183 0.5392834419162702 0.49284988497000526 0.4707331479523093 0.3937916301513127 0.29009001963799796 +26210,0.10678079380594473,0,1.4689947725376291 2.0065838414181885 2.148980082720065 2.2108914919817453 2.2201782033709985 2.0669474654483286 1.8301363250223908 1.5530827685763509 1.3054371315296105 1.1042250514291438 0.992784514758108 0.8658661257716564 0.7954267234048582 0.2723452914426183 0.5392834419162702 0.49284988497000526 0.4707331479523093 0.3937916301513127 0.29009001963799796 0.22972639560784916 +26211,0.5578568646947761,0,2.0065838414181885 2.148980082720065 2.2108914919817453 2.2201782033709985 2.0669474654483286 1.8301363250223908 1.5530827685763509 1.3054371315296105 1.1042250514291438 0.992784514758108 0.8658661257716564 0.7954267234048582 0.2723452914426183 0.5392834419162702 0.49284988497000526 0.4707331479523093 0.3937916301513127 0.29009001963799796 0.22972639560784916 0.10678079380594473 +26212,0.9633765953588084,0,2.148980082720065 2.2108914919817453 2.2201782033709985 2.0669474654483286 1.8301363250223908 1.5530827685763509 1.3054371315296105 1.1042250514291438 0.992784514758108 0.8658661257716564 0.7954267234048582 0.2723452914426183 0.5392834419162702 0.49284988497000526 0.4707331479523093 0.3937916301513127 0.29009001963799796 0.22972639560784916 0.10678079380594473 0.5578568646947761 +26213,1.2713858564356888,0,2.2108914919817453 2.2201782033709985 2.0669474654483286 1.8301363250223908 1.5530827685763509 1.3054371315296105 1.1042250514291438 0.992784514758108 0.8658661257716564 0.7954267234048582 0.2723452914426183 0.5392834419162702 0.49284988497000526 0.4707331479523093 0.3937916301513127 0.29009001963799796 0.22972639560784916 0.10678079380594473 0.5578568646947761 0.9633765953588084 +26214,1.597968540291075,0,2.2201782033709985 2.0669474654483286 1.8301363250223908 1.5530827685763509 1.3054371315296105 1.1042250514291438 0.992784514758108 0.8658661257716564 0.7954267234048582 0.2723452914426183 0.5392834419162702 0.49284988497000526 0.4707331479523093 0.3937916301513127 0.29009001963799796 0.22972639560784916 0.10678079380594473 0.5578568646947761 0.9633765953588084 1.2713858564356888 +26215,1.8208496136331378,0,2.0669474654483286 1.8301363250223908 1.5530827685763509 1.3054371315296105 1.1042250514291438 0.992784514758108 0.8658661257716564 0.7954267234048582 0.2723452914426183 0.5392834419162702 0.49284988497000526 0.4707331479523093 0.3937916301513127 0.29009001963799796 0.22972639560784916 0.10678079380594473 0.5578568646947761 0.9633765953588084 1.2713858564356888 1.597968540291075 +26216,1.9616980697034645,0,1.8301363250223908 1.5530827685763509 1.3054371315296105 1.1042250514291438 0.992784514758108 0.8658661257716564 0.7954267234048582 0.2723452914426183 0.5392834419162702 0.49284988497000526 0.4707331479523093 0.3937916301513127 0.29009001963799796 0.22972639560784916 0.10678079380594473 0.5578568646947761 0.9633765953588084 1.2713858564356888 1.597968540291075 1.8208496136331378 +26217,2.0158705528074417,0,1.5530827685763509 1.3054371315296105 1.1042250514291438 0.992784514758108 0.8658661257716564 0.7954267234048582 0.2723452914426183 0.5392834419162702 0.49284988497000526 0.4707331479523093 0.3937916301513127 0.29009001963799796 0.22972639560784916 0.10678079380594473 0.5578568646947761 0.9633765953588084 1.2713858564356888 1.597968540291075 1.8208496136331378 1.9616980697034645 +26218,2.000392700492017,0,1.3054371315296105 1.1042250514291438 0.992784514758108 0.8658661257716564 0.7954267234048582 0.2723452914426183 0.5392834419162702 0.49284988497000526 0.4707331479523093 0.3937916301513127 0.29009001963799796 0.22972639560784916 0.10678079380594473 0.5578568646947761 0.9633765953588084 1.2713858564356888 1.597968540291075 1.8208496136331378 1.9616980697034645 2.0158705528074417 +26219,1.9524113583142115,0,1.1042250514291438 0.992784514758108 0.8658661257716564 0.7954267234048582 0.2723452914426183 0.5392834419162702 0.49284988497000526 0.4707331479523093 0.3937916301513127 0.29009001963799796 0.22972639560784916 0.10678079380594473 0.5578568646947761 0.9633765953588084 1.2713858564356888 1.597968540291075 1.8208496136331378 1.9616980697034645 2.0158705528074417 2.000392700492017 +26220,1.7713204862237915,0,0.992784514758108 0.8658661257716564 0.7954267234048582 0.2723452914426183 0.5392834419162702 0.49284988497000526 0.4707331479523093 0.3937916301513127 0.29009001963799796 0.22972639560784916 0.10678079380594473 0.5578568646947761 0.9633765953588084 1.2713858564356888 1.597968540291075 1.8208496136331378 1.9616980697034645 2.0158705528074417 2.000392700492017 1.9524113583142115 +26221,1.543796057187098,0,0.8658661257716564 0.7954267234048582 0.2723452914426183 0.5392834419162702 0.49284988497000526 0.4707331479523093 0.3937916301513127 0.29009001963799796 0.22972639560784916 0.10678079380594473 0.5578568646947761 0.9633765953588084 1.2713858564356888 1.597968540291075 1.8208496136331378 1.9616980697034645 2.0158705528074417 2.000392700492017 1.9524113583142115 1.7713204862237915 +26222,1.1305374003653532,0,0.7954267234048582 0.2723452914426183 0.5392834419162702 0.49284988497000526 0.4707331479523093 0.3937916301513127 0.29009001963799796 0.22972639560784916 0.10678079380594473 0.5578568646947761 0.9633765953588084 1.2713858564356888 1.597968540291075 1.8208496136331378 1.9616980697034645 2.0158705528074417 2.000392700492017 1.9524113583142115 1.7713204862237915 1.543796057187098 +26223,0.9184908236440842,0,0.2723452914426183 0.5392834419162702 0.49284988497000526 0.4707331479523093 0.3937916301513127 0.29009001963799796 0.22972639560784916 0.10678079380594473 0.5578568646947761 0.9633765953588084 1.2713858564356888 1.597968540291075 1.8208496136331378 1.9616980697034645 2.0158705528074417 2.000392700492017 1.9524113583142115 1.7713204862237915 1.543796057187098 1.1305374003653532 +26224,0.7219220992382397,0,0.5392834419162702 0.49284988497000526 0.4707331479523093 0.3937916301513127 0.29009001963799796 0.22972639560784916 0.10678079380594473 0.5578568646947761 0.9633765953588084 1.2713858564356888 1.597968540291075 1.8208496136331378 1.9616980697034645 2.0158705528074417 2.000392700492017 1.9524113583142115 1.7713204862237915 1.543796057187098 1.1305374003653532 0.9184908236440842 +26225,0.6383416967349717,0,0.49284988497000526 0.4707331479523093 0.3937916301513127 0.29009001963799796 0.22972639560784916 0.10678079380594473 0.5578568646947761 0.9633765953588084 1.2713858564356888 1.597968540291075 1.8208496136331378 1.9616980697034645 2.0158705528074417 2.000392700492017 1.9524113583142115 1.7713204862237915 1.543796057187098 1.1305374003653532 0.9184908236440842 0.7219220992382397 +26226,0.46963310649687723,0,0.4707331479523093 0.3937916301513127 0.29009001963799796 0.22972639560784916 0.10678079380594473 0.5578568646947761 0.9633765953588084 1.2713858564356888 1.597968540291075 1.8208496136331378 1.9616980697034645 2.0158705528074417 2.000392700492017 1.9524113583142115 1.7713204862237915 1.543796057187098 1.1305374003653532 0.9184908236440842 0.7219220992382397 0.6383416967349717 +26227,0.35200142889967867,0,0.3937916301513127 0.29009001963799796 0.22972639560784916 0.10678079380594473 0.5578568646947761 0.9633765953588084 1.2713858564356888 1.597968540291075 1.8208496136331378 1.9616980697034645 2.0158705528074417 2.000392700492017 1.9524113583142115 1.7713204862237915 1.543796057187098 1.1305374003653532 0.9184908236440842 0.7219220992382397 0.6383416967349717 0.46963310649687723 +26228,0.2730643820910327,0,0.29009001963799796 0.22972639560784916 0.10678079380594473 0.5578568646947761 0.9633765953588084 1.2713858564356888 1.597968540291075 1.8208496136331378 1.9616980697034645 2.0158705528074417 2.000392700492017 1.9524113583142115 1.7713204862237915 1.543796057187098 1.1305374003653532 0.9184908236440842 0.7219220992382397 0.6383416967349717 0.46963310649687723 0.35200142889967867 +26229,0.2281786103763085,0,0.22972639560784916 0.10678079380594473 0.5578568646947761 0.9633765953588084 1.2713858564356888 1.597968540291075 1.8208496136331378 1.9616980697034645 2.0158705528074417 2.000392700492017 1.9524113583142115 1.7713204862237915 1.543796057187098 1.1305374003653532 0.9184908236440842 0.7219220992382397 0.6383416967349717 0.46963310649687723 0.35200142889967867 0.2730643820910327 +26230,0.11054693277910989,0,0.10678079380594473 0.5578568646947761 0.9633765953588084 1.2713858564356888 1.597968540291075 1.8208496136331378 1.9616980697034645 2.0158705528074417 2.000392700492017 1.9524113583142115 1.7713204862237915 1.543796057187098 1.1305374003653532 0.9184908236440842 0.7219220992382397 0.6383416967349717 0.46963310649687723 0.35200142889967867 0.2730643820910327 0.2281786103763085 +26231,0.07185230199055727,0,0.5578568646947761 0.9633765953588084 1.2713858564356888 1.597968540291075 1.8208496136331378 1.9616980697034645 2.0158705528074417 2.000392700492017 1.9524113583142115 1.7713204862237915 1.543796057187098 1.1305374003653532 0.9184908236440842 0.7219220992382397 0.6383416967349717 0.46963310649687723 0.35200142889967867 0.2730643820910327 0.2281786103763085 0.11054693277910989 +26232,-0.06590058361668798,0,0.9633765953588084 1.2713858564356888 1.597968540291075 1.8208496136331378 1.9616980697034645 2.0158705528074417 2.000392700492017 1.9524113583142115 1.7713204862237915 1.543796057187098 1.1305374003653532 0.9184908236440842 0.7219220992382397 0.6383416967349717 0.46963310649687723 0.35200142889967867 0.2730643820910327 0.2281786103763085 0.11054693277910989 0.07185230199055727 +26233,-0.09066514732136553,0,1.2713858564356888 1.597968540291075 1.8208496136331378 1.9616980697034645 2.0158705528074417 2.000392700492017 1.9524113583142115 1.7713204862237915 1.543796057187098 1.1305374003653532 0.9184908236440842 0.7219220992382397 0.6383416967349717 0.46963310649687723 0.35200142889967867 0.2730643820910327 0.2281786103763085 0.11054693277910989 0.07185230199055727 -0.06590058361668798 +26234,-0.11388192579449359,0,1.597968540291075 1.8208496136331378 1.9616980697034645 2.0158705528074417 2.000392700492017 1.9524113583142115 1.7713204862237915 1.543796057187098 1.1305374003653532 0.9184908236440842 0.7219220992382397 0.6383416967349717 0.46963310649687723 0.35200142889967867 0.2730643820910327 0.2281786103763085 0.11054693277910989 0.07185230199055727 -0.06590058361668798 -0.09066514732136553 +26235,0.280803308248745,0,1.8208496136331378 1.9616980697034645 2.0158705528074417 2.000392700492017 1.9524113583142115 1.7713204862237915 1.543796057187098 1.1305374003653532 0.9184908236440842 0.7219220992382397 0.6383416967349717 0.46963310649687723 0.35200142889967867 0.2730643820910327 0.2281786103763085 0.11054693277910989 0.07185230199055727 -0.06590058361668798 -0.09066514732136553 -0.11388192579449359 +26236,0.5275878721287577,0,1.9616980697034645 2.0158705528074417 2.000392700492017 1.9524113583142115 1.7713204862237915 1.543796057187098 1.1305374003653532 0.9184908236440842 0.7219220992382397 0.6383416967349717 0.46963310649687723 0.35200142889967867 0.2730643820910327 0.2281786103763085 0.11054693277910989 0.07185230199055727 -0.06590058361668798 -0.09066514732136553 -0.11388192579449359 0.280803308248745 +26237,0.93624676353135,0,2.0158705528074417 2.000392700492017 1.9524113583142115 1.7713204862237915 1.543796057187098 1.1305374003653532 0.9184908236440842 0.7219220992382397 0.6383416967349717 0.46963310649687723 0.35200142889967867 0.2730643820910327 0.2281786103763085 0.11054693277910989 0.07185230199055727 -0.06590058361668798 -0.09066514732136553 -0.11388192579449359 0.280803308248745 0.5275878721287577 +26238,1.1949703327053183,0,2.000392700492017 1.9524113583142115 1.7713204862237915 1.543796057187098 1.1305374003653532 0.9184908236440842 0.7219220992382397 0.6383416967349717 0.46963310649687723 0.35200142889967867 0.2730643820910327 0.2281786103763085 0.11054693277910989 0.07185230199055727 -0.06590058361668798 -0.09066514732136553 -0.11388192579449359 0.280803308248745 0.5275878721287577 0.93624676353135 +26239,1.7109568621936426,0,1.9524113583142115 1.7713204862237915 1.543796057187098 1.1305374003653532 0.9184908236440842 0.7219220992382397 0.6383416967349717 0.46963310649687723 0.35200142889967867 0.2730643820910327 0.2281786103763085 0.11054693277910989 0.07185230199055727 -0.06590058361668798 -0.09066514732136553 -0.11388192579449359 0.280803308248745 0.5275878721287577 0.93624676353135 1.1949703327053183 +26240,1.8951433047471529,0,1.7713204862237915 1.543796057187098 1.1305374003653532 0.9184908236440842 0.7219220992382397 0.6383416967349717 0.46963310649687723 0.35200142889967867 0.2730643820910327 0.2281786103763085 0.11054693277910989 0.07185230199055727 -0.06590058361668798 -0.09066514732136553 -0.11388192579449359 0.280803308248745 0.5275878721287577 0.93624676353135 1.1949703327053183 1.7109568621936426 +26241,1.9694369958611768,0,1.543796057187098 1.1305374003653532 0.9184908236440842 0.7219220992382397 0.6383416967349717 0.46963310649687723 0.35200142889967867 0.2730643820910327 0.2281786103763085 0.11054693277910989 0.07185230199055727 -0.06590058361668798 -0.09066514732136553 -0.11388192579449359 0.280803308248745 0.5275878721287577 0.93624676353135 1.1949703327053183 1.7109568621936426 1.8951433047471529 +26242,1.9214556536833711,0,1.1305374003653532 0.9184908236440842 0.7219220992382397 0.6383416967349717 0.46963310649687723 0.35200142889967867 0.2730643820910327 0.2281786103763085 0.11054693277910989 0.07185230199055727 -0.06590058361668798 -0.09066514732136553 -0.11388192579449359 0.280803308248745 0.5275878721287577 0.93624676353135 1.1949703327053183 1.7109568621936426 1.8951433047471529 1.9694369958611768 +26243,1.9214556536833711,0,0.9184908236440842 0.7219220992382397 0.6383416967349717 0.46963310649687723 0.35200142889967867 0.2730643820910327 0.2281786103763085 0.11054693277910989 0.07185230199055727 -0.06590058361668798 -0.09066514732136553 -0.11388192579449359 0.280803308248745 0.5275878721287577 0.93624676353135 1.1949703327053183 1.7109568621936426 1.8951433047471529 1.9694369958611768 1.9214556536833711 +26244,1.7991806203915504,0,0.7219220992382397 0.6383416967349717 0.46963310649687723 0.35200142889967867 0.2730643820910327 0.2281786103763085 0.11054693277910989 0.07185230199055727 -0.06590058361668798 -0.09066514732136553 -0.11388192579449359 0.280803308248745 0.5275878721287577 0.93624676353135 1.1949703327053183 1.7109568621936426 1.8951433047471529 1.9694369958611768 1.9214556536833711 1.9214556536833711 +26245,1.4230688091268178,0,0.6383416967349717 0.46963310649687723 0.35200142889967867 0.2730643820910327 0.2281786103763085 0.11054693277910989 0.07185230199055727 -0.06590058361668798 -0.09066514732136553 -0.11388192579449359 0.280803308248745 0.5275878721287577 0.93624676353135 1.1949703327053183 1.7109568621936426 1.8951433047471529 1.9694369958611768 1.9214556536833711 1.9214556536833711 1.7991806203915504 +26246,1.1475630379123185,0,0.46963310649687723 0.35200142889967867 0.2730643820910327 0.2281786103763085 0.11054693277910989 0.07185230199055727 -0.06590058361668798 -0.09066514732136553 -0.11388192579449359 0.280803308248745 0.5275878721287577 0.93624676353135 1.1949703327053183 1.7109568621936426 1.8951433047471529 1.9694369958611768 1.9214556536833711 1.9214556536833711 1.7991806203915504 1.4230688091268178 +26247,0.8983696156340375,0,0.35200142889967867 0.2730643820910327 0.2281786103763085 0.11054693277910989 0.07185230199055727 -0.06590058361668798 -0.09066514732136553 -0.11388192579449359 0.280803308248745 0.5275878721287577 0.93624676353135 1.1949703327053183 1.7109568621936426 1.8951433047471529 1.9694369958611768 1.9214556536833711 1.9214556536833711 1.7991806203915504 1.4230688091268178 1.1475630379123185 +26248,0.7451388777113765,0,0.2730643820910327 0.2281786103763085 0.11054693277910989 0.07185230199055727 -0.06590058361668798 -0.09066514732136553 -0.11388192579449359 0.280803308248745 0.5275878721287577 0.93624676353135 1.1949703327053183 1.7109568621936426 1.8951433047471529 1.9694369958611768 1.9214556536833711 1.9214556536833711 1.7991806203915504 1.4230688091268178 1.1475630379123185 0.8983696156340375 +26249,0.650723978587306,0,0.2281786103763085 0.11054693277910989 0.07185230199055727 -0.06590058361668798 -0.09066514732136553 -0.11388192579449359 0.280803308248745 0.5275878721287577 0.93624676353135 1.1949703327053183 1.7109568621936426 1.8951433047471529 1.9694369958611768 1.9214556536833711 1.9214556536833711 1.7991806203915504 1.4230688091268178 1.1475630379123185 0.8983696156340375 0.7451388777113765 +26250,0.5605853730920728,0,0.11054693277910989 0.07185230199055727 -0.06590058361668798 -0.09066514732136553 -0.11388192579449359 0.280803308248745 0.5275878721287577 0.93624676353135 1.1949703327053183 1.7109568621936426 1.8951433047471529 1.9694369958611768 1.9214556536833711 1.9214556536833711 1.7991806203915504 1.4230688091268178 1.1475630379123185 0.8983696156340375 0.7451388777113765 0.650723978587306 +26251,0.38295713353051897,0,0.07185230199055727 -0.06590058361668798 -0.09066514732136553 -0.11388192579449359 0.280803308248745 0.5275878721287577 0.93624676353135 1.1949703327053183 1.7109568621936426 1.8951433047471529 1.9694369958611768 1.9214556536833711 1.9214556536833711 1.7991806203915504 1.4230688091268178 1.1475630379123185 0.8983696156340375 0.7451388777113765 0.650723978587306 0.5605853730920728 +26252,0.3256890799634604,0,-0.06590058361668798 -0.09066514732136553 -0.11388192579449359 0.280803308248745 0.5275878721287577 0.93624676353135 1.1949703327053183 1.7109568621936426 1.8951433047471529 1.9694369958611768 1.9214556536833711 1.9214556536833711 1.7991806203915504 1.4230688091268178 1.1475630379123185 0.8983696156340375 0.7451388777113765 0.650723978587306 0.5605853730920728 0.38295713353051897 +26253,0.2792555230171955,0,-0.09066514732136553 -0.11388192579449359 0.280803308248745 0.5275878721287577 0.93624676353135 1.1949703327053183 1.7109568621936426 1.8951433047471529 1.9694369958611768 1.9214556536833711 1.9214556536833711 1.7991806203915504 1.4230688091268178 1.1475630379123185 0.8983696156340375 0.7451388777113765 0.650723978587306 0.5605853730920728 0.38295713353051897 0.3256890799634604 +26254,0.19257955005083724,0,-0.11388192579449359 0.280803308248745 0.5275878721287577 0.93624676353135 1.1949703327053183 1.7109568621936426 1.8951433047471529 1.9694369958611768 1.9214556536833711 1.9214556536833711 1.7991806203915504 1.4230688091268178 1.1475630379123185 0.8983696156340375 0.7451388777113765 0.650723978587306 0.5605853730920728 0.38295713353051897 0.3256890799634604 0.2792555230171955 +26255,0.12138142939990357,0,0.280803308248745 0.5275878721287577 0.93624676353135 1.1949703327053183 1.7109568621936426 1.8951433047471529 1.9694369958611768 1.9214556536833711 1.9214556536833711 1.7991806203915504 1.4230688091268178 1.1475630379123185 0.8983696156340375 0.7451388777113765 0.650723978587306 0.5605853730920728 0.38295713353051897 0.3256890799634604 0.2792555230171955 0.19257955005083724 +26256,0.06875673152747587,0,0.5275878721287577 0.93624676353135 1.1949703327053183 1.7109568621936426 1.8951433047471529 1.9694369958611768 1.9214556536833711 1.9214556536833711 1.7991806203915504 1.4230688091268178 1.1475630379123185 0.8983696156340375 0.7451388777113765 0.650723978587306 0.5605853730920728 0.38295713353051897 0.3256890799634604 0.2792555230171955 0.19257955005083724 0.12138142939990357 +26257,0.039348812128176223,0,0.93624676353135 1.1949703327053183 1.7109568621936426 1.8951433047471529 1.9694369958611768 1.9214556536833711 1.9214556536833711 1.7991806203915504 1.4230688091268178 1.1475630379123185 0.8983696156340375 0.7451388777113765 0.650723978587306 0.5605853730920728 0.38295713353051897 0.3256890799634604 0.2792555230171955 0.19257955005083724 0.12138142939990357 0.06875673152747587 +26258,0.0532788792120513,0,1.1949703327053183 1.7109568621936426 1.8951433047471529 1.9694369958611768 1.9214556536833711 1.9214556536833711 1.7991806203915504 1.4230688091268178 1.1475630379123185 0.8983696156340375 0.7451388777113765 0.650723978587306 0.5605853730920728 0.38295713353051897 0.3256890799634604 0.2792555230171955 0.19257955005083724 0.12138142939990357 0.06875673152747587 0.039348812128176223 +26259,0.44951189848683054,0,1.7109568621936426 1.8951433047471529 1.9694369958611768 1.9214556536833711 1.9214556536833711 1.7991806203915504 1.4230688091268178 1.1475630379123185 0.8983696156340375 0.7451388777113765 0.650723978587306 0.5605853730920728 0.38295713353051897 0.3256890799634604 0.2792555230171955 0.19257955005083724 0.12138142939990357 0.06875673152747587 0.039348812128176223 0.0532788792120513 +26260,0.9277775350333372,0,1.8951433047471529 1.9694369958611768 1.9214556536833711 1.9214556536833711 1.7991806203915504 1.4230688091268178 1.1475630379123185 0.8983696156340375 0.7451388777113765 0.650723978587306 0.5605853730920728 0.38295713353051897 0.3256890799634604 0.2792555230171955 0.19257955005083724 0.12138142939990357 0.06875673152747587 0.039348812128176223 0.0532788792120513 0.44951189848683054 +26261,1.123654418014116,0,1.9694369958611768 1.9214556536833711 1.9214556536833711 1.7991806203915504 1.4230688091268178 1.1475630379123185 0.8983696156340375 0.7451388777113765 0.650723978587306 0.5605853730920728 0.38295713353051897 0.3256890799634604 0.2792555230171955 0.19257955005083724 0.12138142939990357 0.06875673152747587 0.039348812128176223 0.0532788792120513 0.44951189848683054 0.9277775350333372 +26262,1.4212830918487802,0,1.9214556536833711 1.9214556536833711 1.7991806203915504 1.4230688091268178 1.1475630379123185 0.8983696156340375 0.7451388777113765 0.650723978587306 0.5605853730920728 0.38295713353051897 0.3256890799634604 0.2792555230171955 0.19257955005083724 0.12138142939990357 0.06875673152747587 0.039348812128176223 0.0532788792120513 0.44951189848683054 0.9277775350333372 1.123654418014116 +26263,1.8657353853478533,0,1.9214556536833711 1.7991806203915504 1.4230688091268178 1.1475630379123185 0.8983696156340375 0.7451388777113765 0.650723978587306 0.5605853730920728 0.38295713353051897 0.3256890799634604 0.2792555230171955 0.19257955005083724 0.12138142939990357 0.06875673152747587 0.039348812128176223 0.0532788792120513 0.44951189848683054 0.9277775350333372 1.123654418014116 1.4212830918487802 +26264,2.051469613132913,0,1.7991806203915504 1.4230688091268178 1.1475630379123185 0.8983696156340375 0.7451388777113765 0.650723978587306 0.5605853730920728 0.38295713353051897 0.3256890799634604 0.2792555230171955 0.19257955005083724 0.12138142939990357 0.06875673152747587 0.039348812128176223 0.0532788792120513 0.44951189848683054 0.9277775350333372 1.123654418014116 1.4212830918487802 1.8657353853478533 +26265,2.127311089478469,0,1.4230688091268178 1.1475630379123185 0.8983696156340375 0.7451388777113765 0.650723978587306 0.5605853730920728 0.38295713353051897 0.3256890799634604 0.2792555230171955 0.19257955005083724 0.12138142939990357 0.06875673152747587 0.039348812128176223 0.0532788792120513 0.44951189848683054 0.9277775350333372 1.123654418014116 1.4212830918487802 1.8657353853478533 2.051469613132913 +26266,2.153623438414687,0,1.1475630379123185 0.8983696156340375 0.7451388777113765 0.650723978587306 0.5605853730920728 0.38295713353051897 0.3256890799634604 0.2792555230171955 0.19257955005083724 0.12138142939990357 0.06875673152747587 0.039348812128176223 0.0532788792120513 0.44951189848683054 0.9277775350333372 1.123654418014116 1.4212830918487802 1.8657353853478533 2.051469613132913 2.127311089478469 +26267,2.105642096236881,0,0.8983696156340375 0.7451388777113765 0.650723978587306 0.5605853730920728 0.38295713353051897 0.3256890799634604 0.2792555230171955 0.19257955005083724 0.12138142939990357 0.06875673152747587 0.039348812128176223 0.0532788792120513 0.44951189848683054 0.9277775350333372 1.123654418014116 1.4212830918487802 1.8657353853478533 2.051469613132913 2.127311089478469 2.153623438414687 +26268,1.9555069287773017,0,0.7451388777113765 0.650723978587306 0.5605853730920728 0.38295713353051897 0.3256890799634604 0.2792555230171955 0.19257955005083724 0.12138142939990357 0.06875673152747587 0.039348812128176223 0.0532788792120513 0.44951189848683054 0.9277775350333372 1.123654418014116 1.4212830918487802 1.8657353853478533 2.051469613132913 2.127311089478469 2.153623438414687 2.105642096236881 +26269,1.6923834394151367,0,0.650723978587306 0.5605853730920728 0.38295713353051897 0.3256890799634604 0.2792555230171955 0.19257955005083724 0.12138142939990357 0.06875673152747587 0.039348812128176223 0.0532788792120513 0.44951189848683054 0.9277775350333372 1.123654418014116 1.4212830918487802 1.8657353853478533 2.051469613132913 2.127311089478469 2.153623438414687 2.105642096236881 1.9555069287773017 +26270,1.3503229032443347,0,0.5605853730920728 0.38295713353051897 0.3256890799634604 0.2792555230171955 0.19257955005083724 0.12138142939990357 0.06875673152747587 0.039348812128176223 0.0532788792120513 0.44951189848683054 0.9277775350333372 1.123654418014116 1.4212830918487802 1.8657353853478533 2.051469613132913 2.127311089478469 2.153623438414687 2.105642096236881 1.9555069287773017 1.6923834394151367 +26271,1.1227984742076498,0,0.38295713353051897 0.3256890799634604 0.2792555230171955 0.19257955005083724 0.12138142939990357 0.06875673152747587 0.039348812128176223 0.0532788792120513 0.44951189848683054 0.9277775350333372 1.123654418014116 1.4212830918487802 1.8657353853478533 2.051469613132913 2.127311089478469 2.153623438414687 2.105642096236881 1.9555069287773017 1.6923834394151367 1.3503229032443347 +26272,0.9030129713286684,0,0.3256890799634604 0.2792555230171955 0.19257955005083724 0.12138142939990357 0.06875673152747587 0.039348812128176223 0.0532788792120513 0.44951189848683054 0.9277775350333372 1.123654418014116 1.4212830918487802 1.8657353853478533 2.051469613132913 2.127311089478469 2.153623438414687 2.105642096236881 1.9555069287773017 1.6923834394151367 1.3503229032443347 1.1227984742076498 +26273,0.8271714949831038,0,0.2792555230171955 0.19257955005083724 0.12138142939990357 0.06875673152747587 0.039348812128176223 0.0532788792120513 0.44951189848683054 0.9277775350333372 1.123654418014116 1.4212830918487802 1.8657353853478533 2.051469613132913 2.127311089478469 2.153623438414687 2.105642096236881 1.9555069287773017 1.6923834394151367 1.3503229032443347 1.1227984742076498 0.9030129713286684 +26274,0.641437267198053,0,0.19257955005083724 0.12138142939990357 0.06875673152747587 0.039348812128176223 0.0532788792120513 0.44951189848683054 0.9277775350333372 1.123654418014116 1.4212830918487802 1.8657353853478533 2.051469613132913 2.127311089478469 2.153623438414687 2.105642096236881 1.9555069287773017 1.6923834394151367 1.3503229032443347 1.1227984742076498 0.9030129713286684 0.8271714949831038 +26275,0.6058382068725817,0,0.12138142939990357 0.06875673152747587 0.039348812128176223 0.0532788792120513 0.44951189848683054 0.9277775350333372 1.123654418014116 1.4212830918487802 1.8657353853478533 2.051469613132913 2.127311089478469 2.153623438414687 2.105642096236881 1.9555069287773017 1.6923834394151367 1.3503229032443347 1.1227984742076498 0.9030129713286684 0.8271714949831038 0.641437267198053 +26276,0.45105968371837124,0,0.06875673152747587 0.039348812128176223 0.0532788792120513 0.44951189848683054 0.9277775350333372 1.123654418014116 1.4212830918487802 1.8657353853478533 2.051469613132913 2.127311089478469 2.153623438414687 2.105642096236881 1.9555069287773017 1.6923834394151367 1.3503229032443347 1.1227984742076498 0.9030129713286684 0.8271714949831038 0.641437267198053 0.6058382068725817 +26277,0.434034046171406,0,0.039348812128176223 0.0532788792120513 0.44951189848683054 0.9277775350333372 1.123654418014116 1.4212830918487802 1.8657353853478533 2.051469613132913 2.127311089478469 2.153623438414687 2.105642096236881 1.9555069287773017 1.6923834394151367 1.3503229032443347 1.1227984742076498 0.9030129713286684 0.8271714949831038 0.641437267198053 0.6058382068725817 0.45105968371837124 +26278,0.3566447845943007,0,0.0532788792120513 0.44951189848683054 0.9277775350333372 1.123654418014116 1.4212830918487802 1.8657353853478533 2.051469613132913 2.127311089478469 2.153623438414687 2.105642096236881 1.9555069287773017 1.6923834394151367 1.3503229032443347 1.1227984742076498 0.9030129713286684 0.8271714949831038 0.641437267198053 0.6058382068725817 0.45105968371837124 0.434034046171406 +26279,0.06299668717336393,0,0.44951189848683054 0.9277775350333372 1.123654418014116 1.4212830918487802 1.8657353853478533 2.051469613132913 2.127311089478469 2.153623438414687 2.105642096236881 1.9555069287773017 1.6923834394151367 1.3503229032443347 1.1227984742076498 0.9030129713286684 0.8271714949831038 0.641437267198053 0.6058382068725817 0.45105968371837124 0.434034046171406 0.3566447845943007 +26280,0.23746532176556145,0,0.9277775350333372 1.123654418014116 1.4212830918487802 1.8657353853478533 2.051469613132913 2.127311089478469 2.153623438414687 2.105642096236881 1.9555069287773017 1.6923834394151367 1.3503229032443347 1.1227984742076498 0.9030129713286684 0.8271714949831038 0.641437267198053 0.6058382068725817 0.45105968371837124 0.434034046171406 0.3566447845943007 0.06299668717336393 +26281,0.166518041689946,0,1.123654418014116 1.4212830918487802 1.8657353853478533 2.051469613132913 2.127311089478469 2.153623438414687 2.105642096236881 1.9555069287773017 1.6923834394151367 1.3503229032443347 1.1227984742076498 0.9030129713286684 0.8271714949831038 0.641437267198053 0.6058382068725817 0.45105968371837124 0.434034046171406 0.3566447845943007 0.06299668717336393 0.23746532176556145 +26282,0.00163088350462393,0,1.4212830918487802 1.8657353853478533 2.051469613132913 2.127311089478469 2.153623438414687 2.105642096236881 1.9555069287773017 1.6923834394151367 1.3503229032443347 1.1227984742076498 0.9030129713286684 0.8271714949831038 0.641437267198053 0.6058382068725817 0.45105968371837124 0.434034046171406 0.3566447845943007 0.06299668717336393 0.23746532176556145 0.166518041689946 +26283,0.6008745627175184,0,1.8657353853478533 2.051469613132913 2.127311089478469 2.153623438414687 2.105642096236881 1.9555069287773017 1.6923834394151367 1.3503229032443347 1.1227984742076498 0.9030129713286684 0.8271714949831038 0.641437267198053 0.6058382068725817 0.45105968371837124 0.434034046171406 0.3566447845943007 0.06299668717336393 0.23746532176556145 0.166518041689946 0.00163088350462393 +26284,0.8209803540569323,0,2.051469613132913 2.127311089478469 2.153623438414687 2.105642096236881 1.9555069287773017 1.6923834394151367 1.3503229032443347 1.1227984742076498 0.9030129713286684 0.8271714949831038 0.641437267198053 0.6058382068725817 0.45105968371837124 0.434034046171406 0.3566447845943007 0.06299668717336393 0.23746532176556145 0.166518041689946 0.00163088350462393 0.6008745627175184 +26285,1.1769709573116183,0,2.127311089478469 2.153623438414687 2.105642096236881 1.9555069287773017 1.6923834394151367 1.3503229032443347 1.1227984742076498 0.9030129713286684 0.8271714949831038 0.641437267198053 0.6058382068725817 0.45105968371837124 0.434034046171406 0.3566447845943007 0.06299668717336393 0.23746532176556145 0.166518041689946 0.00163088350462393 0.6008745627175184 0.8209803540569323 +26286,1.385921963569806,0,2.153623438414687 2.105642096236881 1.9555069287773017 1.6923834394151367 1.3503229032443347 1.1227984742076498 0.9030129713286684 0.8271714949831038 0.641437267198053 0.6058382068725817 0.45105968371837124 0.434034046171406 0.3566447845943007 0.06299668717336393 0.23746532176556145 0.166518041689946 0.00163088350462393 0.6008745627175184 0.8209803540569323 1.1769709573116183 +26287,1.6242808892272844,0,2.105642096236881 1.9555069287773017 1.6923834394151367 1.3503229032443347 1.1227984742076498 0.9030129713286684 0.8271714949831038 0.641437267198053 0.6058382068725817 0.45105968371837124 0.434034046171406 0.3566447845943007 0.06299668717336393 0.23746532176556145 0.166518041689946 0.00163088350462393 0.6008745627175184 0.8209803540569323 1.1769709573116183 1.385921963569806 +26288,1.718695788351355,0,1.9555069287773017 1.6923834394151367 1.3503229032443347 1.1227984742076498 0.9030129713286684 0.8271714949831038 0.641437267198053 0.6058382068725817 0.45105968371837124 0.434034046171406 0.3566447845943007 0.06299668717336393 0.23746532176556145 0.166518041689946 0.00163088350462393 0.6008745627175184 0.8209803540569323 1.1769709573116183 1.385921963569806 1.6242808892272844 +26289,1.6552365938581337,0,1.6923834394151367 1.3503229032443347 1.1227984742076498 0.9030129713286684 0.8271714949831038 0.641437267198053 0.6058382068725817 0.45105968371837124 0.434034046171406 0.3566447845943007 0.06299668717336393 0.23746532176556145 0.166518041689946 0.00163088350462393 0.6008745627175184 0.8209803540569323 1.1769709573116183 1.385921963569806 1.6242808892272844 1.718695788351355 +26290,1.6830967280258926,0,1.3503229032443347 1.1227984742076498 0.9030129713286684 0.8271714949831038 0.641437267198053 0.6058382068725817 0.45105968371837124 0.434034046171406 0.3566447845943007 0.06299668717336393 0.23746532176556145 0.166518041689946 0.00163088350462393 0.6008745627175184 0.8209803540569323 1.1769709573116183 1.385921963569806 1.6242808892272844 1.718695788351355 1.6552365938581337 +26291,1.5716561913548568,0,1.1227984742076498 0.9030129713286684 0.8271714949831038 0.641437267198053 0.6058382068725817 0.45105968371837124 0.434034046171406 0.3566447845943007 0.06299668717336393 0.23746532176556145 0.166518041689946 0.00163088350462393 0.6008745627175184 0.8209803540569323 1.1769709573116183 1.385921963569806 1.6242808892272844 1.718695788351355 1.6552365938581337 1.6830967280258926 +26292,1.4230688091268178,0,0.9030129713286684 0.8271714949831038 0.641437267198053 0.6058382068725817 0.45105968371837124 0.434034046171406 0.3566447845943007 0.06299668717336393 0.23746532176556145 0.166518041689946 0.00163088350462393 0.6008745627175184 0.8209803540569323 1.1769709573116183 1.385921963569806 1.6242808892272844 1.718695788351355 1.6552365938581337 1.6830967280258926 1.5716561913548568 +26293,1.1398241117546062,0,0.8271714949831038 0.641437267198053 0.6058382068725817 0.45105968371837124 0.434034046171406 0.3566447845943007 0.06299668717336393 0.23746532176556145 0.166518041689946 0.00163088350462393 0.6008745627175184 0.8209803540569323 1.1769709573116183 1.385921963569806 1.6242808892272844 1.718695788351355 1.6552365938581337 1.6830967280258926 1.5716561913548568 1.4230688091268178 +26294,0.9200386088756337,0,0.641437267198053 0.6058382068725817 0.45105968371837124 0.434034046171406 0.3566447845943007 0.06299668717336393 0.23746532176556145 0.166518041689946 0.00163088350462393 0.6008745627175184 0.8209803540569323 1.1769709573116183 1.385921963569806 1.6242808892272844 1.718695788351355 1.6552365938581337 1.6830967280258926 1.5716561913548568 1.4230688091268178 1.1398241117546062 +26295,0.7915724346576326,0,0.6058382068725817 0.45105968371837124 0.434034046171406 0.3566447845943007 0.06299668717336393 0.23746532176556145 0.166518041689946 0.00163088350462393 0.6008745627175184 0.8209803540569323 1.1769709573116183 1.385921963569806 1.6242808892272844 1.718695788351355 1.6552365938581337 1.6830967280258926 1.5716561913548568 1.4230688091268178 1.1398241117546062 0.9200386088756337 +26296,0.5980992807148695,0,0.45105968371837124 0.434034046171406 0.3566447845943007 0.06299668717336393 0.23746532176556145 0.166518041689946 0.00163088350462393 0.6008745627175184 0.8209803540569323 1.1769709573116183 1.385921963569806 1.6242808892272844 1.718695788351355 1.6552365938581337 1.6830967280258926 1.5716561913548568 1.4230688091268178 1.1398241117546062 0.9200386088756337 0.7915724346576326 +26297,0.4820153883492116,0,0.434034046171406 0.3566447845943007 0.06299668717336393 0.23746532176556145 0.166518041689946 0.00163088350462393 0.6008745627175184 0.8209803540569323 1.1769709573116183 1.385921963569806 1.6242808892272844 1.718695788351355 1.6552365938581337 1.6830967280258926 1.5716561913548568 1.4230688091268178 1.1398241117546062 0.9200386088756337 0.7915724346576326 0.5980992807148695 +26298,0.36128814028893164,0,0.3566447845943007 0.06299668717336393 0.23746532176556145 0.166518041689946 0.00163088350462393 0.6008745627175184 0.8209803540569323 1.1769709573116183 1.385921963569806 1.6242808892272844 1.718695788351355 1.6552365938581337 1.6830967280258926 1.5716561913548568 1.4230688091268178 1.1398241117546062 0.9200386088756337 0.7915724346576326 0.5980992807148695 0.4820153883492116 +26299,0.262229885470239,0,0.06299668717336393 0.23746532176556145 0.166518041689946 0.00163088350462393 0.6008745627175184 0.8209803540569323 1.1769709573116183 1.385921963569806 1.6242808892272844 1.718695788351355 1.6552365938581337 1.6830967280258926 1.5716561913548568 1.4230688091268178 1.1398241117546062 0.9200386088756337 0.7915724346576326 0.5980992807148695 0.4820153883492116 0.36128814028893164 +26300,0.14924156356766252,0,0.23746532176556145 0.166518041689946 0.00163088350462393 0.6008745627175184 0.8209803540569323 1.1769709573116183 1.385921963569806 1.6242808892272844 1.718695788351355 1.6552365938581337 1.6830967280258926 1.5716561913548568 1.4230688091268178 1.1398241117546062 0.9200386088756337 0.7915724346576326 0.5980992807148695 0.4820153883492116 0.36128814028893164 0.262229885470239 +26301,0.08578236907443235,0,0.166518041689946 0.00163088350462393 0.6008745627175184 0.8209803540569323 1.1769709573116183 1.385921963569806 1.6242808892272844 1.718695788351355 1.6552365938581337 1.6830967280258926 1.5716561913548568 1.4230688091268178 1.1398241117546062 0.9200386088756337 0.7915724346576326 0.5980992807148695 0.4820153883492116 0.36128814028893164 0.262229885470239 0.14924156356766252 +26302,0.04863552351742921,0,0.00163088350462393 0.6008745627175184 0.8209803540569323 1.1769709573116183 1.385921963569806 1.6242808892272844 1.718695788351355 1.6552365938581337 1.6830967280258926 1.5716561913548568 1.4230688091268178 1.1398241117546062 0.9200386088756337 0.7915724346576326 0.5980992807148695 0.4820153883492116 0.36128814028893164 0.262229885470239 0.14924156356766252 0.08578236907443235 +26303,-0.2249526156245412,0,0.6008745627175184 0.8209803540569323 1.1769709573116183 1.385921963569806 1.6242808892272844 1.718695788351355 1.6552365938581337 1.6830967280258926 1.5716561913548568 1.4230688091268178 1.1398241117546062 0.9200386088756337 0.7915724346576326 0.5980992807148695 0.4820153883492116 0.36128814028893164 0.262229885470239 0.14924156356766252 0.08578236907443235 0.04863552351742921 +26304,0.0006541813396235972,0,0.8209803540569323 1.1769709573116183 1.385921963569806 1.6242808892272844 1.718695788351355 1.6552365938581337 1.6830967280258926 1.5716561913548568 1.4230688091268178 1.1398241117546062 0.9200386088756337 0.7915724346576326 0.5980992807148695 0.4820153883492116 0.36128814028893164 0.262229885470239 0.14924156356766252 0.08578236907443235 0.04863552351742921 -0.2249526156245412 +26305,-0.11895948013233901,0,1.1769709573116183 1.385921963569806 1.6242808892272844 1.718695788351355 1.6552365938581337 1.6830967280258926 1.5716561913548568 1.4230688091268178 1.1398241117546062 0.9200386088756337 0.7915724346576326 0.5980992807148695 0.4820153883492116 0.36128814028893164 0.262229885470239 0.14924156356766252 0.08578236907443235 0.04863552351742921 -0.2249526156245412 0.0006541813396235972 +26306,-0.37451389032306076,0,1.385921963569806 1.6242808892272844 1.718695788351355 1.6552365938581337 1.6830967280258926 1.5716561913548568 1.4230688091268178 1.1398241117546062 0.9200386088756337 0.7915724346576326 0.5980992807148695 0.4820153883492116 0.36128814028893164 0.262229885470239 0.14924156356766252 0.08578236907443235 0.04863552351742921 -0.2249526156245412 0.0006541813396235972 -0.11895948013233901 +26307,0.3780628566209587,0,1.6242808892272844 1.718695788351355 1.6552365938581337 1.6830967280258926 1.5716561913548568 1.4230688091268178 1.1398241117546062 0.9200386088756337 0.7915724346576326 0.5980992807148695 0.4820153883492116 0.36128814028893164 0.262229885470239 0.14924156356766252 0.08578236907443235 0.04863552351742921 -0.2249526156245412 0.0006541813396235972 -0.11895948013233901 -0.37451389032306076 +26308,0.6011948511779597,0,1.718695788351355 1.6552365938581337 1.6830967280258926 1.5716561913548568 1.4230688091268178 1.1398241117546062 0.9200386088756337 0.7915724346576326 0.5980992807148695 0.4820153883492116 0.36128814028893164 0.262229885470239 0.14924156356766252 0.08578236907443235 0.04863552351742921 -0.2249526156245412 0.0006541813396235972 -0.11895948013233901 -0.37451389032306076 0.3780628566209587 +26309,0.8705094814662874,0,1.6552365938581337 1.6830967280258926 1.5716561913548568 1.4230688091268178 1.1398241117546062 0.9200386088756337 0.7915724346576326 0.5980992807148695 0.4820153883492116 0.36128814028893164 0.262229885470239 0.14924156356766252 0.08578236907443235 0.04863552351742921 -0.2249526156245412 0.0006541813396235972 -0.11895948013233901 -0.37451389032306076 0.3780628566209587 0.6011948511779597 +26310,1.1723276016169961,0,1.6830967280258926 1.5716561913548568 1.4230688091268178 1.1398241117546062 0.9200386088756337 0.7915724346576326 0.5980992807148695 0.4820153883492116 0.36128814028893164 0.262229885470239 0.14924156356766252 0.08578236907443235 0.04863552351742921 -0.2249526156245412 0.0006541813396235972 -0.11895948013233901 -0.37451389032306076 0.3780628566209587 0.6011948511779597 0.8705094814662874 +26311,1.3549662589389655,0,1.5716561913548568 1.4230688091268178 1.1398241117546062 0.9200386088756337 0.7915724346576326 0.5980992807148695 0.4820153883492116 0.36128814028893164 0.262229885470239 0.14924156356766252 0.08578236907443235 0.04863552351742921 -0.2249526156245412 0.0006541813396235972 -0.11895948013233901 -0.37451389032306076 0.3780628566209587 0.6011948511779597 0.8705094814662874 1.1723276016169961 +26312,1.4586678694522803,0,1.4230688091268178 1.1398241117546062 0.9200386088756337 0.7915724346576326 0.5980992807148695 0.4820153883492116 0.36128814028893164 0.262229885470239 0.14924156356766252 0.08578236907443235 0.04863552351742921 -0.2249526156245412 0.0006541813396235972 -0.11895948013233901 -0.37451389032306076 0.3780628566209587 0.6011948511779597 0.8705094814662874 1.1723276016169961 1.3549662589389655 +26313,1.5453438424186385,0,1.1398241117546062 0.9200386088756337 0.7915724346576326 0.5980992807148695 0.4820153883492116 0.36128814028893164 0.262229885470239 0.14924156356766252 0.08578236907443235 0.04863552351742921 -0.2249526156245412 0.0006541813396235972 -0.11895948013233901 -0.37451389032306076 0.3780628566209587 0.6011948511779597 0.8705094814662874 1.1723276016169961 1.3549662589389655 1.4586678694522803 +26314,1.5081969968616267,0,0.9200386088756337 0.7915724346576326 0.5980992807148695 0.4820153883492116 0.36128814028893164 0.262229885470239 0.14924156356766252 0.08578236907443235 0.04863552351742921 -0.2249526156245412 0.0006541813396235972 -0.11895948013233901 -0.37451389032306076 0.3780628566209587 0.6011948511779597 0.8705094814662874 1.1723276016169961 1.3549662589389655 1.4586678694522803 1.5453438424186385 +26315,1.4246165943583586,0,0.7915724346576326 0.5980992807148695 0.4820153883492116 0.36128814028893164 0.262229885470239 0.14924156356766252 0.08578236907443235 0.04863552351742921 -0.2249526156245412 0.0006541813396235972 -0.11895948013233901 -0.37451389032306076 0.3780628566209587 0.6011948511779597 0.8705094814662874 1.1723276016169961 1.3549662589389655 1.4586678694522803 1.5453438424186385 1.5081969968616267 +26316,1.3518706884758753,0,0.5980992807148695 0.4820153883492116 0.36128814028893164 0.262229885470239 0.14924156356766252 0.08578236907443235 0.04863552351742921 -0.2249526156245412 0.0006541813396235972 -0.11895948013233901 -0.37451389032306076 0.3780628566209587 0.6011948511779597 0.8705094814662874 1.1723276016169961 1.3549662589389655 1.4586678694522803 1.5453438424186385 1.5081969968616267 1.4246165943583586 +26317,1.0639826354090505,0,0.4820153883492116 0.36128814028893164 0.262229885470239 0.14924156356766252 0.08578236907443235 0.04863552351742921 -0.2249526156245412 0.0006541813396235972 -0.11895948013233901 -0.37451389032306076 0.3780628566209587 0.6011948511779597 0.8705094814662874 1.1723276016169961 1.3549662589389655 1.4586678694522803 1.5453438424186385 1.5081969968616267 1.4246165943583586 1.3518706884758753 +26318,0.8178847835938509,0,0.36128814028893164 0.262229885470239 0.14924156356766252 0.08578236907443235 0.04863552351742921 -0.2249526156245412 0.0006541813396235972 -0.11895948013233901 -0.37451389032306076 0.3780628566209587 0.6011948511779597 0.8705094814662874 1.1723276016169961 1.3549662589389655 1.4586678694522803 1.5453438424186385 1.5081969968616267 1.4246165943583586 1.3518706884758753 1.0639826354090505 +26319,0.6367939115034221,0,0.262229885470239 0.14924156356766252 0.08578236907443235 0.04863552351742921 -0.2249526156245412 0.0006541813396235972 -0.11895948013233901 -0.37451389032306076 0.3780628566209587 0.6011948511779597 0.8705094814662874 1.1723276016169961 1.3549662589389655 1.4586678694522803 1.5453438424186385 1.5081969968616267 1.4246165943583586 1.3518706884758753 1.0639826354090505 0.8178847835938509 +26320,0.35200142889967867,0,0.14924156356766252 0.08578236907443235 0.04863552351742921 -0.2249526156245412 0.0006541813396235972 -0.11895948013233901 -0.37451389032306076 0.3780628566209587 0.6011948511779597 0.8705094814662874 1.1723276016169961 1.3549662589389655 1.4586678694522803 1.5453438424186385 1.5081969968616267 1.4246165943583586 1.3518706884758753 1.0639826354090505 0.8178847835938509 0.6367939115034221 +26321,0.2668732411648611,0,0.08578236907443235 0.04863552351742921 -0.2249526156245412 0.0006541813396235972 -0.11895948013233901 -0.37451389032306076 0.3780628566209587 0.6011948511779597 0.8705094814662874 1.1723276016169961 1.3549662589389655 1.4586678694522803 1.5453438424186385 1.5081969968616267 1.4246165943583586 1.3518706884758753 1.0639826354090505 0.8178847835938509 0.6367939115034221 0.35200142889967867 +26322,0.1616238454199969,0,0.04863552351742921 -0.2249526156245412 0.0006541813396235972 -0.11895948013233901 -0.37451389032306076 0.3780628566209587 0.6011948511779597 0.8705094814662874 1.1723276016169961 1.3549662589389655 1.4586678694522803 1.5453438424186385 1.5081969968616267 1.4246165943583586 1.3518706884758753 1.0639826354090505 0.8178847835938509 0.6367939115034221 0.35200142889967867 0.2668732411648611 +26323,0.034705456433545334,0,-0.2249526156245412 0.0006541813396235972 -0.11895948013233901 -0.37451389032306076 0.3780628566209587 0.6011948511779597 0.8705094814662874 1.1723276016169961 1.3549662589389655 1.4586678694522803 1.5453438424186385 1.5081969968616267 1.4246165943583586 1.3518706884758753 1.0639826354090505 0.8178847835938509 0.6367939115034221 0.35200142889967867 0.2668732411648611 0.1616238454199969 +26324,0.11983364416836288,0,0.0006541813396235972 -0.11895948013233901 -0.37451389032306076 0.3780628566209587 0.6011948511779597 0.8705094814662874 1.1723276016169961 1.3549662589389655 1.4586678694522803 1.5453438424186385 1.5081969968616267 1.4246165943583586 1.3518706884758753 1.0639826354090505 0.8178847835938509 0.6367939115034221 0.35200142889967867 0.2668732411648611 0.1616238454199969 0.034705456433545334 +26325,0.04244438259125762,0,-0.11895948013233901 -0.37451389032306076 0.3780628566209587 0.6011948511779597 0.8705094814662874 1.1723276016169961 1.3549662589389655 1.4586678694522803 1.5453438424186385 1.5081969968616267 1.4246165943583586 1.3518706884758753 1.0639826354090505 0.8178847835938509 0.6367939115034221 0.35200142889967867 0.2668732411648611 0.1616238454199969 0.034705456433545334 0.11983364416836288 +26326,-0.04577937560664132,0,-0.37451389032306076 0.3780628566209587 0.6011948511779597 0.8705094814662874 1.1723276016169961 1.3549662589389655 1.4586678694522803 1.5453438424186385 1.5081969968616267 1.4246165943583586 1.3518706884758753 1.0639826354090505 0.8178847835938509 0.6367939115034221 0.35200142889967867 0.2668732411648611 0.1616238454199969 0.034705456433545334 0.11983364416836288 0.04244438259125762 +26327,-0.324826198817447,0,0.3780628566209587 0.6011948511779597 0.8705094814662874 1.1723276016169961 1.3549662589389655 1.4586678694522803 1.5453438424186385 1.5081969968616267 1.4246165943583586 1.3518706884758753 1.0639826354090505 0.8178847835938509 0.6367939115034221 0.35200142889967867 0.2668732411648611 0.1616238454199969 0.034705456433545334 0.11983364416836288 0.04244438259125762 -0.04577937560664132 +26328,-0.18353226121388655,0,0.6011948511779597 0.8705094814662874 1.1723276016169961 1.3549662589389655 1.4586678694522803 1.5453438424186385 1.5081969968616267 1.4246165943583586 1.3518706884758753 1.0639826354090505 0.8178847835938509 0.6367939115034221 0.35200142889967867 0.2668732411648611 0.1616238454199969 0.034705456433545334 0.11983364416836288 0.04244438259125762 -0.04577937560664132 -0.324826198817447 +26329,-0.17734112028772378,0,0.8705094814662874 1.1723276016169961 1.3549662589389655 1.4586678694522803 1.5453438424186385 1.5081969968616267 1.4246165943583586 1.3518706884758753 1.0639826354090505 0.8178847835938509 0.6367939115034221 0.35200142889967867 0.2668732411648611 0.1616238454199969 0.034705456433545334 0.11983364416836288 0.04244438259125762 -0.04577937560664132 -0.324826198817447 -0.18353226121388655 +26330,-0.29639427656697853,0,1.1723276016169961 1.3549662589389655 1.4586678694522803 1.5453438424186385 1.5081969968616267 1.4246165943583586 1.3518706884758753 1.0639826354090505 0.8178847835938509 0.6367939115034221 0.35200142889967867 0.2668732411648611 0.1616238454199969 0.034705456433545334 0.11983364416836288 0.04244438259125762 -0.04577937560664132 -0.324826198817447 -0.18353226121388655 -0.17734112028772378 +26331,0.22044849096178742,0,1.3549662589389655 1.4586678694522803 1.5453438424186385 1.5081969968616267 1.4246165943583586 1.3518706884758753 1.0639826354090505 0.8178847835938509 0.6367939115034221 0.35200142889967867 0.2668732411648611 0.1616238454199969 0.034705456433545334 0.11983364416836288 0.04244438259125762 -0.04577937560664132 -0.324826198817447 -0.18353226121388655 -0.17734112028772378 -0.29639427656697853 +26332,0.5888125693256165,0,1.4586678694522803 1.5453438424186385 1.5081969968616267 1.4246165943583586 1.3518706884758753 1.0639826354090505 0.8178847835938509 0.6367939115034221 0.35200142889967867 0.2668732411648611 0.1616238454199969 0.034705456433545334 0.11983364416836288 0.04244438259125762 -0.04577937560664132 -0.324826198817447 -0.18353226121388655 -0.17734112028772378 -0.29639427656697853 0.22044849096178742 +26333,0.8751528371609095,0,1.5453438424186385 1.5081969968616267 1.4246165943583586 1.3518706884758753 1.0639826354090505 0.8178847835938509 0.6367939115034221 0.35200142889967867 0.2668732411648611 0.1616238454199969 0.034705456433545334 0.11983364416836288 0.04244438259125762 -0.04577937560664132 -0.324826198817447 -0.18353226121388655 -0.17734112028772378 -0.29639427656697853 0.22044849096178742 0.5888125693256165 +26334,1.118155118513019,0,1.5081969968616267 1.4246165943583586 1.3518706884758753 1.0639826354090505 0.8178847835938509 0.6367939115034221 0.35200142889967867 0.2668732411648611 0.1616238454199969 0.034705456433545334 0.11983364416836288 0.04244438259125762 -0.04577937560664132 -0.324826198817447 -0.18353226121388655 -0.17734112028772378 -0.29639427656697853 0.22044849096178742 0.5888125693256165 0.8751528371609095 +26335,1.344131762318163,0,1.4246165943583586 1.3518706884758753 1.0639826354090505 0.8178847835938509 0.6367939115034221 0.35200142889967867 0.2668732411648611 0.1616238454199969 0.034705456433545334 0.11983364416836288 0.04244438259125762 -0.04577937560664132 -0.324826198817447 -0.18353226121388655 -0.17734112028772378 -0.29639427656697853 0.22044849096178742 0.5888125693256165 0.8751528371609095 1.118155118513019 +26336,1.5020058559354639,0,1.3518706884758753 1.0639826354090505 0.8178847835938509 0.6367939115034221 0.35200142889967867 0.2668732411648611 0.1616238454199969 0.034705456433545334 0.11983364416836288 0.04244438259125762 -0.04577937560664132 -0.324826198817447 -0.18353226121388655 -0.17734112028772378 -0.29639427656697853 0.22044849096178742 0.5888125693256165 0.8751528371609095 1.118155118513019 1.344131762318163 +26337,1.5298659901032228,0,1.0639826354090505 0.8178847835938509 0.6367939115034221 0.35200142889967867 0.2668732411648611 0.1616238454199969 0.034705456433545334 0.11983364416836288 0.04244438259125762 -0.04577937560664132 -0.324826198817447 -0.18353226121388655 -0.17734112028772378 -0.29639427656697853 0.22044849096178742 0.5888125693256165 0.8751528371609095 1.118155118513019 1.344131762318163 1.5020058559354639 +26338,1.49117135931467,0,0.8178847835938509 0.6367939115034221 0.35200142889967867 0.2668732411648611 0.1616238454199969 0.034705456433545334 0.11983364416836288 0.04244438259125762 -0.04577937560664132 -0.324826198817447 -0.18353226121388655 -0.17734112028772378 -0.29639427656697853 0.22044849096178742 0.5888125693256165 0.8751528371609095 1.118155118513019 1.344131762318163 1.5020058559354639 1.5298659901032228 +26339,1.3534184737074162,0,0.6367939115034221 0.35200142889967867 0.2668732411648611 0.1616238454199969 0.034705456433545334 0.11983364416836288 0.04244438259125762 -0.04577937560664132 -0.324826198817447 -0.18353226121388655 -0.17734112028772378 -0.29639427656697853 0.22044849096178742 0.5888125693256165 0.8751528371609095 1.118155118513019 1.344131762318163 1.5020058559354639 1.5298659901032228 1.49117135931467 +26340,1.1491108231438594,0,0.35200142889967867 0.2668732411648611 0.1616238454199969 0.034705456433545334 0.11983364416836288 0.04244438259125762 -0.04577937560664132 -0.324826198817447 -0.18353226121388655 -0.17734112028772378 -0.29639427656697853 0.22044849096178742 0.5888125693256165 0.8751528371609095 1.118155118513019 1.344131762318163 1.5020058559354639 1.5298659901032228 1.49117135931467 1.3534184737074162 +26341,0.9711155215165207,0,0.2668732411648611 0.1616238454199969 0.034705456433545334 0.11983364416836288 0.04244438259125762 -0.04577937560664132 -0.324826198817447 -0.18353226121388655 -0.17734112028772378 -0.29639427656697853 0.22044849096178742 0.5888125693256165 0.8751528371609095 1.118155118513019 1.344131762318163 1.5020058559354639 1.5298659901032228 1.49117135931467 1.3534184737074162 1.1491108231438594 +26342,0.6352461262718814,0,0.1616238454199969 0.034705456433545334 0.11983364416836288 0.04244438259125762 -0.04577937560664132 -0.324826198817447 -0.18353226121388655 -0.17734112028772378 -0.29639427656697853 0.22044849096178742 0.5888125693256165 0.8751528371609095 1.118155118513019 1.344131762318163 1.5020058559354639 1.5298659901032228 1.49117135931467 1.3534184737074162 1.1491108231438594 0.9711155215165207 +26343,0.5238055896008544,0,0.034705456433545334 0.11983364416836288 0.04244438259125762 -0.04577937560664132 -0.324826198817447 -0.18353226121388655 -0.17734112028772378 -0.29639427656697853 0.22044849096178742 0.5888125693256165 0.8751528371609095 1.118155118513019 1.344131762318163 1.5020058559354639 1.5298659901032228 1.49117135931467 1.3534184737074162 1.1491108231438594 0.9711155215165207 0.6352461262718814 +26344,0.4402251870975776,0,0.11983364416836288 0.04244438259125762 -0.04577937560664132 -0.324826198817447 -0.18353226121388655 -0.17734112028772378 -0.29639427656697853 0.22044849096178742 0.5888125693256165 0.8751528371609095 1.118155118513019 1.344131762318163 1.5020058559354639 1.5298659901032228 1.49117135931467 1.3534184737074162 1.1491108231438594 0.9711155215165207 0.6352461262718814 0.5238055896008544 +26345,0.36128814028893164,0,0.04244438259125762 -0.04577937560664132 -0.324826198817447 -0.18353226121388655 -0.17734112028772378 -0.29639427656697853 0.22044849096178742 0.5888125693256165 0.8751528371609095 1.118155118513019 1.344131762318163 1.5020058559354639 1.5298659901032228 1.49117135931467 1.3534184737074162 1.1491108231438594 0.9711155215165207 0.6352461262718814 0.5238055896008544 0.4402251870975776 +26346,0.3117590128795853,0,-0.04577937560664132 -0.324826198817447 -0.18353226121388655 -0.17734112028772378 -0.29639427656697853 0.22044849096178742 0.5888125693256165 0.8751528371609095 1.118155118513019 1.344131762318163 1.5020058559354639 1.5298659901032228 1.49117135931467 1.3534184737074162 1.1491108231438594 0.9711155215165207 0.6352461262718814 0.5238055896008544 0.4402251870975776 0.36128814028893164 +26347,0.2777077377856548,0,-0.324826198817447 -0.18353226121388655 -0.17734112028772378 -0.29639427656697853 0.22044849096178742 0.5888125693256165 0.8751528371609095 1.118155118513019 1.344131762318163 1.5020058559354639 1.5298659901032228 1.49117135931467 1.3534184737074162 1.1491108231438594 0.9711155215165207 0.6352461262718814 0.5238055896008544 0.4402251870975776 0.36128814028893164 0.3117590128795853 +26348,0.2653254559333204,0,-0.18353226121388655 -0.17734112028772378 -0.29639427656697853 0.22044849096178742 0.5888125693256165 0.8751528371609095 1.118155118513019 1.344131762318163 1.5020058559354639 1.5298659901032228 1.49117135931467 1.3534184737074162 1.1491108231438594 0.9711155215165207 0.6352461262718814 0.5238055896008544 0.4402251870975776 0.36128814028893164 0.3117590128795853 0.2777077377856548 +26349,0.24210867746019235,0,-0.17734112028772378 -0.29639427656697853 0.22044849096178742 0.5888125693256165 0.8751528371609095 1.118155118513019 1.344131762318163 1.5020058559354639 1.5298659901032228 1.49117135931467 1.3534184737074162 1.1491108231438594 0.9711155215165207 0.6352461262718814 0.5238055896008544 0.4402251870975776 0.36128814028893164 0.3117590128795853 0.2777077377856548 0.2653254559333204 +26350,0.2080574023662618,0,-0.29639427656697853 0.22044849096178742 0.5888125693256165 0.8751528371609095 1.118155118513019 1.344131762318163 1.5020058559354639 1.5298659901032228 1.49117135931467 1.3534184737074162 1.1491108231438594 0.9711155215165207 0.6352461262718814 0.5238055896008544 0.4402251870975776 0.36128814028893164 0.3117590128795853 0.2777077377856548 0.2653254559333204 0.24210867746019235 +26351,0.03118997725439478,0,0.22044849096178742 0.5888125693256165 0.8751528371609095 1.118155118513019 1.344131762318163 1.5020058559354639 1.5298659901032228 1.49117135931467 1.3534184737074162 1.1491108231438594 0.9711155215165207 0.6352461262718814 0.5238055896008544 0.4402251870975776 0.36128814028893164 0.3117590128795853 0.2777077377856548 0.2653254559333204 0.24210867746019235 0.2080574023662618 +26352,0.04863552351742921,0,0.5888125693256165 0.8751528371609095 1.118155118513019 1.344131762318163 1.5020058559354639 1.5298659901032228 1.49117135931467 1.3534184737074162 1.1491108231438594 0.9711155215165207 0.6352461262718814 0.5238055896008544 0.4402251870975776 0.36128814028893164 0.3117590128795853 0.2777077377856548 0.2653254559333204 0.24210867746019235 0.2080574023662618 0.03118997725439478 +26353,-0.08137843593211255,0,0.8751528371609095 1.118155118513019 1.344131762318163 1.5020058559354639 1.5298659901032228 1.49117135931467 1.3534184737074162 1.1491108231438594 0.9711155215165207 0.6352461262718814 0.5238055896008544 0.4402251870975776 0.36128814028893164 0.3117590128795853 0.2777077377856548 0.2653254559333204 0.24210867746019235 0.2080574023662618 0.03118997725439478 0.04863552351742921 +26354,-0.22251307826564345,0,1.118155118513019 1.344131762318163 1.5020058559354639 1.5298659901032228 1.49117135931467 1.3534184737074162 1.1491108231438594 0.9711155215165207 0.6352461262718814 0.5238055896008544 0.4402251870975776 0.36128814028893164 0.3117590128795853 0.2777077377856548 0.2653254559333204 0.24210867746019235 0.2080574023662618 0.03118997725439478 0.04863552351742921 -0.08137843593211255 +26355,-0.11653850969552607,0,1.344131762318163 1.5020058559354639 1.5298659901032228 1.49117135931467 1.3534184737074162 1.1491108231438594 0.9711155215165207 0.6352461262718814 0.5238055896008544 0.4402251870975776 0.36128814028893164 0.3117590128795853 0.2777077377856548 0.2653254559333204 0.24210867746019235 0.2080574023662618 0.03118997725439478 0.04863552351742921 -0.08137843593211255 -0.22251307826564345 +26356,-0.15257655658304622,0,1.5020058559354639 1.5298659901032228 1.49117135931467 1.3534184737074162 1.1491108231438594 0.9711155215165207 0.6352461262718814 0.5238055896008544 0.4402251870975776 0.36128814028893164 0.3117590128795853 0.2777077377856548 0.2653254559333204 0.24210867746019235 0.2080574023662618 0.03118997725439478 0.04863552351742921 -0.08137843593211255 -0.22251307826564345 -0.11653850969552607 +26357,-0.0008936038919258983,0,1.5298659901032228 1.49117135931467 1.3534184737074162 1.1491108231438594 0.9711155215165207 0.6352461262718814 0.5238055896008544 0.4402251870975776 0.36128814028893164 0.3117590128795853 0.2777077377856548 0.2653254559333204 0.24210867746019235 0.2080574023662618 0.03118997725439478 0.04863552351742921 -0.08137843593211255 -0.22251307826564345 -0.11653850969552607 -0.15257655658304622 +26358,0.13376371125223796,0,1.49117135931467 1.3534184737074162 1.1491108231438594 0.9711155215165207 0.6352461262718814 0.5238055896008544 0.4402251870975776 0.36128814028893164 0.3117590128795853 0.2777077377856548 0.2653254559333204 0.24210867746019235 0.2080574023662618 0.03118997725439478 0.04863552351742921 -0.08137843593211255 -0.22251307826564345 -0.11653850969552607 -0.15257655658304622 -0.0008936038919258983 +26359,0.2235352546816864,0,1.3534184737074162 1.1491108231438594 0.9711155215165207 0.6352461262718814 0.5238055896008544 0.4402251870975776 0.36128814028893164 0.3117590128795853 0.2777077377856548 0.2653254559333204 0.24210867746019235 0.2080574023662618 0.03118997725439478 0.04863552351742921 -0.08137843593211255 -0.22251307826564345 -0.11653850969552607 -0.15257655658304622 -0.0008936038919258983 0.13376371125223796 +26360,0.373670422141266,0,1.1491108231438594 0.9711155215165207 0.6352461262718814 0.5238055896008544 0.4402251870975776 0.36128814028893164 0.3117590128795853 0.2777077377856548 0.2653254559333204 0.24210867746019235 0.2080574023662618 0.03118997725439478 0.04863552351742921 -0.08137843593211255 -0.22251307826564345 -0.11653850969552607 -0.15257655658304622 -0.0008936038919258983 0.13376371125223796 0.2235352546816864 +26361,0.4371296166344962,0,0.9711155215165207 0.6352461262718814 0.5238055896008544 0.4402251870975776 0.36128814028893164 0.3117590128795853 0.2777077377856548 0.2653254559333204 0.24210867746019235 0.2080574023662618 0.03118997725439478 0.04863552351742921 -0.08137843593211255 -0.22251307826564345 -0.11653850969552607 -0.15257655658304622 -0.0008936038919258983 0.13376371125223796 0.2235352546816864 0.373670422141266 +26362,0.4371296166344962,0,0.6352461262718814 0.5238055896008544 0.4402251870975776 0.36128814028893164 0.3117590128795853 0.2777077377856548 0.2653254559333204 0.24210867746019235 0.2080574023662618 0.03118997725439478 0.04863552351742921 -0.08137843593211255 -0.22251307826564345 -0.11653850969552607 -0.15257655658304622 -0.0008936038919258983 0.13376371125223796 0.2235352546816864 0.373670422141266 0.4371296166344962 +26363,0.3937916301513127,0,0.5238055896008544 0.4402251870975776 0.36128814028893164 0.3117590128795853 0.2777077377856548 0.2653254559333204 0.24210867746019235 0.2080574023662618 0.03118997725439478 0.04863552351742921 -0.08137843593211255 -0.22251307826564345 -0.11653850969552607 -0.15257655658304622 -0.0008936038919258983 0.13376371125223796 0.2235352546816864 0.373670422141266 0.4371296166344962 0.4371296166344962 +26364,0.30247230149033233,0,0.4402251870975776 0.36128814028893164 0.3117590128795853 0.2777077377856548 0.2653254559333204 0.24210867746019235 0.2080574023662618 0.03118997725439478 0.04863552351742921 -0.08137843593211255 -0.22251307826564345 -0.11653850969552607 -0.15257655658304622 -0.0008936038919258983 0.13376371125223796 0.2235352546816864 0.373670422141266 0.4371296166344962 0.4371296166344962 0.3937916301513127 +26365,0.18793619435621514,0,0.36128814028893164 0.3117590128795853 0.2777077377856548 0.2653254559333204 0.24210867746019235 0.2080574023662618 0.03118997725439478 0.04863552351742921 -0.08137843593211255 -0.22251307826564345 -0.11653850969552607 -0.15257655658304622 -0.0008936038919258983 0.13376371125223796 0.2235352546816864 0.373670422141266 0.4371296166344962 0.4371296166344962 0.3937916301513127 0.30247230149033233 +26366,0.03160988597046394,0,0.3117590128795853 0.2777077377856548 0.2653254559333204 0.24210867746019235 0.2080574023662618 0.03118997725439478 0.04863552351742921 -0.08137843593211255 -0.22251307826564345 -0.11653850969552607 -0.15257655658304622 -0.0008936038919258983 0.13376371125223796 0.2235352546816864 0.373670422141266 0.4371296166344962 0.4371296166344962 0.3937916301513127 0.30247230149033233 0.18793619435621514 +26367,-0.008632530049629385,0,0.2777077377856548 0.2653254559333204 0.24210867746019235 0.2080574023662618 0.03118997725439478 0.04863552351742921 -0.08137843593211255 -0.22251307826564345 -0.11653850969552607 -0.15257655658304622 -0.0008936038919258983 0.13376371125223796 0.2235352546816864 0.373670422141266 0.4371296166344962 0.4371296166344962 0.3937916301513127 0.30247230149033233 0.18793619435621514 0.03160988597046394 +26368,-0.03804044944892903,0,0.2653254559333204 0.24210867746019235 0.2080574023662618 0.03118997725439478 0.04863552351742921 -0.08137843593211255 -0.22251307826564345 -0.11653850969552607 -0.15257655658304622 -0.0008936038919258983 0.13376371125223796 0.2235352546816864 0.373670422141266 0.4371296166344962 0.4371296166344962 0.3937916301513127 0.30247230149033233 0.18793619435621514 0.03160988597046394 -0.008632530049629385 +26369,-0.1618632679722992,0,0.24210867746019235 0.2080574023662618 0.03118997725439478 0.04863552351742921 -0.08137843593211255 -0.22251307826564345 -0.11653850969552607 -0.15257655658304622 -0.0008936038919258983 0.13376371125223796 0.2235352546816864 0.373670422141266 0.4371296166344962 0.4371296166344962 0.3937916301513127 0.30247230149033233 0.18793619435621514 0.03160988597046394 -0.008632530049629385 -0.03804044944892903 +26370,-0.1811584446732651,0,0.2080574023662618 0.03118997725439478 0.04863552351742921 -0.08137843593211255 -0.22251307826564345 -0.11653850969552607 -0.15257655658304622 -0.0008936038919258983 0.13376371125223796 0.2235352546816864 0.373670422141266 0.4371296166344962 0.4371296166344962 0.3937916301513127 0.30247230149033233 0.18793619435621514 0.03160988597046394 -0.008632530049629385 -0.03804044944892903 -0.1618632679722992 +26371,-0.24080031478094516,0,0.03118997725439478 0.04863552351742921 -0.08137843593211255 -0.22251307826564345 -0.11653850969552607 -0.15257655658304622 -0.0008936038919258983 0.13376371125223796 0.2235352546816864 0.373670422141266 0.4371296166344962 0.4371296166344962 0.3937916301513127 0.30247230149033233 0.18793619435621514 0.03160988597046394 -0.008632530049629385 -0.03804044944892903 -0.1618632679722992 -0.1811584446732651 +26372,-0.2500870261701981,0,0.04863552351742921 -0.08137843593211255 -0.22251307826564345 -0.11653850969552607 -0.15257655658304622 -0.0008936038919258983 0.13376371125223796 0.2235352546816864 0.373670422141266 0.4371296166344962 0.4371296166344962 0.3937916301513127 0.30247230149033233 0.18793619435621514 0.03160988597046394 -0.008632530049629385 -0.03804044944892903 -0.1618632679722992 -0.1811584446732651 -0.24080031478094516 +26373,-0.36307534807277464,0,-0.08137843593211255 -0.22251307826564345 -0.11653850969552607 -0.15257655658304622 -0.0008936038919258983 0.13376371125223796 0.2235352546816864 0.373670422141266 0.4371296166344962 0.4371296166344962 0.3937916301513127 0.30247230149033233 0.18793619435621514 0.03160988597046394 -0.008632530049629385 -0.03804044944892903 -0.1618632679722992 -0.1811584446732651 -0.24080031478094516 -0.2500870261701981 +26374,-0.4327256834921676,0,-0.22251307826564345 -0.11653850969552607 -0.15257655658304622 -0.0008936038919258983 0.13376371125223796 0.2235352546816864 0.373670422141266 0.4371296166344962 0.4371296166344962 0.3937916301513127 0.30247230149033233 0.18793619435621514 0.03160988597046394 -0.008632530049629385 -0.03804044944892903 -0.1618632679722992 -0.1811584446732651 -0.24080031478094516 -0.2500870261701981 -0.36307534807277464 +26375,-0.4404646096498799,0,-0.11653850969552607 -0.15257655658304622 -0.0008936038919258983 0.13376371125223796 0.2235352546816864 0.373670422141266 0.4371296166344962 0.4371296166344962 0.3937916301513127 0.30247230149033233 0.18793619435621514 0.03160988597046394 -0.008632530049629385 -0.03804044944892903 -0.1618632679722992 -0.1811584446732651 -0.24080031478094516 -0.2500870261701981 -0.36307534807277464 -0.4327256834921676 +26376,-0.48999373705922616,0,-0.15257655658304622 -0.0008936038919258983 0.13376371125223796 0.2235352546816864 0.373670422141266 0.4371296166344962 0.4371296166344962 0.3937916301513127 0.30247230149033233 0.18793619435621514 0.03160988597046394 -0.008632530049629385 -0.03804044944892903 -0.1618632679722992 -0.1811584446732651 -0.24080031478094516 -0.2500870261701981 -0.36307534807277464 -0.4327256834921676 -0.4404646096498799 +26377,-0.5919953200187342,0,-0.0008936038919258983 0.13376371125223796 0.2235352546816864 0.373670422141266 0.4371296166344962 0.4371296166344962 0.3937916301513127 0.30247230149033233 0.18793619435621514 0.03160988597046394 -0.008632530049629385 -0.03804044944892903 -0.1618632679722992 -0.1811584446732651 -0.24080031478094516 -0.2500870261701981 -0.36307534807277464 -0.4327256834921676 -0.4404646096498799 -0.48999373705922616 +26378,-0.8232331655106824,0,0.13376371125223796 0.2235352546816864 0.373670422141266 0.4371296166344962 0.4371296166344962 0.3937916301513127 0.30247230149033233 0.18793619435621514 0.03160988597046394 -0.008632530049629385 -0.03804044944892903 -0.1618632679722992 -0.1811584446732651 -0.24080031478094516 -0.2500870261701981 -0.36307534807277464 -0.4327256834921676 -0.4404646096498799 -0.48999373705922616 -0.5919953200187342 +26379,-0.2624693080225413,0,0.2235352546816864 0.373670422141266 0.4371296166344962 0.4371296166344962 0.3937916301513127 0.30247230149033233 0.18793619435621514 0.03160988597046394 -0.008632530049629385 -0.03804044944892903 -0.1618632679722992 -0.1811584446732651 -0.24080031478094516 -0.2500870261701981 -0.36307534807277464 -0.4327256834921676 -0.4404646096498799 -0.48999373705922616 -0.5919953200187342 -0.8232331655106824 +26380,0.07494787245363867,0,0.373670422141266 0.4371296166344962 0.4371296166344962 0.3937916301513127 0.30247230149033233 0.18793619435621514 0.03160988597046394 -0.008632530049629385 -0.03804044944892903 -0.1618632679722992 -0.1811584446732651 -0.24080031478094516 -0.2500870261701981 -0.36307534807277464 -0.4327256834921676 -0.4404646096498799 -0.48999373705922616 -0.5919953200187342 -0.8232331655106824 -0.2624693080225413 +26381,0.36283592552047234,0,0.4371296166344962 0.4371296166344962 0.3937916301513127 0.30247230149033233 0.18793619435621514 0.03160988597046394 -0.008632530049629385 -0.03804044944892903 -0.1618632679722992 -0.1811584446732651 -0.24080031478094516 -0.2500870261701981 -0.36307534807277464 -0.4327256834921676 -0.4404646096498799 -0.48999373705922616 -0.5919953200187342 -0.8232331655106824 -0.2624693080225413 0.07494787245363867 +26382,0.5640480056209477,0,0.4371296166344962 0.3937916301513127 0.30247230149033233 0.18793619435621514 0.03160988597046394 -0.008632530049629385 -0.03804044944892903 -0.1618632679722992 -0.1811584446732651 -0.24080031478094516 -0.2500870261701981 -0.36307534807277464 -0.4327256834921676 -0.4404646096498799 -0.48999373705922616 -0.5919953200187342 -0.8232331655106824 -0.2624693080225413 0.07494787245363867 0.36283592552047234 +26383,0.7219220992382397,0,0.3937916301513127 0.30247230149033233 0.18793619435621514 0.03160988597046394 -0.008632530049629385 -0.03804044944892903 -0.1618632679722992 -0.1811584446732651 -0.24080031478094516 -0.2500870261701981 -0.36307534807277464 -0.4327256834921676 -0.4404646096498799 -0.48999373705922616 -0.5919953200187342 -0.8232331655106824 -0.2624693080225413 0.07494787245363867 0.36283592552047234 0.5640480056209477 +26384,0.7606167300267923,0,0.30247230149033233 0.18793619435621514 0.03160988597046394 -0.008632530049629385 -0.03804044944892903 -0.1618632679722992 -0.1811584446732651 -0.24080031478094516 -0.2500870261701981 -0.36307534807277464 -0.4327256834921676 -0.4404646096498799 -0.48999373705922616 -0.5919953200187342 -0.8232331655106824 -0.2624693080225413 0.07494787245363867 0.36283592552047234 0.5640480056209477 0.7219220992382397 +26385,0.8287192802146446,0,0.18793619435621514 0.03160988597046394 -0.008632530049629385 -0.03804044944892903 -0.1618632679722992 -0.1811584446732651 -0.24080031478094516 -0.2500870261701981 -0.36307534807277464 -0.4327256834921676 -0.4404646096498799 -0.48999373705922616 -0.5919953200187342 -0.8232331655106824 -0.2624693080225413 0.07494787245363867 0.36283592552047234 0.5640480056209477 0.7219220992382397 0.7606167300267923 +26386,0.7064442469228239,0,0.03160988597046394 -0.008632530049629385 -0.03804044944892903 -0.1618632679722992 -0.1811584446732651 -0.24080031478094516 -0.2500870261701981 -0.36307534807277464 -0.4327256834921676 -0.4404646096498799 -0.48999373705922616 -0.5919953200187342 -0.8232331655106824 -0.2624693080225413 0.07494787245363867 0.36283592552047234 0.5640480056209477 0.7219220992382397 0.7606167300267923 0.8287192802146446 +26387,0.46498975080225513,0,-0.008632530049629385 -0.03804044944892903 -0.1618632679722992 -0.1811584446732651 -0.24080031478094516 -0.2500870261701981 -0.36307534807277464 -0.4327256834921676 -0.4404646096498799 -0.48999373705922616 -0.5919953200187342 -0.8232331655106824 -0.2624693080225413 0.07494787245363867 0.36283592552047234 0.5640480056209477 0.7219220992382397 0.7606167300267923 0.8287192802146446 0.7064442469228239 +26388,0.3349757913527134,0,-0.03804044944892903 -0.1618632679722992 -0.1811584446732651 -0.24080031478094516 -0.2500870261701981 -0.36307534807277464 -0.4327256834921676 -0.4404646096498799 -0.48999373705922616 -0.5919953200187342 -0.8232331655106824 -0.2624693080225413 0.07494787245363867 0.36283592552047234 0.5640480056209477 0.7219220992382397 0.7606167300267923 0.8287192802146446 0.7064442469228239 0.46498975080225513 +26389,0.23436975130248006,0,-0.1618632679722992 -0.1811584446732651 -0.24080031478094516 -0.2500870261701981 -0.36307534807277464 -0.4327256834921676 -0.4404646096498799 -0.48999373705922616 -0.5919953200187342 -0.8232331655106824 -0.2624693080225413 0.07494787245363867 0.36283592552047234 0.5640480056209477 0.7219220992382397 0.7606167300267923 0.8287192802146446 0.7064442469228239 0.46498975080225513 0.3349757913527134 +26390,0.19257955005083724,0,-0.1811584446732651 -0.24080031478094516 -0.2500870261701981 -0.36307534807277464 -0.4327256834921676 -0.4404646096498799 -0.48999373705922616 -0.5919953200187342 -0.8232331655106824 -0.2624693080225413 0.07494787245363867 0.36283592552047234 0.5640480056209477 0.7219220992382397 0.7606167300267923 0.8287192802146446 0.7064442469228239 0.46498975080225513 0.3349757913527134 0.23436975130248006 +26391,0.16007606018845622,0,-0.24080031478094516 -0.2500870261701981 -0.36307534807277464 -0.4327256834921676 -0.4404646096498799 -0.48999373705922616 -0.5919953200187342 -0.8232331655106824 -0.2624693080225413 0.07494787245363867 0.36283592552047234 0.5640480056209477 0.7219220992382397 0.7606167300267923 0.8287192802146446 0.7064442469228239 0.46498975080225513 0.3349757913527134 0.23436975130248006 0.19257955005083724 +26392,0.039348812128176223,0,-0.2500870261701981 -0.36307534807277464 -0.4327256834921676 -0.4404646096498799 -0.48999373705922616 -0.5919953200187342 -0.8232331655106824 -0.2624693080225413 0.07494787245363867 0.36283592552047234 0.5640480056209477 0.7219220992382397 0.7606167300267923 0.8287192802146446 0.7064442469228239 0.46498975080225513 0.3349757913527134 0.23436975130248006 0.19257955005083724 0.16007606018845622 +26393,-0.11233414056295289,0,-0.36307534807277464 -0.4327256834921676 -0.4404646096498799 -0.48999373705922616 -0.5919953200187342 -0.8232331655106824 -0.2624693080225413 0.07494787245363867 0.36283592552047234 0.5640480056209477 0.7219220992382397 0.7606167300267923 0.8287192802146446 0.7064442469228239 0.46498975080225513 0.3349757913527134 0.23436975130248006 0.19257955005083724 0.16007606018845622 0.039348812128176223 +26394,-0.14131196743847374,0,-0.4327256834921676 -0.4404646096498799 -0.48999373705922616 -0.5919953200187342 -0.8232331655106824 -0.2624693080225413 0.07494787245363867 0.36283592552047234 0.5640480056209477 0.7219220992382397 0.7606167300267923 0.8287192802146446 0.7064442469228239 0.46498975080225513 0.3349757913527134 0.23436975130248006 0.19257955005083724 0.16007606018845622 0.039348812128176223 -0.11233414056295289 +26395,-0.23925252954940446,0,-0.4404646096498799 -0.48999373705922616 -0.5919953200187342 -0.8232331655106824 -0.2624693080225413 0.07494787245363867 0.36283592552047234 0.5640480056209477 0.7219220992382397 0.7606167300267923 0.8287192802146446 0.7064442469228239 0.46498975080225513 0.3349757913527134 0.23436975130248006 0.19257955005083724 0.16007606018845622 0.039348812128176223 -0.11233414056295289 -0.14131196743847374 +26396,-0.30116393881109393,0,-0.48999373705922616 -0.5919953200187342 -0.8232331655106824 -0.2624693080225413 0.07494787245363867 0.36283592552047234 0.5640480056209477 0.7219220992382397 0.7606167300267923 0.8287192802146446 0.7064442469228239 0.46498975080225513 0.3349757913527134 0.23436975130248006 0.19257955005083724 0.16007606018845622 0.039348812128176223 -0.11233414056295289 -0.14131196743847374 -0.23925252954940446 +26397,-0.356884207146603,0,-0.5919953200187342 -0.8232331655106824 -0.2624693080225413 0.07494787245363867 0.36283592552047234 0.5640480056209477 0.7219220992382397 0.7606167300267923 0.8287192802146446 0.7064442469228239 0.46498975080225513 0.3349757913527134 0.23436975130248006 0.19257955005083724 0.16007606018845622 0.039348812128176223 -0.11233414056295289 -0.14131196743847374 -0.23925252954940446 -0.30116393881109393 +26398,-0.38629212654590267,0,-0.8232331655106824 -0.2624693080225413 0.07494787245363867 0.36283592552047234 0.5640480056209477 0.7219220992382397 0.7606167300267923 0.8287192802146446 0.7064442469228239 0.46498975080225513 0.3349757913527134 0.23436975130248006 0.19257955005083724 0.16007606018845622 0.039348812128176223 -0.11233414056295289 -0.14131196743847374 -0.23925252954940446 -0.30116393881109393 -0.356884207146603 +26399,-0.4342734687237083,0,-0.2624693080225413 0.07494787245363867 0.36283592552047234 0.5640480056209477 0.7219220992382397 0.7606167300267923 0.8287192802146446 0.7064442469228239 0.46498975080225513 0.3349757913527134 0.23436975130248006 0.19257955005083724 0.16007606018845622 0.039348812128176223 -0.11233414056295289 -0.14131196743847374 -0.23925252954940446 -0.30116393881109393 -0.356884207146603 -0.38629212654590267 +26400,-0.47142031428072023,0,0.07494787245363867 0.36283592552047234 0.5640480056209477 0.7219220992382397 0.7606167300267923 0.8287192802146446 0.7064442469228239 0.46498975080225513 0.3349757913527134 0.23436975130248006 0.19257955005083724 0.16007606018845622 0.039348812128176223 -0.11233414056295289 -0.14131196743847374 -0.23925252954940446 -0.30116393881109393 -0.356884207146603 -0.38629212654590267 -0.4342734687237083 +26401,-0.5884785501414741,0,0.36283592552047234 0.5640480056209477 0.7219220992382397 0.7606167300267923 0.8287192802146446 0.7064442469228239 0.46498975080225513 0.3349757913527134 0.23436975130248006 0.19257955005083724 0.16007606018845622 0.039348812128176223 -0.11233414056295289 -0.14131196743847374 -0.23925252954940446 -0.30116393881109393 -0.356884207146603 -0.38629212654590267 -0.4342734687237083 -0.47142031428072023 +26402,-0.8545199952654778,0,0.5640480056209477 0.7219220992382397 0.7606167300267923 0.8287192802146446 0.7064442469228239 0.46498975080225513 0.3349757913527134 0.23436975130248006 0.19257955005083724 0.16007606018845622 0.039348812128176223 -0.11233414056295289 -0.14131196743847374 -0.23925252954940446 -0.30116393881109393 -0.356884207146603 -0.38629212654590267 -0.4342734687237083 -0.47142031428072023 -0.5884785501414741 +26403,-0.08514470600268172,0,0.7219220992382397 0.7606167300267923 0.8287192802146446 0.7064442469228239 0.46498975080225513 0.3349757913527134 0.23436975130248006 0.19257955005083724 0.16007606018845622 0.039348812128176223 -0.11233414056295289 -0.14131196743847374 -0.23925252954940446 -0.30116393881109393 -0.356884207146603 -0.38629212654590267 -0.4342734687237083 -0.47142031428072023 -0.5884785501414741 -0.8545199952654778 +26404,0.14924156356766252,0,0.7606167300267923 0.8287192802146446 0.7064442469228239 0.46498975080225513 0.3349757913527134 0.23436975130248006 0.19257955005083724 0.16007606018845622 0.039348812128176223 -0.11233414056295289 -0.14131196743847374 -0.23925252954940446 -0.30116393881109393 -0.356884207146603 -0.38629212654590267 -0.4342734687237083 -0.47142031428072023 -0.5884785501414741 -0.8545199952654778 -0.08514470600268172 +26405,0.3721226369097253,0,0.8287192802146446 0.7064442469228239 0.46498975080225513 0.3349757913527134 0.23436975130248006 0.19257955005083724 0.16007606018845622 0.039348812128176223 -0.11233414056295289 -0.14131196743847374 -0.23925252954940446 -0.30116393881109393 -0.356884207146603 -0.38629212654590267 -0.4342734687237083 -0.47142031428072023 -0.5884785501414741 -0.8545199952654778 -0.08514470600268172 0.14924156356766252 +26406,0.6785841127550649,0,0.7064442469228239 0.46498975080225513 0.3349757913527134 0.23436975130248006 0.19257955005083724 0.16007606018845622 0.039348812128176223 -0.11233414056295289 -0.14131196743847374 -0.23925252954940446 -0.30116393881109393 -0.356884207146603 -0.38629212654590267 -0.4342734687237083 -0.47142031428072023 -0.5884785501414741 -0.8545199952654778 -0.08514470600268172 0.14924156356766252 0.3721226369097253 +26407,0.8983696156340375,0,0.46498975080225513 0.3349757913527134 0.23436975130248006 0.19257955005083724 0.16007606018845622 0.039348812128176223 -0.11233414056295289 -0.14131196743847374 -0.23925252954940446 -0.30116393881109393 -0.356884207146603 -0.38629212654590267 -0.4342734687237083 -0.47142031428072023 -0.5884785501414741 -0.8545199952654778 -0.08514470600268172 0.14924156356766252 0.3721226369097253 0.6785841127550649 +26408,1.02993136031512,0,0.3349757913527134 0.23436975130248006 0.19257955005083724 0.16007606018845622 0.039348812128176223 -0.11233414056295289 -0.14131196743847374 -0.23925252954940446 -0.30116393881109393 -0.356884207146603 -0.38629212654590267 -0.4342734687237083 -0.47142031428072023 -0.5884785501414741 -0.8545199952654778 -0.08514470600268172 0.14924156356766252 0.3721226369097253 0.6785841127550649 0.8983696156340375 +26409,1.0964861252714315,0,0.23436975130248006 0.19257955005083724 0.16007606018845622 0.039348812128176223 -0.11233414056295289 -0.14131196743847374 -0.23925252954940446 -0.30116393881109393 -0.356884207146603 -0.38629212654590267 -0.4342734687237083 -0.47142031428072023 -0.5884785501414741 -0.8545199952654778 -0.08514470600268172 0.14924156356766252 0.3721226369097253 0.6785841127550649 0.8983696156340375 1.02993136031512 +26410,1.136728541291525,0,0.19257955005083724 0.16007606018845622 0.039348812128176223 -0.11233414056295289 -0.14131196743847374 -0.23925252954940446 -0.30116393881109393 -0.356884207146603 -0.38629212654590267 -0.4342734687237083 -0.47142031428072023 -0.5884785501414741 -0.8545199952654778 -0.08514470600268172 0.14924156356766252 0.3721226369097253 0.6785841127550649 0.8983696156340375 1.02993136031512 1.0964861252714315 +26411,1.076364917261385,0,0.16007606018845622 0.039348812128176223 -0.11233414056295289 -0.14131196743847374 -0.23925252954940446 -0.30116393881109393 -0.356884207146603 -0.38629212654590267 -0.4342734687237083 -0.47142031428072023 -0.5884785501414741 -0.8545199952654778 -0.08514470600268172 0.14924156356766252 0.3721226369097253 0.6785841127550649 0.8983696156340375 1.02993136031512 1.0964861252714315 1.136728541291525 +26412,0.941707602117221,0,0.039348812128176223 -0.11233414056295289 -0.14131196743847374 -0.23925252954940446 -0.30116393881109393 -0.356884207146603 -0.38629212654590267 -0.4342734687237083 -0.47142031428072023 -0.5884785501414741 -0.8545199952654778 -0.08514470600268172 0.14924156356766252 0.3721226369097253 0.6785841127550649 0.8983696156340375 1.02993136031512 1.0964861252714315 1.136728541291525 1.076364917261385 +26413,0.7915724346576326,0,-0.11233414056295289 -0.14131196743847374 -0.23925252954940446 -0.30116393881109393 -0.356884207146603 -0.38629212654590267 -0.4342734687237083 -0.47142031428072023 -0.5884785501414741 -0.8545199952654778 -0.08514470600268172 0.14924156356766252 0.3721226369097253 0.6785841127550649 0.8983696156340375 1.02993136031512 1.0964861252714315 1.136728541291525 1.076364917261385 0.941707602117221 +26414,0.5299967305270172,0,-0.14131196743847374 -0.23925252954940446 -0.30116393881109393 -0.356884207146603 -0.38629212654590267 -0.4342734687237083 -0.47142031428072023 -0.5884785501414741 -0.8545199952654778 -0.08514470600268172 0.14924156356766252 0.3721226369097253 0.6785841127550649 0.8983696156340375 1.02993136031512 1.0964861252714315 1.136728541291525 1.076364917261385 0.941707602117221 0.7915724346576326 +26415,0.38605270399360037,0,-0.23925252954940446 -0.30116393881109393 -0.356884207146603 -0.38629212654590267 -0.4342734687237083 -0.47142031428072023 -0.5884785501414741 -0.8545199952654778 -0.08514470600268172 0.14924156356766252 0.3721226369097253 0.6785841127550649 0.8983696156340375 1.02993136031512 1.0964861252714315 1.136728541291525 1.076364917261385 0.941707602117221 0.7915724346576326 0.5299967305270172 +26416,0.23127418083938986,0,-0.30116393881109393 -0.356884207146603 -0.38629212654590267 -0.4342734687237083 -0.47142031428072023 -0.5884785501414741 -0.8545199952654778 -0.08514470600268172 0.14924156356766252 0.3721226369097253 0.6785841127550649 0.8983696156340375 1.02993136031512 1.0964861252714315 1.136728541291525 1.076364917261385 0.941707602117221 0.7915724346576326 0.5299967305270172 0.38605270399360037 +26417,0.09816465092677551,0,-0.356884207146603 -0.38629212654590267 -0.4342734687237083 -0.47142031428072023 -0.5884785501414741 -0.8545199952654778 -0.08514470600268172 0.14924156356766252 0.3721226369097253 0.6785841127550649 0.8983696156340375 1.02993136031512 1.0964861252714315 1.136728541291525 1.076364917261385 0.941707602117221 0.7915724346576326 0.5299967305270172 0.38605270399360037 0.23127418083938986 +26418,0.04708773828587971,0,-0.38629212654590267 -0.4342734687237083 -0.47142031428072023 -0.5884785501414741 -0.8545199952654778 -0.08514470600268172 0.14924156356766252 0.3721226369097253 0.6785841127550649 0.8983696156340375 1.02993136031512 1.0964861252714315 1.136728541291525 1.076364917261385 0.941707602117221 0.7915724346576326 0.5299967305270172 0.38605270399360037 0.23127418083938986 0.09816465092677551 +26419,-0.005536959586547991,0,-0.4342734687237083 -0.47142031428072023 -0.5884785501414741 -0.8545199952654778 -0.08514470600268172 0.14924156356766252 0.3721226369097253 0.6785841127550649 0.8983696156340375 1.02993136031512 1.0964861252714315 1.136728541291525 1.076364917261385 0.941707602117221 0.7915724346576326 0.5299967305270172 0.38605270399360037 0.23127418083938986 0.09816465092677551 0.04708773828587971 +26420,-0.10614299963678131,0,-0.47142031428072023 -0.5884785501414741 -0.8545199952654778 -0.08514470600268172 0.14924156356766252 0.3721226369097253 0.6785841127550649 0.8983696156340375 1.02993136031512 1.0964861252714315 1.136728541291525 1.076364917261385 0.941707602117221 0.7915724346576326 0.5299967305270172 0.38605270399360037 0.23127418083938986 0.09816465092677551 0.04708773828587971 -0.005536959586547991 +26421,-0.18972340214005814,0,-0.5884785501414741 -0.8545199952654778 -0.08514470600268172 0.14924156356766252 0.3721226369097253 0.6785841127550649 0.8983696156340375 1.02993136031512 1.0964861252714315 1.136728541291525 1.076364917261385 0.941707602117221 0.7915724346576326 0.5299967305270172 0.38605270399360037 0.23127418083938986 0.09816465092677551 0.04708773828587971 -0.005536959586547991 -0.10614299963678131 +26422,-0.2222268920024392,0,-0.8545199952654778 -0.08514470600268172 0.14924156356766252 0.3721226369097253 0.6785841127550649 0.8983696156340375 1.02993136031512 1.0964861252714315 1.136728541291525 1.076364917261385 0.941707602117221 0.7915724346576326 0.5299967305270172 0.38605270399360037 0.23127418083938986 0.09816465092677551 0.04708773828587971 -0.005536959586547991 -0.10614299963678131 -0.18972340214005814 +26423,-0.26092152279099184,0,-0.08514470600268172 0.14924156356766252 0.3721226369097253 0.6785841127550649 0.8983696156340375 1.02993136031512 1.0964861252714315 1.136728541291525 1.076364917261385 0.941707602117221 0.7915724346576326 0.5299967305270172 0.38605270399360037 0.23127418083938986 0.09816465092677551 0.04708773828587971 -0.005536959586547991 -0.10614299963678131 -0.18972340214005814 -0.2222268920024392 +26424,-0.29187722742184097,0,0.14924156356766252 0.3721226369097253 0.6785841127550649 0.8983696156340375 1.02993136031512 1.0964861252714315 1.136728541291525 1.076364917261385 0.941707602117221 0.7915724346576326 0.5299967305270172 0.38605270399360037 0.23127418083938986 0.09816465092677551 0.04708773828587971 -0.005536959586547991 -0.10614299963678131 -0.18972340214005814 -0.2222268920024392 -0.26092152279099184 +26425,-0.2827756303723861,0,0.3721226369097253 0.6785841127550649 0.8983696156340375 1.02993136031512 1.0964861252714315 1.136728541291525 1.076364917261385 0.941707602117221 0.7915724346576326 0.5299967305270172 0.38605270399360037 0.23127418083938986 0.09816465092677551 0.04708773828587971 -0.005536959586547991 -0.10614299963678131 -0.18972340214005814 -0.2222268920024392 -0.26092152279099184 -0.29187722742184097 +26426,-0.2516348114017388,0,0.6785841127550649 0.8983696156340375 1.02993136031512 1.0964861252714315 1.136728541291525 1.076364917261385 0.941707602117221 0.7915724346576326 0.5299967305270172 0.38605270399360037 0.23127418083938986 0.09816465092677551 0.04708773828587971 -0.005536959586547991 -0.10614299963678131 -0.18972340214005814 -0.2222268920024392 -0.26092152279099184 -0.29187722742184097 -0.2827756303723861 +26427,0.05792223490668219,0,0.8983696156340375 1.02993136031512 1.0964861252714315 1.136728541291525 1.076364917261385 0.941707602117221 0.7915724346576326 0.5299967305270172 0.38605270399360037 0.23127418083938986 0.09816465092677551 0.04708773828587971 -0.005536959586547991 -0.10614299963678131 -0.18972340214005814 -0.2222268920024392 -0.26092152279099184 -0.29187722742184097 -0.2827756303723861 -0.2516348114017388 +26428,0.5439267976109011,0,1.02993136031512 1.0964861252714315 1.136728541291525 1.076364917261385 0.941707602117221 0.7915724346576326 0.5299967305270172 0.38605270399360037 0.23127418083938986 0.09816465092677551 0.04708773828587971 -0.005536959586547991 -0.10614299963678131 -0.18972340214005814 -0.2222268920024392 -0.26092152279099184 -0.29187722742184097 -0.2827756303723861 -0.2516348114017388 0.05792223490668219 +26429,0.7884768641945512,0,1.0964861252714315 1.136728541291525 1.076364917261385 0.941707602117221 0.7915724346576326 0.5299967305270172 0.38605270399360037 0.23127418083938986 0.09816465092677551 0.04708773828587971 -0.005536959586547991 -0.10614299963678131 -0.18972340214005814 -0.2222268920024392 -0.26092152279099184 -0.29187722742184097 -0.2827756303723861 -0.2516348114017388 0.05792223490668219 0.5439267976109011 +26430,1.0933905548083502,0,1.136728541291525 1.076364917261385 0.941707602117221 0.7915724346576326 0.5299967305270172 0.38605270399360037 0.23127418083938986 0.09816465092677551 0.04708773828587971 -0.005536959586547991 -0.10614299963678131 -0.18972340214005814 -0.2222268920024392 -0.26092152279099184 -0.29187722742184097 -0.2827756303723861 -0.2516348114017388 0.05792223490668219 0.5439267976109011 0.7884768641945512 +26431,1.2992459906034477,0,1.076364917261385 0.941707602117221 0.7915724346576326 0.5299967305270172 0.38605270399360037 0.23127418083938986 0.09816465092677551 0.04708773828587971 -0.005536959586547991 -0.10614299963678131 -0.18972340214005814 -0.2222268920024392 -0.26092152279099184 -0.29187722742184097 -0.2827756303723861 -0.2516348114017388 0.05792223490668219 0.5439267976109011 0.7884768641945512 1.0933905548083502 +26432,1.5081969968616267,0,0.941707602117221 0.7915724346576326 0.5299967305270172 0.38605270399360037 0.23127418083938986 0.09816465092677551 0.04708773828587971 -0.005536959586547991 -0.10614299963678131 -0.18972340214005814 -0.2222268920024392 -0.26092152279099184 -0.29187722742184097 -0.2827756303723861 -0.2516348114017388 0.05792223490668219 0.5439267976109011 0.7884768641945512 1.0933905548083502 1.2992459906034477 +26433,1.5902296141333627,0,0.7915724346576326 0.5299967305270172 0.38605270399360037 0.23127418083938986 0.09816465092677551 0.04708773828587971 -0.005536959586547991 -0.10614299963678131 -0.18972340214005814 -0.2222268920024392 -0.26092152279099184 -0.29187722742184097 -0.2827756303723861 -0.2516348114017388 0.05792223490668219 0.5439267976109011 0.7884768641945512 1.0933905548083502 1.2992459906034477 1.5081969968616267 +26434,1.6196375335326625,0,0.5299967305270172 0.38605270399360037 0.23127418083938986 0.09816465092677551 0.04708773828587971 -0.005536959586547991 -0.10614299963678131 -0.18972340214005814 -0.2222268920024392 -0.26092152279099184 -0.29187722742184097 -0.2827756303723861 -0.2516348114017388 0.05792223490668219 0.5439267976109011 0.7884768641945512 1.0933905548083502 1.2992459906034477 1.5081969968616267 1.5902296141333627 +26435,1.574751761817938,0,0.38605270399360037 0.23127418083938986 0.09816465092677551 0.04708773828587971 -0.005536959586547991 -0.10614299963678131 -0.18972340214005814 -0.2222268920024392 -0.26092152279099184 -0.29187722742184097 -0.2827756303723861 -0.2516348114017388 0.05792223490668219 0.5439267976109011 0.7884768641945512 1.0933905548083502 1.2992459906034477 1.5081969968616267 1.5902296141333627 1.6196375335326625 +26436,1.3658007555597593,0,0.23127418083938986 0.09816465092677551 0.04708773828587971 -0.005536959586547991 -0.10614299963678131 -0.18972340214005814 -0.2222268920024392 -0.26092152279099184 -0.29187722742184097 -0.2827756303723861 -0.2516348114017388 0.05792223490668219 0.5439267976109011 0.7884768641945512 1.0933905548083502 1.2992459906034477 1.5081969968616267 1.5902296141333627 1.6196375335326625 1.574751761817938 +26437,1.1475630379123185,0,0.09816465092677551 0.04708773828587971 -0.005536959586547991 -0.10614299963678131 -0.18972340214005814 -0.2222268920024392 -0.26092152279099184 -0.29187722742184097 -0.2827756303723861 -0.2516348114017388 0.05792223490668219 0.5439267976109011 0.7884768641945512 1.0933905548083502 1.2992459906034477 1.5081969968616267 1.5902296141333627 1.6196375335326625 1.574751761817938 1.3658007555597593 +26438,0.8364582063723568,0,0.04708773828587971 -0.005536959586547991 -0.10614299963678131 -0.18972340214005814 -0.2222268920024392 -0.26092152279099184 -0.29187722742184097 -0.2827756303723861 -0.2516348114017388 0.05792223490668219 0.5439267976109011 0.7884768641945512 1.0933905548083502 1.2992459906034477 1.5081969968616267 1.5902296141333627 1.6196375335326625 1.574751761817938 1.3658007555597593 1.1475630379123185 +26439,0.7312088106274927,0,-0.005536959586547991 -0.10614299963678131 -0.18972340214005814 -0.2222268920024392 -0.26092152279099184 -0.29187722742184097 -0.2827756303723861 -0.2516348114017388 0.05792223490668219 0.5439267976109011 0.7884768641945512 1.0933905548083502 1.2992459906034477 1.5081969968616267 1.5902296141333627 1.6196375335326625 1.574751761817938 1.3658007555597593 1.1475630379123185 0.8364582063723568 +26440,0.5516657237686133,0,-0.10614299963678131 -0.18972340214005814 -0.2222268920024392 -0.26092152279099184 -0.29187722742184097 -0.2827756303723861 -0.2516348114017388 0.05792223490668219 0.5439267976109011 0.7884768641945512 1.0933905548083502 1.2992459906034477 1.5081969968616267 1.5902296141333627 1.6196375335326625 1.574751761817938 1.3658007555597593 1.1475630379123185 0.8364582063723568 0.7312088106274927 +26441,0.4324862609398653,0,-0.18972340214005814 -0.2222268920024392 -0.26092152279099184 -0.29187722742184097 -0.2827756303723861 -0.2516348114017388 0.05792223490668219 0.5439267976109011 0.7884768641945512 1.0933905548083502 1.2992459906034477 1.5081969968616267 1.5902296141333627 1.6196375335326625 1.574751761817938 1.3658007555597593 1.1475630379123185 0.8364582063723568 0.7312088106274927 0.5516657237686133 +26442,0.3701129811114756,0,-0.2222268920024392 -0.26092152279099184 -0.29187722742184097 -0.2827756303723861 -0.2516348114017388 0.05792223490668219 0.5439267976109011 0.7884768641945512 1.0933905548083502 1.2992459906034477 1.5081969968616267 1.5902296141333627 1.6196375335326625 1.574751761817938 1.3658007555597593 1.1475630379123185 0.8364582063723568 0.7312088106274927 0.5516657237686133 0.4324862609398653 +26443,0.24829981838635515,0,-0.26092152279099184 -0.29187722742184097 -0.2827756303723861 -0.2516348114017388 0.05792223490668219 0.5439267976109011 0.7884768641945512 1.0933905548083502 1.2992459906034477 1.5081969968616267 1.5902296141333627 1.6196375335326625 1.574751761817938 1.3658007555597593 1.1475630379123185 0.8364582063723568 0.7312088106274927 0.5516657237686133 0.4324862609398653 0.3701129811114756 +26444,0.20031847620854953,0,-0.29187722742184097 -0.2827756303723861 -0.2516348114017388 0.05792223490668219 0.5439267976109011 0.7884768641945512 1.0933905548083502 1.2992459906034477 1.5081969968616267 1.5902296141333627 1.6196375335326625 1.574751761817938 1.3658007555597593 1.1475630379123185 0.8364582063723568 0.7312088106274927 0.5516657237686133 0.4324862609398653 0.3701129811114756 0.24829981838635515 +26445,0.15698048972537482,0,-0.2827756303723861 -0.2516348114017388 0.05792223490668219 0.5439267976109011 0.7884768641945512 1.0933905548083502 1.2992459906034477 1.5081969968616267 1.5902296141333627 1.6196375335326625 1.574751761817938 1.3658007555597593 1.1475630379123185 0.8364582063723568 0.7312088106274927 0.5516657237686133 0.4324862609398653 0.3701129811114756 0.24829981838635515 0.20031847620854953 +26446,0.13376371125223796,0,-0.2516348114017388 0.05792223490668219 0.5439267976109011 0.7884768641945512 1.0933905548083502 1.2992459906034477 1.5081969968616267 1.5902296141333627 1.6196375335326625 1.574751761817938 1.3658007555597593 1.1475630379123185 0.8364582063723568 0.7312088106274927 0.5516657237686133 0.4324862609398653 0.3701129811114756 0.24829981838635515 0.20031847620854953 0.15698048972537482 +26447,0.09352129523214463,0,0.05792223490668219 0.5439267976109011 0.7884768641945512 1.0933905548083502 1.2992459906034477 1.5081969968616267 1.5902296141333627 1.6196375335326625 1.574751761817938 1.3658007555597593 1.1475630379123185 0.8364582063723568 0.7312088106274927 0.5516657237686133 0.4324862609398653 0.3701129811114756 0.24829981838635515 0.20031847620854953 0.15698048972537482 0.13376371125223796 +26448,0.07340008722209797,0,0.5439267976109011 0.7884768641945512 1.0933905548083502 1.2992459906034477 1.5081969968616267 1.5902296141333627 1.6196375335326625 1.574751761817938 1.3658007555597593 1.1475630379123185 0.8364582063723568 0.7312088106274927 0.5516657237686133 0.4324862609398653 0.3701129811114756 0.24829981838635515 0.20031847620854953 0.15698048972537482 0.13376371125223796 0.09352129523214463 +26449,0.0840053769713135,0,0.7884768641945512 1.0933905548083502 1.2992459906034477 1.5081969968616267 1.5902296141333627 1.6196375335326625 1.574751761817938 1.3658007555597593 1.1475630379123185 0.8364582063723568 0.7312088106274927 0.5516657237686133 0.4324862609398653 0.3701129811114756 0.24829981838635515 0.20031847620854953 0.15698048972537482 0.13376371125223796 0.09352129523214463 0.07340008722209797 +26450,0.12138142939990357,0,1.0933905548083502 1.2992459906034477 1.5081969968616267 1.5902296141333627 1.6196375335326625 1.574751761817938 1.3658007555597593 1.1475630379123185 0.8364582063723568 0.7312088106274927 0.5516657237686133 0.4324862609398653 0.3701129811114756 0.24829981838635515 0.20031847620854953 0.15698048972537482 0.13376371125223796 0.09352129523214463 0.07340008722209797 0.0840053769713135 +26451,0.28445285333430476,0,1.2992459906034477 1.5081969968616267 1.5902296141333627 1.6196375335326625 1.574751761817938 1.3658007555597593 1.1475630379123185 0.8364582063723568 0.7312088106274927 0.5516657237686133 0.4324862609398653 0.3701129811114756 0.24829981838635515 0.20031847620854953 0.15698048972537482 0.13376371125223796 0.09352129523214463 0.07340008722209797 0.0840053769713135 0.12138142939990357 +26452,0.8565794143824035,0,1.5081969968616267 1.5902296141333627 1.6196375335326625 1.574751761817938 1.3658007555597593 1.1475630379123185 0.8364582063723568 0.7312088106274927 0.5516657237686133 0.4324862609398653 0.3701129811114756 0.24829981838635515 0.20031847620854953 0.15698048972537482 0.13376371125223796 0.09352129523214463 0.07340008722209797 0.0840053769713135 0.12138142939990357 0.28445285333430476 +26453,1.2249522994894237,0,1.5902296141333627 1.6196375335326625 1.574751761817938 1.3658007555597593 1.1475630379123185 0.8364582063723568 0.7312088106274927 0.5516657237686133 0.4324862609398653 0.3701129811114756 0.24829981838635515 0.20031847620854953 0.15698048972537482 0.13376371125223796 0.09352129523214463 0.07340008722209797 0.0840053769713135 0.12138142939990357 0.28445285333430476 0.8565794143824035 +26454,1.585586258438732,0,1.6196375335326625 1.574751761817938 1.3658007555597593 1.1475630379123185 0.8364582063723568 0.7312088106274927 0.5516657237686133 0.4324862609398653 0.3701129811114756 0.24829981838635515 0.20031847620854953 0.15698048972537482 0.13376371125223796 0.09352129523214463 0.07340008722209797 0.0840053769713135 0.12138142939990357 0.28445285333430476 0.8565794143824035 1.2249522994894237 +26455,1.926099009378002,0,1.574751761817938 1.3658007555597593 1.1475630379123185 0.8364582063723568 0.7312088106274927 0.5516657237686133 0.4324862609398653 0.3701129811114756 0.24829981838635515 0.20031847620854953 0.15698048972537482 0.13376371125223796 0.09352129523214463 0.07340008722209797 0.0840053769713135 0.12138142939990357 0.28445285333430476 0.8565794143824035 1.2249522994894237 1.585586258438732 +26456,2.130406659941559,0,1.3658007555597593 1.1475630379123185 0.8364582063723568 0.7312088106274927 0.5516657237686133 0.4324862609398653 0.3701129811114756 0.24829981838635515 0.20031847620854953 0.15698048972537482 0.13376371125223796 0.09352129523214463 0.07340008722209797 0.0840053769713135 0.12138142939990357 0.28445285333430476 0.8565794143824035 1.2249522994894237 1.585586258438732 1.926099009378002 +26457,2.2418471966125857,0,1.1475630379123185 0.8364582063723568 0.7312088106274927 0.5516657237686133 0.4324862609398653 0.3701129811114756 0.24829981838635515 0.20031847620854953 0.15698048972537482 0.13376371125223796 0.09352129523214463 0.07340008722209797 0.0840053769713135 0.12138142939990357 0.28445285333430476 0.8565794143824035 1.2249522994894237 1.585586258438732 1.926099009378002 2.130406659941559 +26458,2.232560485223333,0,0.8364582063723568 0.7312088106274927 0.5516657237686133 0.4324862609398653 0.3701129811114756 0.24829981838635515 0.20031847620854953 0.15698048972537482 0.13376371125223796 0.09352129523214463 0.07340008722209797 0.0840053769713135 0.12138142939990357 0.28445285333430476 0.8565794143824035 1.2249522994894237 1.585586258438732 1.926099009378002 2.130406659941559 2.2418471966125857 +26459,2.1721968611931928,0,0.7312088106274927 0.5516657237686133 0.4324862609398653 0.3701129811114756 0.24829981838635515 0.20031847620854953 0.15698048972537482 0.13376371125223796 0.09352129523214463 0.07340008722209797 0.0840053769713135 0.12138142939990357 0.28445285333430476 0.8565794143824035 1.2249522994894237 1.585586258438732 1.926099009378002 2.130406659941559 2.2418471966125857 2.232560485223333 +26460,1.9756281367873483,0,0.5516657237686133 0.4324862609398653 0.3701129811114756 0.24829981838635515 0.20031847620854953 0.15698048972537482 0.13376371125223796 0.09352129523214463 0.07340008722209797 0.0840053769713135 0.12138142939990357 0.28445285333430476 0.8565794143824035 1.2249522994894237 1.585586258438732 1.926099009378002 2.130406659941559 2.2418471966125857 2.232560485223333 2.1721968611931928 +26461,1.7202435735828958,0,0.4324862609398653 0.3701129811114756 0.24829981838635515 0.20031847620854953 0.15698048972537482 0.13376371125223796 0.09352129523214463 0.07340008722209797 0.0840053769713135 0.12138142939990357 0.28445285333430476 0.8565794143824035 1.2249522994894237 1.585586258438732 1.926099009378002 2.130406659941559 2.2418471966125857 2.232560485223333 2.1721968611931928 1.9756281367873483 +26462,1.3240105543081164,0,0.3701129811114756 0.24829981838635515 0.20031847620854953 0.15698048972537482 0.13376371125223796 0.09352129523214463 0.07340008722209797 0.0840053769713135 0.12138142939990357 0.28445285333430476 0.8565794143824035 1.2249522994894237 1.585586258438732 1.926099009378002 2.130406659941559 2.2418471966125857 2.232560485223333 2.1721968611931928 1.9756281367873483 1.7202435735828958 +26463,1.1893532391639525,0,0.24829981838635515 0.20031847620854953 0.15698048972537482 0.13376371125223796 0.09352129523214463 0.07340008722209797 0.0840053769713135 0.12138142939990357 0.28445285333430476 0.8565794143824035 1.2249522994894237 1.585586258438732 1.926099009378002 2.130406659941559 2.2418471966125857 2.232560485223333 2.1721968611931928 1.9756281367873483 1.7202435735828958 1.3240105543081164 +26464,1.0005234409158204,0,0.20031847620854953 0.15698048972537482 0.13376371125223796 0.09352129523214463 0.07340008722209797 0.0840053769713135 0.12138142939990357 0.28445285333430476 0.8565794143824035 1.2249522994894237 1.585586258438732 1.926099009378002 2.130406659941559 2.2418471966125857 2.232560485223333 2.1721968611931928 1.9756281367873483 1.7202435735828958 1.3240105543081164 1.1893532391639525 +26465,0.9262297498017965,0,0.15698048972537482 0.13376371125223796 0.09352129523214463 0.07340008722209797 0.0840053769713135 0.12138142939990357 0.28445285333430476 0.8565794143824035 1.2249522994894237 1.585586258438732 1.926099009378002 2.130406659941559 2.2418471966125857 2.232560485223333 2.1721968611931928 1.9756281367873483 1.7202435735828958 1.3240105543081164 1.1893532391639525 1.0005234409158204 +26466,0.8813919122218091,0,0.13376371125223796 0.09352129523214463 0.07340008722209797 0.0840053769713135 0.12138142939990357 0.28445285333430476 0.8565794143824035 1.2249522994894237 1.585586258438732 1.926099009378002 2.130406659941559 2.2418471966125857 2.232560485223333 2.1721968611931928 1.9756281367873483 1.7202435735828958 1.3240105543081164 1.1893532391639525 1.0005234409158204 0.9262297498017965 +26467,0.7265654549328705,0,0.09352129523214463 0.07340008722209797 0.0840053769713135 0.12138142939990357 0.28445285333430476 0.8565794143824035 1.2249522994894237 1.585586258438732 1.926099009378002 2.130406659941559 2.2418471966125857 2.232560485223333 2.1721968611931928 1.9756281367873483 1.7202435735828958 1.3240105543081164 1.1893532391639525 1.0005234409158204 0.9262297498017965 0.8813919122218091 +26468,0.673940757060434,0,0.07340008722209797 0.0840053769713135 0.12138142939990357 0.28445285333430476 0.8565794143824035 1.2249522994894237 1.585586258438732 1.926099009378002 2.130406659941559 2.2418471966125857 2.232560485223333 2.1721968611931928 1.9756281367873483 1.7202435735828958 1.3240105543081164 1.1893532391639525 1.0005234409158204 0.9262297498017965 0.8813919122218091 0.7265654549328705 +26469,0.641437267198053,0,0.0840053769713135 0.12138142939990357 0.28445285333430476 0.8565794143824035 1.2249522994894237 1.585586258438732 1.926099009378002 2.130406659941559 2.2418471966125857 2.232560485223333 2.1721968611931928 1.9756281367873483 1.7202435735828958 1.3240105543081164 1.1893532391639525 1.0005234409158204 0.9262297498017965 0.8813919122218091 0.7265654549328705 0.673940757060434 +26470,0.41424052813077217,0,0.12138142939990357 0.28445285333430476 0.8565794143824035 1.2249522994894237 1.585586258438732 1.926099009378002 2.130406659941559 2.2418471966125857 2.232560485223333 2.1721968611931928 1.9756281367873483 1.7202435735828958 1.3240105543081164 1.1893532391639525 1.0005234409158204 0.9262297498017965 0.8813919122218091 0.7265654549328705 0.673940757060434 0.641437267198053 +26471,0.08323758990394695,0,0.28445285333430476 0.8565794143824035 1.2249522994894237 1.585586258438732 1.926099009378002 2.130406659941559 2.2418471966125857 2.232560485223333 2.1721968611931928 1.9756281367873483 1.7202435735828958 1.3240105543081164 1.1893532391639525 1.0005234409158204 0.9262297498017965 0.8813919122218091 0.7265654549328705 0.673940757060434 0.641437267198053 0.41424052813077217 +26472,0.521332841878579,0,0.8565794143824035 1.2249522994894237 1.585586258438732 1.926099009378002 2.130406659941559 2.2418471966125857 2.232560485223333 2.1721968611931928 1.9756281367873483 1.7202435735828958 1.3240105543081164 1.1893532391639525 1.0005234409158204 0.9262297498017965 0.8813919122218091 0.7265654549328705 0.673940757060434 0.641437267198053 0.41424052813077217 0.08323758990394695 +26473,0.03230661622996744,0,1.2249522994894237 1.585586258438732 1.926099009378002 2.130406659941559 2.2418471966125857 2.232560485223333 2.1721968611931928 1.9756281367873483 1.7202435735828958 1.3240105543081164 1.1893532391639525 1.0005234409158204 0.9262297498017965 0.8813919122218091 0.7265654549328705 0.673940757060434 0.641437267198053 0.41424052813077217 0.08323758990394695 0.521332841878579 +26474,0.4154606233929,0,1.585586258438732 1.926099009378002 2.130406659941559 2.2418471966125857 2.232560485223333 2.1721968611931928 1.9756281367873483 1.7202435735828958 1.3240105543081164 1.1893532391639525 1.0005234409158204 0.9262297498017965 0.8813919122218091 0.7265654549328705 0.673940757060434 0.641437267198053 0.41424052813077217 0.08323758990394695 0.521332841878579 0.03230661622996744 +26475,0.8055025017415165,0,1.926099009378002 2.130406659941559 2.2418471966125857 2.232560485223333 2.1721968611931928 1.9756281367873483 1.7202435735828958 1.3240105543081164 1.1893532391639525 1.0005234409158204 0.9262297498017965 0.8813919122218091 0.7265654549328705 0.673940757060434 0.641437267198053 0.41424052813077217 0.08323758990394695 0.521332841878579 0.03230661622996744 0.4154606233929 +26476,1.7527470634452855,0,2.130406659941559 2.2418471966125857 2.232560485223333 2.1721968611931928 1.9756281367873483 1.7202435735828958 1.3240105543081164 1.1893532391639525 1.0005234409158204 0.9262297498017965 0.8813919122218091 0.7265654549328705 0.673940757060434 0.641437267198053 0.41424052813077217 0.08323758990394695 0.521332841878579 0.03230661622996744 0.4154606233929 0.8055025017415165 +26477,1.9570547140088423,0,2.2418471966125857 2.232560485223333 2.1721968611931928 1.9756281367873483 1.7202435735828958 1.3240105543081164 1.1893532391639525 1.0005234409158204 0.9262297498017965 0.8813919122218091 0.7265654549328705 0.673940757060434 0.641437267198053 0.41424052813077217 0.08323758990394695 0.521332841878579 0.03230661622996744 0.4154606233929 0.8055025017415165 1.7527470634452855 +26478,2.4755627665754423,0,2.232560485223333 2.1721968611931928 1.9756281367873483 1.7202435735828958 1.3240105543081164 1.1893532391639525 1.0005234409158204 0.9262297498017965 0.8813919122218091 0.7265654549328705 0.673940757060434 0.641437267198053 0.41424052813077217 0.08323758990394695 0.521332841878579 0.03230661622996744 0.4154606233929 0.8055025017415165 1.7527470634452855 1.9570547140088423 +26479,2.7247561888537235,0,2.1721968611931928 1.9756281367873483 1.7202435735828958 1.3240105543081164 1.1893532391639525 1.0005234409158204 0.9262297498017965 0.8813919122218091 0.7265654549328705 0.673940757060434 0.641437267198053 0.41424052813077217 0.08323758990394695 0.521332841878579 0.03230661622996744 0.4154606233929 0.8055025017415165 1.7527470634452855 1.9570547140088423 2.4755627665754423 +26480,2.9507328326588764,0,1.9756281367873483 1.7202435735828958 1.3240105543081164 1.1893532391639525 1.0005234409158204 0.9262297498017965 0.8813919122218091 0.7265654549328705 0.673940757060434 0.641437267198053 0.41424052813077217 0.08323758990394695 0.521332841878579 0.03230661622996744 0.4154606233929 0.8055025017415165 1.7527470634452855 1.9570547140088423 2.4755627665754423 2.7247561888537235 +26481,2.891916993860268,0,1.7202435735828958 1.3240105543081164 1.1893532391639525 1.0005234409158204 0.9262297498017965 0.8813919122218091 0.7265654549328705 0.673940757060434 0.641437267198053 0.41424052813077217 0.08323758990394695 0.521332841878579 0.03230661622996744 0.4154606233929 0.8055025017415165 1.7527470634452855 1.9570547140088423 2.4755627665754423 2.7247561888537235 2.9507328326588764 +26482,2.7568817898926232,0,1.3240105543081164 1.1893532391639525 1.0005234409158204 0.9262297498017965 0.8813919122218091 0.7265654549328705 0.673940757060434 0.641437267198053 0.41424052813077217 0.08323758990394695 0.521332841878579 0.03230661622996744 0.4154606233929 0.8055025017415165 1.7527470634452855 1.9570547140088423 2.4755627665754423 2.7247561888537235 2.9507328326588764 2.891916993860268 +26483,2.5509831306471478,0,1.1893532391639525 1.0005234409158204 0.9262297498017965 0.8813919122218091 0.7265654549328705 0.673940757060434 0.641437267198053 0.41424052813077217 0.08323758990394695 0.521332841878579 0.03230661622996744 0.4154606233929 0.8055025017415165 1.7527470634452855 1.9570547140088423 2.4755627665754423 2.7247561888537235 2.9507328326588764 2.891916993860268 2.7568817898926232 +26484,2.6067805828531396,0,1.0005234409158204 0.9262297498017965 0.8813919122218091 0.7265654549328705 0.673940757060434 0.641437267198053 0.41424052813077217 0.08323758990394695 0.521332841878579 0.03230661622996744 0.4154606233929 0.8055025017415165 1.7527470634452855 1.9570547140088423 2.4755627665754423 2.7247561888537235 2.9507328326588764 2.891916993860268 2.7568817898926232 2.5509831306471478 +26485,2.461632699491567,0,0.9262297498017965 0.8813919122218091 0.7265654549328705 0.673940757060434 0.641437267198053 0.41424052813077217 0.08323758990394695 0.521332841878579 0.03230661622996744 0.4154606233929 0.8055025017415165 1.7527470634452855 1.9570547140088423 2.4755627665754423 2.7247561888537235 2.9507328326588764 2.891916993860268 2.7568817898926232 2.5509831306471478 2.6067805828531396 +26486,1.9880104186396828,0,0.8813919122218091 0.7265654549328705 0.673940757060434 0.641437267198053 0.41424052813077217 0.08323758990394695 0.521332841878579 0.03230661622996744 0.4154606233929 0.8055025017415165 1.7527470634452855 1.9570547140088423 2.4755627665754423 2.7247561888537235 2.9507328326588764 2.891916993860268 2.7568817898926232 2.5509831306471478 2.6067805828531396 2.461632699491567 +26487,1.7867983385392072,0,0.7265654549328705 0.673940757060434 0.641437267198053 0.41424052813077217 0.08323758990394695 0.521332841878579 0.03230661622996744 0.4154606233929 0.8055025017415165 1.7527470634452855 1.9570547140088423 2.4755627665754423 2.7247561888537235 2.9507328326588764 2.891916993860268 2.7568817898926232 2.5509831306471478 2.6067805828531396 2.461632699491567 1.9880104186396828 +26488,1.500458070703923,0,0.673940757060434 0.641437267198053 0.41424052813077217 0.08323758990394695 0.521332841878579 0.03230661622996744 0.4154606233929 0.8055025017415165 1.7527470634452855 1.9570547140088423 2.4755627665754423 2.7247561888537235 2.9507328326588764 2.891916993860268 2.7568817898926232 2.5509831306471478 2.6067805828531396 2.461632699491567 1.9880104186396828 1.7867983385392072 +26489,1.3797308226436342,0,0.641437267198053 0.41424052813077217 0.08323758990394695 0.521332841878579 0.03230661622996744 0.4154606233929 0.8055025017415165 1.7527470634452855 1.9570547140088423 2.4755627665754423 2.7247561888537235 2.9507328326588764 2.891916993860268 2.7568817898926232 2.5509831306471478 2.6067805828531396 2.461632699491567 1.9880104186396828 1.7867983385392072 1.500458070703923 +26490,1.2063788767109178,0,0.41424052813077217 0.08323758990394695 0.521332841878579 0.03230661622996744 0.4154606233929 0.8055025017415165 1.7527470634452855 1.9570547140088423 2.4755627665754423 2.7247561888537235 2.9507328326588764 2.891916993860268 2.7568817898926232 2.5509831306471478 2.6067805828531396 2.461632699491567 1.9880104186396828 1.7867983385392072 1.500458070703923 1.3797308226436342 +26491,1.1605117009692139,0,0.08323758990394695 0.521332841878579 0.03230661622996744 0.4154606233929 0.8055025017415165 1.7527470634452855 1.9570547140088423 2.4755627665754423 2.7247561888537235 2.9507328326588764 2.891916993860268 2.7568817898926232 2.5509831306471478 2.6067805828531396 2.461632699491567 1.9880104186396828 1.7867983385392072 1.500458070703923 1.3797308226436342 1.2063788767109178 +26492,1.0376702864728322,0,0.521332841878579 0.03230661622996744 0.4154606233929 0.8055025017415165 1.7527470634452855 1.9570547140088423 2.4755627665754423 2.7247561888537235 2.9507328326588764 2.891916993860268 2.7568817898926232 2.5509831306471478 2.6067805828531396 2.461632699491567 1.9880104186396828 1.7867983385392072 1.500458070703923 1.3797308226436342 1.2063788767109178 1.1605117009692139 +26493,0.991421430917269,0,0.03230661622996744 0.4154606233929 0.8055025017415165 1.7527470634452855 1.9570547140088423 2.4755627665754423 2.7247561888537235 2.9507328326588764 2.891916993860268 2.7568817898926232 2.5509831306471478 2.6067805828531396 2.461632699491567 1.9880104186396828 1.7867983385392072 1.500458070703923 1.3797308226436342 1.2063788767109178 1.1605117009692139 1.0376702864728322 +26494,0.8813439780870811,0,0.4154606233929 0.8055025017415165 1.7527470634452855 1.9570547140088423 2.4755627665754423 2.7247561888537235 2.9507328326588764 2.891916993860268 2.7568817898926232 2.5509831306471478 2.6067805828531396 2.461632699491567 1.9880104186396828 1.7867983385392072 1.500458070703923 1.3797308226436342 1.2063788767109178 1.1605117009692139 1.0376702864728322 0.991421430917269 +26495,0.6162321528943411,0,0.8055025017415165 1.7527470634452855 1.9570547140088423 2.4755627665754423 2.7247561888537235 2.9507328326588764 2.891916993860268 2.7568817898926232 2.5509831306471478 2.6067805828531396 2.461632699491567 1.9880104186396828 1.7867983385392072 1.500458070703923 1.3797308226436342 1.2063788767109178 1.1605117009692139 1.0376702864728322 0.991421430917269 0.8813439780870811 +26496,0.7652600857214231,0,1.7527470634452855 1.9570547140088423 2.4755627665754423 2.7247561888537235 2.9507328326588764 2.891916993860268 2.7568817898926232 2.5509831306471478 2.6067805828531396 2.461632699491567 1.9880104186396828 1.7867983385392072 1.500458070703923 1.3797308226436342 1.2063788767109178 1.1605117009692139 1.0376702864728322 0.991421430917269 0.8813439780870811 0.6162321528943411 +26497,0.7403273871904906,0,1.9570547140088423 2.4755627665754423 2.7247561888537235 2.9507328326588764 2.891916993860268 2.7568817898926232 2.5509831306471478 2.6067805828531396 2.461632699491567 1.9880104186396828 1.7867983385392072 1.500458070703923 1.3797308226436342 1.2063788767109178 1.1605117009692139 1.0376702864728322 0.991421430917269 0.8813439780870811 0.6162321528943411 0.7652600857214231 +26498,0.6615584752080996,0,2.4755627665754423 2.7247561888537235 2.9507328326588764 2.891916993860268 2.7568817898926232 2.5509831306471478 2.6067805828531396 2.461632699491567 1.9880104186396828 1.7867983385392072 1.500458070703923 1.3797308226436342 1.2063788767109178 1.1605117009692139 1.0376702864728322 0.991421430917269 0.8813439780870811 0.6162321528943411 0.7652600857214231 0.7403273871904906 +26499,0.992784514758108,0,2.7247561888537235 2.9507328326588764 2.891916993860268 2.7568817898926232 2.5509831306471478 2.6067805828531396 2.461632699491567 1.9880104186396828 1.7867983385392072 1.500458070703923 1.3797308226436342 1.2063788767109178 1.1605117009692139 1.0376702864728322 0.991421430917269 0.8813439780870811 0.6162321528943411 0.7652600857214231 0.7403273871904906 0.6615584752080996 +26500,1.6691666609420086,0,2.9507328326588764 2.891916993860268 2.7568817898926232 2.5509831306471478 2.6067805828531396 2.461632699491567 1.9880104186396828 1.7867983385392072 1.500458070703923 1.3797308226436342 1.2063788767109178 1.1605117009692139 1.0376702864728322 0.991421430917269 0.8813439780870811 0.6162321528943411 0.7652600857214231 0.7403273871904906 0.6615584752080996 0.992784514758108 +26501,2.1613623645723994,0,2.891916993860268 2.7568817898926232 2.5509831306471478 2.6067805828531396 2.461632699491567 1.9880104186396828 1.7867983385392072 1.500458070703923 1.3797308226436342 1.2063788767109178 1.1605117009692139 1.0376702864728322 0.991421430917269 0.8813439780870811 0.6162321528943411 0.7652600857214231 0.7403273871904906 0.6615584752080996 0.992784514758108 1.6691666609420086 +26502,2.5158051825955443,0,2.7568817898926232 2.5509831306471478 2.6067805828531396 2.461632699491567 1.9880104186396828 1.7867983385392072 1.500458070703923 1.3797308226436342 1.2063788767109178 1.1605117009692139 1.0376702864728322 0.991421430917269 0.8813439780870811 0.6162321528943411 0.7652600857214231 0.7403273871904906 0.6615584752080996 0.992784514758108 1.6691666609420086 2.1613623645723994 +26503,2.6968960546859644,0,2.5509831306471478 2.6067805828531396 2.461632699491567 1.9880104186396828 1.7867983385392072 1.500458070703923 1.3797308226436342 1.2063788767109178 1.1605117009692139 1.0376702864728322 0.991421430917269 0.8813439780870811 0.6162321528943411 0.7652600857214231 0.7403273871904906 0.6615584752080996 0.992784514758108 1.6691666609420086 2.1613623645723994 2.5158051825955443 +26504,2.8717957858502214,0,2.6067805828531396 2.461632699491567 1.9880104186396828 1.7867983385392072 1.500458070703923 1.3797308226436342 1.2063788767109178 1.1605117009692139 1.0376702864728322 0.991421430917269 0.8813439780870811 0.6162321528943411 0.7652600857214231 0.7403273871904906 0.6615584752080996 0.992784514758108 1.6691666609420086 2.1613623645723994 2.5158051825955443 2.6968960546859644 +26505,2.8965603495548993,0,2.461632699491567 1.9880104186396828 1.7867983385392072 1.500458070703923 1.3797308226436342 1.2063788767109178 1.1605117009692139 1.0376702864728322 0.991421430917269 0.8813439780870811 0.6162321528943411 0.7652600857214231 0.7403273871904906 0.6615584752080996 0.992784514758108 1.6691666609420086 2.1613623645723994 2.5158051825955443 2.6968960546859644 2.8717957858502214 +26506,2.8253622289039653,0,1.9880104186396828 1.7867983385392072 1.500458070703923 1.3797308226436342 1.2063788767109178 1.1605117009692139 1.0376702864728322 0.991421430917269 0.8813439780870811 0.6162321528943411 0.7652600857214231 0.7403273871904906 0.6615584752080996 0.992784514758108 1.6691666609420086 2.1613623645723994 2.5158051825955443 2.6968960546859644 2.8717957858502214 2.8965603495548993 +26507,2.6999916251490546,0,1.7867983385392072 1.500458070703923 1.3797308226436342 1.2063788767109178 1.1605117009692139 1.0376702864728322 0.991421430917269 0.8813439780870811 0.6162321528943411 0.7652600857214231 0.7403273871904906 0.6615584752080996 0.992784514758108 1.6691666609420086 2.1613623645723994 2.5158051825955443 2.6968960546859644 2.8717957858502214 2.8965603495548993 2.8253622289039653 +26508,2.3981735049983373,0,1.500458070703923 1.3797308226436342 1.2063788767109178 1.1605117009692139 1.0376702864728322 0.991421430917269 0.8813439780870811 0.6162321528943411 0.7652600857214231 0.7403273871904906 0.6615584752080996 0.992784514758108 1.6691666609420086 2.1613623645723994 2.5158051825955443 2.6968960546859644 2.8717957858502214 2.8965603495548993 2.8253622289039653 2.6999916251490546 +26509,2.1721968611931928,0,1.3797308226436342 1.2063788767109178 1.1605117009692139 1.0376702864728322 0.991421430917269 0.8813439780870811 0.6162321528943411 0.7652600857214231 0.7403273871904906 0.6615584752080996 0.992784514758108 1.6691666609420086 2.1613623645723994 2.5158051825955443 2.6968960546859644 2.8717957858502214 2.8965603495548993 2.8253622289039653 2.6999916251490546 2.3981735049983373 +26510,1.8146584727069661,0,1.2063788767109178 1.1605117009692139 1.0376702864728322 0.991421430917269 0.8813439780870811 0.6162321528943411 0.7652600857214231 0.7403273871904906 0.6615584752080996 0.992784514758108 1.6691666609420086 2.1613623645723994 2.5158051825955443 2.6968960546859644 2.8717957858502214 2.8965603495548993 2.8253622289039653 2.6999916251490546 2.3981735049983373 2.1721968611931928 +26511,1.6598799495527556,0,1.1605117009692139 1.0376702864728322 0.991421430917269 0.8813439780870811 0.6162321528943411 0.7652600857214231 0.7403273871904906 0.6615584752080996 0.992784514758108 1.6691666609420086 2.1613623645723994 2.5158051825955443 2.6968960546859644 2.8717957858502214 2.8965603495548993 2.8253622289039653 2.6999916251490546 2.3981735049983373 2.1721968611931928 1.8146584727069661 +26512,1.4896235740831294,0,1.0376702864728322 0.991421430917269 0.8813439780870811 0.6162321528943411 0.7652600857214231 0.7403273871904906 0.6615584752080996 0.992784514758108 1.6691666609420086 2.1613623645723994 2.5158051825955443 2.6968960546859644 2.8717957858502214 2.8965603495548993 2.8253622289039653 2.6999916251490546 2.3981735049983373 2.1721968611931928 1.8146584727069661 1.6598799495527556 +26513,1.2791247825934011,0,0.991421430917269 0.8813439780870811 0.6162321528943411 0.7652600857214231 0.7403273871904906 0.6615584752080996 0.992784514758108 1.6691666609420086 2.1613623645723994 2.5158051825955443 2.6968960546859644 2.8717957858502214 2.8965603495548993 2.8253622289039653 2.6999916251490546 2.3981735049983373 2.1721968611931928 1.8146584727069661 1.6598799495527556 1.4896235740831294 +26514,1.1227984742076498,0,0.8813439780870811 0.6162321528943411 0.7652600857214231 0.7403273871904906 0.6615584752080996 0.992784514758108 1.6691666609420086 2.1613623645723994 2.5158051825955443 2.6968960546859644 2.8717957858502214 2.8965603495548993 2.8253622289039653 2.6999916251490546 2.3981735049983373 2.1721968611931928 1.8146584727069661 1.6598799495527556 1.4896235740831294 1.2791247825934011 +26515,1.006714581841992,0,0.6162321528943411 0.7652600857214231 0.7403273871904906 0.6615584752080996 0.992784514758108 1.6691666609420086 2.1613623645723994 2.5158051825955443 2.6968960546859644 2.8717957858502214 2.8965603495548993 2.8253622289039653 2.6999916251490546 2.3981735049983373 2.1721968611931928 1.8146584727069661 1.6598799495527556 1.4896235740831294 1.2791247825934011 1.1227984742076498 +26516,0.9695677362849799,0,0.7652600857214231 0.7403273871904906 0.6615584752080996 0.992784514758108 1.6691666609420086 2.1613623645723994 2.5158051825955443 2.6968960546859644 2.8717957858502214 2.8965603495548993 2.8253622289039653 2.6999916251490546 2.3981735049983373 2.1721968611931928 1.8146584727069661 1.6598799495527556 1.4896235740831294 1.2791247825934011 1.1227984742076498 1.006714581841992 +26517,0.8906306894763341,0,0.7403273871904906 0.6615584752080996 0.992784514758108 1.6691666609420086 2.1613623645723994 2.5158051825955443 2.6968960546859644 2.8717957858502214 2.8965603495548993 2.8253622289039653 2.6999916251490546 2.3981735049983373 2.1721968611931928 1.8146584727069661 1.6598799495527556 1.4896235740831294 1.2791247825934011 1.1227984742076498 1.006714581841992 0.9695677362849799 +26518,0.7668078709529639,0,0.6615584752080996 0.992784514758108 1.6691666609420086 2.1613623645723994 2.5158051825955443 2.6968960546859644 2.8717957858502214 2.8965603495548993 2.8253622289039653 2.6999916251490546 2.3981735049983373 2.1721968611931928 1.8146584727069661 1.6598799495527556 1.4896235740831294 1.2791247825934011 1.1227984742076498 1.006714581841992 0.9695677362849799 0.8906306894763341 +26519,0.44440073430224075,0,0.992784514758108 1.6691666609420086 2.1613623645723994 2.5158051825955443 2.6968960546859644 2.8717957858502214 2.8965603495548993 2.8253622289039653 2.6999916251490546 2.3981735049983373 2.1721968611931928 1.8146584727069661 1.6598799495527556 1.4896235740831294 1.2791247825934011 1.1227984742076498 1.006714581841992 0.9695677362849799 0.8906306894763341 0.7668078709529639 +26520,0.7002531059966522,0,1.6691666609420086 2.1613623645723994 2.5158051825955443 2.6968960546859644 2.8717957858502214 2.8965603495548993 2.8253622289039653 2.6999916251490546 2.3981735049983373 2.1721968611931928 1.8146584727069661 1.6598799495527556 1.4896235740831294 1.2791247825934011 1.1227984742076498 1.006714581841992 0.9695677362849799 0.8906306894763341 0.7668078709529639 0.44440073430224075 +26521,0.6089337773356631,0,2.1613623645723994 2.5158051825955443 2.6968960546859644 2.8717957858502214 2.8965603495548993 2.8253622289039653 2.6999916251490546 2.3981735049983373 2.1721968611931928 1.8146584727069661 1.6598799495527556 1.4896235740831294 1.2791247825934011 1.1227984742076498 1.006714581841992 0.9695677362849799 0.8906306894763341 0.7668078709529639 0.44440073430224075 0.7002531059966522 +26522,0.5609524351578663,0,2.5158051825955443 2.6968960546859644 2.8717957858502214 2.8965603495548993 2.8253622289039653 2.6999916251490546 2.3981735049983373 2.1721968611931928 1.8146584727069661 1.6598799495527556 1.4896235740831294 1.2791247825934011 1.1227984742076498 1.006714581841992 0.9695677362849799 0.8906306894763341 0.7668078709529639 0.44440073430224075 0.7002531059966522 0.6089337773356631 +26523,0.8952740451709561,0,2.6968960546859644 2.8717957858502214 2.8965603495548993 2.8253622289039653 2.6999916251490546 2.3981735049983373 2.1721968611931928 1.8146584727069661 1.6598799495527556 1.4896235740831294 1.2791247825934011 1.1227984742076498 1.006714581841992 0.9695677362849799 0.8906306894763341 0.7668078709529639 0.44440073430224075 0.7002531059966522 0.6089337773356631 0.5609524351578663 +26524,1.5020058559354639,0,2.8717957858502214 2.8965603495548993 2.8253622289039653 2.6999916251490546 2.3981735049983373 2.1721968611931928 1.8146584727069661 1.6598799495527556 1.4896235740831294 1.2791247825934011 1.1227984742076498 1.006714581841992 0.9695677362849799 0.8906306894763341 0.7668078709529639 0.44440073430224075 0.7002531059966522 0.6089337773356631 0.5609524351578663 0.8952740451709561 +26525,1.986462633408142,0,2.8965603495548993 2.8253622289039653 2.6999916251490546 2.3981735049983373 2.1721968611931928 1.8146584727069661 1.6598799495527556 1.4896235740831294 1.2791247825934011 1.1227984742076498 1.006714581841992 0.9695677362849799 0.8906306894763341 0.7668078709529639 0.44440073430224075 0.7002531059966522 0.6089337773356631 0.5609524351578663 0.8952740451709561 1.5020058559354639 +26526,2.4229380687030146,0,2.8253622289039653 2.6999916251490546 2.3981735049983373 2.1721968611931928 1.8146584727069661 1.6598799495527556 1.4896235740831294 1.2791247825934011 1.1227984742076498 1.006714581841992 0.9695677362849799 0.8906306894763341 0.7668078709529639 0.44440073430224075 0.7002531059966522 0.6089337773356631 0.5609524351578663 0.8952740451709561 1.5020058559354639 1.986462633408142 +26527,2.588551088478019,0,2.6999916251490546 2.3981735049983373 2.1721968611931928 1.8146584727069661 1.6598799495527556 1.4896235740831294 1.2791247825934011 1.1227984742076498 1.006714581841992 0.9695677362849799 0.8906306894763341 0.7668078709529639 0.44440073430224075 0.7002531059966522 0.6089337773356631 0.5609524351578663 0.8952740451709561 1.5020058559354639 1.986462633408142 2.4229380687030146 +26528,2.6999916251490546,0,2.3981735049983373 2.1721968611931928 1.8146584727069661 1.6598799495527556 1.4896235740831294 1.2791247825934011 1.1227984742076498 1.006714581841992 0.9695677362849799 0.8906306894763341 0.7668078709529639 0.44440073430224075 0.7002531059966522 0.6089337773356631 0.5609524351578663 0.8952740451709561 1.5020058559354639 1.986462633408142 2.4229380687030146 2.588551088478019 +26529,2.730947329779895,0,2.1721968611931928 1.8146584727069661 1.6598799495527556 1.4896235740831294 1.2791247825934011 1.1227984742076498 1.006714581841992 0.9695677362849799 0.8906306894763341 0.7668078709529639 0.44440073430224075 0.7002531059966522 0.6089337773356631 0.5609524351578663 0.8952740451709561 1.5020058559354639 1.986462633408142 2.4229380687030146 2.588551088478019 2.6999916251490546 +26530,2.7185650479275605,0,1.8146584727069661 1.6598799495527556 1.4896235740831294 1.2791247825934011 1.1227984742076498 1.006714581841992 0.9695677362849799 0.8906306894763341 0.7668078709529639 0.44440073430224075 0.7002531059966522 0.6089337773356631 0.5609524351578663 0.8952740451709561 1.5020058559354639 1.986462633408142 2.4229380687030146 2.588551088478019 2.6999916251490546 2.730947329779895 +26531,2.625697934035031,0,1.6598799495527556 1.4896235740831294 1.2791247825934011 1.1227984742076498 1.006714581841992 0.9695677362849799 0.8906306894763341 0.7668078709529639 0.44440073430224075 0.7002531059966522 0.6089337773356631 0.5609524351578663 0.8952740451709561 1.5020058559354639 1.986462633408142 2.4229380687030146 2.588551088478019 2.6999916251490546 2.730947329779895 2.7185650479275605 +26532,2.367217800367497,0,1.4896235740831294 1.2791247825934011 1.1227984742076498 1.006714581841992 0.9695677362849799 0.8906306894763341 0.7668078709529639 0.44440073430224075 0.7002531059966522 0.6089337773356631 0.5609524351578663 0.8952740451709561 1.5020058559354639 1.986462633408142 2.4229380687030146 2.588551088478019 2.6999916251490546 2.730947329779895 2.7185650479275605 2.625697934035031 +26533,2.0994509553107186,0,1.2791247825934011 1.1227984742076498 1.006714581841992 0.9695677362849799 0.8906306894763341 0.7668078709529639 0.44440073430224075 0.7002531059966522 0.6089337773356631 0.5609524351578663 0.8952740451709561 1.5020058559354639 1.986462633408142 2.4229380687030146 2.588551088478019 2.6999916251490546 2.730947329779895 2.7185650479275605 2.625697934035031 2.367217800367497 +26534,1.7775116271499543,0,1.1227984742076498 1.006714581841992 0.9695677362849799 0.8906306894763341 0.7668078709529639 0.44440073430224075 0.7002531059966522 0.6089337773356631 0.5609524351578663 0.8952740451709561 1.5020058559354639 1.986462633408142 2.4229380687030146 2.588551088478019 2.6999916251490546 2.730947329779895 2.7185650479275605 2.625697934035031 2.367217800367497 2.0994509553107186 +26535,1.5840384732071913,0,1.006714581841992 0.9695677362849799 0.8906306894763341 0.7668078709529639 0.44440073430224075 0.7002531059966522 0.6089337773356631 0.5609524351578663 0.8952740451709561 1.5020058559354639 1.986462633408142 2.4229380687030146 2.588551088478019 2.6999916251490546 2.730947329779895 2.7185650479275605 2.625697934035031 2.367217800367497 2.0994509553107186 1.7775116271499543 +26536,1.3936608897275182,0,0.9695677362849799 0.8906306894763341 0.7668078709529639 0.44440073430224075 0.7002531059966522 0.6089337773356631 0.5609524351578663 0.8952740451709561 1.5020058559354639 1.986462633408142 2.4229380687030146 2.588551088478019 2.6999916251490546 2.730947329779895 2.7185650479275605 2.625697934035031 2.367217800367497 2.0994509553107186 1.7775116271499543 1.5840384732071913 +26537,1.1491108231438594,0,0.8906306894763341 0.7668078709529639 0.44440073430224075 0.7002531059966522 0.6089337773356631 0.5609524351578663 0.8952740451709561 1.5020058559354639 1.986462633408142 2.4229380687030146 2.588551088478019 2.6999916251490546 2.730947329779895 2.7185650479275605 2.625697934035031 2.367217800367497 2.0994509553107186 1.7775116271499543 1.5840384732071913 1.3936608897275182 +26538,1.089134622603795,0,0.7668078709529639 0.44440073430224075 0.7002531059966522 0.6089337773356631 0.5609524351578663 0.8952740451709561 1.5020058559354639 1.986462633408142 2.4229380687030146 2.588551088478019 2.6999916251490546 2.730947329779895 2.7185650479275605 2.625697934035031 2.367217800367497 2.0994509553107186 1.7775116271499543 1.5840384732071913 1.3936608897275182 1.1491108231438594 +26539,0.9138474679494621,0,0.44440073430224075 0.7002531059966522 0.6089337773356631 0.5609524351578663 0.8952740451709561 1.5020058559354639 1.986462633408142 2.4229380687030146 2.588551088478019 2.6999916251490546 2.730947329779895 2.7185650479275605 2.625697934035031 2.367217800367497 2.0994509553107186 1.7775116271499543 1.5840384732071913 1.3936608897275182 1.1491108231438594 1.089134622603795 +26540,0.8457449177616099,0,0.7002531059966522 0.6089337773356631 0.5609524351578663 0.8952740451709561 1.5020058559354639 1.986462633408142 2.4229380687030146 2.588551088478019 2.6999916251490546 2.730947329779895 2.7185650479275605 2.625697934035031 2.367217800367497 2.0994509553107186 1.7775116271499543 1.5840384732071913 1.3936608897275182 1.1491108231438594 1.089134622603795 0.9138474679494621 +26541,0.7760945823422168,0,0.6089337773356631 0.5609524351578663 0.8952740451709561 1.5020058559354639 1.986462633408142 2.4229380687030146 2.588551088478019 2.6999916251490546 2.730947329779895 2.7185650479275605 2.625697934035031 2.367217800367497 2.0994509553107186 1.7775116271499543 1.5840384732071913 1.3936608897275182 1.1491108231438594 1.089134622603795 0.9138474679494621 0.8457449177616099 +26542,0.6476284081242158,0,0.5609524351578663 0.8952740451709561 1.5020058559354639 1.986462633408142 2.4229380687030146 2.588551088478019 2.6999916251490546 2.730947329779895 2.7185650479275605 2.625697934035031 2.367217800367497 2.0994509553107186 1.7775116271499543 1.5840384732071913 1.3936608897275182 1.1491108231438594 1.089134622603795 0.9138474679494621 0.8457449177616099 0.7760945823422168 +26543,0.4189051745399294,0,0.8952740451709561 1.5020058559354639 1.986462633408142 2.4229380687030146 2.588551088478019 2.6999916251490546 2.730947329779895 2.7185650479275605 2.625697934035031 2.367217800367497 2.0994509553107186 1.7775116271499543 1.5840384732071913 1.3936608897275182 1.1491108231438594 1.089134622603795 0.9138474679494621 0.8457449177616099 0.7760945823422168 0.6476284081242158 +26544,0.5594046499263169,0,1.5020058559354639 1.986462633408142 2.4229380687030146 2.588551088478019 2.6999916251490546 2.730947329779895 2.7185650479275605 2.625697934035031 2.367217800367497 2.0994509553107186 1.7775116271499543 1.5840384732071913 1.3936608897275182 1.1491108231438594 1.089134622603795 0.9138474679494621 0.8457449177616099 0.7760945823422168 0.6476284081242158 0.4189051745399294 +26545,0.49130209973846456,0,1.986462633408142 2.4229380687030146 2.588551088478019 2.6999916251490546 2.730947329779895 2.7185650479275605 2.625697934035031 2.367217800367497 2.0994509553107186 1.7775116271499543 1.5840384732071913 1.3936608897275182 1.1491108231438594 1.089134622603795 0.9138474679494621 0.8457449177616099 0.7760945823422168 0.6476284081242158 0.4189051745399294 0.5594046499263169 +26546,0.4897543145069239,0,2.4229380687030146 2.588551088478019 2.6999916251490546 2.730947329779895 2.7185650479275605 2.625697934035031 2.367217800367497 2.0994509553107186 1.7775116271499543 1.5840384732071913 1.3936608897275182 1.1491108231438594 1.089134622603795 0.9138474679494621 0.8457449177616099 0.7760945823422168 0.6476284081242158 0.4189051745399294 0.5594046499263169 0.49130209973846456 +26547,0.9138474679494621,0,2.588551088478019 2.6999916251490546 2.730947329779895 2.7185650479275605 2.625697934035031 2.367217800367497 2.0994509553107186 1.7775116271499543 1.5840384732071913 1.3936608897275182 1.1491108231438594 1.089134622603795 0.9138474679494621 0.8457449177616099 0.7760945823422168 0.6476284081242158 0.4189051745399294 0.5594046499263169 0.49130209973846456 0.4897543145069239 +26548,1.3688963260228406,0,2.6999916251490546 2.730947329779895 2.7185650479275605 2.625697934035031 2.367217800367497 2.0994509553107186 1.7775116271499543 1.5840384732071913 1.3936608897275182 1.1491108231438594 1.089134622603795 0.9138474679494621 0.8457449177616099 0.7760945823422168 0.6476284081242158 0.4189051745399294 0.5594046499263169 0.49130209973846456 0.4897543145069239 0.9138474679494621 +26549,1.6939312246466862,0,2.730947329779895 2.7185650479275605 2.625697934035031 2.367217800367497 2.0994509553107186 1.7775116271499543 1.5840384732071913 1.3936608897275182 1.1491108231438594 1.089134622603795 0.9138474679494621 0.8457449177616099 0.7760945823422168 0.6476284081242158 0.4189051745399294 0.5594046499263169 0.49130209973846456 0.4897543145069239 0.9138474679494621 1.3688963260228406 +26550,1.940029076461877,0,2.7185650479275605 2.625697934035031 2.367217800367497 2.0994509553107186 1.7775116271499543 1.5840384732071913 1.3936608897275182 1.1491108231438594 1.089134622603795 0.9138474679494621 0.8457449177616099 0.7760945823422168 0.6476284081242158 0.4189051745399294 0.5594046499263169 0.49130209973846456 0.4897543145069239 0.9138474679494621 1.3688963260228406 1.6939312246466862 +26551,2.125763304246928,0,2.625697934035031 2.367217800367497 2.0994509553107186 1.7775116271499543 1.5840384732071913 1.3936608897275182 1.1491108231438594 1.089134622603795 0.9138474679494621 0.8457449177616099 0.7760945823422168 0.6476284081242158 0.4189051745399294 0.5594046499263169 0.49130209973846456 0.4897543145069239 0.9138474679494621 1.3688963260228406 1.6939312246466862 1.940029076461877 +26552,2.268159545548804,0,2.367217800367497 2.0994509553107186 1.7775116271499543 1.5840384732071913 1.3936608897275182 1.1491108231438594 1.089134622603795 0.9138474679494621 0.8457449177616099 0.7760945823422168 0.6476284081242158 0.4189051745399294 0.5594046499263169 0.49130209973846456 0.4897543145069239 0.9138474679494621 1.3688963260228406 1.6939312246466862 1.940029076461877 2.125763304246928 +26553,2.3532877332836217,0,2.0994509553107186 1.7775116271499543 1.5840384732071913 1.3936608897275182 1.1491108231438594 1.089134622603795 0.9138474679494621 0.8457449177616099 0.7760945823422168 0.6476284081242158 0.4189051745399294 0.5594046499263169 0.49130209973846456 0.4897543145069239 0.9138474679494621 1.3688963260228406 1.6939312246466862 1.940029076461877 2.125763304246928 2.268159545548804 +26554,2.4059124311560494,0,1.7775116271499543 1.5840384732071913 1.3936608897275182 1.1491108231438594 1.089134622603795 0.9138474679494621 0.8457449177616099 0.7760945823422168 0.6476284081242158 0.4189051745399294 0.5594046499263169 0.49130209973846456 0.4897543145069239 0.9138474679494621 1.3688963260228406 1.6939312246466862 1.940029076461877 2.125763304246928 2.268159545548804 2.3532877332836217 +26555,2.328523169578944,0,1.5840384732071913 1.3936608897275182 1.1491108231438594 1.089134622603795 0.9138474679494621 0.8457449177616099 0.7760945823422168 0.6476284081242158 0.4189051745399294 0.5594046499263169 0.49130209973846456 0.4897543145069239 0.9138474679494621 1.3688963260228406 1.6939312246466862 1.940029076461877 2.125763304246928 2.268159545548804 2.3532877332836217 2.4059124311560494 +26556,2.244942767075676,0,1.3936608897275182 1.1491108231438594 1.089134622603795 0.9138474679494621 0.8457449177616099 0.7760945823422168 0.6476284081242158 0.4189051745399294 0.5594046499263169 0.49130209973846456 0.4897543145069239 0.9138474679494621 1.3688963260228406 1.6939312246466862 1.940029076461877 2.125763304246928 2.268159545548804 2.3532877332836217 2.4059124311560494 2.328523169578944 +26557,2.1180243780892156,0,1.1491108231438594 1.089134622603795 0.9138474679494621 0.8457449177616099 0.7760945823422168 0.6476284081242158 0.4189051745399294 0.5594046499263169 0.49130209973846456 0.4897543145069239 0.9138474679494621 1.3688963260228406 1.6939312246466862 1.940029076461877 2.125763304246928 2.268159545548804 2.3532877332836217 2.4059124311560494 2.328523169578944 2.244942767075676 +26558,1.935385720767255,0,1.089134622603795 0.9138474679494621 0.8457449177616099 0.7760945823422168 0.6476284081242158 0.4189051745399294 0.5594046499263169 0.49130209973846456 0.4897543145069239 0.9138474679494621 1.3688963260228406 1.6939312246466862 1.940029076461877 2.125763304246928 2.268159545548804 2.3532877332836217 2.4059124311560494 2.328523169578944 2.244942767075676 2.1180243780892156 +26559,1.7357214258983202,0,0.9138474679494621 0.8457449177616099 0.7760945823422168 0.6476284081242158 0.4189051745399294 0.5594046499263169 0.49130209973846456 0.4897543145069239 0.9138474679494621 1.3688963260228406 1.6939312246466862 1.940029076461877 2.125763304246928 2.268159545548804 2.3532877332836217 2.4059124311560494 2.328523169578944 2.244942767075676 2.1180243780892156 1.935385720767255 +26560,1.5561783390394321,0,0.8457449177616099 0.7760945823422168 0.6476284081242158 0.4189051745399294 0.5594046499263169 0.49130209973846456 0.4897543145069239 0.9138474679494621 1.3688963260228406 1.6939312246466862 1.940029076461877 2.125763304246928 2.268159545548804 2.3532877332836217 2.4059124311560494 2.328523169578944 2.244942767075676 2.1180243780892156 1.935385720767255 1.7357214258983202 +26561,1.4586678694522803,0,0.7760945823422168 0.6476284081242158 0.4189051745399294 0.5594046499263169 0.49130209973846456 0.4897543145069239 0.9138474679494621 1.3688963260228406 1.6939312246466862 1.940029076461877 2.125763304246928 2.268159545548804 2.3532877332836217 2.4059124311560494 2.328523169578944 2.244942767075676 2.1180243780892156 1.935385720767255 1.7357214258983202 1.5561783390394321 +26562,1.4060431715798525,0,0.6476284081242158 0.4189051745399294 0.5594046499263169 0.49130209973846456 0.4897543145069239 0.9138474679494621 1.3688963260228406 1.6939312246466862 1.940029076461877 2.125763304246928 2.268159545548804 2.3532877332836217 2.4059124311560494 2.328523169578944 2.244942767075676 2.1180243780892156 1.935385720767255 1.7357214258983202 1.5561783390394321 1.4586678694522803 +26563,1.2899592792141947,0,0.4189051745399294 0.5594046499263169 0.49130209973846456 0.4897543145069239 0.9138474679494621 1.3688963260228406 1.6939312246466862 1.940029076461877 2.125763304246928 2.268159545548804 2.3532877332836217 2.4059124311560494 2.328523169578944 2.244942767075676 2.1180243780892156 1.935385720767255 1.7357214258983202 1.5561783390394321 1.4586678694522803 1.4060431715798525 +26564,1.2450735074994705,0,0.5594046499263169 0.49130209973846456 0.4897543145069239 0.9138474679494621 1.3688963260228406 1.6939312246466862 1.940029076461877 2.125763304246928 2.268159545548804 2.3532877332836217 2.4059124311560494 2.328523169578944 2.244942767075676 2.1180243780892156 1.935385720767255 1.7357214258983202 1.5561783390394321 1.4586678694522803 1.4060431715798525 1.2899592792141947 +26565,1.2125700176370895,0,0.49130209973846456 0.4897543145069239 0.9138474679494621 1.3688963260228406 1.6939312246466862 1.940029076461877 2.125763304246928 2.268159545548804 2.3532877332836217 2.4059124311560494 2.328523169578944 2.244942767075676 2.1180243780892156 1.935385720767255 1.7357214258983202 1.5561783390394321 1.4586678694522803 1.4060431715798525 1.2899592792141947 1.2450735074994705 +26566,1.1878054539324119,0,0.4897543145069239 0.9138474679494621 1.3688963260228406 1.6939312246466862 1.940029076461877 2.125763304246928 2.268159545548804 2.3532877332836217 2.4059124311560494 2.328523169578944 2.244942767075676 2.1180243780892156 1.935385720767255 1.7357214258983202 1.5561783390394321 1.4586678694522803 1.4060431715798525 1.2899592792141947 1.2450735074994705 1.2125700176370895 +26567,1.1444674674492372,0,0.9138474679494621 1.3688963260228406 1.6939312246466862 1.940029076461877 2.125763304246928 2.268159545548804 2.3532877332836217 2.4059124311560494 2.328523169578944 2.244942767075676 2.1180243780892156 1.935385720767255 1.7357214258983202 1.5561783390394321 1.4586678694522803 1.4060431715798525 1.2899592792141947 1.2450735074994705 1.2125700176370895 1.1878054539324119 +26568,1.067078205872132,0,1.3688963260228406 1.6939312246466862 1.940029076461877 2.125763304246928 2.268159545548804 2.3532877332836217 2.4059124311560494 2.328523169578944 2.244942767075676 2.1180243780892156 1.935385720767255 1.7357214258983202 1.5561783390394321 1.4586678694522803 1.4060431715798525 1.2899592792141947 1.2450735074994705 1.2125700176370895 1.1878054539324119 1.1444674674492372 +26569,0.988141159063486,0,1.6939312246466862 1.940029076461877 2.125763304246928 2.268159545548804 2.3532877332836217 2.4059124311560494 2.328523169578944 2.244942767075676 2.1180243780892156 1.935385720767255 1.7357214258983202 1.5561783390394321 1.4586678694522803 1.4060431715798525 1.2899592792141947 1.2450735074994705 1.2125700176370895 1.1878054539324119 1.1444674674492372 1.067078205872132 +26570,0.9324208907279681,0,1.940029076461877 2.125763304246928 2.268159545548804 2.3532877332836217 2.4059124311560494 2.328523169578944 2.244942767075676 2.1180243780892156 1.935385720767255 1.7357214258983202 1.5561783390394321 1.4586678694522803 1.4060431715798525 1.2899592792141947 1.2450735074994705 1.2125700176370895 1.1878054539324119 1.1444674674492372 1.067078205872132 0.988141159063486 +26571,1.1336329708284434,0,2.125763304246928 2.268159545548804 2.3532877332836217 2.4059124311560494 2.328523169578944 2.244942767075676 2.1180243780892156 1.935385720767255 1.7357214258983202 1.5561783390394321 1.4586678694522803 1.4060431715798525 1.2899592792141947 1.2450735074994705 1.2125700176370895 1.1878054539324119 1.1444674674492372 1.067078205872132 0.988141159063486 0.9324208907279681 +26572,1.500458070703923,0,2.268159545548804 2.3532877332836217 2.4059124311560494 2.328523169578944 2.244942767075676 2.1180243780892156 1.935385720767255 1.7357214258983202 1.5561783390394321 1.4586678694522803 1.4060431715798525 1.2899592792141947 1.2450735074994705 1.2125700176370895 1.1878054539324119 1.1444674674492372 1.067078205872132 0.988141159063486 0.9324208907279681 1.1336329708284434 +26573,1.6954790098782269,0,2.3532877332836217 2.4059124311560494 2.328523169578944 2.244942767075676 2.1180243780892156 1.935385720767255 1.7357214258983202 1.5561783390394321 1.4586678694522803 1.4060431715798525 1.2899592792141947 1.2450735074994705 1.2125700176370895 1.1878054539324119 1.1444674674492372 1.067078205872132 0.988141159063486 0.9324208907279681 1.1336329708284434 1.500458070703923 +26574,1.8564486739586004,0,2.4059124311560494 2.328523169578944 2.244942767075676 2.1180243780892156 1.935385720767255 1.7357214258983202 1.5561783390394321 1.4586678694522803 1.4060431715798525 1.2899592792141947 1.2450735074994705 1.2125700176370895 1.1878054539324119 1.1444674674492372 1.067078205872132 0.988141159063486 0.9324208907279681 1.1336329708284434 1.500458070703923 1.6954790098782269 +26575,2.0081316266497296,0,2.328523169578944 2.244942767075676 2.1180243780892156 1.935385720767255 1.7357214258983202 1.5561783390394321 1.4586678694522803 1.4060431715798525 1.2899592792141947 1.2450735074994705 1.2125700176370895 1.1878054539324119 1.1444674674492372 1.067078205872132 0.988141159063486 0.9324208907279681 1.1336329708284434 1.500458070703923 1.6954790098782269 1.8564486739586004 +26576,2.1180243780892156,0,2.244942767075676 2.1180243780892156 1.935385720767255 1.7357214258983202 1.5561783390394321 1.4586678694522803 1.4060431715798525 1.2899592792141947 1.2450735074994705 1.2125700176370895 1.1878054539324119 1.1444674674492372 1.067078205872132 0.988141159063486 0.9324208907279681 1.1336329708284434 1.500458070703923 1.6954790098782269 1.8564486739586004 2.0081316266497296 +26577,2.1396933713308117,0,2.1180243780892156 1.935385720767255 1.7357214258983202 1.5561783390394321 1.4586678694522803 1.4060431715798525 1.2899592792141947 1.2450735074994705 1.2125700176370895 1.1878054539324119 1.1444674674492372 1.067078205872132 0.988141159063486 0.9324208907279681 1.1336329708284434 1.500458070703923 1.6954790098782269 1.8564486739586004 2.0081316266497296 2.1180243780892156 +26578,2.0731386063745,0,1.935385720767255 1.7357214258983202 1.5561783390394321 1.4586678694522803 1.4060431715798525 1.2899592792141947 1.2450735074994705 1.2125700176370895 1.1878054539324119 1.1444674674492372 1.067078205872132 0.988141159063486 0.9324208907279681 1.1336329708284434 1.500458070703923 1.6954790098782269 1.8564486739586004 2.0081316266497296 2.1180243780892156 2.1396933713308117 +26579,2.0205139085020636,0,1.7357214258983202 1.5561783390394321 1.4586678694522803 1.4060431715798525 1.2899592792141947 1.2450735074994705 1.2125700176370895 1.1878054539324119 1.1444674674492372 1.067078205872132 0.988141159063486 0.9324208907279681 1.1336329708284434 1.500458070703923 1.6954790098782269 1.8564486739586004 2.0081316266497296 2.1180243780892156 2.1396933713308117 2.0731386063745 +26580,1.7775116271499543,0,1.5561783390394321 1.4586678694522803 1.4060431715798525 1.2899592792141947 1.2450735074994705 1.2125700176370895 1.1878054539324119 1.1444674674492372 1.067078205872132 0.988141159063486 0.9324208907279681 1.1336329708284434 1.500458070703923 1.6954790098782269 1.8564486739586004 2.0081316266497296 2.1180243780892156 2.1396933713308117 2.0731386063745 2.0205139085020636 +26581,1.5051014263985452,0,1.4586678694522803 1.4060431715798525 1.2899592792141947 1.2450735074994705 1.2125700176370895 1.1878054539324119 1.1444674674492372 1.067078205872132 0.988141159063486 0.9324208907279681 1.1336329708284434 1.500458070703923 1.6954790098782269 1.8564486739586004 2.0081316266497296 2.1180243780892156 2.1396933713308117 2.0731386063745 2.0205139085020636 1.7775116271499543 +26582,1.241977937036389,0,1.4060431715798525 1.2899592792141947 1.2450735074994705 1.2125700176370895 1.1878054539324119 1.1444674674492372 1.067078205872132 0.988141159063486 0.9324208907279681 1.1336329708284434 1.500458070703923 1.6954790098782269 1.8564486739586004 2.0081316266497296 2.1180243780892156 2.1396933713308117 2.0731386063745 2.0205139085020636 1.7775116271499543 1.5051014263985452 +26583,1.1893532391639525,0,1.2899592792141947 1.2450735074994705 1.2125700176370895 1.1878054539324119 1.1444674674492372 1.067078205872132 0.988141159063486 0.9324208907279681 1.1336329708284434 1.500458070703923 1.6954790098782269 1.8564486739586004 2.0081316266497296 2.1180243780892156 2.1396933713308117 2.0731386063745 2.0205139085020636 1.7775116271499543 1.5051014263985452 1.241977937036389 +26584,0.9989756556842796,0,1.2450735074994705 1.2125700176370895 1.1878054539324119 1.1444674674492372 1.067078205872132 0.988141159063486 0.9324208907279681 1.1336329708284434 1.500458070703923 1.6954790098782269 1.8564486739586004 2.0081316266497296 2.1180243780892156 2.1396933713308117 2.0731386063745 2.0205139085020636 1.7775116271499543 1.5051014263985452 1.241977937036389 1.1893532391639525 +26585,0.9076563270232905,0,1.2125700176370895 1.1878054539324119 1.1444674674492372 1.067078205872132 0.988141159063486 0.9324208907279681 1.1336329708284434 1.500458070703923 1.6954790098782269 1.8564486739586004 2.0081316266497296 2.1180243780892156 2.1396933713308117 2.0731386063745 2.0205139085020636 1.7775116271499543 1.5051014263985452 1.241977937036389 1.1893532391639525 0.9989756556842796 +26586,0.8519360586877814,0,1.1878054539324119 1.1444674674492372 1.067078205872132 0.988141159063486 0.9324208907279681 1.1336329708284434 1.500458070703923 1.6954790098782269 1.8564486739586004 2.0081316266497296 2.1180243780892156 2.1396933713308117 2.0731386063745 2.0205139085020636 1.7775116271499543 1.5051014263985452 1.241977937036389 1.1893532391639525 0.9989756556842796 0.9076563270232905 +26587,0.8209803540569323,0,1.1444674674492372 1.067078205872132 0.988141159063486 0.9324208907279681 1.1336329708284434 1.500458070703923 1.6954790098782269 1.8564486739586004 2.0081316266497296 2.1180243780892156 2.1396933713308117 2.0731386063745 2.0205139085020636 1.7775116271499543 1.5051014263985452 1.241977937036389 1.1893532391639525 0.9989756556842796 0.9076563270232905 0.8519360586877814 +26588,0.7931202198891821,0,1.067078205872132 0.988141159063486 0.9324208907279681 1.1336329708284434 1.500458070703923 1.6954790098782269 1.8564486739586004 2.0081316266497296 2.1180243780892156 2.1396933713308117 2.0731386063745 2.0205139085020636 1.7775116271499543 1.5051014263985452 1.241977937036389 1.1893532391639525 0.9989756556842796 0.9076563270232905 0.8519360586877814 0.8209803540569323 +26589,0.6582608259051758,0,0.988141159063486 0.9324208907279681 1.1336329708284434 1.500458070703923 1.6954790098782269 1.8564486739586004 2.0081316266497296 2.1180243780892156 2.1396933713308117 2.0731386063745 2.0205139085020636 1.7775116271499543 1.5051014263985452 1.241977937036389 1.1893532391639525 0.9989756556842796 0.9076563270232905 0.8519360586877814 0.8209803540569323 0.7931202198891821 +26590,0.08046830649773842,0,0.9324208907279681 1.1336329708284434 1.500458070703923 1.6954790098782269 1.8564486739586004 2.0081316266497296 2.1180243780892156 2.1396933713308117 2.0731386063745 2.0205139085020636 1.7775116271499543 1.5051014263985452 1.241977937036389 1.1893532391639525 0.9989756556842796 0.9076563270232905 0.8519360586877814 0.8209803540569323 0.7931202198891821 0.6582608259051758 +26591,0.07004655250216749,0,1.1336329708284434 1.500458070703923 1.6954790098782269 1.8564486739586004 2.0081316266497296 2.1180243780892156 2.1396933713308117 2.0731386063745 2.0205139085020636 1.7775116271499543 1.5051014263985452 1.241977937036389 1.1893532391639525 0.9989756556842796 0.9076563270232905 0.8519360586877814 0.8209803540569323 0.7931202198891821 0.6582608259051758 0.08046830649773842 +26592,0.14057396627102933,0,1.500458070703923 1.6954790098782269 1.8564486739586004 2.0081316266497296 2.1180243780892156 2.1396933713308117 2.0731386063745 2.0205139085020636 1.7775116271499543 1.5051014263985452 1.241977937036389 1.1893532391639525 0.9989756556842796 0.9076563270232905 0.8519360586877814 0.8209803540569323 0.7931202198891821 0.6582608259051758 0.08046830649773842 0.07004655250216749 +26593,0.10316915645716833,0,1.6954790098782269 1.8564486739586004 2.0081316266497296 2.1180243780892156 2.1396933713308117 2.0731386063745 2.0205139085020636 1.7775116271499543 1.5051014263985452 1.241977937036389 1.1893532391639525 0.9989756556842796 0.9076563270232905 0.8519360586877814 0.8209803540569323 0.7931202198891821 0.6582608259051758 0.08046830649773842 0.07004655250216749 0.14057396627102933 +26594,0.1467135144077401,0,1.8564486739586004 2.0081316266497296 2.1180243780892156 2.1396933713308117 2.0731386063745 2.0205139085020636 1.7775116271499543 1.5051014263985452 1.241977937036389 1.1893532391639525 0.9989756556842796 0.9076563270232905 0.8519360586877814 0.8209803540569323 0.7931202198891821 0.6582608259051758 0.08046830649773842 0.07004655250216749 0.14057396627102933 0.10316915645716833 +26595,0.8318148506777348,0,2.0081316266497296 2.1180243780892156 2.1396933713308117 2.0731386063745 2.0205139085020636 1.7775116271499543 1.5051014263985452 1.241977937036389 1.1893532391639525 0.9989756556842796 0.9076563270232905 0.8519360586877814 0.8209803540569323 0.7931202198891821 0.6582608259051758 0.08046830649773842 0.07004655250216749 0.14057396627102933 0.10316915645716833 0.1467135144077401 +26596,0.9721383783275768,0,2.1180243780892156 2.1396933713308117 2.0731386063745 2.0205139085020636 1.7775116271499543 1.5051014263985452 1.241977937036389 1.1893532391639525 0.9989756556842796 0.9076563270232905 0.8519360586877814 0.8209803540569323 0.7931202198891821 0.6582608259051758 0.08046830649773842 0.07004655250216749 0.14057396627102933 0.10316915645716833 0.1467135144077401 0.8318148506777348 +26597,1.2739094057196063,0,2.1396933713308117 2.0731386063745 2.0205139085020636 1.7775116271499543 1.5051014263985452 1.241977937036389 1.1893532391639525 0.9989756556842796 0.9076563270232905 0.8519360586877814 0.8209803540569323 0.7931202198891821 0.6582608259051758 0.08046830649773842 0.07004655250216749 0.14057396627102933 0.10316915645716833 0.1467135144077401 0.8318148506777348 0.9721383783275768 +26598,1.4053556176746425,0,2.0731386063745 2.0205139085020636 1.7775116271499543 1.5051014263985452 1.241977937036389 1.1893532391639525 0.9989756556842796 0.9076563270232905 0.8519360586877814 0.8209803540569323 0.7931202198891821 0.6582608259051758 0.08046830649773842 0.07004655250216749 0.14057396627102933 0.10316915645716833 0.1467135144077401 0.8318148506777348 0.9721383783275768 1.2739094057196063 +26599,1.7511992782137449,0,2.0205139085020636 1.7775116271499543 1.5051014263985452 1.241977937036389 1.1893532391639525 0.9989756556842796 0.9076563270232905 0.8519360586877814 0.8209803540569323 0.7931202198891821 0.6582608259051758 0.08046830649773842 0.07004655250216749 0.14057396627102933 0.10316915645716833 0.1467135144077401 0.8318148506777348 0.9721383783275768 1.2739094057196063 1.4053556176746425 +26600,1.8239451840962193,0,1.7775116271499543 1.5051014263985452 1.241977937036389 1.1893532391639525 0.9989756556842796 0.9076563270232905 0.8519360586877814 0.8209803540569323 0.7931202198891821 0.6582608259051758 0.08046830649773842 0.07004655250216749 0.14057396627102933 0.10316915645716833 0.1467135144077401 0.8318148506777348 0.9721383783275768 1.2739094057196063 1.4053556176746425 1.7511992782137449 +26601,1.8595442444216905,0,1.5051014263985452 1.241977937036389 1.1893532391639525 0.9989756556842796 0.9076563270232905 0.8519360586877814 0.8209803540569323 0.7931202198891821 0.6582608259051758 0.08046830649773842 0.07004655250216749 0.14057396627102933 0.10316915645716833 0.1467135144077401 0.8318148506777348 0.9721383783275768 1.2739094057196063 1.4053556176746425 1.7511992782137449 1.8239451840962193 +26602,1.741912566824492,0,1.241977937036389 1.1893532391639525 0.9989756556842796 0.9076563270232905 0.8519360586877814 0.8209803540569323 0.7931202198891821 0.6582608259051758 0.08046830649773842 0.07004655250216749 0.14057396627102933 0.10316915645716833 0.1467135144077401 0.8318148506777348 0.9721383783275768 1.2739094057196063 1.4053556176746425 1.7511992782137449 1.8239451840962193 1.8595442444216905 +26603,1.7264347145090673,0,1.1893532391639525 0.9989756556842796 0.9076563270232905 0.8519360586877814 0.8209803540569323 0.7931202198891821 0.6582608259051758 0.08046830649773842 0.07004655250216749 0.14057396627102933 0.10316915645716833 0.1467135144077401 0.8318148506777348 0.9721383783275768 1.2739094057196063 1.4053556176746425 1.7511992782137449 1.8239451840962193 1.8595442444216905 1.741912566824492 +26604,1.6134463926064908,0,0.9989756556842796 0.9076563270232905 0.8519360586877814 0.8209803540569323 0.7931202198891821 0.6582608259051758 0.08046830649773842 0.07004655250216749 0.14057396627102933 0.10316915645716833 0.1467135144077401 0.8318148506777348 0.9721383783275768 1.2739094057196063 1.4053556176746425 1.7511992782137449 1.8239451840962193 1.8595442444216905 1.741912566824492 1.7264347145090673 +26605,1.4339033057476116,0,0.9076563270232905 0.8519360586877814 0.8209803540569323 0.7931202198891821 0.6582608259051758 0.08046830649773842 0.07004655250216749 0.14057396627102933 0.10316915645716833 0.1467135144077401 0.8318148506777348 0.9721383783275768 1.2739094057196063 1.4053556176746425 1.7511992782137449 1.8239451840962193 1.8595442444216905 1.741912566824492 1.7264347145090673 1.6134463926064908 +26606,1.1460152526807779,0,0.8519360586877814 0.8209803540569323 0.7931202198891821 0.6582608259051758 0.08046830649773842 0.07004655250216749 0.14057396627102933 0.10316915645716833 0.1467135144077401 0.8318148506777348 0.9721383783275768 1.2739094057196063 1.4053556176746425 1.7511992782137449 1.8239451840962193 1.8595442444216905 1.741912566824492 1.7264347145090673 1.6134463926064908 1.4339033057476116 +26607,1.0175490784627856,0,0.8209803540569323 0.7931202198891821 0.6582608259051758 0.08046830649773842 0.07004655250216749 0.14057396627102933 0.10316915645716833 0.1467135144077401 0.8318148506777348 0.9721383783275768 1.2739094057196063 1.4053556176746425 1.7511992782137449 1.8239451840962193 1.8595442444216905 1.741912566824492 1.7264347145090673 1.6134463926064908 1.4339033057476116 1.1460152526807779 +26608,0.8751528371609095,0,0.7931202198891821 0.6582608259051758 0.08046830649773842 0.07004655250216749 0.14057396627102933 0.10316915645716833 0.1467135144077401 0.8318148506777348 0.9721383783275768 1.2739094057196063 1.4053556176746425 1.7511992782137449 1.8239451840962193 1.8595442444216905 1.741912566824492 1.7264347145090673 1.6134463926064908 1.4339033057476116 1.1460152526807779 1.0175490784627856 +26609,0.8178847835938509,0,0.6582608259051758 0.08046830649773842 0.07004655250216749 0.14057396627102933 0.10316915645716833 0.1467135144077401 0.8318148506777348 0.9721383783275768 1.2739094057196063 1.4053556176746425 1.7511992782137449 1.8239451840962193 1.8595442444216905 1.741912566824492 1.7264347145090673 1.6134463926064908 1.4339033057476116 1.1460152526807779 1.0175490784627856 0.8751528371609095 +26610,0.7949980306980464,0,0.08046830649773842 0.07004655250216749 0.14057396627102933 0.10316915645716833 0.1467135144077401 0.8318148506777348 0.9721383783275768 1.2739094057196063 1.4053556176746425 1.7511992782137449 1.8239451840962193 1.8595442444216905 1.741912566824492 1.7264347145090673 1.6134463926064908 1.4339033057476116 1.1460152526807779 1.0175490784627856 0.8751528371609095 0.8178847835938509 +26611,0.7172787435436175,0,0.07004655250216749 0.14057396627102933 0.10316915645716833 0.1467135144077401 0.8318148506777348 0.9721383783275768 1.2739094057196063 1.4053556176746425 1.7511992782137449 1.8239451840962193 1.8595442444216905 1.741912566824492 1.7264347145090673 1.6134463926064908 1.4339033057476116 1.1460152526807779 1.0175490784627856 0.8751528371609095 0.8178847835938509 0.7949980306980464 +26612,0.6491761933557653,0,0.14057396627102933 0.10316915645716833 0.1467135144077401 0.8318148506777348 0.9721383783275768 1.2739094057196063 1.4053556176746425 1.7511992782137449 1.8239451840962193 1.8595442444216905 1.741912566824492 1.7264347145090673 1.6134463926064908 1.4339033057476116 1.1460152526807779 1.0175490784627856 0.8751528371609095 0.8178847835938509 0.7949980306980464 0.7172787435436175 +26613,0.650723978587306,0,0.10316915645716833 0.1467135144077401 0.8318148506777348 0.9721383783275768 1.2739094057196063 1.4053556176746425 1.7511992782137449 1.8239451840962193 1.8595442444216905 1.741912566824492 1.7264347145090673 1.6134463926064908 1.4339033057476116 1.1460152526807779 1.0175490784627856 0.8751528371609095 0.8178847835938509 0.7949980306980464 0.7172787435436175 0.6491761933557653 +26614,0.6292465776310417,0,0.1467135144077401 0.8318148506777348 0.9721383783275768 1.2739094057196063 1.4053556176746425 1.7511992782137449 1.8239451840962193 1.8595442444216905 1.741912566824492 1.7264347145090673 1.6134463926064908 1.4339033057476116 1.1460152526807779 1.0175490784627856 0.8751528371609095 0.8178847835938509 0.7949980306980464 0.7172787435436175 0.6491761933557653 0.650723978587306 +26615,0.581073643167913,0,0.8318148506777348 0.9721383783275768 1.2739094057196063 1.4053556176746425 1.7511992782137449 1.8239451840962193 1.8595442444216905 1.741912566824492 1.7264347145090673 1.6134463926064908 1.4339033057476116 1.1460152526807779 1.0175490784627856 0.8751528371609095 0.8178847835938509 0.7949980306980464 0.7172787435436175 0.6491761933557653 0.650723978587306 0.6292465776310417 +26616,0.5640480056209477,0,0.9721383783275768 1.2739094057196063 1.4053556176746425 1.7511992782137449 1.8239451840962193 1.8595442444216905 1.741912566824492 1.7264347145090673 1.6134463926064908 1.4339033057476116 1.1460152526807779 1.0175490784627856 0.8751528371609095 0.8178847835938509 0.7949980306980464 0.7172787435436175 0.6491761933557653 0.650723978587306 0.6292465776310417 0.581073643167913 +26617,0.5145188782116015,0,1.2739094057196063 1.4053556176746425 1.7511992782137449 1.8239451840962193 1.8595442444216905 1.741912566824492 1.7264347145090673 1.6134463926064908 1.4339033057476116 1.1460152526807779 1.0175490784627856 0.8751528371609095 0.8178847835938509 0.7949980306980464 0.7172787435436175 0.6491761933557653 0.650723978587306 0.6292465776310417 0.581073643167913 0.5640480056209477 +26618,0.5160666634431421,0,1.4053556176746425 1.7511992782137449 1.8239451840962193 1.8595442444216905 1.741912566824492 1.7264347145090673 1.6134463926064908 1.4339033057476116 1.1460152526807779 1.0175490784627856 0.8751528371609095 0.8178847835938509 0.7949980306980464 0.7172787435436175 0.6491761933557653 0.650723978587306 0.6292465776310417 0.581073643167913 0.5640480056209477 0.5145188782116015 +26619,0.613577133030294,0,1.7511992782137449 1.8239451840962193 1.8595442444216905 1.741912566824492 1.7264347145090673 1.6134463926064908 1.4339033057476116 1.1460152526807779 1.0175490784627856 0.8751528371609095 0.8178847835938509 0.7949980306980464 0.7172787435436175 0.6491761933557653 0.650723978587306 0.6292465776310417 0.581073643167913 0.5640480056209477 0.5145188782116015 0.5160666634431421 +26620,0.7714512266475859,0,1.8239451840962193 1.8595442444216905 1.741912566824492 1.7264347145090673 1.6134463926064908 1.4339033057476116 1.1460152526807779 1.0175490784627856 0.8751528371609095 0.8178847835938509 0.7949980306980464 0.7172787435436175 0.6491761933557653 0.650723978587306 0.6292465776310417 0.581073643167913 0.5640480056209477 0.5145188782116015 0.5160666634431421 0.613577133030294 +26621,0.9277775350333372,0,1.8595442444216905 1.741912566824492 1.7264347145090673 1.6134463926064908 1.4339033057476116 1.1460152526807779 1.0175490784627856 0.8751528371609095 0.8178847835938509 0.7949980306980464 0.7172787435436175 0.6491761933557653 0.650723978587306 0.6292465776310417 0.581073643167913 0.5640480056209477 0.5145188782116015 0.5160666634431421 0.613577133030294 0.7714512266475859 +26622,1.0841038434190973,0,1.741912566824492 1.7264347145090673 1.6134463926064908 1.4339033057476116 1.1460152526807779 1.0175490784627856 0.8751528371609095 0.8178847835938509 0.7949980306980464 0.7172787435436175 0.6491761933557653 0.650723978587306 0.6292465776310417 0.581073643167913 0.5640480056209477 0.5145188782116015 0.5160666634431421 0.613577133030294 0.7714512266475859 0.9277775350333372 +26623,1.2559080041202642,0,1.7264347145090673 1.6134463926064908 1.4339033057476116 1.1460152526807779 1.0175490784627856 0.8751528371609095 0.8178847835938509 0.7949980306980464 0.7172787435436175 0.6491761933557653 0.650723978587306 0.6292465776310417 0.581073643167913 0.5640480056209477 0.5145188782116015 0.5160666634431421 0.613577133030294 0.7714512266475859 0.9277775350333372 1.0841038434190973 +26624,1.3967564601905995,0,1.6134463926064908 1.4339033057476116 1.1460152526807779 1.0175490784627856 0.8751528371609095 0.8178847835938509 0.7949980306980464 0.7172787435436175 0.6491761933557653 0.650723978587306 0.6292465776310417 0.581073643167913 0.5640480056209477 0.5145188782116015 0.5160666634431421 0.613577133030294 0.7714512266475859 0.9277775350333372 1.0841038434190973 1.2559080041202642 +26625,1.441642231905324,0,1.4339033057476116 1.1460152526807779 1.0175490784627856 0.8751528371609095 0.8178847835938509 0.7949980306980464 0.7172787435436175 0.6491761933557653 0.650723978587306 0.6292465776310417 0.581073643167913 0.5640480056209477 0.5145188782116015 0.5160666634431421 0.613577133030294 0.7714512266475859 0.9277775350333372 1.0841038434190973 1.2559080041202642 1.3967564601905995 +26626,1.3627051850966692,0,1.1460152526807779 1.0175490784627856 0.8751528371609095 0.8178847835938509 0.7949980306980464 0.7172787435436175 0.6491761933557653 0.650723978587306 0.6292465776310417 0.581073643167913 0.5640480056209477 0.5145188782116015 0.5160666634431421 0.613577133030294 0.7714512266475859 0.9277775350333372 1.0841038434190973 1.2559080041202642 1.3967564601905995 1.441642231905324 +26627,1.2791247825934011,0,1.0175490784627856 0.8751528371609095 0.8178847835938509 0.7949980306980464 0.7172787435436175 0.6491761933557653 0.650723978587306 0.6292465776310417 0.581073643167913 0.5640480056209477 0.5145188782116015 0.5160666634431421 0.613577133030294 0.7714512266475859 0.9277775350333372 1.0841038434190973 1.2559080041202642 1.3967564601905995 1.441642231905324 1.3627051850966692 +26628,1.0887471991137192,0,0.8751528371609095 0.8178847835938509 0.7949980306980464 0.7172787435436175 0.6491761933557653 0.650723978587306 0.6292465776310417 0.581073643167913 0.5640480056209477 0.5145188782116015 0.5160666634431421 0.613577133030294 0.7714512266475859 0.9277775350333372 1.0841038434190973 1.2559080041202642 1.3967564601905995 1.441642231905324 1.3627051850966692 1.2791247825934011 +26629,0.9200386088756337,0,0.8178847835938509 0.7949980306980464 0.7172787435436175 0.6491761933557653 0.650723978587306 0.6292465776310417 0.581073643167913 0.5640480056209477 0.5145188782116015 0.5160666634431421 0.613577133030294 0.7714512266475859 0.9277775350333372 1.0841038434190973 1.2559080041202642 1.3967564601905995 1.441642231905324 1.3627051850966692 1.2791247825934011 1.0887471991137192 +26630,0.6785841127550649,0,0.7949980306980464 0.7172787435436175 0.6491761933557653 0.650723978587306 0.6292465776310417 0.581073643167913 0.5640480056209477 0.5145188782116015 0.5160666634431421 0.613577133030294 0.7714512266475859 0.9277775350333372 1.0841038434190973 1.2559080041202642 1.3967564601905995 1.441642231905324 1.3627051850966692 1.2791247825934011 1.0887471991137192 0.9200386088756337 +26631,0.6120293477987534,0,0.7172787435436175 0.6491761933557653 0.650723978587306 0.6292465776310417 0.581073643167913 0.5640480056209477 0.5145188782116015 0.5160666634431421 0.613577133030294 0.7714512266475859 0.9277775350333372 1.0841038434190973 1.2559080041202642 1.3967564601905995 1.441642231905324 1.3627051850966692 1.2791247825934011 1.0887471991137192 0.9200386088756337 0.6785841127550649 +26632,0.41539069383703026,0,0.6491761933557653 0.650723978587306 0.6292465776310417 0.581073643167913 0.5640480056209477 0.5145188782116015 0.5160666634431421 0.613577133030294 0.7714512266475859 0.9277775350333372 1.0841038434190973 1.2559080041202642 1.3967564601905995 1.441642231905324 1.3627051850966692 1.2791247825934011 1.0887471991137192 0.9200386088756337 0.6785841127550649 0.6120293477987534 +26633,0.12250730354561981,0,0.650723978587306 0.6292465776310417 0.581073643167913 0.5640480056209477 0.5145188782116015 0.5160666634431421 0.613577133030294 0.7714512266475859 0.9277775350333372 1.0841038434190973 1.2559080041202642 1.3967564601905995 1.441642231905324 1.3627051850966692 1.2791247825934011 1.0887471991137192 0.9200386088756337 0.6785841127550649 0.6120293477987534 0.41539069383703026 +26634,0.4496541786442372,0,0.6292465776310417 0.581073643167913 0.5640480056209477 0.5145188782116015 0.5160666634431421 0.613577133030294 0.7714512266475859 0.9277775350333372 1.0841038434190973 1.2559080041202642 1.3967564601905995 1.441642231905324 1.3627051850966692 1.2791247825934011 1.0887471991137192 0.9200386088756337 0.6785841127550649 0.6120293477987534 0.41539069383703026 0.12250730354561981 +26635,0.35819256982585024,0,0.581073643167913 0.5640480056209477 0.5145188782116015 0.5160666634431421 0.613577133030294 0.7714512266475859 0.9277775350333372 1.0841038434190973 1.2559080041202642 1.3967564601905995 1.441642231905324 1.3627051850966692 1.2791247825934011 1.0887471991137192 0.9200386088756337 0.6785841127550649 0.6120293477987534 0.41539069383703026 0.12250730354561981 0.4496541786442372 +26636,0.30092451625879163,0,0.5640480056209477 0.5145188782116015 0.5160666634431421 0.613577133030294 0.7714512266475859 0.9277775350333372 1.0841038434190973 1.2559080041202642 1.3967564601905995 1.441642231905324 1.3627051850966692 1.2791247825934011 1.0887471991137192 0.9200386088756337 0.6785841127550649 0.6120293477987534 0.41539069383703026 0.12250730354561981 0.4496541786442372 0.35819256982585024 +26637,0.262229885470239,0,0.5145188782116015 0.5160666634431421 0.613577133030294 0.7714512266475859 0.9277775350333372 1.0841038434190973 1.2559080041202642 1.3967564601905995 1.441642231905324 1.3627051850966692 1.2791247825934011 1.0887471991137192 0.9200386088756337 0.6785841127550649 0.6120293477987534 0.41539069383703026 0.12250730354561981 0.4496541786442372 0.35819256982585024 0.30092451625879163 +26638,0.15351850478983714,0,0.5160666634431421 0.613577133030294 0.7714512266475859 0.9277775350333372 1.0841038434190973 1.2559080041202642 1.3967564601905995 1.441642231905324 1.3627051850966692 1.2791247825934011 1.0887471991137192 0.9200386088756337 0.6785841127550649 0.6120293477987534 0.41539069383703026 0.12250730354561981 0.4496541786442372 0.35819256982585024 0.30092451625879163 0.262229885470239 +26639,-0.08806234106342493,0,0.613577133030294 0.7714512266475859 0.9277775350333372 1.0841038434190973 1.2559080041202642 1.3967564601905995 1.441642231905324 1.3627051850966692 1.2791247825934011 1.0887471991137192 0.9200386088756337 0.6785841127550649 0.6120293477987534 0.41539069383703026 0.12250730354561981 0.4496541786442372 0.35819256982585024 0.30092451625879163 0.262229885470239 0.15351850478983714 +26640,0.31428775250650004,0,0.7714512266475859 0.9277775350333372 1.0841038434190973 1.2559080041202642 1.3967564601905995 1.441642231905324 1.3627051850966692 1.2791247825934011 1.0887471991137192 0.9200386088756337 0.6785841127550649 0.6120293477987534 0.41539069383703026 0.12250730354561981 0.4496541786442372 0.35819256982585024 0.30092451625879163 0.262229885470239 0.15351850478983714 -0.08806234106342493 +26641,0.34735807320504775,0,0.9277775350333372 1.0841038434190973 1.2559080041202642 1.3967564601905995 1.441642231905324 1.3627051850966692 1.2791247825934011 1.0887471991137192 0.9200386088756337 0.6785841127550649 0.6120293477987534 0.41539069383703026 0.12250730354561981 0.4496541786442372 0.35819256982585024 0.30092451625879163 0.262229885470239 0.15351850478983714 -0.08806234106342493 0.31428775250650004 +26642,0.3287846504265506,0,1.0841038434190973 1.2559080041202642 1.3967564601905995 1.441642231905324 1.3627051850966692 1.2791247825934011 1.0887471991137192 0.9200386088756337 0.6785841127550649 0.6120293477987534 0.41539069383703026 0.12250730354561981 0.4496541786442372 0.35819256982585024 0.30092451625879163 0.262229885470239 0.15351850478983714 -0.08806234106342493 0.31428775250650004 0.34735807320504775 +26643,0.36593149598355373,0,1.2559080041202642 1.3967564601905995 1.441642231905324 1.3627051850966692 1.2791247825934011 1.0887471991137192 0.9200386088756337 0.6785841127550649 0.6120293477987534 0.41539069383703026 0.12250730354561981 0.4496541786442372 0.35819256982585024 0.30092451625879163 0.262229885470239 0.15351850478983714 -0.08806234106342493 0.31428775250650004 0.34735807320504775 0.3287846504265506 +26644,0.5222578043693137,0,1.3967564601905995 1.441642231905324 1.3627051850966692 1.2791247825934011 1.0887471991137192 0.9200386088756337 0.6785841127550649 0.6120293477987534 0.41539069383703026 0.12250730354561981 0.4496541786442372 0.35819256982585024 0.30092451625879163 0.262229885470239 0.15351850478983714 -0.08806234106342493 0.31428775250650004 0.34735807320504775 0.3287846504265506 0.36593149598355373 +26645,0.5826214283994537,0,1.441642231905324 1.3627051850966692 1.2791247825934011 1.0887471991137192 0.9200386088756337 0.6785841127550649 0.6120293477987534 0.41539069383703026 0.12250730354561981 0.4496541786442372 0.35819256982585024 0.30092451625879163 0.262229885470239 0.15351850478983714 -0.08806234106342493 0.31428775250650004 0.34735807320504775 0.3287846504265506 0.36593149598355373 0.5222578043693137 +26646,0.701800891228193,0,1.3627051850966692 1.2791247825934011 1.0887471991137192 0.9200386088756337 0.6785841127550649 0.6120293477987534 0.41539069383703026 0.12250730354561981 0.4496541786442372 0.35819256982585024 0.30092451625879163 0.262229885470239 0.15351850478983714 -0.08806234106342493 0.31428775250650004 0.34735807320504775 0.3287846504265506 0.36593149598355373 0.5222578043693137 0.5826214283994537 +26647,0.8230710308400215,0,1.2791247825934011 1.0887471991137192 0.9200386088756337 0.6785841127550649 0.6120293477987534 0.41539069383703026 0.12250730354561981 0.4496541786442372 0.35819256982585024 0.30092451625879163 0.262229885470239 0.15351850478983714 -0.08806234106342493 0.31428775250650004 0.34735807320504775 0.3287846504265506 0.36593149598355373 0.5222578043693137 0.5826214283994537 0.701800891228193 +26648,1.0086885913724575,0,1.0887471991137192 0.9200386088756337 0.6785841127550649 0.6120293477987534 0.41539069383703026 0.12250730354561981 0.4496541786442372 0.35819256982585024 0.30092451625879163 0.262229885470239 0.15351850478983714 -0.08806234106342493 0.31428775250650004 0.34735807320504775 0.3287846504265506 0.36593149598355373 0.5222578043693137 0.5826214283994537 0.701800891228193 0.8230710308400215 +26649,0.7482928550883953,0,0.9200386088756337 0.6785841127550649 0.6120293477987534 0.41539069383703026 0.12250730354561981 0.4496541786442372 0.35819256982585024 0.30092451625879163 0.262229885470239 0.15351850478983714 -0.08806234106342493 0.31428775250650004 0.34735807320504775 0.3287846504265506 0.36593149598355373 0.5222578043693137 0.5826214283994537 0.701800891228193 0.8230710308400215 1.0086885913724575 +26650,1.0631571500038193,0,0.6785841127550649 0.6120293477987534 0.41539069383703026 0.12250730354561981 0.4496541786442372 0.35819256982585024 0.30092451625879163 0.262229885470239 0.15351850478983714 -0.08806234106342493 0.31428775250650004 0.34735807320504775 0.3287846504265506 0.36593149598355373 0.5222578043693137 0.5826214283994537 0.701800891228193 0.8230710308400215 1.0086885913724575 0.7482928550883953 +26651,0.9320081479479596,0,0.6120293477987534 0.41539069383703026 0.12250730354561981 0.4496541786442372 0.35819256982585024 0.30092451625879163 0.262229885470239 0.15351850478983714 -0.08806234106342493 0.31428775250650004 0.34735807320504775 0.3287846504265506 0.36593149598355373 0.5222578043693137 0.5826214283994537 0.701800891228193 0.8230710308400215 1.0086885913724575 0.7482928550883953 1.0631571500038193 +26652,0.6826083543570672,0,0.41539069383703026 0.12250730354561981 0.4496541786442372 0.35819256982585024 0.30092451625879163 0.262229885470239 0.15351850478983714 -0.08806234106342493 0.31428775250650004 0.34735807320504775 0.3287846504265506 0.36593149598355373 0.5222578043693137 0.5826214283994537 0.701800891228193 0.8230710308400215 1.0086885913724575 0.7482928550883953 1.0631571500038193 0.9320081479479596 +26653,0.5908762829160785,0,0.12250730354561981 0.4496541786442372 0.35819256982585024 0.30092451625879163 0.262229885470239 0.15351850478983714 -0.08806234106342493 0.31428775250650004 0.34735807320504775 0.3287846504265506 0.36593149598355373 0.5222578043693137 0.5826214283994537 0.701800891228193 0.8230710308400215 1.0086885913724575 0.7482928550883953 1.0631571500038193 0.9320081479479596 0.6826083543570672 +26654,0.38089341994005704,0,0.4496541786442372 0.35819256982585024 0.30092451625879163 0.262229885470239 0.15351850478983714 -0.08806234106342493 0.31428775250650004 0.34735807320504775 0.3287846504265506 0.36593149598355373 0.5222578043693137 0.5826214283994537 0.701800891228193 0.8230710308400215 1.0086885913724575 0.7482928550883953 1.0631571500038193 0.9320081479479596 0.6826083543570672 0.5908762829160785 +26655,0.30247230149033233,0,0.35819256982585024 0.30092451625879163 0.262229885470239 0.15351850478983714 -0.08806234106342493 0.31428775250650004 0.34735807320504775 0.3287846504265506 0.36593149598355373 0.5222578043693137 0.5826214283994537 0.701800891228193 0.8230710308400215 1.0086885913724575 0.7482928550883953 1.0631571500038193 0.9320081479479596 0.6826083543570672 0.5908762829160785 0.38089341994005704 +26656,0.04863552351742921,0,0.30092451625879163 0.262229885470239 0.15351850478983714 -0.08806234106342493 0.31428775250650004 0.34735807320504775 0.3287846504265506 0.36593149598355373 0.5222578043693137 0.5826214283994537 0.701800891228193 0.8230710308400215 1.0086885913724575 0.7482928550883953 1.0631571500038193 0.9320081479479596 0.6826083543570672 0.5908762829160785 0.38089341994005704 0.30247230149033233 +26657,-0.07363950977440026,0,0.262229885470239 0.15351850478983714 -0.08806234106342493 0.31428775250650004 0.34735807320504775 0.3287846504265506 0.36593149598355373 0.5222578043693137 0.5826214283994537 0.701800891228193 0.8230710308400215 1.0086885913724575 0.7482928550883953 1.0631571500038193 0.9320081479479596 0.6826083543570672 0.5908762829160785 0.38089341994005704 0.30247230149033233 0.04863552351742921 +26658,0.3175504532832249,0,0.15351850478983714 -0.08806234106342493 0.31428775250650004 0.34735807320504775 0.3287846504265506 0.36593149598355373 0.5222578043693137 0.5826214283994537 0.701800891228193 0.8230710308400215 1.0086885913724575 0.7482928550883953 1.0631571500038193 0.9320081479479596 0.6826083543570672 0.5908762829160785 0.38089341994005704 0.30247230149033233 0.04863552351742921 -0.07363950977440026 +26659,0.07133210716164802,0,-0.08806234106342493 0.31428775250650004 0.34735807320504775 0.3287846504265506 0.36593149598355373 0.5222578043693137 0.5826214283994537 0.701800891228193 0.8230710308400215 1.0086885913724575 0.7482928550883953 1.0631571500038193 0.9320081479479596 0.6826083543570672 0.5908762829160785 0.38089341994005704 0.30247230149033233 0.04863552351742921 -0.07363950977440026 0.3175504532832249 +26660,0.4324862609398653,0,0.31428775250650004 0.34735807320504775 0.3287846504265506 0.36593149598355373 0.5222578043693137 0.5826214283994537 0.701800891228193 0.8230710308400215 1.0086885913724575 0.7482928550883953 1.0631571500038193 0.9320081479479596 0.6826083543570672 0.5908762829160785 0.38089341994005704 0.30247230149033233 0.04863552351742921 -0.07363950977440026 0.3175504532832249 0.07133210716164802 +26661,0.3767659926043474,0,0.34735807320504775 0.3287846504265506 0.36593149598355373 0.5222578043693137 0.5826214283994537 0.701800891228193 0.8230710308400215 1.0086885913724575 0.7482928550883953 1.0631571500038193 0.9320081479479596 0.6826083543570672 0.5908762829160785 0.38089341994005704 0.30247230149033233 0.04863552351742921 -0.07363950977440026 0.3175504532832249 0.07133210716164802 0.4324862609398653 +26662,0.3566447845943007,0,0.3287846504265506 0.36593149598355373 0.5222578043693137 0.5826214283994537 0.701800891228193 0.8230710308400215 1.0086885913724575 0.7482928550883953 1.0631571500038193 0.9320081479479596 0.6826083543570672 0.5908762829160785 0.38089341994005704 0.30247230149033233 0.04863552351742921 -0.07363950977440026 0.3175504532832249 0.07133210716164802 0.4324862609398653 0.3767659926043474 +26663,0.29937673102724216,0,0.36593149598355373 0.5222578043693137 0.5826214283994537 0.701800891228193 0.8230710308400215 1.0086885913724575 0.7482928550883953 1.0631571500038193 0.9320081479479596 0.6826083543570672 0.5908762829160785 0.38089341994005704 0.30247230149033233 0.04863552351742921 -0.07363950977440026 0.3175504532832249 0.07133210716164802 0.4324862609398653 0.3767659926043474 0.3566447845943007 +26664,0.2823510934802857,0,0.5222578043693137 0.5826214283994537 0.701800891228193 0.8230710308400215 1.0086885913724575 0.7482928550883953 1.0631571500038193 0.9320081479479596 0.6826083543570672 0.5908762829160785 0.38089341994005704 0.30247230149033233 0.04863552351742921 -0.07363950977440026 0.3175504532832249 0.07133210716164802 0.4324862609398653 0.3767659926043474 0.3566447845943007 0.29937673102724216 +26665,0.17713296222320563,0,0.5826214283994537 0.701800891228193 0.8230710308400215 1.0086885913724575 0.7482928550883953 1.0631571500038193 0.9320081479479596 0.6826083543570672 0.5908762829160785 0.38089341994005704 0.30247230149033233 0.04863552351742921 -0.07363950977440026 0.3175504532832249 0.07133210716164802 0.4324862609398653 0.3767659926043474 0.3566447845943007 0.29937673102724216 0.2823510934802857 +26666,0.02086841093252606,0,0.701800891228193 0.8230710308400215 1.0086885913724575 0.7482928550883953 1.0631571500038193 0.9320081479479596 0.6826083543570672 0.5908762829160785 0.38089341994005704 0.30247230149033233 0.04863552351742921 -0.07363950977440026 0.3175504532832249 0.07133210716164802 0.4324862609398653 0.3767659926043474 0.3566447845943007 0.29937673102724216 0.2823510934802857 0.17713296222320563 +26667,0.24829981838635515,0,0.8230710308400215 1.0086885913724575 0.7482928550883953 1.0631571500038193 0.9320081479479596 0.6826083543570672 0.5908762829160785 0.38089341994005704 0.30247230149033233 0.04863552351742921 -0.07363950977440026 0.3175504532832249 0.07133210716164802 0.4324862609398653 0.3767659926043474 0.3566447845943007 0.29937673102724216 0.2823510934802857 0.17713296222320563 0.02086841093252606 +26668,0.380734380828493,0,1.0086885913724575 0.7482928550883953 1.0631571500038193 0.9320081479479596 0.6826083543570672 0.5908762829160785 0.38089341994005704 0.30247230149033233 0.04863552351742921 -0.07363950977440026 0.3175504532832249 0.07133210716164802 0.4324862609398653 0.3767659926043474 0.3566447845943007 0.29937673102724216 0.2823510934802857 0.17713296222320563 0.02086841093252606 0.24829981838635515 +26669,0.5771762534001197,0,0.7482928550883953 1.0631571500038193 0.9320081479479596 0.6826083543570672 0.5908762829160785 0.38089341994005704 0.30247230149033233 0.04863552351742921 -0.07363950977440026 0.3175504532832249 0.07133210716164802 0.4324862609398653 0.3767659926043474 0.3566447845943007 0.29937673102724216 0.2823510934802857 0.17713296222320563 0.02086841093252606 0.24829981838635515 0.380734380828493 +26670,0.911439337784151,0,1.0631571500038193 0.9320081479479596 0.6826083543570672 0.5908762829160785 0.38089341994005704 0.30247230149033233 0.04863552351742921 -0.07363950977440026 0.3175504532832249 0.07133210716164802 0.4324862609398653 0.3767659926043474 0.3566447845943007 0.29937673102724216 0.2823510934802857 0.17713296222320563 0.02086841093252606 0.24829981838635515 0.380734380828493 0.5771762534001197 +26671,1.2435257222679297,0,0.9320081479479596 0.6826083543570672 0.5908762829160785 0.38089341994005704 0.30247230149033233 0.04863552351742921 -0.07363950977440026 0.3175504532832249 0.07133210716164802 0.4324862609398653 0.3767659926043474 0.3566447845943007 0.29937673102724216 0.2823510934802857 0.17713296222320563 0.02086841093252606 0.24829981838635515 0.380734380828493 0.5771762534001197 0.911439337784151 +26672,1.203926417667014,0,0.6826083543570672 0.5908762829160785 0.38089341994005704 0.30247230149033233 0.04863552351742921 -0.07363950977440026 0.3175504532832249 0.07133210716164802 0.4324862609398653 0.3767659926043474 0.3566447845943007 0.29937673102724216 0.2823510934802857 0.17713296222320563 0.02086841093252606 0.24829981838635515 0.380734380828493 0.5771762534001197 0.911439337784151 1.2435257222679297 +26673,1.2862244980602704,0,0.5908762829160785 0.38089341994005704 0.30247230149033233 0.04863552351742921 -0.07363950977440026 0.3175504532832249 0.07133210716164802 0.4324862609398653 0.3767659926043474 0.3566447845943007 0.29937673102724216 0.2823510934802857 0.17713296222320563 0.02086841093252606 0.24829981838635515 0.380734380828493 0.5771762534001197 0.911439337784151 1.2435257222679297 1.203926417667014 +26674,1.2241280368345278,0,0.38089341994005704 0.30247230149033233 0.04863552351742921 -0.07363950977440026 0.3175504532832249 0.07133210716164802 0.4324862609398653 0.3767659926043474 0.3566447845943007 0.29937673102724216 0.2823510934802857 0.17713296222320563 0.02086841093252606 0.24829981838635515 0.380734380828493 0.5771762534001197 0.911439337784151 1.2435257222679297 1.203926417667014 1.2862244980602704 +26675,1.3534184737074162,0,0.30247230149033233 0.04863552351742921 -0.07363950977440026 0.3175504532832249 0.07133210716164802 0.4324862609398653 0.3767659926043474 0.3566447845943007 0.29937673102724216 0.2823510934802857 0.17713296222320563 0.02086841093252606 0.24829981838635515 0.380734380828493 0.5771762534001197 0.911439337784151 1.2435257222679297 1.203926417667014 1.2862244980602704 1.2241280368345278 +26676,1.218761158563261,0,0.04863552351742921 -0.07363950977440026 0.3175504532832249 0.07133210716164802 0.4324862609398653 0.3767659926043474 0.3566447845943007 0.29937673102724216 0.2823510934802857 0.17713296222320563 0.02086841093252606 0.24829981838635515 0.380734380828493 0.5771762534001197 0.911439337784151 1.2435257222679297 1.203926417667014 1.2862244980602704 1.2241280368345278 1.3534184737074162 +26677,0.9525420987380148,0,-0.07363950977440026 0.3175504532832249 0.07133210716164802 0.4324862609398653 0.3767659926043474 0.3566447845943007 0.29937673102724216 0.2823510934802857 0.17713296222320563 0.02086841093252606 0.24829981838635515 0.380734380828493 0.5771762534001197 0.911439337784151 1.2435257222679297 1.203926417667014 1.2862244980602704 1.2241280368345278 1.3534184737074162 1.218761158563261 +26678,0.727902095791705,0,0.3175504532832249 0.07133210716164802 0.4324862609398653 0.3767659926043474 0.3566447845943007 0.29937673102724216 0.2823510934802857 0.17713296222320563 0.02086841093252606 0.24829981838635515 0.380734380828493 0.5771762534001197 0.911439337784151 1.2435257222679297 1.203926417667014 1.2862244980602704 1.2241280368345278 1.3534184737074162 1.218761158563261 0.9525420987380148 +26679,0.6863230389127685,0,0.07133210716164802 0.4324862609398653 0.3767659926043474 0.3566447845943007 0.29937673102724216 0.2823510934802857 0.17713296222320563 0.02086841093252606 0.24829981838635515 0.380734380828493 0.5771762534001197 0.911439337784151 1.2435257222679297 1.203926417667014 1.2862244980602704 1.2241280368345278 1.3534184737074162 1.218761158563261 0.9525420987380148 0.727902095791705 +26680,0.4692128290983673,0,0.4324862609398653 0.3767659926043474 0.3566447845943007 0.29937673102724216 0.2823510934802857 0.17713296222320563 0.02086841093252606 0.24829981838635515 0.380734380828493 0.5771762534001197 0.911439337784151 1.2435257222679297 1.203926417667014 1.2862244980602704 1.2241280368345278 1.3534184737074162 1.218761158563261 0.9525420987380148 0.727902095791705 0.6863230389127685 +26681,0.13788737127869682,0,0.3767659926043474 0.3566447845943007 0.29937673102724216 0.2823510934802857 0.17713296222320563 0.02086841093252606 0.24829981838635515 0.380734380828493 0.5771762534001197 0.911439337784151 1.2435257222679297 1.203926417667014 1.2862244980602704 1.2241280368345278 1.3534184737074162 1.218761158563261 0.9525420987380148 0.727902095791705 0.6863230389127685 0.4692128290983673 +26682,0.5501179385370639,0,0.3566447845943007 0.29937673102724216 0.2823510934802857 0.17713296222320563 0.02086841093252606 0.24829981838635515 0.380734380828493 0.5771762534001197 0.911439337784151 1.2435257222679297 1.203926417667014 1.2862244980602704 1.2241280368345278 1.3534184737074162 1.218761158563261 0.9525420987380148 0.727902095791705 0.6863230389127685 0.4692128290983673 0.13788737127869682 +26683,0.5238055896008544,0,0.29937673102724216 0.2823510934802857 0.17713296222320563 0.02086841093252606 0.24829981838635515 0.380734380828493 0.5771762534001197 0.911439337784151 1.2435257222679297 1.203926417667014 1.2862244980602704 1.2241280368345278 1.3534184737074162 1.218761158563261 0.9525420987380148 0.727902095791705 0.6863230389127685 0.4692128290983673 0.13788737127869682 0.5501179385370639 +26684,0.4851109588123018,0,0.2823510934802857 0.17713296222320563 0.02086841093252606 0.24829981838635515 0.380734380828493 0.5771762534001197 0.911439337784151 1.2435257222679297 1.203926417667014 1.2862244980602704 1.2241280368345278 1.3534184737074162 1.218761158563261 0.9525420987380148 0.727902095791705 0.6863230389127685 0.4692128290983673 0.13788737127869682 0.5501179385370639 0.5238055896008544 +26685,0.5361878714531888,0,0.17713296222320563 0.02086841093252606 0.24829981838635515 0.380734380828493 0.5771762534001197 0.911439337784151 1.2435257222679297 1.203926417667014 1.2862244980602704 1.2241280368345278 1.3534184737074162 1.218761158563261 0.9525420987380148 0.727902095791705 0.6863230389127685 0.4692128290983673 0.13788737127869682 0.5501179385370639 0.5238055896008544 0.4851109588123018 +26686,0.5748825022417414,0,0.02086841093252606 0.24829981838635515 0.380734380828493 0.5771762534001197 0.911439337784151 1.2435257222679297 1.203926417667014 1.2862244980602704 1.2241280368345278 1.3534184737074162 1.218761158563261 0.9525420987380148 0.727902095791705 0.6863230389127685 0.4692128290983673 0.13788737127869682 0.5501179385370639 0.5238055896008544 0.4851109588123018 0.5361878714531888 +26687,0.5748825022417414,0,0.24829981838635515 0.380734380828493 0.5771762534001197 0.911439337784151 1.2435257222679297 1.203926417667014 1.2862244980602704 1.2241280368345278 1.3534184737074162 1.218761158563261 0.9525420987380148 0.727902095791705 0.6863230389127685 0.4692128290983673 0.13788737127869682 0.5501179385370639 0.5238055896008544 0.4851109588123018 0.5361878714531888 0.5748825022417414 +26688,0.5361878714531888,0,0.380734380828493 0.5771762534001197 0.911439337784151 1.2435257222679297 1.203926417667014 1.2862244980602704 1.2241280368345278 1.3534184737074162 1.218761158563261 0.9525420987380148 0.727902095791705 0.6863230389127685 0.4692128290983673 0.13788737127869682 0.5501179385370639 0.5238055896008544 0.4851109588123018 0.5361878714531888 0.5748825022417414 0.5748825022417414 +26689,0.5098755225169705,0,0.5771762534001197 0.911439337784151 1.2435257222679297 1.203926417667014 1.2862244980602704 1.2241280368345278 1.3534184737074162 1.218761158563261 0.9525420987380148 0.727902095791705 0.6863230389127685 0.4692128290983673 0.13788737127869682 0.5501179385370639 0.5238055896008544 0.4851109588123018 0.5361878714531888 0.5748825022417414 0.5748825022417414 0.5361878714531888 +26690,0.33514780430964863,0,0.911439337784151 1.2435257222679297 1.203926417667014 1.2862244980602704 1.2241280368345278 1.3534184737074162 1.218761158563261 0.9525420987380148 0.727902095791705 0.6863230389127685 0.4692128290983673 0.13788737127869682 0.5501179385370639 0.5238055896008544 0.4851109588123018 0.5361878714531888 0.5748825022417414 0.5748825022417414 0.5361878714531888 0.5098755225169705 +26691,0.45879860987608356,0,1.2435257222679297 1.203926417667014 1.2862244980602704 1.2241280368345278 1.3534184737074162 1.218761158563261 0.9525420987380148 0.727902095791705 0.6863230389127685 0.4692128290983673 0.13788737127869682 0.5501179385370639 0.5238055896008544 0.4851109588123018 0.5361878714531888 0.5748825022417414 0.5748825022417414 0.5361878714531888 0.5098755225169705 0.33514780430964863 +26692,0.36710009658581366,0,1.203926417667014 1.2862244980602704 1.2241280368345278 1.3534184737074162 1.218761158563261 0.9525420987380148 0.727902095791705 0.6863230389127685 0.4692128290983673 0.13788737127869682 0.5501179385370639 0.5238055896008544 0.4851109588123018 0.5361878714531888 0.5748825022417414 0.5748825022417414 0.5361878714531888 0.5098755225169705 0.33514780430964863 0.45879860987608356 +26693,0.16507154847687527,0,1.2862244980602704 1.2241280368345278 1.3534184737074162 1.218761158563261 0.9525420987380148 0.727902095791705 0.6863230389127685 0.4692128290983673 0.13788737127869682 0.5501179385370639 0.5238055896008544 0.4851109588123018 0.5361878714531888 0.5748825022417414 0.5748825022417414 0.5361878714531888 0.5098755225169705 0.33514780430964863 0.45879860987608356 0.36710009658581366 +26694,0.7266435823332206,0,1.2241280368345278 1.3534184737074162 1.218761158563261 0.9525420987380148 0.727902095791705 0.6863230389127685 0.4692128290983673 0.13788737127869682 0.5501179385370639 0.5238055896008544 0.4851109588123018 0.5361878714531888 0.5748825022417414 0.5748825022417414 0.5361878714531888 0.5098755225169705 0.33514780430964863 0.45879860987608356 0.36710009658581366 0.16507154847687527 +26695,0.8720572666978281,0,1.3534184737074162 1.218761158563261 0.9525420987380148 0.727902095791705 0.6863230389127685 0.4692128290983673 0.13788737127869682 0.5501179385370639 0.5238055896008544 0.4851109588123018 0.5361878714531888 0.5748825022417414 0.5748825022417414 0.5361878714531888 0.5098755225169705 0.33514780430964863 0.45879860987608356 0.36710009658581366 0.16507154847687527 0.7266435823332206 +26696,1.0887471991137192,0,1.218761158563261 0.9525420987380148 0.727902095791705 0.6863230389127685 0.4692128290983673 0.13788737127869682 0.5501179385370639 0.5238055896008544 0.4851109588123018 0.5361878714531888 0.5748825022417414 0.5748825022417414 0.5361878714531888 0.5098755225169705 0.33514780430964863 0.45879860987608356 0.36710009658581366 0.16507154847687527 0.7266435823332206 0.8720572666978281 +26697,1.1723276016169961,0,0.9525420987380148 0.727902095791705 0.6863230389127685 0.4692128290983673 0.13788737127869682 0.5501179385370639 0.5238055896008544 0.4851109588123018 0.5361878714531888 0.5748825022417414 0.5748825022417414 0.5361878714531888 0.5098755225169705 0.33514780430964863 0.45879860987608356 0.36710009658581366 0.16507154847687527 0.7266435823332206 0.8720572666978281 1.0887471991137192 +26698,0.9390698858729396,0,0.727902095791705 0.6863230389127685 0.4692128290983673 0.13788737127869682 0.5501179385370639 0.5238055896008544 0.4851109588123018 0.5361878714531888 0.5748825022417414 0.5748825022417414 0.5361878714531888 0.5098755225169705 0.33514780430964863 0.45879860987608356 0.36710009658581366 0.16507154847687527 0.7266435823332206 0.8720572666978281 1.0887471991137192 1.1723276016169961 +26699,0.5229510671255626,0,0.6863230389127685 0.4692128290983673 0.13788737127869682 0.5501179385370639 0.5238055896008544 0.4851109588123018 0.5361878714531888 0.5748825022417414 0.5748825022417414 0.5361878714531888 0.5098755225169705 0.33514780430964863 0.45879860987608356 0.36710009658581366 0.16507154847687527 0.7266435823332206 0.8720572666978281 1.0887471991137192 1.1723276016169961 0.9390698858729396 +26700,0.9138474679494621,0,0.4692128290983673 0.13788737127869682 0.5501179385370639 0.5238055896008544 0.4851109588123018 0.5361878714531888 0.5748825022417414 0.5748825022417414 0.5361878714531888 0.5098755225169705 0.33514780430964863 0.45879860987608356 0.36710009658581366 0.16507154847687527 0.7266435823332206 0.8720572666978281 1.0887471991137192 1.1723276016169961 0.9390698858729396 0.5229510671255626 +26701,0.7126353878489867,0,0.13788737127869682 0.5501179385370639 0.5238055896008544 0.4851109588123018 0.5361878714531888 0.5748825022417414 0.5748825022417414 0.5361878714531888 0.5098755225169705 0.33514780430964863 0.45879860987608356 0.36710009658581366 0.16507154847687527 0.7266435823332206 0.8720572666978281 1.0887471991137192 1.1723276016169961 0.9390698858729396 0.5229510671255626 0.9138474679494621 +26702,0.6182204887249162,0,0.5501179385370639 0.5238055896008544 0.4851109588123018 0.5361878714531888 0.5748825022417414 0.5748825022417414 0.5361878714531888 0.5098755225169705 0.33514780430964863 0.45879860987608356 0.36710009658581366 0.16507154847687527 0.7266435823332206 0.8720572666978281 1.0887471991137192 1.1723276016169961 0.9390698858729396 0.5229510671255626 0.9138474679494621 0.7126353878489867 +26703,0.5547612942316947,0,0.5238055896008544 0.4851109588123018 0.5361878714531888 0.5748825022417414 0.5748825022417414 0.5361878714531888 0.5098755225169705 0.33514780430964863 0.45879860987608356 0.36710009658581366 0.16507154847687527 0.7266435823332206 0.8720572666978281 1.0887471991137192 1.1723276016169961 0.9390698858729396 0.5229510671255626 0.9138474679494621 0.7126353878489867 0.6182204887249162 +26704,0.46189418033916496,0,0.4851109588123018 0.5361878714531888 0.5748825022417414 0.5748825022417414 0.5361878714531888 0.5098755225169705 0.33514780430964863 0.45879860987608356 0.36710009658581366 0.16507154847687527 0.7266435823332206 0.8720572666978281 1.0887471991137192 1.1723276016169961 0.9390698858729396 0.5229510671255626 0.9138474679494621 0.7126353878489867 0.6182204887249162 0.5547612942316947 +26705,0.4262951200137025,0,0.5361878714531888 0.5748825022417414 0.5748825022417414 0.5361878714531888 0.5098755225169705 0.33514780430964863 0.45879860987608356 0.36710009658581366 0.16507154847687527 0.7266435823332206 0.8720572666978281 1.0887471991137192 1.1723276016169961 0.9390698858729396 0.5229510671255626 0.9138474679494621 0.7126353878489867 0.6182204887249162 0.5547612942316947 0.46189418033916496 +26706,0.4025161376535735,0,0.5748825022417414 0.5748825022417414 0.5361878714531888 0.5098755225169705 0.33514780430964863 0.45879860987608356 0.36710009658581366 0.16507154847687527 0.7266435823332206 0.8720572666978281 1.0887471991137192 1.1723276016169961 0.9390698858729396 0.5229510671255626 0.9138474679494621 0.7126353878489867 0.6182204887249162 0.5547612942316947 0.46189418033916496 0.4262951200137025 +26707,0.35509699936276,0,0.5748825022417414 0.5361878714531888 0.5098755225169705 0.33514780430964863 0.45879860987608356 0.36710009658581366 0.16507154847687527 0.7266435823332206 0.8720572666978281 1.0887471991137192 1.1723276016169961 0.9390698858729396 0.5229510671255626 0.9138474679494621 0.7126353878489867 0.6182204887249162 0.5547612942316947 0.46189418033916496 0.4262951200137025 0.4025161376535735 +26708,0.23901310699710215,0,0.5361878714531888 0.5098755225169705 0.33514780430964863 0.45879860987608356 0.36710009658581366 0.16507154847687527 0.7266435823332206 0.8720572666978281 1.0887471991137192 1.1723276016169961 0.9390698858729396 0.5229510671255626 0.9138474679494621 0.7126353878489867 0.6182204887249162 0.5547612942316947 0.46189418033916496 0.4262951200137025 0.4025161376535735 0.35509699936276 +26709,0.23901310699710215,0,0.5098755225169705 0.33514780430964863 0.45879860987608356 0.36710009658581366 0.16507154847687527 0.7266435823332206 0.8720572666978281 1.0887471991137192 1.1723276016169961 0.9390698858729396 0.5229510671255626 0.9138474679494621 0.7126353878489867 0.6182204887249162 0.5547612942316947 0.46189418033916496 0.4262951200137025 0.4025161376535735 0.35509699936276 0.23901310699710215 +26710,0.2266308251447678,0,0.33514780430964863 0.45879860987608356 0.36710009658581366 0.16507154847687527 0.7266435823332206 0.8720572666978281 1.0887471991137192 1.1723276016169961 0.9390698858729396 0.5229510671255626 0.9138474679494621 0.7126353878489867 0.6182204887249162 0.5547612942316947 0.46189418033916496 0.4262951200137025 0.4025161376535735 0.35509699936276 0.23901310699710215 0.23901310699710215 +26711,0.1616238454199969,0,0.45879860987608356 0.36710009658581366 0.16507154847687527 0.7266435823332206 0.8720572666978281 1.0887471991137192 1.1723276016169961 0.9390698858729396 0.5229510671255626 0.9138474679494621 0.7126353878489867 0.6182204887249162 0.5547612942316947 0.46189418033916496 0.4262951200137025 0.4025161376535735 0.35509699936276 0.23901310699710215 0.23901310699710215 0.2266308251447678 +26712,0.11054693277910989,0,0.36710009658581366 0.16507154847687527 0.7266435823332206 0.8720572666978281 1.0887471991137192 1.1723276016169961 0.9390698858729396 0.5229510671255626 0.9138474679494621 0.7126353878489867 0.6182204887249162 0.5547612942316947 0.46189418033916496 0.4262951200137025 0.4025161376535735 0.35509699936276 0.23901310699710215 0.23901310699710215 0.2266308251447678 0.1616238454199969 +26713,-0.027965156497724318,0,0.16507154847687527 0.7266435823332206 0.8720572666978281 1.0887471991137192 1.1723276016169961 0.9390698858729396 0.5229510671255626 0.9138474679494621 0.7126353878489867 0.6182204887249162 0.5547612942316947 0.46189418033916496 0.4262951200137025 0.4025161376535735 0.35509699936276 0.23901310699710215 0.23901310699710215 0.2266308251447678 0.1616238454199969 0.11054693277910989 +26714,-0.28985776207035185,0,0.7266435823332206 0.8720572666978281 1.0887471991137192 1.1723276016169961 0.9390698858729396 0.5229510671255626 0.9138474679494621 0.7126353878489867 0.6182204887249162 0.5547612942316947 0.46189418033916496 0.4262951200137025 0.4025161376535735 0.35509699936276 0.23901310699710215 0.23901310699710215 0.2266308251447678 0.1616238454199969 0.11054693277910989 -0.027965156497724318 +26715,0.12292921463144427,0,0.8720572666978281 1.0887471991137192 1.1723276016169961 0.9390698858729396 0.5229510671255626 0.9138474679494621 0.7126353878489867 0.6182204887249162 0.5547612942316947 0.46189418033916496 0.4262951200137025 0.4025161376535735 0.35509699936276 0.23901310699710215 0.23901310699710215 0.2266308251447678 0.1616238454199969 0.11054693277910989 -0.027965156497724318 -0.28985776207035185 +26716,0.39688720061440286,0,1.0887471991137192 1.1723276016169961 0.9390698858729396 0.5229510671255626 0.9138474679494621 0.7126353878489867 0.6182204887249162 0.5547612942316947 0.46189418033916496 0.4262951200137025 0.4025161376535735 0.35509699936276 0.23901310699710215 0.23901310699710215 0.2266308251447678 0.1616238454199969 0.11054693277910989 -0.027965156497724318 -0.28985776207035185 0.12292921463144427 +26717,0.5315445157585579,0,1.1723276016169961 0.9390698858729396 0.5229510671255626 0.9138474679494621 0.7126353878489867 0.6182204887249162 0.5547612942316947 0.46189418033916496 0.4262951200137025 0.4025161376535735 0.35509699936276 0.23901310699710215 0.23901310699710215 0.2266308251447678 0.1616238454199969 0.11054693277910989 -0.027965156497724318 -0.28985776207035185 0.12292921463144427 0.39688720061440286 +26718,0.5866157061176078,0,0.9390698858729396 0.5229510671255626 0.9138474679494621 0.7126353878489867 0.6182204887249162 0.5547612942316947 0.46189418033916496 0.4262951200137025 0.4025161376535735 0.35509699936276 0.23901310699710215 0.23901310699710215 0.2266308251447678 0.1616238454199969 0.11054693277910989 -0.027965156497724318 -0.28985776207035185 0.12292921463144427 0.39688720061440286 0.5315445157585579 +26719,0.7714512266475859,0,0.5229510671255626 0.9138474679494621 0.7126353878489867 0.6182204887249162 0.5547612942316947 0.46189418033916496 0.4262951200137025 0.4025161376535735 0.35509699936276 0.23901310699710215 0.23901310699710215 0.2266308251447678 0.1616238454199969 0.11054693277910989 -0.027965156497724318 -0.28985776207035185 0.12292921463144427 0.39688720061440286 0.5315445157585579 0.5866157061176078 +26720,0.8209803540569323,0,0.9138474679494621 0.7126353878489867 0.6182204887249162 0.5547612942316947 0.46189418033916496 0.4262951200137025 0.4025161376535735 0.35509699936276 0.23901310699710215 0.23901310699710215 0.2266308251447678 0.1616238454199969 0.11054693277910989 -0.027965156497724318 -0.28985776207035185 0.12292921463144427 0.39688720061440286 0.5315445157585579 0.5866157061176078 0.7714512266475859 +26721,0.8782484076239908,0,0.7126353878489867 0.6182204887249162 0.5547612942316947 0.46189418033916496 0.4262951200137025 0.4025161376535735 0.35509699936276 0.23901310699710215 0.23901310699710215 0.2266308251447678 0.1616238454199969 0.11054693277910989 -0.027965156497724318 -0.28985776207035185 0.12292921463144427 0.39688720061440286 0.5315445157585579 0.5866157061176078 0.7714512266475859 0.8209803540569323 +26722,0.8541363561216623,0,0.6182204887249162 0.5547612942316947 0.46189418033916496 0.4262951200137025 0.4025161376535735 0.35509699936276 0.23901310699710215 0.23901310699710215 0.2266308251447678 0.1616238454199969 0.11054693277910989 -0.027965156497724318 -0.28985776207035185 0.12292921463144427 0.39688720061440286 0.5315445157585579 0.5866157061176078 0.7714512266475859 0.8209803540569323 0.8782484076239908 +26723,0.762164515258333,0,0.5547612942316947 0.46189418033916496 0.4262951200137025 0.4025161376535735 0.35509699936276 0.23901310699710215 0.23901310699710215 0.2266308251447678 0.1616238454199969 0.11054693277910989 -0.027965156497724318 -0.28985776207035185 0.12292921463144427 0.39688720061440286 0.5315445157585579 0.5866157061176078 0.7714512266475859 0.8209803540569323 0.8782484076239908 0.8541363561216623 +26724,0.6847752536812277,0,0.46189418033916496 0.4262951200137025 0.4025161376535735 0.35509699936276 0.23901310699710215 0.23901310699710215 0.2266308251447678 0.1616238454199969 0.11054693277910989 -0.027965156497724318 -0.28985776207035185 0.12292921463144427 0.39688720061440286 0.5315445157585579 0.5866157061176078 0.7714512266475859 0.8209803540569323 0.8782484076239908 0.8541363561216623 0.762164515258333 +26725,0.5872647840940758,0,0.4262951200137025 0.4025161376535735 0.35509699936276 0.23901310699710215 0.23901310699710215 0.2266308251447678 0.1616238454199969 0.11054693277910989 -0.027965156497724318 -0.28985776207035185 0.12292921463144427 0.39688720061440286 0.5315445157585579 0.5866157061176078 0.7714512266475859 0.8209803540569323 0.8782484076239908 0.8541363561216623 0.762164515258333 0.6847752536812277 +26726,0.4324862609398653,0,0.4025161376535735 0.35509699936276 0.23901310699710215 0.23901310699710215 0.2266308251447678 0.1616238454199969 0.11054693277910989 -0.027965156497724318 -0.28985776207035185 0.12292921463144427 0.39688720061440286 0.5315445157585579 0.5866157061176078 0.7714512266475859 0.8209803540569323 0.8782484076239908 0.8541363561216623 0.762164515258333 0.6847752536812277 0.5872647840940758 +26727,0.40462612677210635,0,0.35509699936276 0.23901310699710215 0.23901310699710215 0.2266308251447678 0.1616238454199969 0.11054693277910989 -0.027965156497724318 -0.28985776207035185 0.12292921463144427 0.39688720061440286 0.5315445157585579 0.5866157061176078 0.7714512266475859 0.8209803540569323 0.8782484076239908 0.8541363561216623 0.762164515258333 0.6847752536812277 0.5872647840940758 0.4324862609398653 +26728,0.34271471751042565,0,0.23901310699710215 0.23901310699710215 0.2266308251447678 0.1616238454199969 0.11054693277910989 -0.027965156497724318 -0.28985776207035185 0.12292921463144427 0.39688720061440286 0.5315445157585579 0.5866157061176078 0.7714512266475859 0.8209803540569323 0.8782484076239908 0.8541363561216623 0.762164515258333 0.6847752536812277 0.5872647840940758 0.4324862609398653 0.40462612677210635 +26729,-0.05857979055582988,0,0.23901310699710215 0.2266308251447678 0.1616238454199969 0.11054693277910989 -0.027965156497724318 -0.28985776207035185 0.12292921463144427 0.39688720061440286 0.5315445157585579 0.5866157061176078 0.7714512266475859 0.8209803540569323 0.8782484076239908 0.8541363561216623 0.762164515258333 0.6847752536812277 0.5872647840940758 0.4324862609398653 0.40462612677210635 0.34271471751042565 +26730,-0.1761427601092611,0,0.2266308251447678 0.1616238454199969 0.11054693277910989 -0.027965156497724318 -0.28985776207035185 0.12292921463144427 0.39688720061440286 0.5315445157585579 0.5866157061176078 0.7714512266475859 0.8209803540569323 0.8782484076239908 0.8541363561216623 0.762164515258333 0.6847752536812277 0.5872647840940758 0.4324862609398653 0.40462612677210635 0.34271471751042565 -0.05857979055582988 +26731,-1.0475059774606974,0,0.1616238454199969 0.11054693277910989 -0.027965156497724318 -0.28985776207035185 0.12292921463144427 0.39688720061440286 0.5315445157585579 0.5866157061176078 0.7714512266475859 0.8209803540569323 0.8782484076239908 0.8541363561216623 0.762164515258333 0.6847752536812277 0.5872647840940758 0.4324862609398653 0.40462612677210635 0.34271471751042565 -0.05857979055582988 -0.1761427601092611 +26732,-1.1479572389877715,0,0.11054693277910989 -0.027965156497724318 -0.28985776207035185 0.12292921463144427 0.39688720061440286 0.5315445157585579 0.5866157061176078 0.7714512266475859 0.8209803540569323 0.8782484076239908 0.8541363561216623 0.762164515258333 0.6847752536812277 0.5872647840940758 0.4324862609398653 0.40462612677210635 0.34271471751042565 -0.05857979055582988 -0.1761427601092611 -1.0475059774606974 +26733,-0.5456853250891808,0,-0.027965156497724318 -0.28985776207035185 0.12292921463144427 0.39688720061440286 0.5315445157585579 0.5866157061176078 0.7714512266475859 0.8209803540569323 0.8782484076239908 0.8541363561216623 0.762164515258333 0.6847752536812277 0.5872647840940758 0.4324862609398653 0.40462612677210635 0.34271471751042565 -0.05857979055582988 -0.1761427601092611 -1.0475059774606974 -1.1479572389877715 +26734,-0.36462313330431534,0,-0.28985776207035185 0.12292921463144427 0.39688720061440286 0.5315445157585579 0.5866157061176078 0.7714512266475859 0.8209803540569323 0.8782484076239908 0.8541363561216623 0.762164515258333 0.6847752536812277 0.5872647840940758 0.4324862609398653 0.40462612677210635 0.34271471751042565 -0.05857979055582988 -0.1761427601092611 -1.0475059774606974 -1.1479572389877715 -0.5456853250891808 +26735,-0.7924779688724458,0,0.12292921463144427 0.39688720061440286 0.5315445157585579 0.5866157061176078 0.7714512266475859 0.8209803540569323 0.8782484076239908 0.8541363561216623 0.762164515258333 0.6847752536812277 0.5872647840940758 0.4324862609398653 0.40462612677210635 0.34271471751042565 -0.05857979055582988 -0.1761427601092611 -1.0475059774606974 -1.1479572389877715 -0.5456853250891808 -0.36462313330431534 +26736,-0.31782361043376167,0,0.39688720061440286 0.5315445157585579 0.5866157061176078 0.7714512266475859 0.8209803540569323 0.8782484076239908 0.8541363561216623 0.762164515258333 0.6847752536812277 0.5872647840940758 0.4324862609398653 0.40462612677210635 0.34271471751042565 -0.05857979055582988 -0.1761427601092611 -1.0475059774606974 -1.1479572389877715 -0.5456853250891808 -0.36462313330431534 -0.7924779688724458 +26737,-0.9377795242454982,0,0.5315445157585579 0.5866157061176078 0.7714512266475859 0.8209803540569323 0.8782484076239908 0.8541363561216623 0.762164515258333 0.6847752536812277 0.5872647840940758 0.4324862609398653 0.40462612677210635 0.34271471751042565 -0.05857979055582988 -0.1761427601092611 -1.0475059774606974 -1.1479572389877715 -0.5456853250891808 -0.36462313330431534 -0.7924779688724458 -0.31782361043376167 +26738,-0.2516348114017388,0,0.5866157061176078 0.7714512266475859 0.8209803540569323 0.8782484076239908 0.8541363561216623 0.762164515258333 0.6847752536812277 0.5872647840940758 0.4324862609398653 0.40462612677210635 0.34271471751042565 -0.05857979055582988 -0.1761427601092611 -1.0475059774606974 -1.1479572389877715 -0.5456853250891808 -0.36462313330431534 -0.7924779688724458 -0.31782361043376167 -0.9377795242454982 +26739,-0.1649588384353894,0,0.7714512266475859 0.8209803540569323 0.8782484076239908 0.8541363561216623 0.762164515258333 0.6847752536812277 0.5872647840940758 0.4324862609398653 0.40462612677210635 0.34271471751042565 -0.05857979055582988 -0.1761427601092611 -1.0475059774606974 -1.1479572389877715 -0.5456853250891808 -0.36462313330431534 -0.7924779688724458 -0.31782361043376167 -0.9377795242454982 -0.2516348114017388 +26740,-0.008498509802885497,0,0.8209803540569323 0.8782484076239908 0.8541363561216623 0.762164515258333 0.6847752536812277 0.5872647840940758 0.4324862609398653 0.40462612677210635 0.34271471751042565 -0.05857979055582988 -0.1761427601092611 -1.0475059774606974 -1.1479572389877715 -0.5456853250891808 -0.36462313330431534 -0.7924779688724458 -0.31782361043376167 -0.9377795242454982 -0.2516348114017388 -0.1649588384353894 +26741,0.4711808917284179,0,0.8782484076239908 0.8541363561216623 0.762164515258333 0.6847752536812277 0.5872647840940758 0.4324862609398653 0.40462612677210635 0.34271471751042565 -0.05857979055582988 -0.1761427601092611 -1.0475059774606974 -1.1479572389877715 -0.5456853250891808 -0.36462313330431534 -0.7924779688724458 -0.31782361043376167 -0.9377795242454982 -0.2516348114017388 -0.1649588384353894 -0.008498509802885497 +26742,0.734304381090574,0,0.8541363561216623 0.762164515258333 0.6847752536812277 0.5872647840940758 0.4324862609398653 0.40462612677210635 0.34271471751042565 -0.05857979055582988 -0.1761427601092611 -1.0475059774606974 -1.1479572389877715 -0.5456853250891808 -0.36462313330431534 -0.7924779688724458 -0.31782361043376167 -0.9377795242454982 -0.2516348114017388 -0.1649588384353894 -0.008498509802885497 0.4711808917284179 +26743,0.9711155215165207,0,0.762164515258333 0.6847752536812277 0.5872647840940758 0.4324862609398653 0.40462612677210635 0.34271471751042565 -0.05857979055582988 -0.1761427601092611 -1.0475059774606974 -1.1479572389877715 -0.5456853250891808 -0.36462313330431534 -0.7924779688724458 -0.31782361043376167 -0.9377795242454982 -0.2516348114017388 -0.1649588384353894 -0.008498509802885497 0.4711808917284179 0.734304381090574 +26744,1.1878054539324119,0,0.6847752536812277 0.5872647840940758 0.4324862609398653 0.40462612677210635 0.34271471751042565 -0.05857979055582988 -0.1761427601092611 -1.0475059774606974 -1.1479572389877715 -0.5456853250891808 -0.36462313330431534 -0.7924779688724458 -0.31782361043376167 -0.9377795242454982 -0.2516348114017388 -0.1649588384353894 -0.008498509802885497 0.4711808917284179 0.734304381090574 0.9711155215165207 +26745,1.2087838164265394,0,0.5872647840940758 0.4324862609398653 0.40462612677210635 0.34271471751042565 -0.05857979055582988 -0.1761427601092611 -1.0475059774606974 -1.1479572389877715 -0.5456853250891808 -0.36462313330431534 -0.7924779688724458 -0.31782361043376167 -0.9377795242454982 -0.2516348114017388 -0.1649588384353894 -0.008498509802885497 0.4711808917284179 0.734304381090574 0.9711155215165207 1.1878054539324119 +26746,1.2760292121303107,0,0.4324862609398653 0.40462612677210635 0.34271471751042565 -0.05857979055582988 -0.1761427601092611 -1.0475059774606974 -1.1479572389877715 -0.5456853250891808 -0.36462313330431534 -0.7924779688724458 -0.31782361043376167 -0.9377795242454982 -0.2516348114017388 -0.1649588384353894 -0.008498509802885497 0.4711808917284179 0.734304381090574 0.9711155215165207 1.1878054539324119 1.2087838164265394 +26747,1.1450471811209981,0,0.40462612677210635 0.34271471751042565 -0.05857979055582988 -0.1761427601092611 -1.0475059774606974 -1.1479572389877715 -0.5456853250891808 -0.36462313330431534 -0.7924779688724458 -0.31782361043376167 -0.9377795242454982 -0.2516348114017388 -0.1649588384353894 -0.008498509802885497 0.4711808917284179 0.734304381090574 0.9711155215165207 1.1878054539324119 1.2087838164265394 1.2760292121303107 +26748,1.0964861252714315,0,0.34271471751042565 -0.05857979055582988 -0.1761427601092611 -1.0475059774606974 -1.1479572389877715 -0.5456853250891808 -0.36462313330431534 -0.7924779688724458 -0.31782361043376167 -0.9377795242454982 -0.2516348114017388 -0.1649588384353894 -0.008498509802885497 0.4711808917284179 0.734304381090574 0.9711155215165207 1.1878054539324119 1.2087838164265394 1.2760292121303107 1.1450471811209981 +26749,0.7637123004898737,0,-0.05857979055582988 -0.1761427601092611 -1.0475059774606974 -1.1479572389877715 -0.5456853250891808 -0.36462313330431534 -0.7924779688724458 -0.31782361043376167 -0.9377795242454982 -0.2516348114017388 -0.1649588384353894 -0.008498509802885497 0.4711808917284179 0.734304381090574 0.9711155215165207 1.1878054539324119 1.2087838164265394 1.2760292121303107 1.1450471811209981 1.0964861252714315 +26750,0.6104815625672126,0,-0.1761427601092611 -1.0475059774606974 -1.1479572389877715 -0.5456853250891808 -0.36462313330431534 -0.7924779688724458 -0.31782361043376167 -0.9377795242454982 -0.2516348114017388 -0.1649588384353894 -0.008498509802885497 0.4711808917284179 0.734304381090574 0.9711155215165207 1.1878054539324119 1.2087838164265394 1.2760292121303107 1.1450471811209981 1.0964861252714315 0.7637123004898737 +26751,0.4727286769599586,0,-1.0475059774606974 -1.1479572389877715 -0.5456853250891808 -0.36462313330431534 -0.7924779688724458 -0.31782361043376167 -0.9377795242454982 -0.2516348114017388 -0.1649588384353894 -0.008498509802885497 0.4711808917284179 0.734304381090574 0.9711155215165207 1.1878054539324119 1.2087838164265394 1.2760292121303107 1.1450471811209981 1.0964861252714315 0.7637123004898737 0.6104815625672126 +26752,0.4139128381613593,0,-1.1479572389877715 -0.5456853250891808 -0.36462313330431534 -0.7924779688724458 -0.31782361043376167 -0.9377795242454982 -0.2516348114017388 -0.1649588384353894 -0.008498509802885497 0.4711808917284179 0.734304381090574 0.9711155215165207 1.1878054539324119 1.2087838164265394 1.2760292121303107 1.1450471811209981 1.0964861252714315 0.7637123004898737 0.6104815625672126 0.4727286769599586 +26753,0.2157963285239741,0,-0.5456853250891808 -0.36462313330431534 -0.7924779688724458 -0.31782361043376167 -0.9377795242454982 -0.2516348114017388 -0.1649588384353894 -0.008498509802885497 0.4711808917284179 0.734304381090574 0.9711155215165207 1.1878054539324119 1.2087838164265394 1.2760292121303107 1.1450471811209981 1.0964861252714315 0.7637123004898737 0.6104815625672126 0.4727286769599586 0.4139128381613593 +26754,0.15512910703977575,0,-0.36462313330431534 -0.7924779688724458 -0.31782361043376167 -0.9377795242454982 -0.2516348114017388 -0.1649588384353894 -0.008498509802885497 0.4711808917284179 0.734304381090574 0.9711155215165207 1.1878054539324119 1.2087838164265394 1.2760292121303107 1.1450471811209981 1.0964861252714315 0.7637123004898737 0.6104815625672126 0.4727286769599586 0.4139128381613593 0.2157963285239741 +26755,-0.2585862919170775,0,-0.7924779688724458 -0.31782361043376167 -0.9377795242454982 -0.2516348114017388 -0.1649588384353894 -0.008498509802885497 0.4711808917284179 0.734304381090574 0.9711155215165207 1.1878054539324119 1.2087838164265394 1.2760292121303107 1.1450471811209981 1.0964861252714315 0.7637123004898737 0.6104815625672126 0.4727286769599586 0.4139128381613593 0.2157963285239741 0.15512910703977575 +26756,-0.058161657458975696,0,-0.31782361043376167 -0.9377795242454982 -0.2516348114017388 -0.1649588384353894 -0.008498509802885497 0.4711808917284179 0.734304381090574 0.9711155215165207 1.1878054539324119 1.2087838164265394 1.2760292121303107 1.1450471811209981 1.0964861252714315 0.7637123004898737 0.6104815625672126 0.4727286769599586 0.4139128381613593 0.2157963285239741 0.15512910703977575 -0.2585862919170775 +26757,-0.11388192579449359,0,-0.9377795242454982 -0.2516348114017388 -0.1649588384353894 -0.008498509802885497 0.4711808917284179 0.734304381090574 0.9711155215165207 1.1878054539324119 1.2087838164265394 1.2760292121303107 1.1450471811209981 1.0964861252714315 0.7637123004898737 0.6104815625672126 0.4727286769599586 0.4139128381613593 0.2157963285239741 0.15512910703977575 -0.2585862919170775 -0.058161657458975696 +26758,-0.1649588384353894,0,-0.2516348114017388 -0.1649588384353894 -0.008498509802885497 0.4711808917284179 0.734304381090574 0.9711155215165207 1.1878054539324119 1.2087838164265394 1.2760292121303107 1.1450471811209981 1.0964861252714315 0.7637123004898737 0.6104815625672126 0.4727286769599586 0.4139128381613593 0.2157963285239741 0.15512910703977575 -0.2585862919170775 -0.058161657458975696 -0.11388192579449359 +26759,-0.23151360339169216,0,-0.1649588384353894 -0.008498509802885497 0.4711808917284179 0.734304381090574 0.9711155215165207 1.1878054539324119 1.2087838164265394 1.2760292121303107 1.1450471811209981 1.0964861252714315 0.7637123004898737 0.6104815625672126 0.4727286769599586 0.4139128381613593 0.2157963285239741 0.15512910703977575 -0.2585862919170775 -0.058161657458975696 -0.11388192579449359 -0.1649588384353894 +26760,-0.2702082341802448,0,-0.008498509802885497 0.4711808917284179 0.734304381090574 0.9711155215165207 1.1878054539324119 1.2087838164265394 1.2760292121303107 1.1450471811209981 1.0964861252714315 0.7637123004898737 0.6104815625672126 0.4727286769599586 0.4139128381613593 0.2157963285239741 0.15512910703977575 -0.2585862919170775 -0.058161657458975696 -0.11388192579449359 -0.1649588384353894 -0.23151360339169216 +26761,-0.2994352657768841,0,0.4711808917284179 0.734304381090574 0.9711155215165207 1.1878054539324119 1.2087838164265394 1.2760292121303107 1.1450471811209981 1.0964861252714315 0.7637123004898737 0.6104815625672126 0.4727286769599586 0.4139128381613593 0.2157963285239741 0.15512910703977575 -0.2585862919170775 -0.058161657458975696 -0.11388192579449359 -0.1649588384353894 -0.23151360339169216 -0.2702082341802448 +26762,-0.3893876970089929,0,0.734304381090574 0.9711155215165207 1.1878054539324119 1.2087838164265394 1.2760292121303107 1.1450471811209981 1.0964861252714315 0.7637123004898737 0.6104815625672126 0.4727286769599586 0.4139128381613593 0.2157963285239741 0.15512910703977575 -0.2585862919170775 -0.058161657458975696 -0.11388192579449359 -0.1649588384353894 -0.23151360339169216 -0.2702082341802448 -0.2994352657768841 +26763,-0.06280501315360658,0,0.9711155215165207 1.1878054539324119 1.2087838164265394 1.2760292121303107 1.1450471811209981 1.0964861252714315 0.7637123004898737 0.6104815625672126 0.4727286769599586 0.4139128381613593 0.2157963285239741 0.15512910703977575 -0.2585862919170775 -0.058161657458975696 -0.11388192579449359 -0.1649588384353894 -0.23151360339169216 -0.2702082341802448 -0.2994352657768841 -0.3893876970089929 +26764,0.4262951200137025,0,1.1878054539324119 1.2087838164265394 1.2760292121303107 1.1450471811209981 1.0964861252714315 0.7637123004898737 0.6104815625672126 0.4727286769599586 0.4139128381613593 0.2157963285239741 0.15512910703977575 -0.2585862919170775 -0.058161657458975696 -0.11388192579449359 -0.1649588384353894 -0.23151360339169216 -0.2702082341802448 -0.2994352657768841 -0.3893876970089929 -0.06280501315360658 +26765,0.7466866629429172,0,1.2087838164265394 1.2760292121303107 1.1450471811209981 1.0964861252714315 0.7637123004898737 0.6104815625672126 0.4727286769599586 0.4139128381613593 0.2157963285239741 0.15512910703977575 -0.2585862919170775 -0.058161657458975696 -0.11388192579449359 -0.1649588384353894 -0.23151360339169216 -0.2702082341802448 -0.2994352657768841 -0.3893876970089929 -0.06280501315360658 0.4262951200137025 +26766,1.0825560581875477,0,1.2760292121303107 1.1450471811209981 1.0964861252714315 0.7637123004898737 0.6104815625672126 0.4727286769599586 0.4139128381613593 0.2157963285239741 0.15512910703977575 -0.2585862919170775 -0.058161657458975696 -0.11388192579449359 -0.1649588384353894 -0.23151360339169216 -0.2702082341802448 -0.2994352657768841 -0.3893876970089929 -0.06280501315360658 0.4262951200137025 0.7466866629429172 +26767,1.2729336416672294,0,1.1450471811209981 1.0964861252714315 0.7637123004898737 0.6104815625672126 0.4727286769599586 0.4139128381613593 0.2157963285239741 0.15512910703977575 -0.2585862919170775 -0.058161657458975696 -0.11388192579449359 -0.1649588384353894 -0.23151360339169216 -0.2702082341802448 -0.2994352657768841 -0.3893876970089929 -0.06280501315360658 0.4262951200137025 0.7466866629429172 1.0825560581875477 +26768,1.3781830374120936,0,1.0964861252714315 0.7637123004898737 0.6104815625672126 0.4727286769599586 0.4139128381613593 0.2157963285239741 0.15512910703977575 -0.2585862919170775 -0.058161657458975696 -0.11388192579449359 -0.1649588384353894 -0.23151360339169216 -0.2702082341802448 -0.2994352657768841 -0.3893876970089929 -0.06280501315360658 0.4262951200137025 0.7466866629429172 1.0825560581875477 1.2729336416672294 +26769,1.4571200842207397,0,0.7637123004898737 0.6104815625672126 0.4727286769599586 0.4139128381613593 0.2157963285239741 0.15512910703977575 -0.2585862919170775 -0.058161657458975696 -0.11388192579449359 -0.1649588384353894 -0.23151360339169216 -0.2702082341802448 -0.2994352657768841 -0.3893876970089929 -0.06280501315360658 0.4262951200137025 0.7466866629429172 1.0825560581875477 1.2729336416672294 1.3781830374120936 +26770,1.460215654683821,0,0.6104815625672126 0.4727286769599586 0.4139128381613593 0.2157963285239741 0.15512910703977575 -0.2585862919170775 -0.058161657458975696 -0.11388192579449359 -0.1649588384353894 -0.23151360339169216 -0.2702082341802448 -0.2994352657768841 -0.3893876970089929 -0.06280501315360658 0.4262951200137025 0.7466866629429172 1.0825560581875477 1.2729336416672294 1.3781830374120936 1.4571200842207397 +26771,1.3874697488013465,0,0.4727286769599586 0.4139128381613593 0.2157963285239741 0.15512910703977575 -0.2585862919170775 -0.058161657458975696 -0.11388192579449359 -0.1649588384353894 -0.23151360339169216 -0.2702082341802448 -0.2994352657768841 -0.3893876970089929 -0.06280501315360658 0.4262951200137025 0.7466866629429172 1.0825560581875477 1.2729336416672294 1.3781830374120936 1.4571200842207397 1.460215654683821 +26772,1.2311434404155954,0,0.4139128381613593 0.2157963285239741 0.15512910703977575 -0.2585862919170775 -0.058161657458975696 -0.11388192579449359 -0.1649588384353894 -0.23151360339169216 -0.2702082341802448 -0.2994352657768841 -0.3893876970089929 -0.06280501315360658 0.4262951200137025 0.7466866629429172 1.0825560581875477 1.2729336416672294 1.3781830374120936 1.4571200842207397 1.460215654683821 1.3874697488013465 +26773,0.9680199510534393,0,0.2157963285239741 0.15512910703977575 -0.2585862919170775 -0.058161657458975696 -0.11388192579449359 -0.1649588384353894 -0.23151360339169216 -0.2702082341802448 -0.2994352657768841 -0.3893876970089929 -0.06280501315360658 0.4262951200137025 0.7466866629429172 1.0825560581875477 1.2729336416672294 1.3781830374120936 1.4571200842207397 1.460215654683821 1.3874697488013465 1.2311434404155954 +26774,0.644579413149987,0,0.15512910703977575 -0.2585862919170775 -0.058161657458975696 -0.11388192579449359 -0.1649588384353894 -0.23151360339169216 -0.2702082341802448 -0.2994352657768841 -0.3893876970089929 -0.06280501315360658 0.4262951200137025 0.7466866629429172 1.0825560581875477 1.2729336416672294 1.3781830374120936 1.4571200842207397 1.460215654683821 1.3874697488013465 1.2311434404155954 0.9680199510534393 +26775,0.6275072001141692,0,-0.2585862919170775 -0.058161657458975696 -0.11388192579449359 -0.1649588384353894 -0.23151360339169216 -0.2702082341802448 -0.2994352657768841 -0.3893876970089929 -0.06280501315360658 0.4262951200137025 0.7466866629429172 1.0825560581875477 1.2729336416672294 1.3781830374120936 1.4571200842207397 1.460215654683821 1.3874697488013465 1.2311434404155954 0.9680199510534393 0.644579413149987 +26776,0.4758242474230488,0,-0.058161657458975696 -0.11388192579449359 -0.1649588384353894 -0.23151360339169216 -0.2702082341802448 -0.2994352657768841 -0.3893876970089929 -0.06280501315360658 0.4262951200137025 0.7466866629429172 1.0825560581875477 1.2729336416672294 1.3781830374120936 1.4571200842207397 1.460215654683821 1.3874697488013465 1.2311434404155954 0.9680199510534393 0.644579413149987 0.6275072001141692 +26777,0.2746121673225734,0,-0.11388192579449359 -0.1649588384353894 -0.23151360339169216 -0.2702082341802448 -0.2994352657768841 -0.3893876970089929 -0.06280501315360658 0.4262951200137025 0.7466866629429172 1.0825560581875477 1.2729336416672294 1.3781830374120936 1.4571200842207397 1.460215654683821 1.3874697488013465 1.2311434404155954 0.9680199510534393 0.644579413149987 0.6275072001141692 0.4758242474230488 +26778,0.11673807370528148,0,-0.1649588384353894 -0.23151360339169216 -0.2702082341802448 -0.2994352657768841 -0.3893876970089929 -0.06280501315360658 0.4262951200137025 0.7466866629429172 1.0825560581875477 1.2729336416672294 1.3781830374120936 1.4571200842207397 1.460215654683821 1.3874697488013465 1.2311434404155954 0.9680199510534393 0.644579413149987 0.6275072001141692 0.4758242474230488 0.2746121673225734 +26779,-0.011728100512719579,0,-0.23151360339169216 -0.2702082341802448 -0.2994352657768841 -0.3893876970089929 -0.06280501315360658 0.4262951200137025 0.7466866629429172 1.0825560581875477 1.2729336416672294 1.3781830374120936 1.4571200842207397 1.460215654683821 1.3874697488013465 1.2311434404155954 0.9680199510534393 0.644579413149987 0.6275072001141692 0.4758242474230488 0.2746121673225734 0.11673807370528148 +26780,-0.12316863718374657,0,-0.2702082341802448 -0.2994352657768841 -0.3893876970089929 -0.06280501315360658 0.4262951200137025 0.7466866629429172 1.0825560581875477 1.2729336416672294 1.3781830374120936 1.4571200842207397 1.460215654683821 1.3874697488013465 1.2311434404155954 0.9680199510534393 0.644579413149987 0.6275072001141692 0.4758242474230488 0.2746121673225734 0.11673807370528148 -0.011728100512719579 +26781,-0.15412434181458692,0,-0.2994352657768841 -0.3893876970089929 -0.06280501315360658 0.4262951200137025 0.7466866629429172 1.0825560581875477 1.2729336416672294 1.3781830374120936 1.4571200842207397 1.460215654683821 1.3874697488013465 1.2311434404155954 0.9680199510534393 0.644579413149987 0.6275072001141692 0.4758242474230488 0.2746121673225734 0.11673807370528148 -0.011728100512719579 -0.12316863718374657 +26782,-0.22687024769707007,0,-0.3893876970089929 -0.06280501315360658 0.4262951200137025 0.7466866629429172 1.0825560581875477 1.2729336416672294 1.3781830374120936 1.4571200842207397 1.460215654683821 1.3874697488013465 1.2311434404155954 0.9680199510534393 0.644579413149987 0.6275072001141692 0.4758242474230488 0.2746121673225734 0.11673807370528148 -0.011728100512719579 -0.12316863718374657 -0.15412434181458692 +26783,-0.2671126637171634,0,-0.06280501315360658 0.4262951200137025 0.7466866629429172 1.0825560581875477 1.2729336416672294 1.3781830374120936 1.4571200842207397 1.460215654683821 1.3874697488013465 1.2311434404155954 0.9680199510534393 0.644579413149987 0.6275072001141692 0.4758242474230488 0.2746121673225734 0.11673807370528148 -0.011728100512719579 -0.12316863718374657 -0.15412434181458692 -0.22687024769707007 +26784,-0.3708142742304869,0,0.4262951200137025 0.7466866629429172 1.0825560581875477 1.2729336416672294 1.3781830374120936 1.4571200842207397 1.460215654683821 1.3874697488013465 1.2311434404155954 0.9680199510534393 0.644579413149987 0.6275072001141692 0.4758242474230488 0.2746121673225734 0.11673807370528148 -0.011728100512719579 -0.12316863718374657 -0.15412434181458692 -0.22687024769707007 -0.2671126637171634 +26785,-0.394031052703615,0,0.7466866629429172 1.0825560581875477 1.2729336416672294 1.3781830374120936 1.4571200842207397 1.460215654683821 1.3874697488013465 1.2311434404155954 0.9680199510534393 0.644579413149987 0.6275072001141692 0.4758242474230488 0.2746121673225734 0.11673807370528148 -0.011728100512719579 -0.12316863718374657 -0.15412434181458692 -0.22687024769707007 -0.2671126637171634 -0.3708142742304869 +26786,-0.3893876970089929,0,1.0825560581875477 1.2729336416672294 1.3781830374120936 1.4571200842207397 1.460215654683821 1.3874697488013465 1.2311434404155954 0.9680199510534393 0.644579413149987 0.6275072001141692 0.4758242474230488 0.2746121673225734 0.11673807370528148 -0.011728100512719579 -0.12316863718374657 -0.15412434181458692 -0.22687024769707007 -0.2671126637171634 -0.3708142742304869 -0.394031052703615 +26787,-0.19436675783468904,0,1.2729336416672294 1.3781830374120936 1.4571200842207397 1.460215654683821 1.3874697488013465 1.2311434404155954 0.9680199510534393 0.644579413149987 0.6275072001141692 0.4758242474230488 0.2746121673225734 0.11673807370528148 -0.011728100512719579 -0.12316863718374657 -0.15412434181458692 -0.22687024769707007 -0.2671126637171634 -0.3708142742304869 -0.394031052703615 -0.3893876970089929 +26788,0.2823510934802857,0,1.3781830374120936 1.4571200842207397 1.460215654683821 1.3874697488013465 1.2311434404155954 0.9680199510534393 0.644579413149987 0.6275072001141692 0.4758242474230488 0.2746121673225734 0.11673807370528148 -0.011728100512719579 -0.12316863718374657 -0.15412434181458692 -0.22687024769707007 -0.2671126637171634 -0.3708142742304869 -0.394031052703615 -0.3893876970089929 -0.19436675783468904 +26789,0.5733347170102008,0,1.4571200842207397 1.460215654683821 1.3874697488013465 1.2311434404155954 0.9680199510534393 0.644579413149987 0.6275072001141692 0.4758242474230488 0.2746121673225734 0.11673807370528148 -0.011728100512719579 -0.12316863718374657 -0.15412434181458692 -0.22687024769707007 -0.2671126637171634 -0.3708142742304869 -0.394031052703615 -0.3893876970089929 -0.19436675783468904 0.2823510934802857 +26790,0.7776423675737576,0,1.460215654683821 1.3874697488013465 1.2311434404155954 0.9680199510534393 0.644579413149987 0.6275072001141692 0.4758242474230488 0.2746121673225734 0.11673807370528148 -0.011728100512719579 -0.12316863718374657 -0.15412434181458692 -0.22687024769707007 -0.2671126637171634 -0.3708142742304869 -0.394031052703615 -0.3893876970089929 -0.19436675783468904 0.2823510934802857 0.5733347170102008 +26791,0.9123055825656614,0,1.3874697488013465 1.2311434404155954 0.9680199510534393 0.644579413149987 0.6275072001141692 0.4758242474230488 0.2746121673225734 0.11673807370528148 -0.011728100512719579 -0.12316863718374657 -0.15412434181458692 -0.22687024769707007 -0.2671126637171634 -0.3708142742304869 -0.394031052703615 -0.3893876970089929 -0.19436675783468904 0.2823510934802857 0.5733347170102008 0.7776423675737576 +26792,1.2032833062478365,0,1.2311434404155954 0.9680199510534393 0.644579413149987 0.6275072001141692 0.4758242474230488 0.2746121673225734 0.11673807370528148 -0.011728100512719579 -0.12316863718374657 -0.15412434181458692 -0.22687024769707007 -0.2671126637171634 -0.3708142742304869 -0.394031052703615 -0.3893876970089929 -0.19436675783468904 0.2823510934802857 0.5733347170102008 0.7776423675737576 0.9123055825656614 +26793,1.2342390108786767,0,0.9680199510534393 0.644579413149987 0.6275072001141692 0.4758242474230488 0.2746121673225734 0.11673807370528148 -0.011728100512719579 -0.12316863718374657 -0.15412434181458692 -0.22687024769707007 -0.2671126637171634 -0.3708142742304869 -0.394031052703615 -0.3893876970089929 -0.19436675783468904 0.2823510934802857 0.5733347170102008 0.7776423675737576 0.9123055825656614 1.2032833062478365 +26794,1.1971621513717052,0,0.644579413149987 0.6275072001141692 0.4758242474230488 0.2746121673225734 0.11673807370528148 -0.011728100512719579 -0.12316863718374657 -0.15412434181458692 -0.22687024769707007 -0.2671126637171634 -0.3708142742304869 -0.394031052703615 -0.3893876970089929 -0.19436675783468904 0.2823510934802857 0.5733347170102008 0.7776423675737576 0.9123055825656614 1.2032833062478365 1.2342390108786767 +26795,1.076364917261385,0,0.6275072001141692 0.4758242474230488 0.2746121673225734 0.11673807370528148 -0.011728100512719579 -0.12316863718374657 -0.15412434181458692 -0.22687024769707007 -0.2671126637171634 -0.3708142742304869 -0.394031052703615 -0.3893876970089929 -0.19436675783468904 0.2823510934802857 0.5733347170102008 0.7776423675737576 0.9123055825656614 1.2032833062478365 1.2342390108786767 1.1971621513717052 +26796,0.9429983112110739,0,0.4758242474230488 0.2746121673225734 0.11673807370528148 -0.011728100512719579 -0.12316863718374657 -0.15412434181458692 -0.22687024769707007 -0.2671126637171634 -0.3708142742304869 -0.394031052703615 -0.3893876970089929 -0.19436675783468904 0.2823510934802857 0.5733347170102008 0.7776423675737576 0.9123055825656614 1.2032833062478365 1.2342390108786767 1.1971621513717052 1.076364917261385 +26797,0.6584629047450182,0,0.2746121673225734 0.11673807370528148 -0.011728100512719579 -0.12316863718374657 -0.15412434181458692 -0.22687024769707007 -0.2671126637171634 -0.3708142742304869 -0.394031052703615 -0.3893876970089929 -0.19436675783468904 0.2823510934802857 0.5733347170102008 0.7776423675737576 0.9123055825656614 1.2032833062478365 1.2342390108786767 1.1971621513717052 1.076364917261385 0.9429983112110739 +26798,0.3953394153828534,0,0.11673807370528148 -0.011728100512719579 -0.12316863718374657 -0.15412434181458692 -0.22687024769707007 -0.2671126637171634 -0.3708142742304869 -0.394031052703615 -0.3893876970089929 -0.19436675783468904 0.2823510934802857 0.5733347170102008 0.7776423675737576 0.9123055825656614 1.2032833062478365 1.2342390108786767 1.1971621513717052 1.076364917261385 0.9429983112110739 0.6584629047450182 +26799,0.29628116056416076,0,-0.011728100512719579 -0.12316863718374657 -0.15412434181458692 -0.22687024769707007 -0.2671126637171634 -0.3708142742304869 -0.394031052703615 -0.3893876970089929 -0.19436675783468904 0.2823510934802857 0.5733347170102008 0.7776423675737576 0.9123055825656614 1.2032833062478365 1.2342390108786767 1.1971621513717052 1.076364917261385 0.9429983112110739 0.6584629047450182 0.3953394153828534 +26800,0.23479050851441408,0,-0.12316863718374657 -0.15412434181458692 -0.22687024769707007 -0.2671126637171634 -0.3708142742304869 -0.394031052703615 -0.3893876970089929 -0.19436675783468904 0.2823510934802857 0.5733347170102008 0.7776423675737576 0.9123055825656614 1.2032833062478365 1.2342390108786767 1.1971621513717052 1.076364917261385 0.9429983112110739 0.6584629047450182 0.3953394153828534 0.29628116056416076 +26801,0.09197351000060393,0,-0.15412434181458692 -0.22687024769707007 -0.2671126637171634 -0.3708142742304869 -0.394031052703615 -0.3893876970089929 -0.19436675783468904 0.2823510934802857 0.5733347170102008 0.7776423675737576 0.9123055825656614 1.2032833062478365 1.2342390108786767 1.1971621513717052 1.076364917261385 0.9429983112110739 0.6584629047450182 0.3953394153828534 0.29628116056416076 0.23479050851441408 +26802,0.02541874504429235,0,-0.22687024769707007 -0.2671126637171634 -0.3708142742304869 -0.394031052703615 -0.3893876970089929 -0.19436675783468904 0.2823510934802857 0.5733347170102008 0.7776423675737576 0.9123055825656614 1.2032833062478365 1.2342390108786767 1.1971621513717052 1.076364917261385 0.9429983112110739 0.6584629047450182 0.3953394153828534 0.29628116056416076 0.23479050851441408 0.09197351000060393 +26803,-0.0550660869958943,0,-0.2671126637171634 -0.3708142742304869 -0.394031052703615 -0.3893876970089929 -0.19436675783468904 0.2823510934802857 0.5733347170102008 0.7776423675737576 0.9123055825656614 1.2032833062478365 1.2342390108786767 1.1971621513717052 1.076364917261385 0.9429983112110739 0.6584629047450182 0.3953394153828534 0.29628116056416076 0.23479050851441408 0.09197351000060393 0.02541874504429235 +26804,-0.12007306672066517,0,-0.3708142742304869 -0.394031052703615 -0.3893876970089929 -0.19436675783468904 0.2823510934802857 0.5733347170102008 0.7776423675737576 0.9123055825656614 1.2032833062478365 1.2342390108786767 1.1971621513717052 1.076364917261385 0.9429983112110739 0.6584629047450182 0.3953394153828534 0.29628116056416076 0.23479050851441408 0.09197351000060393 0.02541874504429235 -0.0550660869958943 +26805,-0.12050379166948803,0,-0.394031052703615 -0.3893876970089929 -0.19436675783468904 0.2823510934802857 0.5733347170102008 0.7776423675737576 0.9123055825656614 1.2032833062478365 1.2342390108786767 1.1971621513717052 1.076364917261385 0.9429983112110739 0.6584629047450182 0.3953394153828534 0.29628116056416076 0.23479050851441408 0.09197351000060393 0.02541874504429235 -0.0550660869958943 -0.12007306672066517 +26806,-0.12162085195220587,0,-0.3893876970089929 -0.19436675783468904 0.2823510934802857 0.5733347170102008 0.7776423675737576 0.9123055825656614 1.2032833062478365 1.2342390108786767 1.1971621513717052 1.076364917261385 0.9429983112110739 0.6584629047450182 0.3953394153828534 0.29628116056416076 0.23479050851441408 0.09197351000060393 0.02541874504429235 -0.0550660869958943 -0.12007306672066517 -0.12050379166948803 +26807,-0.1092385700998715,0,-0.19436675783468904 0.2823510934802857 0.5733347170102008 0.7776423675737576 0.9123055825656614 1.2032833062478365 1.2342390108786767 1.1971621513717052 1.076364917261385 0.9429983112110739 0.6584629047450182 0.3953394153828534 0.29628116056416076 0.23479050851441408 0.09197351000060393 0.02541874504429235 -0.0550660869958943 -0.12007306672066517 -0.12050379166948803 -0.12162085195220587 +26808,-0.030301523291225544,0,0.2823510934802857 0.5733347170102008 0.7776423675737576 0.9123055825656614 1.2032833062478365 1.2342390108786767 1.1971621513717052 1.076364917261385 0.9429983112110739 0.6584629047450182 0.3953394153828534 0.29628116056416076 0.23479050851441408 0.09197351000060393 0.02541874504429235 -0.0550660869958943 -0.12007306672066517 -0.12050379166948803 -0.12162085195220587 -0.1092385700998715 +26809,-0.04111653345073092,0,0.5733347170102008 0.7776423675737576 0.9123055825656614 1.2032833062478365 1.2342390108786767 1.1971621513717052 1.076364917261385 0.9429983112110739 0.6584629047450182 0.3953394153828534 0.29628116056416076 0.23479050851441408 0.09197351000060393 0.02541874504429235 -0.0550660869958943 -0.12007306672066517 -0.12050379166948803 -0.12162085195220587 -0.1092385700998715 -0.030301523291225544 +26810,-0.06280501315360658,0,0.7776423675737576 0.9123055825656614 1.2032833062478365 1.2342390108786767 1.1971621513717052 1.076364917261385 0.9429983112110739 0.6584629047450182 0.3953394153828534 0.29628116056416076 0.23479050851441408 0.09197351000060393 0.02541874504429235 -0.0550660869958943 -0.12007306672066517 -0.12050379166948803 -0.12162085195220587 -0.1092385700998715 -0.030301523291225544 -0.04111653345073092 +26811,0.008393107497327084,0,0.9123055825656614 1.2032833062478365 1.2342390108786767 1.1971621513717052 1.076364917261385 0.9429983112110739 0.6584629047450182 0.3953394153828534 0.29628116056416076 0.23479050851441408 0.09197351000060393 0.02541874504429235 -0.0550660869958943 -0.12007306672066517 -0.12050379166948803 -0.12162085195220587 -0.1092385700998715 -0.030301523291225544 -0.04111653345073092 -0.06280501315360658 +26812,0.17245834204079058,0,1.2032833062478365 1.2342390108786767 1.1971621513717052 1.076364917261385 0.9429983112110739 0.6584629047450182 0.3953394153828534 0.29628116056416076 0.23479050851441408 0.09197351000060393 0.02541874504429235 -0.0550660869958943 -0.12007306672066517 -0.12050379166948803 -0.12162085195220587 -0.1092385700998715 -0.030301523291225544 -0.04111653345073092 -0.06280501315360658 0.008393107497327084 +26813,0.44165055164923755,0,1.2342390108786767 1.1971621513717052 1.076364917261385 0.9429983112110739 0.6584629047450182 0.3953394153828534 0.29628116056416076 0.23479050851441408 0.09197351000060393 0.02541874504429235 -0.0550660869958943 -0.12007306672066517 -0.12050379166948803 -0.12162085195220587 -0.1092385700998715 -0.030301523291225544 -0.04111653345073092 -0.06280501315360658 0.008393107497327084 0.17245834204079058 +26814,0.5856909494823138,0,1.1971621513717052 1.076364917261385 0.9429983112110739 0.6584629047450182 0.3953394153828534 0.29628116056416076 0.23479050851441408 0.09197351000060393 0.02541874504429235 -0.0550660869958943 -0.12007306672066517 -0.12050379166948803 -0.12162085195220587 -0.1092385700998715 -0.030301523291225544 -0.04111653345073092 -0.06280501315360658 0.008393107497327084 0.17245834204079058 0.44165055164923755 +26815,1.002690340239981,0,1.076364917261385 0.9429983112110739 0.6584629047450182 0.3953394153828534 0.29628116056416076 0.23479050851441408 0.09197351000060393 0.02541874504429235 -0.0550660869958943 -0.12007306672066517 -0.12050379166948803 -0.12162085195220587 -0.1092385700998715 -0.030301523291225544 -0.04111653345073092 -0.06280501315360658 0.008393107497327084 0.17245834204079058 0.44165055164923755 0.5856909494823138 +26816,1.1644338969361332,0,0.9429983112110739 0.6584629047450182 0.3953394153828534 0.29628116056416076 0.23479050851441408 0.09197351000060393 0.02541874504429235 -0.0550660869958943 -0.12007306672066517 -0.12050379166948803 -0.12162085195220587 -0.1092385700998715 -0.030301523291225544 -0.04111653345073092 -0.06280501315360658 0.008393107497327084 0.17245834204079058 0.44165055164923755 0.5856909494823138 1.002690340239981 +26817,1.0019938368857857,0,0.6584629047450182 0.3953394153828534 0.29628116056416076 0.23479050851441408 0.09197351000060393 0.02541874504429235 -0.0550660869958943 -0.12007306672066517 -0.12050379166948803 -0.12162085195220587 -0.1092385700998715 -0.030301523291225544 -0.04111653345073092 -0.06280501315360658 0.008393107497327084 0.17245834204079058 0.44165055164923755 0.5856909494823138 1.002690340239981 1.1644338969361332 +26818,1.2717985992156973,0,0.3953394153828534 0.29628116056416076 0.23479050851441408 0.09197351000060393 0.02541874504429235 -0.0550660869958943 -0.12007306672066517 -0.12050379166948803 -0.12162085195220587 -0.1092385700998715 -0.030301523291225544 -0.04111653345073092 -0.06280501315360658 0.008393107497327084 0.17245834204079058 0.44165055164923755 0.5856909494823138 1.002690340239981 1.1644338969361332 1.0019938368857857 +26819,1.217419744644323,0,0.29628116056416076 0.23479050851441408 0.09197351000060393 0.02541874504429235 -0.0550660869958943 -0.12007306672066517 -0.12050379166948803 -0.12162085195220587 -0.1092385700998715 -0.030301523291225544 -0.04111653345073092 -0.06280501315360658 0.008393107497327084 0.17245834204079058 0.44165055164923755 0.5856909494823138 1.002690340239981 1.1644338969361332 1.0019938368857857 1.2717985992156973 +26820,0.5427659586872455,0,0.23479050851441408 0.09197351000060393 0.02541874504429235 -0.0550660869958943 -0.12007306672066517 -0.12050379166948803 -0.12162085195220587 -0.1092385700998715 -0.030301523291225544 -0.04111653345073092 -0.06280501315360658 0.008393107497327084 0.17245834204079058 0.44165055164923755 0.5856909494823138 1.002690340239981 1.1644338969361332 1.0019938368857857 1.2717985992156973 1.217419744644323 +26821,0.695145414732561,0,0.09197351000060393 0.02541874504429235 -0.0550660869958943 -0.12007306672066517 -0.12050379166948803 -0.12162085195220587 -0.1092385700998715 -0.030301523291225544 -0.04111653345073092 -0.06280501315360658 0.008393107497327084 0.17245834204079058 0.44165055164923755 0.5856909494823138 1.002690340239981 1.1644338969361332 1.0019938368857857 1.2717985992156973 1.217419744644323 0.5427659586872455 +26822,0.22724993923738757,0,0.02541874504429235 -0.0550660869958943 -0.12007306672066517 -0.12050379166948803 -0.12162085195220587 -0.1092385700998715 -0.030301523291225544 -0.04111653345073092 -0.06280501315360658 0.008393107497327084 0.17245834204079058 0.44165055164923755 0.5856909494823138 1.002690340239981 1.1644338969361332 1.0019938368857857 1.2717985992156973 1.217419744644323 0.5427659586872455 0.695145414732561 +26823,0.17044622123978942,0,-0.0550660869958943 -0.12007306672066517 -0.12050379166948803 -0.12162085195220587 -0.1092385700998715 -0.030301523291225544 -0.04111653345073092 -0.06280501315360658 0.008393107497327084 0.17245834204079058 0.44165055164923755 0.5856909494823138 1.002690340239981 1.1644338969361332 1.0019938368857857 1.2717985992156973 1.217419744644323 0.5427659586872455 0.695145414732561 0.22724993923738757 +26824,-0.4344798400363197,0,-0.12007306672066517 -0.12050379166948803 -0.12162085195220587 -0.1092385700998715 -0.030301523291225544 -0.04111653345073092 -0.06280501315360658 0.008393107497327084 0.17245834204079058 0.44165055164923755 0.5856909494823138 1.002690340239981 1.1644338969361332 1.0019938368857857 1.2717985992156973 1.217419744644323 0.5427659586872455 0.695145414732561 0.22724993923738757 0.17044622123978942 +26825,-0.6283141439696304,0,-0.12050379166948803 -0.12162085195220587 -0.1092385700998715 -0.030301523291225544 -0.04111653345073092 -0.06280501315360658 0.008393107497327084 0.17245834204079058 0.44165055164923755 0.5856909494823138 1.002690340239981 1.1644338969361332 1.0019938368857857 1.2717985992156973 1.217419744644323 0.5427659586872455 0.695145414732561 0.22724993923738757 0.17044622123978942 -0.4344798400363197 +26826,-0.6453913743060565,0,-0.12162085195220587 -0.1092385700998715 -0.030301523291225544 -0.04111653345073092 -0.06280501315360658 0.008393107497327084 0.17245834204079058 0.44165055164923755 0.5856909494823138 1.002690340239981 1.1644338969361332 1.0019938368857857 1.2717985992156973 1.217419744644323 0.5427659586872455 0.695145414732561 0.22724993923738757 0.17044622123978942 -0.4344798400363197 -0.6283141439696304 +26827,-0.8981447026168794,0,-0.1092385700998715 -0.030301523291225544 -0.04111653345073092 -0.06280501315360658 0.008393107497327084 0.17245834204079058 0.44165055164923755 0.5856909494823138 1.002690340239981 1.1644338969361332 1.0019938368857857 1.2717985992156973 1.217419744644323 0.5427659586872455 0.695145414732561 0.22724993923738757 0.17044622123978942 -0.4344798400363197 -0.6283141439696304 -0.6453913743060565 +26828,-0.9741409574855945,0,-0.030301523291225544 -0.04111653345073092 -0.06280501315360658 0.008393107497327084 0.17245834204079058 0.44165055164923755 0.5856909494823138 1.002690340239981 1.1644338969361332 1.0019938368857857 1.2717985992156973 1.217419744644323 0.5427659586872455 0.695145414732561 0.22724993923738757 0.17044622123978942 -0.4344798400363197 -0.6283141439696304 -0.6453913743060565 -0.8981447026168794 +26829,-1.0704131988875156,0,-0.04111653345073092 -0.06280501315360658 0.008393107497327084 0.17245834204079058 0.44165055164923755 0.5856909494823138 1.002690340239981 1.1644338969361332 1.0019938368857857 1.2717985992156973 1.217419744644323 0.5427659586872455 0.695145414732561 0.22724993923738757 0.17044622123978942 -0.4344798400363197 -0.6283141439696304 -0.6453913743060565 -0.8981447026168794 -0.9741409574855945 +26830,-1.139650791526909,0,-0.06280501315360658 0.008393107497327084 0.17245834204079058 0.44165055164923755 0.5856909494823138 1.002690340239981 1.1644338969361332 1.0019938368857857 1.2717985992156973 1.217419744644323 0.5427659586872455 0.695145414732561 0.22724993923738757 0.17044622123978942 -0.4344798400363197 -0.6283141439696304 -0.6453913743060565 -0.8981447026168794 -0.9741409574855945 -1.0704131988875156 +26831,-1.2291643708542763,0,0.008393107497327084 0.17245834204079058 0.44165055164923755 0.5856909494823138 1.002690340239981 1.1644338969361332 1.0019938368857857 1.2717985992156973 1.217419744644323 0.5427659586872455 0.695145414732561 0.22724993923738757 0.17044622123978942 -0.4344798400363197 -0.6283141439696304 -0.6453913743060565 -0.8981447026168794 -0.9741409574855945 -1.0704131988875156 -1.139650791526909 +26832,-1.1584047893006888,0,0.17245834204079058 0.44165055164923755 0.5856909494823138 1.002690340239981 1.1644338969361332 1.0019938368857857 1.2717985992156973 1.217419744644323 0.5427659586872455 0.695145414732561 0.22724993923738757 0.17044622123978942 -0.4344798400363197 -0.6283141439696304 -0.6453913743060565 -0.8981447026168794 -0.9741409574855945 -1.0704131988875156 -1.139650791526909 -1.2291643708542763 +26833,-1.3013427554336006,0,0.44165055164923755 0.5856909494823138 1.002690340239981 1.1644338969361332 1.0019938368857857 1.2717985992156973 1.217419744644323 0.5427659586872455 0.695145414732561 0.22724993923738757 0.17044622123978942 -0.4344798400363197 -0.6283141439696304 -0.6453913743060565 -0.8981447026168794 -0.9741409574855945 -1.0704131988875156 -1.139650791526909 -1.2291643708542763 -1.1584047893006888 +26834,-1.2840075608403254,0,0.5856909494823138 1.002690340239981 1.1644338969361332 1.0019938368857857 1.2717985992156973 1.217419744644323 0.5427659586872455 0.695145414732561 0.22724993923738757 0.17044622123978942 -0.4344798400363197 -0.6283141439696304 -0.6453913743060565 -0.8981447026168794 -0.9741409574855945 -1.0704131988875156 -1.139650791526909 -1.2291643708542763 -1.1584047893006888 -1.3013427554336006 +26835,-0.23871080471836872,0,1.002690340239981 1.1644338969361332 1.0019938368857857 1.2717985992156973 1.217419744644323 0.5427659586872455 0.695145414732561 0.22724993923738757 0.17044622123978942 -0.4344798400363197 -0.6283141439696304 -0.6453913743060565 -0.8981447026168794 -0.9741409574855945 -1.0704131988875156 -1.139650791526909 -1.2291643708542763 -1.1584047893006888 -1.3013427554336006 -1.2840075608403254 +26836,-0.564029463916401,0,1.1644338969361332 1.0019938368857857 1.2717985992156973 1.217419744644323 0.5427659586872455 0.695145414732561 0.22724993923738757 0.17044622123978942 -0.4344798400363197 -0.6283141439696304 -0.6453913743060565 -0.8981447026168794 -0.9741409574855945 -1.0704131988875156 -1.139650791526909 -1.2291643708542763 -1.1584047893006888 -1.3013427554336006 -1.2840075608403254 -0.23871080471836872 +26837,0.13861343825948022,0,1.0019938368857857 1.2717985992156973 1.217419744644323 0.5427659586872455 0.695145414732561 0.22724993923738757 0.17044622123978942 -0.4344798400363197 -0.6283141439696304 -0.6453913743060565 -0.8981447026168794 -0.9741409574855945 -1.0704131988875156 -1.139650791526909 -1.2291643708542763 -1.1584047893006888 -1.3013427554336006 -1.2840075608403254 -0.23871080471836872 -0.564029463916401 +26838,0.08702059725967194,0,1.2717985992156973 1.217419744644323 0.5427659586872455 0.695145414732561 0.22724993923738757 0.17044622123978942 -0.4344798400363197 -0.6283141439696304 -0.6453913743060565 -0.8981447026168794 -0.9741409574855945 -1.0704131988875156 -1.139650791526909 -1.2291643708542763 -1.1584047893006888 -1.3013427554336006 -1.2840075608403254 -0.23871080471836872 -0.564029463916401 0.13861343825948022 +26839,1.0410754139822236,0,1.217419744644323 0.5427659586872455 0.695145414732561 0.22724993923738757 0.17044622123978942 -0.4344798400363197 -0.6283141439696304 -0.6453913743060565 -0.8981447026168794 -0.9741409574855945 -1.0704131988875156 -1.139650791526909 -1.2291643708542763 -1.1584047893006888 -1.3013427554336006 -1.2840075608403254 -0.23871080471836872 -0.564029463916401 0.13861343825948022 0.08702059725967194 +26840,1.2408944873743089,0,0.5427659586872455 0.695145414732561 0.22724993923738757 0.17044622123978942 -0.4344798400363197 -0.6283141439696304 -0.6453913743060565 -0.8981447026168794 -0.9741409574855945 -1.0704131988875156 -1.139650791526909 -1.2291643708542763 -1.1584047893006888 -1.3013427554336006 -1.2840075608403254 -0.23871080471836872 -0.564029463916401 0.13861343825948022 0.08702059725967194 1.0410754139822236 +26841,1.0387537361349126,0,0.695145414732561 0.22724993923738757 0.17044622123978942 -0.4344798400363197 -0.6283141439696304 -0.6453913743060565 -0.8981447026168794 -0.9741409574855945 -1.0704131988875156 -1.139650791526909 -1.2291643708542763 -1.1584047893006888 -1.3013427554336006 -1.2840075608403254 -0.23871080471836872 -0.564029463916401 0.13861343825948022 0.08702059725967194 1.0410754139822236 1.2408944873743089 +26842,1.372559417789081,0,0.22724993923738757 0.17044622123978942 -0.4344798400363197 -0.6283141439696304 -0.6453913743060565 -0.8981447026168794 -0.9741409574855945 -1.0704131988875156 -1.139650791526909 -1.2291643708542763 -1.1584047893006888 -1.3013427554336006 -1.2840075608403254 -0.23871080471836872 -0.564029463916401 0.13861343825948022 0.08702059725967194 1.0410754139822236 1.2408944873743089 1.0387537361349126 +26843,1.304405274656991,0,0.17044622123978942 -0.4344798400363197 -0.6283141439696304 -0.6453913743060565 -0.8981447026168794 -0.9741409574855945 -1.0704131988875156 -1.139650791526909 -1.2291643708542763 -1.1584047893006888 -1.3013427554336006 -1.2840075608403254 -0.23871080471836872 -0.564029463916401 0.13861343825948022 0.08702059725967194 1.0410754139822236 1.2408944873743089 1.0387537361349126 1.372559417789081 +26844,0.7048190724296991,0,-0.4344798400363197 -0.6283141439696304 -0.6453913743060565 -0.8981447026168794 -0.9741409574855945 -1.0704131988875156 -1.139650791526909 -1.2291643708542763 -1.1584047893006888 -1.3013427554336006 -1.2840075608403254 -0.23871080471836872 -0.564029463916401 0.13861343825948022 0.08702059725967194 1.0410754139822236 1.2408944873743089 1.0387537361349126 1.372559417789081 1.304405274656991 +26845,0.8138089492023878,0,-0.6283141439696304 -0.6453913743060565 -0.8981447026168794 -0.9741409574855945 -1.0704131988875156 -1.139650791526909 -1.2291643708542763 -1.1584047893006888 -1.3013427554336006 -1.2840075608403254 -0.23871080471836872 -0.564029463916401 0.13861343825948022 0.08702059725967194 1.0410754139822236 1.2408944873743089 1.0387537361349126 1.372559417789081 1.304405274656991 0.7048190724296991 +26846,0.3913667665703031,0,-0.6453913743060565 -0.8981447026168794 -0.9741409574855945 -1.0704131988875156 -1.139650791526909 -1.2291643708542763 -1.1584047893006888 -1.3013427554336006 -1.2840075608403254 -0.23871080471836872 -0.564029463916401 0.13861343825948022 0.08702059725967194 1.0410754139822236 1.2408944873743089 1.0387537361349126 1.372559417789081 1.304405274656991 0.7048190724296991 0.8138089492023878 +26847,0.32739164371816043,0,-0.8981447026168794 -0.9741409574855945 -1.0704131988875156 -1.139650791526909 -1.2291643708542763 -1.1584047893006888 -1.3013427554336006 -1.2840075608403254 -0.23871080471836872 -0.564029463916401 0.13861343825948022 0.08702059725967194 1.0410754139822236 1.2408944873743089 1.0387537361349126 1.372559417789081 1.304405274656991 0.7048190724296991 0.8138089492023878 0.3913667665703031 +26848,-0.21453955863418772,0,-0.9741409574855945 -1.0704131988875156 -1.139650791526909 -1.2291643708542763 -1.1584047893006888 -1.3013427554336006 -1.2840075608403254 -0.23871080471836872 -0.564029463916401 0.13861343825948022 0.08702059725967194 1.0410754139822236 1.2408944873743089 1.0387537361349126 1.372559417789081 1.304405274656991 0.7048190724296991 0.8138089492023878 0.3913667665703031 0.32739164371816043 +26849,-0.39800370151616526,0,-1.0704131988875156 -1.139650791526909 -1.2291643708542763 -1.1584047893006888 -1.3013427554336006 -1.2840075608403254 -0.23871080471836872 -0.564029463916401 0.13861343825948022 0.08702059725967194 1.0410754139822236 1.2408944873743089 1.0387537361349126 1.372559417789081 1.304405274656991 0.7048190724296991 0.8138089492023878 0.3913667665703031 0.32739164371816043 -0.21453955863418772 +26850,-0.3514669588362106,0,-1.139650791526909 -1.2291643708542763 -1.1584047893006888 -1.3013427554336006 -1.2840075608403254 -0.23871080471836872 -0.564029463916401 0.13861343825948022 0.08702059725967194 1.0410754139822236 1.2408944873743089 1.0387537361349126 1.372559417789081 1.304405274656991 0.7048190724296991 0.8138089492023878 0.3913667665703031 0.32739164371816043 -0.21453955863418772 -0.39800370151616526 +26851,-0.611598063468975,0,-1.2291643708542763 -1.1584047893006888 -1.3013427554336006 -1.2840075608403254 -0.23871080471836872 -0.564029463916401 0.13861343825948022 0.08702059725967194 1.0410754139822236 1.2408944873743089 1.0387537361349126 1.372559417789081 1.304405274656991 0.7048190724296991 0.8138089492023878 0.3913667665703031 0.32739164371816043 -0.21453955863418772 -0.39800370151616526 -0.3514669588362106 +26852,-0.6417282825398073,0,-1.1584047893006888 -1.3013427554336006 -1.2840075608403254 -0.23871080471836872 -0.564029463916401 0.13861343825948022 0.08702059725967194 1.0410754139822236 1.2408944873743089 1.0387537361349126 1.372559417789081 1.304405274656991 0.7048190724296991 0.8138089492023878 0.3913667665703031 0.32739164371816043 -0.21453955863418772 -0.39800370151616526 -0.3514669588362106 -0.611598063468975 +26853,-0.7052132735051607,0,-1.3013427554336006 -1.2840075608403254 -0.23871080471836872 -0.564029463916401 0.13861343825948022 0.08702059725967194 1.0410754139822236 1.2408944873743089 1.0387537361349126 1.372559417789081 1.304405274656991 0.7048190724296991 0.8138089492023878 0.3913667665703031 0.32739164371816043 -0.21453955863418772 -0.39800370151616526 -0.3514669588362106 -0.611598063468975 -0.6417282825398073 +26854,-0.7242252353810039,0,-1.2840075608403254 -0.23871080471836872 -0.564029463916401 0.13861343825948022 0.08702059725967194 1.0410754139822236 1.2408944873743089 1.0387537361349126 1.372559417789081 1.304405274656991 0.7048190724296991 0.8138089492023878 0.3913667665703031 0.32739164371816043 -0.21453955863418772 -0.39800370151616526 -0.3514669588362106 -0.611598063468975 -0.6417282825398073 -0.7052132735051607 +26855,-0.7765919691513682,0,-0.23871080471836872 -0.564029463916401 0.13861343825948022 0.08702059725967194 1.0410754139822236 1.2408944873743089 1.0387537361349126 1.372559417789081 1.304405274656991 0.7048190724296991 0.8138089492023878 0.3913667665703031 0.32739164371816043 -0.21453955863418772 -0.39800370151616526 -0.3514669588362106 -0.611598063468975 -0.6417282825398073 -0.7052132735051607 -0.7242252353810039 +26856,-0.6249606092497,0,-0.564029463916401 0.13861343825948022 0.08702059725967194 1.0410754139822236 1.2408944873743089 1.0387537361349126 1.372559417789081 1.304405274656991 0.7048190724296991 0.8138089492023878 0.3913667665703031 0.32739164371816043 -0.21453955863418772 -0.39800370151616526 -0.3514669588362106 -0.611598063468975 -0.6417282825398073 -0.7052132735051607 -0.7242252353810039 -0.7765919691513682 +26857,-0.745326707474218,0,0.13861343825948022 0.08702059725967194 1.0410754139822236 1.2408944873743089 1.0387537361349126 1.372559417789081 1.304405274656991 0.7048190724296991 0.8138089492023878 0.3913667665703031 0.32739164371816043 -0.21453955863418772 -0.39800370151616526 -0.3514669588362106 -0.611598063468975 -0.6417282825398073 -0.7052132735051607 -0.7242252353810039 -0.7765919691513682 -0.6249606092497 +26858,-0.6616947120267035,0,0.08702059725967194 1.0410754139822236 1.2408944873743089 1.0387537361349126 1.372559417789081 1.304405274656991 0.7048190724296991 0.8138089492023878 0.3913667665703031 0.32739164371816043 -0.21453955863418772 -0.39800370151616526 -0.3514669588362106 -0.611598063468975 -0.6417282825398073 -0.7052132735051607 -0.7242252353810039 -0.7765919691513682 -0.6249606092497 -0.745326707474218 +26859,0.04337305373017852,0,1.0410754139822236 1.2408944873743089 1.0387537361349126 1.372559417789081 1.304405274656991 0.7048190724296991 0.8138089492023878 0.3913667665703031 0.32739164371816043 -0.21453955863418772 -0.39800370151616526 -0.3514669588362106 -0.611598063468975 -0.6417282825398073 -0.7052132735051607 -0.7242252353810039 -0.7765919691513682 -0.6249606092497 -0.745326707474218 -0.6616947120267035 +26860,-0.08014020774688176,0,1.2408944873743089 1.0387537361349126 1.372559417789081 1.304405274656991 0.7048190724296991 0.8138089492023878 0.3913667665703031 0.32739164371816043 -0.21453955863418772 -0.39800370151616526 -0.3514669588362106 -0.611598063468975 -0.6417282825398073 -0.7052132735051607 -0.7242252353810039 -0.7765919691513682 -0.6249606092497 -0.745326707474218 -0.6616947120267035 0.04337305373017852 +26861,0.41778230124021987,0,1.0387537361349126 1.372559417789081 1.304405274656991 0.7048190724296991 0.8138089492023878 0.3913667665703031 0.32739164371816043 -0.21453955863418772 -0.39800370151616526 -0.3514669588362106 -0.611598063468975 -0.6417282825398073 -0.7052132735051607 -0.7242252353810039 -0.7765919691513682 -0.6249606092497 -0.745326707474218 -0.6616947120267035 0.04337305373017852 -0.08014020774688176 +26862,0.3256890799634604,0,1.372559417789081 1.304405274656991 0.7048190724296991 0.8138089492023878 0.3913667665703031 0.32739164371816043 -0.21453955863418772 -0.39800370151616526 -0.3514669588362106 -0.611598063468975 -0.6417282825398073 -0.7052132735051607 -0.7242252353810039 -0.7765919691513682 -0.6249606092497 -0.745326707474218 -0.6616947120267035 0.04337305373017852 -0.08014020774688176 0.41778230124021987 +26863,1.020283499090105,0,1.304405274656991 0.7048190724296991 0.8138089492023878 0.3913667665703031 0.32739164371816043 -0.21453955863418772 -0.39800370151616526 -0.3514669588362106 -0.611598063468975 -0.6417282825398073 -0.7052132735051607 -0.7242252353810039 -0.7765919691513682 -0.6249606092497 -0.745326707474218 -0.6616947120267035 0.04337305373017852 -0.08014020774688176 0.41778230124021987 0.3256890799634604 +26864,1.1248621877981118,0,0.7048190724296991 0.8138089492023878 0.3913667665703031 0.32739164371816043 -0.21453955863418772 -0.39800370151616526 -0.3514669588362106 -0.611598063468975 -0.6417282825398073 -0.7052132735051607 -0.7242252353810039 -0.7765919691513682 -0.6249606092497 -0.745326707474218 -0.6616947120267035 0.04337305373017852 -0.08014020774688176 0.41778230124021987 0.3256890799634604 1.020283499090105 +26865,0.9561793940321407,0,0.8138089492023878 0.3913667665703031 0.32739164371816043 -0.21453955863418772 -0.39800370151616526 -0.3514669588362106 -0.611598063468975 -0.6417282825398073 -0.7052132735051607 -0.7242252353810039 -0.7765919691513682 -0.6249606092497 -0.745326707474218 -0.6616947120267035 0.04337305373017852 -0.08014020774688176 0.41778230124021987 0.3256890799634604 1.020283499090105 1.1248621877981118 +26866,1.1518452437711788,0,0.3913667665703031 0.32739164371816043 -0.21453955863418772 -0.39800370151616526 -0.3514669588362106 -0.611598063468975 -0.6417282825398073 -0.7052132735051607 -0.7242252353810039 -0.7765919691513682 -0.6249606092497 -0.745326707474218 -0.6616947120267035 0.04337305373017852 -0.08014020774688176 0.41778230124021987 0.3256890799634604 1.020283499090105 1.1248621877981118 0.9561793940321407 +26867,1.0742496107266852,0,0.32739164371816043 -0.21453955863418772 -0.39800370151616526 -0.3514669588362106 -0.611598063468975 -0.6417282825398073 -0.7052132735051607 -0.7242252353810039 -0.7765919691513682 -0.6249606092497 -0.745326707474218 -0.6616947120267035 0.04337305373017852 -0.08014020774688176 0.41778230124021987 0.3256890799634604 1.020283499090105 1.1248621877981118 0.9561793940321407 1.1518452437711788 +26868,0.46351935483228973,0,-0.21453955863418772 -0.39800370151616526 -0.3514669588362106 -0.611598063468975 -0.6417282825398073 -0.7052132735051607 -0.7242252353810039 -0.7765919691513682 -0.6249606092497 -0.745326707474218 -0.6616947120267035 0.04337305373017852 -0.08014020774688176 0.41778230124021987 0.3256890799634604 1.020283499090105 1.1248621877981118 0.9561793940321407 1.1518452437711788 1.0742496107266852 +26869,0.5636352628409393,0,-0.39800370151616526 -0.3514669588362106 -0.611598063468975 -0.6417282825398073 -0.7052132735051607 -0.7242252353810039 -0.7765919691513682 -0.6249606092497 -0.745326707474218 -0.6616947120267035 0.04337305373017852 -0.08014020774688176 0.41778230124021987 0.3256890799634604 1.020283499090105 1.1248621877981118 0.9561793940321407 1.1518452437711788 1.0742496107266852 0.46351935483228973 +26870,0.13061654799969574,0,-0.3514669588362106 -0.611598063468975 -0.6417282825398073 -0.7052132735051607 -0.7242252353810039 -0.7765919691513682 -0.6249606092497 -0.745326707474218 -0.6616947120267035 0.04337305373017852 -0.08014020774688176 0.41778230124021987 0.3256890799634604 1.020283499090105 1.1248621877981118 0.9561793940321407 1.1518452437711788 1.0742496107266852 0.46351935483228973 0.5636352628409393 +26871,0.030216879262073792,0,-0.611598063468975 -0.6417282825398073 -0.7052132735051607 -0.7242252353810039 -0.7765919691513682 -0.6249606092497 -0.745326707474218 -0.6616947120267035 0.04337305373017852 -0.08014020774688176 0.41778230124021987 0.3256890799634604 1.020283499090105 1.1248621877981118 0.9561793940321407 1.1518452437711788 1.0742496107266852 0.46351935483228973 0.5636352628409393 0.13061654799969574 +26872,-0.5136748511018235,0,-0.6417282825398073 -0.7052132735051607 -0.7242252353810039 -0.7765919691513682 -0.6249606092497 -0.745326707474218 -0.6616947120267035 0.04337305373017852 -0.08014020774688176 0.41778230124021987 0.3256890799634604 1.020283499090105 1.1248621877981118 0.9561793940321407 1.1518452437711788 1.0742496107266852 0.46351935483228973 0.5636352628409393 0.13061654799969574 0.030216879262073792 +26873,-0.7249475352073135,0,-0.7052132735051607 -0.7242252353810039 -0.7765919691513682 -0.6249606092497 -0.745326707474218 -0.6616947120267035 0.04337305373017852 -0.08014020774688176 0.41778230124021987 0.3256890799634604 1.020283499090105 1.1248621877981118 0.9561793940321407 1.1518452437711788 1.0742496107266852 0.46351935483228973 0.5636352628409393 0.13061654799969574 0.030216879262073792 -0.5136748511018235 +26874,-0.7262631526541283,0,-0.7242252353810039 -0.7765919691513682 -0.6249606092497 -0.745326707474218 -0.6616947120267035 0.04337305373017852 -0.08014020774688176 0.41778230124021987 0.3256890799634604 1.020283499090105 1.1248621877981118 0.9561793940321407 1.1518452437711788 1.0742496107266852 0.46351935483228973 0.5636352628409393 0.13061654799969574 0.030216879262073792 -0.5136748511018235 -0.7249475352073135 +26875,-1.0075215256974532,0,-0.7765919691513682 -0.6249606092497 -0.745326707474218 -0.6616947120267035 0.04337305373017852 -0.08014020774688176 0.41778230124021987 0.3256890799634604 1.020283499090105 1.1248621877981118 0.9561793940321407 1.1518452437711788 1.0742496107266852 0.46351935483228973 0.5636352628409393 0.13061654799969574 0.030216879262073792 -0.5136748511018235 -0.7249475352073135 -0.7262631526541283 +26876,-1.0788228319272997,0,-0.6249606092497 -0.745326707474218 -0.6616947120267035 0.04337305373017852 -0.08014020774688176 0.41778230124021987 0.3256890799634604 1.020283499090105 1.1248621877981118 0.9561793940321407 1.1518452437711788 1.0742496107266852 0.46351935483228973 0.5636352628409393 0.13061654799969574 0.030216879262073792 -0.5136748511018235 -0.7249475352073135 -0.7262631526541283 -1.0075215256974532 +26877,-1.0398444405645604,0,-0.745326707474218 -0.6616947120267035 0.04337305373017852 -0.08014020774688176 0.41778230124021987 0.3256890799634604 1.020283499090105 1.1248621877981118 0.9561793940321407 1.1518452437711788 1.0742496107266852 0.46351935483228973 0.5636352628409393 0.13061654799969574 0.030216879262073792 -0.5136748511018235 -0.7249475352073135 -0.7262631526541283 -1.0075215256974532 -1.0788228319272997 +26878,-1.1479056461983195,0,-0.6616947120267035 0.04337305373017852 -0.08014020774688176 0.41778230124021987 0.3256890799634604 1.020283499090105 1.1248621877981118 0.9561793940321407 1.1518452437711788 1.0742496107266852 0.46351935483228973 0.5636352628409393 0.13061654799969574 0.030216879262073792 -0.5136748511018235 -0.7249475352073135 -0.7262631526541283 -1.0075215256974532 -1.0788228319272997 -1.0398444405645604 +26879,-1.1456871539299212,0,0.04337305373017852 -0.08014020774688176 0.41778230124021987 0.3256890799634604 1.020283499090105 1.1248621877981118 0.9561793940321407 1.1518452437711788 1.0742496107266852 0.46351935483228973 0.5636352628409393 0.13061654799969574 0.030216879262073792 -0.5136748511018235 -0.7249475352073135 -0.7262631526541283 -1.0075215256974532 -1.0788228319272997 -1.0398444405645604 -1.1479056461983195 +26880,-1.0637577223918835,0,-0.08014020774688176 0.41778230124021987 0.3256890799634604 1.020283499090105 1.1248621877981118 0.9561793940321407 1.1518452437711788 1.0742496107266852 0.46351935483228973 0.5636352628409393 0.13061654799969574 0.030216879262073792 -0.5136748511018235 -0.7249475352073135 -0.7262631526541283 -1.0075215256974532 -1.0788228319272997 -1.0398444405645604 -1.1479056461983195 -1.1456871539299212 +26881,-1.0881095433165526,0,0.41778230124021987 0.3256890799634604 1.020283499090105 1.1248621877981118 0.9561793940321407 1.1518452437711788 1.0742496107266852 0.46351935483228973 0.5636352628409393 0.13061654799969574 0.030216879262073792 -0.5136748511018235 -0.7249475352073135 -0.7262631526541283 -1.0075215256974532 -1.0788228319272997 -1.0398444405645604 -1.1479056461983195 -1.1456871539299212 -1.0637577223918835 +26882,-1.0327504249715824,0,0.3256890799634604 1.020283499090105 1.1248621877981118 0.9561793940321407 1.1518452437711788 1.0742496107266852 0.46351935483228973 0.5636352628409393 0.13061654799969574 0.030216879262073792 -0.5136748511018235 -0.7249475352073135 -0.7262631526541283 -1.0075215256974532 -1.0788228319272997 -1.0398444405645604 -1.1479056461983195 -1.1456871539299212 -1.0637577223918835 -1.0881095433165526 +26883,0.014739026946649223,0,1.020283499090105 1.1248621877981118 0.9561793940321407 1.1518452437711788 1.0742496107266852 0.46351935483228973 0.5636352628409393 0.13061654799969574 0.030216879262073792 -0.5136748511018235 -0.7249475352073135 -0.7262631526541283 -1.0075215256974532 -1.0788228319272997 -1.0398444405645604 -1.1479056461983195 -1.1456871539299212 -1.0637577223918835 -1.0881095433165526 -1.0327504249715824 +26884,-0.26061196574468193,0,1.1248621877981118 0.9561793940321407 1.1518452437711788 1.0742496107266852 0.46351935483228973 0.5636352628409393 0.13061654799969574 0.030216879262073792 -0.5136748511018235 -0.7249475352073135 -0.7262631526541283 -1.0075215256974532 -1.0788228319272997 -1.0398444405645604 -1.1479056461983195 -1.1456871539299212 -1.0637577223918835 -1.0881095433165526 -1.0327504249715824 0.014739026946649223 +26885,0.4561673749824626,0,0.9561793940321407 1.1518452437711788 1.0742496107266852 0.46351935483228973 0.5636352628409393 0.13061654799969574 0.030216879262073792 -0.5136748511018235 -0.7249475352073135 -0.7262631526541283 -1.0075215256974532 -1.0788228319272997 -1.0398444405645604 -1.1479056461983195 -1.1456871539299212 -1.0637577223918835 -1.0881095433165526 -1.0327504249715824 0.014739026946649223 -0.26061196574468193 +26886,0.3431016638183108,0,1.1518452437711788 1.0742496107266852 0.46351935483228973 0.5636352628409393 0.13061654799969574 0.030216879262073792 -0.5136748511018235 -0.7249475352073135 -0.7262631526541283 -1.0075215256974532 -1.0788228319272997 -1.0398444405645604 -1.1479056461983195 -1.1456871539299212 -1.0637577223918835 -1.0881095433165526 -1.0327504249715824 0.014739026946649223 -0.26061196574468193 0.4561673749824626 +26887,1.3364960218941493,0,1.0742496107266852 0.46351935483228973 0.5636352628409393 0.13061654799969574 0.030216879262073792 -0.5136748511018235 -0.7249475352073135 -0.7262631526541283 -1.0075215256974532 -1.0788228319272997 -1.0398444405645604 -1.1479056461983195 -1.1456871539299212 -1.0637577223918835 -1.0881095433165526 -1.0327504249715824 0.014739026946649223 -0.26061196574468193 0.4561673749824626 0.3431016638183108 +26888,1.5000453279239148,0,0.46351935483228973 0.5636352628409393 0.13061654799969574 0.030216879262073792 -0.5136748511018235 -0.7249475352073135 -0.7262631526541283 -1.0075215256974532 -1.0788228319272997 -1.0398444405645604 -1.1479056461983195 -1.1456871539299212 -1.0637577223918835 -1.0881095433165526 -1.0327504249715824 0.014739026946649223 -0.26061196574468193 0.4561673749824626 0.3431016638183108 1.3364960218941493 +26889,1.3093839838700463,0,0.5636352628409393 0.13061654799969574 0.030216879262073792 -0.5136748511018235 -0.7249475352073135 -0.7262631526541283 -1.0075215256974532 -1.0788228319272997 -1.0398444405645604 -1.1479056461983195 -1.1456871539299212 -1.0637577223918835 -1.0881095433165526 -1.0327504249715824 0.014739026946649223 -0.26061196574468193 0.4561673749824626 0.3431016638183108 1.3364960218941493 1.5000453279239148 +26890,1.591003506749133,0,0.13061654799969574 0.030216879262073792 -0.5136748511018235 -0.7249475352073135 -0.7262631526541283 -1.0075215256974532 -1.0788228319272997 -1.0398444405645604 -1.1479056461983195 -1.1456871539299212 -1.0637577223918835 -1.0881095433165526 -1.0327504249715824 0.014739026946649223 -0.26061196574468193 0.4561673749824626 0.3431016638183108 1.3364960218941493 1.5000453279239148 1.3093839838700463 +26891,1.5184123793898092,0,0.030216879262073792 -0.5136748511018235 -0.7249475352073135 -0.7262631526541283 -1.0075215256974532 -1.0788228319272997 -1.0398444405645604 -1.1479056461983195 -1.1456871539299212 -1.0637577223918835 -1.0881095433165526 -1.0327504249715824 0.014739026946649223 -0.26061196574468193 0.4561673749824626 0.3431016638183108 1.3364960218941493 1.5000453279239148 1.3093839838700463 1.591003506749133 +26892,0.7027295623671139,0,-0.5136748511018235 -0.7249475352073135 -0.7262631526541283 -1.0075215256974532 -1.0788228319272997 -1.0398444405645604 -1.1479056461983195 -1.1456871539299212 -1.0637577223918835 -1.0881095433165526 -1.0327504249715824 0.014739026946649223 -0.26061196574468193 0.4561673749824626 0.3431016638183108 1.3364960218941493 1.5000453279239148 1.3093839838700463 1.591003506749133 1.5184123793898092 +26893,0.8778356648439912,0,-0.7249475352073135 -0.7262631526541283 -1.0075215256974532 -1.0788228319272997 -1.0398444405645604 -1.1479056461983195 -1.1456871539299212 -1.0637577223918835 -1.0881095433165526 -1.0327504249715824 0.014739026946649223 -0.26061196574468193 0.4561673749824626 0.3431016638183108 1.3364960218941493 1.5000453279239148 1.3093839838700463 1.591003506749133 1.5184123793898092 0.7027295623671139 +26894,0.3098500778122739,0,-0.7262631526541283 -1.0075215256974532 -1.0788228319272997 -1.0398444405645604 -1.1479056461983195 -1.1456871539299212 -1.0637577223918835 -1.0881095433165526 -1.0327504249715824 0.014739026946649223 -0.26061196574468193 0.4561673749824626 0.3431016638183108 1.3364960218941493 1.5000453279239148 1.3093839838700463 1.591003506749133 1.5184123793898092 0.7027295623671139 0.8778356648439912 +26895,0.2401739459207577,0,-1.0075215256974532 -1.0788228319272997 -1.0398444405645604 -1.1479056461983195 -1.1456871539299212 -1.0637577223918835 -1.0881095433165526 -1.0327504249715824 0.014739026946649223 -0.26061196574468193 0.4561673749824626 0.3431016638183108 1.3364960218941493 1.5000453279239148 1.3093839838700463 1.591003506749133 1.5184123793898092 0.7027295623671139 0.8778356648439912 0.3098500778122739 +26896,-0.49391479292753876,0,-1.0788228319272997 -1.0398444405645604 -1.1479056461983195 -1.1456871539299212 -1.0637577223918835 -1.0881095433165526 -1.0327504249715824 0.014739026946649223 -0.26061196574468193 0.4561673749824626 0.3431016638183108 1.3364960218941493 1.5000453279239148 1.3093839838700463 1.591003506749133 1.5184123793898092 0.7027295623671139 0.8778356648439912 0.3098500778122739 0.2401739459207577 +26897,-0.7296940766356429,0,-1.0398444405645604 -1.1479056461983195 -1.1456871539299212 -1.0637577223918835 -1.0881095433165526 -1.0327504249715824 0.014739026946649223 -0.26061196574468193 0.4561673749824626 0.3431016638183108 1.3364960218941493 1.5000453279239148 1.3093839838700463 1.591003506749133 1.5184123793898092 0.7027295623671139 0.8778356648439912 0.3098500778122739 0.2401739459207577 -0.49391479292753876 +26898,-0.7472356425415294,0,-1.1479056461983195 -1.1456871539299212 -1.0637577223918835 -1.0881095433165526 -1.0327504249715824 0.014739026946649223 -0.26061196574468193 0.4561673749824626 0.3431016638183108 1.3364960218941493 1.5000453279239148 1.3093839838700463 1.591003506749133 1.5184123793898092 0.7027295623671139 0.8778356648439912 0.3098500778122739 0.2401739459207577 -0.49391479292753876 -0.7296940766356429 +26899,-1.0557608319773222,0,-1.1456871539299212 -1.0637577223918835 -1.0881095433165526 -1.0327504249715824 0.014739026946649223 -0.26061196574468193 0.4561673749824626 0.3431016638183108 1.3364960218941493 1.5000453279239148 1.3093839838700463 1.591003506749133 1.5184123793898092 0.7027295623671139 0.8778356648439912 0.3098500778122739 0.2401739459207577 -0.49391479292753876 -0.7296940766356429 -0.7472356425415294 +26900,-1.1460483039204687,0,-1.0637577223918835 -1.0881095433165526 -1.0327504249715824 0.014739026946649223 -0.26061196574468193 0.4561673749824626 0.3431016638183108 1.3364960218941493 1.5000453279239148 1.3093839838700463 1.591003506749133 1.5184123793898092 0.7027295623671139 0.8778356648439912 0.3098500778122739 0.2401739459207577 -0.49391479292753876 -0.7296940766356429 -0.7472356425415294 -1.0557608319773222 +26901,-1.19199172882515,0,-1.0881095433165526 -1.0327504249715824 0.014739026946649223 -0.26061196574468193 0.4561673749824626 0.3431016638183108 1.3364960218941493 1.5000453279239148 1.3093839838700463 1.591003506749133 1.5184123793898092 0.7027295623671139 0.8778356648439912 0.3098500778122739 0.2401739459207577 -0.49391479292753876 -0.7296940766356429 -0.7472356425415294 -1.0557608319773222 -1.1460483039204687 +26902,-1.2970605495747405,0,-1.0327504249715824 0.014739026946649223 -0.26061196574468193 0.4561673749824626 0.3431016638183108 1.3364960218941493 1.5000453279239148 1.3093839838700463 1.591003506749133 1.5184123793898092 0.7027295623671139 0.8778356648439912 0.3098500778122739 0.2401739459207577 -0.49391479292753876 -0.7296940766356429 -0.7472356425415294 -1.0557608319773222 -1.1460483039204687 -1.19199172882515 +26903,-1.357785323595428,0,0.014739026946649223 -0.26061196574468193 0.4561673749824626 0.3431016638183108 1.3364960218941493 1.5000453279239148 1.3093839838700463 1.591003506749133 1.5184123793898092 0.7027295623671139 0.8778356648439912 0.3098500778122739 0.2401739459207577 -0.49391479292753876 -0.7296940766356429 -0.7472356425415294 -1.0557608319773222 -1.1460483039204687 -1.19199172882515 -1.2970605495747405 +26904,-0.6646291094467308,0,-0.26061196574468193 0.4561673749824626 0.3431016638183108 1.3364960218941493 1.5000453279239148 1.3093839838700463 1.591003506749133 1.5184123793898092 0.7027295623671139 0.8778356648439912 0.3098500778122739 0.2401739459207577 -0.49391479292753876 -0.7296940766356429 -0.7472356425415294 -1.0557608319773222 -1.1460483039204687 -1.19199172882515 -1.2970605495747405 -1.357785323595428 +26905,-0.315094005894969,0,0.4561673749824626 0.3431016638183108 1.3364960218941493 1.5000453279239148 1.3093839838700463 1.591003506749133 1.5184123793898092 0.7027295623671139 0.8778356648439912 0.3098500778122739 0.2401739459207577 -0.49391479292753876 -0.7296940766356429 -0.7472356425415294 -1.0557608319773222 -1.1460483039204687 -1.19199172882515 -1.2970605495747405 -1.357785323595428 -0.6646291094467308 +26906,-0.448249117463544,0,0.3431016638183108 1.3364960218941493 1.5000453279239148 1.3093839838700463 1.591003506749133 1.5184123793898092 0.7027295623671139 0.8778356648439912 0.3098500778122739 0.2401739459207577 -0.49391479292753876 -0.7296940766356429 -0.7472356425415294 -1.0557608319773222 -1.1460483039204687 -1.19199172882515 -1.2970605495747405 -1.357785323595428 -0.6646291094467308 -0.315094005894969 +26907,-0.30890286496879743,0,1.3364960218941493 1.5000453279239148 1.3093839838700463 1.591003506749133 1.5184123793898092 0.7027295623671139 0.8778356648439912 0.3098500778122739 0.2401739459207577 -0.49391479292753876 -0.7296940766356429 -0.7472356425415294 -1.0557608319773222 -1.1460483039204687 -1.19199172882515 -1.2970605495747405 -1.357785323595428 -0.6646291094467308 -0.315094005894969 -0.448249117463544 +26908,-0.013048442728721769,0,1.5000453279239148 1.3093839838700463 1.591003506749133 1.5184123793898092 0.7027295623671139 0.8778356648439912 0.3098500778122739 0.2401739459207577 -0.49391479292753876 -0.7296940766356429 -0.7472356425415294 -1.0557608319773222 -1.1460483039204687 -1.19199172882515 -1.2970605495747405 -1.357785323595428 -0.6646291094467308 -0.315094005894969 -0.448249117463544 -0.30890286496879743 +26909,0.3365235765842541,0,1.3093839838700463 1.591003506749133 1.5184123793898092 0.7027295623671139 0.8778356648439912 0.3098500778122739 0.2401739459207577 -0.49391479292753876 -0.7296940766356429 -0.7472356425415294 -1.0557608319773222 -1.1460483039204687 -1.19199172882515 -1.2970605495747405 -1.357785323595428 -0.6646291094467308 -0.315094005894969 -0.448249117463544 -0.30890286496879743 -0.013048442728721769 +26910,1.0144535079996955,0,1.591003506749133 1.5184123793898092 0.7027295623671139 0.8778356648439912 0.3098500778122739 0.2401739459207577 -0.49391479292753876 -0.7296940766356429 -0.7472356425415294 -1.0557608319773222 -1.1460483039204687 -1.19199172882515 -1.2970605495747405 -1.357785323595428 -0.6646291094467308 -0.315094005894969 -0.448249117463544 -0.30890286496879743 -0.013048442728721769 0.3365235765842541 +26911,1.0324370582180733,0,1.5184123793898092 0.7027295623671139 0.8778356648439912 0.3098500778122739 0.2401739459207577 -0.49391479292753876 -0.7296940766356429 -0.7472356425415294 -1.0557608319773222 -1.1460483039204687 -1.19199172882515 -1.2970605495747405 -1.357785323595428 -0.6646291094467308 -0.315094005894969 -0.448249117463544 -0.30890286496879743 -0.013048442728721769 0.3365235765842541 1.0144535079996955 +26912,1.1413718969861557,0,0.7027295623671139 0.8778356648439912 0.3098500778122739 0.2401739459207577 -0.49391479292753876 -0.7296940766356429 -0.7472356425415294 -1.0557608319773222 -1.1460483039204687 -1.19199172882515 -1.2970605495747405 -1.357785323595428 -0.6646291094467308 -0.315094005894969 -0.448249117463544 -0.30890286496879743 -0.013048442728721769 0.3365235765842541 1.0144535079996955 1.0324370582180733 +26913,1.3244744023252382,0,0.8778356648439912 0.3098500778122739 0.2401739459207577 -0.49391479292753876 -0.7296940766356429 -0.7472356425415294 -1.0557608319773222 -1.1460483039204687 -1.19199172882515 -1.2970605495747405 -1.357785323595428 -0.6646291094467308 -0.315094005894969 -0.448249117463544 -0.30890286496879743 -0.013048442728721769 0.3365235765842541 1.0144535079996955 1.0324370582180733 1.1413718969861557 +26914,1.5221270639455105,0,0.3098500778122739 0.2401739459207577 -0.49391479292753876 -0.7296940766356429 -0.7472356425415294 -1.0557608319773222 -1.1460483039204687 -1.19199172882515 -1.2970605495747405 -1.357785323595428 -0.6646291094467308 -0.315094005894969 -0.448249117463544 -0.30890286496879743 -0.013048442728721769 0.3365235765842541 1.0144535079996955 1.0324370582180733 1.1413718969861557 1.3244744023252382 +26915,1.2912827349549734,0,0.2401739459207577 -0.49391479292753876 -0.7296940766356429 -0.7472356425415294 -1.0557608319773222 -1.1460483039204687 -1.19199172882515 -1.2970605495747405 -1.357785323595428 -0.6646291094467308 -0.315094005894969 -0.448249117463544 -0.30890286496879743 -0.013048442728721769 0.3365235765842541 1.0144535079996955 1.0324370582180733 1.1413718969861557 1.3244744023252382 1.5221270639455105 +26916,1.3379406213920002,0,-0.49391479292753876 -0.7296940766356429 -0.7472356425415294 -1.0557608319773222 -1.1460483039204687 -1.19199172882515 -1.2970605495747405 -1.357785323595428 -0.6646291094467308 -0.315094005894969 -0.448249117463544 -0.30890286496879743 -0.013048442728721769 0.3365235765842541 1.0144535079996955 1.0324370582180733 1.1413718969861557 1.3244744023252382 1.5221270639455105 1.2912827349549734 +26917,1.1692328904842673,0,-0.7296940766356429 -0.7472356425415294 -1.0557608319773222 -1.1460483039204687 -1.19199172882515 -1.2970605495747405 -1.357785323595428 -0.6646291094467308 -0.315094005894969 -0.448249117463544 -0.30890286496879743 -0.013048442728721769 0.3365235765842541 1.0144535079996955 1.0324370582180733 1.1413718969861557 1.3244744023252382 1.5221270639455105 1.2912827349549734 1.3379406213920002 +26918,0.9571854544326368,0,-0.7472356425415294 -1.0557608319773222 -1.1460483039204687 -1.19199172882515 -1.2970605495747405 -1.357785323595428 -0.6646291094467308 -0.315094005894969 -0.448249117463544 -0.30890286496879743 -0.013048442728721769 0.3365235765842541 1.0144535079996955 1.0324370582180733 1.1413718969861557 1.3244744023252382 1.5221270639455105 1.2912827349549734 1.3379406213920002 1.1692328904842673 +26919,0.81509344827233,0,-1.0557608319773222 -1.1460483039204687 -1.19199172882515 -1.2970605495747405 -1.357785323595428 -0.6646291094467308 -0.315094005894969 -0.448249117463544 -0.30890286496879743 -0.013048442728721769 0.3365235765842541 1.0144535079996955 1.0324370582180733 1.1413718969861557 1.3244744023252382 1.5221270639455105 1.2912827349549734 1.3379406213920002 1.1692328904842673 0.9571854544326368 +26920,0.6460806228926751,0,-1.1460483039204687 -1.19199172882515 -1.2970605495747405 -1.357785323595428 -0.6646291094467308 -0.315094005894969 -0.448249117463544 -0.30890286496879743 -0.013048442728721769 0.3365235765842541 1.0144535079996955 1.0324370582180733 1.1413718969861557 1.3244744023252382 1.5221270639455105 1.2912827349549734 1.3379406213920002 1.1692328904842673 0.9571854544326368 0.81509344827233 +26921,0.4711808917284179,0,-1.19199172882515 -1.2970605495747405 -1.357785323595428 -0.6646291094467308 -0.315094005894969 -0.448249117463544 -0.30890286496879743 -0.013048442728721769 0.3365235765842541 1.0144535079996955 1.0324370582180733 1.1413718969861557 1.3244744023252382 1.5221270639455105 1.2912827349549734 1.3379406213920002 1.1692328904842673 0.9571854544326368 0.81509344827233 0.6460806228926751 +26922,0.4694707514102403,0,-1.2970605495747405 -1.357785323595428 -0.6646291094467308 -0.315094005894969 -0.448249117463544 -0.30890286496879743 -0.013048442728721769 0.3365235765842541 1.0144535079996955 1.0324370582180733 1.1413718969861557 1.3244744023252382 1.5221270639455105 1.2912827349549734 1.3379406213920002 1.1692328904842673 0.9571854544326368 0.81509344827233 0.6460806228926751 0.4711808917284179 +26923,0.3906960596882313,0,-1.357785323595428 -0.6646291094467308 -0.315094005894969 -0.448249117463544 -0.30890286496879743 -0.013048442728721769 0.3365235765842541 1.0144535079996955 1.0324370582180733 1.1413718969861557 1.3244744023252382 1.5221270639455105 1.2912827349549734 1.3379406213920002 1.1692328904842673 0.9571854544326368 0.81509344827233 0.6460806228926751 0.4711808917284179 0.4694707514102403 +26924,-0.09981964534835497,0,-0.6646291094467308 -0.315094005894969 -0.448249117463544 -0.30890286496879743 -0.013048442728721769 0.3365235765842541 1.0144535079996955 1.0324370582180733 1.1413718969861557 1.3244744023252382 1.5221270639455105 1.2912827349549734 1.3379406213920002 1.1692328904842673 0.9571854544326368 0.81509344827233 0.6460806228926751 0.4711808917284179 0.4694707514102403 0.3906960596882313 +26925,0.3287846504265506,0,-0.315094005894969 -0.448249117463544 -0.30890286496879743 -0.013048442728721769 0.3365235765842541 1.0144535079996955 1.0324370582180733 1.1413718969861557 1.3244744023252382 1.5221270639455105 1.2912827349549734 1.3379406213920002 1.1692328904842673 0.9571854544326368 0.81509344827233 0.6460806228926751 0.4711808917284179 0.4694707514102403 0.3906960596882313 -0.09981964534835497 +26926,0.2609334847057402,0,-0.448249117463544 -0.30890286496879743 -0.013048442728721769 0.3365235765842541 1.0144535079996955 1.0324370582180733 1.1413718969861557 1.3244744023252382 1.5221270639455105 1.2912827349549734 1.3379406213920002 1.1692328904842673 0.9571854544326368 0.81509344827233 0.6460806228926751 0.4711808917284179 0.4694707514102403 0.3906960596882313 -0.09981964534835497 0.3287846504265506 +26927,0.18793619435621514,0,-0.30890286496879743 -0.013048442728721769 0.3365235765842541 1.0144535079996955 1.0324370582180733 1.1413718969861557 1.3244744023252382 1.5221270639455105 1.2912827349549734 1.3379406213920002 1.1692328904842673 0.9571854544326368 0.81509344827233 0.6460806228926751 0.4711808917284179 0.4694707514102403 0.3906960596882313 -0.09981964534835497 0.3287846504265506 0.2609334847057402 +26928,0.16970670029065696,0,-0.013048442728721769 0.3365235765842541 1.0144535079996955 1.0324370582180733 1.1413718969861557 1.3244744023252382 1.5221270639455105 1.2912827349549734 1.3379406213920002 1.1692328904842673 0.9571854544326368 0.81509344827233 0.6460806228926751 0.4711808917284179 0.4694707514102403 0.3906960596882313 -0.09981964534835497 0.3287846504265506 0.2609334847057402 0.18793619435621514 +26929,0.14924156356766252,0,0.3365235765842541 1.0144535079996955 1.0324370582180733 1.1413718969861557 1.3244744023252382 1.5221270639455105 1.2912827349549734 1.3379406213920002 1.1692328904842673 0.9571854544326368 0.81509344827233 0.6460806228926751 0.4711808917284179 0.4694707514102403 0.3906960596882313 -0.09981964534835497 0.3287846504265506 0.2609334847057402 0.18793619435621514 0.16970670029065696 +26930,-0.04553331861636068,0,1.0144535079996955 1.0324370582180733 1.1413718969861557 1.3244744023252382 1.5221270639455105 1.2912827349549734 1.3379406213920002 1.1692328904842673 0.9571854544326368 0.81509344827233 0.6460806228926751 0.4711808917284179 0.4694707514102403 0.3906960596882313 -0.09981964534835497 0.3287846504265506 0.2609334847057402 0.18793619435621514 0.16970670029065696 0.14924156356766252 +26931,0.11828585893682218,0,1.0324370582180733 1.1413718969861557 1.3244744023252382 1.5221270639455105 1.2912827349549734 1.3379406213920002 1.1692328904842673 0.9571854544326368 0.81509344827233 0.6460806228926751 0.4711808917284179 0.4694707514102403 0.3906960596882313 -0.09981964534835497 0.3287846504265506 0.2609334847057402 0.18793619435621514 0.16970670029065696 0.14924156356766252 -0.04553331861636068 +26932,0.2909718798699323,0,1.1413718969861557 1.3244744023252382 1.5221270639455105 1.2912827349549734 1.3379406213920002 1.1692328904842673 0.9571854544326368 0.81509344827233 0.6460806228926751 0.4711808917284179 0.4694707514102403 0.3906960596882313 -0.09981964534835497 0.3287846504265506 0.2609334847057402 0.18793619435621514 0.16970670029065696 0.14924156356766252 -0.04553331861636068 0.11828585893682218 +26933,0.4804676031176709,0,1.3244744023252382 1.5221270639455105 1.2912827349549734 1.3379406213920002 1.1692328904842673 0.9571854544326368 0.81509344827233 0.6460806228926751 0.4711808917284179 0.4694707514102403 0.3906960596882313 -0.09981964534835497 0.3287846504265506 0.2609334847057402 0.18793619435621514 0.16970670029065696 0.14924156356766252 -0.04553331861636068 0.11828585893682218 0.2909718798699323 +26934,0.941707602117221,0,1.5221270639455105 1.2912827349549734 1.3379406213920002 1.1692328904842673 0.9571854544326368 0.81509344827233 0.6460806228926751 0.4711808917284179 0.4694707514102403 0.3906960596882313 -0.09981964534835497 0.3287846504265506 0.2609334847057402 0.18793619435621514 0.16970670029065696 0.14924156356766252 -0.04553331861636068 0.11828585893682218 0.2909718798699323 0.4804676031176709 +26935,0.9503931695099483,0,1.2912827349549734 1.3379406213920002 1.1692328904842673 0.9571854544326368 0.81509344827233 0.6460806228926751 0.4711808917284179 0.4694707514102403 0.3906960596882313 -0.09981964534835497 0.3287846504265506 0.2609334847057402 0.18793619435621514 0.16970670029065696 0.14924156356766252 -0.04553331861636068 0.11828585893682218 0.2909718798699323 0.4804676031176709 0.941707602117221 +26936,1.006714581841992,0,1.3379406213920002 1.1692328904842673 0.9571854544326368 0.81509344827233 0.6460806228926751 0.4711808917284179 0.4694707514102403 0.3906960596882313 -0.09981964534835497 0.3287846504265506 0.2609334847057402 0.18793619435621514 0.16970670029065696 0.14924156356766252 -0.04553331861636068 0.11828585893682218 0.2909718798699323 0.4804676031176709 0.941707602117221 0.9503931695099483 +26937,1.089483286301319,0,1.1692328904842673 0.9571854544326368 0.81509344827233 0.6460806228926751 0.4711808917284179 0.4694707514102403 0.3906960596882313 -0.09981964534835497 0.3287846504265506 0.2609334847057402 0.18793619435621514 0.16970670029065696 0.14924156356766252 -0.04553331861636068 0.11828585893682218 0.2909718798699323 0.4804676031176709 0.941707602117221 0.9503931695099483 1.006714581841992 +26938,1.181614313006249,0,0.9571854544326368 0.81509344827233 0.6460806228926751 0.4711808917284179 0.4694707514102403 0.3906960596882313 -0.09981964534835497 0.3287846504265506 0.2609334847057402 0.18793619435621514 0.16970670029065696 0.14924156356766252 -0.04553331861636068 0.11828585893682218 0.2909718798699323 0.4804676031176709 0.941707602117221 0.9503931695099483 1.006714581841992 1.089483286301319 +26939,0.9849611397356068,0,0.81509344827233 0.6460806228926751 0.4711808917284179 0.4694707514102403 0.3906960596882313 -0.09981964534835497 0.3287846504265506 0.2609334847057402 0.18793619435621514 0.16970670029065696 0.14924156356766252 -0.04553331861636068 0.11828585893682218 0.2909718798699323 0.4804676031176709 0.941707602117221 0.9503931695099483 1.006714581841992 1.089483286301319 1.181614313006249 +26940,1.108868407123766,0,0.6460806228926751 0.4711808917284179 0.4694707514102403 0.3906960596882313 -0.09981964534835497 0.3287846504265506 0.2609334847057402 0.18793619435621514 0.16970670029065696 0.14924156356766252 -0.04553331861636068 0.11828585893682218 0.2909718798699323 0.4804676031176709 0.941707602117221 0.9503931695099483 1.006714581841992 1.089483286301319 1.181614313006249 0.9849611397356068 +26941,0.9737560098441513,0,0.4711808917284179 0.4694707514102403 0.3906960596882313 -0.09981964534835497 0.3287846504265506 0.2609334847057402 0.18793619435621514 0.16970670029065696 0.14924156356766252 -0.04553331861636068 0.11828585893682218 0.2909718798699323 0.4804676031176709 0.941707602117221 0.9503931695099483 1.006714581841992 1.089483286301319 1.181614313006249 0.9849611397356068 1.108868407123766 +26942,0.7993113608153449,0,0.4694707514102403 0.3906960596882313 -0.09981964534835497 0.3287846504265506 0.2609334847057402 0.18793619435621514 0.16970670029065696 0.14924156356766252 -0.04553331861636068 0.11828585893682218 0.2909718798699323 0.4804676031176709 0.941707602117221 0.9503931695099483 1.006714581841992 1.089483286301319 1.181614313006249 0.9849611397356068 1.108868407123766 0.9737560098441513 +26943,0.7387916633849249,0,0.3906960596882313 -0.09981964534835497 0.3287846504265506 0.2609334847057402 0.18793619435621514 0.16970670029065696 0.14924156356766252 -0.04553331861636068 0.11828585893682218 0.2909718798699323 0.4804676031176709 0.941707602117221 0.9503931695099483 1.006714581841992 1.089483286301319 1.181614313006249 0.9849611397356068 1.108868407123766 0.9737560098441513 0.7993113608153449 +26944,0.664654045671181,0,-0.09981964534835497 0.3287846504265506 0.2609334847057402 0.18793619435621514 0.16970670029065696 0.14924156356766252 -0.04553331861636068 0.11828585893682218 0.2909718798699323 0.4804676031176709 0.941707602117221 0.9503931695099483 1.006714581841992 1.089483286301319 1.181614313006249 0.9849611397356068 1.108868407123766 0.9737560098441513 0.7993113608153449 0.7387916633849249 +26945,0.08386940837251951,0,0.3287846504265506 0.2609334847057402 0.18793619435621514 0.16970670029065696 0.14924156356766252 -0.04553331861636068 0.11828585893682218 0.2909718798699323 0.4804676031176709 0.941707602117221 0.9503931695099483 1.006714581841992 1.089483286301319 1.181614313006249 0.9849611397356068 1.108868407123766 0.9737560098441513 0.7993113608153449 0.7387916633849249 0.664654045671181 +26946,0.3674792812151032,0,0.2609334847057402 0.18793619435621514 0.16970670029065696 0.14924156356766252 -0.04553331861636068 0.11828585893682218 0.2909718798699323 0.4804676031176709 0.941707602117221 0.9503931695099483 1.006714581841992 1.089483286301319 1.181614313006249 0.9849611397356068 1.108868407123766 0.9737560098441513 0.7993113608153449 0.7387916633849249 0.664654045671181 0.08386940837251951 +26947,0.2637776707017797,0,0.18793619435621514 0.16970670029065696 0.14924156356766252 -0.04553331861636068 0.11828585893682218 0.2909718798699323 0.4804676031176709 0.941707602117221 0.9503931695099483 1.006714581841992 1.089483286301319 1.181614313006249 0.9849611397356068 1.108868407123766 0.9737560098441513 0.7993113608153449 0.7387916633849249 0.664654045671181 0.08386940837251951 0.3674792812151032 +26948,0.2500571291620359,0,0.16970670029065696 0.14924156356766252 -0.04553331861636068 0.11828585893682218 0.2909718798699323 0.4804676031176709 0.941707602117221 0.9503931695099483 1.006714581841992 1.089483286301319 1.181614313006249 0.9849611397356068 1.108868407123766 0.9737560098441513 0.7993113608153449 0.7387916633849249 0.664654045671181 0.08386940837251951 0.3674792812151032 0.2637776707017797 +26949,0.30092451625879163,0,0.14924156356766252 -0.04553331861636068 0.11828585893682218 0.2909718798699323 0.4804676031176709 0.941707602117221 0.9503931695099483 1.006714581841992 1.089483286301319 1.181614313006249 0.9849611397356068 1.108868407123766 0.9737560098441513 0.7993113608153449 0.7387916633849249 0.664654045671181 0.08386940837251951 0.3674792812151032 0.2637776707017797 0.2500571291620359 +26950,0.24020403827079403,0,-0.04553331861636068 0.11828585893682218 0.2909718798699323 0.4804676031176709 0.941707602117221 0.9503931695099483 1.006714581841992 1.089483286301319 1.181614313006249 0.9849611397356068 1.108868407123766 0.9737560098441513 0.7993113608153449 0.7387916633849249 0.664654045671181 0.08386940837251951 0.3674792812151032 0.2637776707017797 0.2500571291620359 0.30092451625879163 +26951,0.17245834204079058,0,0.11828585893682218 0.2909718798699323 0.4804676031176709 0.941707602117221 0.9503931695099483 1.006714581841992 1.089483286301319 1.181614313006249 0.9849611397356068 1.108868407123766 0.9737560098441513 0.7993113608153449 0.7387916633849249 0.664654045671181 0.08386940837251951 0.3674792812151032 0.2637776707017797 0.2500571291620359 0.30092451625879163 0.24020403827079403 +26952,0.13468630222644595,0,0.2909718798699323 0.4804676031176709 0.941707602117221 0.9503931695099483 1.006714581841992 1.089483286301319 1.181614313006249 0.9849611397356068 1.108868407123766 0.9737560098441513 0.7993113608153449 0.7387916633849249 0.664654045671181 0.08386940837251951 0.3674792812151032 0.2637776707017797 0.2500571291620359 0.30092451625879163 0.24020403827079403 0.17245834204079058 +26953,0.09352129523214463,0,0.4804676031176709 0.941707602117221 0.9503931695099483 1.006714581841992 1.089483286301319 1.181614313006249 0.9849611397356068 1.108868407123766 0.9737560098441513 0.7993113608153449 0.7387916633849249 0.664654045671181 0.08386940837251951 0.3674792812151032 0.2637776707017797 0.2500571291620359 0.30092451625879163 0.24020403827079403 0.17245834204079058 0.13468630222644595 +26954,-0.3055237651706346,0,0.941707602117221 0.9503931695099483 1.006714581841992 1.089483286301319 1.181614313006249 0.9849611397356068 1.108868407123766 0.9737560098441513 0.7993113608153449 0.7387916633849249 0.664654045671181 0.08386940837251951 0.3674792812151032 0.2637776707017797 0.2500571291620359 0.30092451625879163 0.24020403827079403 0.17245834204079058 0.13468630222644595 0.09352129523214463 +26955,0.00994089272887658,0,0.9503931695099483 1.006714581841992 1.089483286301319 1.181614313006249 0.9849611397356068 1.108868407123766 0.9737560098441513 0.7993113608153449 0.7387916633849249 0.664654045671181 0.08386940837251951 0.3674792812151032 0.2637776707017797 0.2500571291620359 0.30092451625879163 0.24020403827079403 0.17245834204079058 0.13468630222644595 0.09352129523214463 -0.3055237651706346 +26956,0.21528543356262436,0,1.006714581841992 1.089483286301319 1.181614313006249 0.9849611397356068 1.108868407123766 0.9737560098441513 0.7993113608153449 0.7387916633849249 0.664654045671181 0.08386940837251951 0.3674792812151032 0.2637776707017797 0.2500571291620359 0.30092451625879163 0.24020403827079403 0.17245834204079058 0.13468630222644595 0.09352129523214463 -0.3055237651706346 0.00994089272887658 +26957,0.44641632802374914,0,1.089483286301319 1.181614313006249 0.9849611397356068 1.108868407123766 0.9737560098441513 0.7993113608153449 0.7387916633849249 0.664654045671181 0.08386940837251951 0.3674792812151032 0.2637776707017797 0.2500571291620359 0.30092451625879163 0.24020403827079403 0.17245834204079058 0.13468630222644595 0.09352129523214463 -0.3055237651706346 0.00994089272887658 0.21528543356262436 +26958,1.0036190113789016,0,1.181614313006249 0.9849611397356068 1.108868407123766 0.9737560098441513 0.7993113608153449 0.7387916633849249 0.664654045671181 0.08386940837251951 0.3674792812151032 0.2637776707017797 0.2500571291620359 0.30092451625879163 0.24020403827079403 0.17245834204079058 0.13468630222644595 0.09352129523214463 -0.3055237651706346 0.00994089272887658 0.21528543356262436 0.44641632802374914 +26959,1.027873087963636,0,0.9849611397356068 1.108868407123766 0.9737560098441513 0.7993113608153449 0.7387916633849249 0.664654045671181 0.08386940837251951 0.3674792812151032 0.2637776707017797 0.2500571291620359 0.30092451625879163 0.24020403827079403 0.17245834204079058 0.13468630222644595 0.09352129523214463 -0.3055237651706346 0.00994089272887658 0.21528543356262436 0.44641632802374914 1.0036190113789016 +26960,1.2265000847209646,0,1.108868407123766 0.9737560098441513 0.7993113608153449 0.7387916633849249 0.664654045671181 0.08386940837251951 0.3674792812151032 0.2637776707017797 0.2500571291620359 0.30092451625879163 0.24020403827079403 0.17245834204079058 0.13468630222644595 0.09352129523214463 -0.3055237651706346 0.00994089272887658 0.21528543356262436 0.44641632802374914 1.0036190113789016 1.027873087963636 +26961,1.347360833436491,0,0.9737560098441513 0.7993113608153449 0.7387916633849249 0.664654045671181 0.08386940837251951 0.3674792812151032 0.2637776707017797 0.2500571291620359 0.30092451625879163 0.24020403827079403 0.17245834204079058 0.13468630222644595 0.09352129523214463 -0.3055237651706346 0.00994089272887658 0.21528543356262436 0.44641632802374914 1.0036190113789016 1.027873087963636 1.2265000847209646 +26962,1.4880757888515799,0,0.7993113608153449 0.7387916633849249 0.664654045671181 0.08386940837251951 0.3674792812151032 0.2637776707017797 0.2500571291620359 0.30092451625879163 0.24020403827079403 0.17245834204079058 0.13468630222644595 0.09352129523214463 -0.3055237651706346 0.00994089272887658 0.21528543356262436 0.44641632802374914 1.0036190113789016 1.027873087963636 1.2265000847209646 1.347360833436491 +26963,1.131573677712599,0,0.7387916633849249 0.664654045671181 0.08386940837251951 0.3674792812151032 0.2637776707017797 0.2500571291620359 0.30092451625879163 0.24020403827079403 0.17245834204079058 0.13468630222644595 0.09352129523214463 -0.3055237651706346 0.00994089272887658 0.21528543356262436 0.44641632802374914 1.0036190113789016 1.027873087963636 1.2265000847209646 1.347360833436491 1.4880757888515799 +26964,1.390565319264428,0,0.664654045671181 0.08386940837251951 0.3674792812151032 0.2637776707017797 0.2500571291620359 0.30092451625879163 0.24020403827079403 0.17245834204079058 0.13468630222644595 0.09352129523214463 -0.3055237651706346 0.00994089272887658 0.21528543356262436 0.44641632802374914 1.0036190113789016 1.027873087963636 1.2265000847209646 1.347360833436491 1.4880757888515799 1.131573677712599 +26965,1.240605235877227,0,0.08386940837251951 0.3674792812151032 0.2637776707017797 0.2500571291620359 0.30092451625879163 0.24020403827079403 0.17245834204079058 0.13468630222644595 0.09352129523214463 -0.3055237651706346 0.00994089272887658 0.21528543356262436 0.44641632802374914 1.0036190113789016 1.027873087963636 1.2265000847209646 1.347360833436491 1.4880757888515799 1.131573677712599 1.390565319264428 +26966,1.0516003535567073,0,0.3674792812151032 0.2637776707017797 0.2500571291620359 0.30092451625879163 0.24020403827079403 0.17245834204079058 0.13468630222644595 0.09352129523214463 -0.3055237651706346 0.00994089272887658 0.21528543356262436 0.44641632802374914 1.0036190113789016 1.027873087963636 1.2265000847209646 1.347360833436491 1.4880757888515799 1.131573677712599 1.390565319264428 1.240605235877227 +26967,0.9104130120768308,0,0.2637776707017797 0.2500571291620359 0.30092451625879163 0.24020403827079403 0.17245834204079058 0.13468630222644595 0.09352129523214463 -0.3055237651706346 0.00994089272887658 0.21528543356262436 0.44641632802374914 1.0036190113789016 1.027873087963636 1.2265000847209646 1.347360833436491 1.4880757888515799 1.131573677712599 1.390565319264428 1.240605235877227 1.0516003535567073 +26968,0.7420433072482863,0,0.2500571291620359 0.30092451625879163 0.24020403827079403 0.17245834204079058 0.13468630222644595 0.09352129523214463 -0.3055237651706346 0.00994089272887658 0.21528543356262436 0.44641632802374914 1.0036190113789016 1.027873087963636 1.2265000847209646 1.347360833436491 1.4880757888515799 1.131573677712599 1.390565319264428 1.240605235877227 1.0516003535567073 0.9104130120768308 +26969,0.2964488776431829,0,0.30092451625879163 0.24020403827079403 0.17245834204079058 0.13468630222644595 0.09352129523214463 -0.3055237651706346 0.00994089272887658 0.21528543356262436 0.44641632802374914 1.0036190113789016 1.027873087963636 1.2265000847209646 1.347360833436491 1.4880757888515799 1.131573677712599 1.390565319264428 1.240605235877227 1.0516003535567073 0.9104130120768308 0.7420433072482863 +26970,0.45570303941300216,0,0.24020403827079403 0.17245834204079058 0.13468630222644595 0.09352129523214463 -0.3055237651706346 0.00994089272887658 0.21528543356262436 0.44641632802374914 1.0036190113789016 1.027873087963636 1.2265000847209646 1.347360833436491 1.4880757888515799 1.131573677712599 1.390565319264428 1.240605235877227 1.0516003535567073 0.9104130120768308 0.7420433072482863 0.2964488776431829 +26971,0.4293906904767839,0,0.17245834204079058 0.13468630222644595 0.09352129523214463 -0.3055237651706346 0.00994089272887658 0.21528543356262436 0.44641632802374914 1.0036190113789016 1.027873087963636 1.2265000847209646 1.347360833436491 1.4880757888515799 1.131573677712599 1.390565319264428 1.240605235877227 1.0516003535567073 0.9104130120768308 0.7420433072482863 0.2964488776431829 0.45570303941300216 +26972,0.05850606816360876,0,0.13468630222644595 0.09352129523214463 -0.3055237651706346 0.00994089272887658 0.21528543356262436 0.44641632802374914 1.0036190113789016 1.027873087963636 1.2265000847209646 1.347360833436491 1.4880757888515799 1.131573677712599 1.390565319264428 1.240605235877227 1.0516003535567073 0.9104130120768308 0.7420433072482863 0.2964488776431829 0.45570303941300216 0.4293906904767839 +26973,0.2096051875978025,0,0.09352129523214463 -0.3055237651706346 0.00994089272887658 0.21528543356262436 0.44641632802374914 1.0036190113789016 1.027873087963636 1.2265000847209646 1.347360833436491 1.4880757888515799 1.131573677712599 1.390565319264428 1.240605235877227 1.0516003535567073 0.9104130120768308 0.7420433072482863 0.2964488776431829 0.45570303941300216 0.4293906904767839 0.05850606816360876 +26974,0.32669505461666415,0,-0.3055237651706346 0.00994089272887658 0.21528543356262436 0.44641632802374914 1.0036190113789016 1.027873087963636 1.2265000847209646 1.347360833436491 1.4880757888515799 1.131573677712599 1.390565319264428 1.240605235877227 1.0516003535567073 0.9104130120768308 0.7420433072482863 0.2964488776431829 0.45570303941300216 0.4293906904767839 0.05850606816360876 0.2096051875978025 +26975,0.45415525418145264,0,0.00994089272887658 0.21528543356262436 0.44641632802374914 1.0036190113789016 1.027873087963636 1.2265000847209646 1.347360833436491 1.4880757888515799 1.131573677712599 1.390565319264428 1.240605235877227 1.0516003535567073 0.9104130120768308 0.7420433072482863 0.2964488776431829 0.45570303941300216 0.4293906904767839 0.05850606816360876 0.2096051875978025 0.32669505461666415 +26976,0.40100074570957916,0,0.21528543356262436 0.44641632802374914 1.0036190113789016 1.027873087963636 1.2265000847209646 1.347360833436491 1.4880757888515799 1.131573677712599 1.390565319264428 1.240605235877227 1.0516003535567073 0.9104130120768308 0.7420433072482863 0.2964488776431829 0.45570303941300216 0.4293906904767839 0.05850606816360876 0.2096051875978025 0.32669505461666415 0.45415525418145264 +26977,0.34271471751042565,0,0.44641632802374914 1.0036190113789016 1.027873087963636 1.2265000847209646 1.347360833436491 1.4880757888515799 1.131573677712599 1.390565319264428 1.240605235877227 1.0516003535567073 0.9104130120768308 0.7420433072482863 0.2964488776431829 0.45570303941300216 0.4293906904767839 0.05850606816360876 0.2096051875978025 0.32669505461666415 0.45415525418145264 0.40100074570957916 +26978,-0.039272930398039835,0,1.0036190113789016 1.027873087963636 1.2265000847209646 1.347360833436491 1.4880757888515799 1.131573677712599 1.390565319264428 1.240605235877227 1.0516003535567073 0.9104130120768308 0.7420433072482863 0.2964488776431829 0.45570303941300216 0.4293906904767839 0.05850606816360876 0.2096051875978025 0.32669505461666415 0.45415525418145264 0.40100074570957916 0.34271471751042565 +26979,0.06720894629592637,0,1.027873087963636 1.2265000847209646 1.347360833436491 1.4880757888515799 1.131573677712599 1.390565319264428 1.240605235877227 1.0516003535567073 0.9104130120768308 0.7420433072482863 0.2964488776431829 0.45570303941300216 0.4293906904767839 0.05850606816360876 0.2096051875978025 0.32669505461666415 0.45415525418145264 0.40100074570957916 0.34271471751042565 -0.039272930398039835 +26980,0.33753565663108476,0,1.2265000847209646 1.347360833436491 1.4880757888515799 1.131573677712599 1.390565319264428 1.240605235877227 1.0516003535567073 0.9104130120768308 0.7420433072482863 0.2964488776431829 0.45570303941300216 0.4293906904767839 0.05850606816360876 0.2096051875978025 0.32669505461666415 0.45415525418145264 0.40100074570957916 0.34271471751042565 -0.039272930398039835 0.06720894629592637 +26981,0.6336983410403407,0,1.347360833436491 1.4880757888515799 1.131573677712599 1.390565319264428 1.240605235877227 1.0516003535567073 0.9104130120768308 0.7420433072482863 0.2964488776431829 0.45570303941300216 0.4293906904767839 0.05850606816360876 0.2096051875978025 0.32669505461666415 0.45415525418145264 0.40100074570957916 0.34271471751042565 -0.039272930398039835 0.06720894629592637 0.33753565663108476 +26982,1.316271628150413,0,1.4880757888515799 1.131573677712599 1.390565319264428 1.240605235877227 1.0516003535567073 0.9104130120768308 0.7420433072482863 0.2964488776431829 0.45570303941300216 0.4293906904767839 0.05850606816360876 0.2096051875978025 0.32669505461666415 0.45415525418145264 0.40100074570957916 0.34271471751042565 -0.039272930398039835 0.06720894629592637 0.33753565663108476 0.6336983410403407 +26983,1.341523879479451,0,1.131573677712599 1.390565319264428 1.240605235877227 1.0516003535567073 0.9104130120768308 0.7420433072482863 0.2964488776431829 0.45570303941300216 0.4293906904767839 0.05850606816360876 0.2096051875978025 0.32669505461666415 0.45415525418145264 0.40100074570957916 0.34271471751042565 -0.039272930398039835 0.06720894629592637 0.33753565663108476 0.6336983410403407 1.316271628150413 +26984,1.5112925673247168,0,1.390565319264428 1.240605235877227 1.0516003535567073 0.9104130120768308 0.7420433072482863 0.2964488776431829 0.45570303941300216 0.4293906904767839 0.05850606816360876 0.2096051875978025 0.32669505461666415 0.45415525418145264 0.40100074570957916 0.34271471751042565 -0.039272930398039835 0.06720894629592637 0.33753565663108476 0.6336983410403407 1.316271628150413 1.341523879479451 +26985,1.5777195079733402,0,1.240605235877227 1.0516003535567073 0.9104130120768308 0.7420433072482863 0.2964488776431829 0.45570303941300216 0.4293906904767839 0.05850606816360876 0.2096051875978025 0.32669505461666415 0.45415525418145264 0.40100074570957916 0.34271471751042565 -0.039272930398039835 0.06720894629592637 0.33753565663108476 0.6336983410403407 1.316271628150413 1.341523879479451 1.5112925673247168 +26986,1.6521410233950435,0,1.0516003535567073 0.9104130120768308 0.7420433072482863 0.2964488776431829 0.45570303941300216 0.4293906904767839 0.05850606816360876 0.2096051875978025 0.32669505461666415 0.45415525418145264 0.40100074570957916 0.34271471751042565 -0.039272930398039835 0.06720894629592637 0.33753565663108476 0.6336983410403407 1.316271628150413 1.341523879479451 1.5112925673247168 1.5777195079733402 +26987,1.2931596924698454,0,0.9104130120768308 0.7420433072482863 0.2964488776431829 0.45570303941300216 0.4293906904767839 0.05850606816360876 0.2096051875978025 0.32669505461666415 0.45415525418145264 0.40100074570957916 0.34271471751042565 -0.039272930398039835 0.06720894629592637 0.33753565663108476 0.6336983410403407 1.316271628150413 1.341523879479451 1.5112925673247168 1.5777195079733402 1.6521410233950435 +26988,1.6567843790896744,0,0.7420433072482863 0.2964488776431829 0.45570303941300216 0.4293906904767839 0.05850606816360876 0.2096051875978025 0.32669505461666415 0.45415525418145264 0.40100074570957916 0.34271471751042565 -0.039272930398039835 0.06720894629592637 0.33753565663108476 0.6336983410403407 1.316271628150413 1.341523879479451 1.5112925673247168 1.5777195079733402 1.6521410233950435 1.2931596924698454 +26989,1.4869939081793984,0,0.2964488776431829 0.45570303941300216 0.4293906904767839 0.05850606816360876 0.2096051875978025 0.32669505461666415 0.45415525418145264 0.40100074570957916 0.34271471751042565 -0.039272930398039835 0.06720894629592637 0.33753565663108476 0.6336983410403407 1.316271628150413 1.341523879479451 1.5112925673247168 1.5777195079733402 1.6521410233950435 1.2931596924698454 1.6567843790896744 +26990,1.2528124336571829,0,0.45570303941300216 0.4293906904767839 0.05850606816360876 0.2096051875978025 0.32669505461666415 0.45415525418145264 0.40100074570957916 0.34271471751042565 -0.039272930398039835 0.06720894629592637 0.33753565663108476 0.6336983410403407 1.316271628150413 1.341523879479451 1.5112925673247168 1.5777195079733402 1.6521410233950435 1.2931596924698454 1.6567843790896744 1.4869939081793984 +26991,1.0068324894896918,0,0.4293906904767839 0.05850606816360876 0.2096051875978025 0.32669505461666415 0.45415525418145264 0.40100074570957916 0.34271471751042565 -0.039272930398039835 0.06720894629592637 0.33753565663108476 0.6336983410403407 1.316271628150413 1.341523879479451 1.5112925673247168 1.5777195079733402 1.6521410233950435 1.2931596924698454 1.6567843790896744 1.4869939081793984 1.2528124336571829 +26992,0.7219220992382397,0,0.05850606816360876 0.2096051875978025 0.32669505461666415 0.45415525418145264 0.40100074570957916 0.34271471751042565 -0.039272930398039835 0.06720894629592637 0.33753565663108476 0.6336983410403407 1.316271628150413 1.341523879479451 1.5112925673247168 1.5777195079733402 1.6521410233950435 1.2931596924698454 1.6567843790896744 1.4869939081793984 1.2528124336571829 1.0068324894896918 +26993,-0.025589418691298195,0,0.2096051875978025 0.32669505461666415 0.45415525418145264 0.40100074570957916 0.34271471751042565 -0.039272930398039835 0.06720894629592637 0.33753565663108476 0.6336983410403407 1.316271628150413 1.341523879479451 1.5112925673247168 1.5777195079733402 1.6521410233950435 1.2931596924698454 1.6567843790896744 1.4869939081793984 1.2528124336571829 1.0068324894896918 0.7219220992382397 +26994,0.3752182073728067,0,0.32669505461666415 0.45415525418145264 0.40100074570957916 0.34271471751042565 -0.039272930398039835 0.06720894629592637 0.33753565663108476 0.6336983410403407 1.316271628150413 1.341523879479451 1.5112925673247168 1.5777195079733402 1.6521410233950435 1.2931596924698454 1.6567843790896744 1.4869939081793984 1.2528124336571829 1.0068324894896918 0.7219220992382397 -0.025589418691298195 +26995,0.295255143330439,0,0.45415525418145264 0.40100074570957916 0.34271471751042565 -0.039272930398039835 0.06720894629592637 0.33753565663108476 0.6336983410403407 1.316271628150413 1.341523879479451 1.5112925673247168 1.5777195079733402 1.6521410233950435 1.2931596924698454 1.6567843790896744 1.4869939081793984 1.2528124336571829 1.0068324894896918 0.7219220992382397 -0.025589418691298195 0.3752182073728067 +26996,0.2111529728293432,0,0.40100074570957916 0.34271471751042565 -0.039272930398039835 0.06720894629592637 0.33753565663108476 0.6336983410403407 1.316271628150413 1.341523879479451 1.5112925673247168 1.5777195079733402 1.6521410233950435 1.2931596924698454 1.6567843790896744 1.4869939081793984 1.2528124336571829 1.0068324894896918 0.7219220992382397 -0.025589418691298195 0.3752182073728067 0.295255143330439 +26997,0.13712981275002636,0,0.34271471751042565 -0.039272930398039835 0.06720894629592637 0.33753565663108476 0.6336983410403407 1.316271628150413 1.341523879479451 1.5112925673247168 1.5777195079733402 1.6521410233950435 1.2931596924698454 1.6567843790896744 1.4869939081793984 1.2528124336571829 1.0068324894896918 0.7219220992382397 -0.025589418691298195 0.3752182073728067 0.295255143330439 0.2111529728293432 +26998,0.05792223490668219,0,-0.039272930398039835 0.06720894629592637 0.33753565663108476 0.6336983410403407 1.316271628150413 1.341523879479451 1.5112925673247168 1.5777195079733402 1.6521410233950435 1.2931596924698454 1.6567843790896744 1.4869939081793984 1.2528124336571829 1.0068324894896918 0.7219220992382397 -0.025589418691298195 0.3752182073728067 0.295255143330439 0.2111529728293432 0.13712981275002636 +26999,-0.6369066496918661,0,0.06720894629592637 0.33753565663108476 0.6336983410403407 1.316271628150413 1.341523879479451 1.5112925673247168 1.5777195079733402 1.6521410233950435 1.2931596924698454 1.6567843790896744 1.4869939081793984 1.2528124336571829 1.0068324894896918 0.7219220992382397 -0.025589418691298195 0.3752182073728067 0.295255143330439 0.2111529728293432 0.13712981275002636 0.05792223490668219 +27000,-0.1618632679722992,0,0.33753565663108476 0.6336983410403407 1.316271628150413 1.341523879479451 1.5112925673247168 1.5777195079733402 1.6521410233950435 1.2931596924698454 1.6567843790896744 1.4869939081793984 1.2528124336571829 1.0068324894896918 0.7219220992382397 -0.025589418691298195 0.3752182073728067 0.295255143330439 0.2111529728293432 0.13712981275002636 0.05792223490668219 -0.6369066496918661 +27001,-0.22771550265350599,0,0.6336983410403407 1.316271628150413 1.341523879479451 1.5112925673247168 1.5777195079733402 1.6521410233950435 1.2931596924698454 1.6567843790896744 1.4869939081793984 1.2528124336571829 1.0068324894896918 0.7219220992382397 -0.025589418691298195 0.3752182073728067 0.295255143330439 0.2111529728293432 0.13712981275002636 0.05792223490668219 -0.6369066496918661 -0.1618632679722992 +27002,-0.30271172404263463,0,1.316271628150413 1.341523879479451 1.5112925673247168 1.5777195079733402 1.6521410233950435 1.2931596924698454 1.6567843790896744 1.4869939081793984 1.2528124336571829 1.0068324894896918 0.7219220992382397 -0.025589418691298195 0.3752182073728067 0.295255143330439 0.2111529728293432 0.13712981275002636 0.05792223490668219 -0.6369066496918661 -0.1618632679722992 -0.22771550265350599 +27003,-0.2582490485528907,0,1.341523879479451 1.5112925673247168 1.5777195079733402 1.6521410233950435 1.2931596924698454 1.6567843790896744 1.4869939081793984 1.2528124336571829 1.0068324894896918 0.7219220992382397 -0.025589418691298195 0.3752182073728067 0.295255143330439 0.2111529728293432 0.13712981275002636 0.05792223490668219 -0.6369066496918661 -0.1618632679722992 -0.22771550265350599 -0.30271172404263463 +27004,-0.2082968249185641,0,1.5112925673247168 1.5777195079733402 1.6521410233950435 1.2931596924698454 1.6567843790896744 1.4869939081793984 1.2528124336571829 1.0068324894896918 0.7219220992382397 -0.025589418691298195 0.3752182073728067 0.295255143330439 0.2111529728293432 0.13712981275002636 0.05792223490668219 -0.6369066496918661 -0.1618632679722992 -0.22771550265350599 -0.30271172404263463 -0.2582490485528907 +27005,0.42462693194987455,0,1.5777195079733402 1.6521410233950435 1.2931596924698454 1.6567843790896744 1.4869939081793984 1.2528124336571829 1.0068324894896918 0.7219220992382397 -0.025589418691298195 0.3752182073728067 0.295255143330439 0.2111529728293432 0.13712981275002636 0.05792223490668219 -0.6369066496918661 -0.1618632679722992 -0.22771550265350599 -0.30271172404263463 -0.2582490485528907 -0.2082968249185641 +27006,0.9231341793387151,0,1.6521410233950435 1.2931596924698454 1.6567843790896744 1.4869939081793984 1.2528124336571829 1.0068324894896918 0.7219220992382397 -0.025589418691298195 0.3752182073728067 0.295255143330439 0.2111529728293432 0.13712981275002636 0.05792223490668219 -0.6369066496918661 -0.1618632679722992 -0.22771550265350599 -0.30271172404263463 -0.2582490485528907 -0.2082968249185641 0.42462693194987455 +27007,1.296994318463035,0,1.2931596924698454 1.6567843790896744 1.4869939081793984 1.2528124336571829 1.0068324894896918 0.7219220992382397 -0.025589418691298195 0.3752182073728067 0.295255143330439 0.2111529728293432 0.13712981275002636 0.05792223490668219 -0.6369066496918661 -0.1618632679722992 -0.22771550265350599 -0.30271172404263463 -0.2582490485528907 -0.2082968249185641 0.42462693194987455 0.9231341793387151 +27008,1.700122365572849,0,1.6567843790896744 1.4869939081793984 1.2528124336571829 1.0068324894896918 0.7219220992382397 -0.025589418691298195 0.3752182073728067 0.295255143330439 0.2111529728293432 0.13712981275002636 0.05792223490668219 -0.6369066496918661 -0.1618632679722992 -0.22771550265350599 -0.30271172404263463 -0.2582490485528907 -0.2082968249185641 0.42462693194987455 0.9231341793387151 1.296994318463035 +27009,1.755087740356314,0,1.4869939081793984 1.2528124336571829 1.0068324894896918 0.7219220992382397 -0.025589418691298195 0.3752182073728067 0.295255143330439 0.2111529728293432 0.13712981275002636 0.05792223490668219 -0.6369066496918661 -0.1618632679722992 -0.22771550265350599 -0.30271172404263463 -0.2582490485528907 -0.2082968249185641 0.42462693194987455 0.9231341793387151 1.296994318463035 1.700122365572849 +27010,1.8177540431700476,0,1.2528124336571829 1.0068324894896918 0.7219220992382397 -0.025589418691298195 0.3752182073728067 0.295255143330439 0.2111529728293432 0.13712981275002636 0.05792223490668219 -0.6369066496918661 -0.1618632679722992 -0.22771550265350599 -0.30271172404263463 -0.2582490485528907 -0.2082968249185641 0.42462693194987455 0.9231341793387151 1.296994318463035 1.700122365572849 1.755087740356314 +27011,1.6174120366074258,0,1.0068324894896918 0.7219220992382397 -0.025589418691298195 0.3752182073728067 0.295255143330439 0.2111529728293432 0.13712981275002636 0.05792223490668219 -0.6369066496918661 -0.1618632679722992 -0.22771550265350599 -0.30271172404263463 -0.2582490485528907 -0.2082968249185641 0.42462693194987455 0.9231341793387151 1.296994318463035 1.700122365572849 1.755087740356314 1.8177540431700476 +27012,1.6366631710796276,0,0.7219220992382397 -0.025589418691298195 0.3752182073728067 0.295255143330439 0.2111529728293432 0.13712981275002636 0.05792223490668219 -0.6369066496918661 -0.1618632679722992 -0.22771550265350599 -0.30271172404263463 -0.2582490485528907 -0.2082968249185641 0.42462693194987455 0.9231341793387151 1.296994318463035 1.700122365572849 1.755087740356314 1.8177540431700476 1.6174120366074258 +27013,1.4387802324490533,0,-0.025589418691298195 0.3752182073728067 0.295255143330439 0.2111529728293432 0.13712981275002636 0.05792223490668219 -0.6369066496918661 -0.1618632679722992 -0.22771550265350599 -0.30271172404263463 -0.2582490485528907 -0.2082968249185641 0.42462693194987455 0.9231341793387151 1.296994318463035 1.700122365572849 1.755087740356314 1.8177540431700476 1.6174120366074258 1.6366631710796276 +27014,1.1924488096270427,0,0.3752182073728067 0.295255143330439 0.2111529728293432 0.13712981275002636 0.05792223490668219 -0.6369066496918661 -0.1618632679722992 -0.22771550265350599 -0.30271172404263463 -0.2582490485528907 -0.2082968249185641 0.42462693194987455 0.9231341793387151 1.296994318463035 1.700122365572849 1.755087740356314 1.8177540431700476 1.6174120366074258 1.6366631710796276 1.4387802324490533 +27015,0.934280799078959,0,0.295255143330439 0.2111529728293432 0.13712981275002636 0.05792223490668219 -0.6369066496918661 -0.1618632679722992 -0.22771550265350599 -0.30271172404263463 -0.2582490485528907 -0.2082968249185641 0.42462693194987455 0.9231341793387151 1.296994318463035 1.700122365572849 1.755087740356314 1.8177540431700476 1.6174120366074258 1.6366631710796276 1.4387802324490533 1.1924488096270427 +27016,0.6321505558088,0,0.2111529728293432 0.13712981275002636 0.05792223490668219 -0.6369066496918661 -0.1618632679722992 -0.22771550265350599 -0.30271172404263463 -0.2582490485528907 -0.2082968249185641 0.42462693194987455 0.9231341793387151 1.296994318463035 1.700122365572849 1.755087740356314 1.8177540431700476 1.6174120366074258 1.6366631710796276 1.4387802324490533 1.1924488096270427 0.934280799078959 +27017,-0.11612223858430443,0,0.13712981275002636 0.05792223490668219 -0.6369066496918661 -0.1618632679722992 -0.22771550265350599 -0.30271172404263463 -0.2582490485528907 -0.2082968249185641 0.42462693194987455 0.9231341793387151 1.296994318463035 1.700122365572849 1.755087740356314 1.8177540431700476 1.6174120366074258 1.6366631710796276 1.4387802324490533 1.1924488096270427 0.934280799078959 0.6321505558088 +27018,0.38140934829897827,0,0.05792223490668219 -0.6369066496918661 -0.1618632679722992 -0.22771550265350599 -0.30271172404263463 -0.2582490485528907 -0.2082968249185641 0.42462693194987455 0.9231341793387151 1.296994318463035 1.700122365572849 1.755087740356314 1.8177540431700476 1.6174120366074258 1.6366631710796276 1.4387802324490533 1.1924488096270427 0.934280799078959 0.6321505558088 -0.11612223858430443 +27019,0.17400612727234008,0,-0.6369066496918661 -0.1618632679722992 -0.22771550265350599 -0.30271172404263463 -0.2582490485528907 -0.2082968249185641 0.42462693194987455 0.9231341793387151 1.296994318463035 1.700122365572849 1.755087740356314 1.8177540431700476 1.6174120366074258 1.6366631710796276 1.4387802324490533 1.1924488096270427 0.934280799078959 0.6321505558088 -0.11612223858430443 0.38140934829897827 +27020,0.14439877435293988,0,-0.1618632679722992 -0.22771550265350599 -0.30271172404263463 -0.2582490485528907 -0.2082968249185641 0.42462693194987455 0.9231341793387151 1.296994318463035 1.700122365572849 1.755087740356314 1.8177540431700476 1.6174120366074258 1.6366631710796276 1.4387802324490533 1.1924488096270427 0.934280799078959 0.6321505558088 -0.11612223858430443 0.38140934829897827 0.17400612727234008 +27021,-0.03958823468047853,0,-0.22771550265350599 -0.30271172404263463 -0.2582490485528907 -0.2082968249185641 0.42462693194987455 0.9231341793387151 1.296994318463035 1.700122365572849 1.755087740356314 1.8177540431700476 1.6174120366074258 1.6366631710796276 1.4387802324490533 1.1924488096270427 0.934280799078959 0.6321505558088 -0.11612223858430443 0.38140934829897827 0.17400612727234008 0.14439877435293988 +27022,-0.10460896771525514,0,-0.30271172404263463 -0.2582490485528907 -0.2082968249185641 0.42462693194987455 0.9231341793387151 1.296994318463035 1.700122365572849 1.755087740356314 1.8177540431700476 1.6174120366074258 1.6366631710796276 1.4387802324490533 1.1924488096270427 0.934280799078959 0.6321505558088 -0.11612223858430443 0.38140934829897827 0.17400612727234008 0.14439877435293988 -0.03958823468047853 +27023,-0.18043669075080518,0,-0.2582490485528907 -0.2082968249185641 0.42462693194987455 0.9231341793387151 1.296994318463035 1.700122365572849 1.755087740356314 1.8177540431700476 1.6174120366074258 1.6366631710796276 1.4387802324490533 1.1924488096270427 0.934280799078959 0.6321505558088 -0.11612223858430443 0.38140934829897827 0.17400612727234008 0.14439877435293988 -0.03958823468047853 -0.10460896771525514 +27024,-0.26946729143559867,0,-0.2082968249185641 0.42462693194987455 0.9231341793387151 1.296994318463035 1.700122365572849 1.755087740356314 1.8177540431700476 1.6174120366074258 1.6366631710796276 1.4387802324490533 1.1924488096270427 0.934280799078959 0.6321505558088 -0.11612223858430443 0.38140934829897827 0.17400612727234008 0.14439877435293988 -0.03958823468047853 -0.10460896771525514 -0.18043669075080518 +27025,-0.3708142742304869,0,0.42462693194987455 0.9231341793387151 1.296994318463035 1.700122365572849 1.755087740356314 1.8177540431700476 1.6174120366074258 1.6366631710796276 1.4387802324490533 1.1924488096270427 0.934280799078959 0.6321505558088 -0.11612223858430443 0.38140934829897827 0.17400612727234008 0.14439877435293988 -0.03958823468047853 -0.10460896771525514 -0.18043669075080518 -0.26946729143559867 +27026,-0.8136784831235027,0,0.9231341793387151 1.296994318463035 1.700122365572849 1.755087740356314 1.8177540431700476 1.6174120366074258 1.6366631710796276 1.4387802324490533 1.1924488096270427 0.934280799078959 0.6321505558088 -0.11612223858430443 0.38140934829897827 0.17400612727234008 0.14439877435293988 -0.03958823468047853 -0.10460896771525514 -0.18043669075080518 -0.26946729143559867 -0.3708142742304869 +27027,-0.4791592404384325,0,1.296994318463035 1.700122365572849 1.755087740356314 1.8177540431700476 1.6174120366074258 1.6366631710796276 1.4387802324490533 1.1924488096270427 0.934280799078959 0.6321505558088 -0.11612223858430443 0.38140934829897827 0.17400612727234008 0.14439877435293988 -0.03958823468047853 -0.10460896771525514 -0.18043669075080518 -0.26946729143559867 -0.3708142742304869 -0.8136784831235027 +27028,-0.045277798467163455,0,1.700122365572849 1.755087740356314 1.8177540431700476 1.6174120366074258 1.6366631710796276 1.4387802324490533 1.1924488096270427 0.934280799078959 0.6321505558088 -0.11612223858430443 0.38140934829897827 0.17400612727234008 0.14439877435293988 -0.03958823468047853 -0.10460896771525514 -0.18043669075080518 -0.26946729143559867 -0.3708142742304869 -0.8136784831235027 -0.4791592404384325 +27029,0.6863230389127685,0,1.755087740356314 1.8177540431700476 1.6174120366074258 1.6366631710796276 1.4387802324490533 1.1924488096270427 0.934280799078959 0.6321505558088 -0.11612223858430443 0.38140934829897827 0.17400612727234008 0.14439877435293988 -0.03958823468047853 -0.10460896771525514 -0.18043669075080518 -0.26946729143559867 -0.3708142742304869 -0.8136784831235027 -0.4791592404384325 -0.045277798467163455 +27030,0.8291139680799278,0,1.8177540431700476 1.6174120366074258 1.6366631710796276 1.4387802324490533 1.1924488096270427 0.934280799078959 0.6321505558088 -0.11612223858430443 0.38140934829897827 0.17400612727234008 0.14439877435293988 -0.03958823468047853 -0.10460896771525514 -0.18043669075080518 -0.26946729143559867 -0.3708142742304869 -0.8136784831235027 -0.4791592404384325 -0.045277798467163455 0.6863230389127685 +27031,1.1583975345331123,0,1.6174120366074258 1.6366631710796276 1.4387802324490533 1.1924488096270427 0.934280799078959 0.6321505558088 -0.11612223858430443 0.38140934829897827 0.17400612727234008 0.14439877435293988 -0.03958823468047853 -0.10460896771525514 -0.18043669075080518 -0.26946729143559867 -0.3708142742304869 -0.8136784831235027 -0.4791592404384325 -0.045277798467163455 0.6863230389127685 0.8291139680799278 +27032,1.4190813754053961,0,1.6366631710796276 1.4387802324490533 1.1924488096270427 0.934280799078959 0.6321505558088 -0.11612223858430443 0.38140934829897827 0.17400612727234008 0.14439877435293988 -0.03958823468047853 -0.10460896771525514 -0.18043669075080518 -0.26946729143559867 -0.3708142742304869 -0.8136784831235027 -0.4791592404384325 -0.045277798467163455 0.6863230389127685 0.8291139680799278 1.1583975345331123 +27033,1.5376049162609262,0,1.4387802324490533 1.1924488096270427 0.934280799078959 0.6321505558088 -0.11612223858430443 0.38140934829897827 0.17400612727234008 0.14439877435293988 -0.03958823468047853 -0.10460896771525514 -0.18043669075080518 -0.26946729143559867 -0.3708142742304869 -0.8136784831235027 -0.4791592404384325 -0.045277798467163455 0.6863230389127685 0.8291139680799278 1.1583975345331123 1.4190813754053961 +27034,1.5116823327686262,0,1.1924488096270427 0.934280799078959 0.6321505558088 -0.11612223858430443 0.38140934829897827 0.17400612727234008 0.14439877435293988 -0.03958823468047853 -0.10460896771525514 -0.18043669075080518 -0.26946729143559867 -0.3708142742304869 -0.8136784831235027 -0.4791592404384325 -0.045277798467163455 0.6863230389127685 0.8291139680799278 1.1583975345331123 1.4190813754053961 1.5376049162609262 +27035,1.481884647925417,0,0.934280799078959 0.6321505558088 -0.11612223858430443 0.38140934829897827 0.17400612727234008 0.14439877435293988 -0.03958823468047853 -0.10460896771525514 -0.18043669075080518 -0.26946729143559867 -0.3708142742304869 -0.8136784831235027 -0.4791592404384325 -0.045277798467163455 0.6863230389127685 0.8291139680799278 1.1583975345331123 1.4190813754053961 1.5376049162609262 1.5116823327686262 +27036,1.344981832279679,0,0.6321505558088 -0.11612223858430443 0.38140934829897827 0.17400612727234008 0.14439877435293988 -0.03958823468047853 -0.10460896771525514 -0.18043669075080518 -0.26946729143559867 -0.3708142742304869 -0.8136784831235027 -0.4791592404384325 -0.045277798467163455 0.6863230389127685 0.8291139680799278 1.1583975345331123 1.4190813754053961 1.5376049162609262 1.5116823327686262 1.481884647925417 +27037,1.1723276016169961,0,-0.11612223858430443 0.38140934829897827 0.17400612727234008 0.14439877435293988 -0.03958823468047853 -0.10460896771525514 -0.18043669075080518 -0.26946729143559867 -0.3708142742304869 -0.8136784831235027 -0.4791592404384325 -0.045277798467163455 0.6863230389127685 0.8291139680799278 1.1583975345331123 1.4190813754053961 1.5376049162609262 1.5116823327686262 1.481884647925417 1.344981832279679 +27038,0.46452548333533733,0,0.38140934829897827 0.17400612727234008 0.14439877435293988 -0.03958823468047853 -0.10460896771525514 -0.18043669075080518 -0.26946729143559867 -0.3708142742304869 -0.8136784831235027 -0.4791592404384325 -0.045277798467163455 0.6863230389127685 0.8291139680799278 1.1583975345331123 1.4190813754053961 1.5376049162609262 1.5116823327686262 1.481884647925417 1.344981832279679 1.1723276016169961 +27039,0.6213160591880064,0,0.17400612727234008 0.14439877435293988 -0.03958823468047853 -0.10460896771525514 -0.18043669075080518 -0.26946729143559867 -0.3708142742304869 -0.8136784831235027 -0.4791592404384325 -0.045277798467163455 0.6863230389127685 0.8291139680799278 1.1583975345331123 1.4190813754053961 1.5376049162609262 1.5116823327686262 1.481884647925417 1.344981832279679 1.1723276016169961 0.46452548333533733 +27040,0.48191336531178286,0,0.14439877435293988 -0.03958823468047853 -0.10460896771525514 -0.18043669075080518 -0.26946729143559867 -0.3708142742304869 -0.8136784831235027 -0.4791592404384325 -0.045277798467163455 0.6863230389127685 0.8291139680799278 1.1583975345331123 1.4190813754053961 1.5376049162609262 1.5116823327686262 1.481884647925417 1.344981832279679 1.1723276016169961 0.46452548333533733 0.6213160591880064 +27041,0.3256890799634604,0,-0.03958823468047853 -0.10460896771525514 -0.18043669075080518 -0.26946729143559867 -0.3708142742304869 -0.8136784831235027 -0.4791592404384325 -0.045277798467163455 0.6863230389127685 0.8291139680799278 1.1583975345331123 1.4190813754053961 1.5376049162609262 1.5116823327686262 1.481884647925417 1.344981832279679 1.1723276016169961 0.46452548333533733 0.6213160591880064 0.48191336531178286 +27042,0.09816465092677551,0,-0.10460896771525514 -0.18043669075080518 -0.26946729143559867 -0.3708142742304869 -0.8136784831235027 -0.4791592404384325 -0.045277798467163455 0.6863230389127685 0.8291139680799278 1.1583975345331123 1.4190813754053961 1.5376049162609262 1.5116823327686262 1.481884647925417 1.344981832279679 1.1723276016169961 0.46452548333533733 0.6213160591880064 0.48191336531178286 0.3256890799634604 +27043,0.08459025900751616,0,-0.18043669075080518 -0.26946729143559867 -0.3708142742304869 -0.8136784831235027 -0.4791592404384325 -0.045277798467163455 0.6863230389127685 0.8291139680799278 1.1583975345331123 1.4190813754053961 1.5376049162609262 1.5116823327686262 1.481884647925417 1.344981832279679 1.1723276016169961 0.46452548333533733 0.6213160591880064 0.48191336531178286 0.3256890799634604 0.09816465092677551 +27044,0.005297537034245689,0,-0.26946729143559867 -0.3708142742304869 -0.8136784831235027 -0.4791592404384325 -0.045277798467163455 0.6863230389127685 0.8291139680799278 1.1583975345331123 1.4190813754053961 1.5376049162609262 1.5116823327686262 1.481884647925417 1.344981832279679 1.1723276016169961 0.46452548333533733 0.6213160591880064 0.48191336531178286 0.3256890799634604 0.09816465092677551 0.08459025900751616 +27045,-0.05076525849468959,0,-0.3708142742304869 -0.8136784831235027 -0.4791592404384325 -0.045277798467163455 0.6863230389127685 0.8291139680799278 1.1583975345331123 1.4190813754053961 1.5376049162609262 1.5116823327686262 1.481884647925417 1.344981832279679 1.1723276016169961 0.46452548333533733 0.6213160591880064 0.48191336531178286 0.3256890799634604 0.09816465092677551 0.08459025900751616 0.005297537034245689 +27046,-0.11078635533141219,0,-0.8136784831235027 -0.4791592404384325 -0.045277798467163455 0.6863230389127685 0.8291139680799278 1.1583975345331123 1.4190813754053961 1.5376049162609262 1.5116823327686262 1.481884647925417 1.344981832279679 1.1723276016169961 0.46452548333533733 0.6213160591880064 0.48191336531178286 0.3256890799634604 0.09816465092677551 0.08459025900751616 0.005297537034245689 -0.05076525849468959 +27047,-0.8369484082076794,0,-0.4791592404384325 -0.045277798467163455 0.6863230389127685 0.8291139680799278 1.1583975345331123 1.4190813754053961 1.5376049162609262 1.5116823327686262 1.481884647925417 1.344981832279679 1.1723276016169961 0.46452548333533733 0.6213160591880064 0.48191336531178286 0.3256890799634604 0.09816465092677551 0.08459025900751616 0.005297537034245689 -0.05076525849468959 -0.11078635533141219 +27048,-0.1092385700998715,0,-0.045277798467163455 0.6863230389127685 0.8291139680799278 1.1583975345331123 1.4190813754053961 1.5376049162609262 1.5116823327686262 1.481884647925417 1.344981832279679 1.1723276016169961 0.46452548333533733 0.6213160591880064 0.48191336531178286 0.3256890799634604 0.09816465092677551 0.08459025900751616 0.005297537034245689 -0.05076525849468959 -0.11078635533141219 -0.8369484082076794 +27049,-0.17222941964077124,0,0.6863230389127685 0.8291139680799278 1.1583975345331123 1.4190813754053961 1.5376049162609262 1.5116823327686262 1.481884647925417 1.344981832279679 1.1723276016169961 0.46452548333533733 0.6213160591880064 0.48191336531178286 0.3256890799634604 0.09816465092677551 0.08459025900751616 0.005297537034245689 -0.05076525849468959 -0.11078635533141219 -0.8369484082076794 -0.1092385700998715 +27050,-0.24080031478094516,0,0.8291139680799278 1.1583975345331123 1.4190813754053961 1.5376049162609262 1.5116823327686262 1.481884647925417 1.344981832279679 1.1723276016169961 0.46452548333533733 0.6213160591880064 0.48191336531178286 0.3256890799634604 0.09816465092677551 0.08459025900751616 0.005297537034245689 -0.05076525849468959 -0.11078635533141219 -0.8369484082076794 -0.1092385700998715 -0.17222941964077124 +27051,-0.23100548345448765,0,1.1583975345331123 1.4190813754053961 1.5376049162609262 1.5116823327686262 1.481884647925417 1.344981832279679 1.1723276016169961 0.46452548333533733 0.6213160591880064 0.48191336531178286 0.3256890799634604 0.09816465092677551 0.08459025900751616 0.005297537034245689 -0.05076525849468959 -0.11078635533141219 -0.8369484082076794 -0.1092385700998715 -0.17222941964077124 -0.24080031478094516 +27052,-0.2206791067708985,0,1.4190813754053961 1.5376049162609262 1.5116823327686262 1.481884647925417 1.344981832279679 1.1723276016169961 0.46452548333533733 0.6213160591880064 0.48191336531178286 0.3256890799634604 0.09816465092677551 0.08459025900751616 0.005297537034245689 -0.05076525849468959 -0.11078635533141219 -0.8369484082076794 -0.1092385700998715 -0.17222941964077124 -0.24080031478094516 -0.23100548345448765 +27053,0.04565860936576504,0,1.5376049162609262 1.5116823327686262 1.481884647925417 1.344981832279679 1.1723276016169961 0.46452548333533733 0.6213160591880064 0.48191336531178286 0.3256890799634604 0.09816465092677551 0.08459025900751616 0.005297537034245689 -0.05076525849468959 -0.11078635533141219 -0.8369484082076794 -0.1092385700998715 -0.17222941964077124 -0.24080031478094516 -0.23100548345448765 -0.2206791067708985 +27054,0.3566447845943007,0,1.5116823327686262 1.481884647925417 1.344981832279679 1.1723276016169961 0.46452548333533733 0.6213160591880064 0.48191336531178286 0.3256890799634604 0.09816465092677551 0.08459025900751616 0.005297537034245689 -0.05076525849468959 -0.11078635533141219 -0.8369484082076794 -0.1092385700998715 -0.17222941964077124 -0.24080031478094516 -0.23100548345448765 -0.2206791067708985 0.04565860936576504 +27055,0.6244116296510878,0,1.481884647925417 1.344981832279679 1.1723276016169961 0.46452548333533733 0.6213160591880064 0.48191336531178286 0.3256890799634604 0.09816465092677551 0.08459025900751616 0.005297537034245689 -0.05076525849468959 -0.11078635533141219 -0.8369484082076794 -0.1092385700998715 -0.17222941964077124 -0.24080031478094516 -0.23100548345448765 -0.2206791067708985 0.04565860936576504 0.3566447845943007 +27056,0.6192216991403955,0,1.344981832279679 1.1723276016169961 0.46452548333533733 0.6213160591880064 0.48191336531178286 0.3256890799634604 0.09816465092677551 0.08459025900751616 0.005297537034245689 -0.05076525849468959 -0.11078635533141219 -0.8369484082076794 -0.1092385700998715 -0.17222941964077124 -0.24080031478094516 -0.23100548345448765 -0.2206791067708985 0.04565860936576504 0.3566447845943007 0.6244116296510878 +27057,0.6785841127550649,0,1.1723276016169961 0.46452548333533733 0.6213160591880064 0.48191336531178286 0.3256890799634604 0.09816465092677551 0.08459025900751616 0.005297537034245689 -0.05076525849468959 -0.11078635533141219 -0.8369484082076794 -0.1092385700998715 -0.17222941964077124 -0.24080031478094516 -0.23100548345448765 -0.2206791067708985 0.04565860936576504 0.3566447845943007 0.6244116296510878 0.6192216991403955 +27058,0.6461871380671852,0,0.46452548333533733 0.6213160591880064 0.48191336531178286 0.3256890799634604 0.09816465092677551 0.08459025900751616 0.005297537034245689 -0.05076525849468959 -0.11078635533141219 -0.8369484082076794 -0.1092385700998715 -0.17222941964077124 -0.24080031478094516 -0.23100548345448765 -0.2206791067708985 0.04565860936576504 0.3566447845943007 0.6244116296510878 0.6192216991403955 0.6785841127550649 +27059,0.6073859921041225,0,0.6213160591880064 0.48191336531178286 0.3256890799634604 0.09816465092677551 0.08459025900751616 0.005297537034245689 -0.05076525849468959 -0.11078635533141219 -0.8369484082076794 -0.1092385700998715 -0.17222941964077124 -0.24080031478094516 -0.23100548345448765 -0.2206791067708985 0.04565860936576504 0.3566447845943007 0.6244116296510878 0.6192216991403955 0.6785841127550649 0.6461871380671852 +27060,0.4509971276565663,0,0.48191336531178286 0.3256890799634604 0.09816465092677551 0.08459025900751616 0.005297537034245689 -0.05076525849468959 -0.11078635533141219 -0.8369484082076794 -0.1092385700998715 -0.17222941964077124 -0.24080031478094516 -0.23100548345448765 -0.2206791067708985 0.04565860936576504 0.3566447845943007 0.6244116296510878 0.6192216991403955 0.6785841127550649 0.6461871380671852 0.6073859921041225 +27061,0.2699688116279425,0,0.3256890799634604 0.09816465092677551 0.08459025900751616 0.005297537034245689 -0.05076525849468959 -0.11078635533141219 -0.8369484082076794 -0.1092385700998715 -0.17222941964077124 -0.24080031478094516 -0.23100548345448765 -0.2206791067708985 0.04565860936576504 0.3566447845943007 0.6244116296510878 0.6192216991403955 0.6785841127550649 0.6461871380671852 0.6073859921041225 0.4509971276565663 +27062,-0.30536769115124696,0,0.09816465092677551 0.08459025900751616 0.005297537034245689 -0.05076525849468959 -0.11078635533141219 -0.8369484082076794 -0.1092385700998715 -0.17222941964077124 -0.24080031478094516 -0.23100548345448765 -0.2206791067708985 0.04565860936576504 0.3566447845943007 0.6244116296510878 0.6192216991403955 0.6785841127550649 0.6461871380671852 0.6073859921041225 0.4509971276565663 0.2699688116279425 +27063,-0.23770474431786376,0,0.08459025900751616 0.005297537034245689 -0.05076525849468959 -0.11078635533141219 -0.8369484082076794 -0.1092385700998715 -0.17222941964077124 -0.24080031478094516 -0.23100548345448765 -0.2206791067708985 0.04565860936576504 0.3566447845943007 0.6244116296510878 0.6192216991403955 0.6785841127550649 0.6461871380671852 0.6073859921041225 0.4509971276565663 0.2699688116279425 -0.30536769115124696 +27064,-0.301397338478088,0,0.005297537034245689 -0.05076525849468959 -0.11078635533141219 -0.8369484082076794 -0.1092385700998715 -0.17222941964077124 -0.24080031478094516 -0.23100548345448765 -0.2206791067708985 0.04565860936576504 0.3566447845943007 0.6244116296510878 0.6192216991403955 0.6785841127550649 0.6461871380671852 0.6073859921041225 0.4509971276565663 0.2699688116279425 -0.30536769115124696 -0.23770474431786376 +27065,-0.3708142742304869,0,-0.05076525849468959 -0.11078635533141219 -0.8369484082076794 -0.1092385700998715 -0.17222941964077124 -0.24080031478094516 -0.23100548345448765 -0.2206791067708985 0.04565860936576504 0.3566447845943007 0.6244116296510878 0.6192216991403955 0.6785841127550649 0.6461871380671852 0.6073859921041225 0.4509971276565663 0.2699688116279425 -0.30536769115124696 -0.23770474431786376 -0.301397338478088 +27066,-0.41724783117675185,0,-0.11078635533141219 -0.8369484082076794 -0.1092385700998715 -0.17222941964077124 -0.24080031478094516 -0.23100548345448765 -0.2206791067708985 0.04565860936576504 0.3566447845943007 0.6244116296510878 0.6192216991403955 0.6785841127550649 0.6461871380671852 0.6073859921041225 0.4509971276565663 0.2699688116279425 -0.30536769115124696 -0.23770474431786376 -0.301397338478088 -0.3708142742304869 +27067,-0.4838025961330546,0,-0.8369484082076794 -0.1092385700998715 -0.17222941964077124 -0.24080031478094516 -0.23100548345448765 -0.2206791067708985 0.04565860936576504 0.3566447845943007 0.6244116296510878 0.6192216991403955 0.6785841127550649 0.6461871380671852 0.6073859921041225 0.4509971276565663 0.2699688116279425 -0.30536769115124696 -0.23770474431786376 -0.301397338478088 -0.3708142742304869 -0.41724783117675185 +27068,-0.5348795087739504,0,-0.1092385700998715 -0.17222941964077124 -0.24080031478094516 -0.23100548345448765 -0.2206791067708985 0.04565860936576504 0.3566447845943007 0.6244116296510878 0.6192216991403955 0.6785841127550649 0.6461871380671852 0.6073859921041225 0.4509971276565663 0.2699688116279425 -0.30536769115124696 -0.23770474431786376 -0.301397338478088 -0.3708142742304869 -0.41724783117675185 -0.4838025961330546 +27069,-0.5480399387227698,0,-0.17222941964077124 -0.24080031478094516 -0.23100548345448765 -0.2206791067708985 0.04565860936576504 0.3566447845943007 0.6244116296510878 0.6192216991403955 0.6785841127550649 0.6461871380671852 0.6073859921041225 0.4509971276565663 0.2699688116279425 -0.30536769115124696 -0.23770474431786376 -0.301397338478088 -0.3708142742304869 -0.41724783117675185 -0.4838025961330546 -0.5348795087739504 +27070,-0.5859564214148374,0,-0.24080031478094516 -0.23100548345448765 -0.2206791067708985 0.04565860936576504 0.3566447845943007 0.6244116296510878 0.6192216991403955 0.6785841127550649 0.6461871380671852 0.6073859921041225 0.4509971276565663 0.2699688116279425 -0.30536769115124696 -0.23770474431786376 -0.301397338478088 -0.3708142742304869 -0.41724783117675185 -0.4838025961330546 -0.5348795087739504 -0.5480399387227698 +27071,-1.240471140396766,0,-0.23100548345448765 -0.2206791067708985 0.04565860936576504 0.3566447845943007 0.6244116296510878 0.6192216991403955 0.6785841127550649 0.6461871380671852 0.6073859921041225 0.4509971276565663 0.2699688116279425 -0.30536769115124696 -0.23770474431786376 -0.301397338478088 -0.3708142742304869 -0.41724783117675185 -0.4838025961330546 -0.5348795087739504 -0.5480399387227698 -0.5859564214148374 +27072,-0.8057419242938189,0,-0.2206791067708985 0.04565860936576504 0.3566447845943007 0.6244116296510878 0.6192216991403955 0.6785841127550649 0.6461871380671852 0.6073859921041225 0.4509971276565663 0.2699688116279425 -0.30536769115124696 -0.23770474431786376 -0.301397338478088 -0.3708142742304869 -0.41724783117675185 -0.4838025961330546 -0.5348795087739504 -0.5480399387227698 -0.5859564214148374 -1.240471140396766 +27073,-0.8723039799376812,0,0.04565860936576504 0.3566447845943007 0.6244116296510878 0.6192216991403955 0.6785841127550649 0.6461871380671852 0.6073859921041225 0.4509971276565663 0.2699688116279425 -0.30536769115124696 -0.23770474431786376 -0.301397338478088 -0.3708142742304869 -0.41724783117675185 -0.4838025961330546 -0.5348795087739504 -0.5480399387227698 -0.5859564214148374 -1.240471140396766 -0.8057419242938189 +27074,-0.9481381655956861,0,0.3566447845943007 0.6244116296510878 0.6192216991403955 0.6785841127550649 0.6461871380671852 0.6073859921041225 0.4509971276565663 0.2699688116279425 -0.30536769115124696 -0.23770474431786376 -0.301397338478088 -0.3708142742304869 -0.41724783117675185 -0.4838025961330546 -0.5348795087739504 -0.5480399387227698 -0.5859564214148374 -1.240471140396766 -0.8057419242938189 -0.8723039799376812 +27075,-0.9009562385477907,0,0.6244116296510878 0.6192216991403955 0.6785841127550649 0.6461871380671852 0.6073859921041225 0.4509971276565663 0.2699688116279425 -0.30536769115124696 -0.23770474431786376 -0.301397338478088 -0.3708142742304869 -0.41724783117675185 -0.4838025961330546 -0.5348795087739504 -0.5480399387227698 -0.5859564214148374 -1.240471140396766 -0.8057419242938189 -0.8723039799376812 -0.9481381655956861 +27076,-0.8475321255454529,0,0.6192216991403955 0.6785841127550649 0.6461871380671852 0.6073859921041225 0.4509971276565663 0.2699688116279425 -0.30536769115124696 -0.23770474431786376 -0.301397338478088 -0.3708142742304869 -0.41724783117675185 -0.4838025961330546 -0.5348795087739504 -0.5480399387227698 -0.5859564214148374 -1.240471140396766 -0.8057419242938189 -0.8723039799376812 -0.9481381655956861 -0.9009562385477907 +27077,-0.7677681192209201,0,0.6785841127550649 0.6461871380671852 0.6073859921041225 0.4509971276565663 0.2699688116279425 -0.30536769115124696 -0.23770474431786376 -0.301397338478088 -0.3708142742304869 -0.41724783117675185 -0.4838025961330546 -0.5348795087739504 -0.5480399387227698 -0.5859564214148374 -1.240471140396766 -0.8057419242938189 -0.8723039799376812 -0.9481381655956861 -0.9009562385477907 -0.8475321255454529 +27078,-0.29497279788492237,0,0.6461871380671852 0.6073859921041225 0.4509971276565663 0.2699688116279425 -0.30536769115124696 -0.23770474431786376 -0.301397338478088 -0.3708142742304869 -0.41724783117675185 -0.4838025961330546 -0.5348795087739504 -0.5480399387227698 -0.5859564214148374 -1.240471140396766 -0.8057419242938189 -0.8723039799376812 -0.9481381655956861 -0.9009562385477907 -0.8475321255454529 -0.7677681192209201 +27079,-0.1497726758431153,0,0.6073859921041225 0.4509971276565663 0.2699688116279425 -0.30536769115124696 -0.23770474431786376 -0.301397338478088 -0.3708142742304869 -0.41724783117675185 -0.4838025961330546 -0.5348795087739504 -0.5480399387227698 -0.5859564214148374 -1.240471140396766 -0.8057419242938189 -0.8723039799376812 -0.9481381655956861 -0.9009562385477907 -0.8475321255454529 -0.7677681192209201 -0.29497279788492237 +27080,0.006845322265786387,0,0.4509971276565663 0.2699688116279425 -0.30536769115124696 -0.23770474431786376 -0.301397338478088 -0.3708142742304869 -0.41724783117675185 -0.4838025961330546 -0.5348795087739504 -0.5480399387227698 -0.5859564214148374 -1.240471140396766 -0.8057419242938189 -0.8723039799376812 -0.9481381655956861 -0.9009562385477907 -0.8475321255454529 -0.7677681192209201 -0.29497279788492237 -0.1497726758431153 +27081,0.08088375263941949,0,0.2699688116279425 -0.30536769115124696 -0.23770474431786376 -0.301397338478088 -0.3708142742304869 -0.41724783117675185 -0.4838025961330546 -0.5348795087739504 -0.5480399387227698 -0.5859564214148374 -1.240471140396766 -0.8057419242938189 -0.8723039799376812 -0.9481381655956861 -0.9009562385477907 -0.8475321255454529 -0.7677681192209201 -0.29497279788492237 -0.1497726758431153 0.006845322265786387 +27082,0.1616238454199969,0,-0.30536769115124696 -0.23770474431786376 -0.301397338478088 -0.3708142742304869 -0.41724783117675185 -0.4838025961330546 -0.5348795087739504 -0.5480399387227698 -0.5859564214148374 -1.240471140396766 -0.8057419242938189 -0.8723039799376812 -0.9481381655956861 -0.9009562385477907 -0.8475321255454529 -0.7677681192209201 -0.29497279788492237 -0.1497726758431153 0.006845322265786387 0.08088375263941949 +27083,-0.20467914996914965,0,-0.23770474431786376 -0.301397338478088 -0.3708142742304869 -0.41724783117675185 -0.4838025961330546 -0.5348795087739504 -0.5480399387227698 -0.5859564214148374 -1.240471140396766 -0.8057419242938189 -0.8723039799376812 -0.9481381655956861 -0.9009562385477907 -0.8475321255454529 -0.7677681192209201 -0.29497279788492237 -0.1497726758431153 0.006845322265786387 0.08088375263941949 0.1616238454199969 +27084,0.11364250324219129,0,-0.301397338478088 -0.3708142742304869 -0.41724783117675185 -0.4838025961330546 -0.5348795087739504 -0.5480399387227698 -0.5859564214148374 -1.240471140396766 -0.8057419242938189 -0.8723039799376812 -0.9481381655956861 -0.9009562385477907 -0.8475321255454529 -0.7677681192209201 -0.29497279788492237 -0.1497726758431153 0.006845322265786387 0.08088375263941949 0.1616238454199969 -0.20467914996914965 +27085,-0.10681345283686183,0,-0.3708142742304869 -0.41724783117675185 -0.4838025961330546 -0.5348795087739504 -0.5480399387227698 -0.5859564214148374 -1.240471140396766 -0.8057419242938189 -0.8723039799376812 -0.9481381655956861 -0.9009562385477907 -0.8475321255454529 -0.7677681192209201 -0.29497279788492237 -0.1497726758431153 0.006845322265786387 0.08088375263941949 0.1616238454199969 -0.20467914996914965 0.11364250324219129 +27086,-0.375457629925109,0,-0.41724783117675185 -0.4838025961330546 -0.5348795087739504 -0.5480399387227698 -0.5859564214148374 -1.240471140396766 -0.8057419242938189 -0.8723039799376812 -0.9481381655956861 -0.9009562385477907 -0.8475321255454529 -0.7677681192209201 -0.29497279788492237 -0.1497726758431153 0.006845322265786387 0.08088375263941949 0.1616238454199969 -0.20467914996914965 0.11364250324219129 -0.10681345283686183 +27087,-0.43271633455981606,0,-0.4838025961330546 -0.5348795087739504 -0.5480399387227698 -0.5859564214148374 -1.240471140396766 -0.8057419242938189 -0.8723039799376812 -0.9481381655956861 -0.9009562385477907 -0.8475321255454529 -0.7677681192209201 -0.29497279788492237 -0.1497726758431153 0.006845322265786387 0.08088375263941949 0.1616238454199969 -0.20467914996914965 0.11364250324219129 -0.10681345283686183 -0.375457629925109 +27088,-0.4992804484484792,0,-0.5348795087739504 -0.5480399387227698 -0.5859564214148374 -1.240471140396766 -0.8057419242938189 -0.8723039799376812 -0.9481381655956861 -0.9009562385477907 -0.8475321255454529 -0.7677681192209201 -0.29497279788492237 -0.1497726758431153 0.006845322265786387 0.08088375263941949 0.1616238454199969 -0.20467914996914965 0.11364250324219129 -0.10681345283686183 -0.375457629925109 -0.43271633455981606 +27089,-0.6354855488241837,0,-0.5480399387227698 -0.5859564214148374 -1.240471140396766 -0.8057419242938189 -0.8723039799376812 -0.9481381655956861 -0.9009562385477907 -0.8475321255454529 -0.7677681192209201 -0.29497279788492237 -0.1497726758431153 0.006845322265786387 0.08088375263941949 0.1616238454199969 -0.20467914996914965 0.11364250324219129 -0.10681345283686183 -0.375457629925109 -0.43271633455981606 -0.4992804484484792 +27090,-0.6360795327662231,0,-0.5859564214148374 -1.240471140396766 -0.8057419242938189 -0.8723039799376812 -0.9481381655956861 -0.9009562385477907 -0.8475321255454529 -0.7677681192209201 -0.29497279788492237 -0.1497726758431153 0.006845322265786387 0.08088375263941949 0.1616238454199969 -0.20467914996914965 0.11364250324219129 -0.10681345283686183 -0.375457629925109 -0.43271633455981606 -0.4992804484484792 -0.6354855488241837 +27091,-0.6788235353073673,0,-1.240471140396766 -0.8057419242938189 -0.8723039799376812 -0.9481381655956861 -0.9009562385477907 -0.8475321255454529 -0.7677681192209201 -0.29497279788492237 -0.1497726758431153 0.006845322265786387 0.08088375263941949 0.1616238454199969 -0.20467914996914965 0.11364250324219129 -0.10681345283686183 -0.375457629925109 -0.43271633455981606 -0.4992804484484792 -0.6354855488241837 -0.6360795327662231 +27092,-1.3521382246895688,0,-0.8057419242938189 -0.8723039799376812 -0.9481381655956861 -0.9009562385477907 -0.8475321255454529 -0.7677681192209201 -0.29497279788492237 -0.1497726758431153 0.006845322265786387 0.08088375263941949 0.1616238454199969 -0.20467914996914965 0.11364250324219129 -0.10681345283686183 -0.375457629925109 -0.43271633455981606 -0.4992804484484792 -0.6354855488241837 -0.6360795327662231 -0.6788235353073673 +27093,-0.8722966892501304,0,-0.8723039799376812 -0.9481381655956861 -0.9009562385477907 -0.8475321255454529 -0.7677681192209201 -0.29497279788492237 -0.1497726758431153 0.006845322265786387 0.08088375263941949 0.1616238454199969 -0.20467914996914965 0.11364250324219129 -0.10681345283686183 -0.375457629925109 -0.43271633455981606 -0.4992804484484792 -0.6354855488241837 -0.6360795327662231 -0.6788235353073673 -1.3521382246895688 +27094,-0.9540762052514248,0,-0.9481381655956861 -0.9009562385477907 -0.8475321255454529 -0.7677681192209201 -0.29497279788492237 -0.1497726758431153 0.006845322265786387 0.08088375263941949 0.1616238454199969 -0.20467914996914965 0.11364250324219129 -0.10681345283686183 -0.375457629925109 -0.43271633455981606 -0.4992804484484792 -0.6354855488241837 -0.6360795327662231 -0.6788235353073673 -1.3521382246895688 -0.8722966892501304 +27095,-1.050291990877469,0,-0.9009562385477907 -0.8475321255454529 -0.7677681192209201 -0.29497279788492237 -0.1497726758431153 0.006845322265786387 0.08088375263941949 0.1616238454199969 -0.20467914996914965 0.11364250324219129 -0.10681345283686183 -0.375457629925109 -0.43271633455981606 -0.4992804484484792 -0.6354855488241837 -0.6360795327662231 -0.6788235353073673 -1.3521382246895688 -0.8722966892501304 -0.9540762052514248 +27096,-1.0911024285996824,0,-0.8475321255454529 -0.7677681192209201 -0.29497279788492237 -0.1497726758431153 0.006845322265786387 0.08088375263941949 0.1616238454199969 -0.20467914996914965 0.11364250324219129 -0.10681345283686183 -0.375457629925109 -0.43271633455981606 -0.4992804484484792 -0.6354855488241837 -0.6360795327662231 -0.6788235353073673 -1.3521382246895688 -0.8722966892501304 -0.9540762052514248 -1.050291990877469 +27097,-1.1416113195384492,0,-0.7677681192209201 -0.29497279788492237 -0.1497726758431153 0.006845322265786387 0.08088375263941949 0.1616238454199969 -0.20467914996914965 0.11364250324219129 -0.10681345283686183 -0.375457629925109 -0.43271633455981606 -0.4992804484484792 -0.6354855488241837 -0.6360795327662231 -0.6788235353073673 -1.3521382246895688 -0.8722966892501304 -0.9540762052514248 -1.050291990877469 -1.0911024285996824 +27098,-1.6934340670417887,0,-0.29497279788492237 -0.1497726758431153 0.006845322265786387 0.08088375263941949 0.1616238454199969 -0.20467914996914965 0.11364250324219129 -0.10681345283686183 -0.375457629925109 -0.43271633455981606 -0.4992804484484792 -0.6354855488241837 -0.6360795327662231 -0.6788235353073673 -1.3521382246895688 -0.8722966892501304 -0.9540762052514248 -1.050291990877469 -1.0911024285996824 -1.1416113195384492 +27099,-1.2576952119041072,0,-0.1497726758431153 0.006845322265786387 0.08088375263941949 0.1616238454199969 -0.20467914996914965 0.11364250324219129 -0.10681345283686183 -0.375457629925109 -0.43271633455981606 -0.4992804484484792 -0.6354855488241837 -0.6360795327662231 -0.6788235353073673 -1.3521382246895688 -0.8722966892501304 -0.9540762052514248 -1.050291990877469 -1.0911024285996824 -1.1416113195384492 -1.6934340670417887 +27100,-1.0032531310357702,0,0.006845322265786387 0.08088375263941949 0.1616238454199969 -0.20467914996914965 0.11364250324219129 -0.10681345283686183 -0.375457629925109 -0.43271633455981606 -0.4992804484484792 -0.6354855488241837 -0.6360795327662231 -0.6788235353073673 -1.3521382246895688 -0.8722966892501304 -0.9540762052514248 -1.050291990877469 -1.0911024285996824 -1.1416113195384492 -1.6934340670417887 -1.2576952119041072 +27101,-0.7376393741059666,0,0.08088375263941949 0.1616238454199969 -0.20467914996914965 0.11364250324219129 -0.10681345283686183 -0.375457629925109 -0.43271633455981606 -0.4992804484484792 -0.6354855488241837 -0.6360795327662231 -0.6788235353073673 -1.3521382246895688 -0.8722966892501304 -0.9540762052514248 -1.050291990877469 -1.0911024285996824 -1.1416113195384492 -1.6934340670417887 -1.2576952119041072 -1.0032531310357702 +27102,-0.15102877135150553,0,0.1616238454199969 -0.20467914996914965 0.11364250324219129 -0.10681345283686183 -0.375457629925109 -0.43271633455981606 -0.4992804484484792 -0.6354855488241837 -0.6360795327662231 -0.6788235353073673 -1.3521382246895688 -0.8722966892501304 -0.9540762052514248 -1.050291990877469 -1.0911024285996824 -1.1416113195384492 -1.6934340670417887 -1.2576952119041072 -1.0032531310357702 -0.7376393741059666 +27103,-0.13086769069133136,0,-0.20467914996914965 0.11364250324219129 -0.10681345283686183 -0.375457629925109 -0.43271633455981606 -0.4992804484484792 -0.6354855488241837 -0.6360795327662231 -0.6788235353073673 -1.3521382246895688 -0.8722966892501304 -0.9540762052514248 -1.050291990877469 -1.0911024285996824 -1.1416113195384492 -1.6934340670417887 -1.2576952119041072 -1.0032531310357702 -0.7376393741059666 -0.15102877135150553 +27104,0.01613203365503937,0,0.11364250324219129 -0.10681345283686183 -0.375457629925109 -0.43271633455981606 -0.4992804484484792 -0.6354855488241837 -0.6360795327662231 -0.6788235353073673 -1.3521382246895688 -0.8722966892501304 -0.9540762052514248 -1.050291990877469 -1.0911024285996824 -1.1416113195384492 -1.6934340670417887 -1.2576952119041072 -1.0032531310357702 -0.7376393741059666 -0.15102877135150553 -0.13086769069133136 +27105,0.099308396729448,0,-0.10681345283686183 -0.375457629925109 -0.43271633455981606 -0.4992804484484792 -0.6354855488241837 -0.6360795327662231 -0.6788235353073673 -1.3521382246895688 -0.8722966892501304 -0.9540762052514248 -1.050291990877469 -1.0911024285996824 -1.1416113195384492 -1.6934340670417887 -1.2576952119041072 -1.0032531310357702 -0.7376393741059666 -0.15102877135150553 -0.13086769069133136 0.01613203365503937 +27106,0.19103176481929654,0,-0.375457629925109 -0.43271633455981606 -0.4992804484484792 -0.6354855488241837 -0.6360795327662231 -0.6788235353073673 -1.3521382246895688 -0.8722966892501304 -0.9540762052514248 -1.050291990877469 -1.0911024285996824 -1.1416113195384492 -1.6934340670417887 -1.2576952119041072 -1.0032531310357702 -0.7376393741059666 -0.15102877135150553 -0.13086769069133136 0.01613203365503937 0.099308396729448 +27107,-0.14829849228790706,0,-0.43271633455981606 -0.4992804484484792 -0.6354855488241837 -0.6360795327662231 -0.6788235353073673 -1.3521382246895688 -0.8722966892501304 -0.9540762052514248 -1.050291990877469 -1.0911024285996824 -1.1416113195384492 -1.6934340670417887 -1.2576952119041072 -1.0032531310357702 -0.7376393741059666 -0.15102877135150553 -0.13086769069133136 0.01613203365503937 0.099308396729448 0.19103176481929654 +27108,0.18948397958775584,0,-0.4992804484484792 -0.6354855488241837 -0.6360795327662231 -0.6788235353073673 -1.3521382246895688 -0.8722966892501304 -0.9540762052514248 -1.050291990877469 -1.0911024285996824 -1.1416113195384492 -1.6934340670417887 -1.2576952119041072 -1.0032531310357702 -0.7376393741059666 -0.15102877135150553 -0.13086769069133136 0.01613203365503937 0.099308396729448 0.19103176481929654 -0.14829849228790706 +27109,0.06368804522511093,0,-0.6354855488241837 -0.6360795327662231 -0.6788235353073673 -1.3521382246895688 -0.8722966892501304 -0.9540762052514248 -1.050291990877469 -1.0911024285996824 -1.1416113195384492 -1.6934340670417887 -1.2576952119041072 -1.0032531310357702 -0.7376393741059666 -0.15102877135150553 -0.13086769069133136 0.01613203365503937 0.099308396729448 0.19103176481929654 -0.14829849228790706 0.18948397958775584 +27110,-0.08911736208982483,0,-0.6360795327662231 -0.6788235353073673 -1.3521382246895688 -0.8722966892501304 -0.9540762052514248 -1.050291990877469 -1.0911024285996824 -1.1416113195384492 -1.6934340670417887 -1.2576952119041072 -1.0032531310357702 -0.7376393741059666 -0.15102877135150553 -0.13086769069133136 0.01613203365503937 0.099308396729448 0.19103176481929654 -0.14829849228790706 0.18948397958775584 0.06368804522511093 +27111,-0.20074482617627615,0,-0.6788235353073673 -1.3521382246895688 -0.8722966892501304 -0.9540762052514248 -1.050291990877469 -1.0911024285996824 -1.1416113195384492 -1.6934340670417887 -1.2576952119041072 -1.0032531310357702 -0.7376393741059666 -0.15102877135150553 -0.13086769069133136 0.01613203365503937 0.099308396729448 0.19103176481929654 -0.14829849228790706 0.18948397958775584 0.06368804522511093 -0.08911736208982483 +27112,-0.3259285025157627,0,-1.3521382246895688 -0.8722966892501304 -0.9540762052514248 -1.050291990877469 -1.0911024285996824 -1.1416113195384492 -1.6934340670417887 -1.2576952119041072 -1.0032531310357702 -0.7376393741059666 -0.15102877135150553 -0.13086769069133136 0.01613203365503937 0.099308396729448 0.19103176481929654 -0.14829849228790706 0.18948397958775584 0.06368804522511093 -0.08911736208982483 -0.20074482617627615 +27113,-0.6695368239181143,0,-0.8722966892501304 -0.9540762052514248 -1.050291990877469 -1.0911024285996824 -1.1416113195384492 -1.6934340670417887 -1.2576952119041072 -1.0032531310357702 -0.7376393741059666 -0.15102877135150553 -0.13086769069133136 0.01613203365503937 0.099308396729448 0.19103176481929654 -0.14829849228790706 0.18948397958775584 0.06368804522511093 -0.08911736208982483 -0.20074482617627615 -0.3259285025157627 +27114,-0.6701161783489213,0,-0.9540762052514248 -1.050291990877469 -1.0911024285996824 -1.1416113195384492 -1.6934340670417887 -1.2576952119041072 -1.0032531310357702 -0.7376393741059666 -0.15102877135150553 -0.13086769069133136 0.01613203365503937 0.099308396729448 0.19103176481929654 -0.14829849228790706 0.18948397958775584 0.06368804522511093 -0.08911736208982483 -0.20074482617627615 -0.3259285025157627 -0.6695368239181143 +27115,-0.6912058171597016,0,-1.050291990877469 -1.0911024285996824 -1.1416113195384492 -1.6934340670417887 -1.2576952119041072 -1.0032531310357702 -0.7376393741059666 -0.15102877135150553 -0.13086769069133136 0.01613203365503937 0.099308396729448 0.19103176481929654 -0.14829849228790706 0.18948397958775584 0.06368804522511093 -0.08911736208982483 -0.20074482617627615 -0.3259285025157627 -0.6695368239181143 -0.6701161783489213 +27116,-1.6000433343098663,0,-1.0911024285996824 -1.1416113195384492 -1.6934340670417887 -1.2576952119041072 -1.0032531310357702 -0.7376393741059666 -0.15102877135150553 -0.13086769069133136 0.01613203365503937 0.099308396729448 0.19103176481929654 -0.14829849228790706 0.18948397958775584 0.06368804522511093 -0.08911736208982483 -0.20074482617627615 -0.3259285025157627 -0.6695368239181143 -0.6701161783489213 -0.6912058171597016 +27117,-0.8134808504515311,0,-1.1416113195384492 -1.6934340670417887 -1.2576952119041072 -1.0032531310357702 -0.7376393741059666 -0.15102877135150553 -0.13086769069133136 0.01613203365503937 0.099308396729448 0.19103176481929654 -0.14829849228790706 0.18948397958775584 0.06368804522511093 -0.08911736208982483 -0.20074482617627615 -0.3259285025157627 -0.6695368239181143 -0.6701161783489213 -0.6912058171597016 -1.6000433343098663 +27118,-0.9430204053695578,0,-1.6934340670417887 -1.2576952119041072 -1.0032531310357702 -0.7376393741059666 -0.15102877135150553 -0.13086769069133136 0.01613203365503937 0.099308396729448 0.19103176481929654 -0.14829849228790706 0.18948397958775584 0.06368804522511093 -0.08911736208982483 -0.20074482617627615 -0.3259285025157627 -0.6695368239181143 -0.6701161783489213 -0.6912058171597016 -1.6000433343098663 -0.8134808504515311 +27119,-1.078152125045228,0,-1.2576952119041072 -1.0032531310357702 -0.7376393741059666 -0.15102877135150553 -0.13086769069133136 0.01613203365503937 0.099308396729448 0.19103176481929654 -0.14829849228790706 0.18948397958775584 0.06368804522511093 -0.08911736208982483 -0.20074482617627615 -0.3259285025157627 -0.6695368239181143 -0.6701161783489213 -0.6912058171597016 -1.6000433343098663 -0.8134808504515311 -0.9430204053695578 +27120,-1.1711320696951235,0,-1.0032531310357702 -0.7376393741059666 -0.15102877135150553 -0.13086769069133136 0.01613203365503937 0.099308396729448 0.19103176481929654 -0.14829849228790706 0.18948397958775584 0.06368804522511093 -0.08911736208982483 -0.20074482617627615 -0.3259285025157627 -0.6695368239181143 -0.6701161783489213 -0.6912058171597016 -1.6000433343098663 -0.8134808504515311 -0.9430204053695578 -1.078152125045228 +27121,-1.271625278987991,0,-0.7376393741059666 -0.15102877135150553 -0.13086769069133136 0.01613203365503937 0.099308396729448 0.19103176481929654 -0.14829849228790706 0.18948397958775584 0.06368804522511093 -0.08911736208982483 -0.20074482617627615 -0.3259285025157627 -0.6695368239181143 -0.6701161783489213 -0.6912058171597016 -1.6000433343098663 -0.8134808504515311 -0.9430204053695578 -1.078152125045228 -1.1711320696951235 +27122,-2.0192632223369205,0,-0.15102877135150553 -0.13086769069133136 0.01613203365503937 0.099308396729448 0.19103176481929654 -0.14829849228790706 0.18948397958775584 0.06368804522511093 -0.08911736208982483 -0.20074482617627615 -0.3259285025157627 -0.6695368239181143 -0.6701161783489213 -0.6912058171597016 -1.6000433343098663 -0.8134808504515311 -0.9430204053695578 -1.078152125045228 -1.1711320696951235 -1.271625278987991 +27123,-1.387709171353649,0,-0.13086769069133136 0.01613203365503937 0.099308396729448 0.19103176481929654 -0.14829849228790706 0.18948397958775584 0.06368804522511093 -0.08911736208982483 -0.20074482617627615 -0.3259285025157627 -0.6695368239181143 -0.6701161783489213 -0.6912058171597016 -1.6000433343098663 -0.8134808504515311 -0.9430204053695578 -1.078152125045228 -1.1711320696951235 -1.271625278987991 -2.0192632223369205 +27124,-1.0860524740585369,0,0.01613203365503937 0.099308396729448 0.19103176481929654 -0.14829849228790706 0.18948397958775584 0.06368804522511093 -0.08911736208982483 -0.20074482617627615 -0.3259285025157627 -0.6695368239181143 -0.6701161783489213 -0.6912058171597016 -1.6000433343098663 -0.8134808504515311 -0.9430204053695578 -1.078152125045228 -1.1711320696951235 -1.271625278987991 -2.0192632223369205 -1.387709171353649 +27125,-0.7175181660959199,0,0.099308396729448 0.19103176481929654 -0.14829849228790706 0.18948397958775584 0.06368804522511093 -0.08911736208982483 -0.20074482617627615 -0.3259285025157627 -0.6695368239181143 -0.6701161783489213 -0.6912058171597016 -1.6000433343098663 -0.8134808504515311 -0.9430204053695578 -1.078152125045228 -1.1711320696951235 -1.271625278987991 -2.0192632223369205 -1.387709171353649 -1.0860524740585369 +27126,0.14924156356766252,0,0.19103176481929654 -0.14829849228790706 0.18948397958775584 0.06368804522511093 -0.08911736208982483 -0.20074482617627615 -0.3259285025157627 -0.6695368239181143 -0.6701161783489213 -0.6912058171597016 -1.6000433343098663 -0.8134808504515311 -0.9430204053695578 -1.078152125045228 -1.1711320696951235 -1.271625278987991 -2.0192632223369205 -1.387709171353649 -1.0860524740585369 -0.7175181660959199 +27127,0.1608202638070318,0,-0.14829849228790706 0.18948397958775584 0.06368804522511093 -0.08911736208982483 -0.20074482617627615 -0.3259285025157627 -0.6695368239181143 -0.6701161783489213 -0.6912058171597016 -1.6000433343098663 -0.8134808504515311 -0.9430204053695578 -1.078152125045228 -1.1711320696951235 -1.271625278987991 -2.0192632223369205 -1.387709171353649 -1.0860524740585369 -0.7175181660959199 0.14924156356766252 +27128,0.2653254559333204,0,0.18948397958775584 0.06368804522511093 -0.08911736208982483 -0.20074482617627615 -0.3259285025157627 -0.6695368239181143 -0.6701161783489213 -0.6912058171597016 -1.6000433343098663 -0.8134808504515311 -0.9430204053695578 -1.078152125045228 -1.1711320696951235 -1.271625278987991 -2.0192632223369205 -1.387709171353649 -1.0860524740585369 -0.7175181660959199 0.14924156356766252 0.1608202638070318 +27129,0.37921971974869806,0,0.06368804522511093 -0.08911736208982483 -0.20074482617627615 -0.3259285025157627 -0.6695368239181143 -0.6701161783489213 -0.6912058171597016 -1.6000433343098663 -0.8134808504515311 -0.9430204053695578 -1.078152125045228 -1.1711320696951235 -1.271625278987991 -2.0192632223369205 -1.387709171353649 -1.0860524740585369 -0.7175181660959199 0.14924156356766252 0.1608202638070318 0.2653254559333204 +27130,0.5114233077485113,0,-0.08911736208982483 -0.20074482617627615 -0.3259285025157627 -0.6695368239181143 -0.6701161783489213 -0.6912058171597016 -1.6000433343098663 -0.8134808504515311 -0.9430204053695578 -1.078152125045228 -1.1711320696951235 -1.271625278987991 -2.0192632223369205 -1.387709171353649 -1.0860524740585369 -0.7175181660959199 0.14924156356766252 0.1608202638070318 0.2653254559333204 0.37921971974869806 +27131,0.12440502119424751,0,-0.20074482617627615 -0.3259285025157627 -0.6695368239181143 -0.6701161783489213 -0.6912058171597016 -1.6000433343098663 -0.8134808504515311 -0.9430204053695578 -1.078152125045228 -1.1711320696951235 -1.271625278987991 -2.0192632223369205 -1.387709171353649 -1.0860524740585369 -0.7175181660959199 0.14924156356766252 0.1608202638070318 0.2653254559333204 0.37921971974869806 0.5114233077485113 +27132,0.5470223680739825,0,-0.3259285025157627 -0.6695368239181143 -0.6701161783489213 -0.6912058171597016 -1.6000433343098663 -0.8134808504515311 -0.9430204053695578 -1.078152125045228 -1.1711320696951235 -1.271625278987991 -2.0192632223369205 -1.387709171353649 -1.0860524740585369 -0.7175181660959199 0.14924156356766252 0.1608202638070318 0.2653254559333204 0.37921971974869806 0.5114233077485113 0.12440502119424751 +27133,0.3360540760554786,0,-0.6695368239181143 -0.6701161783489213 -0.6912058171597016 -1.6000433343098663 -0.8134808504515311 -0.9430204053695578 -1.078152125045228 -1.1711320696951235 -1.271625278987991 -2.0192632223369205 -1.387709171353649 -1.0860524740585369 -0.7175181660959199 0.14924156356766252 0.1608202638070318 0.2653254559333204 0.37921971974869806 0.5114233077485113 0.12440502119424751 0.5470223680739825 +27134,0.06720894629592637,0,-0.6701161783489213 -0.6912058171597016 -1.6000433343098663 -0.8134808504515311 -0.9430204053695578 -1.078152125045228 -1.1711320696951235 -1.271625278987991 -2.0192632223369205 -1.387709171353649 -1.0860524740585369 -0.7175181660959199 0.14924156356766252 0.1608202638070318 0.2653254559333204 0.37921971974869806 0.5114233077485113 0.12440502119424751 0.5470223680739825 0.3360540760554786 +27135,-0.06429734325242453,0,-0.6912058171597016 -1.6000433343098663 -0.8134808504515311 -0.9430204053695578 -1.078152125045228 -1.1711320696951235 -1.271625278987991 -2.0192632223369205 -1.387709171353649 -1.0860524740585369 -0.7175181660959199 0.14924156356766252 0.1608202638070318 0.2653254559333204 0.37921971974869806 0.5114233077485113 0.12440502119424751 0.5470223680739825 0.3360540760554786 0.06720894629592637 +27136,-0.2237746772339887,0,-1.6000433343098663 -0.8134808504515311 -0.9430204053695578 -1.078152125045228 -1.1711320696951235 -1.271625278987991 -2.0192632223369205 -1.387709171353649 -1.0860524740585369 -0.7175181660959199 0.14924156356766252 0.1608202638070318 0.2653254559333204 0.37921971974869806 0.5114233077485113 0.12440502119424751 0.5470223680739825 0.3360540760554786 0.06720894629592637 -0.06429734325242453 +27137,-1.1672967461151167,0,-0.8134808504515311 -0.9430204053695578 -1.078152125045228 -1.1711320696951235 -1.271625278987991 -2.0192632223369205 -1.387709171353649 -1.0860524740585369 -0.7175181660959199 0.14924156356766252 0.1608202638070318 0.2653254559333204 0.37921971974869806 0.5114233077485113 0.12440502119424751 0.5470223680739825 0.3360540760554786 0.06720894629592637 -0.06429734325242453 -0.2237746772339887 +27138,-0.44665575057605145,0,-0.9430204053695578 -1.078152125045228 -1.1711320696951235 -1.271625278987991 -2.0192632223369205 -1.387709171353649 -1.0860524740585369 -0.7175181660959199 0.14924156356766252 0.1608202638070318 0.2653254559333204 0.37921971974869806 0.5114233077485113 0.12440502119424751 0.5470223680739825 0.3360540760554786 0.06720894629592637 -0.06429734325242453 -0.2237746772339887 -1.1672967461151167 +27139,-0.4960676900578297,0,-1.078152125045228 -1.1711320696951235 -1.271625278987991 -2.0192632223369205 -1.387709171353649 -1.0860524740585369 -0.7175181660959199 0.14924156356766252 0.1608202638070318 0.2653254559333204 0.37921971974869806 0.5114233077485113 0.12440502119424751 0.5470223680739825 0.3360540760554786 0.06720894629592637 -0.06429734325242453 -0.2237746772339887 -1.1672967461151167 -0.44665575057605145 +27140,-0.5457140053947441,0,-1.1711320696951235 -1.271625278987991 -2.0192632223369205 -1.387709171353649 -1.0860524740585369 -0.7175181660959199 0.14924156356766252 0.1608202638070318 0.2653254559333204 0.37921971974869806 0.5114233077485113 0.12440502119424751 0.5470223680739825 0.3360540760554786 0.06720894629592637 -0.06429734325242453 -0.2237746772339887 -1.1672967461151167 -0.44665575057605145 -0.4960676900578297 +27141,-0.8212197766092346,0,-1.271625278987991 -2.0192632223369205 -1.387709171353649 -1.0860524740585369 -0.7175181660959199 0.14924156356766252 0.1608202638070318 0.2653254559333204 0.37921971974869806 0.5114233077485113 0.12440502119424751 0.5470223680739825 0.3360540760554786 0.06720894629592637 -0.06429734325242453 -0.2237746772339887 -1.1672967461151167 -0.44665575057605145 -0.4960676900578297 -0.5457140053947441 +27142,-0.9121915084610562,0,-2.0192632223369205 -1.387709171353649 -1.0860524740585369 -0.7175181660959199 0.14924156356766252 0.1608202638070318 0.2653254559333204 0.37921971974869806 0.5114233077485113 0.12440502119424751 0.5470223680739825 0.3360540760554786 0.06720894629592637 -0.06429734325242453 -0.2237746772339887 -1.1672967461151167 -0.44665575057605145 -0.4960676900578297 -0.5457140053947441 -0.8212197766092346 +27143,-1.0146929305519976,0,-1.387709171353649 -1.0860524740585369 -0.7175181660959199 0.14924156356766252 0.1608202638070318 0.2653254559333204 0.37921971974869806 0.5114233077485113 0.12440502119424751 0.5470223680739825 0.3360540760554786 0.06720894629592637 -0.06429734325242453 -0.2237746772339887 -1.1672967461151167 -0.44665575057605145 -0.4960676900578297 -0.5457140053947441 -0.8212197766092346 -0.9121915084610562 +27144,-1.0625409616782573,0,-1.0860524740585369 -0.7175181660959199 0.14924156356766252 0.1608202638070318 0.2653254559333204 0.37921971974869806 0.5114233077485113 0.12440502119424751 0.5470223680739825 0.3360540760554786 0.06720894629592637 -0.06429734325242453 -0.2237746772339887 -1.1672967461151167 -0.44665575057605145 -0.4960676900578297 -0.5457140053947441 -0.8212197766092346 -0.9121915084610562 -1.0146929305519976 +27145,-1.1168467558337805,0,-0.7175181660959199 0.14924156356766252 0.1608202638070318 0.2653254559333204 0.37921971974869806 0.5114233077485113 0.12440502119424751 0.5470223680739825 0.3360540760554786 0.06720894629592637 -0.06429734325242453 -0.2237746772339887 -1.1672967461151167 -0.44665575057605145 -0.4960676900578297 -0.5457140053947441 -0.8212197766092346 -0.9121915084610562 -1.0146929305519976 -1.0625409616782573 +27146,-1.8562461560007362,0,0.14924156356766252 0.1608202638070318 0.2653254559333204 0.37921971974869806 0.5114233077485113 0.12440502119424751 0.5470223680739825 0.3360540760554786 0.06720894629592637 -0.06429734325242453 -0.2237746772339887 -1.1672967461151167 -0.44665575057605145 -0.4960676900578297 -0.5457140053947441 -0.8212197766092346 -0.9121915084610562 -1.0146929305519976 -1.0625409616782573 -1.1168467558337805 +27147,-1.1168467558337805,0,0.1608202638070318 0.2653254559333204 0.37921971974869806 0.5114233077485113 0.12440502119424751 0.5470223680739825 0.3360540760554786 0.06720894629592637 -0.06429734325242453 -0.2237746772339887 -1.1672967461151167 -0.44665575057605145 -0.4960676900578297 -0.5457140053947441 -0.8212197766092346 -0.9121915084610562 -1.0146929305519976 -1.0625409616782573 -1.1168467558337805 -1.8562461560007362 +27148,-0.8029559966243486,0,0.2653254559333204 0.37921971974869806 0.5114233077485113 0.12440502119424751 0.5470223680739825 0.3360540760554786 0.06720894629592637 -0.06429734325242453 -0.2237746772339887 -1.1672967461151167 -0.44665575057605145 -0.4960676900578297 -0.5457140053947441 -0.8212197766092346 -0.9121915084610562 -1.0146929305519976 -1.0625409616782573 -1.1168467558337805 -1.8562461560007362 -1.1168467558337805 +27149,-0.4404646096498799,0,0.37921971974869806 0.5114233077485113 0.12440502119424751 0.5470223680739825 0.3360540760554786 0.06720894629592637 -0.06429734325242453 -0.2237746772339887 -1.1672967461151167 -0.44665575057605145 -0.4960676900578297 -0.5457140053947441 -0.8212197766092346 -0.9121915084610562 -1.0146929305519976 -1.0625409616782573 -1.1168467558337805 -1.8562461560007362 -1.1168467558337805 -0.8029559966243486 +27150,0.5330923009901074,0,0.5114233077485113 0.12440502119424751 0.5470223680739825 0.3360540760554786 0.06720894629592637 -0.06429734325242453 -0.2237746772339887 -1.1672967461151167 -0.44665575057605145 -0.4960676900578297 -0.5457140053947441 -0.8212197766092346 -0.9121915084610562 -1.0146929305519976 -1.0625409616782573 -1.1168467558337805 -1.8562461560007362 -1.1168467558337805 -0.8029559966243486 -0.4404646096498799 +27151,0.7853812937314698,1,0.12440502119424751 0.5470223680739825 0.3360540760554786 0.06720894629592637 -0.06429734325242453 -0.2237746772339887 -1.1672967461151167 -0.44665575057605145 -0.4960676900578297 -0.5457140053947441 -0.8212197766092346 -0.9121915084610562 -1.0146929305519976 -1.0625409616782573 -1.1168467558337805 -1.8562461560007362 -1.1168467558337805 -0.8029559966243486 -0.4404646096498799 0.5330923009901074 +27152,0.7851056831751952,1,0.5470223680739825 0.3360540760554786 0.06720894629592637 -0.06429734325242453 -0.2237746772339887 -1.1672967461151167 -0.44665575057605145 -0.4960676900578297 -0.5457140053947441 -0.8212197766092346 -0.9121915084610562 -1.0146929305519976 -1.0625409616782573 -1.1168467558337805 -1.8562461560007362 -1.1168467558337805 -0.8029559966243486 -0.4404646096498799 0.5330923009901074 0.7853812937314698 +27153,0.8395537768354382,1,0.3360540760554786 0.06720894629592637 -0.06429734325242453 -0.2237746772339887 -1.1672967461151167 -0.44665575057605145 -0.4960676900578297 -0.5457140053947441 -0.8212197766092346 -0.9121915084610562 -1.0146929305519976 -1.0625409616782573 -1.1168467558337805 -1.8562461560007362 -1.1168467558337805 -0.8029559966243486 -0.4404646096498799 0.5330923009901074 0.7853812937314698 0.7851056831751952 +27154,0.8763439131525121,1,0.06720894629592637 -0.06429734325242453 -0.2237746772339887 -1.1672967461151167 -0.44665575057605145 -0.4960676900578297 -0.5457140053947441 -0.8212197766092346 -0.9121915084610562 -1.0146929305519976 -1.0625409616782573 -1.1168467558337805 -1.8562461560007362 -1.1168467558337805 -0.8029559966243486 -0.4404646096498799 0.5330923009901074 0.7853812937314698 0.7851056831751952 0.8395537768354382 +27155,0.9200386088756337,1,-0.06429734325242453 -0.2237746772339887 -1.1672967461151167 -0.44665575057605145 -0.4960676900578297 -0.5457140053947441 -0.8212197766092346 -0.9121915084610562 -1.0146929305519976 -1.0625409616782573 -1.1168467558337805 -1.8562461560007362 -1.1168467558337805 -0.8029559966243486 -0.4404646096498799 0.5330923009901074 0.7853812937314698 0.7851056831751952 0.8395537768354382 0.8763439131525121 +27156,0.8580018769915342,1,-0.2237746772339887 -1.1672967461151167 -0.44665575057605145 -0.4960676900578297 -0.5457140053947441 -0.8212197766092346 -0.9121915084610562 -1.0146929305519976 -1.0625409616782573 -1.1168467558337805 -1.8562461560007362 -1.1168467558337805 -0.8029559966243486 -0.4404646096498799 0.5330923009901074 0.7853812937314698 0.7851056831751952 0.8395537768354382 0.8763439131525121 0.9200386088756337 +27157,0.7822857232683796,1,-1.1672967461151167 -0.44665575057605145 -0.4960676900578297 -0.5457140053947441 -0.8212197766092346 -0.9121915084610562 -1.0146929305519976 -1.0625409616782573 -1.1168467558337805 -1.8562461560007362 -1.1168467558337805 -0.8029559966243486 -0.4404646096498799 0.5330923009901074 0.7853812937314698 0.7851056831751952 0.8395537768354382 0.8763439131525121 0.9200386088756337 0.8580018769915342 +27158,-0.05758389167493417,1,-0.44665575057605145 -0.4960676900578297 -0.5457140053947441 -0.8212197766092346 -0.9121915084610562 -1.0146929305519976 -1.0625409616782573 -1.1168467558337805 -1.8562461560007362 -1.1168467558337805 -0.8029559966243486 -0.4404646096498799 0.5330923009901074 0.7853812937314698 0.7851056831751952 0.8395537768354382 0.8763439131525121 0.9200386088756337 0.8580018769915342 0.7822857232683796 +27159,0.30092451625879163,1,-0.4960676900578297 -0.5457140053947441 -0.8212197766092346 -0.9121915084610562 -1.0146929305519976 -1.0625409616782573 -1.1168467558337805 -1.8562461560007362 -1.1168467558337805 -0.8029559966243486 -0.4404646096498799 0.5330923009901074 0.7853812937314698 0.7851056831751952 0.8395537768354382 0.8763439131525121 0.9200386088756337 0.8580018769915342 0.7822857232683796 -0.05758389167493417 +27160,0.13790322013512882,1,-0.5457140053947441 -0.8212197766092346 -0.9121915084610562 -1.0146929305519976 -1.0625409616782573 -1.1168467558337805 -1.8562461560007362 -1.1168467558337805 -0.8029559966243486 -0.4404646096498799 0.5330923009901074 0.7853812937314698 0.7851056831751952 0.8395537768354382 0.8763439131525121 0.9200386088756337 0.8580018769915342 0.7822857232683796 -0.05758389167493417 0.30092451625879163 +27161,-0.05042273130127221,1,-0.8212197766092346 -0.9121915084610562 -1.0146929305519976 -1.0625409616782573 -1.1168467558337805 -1.8562461560007362 -1.1168467558337805 -0.8029559966243486 -0.4404646096498799 0.5330923009901074 0.7853812937314698 0.7851056831751952 0.8395537768354382 0.8763439131525121 0.9200386088756337 0.8580018769915342 0.7822857232683796 -0.05758389167493417 0.30092451625879163 0.13790322013512882 +27162,-0.45594246196530447,1,-0.9121915084610562 -1.0146929305519976 -1.0625409616782573 -1.1168467558337805 -1.8562461560007362 -1.1168467558337805 -0.8029559966243486 -0.4404646096498799 0.5330923009901074 0.7853812937314698 0.7851056831751952 0.8395537768354382 0.8763439131525121 0.9200386088756337 0.8580018769915342 0.7822857232683796 -0.05758389167493417 0.30092451625879163 0.13790322013512882 -0.05042273130127221 +27163,-0.46995541356744686,1,-1.0146929305519976 -1.0625409616782573 -1.1168467558337805 -1.8562461560007362 -1.1168467558337805 -0.8029559966243486 -0.4404646096498799 0.5330923009901074 0.7853812937314698 0.7851056831751952 0.8395537768354382 0.8763439131525121 0.9200386088756337 0.8580018769915342 0.7822857232683796 -0.05758389167493417 0.30092451625879163 0.13790322013512882 -0.05042273130127221 -0.45594246196530447 +27164,-0.5519051463209157,1,-1.0625409616782573 -1.1168467558337805 -1.8562461560007362 -1.1168467558337805 -0.8029559966243486 -0.4404646096498799 0.5330923009901074 0.7853812937314698 0.7851056831751952 0.8395537768354382 0.8763439131525121 0.9200386088756337 0.8580018769915342 0.7822857232683796 -0.05758389167493417 0.30092451625879163 0.13790322013512882 -0.05042273130127221 -0.45594246196530447 -0.46995541356744686 +27165,-0.6565388764386554,1,-1.1168467558337805 -1.8562461560007362 -1.1168467558337805 -0.8029559966243486 -0.4404646096498799 0.5330923009901074 0.7853812937314698 0.7851056831751952 0.8395537768354382 0.8763439131525121 0.9200386088756337 0.8580018769915342 0.7822857232683796 -0.05758389167493417 0.30092451625879163 0.13790322013512882 -0.05042273130127221 -0.45594246196530447 -0.46995541356744686 -0.5519051463209157 +27166,-0.7670472935052661,1,-1.8562461560007362 -1.1168467558337805 -0.8029559966243486 -0.4404646096498799 0.5330923009901074 0.7853812937314698 0.7851056831751952 0.8395537768354382 0.8763439131525121 0.9200386088756337 0.8580018769915342 0.7822857232683796 -0.05758389167493417 0.30092451625879163 0.13790322013512882 -0.05042273130127221 -0.45594246196530447 -0.46995541356744686 -0.5519051463209157 -0.6565388764386554 +27167,-1.665739162197843,1,-1.1168467558337805 -0.8029559966243486 -0.4404646096498799 0.5330923009901074 0.7853812937314698 0.7851056831751952 0.8395537768354382 0.8763439131525121 0.9200386088756337 0.8580018769915342 0.7822857232683796 -0.05758389167493417 0.30092451625879163 0.13790322013512882 -0.05042273130127221 -0.45594246196530447 -0.46995541356744686 -0.5519051463209157 -0.6565388764386554 -0.7670472935052661 +27168,-0.8846789711024647,1,-0.8029559966243486 -0.4404646096498799 0.5330923009901074 0.7853812937314698 0.7851056831751952 0.8395537768354382 0.8763439131525121 0.9200386088756337 0.8580018769915342 0.7822857232683796 -0.05758389167493417 0.30092451625879163 0.13790322013512882 -0.05042273130127221 -0.45594246196530447 -0.46995541356744686 -0.5519051463209157 -0.6565388764386554 -0.7670472935052661 -1.665739162197843 +27169,-0.9326543981094515,1,-0.4404646096498799 0.5330923009901074 0.7853812937314698 0.7851056831751952 0.8395537768354382 0.8763439131525121 0.9200386088756337 0.8580018769915342 0.7822857232683796 -0.05758389167493417 0.30092451625879163 0.13790322013512882 -0.05042273130127221 -0.45594246196530447 -0.46995541356744686 -0.5519051463209157 -0.6565388764386554 -0.7670472935052661 -1.665739162197843 -0.8846789711024647 +27170,-0.9868327963842388,1,0.5330923009901074 0.7853812937314698 0.7851056831751952 0.8395537768354382 0.8763439131525121 0.9200386088756337 0.8580018769915342 0.7822857232683796 -0.05758389167493417 0.30092451625879163 0.13790322013512882 -0.05042273130127221 -0.45594246196530447 -0.46995541356744686 -0.5519051463209157 -0.6565388764386554 -0.7670472935052661 -1.665739162197843 -0.8846789711024647 -0.9326543981094515 +27171,-0.9421960835892577,1,0.7853812937314698 0.7851056831751952 0.8395537768354382 0.8763439131525121 0.9200386088756337 0.8580018769915342 0.7822857232683796 -0.05758389167493417 0.30092451625879163 0.13790322013512882 -0.05042273130127221 -0.45594246196530447 -0.46995541356744686 -0.5519051463209157 -0.6565388764386554 -0.7670472935052661 -1.665739162197843 -0.8846789711024647 -0.9326543981094515 -0.9868327963842388 +27172,-0.8939656824917177,1,0.7851056831751952 0.8395537768354382 0.8763439131525121 0.9200386088756337 0.8580018769915342 0.7822857232683796 -0.05758389167493417 0.30092451625879163 0.13790322013512882 -0.05042273130127221 -0.45594246196530447 -0.46995541356744686 -0.5519051463209157 -0.6565388764386554 -0.7670472935052661 -1.665739162197843 -0.8846789711024647 -0.9326543981094515 -0.9868327963842388 -0.9421960835892577 +27173,-0.4670979450976695,1,0.8395537768354382 0.8763439131525121 0.9200386088756337 0.8580018769915342 0.7822857232683796 -0.05758389167493417 0.30092451625879163 0.13790322013512882 -0.05042273130127221 -0.45594246196530447 -0.46995541356744686 -0.5519051463209157 -0.6565388764386554 -0.7670472935052661 -1.665739162197843 -0.8846789711024647 -0.9326543981094515 -0.9868327963842388 -0.9421960835892577 -0.8939656824917177 +27174,0.4448685427922085,1,0.8763439131525121 0.9200386088756337 0.8580018769915342 0.7822857232683796 -0.05758389167493417 0.30092451625879163 0.13790322013512882 -0.05042273130127221 -0.45594246196530447 -0.46995541356744686 -0.5519051463209157 -0.6565388764386554 -0.7670472935052661 -1.665739162197843 -0.8846789711024647 -0.9326543981094515 -0.9868327963842388 -0.9421960835892577 -0.8939656824917177 -0.4670979450976695 +27175,0.6637348415606253,1,0.9200386088756337 0.8580018769915342 0.7822857232683796 -0.05758389167493417 0.30092451625879163 0.13790322013512882 -0.05042273130127221 -0.45594246196530447 -0.46995541356744686 -0.5519051463209157 -0.6565388764386554 -0.7670472935052661 -1.665739162197843 -0.8846789711024647 -0.9326543981094515 -0.9868327963842388 -0.9421960835892577 -0.8939656824917177 -0.4670979450976695 0.4448685427922085 +27176,0.9076563270232905,1,0.8580018769915342 0.7822857232683796 -0.05758389167493417 0.30092451625879163 0.13790322013512882 -0.05042273130127221 -0.45594246196530447 -0.46995541356744686 -0.5519051463209157 -0.6565388764386554 -0.7670472935052661 -1.665739162197843 -0.8846789711024647 -0.9326543981094515 -0.9868327963842388 -0.9421960835892577 -0.8939656824917177 -0.4670979450976695 0.4448685427922085 0.6637348415606253 +27177,1.109481539490802,1,0.7822857232683796 -0.05758389167493417 0.30092451625879163 0.13790322013512882 -0.05042273130127221 -0.45594246196530447 -0.46995541356744686 -0.5519051463209157 -0.6565388764386554 -0.7670472935052661 -1.665739162197843 -0.8846789711024647 -0.9326543981094515 -0.9868327963842388 -0.9421960835892577 -0.8939656824917177 -0.4670979450976695 0.4448685427922085 0.6637348415606253 0.9076563270232905 +27178,1.3410361918550817,1,-0.05758389167493417 0.30092451625879163 0.13790322013512882 -0.05042273130127221 -0.45594246196530447 -0.46995541356744686 -0.5519051463209157 -0.6565388764386554 -0.7670472935052661 -1.665739162197843 -0.8846789711024647 -0.9326543981094515 -0.9868327963842388 -0.9421960835892577 -0.8939656824917177 -0.4670979450976695 0.4448685427922085 0.6637348415606253 0.9076563270232905 1.109481539490802 +27179,0.8587210719606696,1,0.30092451625879163 0.13790322013512882 -0.05042273130127221 -0.45594246196530447 -0.46995541356744686 -0.5519051463209157 -0.6565388764386554 -0.7670472935052661 -1.665739162197843 -0.8846789711024647 -0.9326543981094515 -0.9868327963842388 -0.9421960835892577 -0.8939656824917177 -0.4670979450976695 0.4448685427922085 0.6637348415606253 0.9076563270232905 1.109481539490802 1.3410361918550817 +27180,1.0918427695768007,1,0.13790322013512882 -0.05042273130127221 -0.45594246196530447 -0.46995541356744686 -0.5519051463209157 -0.6565388764386554 -0.7670472935052661 -1.665739162197843 -0.8846789711024647 -0.9326543981094515 -0.9868327963842388 -0.9421960835892577 -0.8939656824917177 -0.4670979450976695 0.4448685427922085 0.6637348415606253 0.9076563270232905 1.109481539490802 1.3410361918550817 0.8587210719606696 +27181,0.8498929143891507,1,-0.05042273130127221 -0.45594246196530447 -0.46995541356744686 -0.5519051463209157 -0.6565388764386554 -0.7670472935052661 -1.665739162197843 -0.8846789711024647 -0.9326543981094515 -0.9868327963842388 -0.9421960835892577 -0.8939656824917177 -0.4670979450976695 0.4448685427922085 0.6637348415606253 0.9076563270232905 1.109481539490802 1.3410361918550817 0.8587210719606696 1.0918427695768007 +27182,0.5408312271478108,1,-0.45594246196530447 -0.46995541356744686 -0.5519051463209157 -0.6565388764386554 -0.7670472935052661 -1.665739162197843 -0.8846789711024647 -0.9326543981094515 -0.9868327963842388 -0.9421960835892577 -0.8939656824917177 -0.4670979450976695 0.4448685427922085 0.6637348415606253 0.9076563270232905 1.109481539490802 1.3410361918550817 0.8587210719606696 1.0918427695768007 0.8498929143891507 +27183,0.36478874710935494,1,-0.46995541356744686 -0.5519051463209157 -0.6565388764386554 -0.7670472935052661 -1.665739162197843 -0.8846789711024647 -0.9326543981094515 -0.9868327963842388 -0.9421960835892577 -0.8939656824917177 -0.4670979450976695 0.4448685427922085 0.6637348415606253 0.9076563270232905 1.109481539490802 1.3410361918550817 0.8587210719606696 1.0918427695768007 0.8498929143891507 0.5408312271478108 +27184,0.14924156356766252,1,-0.5519051463209157 -0.6565388764386554 -0.7670472935052661 -1.665739162197843 -0.8846789711024647 -0.9326543981094515 -0.9868327963842388 -0.9421960835892577 -0.8939656824917177 -0.4670979450976695 0.4448685427922085 0.6637348415606253 0.9076563270232905 1.109481539490802 1.3410361918550817 0.8587210719606696 1.0918427695768007 0.8498929143891507 0.5408312271478108 0.36478874710935494 +27185,-0.9262946622004765,1,-0.6565388764386554 -0.7670472935052661 -1.665739162197843 -0.8846789711024647 -0.9326543981094515 -0.9868327963842388 -0.9421960835892577 -0.8939656824917177 -0.4670979450976695 0.4448685427922085 0.6637348415606253 0.9076563270232905 1.109481539490802 1.3410361918550817 0.8587210719606696 1.0918427695768007 0.8498929143891507 0.5408312271478108 0.36478874710935494 0.14924156356766252 +27186,-0.324380717284222,1,-0.7670472935052661 -1.665739162197843 -0.8846789711024647 -0.9326543981094515 -0.9868327963842388 -0.9421960835892577 -0.8939656824917177 -0.4670979450976695 0.4448685427922085 0.6637348415606253 0.9076563270232905 1.109481539490802 1.3410361918550817 0.8587210719606696 1.0918427695768007 0.8498929143891507 0.5408312271478108 0.36478874710935494 0.14924156356766252 -0.9262946622004765 +27187,-0.536427294005491,1,-1.665739162197843 -0.8846789711024647 -0.9326543981094515 -0.9868327963842388 -0.9421960835892577 -0.8939656824917177 -0.4670979450976695 0.4448685427922085 0.6637348415606253 0.9076563270232905 1.109481539490802 1.3410361918550817 0.8587210719606696 1.0918427695768007 0.8498929143891507 0.5408312271478108 0.36478874710935494 0.14924156356766252 -0.9262946622004765 -0.324380717284222 +27188,-0.6138165555825964,1,-0.8846789711024647 -0.9326543981094515 -0.9868327963842388 -0.9421960835892577 -0.8939656824917177 -0.4670979450976695 0.4448685427922085 0.6637348415606253 0.9076563270232905 1.109481539490802 1.3410361918550817 0.8587210719606696 1.0918427695768007 0.8498929143891507 0.5408312271478108 0.36478874710935494 0.14924156356766252 -0.9262946622004765 -0.324380717284222 -0.536427294005491 +27189,-0.6475077663025415,1,-0.9326543981094515 -0.9868327963842388 -0.9421960835892577 -0.8939656824917177 -0.4670979450976695 0.4448685427922085 0.6637348415606253 0.9076563270232905 1.109481539490802 1.3410361918550817 0.8587210719606696 1.0918427695768007 0.8498929143891507 0.5408312271478108 0.36478874710935494 0.14924156356766252 -0.9262946622004765 -0.324380717284222 -0.536427294005491 -0.6138165555825964 +27190,-0.7562127968844725,1,-0.9868327963842388 -0.9421960835892577 -0.8939656824917177 -0.4670979450976695 0.4448685427922085 0.6637348415606253 0.9076563270232905 1.109481539490802 1.3410361918550817 0.8587210719606696 1.0918427695768007 0.8498929143891507 0.5408312271478108 0.36478874710935494 0.14924156356766252 -0.9262946622004765 -0.324380717284222 -0.536427294005491 -0.6138165555825964 -0.6475077663025415 +27191,-1.5561792503640144,1,-0.9421960835892577 -0.8939656824917177 -0.4670979450976695 0.4448685427922085 0.6637348415606253 0.9076563270232905 1.109481539490802 1.3410361918550817 0.8587210719606696 1.0918427695768007 0.8498929143891507 0.5408312271478108 0.36478874710935494 0.14924156356766252 -0.9262946622004765 -0.324380717284222 -0.536427294005491 -0.6138165555825964 -0.6475077663025415 -0.7562127968844725 +27192,-0.910991320038683,1,-0.8939656824917177 -0.4670979450976695 0.4448685427922085 0.6637348415606253 0.9076563270232905 1.109481539490802 1.3410361918550817 0.8587210719606696 1.0918427695768007 0.8498929143891507 0.5408312271478108 0.36478874710935494 0.14924156356766252 -0.9262946622004765 -0.324380717284222 -0.536427294005491 -0.6138165555825964 -0.6475077663025415 -0.7562127968844725 -1.5561792503640144 +27193,-0.9846044691789279,1,-0.4670979450976695 0.4448685427922085 0.6637348415606253 0.9076563270232905 1.109481539490802 1.3410361918550817 0.8587210719606696 1.0918427695768007 0.8498929143891507 0.5408312271478108 0.36478874710935494 0.14924156356766252 -0.9262946622004765 -0.324380717284222 -0.536427294005491 -0.6138165555825964 -0.6475077663025415 -0.7562127968844725 -1.5561792503640144 -0.910991320038683 +27194,-1.064222057961344,1,0.4448685427922085 0.6637348415606253 0.9076563270232905 1.109481539490802 1.3410361918550817 0.8587210719606696 1.0918427695768007 0.8498929143891507 0.5408312271478108 0.36478874710935494 0.14924156356766252 -0.9262946622004765 -0.324380717284222 -0.536427294005491 -0.6138165555825964 -0.6475077663025415 -0.7562127968844725 -1.5561792503640144 -0.910991320038683 -0.9846044691789279 +27195,-1.0732806106391786,1,0.6637348415606253 0.9076563270232905 1.109481539490802 1.3410361918550817 0.8587210719606696 1.0918427695768007 0.8498929143891507 0.5408312271478108 0.36478874710935494 0.14924156356766252 -0.9262946622004765 -0.324380717284222 -0.536427294005491 -0.6138165555825964 -0.6475077663025415 -0.7562127968844725 -1.5561792503640144 -0.910991320038683 -0.9846044691789279 -1.064222057961344 +27196,-1.0827954807398499,1,0.9076563270232905 1.109481539490802 1.3410361918550817 0.8587210719606696 1.0918427695768007 0.8498929143891507 0.5408312271478108 0.36478874710935494 0.14924156356766252 -0.9262946622004765 -0.324380717284222 -0.536427294005491 -0.6138165555825964 -0.6475077663025415 -0.7562127968844725 -1.5561792503640144 -0.910991320038683 -0.9846044691789279 -1.064222057961344 -1.0732806106391786 +27197,-0.44993867425026723,1,1.109481539490802 1.3410361918550817 0.8587210719606696 1.0918427695768007 0.8498929143891507 0.5408312271478108 0.36478874710935494 0.14924156356766252 -0.9262946622004765 -0.324380717284222 -0.536427294005491 -0.6138165555825964 -0.6475077663025415 -0.7562127968844725 -1.5561792503640144 -0.910991320038683 -0.9846044691789279 -1.064222057961344 -1.0732806106391786 -1.0827954807398499 +27198,-0.03649266421738833,1,1.3410361918550817 0.8587210719606696 1.0918427695768007 0.8498929143891507 0.5408312271478108 0.36478874710935494 0.14924156356766252 -0.9262946622004765 -0.324380717284222 -0.536427294005491 -0.6138165555825964 -0.6475077663025415 -0.7562127968844725 -1.5561792503640144 -0.910991320038683 -0.9846044691789279 -1.064222057961344 -1.0732806106391786 -1.0827954807398499 -0.44993867425026723 +27199,0.6662018309027218,1,0.8587210719606696 1.0918427695768007 0.8498929143891507 0.5408312271478108 0.36478874710935494 0.14924156356766252 -0.9262946622004765 -0.324380717284222 -0.536427294005491 -0.6138165555825964 -0.6475077663025415 -0.7562127968844725 -1.5561792503640144 -0.910991320038683 -0.9846044691789279 -1.064222057961344 -1.0732806106391786 -1.0827954807398499 -0.44993867425026723 -0.03649266421738833 +27200,0.6632158458009324,1,1.0918427695768007 0.8498929143891507 0.5408312271478108 0.36478874710935494 0.14924156356766252 -0.9262946622004765 -0.324380717284222 -0.536427294005491 -0.6138165555825964 -0.6475077663025415 -0.7562127968844725 -1.5561792503640144 -0.910991320038683 -0.9846044691789279 -1.064222057961344 -1.0732806106391786 -1.0827954807398499 -0.44993867425026723 -0.03649266421738833 0.6662018309027218 +27201,0.8519360586877814,1,0.8498929143891507 0.5408312271478108 0.36478874710935494 0.14924156356766252 -0.9262946622004765 -0.324380717284222 -0.536427294005491 -0.6138165555825964 -0.6475077663025415 -0.7562127968844725 -1.5561792503640144 -0.910991320038683 -0.9846044691789279 -1.064222057961344 -1.0732806106391786 -1.0827954807398499 -0.44993867425026723 -0.03649266421738833 0.6662018309027218 0.6632158458009324 +27202,0.8473237103938079,1,0.5408312271478108 0.36478874710935494 0.14924156356766252 -0.9262946622004765 -0.324380717284222 -0.536427294005491 -0.6138165555825964 -0.6475077663025415 -0.7562127968844725 -1.5561792503640144 -0.910991320038683 -0.9846044691789279 -1.064222057961344 -1.0732806106391786 -1.0827954807398499 -0.44993867425026723 -0.03649266421738833 0.6662018309027218 0.6632158458009324 0.8519360586877814 +27203,0.841101562066979,1,0.36478874710935494 0.14924156356766252 -0.9262946622004765 -0.324380717284222 -0.536427294005491 -0.6138165555825964 -0.6475077663025415 -0.7562127968844725 -1.5561792503640144 -0.910991320038683 -0.9846044691789279 -1.064222057961344 -1.0732806106391786 -1.0827954807398499 -0.44993867425026723 -0.03649266421738833 0.6662018309027218 0.6632158458009324 0.8519360586877814 0.8473237103938079 +27204,0.7474176842294474,1,0.14924156356766252 -0.9262946622004765 -0.324380717284222 -0.536427294005491 -0.6138165555825964 -0.6475077663025415 -0.7562127968844725 -1.5561792503640144 -0.910991320038683 -0.9846044691789279 -1.064222057961344 -1.0732806106391786 -1.0827954807398499 -0.44993867425026723 -0.03649266421738833 0.6662018309027218 0.6632158458009324 0.8519360586877814 0.8473237103938079 0.841101562066979 +27205,0.6275072001141692,1,-0.9262946622004765 -0.324380717284222 -0.536427294005491 -0.6138165555825964 -0.6475077663025415 -0.7562127968844725 -1.5561792503640144 -0.910991320038683 -0.9846044691789279 -1.064222057961344 -1.0732806106391786 -1.0827954807398499 -0.44993867425026723 -0.03649266421738833 0.6662018309027218 0.6632158458009324 0.8519360586877814 0.8473237103938079 0.841101562066979 0.7474176842294474 +27206,-0.37079489317337555,1,-0.324380717284222 -0.536427294005491 -0.6138165555825964 -0.6475077663025415 -0.7562127968844725 -1.5561792503640144 -0.910991320038683 -0.9846044691789279 -1.064222057961344 -1.0732806106391786 -1.0827954807398499 -0.44993867425026723 -0.03649266421738833 0.6662018309027218 0.6632158458009324 0.8519360586877814 0.8473237103938079 0.841101562066979 0.7474176842294474 0.6275072001141692 +27207,0.05792223490668219,1,-0.536427294005491 -0.6138165555825964 -0.6475077663025415 -0.7562127968844725 -1.5561792503640144 -0.910991320038683 -0.9846044691789279 -1.064222057961344 -1.0732806106391786 -1.0827954807398499 -0.44993867425026723 -0.03649266421738833 0.6662018309027218 0.6632158458009324 0.8519360586877814 0.8473237103938079 0.841101562066979 0.7474176842294474 0.6275072001141692 -0.37079489317337555 +27208,-0.09111216116196237,1,-0.6138165555825964 -0.6475077663025415 -0.7562127968844725 -1.5561792503640144 -0.910991320038683 -0.9846044691789279 -1.064222057961344 -1.0732806106391786 -1.0827954807398499 -0.44993867425026723 -0.03649266421738833 0.6662018309027218 0.6632158458009324 0.8519360586877814 0.8473237103938079 0.841101562066979 0.7474176842294474 0.6275072001141692 -0.37079489317337555 0.05792223490668219 +27209,-0.264017093254082,1,-0.6475077663025415 -0.7562127968844725 -1.5561792503640144 -0.910991320038683 -0.9846044691789279 -1.064222057961344 -1.0732806106391786 -1.0827954807398499 -0.44993867425026723 -0.03649266421738833 0.6662018309027218 0.6632158458009324 0.8519360586877814 0.8473237103938079 0.841101562066979 0.7474176842294474 0.6275072001141692 -0.37079489317337555 0.05792223490668219 -0.09111216116196237 +27210,-0.40486554932440866,1,-0.7562127968844725 -1.5561792503640144 -0.910991320038683 -0.9846044691789279 -1.064222057961344 -1.0732806106391786 -1.0827954807398499 -0.44993867425026723 -0.03649266421738833 0.6662018309027218 0.6632158458009324 0.8519360586877814 0.8473237103938079 0.841101562066979 0.7474176842294474 0.6275072001141692 -0.37079489317337555 0.05792223490668219 -0.09111216116196237 -0.264017093254082 +27211,-0.5224972269216073,1,-1.5561792503640144 -0.910991320038683 -0.9846044691789279 -1.064222057961344 -1.0732806106391786 -1.0827954807398499 -0.44993867425026723 -0.03649266421738833 0.6662018309027218 0.6632158458009324 0.8519360586877814 0.8473237103938079 0.841101562066979 0.7474176842294474 0.6275072001141692 -0.37079489317337555 0.05792223490668219 -0.09111216116196237 -0.264017093254082 -0.40486554932440866 +27212,-0.5558286106978267,1,-0.910991320038683 -0.9846044691789279 -1.064222057961344 -1.0732806106391786 -1.0827954807398499 -0.44993867425026723 -0.03649266421738833 0.6662018309027218 0.6632158458009324 0.8519360586877814 0.8473237103938079 0.841101562066979 0.7474176842294474 0.6275072001141692 -0.37079489317337555 0.05792223490668219 -0.09111216116196237 -0.264017093254082 -0.40486554932440866 -0.5224972269216073 +27213,-0.5998864884987125,1,-0.9846044691789279 -1.064222057961344 -1.0732806106391786 -1.0827954807398499 -0.44993867425026723 -0.03649266421738833 0.6662018309027218 0.6632158458009324 0.8519360586877814 0.8473237103938079 0.841101562066979 0.7474176842294474 0.6275072001141692 -0.37079489317337555 0.05792223490668219 -0.09111216116196237 -0.264017093254082 -0.40486554932440866 -0.5224972269216073 -0.5558286106978267 +27214,-0.6413984165391428,1,-1.064222057961344 -1.0732806106391786 -1.0827954807398499 -0.44993867425026723 -0.03649266421738833 0.6662018309027218 0.6632158458009324 0.8519360586877814 0.8473237103938079 0.841101562066979 0.7474176842294474 0.6275072001141692 -0.37079489317337555 0.05792223490668219 -0.09111216116196237 -0.264017093254082 -0.40486554932440866 -0.5224972269216073 -0.5558286106978267 -0.5998864884987125 +27215,-0.6881102466966202,1,-1.0732806106391786 -1.0827954807398499 -0.44993867425026723 -0.03649266421738833 0.6662018309027218 0.6632158458009324 0.8519360586877814 0.8473237103938079 0.841101562066979 0.7474176842294474 0.6275072001141692 -0.37079489317337555 0.05792223490668219 -0.09111216116196237 -0.264017093254082 -0.40486554932440866 -0.5224972269216073 -0.5558286106978267 -0.5998864884987125 -0.6413984165391428 +27216,-0.7285901824332126,1,-1.0827954807398499 -0.44993867425026723 -0.03649266421738833 0.6662018309027218 0.6632158458009324 0.8519360586877814 0.8473237103938079 0.841101562066979 0.7474176842294474 0.6275072001141692 -0.37079489317337555 0.05792223490668219 -0.09111216116196237 -0.264017093254082 -0.40486554932440866 -0.5224972269216073 -0.5558286106978267 -0.5998864884987125 -0.6413984165391428 -0.6881102466966202 +27217,-0.7809773605891412,1,-0.44993867425026723 -0.03649266421738833 0.6662018309027218 0.6632158458009324 0.8519360586877814 0.8473237103938079 0.841101562066979 0.7474176842294474 0.6275072001141692 -0.37079489317337555 0.05792223490668219 -0.09111216116196237 -0.264017093254082 -0.40486554932440866 -0.5224972269216073 -0.5558286106978267 -0.5998864884987125 -0.6413984165391428 -0.6881102466966202 -0.7285901824332126 +27218,-1.4798126623401873,1,-0.03649266421738833 0.6662018309027218 0.6632158458009324 0.8519360586877814 0.8473237103938079 0.841101562066979 0.7474176842294474 0.6275072001141692 -0.37079489317337555 0.05792223490668219 -0.09111216116196237 -0.264017093254082 -0.40486554932440866 -0.5224972269216073 -0.5558286106978267 -0.5998864884987125 -0.6413984165391428 -0.6881102466966202 -0.7285901824332126 -0.7809773605891412 +27219,-0.6912058171597016,1,0.6662018309027218 0.6632158458009324 0.8519360586877814 0.8473237103938079 0.841101562066979 0.7474176842294474 0.6275072001141692 -0.37079489317337555 0.05792223490668219 -0.09111216116196237 -0.264017093254082 -0.40486554932440866 -0.5224972269216073 -0.5558286106978267 -0.5998864884987125 -0.6413984165391428 -0.6881102466966202 -0.7285901824332126 -0.7809773605891412 -1.4798126623401873 +27220,-0.5746726480914293,1,0.6632158458009324 0.8519360586877814 0.8473237103938079 0.841101562066979 0.7474176842294474 0.6275072001141692 -0.37079489317337555 0.05792223490668219 -0.09111216116196237 -0.264017093254082 -0.40486554932440866 -0.5224972269216073 -0.5558286106978267 -0.5998864884987125 -0.6413984165391428 -0.6881102466966202 -0.7285901824332126 -0.7809773605891412 -1.4798126623401873 -0.6912058171597016 +27221,-0.4404646096498799,1,0.8519360586877814 0.8473237103938079 0.841101562066979 0.7474176842294474 0.6275072001141692 -0.37079489317337555 0.05792223490668219 -0.09111216116196237 -0.264017093254082 -0.40486554932440866 -0.5224972269216073 -0.5558286106978267 -0.5998864884987125 -0.6413984165391428 -0.6881102466966202 -0.7285901824332126 -0.7809773605891412 -1.4798126623401873 -0.6912058171597016 -0.5746726480914293 +27222,-0.07828286546903115,1,0.8473237103938079 0.841101562066979 0.7474176842294474 0.6275072001141692 -0.37079489317337555 0.05792223490668219 -0.09111216116196237 -0.264017093254082 -0.40486554932440866 -0.5224972269216073 -0.5558286106978267 -0.5998864884987125 -0.6413984165391428 -0.6881102466966202 -0.7285901824332126 -0.7809773605891412 -1.4798126623401873 -0.6912058171597016 -0.5746726480914293 -0.4404646096498799 +27223,-0.0775966411113338,1,0.841101562066979 0.7474176842294474 0.6275072001141692 -0.37079489317337555 0.05792223490668219 -0.09111216116196237 -0.264017093254082 -0.40486554932440866 -0.5224972269216073 -0.5558286106978267 -0.5998864884987125 -0.6413984165391428 -0.6881102466966202 -0.7285901824332126 -0.7809773605891412 -1.4798126623401873 -0.6912058171597016 -0.5746726480914293 -0.4404646096498799 -0.07828286546903115 +27224,0.034705456433545334,1,0.7474176842294474 0.6275072001141692 -0.37079489317337555 0.05792223490668219 -0.09111216116196237 -0.264017093254082 -0.40486554932440866 -0.5224972269216073 -0.5558286106978267 -0.5998864884987125 -0.6413984165391428 -0.6881102466966202 -0.7285901824332126 -0.7809773605891412 -1.4798126623401873 -0.6912058171597016 -0.5746726480914293 -0.4404646096498799 -0.07828286546903115 -0.0775966411113338 +27225,0.08817699450404777,1,0.6275072001141692 -0.37079489317337555 0.05792223490668219 -0.09111216116196237 -0.264017093254082 -0.40486554932440866 -0.5224972269216073 -0.5558286106978267 -0.5998864884987125 -0.6413984165391428 -0.6881102466966202 -0.7285901824332126 -0.7809773605891412 -1.4798126623401873 -0.6912058171597016 -0.5746726480914293 -0.4404646096498799 -0.07828286546903115 -0.0775966411113338 0.034705456433545334 +27226,0.14614599310458112,1,-0.37079489317337555 0.05792223490668219 -0.09111216116196237 -0.264017093254082 -0.40486554932440866 -0.5224972269216073 -0.5558286106978267 -0.5998864884987125 -0.6413984165391428 -0.6881102466966202 -0.7285901824332126 -0.7809773605891412 -1.4798126623401873 -0.6912058171597016 -0.5746726480914293 -0.4404646096498799 -0.07828286546903115 -0.0775966411113338 0.034705456433545334 0.08817699450404777 +27227,-0.1424333675561979,1,0.05792223490668219 -0.09111216116196237 -0.264017093254082 -0.40486554932440866 -0.5224972269216073 -0.5558286106978267 -0.5998864884987125 -0.6413984165391428 -0.6881102466966202 -0.7285901824332126 -0.7809773605891412 -1.4798126623401873 -0.6912058171597016 -0.5746726480914293 -0.4404646096498799 -0.07828286546903115 -0.0775966411113338 0.034705456433545334 0.08817699450404777 0.14614599310458112 +27228,0.24984760361789585,1,-0.09111216116196237 -0.264017093254082 -0.40486554932440866 -0.5224972269216073 -0.5558286106978267 -0.5998864884987125 -0.6413984165391428 -0.6881102466966202 -0.7285901824332126 -0.7809773605891412 -1.4798126623401873 -0.6912058171597016 -0.5746726480914293 -0.4404646096498799 -0.07828286546903115 -0.0775966411113338 0.034705456433545334 0.08817699450404777 0.14614599310458112 -0.1424333675561979 +27229,0.09693324027114794,1,-0.264017093254082 -0.40486554932440866 -0.5224972269216073 -0.5558286106978267 -0.5998864884987125 -0.6413984165391428 -0.6881102466966202 -0.7285901824332126 -0.7809773605891412 -1.4798126623401873 -0.6912058171597016 -0.5746726480914293 -0.4404646096498799 -0.07828286546903115 -0.0775966411113338 0.034705456433545334 0.08817699450404777 0.14614599310458112 -0.1424333675561979 0.24984760361789585 +27230,-0.09840407347907781,1,-0.40486554932440866 -0.5224972269216073 -0.5558286106978267 -0.5998864884987125 -0.6413984165391428 -0.6881102466966202 -0.7285901824332126 -0.7809773605891412 -1.4798126623401873 -0.6912058171597016 -0.5746726480914293 -0.4404646096498799 -0.07828286546903115 -0.0775966411113338 0.034705456433545334 0.08817699450404777 0.14614599310458112 -0.1424333675561979 0.24984760361789585 0.09693324027114794 +27231,-0.23473277859036312,1,-0.5224972269216073 -0.5558286106978267 -0.5998864884987125 -0.6413984165391428 -0.6881102466966202 -0.7285901824332126 -0.7809773605891412 -1.4798126623401873 -0.6912058171597016 -0.5746726480914293 -0.4404646096498799 -0.07828286546903115 -0.0775966411113338 0.034705456433545334 0.08817699450404777 0.14614599310458112 -0.1424333675561979 0.24984760361789585 0.09693324027114794 -0.09840407347907781 +27232,-0.3955788379351557,1,-0.5558286106978267 -0.5998864884987125 -0.6413984165391428 -0.6881102466966202 -0.7285901824332126 -0.7809773605891412 -1.4798126623401873 -0.6912058171597016 -0.5746726480914293 -0.4404646096498799 -0.07828286546903115 -0.0775966411113338 0.034705456433545334 0.08817699450404777 0.14614599310458112 -0.1424333675561979 0.24984760361789585 0.09693324027114794 -0.09840407347907781 -0.23473277859036312 +27233,-0.4435601801129613,1,-0.5998864884987125 -0.6413984165391428 -0.6881102466966202 -0.7285901824332126 -0.7809773605891412 -1.4798126623401873 -0.6912058171597016 -0.5746726480914293 -0.4404646096498799 -0.07828286546903115 -0.0775966411113338 0.034705456433545334 0.08817699450404777 0.14614599310458112 -0.1424333675561979 0.24984760361789585 0.09693324027114794 -0.09840407347907781 -0.23473277859036312 -0.3955788379351557 +27234,-0.4432927028585191,1,-0.6413984165391428 -0.6881102466966202 -0.7285901824332126 -0.7809773605891412 -1.4798126623401873 -0.6912058171597016 -0.5746726480914293 -0.4404646096498799 -0.07828286546903115 -0.0775966411113338 0.034705456433545334 0.08817699450404777 0.14614599310458112 -0.1424333675561979 0.24984760361789585 0.09693324027114794 -0.09840407347907781 -0.23473277859036312 -0.3955788379351557 -0.4435601801129613 +27235,-0.4342734687237083,1,-0.6881102466966202 -0.7285901824332126 -0.7809773605891412 -1.4798126623401873 -0.6912058171597016 -0.5746726480914293 -0.4404646096498799 -0.07828286546903115 -0.0775966411113338 0.034705456433545334 0.08817699450404777 0.14614599310458112 -0.1424333675561979 0.24984760361789585 0.09693324027114794 -0.09840407347907781 -0.23473277859036312 -0.3955788379351557 -0.4435601801129613 -0.4432927028585191 +27236,-1.098528230066129,1,-0.7285901824332126 -0.7809773605891412 -1.4798126623401873 -0.6912058171597016 -0.5746726480914293 -0.4404646096498799 -0.07828286546903115 -0.0775966411113338 0.034705456433545334 0.08817699450404777 0.14614599310458112 -0.1424333675561979 0.24984760361789585 0.09693324027114794 -0.09840407347907781 -0.23473277859036312 -0.3955788379351557 -0.4435601801129613 -0.4432927028585191 -0.4342734687237083 +27237,-0.6587023272973206,1,-0.7809773605891412 -1.4798126623401873 -0.6912058171597016 -0.5746726480914293 -0.4404646096498799 -0.07828286546903115 -0.0775966411113338 0.034705456433545334 0.08817699450404777 0.14614599310458112 -0.1424333675561979 0.24984760361789585 0.09693324027114794 -0.09840407347907781 -0.23473277859036312 -0.3955788379351557 -0.4435601801129613 -0.4432927028585191 -0.4342734687237083 -1.098528230066129 +27238,-0.6858370552338007,1,-1.4798126623401873 -0.6912058171597016 -0.5746726480914293 -0.4404646096498799 -0.07828286546903115 -0.0775966411113338 0.034705456433545334 0.08817699450404777 0.14614599310458112 -0.1424333675561979 0.24984760361789585 0.09693324027114794 -0.09840407347907781 -0.23473277859036312 -0.3955788379351557 -0.4435601801129613 -0.4432927028585191 -0.4342734687237083 -1.098528230066129 -0.6587023272973206 +27239,-0.7175181660959199,1,-0.6912058171597016 -0.5746726480914293 -0.4404646096498799 -0.07828286546903115 -0.0775966411113338 0.034705456433545334 0.08817699450404777 0.14614599310458112 -0.1424333675561979 0.24984760361789585 0.09693324027114794 -0.09840407347907781 -0.23473277859036312 -0.3955788379351557 -0.4435601801129613 -0.4432927028585191 -0.4342734687237083 -1.098528230066129 -0.6587023272973206 -0.6858370552338007 +27240,-0.8599832567543563,1,-0.5746726480914293 -0.4404646096498799 -0.07828286546903115 -0.0775966411113338 0.034705456433545334 0.08817699450404777 0.14614599310458112 -0.1424333675561979 0.24984760361789585 0.09693324027114794 -0.09840407347907781 -0.23473277859036312 -0.3955788379351557 -0.4435601801129613 -0.4432927028585191 -0.4342734687237083 -1.098528230066129 -0.6587023272973206 -0.6858370552338007 -0.7175181660959199 +27241,-1.027075212404341,1,-0.4404646096498799 -0.07828286546903115 -0.0775966411113338 0.034705456433545334 0.08817699450404777 0.14614599310458112 -0.1424333675561979 0.24984760361789585 0.09693324027114794 -0.09840407347907781 -0.23473277859036312 -0.3955788379351557 -0.4435601801129613 -0.4432927028585191 -0.4342734687237083 -1.098528230066129 -0.6587023272973206 -0.6858370552338007 -0.7175181660959199 -0.8599832567543563 +27242,-1.8321266382920025,1,-0.07828286546903115 -0.0775966411113338 0.034705456433545334 0.08817699450404777 0.14614599310458112 -0.1424333675561979 0.24984760361789585 0.09693324027114794 -0.09840407347907781 -0.23473277859036312 -0.3955788379351557 -0.4435601801129613 -0.4432927028585191 -0.4342734687237083 -1.098528230066129 -0.6587023272973206 -0.6858370552338007 -0.7175181660959199 -0.8599832567543563 -1.027075212404341 +27243,-1.1942360174108857,1,-0.0775966411113338 0.034705456433545334 0.08817699450404777 0.14614599310458112 -0.1424333675561979 0.24984760361789585 0.09693324027114794 -0.09840407347907781 -0.23473277859036312 -0.3955788379351557 -0.4435601801129613 -0.4432927028585191 -0.4342734687237083 -1.098528230066129 -0.6587023272973206 -0.6858370552338007 -0.7175181660959199 -0.8599832567543563 -1.027075212404341 -1.8321266382920025 +27244,-1.0375968219188967,1,0.034705456433545334 0.08817699450404777 0.14614599310458112 -0.1424333675561979 0.24984760361789585 0.09693324027114794 -0.09840407347907781 -0.23473277859036312 -0.3955788379351557 -0.4435601801129613 -0.4432927028585191 -0.4342734687237083 -1.098528230066129 -0.6587023272973206 -0.6858370552338007 -0.7175181660959199 -0.8599832567543563 -1.027075212404341 -1.8321266382920025 -1.1942360174108857 +27245,-0.8274109175354062,1,0.08817699450404777 0.14614599310458112 -0.1424333675561979 0.24984760361789585 0.09693324027114794 -0.09840407347907781 -0.23473277859036312 -0.3955788379351557 -0.4435601801129613 -0.4432927028585191 -0.4342734687237083 -1.098528230066129 -0.6587023272973206 -0.6858370552338007 -0.7175181660959199 -0.8599832567543563 -1.027075212404341 -1.8321266382920025 -1.1942360174108857 -1.0375968219188967 +27246,-0.2500870261701981,1,0.14614599310458112 -0.1424333675561979 0.24984760361789585 0.09693324027114794 -0.09840407347907781 -0.23473277859036312 -0.3955788379351557 -0.4435601801129613 -0.4432927028585191 -0.4342734687237083 -1.098528230066129 -0.6587023272973206 -0.6858370552338007 -0.7175181660959199 -0.8599832567543563 -1.027075212404341 -1.8321266382920025 -1.1942360174108857 -1.0375968219188967 -0.8274109175354062 +27247,-0.23482425610267174,1,-0.1424333675561979 0.24984760361789585 0.09693324027114794 -0.09840407347907781 -0.23473277859036312 -0.3955788379351557 -0.4435601801129613 -0.4432927028585191 -0.4342734687237083 -1.098528230066129 -0.6587023272973206 -0.6858370552338007 -0.7175181660959199 -0.8599832567543563 -1.027075212404341 -1.8321266382920025 -1.1942360174108857 -1.0375968219188967 -0.8274109175354062 -0.2500870261701981 +27248,-0.07518729500594096,1,0.24984760361789585 0.09693324027114794 -0.09840407347907781 -0.23473277859036312 -0.3955788379351557 -0.4435601801129613 -0.4432927028585191 -0.4342734687237083 -1.098528230066129 -0.6587023272973206 -0.6858370552338007 -0.7175181660959199 -0.8599832567543563 -1.027075212404341 -1.8321266382920025 -1.1942360174108857 -1.0375968219188967 -0.8274109175354062 -0.2500870261701981 -0.23482425610267174 +27249,0.03279346154960891,1,0.09693324027114794 -0.09840407347907781 -0.23473277859036312 -0.3955788379351557 -0.4435601801129613 -0.4432927028585191 -0.4342734687237083 -1.098528230066129 -0.6587023272973206 -0.6858370552338007 -0.7175181660959199 -0.8599832567543563 -1.027075212404341 -1.8321266382920025 -1.1942360174108857 -1.0375968219188967 -0.8274109175354062 -0.2500870261701981 -0.23482425610267174 -0.07518729500594096 +27250,0.16007606018845622,1,-0.09840407347907781 -0.23473277859036312 -0.3955788379351557 -0.4435601801129613 -0.4432927028585191 -0.4342734687237083 -1.098528230066129 -0.6587023272973206 -0.6858370552338007 -0.7175181660959199 -0.8599832567543563 -1.027075212404341 -1.8321266382920025 -1.1942360174108857 -1.0375968219188967 -0.8274109175354062 -0.2500870261701981 -0.23482425610267174 -0.07518729500594096 0.03279346154960891 +27251,-0.23302184673481308,1,-0.23473277859036312 -0.3955788379351557 -0.4435601801129613 -0.4432927028585191 -0.4342734687237083 -1.098528230066129 -0.6587023272973206 -0.6858370552338007 -0.7175181660959199 -0.8599832567543563 -1.027075212404341 -1.8321266382920025 -1.1942360174108857 -1.0375968219188967 -0.8274109175354062 -0.2500870261701981 -0.23482425610267174 -0.07518729500594096 0.03279346154960891 0.16007606018845622 +27252,0.10280800662139761,1,-0.3955788379351557 -0.4435601801129613 -0.4432927028585191 -0.4342734687237083 -1.098528230066129 -0.6587023272973206 -0.6858370552338007 -0.7175181660959199 -0.8599832567543563 -1.027075212404341 -1.8321266382920025 -1.1942360174108857 -1.0375968219188967 -0.8274109175354062 -0.2500870261701981 -0.23482425610267174 -0.07518729500594096 0.03279346154960891 0.16007606018845622 -0.23302184673481308 +27253,-0.009643381000202211,1,-0.4435601801129613 -0.4432927028585191 -0.4342734687237083 -1.098528230066129 -0.6587023272973206 -0.6858370552338007 -0.7175181660959199 -0.8599832567543563 -1.027075212404341 -1.8321266382920025 -1.1942360174108857 -1.0375968219188967 -0.8274109175354062 -0.2500870261701981 -0.23482425610267174 -0.07518729500594096 0.03279346154960891 0.16007606018845622 -0.23302184673481308 0.10280800662139761 +27254,-0.17114997936155218,1,-0.4432927028585191 -0.4342734687237083 -1.098528230066129 -0.6587023272973206 -0.6858370552338007 -0.7175181660959199 -0.8599832567543563 -1.027075212404341 -1.8321266382920025 -1.1942360174108857 -1.0375968219188967 -0.8274109175354062 -0.2500870261701981 -0.23482425610267174 -0.07518729500594096 0.03279346154960891 0.16007606018845622 -0.23302184673481308 0.10280800662139761 -0.009643381000202211 +27255,-0.2723459283448777,1,-0.4342734687237083 -1.098528230066129 -0.6587023272973206 -0.6858370552338007 -0.7175181660959199 -0.8599832567543563 -1.027075212404341 -1.8321266382920025 -1.1942360174108857 -1.0375968219188967 -0.8274109175354062 -0.2500870261701981 -0.23482425610267174 -0.07518729500594096 0.03279346154960891 0.16007606018845622 -0.23302184673481308 0.10280800662139761 -0.009643381000202211 -0.17114997936155218 +27256,-0.4095089050190395,1,-1.098528230066129 -0.6587023272973206 -0.6858370552338007 -0.7175181660959199 -0.8599832567543563 -1.027075212404341 -1.8321266382920025 -1.1942360174108857 -1.0375968219188967 -0.8274109175354062 -0.2500870261701981 -0.23482425610267174 -0.07518729500594096 0.03279346154960891 0.16007606018845622 -0.23302184673481308 0.10280800662139761 -0.009643381000202211 -0.17114997936155218 -0.2723459283448777 +27257,-1.4218848419466306,1,-0.6587023272973206 -0.6858370552338007 -0.7175181660959199 -0.8599832567543563 -1.027075212404341 -1.8321266382920025 -1.1942360174108857 -1.0375968219188967 -0.8274109175354062 -0.2500870261701981 -0.23482425610267174 -0.07518729500594096 0.03279346154960891 0.16007606018845622 -0.23302184673481308 0.10280800662139761 -0.009643381000202211 -0.17114997936155218 -0.2723459283448777 -0.4095089050190395 +27258,-0.7438305150321293,1,-0.6858370552338007 -0.7175181660959199 -0.8599832567543563 -1.027075212404341 -1.8321266382920025 -1.1942360174108857 -1.0375968219188967 -0.8274109175354062 -0.2500870261701981 -0.23482425610267174 -0.07518729500594096 0.03279346154960891 0.16007606018845622 -0.23302184673481308 0.10280800662139761 -0.009643381000202211 -0.17114997936155218 -0.2723459283448777 -0.4095089050190395 -1.4218848419466306 +27259,-0.8371215292240628,1,-0.7175181660959199 -0.8599832567543563 -1.027075212404341 -1.8321266382920025 -1.1942360174108857 -1.0375968219188967 -0.8274109175354062 -0.2500870261701981 -0.23482425610267174 -0.07518729500594096 0.03279346154960891 0.16007606018845622 -0.23302184673481308 0.10280800662139761 -0.009643381000202211 -0.17114997936155218 -0.2723459283448777 -0.4095089050190395 -1.4218848419466306 -0.7438305150321293 +27260,-0.9373036689748925,1,-0.8599832567543563 -1.027075212404341 -1.8321266382920025 -1.1942360174108857 -1.0375968219188967 -0.8274109175354062 -0.2500870261701981 -0.23482425610267174 -0.07518729500594096 0.03279346154960891 0.16007606018845622 -0.23302184673481308 0.10280800662139761 -0.009643381000202211 -0.17114997936155218 -0.2723459283448777 -0.4095089050190395 -1.4218848419466306 -0.7438305150321293 -0.8371215292240628 +27261,-1.064194491906366,1,-1.027075212404341 -1.8321266382920025 -1.1942360174108857 -1.0375968219188967 -0.8274109175354062 -0.2500870261701981 -0.23482425610267174 -0.07518729500594096 0.03279346154960891 0.16007606018845622 -0.23302184673481308 0.10280800662139761 -0.009643381000202211 -0.17114997936155218 -0.2723459283448777 -0.4095089050190395 -1.4218848419466306 -0.7438305150321293 -0.8371215292240628 -0.9373036689748925 +27262,-1.2081660844947608,1,-1.8321266382920025 -1.1942360174108857 -1.0375968219188967 -0.8274109175354062 -0.2500870261701981 -0.23482425610267174 -0.07518729500594096 0.03279346154960891 0.16007606018845622 -0.23302184673481308 0.10280800662139761 -0.009643381000202211 -0.17114997936155218 -0.2723459283448777 -0.4095089050190395 -1.4218848419466306 -0.7438305150321293 -0.8371215292240628 -0.9373036689748925 -1.064194491906366 +27263,-2.109239533883029,1,-1.1942360174108857 -1.0375968219188967 -0.8274109175354062 -0.2500870261701981 -0.23482425610267174 -0.07518729500594096 0.03279346154960891 0.16007606018845622 -0.23302184673481308 0.10280800662139761 -0.009643381000202211 -0.17114997936155218 -0.2723459283448777 -0.4095089050190395 -1.4218848419466306 -0.7438305150321293 -0.8371215292240628 -0.9373036689748925 -1.064194491906366 -1.2081660844947608 +27264,-1.2731730642195318,1,-1.0375968219188967 -0.8274109175354062 -0.2500870261701981 -0.23482425610267174 -0.07518729500594096 0.03279346154960891 0.16007606018845622 -0.23302184673481308 0.10280800662139761 -0.009643381000202211 -0.17114997936155218 -0.2723459283448777 -0.4095089050190395 -1.4218848419466306 -0.7438305150321293 -0.8371215292240628 -0.9373036689748925 -1.064194491906366 -1.2081660844947608 -2.109239533883029 +27265,-1.3506344355627873,1,-0.8274109175354062 -0.2500870261701981 -0.23482425610267174 -0.07518729500594096 0.03279346154960891 0.16007606018845622 -0.23302184673481308 0.10280800662139761 -0.009643381000202211 -0.17114997936155218 -0.2723459283448777 -0.4095089050190395 -1.4218848419466306 -0.7438305150321293 -0.8371215292240628 -0.9373036689748925 -1.064194491906366 -1.2081660844947608 -2.109239533883029 -1.2731730642195318 +27266,-1.4403338692260765,1,-0.2500870261701981 -0.23482425610267174 -0.07518729500594096 0.03279346154960891 0.16007606018845622 -0.23302184673481308 0.10280800662139761 -0.009643381000202211 -0.17114997936155218 -0.2723459283448777 -0.4095089050190395 -1.4218848419466306 -0.7438305150321293 -0.8371215292240628 -0.9373036689748925 -1.064194491906366 -1.2081660844947608 -2.109239533883029 -1.2731730642195318 -1.3506344355627873 +27267,-1.3888795859601963,1,-0.23482425610267174 -0.07518729500594096 0.03279346154960891 0.16007606018845622 -0.23302184673481308 0.10280800662139761 -0.009643381000202211 -0.17114997936155218 -0.2723459283448777 -0.4095089050190395 -1.4218848419466306 -0.7438305150321293 -0.8371215292240628 -0.9373036689748925 -1.064194491906366 -1.2081660844947608 -2.109239533883029 -1.2731730642195318 -1.3506344355627873 -1.4403338692260765 +27268,-1.3304411177865902,1,-0.07518729500594096 0.03279346154960891 0.16007606018845622 -0.23302184673481308 0.10280800662139761 -0.009643381000202211 -0.17114997936155218 -0.2723459283448777 -0.4095089050190395 -1.4218848419466306 -0.7438305150321293 -0.8371215292240628 -0.9373036689748925 -1.064194491906366 -1.2081660844947608 -2.109239533883029 -1.2731730642195318 -1.3506344355627873 -1.4403338692260765 -1.3888795859601963 +27269,-1.1503527994344462,1,0.03279346154960891 0.16007606018845622 -0.23302184673481308 0.10280800662139761 -0.009643381000202211 -0.17114997936155218 -0.2723459283448777 -0.4095089050190395 -1.4218848419466306 -0.7438305150321293 -0.8371215292240628 -0.9373036689748925 -1.064194491906366 -1.2081660844947608 -2.109239533883029 -1.2731730642195318 -1.3506344355627873 -1.4403338692260765 -1.3888795859601963 -1.3304411177865902 +27270,-0.45284689150221424,1,0.16007606018845622 -0.23302184673481308 0.10280800662139761 -0.009643381000202211 -0.17114997936155218 -0.2723459283448777 -0.4095089050190395 -1.4218848419466306 -0.7438305150321293 -0.8371215292240628 -0.9373036689748925 -1.064194491906366 -1.2081660844947608 -2.109239533883029 -1.2731730642195318 -1.3506344355627873 -1.4403338692260765 -1.3888795859601963 -1.3304411177865902 -1.1503527994344462 +27271,-0.08191584306147424,1,-0.23302184673481308 0.10280800662139761 -0.009643381000202211 -0.17114997936155218 -0.2723459283448777 -0.4095089050190395 -1.4218848419466306 -0.7438305150321293 -0.8371215292240628 -0.9373036689748925 -1.064194491906366 -1.2081660844947608 -2.109239533883029 -1.2731730642195318 -1.3506344355627873 -1.4403338692260765 -1.3888795859601963 -1.3304411177865902 -1.1503527994344462 -0.45284689150221424 +27272,0.3566447845943007,1,0.10280800662139761 -0.009643381000202211 -0.17114997936155218 -0.2723459283448777 -0.4095089050190395 -1.4218848419466306 -0.7438305150321293 -0.8371215292240628 -0.9373036689748925 -1.064194491906366 -1.2081660844947608 -2.109239533883029 -1.2731730642195318 -1.3506344355627873 -1.4403338692260765 -1.3888795859601963 -1.3304411177865902 -1.1503527994344462 -0.45284689150221424 -0.08191584306147424 +27273,0.4317949476191135,1,-0.009643381000202211 -0.17114997936155218 -0.2723459283448777 -0.4095089050190395 -1.4218848419466306 -0.7438305150321293 -0.8371215292240628 -0.9373036689748925 -1.064194491906366 -1.2081660844947608 -2.109239533883029 -1.2731730642195318 -1.3506344355627873 -1.4403338692260765 -1.3888795859601963 -1.3304411177865902 -1.1503527994344462 -0.45284689150221424 -0.08191584306147424 0.3566447845943007 +27274,0.5207100191377643,1,-0.17114997936155218 -0.2723459283448777 -0.4095089050190395 -1.4218848419466306 -0.7438305150321293 -0.8371215292240628 -0.9373036689748925 -1.064194491906366 -1.2081660844947608 -2.109239533883029 -1.2731730642195318 -1.3506344355627873 -1.4403338692260765 -1.3888795859601963 -1.3304411177865902 -1.1503527994344462 -0.45284689150221424 -0.08191584306147424 0.3566447845943007 0.4317949476191135 +27275,0.19790749610628838,1,-0.2723459283448777 -0.4095089050190395 -1.4218848419466306 -0.7438305150321293 -0.8371215292240628 -0.9373036689748925 -1.064194491906366 -1.2081660844947608 -2.109239533883029 -1.2731730642195318 -1.3506344355627873 -1.4403338692260765 -1.3888795859601963 -1.3304411177865902 -1.1503527994344462 -0.45284689150221424 -0.08191584306147424 0.3566447845943007 0.4317949476191135 0.5207100191377643 +27276,0.5779780727048228,1,-0.4095089050190395 -1.4218848419466306 -0.7438305150321293 -0.8371215292240628 -0.9373036689748925 -1.064194491906366 -1.2081660844947608 -2.109239533883029 -1.2731730642195318 -1.3506344355627873 -1.4403338692260765 -1.3888795859601963 -1.3304411177865902 -1.1503527994344462 -0.45284689150221424 -0.08191584306147424 0.3566447845943007 0.4317949476191135 0.5207100191377643 0.19790749610628838 +27277,0.3488493076267092,1,-1.4218848419466306 -0.7438305150321293 -0.8371215292240628 -0.9373036689748925 -1.064194491906366 -1.2081660844947608 -2.109239533883029 -1.2731730642195318 -1.3506344355627873 -1.4403338692260765 -1.3888795859601963 -1.3304411177865902 -1.1503527994344462 -0.45284689150221424 -0.08191584306147424 0.3566447845943007 0.4317949476191135 0.5207100191377643 0.19790749610628838 0.5779780727048228 +27278,0.034705456433545334,1,-0.7438305150321293 -0.8371215292240628 -0.9373036689748925 -1.064194491906366 -1.2081660844947608 -2.109239533883029 -1.2731730642195318 -1.3506344355627873 -1.4403338692260765 -1.3888795859601963 -1.3304411177865902 -1.1503527994344462 -0.45284689150221424 -0.08191584306147424 0.3566447845943007 0.4317949476191135 0.5207100191377643 0.19790749610628838 0.5779780727048228 0.3488493076267092 +27279,-0.06785242979131285,1,-0.8371215292240628 -0.9373036689748925 -1.064194491906366 -1.2081660844947608 -2.109239533883029 -1.2731730642195318 -1.3506344355627873 -1.4403338692260765 -1.3888795859601963 -1.3304411177865902 -1.1503527994344462 -0.45284689150221424 -0.08191584306147424 0.3566447845943007 0.4317949476191135 0.5207100191377643 0.19790749610628838 0.5779780727048228 0.3488493076267092 0.034705456433545334 +27280,-0.20210568399239254,1,-0.9373036689748925 -1.064194491906366 -1.2081660844947608 -2.109239533883029 -1.2731730642195318 -1.3506344355627873 -1.4403338692260765 -1.3888795859601963 -1.3304411177865902 -1.1503527994344462 -0.45284689150221424 -0.08191584306147424 0.3566447845943007 0.4317949476191135 0.5207100191377643 0.19790749610628838 0.5779780727048228 0.3488493076267092 0.034705456433545334 -0.06785242979131285 +27281,-1.4051596889480635,1,-1.064194491906366 -1.2081660844947608 -2.109239533883029 -1.2731730642195318 -1.3506344355627873 -1.4403338692260765 -1.3888795859601963 -1.3304411177865902 -1.1503527994344462 -0.45284689150221424 -0.08191584306147424 0.3566447845943007 0.4317949476191135 0.5207100191377643 0.19790749610628838 0.5779780727048228 0.3488493076267092 0.034705456433545334 -0.06785242979131285 -0.20210568399239254 +27282,-0.6819191057704487,1,-1.2081660844947608 -2.109239533883029 -1.2731730642195318 -1.3506344355627873 -1.4403338692260765 -1.3888795859601963 -1.3304411177865902 -1.1503527994344462 -0.45284689150221424 -0.08191584306147424 0.3566447845943007 0.4317949476191135 0.5207100191377643 0.19790749610628838 0.5779780727048228 0.3488493076267092 0.034705456433545334 -0.06785242979131285 -0.20210568399239254 -1.4051596889480635 +27283,-0.9233736018910174,1,-2.109239533883029 -1.2731730642195318 -1.3506344355627873 -1.4403338692260765 -1.3888795859601963 -1.3304411177865902 -1.1503527994344462 -0.45284689150221424 -0.08191584306147424 0.3566447845943007 0.4317949476191135 0.5207100191377643 0.19790749610628838 0.5779780727048228 0.3488493076267092 0.034705456433545334 -0.06785242979131285 -0.20210568399239254 -1.4051596889480635 -0.6819191057704487 +27284,-0.9373036689748925,1,-1.2731730642195318 -1.3506344355627873 -1.4403338692260765 -1.3888795859601963 -1.3304411177865902 -1.1503527994344462 -0.45284689150221424 -0.08191584306147424 0.3566447845943007 0.4317949476191135 0.5207100191377643 0.19790749610628838 0.5779780727048228 0.3488493076267092 0.034705456433545334 -0.06785242979131285 -0.20210568399239254 -1.4051596889480635 -0.6819191057704487 -0.9233736018910174 +27285,-0.9610872597107672,1,-1.3506344355627873 -1.4403338692260765 -1.3888795859601963 -1.3304411177865902 -1.1503527994344462 -0.45284689150221424 -0.08191584306147424 0.3566447845943007 0.4317949476191135 0.5207100191377643 0.19790749610628838 0.5779780727048228 0.3488493076267092 0.034705456433545334 -0.06785242979131285 -0.20210568399239254 -1.4051596889480635 -0.6819191057704487 -0.9233736018910174 -0.9373036689748925 +27286,-1.0394574942566752,1,-1.4403338692260765 -1.3888795859601963 -1.3304411177865902 -1.1503527994344462 -0.45284689150221424 -0.08191584306147424 0.3566447845943007 0.4317949476191135 0.5207100191377643 0.19790749610628838 0.5779780727048228 0.3488493076267092 0.034705456433545334 -0.06785242979131285 -0.20210568399239254 -1.4051596889480635 -0.6819191057704487 -0.9233736018910174 -0.9373036689748925 -0.9610872597107672 +27287,-2.187745744766654,1,-1.3888795859601963 -1.3304411177865902 -1.1503527994344462 -0.45284689150221424 -0.08191584306147424 0.3566447845943007 0.4317949476191135 0.5207100191377643 0.19790749610628838 0.5779780727048228 0.3488493076267092 0.034705456433545334 -0.06785242979131285 -0.20210568399239254 -1.4051596889480635 -0.6819191057704487 -0.9233736018910174 -0.9373036689748925 -0.9610872597107672 -1.0394574942566752 +27288,-1.234478433430979,1,-1.3304411177865902 -1.1503527994344462 -0.45284689150221424 -0.08191584306147424 0.3566447845943007 0.4317949476191135 0.5207100191377643 0.19790749610628838 0.5779780727048228 0.3488493076267092 0.034705456433545334 -0.06785242979131285 -0.20210568399239254 -1.4051596889480635 -0.6819191057704487 -0.9233736018910174 -0.9373036689748925 -0.9610872597107672 -1.0394574942566752 -2.187745744766654 +27289,-1.2809601336177538,1,-1.1503527994344462 -0.45284689150221424 -0.08191584306147424 0.3566447845943007 0.4317949476191135 0.5207100191377643 0.19790749610628838 0.5779780727048228 0.3488493076267092 0.034705456433545334 -0.06785242979131285 -0.20210568399239254 -1.4051596889480635 -0.6819191057704487 -0.9233736018910174 -0.9373036689748925 -0.9610872597107672 -1.0394574942566752 -2.187745744766654 -1.234478433430979 +27290,-1.3381800439443026,1,-0.45284689150221424 -0.08191584306147424 0.3566447845943007 0.4317949476191135 0.5207100191377643 0.19790749610628838 0.5779780727048228 0.3488493076267092 0.034705456433545334 -0.06785242979131285 -0.20210568399239254 -1.4051596889480635 -0.6819191057704487 -0.9233736018910174 -0.9373036689748925 -0.9610872597107672 -1.0394574942566752 -2.187745744766654 -1.234478433430979 -1.2809601336177538 +27291,-1.3189684241194983,1,-0.08191584306147424 0.3566447845943007 0.4317949476191135 0.5207100191377643 0.19790749610628838 0.5779780727048228 0.3488493076267092 0.034705456433545334 -0.06785242979131285 -0.20210568399239254 -1.4051596889480635 -0.6819191057704487 -0.9233736018910174 -0.9373036689748925 -0.9610872597107672 -1.0394574942566752 -2.187745744766654 -1.234478433430979 -1.2809601336177538 -1.3381800439443026 +27292,-1.294842057461119,1,0.3566447845943007 0.4317949476191135 0.5207100191377643 0.19790749610628838 0.5779780727048228 0.3488493076267092 0.034705456433545334 -0.06785242979131285 -0.20210568399239254 -1.4051596889480635 -0.6819191057704487 -0.9233736018910174 -0.9373036689748925 -0.9610872597107672 -1.0394574942566752 -2.187745744766654 -1.234478433430979 -1.2809601336177538 -1.3381800439443026 -1.3189684241194983 +27293,-0.9140205473190472,1,0.4317949476191135 0.5207100191377643 0.19790749610628838 0.5779780727048228 0.3488493076267092 0.034705456433545334 -0.06785242979131285 -0.20210568399239254 -1.4051596889480635 -0.6819191057704487 -0.9233736018910174 -0.9373036689748925 -0.9610872597107672 -1.0394574942566752 -2.187745744766654 -1.234478433430979 -1.2809601336177538 -1.3381800439443026 -1.3189684241194983 -1.294842057461119 +27294,-0.17269776459309288,1,0.5207100191377643 0.19790749610628838 0.5779780727048228 0.3488493076267092 0.034705456433545334 -0.06785242979131285 -0.20210568399239254 -1.4051596889480635 -0.6819191057704487 -0.9233736018910174 -0.9373036689748925 -0.9610872597107672 -1.0394574942566752 -2.187745744766654 -1.234478433430979 -1.2809601336177538 -1.3381800439443026 -1.3189684241194983 -1.294842057461119 -0.9140205473190472 +27295,0.24525462988034288,1,0.19790749610628838 0.5779780727048228 0.3488493076267092 0.034705456433545334 -0.06785242979131285 -0.20210568399239254 -1.4051596889480635 -0.6819191057704487 -0.9233736018910174 -0.9373036689748925 -0.9610872597107672 -1.0394574942566752 -2.187745744766654 -1.234478433430979 -1.2809601336177538 -1.3381800439443026 -1.3189684241194983 -1.294842057461119 -0.9140205473190472 -0.17269776459309288 +27296,0.7079920321543646,1,0.5779780727048228 0.3488493076267092 0.034705456433545334 -0.06785242979131285 -0.20210568399239254 -1.4051596889480635 -0.6819191057704487 -0.9233736018910174 -0.9373036689748925 -0.9610872597107672 -1.0394574942566752 -2.187745744766654 -1.234478433430979 -1.2809601336177538 -1.3381800439443026 -1.3189684241194983 -1.294842057461119 -0.9140205473190472 -0.17269776459309288 0.24525462988034288 +27297,0.7667505827781854,1,0.3488493076267092 0.034705456433545334 -0.06785242979131285 -0.20210568399239254 -1.4051596889480635 -0.6819191057704487 -0.9233736018910174 -0.9373036689748925 -0.9610872597107672 -1.0394574942566752 -2.187745744766654 -1.234478433430979 -1.2809601336177538 -1.3381800439443026 -1.3189684241194983 -1.294842057461119 -0.9140205473190472 -0.17269776459309288 0.24525462988034288 0.7079920321543646 +27298,0.8395537768354382,1,0.034705456433545334 -0.06785242979131285 -0.20210568399239254 -1.4051596889480635 -0.6819191057704487 -0.9233736018910174 -0.9373036689748925 -0.9610872597107672 -1.0394574942566752 -2.187745744766654 -1.234478433430979 -1.2809601336177538 -1.3381800439443026 -1.3189684241194983 -1.294842057461119 -0.9140205473190472 -0.17269776459309288 0.24525462988034288 0.7079920321543646 0.7667505827781854 +27299,0.4801046700785386,1,-0.06785242979131285 -0.20210568399239254 -1.4051596889480635 -0.6819191057704487 -0.9233736018910174 -0.9373036689748925 -0.9610872597107672 -1.0394574942566752 -2.187745744766654 -1.234478433430979 -1.2809601336177538 -1.3381800439443026 -1.3189684241194983 -1.294842057461119 -0.9140205473190472 -0.17269776459309288 0.24525462988034288 0.7079920321543646 0.7667505827781854 0.8395537768354382 +27300,0.8101458574361385,1,-0.20210568399239254 -1.4051596889480635 -0.6819191057704487 -0.9233736018910174 -0.9373036689748925 -0.9610872597107672 -1.0394574942566752 -2.187745744766654 -1.234478433430979 -1.2809601336177538 -1.3381800439443026 -1.3189684241194983 -1.294842057461119 -0.9140205473190472 -0.17269776459309288 0.24525462988034288 0.7079920321543646 0.7667505827781854 0.8395537768354382 0.4801046700785386 +27301,0.6113662376013743,1,-1.4051596889480635 -0.6819191057704487 -0.9233736018910174 -0.9373036689748925 -0.9610872597107672 -1.0394574942566752 -2.187745744766654 -1.234478433430979 -1.2809601336177538 -1.3381800439443026 -1.3189684241194983 -1.294842057461119 -0.9140205473190472 -0.17269776459309288 0.24525462988034288 0.7079920321543646 0.7667505827781854 0.8395537768354382 0.4801046700785386 0.8101458574361385 +27302,0.30402008672187303,1,-0.6819191057704487 -0.9233736018910174 -0.9373036689748925 -0.9610872597107672 -1.0394574942566752 -2.187745744766654 -1.234478433430979 -1.2809601336177538 -1.3381800439443026 -1.3189684241194983 -1.294842057461119 -0.9140205473190472 -0.17269776459309288 0.24525462988034288 0.7079920321543646 0.7667505827781854 0.8395537768354382 0.4801046700785386 0.8101458574361385 0.6113662376013743 +27303,0.06181785741329157,1,-0.9233736018910174 -0.9373036689748925 -0.9610872597107672 -1.0394574942566752 -2.187745744766654 -1.234478433430979 -1.2809601336177538 -1.3381800439443026 -1.3189684241194983 -1.294842057461119 -0.9140205473190472 -0.17269776459309288 0.24525462988034288 0.7079920321543646 0.7667505827781854 0.8395537768354382 0.4801046700785386 0.8101458574361385 0.6113662376013743 0.30402008672187303 +27304,-0.24389588524403535,1,-0.9373036689748925 -0.9610872597107672 -1.0394574942566752 -2.187745744766654 -1.234478433430979 -1.2809601336177538 -1.3381800439443026 -1.3189684241194983 -1.294842057461119 -0.9140205473190472 -0.17269776459309288 0.24525462988034288 0.7079920321543646 0.7667505827781854 0.8395537768354382 0.4801046700785386 0.8101458574361385 0.6113662376013743 0.30402008672187303 0.06181785741329157 +27305,-1.3032019672812303,1,-0.9610872597107672 -1.0394574942566752 -2.187745744766654 -1.234478433430979 -1.2809601336177538 -1.3381800439443026 -1.3189684241194983 -1.294842057461119 -0.9140205473190472 -0.17269776459309288 0.24525462988034288 0.7079920321543646 0.7667505827781854 0.8395537768354382 0.4801046700785386 0.8101458574361385 0.6113662376013743 0.30402008672187303 0.06181785741329157 -0.24389588524403535 +27306,-0.5751219247940438,1,-1.0394574942566752 -2.187745744766654 -1.234478433430979 -1.2809601336177538 -1.3381800439443026 -1.3189684241194983 -1.294842057461119 -0.9140205473190472 -0.17269776459309288 0.24525462988034288 0.7079920321543646 0.7667505827781854 0.8395537768354382 0.4801046700785386 0.8101458574361385 0.6113662376013743 0.30402008672187303 0.06181785741329157 -0.24389588524403535 -1.3032019672812303 +27307,-0.6771828704248711,1,-2.187745744766654 -1.234478433430979 -1.2809601336177538 -1.3381800439443026 -1.3189684241194983 -1.294842057461119 -0.9140205473190472 -0.17269776459309288 0.24525462988034288 0.7079920321543646 0.7667505827781854 0.8395537768354382 0.4801046700785386 0.8101458574361385 0.6113662376013743 0.30402008672187303 0.06181785741329157 -0.24389588524403535 -1.3032019672812303 -0.5751219247940438 +27308,-0.7902640719783942,1,-1.234478433430979 -1.2809601336177538 -1.3381800439443026 -1.3189684241194983 -1.294842057461119 -0.9140205473190472 -0.17269776459309288 0.24525462988034288 0.7079920321543646 0.7667505827781854 0.8395537768354382 0.4801046700785386 0.8101458574361385 0.6113662376013743 0.30402008672187303 0.06181785741329157 -0.24389588524403535 -1.3032019672812303 -0.5751219247940438 -0.6771828704248711 +27309,-0.8773066632605235,1,-1.2809601336177538 -1.3381800439443026 -1.3189684241194983 -1.294842057461119 -0.9140205473190472 -0.17269776459309288 0.24525462988034288 0.7079920321543646 0.7667505827781854 0.8395537768354382 0.4801046700785386 0.8101458574361385 0.6113662376013743 0.30402008672187303 0.06181785741329157 -0.24389588524403535 -1.3032019672812303 -0.5751219247940438 -0.6771828704248711 -0.7902640719783942 +27310,-0.989928366847329,1,-1.3381800439443026 -1.3189684241194983 -1.294842057461119 -0.9140205473190472 -0.17269776459309288 0.24525462988034288 0.7079920321543646 0.7667505827781854 0.8395537768354382 0.4801046700785386 0.8101458574361385 0.6113662376013743 0.30402008672187303 0.06181785741329157 -0.24389588524403535 -1.3032019672812303 -0.5751219247940438 -0.6771828704248711 -0.7902640719783942 -0.8773066632605235 +27311,-1.8708473384272148,1,-1.3189684241194983 -1.294842057461119 -0.9140205473190472 -0.17269776459309288 0.24525462988034288 0.7079920321543646 0.7667505827781854 0.8395537768354382 0.4801046700785386 0.8101458574361385 0.6113662376013743 0.30402008672187303 0.06181785741329157 -0.24389588524403535 -1.3032019672812303 -0.5751219247940438 -0.6771828704248711 -0.7902640719783942 -0.8773066632605235 -0.989928366847329 +27312,-1.1679236684746674,1,-1.294842057461119 -0.9140205473190472 -0.17269776459309288 0.24525462988034288 0.7079920321543646 0.7667505827781854 0.8395537768354382 0.4801046700785386 0.8101458574361385 0.6113662376013743 0.30402008672187303 0.06181785741329157 -0.24389588524403535 -1.3032019672812303 -0.5751219247940438 -0.6771828704248711 -0.7902640719783942 -0.8773066632605235 -0.989928366847329 -1.8708473384272148 +27313,-1.1923074418776565,1,-0.9140205473190472 -0.17269776459309288 0.24525462988034288 0.7079920321543646 0.7667505827781854 0.8395537768354382 0.4801046700785386 0.8101458574361385 0.6113662376013743 0.30402008672187303 0.06181785741329157 -0.24389588524403535 -1.3032019672812303 -0.5751219247940438 -0.6771828704248711 -0.7902640719783942 -0.8773066632605235 -0.989928366847329 -1.8708473384272148 -1.1679236684746674 +27314,-1.220548366347104,1,-0.17269776459309288 0.24525462988034288 0.7079920321543646 0.7667505827781854 0.8395537768354382 0.4801046700785386 0.8101458574361385 0.6113662376013743 0.30402008672187303 0.06181785741329157 -0.24389588524403535 -1.3032019672812303 -0.5751219247940438 -0.6771828704248711 -0.7902640719783942 -0.8773066632605235 -0.989928366847329 -1.8708473384272148 -1.1679236684746674 -1.1923074418776565 +27315,-1.2081323627431488,1,0.24525462988034288 0.7079920321543646 0.7667505827781854 0.8395537768354382 0.4801046700785386 0.8101458574361385 0.6113662376013743 0.30402008672187303 0.06181785741329157 -0.24389588524403535 -1.3032019672812303 -0.5751219247940438 -0.6771828704248711 -0.7902640719783942 -0.8773066632605235 -0.989928366847329 -1.8708473384272148 -1.1679236684746674 -1.1923074418776565 -1.220548366347104 +27316,-1.1942360174108857,1,0.7079920321543646 0.7667505827781854 0.8395537768354382 0.4801046700785386 0.8101458574361385 0.6113662376013743 0.30402008672187303 0.06181785741329157 -0.24389588524403535 -1.3032019672812303 -0.5751219247940438 -0.6771828704248711 -0.7902640719783942 -0.8773066632605235 -0.989928366847329 -1.8708473384272148 -1.1679236684746674 -1.1923074418776565 -1.220548366347104 -1.2081323627431488 +27317,-0.6155328873512647,1,0.7667505827781854 0.8395537768354382 0.4801046700785386 0.8101458574361385 0.6113662376013743 0.30402008672187303 0.06181785741329157 -0.24389588524403535 -1.3032019672812303 -0.5751219247940438 -0.6771828704248711 -0.7902640719783942 -0.8773066632605235 -0.989928366847329 -1.8708473384272148 -1.1679236684746674 -1.1923074418776565 -1.220548366347104 -1.2081323627431488 -1.1942360174108857 +27318,0.05637444967513269,1,0.8395537768354382 0.4801046700785386 0.8101458574361385 0.6113662376013743 0.30402008672187303 0.06181785741329157 -0.24389588524403535 -1.3032019672812303 -0.5751219247940438 -0.6771828704248711 -0.7902640719783942 -0.8773066632605235 -0.989928366847329 -1.8708473384272148 -1.1679236684746674 -1.1923074418776565 -1.220548366347104 -1.2081323627431488 -1.1942360174108857 -0.6155328873512647 +27319,0.4109523412128716,1,0.4801046700785386 0.8101458574361385 0.6113662376013743 0.30402008672187303 0.06181785741329157 -0.24389588524403535 -1.3032019672812303 -0.5751219247940438 -0.6771828704248711 -0.7902640719783942 -0.8773066632605235 -0.989928366847329 -1.8708473384272148 -1.1679236684746674 -1.1923074418776565 -1.220548366347104 -1.2081323627431488 -1.1942360174108857 -0.6155328873512647 0.05637444967513269 +27320,0.8287192802146446,1,0.8101458574361385 0.6113662376013743 0.30402008672187303 0.06181785741329157 -0.24389588524403535 -1.3032019672812303 -0.5751219247940438 -0.6771828704248711 -0.7902640719783942 -0.8773066632605235 -0.989928366847329 -1.8708473384272148 -1.1679236684746674 -1.1923074418776565 -1.220548366347104 -1.2081323627431488 -1.1942360174108857 -0.6155328873512647 0.05637444967513269 0.4109523412128716 +27321,1.0042227991473829,1,0.6113662376013743 0.30402008672187303 0.06181785741329157 -0.24389588524403535 -1.3032019672812303 -0.5751219247940438 -0.6771828704248711 -0.7902640719783942 -0.8773066632605235 -0.989928366847329 -1.8708473384272148 -1.1679236684746674 -1.1923074418776565 -1.220548366347104 -1.2081323627431488 -1.1942360174108857 -0.6155328873512647 0.05637444967513269 0.4109523412128716 0.8287192802146446 +27322,1.2404301518048484,1,0.30402008672187303 0.06181785741329157 -0.24389588524403535 -1.3032019672812303 -0.5751219247940438 -0.6771828704248711 -0.7902640719783942 -0.8773066632605235 -0.989928366847329 -1.8708473384272148 -1.1679236684746674 -1.1923074418776565 -1.220548366347104 -1.2081323627431488 -1.1942360174108857 -0.6155328873512647 0.05637444967513269 0.4109523412128716 0.8287192802146446 1.0042227991473829 +27323,0.8707417198300212,1,0.06181785741329157 -0.24389588524403535 -1.3032019672812303 -0.5751219247940438 -0.6771828704248711 -0.7902640719783942 -0.8773066632605235 -0.989928366847329 -1.8708473384272148 -1.1679236684746674 -1.1923074418776565 -1.220548366347104 -1.2081323627431488 -1.1942360174108857 -0.6155328873512647 0.05637444967513269 0.4109523412128716 0.8287192802146446 1.0042227991473829 1.2404301518048484 +27324,1.0748171320298443,1,-0.24389588524403535 -1.3032019672812303 -0.5751219247940438 -0.6771828704248711 -0.7902640719783942 -0.8773066632605235 -0.989928366847329 -1.8708473384272148 -1.1679236684746674 -1.1923074418776565 -1.220548366347104 -1.2081323627431488 -1.1942360174108857 -0.6155328873512647 0.05637444967513269 0.4109523412128716 0.8287192802146446 1.0042227991473829 1.2404301518048484 0.8707417198300212 +27325,0.8299887871272914,1,-1.3032019672812303 -0.5751219247940438 -0.6771828704248711 -0.7902640719783942 -0.8773066632605235 -0.989928366847329 -1.8708473384272148 -1.1679236684746674 -1.1923074418776565 -1.220548366347104 -1.2081323627431488 -1.1942360174108857 -0.6155328873512647 0.05637444967513269 0.4109523412128716 0.8287192802146446 1.0042227991473829 1.2404301518048484 0.8707417198300212 1.0748171320298443 +27326,0.4897543145069239,1,-0.5751219247940438 -0.6771828704248711 -0.7902640719783942 -0.8773066632605235 -0.989928366847329 -1.8708473384272148 -1.1679236684746674 -1.1923074418776565 -1.220548366347104 -1.2081323627431488 -1.1942360174108857 -0.6155328873512647 0.05637444967513269 0.4109523412128716 0.8287192802146446 1.0042227991473829 1.2404301518048484 0.8707417198300212 1.0748171320298443 0.8299887871272914 +27327,0.2702757174729271,1,-0.6771828704248711 -0.7902640719783942 -0.8773066632605235 -0.989928366847329 -1.8708473384272148 -1.1679236684746674 -1.1923074418776565 -1.220548366347104 -1.2081323627431488 -1.1942360174108857 -0.6155328873512647 0.05637444967513269 0.4109523412128716 0.8287192802146446 1.0042227991473829 1.2404301518048484 0.8707417198300212 1.0748171320298443 0.8299887871272914 0.4897543145069239 +27328,0.006845322265786387,1,-0.7902640719783942 -0.8773066632605235 -0.989928366847329 -1.8708473384272148 -1.1679236684746674 -1.1923074418776565 -1.220548366347104 -1.2081323627431488 -1.1942360174108857 -0.6155328873512647 0.05637444967513269 0.4109523412128716 0.8287192802146446 1.0042227991473829 1.2404301518048484 0.8707417198300212 1.0748171320298443 0.8299887871272914 0.4897543145069239 0.2702757174729271 +27329,-0.4079611197874988,1,-0.8773066632605235 -0.989928366847329 -1.8708473384272148 -1.1679236684746674 -1.1923074418776565 -1.220548366347104 -1.2081323627431488 -1.1942360174108857 -0.6155328873512647 0.05637444967513269 0.4109523412128716 0.8287192802146446 1.0042227991473829 1.2404301518048484 0.8707417198300212 1.0748171320298443 0.8299887871272914 0.4897543145069239 0.2702757174729271 0.006845322265786387 +27330,-0.4094726385537173,1,-0.989928366847329 -1.8708473384272148 -1.1679236684746674 -1.1923074418776565 -1.220548366347104 -1.2081323627431488 -1.1942360174108857 -0.6155328873512647 0.05637444967513269 0.4109523412128716 0.8287192802146446 1.0042227991473829 1.2404301518048484 0.8707417198300212 1.0748171320298443 0.8299887871272914 0.4897543145069239 0.2702757174729271 0.006845322265786387 -0.4079611197874988 +27331,-0.5224972269216073,1,-1.8708473384272148 -1.1679236684746674 -1.1923074418776565 -1.220548366347104 -1.2081323627431488 -1.1942360174108857 -0.6155328873512647 0.05637444967513269 0.4109523412128716 0.8287192802146446 1.0042227991473829 1.2404301518048484 0.8707417198300212 1.0748171320298443 0.8299887871272914 0.4897543145069239 0.2702757174729271 0.006845322265786387 -0.4079611197874988 -0.4094726385537173 +27332,-0.7299004479482543,1,-1.1679236684746674 -1.1923074418776565 -1.220548366347104 -1.2081323627431488 -1.1942360174108857 -0.6155328873512647 0.05637444967513269 0.4109523412128716 0.8287192802146446 1.0042227991473829 1.2404301518048484 0.8707417198300212 1.0748171320298443 0.8299887871272914 0.4897543145069239 0.2702757174729271 0.006845322265786387 -0.4079611197874988 -0.4094726385537173 -0.5224972269216073 +27333,-0.7809773605891412,1,-1.1923074418776565 -1.220548366347104 -1.2081323627431488 -1.1942360174108857 -0.6155328873512647 0.05637444967513269 0.4109523412128716 0.8287192802146446 1.0042227991473829 1.2404301518048484 0.8707417198300212 1.0748171320298443 0.8299887871272914 0.4897543145069239 0.2702757174729271 0.006845322265786387 -0.4079611197874988 -0.4094726385537173 -0.5224972269216073 -0.7299004479482543 +27334,-0.9233736018910174,1,-1.220548366347104 -1.2081323627431488 -1.1942360174108857 -0.6155328873512647 0.05637444967513269 0.4109523412128716 0.8287192802146446 1.0042227991473829 1.2404301518048484 0.8707417198300212 1.0748171320298443 0.8299887871272914 0.4897543145069239 0.2702757174729271 0.006845322265786387 -0.4079611197874988 -0.4094726385537173 -0.5224972269216073 -0.7299004479482543 -0.7809773605891412 +27335,-1.0051884465545644,1,-1.2081323627431488 -1.1942360174108857 -0.6155328873512647 0.05637444967513269 0.4109523412128716 0.8287192802146446 1.0042227991473829 1.2404301518048484 0.8707417198300212 1.0748171320298443 0.8299887871272914 0.4897543145069239 0.2702757174729271 0.006845322265786387 -0.4079611197874988 -0.4094726385537173 -0.5224972269216073 -0.7299004479482543 -0.7809773605891412 -0.9233736018910174 +27336,-1.0255274271727914,1,-1.1942360174108857 -0.6155328873512647 0.05637444967513269 0.4109523412128716 0.8287192802146446 1.0042227991473829 1.2404301518048484 0.8707417198300212 1.0748171320298443 0.8299887871272914 0.4897543145069239 0.2702757174729271 0.006845322265786387 -0.4079611197874988 -0.4094726385537173 -0.5224972269216073 -0.7299004479482543 -0.7809773605891412 -0.9233736018910174 -1.0051884465545644 +27337,-1.061365125334822,1,-0.6155328873512647 0.05637444967513269 0.4109523412128716 0.8287192802146446 1.0042227991473829 1.2404301518048484 0.8707417198300212 1.0748171320298443 0.8299887871272914 0.4897543145069239 0.2702757174729271 0.006845322265786387 -0.4079611197874988 -0.4094726385537173 -0.5224972269216073 -0.7299004479482543 -0.7809773605891412 -0.9233736018910174 -1.0051884465545644 -1.0255274271727914 +27338,-1.1029166887498967,1,0.05637444967513269 0.4109523412128716 0.8287192802146446 1.0042227991473829 1.2404301518048484 0.8707417198300212 1.0748171320298443 0.8299887871272914 0.4897543145069239 0.2702757174729271 0.006845322265786387 -0.4079611197874988 -0.4094726385537173 -0.5224972269216073 -0.7299004479482543 -0.7809773605891412 -0.9233736018910174 -1.0051884465545644 -1.0255274271727914 -1.061365125334822 +27339,-1.1604417577814614,1,0.4109523412128716 0.8287192802146446 1.0042227991473829 1.2404301518048484 0.8707417198300212 1.0748171320298443 0.8299887871272914 0.4897543145069239 0.2702757174729271 0.006845322265786387 -0.4079611197874988 -0.4094726385537173 -0.5224972269216073 -0.7299004479482543 -0.7809773605891412 -0.9233736018910174 -1.0051884465545644 -1.0255274271727914 -1.061365125334822 -1.1029166887498967 +27340,-1.2282872925048076,1,0.8287192802146446 1.0042227991473829 1.2404301518048484 0.8707417198300212 1.0748171320298443 0.8299887871272914 0.4897543145069239 0.2702757174729271 0.006845322265786387 -0.4079611197874988 -0.4094726385537173 -0.5224972269216073 -0.7299004479482543 -0.7809773605891412 -0.9233736018910174 -1.0051884465545644 -1.0255274271727914 -1.061365125334822 -1.1029166887498967 -1.1604417577814614 +27341,-0.5917955710600137,1,1.0042227991473829 1.2404301518048484 0.8707417198300212 1.0748171320298443 0.8299887871272914 0.4897543145069239 0.2702757174729271 0.006845322265786387 -0.4079611197874988 -0.4094726385537173 -0.5224972269216073 -0.7299004479482543 -0.7809773605891412 -0.9233736018910174 -1.0051884465545644 -1.0255274271727914 -1.061365125334822 -1.1029166887498967 -1.1604417577814614 -1.2282872925048076 +27342,0.006845322265786387,1,1.2404301518048484 0.8707417198300212 1.0748171320298443 0.8299887871272914 0.4897543145069239 0.2702757174729271 0.006845322265786387 -0.4079611197874988 -0.4094726385537173 -0.5224972269216073 -0.7299004479482543 -0.7809773605891412 -0.9233736018910174 -1.0051884465545644 -1.0255274271727914 -1.061365125334822 -1.1029166887498967 -1.1604417577814614 -1.2282872925048076 -0.5917955710600137 +27343,0.6553673342819281,1,0.8707417198300212 1.0748171320298443 0.8299887871272914 0.4897543145069239 0.2702757174729271 0.006845322265786387 -0.4079611197874988 -0.4094726385537173 -0.5224972269216073 -0.7299004479482543 -0.7809773605891412 -0.9233736018910174 -1.0051884465545644 -1.0255274271727914 -1.061365125334822 -1.1029166887498967 -1.1604417577814614 -1.2282872925048076 -0.5917955710600137 0.006845322265786387 +27344,0.8302670654461852,1,1.0748171320298443 0.8299887871272914 0.4897543145069239 0.2702757174729271 0.006845322265786387 -0.4079611197874988 -0.4094726385537173 -0.5224972269216073 -0.7299004479482543 -0.7809773605891412 -0.9233736018910174 -1.0051884465545644 -1.0255274271727914 -1.061365125334822 -1.1029166887498967 -1.1604417577814614 -1.2282872925048076 -0.5917955710600137 0.006845322265786387 0.6553673342819281 +27345,0.8446533555380111,1,0.8299887871272914 0.4897543145069239 0.2702757174729271 0.006845322265786387 -0.4079611197874988 -0.4094726385537173 -0.5224972269216073 -0.7299004479482543 -0.7809773605891412 -0.9233736018910174 -1.0051884465545644 -1.0255274271727914 -1.061365125334822 -1.1029166887498967 -1.1604417577814614 -1.2282872925048076 -0.5917955710600137 0.006845322265786387 0.6553673342819281 0.8302670654461852 +27346,0.9262297498017965,1,0.4897543145069239 0.2702757174729271 0.006845322265786387 -0.4079611197874988 -0.4094726385537173 -0.5224972269216073 -0.7299004479482543 -0.7809773605891412 -0.9233736018910174 -1.0051884465545644 -1.0255274271727914 -1.061365125334822 -1.1029166887498967 -1.1604417577814614 -1.2282872925048076 -0.5917955710600137 0.006845322265786387 0.6553673342819281 0.8302670654461852 0.8446533555380111 +27347,0.6877074125394725,1,0.2702757174729271 0.006845322265786387 -0.4079611197874988 -0.4094726385537173 -0.5224972269216073 -0.7299004479482543 -0.7809773605891412 -0.9233736018910174 -1.0051884465545644 -1.0255274271727914 -1.061365125334822 -1.1029166887498967 -1.1604417577814614 -1.2282872925048076 -0.5917955710600137 0.006845322265786387 0.6553673342819281 0.8302670654461852 0.8446533555380111 0.9262297498017965 +27348,0.7993113608153449,1,0.006845322265786387 -0.4079611197874988 -0.4094726385537173 -0.5224972269216073 -0.7299004479482543 -0.7809773605891412 -0.9233736018910174 -1.0051884465545644 -1.0255274271727914 -1.061365125334822 -1.1029166887498967 -1.1604417577814614 -1.2282872925048076 -0.5917955710600137 0.006845322265786387 0.6553673342819281 0.8302670654461852 0.8446533555380111 0.9262297498017965 0.6877074125394725 +27349,0.5176906021845326,1,-0.4079611197874988 -0.4094726385537173 -0.5224972269216073 -0.7299004479482543 -0.7809773605891412 -0.9233736018910174 -1.0051884465545644 -1.0255274271727914 -1.061365125334822 -1.1029166887498967 -1.1604417577814614 -1.2282872925048076 -0.5917955710600137 0.006845322265786387 0.6553673342819281 0.8302670654461852 0.8446533555380111 0.9262297498017965 0.6877074125394725 0.7993113608153449 +27350,0.18948397958775584,1,-0.4094726385537173 -0.5224972269216073 -0.7299004479482543 -0.7809773605891412 -0.9233736018910174 -1.0051884465545644 -1.0255274271727914 -1.061365125334822 -1.1029166887498967 -1.1604417577814614 -1.2282872925048076 -0.5917955710600137 0.006845322265786387 0.6553673342819281 0.8302670654461852 0.8446533555380111 0.9262297498017965 0.6877074125394725 0.7993113608153449 0.5176906021845326 +27351,0.0029530677398379693,1,-0.5224972269216073 -0.7299004479482543 -0.7809773605891412 -0.9233736018910174 -1.0051884465545644 -1.0255274271727914 -1.061365125334822 -1.1029166887498967 -1.1604417577814614 -1.2282872925048076 -0.5917955710600137 0.006845322265786387 0.6553673342819281 0.8302670654461852 0.8446533555380111 0.9262297498017965 0.6877074125394725 0.7993113608153449 0.5176906021845326 0.18948397958775584 +27352,-0.2206791067708985,1,-0.7299004479482543 -0.7809773605891412 -0.9233736018910174 -1.0051884465545644 -1.0255274271727914 -1.061365125334822 -1.1029166887498967 -1.1604417577814614 -1.2282872925048076 -0.5917955710600137 0.006845322265786387 0.6553673342819281 0.8302670654461852 0.8446533555380111 0.9262297498017965 0.6877074125394725 0.7993113608153449 0.5176906021845326 0.18948397958775584 0.0029530677398379693 +27353,-1.1705865662559922,1,-0.7809773605891412 -0.9233736018910174 -1.0051884465545644 -1.0255274271727914 -1.061365125334822 -1.1029166887498967 -1.1604417577814614 -1.2282872925048076 -0.5917955710600137 0.006845322265786387 0.6553673342819281 0.8302670654461852 0.8446533555380111 0.9262297498017965 0.6877074125394725 0.7993113608153449 0.5176906021845326 0.18948397958775584 0.0029530677398379693 -0.2206791067708985 +27354,-0.573574139562503,1,-0.9233736018910174 -1.0051884465545644 -1.0255274271727914 -1.061365125334822 -1.1029166887498967 -1.1604417577814614 -1.2282872925048076 -0.5917955710600137 0.006845322265786387 0.6553673342819281 0.8302670654461852 0.8446533555380111 0.9262297498017965 0.6877074125394725 0.7993113608153449 0.5176906021845326 0.18948397958775584 0.0029530677398379693 -0.2206791067708985 -1.1705865662559922 +27355,-0.6810820786855256,1,-1.0051884465545644 -1.0255274271727914 -1.061365125334822 -1.1029166887498967 -1.1604417577814614 -1.2282872925048076 -0.5917955710600137 0.006845322265786387 0.6553673342819281 0.8302670654461852 0.8446533555380111 0.9262297498017965 0.6877074125394725 0.7993113608153449 0.5176906021845326 0.18948397958775584 0.0029530677398379693 -0.2206791067708985 -1.1705865662559922 -0.573574139562503 +27356,-0.8134808504515311,1,-1.0255274271727914 -1.061365125334822 -1.1029166887498967 -1.1604417577814614 -1.2282872925048076 -0.5917955710600137 0.006845322265786387 0.6553673342819281 0.8302670654461852 0.8446533555380111 0.9262297498017965 0.6877074125394725 0.7993113608153449 0.5176906021845326 0.18948397958775584 0.0029530677398379693 -0.2206791067708985 -1.1705865662559922 -0.573574139562503 -0.6810820786855256 +27357,-0.9961195077734918,1,-1.061365125334822 -1.1029166887498967 -1.1604417577814614 -1.2282872925048076 -0.5917955710600137 0.006845322265786387 0.6553673342819281 0.8302670654461852 0.8446533555380111 0.9262297498017965 0.6877074125394725 0.7993113608153449 0.5176906021845326 0.18948397958775584 0.0029530677398379693 -0.2206791067708985 -1.1705865662559922 -0.573574139562503 -0.6810820786855256 -0.8134808504515311 +27358,-0.8970612529547991,1,-1.1029166887498967 -1.1604417577814614 -1.2282872925048076 -0.5917955710600137 0.006845322265786387 0.6553673342819281 0.8302670654461852 0.8446533555380111 0.9262297498017965 0.6877074125394725 0.7993113608153449 0.5176906021845326 0.18948397958775584 0.0029530677398379693 -0.2206791067708985 -1.1705865662559922 -0.573574139562503 -0.6810820786855256 -0.8134808504515311 -0.9961195077734918 +27359,-1.0007628634681227,1,-1.1604417577814614 -1.2282872925048076 -0.5917955710600137 0.006845322265786387 0.6553673342819281 0.8302670654461852 0.8446533555380111 0.9262297498017965 0.6877074125394725 0.7993113608153449 0.5176906021845326 0.18948397958775584 0.0029530677398379693 -0.2206791067708985 -1.1705865662559922 -0.573574139562503 -0.6810820786855256 -0.8134808504515311 -0.9961195077734918 -0.8970612529547991 +27360,-1.064222057961344,1,-1.2282872925048076 -0.5917955710600137 0.006845322265786387 0.6553673342819281 0.8302670654461852 0.8446533555380111 0.9262297498017965 0.6877074125394725 0.7993113608153449 0.5176906021845326 0.18948397958775584 0.0029530677398379693 -0.2206791067708985 -1.1705865662559922 -0.573574139562503 -0.6810820786855256 -0.8134808504515311 -0.9961195077734918 -0.8970612529547991 -1.0007628634681227 +27361,-1.0379097090251346,1,-0.5917955710600137 0.006845322265786387 0.6553673342819281 0.8302670654461852 0.8446533555380111 0.9262297498017965 0.6877074125394725 0.7993113608153449 0.5176906021845326 0.18948397958775584 0.0029530677398379693 -0.2206791067708985 -1.1705865662559922 -0.573574139562503 -0.6810820786855256 -0.8134808504515311 -0.9961195077734918 -0.8970612529547991 -1.0007628634681227 -1.064222057961344 +27362,-1.087438836434481,1,0.006845322265786387 0.6553673342819281 0.8302670654461852 0.8446533555380111 0.9262297498017965 0.6877074125394725 0.7993113608153449 0.5176906021845326 0.18948397958775584 0.0029530677398379693 -0.2206791067708985 -1.1705865662559922 -0.573574139562503 -0.6810820786855256 -0.8134808504515311 -0.9961195077734918 -0.8970612529547991 -1.0007628634681227 -1.064222057961344 -1.0379097090251346 +27363,-1.0379097090251346,1,0.6553673342819281 0.8302670654461852 0.8446533555380111 0.9262297498017965 0.6877074125394725 0.7993113608153449 0.5176906021845326 0.18948397958775584 0.0029530677398379693 -0.2206791067708985 -1.1705865662559922 -0.573574139562503 -0.6810820786855256 -0.8134808504515311 -0.9961195077734918 -0.8970612529547991 -1.0007628634681227 -1.064222057961344 -1.0379097090251346 -1.087438836434481 +27364,-0.9502769233983257,1,0.8302670654461852 0.8446533555380111 0.9262297498017965 0.6877074125394725 0.7993113608153449 0.5176906021845326 0.18948397958775584 0.0029530677398379693 -0.2206791067708985 -1.1705865662559922 -0.573574139562503 -0.6810820786855256 -0.8134808504515311 -0.9961195077734918 -0.8970612529547991 -1.0007628634681227 -1.064222057961344 -1.0379097090251346 -1.087438836434481 -1.0379097090251346 +27365,-0.7376393741059666,1,0.8446533555380111 0.9262297498017965 0.6877074125394725 0.7993113608153449 0.5176906021845326 0.18948397958775584 0.0029530677398379693 -0.2206791067708985 -1.1705865662559922 -0.573574139562503 -0.6810820786855256 -0.8134808504515311 -0.9961195077734918 -0.8970612529547991 -1.0007628634681227 -1.064222057961344 -1.0379097090251346 -1.087438836434481 -1.0379097090251346 -0.9502769233983257 +27366,-0.005536959586547991,1,0.9262297498017965 0.6877074125394725 0.7993113608153449 0.5176906021845326 0.18948397958775584 0.0029530677398379693 -0.2206791067708985 -1.1705865662559922 -0.573574139562503 -0.6810820786855256 -0.8134808504515311 -0.9961195077734918 -0.8970612529547991 -1.0007628634681227 -1.064222057961344 -1.0379097090251346 -1.087438836434481 -1.0379097090251346 -0.9502769233983257 -0.7376393741059666 +27367,0.025229919579842674,1,0.6877074125394725 0.7993113608153449 0.5176906021845326 0.18948397958775584 0.0029530677398379693 -0.2206791067708985 -1.1705865662559922 -0.573574139562503 -0.6810820786855256 -0.8134808504515311 -0.9961195077734918 -0.8970612529547991 -1.0007628634681227 -1.064222057961344 -1.0379097090251346 -1.087438836434481 -1.0379097090251346 -0.9502769233983257 -0.7376393741059666 -0.005536959586547991 +27368,0.24520424792327375,1,0.7993113608153449 0.5176906021845326 0.18948397958775584 0.0029530677398379693 -0.2206791067708985 -1.1705865662559922 -0.573574139562503 -0.6810820786855256 -0.8134808504515311 -0.9961195077734918 -0.8970612529547991 -1.0007628634681227 -1.064222057961344 -1.0379097090251346 -1.087438836434481 -1.0379097090251346 -0.9502769233983257 -0.7376393741059666 -0.005536959586547991 0.025229919579842674 +27369,0.20876216686935228,1,0.5176906021845326 0.18948397958775584 0.0029530677398379693 -0.2206791067708985 -1.1705865662559922 -0.573574139562503 -0.6810820786855256 -0.8134808504515311 -0.9961195077734918 -0.8970612529547991 -1.0007628634681227 -1.064222057961344 -1.0379097090251346 -1.087438836434481 -1.0379097090251346 -0.9502769233983257 -0.7376393741059666 -0.005536959586547991 0.025229919579842674 0.24520424792327375 +27370,0.16936277157770918,1,0.18948397958775584 0.0029530677398379693 -0.2206791067708985 -1.1705865662559922 -0.573574139562503 -0.6810820786855256 -0.8134808504515311 -0.9961195077734918 -0.8970612529547991 -1.0007628634681227 -1.064222057961344 -1.0379097090251346 -1.087438836434481 -1.0379097090251346 -0.9502769233983257 -0.7376393741059666 -0.005536959586547991 0.025229919579842674 0.24520424792327375 0.20876216686935228 +27371,-0.529849437546209,1,0.0029530677398379693 -0.2206791067708985 -1.1705865662559922 -0.573574139562503 -0.6810820786855256 -0.8134808504515311 -0.9961195077734918 -0.8970612529547991 -1.0007628634681227 -1.064222057961344 -1.0379097090251346 -1.087438836434481 -1.0379097090251346 -0.9502769233983257 -0.7376393741059666 -0.005536959586547991 0.025229919579842674 0.24520424792327375 0.20876216686935228 0.16936277157770918 +27372,-0.07983065070057185,1,-0.2206791067708985 -1.1705865662559922 -0.573574139562503 -0.6810820786855256 -0.8134808504515311 -0.9961195077734918 -0.8970612529547991 -1.0007628634681227 -1.064222057961344 -1.0379097090251346 -1.087438836434481 -1.0379097090251346 -0.9502769233983257 -0.7376393741059666 -0.005536959586547991 0.025229919579842674 0.24520424792327375 0.20876216686935228 0.16936277157770918 -0.529849437546209 +27373,-0.18243809979455944,1,-1.1705865662559922 -0.573574139562503 -0.6810820786855256 -0.8134808504515311 -0.9961195077734918 -0.8970612529547991 -1.0007628634681227 -1.064222057961344 -1.0379097090251346 -1.087438836434481 -1.0379097090251346 -0.9502769233983257 -0.7376393741059666 -0.005536959586547991 0.025229919579842674 0.24520424792327375 0.20876216686935228 0.16936277157770918 -0.529849437546209 -0.07983065070057185 +27374,-0.29652058311646307,1,-0.573574139562503 -0.6810820786855256 -0.8134808504515311 -0.9961195077734918 -0.8970612529547991 -1.0007628634681227 -1.064222057961344 -1.0379097090251346 -1.087438836434481 -1.0379097090251346 -0.9502769233983257 -0.7376393741059666 -0.005536959586547991 0.025229919579842674 0.24520424792327375 0.20876216686935228 0.16936277157770918 -0.529849437546209 -0.07983065070057185 -0.18243809979455944 +27375,-0.4425574731439404,1,-0.6810820786855256 -0.8134808504515311 -0.9961195077734918 -0.8970612529547991 -1.0007628634681227 -1.064222057961344 -1.0379097090251346 -1.087438836434481 -1.0379097090251346 -0.9502769233983257 -0.7376393741059666 -0.005536959586547991 0.025229919579842674 0.24520424792327375 0.20876216686935228 0.16936277157770918 -0.529849437546209 -0.07983065070057185 -0.18243809979455944 -0.29652058311646307 +27376,-0.6509634011396083,1,-0.8134808504515311 -0.9961195077734918 -0.8970612529547991 -1.0007628634681227 -1.064222057961344 -1.0379097090251346 -1.087438836434481 -1.0379097090251346 -0.9502769233983257 -0.7376393741059666 -0.005536959586547991 0.025229919579842674 0.24520424792327375 0.20876216686935228 0.16936277157770918 -0.529849437546209 -0.07983065070057185 -0.18243809979455944 -0.29652058311646307 -0.4425574731439404 +27377,-0.9992024603818148,1,-0.9961195077734918 -0.8970612529547991 -1.0007628634681227 -1.064222057961344 -1.0379097090251346 -1.087438836434481 -1.0379097090251346 -0.9502769233983257 -0.7376393741059666 -0.005536959586547991 0.025229919579842674 0.24520424792327375 0.20876216686935228 0.16936277157770918 -0.529849437546209 -0.07983065070057185 -0.18243809979455944 -0.29652058311646307 -0.4425574731439404 -0.6509634011396083 +27378,-0.6401289045188147,1,-0.8970612529547991 -1.0007628634681227 -1.064222057961344 -1.0379097090251346 -1.087438836434481 -1.0379097090251346 -0.9502769233983257 -0.7376393741059666 -0.005536959586547991 0.025229919579842674 0.24520424792327375 0.20876216686935228 0.16936277157770918 -0.529849437546209 -0.07983065070057185 -0.18243809979455944 -0.29652058311646307 -0.4425574731439404 -0.6509634011396083 -0.9992024603818148 +27379,-0.6648698855485768,1,-1.0007628634681227 -1.064222057961344 -1.0379097090251346 -1.087438836434481 -1.0379097090251346 -0.9502769233983257 -0.7376393741059666 -0.005536959586547991 0.025229919579842674 0.24520424792327375 0.20876216686935228 0.16936277157770918 -0.529849437546209 -0.07983065070057185 -0.18243809979455944 -0.29652058311646307 -0.4425574731439404 -0.6509634011396083 -0.9992024603818148 -0.6401289045188147 +27380,-0.7314482331797949,1,-1.064222057961344 -1.0379097090251346 -1.087438836434481 -1.0379097090251346 -0.9502769233983257 -0.7376393741059666 -0.005536959586547991 0.025229919579842674 0.24520424792327375 0.20876216686935228 0.16936277157770918 -0.529849437546209 -0.07983065070057185 -0.18243809979455944 -0.29652058311646307 -0.4425574731439404 -0.6509634011396083 -0.9992024603818148 -0.6401289045188147 -0.6648698855485768 +27381,-0.8212197766092346,1,-1.0379097090251346 -1.087438836434481 -1.0379097090251346 -0.9502769233983257 -0.7376393741059666 -0.005536959586547991 0.025229919579842674 0.24520424792327375 0.20876216686935228 0.16936277157770918 -0.529849437546209 -0.07983065070057185 -0.18243809979455944 -0.29652058311646307 -0.4425574731439404 -0.6509634011396083 -0.9992024603818148 -0.6401289045188147 -0.6648698855485768 -0.7314482331797949 +27382,-0.8722966892501304,1,-1.087438836434481 -1.0379097090251346 -0.9502769233983257 -0.7376393741059666 -0.005536959586547991 0.025229919579842674 0.24520424792327375 0.20876216686935228 0.16936277157770918 -0.529849437546209 -0.07983065070057185 -0.18243809979455944 -0.29652058311646307 -0.4425574731439404 -0.6509634011396083 -0.9992024603818148 -0.6401289045188147 -0.6648698855485768 -0.7314482331797949 -0.8212197766092346 +27383,-0.96206823267957,1,-1.0379097090251346 -0.9502769233983257 -0.7376393741059666 -0.005536959586547991 0.025229919579842674 0.24520424792327375 0.20876216686935228 0.16936277157770918 -0.529849437546209 -0.07983065070057185 -0.18243809979455944 -0.29652058311646307 -0.4425574731439404 -0.6509634011396083 -0.9992024603818148 -0.6401289045188147 -0.6648698855485768 -0.7314482331797949 -0.8212197766092346 -0.8722966892501304 +27384,-0.9784555971839851,1,-0.9502769233983257 -0.7376393741059666 -0.005536959586547991 0.025229919579842674 0.24520424792327375 0.20876216686935228 0.16936277157770918 -0.529849437546209 -0.07983065070057185 -0.18243809979455944 -0.29652058311646307 -0.4425574731439404 -0.6509634011396083 -0.9992024603818148 -0.6401289045188147 -0.6648698855485768 -0.7314482331797949 -0.8212197766092346 -0.8722966892501304 -0.96206823267957 +27385,-1.078152125045228,1,-0.7376393741059666 -0.005536959586547991 0.025229919579842674 0.24520424792327375 0.20876216686935228 0.16936277157770918 -0.529849437546209 -0.07983065070057185 -0.18243809979455944 -0.29652058311646307 -0.4425574731439404 -0.6509634011396083 -0.9992024603818148 -0.6401289045188147 -0.6648698855485768 -0.7314482331797949 -0.8212197766092346 -0.8722966892501304 -0.96206823267957 -0.9784555971839851 +27386,-1.4262058295765891,1,-0.005536959586547991 0.025229919579842674 0.24520424792327375 0.20876216686935228 0.16936277157770918 -0.529849437546209 -0.07983065070057185 -0.18243809979455944 -0.29652058311646307 -0.4425574731439404 -0.6509634011396083 -0.9992024603818148 -0.6401289045188147 -0.6648698855485768 -0.7314482331797949 -0.8212197766092346 -0.8722966892501304 -0.96206823267957 -0.9784555971839851 -1.078152125045228 +27387,-1.1214901115284026,1,0.025229919579842674 0.24520424792327375 0.20876216686935228 0.16936277157770918 -0.529849437546209 -0.07983065070057185 -0.18243809979455944 -0.29652058311646307 -0.4425574731439404 -0.6509634011396083 -0.9992024603818148 -0.6401289045188147 -0.6648698855485768 -0.7314482331797949 -0.8212197766092346 -0.8722966892501304 -0.96206823267957 -0.9784555971839851 -1.078152125045228 -1.4262058295765891 +27388,-1.0281357950874033,1,0.24520424792327375 0.20876216686935228 0.16936277157770918 -0.529849437546209 -0.07983065070057185 -0.18243809979455944 -0.29652058311646307 -0.4425574731439404 -0.6509634011396083 -0.9992024603818148 -0.6401289045188147 -0.6648698855485768 -0.7314482331797949 -0.8212197766092346 -0.8722966892501304 -0.96206823267957 -0.9784555971839851 -1.078152125045228 -1.4262058295765891 -1.1214901115284026 +27389,-0.9140868905017644,1,0.20876216686935228 0.16936277157770918 -0.529849437546209 -0.07983065070057185 -0.18243809979455944 -0.29652058311646307 -0.4425574731439404 -0.6509634011396083 -0.9992024603818148 -0.6401289045188147 -0.6648698855485768 -0.7314482331797949 -0.8212197766092346 -0.8722966892501304 -0.96206823267957 -0.9784555971839851 -1.078152125045228 -1.4262058295765891 -1.1214901115284026 -1.0281357950874033 +27390,-0.7756530484238572,1,0.16936277157770918 -0.529849437546209 -0.07983065070057185 -0.18243809979455944 -0.29652058311646307 -0.4425574731439404 -0.6509634011396083 -0.9992024603818148 -0.6401289045188147 -0.6648698855485768 -0.7314482331797949 -0.8212197766092346 -0.8722966892501304 -0.96206823267957 -0.9784555971839851 -1.078152125045228 -1.4262058295765891 -1.1214901115284026 -1.0281357950874033 -0.9140868905017644 +27391,-0.6045298441933433,1,-0.529849437546209 -0.07983065070057185 -0.18243809979455944 -0.29652058311646307 -0.4425574731439404 -0.6509634011396083 -0.9992024603818148 -0.6401289045188147 -0.6648698855485768 -0.7314482331797949 -0.8212197766092346 -0.8722966892501304 -0.96206823267957 -0.9784555971839851 -1.078152125045228 -1.4262058295765891 -1.1214901115284026 -1.0281357950874033 -0.9140868905017644 -0.7756530484238572 +27392,-0.7251244249259573,1,-0.07983065070057185 -0.18243809979455944 -0.29652058311646307 -0.4425574731439404 -0.6509634011396083 -0.9992024603818148 -0.6401289045188147 -0.6648698855485768 -0.7314482331797949 -0.8212197766092346 -0.8722966892501304 -0.96206823267957 -0.9784555971839851 -1.078152125045228 -1.4262058295765891 -1.1214901115284026 -1.0281357950874033 -0.9140868905017644 -0.7756530484238572 -0.6045298441933433 +27393,-0.4223460368390493,1,-0.18243809979455944 -0.29652058311646307 -0.4425574731439404 -0.6509634011396083 -0.9992024603818148 -0.6401289045188147 -0.6648698855485768 -0.7314482331797949 -0.8212197766092346 -0.8722966892501304 -0.96206823267957 -0.9784555971839851 -1.078152125045228 -1.4262058295765891 -1.1214901115284026 -1.0281357950874033 -0.9140868905017644 -0.7756530484238572 -0.6045298441933433 -0.7251244249259573 +27394,-0.5964054504817609,1,-0.29652058311646307 -0.4425574731439404 -0.6509634011396083 -0.9992024603818148 -0.6401289045188147 -0.6648698855485768 -0.7314482331797949 -0.8212197766092346 -0.8722966892501304 -0.96206823267957 -0.9784555971839851 -1.078152125045228 -1.4262058295765891 -1.1214901115284026 -1.0281357950874033 -0.9140868905017644 -0.7756530484238572 -0.6045298441933433 -0.7251244249259573 -0.4223460368390493 +27395,-0.17114997936155218,1,-0.4425574731439404 -0.6509634011396083 -0.9992024603818148 -0.6401289045188147 -0.6648698855485768 -0.7314482331797949 -0.8212197766092346 -0.8722966892501304 -0.96206823267957 -0.9784555971839851 -1.078152125045228 -1.4262058295765891 -1.1214901115284026 -1.0281357950874033 -0.9140868905017644 -0.7756530484238572 -0.6045298441933433 -0.7251244249259573 -0.4223460368390493 -0.5964054504817609 +27396,-0.2257284671173043,1,-0.6509634011396083 -0.9992024603818148 -0.6401289045188147 -0.6648698855485768 -0.7314482331797949 -0.8212197766092346 -0.8722966892501304 -0.96206823267957 -0.9784555971839851 -1.078152125045228 -1.4262058295765891 -1.1214901115284026 -1.0281357950874033 -0.9140868905017644 -0.7756530484238572 -0.6045298441933433 -0.7251244249259573 -0.4223460368390493 -0.5964054504817609 -0.17114997936155218 +27397,-0.49154152229076686,1,-0.9992024603818148 -0.6401289045188147 -0.6648698855485768 -0.7314482331797949 -0.8212197766092346 -0.8722966892501304 -0.96206823267957 -0.9784555971839851 -1.078152125045228 -1.4262058295765891 -1.1214901115284026 -1.0281357950874033 -0.9140868905017644 -0.7756530484238572 -0.6045298441933433 -0.7251244249259573 -0.4223460368390493 -0.5964054504817609 -0.17114997936155218 -0.2257284671173043 +27398,-0.6589765953046831,1,-0.6401289045188147 -0.6648698855485768 -0.7314482331797949 -0.8212197766092346 -0.8722966892501304 -0.96206823267957 -0.9784555971839851 -1.078152125045228 -1.4262058295765891 -1.1214901115284026 -1.0281357950874033 -0.9140868905017644 -0.7756530484238572 -0.6045298441933433 -0.7251244249259573 -0.4223460368390493 -0.5964054504817609 -0.17114997936155218 -0.2257284671173043 -0.49154152229076686 +27399,-0.6463200454449775,1,-0.6648698855485768 -0.7314482331797949 -0.8212197766092346 -0.8722966892501304 -0.96206823267957 -0.9784555971839851 -1.078152125045228 -1.4262058295765891 -1.1214901115284026 -1.0281357950874033 -0.9140868905017644 -0.7756530484238572 -0.6045298441933433 -0.7251244249259573 -0.4223460368390493 -0.5964054504817609 -0.17114997936155218 -0.2257284671173043 -0.49154152229076686 -0.6589765953046831 +27400,-0.7224084619470795,1,-0.7314482331797949 -0.8212197766092346 -0.8722966892501304 -0.96206823267957 -0.9784555971839851 -1.078152125045228 -1.4262058295765891 -1.1214901115284026 -1.0281357950874033 -0.9140868905017644 -0.7756530484238572 -0.6045298441933433 -0.7251244249259573 -0.4223460368390493 -0.5964054504817609 -0.17114997936155218 -0.2257284671173043 -0.49154152229076686 -0.6589765953046831 -0.6463200454449775 +27401,-0.8305064879984876,1,-0.8212197766092346 -0.8722966892501304 -0.96206823267957 -0.9784555971839851 -1.078152125045228 -1.4262058295765891 -1.1214901115284026 -1.0281357950874033 -0.9140868905017644 -0.7756530484238572 -0.6045298441933433 -0.7251244249259573 -0.4223460368390493 -0.5964054504817609 -0.17114997936155218 -0.2257284671173043 -0.49154152229076686 -0.6589765953046831 -0.6463200454449775 -0.7224084619470795 +27402,-2.719423584572474,1,-0.8722966892501304 -0.96206823267957 -0.9784555971839851 -1.078152125045228 -1.4262058295765891 -1.1214901115284026 -1.0281357950874033 -0.9140868905017644 -0.7756530484238572 -0.6045298441933433 -0.7251244249259573 -0.4223460368390493 -0.5964054504817609 -0.17114997936155218 -0.2257284671173043 -0.49154152229076686 -0.6589765953046831 -0.6463200454449775 -0.7224084619470795 -0.8305064879984876 +27403,-2.6333779702036644,1,-0.96206823267957 -0.9784555971839851 -1.078152125045228 -1.4262058295765891 -1.1214901115284026 -1.0281357950874033 -0.9140868905017644 -0.7756530484238572 -0.6045298441933433 -0.7251244249259573 -0.4223460368390493 -0.5964054504817609 -0.17114997936155218 -0.2257284671173043 -0.49154152229076686 -0.6589765953046831 -0.6463200454449775 -0.7224084619470795 -0.8305064879984876 -2.719423584572474 +27404,-1.1973315878739672,1,-0.9784555971839851 -1.078152125045228 -1.4262058295765891 -1.1214901115284026 -1.0281357950874033 -0.9140868905017644 -0.7756530484238572 -0.6045298441933433 -0.7251244249259573 -0.4223460368390493 -0.5964054504817609 -0.17114997936155218 -0.2257284671173043 -0.49154152229076686 -0.6589765953046831 -0.6463200454449775 -0.7224084619470795 -0.8305064879984876 -2.719423584572474 -2.6333779702036644 +27405,-1.2982888610999916,1,-1.078152125045228 -1.4262058295765891 -1.1214901115284026 -1.0281357950874033 -0.9140868905017644 -0.7756530484238572 -0.6045298441933433 -0.7251244249259573 -0.4223460368390493 -0.5964054504817609 -0.17114997936155218 -0.2257284671173043 -0.49154152229076686 -0.6589765953046831 -0.6463200454449775 -0.7224084619470795 -0.8305064879984876 -2.719423584572474 -2.6333779702036644 -1.1973315878739672 +27406,-1.4155693055214078,1,-1.4262058295765891 -1.1214901115284026 -1.0281357950874033 -0.9140868905017644 -0.7756530484238572 -0.6045298441933433 -0.7251244249259573 -0.4223460368390493 -0.5964054504817609 -0.17114997936155218 -0.2257284671173043 -0.49154152229076686 -0.6589765953046831 -0.6463200454449775 -0.7224084619470795 -0.8305064879984876 -2.719423584572474 -2.6333779702036644 -1.1973315878739672 -1.2982888610999916 +27407,-2.209164483579186,1,-1.1214901115284026 -1.0281357950874033 -0.9140868905017644 -0.7756530484238572 -0.6045298441933433 -0.7251244249259573 -0.4223460368390493 -0.5964054504817609 -0.17114997936155218 -0.2257284671173043 -0.49154152229076686 -0.6589765953046831 -0.6463200454449775 -0.7224084619470795 -0.8305064879984876 -2.719423584572474 -2.6333779702036644 -1.1973315878739672 -1.2982888610999916 -1.4155693055214078 +27408,-1.5177231308031818,1,-1.0281357950874033 -0.9140868905017644 -0.7756530484238572 -0.6045298441933433 -0.7251244249259573 -0.4223460368390493 -0.5964054504817609 -0.17114997936155218 -0.2257284671173043 -0.49154152229076686 -0.6589765953046831 -0.6463200454449775 -0.7224084619470795 -0.8305064879984876 -2.719423584572474 -2.6333779702036644 -1.1973315878739672 -1.2982888610999916 -1.4155693055214078 -2.209164483579186 +27409,-1.5464104041846929,1,-0.9140868905017644 -0.7756530484238572 -0.6045298441933433 -0.7251244249259573 -0.4223460368390493 -0.5964054504817609 -0.17114997936155218 -0.2257284671173043 -0.49154152229076686 -0.6589765953046831 -0.6463200454449775 -0.7224084619470795 -0.8305064879984876 -2.719423584572474 -2.6333779702036644 -1.1973315878739672 -1.2982888610999916 -1.4155693055214078 -2.209164483579186 -1.5177231308031818 +27410,-1.5811823252964121,1,-0.7756530484238572 -0.6045298441933433 -0.7251244249259573 -0.4223460368390493 -0.5964054504817609 -0.17114997936155218 -0.2257284671173043 -0.49154152229076686 -0.6589765953046831 -0.6463200454449775 -0.7224084619470795 -0.8305064879984876 -2.719423584572474 -2.6333779702036644 -1.1973315878739672 -1.2982888610999916 -1.4155693055214078 -2.209164483579186 -1.5177231308031818 -1.5464104041846929 +27411,-1.6059468890010808,1,-0.6045298441933433 -0.7251244249259573 -0.4223460368390493 -0.5964054504817609 -0.17114997936155218 -0.2257284671173043 -0.49154152229076686 -0.6589765953046831 -0.6463200454449775 -0.7224084619470795 -0.8305064879984876 -2.719423584572474 -2.6333779702036644 -1.1973315878739672 -1.2982888610999916 -1.4155693055214078 -2.209164483579186 -1.5177231308031818 -1.5464104041846929 -1.5811823252964121 +27412,-1.027075212404341,1,-0.7251244249259573 -0.4223460368390493 -0.5964054504817609 -0.17114997936155218 -0.2257284671173043 -0.49154152229076686 -0.6589765953046831 -0.6463200454449775 -0.7224084619470795 -0.8305064879984876 -2.719423584572474 -2.6333779702036644 -1.1973315878739672 -1.2982888610999916 -1.4155693055214078 -2.209164483579186 -1.5177231308031818 -1.5464104041846929 -1.5811823252964121 -1.6059468890010808 +27413,-0.9871696962948899,1,-0.4223460368390493 -0.5964054504817609 -0.17114997936155218 -0.2257284671173043 -0.49154152229076686 -0.6589765953046831 -0.6463200454449775 -0.7224084619470795 -0.8305064879984876 -2.719423584572474 -2.6333779702036644 -1.1973315878739672 -1.2982888610999916 -1.4155693055214078 -2.209164483579186 -1.5177231308031818 -1.5464104041846929 -1.5811823252964121 -1.6059468890010808 -1.027075212404341 +27414,-0.38474434131436197,1,-0.5964054504817609 -0.17114997936155218 -0.2257284671173043 -0.49154152229076686 -0.6589765953046831 -0.6463200454449775 -0.7224084619470795 -0.8305064879984876 -2.719423584572474 -2.6333779702036644 -1.1973315878739672 -1.2982888610999916 -1.4155693055214078 -2.209164483579186 -1.5177231308031818 -1.5464104041846929 -1.5811823252964121 -1.6059468890010808 -1.027075212404341 -0.9871696962948899 +27415,-0.029489073333217406,1,-0.17114997936155218 -0.2257284671173043 -0.49154152229076686 -0.6589765953046831 -0.6463200454449775 -0.7224084619470795 -0.8305064879984876 -2.719423584572474 -2.6333779702036644 -1.1973315878739672 -1.2982888610999916 -1.4155693055214078 -2.209164483579186 -1.5177231308031818 -1.5464104041846929 -1.5811823252964121 -1.6059468890010808 -1.027075212404341 -0.9871696962948899 -0.38474434131436197 +27416,0.40153055630902496,1,-0.2257284671173043 -0.49154152229076686 -0.6589765953046831 -0.6463200454449775 -0.7224084619470795 -0.8305064879984876 -2.719423584572474 -2.6333779702036644 -1.1973315878739672 -1.2982888610999916 -1.4155693055214078 -2.209164483579186 -1.5177231308031818 -1.5464104041846929 -1.5811823252964121 -1.6059468890010808 -1.027075212404341 -0.9871696962948899 -0.38474434131436197 -0.029489073333217406 +27417,0.4984455935367178,1,-0.49154152229076686 -0.6589765953046831 -0.6463200454449775 -0.7224084619470795 -0.8305064879984876 -2.719423584572474 -2.6333779702036644 -1.1973315878739672 -1.2982888610999916 -1.4155693055214078 -2.209164483579186 -1.5177231308031818 -1.5464104041846929 -1.5811823252964121 -1.6059468890010808 -1.027075212404341 -0.9871696962948899 -0.38474434131436197 -0.029489073333217406 0.40153055630902496 +27418,0.6352461262718814,1,-0.6589765953046831 -0.6463200454449775 -0.7224084619470795 -0.8305064879984876 -2.719423584572474 -2.6333779702036644 -1.1973315878739672 -1.2982888610999916 -1.4155693055214078 -2.209164483579186 -1.5177231308031818 -1.5464104041846929 -1.5811823252964121 -1.6059468890010808 -1.027075212404341 -0.9871696962948899 -0.38474434131436197 -0.029489073333217406 0.40153055630902496 0.4984455935367178 +27419,0.33936791364412705,1,-0.6463200454449775 -0.7224084619470795 -0.8305064879984876 -2.719423584572474 -2.6333779702036644 -1.1973315878739672 -1.2982888610999916 -1.4155693055214078 -2.209164483579186 -1.5177231308031818 -1.5464104041846929 -1.5811823252964121 -1.6059468890010808 -1.027075212404341 -0.9871696962948899 -0.38474434131436197 -0.029489073333217406 0.40153055630902496 0.4984455935367178 0.6352461262718814 +27420,0.46963310649687723,1,-0.7224084619470795 -0.8305064879984876 -2.719423584572474 -2.6333779702036644 -1.1973315878739672 -1.2982888610999916 -1.4155693055214078 -2.209164483579186 -1.5177231308031818 -1.5464104041846929 -1.5811823252964121 -1.6059468890010808 -1.027075212404341 -0.9871696962948899 -0.38474434131436197 -0.029489073333217406 0.40153055630902496 0.4984455935367178 0.6352461262718814 0.33936791364412705 +27421,0.29703843120476975,1,-0.8305064879984876 -2.719423584572474 -2.6333779702036644 -1.1973315878739672 -1.2982888610999916 -1.4155693055214078 -2.209164483579186 -1.5177231308031818 -1.5464104041846929 -1.5811823252964121 -1.6059468890010808 -1.027075212404341 -0.9871696962948899 -0.38474434131436197 -0.029489073333217406 0.40153055630902496 0.4984455935367178 0.6352461262718814 0.33936791364412705 0.46963310649687723 +27422,0.045539953054339014,1,-2.719423584572474 -2.6333779702036644 -1.1973315878739672 -1.2982888610999916 -1.4155693055214078 -2.209164483579186 -1.5177231308031818 -1.5464104041846929 -1.5811823252964121 -1.6059468890010808 -1.027075212404341 -0.9871696962948899 -0.38474434131436197 -0.029489073333217406 0.40153055630902496 0.4984455935367178 0.6352461262718814 0.33936791364412705 0.46963310649687723 0.29703843120476975 +27423,-0.16282495213199139,1,-2.6333779702036644 -1.1973315878739672 -1.2982888610999916 -1.4155693055214078 -2.209164483579186 -1.5177231308031818 -1.5464104041846929 -1.5811823252964121 -1.6059468890010808 -1.027075212404341 -0.9871696962948899 -0.38474434131436197 -0.029489073333217406 0.40153055630902496 0.4984455935367178 0.6352461262718814 0.33936791364412705 0.46963310649687723 0.29703843120476975 0.045539953054339014 +27424,-0.45749024719684517,1,-1.1973315878739672 -1.2982888610999916 -1.4155693055214078 -2.209164483579186 -1.5177231308031818 -1.5464104041846929 -1.5811823252964121 -1.6059468890010808 -1.027075212404341 -0.9871696962948899 -0.38474434131436197 -0.029489073333217406 0.40153055630902496 0.4984455935367178 0.6352461262718814 0.33936791364412705 0.46963310649687723 0.29703843120476975 0.045539953054339014 -0.16282495213199139 +27425,-1.2645898236944724,1,-1.2982888610999916 -1.4155693055214078 -2.209164483579186 -1.5177231308031818 -1.5464104041846929 -1.5811823252964121 -1.6059468890010808 -1.027075212404341 -0.9871696962948899 -0.38474434131436197 -0.029489073333217406 0.40153055630902496 0.4984455935367178 0.6352461262718814 0.33936791364412705 0.46963310649687723 0.29703843120476975 0.045539953054339014 -0.16282495213199139 -0.45749024719684517 +27426,-0.7051358842435766,1,-1.4155693055214078 -2.209164483579186 -1.5177231308031818 -1.5464104041846929 -1.5811823252964121 -1.6059468890010808 -1.027075212404341 -0.9871696962948899 -0.38474434131436197 -0.029489073333217406 0.40153055630902496 0.4984455935367178 0.6352461262718814 0.33936791364412705 0.46963310649687723 0.29703843120476975 0.045539953054339014 -0.16282495213199139 -0.45749024719684517 -1.2645898236944724 +27427,-0.7911495253937522,1,-2.209164483579186 -1.5177231308031818 -1.5464104041846929 -1.5811823252964121 -1.6059468890010808 -1.027075212404341 -0.9871696962948899 -0.38474434131436197 -0.029489073333217406 0.40153055630902496 0.4984455935367178 0.6352461262718814 0.33936791364412705 0.46963310649687723 0.29703843120476975 0.045539953054339014 -0.16282495213199139 -0.45749024719684517 -1.2645898236944724 -0.7051358842435766 +27428,-0.8970612529547991,1,-1.5177231308031818 -1.5464104041846929 -1.5811823252964121 -1.6059468890010808 -1.027075212404341 -0.9871696962948899 -0.38474434131436197 -0.029489073333217406 0.40153055630902496 0.4984455935367178 0.6352461262718814 0.33936791364412705 0.46963310649687723 0.29703843120476975 0.045539953054339014 -0.16282495213199139 -0.45749024719684517 -1.2645898236944724 -0.7051358842435766 -0.7911495253937522 +27429,-0.9528219311767006,1,-1.5464104041846929 -1.5811823252964121 -1.6059468890010808 -1.027075212404341 -0.9871696962948899 -0.38474434131436197 -0.029489073333217406 0.40153055630902496 0.4984455935367178 0.6352461262718814 0.33936791364412705 0.46963310649687723 0.29703843120476975 0.045539953054339014 -0.16282495213199139 -0.45749024719684517 -1.2645898236944724 -0.7051358842435766 -0.7911495253937522 -0.8970612529547991 +27430,-1.0255274271727914,1,-1.5811823252964121 -1.6059468890010808 -1.027075212404341 -0.9871696962948899 -0.38474434131436197 -0.029489073333217406 0.40153055630902496 0.4984455935367178 0.6352461262718814 0.33936791364412705 0.46963310649687723 0.29703843120476975 0.045539953054339014 -0.16282495213199139 -0.45749024719684517 -1.2645898236944724 -0.7051358842435766 -0.7911495253937522 -0.8970612529547991 -0.9528219311767006 +27431,-1.8191871116565503,1,-1.6059468890010808 -1.027075212404341 -0.9871696962948899 -0.38474434131436197 -0.029489073333217406 0.40153055630902496 0.4984455935367178 0.6352461262718814 0.33936791364412705 0.46963310649687723 0.29703843120476975 0.045539953054339014 -0.16282495213199139 -0.45749024719684517 -1.2645898236944724 -0.7051358842435766 -0.7911495253937522 -0.8970612529547991 -0.9528219311767006 -1.0255274271727914 +27432,-1.2313828629678978,1,-1.027075212404341 -0.9871696962948899 -0.38474434131436197 -0.029489073333217406 0.40153055630902496 0.4984455935367178 0.6352461262718814 0.33936791364412705 0.46963310649687723 0.29703843120476975 0.045539953054339014 -0.16282495213199139 -0.45749024719684517 -1.2645898236944724 -0.7051358842435766 -0.7911495253937522 -0.8970612529547991 -0.9528219311767006 -1.0255274271727914 -1.8191871116565503 +27433,-1.2647351014475359,1,-0.9871696962948899 -0.38474434131436197 -0.029489073333217406 0.40153055630902496 0.4984455935367178 0.6352461262718814 0.33936791364412705 0.46963310649687723 0.29703843120476975 0.045539953054339014 -0.16282495213199139 -0.45749024719684517 -1.2645898236944724 -0.7051358842435766 -0.7911495253937522 -0.8970612529547991 -0.9528219311767006 -1.0255274271727914 -1.8191871116565503 -1.2313828629678978 +27434,-1.3211544063973373,1,-0.38474434131436197 -0.029489073333217406 0.40153055630902496 0.4984455935367178 0.6352461262718814 0.33936791364412705 0.46963310649687723 0.29703843120476975 0.045539953054339014 -0.16282495213199139 -0.45749024719684517 -1.2645898236944724 -0.7051358842435766 -0.7911495253937522 -0.8970612529547991 -0.9528219311767006 -1.0255274271727914 -1.8191871116565503 -1.2313828629678978 -1.2647351014475359 +27435,-1.3264116516355295,1,-0.029489073333217406 0.40153055630902496 0.4984455935367178 0.6352461262718814 0.33936791364412705 0.46963310649687723 0.29703843120476975 0.045539953054339014 -0.16282495213199139 -0.45749024719684517 -1.2645898236944724 -0.7051358842435766 -0.7911495253937522 -0.8970612529547991 -0.9528219311767006 -1.0255274271727914 -1.8191871116565503 -1.2313828629678978 -1.2647351014475359 -1.3211544063973373 +27436,-1.336632258712762,1,0.40153055630902496 0.4984455935367178 0.6352461262718814 0.33936791364412705 0.46963310649687723 0.29703843120476975 0.045539953054339014 -0.16282495213199139 -0.45749024719684517 -1.2645898236944724 -0.7051358842435766 -0.7911495253937522 -0.8970612529547991 -0.9528219311767006 -1.0255274271727914 -1.8191871116565503 -1.2313828629678978 -1.2647351014475359 -1.3211544063973373 -1.3264116516355295 +27437,-0.8718198673876463,1,0.4984455935367178 0.6352461262718814 0.33936791364412705 0.46963310649687723 0.29703843120476975 0.045539953054339014 -0.16282495213199139 -0.45749024719684517 -1.2645898236944724 -0.7051358842435766 -0.7911495253937522 -0.8970612529547991 -0.9528219311767006 -1.0255274271727914 -1.8191871116565503 -1.2313828629678978 -1.2647351014475359 -1.3211544063973373 -1.3264116516355295 -1.336632258712762 +27438,-0.19436675783468904,1,0.6352461262718814 0.33936791364412705 0.46963310649687723 0.29703843120476975 0.045539953054339014 -0.16282495213199139 -0.45749024719684517 -1.2645898236944724 -0.7051358842435766 -0.7911495253937522 -0.8970612529547991 -0.9528219311767006 -1.0255274271727914 -1.8191871116565503 -1.2313828629678978 -1.2647351014475359 -1.3211544063973373 -1.3264116516355295 -1.336632258712762 -0.8718198673876463 +27439,0.07365764193497717,1,0.33936791364412705 0.46963310649687723 0.29703843120476975 0.045539953054339014 -0.16282495213199139 -0.45749024719684517 -1.2645898236944724 -0.7051358842435766 -0.7911495253937522 -0.8970612529547991 -0.9528219311767006 -1.0255274271727914 -1.8191871116565503 -1.2313828629678978 -1.2647351014475359 -1.3211544063973373 -1.3264116516355295 -1.336632258712762 -0.8718198673876463 -0.19436675783468904 +27440,0.46653753603379583,1,0.46963310649687723 0.29703843120476975 0.045539953054339014 -0.16282495213199139 -0.45749024719684517 -1.2645898236944724 -0.7051358842435766 -0.7911495253937522 -0.8970612529547991 -0.9528219311767006 -1.0255274271727914 -1.8191871116565503 -1.2313828629678978 -1.2647351014475359 -1.3211544063973373 -1.3264116516355295 -1.336632258712762 -0.8718198673876463 -0.19436675783468904 0.07365764193497717 +27441,0.6297328604855309,1,0.29703843120476975 0.045539953054339014 -0.16282495213199139 -0.45749024719684517 -1.2645898236944724 -0.7051358842435766 -0.7911495253937522 -0.8970612529547991 -0.9528219311767006 -1.0255274271727914 -1.8191871116565503 -1.2313828629678978 -1.2647351014475359 -1.3211544063973373 -1.3264116516355295 -1.336632258712762 -0.8718198673876463 -0.19436675783468904 0.07365764193497717 0.46653753603379583 +27442,0.8797961928555316,1,0.045539953054339014 -0.16282495213199139 -0.45749024719684517 -1.2645898236944724 -0.7051358842435766 -0.7911495253937522 -0.8970612529547991 -0.9528219311767006 -1.0255274271727914 -1.8191871116565503 -1.2313828629678978 -1.2647351014475359 -1.3211544063973373 -1.3264116516355295 -1.336632258712762 -0.8718198673876463 -0.19436675783468904 0.07365764193497717 0.46653753603379583 0.6297328604855309 +27443,0.7824047033764743,1,-0.16282495213199139 -0.45749024719684517 -1.2645898236944724 -0.7051358842435766 -0.7911495253937522 -0.8970612529547991 -0.9528219311767006 -1.0255274271727914 -1.8191871116565503 -1.2313828629678978 -1.2647351014475359 -1.3211544063973373 -1.3264116516355295 -1.336632258712762 -0.8718198673876463 -0.19436675783468904 0.07365764193497717 0.46653753603379583 0.6297328604855309 0.8797961928555316 +27444,0.6275072001141692,1,-0.45749024719684517 -1.2645898236944724 -0.7051358842435766 -0.7911495253937522 -0.8970612529547991 -0.9528219311767006 -1.0255274271727914 -1.8191871116565503 -1.2313828629678978 -1.2647351014475359 -1.3211544063973373 -1.3264116516355295 -1.336632258712762 -0.8718198673876463 -0.19436675783468904 0.07365764193497717 0.46653753603379583 0.6297328604855309 0.8797961928555316 0.7824047033764743 +27445,0.5113077242551095,1,-1.2645898236944724 -0.7051358842435766 -0.7911495253937522 -0.8970612529547991 -0.9528219311767006 -1.0255274271727914 -1.8191871116565503 -1.2313828629678978 -1.2647351014475359 -1.3211544063973373 -1.3264116516355295 -1.336632258712762 -0.8718198673876463 -0.19436675783468904 0.07365764193497717 0.46653753603379583 0.6297328604855309 0.8797961928555316 0.7824047033764743 0.6275072001141692 +27446,0.30092451625879163,1,-0.7051358842435766 -0.7911495253937522 -0.8970612529547991 -0.9528219311767006 -1.0255274271727914 -1.8191871116565503 -1.2313828629678978 -1.2647351014475359 -1.3211544063973373 -1.3264116516355295 -1.336632258712762 -0.8718198673876463 -0.19436675783468904 0.07365764193497717 0.46653753603379583 0.6297328604855309 0.8797961928555316 0.7824047033764743 0.6275072001141692 0.5113077242551095 +27447,0.12344470806271358,1,-0.7911495253937522 -0.8970612529547991 -0.9528219311767006 -1.0255274271727914 -1.8191871116565503 -1.2313828629678978 -1.2647351014475359 -1.3211544063973373 -1.3264116516355295 -1.336632258712762 -0.8718198673876463 -0.19436675783468904 0.07365764193497717 0.46653753603379583 0.6297328604855309 0.8797961928555316 0.7824047033764743 0.6275072001141692 0.5113077242551095 0.30092451625879163 +27448,-0.15567212704613642,1,-0.8970612529547991 -0.9528219311767006 -1.0255274271727914 -1.8191871116565503 -1.2313828629678978 -1.2647351014475359 -1.3211544063973373 -1.3264116516355295 -1.336632258712762 -0.8718198673876463 -0.19436675783468904 0.07365764193497717 0.46653753603379583 0.6297328604855309 0.8797961928555316 0.7824047033764743 0.6275072001141692 0.5113077242551095 0.30092451625879163 0.12344470806271358 +27449,-0.9444882721036776,1,-0.9528219311767006 -1.0255274271727914 -1.8191871116565503 -1.2313828629678978 -1.2647351014475359 -1.3211544063973373 -1.3264116516355295 -1.336632258712762 -0.8718198673876463 -0.19436675783468904 0.07365764193497717 0.46653753603379583 0.6297328604855309 0.8797961928555316 0.7824047033764743 0.6275072001141692 0.5113077242551095 0.30092451625879163 0.12344470806271358 -0.15567212704613642 +27450,-0.4961848779853978,1,-1.0255274271727914 -1.8191871116565503 -1.2313828629678978 -1.2647351014475359 -1.3211544063973373 -1.3264116516355295 -1.336632258712762 -0.8718198673876463 -0.19436675783468904 0.07365764193497717 0.46653753603379583 0.6297328604855309 0.8797961928555316 0.7824047033764743 0.6275072001141692 0.5113077242551095 0.30092451625879163 0.12344470806271358 -0.15567212704613642 -0.9444882721036776 +27451,-0.6000943867014606,1,-1.8191871116565503 -1.2313828629678978 -1.2647351014475359 -1.3211544063973373 -1.3264116516355295 -1.336632258712762 -0.8718198673876463 -0.19436675783468904 0.07365764193497717 0.46653753603379583 0.6297328604855309 0.8797961928555316 0.7824047033764743 0.6275072001141692 0.5113077242551095 0.30092451625879163 0.12344470806271358 -0.15567212704613642 -0.9444882721036776 -0.4961848779853978 +27452,-0.7159703808643704,1,-1.2313828629678978 -1.2647351014475359 -1.3211544063973373 -1.3264116516355295 -1.336632258712762 -0.8718198673876463 -0.19436675783468904 0.07365764193497717 0.46653753603379583 0.6297328604855309 0.8797961928555316 0.7824047033764743 0.6275072001141692 0.5113077242551095 0.30092451625879163 0.12344470806271358 -0.15567212704613642 -0.9444882721036776 -0.4961848779853978 -0.6000943867014606 +27453,-0.7223267842369608,1,-1.2647351014475359 -1.3211544063973373 -1.3264116516355295 -1.336632258712762 -0.8718198673876463 -0.19436675783468904 0.07365764193497717 0.46653753603379583 0.6297328604855309 0.8797961928555316 0.7824047033764743 0.6275072001141692 0.5113077242551095 0.30092451625879163 0.12344470806271358 -0.15567212704613642 -0.9444882721036776 -0.4961848779853978 -0.6000943867014606 -0.7159703808643704 +27454,-0.7299004479482543,1,-1.3211544063973373 -1.3264116516355295 -1.336632258712762 -0.8718198673876463 -0.19436675783468904 0.07365764193497717 0.46653753603379583 0.6297328604855309 0.8797961928555316 0.7824047033764743 0.6275072001141692 0.5113077242551095 0.30092451625879163 0.12344470806271358 -0.15567212704613642 -0.9444882721036776 -0.4961848779853978 -0.6000943867014606 -0.7159703808643704 -0.7223267842369608 +27455,-1.5373135288088702,1,-1.3264116516355295 -1.336632258712762 -0.8718198673876463 -0.19436675783468904 0.07365764193497717 0.46653753603379583 0.6297328604855309 0.8797961928555316 0.7824047033764743 0.6275072001141692 0.5113077242551095 0.30092451625879163 0.12344470806271358 -0.15567212704613642 -0.9444882721036776 -0.4961848779853978 -0.6000943867014606 -0.7159703808643704 -0.7223267842369608 -0.7299004479482543 +27456,-0.9357558837433517,1,-1.336632258712762 -0.8718198673876463 -0.19436675783468904 0.07365764193497717 0.46653753603379583 0.6297328604855309 0.8797961928555316 0.7824047033764743 0.6275072001141692 0.5113077242551095 0.30092451625879163 0.12344470806271358 -0.15567212704613642 -0.9444882721036776 -0.4961848779853978 -0.6000943867014606 -0.7159703808643704 -0.7223267842369608 -0.7299004479482543 -1.5373135288088702 +27457,-1.023784703034697,1,-0.8718198673876463 -0.19436675783468904 0.07365764193497717 0.46653753603379583 0.6297328604855309 0.8797961928555316 0.7824047033764743 0.6275072001141692 0.5113077242551095 0.30092451625879163 0.12344470806271358 -0.15567212704613642 -0.9444882721036776 -0.4961848779853978 -0.6000943867014606 -0.7159703808643704 -0.7223267842369608 -0.7299004479482543 -1.5373135288088702 -0.9357558837433517 +27458,-1.1416113195384492,1,-0.19436675783468904 0.07365764193497717 0.46653753603379583 0.6297328604855309 0.8797961928555316 0.7824047033764743 0.6275072001141692 0.5113077242551095 0.30092451625879163 0.12344470806271358 -0.15567212704613642 -0.9444882721036776 -0.4961848779853978 -0.6000943867014606 -0.7159703808643704 -0.7223267842369608 -0.7299004479482543 -1.5373135288088702 -0.9357558837433517 -1.023784703034697 +27459,-1.1210933929689035,1,0.07365764193497717 0.46653753603379583 0.6297328604855309 0.8797961928555316 0.7824047033764743 0.6275072001141692 0.5113077242551095 0.30092451625879163 0.12344470806271358 -0.15567212704613642 -0.9444882721036776 -0.4961848779853978 -0.6000943867014606 -0.7159703808643704 -0.7223267842369608 -0.7299004479482543 -1.5373135288088702 -0.9357558837433517 -1.023784703034697 -1.1416113195384492 +27460,-1.092082192129103,1,0.46653753603379583 0.6297328604855309 0.8797961928555316 0.7824047033764743 0.6275072001141692 0.5113077242551095 0.30092451625879163 0.12344470806271358 -0.15567212704613642 -0.9444882721036776 -0.4961848779853978 -0.6000943867014606 -0.7159703808643704 -0.7223267842369608 -0.7299004479482543 -1.5373135288088702 -0.9357558837433517 -1.023784703034697 -1.1416113195384492 -1.1210933929689035 +27461,-0.5086365546338113,1,0.6297328604855309 0.8797961928555316 0.7824047033764743 0.6275072001141692 0.5113077242551095 0.30092451625879163 0.12344470806271358 -0.15567212704613642 -0.9444882721036776 -0.4961848779853978 -0.6000943867014606 -0.7159703808643704 -0.7223267842369608 -0.7299004479482543 -1.5373135288088702 -0.9357558837433517 -1.023784703034697 -1.1416113195384492 -1.1210933929689035 -1.092082192129103 +27462,0.2204396842185962,1,0.8797961928555316 0.7824047033764743 0.6275072001141692 0.5113077242551095 0.30092451625879163 0.12344470806271358 -0.15567212704613642 -0.9444882721036776 -0.4961848779853978 -0.6000943867014606 -0.7159703808643704 -0.7223267842369608 -0.7299004479482543 -1.5373135288088702 -0.9357558837433517 -1.023784703034697 -1.1416113195384492 -1.1210933929689035 -1.092082192129103 -0.5086365546338113 +27463,0.6465340188709013,1,0.7824047033764743 0.6275072001141692 0.5113077242551095 0.30092451625879163 0.12344470806271358 -0.15567212704613642 -0.9444882721036776 -0.4961848779853978 -0.6000943867014606 -0.7159703808643704 -0.7223267842369608 -0.7299004479482543 -1.5373135288088702 -0.9357558837433517 -1.023784703034697 -1.1416113195384492 -1.1210933929689035 -1.092082192129103 -0.5086365546338113 0.2204396842185962 +27464,1.1676842459223653,1,0.6275072001141692 0.5113077242551095 0.30092451625879163 0.12344470806271358 -0.15567212704613642 -0.9444882721036776 -0.4961848779853978 -0.6000943867014606 -0.7159703808643704 -0.7223267842369608 -0.7299004479482543 -1.5373135288088702 -0.9357558837433517 -1.023784703034697 -1.1416113195384492 -1.1210933929689035 -1.092082192129103 -0.5086365546338113 0.2204396842185962 0.6465340188709013 +27465,1.1933293509911838,1,0.5113077242551095 0.30092451625879163 0.12344470806271358 -0.15567212704613642 -0.9444882721036776 -0.4961848779853978 -0.6000943867014606 -0.7159703808643704 -0.7223267842369608 -0.7299004479482543 -1.5373135288088702 -0.9357558837433517 -1.023784703034697 -1.1416113195384492 -1.1210933929689035 -1.092082192129103 -0.5086365546338113 0.2204396842185962 0.6465340188709013 1.1676842459223653 +27466,1.2249522994894237,1,0.30092451625879163 0.12344470806271358 -0.15567212704613642 -0.9444882721036776 -0.4961848779853978 -0.6000943867014606 -0.7159703808643704 -0.7223267842369608 -0.7299004479482543 -1.5373135288088702 -0.9357558837433517 -1.023784703034697 -1.1416113195384492 -1.1210933929689035 -1.092082192129103 -0.5086365546338113 0.2204396842185962 0.6465340188709013 1.1676842459223653 1.1933293509911838 +27467,1.0101034060652005,1,0.12344470806271358 -0.15567212704613642 -0.9444882721036776 -0.4961848779853978 -0.6000943867014606 -0.7159703808643704 -0.7223267842369608 -0.7299004479482543 -1.5373135288088702 -0.9357558837433517 -1.023784703034697 -1.1416113195384492 -1.1210933929689035 -1.092082192129103 -0.5086365546338113 0.2204396842185962 0.6465340188709013 1.1676842459223653 1.1933293509911838 1.2249522994894237 +27468,1.1305374003653532,1,-0.15567212704613642 -0.9444882721036776 -0.4961848779853978 -0.6000943867014606 -0.7159703808643704 -0.7223267842369608 -0.7299004479482543 -1.5373135288088702 -0.9357558837433517 -1.023784703034697 -1.1416113195384492 -1.1210933929689035 -1.092082192129103 -0.5086365546338113 0.2204396842185962 0.6465340188709013 1.1676842459223653 1.1933293509911838 1.2249522994894237 1.0101034060652005 +27469,0.918801983267229,1,-0.9444882721036776 -0.4961848779853978 -0.6000943867014606 -0.7159703808643704 -0.7223267842369608 -0.7299004479482543 -1.5373135288088702 -0.9357558837433517 -1.023784703034697 -1.1416113195384492 -1.1210933929689035 -1.092082192129103 -0.5086365546338113 0.2204396842185962 0.6465340188709013 1.1676842459223653 1.1933293509911838 1.2249522994894237 1.0101034060652005 1.1305374003653532 +27470,0.6429850524295937,1,-0.4961848779853978 -0.6000943867014606 -0.7159703808643704 -0.7223267842369608 -0.7299004479482543 -1.5373135288088702 -0.9357558837433517 -1.023784703034697 -1.1416113195384492 -1.1210933929689035 -1.092082192129103 -0.5086365546338113 0.2204396842185962 0.6465340188709013 1.1676842459223653 1.1933293509911838 1.2249522994894237 1.0101034060652005 1.1305374003653532 0.918801983267229 +27471,0.4090598501254195,1,-0.6000943867014606 -0.7159703808643704 -0.7223267842369608 -0.7299004479482543 -1.5373135288088702 -0.9357558837433517 -1.023784703034697 -1.1416113195384492 -1.1210933929689035 -1.092082192129103 -0.5086365546338113 0.2204396842185962 0.6465340188709013 1.1676842459223653 1.1933293509911838 1.2249522994894237 1.0101034060652005 1.1305374003653532 0.918801983267229 0.6429850524295937 +27472,0.13531149648378746,1,-0.7159703808643704 -0.7223267842369608 -0.7299004479482543 -1.5373135288088702 -0.9357558837433517 -1.023784703034697 -1.1416113195384492 -1.1210933929689035 -1.092082192129103 -0.5086365546338113 0.2204396842185962 0.6465340188709013 1.1676842459223653 1.1933293509911838 1.2249522994894237 1.0101034060652005 1.1305374003653532 0.918801983267229 0.6429850524295937 0.4090598501254195 +27473,-0.264017093254082,1,-0.7223267842369608 -0.7299004479482543 -1.5373135288088702 -0.9357558837433517 -1.023784703034697 -1.1416113195384492 -1.1210933929689035 -1.092082192129103 -0.5086365546338113 0.2204396842185962 0.6465340188709013 1.1676842459223653 1.1933293509911838 1.2249522994894237 1.0101034060652005 1.1305374003653532 0.918801983267229 0.6429850524295937 0.4090598501254195 0.13531149648378746 +27474,-0.2673364935828488,1,-0.7299004479482543 -1.5373135288088702 -0.9357558837433517 -1.023784703034697 -1.1416113195384492 -1.1210933929689035 -1.092082192129103 -0.5086365546338113 0.2204396842185962 0.6465340188709013 1.1676842459223653 1.1933293509911838 1.2249522994894237 1.0101034060652005 1.1305374003653532 0.918801983267229 0.6429850524295937 0.4090598501254195 0.13531149648378746 -0.264017093254082 +27475,-0.3553364219150623,1,-1.5373135288088702 -0.9357558837433517 -1.023784703034697 -1.1416113195384492 -1.1210933929689035 -1.092082192129103 -0.5086365546338113 0.2204396842185962 0.6465340188709013 1.1676842459223653 1.1933293509911838 1.2249522994894237 1.0101034060652005 1.1305374003653532 0.918801983267229 0.6429850524295937 0.4090598501254195 0.13531149648378746 -0.264017093254082 -0.2673364935828488 +27476,-1.22252285305976,1,-0.9357558837433517 -1.023784703034697 -1.1416113195384492 -1.1210933929689035 -1.092082192129103 -0.5086365546338113 0.2204396842185962 0.6465340188709013 1.1676842459223653 1.1933293509911838 1.2249522994894237 1.0101034060652005 1.1305374003653532 0.918801983267229 0.6429850524295937 0.4090598501254195 0.13531149648378746 -0.264017093254082 -0.2673364935828488 -0.3553364219150623 +27477,-0.445107965344502,1,-1.023784703034697 -1.1416113195384492 -1.1210933929689035 -1.092082192129103 -0.5086365546338113 0.2204396842185962 0.6465340188709013 1.1676842459223653 1.1933293509911838 1.2249522994894237 1.0101034060652005 1.1305374003653532 0.918801983267229 0.6429850524295937 0.4090598501254195 0.13531149648378746 -0.264017093254082 -0.2673364935828488 -0.3553364219150623 -1.22252285305976 +27478,-0.7638394686800319,1,-1.1416113195384492 -1.1210933929689035 -1.092082192129103 -0.5086365546338113 0.2204396842185962 0.6465340188709013 1.1676842459223653 1.1933293509911838 1.2249522994894237 1.0101034060652005 1.1305374003653532 0.918801983267229 0.6429850524295937 0.4090598501254195 0.13531149648378746 -0.264017093254082 -0.2673364935828488 -0.3553364219150623 -1.22252285305976 -0.445107965344502 +27479,-0.7159703808643704,1,-1.1210933929689035 -1.092082192129103 -0.5086365546338113 0.2204396842185962 0.6465340188709013 1.1676842459223653 1.1933293509911838 1.2249522994894237 1.0101034060652005 1.1305374003653532 0.918801983267229 0.6429850524295937 0.4090598501254195 0.13531149648378746 -0.264017093254082 -0.2673364935828488 -0.3553364219150623 -1.22252285305976 -0.445107965344502 -0.7638394686800319 +27480,-0.7662993146837307,1,-1.092082192129103 -0.5086365546338113 0.2204396842185962 0.6465340188709013 1.1676842459223653 1.1933293509911838 1.2249522994894237 1.0101034060652005 1.1305374003653532 0.918801983267229 0.6429850524295937 0.4090598501254195 0.13531149648378746 -0.264017093254082 -0.2673364935828488 -0.3553364219150623 -1.22252285305976 -0.445107965344502 -0.7638394686800319 -0.7159703808643704 +27481,-0.8057419242938189,1,-0.5086365546338113 0.2204396842185962 0.6465340188709013 1.1676842459223653 1.1933293509911838 1.2249522994894237 1.0101034060652005 1.1305374003653532 0.918801983267229 0.6429850524295937 0.4090598501254195 0.13531149648378746 -0.264017093254082 -0.2673364935828488 -0.3553364219150623 -1.22252285305976 -0.445107965344502 -0.7638394686800319 -0.7159703808643704 -0.7662993146837307 +27482,-1.6426078386499194,1,0.2204396842185962 0.6465340188709013 1.1676842459223653 1.1933293509911838 1.2249522994894237 1.0101034060652005 1.1305374003653532 0.918801983267229 0.6429850524295937 0.4090598501254195 0.13531149648378746 -0.264017093254082 -0.2673364935828488 -0.3553364219150623 -1.22252285305976 -0.445107965344502 -0.7638394686800319 -0.7159703808643704 -0.7662993146837307 -0.8057419242938189 +27483,-0.9481381655956861,1,0.6465340188709013 1.1676842459223653 1.1933293509911838 1.2249522994894237 1.0101034060652005 1.1305374003653532 0.918801983267229 0.6429850524295937 0.4090598501254195 0.13531149648378746 -0.264017093254082 -0.2673364935828488 -0.3553364219150623 -1.22252285305976 -0.445107965344502 -0.7638394686800319 -0.7159703808643704 -0.7662993146837307 -0.8057419242938189 -1.6426078386499194 +27484,-0.6160979222922244,1,1.1676842459223653 1.1933293509911838 1.2249522994894237 1.0101034060652005 1.1305374003653532 0.918801983267229 0.6429850524295937 0.4090598501254195 0.13531149648378746 -0.264017093254082 -0.2673364935828488 -0.3553364219150623 -1.22252285305976 -0.445107965344502 -0.7638394686800319 -0.7159703808643704 -0.7662993146837307 -0.8057419242938189 -1.6426078386499194 -0.9481381655956861 +27485,-0.20210568399239254,1,1.1933293509911838 1.2249522994894237 1.0101034060652005 1.1305374003653532 0.918801983267229 0.6429850524295937 0.4090598501254195 0.13531149648378746 -0.264017093254082 -0.2673364935828488 -0.3553364219150623 -1.22252285305976 -0.445107965344502 -0.7638394686800319 -0.7159703808643704 -0.7662993146837307 -0.8057419242938189 -1.6426078386499194 -0.9481381655956861 -0.6160979222922244 +27486,0.26534019440863327,1,1.2249522994894237 1.0101034060652005 1.1305374003653532 0.918801983267229 0.6429850524295937 0.4090598501254195 0.13531149648378746 -0.264017093254082 -0.2673364935828488 -0.3553364219150623 -1.22252285305976 -0.445107965344502 -0.7638394686800319 -0.7159703808643704 -0.7662993146837307 -0.8057419242938189 -1.6426078386499194 -0.9481381655956861 -0.6160979222922244 -0.20210568399239254 +27487,0.8488404882246913,1,1.0101034060652005 1.1305374003653532 0.918801983267229 0.6429850524295937 0.4090598501254195 0.13531149648378746 -0.264017093254082 -0.2673364935828488 -0.3553364219150623 -1.22252285305976 -0.445107965344502 -0.7638394686800319 -0.7159703808643704 -0.7662993146837307 -0.8057419242938189 -1.6426078386499194 -0.9481381655956861 -0.6160979222922244 -0.20210568399239254 0.26534019440863327 +27488,1.067163188722827,1,1.1305374003653532 0.918801983267229 0.6429850524295937 0.4090598501254195 0.13531149648378746 -0.264017093254082 -0.2673364935828488 -0.3553364219150623 -1.22252285305976 -0.445107965344502 -0.7638394686800319 -0.7159703808643704 -0.7662993146837307 -0.8057419242938189 -1.6426078386499194 -0.9481381655956861 -0.6160979222922244 -0.20210568399239254 0.26534019440863327 0.8488404882246913 +27489,1.27448142689877,1,0.918801983267229 0.6429850524295937 0.4090598501254195 0.13531149648378746 -0.264017093254082 -0.2673364935828488 -0.3553364219150623 -1.22252285305976 -0.445107965344502 -0.7638394686800319 -0.7159703808643704 -0.7662993146837307 -0.8057419242938189 -1.6426078386499194 -0.9481381655956861 -0.6160979222922244 -0.20210568399239254 0.26534019440863327 0.8488404882246913 1.067163188722827 +27490,1.3382005531934358,1,0.6429850524295937 0.4090598501254195 0.13531149648378746 -0.264017093254082 -0.2673364935828488 -0.3553364219150623 -1.22252285305976 -0.445107965344502 -0.7638394686800319 -0.7159703808643704 -0.7662993146837307 -0.8057419242938189 -1.6426078386499194 -0.9481381655956861 -0.6160979222922244 -0.20210568399239254 0.26534019440863327 0.8488404882246913 1.067163188722827 1.27448142689877 +27491,1.4106865272744746,1,0.4090598501254195 0.13531149648378746 -0.264017093254082 -0.2673364935828488 -0.3553364219150623 -1.22252285305976 -0.445107965344502 -0.7638394686800319 -0.7159703808643704 -0.7662993146837307 -0.8057419242938189 -1.6426078386499194 -0.9481381655956861 -0.6160979222922244 -0.20210568399239254 0.26534019440863327 0.8488404882246913 1.067163188722827 1.27448142689877 1.3382005531934358 +27492,1.3051275744833093,1,0.13531149648378746 -0.264017093254082 -0.2673364935828488 -0.3553364219150623 -1.22252285305976 -0.445107965344502 -0.7638394686800319 -0.7159703808643704 -0.7662993146837307 -0.8057419242938189 -1.6426078386499194 -0.9481381655956861 -0.6160979222922244 -0.20210568399239254 0.26534019440863327 0.8488404882246913 1.067163188722827 1.27448142689877 1.3382005531934358 1.4106865272744746 +27493,1.1707798163854555,1,-0.264017093254082 -0.2673364935828488 -0.3553364219150623 -1.22252285305976 -0.445107965344502 -0.7638394686800319 -0.7159703808643704 -0.7662993146837307 -0.8057419242938189 -1.6426078386499194 -0.9481381655956861 -0.6160979222922244 -0.20210568399239254 0.26534019440863327 0.8488404882246913 1.067163188722827 1.27448142689877 1.3382005531934358 1.4106865272744746 1.3051275744833093 +27494,0.2085505768892745,1,-0.2673364935828488 -0.3553364219150623 -1.22252285305976 -0.445107965344502 -0.7638394686800319 -0.7159703808643704 -0.7662993146837307 -0.8057419242938189 -1.6426078386499194 -0.9481381655956861 -0.6160979222922244 -0.20210568399239254 0.26534019440863327 0.8488404882246913 1.067163188722827 1.27448142689877 1.3382005531934358 1.4106865272744746 1.3051275744833093 1.1707798163854555 +27495,0.5207100191377643,1,-0.3553364219150623 -1.22252285305976 -0.445107965344502 -0.7638394686800319 -0.7159703808643704 -0.7662993146837307 -0.8057419242938189 -1.6426078386499194 -0.9481381655956861 -0.6160979222922244 -0.20210568399239254 0.26534019440863327 0.8488404882246913 1.067163188722827 1.27448142689877 1.3382005531934358 1.4106865272744746 1.3051275744833093 1.1707798163854555 0.2085505768892745 +27496,0.35417765455852773,1,-1.22252285305976 -0.445107965344502 -0.7638394686800319 -0.7159703808643704 -0.7662993146837307 -0.8057419242938189 -1.6426078386499194 -0.9481381655956861 -0.6160979222922244 -0.20210568399239254 0.26534019440863327 0.8488404882246913 1.067163188722827 1.27448142689877 1.3382005531934358 1.4106865272744746 1.3051275744833093 1.1707798163854555 0.2085505768892745 0.5207100191377643 +27497,0.16007606018845622,1,-0.445107965344502 -0.7638394686800319 -0.7159703808643704 -0.7662993146837307 -0.8057419242938189 -1.6426078386499194 -0.9481381655956861 -0.6160979222922244 -0.20210568399239254 0.26534019440863327 0.8488404882246913 1.067163188722827 1.27448142689877 1.3382005531934358 1.4106865272744746 1.3051275744833093 1.1707798163854555 0.2085505768892745 0.5207100191377643 0.35417765455852773 +27498,-0.14948098611996483,1,-0.7638394686800319 -0.7159703808643704 -0.7662993146837307 -0.8057419242938189 -1.6426078386499194 -0.9481381655956861 -0.6160979222922244 -0.20210568399239254 0.26534019440863327 0.8488404882246913 1.067163188722827 1.27448142689877 1.3382005531934358 1.4106865272744746 1.3051275744833093 1.1707798163854555 0.2085505768892745 0.5207100191377643 0.35417765455852773 0.16007606018845622 +27499,-0.13138044717398298,1,-0.7159703808643704 -0.7662993146837307 -0.8057419242938189 -1.6426078386499194 -0.9481381655956861 -0.6160979222922244 -0.20210568399239254 0.26534019440863327 0.8488404882246913 1.067163188722827 1.27448142689877 1.3382005531934358 1.4106865272744746 1.3051275744833093 1.1707798163854555 0.2085505768892745 0.5207100191377643 0.35417765455852773 0.16007606018845622 -0.14948098611996483 +27500,-0.025658167596594655,1,-0.7662993146837307 -0.8057419242938189 -1.6426078386499194 -0.9481381655956861 -0.6160979222922244 -0.20210568399239254 0.26534019440863327 0.8488404882246913 1.067163188722827 1.27448142689877 1.3382005531934358 1.4106865272744746 1.3051275744833093 1.1707798163854555 0.2085505768892745 0.5207100191377643 0.35417765455852773 0.16007606018845622 -0.14948098611996483 -0.13138044717398298 +27501,-0.08922911636256149,1,-0.8057419242938189 -1.6426078386499194 -0.9481381655956861 -0.6160979222922244 -0.20210568399239254 0.26534019440863327 0.8488404882246913 1.067163188722827 1.27448142689877 1.3382005531934358 1.4106865272744746 1.3051275744833093 1.1707798163854555 0.2085505768892745 0.5207100191377643 0.35417765455852773 0.16007606018845622 -0.14948098611996483 -0.13138044717398298 -0.025658167596594655 +27502,-0.15721991227767712,1,-1.6426078386499194 -0.9481381655956861 -0.6160979222922244 -0.20210568399239254 0.26534019440863327 0.8488404882246913 1.067163188722827 1.27448142689877 1.3382005531934358 1.4106865272744746 1.3051275744833093 1.1707798163854555 0.2085505768892745 0.5207100191377643 0.35417765455852773 0.16007606018845622 -0.14948098611996483 -0.13138044717398298 -0.025658167596594655 -0.08922911636256149 +27503,-1.0690824581859837,1,-0.9481381655956861 -0.6160979222922244 -0.20210568399239254 0.26534019440863327 0.8488404882246913 1.067163188722827 1.27448142689877 1.3382005531934358 1.4106865272744746 1.3051275744833093 1.1707798163854555 0.2085505768892745 0.5207100191377643 0.35417765455852773 0.16007606018845622 -0.14948098611996483 -0.13138044717398298 -0.025658167596594655 -0.08922911636256149 -0.15721991227767712 +27504,-0.41879561640829255,1,-0.6160979222922244 -0.20210568399239254 0.26534019440863327 0.8488404882246913 1.067163188722827 1.27448142689877 1.3382005531934358 1.4106865272744746 1.3051275744833093 1.1707798163854555 0.2085505768892745 0.5207100191377643 0.35417765455852773 0.16007606018845622 -0.14948098611996483 -0.13138044717398298 -0.025658167596594655 -0.08922911636256149 -0.15721991227767712 -1.0690824581859837 +27505,-0.3887726701528351,1,-0.20210568399239254 0.26534019440863327 0.8488404882246913 1.067163188722827 1.27448142689877 1.3382005531934358 1.4106865272744746 1.3051275744833093 1.1707798163854555 0.2085505768892745 0.5207100191377643 0.35417765455852773 0.16007606018845622 -0.14948098611996483 -0.13138044717398298 -0.025658167596594655 -0.08922911636256149 -0.15721991227767712 -1.0690824581859837 -0.41879561640829255 +27506,-0.3553364219150623,1,0.26534019440863327 0.8488404882246913 1.067163188722827 1.27448142689877 1.3382005531934358 1.4106865272744746 1.3051275744833093 1.1707798163854555 0.2085505768892745 0.5207100191377643 0.35417765455852773 0.16007606018845622 -0.14948098611996483 -0.13138044717398298 -0.025658167596594655 -0.08922911636256149 -0.15721991227767712 -1.0690824581859837 -0.41879561640829255 -0.3887726701528351 +27507,-0.3759329917617838,1,0.8488404882246913 1.067163188722827 1.27448142689877 1.3382005531934358 1.4106865272744746 1.3051275744833093 1.1707798163854555 0.2085505768892745 0.5207100191377643 0.35417765455852773 0.16007606018845622 -0.14948098611996483 -0.13138044717398298 -0.025658167596594655 -0.08922911636256149 -0.15721991227767712 -1.0690824581859837 -0.41879561640829255 -0.3887726701528351 -0.3553364219150623 +27508,-0.39867440839824586,1,1.067163188722827 1.27448142689877 1.3382005531934358 1.4106865272744746 1.3051275744833093 1.1707798163854555 0.2085505768892745 0.5207100191377643 0.35417765455852773 0.16007606018845622 -0.14948098611996483 -0.13138044717398298 -0.025658167596594655 -0.08922911636256149 -0.15721991227767712 -1.0690824581859837 -0.41879561640829255 -0.3887726701528351 -0.3553364219150623 -0.3759329917617838 +27509,0.0021550666665266826,1,1.27448142689877 1.3382005531934358 1.4106865272744746 1.3051275744833093 1.1707798163854555 0.2085505768892745 0.5207100191377643 0.35417765455852773 0.16007606018845622 -0.14948098611996483 -0.13138044717398298 -0.025658167596594655 -0.08922911636256149 -0.15721991227767712 -1.0690824581859837 -0.41879561640829255 -0.3887726701528351 -0.3553364219150623 -0.3759329917617838 -0.39867440839824586 +27510,0.8302670654461852,1,1.3382005531934358 1.4106865272744746 1.3051275744833093 1.1707798163854555 0.2085505768892745 0.5207100191377643 0.35417765455852773 0.16007606018845622 -0.14948098611996483 -0.13138044717398298 -0.025658167596594655 -0.08922911636256149 -0.15721991227767712 -1.0690824581859837 -0.41879561640829255 -0.3887726701528351 -0.3553364219150623 -0.3759329917617838 -0.39867440839824586 0.0021550666665266826 +27511,1.6614277347842965,1,1.4106865272744746 1.3051275744833093 1.1707798163854555 0.2085505768892745 0.5207100191377643 0.35417765455852773 0.16007606018845622 -0.14948098611996483 -0.13138044717398298 -0.025658167596594655 -0.08922911636256149 -0.15721991227767712 -1.0690824581859837 -0.41879561640829255 -0.3887726701528351 -0.3553364219150623 -0.3759329917617838 -0.39867440839824586 0.0021550666665266826 0.8302670654461852 +27512,1.8518053182639782,1,1.3051275744833093 1.1707798163854555 0.2085505768892745 0.5207100191377643 0.35417765455852773 0.16007606018845622 -0.14948098611996483 -0.13138044717398298 -0.025658167596594655 -0.08922911636256149 -0.15721991227767712 -1.0690824581859837 -0.41879561640829255 -0.3887726701528351 -0.3553364219150623 -0.3759329917617838 -0.39867440839824586 0.0021550666665266826 0.8302670654461852 1.6614277347842965 +27513,1.853345572436921,1,1.1707798163854555 0.2085505768892745 0.5207100191377643 0.35417765455852773 0.16007606018845622 -0.14948098611996483 -0.13138044717398298 -0.025658167596594655 -0.08922911636256149 -0.15721991227767712 -1.0690824581859837 -0.41879561640829255 -0.3887726701528351 -0.3553364219150623 -0.3759329917617838 -0.39867440839824586 0.0021550666665266826 0.8302670654461852 1.6614277347842965 1.8518053182639782 +27514,1.8610920296532312,1,0.2085505768892745 0.5207100191377643 0.35417765455852773 0.16007606018845622 -0.14948098611996483 -0.13138044717398298 -0.025658167596594655 -0.08922911636256149 -0.15721991227767712 -1.0690824581859837 -0.41879561640829255 -0.3887726701528351 -0.3553364219150623 -0.3759329917617838 -0.39867440839824586 0.0021550666665266826 0.8302670654461852 1.6614277347842965 1.8518053182639782 1.853345572436921 +27515,1.3343348032513527,1,0.5207100191377643 0.35417765455852773 0.16007606018845622 -0.14948098611996483 -0.13138044717398298 -0.025658167596594655 -0.08922911636256149 -0.15721991227767712 -1.0690824581859837 -0.41879561640829255 -0.3887726701528351 -0.3553364219150623 -0.3759329917617838 -0.39867440839824586 0.0021550666665266826 0.8302670654461852 1.6614277347842965 1.8518053182639782 1.853345572436921 1.8610920296532312 +27516,1.8935955195156122,1,0.35417765455852773 0.16007606018845622 -0.14948098611996483 -0.13138044717398298 -0.025658167596594655 -0.08922911636256149 -0.15721991227767712 -1.0690824581859837 -0.41879561640829255 -0.3887726701528351 -0.3553364219150623 -0.3759329917617838 -0.39867440839824586 0.0021550666665266826 0.8302670654461852 1.6614277347842965 1.8518053182639782 1.853345572436921 1.8610920296532312 1.3343348032513527 +27517,1.6280344170011591,1,0.16007606018845622 -0.14948098611996483 -0.13138044717398298 -0.025658167596594655 -0.08922911636256149 -0.15721991227767712 -1.0690824581859837 -0.41879561640829255 -0.3887726701528351 -0.3553364219150623 -0.3759329917617838 -0.39867440839824586 0.0021550666665266826 0.8302670654461852 1.6614277347842965 1.8518053182639782 1.853345572436921 1.8610920296532312 1.3343348032513527 1.8935955195156122 +27518,1.27448142689877,1,-0.14948098611996483 -0.13138044717398298 -0.025658167596594655 -0.08922911636256149 -0.15721991227767712 -1.0690824581859837 -0.41879561640829255 -0.3887726701528351 -0.3553364219150623 -0.3759329917617838 -0.39867440839824586 0.0021550666665266826 0.8302670654461852 1.6614277347842965 1.8518053182639782 1.853345572436921 1.8610920296532312 1.3343348032513527 1.8935955195156122 1.6280344170011591 +27519,0.9935168428397112,1,-0.13138044717398298 -0.025658167596594655 -0.08922911636256149 -0.15721991227767712 -1.0690824581859837 -0.41879561640829255 -0.3887726701528351 -0.3553364219150623 -0.3759329917617838 -0.39867440839824586 0.0021550666665266826 0.8302670654461852 1.6614277347842965 1.8518053182639782 1.853345572436921 1.8610920296532312 1.3343348032513527 1.8935955195156122 1.6280344170011591 1.27448142689877 +27520,0.6538195490503874,1,-0.025658167596594655 -0.08922911636256149 -0.15721991227767712 -1.0690824581859837 -0.41879561640829255 -0.3887726701528351 -0.3553364219150623 -0.3759329917617838 -0.39867440839824586 0.0021550666665266826 0.8302670654461852 1.6614277347842965 1.8518053182639782 1.853345572436921 1.8610920296532312 1.3343348032513527 1.8935955195156122 1.6280344170011591 1.27448142689877 0.9935168428397112 +27521,-0.4690930227711498,1,-0.08922911636256149 -0.15721991227767712 -1.0690824581859837 -0.41879561640829255 -0.3887726701528351 -0.3553364219150623 -0.3759329917617838 -0.39867440839824586 0.0021550666665266826 0.8302670654461852 1.6614277347842965 1.8518053182639782 1.853345572436921 1.8610920296532312 1.3343348032513527 1.8935955195156122 1.6280344170011591 1.27448142689877 0.9935168428397112 0.6538195490503874 +27522,0.4851109588123018,1,-0.15721991227767712 -1.0690824581859837 -0.41879561640829255 -0.3887726701528351 -0.3553364219150623 -0.3759329917617838 -0.39867440839824586 0.0021550666665266826 0.8302670654461852 1.6614277347842965 1.8518053182639782 1.853345572436921 1.8610920296532312 1.3343348032513527 1.8935955195156122 1.6280344170011591 1.27448142689877 0.9935168428397112 0.6538195490503874 -0.4690930227711498 +27523,0.18638840912467444,1,-1.0690824581859837 -0.41879561640829255 -0.3887726701528351 -0.3553364219150623 -0.3759329917617838 -0.39867440839824586 0.0021550666665266826 0.8302670654461852 1.6614277347842965 1.8518053182639782 1.853345572436921 1.8610920296532312 1.3343348032513527 1.8935955195156122 1.6280344170011591 1.27448142689877 0.9935168428397112 0.6538195490503874 -0.4690930227711498 0.4851109588123018 +27524,0.05637444967513269,1,-0.41879561640829255 -0.3887726701528351 -0.3553364219150623 -0.3759329917617838 -0.39867440839824586 0.0021550666665266826 0.8302670654461852 1.6614277347842965 1.8518053182639782 1.853345572436921 1.8610920296532312 1.3343348032513527 1.8935955195156122 1.6280344170011591 1.27448142689877 0.9935168428397112 0.6538195490503874 -0.4690930227711498 0.4851109588123018 0.18638840912467444 +27525,0.03301699083540495,1,-0.3887726701528351 -0.3553364219150623 -0.3759329917617838 -0.39867440839824586 0.0021550666665266826 0.8302670654461852 1.6614277347842965 1.8518053182639782 1.853345572436921 1.8610920296532312 1.3343348032513527 1.8935955195156122 1.6280344170011591 1.27448142689877 0.9935168428397112 0.6538195490503874 -0.4690930227711498 0.4851109588123018 0.18638840912467444 0.05637444967513269 +27526,-0.03494487898584764,1,-0.3553364219150623 -0.3759329917617838 -0.39867440839824586 0.0021550666665266826 0.8302670654461852 1.6614277347842965 1.8518053182639782 1.853345572436921 1.8610920296532312 1.3343348032513527 1.8935955195156122 1.6280344170011591 1.27448142689877 0.9935168428397112 0.6538195490503874 -0.4690930227711498 0.4851109588123018 0.18638840912467444 0.05637444967513269 0.03301699083540495 +27527,-1.1139667379905258,1,-0.3759329917617838 -0.39867440839824586 0.0021550666665266826 0.8302670654461852 1.6614277347842965 1.8518053182639782 1.853345572436921 1.8610920296532312 1.3343348032513527 1.8935955195156122 1.6280344170011591 1.27448142689877 0.9935168428397112 0.6538195490503874 -0.4690930227711498 0.4851109588123018 0.18638840912467444 0.05637444967513269 0.03301699083540495 -0.03494487898584764 +27528,-0.2794949455694978,1,-0.39867440839824586 0.0021550666665266826 0.8302670654461852 1.6614277347842965 1.8518053182639782 1.853345572436921 1.8610920296532312 1.3343348032513527 1.8935955195156122 1.6280344170011591 1.27448142689877 0.9935168428397112 0.6538195490503874 -0.4690930227711498 0.4851109588123018 0.18638840912467444 0.05637444967513269 0.03301699083540495 -0.03494487898584764 -1.1139667379905258 +27529,-0.3528803839273754,1,0.0021550666665266826 0.8302670654461852 1.6614277347842965 1.8518053182639782 1.853345572436921 1.8610920296532312 1.3343348032513527 1.8935955195156122 1.6280344170011591 1.27448142689877 0.9935168428397112 0.6538195490503874 -0.4690930227711498 0.4851109588123018 0.18638840912467444 0.05637444967513269 0.03301699083540495 -0.03494487898584764 -1.1139667379905258 -0.2794949455694978 +27530,-0.4342734687237083,1,0.8302670654461852 1.6614277347842965 1.8518053182639782 1.853345572436921 1.8610920296532312 1.3343348032513527 1.8935955195156122 1.6280344170011591 1.27448142689877 0.9935168428397112 0.6538195490503874 -0.4690930227711498 0.4851109588123018 0.18638840912467444 0.05637444967513269 0.03301699083540495 -0.03494487898584764 -1.1139667379905258 -0.2794949455694978 -0.3528803839273754 +27531,-0.42767045518239477,1,1.6614277347842965 1.8518053182639782 1.853345572436921 1.8610920296532312 1.3343348032513527 1.8935955195156122 1.6280344170011591 1.27448142689877 0.9935168428397112 0.6538195490503874 -0.4690930227711498 0.4851109588123018 0.18638840912467444 0.05637444967513269 0.03301699083540495 -0.03494487898584764 -1.1139667379905258 -0.2794949455694978 -0.3528803839273754 -0.4342734687237083 +27532,-0.4203434016398332,1,1.8518053182639782 1.853345572436921 1.8610920296532312 1.3343348032513527 1.8935955195156122 1.6280344170011591 1.27448142689877 0.9935168428397112 0.6538195490503874 -0.4690930227711498 0.4851109588123018 0.18638840912467444 0.05637444967513269 0.03301699083540495 -0.03494487898584764 -1.1139667379905258 -0.2794949455694978 -0.3528803839273754 -0.4342734687237083 -0.42767045518239477 +27533,-0.06802477784375265,1,1.853345572436921 1.8610920296532312 1.3343348032513527 1.8935955195156122 1.6280344170011591 1.27448142689877 0.9935168428397112 0.6538195490503874 -0.4690930227711498 0.4851109588123018 0.18638840912467444 0.05637444967513269 0.03301699083540495 -0.03494487898584764 -1.1139667379905258 -0.2794949455694978 -0.3528803839273754 -0.4342734687237083 -0.42767045518239477 -0.4203434016398332 +27534,0.5872647840940758,1,1.8610920296532312 1.3343348032513527 1.8935955195156122 1.6280344170011591 1.27448142689877 0.9935168428397112 0.6538195490503874 -0.4690930227711498 0.4851109588123018 0.18638840912467444 0.05637444967513269 0.03301699083540495 -0.03494487898584764 -1.1139667379905258 -0.2794949455694978 -0.3528803839273754 -0.4342734687237083 -0.42767045518239477 -0.4203434016398332 -0.06802477784375265 +27535,1.483432433156958,1,1.3343348032513527 1.8935955195156122 1.6280344170011591 1.27448142689877 0.9935168428397112 0.6538195490503874 -0.4690930227711498 0.4851109588123018 0.18638840912467444 0.05637444967513269 0.03301699083540495 -0.03494487898584764 -1.1139667379905258 -0.2794949455694978 -0.3528803839273754 -0.4342734687237083 -0.42767045518239477 -0.4203434016398332 -0.06802477784375265 0.5872647840940758 +27536,1.4297371017484934,1,1.8935955195156122 1.6280344170011591 1.27448142689877 0.9935168428397112 0.6538195490503874 -0.4690930227711498 0.4851109588123018 0.18638840912467444 0.05637444967513269 0.03301699083540495 -0.03494487898584764 -1.1139667379905258 -0.2794949455694978 -0.3528803839273754 -0.4342734687237083 -0.42767045518239477 -0.4203434016398332 -0.06802477784375265 0.5872647840940758 1.483432433156958 +27537,1.7078612917305613,1,1.6280344170011591 1.27448142689877 0.9935168428397112 0.6538195490503874 -0.4690930227711498 0.4851109588123018 0.18638840912467444 0.05637444967513269 0.03301699083540495 -0.03494487898584764 -1.1139667379905258 -0.2794949455694978 -0.3528803839273754 -0.4342734687237083 -0.42767045518239477 -0.4203434016398332 -0.06802477784375265 0.5872647840940758 1.483432433156958 1.4297371017484934 +27538,1.7317966243897498,1,1.27448142689877 0.9935168428397112 0.6538195490503874 -0.4690930227711498 0.4851109588123018 0.18638840912467444 0.05637444967513269 0.03301699083540495 -0.03494487898584764 -1.1139667379905258 -0.2794949455694978 -0.3528803839273754 -0.4342734687237083 -0.42767045518239477 -0.4203434016398332 -0.06802477784375265 0.5872647840940758 1.483432433156958 1.4297371017484934 1.7078612917305613 +27539,1.7604859896029978,1,0.9935168428397112 0.6538195490503874 -0.4690930227711498 0.4851109588123018 0.18638840912467444 0.05637444967513269 0.03301699083540495 -0.03494487898584764 -1.1139667379905258 -0.2794949455694978 -0.3528803839273754 -0.4342734687237083 -0.42767045518239477 -0.4203434016398332 -0.06802477784375265 0.5872647840940758 1.483432433156958 1.4297371017484934 1.7078612917305613 1.7317966243897498 +27540,1.661475019468347,1,0.6538195490503874 -0.4690930227711498 0.4851109588123018 0.18638840912467444 0.05637444967513269 0.03301699083540495 -0.03494487898584764 -1.1139667379905258 -0.2794949455694978 -0.3528803839273754 -0.4342734687237083 -0.42767045518239477 -0.4203434016398332 -0.06802477784375265 0.5872647840940758 1.483432433156958 1.4297371017484934 1.7078612917305613 1.7317966243897498 1.7604859896029978 +27541,1.532961560566304,1,-0.4690930227711498 0.4851109588123018 0.18638840912467444 0.05637444967513269 0.03301699083540495 -0.03494487898584764 -1.1139667379905258 -0.2794949455694978 -0.3528803839273754 -0.4342734687237083 -0.42767045518239477 -0.4203434016398332 -0.06802477784375265 0.5872647840940758 1.483432433156958 1.4297371017484934 1.7078612917305613 1.7317966243897498 1.7604859896029978 1.661475019468347 +27542,0.3989496710237608,1,0.4851109588123018 0.18638840912467444 0.05637444967513269 0.03301699083540495 -0.03494487898584764 -1.1139667379905258 -0.2794949455694978 -0.3528803839273754 -0.4342734687237083 -0.42767045518239477 -0.4203434016398332 -0.06802477784375265 0.5872647840940758 1.483432433156958 1.4297371017484934 1.7078612917305613 1.7317966243897498 1.7604859896029978 1.661475019468347 1.532961560566304 +27543,0.6754885422919747,1,0.18638840912467444 0.05637444967513269 0.03301699083540495 -0.03494487898584764 -1.1139667379905258 -0.2794949455694978 -0.3528803839273754 -0.4342734687237083 -0.42767045518239477 -0.4203434016398332 -0.06802477784375265 0.5872647840940758 1.483432433156958 1.4297371017484934 1.7078612917305613 1.7317966243897498 1.7604859896029978 1.661475019468347 1.532961560566304 0.3989496710237608 +27544,0.46077771719199156,1,0.05637444967513269 0.03301699083540495 -0.03494487898584764 -1.1139667379905258 -0.2794949455694978 -0.3528803839273754 -0.4342734687237083 -0.42767045518239477 -0.4203434016398332 -0.06802477784375265 0.5872647840940758 1.483432433156958 1.4297371017484934 1.7078612917305613 1.7317966243897498 1.7604859896029978 1.661475019468347 1.532961560566304 0.3989496710237608 0.6754885422919747 +27545,0.20031847620854953,1,0.03301699083540495 -0.03494487898584764 -1.1139667379905258 -0.2794949455694978 -0.3528803839273754 -0.4342734687237083 -0.42767045518239477 -0.4203434016398332 -0.06802477784375265 0.5872647840940758 1.483432433156958 1.4297371017484934 1.7078612917305613 1.7317966243897498 1.7604859896029978 1.661475019468347 1.532961560566304 0.3989496710237608 0.6754885422919747 0.46077771719199156 +27546,-0.09685628824752832,1,-0.03494487898584764 -1.1139667379905258 -0.2794949455694978 -0.3528803839273754 -0.4342734687237083 -0.42767045518239477 -0.4203434016398332 -0.06802477784375265 0.5872647840940758 1.483432433156958 1.4297371017484934 1.7078612917305613 1.7317966243897498 1.7604859896029978 1.661475019468347 1.532961560566304 0.3989496710237608 0.6754885422919747 0.46077771719199156 0.20031847620854953 +27547,-0.2900954034427769,1,-1.1139667379905258 -0.2794949455694978 -0.3528803839273754 -0.4342734687237083 -0.42767045518239477 -0.4203434016398332 -0.06802477784375265 0.5872647840940758 1.483432433156958 1.4297371017484934 1.7078612917305613 1.7317966243897498 1.7604859896029978 1.661475019468347 1.532961560566304 0.3989496710237608 0.6754885422919747 0.46077771719199156 0.20031847620854953 -0.09685628824752832 +27548,-1.9899524049466764,1,-0.2794949455694978 -0.3528803839273754 -0.4342734687237083 -0.42767045518239477 -0.4203434016398332 -0.06802477784375265 0.5872647840940758 1.483432433156958 1.4297371017484934 1.7078612917305613 1.7317966243897498 1.7604859896029978 1.661475019468347 1.532961560566304 0.3989496710237608 0.6754885422919747 0.46077771719199156 0.20031847620854953 -0.09685628824752832 -0.2900954034427769 +27549,-1.9899524049466764,1,-0.3528803839273754 -0.4342734687237083 -0.42767045518239477 -0.4203434016398332 -0.06802477784375265 0.5872647840940758 1.483432433156958 1.4297371017484934 1.7078612917305613 1.7317966243897498 1.7604859896029978 1.661475019468347 1.532961560566304 0.3989496710237608 0.6754885422919747 0.46077771719199156 0.20031847620854953 -0.09685628824752832 -0.2900954034427769 -1.9899524049466764 +27550,-1.9899524049466764,1,-0.4342734687237083 -0.42767045518239477 -0.4203434016398332 -0.06802477784375265 0.5872647840940758 1.483432433156958 1.4297371017484934 1.7078612917305613 1.7317966243897498 1.7604859896029978 1.661475019468347 1.532961560566304 0.3989496710237608 0.6754885422919747 0.46077771719199156 0.20031847620854953 -0.09685628824752832 -0.2900954034427769 -1.9899524049466764 -1.9899524049466764 +27551,-1.9446746366556387,1,-0.42767045518239477 -0.4203434016398332 -0.06802477784375265 0.5872647840940758 1.483432433156958 1.4297371017484934 1.7078612917305613 1.7317966243897498 1.7604859896029978 1.661475019468347 1.532961560566304 0.3989496710237608 0.6754885422919747 0.46077771719199156 0.20031847620854953 -0.09685628824752832 -0.2900954034427769 -1.9899524049466764 -1.9899524049466764 -1.9899524049466764 +27552,-0.7175181660959199,1,-0.4203434016398332 -0.06802477784375265 0.5872647840940758 1.483432433156958 1.4297371017484934 1.7078612917305613 1.7317966243897498 1.7604859896029978 1.661475019468347 1.532961560566304 0.3989496710237608 0.6754885422919747 0.46077771719199156 0.20031847620854953 -0.09685628824752832 -0.2900954034427769 -1.9899524049466764 -1.9899524049466764 -1.9899524049466764 -1.9446746366556387 +27553,-0.7472512844590736,1,-0.06802477784375265 0.5872647840940758 1.483432433156958 1.4297371017484934 1.7078612917305613 1.7317966243897498 1.7604859896029978 1.661475019468347 1.532961560566304 0.3989496710237608 0.6754885422919747 0.46077771719199156 0.20031847620854953 -0.09685628824752832 -0.2900954034427769 -1.9899524049466764 -1.9899524049466764 -1.9899524049466764 -1.9446746366556387 -0.7175181660959199 +27554,-0.7809773605891412,1,0.5872647840940758 1.483432433156958 1.4297371017484934 1.7078612917305613 1.7317966243897498 1.7604859896029978 1.661475019468347 1.532961560566304 0.3989496710237608 0.6754885422919747 0.46077771719199156 0.20031847620854953 -0.09685628824752832 -0.2900954034427769 -1.9899524049466764 -1.9899524049466764 -1.9899524049466764 -1.9446746366556387 -0.7175181660959199 -0.7472512844590736 +27555,-0.8135497660532938,1,1.483432433156958 1.4297371017484934 1.7078612917305613 1.7317966243897498 1.7604859896029978 1.661475019468347 1.532961560566304 0.3989496710237608 0.6754885422919747 0.46077771719199156 0.20031847620854953 -0.09685628824752832 -0.2900954034427769 -1.9899524049466764 -1.9899524049466764 -1.9899524049466764 -1.9446746366556387 -0.7175181660959199 -0.7472512844590736 -0.7809773605891412 +27556,-0.8506276960085343,1,1.4297371017484934 1.7078612917305613 1.7317966243897498 1.7604859896029978 1.661475019468347 1.532961560566304 0.3989496710237608 0.6754885422919747 0.46077771719199156 0.20031847620854953 -0.09685628824752832 -0.2900954034427769 -1.9899524049466764 -1.9899524049466764 -1.9899524049466764 -1.9446746366556387 -0.7175181660959199 -0.7472512844590736 -0.7809773605891412 -0.8135497660532938 +27557,-0.13838006164311262,1,1.7078612917305613 1.7317966243897498 1.7604859896029978 1.661475019468347 1.532961560566304 0.3989496710237608 0.6754885422919747 0.46077771719199156 0.20031847620854953 -0.09685628824752832 -0.2900954034427769 -1.9899524049466764 -1.9899524049466764 -1.9899524049466764 -1.9446746366556387 -0.7175181660959199 -0.7472512844590736 -0.7809773605891412 -0.8135497660532938 -0.8506276960085343 +27558,0.262229885470239,1,1.7317966243897498 1.7604859896029978 1.661475019468347 1.532961560566304 0.3989496710237608 0.6754885422919747 0.46077771719199156 0.20031847620854953 -0.09685628824752832 -0.2900954034427769 -1.9899524049466764 -1.9899524049466764 -1.9899524049466764 -1.9446746366556387 -0.7175181660959199 -0.7472512844590736 -0.7809773605891412 -0.8135497660532938 -0.8506276960085343 -0.13838006164311262 +27559,0.9262297498017965,1,1.7604859896029978 1.661475019468347 1.532961560566304 0.3989496710237608 0.6754885422919747 0.46077771719199156 0.20031847620854953 -0.09685628824752832 -0.2900954034427769 -1.9899524049466764 -1.9899524049466764 -1.9899524049466764 -1.9446746366556387 -0.7175181660959199 -0.7472512844590736 -0.7809773605891412 -0.8135497660532938 -0.8506276960085343 -0.13838006164311262 0.262229885470239 +27560,0.9404678591145825,1,1.661475019468347 1.532961560566304 0.3989496710237608 0.6754885422919747 0.46077771719199156 0.20031847620854953 -0.09685628824752832 -0.2900954034427769 -1.9899524049466764 -1.9899524049466764 -1.9899524049466764 -1.9446746366556387 -0.7175181660959199 -0.7472512844590736 -0.7809773605891412 -0.8135497660532938 -0.8506276960085343 -0.13838006164311262 0.262229885470239 0.9262297498017965 +27561,1.0779127024929256,1,1.532961560566304 0.3989496710237608 0.6754885422919747 0.46077771719199156 0.20031847620854953 -0.09685628824752832 -0.2900954034427769 -1.9899524049466764 -1.9899524049466764 -1.9899524049466764 -1.9446746366556387 -0.7175181660959199 -0.7472512844590736 -0.7809773605891412 -0.8135497660532938 -0.8506276960085343 -0.13838006164311262 0.262229885470239 0.9262297498017965 0.9404678591145825 +27562,1.0877665737774895,1,0.3989496710237608 0.6754885422919747 0.46077771719199156 0.20031847620854953 -0.09685628824752832 -0.2900954034427769 -1.9899524049466764 -1.9899524049466764 -1.9899524049466764 -1.9446746366556387 -0.7175181660959199 -0.7472512844590736 -0.7809773605891412 -0.8135497660532938 -0.8506276960085343 -0.13838006164311262 0.262229885470239 0.9262297498017965 0.9404678591145825 1.0779127024929256 +27563,1.099581695734513,1,0.6754885422919747 0.46077771719199156 0.20031847620854953 -0.09685628824752832 -0.2900954034427769 -1.9899524049466764 -1.9899524049466764 -1.9899524049466764 -1.9446746366556387 -0.7175181660959199 -0.7472512844590736 -0.7809773605891412 -0.8135497660532938 -0.8506276960085343 -0.13838006164311262 0.262229885470239 0.9262297498017965 0.9404678591145825 1.0779127024929256 1.0877665737774895 +27564,0.9374074455095799,1,0.46077771719199156 0.20031847620854953 -0.09685628824752832 -0.2900954034427769 -1.9899524049466764 -1.9899524049466764 -1.9899524049466764 -1.9446746366556387 -0.7175181660959199 -0.7472512844590736 -0.7809773605891412 -0.8135497660532938 -0.8506276960085343 -0.13838006164311262 0.262229885470239 0.9262297498017965 0.9404678591145825 1.0779127024929256 1.0877665737774895 1.099581695734513 +27565,0.7327565958590333,1,0.20031847620854953 -0.09685628824752832 -0.2900954034427769 -1.9899524049466764 -1.9899524049466764 -1.9899524049466764 -1.9446746366556387 -0.7175181660959199 -0.7472512844590736 -0.7809773605891412 -0.8135497660532938 -0.8506276960085343 -0.13838006164311262 0.262229885470239 0.9262297498017965 0.9404678591145825 1.0779127024929256 1.0877665737774895 1.099581695734513 0.9374074455095799 +27566,-0.2201331925495736,1,-0.09685628824752832 -0.2900954034427769 -1.9899524049466764 -1.9899524049466764 -1.9899524049466764 -1.9446746366556387 -0.7175181660959199 -0.7472512844590736 -0.7809773605891412 -0.8135497660532938 -0.8506276960085343 -0.13838006164311262 0.262229885470239 0.9262297498017965 0.9404678591145825 1.0779127024929256 1.0877665737774895 1.099581695734513 0.9374074455095799 0.7327565958590333 +27567,0.09352129523214463,1,-0.2900954034427769 -1.9899524049466764 -1.9899524049466764 -1.9899524049466764 -1.9446746366556387 -0.7175181660959199 -0.7472512844590736 -0.7809773605891412 -0.8135497660532938 -0.8506276960085343 -0.13838006164311262 0.262229885470239 0.9262297498017965 0.9404678591145825 1.0779127024929256 1.0877665737774895 1.099581695734513 0.9374074455095799 0.7327565958590333 -0.2201331925495736 +27568,-0.0354875725756646,1,-1.9899524049466764 -1.9899524049466764 -1.9899524049466764 -1.9446746366556387 -0.7175181660959199 -0.7472512844590736 -0.7809773605891412 -0.8135497660532938 -0.8506276960085343 -0.13838006164311262 0.262229885470239 0.9262297498017965 0.9404678591145825 1.0779127024929256 1.0877665737774895 1.099581695734513 0.9374074455095799 0.7327565958590333 -0.2201331925495736 0.09352129523214463 +27569,-0.18662783167697675,1,-1.9899524049466764 -1.9899524049466764 -1.9446746366556387 -0.7175181660959199 -0.7472512844590736 -0.7809773605891412 -0.8135497660532938 -0.8506276960085343 -0.13838006164311262 0.262229885470239 0.9262297498017965 0.9404678591145825 1.0779127024929256 1.0877665737774895 1.099581695734513 0.9374074455095799 0.7327565958590333 -0.2201331925495736 0.09352129523214463 -0.0354875725756646 +27570,-0.5023760189115606,1,-1.9899524049466764 -1.9446746366556387 -0.7175181660959199 -0.7472512844590736 -0.7809773605891412 -0.8135497660532938 -0.8506276960085343 -0.13838006164311262 0.262229885470239 0.9262297498017965 0.9404678591145825 1.0779127024929256 1.0877665737774895 1.099581695734513 0.9374074455095799 0.7327565958590333 -0.2201331925495736 0.09352129523214463 -0.0354875725756646 -0.18662783167697675 +27571,-0.5233785280935247,1,-1.9446746366556387 -0.7175181660959199 -0.7472512844590736 -0.7809773605891412 -0.8135497660532938 -0.8506276960085343 -0.13838006164311262 0.262229885470239 0.9262297498017965 0.9404678591145825 1.0779127024929256 1.0877665737774895 1.099581695734513 0.9374074455095799 0.7327565958590333 -0.2201331925495736 0.09352129523214463 -0.0354875725756646 -0.18662783167697675 -0.5023760189115606 +27572,-0.6463200454449775,1,-0.7175181660959199 -0.7472512844590736 -0.7809773605891412 -0.8135497660532938 -0.8506276960085343 -0.13838006164311262 0.262229885470239 0.9262297498017965 0.9404678591145825 1.0779127024929256 1.0877665737774895 1.099581695734513 0.9374074455095799 0.7327565958590333 -0.2201331925495736 0.09352129523214463 -0.0354875725756646 -0.18662783167697675 -0.5023760189115606 -0.5233785280935247 +27573,-0.7283526627167135,1,-0.7472512844590736 -0.7809773605891412 -0.8135497660532938 -0.8506276960085343 -0.13838006164311262 0.262229885470239 0.9262297498017965 0.9404678591145825 1.0779127024929256 1.0877665737774895 1.099581695734513 0.9374074455095799 0.7327565958590333 -0.2201331925495736 0.09352129523214463 -0.0354875725756646 -0.18662783167697675 -0.5023760189115606 -0.5233785280935247 -0.6463200454449775 +27574,-0.8086954647215813,1,-0.7809773605891412 -0.8135497660532938 -0.8506276960085343 -0.13838006164311262 0.262229885470239 0.9262297498017965 0.9404678591145825 1.0779127024929256 1.0877665737774895 1.099581695734513 0.9374074455095799 0.7327565958590333 -0.2201331925495736 0.09352129523214463 -0.0354875725756646 -0.18662783167697675 -0.5023760189115606 -0.5233785280935247 -0.6463200454449775 -0.7283526627167135 +27575,-0.9078957495755928,1,-0.8135497660532938 -0.8506276960085343 -0.13838006164311262 0.262229885470239 0.9262297498017965 0.9404678591145825 1.0779127024929256 1.0877665737774895 1.099581695734513 0.9374074455095799 0.7327565958590333 -0.2201331925495736 0.09352129523214463 -0.0354875725756646 -0.18662783167697675 -0.5023760189115606 -0.5233785280935247 -0.6463200454449775 -0.7283526627167135 -0.8086954647215813 +27576,-0.9133909771632979,1,-0.8506276960085343 -0.13838006164311262 0.262229885470239 0.9262297498017965 0.9404678591145825 1.0779127024929256 1.0877665737774895 1.099581695734513 0.9374074455095799 0.7327565958590333 -0.2201331925495736 0.09352129523214463 -0.0354875725756646 -0.18662783167697675 -0.5023760189115606 -0.5233785280935247 -0.6463200454449775 -0.7283526627167135 -0.8086954647215813 -0.9078957495755928 +27577,-0.920278031427936,1,-0.13838006164311262 0.262229885470239 0.9262297498017965 0.9404678591145825 1.0779127024929256 1.0877665737774895 1.099581695734513 0.9374074455095799 0.7327565958590333 -0.2201331925495736 0.09352129523214463 -0.0354875725756646 -0.18662783167697675 -0.5023760189115606 -0.5233785280935247 -0.6463200454449775 -0.7283526627167135 -0.8086954647215813 -0.9078957495755928 -0.9133909771632979 +27578,-1.6548547813877166,1,0.262229885470239 0.9262297498017965 0.9404678591145825 1.0779127024929256 1.0877665737774895 1.099581695734513 0.9374074455095799 0.7327565958590333 -0.2201331925495736 0.09352129523214463 -0.0354875725756646 -0.18662783167697675 -0.5023760189115606 -0.5233785280935247 -0.6463200454449775 -0.7283526627167135 -0.8086954647215813 -0.9078957495755928 -0.9133909771632979 -0.920278031427936 +27579,-1.0394574942566752,1,0.9262297498017965 0.9404678591145825 1.0779127024929256 1.0877665737774895 1.099581695734513 0.9374074455095799 0.7327565958590333 -0.2201331925495736 0.09352129523214463 -0.0354875725756646 -0.18662783167697675 -0.5023760189115606 -0.5233785280935247 -0.6463200454449775 -0.7283526627167135 -0.8086954647215813 -0.9078957495755928 -0.9133909771632979 -0.920278031427936 -1.6548547813877166 +27580,-0.8246452865927846,1,0.9404678591145825 1.0779127024929256 1.0877665737774895 1.099581695734513 0.9374074455095799 0.7327565958590333 -0.2201331925495736 0.09352129523214463 -0.0354875725756646 -0.18662783167697675 -0.5023760189115606 -0.5233785280935247 -0.6463200454449775 -0.7283526627167135 -0.8086954647215813 -0.9078957495755928 -0.9133909771632979 -0.920278031427936 -1.6548547813877166 -1.0394574942566752 +27581,-0.5550007167839971,1,1.0779127024929256 1.0877665737774895 1.099581695734513 0.9374074455095799 0.7327565958590333 -0.2201331925495736 0.09352129523214463 -0.0354875725756646 -0.18662783167697675 -0.5023760189115606 -0.5233785280935247 -0.6463200454449775 -0.7283526627167135 -0.8086954647215813 -0.9078957495755928 -0.9133909771632979 -0.920278031427936 -1.6548547813877166 -1.0394574942566752 -0.8246452865927846 +27582,0.07804344291672885,1,1.0877665737774895 1.099581695734513 0.9374074455095799 0.7327565958590333 -0.2201331925495736 0.09352129523214463 -0.0354875725756646 -0.18662783167697675 -0.5023760189115606 -0.5233785280935247 -0.6463200454449775 -0.7283526627167135 -0.8086954647215813 -0.9078957495755928 -0.9133909771632979 -0.920278031427936 -1.6548547813877166 -1.0394574942566752 -0.8246452865927846 -0.5550007167839971 +27583,0.09051160904988141,1,1.099581695734513 0.9374074455095799 0.7327565958590333 -0.2201331925495736 0.09352129523214463 -0.0354875725756646 -0.18662783167697675 -0.5023760189115606 -0.5233785280935247 -0.6463200454449775 -0.7283526627167135 -0.8086954647215813 -0.9078957495755928 -0.9133909771632979 -0.920278031427936 -1.6548547813877166 -1.0394574942566752 -0.8246452865927846 -0.5550007167839971 0.07804344291672885 +27584,0.24210867746019235,1,0.9374074455095799 0.7327565958590333 -0.2201331925495736 0.09352129523214463 -0.0354875725756646 -0.18662783167697675 -0.5023760189115606 -0.5233785280935247 -0.6463200454449775 -0.7283526627167135 -0.8086954647215813 -0.9078957495755928 -0.9133909771632979 -0.920278031427936 -1.6548547813877166 -1.0394574942566752 -0.8246452865927846 -0.5550007167839971 0.07804344291672885 0.09051160904988141 +27585,0.25561251838780236,1,0.7327565958590333 -0.2201331925495736 0.09352129523214463 -0.0354875725756646 -0.18662783167697675 -0.5023760189115606 -0.5233785280935247 -0.6463200454449775 -0.7283526627167135 -0.8086954647215813 -0.9078957495755928 -0.9133909771632979 -0.920278031427936 -1.6548547813877166 -1.0394574942566752 -0.8246452865927846 -0.5550007167839971 0.07804344291672885 0.09051160904988141 0.24210867746019235 +27586,0.271516596859492,1,-0.2201331925495736 0.09352129523214463 -0.0354875725756646 -0.18662783167697675 -0.5023760189115606 -0.5233785280935247 -0.6463200454449775 -0.7283526627167135 -0.8086954647215813 -0.9078957495755928 -0.9133909771632979 -0.920278031427936 -1.6548547813877166 -1.0394574942566752 -0.8246452865927846 -0.5550007167839971 0.07804344291672885 0.09051160904988141 0.24210867746019235 0.25561251838780236 +27587,0.006281063848682801,1,0.09352129523214463 -0.0354875725756646 -0.18662783167697675 -0.5023760189115606 -0.5233785280935247 -0.6463200454449775 -0.7283526627167135 -0.8086954647215813 -0.9078957495755928 -0.9133909771632979 -0.920278031427936 -1.6548547813877166 -1.0394574942566752 -0.8246452865927846 -0.5550007167839971 0.07804344291672885 0.09051160904988141 0.24210867746019235 0.25561251838780236 0.271516596859492 +27588,0.12447699986298497,1,-0.0354875725756646 -0.18662783167697675 -0.5023760189115606 -0.5233785280935247 -0.6463200454449775 -0.7283526627167135 -0.8086954647215813 -0.9078957495755928 -0.9133909771632979 -0.920278031427936 -1.6548547813877166 -1.0394574942566752 -0.8246452865927846 -0.5550007167839971 0.07804344291672885 0.09051160904988141 0.24210867746019235 0.25561251838780236 0.271516596859492 0.006281063848682801 +27589,-0.045899653842206546,1,-0.18662783167697675 -0.5023760189115606 -0.5233785280935247 -0.6463200454449775 -0.7283526627167135 -0.8086954647215813 -0.9078957495755928 -0.9133909771632979 -0.920278031427936 -1.6548547813877166 -1.0394574942566752 -0.8246452865927846 -0.5550007167839971 0.07804344291672885 0.09051160904988141 0.24210867746019235 0.25561251838780236 0.271516596859492 0.006281063848682801 0.12447699986298497 +27590,-0.264017093254082,1,-0.5023760189115606 -0.5233785280935247 -0.6463200454449775 -0.7283526627167135 -0.8086954647215813 -0.9078957495755928 -0.9133909771632979 -0.920278031427936 -1.6548547813877166 -1.0394574942566752 -0.8246452865927846 -0.5550007167839971 0.07804344291672885 0.09051160904988141 0.24210867746019235 0.25561251838780236 0.271516596859492 0.006281063848682801 0.12447699986298497 -0.045899653842206546 +27591,-0.3439712561383636,1,-0.5233785280935247 -0.6463200454449775 -0.7283526627167135 -0.8086954647215813 -0.9078957495755928 -0.9133909771632979 -0.920278031427936 -1.6548547813877166 -1.0394574942566752 -0.8246452865927846 -0.5550007167839971 0.07804344291672885 0.09051160904988141 0.24210867746019235 0.25561251838780236 0.271516596859492 0.006281063848682801 0.12447699986298497 -0.045899653842206546 -0.264017093254082 +27592,-0.4389168244183392,1,-0.6463200454449775 -0.7283526627167135 -0.8086954647215813 -0.9078957495755928 -0.9133909771632979 -0.920278031427936 -1.6548547813877166 -1.0394574942566752 -0.8246452865927846 -0.5550007167839971 0.07804344291672885 0.09051160904988141 0.24210867746019235 0.25561251838780236 0.271516596859492 0.006281063848682801 0.12447699986298497 -0.045899653842206546 -0.264017093254082 -0.3439712561383636 +27593,-0.9713954053416782,1,-0.7283526627167135 -0.8086954647215813 -0.9078957495755928 -0.9133909771632979 -0.920278031427936 -1.6548547813877166 -1.0394574942566752 -0.8246452865927846 -0.5550007167839971 0.07804344291672885 0.09051160904988141 0.24210867746019235 0.25561251838780236 0.271516596859492 0.006281063848682801 0.12447699986298497 -0.045899653842206546 -0.264017093254082 -0.3439712561383636 -0.4389168244183392 +27594,-0.46677695858609813,1,-0.8086954647215813 -0.9078957495755928 -0.9133909771632979 -0.920278031427936 -1.6548547813877166 -1.0394574942566752 -0.8246452865927846 -0.5550007167839971 0.07804344291672885 0.09051160904988141 0.24210867746019235 0.25561251838780236 0.271516596859492 0.006281063848682801 0.12447699986298497 -0.045899653842206546 -0.264017093254082 -0.3439712561383636 -0.4389168244183392 -0.9713954053416782 +27595,-0.4853503813646041,1,-0.9078957495755928 -0.9133909771632979 -0.920278031427936 -1.6548547813877166 -1.0394574942566752 -0.8246452865927846 -0.5550007167839971 0.07804344291672885 0.09051160904988141 0.24210867746019235 0.25561251838780236 0.271516596859492 0.006281063848682801 0.12447699986298497 -0.045899653842206546 -0.264017093254082 -0.3439712561383636 -0.4389168244183392 -0.9713954053416782 -0.46677695858609813 +27596,-0.5348795087739504,1,-0.9133909771632979 -0.920278031427936 -1.6548547813877166 -1.0394574942566752 -0.8246452865927846 -0.5550007167839971 0.07804344291672885 0.09051160904988141 0.24210867746019235 0.25561251838780236 0.271516596859492 0.006281063848682801 0.12447699986298497 -0.045899653842206546 -0.264017093254082 -0.3439712561383636 -0.4389168244183392 -0.9713954053416782 -0.46677695858609813 -0.4853503813646041 +27597,-0.5515782005266465,1,-0.920278031427936 -1.6548547813877166 -1.0394574942566752 -0.8246452865927846 -0.5550007167839971 0.07804344291672885 0.09051160904988141 0.24210867746019235 0.25561251838780236 0.271516596859492 0.006281063848682801 0.12447699986298497 -0.045899653842206546 -0.264017093254082 -0.3439712561383636 -0.4389168244183392 -0.9713954053416782 -0.46677695858609813 -0.4853503813646041 -0.5348795087739504 +27598,-0.5998864884987125,1,-1.6548547813877166 -1.0394574942566752 -0.8246452865927846 -0.5550007167839971 0.07804344291672885 0.09051160904988141 0.24210867746019235 0.25561251838780236 0.271516596859492 0.006281063848682801 0.12447699986298497 -0.045899653842206546 -0.264017093254082 -0.3439712561383636 -0.4389168244183392 -0.9713954053416782 -0.46677695858609813 -0.4853503813646041 -0.5348795087739504 -0.5515782005266465 +27599,-1.018444815042294,1,-1.0394574942566752 -0.8246452865927846 -0.5550007167839971 0.07804344291672885 0.09051160904988141 0.24210867746019235 0.25561251838780236 0.271516596859492 0.006281063848682801 0.12447699986298497 -0.045899653842206546 -0.264017093254082 -0.3439712561383636 -0.4389168244183392 -0.9713954053416782 -0.46677695858609813 -0.4853503813646041 -0.5348795087739504 -0.5515782005266465 -0.5998864884987125 +27600,-0.7887162867468536,1,-0.8246452865927846 -0.5550007167839971 0.07804344291672885 0.09051160904988141 0.24210867746019235 0.25561251838780236 0.271516596859492 0.006281063848682801 0.12447699986298497 -0.045899653842206546 -0.264017093254082 -0.3439712561383636 -0.4389168244183392 -0.9713954053416782 -0.46677695858609813 -0.4853503813646041 -0.5348795087739504 -0.5515782005266465 -0.5998864884987125 -1.018444815042294 +27601,-0.8932826673119243,1,-0.5550007167839971 0.07804344291672885 0.09051160904988141 0.24210867746019235 0.25561251838780236 0.271516596859492 0.006281063848682801 0.12447699986298497 -0.045899653842206546 -0.264017093254082 -0.3439712561383636 -0.4389168244183392 -0.9713954053416782 -0.46677695858609813 -0.4853503813646041 -0.5348795087739504 -0.5515782005266465 -0.5998864884987125 -1.018444815042294 -0.7887162867468536 +27602,-1.0255274271727914,1,0.07804344291672885 0.09051160904988141 0.24210867746019235 0.25561251838780236 0.271516596859492 0.006281063848682801 0.12447699986298497 -0.045899653842206546 -0.264017093254082 -0.3439712561383636 -0.4389168244183392 -0.9713954053416782 -0.46677695858609813 -0.4853503813646041 -0.5348795087739504 -0.5515782005266465 -0.5998864884987125 -1.018444815042294 -0.7887162867468536 -0.8932826673119243 +27603,-1.0748504909692316,1,0.09051160904988141 0.24210867746019235 0.25561251838780236 0.271516596859492 0.006281063848682801 0.12447699986298497 -0.045899653842206546 -0.264017093254082 -0.3439712561383636 -0.4389168244183392 -0.9713954053416782 -0.46677695858609813 -0.4853503813646041 -0.5348795087739504 -0.5515782005266465 -0.5998864884987125 -1.018444815042294 -0.7887162867468536 -0.8932826673119243 -1.0255274271727914 +27604,-1.1416113195384492,1,0.24210867746019235 0.25561251838780236 0.271516596859492 0.006281063848682801 0.12447699986298497 -0.045899653842206546 -0.264017093254082 -0.3439712561383636 -0.4389168244183392 -0.9713954053416782 -0.46677695858609813 -0.4853503813646041 -0.5348795087739504 -0.5515782005266465 -0.5998864884987125 -1.018444815042294 -0.7887162867468536 -0.8932826673119243 -1.0255274271727914 -1.0748504909692316 +27605,-1.0933005950428694,1,0.25561251838780236 0.271516596859492 0.006281063848682801 0.12447699986298497 -0.045899653842206546 -0.264017093254082 -0.3439712561383636 -0.4389168244183392 -0.9713954053416782 -0.46677695858609813 -0.4853503813646041 -0.5348795087739504 -0.5515782005266465 -0.5998864884987125 -1.018444815042294 -0.7887162867468536 -0.8932826673119243 -1.0255274271727914 -1.0748504909692316 -1.1416113195384492 +27606,-0.6865624614650707,1,0.271516596859492 0.006281063848682801 0.12447699986298497 -0.045899653842206546 -0.264017093254082 -0.3439712561383636 -0.4389168244183392 -0.9713954053416782 -0.46677695858609813 -0.4853503813646041 -0.5348795087739504 -0.5515782005266465 -0.5998864884987125 -1.018444815042294 -0.7887162867468536 -0.8932826673119243 -1.0255274271727914 -1.0748504909692316 -1.1416113195384492 -1.0933005950428694 +27607,-0.5587887174496577,1,0.006281063848682801 0.12447699986298497 -0.045899653842206546 -0.264017093254082 -0.3439712561383636 -0.4389168244183392 -0.9713954053416782 -0.46677695858609813 -0.4853503813646041 -0.5348795087739504 -0.5515782005266465 -0.5998864884987125 -1.018444815042294 -0.7887162867468536 -0.8932826673119243 -1.0255274271727914 -1.0748504909692316 -1.1416113195384492 -1.0933005950428694 -0.6865624614650707 +27608,-0.39867440839824586,1,0.12447699986298497 -0.045899653842206546 -0.264017093254082 -0.3439712561383636 -0.4389168244183392 -0.9713954053416782 -0.46677695858609813 -0.4853503813646041 -0.5348795087739504 -0.5515782005266465 -0.5998864884987125 -1.018444815042294 -0.7887162867468536 -0.8932826673119243 -1.0255274271727914 -1.0748504909692316 -1.1416113195384492 -1.0933005950428694 -0.6865624614650707 -0.5587887174496577 +27609,-0.35464918963962677,1,-0.045899653842206546 -0.264017093254082 -0.3439712561383636 -0.4389168244183392 -0.9713954053416782 -0.46677695858609813 -0.4853503813646041 -0.5348795087739504 -0.5515782005266465 -0.5998864884987125 -1.018444815042294 -0.7887162867468536 -0.8932826673119243 -1.0255274271727914 -1.0748504909692316 -1.1416113195384492 -1.0933005950428694 -0.6865624614650707 -0.5587887174496577 -0.39867440839824586 +27610,-0.29187722742184097,1,-0.264017093254082 -0.3439712561383636 -0.4389168244183392 -0.9713954053416782 -0.46677695858609813 -0.4853503813646041 -0.5348795087739504 -0.5515782005266465 -0.5998864884987125 -1.018444815042294 -0.7887162867468536 -0.8932826673119243 -1.0255274271727914 -1.0748504909692316 -1.1416113195384492 -1.0933005950428694 -0.6865624614650707 -0.5587887174496577 -0.39867440839824586 -0.35464918963962677 +27611,-0.5047241697679178,1,-0.3439712561383636 -0.4389168244183392 -0.9713954053416782 -0.46677695858609813 -0.4853503813646041 -0.5348795087739504 -0.5515782005266465 -0.5998864884987125 -1.018444815042294 -0.7887162867468536 -0.8932826673119243 -1.0255274271727914 -1.0748504909692316 -1.1416113195384492 -1.0933005950428694 -0.6865624614650707 -0.5587887174496577 -0.39867440839824586 -0.35464918963962677 -0.29187722742184097 +27612,-0.3692664889989462,1,-0.4389168244183392 -0.9713954053416782 -0.46677695858609813 -0.4853503813646041 -0.5348795087739504 -0.5515782005266465 -0.5998864884987125 -1.018444815042294 -0.7887162867468536 -0.8932826673119243 -1.0255274271727914 -1.0748504909692316 -1.1416113195384492 -1.0933005950428694 -0.6865624614650707 -0.5587887174496577 -0.39867440839824586 -0.35464918963962677 -0.29187722742184097 -0.5047241697679178 +27613,-0.49557579183851785,1,-0.9713954053416782 -0.46677695858609813 -0.4853503813646041 -0.5348795087739504 -0.5515782005266465 -0.5998864884987125 -1.018444815042294 -0.7887162867468536 -0.8932826673119243 -1.0255274271727914 -1.0748504909692316 -1.1416113195384492 -1.0933005950428694 -0.6865624614650707 -0.5587887174496577 -0.39867440839824586 -0.35464918963962677 -0.29187722742184097 -0.5047241697679178 -0.3692664889989462 +27614,-0.6958491728543237,1,-0.46677695858609813 -0.4853503813646041 -0.5348795087739504 -0.5515782005266465 -0.5998864884987125 -1.018444815042294 -0.7887162867468536 -0.8932826673119243 -1.0255274271727914 -1.0748504909692316 -1.1416113195384492 -1.0933005950428694 -0.6865624614650707 -0.5587887174496577 -0.39867440839824586 -0.35464918963962677 -0.29187722742184097 -0.5047241697679178 -0.3692664889989462 -0.49557579183851785 +27615,-0.7588394532746033,1,-0.4853503813646041 -0.5348795087739504 -0.5515782005266465 -0.5998864884987125 -1.018444815042294 -0.7887162867468536 -0.8932826673119243 -1.0255274271727914 -1.0748504909692316 -1.1416113195384492 -1.0933005950428694 -0.6865624614650707 -0.5587887174496577 -0.39867440839824586 -0.35464918963962677 -0.29187722742184097 -0.5047241697679178 -0.3692664889989462 -0.49557579183851785 -0.6958491728543237 +27616,-0.8537232664716244,1,-0.5348795087739504 -0.5515782005266465 -0.5998864884987125 -1.018444815042294 -0.7887162867468536 -0.8932826673119243 -1.0255274271727914 -1.0748504909692316 -1.1416113195384492 -1.0933005950428694 -0.6865624614650707 -0.5587887174496577 -0.39867440839824586 -0.35464918963962677 -0.29187722742184097 -0.5047241697679178 -0.3692664889989462 -0.49557579183851785 -0.6958491728543237 -0.7588394532746033 +27617,-1.6694148526263142,1,-0.5515782005266465 -0.5998864884987125 -1.018444815042294 -0.7887162867468536 -0.8932826673119243 -1.0255274271727914 -1.0748504909692316 -1.1416113195384492 -1.0933005950428694 -0.6865624614650707 -0.5587887174496577 -0.39867440839824586 -0.35464918963962677 -0.29187722742184097 -0.5047241697679178 -0.3692664889989462 -0.49557579183851785 -0.6958491728543237 -0.7588394532746033 -0.8537232664716244 +27618,-1.0626742727298033,1,-0.5998864884987125 -1.018444815042294 -0.7887162867468536 -0.8932826673119243 -1.0255274271727914 -1.0748504909692316 -1.1416113195384492 -1.0933005950428694 -0.6865624614650707 -0.5587887174496577 -0.39867440839824586 -0.35464918963962677 -0.29187722742184097 -0.5047241697679178 -0.3692664889989462 -0.49557579183851785 -0.6958491728543237 -0.7588394532746033 -0.8537232664716244 -1.6694148526263142 +27619,-1.0921192648357514,1,-1.018444815042294 -0.7887162867468536 -0.8932826673119243 -1.0255274271727914 -1.0748504909692316 -1.1416113195384492 -1.0933005950428694 -0.6865624614650707 -0.5587887174496577 -0.39867440839824586 -0.35464918963962677 -0.29187722742184097 -0.5047241697679178 -0.3692664889989462 -0.49557579183851785 -0.6958491728543237 -0.7588394532746033 -0.8537232664716244 -1.6694148526263142 -1.0626742727298033 +27620,-1.129229037686115,1,-0.7887162867468536 -0.8932826673119243 -1.0255274271727914 -1.0748504909692316 -1.1416113195384492 -1.0933005950428694 -0.6865624614650707 -0.5587887174496577 -0.39867440839824586 -0.35464918963962677 -0.29187722742184097 -0.5047241697679178 -0.3692664889989462 -0.49557579183851785 -0.6958491728543237 -0.7588394532746033 -0.8537232664716244 -1.6694148526263142 -1.0626742727298033 -1.0921192648357514 +27621,-1.206161966981635,1,-0.8932826673119243 -1.0255274271727914 -1.0748504909692316 -1.1416113195384492 -1.0933005950428694 -0.6865624614650707 -0.5587887174496577 -0.39867440839824586 -0.35464918963962677 -0.29187722742184097 -0.5047241697679178 -0.3692664889989462 -0.49557579183851785 -0.6958491728543237 -0.7588394532746033 -0.8537232664716244 -1.6694148526263142 -1.0626742727298033 -1.0921192648357514 -1.129229037686115 +27622,-1.3103199097765437,1,-1.0255274271727914 -1.0748504909692316 -1.1416113195384492 -1.0933005950428694 -0.6865624614650707 -0.5587887174496577 -0.39867440839824586 -0.35464918963962677 -0.29187722742184097 -0.5047241697679178 -0.3692664889989462 -0.49557579183851785 -0.6958491728543237 -0.7588394532746033 -0.8537232664716244 -1.6694148526263142 -1.0626742727298033 -1.0921192648357514 -1.129229037686115 -1.206161966981635 +27623,-2.081311570039623,1,-1.0748504909692316 -1.1416113195384492 -1.0933005950428694 -0.6865624614650707 -0.5587887174496577 -0.39867440839824586 -0.35464918963962677 -0.29187722742184097 -0.5047241697679178 -0.3692664889989462 -0.49557579183851785 -0.6958491728543237 -0.7588394532746033 -0.8537232664716244 -1.6694148526263142 -1.0626742727298033 -1.0921192648357514 -1.129229037686115 -1.206161966981635 -1.3103199097765437 +27624,-1.3227021916288781,1,-1.1416113195384492 -1.0933005950428694 -0.6865624614650707 -0.5587887174496577 -0.39867440839824586 -0.35464918963962677 -0.29187722742184097 -0.5047241697679178 -0.3692664889989462 -0.49557579183851785 -0.6958491728543237 -0.7588394532746033 -0.8537232664716244 -1.6694148526263142 -1.0626742727298033 -1.0921192648357514 -1.129229037686115 -1.206161966981635 -1.3103199097765437 -2.081311570039623 +27625,-1.3207477324832235,1,-1.0933005950428694 -0.6865624614650707 -0.5587887174496577 -0.39867440839824586 -0.35464918963962677 -0.29187722742184097 -0.5047241697679178 -0.3692664889989462 -0.49557579183851785 -0.6958491728543237 -0.7588394532746033 -0.8537232664716244 -1.6694148526263142 -1.0626742727298033 -1.0921192648357514 -1.129229037686115 -1.206161966981635 -1.3103199097765437 -2.081311570039623 -1.3227021916288781 +27626,-1.318058835934256,1,-0.6865624614650707 -0.5587887174496577 -0.39867440839824586 -0.35464918963962677 -0.29187722742184097 -0.5047241697679178 -0.3692664889989462 -0.49557579183851785 -0.6958491728543237 -0.7588394532746033 -0.8537232664716244 -1.6694148526263142 -1.0626742727298033 -1.0921192648357514 -1.129229037686115 -1.206161966981635 -1.3103199097765437 -2.081311570039623 -1.3227021916288781 -1.3207477324832235 +27627,-1.3572168083045915,1,-0.5587887174496577 -0.39867440839824586 -0.35464918963962677 -0.29187722742184097 -0.5047241697679178 -0.3692664889989462 -0.49557579183851785 -0.6958491728543237 -0.7588394532746033 -0.8537232664716244 -1.6694148526263142 -1.0626742727298033 -1.0921192648357514 -1.129229037686115 -1.206161966981635 -1.3103199097765437 -2.081311570039623 -1.3227021916288781 -1.3207477324832235 -1.318058835934256 +27628,-1.401639238437524,1,-0.39867440839824586 -0.35464918963962677 -0.29187722742184097 -0.5047241697679178 -0.3692664889989462 -0.49557579183851785 -0.6958491728543237 -0.7588394532746033 -0.8537232664716244 -1.6694148526263142 -1.0626742727298033 -1.0921192648357514 -1.129229037686115 -1.206161966981635 -1.3103199097765437 -2.081311570039623 -1.3227021916288781 -1.3207477324832235 -1.318058835934256 -1.3572168083045915 +27629,-1.368720467272579,1,-0.35464918963962677 -0.29187722742184097 -0.5047241697679178 -0.3692664889989462 -0.49557579183851785 -0.6958491728543237 -0.7588394532746033 -0.8537232664716244 -1.6694148526263142 -1.0626742727298033 -1.0921192648357514 -1.129229037686115 -1.206161966981635 -1.3103199097765437 -2.081311570039623 -1.3227021916288781 -1.3207477324832235 -1.318058835934256 -1.3572168083045915 -1.401639238437524 +27630,-0.694301387622783,1,-0.29187722742184097 -0.5047241697679178 -0.3692664889989462 -0.49557579183851785 -0.6958491728543237 -0.7588394532746033 -0.8537232664716244 -1.6694148526263142 -1.0626742727298033 -1.0921192648357514 -1.129229037686115 -1.206161966981635 -1.3103199097765437 -2.081311570039623 -1.3227021916288781 -1.3207477324832235 -1.318058835934256 -1.3572168083045915 -1.401639238437524 -1.368720467272579 +27631,-0.39712662316670516,1,-0.5047241697679178 -0.3692664889989462 -0.49557579183851785 -0.6958491728543237 -0.7588394532746033 -0.8537232664716244 -1.6694148526263142 -1.0626742727298033 -1.0921192648357514 -1.129229037686115 -1.206161966981635 -1.3103199097765437 -2.081311570039623 -1.3227021916288781 -1.3207477324832235 -1.318058835934256 -1.3572168083045915 -1.401639238437524 -1.368720467272579 -0.694301387622783 +27632,-0.28413830126412865,1,-0.3692664889989462 -0.49557579183851785 -0.6958491728543237 -0.7588394532746033 -0.8537232664716244 -1.6694148526263142 -1.0626742727298033 -1.0921192648357514 -1.129229037686115 -1.206161966981635 -1.3103199097765437 -2.081311570039623 -1.3227021916288781 -1.3207477324832235 -1.318058835934256 -1.3572168083045915 -1.401639238437524 -1.368720467272579 -0.694301387622783 -0.39712662316670516 +27633,-0.28878359246418733,1,-0.49557579183851785 -0.6958491728543237 -0.7588394532746033 -0.8537232664716244 -1.6694148526263142 -1.0626742727298033 -1.0921192648357514 -1.129229037686115 -1.206161966981635 -1.3103199097765437 -2.081311570039623 -1.3227021916288781 -1.3207477324832235 -1.318058835934256 -1.3572168083045915 -1.401639238437524 -1.368720467272579 -0.694301387622783 -0.39712662316670516 -0.28413830126412865 +27634,-0.3119984354318876,1,-0.6958491728543237 -0.7588394532746033 -0.8537232664716244 -1.6694148526263142 -1.0626742727298033 -1.0921192648357514 -1.129229037686115 -1.206161966981635 -1.3103199097765437 -2.081311570039623 -1.3227021916288781 -1.3207477324832235 -1.318058835934256 -1.3572168083045915 -1.401639238437524 -1.368720467272579 -0.694301387622783 -0.39712662316670516 -0.28413830126412865 -0.28878359246418733 +27635,-0.6274867622179372,1,-0.7588394532746033 -0.8537232664716244 -1.6694148526263142 -1.0626742727298033 -1.0921192648357514 -1.129229037686115 -1.206161966981635 -1.3103199097765437 -2.081311570039623 -1.3227021916288781 -1.3207477324832235 -1.318058835934256 -1.3572168083045915 -1.401639238437524 -1.368720467272579 -0.694301387622783 -0.39712662316670516 -0.28413830126412865 -0.28878359246418733 -0.3119984354318876 +27636,-0.4079611197874988,1,-0.8537232664716244 -1.6694148526263142 -1.0626742727298033 -1.0921192648357514 -1.129229037686115 -1.206161966981635 -1.3103199097765437 -2.081311570039623 -1.3227021916288781 -1.3207477324832235 -1.318058835934256 -1.3572168083045915 -1.401639238437524 -1.368720467272579 -0.694301387622783 -0.39712662316670516 -0.28413830126412865 -0.28878359246418733 -0.3119984354318876 -0.6274867622179372 +27637,-0.5287658111270681,1,-1.6694148526263142 -1.0626742727298033 -1.0921192648357514 -1.129229037686115 -1.206161966981635 -1.3103199097765437 -2.081311570039623 -1.3227021916288781 -1.3207477324832235 -1.318058835934256 -1.3572168083045915 -1.401639238437524 -1.368720467272579 -0.694301387622783 -0.39712662316670516 -0.28413830126412865 -0.28878359246418733 -0.3119984354318876 -0.6274867622179372 -0.4079611197874988 +27638,-0.6803713205389079,1,-1.0626742727298033 -1.0921192648357514 -1.129229037686115 -1.206161966981635 -1.3103199097765437 -2.081311570039623 -1.3227021916288781 -1.3207477324832235 -1.318058835934256 -1.3572168083045915 -1.401639238437524 -1.368720467272579 -0.694301387622783 -0.39712662316670516 -0.28413830126412865 -0.28878359246418733 -0.3119984354318876 -0.6274867622179372 -0.4079611197874988 -0.5287658111270681 +27639,-0.7629990723762241,1,-1.0921192648357514 -1.129229037686115 -1.206161966981635 -1.3103199097765437 -2.081311570039623 -1.3227021916288781 -1.3207477324832235 -1.318058835934256 -1.3572168083045915 -1.401639238437524 -1.368720467272579 -0.694301387622783 -0.39712662316670516 -0.28413830126412865 -0.28878359246418733 -0.3119984354318876 -0.6274867622179372 -0.4079611197874988 -0.5287658111270681 -0.6803713205389079 +27640,-0.8630099778608774,1,-1.129229037686115 -1.206161966981635 -1.3103199097765437 -2.081311570039623 -1.3227021916288781 -1.3207477324832235 -1.318058835934256 -1.3572168083045915 -1.401639238437524 -1.368720467272579 -0.694301387622783 -0.39712662316670516 -0.28413830126412865 -0.28878359246418733 -0.3119984354318876 -0.6274867622179372 -0.4079611197874988 -0.5287658111270681 -0.6803713205389079 -0.7629990723762241 +27641,-1.5937645528309747,1,-1.206161966981635 -1.3103199097765437 -2.081311570039623 -1.3227021916288781 -1.3207477324832235 -1.318058835934256 -1.3572168083045915 -1.401639238437524 -1.368720467272579 -0.694301387622783 -0.39712662316670516 -0.28413830126412865 -0.28878359246418733 -0.3119984354318876 -0.6274867622179372 -0.4079611197874988 -0.5287658111270681 -0.6803713205389079 -0.7629990723762241 -0.8630099778608774 +27642,-1.050291990877469,1,-1.3103199097765437 -2.081311570039623 -1.3227021916288781 -1.3207477324832235 -1.318058835934256 -1.3572168083045915 -1.401639238437524 -1.368720467272579 -0.694301387622783 -0.39712662316670516 -0.28413830126412865 -0.28878359246418733 -0.3119984354318876 -0.6274867622179372 -0.4079611197874988 -0.5287658111270681 -0.6803713205389079 -0.7629990723762241 -0.8630099778608774 -1.5937645528309747 +27643,-1.064222057961344,1,-2.081311570039623 -1.3227021916288781 -1.3207477324832235 -1.318058835934256 -1.3572168083045915 -1.401639238437524 -1.368720467272579 -0.694301387622783 -0.39712662316670516 -0.28413830126412865 -0.28878359246418733 -0.3119984354318876 -0.6274867622179372 -0.4079611197874988 -0.5287658111270681 -0.6803713205389079 -0.7629990723762241 -0.8630099778608774 -1.5937645528309747 -1.050291990877469 +27644,-1.0964763921674163,1,-1.3227021916288781 -1.3207477324832235 -1.318058835934256 -1.3572168083045915 -1.401639238437524 -1.368720467272579 -0.694301387622783 -0.39712662316670516 -0.28413830126412865 -0.28878359246418733 -0.3119984354318876 -0.6274867622179372 -0.4079611197874988 -0.5287658111270681 -0.6803713205389079 -0.7629990723762241 -0.8630099778608774 -1.5937645528309747 -1.050291990877469 -1.064222057961344 +27645,-1.1168467558337805,1,-1.3207477324832235 -1.318058835934256 -1.3572168083045915 -1.401639238437524 -1.368720467272579 -0.694301387622783 -0.39712662316670516 -0.28413830126412865 -0.28878359246418733 -0.3119984354318876 -0.6274867622179372 -0.4079611197874988 -0.5287658111270681 -0.6803713205389079 -0.7629990723762241 -0.8630099778608774 -1.5937645528309747 -1.050291990877469 -1.064222057961344 -1.0964763921674163 +27646,-1.1474537184491653,1,-1.318058835934256 -1.3572168083045915 -1.401639238437524 -1.368720467272579 -0.694301387622783 -0.39712662316670516 -0.28413830126412865 -0.28878359246418733 -0.3119984354318876 -0.6274867622179372 -0.4079611197874988 -0.5287658111270681 -0.6803713205389079 -0.7629990723762241 -0.8630099778608774 -1.5937645528309747 -1.050291990877469 -1.064222057961344 -1.0964763921674163 -1.1168467558337805 +27647,-1.1818537355585514,1,-1.3572168083045915 -1.401639238437524 -1.368720467272579 -0.694301387622783 -0.39712662316670516 -0.28413830126412865 -0.28878359246418733 -0.3119984354318876 -0.6274867622179372 -0.4079611197874988 -0.5287658111270681 -0.6803713205389079 -0.7629990723762241 -0.8630099778608774 -1.5937645528309747 -1.050291990877469 -1.064222057961344 -1.0964763921674163 -1.1168467558337805 -1.1474537184491653 +27648,-1.165164436540532,1,-1.401639238437524 -1.368720467272579 -0.694301387622783 -0.39712662316670516 -0.28413830126412865 -0.28878359246418733 -0.3119984354318876 -0.6274867622179372 -0.4079611197874988 -0.5287658111270681 -0.6803713205389079 -0.7629990723762241 -0.8630099778608774 -1.5937645528309747 -1.050291990877469 -1.064222057961344 -1.0964763921674163 -1.1168467558337805 -1.1474537184491653 -1.1818537355585514 +27649,-1.1431591047699987,1,-1.368720467272579 -0.694301387622783 -0.39712662316670516 -0.28413830126412865 -0.28878359246418733 -0.3119984354318876 -0.6274867622179372 -0.4079611197874988 -0.5287658111270681 -0.6803713205389079 -0.7629990723762241 -0.8630099778608774 -1.5937645528309747 -1.050291990877469 -1.064222057961344 -1.0964763921674163 -1.1168467558337805 -1.1474537184491653 -1.1818537355585514 -1.165164436540532 +27650,-1.5957798976686104,1,-0.694301387622783 -0.39712662316670516 -0.28413830126412865 -0.28878359246418733 -0.3119984354318876 -0.6274867622179372 -0.4079611197874988 -0.5287658111270681 -0.6803713205389079 -0.7629990723762241 -0.8630099778608774 -1.5937645528309747 -1.050291990877469 -1.064222057961344 -1.0964763921674163 -1.1168467558337805 -1.1474537184491653 -1.1818537355585514 -1.165164436540532 -1.1431591047699987 +27651,-1.2840075608403254,1,-0.39712662316670516 -0.28413830126412865 -0.28878359246418733 -0.3119984354318876 -0.6274867622179372 -0.4079611197874988 -0.5287658111270681 -0.6803713205389079 -0.7629990723762241 -0.8630099778608774 -1.5937645528309747 -1.050291990877469 -1.064222057961344 -1.0964763921674163 -1.1168467558337805 -1.1474537184491653 -1.1818537355585514 -1.165164436540532 -1.1431591047699987 -1.5957798976686104 +27652,-1.2603859769394157,1,-0.28413830126412865 -0.28878359246418733 -0.3119984354318876 -0.6274867622179372 -0.4079611197874988 -0.5287658111270681 -0.6803713205389079 -0.7629990723762241 -0.8630099778608774 -1.5937645528309747 -1.050291990877469 -1.064222057961344 -1.0964763921674163 -1.1168467558337805 -1.1474537184491653 -1.1818537355585514 -1.165164436540532 -1.1431591047699987 -1.5957798976686104 -1.2840075608403254 +27653,-1.234478433430979,1,-0.28878359246418733 -0.3119984354318876 -0.6274867622179372 -0.4079611197874988 -0.5287658111270681 -0.6803713205389079 -0.7629990723762241 -0.8630099778608774 -1.5937645528309747 -1.050291990877469 -1.064222057961344 -1.0964763921674163 -1.1168467558337805 -1.1474537184491653 -1.1818537355585514 -1.165164436540532 -1.1431591047699987 -1.5957798976686104 -1.2840075608403254 -1.2603859769394157 +27654,-0.666441253455024,1,-0.3119984354318876 -0.6274867622179372 -0.4079611197874988 -0.5287658111270681 -0.6803713205389079 -0.7629990723762241 -0.8630099778608774 -1.5937645528309747 -1.050291990877469 -1.064222057961344 -1.0964763921674163 -1.1168467558337805 -1.1474537184491653 -1.1818537355585514 -1.165164436540532 -1.1431591047699987 -1.5957798976686104 -1.2840075608403254 -1.2603859769394157 -1.234478433430979 +27655,-0.6365822082140998,1,-0.6274867622179372 -0.4079611197874988 -0.5287658111270681 -0.6803713205389079 -0.7629990723762241 -0.8630099778608774 -1.5937645528309747 -1.050291990877469 -1.064222057961344 -1.0964763921674163 -1.1168467558337805 -1.1474537184491653 -1.1818537355585514 -1.165164436540532 -1.1431591047699987 -1.5957798976686104 -1.2840075608403254 -1.2603859769394157 -1.234478433430979 -0.666441253455024 +27656,-0.44975132103913285,1,-0.4079611197874988 -0.5287658111270681 -0.6803713205389079 -0.7629990723762241 -0.8630099778608774 -1.5937645528309747 -1.050291990877469 -1.064222057961344 -1.0964763921674163 -1.1168467558337805 -1.1474537184491653 -1.1818537355585514 -1.165164436540532 -1.1431591047699987 -1.5957798976686104 -1.2840075608403254 -1.2603859769394157 -1.234478433430979 -0.666441253455024 -0.6365822082140998 +27657,-0.3486410687450598,1,-0.5287658111270681 -0.6803713205389079 -0.7629990723762241 -0.8630099778608774 -1.5937645528309747 -1.050291990877469 -1.064222057961344 -1.0964763921674163 -1.1168467558337805 -1.1474537184491653 -1.1818537355585514 -1.165164436540532 -1.1431591047699987 -1.5957798976686104 -1.2840075608403254 -1.2603859769394157 -1.234478433430979 -0.666441253455024 -0.6365822082140998 -0.44975132103913285 +27658,-0.23306138862324166,1,-0.6803713205389079 -0.7629990723762241 -0.8630099778608774 -1.5937645528309747 -1.050291990877469 -1.064222057961344 -1.0964763921674163 -1.1168467558337805 -1.1474537184491653 -1.1818537355585514 -1.165164436540532 -1.1431591047699987 -1.5957798976686104 -1.2840075608403254 -1.2603859769394157 -1.234478433430979 -0.666441253455024 -0.6365822082140998 -0.44975132103913285 -0.3486410687450598 +27659,-0.8265798467923849,1,-0.7629990723762241 -0.8630099778608774 -1.5937645528309747 -1.050291990877469 -1.064222057961344 -1.0964763921674163 -1.1168467558337805 -1.1474537184491653 -1.1818537355585514 -1.165164436540532 -1.1431591047699987 -1.5957798976686104 -1.2840075608403254 -1.2603859769394157 -1.234478433430979 -0.666441253455024 -0.6365822082140998 -0.44975132103913285 -0.3486410687450598 -0.23306138862324166 +27660,-0.23460917385478236,1,-0.8630099778608774 -1.5937645528309747 -1.050291990877469 -1.064222057961344 -1.0964763921674163 -1.1168467558337805 -1.1474537184491653 -1.1818537355585514 -1.165164436540532 -1.1431591047699987 -1.5957798976686104 -1.2840075608403254 -1.2603859769394157 -1.234478433430979 -0.666441253455024 -0.6365822082140998 -0.44975132103913285 -0.3486410687450598 -0.23306138862324166 -0.8265798467923849 +27661,-0.3830013477068578,1,-1.5937645528309747 -1.050291990877469 -1.064222057961344 -1.0964763921674163 -1.1168467558337805 -1.1474537184491653 -1.1818537355585514 -1.165164436540532 -1.1431591047699987 -1.5957798976686104 -1.2840075608403254 -1.2603859769394157 -1.234478433430979 -0.666441253455024 -0.6365822082140998 -0.44975132103913285 -0.3486410687450598 -0.23306138862324166 -0.8265798467923849 -0.23460917385478236 +27662,-0.5642874281732501,1,-1.050291990877469 -1.064222057961344 -1.0964763921674163 -1.1168467558337805 -1.1474537184491653 -1.1818537355585514 -1.165164436540532 -1.1431591047699987 -1.5957798976686104 -1.2840075608403254 -1.2603859769394157 -1.234478433430979 -0.666441253455024 -0.6365822082140998 -0.44975132103913285 -0.3486410687450598 -0.23306138862324166 -0.8265798467923849 -0.23460917385478236 -0.3830013477068578 +27663,-0.6579892149693634,1,-1.064222057961344 -1.0964763921674163 -1.1168467558337805 -1.1474537184491653 -1.1818537355585514 -1.165164436540532 -1.1431591047699987 -1.5957798976686104 -1.2840075608403254 -1.2603859769394157 -1.234478433430979 -0.666441253455024 -0.6365822082140998 -0.44975132103913285 -0.3486410687450598 -0.23306138862324166 -0.8265798467923849 -0.23460917385478236 -0.3830013477068578 -0.5642874281732501 +27664,-0.7685950787368069,1,-1.0964763921674163 -1.1168467558337805 -1.1474537184491653 -1.1818537355585514 -1.165164436540532 -1.1431591047699987 -1.5957798976686104 -1.2840075608403254 -1.2603859769394157 -1.234478433430979 -0.666441253455024 -0.6365822082140998 -0.44975132103913285 -0.3486410687450598 -0.23306138862324166 -0.8265798467923849 -0.23460917385478236 -0.3830013477068578 -0.5642874281732501 -0.6579892149693634 +27665,-1.6343424858156086,1,-1.1168467558337805 -1.1474537184491653 -1.1818537355585514 -1.165164436540532 -1.1431591047699987 -1.5957798976686104 -1.2840075608403254 -1.2603859769394157 -1.234478433430979 -0.666441253455024 -0.6365822082140998 -0.44975132103913285 -0.3486410687450598 -0.23306138862324166 -0.8265798467923849 -0.23460917385478236 -0.3830013477068578 -0.5642874281732501 -0.6579892149693634 -0.7685950787368069 +27666,-1.1230378967599521,1,-1.1474537184491653 -1.1818537355585514 -1.165164436540532 -1.1431591047699987 -1.5957798976686104 -1.2840075608403254 -1.2603859769394157 -1.234478433430979 -0.666441253455024 -0.6365822082140998 -0.44975132103913285 -0.3486410687450598 -0.23306138862324166 -0.8265798467923849 -0.23460917385478236 -0.3830013477068578 -0.5642874281732501 -0.6579892149693634 -0.7685950787368069 -1.6343424858156086 +27667,-1.3103199097765437,1,-1.1818537355585514 -1.165164436540532 -1.1431591047699987 -1.5957798976686104 -1.2840075608403254 -1.2603859769394157 -1.234478433430979 -0.666441253455024 -0.6365822082140998 -0.44975132103913285 -0.3486410687450598 -0.23306138862324166 -0.8265798467923849 -0.23460917385478236 -0.3830013477068578 -0.5642874281732501 -0.6579892149693634 -0.7685950787368069 -1.6343424858156086 -1.1230378967599521 +27668,-1.3737791042697651,1,-1.165164436540532 -1.1431591047699987 -1.5957798976686104 -1.2840075608403254 -1.2603859769394157 -1.234478433430979 -0.666441253455024 -0.6365822082140998 -0.44975132103913285 -0.3486410687450598 -0.23306138862324166 -0.8265798467923849 -0.23460917385478236 -0.3830013477068578 -0.5642874281732501 -0.6579892149693634 -0.7685950787368069 -1.6343424858156086 -1.1230378967599521 -1.3103199097765437 +27669,-1.3873117508735449,1,-1.1431591047699987 -1.5957798976686104 -1.2840075608403254 -1.2603859769394157 -1.234478433430979 -0.666441253455024 -0.6365822082140998 -0.44975132103913285 -0.3486410687450598 -0.23306138862324166 -0.8265798467923849 -0.23460917385478236 -0.3830013477068578 -0.5642874281732501 -0.6579892149693634 -0.7685950787368069 -1.6343424858156086 -1.1230378967599521 -1.3103199097765437 -1.3737791042697651 +27670,-1.4264038021422016,1,-1.5957798976686104 -1.2840075608403254 -1.2603859769394157 -1.234478433430979 -0.666441253455024 -0.6365822082140998 -0.44975132103913285 -0.3486410687450598 -0.23306138862324166 -0.8265798467923849 -0.23460917385478236 -0.3830013477068578 -0.5642874281732501 -0.6579892149693634 -0.7685950787368069 -1.6343424858156086 -1.1230378967599521 -1.3103199097765437 -1.3737791042697651 -1.3873117508735449 +27671,-1.9745351916062894,1,-1.2840075608403254 -1.2603859769394157 -1.234478433430979 -0.666441253455024 -0.6365822082140998 -0.44975132103913285 -0.3486410687450598 -0.23306138862324166 -0.8265798467923849 -0.23460917385478236 -0.3830013477068578 -0.5642874281732501 -0.6579892149693634 -0.7685950787368069 -1.6343424858156086 -1.1230378967599521 -1.3103199097765437 -1.3737791042697651 -1.3873117508735449 -1.4264038021422016 +27672,-1.6074946742326304,1,-1.2603859769394157 -1.234478433430979 -0.666441253455024 -0.6365822082140998 -0.44975132103913285 -0.3486410687450598 -0.23306138862324166 -0.8265798467923849 -0.23460917385478236 -0.3830013477068578 -0.5642874281732501 -0.6579892149693634 -0.7685950787368069 -1.6343424858156086 -1.1230378967599521 -1.3103199097765437 -1.3737791042697651 -1.3873117508735449 -1.4264038021422016 -1.9745351916062894 +27673,-1.6258642540057002,1,-1.234478433430979 -0.666441253455024 -0.6365822082140998 -0.44975132103913285 -0.3486410687450598 -0.23306138862324166 -0.8265798467923849 -0.23460917385478236 -0.3830013477068578 -0.5642874281732501 -0.6579892149693634 -0.7685950787368069 -1.6343424858156086 -1.1230378967599521 -1.3103199097765437 -1.3737791042697651 -1.3873117508735449 -1.4264038021422016 -1.9745351916062894 -1.6074946742326304 +27674,-1.6461893050211829,1,-0.666441253455024 -0.6365822082140998 -0.44975132103913285 -0.3486410687450598 -0.23306138862324166 -0.8265798467923849 -0.23460917385478236 -0.3830013477068578 -0.5642874281732501 -0.6579892149693634 -0.7685950787368069 -1.6343424858156086 -1.1230378967599521 -1.3103199097765437 -1.3737791042697651 -1.3873117508735449 -1.4264038021422016 -1.9745351916062894 -1.6074946742326304 -1.6258642540057002 +27675,-1.6839183509217002,1,-0.6365822082140998 -0.44975132103913285 -0.3486410687450598 -0.23306138862324166 -0.8265798467923849 -0.23460917385478236 -0.3830013477068578 -0.5642874281732501 -0.6579892149693634 -0.7685950787368069 -1.6343424858156086 -1.1230378967599521 -1.3103199097765437 -1.3737791042697651 -1.3873117508735449 -1.4264038021422016 -1.9745351916062894 -1.6074946742326304 -1.6258642540057002 -1.6461893050211829 +27676,-1.725126351829829,1,-0.44975132103913285 -0.3486410687450598 -0.23306138862324166 -0.8265798467923849 -0.23460917385478236 -0.3830013477068578 -0.5642874281732501 -0.6579892149693634 -0.7685950787368069 -1.6343424858156086 -1.1230378967599521 -1.3103199097765437 -1.3737791042697651 -1.3873117508735449 -1.4264038021422016 -1.9745351916062894 -1.6074946742326304 -1.6258642540057002 -1.6461893050211829 -1.6839183509217002 +27677,-1.462482134164615,1,-0.3486410687450598 -0.23306138862324166 -0.8265798467923849 -0.23460917385478236 -0.3830013477068578 -0.5642874281732501 -0.6579892149693634 -0.7685950787368069 -1.6343424858156086 -1.1230378967599521 -1.3103199097765437 -1.3737791042697651 -1.3873117508735449 -1.4264038021422016 -1.9745351916062894 -1.6074946742326304 -1.6258642540057002 -1.6461893050211829 -1.6839183509217002 -1.725126351829829 +27678,-0.8521754812400837,1,-0.23306138862324166 -0.8265798467923849 -0.23460917385478236 -0.3830013477068578 -0.5642874281732501 -0.6579892149693634 -0.7685950787368069 -1.6343424858156086 -1.1230378967599521 -1.3103199097765437 -1.3737791042697651 -1.3873117508735449 -1.4264038021422016 -1.9745351916062894 -1.6074946742326304 -1.6258642540057002 -1.6461893050211829 -1.6839183509217002 -1.725126351829829 -1.462482134164615 +27679,-0.24234810001249465,1,-0.8265798467923849 -0.23460917385478236 -0.3830013477068578 -0.5642874281732501 -0.6579892149693634 -0.7685950787368069 -1.6343424858156086 -1.1230378967599521 -1.3103199097765437 -1.3737791042697651 -1.3873117508735449 -1.4264038021422016 -1.9745351916062894 -1.6074946742326304 -1.6258642540057002 -1.6461893050211829 -1.6839183509217002 -1.725126351829829 -1.462482134164615 -0.8521754812400837 +27680,-0.13864648949917113,1,-0.23460917385478236 -0.3830013477068578 -0.5642874281732501 -0.6579892149693634 -0.7685950787368069 -1.6343424858156086 -1.1230378967599521 -1.3103199097765437 -1.3737791042697651 -1.3873117508735449 -1.4264038021422016 -1.9745351916062894 -1.6074946742326304 -1.6258642540057002 -1.6461893050211829 -1.6839183509217002 -1.725126351829829 -1.462482134164615 -0.8521754812400837 -0.24234810001249465 +27681,-0.1281973064276182,1,-0.3830013477068578 -0.5642874281732501 -0.6579892149693634 -0.7685950787368069 -1.6343424858156086 -1.1230378967599521 -1.3103199097765437 -1.3737791042697651 -1.3873117508735449 -1.4264038021422016 -1.9745351916062894 -1.6074946742326304 -1.6258642540057002 -1.6461893050211829 -1.6839183509217002 -1.725126351829829 -1.462482134164615 -0.8521754812400837 -0.24234810001249465 -0.13864648949917113 +27682,-0.07673508023748166,1,-0.5642874281732501 -0.6579892149693634 -0.7685950787368069 -1.6343424858156086 -1.1230378967599521 -1.3103199097765437 -1.3737791042697651 -1.3873117508735449 -1.4264038021422016 -1.9745351916062894 -1.6074946742326304 -1.6258642540057002 -1.6461893050211829 -1.6839183509217002 -1.725126351829829 -1.462482134164615 -0.8521754812400837 -0.24234810001249465 -0.13864648949917113 -0.1281973064276182 +27683,-0.48789994009588405,1,-0.6579892149693634 -0.7685950787368069 -1.6343424858156086 -1.1230378967599521 -1.3103199097765437 -1.3737791042697651 -1.3873117508735449 -1.4264038021422016 -1.9745351916062894 -1.6074946742326304 -1.6258642540057002 -1.6461893050211829 -1.6839183509217002 -1.725126351829829 -1.462482134164615 -0.8521754812400837 -0.24234810001249465 -0.13864648949917113 -0.1281973064276182 -0.07673508023748166 +27684,-0.14793320088842413,1,-0.7685950787368069 -1.6343424858156086 -1.1230378967599521 -1.3103199097765437 -1.3737791042697651 -1.3873117508735449 -1.4264038021422016 -1.9745351916062894 -1.6074946742326304 -1.6258642540057002 -1.6461893050211829 -1.6839183509217002 -1.725126351829829 -1.462482134164615 -0.8521754812400837 -0.24234810001249465 -0.13864648949917113 -0.1281973064276182 -0.07673508023748166 -0.48789994009588405 +27685,-0.3024393864330099,1,-1.6343424858156086 -1.1230378967599521 -1.3103199097765437 -1.3737791042697651 -1.3873117508735449 -1.4264038021422016 -1.9745351916062894 -1.6074946742326304 -1.6258642540057002 -1.6461893050211829 -1.6839183509217002 -1.725126351829829 -1.462482134164615 -0.8521754812400837 -0.24234810001249465 -0.13864648949917113 -0.1281973064276182 -0.07673508023748166 -0.48789994009588405 -0.14793320088842413 +27686,-0.49154152229076686,1,-1.1230378967599521 -1.3103199097765437 -1.3737791042697651 -1.3873117508735449 -1.4264038021422016 -1.9745351916062894 -1.6074946742326304 -1.6258642540057002 -1.6461893050211829 -1.6839183509217002 -1.725126351829829 -1.462482134164615 -0.8521754812400837 -0.24234810001249465 -0.13864648949917113 -0.1281973064276182 -0.07673508023748166 -0.48789994009588405 -0.14793320088842413 -0.3024393864330099 +27687,-0.5283969483679313,1,-1.3103199097765437 -1.3737791042697651 -1.3873117508735449 -1.4264038021422016 -1.9745351916062894 -1.6074946742326304 -1.6258642540057002 -1.6461893050211829 -1.6839183509217002 -1.725126351829829 -1.462482134164615 -0.8521754812400837 -0.24234810001249465 -0.13864648949917113 -0.1281973064276182 -0.07673508023748166 -0.48789994009588405 -0.14793320088842413 -0.3024393864330099 -0.49154152229076686 +27688,-0.5720263543309624,1,-1.3737791042697651 -1.3873117508735449 -1.4264038021422016 -1.9745351916062894 -1.6074946742326304 -1.6258642540057002 -1.6461893050211829 -1.6839183509217002 -1.725126351829829 -1.462482134164615 -0.8521754812400837 -0.24234810001249465 -0.13864648949917113 -0.1281973064276182 -0.07673508023748166 -0.48789994009588405 -0.14793320088842413 -0.3024393864330099 -0.49154152229076686 -0.5283969483679313 +27689,-1.4459157955391977,1,-1.3873117508735449 -1.4264038021422016 -1.9745351916062894 -1.6074946742326304 -1.6258642540057002 -1.6461893050211829 -1.6839183509217002 -1.725126351829829 -1.462482134164615 -0.8521754812400837 -0.24234810001249465 -0.13864648949917113 -0.1281973064276182 -0.07673508023748166 -0.48789994009588405 -0.14793320088842413 -0.3024393864330099 -0.49154152229076686 -0.5283969483679313 -0.5720263543309624 +27690,-0.9078957495755928,1,-1.4264038021422016 -1.9745351916062894 -1.6074946742326304 -1.6258642540057002 -1.6461893050211829 -1.6839183509217002 -1.725126351829829 -1.462482134164615 -0.8521754812400837 -0.24234810001249465 -0.13864648949917113 -0.1281973064276182 -0.07673508023748166 -0.48789994009588405 -0.14793320088842413 -0.3024393864330099 -0.49154152229076686 -0.5283969483679313 -0.5720263543309624 -1.4459157955391977 +27691,-0.7840729310522314,1,-1.9745351916062894 -1.6074946742326304 -1.6258642540057002 -1.6461893050211829 -1.6839183509217002 -1.725126351829829 -1.462482134164615 -0.8521754812400837 -0.24234810001249465 -0.13864648949917113 -0.1281973064276182 -0.07673508023748166 -0.48789994009588405 -0.14793320088842413 -0.3024393864330099 -0.49154152229076686 -0.5283969483679313 -0.5720263543309624 -1.4459157955391977 -0.9078957495755928 +27692,-1.0007628634681227,1,-1.6074946742326304 -1.6258642540057002 -1.6461893050211829 -1.6839183509217002 -1.725126351829829 -1.462482134164615 -0.8521754812400837 -0.24234810001249465 -0.13864648949917113 -0.1281973064276182 -0.07673508023748166 -0.48789994009588405 -0.14793320088842413 -0.3024393864330099 -0.49154152229076686 -0.5283969483679313 -0.5720263543309624 -1.4459157955391977 -0.9078957495755928 -0.7840729310522314 +27693,-1.0107258406101085,1,-1.6258642540057002 -1.6461893050211829 -1.6839183509217002 -1.725126351829829 -1.462482134164615 -0.8521754812400837 -0.24234810001249465 -0.13864648949917113 -0.1281973064276182 -0.07673508023748166 -0.48789994009588405 -0.14793320088842413 -0.3024393864330099 -0.49154152229076686 -0.5283969483679313 -0.5720263543309624 -1.4459157955391977 -0.9078957495755928 -0.7840729310522314 -1.0007628634681227 +27694,-1.0394574942566752,1,-1.6461893050211829 -1.6839183509217002 -1.725126351829829 -1.462482134164615 -0.8521754812400837 -0.24234810001249465 -0.13864648949917113 -0.1281973064276182 -0.07673508023748166 -0.48789994009588405 -0.14793320088842413 -0.3024393864330099 -0.49154152229076686 -0.5283969483679313 -0.5720263543309624 -1.4459157955391977 -0.9078957495755928 -0.7840729310522314 -1.0007628634681227 -1.0107258406101085 +27695,-1.9109367958100283,1,-1.6839183509217002 -1.725126351829829 -1.462482134164615 -0.8521754812400837 -0.24234810001249465 -0.13864648949917113 -0.1281973064276182 -0.07673508023748166 -0.48789994009588405 -0.14793320088842413 -0.3024393864330099 -0.49154152229076686 -0.5283969483679313 -0.5720263543309624 -1.4459157955391977 -0.9078957495755928 -0.7840729310522314 -1.0007628634681227 -1.0107258406101085 -1.0394574942566752 +27696,-1.234478433430979,1,-1.725126351829829 -1.462482134164615 -0.8521754812400837 -0.24234810001249465 -0.13864648949917113 -0.1281973064276182 -0.07673508023748166 -0.48789994009588405 -0.14793320088842413 -0.3024393864330099 -0.49154152229076686 -0.5283969483679313 -0.5720263543309624 -1.4459157955391977 -0.9078957495755928 -0.7840729310522314 -1.0007628634681227 -1.0107258406101085 -1.0394574942566752 -1.9109367958100283 +27697,-1.1901070347058018,1,-1.462482134164615 -0.8521754812400837 -0.24234810001249465 -0.13864648949917113 -0.1281973064276182 -0.07673508023748166 -0.48789994009588405 -0.14793320088842413 -0.3024393864330099 -0.49154152229076686 -0.5283969483679313 -0.5720263543309624 -1.4459157955391977 -0.9078957495755928 -0.7840729310522314 -1.0007628634681227 -1.0107258406101085 -1.0394574942566752 -1.9109367958100283 -1.234478433430979 +27698,-1.138515749075368,1,-0.8521754812400837 -0.24234810001249465 -0.13864648949917113 -0.1281973064276182 -0.07673508023748166 -0.48789994009588405 -0.14793320088842413 -0.3024393864330099 -0.49154152229076686 -0.5283969483679313 -0.5720263543309624 -1.4459157955391977 -0.9078957495755928 -0.7840729310522314 -1.0007628634681227 -1.0107258406101085 -1.0394574942566752 -1.9109367958100283 -1.234478433430979 -1.1901070347058018 +27699,-1.240595592235202,1,-0.24234810001249465 -0.13864648949917113 -0.1281973064276182 -0.07673508023748166 -0.48789994009588405 -0.14793320088842413 -0.3024393864330099 -0.49154152229076686 -0.5283969483679313 -0.5720263543309624 -1.4459157955391977 -0.9078957495755928 -0.7840729310522314 -1.0007628634681227 -1.0107258406101085 -1.0394574942566752 -1.9109367958100283 -1.234478433430979 -1.1901070347058018 -1.138515749075368 +27700,-1.3613968224174307,1,-0.13864648949917113 -0.1281973064276182 -0.07673508023748166 -0.48789994009588405 -0.14793320088842413 -0.3024393864330099 -0.49154152229076686 -0.5283969483679313 -0.5720263543309624 -1.4459157955391977 -0.9078957495755928 -0.7840729310522314 -1.0007628634681227 -1.0107258406101085 -1.0394574942566752 -1.9109367958100283 -1.234478433430979 -1.1901070347058018 -1.138515749075368 -1.240595592235202 +27701,-1.2958065499223301,1,-0.1281973064276182 -0.07673508023748166 -0.48789994009588405 -0.14793320088842413 -0.3024393864330099 -0.49154152229076686 -0.5283969483679313 -0.5720263543309624 -1.4459157955391977 -0.9078957495755928 -0.7840729310522314 -1.0007628634681227 -1.0107258406101085 -1.0394574942566752 -1.9109367958100283 -1.234478433430979 -1.1901070347058018 -1.138515749075368 -1.240595592235202 -1.3613968224174307 +27702,-0.6138165555825964,1,-0.07673508023748166 -0.48789994009588405 -0.14793320088842413 -0.3024393864330099 -0.49154152229076686 -0.5283969483679313 -0.5720263543309624 -1.4459157955391977 -0.9078957495755928 -0.7840729310522314 -1.0007628634681227 -1.0107258406101085 -1.0394574942566752 -1.9109367958100283 -1.234478433430979 -1.1901070347058018 -1.138515749075368 -1.240595592235202 -1.3613968224174307 -1.2958065499223301 +27703,-0.030301523291225544,1,-0.48789994009588405 -0.14793320088842413 -0.3024393864330099 -0.49154152229076686 -0.5283969483679313 -0.5720263543309624 -1.4459157955391977 -0.9078957495755928 -0.7840729310522314 -1.0007628634681227 -1.0107258406101085 -1.0394574942566752 -1.9109367958100283 -1.234478433430979 -1.1901070347058018 -1.138515749075368 -1.240595592235202 -1.3613968224174307 -1.2958065499223301 -0.6138165555825964 +27704,0.005297537034245689,1,-0.14793320088842413 -0.3024393864330099 -0.49154152229076686 -0.5283969483679313 -0.5720263543309624 -1.4459157955391977 -0.9078957495755928 -0.7840729310522314 -1.0007628634681227 -1.0107258406101085 -1.0394574942566752 -1.9109367958100283 -1.234478433430979 -1.1901070347058018 -1.138515749075368 -1.240595592235202 -1.3613968224174307 -1.2958065499223301 -0.6138165555825964 -0.030301523291225544 +27705,0.013637560754916268,1,-0.3024393864330099 -0.49154152229076686 -0.5283969483679313 -0.5720263543309624 -1.4459157955391977 -0.9078957495755928 -0.7840729310522314 -1.0007628634681227 -1.0107258406101085 -1.0394574942566752 -1.9109367958100283 -1.234478433430979 -1.1901070347058018 -1.138515749075368 -1.240595592235202 -1.3613968224174307 -1.2958065499223301 -0.6138165555825964 -0.030301523291225544 0.005297537034245689 +27706,0.1089991475475692,1,-0.49154152229076686 -0.5283969483679313 -0.5720263543309624 -1.4459157955391977 -0.9078957495755928 -0.7840729310522314 -1.0007628634681227 -1.0107258406101085 -1.0394574942566752 -1.9109367958100283 -1.234478433430979 -1.1901070347058018 -1.138515749075368 -1.240595592235202 -1.3613968224174307 -1.2958065499223301 -0.6138165555825964 -0.030301523291225544 0.005297537034245689 0.013637560754916268 +27707,-0.3053736508982754,1,-0.5283969483679313 -0.5720263543309624 -1.4459157955391977 -0.9078957495755928 -0.7840729310522314 -1.0007628634681227 -1.0107258406101085 -1.0394574942566752 -1.9109367958100283 -1.234478433430979 -1.1901070347058018 -1.138515749075368 -1.240595592235202 -1.3613968224174307 -1.2958065499223301 -0.6138165555825964 -0.030301523291225544 0.005297537034245689 0.013637560754916268 0.1089991475475692 +27708,0.014584248423498673,1,-0.5720263543309624 -1.4459157955391977 -0.9078957495755928 -0.7840729310522314 -1.0007628634681227 -1.0107258406101085 -1.0394574942566752 -1.9109367958100283 -1.234478433430979 -1.1901070347058018 -1.138515749075368 -1.240595592235202 -1.3613968224174307 -1.2958065499223301 -0.6138165555825964 -0.030301523291225544 0.005297537034245689 0.013637560754916268 0.1089991475475692 -0.3053736508982754 +27709,-0.13957016779249584,1,-1.4459157955391977 -0.9078957495755928 -0.7840729310522314 -1.0007628634681227 -1.0107258406101085 -1.0394574942566752 -1.9109367958100283 -1.234478433430979 -1.1901070347058018 -1.138515749075368 -1.240595592235202 -1.3613968224174307 -1.2958065499223301 -0.6138165555825964 -0.030301523291225544 0.005297537034245689 0.013637560754916268 0.1089991475475692 -0.3053736508982754 0.014584248423498673 +27710,-0.36771870376739674,1,-0.9078957495755928 -0.7840729310522314 -1.0007628634681227 -1.0107258406101085 -1.0394574942566752 -1.9109367958100283 -1.234478433430979 -1.1901070347058018 -1.138515749075368 -1.240595592235202 -1.3613968224174307 -1.2958065499223301 -0.6138165555825964 -0.030301523291225544 0.005297537034245689 0.013637560754916268 0.1089991475475692 -0.3053736508982754 0.014584248423498673 -0.13957016779249584 +27711,-0.4788887411333215,1,-0.7840729310522314 -1.0007628634681227 -1.0107258406101085 -1.0394574942566752 -1.9109367958100283 -1.234478433430979 -1.1901070347058018 -1.138515749075368 -1.240595592235202 -1.3613968224174307 -1.2958065499223301 -0.6138165555825964 -0.030301523291225544 0.005297537034245689 0.013637560754916268 0.1089991475475692 -0.3053736508982754 0.014584248423498673 -0.13957016779249584 -0.36771870376739674 +27712,-0.633937763592643,1,-1.0007628634681227 -1.0107258406101085 -1.0394574942566752 -1.9109367958100283 -1.234478433430979 -1.1901070347058018 -1.138515749075368 -1.240595592235202 -1.3613968224174307 -1.2958065499223301 -0.6138165555825964 -0.030301523291225544 0.005297537034245689 0.013637560754916268 0.1089991475475692 -0.3053736508982754 0.014584248423498673 -0.13957016779249584 -0.36771870376739674 -0.4788887411333215 +27713,-1.7004661546642001,1,-1.0107258406101085 -1.0394574942566752 -1.9109367958100283 -1.234478433430979 -1.1901070347058018 -1.138515749075368 -1.240595592235202 -1.3613968224174307 -1.2958065499223301 -0.6138165555825964 -0.030301523291225544 0.005297537034245689 0.013637560754916268 0.1089991475475692 -0.3053736508982754 0.014584248423498673 -0.13957016779249584 -0.36771870376739674 -0.4788887411333215 -0.633937763592643 +27714,-1.0255274271727914,1,-1.0394574942566752 -1.9109367958100283 -1.234478433430979 -1.1901070347058018 -1.138515749075368 -1.240595592235202 -1.3613968224174307 -1.2958065499223301 -0.6138165555825964 -0.030301523291225544 0.005297537034245689 0.013637560754916268 0.1089991475475692 -0.3053736508982754 0.014584248423498673 -0.13957016779249584 -0.36771870376739674 -0.4788887411333215 -0.633937763592643 -1.7004661546642001 +27715,-1.1795471037314729,1,-1.9109367958100283 -1.234478433430979 -1.1901070347058018 -1.138515749075368 -1.240595592235202 -1.3613968224174307 -1.2958065499223301 -0.6138165555825964 -0.030301523291225544 0.005297537034245689 0.013637560754916268 0.1089991475475692 -0.3053736508982754 0.014584248423498673 -0.13957016779249584 -0.36771870376739674 -0.4788887411333215 -0.633937763592643 -1.7004661546642001 -1.0255274271727914 +27716,-1.3629446076489713,1,-1.234478433430979 -1.1901070347058018 -1.138515749075368 -1.240595592235202 -1.3613968224174307 -1.2958065499223301 -0.6138165555825964 -0.030301523291225544 0.005297537034245689 0.013637560754916268 0.1089991475475692 -0.3053736508982754 0.014584248423498673 -0.13957016779249584 -0.36771870376739674 -0.4788887411333215 -0.633937763592643 -1.7004661546642001 -1.0255274271727914 -1.1795471037314729 +27717,-1.4208063266238764,1,-1.1901070347058018 -1.138515749075368 -1.240595592235202 -1.3613968224174307 -1.2958065499223301 -0.6138165555825964 -0.030301523291225544 0.005297537034245689 0.013637560754916268 0.1089991475475692 -0.3053736508982754 0.014584248423498673 -0.13957016779249584 -0.36771870376739674 -0.4788887411333215 -0.633937763592643 -1.7004661546642001 -1.0255274271727914 -1.1795471037314729 -1.3629446076489713 +27718,-1.4914107818669724,1,-1.138515749075368 -1.240595592235202 -1.3613968224174307 -1.2958065499223301 -0.6138165555825964 -0.030301523291225544 0.005297537034245689 0.013637560754916268 0.1089991475475692 -0.3053736508982754 0.014584248423498673 -0.13957016779249584 -0.36771870376739674 -0.4788887411333215 -0.633937763592643 -1.7004661546642001 -1.0255274271727914 -1.1795471037314729 -1.3629446076489713 -1.4208063266238764 +27719,-2.4519532179315737,1,-1.240595592235202 -1.3613968224174307 -1.2958065499223301 -0.6138165555825964 -0.030301523291225544 0.005297537034245689 0.013637560754916268 0.1089991475475692 -0.3053736508982754 0.014584248423498673 -0.13957016779249584 -0.36771870376739674 -0.4788887411333215 -0.633937763592643 -1.7004661546642001 -1.0255274271727914 -1.1795471037314729 -1.3629446076489713 -1.4208063266238764 -1.4914107818669724 +27720,-1.660119372105058,1,-1.3613968224174307 -1.2958065499223301 -0.6138165555825964 -0.030301523291225544 0.005297537034245689 0.013637560754916268 0.1089991475475692 -0.3053736508982754 0.014584248423498673 -0.13957016779249584 -0.36771870376739674 -0.4788887411333215 -0.633937763592643 -1.7004661546642001 -1.0255274271727914 -1.1795471037314729 -1.3629446076489713 -1.4208063266238764 -1.4914107818669724 -2.4519532179315737 +27721,-1.7221685641246058,1,-1.2958065499223301 -0.6138165555825964 -0.030301523291225544 0.005297537034245689 0.013637560754916268 0.1089991475475692 -0.3053736508982754 0.014584248423498673 -0.13957016779249584 -0.36771870376739674 -0.4788887411333215 -0.633937763592643 -1.7004661546642001 -1.0255274271727914 -1.1795471037314729 -1.3629446076489713 -1.4208063266238764 -1.4914107818669724 -2.4519532179315737 -1.660119372105058 +27722,-1.8257323918800623,1,-0.6138165555825964 -0.030301523291225544 0.005297537034245689 0.013637560754916268 0.1089991475475692 -0.3053736508982754 0.014584248423498673 -0.13957016779249584 -0.36771870376739674 -0.4788887411333215 -0.633937763592643 -1.7004661546642001 -1.0255274271727914 -1.1795471037314729 -1.3629446076489713 -1.4208063266238764 -1.4914107818669724 -2.4519532179315737 -1.660119372105058 -1.7221685641246058 +27723,-1.8336743729109735,1,-0.030301523291225544 0.005297537034245689 0.013637560754916268 0.1089991475475692 -0.3053736508982754 0.014584248423498673 -0.13957016779249584 -0.36771870376739674 -0.4788887411333215 -0.633937763592643 -1.7004661546642001 -1.0255274271727914 -1.1795471037314729 -1.3629446076489713 -1.4208063266238764 -1.4914107818669724 -2.4519532179315737 -1.660119372105058 -1.7221685641246058 -1.8257323918800623 +27724,-1.848949170353199,1,0.005297537034245689 0.013637560754916268 0.1089991475475692 -0.3053736508982754 0.014584248423498673 -0.13957016779249584 -0.36771870376739674 -0.4788887411333215 -0.633937763592643 -1.7004661546642001 -1.0255274271727914 -1.1795471037314729 -1.3629446076489713 -1.4208063266238764 -1.4914107818669724 -2.4519532179315737 -1.660119372105058 -1.7221685641246058 -1.8257323918800623 -1.8336743729109735 +27725,-1.6217863776211678,1,0.013637560754916268 0.1089991475475692 -0.3053736508982754 0.014584248423498673 -0.13957016779249584 -0.36771870376739674 -0.4788887411333215 -0.633937763592643 -1.7004661546642001 -1.0255274271727914 -1.1795471037314729 -1.3629446076489713 -1.4208063266238764 -1.4914107818669724 -2.4519532179315737 -1.660119372105058 -1.7221685641246058 -1.8257323918800623 -1.8336743729109735 -1.848949170353199 +27726,-0.8103852799884409,1,0.1089991475475692 -0.3053736508982754 0.014584248423498673 -0.13957016779249584 -0.36771870376739674 -0.4788887411333215 -0.633937763592643 -1.7004661546642001 -1.0255274271727914 -1.1795471037314729 -1.3629446076489713 -1.4208063266238764 -1.4914107818669724 -2.4519532179315737 -1.660119372105058 -1.7221685641246058 -1.8257323918800623 -1.8336743729109735 -1.848949170353199 -1.6217863776211678 +27727,-0.4982305704028477,1,-0.3053736508982754 0.014584248423498673 -0.13957016779249584 -0.36771870376739674 -0.4788887411333215 -0.633937763592643 -1.7004661546642001 -1.0255274271727914 -1.1795471037314729 -1.3629446076489713 -1.4208063266238764 -1.4914107818669724 -2.4519532179315737 -1.660119372105058 -1.7221685641246058 -1.8257323918800623 -1.8336743729109735 -1.848949170353199 -1.6217863776211678 -0.8103852799884409 +27728,-0.1076907848683308,1,0.014584248423498673 -0.13957016779249584 -0.36771870376739674 -0.4788887411333215 -0.633937763592643 -1.7004661546642001 -1.0255274271727914 -1.1795471037314729 -1.3629446076489713 -1.4208063266238764 -1.4914107818669724 -2.4519532179315737 -1.660119372105058 -1.7221685641246058 -1.8257323918800623 -1.8336743729109735 -1.848949170353199 -1.6217863776211678 -0.8103852799884409 -0.4982305704028477 +27729,-0.005680796661124104,1,-0.13957016779249584 -0.36771870376739674 -0.4788887411333215 -0.633937763592643 -1.7004661546642001 -1.0255274271727914 -1.1795471037314729 -1.3629446076489713 -1.4208063266238764 -1.4914107818669724 -2.4519532179315737 -1.660119372105058 -1.7221685641246058 -1.8257323918800623 -1.8336743729109735 -1.848949170353199 -1.6217863776211678 -0.8103852799884409 -0.4982305704028477 -0.1076907848683308 +27730,0.12912035555761586,1,-0.36771870376739674 -0.4788887411333215 -0.633937763592643 -1.7004661546642001 -1.0255274271727914 -1.1795471037314729 -1.3629446076489713 -1.4208063266238764 -1.4914107818669724 -2.4519532179315737 -1.660119372105058 -1.7221685641246058 -1.8257323918800623 -1.8336743729109735 -1.848949170353199 -1.6217863776211678 -0.8103852799884409 -0.4982305704028477 -0.1076907848683308 -0.005680796661124104 +27731,-0.21905512283418216,1,-0.4788887411333215 -0.633937763592643 -1.7004661546642001 -1.0255274271727914 -1.1795471037314729 -1.3629446076489713 -1.4208063266238764 -1.4914107818669724 -2.4519532179315737 -1.660119372105058 -1.7221685641246058 -1.8257323918800623 -1.8336743729109735 -1.848949170353199 -1.6217863776211678 -0.8103852799884409 -0.4982305704028477 -0.1076907848683308 -0.005680796661124104 0.12912035555761586 +27732,0.14305042264149093,1,-0.633937763592643 -1.7004661546642001 -1.0255274271727914 -1.1795471037314729 -1.3629446076489713 -1.4208063266238764 -1.4914107818669724 -2.4519532179315737 -1.660119372105058 -1.7221685641246058 -1.8257323918800623 -1.8336743729109735 -1.848949170353199 -1.6217863776211678 -0.8103852799884409 -0.4982305704028477 -0.1076907848683308 -0.005680796661124104 0.12912035555761586 -0.21905512283418216 +27733,-0.04526134303370017,1,-1.7004661546642001 -1.0255274271727914 -1.1795471037314729 -1.3629446076489713 -1.4208063266238764 -1.4914107818669724 -2.4519532179315737 -1.660119372105058 -1.7221685641246058 -1.8257323918800623 -1.8336743729109735 -1.848949170353199 -1.6217863776211678 -0.8103852799884409 -0.4982305704028477 -0.1076907848683308 -0.005680796661124104 0.12912035555761586 -0.21905512283418216 0.14305042264149093 +27734,-0.3367629991365564,1,-1.0255274271727914 -1.1795471037314729 -1.3629446076489713 -1.4208063266238764 -1.4914107818669724 -2.4519532179315737 -1.660119372105058 -1.7221685641246058 -1.8257323918800623 -1.8336743729109735 -1.848949170353199 -1.6217863776211678 -0.8103852799884409 -0.4982305704028477 -0.1076907848683308 -0.005680796661124104 0.12912035555761586 -0.21905512283418216 0.14305042264149093 -0.04526134303370017 +27735,-0.513665266906106,1,-1.1795471037314729 -1.3629446076489713 -1.4208063266238764 -1.4914107818669724 -2.4519532179315737 -1.660119372105058 -1.7221685641246058 -1.8257323918800623 -1.8336743729109735 -1.848949170353199 -1.6217863776211678 -0.8103852799884409 -0.4982305704028477 -0.1076907848683308 -0.005680796661124104 0.12912035555761586 -0.21905512283418216 0.14305042264149093 -0.04526134303370017 -0.3367629991365564 +27736,-0.791811857209935,1,-1.3629446076489713 -1.4208063266238764 -1.4914107818669724 -2.4519532179315737 -1.660119372105058 -1.7221685641246058 -1.8257323918800623 -1.8336743729109735 -1.848949170353199 -1.6217863776211678 -0.8103852799884409 -0.4982305704028477 -0.1076907848683308 -0.005680796661124104 0.12912035555761586 -0.21905512283418216 0.14305042264149093 -0.04526134303370017 -0.3367629991365564 -0.513665266906106 +27737,-1.508939770779621,1,-1.4208063266238764 -1.4914107818669724 -2.4519532179315737 -1.660119372105058 -1.7221685641246058 -1.8257323918800623 -1.8336743729109735 -1.848949170353199 -1.6217863776211678 -0.8103852799884409 -0.4982305704028477 -0.1076907848683308 -0.005680796661124104 0.12912035555761586 -0.21905512283418216 0.14305042264149093 -0.04526134303370017 -0.3367629991365564 -0.513665266906106 -0.791811857209935 +27738,-1.0982733330552745,1,-1.4914107818669724 -2.4519532179315737 -1.660119372105058 -1.7221685641246058 -1.8257323918800623 -1.8336743729109735 -1.848949170353199 -1.6217863776211678 -0.8103852799884409 -0.4982305704028477 -0.1076907848683308 -0.005680796661124104 0.12912035555761586 -0.21905512283418216 0.14305042264149093 -0.04526134303370017 -0.3367629991365564 -0.513665266906106 -0.791811857209935 -1.508939770779621 +27739,-1.151727468138186,1,-2.4519532179315737 -1.660119372105058 -1.7221685641246058 -1.8257323918800623 -1.8336743729109735 -1.848949170353199 -1.6217863776211678 -0.8103852799884409 -0.4982305704028477 -0.1076907848683308 -0.005680796661124104 0.12912035555761586 -0.21905512283418216 0.14305042264149093 -0.04526134303370017 -0.3367629991365564 -0.513665266906106 -0.791811857209935 -1.508939770779621 -1.0982733330552745 +27740,-1.220548366347104,1,-1.660119372105058 -1.7221685641246058 -1.8257323918800623 -1.8336743729109735 -1.848949170353199 -1.6217863776211678 -0.8103852799884409 -0.4982305704028477 -0.1076907848683308 -0.005680796661124104 0.12912035555761586 -0.21905512283418216 0.14305042264149093 -0.04526134303370017 -0.3367629991365564 -0.513665266906106 -0.791811857209935 -1.508939770779621 -1.0982733330552745 -1.151727468138186 +27741,-1.3324283438551539,1,-1.7221685641246058 -1.8257323918800623 -1.8336743729109735 -1.848949170353199 -1.6217863776211678 -0.8103852799884409 -0.4982305704028477 -0.1076907848683308 -0.005680796661124104 0.12912035555761586 -0.21905512283418216 0.14305042264149093 -0.04526134303370017 -0.3367629991365564 -0.513665266906106 -0.791811857209935 -1.508939770779621 -1.0982733330552745 -1.151727468138186 -1.220548366347104 +27742,-1.4790285000146293,1,-1.8257323918800623 -1.8336743729109735 -1.848949170353199 -1.6217863776211678 -0.8103852799884409 -0.4982305704028477 -0.1076907848683308 -0.005680796661124104 0.12912035555761586 -0.21905512283418216 0.14305042264149093 -0.04526134303370017 -0.3367629991365564 -0.513665266906106 -0.791811857209935 -1.508939770779621 -1.0982733330552745 -1.151727468138186 -1.220548366347104 -1.3324283438551539 +27743,-2.104737242250955,1,-1.8336743729109735 -1.848949170353199 -1.6217863776211678 -0.8103852799884409 -0.4982305704028477 -0.1076907848683308 -0.005680796661124104 0.12912035555761586 -0.21905512283418216 0.14305042264149093 -0.04526134303370017 -0.3367629991365564 -0.513665266906106 -0.791811857209935 -1.508939770779621 -1.0982733330552745 -1.151727468138186 -1.220548366347104 -1.3324283438551539 -1.4790285000146293 +27744,-1.6585715868735174,1,-1.848949170353199 -1.6217863776211678 -0.8103852799884409 -0.4982305704028477 -0.1076907848683308 -0.005680796661124104 0.12912035555761586 -0.21905512283418216 0.14305042264149093 -0.04526134303370017 -0.3367629991365564 -0.513665266906106 -0.791811857209935 -1.508939770779621 -1.0982733330552745 -1.151727468138186 -1.220548366347104 -1.3324283438551539 -1.4790285000146293 -2.104737242250955 +27745,-1.6745170607064426,1,-1.6217863776211678 -0.8103852799884409 -0.4982305704028477 -0.1076907848683308 -0.005680796661124104 0.12912035555761586 -0.21905512283418216 0.14305042264149093 -0.04526134303370017 -0.3367629991365564 -0.513665266906106 -0.791811857209935 -1.508939770779621 -1.0982733330552745 -1.151727468138186 -1.220548366347104 -1.3324283438551539 -1.4790285000146293 -2.104737242250955 -1.6585715868735174 +27746,-1.6972662176620699,1,-0.8103852799884409 -0.4982305704028477 -0.1076907848683308 -0.005680796661124104 0.12912035555761586 -0.21905512283418216 0.14305042264149093 -0.04526134303370017 -0.3367629991365564 -0.513665266906106 -0.791811857209935 -1.508939770779621 -1.0982733330552745 -1.151727468138186 -1.220548366347104 -1.3324283438551539 -1.4790285000146293 -2.104737242250955 -1.6585715868735174 -1.6745170607064426 +27747,-1.6908625091746687,1,-0.4982305704028477 -0.1076907848683308 -0.005680796661124104 0.12912035555761586 -0.21905512283418216 0.14305042264149093 -0.04526134303370017 -0.3367629991365564 -0.513665266906106 -0.791811857209935 -1.508939770779621 -1.0982733330552745 -1.151727468138186 -1.220548366347104 -1.3324283438551539 -1.4790285000146293 -2.104737242250955 -1.6585715868735174 -1.6745170607064426 -1.6972662176620699 +27748,-1.6817883653466454,1,-0.1076907848683308 -0.005680796661124104 0.12912035555761586 -0.21905512283418216 0.14305042264149093 -0.04526134303370017 -0.3367629991365564 -0.513665266906106 -0.791811857209935 -1.508939770779621 -1.0982733330552745 -1.151727468138186 -1.220548366347104 -1.3324283438551539 -1.4790285000146293 -2.104737242250955 -1.6585715868735174 -1.6745170607064426 -1.6972662176620699 -1.6908625091746687 +27749,-1.42672400175976,1,-0.005680796661124104 0.12912035555761586 -0.21905512283418216 0.14305042264149093 -0.04526134303370017 -0.3367629991365564 -0.513665266906106 -0.791811857209935 -1.508939770779621 -1.0982733330552745 -1.151727468138186 -1.220548366347104 -1.3324283438551539 -1.4790285000146293 -2.104737242250955 -1.6585715868735174 -1.6745170607064426 -1.6972662176620699 -1.6908625091746687 -1.6817883653466454 +27750,-0.6881102466966202,1,0.12912035555761586 -0.21905512283418216 0.14305042264149093 -0.04526134303370017 -0.3367629991365564 -0.513665266906106 -0.791811857209935 -1.508939770779621 -1.0982733330552745 -1.151727468138186 -1.220548366347104 -1.3324283438551539 -1.4790285000146293 -2.104737242250955 -1.6585715868735174 -1.6745170607064426 -1.6972662176620699 -1.6908625091746687 -1.6817883653466454 -1.42672400175976 +27751,-0.35363462384972194,1,-0.21905512283418216 0.14305042264149093 -0.04526134303370017 -0.3367629991365564 -0.513665266906106 -0.791811857209935 -1.508939770779621 -1.0982733330552745 -1.151727468138186 -1.220548366347104 -1.3324283438551539 -1.4790285000146293 -2.104737242250955 -1.6585715868735174 -1.6745170607064426 -1.6972662176620699 -1.6908625091746687 -1.6817883653466454 -1.42672400175976 -0.6881102466966202 +27752,0.06720894629592637,1,0.14305042264149093 -0.04526134303370017 -0.3367629991365564 -0.513665266906106 -0.791811857209935 -1.508939770779621 -1.0982733330552745 -1.151727468138186 -1.220548366347104 -1.3324283438551539 -1.4790285000146293 -2.104737242250955 -1.6585715868735174 -1.6745170607064426 -1.6972662176620699 -1.6908625091746687 -1.6817883653466454 -1.42672400175976 -0.6881102466966202 -0.35363462384972194 +27753,0.25956014106093966,1,-0.04526134303370017 -0.3367629991365564 -0.513665266906106 -0.791811857209935 -1.508939770779621 -1.0982733330552745 -1.151727468138186 -1.220548366347104 -1.3324283438551539 -1.4790285000146293 -2.104737242250955 -1.6585715868735174 -1.6745170607064426 -1.6972662176620699 -1.6908625091746687 -1.6817883653466454 -1.42672400175976 -0.6881102466966202 -0.35363462384972194 0.06720894629592637 +27754,0.5114233077485113,1,-0.3367629991365564 -0.513665266906106 -0.791811857209935 -1.508939770779621 -1.0982733330552745 -1.151727468138186 -1.220548366347104 -1.3324283438551539 -1.4790285000146293 -2.104737242250955 -1.6585715868735174 -1.6745170607064426 -1.6972662176620699 -1.6908625091746687 -1.6817883653466454 -1.42672400175976 -0.6881102466966202 -0.35363462384972194 0.06720894629592637 0.25956014106093966 +27755,0.1487665682465345,1,-0.513665266906106 -0.791811857209935 -1.508939770779621 -1.0982733330552745 -1.151727468138186 -1.220548366347104 -1.3324283438551539 -1.4790285000146293 -2.104737242250955 -1.6585715868735174 -1.6745170607064426 -1.6972662176620699 -1.6908625091746687 -1.6817883653466454 -1.42672400175976 -0.6881102466966202 -0.35363462384972194 0.06720894629592637 0.25956014106093966 0.5114233077485113 +27756,0.3876004892251499,1,-0.791811857209935 -1.508939770779621 -1.0982733330552745 -1.151727468138186 -1.220548366347104 -1.3324283438551539 -1.4790285000146293 -2.104737242250955 -1.6585715868735174 -1.6745170607064426 -1.6972662176620699 -1.6908625091746687 -1.6817883653466454 -1.42672400175976 -0.6881102466966202 -0.35363462384972194 0.06720894629592637 0.25956014106093966 0.5114233077485113 0.1487665682465345 +27757,0.1947633129594301,1,-1.508939770779621 -1.0982733330552745 -1.151727468138186 -1.220548366347104 -1.3324283438551539 -1.4790285000146293 -2.104737242250955 -1.6585715868735174 -1.6745170607064426 -1.6972662176620699 -1.6908625091746687 -1.6817883653466454 -1.42672400175976 -0.6881102466966202 -0.35363462384972194 0.06720894629592637 0.25956014106093966 0.5114233077485113 0.1487665682465345 0.3876004892251499 +27758,-0.08756957685828413,1,-1.0982733330552745 -1.151727468138186 -1.220548366347104 -1.3324283438551539 -1.4790285000146293 -2.104737242250955 -1.6585715868735174 -1.6745170607064426 -1.6972662176620699 -1.6908625091746687 -1.6817883653466454 -1.42672400175976 -0.6881102466966202 -0.35363462384972194 0.06720894629592637 0.25956014106093966 0.5114233077485113 0.1487665682465345 0.3876004892251499 0.1947633129594301 +27759,-0.27125076690150396,1,-1.151727468138186 -1.220548366347104 -1.3324283438551539 -1.4790285000146293 -2.104737242250955 -1.6585715868735174 -1.6745170607064426 -1.6972662176620699 -1.6908625091746687 -1.6817883653466454 -1.42672400175976 -0.6881102466966202 -0.35363462384972194 0.06720894629592637 0.25956014106093966 0.5114233077485113 0.1487665682465345 0.3876004892251499 0.1947633129594301 -0.08756957685828413 +27760,-0.5255927973846974,1,-1.220548366347104 -1.3324283438551539 -1.4790285000146293 -2.104737242250955 -1.6585715868735174 -1.6745170607064426 -1.6972662176620699 -1.6908625091746687 -1.6817883653466454 -1.42672400175976 -0.6881102466966202 -0.35363462384972194 0.06720894629592637 0.25956014106093966 0.5114233077485113 0.1487665682465345 0.3876004892251499 0.1947633129594301 -0.08756957685828413 -0.27125076690150396 +27761,-1.551278766835679,1,-1.3324283438551539 -1.4790285000146293 -2.104737242250955 -1.6585715868735174 -1.6745170607064426 -1.6972662176620699 -1.6908625091746687 -1.6817883653466454 -1.42672400175976 -0.6881102466966202 -0.35363462384972194 0.06720894629592637 0.25956014106093966 0.5114233077485113 0.1487665682465345 0.3876004892251499 0.1947633129594301 -0.08756957685828413 -0.27125076690150396 -0.5255927973846974 +27762,-0.8599144073977872,1,-1.4790285000146293 -2.104737242250955 -1.6585715868735174 -1.6745170607064426 -1.6972662176620699 -1.6908625091746687 -1.6817883653466454 -1.42672400175976 -0.6881102466966202 -0.35363462384972194 0.06720894629592637 0.25956014106093966 0.5114233077485113 0.1487665682465345 0.3876004892251499 0.1947633129594301 -0.08756957685828413 -0.27125076690150396 -0.5255927973846974 -1.551278766835679 +27763,-0.9539620868915223,1,-2.104737242250955 -1.6585715868735174 -1.6745170607064426 -1.6972662176620699 -1.6908625091746687 -1.6817883653466454 -1.42672400175976 -0.6881102466966202 -0.35363462384972194 0.06720894629592637 0.25956014106093966 0.5114233077485113 0.1487665682465345 0.3876004892251499 0.1947633129594301 -0.08756957685828413 -0.27125076690150396 -0.5255927973846974 -1.551278766835679 -0.8599144073977872 +27764,-1.0657698431928935,1,-1.6585715868735174 -1.6745170607064426 -1.6972662176620699 -1.6908625091746687 -1.6817883653466454 -1.42672400175976 -0.6881102466966202 -0.35363462384972194 0.06720894629592637 0.25956014106093966 0.5114233077485113 0.1487665682465345 0.3876004892251499 0.1947633129594301 -0.08756957685828413 -0.27125076690150396 -0.5255927973846974 -1.551278766835679 -0.8599144073977872 -0.9539620868915223 +27765,-1.0946213043935347,1,-1.6745170607064426 -1.6972662176620699 -1.6908625091746687 -1.6817883653466454 -1.42672400175976 -0.6881102466966202 -0.35363462384972194 0.06720894629592637 0.25956014106093966 0.5114233077485113 0.1487665682465345 0.3876004892251499 0.1947633129594301 -0.08756957685828413 -0.27125076690150396 -0.5255927973846974 -1.551278766835679 -0.8599144073977872 -0.9539620868915223 -1.0657698431928935 +27766,-1.1307768229176556,1,-1.6972662176620699 -1.6908625091746687 -1.6817883653466454 -1.42672400175976 -0.6881102466966202 -0.35363462384972194 0.06720894629592637 0.25956014106093966 0.5114233077485113 0.1487665682465345 0.3876004892251499 0.1947633129594301 -0.08756957685828413 -0.27125076690150396 -0.5255927973846974 -1.551278766835679 -0.8599144073977872 -0.9539620868915223 -1.0657698431928935 -1.0946213043935347 +27767,-2.09122821128991,1,-1.6908625091746687 -1.6817883653466454 -1.42672400175976 -0.6881102466966202 -0.35363462384972194 0.06720894629592637 0.25956014106093966 0.5114233077485113 0.1487665682465345 0.3876004892251499 0.1947633129594301 -0.08756957685828413 -0.27125076690150396 -0.5255927973846974 -1.551278766835679 -0.8599144073977872 -0.9539620868915223 -1.0657698431928935 -1.0946213043935347 -1.1307768229176556 +27768,-1.2468607152833135,1,-1.6817883653466454 -1.42672400175976 -0.6881102466966202 -0.35363462384972194 0.06720894629592637 0.25956014106093966 0.5114233077485113 0.1487665682465345 0.3876004892251499 0.1947633129594301 -0.08756957685828413 -0.27125076690150396 -0.5255927973846974 -1.551278766835679 -0.8599144073977872 -0.9539620868915223 -1.0657698431928935 -1.0946213043935347 -1.1307768229176556 -2.09122821128991 +27769,-1.2912285141695994,1,-1.42672400175976 -0.6881102466966202 -0.35363462384972194 0.06720894629592637 0.25956014106093966 0.5114233077485113 0.1487665682465345 0.3876004892251499 0.1947633129594301 -0.08756957685828413 -0.27125076690150396 -0.5255927973846974 -1.551278766835679 -0.8599144073977872 -0.9539620868915223 -1.0657698431928935 -1.0946213043935347 -1.1307768229176556 -2.09122821128991 -1.2468607152833135 +27770,-1.350562325796637,1,-0.6881102466966202 -0.35363462384972194 0.06720894629592637 0.25956014106093966 0.5114233077485113 0.1487665682465345 0.3876004892251499 0.1947633129594301 -0.08756957685828413 -0.27125076690150396 -0.5255927973846974 -1.551278766835679 -0.8599144073977872 -0.9539620868915223 -1.0657698431928935 -1.0946213043935347 -1.1307768229176556 -2.09122821128991 -1.2468607152833135 -1.2912285141695994 +27771,-1.3499219601484567,1,-0.35363462384972194 0.06720894629592637 0.25956014106093966 0.5114233077485113 0.1487665682465345 0.3876004892251499 0.1947633129594301 -0.08756957685828413 -0.27125076690150396 -0.5255927973846974 -1.551278766835679 -0.8599144073977872 -0.9539620868915223 -1.0657698431928935 -1.0946213043935347 -1.1307768229176556 -2.09122821128991 -1.2468607152833135 -1.2912285141695994 -1.350562325796637 +27772,-1.3490145405650964,1,0.06720894629592637 0.25956014106093966 0.5114233077485113 0.1487665682465345 0.3876004892251499 0.1947633129594301 -0.08756957685828413 -0.27125076690150396 -0.5255927973846974 -1.551278766835679 -0.8599144073977872 -0.9539620868915223 -1.0657698431928935 -1.0946213043935347 -1.1307768229176556 -2.09122821128991 -1.2468607152833135 -1.2912285141695994 -1.350562325796637 -1.3499219601484567 +27773,-1.065207823182778,1,0.25956014106093966 0.5114233077485113 0.1487665682465345 0.3876004892251499 0.1947633129594301 -0.08756957685828413 -0.27125076690150396 -0.5255927973846974 -1.551278766835679 -0.8599144073977872 -0.9539620868915223 -1.0657698431928935 -1.0946213043935347 -1.1307768229176556 -2.09122821128991 -1.2468607152833135 -1.2912285141695994 -1.350562325796637 -1.3499219601484567 -1.3490145405650964 +27774,-0.29806836834800376,1,0.5114233077485113 0.1487665682465345 0.3876004892251499 0.1947633129594301 -0.08756957685828413 -0.27125076690150396 -0.5255927973846974 -1.551278766835679 -0.8599144073977872 -0.9539620868915223 -1.0657698431928935 -1.0946213043935347 -1.1307768229176556 -2.09122821128991 -1.2468607152833135 -1.2912285141695994 -1.350562325796637 -1.3499219601484567 -1.3490145405650964 -1.065207823182778 +27775,0.15602534697040848,1,0.1487665682465345 0.3876004892251499 0.1947633129594301 -0.08756957685828413 -0.27125076690150396 -0.5255927973846974 -1.551278766835679 -0.8599144073977872 -0.9539620868915223 -1.0657698431928935 -1.0946213043935347 -1.1307768229176556 -2.09122821128991 -1.2468607152833135 -1.2912285141695994 -1.350562325796637 -1.3499219601484567 -1.3490145405650964 -1.065207823182778 -0.29806836834800376 +27776,0.6538195490503874,1,0.3876004892251499 0.1947633129594301 -0.08756957685828413 -0.27125076690150396 -0.5255927973846974 -1.551278766835679 -0.8599144073977872 -0.9539620868915223 -1.0657698431928935 -1.0946213043935347 -1.1307768229176556 -2.09122821128991 -1.2468607152833135 -1.2912285141695994 -1.350562325796637 -1.3499219601484567 -1.3490145405650964 -1.065207823182778 -0.29806836834800376 0.15602534697040848 +27777,0.8675309862520043,1,0.1947633129594301 -0.08756957685828413 -0.27125076690150396 -0.5255927973846974 -1.551278766835679 -0.8599144073977872 -0.9539620868915223 -1.0657698431928935 -1.0946213043935347 -1.1307768229176556 -2.09122821128991 -1.2468607152833135 -1.2912285141695994 -1.350562325796637 -1.3499219601484567 -1.3490145405650964 -1.065207823182778 -0.29806836834800376 0.15602534697040848 0.6538195490503874 +27778,1.1197029037445596,1,-0.08756957685828413 -0.27125076690150396 -0.5255927973846974 -1.551278766835679 -0.8599144073977872 -0.9539620868915223 -1.0657698431928935 -1.0946213043935347 -1.1307768229176556 -2.09122821128991 -1.2468607152833135 -1.2912285141695994 -1.350562325796637 -1.3499219601484567 -1.3490145405650964 -1.065207823182778 -0.29806836834800376 0.15602534697040848 0.6538195490503874 0.8675309862520043 +27779,0.6337559140075989,1,-0.27125076690150396 -0.5255927973846974 -1.551278766835679 -0.8599144073977872 -0.9539620868915223 -1.0657698431928935 -1.0946213043935347 -1.1307768229176556 -2.09122821128991 -1.2468607152833135 -1.2912285141695994 -1.350562325796637 -1.3499219601484567 -1.3490145405650964 -1.065207823182778 -0.29806836834800376 0.15602534697040848 0.6538195490503874 0.8675309862520043 1.1197029037445596 +27780,0.9958800852211894,1,-0.5255927973846974 -1.551278766835679 -0.8599144073977872 -0.9539620868915223 -1.0657698431928935 -1.0946213043935347 -1.1307768229176556 -2.09122821128991 -1.2468607152833135 -1.2912285141695994 -1.350562325796637 -1.3499219601484567 -1.3490145405650964 -1.065207823182778 -0.29806836834800376 0.15602534697040848 0.6538195490503874 0.8675309862520043 1.1197029037445596 0.6337559140075989 +27781,0.6961658703096113,1,-1.551278766835679 -0.8599144073977872 -0.9539620868915223 -1.0657698431928935 -1.0946213043935347 -1.1307768229176556 -2.09122821128991 -1.2468607152833135 -1.2912285141695994 -1.350562325796637 -1.3499219601484567 -1.3490145405650964 -1.065207823182778 -0.29806836834800376 0.15602534697040848 0.6538195490503874 0.8675309862520043 1.1197029037445596 0.6337559140075989 0.9958800852211894 +27782,0.3148545833426667,1,-0.8599144073977872 -0.9539620868915223 -1.0657698431928935 -1.0946213043935347 -1.1307768229176556 -2.09122821128991 -1.2468607152833135 -1.2912285141695994 -1.350562325796637 -1.3499219601484567 -1.3490145405650964 -1.065207823182778 -0.29806836834800376 0.15602534697040848 0.6538195490503874 0.8675309862520043 1.1197029037445596 0.6337559140075989 0.9958800852211894 0.6961658703096113 +27783,0.0984942437433412,1,-0.9539620868915223 -1.0657698431928935 -1.0946213043935347 -1.1307768229176556 -2.09122821128991 -1.2468607152833135 -1.2912285141695994 -1.350562325796637 -1.3499219601484567 -1.3490145405650964 -1.065207823182778 -0.29806836834800376 0.15602534697040848 0.6538195490503874 0.8675309862520043 1.1197029037445596 0.6337559140075989 0.9958800852211894 0.6961658703096113 0.3148545833426667 +27784,-0.14948098611996483,1,-1.0657698431928935 -1.0946213043935347 -1.1307768229176556 -2.09122821128991 -1.2468607152833135 -1.2912285141695994 -1.350562325796637 -1.3499219601484567 -1.3490145405650964 -1.065207823182778 -0.29806836834800376 0.15602534697040848 0.6538195490503874 0.8675309862520043 1.1197029037445596 0.6337559140075989 0.9958800852211894 0.6961658703096113 0.3148545833426667 0.0984942437433412 +27785,-1.0691139276005386,1,-1.0946213043935347 -1.1307768229176556 -2.09122821128991 -1.2468607152833135 -1.2912285141695994 -1.350562325796637 -1.3499219601484567 -1.3490145405650964 -1.065207823182778 -0.29806836834800376 0.15602534697040848 0.6538195490503874 0.8675309862520043 1.1197029037445596 0.6337559140075989 0.9958800852211894 0.6961658703096113 0.3148545833426667 0.0984942437433412 -0.14948098611996483 +27786,-0.5163060859954445,1,-1.1307768229176556 -2.09122821128991 -1.2468607152833135 -1.2912285141695994 -1.350562325796637 -1.3499219601484567 -1.3490145405650964 -1.065207823182778 -0.29806836834800376 0.15602534697040848 0.6538195490503874 0.8675309862520043 1.1197029037445596 0.6337559140075989 0.9958800852211894 0.6961658703096113 0.3148545833426667 0.0984942437433412 -0.14948098611996483 -1.0691139276005386 +27787,-0.5503573610893662,1,-2.09122821128991 -1.2468607152833135 -1.2912285141695994 -1.350562325796637 -1.3499219601484567 -1.3490145405650964 -1.065207823182778 -0.29806836834800376 0.15602534697040848 0.6538195490503874 0.8675309862520043 1.1197029037445596 0.6337559140075989 0.9958800852211894 0.6961658703096113 0.3148545833426667 0.0984942437433412 -0.14948098611996483 -1.0691139276005386 -0.5163060859954445 +27788,-1.430038918154717,1,-1.2468607152833135 -1.2912285141695994 -1.350562325796637 -1.3499219601484567 -1.3490145405650964 -1.065207823182778 -0.29806836834800376 0.15602534697040848 0.6538195490503874 0.8675309862520043 1.1197029037445596 0.6337559140075989 0.9958800852211894 0.6961658703096113 0.3148545833426667 0.0984942437433412 -0.14948098611996483 -1.0691139276005386 -0.5163060859954445 -0.5503573610893662 +27789,-0.7051358842435766,1,-1.2912285141695994 -1.350562325796637 -1.3499219601484567 -1.3490145405650964 -1.065207823182778 -0.29806836834800376 0.15602534697040848 0.6538195490503874 0.8675309862520043 1.1197029037445596 0.6337559140075989 0.9958800852211894 0.6961658703096113 0.3148545833426667 0.0984942437433412 -0.14948098611996483 -1.0691139276005386 -0.5163060859954445 -0.5503573610893662 -1.430038918154717 +27790,-0.7893455914574363,1,-1.350562325796637 -1.3499219601484567 -1.3490145405650964 -1.065207823182778 -0.29806836834800376 0.15602534697040848 0.6538195490503874 0.8675309862520043 1.1197029037445596 0.6337559140075989 0.9958800852211894 0.6961658703096113 0.3148545833426667 0.0984942437433412 -0.14948098611996483 -1.0691139276005386 -0.5163060859954445 -0.5503573610893662 -1.430038918154717 -0.7051358842435766 +27791,-0.8862267563340055,1,-1.3499219601484567 -1.3490145405650964 -1.065207823182778 -0.29806836834800376 0.15602534697040848 0.6538195490503874 0.8675309862520043 1.1197029037445596 0.6337559140075989 0.9958800852211894 0.6961658703096113 0.3148545833426667 0.0984942437433412 -0.14948098611996483 -1.0691139276005386 -0.5163060859954445 -0.5503573610893662 -1.430038918154717 -0.7051358842435766 -0.7893455914574363 +27792,-0.9534609688251545,1,-1.3490145405650964 -1.065207823182778 -0.29806836834800376 0.15602534697040848 0.6538195490503874 0.8675309862520043 1.1197029037445596 0.6337559140075989 0.9958800852211894 0.6961658703096113 0.3148545833426667 0.0984942437433412 -0.14948098611996483 -1.0691139276005386 -0.5163060859954445 -0.5503573610893662 -1.430038918154717 -0.7051358842435766 -0.7893455914574363 -0.8862267563340055 +27793,-1.027075212404341,1,-1.065207823182778 -0.29806836834800376 0.15602534697040848 0.6538195490503874 0.8675309862520043 1.1197029037445596 0.6337559140075989 0.9958800852211894 0.6961658703096113 0.3148545833426667 0.0984942437433412 -0.14948098611996483 -1.0691139276005386 -0.5163060859954445 -0.5503573610893662 -1.430038918154717 -0.7051358842435766 -0.7893455914574363 -0.8862267563340055 -0.9534609688251545 +27794,-1.7296801927585925,1,-0.29806836834800376 0.15602534697040848 0.6538195490503874 0.8675309862520043 1.1197029037445596 0.6337559140075989 0.9958800852211894 0.6961658703096113 0.3148545833426667 0.0984942437433412 -0.14948098611996483 -1.0691139276005386 -0.5163060859954445 -0.5503573610893662 -1.430038918154717 -0.7051358842435766 -0.7893455914574363 -0.8862267563340055 -0.9534609688251545 -1.027075212404341 +27795,-1.1168467558337805,1,0.15602534697040848 0.6538195490503874 0.8675309862520043 1.1197029037445596 0.6337559140075989 0.9958800852211894 0.6961658703096113 0.3148545833426667 0.0984942437433412 -0.14948098611996483 -1.0691139276005386 -0.5163060859954445 -0.5503573610893662 -1.430038918154717 -0.7051358842435766 -0.7893455914574363 -0.8862267563340055 -0.9534609688251545 -1.027075212404341 -1.7296801927585925 +27796,-0.9961286195851549,1,0.6538195490503874 0.8675309862520043 1.1197029037445596 0.6337559140075989 0.9958800852211894 0.6961658703096113 0.3148545833426667 0.0984942437433412 -0.14948098611996483 -1.0691139276005386 -0.5163060859954445 -0.5503573610893662 -1.430038918154717 -0.7051358842435766 -0.7893455914574363 -0.8862267563340055 -0.9534609688251545 -1.027075212404341 -1.7296801927585925 -1.1168467558337805 +27797,-0.6354855488241837,1,0.8675309862520043 1.1197029037445596 0.6337559140075989 0.9958800852211894 0.6961658703096113 0.3148545833426667 0.0984942437433412 -0.14948098611996483 -1.0691139276005386 -0.5163060859954445 -0.5503573610893662 -1.430038918154717 -0.7051358842435766 -0.7893455914574363 -0.8862267563340055 -0.9534609688251545 -1.027075212404341 -1.7296801927585925 -1.1168467558337805 -0.9961286195851549 +27798,-0.13984975104912242,1,1.1197029037445596 0.6337559140075989 0.9958800852211894 0.6961658703096113 0.3148545833426667 0.0984942437433412 -0.14948098611996483 -1.0691139276005386 -0.5163060859954445 -0.5503573610893662 -1.430038918154717 -0.7051358842435766 -0.7893455914574363 -0.8862267563340055 -0.9534609688251545 -1.027075212404341 -1.7296801927585925 -1.1168467558337805 -0.9961286195851549 -0.6354855488241837 +27799,0.599647065946419,1,0.6337559140075989 0.9958800852211894 0.6961658703096113 0.3148545833426667 0.0984942437433412 -0.14948098611996483 -1.0691139276005386 -0.5163060859954445 -0.5503573610893662 -1.430038918154717 -0.7051358842435766 -0.7893455914574363 -0.8862267563340055 -0.9534609688251545 -1.027075212404341 -1.7296801927585925 -1.1168467558337805 -0.9961286195851549 -0.6354855488241837 -0.13984975104912242 +27800,0.5523092086683679,1,0.9958800852211894 0.6961658703096113 0.3148545833426667 0.0984942437433412 -0.14948098611996483 -1.0691139276005386 -0.5163060859954445 -0.5503573610893662 -1.430038918154717 -0.7051358842435766 -0.7893455914574363 -0.8862267563340055 -0.9534609688251545 -1.027075212404341 -1.7296801927585925 -1.1168467558337805 -0.9961286195851549 -0.6354855488241837 -0.13984975104912242 0.599647065946419 +27801,0.6971575355335708,1,0.6961658703096113 0.3148545833426667 0.0984942437433412 -0.14948098611996483 -1.0691139276005386 -0.5163060859954445 -0.5503573610893662 -1.430038918154717 -0.7051358842435766 -0.7893455914574363 -0.8862267563340055 -0.9534609688251545 -1.027075212404341 -1.7296801927585925 -1.1168467558337805 -0.9961286195851549 -0.6354855488241837 -0.13984975104912242 0.599647065946419 0.5523092086683679 +27802,0.6855638095499523,1,0.3148545833426667 0.0984942437433412 -0.14948098611996483 -1.0691139276005386 -0.5163060859954445 -0.5503573610893662 -1.430038918154717 -0.7051358842435766 -0.7893455914574363 -0.8862267563340055 -0.9534609688251545 -1.027075212404341 -1.7296801927585925 -1.1168467558337805 -0.9961286195851549 -0.6354855488241837 -0.13984975104912242 0.599647065946419 0.5523092086683679 0.6971575355335708 +27803,0.6662018309027218,1,0.0984942437433412 -0.14948098611996483 -1.0691139276005386 -0.5163060859954445 -0.5503573610893662 -1.430038918154717 -0.7051358842435766 -0.7893455914574363 -0.8862267563340055 -0.9534609688251545 -1.027075212404341 -1.7296801927585925 -1.1168467558337805 -0.9961286195851549 -0.6354855488241837 -0.13984975104912242 0.599647065946419 0.5523092086683679 0.6971575355335708 0.6855638095499523 +27804,0.5928399973530829,1,-0.14948098611996483 -1.0691139276005386 -0.5163060859954445 -0.5503573610893662 -1.430038918154717 -0.7051358842435766 -0.7893455914574363 -0.8862267563340055 -0.9534609688251545 -1.027075212404341 -1.7296801927585925 -1.1168467558337805 -0.9961286195851549 -0.6354855488241837 -0.13984975104912242 0.599647065946419 0.5523092086683679 0.6971575355335708 0.6855638095499523 0.6662018309027218 +27805,0.36593149598355373,1,-1.0691139276005386 -0.5163060859954445 -0.5503573610893662 -1.430038918154717 -0.7051358842435766 -0.7893455914574363 -0.8862267563340055 -0.9534609688251545 -1.027075212404341 -1.7296801927585925 -1.1168467558337805 -0.9961286195851549 -0.6354855488241837 -0.13984975104912242 0.599647065946419 0.5523092086683679 0.6971575355335708 0.6855638095499523 0.6662018309027218 0.5928399973530829 +27806,-0.6395638251564135,1,-0.5163060859954445 -0.5503573610893662 -1.430038918154717 -0.7051358842435766 -0.7893455914574363 -0.8862267563340055 -0.9534609688251545 -1.027075212404341 -1.7296801927585925 -1.1168467558337805 -0.9961286195851549 -0.6354855488241837 -0.13984975104912242 0.599647065946419 0.5523092086683679 0.6971575355335708 0.6855638095499523 0.6662018309027218 0.5928399973530829 0.36593149598355373 +27807,-0.12007306672066517,1,-0.5503573610893662 -1.430038918154717 -0.7051358842435766 -0.7893455914574363 -0.8862267563340055 -0.9534609688251545 -1.027075212404341 -1.7296801927585925 -1.1168467558337805 -0.9961286195851549 -0.6354855488241837 -0.13984975104912242 0.599647065946419 0.5523092086683679 0.6971575355335708 0.6855638095499523 0.6662018309027218 0.5928399973530829 0.36593149598355373 -0.6395638251564135 +27808,-0.3045710581652979,1,-1.430038918154717 -0.7051358842435766 -0.7893455914574363 -0.8862267563340055 -0.9534609688251545 -1.027075212404341 -1.7296801927585925 -1.1168467558337805 -0.9961286195851549 -0.6354855488241837 -0.13984975104912242 0.599647065946419 0.5523092086683679 0.6971575355335708 0.6855638095499523 0.6662018309027218 0.5928399973530829 0.36593149598355373 -0.6395638251564135 -0.12007306672066517 +27809,-0.5132105155323631,1,-0.7051358842435766 -0.7893455914574363 -0.8862267563340055 -0.9534609688251545 -1.027075212404341 -1.7296801927585925 -1.1168467558337805 -0.9961286195851549 -0.6354855488241837 -0.13984975104912242 0.599647065946419 0.5523092086683679 0.6971575355335708 0.6855638095499523 0.6662018309027218 0.5928399973530829 0.36593149598355373 -0.6395638251564135 -0.12007306672066517 -0.3045710581652979 +27810,-0.7933596424414756,1,-0.7893455914574363 -0.8862267563340055 -0.9534609688251545 -1.027075212404341 -1.7296801927585925 -1.1168467558337805 -0.9961286195851549 -0.6354855488241837 -0.13984975104912242 0.599647065946419 0.5523092086683679 0.6971575355335708 0.6855638095499523 0.6662018309027218 0.5928399973530829 0.36593149598355373 -0.6395638251564135 -0.12007306672066517 -0.3045710581652979 -0.5132105155323631 +27811,-0.8172501586697236,1,-0.8862267563340055 -0.9534609688251545 -1.027075212404341 -1.7296801927585925 -1.1168467558337805 -0.9961286195851549 -0.6354855488241837 -0.13984975104912242 0.599647065946419 0.5523092086683679 0.6971575355335708 0.6855638095499523 0.6662018309027218 0.5928399973530829 0.36593149598355373 -0.6395638251564135 -0.12007306672066517 -0.3045710581652979 -0.5132105155323631 -0.7933596424414756 +27812,-0.9496859508272356,1,-0.9534609688251545 -1.027075212404341 -1.7296801927585925 -1.1168467558337805 -0.9961286195851549 -0.6354855488241837 -0.13984975104912242 0.599647065946419 0.5523092086683679 0.6971575355335708 0.6855638095499523 0.6662018309027218 0.5928399973530829 0.36593149598355373 -0.6395638251564135 -0.12007306672066517 -0.3045710581652979 -0.5132105155323631 -0.7933596424414756 -0.8172501586697236 +27813,-1.0049762549503685,1,-1.027075212404341 -1.7296801927585925 -1.1168467558337805 -0.9961286195851549 -0.6354855488241837 -0.13984975104912242 0.599647065946419 0.5523092086683679 0.6971575355335708 0.6855638095499523 0.6662018309027218 0.5928399973530829 0.36593149598355373 -0.6395638251564135 -0.12007306672066517 -0.3045710581652979 -0.5132105155323631 -0.7933596424414756 -0.8172501586697236 -0.9496859508272356 +27814,-1.0657698431928935,1,-1.7296801927585925 -1.1168467558337805 -0.9961286195851549 -0.6354855488241837 -0.13984975104912242 0.599647065946419 0.5523092086683679 0.6971575355335708 0.6855638095499523 0.6662018309027218 0.5928399973530829 0.36593149598355373 -0.6395638251564135 -0.12007306672066517 -0.3045710581652979 -0.5132105155323631 -0.7933596424414756 -0.8172501586697236 -0.9496859508272356 -1.0049762549503685 +27815,-1.8065436021969896,1,-1.1168467558337805 -0.9961286195851549 -0.6354855488241837 -0.13984975104912242 0.599647065946419 0.5523092086683679 0.6971575355335708 0.6855638095499523 0.6662018309027218 0.5928399973530829 0.36593149598355373 -0.6395638251564135 -0.12007306672066517 -0.3045710581652979 -0.5132105155323631 -0.7933596424414756 -0.8172501586697236 -0.9496859508272356 -1.0049762549503685 -1.0657698431928935 +27816,-1.2066182992632202,1,-0.9961286195851549 -0.6354855488241837 -0.13984975104912242 0.599647065946419 0.5523092086683679 0.6971575355335708 0.6855638095499523 0.6662018309027218 0.5928399973530829 0.36593149598355373 -0.6395638251564135 -0.12007306672066517 -0.3045710581652979 -0.5132105155323631 -0.7933596424414756 -0.8172501586697236 -0.9496859508272356 -1.0049762549503685 -1.0657698431928935 -1.8065436021969896 +27817,-1.3017407396170897,1,-0.6354855488241837 -0.13984975104912242 0.599647065946419 0.5523092086683679 0.6971575355335708 0.6855638095499523 0.6662018309027218 0.5928399973530829 0.36593149598355373 -0.6395638251564135 -0.12007306672066517 -0.3045710581652979 -0.5132105155323631 -0.7933596424414756 -0.8172501586697236 -0.9496859508272356 -1.0049762549503685 -1.0657698431928935 -1.8065436021969896 -1.2066182992632202 +27818,-1.410925949826777,1,-0.13984975104912242 0.599647065946419 0.5523092086683679 0.6971575355335708 0.6855638095499523 0.6662018309027218 0.5928399973530829 0.36593149598355373 -0.6395638251564135 -0.12007306672066517 -0.3045710581652979 -0.5132105155323631 -0.7933596424414756 -0.8172501586697236 -0.9496859508272356 -1.0049762549503685 -1.0657698431928935 -1.8065436021969896 -1.2066182992632202 -1.3017407396170897 +27819,-1.3736927452832128,1,0.599647065946419 0.5523092086683679 0.6971575355335708 0.6855638095499523 0.6662018309027218 0.5928399973530829 0.36593149598355373 -0.6395638251564135 -0.12007306672066517 -0.3045710581652979 -0.5132105155323631 -0.7933596424414756 -0.8172501586697236 -0.9496859508272356 -1.0049762549503685 -1.0657698431928935 -1.8065436021969896 -1.2066182992632202 -1.3017407396170897 -1.410925949826777 +27820,-1.3304411177865902,1,0.5523092086683679 0.6971575355335708 0.6855638095499523 0.6662018309027218 0.5928399973530829 0.36593149598355373 -0.6395638251564135 -0.12007306672066517 -0.3045710581652979 -0.5132105155323631 -0.7933596424414756 -0.8172501586697236 -0.9496859508272356 -1.0049762549503685 -1.0657698431928935 -1.8065436021969896 -1.2066182992632202 -1.3017407396170897 -1.410925949826777 -1.3736927452832128 +27821,-0.9453087405178544,1,0.6971575355335708 0.6855638095499523 0.6662018309027218 0.5928399973530829 0.36593149598355373 -0.6395638251564135 -0.12007306672066517 -0.3045710581652979 -0.5132105155323631 -0.7933596424414756 -0.8172501586697236 -0.9496859508272356 -1.0049762549503685 -1.0657698431928935 -1.8065436021969896 -1.2066182992632202 -1.3017407396170897 -1.410925949826777 -1.3736927452832128 -1.3304411177865902 +27822,-0.7299004479482543,1,0.6855638095499523 0.6662018309027218 0.5928399973530829 0.36593149598355373 -0.6395638251564135 -0.12007306672066517 -0.3045710581652979 -0.5132105155323631 -0.7933596424414756 -0.8172501586697236 -0.9496859508272356 -1.0049762549503685 -1.0657698431928935 -1.8065436021969896 -1.2066182992632202 -1.3017407396170897 -1.410925949826777 -1.3736927452832128 -1.3304411177865902 -0.9453087405178544 +27823,-0.24389588524403535,1,0.6662018309027218 0.5928399973530829 0.36593149598355373 -0.6395638251564135 -0.12007306672066517 -0.3045710581652979 -0.5132105155323631 -0.7933596424414756 -0.8172501586697236 -0.9496859508272356 -1.0049762549503685 -1.0657698431928935 -1.8065436021969896 -1.2066182992632202 -1.3017407396170897 -1.410925949826777 -1.3736927452832128 -1.3304411177865902 -0.9453087405178544 -0.7299004479482543 +27824,-0.2419329655947443,1,0.5928399973530829 0.36593149598355373 -0.6395638251564135 -0.12007306672066517 -0.3045710581652979 -0.5132105155323631 -0.7933596424414756 -0.8172501586697236 -0.9496859508272356 -1.0049762549503685 -1.0657698431928935 -1.8065436021969896 -1.2066182992632202 -1.3017407396170897 -1.410925949826777 -1.3736927452832128 -1.3304411177865902 -0.9453087405178544 -0.7299004479482543 -0.24389588524403535 +27825,-0.17734112028772378,1,0.36593149598355373 -0.6395638251564135 -0.12007306672066517 -0.3045710581652979 -0.5132105155323631 -0.7933596424414756 -0.8172501586697236 -0.9496859508272356 -1.0049762549503685 -1.0657698431928935 -1.8065436021969896 -1.2066182992632202 -1.3017407396170897 -1.410925949826777 -1.3736927452832128 -1.3304411177865902 -0.9453087405178544 -0.7299004479482543 -0.24389588524403535 -0.2419329655947443 +27826,-0.058309004600898884,1,-0.6395638251564135 -0.12007306672066517 -0.3045710581652979 -0.5132105155323631 -0.7933596424414756 -0.8172501586697236 -0.9496859508272356 -1.0049762549503685 -1.0657698431928935 -1.8065436021969896 -1.2066182992632202 -1.3017407396170897 -1.410925949826777 -1.3736927452832128 -1.3304411177865902 -0.9453087405178544 -0.7299004479482543 -0.24389588524403535 -0.2419329655947443 -0.17734112028772378 +27827,0.09042572476906323,1,-0.12007306672066517 -0.3045710581652979 -0.5132105155323631 -0.7933596424414756 -0.8172501586697236 -0.9496859508272356 -1.0049762549503685 -1.0657698431928935 -1.8065436021969896 -1.2066182992632202 -1.3017407396170897 -1.410925949826777 -1.3736927452832128 -1.3304411177865902 -0.9453087405178544 -0.7299004479482543 -0.24389588524403535 -0.2419329655947443 -0.17734112028772378 -0.058309004600898884 +27828,0.037005083913330496,1,-0.3045710581652979 -0.5132105155323631 -0.7933596424414756 -0.8172501586697236 -0.9496859508272356 -1.0049762549503685 -1.0657698431928935 -1.8065436021969896 -1.2066182992632202 -1.3017407396170897 -1.410925949826777 -1.3736927452832128 -1.3304411177865902 -0.9453087405178544 -0.7299004479482543 -0.24389588524403535 -0.2419329655947443 -0.17734112028772378 -0.058309004600898884 0.09042572476906323 +27829,-0.03184930852276624,1,-0.5132105155323631 -0.7933596424414756 -0.8172501586697236 -0.9496859508272356 -1.0049762549503685 -1.0657698431928935 -1.8065436021969896 -1.2066182992632202 -1.3017407396170897 -1.410925949826777 -1.3736927452832128 -1.3304411177865902 -0.9453087405178544 -0.7299004479482543 -0.24389588524403535 -0.2419329655947443 -0.17734112028772378 -0.058309004600898884 0.09042572476906323 0.037005083913330496 +27830,-0.8929140237191724,1,-0.7933596424414756 -0.8172501586697236 -0.9496859508272356 -1.0049762549503685 -1.0657698431928935 -1.8065436021969896 -1.2066182992632202 -1.3017407396170897 -1.410925949826777 -1.3736927452832128 -1.3304411177865902 -0.9453087405178544 -0.7299004479482543 -0.24389588524403535 -0.2419329655947443 -0.17734112028772378 -0.058309004600898884 0.09042572476906323 0.037005083913330496 -0.03184930852276624 +27831,-0.39712662316670516,1,-0.8172501586697236 -0.9496859508272356 -1.0049762549503685 -1.0657698431928935 -1.8065436021969896 -1.2066182992632202 -1.3017407396170897 -1.410925949826777 -1.3736927452832128 -1.3304411177865902 -0.9453087405178544 -0.7299004479482543 -0.24389588524403535 -0.2419329655947443 -0.17734112028772378 -0.058309004600898884 0.09042572476906323 0.037005083913330496 -0.03184930852276624 -0.8929140237191724 +27832,-0.5473471723412391,1,-0.9496859508272356 -1.0049762549503685 -1.0657698431928935 -1.8065436021969896 -1.2066182992632202 -1.3017407396170897 -1.410925949826777 -1.3736927452832128 -1.3304411177865902 -0.9453087405178544 -0.7299004479482543 -0.24389588524403535 -0.2419329655947443 -0.17734112028772378 -0.058309004600898884 0.09042572476906323 0.037005083913330496 -0.03184930852276624 -0.8929140237191724 -0.39712662316670516 +27833,-0.7593083673475539,1,-1.0049762549503685 -1.0657698431928935 -1.8065436021969896 -1.2066182992632202 -1.3017407396170897 -1.410925949826777 -1.3736927452832128 -1.3304411177865902 -0.9453087405178544 -0.7299004479482543 -0.24389588524403535 -0.2419329655947443 -0.17734112028772378 -0.058309004600898884 0.09042572476906323 0.037005083913330496 -0.03184930852276624 -0.8929140237191724 -0.39712662316670516 -0.5473471723412391 +27834,-0.9357558837433517,1,-1.0657698431928935 -1.8065436021969896 -1.2066182992632202 -1.3017407396170897 -1.410925949826777 -1.3736927452832128 -1.3304411177865902 -0.9453087405178544 -0.7299004479482543 -0.24389588524403535 -0.2419329655947443 -0.17734112028772378 -0.058309004600898884 0.09042572476906323 0.037005083913330496 -0.03184930852276624 -0.8929140237191724 -0.39712662316670516 -0.5473471723412391 -0.7593083673475539 +27835,-0.9426237682235543,1,-1.8065436021969896 -1.2066182992632202 -1.3017407396170897 -1.410925949826777 -1.3736927452832128 -1.3304411177865902 -0.9453087405178544 -0.7299004479482543 -0.24389588524403535 -0.2419329655947443 -0.17734112028772378 -0.058309004600898884 0.09042572476906323 0.037005083913330496 -0.03184930852276624 -0.8929140237191724 -0.39712662316670516 -0.5473471723412391 -0.7593083673475539 -0.9357558837433517 +27836,-1.0255274271727914,1,-1.2066182992632202 -1.3017407396170897 -1.410925949826777 -1.3736927452832128 -1.3304411177865902 -0.9453087405178544 -0.7299004479482543 -0.24389588524403535 -0.2419329655947443 -0.17734112028772378 -0.058309004600898884 0.09042572476906323 0.037005083913330496 -0.03184930852276624 -0.8929140237191724 -0.39712662316670516 -0.5473471723412391 -0.7593083673475539 -0.9357558837433517 -0.9426237682235543 +27837,-1.106615551999742,1,-1.3017407396170897 -1.410925949826777 -1.3736927452832128 -1.3304411177865902 -0.9453087405178544 -0.7299004479482543 -0.24389588524403535 -0.2419329655947443 -0.17734112028772378 -0.058309004600898884 0.09042572476906323 0.037005083913330496 -0.03184930852276624 -0.8929140237191724 -0.39712662316670516 -0.5473471723412391 -0.7593083673475539 -0.9357558837433517 -0.9426237682235543 -1.0255274271727914 +27838,-1.2081660844947608,1,-1.410925949826777 -1.3736927452832128 -1.3304411177865902 -0.9453087405178544 -0.7299004479482543 -0.24389588524403535 -0.2419329655947443 -0.17734112028772378 -0.058309004600898884 0.09042572476906323 0.037005083913330496 -0.03184930852276624 -0.8929140237191724 -0.39712662316670516 -0.5473471723412391 -0.7593083673475539 -0.9357558837433517 -0.9426237682235543 -1.0255274271727914 -1.106615551999742 +27839,-2.191652643353012,1,-1.3736927452832128 -1.3304411177865902 -0.9453087405178544 -0.7299004479482543 -0.24389588524403535 -0.2419329655947443 -0.17734112028772378 -0.058309004600898884 0.09042572476906323 0.037005083913330496 -0.03184930852276624 -0.8929140237191724 -0.39712662316670516 -0.5473471723412391 -0.7593083673475539 -0.9357558837433517 -0.9426237682235543 -1.0255274271727914 -1.106615551999742 -1.2081660844947608 +27840,-1.3629446076489713,1,-1.3304411177865902 -0.9453087405178544 -0.7299004479482543 -0.24389588524403535 -0.2419329655947443 -0.17734112028772378 -0.058309004600898884 0.09042572476906323 0.037005083913330496 -0.03184930852276624 -0.8929140237191724 -0.39712662316670516 -0.5473471723412391 -0.7593083673475539 -0.9357558837433517 -0.9426237682235543 -1.0255274271727914 -1.106615551999742 -1.2081660844947608 -2.191652643353012 +27841,-1.3904140921231258,1,-0.9453087405178544 -0.7299004479482543 -0.24389588524403535 -0.2419329655947443 -0.17734112028772378 -0.058309004600898884 0.09042572476906323 0.037005083913330496 -0.03184930852276624 -0.8929140237191724 -0.39712662316670516 -0.5473471723412391 -0.7593083673475539 -0.9357558837433517 -0.9426237682235543 -1.0255274271727914 -1.106615551999742 -1.2081660844947608 -2.191652643353012 -1.3629446076489713 +27842,-1.4264038021422016,1,-0.7299004479482543 -0.24389588524403535 -0.2419329655947443 -0.17734112028772378 -0.058309004600898884 0.09042572476906323 0.037005083913330496 -0.03184930852276624 -0.8929140237191724 -0.39712662316670516 -0.5473471723412391 -0.7593083673475539 -0.9357558837433517 -0.9426237682235543 -1.0255274271727914 -1.106615551999742 -1.2081660844947608 -2.191652643353012 -1.3629446076489713 -1.3904140921231258 +27843,-1.4310182151816666,1,-0.24389588524403535 -0.2419329655947443 -0.17734112028772378 -0.058309004600898884 0.09042572476906323 0.037005083913330496 -0.03184930852276624 -0.8929140237191724 -0.39712662316670516 -0.5473471723412391 -0.7593083673475539 -0.9357558837433517 -0.9426237682235543 -1.0255274271727914 -1.106615551999742 -1.2081660844947608 -2.191652643353012 -1.3629446076489713 -1.3904140921231258 -1.4264038021422016 +27844,-1.4372382987629952,1,-0.2419329655947443 -0.17734112028772378 -0.058309004600898884 0.09042572476906323 0.037005083913330496 -0.03184930852276624 -0.8929140237191724 -0.39712662316670516 -0.5473471723412391 -0.7593083673475539 -0.9357558837433517 -0.9426237682235543 -1.0255274271727914 -1.106615551999742 -1.2081660844947608 -2.191652643353012 -1.3629446076489713 -1.3904140921231258 -1.4264038021422016 -1.4310182151816666 +27845,-1.3822296505356986,1,-0.17734112028772378 -0.058309004600898884 0.09042572476906323 0.037005083913330496 -0.03184930852276624 -0.8929140237191724 -0.39712662316670516 -0.5473471723412391 -0.7593083673475539 -0.9357558837433517 -0.9426237682235543 -1.0255274271727914 -1.106615551999742 -1.2081660844947608 -2.191652643353012 -1.3629446076489713 -1.3904140921231258 -1.4264038021422016 -1.4310182151816666 -1.4372382987629952 +27846,-0.44975132103913285,1,-0.058309004600898884 0.09042572476906323 0.037005083913330496 -0.03184930852276624 -0.8929140237191724 -0.39712662316670516 -0.5473471723412391 -0.7593083673475539 -0.9357558837433517 -0.9426237682235543 -1.0255274271727914 -1.106615551999742 -1.2081660844947608 -2.191652643353012 -1.3629446076489713 -1.3904140921231258 -1.4264038021422016 -1.4310182151816666 -1.4372382987629952 -1.3822296505356986 +27847,-0.04759676196351976,1,0.09042572476906323 0.037005083913330496 -0.03184930852276624 -0.8929140237191724 -0.39712662316670516 -0.5473471723412391 -0.7593083673475539 -0.9357558837433517 -0.9426237682235543 -1.0255274271727914 -1.106615551999742 -1.2081660844947608 -2.191652643353012 -1.3629446076489713 -1.3904140921231258 -1.4264038021422016 -1.4310182151816666 -1.4372382987629952 -1.3822296505356986 -0.44975132103913285 +27848,0.46808532126533653,1,0.037005083913330496 -0.03184930852276624 -0.8929140237191724 -0.39712662316670516 -0.5473471723412391 -0.7593083673475539 -0.9357558837433517 -0.9426237682235543 -1.0255274271727914 -1.106615551999742 -1.2081660844947608 -2.191652643353012 -1.3629446076489713 -1.3904140921231258 -1.4264038021422016 -1.4310182151816666 -1.4372382987629952 -1.3822296505356986 -0.44975132103913285 -0.04759676196351976 +27849,0.6317987767291594,1,-0.03184930852276624 -0.8929140237191724 -0.39712662316670516 -0.5473471723412391 -0.7593083673475539 -0.9357558837433517 -0.9426237682235543 -1.0255274271727914 -1.106615551999742 -1.2081660844947608 -2.191652643353012 -1.3629446076489713 -1.3904140921231258 -1.4264038021422016 -1.4310182151816666 -1.4372382987629952 -1.3822296505356986 -0.44975132103913285 -0.04759676196351976 0.46808532126533653 +27850,0.8225281392884818,1,-0.8929140237191724 -0.39712662316670516 -0.5473471723412391 -0.7593083673475539 -0.9357558837433517 -0.9426237682235543 -1.0255274271727914 -1.106615551999742 -1.2081660844947608 -2.191652643353012 -1.3629446076489713 -1.3904140921231258 -1.4264038021422016 -1.4310182151816666 -1.4372382987629952 -1.3822296505356986 -0.44975132103913285 -0.04759676196351976 0.46808532126533653 0.6317987767291594 +27851,0.3892459350614413,1,-0.39712662316670516 -0.5473471723412391 -0.7593083673475539 -0.9357558837433517 -0.9426237682235543 -1.0255274271727914 -1.106615551999742 -1.2081660844947608 -2.191652643353012 -1.3629446076489713 -1.3904140921231258 -1.4264038021422016 -1.4310182151816666 -1.4372382987629952 -1.3822296505356986 -0.44975132103913285 -0.04759676196351976 0.46808532126533653 0.6317987767291594 0.8225281392884818 +27852,0.9339686759595087,1,-0.5473471723412391 -0.7593083673475539 -0.9357558837433517 -0.9426237682235543 -1.0255274271727914 -1.106615551999742 -1.2081660844947608 -2.191652643353012 -1.3629446076489713 -1.3904140921231258 -1.4264038021422016 -1.4310182151816666 -1.4372382987629952 -1.3822296505356986 -0.44975132103913285 -0.04759676196351976 0.46808532126533653 0.6317987767291594 0.8225281392884818 0.3892459350614413 +27853,0.699147762602918,1,-0.7593083673475539 -0.9357558837433517 -0.9426237682235543 -1.0255274271727914 -1.106615551999742 -1.2081660844947608 -2.191652643353012 -1.3629446076489713 -1.3904140921231258 -1.4264038021422016 -1.4310182151816666 -1.4372382987629952 -1.3822296505356986 -0.44975132103913285 -0.04759676196351976 0.46808532126533653 0.6317987767291594 0.8225281392884818 0.3892459350614413 0.9339686759595087 +27854,0.42165176431907164,1,-0.9357558837433517 -0.9426237682235543 -1.0255274271727914 -1.106615551999742 -1.2081660844947608 -2.191652643353012 -1.3629446076489713 -1.3904140921231258 -1.4264038021422016 -1.4310182151816666 -1.4372382987629952 -1.3822296505356986 -0.44975132103913285 -0.04759676196351976 0.46808532126533653 0.6317987767291594 0.8225281392884818 0.3892459350614413 0.9339686759595087 0.699147762602918 +27855,0.091235695484688,1,-0.9426237682235543 -1.0255274271727914 -1.106615551999742 -1.2081660844947608 -2.191652643353012 -1.3629446076489713 -1.3904140921231258 -1.4264038021422016 -1.4310182151816666 -1.4372382987629952 -1.3822296505356986 -0.44975132103913285 -0.04759676196351976 0.46808532126533653 0.6317987767291594 0.8225281392884818 0.3892459350614413 0.9339686759595087 0.699147762602918 0.42165176431907164 +27856,-0.28413830126412865,1,-1.0255274271727914 -1.106615551999742 -1.2081660844947608 -2.191652643353012 -1.3629446076489713 -1.3904140921231258 -1.4264038021422016 -1.4310182151816666 -1.4372382987629952 -1.3822296505356986 -0.44975132103913285 -0.04759676196351976 0.46808532126533653 0.6317987767291594 0.8225281392884818 0.3892459350614413 0.9339686759595087 0.699147762602918 0.42165176431907164 0.091235695484688 +27857,-0.5163060859954445,1,-1.106615551999742 -1.2081660844947608 -2.191652643353012 -1.3629446076489713 -1.3904140921231258 -1.4264038021422016 -1.4310182151816666 -1.4372382987629952 -1.3822296505356986 -0.44975132103913285 -0.04759676196351976 0.46808532126533653 0.6317987767291594 0.8225281392884818 0.3892459350614413 0.9339686759595087 0.699147762602918 0.42165176431907164 0.091235695484688 -0.28413830126412865 +27858,-0.5164422609140098,1,-1.2081660844947608 -2.191652643353012 -1.3629446076489713 -1.3904140921231258 -1.4264038021422016 -1.4310182151816666 -1.4372382987629952 -1.3822296505356986 -0.44975132103913285 -0.04759676196351976 0.46808532126533653 0.6317987767291594 0.8225281392884818 0.3892459350614413 0.9339686759595087 0.699147762602918 0.42165176431907164 0.091235695484688 -0.28413830126412865 -0.5163060859954445 +27859,-0.536427294005491,1,-2.191652643353012 -1.3629446076489713 -1.3904140921231258 -1.4264038021422016 -1.4310182151816666 -1.4372382987629952 -1.3822296505356986 -0.44975132103913285 -0.04759676196351976 0.46808532126533653 0.6317987767291594 0.8225281392884818 0.3892459350614413 0.9339686759595087 0.699147762602918 0.42165176431907164 0.091235695484688 -0.28413830126412865 -0.5163060859954445 -0.5164422609140098 +27860,-1.3607718479455904,1,-1.3629446076489713 -1.3904140921231258 -1.4264038021422016 -1.4310182151816666 -1.4372382987629952 -1.3822296505356986 -0.44975132103913285 -0.04759676196351976 0.46808532126533653 0.6317987767291594 0.8225281392884818 0.3892459350614413 0.9339686759595087 0.699147762602918 0.42165176431907164 0.091235695484688 -0.28413830126412865 -0.5163060859954445 -0.5164422609140098 -0.536427294005491 +27861,-0.6803713205389079,1,-1.3904140921231258 -1.4264038021422016 -1.4310182151816666 -1.4372382987629952 -1.3822296505356986 -0.44975132103913285 -0.04759676196351976 0.46808532126533653 0.6317987767291594 0.8225281392884818 0.3892459350614413 0.9339686759595087 0.699147762602918 0.42165176431907164 0.091235695484688 -0.28413830126412865 -0.5163060859954445 -0.5164422609140098 -0.536427294005491 -1.3607718479455904 +27862,-0.7048681139933918,1,-1.4264038021422016 -1.4310182151816666 -1.4372382987629952 -1.3822296505356986 -0.44975132103913285 -0.04759676196351976 0.46808532126533653 0.6317987767291594 0.8225281392884818 0.3892459350614413 0.9339686759595087 0.699147762602918 0.42165176431907164 0.091235695484688 -0.28413830126412865 -0.5163060859954445 -0.5164422609140098 -0.536427294005491 -1.3607718479455904 -0.6803713205389079 +27863,-0.7314482331797949,1,-1.4310182151816666 -1.4372382987629952 -1.3822296505356986 -0.44975132103913285 -0.04759676196351976 0.46808532126533653 0.6317987767291594 0.8225281392884818 0.3892459350614413 0.9339686759595087 0.699147762602918 0.42165176431907164 0.091235695484688 -0.28413830126412865 -0.5163060859954445 -0.5164422609140098 -0.536427294005491 -1.3607718479455904 -0.6803713205389079 -0.7048681139933918 +27864,-0.7996979046877002,1,-1.4372382987629952 -1.3822296505356986 -0.44975132103913285 -0.04759676196351976 0.46808532126533653 0.6317987767291594 0.8225281392884818 0.3892459350614413 0.9339686759595087 0.699147762602918 0.42165176431907164 0.091235695484688 -0.28413830126412865 -0.5163060859954445 -0.5164422609140098 -0.536427294005491 -1.3607718479455904 -0.6803713205389079 -0.7048681139933918 -0.7314482331797949 +27865,-0.8738444744816711,1,-1.3822296505356986 -0.44975132103913285 -0.04759676196351976 0.46808532126533653 0.6317987767291594 0.8225281392884818 0.3892459350614413 0.9339686759595087 0.699147762602918 0.42165176431907164 0.091235695484688 -0.28413830126412865 -0.5163060859954445 -0.5164422609140098 -0.536427294005491 -1.3607718479455904 -0.6803713205389079 -0.7048681139933918 -0.7314482331797949 -0.7996979046877002 +27866,-1.5951590695586362,1,-0.44975132103913285 -0.04759676196351976 0.46808532126533653 0.6317987767291594 0.8225281392884818 0.3892459350614413 0.9339686759595087 0.699147762602918 0.42165176431907164 0.091235695484688 -0.28413830126412865 -0.5163060859954445 -0.5164422609140098 -0.536427294005491 -1.3607718479455904 -0.6803713205389079 -0.7048681139933918 -0.7314482331797949 -0.7996979046877002 -0.8738444744816711 +27867,-0.8986090381863399,1,-0.04759676196351976 0.46808532126533653 0.6317987767291594 0.8225281392884818 0.3892459350614413 0.9339686759595087 0.699147762602918 0.42165176431907164 0.091235695484688 -0.28413830126412865 -0.5163060859954445 -0.5164422609140098 -0.536427294005491 -1.3607718479455904 -0.6803713205389079 -0.7048681139933918 -0.7314482331797949 -0.7996979046877002 -0.8738444744816711 -1.5951590695586362 +27868,-0.8747669160946001,1,0.46808532126533653 0.6317987767291594 0.8225281392884818 0.3892459350614413 0.9339686759595087 0.699147762602918 0.42165176431907164 0.091235695484688 -0.28413830126412865 -0.5163060859954445 -0.5164422609140098 -0.536427294005491 -1.3607718479455904 -0.6803713205389079 -0.7048681139933918 -0.7314482331797949 -0.7996979046877002 -0.8738444744816711 -1.5951590695586362 -0.8986090381863399 +27869,-0.8428887698508307,1,0.6317987767291594 0.8225281392884818 0.3892459350614413 0.9339686759595087 0.699147762602918 0.42165176431907164 0.091235695484688 -0.28413830126412865 -0.5163060859954445 -0.5164422609140098 -0.536427294005491 -1.3607718479455904 -0.6803713205389079 -0.7048681139933918 -0.7314482331797949 -0.7996979046877002 -0.8738444744816711 -1.5951590695586362 -0.8986090381863399 -0.8747669160946001 +27870,-0.4659933454147394,1,0.8225281392884818 0.3892459350614413 0.9339686759595087 0.699147762602918 0.42165176431907164 0.091235695484688 -0.28413830126412865 -0.5163060859954445 -0.5164422609140098 -0.536427294005491 -1.3607718479455904 -0.6803713205389079 -0.7048681139933918 -0.7314482331797949 -0.7996979046877002 -0.8738444744816711 -1.5951590695586362 -0.8986090381863399 -0.8747669160946001 -0.8428887698508307 +27871,0.11209471801065059,1,0.3892459350614413 0.9339686759595087 0.699147762602918 0.42165176431907164 0.091235695484688 -0.28413830126412865 -0.5163060859954445 -0.5164422609140098 -0.536427294005491 -1.3607718479455904 -0.6803713205389079 -0.7048681139933918 -0.7314482331797949 -0.7996979046877002 -0.8738444744816711 -1.5951590695586362 -0.8986090381863399 -0.8747669160946001 -0.8428887698508307 -0.4659933454147394 +27872,0.3536233350895042,1,0.9339686759595087 0.699147762602918 0.42165176431907164 0.091235695484688 -0.28413830126412865 -0.5163060859954445 -0.5164422609140098 -0.536427294005491 -1.3607718479455904 -0.6803713205389079 -0.7048681139933918 -0.7314482331797949 -0.7996979046877002 -0.8738444744816711 -1.5951590695586362 -0.8986090381863399 -0.8747669160946001 -0.8428887698508307 -0.4659933454147394 0.11209471801065059 +27873,0.7993113608153449,1,0.699147762602918 0.42165176431907164 0.091235695484688 -0.28413830126412865 -0.5163060859954445 -0.5164422609140098 -0.536427294005491 -1.3607718479455904 -0.6803713205389079 -0.7048681139933918 -0.7314482331797949 -0.7996979046877002 -0.8738444744816711 -1.5951590695586362 -0.8986090381863399 -0.8747669160946001 -0.8428887698508307 -0.4659933454147394 0.11209471801065059 0.3536233350895042 +27874,0.9223607032319449,1,0.42165176431907164 0.091235695484688 -0.28413830126412865 -0.5163060859954445 -0.5164422609140098 -0.536427294005491 -1.3607718479455904 -0.6803713205389079 -0.7048681139933918 -0.7314482331797949 -0.7996979046877002 -0.8738444744816711 -1.5951590695586362 -0.8986090381863399 -0.8747669160946001 -0.8428887698508307 -0.4659933454147394 0.11209471801065059 0.3536233350895042 0.7993113608153449 +27875,1.057791494482879,1,0.091235695484688 -0.28413830126412865 -0.5163060859954445 -0.5164422609140098 -0.536427294005491 -1.3607718479455904 -0.6803713205389079 -0.7048681139933918 -0.7314482331797949 -0.7996979046877002 -0.8738444744816711 -1.5951590695586362 -0.8986090381863399 -0.8747669160946001 -0.8428887698508307 -0.4659933454147394 0.11209471801065059 0.3536233350895042 0.7993113608153449 0.9223607032319449 +27876,0.936753679446425,1,-0.28413830126412865 -0.5163060859954445 -0.5164422609140098 -0.536427294005491 -1.3607718479455904 -0.6803713205389079 -0.7048681139933918 -0.7314482331797949 -0.7996979046877002 -0.8738444744816711 -1.5951590695586362 -0.8986090381863399 -0.8747669160946001 -0.8428887698508307 -0.4659933454147394 0.11209471801065059 0.3536233350895042 0.7993113608153449 0.9223607032319449 1.057791494482879 +27877,0.7884768641945512,1,-0.5163060859954445 -0.5164422609140098 -0.536427294005491 -1.3607718479455904 -0.6803713205389079 -0.7048681139933918 -0.7314482331797949 -0.7996979046877002 -0.8738444744816711 -1.5951590695586362 -0.8986090381863399 -0.8747669160946001 -0.8428887698508307 -0.4659933454147394 0.11209471801065059 0.3536233350895042 0.7993113608153449 0.9223607032319449 1.057791494482879 0.936753679446425 +27878,-0.1973178683944228,1,-0.5164422609140098 -0.536427294005491 -1.3607718479455904 -0.6803713205389079 -0.7048681139933918 -0.7314482331797949 -0.7996979046877002 -0.8738444744816711 -1.5951590695586362 -0.8986090381863399 -0.8747669160946001 -0.8428887698508307 -0.4659933454147394 0.11209471801065059 0.3536233350895042 0.7993113608153449 0.9223607032319449 1.057791494482879 0.936753679446425 0.7884768641945512 +27879,-0.0535183017643536,1,-0.536427294005491 -1.3607718479455904 -0.6803713205389079 -0.7048681139933918 -0.7314482331797949 -0.7996979046877002 -0.8738444744816711 -1.5951590695586362 -0.8986090381863399 -0.8747669160946001 -0.8428887698508307 -0.4659933454147394 0.11209471801065059 0.3536233350895042 0.7993113608153449 0.9223607032319449 1.057791494482879 0.936753679446425 0.7884768641945512 -0.1973178683944228 +27880,-0.21044751243064944,1,-1.3607718479455904 -0.6803713205389079 -0.7048681139933918 -0.7314482331797949 -0.7996979046877002 -0.8738444744816711 -1.5951590695586362 -0.8986090381863399 -0.8747669160946001 -0.8428887698508307 -0.4659933454147394 0.11209471801065059 0.3536233350895042 0.7993113608153449 0.9223607032319449 1.057791494482879 0.936753679446425 0.7884768641945512 -0.1973178683944228 -0.0535183017643536 +27881,-0.3893876970089929,1,-0.6803713205389079 -0.7048681139933918 -0.7314482331797949 -0.7996979046877002 -0.8738444744816711 -1.5951590695586362 -0.8986090381863399 -0.8747669160946001 -0.8428887698508307 -0.4659933454147394 0.11209471801065059 0.3536233350895042 0.7993113608153449 0.9223607032319449 1.057791494482879 0.936753679446425 0.7884768641945512 -0.1973178683944228 -0.0535183017643536 -0.21044751243064944 +27882,-0.666441253455024,1,-0.7048681139933918 -0.7314482331797949 -0.7996979046877002 -0.8738444744816711 -1.5951590695586362 -0.8986090381863399 -0.8747669160946001 -0.8428887698508307 -0.4659933454147394 0.11209471801065059 0.3536233350895042 0.7993113608153449 0.9223607032319449 1.057791494482879 0.936753679446425 0.7884768641945512 -0.1973178683944228 -0.0535183017643536 -0.21044751243064944 -0.3893876970089929 +27883,-0.8428887698508307,1,-0.7314482331797949 -0.7996979046877002 -0.8738444744816711 -1.5951590695586362 -0.8986090381863399 -0.8747669160946001 -0.8428887698508307 -0.4659933454147394 0.11209471801065059 0.3536233350895042 0.7993113608153449 0.9223607032319449 1.057791494482879 0.936753679446425 0.7884768641945512 -0.1973178683944228 -0.0535183017643536 -0.21044751243064944 -0.3893876970089929 -0.666441253455024 +27884,-0.866481287738103,1,-0.7996979046877002 -0.8738444744816711 -1.5951590695586362 -0.8986090381863399 -0.8747669160946001 -0.8428887698508307 -0.4659933454147394 0.11209471801065059 0.3536233350895042 0.7993113608153449 0.9223607032319449 1.057791494482879 0.936753679446425 0.7884768641945512 -0.1973178683944228 -0.0535183017643536 -0.21044751243064944 -0.3893876970089929 -0.666441253455024 -0.8428887698508307 +27885,-0.8986090381863399,1,-0.8738444744816711 -1.5951590695586362 -0.8986090381863399 -0.8747669160946001 -0.8428887698508307 -0.4659933454147394 0.11209471801065059 0.3536233350895042 0.7993113608153449 0.9223607032319449 1.057791494482879 0.936753679446425 0.7884768641945512 -0.1973178683944228 -0.0535183017643536 -0.21044751243064944 -0.3893876970089929 -0.666441253455024 -0.8428887698508307 -0.866481287738103 +27886,-0.9715038733568121,1,-1.5951590695586362 -0.8986090381863399 -0.8747669160946001 -0.8428887698508307 -0.4659933454147394 0.11209471801065059 0.3536233350895042 0.7993113608153449 0.9223607032319449 1.057791494482879 0.936753679446425 0.7884768641945512 -0.1973178683944228 -0.0535183017643536 -0.21044751243064944 -0.3893876970089929 -0.666441253455024 -0.8428887698508307 -0.866481287738103 -0.8986090381863399 +27887,-1.0657698431928935,1,-0.8986090381863399 -0.8747669160946001 -0.8428887698508307 -0.4659933454147394 0.11209471801065059 0.3536233350895042 0.7993113608153449 0.9223607032319449 1.057791494482879 0.936753679446425 0.7884768641945512 -0.1973178683944228 -0.0535183017643536 -0.21044751243064944 -0.3893876970089929 -0.666441253455024 -0.8428887698508307 -0.866481287738103 -0.8986090381863399 -0.9715038733568121 +27888,-1.0329498117485618,1,-0.8747669160946001 -0.8428887698508307 -0.4659933454147394 0.11209471801065059 0.3536233350895042 0.7993113608153449 0.9223607032319449 1.057791494482879 0.936753679446425 0.7884768641945512 -0.1973178683944228 -0.0535183017643536 -0.21044751243064944 -0.3893876970089929 -0.666441253455024 -0.8428887698508307 -0.866481287738103 -0.8986090381863399 -0.9715038733568121 -1.0657698431928935 +27889,-0.989928366847329,1,-0.8428887698508307 -0.4659933454147394 0.11209471801065059 0.3536233350895042 0.7993113608153449 0.9223607032319449 1.057791494482879 0.936753679446425 0.7884768641945512 -0.1973178683944228 -0.0535183017643536 -0.21044751243064944 -0.3893876970089929 -0.666441253455024 -0.8428887698508307 -0.866481287738103 -0.8986090381863399 -0.9715038733568121 -1.0657698431928935 -1.0329498117485618 +27890,-1.7958242214836708,1,-0.4659933454147394 0.11209471801065059 0.3536233350895042 0.7993113608153449 0.9223607032319449 1.057791494482879 0.936753679446425 0.7884768641945512 -0.1973178683944228 -0.0535183017643536 -0.21044751243064944 -0.3893876970089929 -0.666441253455024 -0.8428887698508307 -0.866481287738103 -0.8986090381863399 -0.9715038733568121 -1.0657698431928935 -1.0329498117485618 -0.989928366847329 +27891,-1.1307768229176556,1,0.11209471801065059 0.3536233350895042 0.7993113608153449 0.9223607032319449 1.057791494482879 0.936753679446425 0.7884768641945512 -0.1973178683944228 -0.0535183017643536 -0.21044751243064944 -0.3893876970089929 -0.666441253455024 -0.8428887698508307 -0.866481287738103 -0.8986090381863399 -0.9715038733568121 -1.0657698431928935 -1.0329498117485618 -0.989928366847329 -1.7958242214836708 +27892,-0.9471674465492704,1,0.3536233350895042 0.7993113608153449 0.9223607032319449 1.057791494482879 0.936753679446425 0.7884768641945512 -0.1973178683944228 -0.0535183017643536 -0.21044751243064944 -0.3893876970089929 -0.666441253455024 -0.8428887698508307 -0.866481287738103 -0.8986090381863399 -0.9715038733568121 -1.0657698431928935 -1.0329498117485618 -0.989928366847329 -1.7958242214836708 -1.1307768229176556 +27893,-0.661797897760402,1,0.7993113608153449 0.9223607032319449 1.057791494482879 0.936753679446425 0.7884768641945512 -0.1973178683944228 -0.0535183017643536 -0.21044751243064944 -0.3893876970089929 -0.666441253455024 -0.8428887698508307 -0.866481287738103 -0.8986090381863399 -0.9715038733568121 -1.0657698431928935 -1.0329498117485618 -0.989928366847329 -1.7958242214836708 -1.1307768229176556 -0.9471674465492704 +27894,-0.22285237879119277,1,0.9223607032319449 1.057791494482879 0.936753679446425 0.7884768641945512 -0.1973178683944228 -0.0535183017643536 -0.21044751243064944 -0.3893876970089929 -0.666441253455024 -0.8428887698508307 -0.866481287738103 -0.8986090381863399 -0.9715038733568121 -1.0657698431928935 -1.0329498117485618 -0.989928366847329 -1.7958242214836708 -1.1307768229176556 -0.9471674465492704 -0.661797897760402 +27895,0.6553673342819281,1,1.057791494482879 0.936753679446425 0.7884768641945512 -0.1973178683944228 -0.0535183017643536 -0.21044751243064944 -0.3893876970089929 -0.666441253455024 -0.8428887698508307 -0.866481287738103 -0.8986090381863399 -0.9715038733568121 -1.0657698431928935 -1.0329498117485618 -0.989928366847329 -1.7958242214836708 -1.1307768229176556 -0.9471674465492704 -0.661797897760402 -0.22285237879119277 +27896,0.6838520293533144,1,0.936753679446425 0.7884768641945512 -0.1973178683944228 -0.0535183017643536 -0.21044751243064944 -0.3893876970089929 -0.666441253455024 -0.8428887698508307 -0.866481287738103 -0.8986090381863399 -0.9715038733568121 -1.0657698431928935 -1.0329498117485618 -0.989928366847329 -1.7958242214836708 -1.1307768229176556 -0.9471674465492704 -0.661797897760402 -0.22285237879119277 0.6553673342819281 +27897,0.9633765953588084,1,0.7884768641945512 -0.1973178683944228 -0.0535183017643536 -0.21044751243064944 -0.3893876970089929 -0.666441253455024 -0.8428887698508307 -0.866481287738103 -0.8986090381863399 -0.9715038733568121 -1.0657698431928935 -1.0329498117485618 -0.989928366847329 -1.7958242214836708 -1.1307768229176556 -0.9471674465492704 -0.661797897760402 -0.22285237879119277 0.6553673342819281 0.6838520293533144 +27898,1.0871566847944103,1,-0.1973178683944228 -0.0535183017643536 -0.21044751243064944 -0.3893876970089929 -0.666441253455024 -0.8428887698508307 -0.866481287738103 -0.8986090381863399 -0.9715038733568121 -1.0657698431928935 -1.0329498117485618 -0.989928366847329 -1.7958242214836708 -1.1307768229176556 -0.9471674465492704 -0.661797897760402 -0.22285237879119277 0.6553673342819281 0.6838520293533144 0.9633765953588084 +27899,1.2342390108786767,1,-0.0535183017643536 -0.21044751243064944 -0.3893876970089929 -0.666441253455024 -0.8428887698508307 -0.866481287738103 -0.8986090381863399 -0.9715038733568121 -1.0657698431928935 -1.0329498117485618 -0.989928366847329 -1.7958242214836708 -1.1307768229176556 -0.9471674465492704 -0.661797897760402 -0.22285237879119277 0.6553673342819281 0.6838520293533144 0.9633765953588084 1.0871566847944103 +27900,1.061595827378308,1,-0.21044751243064944 -0.3893876970089929 -0.666441253455024 -0.8428887698508307 -0.866481287738103 -0.8986090381863399 -0.9715038733568121 -1.0657698431928935 -1.0329498117485618 -0.989928366847329 -1.7958242214836708 -1.1307768229176556 -0.9471674465492704 -0.661797897760402 -0.22285237879119277 0.6553673342819281 0.6838520293533144 0.9633765953588084 1.0871566847944103 1.2342390108786767 +27901,0.8178847835938509,1,-0.3893876970089929 -0.666441253455024 -0.8428887698508307 -0.866481287738103 -0.8986090381863399 -0.9715038733568121 -1.0657698431928935 -1.0329498117485618 -0.989928366847329 -1.7958242214836708 -1.1307768229176556 -0.9471674465492704 -0.661797897760402 -0.22285237879119277 0.6553673342819281 0.6838520293533144 0.9633765953588084 1.0871566847944103 1.2342390108786767 1.061595827378308 +27902,-0.09982533670942952,1,-0.666441253455024 -0.8428887698508307 -0.866481287738103 -0.8986090381863399 -0.9715038733568121 -1.0657698431928935 -1.0329498117485618 -0.989928366847329 -1.7958242214836708 -1.1307768229176556 -0.9471674465492704 -0.661797897760402 -0.22285237879119277 0.6553673342819281 0.6838520293533144 0.9633765953588084 1.0871566847944103 1.2342390108786767 1.061595827378308 0.8178847835938509 +27903,0.23436975130248006,1,-0.8428887698508307 -0.866481287738103 -0.8986090381863399 -0.9715038733568121 -1.0657698431928935 -1.0329498117485618 -0.989928366847329 -1.7958242214836708 -1.1307768229176556 -0.9471674465492704 -0.661797897760402 -0.22285237879119277 0.6553673342819281 0.6838520293533144 0.9633765953588084 1.0871566847944103 1.2342390108786767 1.061595827378308 0.8178847835938509 -0.09982533670942952 +27904,0.12329944609705969,1,-0.866481287738103 -0.8986090381863399 -0.9715038733568121 -1.0657698431928935 -1.0329498117485618 -0.989928366847329 -1.7958242214836708 -1.1307768229176556 -0.9471674465492704 -0.661797897760402 -0.22285237879119277 0.6553673342819281 0.6838520293533144 0.9633765953588084 1.0871566847944103 1.2342390108786767 1.061595827378308 0.8178847835938509 -0.09982533670942952 0.23436975130248006 +27905,-0.03339709375430694,1,-0.8986090381863399 -0.9715038733568121 -1.0657698431928935 -1.0329498117485618 -0.989928366847329 -1.7958242214836708 -1.1307768229176556 -0.9471674465492704 -0.661797897760402 -0.22285237879119277 0.6553673342819281 0.6838520293533144 0.9633765953588084 1.0871566847944103 1.2342390108786767 1.061595827378308 0.8178847835938509 -0.09982533670942952 0.23436975130248006 0.12329944609705969 +27906,-0.3739098446935683,1,-0.9715038733568121 -1.0657698431928935 -1.0329498117485618 -0.989928366847329 -1.7958242214836708 -1.1307768229176556 -0.9471674465492704 -0.661797897760402 -0.22285237879119277 0.6553673342819281 0.6838520293533144 0.9633765953588084 1.0871566847944103 1.2342390108786767 1.061595827378308 0.8178847835938509 -0.09982533670942952 0.23436975130248006 0.12329944609705969 -0.03339709375430694 +27907,-0.37554035316415396,1,-1.0657698431928935 -1.0329498117485618 -0.989928366847329 -1.7958242214836708 -1.1307768229176556 -0.9471674465492704 -0.661797897760402 -0.22285237879119277 0.6553673342819281 0.6838520293533144 0.9633765953588084 1.0871566847944103 1.2342390108786767 1.061595827378308 0.8178847835938509 -0.09982533670942952 0.23436975130248006 0.12329944609705969 -0.03339709375430694 -0.3739098446935683 +27908,-0.4079611197874988,1,-1.0329498117485618 -0.989928366847329 -1.7958242214836708 -1.1307768229176556 -0.9471674465492704 -0.661797897760402 -0.22285237879119277 0.6553673342819281 0.6838520293533144 0.9633765953588084 1.0871566847944103 1.2342390108786767 1.061595827378308 0.8178847835938509 -0.09982533670942952 0.23436975130248006 0.12329944609705969 -0.03339709375430694 -0.3739098446935683 -0.37554035316415396 +27909,-0.4707416811904806,1,-0.989928366847329 -1.7958242214836708 -1.1307768229176556 -0.9471674465492704 -0.661797897760402 -0.22285237879119277 0.6553673342819281 0.6838520293533144 0.9633765953588084 1.0871566847944103 1.2342390108786767 1.061595827378308 0.8178847835938509 -0.09982533670942952 0.23436975130248006 0.12329944609705969 -0.03339709375430694 -0.3739098446935683 -0.37554035316415396 -0.4079611197874988 +27910,-0.5503573610893662,1,-1.7958242214836708 -1.1307768229176556 -0.9471674465492704 -0.661797897760402 -0.22285237879119277 0.6553673342819281 0.6838520293533144 0.9633765953588084 1.0871566847944103 1.2342390108786767 1.061595827378308 0.8178847835938509 -0.09982533670942952 0.23436975130248006 0.12329944609705969 -0.03339709375430694 -0.3739098446935683 -0.37554035316415396 -0.4079611197874988 -0.4707416811904806 +27911,-1.3704543631532753,1,-1.1307768229176556 -0.9471674465492704 -0.661797897760402 -0.22285237879119277 0.6553673342819281 0.6838520293533144 0.9633765953588084 1.0871566847944103 1.2342390108786767 1.061595827378308 0.8178847835938509 -0.09982533670942952 0.23436975130248006 0.12329944609705969 -0.03339709375430694 -0.3739098446935683 -0.37554035316415396 -0.4079611197874988 -0.4707416811904806 -0.5503573610893662 +27912,-0.7593083673475539,1,-0.9471674465492704 -0.661797897760402 -0.22285237879119277 0.6553673342819281 0.6838520293533144 0.9633765953588084 1.0871566847944103 1.2342390108786767 1.061595827378308 0.8178847835938509 -0.09982533670942952 0.23436975130248006 0.12329944609705969 -0.03339709375430694 -0.3739098446935683 -0.37554035316415396 -0.4079611197874988 -0.4707416811904806 -0.5503573610893662 -1.3704543631532753 +27913,-0.8123517793554169,1,-0.661797897760402 -0.22285237879119277 0.6553673342819281 0.6838520293533144 0.9633765953588084 1.0871566847944103 1.2342390108786767 1.061595827378308 0.8178847835938509 -0.09982533670942952 0.23436975130248006 0.12329944609705969 -0.03339709375430694 -0.3739098446935683 -0.37554035316415396 -0.4079611197874988 -0.4707416811904806 -0.5503573610893662 -1.3704543631532753 -0.7593083673475539 +27914,-0.8846789711024647,1,-0.22285237879119277 0.6553673342819281 0.6838520293533144 0.9633765953588084 1.0871566847944103 1.2342390108786767 1.061595827378308 0.8178847835938509 -0.09982533670942952 0.23436975130248006 0.12329944609705969 -0.03339709375430694 -0.3739098446935683 -0.37554035316415396 -0.4079611197874988 -0.4707416811904806 -0.5503573610893662 -1.3704543631532753 -0.7593083673475539 -0.8123517793554169 +27915,-0.8846789711024647,1,0.6553673342819281 0.6838520293533144 0.9633765953588084 1.0871566847944103 1.2342390108786767 1.061595827378308 0.8178847835938509 -0.09982533670942952 0.23436975130248006 0.12329944609705969 -0.03339709375430694 -0.3739098446935683 -0.37554035316415396 -0.4079611197874988 -0.4707416811904806 -0.5503573610893662 -1.3704543631532753 -0.7593083673475539 -0.8123517793554169 -0.8846789711024647 +27916,-0.8846789711024647,1,0.6838520293533144 0.9633765953588084 1.0871566847944103 1.2342390108786767 1.061595827378308 0.8178847835938509 -0.09982533670942952 0.23436975130248006 0.12329944609705969 -0.03339709375430694 -0.3739098446935683 -0.37554035316415396 -0.4079611197874988 -0.4707416811904806 -0.5503573610893662 -1.3704543631532753 -0.7593083673475539 -0.8123517793554169 -0.8846789711024647 -0.8846789711024647 +27917,-0.5266675012863219,1,0.9633765953588084 1.0871566847944103 1.2342390108786767 1.061595827378308 0.8178847835938509 -0.09982533670942952 0.23436975130248006 0.12329944609705969 -0.03339709375430694 -0.3739098446935683 -0.37554035316415396 -0.4079611197874988 -0.4707416811904806 -0.5503573610893662 -1.3704543631532753 -0.7593083673475539 -0.8123517793554169 -0.8846789711024647 -0.8846789711024647 -0.8846789711024647 +27918,0.07494787245363867,1,1.0871566847944103 1.2342390108786767 1.061595827378308 0.8178847835938509 -0.09982533670942952 0.23436975130248006 0.12329944609705969 -0.03339709375430694 -0.3739098446935683 -0.37554035316415396 -0.4079611197874988 -0.4707416811904806 -0.5503573610893662 -1.3704543631532753 -0.7593083673475539 -0.8123517793554169 -0.8846789711024647 -0.8846789711024647 -0.8846789711024647 -0.5266675012863219 +27919,0.43963565907444097,1,1.2342390108786767 1.061595827378308 0.8178847835938509 -0.09982533670942952 0.23436975130248006 0.12329944609705969 -0.03339709375430694 -0.3739098446935683 -0.37554035316415396 -0.4079611197874988 -0.4707416811904806 -0.5503573610893662 -1.3704543631532753 -0.7593083673475539 -0.8123517793554169 -0.8846789711024647 -0.8846789711024647 -0.8846789711024647 -0.5266675012863219 0.07494787245363867 +27920,0.992784514758108,1,1.061595827378308 0.8178847835938509 -0.09982533670942952 0.23436975130248006 0.12329944609705969 -0.03339709375430694 -0.3739098446935683 -0.37554035316415396 -0.4079611197874988 -0.4707416811904806 -0.5503573610893662 -1.3704543631532753 -0.7593083673475539 -0.8123517793554169 -0.8846789711024647 -0.8846789711024647 -0.8846789711024647 -0.5266675012863219 0.07494787245363867 0.43963565907444097 +27921,1.0861000879678584,1,0.8178847835938509 -0.09982533670942952 0.23436975130248006 0.12329944609705969 -0.03339709375430694 -0.3739098446935683 -0.37554035316415396 -0.4079611197874988 -0.4707416811904806 -0.5503573610893662 -1.3704543631532753 -0.7593083673475539 -0.8123517793554169 -0.8846789711024647 -0.8846789711024647 -0.8846789711024647 -0.5266675012863219 0.07494787245363867 0.43963565907444097 0.992784514758108 +27922,1.2373345813417582,1,-0.09982533670942952 0.23436975130248006 0.12329944609705969 -0.03339709375430694 -0.3739098446935683 -0.37554035316415396 -0.4079611197874988 -0.4707416811904806 -0.5503573610893662 -1.3704543631532753 -0.7593083673475539 -0.8123517793554169 -0.8846789711024647 -0.8846789711024647 -0.8846789711024647 -0.5266675012863219 0.07494787245363867 0.43963565907444097 0.992784514758108 1.0861000879678584 +27923,1.046988627317621,1,0.23436975130248006 0.12329944609705969 -0.03339709375430694 -0.3739098446935683 -0.37554035316415396 -0.4079611197874988 -0.4707416811904806 -0.5503573610893662 -1.3704543631532753 -0.7593083673475539 -0.8123517793554169 -0.8846789711024647 -0.8846789711024647 -0.8846789711024647 -0.5266675012863219 0.07494787245363867 0.43963565907444097 0.992784514758108 1.0861000879678584 1.2373345813417582 +27924,1.159945319764653,1,0.12329944609705969 -0.03339709375430694 -0.3739098446935683 -0.37554035316415396 -0.4079611197874988 -0.4707416811904806 -0.5503573610893662 -1.3704543631532753 -0.7593083673475539 -0.8123517793554169 -0.8846789711024647 -0.8846789711024647 -0.8846789711024647 -0.5266675012863219 0.07494787245363867 0.43963565907444097 0.992784514758108 1.0861000879678584 1.2373345813417582 1.046988627317621 +27925,0.8699867196355676,1,-0.03339709375430694 -0.3739098446935683 -0.37554035316415396 -0.4079611197874988 -0.4707416811904806 -0.5503573610893662 -1.3704543631532753 -0.7593083673475539 -0.8123517793554169 -0.8846789711024647 -0.8846789711024647 -0.8846789711024647 -0.5266675012863219 0.07494787245363867 0.43963565907444097 0.992784514758108 1.0861000879678584 1.2373345813417582 1.046988627317621 1.159945319764653 +27926,0.3674792812151032,1,-0.3739098446935683 -0.37554035316415396 -0.4079611197874988 -0.4707416811904806 -0.5503573610893662 -1.3704543631532753 -0.7593083673475539 -0.8123517793554169 -0.8846789711024647 -0.8846789711024647 -0.8846789711024647 -0.5266675012863219 0.07494787245363867 0.43963565907444097 0.992784514758108 1.0861000879678584 1.2373345813417582 1.046988627317621 1.159945319764653 0.8699867196355676 +27927,0.25545898691520447,1,-0.37554035316415396 -0.4079611197874988 -0.4707416811904806 -0.5503573610893662 -1.3704543631532753 -0.7593083673475539 -0.8123517793554169 -0.8846789711024647 -0.8846789711024647 -0.8846789711024647 -0.5266675012863219 0.07494787245363867 0.43963565907444097 0.992784514758108 1.0861000879678584 1.2373345813417582 1.046988627317621 1.159945319764653 0.8699867196355676 0.3674792812151032 +27928,0.06566116106438567,1,-0.4079611197874988 -0.4707416811904806 -0.5503573610893662 -1.3704543631532753 -0.7593083673475539 -0.8123517793554169 -0.8846789711024647 -0.8846789711024647 -0.8846789711024647 -0.5266675012863219 0.07494787245363867 0.43963565907444097 0.992784514758108 1.0861000879678584 1.2373345813417582 1.046988627317621 1.159945319764653 0.8699867196355676 0.3674792812151032 0.25545898691520447 +27929,-0.48542849746611827,1,-0.4707416811904806 -0.5503573610893662 -1.3704543631532753 -0.7593083673475539 -0.8123517793554169 -0.8846789711024647 -0.8846789711024647 -0.8846789711024647 -0.5266675012863219 0.07494787245363867 0.43963565907444097 0.992784514758108 1.0861000879678584 1.2373345813417582 1.046988627317621 1.159945319764653 0.8699867196355676 0.3674792812151032 0.25545898691520447 0.06566116106438567 +27930,-0.2160357510762764,1,-0.5503573610893662 -1.3704543631532753 -0.7593083673475539 -0.8123517793554169 -0.8846789711024647 -0.8846789711024647 -0.8846789711024647 -0.5266675012863219 0.07494787245363867 0.43963565907444097 0.992784514758108 1.0861000879678584 1.2373345813417582 1.046988627317621 1.159945319764653 0.8699867196355676 0.3674792812151032 0.25545898691520447 0.06566116106438567 -0.48542849746611827 +27931,-0.29032944219029144,1,-1.3704543631532753 -0.7593083673475539 -0.8123517793554169 -0.8846789711024647 -0.8846789711024647 -0.8846789711024647 -0.5266675012863219 0.07494787245363867 0.43963565907444097 0.992784514758108 1.0861000879678584 1.2373345813417582 1.046988627317621 1.159945319764653 0.8699867196355676 0.3674792812151032 0.25545898691520447 0.06566116106438567 -0.48542849746611827 -0.2160357510762764 +27932,-0.3801009856197399,1,-0.7593083673475539 -0.8123517793554169 -0.8846789711024647 -0.8846789711024647 -0.8846789711024647 -0.5266675012863219 0.07494787245363867 0.43963565907444097 0.992784514758108 1.0861000879678584 1.2373345813417582 1.046988627317621 1.159945319764653 0.8699867196355676 0.3674792812151032 0.25545898691520447 0.06566116106438567 -0.48542849746611827 -0.2160357510762764 -0.29032944219029144 +27933,-0.3896369023492189,1,-0.8123517793554169 -0.8846789711024647 -0.8846789711024647 -0.8846789711024647 -0.5266675012863219 0.07494787245363867 0.43963565907444097 0.992784514758108 1.0861000879678584 1.2373345813417582 1.046988627317621 1.159945319764653 0.8699867196355676 0.3674792812151032 0.25545898691520447 0.06566116106438567 -0.48542849746611827 -0.2160357510762764 -0.29032944219029144 -0.3801009856197399 +27934,-0.4961848779853978,1,-0.8846789711024647 -0.8846789711024647 -0.8846789711024647 -0.5266675012863219 0.07494787245363867 0.43963565907444097 0.992784514758108 1.0861000879678584 1.2373345813417582 1.046988627317621 1.159945319764653 0.8699867196355676 0.3674792812151032 0.25545898691520447 0.06566116106438567 -0.48542849746611827 -0.2160357510762764 -0.29032944219029144 -0.3801009856197399 -0.3896369023492189 +27935,-1.102679018279109,1,-0.8846789711024647 -0.8846789711024647 -0.5266675012863219 0.07494787245363867 0.43963565907444097 0.992784514758108 1.0861000879678584 1.2373345813417582 1.046988627317621 1.159945319764653 0.8699867196355676 0.3674792812151032 0.25545898691520447 0.06566116106438567 -0.48542849746611827 -0.2160357510762764 -0.29032944219029144 -0.3801009856197399 -0.3896369023492189 -0.4961848779853978 +27936,-0.7020403137804953,1,-0.8846789711024647 -0.5266675012863219 0.07494787245363867 0.43963565907444097 0.992784514758108 1.0861000879678584 1.2373345813417582 1.046988627317621 1.159945319764653 0.8699867196355676 0.3674792812151032 0.25545898691520447 0.06566116106438567 -0.48542849746611827 -0.2160357510762764 -0.29032944219029144 -0.3801009856197399 -0.3896369023492189 -0.4961848779853978 -1.102679018279109 +27937,-0.7338525398512561,1,-0.5266675012863219 0.07494787245363867 0.43963565907444097 0.992784514758108 1.0861000879678584 1.2373345813417582 1.046988627317621 1.159945319764653 0.8699867196355676 0.3674792812151032 0.25545898691520447 0.06566116106438567 -0.48542849746611827 -0.2160357510762764 -0.29032944219029144 -0.3801009856197399 -0.3896369023492189 -0.4961848779853978 -1.102679018279109 -0.7020403137804953 +27938,-0.7933596424414756,1,0.07494787245363867 0.43963565907444097 0.992784514758108 1.0861000879678584 1.2373345813417582 1.046988627317621 1.159945319764653 0.8699867196355676 0.3674792812151032 0.25545898691520447 0.06566116106438567 -0.48542849746611827 -0.2160357510762764 -0.29032944219029144 -0.3801009856197399 -0.3896369023492189 -0.4961848779853978 -1.102679018279109 -0.7020403137804953 -0.7338525398512561 +27939,-0.8328951976381678,1,0.43963565907444097 0.992784514758108 1.0861000879678584 1.2373345813417582 1.046988627317621 1.159945319764653 0.8699867196355676 0.3674792812151032 0.25545898691520447 0.06566116106438567 -0.48542849746611827 -0.2160357510762764 -0.29032944219029144 -0.3801009856197399 -0.3896369023492189 -0.4961848779853978 -1.102679018279109 -0.7020403137804953 -0.7338525398512561 -0.7933596424414756 +27940,-0.8939656824917177,1,0.992784514758108 1.0861000879678584 1.2373345813417582 1.046988627317621 1.159945319764653 0.8699867196355676 0.3674792812151032 0.25545898691520447 0.06566116106438567 -0.48542849746611827 -0.2160357510762764 -0.29032944219029144 -0.3801009856197399 -0.3896369023492189 -0.4961848779853978 -1.102679018279109 -0.7020403137804953 -0.7338525398512561 -0.7933596424414756 -0.8328951976381678 +27941,-0.3151695469462042,1,1.0861000879678584 1.2373345813417582 1.046988627317621 1.159945319764653 0.8699867196355676 0.3674792812151032 0.25545898691520447 0.06566116106438567 -0.48542849746611827 -0.2160357510762764 -0.29032944219029144 -0.3801009856197399 -0.3896369023492189 -0.4961848779853978 -1.102679018279109 -0.7020403137804953 -0.7338525398512561 -0.7933596424414756 -0.8328951976381678 -0.8939656824917177 +27942,0.2127007580608927,1,1.2373345813417582 1.046988627317621 1.159945319764653 0.8699867196355676 0.3674792812151032 0.25545898691520447 0.06566116106438567 -0.48542849746611827 -0.2160357510762764 -0.29032944219029144 -0.3801009856197399 -0.3896369023492189 -0.4961848779853978 -1.102679018279109 -0.7020403137804953 -0.7338525398512561 -0.7933596424414756 -0.8328951976381678 -0.8939656824917177 -0.3151695469462042 +27943,0.3134927301458631,1,1.046988627317621 1.159945319764653 0.8699867196355676 0.3674792812151032 0.25545898691520447 0.06566116106438567 -0.48542849746611827 -0.2160357510762764 -0.29032944219029144 -0.3801009856197399 -0.3896369023492189 -0.4961848779853978 -1.102679018279109 -0.7020403137804953 -0.7338525398512561 -0.7933596424414756 -0.8328951976381678 -0.8939656824917177 -0.3151695469462042 0.2127007580608927 +27944,0.5392834419162702,1,1.159945319764653 0.8699867196355676 0.3674792812151032 0.25545898691520447 0.06566116106438567 -0.48542849746611827 -0.2160357510762764 -0.29032944219029144 -0.3801009856197399 -0.3896369023492189 -0.4961848779853978 -1.102679018279109 -0.7020403137804953 -0.7338525398512561 -0.7933596424414756 -0.8328951976381678 -0.8939656824917177 -0.3151695469462042 0.2127007580608927 0.3134927301458631 +27945,0.6743633761032237,1,0.8699867196355676 0.3674792812151032 0.25545898691520447 0.06566116106438567 -0.48542849746611827 -0.2160357510762764 -0.29032944219029144 -0.3801009856197399 -0.3896369023492189 -0.4961848779853978 -1.102679018279109 -0.7020403137804953 -0.7338525398512561 -0.7933596424414756 -0.8328951976381678 -0.8939656824917177 -0.3151695469462042 0.2127007580608927 0.3134927301458631 0.5392834419162702 +27946,0.8596749848454849,1,0.3674792812151032 0.25545898691520447 0.06566116106438567 -0.48542849746611827 -0.2160357510762764 -0.29032944219029144 -0.3801009856197399 -0.3896369023492189 -0.4961848779853978 -1.102679018279109 -0.7020403137804953 -0.7338525398512561 -0.7933596424414756 -0.8328951976381678 -0.8939656824917177 -0.3151695469462042 0.2127007580608927 0.3134927301458631 0.5392834419162702 0.6743633761032237 +27947,0.8079667744109698,1,0.25545898691520447 0.06566116106438567 -0.48542849746611827 -0.2160357510762764 -0.29032944219029144 -0.3801009856197399 -0.3896369023492189 -0.4961848779853978 -1.102679018279109 -0.7020403137804953 -0.7338525398512561 -0.7933596424414756 -0.8328951976381678 -0.8939656824917177 -0.3151695469462042 0.2127007580608927 0.3134927301458631 0.5392834419162702 0.6743633761032237 0.8596749848454849 +27948,0.5857169988625351,1,0.06566116106438567 -0.48542849746611827 -0.2160357510762764 -0.29032944219029144 -0.3801009856197399 -0.3896369023492189 -0.4961848779853978 -1.102679018279109 -0.7020403137804953 -0.7338525398512561 -0.7933596424414756 -0.8328951976381678 -0.8939656824917177 -0.3151695469462042 0.2127007580608927 0.3134927301458631 0.5392834419162702 0.6743633761032237 0.8596749848454849 0.8079667744109698 +27949,0.4569402191285106,1,-0.48542849746611827 -0.2160357510762764 -0.29032944219029144 -0.3801009856197399 -0.3896369023492189 -0.4961848779853978 -1.102679018279109 -0.7020403137804953 -0.7338525398512561 -0.7933596424414756 -0.8328951976381678 -0.8939656824917177 -0.3151695469462042 0.2127007580608927 0.3134927301458631 0.5392834419162702 0.6743633761032237 0.8596749848454849 0.8079667744109698 0.5857169988625351 +27950,-0.07209172454285957,1,-0.2160357510762764 -0.29032944219029144 -0.3801009856197399 -0.3896369023492189 -0.4961848779853978 -1.102679018279109 -0.7020403137804953 -0.7338525398512561 -0.7933596424414756 -0.8328951976381678 -0.8939656824917177 -0.3151695469462042 0.2127007580608927 0.3134927301458631 0.5392834419162702 0.6743633761032237 0.8596749848454849 0.8079667744109698 0.5857169988625351 0.4569402191285106 +27951,-0.1524938540843328,1,-0.29032944219029144 -0.3801009856197399 -0.3896369023492189 -0.4961848779853978 -1.102679018279109 -0.7020403137804953 -0.7338525398512561 -0.7933596424414756 -0.8328951976381678 -0.8939656824917177 -0.3151695469462042 0.2127007580608927 0.3134927301458631 0.5392834419162702 0.6743633761032237 0.8596749848454849 0.8079667744109698 0.5857169988625351 0.4569402191285106 -0.07209172454285957 +27952,-0.29187722742184097,1,-0.3801009856197399 -0.3896369023492189 -0.4961848779853978 -1.102679018279109 -0.7020403137804953 -0.7338525398512561 -0.7933596424414756 -0.8328951976381678 -0.8939656824917177 -0.3151695469462042 0.2127007580608927 0.3134927301458631 0.5392834419162702 0.6743633761032237 0.8596749848454849 0.8079667744109698 0.5857169988625351 0.4569402191285106 -0.07209172454285957 -0.1524938540843328 +27953,-0.979479505250765,1,-0.3896369023492189 -0.4961848779853978 -1.102679018279109 -0.7020403137804953 -0.7338525398512561 -0.7933596424414756 -0.8328951976381678 -0.8939656824917177 -0.3151695469462042 0.2127007580608927 0.3134927301458631 0.5392834419162702 0.6743633761032237 0.8596749848454849 0.8079667744109698 0.5857169988625351 0.4569402191285106 -0.07209172454285957 -0.1524938540843328 -0.29187722742184097 +27954,-0.4992804484484792,1,-0.4961848779853978 -1.102679018279109 -0.7020403137804953 -0.7338525398512561 -0.7933596424414756 -0.8328951976381678 -0.8939656824917177 -0.3151695469462042 0.2127007580608927 0.3134927301458631 0.5392834419162702 0.6743633761032237 0.8596749848454849 0.8079667744109698 0.5857169988625351 0.4569402191285106 -0.07209172454285957 -0.1524938540843328 -0.29187722742184097 -0.979479505250765 +27955,-0.5657833187972167,1,-1.102679018279109 -0.7020403137804953 -0.7338525398512561 -0.7933596424414756 -0.8328951976381678 -0.8939656824917177 -0.3151695469462042 0.2127007580608927 0.3134927301458631 0.5392834419162702 0.6743633761032237 0.8596749848454849 0.8079667744109698 0.5857169988625351 0.4569402191285106 -0.07209172454285957 -0.1524938540843328 -0.29187722742184097 -0.979479505250765 -0.4992804484484792 +27956,-0.6478678306765181,1,-0.7020403137804953 -0.7338525398512561 -0.7933596424414756 -0.8328951976381678 -0.8939656824917177 -0.3151695469462042 0.2127007580608927 0.3134927301458631 0.5392834419162702 0.6743633761032237 0.8596749848454849 0.8079667744109698 0.5857169988625351 0.4569402191285106 -0.07209172454285957 -0.1524938540843328 -0.29187722742184097 -0.979479505250765 -0.4992804484484792 -0.5657833187972167 +27957,-0.6881319407639794,1,-0.7338525398512561 -0.7933596424414756 -0.8328951976381678 -0.8939656824917177 -0.3151695469462042 0.2127007580608927 0.3134927301458631 0.5392834419162702 0.6743633761032237 0.8596749848454849 0.8079667744109698 0.5857169988625351 0.4569402191285106 -0.07209172454285957 -0.1524938540843328 -0.29187722742184097 -0.979479505250765 -0.4992804484484792 -0.5657833187972167 -0.6478678306765181 +27958,-0.7376393741059666,1,-0.7933596424414756 -0.8328951976381678 -0.8939656824917177 -0.3151695469462042 0.2127007580608927 0.3134927301458631 0.5392834419162702 0.6743633761032237 0.8596749848454849 0.8079667744109698 0.5857169988625351 0.4569402191285106 -0.07209172454285957 -0.1524938540843328 -0.29187722742184097 -0.979479505250765 -0.4992804484484792 -0.5657833187972167 -0.6478678306765181 -0.6881319407639794 +27959,-1.3989061100561007,1,-0.8328951976381678 -0.8939656824917177 -0.3151695469462042 0.2127007580608927 0.3134927301458631 0.5392834419162702 0.6743633761032237 0.8596749848454849 0.8079667744109698 0.5857169988625351 0.4569402191285106 -0.07209172454285957 -0.1524938540843328 -0.29187722742184097 -0.979479505250765 -0.4992804484484792 -0.5657833187972167 -0.6478678306765181 -0.6881319407639794 -0.7376393741059666 +27960,-0.8165764209146125,1,-0.8939656824917177 -0.3151695469462042 0.2127007580608927 0.3134927301458631 0.5392834419162702 0.6743633761032237 0.8596749848454849 0.8079667744109698 0.5857169988625351 0.4569402191285106 -0.07209172454285957 -0.1524938540843328 -0.29187722742184097 -0.979479505250765 -0.4992804484484792 -0.5657833187972167 -0.6478678306765181 -0.6881319407639794 -0.7376393741059666 -1.3989061100561007 +27961,-0.8478680269798526,1,-0.3151695469462042 0.2127007580608927 0.3134927301458631 0.5392834419162702 0.6743633761032237 0.8596749848454849 0.8079667744109698 0.5857169988625351 0.4569402191285106 -0.07209172454285957 -0.1524938540843328 -0.29187722742184097 -0.979479505250765 -0.4992804484484792 -0.5657833187972167 -0.6478678306765181 -0.6881319407639794 -0.7376393741059666 -1.3989061100561007 -0.8165764209146125 +27962,-0.8846789711024647,1,0.2127007580608927 0.3134927301458631 0.5392834419162702 0.6743633761032237 0.8596749848454849 0.8079667744109698 0.5857169988625351 0.4569402191285106 -0.07209172454285957 -0.1524938540843328 -0.29187722742184097 -0.979479505250765 -0.4992804484484792 -0.5657833187972167 -0.6478678306765181 -0.6881319407639794 -0.7376393741059666 -1.3989061100561007 -0.8165764209146125 -0.8478680269798526 +27963,-0.8411312656019921,1,0.3134927301458631 0.5392834419162702 0.6743633761032237 0.8596749848454849 0.8079667744109698 0.5857169988625351 0.4569402191285106 -0.07209172454285957 -0.1524938540843328 -0.29187722742184097 -0.979479505250765 -0.4992804484484792 -0.5657833187972167 -0.6478678306765181 -0.6881319407639794 -0.7376393741059666 -1.3989061100561007 -0.8165764209146125 -0.8478680269798526 -0.8846789711024647 +27964,-0.7778817901260598,1,0.5392834419162702 0.6743633761032237 0.8596749848454849 0.8079667744109698 0.5857169988625351 0.4569402191285106 -0.07209172454285957 -0.1524938540843328 -0.29187722742184097 -0.979479505250765 -0.4992804484484792 -0.5657833187972167 -0.6478678306765181 -0.6881319407639794 -0.7376393741059666 -1.3989061100561007 -0.8165764209146125 -0.8478680269798526 -0.8846789711024647 -0.8411312656019921 +27965,-0.47429121025171755,1,0.6743633761032237 0.8596749848454849 0.8079667744109698 0.5857169988625351 0.4569402191285106 -0.07209172454285957 -0.1524938540843328 -0.29187722742184097 -0.979479505250765 -0.4992804484484792 -0.5657833187972167 -0.6478678306765181 -0.6881319407639794 -0.7376393741059666 -1.3989061100561007 -0.8165764209146125 -0.8478680269798526 -0.8846789711024647 -0.8411312656019921 -0.7778817901260598 +27966,-0.3739098446935683,1,0.8596749848454849 0.8079667744109698 0.5857169988625351 0.4569402191285106 -0.07209172454285957 -0.1524938540843328 -0.29187722742184097 -0.979479505250765 -0.4992804484484792 -0.5657833187972167 -0.6478678306765181 -0.6881319407639794 -0.7376393741059666 -1.3989061100561007 -0.8165764209146125 -0.8478680269798526 -0.8846789711024647 -0.8411312656019921 -0.7778817901260598 -0.47429121025171755 +27967,-0.3131429319103946,1,0.8079667744109698 0.5857169988625351 0.4569402191285106 -0.07209172454285957 -0.1524938540843328 -0.29187722742184097 -0.979479505250765 -0.4992804484484792 -0.5657833187972167 -0.6478678306765181 -0.6881319407639794 -0.7376393741059666 -1.3989061100561007 -0.8165764209146125 -0.8478680269798526 -0.8846789711024647 -0.8411312656019921 -0.7778817901260598 -0.47429121025171755 -0.3739098446935683 +27968,-0.13555091903608096,1,0.5857169988625351 0.4569402191285106 -0.07209172454285957 -0.1524938540843328 -0.29187722742184097 -0.979479505250765 -0.4992804484484792 -0.5657833187972167 -0.6478678306765181 -0.6881319407639794 -0.7376393741059666 -1.3989061100561007 -0.8165764209146125 -0.8478680269798526 -0.8846789711024647 -0.8411312656019921 -0.7778817901260598 -0.47429121025171755 -0.3739098446935683 -0.3131429319103946 +27969,0.004794387809305098,1,0.4569402191285106 -0.07209172454285957 -0.1524938540843328 -0.29187722742184097 -0.979479505250765 -0.4992804484484792 -0.5657833187972167 -0.6478678306765181 -0.6881319407639794 -0.7376393741059666 -1.3989061100561007 -0.8165764209146125 -0.8478680269798526 -0.8846789711024647 -0.8411312656019921 -0.7778817901260598 -0.47429121025171755 -0.3739098446935683 -0.3131429319103946 -0.13555091903608096 +27970,0.20341404667163973,1,-0.07209172454285957 -0.1524938540843328 -0.29187722742184097 -0.979479505250765 -0.4992804484484792 -0.5657833187972167 -0.6478678306765181 -0.6881319407639794 -0.7376393741059666 -1.3989061100561007 -0.8165764209146125 -0.8478680269798526 -0.8846789711024647 -0.8411312656019921 -0.7778817901260598 -0.47429121025171755 -0.3739098446935683 -0.3131429319103946 -0.13555091903608096 0.004794387809305098 +27971,0.06964116727403742,1,-0.1524938540843328 -0.29187722742184097 -0.979479505250765 -0.4992804484484792 -0.5657833187972167 -0.6478678306765181 -0.6881319407639794 -0.7376393741059666 -1.3989061100561007 -0.8165764209146125 -0.8478680269798526 -0.8846789711024647 -0.8411312656019921 -0.7778817901260598 -0.47429121025171755 -0.3739098446935683 -0.3131429319103946 -0.13555091903608096 0.004794387809305098 0.20341404667163973 +27972,0.07959122814826955,1,-0.29187722742184097 -0.979479505250765 -0.4992804484484792 -0.5657833187972167 -0.6478678306765181 -0.6881319407639794 -0.7376393741059666 -1.3989061100561007 -0.8165764209146125 -0.8478680269798526 -0.8846789711024647 -0.8411312656019921 -0.7778817901260598 -0.47429121025171755 -0.3739098446935683 -0.3131429319103946 -0.13555091903608096 0.004794387809305098 0.20341404667163973 0.06964116727403742 +27973,-0.002837815151562367,1,-0.979479505250765 -0.4992804484484792 -0.5657833187972167 -0.6478678306765181 -0.6881319407639794 -0.7376393741059666 -1.3989061100561007 -0.8165764209146125 -0.8478680269798526 -0.8846789711024647 -0.8411312656019921 -0.7778817901260598 -0.47429121025171755 -0.3739098446935683 -0.3131429319103946 -0.13555091903608096 0.004794387809305098 0.20341404667163973 0.06964116727403742 0.07959122814826955 +27974,-0.11852528148912447,1,-0.4992804484484792 -0.5657833187972167 -0.6478678306765181 -0.6881319407639794 -0.7376393741059666 -1.3989061100561007 -0.8165764209146125 -0.8478680269798526 -0.8846789711024647 -0.8411312656019921 -0.7778817901260598 -0.47429121025171755 -0.3739098446935683 -0.3131429319103946 -0.13555091903608096 0.004794387809305098 0.20341404667163973 0.06964116727403742 0.07959122814826955 -0.002837815151562367 +27975,-0.14024742675901306,1,-0.5657833187972167 -0.6478678306765181 -0.6881319407639794 -0.7376393741059666 -1.3989061100561007 -0.8165764209146125 -0.8478680269798526 -0.8846789711024647 -0.8411312656019921 -0.7778817901260598 -0.47429121025171755 -0.3739098446935683 -0.3131429319103946 -0.13555091903608096 0.004794387809305098 0.20341404667163973 0.06964116727403742 0.07959122814826955 -0.002837815151562367 -0.11852528148912447 +27976,-0.17114997936155218,1,-0.6478678306765181 -0.6881319407639794 -0.7376393741059666 -1.3989061100561007 -0.8165764209146125 -0.8478680269798526 -0.8846789711024647 -0.8411312656019921 -0.7778817901260598 -0.47429121025171755 -0.3739098446935683 -0.3131429319103946 -0.13555091903608096 0.004794387809305098 0.20341404667163973 0.06964116727403742 0.07959122814826955 -0.002837815151562367 -0.11852528148912447 -0.14024742675901306 +27977,-0.6345622149130735,1,-0.6881319407639794 -0.7376393741059666 -1.3989061100561007 -0.8165764209146125 -0.8478680269798526 -0.8846789711024647 -0.8411312656019921 -0.7778817901260598 -0.47429121025171755 -0.3739098446935683 -0.3131429319103946 -0.13555091903608096 0.004794387809305098 0.20341404667163973 0.06964116727403742 0.07959122814826955 -0.002837815151562367 -0.11852528148912447 -0.14024742675901306 -0.17114997936155218 +27978,-0.2516348114017388,1,-0.7376393741059666 -1.3989061100561007 -0.8165764209146125 -0.8478680269798526 -0.8846789711024647 -0.8411312656019921 -0.7778817901260598 -0.47429121025171755 -0.3739098446935683 -0.3131429319103946 -0.13555091903608096 0.004794387809305098 0.20341404667163973 0.06964116727403742 0.07959122814826955 -0.002837815151562367 -0.11852528148912447 -0.14024742675901306 -0.17114997936155218 -0.6345622149130735 +27979,-0.26887717865920047,1,-1.3989061100561007 -0.8165764209146125 -0.8478680269798526 -0.8846789711024647 -0.8411312656019921 -0.7778817901260598 -0.47429121025171755 -0.3739098446935683 -0.3131429319103946 -0.13555091903608096 0.004794387809305098 0.20341404667163973 0.06964116727403742 0.07959122814826955 -0.002837815151562367 -0.11852528148912447 -0.14024742675901306 -0.17114997936155218 -0.6345622149130735 -0.2516348114017388 +27980,-0.29032944219029144,1,-0.8165764209146125 -0.8478680269798526 -0.8846789711024647 -0.8411312656019921 -0.7778817901260598 -0.47429121025171755 -0.3739098446935683 -0.3131429319103946 -0.13555091903608096 0.004794387809305098 0.20341404667163973 0.06964116727403742 0.07959122814826955 -0.002837815151562367 -0.11852528148912447 -0.14024742675901306 -0.17114997936155218 -0.6345622149130735 -0.2516348114017388 -0.26887717865920047 +27981,-0.3480282541383411,1,-0.8478680269798526 -0.8846789711024647 -0.8411312656019921 -0.7778817901260598 -0.47429121025171755 -0.3739098446935683 -0.3131429319103946 -0.13555091903608096 0.004794387809305098 0.20341404667163973 0.06964116727403742 0.07959122814826955 -0.002837815151562367 -0.11852528148912447 -0.14024742675901306 -0.17114997936155218 -0.6345622149130735 -0.2516348114017388 -0.26887717865920047 -0.29032944219029144 +27982,-0.4203434016398332,1,-0.8846789711024647 -0.8411312656019921 -0.7778817901260598 -0.47429121025171755 -0.3739098446935683 -0.3131429319103946 -0.13555091903608096 0.004794387809305098 0.20341404667163973 0.06964116727403742 0.07959122814826955 -0.002837815151562367 -0.11852528148912447 -0.14024742675901306 -0.17114997936155218 -0.6345622149130735 -0.2516348114017388 -0.26887717865920047 -0.29032944219029144 -0.3480282541383411 +27983,-1.0990873111416435,1,-0.8411312656019921 -0.7778817901260598 -0.47429121025171755 -0.3739098446935683 -0.3131429319103946 -0.13555091903608096 0.004794387809305098 0.20341404667163973 0.06964116727403742 0.07959122814826955 -0.002837815151562367 -0.11852528148912447 -0.14024742675901306 -0.17114997936155218 -0.6345622149130735 -0.2516348114017388 -0.26887717865920047 -0.29032944219029144 -0.3480282541383411 -0.4203434016398332 +27984,-0.5611918577101599,1,-0.7778817901260598 -0.47429121025171755 -0.3739098446935683 -0.3131429319103946 -0.13555091903608096 0.004794387809305098 0.20341404667163973 0.06964116727403742 0.07959122814826955 -0.002837815151562367 -0.11852528148912447 -0.14024742675901306 -0.17114997936155218 -0.6345622149130735 -0.2516348114017388 -0.26887717865920047 -0.29032944219029144 -0.3480282541383411 -0.4203434016398332 -1.0990873111416435 +27985,-0.7002635301640419,1,-0.47429121025171755 -0.3739098446935683 -0.3131429319103946 -0.13555091903608096 0.004794387809305098 0.20341404667163973 0.06964116727403742 0.07959122814826955 -0.002837815151562367 -0.11852528148912447 -0.14024742675901306 -0.17114997936155218 -0.6345622149130735 -0.2516348114017388 -0.26887717865920047 -0.29032944219029144 -0.3480282541383411 -0.4203434016398332 -1.0990873111416435 -0.5611918577101599 +27986,-0.8599144073977872,1,-0.3739098446935683 -0.3131429319103946 -0.13555091903608096 0.004794387809305098 0.20341404667163973 0.06964116727403742 0.07959122814826955 -0.002837815151562367 -0.11852528148912447 -0.14024742675901306 -0.17114997936155218 -0.6345622149130735 -0.2516348114017388 -0.26887717865920047 -0.29032944219029144 -0.3480282541383411 -0.4203434016398332 -1.0990873111416435 -0.5611918577101599 -0.7002635301640419 +27987,-0.8857417938950961,1,-0.3131429319103946 -0.13555091903608096 0.004794387809305098 0.20341404667163973 0.06964116727403742 0.07959122814826955 -0.002837815151562367 -0.11852528148912447 -0.14024742675901306 -0.17114997936155218 -0.6345622149130735 -0.2516348114017388 -0.26887717865920047 -0.29032944219029144 -0.3480282541383411 -0.4203434016398332 -1.0990873111416435 -0.5611918577101599 -0.7002635301640419 -0.8599144073977872 +27988,-0.9156346757333051,1,-0.13555091903608096 0.004794387809305098 0.20341404667163973 0.06964116727403742 0.07959122814826955 -0.002837815151562367 -0.11852528148912447 -0.14024742675901306 -0.17114997936155218 -0.6345622149130735 -0.2516348114017388 -0.26887717865920047 -0.29032944219029144 -0.3480282541383411 -0.4203434016398332 -1.0990873111416435 -0.5611918577101599 -0.7002635301640419 -0.8599144073977872 -0.8857417938950961 +27989,-1.1329100709144262,1,0.004794387809305098 0.20341404667163973 0.06964116727403742 0.07959122814826955 -0.002837815151562367 -0.11852528148912447 -0.14024742675901306 -0.17114997936155218 -0.6345622149130735 -0.2516348114017388 -0.26887717865920047 -0.29032944219029144 -0.3480282541383411 -0.4203434016398332 -1.0990873111416435 -0.5611918577101599 -0.7002635301640419 -0.8599144073977872 -0.8857417938950961 -0.9156346757333051 +27990,-0.5844086361832967,1,0.20341404667163973 0.06964116727403742 0.07959122814826955 -0.002837815151562367 -0.11852528148912447 -0.14024742675901306 -0.17114997936155218 -0.6345622149130735 -0.2516348114017388 -0.26887717865920047 -0.29032944219029144 -0.3480282541383411 -0.4203434016398332 -1.0990873111416435 -0.5611918577101599 -0.7002635301640419 -0.8599144073977872 -0.8857417938950961 -0.9156346757333051 -1.1329100709144262 +27991,-0.34140635483118725,1,0.06964116727403742 0.07959122814826955 -0.002837815151562367 -0.11852528148912447 -0.14024742675901306 -0.17114997936155218 -0.6345622149130735 -0.2516348114017388 -0.26887717865920047 -0.29032944219029144 -0.3480282541383411 -0.4203434016398332 -1.0990873111416435 -0.5611918577101599 -0.7002635301640419 -0.8599144073977872 -0.8857417938950961 -0.9156346757333051 -1.1329100709144262 -0.5844086361832967 +27992,-0.2516348114017388,1,0.07959122814826955 -0.002837815151562367 -0.11852528148912447 -0.14024742675901306 -0.17114997936155218 -0.6345622149130735 -0.2516348114017388 -0.26887717865920047 -0.29032944219029144 -0.3480282541383411 -0.4203434016398332 -1.0990873111416435 -0.5611918577101599 -0.7002635301640419 -0.8599144073977872 -0.8857417938950961 -0.9156346757333051 -1.1329100709144262 -0.5844086361832967 -0.34140635483118725 +27993,-0.25348795980073535,1,-0.002837815151562367 -0.11852528148912447 -0.14024742675901306 -0.17114997936155218 -0.6345622149130735 -0.2516348114017388 -0.26887717865920047 -0.29032944219029144 -0.3480282541383411 -0.4203434016398332 -1.0990873111416435 -0.5611918577101599 -0.7002635301640419 -0.8599144073977872 -0.8857417938950961 -0.9156346757333051 -1.1329100709144262 -0.5844086361832967 -0.34140635483118725 -0.2516348114017388 +27994,-0.2624693080225413,1,-0.11852528148912447 -0.14024742675901306 -0.17114997936155218 -0.6345622149130735 -0.2516348114017388 -0.26887717865920047 -0.29032944219029144 -0.3480282541383411 -0.4203434016398332 -1.0990873111416435 -0.5611918577101599 -0.7002635301640419 -0.8599144073977872 -0.8857417938950961 -0.9156346757333051 -1.1329100709144262 -0.5844086361832967 -0.34140635483118725 -0.2516348114017388 -0.25348795980073535 +27995,-0.6341638608089197,1,-0.14024742675901306 -0.17114997936155218 -0.6345622149130735 -0.2516348114017388 -0.26887717865920047 -0.29032944219029144 -0.3480282541383411 -0.4203434016398332 -1.0990873111416435 -0.5611918577101599 -0.7002635301640419 -0.8599144073977872 -0.8857417938950961 -0.9156346757333051 -1.1329100709144262 -0.5844086361832967 -0.34140635483118725 -0.2516348114017388 -0.25348795980073535 -0.2624693080225413 +27996,-0.30580729450571603,1,-0.17114997936155218 -0.6345622149130735 -0.2516348114017388 -0.26887717865920047 -0.29032944219029144 -0.3480282541383411 -0.4203434016398332 -1.0990873111416435 -0.5611918577101599 -0.7002635301640419 -0.8599144073977872 -0.8857417938950961 -0.9156346757333051 -1.1329100709144262 -0.5844086361832967 -0.34140635483118725 -0.2516348114017388 -0.25348795980073535 -0.2624693080225413 -0.6341638608089197 +27997,-0.4221458582151437,1,-0.6345622149130735 -0.2516348114017388 -0.26887717865920047 -0.29032944219029144 -0.3480282541383411 -0.4203434016398332 -1.0990873111416435 -0.5611918577101599 -0.7002635301640419 -0.8599144073977872 -0.8857417938950961 -0.9156346757333051 -1.1329100709144262 -0.5844086361832967 -0.34140635483118725 -0.2516348114017388 -0.25348795980073535 -0.2624693080225413 -0.6341638608089197 -0.30580729450571603 +27998,-0.5627396429417093,1,-0.2516348114017388 -0.26887717865920047 -0.29032944219029144 -0.3480282541383411 -0.4203434016398332 -1.0990873111416435 -0.5611918577101599 -0.7002635301640419 -0.8599144073977872 -0.8857417938950961 -0.9156346757333051 -1.1329100709144262 -0.5844086361832967 -0.34140635483118725 -0.2516348114017388 -0.25348795980073535 -0.2624693080225413 -0.6341638608089197 -0.30580729450571603 -0.4221458582151437 +27999,-0.6474741394301549,1,-0.26887717865920047 -0.29032944219029144 -0.3480282541383411 -0.4203434016398332 -1.0990873111416435 -0.5611918577101599 -0.7002635301640419 -0.8599144073977872 -0.8857417938950961 -0.9156346757333051 -1.1329100709144262 -0.5844086361832967 -0.34140635483118725 -0.2516348114017388 -0.25348795980073535 -0.2624693080225413 -0.6341638608089197 -0.30580729450571603 -0.4221458582151437 -0.5627396429417093 +28000,-0.7469260854952195,1,-0.29032944219029144 -0.3480282541383411 -0.4203434016398332 -1.0990873111416435 -0.5611918577101599 -0.7002635301640419 -0.8599144073977872 -0.8857417938950961 -0.9156346757333051 -1.1329100709144262 -0.5844086361832967 -0.34140635483118725 -0.2516348114017388 -0.25348795980073535 -0.2624693080225413 -0.6341638608089197 -0.30580729450571603 -0.4221458582151437 -0.5627396429417093 -0.6474741394301549 +28001,-1.1189035587179683,1,-0.3480282541383411 -0.4203434016398332 -1.0990873111416435 -0.5611918577101599 -0.7002635301640419 -0.8599144073977872 -0.8857417938950961 -0.9156346757333051 -1.1329100709144262 -0.5844086361832967 -0.34140635483118725 -0.2516348114017388 -0.25348795980073535 -0.2624693080225413 -0.6341638608089197 -0.30580729450571603 -0.4221458582151437 -0.5627396429417093 -0.6474741394301549 -0.7469260854952195 +28002,-0.8722966892501304,1,-0.4203434016398332 -1.0990873111416435 -0.5611918577101599 -0.7002635301640419 -0.8599144073977872 -0.8857417938950961 -0.9156346757333051 -1.1329100709144262 -0.5844086361832967 -0.34140635483118725 -0.2516348114017388 -0.25348795980073535 -0.2624693080225413 -0.6341638608089197 -0.30580729450571603 -0.4221458582151437 -0.5627396429417093 -0.6474741394301549 -0.7469260854952195 -1.1189035587179683 +28003,-0.910991320038683,1,-1.0990873111416435 -0.5611918577101599 -0.7002635301640419 -0.8599144073977872 -0.8857417938950961 -0.9156346757333051 -1.1329100709144262 -0.5844086361832967 -0.34140635483118725 -0.2516348114017388 -0.25348795980073535 -0.2624693080225413 -0.6341638608089197 -0.30580729450571603 -0.4221458582151437 -0.5627396429417093 -0.6474741394301549 -0.7469260854952195 -1.1189035587179683 -0.8722966892501304 +28004,-1.424216423142977,1,-0.5611918577101599 -0.7002635301640419 -0.8599144073977872 -0.8857417938950961 -0.9156346757333051 -1.1329100709144262 -0.5844086361832967 -0.34140635483118725 -0.2516348114017388 -0.25348795980073535 -0.2624693080225413 -0.6341638608089197 -0.30580729450571603 -0.4221458582151437 -0.5627396429417093 -0.6474741394301549 -0.7469260854952195 -1.1189035587179683 -0.8722966892501304 -0.910991320038683 +28005,-0.9759982997634451,1,-0.7002635301640419 -0.8599144073977872 -0.8857417938950961 -0.9156346757333051 -1.1329100709144262 -0.5844086361832967 -0.34140635483118725 -0.2516348114017388 -0.25348795980073535 -0.2624693080225413 -0.6341638608089197 -0.30580729450571603 -0.4221458582151437 -0.5627396429417093 -0.6474741394301549 -0.7469260854952195 -1.1189035587179683 -0.8722966892501304 -0.910991320038683 -1.424216423142977 +28006,-1.1194951214595639,1,-0.8599144073977872 -0.8857417938950961 -0.9156346757333051 -1.1329100709144262 -0.5844086361832967 -0.34140635483118725 -0.2516348114017388 -0.25348795980073535 -0.2624693080225413 -0.6341638608089197 -0.30580729450571603 -0.4221458582151437 -0.5627396429417093 -0.6474741394301549 -0.7469260854952195 -1.1189035587179683 -0.8722966892501304 -0.910991320038683 -1.424216423142977 -0.9759982997634451 +28007,-1.276268634682613,1,-0.8857417938950961 -0.9156346757333051 -1.1329100709144262 -0.5844086361832967 -0.34140635483118725 -0.2516348114017388 -0.25348795980073535 -0.2624693080225413 -0.6341638608089197 -0.30580729450571603 -0.4221458582151437 -0.5627396429417093 -0.6474741394301549 -0.7469260854952195 -1.1189035587179683 -0.8722966892501304 -0.910991320038683 -1.424216423142977 -0.9759982997634451 -1.1194951214595639 +28008,-1.3462458775112116,1,-0.9156346757333051 -1.1329100709144262 -0.5844086361832967 -0.34140635483118725 -0.2516348114017388 -0.25348795980073535 -0.2624693080225413 -0.6341638608089197 -0.30580729450571603 -0.4221458582151437 -0.5627396429417093 -0.6474741394301549 -0.7469260854952195 -1.1189035587179683 -0.8722966892501304 -0.910991320038683 -1.424216423142977 -0.9759982997634451 -1.1194951214595639 -1.276268634682613 +28009,-1.4248560169106608,1,-1.1329100709144262 -0.5844086361832967 -0.34140635483118725 -0.2516348114017388 -0.25348795980073535 -0.2624693080225413 -0.6341638608089197 -0.30580729450571603 -0.4221458582151437 -0.5627396429417093 -0.6474741394301549 -0.7469260854952195 -1.1189035587179683 -0.8722966892501304 -0.910991320038683 -1.424216423142977 -0.9759982997634451 -1.1194951214595639 -1.276268634682613 -1.3462458775112116 +28010,-2.093627884047158,1,-0.5844086361832967 -0.34140635483118725 -0.2516348114017388 -0.25348795980073535 -0.2624693080225413 -0.6341638608089197 -0.30580729450571603 -0.4221458582151437 -0.5627396429417093 -0.6474741394301549 -0.7469260854952195 -1.1189035587179683 -0.8722966892501304 -0.910991320038683 -1.424216423142977 -0.9759982997634451 -1.1194951214595639 -1.276268634682613 -1.3462458775112116 -1.4248560169106608 +28011,-1.5873734662225836,1,-0.34140635483118725 -0.2516348114017388 -0.25348795980073535 -0.2624693080225413 -0.6341638608089197 -0.30580729450571603 -0.4221458582151437 -0.5627396429417093 -0.6474741394301549 -0.7469260854952195 -1.1189035587179683 -0.8722966892501304 -0.910991320038683 -1.424216423142977 -0.9759982997634451 -1.1194951214595639 -1.276268634682613 -1.3462458775112116 -1.4248560169106608 -2.093627884047158 +28012,-1.4639429739537875,1,-0.2516348114017388 -0.25348795980073535 -0.2624693080225413 -0.6341638608089197 -0.30580729450571603 -0.4221458582151437 -0.5627396429417093 -0.6474741394301549 -0.7469260854952195 -1.1189035587179683 -0.8722966892501304 -0.910991320038683 -1.424216423142977 -0.9759982997634451 -1.1194951214595639 -1.276268634682613 -1.3462458775112116 -1.4248560169106608 -2.093627884047158 -1.5873734662225836 +28013,-1.3196066211657966,1,-0.25348795980073535 -0.2624693080225413 -0.6341638608089197 -0.30580729450571603 -0.4221458582151437 -0.5627396429417093 -0.6474741394301549 -0.7469260854952195 -1.1189035587179683 -0.8722966892501304 -0.910991320038683 -1.424216423142977 -0.9759982997634451 -1.1194951214595639 -1.276268634682613 -1.3462458775112116 -1.4248560169106608 -2.093627884047158 -1.5873734662225836 -1.4639429739537875 +28014,-0.5410706497001132,1,-0.2624693080225413 -0.6341638608089197 -0.30580729450571603 -0.4221458582151437 -0.5627396429417093 -0.6474741394301549 -0.7469260854952195 -1.1189035587179683 -0.8722966892501304 -0.910991320038683 -1.424216423142977 -0.9759982997634451 -1.1194951214595639 -1.276268634682613 -1.3462458775112116 -1.4248560169106608 -2.093627884047158 -1.5873734662225836 -1.4639429739537875 -1.3196066211657966 +28015,-0.5333609269993828,1,-0.6341638608089197 -0.30580729450571603 -0.4221458582151437 -0.5627396429417093 -0.6474741394301549 -0.7469260854952195 -1.1189035587179683 -0.8722966892501304 -0.910991320038683 -1.424216423142977 -0.9759982997634451 -1.1194951214595639 -1.276268634682613 -1.3462458775112116 -1.4248560169106608 -2.093627884047158 -1.5873734662225836 -1.4639429739537875 -1.3196066211657966 -0.5410706497001132 +28016,-0.28568608649566934,1,-0.30580729450571603 -0.4221458582151437 -0.5627396429417093 -0.6474741394301549 -0.7469260854952195 -1.1189035587179683 -0.8722966892501304 -0.910991320038683 -1.424216423142977 -0.9759982997634451 -1.1194951214595639 -1.276268634682613 -1.3462458775112116 -1.4248560169106608 -2.093627884047158 -1.5873734662225836 -1.4639429739537875 -1.3196066211657966 -0.5410706497001132 -0.5333609269993828 +28017,-0.15751644161568748,1,-0.4221458582151437 -0.5627396429417093 -0.6474741394301549 -0.7469260854952195 -1.1189035587179683 -0.8722966892501304 -0.910991320038683 -1.424216423142977 -0.9759982997634451 -1.1194951214595639 -1.276268634682613 -1.3462458775112116 -1.4248560169106608 -2.093627884047158 -1.5873734662225836 -1.4639429739537875 -1.3196066211657966 -0.5410706497001132 -0.5333609269993828 -0.28568608649566934 +28018,-0.007084744818088688,1,-0.5627396429417093 -0.6474741394301549 -0.7469260854952195 -1.1189035587179683 -0.8722966892501304 -0.910991320038683 -1.424216423142977 -0.9759982997634451 -1.1194951214595639 -1.276268634682613 -1.3462458775112116 -1.4248560169106608 -2.093627884047158 -1.5873734662225836 -1.4639429739537875 -1.3196066211657966 -0.5410706497001132 -0.5333609269993828 -0.28568608649566934 -0.15751644161568748 +28019,-0.35872470704468346,1,-0.6474741394301549 -0.7469260854952195 -1.1189035587179683 -0.8722966892501304 -0.910991320038683 -1.424216423142977 -0.9759982997634451 -1.1194951214595639 -1.276268634682613 -1.3462458775112116 -1.4248560169106608 -2.093627884047158 -1.5873734662225836 -1.4639429739537875 -1.3196066211657966 -0.5410706497001132 -0.5333609269993828 -0.28568608649566934 -0.15751644161568748 -0.007084744818088688 +28020,0.043992167822798314,1,-0.7469260854952195 -1.1189035587179683 -0.8722966892501304 -0.910991320038683 -1.424216423142977 -0.9759982997634451 -1.1194951214595639 -1.276268634682613 -1.3462458775112116 -1.4248560169106608 -2.093627884047158 -1.5873734662225836 -1.4639429739537875 -1.3196066211657966 -0.5410706497001132 -0.5333609269993828 -0.28568608649566934 -0.15751644161568748 -0.007084744818088688 -0.35872470704468346 +28021,-0.11351226019916605,1,-1.1189035587179683 -0.8722966892501304 -0.910991320038683 -1.424216423142977 -0.9759982997634451 -1.1194951214595639 -1.276268634682613 -1.3462458775112116 -1.4248560169106608 -2.093627884047158 -1.5873734662225836 -1.4639429739537875 -1.3196066211657966 -0.5410706497001132 -0.5333609269993828 -0.28568608649566934 -0.15751644161568748 -0.007084744818088688 -0.35872470704468346 0.043992167822798314 +28022,-0.30271172404263463,1,-0.8722966892501304 -0.910991320038683 -1.424216423142977 -0.9759982997634451 -1.1194951214595639 -1.276268634682613 -1.3462458775112116 -1.4248560169106608 -2.093627884047158 -1.5873734662225836 -1.4639429739537875 -1.3196066211657966 -0.5410706497001132 -0.5333609269993828 -0.28568608649566934 -0.15751644161568748 -0.007084744818088688 -0.35872470704468346 0.043992167822798314 -0.11351226019916605 +28023,-0.49980228795398507,1,-0.910991320038683 -1.424216423142977 -0.9759982997634451 -1.1194951214595639 -1.276268634682613 -1.3462458775112116 -1.4248560169106608 -2.093627884047158 -1.5873734662225836 -1.4639429739537875 -1.3196066211657966 -0.5410706497001132 -0.5333609269993828 -0.28568608649566934 -0.15751644161568748 -0.007084744818088688 -0.35872470704468346 0.043992167822798314 -0.11351226019916605 -0.30271172404263463 +28024,-0.7299004479482543,1,-1.424216423142977 -0.9759982997634451 -1.1194951214595639 -1.276268634682613 -1.3462458775112116 -1.4248560169106608 -2.093627884047158 -1.5873734662225836 -1.4639429739537875 -1.3196066211657966 -0.5410706497001132 -0.5333609269993828 -0.28568608649566934 -0.15751644161568748 -0.007084744818088688 -0.35872470704468346 0.043992167822798314 -0.11351226019916605 -0.30271172404263463 -0.49980228795398507 +28025,-1.5974872231845783,1,-0.9759982997634451 -1.1194951214595639 -1.276268634682613 -1.3462458775112116 -1.4248560169106608 -2.093627884047158 -1.5873734662225836 -1.4639429739537875 -1.3196066211657966 -0.5410706497001132 -0.5333609269993828 -0.28568608649566934 -0.15751644161568748 -0.007084744818088688 -0.35872470704468346 0.043992167822798314 -0.11351226019916605 -0.30271172404263463 -0.49980228795398507 -0.7299004479482543 +28026,-0.8846789711024647,1,-1.1194951214595639 -1.276268634682613 -1.3462458775112116 -1.4248560169106608 -2.093627884047158 -1.5873734662225836 -1.4639429739537875 -1.3196066211657966 -0.5410706497001132 -0.5333609269993828 -0.28568608649566934 -0.15751644161568748 -0.007084744818088688 -0.35872470704468346 0.043992167822798314 -0.11351226019916605 -0.30271172404263463 -0.49980228795398507 -0.7299004479482543 -1.5974872231845783 +28027,-1.220548366347104,1,-1.276268634682613 -1.3462458775112116 -1.4248560169106608 -2.093627884047158 -1.5873734662225836 -1.4639429739537875 -1.3196066211657966 -0.5410706497001132 -0.5333609269993828 -0.28568608649566934 -0.15751644161568748 -0.007084744818088688 -0.35872470704468346 0.043992167822798314 -0.11351226019916605 -0.30271172404263463 -0.49980228795398507 -0.7299004479482543 -1.5974872231845783 -0.8846789711024647 +28028,-1.1679236684746674,1,-1.3462458775112116 -1.4248560169106608 -2.093627884047158 -1.5873734662225836 -1.4639429739537875 -1.3196066211657966 -0.5410706497001132 -0.5333609269993828 -0.28568608649566934 -0.15751644161568748 -0.007084744818088688 -0.35872470704468346 0.043992167822798314 -0.11351226019916605 -0.30271172404263463 -0.49980228795398507 -0.7299004479482543 -1.5974872231845783 -0.8846789711024647 -1.220548366347104 +28029,-1.2054820569685696,1,-1.4248560169106608 -2.093627884047158 -1.5873734662225836 -1.4639429739537875 -1.3196066211657966 -0.5410706497001132 -0.5333609269993828 -0.28568608649566934 -0.15751644161568748 -0.007084744818088688 -0.35872470704468346 0.043992167822798314 -0.11351226019916605 -0.30271172404263463 -0.49980228795398507 -0.7299004479482543 -1.5974872231845783 -0.8846789711024647 -1.220548366347104 -1.1679236684746674 +28030,-1.3103199097765437,1,-2.093627884047158 -1.5873734662225836 -1.4639429739537875 -1.3196066211657966 -0.5410706497001132 -0.5333609269993828 -0.28568608649566934 -0.15751644161568748 -0.007084744818088688 -0.35872470704468346 0.043992167822798314 -0.11351226019916605 -0.30271172404263463 -0.49980228795398507 -0.7299004479482543 -1.5974872231845783 -0.8846789711024647 -1.220548366347104 -1.1679236684746674 -1.2054820569685696 +28031,-1.9095803019743676,1,-1.5873734662225836 -1.4639429739537875 -1.3196066211657966 -0.5410706497001132 -0.5333609269993828 -0.28568608649566934 -0.15751644161568748 -0.007084744818088688 -0.35872470704468346 0.043992167822798314 -0.11351226019916605 -0.30271172404263463 -0.49980228795398507 -0.7299004479482543 -1.5974872231845783 -0.8846789711024647 -1.220548366347104 -1.1679236684746674 -1.2054820569685696 -1.3103199097765437 +28032,-1.387709171353649,1,-1.4639429739537875 -1.3196066211657966 -0.5410706497001132 -0.5333609269993828 -0.28568608649566934 -0.15751644161568748 -0.007084744818088688 -0.35872470704468346 0.043992167822798314 -0.11351226019916605 -0.30271172404263463 -0.49980228795398507 -0.7299004479482543 -1.5974872231845783 -0.8846789711024647 -1.220548366347104 -1.1679236684746674 -1.2054820569685696 -1.3103199097765437 -1.9095803019743676 +28033,-1.4720283038878021,1,-1.3196066211657966 -0.5410706497001132 -0.5333609269993828 -0.28568608649566934 -0.15751644161568748 -0.007084744818088688 -0.35872470704468346 0.043992167822798314 -0.11351226019916605 -0.30271172404263463 -0.49980228795398507 -0.7299004479482543 -1.5974872231845783 -0.8846789711024647 -1.220548366347104 -1.1679236684746674 -1.2054820569685696 -1.3103199097765437 -1.9095803019743676 -1.387709171353649 +28034,-1.5688000434440776,1,-0.5410706497001132 -0.5333609269993828 -0.28568608649566934 -0.15751644161568748 -0.007084744818088688 -0.35872470704468346 0.043992167822798314 -0.11351226019916605 -0.30271172404263463 -0.49980228795398507 -0.7299004479482543 -1.5974872231845783 -0.8846789711024647 -1.220548366347104 -1.1679236684746674 -1.2054820569685696 -1.3103199097765437 -1.9095803019743676 -1.387709171353649 -1.4720283038878021 +28035,-1.5940499843941014,1,-0.5333609269993828 -0.28568608649566934 -0.15751644161568748 -0.007084744818088688 -0.35872470704468346 0.043992167822798314 -0.11351226019916605 -0.30271172404263463 -0.49980228795398507 -0.7299004479482543 -1.5974872231845783 -0.8846789711024647 -1.220548366347104 -1.1679236684746674 -1.2054820569685696 -1.3103199097765437 -1.9095803019743676 -1.387709171353649 -1.4720283038878021 -1.5688000434440776 +28036,-1.6245203117795868,1,-0.28568608649566934 -0.15751644161568748 -0.007084744818088688 -0.35872470704468346 0.043992167822798314 -0.11351226019916605 -0.30271172404263463 -0.49980228795398507 -0.7299004479482543 -1.5974872231845783 -0.8846789711024647 -1.220548366347104 -1.1679236684746674 -1.2054820569685696 -1.3103199097765437 -1.9095803019743676 -1.387709171353649 -1.4720283038878021 -1.5688000434440776 -1.5940499843941014 +28037,-1.1867483076307483,1,-0.15751644161568748 -0.007084744818088688 -0.35872470704468346 0.043992167822798314 -0.11351226019916605 -0.30271172404263463 -0.49980228795398507 -0.7299004479482543 -1.5974872231845783 -0.8846789711024647 -1.220548366347104 -1.1679236684746674 -1.2054820569685696 -1.3103199097765437 -1.9095803019743676 -1.387709171353649 -1.4720283038878021 -1.5688000434440776 -1.5940499843941014 -1.6245203117795868 +28038,-0.3955788379351557,1,-0.007084744818088688 -0.35872470704468346 0.043992167822798314 -0.11351226019916605 -0.30271172404263463 -0.49980228795398507 -0.7299004479482543 -1.5974872231845783 -0.8846789711024647 -1.220548366347104 -1.1679236684746674 -1.2054820569685696 -1.3103199097765437 -1.9095803019743676 -1.387709171353649 -1.4720283038878021 -1.5688000434440776 -1.5940499843941014 -1.6245203117795868 -1.1867483076307483 +28039,-0.19127118737159884,1,-0.35872470704468346 0.043992167822798314 -0.11351226019916605 -0.30271172404263463 -0.49980228795398507 -0.7299004479482543 -1.5974872231845783 -0.8846789711024647 -1.220548366347104 -1.1679236684746674 -1.2054820569685696 -1.3103199097765437 -1.9095803019743676 -1.387709171353649 -1.4720283038878021 -1.5688000434440776 -1.5940499843941014 -1.6245203117795868 -1.1867483076307483 -0.3955788379351557 +28040,-0.03649266421738833,1,0.043992167822798314 -0.11351226019916605 -0.30271172404263463 -0.49980228795398507 -0.7299004479482543 -1.5974872231845783 -0.8846789711024647 -1.220548366347104 -1.1679236684746674 -1.2054820569685696 -1.3103199097765437 -1.9095803019743676 -1.387709171353649 -1.4720283038878021 -1.5688000434440776 -1.5940499843941014 -1.6245203117795868 -1.1867483076307483 -0.3955788379351557 -0.19127118737159884 +28041,-0.0225207821676958,1,-0.11351226019916605 -0.30271172404263463 -0.49980228795398507 -0.7299004479482543 -1.5974872231845783 -0.8846789711024647 -1.220548366347104 -1.1679236684746674 -1.2054820569685696 -1.3103199097765437 -1.9095803019743676 -1.387709171353649 -1.4720283038878021 -1.5688000434440776 -1.5940499843941014 -1.6245203117795868 -1.1867483076307483 -0.3955788379351557 -0.19127118737159884 -0.03649266421738833 +28042,0.02541874504429235,1,-0.30271172404263463 -0.49980228795398507 -0.7299004479482543 -1.5974872231845783 -0.8846789711024647 -1.220548366347104 -1.1679236684746674 -1.2054820569685696 -1.3103199097765437 -1.9095803019743676 -1.387709171353649 -1.4720283038878021 -1.5688000434440776 -1.5940499843941014 -1.6245203117795868 -1.1867483076307483 -0.3955788379351557 -0.19127118737159884 -0.03649266421738833 -0.0225207821676958 +28043,-0.27624787463760564,1,-0.49980228795398507 -0.7299004479482543 -1.5974872231845783 -0.8846789711024647 -1.220548366347104 -1.1679236684746674 -1.2054820569685696 -1.3103199097765437 -1.9095803019743676 -1.387709171353649 -1.4720283038878021 -1.5688000434440776 -1.5940499843941014 -1.6245203117795868 -1.1867483076307483 -0.3955788379351557 -0.19127118737159884 -0.03649266421738833 -0.0225207821676958 0.02541874504429235 +28044,-0.05042273130127221,1,-0.7299004479482543 -1.5974872231845783 -0.8846789711024647 -1.220548366347104 -1.1679236684746674 -1.2054820569685696 -1.3103199097765437 -1.9095803019743676 -1.387709171353649 -1.4720283038878021 -1.5688000434440776 -1.5940499843941014 -1.6245203117795868 -1.1867483076307483 -0.3955788379351557 -0.19127118737159884 -0.03649266421738833 -0.0225207821676958 0.02541874504429235 -0.27624787463760564 +28045,-0.2333196068716446,1,-1.5974872231845783 -0.8846789711024647 -1.220548366347104 -1.1679236684746674 -1.2054820569685696 -1.3103199097765437 -1.9095803019743676 -1.387709171353649 -1.4720283038878021 -1.5688000434440776 -1.5940499843941014 -1.6245203117795868 -1.1867483076307483 -0.3955788379351557 -0.19127118737159884 -0.03649266421738833 -0.0225207821676958 0.02541874504429235 -0.27624787463760564 -0.05042273130127221 +28046,-0.45903803242838587,1,-0.8846789711024647 -1.220548366347104 -1.1679236684746674 -1.2054820569685696 -1.3103199097765437 -1.9095803019743676 -1.387709171353649 -1.4720283038878021 -1.5688000434440776 -1.5940499843941014 -1.6245203117795868 -1.1867483076307483 -0.3955788379351557 -0.19127118737159884 -0.03649266421738833 -0.0225207821676958 0.02541874504429235 -0.27624787463760564 -0.05042273130127221 -0.2333196068716446 +28047,-0.5563226478015417,1,-1.220548366347104 -1.1679236684746674 -1.2054820569685696 -1.3103199097765437 -1.9095803019743676 -1.387709171353649 -1.4720283038878021 -1.5688000434440776 -1.5940499843941014 -1.6245203117795868 -1.1867483076307483 -0.3955788379351557 -0.19127118737159884 -0.03649266421738833 -0.0225207821676958 0.02541874504429235 -0.27624787463760564 -0.05042273130127221 -0.2333196068716446 -0.45903803242838587 +28048,-0.671084609149655,1,-1.1679236684746674 -1.2054820569685696 -1.3103199097765437 -1.9095803019743676 -1.387709171353649 -1.4720283038878021 -1.5688000434440776 -1.5940499843941014 -1.6245203117795868 -1.1867483076307483 -0.3955788379351557 -0.19127118737159884 -0.03649266421738833 -0.0225207821676958 0.02541874504429235 -0.27624787463760564 -0.05042273130127221 -0.2333196068716446 -0.45903803242838587 -0.5563226478015417 +28049,-1.0219522641568863,1,-1.2054820569685696 -1.3103199097765437 -1.9095803019743676 -1.387709171353649 -1.4720283038878021 -1.5688000434440776 -1.5940499843941014 -1.6245203117795868 -1.1867483076307483 -0.3955788379351557 -0.19127118737159884 -0.03649266421738833 -0.0225207821676958 0.02541874504429235 -0.27624787463760564 -0.05042273130127221 -0.2333196068716446 -0.45903803242838587 -0.5563226478015417 -0.671084609149655 +28050,-0.7995507833676472,1,-1.3103199097765437 -1.9095803019743676 -1.387709171353649 -1.4720283038878021 -1.5688000434440776 -1.5940499843941014 -1.6245203117795868 -1.1867483076307483 -0.3955788379351557 -0.19127118737159884 -0.03649266421738833 -0.0225207821676958 0.02541874504429235 -0.27624787463760564 -0.05042273130127221 -0.2333196068716446 -0.45903803242838587 -0.5563226478015417 -0.671084609149655 -1.0219522641568863 +28051,-0.8707489040185808,1,-1.9095803019743676 -1.387709171353649 -1.4720283038878021 -1.5688000434440776 -1.5940499843941014 -1.6245203117795868 -1.1867483076307483 -0.3955788379351557 -0.19127118737159884 -0.03649266421738833 -0.0225207821676958 0.02541874504429235 -0.27624787463760564 -0.05042273130127221 -0.2333196068716446 -0.45903803242838587 -0.5563226478015417 -0.671084609149655 -1.0219522641568863 -0.7995507833676472 +28052,-1.386390804111594,1,-1.387709171353649 -1.4720283038878021 -1.5688000434440776 -1.5940499843941014 -1.6245203117795868 -1.1867483076307483 -0.3955788379351557 -0.19127118737159884 -0.03649266421738833 -0.0225207821676958 0.02541874504429235 -0.27624787463760564 -0.05042273130127221 -0.2333196068716446 -0.45903803242838587 -0.5563226478015417 -0.671084609149655 -1.0219522641568863 -0.7995507833676472 -0.8707489040185808 +28053,-1.064222057961344,1,-1.4720283038878021 -1.5688000434440776 -1.5940499843941014 -1.6245203117795868 -1.1867483076307483 -0.3955788379351557 -0.19127118737159884 -0.03649266421738833 -0.0225207821676958 0.02541874504429235 -0.27624787463760564 -0.05042273130127221 -0.2333196068716446 -0.45903803242838587 -0.5563226478015417 -0.671084609149655 -1.0219522641568863 -0.7995507833676472 -0.8707489040185808 -1.386390804111594 +28054,-1.1506054971972695,1,-1.5688000434440776 -1.5940499843941014 -1.6245203117795868 -1.1867483076307483 -0.3955788379351557 -0.19127118737159884 -0.03649266421738833 -0.0225207821676958 0.02541874504429235 -0.27624787463760564 -0.05042273130127221 -0.2333196068716446 -0.45903803242838587 -0.5563226478015417 -0.671084609149655 -1.0219522641568863 -0.7995507833676472 -0.8707489040185808 -1.386390804111594 -1.064222057961344 +28055,-1.2453129300517727,1,-1.5940499843941014 -1.6245203117795868 -1.1867483076307483 -0.3955788379351557 -0.19127118737159884 -0.03649266421738833 -0.0225207821676958 0.02541874504429235 -0.27624787463760564 -0.05042273130127221 -0.2333196068716446 -0.45903803242838587 -0.5563226478015417 -0.671084609149655 -1.0219522641568863 -0.7995507833676472 -0.8707489040185808 -1.386390804111594 -1.064222057961344 -1.1506054971972695 +28056,-1.30643136204145,1,-1.6245203117795868 -1.1867483076307483 -0.3955788379351557 -0.19127118737159884 -0.03649266421738833 -0.0225207821676958 0.02541874504429235 -0.27624787463760564 -0.05042273130127221 -0.2333196068716446 -0.45903803242838587 -0.5563226478015417 -0.671084609149655 -1.0219522641568863 -0.7995507833676472 -0.8707489040185808 -1.386390804111594 -1.064222057961344 -1.1506054971972695 -1.2453129300517727 +28057,-1.3737791042697651,1,-1.1867483076307483 -0.3955788379351557 -0.19127118737159884 -0.03649266421738833 -0.0225207821676958 0.02541874504429235 -0.27624787463760564 -0.05042273130127221 -0.2333196068716446 -0.45903803242838587 -0.5563226478015417 -0.671084609149655 -1.0219522641568863 -0.7995507833676472 -0.8707489040185808 -1.386390804111594 -1.064222057961344 -1.1506054971972695 -1.2453129300517727 -1.30643136204145 +28058,-1.7220914926233304,1,-0.3955788379351557 -0.19127118737159884 -0.03649266421738833 -0.0225207821676958 0.02541874504429235 -0.27624787463760564 -0.05042273130127221 -0.2333196068716446 -0.45903803242838587 -0.5563226478015417 -0.671084609149655 -1.0219522641568863 -0.7995507833676472 -0.8707489040185808 -1.386390804111594 -1.064222057961344 -1.1506054971972695 -1.2453129300517727 -1.30643136204145 -1.3737791042697651 +28059,-1.4774807147830886,1,-0.19127118737159884 -0.03649266421738833 -0.0225207821676958 0.02541874504429235 -0.27624787463760564 -0.05042273130127221 -0.2333196068716446 -0.45903803242838587 -0.5563226478015417 -0.671084609149655 -1.0219522641568863 -0.7995507833676472 -0.8707489040185808 -1.386390804111594 -1.064222057961344 -1.1506054971972695 -1.2453129300517727 -1.30643136204145 -1.3737791042697651 -1.7220914926233304 +28060,-1.3286490391112549,1,-0.03649266421738833 -0.0225207821676958 0.02541874504429235 -0.27624787463760564 -0.05042273130127221 -0.2333196068716446 -0.45903803242838587 -0.5563226478015417 -0.671084609149655 -1.0219522641568863 -0.7995507833676472 -0.8707489040185808 -1.386390804111594 -1.064222057961344 -1.1506054971972695 -1.2453129300517727 -1.30643136204145 -1.3737791042697651 -1.7220914926233304 -1.4774807147830886 +28061,-1.1152989706022398,1,-0.0225207821676958 0.02541874504429235 -0.27624787463760564 -0.05042273130127221 -0.2333196068716446 -0.45903803242838587 -0.5563226478015417 -0.671084609149655 -1.0219522641568863 -0.7995507833676472 -0.8707489040185808 -1.386390804111594 -1.064222057961344 -1.1506054971972695 -1.2453129300517727 -1.30643136204145 -1.3737791042697651 -1.7220914926233304 -1.4774807147830886 -1.3286490391112549 +28062,-0.9955366253210253,1,0.02541874504429235 -0.27624787463760564 -0.05042273130127221 -0.2333196068716446 -0.45903803242838587 -0.5563226478015417 -0.671084609149655 -1.0219522641568863 -0.7995507833676472 -0.8707489040185808 -1.386390804111594 -1.064222057961344 -1.1506054971972695 -1.2453129300517727 -1.30643136204145 -1.3737791042697651 -1.7220914926233304 -1.4774807147830886 -1.3286490391112549 -1.1152989706022398 +28063,-0.7407349445690479,1,-0.27624787463760564 -0.05042273130127221 -0.2333196068716446 -0.45903803242838587 -0.5563226478015417 -0.671084609149655 -1.0219522641568863 -0.7995507833676472 -0.8707489040185808 -1.386390804111594 -1.064222057961344 -1.1506054971972695 -1.2453129300517727 -1.30643136204145 -1.3737791042697651 -1.7220914926233304 -1.4774807147830886 -1.3286490391112549 -1.1152989706022398 -0.9955366253210253 +28064,-0.5627396429417093,1,-0.05042273130127221 -0.2333196068716446 -0.45903803242838587 -0.5563226478015417 -0.671084609149655 -1.0219522641568863 -0.7995507833676472 -0.8707489040185808 -1.386390804111594 -1.064222057961344 -1.1506054971972695 -1.2453129300517727 -1.30643136204145 -1.3737791042697651 -1.7220914926233304 -1.4774807147830886 -1.3286490391112549 -1.1152989706022398 -0.9955366253210253 -0.7407349445690479 +28065,-0.601434273730262,1,-0.2333196068716446 -0.45903803242838587 -0.5563226478015417 -0.671084609149655 -1.0219522641568863 -0.7995507833676472 -0.8707489040185808 -1.386390804111594 -1.064222057961344 -1.1506054971972695 -1.2453129300517727 -1.30643136204145 -1.3737791042697651 -1.7220914926233304 -1.4774807147830886 -1.3286490391112549 -1.1152989706022398 -0.9955366253210253 -0.7407349445690479 -0.5627396429417093 +28066,-0.5976426218392294,1,-0.45903803242838587 -0.5563226478015417 -0.671084609149655 -1.0219522641568863 -0.7995507833676472 -0.8707489040185808 -1.386390804111594 -1.064222057961344 -1.1506054971972695 -1.2453129300517727 -1.30643136204145 -1.3737791042697651 -1.7220914926233304 -1.4774807147830886 -1.3286490391112549 -1.1152989706022398 -0.9955366253210253 -0.7407349445690479 -0.5627396429417093 -0.601434273730262 +28067,-0.573574139562503,1,-0.5563226478015417 -0.671084609149655 -1.0219522641568863 -0.7995507833676472 -0.8707489040185808 -1.386390804111594 -1.064222057961344 -1.1506054971972695 -1.2453129300517727 -1.30643136204145 -1.3737791042697651 -1.7220914926233304 -1.4774807147830886 -1.3286490391112549 -1.1152989706022398 -0.9955366253210253 -0.7407349445690479 -0.5627396429417093 -0.601434273730262 -0.5976426218392294 +28068,-0.6492642479296704,1,-0.671084609149655 -1.0219522641568863 -0.7995507833676472 -0.8707489040185808 -1.386390804111594 -1.064222057961344 -1.1506054971972695 -1.2453129300517727 -1.30643136204145 -1.3737791042697651 -1.7220914926233304 -1.4774807147830886 -1.3286490391112549 -1.1152989706022398 -0.9955366253210253 -0.7407349445690479 -0.5627396429417093 -0.601434273730262 -0.5976426218392294 -0.573574139562503 +28069,-0.7453783002636788,1,-1.0219522641568863 -0.7995507833676472 -0.8707489040185808 -1.386390804111594 -1.064222057961344 -1.1506054971972695 -1.2453129300517727 -1.30643136204145 -1.3737791042697651 -1.7220914926233304 -1.4774807147830886 -1.3286490391112549 -1.1152989706022398 -0.9955366253210253 -0.7407349445690479 -0.5627396429417093 -0.601434273730262 -0.5976426218392294 -0.573574139562503 -0.6492642479296704 +28070,-1.3158531899737285,1,-0.7995507833676472 -0.8707489040185808 -1.386390804111594 -1.064222057961344 -1.1506054971972695 -1.2453129300517727 -1.30643136204145 -1.3737791042697651 -1.7220914926233304 -1.4774807147830886 -1.3286490391112549 -1.1152989706022398 -0.9955366253210253 -0.7407349445690479 -0.5627396429417093 -0.601434273730262 -0.5976426218392294 -0.573574139562503 -0.6492642479296704 -0.7453783002636788 +28071,-1.1369679638438273,1,-0.8707489040185808 -1.386390804111594 -1.064222057961344 -1.1506054971972695 -1.2453129300517727 -1.30643136204145 -1.3737791042697651 -1.7220914926233304 -1.4774807147830886 -1.3286490391112549 -1.1152989706022398 -0.9955366253210253 -0.7407349445690479 -0.5627396429417093 -0.601434273730262 -0.5976426218392294 -0.573574139562503 -0.6492642479296704 -0.7453783002636788 -1.3158531899737285 +28072,-1.1960388083078075,1,-1.386390804111594 -1.064222057961344 -1.1506054971972695 -1.2453129300517727 -1.30643136204145 -1.3737791042697651 -1.7220914926233304 -1.4774807147830886 -1.3286490391112549 -1.1152989706022398 -0.9955366253210253 -0.7407349445690479 -0.5627396429417093 -0.601434273730262 -0.5976426218392294 -0.573574139562503 -0.6492642479296704 -0.7453783002636788 -1.3158531899737285 -1.1369679638438273 +28073,-1.2700774937564503,1,-1.064222057961344 -1.1506054971972695 -1.2453129300517727 -1.30643136204145 -1.3737791042697651 -1.7220914926233304 -1.4774807147830886 -1.3286490391112549 -1.1152989706022398 -0.9955366253210253 -0.7407349445690479 -0.5627396429417093 -0.601434273730262 -0.5976426218392294 -0.573574139562503 -0.6492642479296704 -0.7453783002636788 -1.3158531899737285 -1.1369679638438273 -1.1960388083078075 +28074,-1.4403338692260765,1,-1.1506054971972695 -1.2453129300517727 -1.30643136204145 -1.3737791042697651 -1.7220914926233304 -1.4774807147830886 -1.3286490391112549 -1.1152989706022398 -0.9955366253210253 -0.7407349445690479 -0.5627396429417093 -0.601434273730262 -0.5976426218392294 -0.573574139562503 -0.6492642479296704 -0.7453783002636788 -1.3158531899737285 -1.1369679638438273 -1.1960388083078075 -1.2700774937564503 +28075,-1.4480925513144869,1,-1.2453129300517727 -1.30643136204145 -1.3737791042697651 -1.7220914926233304 -1.4774807147830886 -1.3286490391112549 -1.1152989706022398 -0.9955366253210253 -0.7407349445690479 -0.5627396429417093 -0.601434273730262 -0.5976426218392294 -0.573574139562503 -0.6492642479296704 -0.7453783002636788 -1.3158531899737285 -1.1369679638438273 -1.1960388083078075 -1.2700774937564503 -1.4403338692260765 +28076,-1.5177231308031818,1,-1.30643136204145 -1.3737791042697651 -1.7220914926233304 -1.4774807147830886 -1.3286490391112549 -1.1152989706022398 -0.9955366253210253 -0.7407349445690479 -0.5627396429417093 -0.601434273730262 -0.5976426218392294 -0.573574139562503 -0.6492642479296704 -0.7453783002636788 -1.3158531899737285 -1.1369679638438273 -1.1960388083078075 -1.2700774937564503 -1.4403338692260765 -1.4480925513144869 +28077,-1.6526617060744957,1,-1.3737791042697651 -1.7220914926233304 -1.4774807147830886 -1.3286490391112549 -1.1152989706022398 -0.9955366253210253 -0.7407349445690479 -0.5627396429417093 -0.601434273730262 -0.5976426218392294 -0.573574139562503 -0.6492642479296704 -0.7453783002636788 -1.3158531899737285 -1.1369679638438273 -1.1960388083078075 -1.2700774937564503 -1.4403338692260765 -1.4480925513144869 -1.5177231308031818 +28078,-1.8118023247961872,1,-1.7220914926233304 -1.4774807147830886 -1.3286490391112549 -1.1152989706022398 -0.9955366253210253 -0.7407349445690479 -0.5627396429417093 -0.601434273730262 -0.5976426218392294 -0.573574139562503 -0.6492642479296704 -0.7453783002636788 -1.3158531899737285 -1.1369679638438273 -1.1960388083078075 -1.2700774937564503 -1.4403338692260765 -1.4480925513144869 -1.5177231308031818 -1.6526617060744957 +28079,-2.6459810290700982,1,-1.4774807147830886 -1.3286490391112549 -1.1152989706022398 -0.9955366253210253 -0.7407349445690479 -0.5627396429417093 -0.601434273730262 -0.5976426218392294 -0.573574139562503 -0.6492642479296704 -0.7453783002636788 -1.3158531899737285 -1.1369679638438273 -1.1960388083078075 -1.2700774937564503 -1.4403338692260765 -1.4480925513144869 -1.5177231308031818 -1.6526617060744957 -1.8118023247961872 +28080,-1.9944409821181566,1,-1.3286490391112549 -1.1152989706022398 -0.9955366253210253 -0.7407349445690479 -0.5627396429417093 -0.601434273730262 -0.5976426218392294 -0.573574139562503 -0.6492642479296704 -0.7453783002636788 -1.3158531899737285 -1.1369679638438273 -1.1960388083078075 -1.2700774937564503 -1.4403338692260765 -1.4480925513144869 -1.5177231308031818 -1.6526617060744957 -1.8118023247961872 -2.6459810290700982 +28081,-2.045446300250594,1,-1.1152989706022398 -0.9955366253210253 -0.7407349445690479 -0.5627396429417093 -0.601434273730262 -0.5976426218392294 -0.573574139562503 -0.6492642479296704 -0.7453783002636788 -1.3158531899737285 -1.1369679638438273 -1.1960388083078075 -1.2700774937564503 -1.4403338692260765 -1.4480925513144869 -1.5177231308031818 -1.6526617060744957 -1.8118023247961872 -2.6459810290700982 -1.9944409821181566 +28082,-2.113620444946896,1,-0.9955366253210253 -0.7407349445690479 -0.5627396429417093 -0.601434273730262 -0.5976426218392294 -0.573574139562503 -0.6492642479296704 -0.7453783002636788 -1.3158531899737285 -1.1369679638438273 -1.1960388083078075 -1.2700774937564503 -1.4403338692260765 -1.4480925513144869 -1.5177231308031818 -1.6526617060744957 -1.8118023247961872 -2.6459810290700982 -1.9944409821181566 -2.045446300250594 +28083,-1.9953262366431042,1,-0.7407349445690479 -0.5627396429417093 -0.601434273730262 -0.5976426218392294 -0.573574139562503 -0.6492642479296704 -0.7453783002636788 -1.3158531899737285 -1.1369679638438273 -1.1960388083078075 -1.2700774937564503 -1.4403338692260765 -1.4480925513144869 -1.5177231308031818 -1.6526617060744957 -1.8118023247961872 -2.6459810290700982 -1.9944409821181566 -2.045446300250594 -2.113620444946896 +28084,-1.7545342712291285,1,-0.5627396429417093 -0.601434273730262 -0.5976426218392294 -0.573574139562503 -0.6492642479296704 -0.7453783002636788 -1.3158531899737285 -1.1369679638438273 -1.1960388083078075 -1.2700774937564503 -1.4403338692260765 -1.4480925513144869 -1.5177231308031818 -1.6526617060744957 -1.8118023247961872 -2.6459810290700982 -1.9944409821181566 -2.045446300250594 -2.113620444946896 -1.9953262366431042 +28085,-1.7732192602244659,1,-0.601434273730262 -0.5976426218392294 -0.573574139562503 -0.6492642479296704 -0.7453783002636788 -1.3158531899737285 -1.1369679638438273 -1.1960388083078075 -1.2700774937564503 -1.4403338692260765 -1.4480925513144869 -1.5177231308031818 -1.6526617060744957 -1.8118023247961872 -2.6459810290700982 -1.9944409821181566 -2.045446300250594 -2.113620444946896 -1.9953262366431042 -1.7545342712291285 +28086,-1.230651847562942,1,-0.5976426218392294 -0.573574139562503 -0.6492642479296704 -0.7453783002636788 -1.3158531899737285 -1.1369679638438273 -1.1960388083078075 -1.2700774937564503 -1.4403338692260765 -1.4480925513144869 -1.5177231308031818 -1.6526617060744957 -1.8118023247961872 -2.6459810290700982 -1.9944409821181566 -2.045446300250594 -2.113620444946896 -1.9953262366431042 -1.7545342712291285 -1.7732192602244659 +28087,-0.8165764209146125,1,-0.573574139562503 -0.6492642479296704 -0.7453783002636788 -1.3158531899737285 -1.1369679638438273 -1.1960388083078075 -1.2700774937564503 -1.4403338692260765 -1.4480925513144869 -1.5177231308031818 -1.6526617060744957 -1.8118023247961872 -2.6459810290700982 -1.9944409821181566 -2.045446300250594 -2.113620444946896 -1.9953262366431042 -1.7545342712291285 -1.7732192602244659 -1.230651847562942 +28088,-0.4992804484484792,1,-0.6492642479296704 -0.7453783002636788 -1.3158531899737285 -1.1369679638438273 -1.1960388083078075 -1.2700774937564503 -1.4403338692260765 -1.4480925513144869 -1.5177231308031818 -1.6526617060744957 -1.8118023247961872 -2.6459810290700982 -1.9944409821181566 -2.045446300250594 -2.113620444946896 -1.9953262366431042 -1.7545342712291285 -1.7732192602244659 -1.230651847562942 -0.8165764209146125 +28089,-0.4296301130290862,1,-0.7453783002636788 -1.3158531899737285 -1.1369679638438273 -1.1960388083078075 -1.2700774937564503 -1.4403338692260765 -1.4480925513144869 -1.5177231308031818 -1.6526617060744957 -1.8118023247961872 -2.6459810290700982 -1.9944409821181566 -2.045446300250594 -2.113620444946896 -1.9953262366431042 -1.7545342712291285 -1.7732192602244659 -1.230651847562942 -0.8165764209146125 -0.4992804484484792 +28090,-0.4209627661640945,1,-1.3158531899737285 -1.1369679638438273 -1.1960388083078075 -1.2700774937564503 -1.4403338692260765 -1.4480925513144869 -1.5177231308031818 -1.6526617060744957 -1.8118023247961872 -2.6459810290700982 -1.9944409821181566 -2.045446300250594 -2.113620444946896 -1.9953262366431042 -1.7545342712291285 -1.7732192602244659 -1.230651847562942 -0.8165764209146125 -0.4992804484484792 -0.4296301130290862 +28091,-0.3801009856197399,1,-1.1369679638438273 -1.1960388083078075 -1.2700774937564503 -1.4403338692260765 -1.4480925513144869 -1.5177231308031818 -1.6526617060744957 -1.8118023247961872 -2.6459810290700982 -1.9944409821181566 -2.045446300250594 -2.113620444946896 -1.9953262366431042 -1.7545342712291285 -1.7732192602244659 -1.230651847562942 -0.8165764209146125 -0.4992804484484792 -0.4296301130290862 -0.4209627661640945 +28092,-0.44656846152535307,1,-1.1960388083078075 -1.2700774937564503 -1.4403338692260765 -1.4480925513144869 -1.5177231308031818 -1.6526617060744957 -1.8118023247961872 -2.6459810290700982 -1.9944409821181566 -2.045446300250594 -2.113620444946896 -1.9953262366431042 -1.7545342712291285 -1.7732192602244659 -1.230651847562942 -0.8165764209146125 -0.4992804484484792 -0.4296301130290862 -0.4209627661640945 -0.3801009856197399 +28093,-0.5348795087739504,1,-1.2700774937564503 -1.4403338692260765 -1.4480925513144869 -1.5177231308031818 -1.6526617060744957 -1.8118023247961872 -2.6459810290700982 -1.9944409821181566 -2.045446300250594 -2.113620444946896 -1.9953262366431042 -1.7545342712291285 -1.7732192602244659 -1.230651847562942 -0.8165764209146125 -0.4992804484484792 -0.4296301130290862 -0.4209627661640945 -0.3801009856197399 -0.44656846152535307 +28094,-1.4212742389702258,1,-1.4403338692260765 -1.4480925513144869 -1.5177231308031818 -1.6526617060744957 -1.8118023247961872 -2.6459810290700982 -1.9944409821181566 -2.045446300250594 -2.113620444946896 -1.9953262366431042 -1.7545342712291285 -1.7732192602244659 -1.230651847562942 -0.8165764209146125 -0.4992804484484792 -0.4296301130290862 -0.4209627661640945 -0.3801009856197399 -0.44656846152535307 -0.5348795087739504 +28095,-0.971354944068823,1,-1.4480925513144869 -1.5177231308031818 -1.6526617060744957 -1.8118023247961872 -2.6459810290700982 -1.9944409821181566 -2.045446300250594 -2.113620444946896 -1.9953262366431042 -1.7545342712291285 -1.7732192602244659 -1.230651847562942 -0.8165764209146125 -0.4992804484484792 -0.4296301130290862 -0.4209627661640945 -0.3801009856197399 -0.44656846152535307 -0.5348795087739504 -1.4212742389702258 +28096,-1.0391766442926116,1,-1.5177231308031818 -1.6526617060744957 -1.8118023247961872 -2.6459810290700982 -1.9944409821181566 -2.045446300250594 -2.113620444946896 -1.9953262366431042 -1.7545342712291285 -1.7732192602244659 -1.230651847562942 -0.8165764209146125 -0.4992804484484792 -0.4296301130290862 -0.4209627661640945 -0.3801009856197399 -0.44656846152535307 -0.5348795087739504 -1.4212742389702258 -0.971354944068823 +28097,-1.132324608149205,1,-1.6526617060744957 -1.8118023247961872 -2.6459810290700982 -1.9944409821181566 -2.045446300250594 -2.113620444946896 -1.9953262366431042 -1.7545342712291285 -1.7732192602244659 -1.230651847562942 -0.8165764209146125 -0.4992804484484792 -0.4296301130290862 -0.4209627661640945 -0.3801009856197399 -0.44656846152535307 -0.5348795087739504 -1.4212742389702258 -0.971354944068823 -1.0391766442926116 +28098,-1.1911404469478044,1,-1.8118023247961872 -2.6459810290700982 -1.9944409821181566 -2.045446300250594 -2.113620444946896 -1.9953262366431042 -1.7545342712291285 -1.7732192602244659 -1.230651847562942 -0.8165764209146125 -0.4992804484484792 -0.4296301130290862 -0.4209627661640945 -0.3801009856197399 -0.44656846152535307 -0.5348795087739504 -1.4212742389702258 -0.971354944068823 -1.0391766442926116 -1.132324608149205 +28099,-1.2036198168791339,1,-2.6459810290700982 -1.9944409821181566 -2.045446300250594 -2.113620444946896 -1.9953262366431042 -1.7545342712291285 -1.7732192602244659 -1.230651847562942 -0.8165764209146125 -0.4992804484484792 -0.4296301130290862 -0.4209627661640945 -0.3801009856197399 -0.44656846152535307 -0.5348795087739504 -1.4212742389702258 -0.971354944068823 -1.0391766442926116 -1.132324608149205 -1.1911404469478044 +28100,-1.4031870236690736,1,-1.9944409821181566 -2.045446300250594 -2.113620444946896 -1.9953262366431042 -1.7545342712291285 -1.7732192602244659 -1.230651847562942 -0.8165764209146125 -0.4992804484484792 -0.4296301130290862 -0.4209627661640945 -0.3801009856197399 -0.44656846152535307 -0.5348795087739504 -1.4212742389702258 -0.971354944068823 -1.0391766442926116 -1.132324608149205 -1.1911404469478044 -1.2036198168791339 +28101,-1.408795946916526,1,-2.045446300250594 -2.113620444946896 -1.9953262366431042 -1.7545342712291285 -1.7732192602244659 -1.230651847562942 -0.8165764209146125 -0.4992804484484792 -0.4296301130290862 -0.4209627661640945 -0.3801009856197399 -0.44656846152535307 -0.5348795087739504 -1.4212742389702258 -0.971354944068823 -1.0391766442926116 -1.132324608149205 -1.1911404469478044 -1.2036198168791339 -1.4031870236690736 +28102,-1.4155693055214078,1,-2.113620444946896 -1.9953262366431042 -1.7545342712291285 -1.7732192602244659 -1.230651847562942 -0.8165764209146125 -0.4992804484484792 -0.4296301130290862 -0.4209627661640945 -0.3801009856197399 -0.44656846152535307 -0.5348795087739504 -1.4212742389702258 -0.971354944068823 -1.0391766442926116 -1.132324608149205 -1.1911404469478044 -1.2036198168791339 -1.4031870236690736 -1.408795946916526 +28103,-2.410338387402147,1,-1.9953262366431042 -1.7545342712291285 -1.7732192602244659 -1.230651847562942 -0.8165764209146125 -0.4992804484484792 -0.4296301130290862 -0.4209627661640945 -0.3801009856197399 -0.44656846152535307 -0.5348795087739504 -1.4212742389702258 -0.971354944068823 -1.0391766442926116 -1.132324608149205 -1.1911404469478044 -1.2036198168791339 -1.4031870236690736 -1.408795946916526 -1.4155693055214078 +28104,-1.9139561500779612,1,-1.7545342712291285 -1.7732192602244659 -1.230651847562942 -0.8165764209146125 -0.4992804484484792 -0.4296301130290862 -0.4209627661640945 -0.3801009856197399 -0.44656846152535307 -0.5348795087739504 -1.4212742389702258 -0.971354944068823 -1.0391766442926116 -1.132324608149205 -1.1911404469478044 -1.2036198168791339 -1.4031870236690736 -1.408795946916526 -1.4155693055214078 -2.410338387402147 +28105,-1.9191290592849022,1,-1.7732192602244659 -1.230651847562942 -0.8165764209146125 -0.4992804484484792 -0.4296301130290862 -0.4209627661640945 -0.3801009856197399 -0.44656846152535307 -0.5348795087739504 -1.4212742389702258 -0.971354944068823 -1.0391766442926116 -1.132324608149205 -1.1911404469478044 -1.2036198168791339 -1.4031870236690736 -1.408795946916526 -1.4155693055214078 -2.410338387402147 -1.9139561500779612 +28106,-1.927886217161845,1,-1.230651847562942 -0.8165764209146125 -0.4992804484484792 -0.4296301130290862 -0.4209627661640945 -0.3801009856197399 -0.44656846152535307 -0.5348795087739504 -1.4212742389702258 -0.971354944068823 -1.0391766442926116 -1.132324608149205 -1.1911404469478044 -1.2036198168791339 -1.4031870236690736 -1.408795946916526 -1.4155693055214078 -2.410338387402147 -1.9139561500779612 -1.9191290592849022 +28107,-1.9038601214480126,1,-0.8165764209146125 -0.4992804484484792 -0.4296301130290862 -0.4209627661640945 -0.3801009856197399 -0.44656846152535307 -0.5348795087739504 -1.4212742389702258 -0.971354944068823 -1.0391766442926116 -1.132324608149205 -1.1911404469478044 -1.2036198168791339 -1.4031870236690736 -1.408795946916526 -1.4155693055214078 -2.410338387402147 -1.9139561500779612 -1.9191290592849022 -1.927886217161845 +28108,-1.8628792374370742,1,-0.4992804484484792 -0.4296301130290862 -0.4209627661640945 -0.3801009856197399 -0.44656846152535307 -0.5348795087739504 -1.4212742389702258 -0.971354944068823 -1.0391766442926116 -1.132324608149205 -1.1911404469478044 -1.2036198168791339 -1.4031870236690736 -1.408795946916526 -1.4155693055214078 -2.410338387402147 -1.9139561500779612 -1.9191290592849022 -1.927886217161845 -1.9038601214480126 +28109,-1.7587027000147277,1,-0.4296301130290862 -0.4209627661640945 -0.3801009856197399 -0.44656846152535307 -0.5348795087739504 -1.4212742389702258 -0.971354944068823 -1.0391766442926116 -1.132324608149205 -1.1911404469478044 -1.2036198168791339 -1.4031870236690736 -1.408795946916526 -1.4155693055214078 -2.410338387402147 -1.9139561500779612 -1.9191290592849022 -1.927886217161845 -1.9038601214480126 -1.8628792374370742 +28110,-1.1911404469478044,1,-0.4209627661640945 -0.3801009856197399 -0.44656846152535307 -0.5348795087739504 -1.4212742389702258 -0.971354944068823 -1.0391766442926116 -1.132324608149205 -1.1911404469478044 -1.2036198168791339 -1.4031870236690736 -1.408795946916526 -1.4155693055214078 -2.410338387402147 -1.9139561500779612 -1.9191290592849022 -1.927886217161845 -1.9038601214480126 -1.8628792374370742 -1.7587027000147277 +28111,-0.5395228644685724,1,-0.3801009856197399 -0.44656846152535307 -0.5348795087739504 -1.4212742389702258 -0.971354944068823 -1.0391766442926116 -1.132324608149205 -1.1911404469478044 -1.2036198168791339 -1.4031870236690736 -1.408795946916526 -1.4155693055214078 -2.410338387402147 -1.9139561500779612 -1.9191290592849022 -1.927886217161845 -1.9038601214480126 -1.8628792374370742 -1.7587027000147277 -1.1911404469478044 +28112,-0.40641333455594936,1,-0.44656846152535307 -0.5348795087739504 -1.4212742389702258 -0.971354944068823 -1.0391766442926116 -1.132324608149205 -1.1911404469478044 -1.2036198168791339 -1.4031870236690736 -1.408795946916526 -1.4155693055214078 -2.410338387402147 -1.9139561500779612 -1.9191290592849022 -1.927886217161845 -1.9038601214480126 -1.8628792374370742 -1.7587027000147277 -1.1911404469478044 -0.5395228644685724 +28113,-0.3983201123102569,1,-0.5348795087739504 -1.4212742389702258 -0.971354944068823 -1.0391766442926116 -1.132324608149205 -1.1911404469478044 -1.2036198168791339 -1.4031870236690736 -1.408795946916526 -1.4155693055214078 -2.410338387402147 -1.9139561500779612 -1.9191290592849022 -1.927886217161845 -1.9038601214480126 -1.8628792374370742 -1.7587027000147277 -1.1911404469478044 -0.5395228644685724 -0.40641333455594936 +28114,-0.3181895763580504,1,-1.4212742389702258 -0.971354944068823 -1.0391766442926116 -1.132324608149205 -1.1911404469478044 -1.2036198168791339 -1.4031870236690736 -1.408795946916526 -1.4155693055214078 -2.410338387402147 -1.9139561500779612 -1.9191290592849022 -1.927886217161845 -1.9038601214480126 -1.8628792374370742 -1.7587027000147277 -1.1911404469478044 -0.5395228644685724 -0.40641333455594936 -0.3983201123102569 +28115,-0.6111088457041367,1,-0.971354944068823 -1.0391766442926116 -1.132324608149205 -1.1911404469478044 -1.2036198168791339 -1.4031870236690736 -1.408795946916526 -1.4155693055214078 -2.410338387402147 -1.9139561500779612 -1.9191290592849022 -1.927886217161845 -1.9038601214480126 -1.8628792374370742 -1.7587027000147277 -1.1911404469478044 -0.5395228644685724 -0.40641333455594936 -0.3983201123102569 -0.3181895763580504 +28116,-0.3290240729788441,1,-1.0391766442926116 -1.132324608149205 -1.1911404469478044 -1.2036198168791339 -1.4031870236690736 -1.408795946916526 -1.4155693055214078 -2.410338387402147 -1.9139561500779612 -1.9191290592849022 -1.927886217161845 -1.9038601214480126 -1.8628792374370742 -1.7587027000147277 -1.1911404469478044 -0.5395228644685724 -0.40641333455594936 -0.3983201123102569 -0.3181895763580504 -0.6111088457041367 +28117,-0.5205649792679241,1,-1.132324608149205 -1.1911404469478044 -1.2036198168791339 -1.4031870236690736 -1.408795946916526 -1.4155693055214078 -2.410338387402147 -1.9139561500779612 -1.9191290592849022 -1.927886217161845 -1.9038601214480126 -1.8628792374370742 -1.7587027000147277 -1.1911404469478044 -0.5395228644685724 -0.40641333455594936 -0.3983201123102569 -0.3181895763580504 -0.6111088457041367 -0.3290240729788441 +28118,-0.7809773605891412,1,-1.1911404469478044 -1.2036198168791339 -1.4031870236690736 -1.408795946916526 -1.4155693055214078 -2.410338387402147 -1.9139561500779612 -1.9191290592849022 -1.927886217161845 -1.9038601214480126 -1.8628792374370742 -1.7587027000147277 -1.1911404469478044 -0.5395228644685724 -0.40641333455594936 -0.3983201123102569 -0.3181895763580504 -0.6111088457041367 -0.3290240729788441 -0.5205649792679241 +28119,-0.8759763579509743,1,-1.2036198168791339 -1.4031870236690736 -1.408795946916526 -1.4155693055214078 -2.410338387402147 -1.9139561500779612 -1.9191290592849022 -1.927886217161845 -1.9038601214480126 -1.8628792374370742 -1.7587027000147277 -1.1911404469478044 -0.5395228644685724 -0.40641333455594936 -0.3983201123102569 -0.3181895763580504 -0.6111088457041367 -0.3290240729788441 -0.5205649792679241 -0.7809773605891412 +28120,-1.003858433931204,1,-1.4031870236690736 -1.408795946916526 -1.4155693055214078 -2.410338387402147 -1.9139561500779612 -1.9191290592849022 -1.927886217161845 -1.9038601214480126 -1.8628792374370742 -1.7587027000147277 -1.1911404469478044 -0.5395228644685724 -0.40641333455594936 -0.3983201123102569 -0.3181895763580504 -0.6111088457041367 -0.3290240729788441 -0.5205649792679241 -0.7809773605891412 -0.8759763579509743 +28121,-1.8391279088913415,1,-1.408795946916526 -1.4155693055214078 -2.410338387402147 -1.9139561500779612 -1.9191290592849022 -1.927886217161845 -1.9038601214480126 -1.8628792374370742 -1.7587027000147277 -1.1911404469478044 -0.5395228644685724 -0.40641333455594936 -0.3983201123102569 -0.3181895763580504 -0.6111088457041367 -0.3290240729788441 -0.5205649792679241 -0.7809773605891412 -0.8759763579509743 -1.003858433931204 +28122,-1.3613968224174307,1,-1.4155693055214078 -2.410338387402147 -1.9139561500779612 -1.9191290592849022 -1.927886217161845 -1.9038601214480126 -1.8628792374370742 -1.7587027000147277 -1.1911404469478044 -0.5395228644685724 -0.40641333455594936 -0.3983201123102569 -0.3181895763580504 -0.6111088457041367 -0.3290240729788441 -0.5205649792679241 -0.7809773605891412 -0.8759763579509743 -1.003858433931204 -1.8391279088913415 +28123,-1.5575737516138202,1,-2.410338387402147 -1.9139561500779612 -1.9191290592849022 -1.927886217161845 -1.9038601214480126 -1.8628792374370742 -1.7587027000147277 -1.1911404469478044 -0.5395228644685724 -0.40641333455594936 -0.3983201123102569 -0.3181895763580504 -0.6111088457041367 -0.3290240729788441 -0.5205649792679241 -0.7809773605891412 -0.8759763579509743 -1.003858433931204 -1.8391279088913415 -1.3613968224174307 +28124,-1.7777510497022566,1,-1.9139561500779612 -1.9191290592849022 -1.927886217161845 -1.9038601214480126 -1.8628792374370742 -1.7587027000147277 -1.1911404469478044 -0.5395228644685724 -0.40641333455594936 -0.3983201123102569 -0.3181895763580504 -0.6111088457041367 -0.3290240729788441 -0.5205649792679241 -0.7809773605891412 -0.8759763579509743 -1.003858433931204 -1.8391279088913415 -1.3613968224174307 -1.5575737516138202 +28125,-1.7820453806010605,1,-1.9191290592849022 -1.927886217161845 -1.9038601214480126 -1.8628792374370742 -1.7587027000147277 -1.1911404469478044 -0.5395228644685724 -0.40641333455594936 -0.3983201123102569 -0.3181895763580504 -0.6111088457041367 -0.3290240729788441 -0.5205649792679241 -0.7809773605891412 -0.8759763579509743 -1.003858433931204 -1.8391279088913415 -1.3613968224174307 -1.5575737516138202 -1.7777510497022566 +28126,-1.7870377610915096,1,-1.927886217161845 -1.9038601214480126 -1.8628792374370742 -1.7587027000147277 -1.1911404469478044 -0.5395228644685724 -0.40641333455594936 -0.3983201123102569 -0.3181895763580504 -0.6111088457041367 -0.3290240729788441 -0.5205649792679241 -0.7809773605891412 -0.8759763579509743 -1.003858433931204 -1.8391279088913415 -1.3613968224174307 -1.5575737516138202 -1.7777510497022566 -1.7820453806010605 +28127,-2.43083569282905,1,-1.9038601214480126 -1.8628792374370742 -1.7587027000147277 -1.1911404469478044 -0.5395228644685724 -0.40641333455594936 -0.3983201123102569 -0.3181895763580504 -0.6111088457041367 -0.3290240729788441 -0.5205649792679241 -0.7809773605891412 -0.8759763579509743 -1.003858433931204 -1.8391279088913415 -1.3613968224174307 -1.5575737516138202 -1.7777510497022566 -1.7820453806010605 -1.7870377610915096 +28128,-1.8984782977625454,1,-1.8628792374370742 -1.7587027000147277 -1.1911404469478044 -0.5395228644685724 -0.40641333455594936 -0.3983201123102569 -0.3181895763580504 -0.6111088457041367 -0.3290240729788441 -0.5205649792679241 -0.7809773605891412 -0.8759763579509743 -1.003858433931204 -1.8391279088913415 -1.3613968224174307 -1.5575737516138202 -1.7777510497022566 -1.7820453806010605 -1.7870377610915096 -2.43083569282905 +28129,-1.9366605814576394,1,-1.7587027000147277 -1.1911404469478044 -0.5395228644685724 -0.40641333455594936 -0.3983201123102569 -0.3181895763580504 -0.6111088457041367 -0.3290240729788441 -0.5205649792679241 -0.7809773605891412 -0.8759763579509743 -1.003858433931204 -1.8391279088913415 -1.3613968224174307 -1.5575737516138202 -1.7777510497022566 -1.7820453806010605 -1.7870377610915096 -2.43083569282905 -1.8984782977625454 +28130,-1.9820587002658134,1,-1.1911404469478044 -0.5395228644685724 -0.40641333455594936 -0.3983201123102569 -0.3181895763580504 -0.6111088457041367 -0.3290240729788441 -0.5205649792679241 -0.7809773605891412 -0.8759763579509743 -1.003858433931204 -1.8391279088913415 -1.3613968224174307 -1.5575737516138202 -1.7777510497022566 -1.7820453806010605 -1.7870377610915096 -2.43083569282905 -1.8984782977625454 -1.9366605814576394 +28131,-1.9865953575281652,1,-0.5395228644685724 -0.40641333455594936 -0.3983201123102569 -0.3181895763580504 -0.6111088457041367 -0.3290240729788441 -0.5205649792679241 -0.7809773605891412 -0.8759763579509743 -1.003858433931204 -1.8391279088913415 -1.3613968224174307 -1.5575737516138202 -1.7777510497022566 -1.7820453806010605 -1.7870377610915096 -2.43083569282905 -1.8984782977625454 -1.9366605814576394 -1.9820587002658134 +28132,-1.9913454116550664,1,-0.40641333455594936 -0.3983201123102569 -0.3181895763580504 -0.6111088457041367 -0.3290240729788441 -0.5205649792679241 -0.7809773605891412 -0.8759763579509743 -1.003858433931204 -1.8391279088913415 -1.3613968224174307 -1.5575737516138202 -1.7777510497022566 -1.7820453806010605 -1.7870377610915096 -2.43083569282905 -1.8984782977625454 -1.9366605814576394 -1.9820587002658134 -1.9865953575281652 +28133,-1.2035227288001387,1,-0.3983201123102569 -0.3181895763580504 -0.6111088457041367 -0.3290240729788441 -0.5205649792679241 -0.7809773605891412 -0.8759763579509743 -1.003858433931204 -1.8391279088913415 -1.3613968224174307 -1.5575737516138202 -1.7777510497022566 -1.7820453806010605 -1.7870377610915096 -2.43083569282905 -1.8984782977625454 -1.9366605814576394 -1.9820587002658134 -1.9865953575281652 -1.9913454116550664 +28134,-1.2025048348076464,1,-0.3181895763580504 -0.6111088457041367 -0.3290240729788441 -0.5205649792679241 -0.7809773605891412 -0.8759763579509743 -1.003858433931204 -1.8391279088913415 -1.3613968224174307 -1.5575737516138202 -1.7777510497022566 -1.7820453806010605 -1.7870377610915096 -2.43083569282905 -1.8984782977625454 -1.9366605814576394 -1.9820587002658134 -1.9865953575281652 -1.9913454116550664 -1.2035227288001387 +28135,-0.8274109175354062,1,-0.6111088457041367 -0.3290240729788441 -0.5205649792679241 -0.7809773605891412 -0.8759763579509743 -1.003858433931204 -1.8391279088913415 -1.3613968224174307 -1.5575737516138202 -1.7777510497022566 -1.7820453806010605 -1.7870377610915096 -2.43083569282905 -1.8984782977625454 -1.9366605814576394 -1.9820587002658134 -1.9865953575281652 -1.9913454116550664 -1.2035227288001387 -1.2025048348076464 +28136,-0.5935053278370112,1,-0.3290240729788441 -0.5205649792679241 -0.7809773605891412 -0.8759763579509743 -1.003858433931204 -1.8391279088913415 -1.3613968224174307 -1.5575737516138202 -1.7777510497022566 -1.7820453806010605 -1.7870377610915096 -2.43083569282905 -1.8984782977625454 -1.9366605814576394 -1.9820587002658134 -1.9865953575281652 -1.9913454116550664 -1.2035227288001387 -1.2025048348076464 -0.8274109175354062 +28137,-0.1680544088984708,1,-0.5205649792679241 -0.7809773605891412 -0.8759763579509743 -1.003858433931204 -1.8391279088913415 -1.3613968224174307 -1.5575737516138202 -1.7777510497022566 -1.7820453806010605 -1.7870377610915096 -2.43083569282905 -1.8984782977625454 -1.9366605814576394 -1.9820587002658134 -1.9865953575281652 -1.9913454116550664 -1.2035227288001387 -1.2025048348076464 -0.8274109175354062 -0.5935053278370112 +28138,-0.06068725384364385,1,-0.7809773605891412 -0.8759763579509743 -1.003858433931204 -1.8391279088913415 -1.3613968224174307 -1.5575737516138202 -1.7777510497022566 -1.7820453806010605 -1.7870377610915096 -2.43083569282905 -1.8984782977625454 -1.9366605814576394 -1.9820587002658134 -1.9865953575281652 -1.9913454116550664 -1.2035227288001387 -1.2025048348076464 -0.8274109175354062 -0.5935053278370112 -0.1680544088984708 +28139,0.07030451675901657,1,-0.8759763579509743 -1.003858433931204 -1.8391279088913415 -1.3613968224174307 -1.5575737516138202 -1.7777510497022566 -1.7820453806010605 -1.7870377610915096 -2.43083569282905 -1.8984782977625454 -1.9366605814576394 -1.9820587002658134 -1.9865953575281652 -1.9913454116550664 -1.2035227288001387 -1.2025048348076464 -0.8274109175354062 -0.5935053278370112 -0.1680544088984708 -0.06068725384364385 +28140,0.015572918992588605,1,-1.003858433931204 -1.8391279088913415 -1.3613968224174307 -1.5575737516138202 -1.7777510497022566 -1.7820453806010605 -1.7870377610915096 -2.43083569282905 -1.8984782977625454 -1.9366605814576394 -1.9820587002658134 -1.9865953575281652 -1.9913454116550664 -1.2035227288001387 -1.2025048348076464 -0.8274109175354062 -0.5935053278370112 -0.1680544088984708 -0.06068725384364385 0.07030451675901657 +28141,-0.05970944269052519,1,-1.8391279088913415 -1.3613968224174307 -1.5575737516138202 -1.7777510497022566 -1.7820453806010605 -1.7870377610915096 -2.43083569282905 -1.8984782977625454 -1.9366605814576394 -1.9820587002658134 -1.9865953575281652 -1.9913454116550664 -1.2035227288001387 -1.2025048348076464 -0.8274109175354062 -0.5935053278370112 -0.1680544088984708 -0.06068725384364385 0.07030451675901657 0.015572918992588605 +28142,-0.997496502953218,1,-1.3613968224174307 -1.5575737516138202 -1.7777510497022566 -1.7820453806010605 -1.7870377610915096 -2.43083569282905 -1.8984782977625454 -1.9366605814576394 -1.9820587002658134 -1.9865953575281652 -1.9913454116550664 -1.2035227288001387 -1.2025048348076464 -0.8274109175354062 -0.5935053278370112 -0.1680544088984708 -0.06068725384364385 0.07030451675901657 0.015572918992588605 -0.05970944269052519 +28143,-0.5519051463209157,1,-1.5575737516138202 -1.7777510497022566 -1.7820453806010605 -1.7870377610915096 -2.43083569282905 -1.8984782977625454 -1.9366605814576394 -1.9820587002658134 -1.9865953575281652 -1.9913454116550664 -1.2035227288001387 -1.2025048348076464 -0.8274109175354062 -0.5935053278370112 -0.1680544088984708 -0.06068725384364385 0.07030451675901657 0.015572918992588605 -0.05970944269052519 -0.997496502953218 +28144,-0.7307566056586383,1,-1.7777510497022566 -1.7820453806010605 -1.7870377610915096 -2.43083569282905 -1.8984782977625454 -1.9366605814576394 -1.9820587002658134 -1.9865953575281652 -1.9913454116550664 -1.2035227288001387 -1.2025048348076464 -0.8274109175354062 -0.5935053278370112 -0.1680544088984708 -0.06068725384364385 0.07030451675901657 0.015572918992588605 -0.05970944269052519 -0.997496502953218 -0.5519051463209157 +28145,-0.9667115883741921,1,-1.7820453806010605 -1.7870377610915096 -2.43083569282905 -1.8984782977625454 -1.9366605814576394 -1.9820587002658134 -1.9865953575281652 -1.9913454116550664 -1.2035227288001387 -1.2025048348076464 -0.8274109175354062 -0.5935053278370112 -0.1680544088984708 -0.06068725384364385 0.07030451675901657 0.015572918992588605 -0.05970944269052519 -0.997496502953218 -0.5519051463209157 -0.7307566056586383 +28146,-1.1416113195384492,1,-1.7870377610915096 -2.43083569282905 -1.8984782977625454 -1.9366605814576394 -1.9820587002658134 -1.9865953575281652 -1.9913454116550664 -1.2035227288001387 -1.2025048348076464 -0.8274109175354062 -0.5935053278370112 -0.1680544088984708 -0.06068725384364385 0.07030451675901657 0.015572918992588605 -0.05970944269052519 -0.997496502953218 -0.5519051463209157 -0.7307566056586383 -0.9667115883741921 +28147,-1.1554191930025377,1,-2.43083569282905 -1.8984782977625454 -1.9366605814576394 -1.9820587002658134 -1.9865953575281652 -1.9913454116550664 -1.2035227288001387 -1.2025048348076464 -0.8274109175354062 -0.5935053278370112 -0.1680544088984708 -0.06068725384364385 0.07030451675901657 0.015572918992588605 -0.05970944269052519 -0.997496502953218 -0.5519051463209157 -0.7307566056586383 -0.9667115883741921 -1.1416113195384492 +28148,-1.271625278987991,1,-1.8984782977625454 -1.9366605814576394 -1.9820587002658134 -1.9865953575281652 -1.9913454116550664 -1.2035227288001387 -1.2025048348076464 -0.8274109175354062 -0.5935053278370112 -0.1680544088984708 -0.06068725384364385 0.07030451675901657 0.015572918992588605 -0.05970944269052519 -0.997496502953218 -0.5519051463209157 -0.7307566056586383 -0.9667115883741921 -1.1416113195384492 -1.1554191930025377 +28149,-1.3428099843652108,1,-1.9366605814576394 -1.9820587002658134 -1.9865953575281652 -1.9913454116550664 -1.2035227288001387 -1.2025048348076464 -0.8274109175354062 -0.5935053278370112 -0.1680544088984708 -0.06068725384364385 0.07030451675901657 0.015572918992588605 -0.05970944269052519 -0.997496502953218 -0.5519051463209157 -0.7307566056586383 -0.9667115883741921 -1.1416113195384492 -1.1554191930025377 -1.271625278987991 +28150,-1.4264038021422016,1,-1.9820587002658134 -1.9865953575281652 -1.9913454116550664 -1.2035227288001387 -1.2025048348076464 -0.8274109175354062 -0.5935053278370112 -0.1680544088984708 -0.06068725384364385 0.07030451675901657 0.015572918992588605 -0.05970944269052519 -0.997496502953218 -0.5519051463209157 -0.7307566056586383 -0.9667115883741921 -1.1416113195384492 -1.1554191930025377 -1.271625278987991 -1.3428099843652108 +28151,-2.1035972858908654,1,-1.9865953575281652 -1.9913454116550664 -1.2035227288001387 -1.2025048348076464 -0.8274109175354062 -0.5935053278370112 -0.1680544088984708 -0.06068725384364385 0.07030451675901657 0.015572918992588605 -0.05970944269052519 -0.997496502953218 -0.5519051463209157 -0.7307566056586383 -0.9667115883741921 -1.1416113195384492 -1.1554191930025377 -1.271625278987991 -1.3428099843652108 -1.4264038021422016 +28152,-1.5811823252964121,1,-1.9913454116550664 -1.2035227288001387 -1.2025048348076464 -0.8274109175354062 -0.5935053278370112 -0.1680544088984708 -0.06068725384364385 0.07030451675901657 0.015572918992588605 -0.05970944269052519 -0.997496502953218 -0.5519051463209157 -0.7307566056586383 -0.9667115883741921 -1.1416113195384492 -1.1554191930025377 -1.271625278987991 -1.3428099843652108 -1.4264038021422016 -2.1035972858908654 +28153,-1.63750033466784,1,-1.2035227288001387 -1.2025048348076464 -0.8274109175354062 -0.5935053278370112 -0.1680544088984708 -0.06068725384364385 0.07030451675901657 0.015572918992588605 -0.05970944269052519 -0.997496502953218 -0.5519051463209157 -0.7307566056586383 -0.9667115883741921 -1.1416113195384492 -1.1554191930025377 -1.271625278987991 -1.3428099843652108 -1.4264038021422016 -2.1035972858908654 -1.5811823252964121 +28154,-1.7220307813667386,1,-1.2025048348076464 -0.8274109175354062 -0.5935053278370112 -0.1680544088984708 -0.06068725384364385 0.07030451675901657 0.015572918992588605 -0.05970944269052519 -0.997496502953218 -0.5519051463209157 -0.7307566056586383 -0.9667115883741921 -1.1416113195384492 -1.1554191930025377 -1.271625278987991 -1.3428099843652108 -1.4264038021422016 -2.1035972858908654 -1.5811823252964121 -1.63750033466784 +28155,-1.6907716801843764,1,-0.8274109175354062 -0.5935053278370112 -0.1680544088984708 -0.06068725384364385 0.07030451675901657 0.015572918992588605 -0.05970944269052519 -0.997496502953218 -0.5519051463209157 -0.7307566056586383 -0.9667115883741921 -1.1416113195384492 -1.1554191930025377 -1.271625278987991 -1.3428099843652108 -1.4264038021422016 -2.1035972858908654 -1.5811823252964121 -1.63750033466784 -1.7220307813667386 +28156,-1.63690259363193,1,-0.5935053278370112 -0.1680544088984708 -0.06068725384364385 0.07030451675901657 0.015572918992588605 -0.05970944269052519 -0.997496502953218 -0.5519051463209157 -0.7307566056586383 -0.9667115883741921 -1.1416113195384492 -1.1554191930025377 -1.271625278987991 -1.3428099843652108 -1.4264038021422016 -2.1035972858908654 -1.5811823252964121 -1.63750033466784 -1.7220307813667386 -1.6907716801843764 +28157,-1.3332538187354424,1,-0.1680544088984708 -0.06068725384364385 0.07030451675901657 0.015572918992588605 -0.05970944269052519 -0.997496502953218 -0.5519051463209157 -0.7307566056586383 -0.9667115883741921 -1.1416113195384492 -1.1554191930025377 -1.271625278987991 -1.3428099843652108 -1.4264038021422016 -2.1035972858908654 -1.5811823252964121 -1.63750033466784 -1.7220307813667386 -1.6907716801843764 -1.63690259363193 +28158,-0.703588099012036,1,-0.06068725384364385 0.07030451675901657 0.015572918992588605 -0.05970944269052519 -0.997496502953218 -0.5519051463209157 -0.7307566056586383 -0.9667115883741921 -1.1416113195384492 -1.1554191930025377 -1.271625278987991 -1.3428099843652108 -1.4264038021422016 -2.1035972858908654 -1.5811823252964121 -1.63750033466784 -1.7220307813667386 -1.6907716801843764 -1.63690259363193 -1.3332538187354424 +28159,0.05792223490668219,1,0.07030451675901657 0.015572918992588605 -0.05970944269052519 -0.997496502953218 -0.5519051463209157 -0.7307566056586383 -0.9667115883741921 -1.1416113195384492 -1.1554191930025377 -1.271625278987991 -1.3428099843652108 -1.4264038021422016 -2.1035972858908654 -1.5811823252964121 -1.63750033466784 -1.7220307813667386 -1.6907716801843764 -1.63690259363193 -1.3332538187354424 -0.703588099012036 +28160,0.057853605954739554,1,0.015572918992588605 -0.05970944269052519 -0.997496502953218 -0.5519051463209157 -0.7307566056586383 -0.9667115883741921 -1.1416113195384492 -1.1554191930025377 -1.271625278987991 -1.3428099843652108 -1.4264038021422016 -2.1035972858908654 -1.5811823252964121 -1.63750033466784 -1.7220307813667386 -1.6907716801843764 -1.63690259363193 -1.3332538187354424 -0.703588099012036 0.05792223490668219 +28161,0.3117590128795853,1,-0.05970944269052519 -0.997496502953218 -0.5519051463209157 -0.7307566056586383 -0.9667115883741921 -1.1416113195384492 -1.1554191930025377 -1.271625278987991 -1.3428099843652108 -1.4264038021422016 -2.1035972858908654 -1.5811823252964121 -1.63750033466784 -1.7220307813667386 -1.6907716801843764 -1.63690259363193 -1.3332538187354424 -0.703588099012036 0.05792223490668219 0.057853605954739554 +28162,0.3269778116069094,1,-0.997496502953218 -0.5519051463209157 -0.7307566056586383 -0.9667115883741921 -1.1416113195384492 -1.1554191930025377 -1.271625278987991 -1.3428099843652108 -1.4264038021422016 -2.1035972858908654 -1.5811823252964121 -1.63750033466784 -1.7220307813667386 -1.6907716801843764 -1.63690259363193 -1.3332538187354424 -0.703588099012036 0.05792223490668219 0.057853605954739554 0.3117590128795853 +28163,0.34735807320504775,1,-0.5519051463209157 -0.7307566056586383 -0.9667115883741921 -1.1416113195384492 -1.1554191930025377 -1.271625278987991 -1.3428099843652108 -1.4264038021422016 -2.1035972858908654 -1.5811823252964121 -1.63750033466784 -1.7220307813667386 -1.6907716801843764 -1.63690259363193 -1.3332538187354424 -0.703588099012036 0.05792223490668219 0.057853605954739554 0.3117590128795853 0.3269778116069094 +28164,0.18844384577883144,1,-0.7307566056586383 -0.9667115883741921 -1.1416113195384492 -1.1554191930025377 -1.271625278987991 -1.3428099843652108 -1.4264038021422016 -2.1035972858908654 -1.5811823252964121 -1.63750033466784 -1.7220307813667386 -1.6907716801843764 -1.63690259363193 -1.3332538187354424 -0.703588099012036 0.05792223490668219 0.057853605954739554 0.3117590128795853 0.3269778116069094 0.34735807320504775 +28165,-0.02256259713351326,1,-0.9667115883741921 -1.1416113195384492 -1.1554191930025377 -1.271625278987991 -1.3428099843652108 -1.4264038021422016 -2.1035972858908654 -1.5811823252964121 -1.63750033466784 -1.7220307813667386 -1.6907716801843764 -1.63690259363193 -1.3332538187354424 -0.703588099012036 0.05792223490668219 0.057853605954739554 0.3117590128795853 0.3269778116069094 0.34735807320504775 0.18844384577883144 +28166,-0.9201773322112137,1,-1.1416113195384492 -1.1554191930025377 -1.271625278987991 -1.3428099843652108 -1.4264038021422016 -2.1035972858908654 -1.5811823252964121 -1.63750033466784 -1.7220307813667386 -1.6907716801843764 -1.63690259363193 -1.3332538187354424 -0.703588099012036 0.05792223490668219 0.057853605954739554 0.3117590128795853 0.3269778116069094 0.34735807320504775 0.18844384577883144 -0.02256259713351326 +28167,-0.666441253455024,1,-1.1554191930025377 -1.271625278987991 -1.3428099843652108 -1.4264038021422016 -2.1035972858908654 -1.5811823252964121 -1.63750033466784 -1.7220307813667386 -1.6907716801843764 -1.63690259363193 -1.3332538187354424 -0.703588099012036 0.05792223490668219 0.057853605954739554 0.3117590128795853 0.3269778116069094 0.34735807320504775 0.18844384577883144 -0.02256259713351326 -0.9201773322112137 +28168,-0.8246593960481802,1,-1.271625278987991 -1.3428099843652108 -1.4264038021422016 -2.1035972858908654 -1.5811823252964121 -1.63750033466784 -1.7220307813667386 -1.6907716801843764 -1.63690259363193 -1.3332538187354424 -0.703588099012036 0.05792223490668219 0.057853605954739554 0.3117590128795853 0.3269778116069094 0.34735807320504775 0.18844384577883144 -0.02256259713351326 -0.9201773322112137 -0.666441253455024 +28169,-1.036361923793594,1,-1.3428099843652108 -1.4264038021422016 -2.1035972858908654 -1.5811823252964121 -1.63750033466784 -1.7220307813667386 -1.6907716801843764 -1.63690259363193 -1.3332538187354424 -0.703588099012036 0.05792223490668219 0.057853605954739554 0.3117590128795853 0.3269778116069094 0.34735807320504775 0.18844384577883144 -0.02256259713351326 -0.9201773322112137 -0.666441253455024 -0.8246593960481802 +28170,-1.2731730642195318,1,-1.4264038021422016 -2.1035972858908654 -1.5811823252964121 -1.63750033466784 -1.7220307813667386 -1.6907716801843764 -1.63690259363193 -1.3332538187354424 -0.703588099012036 0.05792223490668219 0.057853605954739554 0.3117590128795853 0.3269778116069094 0.34735807320504775 0.18844384577883144 -0.02256259713351326 -0.9201773322112137 -0.666441253455024 -0.8246593960481802 -1.036361923793594 +28171,-1.3304411177865902,1,-2.1035972858908654 -1.5811823252964121 -1.63750033466784 -1.7220307813667386 -1.6907716801843764 -1.63690259363193 -1.3332538187354424 -0.703588099012036 0.05792223490668219 0.057853605954739554 0.3117590128795853 0.3269778116069094 0.34735807320504775 0.18844384577883144 -0.02256259713351326 -0.9201773322112137 -0.666441253455024 -0.8246593960481802 -1.036361923793594 -1.2731730642195318 +28172,-1.3799702451959366,1,-1.5811823252964121 -1.63750033466784 -1.7220307813667386 -1.6907716801843764 -1.63690259363193 -1.3332538187354424 -0.703588099012036 0.05792223490668219 0.057853605954739554 0.3117590128795853 0.3269778116069094 0.34735807320504775 0.18844384577883144 -0.02256259713351326 -0.9201773322112137 -0.666441253455024 -0.8246593960481802 -1.036361923793594 -1.2731730642195318 -1.3304411177865902 +28173,-1.419987222272819,1,-1.63750033466784 -1.7220307813667386 -1.6907716801843764 -1.63690259363193 -1.3332538187354424 -0.703588099012036 0.05792223490668219 0.057853605954739554 0.3117590128795853 0.3269778116069094 0.34735807320504775 0.18844384577883144 -0.02256259713351326 -0.9201773322112137 -0.666441253455024 -0.8246593960481802 -1.036361923793594 -1.2731730642195318 -1.3304411177865902 -1.3799702451959366 +28174,-1.5285576274239756,1,-1.7220307813667386 -1.6907716801843764 -1.63690259363193 -1.3332538187354424 -0.703588099012036 0.05792223490668219 0.057853605954739554 0.3117590128795853 0.3269778116069094 0.34735807320504775 0.18844384577883144 -0.02256259713351326 -0.9201773322112137 -0.666441253455024 -0.8246593960481802 -1.036361923793594 -1.2731730642195318 -1.3304411177865902 -1.3799702451959366 -1.419987222272819 +28175,-2.2082673609466354,1,-1.6907716801843764 -1.63690259363193 -1.3332538187354424 -0.703588099012036 0.05792223490668219 0.057853605954739554 0.3117590128795853 0.3269778116069094 0.34735807320504775 0.18844384577883144 -0.02256259713351326 -0.9201773322112137 -0.666441253455024 -0.8246593960481802 -1.036361923793594 -1.2731730642195318 -1.3304411177865902 -1.3799702451959366 -1.419987222272819 -1.5285576274239756 +28176,-1.6554760164104358,1,-1.63690259363193 -1.3332538187354424 -0.703588099012036 0.05792223490668219 0.057853605954739554 0.3117590128795853 0.3269778116069094 0.34735807320504775 0.18844384577883144 -0.02256259713351326 -0.9201773322112137 -0.666441253455024 -0.8246593960481802 -1.036361923793594 -1.2731730642195318 -1.3304411177865902 -1.3799702451959366 -1.419987222272819 -1.5285576274239756 -2.2082673609466354 +28177,-1.7161497943128676,1,-1.3332538187354424 -0.703588099012036 0.05792223490668219 0.057853605954739554 0.3117590128795853 0.3269778116069094 0.34735807320504775 0.18844384577883144 -0.02256259713351326 -0.9201773322112137 -0.666441253455024 -0.8246593960481802 -1.036361923793594 -1.2731730642195318 -1.3304411177865902 -1.3799702451959366 -1.419987222272819 -1.5285576274239756 -2.2082673609466354 -1.6554760164104358 +28178,-1.7808466201653468,1,-0.703588099012036 0.05792223490668219 0.057853605954739554 0.3117590128795853 0.3269778116069094 0.34735807320504775 0.18844384577883144 -0.02256259713351326 -0.9201773322112137 -0.666441253455024 -0.8246593960481802 -1.036361923793594 -1.2731730642195318 -1.3304411177865902 -1.3799702451959366 -1.419987222272819 -1.5285576274239756 -2.2082673609466354 -1.6554760164104358 -1.7161497943128676 +28179,-1.6771450096520233,1,0.05792223490668219 0.057853605954739554 0.3117590128795853 0.3269778116069094 0.34735807320504775 0.18844384577883144 -0.02256259713351326 -0.9201773322112137 -0.666441253455024 -0.8246593960481802 -1.036361923793594 -1.2731730642195318 -1.3304411177865902 -1.3799702451959366 -1.419987222272819 -1.5285576274239756 -2.2082673609466354 -1.6554760164104358 -1.7161497943128676 -1.7808466201653468 +28180,-1.4000914532059834,1,0.057853605954739554 0.3117590128795853 0.3269778116069094 0.34735807320504775 0.18844384577883144 -0.02256259713351326 -0.9201773322112137 -0.666441253455024 -0.8246593960481802 -1.036361923793594 -1.2731730642195318 -1.3304411177865902 -1.3799702451959366 -1.419987222272819 -1.5285576274239756 -2.2082673609466354 -1.6554760164104358 -1.7161497943128676 -1.7808466201653468 -1.6771450096520233 +28181,-0.7654995082737255,1,0.3117590128795853 0.3269778116069094 0.34735807320504775 0.18844384577883144 -0.02256259713351326 -0.9201773322112137 -0.666441253455024 -0.8246593960481802 -1.036361923793594 -1.2731730642195318 -1.3304411177865902 -1.3799702451959366 -1.419987222272819 -1.5285576274239756 -2.2082673609466354 -1.6554760164104358 -1.7161497943128676 -1.7808466201653468 -1.6771450096520233 -1.4000914532059834 +28182,-0.7597150664905641,1,0.3269778116069094 0.34735807320504775 0.18844384577883144 -0.02256259713351326 -0.9201773322112137 -0.666441253455024 -0.8246593960481802 -1.036361923793594 -1.2731730642195318 -1.3304411177865902 -1.3799702451959366 -1.419987222272819 -1.5285576274239756 -2.2082673609466354 -1.6554760164104358 -1.7161497943128676 -1.7808466201653468 -1.6771450096520233 -1.4000914532059834 -0.7654995082737255 +28183,-0.4342734687237083,1,0.34735807320504775 0.18844384577883144 -0.02256259713351326 -0.9201773322112137 -0.666441253455024 -0.8246593960481802 -1.036361923793594 -1.2731730642195318 -1.3304411177865902 -1.3799702451959366 -1.419987222272819 -1.5285576274239756 -2.2082673609466354 -1.6554760164104358 -1.7161497943128676 -1.7808466201653468 -1.6771450096520233 -1.4000914532059834 -0.7654995082737255 -0.7597150664905641 +28184,-0.3180411033571523,1,0.18844384577883144 -0.02256259713351326 -0.9201773322112137 -0.666441253455024 -0.8246593960481802 -1.036361923793594 -1.2731730642195318 -1.3304411177865902 -1.3799702451959366 -1.419987222272819 -1.5285576274239756 -2.2082673609466354 -1.6554760164104358 -1.7161497943128676 -1.7808466201653468 -1.6771450096520233 -1.4000914532059834 -0.7654995082737255 -0.7597150664905641 -0.4342734687237083 +28185,-0.12007306672066517,1,-0.02256259713351326 -0.9201773322112137 -0.666441253455024 -0.8246593960481802 -1.036361923793594 -1.2731730642195318 -1.3304411177865902 -1.3799702451959366 -1.419987222272819 -1.5285576274239756 -2.2082673609466354 -1.6554760164104358 -1.7161497943128676 -1.7808466201653468 -1.6771450096520233 -1.4000914532059834 -0.7654995082737255 -0.7597150664905641 -0.4342734687237083 -0.3180411033571523 +28186,-0.16477450696535245,1,-0.9201773322112137 -0.666441253455024 -0.8246593960481802 -1.036361923793594 -1.2731730642195318 -1.3304411177865902 -1.3799702451959366 -1.419987222272819 -1.5285576274239756 -2.2082673609466354 -1.6554760164104358 -1.7161497943128676 -1.7808466201653468 -1.6771450096520233 -1.4000914532059834 -0.7654995082737255 -0.7597150664905641 -0.4342734687237083 -0.3180411033571523 -0.12007306672066517 +28187,-0.2129401806131862,1,-0.666441253455024 -0.8246593960481802 -1.036361923793594 -1.2731730642195318 -1.3304411177865902 -1.3799702451959366 -1.419987222272819 -1.5285576274239756 -2.2082673609466354 -1.6554760164104358 -1.7161497943128676 -1.7808466201653468 -1.6771450096520233 -1.4000914532059834 -0.7654995082737255 -0.7597150664905641 -0.4342734687237083 -0.3180411033571523 -0.12007306672066517 -0.16477450696535245 +28188,-0.42306974097089955,1,-0.8246593960481802 -1.036361923793594 -1.2731730642195318 -1.3304411177865902 -1.3799702451959366 -1.419987222272819 -1.5285576274239756 -2.2082673609466354 -1.6554760164104358 -1.7161497943128676 -1.7808466201653468 -1.6771450096520233 -1.4000914532059834 -0.7654995082737255 -0.7597150664905641 -0.4342734687237083 -0.3180411033571523 -0.12007306672066517 -0.16477450696535245 -0.2129401806131862 +28189,-0.661797897760402,1,-1.036361923793594 -1.2731730642195318 -1.3304411177865902 -1.3799702451959366 -1.419987222272819 -1.5285576274239756 -2.2082673609466354 -1.6554760164104358 -1.7161497943128676 -1.7808466201653468 -1.6771450096520233 -1.4000914532059834 -0.7654995082737255 -0.7597150664905641 -0.4342734687237083 -0.3180411033571523 -0.12007306672066517 -0.16477450696535245 -0.2129401806131862 -0.42306974097089955 +28190,-1.0606540588693825,1,-1.2731730642195318 -1.3304411177865902 -1.3799702451959366 -1.419987222272819 -1.5285576274239756 -2.2082673609466354 -1.6554760164104358 -1.7161497943128676 -1.7808466201653468 -1.6771450096520233 -1.4000914532059834 -0.7654995082737255 -0.7597150664905641 -0.4342734687237083 -0.3180411033571523 -0.12007306672066517 -0.16477450696535245 -0.2129401806131862 -0.42306974097089955 -0.661797897760402 +28191,-0.9280169575856395,1,-1.3304411177865902 -1.3799702451959366 -1.419987222272819 -1.5285576274239756 -2.2082673609466354 -1.6554760164104358 -1.7161497943128676 -1.7808466201653468 -1.6771450096520233 -1.4000914532059834 -0.7654995082737255 -0.7597150664905641 -0.4342734687237083 -0.3180411033571523 -0.12007306672066517 -0.16477450696535245 -0.2129401806131862 -0.42306974097089955 -0.661797897760402 -1.0606540588693825 +28192,-1.000781982485194,1,-1.3799702451959366 -1.419987222272819 -1.5285576274239756 -2.2082673609466354 -1.6554760164104358 -1.7161497943128676 -1.7808466201653468 -1.6771450096520233 -1.4000914532059834 -0.7654995082737255 -0.7597150664905641 -0.4342734687237083 -0.3180411033571523 -0.12007306672066517 -0.16477450696535245 -0.2129401806131862 -0.42306974097089955 -0.661797897760402 -1.0606540588693825 -0.9280169575856395 +28193,-1.078152125045228,1,-1.419987222272819 -1.5285576274239756 -2.2082673609466354 -1.6554760164104358 -1.7161497943128676 -1.7808466201653468 -1.6771450096520233 -1.4000914532059834 -0.7654995082737255 -0.7597150664905641 -0.4342734687237083 -0.3180411033571523 -0.12007306672066517 -0.16477450696535245 -0.2129401806131862 -0.42306974097089955 -0.661797897760402 -1.0606540588693825 -0.9280169575856395 -1.000781982485194 +28194,-1.1864970912531736,1,-1.5285576274239756 -2.2082673609466354 -1.6554760164104358 -1.7161497943128676 -1.7808466201653468 -1.6771450096520233 -1.4000914532059834 -0.7654995082737255 -0.7597150664905641 -0.4342734687237083 -0.3180411033571523 -0.12007306672066517 -0.16477450696535245 -0.2129401806131862 -0.42306974097089955 -0.661797897760402 -1.0606540588693825 -0.9280169575856395 -1.000781982485194 -1.078152125045228 +28195,-1.2886509165349562,1,-2.2082673609466354 -1.6554760164104358 -1.7161497943128676 -1.7808466201653468 -1.6771450096520233 -1.4000914532059834 -0.7654995082737255 -0.7597150664905641 -0.4342734687237083 -0.3180411033571523 -0.12007306672066517 -0.16477450696535245 -0.2129401806131862 -0.42306974097089955 -0.661797897760402 -1.0606540588693825 -0.9280169575856395 -1.000781982485194 -1.078152125045228 -1.1864970912531736 +28196,-1.3346448729127625,1,-1.6554760164104358 -1.7161497943128676 -1.7808466201653468 -1.6771450096520233 -1.4000914532059834 -0.7654995082737255 -0.7597150664905641 -0.4342734687237083 -0.3180411033571523 -0.12007306672066517 -0.16477450696535245 -0.2129401806131862 -0.42306974097089955 -0.661797897760402 -1.0606540588693825 -0.9280169575856395 -1.000781982485194 -1.078152125045228 -1.1864970912531736 -1.2886509165349562 +28197,-1.3118676950080843,1,-1.7161497943128676 -1.7808466201653468 -1.6771450096520233 -1.4000914532059834 -0.7654995082737255 -0.7597150664905641 -0.4342734687237083 -0.3180411033571523 -0.12007306672066517 -0.16477450696535245 -0.2129401806131862 -0.42306974097089955 -0.661797897760402 -1.0606540588693825 -0.9280169575856395 -1.000781982485194 -1.078152125045228 -1.1864970912531736 -1.2886509165349562 -1.3346448729127625 +28198,-1.4364526592312088,1,-1.7808466201653468 -1.6771450096520233 -1.4000914532059834 -0.7654995082737255 -0.7597150664905641 -0.4342734687237083 -0.3180411033571523 -0.12007306672066517 -0.16477450696535245 -0.2129401806131862 -0.42306974097089955 -0.661797897760402 -1.0606540588693825 -0.9280169575856395 -1.000781982485194 -1.078152125045228 -1.1864970912531736 -1.2886509165349562 -1.3346448729127625 -1.3118676950080843 +28199,-1.5626089025179062,1,-1.6771450096520233 -1.4000914532059834 -0.7654995082737255 -0.7597150664905641 -0.4342734687237083 -0.3180411033571523 -0.12007306672066517 -0.16477450696535245 -0.2129401806131862 -0.42306974097089955 -0.661797897760402 -1.0606540588693825 -0.9280169575856395 -1.000781982485194 -1.078152125045228 -1.1864970912531736 -1.2886509165349562 -1.3346448729127625 -1.3118676950080843 -1.4364526592312088 +28200,-1.734413063219082,1,-1.4000914532059834 -0.7654995082737255 -0.7597150664905641 -0.4342734687237083 -0.3180411033571523 -0.12007306672066517 -0.16477450696535245 -0.2129401806131862 -0.42306974097089955 -0.661797897760402 -1.0606540588693825 -0.9280169575856395 -1.000781982485194 -1.078152125045228 -1.1864970912531736 -1.2886509165349562 -1.3346448729127625 -1.3118676950080843 -1.4364526592312088 -1.5626089025179062 +28201,-1.7885855463230502,1,-0.7654995082737255 -0.7597150664905641 -0.4342734687237083 -0.3180411033571523 -0.12007306672066517 -0.16477450696535245 -0.2129401806131862 -0.42306974097089955 -0.661797897760402 -1.0606540588693825 -0.9280169575856395 -1.000781982485194 -1.078152125045228 -1.1864970912531736 -1.2886509165349562 -1.3346448729127625 -1.3118676950080843 -1.4364526592312088 -1.5626089025179062 -1.734413063219082 +28202,-2.166985984957929,1,-0.7597150664905641 -0.4342734687237083 -0.3180411033571523 -0.12007306672066517 -0.16477450696535245 -0.2129401806131862 -0.42306974097089955 -0.661797897760402 -1.0606540588693825 -0.9280169575856395 -1.000781982485194 -1.078152125045228 -1.1864970912531736 -1.2886509165349562 -1.3346448729127625 -1.3118676950080843 -1.4364526592312088 -1.5626089025179062 -1.734413063219082 -1.7885855463230502 +28203,-1.8520447408162806,1,-0.4342734687237083 -0.3180411033571523 -0.12007306672066517 -0.16477450696535245 -0.2129401806131862 -0.42306974097089955 -0.661797897760402 -1.0606540588693825 -0.9280169575856395 -1.000781982485194 -1.078152125045228 -1.1864970912531736 -1.2886509165349562 -1.3346448729127625 -1.3118676950080843 -1.4364526592312088 -1.5626089025179062 -1.734413063219082 -1.7885855463230502 -2.166985984957929 +28204,-1.6511845199707174,1,-0.3180411033571523 -0.12007306672066517 -0.16477450696535245 -0.2129401806131862 -0.42306974097089955 -0.661797897760402 -1.0606540588693825 -0.9280169575856395 -1.000781982485194 -1.078152125045228 -1.1864970912531736 -1.2886509165349562 -1.3346448729127625 -1.3118676950080843 -1.4364526592312088 -1.5626089025179062 -1.734413063219082 -1.7885855463230502 -2.166985984957929 -1.8520447408162806 +28205,-1.4403338692260765,1,-0.12007306672066517 -0.16477450696535245 -0.2129401806131862 -0.42306974097089955 -0.661797897760402 -1.0606540588693825 -0.9280169575856395 -1.000781982485194 -1.078152125045228 -1.1864970912531736 -1.2886509165349562 -1.3346448729127625 -1.3118676950080843 -1.4364526592312088 -1.5626089025179062 -1.734413063219082 -1.7885855463230502 -2.166985984957929 -1.8520447408162806 -1.6511845199707174 +28206,-0.8351498436931184,1,-0.16477450696535245 -0.2129401806131862 -0.42306974097089955 -0.661797897760402 -1.0606540588693825 -0.9280169575856395 -1.000781982485194 -1.078152125045228 -1.1864970912531736 -1.2886509165349562 -1.3346448729127625 -1.3118676950080843 -1.4364526592312088 -1.5626089025179062 -1.734413063219082 -1.7885855463230502 -2.166985984957929 -1.8520447408162806 -1.6511845199707174 -1.4403338692260765 +28207,-0.7999977037220193,1,-0.2129401806131862 -0.42306974097089955 -0.661797897760402 -1.0606540588693825 -0.9280169575856395 -1.000781982485194 -1.078152125045228 -1.1864970912531736 -1.2886509165349562 -1.3346448729127625 -1.3118676950080843 -1.4364526592312088 -1.5626089025179062 -1.734413063219082 -1.7885855463230502 -2.166985984957929 -1.8520447408162806 -1.6511845199707174 -1.4403338692260765 -0.8351498436931184 +28208,-0.6184599112772184,1,-0.42306974097089955 -0.661797897760402 -1.0606540588693825 -0.9280169575856395 -1.000781982485194 -1.078152125045228 -1.1864970912531736 -1.2886509165349562 -1.3346448729127625 -1.3118676950080843 -1.4364526592312088 -1.5626089025179062 -1.734413063219082 -1.7885855463230502 -2.166985984957929 -1.8520447408162806 -1.6511845199707174 -1.4403338692260765 -0.8351498436931184 -0.7999977037220193 +28209,-0.6266773993175764,1,-0.661797897760402 -1.0606540588693825 -0.9280169575856395 -1.000781982485194 -1.078152125045228 -1.1864970912531736 -1.2886509165349562 -1.3346448729127625 -1.3118676950080843 -1.4364526592312088 -1.5626089025179062 -1.734413063219082 -1.7885855463230502 -2.166985984957929 -1.8520447408162806 -1.6511845199707174 -1.4403338692260765 -0.8351498436931184 -0.7999977037220193 -0.6184599112772184 +28210,-0.6354855488241837,1,-1.0606540588693825 -0.9280169575856395 -1.000781982485194 -1.078152125045228 -1.1864970912531736 -1.2886509165349562 -1.3346448729127625 -1.3118676950080843 -1.4364526592312088 -1.5626089025179062 -1.734413063219082 -1.7885855463230502 -2.166985984957929 -1.8520447408162806 -1.6511845199707174 -1.4403338692260765 -0.8351498436931184 -0.7999977037220193 -0.6184599112772184 -0.6266773993175764 +28211,-0.7827300841937295,1,-0.9280169575856395 -1.000781982485194 -1.078152125045228 -1.1864970912531736 -1.2886509165349562 -1.3346448729127625 -1.3118676950080843 -1.4364526592312088 -1.5626089025179062 -1.734413063219082 -1.7885855463230502 -2.166985984957929 -1.8520447408162806 -1.6511845199707174 -1.4403338692260765 -0.8351498436931184 -0.7999977037220193 -0.6184599112772184 -0.6266773993175764 -0.6354855488241837 +28212,-0.5704785690994129,1,-1.000781982485194 -1.078152125045228 -1.1864970912531736 -1.2886509165349562 -1.3346448729127625 -1.3118676950080843 -1.4364526592312088 -1.5626089025179062 -1.734413063219082 -1.7885855463230502 -2.166985984957929 -1.8520447408162806 -1.6511845199707174 -1.4403338692260765 -0.8351498436931184 -0.7999977037220193 -0.6184599112772184 -0.6266773993175764 -0.6354855488241837 -0.7827300841937295 +28213,-0.7946482767292338,1,-1.078152125045228 -1.1864970912531736 -1.2886509165349562 -1.3346448729127625 -1.3118676950080843 -1.4364526592312088 -1.5626089025179062 -1.734413063219082 -1.7885855463230502 -2.166985984957929 -1.8520447408162806 -1.6511845199707174 -1.4403338692260765 -0.8351498436931184 -0.7999977037220193 -0.6184599112772184 -0.6266773993175764 -0.6354855488241837 -0.7827300841937295 -0.5704785690994129 +28214,-1.0471964204143875,1,-1.1864970912531736 -1.2886509165349562 -1.3346448729127625 -1.3118676950080843 -1.4364526592312088 -1.5626089025179062 -1.734413063219082 -1.7885855463230502 -2.166985984957929 -1.8520447408162806 -1.6511845199707174 -1.4403338692260765 -0.8351498436931184 -0.7999977037220193 -0.6184599112772184 -0.6266773993175764 -0.6354855488241837 -0.7827300841937295 -0.5704785690994129 -0.7946482767292338 +28215,-1.16143974957755,1,-1.2886509165349562 -1.3346448729127625 -1.3118676950080843 -1.4364526592312088 -1.5626089025179062 -1.734413063219082 -1.7885855463230502 -2.166985984957929 -1.8520447408162806 -1.6511845199707174 -1.4403338692260765 -0.8351498436931184 -0.7999977037220193 -0.6184599112772184 -0.6266773993175764 -0.6354855488241837 -0.7827300841937295 -0.5704785690994129 -0.7946482767292338 -1.0471964204143875 +28216,-1.290198701766497,1,-1.3346448729127625 -1.3118676950080843 -1.4364526592312088 -1.5626089025179062 -1.734413063219082 -1.7885855463230502 -2.166985984957929 -1.8520447408162806 -1.6511845199707174 -1.4403338692260765 -0.8351498436931184 -0.7999977037220193 -0.6184599112772184 -0.6266773993175764 -0.6354855488241837 -0.7827300841937295 -0.5704785690994129 -0.7946482767292338 -1.0471964204143875 -1.16143974957755 +28217,-1.5161753455716411,1,-1.3118676950080843 -1.4364526592312088 -1.5626089025179062 -1.734413063219082 -1.7885855463230502 -2.166985984957929 -1.8520447408162806 -1.6511845199707174 -1.4403338692260765 -0.8351498436931184 -0.7999977037220193 -0.6184599112772184 -0.6266773993175764 -0.6354855488241837 -0.7827300841937295 -0.5704785690994129 -0.7946482767292338 -1.0471964204143875 -1.16143974957755 -1.290198701766497 +28218,-1.5151486493245399,1,-1.4364526592312088 -1.5626089025179062 -1.734413063219082 -1.7885855463230502 -2.166985984957929 -1.8520447408162806 -1.6511845199707174 -1.4403338692260765 -0.8351498436931184 -0.7999977037220193 -0.6184599112772184 -0.6266773993175764 -0.6354855488241837 -0.7827300841937295 -0.5704785690994129 -0.7946482767292338 -1.0471964204143875 -1.16143974957755 -1.290198701766497 -1.5161753455716411 +28219,-1.485219640940801,1,-1.5626089025179062 -1.734413063219082 -1.7885855463230502 -2.166985984957929 -1.8520447408162806 -1.6511845199707174 -1.4403338692260765 -0.8351498436931184 -0.7999977037220193 -0.6184599112772184 -0.6266773993175764 -0.6354855488241837 -0.7827300841937295 -0.5704785690994129 -0.7946482767292338 -1.0471964204143875 -1.16143974957755 -1.290198701766497 -1.5161753455716411 -1.5151486493245399 +28220,-2.240998131152323,1,-1.734413063219082 -1.7885855463230502 -2.166985984957929 -1.8520447408162806 -1.6511845199707174 -1.4403338692260765 -0.8351498436931184 -0.7999977037220193 -0.6184599112772184 -0.6266773993175764 -0.6354855488241837 -0.7827300841937295 -0.5704785690994129 -0.7946482767292338 -1.0471964204143875 -1.16143974957755 -1.290198701766497 -1.5161753455716411 -1.5151486493245399 -1.485219640940801 +28221,-1.627615882242677,1,-1.7885855463230502 -2.166985984957929 -1.8520447408162806 -1.6511845199707174 -1.4403338692260765 -0.8351498436931184 -0.7999977037220193 -0.6184599112772184 -0.6266773993175764 -0.6354855488241837 -0.7827300841937295 -0.5704785690994129 -0.7946482767292338 -1.0471964204143875 -1.16143974957755 -1.290198701766497 -1.5161753455716411 -1.5151486493245399 -1.485219640940801 -2.240998131152323 +28222,-1.7047257326768657,1,-2.166985984957929 -1.8520447408162806 -1.6511845199707174 -1.4403338692260765 -0.8351498436931184 -0.7999977037220193 -0.6184599112772184 -0.6266773993175764 -0.6354855488241837 -0.7827300841937295 -0.5704785690994129 -0.7946482767292338 -1.0471964204143875 -1.16143974957755 -1.290198701766497 -1.5161753455716411 -1.5151486493245399 -1.485219640940801 -2.240998131152323 -1.627615882242677 +28223,-1.785489975859969,1,-1.8520447408162806 -1.6511845199707174 -1.4403338692260765 -0.8351498436931184 -0.7999977037220193 -0.6184599112772184 -0.6266773993175764 -0.6354855488241837 -0.7827300841937295 -0.5704785690994129 -0.7946482767292338 -1.0471964204143875 -1.16143974957755 -1.290198701766497 -1.5161753455716411 -1.5151486493245399 -1.485219640940801 -2.240998131152323 -1.627615882242677 -1.7047257326768657 +28224,-1.8154145959630172,1,-1.6511845199707174 -1.4403338692260765 -0.8351498436931184 -0.7999977037220193 -0.6184599112772184 -0.6266773993175764 -0.6354855488241837 -0.7827300841937295 -0.5704785690994129 -0.7946482767292338 -1.0471964204143875 -1.16143974957755 -1.290198701766497 -1.5161753455716411 -1.5151486493245399 -1.485219640940801 -2.240998131152323 -1.627615882242677 -1.7047257326768657 -1.785489975859969 +28225,-1.848949170353199,1,-1.4403338692260765 -0.8351498436931184 -0.7999977037220193 -0.6184599112772184 -0.6266773993175764 -0.6354855488241837 -0.7827300841937295 -0.5704785690994129 -0.7946482767292338 -1.0471964204143875 -1.16143974957755 -1.290198701766497 -1.5161753455716411 -1.5151486493245399 -1.485219640940801 -2.240998131152323 -1.627615882242677 -1.7047257326768657 -1.785489975859969 -1.8154145959630172 +28226,-2.4097037937546437,1,-0.8351498436931184 -0.7999977037220193 -0.6184599112772184 -0.6266773993175764 -0.6354855488241837 -0.7827300841937295 -0.5704785690994129 -0.7946482767292338 -1.0471964204143875 -1.16143974957755 -1.290198701766497 -1.5161753455716411 -1.5151486493245399 -1.485219640940801 -2.240998131152323 -1.627615882242677 -1.7047257326768657 -1.785489975859969 -1.8154145959630172 -1.848949170353199 +28227,-1.867522593131705,1,-0.7999977037220193 -0.6184599112772184 -0.6266773993175764 -0.6354855488241837 -0.7827300841937295 -0.5704785690994129 -0.7946482767292338 -1.0471964204143875 -1.16143974957755 -1.290198701766497 -1.5161753455716411 -1.5151486493245399 -1.485219640940801 -2.240998131152323 -1.627615882242677 -1.7047257326768657 -1.785489975859969 -1.8154145959630172 -1.848949170353199 -2.4097037937546437 +28228,-1.6515833828318809,1,-0.6184599112772184 -0.6266773993175764 -0.6354855488241837 -0.7827300841937295 -0.5704785690994129 -0.7946482767292338 -1.0471964204143875 -1.16143974957755 -1.290198701766497 -1.5161753455716411 -1.5151486493245399 -1.485219640940801 -2.240998131152323 -1.627615882242677 -1.7047257326768657 -1.785489975859969 -1.8154145959630172 -1.848949170353199 -2.4097037937546437 -1.867522593131705 +28229,-1.369135748575143,1,-0.6266773993175764 -0.6354855488241837 -0.7827300841937295 -0.5704785690994129 -0.7946482767292338 -1.0471964204143875 -1.16143974957755 -1.290198701766497 -1.5161753455716411 -1.5151486493245399 -1.485219640940801 -2.240998131152323 -1.627615882242677 -1.7047257326768657 -1.785489975859969 -1.8154145959630172 -1.848949170353199 -2.4097037937546437 -1.867522593131705 -1.6515833828318809 +28230,-0.7237093070220827,1,-0.6354855488241837 -0.7827300841937295 -0.5704785690994129 -0.7946482767292338 -1.0471964204143875 -1.16143974957755 -1.290198701766497 -1.5161753455716411 -1.5151486493245399 -1.485219640940801 -2.240998131152323 -1.627615882242677 -1.7047257326768657 -1.785489975859969 -1.8154145959630172 -1.848949170353199 -2.4097037937546437 -1.867522593131705 -1.6515833828318809 -1.369135748575143 +28231,-0.6918679253209169,1,-0.7827300841937295 -0.5704785690994129 -0.7946482767292338 -1.0471964204143875 -1.16143974957755 -1.290198701766497 -1.5161753455716411 -1.5151486493245399 -1.485219640940801 -2.240998131152323 -1.627615882242677 -1.7047257326768657 -1.785489975859969 -1.8154145959630172 -1.848949170353199 -2.4097037937546437 -1.867522593131705 -1.6515833828318809 -1.369135748575143 -0.7237093070220827 +28232,-0.4745158847438104,1,-0.5704785690994129 -0.7946482767292338 -1.0471964204143875 -1.16143974957755 -1.290198701766497 -1.5161753455716411 -1.5151486493245399 -1.485219640940801 -2.240998131152323 -1.627615882242677 -1.7047257326768657 -1.785489975859969 -1.8154145959630172 -1.848949170353199 -2.4097037937546437 -1.867522593131705 -1.6515833828318809 -1.369135748575143 -0.7237093070220827 -0.6918679253209169 +28233,-0.40710105128816837,1,-0.7946482767292338 -1.0471964204143875 -1.16143974957755 -1.290198701766497 -1.5161753455716411 -1.5151486493245399 -1.485219640940801 -2.240998131152323 -1.627615882242677 -1.7047257326768657 -1.785489975859969 -1.8154145959630172 -1.848949170353199 -2.4097037937546437 -1.867522593131705 -1.6515833828318809 -1.369135748575143 -0.7237093070220827 -0.6918679253209169 -0.4745158847438104 +28234,-0.3305718582103936,1,-1.0471964204143875 -1.16143974957755 -1.290198701766497 -1.5161753455716411 -1.5151486493245399 -1.485219640940801 -2.240998131152323 -1.627615882242677 -1.7047257326768657 -1.785489975859969 -1.8154145959630172 -1.848949170353199 -2.4097037937546437 -1.867522593131705 -1.6515833828318809 -1.369135748575143 -0.7237093070220827 -0.6918679253209169 -0.4745158847438104 -0.40710105128816837 +28235,-0.5345642125399978,1,-1.16143974957755 -1.290198701766497 -1.5161753455716411 -1.5151486493245399 -1.485219640940801 -2.240998131152323 -1.627615882242677 -1.7047257326768657 -1.785489975859969 -1.8154145959630172 -1.848949170353199 -2.4097037937546437 -1.867522593131705 -1.6515833828318809 -1.369135748575143 -0.7237093070220827 -0.6918679253209169 -0.4745158847438104 -0.40710105128816837 -0.3305718582103936 +28236,-0.4745158847438104,1,-1.290198701766497 -1.5161753455716411 -1.5151486493245399 -1.485219640940801 -2.240998131152323 -1.627615882242677 -1.7047257326768657 -1.785489975859969 -1.8154145959630172 -1.848949170353199 -2.4097037937546437 -1.867522593131705 -1.6515833828318809 -1.369135748575143 -0.7237093070220827 -0.6918679253209169 -0.4745158847438104 -0.40710105128816837 -0.3305718582103936 -0.5345642125399978 +28237,-0.5576394892369155,1,-1.5161753455716411 -1.5151486493245399 -1.485219640940801 -2.240998131152323 -1.627615882242677 -1.7047257326768657 -1.785489975859969 -1.8154145959630172 -1.848949170353199 -2.4097037937546437 -1.867522593131705 -1.6515833828318809 -1.369135748575143 -0.7237093070220827 -0.6918679253209169 -0.4745158847438104 -0.40710105128816837 -0.3305718582103936 -0.5345642125399978 -0.4745158847438104 +28238,-0.6587023272973206,1,-1.5151486493245399 -1.485219640940801 -2.240998131152323 -1.627615882242677 -1.7047257326768657 -1.785489975859969 -1.8154145959630172 -1.848949170353199 -2.4097037937546437 -1.867522593131705 -1.6515833828318809 -1.369135748575143 -0.7237093070220827 -0.6918679253209169 -0.4745158847438104 -0.40710105128816837 -0.3305718582103936 -0.5345642125399978 -0.4745158847438104 -0.5576394892369155 +28239,-0.7239158386852463,1,-1.485219640940801 -2.240998131152323 -1.627615882242677 -1.7047257326768657 -1.785489975859969 -1.8154145959630172 -1.848949170353199 -2.4097037937546437 -1.867522593131705 -1.6515833828318809 -1.369135748575143 -0.7237093070220827 -0.6918679253209169 -0.4745158847438104 -0.40710105128816837 -0.3305718582103936 -0.5345642125399978 -0.4745158847438104 -0.5576394892369155 -0.6587023272973206 +28240,-0.7995507833676472,1,-2.240998131152323 -1.627615882242677 -1.7047257326768657 -1.785489975859969 -1.8154145959630172 -1.848949170353199 -2.4097037937546437 -1.867522593131705 -1.6515833828318809 -1.369135748575143 -0.7237093070220827 -0.6918679253209169 -0.4745158847438104 -0.40710105128816837 -0.3305718582103936 -0.5345642125399978 -0.4745158847438104 -0.5576394892369155 -0.6587023272973206 -0.7239158386852463 +28241,-1.3701944008604676,1,-1.627615882242677 -1.7047257326768657 -1.785489975859969 -1.8154145959630172 -1.848949170353199 -2.4097037937546437 -1.867522593131705 -1.6515833828318809 -1.369135748575143 -0.7237093070220827 -0.6918679253209169 -0.4745158847438104 -0.40710105128816837 -0.3305718582103936 -0.5345642125399978 -0.4745158847438104 -0.5576394892369155 -0.6587023272973206 -0.7239158386852463 -0.7995507833676472 +28242,-0.7949074276730251,1,-1.7047257326768657 -1.785489975859969 -1.8154145959630172 -1.848949170353199 -2.4097037937546437 -1.867522593131705 -1.6515833828318809 -1.369135748575143 -0.7237093070220827 -0.6918679253209169 -0.4745158847438104 -0.40710105128816837 -0.3305718582103936 -0.5345642125399978 -0.4745158847438104 -0.5576394892369155 -0.6587023272973206 -0.7239158386852463 -0.7995507833676472 -1.3701944008604676 +28243,-0.8240172249085289,1,-1.785489975859969 -1.8154145959630172 -1.848949170353199 -2.4097037937546437 -1.867522593131705 -1.6515833828318809 -1.369135748575143 -0.7237093070220827 -0.6918679253209169 -0.4745158847438104 -0.40710105128816837 -0.3305718582103936 -0.5345642125399978 -0.4745158847438104 -0.5576394892369155 -0.6587023272973206 -0.7239158386852463 -0.7995507833676472 -1.3701944008604676 -0.7949074276730251 +28244,-0.8537232664716244,1,-1.8154145959630172 -1.848949170353199 -2.4097037937546437 -1.867522593131705 -1.6515833828318809 -1.369135748575143 -0.7237093070220827 -0.6918679253209169 -0.4745158847438104 -0.40710105128816837 -0.3305718582103936 -0.5345642125399978 -0.4745158847438104 -0.5576394892369155 -0.6587023272973206 -0.7239158386852463 -0.7995507833676472 -1.3701944008604676 -0.7949074276730251 -0.8240172249085289 +28245,-0.8790887695556108,1,-1.848949170353199 -2.4097037937546437 -1.867522593131705 -1.6515833828318809 -1.369135748575143 -0.7237093070220827 -0.6918679253209169 -0.4745158847438104 -0.40710105128816837 -0.3305718582103936 -0.5345642125399978 -0.4745158847438104 -0.5576394892369155 -0.6587023272973206 -0.7239158386852463 -0.7995507833676472 -1.3701944008604676 -0.7949074276730251 -0.8240172249085289 -0.8537232664716244 +28246,-0.9063479643440521,1,-2.4097037937546437 -1.867522593131705 -1.6515833828318809 -1.369135748575143 -0.7237093070220827 -0.6918679253209169 -0.4745158847438104 -0.40710105128816837 -0.3305718582103936 -0.5345642125399978 -0.4745158847438104 -0.5576394892369155 -0.6587023272973206 -0.7239158386852463 -0.7995507833676472 -1.3701944008604676 -0.7949074276730251 -0.8240172249085289 -0.8537232664716244 -0.8790887695556108 +28247,-1.2838762066536462,1,-1.867522593131705 -1.6515833828318809 -1.369135748575143 -0.7237093070220827 -0.6918679253209169 -0.4745158847438104 -0.40710105128816837 -0.3305718582103936 -0.5345642125399978 -0.4745158847438104 -0.5576394892369155 -0.6587023272973206 -0.7239158386852463 -0.7995507833676472 -1.3701944008604676 -0.7949074276730251 -0.8240172249085289 -0.8537232664716244 -0.8790887695556108 -0.9063479643440521 +28248,-0.8800356154078338,1,-1.6515833828318809 -1.369135748575143 -0.7237093070220827 -0.6918679253209169 -0.4745158847438104 -0.40710105128816837 -0.3305718582103936 -0.5345642125399978 -0.4745158847438104 -0.5576394892369155 -0.6587023272973206 -0.7239158386852463 -0.7995507833676472 -1.3701944008604676 -0.7949074276730251 -0.8240172249085289 -0.8537232664716244 -0.8790887695556108 -0.9063479643440521 -1.2838762066536462 +28249,-0.8436430528016091,1,-1.369135748575143 -0.7237093070220827 -0.6918679253209169 -0.4745158847438104 -0.40710105128816837 -0.3305718582103936 -0.5345642125399978 -0.4745158847438104 -0.5576394892369155 -0.6587023272973206 -0.7239158386852463 -0.7995507833676472 -1.3701944008604676 -0.7949074276730251 -0.8240172249085289 -0.8537232664716244 -0.8790887695556108 -0.9063479643440521 -1.2838762066536462 -0.8800356154078338 +28250,-0.8010985685991879,1,-0.7237093070220827 -0.6918679253209169 -0.4745158847438104 -0.40710105128816837 -0.3305718582103936 -0.5345642125399978 -0.4745158847438104 -0.5576394892369155 -0.6587023272973206 -0.7239158386852463 -0.7995507833676472 -1.3701944008604676 -0.7949074276730251 -0.8240172249085289 -0.8537232664716244 -0.8790887695556108 -0.9063479643440521 -1.2838762066536462 -0.8800356154078338 -0.8436430528016091 +28251,-0.7537420103608607,1,-0.6918679253209169 -0.4745158847438104 -0.40710105128816837 -0.3305718582103936 -0.5345642125399978 -0.4745158847438104 -0.5576394892369155 -0.6587023272973206 -0.7239158386852463 -0.7995507833676472 -1.3701944008604676 -0.7949074276730251 -0.8240172249085289 -0.8537232664716244 -0.8790887695556108 -0.9063479643440521 -1.2838762066536462 -0.8800356154078338 -0.8436430528016091 -0.8010985685991879 +28252,-0.6989447433174139,1,-0.4745158847438104 -0.40710105128816837 -0.3305718582103936 -0.5345642125399978 -0.4745158847438104 -0.5576394892369155 -0.6587023272973206 -0.7239158386852463 -0.7995507833676472 -1.3701944008604676 -0.7949074276730251 -0.8240172249085289 -0.8537232664716244 -0.8790887695556108 -0.9063479643440521 -1.2838762066536462 -0.8800356154078338 -0.8436430528016091 -0.8010985685991879 -0.7537420103608607 +28253,-0.8552305826913864,1,-0.40710105128816837 -0.3305718582103936 -0.5345642125399978 -0.4745158847438104 -0.5576394892369155 -0.6587023272973206 -0.7239158386852463 -0.7995507833676472 -1.3701944008604676 -0.7949074276730251 -0.8240172249085289 -0.8537232664716244 -0.8790887695556108 -0.9063479643440521 -1.2838762066536462 -0.8800356154078338 -0.8436430528016091 -0.8010985685991879 -0.7537420103608607 -0.6989447433174139 +28254,-0.5410706497001132,1,-0.3305718582103936 -0.5345642125399978 -0.4745158847438104 -0.5576394892369155 -0.6587023272973206 -0.7239158386852463 -0.7995507833676472 -1.3701944008604676 -0.7949074276730251 -0.8240172249085289 -0.8537232664716244 -0.8790887695556108 -0.9063479643440521 -1.2838762066536462 -0.8800356154078338 -0.8436430528016091 -0.8010985685991879 -0.7537420103608607 -0.6989447433174139 -0.8552305826913864 +28255,-0.4625219816745856,1,-0.5345642125399978 -0.4745158847438104 -0.5576394892369155 -0.6587023272973206 -0.7239158386852463 -0.7995507833676472 -1.3701944008604676 -0.7949074276730251 -0.8240172249085289 -0.8537232664716244 -0.8790887695556108 -0.9063479643440521 -1.2838762066536462 -0.8800356154078338 -0.8436430528016091 -0.8010985685991879 -0.7537420103608607 -0.6989447433174139 -0.8552305826913864 -0.5410706497001132 +28256,-0.375457629925109,1,-0.4745158847438104 -0.5576394892369155 -0.6587023272973206 -0.7239158386852463 -0.7995507833676472 -1.3701944008604676 -0.7949074276730251 -0.8240172249085289 -0.8537232664716244 -0.8790887695556108 -0.9063479643440521 -1.2838762066536462 -0.8800356154078338 -0.8436430528016091 -0.8010985685991879 -0.7537420103608607 -0.6989447433174139 -0.8552305826913864 -0.5410706497001132 -0.4625219816745856 +28257,-0.3568436537805327,1,-0.5576394892369155 -0.6587023272973206 -0.7239158386852463 -0.7995507833676472 -1.3701944008604676 -0.7949074276730251 -0.8240172249085289 -0.8537232664716244 -0.8790887695556108 -0.9063479643440521 -1.2838762066536462 -0.8800356154078338 -0.8436430528016091 -0.8010985685991879 -0.7537420103608607 -0.6989447433174139 -0.8552305826913864 -0.5410706497001132 -0.4625219816745856 -0.375457629925109 +28258,-0.333667428673475,1,-0.6587023272973206 -0.7239158386852463 -0.7995507833676472 -1.3701944008604676 -0.7949074276730251 -0.8240172249085289 -0.8537232664716244 -0.8790887695556108 -0.9063479643440521 -1.2838762066536462 -0.8800356154078338 -0.8436430528016091 -0.8010985685991879 -0.7537420103608607 -0.6989447433174139 -0.8552305826913864 -0.5410706497001132 -0.4625219816745856 -0.375457629925109 -0.3568436537805327 +28259,-0.3836298376632889,1,-0.7239158386852463 -0.7995507833676472 -1.3701944008604676 -0.7949074276730251 -0.8240172249085289 -0.8537232664716244 -0.8790887695556108 -0.9063479643440521 -1.2838762066536462 -0.8800356154078338 -0.8436430528016091 -0.8010985685991879 -0.7537420103608607 -0.6989447433174139 -0.8552305826913864 -0.5410706497001132 -0.4625219816745856 -0.375457629925109 -0.3568436537805327 -0.333667428673475 +28260,-0.35997977760969324,1,-0.7995507833676472 -1.3701944008604676 -0.7949074276730251 -0.8240172249085289 -0.8537232664716244 -0.8790887695556108 -0.9063479643440521 -1.2838762066536462 -0.8800356154078338 -0.8436430528016091 -0.8010985685991879 -0.7537420103608607 -0.6989447433174139 -0.8552305826913864 -0.5410706497001132 -0.4625219816745856 -0.375457629925109 -0.3568436537805327 -0.333667428673475 -0.3836298376632889 +28261,-0.40015826762327034,1,-1.3701944008604676 -0.7949074276730251 -0.8240172249085289 -0.8537232664716244 -0.8790887695556108 -0.9063479643440521 -1.2838762066536462 -0.8800356154078338 -0.8436430528016091 -0.8010985685991879 -0.7537420103608607 -0.6989447433174139 -0.8552305826913864 -0.5410706497001132 -0.4625219816745856 -0.375457629925109 -0.3568436537805327 -0.333667428673475 -0.3836298376632889 -0.35997977760969324 +28262,-0.45749024719684517,1,-0.7949074276730251 -0.8240172249085289 -0.8537232664716244 -0.8790887695556108 -0.9063479643440521 -1.2838762066536462 -0.8800356154078338 -0.8436430528016091 -0.8010985685991879 -0.7537420103608607 -0.6989447433174139 -0.8552305826913864 -0.5410706497001132 -0.4625219816745856 -0.375457629925109 -0.3568436537805327 -0.333667428673475 -0.3836298376632889 -0.35997977760969324 -0.40015826762327034 +28263,-0.47986698380897425,1,-0.8240172249085289 -0.8537232664716244 -0.8790887695556108 -0.9063479643440521 -1.2838762066536462 -0.8800356154078338 -0.8436430528016091 -0.8010985685991879 -0.7537420103608607 -0.6989447433174139 -0.8552305826913864 -0.5410706497001132 -0.4625219816745856 -0.375457629925109 -0.3568436537805327 -0.333667428673475 -0.3836298376632889 -0.35997977760969324 -0.40015826762327034 -0.45749024719684517 +28264,-0.5116627303008136,1,-0.8537232664716244 -0.8790887695556108 -0.9063479643440521 -1.2838762066536462 -0.8800356154078338 -0.8436430528016091 -0.8010985685991879 -0.7537420103608607 -0.6989447433174139 -0.8552305826913864 -0.5410706497001132 -0.4625219816745856 -0.375457629925109 -0.3568436537805327 -0.333667428673475 -0.3836298376632889 -0.35997977760969324 -0.40015826762327034 -0.45749024719684517 -0.47986698380897425 +28265,-1.1991481469396341,1,-0.8790887695556108 -0.9063479643440521 -1.2838762066536462 -0.8800356154078338 -0.8436430528016091 -0.8010985685991879 -0.7537420103608607 -0.6989447433174139 -0.8552305826913864 -0.5410706497001132 -0.4625219816745856 -0.375457629925109 -0.3568436537805327 -0.333667428673475 -0.3836298376632889 -0.35997977760969324 -0.40015826762327034 -0.45749024719684517 -0.47986698380897425 -0.5116627303008136 +28266,-0.6370333340557244,1,-0.9063479643440521 -1.2838762066536462 -0.8800356154078338 -0.8436430528016091 -0.8010985685991879 -0.7537420103608607 -0.6989447433174139 -0.8552305826913864 -0.5410706497001132 -0.4625219816745856 -0.375457629925109 -0.3568436537805327 -0.333667428673475 -0.3836298376632889 -0.35997977760969324 -0.40015826762327034 -0.45749024719684517 -0.47986698380897425 -0.5116627303008136 -1.1991481469396341 +28267,-0.6947034629121915,1,-1.2838762066536462 -0.8800356154078338 -0.8436430528016091 -0.8010985685991879 -0.7537420103608607 -0.6989447433174139 -0.8552305826913864 -0.5410706497001132 -0.4625219816745856 -0.375457629925109 -0.3568436537805327 -0.333667428673475 -0.3836298376632889 -0.35997977760969324 -0.40015826762327034 -0.45749024719684517 -0.47986698380897425 -0.5116627303008136 -1.1991481469396341 -0.6370333340557244 +28268,-0.7624039378106353,1,-0.8800356154078338 -0.8436430528016091 -0.8010985685991879 -0.7537420103608607 -0.6989447433174139 -0.8552305826913864 -0.5410706497001132 -0.4625219816745856 -0.375457629925109 -0.3568436537805327 -0.333667428673475 -0.3836298376632889 -0.35997977760969324 -0.40015826762327034 -0.45749024719684517 -0.47986698380897425 -0.5116627303008136 -1.1991481469396341 -0.6370333340557244 -0.6947034629121915 +28269,-0.815356540330287,1,-0.8436430528016091 -0.8010985685991879 -0.7537420103608607 -0.6989447433174139 -0.8552305826913864 -0.5410706497001132 -0.4625219816745856 -0.375457629925109 -0.3568436537805327 -0.333667428673475 -0.3836298376632889 -0.35997977760969324 -0.40015826762327034 -0.45749024719684517 -0.47986698380897425 -0.5116627303008136 -1.1991481469396341 -0.6370333340557244 -0.6947034629121915 -0.7624039378106353 +28270,-0.8800356154078338,1,-0.8010985685991879 -0.7537420103608607 -0.6989447433174139 -0.8552305826913864 -0.5410706497001132 -0.4625219816745856 -0.375457629925109 -0.3568436537805327 -0.333667428673475 -0.3836298376632889 -0.35997977760969324 -0.40015826762327034 -0.45749024719684517 -0.47986698380897425 -0.5116627303008136 -1.1991481469396341 -0.6370333340557244 -0.6947034629121915 -0.7624039378106353 -0.815356540330287 +28271,-1.6061046042919385,1,-0.7537420103608607 -0.6989447433174139 -0.8552305826913864 -0.5410706497001132 -0.4625219816745856 -0.375457629925109 -0.3568436537805327 -0.333667428673475 -0.3836298376632889 -0.35997977760969324 -0.40015826762327034 -0.45749024719684517 -0.47986698380897425 -0.5116627303008136 -1.1991481469396341 -0.6370333340557244 -0.6947034629121915 -0.7624039378106353 -0.815356540330287 -0.8800356154078338 +28272,-0.9744505145319043,1,-0.6989447433174139 -0.8552305826913864 -0.5410706497001132 -0.4625219816745856 -0.375457629925109 -0.3568436537805327 -0.333667428673475 -0.3836298376632889 -0.35997977760969324 -0.40015826762327034 -0.45749024719684517 -0.47986698380897425 -0.5116627303008136 -1.1991481469396341 -0.6370333340557244 -0.6947034629121915 -0.7624039378106353 -0.815356540330287 -0.8800356154078338 -1.6061046042919385 +28273,-1.0093703039248305,1,-0.8552305826913864 -0.5410706497001132 -0.4625219816745856 -0.375457629925109 -0.3568436537805327 -0.333667428673475 -0.3836298376632889 -0.35997977760969324 -0.40015826762327034 -0.45749024719684517 -0.47986698380897425 -0.5116627303008136 -1.1991481469396341 -0.6370333340557244 -0.6947034629121915 -0.7624039378106353 -0.815356540330287 -0.8800356154078338 -1.6061046042919385 -0.9744505145319043 +28274,-1.0533875613405503,1,-0.5410706497001132 -0.4625219816745856 -0.375457629925109 -0.3568436537805327 -0.333667428673475 -0.3836298376632889 -0.35997977760969324 -0.40015826762327034 -0.45749024719684517 -0.47986698380897425 -0.5116627303008136 -1.1991481469396341 -0.6370333340557244 -0.6947034629121915 -0.7624039378106353 -0.815356540330287 -0.8800356154078338 -1.6061046042919385 -0.9744505145319043 -1.0093703039248305 +28275,-1.0310044777255145,1,-0.4625219816745856 -0.375457629925109 -0.3568436537805327 -0.333667428673475 -0.3836298376632889 -0.35997977760969324 -0.40015826762327034 -0.45749024719684517 -0.47986698380897425 -0.5116627303008136 -1.1991481469396341 -0.6370333340557244 -0.6947034629121915 -0.7624039378106353 -0.815356540330287 -0.8800356154078338 -1.6061046042919385 -0.9744505145319043 -1.0093703039248305 -1.0533875613405503 +28276,-1.0023106486996634,1,-0.375457629925109 -0.3568436537805327 -0.333667428673475 -0.3836298376632889 -0.35997977760969324 -0.40015826762327034 -0.45749024719684517 -0.47986698380897425 -0.5116627303008136 -1.1991481469396341 -0.6370333340557244 -0.6947034629121915 -0.7624039378106353 -0.815356540330287 -0.8800356154078338 -1.6061046042919385 -0.9744505145319043 -1.0093703039248305 -1.0533875613405503 -1.0310044777255145 +28277,-1.0303661324014017,1,-0.3568436537805327 -0.333667428673475 -0.3836298376632889 -0.35997977760969324 -0.40015826762327034 -0.45749024719684517 -0.47986698380897425 -0.5116627303008136 -1.1991481469396341 -0.6370333340557244 -0.6947034629121915 -0.7624039378106353 -0.815356540330287 -0.8800356154078338 -1.6061046042919385 -0.9744505145319043 -1.0093703039248305 -1.0533875613405503 -1.0310044777255145 -1.0023106486996634 +28278,-0.5905997771094683,1,-0.333667428673475 -0.3836298376632889 -0.35997977760969324 -0.40015826762327034 -0.45749024719684517 -0.47986698380897425 -0.5116627303008136 -1.1991481469396341 -0.6370333340557244 -0.6947034629121915 -0.7624039378106353 -0.815356540330287 -0.8800356154078338 -1.6061046042919385 -0.9744505145319043 -1.0093703039248305 -1.0533875613405503 -1.0310044777255145 -1.0023106486996634 -1.0303661324014017 +28279,-0.4382993375123343,1,-0.3836298376632889 -0.35997977760969324 -0.40015826762327034 -0.45749024719684517 -0.47986698380897425 -0.5116627303008136 -1.1991481469396341 -0.6370333340557244 -0.6947034629121915 -0.7624039378106353 -0.815356540330287 -0.8800356154078338 -1.6061046042919385 -0.9744505145319043 -1.0093703039248305 -1.0533875613405503 -1.0310044777255145 -1.0023106486996634 -1.0303661324014017 -0.5905997771094683 +28280,-0.25473038186482905,1,-0.35997977760969324 -0.40015826762327034 -0.45749024719684517 -0.47986698380897425 -0.5116627303008136 -1.1991481469396341 -0.6370333340557244 -0.6947034629121915 -0.7624039378106353 -0.815356540330287 -0.8800356154078338 -1.6061046042919385 -0.9744505145319043 -1.0093703039248305 -1.0533875613405503 -1.0310044777255145 -1.0023106486996634 -1.0303661324014017 -0.5905997771094683 -0.4382993375123343 +28281,-0.18881817839960224,1,-0.40015826762327034 -0.45749024719684517 -0.47986698380897425 -0.5116627303008136 -1.1991481469396341 -0.6370333340557244 -0.6947034629121915 -0.7624039378106353 -0.815356540330287 -0.8800356154078338 -1.6061046042919385 -0.9744505145319043 -1.0093703039248305 -1.0533875613405503 -1.0310044777255145 -1.0023106486996634 -1.0303661324014017 -0.5905997771094683 -0.4382993375123343 -0.25473038186482905 +28282,-0.1076907848683308,1,-0.45749024719684517 -0.47986698380897425 -0.5116627303008136 -1.1991481469396341 -0.6370333340557244 -0.6947034629121915 -0.7624039378106353 -0.815356540330287 -0.8800356154078338 -1.6061046042919385 -0.9744505145319043 -1.0093703039248305 -1.0533875613405503 -1.0310044777255145 -1.0023106486996634 -1.0303661324014017 -0.5905997771094683 -0.4382993375123343 -0.25473038186482905 -0.18881817839960224 +28283,-0.40913994908323176,1,-0.47986698380897425 -0.5116627303008136 -1.1991481469396341 -0.6370333340557244 -0.6947034629121915 -0.7624039378106353 -0.815356540330287 -0.8800356154078338 -1.6061046042919385 -0.9744505145319043 -1.0093703039248305 -1.0533875613405503 -1.0310044777255145 -1.0023106486996634 -1.0303661324014017 -0.5905997771094683 -0.4382993375123343 -0.25473038186482905 -0.18881817839960224 -0.1076907848683308 +28284,-0.28413830126412865,1,-0.5116627303008136 -1.1991481469396341 -0.6370333340557244 -0.6947034629121915 -0.7624039378106353 -0.815356540330287 -0.8800356154078338 -1.6061046042919385 -0.9744505145319043 -1.0093703039248305 -1.0533875613405503 -1.0310044777255145 -1.0023106486996634 -1.0303661324014017 -0.5905997771094683 -0.4382993375123343 -0.25473038186482905 -0.18881817839960224 -0.1076907848683308 -0.40913994908323176 +28285,-0.40442972953093936,1,-1.1991481469396341 -0.6370333340557244 -0.6947034629121915 -0.7624039378106353 -0.815356540330287 -0.8800356154078338 -1.6061046042919385 -0.9744505145319043 -1.0093703039248305 -1.0533875613405503 -1.0310044777255145 -1.0023106486996634 -1.0303661324014017 -0.5905997771094683 -0.4382993375123343 -0.25473038186482905 -0.18881817839960224 -0.1076907848683308 -0.40913994908323176 -0.28413830126412865 +28286,-0.5565485020155377,1,-0.6370333340557244 -0.6947034629121915 -0.7624039378106353 -0.815356540330287 -0.8800356154078338 -1.6061046042919385 -0.9744505145319043 -1.0093703039248305 -1.0533875613405503 -1.0310044777255145 -1.0023106486996634 -1.0303661324014017 -0.5905997771094683 -0.4382993375123343 -0.25473038186482905 -0.18881817839960224 -0.1076907848683308 -0.40913994908323176 -0.28413830126412865 -0.40442972953093936 +28287,-0.6936609996864934,1,-0.6947034629121915 -0.7624039378106353 -0.815356540330287 -0.8800356154078338 -1.6061046042919385 -0.9744505145319043 -1.0093703039248305 -1.0533875613405503 -1.0310044777255145 -1.0023106486996634 -1.0303661324014017 -0.5905997771094683 -0.4382993375123343 -0.25473038186482905 -0.18881817839960224 -0.1076907848683308 -0.40913994908323176 -0.28413830126412865 -0.40442972953093936 -0.5565485020155377 +28288,-0.8630099778608774,1,-0.7624039378106353 -0.815356540330287 -0.8800356154078338 -1.6061046042919385 -0.9744505145319043 -1.0093703039248305 -1.0533875613405503 -1.0310044777255145 -1.0023106486996634 -1.0303661324014017 -0.5905997771094683 -0.4382993375123343 -0.25473038186482905 -0.18881817839960224 -0.1076907848683308 -0.40913994908323176 -0.28413830126412865 -0.40442972953093936 -0.5565485020155377 -0.6936609996864934 +28289,-1.6820297837793705,1,-0.815356540330287 -0.8800356154078338 -1.6061046042919385 -0.9744505145319043 -1.0093703039248305 -1.0533875613405503 -1.0310044777255145 -1.0023106486996634 -1.0303661324014017 -0.5905997771094683 -0.4382993375123343 -0.25473038186482905 -0.18881817839960224 -0.1076907848683308 -0.40913994908323176 -0.28413830126412865 -0.40442972953093936 -0.5565485020155377 -0.6936609996864934 -0.8630099778608774 +28290,-1.013145145320457,1,-0.8800356154078338 -1.6061046042919385 -0.9744505145319043 -1.0093703039248305 -1.0533875613405503 -1.0310044777255145 -1.0023106486996634 -1.0303661324014017 -0.5905997771094683 -0.4382993375123343 -0.25473038186482905 -0.18881817839960224 -0.1076907848683308 -0.40913994908323176 -0.28413830126412865 -0.40442972953093936 -0.5565485020155377 -0.6936609996864934 -0.8630099778608774 -1.6820297837793705 +28291,-1.1257955886477835,1,-1.6061046042919385 -0.9744505145319043 -1.0093703039248305 -1.0533875613405503 -1.0310044777255145 -1.0023106486996634 -1.0303661324014017 -0.5905997771094683 -0.4382993375123343 -0.25473038186482905 -0.18881817839960224 -0.1076907848683308 -0.40913994908323176 -0.28413830126412865 -0.40442972953093936 -0.5565485020155377 -0.6936609996864934 -0.8630099778608774 -1.6820297837793705 -1.013145145320457 +28292,-1.2515040709779444,1,-0.9744505145319043 -1.0093703039248305 -1.0533875613405503 -1.0310044777255145 -1.0023106486996634 -1.0303661324014017 -0.5905997771094683 -0.4382993375123343 -0.25473038186482905 -0.18881817839960224 -0.1076907848683308 -0.40913994908323176 -0.28413830126412865 -0.40442972953093936 -0.5565485020155377 -0.6936609996864934 -0.8630099778608774 -1.6820297837793705 -1.013145145320457 -1.1257955886477835 +28293,-1.3440433517309194,1,-1.0093703039248305 -1.0533875613405503 -1.0310044777255145 -1.0023106486996634 -1.0303661324014017 -0.5905997771094683 -0.4382993375123343 -0.25473038186482905 -0.18881817839960224 -0.1076907848683308 -0.40913994908323176 -0.28413830126412865 -0.40442972953093936 -0.5565485020155377 -0.6936609996864934 -0.8630099778608774 -1.6820297837793705 -1.013145145320457 -1.1257955886477835 -1.2515040709779444 +28294,-1.4511683658468704,1,-1.0533875613405503 -1.0310044777255145 -1.0023106486996634 -1.0303661324014017 -0.5905997771094683 -0.4382993375123343 -0.25473038186482905 -0.18881817839960224 -0.1076907848683308 -0.40913994908323176 -0.28413830126412865 -0.40442972953093936 -0.5565485020155377 -0.6936609996864934 -0.8630099778608774 -1.6820297837793705 -1.013145145320457 -1.1257955886477835 -1.2515040709779444 -1.3440433517309194 +28295,-2.3372862472586977,1,-1.0310044777255145 -1.0023106486996634 -1.0303661324014017 -0.5905997771094683 -0.4382993375123343 -0.25473038186482905 -0.18881817839960224 -0.1076907848683308 -0.40913994908323176 -0.28413830126412865 -0.40442972953093936 -0.5565485020155377 -0.6936609996864934 -0.8630099778608774 -1.6820297837793705 -1.013145145320457 -1.1257955886477835 -1.2515040709779444 -1.3440433517309194 -1.4511683658468704 +28296,-1.5161753455716411,1,-1.0023106486996634 -1.0303661324014017 -0.5905997771094683 -0.4382993375123343 -0.25473038186482905 -0.18881817839960224 -0.1076907848683308 -0.40913994908323176 -0.28413830126412865 -0.40442972953093936 -0.5565485020155377 -0.6936609996864934 -0.8630099778608774 -1.6820297837793705 -1.013145145320457 -1.1257955886477835 -1.2515040709779444 -1.3440433517309194 -1.4511683658468704 -2.3372862472586977 +28297,-1.5804679628223206,1,-1.0303661324014017 -0.5905997771094683 -0.4382993375123343 -0.25473038186482905 -0.18881817839960224 -0.1076907848683308 -0.40913994908323176 -0.28413830126412865 -0.40442972953093936 -0.5565485020155377 -0.6936609996864934 -0.8630099778608774 -1.6820297837793705 -1.013145145320457 -1.1257955886477835 -1.2515040709779444 -1.3440433517309194 -1.4511683658468704 -2.3372862472586977 -1.5161753455716411 +28298,-1.6554760164104358,1,-0.5905997771094683 -0.4382993375123343 -0.25473038186482905 -0.18881817839960224 -0.1076907848683308 -0.40913994908323176 -0.28413830126412865 -0.40442972953093936 -0.5565485020155377 -0.6936609996864934 -0.8630099778608774 -1.6820297837793705 -1.013145145320457 -1.1257955886477835 -1.2515040709779444 -1.3440433517309194 -1.4511683658468704 -2.3372862472586977 -1.5161753455716411 -1.5804679628223206 +28299,-1.6540327040507823,1,-0.4382993375123343 -0.25473038186482905 -0.18881817839960224 -0.1076907848683308 -0.40913994908323176 -0.28413830126412865 -0.40442972953093936 -0.5565485020155377 -0.6936609996864934 -0.8630099778608774 -1.6820297837793705 -1.013145145320457 -1.1257955886477835 -1.2515040709779444 -1.3440433517309194 -1.4511683658468704 -2.3372862472586977 -1.5161753455716411 -1.5804679628223206 -1.6554760164104358 +28300,-1.6523804459473457,1,-0.25473038186482905 -0.18881817839960224 -0.1076907848683308 -0.40913994908323176 -0.28413830126412865 -0.40442972953093936 -0.5565485020155377 -0.6936609996864934 -0.8630099778608774 -1.6820297837793705 -1.013145145320457 -1.1257955886477835 -1.2515040709779444 -1.3440433517309194 -1.4511683658468704 -2.3372862472586977 -1.5161753455716411 -1.5804679628223206 -1.6554760164104358 -1.6540327040507823 +28301,-1.4863343403867026,1,-0.18881817839960224 -0.1076907848683308 -0.40913994908323176 -0.28413830126412865 -0.40442972953093936 -0.5565485020155377 -0.6936609996864934 -0.8630099778608774 -1.6820297837793705 -1.013145145320457 -1.1257955886477835 -1.2515040709779444 -1.3440433517309194 -1.4511683658468704 -2.3372862472586977 -1.5161753455716411 -1.5804679628223206 -1.6554760164104358 -1.6540327040507823 -1.6523804459473457 +28302,-1.0487442056459282,1,-0.1076907848683308 -0.40913994908323176 -0.28413830126412865 -0.40442972953093936 -0.5565485020155377 -0.6936609996864934 -0.8630099778608774 -1.6820297837793705 -1.013145145320457 -1.1257955886477835 -1.2515040709779444 -1.3440433517309194 -1.4511683658468704 -2.3372862472586977 -1.5161753455716411 -1.5804679628223206 -1.6554760164104358 -1.6540327040507823 -1.6523804459473457 -1.4863343403867026 +28303,-0.5317839383108602,1,-0.40913994908323176 -0.28413830126412865 -0.40442972953093936 -0.5565485020155377 -0.6936609996864934 -0.8630099778608774 -1.6820297837793705 -1.013145145320457 -1.1257955886477835 -1.2515040709779444 -1.3440433517309194 -1.4511683658468704 -2.3372862472586977 -1.5161753455716411 -1.5804679628223206 -1.6554760164104358 -1.6540327040507823 -1.6523804459473457 -1.4863343403867026 -1.0487442056459282 +28304,-0.538729763373749,1,-0.28413830126412865 -0.40442972953093936 -0.5565485020155377 -0.6936609996864934 -0.8630099778608774 -1.6820297837793705 -1.013145145320457 -1.1257955886477835 -1.2515040709779444 -1.3440433517309194 -1.4511683658468704 -2.3372862472586977 -1.5161753455716411 -1.5804679628223206 -1.6554760164104358 -1.6540327040507823 -1.6523804459473457 -1.4863343403867026 -1.0487442056459282 -0.5317839383108602 +28305,-0.4095089050190395,1,-0.40442972953093936 -0.5565485020155377 -0.6936609996864934 -0.8630099778608774 -1.6820297837793705 -1.013145145320457 -1.1257955886477835 -1.2515040709779444 -1.3440433517309194 -1.4511683658468704 -2.3372862472586977 -1.5161753455716411 -1.5804679628223206 -1.6554760164104358 -1.6540327040507823 -1.6523804459473457 -1.4863343403867026 -1.0487442056459282 -0.5317839383108602 -0.538729763373749 +28306,-0.41851723934069823,1,-0.5565485020155377 -0.6936609996864934 -0.8630099778608774 -1.6820297837793705 -1.013145145320457 -1.1257955886477835 -1.2515040709779444 -1.3440433517309194 -1.4511683658468704 -2.3372862472586977 -1.5161753455716411 -1.5804679628223206 -1.6554760164104358 -1.6540327040507823 -1.6523804459473457 -1.4863343403867026 -1.0487442056459282 -0.5317839383108602 -0.538729763373749 -0.4095089050190395 +28307,-0.4280823277975455,1,-0.6936609996864934 -0.8630099778608774 -1.6820297837793705 -1.013145145320457 -1.1257955886477835 -1.2515040709779444 -1.3440433517309194 -1.4511683658468704 -2.3372862472586977 -1.5161753455716411 -1.5804679628223206 -1.6554760164104358 -1.6540327040507823 -1.6523804459473457 -1.4863343403867026 -1.0487442056459282 -0.5317839383108602 -0.538729763373749 -0.4095089050190395 -0.41851723934069823 +28308,-0.5316999483643869,1,-0.8630099778608774 -1.6820297837793705 -1.013145145320457 -1.1257955886477835 -1.2515040709779444 -1.3440433517309194 -1.4511683658468704 -2.3372862472586977 -1.5161753455716411 -1.5804679628223206 -1.6554760164104358 -1.6540327040507823 -1.6523804459473457 -1.4863343403867026 -1.0487442056459282 -0.5317839383108602 -0.538729763373749 -0.4095089050190395 -0.41851723934069823 -0.4280823277975455 +28309,-0.6401289045188147,1,-1.6820297837793705 -1.013145145320457 -1.1257955886477835 -1.2515040709779444 -1.3440433517309194 -1.4511683658468704 -2.3372862472586977 -1.5161753455716411 -1.5804679628223206 -1.6554760164104358 -1.6540327040507823 -1.6523804459473457 -1.4863343403867026 -1.0487442056459282 -0.5317839383108602 -0.538729763373749 -0.4095089050190395 -0.41851723934069823 -0.4280823277975455 -0.5316999483643869 +28310,-1.355256791990848,1,-1.013145145320457 -1.1257955886477835 -1.2515040709779444 -1.3440433517309194 -1.4511683658468704 -2.3372862472586977 -1.5161753455716411 -1.5804679628223206 -1.6554760164104358 -1.6540327040507823 -1.6523804459473457 -1.4863343403867026 -1.0487442056459282 -0.5317839383108602 -0.538729763373749 -0.4095089050190395 -0.41851723934069823 -0.4280823277975455 -0.5316999483643869 -0.6401289045188147 +28311,-0.971354944068823,1,-1.1257955886477835 -1.2515040709779444 -1.3440433517309194 -1.4511683658468704 -2.3372862472586977 -1.5161753455716411 -1.5804679628223206 -1.6554760164104358 -1.6540327040507823 -1.6523804459473457 -1.4863343403867026 -1.0487442056459282 -0.5317839383108602 -0.538729763373749 -0.4095089050190395 -0.41851723934069823 -0.4280823277975455 -0.5316999483643869 -0.6401289045188147 -1.355256791990848 +28312,-1.1141924888124621,1,-1.2515040709779444 -1.3440433517309194 -1.4511683658468704 -2.3372862472586977 -1.5161753455716411 -1.5804679628223206 -1.6554760164104358 -1.6540327040507823 -1.6523804459473457 -1.4863343403867026 -1.0487442056459282 -0.5317839383108602 -0.538729763373749 -0.4095089050190395 -0.41851723934069823 -0.4280823277975455 -0.5316999483643869 -0.6401289045188147 -1.355256791990848 -0.971354944068823 +28313,-1.1601847423169553,1,-1.3440433517309194 -1.4511683658468704 -2.3372862472586977 -1.5161753455716411 -1.5804679628223206 -1.6554760164104358 -1.6540327040507823 -1.6523804459473457 -1.4863343403867026 -1.0487442056459282 -0.5317839383108602 -0.538729763373749 -0.4095089050190395 -0.41851723934069823 -0.4280823277975455 -0.5316999483643869 -0.6401289045188147 -1.355256791990848 -0.971354944068823 -1.1141924888124621 +28314,-1.1648280980115862,1,-1.4511683658468704 -2.3372862472586977 -1.5161753455716411 -1.5804679628223206 -1.6554760164104358 -1.6540327040507823 -1.6523804459473457 -1.4863343403867026 -1.0487442056459282 -0.5317839383108602 -0.538729763373749 -0.4095089050190395 -0.41851723934069823 -0.4280823277975455 -0.5316999483643869 -0.6401289045188147 -1.355256791990848 -0.971354944068823 -1.1141924888124621 -1.1601847423169553 +28315,-1.2499562857464037,1,-2.3372862472586977 -1.5161753455716411 -1.5804679628223206 -1.6554760164104358 -1.6540327040507823 -1.6523804459473457 -1.4863343403867026 -1.0487442056459282 -0.5317839383108602 -0.538729763373749 -0.4095089050190395 -0.41851723934069823 -0.4280823277975455 -0.5316999483643869 -0.6401289045188147 -1.355256791990848 -0.971354944068823 -1.1141924888124621 -1.1601847423169553 -1.1648280980115862 +28316,-1.3939003122798206,1,-1.5161753455716411 -1.5804679628223206 -1.6554760164104358 -1.6540327040507823 -1.6523804459473457 -1.4863343403867026 -1.0487442056459282 -0.5317839383108602 -0.538729763373749 -0.4095089050190395 -0.41851723934069823 -0.4280823277975455 -0.5316999483643869 -0.6401289045188147 -1.355256791990848 -0.971354944068823 -1.1141924888124621 -1.1601847423169553 -1.1648280980115862 -1.2499562857464037 +28317,-1.5734433991386998,1,-1.5804679628223206 -1.6554760164104358 -1.6540327040507823 -1.6523804459473457 -1.4863343403867026 -1.0487442056459282 -0.5317839383108602 -0.538729763373749 -0.4095089050190395 -0.41851723934069823 -0.4280823277975455 -0.5316999483643869 -0.6401289045188147 -1.355256791990848 -0.971354944068823 -1.1141924888124621 -1.1601847423169553 -1.1648280980115862 -1.2499562857464037 -1.3939003122798206 +28318,-1.5192709160347313,1,-1.6554760164104358 -1.6540327040507823 -1.6523804459473457 -1.4863343403867026 -1.0487442056459282 -0.5317839383108602 -0.538729763373749 -0.4095089050190395 -0.41851723934069823 -0.4280823277975455 -0.5316999483643869 -0.6401289045188147 -1.355256791990848 -0.971354944068823 -1.1141924888124621 -1.1601847423169553 -1.1648280980115862 -1.2499562857464037 -1.3939003122798206 -1.5734433991386998 +28319,-1.6430937345580927,1,-1.6540327040507823 -1.6523804459473457 -1.4863343403867026 -1.0487442056459282 -0.5317839383108602 -0.538729763373749 -0.4095089050190395 -0.41851723934069823 -0.4280823277975455 -0.5316999483643869 -0.6401289045188147 -1.355256791990848 -0.971354944068823 -1.1141924888124621 -1.1601847423169553 -1.1648280980115862 -1.2499562857464037 -1.3939003122798206 -1.5734433991386998 -1.5192709160347313 +28320,-1.7638209826183815,1,-1.6523804459473457 -1.4863343403867026 -1.0487442056459282 -0.5317839383108602 -0.538729763373749 -0.4095089050190395 -0.41851723934069823 -0.4280823277975455 -0.5316999483643869 -0.6401289045188147 -1.355256791990848 -0.971354944068823 -1.1141924888124621 -1.1601847423169553 -1.1648280980115862 -1.2499562857464037 -1.3939003122798206 -1.5734433991386998 -1.5192709160347313 -1.6430937345580927 +28321,-1.7901553351790045,1,-1.4863343403867026 -1.0487442056459282 -0.5317839383108602 -0.538729763373749 -0.4095089050190395 -0.41851723934069823 -0.4280823277975455 -0.5316999483643869 -0.6401289045188147 -1.355256791990848 -0.971354944068823 -1.1141924888124621 -1.1601847423169553 -1.1648280980115862 -1.2499562857464037 -1.3939003122798206 -1.5734433991386998 -1.5192709160347313 -1.6430937345580927 -1.7638209826183815 +28322,-1.867522593131705,1,-1.0487442056459282 -0.5317839383108602 -0.538729763373749 -0.4095089050190395 -0.41851723934069823 -0.4280823277975455 -0.5316999483643869 -0.6401289045188147 -1.355256791990848 -0.971354944068823 -1.1141924888124621 -1.1601847423169553 -1.1648280980115862 -1.2499562857464037 -1.3939003122798206 -1.5734433991386998 -1.5192709160347313 -1.6430937345580927 -1.7638209826183815 -1.7901553351790045 +28323,-1.8566880965109025,1,-0.5317839383108602 -0.538729763373749 -0.4095089050190395 -0.41851723934069823 -0.4280823277975455 -0.5316999483643869 -0.6401289045188147 -1.355256791990848 -0.971354944068823 -1.1141924888124621 -1.1601847423169553 -1.1648280980115862 -1.2499562857464037 -1.3939003122798206 -1.5734433991386998 -1.5192709160347313 -1.6430937345580927 -1.7638209826183815 -1.7901553351790045 -1.867522593131705 +28324,-1.5053408489508475,1,-0.538729763373749 -0.4095089050190395 -0.41851723934069823 -0.4280823277975455 -0.5316999483643869 -0.6401289045188147 -1.355256791990848 -0.971354944068823 -1.1141924888124621 -1.1601847423169553 -1.1648280980115862 -1.2499562857464037 -1.3939003122798206 -1.5734433991386998 -1.5192709160347313 -1.6430937345580927 -1.7638209826183815 -1.7901553351790045 -1.867522593131705 -1.8566880965109025 +28325,-1.5069982429152364,1,-0.4095089050190395 -0.41851723934069823 -0.4280823277975455 -0.5316999483643869 -0.6401289045188147 -1.355256791990848 -0.971354944068823 -1.1141924888124621 -1.1601847423169553 -1.1648280980115862 -1.2499562857464037 -1.3939003122798206 -1.5734433991386998 -1.5192709160347313 -1.6430937345580927 -1.7638209826183815 -1.7901553351790045 -1.867522593131705 -1.8566880965109025 -1.5053408489508475 +28326,-1.2329306481994384,1,-0.41851723934069823 -0.4280823277975455 -0.5316999483643869 -0.6401289045188147 -1.355256791990848 -0.971354944068823 -1.1141924888124621 -1.1601847423169553 -1.1648280980115862 -1.2499562857464037 -1.3939003122798206 -1.5734433991386998 -1.5192709160347313 -1.6430937345580927 -1.7638209826183815 -1.7901553351790045 -1.867522593131705 -1.8566880965109025 -1.5053408489508475 -1.5069982429152364 +28327,-0.9481381655956861,1,-0.4280823277975455 -0.5316999483643869 -0.6401289045188147 -1.355256791990848 -0.971354944068823 -1.1141924888124621 -1.1601847423169553 -1.1648280980115862 -1.2499562857464037 -1.3939003122798206 -1.5734433991386998 -1.5192709160347313 -1.6430937345580927 -1.7638209826183815 -1.7901553351790045 -1.867522593131705 -1.8566880965109025 -1.5053408489508475 -1.5069982429152364 -1.2329306481994384 +28328,-0.956314054276708,1,-0.5316999483643869 -0.6401289045188147 -1.355256791990848 -0.971354944068823 -1.1141924888124621 -1.1601847423169553 -1.1648280980115862 -1.2499562857464037 -1.3939003122798206 -1.5734433991386998 -1.5192709160347313 -1.6430937345580927 -1.7638209826183815 -1.7901553351790045 -1.867522593131705 -1.8566880965109025 -1.5053408489508475 -1.5069982429152364 -1.2329306481994384 -0.9481381655956861 +28329,-0.8119330652199815,1,-0.6401289045188147 -1.355256791990848 -0.971354944068823 -1.1141924888124621 -1.1601847423169553 -1.1648280980115862 -1.2499562857464037 -1.3939003122798206 -1.5734433991386998 -1.5192709160347313 -1.6430937345580927 -1.7638209826183815 -1.7901553351790045 -1.867522593131705 -1.8566880965109025 -1.5053408489508475 -1.5069982429152364 -1.2329306481994384 -0.9481381655956861 -0.956314054276708 +28330,-0.582860850951756,1,-1.355256791990848 -0.971354944068823 -1.1141924888124621 -1.1601847423169553 -1.1648280980115862 -1.2499562857464037 -1.3939003122798206 -1.5734433991386998 -1.5192709160347313 -1.6430937345580927 -1.7638209826183815 -1.7901553351790045 -1.867522593131705 -1.8566880965109025 -1.5053408489508475 -1.5069982429152364 -1.2329306481994384 -0.9481381655956861 -0.956314054276708 -0.8119330652199815 +28331,-0.6122687703510556,1,-0.971354944068823 -1.1141924888124621 -1.1601847423169553 -1.1648280980115862 -1.2499562857464037 -1.3939003122798206 -1.5734433991386998 -1.5192709160347313 -1.6430937345580927 -1.7638209826183815 -1.7901553351790045 -1.867522593131705 -1.8566880965109025 -1.5053408489508475 -1.5069982429152364 -1.2329306481994384 -0.9481381655956861 -0.956314054276708 -0.8119330652199815 -0.582860850951756 +28332,-0.6848391963924653,1,-1.1141924888124621 -1.1601847423169553 -1.1648280980115862 -1.2499562857464037 -1.3939003122798206 -1.5734433991386998 -1.5192709160347313 -1.6430937345580927 -1.7638209826183815 -1.7901553351790045 -1.867522593131705 -1.8566880965109025 -1.5053408489508475 -1.5069982429152364 -1.2329306481994384 -0.9481381655956861 -0.956314054276708 -0.8119330652199815 -0.582860850951756 -0.6122687703510556 +28333,-0.8459843403139121,1,-1.1601847423169553 -1.1648280980115862 -1.2499562857464037 -1.3939003122798206 -1.5734433991386998 -1.5192709160347313 -1.6430937345580927 -1.7638209826183815 -1.7901553351790045 -1.867522593131705 -1.8566880965109025 -1.5053408489508475 -1.5069982429152364 -1.2329306481994384 -0.9481381655956861 -0.956314054276708 -0.8119330652199815 -0.582860850951756 -0.6122687703510556 -0.6848391963924653 +28334,-1.3552023238807638,1,-1.1648280980115862 -1.2499562857464037 -1.3939003122798206 -1.5734433991386998 -1.5192709160347313 -1.6430937345580927 -1.7638209826183815 -1.7901553351790045 -1.867522593131705 -1.8566880965109025 -1.5053408489508475 -1.5069982429152364 -1.2329306481994384 -0.9481381655956861 -0.956314054276708 -0.8119330652199815 -0.582860850951756 -0.6122687703510556 -0.6848391963924653 -0.8459843403139121 +28335,-1.234478433430979,1,-1.2499562857464037 -1.3939003122798206 -1.5734433991386998 -1.5192709160347313 -1.6430937345580927 -1.7638209826183815 -1.7901553351790045 -1.867522593131705 -1.8566880965109025 -1.5053408489508475 -1.5069982429152364 -1.2329306481994384 -0.9481381655956861 -0.956314054276708 -0.8119330652199815 -0.582860850951756 -0.6122687703510556 -0.6848391963924653 -0.8459843403139121 -1.3552023238807638 +28336,-1.4759329295515478,1,-1.3939003122798206 -1.5734433991386998 -1.5192709160347313 -1.6430937345580927 -1.7638209826183815 -1.7901553351790045 -1.867522593131705 -1.8566880965109025 -1.5053408489508475 -1.5069982429152364 -1.2329306481994384 -0.9481381655956861 -0.956314054276708 -0.8119330652199815 -0.582860850951756 -0.6122687703510556 -0.6848391963924653 -0.8459843403139121 -1.3552023238807638 -1.234478433430979 +28337,-1.4867693370679893,1,-1.5734433991386998 -1.5192709160347313 -1.6430937345580927 -1.7638209826183815 -1.7901553351790045 -1.867522593131705 -1.8566880965109025 -1.5053408489508475 -1.5069982429152364 -1.2329306481994384 -0.9481381655956861 -0.956314054276708 -0.8119330652199815 -0.582860850951756 -0.6122687703510556 -0.6848391963924653 -0.8459843403139121 -1.3552023238807638 -1.234478433430979 -1.4759329295515478 +28338,-1.5084364194139288,1,-1.5192709160347313 -1.6430937345580927 -1.7638209826183815 -1.7901553351790045 -1.867522593131705 -1.8566880965109025 -1.5053408489508475 -1.5069982429152364 -1.2329306481994384 -0.9481381655956861 -0.956314054276708 -0.8119330652199815 -0.582860850951756 -0.6122687703510556 -0.6848391963924653 -0.8459843403139121 -1.3552023238807638 -1.234478433430979 -1.4759329295515478 -1.4867693370679893 +28339,-1.545583264970941,1,-1.6430937345580927 -1.7638209826183815 -1.7901553351790045 -1.867522593131705 -1.8566880965109025 -1.5053408489508475 -1.5069982429152364 -1.2329306481994384 -0.9481381655956861 -0.956314054276708 -0.8119330652199815 -0.582860850951756 -0.6122687703510556 -0.6848391963924653 -0.8459843403139121 -1.3552023238807638 -1.234478433430979 -1.4759329295515478 -1.4867693370679893 -1.5084364194139288 +28340,-1.6725016539573925,1,-1.7638209826183815 -1.7901553351790045 -1.867522593131705 -1.8566880965109025 -1.5053408489508475 -1.5069982429152364 -1.2329306481994384 -0.9481381655956861 -0.956314054276708 -0.8119330652199815 -0.582860850951756 -0.6122687703510556 -0.6848391963924653 -0.8459843403139121 -1.3552023238807638 -1.234478433430979 -1.4759329295515478 -1.4867693370679893 -1.5084364194139288 -1.545583264970941 +28341,-1.6539282311788863,1,-1.7901553351790045 -1.867522593131705 -1.8566880965109025 -1.5053408489508475 -1.5069982429152364 -1.2329306481994384 -0.9481381655956861 -0.956314054276708 -0.8119330652199815 -0.582860850951756 -0.6122687703510556 -0.6848391963924653 -0.8459843403139121 -1.3552023238807638 -1.234478433430979 -1.4759329295515478 -1.4867693370679893 -1.5084364194139288 -1.545583264970941 -1.6725016539573925 +28342,-1.7173874256721167,1,-1.867522593131705 -1.8566880965109025 -1.5053408489508475 -1.5069982429152364 -1.2329306481994384 -0.9481381655956861 -0.956314054276708 -0.8119330652199815 -0.582860850951756 -0.6122687703510556 -0.6848391963924653 -0.8459843403139121 -1.3552023238807638 -1.234478433430979 -1.4759329295515478 -1.4867693370679893 -1.5084364194139288 -1.545583264970941 -1.6725016539573925 -1.6539282311788863 +28343,-1.8504969555847397,1,-1.8566880965109025 -1.5053408489508475 -1.5069982429152364 -1.2329306481994384 -0.9481381655956861 -0.956314054276708 -0.8119330652199815 -0.582860850951756 -0.6122687703510556 -0.6848391963924653 -0.8459843403139121 -1.3552023238807638 -1.234478433430979 -1.4759329295515478 -1.4867693370679893 -1.5084364194139288 -1.545583264970941 -1.6725016539573925 -1.6539282311788863 -1.7173874256721167 +28344,-1.8458535998901089,1,-1.5053408489508475 -1.5069982429152364 -1.2329306481994384 -0.9481381655956861 -0.956314054276708 -0.8119330652199815 -0.582860850951756 -0.6122687703510556 -0.6848391963924653 -0.8459843403139121 -1.3552023238807638 -1.234478433430979 -1.4759329295515478 -1.4867693370679893 -1.5084364194139288 -1.545583264970941 -1.6725016539573925 -1.6539282311788863 -1.7173874256721167 -1.8504969555847397 +28345,-1.8303757475746931,1,-1.5069982429152364 -1.2329306481994384 -0.9481381655956861 -0.956314054276708 -0.8119330652199815 -0.582860850951756 -0.6122687703510556 -0.6848391963924653 -0.8459843403139121 -1.3552023238807638 -1.234478433430979 -1.4759329295515478 -1.4867693370679893 -1.5084364194139288 -1.545583264970941 -1.6725016539573925 -1.6539282311788863 -1.7173874256721167 -1.8504969555847397 -1.8458535998901089 +28346,-1.9309817876249264,1,-1.2329306481994384 -0.9481381655956861 -0.956314054276708 -0.8119330652199815 -0.582860850951756 -0.6122687703510556 -0.6848391963924653 -0.8459843403139121 -1.3552023238807638 -1.234478433430979 -1.4759329295515478 -1.4867693370679893 -1.5084364194139288 -1.545583264970941 -1.6725016539573925 -1.6539282311788863 -1.7173874256721167 -1.8504969555847397 -1.8458535998901089 -1.8303757475746931 +28347,-1.7653687678499221,1,-0.9481381655956861 -0.956314054276708 -0.8119330652199815 -0.582860850951756 -0.6122687703510556 -0.6848391963924653 -0.8459843403139121 -1.3552023238807638 -1.234478433430979 -1.4759329295515478 -1.4867693370679893 -1.5084364194139288 -1.545583264970941 -1.6725016539573925 -1.6539282311788863 -1.7173874256721167 -1.8504969555847397 -1.8458535998901089 -1.8303757475746931 -1.9309817876249264 +28348,-1.42021266121603,1,-0.956314054276708 -0.8119330652199815 -0.582860850951756 -0.6122687703510556 -0.6848391963924653 -0.8459843403139121 -1.3552023238807638 -1.234478433430979 -1.4759329295515478 -1.4867693370679893 -1.5084364194139288 -1.545583264970941 -1.6725016539573925 -1.6539282311788863 -1.7173874256721167 -1.8504969555847397 -1.8458535998901089 -1.8303757475746931 -1.9309817876249264 -1.7653687678499221 +28349,-1.422169095645203,1,-0.8119330652199815 -0.582860850951756 -0.6122687703510556 -0.6848391963924653 -0.8459843403139121 -1.3552023238807638 -1.234478433430979 -1.4759329295515478 -1.4867693370679893 -1.5084364194139288 -1.545583264970941 -1.6725016539573925 -1.6539282311788863 -1.7173874256721167 -1.8504969555847397 -1.8458535998901089 -1.8303757475746931 -1.9309817876249264 -1.7653687678499221 -1.42021266121603 +28350,-1.1508980309277022,1,-0.582860850951756 -0.6122687703510556 -0.6848391963924653 -0.8459843403139121 -1.3552023238807638 -1.234478433430979 -1.4759329295515478 -1.4867693370679893 -1.5084364194139288 -1.545583264970941 -1.6725016539573925 -1.6539282311788863 -1.7173874256721167 -1.8504969555847397 -1.8458535998901089 -1.8303757475746931 -1.9309817876249264 -1.7653687678499221 -1.42021266121603 -1.422169095645203 +28351,-0.6958491728543237,1,-0.6122687703510556 -0.6848391963924653 -0.8459843403139121 -1.3552023238807638 -1.234478433430979 -1.4759329295515478 -1.4867693370679893 -1.5084364194139288 -1.545583264970941 -1.6725016539573925 -1.6539282311788863 -1.7173874256721167 -1.8504969555847397 -1.8458535998901089 -1.8303757475746931 -1.9309817876249264 -1.7653687678499221 -1.42021266121603 -1.422169095645203 -1.1508980309277022 +28352,-0.7027477274727851,1,-0.6848391963924653 -0.8459843403139121 -1.3552023238807638 -1.234478433430979 -1.4759329295515478 -1.4867693370679893 -1.5084364194139288 -1.545583264970941 -1.6725016539573925 -1.6539282311788863 -1.7173874256721167 -1.8504969555847397 -1.8458535998901089 -1.8303757475746931 -1.9309817876249264 -1.7653687678499221 -1.42021266121603 -1.422169095645203 -1.1508980309277022 -0.6958491728543237 +28353,-0.5441662201632034,1,-0.8459843403139121 -1.3552023238807638 -1.234478433430979 -1.4759329295515478 -1.4867693370679893 -1.5084364194139288 -1.545583264970941 -1.6725016539573925 -1.6539282311788863 -1.7173874256721167 -1.8504969555847397 -1.8458535998901089 -1.8303757475746931 -1.9309817876249264 -1.7653687678499221 -1.42021266121603 -1.422169095645203 -1.1508980309277022 -0.6958491728543237 -0.7027477274727851 +28354,-0.49664148902310246,1,-1.3552023238807638 -1.234478433430979 -1.4759329295515478 -1.4867693370679893 -1.5084364194139288 -1.545583264970941 -1.6725016539573925 -1.6539282311788863 -1.7173874256721167 -1.8504969555847397 -1.8458535998901089 -1.8303757475746931 -1.9309817876249264 -1.7653687678499221 -1.42021266121603 -1.422169095645203 -1.1508980309277022 -0.6958491728543237 -0.7027477274727851 -0.5441662201632034 +28355,-0.445107965344502,1,-1.234478433430979 -1.4759329295515478 -1.4867693370679893 -1.5084364194139288 -1.545583264970941 -1.6725016539573925 -1.6539282311788863 -1.7173874256721167 -1.8504969555847397 -1.8458535998901089 -1.8303757475746931 -1.9309817876249264 -1.7653687678499221 -1.42021266121603 -1.422169095645203 -1.1508980309277022 -0.6958491728543237 -0.7027477274727851 -0.5441662201632034 -0.49664148902310246 +28356,-0.5681672985600019,1,-1.4759329295515478 -1.4867693370679893 -1.5084364194139288 -1.545583264970941 -1.6725016539573925 -1.6539282311788863 -1.7173874256721167 -1.8504969555847397 -1.8458535998901089 -1.8303757475746931 -1.9309817876249264 -1.7653687678499221 -1.42021266121603 -1.422169095645203 -1.1508980309277022 -0.6958491728543237 -0.7027477274727851 -0.5441662201632034 -0.49664148902310246 -0.445107965344502 +28357,-0.694301387622783,1,-1.4867693370679893 -1.5084364194139288 -1.545583264970941 -1.6725016539573925 -1.6539282311788863 -1.7173874256721167 -1.8504969555847397 -1.8458535998901089 -1.8303757475746931 -1.9309817876249264 -1.7653687678499221 -1.42021266121603 -1.422169095645203 -1.1508980309277022 -0.6958491728543237 -0.7027477274727851 -0.5441662201632034 -0.49664148902310246 -0.445107965344502 -0.5681672985600019 +28358,-1.2012730817819302,1,-1.5084364194139288 -1.545583264970941 -1.6725016539573925 -1.6539282311788863 -1.7173874256721167 -1.8504969555847397 -1.8458535998901089 -1.8303757475746931 -1.9309817876249264 -1.7653687678499221 -1.42021266121603 -1.422169095645203 -1.1508980309277022 -0.6958491728543237 -0.7027477274727851 -0.5441662201632034 -0.49664148902310246 -0.445107965344502 -0.5681672985600019 -0.694301387622783 +28359,-1.2329306481994384,1,-1.545583264970941 -1.6725016539573925 -1.6539282311788863 -1.7173874256721167 -1.8504969555847397 -1.8458535998901089 -1.8303757475746931 -1.9309817876249264 -1.7653687678499221 -1.42021266121603 -1.422169095645203 -1.1508980309277022 -0.6958491728543237 -0.7027477274727851 -0.5441662201632034 -0.49664148902310246 -0.445107965344502 -0.5681672985600019 -0.694301387622783 -1.2012730817819302 +28360,-1.3304411177865902,1,-1.6725016539573925 -1.6539282311788863 -1.7173874256721167 -1.8504969555847397 -1.8458535998901089 -1.8303757475746931 -1.9309817876249264 -1.7653687678499221 -1.42021266121603 -1.422169095645203 -1.1508980309277022 -0.6958491728543237 -0.7027477274727851 -0.5441662201632034 -0.49664148902310246 -0.445107965344502 -0.5681672985600019 -0.694301387622783 -1.2012730817819302 -1.2329306481994384 +28361,-1.3768746747328553,1,-1.6539282311788863 -1.7173874256721167 -1.8504969555847397 -1.8458535998901089 -1.8303757475746931 -1.9309817876249264 -1.7653687678499221 -1.42021266121603 -1.422169095645203 -1.1508980309277022 -0.6958491728543237 -0.7027477274727851 -0.5441662201632034 -0.49664148902310246 -0.445107965344502 -0.5681672985600019 -0.694301387622783 -1.2012730817819302 -1.2329306481994384 -1.3304411177865902 +28362,-1.5177231308031818,1,-1.7173874256721167 -1.8504969555847397 -1.8458535998901089 -1.8303757475746931 -1.9309817876249264 -1.7653687678499221 -1.42021266121603 -1.422169095645203 -1.1508980309277022 -0.6958491728543237 -0.7027477274727851 -0.5441662201632034 -0.49664148902310246 -0.445107965344502 -0.5681672985600019 -0.694301387622783 -1.2012730817819302 -1.2329306481994384 -1.3304411177865902 -1.3768746747328553 +28363,-1.5037930637193069,1,-1.8504969555847397 -1.8458535998901089 -1.8303757475746931 -1.9309817876249264 -1.7653687678499221 -1.42021266121603 -1.422169095645203 -1.1508980309277022 -0.6958491728543237 -0.7027477274727851 -0.5441662201632034 -0.49664148902310246 -0.445107965344502 -0.5681672985600019 -0.694301387622783 -1.2012730817819302 -1.2329306481994384 -1.3304411177865902 -1.3768746747328553 -1.5177231308031818 +28364,-1.6817883653466454,1,-1.8458535998901089 -1.8303757475746931 -1.9309817876249264 -1.7653687678499221 -1.42021266121603 -1.422169095645203 -1.1508980309277022 -0.6958491728543237 -0.7027477274727851 -0.5441662201632034 -0.49664148902310246 -0.445107965344502 -0.5681672985600019 -0.694301387622783 -1.2012730817819302 -1.2329306481994384 -1.3304411177865902 -1.3768746747328553 -1.5177231308031818 -1.5037930637193069 +28365,-1.7839421906284283,1,-1.8303757475746931 -1.9309817876249264 -1.7653687678499221 -1.42021266121603 -1.422169095645203 -1.1508980309277022 -0.6958491728543237 -0.7027477274727851 -0.5441662201632034 -0.49664148902310246 -0.445107965344502 -0.5681672985600019 -0.694301387622783 -1.2012730817819302 -1.2329306481994384 -1.3304411177865902 -1.3768746747328553 -1.5177231308031818 -1.5037930637193069 -1.6817883653466454 +28366,-1.9433640694772607,1,-1.9309817876249264 -1.7653687678499221 -1.42021266121603 -1.422169095645203 -1.1508980309277022 -0.6958491728543237 -0.7027477274727851 -0.5441662201632034 -0.49664148902310246 -0.445107965344502 -0.5681672985600019 -0.694301387622783 -1.2012730817819302 -1.2329306481994384 -1.3304411177865902 -1.3768746747328553 -1.5177231308031818 -1.5037930637193069 -1.6817883653466454 -1.7839421906284283 +28367,-2.0548046061482967,1,-1.7653687678499221 -1.42021266121603 -1.422169095645203 -1.1508980309277022 -0.6958491728543237 -0.7027477274727851 -0.5441662201632034 -0.49664148902310246 -0.445107965344502 -0.5681672985600019 -0.694301387622783 -1.2012730817819302 -1.2329306481994384 -1.3304411177865902 -1.3768746747328553 -1.5177231308031818 -1.5037930637193069 -1.6817883653466454 -1.7839421906284283 -1.9433640694772607 +28368,-2.0888558812422184,1,-1.42021266121603 -1.422169095645203 -1.1508980309277022 -0.6958491728543237 -0.7027477274727851 -0.5441662201632034 -0.49664148902310246 -0.445107965344502 -0.5681672985600019 -0.694301387622783 -1.2012730817819302 -1.2329306481994384 -1.3304411177865902 -1.3768746747328553 -1.5177231308031818 -1.5037930637193069 -1.6817883653466454 -1.7839421906284283 -1.9433640694772607 -2.0548046061482967 +28369,-2.1321938677254018,1,-1.422169095645203 -1.1508980309277022 -0.6958491728543237 -0.7027477274727851 -0.5441662201632034 -0.49664148902310246 -0.445107965344502 -0.5681672985600019 -0.694301387622783 -1.2012730817819302 -1.2329306481994384 -1.3304411177865902 -1.3768746747328553 -1.5177231308031818 -1.5037930637193069 -1.6817883653466454 -1.7839421906284283 -1.9433640694772607 -2.0548046061482967 -2.0888558812422184 +28370,-2.552779392510259,1,-1.1508980309277022 -0.6958491728543237 -0.7027477274727851 -0.5441662201632034 -0.49664148902310246 -0.445107965344502 -0.5681672985600019 -0.694301387622783 -1.2012730817819302 -1.2329306481994384 -1.3304411177865902 -1.3768746747328553 -1.5177231308031818 -1.5037930637193069 -1.6817883653466454 -1.7839421906284283 -1.9433640694772607 -2.0548046061482967 -2.0888558812422184 -2.1321938677254018 +28371,-2.130646082493861,1,-0.6958491728543237 -0.7027477274727851 -0.5441662201632034 -0.49664148902310246 -0.445107965344502 -0.5681672985600019 -0.694301387622783 -1.2012730817819302 -1.2329306481994384 -1.3304411177865902 -1.3768746747328553 -1.5177231308031818 -1.5037930637193069 -1.6817883653466454 -1.7839421906284283 -1.9433640694772607 -2.0548046061482967 -2.0888558812422184 -2.1321938677254018 -2.552779392510259 +28372,-1.590469036685665,1,-0.7027477274727851 -0.5441662201632034 -0.49664148902310246 -0.445107965344502 -0.5681672985600019 -0.694301387622783 -1.2012730817819302 -1.2329306481994384 -1.3304411177865902 -1.3768746747328553 -1.5177231308031818 -1.5037930637193069 -1.6817883653466454 -1.7839421906284283 -1.9433640694772607 -2.0548046061482967 -2.0888558812422184 -2.1321938677254018 -2.552779392510259 -2.130646082493861 +28373,-1.1369679638438273,1,-0.5441662201632034 -0.49664148902310246 -0.445107965344502 -0.5681672985600019 -0.694301387622783 -1.2012730817819302 -1.2329306481994384 -1.3304411177865902 -1.3768746747328553 -1.5177231308031818 -1.5037930637193069 -1.6817883653466454 -1.7839421906284283 -1.9433640694772607 -2.0548046061482967 -2.0888558812422184 -2.1321938677254018 -2.552779392510259 -2.130646082493861 -1.590469036685665 +28374,-0.7778817901260598,1,-0.49664148902310246 -0.445107965344502 -0.5681672985600019 -0.694301387622783 -1.2012730817819302 -1.2329306481994384 -1.3304411177865902 -1.3768746747328553 -1.5177231308031818 -1.5037930637193069 -1.6817883653466454 -1.7839421906284283 -1.9433640694772607 -2.0548046061482967 -2.0888558812422184 -2.1321938677254018 -2.552779392510259 -2.130646082493861 -1.590469036685665 -1.1369679638438273 +28375,-0.5875042066463781,1,-0.445107965344502 -0.5681672985600019 -0.694301387622783 -1.2012730817819302 -1.2329306481994384 -1.3304411177865902 -1.3768746747328553 -1.5177231308031818 -1.5037930637193069 -1.6817883653466454 -1.7839421906284283 -1.9433640694772607 -2.0548046061482967 -2.0888558812422184 -2.1321938677254018 -2.552779392510259 -2.130646082493861 -1.590469036685665 -1.1369679638438273 -0.7778817901260598 +28376,-0.45129910627067354,1,-0.5681672985600019 -0.694301387622783 -1.2012730817819302 -1.2329306481994384 -1.3304411177865902 -1.3768746747328553 -1.5177231308031818 -1.5037930637193069 -1.6817883653466454 -1.7839421906284283 -1.9433640694772607 -2.0548046061482967 -2.0888558812422184 -2.1321938677254018 -2.552779392510259 -2.130646082493861 -1.590469036685665 -1.1369679638438273 -0.7778817901260598 -0.5875042066463781 +28377,-0.45401982249799366,1,-0.694301387622783 -1.2012730817819302 -1.2329306481994384 -1.3304411177865902 -1.3768746747328553 -1.5177231308031818 -1.5037930637193069 -1.6817883653466454 -1.7839421906284283 -1.9433640694772607 -2.0548046061482967 -2.0888558812422184 -2.1321938677254018 -2.552779392510259 -2.130646082493861 -1.590469036685665 -1.1369679638438273 -0.7778817901260598 -0.5875042066463781 -0.45129910627067354 +28378,-0.46058581765992657,1,-1.2012730817819302 -1.2329306481994384 -1.3304411177865902 -1.3768746747328553 -1.5177231308031818 -1.5037930637193069 -1.6817883653466454 -1.7839421906284283 -1.9433640694772607 -2.0548046061482967 -2.0888558812422184 -2.1321938677254018 -2.552779392510259 -2.130646082493861 -1.590469036685665 -1.1369679638438273 -0.7778817901260598 -0.5875042066463781 -0.45129910627067354 -0.45401982249799366 +28379,-0.6911166212375985,1,-1.2329306481994384 -1.3304411177865902 -1.3768746747328553 -1.5177231308031818 -1.5037930637193069 -1.6817883653466454 -1.7839421906284283 -1.9433640694772607 -2.0548046061482967 -2.0888558812422184 -2.1321938677254018 -2.552779392510259 -2.130646082493861 -1.590469036685665 -1.1369679638438273 -0.7778817901260598 -0.5875042066463781 -0.45129910627067354 -0.45401982249799366 -0.46058581765992657 +28380,-0.4435601801129613,1,-1.3304411177865902 -1.3768746747328553 -1.5177231308031818 -1.5037930637193069 -1.6817883653466454 -1.7839421906284283 -1.9433640694772607 -2.0548046061482967 -2.0888558812422184 -2.1321938677254018 -2.552779392510259 -2.130646082493861 -1.590469036685665 -1.1369679638438273 -0.7778817901260598 -0.5875042066463781 -0.45129910627067354 -0.45401982249799366 -0.46058581765992657 -0.6911166212375985 +28381,-0.7240774067231021,1,-1.3768746747328553 -1.5177231308031818 -1.5037930637193069 -1.6817883653466454 -1.7839421906284283 -1.9433640694772607 -2.0548046061482967 -2.0888558812422184 -2.1321938677254018 -2.552779392510259 -2.130646082493861 -1.590469036685665 -1.1369679638438273 -0.7778817901260598 -0.5875042066463781 -0.45129910627067354 -0.45401982249799366 -0.46058581765992657 -0.6911166212375985 -0.4435601801129613 +28382,-1.0239796419412508,1,-1.5177231308031818 -1.5037930637193069 -1.6817883653466454 -1.7839421906284283 -1.9433640694772607 -2.0548046061482967 -2.0888558812422184 -2.1321938677254018 -2.552779392510259 -2.130646082493861 -1.590469036685665 -1.1369679638438273 -0.7778817901260598 -0.5875042066463781 -0.45129910627067354 -0.45401982249799366 -0.46058581765992657 -0.6911166212375985 -0.4435601801129613 -0.7240774067231021 +28383,-1.2356170217037064,1,-1.5037930637193069 -1.6817883653466454 -1.7839421906284283 -1.9433640694772607 -2.0548046061482967 -2.0888558812422184 -2.1321938677254018 -2.552779392510259 -2.130646082493861 -1.590469036685665 -1.1369679638438273 -0.7778817901260598 -0.5875042066463781 -0.45129910627067354 -0.45401982249799366 -0.46058581765992657 -0.6911166212375985 -0.4435601801129613 -0.7240774067231021 -1.0239796419412508 +28384,-1.4620028624676729,1,-1.6817883653466454 -1.7839421906284283 -1.9433640694772607 -2.0548046061482967 -2.0888558812422184 -2.1321938677254018 -2.552779392510259 -2.130646082493861 -1.590469036685665 -1.1369679638438273 -0.7778817901260598 -0.5875042066463781 -0.45129910627067354 -0.45401982249799366 -0.46058581765992657 -0.6911166212375985 -0.4435601801129613 -0.7240774067231021 -1.0239796419412508 -1.2356170217037064 +28385,-2.4080866946761974,1,-1.7839421906284283 -1.9433640694772607 -2.0548046061482967 -2.0888558812422184 -2.1321938677254018 -2.552779392510259 -2.130646082493861 -1.590469036685665 -1.1369679638438273 -0.7778817901260598 -0.5875042066463781 -0.45129910627067354 -0.45401982249799366 -0.46058581765992657 -0.6911166212375985 -0.4435601801129613 -0.7240774067231021 -1.0239796419412508 -1.2356170217037064 -1.4620028624676729 +28386,-1.7885855463230502,1,-1.9433640694772607 -2.0548046061482967 -2.0888558812422184 -2.1321938677254018 -2.552779392510259 -2.130646082493861 -1.590469036685665 -1.1369679638438273 -0.7778817901260598 -0.5875042066463781 -0.45129910627067354 -0.45401982249799366 -0.46058581765992657 -0.6911166212375985 -0.4435601801129613 -0.7240774067231021 -1.0239796419412508 -1.2356170217037064 -1.4620028624676729 -2.4080866946761974 +28387,-2.0192055458228255,1,-2.0548046061482967 -2.0888558812422184 -2.1321938677254018 -2.552779392510259 -2.130646082493861 -1.590469036685665 -1.1369679638438273 -0.7778817901260598 -0.5875042066463781 -0.45129910627067354 -0.45401982249799366 -0.46058581765992657 -0.6911166212375985 -0.4435601801129613 -0.7240774067231021 -1.0239796419412508 -1.2356170217037064 -1.4620028624676729 -2.4080866946761974 -1.7885855463230502 +28388,-2.1198115858730673,1,-2.0888558812422184 -2.1321938677254018 -2.552779392510259 -2.130646082493861 -1.590469036685665 -1.1369679638438273 -0.7778817901260598 -0.5875042066463781 -0.45129910627067354 -0.45401982249799366 -0.46058581765992657 -0.6911166212375985 -0.4435601801129613 -0.7240774067231021 -1.0239796419412508 -1.2356170217037064 -1.4620028624676729 -2.4080866946761974 -1.7885855463230502 -2.0192055458228255 +28389,-2.14475870078519,1,-2.1321938677254018 -2.552779392510259 -2.130646082493861 -1.590469036685665 -1.1369679638438273 -0.7778817901260598 -0.5875042066463781 -0.45129910627067354 -0.45401982249799366 -0.46058581765992657 -0.6911166212375985 -0.4435601801129613 -0.7240774067231021 -1.0239796419412508 -1.2356170217037064 -1.4620028624676729 -2.4080866946761974 -1.7885855463230502 -2.0192055458228255 -2.1198115858730673 +28390,-2.211130914534048,1,-2.552779392510259 -2.130646082493861 -1.590469036685665 -1.1369679638438273 -0.7778817901260598 -0.5875042066463781 -0.45129910627067354 -0.45401982249799366 -0.46058581765992657 -0.6911166212375985 -0.4435601801129613 -0.7240774067231021 -1.0239796419412508 -1.2356170217037064 -1.4620028624676729 -2.4080866946761974 -1.7885855463230502 -2.0192055458228255 -2.1198115858730673 -2.14475870078519 +28391,-2.3937695718560175,1,-2.130646082493861 -1.590469036685665 -1.1369679638438273 -0.7778817901260598 -0.5875042066463781 -0.45129910627067354 -0.45401982249799366 -0.46058581765992657 -0.6911166212375985 -0.4435601801129613 -0.7240774067231021 -1.0239796419412508 -1.2356170217037064 -1.4620028624676729 -2.4080866946761974 -1.7885855463230502 -2.0192055458228255 -2.1198115858730673 -2.14475870078519 -2.211130914534048 +28392,-2.40305628324527,1,-1.590469036685665 -1.1369679638438273 -0.7778817901260598 -0.5875042066463781 -0.45129910627067354 -0.45401982249799366 -0.46058581765992657 -0.6911166212375985 -0.4435601801129613 -0.7240774067231021 -1.0239796419412508 -1.2356170217037064 -1.4620028624676729 -2.4080866946761974 -1.7885855463230502 -2.0192055458228255 -2.1198115858730673 -2.14475870078519 -2.211130914534048 -2.3937695718560175 +28393,-2.4111692575521944,1,-1.1369679638438273 -0.7778817901260598 -0.5875042066463781 -0.45129910627067354 -0.45401982249799366 -0.46058581765992657 -0.6911166212375985 -0.4435601801129613 -0.7240774067231021 -1.0239796419412508 -1.2356170217037064 -1.4620028624676729 -2.4080866946761974 -1.7885855463230502 -2.0192055458228255 -2.1198115858730673 -2.14475870078519 -2.211130914534048 -2.3937695718560175 -2.40305628324527 +28394,-2.4293686321814887,1,-0.7778817901260598 -0.5875042066463781 -0.45129910627067354 -0.45401982249799366 -0.46058581765992657 -0.6911166212375985 -0.4435601801129613 -0.7240774067231021 -1.0239796419412508 -1.2356170217037064 -1.4620028624676729 -2.4080866946761974 -1.7885855463230502 -2.0192055458228255 -2.1198115858730673 -2.14475870078519 -2.211130914534048 -2.3937695718560175 -2.40305628324527 -2.4111692575521944 +28395,-2.316380310278912,1,-0.5875042066463781 -0.45129910627067354 -0.45401982249799366 -0.46058581765992657 -0.6911166212375985 -0.4435601801129613 -0.7240774067231021 -1.0239796419412508 -1.2356170217037064 -1.4620028624676729 -2.4080866946761974 -1.7885855463230502 -2.0192055458228255 -2.1198115858730673 -2.14475870078519 -2.211130914534048 -2.3937695718560175 -2.40305628324527 -2.4111692575521944 -2.4293686321814887 +28396,-1.88145266021558,1,-0.45129910627067354 -0.45401982249799366 -0.46058581765992657 -0.6911166212375985 -0.4435601801129613 -0.7240774067231021 -1.0239796419412508 -1.2356170217037064 -1.4620028624676729 -2.4080866946761974 -1.7885855463230502 -2.0192055458228255 -2.1198115858730673 -2.14475870078519 -2.211130914534048 -2.3937695718560175 -2.40305628324527 -2.4111692575521944 -2.4293686321814887 -2.316380310278912 +28397,-1.8757324894402658,1,-0.45401982249799366 -0.46058581765992657 -0.6911166212375985 -0.4435601801129613 -0.7240774067231021 -1.0239796419412508 -1.2356170217037064 -1.4620028624676729 -2.4080866946761974 -1.7885855463230502 -2.0192055458228255 -2.1198115858730673 -2.14475870078519 -2.211130914534048 -2.3937695718560175 -2.40305628324527 -2.4111692575521944 -2.4293686321814887 -2.316380310278912 -1.88145266021558 +28398,-1.3908047418167304,1,-0.46058581765992657 -0.6911166212375985 -0.4435601801129613 -0.7240774067231021 -1.0239796419412508 -1.2356170217037064 -1.4620028624676729 -2.4080866946761974 -1.7885855463230502 -2.0192055458228255 -2.1198115858730673 -2.14475870078519 -2.211130914534048 -2.3937695718560175 -2.40305628324527 -2.4111692575521944 -2.4293686321814887 -2.316380310278912 -1.88145266021558 -1.8757324894402658 +28399,-0.9342080985118111,1,-0.6911166212375985 -0.4435601801129613 -0.7240774067231021 -1.0239796419412508 -1.2356170217037064 -1.4620028624676729 -2.4080866946761974 -1.7885855463230502 -2.0192055458228255 -2.1198115858730673 -2.14475870078519 -2.211130914534048 -2.3937695718560175 -2.40305628324527 -2.4111692575521944 -2.4293686321814887 -2.316380310278912 -1.88145266021558 -1.8757324894402658 -1.3908047418167304 +28400,-0.940034110555946,1,-0.4435601801129613 -0.7240774067231021 -1.0239796419412508 -1.2356170217037064 -1.4620028624676729 -2.4080866946761974 -1.7885855463230502 -2.0192055458228255 -2.1198115858730673 -2.14475870078519 -2.211130914534048 -2.3937695718560175 -2.40305628324527 -2.4111692575521944 -2.4293686321814887 -2.316380310278912 -1.88145266021558 -1.8757324894402658 -1.3908047418167304 -0.9342080985118111 +28401,-0.7654995082737255,1,-0.7240774067231021 -1.0239796419412508 -1.2356170217037064 -1.4620028624676729 -2.4080866946761974 -1.7885855463230502 -2.0192055458228255 -2.1198115858730673 -2.14475870078519 -2.211130914534048 -2.3937695718560175 -2.40305628324527 -2.4111692575521944 -2.4293686321814887 -2.316380310278912 -1.88145266021558 -1.8757324894402658 -1.3908047418167304 -0.9342080985118111 -0.940034110555946 +28402,-0.8411269198853938,1,-1.0239796419412508 -1.2356170217037064 -1.4620028624676729 -2.4080866946761974 -1.7885855463230502 -2.0192055458228255 -2.1198115858730673 -2.14475870078519 -2.211130914534048 -2.3937695718560175 -2.40305628324527 -2.4111692575521944 -2.4293686321814887 -2.316380310278912 -1.88145266021558 -1.8757324894402658 -1.3908047418167304 -0.9342080985118111 -0.940034110555946 -0.7654995082737255 +28403,-0.9218258166594767,1,-1.2356170217037064 -1.4620028624676729 -2.4080866946761974 -1.7885855463230502 -2.0192055458228255 -2.1198115858730673 -2.14475870078519 -2.211130914534048 -2.3937695718560175 -2.40305628324527 -2.4111692575521944 -2.4293686321814887 -2.316380310278912 -1.88145266021558 -1.8757324894402658 -1.3908047418167304 -0.9342080985118111 -0.940034110555946 -0.7654995082737255 -0.8411269198853938 +28404,-1.013613678019139,1,-1.4620028624676729 -2.4080866946761974 -1.7885855463230502 -2.0192055458228255 -2.1198115858730673 -2.14475870078519 -2.211130914534048 -2.3937695718560175 -2.40305628324527 -2.4111692575521944 -2.4293686321814887 -2.316380310278912 -1.88145266021558 -1.8757324894402658 -1.3908047418167304 -0.9342080985118111 -0.940034110555946 -0.7654995082737255 -0.8411269198853938 -0.9218258166594767 +28405,-1.1075600444445275,1,-2.4080866946761974 -1.7885855463230502 -2.0192055458228255 -2.1198115858730673 -2.14475870078519 -2.211130914534048 -2.3937695718560175 -2.40305628324527 -2.4111692575521944 -2.4293686321814887 -2.316380310278912 -1.88145266021558 -1.8757324894402658 -1.3908047418167304 -0.9342080985118111 -0.940034110555946 -0.7654995082737255 -0.8411269198853938 -0.9218258166594767 -1.013613678019139 +28406,-1.8978836224248437,1,-1.7885855463230502 -2.0192055458228255 -2.1198115858730673 -2.14475870078519 -2.211130914534048 -2.3937695718560175 -2.40305628324527 -2.4111692575521944 -2.4293686321814887 -2.316380310278912 -1.88145266021558 -1.8757324894402658 -1.3908047418167304 -0.9342080985118111 -0.940034110555946 -0.7654995082737255 -0.8411269198853938 -0.9218258166594767 -1.013613678019139 -1.1075600444445275 +28407,-1.4558117215415012,1,-2.0192055458228255 -2.1198115858730673 -2.14475870078519 -2.211130914534048 -2.3937695718560175 -2.40305628324527 -2.4111692575521944 -2.4293686321814887 -2.316380310278912 -1.88145266021558 -1.8757324894402658 -1.3908047418167304 -0.9342080985118111 -0.940034110555946 -0.7654995082737255 -0.8411269198853938 -0.9218258166594767 -1.013613678019139 -1.1075600444445275 -1.8978836224248437 +28408,-1.599755748074918,1,-2.1198115858730673 -2.14475870078519 -2.211130914534048 -2.3937695718560175 -2.40305628324527 -2.4111692575521944 -2.4293686321814887 -2.316380310278912 -1.88145266021558 -1.8757324894402658 -1.3908047418167304 -0.9342080985118111 -0.940034110555946 -0.7654995082737255 -0.8411269198853938 -0.9218258166594767 -1.013613678019139 -1.1075600444445275 -1.8978836224248437 -1.4558117215415012 +28409,-1.6229725265480461,1,-2.14475870078519 -2.211130914534048 -2.3937695718560175 -2.40305628324527 -2.4111692575521944 -2.4293686321814887 -2.316380310278912 -1.88145266021558 -1.8757324894402658 -1.3908047418167304 -0.9342080985118111 -0.940034110555946 -0.7654995082737255 -0.8411269198853938 -0.9218258166594767 -1.013613678019139 -1.1075600444445275 -1.8978836224248437 -1.4558117215415012 -1.599755748074918 +28410,-1.81799346572235,1,-2.211130914534048 -2.3937695718560175 -2.40305628324527 -2.4111692575521944 -2.4293686321814887 -2.316380310278912 -1.88145266021558 -1.8757324894402658 -1.3908047418167304 -0.9342080985118111 -0.940034110555946 -0.7654995082737255 -0.8411269198853938 -0.9218258166594767 -1.013613678019139 -1.1075600444445275 -1.8978836224248437 -1.4558117215415012 -1.599755748074918 -1.6229725265480461 +28411,-1.8876438011417518,1,-2.3937695718560175 -2.40305628324527 -2.4111692575521944 -2.4293686321814887 -2.316380310278912 -1.88145266021558 -1.8757324894402658 -1.3908047418167304 -0.9342080985118111 -0.940034110555946 -0.7654995082737255 -0.8411269198853938 -0.9218258166594767 -1.013613678019139 -1.1075600444445275 -1.8978836224248437 -1.4558117215415012 -1.599755748074918 -1.6229725265480461 -1.81799346572235 +28412,-1.8972162180521148,1,-2.40305628324527 -2.4111692575521944 -2.4293686321814887 -2.316380310278912 -1.88145266021558 -1.8757324894402658 -1.3908047418167304 -0.9342080985118111 -0.940034110555946 -0.7654995082737255 -0.8411269198853938 -0.9218258166594767 -1.013613678019139 -1.1075600444445275 -1.8978836224248437 -1.4558117215415012 -1.599755748074918 -1.6229725265480461 -1.81799346572235 -1.8876438011417518 +28413,-1.965033062718857,1,-2.4111692575521944 -2.4293686321814887 -2.316380310278912 -1.88145266021558 -1.8757324894402658 -1.3908047418167304 -0.9342080985118111 -0.940034110555946 -0.7654995082737255 -0.8411269198853938 -0.9218258166594767 -1.013613678019139 -1.1075600444445275 -1.8978836224248437 -1.4558117215415012 -1.599755748074918 -1.6229725265480461 -1.81799346572235 -1.8876438011417518 -1.8972162180521148 +28414,-2.036231183369791,1,-2.4293686321814887 -2.316380310278912 -1.88145266021558 -1.8757324894402658 -1.3908047418167304 -0.9342080985118111 -0.940034110555946 -0.7654995082737255 -0.8411269198853938 -0.9218258166594767 -1.013613678019139 -1.1075600444445275 -1.8978836224248437 -1.4558117215415012 -1.599755748074918 -1.6229725265480461 -1.81799346572235 -1.8876438011417518 -1.8972162180521148 -1.965033062718857 +28415,-2.0857603107791367,1,-2.316380310278912 -1.88145266021558 -1.8757324894402658 -1.3908047418167304 -0.9342080985118111 -0.940034110555946 -0.7654995082737255 -0.8411269198853938 -0.9218258166594767 -1.013613678019139 -1.1075600444445275 -1.8978836224248437 -1.4558117215415012 -1.599755748074918 -1.6229725265480461 -1.81799346572235 -1.8876438011417518 -1.8972162180521148 -1.965033062718857 -2.036231183369791 +28416,-2.163149572356242,1,-1.88145266021558 -1.8757324894402658 -1.3908047418167304 -0.9342080985118111 -0.940034110555946 -0.7654995082737255 -0.8411269198853938 -0.9218258166594767 -1.013613678019139 -1.1075600444445275 -1.8978836224248437 -1.4558117215415012 -1.599755748074918 -1.6229725265480461 -1.81799346572235 -1.8876438011417518 -1.8972162180521148 -1.965033062718857 -2.036231183369791 -2.0857603107791367 +28417,-2.177079639440126,1,-1.8757324894402658 -1.3908047418167304 -0.9342080985118111 -0.940034110555946 -0.7654995082737255 -0.8411269198853938 -0.9218258166594767 -1.013613678019139 -1.1075600444445275 -1.8978836224248437 -1.4558117215415012 -1.599755748074918 -1.6229725265480461 -1.81799346572235 -1.8876438011417518 -1.8972162180521148 -1.965033062718857 -2.036231183369791 -2.0857603107791367 -2.163149572356242 +28418,-2.256016686248772,1,-1.3908047418167304 -0.9342080985118111 -0.940034110555946 -0.7654995082737255 -0.8411269198853938 -0.9218258166594767 -1.013613678019139 -1.1075600444445275 -1.8978836224248437 -1.4558117215415012 -1.599755748074918 -1.6229725265480461 -1.81799346572235 -1.8876438011417518 -1.8972162180521148 -1.965033062718857 -2.036231183369791 -2.0857603107791367 -2.163149572356242 -2.177079639440126 +28419,-2.2358954782387253,1,-0.9342080985118111 -0.940034110555946 -0.7654995082737255 -0.8411269198853938 -0.9218258166594767 -1.013613678019139 -1.1075600444445275 -1.8978836224248437 -1.4558117215415012 -1.599755748074918 -1.6229725265480461 -1.81799346572235 -1.8876438011417518 -1.8972162180521148 -1.965033062718857 -2.036231183369791 -2.0857603107791367 -2.163149572356242 -2.177079639440126 -2.256016686248772 +28420,-2.10189504562328,1,-0.940034110555946 -0.7654995082737255 -0.8411269198853938 -0.9218258166594767 -1.013613678019139 -1.1075600444445275 -1.8978836224248437 -1.4558117215415012 -1.599755748074918 -1.6229725265480461 -1.81799346572235 -1.8876438011417518 -1.8972162180521148 -1.965033062718857 -2.036231183369791 -2.0857603107791367 -2.163149572356242 -2.177079639440126 -2.256016686248772 -2.2358954782387253 +28421,-1.7731076940076345,1,-0.7654995082737255 -0.8411269198853938 -0.9218258166594767 -1.013613678019139 -1.1075600444445275 -1.8978836224248437 -1.4558117215415012 -1.599755748074918 -1.6229725265480461 -1.81799346572235 -1.8876438011417518 -1.8972162180521148 -1.965033062718857 -2.036231183369791 -2.0857603107791367 -2.163149572356242 -2.177079639440126 -2.256016686248772 -2.2358954782387253 -2.10189504562328 +28422,-0.971354944068823,1,-0.8411269198853938 -0.9218258166594767 -1.013613678019139 -1.1075600444445275 -1.8978836224248437 -1.4558117215415012 -1.599755748074918 -1.6229725265480461 -1.81799346572235 -1.8876438011417518 -1.8972162180521148 -1.965033062718857 -2.036231183369791 -2.0857603107791367 -2.163149572356242 -2.177079639440126 -2.256016686248772 -2.2358954782387253 -2.10189504562328 -1.7731076940076345 +28423,-0.9411176029368956,1,-0.9218258166594767 -1.013613678019139 -1.1075600444445275 -1.8978836224248437 -1.4558117215415012 -1.599755748074918 -1.6229725265480461 -1.81799346572235 -1.8876438011417518 -1.8972162180521148 -1.965033062718857 -2.036231183369791 -2.0857603107791367 -2.163149572356242 -2.177079639440126 -2.256016686248772 -2.2358954782387253 -2.10189504562328 -1.7731076940076345 -0.971354944068823 +28424,-0.7593083673475539,1,-1.013613678019139 -1.1075600444445275 -1.8978836224248437 -1.4558117215415012 -1.599755748074918 -1.6229725265480461 -1.81799346572235 -1.8876438011417518 -1.8972162180521148 -1.965033062718857 -2.036231183369791 -2.0857603107791367 -2.163149572356242 -2.177079639440126 -2.256016686248772 -2.2358954782387253 -2.10189504562328 -1.7731076940076345 -0.971354944068823 -0.9411176029368956 +28425,-0.599297577267996,1,-1.1075600444445275 -1.8978836224248437 -1.4558117215415012 -1.599755748074918 -1.6229725265480461 -1.81799346572235 -1.8876438011417518 -1.8972162180521148 -1.965033062718857 -2.036231183369791 -2.0857603107791367 -2.163149572356242 -2.177079639440126 -2.256016686248772 -2.2358954782387253 -2.10189504562328 -1.7731076940076345 -0.971354944068823 -0.9411176029368956 -0.7593083673475539 +28426,-0.4249867573344553,1,-1.8978836224248437 -1.4558117215415012 -1.599755748074918 -1.6229725265480461 -1.81799346572235 -1.8876438011417518 -1.8972162180521148 -1.965033062718857 -2.036231183369791 -2.0857603107791367 -2.163149572356242 -2.177079639440126 -2.256016686248772 -2.2358954782387253 -2.10189504562328 -1.7731076940076345 -0.971354944068823 -0.9411176029368956 -0.7593083673475539 -0.599297577267996 +28427,-0.7337896140235457,1,-1.4558117215415012 -1.599755748074918 -1.6229725265480461 -1.81799346572235 -1.8876438011417518 -1.8972162180521148 -1.965033062718857 -2.036231183369791 -2.0857603107791367 -2.163149572356242 -2.177079639440126 -2.256016686248772 -2.2358954782387253 -2.10189504562328 -1.7731076940076345 -0.971354944068823 -0.9411176029368956 -0.7593083673475539 -0.599297577267996 -0.4249867573344553 +28428,-0.5255927973846974,1,-1.599755748074918 -1.6229725265480461 -1.81799346572235 -1.8876438011417518 -1.8972162180521148 -1.965033062718857 -2.036231183369791 -2.0857603107791367 -2.163149572356242 -2.177079639440126 -2.256016686248772 -2.2358954782387253 -2.10189504562328 -1.7731076940076345 -0.971354944068823 -0.9411176029368956 -0.7593083673475539 -0.599297577267996 -0.4249867573344553 -0.7337896140235457 +28429,-0.7413489921414818,1,-1.6229725265480461 -1.81799346572235 -1.8876438011417518 -1.8972162180521148 -1.965033062718857 -2.036231183369791 -2.0857603107791367 -2.163149572356242 -2.177079639440126 -2.256016686248772 -2.2358954782387253 -2.10189504562328 -1.7731076940076345 -0.971354944068823 -0.9411176029368956 -0.7593083673475539 -0.599297577267996 -0.4249867573344553 -0.7337896140235457 -0.5255927973846974 +28430,-0.9961195077734918,1,-1.81799346572235 -1.8876438011417518 -1.8972162180521148 -1.965033062718857 -2.036231183369791 -2.0857603107791367 -2.163149572356242 -2.177079639440126 -2.256016686248772 -2.2358954782387253 -2.10189504562328 -1.7731076940076345 -0.971354944068823 -0.9411176029368956 -0.7593083673475539 -0.599297577267996 -0.4249867573344553 -0.7337896140235457 -0.5255927973846974 -0.7413489921414818 +28431,-1.1998340671575385,1,-1.8876438011417518 -1.8972162180521148 -1.965033062718857 -2.036231183369791 -2.0857603107791367 -2.163149572356242 -2.177079639440126 -2.256016686248772 -2.2358954782387253 -2.10189504562328 -1.7731076940076345 -0.971354944068823 -0.9411176029368956 -0.7593083673475539 -0.599297577267996 -0.4249867573344553 -0.7337896140235457 -0.5255927973846974 -0.7413489921414818 -0.9961195077734918 +28432,-1.438786083994536,1,-1.8972162180521148 -1.965033062718857 -2.036231183369791 -2.0857603107791367 -2.163149572356242 -2.177079639440126 -2.256016686248772 -2.2358954782387253 -2.10189504562328 -1.7731076940076345 -0.971354944068823 -0.9411176029368956 -0.7593083673475539 -0.599297577267996 -0.4249867573344553 -0.7337896140235457 -0.5255927973846974 -0.7413489921414818 -0.9961195077734918 -1.1998340671575385 +28433,-2.186517836129888,1,-1.965033062718857 -2.036231183369791 -2.0857603107791367 -2.163149572356242 -2.177079639440126 -2.256016686248772 -2.2358954782387253 -2.10189504562328 -1.7731076940076345 -0.971354944068823 -0.9411176029368956 -0.7593083673475539 -0.599297577267996 -0.4249867573344553 -0.7337896140235457 -0.5255927973846974 -0.7413489921414818 -0.9961195077734918 -1.1998340671575385 -1.438786083994536 +28434,-1.776203264470716,1,-2.036231183369791 -2.0857603107791367 -2.163149572356242 -2.177079639440126 -2.256016686248772 -2.2358954782387253 -2.10189504562328 -1.7731076940076345 -0.971354944068823 -0.9411176029368956 -0.7593083673475539 -0.599297577267996 -0.4249867573344553 -0.7337896140235457 -0.5255927973846974 -0.7413489921414818 -0.9961195077734918 -1.1998340671575385 -1.438786083994536 -2.186517836129888 +28435,-1.8860960159102023,1,-2.0857603107791367 -2.163149572356242 -2.177079639440126 -2.256016686248772 -2.2358954782387253 -2.10189504562328 -1.7731076940076345 -0.971354944068823 -0.9411176029368956 -0.7593083673475539 -0.599297577267996 -0.4249867573344553 -0.7337896140235457 -0.5255927973846974 -0.7413489921414818 -0.9961195077734918 -1.1998340671575385 -1.438786083994536 -2.186517836129888 -1.776203264470716 +28436,-1.9526507808665137,1,-2.163149572356242 -2.177079639440126 -2.256016686248772 -2.2358954782387253 -2.10189504562328 -1.7731076940076345 -0.971354944068823 -0.9411176029368956 -0.7593083673475539 -0.599297577267996 -0.4249867573344553 -0.7337896140235457 -0.5255927973846974 -0.7413489921414818 -0.9961195077734918 -1.1998340671575385 -1.438786083994536 -2.186517836129888 -1.776203264470716 -1.8860960159102023 +28437,-1.979024327683001,1,-2.177079639440126 -2.256016686248772 -2.2358954782387253 -2.10189504562328 -1.7731076940076345 -0.971354944068823 -0.9411176029368956 -0.7593083673475539 -0.599297577267996 -0.4249867573344553 -0.7337896140235457 -0.5255927973846974 -0.7413489921414818 -0.9961195077734918 -1.1998340671575385 -1.438786083994536 -2.186517836129888 -1.776203264470716 -1.8860960159102023 -1.9526507808665137 +28438,-2.051709035685215,1,-2.256016686248772 -2.2358954782387253 -2.10189504562328 -1.7731076940076345 -0.971354944068823 -0.9411176029368956 -0.7593083673475539 -0.599297577267996 -0.4249867573344553 -0.7337896140235457 -0.5255927973846974 -0.7413489921414818 -0.9961195077734918 -1.1998340671575385 -1.438786083994536 -2.186517836129888 -1.776203264470716 -1.8860960159102023 -1.9526507808665137 -1.979024327683001 +28439,-2.1693407132824136,1,-2.2358954782387253 -2.10189504562328 -1.7731076940076345 -0.971354944068823 -0.9411176029368956 -0.7593083673475539 -0.599297577267996 -0.4249867573344553 -0.7337896140235457 -0.5255927973846974 -0.7413489921414818 -0.9961195077734918 -1.1998340671575385 -1.438786083994536 -2.186517836129888 -1.776203264470716 -1.8860960159102023 -1.9526507808665137 -1.979024327683001 -2.051709035685215 +28440,-2.2405388339333476,1,-2.10189504562328 -1.7731076940076345 -0.971354944068823 -0.9411176029368956 -0.7593083673475539 -0.599297577267996 -0.4249867573344553 -0.7337896140235457 -0.5255927973846974 -0.7413489921414818 -0.9961195077734918 -1.1998340671575385 -1.438786083994536 -2.186517836129888 -1.776203264470716 -1.8860960159102023 -1.9526507808665137 -1.979024327683001 -2.051709035685215 -2.1693407132824136 +28441,-2.269946753332647,1,-1.7731076940076345 -0.971354944068823 -0.9411176029368956 -0.7593083673475539 -0.599297577267996 -0.4249867573344553 -0.7337896140235457 -0.5255927973846974 -0.7413489921414818 -0.9961195077734918 -1.1998340671575385 -1.438786083994536 -2.186517836129888 -1.776203264470716 -1.8860960159102023 -1.9526507808665137 -1.979024327683001 -2.051709035685215 -2.1693407132824136 -2.2405388339333476 +28442,-2.2750075614081804,1,-0.971354944068823 -0.9411176029368956 -0.7593083673475539 -0.599297577267996 -0.4249867573344553 -0.7337896140235457 -0.5255927973846974 -0.7413489921414818 -0.9961195077734918 -1.1998340671575385 -1.438786083994536 -2.186517836129888 -1.776203264470716 -1.8860960159102023 -1.9526507808665137 -1.979024327683001 -2.051709035685215 -2.1693407132824136 -2.2405388339333476 -2.269946753332647 +28443,-2.2776856794903595,1,-0.9411176029368956 -0.7593083673475539 -0.599297577267996 -0.4249867573344553 -0.7337896140235457 -0.5255927973846974 -0.7413489921414818 -0.9961195077734918 -1.1998340671575385 -1.438786083994536 -2.186517836129888 -1.776203264470716 -1.8860960159102023 -1.9526507808665137 -1.979024327683001 -2.051709035685215 -2.1693407132824136 -2.2405388339333476 -2.269946753332647 -2.2750075614081804 +28444,-1.7189352109036573,1,-0.7593083673475539 -0.599297577267996 -0.4249867573344553 -0.7337896140235457 -0.5255927973846974 -0.7413489921414818 -0.9961195077734918 -1.1998340671575385 -1.438786083994536 -2.186517836129888 -1.776203264470716 -1.8860960159102023 -1.9526507808665137 -1.979024327683001 -2.051709035685215 -2.1693407132824136 -2.2405388339333476 -2.269946753332647 -2.2750075614081804 -2.2776856794903595 +28445,-1.716785366779738,1,-0.599297577267996 -0.4249867573344553 -0.7337896140235457 -0.5255927973846974 -0.7413489921414818 -0.9961195077734918 -1.1998340671575385 -1.438786083994536 -2.186517836129888 -1.776203264470716 -1.8860960159102023 -1.9526507808665137 -1.979024327683001 -2.051709035685215 -2.1693407132824136 -2.2405388339333476 -2.269946753332647 -2.2750075614081804 -2.2776856794903595 -1.7189352109036573 +28446,-1.234478433430979,1,-0.4249867573344553 -0.7337896140235457 -0.5255927973846974 -0.7413489921414818 -0.9961195077734918 -1.1998340671575385 -1.438786083994536 -2.186517836129888 -1.776203264470716 -1.8860960159102023 -1.9526507808665137 -1.979024327683001 -2.051709035685215 -2.1693407132824136 -2.2405388339333476 -2.269946753332647 -2.2750075614081804 -2.2776856794903595 -1.7189352109036573 -1.716785366779738 +28447,-0.6138165555825964,1,-0.7337896140235457 -0.5255927973846974 -0.7413489921414818 -0.9961195077734918 -1.1998340671575385 -1.438786083994536 -2.186517836129888 -1.776203264470716 -1.8860960159102023 -1.9526507808665137 -1.979024327683001 -2.051709035685215 -2.1693407132824136 -2.2405388339333476 -2.269946753332647 -2.2750075614081804 -2.2776856794903595 -1.7189352109036573 -1.716785366779738 -1.234478433430979 +28448,-0.44820353580759215,1,-0.5255927973846974 -0.7413489921414818 -0.9961195077734918 -1.1998340671575385 -1.438786083994536 -2.186517836129888 -1.776203264470716 -1.8860960159102023 -1.9526507808665137 -1.979024327683001 -2.051709035685215 -2.1693407132824136 -2.2405388339333476 -2.269946753332647 -2.2750075614081804 -2.2776856794903595 -1.7189352109036573 -1.716785366779738 -1.234478433430979 -0.6138165555825964 +28449,-0.40704380134368556,1,-0.7413489921414818 -0.9961195077734918 -1.1998340671575385 -1.438786083994536 -2.186517836129888 -1.776203264470716 -1.8860960159102023 -1.9526507808665137 -1.979024327683001 -2.051709035685215 -2.1693407132824136 -2.2405388339333476 -2.269946753332647 -2.2750075614081804 -2.2776856794903595 -1.7189352109036573 -1.716785366779738 -1.234478433430979 -0.6138165555825964 -0.44820353580759215 +28450,-0.2794949455694978,1,-0.9961195077734918 -1.1998340671575385 -1.438786083994536 -2.186517836129888 -1.776203264470716 -1.8860960159102023 -1.9526507808665137 -1.979024327683001 -2.051709035685215 -2.1693407132824136 -2.2405388339333476 -2.269946753332647 -2.2750075614081804 -2.2776856794903595 -1.7189352109036573 -1.716785366779738 -1.234478433430979 -0.6138165555825964 -0.44820353580759215 -0.40704380134368556 +28451,-0.5468231958086702,1,-1.1998340671575385 -1.438786083994536 -2.186517836129888 -1.776203264470716 -1.8860960159102023 -1.9526507808665137 -1.979024327683001 -2.051709035685215 -2.1693407132824136 -2.2405388339333476 -2.269946753332647 -2.2750075614081804 -2.2776856794903595 -1.7189352109036573 -1.716785366779738 -1.234478433430979 -0.6138165555825964 -0.44820353580759215 -0.40704380134368556 -0.2794949455694978 +28452,-0.40176997886132726,1,-1.438786083994536 -2.186517836129888 -1.776203264470716 -1.8860960159102023 -1.9526507808665137 -1.979024327683001 -2.051709035685215 -2.1693407132824136 -2.2405388339333476 -2.269946753332647 -2.2750075614081804 -2.2776856794903595 -1.7189352109036573 -1.716785366779738 -1.234478433430979 -0.6138165555825964 -0.44820353580759215 -0.40704380134368556 -0.2794949455694978 -0.5468231958086702 +28453,-0.6405841479334877,1,-2.186517836129888 -1.776203264470716 -1.8860960159102023 -1.9526507808665137 -1.979024327683001 -2.051709035685215 -2.1693407132824136 -2.2405388339333476 -2.269946753332647 -2.2750075614081804 -2.2776856794903595 -1.7189352109036573 -1.716785366779738 -1.234478433430979 -0.6138165555825964 -0.44820353580759215 -0.40704380134368556 -0.2794949455694978 -0.5468231958086702 -0.40176997886132726 +28454,-0.9032523938809707,1,-1.776203264470716 -1.8860960159102023 -1.9526507808665137 -1.979024327683001 -2.051709035685215 -2.1693407132824136 -2.2405388339333476 -2.269946753332647 -2.2750075614081804 -2.2776856794903595 -1.7189352109036573 -1.716785366779738 -1.234478433430979 -0.6138165555825964 -0.44820353580759215 -0.40704380134368556 -0.2794949455694978 -0.5468231958086702 -0.40176997886132726 -0.6405841479334877 +28455,-1.093301578815158,1,-1.8860960159102023 -1.9526507808665137 -1.979024327683001 -2.051709035685215 -2.1693407132824136 -2.2405388339333476 -2.269946753332647 -2.2750075614081804 -2.2776856794903595 -1.7189352109036573 -1.716785366779738 -1.234478433430979 -0.6138165555825964 -0.44820353580759215 -0.40704380134368556 -0.2794949455694978 -0.5468231958086702 -0.40176997886132726 -0.6405841479334877 -0.9032523938809707 +28456,-1.29948541315575,1,-1.9526507808665137 -1.979024327683001 -2.051709035685215 -2.1693407132824136 -2.2405388339333476 -2.269946753332647 -2.2750075614081804 -2.2776856794903595 -1.7189352109036573 -1.716785366779738 -1.234478433430979 -0.6138165555825964 -0.44820353580759215 -0.40704380134368556 -0.2794949455694978 -0.5468231958086702 -0.40176997886132726 -0.6405841479334877 -0.9032523938809707 -1.093301578815158 +28457,-1.6957184324305292,1,-1.979024327683001 -2.051709035685215 -2.1693407132824136 -2.2405388339333476 -2.269946753332647 -2.2750075614081804 -2.2776856794903595 -1.7189352109036573 -1.716785366779738 -1.234478433430979 -0.6138165555825964 -0.44820353580759215 -0.40704380134368556 -0.2794949455694978 -0.5468231958086702 -0.40176997886132726 -0.6405841479334877 -0.9032523938809707 -1.093301578815158 -1.29948541315575 +28458,-1.6980951967281224,1,-2.051709035685215 -2.1693407132824136 -2.2405388339333476 -2.269946753332647 -2.2750075614081804 -2.2776856794903595 -1.7189352109036573 -1.716785366779738 -1.234478433430979 -0.6138165555825964 -0.44820353580759215 -0.40704380134368556 -0.2794949455694978 -0.5468231958086702 -0.40176997886132726 -0.6405841479334877 -0.9032523938809707 -1.093301578815158 -1.29948541315575 -1.6957184324305292 +28459,-1.75762984169221,1,-2.1693407132824136 -2.2405388339333476 -2.269946753332647 -2.2750075614081804 -2.2776856794903595 -1.7189352109036573 -1.716785366779738 -1.234478433430979 -0.6138165555825964 -0.44820353580759215 -0.40704380134368556 -0.2794949455694978 -0.5468231958086702 -0.40176997886132726 -0.6405841479334877 -0.9032523938809707 -1.093301578815158 -1.29948541315575 -1.6957184324305292 -1.6980951967281224 +28460,-1.8025156134069342,1,-2.2405388339333476 -2.269946753332647 -2.2750075614081804 -2.2776856794903595 -1.7189352109036573 -1.716785366779738 -1.234478433430979 -0.6138165555825964 -0.44820353580759215 -0.40704380134368556 -0.2794949455694978 -0.5468231958086702 -0.40176997886132726 -0.6405841479334877 -0.9032523938809707 -1.093301578815158 -1.29948541315575 -1.6957184324305292 -1.6980951967281224 -1.75762984169221 +28461,-1.8768093045209493,1,-2.269946753332647 -2.2750075614081804 -2.2776856794903595 -1.7189352109036573 -1.716785366779738 -1.234478433430979 -0.6138165555825964 -0.44820353580759215 -0.40704380134368556 -0.2794949455694978 -0.5468231958086702 -0.40176997886132726 -0.6405841479334877 -0.9032523938809707 -1.093301578815158 -1.29948541315575 -1.6957184324305292 -1.6980951967281224 -1.75762984169221 -1.8025156134069342 +28462,-1.8828518843772417,1,-2.2750075614081804 -2.2776856794903595 -1.7189352109036573 -1.716785366779738 -1.234478433430979 -0.6138165555825964 -0.44820353580759215 -0.40704380134368556 -0.2794949455694978 -0.5468231958086702 -0.40176997886132726 -0.6405841479334877 -0.9032523938809707 -1.093301578815158 -1.29948541315575 -1.6957184324305292 -1.6980951967281224 -1.75762984169221 -1.8025156134069342 -1.8768093045209493 +28463,-1.8969305125310048,1,-2.2776856794903595 -1.7189352109036573 -1.716785366779738 -1.234478433430979 -0.6138165555825964 -0.44820353580759215 -0.40704380134368556 -0.2794949455694978 -0.5468231958086702 -0.40176997886132726 -0.6405841479334877 -0.9032523938809707 -1.093301578815158 -1.29948541315575 -1.6957184324305292 -1.6980951967281224 -1.75762984169221 -1.8025156134069342 -1.8768093045209493 -1.8828518843772417 +28464,-1.978963129802732,1,-1.7189352109036573 -1.716785366779738 -1.234478433430979 -0.6138165555825964 -0.44820353580759215 -0.40704380134368556 -0.2794949455694978 -0.5468231958086702 -0.40176997886132726 -0.6405841479334877 -0.9032523938809707 -1.093301578815158 -1.29948541315575 -1.6957184324305292 -1.6980951967281224 -1.75762984169221 -1.8025156134069342 -1.8768093045209493 -1.8828518843772417 -1.8969305125310048 +28465,-1.9108605796148797,1,-1.716785366779738 -1.234478433430979 -0.6138165555825964 -0.44820353580759215 -0.40704380134368556 -0.2794949455694978 -0.5468231958086702 -0.40176997886132726 -0.6405841479334877 -0.9032523938809707 -1.093301578815158 -1.29948541315575 -1.6957184324305292 -1.6980951967281224 -1.75762984169221 -1.8025156134069342 -1.8768093045209493 -1.8828518843772417 -1.8969305125310048 -1.978963129802732 +28466,-1.9216950762356735,1,-1.234478433430979 -0.6138165555825964 -0.44820353580759215 -0.40704380134368556 -0.2794949455694978 -0.5468231958086702 -0.40176997886132726 -0.6405841479334877 -0.9032523938809707 -1.093301578815158 -1.29948541315575 -1.6957184324305292 -1.6980951967281224 -1.75762984169221 -1.8025156134069342 -1.8768093045209493 -1.8828518843772417 -1.8969305125310048 -1.978963129802732 -1.9108605796148797 +28467,-1.978963129802732,1,-0.6138165555825964 -0.44820353580759215 -0.40704380134368556 -0.2794949455694978 -0.5468231958086702 -0.40176997886132726 -0.6405841479334877 -0.9032523938809707 -1.093301578815158 -1.29948541315575 -1.6957184324305292 -1.6980951967281224 -1.75762984169221 -1.8025156134069342 -1.8768093045209493 -1.8828518843772417 -1.8969305125310048 -1.978963129802732 -1.9108605796148797 -1.9216950762356735 +28468,-1.8455797836812549,1,-0.44820353580759215 -0.40704380134368556 -0.2794949455694978 -0.5468231958086702 -0.40176997886132726 -0.6405841479334877 -0.9032523938809707 -1.093301578815158 -1.29948541315575 -1.6957184324305292 -1.6980951967281224 -1.75762984169221 -1.8025156134069342 -1.8768093045209493 -1.8828518843772417 -1.8969305125310048 -1.978963129802732 -1.9108605796148797 -1.9216950762356735 -1.978963129802732 +28469,-1.5440354797394,1,-0.40704380134368556 -0.2794949455694978 -0.5468231958086702 -0.40176997886132726 -0.6405841479334877 -0.9032523938809707 -1.093301578815158 -1.29948541315575 -1.6957184324305292 -1.6980951967281224 -1.75762984169221 -1.8025156134069342 -1.8768093045209493 -1.8828518843772417 -1.8969305125310048 -1.978963129802732 -1.9108605796148797 -1.9216950762356735 -1.978963129802732 -1.8455797836812549 +28470,-0.6169121260456778,1,-0.2794949455694978 -0.5468231958086702 -0.40176997886132726 -0.6405841479334877 -0.9032523938809707 -1.093301578815158 -1.29948541315575 -1.6957184324305292 -1.6980951967281224 -1.75762984169221 -1.8025156134069342 -1.8768093045209493 -1.8828518843772417 -1.8969305125310048 -1.978963129802732 -1.9108605796148797 -1.9216950762356735 -1.978963129802732 -1.8455797836812549 -1.5440354797394 +28471,-0.25937373755945115,1,-0.5468231958086702 -0.40176997886132726 -0.6405841479334877 -0.9032523938809707 -1.093301578815158 -1.29948541315575 -1.6957184324305292 -1.6980951967281224 -1.75762984169221 -1.8025156134069342 -1.8768093045209493 -1.8828518843772417 -1.8969305125310048 -1.978963129802732 -1.9108605796148797 -1.9216950762356735 -1.978963129802732 -1.8455797836812549 -1.5440354797394 -0.6169121260456778 +28472,-0.26250768288090337,1,-0.40176997886132726 -0.6405841479334877 -0.9032523938809707 -1.093301578815158 -1.29948541315575 -1.6957184324305292 -1.6980951967281224 -1.75762984169221 -1.8025156134069342 -1.8768093045209493 -1.8828518843772417 -1.8969305125310048 -1.978963129802732 -1.9108605796148797 -1.9216950762356735 -1.978963129802732 -1.8455797836812549 -1.5440354797394 -0.6169121260456778 -0.25937373755945115 +28473,-0.2067490396870234,1,-0.6405841479334877 -0.9032523938809707 -1.093301578815158 -1.29948541315575 -1.6957184324305292 -1.6980951967281224 -1.75762984169221 -1.8025156134069342 -1.8768093045209493 -1.8828518843772417 -1.8969305125310048 -1.978963129802732 -1.9108605796148797 -1.9216950762356735 -1.978963129802732 -1.8455797836812549 -1.5440354797394 -0.6169121260456778 -0.25937373755945115 -0.26250768288090337 +28474,-0.1710122950428317,1,-0.9032523938809707 -1.093301578815158 -1.29948541315575 -1.6957184324305292 -1.6980951967281224 -1.75762984169221 -1.8025156134069342 -1.8768093045209493 -1.8828518843772417 -1.8969305125310048 -1.978963129802732 -1.9108605796148797 -1.9216950762356735 -1.978963129802732 -1.8455797836812549 -1.5440354797394 -0.6169121260456778 -0.25937373755945115 -0.26250768288090337 -0.2067490396870234 +28475,-0.13245534857299956,1,-1.093301578815158 -1.29948541315575 -1.6957184324305292 -1.6980951967281224 -1.75762984169221 -1.8025156134069342 -1.8768093045209493 -1.8828518843772417 -1.8969305125310048 -1.978963129802732 -1.9108605796148797 -1.9216950762356735 -1.978963129802732 -1.8455797836812549 -1.5440354797394 -0.6169121260456778 -0.25937373755945115 -0.26250768288090337 -0.2067490396870234 -0.1710122950428317 +28476,-0.2734768462583224,1,-1.29948541315575 -1.6957184324305292 -1.6980951967281224 -1.75762984169221 -1.8025156134069342 -1.8768093045209493 -1.8828518843772417 -1.8969305125310048 -1.978963129802732 -1.9108605796148797 -1.9216950762356735 -1.978963129802732 -1.8455797836812549 -1.5440354797394 -0.6169121260456778 -0.25937373755945115 -0.26250768288090337 -0.2067490396870234 -0.1710122950428317 -0.13245534857299956 +28477,-0.41879561640829255,1,-1.6957184324305292 -1.6980951967281224 -1.75762984169221 -1.8025156134069342 -1.8768093045209493 -1.8828518843772417 -1.8969305125310048 -1.978963129802732 -1.9108605796148797 -1.9216950762356735 -1.978963129802732 -1.8455797836812549 -1.5440354797394 -0.6169121260456778 -0.25937373755945115 -0.26250768288090337 -0.2067490396870234 -0.1710122950428317 -0.13245534857299956 -0.2734768462583224 +28478,-1.436547473923261,1,-1.6980951967281224 -1.75762984169221 -1.8025156134069342 -1.8768093045209493 -1.8828518843772417 -1.8969305125310048 -1.978963129802732 -1.9108605796148797 -1.9216950762356735 -1.978963129802732 -1.8455797836812549 -1.5440354797394 -0.6169121260456778 -0.25937373755945115 -0.26250768288090337 -0.2067490396870234 -0.1710122950428317 -0.13245534857299956 -0.2734768462583224 -0.41879561640829255 +28479,-1.017788501015088,1,-1.75762984169221 -1.8025156134069342 -1.8768093045209493 -1.8828518843772417 -1.8969305125310048 -1.978963129802732 -1.9108605796148797 -1.9216950762356735 -1.978963129802732 -1.8455797836812549 -1.5440354797394 -0.6169121260456778 -0.25937373755945115 -0.26250768288090337 -0.2067490396870234 -0.1710122950428317 -0.13245534857299956 -0.2734768462583224 -0.41879561640829255 -1.436547473923261 +28480,-1.083984241399525,1,-1.8025156134069342 -1.8768093045209493 -1.8828518843772417 -1.8969305125310048 -1.978963129802732 -1.9108605796148797 -1.9216950762356735 -1.978963129802732 -1.8455797836812549 -1.5440354797394 -0.6169121260456778 -0.25937373755945115 -0.26250768288090337 -0.2067490396870234 -0.1710122950428317 -0.13245534857299956 -0.2734768462583224 -0.41879561640829255 -1.436547473923261 -1.017788501015088 +28481,-1.1555413866223332,1,-1.8768093045209493 -1.8828518843772417 -1.8969305125310048 -1.978963129802732 -1.9108605796148797 -1.9216950762356735 -1.978963129802732 -1.8455797836812549 -1.5440354797394 -0.6169121260456778 -0.25937373755945115 -0.26250768288090337 -0.2067490396870234 -0.1710122950428317 -0.13245534857299956 -0.2734768462583224 -0.41879561640829255 -1.436547473923261 -1.017788501015088 -1.083984241399525 +28482,-1.369135748575143,1,-1.8828518843772417 -1.8969305125310048 -1.978963129802732 -1.9108605796148797 -1.9216950762356735 -1.978963129802732 -1.8455797836812549 -1.5440354797394 -0.6169121260456778 -0.25937373755945115 -0.26250768288090337 -0.2067490396870234 -0.1710122950428317 -0.13245534857299956 -0.2734768462583224 -0.41879561640829255 -1.436547473923261 -1.017788501015088 -1.083984241399525 -1.1555413866223332 +28483,-1.5641566877494468,1,-1.8969305125310048 -1.978963129802732 -1.9108605796148797 -1.9216950762356735 -1.978963129802732 -1.8455797836812549 -1.5440354797394 -0.6169121260456778 -0.25937373755945115 -0.26250768288090337 -0.2067490396870234 -0.1710122950428317 -0.13245534857299956 -0.2734768462583224 -0.41879561640829255 -1.436547473923261 -1.017788501015088 -1.083984241399525 -1.1555413866223332 -1.369135748575143 +28484,-1.6825382963896884,1,-1.978963129802732 -1.9108605796148797 -1.9216950762356735 -1.978963129802732 -1.8455797836812549 -1.5440354797394 -0.6169121260456778 -0.25937373755945115 -0.26250768288090337 -0.2067490396870234 -0.1710122950428317 -0.13245534857299956 -0.2734768462583224 -0.41879561640829255 -1.436547473923261 -1.017788501015088 -1.083984241399525 -1.1555413866223332 -1.369135748575143 -1.5641566877494468 +28485,-1.6430937345580927,1,-1.9108605796148797 -1.9216950762356735 -1.978963129802732 -1.8455797836812549 -1.5440354797394 -0.6169121260456778 -0.25937373755945115 -0.26250768288090337 -0.2067490396870234 -0.1710122950428317 -0.13245534857299956 -0.2734768462583224 -0.41879561640829255 -1.436547473923261 -1.017788501015088 -1.083984241399525 -1.1555413866223332 -1.369135748575143 -1.5641566877494468 -1.6825382963896884 +28486,-1.8381146737323966,1,-1.9216950762356735 -1.978963129802732 -1.8455797836812549 -1.5440354797394 -0.6169121260456778 -0.25937373755945115 -0.26250768288090337 -0.2067490396870234 -0.1710122950428317 -0.13245534857299956 -0.2734768462583224 -0.41879561640829255 -1.436547473923261 -1.017788501015088 -1.083984241399525 -1.1555413866223332 -1.369135748575143 -1.5641566877494468 -1.6825382963896884 -1.6430937345580927 +28487,-1.8597836669739927,1,-1.978963129802732 -1.8455797836812549 -1.5440354797394 -0.6169121260456778 -0.25937373755945115 -0.26250768288090337 -0.2067490396870234 -0.1710122950428317 -0.13245534857299956 -0.2734768462583224 -0.41879561640829255 -1.436547473923261 -1.017788501015088 -1.083984241399525 -1.1555413866223332 -1.369135748575143 -1.5641566877494468 -1.6825382963896884 -1.6430937345580927 -1.8381146737323966 +28488,-1.8926016578182736,1,-1.8455797836812549 -1.5440354797394 -0.6169121260456778 -0.25937373755945115 -0.26250768288090337 -0.2067490396870234 -0.1710122950428317 -0.13245534857299956 -0.2734768462583224 -0.41879561640829255 -1.436547473923261 -1.017788501015088 -1.083984241399525 -1.1555413866223332 -1.369135748575143 -1.5641566877494468 -1.6825382963896884 -1.6430937345580927 -1.8381146737323966 -1.8597836669739927 +28489,-1.9665808479503977,1,-1.5440354797394 -0.6169121260456778 -0.25937373755945115 -0.26250768288090337 -0.2067490396870234 -0.1710122950428317 -0.13245534857299956 -0.2734768462583224 -0.41879561640829255 -1.436547473923261 -1.017788501015088 -1.083984241399525 -1.1555413866223332 -1.369135748575143 -1.5641566877494468 -1.6825382963896884 -1.6430937345580927 -1.8381146737323966 -1.8597836669739927 -1.8926016578182736 +28490,-1.9758675593396506,1,-0.6169121260456778 -0.25937373755945115 -0.26250768288090337 -0.2067490396870234 -0.1710122950428317 -0.13245534857299956 -0.2734768462583224 -0.41879561640829255 -1.436547473923261 -1.017788501015088 -1.083984241399525 -1.1555413866223332 -1.369135748575143 -1.5641566877494468 -1.6825382963896884 -1.6430937345580927 -1.8381146737323966 -1.8597836669739927 -1.8926016578182736 -1.9665808479503977 +28491,-1.992893196886607,1,-0.25937373755945115 -0.26250768288090337 -0.2067490396870234 -0.1710122950428317 -0.13245534857299956 -0.2734768462583224 -0.41879561640829255 -1.436547473923261 -1.017788501015088 -1.083984241399525 -1.1555413866223332 -1.369135748575143 -1.5641566877494468 -1.6825382963896884 -1.6430937345580927 -1.8381146737323966 -1.8597836669739927 -1.8926016578182736 -1.9665808479503977 -1.9758675593396506 +28492,-1.5316531978870658,1,-0.26250768288090337 -0.2067490396870234 -0.1710122950428317 -0.13245534857299956 -0.2734768462583224 -0.41879561640829255 -1.436547473923261 -1.017788501015088 -1.083984241399525 -1.1555413866223332 -1.369135748575143 -1.5641566877494468 -1.6825382963896884 -1.6430937345580927 -1.8381146737323966 -1.8597836669739927 -1.8926016578182736 -1.9665808479503977 -1.9758675593396506 -1.992893196886607 +28493,-1.5430652262667766,1,-0.2067490396870234 -0.1710122950428317 -0.13245534857299956 -0.2734768462583224 -0.41879561640829255 -1.436547473923261 -1.017788501015088 -1.083984241399525 -1.1555413866223332 -1.369135748575143 -1.5641566877494468 -1.6825382963896884 -1.6430937345580927 -1.8381146737323966 -1.8597836669739927 -1.8926016578182736 -1.9665808479503977 -1.9758675593396506 -1.992893196886607 -1.5316531978870658 +28494,-1.0858910512029403,1,-0.1710122950428317 -0.13245534857299956 -0.2734768462583224 -0.41879561640829255 -1.436547473923261 -1.017788501015088 -1.083984241399525 -1.1555413866223332 -1.369135748575143 -1.5641566877494468 -1.6825382963896884 -1.6430937345580927 -1.8381146737323966 -1.8597836669739927 -1.8926016578182736 -1.9665808479503977 -1.9758675593396506 -1.992893196886607 -1.5316531978870658 -1.5430652262667766 +28495,-0.5209494416900665,1,-0.13245534857299956 -0.2734768462583224 -0.41879561640829255 -1.436547473923261 -1.017788501015088 -1.083984241399525 -1.1555413866223332 -1.369135748575143 -1.5641566877494468 -1.6825382963896884 -1.6430937345580927 -1.8381146737323966 -1.8597836669739927 -1.8926016578182736 -1.9665808479503977 -1.9758675593396506 -1.992893196886607 -1.5316531978870658 -1.5430652262667766 -1.0858910512029403 +28496,-0.23460917385478236,1,-0.2734768462583224 -0.41879561640829255 -1.436547473923261 -1.017788501015088 -1.083984241399525 -1.1555413866223332 -1.369135748575143 -1.5641566877494468 -1.6825382963896884 -1.6430937345580927 -1.8381146737323966 -1.8597836669739927 -1.8926016578182736 -1.9665808479503977 -1.9758675593396506 -1.992893196886607 -1.5316531978870658 -1.5430652262667766 -1.0858910512029403 -0.5209494416900665 +28497,-0.23166994842828476,1,-0.41879561640829255 -1.436547473923261 -1.017788501015088 -1.083984241399525 -1.1555413866223332 -1.369135748575143 -1.5641566877494468 -1.6825382963896884 -1.6430937345580927 -1.8381146737323966 -1.8597836669739927 -1.8926016578182736 -1.9665808479503977 -1.9758675593396506 -1.992893196886607 -1.5316531978870658 -1.5430652262667766 -1.0858910512029403 -0.5209494416900665 -0.23460917385478236 +28498,-0.2237746772339887,1,-1.436547473923261 -1.017788501015088 -1.083984241399525 -1.1555413866223332 -1.369135748575143 -1.5641566877494468 -1.6825382963896884 -1.6430937345580927 -1.8381146737323966 -1.8597836669739927 -1.8926016578182736 -1.9665808479503977 -1.9758675593396506 -1.992893196886607 -1.5316531978870658 -1.5430652262667766 -1.0858910512029403 -0.5209494416900665 -0.23460917385478236 -0.23166994842828476 +28499,-0.5483608744669858,1,-1.017788501015088 -1.083984241399525 -1.1555413866223332 -1.369135748575143 -1.5641566877494468 -1.6825382963896884 -1.6430937345580927 -1.8381146737323966 -1.8597836669739927 -1.8926016578182736 -1.9665808479503977 -1.9758675593396506 -1.992893196886607 -1.5316531978870658 -1.5430652262667766 -1.0858910512029403 -0.5209494416900665 -0.23460917385478236 -0.23166994842828476 -0.2237746772339887 +28500,-0.30116393881109393,1,-1.083984241399525 -1.1555413866223332 -1.369135748575143 -1.5641566877494468 -1.6825382963896884 -1.6430937345580927 -1.8381146737323966 -1.8597836669739927 -1.8926016578182736 -1.9665808479503977 -1.9758675593396506 -1.992893196886607 -1.5316531978870658 -1.5430652262667766 -1.0858910512029403 -0.5209494416900665 -0.23460917385478236 -0.23166994842828476 -0.2237746772339887 -0.5483608744669858 +28501,-0.5278046530595729,1,-1.1555413866223332 -1.369135748575143 -1.5641566877494468 -1.6825382963896884 -1.6430937345580927 -1.8381146737323966 -1.8597836669739927 -1.8926016578182736 -1.9665808479503977 -1.9758675593396506 -1.992893196886607 -1.5316531978870658 -1.5430652262667766 -1.0858910512029403 -0.5209494416900665 -0.23460917385478236 -0.23166994842828476 -0.2237746772339887 -0.5483608744669858 -0.30116393881109393 +28502,-0.7701428639683475,1,-1.369135748575143 -1.5641566877494468 -1.6825382963896884 -1.6430937345580927 -1.8381146737323966 -1.8597836669739927 -1.8926016578182736 -1.9665808479503977 -1.9758675593396506 -1.992893196886607 -1.5316531978870658 -1.5430652262667766 -1.0858910512029403 -0.5209494416900665 -0.23460917385478236 -0.23166994842828476 -0.2237746772339887 -0.5483608744669858 -0.30116393881109393 -0.5278046530595729 +28503,-0.9735346342901307,1,-1.5641566877494468 -1.6825382963896884 -1.6430937345580927 -1.8381146737323966 -1.8597836669739927 -1.8926016578182736 -1.9665808479503977 -1.9758675593396506 -1.992893196886607 -1.5316531978870658 -1.5430652262667766 -1.0858910512029403 -0.5209494416900665 -0.23460917385478236 -0.23166994842828476 -0.2237746772339887 -0.5483608744669858 -0.30116393881109393 -0.5278046530595729 -0.7701428639683475 +28504,-1.1864970912531736,1,-1.6825382963896884 -1.6430937345580927 -1.8381146737323966 -1.8597836669739927 -1.8926016578182736 -1.9665808479503977 -1.9758675593396506 -1.992893196886607 -1.5316531978870658 -1.5430652262667766 -1.0858910512029403 -0.5209494416900665 -0.23460917385478236 -0.23166994842828476 -0.2237746772339887 -0.5483608744669858 -0.30116393881109393 -0.5278046530595729 -0.7701428639683475 -0.9735346342901307 +28505,-1.35984903718589,1,-1.6430937345580927 -1.8381146737323966 -1.8597836669739927 -1.8926016578182736 -1.9665808479503977 -1.9758675593396506 -1.992893196886607 -1.5316531978870658 -1.5430652262667766 -1.0858910512029403 -0.5209494416900665 -0.23460917385478236 -0.23166994842828476 -0.2237746772339887 -0.5483608744669858 -0.30116393881109393 -0.5278046530595729 -0.7701428639683475 -0.9735346342901307 -1.1864970912531736 +28506,-1.3584496136694872,1,-1.8381146737323966 -1.8597836669739927 -1.8926016578182736 -1.9665808479503977 -1.9758675593396506 -1.992893196886607 -1.5316531978870658 -1.5430652262667766 -1.0858910512029403 -0.5209494416900665 -0.23460917385478236 -0.23166994842828476 -0.2237746772339887 -0.5483608744669858 -0.30116393881109393 -0.5278046530595729 -0.7701428639683475 -0.9735346342901307 -1.1864970912531736 -1.35984903718589 +28507,-1.3103199097765437,1,-1.8597836669739927 -1.8926016578182736 -1.9665808479503977 -1.9758675593396506 -1.992893196886607 -1.5316531978870658 -1.5430652262667766 -1.0858910512029403 -0.5209494416900665 -0.23460917385478236 -0.23166994842828476 -0.2237746772339887 -0.5483608744669858 -0.30116393881109393 -0.5278046530595729 -0.7701428639683475 -0.9735346342901307 -1.1864970912531736 -1.35984903718589 -1.3584496136694872 +28508,-1.4898629966354229,1,-1.8926016578182736 -1.9665808479503977 -1.9758675593396506 -1.992893196886607 -1.5316531978870658 -1.5430652262667766 -1.0858910512029403 -0.5209494416900665 -0.23460917385478236 -0.23166994842828476 -0.2237746772339887 -0.5483608744669858 -0.30116393881109393 -0.5278046530595729 -0.7701428639683475 -0.9735346342901307 -1.1864970912531736 -1.35984903718589 -1.3584496136694872 -1.3103199097765437 +28509,-1.6013035333064587,1,-1.9665808479503977 -1.9758675593396506 -1.992893196886607 -1.5316531978870658 -1.5430652262667766 -1.0858910512029403 -0.5209494416900665 -0.23460917385478236 -0.23166994842828476 -0.2237746772339887 -0.5483608744669858 -0.30116393881109393 -0.5278046530595729 -0.7701428639683475 -0.9735346342901307 -1.1864970912531736 -1.35984903718589 -1.3584496136694872 -1.3103199097765437 -1.4898629966354229 +28510,-1.6910750767358984,1,-1.9758675593396506 -1.992893196886607 -1.5316531978870658 -1.5430652262667766 -1.0858910512029403 -0.5209494416900665 -0.23460917385478236 -0.23166994842828476 -0.2237746772339887 -0.5483608744669858 -0.30116393881109393 -0.5278046530595729 -0.7701428639683475 -0.9735346342901307 -1.1864970912531736 -1.35984903718589 -1.3584496136694872 -1.3103199097765437 -1.4898629966354229 -1.6013035333064587 +28511,-1.7731076940076345,1,-1.992893196886607 -1.5316531978870658 -1.5430652262667766 -1.0858910512029403 -0.5209494416900665 -0.23460917385478236 -0.23166994842828476 -0.2237746772339887 -0.5483608744669858 -0.30116393881109393 -0.5278046530595729 -0.7701428639683475 -0.9735346342901307 -1.1864970912531736 -1.35984903718589 -1.3584496136694872 -1.3103199097765437 -1.4898629966354229 -1.6013035333064587 -1.6910750767358984 +28512,-1.8288279623431525,1,-1.5316531978870658 -1.5430652262667766 -1.0858910512029403 -0.5209494416900665 -0.23460917385478236 -0.23166994842828476 -0.2237746772339887 -0.5483608744669858 -0.30116393881109393 -0.5278046530595729 -0.7701428639683475 -0.9735346342901307 -1.1864970912531736 -1.35984903718589 -1.3584496136694872 -1.3103199097765437 -1.4898629966354229 -1.6013035333064587 -1.6910750767358984 -1.7731076940076345 +28513,-1.867522593131705,1,-1.5430652262667766 -1.0858910512029403 -0.5209494416900665 -0.23460917385478236 -0.23166994842828476 -0.2237746772339887 -0.5483608744669858 -0.30116393881109393 -0.5278046530595729 -0.7701428639683475 -0.9735346342901307 -1.1864970912531736 -1.35984903718589 -1.3584496136694872 -1.3103199097765437 -1.4898629966354229 -1.6013035333064587 -1.6910750767358984 -1.7731076940076345 -1.8288279623431525 +28514,-1.9526507808665137,1,-1.0858910512029403 -0.5209494416900665 -0.23460917385478236 -0.23166994842828476 -0.2237746772339887 -0.5483608744669858 -0.30116393881109393 -0.5278046530595729 -0.7701428639683475 -0.9735346342901307 -1.1864970912531736 -1.35984903718589 -1.3584496136694872 -1.3103199097765437 -1.4898629966354229 -1.6013035333064587 -1.6910750767358984 -1.7731076940076345 -1.8288279623431525 -1.867522593131705 +28515,-1.808706754333097,1,-0.5209494416900665 -0.23460917385478236 -0.23166994842828476 -0.2237746772339887 -0.5483608744669858 -0.30116393881109393 -0.5278046530595729 -0.7701428639683475 -0.9735346342901307 -1.1864970912531736 -1.35984903718589 -1.3584496136694872 -1.3103199097765437 -1.4898629966354229 -1.6013035333064587 -1.6910750767358984 -1.7731076940076345 -1.8288279623431525 -1.867522593131705 -1.9526507808665137 +28516,-1.73271813159336,1,-0.23460917385478236 -0.23166994842828476 -0.2237746772339887 -0.5483608744669858 -0.30116393881109393 -0.5278046530595729 -0.7701428639683475 -0.9735346342901307 -1.1864970912531736 -1.35984903718589 -1.3584496136694872 -1.3103199097765437 -1.4898629966354229 -1.6013035333064587 -1.6910750767358984 -1.7731076940076345 -1.8288279623431525 -1.867522593131705 -1.9526507808665137 -1.808706754333097 +28517,-1.4976019227931352,1,-0.23166994842828476 -0.2237746772339887 -0.5483608744669858 -0.30116393881109393 -0.5278046530595729 -0.7701428639683475 -0.9735346342901307 -1.1864970912531736 -1.35984903718589 -1.3584496136694872 -1.3103199097765437 -1.4898629966354229 -1.6013035333064587 -1.6910750767358984 -1.7731076940076345 -1.8288279623431525 -1.867522593131705 -1.9526507808665137 -1.808706754333097 -1.73271813159336 +28518,-1.0332663533305038,1,-0.2237746772339887 -0.5483608744669858 -0.30116393881109393 -0.5278046530595729 -0.7701428639683475 -0.9735346342901307 -1.1864970912531736 -1.35984903718589 -1.3584496136694872 -1.3103199097765437 -1.4898629966354229 -1.6013035333064587 -1.6910750767358984 -1.7731076940076345 -1.8288279623431525 -1.867522593131705 -1.9526507808665137 -1.808706754333097 -1.73271813159336 -1.4976019227931352 +28519,-0.3723620594620276,1,-0.5483608744669858 -0.30116393881109393 -0.5278046530595729 -0.7701428639683475 -0.9735346342901307 -1.1864970912531736 -1.35984903718589 -1.3584496136694872 -1.3103199097765437 -1.4898629966354229 -1.6013035333064587 -1.6910750767358984 -1.7731076940076345 -1.8288279623431525 -1.867522593131705 -1.9526507808665137 -1.808706754333097 -1.73271813159336 -1.4976019227931352 -1.0332663533305038 +28520,-0.3916149344187217,1,-0.30116393881109393 -0.5278046530595729 -0.7701428639683475 -0.9735346342901307 -1.1864970912531736 -1.35984903718589 -1.3584496136694872 -1.3103199097765437 -1.4898629966354229 -1.6013035333064587 -1.6910750767358984 -1.7731076940076345 -1.8288279623431525 -1.867522593131705 -1.9526507808665137 -1.808706754333097 -1.73271813159336 -1.4976019227931352 -1.0332663533305038 -0.3723620594620276 +28521,-0.13245534857299956,1,-0.5278046530595729 -0.7701428639683475 -0.9735346342901307 -1.1864970912531736 -1.35984903718589 -1.3584496136694872 -1.3103199097765437 -1.4898629966354229 -1.6013035333064587 -1.6910750767358984 -1.7731076940076345 -1.8288279623431525 -1.867522593131705 -1.9526507808665137 -1.808706754333097 -1.73271813159336 -1.4976019227931352 -1.0332663533305038 -0.3723620594620276 -0.3916149344187217 +28522,-0.11395495943365297,1,-0.7701428639683475 -0.9735346342901307 -1.1864970912531736 -1.35984903718589 -1.3584496136694872 -1.3103199097765437 -1.4898629966354229 -1.6013035333064587 -1.6910750767358984 -1.7731076940076345 -1.8288279623431525 -1.867522593131705 -1.9526507808665137 -1.808706754333097 -1.73271813159336 -1.4976019227931352 -1.0332663533305038 -0.3723620594620276 -0.3916149344187217 -0.13245534857299956 +28523,-0.09376071778444693,1,-0.9735346342901307 -1.1864970912531736 -1.35984903718589 -1.3584496136694872 -1.3103199097765437 -1.4898629966354229 -1.6013035333064587 -1.6910750767358984 -1.7731076940076345 -1.8288279623431525 -1.867522593131705 -1.9526507808665137 -1.808706754333097 -1.73271813159336 -1.4976019227931352 -1.0332663533305038 -0.3723620594620276 -0.3916149344187217 -0.13245534857299956 -0.11395495943365297 +28524,-0.24510734463846687,1,-1.1864970912531736 -1.35984903718589 -1.3584496136694872 -1.3103199097765437 -1.4898629966354229 -1.6013035333064587 -1.6910750767358984 -1.7731076940076345 -1.8288279623431525 -1.867522593131705 -1.9526507808665137 -1.808706754333097 -1.73271813159336 -1.4976019227931352 -1.0332663533305038 -0.3723620594620276 -0.3916149344187217 -0.13245534857299956 -0.11395495943365297 -0.09376071778444693 +28525,-0.40331776409286796,1,-1.35984903718589 -1.3584496136694872 -1.3103199097765437 -1.4898629966354229 -1.6013035333064587 -1.6910750767358984 -1.7731076940076345 -1.8288279623431525 -1.867522593131705 -1.9526507808665137 -1.808706754333097 -1.73271813159336 -1.4976019227931352 -1.0332663533305038 -0.3723620594620276 -0.3916149344187217 -0.13245534857299956 -0.11395495943365297 -0.09376071778444693 -0.24510734463846687 +28526,-1.2073027023420373,1,-1.3584496136694872 -1.3103199097765437 -1.4898629966354229 -1.6013035333064587 -1.6910750767358984 -1.7731076940076345 -1.8288279623431525 -1.867522593131705 -1.9526507808665137 -1.808706754333097 -1.73271813159336 -1.4976019227931352 -1.0332663533305038 -0.3723620594620276 -0.3916149344187217 -0.13245534857299956 -0.11395495943365297 -0.09376071778444693 -0.24510734463846687 -0.40331776409286796 +28527,-0.9512337360587764,1,-1.3103199097765437 -1.4898629966354229 -1.6013035333064587 -1.6910750767358984 -1.7731076940076345 -1.8288279623431525 -1.867522593131705 -1.9526507808665137 -1.808706754333097 -1.73271813159336 -1.4976019227931352 -1.0332663533305038 -0.3723620594620276 -0.3916149344187217 -0.13245534857299956 -0.11395495943365297 -0.09376071778444693 -0.24510734463846687 -0.40331776409286796 -1.2073027023420373 +28528,-1.0971164798333615,1,-1.4898629966354229 -1.6013035333064587 -1.6910750767358984 -1.7731076940076345 -1.8288279623431525 -1.867522593131705 -1.9526507808665137 -1.808706754333097 -1.73271813159336 -1.4976019227931352 -1.0332663533305038 -0.3723620594620276 -0.3916149344187217 -0.13245534857299956 -0.11395495943365297 -0.09376071778444693 -0.24510734463846687 -0.40331776409286796 -1.2073027023420373 -0.9512337360587764 +28529,-1.248408500514863,1,-1.6013035333064587 -1.6910750767358984 -1.7731076940076345 -1.8288279623431525 -1.867522593131705 -1.9526507808665137 -1.808706754333097 -1.73271813159336 -1.4976019227931352 -1.0332663533305038 -0.3723620594620276 -0.3916149344187217 -0.13245534857299956 -0.11395495943365297 -0.09376071778444693 -0.24510734463846687 -0.40331776409286796 -1.2073027023420373 -0.9512337360587764 -1.0971164798333615 +28530,-1.3288933325550496,1,-1.6910750767358984 -1.7731076940076345 -1.8288279623431525 -1.867522593131705 -1.9526507808665137 -1.808706754333097 -1.73271813159336 -1.4976019227931352 -1.0332663533305038 -0.3723620594620276 -0.3916149344187217 -0.13245534857299956 -0.11395495943365297 -0.09376071778444693 -0.24510734463846687 -0.40331776409286796 -1.2073027023420373 -0.9512337360587764 -1.0971164798333615 -1.248408500514863 +28531,-1.3722313190382243,1,-1.7731076940076345 -1.8288279623431525 -1.867522593131705 -1.9526507808665137 -1.808706754333097 -1.73271813159336 -1.4976019227931352 -1.0332663533305038 -0.3723620594620276 -0.3916149344187217 -0.13245534857299956 -0.11395495943365297 -0.09376071778444693 -0.24510734463846687 -0.40331776409286796 -1.2073027023420373 -0.9512337360587764 -1.0971164798333615 -1.248408500514863 -1.3288933325550496 +28532,-1.4379428078815222,1,-1.8288279623431525 -1.867522593131705 -1.9526507808665137 -1.808706754333097 -1.73271813159336 -1.4976019227931352 -1.0332663533305038 -0.3723620594620276 -0.3916149344187217 -0.13245534857299956 -0.11395495943365297 -0.09376071778444693 -0.24510734463846687 -0.40331776409286796 -1.2073027023420373 -0.9512337360587764 -1.0971164798333615 -1.248408500514863 -1.3288933325550496 -1.3722313190382243 +28533,-1.485219640940801,1,-1.867522593131705 -1.9526507808665137 -1.808706754333097 -1.73271813159336 -1.4976019227931352 -1.0332663533305038 -0.3723620594620276 -0.3916149344187217 -0.13245534857299956 -0.11395495943365297 -0.09376071778444693 -0.24510734463846687 -0.40331776409286796 -1.2073027023420373 -0.9512337360587764 -1.0971164798333615 -1.248408500514863 -1.3288933325550496 -1.3722313190382243 -1.4379428078815222 +28534,-1.594193314569008,1,-1.9526507808665137 -1.808706754333097 -1.73271813159336 -1.4976019227931352 -1.0332663533305038 -0.3723620594620276 -0.3916149344187217 -0.13245534857299956 -0.11395495943365297 -0.09376071778444693 -0.24510734463846687 -0.40331776409286796 -1.2073027023420373 -0.9512337360587764 -1.0971164798333615 -1.248408500514863 -1.3288933325550496 -1.3722313190382243 -1.4379428078815222 -1.485219640940801 +28535,-1.7081007142828637,1,-1.808706754333097 -1.73271813159336 -1.4976019227931352 -1.0332663533305038 -0.3723620594620276 -0.3916149344187217 -0.13245534857299956 -0.11395495943365297 -0.09376071778444693 -0.24510734463846687 -0.40331776409286796 -1.2073027023420373 -0.9512337360587764 -1.0971164798333615 -1.248408500514863 -1.3288933325550496 -1.3722313190382243 -1.4379428078815222 -1.485219640940801 -1.594193314569008 +28536,-1.755560991002563,1,-1.73271813159336 -1.4976019227931352 -1.0332663533305038 -0.3723620594620276 -0.3916149344187217 -0.13245534857299956 -0.11395495943365297 -0.09376071778444693 -0.24510734463846687 -0.40331776409286796 -1.2073027023420373 -0.9512337360587764 -1.0971164798333615 -1.248408500514863 -1.3288933325550496 -1.3722313190382243 -1.4379428078815222 -1.485219640940801 -1.594193314569008 -1.7081007142828637 +28537,-1.808706754333097,1,-1.4976019227931352 -1.0332663533305038 -0.3723620594620276 -0.3916149344187217 -0.13245534857299956 -0.11395495943365297 -0.09376071778444693 -0.24510734463846687 -0.40331776409286796 -1.2073027023420373 -0.9512337360587764 -1.0971164798333615 -1.248408500514863 -1.3288933325550496 -1.3722313190382243 -1.4379428078815222 -1.485219640940801 -1.594193314569008 -1.7081007142828637 -1.755560991002563 +28538,-2.270409287589657,1,-1.0332663533305038 -0.3723620594620276 -0.3916149344187217 -0.13245534857299956 -0.11395495943365297 -0.09376071778444693 -0.24510734463846687 -0.40331776409286796 -1.2073027023420373 -0.9512337360587764 -1.0971164798333615 -1.248408500514863 -1.3288933325550496 -1.3722313190382243 -1.4379428078815222 -1.485219640940801 -1.594193314569008 -1.7081007142828637 -1.755560991002563 -1.808706754333097 +28539,-1.8303757475746931,1,-0.3723620594620276 -0.3916149344187217 -0.13245534857299956 -0.11395495943365297 -0.09376071778444693 -0.24510734463846687 -0.40331776409286796 -1.2073027023420373 -0.9512337360587764 -1.0971164798333615 -1.248408500514863 -1.3288933325550496 -1.3722313190382243 -1.4379428078815222 -1.485219640940801 -1.594193314569008 -1.7081007142828637 -1.755560991002563 -1.808706754333097 -2.270409287589657 +28540,-1.6489464906284612,1,-0.3916149344187217 -0.13245534857299956 -0.11395495943365297 -0.09376071778444693 -0.24510734463846687 -0.40331776409286796 -1.2073027023420373 -0.9512337360587764 -1.0971164798333615 -1.248408500514863 -1.3288933325550496 -1.3722313190382243 -1.4379428078815222 -1.485219640940801 -1.594193314569008 -1.7081007142828637 -1.755560991002563 -1.808706754333097 -2.270409287589657 -1.8303757475746931 +28541,-1.441881654457626,1,-0.13245534857299956 -0.11395495943365297 -0.09376071778444693 -0.24510734463846687 -0.40331776409286796 -1.2073027023420373 -0.9512337360587764 -1.0971164798333615 -1.248408500514863 -1.3288933325550496 -1.3722313190382243 -1.4379428078815222 -1.485219640940801 -1.594193314569008 -1.7081007142828637 -1.755560991002563 -1.808706754333097 -2.270409287589657 -1.8303757475746931 -1.6489464906284612 +28542,-0.6091731998879655,1,-0.11395495943365297 -0.09376071778444693 -0.24510734463846687 -0.40331776409286796 -1.2073027023420373 -0.9512337360587764 -1.0971164798333615 -1.248408500514863 -1.3288933325550496 -1.3722313190382243 -1.4379428078815222 -1.485219640940801 -1.594193314569008 -1.7081007142828637 -1.755560991002563 -1.808706754333097 -2.270409287589657 -1.8303757475746931 -1.6489464906284612 -1.441881654457626 +28543,-0.5900365581849133,1,-0.09376071778444693 -0.24510734463846687 -0.40331776409286796 -1.2073027023420373 -0.9512337360587764 -1.0971164798333615 -1.248408500514863 -1.3288933325550496 -1.3722313190382243 -1.4379428078815222 -1.485219640940801 -1.594193314569008 -1.7081007142828637 -1.755560991002563 -1.808706754333097 -2.270409287589657 -1.8303757475746931 -1.6489464906284612 -1.441881654457626 -0.6091731998879655 +28544,-0.4079611197874988,1,-0.24510734463846687 -0.40331776409286796 -1.2073027023420373 -0.9512337360587764 -1.0971164798333615 -1.248408500514863 -1.3288933325550496 -1.3722313190382243 -1.4379428078815222 -1.485219640940801 -1.594193314569008 -1.7081007142828637 -1.755560991002563 -1.808706754333097 -2.270409287589657 -1.8303757475746931 -1.6489464906284612 -1.441881654457626 -0.6091731998879655 -0.5900365581849133 +28545,-0.3532133023152953,1,-0.40331776409286796 -1.2073027023420373 -0.9512337360587764 -1.0971164798333615 -1.248408500514863 -1.3288933325550496 -1.3722313190382243 -1.4379428078815222 -1.485219640940801 -1.594193314569008 -1.7081007142828637 -1.755560991002563 -1.808706754333097 -2.270409287589657 -1.8303757475746931 -1.6489464906284612 -1.441881654457626 -0.6091731998879655 -0.5900365581849133 -0.4079611197874988 +28546,-0.28723387172721004,1,-1.2073027023420373 -0.9512337360587764 -1.0971164798333615 -1.248408500514863 -1.3288933325550496 -1.3722313190382243 -1.4379428078815222 -1.485219640940801 -1.594193314569008 -1.7081007142828637 -1.755560991002563 -1.808706754333097 -2.270409287589657 -1.8303757475746931 -1.6489464906284612 -1.441881654457626 -0.6091731998879655 -0.5900365581849133 -0.4079611197874988 -0.3532133023152953 +28547,-0.38020777599045724,1,-0.9512337360587764 -1.0971164798333615 -1.248408500514863 -1.3288933325550496 -1.3722313190382243 -1.4379428078815222 -1.485219640940801 -1.594193314569008 -1.7081007142828637 -1.755560991002563 -1.808706754333097 -2.270409287589657 -1.8303757475746931 -1.6489464906284612 -1.441881654457626 -0.6091731998879655 -0.5900365581849133 -0.4079611197874988 -0.3532133023152953 -0.28723387172721004 +28548,-0.3537886366835216,1,-1.0971164798333615 -1.248408500514863 -1.3288933325550496 -1.3722313190382243 -1.4379428078815222 -1.485219640940801 -1.594193314569008 -1.7081007142828637 -1.755560991002563 -1.808706754333097 -2.270409287589657 -1.8303757475746931 -1.6489464906284612 -1.441881654457626 -0.6091731998879655 -0.5900365581849133 -0.4079611197874988 -0.3532133023152953 -0.28723387172721004 -0.38020777599045724 +28549,-0.5019963527662924,1,-1.248408500514863 -1.3288933325550496 -1.3722313190382243 -1.4379428078815222 -1.485219640940801 -1.594193314569008 -1.7081007142828637 -1.755560991002563 -1.808706754333097 -2.270409287589657 -1.8303757475746931 -1.6489464906284612 -1.441881654457626 -0.6091731998879655 -0.5900365581849133 -0.4079611197874988 -0.3532133023152953 -0.28723387172721004 -0.38020777599045724 -0.3537886366835216 +28550,-0.6912058171597016,1,-1.3288933325550496 -1.3722313190382243 -1.4379428078815222 -1.485219640940801 -1.594193314569008 -1.7081007142828637 -1.755560991002563 -1.808706754333097 -2.270409287589657 -1.8303757475746931 -1.6489464906284612 -1.441881654457626 -0.6091731998879655 -0.5900365581849133 -0.4079611197874988 -0.3532133023152953 -0.28723387172721004 -0.38020777599045724 -0.3537886366835216 -0.5019963527662924 +28551,-0.8157569034596814,1,-1.3722313190382243 -1.4379428078815222 -1.485219640940801 -1.594193314569008 -1.7081007142828637 -1.755560991002563 -1.808706754333097 -2.270409287589657 -1.8303757475746931 -1.6489464906284612 -1.441881654457626 -0.6091731998879655 -0.5900365581849133 -0.4079611197874988 -0.3532133023152953 -0.28723387172721004 -0.38020777599045724 -0.3537886366835216 -0.5019963527662924 -0.6912058171597016 +28552,-0.9667115883741921,1,-1.4379428078815222 -1.485219640940801 -1.594193314569008 -1.7081007142828637 -1.755560991002563 -1.808706754333097 -2.270409287589657 -1.8303757475746931 -1.6489464906284612 -1.441881654457626 -0.6091731998879655 -0.5900365581849133 -0.4079611197874988 -0.3532133023152953 -0.28723387172721004 -0.38020777599045724 -0.3537886366835216 -0.5019963527662924 -0.6912058171597016 -0.8157569034596814 +28553,-1.3482304313285733,1,-1.485219640940801 -1.594193314569008 -1.7081007142828637 -1.755560991002563 -1.808706754333097 -2.270409287589657 -1.8303757475746931 -1.6489464906284612 -1.441881654457626 -0.6091731998879655 -0.5900365581849133 -0.4079611197874988 -0.3532133023152953 -0.28723387172721004 -0.38020777599045724 -0.3537886366835216 -0.5019963527662924 -0.6912058171597016 -0.8157569034596814 -0.9667115883741921 +28554,-0.9930239373104104,1,-1.594193314569008 -1.7081007142828637 -1.755560991002563 -1.808706754333097 -2.270409287589657 -1.8303757475746931 -1.6489464906284612 -1.441881654457626 -0.6091731998879655 -0.5900365581849133 -0.4079611197874988 -0.3532133023152953 -0.28723387172721004 -0.38020777599045724 -0.3537886366835216 -0.5019963527662924 -0.6912058171597016 -0.8157569034596814 -0.9667115883741921 -1.3482304313285733 +28555,-1.0192596355881676,1,-1.7081007142828637 -1.755560991002563 -1.808706754333097 -2.270409287589657 -1.8303757475746931 -1.6489464906284612 -1.441881654457626 -0.6091731998879655 -0.5900365581849133 -0.4079611197874988 -0.3532133023152953 -0.28723387172721004 -0.38020777599045724 -0.3537886366835216 -0.5019963527662924 -0.6912058171597016 -0.8157569034596814 -0.9667115883741921 -1.3482304313285733 -0.9930239373104104 +28556,-1.0471964204143875,1,-1.755560991002563 -1.808706754333097 -2.270409287589657 -1.8303757475746931 -1.6489464906284612 -1.441881654457626 -0.6091731998879655 -0.5900365581849133 -0.4079611197874988 -0.3532133023152953 -0.28723387172721004 -0.38020777599045724 -0.3537886366835216 -0.5019963527662924 -0.6912058171597016 -0.8157569034596814 -0.9667115883741921 -1.3482304313285733 -0.9930239373104104 -1.0192596355881676 +28557,-1.0032659343152002,1,-1.808706754333097 -2.270409287589657 -1.8303757475746931 -1.6489464906284612 -1.441881654457626 -0.6091731998879655 -0.5900365581849133 -0.4079611197874988 -0.3532133023152953 -0.28723387172721004 -0.38020777599045724 -0.3537886366835216 -0.5019963527662924 -0.6912058171597016 -0.8157569034596814 -0.9667115883741921 -1.3482304313285733 -0.9930239373104104 -1.0192596355881676 -1.0471964204143875 +28558,-0.9574248769849392,1,-2.270409287589657 -1.8303757475746931 -1.6489464906284612 -1.441881654457626 -0.6091731998879655 -0.5900365581849133 -0.4079611197874988 -0.3532133023152953 -0.28723387172721004 -0.38020777599045724 -0.3537886366835216 -0.5019963527662924 -0.6912058171597016 -0.8157569034596814 -0.9667115883741921 -1.3482304313285733 -0.9930239373104104 -1.0192596355881676 -1.0471964204143875 -1.0032659343152002 +28559,-1.02243185670971,1,-1.8303757475746931 -1.6489464906284612 -1.441881654457626 -0.6091731998879655 -0.5900365581849133 -0.4079611197874988 -0.3532133023152953 -0.28723387172721004 -0.38020777599045724 -0.3537886366835216 -0.5019963527662924 -0.6912058171597016 -0.8157569034596814 -0.9667115883741921 -1.3482304313285733 -0.9930239373104104 -1.0192596355881676 -1.0471964204143875 -1.0032659343152002 -0.9574248769849392 +28560,-1.0471964204143875,1,-1.6489464906284612 -1.441881654457626 -0.6091731998879655 -0.5900365581849133 -0.4079611197874988 -0.3532133023152953 -0.28723387172721004 -0.38020777599045724 -0.3537886366835216 -0.5019963527662924 -0.6912058171597016 -0.8157569034596814 -0.9667115883741921 -1.3482304313285733 -0.9930239373104104 -1.0192596355881676 -1.0471964204143875 -1.0032659343152002 -0.9574248769849392 -1.02243185670971 +28561,-0.9868327963842388,1,-1.441881654457626 -0.6091731998879655 -0.5900365581849133 -0.4079611197874988 -0.3532133023152953 -0.28723387172721004 -0.38020777599045724 -0.3537886366835216 -0.5019963527662924 -0.6912058171597016 -0.8157569034596814 -0.9667115883741921 -1.3482304313285733 -0.9930239373104104 -1.0192596355881676 -1.0471964204143875 -1.0032659343152002 -0.9574248769849392 -1.02243185670971 -1.0471964204143875 +28562,-0.9450425951326047,1,-0.6091731998879655 -0.5900365581849133 -0.4079611197874988 -0.3532133023152953 -0.28723387172721004 -0.38020777599045724 -0.3537886366835216 -0.5019963527662924 -0.6912058171597016 -0.8157569034596814 -0.9667115883741921 -1.3482304313285733 -0.9930239373104104 -1.0192596355881676 -1.0471964204143875 -1.0032659343152002 -0.9574248769849392 -1.02243185670971 -1.0471964204143875 -0.9868327963842388 +28563,-0.9094435348071335,1,-0.5900365581849133 -0.4079611197874988 -0.3532133023152953 -0.28723387172721004 -0.38020777599045724 -0.3537886366835216 -0.5019963527662924 -0.6912058171597016 -0.8157569034596814 -0.9667115883741921 -1.3482304313285733 -0.9930239373104104 -1.0192596355881676 -1.0471964204143875 -1.0032659343152002 -0.9574248769849392 -1.02243185670971 -1.0471964204143875 -0.9868327963842388 -0.9450425951326047 +28564,-0.8289587027669468,1,-0.4079611197874988 -0.3532133023152953 -0.28723387172721004 -0.38020777599045724 -0.3537886366835216 -0.5019963527662924 -0.6912058171597016 -0.8157569034596814 -0.9667115883741921 -1.3482304313285733 -0.9930239373104104 -1.0192596355881676 -1.0471964204143875 -1.0032659343152002 -0.9574248769849392 -1.02243185670971 -1.0471964204143875 -0.9868327963842388 -0.9450425951326047 -0.9094435348071335 +28565,-0.9225054694306298,1,-0.3532133023152953 -0.28723387172721004 -0.38020777599045724 -0.3537886366835216 -0.5019963527662924 -0.6912058171597016 -0.8157569034596814 -0.9667115883741921 -1.3482304313285733 -0.9930239373104104 -1.0192596355881676 -1.0471964204143875 -1.0032659343152002 -0.9574248769849392 -1.02243185670971 -1.0471964204143875 -0.9868327963842388 -0.9450425951326047 -0.9094435348071335 -0.8289587027669468 +28566,-0.39867440839824586,1,-0.28723387172721004 -0.38020777599045724 -0.3537886366835216 -0.5019963527662924 -0.6912058171597016 -0.8157569034596814 -0.9667115883741921 -1.3482304313285733 -0.9930239373104104 -1.0192596355881676 -1.0471964204143875 -1.0032659343152002 -0.9574248769849392 -1.02243185670971 -1.0471964204143875 -0.9868327963842388 -0.9450425951326047 -0.9094435348071335 -0.8289587027669468 -0.9225054694306298 +28567,0.03625324166508603,1,-0.38020777599045724 -0.3537886366835216 -0.5019963527662924 -0.6912058171597016 -0.8157569034596814 -0.9667115883741921 -1.3482304313285733 -0.9930239373104104 -1.0192596355881676 -1.0471964204143875 -1.0032659343152002 -0.9574248769849392 -1.02243185670971 -1.0471964204143875 -0.9868327963842388 -0.9450425951326047 -0.9094435348071335 -0.8289587027669468 -0.9225054694306298 -0.39867440839824586 +28568,-0.024168572279500394,1,-0.3537886366835216 -0.5019963527662924 -0.6912058171597016 -0.8157569034596814 -0.9667115883741921 -1.3482304313285733 -0.9930239373104104 -1.0192596355881676 -1.0471964204143875 -1.0032659343152002 -0.9574248769849392 -1.02243185670971 -1.0471964204143875 -0.9868327963842388 -0.9450425951326047 -0.9094435348071335 -0.8289587027669468 -0.9225054694306298 -0.39867440839824586 0.03625324166508603 +28569,0.11983364416836288,1,-0.5019963527662924 -0.6912058171597016 -0.8157569034596814 -0.9667115883741921 -1.3482304313285733 -0.9930239373104104 -1.0192596355881676 -1.0471964204143875 -1.0032659343152002 -0.9574248769849392 -1.02243185670971 -1.0471964204143875 -0.9868327963842388 -0.9450425951326047 -0.9094435348071335 -0.8289587027669468 -0.9225054694306298 -0.39867440839824586 0.03625324166508603 -0.024168572279500394 +28570,0.1220357085538651,1,-0.6912058171597016 -0.8157569034596814 -0.9667115883741921 -1.3482304313285733 -0.9930239373104104 -1.0192596355881676 -1.0471964204143875 -1.0032659343152002 -0.9574248769849392 -1.02243185670971 -1.0471964204143875 -0.9868327963842388 -0.9450425951326047 -0.9094435348071335 -0.8289587027669468 -0.9225054694306298 -0.39867440839824586 0.03625324166508603 -0.024168572279500394 0.11983364416836288 +28571,0.12447699986298497,1,-0.8157569034596814 -0.9667115883741921 -1.3482304313285733 -0.9930239373104104 -1.0192596355881676 -1.0471964204143875 -1.0032659343152002 -0.9574248769849392 -1.02243185670971 -1.0471964204143875 -0.9868327963842388 -0.9450425951326047 -0.9094435348071335 -0.8289587027669468 -0.9225054694306298 -0.39867440839824586 0.03625324166508603 -0.024168572279500394 0.11983364416836288 0.1220357085538651 +28572,0.005574812388314471,1,-0.9667115883741921 -1.3482304313285733 -0.9930239373104104 -1.0192596355881676 -1.0471964204143875 -1.0032659343152002 -0.9574248769849392 -1.02243185670971 -1.0471964204143875 -0.9868327963842388 -0.9450425951326047 -0.9094435348071335 -0.8289587027669468 -0.9225054694306298 -0.39867440839824586 0.03625324166508603 -0.024168572279500394 0.11983364416836288 0.1220357085538651 0.12447699986298497 +28573,-0.12626420764683677,1,-1.3482304313285733 -0.9930239373104104 -1.0192596355881676 -1.0471964204143875 -1.0032659343152002 -0.9574248769849392 -1.02243185670971 -1.0471964204143875 -0.9868327963842388 -0.9450425951326047 -0.9094435348071335 -0.8289587027669468 -0.9225054694306298 -0.39867440839824586 0.03625324166508603 -0.024168572279500394 0.11983364416836288 0.1220357085538651 0.12447699986298497 0.005574812388314471 +28574,-0.8690576850653057,1,-0.9930239373104104 -1.0192596355881676 -1.0471964204143875 -1.0032659343152002 -0.9574248769849392 -1.02243185670971 -1.0471964204143875 -0.9868327963842388 -0.9450425951326047 -0.9094435348071335 -0.8289587027669468 -0.9225054694306298 -0.39867440839824586 0.03625324166508603 -0.024168572279500394 0.11983364416836288 0.1220357085538651 0.12447699986298497 0.005574812388314471 -0.12626420764683677 +28575,-0.5580962872470785,1,-1.0192596355881676 -1.0471964204143875 -1.0032659343152002 -0.9574248769849392 -1.02243185670971 -1.0471964204143875 -0.9868327963842388 -0.9450425951326047 -0.9094435348071335 -0.8289587027669468 -0.9225054694306298 -0.39867440839824586 0.03625324166508603 -0.024168572279500394 0.11983364416836288 0.1220357085538651 0.12447699986298497 0.005574812388314471 -0.12626420764683677 -0.8690576850653057 +28576,-0.6752965025305727,1,-1.0471964204143875 -1.0032659343152002 -0.9574248769849392 -1.02243185670971 -1.0471964204143875 -0.9868327963842388 -0.9450425951326047 -0.9094435348071335 -0.8289587027669468 -0.9225054694306298 -0.39867440839824586 0.03625324166508603 -0.024168572279500394 0.11983364416836288 0.1220357085538651 0.12447699986298497 0.005574812388314471 -0.12626420764683677 -0.8690576850653057 -0.5580962872470785 +28577,-0.8010985685991879,1,-1.0032659343152002 -0.9574248769849392 -1.02243185670971 -1.0471964204143875 -0.9868327963842388 -0.9450425951326047 -0.9094435348071335 -0.8289587027669468 -0.9225054694306298 -0.39867440839824586 0.03625324166508603 -0.024168572279500394 0.11983364416836288 0.1220357085538651 0.12447699986298497 0.005574812388314471 -0.12626420764683677 -0.8690576850653057 -0.5580962872470785 -0.6752965025305727 +28578,-0.8815834006393833,1,-0.9574248769849392 -1.02243185670971 -1.0471964204143875 -0.9868327963842388 -0.9450425951326047 -0.9094435348071335 -0.8289587027669468 -0.9225054694306298 -0.39867440839824586 0.03625324166508603 -0.024168572279500394 0.11983364416836288 0.1220357085538651 0.12447699986298497 0.005574812388314471 -0.12626420764683677 -0.8690576850653057 -0.5580962872470785 -0.6752965025305727 -0.8010985685991879 +28579,-0.8893223267970869,1,-1.02243185670971 -1.0471964204143875 -0.9868327963842388 -0.9450425951326047 -0.9094435348071335 -0.8289587027669468 -0.9225054694306298 -0.39867440839824586 0.03625324166508603 -0.024168572279500394 0.11983364416836288 0.1220357085538651 0.12447699986298497 0.005574812388314471 -0.12626420764683677 -0.8690576850653057 -0.5580962872470785 -0.6752965025305727 -0.8010985685991879 -0.8815834006393833 +28580,-0.9064038331997735,1,-1.0471964204143875 -0.9868327963842388 -0.9450425951326047 -0.9094435348071335 -0.8289587027669468 -0.9225054694306298 -0.39867440839824586 0.03625324166508603 -0.024168572279500394 0.11983364416836288 0.1220357085538651 0.12447699986298497 0.005574812388314471 -0.12626420764683677 -0.8690576850653057 -0.5580962872470785 -0.6752965025305727 -0.8010985685991879 -0.8815834006393833 -0.8893223267970869 +28581,-0.8815834006393833,1,-0.9868327963842388 -0.9450425951326047 -0.9094435348071335 -0.8289587027669468 -0.9225054694306298 -0.39867440839824586 0.03625324166508603 -0.024168572279500394 0.11983364416836288 0.1220357085538651 0.12447699986298497 0.005574812388314471 -0.12626420764683677 -0.8690576850653057 -0.5580962872470785 -0.6752965025305727 -0.8010985685991879 -0.8815834006393833 -0.8893223267970869 -0.9064038331997735 +28582,-0.875019432302209,1,-0.9450425951326047 -0.9094435348071335 -0.8289587027669468 -0.9225054694306298 -0.39867440839824586 0.03625324166508603 -0.024168572279500394 0.11983364416836288 0.1220357085538651 0.12447699986298497 0.005574812388314471 -0.12626420764683677 -0.8690576850653057 -0.5580962872470785 -0.6752965025305727 -0.8010985685991879 -0.8815834006393833 -0.8893223267970869 -0.9064038331997735 -0.8815834006393833 +28583,-0.8676533335554995,1,-0.9094435348071335 -0.8289587027669468 -0.9225054694306298 -0.39867440839824586 0.03625324166508603 -0.024168572279500394 0.11983364416836288 0.1220357085538651 0.12447699986298497 0.005574812388314471 -0.12626420764683677 -0.8690576850653057 -0.5580962872470785 -0.6752965025305727 -0.8010985685991879 -0.8815834006393833 -0.8893223267970869 -0.9064038331997735 -0.8815834006393833 -0.875019432302209 +28584,-0.8490799107769935,1,-0.8289587027669468 -0.9225054694306298 -0.39867440839824586 0.03625324166508603 -0.024168572279500394 0.11983364416836288 0.1220357085538651 0.12447699986298497 0.005574812388314471 -0.12626420764683677 -0.8690576850653057 -0.5580962872470785 -0.6752965025305727 -0.8010985685991879 -0.8815834006393833 -0.8893223267970869 -0.9064038331997735 -0.8815834006393833 -0.875019432302209 -0.8676533335554995 +28585,-0.8181242061461532,1,-0.9225054694306298 -0.39867440839824586 0.03625324166508603 -0.024168572279500394 0.11983364416836288 0.1220357085538651 0.12447699986298497 0.005574812388314471 -0.12626420764683677 -0.8690576850653057 -0.5580962872470785 -0.6752965025305727 -0.8010985685991879 -0.8815834006393833 -0.8893223267970869 -0.9064038331997735 -0.8815834006393833 -0.875019432302209 -0.8676533335554995 -0.8490799107769935 +28586,-0.8072897095253595,1,-0.39867440839824586 0.03625324166508603 -0.024168572279500394 0.11983364416836288 0.1220357085538651 0.12447699986298497 0.005574812388314471 -0.12626420764683677 -0.8690576850653057 -0.5580962872470785 -0.6752965025305727 -0.8010985685991879 -0.8815834006393833 -0.8893223267970869 -0.9064038331997735 -0.8815834006393833 -0.875019432302209 -0.8676533335554995 -0.8490799107769935 -0.8181242061461532 +28587,-0.8490799107769935,1,0.03625324166508603 -0.024168572279500394 0.11983364416836288 0.1220357085538651 0.12447699986298497 0.005574812388314471 -0.12626420764683677 -0.8690576850653057 -0.5580962872470785 -0.6752965025305727 -0.8010985685991879 -0.8815834006393833 -0.8893223267970869 -0.9064038331997735 -0.8815834006393833 -0.875019432302209 -0.8676533335554995 -0.8490799107769935 -0.8181242061461532 -0.8072897095253595 +28588,-0.8514256682930456,1,-0.024168572279500394 0.11983364416836288 0.1220357085538651 0.12447699986298497 0.005574812388314471 -0.12626420764683677 -0.8690576850653057 -0.5580962872470785 -0.6752965025305727 -0.8010985685991879 -0.8815834006393833 -0.8893223267970869 -0.9064038331997735 -0.8815834006393833 -0.875019432302209 -0.8676533335554995 -0.8490799107769935 -0.8181242061461532 -0.8072897095253595 -0.8490799107769935 +28589,-0.8599144073977872,1,0.11983364416836288 0.1220357085538651 0.12447699986298497 0.005574812388314471 -0.12626420764683677 -0.8690576850653057 -0.5580962872470785 -0.6752965025305727 -0.8010985685991879 -0.8815834006393833 -0.8893223267970869 -0.9064038331997735 -0.8815834006393833 -0.875019432302209 -0.8676533335554995 -0.8490799107769935 -0.8181242061461532 -0.8072897095253595 -0.8490799107769935 -0.8514256682930456 +28590,-0.7949074276730251,1,0.1220357085538651 0.12447699986298497 0.005574812388314471 -0.12626420764683677 -0.8690576850653057 -0.5580962872470785 -0.6752965025305727 -0.8010985685991879 -0.8815834006393833 -0.8893223267970869 -0.9064038331997735 -0.8815834006393833 -0.875019432302209 -0.8676533335554995 -0.8490799107769935 -0.8181242061461532 -0.8072897095253595 -0.8490799107769935 -0.8514256682930456 -0.8599144073977872 +28591,-0.7685950787368069,1,0.12447699986298497 0.005574812388314471 -0.12626420764683677 -0.8690576850653057 -0.5580962872470785 -0.6752965025305727 -0.8010985685991879 -0.8815834006393833 -0.8893223267970869 -0.9064038331997735 -0.8815834006393833 -0.875019432302209 -0.8676533335554995 -0.8490799107769935 -0.8181242061461532 -0.8072897095253595 -0.8490799107769935 -0.8514256682930456 -0.8599144073977872 -0.7949074276730251 +28592,-0.7082314547066669,1,0.005574812388314471 -0.12626420764683677 -0.8690576850653057 -0.5580962872470785 -0.6752965025305727 -0.8010985685991879 -0.8815834006393833 -0.8893223267970869 -0.9064038331997735 -0.8815834006393833 -0.875019432302209 -0.8676533335554995 -0.8490799107769935 -0.8181242061461532 -0.8072897095253595 -0.8490799107769935 -0.8514256682930456 -0.8599144073977872 -0.7949074276730251 -0.7685950787368069 +28593,-0.7205958946195239,1,-0.12626420764683677 -0.8690576850653057 -0.5580962872470785 -0.6752965025305727 -0.8010985685991879 -0.8815834006393833 -0.8893223267970869 -0.9064038331997735 -0.8815834006393833 -0.875019432302209 -0.8676533335554995 -0.8490799107769935 -0.8181242061461532 -0.8072897095253595 -0.8490799107769935 -0.8514256682930456 -0.8599144073977872 -0.7949074276730251 -0.7685950787368069 -0.7082314547066669 +28594,-0.7515694411898416,1,-0.8690576850653057 -0.5580962872470785 -0.6752965025305727 -0.8010985685991879 -0.8815834006393833 -0.8893223267970869 -0.9064038331997735 -0.8815834006393833 -0.875019432302209 -0.8676533335554995 -0.8490799107769935 -0.8181242061461532 -0.8072897095253595 -0.8490799107769935 -0.8514256682930456 -0.8599144073977872 -0.7949074276730251 -0.7685950787368069 -0.7082314547066669 -0.7205958946195239 +28595,-1.0996243659950815,1,-0.5580962872470785 -0.6752965025305727 -0.8010985685991879 -0.8815834006393833 -0.8893223267970869 -0.9064038331997735 -0.8815834006393833 -0.875019432302209 -0.8676533335554995 -0.8490799107769935 -0.8181242061461532 -0.8072897095253595 -0.8490799107769935 -0.8514256682930456 -0.8599144073977872 -0.7949074276730251 -0.7685950787368069 -0.7082314547066669 -0.7205958946195239 -0.7515694411898416 +28596,-0.7778817901260598,1,-0.6752965025305727 -0.8010985685991879 -0.8815834006393833 -0.8893223267970869 -0.9064038331997735 -0.8815834006393833 -0.875019432302209 -0.8676533335554995 -0.8490799107769935 -0.8181242061461532 -0.8072897095253595 -0.8490799107769935 -0.8514256682930456 -0.8599144073977872 -0.7949074276730251 -0.7685950787368069 -0.7082314547066669 -0.7205958946195239 -0.7515694411898416 -1.0996243659950815 +28597,-0.8071213539849331,1,-0.8010985685991879 -0.8815834006393833 -0.8893223267970869 -0.9064038331997735 -0.8815834006393833 -0.875019432302209 -0.8676533335554995 -0.8490799107769935 -0.8181242061461532 -0.8072897095253595 -0.8490799107769935 -0.8514256682930456 -0.8599144073977872 -0.7949074276730251 -0.7685950787368069 -0.7082314547066669 -0.7205958946195239 -0.7515694411898416 -1.0996243659950815 -0.7778817901260598 +28598,-0.8397931993877406,1,-0.8815834006393833 -0.8893223267970869 -0.9064038331997735 -0.8815834006393833 -0.875019432302209 -0.8676533335554995 -0.8490799107769935 -0.8181242061461532 -0.8072897095253595 -0.8490799107769935 -0.8514256682930456 -0.8599144073977872 -0.7949074276730251 -0.7685950787368069 -0.7082314547066669 -0.7205958946195239 -0.7515694411898416 -1.0996243659950815 -0.7778817901260598 -0.8071213539849331 +28599,-0.9057576574753885,1,-0.8893223267970869 -0.9064038331997735 -0.8815834006393833 -0.875019432302209 -0.8676533335554995 -0.8490799107769935 -0.8181242061461532 -0.8072897095253595 -0.8490799107769935 -0.8514256682930456 -0.8599144073977872 -0.7949074276730251 -0.7685950787368069 -0.7082314547066669 -0.7205958946195239 -0.7515694411898416 -1.0996243659950815 -0.7778817901260598 -0.8071213539849331 -0.8397931993877406 +28600,-0.9759982997634451,1,-0.9064038331997735 -0.8815834006393833 -0.875019432302209 -0.8676533335554995 -0.8490799107769935 -0.8181242061461532 -0.8072897095253595 -0.8490799107769935 -0.8514256682930456 -0.8599144073977872 -0.7949074276730251 -0.7685950787368069 -0.7082314547066669 -0.7205958946195239 -0.7515694411898416 -1.0996243659950815 -0.7778817901260598 -0.8071213539849331 -0.8397931993877406 -0.9057576574753885 +28601,-1.1029166887498967,1,-0.8815834006393833 -0.875019432302209 -0.8676533335554995 -0.8490799107769935 -0.8181242061461532 -0.8072897095253595 -0.8490799107769935 -0.8514256682930456 -0.8599144073977872 -0.7949074276730251 -0.7685950787368069 -0.7082314547066669 -0.7205958946195239 -0.7515694411898416 -1.0996243659950815 -0.7778817901260598 -0.8071213539849331 -0.8397931993877406 -0.9057576574753885 -0.9759982997634451 +28602,-1.1036131074402376,1,-0.875019432302209 -0.8676533335554995 -0.8490799107769935 -0.8181242061461532 -0.8072897095253595 -0.8490799107769935 -0.8514256682930456 -0.8599144073977872 -0.7949074276730251 -0.7685950787368069 -0.7082314547066669 -0.7205958946195239 -0.7515694411898416 -1.0996243659950815 -0.7778817901260598 -0.8071213539849331 -0.8397931993877406 -0.9057576574753885 -0.9759982997634451 -1.1029166887498967 +28603,-1.1570891718538738,1,-0.8676533335554995 -0.8490799107769935 -0.8181242061461532 -0.8072897095253595 -0.8490799107769935 -0.8514256682930456 -0.8599144073977872 -0.7949074276730251 -0.7685950787368069 -0.7082314547066669 -0.7205958946195239 -0.7515694411898416 -1.0996243659950815 -0.7778817901260598 -0.8071213539849331 -0.8397931993877406 -0.9057576574753885 -0.9759982997634451 -1.1029166887498967 -1.1036131074402376 +28604,-1.341275614407384,1,-0.8490799107769935 -0.8181242061461532 -0.8072897095253595 -0.8490799107769935 -0.8514256682930456 -0.8599144073977872 -0.7949074276730251 -0.7685950787368069 -0.7082314547066669 -0.7205958946195239 -0.7515694411898416 -1.0996243659950815 -0.7778817901260598 -0.8071213539849331 -0.8397931993877406 -0.9057576574753885 -0.9759982997634451 -1.1029166887498967 -1.1036131074402376 -1.1570891718538738 +28605,-1.410925949826777,1,-0.8181242061461532 -0.8072897095253595 -0.8490799107769935 -0.8514256682930456 -0.8599144073977872 -0.7949074276730251 -0.7685950787368069 -0.7082314547066669 -0.7205958946195239 -0.7515694411898416 -1.0996243659950815 -0.7778817901260598 -0.8071213539849331 -0.8397931993877406 -0.9057576574753885 -0.9759982997634451 -1.1029166887498967 -1.1036131074402376 -1.1570891718538738 -1.341275614407384 +28606,-1.5130797751085598,1,-0.8072897095253595 -0.8490799107769935 -0.8514256682930456 -0.8599144073977872 -0.7949074276730251 -0.7685950787368069 -0.7082314547066669 -0.7205958946195239 -0.7515694411898416 -1.0996243659950815 -0.7778817901260598 -0.8071213539849331 -0.8397931993877406 -0.9057576574753885 -0.9759982997634451 -1.1029166887498967 -1.1036131074402376 -1.1570891718538738 -1.341275614407384 -1.410925949826777 +28607,-1.5657044729809875,1,-0.8490799107769935 -0.8514256682930456 -0.8599144073977872 -0.7949074276730251 -0.7685950787368069 -0.7082314547066669 -0.7205958946195239 -0.7515694411898416 -1.0996243659950815 -0.7778817901260598 -0.8071213539849331 -0.8397931993877406 -0.9057576574753885 -0.9759982997634451 -1.1029166887498967 -1.1036131074402376 -1.1570891718538738 -1.341275614407384 -1.410925949826777 -1.5130797751085598 +28608,-1.5672522582125281,1,-0.8514256682930456 -0.8599144073977872 -0.7949074276730251 -0.7685950787368069 -0.7082314547066669 -0.7205958946195239 -0.7515694411898416 -1.0996243659950815 -0.7778817901260598 -0.8071213539849331 -0.8397931993877406 -0.9057576574753885 -0.9759982997634451 -1.1029166887498967 -1.1036131074402376 -1.1570891718538738 -1.341275614407384 -1.410925949826777 -1.5130797751085598 -1.5657044729809875 +28609,-1.5502266206655717,1,-0.8599144073977872 -0.7949074276730251 -0.7685950787368069 -0.7082314547066669 -0.7205958946195239 -0.7515694411898416 -1.0996243659950815 -0.7778817901260598 -0.8071213539849331 -0.8397931993877406 -0.9057576574753885 -0.9759982997634451 -1.1029166887498967 -1.1036131074402376 -1.1570891718538738 -1.341275614407384 -1.410925949826777 -1.5130797751085598 -1.5657044729809875 -1.5672522582125281 +28610,-1.886452205403866,1,-0.7949074276730251 -0.7685950787368069 -0.7082314547066669 -0.7205958946195239 -0.7515694411898416 -1.0996243659950815 -0.7778817901260598 -0.8071213539849331 -0.8397931993877406 -0.9057576574753885 -0.9759982997634451 -1.1029166887498967 -1.1036131074402376 -1.1570891718538738 -1.341275614407384 -1.410925949826777 -1.5130797751085598 -1.5657044729809875 -1.5672522582125281 -1.5502266206655717 +28611,-1.5037930637193069,1,-0.7685950787368069 -0.7082314547066669 -0.7205958946195239 -0.7515694411898416 -1.0996243659950815 -0.7778817901260598 -0.8071213539849331 -0.8397931993877406 -0.9057576574753885 -0.9759982997634451 -1.1029166887498967 -1.1036131074402376 -1.1570891718538738 -1.341275614407384 -1.410925949826777 -1.5130797751085598 -1.5657044729809875 -1.5672522582125281 -1.5502266206655717 -1.886452205403866 +28612,-1.41415208170095,1,-0.7082314547066669 -0.7205958946195239 -0.7515694411898416 -1.0996243659950815 -0.7778817901260598 -0.8071213539849331 -0.8397931993877406 -0.9057576574753885 -0.9759982997634451 -1.1029166887498967 -1.1036131074402376 -1.1570891718538738 -1.341275614407384 -1.410925949826777 -1.5130797751085598 -1.5657044729809875 -1.5672522582125281 -1.5502266206655717 -1.886452205403866 -1.5037930637193069 +28613,-1.2932942722295784,1,-0.7205958946195239 -0.7515694411898416 -1.0996243659950815 -0.7778817901260598 -0.8071213539849331 -0.8397931993877406 -0.9057576574753885 -0.9759982997634451 -1.1029166887498967 -1.1036131074402376 -1.1570891718538738 -1.341275614407384 -1.410925949826777 -1.5130797751085598 -1.5657044729809875 -1.5672522582125281 -1.5502266206655717 -1.886452205403866 -1.5037930637193069 -1.41415208170095 +28614,-1.0100495748573757,1,-0.7515694411898416 -1.0996243659950815 -0.7778817901260598 -0.8071213539849331 -0.8397931993877406 -0.9057576574753885 -0.9759982997634451 -1.1029166887498967 -1.1036131074402376 -1.1570891718538738 -1.341275614407384 -1.410925949826777 -1.5130797751085598 -1.5657044729809875 -1.5672522582125281 -1.5502266206655717 -1.886452205403866 -1.5037930637193069 -1.41415208170095 -1.2932942722295784 +28615,-1.0239796419412508,1,-1.0996243659950815 -0.7778817901260598 -0.8071213539849331 -0.8397931993877406 -0.9057576574753885 -0.9759982997634451 -1.1029166887498967 -1.1036131074402376 -1.1570891718538738 -1.341275614407384 -1.410925949826777 -1.5130797751085598 -1.5657044729809875 -1.5672522582125281 -1.5502266206655717 -1.886452205403866 -1.5037930637193069 -1.41415208170095 -1.2932942722295784 -1.0100495748573757 +28616,-1.02409517776287,1,-0.7778817901260598 -0.8071213539849331 -0.8397931993877406 -0.9057576574753885 -0.9759982997634451 -1.1029166887498967 -1.1036131074402376 -1.1570891718538738 -1.341275614407384 -1.410925949826777 -1.5130797751085598 -1.5657044729809875 -1.5672522582125281 -1.5502266206655717 -1.886452205403866 -1.5037930637193069 -1.41415208170095 -1.2932942722295784 -1.0100495748573757 -1.0239796419412508 +28617,-0.9543293065218578,1,-0.8071213539849331 -0.8397931993877406 -0.9057576574753885 -0.9759982997634451 -1.1029166887498967 -1.1036131074402376 -1.1570891718538738 -1.341275614407384 -1.410925949826777 -1.5130797751085598 -1.5657044729809875 -1.5672522582125281 -1.5502266206655717 -1.886452205403866 -1.5037930637193069 -1.41415208170095 -1.2932942722295784 -1.0100495748573757 -1.0239796419412508 -1.02409517776287 +28618,-0.9240784402234569,1,-0.8397931993877406 -0.9057576574753885 -0.9759982997634451 -1.1029166887498967 -1.1036131074402376 -1.1570891718538738 -1.341275614407384 -1.410925949826777 -1.5130797751085598 -1.5657044729809875 -1.5672522582125281 -1.5502266206655717 -1.886452205403866 -1.5037930637193069 -1.41415208170095 -1.2932942722295784 -1.0100495748573757 -1.0239796419412508 -1.02409517776287 -0.9543293065218578 +28619,-0.8908701120286363,1,-0.9057576574753885 -0.9759982997634451 -1.1029166887498967 -1.1036131074402376 -1.1570891718538738 -1.341275614407384 -1.410925949826777 -1.5130797751085598 -1.5657044729809875 -1.5672522582125281 -1.5502266206655717 -1.886452205403866 -1.5037930637193069 -1.41415208170095 -1.2932942722295784 -1.0100495748573757 -1.0239796419412508 -1.02409517776287 -0.9543293065218578 -0.9240784402234569 +28620,-1.0083139795084932,1,-0.9759982997634451 -1.1029166887498967 -1.1036131074402376 -1.1570891718538738 -1.341275614407384 -1.410925949826777 -1.5130797751085598 -1.5657044729809875 -1.5672522582125281 -1.5502266206655717 -1.886452205403866 -1.5037930637193069 -1.41415208170095 -1.2932942722295784 -1.0100495748573757 -1.0239796419412508 -1.02409517776287 -0.9543293065218578 -0.9240784402234569 -0.8908701120286363 +28621,-1.1338723933807457,1,-1.1029166887498967 -1.1036131074402376 -1.1570891718538738 -1.341275614407384 -1.410925949826777 -1.5130797751085598 -1.5657044729809875 -1.5672522582125281 -1.5502266206655717 -1.886452205403866 -1.5037930637193069 -1.41415208170095 -1.2932942722295784 -1.0100495748573757 -1.0239796419412508 -1.02409517776287 -0.9543293065218578 -0.9240784402234569 -0.8908701120286363 -1.0083139795084932 +28622,-1.4862344955474285,1,-1.1036131074402376 -1.1570891718538738 -1.341275614407384 -1.410925949826777 -1.5130797751085598 -1.5657044729809875 -1.5672522582125281 -1.5502266206655717 -1.886452205403866 -1.5037930637193069 -1.41415208170095 -1.2932942722295784 -1.0100495748573757 -1.0239796419412508 -1.02409517776287 -0.9543293065218578 -0.9240784402234569 -0.8908701120286363 -1.0083139795084932 -1.1338723933807457 +28623,-1.3227021916288781,1,-1.1570891718538738 -1.341275614407384 -1.410925949826777 -1.5130797751085598 -1.5657044729809875 -1.5672522582125281 -1.5502266206655717 -1.886452205403866 -1.5037930637193069 -1.41415208170095 -1.2932942722295784 -1.0100495748573757 -1.0239796419412508 -1.02409517776287 -0.9543293065218578 -0.9240784402234569 -0.8908701120286363 -1.0083139795084932 -1.1338723933807457 -1.4862344955474285 +28624,-1.3430517436202467,1,-1.341275614407384 -1.410925949826777 -1.5130797751085598 -1.5657044729809875 -1.5672522582125281 -1.5502266206655717 -1.886452205403866 -1.5037930637193069 -1.41415208170095 -1.2932942722295784 -1.0100495748573757 -1.0239796419412508 -1.02409517776287 -0.9543293065218578 -0.9240784402234569 -0.8908701120286363 -1.0083139795084932 -1.1338723933807457 -1.4862344955474285 -1.3227021916288781 +28625,-1.3644923928805208,1,-1.410925949826777 -1.5130797751085598 -1.5657044729809875 -1.5672522582125281 -1.5502266206655717 -1.886452205403866 -1.5037930637193069 -1.41415208170095 -1.2932942722295784 -1.0100495748573757 -1.0239796419412508 -1.02409517776287 -0.9543293065218578 -0.9240784402234569 -0.8908701120286363 -1.0083139795084932 -1.1338723933807457 -1.4862344955474285 -1.3227021916288781 -1.3430517436202467 +28626,-1.3381800439443026,1,-1.5130797751085598 -1.5657044729809875 -1.5672522582125281 -1.5502266206655717 -1.886452205403866 -1.5037930637193069 -1.41415208170095 -1.2932942722295784 -1.0100495748573757 -1.0239796419412508 -1.02409517776287 -0.9543293065218578 -0.9240784402234569 -0.8908701120286363 -1.0083139795084932 -1.1338723933807457 -1.4862344955474285 -1.3227021916288781 -1.3430517436202467 -1.3644923928805208 +28627,-1.369135748575143,1,-1.5657044729809875 -1.5672522582125281 -1.5502266206655717 -1.886452205403866 -1.5037930637193069 -1.41415208170095 -1.2932942722295784 -1.0100495748573757 -1.0239796419412508 -1.02409517776287 -0.9543293065218578 -0.9240784402234569 -0.8908701120286363 -1.0083139795084932 -1.1338723933807457 -1.4862344955474285 -1.3227021916288781 -1.3430517436202467 -1.3644923928805208 -1.3381800439443026 +28628,-1.3706835338066836,1,-1.5672522582125281 -1.5502266206655717 -1.886452205403866 -1.5037930637193069 -1.41415208170095 -1.2932942722295784 -1.0100495748573757 -1.0239796419412508 -1.02409517776287 -0.9543293065218578 -0.9240784402234569 -0.8908701120286363 -1.0083139795084932 -1.1338723933807457 -1.4862344955474285 -1.3227021916288781 -1.3430517436202467 -1.3644923928805208 -1.3381800439443026 -1.369135748575143 +28629,-1.4031870236690736,1,-1.5502266206655717 -1.886452205403866 -1.5037930637193069 -1.41415208170095 -1.2932942722295784 -1.0100495748573757 -1.0239796419412508 -1.02409517776287 -0.9543293065218578 -0.9240784402234569 -0.8908701120286363 -1.0083139795084932 -1.1338723933807457 -1.4862344955474285 -1.3227021916288781 -1.3430517436202467 -1.3644923928805208 -1.3381800439443026 -1.369135748575143 -1.3706835338066836 +28630,-1.4093781645952363,1,-1.886452205403866 -1.5037930637193069 -1.41415208170095 -1.2932942722295784 -1.0100495748573757 -1.0239796419412508 -1.02409517776287 -0.9543293065218578 -0.9240784402234569 -0.8908701120286363 -1.0083139795084932 -1.1338723933807457 -1.4862344955474285 -1.3227021916288781 -1.3430517436202467 -1.3644923928805208 -1.3381800439443026 -1.369135748575143 -1.3706835338066836 -1.4031870236690736 +28631,-1.4573595067730418,1,-1.5037930637193069 -1.41415208170095 -1.2932942722295784 -1.0100495748573757 -1.0239796419412508 -1.02409517776287 -0.9543293065218578 -0.9240784402234569 -0.8908701120286363 -1.0083139795084932 -1.1338723933807457 -1.4862344955474285 -1.3227021916288781 -1.3430517436202467 -1.3644923928805208 -1.3381800439443026 -1.369135748575143 -1.3706835338066836 -1.4031870236690736 -1.4093781645952363 +28632,-1.4582930424461742,1,-1.41415208170095 -1.2932942722295784 -1.0100495748573757 -1.0239796419412508 -1.02409517776287 -0.9543293065218578 -0.9240784402234569 -0.8908701120286363 -1.0083139795084932 -1.1338723933807457 -1.4862344955474285 -1.3227021916288781 -1.3430517436202467 -1.3644923928805208 -1.3381800439443026 -1.369135748575143 -1.3706835338066836 -1.4031870236690736 -1.4093781645952363 -1.4573595067730418 +28633,-1.4976019227931352,1,-1.2932942722295784 -1.0100495748573757 -1.0239796419412508 -1.02409517776287 -0.9543293065218578 -0.9240784402234569 -0.8908701120286363 -1.0083139795084932 -1.1338723933807457 -1.4862344955474285 -1.3227021916288781 -1.3430517436202467 -1.3644923928805208 -1.3381800439443026 -1.369135748575143 -1.3706835338066836 -1.4031870236690736 -1.4093781645952363 -1.4573595067730418 -1.4582930424461742 +28634,-1.7123193957854683,1,-1.0100495748573757 -1.0239796419412508 -1.02409517776287 -0.9543293065218578 -0.9240784402234569 -0.8908701120286363 -1.0083139795084932 -1.1338723933807457 -1.4862344955474285 -1.3227021916288781 -1.3430517436202467 -1.3644923928805208 -1.3381800439443026 -1.369135748575143 -1.3706835338066836 -1.4031870236690736 -1.4093781645952363 -1.4573595067730418 -1.4582930424461742 -1.4976019227931352 +28635,-1.6725016539573925,1,-1.0239796419412508 -1.02409517776287 -0.9543293065218578 -0.9240784402234569 -0.8908701120286363 -1.0083139795084932 -1.1338723933807457 -1.4862344955474285 -1.3227021916288781 -1.3430517436202467 -1.3644923928805208 -1.3381800439443026 -1.369135748575143 -1.3706835338066836 -1.4031870236690736 -1.4093781645952363 -1.4573595067730418 -1.4582930424461742 -1.4976019227931352 -1.7123193957854683 +28636,-1.5679862987637168,1,-1.02409517776287 -0.9543293065218578 -0.9240784402234569 -0.8908701120286363 -1.0083139795084932 -1.1338723933807457 -1.4862344955474285 -1.3227021916288781 -1.3430517436202467 -1.3644923928805208 -1.3381800439443026 -1.369135748575143 -1.3706835338066836 -1.4031870236690736 -1.4093781645952363 -1.4573595067730418 -1.4582930424461742 -1.4976019227931352 -1.7123193957854683 -1.6725016539573925 +28637,-1.4465250101522482,1,-0.9543293065218578 -0.9240784402234569 -0.8908701120286363 -1.0083139795084932 -1.1338723933807457 -1.4862344955474285 -1.3227021916288781 -1.3430517436202467 -1.3644923928805208 -1.3381800439443026 -1.369135748575143 -1.3706835338066836 -1.4031870236690736 -1.4093781645952363 -1.4573595067730418 -1.4582930424461742 -1.4976019227931352 -1.7123193957854683 -1.6725016539573925 -1.5679862987637168 +28638,-1.0827954807398499,1,-0.9240784402234569 -0.8908701120286363 -1.0083139795084932 -1.1338723933807457 -1.4862344955474285 -1.3227021916288781 -1.3430517436202467 -1.3644923928805208 -1.3381800439443026 -1.369135748575143 -1.3706835338066836 -1.4031870236690736 -1.4093781645952363 -1.4573595067730418 -1.4582930424461742 -1.4976019227931352 -1.7123193957854683 -1.6725016539573925 -1.5679862987637168 -1.4465250101522482 +28639,-0.9883805816157882,1,-0.8908701120286363 -1.0083139795084932 -1.1338723933807457 -1.4862344955474285 -1.3227021916288781 -1.3430517436202467 -1.3644923928805208 -1.3381800439443026 -1.369135748575143 -1.3706835338066836 -1.4031870236690736 -1.4093781645952363 -1.4573595067730418 -1.4582930424461742 -1.4976019227931352 -1.7123193957854683 -1.6725016539573925 -1.5679862987637168 -1.4465250101522482 -1.0827954807398499 +28640,-0.9951490320389191,1,-1.0083139795084932 -1.1338723933807457 -1.4862344955474285 -1.3227021916288781 -1.3430517436202467 -1.3644923928805208 -1.3381800439443026 -1.369135748575143 -1.3706835338066836 -1.4031870236690736 -1.4093781645952363 -1.4573595067730418 -1.4582930424461742 -1.4976019227931352 -1.7123193957854683 -1.6725016539573925 -1.5679862987637168 -1.4465250101522482 -1.0827954807398499 -0.9883805816157882 +28641,-0.8475321255454529,1,-1.1338723933807457 -1.4862344955474285 -1.3227021916288781 -1.3430517436202467 -1.3644923928805208 -1.3381800439443026 -1.369135748575143 -1.3706835338066836 -1.4031870236690736 -1.4093781645952363 -1.4573595067730418 -1.4582930424461742 -1.4976019227931352 -1.7123193957854683 -1.6725016539573925 -1.5679862987637168 -1.4465250101522482 -1.0827954807398499 -0.9883805816157882 -0.9951490320389191 +28642,-0.7618212838112725,1,-1.4862344955474285 -1.3227021916288781 -1.3430517436202467 -1.3644923928805208 -1.3381800439443026 -1.369135748575143 -1.3706835338066836 -1.4031870236690736 -1.4093781645952363 -1.4573595067730418 -1.4582930424461742 -1.4976019227931352 -1.7123193957854683 -1.6725016539573925 -1.5679862987637168 -1.4465250101522482 -1.0827954807398499 -0.9883805816157882 -0.9951490320389191 -0.8475321255454529 +28643,-0.6695368239181143,1,-1.3227021916288781 -1.3430517436202467 -1.3644923928805208 -1.3381800439443026 -1.369135748575143 -1.3706835338066836 -1.4031870236690736 -1.4093781645952363 -1.4573595067730418 -1.4582930424461742 -1.4976019227931352 -1.7123193957854683 -1.6725016539573925 -1.5679862987637168 -1.4465250101522482 -1.0827954807398499 -0.9883805816157882 -0.9951490320389191 -0.8475321255454529 -0.7618212838112725 +28644,-0.7275549942624414,1,-1.3430517436202467 -1.3644923928805208 -1.3381800439443026 -1.369135748575143 -1.3706835338066836 -1.4031870236690736 -1.4093781645952363 -1.4573595067730418 -1.4582930424461742 -1.4976019227931352 -1.7123193957854683 -1.6725016539573925 -1.5679862987637168 -1.4465250101522482 -1.0827954807398499 -0.9883805816157882 -0.9951490320389191 -0.8475321255454529 -0.7618212838112725 -0.6695368239181143 +28645,-0.7871685015153128,1,-1.3644923928805208 -1.3381800439443026 -1.369135748575143 -1.3706835338066836 -1.4031870236690736 -1.4093781645952363 -1.4573595067730418 -1.4582930424461742 -1.4976019227931352 -1.7123193957854683 -1.6725016539573925 -1.5679862987637168 -1.4465250101522482 -1.0827954807398499 -0.9883805816157882 -0.9951490320389191 -0.8475321255454529 -0.7618212838112725 -0.6695368239181143 -0.7275549942624414 +28646,-1.4577523727403197,1,-1.3381800439443026 -1.369135748575143 -1.3706835338066836 -1.4031870236690736 -1.4093781645952363 -1.4573595067730418 -1.4582930424461742 -1.4976019227931352 -1.7123193957854683 -1.6725016539573925 -1.5679862987637168 -1.4465250101522482 -1.0827954807398499 -0.9883805816157882 -0.9951490320389191 -0.8475321255454529 -0.7618212838112725 -0.6695368239181143 -0.7275549942624414 -0.7871685015153128 +28647,-1.008501789625835,1,-1.369135748575143 -1.3706835338066836 -1.4031870236690736 -1.4093781645952363 -1.4573595067730418 -1.4582930424461742 -1.4976019227931352 -1.7123193957854683 -1.6725016539573925 -1.5679862987637168 -1.4465250101522482 -1.0827954807398499 -0.9883805816157882 -0.9951490320389191 -0.8475321255454529 -0.7618212838112725 -0.6695368239181143 -0.7275549942624414 -0.7871685015153128 -1.4577523727403197 +28648,-1.1340863739151097,1,-1.3706835338066836 -1.4031870236690736 -1.4093781645952363 -1.4573595067730418 -1.4582930424461742 -1.4976019227931352 -1.7123193957854683 -1.6725016539573925 -1.5679862987637168 -1.4465250101522482 -1.0827954807398499 -0.9883805816157882 -0.9951490320389191 -0.8475321255454529 -0.7618212838112725 -0.6695368239181143 -0.7275549942624414 -0.7871685015153128 -1.4577523727403197 -1.008501789625835 +28649,-1.2700774937564503,1,-1.4031870236690736 -1.4093781645952363 -1.4573595067730418 -1.4582930424461742 -1.4976019227931352 -1.7123193957854683 -1.6725016539573925 -1.5679862987637168 -1.4465250101522482 -1.0827954807398499 -0.9883805816157882 -0.9951490320389191 -0.8475321255454529 -0.7618212838112725 -0.6695368239181143 -0.7275549942624414 -0.7871685015153128 -1.4577523727403197 -1.008501789625835 -1.1340863739151097 +28650,-1.4805762852461788,1,-1.4093781645952363 -1.4573595067730418 -1.4582930424461742 -1.4976019227931352 -1.7123193957854683 -1.6725016539573925 -1.5679862987637168 -1.4465250101522482 -1.0827954807398499 -0.9883805816157882 -0.9951490320389191 -0.8475321255454529 -0.7618212838112725 -0.6695368239181143 -0.7275549942624414 -0.7871685015153128 -1.4577523727403197 -1.008501789625835 -1.1340863739151097 -1.2700774937564503 +28651,-1.527009842192435,1,-1.4573595067730418 -1.4582930424461742 -1.4976019227931352 -1.7123193957854683 -1.6725016539573925 -1.5679862987637168 -1.4465250101522482 -1.0827954807398499 -0.9883805816157882 -0.9951490320389191 -0.8475321255454529 -0.7618212838112725 -0.6695368239181143 -0.7275549942624414 -0.7871685015153128 -1.4577523727403197 -1.008501789625835 -1.1340863739151097 -1.2700774937564503 -1.4805762852461788 +28652,-1.5748728243049157,1,-1.4582930424461742 -1.4976019227931352 -1.7123193957854683 -1.6725016539573925 -1.5679862987637168 -1.4465250101522482 -1.0827954807398499 -0.9883805816157882 -0.9951490320389191 -0.8475321255454529 -0.7618212838112725 -0.6695368239181143 -0.7275549942624414 -0.7871685015153128 -1.4577523727403197 -1.008501789625835 -1.1340863739151097 -1.2700774937564503 -1.4805762852461788 -1.527009842192435 +28653,-1.525462056960894,1,-1.4976019227931352 -1.7123193957854683 -1.6725016539573925 -1.5679862987637168 -1.4465250101522482 -1.0827954807398499 -0.9883805816157882 -0.9951490320389191 -0.8475321255454529 -0.7618212838112725 -0.6695368239181143 -0.7275549942624414 -0.7871685015153128 -1.4577523727403197 -1.008501789625835 -1.1340863739151097 -1.2700774937564503 -1.4805762852461788 -1.527009842192435 -1.5748728243049157 +28654,-1.729769707524451,1,-1.7123193957854683 -1.6725016539573925 -1.5679862987637168 -1.4465250101522482 -1.0827954807398499 -0.9883805816157882 -0.9951490320389191 -0.8475321255454529 -0.7618212838112725 -0.6695368239181143 -0.7275549942624414 -0.7871685015153128 -1.4577523727403197 -1.008501789625835 -1.1340863739151097 -1.2700774937564503 -1.4805762852461788 -1.527009842192435 -1.5748728243049157 -1.525462056960894 +28655,-1.8520447408162806,1,-1.6725016539573925 -1.5679862987637168 -1.4465250101522482 -1.0827954807398499 -0.9883805816157882 -0.9951490320389191 -0.8475321255454529 -0.7618212838112725 -0.6695368239181143 -0.7275549942624414 -0.7871685015153128 -1.4577523727403197 -1.008501789625835 -1.1340863739151097 -1.2700774937564503 -1.4805762852461788 -1.527009842192435 -1.5748728243049157 -1.525462056960894 -1.729769707524451 +28656,-1.8552752942485269,1,-1.5679862987637168 -1.4465250101522482 -1.0827954807398499 -0.9883805816157882 -0.9951490320389191 -0.8475321255454529 -0.7618212838112725 -0.6695368239181143 -0.7275549942624414 -0.7871685015153128 -1.4577523727403197 -1.008501789625835 -1.1340863739151097 -1.2700774937564503 -1.4805762852461788 -1.527009842192435 -1.5748728243049157 -1.525462056960894 -1.729769707524451 -1.8520447408162806 +28657,-1.8628792374370742,1,-1.4465250101522482 -1.0827954807398499 -0.9883805816157882 -0.9951490320389191 -0.8475321255454529 -0.7618212838112725 -0.6695368239181143 -0.7275549942624414 -0.7871685015153128 -1.4577523727403197 -1.008501789625835 -1.1340863739151097 -1.2700774937564503 -1.4805762852461788 -1.527009842192435 -1.5748728243049157 -1.525462056960894 -1.729769707524451 -1.8520447408162806 -1.8552752942485269 +28658,-2.471573939216841,1,-1.0827954807398499 -0.9883805816157882 -0.9951490320389191 -0.8475321255454529 -0.7618212838112725 -0.6695368239181143 -0.7275549942624414 -0.7871685015153128 -1.4577523727403197 -1.008501789625835 -1.1340863739151097 -1.2700774937564503 -1.4805762852461788 -1.527009842192435 -1.5748728243049157 -1.525462056960894 -1.729769707524451 -1.8520447408162806 -1.8552752942485269 -1.8628792374370742 +28659,-2.0563523913798374,1,-0.9883805816157882 -0.9951490320389191 -0.8475321255454529 -0.7618212838112725 -0.6695368239181143 -0.7275549942624414 -0.7871685015153128 -1.4577523727403197 -1.008501789625835 -1.1340863739151097 -1.2700774937564503 -1.4805762852461788 -1.527009842192435 -1.5748728243049157 -1.525462056960894 -1.729769707524451 -1.8520447408162806 -1.8552752942485269 -1.8628792374370742 -2.471573939216841 +28660,-1.5641566877494468,1,-0.9951490320389191 -0.8475321255454529 -0.7618212838112725 -0.6695368239181143 -0.7275549942624414 -0.7871685015153128 -1.4577523727403197 -1.008501789625835 -1.1340863739151097 -1.2700774937564503 -1.4805762852461788 -1.527009842192435 -1.5748728243049157 -1.525462056960894 -1.729769707524451 -1.8520447408162806 -1.8552752942485269 -1.8628792374370742 -2.471573939216841 -2.0563523913798374 +28661,-1.564344331634653,1,-0.8475321255454529 -0.7618212838112725 -0.6695368239181143 -0.7275549942624414 -0.7871685015153128 -1.4577523727403197 -1.008501789625835 -1.1340863739151097 -1.2700774937564503 -1.4805762852461788 -1.527009842192435 -1.5748728243049157 -1.525462056960894 -1.729769707524451 -1.8520447408162806 -1.8552752942485269 -1.8628792374370742 -2.471573939216841 -2.0563523913798374 -1.5641566877494468 +28662,-1.2422173595886914,1,-0.7618212838112725 -0.6695368239181143 -0.7275549942624414 -0.7871685015153128 -1.4577523727403197 -1.008501789625835 -1.1340863739151097 -1.2700774937564503 -1.4805762852461788 -1.527009842192435 -1.5748728243049157 -1.525462056960894 -1.729769707524451 -1.8520447408162806 -1.8552752942485269 -1.8628792374370742 -2.471573939216841 -2.0563523913798374 -1.5641566877494468 -1.564344331634653 +28663,-0.6772757500758178,1,-0.6695368239181143 -0.7275549942624414 -0.7871685015153128 -1.4577523727403197 -1.008501789625835 -1.1340863739151097 -1.2700774937564503 -1.4805762852461788 -1.527009842192435 -1.5748728243049157 -1.525462056960894 -1.729769707524451 -1.8520447408162806 -1.8552752942485269 -1.8628792374370742 -2.471573939216841 -2.0563523913798374 -1.5641566877494468 -1.564344331634653 -1.2422173595886914 +28664,-0.6972711285637936,1,-0.7275549942624414 -0.7871685015153128 -1.4577523727403197 -1.008501789625835 -1.1340863739151097 -1.2700774937564503 -1.4805762852461788 -1.527009842192435 -1.5748728243049157 -1.525462056960894 -1.729769707524451 -1.8520447408162806 -1.8552752942485269 -1.8628792374370742 -2.471573939216841 -2.0563523913798374 -1.5641566877494468 -1.564344331634653 -1.2422173595886914 -0.6772757500758178 +28665,-0.4977326632169385,1,-0.7871685015153128 -1.4577523727403197 -1.008501789625835 -1.1340863739151097 -1.2700774937564503 -1.4805762852461788 -1.527009842192435 -1.5748728243049157 -1.525462056960894 -1.729769707524451 -1.8520447408162806 -1.8552752942485269 -1.8628792374370742 -2.471573939216841 -2.0563523913798374 -1.5641566877494468 -1.564344331634653 -1.2422173595886914 -0.6772757500758178 -0.6972711285637936 +28666,-0.4687970625537683,1,-1.4577523727403197 -1.008501789625835 -1.1340863739151097 -1.2700774937564503 -1.4805762852461788 -1.527009842192435 -1.5748728243049157 -1.525462056960894 -1.729769707524451 -1.8520447408162806 -1.8552752942485269 -1.8628792374370742 -2.471573939216841 -2.0563523913798374 -1.5641566877494468 -1.564344331634653 -1.2422173595886914 -0.6772757500758178 -0.6972711285637936 -0.4977326632169385 +28667,-0.4373690391867985,1,-1.008501789625835 -1.1340863739151097 -1.2700774937564503 -1.4805762852461788 -1.527009842192435 -1.5748728243049157 -1.525462056960894 -1.729769707524451 -1.8520447408162806 -1.8552752942485269 -1.8628792374370742 -2.471573939216841 -2.0563523913798374 -1.5641566877494468 -1.564344331634653 -1.2422173595886914 -0.6772757500758178 -0.6972711285637936 -0.4977326632169385 -0.4687970625537683 +28668,-0.5441600807183008,1,-1.1340863739151097 -1.2700774937564503 -1.4805762852461788 -1.527009842192435 -1.5748728243049157 -1.525462056960894 -1.729769707524451 -1.8520447408162806 -1.8552752942485269 -1.8628792374370742 -2.471573939216841 -2.0563523913798374 -1.5641566877494468 -1.564344331634653 -1.2422173595886914 -0.6772757500758178 -0.6972711285637936 -0.4977326632169385 -0.4687970625537683 -0.4373690391867985 +28669,-0.6633456829919426,1,-1.2700774937564503 -1.4805762852461788 -1.527009842192435 -1.5748728243049157 -1.525462056960894 -1.729769707524451 -1.8520447408162806 -1.8552752942485269 -1.8628792374370742 -2.471573939216841 -2.0563523913798374 -1.5641566877494468 -1.564344331634653 -1.2422173595886914 -0.6772757500758178 -0.6972711285637936 -0.4977326632169385 -0.4687970625537683 -0.4373690391867985 -0.5441600807183008 +28670,-1.4889831841233467,1,-1.4805762852461788 -1.527009842192435 -1.5748728243049157 -1.525462056960894 -1.729769707524451 -1.8520447408162806 -1.8552752942485269 -1.8628792374370742 -2.471573939216841 -2.0563523913798374 -1.5641566877494468 -1.564344331634653 -1.2422173595886914 -0.6772757500758178 -0.6972711285637936 -0.4977326632169385 -0.4687970625537683 -0.4373690391867985 -0.5441600807183008 -0.6633456829919426 +28671,-1.1060122592129868,1,-1.527009842192435 -1.5748728243049157 -1.525462056960894 -1.729769707524451 -1.8520447408162806 -1.8552752942485269 -1.8628792374370742 -2.471573939216841 -2.0563523913798374 -1.5641566877494468 -1.564344331634653 -1.2422173595886914 -0.6772757500758178 -0.6972711285637936 -0.4977326632169385 -0.4687970625537683 -0.4373690391867985 -0.5441600807183008 -0.6633456829919426 -1.4889831841233467 +28672,-1.2498848495763804,1,-1.5748728243049157 -1.525462056960894 -1.729769707524451 -1.8520447408162806 -1.8552752942485269 -1.8628792374370742 -2.471573939216841 -2.0563523913798374 -1.5641566877494468 -1.564344331634653 -1.2422173595886914 -0.6772757500758178 -0.6972711285637936 -0.4977326632169385 -0.4687970625537683 -0.4373690391867985 -0.5441600807183008 -0.6633456829919426 -1.4889831841233467 -1.1060122592129868 +28673,-1.4000914532059834,1,-1.525462056960894 -1.729769707524451 -1.8520447408162806 -1.8552752942485269 -1.8628792374370742 -2.471573939216841 -2.0563523913798374 -1.5641566877494468 -1.564344331634653 -1.2422173595886914 -0.6772757500758178 -0.6972711285637936 -0.4977326632169385 -0.4687970625537683 -0.4373690391867985 -0.5441600807183008 -0.6633456829919426 -1.4889831841233467 -1.1060122592129868 -1.2498848495763804 +28674,-1.5471310502024815,1,-1.729769707524451 -1.8520447408162806 -1.8552752942485269 -1.8628792374370742 -2.471573939216841 -2.0563523913798374 -1.5641566877494468 -1.564344331634653 -1.2422173595886914 -0.6772757500758178 -0.6972711285637936 -0.4977326632169385 -0.4687970625537683 -0.4373690391867985 -0.5441600807183008 -0.6633456829919426 -1.4889831841233467 -1.1060122592129868 -1.2498848495763804 -1.4000914532059834 +28675,-1.5842778957594934,1,-1.8520447408162806 -1.8552752942485269 -1.8628792374370742 -2.471573939216841 -2.0563523913798374 -1.5641566877494468 -1.564344331634653 -1.2422173595886914 -0.6772757500758178 -0.6972711285637936 -0.4977326632169385 -0.4687970625537683 -0.4373690391867985 -0.5441600807183008 -0.6633456829919426 -1.4889831841233467 -1.1060122592129868 -1.2498848495763804 -1.4000914532059834 -1.5471310502024815 +28676,-1.683336150578186,1,-1.8552752942485269 -1.8628792374370742 -2.471573939216841 -2.0563523913798374 -1.5641566877494468 -1.564344331634653 -1.2422173595886914 -0.6772757500758178 -0.6972711285637936 -0.4977326632169385 -0.4687970625537683 -0.4373690391867985 -0.5441600807183008 -0.6633456829919426 -1.4889831841233467 -1.1060122592129868 -1.2498848495763804 -1.4000914532059834 -1.5471310502024815 -1.5842778957594934 +28677,-1.7050083474256479,1,-1.8628792374370742 -2.471573939216841 -2.0563523913798374 -1.5641566877494468 -1.564344331634653 -1.2422173595886914 -0.6772757500758178 -0.6972711285637936 -0.4977326632169385 -0.4687970625537683 -0.4373690391867985 -0.5441600807183008 -0.6633456829919426 -1.4889831841233467 -1.1060122592129868 -1.2498848495763804 -1.4000914532059834 -1.5471310502024815 -1.5842778957594934 -1.683336150578186 +28678,-1.785489975859969,1,-2.471573939216841 -2.0563523913798374 -1.5641566877494468 -1.564344331634653 -1.2422173595886914 -0.6772757500758178 -0.6972711285637936 -0.4977326632169385 -0.4687970625537683 -0.4373690391867985 -0.5441600807183008 -0.6633456829919426 -1.4889831841233467 -1.1060122592129868 -1.2498848495763804 -1.4000914532059834 -1.5471310502024815 -1.5842778957594934 -1.683336150578186 -1.7050083474256479 +28679,-2.2461036748644,1,-2.0563523913798374 -1.5641566877494468 -1.564344331634653 -1.2422173595886914 -0.6772757500758178 -0.6972711285637936 -0.4977326632169385 -0.4687970625537683 -0.4373690391867985 -0.5441600807183008 -0.6633456829919426 -1.4889831841233467 -1.1060122592129868 -1.2498848495763804 -1.4000914532059834 -1.5471310502024815 -1.5842778957594934 -1.683336150578186 -1.7050083474256479 -1.785489975859969 +28680,-1.799420042943844,1,-1.5641566877494468 -1.564344331634653 -1.2422173595886914 -0.6772757500758178 -0.6972711285637936 -0.4977326632169385 -0.4687970625537683 -0.4373690391867985 -0.5441600807183008 -0.6633456829919426 -1.4889831841233467 -1.1060122592129868 -1.2498848495763804 -1.4000914532059834 -1.5471310502024815 -1.5842778957594934 -1.683336150578186 -1.7050083474256479 -1.785489975859969 -2.2461036748644 +28681,-1.8149627065989358,1,-1.564344331634653 -1.2422173595886914 -0.6772757500758178 -0.6972711285637936 -0.4977326632169385 -0.4687970625537683 -0.4373690391867985 -0.5441600807183008 -0.6633456829919426 -1.4889831841233467 -1.1060122592129868 -1.2498848495763804 -1.4000914532059834 -1.5471310502024815 -1.5842778957594934 -1.683336150578186 -1.7050083474256479 -1.785489975859969 -2.2461036748644 -1.799420042943844 +28682,-1.8334713180377744,1,-1.2422173595886914 -0.6772757500758178 -0.6972711285637936 -0.4977326632169385 -0.4687970625537683 -0.4373690391867985 -0.5441600807183008 -0.6633456829919426 -1.4889831841233467 -1.1060122592129868 -1.2498848495763804 -1.4000914532059834 -1.5471310502024815 -1.5842778957594934 -1.683336150578186 -1.7050083474256479 -1.785489975859969 -2.2461036748644 -1.799420042943844 -1.8149627065989358 +28683,-1.7743157001384344,1,-0.6772757500758178 -0.6972711285637936 -0.4977326632169385 -0.4687970625537683 -0.4373690391867985 -0.5441600807183008 -0.6633456829919426 -1.4889831841233467 -1.1060122592129868 -1.2498848495763804 -1.4000914532059834 -1.5471310502024815 -1.5842778957594934 -1.683336150578186 -1.7050083474256479 -1.785489975859969 -2.2461036748644 -1.799420042943844 -1.8149627065989358 -1.8334713180377744 +28684,-1.7003617881251514,1,-0.6972711285637936 -0.4977326632169385 -0.4687970625537683 -0.4373690391867985 -0.5441600807183008 -0.6633456829919426 -1.4889831841233467 -1.1060122592129868 -1.2498848495763804 -1.4000914532059834 -1.5471310502024815 -1.5842778957594934 -1.683336150578186 -1.7050083474256479 -1.785489975859969 -2.2461036748644 -1.799420042943844 -1.8149627065989358 -1.8334713180377744 -1.7743157001384344 +28685,-1.5452608058965005,1,-0.4977326632169385 -0.4687970625537683 -0.4373690391867985 -0.5441600807183008 -0.6633456829919426 -1.4889831841233467 -1.1060122592129868 -1.2498848495763804 -1.4000914532059834 -1.5471310502024815 -1.5842778957594934 -1.683336150578186 -1.7050083474256479 -1.785489975859969 -2.2461036748644 -1.799420042943844 -1.8149627065989358 -1.8334713180377744 -1.7743157001384344 -1.7003617881251514 +28686,-1.1416113195384492,1,-0.4687970625537683 -0.4373690391867985 -0.5441600807183008 -0.6633456829919426 -1.4889831841233467 -1.1060122592129868 -1.2498848495763804 -1.4000914532059834 -1.5471310502024815 -1.5842778957594934 -1.683336150578186 -1.7050083474256479 -1.785489975859969 -2.2461036748644 -1.799420042943844 -1.8149627065989358 -1.8334713180377744 -1.7743157001384344 -1.7003617881251514 -1.5452608058965005 +28687,-0.9223613336335046,1,-0.4373690391867985 -0.5441600807183008 -0.6633456829919426 -1.4889831841233467 -1.1060122592129868 -1.2498848495763804 -1.4000914532059834 -1.5471310502024815 -1.5842778957594934 -1.683336150578186 -1.7050083474256479 -1.785489975859969 -2.2461036748644 -1.799420042943844 -1.8149627065989358 -1.8334713180377744 -1.7743157001384344 -1.7003617881251514 -1.5452608058965005 -1.1416113195384492 +28688,-0.6772757500758178,1,-0.5441600807183008 -0.6633456829919426 -1.4889831841233467 -1.1060122592129868 -1.2498848495763804 -1.4000914532059834 -1.5471310502024815 -1.5842778957594934 -1.683336150578186 -1.7050083474256479 -1.785489975859969 -2.2461036748644 -1.799420042943844 -1.8149627065989358 -1.8334713180377744 -1.7743157001384344 -1.7003617881251514 -1.5452608058965005 -1.1416113195384492 -0.9223613336335046 +28689,-0.6257583383771538,1,-0.6633456829919426 -1.4889831841233467 -1.1060122592129868 -1.2498848495763804 -1.4000914532059834 -1.5471310502024815 -1.5842778957594934 -1.683336150578186 -1.7050083474256479 -1.785489975859969 -2.2461036748644 -1.799420042943844 -1.8149627065989358 -1.8334713180377744 -1.7743157001384344 -1.7003617881251514 -1.5452608058965005 -1.1416113195384492 -0.9223613336335046 -0.6772757500758178 +28690,-0.5658352134047907,1,-1.4889831841233467 -1.1060122592129868 -1.2498848495763804 -1.4000914532059834 -1.5471310502024815 -1.5842778957594934 -1.683336150578186 -1.7050083474256479 -1.785489975859969 -2.2461036748644 -1.799420042943844 -1.8149627065989358 -1.8334713180377744 -1.7743157001384344 -1.7003617881251514 -1.5452608058965005 -1.1416113195384492 -0.9223613336335046 -0.6772757500758178 -0.6257583383771538 +28691,-0.8428565167926128,1,-1.1060122592129868 -1.2498848495763804 -1.4000914532059834 -1.5471310502024815 -1.5842778957594934 -1.683336150578186 -1.7050083474256479 -1.785489975859969 -2.2461036748644 -1.799420042943844 -1.8149627065989358 -1.8334713180377744 -1.7743157001384344 -1.7003617881251514 -1.5452608058965005 -1.1416113195384492 -0.9223613336335046 -0.6772757500758178 -0.6257583383771538 -0.5658352134047907 +28692,-0.6494156159080676,1,-1.2498848495763804 -1.4000914532059834 -1.5471310502024815 -1.5842778957594934 -1.683336150578186 -1.7050083474256479 -1.785489975859969 -2.2461036748644 -1.799420042943844 -1.8149627065989358 -1.8334713180377744 -1.7743157001384344 -1.7003617881251514 -1.5452608058965005 -1.1416113195384492 -0.9223613336335046 -0.6772757500758178 -0.6257583383771538 -0.5658352134047907 -0.8428565167926128 +28693,-0.7147846681033768,1,-1.4000914532059834 -1.5471310502024815 -1.5842778957594934 -1.683336150578186 -1.7050083474256479 -1.785489975859969 -2.2461036748644 -1.799420042943844 -1.8149627065989358 -1.8334713180377744 -1.7743157001384344 -1.7003617881251514 -1.5452608058965005 -1.1416113195384492 -0.9223613336335046 -0.6772757500758178 -0.6257583383771538 -0.5658352134047907 -0.8428565167926128 -0.6494156159080676 +28694,-0.8150286356830718,1,-1.5471310502024815 -1.5842778957594934 -1.683336150578186 -1.7050083474256479 -1.785489975859969 -2.2461036748644 -1.799420042943844 -1.8149627065989358 -1.8334713180377744 -1.7743157001384344 -1.7003617881251514 -1.5452608058965005 -1.1416113195384492 -0.9223613336335046 -0.6772757500758178 -0.6257583383771538 -0.5658352134047907 -0.8428565167926128 -0.6494156159080676 -0.7147846681033768 +28695,-0.8734754162372592,1,-1.5842778957594934 -1.683336150578186 -1.7050083474256479 -1.785489975859969 -2.2461036748644 -1.799420042943844 -1.8149627065989358 -1.8334713180377744 -1.7743157001384344 -1.7003617881251514 -1.5452608058965005 -1.1416113195384492 -0.9223613336335046 -0.6772757500758178 -0.6257583383771538 -0.5658352134047907 -0.8428565167926128 -0.6494156159080676 -0.7147846681033768 -0.8150286356830718 +28696,-0.9465903803641454,1,-1.683336150578186 -1.7050083474256479 -1.785489975859969 -2.2461036748644 -1.799420042943844 -1.8149627065989358 -1.8334713180377744 -1.7743157001384344 -1.7003617881251514 -1.5452608058965005 -1.1416113195384492 -0.9223613336335046 -0.6772757500758178 -0.6257583383771538 -0.5658352134047907 -0.8428565167926128 -0.6494156159080676 -0.7147846681033768 -0.8150286356830718 -0.8734754162372592 +28697,-1.4558342546632383,1,-1.7050083474256479 -1.785489975859969 -2.2461036748644 -1.799420042943844 -1.8149627065989358 -1.8334713180377744 -1.7743157001384344 -1.7003617881251514 -1.5452608058965005 -1.1416113195384492 -0.9223613336335046 -0.6772757500758178 -0.6257583383771538 -0.5658352134047907 -0.8428565167926128 -0.6494156159080676 -0.7147846681033768 -0.8150286356830718 -0.8734754162372592 -0.9465903803641454 +28698,-1.0146929305519976,1,-1.785489975859969 -2.2461036748644 -1.799420042943844 -1.8149627065989358 -1.8334713180377744 -1.7743157001384344 -1.7003617881251514 -1.5452608058965005 -1.1416113195384492 -0.9223613336335046 -0.6772757500758178 -0.6257583383771538 -0.5658352134047907 -0.8428565167926128 -0.6494156159080676 -0.7147846681033768 -0.8150286356830718 -0.8734754162372592 -0.9465903803641454 -1.4558342546632383 +28699,-1.0026788500901704,1,-2.2461036748644 -1.799420042943844 -1.8149627065989358 -1.8334713180377744 -1.7743157001384344 -1.7003617881251514 -1.5452608058965005 -1.1416113195384492 -0.9223613336335046 -0.6772757500758178 -0.6257583383771538 -0.5658352134047907 -0.8428565167926128 -0.6494156159080676 -0.7147846681033768 -0.8150286356830718 -0.8734754162372592 -0.9465903803641454 -1.4558342546632383 -1.0146929305519976 +28700,-0.989928366847329,1,-1.799420042943844 -1.8149627065989358 -1.8334713180377744 -1.7743157001384344 -1.7003617881251514 -1.5452608058965005 -1.1416113195384492 -0.9223613336335046 -0.6772757500758178 -0.6257583383771538 -0.5658352134047907 -0.8428565167926128 -0.6494156159080676 -0.7147846681033768 -0.8150286356830718 -0.8734754162372592 -0.9465903803641454 -1.4558342546632383 -1.0146929305519976 -1.0026788500901704 +28701,-0.9973634943389104,1,-1.8149627065989358 -1.8334713180377744 -1.7743157001384344 -1.7003617881251514 -1.5452608058965005 -1.1416113195384492 -0.9223613336335046 -0.6772757500758178 -0.6257583383771538 -0.5658352134047907 -0.8428565167926128 -0.6494156159080676 -0.7147846681033768 -0.8150286356830718 -0.8734754162372592 -0.9465903803641454 -1.4558342546632383 -1.0146929305519976 -1.0026788500901704 -0.989928366847329 +28702,-1.0054062191627446,1,-1.8334713180377744 -1.7743157001384344 -1.7003617881251514 -1.5452608058965005 -1.1416113195384492 -0.9223613336335046 -0.6772757500758178 -0.6257583383771538 -0.5658352134047907 -0.8428565167926128 -0.6494156159080676 -0.7147846681033768 -0.8150286356830718 -0.8734754162372592 -0.9465903803641454 -1.4558342546632383 -1.0146929305519976 -1.0026788500901704 -0.989928366847329 -0.9973634943389104 +28703,-1.4575207407988402,1,-1.7743157001384344 -1.7003617881251514 -1.5452608058965005 -1.1416113195384492 -0.9223613336335046 -0.6772757500758178 -0.6257583383771538 -0.5658352134047907 -0.8428565167926128 -0.6494156159080676 -0.7147846681033768 -0.8150286356830718 -0.8734754162372592 -0.9465903803641454 -1.4558342546632383 -1.0146929305519976 -1.0026788500901704 -0.989928366847329 -0.9973634943389104 -1.0054062191627446 +28704,-1.1044644739814462,1,-1.7003617881251514 -1.5452608058965005 -1.1416113195384492 -0.9223613336335046 -0.6772757500758178 -0.6257583383771538 -0.5658352134047907 -0.8428565167926128 -0.6494156159080676 -0.7147846681033768 -0.8150286356830718 -0.8734754162372592 -0.9465903803641454 -1.4558342546632383 -1.0146929305519976 -1.0026788500901704 -0.989928366847329 -0.9973634943389104 -1.0054062191627446 -1.4575207407988402 +28705,-1.103766877736096,1,-1.5452608058965005 -1.1416113195384492 -0.9223613336335046 -0.6772757500758178 -0.6257583383771538 -0.5658352134047907 -0.8428565167926128 -0.6494156159080676 -0.7147846681033768 -0.8150286356830718 -0.8734754162372592 -0.9465903803641454 -1.4558342546632383 -1.0146929305519976 -1.0026788500901704 -0.989928366847329 -0.9973634943389104 -1.0054062191627446 -1.4575207407988402 -1.1044644739814462 +28706,-1.1029166887498967,1,-1.1416113195384492 -0.9223613336335046 -0.6772757500758178 -0.6257583383771538 -0.5658352134047907 -0.8428565167926128 -0.6494156159080676 -0.7147846681033768 -0.8150286356830718 -0.8734754162372592 -0.9465903803641454 -1.4558342546632383 -1.0146929305519976 -1.0026788500901704 -0.989928366847329 -0.9973634943389104 -1.0054062191627446 -1.4575207407988402 -1.1044644739814462 -1.103766877736096 +28707,-1.1864970912531736,1,-0.9223613336335046 -0.6772757500758178 -0.6257583383771538 -0.5658352134047907 -0.8428565167926128 -0.6494156159080676 -0.7147846681033768 -0.8150286356830718 -0.8734754162372592 -0.9465903803641454 -1.4558342546632383 -1.0146929305519976 -1.0026788500901704 -0.989928366847329 -0.9973634943389104 -1.0054062191627446 -1.4575207407988402 -1.1044644739814462 -1.103766877736096 -1.1029166887498967 +28708,-1.1570891718538738,1,-0.6772757500758178 -0.6257583383771538 -0.5658352134047907 -0.8428565167926128 -0.6494156159080676 -0.7147846681033768 -0.8150286356830718 -0.8734754162372592 -0.9465903803641454 -1.4558342546632383 -1.0146929305519976 -1.0026788500901704 -0.989928366847329 -0.9973634943389104 -1.0054062191627446 -1.4575207407988402 -1.1044644739814462 -1.103766877736096 -1.1029166887498967 -1.1864970912531736 +28709,-0.96206823267957,1,-0.6257583383771538 -0.5658352134047907 -0.8428565167926128 -0.6494156159080676 -0.7147846681033768 -0.8150286356830718 -0.8734754162372592 -0.9465903803641454 -1.4558342546632383 -1.0146929305519976 -1.0026788500901704 -0.989928366847329 -0.9973634943389104 -1.0054062191627446 -1.4575207407988402 -1.1044644739814462 -1.103766877736096 -1.1029166887498967 -1.1864970912531736 -1.1570891718538738 +28710,-0.7531172264213823,1,-0.5658352134047907 -0.8428565167926128 -0.6494156159080676 -0.7147846681033768 -0.8150286356830718 -0.8734754162372592 -0.9465903803641454 -1.4558342546632383 -1.0146929305519976 -1.0026788500901704 -0.989928366847329 -0.9973634943389104 -1.0054062191627446 -1.4575207407988402 -1.1044644739814462 -1.103766877736096 -1.1029166887498967 -1.1864970912531736 -1.1570891718538738 -0.96206823267957 +28711,-0.5782174952571252,1,-0.8428565167926128 -0.6494156159080676 -0.7147846681033768 -0.8150286356830718 -0.8734754162372592 -0.9465903803641454 -1.4558342546632383 -1.0146929305519976 -1.0026788500901704 -0.989928366847329 -0.9973634943389104 -1.0054062191627446 -1.4575207407988402 -1.1044644739814462 -1.103766877736096 -1.1029166887498967 -1.1864970912531736 -1.1570891718538738 -0.96206823267957 -0.7531172264213823 +28712,-0.6010365492651331,1,-0.6494156159080676 -0.7147846681033768 -0.8150286356830718 -0.8734754162372592 -0.9465903803641454 -1.4558342546632383 -1.0146929305519976 -1.0026788500901704 -0.989928366847329 -0.9973634943389104 -1.0054062191627446 -1.4575207407988402 -1.1044644739814462 -1.103766877736096 -1.1029166887498967 -1.1864970912531736 -1.1570891718538738 -0.96206823267957 -0.7531172264213823 -0.5782174952571252 +28713,-0.5147583007639037,1,-0.7147846681033768 -0.8150286356830718 -0.8734754162372592 -0.9465903803641454 -1.4558342546632383 -1.0146929305519976 -1.0026788500901704 -0.989928366847329 -0.9973634943389104 -1.0054062191627446 -1.4575207407988402 -1.1044644739814462 -1.103766877736096 -1.1029166887498967 -1.1864970912531736 -1.1570891718538738 -0.96206823267957 -0.7531172264213823 -0.5782174952571252 -0.6010365492651331 +28714,-0.45273165208147315,1,-0.8150286356830718 -0.8734754162372592 -0.9465903803641454 -1.4558342546632383 -1.0146929305519976 -1.0026788500901704 -0.989928366847329 -0.9973634943389104 -1.0054062191627446 -1.4575207407988402 -1.1044644739814462 -1.103766877736096 -1.1029166887498967 -1.1864970912531736 -1.1570891718538738 -0.96206823267957 -0.7531172264213823 -0.5782174952571252 -0.6010365492651331 -0.5147583007639037 +28715,-0.38164877085128057,1,-0.8734754162372592 -0.9465903803641454 -1.4558342546632383 -1.0146929305519976 -1.0026788500901704 -0.989928366847329 -0.9973634943389104 -1.0054062191627446 -1.4575207407988402 -1.1044644739814462 -1.103766877736096 -1.1029166887498967 -1.1864970912531736 -1.1570891718538738 -0.96206823267957 -0.7531172264213823 -0.5782174952571252 -0.6010365492651331 -0.5147583007639037 -0.45273165208147315 +28716,-0.4453721804867908,1,-0.9465903803641454 -1.4558342546632383 -1.0146929305519976 -1.0026788500901704 -0.989928366847329 -0.9973634943389104 -1.0054062191627446 -1.4575207407988402 -1.1044644739814462 -1.103766877736096 -1.1029166887498967 -1.1864970912531736 -1.1570891718538738 -0.96206823267957 -0.7531172264213823 -0.5782174952571252 -0.6010365492651331 -0.5147583007639037 -0.45273165208147315 -0.38164877085128057 +28717,-0.5178538712269851,1,-1.4558342546632383 -1.0146929305519976 -1.0026788500901704 -0.989928366847329 -0.9973634943389104 -1.0054062191627446 -1.4575207407988402 -1.1044644739814462 -1.103766877736096 -1.1029166887498967 -1.1864970912531736 -1.1570891718538738 -0.96206823267957 -0.7531172264213823 -0.5782174952571252 -0.6010365492651331 -0.5147583007639037 -0.45273165208147315 -0.38164877085128057 -0.4453721804867908 +28718,-0.9774926820707036,1,-1.0146929305519976 -1.0026788500901704 -0.989928366847329 -0.9973634943389104 -1.0054062191627446 -1.4575207407988402 -1.1044644739814462 -1.103766877736096 -1.1029166887498967 -1.1864970912531736 -1.1570891718538738 -0.96206823267957 -0.7531172264213823 -0.5782174952571252 -0.6010365492651331 -0.5147583007639037 -0.45273165208147315 -0.38164877085128057 -0.4453721804867908 -0.5178538712269851 +28719,-0.7206137365590013,1,-1.0026788500901704 -0.989928366847329 -0.9973634943389104 -1.0054062191627446 -1.4575207407988402 -1.1044644739814462 -1.103766877736096 -1.1029166887498967 -1.1864970912531736 -1.1570891718538738 -0.96206823267957 -0.7531172264213823 -0.5782174952571252 -0.6010365492651331 -0.5147583007639037 -0.45273165208147315 -0.38164877085128057 -0.4453721804867908 -0.5178538712269851 -0.9774926820707036 +28720,-0.7273792129128084,1,-0.989928366847329 -0.9973634943389104 -1.0054062191627446 -1.4575207407988402 -1.1044644739814462 -1.103766877736096 -1.1029166887498967 -1.1864970912531736 -1.1570891718538738 -0.96206823267957 -0.7531172264213823 -0.5782174952571252 -0.6010365492651331 -0.5147583007639037 -0.45273165208147315 -0.38164877085128057 -0.4453721804867908 -0.5178538712269851 -0.9774926820707036 -0.7206137365590013 +28721,-0.7345438036428763,1,-0.9973634943389104 -1.0054062191627446 -1.4575207407988402 -1.1044644739814462 -1.103766877736096 -1.1029166887498967 -1.1864970912531736 -1.1570891718538738 -0.96206823267957 -0.7531172264213823 -0.5782174952571252 -0.6010365492651331 -0.5147583007639037 -0.45273165208147315 -0.38164877085128057 -0.4453721804867908 -0.5178538712269851 -0.9774926820707036 -0.7206137365590013 -0.7273792129128084 +28722,-0.7980029981361065,1,-1.0054062191627446 -1.4575207407988402 -1.1044644739814462 -1.103766877736096 -1.1029166887498967 -1.1864970912531736 -1.1570891718538738 -0.96206823267957 -0.7531172264213823 -0.5782174952571252 -0.6010365492651331 -0.5147583007639037 -0.45273165208147315 -0.38164877085128057 -0.4453721804867908 -0.5178538712269851 -0.9774926820707036 -0.7206137365590013 -0.7273792129128084 -0.7345438036428763 +28723,-0.8243153470723248,1,-1.4575207407988402 -1.1044644739814462 -1.103766877736096 -1.1029166887498967 -1.1864970912531736 -1.1570891718538738 -0.96206823267957 -0.7531172264213823 -0.5782174952571252 -0.6010365492651331 -0.5147583007639037 -0.45273165208147315 -0.38164877085128057 -0.4453721804867908 -0.5178538712269851 -0.9774926820707036 -0.7206137365590013 -0.7273792129128084 -0.7345438036428763 -0.7980029981361065 +28724,-0.8497420023769149,1,-1.1044644739814462 -1.103766877736096 -1.1029166887498967 -1.1864970912531736 -1.1570891718538738 -0.96206823267957 -0.7531172264213823 -0.5782174952571252 -0.6010365492651331 -0.5147583007639037 -0.45273165208147315 -0.38164877085128057 -0.4453721804867908 -0.5178538712269851 -0.9774926820707036 -0.7206137365590013 -0.7273792129128084 -0.7345438036428763 -0.7980029981361065 -0.8243153470723248 +28725,-0.9465903803641454,1,-1.103766877736096 -1.1029166887498967 -1.1864970912531736 -1.1570891718538738 -0.96206823267957 -0.7531172264213823 -0.5782174952571252 -0.6010365492651331 -0.5147583007639037 -0.45273165208147315 -0.38164877085128057 -0.4453721804867908 -0.5178538712269851 -0.9774926820707036 -0.7206137365590013 -0.7273792129128084 -0.7345438036428763 -0.7980029981361065 -0.8243153470723248 -0.8497420023769149 +28726,-0.943494809901064,1,-1.1029166887498967 -1.1864970912531736 -1.1570891718538738 -0.96206823267957 -0.7531172264213823 -0.5782174952571252 -0.6010365492651331 -0.5147583007639037 -0.45273165208147315 -0.38164877085128057 -0.4453721804867908 -0.5178538712269851 -0.9774926820707036 -0.7206137365590013 -0.7273792129128084 -0.7345438036428763 -0.7980029981361065 -0.8243153470723248 -0.8497420023769149 -0.9465903803641454 +28727,-0.9562079062368523,1,-1.1864970912531736 -1.1570891718538738 -0.96206823267957 -0.7531172264213823 -0.5782174952571252 -0.6010365492651331 -0.5147583007639037 -0.45273165208147315 -0.38164877085128057 -0.4453721804867908 -0.5178538712269851 -0.9774926820707036 -0.7206137365590013 -0.7273792129128084 -0.7345438036428763 -0.7980029981361065 -0.8243153470723248 -0.8497420023769149 -0.9465903803641454 -0.943494809901064 +28728,-1.0533875613405503,1,-1.1570891718538738 -0.96206823267957 -0.7531172264213823 -0.5782174952571252 -0.6010365492651331 -0.5147583007639037 -0.45273165208147315 -0.38164877085128057 -0.4453721804867908 -0.5178538712269851 -0.9774926820707036 -0.7206137365590013 -0.7273792129128084 -0.7345438036428763 -0.7980029981361065 -0.8243153470723248 -0.8497420023769149 -0.9465903803641454 -0.943494809901064 -0.9562079062368523 +28729,-1.1921312921551452,1,-0.96206823267957 -0.7531172264213823 -0.5782174952571252 -0.6010365492651331 -0.5147583007639037 -0.45273165208147315 -0.38164877085128057 -0.4453721804867908 -0.5178538712269851 -0.9774926820707036 -0.7206137365590013 -0.7273792129128084 -0.7345438036428763 -0.7980029981361065 -0.8243153470723248 -0.8497420023769149 -0.9465903803641454 -0.943494809901064 -0.9562079062368523 -1.0533875613405503 +28730,-1.3443711848704654,1,-0.7531172264213823 -0.5782174952571252 -0.6010365492651331 -0.5147583007639037 -0.45273165208147315 -0.38164877085128057 -0.4453721804867908 -0.5178538712269851 -0.9774926820707036 -0.7206137365590013 -0.7273792129128084 -0.7345438036428763 -0.7980029981361065 -0.8243153470723248 -0.8497420023769149 -0.9465903803641454 -0.943494809901064 -0.9562079062368523 -1.0533875613405503 -1.1921312921551452 +28731,-1.3842370139092375,1,-0.5782174952571252 -0.6010365492651331 -0.5147583007639037 -0.45273165208147315 -0.38164877085128057 -0.4453721804867908 -0.5178538712269851 -0.9774926820707036 -0.7206137365590013 -0.7273792129128084 -0.7345438036428763 -0.7980029981361065 -0.8243153470723248 -0.8497420023769149 -0.9465903803641454 -0.943494809901064 -0.9562079062368523 -1.0533875613405503 -1.1921312921551452 -1.3443711848704654 +28732,-1.429499372605283,1,-0.6010365492651331 -0.5147583007639037 -0.45273165208147315 -0.38164877085128057 -0.4453721804867908 -0.5178538712269851 -0.9774926820707036 -0.7206137365590013 -0.7273792129128084 -0.7345438036428763 -0.7980029981361065 -0.8243153470723248 -0.8497420023769149 -0.9465903803641454 -0.943494809901064 -0.9562079062368523 -1.0533875613405503 -1.1921312921551452 -1.3443711848704654 -1.3842370139092375 +28733,-0.6989447433174139,1,-0.5147583007639037 -0.45273165208147315 -0.38164877085128057 -0.4453721804867908 -0.5178538712269851 -0.9774926820707036 -0.7206137365590013 -0.7273792129128084 -0.7345438036428763 -0.7980029981361065 -0.8243153470723248 -0.8497420023769149 -0.9465903803641454 -0.943494809901064 -0.9562079062368523 -1.0533875613405503 -1.1921312921551452 -1.3443711848704654 -1.3842370139092375 -1.429499372605283 +28734,-0.6963845624456368,1,-0.45273165208147315 -0.38164877085128057 -0.4453721804867908 -0.5178538712269851 -0.9774926820707036 -0.7206137365590013 -0.7273792129128084 -0.7345438036428763 -0.7980029981361065 -0.8243153470723248 -0.8497420023769149 -0.9465903803641454 -0.943494809901064 -0.9562079062368523 -1.0533875613405503 -1.1921312921551452 -1.3443711848704654 -1.3842370139092375 -1.429499372605283 -0.6989447433174139 +28735,-0.34450192529426865,1,-0.38164877085128057 -0.4453721804867908 -0.5178538712269851 -0.9774926820707036 -0.7206137365590013 -0.7273792129128084 -0.7345438036428763 -0.7980029981361065 -0.8243153470723248 -0.8497420023769149 -0.9465903803641454 -0.943494809901064 -0.9562079062368523 -1.0533875613405503 -1.1921312921551452 -1.3443711848704654 -1.3842370139092375 -1.429499372605283 -0.6989447433174139 -0.6963845624456368 +28736,-0.4623485111683064,1,-0.4453721804867908 -0.5178538712269851 -0.9774926820707036 -0.7206137365590013 -0.7273792129128084 -0.7345438036428763 -0.7980029981361065 -0.8243153470723248 -0.8497420023769149 -0.9465903803641454 -0.943494809901064 -0.9562079062368523 -1.0533875613405503 -1.1921312921551452 -1.3443711848704654 -1.3842370139092375 -1.429499372605283 -0.6989447433174139 -0.6963845624456368 -0.34450192529426865 +28737,-0.017919241438882367,1,-0.5178538712269851 -0.9774926820707036 -0.7206137365590013 -0.7273792129128084 -0.7345438036428763 -0.7980029981361065 -0.8243153470723248 -0.8497420023769149 -0.9465903803641454 -0.943494809901064 -0.9562079062368523 -1.0533875613405503 -1.1921312921551452 -1.3443711848704654 -1.3842370139092375 -1.429499372605283 -0.6989447433174139 -0.6963845624456368 -0.34450192529426865 -0.4623485111683064 +28738,-0.06203459469656737,1,-0.9774926820707036 -0.7206137365590013 -0.7273792129128084 -0.7345438036428763 -0.7980029981361065 -0.8243153470723248 -0.8497420023769149 -0.9465903803641454 -0.943494809901064 -0.9562079062368523 -1.0533875613405503 -1.1921312921551452 -1.3443711848704654 -1.3842370139092375 -1.429499372605283 -0.6989447433174139 -0.6963845624456368 -0.34450192529426865 -0.4623485111683064 -0.017919241438882367 +28739,-0.11078635533141219,1,-0.7206137365590013 -0.7273792129128084 -0.7345438036428763 -0.7980029981361065 -0.8243153470723248 -0.8497420023769149 -0.9465903803641454 -0.943494809901064 -0.9562079062368523 -1.0533875613405503 -1.1921312921551452 -1.3443711848704654 -1.3842370139092375 -1.429499372605283 -0.6989447433174139 -0.6963845624456368 -0.34450192529426865 -0.4623485111683064 -0.017919241438882367 -0.06203459469656737 +28740,-0.17377852699045504,1,-0.7273792129128084 -0.7345438036428763 -0.7980029981361065 -0.8243153470723248 -0.8497420023769149 -0.9465903803641454 -0.943494809901064 -0.9562079062368523 -1.0533875613405503 -1.1921312921551452 -1.3443711848704654 -1.3842370139092375 -1.429499372605283 -0.6989447433174139 -0.6963845624456368 -0.34450192529426865 -0.4623485111683064 -0.017919241438882367 -0.06203459469656737 -0.11078635533141219 +28741,-0.24544367047557605,1,-0.7345438036428763 -0.7980029981361065 -0.8243153470723248 -0.8497420023769149 -0.9465903803641454 -0.943494809901064 -0.9562079062368523 -1.0533875613405503 -1.1921312921551452 -1.3443711848704654 -1.3842370139092375 -1.429499372605283 -0.6989447433174139 -0.6963845624456368 -0.34450192529426865 -0.4623485111683064 -0.017919241438882367 -0.06203459469656737 -0.11078635533141219 -0.17377852699045504 +28742,-1.0537119128919954,1,-0.7980029981361065 -0.8243153470723248 -0.8497420023769149 -0.9465903803641454 -0.943494809901064 -0.9562079062368523 -1.0533875613405503 -1.1921312921551452 -1.3443711848704654 -1.3842370139092375 -1.429499372605283 -0.6989447433174139 -0.6963845624456368 -0.34450192529426865 -0.4623485111683064 -0.017919241438882367 -0.06203459469656737 -0.11078635533141219 -0.17377852699045504 -0.24544367047557605 +28743,-0.6215554817403086,1,-0.8243153470723248 -0.8497420023769149 -0.9465903803641454 -0.943494809901064 -0.9562079062368523 -1.0533875613405503 -1.1921312921551452 -1.3443711848704654 -1.3842370139092375 -1.429499372605283 -0.6989447433174139 -0.6963845624456368 -0.34450192529426865 -0.4623485111683064 -0.017919241438882367 -0.06203459469656737 -0.11078635533141219 -0.17377852699045504 -0.24544367047557605 -1.0537119128919954 +28744,-0.7382687419661789,1,-0.8497420023769149 -0.9465903803641454 -0.943494809901064 -0.9562079062368523 -1.0533875613405503 -1.1921312921551452 -1.3443711848704654 -1.3842370139092375 -1.429499372605283 -0.6989447433174139 -0.6963845624456368 -0.34450192529426865 -0.4623485111683064 -0.017919241438882367 -0.06203459469656737 -0.11078635533141219 -0.17377852699045504 -0.24544367047557605 -1.0537119128919954 -0.6215554817403086 +28745,-0.864557763092418,1,-0.9465903803641454 -0.943494809901064 -0.9562079062368523 -1.0533875613405503 -1.1921312921551452 -1.3443711848704654 -1.3842370139092375 -1.429499372605283 -0.6989447433174139 -0.6963845624456368 -0.34450192529426865 -0.4623485111683064 -0.017919241438882367 -0.06203459469656737 -0.11078635533141219 -0.17377852699045504 -0.24544367047557605 -1.0537119128919954 -0.6215554817403086 -0.7382687419661789 +28746,-1.2159050106524731,1,-0.943494809901064 -0.9562079062368523 -1.0533875613405503 -1.1921312921551452 -1.3443711848704654 -1.3842370139092375 -1.429499372605283 -0.6989447433174139 -0.6963845624456368 -0.34450192529426865 -0.4623485111683064 -0.017919241438882367 -0.06203459469656737 -0.11078635533141219 -0.17377852699045504 -0.24544367047557605 -1.0537119128919954 -0.6215554817403086 -0.7382687419661789 -0.864557763092418 +28747,-1.2793642051457033,1,-0.9562079062368523 -1.0533875613405503 -1.1921312921551452 -1.3443711848704654 -1.3842370139092375 -1.429499372605283 -0.6989447433174139 -0.6963845624456368 -0.34450192529426865 -0.4623485111683064 -0.017919241438882367 -0.06203459469656737 -0.11078635533141219 -0.17377852699045504 -0.24544367047557605 -1.0537119128919954 -0.6215554817403086 -0.7382687419661789 -0.864557763092418 -1.2159050106524731 +28748,-1.2807279573202024,1,-1.0533875613405503 -1.1921312921551452 -1.3443711848704654 -1.3842370139092375 -1.429499372605283 -0.6989447433174139 -0.6963845624456368 -0.34450192529426865 -0.4623485111683064 -0.017919241438882367 -0.06203459469656737 -0.11078635533141219 -0.17377852699045504 -0.24544367047557605 -1.0537119128919954 -0.6215554817403086 -0.7382687419661789 -0.864557763092418 -1.2159050106524731 -1.2793642051457033 +28749,-1.2840075608403254,1,-1.1921312921551452 -1.3443711848704654 -1.3842370139092375 -1.429499372605283 -0.6989447433174139 -0.6963845624456368 -0.34450192529426865 -0.4623485111683064 -0.017919241438882367 -0.06203459469656737 -0.11078635533141219 -0.17377852699045504 -0.24544367047557605 -1.0537119128919954 -0.6215554817403086 -0.7382687419661789 -0.864557763092418 -1.2159050106524731 -1.2793642051457033 -1.2807279573202024 +28750,-1.5301054126555251,1,-1.3443711848704654 -1.3842370139092375 -1.429499372605283 -0.6989447433174139 -0.6963845624456368 -0.34450192529426865 -0.4623485111683064 -0.017919241438882367 -0.06203459469656737 -0.11078635533141219 -0.17377852699045504 -0.24544367047557605 -1.0537119128919954 -0.6215554817403086 -0.7382687419661789 -0.864557763092418 -1.2159050106524731 -1.2793642051457033 -1.2807279573202024 -1.2840075608403254 +28751,-1.6245203117795868,1,-1.3842370139092375 -1.429499372605283 -0.6989447433174139 -0.6963845624456368 -0.34450192529426865 -0.4623485111683064 -0.017919241438882367 -0.06203459469656737 -0.11078635533141219 -0.17377852699045504 -0.24544367047557605 -1.0537119128919954 -0.6215554817403086 -0.7382687419661789 -0.864557763092418 -1.2159050106524731 -1.2793642051457033 -1.2807279573202024 -1.2840075608403254 -1.5301054126555251 +28752,-1.725126351829829,1,-1.429499372605283 -0.6989447433174139 -0.6963845624456368 -0.34450192529426865 -0.4623485111683064 -0.017919241438882367 -0.06203459469656737 -0.11078635533141219 -0.17377852699045504 -0.24544367047557605 -1.0537119128919954 -0.6215554817403086 -0.7382687419661789 -0.864557763092418 -1.2159050106524731 -1.2793642051457033 -1.2807279573202024 -1.2840075608403254 -1.5301054126555251 -1.6245203117795868 +28753,-1.7257219272046442,1,-0.6989447433174139 -0.6963845624456368 -0.34450192529426865 -0.4623485111683064 -0.017919241438882367 -0.06203459469656737 -0.11078635533141219 -0.17377852699045504 -0.24544367047557605 -1.0537119128919954 -0.6215554817403086 -0.7382687419661789 -0.864557763092418 -1.2159050106524731 -1.2793642051457033 -1.2807279573202024 -1.2840075608403254 -1.5301054126555251 -1.6245203117795868 -1.725126351829829 +28754,-1.7700121235445443,1,-0.6963845624456368 -0.34450192529426865 -0.4623485111683064 -0.017919241438882367 -0.06203459469656737 -0.11078635533141219 -0.17377852699045504 -0.24544367047557605 -1.0537119128919954 -0.6215554817403086 -0.7382687419661789 -0.864557763092418 -1.2159050106524731 -1.2793642051457033 -1.2807279573202024 -1.2840075608403254 -1.5301054126555251 -1.6245203117795868 -1.725126351829829 -1.7257219272046442 +28755,-1.7658512672981972,1,-0.34450192529426865 -0.4623485111683064 -0.017919241438882367 -0.06203459469656737 -0.11078635533141219 -0.17377852699045504 -0.24544367047557605 -1.0537119128919954 -0.6215554817403086 -0.7382687419661789 -0.864557763092418 -1.2159050106524731 -1.2793642051457033 -1.2807279573202024 -1.2840075608403254 -1.5301054126555251 -1.6245203117795868 -1.725126351829829 -1.7257219272046442 -1.7700121235445443 +28756,-1.7607254121552913,1,-0.4623485111683064 -0.017919241438882367 -0.06203459469656737 -0.11078635533141219 -0.17377852699045504 -0.24544367047557605 -1.0537119128919954 -0.6215554817403086 -0.7382687419661789 -0.864557763092418 -1.2159050106524731 -1.2793642051457033 -1.2807279573202024 -1.2840075608403254 -1.5301054126555251 -1.6245203117795868 -1.725126351829829 -1.7257219272046442 -1.7700121235445443 -1.7658512672981972 +28757,-1.0951777625921932,1,-0.017919241438882367 -0.06203459469656737 -0.11078635533141219 -0.17377852699045504 -0.24544367047557605 -1.0537119128919954 -0.6215554817403086 -0.7382687419661789 -0.864557763092418 -1.2159050106524731 -1.2793642051457033 -1.2807279573202024 -1.2840075608403254 -1.5301054126555251 -1.6245203117795868 -1.725126351829829 -1.7257219272046442 -1.7700121235445443 -1.7658512672981972 -1.7607254121552913 +28758,-1.0918497784013006,1,-0.06203459469656737 -0.11078635533141219 -0.17377852699045504 -0.24544367047557605 -1.0537119128919954 -0.6215554817403086 -0.7382687419661789 -0.864557763092418 -1.2159050106524731 -1.2793642051457033 -1.2807279573202024 -1.2840075608403254 -1.5301054126555251 -1.6245203117795868 -1.725126351829829 -1.7257219272046442 -1.7700121235445443 -1.7658512672981972 -1.7607254121552913 -1.0951777625921932 +28759,-0.5488095758578255,1,-0.11078635533141219 -0.17377852699045504 -0.24544367047557605 -1.0537119128919954 -0.6215554817403086 -0.7382687419661789 -0.864557763092418 -1.2159050106524731 -1.2793642051457033 -1.2807279573202024 -1.2840075608403254 -1.5301054126555251 -1.6245203117795868 -1.725126351829829 -1.7257219272046442 -1.7700121235445443 -1.7658512672981972 -1.7607254121552913 -1.0951777625921932 -1.0918497784013006 +28760,-0.4298706818824907,1,-0.17377852699045504 -0.24544367047557605 -1.0537119128919954 -0.6215554817403086 -0.7382687419661789 -0.864557763092418 -1.2159050106524731 -1.2793642051457033 -1.2807279573202024 -1.2840075608403254 -1.5301054126555251 -1.6245203117795868 -1.725126351829829 -1.7257219272046442 -1.7700121235445443 -1.7658512672981972 -1.7607254121552913 -1.0951777625921932 -1.0918497784013006 -0.5488095758578255 +28761,0.15078934879920322,1,-0.24544367047557605 -1.0537119128919954 -0.6215554817403086 -0.7382687419661789 -0.864557763092418 -1.2159050106524731 -1.2793642051457033 -1.2807279573202024 -1.2840075608403254 -1.5301054126555251 -1.6245203117795868 -1.725126351829829 -1.7257219272046442 -1.7700121235445443 -1.7658512672981972 -1.7607254121552913 -1.0951777625921932 -1.0918497784013006 -0.5488095758578255 -0.4298706818824907 +28762,0.2124256198886637,1,-1.0537119128919954 -0.6215554817403086 -0.7382687419661789 -0.864557763092418 -1.2159050106524731 -1.2793642051457033 -1.2807279573202024 -1.2840075608403254 -1.5301054126555251 -1.6245203117795868 -1.725126351829829 -1.7257219272046442 -1.7700121235445443 -1.7658512672981972 -1.7607254121552913 -1.0951777625921932 -1.0918497784013006 -0.5488095758578255 -0.4298706818824907 0.15078934879920322 +28763,0.2823510934802857,1,-0.6215554817403086 -0.7382687419661789 -0.864557763092418 -1.2159050106524731 -1.2793642051457033 -1.2807279573202024 -1.2840075608403254 -1.5301054126555251 -1.6245203117795868 -1.725126351829829 -1.7257219272046442 -1.7700121235445443 -1.7658512672981972 -1.7607254121552913 -1.0951777625921932 -1.0918497784013006 -0.5488095758578255 -0.4298706818824907 0.15078934879920322 0.2124256198886637 +28764,0.12877027408881248,1,-0.7382687419661789 -0.864557763092418 -1.2159050106524731 -1.2793642051457033 -1.2807279573202024 -1.2840075608403254 -1.5301054126555251 -1.6245203117795868 -1.725126351829829 -1.7257219272046442 -1.7700121235445443 -1.7658512672981972 -1.7607254121552913 -1.0951777625921932 -1.0918497784013006 -0.5488095758578255 -0.4298706818824907 0.15078934879920322 0.2124256198886637 0.2823510934802857 +28765,-0.05042273130127221,1,-0.864557763092418 -1.2159050106524731 -1.2793642051457033 -1.2807279573202024 -1.2840075608403254 -1.5301054126555251 -1.6245203117795868 -1.725126351829829 -1.7257219272046442 -1.7700121235445443 -1.7658512672981972 -1.7607254121552913 -1.0951777625921932 -1.0918497784013006 -0.5488095758578255 -0.4298706818824907 0.15078934879920322 0.2124256198886637 0.2823510934802857 0.12877027408881248 +28766,-0.9798429024706887,1,-1.2159050106524731 -1.2793642051457033 -1.2807279573202024 -1.2840075608403254 -1.5301054126555251 -1.6245203117795868 -1.725126351829829 -1.7257219272046442 -1.7700121235445443 -1.7658512672981972 -1.7607254121552913 -1.0951777625921932 -1.0918497784013006 -0.5488095758578255 -0.4298706818824907 0.15078934879920322 0.2124256198886637 0.2823510934802857 0.12877027408881248 -0.05042273130127221 +28767,-0.6416766897503553,1,-1.2793642051457033 -1.2807279573202024 -1.2840075608403254 -1.5301054126555251 -1.6245203117795868 -1.725126351829829 -1.7257219272046442 -1.7700121235445443 -1.7658512672981972 -1.7607254121552913 -1.0951777625921932 -1.0918497784013006 -0.5488095758578255 -0.4298706818824907 0.15078934879920322 0.2124256198886637 0.2823510934802857 0.12877027408881248 -0.05042273130127221 -0.9798429024706887 +28768,-0.8168713532478262,1,-1.2807279573202024 -1.2840075608403254 -1.5301054126555251 -1.6245203117795868 -1.725126351829829 -1.7257219272046442 -1.7700121235445443 -1.7658512672981972 -1.7607254121552913 -1.0951777625921932 -1.0918497784013006 -0.5488095758578255 -0.4298706818824907 0.15078934879920322 0.2124256198886637 0.2823510934802857 0.12877027408881248 -0.05042273130127221 -0.9798429024706887 -0.6416766897503553 +28769,-1.0100495748573757,1,-1.2840075608403254 -1.5301054126555251 -1.6245203117795868 -1.725126351829829 -1.7257219272046442 -1.7700121235445443 -1.7658512672981972 -1.7607254121552913 -1.0951777625921932 -1.0918497784013006 -0.5488095758578255 -0.4298706818824907 0.15078934879920322 0.2124256198886637 0.2823510934802857 0.12877027408881248 -0.05042273130127221 -0.9798429024706887 -0.6416766897503553 -0.8168713532478262 +28770,-1.1973315878739672,1,-1.5301054126555251 -1.6245203117795868 -1.725126351829829 -1.7257219272046442 -1.7700121235445443 -1.7658512672981972 -1.7607254121552913 -1.0951777625921932 -1.0918497784013006 -0.5488095758578255 -0.4298706818824907 0.15078934879920322 0.2124256198886637 0.2823510934802857 0.12877027408881248 -0.05042273130127221 -0.9798429024706887 -0.6416766897503553 -0.8168713532478262 -1.0100495748573757 +28771,-1.2132200422276391,1,-1.6245203117795868 -1.725126351829829 -1.7257219272046442 -1.7700121235445443 -1.7658512672981972 -1.7607254121552913 -1.0951777625921932 -1.0918497784013006 -0.5488095758578255 -0.4298706818824907 0.15078934879920322 0.2124256198886637 0.2823510934802857 0.12877027408881248 -0.05042273130127221 -0.9798429024706887 -0.6416766897503553 -0.8168713532478262 -1.0100495748573757 -1.1973315878739672 +28772,-1.285555346071866,1,-1.725126351829829 -1.7257219272046442 -1.7700121235445443 -1.7658512672981972 -1.7607254121552913 -1.0951777625921932 -1.0918497784013006 -0.5488095758578255 -0.4298706818824907 0.15078934879920322 0.2124256198886637 0.2823510934802857 0.12877027408881248 -0.05042273130127221 -0.9798429024706887 -0.6416766897503553 -0.8168713532478262 -1.0100495748573757 -1.1973315878739672 -1.2132200422276391 +28773,-1.3860236485595758,1,-1.7257219272046442 -1.7700121235445443 -1.7658512672981972 -1.7607254121552913 -1.0951777625921932 -1.0918497784013006 -0.5488095758578255 -0.4298706818824907 0.15078934879920322 0.2124256198886637 0.2823510934802857 0.12877027408881248 -0.05042273130127221 -0.9798429024706887 -0.6416766897503553 -0.8168713532478262 -1.0100495748573757 -1.1973315878739672 -1.2132200422276391 -1.285555346071866 +28774,-1.494506352330054,1,-1.7700121235445443 -1.7658512672981972 -1.7607254121552913 -1.0951777625921932 -1.0918497784013006 -0.5488095758578255 -0.4298706818824907 0.15078934879920322 0.2124256198886637 0.2823510934802857 0.12877027408881248 -0.05042273130127221 -0.9798429024706887 -0.6416766897503553 -0.8168713532478262 -1.0100495748573757 -1.1973315878739672 -1.2132200422276391 -1.285555346071866 -1.3860236485595758 +28775,-2.1546920929411573,1,-1.7658512672981972 -1.7607254121552913 -1.0951777625921932 -1.0918497784013006 -0.5488095758578255 -0.4298706818824907 0.15078934879920322 0.2124256198886637 0.2823510934802857 0.12877027408881248 -0.05042273130127221 -0.9798429024706887 -0.6416766897503553 -0.8168713532478262 -1.0100495748573757 -1.1973315878739672 -1.2132200422276391 -1.285555346071866 -1.3860236485595758 -1.494506352330054 +28776,-1.743699774608335,1,-1.7607254121552913 -1.0951777625921932 -1.0918497784013006 -0.5488095758578255 -0.4298706818824907 0.15078934879920322 0.2124256198886637 0.2823510934802857 0.12877027408881248 -0.05042273130127221 -0.9798429024706887 -0.6416766897503553 -0.8168713532478262 -1.0100495748573757 -1.1973315878739672 -1.2132200422276391 -1.285555346071866 -1.3860236485595758 -1.494506352330054 -2.1546920929411573 +28777,-1.9113432510220878,1,-1.0951777625921932 -1.0918497784013006 -0.5488095758578255 -0.4298706818824907 0.15078934879920322 0.2124256198886637 0.2823510934802857 0.12877027408881248 -0.05042273130127221 -0.9798429024706887 -0.6416766897503553 -0.8168713532478262 -1.0100495748573757 -1.1973315878739672 -1.2132200422276391 -1.285555346071866 -1.3860236485595758 -1.494506352330054 -2.1546920929411573 -1.743699774608335 +28778,-2.104333733557643,1,-1.0918497784013006 -0.5488095758578255 -0.4298706818824907 0.15078934879920322 0.2124256198886637 0.2823510934802857 0.12877027408881248 -0.05042273130127221 -0.9798429024706887 -0.6416766897503553 -0.8168713532478262 -1.0100495748573757 -1.1973315878739672 -1.2132200422276391 -1.285555346071866 -1.3860236485595758 -1.494506352330054 -2.1546920929411573 -1.743699774608335 -1.9113432510220878 +28779,-1.9489813851258073,1,-0.5488095758578255 -0.4298706818824907 0.15078934879920322 0.2124256198886637 0.2823510934802857 0.12877027408881248 -0.05042273130127221 -0.9798429024706887 -0.6416766897503553 -0.8168713532478262 -1.0100495748573757 -1.1973315878739672 -1.2132200422276391 -1.285555346071866 -1.3860236485595758 -1.494506352330054 -2.1546920929411573 -1.743699774608335 -1.9113432510220878 -2.104333733557643 +28780,-1.7390564189137039,1,-0.4298706818824907 0.15078934879920322 0.2124256198886637 0.2823510934802857 0.12877027408881248 -0.05042273130127221 -0.9798429024706887 -0.6416766897503553 -0.8168713532478262 -1.0100495748573757 -1.1973315878739672 -1.2132200422276391 -1.285555346071866 -1.3860236485595758 -1.494506352330054 -2.1546920929411573 -1.743699774608335 -1.9113432510220878 -2.104333733557643 -1.9489813851258073 +28781,-1.46209453577481,1,0.15078934879920322 0.2124256198886637 0.2823510934802857 0.12877027408881248 -0.05042273130127221 -0.9798429024706887 -0.6416766897503553 -0.8168713532478262 -1.0100495748573757 -1.1973315878739672 -1.2132200422276391 -1.285555346071866 -1.3860236485595758 -1.494506352330054 -2.1546920929411573 -1.743699774608335 -1.9113432510220878 -2.104333733557643 -1.9489813851258073 -1.7390564189137039 +28782,-1.2638863528302788,1,0.2124256198886637 0.2823510934802857 0.12877027408881248 -0.05042273130127221 -0.9798429024706887 -0.6416766897503553 -0.8168713532478262 -1.0100495748573757 -1.1973315878739672 -1.2132200422276391 -1.285555346071866 -1.3860236485595758 -1.494506352330054 -2.1546920929411573 -1.743699774608335 -1.9113432510220878 -2.104333733557643 -1.9489813851258073 -1.7390564189137039 -1.46209453577481 +28783,-0.939409682452286,1,0.2823510934802857 0.12877027408881248 -0.05042273130127221 -0.9798429024706887 -0.6416766897503553 -0.8168713532478262 -1.0100495748573757 -1.1973315878739672 -1.2132200422276391 -1.285555346071866 -1.3860236485595758 -1.494506352330054 -2.1546920929411573 -1.743699774608335 -1.9113432510220878 -2.104333733557643 -1.9489813851258073 -1.7390564189137039 -1.46209453577481 -1.2638863528302788 +28784,-0.5658352134047907,1,0.12877027408881248 -0.05042273130127221 -0.9798429024706887 -0.6416766897503553 -0.8168713532478262 -1.0100495748573757 -1.1973315878739672 -1.2132200422276391 -1.285555346071866 -1.3860236485595758 -1.494506352330054 -2.1546920929411573 -1.743699774608335 -1.9113432510220878 -2.104333733557643 -1.9489813851258073 -1.7390564189137039 -1.46209453577481 -1.2638863528302788 -0.939409682452286 +28785,-0.3488075219026552,1,-0.05042273130127221 -0.9798429024706887 -0.6416766897503553 -0.8168713532478262 -1.0100495748573757 -1.1973315878739672 -1.2132200422276391 -1.285555346071866 -1.3860236485595758 -1.494506352330054 -2.1546920929411573 -1.743699774608335 -1.9113432510220878 -2.104333733557643 -1.9489813851258073 -1.7390564189137039 -1.46209453577481 -1.2638863528302788 -0.939409682452286 -0.5658352134047907 +28786,-0.08911736208982483,1,-0.9798429024706887 -0.6416766897503553 -0.8168713532478262 -1.0100495748573757 -1.1973315878739672 -1.2132200422276391 -1.285555346071866 -1.3860236485595758 -1.494506352330054 -2.1546920929411573 -1.743699774608335 -1.9113432510220878 -2.104333733557643 -1.9489813851258073 -1.7390564189137039 -1.46209453577481 -1.2638863528302788 -0.939409682452286 -0.5658352134047907 -0.3488075219026552 +28787,-0.22041465713915467,1,-0.6416766897503553 -0.8168713532478262 -1.0100495748573757 -1.1973315878739672 -1.2132200422276391 -1.285555346071866 -1.3860236485595758 -1.494506352330054 -2.1546920929411573 -1.743699774608335 -1.9113432510220878 -2.104333733557643 -1.9489813851258073 -1.7390564189137039 -1.46209453577481 -1.2638863528302788 -0.939409682452286 -0.5658352134047907 -0.3488075219026552 -0.08911736208982483 +28788,-0.07828286546903115,1,-0.8168713532478262 -1.0100495748573757 -1.1973315878739672 -1.2132200422276391 -1.285555346071866 -1.3860236485595758 -1.494506352330054 -2.1546920929411573 -1.743699774608335 -1.9113432510220878 -2.104333733557643 -1.9489813851258073 -1.7390564189137039 -1.46209453577481 -1.2638863528302788 -0.939409682452286 -0.5658352134047907 -0.3488075219026552 -0.08911736208982483 -0.22041465713915467 +28789,-0.21500997576138825,1,-1.0100495748573757 -1.1973315878739672 -1.2132200422276391 -1.285555346071866 -1.3860236485595758 -1.494506352330054 -2.1546920929411573 -1.743699774608335 -1.9113432510220878 -2.104333733557643 -1.9489813851258073 -1.7390564189137039 -1.46209453577481 -1.2638863528302788 -0.939409682452286 -0.5658352134047907 -0.3488075219026552 -0.08911736208982483 -0.22041465713915467 -0.07828286546903115 +28790,-0.3878399117774522,1,-1.1973315878739672 -1.2132200422276391 -1.285555346071866 -1.3860236485595758 -1.494506352330054 -2.1546920929411573 -1.743699774608335 -1.9113432510220878 -2.104333733557643 -1.9489813851258073 -1.7390564189137039 -1.46209453577481 -1.2638863528302788 -0.939409682452286 -0.5658352134047907 -0.3488075219026552 -0.08911736208982483 -0.22041465713915467 -0.07828286546903115 -0.21500997576138825 +28791,-0.5258593006178914,1,-1.2132200422276391 -1.285555346071866 -1.3860236485595758 -1.494506352330054 -2.1546920929411573 -1.743699774608335 -1.9113432510220878 -2.104333733557643 -1.9489813851258073 -1.7390564189137039 -1.46209453577481 -1.2638863528302788 -0.939409682452286 -0.5658352134047907 -0.3488075219026552 -0.08911736208982483 -0.22041465713915467 -0.07828286546903115 -0.21500997576138825 -0.3878399117774522 +28792,-0.7004925285489546,1,-1.285555346071866 -1.3860236485595758 -1.494506352330054 -2.1546920929411573 -1.743699774608335 -1.9113432510220878 -2.104333733557643 -1.9489813851258073 -1.7390564189137039 -1.46209453577481 -1.2638863528302788 -0.939409682452286 -0.5658352134047907 -0.3488075219026552 -0.08911736208982483 -0.22041465713915467 -0.07828286546903115 -0.21500997576138825 -0.3878399117774522 -0.5258593006178914 +28793,-1.4979749973854473,1,-1.3860236485595758 -1.494506352330054 -2.1546920929411573 -1.743699774608335 -1.9113432510220878 -2.104333733557643 -1.9489813851258073 -1.7390564189137039 -1.46209453577481 -1.2638863528302788 -0.939409682452286 -0.5658352134047907 -0.3488075219026552 -0.08911736208982483 -0.22041465713915467 -0.07828286546903115 -0.21500997576138825 -0.3878399117774522 -0.5258593006178914 -0.7004925285489546 +28794,-0.9373036689748925,1,-1.494506352330054 -2.1546920929411573 -1.743699774608335 -1.9113432510220878 -2.104333733557643 -1.9489813851258073 -1.7390564189137039 -1.46209453577481 -1.2638863528302788 -0.939409682452286 -0.5658352134047907 -0.3488075219026552 -0.08911736208982483 -0.22041465713915467 -0.07828286546903115 -0.21500997576138825 -0.3878399117774522 -0.5258593006178914 -0.7004925285489546 -1.4979749973854473 +28795,-0.8976918718898159,1,-2.1546920929411573 -1.743699774608335 -1.9113432510220878 -2.104333733557643 -1.9489813851258073 -1.7390564189137039 -1.46209453577481 -1.2638863528302788 -0.939409682452286 -0.5658352134047907 -0.3488075219026552 -0.08911736208982483 -0.22041465713915467 -0.07828286546903115 -0.21500997576138825 -0.3878399117774522 -0.5258593006178914 -0.7004925285489546 -1.4979749973854473 -0.9373036689748925 +28796,-0.8568188369347058,1,-1.743699774608335 -1.9113432510220878 -2.104333733557643 -1.9489813851258073 -1.7390564189137039 -1.46209453577481 -1.2638863528302788 -0.939409682452286 -0.5658352134047907 -0.3488075219026552 -0.08911736208982483 -0.22041465713915467 -0.07828286546903115 -0.21500997576138825 -0.3878399117774522 -0.5258593006178914 -0.7004925285489546 -1.4979749973854473 -0.9373036689748925 -0.8976918718898159 +28797,-0.9319659129018713,1,-1.9113432510220878 -2.104333733557643 -1.9489813851258073 -1.7390564189137039 -1.46209453577481 -1.2638863528302788 -0.939409682452286 -0.5658352134047907 -0.3488075219026552 -0.08911736208982483 -0.22041465713915467 -0.07828286546903115 -0.21500997576138825 -0.3878399117774522 -0.5258593006178914 -0.7004925285489546 -1.4979749973854473 -0.9373036689748925 -0.8976918718898159 -0.8568188369347058 +28798,-1.013145145320457,1,-2.104333733557643 -1.9489813851258073 -1.7390564189137039 -1.46209453577481 -1.2638863528302788 -0.939409682452286 -0.5658352134047907 -0.3488075219026552 -0.08911736208982483 -0.22041465713915467 -0.07828286546903115 -0.21500997576138825 -0.3878399117774522 -0.5258593006178914 -0.7004925285489546 -1.4979749973854473 -0.9373036689748925 -0.8976918718898159 -0.8568188369347058 -0.9319659129018713 +28799,-1.8300012448409535,1,-1.9489813851258073 -1.7390564189137039 -1.46209453577481 -1.2638863528302788 -0.939409682452286 -0.5658352134047907 -0.3488075219026552 -0.08911736208982483 -0.22041465713915467 -0.07828286546903115 -0.21500997576138825 -0.3878399117774522 -0.5258593006178914 -0.7004925285489546 -1.4979749973854473 -0.9373036689748925 -0.8976918718898159 -0.8568188369347058 -0.9319659129018713 -1.013145145320457 +28800,-1.1787581650954613,1,-1.7390564189137039 -1.46209453577481 -1.2638863528302788 -0.939409682452286 -0.5658352134047907 -0.3488075219026552 -0.08911736208982483 -0.22041465713915467 -0.07828286546903115 -0.21500997576138825 -0.3878399117774522 -0.5258593006178914 -0.7004925285489546 -1.4979749973854473 -0.9373036689748925 -0.8976918718898159 -0.8568188369347058 -0.9319659129018713 -1.013145145320457 -1.8300012448409535 +28801,-1.2157997332418233,1,-1.46209453577481 -1.2638863528302788 -0.939409682452286 -0.5658352134047907 -0.3488075219026552 -0.08911736208982483 -0.22041465713915467 -0.07828286546903115 -0.21500997576138825 -0.3878399117774522 -0.5258593006178914 -0.7004925285489546 -1.4979749973854473 -0.9373036689748925 -0.8976918718898159 -0.8568188369347058 -0.9319659129018713 -1.013145145320457 -1.8300012448409535 -1.1787581650954613 +28802,-1.262338567598738,1,-1.2638863528302788 -0.939409682452286 -0.5658352134047907 -0.3488075219026552 -0.08911736208982483 -0.22041465713915467 -0.07828286546903115 -0.21500997576138825 -0.3878399117774522 -0.5258593006178914 -0.7004925285489546 -1.4979749973854473 -0.9373036689748925 -0.8976918718898159 -0.8568188369347058 -0.9319659129018713 -1.013145145320457 -1.8300012448409535 -1.1787581650954613 -1.2157997332418233 +28803,-1.266349461720024,1,-0.939409682452286 -0.5658352134047907 -0.3488075219026552 -0.08911736208982483 -0.22041465713915467 -0.07828286546903115 -0.21500997576138825 -0.3878399117774522 -0.5258593006178914 -0.7004925285489546 -1.4979749973854473 -0.9373036689748925 -0.8976918718898159 -0.8568188369347058 -0.9319659129018713 -1.013145145320457 -1.8300012448409535 -1.1787581650954613 -1.2157997332418233 -1.262338567598738 +28804,-1.271625278987991,1,-0.5658352134047907 -0.3488075219026552 -0.08911736208982483 -0.22041465713915467 -0.07828286546903115 -0.21500997576138825 -0.3878399117774522 -0.5258593006178914 -0.7004925285489546 -1.4979749973854473 -0.9373036689748925 -0.8976918718898159 -0.8568188369347058 -0.9319659129018713 -1.013145145320457 -1.8300012448409535 -1.1787581650954613 -1.2157997332418233 -1.262338567598738 -1.266349461720024 +28805,-1.2675322822895376,1,-0.3488075219026552 -0.08911736208982483 -0.22041465713915467 -0.07828286546903115 -0.21500997576138825 -0.3878399117774522 -0.5258593006178914 -0.7004925285489546 -1.4979749973854473 -0.9373036689748925 -0.8976918718898159 -0.8568188369347058 -0.9319659129018713 -1.013145145320457 -1.8300012448409535 -1.1787581650954613 -1.2157997332418233 -1.262338567598738 -1.266349461720024 -1.271625278987991 +28806,-1.0023106486996634,1,-0.08911736208982483 -0.22041465713915467 -0.07828286546903115 -0.21500997576138825 -0.3878399117774522 -0.5258593006178914 -0.7004925285489546 -1.4979749973854473 -0.9373036689748925 -0.8976918718898159 -0.8568188369347058 -0.9319659129018713 -1.013145145320457 -1.8300012448409535 -1.1787581650954613 -1.2157997332418233 -1.262338567598738 -1.266349461720024 -1.271625278987991 -1.2675322822895376 +28807,-0.7493912360684627,1,-0.22041465713915467 -0.07828286546903115 -0.21500997576138825 -0.3878399117774522 -0.5258593006178914 -0.7004925285489546 -1.4979749973854473 -0.9373036689748925 -0.8976918718898159 -0.8568188369347058 -0.9319659129018713 -1.013145145320457 -1.8300012448409535 -1.1787581650954613 -1.2157997332418233 -1.262338567598738 -1.266349461720024 -1.271625278987991 -1.2675322822895376 -1.0023106486996634 +28808,-0.45439467673375494,1,-0.07828286546903115 -0.21500997576138825 -0.3878399117774522 -0.5258593006178914 -0.7004925285489546 -1.4979749973854473 -0.9373036689748925 -0.8976918718898159 -0.8568188369347058 -0.9319659129018713 -1.013145145320457 -1.8300012448409535 -1.1787581650954613 -1.2157997332418233 -1.262338567598738 -1.266349461720024 -1.271625278987991 -1.2675322822895376 -1.0023106486996634 -0.7493912360684627 +28809,-0.36969660628728196,1,-0.21500997576138825 -0.3878399117774522 -0.5258593006178914 -0.7004925285489546 -1.4979749973854473 -0.9373036689748925 -0.8976918718898159 -0.8568188369347058 -0.9319659129018713 -1.013145145320457 -1.8300012448409535 -1.1787581650954613 -1.2157997332418233 -1.262338567598738 -1.266349461720024 -1.271625278987991 -1.2675322822895376 -1.0023106486996634 -0.7493912360684627 -0.45439467673375494 +28810,-0.2686604489487041,1,-0.3878399117774522 -0.5258593006178914 -0.7004925285489546 -1.4979749973854473 -0.9373036689748925 -0.8976918718898159 -0.8568188369347058 -0.9319659129018713 -1.013145145320457 -1.8300012448409535 -1.1787581650954613 -1.2157997332418233 -1.262338567598738 -1.266349461720024 -1.271625278987991 -1.2675322822895376 -1.0023106486996634 -0.7493912360684627 -0.45439467673375494 -0.36969660628728196 +28811,-0.3869157689937735,1,-0.5258593006178914 -0.7004925285489546 -1.4979749973854473 -0.9373036689748925 -0.8976918718898159 -0.8568188369347058 -0.9319659129018713 -1.013145145320457 -1.8300012448409535 -1.1787581650954613 -1.2157997332418233 -1.262338567598738 -1.266349461720024 -1.271625278987991 -1.2675322822895376 -1.0023106486996634 -0.7493912360684627 -0.45439467673375494 -0.36969660628728196 -0.2686604489487041 +28812,-0.1587676975092178,1,-0.7004925285489546 -1.4979749973854473 -0.9373036689748925 -0.8976918718898159 -0.8568188369347058 -0.9319659129018713 -1.013145145320457 -1.8300012448409535 -1.1787581650954613 -1.2157997332418233 -1.262338567598738 -1.266349461720024 -1.271625278987991 -1.2675322822895376 -1.0023106486996634 -0.7493912360684627 -0.45439467673375494 -0.36969660628728196 -0.2686604489487041 -0.3869157689937735 +28813,-0.2932803776955192,1,-1.4979749973854473 -0.9373036689748925 -0.8976918718898159 -0.8568188369347058 -0.9319659129018713 -1.013145145320457 -1.8300012448409535 -1.1787581650954613 -1.2157997332418233 -1.262338567598738 -1.266349461720024 -1.271625278987991 -1.2675322822895376 -1.0023106486996634 -0.7493912360684627 -0.45439467673375494 -0.36969660628728196 -0.2686604489487041 -0.3869157689937735 -0.1587676975092178 +28814,-0.46832474381763883,1,-0.9373036689748925 -0.8976918718898159 -0.8568188369347058 -0.9319659129018713 -1.013145145320457 -1.8300012448409535 -1.1787581650954613 -1.2157997332418233 -1.262338567598738 -1.266349461720024 -1.271625278987991 -1.2675322822895376 -1.0023106486996634 -0.7493912360684627 -0.45439467673375494 -0.36969660628728196 -0.2686604489487041 -0.3869157689937735 -0.1587676975092178 -0.2932803776955192 +28815,-0.590237339516384,1,-0.8976918718898159 -0.8568188369347058 -0.9319659129018713 -1.013145145320457 -1.8300012448409535 -1.1787581650954613 -1.2157997332418233 -1.262338567598738 -1.266349461720024 -1.271625278987991 -1.2675322822895376 -1.0023106486996634 -0.7493912360684627 -0.45439467673375494 -0.36969660628728196 -0.2686604489487041 -0.3869157689937735 -0.1587676975092178 -0.2932803776955192 -0.46832474381763883 +28816,-0.7438305150321293,1,-0.8568188369347058 -0.9319659129018713 -1.013145145320457 -1.8300012448409535 -1.1787581650954613 -1.2157997332418233 -1.262338567598738 -1.266349461720024 -1.271625278987991 -1.2675322822895376 -1.0023106486996634 -0.7493912360684627 -0.45439467673375494 -0.36969660628728196 -0.2686604489487041 -0.3869157689937735 -0.1587676975092178 -0.2932803776955192 -0.46832474381763883 -0.590237339516384 +28817,-1.5531818729438034,1,-0.9319659129018713 -1.013145145320457 -1.8300012448409535 -1.1787581650954613 -1.2157997332418233 -1.262338567598738 -1.266349461720024 -1.271625278987991 -1.2675322822895376 -1.0023106486996634 -0.7493912360684627 -0.45439467673375494 -0.36969660628728196 -0.2686604489487041 -0.3869157689937735 -0.1587676975092178 -0.2932803776955192 -0.46832474381763883 -0.590237339516384 -0.7438305150321293 +28818,-0.9465903803641454,1,-1.013145145320457 -1.8300012448409535 -1.1787581650954613 -1.2157997332418233 -1.262338567598738 -1.266349461720024 -1.271625278987991 -1.2675322822895376 -1.0023106486996634 -0.7493912360684627 -0.45439467673375494 -0.36969660628728196 -0.2686604489487041 -0.3869157689937735 -0.1587676975092178 -0.2932803776955192 -0.46832474381763883 -0.590237339516384 -0.7438305150321293 -1.5531818729438034 +28819,-0.9804056966829806,1,-1.8300012448409535 -1.1787581650954613 -1.2157997332418233 -1.262338567598738 -1.266349461720024 -1.271625278987991 -1.2675322822895376 -1.0023106486996634 -0.7493912360684627 -0.45439467673375494 -0.36969660628728196 -0.2686604489487041 -0.3869157689937735 -0.1587676975092178 -0.2932803776955192 -0.46832474381763883 -0.590237339516384 -0.7438305150321293 -1.5531818729438034 -0.9465903803641454 +28820,-1.0162407157835471,1,-1.1787581650954613 -1.2157997332418233 -1.262338567598738 -1.266349461720024 -1.271625278987991 -1.2675322822895376 -1.0023106486996634 -0.7493912360684627 -0.45439467673375494 -0.36969660628728196 -0.2686604489487041 -0.3869157689937735 -0.1587676975092178 -0.2932803776955192 -0.46832474381763883 -0.590237339516384 -0.7438305150321293 -1.5531818729438034 -0.9465903803641454 -0.9804056966829806 +28821,-1.0926599170516242,1,-1.2157997332418233 -1.262338567598738 -1.266349461720024 -1.271625278987991 -1.2675322822895376 -1.0023106486996634 -0.7493912360684627 -0.45439467673375494 -0.36969660628728196 -0.2686604489487041 -0.3869157689937735 -0.1587676975092178 -0.2932803776955192 -0.46832474381763883 -0.590237339516384 -0.7438305150321293 -1.5531818729438034 -0.9465903803641454 -0.9804056966829806 -1.0162407157835471 +28822,-1.1787581650954613,1,-1.262338567598738 -1.266349461720024 -1.271625278987991 -1.2675322822895376 -1.0023106486996634 -0.7493912360684627 -0.45439467673375494 -0.36969660628728196 -0.2686604489487041 -0.3869157689937735 -0.1587676975092178 -0.2932803776955192 -0.46832474381763883 -0.590237339516384 -0.7438305150321293 -1.5531818729438034 -0.9465903803641454 -0.9804056966829806 -1.0162407157835471 -1.0926599170516242 +28823,-1.9610008616312868,1,-1.266349461720024 -1.271625278987991 -1.2675322822895376 -1.0023106486996634 -0.7493912360684627 -0.45439467673375494 -0.36969660628728196 -0.2686604489487041 -0.3869157689937735 -0.1587676975092178 -0.2932803776955192 -0.46832474381763883 -0.590237339516384 -0.7438305150321293 -1.5531818729438034 -0.9465903803641454 -0.9804056966829806 -1.0162407157835471 -1.0926599170516242 -1.1787581650954613 +28824,-1.0998211182868152,1,-1.271625278987991 -1.2675322822895376 -1.0023106486996634 -0.7493912360684627 -0.45439467673375494 -0.36969660628728196 -0.2686604489487041 -0.3869157689937735 -0.1587676975092178 -0.2932803776955192 -0.46832474381763883 -0.590237339516384 -0.7438305150321293 -1.5531818729438034 -0.9465903803641454 -0.9804056966829806 -1.0162407157835471 -1.0926599170516242 -1.1787581650954613 -1.9610008616312868 +28825,-1.128164960723115,1,-1.2675322822895376 -1.0023106486996634 -0.7493912360684627 -0.45439467673375494 -0.36969660628728196 -0.2686604489487041 -0.3869157689937735 -0.1587676975092178 -0.2932803776955192 -0.46832474381763883 -0.590237339516384 -0.7438305150321293 -1.5531818729438034 -0.9465903803641454 -0.9804056966829806 -1.0162407157835471 -1.0926599170516242 -1.1787581650954613 -1.9610008616312868 -1.0998211182868152 +28826,-1.1663758832431268,1,-1.0023106486996634 -0.7493912360684627 -0.45439467673375494 -0.36969660628728196 -0.2686604489487041 -0.3869157689937735 -0.1587676975092178 -0.2932803776955192 -0.46832474381763883 -0.590237339516384 -0.7438305150321293 -1.5531818729438034 -0.9465903803641454 -0.9804056966829806 -1.0162407157835471 -1.0926599170516242 -1.1787581650954613 -1.9610008616312868 -1.0998211182868152 -1.128164960723115 +28827,-1.1496781778939618,1,-0.7493912360684627 -0.45439467673375494 -0.36969660628728196 -0.2686604489487041 -0.3869157689937735 -0.1587676975092178 -0.2932803776955192 -0.46832474381763883 -0.590237339516384 -0.7438305150321293 -1.5531818729438034 -0.9465903803641454 -0.9804056966829806 -1.0162407157835471 -1.0926599170516242 -1.1787581650954613 -1.9610008616312868 -1.0998211182868152 -1.128164960723115 -1.1663758832431268 +28828,-1.1261334672230334,1,-0.45439467673375494 -0.36969660628728196 -0.2686604489487041 -0.3869157689937735 -0.1587676975092178 -0.2932803776955192 -0.46832474381763883 -0.590237339516384 -0.7438305150321293 -1.5531818729438034 -0.9465903803641454 -0.9804056966829806 -1.0162407157835471 -1.0926599170516242 -1.1787581650954613 -1.9610008616312868 -1.0998211182868152 -1.128164960723115 -1.1663758832431268 -1.1496781778939618 +28829,-1.2459408522805846,1,-0.36969660628728196 -0.2686604489487041 -0.3869157689937735 -0.1587676975092178 -0.2932803776955192 -0.46832474381763883 -0.590237339516384 -0.7438305150321293 -1.5531818729438034 -0.9465903803641454 -0.9804056966829806 -1.0162407157835471 -1.0926599170516242 -1.1787581650954613 -1.9610008616312868 -1.0998211182868152 -1.128164960723115 -1.1663758832431268 -1.1496781778939618 -1.1261334672230334 +28830,-0.8366976289246592,1,-0.2686604489487041 -0.3869157689937735 -0.1587676975092178 -0.2932803776955192 -0.46832474381763883 -0.590237339516384 -0.7438305150321293 -1.5531818729438034 -0.9465903803641454 -0.9804056966829806 -1.0162407157835471 -1.0926599170516242 -1.1787581650954613 -1.9610008616312868 -1.0998211182868152 -1.128164960723115 -1.1663758832431268 -1.1496781778939618 -1.1261334672230334 -1.2459408522805846 +28831,-0.7069966338158397,1,-0.3869157689937735 -0.1587676975092178 -0.2932803776955192 -0.46832474381763883 -0.590237339516384 -0.7438305150321293 -1.5531818729438034 -0.9465903803641454 -0.9804056966829806 -1.0162407157835471 -1.0926599170516242 -1.1787581650954613 -1.9610008616312868 -1.0998211182868152 -1.128164960723115 -1.1663758832431268 -1.1496781778939618 -1.1261334672230334 -1.2459408522805846 -0.8366976289246592 +28832,-0.5627396429417093,1,-0.1587676975092178 -0.2932803776955192 -0.46832474381763883 -0.590237339516384 -0.7438305150321293 -1.5531818729438034 -0.9465903803641454 -0.9804056966829806 -1.0162407157835471 -1.0926599170516242 -1.1787581650954613 -1.9610008616312868 -1.0998211182868152 -1.128164960723115 -1.1663758832431268 -1.1496781778939618 -1.1261334672230334 -1.2459408522805846 -0.8366976289246592 -0.7069966338158397 +28833,-0.46659836800626725,1,-0.2932803776955192 -0.46832474381763883 -0.590237339516384 -0.7438305150321293 -1.5531818729438034 -0.9465903803641454 -0.9804056966829806 -1.0162407157835471 -1.0926599170516242 -1.1787581650954613 -1.9610008616312868 -1.0998211182868152 -1.128164960723115 -1.1663758832431268 -1.1496781778939618 -1.1261334672230334 -1.2459408522805846 -0.8366976289246592 -0.7069966338158397 -0.5627396429417093 +28834,-0.3522408514519809,1,-0.46832474381763883 -0.590237339516384 -0.7438305150321293 -1.5531818729438034 -0.9465903803641454 -0.9804056966829806 -1.0162407157835471 -1.0926599170516242 -1.1787581650954613 -1.9610008616312868 -1.0998211182868152 -1.128164960723115 -1.1663758832431268 -1.1496781778939618 -1.1261334672230334 -1.2459408522805846 -0.8366976289246592 -0.7069966338158397 -0.5627396429417093 -0.46659836800626725 +28835,-0.3672094835096763,1,-0.590237339516384 -0.7438305150321293 -1.5531818729438034 -0.9465903803641454 -0.9804056966829806 -1.0162407157835471 -1.0926599170516242 -1.1787581650954613 -1.9610008616312868 -1.0998211182868152 -1.128164960723115 -1.1663758832431268 -1.1496781778939618 -1.1261334672230334 -1.2459408522805846 -0.8366976289246592 -0.7069966338158397 -0.5627396429417093 -0.46659836800626725 -0.3522408514519809 +28836,-0.2082968249185641,1,-0.7438305150321293 -1.5531818729438034 -0.9465903803641454 -0.9804056966829806 -1.0162407157835471 -1.0926599170516242 -1.1787581650954613 -1.9610008616312868 -1.0998211182868152 -1.128164960723115 -1.1663758832431268 -1.1496781778939618 -1.1261334672230334 -1.2459408522805846 -0.8366976289246592 -0.7069966338158397 -0.5627396429417093 -0.46659836800626725 -0.3522408514519809 -0.3672094835096763 +28837,-0.2935212435689183,1,-1.5531818729438034 -0.9465903803641454 -0.9804056966829806 -1.0162407157835471 -1.0926599170516242 -1.1787581650954613 -1.9610008616312868 -1.0998211182868152 -1.128164960723115 -1.1663758832431268 -1.1496781778939618 -1.1261334672230334 -1.2459408522805846 -0.8366976289246592 -0.7069966338158397 -0.5627396429417093 -0.46659836800626725 -0.3522408514519809 -0.3672094835096763 -0.2082968249185641 +28838,-0.40331776409286796,1,-0.9465903803641454 -0.9804056966829806 -1.0162407157835471 -1.0926599170516242 -1.1787581650954613 -1.9610008616312868 -1.0998211182868152 -1.128164960723115 -1.1663758832431268 -1.1496781778939618 -1.1261334672230334 -1.2459408522805846 -0.8366976289246592 -0.7069966338158397 -0.5627396429417093 -0.46659836800626725 -0.3522408514519809 -0.3672094835096763 -0.2082968249185641 -0.2935212435689183 +28839,-0.47438276654629713,1,-0.9804056966829806 -1.0162407157835471 -1.0926599170516242 -1.1787581650954613 -1.9610008616312868 -1.0998211182868152 -1.128164960723115 -1.1663758832431268 -1.1496781778939618 -1.1261334672230334 -1.2459408522805846 -0.8366976289246592 -0.7069966338158397 -0.5627396429417093 -0.46659836800626725 -0.3522408514519809 -0.3672094835096763 -0.2082968249185641 -0.2935212435689183 -0.40331776409286796 +28840,-0.5580962872470785,1,-1.0162407157835471 -1.0926599170516242 -1.1787581650954613 -1.9610008616312868 -1.0998211182868152 -1.128164960723115 -1.1663758832431268 -1.1496781778939618 -1.1261334672230334 -1.2459408522805846 -0.8366976289246592 -0.7069966338158397 -0.5627396429417093 -0.46659836800626725 -0.3522408514519809 -0.3672094835096763 -0.2082968249185641 -0.2935212435689183 -0.40331776409286796 -0.47438276654629713 +28841,-0.7252570922536233,1,-1.0926599170516242 -1.1787581650954613 -1.9610008616312868 -1.0998211182868152 -1.128164960723115 -1.1663758832431268 -1.1496781778939618 -1.1261334672230334 -1.2459408522805846 -0.8366976289246592 -0.7069966338158397 -0.5627396429417093 -0.46659836800626725 -0.3522408514519809 -0.3672094835096763 -0.2082968249185641 -0.2935212435689183 -0.40331776409286796 -0.47438276654629713 -0.5580962872470785 +28842,-0.6958491728543237,1,-1.1787581650954613 -1.9610008616312868 -1.0998211182868152 -1.128164960723115 -1.1663758832431268 -1.1496781778939618 -1.1261334672230334 -1.2459408522805846 -0.8366976289246592 -0.7069966338158397 -0.5627396429417093 -0.46659836800626725 -0.3522408514519809 -0.3672094835096763 -0.2082968249185641 -0.2935212435689183 -0.40331776409286796 -0.47438276654629713 -0.5580962872470785 -0.7252570922536233 +28843,-0.8661055483239588,1,-1.9610008616312868 -1.0998211182868152 -1.128164960723115 -1.1663758832431268 -1.1496781778939618 -1.1261334672230334 -1.2459408522805846 -0.8366976289246592 -0.7069966338158397 -0.5627396429417093 -0.46659836800626725 -0.3522408514519809 -0.3672094835096763 -0.2082968249185641 -0.2935212435689183 -0.40331776409286796 -0.47438276654629713 -0.5580962872470785 -0.7252570922536233 -0.6958491728543237 +28844,-1.1529657634973067,1,-1.0998211182868152 -1.128164960723115 -1.1663758832431268 -1.1496781778939618 -1.1261334672230334 -1.2459408522805846 -0.8366976289246592 -0.7069966338158397 -0.5627396429417093 -0.46659836800626725 -0.3522408514519809 -0.3672094835096763 -0.2082968249185641 -0.2935212435689183 -0.40331776409286796 -0.47438276654629713 -0.5580962872470785 -0.7252570922536233 -0.6958491728543237 -0.8661055483239588 +28845,-0.8800356154078338,1,-1.128164960723115 -1.1663758832431268 -1.1496781778939618 -1.1261334672230334 -1.2459408522805846 -0.8366976289246592 -0.7069966338158397 -0.5627396429417093 -0.46659836800626725 -0.3522408514519809 -0.3672094835096763 -0.2082968249185641 -0.2935212435689183 -0.40331776409286796 -0.47438276654629713 -0.5580962872470785 -0.7252570922536233 -0.6958491728543237 -0.8661055483239588 -1.1529657634973067 +28846,-0.9252176454433811,1,-1.1663758832431268 -1.1496781778939618 -1.1261334672230334 -1.2459408522805846 -0.8366976289246592 -0.7069966338158397 -0.5627396429417093 -0.46659836800626725 -0.3522408514519809 -0.3672094835096763 -0.2082968249185641 -0.2935212435689183 -0.40331776409286796 -0.47438276654629713 -0.5580962872470785 -0.7252570922536233 -0.6958491728543237 -0.8661055483239588 -1.1529657634973067 -0.8800356154078338 +28847,-0.9729027293003637,1,-1.1496781778939618 -1.1261334672230334 -1.2459408522805846 -0.8366976289246592 -0.7069966338158397 -0.5627396429417093 -0.46659836800626725 -0.3522408514519809 -0.3672094835096763 -0.2082968249185641 -0.2935212435689183 -0.40331776409286796 -0.47438276654629713 -0.5580962872470785 -0.7252570922536233 -0.6958491728543237 -0.8661055483239588 -1.1529657634973067 -0.8800356154078338 -0.9252176454433811 +28848,-1.0580309170351812,1,-1.1261334672230334 -1.2459408522805846 -0.8366976289246592 -0.7069966338158397 -0.5627396429417093 -0.46659836800626725 -0.3522408514519809 -0.3672094835096763 -0.2082968249185641 -0.2935212435689183 -0.40331776409286796 -0.47438276654629713 -0.5580962872470785 -0.7252570922536233 -0.6958491728543237 -0.8661055483239588 -1.1529657634973067 -0.8800356154078338 -0.9252176454433811 -0.9729027293003637 +28849,-1.0673176284244341,1,-1.2459408522805846 -0.8366976289246592 -0.7069966338158397 -0.5627396429417093 -0.46659836800626725 -0.3522408514519809 -0.3672094835096763 -0.2082968249185641 -0.2935212435689183 -0.40331776409286796 -0.47438276654629713 -0.5580962872470785 -0.7252570922536233 -0.6958491728543237 -0.8661055483239588 -1.1529657634973067 -0.8800356154078338 -0.9252176454433811 -0.9729027293003637 -1.0580309170351812 +28850,-1.2632490971469623,1,-0.8366976289246592 -0.7069966338158397 -0.5627396429417093 -0.46659836800626725 -0.3522408514519809 -0.3672094835096763 -0.2082968249185641 -0.2935212435689183 -0.40331776409286796 -0.47438276654629713 -0.5580962872470785 -0.7252570922536233 -0.6958491728543237 -0.8661055483239588 -1.1529657634973067 -0.8800356154078338 -0.9252176454433811 -0.9729027293003637 -1.0580309170351812 -1.0673176284244341 +28851,-1.1895926617162549,1,-0.7069966338158397 -0.5627396429417093 -0.46659836800626725 -0.3522408514519809 -0.3672094835096763 -0.2082968249185641 -0.2935212435689183 -0.40331776409286796 -0.47438276654629713 -0.5580962872470785 -0.7252570922536233 -0.6958491728543237 -0.8661055483239588 -1.1529657634973067 -0.8800356154078338 -0.9252176454433811 -0.9729027293003637 -1.0580309170351812 -1.0673176284244341 -1.2632490971469623 +28852,-1.02243185670971,1,-0.5627396429417093 -0.46659836800626725 -0.3522408514519809 -0.3672094835096763 -0.2082968249185641 -0.2935212435689183 -0.40331776409286796 -0.47438276654629713 -0.5580962872470785 -0.7252570922536233 -0.6958491728543237 -0.8661055483239588 -1.1529657634973067 -0.8800356154078338 -0.9252176454433811 -0.9729027293003637 -1.0580309170351812 -1.0673176284244341 -1.2632490971469623 -1.1895926617162549 +28853,-0.8258631323038654,1,-0.46659836800626725 -0.3522408514519809 -0.3672094835096763 -0.2082968249185641 -0.2935212435689183 -0.40331776409286796 -0.47438276654629713 -0.5580962872470785 -0.7252570922536233 -0.6958491728543237 -0.8661055483239588 -1.1529657634973067 -0.8800356154078338 -0.9252176454433811 -0.9729027293003637 -1.0580309170351812 -1.0673176284244341 -1.2632490971469623 -1.1895926617162549 -1.02243185670971 +28854,-0.4760636699753511,1,-0.3522408514519809 -0.3672094835096763 -0.2082968249185641 -0.2935212435689183 -0.40331776409286796 -0.47438276654629713 -0.5580962872470785 -0.7252570922536233 -0.6958491728543237 -0.8661055483239588 -1.1529657634973067 -0.8800356154078338 -0.9252176454433811 -0.9729027293003637 -1.0580309170351812 -1.0673176284244341 -1.2632490971469623 -1.1895926617162549 -1.02243185670971 -0.8258631323038654 +28855,-0.4471720333777904,1,-0.3672094835096763 -0.2082968249185641 -0.2935212435689183 -0.40331776409286796 -0.47438276654629713 -0.5580962872470785 -0.7252570922536233 -0.6958491728543237 -0.8661055483239588 -1.1529657634973067 -0.8800356154078338 -0.9252176454433811 -0.9729027293003637 -1.0580309170351812 -1.0673176284244341 -1.2632490971469623 -1.1895926617162549 -1.02243185670971 -0.8258631323038654 -0.4760636699753511 +28856,-0.29806836834800376,1,-0.2082968249185641 -0.2935212435689183 -0.40331776409286796 -0.47438276654629713 -0.5580962872470785 -0.7252570922536233 -0.6958491728543237 -0.8661055483239588 -1.1529657634973067 -0.8800356154078338 -0.9252176454433811 -0.9729027293003637 -1.0580309170351812 -1.0673176284244341 -1.2632490971469623 -1.1895926617162549 -1.02243185670971 -0.8258631323038654 -0.4760636699753511 -0.4471720333777904 +28857,-0.16719927195244727,1,-0.2935212435689183 -0.40331776409286796 -0.47438276654629713 -0.5580962872470785 -0.7252570922536233 -0.6958491728543237 -0.8661055483239588 -1.1529657634973067 -0.8800356154078338 -0.9252176454433811 -0.9729027293003637 -1.0580309170351812 -1.0673176284244341 -1.2632490971469623 -1.1895926617162549 -1.02243185670971 -0.8258631323038654 -0.4760636699753511 -0.4471720333777904 -0.29806836834800376 +28858,-0.02875373805967605,1,-0.40331776409286796 -0.47438276654629713 -0.5580962872470785 -0.7252570922536233 -0.6958491728543237 -0.8661055483239588 -1.1529657634973067 -0.8800356154078338 -0.9252176454433811 -0.9729027293003637 -1.0580309170351812 -1.0673176284244341 -1.2632490971469623 -1.1895926617162549 -1.02243185670971 -0.8258631323038654 -0.4760636699753511 -0.4471720333777904 -0.29806836834800376 -0.16719927195244727 +28859,-0.1080274622074616,1,-0.47438276654629713 -0.5580962872470785 -0.7252570922536233 -0.6958491728543237 -0.8661055483239588 -1.1529657634973067 -0.8800356154078338 -0.9252176454433811 -0.9729027293003637 -1.0580309170351812 -1.0673176284244341 -1.2632490971469623 -1.1895926617162549 -1.02243185670971 -0.8258631323038654 -0.4760636699753511 -0.4471720333777904 -0.29806836834800376 -0.16719927195244727 -0.02875373805967605 +28860,-0.08756957685828413,1,-0.5580962872470785 -0.7252570922536233 -0.6958491728543237 -0.8661055483239588 -1.1529657634973067 -0.8800356154078338 -0.9252176454433811 -0.9729027293003637 -1.0580309170351812 -1.0673176284244341 -1.2632490971469623 -1.1895926617162549 -1.02243185670971 -0.8258631323038654 -0.4760636699753511 -0.4471720333777904 -0.29806836834800376 -0.16719927195244727 -0.02875373805967605 -0.1080274622074616 +28861,-0.18511083421536906,1,-0.7252570922536233 -0.6958491728543237 -0.8661055483239588 -1.1529657634973067 -0.8800356154078338 -0.9252176454433811 -0.9729027293003637 -1.0580309170351812 -1.0673176284244341 -1.2632490971469623 -1.1895926617162549 -1.02243185670971 -0.8258631323038654 -0.4760636699753511 -0.4471720333777904 -0.29806836834800376 -0.16719927195244727 -0.02875373805967605 -0.1080274622074616 -0.08756957685828413 +28862,-0.28878165695875074,1,-0.6958491728543237 -0.8661055483239588 -1.1529657634973067 -0.8800356154078338 -0.9252176454433811 -0.9729027293003637 -1.0580309170351812 -1.0673176284244341 -1.2632490971469623 -1.1895926617162549 -1.02243185670971 -0.8258631323038654 -0.4760636699753511 -0.4471720333777904 -0.29806836834800376 -0.16719927195244727 -0.02875373805967605 -0.1080274622074616 -0.08756957685828413 -0.18511083421536906 +28863,-0.40455452048912294,1,-0.8661055483239588 -1.1529657634973067 -0.8800356154078338 -0.9252176454433811 -0.9729027293003637 -1.0580309170351812 -1.0673176284244341 -1.2632490971469623 -1.1895926617162549 -1.02243185670971 -0.8258631323038654 -0.4760636699753511 -0.4471720333777904 -0.29806836834800376 -0.16719927195244727 -0.02875373805967605 -0.1080274622074616 -0.08756957685828413 -0.18511083421536906 -0.28878165695875074 +28864,-0.5255927973846974,1,-1.1529657634973067 -0.8800356154078338 -0.9252176454433811 -0.9729027293003637 -1.0580309170351812 -1.0673176284244341 -1.2632490971469623 -1.1895926617162549 -1.02243185670971 -0.8258631323038654 -0.4760636699753511 -0.4471720333777904 -0.29806836834800376 -0.16719927195244727 -0.02875373805967605 -0.1080274622074616 -0.08756957685828413 -0.18511083421536906 -0.28878165695875074 -0.40455452048912294 +28865,-0.6850146762335301,1,-0.8800356154078338 -0.9252176454433811 -0.9729027293003637 -1.0580309170351812 -1.0673176284244341 -1.2632490971469623 -1.1895926617162549 -1.02243185670971 -0.8258631323038654 -0.4760636699753511 -0.4471720333777904 -0.29806836834800376 -0.16719927195244727 -0.02875373805967605 -0.1080274622074616 -0.08756957685828413 -0.18511083421536906 -0.28878165695875074 -0.40455452048912294 -0.5255927973846974 +28866,-0.6879297802010875,1,-0.9252176454433811 -0.9729027293003637 -1.0580309170351812 -1.0673176284244341 -1.2632490971469623 -1.1895926617162549 -1.02243185670971 -0.8258631323038654 -0.4760636699753511 -0.4471720333777904 -0.29806836834800376 -0.16719927195244727 -0.02875373805967605 -0.1080274622074616 -0.08756957685828413 -0.18511083421536906 -0.28878165695875074 -0.40455452048912294 -0.5255927973846974 -0.6850146762335301 +28867,-0.7531172264213823,1,-0.9729027293003637 -1.0580309170351812 -1.0673176284244341 -1.2632490971469623 -1.1895926617162549 -1.02243185670971 -0.8258631323038654 -0.4760636699753511 -0.4471720333777904 -0.29806836834800376 -0.16719927195244727 -0.02875373805967605 -0.1080274622074616 -0.08756957685828413 -0.18511083421536906 -0.28878165695875074 -0.40455452048912294 -0.5255927973846974 -0.6850146762335301 -0.6879297802010875 +28868,-1.3996368521221805,1,-1.0580309170351812 -1.0673176284244341 -1.2632490971469623 -1.1895926617162549 -1.02243185670971 -0.8258631323038654 -0.4760636699753511 -0.4471720333777904 -0.29806836834800376 -0.16719927195244727 -0.02875373805967605 -0.1080274622074616 -0.08756957685828413 -0.18511083421536906 -0.28878165695875074 -0.40455452048912294 -0.5255927973846974 -0.6850146762335301 -0.6879297802010875 -0.7531172264213823 +28869,-0.9651638031426514,1,-1.0673176284244341 -1.2632490971469623 -1.1895926617162549 -1.02243185670971 -0.8258631323038654 -0.4760636699753511 -0.4471720333777904 -0.29806836834800376 -0.16719927195244727 -0.02875373805967605 -0.1080274622074616 -0.08756957685828413 -0.18511083421536906 -0.28878165695875074 -0.40455452048912294 -0.5255927973846974 -0.6850146762335301 -0.6879297802010875 -0.7531172264213823 -1.3996368521221805 +28870,-1.1431591047699987,1,-1.2632490971469623 -1.1895926617162549 -1.02243185670971 -0.8258631323038654 -0.4760636699753511 -0.4471720333777904 -0.29806836834800376 -0.16719927195244727 -0.02875373805967605 -0.1080274622074616 -0.08756957685828413 -0.18511083421536906 -0.28878165695875074 -0.40455452048912294 -0.5255927973846974 -0.6850146762335301 -0.6879297802010875 -0.7531172264213823 -1.3996368521221805 -0.9651638031426514 +28871,-1.1461697594014806,1,-1.1895926617162549 -1.02243185670971 -0.8258631323038654 -0.4760636699753511 -0.4471720333777904 -0.29806836834800376 -0.16719927195244727 -0.02875373805967605 -0.1080274622074616 -0.08756957685828413 -0.18511083421536906 -0.28878165695875074 -0.40455452048912294 -0.5255927973846974 -0.6850146762335301 -0.6879297802010875 -0.7531172264213823 -1.3996368521221805 -0.9651638031426514 -1.1431591047699987 +28872,-1.1973315878739672,1,-1.02243185670971 -0.8258631323038654 -0.4760636699753511 -0.4471720333777904 -0.29806836834800376 -0.16719927195244727 -0.02875373805967605 -0.1080274622074616 -0.08756957685828413 -0.18511083421536906 -0.28878165695875074 -0.40455452048912294 -0.5255927973846974 -0.6850146762335301 -0.6879297802010875 -0.7531172264213823 -1.3996368521221805 -0.9651638031426514 -1.1431591047699987 -1.1461697594014806 +28873,-1.3118676950080843,1,-0.8258631323038654 -0.4760636699753511 -0.4471720333777904 -0.29806836834800376 -0.16719927195244727 -0.02875373805967605 -0.1080274622074616 -0.08756957685828413 -0.18511083421536906 -0.28878165695875074 -0.40455452048912294 -0.5255927973846974 -0.6850146762335301 -0.6879297802010875 -0.7531172264213823 -1.3996368521221805 -0.9651638031426514 -1.1431591047699987 -1.1461697594014806 -1.1973315878739672 +28874,-1.276268634682613,1,-0.4760636699753511 -0.4471720333777904 -0.29806836834800376 -0.16719927195244727 -0.02875373805967605 -0.1080274622074616 -0.08756957685828413 -0.18511083421536906 -0.28878165695875074 -0.40455452048912294 -0.5255927973846974 -0.6850146762335301 -0.6879297802010875 -0.7531172264213823 -1.3996368521221805 -0.9651638031426514 -1.1431591047699987 -1.1461697594014806 -1.1973315878739672 -1.3118676950080843 +28875,-1.2329306481994384,1,-0.4471720333777904 -0.29806836834800376 -0.16719927195244727 -0.02875373805967605 -0.1080274622074616 -0.08756957685828413 -0.18511083421536906 -0.28878165695875074 -0.40455452048912294 -0.5255927973846974 -0.6850146762335301 -0.6879297802010875 -0.7531172264213823 -1.3996368521221805 -0.9651638031426514 -1.1431591047699987 -1.1461697594014806 -1.1973315878739672 -1.3118676950080843 -1.276268634682613 +28876,-1.1694714537062083,1,-0.29806836834800376 -0.16719927195244727 -0.02875373805967605 -0.1080274622074616 -0.08756957685828413 -0.18511083421536906 -0.28878165695875074 -0.40455452048912294 -0.5255927973846974 -0.6850146762335301 -0.6879297802010875 -0.7531172264213823 -1.3996368521221805 -0.9651638031426514 -1.1431591047699987 -1.1461697594014806 -1.1973315878739672 -1.3118676950080843 -1.276268634682613 -1.2329306481994384 +28877,-0.9802868922485084,1,-0.16719927195244727 -0.02875373805967605 -0.1080274622074616 -0.08756957685828413 -0.18511083421536906 -0.28878165695875074 -0.40455452048912294 -0.5255927973846974 -0.6850146762335301 -0.6879297802010875 -0.7531172264213823 -1.3996368521221805 -0.9651638031426514 -1.1431591047699987 -1.1461697594014806 -1.1973315878739672 -1.3118676950080843 -1.276268634682613 -1.2329306481994384 -1.1694714537062083 +28878,-0.7809773605891412,1,-0.02875373805967605 -0.1080274622074616 -0.08756957685828413 -0.18511083421536906 -0.28878165695875074 -0.40455452048912294 -0.5255927973846974 -0.6850146762335301 -0.6879297802010875 -0.7531172264213823 -1.3996368521221805 -0.9651638031426514 -1.1431591047699987 -1.1461697594014806 -1.1973315878739672 -1.3118676950080843 -1.276268634682613 -1.2329306481994384 -1.1694714537062083 -0.9802868922485084 +28879,-0.07518729500594096,1,-0.1080274622074616 -0.08756957685828413 -0.18511083421536906 -0.28878165695875074 -0.40455452048912294 -0.5255927973846974 -0.6850146762335301 -0.6879297802010875 -0.7531172264213823 -1.3996368521221805 -0.9651638031426514 -1.1431591047699987 -1.1461697594014806 -1.1973315878739672 -1.3118676950080843 -1.276268634682613 -1.2329306481994384 -1.1694714537062083 -0.9802868922485084 -0.7809773605891412 +28880,0.14924156356766252,1,-0.08756957685828413 -0.18511083421536906 -0.28878165695875074 -0.40455452048912294 -0.5255927973846974 -0.6850146762335301 -0.6879297802010875 -0.7531172264213823 -1.3996368521221805 -0.9651638031426514 -1.1431591047699987 -1.1461697594014806 -1.1973315878739672 -1.3118676950080843 -1.276268634682613 -1.2329306481994384 -1.1694714537062083 -0.9802868922485084 -0.7809773605891412 -0.07518729500594096 +28881,0.15792757053140116,1,-0.18511083421536906 -0.28878165695875074 -0.40455452048912294 -0.5255927973846974 -0.6850146762335301 -0.6879297802010875 -0.7531172264213823 -1.3996368521221805 -0.9651638031426514 -1.1431591047699987 -1.1461697594014806 -1.1973315878739672 -1.3118676950080843 -1.276268634682613 -1.2329306481994384 -1.1694714537062083 -0.9802868922485084 -0.7809773605891412 -0.07518729500594096 0.14924156356766252 +28882,0.18174505343004357,1,-0.28878165695875074 -0.40455452048912294 -0.5255927973846974 -0.6850146762335301 -0.6879297802010875 -0.7531172264213823 -1.3996368521221805 -0.9651638031426514 -1.1431591047699987 -1.1461697594014806 -1.1973315878739672 -1.3118676950080843 -1.276268634682613 -1.2329306481994384 -1.1694714537062083 -0.9802868922485084 -0.7809773605891412 -0.07518729500594096 0.14924156356766252 0.15792757053140116 +28883,0.1338203860397317,1,-0.40455452048912294 -0.5255927973846974 -0.6850146762335301 -0.6879297802010875 -0.7531172264213823 -1.3996368521221805 -0.9651638031426514 -1.1431591047699987 -1.1461697594014806 -1.1973315878739672 -1.3118676950080843 -1.276268634682613 -1.2329306481994384 -1.1694714537062083 -0.9802868922485084 -0.7809773605891412 -0.07518729500594096 0.14924156356766252 0.15792757053140116 0.18174505343004357 +28884,0.19103176481929654,1,-0.5255927973846974 -0.6850146762335301 -0.6879297802010875 -0.7531172264213823 -1.3996368521221805 -0.9651638031426514 -1.1431591047699987 -1.1461697594014806 -1.1973315878739672 -1.3118676950080843 -1.276268634682613 -1.2329306481994384 -1.1694714537062083 -0.9802868922485084 -0.7809773605891412 -0.07518729500594096 0.14924156356766252 0.15792757053140116 0.18174505343004357 0.1338203860397317 +28885,0.04759499920228552,1,-0.6850146762335301 -0.6879297802010875 -0.7531172264213823 -1.3996368521221805 -0.9651638031426514 -1.1431591047699987 -1.1461697594014806 -1.1973315878739672 -1.3118676950080843 -1.276268634682613 -1.2329306481994384 -1.1694714537062083 -0.9802868922485084 -0.7809773605891412 -0.07518729500594096 0.14924156356766252 0.15792757053140116 0.18174505343004357 0.1338203860397317 0.19103176481929654 +28886,-0.1092385700998715,1,-0.6879297802010875 -0.7531172264213823 -1.3996368521221805 -0.9651638031426514 -1.1431591047699987 -1.1461697594014806 -1.1973315878739672 -1.3118676950080843 -1.276268634682613 -1.2329306481994384 -1.1694714537062083 -0.9802868922485084 -0.7809773605891412 -0.07518729500594096 0.14924156356766252 0.15792757053140116 0.18174505343004357 0.1338203860397317 0.19103176481929654 0.04759499920228552 +28887,-0.2919768373073119,1,-0.7531172264213823 -1.3996368521221805 -0.9651638031426514 -1.1431591047699987 -1.1461697594014806 -1.1973315878739672 -1.3118676950080843 -1.276268634682613 -1.2329306481994384 -1.1694714537062083 -0.9802868922485084 -0.7809773605891412 -0.07518729500594096 0.14924156356766252 0.15792757053140116 0.18174505343004357 0.1338203860397317 0.19103176481929654 0.04759499920228552 -0.1092385700998715 +28888,-0.4884459518276855,1,-1.3996368521221805 -0.9651638031426514 -1.1431591047699987 -1.1461697594014806 -1.1973315878739672 -1.3118676950080843 -1.276268634682613 -1.2329306481994384 -1.1694714537062083 -0.9802868922485084 -0.7809773605891412 -0.07518729500594096 0.14924156356766252 0.15792757053140116 0.18174505343004357 0.1338203860397317 0.19103176481929654 0.04759499920228552 -0.1092385700998715 -0.2919768373073119 +28889,-0.6819191057704487,1,-0.9651638031426514 -1.1431591047699987 -1.1461697594014806 -1.1973315878739672 -1.3118676950080843 -1.276268634682613 -1.2329306481994384 -1.1694714537062083 -0.9802868922485084 -0.7809773605891412 -0.07518729500594096 0.14924156356766252 0.15792757053140116 0.18174505343004357 0.1338203860397317 0.19103176481929654 0.04759499920228552 -0.1092385700998715 -0.2919768373073119 -0.4884459518276855 +28890,-0.6877303431210922,1,-1.1431591047699987 -1.1461697594014806 -1.1973315878739672 -1.3118676950080843 -1.276268634682613 -1.2329306481994384 -1.1694714537062083 -0.9802868922485084 -0.7809773605891412 -0.07518729500594096 0.14924156356766252 0.15792757053140116 0.18174505343004357 0.1338203860397317 0.19103176481929654 0.04759499920228552 -0.1092385700998715 -0.2919768373073119 -0.4884459518276855 -0.6819191057704487 +28891,-0.8289587027669468,1,-1.1461697594014806 -1.1973315878739672 -1.3118676950080843 -1.276268634682613 -1.2329306481994384 -1.1694714537062083 -0.9802868922485084 -0.7809773605891412 -0.07518729500594096 0.14924156356766252 0.15792757053140116 0.18174505343004357 0.1338203860397317 0.19103176481929654 0.04759499920228552 -0.1092385700998715 -0.2919768373073119 -0.4884459518276855 -0.6819191057704487 -0.6877303431210922 +28892,-1.3191490814569466,1,-1.1973315878739672 -1.3118676950080843 -1.276268634682613 -1.2329306481994384 -1.1694714537062083 -0.9802868922485084 -0.7809773605891412 -0.07518729500594096 0.14924156356766252 0.15792757053140116 0.18174505343004357 0.1338203860397317 0.19103176481929654 0.04759499920228552 -0.1092385700998715 -0.2919768373073119 -0.4884459518276855 -0.6819191057704487 -0.6877303431210922 -0.8289587027669468 +28893,-0.8877745415655461,1,-1.3118676950080843 -1.276268634682613 -1.2329306481994384 -1.1694714537062083 -0.9802868922485084 -0.7809773605891412 -0.07518729500594096 0.14924156356766252 0.15792757053140116 0.18174505343004357 0.1338203860397317 0.19103176481929654 0.04759499920228552 -0.1092385700998715 -0.2919768373073119 -0.4884459518276855 -0.6819191057704487 -0.6877303431210922 -0.8289587027669468 -1.3191490814569466 +28894,-0.8649880602334049,1,-1.276268634682613 -1.2329306481994384 -1.1694714537062083 -0.9802868922485084 -0.7809773605891412 -0.07518729500594096 0.14924156356766252 0.15792757053140116 0.18174505343004357 0.1338203860397317 0.19103176481929654 0.04759499920228552 -0.1092385700998715 -0.2919768373073119 -0.4884459518276855 -0.6819191057704487 -0.6877303431210922 -0.8289587027669468 -1.3191490814569466 -0.8877745415655461 +28895,-0.8413409846192812,1,-1.2329306481994384 -1.1694714537062083 -0.9802868922485084 -0.7809773605891412 -0.07518729500594096 0.14924156356766252 0.15792757053140116 0.18174505343004357 0.1338203860397317 0.19103176481929654 0.04759499920228552 -0.1092385700998715 -0.2919768373073119 -0.4884459518276855 -0.6819191057704487 -0.6877303431210922 -0.8289587027669468 -1.3191490814569466 -0.8877745415655461 -0.8649880602334049 +28896,-0.8521754812400837,1,-1.1694714537062083 -0.9802868922485084 -0.7809773605891412 -0.07518729500594096 0.14924156356766252 0.15792757053140116 0.18174505343004357 0.1338203860397317 0.19103176481929654 0.04759499920228552 -0.1092385700998715 -0.2919768373073119 -0.4884459518276855 -0.6819191057704487 -0.6877303431210922 -0.8289587027669468 -1.3191490814569466 -0.8877745415655461 -0.8649880602334049 -0.8413409846192812 +28897,-0.8506276960085343,1,-0.9802868922485084 -0.7809773605891412 -0.07518729500594096 0.14924156356766252 0.15792757053140116 0.18174505343004357 0.1338203860397317 0.19103176481929654 0.04759499920228552 -0.1092385700998715 -0.2919768373073119 -0.4884459518276855 -0.6819191057704487 -0.6877303431210922 -0.8289587027669468 -1.3191490814569466 -0.8877745415655461 -0.8649880602334049 -0.8413409846192812 -0.8521754812400837 +28898,-0.8506276960085343,1,-0.7809773605891412 -0.07518729500594096 0.14924156356766252 0.15792757053140116 0.18174505343004357 0.1338203860397317 0.19103176481929654 0.04759499920228552 -0.1092385700998715 -0.2919768373073119 -0.4884459518276855 -0.6819191057704487 -0.6877303431210922 -0.8289587027669468 -1.3191490814569466 -0.8877745415655461 -0.8649880602334049 -0.8413409846192812 -0.8521754812400837 -0.8506276960085343 +28899,-0.791811857209935,1,-0.07518729500594096 0.14924156356766252 0.15792757053140116 0.18174505343004357 0.1338203860397317 0.19103176481929654 0.04759499920228552 -0.1092385700998715 -0.2919768373073119 -0.4884459518276855 -0.6819191057704487 -0.6877303431210922 -0.8289587027669468 -1.3191490814569466 -0.8877745415655461 -0.8649880602334049 -0.8413409846192812 -0.8521754812400837 -0.8506276960085343 -0.8506276960085343 +28900,-0.7938902606752571,1,0.14924156356766252 0.15792757053140116 0.18174505343004357 0.1338203860397317 0.19103176481929654 0.04759499920228552 -0.1092385700998715 -0.2919768373073119 -0.4884459518276855 -0.6819191057704487 -0.6877303431210922 -0.8289587027669468 -1.3191490814569466 -0.8877745415655461 -0.8649880602334049 -0.8413409846192812 -0.8521754812400837 -0.8506276960085343 -0.8506276960085343 -0.791811857209935 +28901,-0.7995507833676472,1,0.15792757053140116 0.18174505343004357 0.1338203860397317 0.19103176481929654 0.04759499920228552 -0.1092385700998715 -0.2919768373073119 -0.4884459518276855 -0.6819191057704487 -0.6877303431210922 -0.8289587027669468 -1.3191490814569466 -0.8877745415655461 -0.8649880602334049 -0.8413409846192812 -0.8521754812400837 -0.8506276960085343 -0.8506276960085343 -0.791811857209935 -0.7938902606752571 +28902,-0.5116627303008136,1,0.18174505343004357 0.1338203860397317 0.19103176481929654 0.04759499920228552 -0.1092385700998715 -0.2919768373073119 -0.4884459518276855 -0.6819191057704487 -0.6877303431210922 -0.8289587027669468 -1.3191490814569466 -0.8877745415655461 -0.8649880602334049 -0.8413409846192812 -0.8521754812400837 -0.8506276960085343 -0.8506276960085343 -0.791811857209935 -0.7938902606752571 -0.7995507833676472 +28903,-0.4971110477486118,1,0.1338203860397317 0.19103176481929654 0.04759499920228552 -0.1092385700998715 -0.2919768373073119 -0.4884459518276855 -0.6819191057704487 -0.6877303431210922 -0.8289587027669468 -1.3191490814569466 -0.8877745415655461 -0.8649880602334049 -0.8413409846192812 -0.8521754812400837 -0.8506276960085343 -0.8506276960085343 -0.791811857209935 -0.7938902606752571 -0.7995507833676472 -0.5116627303008136 +28904,-0.40331776409286796,1,0.19103176481929654 0.04759499920228552 -0.1092385700998715 -0.2919768373073119 -0.4884459518276855 -0.6819191057704487 -0.6877303431210922 -0.8289587027669468 -1.3191490814569466 -0.8877745415655461 -0.8649880602334049 -0.8413409846192812 -0.8521754812400837 -0.8506276960085343 -0.8506276960085343 -0.791811857209935 -0.7938902606752571 -0.7995507833676472 -0.5116627303008136 -0.4971110477486118 +28905,-0.31901610961388754,1,0.04759499920228552 -0.1092385700998715 -0.2919768373073119 -0.4884459518276855 -0.6819191057704487 -0.6877303431210922 -0.8289587027669468 -1.3191490814569466 -0.8877745415655461 -0.8649880602334049 -0.8413409846192812 -0.8521754812400837 -0.8506276960085343 -0.8506276960085343 -0.791811857209935 -0.7938902606752571 -0.7995507833676472 -0.5116627303008136 -0.4971110477486118 -0.40331776409286796 +28906,-0.2160357510762764,1,-0.1092385700998715 -0.2919768373073119 -0.4884459518276855 -0.6819191057704487 -0.6877303431210922 -0.8289587027669468 -1.3191490814569466 -0.8877745415655461 -0.8649880602334049 -0.8413409846192812 -0.8521754812400837 -0.8506276960085343 -0.8506276960085343 -0.791811857209935 -0.7938902606752571 -0.7995507833676472 -0.5116627303008136 -0.4971110477486118 -0.40331776409286796 -0.31901610961388754 +28907,-0.2582404205788948,1,-0.2919768373073119 -0.4884459518276855 -0.6819191057704487 -0.6877303431210922 -0.8289587027669468 -1.3191490814569466 -0.8877745415655461 -0.8649880602334049 -0.8413409846192812 -0.8521754812400837 -0.8506276960085343 -0.8506276960085343 -0.791811857209935 -0.7938902606752571 -0.7995507833676472 -0.5116627303008136 -0.4971110477486118 -0.40331776409286796 -0.31901610961388754 -0.2160357510762764 +28908,-0.20365346922394204,1,-0.4884459518276855 -0.6819191057704487 -0.6877303431210922 -0.8289587027669468 -1.3191490814569466 -0.8877745415655461 -0.8649880602334049 -0.8413409846192812 -0.8521754812400837 -0.8506276960085343 -0.8506276960085343 -0.791811857209935 -0.7938902606752571 -0.7995507833676472 -0.5116627303008136 -0.4971110477486118 -0.40331776409286796 -0.31901610961388754 -0.2160357510762764 -0.2582404205788948 +28909,-0.2693441566076157,1,-0.6819191057704487 -0.6877303431210922 -0.8289587027669468 -1.3191490814569466 -0.8877745415655461 -0.8649880602334049 -0.8413409846192812 -0.8521754812400837 -0.8506276960085343 -0.8506276960085343 -0.791811857209935 -0.7938902606752571 -0.7995507833676472 -0.5116627303008136 -0.4971110477486118 -0.40331776409286796 -0.31901610961388754 -0.2160357510762764 -0.2582404205788948 -0.20365346922394204 +28910,-0.36152756284123394,1,-0.6877303431210922 -0.8289587027669468 -1.3191490814569466 -0.8877745415655461 -0.8649880602334049 -0.8413409846192812 -0.8521754812400837 -0.8506276960085343 -0.8506276960085343 -0.791811857209935 -0.7938902606752571 -0.7995507833676472 -0.5116627303008136 -0.4971110477486118 -0.40331776409286796 -0.31901610961388754 -0.2160357510762764 -0.2582404205788948 -0.20365346922394204 -0.2693441566076157 +28911,-0.4117104923771368,1,-0.8289587027669468 -1.3191490814569466 -0.8877745415655461 -0.8649880602334049 -0.8413409846192812 -0.8521754812400837 -0.8506276960085343 -0.8506276960085343 -0.791811857209935 -0.7938902606752571 -0.7995507833676472 -0.5116627303008136 -0.4971110477486118 -0.40331776409286796 -0.31901610961388754 -0.2160357510762764 -0.2582404205788948 -0.20365346922394204 -0.2693441566076157 -0.36152756284123394 +28912,-0.4838025961330546,1,-1.3191490814569466 -0.8877745415655461 -0.8649880602334049 -0.8413409846192812 -0.8521754812400837 -0.8506276960085343 -0.8506276960085343 -0.791811857209935 -0.7938902606752571 -0.7995507833676472 -0.5116627303008136 -0.4971110477486118 -0.40331776409286796 -0.31901610961388754 -0.2160357510762764 -0.2582404205788948 -0.20365346922394204 -0.2693441566076157 -0.36152756284123394 -0.4117104923771368 +28913,-1.1233427457531369,1,-0.8877745415655461 -0.8649880602334049 -0.8413409846192812 -0.8521754812400837 -0.8506276960085343 -0.8506276960085343 -0.791811857209935 -0.7938902606752571 -0.7995507833676472 -0.5116627303008136 -0.4971110477486118 -0.40331776409286796 -0.31901610961388754 -0.2160357510762764 -0.2582404205788948 -0.20365346922394204 -0.2693441566076157 -0.36152756284123394 -0.4117104923771368 -0.4838025961330546 +28914,-0.5488095758578255,1,-0.8649880602334049 -0.8413409846192812 -0.8521754812400837 -0.8506276960085343 -0.8506276960085343 -0.791811857209935 -0.7938902606752571 -0.7995507833676472 -0.5116627303008136 -0.4971110477486118 -0.40331776409286796 -0.31901610961388754 -0.2160357510762764 -0.2582404205788948 -0.20365346922394204 -0.2693441566076157 -0.36152756284123394 -0.4117104923771368 -0.4838025961330546 -1.1233427457531369 +28915,-0.5618947710621143,1,-0.8413409846192812 -0.8521754812400837 -0.8506276960085343 -0.8506276960085343 -0.791811857209935 -0.7938902606752571 -0.7995507833676472 -0.5116627303008136 -0.4971110477486118 -0.40331776409286796 -0.31901610961388754 -0.2160357510762764 -0.2582404205788948 -0.20365346922394204 -0.2693441566076157 -0.36152756284123394 -0.4117104923771368 -0.4838025961330546 -1.1233427457531369 -0.5488095758578255 +28916,-0.5782174952571252,1,-0.8521754812400837 -0.8506276960085343 -0.8506276960085343 -0.791811857209935 -0.7938902606752571 -0.7995507833676472 -0.5116627303008136 -0.4971110477486118 -0.40331776409286796 -0.31901610961388754 -0.2160357510762764 -0.2582404205788948 -0.20365346922394204 -0.2693441566076157 -0.36152756284123394 -0.4117104923771368 -0.4838025961330546 -1.1233427457531369 -0.5488095758578255 -0.5618947710621143 +28917,-0.6313216403453494,1,-0.8506276960085343 -0.8506276960085343 -0.791811857209935 -0.7938902606752571 -0.7995507833676472 -0.5116627303008136 -0.4971110477486118 -0.40331776409286796 -0.31901610961388754 -0.2160357510762764 -0.2582404205788948 -0.20365346922394204 -0.2693441566076157 -0.36152756284123394 -0.4117104923771368 -0.4838025961330546 -1.1233427457531369 -0.5488095758578255 -0.5618947710621143 -0.5782174952571252 +28918,-0.6958491728543237,1,-0.8506276960085343 -0.791811857209935 -0.7938902606752571 -0.7995507833676472 -0.5116627303008136 -0.4971110477486118 -0.40331776409286796 -0.31901610961388754 -0.2160357510762764 -0.2582404205788948 -0.20365346922394204 -0.2693441566076157 -0.36152756284123394 -0.4117104923771368 -0.4838025961330546 -1.1233427457531369 -0.5488095758578255 -0.5618947710621143 -0.5782174952571252 -0.6313216403453494 +28919,-1.1725453650818851,1,-0.791811857209935 -0.7938902606752571 -0.7995507833676472 -0.5116627303008136 -0.4971110477486118 -0.40331776409286796 -0.31901610961388754 -0.2160357510762764 -0.2582404205788948 -0.20365346922394204 -0.2693441566076157 -0.36152756284123394 -0.4117104923771368 -0.4838025961330546 -1.1233427457531369 -0.5488095758578255 -0.5618947710621143 -0.5782174952571252 -0.6313216403453494 -0.6958491728543237 +28920,-0.7980029981361065,1,-0.7938902606752571 -0.7995507833676472 -0.5116627303008136 -0.4971110477486118 -0.40331776409286796 -0.31901610961388754 -0.2160357510762764 -0.2582404205788948 -0.20365346922394204 -0.2693441566076157 -0.36152756284123394 -0.4117104923771368 -0.4838025961330546 -1.1233427457531369 -0.5488095758578255 -0.5618947710621143 -0.5782174952571252 -0.6313216403453494 -0.6958491728543237 -1.1725453650818851 +28921,-0.8422962137406651,1,-0.7995507833676472 -0.5116627303008136 -0.4971110477486118 -0.40331776409286796 -0.31901610961388754 -0.2160357510762764 -0.2582404205788948 -0.20365346922394204 -0.2693441566076157 -0.36152756284123394 -0.4117104923771368 -0.4838025961330546 -1.1233427457531369 -0.5488095758578255 -0.5618947710621143 -0.5782174952571252 -0.6313216403453494 -0.6958491728543237 -1.1725453650818851 -0.7980029981361065 +28922,-0.90170460864943,1,-0.5116627303008136 -0.4971110477486118 -0.40331776409286796 -0.31901610961388754 -0.2160357510762764 -0.2582404205788948 -0.20365346922394204 -0.2693441566076157 -0.36152756284123394 -0.4117104923771368 -0.4838025961330546 -1.1233427457531369 -0.5488095758578255 -0.5618947710621143 -0.5782174952571252 -0.6313216403453494 -0.6958491728543237 -1.1725453650818851 -0.7980029981361065 -0.8422962137406651 +28923,-0.9145581417304209,1,-0.4971110477486118 -0.40331776409286796 -0.31901610961388754 -0.2160357510762764 -0.2582404205788948 -0.20365346922394204 -0.2693441566076157 -0.36152756284123394 -0.4117104923771368 -0.4838025961330546 -1.1233427457531369 -0.5488095758578255 -0.5618947710621143 -0.5782174952571252 -0.6313216403453494 -0.6958491728543237 -1.1725453650818851 -0.7980029981361065 -0.8422962137406651 -0.90170460864943 +28924,-0.9326603132802703,1,-0.40331776409286796 -0.31901610961388754 -0.2160357510762764 -0.2582404205788948 -0.20365346922394204 -0.2693441566076157 -0.36152756284123394 -0.4117104923771368 -0.4838025961330546 -1.1233427457531369 -0.5488095758578255 -0.5618947710621143 -0.5782174952571252 -0.6313216403453494 -0.6958491728543237 -1.1725453650818851 -0.7980029981361065 -0.8422962137406651 -0.90170460864943 -0.9145581417304209 +28925,-0.8689730360718736,1,-0.31901610961388754 -0.2160357510762764 -0.2582404205788948 -0.20365346922394204 -0.2693441566076157 -0.36152756284123394 -0.4117104923771368 -0.4838025961330546 -1.1233427457531369 -0.5488095758578255 -0.5618947710621143 -0.5782174952571252 -0.6313216403453494 -0.6958491728543237 -1.1725453650818851 -0.7980029981361065 -0.8422962137406651 -0.90170460864943 -0.9145581417304209 -0.9326603132802703 +28926,-0.5255927973846974,1,-0.2160357510762764 -0.2582404205788948 -0.20365346922394204 -0.2693441566076157 -0.36152756284123394 -0.4117104923771368 -0.4838025961330546 -1.1233427457531369 -0.5488095758578255 -0.5618947710621143 -0.5782174952571252 -0.6313216403453494 -0.6958491728543237 -1.1725453650818851 -0.7980029981361065 -0.8422962137406651 -0.90170460864943 -0.9145581417304209 -0.9326603132802703 -0.8689730360718736 +28927,-0.3893356483967805,1,-0.2582404205788948 -0.20365346922394204 -0.2693441566076157 -0.36152756284123394 -0.4117104923771368 -0.4838025961330546 -1.1233427457531369 -0.5488095758578255 -0.5618947710621143 -0.5782174952571252 -0.6313216403453494 -0.6958491728543237 -1.1725453650818851 -0.7980029981361065 -0.8422962137406651 -0.90170460864943 -0.9145581417304209 -0.9326603132802703 -0.8689730360718736 -0.5255927973846974 +28928,-0.20055789876085184,1,-0.20365346922394204 -0.2693441566076157 -0.36152756284123394 -0.4117104923771368 -0.4838025961330546 -1.1233427457531369 -0.5488095758578255 -0.5618947710621143 -0.5782174952571252 -0.6313216403453494 -0.6958491728543237 -1.1725453650818851 -0.7980029981361065 -0.8422962137406651 -0.90170460864943 -0.9145581417304209 -0.9326603132802703 -0.8689730360718736 -0.5255927973846974 -0.3893356483967805 +28929,-0.18497278647667473,1,-0.2693441566076157 -0.36152756284123394 -0.4117104923771368 -0.4838025961330546 -1.1233427457531369 -0.5488095758578255 -0.5618947710621143 -0.5782174952571252 -0.6313216403453494 -0.6958491728543237 -1.1725453650818851 -0.7980029981361065 -0.8422962137406651 -0.90170460864943 -0.9145581417304209 -0.9326603132802703 -0.8689730360718736 -0.5255927973846974 -0.3893356483967805 -0.20055789876085184 +28930,-0.1634110532038399,1,-0.36152756284123394 -0.4117104923771368 -0.4838025961330546 -1.1233427457531369 -0.5488095758578255 -0.5618947710621143 -0.5782174952571252 -0.6313216403453494 -0.6958491728543237 -1.1725453650818851 -0.7980029981361065 -0.8422962137406651 -0.90170460864943 -0.9145581417304209 -0.9326603132802703 -0.8689730360718736 -0.5255927973846974 -0.3893356483967805 -0.20055789876085184 -0.18497278647667473 +28931,-0.4238199690339283,1,-0.4117104923771368 -0.4838025961330546 -1.1233427457531369 -0.5488095758578255 -0.5618947710621143 -0.5782174952571252 -0.6313216403453494 -0.6958491728543237 -1.1725453650818851 -0.7980029981361065 -0.8422962137406651 -0.90170460864943 -0.9145581417304209 -0.9326603132802703 -0.8689730360718736 -0.5255927973846974 -0.3893356483967805 -0.20055789876085184 -0.18497278647667473 -0.1634110532038399 +28932,-0.3785532003881992,1,-0.4838025961330546 -1.1233427457531369 -0.5488095758578255 -0.5618947710621143 -0.5782174952571252 -0.6313216403453494 -0.6958491728543237 -1.1725453650818851 -0.7980029981361065 -0.8422962137406651 -0.90170460864943 -0.9145581417304209 -0.9326603132802703 -0.8689730360718736 -0.5255927973846974 -0.3893356483967805 -0.20055789876085184 -0.18497278647667473 -0.1634110532038399 -0.4238199690339283 +28933,-0.4125006382856278,1,-1.1233427457531369 -0.5488095758578255 -0.5618947710621143 -0.5782174952571252 -0.6313216403453494 -0.6958491728543237 -1.1725453650818851 -0.7980029981361065 -0.8422962137406651 -0.90170460864943 -0.9145581417304209 -0.9326603132802703 -0.8689730360718736 -0.5255927973846974 -0.3893356483967805 -0.20055789876085184 -0.18497278647667473 -0.1634110532038399 -0.4238199690339283 -0.3785532003881992 +28934,-0.46987252904917953,1,-0.5488095758578255 -0.5618947710621143 -0.5782174952571252 -0.6313216403453494 -0.6958491728543237 -1.1725453650818851 -0.7980029981361065 -0.8422962137406651 -0.90170460864943 -0.9145581417304209 -0.9326603132802703 -0.8689730360718736 -0.5255927973846974 -0.3893356483967805 -0.20055789876085184 -0.18497278647667473 -0.1634110532038399 -0.4238199690339283 -0.3785532003881992 -0.4125006382856278 +28935,-0.48076226349365125,1,-0.5618947710621143 -0.5782174952571252 -0.6313216403453494 -0.6958491728543237 -1.1725453650818851 -0.7980029981361065 -0.8422962137406651 -0.90170460864943 -0.9145581417304209 -0.9326603132802703 -0.8689730360718736 -0.5255927973846974 -0.3893356483967805 -0.20055789876085184 -0.18497278647667473 -0.1634110532038399 -0.4238199690339283 -0.3785532003881992 -0.4125006382856278 -0.46987252904917953 +28936,-0.49308930752230756,1,-0.5782174952571252 -0.6313216403453494 -0.6958491728543237 -1.1725453650818851 -0.7980029981361065 -0.8422962137406651 -0.90170460864943 -0.9145581417304209 -0.9326603132802703 -0.8689730360718736 -0.5255927973846974 -0.3893356483967805 -0.20055789876085184 -0.18497278647667473 -0.1634110532038399 -0.4238199690339283 -0.3785532003881992 -0.4125006382856278 -0.46987252904917953 -0.48076226349365125 +28937,-0.5147583007639037,1,-0.6313216403453494 -0.6958491728543237 -1.1725453650818851 -0.7980029981361065 -0.8422962137406651 -0.90170460864943 -0.9145581417304209 -0.9326603132802703 -0.8689730360718736 -0.5255927973846974 -0.3893356483967805 -0.20055789876085184 -0.18497278647667473 -0.1634110532038399 -0.4238199690339283 -0.3785532003881992 -0.4125006382856278 -0.46987252904917953 -0.48076226349365125 -0.49308930752230756 +28938,-0.5147970269695105,1,-0.6958491728543237 -1.1725453650818851 -0.7980029981361065 -0.8422962137406651 -0.90170460864943 -0.9145581417304209 -0.9326603132802703 -0.8689730360718736 -0.5255927973846974 -0.3893356483967805 -0.20055789876085184 -0.18497278647667473 -0.1634110532038399 -0.4238199690339283 -0.3785532003881992 -0.4125006382856278 -0.46987252904917953 -0.48076226349365125 -0.49308930752230756 -0.5147583007639037 +28939,-0.5503573610893662,1,-1.1725453650818851 -0.7980029981361065 -0.8422962137406651 -0.90170460864943 -0.9145581417304209 -0.9326603132802703 -0.8689730360718736 -0.5255927973846974 -0.3893356483967805 -0.20055789876085184 -0.18497278647667473 -0.1634110532038399 -0.4238199690339283 -0.3785532003881992 -0.4125006382856278 -0.46987252904917953 -0.48076226349365125 -0.49308930752230756 -0.5147583007639037 -0.5147970269695105 +28940,-0.6850146762335301,1,-0.7980029981361065 -0.8422962137406651 -0.90170460864943 -0.9145581417304209 -0.9326603132802703 -0.8689730360718736 -0.5255927973846974 -0.3893356483967805 -0.20055789876085184 -0.18497278647667473 -0.1634110532038399 -0.4238199690339283 -0.3785532003881992 -0.4125006382856278 -0.46987252904917953 -0.48076226349365125 -0.49308930752230756 -0.5147583007639037 -0.5147970269695105 -0.5503573610893662 +28941,-0.6447722602134367,1,-0.8422962137406651 -0.90170460864943 -0.9145581417304209 -0.9326603132802703 -0.8689730360718736 -0.5255927973846974 -0.3893356483967805 -0.20055789876085184 -0.18497278647667473 -0.1634110532038399 -0.4238199690339283 -0.3785532003881992 -0.4125006382856278 -0.46987252904917953 -0.48076226349365125 -0.49308930752230756 -0.5147583007639037 -0.5147970269695105 -0.5503573610893662 -0.6850146762335301 +28942,-0.6272474501661347,1,-0.90170460864943 -0.9145581417304209 -0.9326603132802703 -0.8689730360718736 -0.5255927973846974 -0.3893356483967805 -0.20055789876085184 -0.18497278647667473 -0.1634110532038399 -0.4238199690339283 -0.3785532003881992 -0.4125006382856278 -0.46987252904917953 -0.48076226349365125 -0.49308930752230756 -0.5147583007639037 -0.5147970269695105 -0.5503573610893662 -0.6850146762335301 -0.6447722602134367 +28943,-0.5859564214148374,1,-0.9145581417304209 -0.9326603132802703 -0.8689730360718736 -0.5255927973846974 -0.3893356483967805 -0.20055789876085184 -0.18497278647667473 -0.1634110532038399 -0.4238199690339283 -0.3785532003881992 -0.4125006382856278 -0.46987252904917953 -0.48076226349365125 -0.49308930752230756 -0.5147583007639037 -0.5147970269695105 -0.5503573610893662 -0.6850146762335301 -0.6447722602134367 -0.6272474501661347 +28944,-0.6402390843844088,1,-0.9326603132802703 -0.8689730360718736 -0.5255927973846974 -0.3893356483967805 -0.20055789876085184 -0.18497278647667473 -0.1634110532038399 -0.4238199690339283 -0.3785532003881992 -0.4125006382856278 -0.46987252904917953 -0.48076226349365125 -0.49308930752230756 -0.5147583007639037 -0.5147970269695105 -0.5503573610893662 -0.6850146762335301 -0.6447722602134367 -0.6272474501661347 -0.5859564214148374 +28945,-0.7004925285489546,1,-0.8689730360718736 -0.5255927973846974 -0.3893356483967805 -0.20055789876085184 -0.18497278647667473 -0.1634110532038399 -0.4238199690339283 -0.3785532003881992 -0.4125006382856278 -0.46987252904917953 -0.48076226349365125 -0.49308930752230756 -0.5147583007639037 -0.5147970269695105 -0.5503573610893662 -0.6850146762335301 -0.6447722602134367 -0.6272474501661347 -0.5859564214148374 -0.6402390843844088 +28946,-0.9918940652354369,1,-0.5255927973846974 -0.3893356483967805 -0.20055789876085184 -0.18497278647667473 -0.1634110532038399 -0.4238199690339283 -0.3785532003881992 -0.4125006382856278 -0.46987252904917953 -0.48076226349365125 -0.49308930752230756 -0.5147583007639037 -0.5147970269695105 -0.5503573610893662 -0.6850146762335301 -0.6447722602134367 -0.6272474501661347 -0.5859564214148374 -0.6402390843844088 -0.7004925285489546 +28947,-0.5457140053947441,1,-0.3893356483967805 -0.20055789876085184 -0.18497278647667473 -0.1634110532038399 -0.4238199690339283 -0.3785532003881992 -0.4125006382856278 -0.46987252904917953 -0.48076226349365125 -0.49308930752230756 -0.5147583007639037 -0.5147970269695105 -0.5503573610893662 -0.6850146762335301 -0.6447722602134367 -0.6272474501661347 -0.5859564214148374 -0.6402390843844088 -0.7004925285489546 -0.9918940652354369 +28948,-0.49852543122838333,1,-0.20055789876085184 -0.18497278647667473 -0.1634110532038399 -0.4238199690339283 -0.3785532003881992 -0.4125006382856278 -0.46987252904917953 -0.48076226349365125 -0.49308930752230756 -0.5147583007639037 -0.5147970269695105 -0.5503573610893662 -0.6850146762335301 -0.6447722602134367 -0.6272474501661347 -0.5859564214148374 -0.6402390843844088 -0.7004925285489546 -0.9918940652354369 -0.5457140053947441 +28949,-0.4435601801129613,1,-0.18497278647667473 -0.1634110532038399 -0.4238199690339283 -0.3785532003881992 -0.4125006382856278 -0.46987252904917953 -0.48076226349365125 -0.49308930752230756 -0.5147583007639037 -0.5147970269695105 -0.5503573610893662 -0.6850146762335301 -0.6447722602134367 -0.6272474501661347 -0.5859564214148374 -0.6402390843844088 -0.7004925285489546 -0.9918940652354369 -0.5457140053947441 -0.49852543122838333 +28950,-0.13400313380454026,1,-0.1634110532038399 -0.4238199690339283 -0.3785532003881992 -0.4125006382856278 -0.46987252904917953 -0.48076226349365125 -0.49308930752230756 -0.5147583007639037 -0.5147970269695105 -0.5503573610893662 -0.6850146762335301 -0.6447722602134367 -0.6272474501661347 -0.5859564214148374 -0.6402390843844088 -0.7004925285489546 -0.9918940652354369 -0.5457140053947441 -0.49852543122838333 -0.4435601801129613 +28951,-0.12250355356019789,1,-0.4238199690339283 -0.3785532003881992 -0.4125006382856278 -0.46987252904917953 -0.48076226349365125 -0.49308930752230756 -0.5147583007639037 -0.5147970269695105 -0.5503573610893662 -0.6850146762335301 -0.6447722602134367 -0.6272474501661347 -0.5859564214148374 -0.6402390843844088 -0.7004925285489546 -0.9918940652354369 -0.5457140053947441 -0.49852543122838333 -0.4435601801129613 -0.13400313380454026 +28952,-0.06280501315360658,1,-0.3785532003881992 -0.4125006382856278 -0.46987252904917953 -0.48076226349365125 -0.49308930752230756 -0.5147583007639037 -0.5147970269695105 -0.5503573610893662 -0.6850146762335301 -0.6447722602134367 -0.6272474501661347 -0.5859564214148374 -0.6402390843844088 -0.7004925285489546 -0.9918940652354369 -0.5457140053947441 -0.49852543122838333 -0.4435601801129613 -0.13400313380454026 -0.12250355356019789 +28953,0.019227604118129564,1,-0.4125006382856278 -0.46987252904917953 -0.48076226349365125 -0.49308930752230756 -0.5147583007639037 -0.5147970269695105 -0.5503573610893662 -0.6850146762335301 -0.6447722602134367 -0.6272474501661347 -0.5859564214148374 -0.6402390843844088 -0.7004925285489546 -0.9918940652354369 -0.5457140053947441 -0.49852543122838333 -0.4435601801129613 -0.13400313380454026 -0.12250355356019789 -0.06280501315360658 +28954,0.05343094230079131,1,-0.46987252904917953 -0.48076226349365125 -0.49308930752230756 -0.5147583007639037 -0.5147970269695105 -0.5503573610893662 -0.6850146762335301 -0.6447722602134367 -0.6272474501661347 -0.5859564214148374 -0.6402390843844088 -0.7004925285489546 -0.9918940652354369 -0.5457140053947441 -0.49852543122838333 -0.4435601801129613 -0.13400313380454026 -0.12250355356019789 -0.06280501315360658 0.019227604118129564 +28955,0.09197351000060393,1,-0.48076226349365125 -0.49308930752230756 -0.5147583007639037 -0.5147970269695105 -0.5503573610893662 -0.6850146762335301 -0.6447722602134367 -0.6272474501661347 -0.5859564214148374 -0.6402390843844088 -0.7004925285489546 -0.9918940652354369 -0.5457140053947441 -0.49852543122838333 -0.4435601801129613 -0.13400313380454026 -0.12250355356019789 -0.06280501315360658 0.019227604118129564 0.05343094230079131 +28956,0.03429589466174843,1,-0.49308930752230756 -0.5147583007639037 -0.5147970269695105 -0.5503573610893662 -0.6850146762335301 -0.6447722602134367 -0.6272474501661347 -0.5859564214148374 -0.6402390843844088 -0.7004925285489546 -0.9918940652354369 -0.5457140053947441 -0.49852543122838333 -0.4435601801129613 -0.13400313380454026 -0.12250355356019789 -0.06280501315360658 0.019227604118129564 0.05343094230079131 0.09197351000060393 +28957,-0.02875373805967605,1,-0.5147583007639037 -0.5147970269695105 -0.5503573610893662 -0.6850146762335301 -0.6447722602134367 -0.6272474501661347 -0.5859564214148374 -0.6402390843844088 -0.7004925285489546 -0.9918940652354369 -0.5457140053947441 -0.49852543122838333 -0.4435601801129613 -0.13400313380454026 -0.12250355356019789 -0.06280501315360658 0.019227604118129564 0.05343094230079131 0.09197351000060393 0.03429589466174843 +28958,-0.6776863869392341,1,-0.5147970269695105 -0.5503573610893662 -0.6850146762335301 -0.6447722602134367 -0.6272474501661347 -0.5859564214148374 -0.6402390843844088 -0.7004925285489546 -0.9918940652354369 -0.5457140053947441 -0.49852543122838333 -0.4435601801129613 -0.13400313380454026 -0.12250355356019789 -0.06280501315360658 0.019227604118129564 0.05343094230079131 0.09197351000060393 0.03429589466174843 -0.02875373805967605 +28959,-0.3491452809888996,1,-0.5503573610893662 -0.6850146762335301 -0.6447722602134367 -0.6272474501661347 -0.5859564214148374 -0.6402390843844088 -0.7004925285489546 -0.9918940652354369 -0.5457140053947441 -0.49852543122838333 -0.4435601801129613 -0.13400313380454026 -0.12250355356019789 -0.06280501315360658 0.019227604118129564 0.05343094230079131 0.09197351000060393 0.03429589466174843 -0.02875373805967605 -0.6776863869392341 +28960,-0.45702746931843863,1,-0.6850146762335301 -0.6447722602134367 -0.6272474501661347 -0.5859564214148374 -0.6402390843844088 -0.7004925285489546 -0.9918940652354369 -0.5457140053947441 -0.49852543122838333 -0.4435601801129613 -0.13400313380454026 -0.12250355356019789 -0.06280501315360658 0.019227604118129564 0.05343094230079131 0.09197351000060393 0.03429589466174843 -0.02875373805967605 -0.6776863869392341 -0.3491452809888996 +28961,-0.5704785690994129,1,-0.6447722602134367 -0.6272474501661347 -0.5859564214148374 -0.6402390843844088 -0.7004925285489546 -0.9918940652354369 -0.5457140053947441 -0.49852543122838333 -0.4435601801129613 -0.13400313380454026 -0.12250355356019789 -0.06280501315360658 0.019227604118129564 0.05343094230079131 0.09197351000060393 0.03429589466174843 -0.02875373805967605 -0.6776863869392341 -0.3491452809888996 -0.45702746931843863 +28962,-0.8722966892501304,1,-0.6272474501661347 -0.5859564214148374 -0.6402390843844088 -0.7004925285489546 -0.9918940652354369 -0.5457140053947441 -0.49852543122838333 -0.4435601801129613 -0.13400313380454026 -0.12250355356019789 -0.06280501315360658 0.019227604118129564 0.05343094230079131 0.09197351000060393 0.03429589466174843 -0.02875373805967605 -0.6776863869392341 -0.3491452809888996 -0.45702746931843863 -0.5704785690994129 +28963,-0.9543293065218578,1,-0.5859564214148374 -0.6402390843844088 -0.7004925285489546 -0.9918940652354369 -0.5457140053947441 -0.49852543122838333 -0.4435601801129613 -0.13400313380454026 -0.12250355356019789 -0.06280501315360658 0.019227604118129564 0.05343094230079131 0.09197351000060393 0.03429589466174843 -0.02875373805967605 -0.6776863869392341 -0.3491452809888996 -0.45702746931843863 -0.5704785690994129 -0.8722966892501304 +28964,-0.9914158488184615,1,-0.6402390843844088 -0.7004925285489546 -0.9918940652354369 -0.5457140053947441 -0.49852543122838333 -0.4435601801129613 -0.13400313380454026 -0.12250355356019789 -0.06280501315360658 0.019227604118129564 0.05343094230079131 0.09197351000060393 0.03429589466174843 -0.02875373805967605 -0.6776863869392341 -0.3491452809888996 -0.45702746931843863 -0.5704785690994129 -0.8722966892501304 -0.9543293065218578 +28965,-0.8800356154078338,1,-0.7004925285489546 -0.9918940652354369 -0.5457140053947441 -0.49852543122838333 -0.4435601801129613 -0.13400313380454026 -0.12250355356019789 -0.06280501315360658 0.019227604118129564 0.05343094230079131 0.09197351000060393 0.03429589466174843 -0.02875373805967605 -0.6776863869392341 -0.3491452809888996 -0.45702746931843863 -0.5704785690994129 -0.8722966892501304 -0.9543293065218578 -0.9914158488184615 +28966,-0.9004013143590673,1,-0.9918940652354369 -0.5457140053947441 -0.49852543122838333 -0.4435601801129613 -0.13400313380454026 -0.12250355356019789 -0.06280501315360658 0.019227604118129564 0.05343094230079131 0.09197351000060393 0.03429589466174843 -0.02875373805967605 -0.6776863869392341 -0.3491452809888996 -0.45702746931843863 -0.5704785690994129 -0.8722966892501304 -0.9543293065218578 -0.9914158488184615 -0.8800356154078338 +28967,-0.9218258166594767,1,-0.5457140053947441 -0.49852543122838333 -0.4435601801129613 -0.13400313380454026 -0.12250355356019789 -0.06280501315360658 0.019227604118129564 0.05343094230079131 0.09197351000060393 0.03429589466174843 -0.02875373805967605 -0.6776863869392341 -0.3491452809888996 -0.45702746931843863 -0.5704785690994129 -0.8722966892501304 -0.9543293065218578 -0.9914158488184615 -0.8800356154078338 -0.9004013143590673 +28968,-1.0216434828605392,1,-0.49852543122838333 -0.4435601801129613 -0.13400313380454026 -0.12250355356019789 -0.06280501315360658 0.019227604118129564 0.05343094230079131 0.09197351000060393 0.03429589466174843 -0.02875373805967605 -0.6776863869392341 -0.3491452809888996 -0.45702746931843863 -0.5704785690994129 -0.8722966892501304 -0.9543293065218578 -0.9914158488184615 -0.8800356154078338 -0.9004013143590673 -0.9218258166594767 +28969,-1.1245856819914928,1,-0.4435601801129613 -0.13400313380454026 -0.12250355356019789 -0.06280501315360658 0.019227604118129564 0.05343094230079131 0.09197351000060393 0.03429589466174843 -0.02875373805967605 -0.6776863869392341 -0.3491452809888996 -0.45702746931843863 -0.5704785690994129 -0.8722966892501304 -0.9543293065218578 -0.9914158488184615 -0.8800356154078338 -0.9004013143590673 -0.9218258166594767 -1.0216434828605392 +28970,-1.7318895855976104,1,-0.13400313380454026 -0.12250355356019789 -0.06280501315360658 0.019227604118129564 0.05343094230079131 0.09197351000060393 0.03429589466174843 -0.02875373805967605 -0.6776863869392341 -0.3491452809888996 -0.45702746931843863 -0.5704785690994129 -0.8722966892501304 -0.9543293065218578 -0.9914158488184615 -0.8800356154078338 -0.9004013143590673 -0.9218258166594767 -1.0216434828605392 -1.1245856819914928 +28971,-1.0611264874982627,1,-0.12250355356019789 -0.06280501315360658 0.019227604118129564 0.05343094230079131 0.09197351000060393 0.03429589466174843 -0.02875373805967605 -0.6776863869392341 -0.3491452809888996 -0.45702746931843863 -0.5704785690994129 -0.8722966892501304 -0.9543293065218578 -0.9914158488184615 -0.8800356154078338 -0.9004013143590673 -0.9218258166594767 -1.0216434828605392 -1.1245856819914928 -1.7318895855976104 +28972,-1.0380655669737102,1,-0.06280501315360658 0.019227604118129564 0.05343094230079131 0.09197351000060393 0.03429589466174843 -0.02875373805967605 -0.6776863869392341 -0.3491452809888996 -0.45702746931843863 -0.5704785690994129 -0.8722966892501304 -0.9543293065218578 -0.9914158488184615 -0.8800356154078338 -0.9004013143590673 -0.9218258166594767 -1.0216434828605392 -1.1245856819914928 -1.7318895855976104 -1.0611264874982627 +28973,-1.008501789625835,1,0.019227604118129564 0.05343094230079131 0.09197351000060393 0.03429589466174843 -0.02875373805967605 -0.6776863869392341 -0.3491452809888996 -0.45702746931843863 -0.5704785690994129 -0.8722966892501304 -0.9543293065218578 -0.9914158488184615 -0.8800356154078338 -0.9004013143590673 -0.9218258166594767 -1.0216434828605392 -1.1245856819914928 -1.7318895855976104 -1.0611264874982627 -1.0380655669737102 +28974,-0.02256259713351326,1,0.05343094230079131 0.09197351000060393 0.03429589466174843 -0.02875373805967605 -0.6776863869392341 -0.3491452809888996 -0.45702746931843863 -0.5704785690994129 -0.8722966892501304 -0.9543293065218578 -0.9914158488184615 -0.8800356154078338 -0.9004013143590673 -0.9218258166594767 -1.0216434828605392 -1.1245856819914928 -1.7318895855976104 -1.0611264874982627 -1.0380655669737102 -1.008501789625835 +28975,0.00783331567883703,1,0.09197351000060393 0.03429589466174843 -0.02875373805967605 -0.6776863869392341 -0.3491452809888996 -0.45702746931843863 -0.5704785690994129 -0.8722966892501304 -0.9543293065218578 -0.9914158488184615 -0.8800356154078338 -0.9004013143590673 -0.9218258166594767 -1.0216434828605392 -1.1245856819914928 -1.7318895855976104 -1.0611264874982627 -1.0380655669737102 -1.008501789625835 -0.02256259713351326 +28976,0.4154606233929,1,0.03429589466174843 -0.02875373805967605 -0.6776863869392341 -0.3491452809888996 -0.45702746931843863 -0.5704785690994129 -0.8722966892501304 -0.9543293065218578 -0.9914158488184615 -0.8800356154078338 -0.9004013143590673 -0.9218258166594767 -1.0216434828605392 -1.1245856819914928 -1.7318895855976104 -1.0611264874982627 -1.0380655669737102 -1.008501789625835 -0.02256259713351326 0.00783331567883703 +28977,0.6469874148491276,1,-0.02875373805967605 -0.6776863869392341 -0.3491452809888996 -0.45702746931843863 -0.5704785690994129 -0.8722966892501304 -0.9543293065218578 -0.9914158488184615 -0.8800356154078338 -0.9004013143590673 -0.9218258166594767 -1.0216434828605392 -1.1245856819914928 -1.7318895855976104 -1.0611264874982627 -1.0380655669737102 -1.008501789625835 -0.02256259713351326 0.00783331567883703 0.4154606233929 +28978,0.9478987430433926,1,-0.6776863869392341 -0.3491452809888996 -0.45702746931843863 -0.5704785690994129 -0.8722966892501304 -0.9543293065218578 -0.9914158488184615 -0.8800356154078338 -0.9004013143590673 -0.9218258166594767 -1.0216434828605392 -1.1245856819914928 -1.7318895855976104 -1.0611264874982627 -1.0380655669737102 -1.008501789625835 -0.02256259713351326 0.00783331567883703 0.4154606233929 0.6469874148491276 +28979,0.541282406697587,1,-0.3491452809888996 -0.45702746931843863 -0.5704785690994129 -0.8722966892501304 -0.9543293065218578 -0.9914158488184615 -0.8800356154078338 -0.9004013143590673 -0.9218258166594767 -1.0216434828605392 -1.1245856819914928 -1.7318895855976104 -1.0611264874982627 -1.0380655669737102 -1.008501789625835 -0.02256259713351326 0.00783331567883703 0.4154606233929 0.6469874148491276 0.9478987430433926 +28980,0.6197682739564656,1,-0.45702746931843863 -0.5704785690994129 -0.8722966892501304 -0.9543293065218578 -0.9914158488184615 -0.8800356154078338 -0.9004013143590673 -0.9218258166594767 -1.0216434828605392 -1.1245856819914928 -1.7318895855976104 -1.0611264874982627 -1.0380655669737102 -1.008501789625835 -0.02256259713351326 0.00783331567883703 0.4154606233929 0.6469874148491276 0.9478987430433926 0.541282406697587 +28981,0.423388162968493,1,-0.5704785690994129 -0.8722966892501304 -0.9543293065218578 -0.9914158488184615 -0.8800356154078338 -0.9004013143590673 -0.9218258166594767 -1.0216434828605392 -1.1245856819914928 -1.7318895855976104 -1.0611264874982627 -1.0380655669737102 -1.008501789625835 -0.02256259713351326 0.00783331567883703 0.4154606233929 0.6469874148491276 0.9478987430433926 0.541282406697587 0.6197682739564656 +28982,0.11209471801065059,1,-0.8722966892501304 -0.9543293065218578 -0.9914158488184615 -0.8800356154078338 -0.9004013143590673 -0.9218258166594767 -1.0216434828605392 -1.1245856819914928 -1.7318895855976104 -1.0611264874982627 -1.0380655669737102 -1.008501789625835 -0.02256259713351326 0.00783331567883703 0.4154606233929 0.6469874148491276 0.9478987430433926 0.541282406697587 0.6197682739564656 0.423388162968493 +28983,-0.012076154382862454,1,-0.9543293065218578 -0.9914158488184615 -0.8800356154078338 -0.9004013143590673 -0.9218258166594767 -1.0216434828605392 -1.1245856819914928 -1.7318895855976104 -1.0611264874982627 -1.0380655669737102 -1.008501789625835 -0.02256259713351326 0.00783331567883703 0.4154606233929 0.6469874148491276 0.9478987430433926 0.541282406697587 0.6197682739564656 0.423388162968493 0.11209471801065059 +28984,-0.18662783167697675,1,-0.9914158488184615 -0.8800356154078338 -0.9004013143590673 -0.9218258166594767 -1.0216434828605392 -1.1245856819914928 -1.7318895855976104 -1.0611264874982627 -1.0380655669737102 -1.008501789625835 -0.02256259713351326 0.00783331567883703 0.4154606233929 0.6469874148491276 0.9478987430433926 0.541282406697587 0.6197682739564656 0.423388162968493 0.11209471801065059 -0.012076154382862454 +28985,-0.9099175961946581,1,-0.8800356154078338 -0.9004013143590673 -0.9218258166594767 -1.0216434828605392 -1.1245856819914928 -1.7318895855976104 -1.0611264874982627 -1.0380655669737102 -1.008501789625835 -0.02256259713351326 0.00783331567883703 0.4154606233929 0.6469874148491276 0.9478987430433926 0.541282406697587 0.6197682739564656 0.423388162968493 0.11209471801065059 -0.012076154382862454 -0.18662783167697675 +28986,-0.49308930752230756,1,-0.9004013143590673 -0.9218258166594767 -1.0216434828605392 -1.1245856819914928 -1.7318895855976104 -1.0611264874982627 -1.0380655669737102 -1.008501789625835 -0.02256259713351326 0.00783331567883703 0.4154606233929 0.6469874148491276 0.9478987430433926 0.541282406697587 0.6197682739564656 0.423388162968493 0.11209471801065059 -0.012076154382862454 -0.18662783167697675 -0.9099175961946581 +28987,-0.6480414774755449,1,-0.9218258166594767 -1.0216434828605392 -1.1245856819914928 -1.7318895855976104 -1.0611264874982627 -1.0380655669737102 -1.008501789625835 -0.02256259713351326 0.00783331567883703 0.4154606233929 0.6469874148491276 0.9478987430433926 0.541282406697587 0.6197682739564656 0.423388162968493 0.11209471801065059 -0.012076154382862454 -0.18662783167697675 -0.9099175961946581 -0.49308930752230756 +28988,-0.8336020584615778,1,-1.0216434828605392 -1.1245856819914928 -1.7318895855976104 -1.0611264874982627 -1.0380655669737102 -1.008501789625835 -0.02256259713351326 0.00783331567883703 0.4154606233929 0.6469874148491276 0.9478987430433926 0.541282406697587 0.6197682739564656 0.423388162968493 0.11209471801065059 -0.012076154382862454 -0.18662783167697675 -0.9099175961946581 -0.49308930752230756 -0.6480414774755449 +28989,-0.9392095966954976,1,-1.1245856819914928 -1.7318895855976104 -1.0611264874982627 -1.0380655669737102 -1.008501789625835 -0.02256259713351326 0.00783331567883703 0.4154606233929 0.6469874148491276 0.9478987430433926 0.541282406697587 0.6197682739564656 0.423388162968493 0.11209471801065059 -0.012076154382862454 -0.18662783167697675 -0.9099175961946581 -0.49308930752230756 -0.6480414774755449 -0.8336020584615778 +28990,-1.073508769350597,1,-1.7318895855976104 -1.0611264874982627 -1.0380655669737102 -1.008501789625835 -0.02256259713351326 0.00783331567883703 0.4154606233929 0.6469874148491276 0.9478987430433926 0.541282406697587 0.6197682739564656 0.423388162968493 0.11209471801065059 -0.012076154382862454 -0.18662783167697675 -0.9099175961946581 -0.49308930752230756 -0.6480414774755449 -0.8336020584615778 -0.9392095966954976 +28991,-1.6623751842614052,1,-1.0611264874982627 -1.0380655669737102 -1.008501789625835 -0.02256259713351326 0.00783331567883703 0.4154606233929 0.6469874148491276 0.9478987430433926 0.541282406697587 0.6197682739564656 0.423388162968493 0.11209471801065059 -0.012076154382862454 -0.18662783167697675 -0.9099175961946581 -0.49308930752230756 -0.6480414774755449 -0.8336020584615778 -0.9392095966954976 -1.073508769350597 +28992,-1.1245856819914928,1,-1.0380655669737102 -1.008501789625835 -0.02256259713351326 0.00783331567883703 0.4154606233929 0.6469874148491276 0.9478987430433926 0.541282406697587 0.6197682739564656 0.423388162968493 0.11209471801065059 -0.012076154382862454 -0.18662783167697675 -0.9099175961946581 -0.49308930752230756 -0.6480414774755449 -0.8336020584615778 -0.9392095966954976 -1.073508769350597 -1.6623751842614052 +28993,-1.1838874965639923,1,-1.008501789625835 -0.02256259713351326 0.00783331567883703 0.4154606233929 0.6469874148491276 0.9478987430433926 0.541282406697587 0.6197682739564656 0.423388162968493 0.11209471801065059 -0.012076154382862454 -0.18662783167697675 -0.9099175961946581 -0.49308930752230756 -0.6480414774755449 -0.8336020584615778 -0.9392095966954976 -1.073508769350597 -1.6623751842614052 -1.1245856819914928 +28994,-1.2515040709779444,1,-0.02256259713351326 0.00783331567883703 0.4154606233929 0.6469874148491276 0.9478987430433926 0.541282406697587 0.6197682739564656 0.423388162968493 0.11209471801065059 -0.012076154382862454 -0.18662783167697675 -0.9099175961946581 -0.49308930752230756 -0.6480414774755449 -0.8336020584615778 -0.9392095966954976 -1.073508769350597 -1.6623751842614052 -1.1245856819914928 -1.1838874965639923 +28995,-1.2646523497292534,1,0.00783331567883703 0.4154606233929 0.6469874148491276 0.9478987430433926 0.541282406697587 0.6197682739564656 0.423388162968493 0.11209471801065059 -0.012076154382862454 -0.18662783167697675 -0.9099175961946581 -0.49308930752230756 -0.6480414774755449 -0.8336020584615778 -0.9392095966954976 -1.073508769350597 -1.6623751842614052 -1.1245856819914928 -1.1838874965639923 -1.2515040709779444 +28996,-1.2809119903772441,1,0.4154606233929 0.6469874148491276 0.9478987430433926 0.541282406697587 0.6197682739564656 0.423388162968493 0.11209471801065059 -0.012076154382862454 -0.18662783167697675 -0.9099175961946581 -0.49308930752230756 -0.6480414774755449 -0.8336020584615778 -0.9392095966954976 -1.073508769350597 -1.6623751842614052 -1.1245856819914928 -1.1838874965639923 -1.2515040709779444 -1.2646523497292534 +28997,-1.0022030907822461,1,0.6469874148491276 0.9478987430433926 0.541282406697587 0.6197682739564656 0.423388162968493 0.11209471801065059 -0.012076154382862454 -0.18662783167697675 -0.9099175961946581 -0.49308930752230756 -0.6480414774755449 -0.8336020584615778 -0.9392095966954976 -1.073508769350597 -1.6623751842614052 -1.1245856819914928 -1.1838874965639923 -1.2515040709779444 -1.2646523497292534 -1.2809119903772441 +28998,-0.7902640719783942,1,0.9478987430433926 0.541282406697587 0.6197682739564656 0.423388162968493 0.11209471801065059 -0.012076154382862454 -0.18662783167697675 -0.9099175961946581 -0.49308930752230756 -0.6480414774755449 -0.8336020584615778 -0.9392095966954976 -1.073508769350597 -1.6623751842614052 -1.1245856819914928 -1.1838874965639923 -1.2515040709779444 -1.2646523497292534 -1.2809119903772441 -1.0022030907822461 +28999,-0.43974243674195446,1,0.541282406697587 0.6197682739564656 0.423388162968493 0.11209471801065059 -0.012076154382862454 -0.18662783167697675 -0.9099175961946581 -0.49308930752230756 -0.6480414774755449 -0.8336020584615778 -0.9392095966954976 -1.073508769350597 -1.6623751842614052 -1.1245856819914928 -1.1838874965639923 -1.2515040709779444 -1.2646523497292534 -1.2809119903772441 -1.0022030907822461 -0.7902640719783942 +29000,-0.02875373805967605,1,0.6197682739564656 0.423388162968493 0.11209471801065059 -0.012076154382862454 -0.18662783167697675 -0.9099175961946581 -0.49308930752230756 -0.6480414774755449 -0.8336020584615778 -0.9392095966954976 -1.073508769350597 -1.6623751842614052 -1.1245856819914928 -1.1838874965639923 -1.2515040709779444 -1.2646523497292534 -1.2809119903772441 -1.0022030907822461 -0.7902640719783942 -0.43974243674195446 +29001,0.10158681227696893,1,0.423388162968493 0.11209471801065059 -0.012076154382862454 -0.18662783167697675 -0.9099175961946581 -0.49308930752230756 -0.6480414774755449 -0.8336020584615778 -0.9392095966954976 -1.073508769350597 -1.6623751842614052 -1.1245856819914928 -1.1838874965639923 -1.2515040709779444 -1.2646523497292534 -1.2809119903772441 -1.0022030907822461 -0.7902640719783942 -0.43974243674195446 -0.02875373805967605 +29002,0.25758652977560814,1,0.11209471801065059 -0.012076154382862454 -0.18662783167697675 -0.9099175961946581 -0.49308930752230756 -0.6480414774755449 -0.8336020584615778 -0.9392095966954976 -1.073508769350597 -1.6623751842614052 -1.1245856819914928 -1.1838874965639923 -1.2515040709779444 -1.2646523497292534 -1.2809119903772441 -1.0022030907822461 -0.7902640719783942 -0.43974243674195446 -0.02875373805967605 0.10158681227696893 +29003,0.11933462954212182,1,-0.012076154382862454 -0.18662783167697675 -0.9099175961946581 -0.49308930752230756 -0.6480414774755449 -0.8336020584615778 -0.9392095966954976 -1.073508769350597 -1.6623751842614052 -1.1245856819914928 -1.1838874965639923 -1.2515040709779444 -1.2646523497292534 -1.2809119903772441 -1.0022030907822461 -0.7902640719783942 -0.43974243674195446 -0.02875373805967605 0.10158681227696893 0.25758652977560814 +29004,0.20341404667163973,1,-0.18662783167697675 -0.9099175961946581 -0.49308930752230756 -0.6480414774755449 -0.8336020584615778 -0.9392095966954976 -1.073508769350597 -1.6623751842614052 -1.1245856819914928 -1.1838874965639923 -1.2515040709779444 -1.2646523497292534 -1.2809119903772441 -1.0022030907822461 -0.7902640719783942 -0.43974243674195446 -0.02875373805967605 0.10158681227696893 0.25758652977560814 0.11933462954212182 +29005,0.041525978995221674,1,-0.9099175961946581 -0.49308930752230756 -0.6480414774755449 -0.8336020584615778 -0.9392095966954976 -1.073508769350597 -1.6623751842614052 -1.1245856819914928 -1.1838874965639923 -1.2515040709779444 -1.2646523497292534 -1.2809119903772441 -1.0022030907822461 -0.7902640719783942 -0.43974243674195446 -0.02875373805967605 0.10158681227696893 0.25758652977560814 0.11933462954212182 0.20341404667163973 +29006,-0.15102877135150553,1,-0.49308930752230756 -0.6480414774755449 -0.8336020584615778 -0.9392095966954976 -1.073508769350597 -1.6623751842614052 -1.1245856819914928 -1.1838874965639923 -1.2515040709779444 -1.2646523497292534 -1.2809119903772441 -1.0022030907822461 -0.7902640719783942 -0.43974243674195446 -0.02875373805967605 0.10158681227696893 0.25758652977560814 0.11933462954212182 0.20341404667163973 0.041525978995221674 +29007,-0.28149175289298267,1,-0.6480414774755449 -0.8336020584615778 -0.9392095966954976 -1.073508769350597 -1.6623751842614052 -1.1245856819914928 -1.1838874965639923 -1.2515040709779444 -1.2646523497292534 -1.2809119903772441 -1.0022030907822461 -0.7902640719783942 -0.43974243674195446 -0.02875373805967605 0.10158681227696893 0.25758652977560814 0.11933462954212182 0.20341404667163973 0.041525978995221674 -0.15102877135150553 +29008,-0.4296301130290862,1,-0.8336020584615778 -0.9392095966954976 -1.073508769350597 -1.6623751842614052 -1.1245856819914928 -1.1838874965639923 -1.2515040709779444 -1.2646523497292534 -1.2809119903772441 -1.0022030907822461 -0.7902640719783942 -0.43974243674195446 -0.02875373805967605 0.10158681227696893 0.25758652977560814 0.11933462954212182 0.20341404667163973 0.041525978995221674 -0.15102877135150553 -0.28149175289298267 +29009,-0.6370333340557244,1,-0.9392095966954976 -1.073508769350597 -1.6623751842614052 -1.1245856819914928 -1.1838874965639923 -1.2515040709779444 -1.2646523497292534 -1.2809119903772441 -1.0022030907822461 -0.7902640719783942 -0.43974243674195446 -0.02875373805967605 0.10158681227696893 0.25758652977560814 0.11933462954212182 0.20341404667163973 0.041525978995221674 -0.15102877135150553 -0.28149175289298267 -0.4296301130290862 +29010,-0.7144225956328297,1,-1.073508769350597 -1.6623751842614052 -1.1245856819914928 -1.1838874965639923 -1.2515040709779444 -1.2646523497292534 -1.2809119903772441 -1.0022030907822461 -0.7902640719783942 -0.43974243674195446 -0.02875373805967605 0.10158681227696893 0.25758652977560814 0.11933462954212182 0.20341404667163973 0.041525978995221674 -0.15102877135150553 -0.28149175289298267 -0.4296301130290862 -0.6370333340557244 +29011,-0.7995507833676472,1,-1.6623751842614052 -1.1245856819914928 -1.1838874965639923 -1.2515040709779444 -1.2646523497292534 -1.2809119903772441 -1.0022030907822461 -0.7902640719783942 -0.43974243674195446 -0.02875373805967605 0.10158681227696893 0.25758652977560814 0.11933462954212182 0.20341404667163973 0.041525978995221674 -0.15102877135150553 -0.28149175289298267 -0.4296301130290862 -0.6370333340557244 -0.7144225956328297 +29012,-0.8971947803867197,1,-1.1245856819914928 -1.1838874965639923 -1.2515040709779444 -1.2646523497292534 -1.2809119903772441 -1.0022030907822461 -0.7902640719783942 -0.43974243674195446 -0.02875373805967605 0.10158681227696893 0.25758652977560814 0.11933462954212182 0.20341404667163973 0.041525978995221674 -0.15102877135150553 -0.28149175289298267 -0.4296301130290862 -0.6370333340557244 -0.7144225956328297 -0.7995507833676472 +29013,-0.8506276960085343,1,-1.1838874965639923 -1.2515040709779444 -1.2646523497292534 -1.2809119903772441 -1.0022030907822461 -0.7902640719783942 -0.43974243674195446 -0.02875373805967605 0.10158681227696893 0.25758652977560814 0.11933462954212182 0.20341404667163973 0.041525978995221674 -0.15102877135150553 -0.28149175289298267 -0.4296301130290862 -0.6370333340557244 -0.7144225956328297 -0.7995507833676472 -0.8971947803867197 +29014,-0.8846504141553819,1,-1.2515040709779444 -1.2646523497292534 -1.2809119903772441 -1.0022030907822461 -0.7902640719783942 -0.43974243674195446 -0.02875373805967605 0.10158681227696893 0.25758652977560814 0.11933462954212182 0.20341404667163973 0.041525978995221674 -0.15102877135150553 -0.28149175289298267 -0.4296301130290862 -0.6370333340557244 -0.7144225956328297 -0.7995507833676472 -0.8971947803867197 -0.8506276960085343 +29015,-0.9218258166594767,1,-1.2646523497292534 -1.2809119903772441 -1.0022030907822461 -0.7902640719783942 -0.43974243674195446 -0.02875373805967605 0.10158681227696893 0.25758652977560814 0.11933462954212182 0.20341404667163973 0.041525978995221674 -0.15102877135150553 -0.28149175289298267 -0.4296301130290862 -0.6370333340557244 -0.7144225956328297 -0.7995507833676472 -0.8971947803867197 -0.8506276960085343 -0.8846504141553819 +29016,-0.9909145813908148,1,-1.2809119903772441 -1.0022030907822461 -0.7902640719783942 -0.43974243674195446 -0.02875373805967605 0.10158681227696893 0.25758652977560814 0.11933462954212182 0.20341404667163973 0.041525978995221674 -0.15102877135150553 -0.28149175289298267 -0.4296301130290862 -0.6370333340557244 -0.7144225956328297 -0.7995507833676472 -0.8971947803867197 -0.8506276960085343 -0.8846504141553819 -0.9218258166594767 +29017,-1.064222057961344,1,-1.0022030907822461 -0.7902640719783942 -0.43974243674195446 -0.02875373805967605 0.10158681227696893 0.25758652977560814 0.11933462954212182 0.20341404667163973 0.041525978995221674 -0.15102877135150553 -0.28149175289298267 -0.4296301130290862 -0.6370333340557244 -0.7144225956328297 -0.7995507833676472 -0.8971947803867197 -0.8506276960085343 -0.8846504141553819 -0.9218258166594767 -0.9909145813908148 +29018,-1.5037550264329058,1,-0.7902640719783942 -0.43974243674195446 -0.02875373805967605 0.10158681227696893 0.25758652977560814 0.11933462954212182 0.20341404667163973 0.041525978995221674 -0.15102877135150553 -0.28149175289298267 -0.4296301130290862 -0.6370333340557244 -0.7144225956328297 -0.7995507833676472 -0.8971947803867197 -0.8506276960085343 -0.8846504141553819 -0.9218258166594767 -0.9909145813908148 -1.064222057961344 +29019,-1.0704131988875156,1,-0.43974243674195446 -0.02875373805967605 0.10158681227696893 0.25758652977560814 0.11933462954212182 0.20341404667163973 0.041525978995221674 -0.15102877135150553 -0.28149175289298267 -0.4296301130290862 -0.6370333340557244 -0.7144225956328297 -0.7995507833676472 -0.8971947803867197 -0.8506276960085343 -0.8846504141553819 -0.9218258166594767 -0.9909145813908148 -1.064222057961344 -1.5037550264329058 +29020,-1.0180322637233175,1,-0.02875373805967605 0.10158681227696893 0.25758652977560814 0.11933462954212182 0.20341404667163973 0.041525978995221674 -0.15102877135150553 -0.28149175289298267 -0.4296301130290862 -0.6370333340557244 -0.7144225956328297 -0.7995507833676472 -0.8971947803867197 -0.8506276960085343 -0.8846504141553819 -0.9218258166594767 -0.9909145813908148 -1.064222057961344 -1.5037550264329058 -1.0704131988875156 +29021,-0.9605204474480293,1,0.10158681227696893 0.25758652977560814 0.11933462954212182 0.20341404667163973 0.041525978995221674 -0.15102877135150553 -0.28149175289298267 -0.4296301130290862 -0.6370333340557244 -0.7144225956328297 -0.7995507833676472 -0.8971947803867197 -0.8506276960085343 -0.8846504141553819 -0.9218258166594767 -0.9909145813908148 -1.064222057961344 -1.5037550264329058 -1.0704131988875156 -1.0180322637233175 +29022,-0.6138165555825964,1,0.25758652977560814 0.11933462954212182 0.20341404667163973 0.041525978995221674 -0.15102877135150553 -0.28149175289298267 -0.4296301130290862 -0.6370333340557244 -0.7144225956328297 -0.7995507833676472 -0.8971947803867197 -0.8506276960085343 -0.8846504141553819 -0.9218258166594767 -0.9909145813908148 -1.064222057961344 -1.5037550264329058 -1.0704131988875156 -1.0180322637233175 -0.9605204474480293 +29023,-0.5879920382147737,1,0.11933462954212182 0.20341404667163973 0.041525978995221674 -0.15102877135150553 -0.28149175289298267 -0.4296301130290862 -0.6370333340557244 -0.7144225956328297 -0.7995507833676472 -0.8971947803867197 -0.8506276960085343 -0.8846504141553819 -0.9218258166594767 -0.9909145813908148 -1.064222057961344 -1.5037550264329058 -1.0704131988875156 -1.0180322637233175 -0.9605204474480293 -0.6138165555825964 +29024,-0.4373690391867985,1,0.20341404667163973 0.041525978995221674 -0.15102877135150553 -0.28149175289298267 -0.4296301130290862 -0.6370333340557244 -0.7144225956328297 -0.7995507833676472 -0.8971947803867197 -0.8506276960085343 -0.8846504141553819 -0.9218258166594767 -0.9909145813908148 -1.064222057961344 -1.5037550264329058 -1.0704131988875156 -1.0180322637233175 -0.9605204474480293 -0.6138165555825964 -0.5879920382147737 +29025,-0.36625574583414394,1,0.041525978995221674 -0.15102877135150553 -0.28149175289298267 -0.4296301130290862 -0.6370333340557244 -0.7144225956328297 -0.7995507833676472 -0.8971947803867197 -0.8506276960085343 -0.8846504141553819 -0.9218258166594767 -0.9909145813908148 -1.064222057961344 -1.5037550264329058 -1.0704131988875156 -1.0180322637233175 -0.9605204474480293 -0.6138165555825964 -0.5879920382147737 -0.4373690391867985 +29026,-0.28413830126412865,1,-0.15102877135150553 -0.28149175289298267 -0.4296301130290862 -0.6370333340557244 -0.7144225956328297 -0.7995507833676472 -0.8971947803867197 -0.8506276960085343 -0.8846504141553819 -0.9218258166594767 -0.9909145813908148 -1.064222057961344 -1.5037550264329058 -1.0704131988875156 -1.0180322637233175 -0.9605204474480293 -0.6138165555825964 -0.5879920382147737 -0.4373690391867985 -0.36625574583414394 +29027,-0.6745704118686705,1,-0.28149175289298267 -0.4296301130290862 -0.6370333340557244 -0.7144225956328297 -0.7995507833676472 -0.8971947803867197 -0.8506276960085343 -0.8846504141553819 -0.9218258166594767 -0.9909145813908148 -1.064222057961344 -1.5037550264329058 -1.0704131988875156 -1.0180322637233175 -0.9605204474480293 -0.6138165555825964 -0.5879920382147737 -0.4373690391867985 -0.36625574583414394 -0.28413830126412865 +29028,-0.2098446101501048,1,-0.4296301130290862 -0.6370333340557244 -0.7144225956328297 -0.7995507833676472 -0.8971947803867197 -0.8506276960085343 -0.8846504141553819 -0.9218258166594767 -0.9909145813908148 -1.064222057961344 -1.5037550264329058 -1.0704131988875156 -1.0180322637233175 -0.9605204474480293 -0.6138165555825964 -0.5879920382147737 -0.4373690391867985 -0.36625574583414394 -0.28413830126412865 -0.6745704118686705 +29029,-0.29491119231802365,1,-0.6370333340557244 -0.7144225956328297 -0.7995507833676472 -0.8971947803867197 -0.8506276960085343 -0.8846504141553819 -0.9218258166594767 -0.9909145813908148 -1.064222057961344 -1.5037550264329058 -1.0704131988875156 -1.0180322637233175 -0.9605204474480293 -0.6138165555825964 -0.5879920382147737 -0.4373690391867985 -0.36625574583414394 -0.28413830126412865 -0.6745704118686705 -0.2098446101501048 +29030,-0.3955788379351557,1,-0.7144225956328297 -0.7995507833676472 -0.8971947803867197 -0.8506276960085343 -0.8846504141553819 -0.9218258166594767 -0.9909145813908148 -1.064222057961344 -1.5037550264329058 -1.0704131988875156 -1.0180322637233175 -0.9605204474480293 -0.6138165555825964 -0.5879920382147737 -0.4373690391867985 -0.36625574583414394 -0.28413830126412865 -0.6745704118686705 -0.2098446101501048 -0.29491119231802365 +29031,-0.5131016228049573,1,-0.7995507833676472 -0.8971947803867197 -0.8506276960085343 -0.8846504141553819 -0.9218258166594767 -0.9909145813908148 -1.064222057961344 -1.5037550264329058 -1.0704131988875156 -1.0180322637233175 -0.9605204474480293 -0.6138165555825964 -0.5879920382147737 -0.4373690391867985 -0.36625574583414394 -0.28413830126412865 -0.6745704118686705 -0.2098446101501048 -0.29491119231802365 -0.3955788379351557 +29032,-0.6478678306765181,1,-0.8971947803867197 -0.8506276960085343 -0.8846504141553819 -0.9218258166594767 -0.9909145813908148 -1.064222057961344 -1.5037550264329058 -1.0704131988875156 -1.0180322637233175 -0.9605204474480293 -0.6138165555825964 -0.5879920382147737 -0.4373690391867985 -0.36625574583414394 -0.28413830126412865 -0.6745704118686705 -0.2098446101501048 -0.29491119231802365 -0.3955788379351557 -0.5131016228049573 +29033,-0.8599144073977872,1,-0.8506276960085343 -0.8846504141553819 -0.9218258166594767 -0.9909145813908148 -1.064222057961344 -1.5037550264329058 -1.0704131988875156 -1.0180322637233175 -0.9605204474480293 -0.6138165555825964 -0.5879920382147737 -0.4373690391867985 -0.36625574583414394 -0.28413830126412865 -0.6745704118686705 -0.2098446101501048 -0.29491119231802365 -0.3955788379351557 -0.5131016228049573 -0.6478678306765181 +29034,-0.9001568234178893,1,-0.8846504141553819 -0.9218258166594767 -0.9909145813908148 -1.064222057961344 -1.5037550264329058 -1.0704131988875156 -1.0180322637233175 -0.9605204474480293 -0.6138165555825964 -0.5879920382147737 -0.4373690391867985 -0.36625574583414394 -0.28413830126412865 -0.6745704118686705 -0.2098446101501048 -0.29491119231802365 -0.3955788379351557 -0.5131016228049573 -0.6478678306765181 -0.8599144073977872 +29035,-0.9512337360587764,1,-0.9218258166594767 -0.9909145813908148 -1.064222057961344 -1.5037550264329058 -1.0704131988875156 -1.0180322637233175 -0.9605204474480293 -0.6138165555825964 -0.5879920382147737 -0.4373690391867985 -0.36625574583414394 -0.28413830126412865 -0.6745704118686705 -0.2098446101501048 -0.29491119231802365 -0.3955788379351557 -0.5131016228049573 -0.6478678306765181 -0.8599144073977872 -0.9001568234178893 +29036,-0.980641655458076,1,-0.9909145813908148 -1.064222057961344 -1.5037550264329058 -1.0704131988875156 -1.0180322637233175 -0.9605204474480293 -0.6138165555825964 -0.5879920382147737 -0.4373690391867985 -0.36625574583414394 -0.28413830126412865 -0.6745704118686705 -0.2098446101501048 -0.29491119231802365 -0.3955788379351557 -0.5131016228049573 -0.6478678306765181 -0.8599144073977872 -0.9001568234178893 -0.9512337360587764 +29037,-1.0093711525754812,1,-1.064222057961344 -1.5037550264329058 -1.0704131988875156 -1.0180322637233175 -0.9605204474480293 -0.6138165555825964 -0.5879920382147737 -0.4373690391867985 -0.36625574583414394 -0.28413830126412865 -0.6745704118686705 -0.2098446101501048 -0.29491119231802365 -0.3955788379351557 -0.5131016228049573 -0.6478678306765181 -0.8599144073977872 -0.9001568234178893 -0.9512337360587764 -0.980641655458076 +29038,-1.0827954807398499,1,-1.5037550264329058 -1.0704131988875156 -1.0180322637233175 -0.9605204474480293 -0.6138165555825964 -0.5879920382147737 -0.4373690391867985 -0.36625574583414394 -0.28413830126412865 -0.6745704118686705 -0.2098446101501048 -0.29491119231802365 -0.3955788379351557 -0.5131016228049573 -0.6478678306765181 -0.8599144073977872 -0.9001568234178893 -0.9512337360587764 -0.980641655458076 -1.0093711525754812 +29039,-1.8871116529222691,1,-1.0704131988875156 -1.0180322637233175 -0.9605204474480293 -0.6138165555825964 -0.5879920382147737 -0.4373690391867985 -0.36625574583414394 -0.28413830126412865 -0.6745704118686705 -0.2098446101501048 -0.29491119231802365 -0.3955788379351557 -0.5131016228049573 -0.6478678306765181 -0.8599144073977872 -0.9001568234178893 -0.9512337360587764 -0.980641655458076 -1.0093711525754812 -1.0827954807398499 +29040,-1.2360262186625197,1,-1.0180322637233175 -0.9605204474480293 -0.6138165555825964 -0.5879920382147737 -0.4373690391867985 -0.36625574583414394 -0.28413830126412865 -0.6745704118686705 -0.2098446101501048 -0.29491119231802365 -0.3955788379351557 -0.5131016228049573 -0.6478678306765181 -0.8599144073977872 -0.9001568234178893 -0.9512337360587764 -0.980641655458076 -1.0093711525754812 -1.0827954807398499 -1.8871116529222691 +29041,-1.3162106101114102,1,-0.9605204474480293 -0.6138165555825964 -0.5879920382147737 -0.4373690391867985 -0.36625574583414394 -0.28413830126412865 -0.6745704118686705 -0.2098446101501048 -0.29491119231802365 -0.3955788379351557 -0.5131016228049573 -0.6478678306765181 -0.8599144073977872 -0.9001568234178893 -0.9512337360587764 -0.980641655458076 -1.0093711525754812 -1.0827954807398499 -1.8871116529222691 -1.2360262186625197 +29042,-1.4341427282999137,1,-0.6138165555825964 -0.5879920382147737 -0.4373690391867985 -0.36625574583414394 -0.28413830126412865 -0.6745704118686705 -0.2098446101501048 -0.29491119231802365 -0.3955788379351557 -0.5131016228049573 -0.6478678306765181 -0.8599144073977872 -0.9001568234178893 -0.9512337360587764 -0.980641655458076 -1.0093711525754812 -1.0827954807398499 -1.8871116529222691 -1.2360262186625197 -1.3162106101114102 +29043,-1.4304434474576126,1,-0.5879920382147737 -0.4373690391867985 -0.36625574583414394 -0.28413830126412865 -0.6745704118686705 -0.2098446101501048 -0.29491119231802365 -0.3955788379351557 -0.5131016228049573 -0.6478678306765181 -0.8599144073977872 -0.9001568234178893 -0.9512337360587764 -0.980641655458076 -1.0093711525754812 -1.0827954807398499 -1.8871116529222691 -1.2360262186625197 -1.3162106101114102 -1.4341427282999137 +29044,-1.4264038021422016,1,-0.4373690391867985 -0.36625574583414394 -0.28413830126412865 -0.6745704118686705 -0.2098446101501048 -0.29491119231802365 -0.3955788379351557 -0.5131016228049573 -0.6478678306765181 -0.8599144073977872 -0.9001568234178893 -0.9512337360587764 -0.980641655458076 -1.0093711525754812 -1.0827954807398499 -1.8871116529222691 -1.2360262186625197 -1.3162106101114102 -1.4341427282999137 -1.4304434474576126 +29045,-0.8521754812400837,1,-0.36625574583414394 -0.28413830126412865 -0.6745704118686705 -0.2098446101501048 -0.29491119231802365 -0.3955788379351557 -0.5131016228049573 -0.6478678306765181 -0.8599144073977872 -0.9001568234178893 -0.9512337360587764 -0.980641655458076 -1.0093711525754812 -1.0827954807398499 -1.8871116529222691 -1.2360262186625197 -1.3162106101114102 -1.4341427282999137 -1.4304434474576126 -1.4264038021422016 +29046,-0.8504672474837481,1,-0.28413830126412865 -0.6745704118686705 -0.2098446101501048 -0.29491119231802365 -0.3955788379351557 -0.5131016228049573 -0.6478678306765181 -0.8599144073977872 -0.9001568234178893 -0.9512337360587764 -0.980641655458076 -1.0093711525754812 -1.0827954807398499 -1.8871116529222691 -1.2360262186625197 -1.3162106101114102 -1.4341427282999137 -1.4304434474576126 -1.4264038021422016 -0.8521754812400837 +29047,-0.5782174952571252,1,-0.6745704118686705 -0.2098446101501048 -0.29491119231802365 -0.3955788379351557 -0.5131016228049573 -0.6478678306765181 -0.8599144073977872 -0.9001568234178893 -0.9512337360587764 -0.980641655458076 -1.0093711525754812 -1.0827954807398499 -1.8871116529222691 -1.2360262186625197 -1.3162106101114102 -1.4341427282999137 -1.4304434474576126 -1.4264038021422016 -0.8521754812400837 -0.8504672474837481 +29048,-0.517629192710658,1,-0.2098446101501048 -0.29491119231802365 -0.3955788379351557 -0.5131016228049573 -0.6478678306765181 -0.8599144073977872 -0.9001568234178893 -0.9512337360587764 -0.980641655458076 -1.0093711525754812 -1.0827954807398499 -1.8871116529222691 -1.2360262186625197 -1.3162106101114102 -1.4341427282999137 -1.4304434474576126 -1.4264038021422016 -0.8521754812400837 -0.8504672474837481 -0.5782174952571252 +29049,-0.19746232829777044,1,-0.29491119231802365 -0.3955788379351557 -0.5131016228049573 -0.6478678306765181 -0.8599144073977872 -0.9001568234178893 -0.9512337360587764 -0.980641655458076 -1.0093711525754812 -1.0827954807398499 -1.8871116529222691 -1.2360262186625197 -1.3162106101114102 -1.4341427282999137 -1.4304434474576126 -1.4264038021422016 -0.8521754812400837 -0.8504672474837481 -0.5782174952571252 -0.517629192710658 +29050,-0.09622718846371611,1,-0.3955788379351557 -0.5131016228049573 -0.6478678306765181 -0.8599144073977872 -0.9001568234178893 -0.9512337360587764 -0.980641655458076 -1.0093711525754812 -1.0827954807398499 -1.8871116529222691 -1.2360262186625197 -1.3162106101114102 -1.4341427282999137 -1.4304434474576126 -1.4264038021422016 -0.8521754812400837 -0.8504672474837481 -0.5782174952571252 -0.517629192710658 -0.19746232829777044 +29051,0.014584248423498673,1,-0.5131016228049573 -0.6478678306765181 -0.8599144073977872 -0.9001568234178893 -0.9512337360587764 -0.980641655458076 -1.0093711525754812 -1.0827954807398499 -1.8871116529222691 -1.2360262186625197 -1.3162106101114102 -1.4341427282999137 -1.4304434474576126 -1.4264038021422016 -0.8521754812400837 -0.8504672474837481 -0.5782174952571252 -0.517629192710658 -0.19746232829777044 -0.09622718846371611 +29052,-0.05925368757804629,1,-0.6478678306765181 -0.8599144073977872 -0.9001568234178893 -0.9512337360587764 -0.980641655458076 -1.0093711525754812 -1.0827954807398499 -1.8871116529222691 -1.2360262186625197 -1.3162106101114102 -1.4341427282999137 -1.4304434474576126 -1.4264038021422016 -0.8521754812400837 -0.8504672474837481 -0.5782174952571252 -0.517629192710658 -0.19746232829777044 -0.09622718846371611 0.014584248423498673 +29053,-0.14793320088842413,1,-0.8599144073977872 -0.9001568234178893 -0.9512337360587764 -0.980641655458076 -1.0093711525754812 -1.0827954807398499 -1.8871116529222691 -1.2360262186625197 -1.3162106101114102 -1.4341427282999137 -1.4304434474576126 -1.4264038021422016 -0.8521754812400837 -0.8504672474837481 -0.5782174952571252 -0.517629192710658 -0.19746232829777044 -0.09622718846371611 0.014584248423498673 -0.05925368757804629 +29054,-0.9355631298452058,1,-0.9001568234178893 -0.9512337360587764 -0.980641655458076 -1.0093711525754812 -1.0827954807398499 -1.8871116529222691 -1.2360262186625197 -1.3162106101114102 -1.4341427282999137 -1.4304434474576126 -1.4264038021422016 -0.8521754812400837 -0.8504672474837481 -0.5782174952571252 -0.517629192710658 -0.19746232829777044 -0.09622718846371611 0.014584248423498673 -0.05925368757804629 -0.14793320088842413 +29055,-0.5395228644685724,1,-0.9512337360587764 -0.980641655458076 -1.0093711525754812 -1.0827954807398499 -1.8871116529222691 -1.2360262186625197 -1.3162106101114102 -1.4341427282999137 -1.4304434474576126 -1.4264038021422016 -0.8521754812400837 -0.8504672474837481 -0.5782174952571252 -0.517629192710658 -0.19746232829777044 -0.09622718846371611 0.014584248423498673 -0.05925368757804629 -0.14793320088842413 -0.9355631298452058 +29056,-0.6174875874870739,1,-0.980641655458076 -1.0093711525754812 -1.0827954807398499 -1.8871116529222691 -1.2360262186625197 -1.3162106101114102 -1.4341427282999137 -1.4304434474576126 -1.4264038021422016 -0.8521754812400837 -0.8504672474837481 -0.5782174952571252 -0.517629192710658 -0.19746232829777044 -0.09622718846371611 0.014584248423498673 -0.05925368757804629 -0.14793320088842413 -0.9355631298452058 -0.5395228644685724 +29057,-0.7082314547066669,1,-1.0093711525754812 -1.0827954807398499 -1.8871116529222691 -1.2360262186625197 -1.3162106101114102 -1.4341427282999137 -1.4304434474576126 -1.4264038021422016 -0.8521754812400837 -0.8504672474837481 -0.5782174952571252 -0.517629192710658 -0.19746232829777044 -0.09622718846371611 0.014584248423498673 -0.05925368757804629 -0.14793320088842413 -0.9355631298452058 -0.5395228644685724 -0.6174875874870739 +29058,-0.9187302461963865,1,-1.0827954807398499 -1.8871116529222691 -1.2360262186625197 -1.3162106101114102 -1.4341427282999137 -1.4304434474576126 -1.4264038021422016 -0.8521754812400837 -0.8504672474837481 -0.5782174952571252 -0.517629192710658 -0.19746232829777044 -0.09622718846371611 0.014584248423498673 -0.05925368757804629 -0.14793320088842413 -0.9355631298452058 -0.5395228644685724 -0.6174875874870739 -0.7082314547066669 +29059,-0.9311494308085533,1,-1.8871116529222691 -1.2360262186625197 -1.3162106101114102 -1.4341427282999137 -1.4304434474576126 -1.4264038021422016 -0.8521754812400837 -0.8504672474837481 -0.5782174952571252 -0.517629192710658 -0.19746232829777044 -0.09622718846371611 0.014584248423498673 -0.05925368757804629 -0.14793320088842413 -0.9355631298452058 -0.5395228644685724 -0.6174875874870739 -0.7082314547066669 -0.9187302461963865 +29060,-0.9961195077734918,1,-1.2360262186625197 -1.3162106101114102 -1.4341427282999137 -1.4304434474576126 -1.4264038021422016 -0.8521754812400837 -0.8504672474837481 -0.5782174952571252 -0.517629192710658 -0.19746232829777044 -0.09622718846371611 0.014584248423498673 -0.05925368757804629 -0.14793320088842413 -0.9355631298452058 -0.5395228644685724 -0.6174875874870739 -0.7082314547066669 -0.9187302461963865 -0.9311494308085533 +29061,-1.0631422678826754,1,-1.3162106101114102 -1.4341427282999137 -1.4304434474576126 -1.4264038021422016 -0.8521754812400837 -0.8504672474837481 -0.5782174952571252 -0.517629192710658 -0.19746232829777044 -0.09622718846371611 0.014584248423498673 -0.05925368757804629 -0.14793320088842413 -0.9355631298452058 -0.5395228644685724 -0.6174875874870739 -0.7082314547066669 -0.9187302461963865 -0.9311494308085533 -0.9961195077734918 +29062,-1.132324608149205,1,-1.4341427282999137 -1.4304434474576126 -1.4264038021422016 -0.8521754812400837 -0.8504672474837481 -0.5782174952571252 -0.517629192710658 -0.19746232829777044 -0.09622718846371611 0.014584248423498673 -0.05925368757804629 -0.14793320088842413 -0.9355631298452058 -0.5395228644685724 -0.6174875874870739 -0.7082314547066669 -0.9187302461963865 -0.9311494308085533 -0.9961195077734918 -1.0631422678826754 +29063,-2.047479173446427,1,-1.4304434474576126 -1.4264038021422016 -0.8521754812400837 -0.8504672474837481 -0.5782174952571252 -0.517629192710658 -0.19746232829777044 -0.09622718846371611 0.014584248423498673 -0.05925368757804629 -0.14793320088842413 -0.9355631298452058 -0.5395228644685724 -0.6174875874870739 -0.7082314547066669 -0.9187302461963865 -0.9311494308085533 -0.9961195077734918 -1.0631422678826754 -1.132324608149205 +29064,-1.4743851443200071,1,-1.4264038021422016 -0.8521754812400837 -0.8504672474837481 -0.5782174952571252 -0.517629192710658 -0.19746232829777044 -0.09622718846371611 0.014584248423498673 -0.05925368757804629 -0.14793320088842413 -0.9355631298452058 -0.5395228644685724 -0.6174875874870739 -0.7082314547066669 -0.9187302461963865 -0.9311494308085533 -0.9961195077734918 -1.0631422678826754 -1.132324608149205 -2.047479173446427 +29065,-1.438724221804841,1,-0.8521754812400837 -0.8504672474837481 -0.5782174952571252 -0.517629192710658 -0.19746232829777044 -0.09622718846371611 0.014584248423498673 -0.05925368757804629 -0.14793320088842413 -0.9355631298452058 -0.5395228644685724 -0.6174875874870739 -0.7082314547066669 -0.9187302461963865 -0.9311494308085533 -0.9961195077734918 -1.0631422678826754 -1.132324608149205 -2.047479173446427 -1.4743851443200071 +29066,-1.3459189701020149,1,-0.8504672474837481 -0.5782174952571252 -0.517629192710658 -0.19746232829777044 -0.09622718846371611 0.014584248423498673 -0.05925368757804629 -0.14793320088842413 -0.9355631298452058 -0.5395228644685724 -0.6174875874870739 -0.7082314547066669 -0.9187302461963865 -0.9311494308085533 -0.9961195077734918 -1.0631422678826754 -1.132324608149205 -2.047479173446427 -1.4743851443200071 -1.438724221804841 +29067,-1.3660401781120615,1,-0.5782174952571252 -0.517629192710658 -0.19746232829777044 -0.09622718846371611 0.014584248423498673 -0.05925368757804629 -0.14793320088842413 -0.9355631298452058 -0.5395228644685724 -0.6174875874870739 -0.7082314547066669 -0.9187302461963865 -0.9311494308085533 -0.9961195077734918 -1.0631422678826754 -1.132324608149205 -2.047479173446427 -1.4743851443200071 -1.438724221804841 -1.3459189701020149 +29068,-1.1632803127800455,1,-0.517629192710658 -0.19746232829777044 -0.09622718846371611 0.014584248423498673 -0.05925368757804629 -0.14793320088842413 -0.9355631298452058 -0.5395228644685724 -0.6174875874870739 -0.7082314547066669 -0.9187302461963865 -0.9311494308085533 -0.9961195077734918 -1.0631422678826754 -1.132324608149205 -2.047479173446427 -1.4743851443200071 -1.438724221804841 -1.3459189701020149 -1.3660401781120615 +29069,-1.2139632165690375,1,-0.19746232829777044 -0.09622718846371611 0.014584248423498673 -0.05925368757804629 -0.14793320088842413 -0.9355631298452058 -0.5395228644685724 -0.6174875874870739 -0.7082314547066669 -0.9187302461963865 -0.9311494308085533 -0.9961195077734918 -1.0631422678826754 -1.132324608149205 -2.047479173446427 -1.4743851443200071 -1.438724221804841 -1.3459189701020149 -1.3660401781120615 -1.1632803127800455 +29070,-0.5519051463209157,1,-0.09622718846371611 0.014584248423498673 -0.05925368757804629 -0.14793320088842413 -0.9355631298452058 -0.5395228644685724 -0.6174875874870739 -0.7082314547066669 -0.9187302461963865 -0.9311494308085533 -0.9961195077734918 -1.0631422678826754 -1.132324608149205 -2.047479173446427 -1.4743851443200071 -1.438724221804841 -1.3459189701020149 -1.3660401781120615 -1.1632803127800455 -1.2139632165690375 +29071,-0.2413518244006633,1,0.014584248423498673 -0.05925368757804629 -0.14793320088842413 -0.9355631298452058 -0.5395228644685724 -0.6174875874870739 -0.7082314547066669 -0.9187302461963865 -0.9311494308085533 -0.9961195077734918 -1.0631422678826754 -1.132324608149205 -2.047479173446427 -1.4743851443200071 -1.438724221804841 -1.3459189701020149 -1.3660401781120615 -1.1632803127800455 -1.2139632165690375 -0.5519051463209157 +29072,0.16626720111462778,1,-0.05925368757804629 -0.14793320088842413 -0.9355631298452058 -0.5395228644685724 -0.6174875874870739 -0.7082314547066669 -0.9187302461963865 -0.9311494308085533 -0.9961195077734918 -1.0631422678826754 -1.132324608149205 -2.047479173446427 -1.4743851443200071 -1.438724221804841 -1.3459189701020149 -1.3660401781120615 -1.1632803127800455 -1.2139632165690375 -0.5519051463209157 -0.2413518244006633 +29073,0.3086500706355525,1,-0.14793320088842413 -0.9355631298452058 -0.5395228644685724 -0.6174875874870739 -0.7082314547066669 -0.9187302461963865 -0.9311494308085533 -0.9961195077734918 -1.0631422678826754 -1.132324608149205 -2.047479173446427 -1.4743851443200071 -1.438724221804841 -1.3459189701020149 -1.3660401781120615 -1.1632803127800455 -1.2139632165690375 -0.5519051463209157 -0.2413518244006633 0.16626720111462778 +29074,0.5067799520538891,1,-0.9355631298452058 -0.5395228644685724 -0.6174875874870739 -0.7082314547066669 -0.9187302461963865 -0.9311494308085533 -0.9961195077734918 -1.0631422678826754 -1.132324608149205 -2.047479173446427 -1.4743851443200071 -1.438724221804841 -1.3459189701020149 -1.3660401781120615 -1.1632803127800455 -1.2139632165690375 -0.5519051463209157 -0.2413518244006633 0.16626720111462778 0.3086500706355525 +29075,0.17828448595622273,1,-0.5395228644685724 -0.6174875874870739 -0.7082314547066669 -0.9187302461963865 -0.9311494308085533 -0.9961195077734918 -1.0631422678826754 -1.132324608149205 -2.047479173446427 -1.4743851443200071 -1.438724221804841 -1.3459189701020149 -1.3660401781120615 -1.1632803127800455 -1.2139632165690375 -0.5519051463209157 -0.2413518244006633 0.16626720111462778 0.3086500706355525 0.5067799520538891 +29076,0.3721226369097253,1,-0.6174875874870739 -0.7082314547066669 -0.9187302461963865 -0.9311494308085533 -0.9961195077734918 -1.0631422678826754 -1.132324608149205 -2.047479173446427 -1.4743851443200071 -1.438724221804841 -1.3459189701020149 -1.3660401781120615 -1.1632803127800455 -1.2139632165690375 -0.5519051463209157 -0.2413518244006633 0.16626720111462778 0.3086500706355525 0.5067799520538891 0.17828448595622273 +29077,0.2096102081487605,1,-0.7082314547066669 -0.9187302461963865 -0.9311494308085533 -0.9961195077734918 -1.0631422678826754 -1.132324608149205 -2.047479173446427 -1.4743851443200071 -1.438724221804841 -1.3459189701020149 -1.3660401781120615 -1.1632803127800455 -1.2139632165690375 -0.5519051463209157 -0.2413518244006633 0.16626720111462778 0.3086500706355525 0.5067799520538891 0.17828448595622273 0.3721226369097253 +29078,-0.003989174355007293,1,-0.9187302461963865 -0.9311494308085533 -0.9961195077734918 -1.0631422678826754 -1.132324608149205 -2.047479173446427 -1.4743851443200071 -1.438724221804841 -1.3459189701020149 -1.3660401781120615 -1.1632803127800455 -1.2139632165690375 -0.5519051463209157 -0.2413518244006633 0.16626720111462778 0.3086500706355525 0.5067799520538891 0.17828448595622273 0.3721226369097253 0.2096102081487605 +29079,-0.179003388073034,1,-0.9311494308085533 -0.9961195077734918 -1.0631422678826754 -1.132324608149205 -2.047479173446427 -1.4743851443200071 -1.438724221804841 -1.3459189701020149 -1.3660401781120615 -1.1632803127800455 -1.2139632165690375 -0.5519051463209157 -0.2413518244006633 0.16626720111462778 0.3086500706355525 0.5067799520538891 0.17828448595622273 0.3721226369097253 0.2096102081487605 -0.003989174355007293 +29080,-0.40176997886132726,1,-0.9961195077734918 -1.0631422678826754 -1.132324608149205 -2.047479173446427 -1.4743851443200071 -1.438724221804841 -1.3459189701020149 -1.3660401781120615 -1.1632803127800455 -1.2139632165690375 -0.5519051463209157 -0.2413518244006633 0.16626720111462778 0.3086500706355525 0.5067799520538891 0.17828448595622273 0.3721226369097253 0.2096102081487605 -0.003989174355007293 -0.179003388073034 +29081,-0.7221615217905419,1,-1.0631422678826754 -1.132324608149205 -2.047479173446427 -1.4743851443200071 -1.438724221804841 -1.3459189701020149 -1.3660401781120615 -1.1632803127800455 -1.2139632165690375 -0.5519051463209157 -0.2413518244006633 0.16626720111462778 0.3086500706355525 0.5067799520538891 0.17828448595622273 0.3721226369097253 0.2096102081487605 -0.003989174355007293 -0.179003388073034 -0.40176997886132726 +29082,-0.7225093795563023,1,-1.132324608149205 -2.047479173446427 -1.4743851443200071 -1.438724221804841 -1.3459189701020149 -1.3660401781120615 -1.1632803127800455 -1.2139632165690375 -0.5519051463209157 -0.2413518244006633 0.16626720111462778 0.3086500706355525 0.5067799520538891 0.17828448595622273 0.3721226369097253 0.2096102081487605 -0.003989174355007293 -0.179003388073034 -0.40176997886132726 -0.7221615217905419 +29083,-0.7856207162837722,1,-2.047479173446427 -1.4743851443200071 -1.438724221804841 -1.3459189701020149 -1.3660401781120615 -1.1632803127800455 -1.2139632165690375 -0.5519051463209157 -0.2413518244006633 0.16626720111462778 0.3086500706355525 0.5067799520538891 0.17828448595622273 0.3721226369097253 0.2096102081487605 -0.003989174355007293 -0.179003388073034 -0.40176997886132726 -0.7221615217905419 -0.7225093795563023 +29084,-0.9001568234178893,1,-1.4743851443200071 -1.438724221804841 -1.3459189701020149 -1.3660401781120615 -1.1632803127800455 -1.2139632165690375 -0.5519051463209157 -0.2413518244006633 0.16626720111462778 0.3086500706355525 0.5067799520538891 0.17828448595622273 0.3721226369097253 0.2096102081487605 -0.003989174355007293 -0.179003388073034 -0.40176997886132726 -0.7221615217905419 -0.7225093795563023 -0.7856207162837722 +29085,-1.0750565545821464,1,-1.438724221804841 -1.3459189701020149 -1.3660401781120615 -1.1632803127800455 -1.2139632165690375 -0.5519051463209157 -0.2413518244006633 0.16626720111462778 0.3086500706355525 0.5067799520538891 0.17828448595622273 0.3721226369097253 0.2096102081487605 -0.003989174355007293 -0.179003388073034 -0.40176997886132726 -0.7221615217905419 -0.7225093795563023 -0.7856207162837722 -0.9001568234178893 +29086,-1.053039232738531,1,-1.3459189701020149 -1.3660401781120615 -1.1632803127800455 -1.2139632165690375 -0.5519051463209157 -0.2413518244006633 0.16626720111462778 0.3086500706355525 0.5067799520538891 0.17828448595622273 0.3721226369097253 0.2096102081487605 -0.003989174355007293 -0.179003388073034 -0.40176997886132726 -0.7221615217905419 -0.7225093795563023 -0.7856207162837722 -0.9001568234178893 -1.0750565545821464 +29087,-0.994571722541951,1,-1.3660401781120615 -1.1632803127800455 -1.2139632165690375 -0.5519051463209157 -0.2413518244006633 0.16626720111462778 0.3086500706355525 0.5067799520538891 0.17828448595622273 0.3721226369097253 0.2096102081487605 -0.003989174355007293 -0.179003388073034 -0.40176997886132726 -0.7221615217905419 -0.7225093795563023 -0.7856207162837722 -0.9001568234178893 -1.0750565545821464 -1.053039232738531 +29088,-1.0568627408356306,1,-1.1632803127800455 -1.2139632165690375 -0.5519051463209157 -0.2413518244006633 0.16626720111462778 0.3086500706355525 0.5067799520538891 0.17828448595622273 0.3721226369097253 0.2096102081487605 -0.003989174355007293 -0.179003388073034 -0.40176997886132726 -0.7221615217905419 -0.7225093795563023 -0.7856207162837722 -0.9001568234178893 -1.0750565545821464 -1.053039232738531 -0.994571722541951 +29089,-1.1214901115284026,1,-1.2139632165690375 -0.5519051463209157 -0.2413518244006633 0.16626720111462778 0.3086500706355525 0.5067799520538891 0.17828448595622273 0.3721226369097253 0.2096102081487605 -0.003989174355007293 -0.179003388073034 -0.40176997886132726 -0.7221615217905419 -0.7225093795563023 -0.7856207162837722 -0.9001568234178893 -1.0750565545821464 -1.053039232738531 -0.994571722541951 -1.0568627408356306 +29090,-2.0708535588654398,1,-0.5519051463209157 -0.2413518244006633 0.16626720111462778 0.3086500706355525 0.5067799520538891 0.17828448595622273 0.3721226369097253 0.2096102081487605 -0.003989174355007293 -0.179003388073034 -0.40176997886132726 -0.7221615217905419 -0.7225093795563023 -0.7856207162837722 -0.9001568234178893 -1.0750565545821464 -1.053039232738531 -0.994571722541951 -1.0568627408356306 -1.1214901115284026 +29091,-1.0967255478237339,1,-0.2413518244006633 0.16626720111462778 0.3086500706355525 0.5067799520538891 0.17828448595622273 0.3721226369097253 0.2096102081487605 -0.003989174355007293 -0.179003388073034 -0.40176997886132726 -0.7221615217905419 -0.7225093795563023 -0.7856207162837722 -0.9001568234178893 -1.0750565545821464 -1.053039232738531 -0.994571722541951 -1.0568627408356306 -1.1214901115284026 -2.0708535588654398 +29092,-1.0186275886664826,1,0.16626720111462778 0.3086500706355525 0.5067799520538891 0.17828448595622273 0.3721226369097253 0.2096102081487605 -0.003989174355007293 -0.179003388073034 -0.40176997886132726 -0.7221615217905419 -0.7225093795563023 -0.7856207162837722 -0.9001568234178893 -1.0750565545821464 -1.053039232738531 -0.994571722541951 -1.0568627408356306 -1.1214901115284026 -2.0708535588654398 -1.0967255478237339 +29093,-0.9280169575856395,1,0.3086500706355525 0.5067799520538891 0.17828448595622273 0.3721226369097253 0.2096102081487605 -0.003989174355007293 -0.179003388073034 -0.40176997886132726 -0.7221615217905419 -0.7225093795563023 -0.7856207162837722 -0.9001568234178893 -1.0750565545821464 -1.053039232738531 -0.994571722541951 -1.0568627408356306 -1.1214901115284026 -2.0708535588654398 -1.0967255478237339 -1.0186275886664826 +29094,0.1043557918529383,1,0.5067799520538891 0.17828448595622273 0.3721226369097253 0.2096102081487605 -0.003989174355007293 -0.179003388073034 -0.40176997886132726 -0.7221615217905419 -0.7225093795563023 -0.7856207162837722 -0.9001568234178893 -1.0750565545821464 -1.053039232738531 -0.994571722541951 -1.0568627408356306 -1.1214901115284026 -2.0708535588654398 -1.0967255478237339 -1.0186275886664826 -0.9280169575856395 +29095,0.1319740607423767,1,0.17828448595622273 0.3721226369097253 0.2096102081487605 -0.003989174355007293 -0.179003388073034 -0.40176997886132726 -0.7221615217905419 -0.7225093795563023 -0.7856207162837722 -0.9001568234178893 -1.0750565545821464 -1.053039232738531 -0.994571722541951 -1.0568627408356306 -1.1214901115284026 -2.0708535588654398 -1.0967255478237339 -1.0186275886664826 -0.9280169575856395 0.1043557918529383 +29096,0.37986156306743757,1,0.3721226369097253 0.2096102081487605 -0.003989174355007293 -0.179003388073034 -0.40176997886132726 -0.7221615217905419 -0.7225093795563023 -0.7856207162837722 -0.9001568234178893 -1.0750565545821464 -1.053039232738531 -0.994571722541951 -1.0568627408356306 -1.1214901115284026 -2.0708535588654398 -1.0967255478237339 -1.0186275886664826 -0.9280169575856395 0.1043557918529383 0.1319740607423767 +29097,0.4681486659237179,1,0.2096102081487605 -0.003989174355007293 -0.179003388073034 -0.40176997886132726 -0.7221615217905419 -0.7225093795563023 -0.7856207162837722 -0.9001568234178893 -1.0750565545821464 -1.053039232738531 -0.994571722541951 -1.0568627408356306 -1.1214901115284026 -2.0708535588654398 -1.0967255478237339 -1.0186275886664826 -0.9280169575856395 0.1043557918529383 0.1319740607423767 0.37986156306743757 +29098,0.5609524351578663,1,-0.003989174355007293 -0.179003388073034 -0.40176997886132726 -0.7221615217905419 -0.7225093795563023 -0.7856207162837722 -0.9001568234178893 -1.0750565545821464 -1.053039232738531 -0.994571722541951 -1.0568627408356306 -1.1214901115284026 -2.0708535588654398 -1.0967255478237339 -1.0186275886664826 -0.9280169575856395 0.1043557918529383 0.1319740607423767 0.37986156306743757 0.4681486659237179 +29099,0.35992610677514625,1,-0.179003388073034 -0.40176997886132726 -0.7221615217905419 -0.7225093795563023 -0.7856207162837722 -0.9001568234178893 -1.0750565545821464 -1.053039232738531 -0.994571722541951 -1.0568627408356306 -1.1214901115284026 -2.0708535588654398 -1.0967255478237339 -1.0186275886664826 -0.9280169575856395 0.1043557918529383 0.1319740607423767 0.37986156306743757 0.4681486659237179 0.5609524351578663 +29100,0.5686913613155699,1,-0.40176997886132726 -0.7221615217905419 -0.7225093795563023 -0.7856207162837722 -0.9001568234178893 -1.0750565545821464 -1.053039232738531 -0.994571722541951 -1.0568627408356306 -1.1214901115284026 -2.0708535588654398 -1.0967255478237339 -1.0186275886664826 -0.9280169575856395 0.1043557918529383 0.1319740607423767 0.37986156306743757 0.4681486659237179 0.5609524351578663 0.35992610677514625 +29101,0.34484140135003066,1,-0.7221615217905419 -0.7225093795563023 -0.7856207162837722 -0.9001568234178893 -1.0750565545821464 -1.053039232738531 -0.994571722541951 -1.0568627408356306 -1.1214901115284026 -2.0708535588654398 -1.0967255478237339 -1.0186275886664826 -0.9280169575856395 0.1043557918529383 0.1319740607423767 0.37986156306743757 0.4681486659237179 0.5609524351578663 0.35992610677514625 0.5686913613155699 +29102,0.09971243615831621,1,-0.7225093795563023 -0.7856207162837722 -0.9001568234178893 -1.0750565545821464 -1.053039232738531 -0.994571722541951 -1.0568627408356306 -1.1214901115284026 -2.0708535588654398 -1.0967255478237339 -1.0186275886664826 -0.9280169575856395 0.1043557918529383 0.1319740607423767 0.37986156306743757 0.4681486659237179 0.5609524351578663 0.35992610677514625 0.5686913613155699 0.34484140135003066 +29103,-0.10096718864209654,1,-0.7856207162837722 -0.9001568234178893 -1.0750565545821464 -1.053039232738531 -0.994571722541951 -1.0568627408356306 -1.1214901115284026 -2.0708535588654398 -1.0967255478237339 -1.0186275886664826 -0.9280169575856395 0.1043557918529383 0.1319740607423767 0.37986156306743757 0.4681486659237179 0.5609524351578663 0.35992610677514625 0.5686913613155699 0.34484140135003066 0.09971243615831621 +29104,-0.3228329320526813,1,-0.9001568234178893 -1.0750565545821464 -1.053039232738531 -0.994571722541951 -1.0568627408356306 -1.1214901115284026 -2.0708535588654398 -1.0967255478237339 -1.0186275886664826 -0.9280169575856395 0.1043557918529383 0.1319740607423767 0.37986156306743757 0.4681486659237179 0.5609524351578663 0.35992610677514625 0.5686913613155699 0.34484140135003066 0.09971243615831621 -0.10096718864209654 +29105,-0.7469260854952195,1,-1.0750565545821464 -1.053039232738531 -0.994571722541951 -1.0568627408356306 -1.1214901115284026 -2.0708535588654398 -1.0967255478237339 -1.0186275886664826 -0.9280169575856395 0.1043557918529383 0.1319740607423767 0.37986156306743757 0.4681486659237179 0.5609524351578663 0.35992610677514625 0.5686913613155699 0.34484140135003066 0.09971243615831621 -0.10096718864209654 -0.3228329320526813 +29106,-0.7507339431619494,1,-1.053039232738531 -0.994571722541951 -1.0568627408356306 -1.1214901115284026 -2.0708535588654398 -1.0967255478237339 -1.0186275886664826 -0.9280169575856395 0.1043557918529383 0.1319740607423767 0.37986156306743757 0.4681486659237179 0.5609524351578663 0.35992610677514625 0.5686913613155699 0.34484140135003066 0.09971243615831621 -0.10096718864209654 -0.3228329320526813 -0.7469260854952195 +29107,-0.822767561840784,1,-0.994571722541951 -1.0568627408356306 -1.1214901115284026 -2.0708535588654398 -1.0967255478237339 -1.0186275886664826 -0.9280169575856395 0.1043557918529383 0.1319740607423767 0.37986156306743757 0.4681486659237179 0.5609524351578663 0.35992610677514625 0.5686913613155699 0.34484140135003066 0.09971243615831621 -0.10096718864209654 -0.3228329320526813 -0.7469260854952195 -0.7507339431619494 +29108,-1.7697089317650072,1,-1.0568627408356306 -1.1214901115284026 -2.0708535588654398 -1.0967255478237339 -1.0186275886664826 -0.9280169575856395 0.1043557918529383 0.1319740607423767 0.37986156306743757 0.4681486659237179 0.5609524351578663 0.35992610677514625 0.5686913613155699 0.34484140135003066 0.09971243615831621 -0.10096718864209654 -0.3228329320526813 -0.7469260854952195 -0.7507339431619494 -0.822767561840784 +29109,-0.9373036689748925,1,-1.1214901115284026 -2.0708535588654398 -1.0967255478237339 -1.0186275886664826 -0.9280169575856395 0.1043557918529383 0.1319740607423767 0.37986156306743757 0.4681486659237179 0.5609524351578663 0.35992610677514625 0.5686913613155699 0.34484140135003066 0.09971243615831621 -0.10096718864209654 -0.3228329320526813 -0.7469260854952195 -0.7507339431619494 -0.822767561840784 -1.7697089317650072 +29110,-1.1137511853706992,1,-2.0708535588654398 -1.0967255478237339 -1.0186275886664826 -0.9280169575856395 0.1043557918529383 0.1319740607423767 0.37986156306743757 0.4681486659237179 0.5609524351578663 0.35992610677514625 0.5686913613155699 0.34484140135003066 0.09971243615831621 -0.10096718864209654 -0.3228329320526813 -0.7469260854952195 -0.7507339431619494 -0.822767561840784 -1.7697089317650072 -0.9373036689748925 +29111,-1.3165684167310856,1,-1.0967255478237339 -1.0186275886664826 -0.9280169575856395 0.1043557918529383 0.1319740607423767 0.37986156306743757 0.4681486659237179 0.5609524351578663 0.35992610677514625 0.5686913613155699 0.34484140135003066 0.09971243615831621 -0.10096718864209654 -0.3228329320526813 -0.7469260854952195 -0.7507339431619494 -0.822767561840784 -1.7697089317650072 -0.9373036689748925 -1.1137511853706992 +29112,-1.0719609841190563,1,-1.0186275886664826 -0.9280169575856395 0.1043557918529383 0.1319740607423767 0.37986156306743757 0.4681486659237179 0.5609524351578663 0.35992610677514625 0.5686913613155699 0.34484140135003066 0.09971243615831621 -0.10096718864209654 -0.3228329320526813 -0.7469260854952195 -0.7507339431619494 -0.822767561840784 -1.7697089317650072 -0.9373036689748925 -1.1137511853706992 -1.3165684167310856 +29113,-1.0967255478237339,1,-0.9280169575856395 0.1043557918529383 0.1319740607423767 0.37986156306743757 0.4681486659237179 0.5609524351578663 0.35992610677514625 0.5686913613155699 0.34484140135003066 0.09971243615831621 -0.10096718864209654 -0.3228329320526813 -0.7469260854952195 -0.7507339431619494 -0.822767561840784 -1.7697089317650072 -0.9373036689748925 -1.1137511853706992 -1.3165684167310856 -1.0719609841190563 +29114,-1.092082192129103,1,0.1043557918529383 0.1319740607423767 0.37986156306743757 0.4681486659237179 0.5609524351578663 0.35992610677514625 0.5686913613155699 0.34484140135003066 0.09971243615831621 -0.10096718864209654 -0.3228329320526813 -0.7469260854952195 -0.7507339431619494 -0.822767561840784 -1.7697089317650072 -0.9373036689748925 -1.1137511853706992 -1.3165684167310856 -1.0719609841190563 -1.0967255478237339 +29115,-1.1417135764462256,1,0.1319740607423767 0.37986156306743757 0.4681486659237179 0.5609524351578663 0.35992610677514625 0.5686913613155699 0.34484140135003066 0.09971243615831621 -0.10096718864209654 -0.3228329320526813 -0.7469260854952195 -0.7507339431619494 -0.822767561840784 -1.7697089317650072 -0.9373036689748925 -1.1137511853706992 -1.3165684167310856 -1.0719609841190563 -1.0967255478237339 -1.092082192129103 +29116,-1.2824597756087848,1,0.37986156306743757 0.4681486659237179 0.5609524351578663 0.35992610677514625 0.5686913613155699 0.34484140135003066 0.09971243615831621 -0.10096718864209654 -0.3228329320526813 -0.7469260854952195 -0.7507339431619494 -0.822767561840784 -1.7697089317650072 -0.9373036689748925 -1.1137511853706992 -1.3165684167310856 -1.0719609841190563 -1.0967255478237339 -1.092082192129103 -1.1417135764462256 +29117,-1.0988024897154605,1,0.4681486659237179 0.5609524351578663 0.35992610677514625 0.5686913613155699 0.34484140135003066 0.09971243615831621 -0.10096718864209654 -0.3228329320526813 -0.7469260854952195 -0.7507339431619494 -0.822767561840784 -1.7697089317650072 -0.9373036689748925 -1.1137511853706992 -1.3165684167310856 -1.0719609841190563 -1.0967255478237339 -1.092082192129103 -1.1417135764462256 -1.2824597756087848 +29118,-0.5642874281732501,1,0.5609524351578663 0.35992610677514625 0.5686913613155699 0.34484140135003066 0.09971243615831621 -0.10096718864209654 -0.3228329320526813 -0.7469260854952195 -0.7507339431619494 -0.822767561840784 -1.7697089317650072 -0.9373036689748925 -1.1137511853706992 -1.3165684167310856 -1.0719609841190563 -1.0967255478237339 -1.092082192129103 -1.1417135764462256 -1.2824597756087848 -1.0988024897154605 +29119,-0.20188974442625898,1,0.35992610677514625 0.5686913613155699 0.34484140135003066 0.09971243615831621 -0.10096718864209654 -0.3228329320526813 -0.7469260854952195 -0.7507339431619494 -0.822767561840784 -1.7697089317650072 -0.9373036689748925 -1.1137511853706992 -1.3165684167310856 -1.0719609841190563 -1.0967255478237339 -1.092082192129103 -1.1417135764462256 -1.2824597756087848 -1.0988024897154605 -0.5642874281732501 +29120,0.18174505343004357,1,0.5686913613155699 0.34484140135003066 0.09971243615831621 -0.10096718864209654 -0.3228329320526813 -0.7469260854952195 -0.7507339431619494 -0.822767561840784 -1.7697089317650072 -0.9373036689748925 -1.1137511853706992 -1.3165684167310856 -1.0719609841190563 -1.0967255478237339 -1.092082192129103 -1.1417135764462256 -1.2824597756087848 -1.0988024897154605 -0.5642874281732501 -0.20188974442625898 +29121,0.28055629612018984,1,0.34484140135003066 0.09971243615831621 -0.10096718864209654 -0.3228329320526813 -0.7469260854952195 -0.7507339431619494 -0.822767561840784 -1.7697089317650072 -0.9373036689748925 -1.1137511853706992 -1.3165684167310856 -1.0719609841190563 -1.0967255478237339 -1.092082192129103 -1.1417135764462256 -1.2824597756087848 -1.0988024897154605 -0.5642874281732501 -0.20188974442625898 0.18174505343004357 +29122,0.38295713353051897,1,0.09971243615831621 -0.10096718864209654 -0.3228329320526813 -0.7469260854952195 -0.7507339431619494 -0.822767561840784 -1.7697089317650072 -0.9373036689748925 -1.1137511853706992 -1.3165684167310856 -1.0719609841190563 -1.0967255478237339 -1.092082192129103 -1.1417135764462256 -1.2824597756087848 -1.0988024897154605 -0.5642874281732501 -0.20188974442625898 0.18174505343004357 0.28055629612018984 +29123,0.15316841651078036,1,-0.10096718864209654 -0.3228329320526813 -0.7469260854952195 -0.7507339431619494 -0.822767561840784 -1.7697089317650072 -0.9373036689748925 -1.1137511853706992 -1.3165684167310856 -1.0719609841190563 -1.0967255478237339 -1.092082192129103 -1.1417135764462256 -1.2824597756087848 -1.0988024897154605 -0.5642874281732501 -0.20188974442625898 0.18174505343004357 0.28055629612018984 0.38295713353051897 +29124,0.6522717638188467,1,-0.3228329320526813 -0.7469260854952195 -0.7507339431619494 -0.822767561840784 -1.7697089317650072 -0.9373036689748925 -1.1137511853706992 -1.3165684167310856 -1.0719609841190563 -1.0967255478237339 -1.092082192129103 -1.1417135764462256 -1.2824597756087848 -1.0988024897154605 -0.5642874281732501 -0.20188974442625898 0.18174505343004357 0.28055629612018984 0.38295713353051897 0.15316841651078036 +29125,0.3498083805179263,1,-0.7469260854952195 -0.7507339431619494 -0.822767561840784 -1.7697089317650072 -0.9373036689748925 -1.1137511853706992 -1.3165684167310856 -1.0719609841190563 -1.0967255478237339 -1.092082192129103 -1.1417135764462256 -1.2824597756087848 -1.0988024897154605 -0.5642874281732501 -0.20188974442625898 0.18174505343004357 0.28055629612018984 0.38295713353051897 0.15316841651078036 0.6522717638188467 +29126,0.017679818886580066,1,-0.7507339431619494 -0.822767561840784 -1.7697089317650072 -0.9373036689748925 -1.1137511853706992 -1.3165684167310856 -1.0719609841190563 -1.0967255478237339 -1.092082192129103 -1.1417135764462256 -1.2824597756087848 -1.0988024897154605 -0.5642874281732501 -0.20188974442625898 0.18174505343004357 0.28055629612018984 0.38295713353051897 0.15316841651078036 0.6522717638188467 0.3498083805179263 +29127,-0.34295414006272795,1,-0.822767561840784 -1.7697089317650072 -0.9373036689748925 -1.1137511853706992 -1.3165684167310856 -1.0719609841190563 -1.0967255478237339 -1.092082192129103 -1.1417135764462256 -1.2824597756087848 -1.0988024897154605 -0.5642874281732501 -0.20188974442625898 0.18174505343004357 0.28055629612018984 0.38295713353051897 0.15316841651078036 0.6522717638188467 0.3498083805179263 0.017679818886580066 +29128,-0.5983387032671718,1,-1.7697089317650072 -0.9373036689748925 -1.1137511853706992 -1.3165684167310856 -1.0719609841190563 -1.0967255478237339 -1.092082192129103 -1.1417135764462256 -1.2824597756087848 -1.0988024897154605 -0.5642874281732501 -0.20188974442625898 0.18174505343004357 0.28055629612018984 0.38295713353051897 0.15316841651078036 0.6522717638188467 0.3498083805179263 0.017679818886580066 -0.34295414006272795 +29129,-0.8490799107769935,1,-0.9373036689748925 -1.1137511853706992 -1.3165684167310856 -1.0719609841190563 -1.0967255478237339 -1.092082192129103 -1.1417135764462256 -1.2824597756087848 -1.0988024897154605 -0.5642874281732501 -0.20188974442625898 0.18174505343004357 0.28055629612018984 0.38295713353051897 0.15316841651078036 0.6522717638188467 0.3498083805179263 0.017679818886580066 -0.34295414006272795 -0.5983387032671718 +29130,-0.8521754812400837,1,-1.1137511853706992 -1.3165684167310856 -1.0719609841190563 -1.0967255478237339 -1.092082192129103 -1.1417135764462256 -1.2824597756087848 -1.0988024897154605 -0.5642874281732501 -0.20188974442625898 0.18174505343004357 0.28055629612018984 0.38295713353051897 0.15316841651078036 0.6522717638188467 0.3498083805179263 0.017679818886580066 -0.34295414006272795 -0.5983387032671718 -0.8490799107769935 +29131,-0.8707489040185808,1,-1.3165684167310856 -1.0719609841190563 -1.0967255478237339 -1.092082192129103 -1.1417135764462256 -1.2824597756087848 -1.0988024897154605 -0.5642874281732501 -0.20188974442625898 0.18174505343004357 0.28055629612018984 0.38295713353051897 0.15316841651078036 0.6522717638188467 0.3498083805179263 0.017679818886580066 -0.34295414006272795 -0.5983387032671718 -0.8490799107769935 -0.8521754812400837 +29132,-0.9620975440171678,1,-1.0719609841190563 -1.0967255478237339 -1.092082192129103 -1.1417135764462256 -1.2824597756087848 -1.0988024897154605 -0.5642874281732501 -0.20188974442625898 0.18174505343004357 0.28055629612018984 0.38295713353051897 0.15316841651078036 0.6522717638188467 0.3498083805179263 0.017679818886580066 -0.34295414006272795 -0.5983387032671718 -0.8490799107769935 -0.8521754812400837 -0.8707489040185808 +29133,-0.9249213871225581,1,-1.0967255478237339 -1.092082192129103 -1.1417135764462256 -1.2824597756087848 -1.0988024897154605 -0.5642874281732501 -0.20188974442625898 0.18174505343004357 0.28055629612018984 0.38295713353051897 0.15316841651078036 0.6522717638188467 0.3498083805179263 0.017679818886580066 -0.34295414006272795 -0.5983387032671718 -0.8490799107769935 -0.8521754812400837 -0.8707489040185808 -0.9620975440171678 +29134,-1.0299770648538544,1,-1.092082192129103 -1.1417135764462256 -1.2824597756087848 -1.0988024897154605 -0.5642874281732501 -0.20188974442625898 0.18174505343004357 0.28055629612018984 0.38295713353051897 0.15316841651078036 0.6522717638188467 0.3498083805179263 0.017679818886580066 -0.34295414006272795 -0.5983387032671718 -0.8490799107769935 -0.8521754812400837 -0.8707489040185808 -0.9620975440171678 -0.9249213871225581 +29135,-1.1447068900015396,1,-1.1417135764462256 -1.2824597756087848 -1.0988024897154605 -0.5642874281732501 -0.20188974442625898 0.18174505343004357 0.28055629612018984 0.38295713353051897 0.15316841651078036 0.6522717638188467 0.3498083805179263 0.017679818886580066 -0.34295414006272795 -0.5983387032671718 -0.8490799107769935 -0.8521754812400837 -0.8707489040185808 -0.9620975440171678 -0.9249213871225581 -1.0299770648538544 +29136,-1.2747208494510724,1,-1.2824597756087848 -1.0988024897154605 -0.5642874281732501 -0.20188974442625898 0.18174505343004357 0.28055629612018984 0.38295713353051897 0.15316841651078036 0.6522717638188467 0.3498083805179263 0.017679818886580066 -0.34295414006272795 -0.5983387032671718 -0.8490799107769935 -0.8521754812400837 -0.8707489040185808 -0.9620975440171678 -0.9249213871225581 -1.0299770648538544 -1.1447068900015396 +29137,-1.4000914532059834,1,-1.0988024897154605 -0.5642874281732501 -0.20188974442625898 0.18174505343004357 0.28055629612018984 0.38295713353051897 0.15316841651078036 0.6522717638188467 0.3498083805179263 0.017679818886580066 -0.34295414006272795 -0.5983387032671718 -0.8490799107769935 -0.8521754812400837 -0.8707489040185808 -0.9620975440171678 -0.9249213871225581 -1.0299770648538544 -1.1447068900015396 -1.2747208494510724 +29138,-1.429499372605283,1,-0.5642874281732501 -0.20188974442625898 0.18174505343004357 0.28055629612018984 0.38295713353051897 0.15316841651078036 0.6522717638188467 0.3498083805179263 0.017679818886580066 -0.34295414006272795 -0.5983387032671718 -0.8490799107769935 -0.8521754812400837 -0.8707489040185808 -0.9620975440171678 -0.9249213871225581 -1.0299770648538544 -1.1447068900015396 -1.2747208494510724 -1.4000914532059834 +29139,-1.4295170088441052,1,-0.20188974442625898 0.18174505343004357 0.28055629612018984 0.38295713353051897 0.15316841651078036 0.6522717638188467 0.3498083805179263 0.017679818886580066 -0.34295414006272795 -0.5983387032671718 -0.8490799107769935 -0.8521754812400837 -0.8707489040185808 -0.9620975440171678 -0.9249213871225581 -1.0299770648538544 -1.1447068900015396 -1.2747208494510724 -1.4000914532059834 -1.429499372605283 +29140,-1.4341427282999137,1,0.18174505343004357 0.28055629612018984 0.38295713353051897 0.15316841651078036 0.6522717638188467 0.3498083805179263 0.017679818886580066 -0.34295414006272795 -0.5983387032671718 -0.8490799107769935 -0.8521754812400837 -0.8707489040185808 -0.9620975440171678 -0.9249213871225581 -1.0299770648538544 -1.1447068900015396 -1.2747208494510724 -1.4000914532059834 -1.429499372605283 -1.4295170088441052 +29141,-0.5426184349316627,1,0.28055629612018984 0.38295713353051897 0.15316841651078036 0.6522717638188467 0.3498083805179263 0.017679818886580066 -0.34295414006272795 -0.5983387032671718 -0.8490799107769935 -0.8521754812400837 -0.8707489040185808 -0.9620975440171678 -0.9249213871225581 -1.0299770648538544 -1.1447068900015396 -1.2747208494510724 -1.4000914532059834 -1.429499372605283 -1.4295170088441052 -1.4341427282999137 +29142,-0.13555091903608096,1,0.38295713353051897 0.15316841651078036 0.6522717638188467 0.3498083805179263 0.017679818886580066 -0.34295414006272795 -0.5983387032671718 -0.8490799107769935 -0.8521754812400837 -0.8707489040185808 -0.9620975440171678 -0.9249213871225581 -1.0299770648538544 -1.1447068900015396 -1.2747208494510724 -1.4000914532059834 -1.429499372605283 -1.4295170088441052 -1.4341427282999137 -0.5426184349316627 +29143,0.23282196607093936,1,0.15316841651078036 0.6522717638188467 0.3498083805179263 0.017679818886580066 -0.34295414006272795 -0.5983387032671718 -0.8490799107769935 -0.8521754812400837 -0.8707489040185808 -0.9620975440171678 -0.9249213871225581 -1.0299770648538544 -1.1447068900015396 -1.2747208494510724 -1.4000914532059834 -1.429499372605283 -1.4295170088441052 -1.4341427282999137 -0.5426184349316627 -0.13555091903608096 +29144,0.3370245418842337,1,0.6522717638188467 0.3498083805179263 0.017679818886580066 -0.34295414006272795 -0.5983387032671718 -0.8490799107769935 -0.8521754812400837 -0.8707489040185808 -0.9620975440171678 -0.9249213871225581 -1.0299770648538544 -1.1447068900015396 -1.2747208494510724 -1.4000914532059834 -1.429499372605283 -1.4295170088441052 -1.4341427282999137 -0.5426184349316627 -0.13555091903608096 0.23282196607093936 +29145,0.39843498584594356,1,0.3498083805179263 0.017679818886580066 -0.34295414006272795 -0.5983387032671718 -0.8490799107769935 -0.8521754812400837 -0.8707489040185808 -0.9620975440171678 -0.9249213871225581 -1.0299770648538544 -1.1447068900015396 -1.2747208494510724 -1.4000914532059834 -1.429499372605283 -1.4295170088441052 -1.4341427282999137 -0.5426184349316627 -0.13555091903608096 0.23282196607093936 0.3370245418842337 +29146,0.4984412591189553,1,0.017679818886580066 -0.34295414006272795 -0.5983387032671718 -0.8490799107769935 -0.8521754812400837 -0.8707489040185808 -0.9620975440171678 -0.9249213871225581 -1.0299770648538544 -1.1447068900015396 -1.2747208494510724 -1.4000914532059834 -1.429499372605283 -1.4295170088441052 -1.4341427282999137 -0.5426184349316627 -0.13555091903608096 0.23282196607093936 0.3370245418842337 0.39843498584594356 +29147,0.6120293477987534,1,-0.34295414006272795 -0.5983387032671718 -0.8490799107769935 -0.8521754812400837 -0.8707489040185808 -0.9620975440171678 -0.9249213871225581 -1.0299770648538544 -1.1447068900015396 -1.2747208494510724 -1.4000914532059834 -1.429499372605283 -1.4295170088441052 -1.4341427282999137 -0.5426184349316627 -0.13555091903608096 0.23282196607093936 0.3370245418842337 0.39843498584594356 0.4984412591189553 +29148,0.491572835235594,1,-0.5983387032671718 -0.8490799107769935 -0.8521754812400837 -0.8707489040185808 -0.9620975440171678 -0.9249213871225581 -1.0299770648538544 -1.1447068900015396 -1.2747208494510724 -1.4000914532059834 -1.429499372605283 -1.4295170088441052 -1.4341427282999137 -0.5426184349316627 -0.13555091903608096 0.23282196607093936 0.3370245418842337 0.39843498584594356 0.4984412591189553 0.6120293477987534 +29149,0.35509699936276,1,-0.8490799107769935 -0.8521754812400837 -0.8707489040185808 -0.9620975440171678 -0.9249213871225581 -1.0299770648538544 -1.1447068900015396 -1.2747208494510724 -1.4000914532059834 -1.429499372605283 -1.4295170088441052 -1.4341427282999137 -0.5426184349316627 -0.13555091903608096 0.23282196607093936 0.3370245418842337 0.39843498584594356 0.4984412591189553 0.6120293477987534 0.491572835235594 +29150,-0.5615399945415936,1,-0.8521754812400837 -0.8707489040185808 -0.9620975440171678 -0.9249213871225581 -1.0299770648538544 -1.1447068900015396 -1.2747208494510724 -1.4000914532059834 -1.429499372605283 -1.4295170088441052 -1.4341427282999137 -0.5426184349316627 -0.13555091903608096 0.23282196607093936 0.3370245418842337 0.39843498584594356 0.4984412591189553 0.6120293477987534 0.491572835235594 0.35509699936276 +29151,-0.2144879658447357,1,-0.8707489040185808 -0.9620975440171678 -0.9249213871225581 -1.0299770648538544 -1.1447068900015396 -1.2747208494510724 -1.4000914532059834 -1.429499372605283 -1.4295170088441052 -1.4341427282999137 -0.5426184349316627 -0.13555091903608096 0.23282196607093936 0.3370245418842337 0.39843498584594356 0.4984412591189553 0.6120293477987534 0.491572835235594 0.35509699936276 -0.5615399945415936 +29152,-0.6091731998879655,1,-0.9620975440171678 -0.9249213871225581 -1.0299770648538544 -1.1447068900015396 -1.2747208494510724 -1.4000914532059834 -1.429499372605283 -1.4295170088441052 -1.4341427282999137 -0.5426184349316627 -0.13555091903608096 0.23282196607093936 0.3370245418842337 0.39843498584594356 0.4984412591189553 0.6120293477987534 0.491572835235594 0.35509699936276 -0.5615399945415936 -0.2144879658447357 +29153,-0.8413409846192812,1,-0.9249213871225581 -1.0299770648538544 -1.1447068900015396 -1.2747208494510724 -1.4000914532059834 -1.429499372605283 -1.4295170088441052 -1.4341427282999137 -0.5426184349316627 -0.13555091903608096 0.23282196607093936 0.3370245418842337 0.39843498584594356 0.4984412591189553 0.6120293477987534 0.491572835235594 0.35509699936276 -0.5615399945415936 -0.2144879658447357 -0.6091731998879655 +29154,-0.8165764209146125,1,-1.0299770648538544 -1.1447068900015396 -1.2747208494510724 -1.4000914532059834 -1.429499372605283 -1.4295170088441052 -1.4341427282999137 -0.5426184349316627 -0.13555091903608096 0.23282196607093936 0.3370245418842337 0.39843498584594356 0.4984412591189553 0.6120293477987534 0.491572835235594 0.35509699936276 -0.5615399945415936 -0.2144879658447357 -0.6091731998879655 -0.8413409846192812 +29155,-0.9125391052702237,1,-1.1447068900015396 -1.2747208494510724 -1.4000914532059834 -1.429499372605283 -1.4295170088441052 -1.4341427282999137 -0.5426184349316627 -0.13555091903608096 0.23282196607093936 0.3370245418842337 0.39843498584594356 0.4984412591189553 0.6120293477987534 0.491572835235594 0.35509699936276 -0.5615399945415936 -0.2144879658447357 -0.6091731998879655 -0.8413409846192812 -0.8165764209146125 +29156,-0.9682593736057415,1,-1.2747208494510724 -1.4000914532059834 -1.429499372605283 -1.4295170088441052 -1.4341427282999137 -0.5426184349316627 -0.13555091903608096 0.23282196607093936 0.3370245418842337 0.39843498584594356 0.4984412591189553 0.6120293477987534 0.491572835235594 0.35509699936276 -0.5615399945415936 -0.2144879658447357 -0.6091731998879655 -0.8413409846192812 -0.8165764209146125 -0.9125391052702237 +29157,-0.9744505145319043,1,-1.4000914532059834 -1.429499372605283 -1.4295170088441052 -1.4341427282999137 -0.5426184349316627 -0.13555091903608096 0.23282196607093936 0.3370245418842337 0.39843498584594356 0.4984412591189553 0.6120293477987534 0.491572835235594 0.35509699936276 -0.5615399945415936 -0.2144879658447357 -0.6091731998879655 -0.8413409846192812 -0.8165764209146125 -0.9125391052702237 -0.9682593736057415 +29158,-0.9852850111526981,1,-1.429499372605283 -1.4295170088441052 -1.4341427282999137 -0.5426184349316627 -0.13555091903608096 0.23282196607093936 0.3370245418842337 0.39843498584594356 0.4984412591189553 0.6120293477987534 0.491572835235594 0.35509699936276 -0.5615399945415936 -0.2144879658447357 -0.6091731998879655 -0.8413409846192812 -0.8165764209146125 -0.9125391052702237 -0.9682593736057415 -0.9744505145319043 +29159,-1.0301707828674223,1,-1.4295170088441052 -1.4341427282999137 -0.5426184349316627 -0.13555091903608096 0.23282196607093936 0.3370245418842337 0.39843498584594356 0.4984412591189553 0.6120293477987534 0.491572835235594 0.35509699936276 -0.5615399945415936 -0.2144879658447357 -0.6091731998879655 -0.8413409846192812 -0.8165764209146125 -0.9125391052702237 -0.9682593736057415 -0.9744505145319043 -0.9852850111526981 +29160,-1.0796999102767686,1,-1.4341427282999137 -0.5426184349316627 -0.13555091903608096 0.23282196607093936 0.3370245418842337 0.39843498584594356 0.4984412591189553 0.6120293477987534 0.491572835235594 0.35509699936276 -0.5615399945415936 -0.2144879658447357 -0.6091731998879655 -0.8413409846192812 -0.8165764209146125 -0.9125391052702237 -0.9682593736057415 -0.9744505145319043 -0.9852850111526981 -1.0301707828674223 +29161,-1.1694714537062083,1,-0.5426184349316627 -0.13555091903608096 0.23282196607093936 0.3370245418842337 0.39843498584594356 0.4984412591189553 0.6120293477987534 0.491572835235594 0.35509699936276 -0.5615399945415936 -0.2144879658447357 -0.6091731998879655 -0.8413409846192812 -0.8165764209146125 -0.9125391052702237 -0.9682593736057415 -0.9744505145319043 -0.9852850111526981 -1.0301707828674223 -1.0796999102767686 +29162,-1.276268634682613,1,-0.13555091903608096 0.23282196607093936 0.3370245418842337 0.39843498584594356 0.4984412591189553 0.6120293477987534 0.491572835235594 0.35509699936276 -0.5615399945415936 -0.2144879658447357 -0.6091731998879655 -0.8413409846192812 -0.8165764209146125 -0.9125391052702237 -0.9682593736057415 -0.9744505145319043 -0.9852850111526981 -1.0301707828674223 -1.0796999102767686 -1.1694714537062083 +29163,-1.180305950327002,1,0.23282196607093936 0.3370245418842337 0.39843498584594356 0.4984412591189553 0.6120293477987534 0.491572835235594 0.35509699936276 -0.5615399945415936 -0.2144879658447357 -0.6091731998879655 -0.8413409846192812 -0.8165764209146125 -0.9125391052702237 -0.9682593736057415 -0.9744505145319043 -0.9852850111526981 -1.0301707828674223 -1.0796999102767686 -1.1694714537062083 -1.276268634682613 +29164,-0.9326603132802703,1,0.3370245418842337 0.39843498584594356 0.4984412591189553 0.6120293477987534 0.491572835235594 0.35509699936276 -0.5615399945415936 -0.2144879658447357 -0.6091731998879655 -0.8413409846192812 -0.8165764209146125 -0.9125391052702237 -0.9682593736057415 -0.9744505145319043 -0.9852850111526981 -1.0301707828674223 -1.0796999102767686 -1.1694714537062083 -1.276268634682613 -1.180305950327002 +29165,-0.4838025961330546,1,0.39843498584594356 0.4984412591189553 0.6120293477987534 0.491572835235594 0.35509699936276 -0.5615399945415936 -0.2144879658447357 -0.6091731998879655 -0.8413409846192812 -0.8165764209146125 -0.9125391052702237 -0.9682593736057415 -0.9744505145319043 -0.9852850111526981 -1.0301707828674223 -1.0796999102767686 -1.1694714537062083 -1.276268634682613 -1.180305950327002 -0.9326603132802703 +29166,-0.11078635533141219,1,0.4984412591189553 0.6120293477987534 0.491572835235594 0.35509699936276 -0.5615399945415936 -0.2144879658447357 -0.6091731998879655 -0.8413409846192812 -0.8165764209146125 -0.9125391052702237 -0.9682593736057415 -0.9744505145319043 -0.9852850111526981 -1.0301707828674223 -1.0796999102767686 -1.1694714537062083 -1.276268634682613 -1.180305950327002 -0.9326603132802703 -0.4838025961330546 +29167,0.12138142939990357,1,0.6120293477987534 0.491572835235594 0.35509699936276 -0.5615399945415936 -0.2144879658447357 -0.6091731998879655 -0.8413409846192812 -0.8165764209146125 -0.9125391052702237 -0.9682593736057415 -0.9744505145319043 -0.9852850111526981 -1.0301707828674223 -1.0796999102767686 -1.1694714537062083 -1.276268634682613 -1.180305950327002 -0.9326603132802703 -0.4838025961330546 -0.11078635533141219 +29168,0.16214121260007408,1,0.491572835235594 0.35509699936276 -0.5615399945415936 -0.2144879658447357 -0.6091731998879655 -0.8413409846192812 -0.8165764209146125 -0.9125391052702237 -0.9682593736057415 -0.9744505145319043 -0.9852850111526981 -1.0301707828674223 -1.0796999102767686 -1.1694714537062083 -1.276268634682613 -1.180305950327002 -0.9326603132802703 -0.4838025961330546 -0.11078635533141219 0.12138142939990357 +29169,0.331880220889632,1,0.35509699936276 -0.5615399945415936 -0.2144879658447357 -0.6091731998879655 -0.8413409846192812 -0.8165764209146125 -0.9125391052702237 -0.9682593736057415 -0.9744505145319043 -0.9852850111526981 -1.0301707828674223 -1.0796999102767686 -1.1694714537062083 -1.276268634682613 -1.180305950327002 -0.9326603132802703 -0.4838025961330546 -0.11078635533141219 0.12138142939990357 0.16214121260007408 +29170,0.36283592552047234,1,-0.5615399945415936 -0.2144879658447357 -0.6091731998879655 -0.8413409846192812 -0.8165764209146125 -0.9125391052702237 -0.9682593736057415 -0.9744505145319043 -0.9852850111526981 -1.0301707828674223 -1.0796999102767686 -1.1694714537062083 -1.276268634682613 -1.180305950327002 -0.9326603132802703 -0.4838025961330546 -0.11078635533141219 0.12138142939990357 0.16214121260007408 0.331880220889632 +29171,0.3086634424164951,1,-0.2144879658447357 -0.6091731998879655 -0.8413409846192812 -0.8165764209146125 -0.9125391052702237 -0.9682593736057415 -0.9744505145319043 -0.9852850111526981 -1.0301707828674223 -1.0796999102767686 -1.1694714537062083 -1.276268634682613 -1.180305950327002 -0.9326603132802703 -0.4838025961330546 -0.11078635533141219 0.12138142939990357 0.16214121260007408 0.331880220889632 0.36283592552047234 +29172,0.28644768831505824,1,-0.6091731998879655 -0.8413409846192812 -0.8165764209146125 -0.9125391052702237 -0.9682593736057415 -0.9744505145319043 -0.9852850111526981 -1.0301707828674223 -1.0796999102767686 -1.1694714537062083 -1.276268634682613 -1.180305950327002 -0.9326603132802703 -0.4838025961330546 -0.11078635533141219 0.12138142939990357 0.16214121260007408 0.331880220889632 0.36283592552047234 0.3086634424164951 +29173,0.23282196607093936,1,-0.8413409846192812 -0.8165764209146125 -0.9125391052702237 -0.9682593736057415 -0.9744505145319043 -0.9852850111526981 -1.0301707828674223 -1.0796999102767686 -1.1694714537062083 -1.276268634682613 -1.180305950327002 -0.9326603132802703 -0.4838025961330546 -0.11078635533141219 0.12138142939990357 0.16214121260007408 0.331880220889632 0.36283592552047234 0.3086634424164951 0.28644768831505824 +29174,-0.29636387883892534,1,-0.8165764209146125 -0.9125391052702237 -0.9682593736057415 -0.9744505145319043 -0.9852850111526981 -1.0301707828674223 -1.0796999102767686 -1.1694714537062083 -1.276268634682613 -1.180305950327002 -0.9326603132802703 -0.4838025961330546 -0.11078635533141219 0.12138142939990357 0.16214121260007408 0.331880220889632 0.36283592552047234 0.3086634424164951 0.28644768831505824 0.23282196607093936 +29175,-0.14638541565688343,1,-0.9125391052702237 -0.9682593736057415 -0.9744505145319043 -0.9852850111526981 -1.0301707828674223 -1.0796999102767686 -1.1694714537062083 -1.276268634682613 -1.180305950327002 -0.9326603132802703 -0.4838025961330546 -0.11078635533141219 0.12138142939990357 0.16214121260007408 0.331880220889632 0.36283592552047234 0.3086634424164951 0.28644768831505824 0.23282196607093936 -0.29636387883892534 +29176,-0.40022219362978656,1,-0.9682593736057415 -0.9744505145319043 -0.9852850111526981 -1.0301707828674223 -1.0796999102767686 -1.1694714537062083 -1.276268634682613 -1.180305950327002 -0.9326603132802703 -0.4838025961330546 -0.11078635533141219 0.12138142939990357 0.16214121260007408 0.331880220889632 0.36283592552047234 0.3086634424164951 0.28644768831505824 0.23282196607093936 -0.29636387883892534 -0.14638541565688343 +29177,-0.5611918577101599,1,-0.9744505145319043 -0.9852850111526981 -1.0301707828674223 -1.0796999102767686 -1.1694714537062083 -1.276268634682613 -1.180305950327002 -0.9326603132802703 -0.4838025961330546 -0.11078635533141219 0.12138142939990357 0.16214121260007408 0.331880220889632 0.36283592552047234 0.3086634424164951 0.28644768831505824 0.23282196607093936 -0.29636387883892534 -0.14638541565688343 -0.40022219362978656 +29178,-0.582860850951756,1,-0.9852850111526981 -1.0301707828674223 -1.0796999102767686 -1.1694714537062083 -1.276268634682613 -1.180305950327002 -0.9326603132802703 -0.4838025961330546 -0.11078635533141219 0.12138142939990357 0.16214121260007408 0.331880220889632 0.36283592552047234 0.3086634424164951 0.28644768831505824 0.23282196607093936 -0.29636387883892534 -0.14638541565688343 -0.40022219362978656 -0.5611918577101599 +29179,-0.7221615217905419,1,-1.0301707828674223 -1.0796999102767686 -1.1694714537062083 -1.276268634682613 -1.180305950327002 -0.9326603132802703 -0.4838025961330546 -0.11078635533141219 0.12138142939990357 0.16214121260007408 0.331880220889632 0.36283592552047234 0.3086634424164951 0.28644768831505824 0.23282196607093936 -0.29636387883892534 -0.14638541565688343 -0.40022219362978656 -0.5611918577101599 -0.582860850951756 +29180,-0.763951723042176,1,-1.0796999102767686 -1.1694714537062083 -1.276268634682613 -1.180305950327002 -0.9326603132802703 -0.4838025961330546 -0.11078635533141219 0.12138142939990357 0.16214121260007408 0.331880220889632 0.36283592552047234 0.3086634424164951 0.28644768831505824 0.23282196607093936 -0.29636387883892534 -0.14638541565688343 -0.40022219362978656 -0.5611918577101599 -0.582860850951756 -0.7221615217905419 +29181,-0.8258631323038654,1,-1.1694714537062083 -1.276268634682613 -1.180305950327002 -0.9326603132802703 -0.4838025961330546 -0.11078635533141219 0.12138142939990357 0.16214121260007408 0.331880220889632 0.36283592552047234 0.3086634424164951 0.28644768831505824 0.23282196607093936 -0.29636387883892534 -0.14638541565688343 -0.40022219362978656 -0.5611918577101599 -0.582860850951756 -0.7221615217905419 -0.763951723042176 +29182,-0.8366990844618948,1,-1.276268634682613 -1.180305950327002 -0.9326603132802703 -0.4838025961330546 -0.11078635533141219 0.12138142939990357 0.16214121260007408 0.331880220889632 0.36283592552047234 0.3086634424164951 0.28644768831505824 0.23282196607093936 -0.29636387883892534 -0.14638541565688343 -0.40022219362978656 -0.5611918577101599 -0.582860850951756 -0.7221615217905419 -0.763951723042176 -0.8258631323038654 +29183,-0.8599144073977872,1,-1.180305950327002 -0.9326603132802703 -0.4838025961330546 -0.11078635533141219 0.12138142939990357 0.16214121260007408 0.331880220889632 0.36283592552047234 0.3086634424164951 0.28644768831505824 0.23282196607093936 -0.29636387883892534 -0.14638541565688343 -0.40022219362978656 -0.5611918577101599 -0.582860850951756 -0.7221615217905419 -0.763951723042176 -0.8258631323038654 -0.8366990844618948 +29184,-0.863299398530882,1,-0.9326603132802703 -0.4838025961330546 -0.11078635533141219 0.12138142939990357 0.16214121260007408 0.331880220889632 0.36283592552047234 0.3086634424164951 0.28644768831505824 0.23282196607093936 -0.29636387883892534 -0.14638541565688343 -0.40022219362978656 -0.5611918577101599 -0.582860850951756 -0.7221615217905419 -0.763951723042176 -0.8258631323038654 -0.8366990844618948 -0.8599144073977872 +29185,-0.8692011187870402,1,-0.4838025961330546 -0.11078635533141219 0.12138142939990357 0.16214121260007408 0.331880220889632 0.36283592552047234 0.3086634424164951 0.28644768831505824 0.23282196607093936 -0.29636387883892534 -0.14638541565688343 -0.40022219362978656 -0.5611918577101599 -0.582860850951756 -0.7221615217905419 -0.763951723042176 -0.8258631323038654 -0.8366990844618948 -0.8599144073977872 -0.863299398530882 +29186,-1.185715437732692,1,-0.11078635533141219 0.12138142939990357 0.16214121260007408 0.331880220889632 0.36283592552047234 0.3086634424164951 0.28644768831505824 0.23282196607093936 -0.29636387883892534 -0.14638541565688343 -0.40022219362978656 -0.5611918577101599 -0.582860850951756 -0.7221615217905419 -0.763951723042176 -0.8258631323038654 -0.8366990844618948 -0.8599144073977872 -0.863299398530882 -0.8692011187870402 +29187,-0.8181157266047661,1,0.12138142939990357 0.16214121260007408 0.331880220889632 0.36283592552047234 0.3086634424164951 0.28644768831505824 0.23282196607093936 -0.29636387883892534 -0.14638541565688343 -0.40022219362978656 -0.5611918577101599 -0.582860850951756 -0.7221615217905419 -0.763951723042176 -0.8258631323038654 -0.8366990844618948 -0.8599144073977872 -0.863299398530882 -0.8692011187870402 -1.185715437732692 +29188,-0.7732384344314289,1,0.16214121260007408 0.331880220889632 0.36283592552047234 0.3086634424164951 0.28644768831505824 0.23282196607093936 -0.29636387883892534 -0.14638541565688343 -0.40022219362978656 -0.5611918577101599 -0.582860850951756 -0.7221615217905419 -0.763951723042176 -0.8258631323038654 -0.8366990844618948 -0.8599144073977872 -0.863299398530882 -0.8692011187870402 -1.185715437732692 -0.8181157266047661 +29189,-0.6160054357787217,1,0.331880220889632 0.36283592552047234 0.3086634424164951 0.28644768831505824 0.23282196607093936 -0.29636387883892534 -0.14638541565688343 -0.40022219362978656 -0.5611918577101599 -0.582860850951756 -0.7221615217905419 -0.763951723042176 -0.8258631323038654 -0.8366990844618948 -0.8599144073977872 -0.863299398530882 -0.8692011187870402 -1.185715437732692 -0.8181157266047661 -0.7732384344314289 +29190,-0.5005498883420216,1,0.36283592552047234 0.3086634424164951 0.28644768831505824 0.23282196607093936 -0.29636387883892534 -0.14638541565688343 -0.40022219362978656 -0.5611918577101599 -0.582860850951756 -0.7221615217905419 -0.763951723042176 -0.8258631323038654 -0.8366990844618948 -0.8599144073977872 -0.863299398530882 -0.8692011187870402 -1.185715437732692 -0.8181157266047661 -0.7732384344314289 -0.6160054357787217 +29191,-0.3166417911265097,1,0.3086634424164951 0.28644768831505824 0.23282196607093936 -0.29636387883892534 -0.14638541565688343 -0.40022219362978656 -0.5611918577101599 -0.582860850951756 -0.7221615217905419 -0.763951723042176 -0.8258631323038654 -0.8366990844618948 -0.8599144073977872 -0.863299398530882 -0.8692011187870402 -1.185715437732692 -0.8181157266047661 -0.7732384344314289 -0.6160054357787217 -0.5005498883420216 +29192,-0.12109756031460867,1,0.28644768831505824 0.23282196607093936 -0.29636387883892534 -0.14638541565688343 -0.40022219362978656 -0.5611918577101599 -0.582860850951756 -0.7221615217905419 -0.763951723042176 -0.8258631323038654 -0.8366990844618948 -0.8599144073977872 -0.863299398530882 -0.8692011187870402 -1.185715437732692 -0.8181157266047661 -0.7732384344314289 -0.6160054357787217 -0.5005498883420216 -0.3166417911265097 +29193,-0.12471642241528727,1,0.23282196607093936 -0.29636387883892534 -0.14638541565688343 -0.40022219362978656 -0.5611918577101599 -0.582860850951756 -0.7221615217905419 -0.763951723042176 -0.8258631323038654 -0.8366990844618948 -0.8599144073977872 -0.863299398530882 -0.8692011187870402 -1.185715437732692 -0.8181157266047661 -0.7732384344314289 -0.6160054357787217 -0.5005498883420216 -0.3166417911265097 -0.12109756031460867 +29194,-0.10530425776061074,1,-0.29636387883892534 -0.14638541565688343 -0.40022219362978656 -0.5611918577101599 -0.582860850951756 -0.7221615217905419 -0.763951723042176 -0.8258631323038654 -0.8366990844618948 -0.8599144073977872 -0.863299398530882 -0.8692011187870402 -1.185715437732692 -0.8181157266047661 -0.7732384344314289 -0.6160054357787217 -0.5005498883420216 -0.3166417911265097 -0.12109756031460867 -0.12471642241528727 +29195,-0.040716649051313586,1,-0.14638541565688343 -0.40022219362978656 -0.5611918577101599 -0.582860850951756 -0.7221615217905419 -0.763951723042176 -0.8258631323038654 -0.8366990844618948 -0.8599144073977872 -0.863299398530882 -0.8692011187870402 -1.185715437732692 -0.8181157266047661 -0.7732384344314289 -0.6160054357787217 -0.5005498883420216 -0.3166417911265097 -0.12109756031460867 -0.12471642241528727 -0.10530425776061074 +29196,-0.2160357510762764,1,-0.40022219362978656 -0.5611918577101599 -0.582860850951756 -0.7221615217905419 -0.763951723042176 -0.8258631323038654 -0.8366990844618948 -0.8599144073977872 -0.863299398530882 -0.8692011187870402 -1.185715437732692 -0.8181157266047661 -0.7732384344314289 -0.6160054357787217 -0.5005498883420216 -0.3166417911265097 -0.12109756031460867 -0.12471642241528727 -0.10530425776061074 -0.040716649051313586 +29197,-0.2973603945122412,1,-0.5611918577101599 -0.582860850951756 -0.7221615217905419 -0.763951723042176 -0.8258631323038654 -0.8366990844618948 -0.8599144073977872 -0.863299398530882 -0.8692011187870402 -1.185715437732692 -0.8181157266047661 -0.7732384344314289 -0.6160054357787217 -0.5005498883420216 -0.3166417911265097 -0.12109756031460867 -0.12471642241528727 -0.10530425776061074 -0.040716649051313586 -0.2160357510762764 +29198,-0.6656229310450664,1,-0.582860850951756 -0.7221615217905419 -0.763951723042176 -0.8258631323038654 -0.8366990844618948 -0.8599144073977872 -0.863299398530882 -0.8692011187870402 -1.185715437732692 -0.8181157266047661 -0.7732384344314289 -0.6160054357787217 -0.5005498883420216 -0.3166417911265097 -0.12109756031460867 -0.12471642241528727 -0.10530425776061074 -0.040716649051313586 -0.2160357510762764 -0.2973603945122412 +29199,-0.4157000459452023,1,-0.7221615217905419 -0.763951723042176 -0.8258631323038654 -0.8366990844618948 -0.8599144073977872 -0.863299398530882 -0.8692011187870402 -1.185715437732692 -0.8181157266047661 -0.7732384344314289 -0.6160054357787217 -0.5005498883420216 -0.3166417911265097 -0.12109756031460867 -0.12471642241528727 -0.10530425776061074 -0.040716649051313586 -0.2160357510762764 -0.2973603945122412 -0.6656229310450664 +29200,-0.5011983188799293,1,-0.763951723042176 -0.8258631323038654 -0.8366990844618948 -0.8599144073977872 -0.863299398530882 -0.8692011187870402 -1.185715437732692 -0.8181157266047661 -0.7732384344314289 -0.6160054357787217 -0.5005498883420216 -0.3166417911265097 -0.12109756031460867 -0.12471642241528727 -0.10530425776061074 -0.040716649051313586 -0.2160357510762764 -0.2973603945122412 -0.6656229310450664 -0.4157000459452023 +29201,-0.9275054967540106,1,-0.8258631323038654 -0.8366990844618948 -0.8599144073977872 -0.863299398530882 -0.8692011187870402 -1.185715437732692 -0.8181157266047661 -0.7732384344314289 -0.6160054357787217 -0.5005498883420216 -0.3166417911265097 -0.12109756031460867 -0.12471642241528727 -0.10530425776061074 -0.040716649051313586 -0.2160357510762764 -0.2973603945122412 -0.6656229310450664 -0.4157000459452023 -0.5011983188799293 +29202,-0.5379750792370318,1,-0.8366990844618948 -0.8599144073977872 -0.863299398530882 -0.8692011187870402 -1.185715437732692 -0.8181157266047661 -0.7732384344314289 -0.6160054357787217 -0.5005498883420216 -0.3166417911265097 -0.12109756031460867 -0.12471642241528727 -0.10530425776061074 -0.040716649051313586 -0.2160357510762764 -0.2973603945122412 -0.6656229310450664 -0.4157000459452023 -0.5011983188799293 -0.9275054967540106 +29203,-0.5506635390109561,1,-0.8599144073977872 -0.863299398530882 -0.8692011187870402 -1.185715437732692 -0.8181157266047661 -0.7732384344314289 -0.6160054357787217 -0.5005498883420216 -0.3166417911265097 -0.12109756031460867 -0.12471642241528727 -0.10530425776061074 -0.040716649051313586 -0.2160357510762764 -0.2973603945122412 -0.6656229310450664 -0.4157000459452023 -0.5011983188799293 -0.9275054967540106 -0.5379750792370318 +29204,-0.601434273730262,1,-0.863299398530882 -0.8692011187870402 -1.185715437732692 -0.8181157266047661 -0.7732384344314289 -0.6160054357787217 -0.5005498883420216 -0.3166417911265097 -0.12109756031460867 -0.12471642241528727 -0.10530425776061074 -0.040716649051313586 -0.2160357510762764 -0.2973603945122412 -0.6656229310450664 -0.4157000459452023 -0.5011983188799293 -0.9275054967540106 -0.5379750792370318 -0.5506635390109561 +29205,-0.6135095988154794,1,-0.8692011187870402 -1.185715437732692 -0.8181157266047661 -0.7732384344314289 -0.6160054357787217 -0.5005498883420216 -0.3166417911265097 -0.12109756031460867 -0.12471642241528727 -0.10530425776061074 -0.040716649051313586 -0.2160357510762764 -0.2973603945122412 -0.6656229310450664 -0.4157000459452023 -0.5011983188799293 -0.9275054967540106 -0.5379750792370318 -0.5506635390109561 -0.601434273730262 +29206,-0.6509634011396083,1,-1.185715437732692 -0.8181157266047661 -0.7732384344314289 -0.6160054357787217 -0.5005498883420216 -0.3166417911265097 -0.12109756031460867 -0.12471642241528727 -0.10530425776061074 -0.040716649051313586 -0.2160357510762764 -0.2973603945122412 -0.6656229310450664 -0.4157000459452023 -0.5011983188799293 -0.9275054967540106 -0.5379750792370318 -0.5506635390109561 -0.601434273730262 -0.6135095988154794 +29207,-0.6308421931295616,1,-0.8181157266047661 -0.7732384344314289 -0.6160054357787217 -0.5005498883420216 -0.3166417911265097 -0.12109756031460867 -0.12471642241528727 -0.10530425776061074 -0.040716649051313586 -0.2160357510762764 -0.2973603945122412 -0.6656229310450664 -0.4157000459452023 -0.5011983188799293 -0.9275054967540106 -0.5379750792370318 -0.5506635390109561 -0.601434273730262 -0.6135095988154794 -0.6509634011396083 +29208,-0.6602501125288612,1,-0.7732384344314289 -0.6160054357787217 -0.5005498883420216 -0.3166417911265097 -0.12109756031460867 -0.12471642241528727 -0.10530425776061074 -0.040716649051313586 -0.2160357510762764 -0.2973603945122412 -0.6656229310450664 -0.4157000459452023 -0.5011983188799293 -0.9275054967540106 -0.5379750792370318 -0.5506635390109561 -0.601434273730262 -0.6135095988154794 -0.6509634011396083 -0.6308421931295616 +29209,-0.7082314547066669,1,-0.6160054357787217 -0.5005498883420216 -0.3166417911265097 -0.12109756031460867 -0.12471642241528727 -0.10530425776061074 -0.040716649051313586 -0.2160357510762764 -0.2973603945122412 -0.6656229310450664 -0.4157000459452023 -0.5011983188799293 -0.9275054967540106 -0.5379750792370318 -0.5506635390109561 -0.601434273730262 -0.6135095988154794 -0.6509634011396083 -0.6308421931295616 -0.6602501125288612 +29210,-0.6973969580858732,1,-0.5005498883420216 -0.3166417911265097 -0.12109756031460867 -0.12471642241528727 -0.10530425776061074 -0.040716649051313586 -0.2160357510762764 -0.2973603945122412 -0.6656229310450664 -0.4157000459452023 -0.5011983188799293 -0.9275054967540106 -0.5379750792370318 -0.5506635390109561 -0.601434273730262 -0.6135095988154794 -0.6509634011396083 -0.6308421931295616 -0.6602501125288612 -0.7082314547066669 +29211,-0.710973074237867,1,-0.3166417911265097 -0.12109756031460867 -0.12471642241528727 -0.10530425776061074 -0.040716649051313586 -0.2160357510762764 -0.2973603945122412 -0.6656229310450664 -0.4157000459452023 -0.5011983188799293 -0.9275054967540106 -0.5379750792370318 -0.5506635390109561 -0.601434273730262 -0.6135095988154794 -0.6509634011396083 -0.6308421931295616 -0.6602501125288612 -0.7082314547066669 -0.6973969580858732 +29212,-0.7453783002636788,1,-0.12109756031460867 -0.12471642241528727 -0.10530425776061074 -0.040716649051313586 -0.2160357510762764 -0.2973603945122412 -0.6656229310450664 -0.4157000459452023 -0.5011983188799293 -0.9275054967540106 -0.5379750792370318 -0.5506635390109561 -0.601434273730262 -0.6135095988154794 -0.6509634011396083 -0.6308421931295616 -0.6602501125288612 -0.7082314547066669 -0.6973969580858732 -0.710973074237867 +29213,-0.9635638117343652,1,-0.12471642241528727 -0.10530425776061074 -0.040716649051313586 -0.2160357510762764 -0.2973603945122412 -0.6656229310450664 -0.4157000459452023 -0.5011983188799293 -0.9275054967540106 -0.5379750792370318 -0.5506635390109561 -0.601434273730262 -0.6135095988154794 -0.6509634011396083 -0.6308421931295616 -0.6602501125288612 -0.7082314547066669 -0.6973969580858732 -0.710973074237867 -0.7453783002636788 +29214,-0.7438305150321293,1,-0.10530425776061074 -0.040716649051313586 -0.2160357510762764 -0.2973603945122412 -0.6656229310450664 -0.4157000459452023 -0.5011983188799293 -0.9275054967540106 -0.5379750792370318 -0.5506635390109561 -0.601434273730262 -0.6135095988154794 -0.6509634011396083 -0.6308421931295616 -0.6602501125288612 -0.7082314547066669 -0.6973969580858732 -0.710973074237867 -0.7453783002636788 -0.9635638117343652 +29215,-0.5813130657202153,1,-0.040716649051313586 -0.2160357510762764 -0.2973603945122412 -0.6656229310450664 -0.4157000459452023 -0.5011983188799293 -0.9275054967540106 -0.5379750792370318 -0.5506635390109561 -0.601434273730262 -0.6135095988154794 -0.6509634011396083 -0.6308421931295616 -0.6602501125288612 -0.7082314547066669 -0.6973969580858732 -0.710973074237867 -0.7453783002636788 -0.9635638117343652 -0.7438305150321293 +29216,-0.5895889396246166,1,-0.2160357510762764 -0.2973603945122412 -0.6656229310450664 -0.4157000459452023 -0.5011983188799293 -0.9275054967540106 -0.5379750792370318 -0.5506635390109561 -0.601434273730262 -0.6135095988154794 -0.6509634011396083 -0.6308421931295616 -0.6602501125288612 -0.7082314547066669 -0.6973969580858732 -0.710973074237867 -0.7453783002636788 -0.9635638117343652 -0.7438305150321293 -0.5813130657202153 +29217,-0.615364340814137,1,-0.2973603945122412 -0.6656229310450664 -0.4157000459452023 -0.5011983188799293 -0.9275054967540106 -0.5379750792370318 -0.5506635390109561 -0.601434273730262 -0.6135095988154794 -0.6509634011396083 -0.6308421931295616 -0.6602501125288612 -0.7082314547066669 -0.6973969580858732 -0.710973074237867 -0.7453783002636788 -0.9635638117343652 -0.7438305150321293 -0.5813130657202153 -0.5895889396246166 +29218,-0.6362018064065134,1,-0.6656229310450664 -0.4157000459452023 -0.5011983188799293 -0.9275054967540106 -0.5379750792370318 -0.5506635390109561 -0.601434273730262 -0.6135095988154794 -0.6509634011396083 -0.6308421931295616 -0.6602501125288612 -0.7082314547066669 -0.6973969580858732 -0.710973074237867 -0.7453783002636788 -0.9635638117343652 -0.7438305150321293 -0.5813130657202153 -0.5895889396246166 -0.615364340814137 +29219,-0.6587023272973206,1,-0.4157000459452023 -0.5011983188799293 -0.9275054967540106 -0.5379750792370318 -0.5506635390109561 -0.601434273730262 -0.6135095988154794 -0.6509634011396083 -0.6308421931295616 -0.6602501125288612 -0.7082314547066669 -0.6973969580858732 -0.710973074237867 -0.7453783002636788 -0.9635638117343652 -0.7438305150321293 -0.5813130657202153 -0.5895889396246166 -0.615364340814137 -0.6362018064065134 +29220,-0.7936342186128829,1,-0.5011983188799293 -0.9275054967540106 -0.5379750792370318 -0.5506635390109561 -0.601434273730262 -0.6135095988154794 -0.6509634011396083 -0.6308421931295616 -0.6602501125288612 -0.7082314547066669 -0.6973969580858732 -0.710973074237867 -0.7453783002636788 -0.9635638117343652 -0.7438305150321293 -0.5813130657202153 -0.5895889396246166 -0.615364340814137 -0.6362018064065134 -0.6587023272973206 +29221,-0.9357558837433517,1,-0.9275054967540106 -0.5379750792370318 -0.5506635390109561 -0.601434273730262 -0.6135095988154794 -0.6509634011396083 -0.6308421931295616 -0.6602501125288612 -0.7082314547066669 -0.6973969580858732 -0.710973074237867 -0.7453783002636788 -0.9635638117343652 -0.7438305150321293 -0.5813130657202153 -0.5895889396246166 -0.615364340814137 -0.6362018064065134 -0.6587023272973206 -0.7936342186128829 +29222,-1.46705113147071,1,-0.5379750792370318 -0.5506635390109561 -0.601434273730262 -0.6135095988154794 -0.6509634011396083 -0.6308421931295616 -0.6602501125288612 -0.7082314547066669 -0.6973969580858732 -0.710973074237867 -0.7453783002636788 -0.9635638117343652 -0.7438305150321293 -0.5813130657202153 -0.5895889396246166 -0.615364340814137 -0.6362018064065134 -0.6587023272973206 -0.7936342186128829 -0.9357558837433517 +29223,-1.0719609841190563,1,-0.5506635390109561 -0.601434273730262 -0.6135095988154794 -0.6509634011396083 -0.6308421931295616 -0.6602501125288612 -0.7082314547066669 -0.6973969580858732 -0.710973074237867 -0.7453783002636788 -0.9635638117343652 -0.7438305150321293 -0.5813130657202153 -0.5895889396246166 -0.615364340814137 -0.6362018064065134 -0.6587023272973206 -0.7936342186128829 -0.9357558837433517 -1.46705113147071 +29224,-1.1223135507615623,1,-0.601434273730262 -0.6135095988154794 -0.6509634011396083 -0.6308421931295616 -0.6602501125288612 -0.7082314547066669 -0.6973969580858732 -0.710973074237867 -0.7453783002636788 -0.9635638117343652 -0.7438305150321293 -0.5813130657202153 -0.5895889396246166 -0.615364340814137 -0.6362018064065134 -0.6587023272973206 -0.7936342186128829 -0.9357558837433517 -1.46705113147071 -1.0719609841190563 +29225,-1.1756625946323798,1,-0.6135095988154794 -0.6509634011396083 -0.6308421931295616 -0.6602501125288612 -0.7082314547066669 -0.6973969580858732 -0.710973074237867 -0.7453783002636788 -0.9635638117343652 -0.7438305150321293 -0.5813130657202153 -0.5895889396246166 -0.615364340814137 -0.6362018064065134 -0.6587023272973206 -0.7936342186128829 -0.9357558837433517 -1.46705113147071 -1.0719609841190563 -1.1223135507615623 +29226,-1.29948541315575,1,-0.6509634011396083 -0.6308421931295616 -0.6602501125288612 -0.7082314547066669 -0.6973969580858732 -0.710973074237867 -0.7453783002636788 -0.9635638117343652 -0.7438305150321293 -0.5813130657202153 -0.5895889396246166 -0.615364340814137 -0.6362018064065134 -0.6587023272973206 -0.7936342186128829 -0.9357558837433517 -1.46705113147071 -1.0719609841190563 -1.1223135507615623 -1.1756625946323798 +29227,-1.3103199097765437,1,-0.6308421931295616 -0.6602501125288612 -0.7082314547066669 -0.6973969580858732 -0.710973074237867 -0.7453783002636788 -0.9635638117343652 -0.7438305150321293 -0.5813130657202153 -0.5895889396246166 -0.615364340814137 -0.6362018064065134 -0.6587023272973206 -0.7936342186128829 -0.9357558837433517 -1.46705113147071 -1.0719609841190563 -1.1223135507615623 -1.1756625946323798 -1.29948541315575 +29228,-1.3605529940546448,1,-0.6602501125288612 -0.7082314547066669 -0.6973969580858732 -0.710973074237867 -0.7453783002636788 -0.9635638117343652 -0.7438305150321293 -0.5813130657202153 -0.5895889396246166 -0.615364340814137 -0.6362018064065134 -0.6587023272973206 -0.7936342186128829 -0.9357558837433517 -1.46705113147071 -1.0719609841190563 -1.1223135507615623 -1.1756625946323798 -1.29948541315575 -1.3103199097765437 +29229,-1.3567534667228085,1,-0.7082314547066669 -0.6973969580858732 -0.710973074237867 -0.7453783002636788 -0.9635638117343652 -0.7438305150321293 -0.5813130657202153 -0.5895889396246166 -0.615364340814137 -0.6362018064065134 -0.6587023272973206 -0.7936342186128829 -0.9357558837433517 -1.46705113147071 -1.0719609841190563 -1.1223135507615623 -1.1756625946323798 -1.29948541315575 -1.3103199097765437 -1.3605529940546448 +29230,-1.3918083132238026,1,-0.6973969580858732 -0.710973074237867 -0.7453783002636788 -0.9635638117343652 -0.7438305150321293 -0.5813130657202153 -0.5895889396246166 -0.615364340814137 -0.6362018064065134 -0.6587023272973206 -0.7936342186128829 -0.9357558837433517 -1.46705113147071 -1.0719609841190563 -1.1223135507615623 -1.1756625946323798 -1.29948541315575 -1.3103199097765437 -1.3605529940546448 -1.3567534667228085 +29231,-1.4310471578368236,1,-0.710973074237867 -0.7453783002636788 -0.9635638117343652 -0.7438305150321293 -0.5813130657202153 -0.5895889396246166 -0.615364340814137 -0.6362018064065134 -0.6587023272973206 -0.7936342186128829 -0.9357558837433517 -1.46705113147071 -1.0719609841190563 -1.1223135507615623 -1.1756625946323798 -1.29948541315575 -1.3103199097765437 -1.3605529940546448 -1.3567534667228085 -1.3918083132238026 +29232,-1.5057564021992778,1,-0.7453783002636788 -0.9635638117343652 -0.7438305150321293 -0.5813130657202153 -0.5895889396246166 -0.615364340814137 -0.6362018064065134 -0.6587023272973206 -0.7936342186128829 -0.9357558837433517 -1.46705113147071 -1.0719609841190563 -1.1223135507615623 -1.1756625946323798 -1.29948541315575 -1.3103199097765437 -1.3605529940546448 -1.3567534667228085 -1.3918083132238026 -1.4310471578368236 +29233,-1.5935646071487464,1,-0.9635638117343652 -0.7438305150321293 -0.5813130657202153 -0.5895889396246166 -0.615364340814137 -0.6362018064065134 -0.6587023272973206 -0.7936342186128829 -0.9357558837433517 -1.46705113147071 -1.0719609841190563 -1.1223135507615623 -1.1756625946323798 -1.29948541315575 -1.3103199097765437 -1.3605529940546448 -1.3567534667228085 -1.3918083132238026 -1.4310471578368236 -1.5057564021992778 +29234,-2.0270573313719353,1,-0.7438305150321293 -0.5813130657202153 -0.5895889396246166 -0.615364340814137 -0.6362018064065134 -0.6587023272973206 -0.7936342186128829 -0.9357558837433517 -1.46705113147071 -1.0719609841190563 -1.1223135507615623 -1.1756625946323798 -1.29948541315575 -1.3103199097765437 -1.3605529940546448 -1.3567534667228085 -1.3918083132238026 -1.4310471578368236 -1.5057564021992778 -1.5935646071487464 +29235,-1.7266741370613696,1,-0.5813130657202153 -0.5895889396246166 -0.615364340814137 -0.6362018064065134 -0.6587023272973206 -0.7936342186128829 -0.9357558837433517 -1.46705113147071 -1.0719609841190563 -1.1223135507615623 -1.1756625946323798 -1.29948541315575 -1.3103199097765437 -1.3605529940546448 -1.3567534667228085 -1.3918083132238026 -1.4310471578368236 -1.5057564021992778 -1.5935646071487464 -2.0270573313719353 +29236,-1.6134387264148697,1,-0.5895889396246166 -0.615364340814137 -0.6362018064065134 -0.6587023272973206 -0.7936342186128829 -0.9357558837433517 -1.46705113147071 -1.0719609841190563 -1.1223135507615623 -1.1756625946323798 -1.29948541315575 -1.3103199097765437 -1.3605529940546448 -1.3567534667228085 -1.3918083132238026 -1.4310471578368236 -1.5057564021992778 -1.5935646071487464 -2.0270573313719353 -1.7266741370613696 +29237,-1.4805762852461788,1,-0.615364340814137 -0.6362018064065134 -0.6587023272973206 -0.7936342186128829 -0.9357558837433517 -1.46705113147071 -1.0719609841190563 -1.1223135507615623 -1.1756625946323798 -1.29948541315575 -1.3103199097765437 -1.3605529940546448 -1.3567534667228085 -1.3918083132238026 -1.4310471578368236 -1.5057564021992778 -1.5935646071487464 -2.0270573313719353 -1.7266741370613696 -1.6134387264148697 +29238,-1.0471964204143875,1,-0.6362018064065134 -0.6587023272973206 -0.7936342186128829 -0.9357558837433517 -1.46705113147071 -1.0719609841190563 -1.1223135507615623 -1.1756625946323798 -1.29948541315575 -1.3103199097765437 -1.3605529940546448 -1.3567534667228085 -1.3918083132238026 -1.4310471578368236 -1.5057564021992778 -1.5935646071487464 -2.0270573313719353 -1.7266741370613696 -1.6134387264148697 -1.4805762852461788 +29239,-1.038474810675645,1,-0.6587023272973206 -0.7936342186128829 -0.9357558837433517 -1.46705113147071 -1.0719609841190563 -1.1223135507615623 -1.1756625946323798 -1.29948541315575 -1.3103199097765437 -1.3605529940546448 -1.3567534667228085 -1.3918083132238026 -1.4310471578368236 -1.5057564021992778 -1.5935646071487464 -2.0270573313719353 -1.7266741370613696 -1.6134387264148697 -1.4805762852461788 -1.0471964204143875 +29240,-0.9326603132802703,1,-0.7936342186128829 -0.9357558837433517 -1.46705113147071 -1.0719609841190563 -1.1223135507615623 -1.1756625946323798 -1.29948541315575 -1.3103199097765437 -1.3605529940546448 -1.3567534667228085 -1.3918083132238026 -1.4310471578368236 -1.5057564021992778 -1.5935646071487464 -2.0270573313719353 -1.7266741370613696 -1.6134387264148697 -1.4805762852461788 -1.0471964204143875 -1.038474810675645 +29241,-0.8001447690122587,1,-0.9357558837433517 -1.46705113147071 -1.0719609841190563 -1.1223135507615623 -1.1756625946323798 -1.29948541315575 -1.3103199097765437 -1.3605529940546448 -1.3567534667228085 -1.3918083132238026 -1.4310471578368236 -1.5057564021992778 -1.5935646071487464 -2.0270573313719353 -1.7266741370613696 -1.6134387264148697 -1.4805762852461788 -1.0471964204143875 -1.038474810675645 -0.9326603132802703 +29242,-0.6648934682234834,1,-1.46705113147071 -1.0719609841190563 -1.1223135507615623 -1.1756625946323798 -1.29948541315575 -1.3103199097765437 -1.3605529940546448 -1.3567534667228085 -1.3918083132238026 -1.4310471578368236 -1.5057564021992778 -1.5935646071487464 -2.0270573313719353 -1.7266741370613696 -1.6134387264148697 -1.4805762852461788 -1.0471964204143875 -1.038474810675645 -0.9326603132802703 -0.8001447690122587 +29243,-0.6494156159080676,1,-1.0719609841190563 -1.1223135507615623 -1.1756625946323798 -1.29948541315575 -1.3103199097765437 -1.3605529940546448 -1.3567534667228085 -1.3918083132238026 -1.4310471578368236 -1.5057564021992778 -1.5935646071487464 -2.0270573313719353 -1.7266741370613696 -1.6134387264148697 -1.4805762852461788 -1.0471964204143875 -1.038474810675645 -0.9326603132802703 -0.8001447690122587 -0.6648934682234834 +29244,-0.6602501125288612,1,-1.1223135507615623 -1.1756625946323798 -1.29948541315575 -1.3103199097765437 -1.3605529940546448 -1.3567534667228085 -1.3918083132238026 -1.4310471578368236 -1.5057564021992778 -1.5935646071487464 -2.0270573313719353 -1.7266741370613696 -1.6134387264148697 -1.4805762852461788 -1.0471964204143875 -1.038474810675645 -0.9326603132802703 -0.8001447690122587 -0.6648934682234834 -0.6494156159080676 +29245,-0.8862267563340055,1,-1.1756625946323798 -1.29948541315575 -1.3103199097765437 -1.3605529940546448 -1.3567534667228085 -1.3918083132238026 -1.4310471578368236 -1.5057564021992778 -1.5935646071487464 -2.0270573313719353 -1.7266741370613696 -1.6134387264148697 -1.4805762852461788 -1.0471964204143875 -1.038474810675645 -0.9326603132802703 -0.8001447690122587 -0.6648934682234834 -0.6494156159080676 -0.6602501125288612 +29246,-1.2765864734633643,1,-1.29948541315575 -1.3103199097765437 -1.3605529940546448 -1.3567534667228085 -1.3918083132238026 -1.4310471578368236 -1.5057564021992778 -1.5935646071487464 -2.0270573313719353 -1.7266741370613696 -1.6134387264148697 -1.4805762852461788 -1.0471964204143875 -1.038474810675645 -0.9326603132802703 -0.8001447690122587 -0.6648934682234834 -0.6494156159080676 -0.6602501125288612 -0.8862267563340055 +29247,-1.0518397761090097,1,-1.3103199097765437 -1.3605529940546448 -1.3567534667228085 -1.3918083132238026 -1.4310471578368236 -1.5057564021992778 -1.5935646071487464 -2.0270573313719353 -1.7266741370613696 -1.6134387264148697 -1.4805762852461788 -1.0471964204143875 -1.038474810675645 -0.9326603132802703 -0.8001447690122587 -0.6648934682234834 -0.6494156159080676 -0.6602501125288612 -0.8862267563340055 -1.2765864734633643 +29248,-1.1534536916474911,1,-1.3605529940546448 -1.3567534667228085 -1.3918083132238026 -1.4310471578368236 -1.5057564021992778 -1.5935646071487464 -2.0270573313719353 -1.7266741370613696 -1.6134387264148697 -1.4805762852461788 -1.0471964204143875 -1.038474810675645 -0.9326603132802703 -0.8001447690122587 -0.6648934682234834 -0.6494156159080676 -0.6602501125288612 -0.8862267563340055 -1.2765864734633643 -1.0518397761090097 +29249,-1.262338567598738,1,-1.3567534667228085 -1.3918083132238026 -1.4310471578368236 -1.5057564021992778 -1.5935646071487464 -2.0270573313719353 -1.7266741370613696 -1.6134387264148697 -1.4805762852461788 -1.0471964204143875 -1.038474810675645 -0.9326603132802703 -0.8001447690122587 -0.6648934682234834 -0.6494156159080676 -0.6602501125288612 -0.8862267563340055 -1.2765864734633643 -1.0518397761090097 -1.1534536916474911 +29250,-1.539392124044778,1,-1.3918083132238026 -1.4310471578368236 -1.5057564021992778 -1.5935646071487464 -2.0270573313719353 -1.7266741370613696 -1.6134387264148697 -1.4805762852461788 -1.0471964204143875 -1.038474810675645 -0.9326603132802703 -0.8001447690122587 -0.6648934682234834 -0.6494156159080676 -0.6602501125288612 -0.8862267563340055 -1.2765864734633643 -1.0518397761090097 -1.1534536916474911 -1.262338567598738 +29251,-1.7839421906284283,1,-1.4310471578368236 -1.5057564021992778 -1.5935646071487464 -2.0270573313719353 -1.7266741370613696 -1.6134387264148697 -1.4805762852461788 -1.0471964204143875 -1.038474810675645 -0.9326603132802703 -0.8001447690122587 -0.6648934682234834 -0.6494156159080676 -0.6602501125288612 -0.8862267563340055 -1.2765864734633643 -1.0518397761090097 -1.1534536916474911 -1.262338567598738 -1.539392124044778 +29252,-1.8984140002875691,1,-1.5057564021992778 -1.5935646071487464 -2.0270573313719353 -1.7266741370613696 -1.6134387264148697 -1.4805762852461788 -1.0471964204143875 -1.038474810675645 -0.9326603132802703 -0.8001447690122587 -0.6648934682234834 -0.6494156159080676 -0.6602501125288612 -0.8862267563340055 -1.2765864734633643 -1.0518397761090097 -1.1534536916474911 -1.262338567598738 -1.539392124044778 -1.7839421906284283 +29253,-1.8443058146585682,1,-1.5935646071487464 -2.0270573313719353 -1.7266741370613696 -1.6134387264148697 -1.4805762852461788 -1.0471964204143875 -1.038474810675645 -0.9326603132802703 -0.8001447690122587 -0.6648934682234834 -0.6494156159080676 -0.6602501125288612 -0.8862267563340055 -1.2765864734633643 -1.0518397761090097 -1.1534536916474911 -1.262338567598738 -1.539392124044778 -1.7839421906284283 -1.8984140002875691 +29254,-2.071830243695262,1,-2.0270573313719353 -1.7266741370613696 -1.6134387264148697 -1.4805762852461788 -1.0471964204143875 -1.038474810675645 -0.9326603132802703 -0.8001447690122587 -0.6648934682234834 -0.6494156159080676 -0.6602501125288612 -0.8862267563340055 -1.2765864734633643 -1.0518397761090097 -1.1534536916474911 -1.262338567598738 -1.539392124044778 -1.7839421906284283 -1.8984140002875691 -1.8443058146585682 +29255,-2.149219505272367,1,-1.7266741370613696 -1.6134387264148697 -1.4805762852461788 -1.0471964204143875 -1.038474810675645 -0.9326603132802703 -0.8001447690122587 -0.6648934682234834 -0.6494156159080676 -0.6602501125288612 -0.8862267563340055 -1.2765864734633643 -1.0518397761090097 -1.1534536916474911 -1.262338567598738 -1.539392124044778 -1.7839421906284283 -1.8984140002875691 -1.8443058146585682 -2.071830243695262 +29256,-2.113620444946896,1,-1.6134387264148697 -1.4805762852461788 -1.0471964204143875 -1.038474810675645 -0.9326603132802703 -0.8001447690122587 -0.6648934682234834 -0.6494156159080676 -0.6602501125288612 -0.8862267563340055 -1.2765864734633643 -1.0518397761090097 -1.1534536916474911 -1.262338567598738 -1.539392124044778 -1.7839421906284283 -1.8984140002875691 -1.8443058146585682 -2.071830243695262 -2.149219505272367 +29257,-2.1569584314300707,1,-1.4805762852461788 -1.0471964204143875 -1.038474810675645 -0.9326603132802703 -0.8001447690122587 -0.6648934682234834 -0.6494156159080676 -0.6602501125288612 -0.8862267563340055 -1.2765864734633643 -1.0518397761090097 -1.1534536916474911 -1.262338567598738 -1.539392124044778 -1.7839421906284283 -1.8984140002875691 -1.8443058146585682 -2.071830243695262 -2.149219505272367 -2.113620444946896 +29258,-2.1832707803662887,1,-1.0471964204143875 -1.038474810675645 -0.9326603132802703 -0.8001447690122587 -0.6648934682234834 -0.6494156159080676 -0.6602501125288612 -0.8862267563340055 -1.2765864734633643 -1.0518397761090097 -1.1534536916474911 -1.262338567598738 -1.539392124044778 -1.7839421906284283 -1.8984140002875691 -1.8443058146585682 -2.071830243695262 -2.149219505272367 -2.113620444946896 -2.1569584314300707 +29259,-2.153862860966989,1,-1.038474810675645 -0.9326603132802703 -0.8001447690122587 -0.6648934682234834 -0.6494156159080676 -0.6602501125288612 -0.8862267563340055 -1.2765864734633643 -1.0518397761090097 -1.1534536916474911 -1.262338567598738 -1.539392124044778 -1.7839421906284283 -1.8984140002875691 -1.8443058146585682 -2.071830243695262 -2.149219505272367 -2.113620444946896 -2.1569584314300707 -2.1832707803662887 +29260,-1.8737137340578678,1,-0.9326603132802703 -0.8001447690122587 -0.6648934682234834 -0.6494156159080676 -0.6602501125288612 -0.8862267563340055 -1.2765864734633643 -1.0518397761090097 -1.1534536916474911 -1.262338567598738 -1.539392124044778 -1.7839421906284283 -1.8984140002875691 -1.8443058146585682 -2.071830243695262 -2.149219505272367 -2.113620444946896 -2.1569584314300707 -2.1832707803662887 -2.153862860966989 +29261,-1.7320689366043254,1,-0.8001447690122587 -0.6648934682234834 -0.6494156159080676 -0.6602501125288612 -0.8862267563340055 -1.2765864734633643 -1.0518397761090097 -1.1534536916474911 -1.262338567598738 -1.539392124044778 -1.7839421906284283 -1.8984140002875691 -1.8443058146585682 -2.071830243695262 -2.149219505272367 -2.113620444946896 -2.1569584314300707 -2.1832707803662887 -2.153862860966989 -1.8737137340578678 +29262,-1.3149632654711658,1,-0.6648934682234834 -0.6494156159080676 -0.6602501125288612 -0.8862267563340055 -1.2765864734633643 -1.0518397761090097 -1.1534536916474911 -1.262338567598738 -1.539392124044778 -1.7839421906284283 -1.8984140002875691 -1.8443058146585682 -2.071830243695262 -2.149219505272367 -2.113620444946896 -2.1569584314300707 -2.1832707803662887 -2.153862860966989 -1.8737137340578678 -1.7320689366043254 +29263,-0.6865624614650707,1,-0.6494156159080676 -0.6602501125288612 -0.8862267563340055 -1.2765864734633643 -1.0518397761090097 -1.1534536916474911 -1.262338567598738 -1.539392124044778 -1.7839421906284283 -1.8984140002875691 -1.8443058146585682 -2.071830243695262 -2.149219505272367 -2.113620444946896 -2.1569584314300707 -2.1832707803662887 -2.153862860966989 -1.8737137340578678 -1.7320689366043254 -1.3149632654711658 +29264,-0.5441662201632034,1,-0.6602501125288612 -0.8862267563340055 -1.2765864734633643 -1.0518397761090097 -1.1534536916474911 -1.262338567598738 -1.539392124044778 -1.7839421906284283 -1.8984140002875691 -1.8443058146585682 -2.071830243695262 -2.149219505272367 -2.113620444946896 -2.1569584314300707 -2.1832707803662887 -2.153862860966989 -1.8737137340578678 -1.7320689366043254 -1.3149632654711658 -0.6865624614650707 +29265,-0.5472617906262848,1,-0.8862267563340055 -1.2765864734633643 -1.0518397761090097 -1.1534536916474911 -1.262338567598738 -1.539392124044778 -1.7839421906284283 -1.8984140002875691 -1.8443058146585682 -2.071830243695262 -2.149219505272367 -2.113620444946896 -2.1569584314300707 -2.1832707803662887 -2.153862860966989 -1.8737137340578678 -1.7320689366043254 -1.3149632654711658 -0.6865624614650707 -0.5441662201632034 +29266,-0.5433552992622173,1,-1.2765864734633643 -1.0518397761090097 -1.1534536916474911 -1.262338567598738 -1.539392124044778 -1.7839421906284283 -1.8984140002875691 -1.8443058146585682 -2.071830243695262 -2.149219505272367 -2.113620444946896 -2.1569584314300707 -2.1832707803662887 -2.153862860966989 -1.8737137340578678 -1.7320689366043254 -1.3149632654711658 -0.6865624614650707 -0.5441662201632034 -0.5472617906262848 +29267,-0.5317839383108602,1,-1.0518397761090097 -1.1534536916474911 -1.262338567598738 -1.539392124044778 -1.7839421906284283 -1.8984140002875691 -1.8443058146585682 -2.071830243695262 -2.149219505272367 -2.113620444946896 -2.1569584314300707 -2.1832707803662887 -2.153862860966989 -1.8737137340578678 -1.7320689366043254 -1.3149632654711658 -0.6865624614650707 -0.5441662201632034 -0.5472617906262848 -0.5433552992622173 +29268,-0.5599743583934194,1,-1.1534536916474911 -1.262338567598738 -1.539392124044778 -1.7839421906284283 -1.8984140002875691 -1.8443058146585682 -2.071830243695262 -2.149219505272367 -2.113620444946896 -2.1569584314300707 -2.1832707803662887 -2.153862860966989 -1.8737137340578678 -1.7320689366043254 -1.3149632654711658 -0.6865624614650707 -0.5441662201632034 -0.5472617906262848 -0.5433552992622173 -0.5317839383108602 +29269,-0.5905997771094683,1,-1.262338567598738 -1.539392124044778 -1.7839421906284283 -1.8984140002875691 -1.8443058146585682 -2.071830243695262 -2.149219505272367 -2.113620444946896 -2.1569584314300707 -2.1832707803662887 -2.153862860966989 -1.8737137340578678 -1.7320689366043254 -1.3149632654711658 -0.6865624614650707 -0.5441662201632034 -0.5472617906262848 -0.5433552992622173 -0.5317839383108602 -0.5599743583934194 +29270,-1.2902904451883117,1,-1.539392124044778 -1.7839421906284283 -1.8984140002875691 -1.8443058146585682 -2.071830243695262 -2.149219505272367 -2.113620444946896 -2.1569584314300707 -2.1832707803662887 -2.153862860966989 -1.8737137340578678 -1.7320689366043254 -1.3149632654711658 -0.6865624614650707 -0.5441662201632034 -0.5472617906262848 -0.5433552992622173 -0.5317839383108602 -0.5599743583934194 -0.5905997771094683 +29271,-0.938851454206442,1,-1.7839421906284283 -1.8984140002875691 -1.8443058146585682 -2.071830243695262 -2.149219505272367 -2.113620444946896 -2.1569584314300707 -2.1832707803662887 -2.153862860966989 -1.8737137340578678 -1.7320689366043254 -1.3149632654711658 -0.6865624614650707 -0.5441662201632034 -0.5472617906262848 -0.5433552992622173 -0.5317839383108602 -0.5599743583934194 -0.5905997771094683 -1.2902904451883117 +29272,-1.1632803127800455,1,-1.8984140002875691 -1.8443058146585682 -2.071830243695262 -2.149219505272367 -2.113620444946896 -2.1569584314300707 -2.1832707803662887 -2.153862860966989 -1.8737137340578678 -1.7320689366043254 -1.3149632654711658 -0.6865624614650707 -0.5441662201632034 -0.5472617906262848 -0.5433552992622173 -0.5317839383108602 -0.5599743583934194 -0.5905997771094683 -1.2902904451883117 -0.938851454206442 +29273,-1.3149632654711658,1,-1.8443058146585682 -2.071830243695262 -2.149219505272367 -2.113620444946896 -2.1569584314300707 -2.1832707803662887 -2.153862860966989 -1.8737137340578678 -1.7320689366043254 -1.3149632654711658 -0.6865624614650707 -0.5441662201632034 -0.5472617906262848 -0.5433552992622173 -0.5317839383108602 -0.5599743583934194 -0.5905997771094683 -1.2902904451883117 -0.938851454206442 -1.1632803127800455 +29274,-1.387709171353649,1,-2.071830243695262 -2.149219505272367 -2.113620444946896 -2.1569584314300707 -2.1832707803662887 -2.153862860966989 -1.8737137340578678 -1.7320689366043254 -1.3149632654711658 -0.6865624614650707 -0.5441662201632034 -0.5472617906262848 -0.5433552992622173 -0.5317839383108602 -0.5599743583934194 -0.5905997771094683 -1.2902904451883117 -0.938851454206442 -1.1632803127800455 -1.3149632654711658 +29275,-1.4805762852461788,1,-2.149219505272367 -2.113620444946896 -2.1569584314300707 -2.1832707803662887 -2.153862860966989 -1.8737137340578678 -1.7320689366043254 -1.3149632654711658 -0.6865624614650707 -0.5441662201632034 -0.5472617906262848 -0.5433552992622173 -0.5317839383108602 -0.5599743583934194 -0.5905997771094683 -1.2902904451883117 -0.938851454206442 -1.1632803127800455 -1.3149632654711658 -1.387709171353649 +29276,-1.5786500364431757,1,-2.113620444946896 -2.1569584314300707 -2.1832707803662887 -2.153862860966989 -1.8737137340578678 -1.7320689366043254 -1.3149632654711658 -0.6865624614650707 -0.5441662201632034 -0.5472617906262848 -0.5433552992622173 -0.5317839383108602 -0.5599743583934194 -0.5905997771094683 -1.2902904451883117 -0.938851454206442 -1.1632803127800455 -1.3149632654711658 -1.387709171353649 -1.4805762852461788 +29277,-1.5718956139071592,1,-2.1569584314300707 -2.1832707803662887 -2.153862860966989 -1.8737137340578678 -1.7320689366043254 -1.3149632654711658 -0.6865624614650707 -0.5441662201632034 -0.5472617906262848 -0.5433552992622173 -0.5317839383108602 -0.5599743583934194 -0.5905997771094683 -1.2902904451883117 -0.938851454206442 -1.1632803127800455 -1.3149632654711658 -1.387709171353649 -1.4805762852461788 -1.5786500364431757 +29278,-1.729769707524451,1,-2.1832707803662887 -2.153862860966989 -1.8737137340578678 -1.7320689366043254 -1.3149632654711658 -0.6865624614650707 -0.5441662201632034 -0.5472617906262848 -0.5433552992622173 -0.5317839383108602 -0.5599743583934194 -0.5905997771094683 -1.2902904451883117 -0.938851454206442 -1.1632803127800455 -1.3149632654711658 -1.387709171353649 -1.4805762852461788 -1.5786500364431757 -1.5718956139071592 +29279,-1.827280177111603,1,-2.153862860966989 -1.8737137340578678 -1.7320689366043254 -1.3149632654711658 -0.6865624614650707 -0.5441662201632034 -0.5472617906262848 -0.5433552992622173 -0.5317839383108602 -0.5599743583934194 -0.5905997771094683 -1.2902904451883117 -0.938851454206442 -1.1632803127800455 -1.3149632654711658 -1.387709171353649 -1.4805762852461788 -1.5786500364431757 -1.5718956139071592 -1.729769707524451 +29280,-1.8597836669739927,1,-1.8737137340578678 -1.7320689366043254 -1.3149632654711658 -0.6865624614650707 -0.5441662201632034 -0.5472617906262848 -0.5433552992622173 -0.5317839383108602 -0.5599743583934194 -0.5905997771094683 -1.2902904451883117 -0.938851454206442 -1.1632803127800455 -1.3149632654711658 -1.387709171353649 -1.4805762852461788 -1.5786500364431757 -1.5718956139071592 -1.729769707524451 -1.827280177111603 +29281,-1.862154780926826,1,-1.7320689366043254 -1.3149632654711658 -0.6865624614650707 -0.5441662201632034 -0.5472617906262848 -0.5433552992622173 -0.5317839383108602 -0.5599743583934194 -0.5905997771094683 -1.2902904451883117 -0.938851454206442 -1.1632803127800455 -1.3149632654711658 -1.387709171353649 -1.4805762852461788 -1.5786500364431757 -1.5718956139071592 -1.729769707524451 -1.827280177111603 -1.8597836669739927 +29282,-1.8768093045209493,1,-1.3149632654711658 -0.6865624614650707 -0.5441662201632034 -0.5472617906262848 -0.5433552992622173 -0.5317839383108602 -0.5599743583934194 -0.5905997771094683 -1.2902904451883117 -0.938851454206442 -1.1632803127800455 -1.3149632654711658 -1.387709171353649 -1.4805762852461788 -1.5786500364431757 -1.5718956139071592 -1.729769707524451 -1.827280177111603 -1.8597836669739927 -1.862154780926826 +29283,-1.867522593131705,1,-0.6865624614650707 -0.5441662201632034 -0.5472617906262848 -0.5433552992622173 -0.5317839383108602 -0.5599743583934194 -0.5905997771094683 -1.2902904451883117 -0.938851454206442 -1.1632803127800455 -1.3149632654711658 -1.387709171353649 -1.4805762852461788 -1.5786500364431757 -1.5718956139071592 -1.729769707524451 -1.827280177111603 -1.8597836669739927 -1.862154780926826 -1.8768093045209493 +29284,-1.5548699763601939,1,-0.5441662201632034 -0.5472617906262848 -0.5433552992622173 -0.5317839383108602 -0.5599743583934194 -0.5905997771094683 -1.2902904451883117 -0.938851454206442 -1.1632803127800455 -1.3149632654711658 -1.387709171353649 -1.4805762852461788 -1.5786500364431757 -1.5718956139071592 -1.729769707524451 -1.827280177111603 -1.8597836669739927 -1.862154780926826 -1.8768093045209493 -1.867522593131705 +29285,-0.9883805816157882,1,-0.5472617906262848 -0.5433552992622173 -0.5317839383108602 -0.5599743583934194 -0.5905997771094683 -1.2902904451883117 -0.938851454206442 -1.1632803127800455 -1.3149632654711658 -1.387709171353649 -1.4805762852461788 -1.5786500364431757 -1.5718956139071592 -1.729769707524451 -1.827280177111603 -1.8597836669739927 -1.862154780926826 -1.8768093045209493 -1.867522593131705 -1.5548699763601939 +29286,-0.968691436614894,1,-0.5433552992622173 -0.5317839383108602 -0.5599743583934194 -0.5905997771094683 -1.2902904451883117 -0.938851454206442 -1.1632803127800455 -1.3149632654711658 -1.387709171353649 -1.4805762852461788 -1.5786500364431757 -1.5718956139071592 -1.729769707524451 -1.827280177111603 -1.8597836669739927 -1.862154780926826 -1.8768093045209493 -1.867522593131705 -1.5548699763601939 -0.9883805816157882 +29287,-0.615364340814137,1,-0.5317839383108602 -0.5599743583934194 -0.5905997771094683 -1.2902904451883117 -0.938851454206442 -1.1632803127800455 -1.3149632654711658 -1.387709171353649 -1.4805762852461788 -1.5786500364431757 -1.5718956139071592 -1.729769707524451 -1.827280177111603 -1.8597836669739927 -1.862154780926826 -1.8768093045209493 -1.867522593131705 -1.5548699763601939 -0.9883805816157882 -0.968691436614894 +29288,-0.36771870376739674,1,-0.5599743583934194 -0.5905997771094683 -1.2902904451883117 -0.938851454206442 -1.1632803127800455 -1.3149632654711658 -1.387709171353649 -1.4805762852461788 -1.5786500364431757 -1.5718956139071592 -1.729769707524451 -1.827280177111603 -1.8597836669739927 -1.862154780926826 -1.8768093045209493 -1.867522593131705 -1.5548699763601939 -0.9883805816157882 -0.968691436614894 -0.615364340814137 +29289,-0.26151490000122307,1,-0.5905997771094683 -1.2902904451883117 -0.938851454206442 -1.1632803127800455 -1.3149632654711658 -1.387709171353649 -1.4805762852461788 -1.5786500364431757 -1.5718956139071592 -1.729769707524451 -1.827280177111603 -1.8597836669739927 -1.862154780926826 -1.8768093045209493 -1.867522593131705 -1.5548699763601939 -0.9883805816157882 -0.968691436614894 -0.615364340814137 -0.36771870376739674 +29290,-0.14174205996225253,1,-1.2902904451883117 -0.938851454206442 -1.1632803127800455 -1.3149632654711658 -1.387709171353649 -1.4805762852461788 -1.5786500364431757 -1.5718956139071592 -1.729769707524451 -1.827280177111603 -1.8597836669739927 -1.862154780926826 -1.8768093045209493 -1.867522593131705 -1.5548699763601939 -0.9883805816157882 -0.968691436614894 -0.615364340814137 -0.36771870376739674 -0.26151490000122307 +29291,-0.3619121639449358,1,-0.938851454206442 -1.1632803127800455 -1.3149632654711658 -1.387709171353649 -1.4805762852461788 -1.5786500364431757 -1.5718956139071592 -1.729769707524451 -1.827280177111603 -1.8597836669739927 -1.862154780926826 -1.8768093045209493 -1.867522593131705 -1.5548699763601939 -0.9883805816157882 -0.968691436614894 -0.615364340814137 -0.36771870376739674 -0.26151490000122307 -0.14174205996225253 +29292,-0.12007306672066517,1,-1.1632803127800455 -1.3149632654711658 -1.387709171353649 -1.4805762852461788 -1.5786500364431757 -1.5718956139071592 -1.729769707524451 -1.827280177111603 -1.8597836669739927 -1.862154780926826 -1.8768093045209493 -1.867522593131705 -1.5548699763601939 -0.9883805816157882 -0.968691436614894 -0.615364340814137 -0.36771870376739674 -0.26151490000122307 -0.14174205996225253 -0.3619121639449358 +29293,-0.27100973882021234,1,-1.3149632654711658 -1.387709171353649 -1.4805762852461788 -1.5786500364431757 -1.5718956139071592 -1.729769707524451 -1.827280177111603 -1.8597836669739927 -1.862154780926826 -1.8768093045209493 -1.867522593131705 -1.5548699763601939 -0.9883805816157882 -0.968691436614894 -0.615364340814137 -0.36771870376739674 -0.26151490000122307 -0.14174205996225253 -0.3619121639449358 -0.12007306672066517 +29294,-0.4265345425660048,1,-1.387709171353649 -1.4805762852461788 -1.5786500364431757 -1.5718956139071592 -1.729769707524451 -1.827280177111603 -1.8597836669739927 -1.862154780926826 -1.8768093045209493 -1.867522593131705 -1.5548699763601939 -0.9883805816157882 -0.968691436614894 -0.615364340814137 -0.36771870376739674 -0.26151490000122307 -0.14174205996225253 -0.3619121639449358 -0.12007306672066517 -0.27100973882021234 +29295,-0.8630099778608774,1,-1.4805762852461788 -1.5786500364431757 -1.5718956139071592 -1.729769707524451 -1.827280177111603 -1.8597836669739927 -1.862154780926826 -1.8768093045209493 -1.867522593131705 -1.5548699763601939 -0.9883805816157882 -0.968691436614894 -0.615364340814137 -0.36771870376739674 -0.26151490000122307 -0.14174205996225253 -0.3619121639449358 -0.12007306672066517 -0.27100973882021234 -0.4265345425660048 +29296,-0.8258631323038654,1,-1.5786500364431757 -1.5718956139071592 -1.729769707524451 -1.827280177111603 -1.8597836669739927 -1.862154780926826 -1.8768093045209493 -1.867522593131705 -1.5548699763601939 -0.9883805816157882 -0.968691436614894 -0.615364340814137 -0.36771870376739674 -0.26151490000122307 -0.14174205996225253 -0.3619121639449358 -0.12007306672066517 -0.27100973882021234 -0.4265345425660048 -0.8630099778608774 +29297,-1.0193362862466286,1,-1.5718956139071592 -1.729769707524451 -1.827280177111603 -1.8597836669739927 -1.862154780926826 -1.8768093045209493 -1.867522593131705 -1.5548699763601939 -0.9883805816157882 -0.968691436614894 -0.615364340814137 -0.36771870376739674 -0.26151490000122307 -0.14174205996225253 -0.3619121639449358 -0.12007306672066517 -0.27100973882021234 -0.4265345425660048 -0.8630099778608774 -0.8258631323038654 +29298,-1.1787581650954613,1,-1.729769707524451 -1.827280177111603 -1.8597836669739927 -1.862154780926826 -1.8768093045209493 -1.867522593131705 -1.5548699763601939 -0.9883805816157882 -0.968691436614894 -0.615364340814137 -0.36771870376739674 -0.26151490000122307 -0.14174205996225253 -0.3619121639449358 -0.12007306672066517 -0.27100973882021234 -0.4265345425660048 -0.8630099778608774 -0.8258631323038654 -1.0193362862466286 +29299,-1.304128768850372,1,-1.827280177111603 -1.8597836669739927 -1.862154780926826 -1.8768093045209493 -1.867522593131705 -1.5548699763601939 -0.9883805816157882 -0.968691436614894 -0.615364340814137 -0.36771870376739674 -0.26151490000122307 -0.14174205996225253 -0.3619121639449358 -0.12007306672066517 -0.27100973882021234 -0.4265345425660048 -0.8630099778608774 -0.8258631323038654 -1.0193362862466286 -1.1787581650954613 +29300,-1.3629446076489713,1,-1.8597836669739927 -1.862154780926826 -1.8768093045209493 -1.867522593131705 -1.5548699763601939 -0.9883805816157882 -0.968691436614894 -0.615364340814137 -0.36771870376739674 -0.26151490000122307 -0.14174205996225253 -0.3619121639449358 -0.12007306672066517 -0.27100973882021234 -0.4265345425660048 -0.8630099778608774 -0.8258631323038654 -1.0193362862466286 -1.1787581650954613 -1.304128768850372 +29301,-1.3861613861221083,1,-1.862154780926826 -1.8768093045209493 -1.867522593131705 -1.5548699763601939 -0.9883805816157882 -0.968691436614894 -0.615364340814137 -0.36771870376739674 -0.26151490000122307 -0.14174205996225253 -0.3619121639449358 -0.12007306672066517 -0.27100973882021234 -0.4265345425660048 -0.8630099778608774 -0.8258631323038654 -1.0193362862466286 -1.1787581650954613 -1.304128768850372 -1.3629446076489713 +29302,-1.492958567098513,1,-1.8768093045209493 -1.867522593131705 -1.5548699763601939 -0.9883805816157882 -0.968691436614894 -0.615364340814137 -0.36771870376739674 -0.26151490000122307 -0.14174205996225253 -0.3619121639449358 -0.12007306672066517 -0.27100973882021234 -0.4265345425660048 -0.8630099778608774 -0.8258631323038654 -1.0193362862466286 -1.1787581650954613 -1.304128768850372 -1.3629446076489713 -1.3861613861221083 +29303,-1.545583264970941,1,-1.867522593131705 -1.5548699763601939 -0.9883805816157882 -0.968691436614894 -0.615364340814137 -0.36771870376739674 -0.26151490000122307 -0.14174205996225253 -0.3619121639449358 -0.12007306672066517 -0.27100973882021234 -0.4265345425660048 -0.8630099778608774 -0.8258631323038654 -1.0193362862466286 -1.1787581650954613 -1.304128768850372 -1.3629446076489713 -1.3861613861221083 -1.492958567098513 +29304,-1.5564177615917345,1,-1.5548699763601939 -0.9883805816157882 -0.968691436614894 -0.615364340814137 -0.36771870376739674 -0.26151490000122307 -0.14174205996225253 -0.3619121639449358 -0.12007306672066517 -0.27100973882021234 -0.4265345425660048 -0.8630099778608774 -0.8258631323038654 -1.0193362862466286 -1.1787581650954613 -1.304128768850372 -1.3629446076489713 -1.3861613861221083 -1.492958567098513 -1.545583264970941 +29305,-1.6353548084003893,1,-0.9883805816157882 -0.968691436614894 -0.615364340814137 -0.36771870376739674 -0.26151490000122307 -0.14174205996225253 -0.3619121639449358 -0.12007306672066517 -0.27100973882021234 -0.4265345425660048 -0.8630099778608774 -0.8258631323038654 -1.0193362862466286 -1.1787581650954613 -1.304128768850372 -1.3629446076489713 -1.3861613861221083 -1.492958567098513 -1.545583264970941 -1.5564177615917345 +29306,-2.22252887524858,1,-0.968691436614894 -0.615364340814137 -0.36771870376739674 -0.26151490000122307 -0.14174205996225253 -0.3619121639449358 -0.12007306672066517 -0.27100973882021234 -0.4265345425660048 -0.8630099778608774 -0.8258631323038654 -1.0193362862466286 -1.1787581650954613 -1.304128768850372 -1.3629446076489713 -1.3861613861221083 -1.492958567098513 -1.545583264970941 -1.5564177615917345 -1.6353548084003893 +29307,-1.6864317210412763,1,-0.615364340814137 -0.36771870376739674 -0.26151490000122307 -0.14174205996225253 -0.3619121639449358 -0.12007306672066517 -0.27100973882021234 -0.4265345425660048 -0.8630099778608774 -0.8258631323038654 -1.0193362862466286 -1.1787581650954613 -1.304128768850372 -1.3629446076489713 -1.3861613861221083 -1.492958567098513 -1.545583264970941 -1.5564177615917345 -1.6353548084003893 -2.22252887524858 +29308,-1.4821240704777194,1,-0.36771870376739674 -0.26151490000122307 -0.14174205996225253 -0.3619121639449358 -0.12007306672066517 -0.27100973882021234 -0.4265345425660048 -0.8630099778608774 -0.8258631323038654 -1.0193362862466286 -1.1787581650954613 -1.304128768850372 -1.3629446076489713 -1.3861613861221083 -1.492958567098513 -1.545583264970941 -1.5564177615917345 -1.6353548084003893 -2.22252887524858 -1.6864317210412763 +29309,-1.4820460579230244,1,-0.26151490000122307 -0.14174205996225253 -0.3619121639449358 -0.12007306672066517 -0.27100973882021234 -0.4265345425660048 -0.8630099778608774 -0.8258631323038654 -1.0193362862466286 -1.1787581650954613 -1.304128768850372 -1.3629446076489713 -1.3861613861221083 -1.492958567098513 -1.545583264970941 -1.5564177615917345 -1.6353548084003893 -2.22252887524858 -1.6864317210412763 -1.4821240704777194 +29310,-0.6401289045188147,1,-0.14174205996225253 -0.3619121639449358 -0.12007306672066517 -0.27100973882021234 -0.4265345425660048 -0.8630099778608774 -0.8258631323038654 -1.0193362862466286 -1.1787581650954613 -1.304128768850372 -1.3629446076489713 -1.3861613861221083 -1.492958567098513 -1.545583264970941 -1.5564177615917345 -1.6353548084003893 -2.22252887524858 -1.6864317210412763 -1.4821240704777194 -1.4820460579230244 +29311,-0.3926624728321906,1,-0.3619121639449358 -0.12007306672066517 -0.27100973882021234 -0.4265345425660048 -0.8630099778608774 -0.8258631323038654 -1.0193362862466286 -1.1787581650954613 -1.304128768850372 -1.3629446076489713 -1.3861613861221083 -1.492958567098513 -1.545583264970941 -1.5564177615917345 -1.6353548084003893 -2.22252887524858 -1.6864317210412763 -1.4821240704777194 -1.4820460579230244 -0.6401289045188147 +29312,-0.03958823468047853,1,-0.12007306672066517 -0.27100973882021234 -0.4265345425660048 -0.8630099778608774 -0.8258631323038654 -1.0193362862466286 -1.1787581650954613 -1.304128768850372 -1.3629446076489713 -1.3861613861221083 -1.492958567098513 -1.545583264970941 -1.5564177615917345 -1.6353548084003893 -2.22252887524858 -1.6864317210412763 -1.4821240704777194 -1.4820460579230244 -0.6401289045188147 -0.3926624728321906 +29313,0.10911789301141434,1,-0.27100973882021234 -0.4265345425660048 -0.8630099778608774 -0.8258631323038654 -1.0193362862466286 -1.1787581650954613 -1.304128768850372 -1.3629446076489713 -1.3861613861221083 -1.492958567098513 -1.545583264970941 -1.5564177615917345 -1.6353548084003893 -2.22252887524858 -1.6864317210412763 -1.4821240704777194 -1.4820460579230244 -0.6401289045188147 -0.3926624728321906 -0.03958823468047853 +29314,0.280803308248745,1,-0.4265345425660048 -0.8630099778608774 -0.8258631323038654 -1.0193362862466286 -1.1787581650954613 -1.304128768850372 -1.3629446076489713 -1.3861613861221083 -1.492958567098513 -1.545583264970941 -1.5564177615917345 -1.6353548084003893 -2.22252887524858 -1.6864317210412763 -1.4821240704777194 -1.4820460579230244 -0.6401289045188147 -0.3926624728321906 -0.03958823468047853 0.10911789301141434 +29315,-0.007771058018651393,1,-0.8630099778608774 -0.8258631323038654 -1.0193362862466286 -1.1787581650954613 -1.304128768850372 -1.3629446076489713 -1.3861613861221083 -1.492958567098513 -1.545583264970941 -1.5564177615917345 -1.6353548084003893 -2.22252887524858 -1.6864317210412763 -1.4821240704777194 -1.4820460579230244 -0.6401289045188147 -0.3926624728321906 -0.03958823468047853 0.10911789301141434 0.280803308248745 +29316,0.26068210023868954,1,-0.8258631323038654 -1.0193362862466286 -1.1787581650954613 -1.304128768850372 -1.3629446076489713 -1.3861613861221083 -1.492958567098513 -1.545583264970941 -1.5564177615917345 -1.6353548084003893 -2.22252887524858 -1.6864317210412763 -1.4821240704777194 -1.4820460579230244 -0.6401289045188147 -0.3926624728321906 -0.03958823468047853 0.10911789301141434 0.280803308248745 -0.007771058018651393 +29317,0.13482753205679002,1,-1.0193362862466286 -1.1787581650954613 -1.304128768850372 -1.3629446076489713 -1.3861613861221083 -1.492958567098513 -1.545583264970941 -1.5564177615917345 -1.6353548084003893 -2.22252887524858 -1.6864317210412763 -1.4821240704777194 -1.4820460579230244 -0.6401289045188147 -0.3926624728321906 -0.03958823468047853 0.10911789301141434 0.280803308248745 -0.007771058018651393 0.26068210023868954 +29318,0.0022019665711642948,1,-1.1787581650954613 -1.304128768850372 -1.3629446076489713 -1.3861613861221083 -1.492958567098513 -1.545583264970941 -1.5564177615917345 -1.6353548084003893 -2.22252887524858 -1.6864317210412763 -1.4821240704777194 -1.4820460579230244 -0.6401289045188147 -0.3926624728321906 -0.03958823468047853 0.10911789301141434 0.280803308248745 -0.007771058018651393 0.26068210023868954 0.13482753205679002 +29319,-0.20203405744479302,1,-1.304128768850372 -1.3629446076489713 -1.3861613861221083 -1.492958567098513 -1.545583264970941 -1.5564177615917345 -1.6353548084003893 -2.22252887524858 -1.6864317210412763 -1.4821240704777194 -1.4820460579230244 -0.6401289045188147 -0.3926624728321906 -0.03958823468047853 0.10911789301141434 0.280803308248745 -0.007771058018651393 0.26068210023868954 0.13482753205679002 0.0022019665711642948 +29320,-0.4141522607136616,1,-1.3629446076489713 -1.3861613861221083 -1.492958567098513 -1.545583264970941 -1.5564177615917345 -1.6353548084003893 -2.22252887524858 -1.6864317210412763 -1.4821240704777194 -1.4820460579230244 -0.6401289045188147 -0.3926624728321906 -0.03958823468047853 0.10911789301141434 0.280803308248745 -0.007771058018651393 0.26068210023868954 0.13482753205679002 0.0022019665711642948 -0.20203405744479302 +29321,-0.6989447433174139,1,-1.3861613861221083 -1.492958567098513 -1.545583264970941 -1.5564177615917345 -1.6353548084003893 -2.22252887524858 -1.6864317210412763 -1.4821240704777194 -1.4820460579230244 -0.6401289045188147 -0.3926624728321906 -0.03958823468047853 0.10911789301141434 0.280803308248745 -0.007771058018651393 0.26068210023868954 0.13482753205679002 0.0022019665711642948 -0.20203405744479302 -0.4141522607136616 +29322,-0.7063050863151779,1,-1.492958567098513 -1.545583264970941 -1.5564177615917345 -1.6353548084003893 -2.22252887524858 -1.6864317210412763 -1.4821240704777194 -1.4820460579230244 -0.6401289045188147 -0.3926624728321906 -0.03958823468047853 0.10911789301141434 0.280803308248745 -0.007771058018651393 0.26068210023868954 0.13482753205679002 0.0022019665711642948 -0.20203405744479302 -0.4141522607136616 -0.6989447433174139 +29323,-0.8490799107769935,1,-1.545583264970941 -1.5564177615917345 -1.6353548084003893 -2.22252887524858 -1.6864317210412763 -1.4821240704777194 -1.4820460579230244 -0.6401289045188147 -0.3926624728321906 -0.03958823468047853 0.10911789301141434 0.280803308248745 -0.007771058018651393 0.26068210023868954 0.13482753205679002 0.0022019665711642948 -0.20203405744479302 -0.4141522607136616 -0.6989447433174139 -0.7063050863151779 +29324,-0.9094435348071335,1,-1.5564177615917345 -1.6353548084003893 -2.22252887524858 -1.6864317210412763 -1.4821240704777194 -1.4820460579230244 -0.6401289045188147 -0.3926624728321906 -0.03958823468047853 0.10911789301141434 0.280803308248745 -0.007771058018651393 0.26068210023868954 0.13482753205679002 0.0022019665711642948 -0.20203405744479302 -0.4141522607136616 -0.6989447433174139 -0.7063050863151779 -0.8490799107769935 +29325,-0.9698071588372823,1,-1.6353548084003893 -2.22252887524858 -1.6864317210412763 -1.4821240704777194 -1.4820460579230244 -0.6401289045188147 -0.3926624728321906 -0.03958823468047853 0.10911789301141434 0.280803308248745 -0.007771058018651393 0.26068210023868954 0.13482753205679002 0.0022019665711642948 -0.20203405744479302 -0.4141522607136616 -0.6989447433174139 -0.7063050863151779 -0.8490799107769935 -0.9094435348071335 +29326,-1.0657698431928935,1,-2.22252887524858 -1.6864317210412763 -1.4821240704777194 -1.4820460579230244 -0.6401289045188147 -0.3926624728321906 -0.03958823468047853 0.10911789301141434 0.280803308248745 -0.007771058018651393 0.26068210023868954 0.13482753205679002 0.0022019665711642948 -0.20203405744479302 -0.4141522607136616 -0.6989447433174139 -0.7063050863151779 -0.8490799107769935 -0.9094435348071335 -0.9698071588372823 +29327,-1.1190297360273802,1,-1.6864317210412763 -1.4821240704777194 -1.4820460579230244 -0.6401289045188147 -0.3926624728321906 -0.03958823468047853 0.10911789301141434 0.280803308248745 -0.007771058018651393 0.26068210023868954 0.13482753205679002 0.0022019665711642948 -0.20203405744479302 -0.4141522607136616 -0.6989447433174139 -0.7063050863151779 -0.8490799107769935 -0.9094435348071335 -0.9698071588372823 -1.0657698431928935 +29328,-1.2066182992632202,1,-1.4821240704777194 -1.4820460579230244 -0.6401289045188147 -0.3926624728321906 -0.03958823468047853 0.10911789301141434 0.280803308248745 -0.007771058018651393 0.26068210023868954 0.13482753205679002 0.0022019665711642948 -0.20203405744479302 -0.4141522607136616 -0.6989447433174139 -0.7063050863151779 -0.8490799107769935 -0.9094435348071335 -0.9698071588372823 -1.0657698431928935 -1.1190297360273802 +29329,-1.3103199097765437,1,-1.4820460579230244 -0.6401289045188147 -0.3926624728321906 -0.03958823468047853 0.10911789301141434 0.280803308248745 -0.007771058018651393 0.26068210023868954 0.13482753205679002 0.0022019665711642948 -0.20203405744479302 -0.4141522607136616 -0.6989447433174139 -0.7063050863151779 -0.8490799107769935 -0.9094435348071335 -0.9698071588372823 -1.0657698431928935 -1.1190297360273802 -1.2066182992632202 +29330,-1.290198701766497,1,-0.6401289045188147 -0.3926624728321906 -0.03958823468047853 0.10911789301141434 0.280803308248745 -0.007771058018651393 0.26068210023868954 0.13482753205679002 0.0022019665711642948 -0.20203405744479302 -0.4141522607136616 -0.6989447433174139 -0.7063050863151779 -0.8490799107769935 -0.9094435348071335 -0.9698071588372823 -1.0657698431928935 -1.1190297360273802 -1.2066182992632202 -1.3103199097765437 +29331,-1.291655267656303,1,-0.3926624728321906 -0.03958823468047853 0.10911789301141434 0.280803308248745 -0.007771058018651393 0.26068210023868954 0.13482753205679002 0.0022019665711642948 -0.20203405744479302 -0.4141522607136616 -0.6989447433174139 -0.7063050863151779 -0.8490799107769935 -0.9094435348071335 -0.9698071588372823 -1.0657698431928935 -1.1190297360273802 -1.2066182992632202 -1.3103199097765437 -1.290198701766497 +29332,-1.294842057461119,1,-0.03958823468047853 0.10911789301141434 0.280803308248745 -0.007771058018651393 0.26068210023868954 0.13482753205679002 0.0022019665711642948 -0.20203405744479302 -0.4141522607136616 -0.6989447433174139 -0.7063050863151779 -0.8490799107769935 -0.9094435348071335 -0.9698071588372823 -1.0657698431928935 -1.1190297360273802 -1.2066182992632202 -1.3103199097765437 -1.290198701766497 -1.291655267656303 +29333,-0.2655648784856227,1,0.10911789301141434 0.280803308248745 -0.007771058018651393 0.26068210023868954 0.13482753205679002 0.0022019665711642948 -0.20203405744479302 -0.4141522607136616 -0.6989447433174139 -0.7063050863151779 -0.8490799107769935 -0.9094435348071335 -0.9698071588372823 -1.0657698431928935 -1.1190297360273802 -1.2066182992632202 -1.3103199097765437 -1.290198701766497 -1.291655267656303 -1.294842057461119 +29334,0.2281786103763085,1,0.280803308248745 -0.007771058018651393 0.26068210023868954 0.13482753205679002 0.0022019665711642948 -0.20203405744479302 -0.4141522607136616 -0.6989447433174139 -0.7063050863151779 -0.8490799107769935 -0.9094435348071335 -0.9698071588372823 -1.0657698431928935 -1.1190297360273802 -1.2066182992632202 -1.3103199097765437 -1.290198701766497 -1.291655267656303 -1.294842057461119 -0.2655648784856227 +29335,0.5965514954833288,1,-0.007771058018651393 0.26068210023868954 0.13482753205679002 0.0022019665711642948 -0.20203405744479302 -0.4141522607136616 -0.6989447433174139 -0.7063050863151779 -0.8490799107769935 -0.9094435348071335 -0.9698071588372823 -1.0657698431928935 -1.1190297360273802 -1.2066182992632202 -1.3103199097765437 -1.290198701766497 -1.291655267656303 -1.294842057461119 -0.2655648784856227 0.2281786103763085 +29336,0.7559733743321702,1,0.26068210023868954 0.13482753205679002 0.0022019665711642948 -0.20203405744479302 -0.4141522607136616 -0.6989447433174139 -0.7063050863151779 -0.8490799107769935 -0.9094435348071335 -0.9698071588372823 -1.0657698431928935 -1.1190297360273802 -1.2066182992632202 -1.3103199097765437 -1.290198701766497 -1.291655267656303 -1.294842057461119 -0.2655648784856227 0.2281786103763085 0.5965514954833288 +29337,0.8225281392884818,1,0.13482753205679002 0.0022019665711642948 -0.20203405744479302 -0.4141522607136616 -0.6989447433174139 -0.7063050863151779 -0.8490799107769935 -0.9094435348071335 -0.9698071588372823 -1.0657698431928935 -1.1190297360273802 -1.2066182992632202 -1.3103199097765437 -1.290198701766497 -1.291655267656303 -1.294842057461119 -0.2655648784856227 0.2281786103763085 0.5965514954833288 0.7559733743321702 +29338,0.9355164611910495,1,0.0022019665711642948 -0.20203405744479302 -0.4141522607136616 -0.6989447433174139 -0.7063050863151779 -0.8490799107769935 -0.9094435348071335 -0.9698071588372823 -1.0657698431928935 -1.1190297360273802 -1.2066182992632202 -1.3103199097765437 -1.290198701766497 -1.291655267656303 -1.294842057461119 -0.2655648784856227 0.2281786103763085 0.5965514954833288 0.7559733743321702 0.8225281392884818 +29339,0.8859873337817031,1,-0.20203405744479302 -0.4141522607136616 -0.6989447433174139 -0.7063050863151779 -0.8490799107769935 -0.9094435348071335 -0.9698071588372823 -1.0657698431928935 -1.1190297360273802 -1.2066182992632202 -1.3103199097765437 -1.290198701766497 -1.291655267656303 -1.294842057461119 -0.2655648784856227 0.2281786103763085 0.5965514954833288 0.7559733743321702 0.8225281392884818 0.9355164611910495 +29340,0.8720572666978281,1,-0.4141522607136616 -0.6989447433174139 -0.7063050863151779 -0.8490799107769935 -0.9094435348071335 -0.9698071588372823 -1.0657698431928935 -1.1190297360273802 -1.2066182992632202 -1.3103199097765437 -1.290198701766497 -1.291655267656303 -1.294842057461119 -0.2655648784856227 0.2281786103763085 0.5965514954833288 0.7559733743321702 0.8225281392884818 0.9355164611910495 0.8859873337817031 +29341,0.6398894819665123,1,-0.6989447433174139 -0.7063050863151779 -0.8490799107769935 -0.9094435348071335 -0.9698071588372823 -1.0657698431928935 -1.1190297360273802 -1.2066182992632202 -1.3103199097765437 -1.290198701766497 -1.291655267656303 -1.294842057461119 -0.2655648784856227 0.2281786103763085 0.5965514954833288 0.7559733743321702 0.8225281392884818 0.9355164611910495 0.8859873337817031 0.8720572666978281 +29342,0.4092694824667372,1,-0.7063050863151779 -0.8490799107769935 -0.9094435348071335 -0.9698071588372823 -1.0657698431928935 -1.1190297360273802 -1.2066182992632202 -1.3103199097765437 -1.290198701766497 -1.291655267656303 -1.294842057461119 -0.2655648784856227 0.2281786103763085 0.5965514954833288 0.7559733743321702 0.8225281392884818 0.9355164611910495 0.8859873337817031 0.8720572666978281 0.6398894819665123 +29343,0.23746532176556145,1,-0.8490799107769935 -0.9094435348071335 -0.9698071588372823 -1.0657698431928935 -1.1190297360273802 -1.2066182992632202 -1.3103199097765437 -1.290198701766497 -1.291655267656303 -1.294842057461119 -0.2655648784856227 0.2281786103763085 0.5965514954833288 0.7559733743321702 0.8225281392884818 0.9355164611910495 0.8859873337817031 0.8720572666978281 0.6398894819665123 0.4092694824667372 +29344,0.14459820787303163,1,-0.9094435348071335 -0.9698071588372823 -1.0657698431928935 -1.1190297360273802 -1.2066182992632202 -1.3103199097765437 -1.290198701766497 -1.291655267656303 -1.294842057461119 -0.2655648784856227 0.2281786103763085 0.5965514954833288 0.7559733743321702 0.8225281392884818 0.9355164611910495 0.8859873337817031 0.8720572666978281 0.6398894819665123 0.4092694824667372 0.23746532176556145 +29345,-0.056613872227435,1,-0.9698071588372823 -1.0657698431928935 -1.1190297360273802 -1.2066182992632202 -1.3103199097765437 -1.290198701766497 -1.291655267656303 -1.294842057461119 -0.2655648784856227 0.2281786103763085 0.5965514954833288 0.7559733743321702 0.8225281392884818 0.9355164611910495 0.8859873337817031 0.8720572666978281 0.6398894819665123 0.4092694824667372 0.23746532176556145 0.14459820787303163 +29346,-0.2810427308010473,1,-1.0657698431928935 -1.1190297360273802 -1.2066182992632202 -1.3103199097765437 -1.290198701766497 -1.291655267656303 -1.294842057461119 -0.2655648784856227 0.2281786103763085 0.5965514954833288 0.7559733743321702 0.8225281392884818 0.9355164611910495 0.8859873337817031 0.8720572666978281 0.6398894819665123 0.4092694824667372 0.23746532176556145 0.14459820787303163 -0.056613872227435 +29347,-0.30425950927417533,1,-1.1190297360273802 -1.2066182992632202 -1.3103199097765437 -1.290198701766497 -1.291655267656303 -1.294842057461119 -0.2655648784856227 0.2281786103763085 0.5965514954833288 0.7559733743321702 0.8225281392884818 0.9355164611910495 0.8859873337817031 0.8720572666978281 0.6398894819665123 0.4092694824667372 0.23746532176556145 0.14459820787303163 -0.056613872227435 -0.2810427308010473 +29348,-0.5116627303008136,1,-1.2066182992632202 -1.3103199097765437 -1.290198701766497 -1.291655267656303 -1.294842057461119 -0.2655648784856227 0.2281786103763085 0.5965514954833288 0.7559733743321702 0.8225281392884818 0.9355164611910495 0.8859873337817031 0.8720572666978281 0.6398894819665123 0.4092694824667372 0.23746532176556145 0.14459820787303163 -0.056613872227435 -0.2810427308010473 -0.30425950927417533 +29349,-0.6045298441933433,1,-1.3103199097765437 -1.290198701766497 -1.291655267656303 -1.294842057461119 -0.2655648784856227 0.2281786103763085 0.5965514954833288 0.7559733743321702 0.8225281392884818 0.9355164611910495 0.8859873337817031 0.8720572666978281 0.6398894819665123 0.4092694824667372 0.23746532176556145 0.14459820787303163 -0.056613872227435 -0.2810427308010473 -0.30425950927417533 -0.5116627303008136 +29350,-0.8289587027669468,1,-1.290198701766497 -1.291655267656303 -1.294842057461119 -0.2655648784856227 0.2281786103763085 0.5965514954833288 0.7559733743321702 0.8225281392884818 0.9355164611910495 0.8859873337817031 0.8720572666978281 0.6398894819665123 0.4092694824667372 0.23746532176556145 0.14459820787303163 -0.056613872227435 -0.2810427308010473 -0.30425950927417533 -0.5116627303008136 -0.6045298441933433 +29351,-0.9048001791125114,1,-1.291655267656303 -1.294842057461119 -0.2655648784856227 0.2281786103763085 0.5965514954833288 0.7559733743321702 0.8225281392884818 0.9355164611910495 0.8859873337817031 0.8720572666978281 0.6398894819665123 0.4092694824667372 0.23746532176556145 0.14459820787303163 -0.056613872227435 -0.2810427308010473 -0.30425950927417533 -0.5116627303008136 -0.6045298441933433 -0.8289587027669468 +29352,-0.971354944068823,1,-1.294842057461119 -0.2655648784856227 0.2281786103763085 0.5965514954833288 0.7559733743321702 0.8225281392884818 0.9355164611910495 0.8859873337817031 0.8720572666978281 0.6398894819665123 0.4092694824667372 0.23746532176556145 0.14459820787303163 -0.056613872227435 -0.2810427308010473 -0.30425950927417533 -0.5116627303008136 -0.6045298441933433 -0.8289587027669468 -0.9048001791125114 +29353,-1.031718568098963,1,-0.2655648784856227 0.2281786103763085 0.5965514954833288 0.7559733743321702 0.8225281392884818 0.9355164611910495 0.8859873337817031 0.8720572666978281 0.6398894819665123 0.4092694824667372 0.23746532176556145 0.14459820787303163 -0.056613872227435 -0.2810427308010473 -0.30425950927417533 -0.5116627303008136 -0.6045298441933433 -0.8289587027669468 -0.9048001791125114 -0.971354944068823 +29354,-1.1029166887498967,1,0.2281786103763085 0.5965514954833288 0.7559733743321702 0.8225281392884818 0.9355164611910495 0.8859873337817031 0.8720572666978281 0.6398894819665123 0.4092694824667372 0.23746532176556145 0.14459820787303163 -0.056613872227435 -0.2810427308010473 -0.30425950927417533 -0.5116627303008136 -0.6045298441933433 -0.8289587027669468 -0.9048001791125114 -0.971354944068823 -1.031718568098963 +29355,-1.2035227288001387,1,0.5965514954833288 0.7559733743321702 0.8225281392884818 0.9355164611910495 0.8859873337817031 0.8720572666978281 0.6398894819665123 0.4092694824667372 0.23746532176556145 0.14459820787303163 -0.056613872227435 -0.2810427308010473 -0.30425950927417533 -0.5116627303008136 -0.6045298441933433 -0.8289587027669468 -0.9048001791125114 -0.971354944068823 -1.031718568098963 -1.1029166887498967 +29356,-0.8150286356830718,1,0.7559733743321702 0.8225281392884818 0.9355164611910495 0.8859873337817031 0.8720572666978281 0.6398894819665123 0.4092694824667372 0.23746532176556145 0.14459820787303163 -0.056613872227435 -0.2810427308010473 -0.30425950927417533 -0.5116627303008136 -0.6045298441933433 -0.8289587027669468 -0.9048001791125114 -0.971354944068823 -1.031718568098963 -1.1029166887498967 -1.2035227288001387 +29357,-0.06744836884822868,1,0.8225281392884818 0.9355164611910495 0.8859873337817031 0.8720572666978281 0.6398894819665123 0.4092694824667372 0.23746532176556145 0.14459820787303163 -0.056613872227435 -0.2810427308010473 -0.30425950927417533 -0.5116627303008136 -0.6045298441933433 -0.8289587027669468 -0.9048001791125114 -0.971354944068823 -1.031718568098963 -1.1029166887498967 -1.2035227288001387 -0.8150286356830718 +29358,0.373670422141266,1,0.9355164611910495 0.8859873337817031 0.8720572666978281 0.6398894819665123 0.4092694824667372 0.23746532176556145 0.14459820787303163 -0.056613872227435 -0.2810427308010473 -0.30425950927417533 -0.5116627303008136 -0.6045298441933433 -0.8289587027669468 -0.9048001791125114 -0.971354944068823 -1.031718568098963 -1.1029166887498967 -1.2035227288001387 -0.8150286356830718 -0.06744836884822868 +29359,0.6429850524295937,1,0.8859873337817031 0.8720572666978281 0.6398894819665123 0.4092694824667372 0.23746532176556145 0.14459820787303163 -0.056613872227435 -0.2810427308010473 -0.30425950927417533 -0.5116627303008136 -0.6045298441933433 -0.8289587027669468 -0.9048001791125114 -0.971354944068823 -1.031718568098963 -1.1029166887498967 -1.2035227288001387 -0.8150286356830718 -0.06744836884822868 0.373670422141266 +29360,0.8767006223924502,1,0.8720572666978281 0.6398894819665123 0.4092694824667372 0.23746532176556145 0.14459820787303163 -0.056613872227435 -0.2810427308010473 -0.30425950927417533 -0.5116627303008136 -0.6045298441933433 -0.8289587027669468 -0.9048001791125114 -0.971354944068823 -1.031718568098963 -1.1029166887498967 -1.2035227288001387 -0.8150286356830718 -0.06744836884822868 0.373670422141266 0.6429850524295937 +29361,1.0314791455466608,1,0.6398894819665123 0.4092694824667372 0.23746532176556145 0.14459820787303163 -0.056613872227435 -0.2810427308010473 -0.30425950927417533 -0.5116627303008136 -0.6045298441933433 -0.8289587027669468 -0.9048001791125114 -0.971354944068823 -1.031718568098963 -1.1029166887498967 -1.2035227288001387 -0.8150286356830718 -0.06744836884822868 0.373670422141266 0.6429850524295937 0.8767006223924502 +29362,1.0500525683251667,1,0.4092694824667372 0.23746532176556145 0.14459820787303163 -0.056613872227435 -0.2810427308010473 -0.30425950927417533 -0.5116627303008136 -0.6045298441933433 -0.8289587027669468 -0.9048001791125114 -0.971354944068823 -1.031718568098963 -1.1029166887498967 -1.2035227288001387 -0.8150286356830718 -0.06744836884822868 0.373670422141266 0.6429850524295937 0.8767006223924502 1.0314791455466608 +29363,1.0036190113789016,1,0.23746532176556145 0.14459820787303163 -0.056613872227435 -0.2810427308010473 -0.30425950927417533 -0.5116627303008136 -0.6045298441933433 -0.8289587027669468 -0.9048001791125114 -0.971354944068823 -1.031718568098963 -1.1029166887498967 -1.2035227288001387 -0.8150286356830718 -0.06744836884822868 0.373670422141266 0.6429850524295937 0.8767006223924502 1.0314791455466608 1.0500525683251667 +29364,0.9138474679494621,1,0.14459820787303163 -0.056613872227435 -0.2810427308010473 -0.30425950927417533 -0.5116627303008136 -0.6045298441933433 -0.8289587027669468 -0.9048001791125114 -0.971354944068823 -1.031718568098963 -1.1029166887498967 -1.2035227288001387 -0.8150286356830718 -0.06744836884822868 0.373670422141266 0.6429850524295937 0.8767006223924502 1.0314791455466608 1.0500525683251667 1.0036190113789016 +29365,0.641437267198053,1,-0.056613872227435 -0.2810427308010473 -0.30425950927417533 -0.5116627303008136 -0.6045298441933433 -0.8289587027669468 -0.9048001791125114 -0.971354944068823 -1.031718568098963 -1.1029166887498967 -1.2035227288001387 -0.8150286356830718 -0.06744836884822868 0.373670422141266 0.6429850524295937 0.8767006223924502 1.0314791455466608 1.0500525683251667 1.0036190113789016 0.9138474679494621 +29366,0.24675203315481445,1,-0.2810427308010473 -0.30425950927417533 -0.5116627303008136 -0.6045298441933433 -0.8289587027669468 -0.9048001791125114 -0.971354944068823 -1.031718568098963 -1.1029166887498967 -1.2035227288001387 -0.8150286356830718 -0.06744836884822868 0.373670422141266 0.6429850524295937 0.8767006223924502 1.0314791455466608 1.0500525683251667 1.0036190113789016 0.9138474679494621 0.641437267198053 +29367,0.09816465092677551,1,-0.30425950927417533 -0.5116627303008136 -0.6045298441933433 -0.8289587027669468 -0.9048001791125114 -0.971354944068823 -1.031718568098963 -1.1029166887498967 -1.2035227288001387 -0.8150286356830718 -0.06744836884822868 0.373670422141266 0.6429850524295937 0.8767006223924502 1.0314791455466608 1.0500525683251667 1.0036190113789016 0.9138474679494621 0.641437267198053 0.24675203315481445 +29368,-0.03494487898584764,1,-0.5116627303008136 -0.6045298441933433 -0.8289587027669468 -0.9048001791125114 -0.971354944068823 -1.031718568098963 -1.1029166887498967 -1.2035227288001387 -0.8150286356830718 -0.06744836884822868 0.373670422141266 0.6429850524295937 0.8767006223924502 1.0314791455466608 1.0500525683251667 1.0036190113789016 0.9138474679494621 0.641437267198053 0.24675203315481445 0.09816465092677551 +29369,-0.19746232829777044,1,-0.6045298441933433 -0.8289587027669468 -0.9048001791125114 -0.971354944068823 -1.031718568098963 -1.1029166887498967 -1.2035227288001387 -0.8150286356830718 -0.06744836884822868 0.373670422141266 0.6429850524295937 0.8767006223924502 1.0314791455466608 1.0500525683251667 1.0036190113789016 0.9138474679494621 0.641437267198053 0.24675203315481445 0.09816465092677551 -0.03494487898584764 +29370,-0.3692664889989462,1,-0.8289587027669468 -0.9048001791125114 -0.971354944068823 -1.031718568098963 -1.1029166887498967 -1.2035227288001387 -0.8150286356830718 -0.06744836884822868 0.373670422141266 0.6429850524295937 0.8767006223924502 1.0314791455466608 1.0500525683251667 1.0036190113789016 0.9138474679494621 0.641437267198053 0.24675203315481445 0.09816465092677551 -0.03494487898584764 -0.19746232829777044 +29371,-0.3181895763580504,1,-0.9048001791125114 -0.971354944068823 -1.031718568098963 -1.1029166887498967 -1.2035227288001387 -0.8150286356830718 -0.06744836884822868 0.373670422141266 0.6429850524295937 0.8767006223924502 1.0314791455466608 1.0500525683251667 1.0036190113789016 0.9138474679494621 0.641437267198053 0.24675203315481445 0.09816465092677551 -0.03494487898584764 -0.19746232829777044 -0.3692664889989462 +29372,-0.5333317235424098,1,-0.971354944068823 -1.031718568098963 -1.1029166887498967 -1.2035227288001387 -0.8150286356830718 -0.06744836884822868 0.373670422141266 0.6429850524295937 0.8767006223924502 1.0314791455466608 1.0500525683251667 1.0036190113789016 0.9138474679494621 0.641437267198053 0.24675203315481445 0.09816465092677551 -0.03494487898584764 -0.19746232829777044 -0.3692664889989462 -0.3181895763580504 +29373,-0.6540589716026897,1,-1.031718568098963 -1.1029166887498967 -1.2035227288001387 -0.8150286356830718 -0.06744836884822868 0.373670422141266 0.6429850524295937 0.8767006223924502 1.0314791455466608 1.0500525683251667 1.0036190113789016 0.9138474679494621 0.641437267198053 0.24675203315481445 0.09816465092677551 -0.03494487898584764 -0.19746232829777044 -0.3692664889989462 -0.3181895763580504 -0.5333317235424098 +29374,-0.7747862196629784,1,-1.1029166887498967 -1.2035227288001387 -0.8150286356830718 -0.06744836884822868 0.373670422141266 0.6429850524295937 0.8767006223924502 1.0314791455466608 1.0500525683251667 1.0036190113789016 0.9138474679494621 0.641437267198053 0.24675203315481445 0.09816465092677551 -0.03494487898584764 -0.19746232829777044 -0.3692664889989462 -0.3181895763580504 -0.5333317235424098 -0.6540589716026897 +29375,-0.8846789711024647,1,-1.2035227288001387 -0.8150286356830718 -0.06744836884822868 0.373670422141266 0.6429850524295937 0.8767006223924502 1.0314791455466608 1.0500525683251667 1.0036190113789016 0.9138474679494621 0.641437267198053 0.24675203315481445 0.09816465092677551 -0.03494487898584764 -0.19746232829777044 -0.3692664889989462 -0.3181895763580504 -0.5333317235424098 -0.6540589716026897 -0.7747862196629784 +29376,-1.0007628634681227,1,-0.8150286356830718 -0.06744836884822868 0.373670422141266 0.6429850524295937 0.8767006223924502 1.0314791455466608 1.0500525683251667 1.0036190113789016 0.9138474679494621 0.641437267198053 0.24675203315481445 0.09816465092677551 -0.03494487898584764 -0.19746232829777044 -0.3692664889989462 -0.3181895763580504 -0.5333317235424098 -0.6540589716026897 -0.7747862196629784 -0.8846789711024647 +29377,-1.0007628634681227,1,-0.06744836884822868 0.373670422141266 0.6429850524295937 0.8767006223924502 1.0314791455466608 1.0500525683251667 1.0036190113789016 0.9138474679494621 0.641437267198053 0.24675203315481445 0.09816465092677551 -0.03494487898584764 -0.19746232829777044 -0.3692664889989462 -0.3181895763580504 -0.5333317235424098 -0.6540589716026897 -0.7747862196629784 -0.8846789711024647 -1.0007628634681227 +29378,-1.013145145320457,1,0.373670422141266 0.6429850524295937 0.8767006223924502 1.0314791455466608 1.0500525683251667 1.0036190113789016 0.9138474679494621 0.641437267198053 0.24675203315481445 0.09816465092677551 -0.03494487898584764 -0.19746232829777044 -0.3692664889989462 -0.3181895763580504 -0.5333317235424098 -0.6540589716026897 -0.7747862196629784 -0.8846789711024647 -1.0007628634681227 -1.0007628634681227 +29379,-1.1601847423169553,1,0.6429850524295937 0.8767006223924502 1.0314791455466608 1.0500525683251667 1.0036190113789016 0.9138474679494621 0.641437267198053 0.24675203315481445 0.09816465092677551 -0.03494487898584764 -0.19746232829777044 -0.3692664889989462 -0.3181895763580504 -0.5333317235424098 -0.6540589716026897 -0.7747862196629784 -0.8846789711024647 -1.0007628634681227 -1.0007628634681227 -1.013145145320457 +29380,-0.6354855488241837,1,0.8767006223924502 1.0314791455466608 1.0500525683251667 1.0036190113789016 0.9138474679494621 0.641437267198053 0.24675203315481445 0.09816465092677551 -0.03494487898584764 -0.19746232829777044 -0.3692664889989462 -0.3181895763580504 -0.5333317235424098 -0.6540589716026897 -0.7747862196629784 -0.8846789711024647 -1.0007628634681227 -1.0007628634681227 -1.013145145320457 -1.1601847423169553 +29381,0.23591753653402076,1,1.0314791455466608 1.0500525683251667 1.0036190113789016 0.9138474679494621 0.641437267198053 0.24675203315481445 0.09816465092677551 -0.03494487898584764 -0.19746232829777044 -0.3692664889989462 -0.3181895763580504 -0.5333317235424098 -0.6540589716026897 -0.7747862196629784 -0.8846789711024647 -1.0007628634681227 -1.0007628634681227 -1.013145145320457 -1.1601847423169553 -0.6354855488241837 +29382,0.7760945823422168,1,1.0500525683251667 1.0036190113789016 0.9138474679494621 0.641437267198053 0.24675203315481445 0.09816465092677551 -0.03494487898584764 -0.19746232829777044 -0.3692664889989462 -0.3181895763580504 -0.5333317235424098 -0.6540589716026897 -0.7747862196629784 -0.8846789711024647 -1.0007628634681227 -1.0007628634681227 -1.013145145320457 -1.1601847423169553 -0.6354855488241837 0.23591753653402076 +29383,1.2543602188887235,1,1.0036190113789016 0.9138474679494621 0.641437267198053 0.24675203315481445 0.09816465092677551 -0.03494487898584764 -0.19746232829777044 -0.3692664889989462 -0.3181895763580504 -0.5333317235424098 -0.6540589716026897 -0.7747862196629784 -0.8846789711024647 -1.0007628634681227 -1.0007628634681227 -1.013145145320457 -1.1601847423169553 -0.6354855488241837 0.23591753653402076 0.7760945823422168 +29384,1.3952086749590589,1,0.9138474679494621 0.641437267198053 0.24675203315481445 0.09816465092677551 -0.03494487898584764 -0.19746232829777044 -0.3692664889989462 -0.3181895763580504 -0.5333317235424098 -0.6540589716026897 -0.7747862196629784 -0.8846789711024647 -1.0007628634681227 -1.0007628634681227 -1.013145145320457 -1.1601847423169553 -0.6354855488241837 0.23591753653402076 0.7760945823422168 1.2543602188887235 +29385,1.4865280036200392,1,0.641437267198053 0.24675203315481445 0.09816465092677551 -0.03494487898584764 -0.19746232829777044 -0.3692664889989462 -0.3181895763580504 -0.5333317235424098 -0.6540589716026897 -0.7747862196629784 -0.8846789711024647 -1.0007628634681227 -1.0007628634681227 -1.013145145320457 -1.1601847423169553 -0.6354855488241837 0.23591753653402076 0.7760945823422168 1.2543602188887235 1.3952086749590589 +29386,1.5546305538078915,1,0.24675203315481445 0.09816465092677551 -0.03494487898584764 -0.19746232829777044 -0.3692664889989462 -0.3181895763580504 -0.5333317235424098 -0.6540589716026897 -0.7747862196629784 -0.8846789711024647 -1.0007628634681227 -1.0007628634681227 -1.013145145320457 -1.1601847423169553 -0.6354855488241837 0.23591753653402076 0.7760945823422168 1.2543602188887235 1.3952086749590589 1.4865280036200392 +29387,1.543796057187098,1,0.09816465092677551 -0.03494487898584764 -0.19746232829777044 -0.3692664889989462 -0.3181895763580504 -0.5333317235424098 -0.6540589716026897 -0.7747862196629784 -0.8846789711024647 -1.0007628634681227 -1.0007628634681227 -1.013145145320457 -1.1601847423169553 -0.6354855488241837 0.23591753653402076 0.7760945823422168 1.2543602188887235 1.3952086749590589 1.4865280036200392 1.5546305538078915 +29388,1.399852030653681,1,-0.03494487898584764 -0.19746232829777044 -0.3692664889989462 -0.3181895763580504 -0.5333317235424098 -0.6540589716026897 -0.7747862196629784 -0.8846789711024647 -1.0007628634681227 -1.0007628634681227 -1.013145145320457 -1.1601847423169553 -0.6354855488241837 0.23591753653402076 0.7760945823422168 1.2543602188887235 1.3952086749590589 1.4865280036200392 1.5546305538078915 1.543796057187098 +29389,1.1382763265230655,1,-0.19746232829777044 -0.3692664889989462 -0.3181895763580504 -0.5333317235424098 -0.6540589716026897 -0.7747862196629784 -0.8846789711024647 -1.0007628634681227 -1.0007628634681227 -1.013145145320457 -1.1601847423169553 -0.6354855488241837 0.23591753653402076 0.7760945823422168 1.2543602188887235 1.3952086749590589 1.4865280036200392 1.5546305538078915 1.543796057187098 1.399852030653681 +29390,0.8689616962347378,1,-0.3692664889989462 -0.3181895763580504 -0.5333317235424098 -0.6540589716026897 -0.7747862196629784 -0.8846789711024647 -1.0007628634681227 -1.0007628634681227 -1.013145145320457 -1.1601847423169553 -0.6354855488241837 0.23591753653402076 0.7760945823422168 1.2543602188887235 1.3952086749590589 1.4865280036200392 1.5546305538078915 1.543796057187098 1.399852030653681 1.1382763265230655 +29391,0.6522717638188467,1,-0.3181895763580504 -0.5333317235424098 -0.6540589716026897 -0.7747862196629784 -0.8846789711024647 -1.0007628634681227 -1.0007628634681227 -1.013145145320457 -1.1601847423169553 -0.6354855488241837 0.23591753653402076 0.7760945823422168 1.2543602188887235 1.3952086749590589 1.4865280036200392 1.5546305538078915 1.543796057187098 1.399852030653681 1.1382763265230655 0.8689616962347378 +29392,0.6244116296510878,1,-0.5333317235424098 -0.6540589716026897 -0.7747862196629784 -0.8846789711024647 -1.0007628634681227 -1.0007628634681227 -1.013145145320457 -1.1601847423169553 -0.6354855488241837 0.23591753653402076 0.7760945823422168 1.2543602188887235 1.3952086749590589 1.4865280036200392 1.5546305538078915 1.543796057187098 1.399852030653681 1.1382763265230655 0.8689616962347378 0.6522717638188467 +29393,0.35974035505739094,1,-0.6540589716026897 -0.7747862196629784 -0.8846789711024647 -1.0007628634681227 -1.0007628634681227 -1.013145145320457 -1.1601847423169553 -0.6354855488241837 0.23591753653402076 0.7760945823422168 1.2543602188887235 1.3952086749590589 1.4865280036200392 1.5546305538078915 1.543796057187098 1.399852030653681 1.1382763265230655 0.8689616962347378 0.6522717638188467 0.6244116296510878 +29394,0.3705748516781846,1,-0.7747862196629784 -0.8846789711024647 -1.0007628634681227 -1.0007628634681227 -1.013145145320457 -1.1601847423169553 -0.6354855488241837 0.23591753653402076 0.7760945823422168 1.2543602188887235 1.3952086749590589 1.4865280036200392 1.5546305538078915 1.543796057187098 1.399852030653681 1.1382763265230655 0.8689616962347378 0.6522717638188467 0.6244116296510878 0.35974035505739094 +29395,0.1043557918529383,1,-0.8846789711024647 -1.0007628634681227 -1.0007628634681227 -1.013145145320457 -1.1601847423169553 -0.6354855488241837 0.23591753653402076 0.7760945823422168 1.2543602188887235 1.3952086749590589 1.4865280036200392 1.5546305538078915 1.543796057187098 1.399852030653681 1.1382763265230655 0.8689616962347378 0.6522717638188467 0.6244116296510878 0.35974035505739094 0.3705748516781846 +29396,0.15078934879920322,1,-1.0007628634681227 -1.0007628634681227 -1.013145145320457 -1.1601847423169553 -0.6354855488241837 0.23591753653402076 0.7760945823422168 1.2543602188887235 1.3952086749590589 1.4865280036200392 1.5546305538078915 1.543796057187098 1.399852030653681 1.1382763265230655 0.8689616962347378 0.6522717638188467 0.6244116296510878 0.35974035505739094 0.3705748516781846 0.1043557918529383 +29397,-0.07054393931131887,1,-1.0007628634681227 -1.013145145320457 -1.1601847423169553 -0.6354855488241837 0.23591753653402076 0.7760945823422168 1.2543602188887235 1.3952086749590589 1.4865280036200392 1.5546305538078915 1.543796057187098 1.399852030653681 1.1382763265230655 0.8689616962347378 0.6522717638188467 0.6244116296510878 0.35974035505739094 0.3705748516781846 0.1043557918529383 0.15078934879920322 +29398,-0.2144879658447357,1,-1.013145145320457 -1.1601847423169553 -0.6354855488241837 0.23591753653402076 0.7760945823422168 1.2543602188887235 1.3952086749590589 1.4865280036200392 1.5546305538078915 1.543796057187098 1.399852030653681 1.1382763265230655 0.8689616962347378 0.6522717638188467 0.6244116296510878 0.35974035505739094 0.3705748516781846 0.1043557918529383 0.15078934879920322 -0.07054393931131887 +29399,-0.2500870261701981,1,-1.1601847423169553 -0.6354855488241837 0.23591753653402076 0.7760945823422168 1.2543602188887235 1.3952086749590589 1.4865280036200392 1.5546305538078915 1.543796057187098 1.399852030653681 1.1382763265230655 0.8689616962347378 0.6522717638188467 0.6244116296510878 0.35974035505739094 0.3705748516781846 0.1043557918529383 0.15078934879920322 -0.07054393931131887 -0.2144879658447357 +29400,-0.28413830126412865,1,-0.6354855488241837 0.23591753653402076 0.7760945823422168 1.2543602188887235 1.3952086749590589 1.4865280036200392 1.5546305538078915 1.543796057187098 1.399852030653681 1.1382763265230655 0.8689616962347378 0.6522717638188467 0.6244116296510878 0.35974035505739094 0.3705748516781846 0.1043557918529383 0.15078934879920322 -0.07054393931131887 -0.2144879658447357 -0.2500870261701981 +29401,-0.2098446101501048,1,0.23591753653402076 0.7760945823422168 1.2543602188887235 1.3952086749590589 1.4865280036200392 1.5546305538078915 1.543796057187098 1.399852030653681 1.1382763265230655 0.8689616962347378 0.6522717638188467 0.6244116296510878 0.35974035505739094 0.3705748516781846 0.1043557918529383 0.15078934879920322 -0.07054393931131887 -0.2144879658447357 -0.2500870261701981 -0.28413830126412865 +29402,-0.1092385700998715,1,0.7760945823422168 1.2543602188887235 1.3952086749590589 1.4865280036200392 1.5546305538078915 1.543796057187098 1.399852030653681 1.1382763265230655 0.8689616962347378 0.6522717638188467 0.6244116296510878 0.35974035505739094 0.3705748516781846 0.1043557918529383 0.15078934879920322 -0.07054393931131887 -0.2144879658447357 -0.2500870261701981 -0.28413830126412865 -0.2098446101501048 +29403,-0.2206791067708985,1,1.2543602188887235 1.3952086749590589 1.4865280036200392 1.5546305538078915 1.543796057187098 1.399852030653681 1.1382763265230655 0.8689616962347378 0.6522717638188467 0.6244116296510878 0.35974035505739094 0.3705748516781846 0.1043557918529383 0.15078934879920322 -0.07054393931131887 -0.2144879658447357 -0.2500870261701981 -0.28413830126412865 -0.2098446101501048 -0.1092385700998715 +29404,0.15543270449383412,1,1.3952086749590589 1.4865280036200392 1.5546305538078915 1.543796057187098 1.399852030653681 1.1382763265230655 0.8689616962347378 0.6522717638188467 0.6244116296510878 0.35974035505739094 0.3705748516781846 0.1043557918529383 0.15078934879920322 -0.07054393931131887 -0.2144879658447357 -0.2500870261701981 -0.28413830126412865 -0.2098446101501048 -0.1092385700998715 -0.2206791067708985 +29405,0.734304381090574,1,1.4865280036200392 1.5546305538078915 1.543796057187098 1.399852030653681 1.1382763265230655 0.8689616962347378 0.6522717638188467 0.6244116296510878 0.35974035505739094 0.3705748516781846 0.1043557918529383 0.15078934879920322 -0.07054393931131887 -0.2144879658447357 -0.2500870261701981 -0.28413830126412865 -0.2098446101501048 -0.1092385700998715 -0.2206791067708985 0.15543270449383412 +29406,1.2373345813417582,1,1.5546305538078915 1.543796057187098 1.399852030653681 1.1382763265230655 0.8689616962347378 0.6522717638188467 0.6244116296510878 0.35974035505739094 0.3705748516781846 0.1043557918529383 0.15078934879920322 -0.07054393931131887 -0.2144879658447357 -0.2500870261701981 -0.28413830126412865 -0.2098446101501048 -0.1092385700998715 -0.2206791067708985 0.15543270449383412 0.734304381090574 +29407,1.5035536411670045,1,1.543796057187098 1.399852030653681 1.1382763265230655 0.8689616962347378 0.6522717638188467 0.6244116296510878 0.35974035505739094 0.3705748516781846 0.1043557918529383 0.15078934879920322 -0.07054393931131887 -0.2144879658447357 -0.2500870261701981 -0.28413830126412865 -0.2098446101501048 -0.1092385700998715 -0.2206791067708985 0.15543270449383412 0.734304381090574 1.2373345813417582 +29408,1.6877400837205148,1,1.399852030653681 1.1382763265230655 0.8689616962347378 0.6522717638188467 0.6244116296510878 0.35974035505739094 0.3705748516781846 0.1043557918529383 0.15078934879920322 -0.07054393931131887 -0.2144879658447357 -0.2500870261701981 -0.28413830126412865 -0.2098446101501048 -0.1092385700998715 -0.2206791067708985 0.15543270449383412 0.734304381090574 1.2373345813417582 1.5035536411670045 +29409,1.7713204862237915,1,1.1382763265230655 0.8689616962347378 0.6522717638188467 0.6244116296510878 0.35974035505739094 0.3705748516781846 0.1043557918529383 0.15078934879920322 -0.07054393931131887 -0.2144879658447357 -0.2500870261701981 -0.28413830126412865 -0.2098446101501048 -0.1092385700998715 -0.2206791067708985 0.15543270449383412 0.734304381090574 1.2373345813417582 1.5035536411670045 1.6877400837205148 +29410,1.8549008887270595,1,0.8689616962347378 0.6522717638188467 0.6244116296510878 0.35974035505739094 0.3705748516781846 0.1043557918529383 0.15078934879920322 -0.07054393931131887 -0.2144879658447357 -0.2500870261701981 -0.28413830126412865 -0.2098446101501048 -0.1092385700998715 -0.2206791067708985 0.15543270449383412 0.734304381090574 1.2373345813417582 1.5035536411670045 1.6877400837205148 1.7713204862237915 +29411,1.8038239760861725,1,0.6522717638188467 0.6244116296510878 0.35974035505739094 0.3705748516781846 0.1043557918529383 0.15078934879920322 -0.07054393931131887 -0.2144879658447357 -0.2500870261701981 -0.28413830126412865 -0.2098446101501048 -0.1092385700998715 -0.2206791067708985 0.15543270449383412 0.734304381090574 1.2373345813417582 1.5035536411670045 1.6877400837205148 1.7713204862237915 1.8549008887270595 +29412,1.6273764596903746,1,0.6244116296510878 0.35974035505739094 0.3705748516781846 0.1043557918529383 0.15078934879920322 -0.07054393931131887 -0.2144879658447357 -0.2500870261701981 -0.28413830126412865 -0.2098446101501048 -0.1092385700998715 -0.2206791067708985 0.15543270449383412 0.734304381090574 1.2373345813417582 1.5035536411670045 1.6877400837205148 1.7713204862237915 1.8549008887270595 1.8038239760861725 +29413,1.4555722989891988,1,0.35974035505739094 0.3705748516781846 0.1043557918529383 0.15078934879920322 -0.07054393931131887 -0.2144879658447357 -0.2500870261701981 -0.28413830126412865 -0.2098446101501048 -0.1092385700998715 -0.2206791067708985 0.15543270449383412 0.734304381090574 1.2373345813417582 1.5035536411670045 1.6877400837205148 1.7713204862237915 1.8549008887270595 1.8038239760861725 1.6273764596903746 +29414,1.1258940446707313,1,0.3705748516781846 0.1043557918529383 0.15078934879920322 -0.07054393931131887 -0.2144879658447357 -0.2500870261701981 -0.28413830126412865 -0.2098446101501048 -0.1092385700998715 -0.2206791067708985 0.15543270449383412 0.734304381090574 1.2373345813417582 1.5035536411670045 1.6877400837205148 1.7713204862237915 1.8549008887270595 1.8038239760861725 1.6273764596903746 1.4555722989891988 +29415,0.8550316291508628,1,0.1043557918529383 0.15078934879920322 -0.07054393931131887 -0.2144879658447357 -0.2500870261701981 -0.28413830126412865 -0.2098446101501048 -0.1092385700998715 -0.2206791067708985 0.15543270449383412 0.734304381090574 1.2373345813417582 1.5035536411670045 1.6877400837205148 1.7713204862237915 1.8549008887270595 1.8038239760861725 1.6273764596903746 1.4555722989891988 1.1258940446707313 +29416,0.7219220992382397,1,0.15078934879920322 -0.07054393931131887 -0.2144879658447357 -0.2500870261701981 -0.28413830126412865 -0.2098446101501048 -0.1092385700998715 -0.2206791067708985 0.15543270449383412 0.734304381090574 1.2373345813417582 1.5035536411670045 1.6877400837205148 1.7713204862237915 1.8549008887270595 1.8038239760861725 1.6273764596903746 1.4555722989891988 1.1258940446707313 0.8550316291508628 +29417,0.373670422141266,1,-0.07054393931131887 -0.2144879658447357 -0.2500870261701981 -0.28413830126412865 -0.2098446101501048 -0.1092385700998715 -0.2206791067708985 0.15543270449383412 0.734304381090574 1.2373345813417582 1.5035536411670045 1.6877400837205148 1.7713204862237915 1.8549008887270595 1.8038239760861725 1.6273764596903746 1.4555722989891988 1.1258940446707313 0.8550316291508628 0.7219220992382397 +29418,0.2854466639433671,1,-0.2144879658447357 -0.2500870261701981 -0.28413830126412865 -0.2098446101501048 -0.1092385700998715 -0.2206791067708985 0.15543270449383412 0.734304381090574 1.2373345813417582 1.5035536411670045 1.6877400837205148 1.7713204862237915 1.8549008887270595 1.8038239760861725 1.6273764596903746 1.4555722989891988 1.1258940446707313 0.8550316291508628 0.7219220992382397 0.373670422141266 +29419,0.13066814078915656,1,-0.2500870261701981 -0.28413830126412865 -0.2098446101501048 -0.1092385700998715 -0.2206791067708985 0.15543270449383412 0.734304381090574 1.2373345813417582 1.5035536411670045 1.6877400837205148 1.7713204862237915 1.8549008887270595 1.8038239760861725 1.6273764596903746 1.4555722989891988 1.1258940446707313 0.8550316291508628 0.7219220992382397 0.373670422141266 0.2854466639433671 +29420,-0.09685628824752832,1,-0.28413830126412865 -0.2098446101501048 -0.1092385700998715 -0.2206791067708985 0.15543270449383412 0.734304381090574 1.2373345813417582 1.5035536411670045 1.6877400837205148 1.7713204862237915 1.8549008887270595 1.8038239760861725 1.6273764596903746 1.4555722989891988 1.1258940446707313 0.8550316291508628 0.7219220992382397 0.373670422141266 0.2854466639433671 0.13066814078915656 +29421,-0.18353226121388655,1,-0.2098446101501048 -0.1092385700998715 -0.2206791067708985 0.15543270449383412 0.734304381090574 1.2373345813417582 1.5035536411670045 1.6877400837205148 1.7713204862237915 1.8549008887270595 1.8038239760861725 1.6273764596903746 1.4555722989891988 1.1258940446707313 0.8550316291508628 0.7219220992382397 0.373670422141266 0.2854466639433671 0.13066814078915656 -0.09685628824752832 +29422,-0.40486554932440866,1,-0.1092385700998715 -0.2206791067708985 0.15543270449383412 0.734304381090574 1.2373345813417582 1.5035536411670045 1.6877400837205148 1.7713204862237915 1.8549008887270595 1.8038239760861725 1.6273764596903746 1.4555722989891988 1.1258940446707313 0.8550316291508628 0.7219220992382397 0.373670422141266 0.2854466639433671 0.13066814078915656 -0.09685628824752832 -0.18353226121388655 +29423,-0.5859564214148374,1,-0.2206791067708985 0.15543270449383412 0.734304381090574 1.2373345813417582 1.5035536411670045 1.6877400837205148 1.7713204862237915 1.8549008887270595 1.8038239760861725 1.6273764596903746 1.4555722989891988 1.1258940446707313 0.8550316291508628 0.7219220992382397 0.373670422141266 0.2854466639433671 0.13066814078915656 -0.09685628824752832 -0.18353226121388655 -0.40486554932440866 +29424,-0.5472617906262848,1,0.15543270449383412 0.734304381090574 1.2373345813417582 1.5035536411670045 1.6877400837205148 1.7713204862237915 1.8549008887270595 1.8038239760861725 1.6273764596903746 1.4555722989891988 1.1258940446707313 0.8550316291508628 0.7219220992382397 0.373670422141266 0.2854466639433671 0.13066814078915656 -0.09685628824752832 -0.18353226121388655 -0.40486554932440866 -0.5859564214148374 +29425,-0.5813130657202153,1,0.734304381090574 1.2373345813417582 1.5035536411670045 1.6877400837205148 1.7713204862237915 1.8549008887270595 1.8038239760861725 1.6273764596903746 1.4555722989891988 1.1258940446707313 0.8550316291508628 0.7219220992382397 0.373670422141266 0.2854466639433671 0.13066814078915656 -0.09685628824752832 -0.18353226121388655 -0.40486554932440866 -0.5859564214148374 -0.5472617906262848 +29426,-0.6648934682234834,1,1.2373345813417582 1.5035536411670045 1.6877400837205148 1.7713204862237915 1.8549008887270595 1.8038239760861725 1.6273764596903746 1.4555722989891988 1.1258940446707313 0.8550316291508628 0.7219220992382397 0.373670422141266 0.2854466639433671 0.13066814078915656 -0.09685628824752832 -0.18353226121388655 -0.40486554932440866 -0.5859564214148374 -0.5472617906262848 -0.5813130657202153 +29427,-0.6850146762335301,1,1.5035536411670045 1.6877400837205148 1.7713204862237915 1.8549008887270595 1.8038239760861725 1.6273764596903746 1.4555722989891988 1.1258940446707313 0.8550316291508628 0.7219220992382397 0.373670422141266 0.2854466639433671 0.13066814078915656 -0.09685628824752832 -0.18353226121388655 -0.40486554932440866 -0.5859564214148374 -0.5472617906262848 -0.5813130657202153 -0.6648934682234834 +29428,-0.15721991227767712,1,1.6877400837205148 1.7713204862237915 1.8549008887270595 1.8038239760861725 1.6273764596903746 1.4555722989891988 1.1258940446707313 0.8550316291508628 0.7219220992382397 0.373670422141266 0.2854466639433671 0.13066814078915656 -0.09685628824752832 -0.18353226121388655 -0.40486554932440866 -0.5859564214148374 -0.5472617906262848 -0.5813130657202153 -0.6648934682234834 -0.6850146762335301 +29429,0.5191622339062235,1,1.7713204862237915 1.8549008887270595 1.8038239760861725 1.6273764596903746 1.4555722989891988 1.1258940446707313 0.8550316291508628 0.7219220992382397 0.373670422141266 0.2854466639433671 0.13066814078915656 -0.09685628824752832 -0.18353226121388655 -0.40486554932440866 -0.5859564214148374 -0.5472617906262848 -0.5813130657202153 -0.6648934682234834 -0.6850146762335301 -0.15721991227767712 +29430,1.1491108231438594,1,1.8549008887270595 1.8038239760861725 1.6273764596903746 1.4555722989891988 1.1258940446707313 0.8550316291508628 0.7219220992382397 0.373670422141266 0.2854466639433671 0.13066814078915656 -0.09685628824752832 -0.18353226121388655 -0.40486554932440866 -0.5859564214148374 -0.5472617906262848 -0.5813130657202153 -0.6648934682234834 -0.6850146762335301 -0.15721991227767712 0.5191622339062235 +29431,1.5809429027441098,1,1.8038239760861725 1.6273764596903746 1.4555722989891988 1.1258940446707313 0.8550316291508628 0.7219220992382397 0.373670422141266 0.2854466639433671 0.13066814078915656 -0.09685628824752832 -0.18353226121388655 -0.40486554932440866 -0.5859564214148374 -0.5472617906262848 -0.5813130657202153 -0.6648934682234834 -0.6850146762335301 -0.15721991227767712 0.5191622339062235 1.1491108231438594 +29432,1.9276467946095428,1,1.6273764596903746 1.4555722989891988 1.1258940446707313 0.8550316291508628 0.7219220992382397 0.373670422141266 0.2854466639433671 0.13066814078915656 -0.09685628824752832 -0.18353226121388655 -0.40486554932440866 -0.5859564214148374 -0.5472617906262848 -0.5813130657202153 -0.6648934682234834 -0.6850146762335301 -0.15721991227767712 0.5191622339062235 1.1491108231438594 1.5809429027441098 +29433,2.0344439755859476,1,1.4555722989891988 1.1258940446707313 0.8550316291508628 0.7219220992382397 0.373670422141266 0.2854466639433671 0.13066814078915656 -0.09685628824752832 -0.18353226121388655 -0.40486554932440866 -0.5859564214148374 -0.5472617906262848 -0.5813130657202153 -0.6648934682234834 -0.6850146762335301 -0.15721991227767712 0.5191622339062235 1.1491108231438594 1.5809429027441098 1.9276467946095428 +29434,1.9415768616934177,1,1.1258940446707313 0.8550316291508628 0.7219220992382397 0.373670422141266 0.2854466639433671 0.13066814078915656 -0.09685628824752832 -0.18353226121388655 -0.40486554932440866 -0.5859564214148374 -0.5472617906262848 -0.5813130657202153 -0.6648934682234834 -0.6850146762335301 -0.15721991227767712 0.5191622339062235 1.1491108231438594 1.5809429027441098 1.9276467946095428 2.0344439755859476 +29435,1.9508635730826707,1,0.8550316291508628 0.7219220992382397 0.373670422141266 0.2854466639433671 0.13066814078915656 -0.09685628824752832 -0.18353226121388655 -0.40486554932440866 -0.5859564214148374 -0.5472617906262848 -0.5813130657202153 -0.6648934682234834 -0.6850146762335301 -0.15721991227767712 0.5191622339062235 1.1491108231438594 1.5809429027441098 1.9276467946095428 2.0344439755859476 1.9415768616934177 +29436,1.7635815600660791,1,0.7219220992382397 0.373670422141266 0.2854466639433671 0.13066814078915656 -0.09685628824752832 -0.18353226121388655 -0.40486554932440866 -0.5859564214148374 -0.5472617906262848 -0.5813130657202153 -0.6648934682234834 -0.6850146762335301 -0.15721991227767712 0.5191622339062235 1.1491108231438594 1.5809429027441098 1.9276467946095428 2.0344439755859476 1.9415768616934177 1.9508635730826707 +29437,1.5205792787139698,1,0.373670422141266 0.2854466639433671 0.13066814078915656 -0.09685628824752832 -0.18353226121388655 -0.40486554932440866 -0.5859564214148374 -0.5472617906262848 -0.5813130657202153 -0.6648934682234834 -0.6850146762335301 -0.15721991227767712 0.5191622339062235 1.1491108231438594 1.5809429027441098 1.9276467946095428 2.0344439755859476 1.9415768616934177 1.9508635730826707 1.7635815600660791 +29438,0.8724643594426217,1,0.2854466639433671 0.13066814078915656 -0.09685628824752832 -0.18353226121388655 -0.40486554932440866 -0.5859564214148374 -0.5472617906262848 -0.5813130657202153 -0.6648934682234834 -0.6850146762335301 -0.15721991227767712 0.5191622339062235 1.1491108231438594 1.5809429027441098 1.9276467946095428 2.0344439755859476 1.9415768616934177 1.9508635730826707 1.7635815600660791 1.5205792787139698 +29439,1.0005234409158204,1,0.13066814078915656 -0.09685628824752832 -0.18353226121388655 -0.40486554932440866 -0.5859564214148374 -0.5472617906262848 -0.5813130657202153 -0.6648934682234834 -0.6850146762335301 -0.15721991227767712 0.5191622339062235 1.1491108231438594 1.5809429027441098 1.9276467946095428 2.0344439755859476 1.9415768616934177 1.9508635730826707 1.7635815600660791 1.5205792787139698 0.8724643594426217 +29440,0.7422038658206175,1,-0.09685628824752832 -0.18353226121388655 -0.40486554932440866 -0.5859564214148374 -0.5472617906262848 -0.5813130657202153 -0.6648934682234834 -0.6850146762335301 -0.15721991227767712 0.5191622339062235 1.1491108231438594 1.5809429027441098 1.9276467946095428 2.0344439755859476 1.9415768616934177 1.9508635730826707 1.7635815600660791 1.5205792787139698 0.8724643594426217 1.0005234409158204 +29441,0.4742764621915081,1,-0.18353226121388655 -0.40486554932440866 -0.5859564214148374 -0.5472617906262848 -0.5813130657202153 -0.6648934682234834 -0.6850146762335301 -0.15721991227767712 0.5191622339062235 1.1491108231438594 1.5809429027441098 1.9276467946095428 2.0344439755859476 1.9415768616934177 1.9508635730826707 1.7635815600660791 1.5205792787139698 0.8724643594426217 1.0005234409158204 0.7422038658206175 +29442,-0.013275885744260276,1,-0.40486554932440866 -0.5859564214148374 -0.5472617906262848 -0.5813130657202153 -0.6648934682234834 -0.6850146762335301 -0.15721991227767712 0.5191622339062235 1.1491108231438594 1.5809429027441098 1.9276467946095428 2.0344439755859476 1.9415768616934177 1.9508635730826707 1.7635815600660791 1.5205792787139698 0.8724643594426217 1.0005234409158204 0.7422038658206175 0.4742764621915081 +29443,-0.11542971102603429,1,-0.5859564214148374 -0.5472617906262848 -0.5813130657202153 -0.6648934682234834 -0.6850146762335301 -0.15721991227767712 0.5191622339062235 1.1491108231438594 1.5809429027441098 1.9276467946095428 2.0344439755859476 1.9415768616934177 1.9508635730826707 1.7635815600660791 1.5205792787139698 0.8724643594426217 1.0005234409158204 0.7422038658206175 0.4742764621915081 -0.013275885744260276 +29444,-0.1742825709900334,1,-0.5472617906262848 -0.5813130657202153 -0.6648934682234834 -0.6850146762335301 -0.15721991227767712 0.5191622339062235 1.1491108231438594 1.5809429027441098 1.9276467946095428 2.0344439755859476 1.9415768616934177 1.9508635730826707 1.7635815600660791 1.5205792787139698 0.8724643594426217 1.0005234409158204 0.7422038658206175 0.4742764621915081 -0.013275885744260276 -0.11542971102603429 +29445,-0.26092152279099184,1,-0.5813130657202153 -0.6648934682234834 -0.6850146762335301 -0.15721991227767712 0.5191622339062235 1.1491108231438594 1.5809429027441098 1.9276467946095428 2.0344439755859476 1.9415768616934177 1.9508635730826707 1.7635815600660791 1.5205792787139698 0.8724643594426217 1.0005234409158204 0.7422038658206175 0.4742764621915081 -0.013275885744260276 -0.11542971102603429 -0.1742825709900334 +29446,-0.4110566902505802,1,-0.6648934682234834 -0.6850146762335301 -0.15721991227767712 0.5191622339062235 1.1491108231438594 1.5809429027441098 1.9276467946095428 2.0344439755859476 1.9415768616934177 1.9508635730826707 1.7635815600660791 1.5205792787139698 0.8724643594426217 1.0005234409158204 0.7422038658206175 0.4742764621915081 -0.013275885744260276 -0.11542971102603429 -0.1742825709900334 -0.26092152279099184 +29447,-0.45439467673375494,1,-0.6850146762335301 -0.15721991227767712 0.5191622339062235 1.1491108231438594 1.5809429027441098 1.9276467946095428 2.0344439755859476 1.9415768616934177 1.9508635730826707 1.7635815600660791 1.5205792787139698 0.8724643594426217 1.0005234409158204 0.7422038658206175 0.4742764621915081 -0.013275885744260276 -0.11542971102603429 -0.1742825709900334 -0.26092152279099184 -0.4110566902505802 +29448,-0.5060913293916149,1,-0.15721991227767712 0.5191622339062235 1.1491108231438594 1.5809429027441098 1.9276467946095428 2.0344439755859476 1.9415768616934177 1.9508635730826707 1.7635815600660791 1.5205792787139698 0.8724643594426217 1.0005234409158204 0.7422038658206175 0.4742764621915081 -0.013275885744260276 -0.11542971102603429 -0.1742825709900334 -0.26092152279099184 -0.4110566902505802 -0.45439467673375494 +29449,-0.6354855488241837,1,0.5191622339062235 1.1491108231438594 1.5809429027441098 1.9276467946095428 2.0344439755859476 1.9415768616934177 1.9508635730826707 1.7635815600660791 1.5205792787139698 0.8724643594426217 1.0005234409158204 0.7422038658206175 0.4742764621915081 -0.013275885744260276 -0.11542971102603429 -0.1742825709900334 -0.26092152279099184 -0.4110566902505802 -0.45439467673375494 -0.5060913293916149 +29450,-1.2210863161299568,1,1.1491108231438594 1.5809429027441098 1.9276467946095428 2.0344439755859476 1.9415768616934177 1.9508635730826707 1.7635815600660791 1.5205792787139698 0.8724643594426217 1.0005234409158204 0.7422038658206175 0.4742764621915081 -0.013275885744260276 -0.11542971102603429 -0.1742825709900334 -0.26092152279099184 -0.4110566902505802 -0.45439467673375494 -0.5060913293916149 -0.6354855488241837 +29451,-0.7113270251697483,1,1.5809429027441098 1.9276467946095428 2.0344439755859476 1.9415768616934177 1.9508635730826707 1.7635815600660791 1.5205792787139698 0.8724643594426217 1.0005234409158204 0.7422038658206175 0.4742764621915081 -0.013275885744260276 -0.11542971102603429 -0.1742825709900334 -0.26092152279099184 -0.4110566902505802 -0.45439467673375494 -0.5060913293916149 -0.6354855488241837 -1.2210863161299568 +29452,-0.356884207146603,1,1.9276467946095428 2.0344439755859476 1.9415768616934177 1.9508635730826707 1.7635815600660791 1.5205792787139698 0.8724643594426217 1.0005234409158204 0.7422038658206175 0.4742764621915081 -0.013275885744260276 -0.11542971102603429 -0.1742825709900334 -0.26092152279099184 -0.4110566902505802 -0.45439467673375494 -0.5060913293916149 -0.6354855488241837 -1.2210863161299568 -0.7113270251697483 +29453,0.29163780486953866,1,2.0344439755859476 1.9415768616934177 1.9508635730826707 1.7635815600660791 1.5205792787139698 0.8724643594426217 1.0005234409158204 0.7422038658206175 0.4742764621915081 -0.013275885744260276 -0.11542971102603429 -0.1742825709900334 -0.26092152279099184 -0.4110566902505802 -0.45439467673375494 -0.5060913293916149 -0.6354855488241837 -1.2210863161299568 -0.7113270251697483 -0.356884207146603 +29454,0.9463509578118432,1,1.9415768616934177 1.9508635730826707 1.7635815600660791 1.5205792787139698 0.8724643594426217 1.0005234409158204 0.7422038658206175 0.4742764621915081 -0.013275885744260276 -0.11542971102603429 -0.1742825709900334 -0.26092152279099184 -0.4110566902505802 -0.45439467673375494 -0.5060913293916149 -0.6354855488241837 -1.2210863161299568 -0.7113270251697483 -0.356884207146603 0.29163780486953866 +29455,1.0142961004085518,1,1.9508635730826707 1.7635815600660791 1.5205792787139698 0.8724643594426217 1.0005234409158204 0.7422038658206175 0.4742764621915081 -0.013275885744260276 -0.11542971102603429 -0.1742825709900334 -0.26092152279099184 -0.4110566902505802 -0.45439467673375494 -0.5060913293916149 -0.6354855488241837 -1.2210863161299568 -0.7113270251697483 -0.356884207146603 0.29163780486953866 0.9463509578118432 +29456,1.3379406213920002,1,1.7635815600660791 1.5205792787139698 0.8724643594426217 1.0005234409158204 0.7422038658206175 0.4742764621915081 -0.013275885744260276 -0.11542971102603429 -0.1742825709900334 -0.26092152279099184 -0.4110566902505802 -0.45439467673375494 -0.5060913293916149 -0.6354855488241837 -1.2210863161299568 -0.7113270251697483 -0.356884207146603 0.29163780486953866 0.9463509578118432 1.0142961004085518 +29457,1.5602221022374543,1,1.5205792787139698 0.8724643594426217 1.0005234409158204 0.7422038658206175 0.4742764621915081 -0.013275885744260276 -0.11542971102603429 -0.1742825709900334 -0.26092152279099184 -0.4110566902505802 -0.45439467673375494 -0.5060913293916149 -0.6354855488241837 -1.2210863161299568 -0.7113270251697483 -0.356884207146603 0.29163780486953866 0.9463509578118432 1.0142961004085518 1.3379406213920002 +29458,1.8084673317807947,1,0.8724643594426217 1.0005234409158204 0.7422038658206175 0.4742764621915081 -0.013275885744260276 -0.11542971102603429 -0.1742825709900334 -0.26092152279099184 -0.4110566902505802 -0.45439467673375494 -0.5060913293916149 -0.6354855488241837 -1.2210863161299568 -0.7113270251697483 -0.356884207146603 0.29163780486953866 0.9463509578118432 1.0142961004085518 1.3379406213920002 1.5602221022374543 +29459,1.6830003316521136,1,1.0005234409158204 0.7422038658206175 0.4742764621915081 -0.013275885744260276 -0.11542971102603429 -0.1742825709900334 -0.26092152279099184 -0.4110566902505802 -0.45439467673375494 -0.5060913293916149 -0.6354855488241837 -1.2210863161299568 -0.7113270251697483 -0.356884207146603 0.29163780486953866 0.9463509578118432 1.0142961004085518 1.3379406213920002 1.5602221022374543 1.8084673317807947 +29460,1.5283182048716821,1,0.7422038658206175 0.4742764621915081 -0.013275885744260276 -0.11542971102603429 -0.1742825709900334 -0.26092152279099184 -0.4110566902505802 -0.45439467673375494 -0.5060913293916149 -0.6354855488241837 -1.2210863161299568 -0.7113270251697483 -0.356884207146603 0.29163780486953866 0.9463509578118432 1.0142961004085518 1.3379406213920002 1.5602221022374543 1.8084673317807947 1.6830003316521136 +29461,1.2603927619769058,1,0.4742764621915081 -0.013275885744260276 -0.11542971102603429 -0.1742825709900334 -0.26092152279099184 -0.4110566902505802 -0.45439467673375494 -0.5060913293916149 -0.6354855488241837 -1.2210863161299568 -0.7113270251697483 -0.356884207146603 0.29163780486953866 0.9463509578118432 1.0142961004085518 1.3379406213920002 1.5602221022374543 1.8084673317807947 1.6830003316521136 1.5283182048716821 +29462,0.9896889442950266,1,-0.013275885744260276 -0.11542971102603429 -0.1742825709900334 -0.26092152279099184 -0.4110566902505802 -0.45439467673375494 -0.5060913293916149 -0.6354855488241837 -1.2210863161299568 -0.7113270251697483 -0.356884207146603 0.29163780486953866 0.9463509578118432 1.0142961004085518 1.3379406213920002 1.5602221022374543 1.8084673317807947 1.6830003316521136 1.5283182048716821 1.2603927619769058 +29463,0.3721226369097253,1,-0.11542971102603429 -0.1742825709900334 -0.26092152279099184 -0.4110566902505802 -0.45439467673375494 -0.5060913293916149 -0.6354855488241837 -1.2210863161299568 -0.7113270251697483 -0.356884207146603 0.29163780486953866 0.9463509578118432 1.0142961004085518 1.3379406213920002 1.5602221022374543 1.8084673317807947 1.6830003316521136 1.5283182048716821 1.2603927619769058 0.9896889442950266 +29464,0.13840706694686883,1,-0.1742825709900334 -0.26092152279099184 -0.4110566902505802 -0.45439467673375494 -0.5060913293916149 -0.6354855488241837 -1.2210863161299568 -0.7113270251697483 -0.356884207146603 0.29163780486953866 0.9463509578118432 1.0142961004085518 1.3379406213920002 1.5602221022374543 1.8084673317807947 1.6830003316521136 1.5283182048716821 1.2603927619769058 0.9896889442950266 0.3721226369097253 +29465,0.0022019665711642948,1,-0.26092152279099184 -0.4110566902505802 -0.45439467673375494 -0.5060913293916149 -0.6354855488241837 -1.2210863161299568 -0.7113270251697483 -0.356884207146603 0.29163780486953866 0.9463509578118432 1.0142961004085518 1.3379406213920002 1.5602221022374543 1.8084673317807947 1.6830003316521136 1.5283182048716821 1.2603927619769058 0.9896889442950266 0.3721226369097253 0.13840706694686883 +29466,-0.1634110532038399,1,-0.4110566902505802 -0.45439467673375494 -0.5060913293916149 -0.6354855488241837 -1.2210863161299568 -0.7113270251697483 -0.356884207146603 0.29163780486953866 0.9463509578118432 1.0142961004085518 1.3379406213920002 1.5602221022374543 1.8084673317807947 1.6830003316521136 1.5283182048716821 1.2603927619769058 0.9896889442950266 0.3721226369097253 0.13840706694686883 0.0022019665711642948 +29467,-0.2810427308010473,1,-0.45439467673375494 -0.5060913293916149 -0.6354855488241837 -1.2210863161299568 -0.7113270251697483 -0.356884207146603 0.29163780486953866 0.9463509578118432 1.0142961004085518 1.3379406213920002 1.5602221022374543 1.8084673317807947 1.6830003316521136 1.5283182048716821 1.2603927619769058 0.9896889442950266 0.3721226369097253 0.13840706694686883 0.0022019665711642948 -0.1634110532038399 +29468,-0.3383107843680971,1,-0.5060913293916149 -0.6354855488241837 -1.2210863161299568 -0.7113270251697483 -0.356884207146603 0.29163780486953866 0.9463509578118432 1.0142961004085518 1.3379406213920002 1.5602221022374543 1.8084673317807947 1.6830003316521136 1.5283182048716821 1.2603927619769058 0.9896889442950266 0.3721226369097253 0.13840706694686883 0.0022019665711642948 -0.1634110532038399 -0.2810427308010473 +29469,-0.48999373705922616,1,-0.6354855488241837 -1.2210863161299568 -0.7113270251697483 -0.356884207146603 0.29163780486953866 0.9463509578118432 1.0142961004085518 1.3379406213920002 1.5602221022374543 1.8084673317807947 1.6830003316521136 1.5283182048716821 1.2603927619769058 0.9896889442950266 0.3721226369097253 0.13840706694686883 0.0022019665711642948 -0.1634110532038399 -0.2810427308010473 -0.3383107843680971 +29470,-0.5844086361832967,1,-1.2210863161299568 -0.7113270251697483 -0.356884207146603 0.29163780486953866 0.9463509578118432 1.0142961004085518 1.3379406213920002 1.5602221022374543 1.8084673317807947 1.6830003316521136 1.5283182048716821 1.2603927619769058 0.9896889442950266 0.3721226369097253 0.13840706694686883 0.0022019665711642948 -0.1634110532038399 -0.2810427308010473 -0.3383107843680971 -0.48999373705922616 +29471,-0.9718993646774023,1,-0.7113270251697483 -0.356884207146603 0.29163780486953866 0.9463509578118432 1.0142961004085518 1.3379406213920002 1.5602221022374543 1.8084673317807947 1.6830003316521136 1.5283182048716821 1.2603927619769058 0.9896889442950266 0.3721226369097253 0.13840706694686883 0.0022019665711642948 -0.1634110532038399 -0.2810427308010473 -0.3383107843680971 -0.48999373705922616 -0.5844086361832967 +29472,-0.6509634011396083,1,-0.356884207146603 0.29163780486953866 0.9463509578118432 1.0142961004085518 1.3379406213920002 1.5602221022374543 1.8084673317807947 1.6830003316521136 1.5283182048716821 1.2603927619769058 0.9896889442950266 0.3721226369097253 0.13840706694686883 0.0022019665711642948 -0.1634110532038399 -0.2810427308010473 -0.3383107843680971 -0.48999373705922616 -0.5844086361832967 -0.9718993646774023 +29473,-0.7123632755855255,1,0.29163780486953866 0.9463509578118432 1.0142961004085518 1.3379406213920002 1.5602221022374543 1.8084673317807947 1.6830003316521136 1.5283182048716821 1.2603927619769058 0.9896889442950266 0.3721226369097253 0.13840706694686883 0.0022019665711642948 -0.1634110532038399 -0.2810427308010473 -0.3383107843680971 -0.48999373705922616 -0.5844086361832967 -0.9718993646774023 -0.6509634011396083 +29474,-0.791811857209935,1,0.9463509578118432 1.0142961004085518 1.3379406213920002 1.5602221022374543 1.8084673317807947 1.6830003316521136 1.5283182048716821 1.2603927619769058 0.9896889442950266 0.3721226369097253 0.13840706694686883 0.0022019665711642948 -0.1634110532038399 -0.2810427308010473 -0.3383107843680971 -0.48999373705922616 -0.5844086361832967 -0.9718993646774023 -0.6509634011396083 -0.7123632755855255 +29475,-0.7407349445690479,1,1.0142961004085518 1.3379406213920002 1.5602221022374543 1.8084673317807947 1.6830003316521136 1.5283182048716821 1.2603927619769058 0.9896889442950266 0.3721226369097253 0.13840706694686883 0.0022019665711642948 -0.1634110532038399 -0.2810427308010473 -0.3383107843680971 -0.48999373705922616 -0.5844086361832967 -0.9718993646774023 -0.6509634011396083 -0.7123632755855255 -0.791811857209935 +29476,-0.356884207146603,1,1.3379406213920002 1.5602221022374543 1.8084673317807947 1.6830003316521136 1.5283182048716821 1.2603927619769058 0.9896889442950266 0.3721226369097253 0.13840706694686883 0.0022019665711642948 -0.1634110532038399 -0.2810427308010473 -0.3383107843680971 -0.48999373705922616 -0.5844086361832967 -0.9718993646774023 -0.6509634011396083 -0.7123632755855255 -0.791811857209935 -0.7407349445690479 +29477,-0.07540249890975631,1,1.5602221022374543 1.8084673317807947 1.6830003316521136 1.5283182048716821 1.2603927619769058 0.9896889442950266 0.3721226369097253 0.13840706694686883 0.0022019665711642948 -0.1634110532038399 -0.2810427308010473 -0.3383107843680971 -0.48999373705922616 -0.5844086361832967 -0.9718993646774023 -0.6509634011396083 -0.7123632755855255 -0.791811857209935 -0.7407349445690479 -0.356884207146603 +29478,0.34735807320504775,1,1.8084673317807947 1.6830003316521136 1.5283182048716821 1.2603927619769058 0.9896889442950266 0.3721226369097253 0.13840706694686883 0.0022019665711642948 -0.1634110532038399 -0.2810427308010473 -0.3383107843680971 -0.48999373705922616 -0.5844086361832967 -0.9718993646774023 -0.6509634011396083 -0.7123632755855255 -0.791811857209935 -0.7407349445690479 -0.356884207146603 -0.07540249890975631 +29479,1.1831620982377897,1,1.6830003316521136 1.5283182048716821 1.2603927619769058 0.9896889442950266 0.3721226369097253 0.13840706694686883 0.0022019665711642948 -0.1634110532038399 -0.2810427308010473 -0.3383107843680971 -0.48999373705922616 -0.5844086361832967 -0.9718993646774023 -0.6509634011396083 -0.7123632755855255 -0.791811857209935 -0.7407349445690479 -0.356884207146603 -0.07540249890975631 0.34735807320504775 +29480,1.3456795475497125,1,1.5283182048716821 1.2603927619769058 0.9896889442950266 0.3721226369097253 0.13840706694686883 0.0022019665711642948 -0.1634110532038399 -0.2810427308010473 -0.3383107843680971 -0.48999373705922616 -0.5844086361832967 -0.9718993646774023 -0.6509634011396083 -0.7123632755855255 -0.791811857209935 -0.7407349445690479 -0.356884207146603 -0.07540249890975631 0.34735807320504775 1.1831620982377897 +29481,1.361795853688991,1,1.2603927619769058 0.9896889442950266 0.3721226369097253 0.13840706694686883 0.0022019665711642948 -0.1634110532038399 -0.2810427308010473 -0.3383107843680971 -0.48999373705922616 -0.5844086361832967 -0.9718993646774023 -0.6509634011396083 -0.7123632755855255 -0.791811857209935 -0.7407349445690479 -0.356884207146603 -0.07540249890975631 0.34735807320504775 1.1831620982377897 1.3456795475497125 +29482,1.4400944466737744,1,0.9896889442950266 0.3721226369097253 0.13840706694686883 0.0022019665711642948 -0.1634110532038399 -0.2810427308010473 -0.3383107843680971 -0.48999373705922616 -0.5844086361832967 -0.9718993646774023 -0.6509634011396083 -0.7123632755855255 -0.791811857209935 -0.7407349445690479 -0.356884207146603 -0.07540249890975631 0.34735807320504775 1.1831620982377897 1.3456795475497125 1.361795853688991 +29483,1.4324899746070108,1,0.3721226369097253 0.13840706694686883 0.0022019665711642948 -0.1634110532038399 -0.2810427308010473 -0.3383107843680971 -0.48999373705922616 -0.5844086361832967 -0.9718993646774023 -0.6509634011396083 -0.7123632755855255 -0.791811857209935 -0.7407349445690479 -0.356884207146603 -0.07540249890975631 0.34735807320504775 1.1831620982377897 1.3456795475497125 1.361795853688991 1.4400944466737744 +29484,1.385921963569806,1,0.13840706694686883 0.0022019665711642948 -0.1634110532038399 -0.2810427308010473 -0.3383107843680971 -0.48999373705922616 -0.5844086361832967 -0.9718993646774023 -0.6509634011396083 -0.7123632755855255 -0.791811857209935 -0.7407349445690479 -0.356884207146603 -0.07540249890975631 0.34735807320504775 1.1831620982377897 1.3456795475497125 1.361795853688991 1.4400944466737744 1.4324899746070108 +29485,1.2121582990265682,1,0.0022019665711642948 -0.1634110532038399 -0.2810427308010473 -0.3383107843680971 -0.48999373705922616 -0.5844086361832967 -0.9718993646774023 -0.6509634011396083 -0.7123632755855255 -0.791811857209935 -0.7407349445690479 -0.356884207146603 -0.07540249890975631 0.34735807320504775 1.1831620982377897 1.3456795475497125 1.361795853688991 1.4400944466737744 1.4324899746070108 1.385921963569806 +29486,1.025288004620498,1,-0.1634110532038399 -0.2810427308010473 -0.3383107843680971 -0.48999373705922616 -0.5844086361832967 -0.9718993646774023 -0.6509634011396083 -0.7123632755855255 -0.791811857209935 -0.7407349445690479 -0.356884207146603 -0.07540249890975631 0.34735807320504775 1.1831620982377897 1.3456795475497125 1.361795853688991 1.4400944466737744 1.4324899746070108 1.385921963569806 1.2121582990265682 +29487,0.673422725416163,1,-0.2810427308010473 -0.3383107843680971 -0.48999373705922616 -0.5844086361832967 -0.9718993646774023 -0.6509634011396083 -0.7123632755855255 -0.791811857209935 -0.7407349445690479 -0.356884207146603 -0.07540249890975631 0.34735807320504775 1.1831620982377897 1.3456795475497125 1.361795853688991 1.4400944466737744 1.4324899746070108 1.385921963569806 1.2121582990265682 1.025288004620498 +29488,0.3086634424164951,1,-0.3383107843680971 -0.48999373705922616 -0.5844086361832967 -0.9718993646774023 -0.6509634011396083 -0.7123632755855255 -0.791811857209935 -0.7407349445690479 -0.356884207146603 -0.07540249890975631 0.34735807320504775 1.1831620982377897 1.3456795475497125 1.361795853688991 1.4400944466737744 1.4324899746070108 1.385921963569806 1.2121582990265682 1.025288004620498 0.673422725416163 +29489,-0.10614299963678131,1,-0.48999373705922616 -0.5844086361832967 -0.9718993646774023 -0.6509634011396083 -0.7123632755855255 -0.791811857209935 -0.7407349445690479 -0.356884207146603 -0.07540249890975631 0.34735807320504775 1.1831620982377897 1.3456795475497125 1.361795853688991 1.4400944466737744 1.4324899746070108 1.385921963569806 1.2121582990265682 1.025288004620498 0.673422725416163 0.3086634424164951 +29490,-0.1587676975092178,1,-0.5844086361832967 -0.9718993646774023 -0.6509634011396083 -0.7123632755855255 -0.791811857209935 -0.7407349445690479 -0.356884207146603 -0.07540249890975631 0.34735807320504775 1.1831620982377897 1.3456795475497125 1.361795853688991 1.4400944466737744 1.4324899746070108 1.385921963569806 1.2121582990265682 1.025288004620498 0.673422725416163 0.3086634424164951 -0.10614299963678131 +29491,-0.30890286496879743,1,-0.9718993646774023 -0.6509634011396083 -0.7123632755855255 -0.791811857209935 -0.7407349445690479 -0.356884207146603 -0.07540249890975631 0.34735807320504775 1.1831620982377897 1.3456795475497125 1.361795853688991 1.4400944466737744 1.4324899746070108 1.385921963569806 1.2121582990265682 1.025288004620498 0.673422725416163 0.3086634424164951 -0.10614299963678131 -0.1587676975092178 +29492,-0.5876886235541537,1,-0.6509634011396083 -0.7123632755855255 -0.791811857209935 -0.7407349445690479 -0.356884207146603 -0.07540249890975631 0.34735807320504775 1.1831620982377897 1.3456795475497125 1.361795853688991 1.4400944466737744 1.4324899746070108 1.385921963569806 1.2121582990265682 1.025288004620498 0.673422725416163 0.3086634424164951 -0.10614299963678131 -0.1587676975092178 -0.30890286496879743 +29493,-0.4358212539552578,1,-0.7123632755855255 -0.791811857209935 -0.7407349445690479 -0.356884207146603 -0.07540249890975631 0.34735807320504775 1.1831620982377897 1.3456795475497125 1.361795853688991 1.4400944466737744 1.4324899746070108 1.385921963569806 1.2121582990265682 1.025288004620498 0.673422725416163 0.3086634424164951 -0.10614299963678131 -0.1587676975092178 -0.30890286496879743 -0.5876886235541537 +29494,-0.527891112497389,1,-0.791811857209935 -0.7407349445690479 -0.356884207146603 -0.07540249890975631 0.34735807320504775 1.1831620982377897 1.3456795475497125 1.361795853688991 1.4400944466737744 1.4324899746070108 1.385921963569806 1.2121582990265682 1.025288004620498 0.673422725416163 0.3086634424164951 -0.10614299963678131 -0.1587676975092178 -0.30890286496879743 -0.5876886235541537 -0.4358212539552578 +29495,-0.6308421931295616,1,-0.7407349445690479 -0.356884207146603 -0.07540249890975631 0.34735807320504775 1.1831620982377897 1.3456795475497125 1.361795853688991 1.4400944466737744 1.4324899746070108 1.385921963569806 1.2121582990265682 1.025288004620498 0.673422725416163 0.3086634424164951 -0.10614299963678131 -0.1587676975092178 -0.30890286496879743 -0.5876886235541537 -0.4358212539552578 -0.527891112497389 +29496,-0.8475321255454529,1,-0.356884207146603 -0.07540249890975631 0.34735807320504775 1.1831620982377897 1.3456795475497125 1.361795853688991 1.4400944466737744 1.4324899746070108 1.385921963569806 1.2121582990265682 1.025288004620498 0.673422725416163 0.3086634424164951 -0.10614299963678131 -0.1587676975092178 -0.30890286496879743 -0.5876886235541537 -0.4358212539552578 -0.527891112497389 -0.6308421931295616 +29497,-0.9403992394379826,1,-0.07540249890975631 0.34735807320504775 1.1831620982377897 1.3456795475497125 1.361795853688991 1.4400944466737744 1.4324899746070108 1.385921963569806 1.2121582990265682 1.025288004620498 0.673422725416163 0.3086634424164951 -0.10614299963678131 -0.1587676975092178 -0.30890286496879743 -0.5876886235541537 -0.4358212539552578 -0.527891112497389 -0.6308421931295616 -0.8475321255454529 +29498,-1.0287946428390373,1,0.34735807320504775 1.1831620982377897 1.3456795475497125 1.361795853688991 1.4400944466737744 1.4324899746070108 1.385921963569806 1.2121582990265682 1.025288004620498 0.673422725416163 0.3086634424164951 -0.10614299963678131 -0.1587676975092178 -0.30890286496879743 -0.5876886235541537 -0.4358212539552578 -0.527891112497389 -0.6308421931295616 -0.8475321255454529 -0.9403992394379826 +29499,-0.910991320038683,1,1.1831620982377897 1.3456795475497125 1.361795853688991 1.4400944466737744 1.4324899746070108 1.385921963569806 1.2121582990265682 1.025288004620498 0.673422725416163 0.3086634424164951 -0.10614299963678131 -0.1587676975092178 -0.30890286496879743 -0.5876886235541537 -0.4358212539552578 -0.527891112497389 -0.6308421931295616 -0.8475321255454529 -0.9403992394379826 -1.0287946428390373 +29500,-0.8406708202359323,1,1.3456795475497125 1.361795853688991 1.4400944466737744 1.4324899746070108 1.385921963569806 1.2121582990265682 1.025288004620498 0.673422725416163 0.3086634424164951 -0.10614299963678131 -0.1587676975092178 -0.30890286496879743 -0.5876886235541537 -0.4358212539552578 -0.527891112497389 -0.6308421931295616 -0.8475321255454529 -0.9403992394379826 -1.0287946428390373 -0.910991320038683 +29501,-0.4745158847438104,1,1.361795853688991 1.4400944466737744 1.4324899746070108 1.385921963569806 1.2121582990265682 1.025288004620498 0.673422725416163 0.3086634424164951 -0.10614299963678131 -0.1587676975092178 -0.30890286496879743 -0.5876886235541537 -0.4358212539552578 -0.527891112497389 -0.6308421931295616 -0.8475321255454529 -0.9403992394379826 -1.0287946428390373 -0.910991320038683 -0.8406708202359323 +29502,0.07308958339556222,1,1.4400944466737744 1.4324899746070108 1.385921963569806 1.2121582990265682 1.025288004620498 0.673422725416163 0.3086634424164951 -0.10614299963678131 -0.1587676975092178 -0.30890286496879743 -0.5876886235541537 -0.4358212539552578 -0.527891112497389 -0.6308421931295616 -0.8475321255454529 -0.9403992394379826 -1.0287946428390373 -0.910991320038683 -0.8406708202359323 -0.4745158847438104 +29503,1.02993136031512,1,1.4324899746070108 1.385921963569806 1.2121582990265682 1.025288004620498 0.673422725416163 0.3086634424164951 -0.10614299963678131 -0.1587676975092178 -0.30890286496879743 -0.5876886235541537 -0.4358212539552578 -0.527891112497389 -0.6308421931295616 -0.8475321255454529 -0.9403992394379826 -1.0287946428390373 -0.910991320038683 -0.8406708202359323 -0.4745158847438104 0.07308958339556222 +29504,1.3781830374120936,1,1.385921963569806 1.2121582990265682 1.025288004620498 0.673422725416163 0.3086634424164951 -0.10614299963678131 -0.1587676975092178 -0.30890286496879743 -0.5876886235541537 -0.4358212539552578 -0.527891112497389 -0.6308421931295616 -0.8475321255454529 -0.9403992394379826 -1.0287946428390373 -0.910991320038683 -0.8406708202359323 -0.4745158847438104 0.07308958339556222 1.02993136031512 +29505,1.4122343125060242,1,1.2121582990265682 1.025288004620498 0.673422725416163 0.3086634424164951 -0.10614299963678131 -0.1587676975092178 -0.30890286496879743 -0.5876886235541537 -0.4358212539552578 -0.527891112497389 -0.6308421931295616 -0.8475321255454529 -0.9403992394379826 -1.0287946428390373 -0.910991320038683 -0.8406708202359323 -0.4745158847438104 0.07308958339556222 1.02993136031512 1.3781830374120936 +29506,1.293054849677276,1,1.025288004620498 0.673422725416163 0.3086634424164951 -0.10614299963678131 -0.1587676975092178 -0.30890286496879743 -0.5876886235541537 -0.4358212539552578 -0.527891112497389 -0.6308421931295616 -0.8475321255454529 -0.9403992394379826 -1.0287946428390373 -0.910991320038683 -0.8406708202359323 -0.4745158847438104 0.07308958339556222 1.02993136031512 1.3781830374120936 1.4122343125060242 +29507,1.3332717058816128,1,0.673422725416163 0.3086634424164951 -0.10614299963678131 -0.1587676975092178 -0.30890286496879743 -0.5876886235541537 -0.4358212539552578 -0.527891112497389 -0.6308421931295616 -0.8475321255454529 -0.9403992394379826 -1.0287946428390373 -0.910991320038683 -0.8406708202359323 -0.4745158847438104 0.07308958339556222 1.02993136031512 1.3781830374120936 1.4122343125060242 1.293054849677276 +29508,1.2342390108786767,1,0.3086634424164951 -0.10614299963678131 -0.1587676975092178 -0.30890286496879743 -0.5876886235541537 -0.4358212539552578 -0.527891112497389 -0.6308421931295616 -0.8475321255454529 -0.9403992394379826 -1.0287946428390373 -0.910991320038683 -0.8406708202359323 -0.4745158847438104 0.07308958339556222 1.02993136031512 1.3781830374120936 1.4122343125060242 1.293054849677276 1.3332717058816128 +29509,0.7203743140066989,1,-0.10614299963678131 -0.1587676975092178 -0.30890286496879743 -0.5876886235541537 -0.4358212539552578 -0.527891112497389 -0.6308421931295616 -0.8475321255454529 -0.9403992394379826 -1.0287946428390373 -0.910991320038683 -0.8406708202359323 -0.4745158847438104 0.07308958339556222 1.02993136031512 1.3781830374120936 1.4122343125060242 1.293054849677276 1.3332717058816128 1.2342390108786767 +29510,0.28699444917490774,1,-0.1587676975092178 -0.30890286496879743 -0.5876886235541537 -0.4358212539552578 -0.527891112497389 -0.6308421931295616 -0.8475321255454529 -0.9403992394379826 -1.0287946428390373 -0.910991320038683 -0.8406708202359323 -0.4745158847438104 0.07308958339556222 1.02993136031512 1.3781830374120936 1.4122343125060242 1.293054849677276 1.3332717058816128 1.2342390108786767 0.7203743140066989 +29511,-0.06590058361668798,1,-0.30890286496879743 -0.5876886235541537 -0.4358212539552578 -0.527891112497389 -0.6308421931295616 -0.8475321255454529 -0.9403992394379826 -1.0287946428390373 -0.910991320038683 -0.8406708202359323 -0.4745158847438104 0.07308958339556222 1.02993136031512 1.3781830374120936 1.4122343125060242 1.293054849677276 1.3332717058816128 1.2342390108786767 0.7203743140066989 0.28699444917490774 +29512,-0.11697749625758379,1,-0.5876886235541537 -0.4358212539552578 -0.527891112497389 -0.6308421931295616 -0.8475321255454529 -0.9403992394379826 -1.0287946428390373 -0.910991320038683 -0.8406708202359323 -0.4745158847438104 0.07308958339556222 1.02993136031512 1.3781830374120936 1.4122343125060242 1.293054849677276 1.3332717058816128 1.2342390108786767 0.7203743140066989 0.28699444917490774 -0.06590058361668798 +29513,-0.29032944219029144,1,-0.4358212539552578 -0.527891112497389 -0.6308421931295616 -0.8475321255454529 -0.9403992394379826 -1.0287946428390373 -0.910991320038683 -0.8406708202359323 -0.4745158847438104 0.07308958339556222 1.02993136031512 1.3781830374120936 1.4122343125060242 1.293054849677276 1.3332717058816128 1.2342390108786767 0.7203743140066989 0.28699444917490774 -0.06590058361668798 -0.11697749625758379 +29514,-0.41724783117675185,1,-0.527891112497389 -0.6308421931295616 -0.8475321255454529 -0.9403992394379826 -1.0287946428390373 -0.910991320038683 -0.8406708202359323 -0.4745158847438104 0.07308958339556222 1.02993136031512 1.3781830374120936 1.4122343125060242 1.293054849677276 1.3332717058816128 1.2342390108786767 0.7203743140066989 0.28699444917490774 -0.06590058361668798 -0.11697749625758379 -0.29032944219029144 +29515,-0.5116627303008136,1,-0.6308421931295616 -0.8475321255454529 -0.9403992394379826 -1.0287946428390373 -0.910991320038683 -0.8406708202359323 -0.4745158847438104 0.07308958339556222 1.02993136031512 1.3781830374120936 1.4122343125060242 1.293054849677276 1.3332717058816128 1.2342390108786767 0.7203743140066989 0.28699444917490774 -0.06590058361668798 -0.11697749625758379 -0.29032944219029144 -0.41724783117675185 +29516,-0.5670821870409147,1,-0.8475321255454529 -0.9403992394379826 -1.0287946428390373 -0.910991320038683 -0.8406708202359323 -0.4745158847438104 0.07308958339556222 1.02993136031512 1.3781830374120936 1.4122343125060242 1.293054849677276 1.3332717058816128 1.2342390108786767 0.7203743140066989 0.28699444917490774 -0.06590058361668798 -0.11697749625758379 -0.29032944219029144 -0.41724783117675185 -0.5116627303008136 +29517,-0.6215554817403086,1,-0.9403992394379826 -1.0287946428390373 -0.910991320038683 -0.8406708202359323 -0.4745158847438104 0.07308958339556222 1.02993136031512 1.3781830374120936 1.4122343125060242 1.293054849677276 1.3332717058816128 1.2342390108786767 0.7203743140066989 0.28699444917490774 -0.06590058361668798 -0.11697749625758379 -0.29032944219029144 -0.41724783117675185 -0.5116627303008136 -0.5670821870409147 +29518,-0.8428887698508307,1,-1.0287946428390373 -0.910991320038683 -0.8406708202359323 -0.4745158847438104 0.07308958339556222 1.02993136031512 1.3781830374120936 1.4122343125060242 1.293054849677276 1.3332717058816128 1.2342390108786767 0.7203743140066989 0.28699444917490774 -0.06590058361668798 -0.11697749625758379 -0.29032944219029144 -0.41724783117675185 -0.5116627303008136 -0.5670821870409147 -0.6215554817403086 +29519,-0.9218258166594767,1,-0.910991320038683 -0.8406708202359323 -0.4745158847438104 0.07308958339556222 1.02993136031512 1.3781830374120936 1.4122343125060242 1.293054849677276 1.3332717058816128 1.2342390108786767 0.7203743140066989 0.28699444917490774 -0.06590058361668798 -0.11697749625758379 -0.29032944219029144 -0.41724783117675185 -0.5116627303008136 -0.5670821870409147 -0.6215554817403086 -0.8428887698508307 +29520,-1.0100495748573757,1,-0.8406708202359323 -0.4745158847438104 0.07308958339556222 1.02993136031512 1.3781830374120936 1.4122343125060242 1.293054849677276 1.3332717058816128 1.2342390108786767 0.7203743140066989 0.28699444917490774 -0.06590058361668798 -0.11697749625758379 -0.29032944219029144 -0.41724783117675185 -0.5116627303008136 -0.5670821870409147 -0.6215554817403086 -0.8428887698508307 -0.9218258166594767 +29521,-1.0410052794882159,1,-0.4745158847438104 0.07308958339556222 1.02993136031512 1.3781830374120936 1.4122343125060242 1.293054849677276 1.3332717058816128 1.2342390108786767 0.7203743140066989 0.28699444917490774 -0.06590058361668798 -0.11697749625758379 -0.29032944219029144 -0.41724783117675185 -0.5116627303008136 -0.5670821870409147 -0.6215554817403086 -0.8428887698508307 -0.9218258166594767 -1.0100495748573757 +29522,-1.110655614907609,1,0.07308958339556222 1.02993136031512 1.3781830374120936 1.4122343125060242 1.293054849677276 1.3332717058816128 1.2342390108786767 0.7203743140066989 0.28699444917490774 -0.06590058361668798 -0.11697749625758379 -0.29032944219029144 -0.41724783117675185 -0.5116627303008136 -0.5670821870409147 -0.6215554817403086 -0.8428887698508307 -0.9218258166594767 -1.0100495748573757 -1.0410052794882159 +29523,-1.1555413866223332,1,1.02993136031512 1.3781830374120936 1.4122343125060242 1.293054849677276 1.3332717058816128 1.2342390108786767 0.7203743140066989 0.28699444917490774 -0.06590058361668798 -0.11697749625758379 -0.29032944219029144 -0.41724783117675185 -0.5116627303008136 -0.5670821870409147 -0.6215554817403086 -0.8428887698508307 -0.9218258166594767 -1.0100495748573757 -1.0410052794882159 -1.110655614907609 +29524,-1.0946389431088046,1,1.3781830374120936 1.4122343125060242 1.293054849677276 1.3332717058816128 1.2342390108786767 0.7203743140066989 0.28699444917490774 -0.06590058361668798 -0.11697749625758379 -0.29032944219029144 -0.41724783117675185 -0.5116627303008136 -0.5670821870409147 -0.6215554817403086 -0.8428887698508307 -0.9218258166594767 -1.0100495748573757 -1.0410052794882159 -1.110655614907609 -1.1555413866223332 +29525,-0.9496859508272356,1,1.4122343125060242 1.293054849677276 1.3332717058816128 1.2342390108786767 0.7203743140066989 0.28699444917490774 -0.06590058361668798 -0.11697749625758379 -0.29032944219029144 -0.41724783117675185 -0.5116627303008136 -0.5670821870409147 -0.6215554817403086 -0.8428887698508307 -0.9218258166594767 -1.0100495748573757 -1.0410052794882159 -1.110655614907609 -1.1555413866223332 -1.0946389431088046 +29526,-0.10614299963678131,1,1.293054849677276 1.3332717058816128 1.2342390108786767 0.7203743140066989 0.28699444917490774 -0.06590058361668798 -0.11697749625758379 -0.29032944219029144 -0.41724783117675185 -0.5116627303008136 -0.5670821870409147 -0.6215554817403086 -0.8428887698508307 -0.9218258166594767 -1.0100495748573757 -1.0410052794882159 -1.110655614907609 -1.1555413866223332 -1.0946389431088046 -0.9496859508272356 +29527,0.29163780486953866,1,1.3332717058816128 1.2342390108786767 0.7203743140066989 0.28699444917490774 -0.06590058361668798 -0.11697749625758379 -0.29032944219029144 -0.41724783117675185 -0.5116627303008136 -0.5670821870409147 -0.6215554817403086 -0.8428887698508307 -0.9218258166594767 -1.0100495748573757 -1.0410052794882159 -1.110655614907609 -1.1555413866223332 -1.0946389431088046 -0.9496859508272356 -0.10614299963678131 +29528,0.30894722419534393,1,1.2342390108786767 0.7203743140066989 0.28699444917490774 -0.06590058361668798 -0.11697749625758379 -0.29032944219029144 -0.41724783117675185 -0.5116627303008136 -0.5670821870409147 -0.6215554817403086 -0.8428887698508307 -0.9218258166594767 -1.0100495748573757 -1.0410052794882159 -1.110655614907609 -1.1555413866223332 -1.0946389431088046 -0.9496859508272356 -0.10614299963678131 0.29163780486953866 +29529,0.57178693177866,1,0.7203743140066989 0.28699444917490774 -0.06590058361668798 -0.11697749625758379 -0.29032944219029144 -0.41724783117675185 -0.5116627303008136 -0.5670821870409147 -0.6215554817403086 -0.8428887698508307 -0.9218258166594767 -1.0100495748573757 -1.0410052794882159 -1.110655614907609 -1.1555413866223332 -1.0946389431088046 -0.9496859508272356 -0.10614299963678131 0.29163780486953866 0.30894722419534393 +29530,0.5222578043693137,1,0.28699444917490774 -0.06590058361668798 -0.11697749625758379 -0.29032944219029144 -0.41724783117675185 -0.5116627303008136 -0.5670821870409147 -0.6215554817403086 -0.8428887698508307 -0.9218258166594767 -1.0100495748573757 -1.0410052794882159 -1.110655614907609 -1.1555413866223332 -1.0946389431088046 -0.9496859508272356 -0.10614299963678131 0.29163780486953866 0.30894722419534393 0.57178693177866 +29531,0.5454745828424418,1,-0.06590058361668798 -0.11697749625758379 -0.29032944219029144 -0.41724783117675185 -0.5116627303008136 -0.5670821870409147 -0.6215554817403086 -0.8428887698508307 -0.9218258166594767 -1.0100495748573757 -1.0410052794882159 -1.110655614907609 -1.1555413866223332 -1.0946389431088046 -0.9496859508272356 -0.10614299963678131 0.29163780486953866 0.30894722419534393 0.57178693177866 0.5222578043693137 +29532,0.5041725539815055,1,-0.11697749625758379 -0.29032944219029144 -0.41724783117675185 -0.5116627303008136 -0.5670821870409147 -0.6215554817403086 -0.8428887698508307 -0.9218258166594767 -1.0100495748573757 -1.0410052794882159 -1.110655614907609 -1.1555413866223332 -1.0946389431088046 -0.9496859508272356 -0.10614299963678131 0.29163780486953866 0.30894722419534393 0.57178693177866 0.5222578043693137 0.5454745828424418 +29533,0.4154606233929,1,-0.29032944219029144 -0.41724783117675185 -0.5116627303008136 -0.5670821870409147 -0.6215554817403086 -0.8428887698508307 -0.9218258166594767 -1.0100495748573757 -1.0410052794882159 -1.110655614907609 -1.1555413866223332 -1.0946389431088046 -0.9496859508272356 -0.10614299963678131 0.29163780486953866 0.30894722419534393 0.57178693177866 0.5222578043693137 0.5454745828424418 0.5041725539815055 +29534,0.15543270449383412,1,-0.41724783117675185 -0.5116627303008136 -0.5670821870409147 -0.6215554817403086 -0.8428887698508307 -0.9218258166594767 -1.0100495748573757 -1.0410052794882159 -1.110655614907609 -1.1555413866223332 -1.0946389431088046 -0.9496859508272356 -0.10614299963678131 0.29163780486953866 0.30894722419534393 0.57178693177866 0.5222578043693137 0.5454745828424418 0.5041725539815055 0.4154606233929 +29535,-0.4342734687237083,1,-0.5116627303008136 -0.5670821870409147 -0.6215554817403086 -0.8428887698508307 -0.9218258166594767 -1.0100495748573757 -1.0410052794882159 -1.110655614907609 -1.1555413866223332 -1.0946389431088046 -0.9496859508272356 -0.10614299963678131 0.29163780486953866 0.30894722419534393 0.57178693177866 0.5222578043693137 0.5454745828424418 0.5041725539815055 0.4154606233929 0.15543270449383412 +29536,-0.5395228644685724,1,-0.5670821870409147 -0.6215554817403086 -0.8428887698508307 -0.9218258166594767 -1.0100495748573757 -1.0410052794882159 -1.110655614907609 -1.1555413866223332 -1.0946389431088046 -0.9496859508272356 -0.10614299963678131 0.29163780486953866 0.30894722419534393 0.57178693177866 0.5222578043693137 0.5454745828424418 0.5041725539815055 0.4154606233929 0.15543270449383412 -0.4342734687237083 +29537,-0.6819191057704487,1,-0.6215554817403086 -0.8428887698508307 -0.9218258166594767 -1.0100495748573757 -1.0410052794882159 -1.110655614907609 -1.1555413866223332 -1.0946389431088046 -0.9496859508272356 -0.10614299963678131 0.29163780486953866 0.30894722419534393 0.57178693177866 0.5222578043693137 0.5454745828424418 0.5041725539815055 0.4154606233929 0.15543270449383412 -0.4342734687237083 -0.5395228644685724 +29538,-0.7778817901260598,1,-0.8428887698508307 -0.9218258166594767 -1.0100495748573757 -1.0410052794882159 -1.110655614907609 -1.1555413866223332 -1.0946389431088046 -0.9496859508272356 -0.10614299963678131 0.29163780486953866 0.30894722419534393 0.57178693177866 0.5222578043693137 0.5454745828424418 0.5041725539815055 0.4154606233929 0.15543270449383412 -0.4342734687237083 -0.5395228644685724 -0.6819191057704487 +29539,-0.8924178972601771,1,-0.9218258166594767 -1.0100495748573757 -1.0410052794882159 -1.110655614907609 -1.1555413866223332 -1.0946389431088046 -0.9496859508272356 -0.10614299963678131 0.29163780486953866 0.30894722419534393 0.57178693177866 0.5222578043693137 0.5454745828424418 0.5041725539815055 0.4154606233929 0.15543270449383412 -0.4342734687237083 -0.5395228644685724 -0.6819191057704487 -0.7778817901260598 +29540,-1.0054062191627446,1,-1.0100495748573757 -1.0410052794882159 -1.110655614907609 -1.1555413866223332 -1.0946389431088046 -0.9496859508272356 -0.10614299963678131 0.29163780486953866 0.30894722419534393 0.57178693177866 0.5222578043693137 0.5454745828424418 0.5041725539815055 0.4154606233929 0.15543270449383412 -0.4342734687237083 -0.5395228644685724 -0.6819191057704487 -0.7778817901260598 -0.8924178972601771 +29541,-1.0487442056459282,1,-1.0410052794882159 -1.110655614907609 -1.1555413866223332 -1.0946389431088046 -0.9496859508272356 -0.10614299963678131 0.29163780486953866 0.30894722419534393 0.57178693177866 0.5222578043693137 0.5454745828424418 0.5041725539815055 0.4154606233929 0.15543270449383412 -0.4342734687237083 -0.5395228644685724 -0.6819191057704487 -0.7778817901260598 -0.8924178972601771 -1.0054062191627446 +29542,-1.2159050106524731,1,-1.110655614907609 -1.1555413866223332 -1.0946389431088046 -0.9496859508272356 -0.10614299963678131 0.29163780486953866 0.30894722419534393 0.57178693177866 0.5222578043693137 0.5454745828424418 0.5041725539815055 0.4154606233929 0.15543270449383412 -0.4342734687237083 -0.5395228644685724 -0.6819191057704487 -0.7778817901260598 -0.8924178972601771 -1.0054062191627446 -1.0487442056459282 +29543,-1.1988793731055079,1,-1.1555413866223332 -1.0946389431088046 -0.9496859508272356 -0.10614299963678131 0.29163780486953866 0.30894722419534393 0.57178693177866 0.5222578043693137 0.5454745828424418 0.5041725539815055 0.4154606233929 0.15543270449383412 -0.4342734687237083 -0.5395228644685724 -0.6819191057704487 -0.7778817901260598 -0.8924178972601771 -1.0054062191627446 -1.0487442056459282 -1.2159050106524731 +29544,-1.248408500514863,1,-1.0946389431088046 -0.9496859508272356 -0.10614299963678131 0.29163780486953866 0.30894722419534393 0.57178693177866 0.5222578043693137 0.5454745828424418 0.5041725539815055 0.4154606233929 0.15543270449383412 -0.4342734687237083 -0.5395228644685724 -0.6819191057704487 -0.7778817901260598 -0.8924178972601771 -1.0054062191627446 -1.0487442056459282 -1.2159050106524731 -1.1988793731055079 +29545,-1.3211544063973373,1,-0.9496859508272356 -0.10614299963678131 0.29163780486953866 0.30894722419534393 0.57178693177866 0.5222578043693137 0.5454745828424418 0.5041725539815055 0.4154606233929 0.15543270449383412 -0.4342734687237083 -0.5395228644685724 -0.6819191057704487 -0.7778817901260598 -0.8924178972601771 -1.0054062191627446 -1.0487442056459282 -1.2159050106524731 -1.1988793731055079 -1.248408500514863 +29546,-1.1988793731055079,1,-0.10614299963678131 0.29163780486953866 0.30894722419534393 0.57178693177866 0.5222578043693137 0.5454745828424418 0.5041725539815055 0.4154606233929 0.15543270449383412 -0.4342734687237083 -0.5395228644685724 -0.6819191057704487 -0.7778817901260598 -0.8924178972601771 -1.0054062191627446 -1.0487442056459282 -1.2159050106524731 -1.1988793731055079 -1.248408500514863 -1.3211544063973373 +29547,-1.290198701766497,1,0.29163780486953866 0.30894722419534393 0.57178693177866 0.5222578043693137 0.5454745828424418 0.5041725539815055 0.4154606233929 0.15543270449383412 -0.4342734687237083 -0.5395228644685724 -0.6819191057704487 -0.7778817901260598 -0.8924178972601771 -1.0054062191627446 -1.0487442056459282 -1.2159050106524731 -1.1988793731055079 -1.248408500514863 -1.3211544063973373 -1.1988793731055079 +29548,-0.9729027293003637,1,0.30894722419534393 0.57178693177866 0.5222578043693137 0.5454745828424418 0.5041725539815055 0.4154606233929 0.15543270449383412 -0.4342734687237083 -0.5395228644685724 -0.6819191057704487 -0.7778817901260598 -0.8924178972601771 -1.0054062191627446 -1.0487442056459282 -1.2159050106524731 -1.1988793731055079 -1.248408500514863 -1.3211544063973373 -1.1988793731055079 -1.290198701766497 +29549,-0.9474830175150996,1,0.57178693177866 0.5222578043693137 0.5454745828424418 0.5041725539815055 0.4154606233929 0.15543270449383412 -0.4342734687237083 -0.5395228644685724 -0.6819191057704487 -0.7778817901260598 -0.8924178972601771 -1.0054062191627446 -1.0487442056459282 -1.2159050106524731 -1.1988793731055079 -1.248408500514863 -1.3211544063973373 -1.1988793731055079 -1.290198701766497 -0.9729027293003637 +29550,-0.3785532003881992,1,0.5222578043693137 0.5454745828424418 0.5041725539815055 0.4154606233929 0.15543270449383412 -0.4342734687237083 -0.5395228644685724 -0.6819191057704487 -0.7778817901260598 -0.8924178972601771 -1.0054062191627446 -1.0487442056459282 -1.2159050106524731 -1.1988793731055079 -1.248408500514863 -1.3211544063973373 -1.1988793731055079 -1.290198701766497 -0.9729027293003637 -0.9474830175150996 +29551,0.03172081063031824,1,0.5454745828424418 0.5041725539815055 0.4154606233929 0.15543270449383412 -0.4342734687237083 -0.5395228644685724 -0.6819191057704487 -0.7778817901260598 -0.8924178972601771 -1.0054062191627446 -1.0487442056459282 -1.2159050106524731 -1.1988793731055079 -1.248408500514863 -1.3211544063973373 -1.1988793731055079 -1.290198701766497 -0.9729027293003637 -0.9474830175150996 -0.3785532003881992 +29552,0.44796411325528984,1,0.5041725539815055 0.4154606233929 0.15543270449383412 -0.4342734687237083 -0.5395228644685724 -0.6819191057704487 -0.7778817901260598 -0.8924178972601771 -1.0054062191627446 -1.0487442056459282 -1.2159050106524731 -1.1988793731055079 -1.248408500514863 -1.3211544063973373 -1.1988793731055079 -1.290198701766497 -0.9729027293003637 -0.9474830175150996 -0.3785532003881992 0.03172081063031824 +29553,0.6938722697507359,1,0.4154606233929 0.15543270449383412 -0.4342734687237083 -0.5395228644685724 -0.6819191057704487 -0.7778817901260598 -0.8924178972601771 -1.0054062191627446 -1.0487442056459282 -1.2159050106524731 -1.1988793731055079 -1.248408500514863 -1.3211544063973373 -1.1988793731055079 -1.290198701766497 -0.9729027293003637 -0.9474830175150996 -0.3785532003881992 0.03172081063031824 0.44796411325528984 +29554,0.9448031725803024,1,0.15543270449383412 -0.4342734687237083 -0.5395228644685724 -0.6819191057704487 -0.7778817901260598 -0.8924178972601771 -1.0054062191627446 -1.0487442056459282 -1.2159050106524731 -1.1988793731055079 -1.248408500514863 -1.3211544063973373 -1.1988793731055079 -1.290198701766497 -0.9729027293003637 -0.9474830175150996 -0.3785532003881992 0.03172081063031824 0.44796411325528984 0.6938722697507359 +29555,0.9833973152700404,1,-0.4342734687237083 -0.5395228644685724 -0.6819191057704487 -0.7778817901260598 -0.8924178972601771 -1.0054062191627446 -1.0487442056459282 -1.2159050106524731 -1.1988793731055079 -1.248408500514863 -1.3211544063973373 -1.1988793731055079 -1.290198701766497 -0.9729027293003637 -0.9474830175150996 -0.3785532003881992 0.03172081063031824 0.44796411325528984 0.6938722697507359 0.9448031725803024 +29556,1.136728541291525,1,-0.5395228644685724 -0.6819191057704487 -0.7778817901260598 -0.8924178972601771 -1.0054062191627446 -1.0487442056459282 -1.2159050106524731 -1.1988793731055079 -1.248408500514863 -1.3211544063973373 -1.1988793731055079 -1.290198701766497 -0.9729027293003637 -0.9474830175150996 -0.3785532003881992 0.03172081063031824 0.44796411325528984 0.6938722697507359 0.9448031725803024 0.9833973152700404 +29557,1.0009965846214728,1,-0.6819191057704487 -0.7778817901260598 -0.8924178972601771 -1.0054062191627446 -1.0487442056459282 -1.2159050106524731 -1.1988793731055079 -1.248408500514863 -1.3211544063973373 -1.1988793731055079 -1.290198701766497 -0.9729027293003637 -0.9474830175150996 -0.3785532003881992 0.03172081063031824 0.44796411325528984 0.6938722697507359 0.9448031725803024 0.9833973152700404 1.136728541291525 +29558,0.8596749848454849,1,-0.7778817901260598 -0.8924178972601771 -1.0054062191627446 -1.0487442056459282 -1.2159050106524731 -1.1988793731055079 -1.248408500514863 -1.3211544063973373 -1.1988793731055079 -1.290198701766497 -0.9729027293003637 -0.9474830175150996 -0.3785532003881992 0.03172081063031824 0.44796411325528984 0.6938722697507359 0.9448031725803024 0.9833973152700404 1.136728541291525 1.0009965846214728 +29559,0.2761599525541141,1,-0.8924178972601771 -1.0054062191627446 -1.0487442056459282 -1.2159050106524731 -1.1988793731055079 -1.248408500514863 -1.3211544063973373 -1.1988793731055079 -1.290198701766497 -0.9729027293003637 -0.9474830175150996 -0.3785532003881992 0.03172081063031824 0.44796411325528984 0.6938722697507359 0.9448031725803024 0.9833973152700404 1.136728541291525 1.0009965846214728 0.8596749848454849 +29560,0.17245834204079058,1,-1.0054062191627446 -1.0487442056459282 -1.2159050106524731 -1.1988793731055079 -1.248408500514863 -1.3211544063973373 -1.1988793731055079 -1.290198701766497 -0.9729027293003637 -0.9474830175150996 -0.3785532003881992 0.03172081063031824 0.44796411325528984 0.6938722697507359 0.9448031725803024 0.9833973152700404 1.136728541291525 1.0009965846214728 0.8596749848454849 0.2761599525541141 +29561,0.033157671202004635,1,-1.0487442056459282 -1.2159050106524731 -1.1988793731055079 -1.248408500514863 -1.3211544063973373 -1.1988793731055079 -1.290198701766497 -0.9729027293003637 -0.9474830175150996 -0.3785532003881992 0.03172081063031824 0.44796411325528984 0.6938722697507359 0.9448031725803024 0.9833973152700404 1.136728541291525 1.0009965846214728 0.8596749848454849 0.2761599525541141 0.17245834204079058 +29562,0.17245834204079058,1,-1.2159050106524731 -1.1988793731055079 -1.248408500514863 -1.3211544063973373 -1.1988793731055079 -1.290198701766497 -0.9729027293003637 -0.9474830175150996 -0.3785532003881992 0.03172081063031824 0.44796411325528984 0.6938722697507359 0.9448031725803024 0.9833973152700404 1.136728541291525 1.0009965846214728 0.8596749848454849 0.2761599525541141 0.17245834204079058 0.033157671202004635 +29563,0.16007606018845622,1,-1.1988793731055079 -1.248408500514863 -1.3211544063973373 -1.1988793731055079 -1.290198701766497 -0.9729027293003637 -0.9474830175150996 -0.3785532003881992 0.03172081063031824 0.44796411325528984 0.6938722697507359 0.9448031725803024 0.9833973152700404 1.136728541291525 1.0009965846214728 0.8596749848454849 0.2761599525541141 0.17245834204079058 0.033157671202004635 0.17245834204079058 +29564,0.09816465092677551,1,-1.248408500514863 -1.3211544063973373 -1.1988793731055079 -1.290198701766497 -0.9729027293003637 -0.9474830175150996 -0.3785532003881992 0.03172081063031824 0.44796411325528984 0.6938722697507359 0.9448031725803024 0.9833973152700404 1.136728541291525 1.0009965846214728 0.8596749848454849 0.2761599525541141 0.17245834204079058 0.033157671202004635 0.17245834204079058 0.16007606018845622 +29565,0.023870959812751655,1,-1.3211544063973373 -1.1988793731055079 -1.290198701766497 -0.9729027293003637 -0.9474830175150996 -0.3785532003881992 0.03172081063031824 0.44796411325528984 0.6938722697507359 0.9448031725803024 0.9833973152700404 1.136728541291525 1.0009965846214728 0.8596749848454849 0.2761599525541141 0.17245834204079058 0.033157671202004635 0.17245834204079058 0.16007606018845622 0.09816465092677551 +29566,-0.15102877135150553,1,-1.1988793731055079 -1.290198701766497 -0.9729027293003637 -0.9474830175150996 -0.3785532003881992 0.03172081063031824 0.44796411325528984 0.6938722697507359 0.9448031725803024 0.9833973152700404 1.136728541291525 1.0009965846214728 0.8596749848454849 0.2761599525541141 0.17245834204079058 0.033157671202004635 0.17245834204079058 0.16007606018845622 0.09816465092677551 0.023870959812751655 +29567,-0.24080031478094516,1,-1.290198701766497 -0.9729027293003637 -0.9474830175150996 -0.3785532003881992 0.03172081063031824 0.44796411325528984 0.6938722697507359 0.9448031725803024 0.9833973152700404 1.136728541291525 1.0009965846214728 0.8596749848454849 0.2761599525541141 0.17245834204079058 0.033157671202004635 0.17245834204079058 0.16007606018845622 0.09816465092677551 0.023870959812751655 -0.15102877135150553 +29568,-0.30735507973725673,1,-0.9729027293003637 -0.9474830175150996 -0.3785532003881992 0.03172081063031824 0.44796411325528984 0.6938722697507359 0.9448031725803024 0.9833973152700404 1.136728541291525 1.0009965846214728 0.8596749848454849 0.2761599525541141 0.17245834204079058 0.033157671202004635 0.17245834204079058 0.16007606018845622 0.09816465092677551 0.023870959812751655 -0.15102877135150553 -0.24080031478094516 +29569,-0.41724783117675185,1,-0.9474830175150996 -0.3785532003881992 0.03172081063031824 0.44796411325528984 0.6938722697507359 0.9448031725803024 0.9833973152700404 1.136728541291525 1.0009965846214728 0.8596749848454849 0.2761599525541141 0.17245834204079058 0.033157671202004635 0.17245834204079058 0.16007606018845622 0.09816465092677551 0.023870959812751655 -0.15102877135150553 -0.24080031478094516 -0.30735507973725673 +29570,-0.29806836834800376,1,-0.3785532003881992 0.03172081063031824 0.44796411325528984 0.6938722697507359 0.9448031725803024 0.9833973152700404 1.136728541291525 1.0009965846214728 0.8596749848454849 0.2761599525541141 0.17245834204079058 0.033157671202004635 0.17245834204079058 0.16007606018845622 0.09816465092677551 0.023870959812751655 -0.15102877135150553 -0.24080031478094516 -0.30735507973725673 -0.41724783117675185 +29571,-0.4404646096498799,1,0.03172081063031824 0.44796411325528984 0.6938722697507359 0.9448031725803024 0.9833973152700404 1.136728541291525 1.0009965846214728 0.8596749848454849 0.2761599525541141 0.17245834204079058 0.033157671202004635 0.17245834204079058 0.16007606018845622 0.09816465092677551 0.023870959812751655 -0.15102877135150553 -0.24080031478094516 -0.30735507973725673 -0.41724783117675185 -0.29806836834800376 +29572,-0.06280501315360658,1,0.44796411325528984 0.6938722697507359 0.9448031725803024 0.9833973152700404 1.136728541291525 1.0009965846214728 0.8596749848454849 0.2761599525541141 0.17245834204079058 0.033157671202004635 0.17245834204079058 0.16007606018845622 0.09816465092677551 0.023870959812751655 -0.15102877135150553 -0.24080031478094516 -0.30735507973725673 -0.41724783117675185 -0.29806836834800376 -0.4404646096498799 +29573,0.8039547165099759,1,0.6938722697507359 0.9448031725803024 0.9833973152700404 1.136728541291525 1.0009965846214728 0.8596749848454849 0.2761599525541141 0.17245834204079058 0.033157671202004635 0.17245834204079058 0.16007606018845622 0.09816465092677551 0.023870959812751655 -0.15102877135150553 -0.24080031478094516 -0.30735507973725673 -0.41724783117675185 -0.29806836834800376 -0.4404646096498799 -0.06280501315360658 +29574,0.9680959948253153,1,0.9448031725803024 0.9833973152700404 1.136728541291525 1.0009965846214728 0.8596749848454849 0.2761599525541141 0.17245834204079058 0.033157671202004635 0.17245834204079058 0.16007606018845622 0.09816465092677551 0.023870959812751655 -0.15102877135150553 -0.24080031478094516 -0.30735507973725673 -0.41724783117675185 -0.29806836834800376 -0.4404646096498799 -0.06280501315360658 0.8039547165099759 +29575,1.6784533723312616,1,0.9833973152700404 1.136728541291525 1.0009965846214728 0.8596749848454849 0.2761599525541141 0.17245834204079058 0.033157671202004635 0.17245834204079058 0.16007606018845622 0.09816465092677551 0.023870959812751655 -0.15102877135150553 -0.24080031478094516 -0.30735507973725673 -0.41724783117675185 -0.29806836834800376 -0.4404646096498799 -0.06280501315360658 0.8039547165099759 0.9680959948253153 +29576,1.7806071976130444,1,1.136728541291525 1.0009965846214728 0.8596749848454849 0.2761599525541141 0.17245834204079058 0.033157671202004635 0.17245834204079058 0.16007606018845622 0.09816465092677551 0.023870959812751655 -0.15102877135150553 -0.24080031478094516 -0.30735507973725673 -0.41724783117675185 -0.29806836834800376 -0.4404646096498799 -0.06280501315360658 0.8039547165099759 0.9680959948253153 1.6784533723312616 +29577,1.7915646882133678,1,1.0009965846214728 0.8596749848454849 0.2761599525541141 0.17245834204079058 0.033157671202004635 0.17245834204079058 0.16007606018845622 0.09816465092677551 0.023870959812751655 -0.15102877135150553 -0.24080031478094516 -0.30735507973725673 -0.41724783117675185 -0.29806836834800376 -0.4404646096498799 -0.06280501315360658 0.8039547165099759 0.9680959948253153 1.6784533723312616 1.7806071976130444 +29578,1.9028822309048652,1,0.8596749848454849 0.2761599525541141 0.17245834204079058 0.033157671202004635 0.17245834204079058 0.16007606018845622 0.09816465092677551 0.023870959812751655 -0.15102877135150553 -0.24080031478094516 -0.30735507973725673 -0.41724783117675185 -0.29806836834800376 -0.4404646096498799 -0.06280501315360658 0.8039547165099759 0.9680959948253153 1.6784533723312616 1.7806071976130444 1.7915646882133678 +29579,1.6504170200288775,1,0.2761599525541141 0.17245834204079058 0.033157671202004635 0.17245834204079058 0.16007606018845622 0.09816465092677551 0.023870959812751655 -0.15102877135150553 -0.24080031478094516 -0.30735507973725673 -0.41724783117675185 -0.29806836834800376 -0.4404646096498799 -0.06280501315360658 0.8039547165099759 0.9680959948253153 1.6784533723312616 1.7806071976130444 1.7915646882133678 1.9028822309048652 +29580,1.907525586599496,1,0.17245834204079058 0.033157671202004635 0.17245834204079058 0.16007606018845622 0.09816465092677551 0.023870959812751655 -0.15102877135150553 -0.24080031478094516 -0.30735507973725673 -0.41724783117675185 -0.29806836834800376 -0.4404646096498799 -0.06280501315360658 0.8039547165099759 0.9680959948253153 1.6784533723312616 1.7806071976130444 1.7915646882133678 1.9028822309048652 1.6504170200288775 +29581,1.734255091626358,1,0.033157671202004635 0.17245834204079058 0.16007606018845622 0.09816465092677551 0.023870959812751655 -0.15102877135150553 -0.24080031478094516 -0.30735507973725673 -0.41724783117675185 -0.29806836834800376 -0.4404646096498799 -0.06280501315360658 0.8039547165099759 0.9680959948253153 1.6784533723312616 1.7806071976130444 1.7915646882133678 1.9028822309048652 1.6504170200288775 1.907525586599496 +29582,1.5561783390394321,1,0.17245834204079058 0.16007606018845622 0.09816465092677551 0.023870959812751655 -0.15102877135150553 -0.24080031478094516 -0.30735507973725673 -0.41724783117675185 -0.29806836834800376 -0.4404646096498799 -0.06280501315360658 0.8039547165099759 0.9680959948253153 1.6784533723312616 1.7806071976130444 1.7915646882133678 1.9028822309048652 1.6504170200288775 1.907525586599496 1.734255091626358 +29583,0.8612227700770344,1,0.16007606018845622 0.09816465092677551 0.023870959812751655 -0.15102877135150553 -0.24080031478094516 -0.30735507973725673 -0.41724783117675185 -0.29806836834800376 -0.4404646096498799 -0.06280501315360658 0.8039547165099759 0.9680959948253153 1.6784533723312616 1.7806071976130444 1.7915646882133678 1.9028822309048652 1.6504170200288775 1.907525586599496 1.734255091626358 1.5561783390394321 +29584,0.8599614568298478,1,0.09816465092677551 0.023870959812751655 -0.15102877135150553 -0.24080031478094516 -0.30735507973725673 -0.41724783117675185 -0.29806836834800376 -0.4404646096498799 -0.06280501315360658 0.8039547165099759 0.9680959948253153 1.6784533723312616 1.7806071976130444 1.7915646882133678 1.9028822309048652 1.6504170200288775 1.907525586599496 1.734255091626358 1.5561783390394321 0.8612227700770344 +29585,0.5021365963592582,1,0.023870959812751655 -0.15102877135150553 -0.24080031478094516 -0.30735507973725673 -0.41724783117675185 -0.29806836834800376 -0.4404646096498799 -0.06280501315360658 0.8039547165099759 0.9680959948253153 1.6784533723312616 1.7806071976130444 1.7915646882133678 1.9028822309048652 1.6504170200288775 1.907525586599496 1.734255091626358 1.5561783390394321 0.8612227700770344 0.8599614568298478 +29586,0.2157963285239741,1,-0.15102877135150553 -0.24080031478094516 -0.30735507973725673 -0.41724783117675185 -0.29806836834800376 -0.4404646096498799 -0.06280501315360658 0.8039547165099759 0.9680959948253153 1.6784533723312616 1.7806071976130444 1.7915646882133678 1.9028822309048652 1.6504170200288775 1.907525586599496 1.734255091626358 1.5561783390394321 0.8612227700770344 0.8599614568298478 0.5021365963592582 +29587,0.08578236907443235,1,-0.24080031478094516 -0.30735507973725673 -0.41724783117675185 -0.29806836834800376 -0.4404646096498799 -0.06280501315360658 0.8039547165099759 0.9680959948253153 1.6784533723312616 1.7806071976130444 1.7915646882133678 1.9028822309048652 1.6504170200288775 1.907525586599496 1.734255091626358 1.5561783390394321 0.8612227700770344 0.8599614568298478 0.5021365963592582 0.2157963285239741 +29588,0.0012926427476328151,1,-0.30735507973725673 -0.41724783117675185 -0.29806836834800376 -0.4404646096498799 -0.06280501315360658 0.8039547165099759 0.9680959948253153 1.6784533723312616 1.7806071976130444 1.7915646882133678 1.9028822309048652 1.6504170200288775 1.907525586599496 1.734255091626358 1.5561783390394321 0.8612227700770344 0.8599614568298478 0.5021365963592582 0.2157963285239741 0.08578236907443235 +29589,-0.007084744818088688,1,-0.41724783117675185 -0.29806836834800376 -0.4404646096498799 -0.06280501315360658 0.8039547165099759 0.9680959948253153 1.6784533723312616 1.7806071976130444 1.7915646882133678 1.9028822309048652 1.6504170200288775 1.907525586599496 1.734255091626358 1.5561783390394321 0.8612227700770344 0.8599614568298478 0.5021365963592582 0.2157963285239741 0.08578236907443235 0.0012926427476328151 +29590,-0.3801009856197399,1,-0.29806836834800376 -0.4404646096498799 -0.06280501315360658 0.8039547165099759 0.9680959948253153 1.6784533723312616 1.7806071976130444 1.7915646882133678 1.9028822309048652 1.6504170200288775 1.907525586599496 1.734255091626358 1.5561783390394321 0.8612227700770344 0.8599614568298478 0.5021365963592582 0.2157963285239741 0.08578236907443235 0.0012926427476328151 -0.007084744818088688 +29591,-0.3924832674720743,1,-0.4404646096498799 -0.06280501315360658 0.8039547165099759 0.9680959948253153 1.6784533723312616 1.7806071976130444 1.7915646882133678 1.9028822309048652 1.6504170200288775 1.907525586599496 1.734255091626358 1.5561783390394321 0.8612227700770344 0.8599614568298478 0.5021365963592582 0.2157963285239741 0.08578236907443235 0.0012926427476328151 -0.007084744818088688 -0.3801009856197399 +29592,-0.47296809951226093,1,-0.06280501315360658 0.8039547165099759 0.9680959948253153 1.6784533723312616 1.7806071976130444 1.7915646882133678 1.9028822309048652 1.6504170200288775 1.907525586599496 1.734255091626358 1.5561783390394321 0.8612227700770344 0.8599614568298478 0.5021365963592582 0.2157963285239741 0.08578236907443235 0.0012926427476328151 -0.007084744818088688 -0.3801009856197399 -0.3924832674720743 +29593,-0.4280823277975455,1,0.8039547165099759 0.9680959948253153 1.6784533723312616 1.7806071976130444 1.7915646882133678 1.9028822309048652 1.6504170200288775 1.907525586599496 1.734255091626358 1.5561783390394321 0.8612227700770344 0.8599614568298478 0.5021365963592582 0.2157963285239741 0.08578236907443235 0.0012926427476328151 -0.007084744818088688 -0.3801009856197399 -0.3924832674720743 -0.47296809951226093 +29594,-0.6677102799351305,1,0.9680959948253153 1.6784533723312616 1.7806071976130444 1.7915646882133678 1.9028822309048652 1.6504170200288775 1.907525586599496 1.734255091626358 1.5561783390394321 0.8612227700770344 0.8599614568298478 0.5021365963592582 0.2157963285239741 0.08578236907443235 0.0012926427476328151 -0.007084744818088688 -0.3801009856197399 -0.3924832674720743 -0.47296809951226093 -0.4280823277975455 +29595,-0.4977326632169385,1,1.6784533723312616 1.7806071976130444 1.7915646882133678 1.9028822309048652 1.6504170200288775 1.907525586599496 1.734255091626358 1.5561783390394321 0.8612227700770344 0.8599614568298478 0.5021365963592582 0.2157963285239741 0.08578236907443235 0.0012926427476328151 -0.007084744818088688 -0.3801009856197399 -0.3924832674720743 -0.47296809951226093 -0.4280823277975455 -0.6677102799351305 +29596,-0.44326062021146534,1,1.7806071976130444 1.7915646882133678 1.9028822309048652 1.6504170200288775 1.907525586599496 1.734255091626358 1.5561783390394321 0.8612227700770344 0.8599614568298478 0.5021365963592582 0.2157963285239741 0.08578236907443235 0.0012926427476328151 -0.007084744818088688 -0.3801009856197399 -0.3924832674720743 -0.47296809951226093 -0.4280823277975455 -0.6677102799351305 -0.4977326632169385 +29597,0.1043557918529383,1,1.7915646882133678 1.9028822309048652 1.6504170200288775 1.907525586599496 1.734255091626358 1.5561783390394321 0.8612227700770344 0.8599614568298478 0.5021365963592582 0.2157963285239741 0.08578236907443235 0.0012926427476328151 -0.007084744818088688 -0.3801009856197399 -0.3924832674720743 -0.47296809951226093 -0.4280823277975455 -0.6677102799351305 -0.4977326632169385 -0.44326062021146534 +29598,0.6356781214880449,1,1.9028822309048652 1.6504170200288775 1.907525586599496 1.734255091626358 1.5561783390394321 0.8612227700770344 0.8599614568298478 0.5021365963592582 0.2157963285239741 0.08578236907443235 0.0012926427476328151 -0.007084744818088688 -0.3801009856197399 -0.3924832674720743 -0.47296809951226093 -0.4280823277975455 -0.6677102799351305 -0.4977326632169385 -0.44326062021146534 0.1043557918529383 +29599,1.7156002178882737,1,1.6504170200288775 1.907525586599496 1.734255091626358 1.5561783390394321 0.8612227700770344 0.8599614568298478 0.5021365963592582 0.2157963285239741 0.08578236907443235 0.0012926427476328151 -0.007084744818088688 -0.3801009856197399 -0.3924832674720743 -0.47296809951226093 -0.4280823277975455 -0.6677102799351305 -0.4977326632169385 -0.44326062021146534 0.1043557918529383 0.6356781214880449 +29600,1.972532566324258,1,1.907525586599496 1.734255091626358 1.5561783390394321 0.8612227700770344 0.8599614568298478 0.5021365963592582 0.2157963285239741 0.08578236907443235 0.0012926427476328151 -0.007084744818088688 -0.3801009856197399 -0.3924832674720743 -0.47296809951226093 -0.4280823277975455 -0.6677102799351305 -0.4977326632169385 -0.44326062021146534 0.1043557918529383 0.6356781214880449 1.7156002178882737 +29601,2.0592085392906165,1,1.734255091626358 1.5561783390394321 0.8612227700770344 0.8599614568298478 0.5021365963592582 0.2157963285239741 0.08578236907443235 0.0012926427476328151 -0.007084744818088688 -0.3801009856197399 -0.3924832674720743 -0.47296809951226093 -0.4280823277975455 -0.6677102799351305 -0.4977326632169385 -0.44326062021146534 0.1043557918529383 0.6356781214880449 1.7156002178882737 1.972532566324258 +29602,2.056458628119149,1,1.5561783390394321 0.8612227700770344 0.8599614568298478 0.5021365963592582 0.2157963285239741 0.08578236907443235 0.0012926427476328151 -0.007084744818088688 -0.3801009856197399 -0.3924832674720743 -0.47296809951226093 -0.4280823277975455 -0.6677102799351305 -0.4977326632169385 -0.44326062021146534 0.1043557918529383 0.6356781214880449 1.7156002178882737 1.972532566324258 2.0592085392906165 +29603,2.046826257438282,1,0.8612227700770344 0.8599614568298478 0.5021365963592582 0.2157963285239741 0.08578236907443235 0.0012926427476328151 -0.007084744818088688 -0.3801009856197399 -0.3924832674720743 -0.47296809951226093 -0.4280823277975455 -0.6677102799351305 -0.4977326632169385 -0.44326062021146534 0.1043557918529383 0.6356781214880449 1.7156002178882737 1.972532566324258 2.0592085392906165 2.056458628119149 +29604,1.8675907806666634,1,0.8599614568298478 0.5021365963592582 0.2157963285239741 0.08578236907443235 0.0012926427476328151 -0.007084744818088688 -0.3801009856197399 -0.3924832674720743 -0.47296809951226093 -0.4280823277975455 -0.6677102799351305 -0.4977326632169385 -0.44326062021146534 0.1043557918529383 0.6356781214880449 1.7156002178882737 1.972532566324258 2.0592085392906165 2.056458628119149 2.046826257438282 +29605,1.6738100166366396,1,0.5021365963592582 0.2157963285239741 0.08578236907443235 0.0012926427476328151 -0.007084744818088688 -0.3801009856197399 -0.3924832674720743 -0.47296809951226093 -0.4280823277975455 -0.6677102799351305 -0.4977326632169385 -0.44326062021146534 0.1043557918529383 0.6356781214880449 1.7156002178882737 1.972532566324258 2.0592085392906165 2.056458628119149 2.046826257438282 1.8675907806666634 +29606,0.7540096340471529,1,0.2157963285239741 0.08578236907443235 0.0012926427476328151 -0.007084744818088688 -0.3801009856197399 -0.3924832674720743 -0.47296809951226093 -0.4280823277975455 -0.6677102799351305 -0.4977326632169385 -0.44326062021146534 0.1043557918529383 0.6356781214880449 1.7156002178882737 1.972532566324258 2.0592085392906165 2.056458628119149 2.046826257438282 1.8675907806666634 1.6738100166366396 +29607,0.8844395485501625,1,0.08578236907443235 0.0012926427476328151 -0.007084744818088688 -0.3801009856197399 -0.3924832674720743 -0.47296809951226093 -0.4280823277975455 -0.6677102799351305 -0.4977326632169385 -0.44326062021146534 0.1043557918529383 0.6356781214880449 1.7156002178882737 1.972532566324258 2.0592085392906165 2.056458628119149 2.046826257438282 1.8675907806666634 1.6738100166366396 0.7540096340471529 +29608,0.3767659926043474,1,0.0012926427476328151 -0.007084744818088688 -0.3801009856197399 -0.3924832674720743 -0.47296809951226093 -0.4280823277975455 -0.6677102799351305 -0.4977326632169385 -0.44326062021146534 0.1043557918529383 0.6356781214880449 1.7156002178882737 1.972532566324258 2.0592085392906165 2.056458628119149 2.046826257438282 1.8675907806666634 1.6738100166366396 0.7540096340471529 0.8844395485501625 +29609,0.12138142939990357,1,-0.007084744818088688 -0.3801009856197399 -0.3924832674720743 -0.47296809951226093 -0.4280823277975455 -0.6677102799351305 -0.4977326632169385 -0.44326062021146534 0.1043557918529383 0.6356781214880449 1.7156002178882737 1.972532566324258 2.0592085392906165 2.056458628119149 2.046826257438282 1.8675907806666634 1.6738100166366396 0.7540096340471529 0.8844395485501625 0.3767659926043474 +29610,-0.010180315281178881,1,-0.3801009856197399 -0.3924832674720743 -0.47296809951226093 -0.4280823277975455 -0.6677102799351305 -0.4977326632169385 -0.44326062021146534 0.1043557918529383 0.6356781214880449 1.7156002178882737 1.972532566324258 2.0592085392906165 2.056458628119149 2.046826257438282 1.8675907806666634 1.6738100166366396 0.7540096340471529 0.8844395485501625 0.3767659926043474 0.12138142939990357 +29611,-0.17579333505618308,1,-0.3924832674720743 -0.47296809951226093 -0.4280823277975455 -0.6677102799351305 -0.4977326632169385 -0.44326062021146534 0.1043557918529383 0.6356781214880449 1.7156002178882737 1.972532566324258 2.0592085392906165 2.056458628119149 2.046826257438282 1.8675907806666634 1.6738100166366396 0.7540096340471529 0.8844395485501625 0.3767659926043474 0.12138142939990357 -0.010180315281178881 +29612,-0.24853924093865745,1,-0.47296809951226093 -0.4280823277975455 -0.6677102799351305 -0.4977326632169385 -0.44326062021146534 0.1043557918529383 0.6356781214880449 1.7156002178882737 1.972532566324258 2.0592085392906165 2.056458628119149 2.046826257438282 1.8675907806666634 1.6738100166366396 0.7540096340471529 0.8844395485501625 0.3767659926043474 0.12138142939990357 -0.010180315281178881 -0.17579333505618308 +29613,-0.3290240729788441,1,-0.4280823277975455 -0.6677102799351305 -0.4977326632169385 -0.44326062021146534 0.1043557918529383 0.6356781214880449 1.7156002178882737 1.972532566324258 2.0592085392906165 2.056458628119149 2.046826257438282 1.8675907806666634 1.6738100166366396 0.7540096340471529 0.8844395485501625 0.3767659926043474 0.12138142939990357 -0.010180315281178881 -0.17579333505618308 -0.24853924093865745 +29614,-0.4218911868713739,1,-0.6677102799351305 -0.4977326632169385 -0.44326062021146534 0.1043557918529383 0.6356781214880449 1.7156002178882737 1.972532566324258 2.0592085392906165 2.056458628119149 2.046826257438282 1.8675907806666634 1.6738100166366396 0.7540096340471529 0.8844395485501625 0.3767659926043474 0.12138142939990357 -0.010180315281178881 -0.17579333505618308 -0.24853924093865745 -0.3290240729788441 +29615,-0.8126538909356444,1,-0.4977326632169385 -0.44326062021146534 0.1043557918529383 0.6356781214880449 1.7156002178882737 1.972532566324258 2.0592085392906165 2.056458628119149 2.046826257438282 1.8675907806666634 1.6738100166366396 0.7540096340471529 0.8844395485501625 0.3767659926043474 0.12138142939990357 -0.010180315281178881 -0.17579333505618308 -0.24853924093865745 -0.3290240729788441 -0.4218911868713739 +29616,-0.643224474981896,1,-0.44326062021146534 0.1043557918529383 0.6356781214880449 1.7156002178882737 1.972532566324258 2.0592085392906165 2.056458628119149 2.046826257438282 1.8675907806666634 1.6738100166366396 0.7540096340471529 0.8844395485501625 0.3767659926043474 0.12138142939990357 -0.010180315281178881 -0.17579333505618308 -0.24853924093865745 -0.3290240729788441 -0.4218911868713739 -0.8126538909356444 +29617,-0.6659532513207049,1,0.1043557918529383 0.6356781214880449 1.7156002178882737 1.972532566324258 2.0592085392906165 2.056458628119149 2.046826257438282 1.8675907806666634 1.6738100166366396 0.7540096340471529 0.8844395485501625 0.3767659926043474 0.12138142939990357 -0.010180315281178881 -0.17579333505618308 -0.24853924093865745 -0.3290240729788441 -0.4218911868713739 -0.8126538909356444 -0.643224474981896 +29618,-0.6896580319281609,1,0.6356781214880449 1.7156002178882737 1.972532566324258 2.0592085392906165 2.056458628119149 2.046826257438282 1.8675907806666634 1.6738100166366396 0.7540096340471529 0.8844395485501625 0.3767659926043474 0.12138142939990357 -0.010180315281178881 -0.17579333505618308 -0.24853924093865745 -0.3290240729788441 -0.4218911868713739 -0.8126538909356444 -0.643224474981896 -0.6659532513207049 +29619,-0.7068292685484017,1,1.7156002178882737 1.972532566324258 2.0592085392906165 2.056458628119149 2.046826257438282 1.8675907806666634 1.6738100166366396 0.7540096340471529 0.8844395485501625 0.3767659926043474 0.12138142939990357 -0.010180315281178881 -0.17579333505618308 -0.24853924093865745 -0.3290240729788441 -0.4218911868713739 -0.8126538909356444 -0.643224474981896 -0.6659532513207049 -0.6896580319281609 +29620,-0.7268048774851729,1,1.972532566324258 2.0592085392906165 2.056458628119149 2.046826257438282 1.8675907806666634 1.6738100166366396 0.7540096340471529 0.8844395485501625 0.3767659926043474 0.12138142939990357 -0.010180315281178881 -0.17579333505618308 -0.24853924093865745 -0.3290240729788441 -0.4218911868713739 -0.8126538909356444 -0.643224474981896 -0.6659532513207049 -0.6896580319281609 -0.7068292685484017 +29621,-0.17784723027102636,1,2.0592085392906165 2.056458628119149 2.046826257438282 1.8675907806666634 1.6738100166366396 0.7540096340471529 0.8844395485501625 0.3767659926043474 0.12138142939990357 -0.010180315281178881 -0.17579333505618308 -0.24853924093865745 -0.3290240729788441 -0.4218911868713739 -0.8126538909356444 -0.643224474981896 -0.6659532513207049 -0.6896580319281609 -0.7068292685484017 -0.7268048774851729 +29622,0.3721226369097253,1,2.056458628119149 2.046826257438282 1.8675907806666634 1.6738100166366396 0.7540096340471529 0.8844395485501625 0.3767659926043474 0.12138142939990357 -0.010180315281178881 -0.17579333505618308 -0.24853924093865745 -0.3290240729788441 -0.4218911868713739 -0.8126538909356444 -0.643224474981896 -0.6659532513207049 -0.6896580319281609 -0.7068292685484017 -0.7268048774851729 -0.17784723027102636 +29623,0.5218929839608668,1,2.046826257438282 1.8675907806666634 1.6738100166366396 0.7540096340471529 0.8844395485501625 0.3767659926043474 0.12138142939990357 -0.010180315281178881 -0.17579333505618308 -0.24853924093865745 -0.3290240729788441 -0.4218911868713739 -0.8126538909356444 -0.643224474981896 -0.6659532513207049 -0.6896580319281609 -0.7068292685484017 -0.7268048774851729 -0.17784723027102636 0.3721226369097253 +29624,0.8380059916038975,1,1.8675907806666634 1.6738100166366396 0.7540096340471529 0.8844395485501625 0.3767659926043474 0.12138142939990357 -0.010180315281178881 -0.17579333505618308 -0.24853924093865745 -0.3290240729788441 -0.4218911868713739 -0.8126538909356444 -0.643224474981896 -0.6659532513207049 -0.6896580319281609 -0.7068292685484017 -0.7268048774851729 -0.17784723027102636 0.3721226369097253 0.5218929839608668 +29625,0.7799223564449739,1,1.6738100166366396 0.7540096340471529 0.8844395485501625 0.3767659926043474 0.12138142939990357 -0.010180315281178881 -0.17579333505618308 -0.24853924093865745 -0.3290240729788441 -0.4218911868713739 -0.8126538909356444 -0.643224474981896 -0.6659532513207049 -0.6896580319281609 -0.7068292685484017 -0.7268048774851729 -0.17784723027102636 0.3721226369097253 0.5218929839608668 0.8380059916038975 +29626,0.5857169988625351,1,0.7540096340471529 0.8844395485501625 0.3767659926043474 0.12138142939990357 -0.010180315281178881 -0.17579333505618308 -0.24853924093865745 -0.3290240729788441 -0.4218911868713739 -0.8126538909356444 -0.643224474981896 -0.6659532513207049 -0.6896580319281609 -0.7068292685484017 -0.7268048774851729 -0.17784723027102636 0.3721226369097253 0.5218929839608668 0.8380059916038975 0.7799223564449739 +29627,0.3334280061211727,1,0.8844395485501625 0.3767659926043474 0.12138142939990357 -0.010180315281178881 -0.17579333505618308 -0.24853924093865745 -0.3290240729788441 -0.4218911868713739 -0.8126538909356444 -0.643224474981896 -0.6659532513207049 -0.6896580319281609 -0.7068292685484017 -0.7268048774851729 -0.17784723027102636 0.3721226369097253 0.5218929839608668 0.8380059916038975 0.7799223564449739 0.5857169988625351 +29628,-0.017919241438882367,1,0.3767659926043474 0.12138142939990357 -0.010180315281178881 -0.17579333505618308 -0.24853924093865745 -0.3290240729788441 -0.4218911868713739 -0.8126538909356444 -0.643224474981896 -0.6659532513207049 -0.6896580319281609 -0.7068292685484017 -0.7268048774851729 -0.17784723027102636 0.3721226369097253 0.5218929839608668 0.8380059916038975 0.7799223564449739 0.5857169988625351 0.3334280061211727 +29629,-0.13400313380454026,1,0.12138142939990357 -0.010180315281178881 -0.17579333505618308 -0.24853924093865745 -0.3290240729788441 -0.4218911868713739 -0.8126538909356444 -0.643224474981896 -0.6659532513207049 -0.6896580319281609 -0.7068292685484017 -0.7268048774851729 -0.17784723027102636 0.3721226369097253 0.5218929839608668 0.8380059916038975 0.7799223564449739 0.5857169988625351 0.3334280061211727 -0.017919241438882367 +29630,-0.23861644120571723,1,-0.010180315281178881 -0.17579333505618308 -0.24853924093865745 -0.3290240729788441 -0.4218911868713739 -0.8126538909356444 -0.643224474981896 -0.6659532513207049 -0.6896580319281609 -0.7068292685484017 -0.7268048774851729 -0.17784723027102636 0.3721226369097253 0.5218929839608668 0.8380059916038975 0.7799223564449739 0.5857169988625351 0.3334280061211727 -0.017919241438882367 -0.13400313380454026 +29631,-0.356884207146603,1,-0.17579333505618308 -0.24853924093865745 -0.3290240729788441 -0.4218911868713739 -0.8126538909356444 -0.643224474981896 -0.6659532513207049 -0.6896580319281609 -0.7068292685484017 -0.7268048774851729 -0.17784723027102636 0.3721226369097253 0.5218929839608668 0.8380059916038975 0.7799223564449739 0.5857169988625351 0.3334280061211727 -0.017919241438882367 -0.13400313380454026 -0.23861644120571723 +29632,-0.6896580319281609,1,-0.24853924093865745 -0.3290240729788441 -0.4218911868713739 -0.8126538909356444 -0.643224474981896 -0.6659532513207049 -0.6896580319281609 -0.7068292685484017 -0.7268048774851729 -0.17784723027102636 0.3721226369097253 0.5218929839608668 0.8380059916038975 0.7799223564449739 0.5857169988625351 0.3334280061211727 -0.017919241438882367 -0.13400313380454026 -0.23861644120571723 -0.356884207146603 +29633,-0.7144225956328297,1,-0.3290240729788441 -0.4218911868713739 -0.8126538909356444 -0.643224474981896 -0.6659532513207049 -0.6896580319281609 -0.7068292685484017 -0.7268048774851729 -0.17784723027102636 0.3721226369097253 0.5218929839608668 0.8380059916038975 0.7799223564449739 0.5857169988625351 0.3334280061211727 -0.017919241438882367 -0.13400313380454026 -0.23861644120571723 -0.356884207146603 -0.6896580319281609 +29634,-0.7144225956328297,1,-0.4218911868713739 -0.8126538909356444 -0.643224474981896 -0.6659532513207049 -0.6896580319281609 -0.7068292685484017 -0.7268048774851729 -0.17784723027102636 0.3721226369097253 0.5218929839608668 0.8380059916038975 0.7799223564449739 0.5857169988625351 0.3334280061211727 -0.017919241438882367 -0.13400313380454026 -0.23861644120571723 -0.356884207146603 -0.6896580319281609 -0.7144225956328297 +29635,-0.7004925285489546,1,-0.8126538909356444 -0.643224474981896 -0.6659532513207049 -0.6896580319281609 -0.7068292685484017 -0.7268048774851729 -0.17784723027102636 0.3721226369097253 0.5218929839608668 0.8380059916038975 0.7799223564449739 0.5857169988625351 0.3334280061211727 -0.017919241438882367 -0.13400313380454026 -0.23861644120571723 -0.356884207146603 -0.6896580319281609 -0.7144225956328297 -0.7144225956328297 +29636,-0.7347887528832802,1,-0.643224474981896 -0.6659532513207049 -0.6896580319281609 -0.7068292685484017 -0.7268048774851729 -0.17784723027102636 0.3721226369097253 0.5218929839608668 0.8380059916038975 0.7799223564449739 0.5857169988625351 0.3334280061211727 -0.017919241438882367 -0.13400313380454026 -0.23861644120571723 -0.356884207146603 -0.6896580319281609 -0.7144225956328297 -0.7144225956328297 -0.7004925285489546 +29637,-0.6494156159080676,1,-0.6659532513207049 -0.6896580319281609 -0.7068292685484017 -0.7268048774851729 -0.17784723027102636 0.3721226369097253 0.5218929839608668 0.8380059916038975 0.7799223564449739 0.5857169988625351 0.3334280061211727 -0.017919241438882367 -0.13400313380454026 -0.23861644120571723 -0.356884207146603 -0.6896580319281609 -0.7144225956328297 -0.7144225956328297 -0.7004925285489546 -0.7347887528832802 +29638,-0.659137695756612,1,-0.6896580319281609 -0.7068292685484017 -0.7268048774851729 -0.17784723027102636 0.3721226369097253 0.5218929839608668 0.8380059916038975 0.7799223564449739 0.5857169988625351 0.3334280061211727 -0.017919241438882367 -0.13400313380454026 -0.23861644120571723 -0.356884207146603 -0.6896580319281609 -0.7144225956328297 -0.7144225956328297 -0.7004925285489546 -0.7347887528832802 -0.6494156159080676 +29639,-0.6695368239181143,1,-0.7068292685484017 -0.7268048774851729 -0.17784723027102636 0.3721226369097253 0.5218929839608668 0.8380059916038975 0.7799223564449739 0.5857169988625351 0.3334280061211727 -0.017919241438882367 -0.13400313380454026 -0.23861644120571723 -0.356884207146603 -0.6896580319281609 -0.7144225956328297 -0.7144225956328297 -0.7004925285489546 -0.7347887528832802 -0.6494156159080676 -0.659137695756612 +29640,-0.6813219004230081,1,-0.7268048774851729 -0.17784723027102636 0.3721226369097253 0.5218929839608668 0.8380059916038975 0.7799223564449739 0.5857169988625351 0.3334280061211727 -0.017919241438882367 -0.13400313380454026 -0.23861644120571723 -0.356884207146603 -0.6896580319281609 -0.7144225956328297 -0.7144225956328297 -0.7004925285489546 -0.7347887528832802 -0.6494156159080676 -0.659137695756612 -0.6695368239181143 +29641,-0.694301387622783,1,-0.17784723027102636 0.3721226369097253 0.5218929839608668 0.8380059916038975 0.7799223564449739 0.5857169988625351 0.3334280061211727 -0.017919241438882367 -0.13400313380454026 -0.23861644120571723 -0.356884207146603 -0.6896580319281609 -0.7144225956328297 -0.7144225956328297 -0.7004925285489546 -0.7347887528832802 -0.6494156159080676 -0.659137695756612 -0.6695368239181143 -0.6813219004230081 +29642,-0.8850311122090697,1,0.3721226369097253 0.5218929839608668 0.8380059916038975 0.7799223564449739 0.5857169988625351 0.3334280061211727 -0.017919241438882367 -0.13400313380454026 -0.23861644120571723 -0.356884207146603 -0.6896580319281609 -0.7144225956328297 -0.7144225956328297 -0.7004925285489546 -0.7347887528832802 -0.6494156159080676 -0.659137695756612 -0.6695368239181143 -0.6813219004230081 -0.694301387622783 +29643,-0.6323899783611023,1,0.5218929839608668 0.8380059916038975 0.7799223564449739 0.5857169988625351 0.3334280061211727 -0.017919241438882367 -0.13400313380454026 -0.23861644120571723 -0.356884207146603 -0.6896580319281609 -0.7144225956328297 -0.7144225956328297 -0.7004925285489546 -0.7347887528832802 -0.6494156159080676 -0.659137695756612 -0.6695368239181143 -0.6813219004230081 -0.694301387622783 -0.8850311122090697 +29644,-0.6034239937451626,1,0.8380059916038975 0.7799223564449739 0.5857169988625351 0.3334280061211727 -0.017919241438882367 -0.13400313380454026 -0.23861644120571723 -0.356884207146603 -0.6896580319281609 -0.7144225956328297 -0.7144225956328297 -0.7004925285489546 -0.7347887528832802 -0.6494156159080676 -0.659137695756612 -0.6695368239181143 -0.6813219004230081 -0.694301387622783 -0.8850311122090697 -0.6323899783611023 +29645,-0.5689307838678721,1,0.7799223564449739 0.5857169988625351 0.3334280061211727 -0.017919241438882367 -0.13400313380454026 -0.23861644120571723 -0.356884207146603 -0.6896580319281609 -0.7144225956328297 -0.7144225956328297 -0.7004925285489546 -0.7347887528832802 -0.6494156159080676 -0.659137695756612 -0.6695368239181143 -0.6813219004230081 -0.694301387622783 -0.8850311122090697 -0.6323899783611023 -0.6034239937451626 +29646,-0.36152756284123394,1,0.5857169988625351 0.3334280061211727 -0.017919241438882367 -0.13400313380454026 -0.23861644120571723 -0.356884207146603 -0.6896580319281609 -0.7144225956328297 -0.7144225956328297 -0.7004925285489546 -0.7347887528832802 -0.6494156159080676 -0.659137695756612 -0.6695368239181143 -0.6813219004230081 -0.694301387622783 -0.8850311122090697 -0.6323899783611023 -0.6034239937451626 -0.5689307838678721 +29647,-0.3388270611334758,1,0.3334280061211727 -0.017919241438882367 -0.13400313380454026 -0.23861644120571723 -0.356884207146603 -0.6896580319281609 -0.7144225956328297 -0.7144225956328297 -0.7004925285489546 -0.7347887528832802 -0.6494156159080676 -0.659137695756612 -0.6695368239181143 -0.6813219004230081 -0.694301387622783 -0.8850311122090697 -0.6323899783611023 -0.6034239937451626 -0.5689307838678721 -0.36152756284123394 +29648,-0.19591454306622974,1,-0.017919241438882367 -0.13400313380454026 -0.23861644120571723 -0.356884207146603 -0.6896580319281609 -0.7144225956328297 -0.7144225956328297 -0.7004925285489546 -0.7347887528832802 -0.6494156159080676 -0.659137695756612 -0.6695368239181143 -0.6813219004230081 -0.694301387622783 -0.8850311122090697 -0.6323899783611023 -0.6034239937451626 -0.5689307838678721 -0.36152756284123394 -0.3388270611334758 +29649,-0.058965101009506506,1,-0.13400313380454026 -0.23861644120571723 -0.356884207146603 -0.6896580319281609 -0.7144225956328297 -0.7144225956328297 -0.7004925285489546 -0.7347887528832802 -0.6494156159080676 -0.659137695756612 -0.6695368239181143 -0.6813219004230081 -0.694301387622783 -0.8850311122090697 -0.6323899783611023 -0.6034239937451626 -0.5689307838678721 -0.36152756284123394 -0.3388270611334758 -0.19591454306622974 +29650,0.09816465092677551,1,-0.23861644120571723 -0.356884207146603 -0.6896580319281609 -0.7144225956328297 -0.7144225956328297 -0.7004925285489546 -0.7347887528832802 -0.6494156159080676 -0.659137695756612 -0.6695368239181143 -0.6813219004230081 -0.694301387622783 -0.8850311122090697 -0.6323899783611023 -0.6034239937451626 -0.5689307838678721 -0.36152756284123394 -0.3388270611334758 -0.19591454306622974 -0.058965101009506506 +29651,-0.036545803863406674,1,-0.356884207146603 -0.6896580319281609 -0.7144225956328297 -0.7144225956328297 -0.7004925285489546 -0.7347887528832802 -0.6494156159080676 -0.659137695756612 -0.6695368239181143 -0.6813219004230081 -0.694301387622783 -0.8850311122090697 -0.6323899783611023 -0.6034239937451626 -0.5689307838678721 -0.36152756284123394 -0.3388270611334758 -0.19591454306622974 -0.058965101009506506 0.09816465092677551 +29652,0.07804344291672885,1,-0.6896580319281609 -0.7144225956328297 -0.7144225956328297 -0.7004925285489546 -0.7347887528832802 -0.6494156159080676 -0.659137695756612 -0.6695368239181143 -0.6813219004230081 -0.694301387622783 -0.8850311122090697 -0.6323899783611023 -0.6034239937451626 -0.5689307838678721 -0.36152756284123394 -0.3388270611334758 -0.19591454306622974 -0.058965101009506506 0.09816465092677551 -0.036545803863406674 +29653,0.00965448250114233,1,-0.7144225956328297 -0.7144225956328297 -0.7004925285489546 -0.7347887528832802 -0.6494156159080676 -0.659137695756612 -0.6695368239181143 -0.6813219004230081 -0.694301387622783 -0.8850311122090697 -0.6323899783611023 -0.6034239937451626 -0.5689307838678721 -0.36152756284123394 -0.3388270611334758 -0.19591454306622974 -0.058965101009506506 0.09816465092677551 -0.036545803863406674 0.07804344291672885 +29654,-0.10304742917369991,1,-0.7144225956328297 -0.7004925285489546 -0.7347887528832802 -0.6494156159080676 -0.659137695756612 -0.6695368239181143 -0.6813219004230081 -0.694301387622783 -0.8850311122090697 -0.6323899783611023 -0.6034239937451626 -0.5689307838678721 -0.36152756284123394 -0.3388270611334758 -0.19591454306622974 -0.058965101009506506 0.09816465092677551 -0.036545803863406674 0.07804344291672885 0.00965448250114233 +29655,-0.2767539186852596,1,-0.7004925285489546 -0.7347887528832802 -0.6494156159080676 -0.659137695756612 -0.6695368239181143 -0.6813219004230081 -0.694301387622783 -0.8850311122090697 -0.6323899783611023 -0.6034239937451626 -0.5689307838678721 -0.36152756284123394 -0.3388270611334758 -0.19591454306622974 -0.058965101009506506 0.09816465092677551 -0.036545803863406674 0.07804344291672885 0.00965448250114233 -0.10304742917369991 +29656,-0.46832474381763883,1,-0.7347887528832802 -0.6494156159080676 -0.659137695756612 -0.6695368239181143 -0.6813219004230081 -0.694301387622783 -0.8850311122090697 -0.6323899783611023 -0.6034239937451626 -0.5689307838678721 -0.36152756284123394 -0.3388270611334758 -0.19591454306622974 -0.058965101009506506 0.09816465092677551 -0.036545803863406674 0.07804344291672885 0.00965448250114233 -0.10304742917369991 -0.2767539186852596 +29657,-0.666441253455024,1,-0.6494156159080676 -0.659137695756612 -0.6695368239181143 -0.6813219004230081 -0.694301387622783 -0.8850311122090697 -0.6323899783611023 -0.6034239937451626 -0.5689307838678721 -0.36152756284123394 -0.3388270611334758 -0.19591454306622974 -0.058965101009506506 0.09816465092677551 -0.036545803863406674 0.07804344291672885 0.00965448250114233 -0.10304742917369991 -0.2767539186852596 -0.46832474381763883 +29658,-0.6695826357297332,1,-0.659137695756612 -0.6695368239181143 -0.6813219004230081 -0.694301387622783 -0.8850311122090697 -0.6323899783611023 -0.6034239937451626 -0.5689307838678721 -0.36152756284123394 -0.3388270611334758 -0.19591454306622974 -0.058965101009506506 0.09816465092677551 -0.036545803863406674 0.07804344291672885 0.00965448250114233 -0.10304742917369991 -0.2767539186852596 -0.46832474381763883 -0.666441253455024 +29659,-0.7593083673475539,1,-0.6695368239181143 -0.6813219004230081 -0.694301387622783 -0.8850311122090697 -0.6323899783611023 -0.6034239937451626 -0.5689307838678721 -0.36152756284123394 -0.3388270611334758 -0.19591454306622974 -0.058965101009506506 0.09816465092677551 -0.036545803863406674 0.07804344291672885 0.00965448250114233 -0.10304742917369991 -0.2767539186852596 -0.46832474381763883 -0.666441253455024 -0.6695826357297332 +29660,-1.408889390270858,1,-0.6813219004230081 -0.694301387622783 -0.8850311122090697 -0.6323899783611023 -0.6034239937451626 -0.5689307838678721 -0.36152756284123394 -0.3388270611334758 -0.19591454306622974 -0.058965101009506506 0.09816465092677551 -0.036545803863406674 0.07804344291672885 0.00965448250114233 -0.10304742917369991 -0.2767539186852596 -0.46832474381763883 -0.666441253455024 -0.6695826357297332 -0.7593083673475539 +29661,-0.8877745415655461,1,-0.694301387622783 -0.8850311122090697 -0.6323899783611023 -0.6034239937451626 -0.5689307838678721 -0.36152756284123394 -0.3388270611334758 -0.19591454306622974 -0.058965101009506506 0.09816465092677551 -0.036545803863406674 0.07804344291672885 0.00965448250114233 -0.10304742917369991 -0.2767539186852596 -0.46832474381763883 -0.666441253455024 -0.6695826357297332 -0.7593083673475539 -1.408889390270858 +29662,-0.9591650045585387,1,-0.8850311122090697 -0.6323899783611023 -0.6034239937451626 -0.5689307838678721 -0.36152756284123394 -0.3388270611334758 -0.19591454306622974 -0.058965101009506506 0.09816465092677551 -0.036545803863406674 0.07804344291672885 0.00965448250114233 -0.10304742917369991 -0.2767539186852596 -0.46832474381763883 -0.666441253455024 -0.6695826357297332 -0.7593083673475539 -1.408889390270858 -0.8877745415655461 +29663,-1.0379097090251346,1,-0.6323899783611023 -0.6034239937451626 -0.5689307838678721 -0.36152756284123394 -0.3388270611334758 -0.19591454306622974 -0.058965101009506506 0.09816465092677551 -0.036545803863406674 0.07804344291672885 0.00965448250114233 -0.10304742917369991 -0.2767539186852596 -0.46832474381763883 -0.666441253455024 -0.6695826357297332 -0.7593083673475539 -1.408889390270858 -0.8877745415655461 -0.9591650045585387 +29664,-1.1041376380799277,1,-0.6034239937451626 -0.5689307838678721 -0.36152756284123394 -0.3388270611334758 -0.19591454306622974 -0.058965101009506506 0.09816465092677551 -0.036545803863406674 0.07804344291672885 0.00965448250114233 -0.10304742917369991 -0.2767539186852596 -0.46832474381763883 -0.666441253455024 -0.6695826357297332 -0.7593083673475539 -1.408889390270858 -0.8877745415655461 -0.9591650045585387 -1.0379097090251346 +29665,-1.1973315878739672,1,-0.5689307838678721 -0.36152756284123394 -0.3388270611334758 -0.19591454306622974 -0.058965101009506506 0.09816465092677551 -0.036545803863406674 0.07804344291672885 0.00965448250114233 -0.10304742917369991 -0.2767539186852596 -0.46832474381763883 -0.666441253455024 -0.6695826357297332 -0.7593083673475539 -1.408889390270858 -0.8877745415655461 -0.9591650045585387 -1.0379097090251346 -1.1041376380799277 +29666,-1.6943650275098474,1,-0.36152756284123394 -0.3388270611334758 -0.19591454306622974 -0.058965101009506506 0.09816465092677551 -0.036545803863406674 0.07804344291672885 0.00965448250114233 -0.10304742917369991 -0.2767539186852596 -0.46832474381763883 -0.666441253455024 -0.6695826357297332 -0.7593083673475539 -1.408889390270858 -0.8877745415655461 -0.9591650045585387 -1.0379097090251346 -1.1041376380799277 -1.1973315878739672 +29667,-1.2515040709779444,1,-0.3388270611334758 -0.19591454306622974 -0.058965101009506506 0.09816465092677551 -0.036545803863406674 0.07804344291672885 0.00965448250114233 -0.10304742917369991 -0.2767539186852596 -0.46832474381763883 -0.666441253455024 -0.6695826357297332 -0.7593083673475539 -1.408889390270858 -0.8877745415655461 -0.9591650045585387 -1.0379097090251346 -1.1041376380799277 -1.1973315878739672 -1.6943650275098474 +29668,-1.209795860553378,1,-0.19591454306622974 -0.058965101009506506 0.09816465092677551 -0.036545803863406674 0.07804344291672885 0.00965448250114233 -0.10304742917369991 -0.2767539186852596 -0.46832474381763883 -0.666441253455024 -0.6695826357297332 -0.7593083673475539 -1.408889390270858 -0.8877745415655461 -0.9591650045585387 -1.0379097090251346 -1.1041376380799277 -1.1973315878739672 -1.6943650275098474 -1.2515040709779444 +29669,-0.8769400449447524,1,-0.058965101009506506 0.09816465092677551 -0.036545803863406674 0.07804344291672885 0.00965448250114233 -0.10304742917369991 -0.2767539186852596 -0.46832474381763883 -0.666441253455024 -0.6695826357297332 -0.7593083673475539 -1.408889390270858 -0.8877745415655461 -0.9591650045585387 -1.0379097090251346 -1.1041376380799277 -1.1973315878739672 -1.6943650275098474 -1.2515040709779444 -1.209795860553378 +29670,-0.6060424635896491,1,0.09816465092677551 -0.036545803863406674 0.07804344291672885 0.00965448250114233 -0.10304742917369991 -0.2767539186852596 -0.46832474381763883 -0.666441253455024 -0.6695826357297332 -0.7593083673475539 -1.408889390270858 -0.8877745415655461 -0.9591650045585387 -1.0379097090251346 -1.1041376380799277 -1.1973315878739672 -1.6943650275098474 -1.2515040709779444 -1.209795860553378 -0.8769400449447524 +29671,-0.04732716083818202,1,-0.036545803863406674 0.07804344291672885 0.00965448250114233 -0.10304742917369991 -0.2767539186852596 -0.46832474381763883 -0.666441253455024 -0.6695826357297332 -0.7593083673475539 -1.408889390270858 -0.8877745415655461 -0.9591650045585387 -1.0379097090251346 -1.1041376380799277 -1.1973315878739672 -1.6943650275098474 -1.2515040709779444 -1.209795860553378 -0.8769400449447524 -0.6060424635896491 +29672,0.07185230199055727,1,0.07804344291672885 0.00965448250114233 -0.10304742917369991 -0.2767539186852596 -0.46832474381763883 -0.666441253455024 -0.6695826357297332 -0.7593083673475539 -1.408889390270858 -0.8877745415655461 -0.9591650045585387 -1.0379097090251346 -1.1041376380799277 -1.1973315878739672 -1.6943650275098474 -1.2515040709779444 -1.209795860553378 -0.8769400449447524 -0.6060424635896491 -0.04732716083818202 +29673,0.07725672334040966,1,0.00965448250114233 -0.10304742917369991 -0.2767539186852596 -0.46832474381763883 -0.666441253455024 -0.6695826357297332 -0.7593083673475539 -1.408889390270858 -0.8877745415655461 -0.9591650045585387 -1.0379097090251346 -1.1041376380799277 -1.1973315878739672 -1.6943650275098474 -1.2515040709779444 -1.209795860553378 -0.8769400449447524 -0.6060424635896491 -0.04732716083818202 0.07185230199055727 +29674,0.06690489394779536,1,-0.10304742917369991 -0.2767539186852596 -0.46832474381763883 -0.666441253455024 -0.6695826357297332 -0.7593083673475539 -1.408889390270858 -0.8877745415655461 -0.9591650045585387 -1.0379097090251346 -1.1041376380799277 -1.1973315878739672 -1.6943650275098474 -1.2515040709779444 -1.209795860553378 -0.8769400449447524 -0.6060424635896491 -0.04732716083818202 0.07185230199055727 0.07725672334040966 +29675,0.2080574023662618,1,-0.2767539186852596 -0.46832474381763883 -0.666441253455024 -0.6695826357297332 -0.7593083673475539 -1.408889390270858 -0.8877745415655461 -0.9591650045585387 -1.0379097090251346 -1.1041376380799277 -1.1973315878739672 -1.6943650275098474 -1.2515040709779444 -1.209795860553378 -0.8769400449447524 -0.6060424635896491 -0.04732716083818202 0.07185230199055727 0.07725672334040966 0.06690489394779536 +29676,0.171733205588484,1,-0.46832474381763883 -0.666441253455024 -0.6695826357297332 -0.7593083673475539 -1.408889390270858 -0.8877745415655461 -0.9591650045585387 -1.0379097090251346 -1.1041376380799277 -1.1973315878739672 -1.6943650275098474 -1.2515040709779444 -1.209795860553378 -0.8769400449447524 -0.6060424635896491 -0.04732716083818202 0.07185230199055727 0.07725672334040966 0.06690489394779536 0.2080574023662618 +29677,0.12757257032607516,1,-0.666441253455024 -0.6695826357297332 -0.7593083673475539 -1.408889390270858 -0.8877745415655461 -0.9591650045585387 -1.0379097090251346 -1.1041376380799277 -1.1973315878739672 -1.6943650275098474 -1.2515040709779444 -1.209795860553378 -0.8769400449447524 -0.6060424635896491 -0.04732716083818202 0.07185230199055727 0.07725672334040966 0.06690489394779536 0.2080574023662618 0.171733205588484 +29678,-0.5143193765775911,1,-0.6695826357297332 -0.7593083673475539 -1.408889390270858 -0.8877745415655461 -0.9591650045585387 -1.0379097090251346 -1.1041376380799277 -1.1973315878739672 -1.6943650275098474 -1.2515040709779444 -1.209795860553378 -0.8769400449447524 -0.6060424635896491 -0.04732716083818202 0.07185230199055727 0.07725672334040966 0.06690489394779536 0.2080574023662618 0.171733205588484 0.12757257032607516 +29679,-0.28413830126412865,1,-0.7593083673475539 -1.408889390270858 -0.8877745415655461 -0.9591650045585387 -1.0379097090251346 -1.1041376380799277 -1.1973315878739672 -1.6943650275098474 -1.2515040709779444 -1.209795860553378 -0.8769400449447524 -0.6060424635896491 -0.04732716083818202 0.07185230199055727 0.07725672334040966 0.06690489394779536 0.2080574023662618 0.171733205588484 0.12757257032607516 -0.5143193765775911 +29680,-0.4221350710807526,1,-1.408889390270858 -0.8877745415655461 -0.9591650045585387 -1.0379097090251346 -1.1041376380799277 -1.1973315878739672 -1.6943650275098474 -1.2515040709779444 -1.209795860553378 -0.8769400449447524 -0.6060424635896491 -0.04732716083818202 0.07185230199055727 0.07725672334040966 0.06690489394779536 0.2080574023662618 0.171733205588484 0.12757257032607516 -0.5143193765775911 -0.28413830126412865 +29681,-0.573574139562503,1,-0.8877745415655461 -0.9591650045585387 -1.0379097090251346 -1.1041376380799277 -1.1973315878739672 -1.6943650275098474 -1.2515040709779444 -1.209795860553378 -0.8769400449447524 -0.6060424635896491 -0.04732716083818202 0.07185230199055727 0.07725672334040966 0.06690489394779536 0.2080574023662618 0.171733205588484 0.12757257032607516 -0.5143193765775911 -0.28413830126412865 -0.4221350710807526 +29682,-0.7144225956328297,1,-0.9591650045585387 -1.0379097090251346 -1.1041376380799277 -1.1973315878739672 -1.6943650275098474 -1.2515040709779444 -1.209795860553378 -0.8769400449447524 -0.6060424635896491 -0.04732716083818202 0.07185230199055727 0.07725672334040966 0.06690489394779536 0.2080574023662618 0.171733205588484 0.12757257032607516 -0.5143193765775911 -0.28413830126412865 -0.4221350710807526 -0.573574139562503 +29683,-0.8119330652199815,1,-1.0379097090251346 -1.1041376380799277 -1.1973315878739672 -1.6943650275098474 -1.2515040709779444 -1.209795860553378 -0.8769400449447524 -0.6060424635896491 -0.04732716083818202 0.07185230199055727 0.07725672334040966 0.06690489394779536 0.2080574023662618 0.171733205588484 0.12757257032607516 -0.5143193765775911 -0.28413830126412865 -0.4221350710807526 -0.573574139562503 -0.7144225956328297 +29684,-0.8265230670650625,1,-1.1041376380799277 -1.1973315878739672 -1.6943650275098474 -1.2515040709779444 -1.209795860553378 -0.8769400449447524 -0.6060424635896491 -0.04732716083818202 0.07185230199055727 0.07725672334040966 0.06690489394779536 0.2080574023662618 0.171733205588484 0.12757257032607516 -0.5143193765775911 -0.28413830126412865 -0.4221350710807526 -0.573574139562503 -0.7144225956328297 -0.8119330652199815 +29685,-1.0332663533305038,1,-1.1973315878739672 -1.6943650275098474 -1.2515040709779444 -1.209795860553378 -0.8769400449447524 -0.6060424635896491 -0.04732716083818202 0.07185230199055727 0.07725672334040966 0.06690489394779536 0.2080574023662618 0.171733205588484 0.12757257032607516 -0.5143193765775911 -0.28413830126412865 -0.4221350710807526 -0.573574139562503 -0.7144225956328297 -0.8119330652199815 -0.8265230670650625 +29686,-1.0630828251908524,1,-1.6943650275098474 -1.2515040709779444 -1.209795860553378 -0.8769400449447524 -0.6060424635896491 -0.04732716083818202 0.07185230199055727 0.07725672334040966 0.06690489394779536 0.2080574023662618 0.171733205588484 0.12757257032607516 -0.5143193765775911 -0.28413830126412865 -0.4221350710807526 -0.573574139562503 -0.7144225956328297 -0.8119330652199815 -0.8265230670650625 -1.0332663533305038 +29687,-1.101368903518356,1,-1.2515040709779444 -1.209795860553378 -0.8769400449447524 -0.6060424635896491 -0.04732716083818202 0.07185230199055727 0.07725672334040966 0.06690489394779536 0.2080574023662618 0.171733205588484 0.12757257032607516 -0.5143193765775911 -0.28413830126412865 -0.4221350710807526 -0.573574139562503 -0.7144225956328297 -0.8119330652199815 -0.8265230670650625 -1.0332663533305038 -1.0630828251908524 +29688,-1.1599234066743185,1,-1.209795860553378 -0.8769400449447524 -0.6060424635896491 -0.04732716083818202 0.07185230199055727 0.07725672334040966 0.06690489394779536 0.2080574023662618 0.171733205588484 0.12757257032607516 -0.5143193765775911 -0.28413830126412865 -0.4221350710807526 -0.573574139562503 -0.7144225956328297 -0.8119330652199815 -0.8265230670650625 -1.0332663533305038 -1.0630828251908524 -1.101368903518356 +29689,-1.2561474266725665,1,-0.8769400449447524 -0.6060424635896491 -0.04732716083818202 0.07185230199055727 0.07725672334040966 0.06690489394779536 0.2080574023662618 0.171733205588484 0.12757257032607516 -0.5143193765775911 -0.28413830126412865 -0.4221350710807526 -0.573574139562503 -0.7144225956328297 -0.8119330652199815 -0.8265230670650625 -1.0332663533305038 -1.0630828251908524 -1.101368903518356 -1.1599234066743185 +29690,-1.4413971303514954,1,-0.6060424635896491 -0.04732716083818202 0.07185230199055727 0.07725672334040966 0.06690489394779536 0.2080574023662618 0.171733205588484 0.12757257032607516 -0.5143193765775911 -0.28413830126412865 -0.4221350710807526 -0.573574139562503 -0.7144225956328297 -0.8119330652199815 -0.8265230670650625 -1.0332663533305038 -1.0630828251908524 -1.101368903518356 -1.1599234066743185 -1.2561474266725665 +29691,-1.2685297085249096,1,-0.04732716083818202 0.07185230199055727 0.07725672334040966 0.06690489394779536 0.2080574023662618 0.171733205588484 0.12757257032607516 -0.5143193765775911 -0.28413830126412865 -0.4221350710807526 -0.573574139562503 -0.7144225956328297 -0.8119330652199815 -0.8265230670650625 -1.0332663533305038 -1.0630828251908524 -1.101368903518356 -1.1599234066743185 -1.2561474266725665 -1.4413971303514954 +29692,-1.261113469430402,1,0.07185230199055727 0.07725672334040966 0.06690489394779536 0.2080574023662618 0.171733205588484 0.12757257032607516 -0.5143193765775911 -0.28413830126412865 -0.4221350710807526 -0.573574139562503 -0.7144225956328297 -0.8119330652199815 -0.8265230670650625 -1.0332663533305038 -1.0630828251908524 -1.101368903518356 -1.1599234066743185 -1.2561474266725665 -1.4413971303514954 -1.2685297085249096 +29693,-0.9357558837433517,1,0.07725672334040966 0.06690489394779536 0.2080574023662618 0.171733205588484 0.12757257032607516 -0.5143193765775911 -0.28413830126412865 -0.4221350710807526 -0.573574139562503 -0.7144225956328297 -0.8119330652199815 -0.8265230670650625 -1.0332663533305038 -1.0630828251908524 -1.101368903518356 -1.1599234066743185 -1.2561474266725665 -1.4413971303514954 -1.2685297085249096 -1.261113469430402 +29694,-0.6066712939040605,1,0.06690489394779536 0.2080574023662618 0.171733205588484 0.12757257032607516 -0.5143193765775911 -0.28413830126412865 -0.4221350710807526 -0.573574139562503 -0.7144225956328297 -0.8119330652199815 -0.8265230670650625 -1.0332663533305038 -1.0630828251908524 -1.101368903518356 -1.1599234066743185 -1.2561474266725665 -1.4413971303514954 -1.2685297085249096 -1.261113469430402 -0.9357558837433517 +29695,0.07649565768517935,1,0.2080574023662618 0.171733205588484 0.12757257032607516 -0.5143193765775911 -0.28413830126412865 -0.4221350710807526 -0.573574139562503 -0.7144225956328297 -0.8119330652199815 -0.8265230670650625 -1.0332663533305038 -1.0630828251908524 -1.101368903518356 -1.1599234066743185 -1.2561474266725665 -1.4413971303514954 -1.2685297085249096 -1.261113469430402 -0.9357558837433517 -0.6066712939040605 +29696,0.24675203315481445,1,0.171733205588484 0.12757257032607516 -0.5143193765775911 -0.28413830126412865 -0.4221350710807526 -0.573574139562503 -0.7144225956328297 -0.8119330652199815 -0.8265230670650625 -1.0332663533305038 -1.0630828251908524 -1.101368903518356 -1.1599234066743185 -1.2561474266725665 -1.4413971303514954 -1.2685297085249096 -1.261113469430402 -0.9357558837433517 -0.6066712939040605 0.07649565768517935 +29697,0.30247230149033233,1,0.12757257032607516 -0.5143193765775911 -0.28413830126412865 -0.4221350710807526 -0.573574139562503 -0.7144225956328297 -0.8119330652199815 -0.8265230670650625 -1.0332663533305038 -1.0630828251908524 -1.101368903518356 -1.1599234066743185 -1.2561474266725665 -1.4413971303514954 -1.2685297085249096 -1.261113469430402 -0.9357558837433517 -0.6066712939040605 0.07649565768517935 0.24675203315481445 +29698,0.3053664478267332,1,-0.5143193765775911 -0.28413830126412865 -0.4221350710807526 -0.573574139562503 -0.7144225956328297 -0.8119330652199815 -0.8265230670650625 -1.0332663533305038 -1.0630828251908524 -1.101368903518356 -1.1599234066743185 -1.2561474266725665 -1.4413971303514954 -1.2685297085249096 -1.261113469430402 -0.9357558837433517 -0.6066712939040605 0.07649565768517935 0.24675203315481445 0.30247230149033233 +29699,0.4139128381613593,1,-0.28413830126412865 -0.4221350710807526 -0.573574139562503 -0.7144225956328297 -0.8119330652199815 -0.8265230670650625 -1.0332663533305038 -1.0630828251908524 -1.101368903518356 -1.1599234066743185 -1.2561474266725665 -1.4413971303514954 -1.2685297085249096 -1.261113469430402 -0.9357558837433517 -0.6066712939040605 0.07649565768517935 0.24675203315481445 0.30247230149033233 0.3053664478267332 +29700,0.41042901722656205,1,-0.4221350710807526 -0.573574139562503 -0.7144225956328297 -0.8119330652199815 -0.8265230670650625 -1.0332663533305038 -1.0630828251908524 -1.101368903518356 -1.1599234066743185 -1.2561474266725665 -1.4413971303514954 -1.2685297085249096 -1.261113469430402 -0.9357558837433517 -0.6066712939040605 0.07649565768517935 0.24675203315481445 0.30247230149033233 0.3053664478267332 0.4139128381613593 +29701,0.3752182073728067,1,-0.573574139562503 -0.7144225956328297 -0.8119330652199815 -0.8265230670650625 -1.0332663533305038 -1.0630828251908524 -1.101368903518356 -1.1599234066743185 -1.2561474266725665 -1.4413971303514954 -1.2685297085249096 -1.261113469430402 -0.9357558837433517 -0.6066712939040605 0.07649565768517935 0.24675203315481445 0.30247230149033233 0.3053664478267332 0.4139128381613593 0.41042901722656205 +29702,-0.35274090510645745,1,-0.7144225956328297 -0.8119330652199815 -0.8265230670650625 -1.0332663533305038 -1.0630828251908524 -1.101368903518356 -1.1599234066743185 -1.2561474266725665 -1.4413971303514954 -1.2685297085249096 -1.261113469430402 -0.9357558837433517 -0.6066712939040605 0.07649565768517935 0.24675203315481445 0.30247230149033233 0.3053664478267332 0.4139128381613593 0.41042901722656205 0.3752182073728067 +29703,-0.13709870426763043,1,-0.8119330652199815 -0.8265230670650625 -1.0332663533305038 -1.0630828251908524 -1.101368903518356 -1.1599234066743185 -1.2561474266725665 -1.4413971303514954 -1.2685297085249096 -1.261113469430402 -0.9357558837433517 -0.6066712939040605 0.07649565768517935 0.24675203315481445 0.30247230149033233 0.3053664478267332 0.4139128381613593 0.41042901722656205 0.3752182073728067 -0.35274090510645745 +29704,-0.3029389457248766,1,-0.8265230670650625 -1.0332663533305038 -1.0630828251908524 -1.101368903518356 -1.1599234066743185 -1.2561474266725665 -1.4413971303514954 -1.2685297085249096 -1.261113469430402 -0.9357558837433517 -0.6066712939040605 0.07649565768517935 0.24675203315481445 0.30247230149033233 0.3053664478267332 0.4139128381613593 0.41042901722656205 0.3752182073728067 -0.35274090510645745 -0.13709870426763043 +29705,-0.4760636699753511,1,-1.0332663533305038 -1.0630828251908524 -1.101368903518356 -1.1599234066743185 -1.2561474266725665 -1.4413971303514954 -1.2685297085249096 -1.261113469430402 -0.9357558837433517 -0.6066712939040605 0.07649565768517935 0.24675203315481445 0.30247230149033233 0.3053664478267332 0.4139128381613593 0.41042901722656205 0.3752182073728067 -0.35274090510645745 -0.13709870426763043 -0.3029389457248766 +29706,-0.6896580319281609,1,-1.0630828251908524 -1.101368903518356 -1.1599234066743185 -1.2561474266725665 -1.4413971303514954 -1.2685297085249096 -1.261113469430402 -0.9357558837433517 -0.6066712939040605 0.07649565768517935 0.24675203315481445 0.30247230149033233 0.3053664478267332 0.4139128381613593 0.41042901722656205 0.3752182073728067 -0.35274090510645745 -0.13709870426763043 -0.3029389457248766 -0.4760636699753511 +29707,-0.7809773605891412,1,-1.101368903518356 -1.1599234066743185 -1.2561474266725665 -1.4413971303514954 -1.2685297085249096 -1.261113469430402 -0.9357558837433517 -0.6066712939040605 0.07649565768517935 0.24675203315481445 0.30247230149033233 0.3053664478267332 0.4139128381613593 0.41042901722656205 0.3752182073728067 -0.35274090510645745 -0.13709870426763043 -0.3029389457248766 -0.4760636699753511 -0.6896580319281609 +29708,-0.8289587027669468,1,-1.1599234066743185 -1.2561474266725665 -1.4413971303514954 -1.2685297085249096 -1.261113469430402 -0.9357558837433517 -0.6066712939040605 0.07649565768517935 0.24675203315481445 0.30247230149033233 0.3053664478267332 0.4139128381613593 0.41042901722656205 0.3752182073728067 -0.35274090510645745 -0.13709870426763043 -0.3029389457248766 -0.4760636699753511 -0.6896580319281609 -0.7809773605891412 +29709,-0.8500193911836467,1,-1.2561474266725665 -1.4413971303514954 -1.2685297085249096 -1.261113469430402 -0.9357558837433517 -0.6066712939040605 0.07649565768517935 0.24675203315481445 0.30247230149033233 0.3053664478267332 0.4139128381613593 0.41042901722656205 0.3752182073728067 -0.35274090510645745 -0.13709870426763043 -0.3029389457248766 -0.4760636699753511 -0.6896580319281609 -0.7809773605891412 -0.8289587027669468 +29710,-0.9140868905017644,1,-1.4413971303514954 -1.2685297085249096 -1.261113469430402 -0.9357558837433517 -0.6066712939040605 0.07649565768517935 0.24675203315481445 0.30247230149033233 0.3053664478267332 0.4139128381613593 0.41042901722656205 0.3752182073728067 -0.35274090510645745 -0.13709870426763043 -0.3029389457248766 -0.4760636699753511 -0.6896580319281609 -0.7809773605891412 -0.8289587027669468 -0.8500193911836467 +29711,-1.5260285995994545,1,-1.2685297085249096 -1.261113469430402 -0.9357558837433517 -0.6066712939040605 0.07649565768517935 0.24675203315481445 0.30247230149033233 0.3053664478267332 0.4139128381613593 0.41042901722656205 0.3752182073728067 -0.35274090510645745 -0.13709870426763043 -0.3029389457248766 -0.4760636699753511 -0.6896580319281609 -0.7809773605891412 -0.8289587027669468 -0.8500193911836467 -0.9140868905017644 +29712,-1.064222057961344,1,-1.261113469430402 -0.9357558837433517 -0.6066712939040605 0.07649565768517935 0.24675203315481445 0.30247230149033233 0.3053664478267332 0.4139128381613593 0.41042901722656205 0.3752182073728067 -0.35274090510645745 -0.13709870426763043 -0.3029389457248766 -0.4760636699753511 -0.6896580319281609 -0.7809773605891412 -0.8289587027669468 -0.8500193911836467 -0.9140868905017644 -1.5260285995994545 +29713,-1.1443745356265496,1,-0.9357558837433517 -0.6066712939040605 0.07649565768517935 0.24675203315481445 0.30247230149033233 0.3053664478267332 0.4139128381613593 0.41042901722656205 0.3752182073728067 -0.35274090510645745 -0.13709870426763043 -0.3029389457248766 -0.4760636699753511 -0.6896580319281609 -0.7809773605891412 -0.8289587027669468 -0.8500193911836467 -0.9140868905017644 -1.5260285995994545 -1.064222057961344 +29714,-1.2793642051457033,1,-0.6066712939040605 0.07649565768517935 0.24675203315481445 0.30247230149033233 0.3053664478267332 0.4139128381613593 0.41042901722656205 0.3752182073728067 -0.35274090510645745 -0.13709870426763043 -0.3029389457248766 -0.4760636699753511 -0.6896580319281609 -0.7809773605891412 -0.8289587027669468 -0.8500193911836467 -0.9140868905017644 -1.5260285995994545 -1.064222057961344 -1.1443745356265496 +29715,-1.277438235154134,1,0.07649565768517935 0.24675203315481445 0.30247230149033233 0.3053664478267332 0.4139128381613593 0.41042901722656205 0.3752182073728067 -0.35274090510645745 -0.13709870426763043 -0.3029389457248766 -0.4760636699753511 -0.6896580319281609 -0.7809773605891412 -0.8289587027669468 -0.8500193911836467 -0.9140868905017644 -1.5260285995994545 -1.064222057961344 -1.1443745356265496 -1.2793642051457033 +29716,-1.2731730642195318,1,0.24675203315481445 0.30247230149033233 0.3053664478267332 0.4139128381613593 0.41042901722656205 0.3752182073728067 -0.35274090510645745 -0.13709870426763043 -0.3029389457248766 -0.4760636699753511 -0.6896580319281609 -0.7809773605891412 -0.8289587027669468 -0.8500193911836467 -0.9140868905017644 -1.5260285995994545 -1.064222057961344 -1.1443745356265496 -1.2793642051457033 -1.277438235154134 +29717,-0.6736118296253651,1,0.30247230149033233 0.3053664478267332 0.4139128381613593 0.41042901722656205 0.3752182073728067 -0.35274090510645745 -0.13709870426763043 -0.3029389457248766 -0.4760636699753511 -0.6896580319281609 -0.7809773605891412 -0.8289587027669468 -0.8500193911836467 -0.9140868905017644 -1.5260285995994545 -1.064222057961344 -1.1443745356265496 -1.2793642051457033 -1.277438235154134 -1.2731730642195318 +29718,-0.45439467673375494,1,0.3053664478267332 0.4139128381613593 0.41042901722656205 0.3752182073728067 -0.35274090510645745 -0.13709870426763043 -0.3029389457248766 -0.4760636699753511 -0.6896580319281609 -0.7809773605891412 -0.8289587027669468 -0.8500193911836467 -0.9140868905017644 -1.5260285995994545 -1.064222057961344 -1.1443745356265496 -1.2793642051457033 -1.277438235154134 -1.2731730642195318 -0.6736118296253651 +29719,0.3086634424164951,1,0.4139128381613593 0.41042901722656205 0.3752182073728067 -0.35274090510645745 -0.13709870426763043 -0.3029389457248766 -0.4760636699753511 -0.6896580319281609 -0.7809773605891412 -0.8289587027669468 -0.8500193911836467 -0.9140868905017644 -1.5260285995994545 -1.064222057961344 -1.1443745356265496 -1.2793642051457033 -1.277438235154134 -1.2731730642195318 -0.6736118296253651 -0.45439467673375494 +29720,0.4943976702015548,1,0.41042901722656205 0.3752182073728067 -0.35274090510645745 -0.13709870426763043 -0.3029389457248766 -0.4760636699753511 -0.6896580319281609 -0.7809773605891412 -0.8289587027669468 -0.8500193911836467 -0.9140868905017644 -1.5260285995994545 -1.064222057961344 -1.1443745356265496 -1.2793642051457033 -1.277438235154134 -1.2731730642195318 -0.6736118296253651 -0.45439467673375494 0.3086634424164951 +29721,0.5192347720993261,1,0.3752182073728067 -0.35274090510645745 -0.13709870426763043 -0.3029389457248766 -0.4760636699753511 -0.6896580319281609 -0.7809773605891412 -0.8289587027669468 -0.8500193911836467 -0.9140868905017644 -1.5260285995994545 -1.064222057961344 -1.1443745356265496 -1.2793642051457033 -1.277438235154134 -1.2731730642195318 -0.6736118296253651 -0.45439467673375494 0.3086634424164951 0.4943976702015548 +29722,0.5934559250202474,1,-0.35274090510645745 -0.13709870426763043 -0.3029389457248766 -0.4760636699753511 -0.6896580319281609 -0.7809773605891412 -0.8289587027669468 -0.8500193911836467 -0.9140868905017644 -1.5260285995994545 -1.064222057961344 -1.1443745356265496 -1.2793642051457033 -1.277438235154134 -1.2731730642195318 -0.6736118296253651 -0.45439467673375494 0.3086634424164951 0.4943976702015548 0.5192347720993261 +29723,0.6860028120541966,1,-0.13709870426763043 -0.3029389457248766 -0.4760636699753511 -0.6896580319281609 -0.7809773605891412 -0.8289587027669468 -0.8500193911836467 -0.9140868905017644 -1.5260285995994545 -1.064222057961344 -1.1443745356265496 -1.2793642051457033 -1.277438235154134 -1.2731730642195318 -0.6736118296253651 -0.45439467673375494 0.3086634424164951 0.4943976702015548 0.5192347720993261 0.5934559250202474 +29724,0.6104815625672126,1,-0.3029389457248766 -0.4760636699753511 -0.6896580319281609 -0.7809773605891412 -0.8289587027669468 -0.8500193911836467 -0.9140868905017644 -1.5260285995994545 -1.064222057961344 -1.1443745356265496 -1.2793642051457033 -1.277438235154134 -1.2731730642195318 -0.6736118296253651 -0.45439467673375494 0.3086634424164951 0.4943976702015548 0.5192347720993261 0.5934559250202474 0.6860028120541966 +29725,0.4874010229914779,1,-0.4760636699753511 -0.6896580319281609 -0.7809773605891412 -0.8289587027669468 -0.8500193911836467 -0.9140868905017644 -1.5260285995994545 -1.064222057961344 -1.1443745356265496 -1.2793642051457033 -1.277438235154134 -1.2731730642195318 -0.6736118296253651 -0.45439467673375494 0.3086634424164951 0.4943976702015548 0.5192347720993261 0.5934559250202474 0.6860028120541966 0.6104815625672126 +29726,0.35819256982585024,1,-0.6896580319281609 -0.7809773605891412 -0.8289587027669468 -0.8500193911836467 -0.9140868905017644 -1.5260285995994545 -1.064222057961344 -1.1443745356265496 -1.2793642051457033 -1.277438235154134 -1.2731730642195318 -0.6736118296253651 -0.45439467673375494 0.3086634424164951 0.4943976702015548 0.5192347720993261 0.5934559250202474 0.6860028120541966 0.6104815625672126 0.4874010229914779 +29727,0.11702344861946072,1,-0.7809773605891412 -0.8289587027669468 -0.8500193911836467 -0.9140868905017644 -1.5260285995994545 -1.064222057961344 -1.1443745356265496 -1.2793642051457033 -1.277438235154134 -1.2731730642195318 -0.6736118296253651 -0.45439467673375494 0.3086634424164951 0.4943976702015548 0.5192347720993261 0.5934559250202474 0.6860028120541966 0.6104815625672126 0.4874010229914779 0.35819256982585024 +29728,-0.13555091903608096,1,-0.8289587027669468 -0.8500193911836467 -0.9140868905017644 -1.5260285995994545 -1.064222057961344 -1.1443745356265496 -1.2793642051457033 -1.277438235154134 -1.2731730642195318 -0.6736118296253651 -0.45439467673375494 0.3086634424164951 0.4943976702015548 0.5192347720993261 0.5934559250202474 0.6860028120541966 0.6104815625672126 0.4874010229914779 0.35819256982585024 0.11702344861946072 +29729,-0.4791592404384325,1,-0.8500193911836467 -0.9140868905017644 -1.5260285995994545 -1.064222057961344 -1.1443745356265496 -1.2793642051457033 -1.277438235154134 -1.2731730642195318 -0.6736118296253651 -0.45439467673375494 0.3086634424164951 0.4943976702015548 0.5192347720993261 0.5934559250202474 0.6860028120541966 0.6104815625672126 0.4874010229914779 0.35819256982585024 0.11702344861946072 -0.13555091903608096 +29730,-0.7144225956328297,1,-0.9140868905017644 -1.5260285995994545 -1.064222057961344 -1.1443745356265496 -1.2793642051457033 -1.277438235154134 -1.2731730642195318 -0.6736118296253651 -0.45439467673375494 0.3086634424164951 0.4943976702015548 0.5192347720993261 0.5934559250202474 0.6860028120541966 0.6104815625672126 0.4874010229914779 0.35819256982585024 0.11702344861946072 -0.13555091903608096 -0.4791592404384325 +29731,-0.7469260854952195,1,-1.5260285995994545 -1.064222057961344 -1.1443745356265496 -1.2793642051457033 -1.277438235154134 -1.2731730642195318 -0.6736118296253651 -0.45439467673375494 0.3086634424164951 0.4943976702015548 0.5192347720993261 0.5934559250202474 0.6860028120541966 0.6104815625672126 0.4874010229914779 0.35819256982585024 0.11702344861946072 -0.13555091903608096 -0.4791592404384325 -0.7144225956328297 +29732,-0.9001568234178893,1,-1.064222057961344 -1.1443745356265496 -1.2793642051457033 -1.277438235154134 -1.2731730642195318 -0.6736118296253651 -0.45439467673375494 0.3086634424164951 0.4943976702015548 0.5192347720993261 0.5934559250202474 0.6860028120541966 0.6104815625672126 0.4874010229914779 0.35819256982585024 0.11702344861946072 -0.13555091903608096 -0.4791592404384325 -0.7144225956328297 -0.7469260854952195 +29733,-0.9004572022525481,1,-1.1443745356265496 -1.2793642051457033 -1.277438235154134 -1.2731730642195318 -0.6736118296253651 -0.45439467673375494 0.3086634424164951 0.4943976702015548 0.5192347720993261 0.5934559250202474 0.6860028120541966 0.6104815625672126 0.4874010229914779 0.35819256982585024 0.11702344861946072 -0.13555091903608096 -0.4791592404384325 -0.7144225956328297 -0.7469260854952195 -0.9001568234178893 +29734,-0.9249213871225581,1,-1.2793642051457033 -1.277438235154134 -1.2731730642195318 -0.6736118296253651 -0.45439467673375494 0.3086634424164951 0.4943976702015548 0.5192347720993261 0.5934559250202474 0.6860028120541966 0.6104815625672126 0.4874010229914779 0.35819256982585024 0.11702344861946072 -0.13555091903608096 -0.4791592404384325 -0.7144225956328297 -0.7469260854952195 -0.9001568234178893 -0.9004572022525481 +29735,-1.7111649385351027,1,-1.277438235154134 -1.2731730642195318 -0.6736118296253651 -0.45439467673375494 0.3086634424164951 0.4943976702015548 0.5192347720993261 0.5934559250202474 0.6860028120541966 0.6104815625672126 0.4874010229914779 0.35819256982585024 0.11702344861946072 -0.13555091903608096 -0.4791592404384325 -0.7144225956328297 -0.7469260854952195 -0.9001568234178893 -0.9004572022525481 -0.9249213871225581 +29736,-1.1060122592129868,1,-1.2731730642195318 -0.6736118296253651 -0.45439467673375494 0.3086634424164951 0.4943976702015548 0.5192347720993261 0.5934559250202474 0.6860028120541966 0.6104815625672126 0.4874010229914779 0.35819256982585024 0.11702344861946072 -0.13555091903608096 -0.4791592404384325 -0.7144225956328297 -0.7469260854952195 -0.9001568234178893 -0.9004572022525481 -0.9249213871225581 -1.7111649385351027 +29737,-1.1168467558337805,1,-0.6736118296253651 -0.45439467673375494 0.3086634424164951 0.4943976702015548 0.5192347720993261 0.5934559250202474 0.6860028120541966 0.6104815625672126 0.4874010229914779 0.35819256982585024 0.11702344861946072 -0.13555091903608096 -0.4791592404384325 -0.7144225956328297 -0.7469260854952195 -0.9001568234178893 -0.9004572022525481 -0.9249213871225581 -1.7111649385351027 -1.1060122592129868 +29738,-1.1471530636443885,1,-0.45439467673375494 0.3086634424164951 0.4943976702015548 0.5192347720993261 0.5934559250202474 0.6860028120541966 0.6104815625672126 0.4874010229914779 0.35819256982585024 0.11702344861946072 -0.13555091903608096 -0.4791592404384325 -0.7144225956328297 -0.7469260854952195 -0.9001568234178893 -0.9004572022525481 -0.9249213871225581 -1.7111649385351027 -1.1060122592129868 -1.1168467558337805 +29739,-1.1772103798639204,1,0.3086634424164951 0.4943976702015548 0.5192347720993261 0.5934559250202474 0.6860028120541966 0.6104815625672126 0.4874010229914779 0.35819256982585024 0.11702344861946072 -0.13555091903608096 -0.4791592404384325 -0.7144225956328297 -0.7469260854952195 -0.9001568234178893 -0.9004572022525481 -0.9249213871225581 -1.7111649385351027 -1.1060122592129868 -1.1168467558337805 -1.1471530636443885 +29740,-1.0107077259508717,1,0.4943976702015548 0.5192347720993261 0.5934559250202474 0.6860028120541966 0.6104815625672126 0.4874010229914779 0.35819256982585024 0.11702344861946072 -0.13555091903608096 -0.4791592404384325 -0.7144225956328297 -0.7469260854952195 -0.9001568234178893 -0.9004572022525481 -0.9249213871225581 -1.7111649385351027 -1.1060122592129868 -1.1168467558337805 -1.1471530636443885 -1.1772103798639204 +29741,-0.8366976289246592,1,0.5192347720993261 0.5934559250202474 0.6860028120541966 0.6104815625672126 0.4874010229914779 0.35819256982585024 0.11702344861946072 -0.13555091903608096 -0.4791592404384325 -0.7144225956328297 -0.7469260854952195 -0.9001568234178893 -0.9004572022525481 -0.9249213871225581 -1.7111649385351027 -1.1060122592129868 -1.1168467558337805 -1.1471530636443885 -1.1772103798639204 -1.0107077259508717 +29742,-0.017919241438882367,1,0.5934559250202474 0.6860028120541966 0.6104815625672126 0.4874010229914779 0.35819256982585024 0.11702344861946072 -0.13555091903608096 -0.4791592404384325 -0.7144225956328297 -0.7469260854952195 -0.9001568234178893 -0.9004572022525481 -0.9249213871225581 -1.7111649385351027 -1.1060122592129868 -1.1168467558337805 -1.1471530636443885 -1.1772103798639204 -1.0107077259508717 -0.8366976289246592 +29743,0.07065850715941736,1,0.6860028120541966 0.6104815625672126 0.4874010229914779 0.35819256982585024 0.11702344861946072 -0.13555091903608096 -0.4791592404384325 -0.7144225956328297 -0.7469260854952195 -0.9001568234178893 -0.9004572022525481 -0.9249213871225581 -1.7111649385351027 -1.1060122592129868 -1.1168467558337805 -1.1471530636443885 -1.1772103798639204 -1.0107077259508717 -0.8366976289246592 -0.017919241438882367 +29744,0.5408312271478108,1,0.6104815625672126 0.4874010229914779 0.35819256982585024 0.11702344861946072 -0.13555091903608096 -0.4791592404384325 -0.7144225956328297 -0.7469260854952195 -0.9001568234178893 -0.9004572022525481 -0.9249213871225581 -1.7111649385351027 -1.1060122592129868 -1.1168467558337805 -1.1471530636443885 -1.1772103798639204 -1.0107077259508717 -0.8366976289246592 -0.017919241438882367 0.07065850715941736 +29745,0.7888272979392695,1,0.4874010229914779 0.35819256982585024 0.11702344861946072 -0.13555091903608096 -0.4791592404384325 -0.7144225956328297 -0.7469260854952195 -0.9001568234178893 -0.9004572022525481 -0.9249213871225581 -1.7111649385351027 -1.1060122592129868 -1.1168467558337805 -1.1471530636443885 -1.1772103798639204 -1.0107077259508717 -0.8366976289246592 -0.017919241438882367 0.07065850715941736 0.5408312271478108 +29746,1.0454092126305445,1,0.35819256982585024 0.11702344861946072 -0.13555091903608096 -0.4791592404384325 -0.7144225956328297 -0.7469260854952195 -0.9001568234178893 -0.9004572022525481 -0.9249213871225581 -1.7111649385351027 -1.1060122592129868 -1.1168467558337805 -1.1471530636443885 -1.1772103798639204 -1.0107077259508717 -0.8366976289246592 -0.017919241438882367 0.07065850715941736 0.5408312271478108 0.7888272979392695 +29747,1.136728541291525,1,0.11702344861946072 -0.13555091903608096 -0.4791592404384325 -0.7144225956328297 -0.7469260854952195 -0.9001568234178893 -0.9004572022525481 -0.9249213871225581 -1.7111649385351027 -1.1060122592129868 -1.1168467558337805 -1.1471530636443885 -1.1772103798639204 -1.0107077259508717 -0.8366976289246592 -0.017919241438882367 0.07065850715941736 0.5408312271478108 0.7888272979392695 1.0454092126305445 +29748,1.122694912207364,1,-0.13555091903608096 -0.4791592404384325 -0.7144225956328297 -0.7469260854952195 -0.9001568234178893 -0.9004572022525481 -0.9249213871225581 -1.7111649385351027 -1.1060122592129868 -1.1168467558337805 -1.1471530636443885 -1.1772103798639204 -1.0107077259508717 -0.8366976289246592 -0.017919241438882367 0.07065850715941736 0.5408312271478108 0.7888272979392695 1.0454092126305445 1.136728541291525 +29749,1.1073206218922251,1,-0.4791592404384325 -0.7144225956328297 -0.7469260854952195 -0.9001568234178893 -0.9004572022525481 -0.9249213871225581 -1.7111649385351027 -1.1060122592129868 -1.1168467558337805 -1.1471530636443885 -1.1772103798639204 -1.0107077259508717 -0.8366976289246592 -0.017919241438882367 0.07065850715941736 0.5408312271478108 0.7888272979392695 1.0454092126305445 1.136728541291525 1.122694912207364 +29750,0.32573980475496633,1,-0.7144225956328297 -0.7469260854952195 -0.9001568234178893 -0.9004572022525481 -0.9249213871225581 -1.7111649385351027 -1.1060122592129868 -1.1168467558337805 -1.1471530636443885 -1.1772103798639204 -1.0107077259508717 -0.8366976289246592 -0.017919241438882367 0.07065850715941736 0.5408312271478108 0.7888272979392695 1.0454092126305445 1.136728541291525 1.122694912207364 1.1073206218922251 +29751,0.57178693177866,1,-0.7469260854952195 -0.9001568234178893 -0.9004572022525481 -0.9249213871225581 -1.7111649385351027 -1.1060122592129868 -1.1168467558337805 -1.1471530636443885 -1.1772103798639204 -1.0107077259508717 -0.8366976289246592 -0.017919241438882367 0.07065850715941736 0.5408312271478108 0.7888272979392695 1.0454092126305445 1.136728541291525 1.122694912207364 1.1073206218922251 0.32573980475496633 +29752,0.35009259242629076,1,-0.9001568234178893 -0.9004572022525481 -0.9249213871225581 -1.7111649385351027 -1.1060122592129868 -1.1168467558337805 -1.1471530636443885 -1.1772103798639204 -1.0107077259508717 -0.8366976289246592 -0.017919241438882367 0.07065850715941736 0.5408312271478108 0.7888272979392695 1.0454092126305445 1.136728541291525 1.122694912207364 1.1073206218922251 0.32573980475496633 0.57178693177866 +29753,0.280803308248745,1,-0.9004572022525481 -0.9249213871225581 -1.7111649385351027 -1.1060122592129868 -1.1168467558337805 -1.1471530636443885 -1.1772103798639204 -1.0107077259508717 -0.8366976289246592 -0.017919241438882367 0.07065850715941736 0.5408312271478108 0.7888272979392695 1.0454092126305445 1.136728541291525 1.122694912207364 1.1073206218922251 0.32573980475496633 0.57178693177866 0.35009259242629076 +29754,-0.11852528148912447,1,-0.9249213871225581 -1.7111649385351027 -1.1060122592129868 -1.1168467558337805 -1.1471530636443885 -1.1772103798639204 -1.0107077259508717 -0.8366976289246592 -0.017919241438882367 0.07065850715941736 0.5408312271478108 0.7888272979392695 1.0454092126305445 1.136728541291525 1.122694912207364 1.1073206218922251 0.32573980475496633 0.57178693177866 0.35009259242629076 0.280803308248745 +29755,-0.17734112028772378,1,-1.7111649385351027 -1.1060122592129868 -1.1168467558337805 -1.1471530636443885 -1.1772103798639204 -1.0107077259508717 -0.8366976289246592 -0.017919241438882367 0.07065850715941736 0.5408312271478108 0.7888272979392695 1.0454092126305445 1.136728541291525 1.122694912207364 1.1073206218922251 0.32573980475496633 0.57178693177866 0.35009259242629076 0.280803308248745 -0.11852528148912447 +29756,-0.17269776459309288,1,-1.1060122592129868 -1.1168467558337805 -1.1471530636443885 -1.1772103798639204 -1.0107077259508717 -0.8366976289246592 -0.017919241438882367 0.07065850715941736 0.5408312271478108 0.7888272979392695 1.0454092126305445 1.136728541291525 1.122694912207364 1.1073206218922251 0.32573980475496633 0.57178693177866 0.35009259242629076 0.280803308248745 -0.11852528148912447 -0.17734112028772378 +29757,-0.36152756284123394,1,-1.1168467558337805 -1.1471530636443885 -1.1772103798639204 -1.0107077259508717 -0.8366976289246592 -0.017919241438882367 0.07065850715941736 0.5408312271478108 0.7888272979392695 1.0454092126305445 1.136728541291525 1.122694912207364 1.1073206218922251 0.32573980475496633 0.57178693177866 0.35009259242629076 0.280803308248745 -0.11852528148912447 -0.17734112028772378 -0.17269776459309288 +29758,-0.4946370927538571,1,-1.1471530636443885 -1.1772103798639204 -1.0107077259508717 -0.8366976289246592 -0.017919241438882367 0.07065850715941736 0.5408312271478108 0.7888272979392695 1.0454092126305445 1.136728541291525 1.122694912207364 1.1073206218922251 0.32573980475496633 0.57178693177866 0.35009259242629076 0.280803308248745 -0.11852528148912447 -0.17734112028772378 -0.17269776459309288 -0.36152756284123394 +29759,-0.9434735043277894,1,-1.1772103798639204 -1.0107077259508717 -0.8366976289246592 -0.017919241438882367 0.07065850715941736 0.5408312271478108 0.7888272979392695 1.0454092126305445 1.136728541291525 1.122694912207364 1.1073206218922251 0.32573980475496633 0.57178693177866 0.35009259242629076 0.280803308248745 -0.11852528148912447 -0.17734112028772378 -0.17269776459309288 -0.36152756284123394 -0.4946370927538571 +29760,-0.7190659513274605,1,-1.0107077259508717 -0.8366976289246592 -0.017919241438882367 0.07065850715941736 0.5408312271478108 0.7888272979392695 1.0454092126305445 1.136728541291525 1.122694912207364 1.1073206218922251 0.32573980475496633 0.57178693177866 0.35009259242629076 0.280803308248745 -0.11852528148912447 -0.17734112028772378 -0.17269776459309288 -0.36152756284123394 -0.4946370927538571 -0.9434735043277894 +29761,-0.7840729310522314,1,-0.8366976289246592 -0.017919241438882367 0.07065850715941736 0.5408312271478108 0.7888272979392695 1.0454092126305445 1.136728541291525 1.122694912207364 1.1073206218922251 0.32573980475496633 0.57178693177866 0.35009259242629076 0.280803308248745 -0.11852528148912447 -0.17734112028772378 -0.17269776459309288 -0.36152756284123394 -0.4946370927538571 -0.9434735043277894 -0.7190659513274605 +29762,-0.910991320038683,1,-0.017919241438882367 0.07065850715941736 0.5408312271478108 0.7888272979392695 1.0454092126305445 1.136728541291525 1.122694912207364 1.1073206218922251 0.32573980475496633 0.57178693177866 0.35009259242629076 0.280803308248745 -0.11852528148912447 -0.17734112028772378 -0.17269776459309288 -0.36152756284123394 -0.4946370927538571 -0.9434735043277894 -0.7190659513274605 -0.7840729310522314 +29763,-0.9171824609648458,1,0.07065850715941736 0.5408312271478108 0.7888272979392695 1.0454092126305445 1.136728541291525 1.122694912207364 1.1073206218922251 0.32573980475496633 0.57178693177866 0.35009259242629076 0.280803308248745 -0.11852528148912447 -0.17734112028772378 -0.17269776459309288 -0.36152756284123394 -0.4946370927538571 -0.9434735043277894 -0.7190659513274605 -0.7840729310522314 -0.910991320038683 +29764,-0.356884207146603,1,0.5408312271478108 0.7888272979392695 1.0454092126305445 1.136728541291525 1.122694912207364 1.1073206218922251 0.32573980475496633 0.57178693177866 0.35009259242629076 0.280803308248745 -0.11852528148912447 -0.17734112028772378 -0.17269776459309288 -0.36152756284123394 -0.4946370927538571 -0.9434735043277894 -0.7190659513274605 -0.7840729310522314 -0.910991320038683 -0.9171824609648458 +29765,0.331880220889632,1,0.7888272979392695 1.0454092126305445 1.136728541291525 1.122694912207364 1.1073206218922251 0.32573980475496633 0.57178693177866 0.35009259242629076 0.280803308248745 -0.11852528148912447 -0.17734112028772378 -0.17269776459309288 -0.36152756284123394 -0.4946370927538571 -0.9434735043277894 -0.7190659513274605 -0.7840729310522314 -0.910991320038683 -0.9171824609648458 -0.356884207146603 +29766,0.34195518323391466,1,1.0454092126305445 1.136728541291525 1.122694912207364 1.1073206218922251 0.32573980475496633 0.57178693177866 0.35009259242629076 0.280803308248745 -0.11852528148912447 -0.17734112028772378 -0.17269776459309288 -0.36152756284123394 -0.4946370927538571 -0.9434735043277894 -0.7190659513274605 -0.7840729310522314 -0.910991320038683 -0.9171824609648458 -0.356884207146603 0.331880220889632 +29767,0.8828917633186217,1,1.136728541291525 1.122694912207364 1.1073206218922251 0.32573980475496633 0.57178693177866 0.35009259242629076 0.280803308248745 -0.11852528148912447 -0.17734112028772378 -0.17269776459309288 -0.36152756284123394 -0.4946370927538571 -0.9434735043277894 -0.7190659513274605 -0.7840729310522314 -0.910991320038683 -0.9171824609648458 -0.356884207146603 0.331880220889632 0.34195518323391466 +29768,0.8857347387918233,1,1.122694912207364 1.1073206218922251 0.32573980475496633 0.57178693177866 0.35009259242629076 0.280803308248745 -0.11852528148912447 -0.17734112028772378 -0.17269776459309288 -0.36152756284123394 -0.4946370927538571 -0.9434735043277894 -0.7190659513274605 -0.7840729310522314 -0.910991320038683 -0.9171824609648458 -0.356884207146603 0.331880220889632 0.34195518323391466 0.8828917633186217 +29769,1.4153298829691057,1,1.1073206218922251 0.32573980475496633 0.57178693177866 0.35009259242629076 0.280803308248745 -0.11852528148912447 -0.17734112028772378 -0.17269776459309288 -0.36152756284123394 -0.4946370927538571 -0.9434735043277894 -0.7190659513274605 -0.7840729310522314 -0.910991320038683 -0.9171824609648458 -0.356884207146603 0.331880220889632 0.34195518323391466 0.8828917633186217 0.8857347387918233 +29770,1.4109138243338608,1,0.32573980475496633 0.57178693177866 0.35009259242629076 0.280803308248745 -0.11852528148912447 -0.17734112028772378 -0.17269776459309288 -0.36152756284123394 -0.4946370927538571 -0.9434735043277894 -0.7190659513274605 -0.7840729310522314 -0.910991320038683 -0.9171824609648458 -0.356884207146603 0.331880220889632 0.34195518323391466 0.8828917633186217 0.8857347387918233 1.4153298829691057 +29771,1.4060431715798525,1,0.57178693177866 0.35009259242629076 0.280803308248745 -0.11852528148912447 -0.17734112028772378 -0.17269776459309288 -0.36152756284123394 -0.4946370927538571 -0.9434735043277894 -0.7190659513274605 -0.7840729310522314 -0.910991320038683 -0.9171824609648458 -0.356884207146603 0.331880220889632 0.34195518323391466 0.8828917633186217 0.8857347387918233 1.4153298829691057 1.4109138243338608 +29772,1.2446425924826252,1,0.35009259242629076 0.280803308248745 -0.11852528148912447 -0.17734112028772378 -0.17269776459309288 -0.36152756284123394 -0.4946370927538571 -0.9434735043277894 -0.7190659513274605 -0.7840729310522314 -0.910991320038683 -0.9171824609648458 -0.356884207146603 0.331880220889632 0.34195518323391466 0.8828917633186217 0.8857347387918233 1.4153298829691057 1.4109138243338608 1.4060431715798525 +29773,1.0748171320298443,1,0.280803308248745 -0.11852528148912447 -0.17734112028772378 -0.17269776459309288 -0.36152756284123394 -0.4946370927538571 -0.9434735043277894 -0.7190659513274605 -0.7840729310522314 -0.910991320038683 -0.9171824609648458 -0.356884207146603 0.331880220889632 0.34195518323391466 0.8828917633186217 0.8857347387918233 1.4153298829691057 1.4109138243338608 1.4060431715798525 1.2446425924826252 +29774,0.3193736534309883,1,-0.11852528148912447 -0.17734112028772378 -0.17269776459309288 -0.36152756284123394 -0.4946370927538571 -0.9434735043277894 -0.7190659513274605 -0.7840729310522314 -0.910991320038683 -0.9171824609648458 -0.356884207146603 0.331880220889632 0.34195518323391466 0.8828917633186217 0.8857347387918233 1.4153298829691057 1.4109138243338608 1.4060431715798525 1.2446425924826252 1.0748171320298443 +29775,0.6306027705772593,1,-0.17734112028772378 -0.17269776459309288 -0.36152756284123394 -0.4946370927538571 -0.9434735043277894 -0.7190659513274605 -0.7840729310522314 -0.910991320038683 -0.9171824609648458 -0.356884207146603 0.331880220889632 0.34195518323391466 0.8828917633186217 0.8857347387918233 1.4153298829691057 1.4109138243338608 1.4060431715798525 1.2446425924826252 1.0748171320298443 0.3193736534309883 +29776,0.35974035505739094,1,-0.17269776459309288 -0.36152756284123394 -0.4946370927538571 -0.9434735043277894 -0.7190659513274605 -0.7840729310522314 -0.910991320038683 -0.9171824609648458 -0.356884207146603 0.331880220889632 0.34195518323391466 0.8828917633186217 0.8857347387918233 1.4153298829691057 1.4109138243338608 1.4060431715798525 1.2446425924826252 1.0748171320298443 0.3193736534309883 0.6306027705772593 +29777,0.2142485432924334,1,-0.36152756284123394 -0.4946370927538571 -0.9434735043277894 -0.7190659513274605 -0.7840729310522314 -0.910991320038683 -0.9171824609648458 -0.356884207146603 0.331880220889632 0.34195518323391466 0.8828917633186217 0.8857347387918233 1.4153298829691057 1.4109138243338608 1.4060431715798525 1.2446425924826252 1.0748171320298443 0.3193736534309883 0.6306027705772593 0.35974035505739094 +29778,0.28699444917490774,1,-0.4946370927538571 -0.9434735043277894 -0.7190659513274605 -0.7840729310522314 -0.910991320038683 -0.9171824609648458 -0.356884207146603 0.331880220889632 0.34195518323391466 0.8828917633186217 0.8857347387918233 1.4153298829691057 1.4109138243338608 1.4060431715798525 1.2446425924826252 1.0748171320298443 0.3193736534309883 0.6306027705772593 0.35974035505739094 0.2142485432924334 +29779,0.039348812128176223,1,-0.9434735043277894 -0.7190659513274605 -0.7840729310522314 -0.910991320038683 -0.9171824609648458 -0.356884207146603 0.331880220889632 0.34195518323391466 0.8828917633186217 0.8857347387918233 1.4153298829691057 1.4109138243338608 1.4060431715798525 1.2446425924826252 1.0748171320298443 0.3193736534309883 0.6306027705772593 0.35974035505739094 0.2142485432924334 0.28699444917490774 +29780,-0.04113601991201923,1,-0.7190659513274605 -0.7840729310522314 -0.910991320038683 -0.9171824609648458 -0.356884207146603 0.331880220889632 0.34195518323391466 0.8828917633186217 0.8857347387918233 1.4153298829691057 1.4109138243338608 1.4060431715798525 1.2446425924826252 1.0748171320298443 0.3193736534309883 0.6306027705772593 0.35974035505739094 0.2142485432924334 0.28699444917490774 0.039348812128176223 +29781,-0.2222268920024392,1,-0.7840729310522314 -0.910991320038683 -0.9171824609648458 -0.356884207146603 0.331880220889632 0.34195518323391466 0.8828917633186217 0.8857347387918233 1.4153298829691057 1.4109138243338608 1.4060431715798525 1.2446425924826252 1.0748171320298443 0.3193736534309883 0.6306027705772593 0.35974035505739094 0.2142485432924334 0.28699444917490774 0.039348812128176223 -0.04113601991201923 +29782,-0.3104506502003469,1,-0.910991320038683 -0.9171824609648458 -0.356884207146603 0.331880220889632 0.34195518323391466 0.8828917633186217 0.8857347387918233 1.4153298829691057 1.4109138243338608 1.4060431715798525 1.2446425924826252 1.0748171320298443 0.3193736534309883 0.6306027705772593 0.35974035505739094 0.2142485432924334 0.28699444917490774 0.039348812128176223 -0.04113601991201923 -0.2222268920024392 +29783,-0.8637933560784328,1,-0.9171824609648458 -0.356884207146603 0.331880220889632 0.34195518323391466 0.8828917633186217 0.8857347387918233 1.4153298829691057 1.4109138243338608 1.4060431715798525 1.2446425924826252 1.0748171320298443 0.3193736534309883 0.6306027705772593 0.35974035505739094 0.2142485432924334 0.28699444917490774 0.039348812128176223 -0.04113601991201923 -0.2222268920024392 -0.3104506502003469 +29784,-0.3893876970089929,1,-0.356884207146603 0.331880220889632 0.34195518323391466 0.8828917633186217 0.8857347387918233 1.4153298829691057 1.4109138243338608 1.4060431715798525 1.2446425924826252 1.0748171320298443 0.3193736534309883 0.6306027705772593 0.35974035505739094 0.2142485432924334 0.28699444917490774 0.039348812128176223 -0.04113601991201923 -0.2222268920024392 -0.3104506502003469 -0.8637933560784328 +29785,-0.4618514942684613,1,0.331880220889632 0.34195518323391466 0.8828917633186217 0.8857347387918233 1.4153298829691057 1.4109138243338608 1.4060431715798525 1.2446425924826252 1.0748171320298443 0.3193736534309883 0.6306027705772593 0.35974035505739094 0.2142485432924334 0.28699444917490774 0.039348812128176223 -0.04113601991201923 -0.2222268920024392 -0.3104506502003469 -0.8637933560784328 -0.3893876970089929 +29786,-0.5379750792370318,1,0.34195518323391466 0.8828917633186217 0.8857347387918233 1.4153298829691057 1.4109138243338608 1.4060431715798525 1.2446425924826252 1.0748171320298443 0.3193736534309883 0.6306027705772593 0.35974035505739094 0.2142485432924334 0.28699444917490774 0.039348812128176223 -0.04113601991201923 -0.2222268920024392 -0.3104506502003469 -0.8637933560784328 -0.3893876970089929 -0.4618514942684613 +29787,-0.6081339969170805,1,0.8828917633186217 0.8857347387918233 1.4153298829691057 1.4109138243338608 1.4060431715798525 1.2446425924826252 1.0748171320298443 0.3193736534309883 0.6306027705772593 0.35974035505739094 0.2142485432924334 0.28699444917490774 0.039348812128176223 -0.04113601991201923 -0.2222268920024392 -0.3104506502003469 -0.8637933560784328 -0.3893876970089929 -0.4618514942684613 -0.5379750792370318 +29788,-0.6819191057704487,1,0.8857347387918233 1.4153298829691057 1.4109138243338608 1.4060431715798525 1.2446425924826252 1.0748171320298443 0.3193736534309883 0.6306027705772593 0.35974035505739094 0.2142485432924334 0.28699444917490774 0.039348812128176223 -0.04113601991201923 -0.2222268920024392 -0.3104506502003469 -0.8637933560784328 -0.3893876970089929 -0.4618514942684613 -0.5379750792370318 -0.6081339969170805 +29789,-0.35214608907507033,1,1.4153298829691057 1.4109138243338608 1.4060431715798525 1.2446425924826252 1.0748171320298443 0.3193736534309883 0.6306027705772593 0.35974035505739094 0.2142485432924334 0.28699444917490774 0.039348812128176223 -0.04113601991201923 -0.2222268920024392 -0.3104506502003469 -0.8637933560784328 -0.3893876970089929 -0.4618514942684613 -0.5379750792370318 -0.6081339969170805 -0.6819191057704487 +29790,0.4324862609398653,1,1.4109138243338608 1.4060431715798525 1.2446425924826252 1.0748171320298443 0.3193736534309883 0.6306027705772593 0.35974035505739094 0.2142485432924334 0.28699444917490774 0.039348812128176223 -0.04113601991201923 -0.2222268920024392 -0.3104506502003469 -0.8637933560784328 -0.3893876970089929 -0.4618514942684613 -0.5379750792370318 -0.6081339969170805 -0.6819191057704487 -0.35214608907507033 +29791,0.7166090756897636,1,1.4060431715798525 1.2446425924826252 1.0748171320298443 0.3193736534309883 0.6306027705772593 0.35974035505739094 0.2142485432924334 0.28699444917490774 0.039348812128176223 -0.04113601991201923 -0.2222268920024392 -0.3104506502003469 -0.8637933560784328 -0.3893876970089929 -0.4618514942684613 -0.5379750792370318 -0.6081339969170805 -0.6819191057704487 -0.35214608907507033 0.4324862609398653 +29792,1.016001293231245,1,1.2446425924826252 1.0748171320298443 0.3193736534309883 0.6306027705772593 0.35974035505739094 0.2142485432924334 0.28699444917490774 0.039348812128176223 -0.04113601991201923 -0.2222268920024392 -0.3104506502003469 -0.8637933560784328 -0.3893876970089929 -0.4618514942684613 -0.5379750792370318 -0.6081339969170805 -0.6819191057704487 -0.35214608907507033 0.4324862609398653 0.7166090756897636 +29793,1.183113729949303,1,1.0748171320298443 0.3193736534309883 0.6306027705772593 0.35974035505739094 0.2142485432924334 0.28699444917490774 0.039348812128176223 -0.04113601991201923 -0.2222268920024392 -0.3104506502003469 -0.8637933560784328 -0.3893876970089929 -0.4618514942684613 -0.5379750792370318 -0.6081339969170805 -0.6819191057704487 -0.35214608907507033 0.4324862609398653 0.7166090756897636 1.016001293231245 +29794,1.3596096146335876,1,0.3193736534309883 0.6306027705772593 0.35974035505739094 0.2142485432924334 0.28699444917490774 0.039348812128176223 -0.04113601991201923 -0.2222268920024392 -0.3104506502003469 -0.8637933560784328 -0.3893876970089929 -0.4618514942684613 -0.5379750792370318 -0.6081339969170805 -0.6819191057704487 -0.35214608907507033 0.4324862609398653 0.7166090756897636 1.016001293231245 1.183113729949303 +29795,1.1160435204717374,1,0.6306027705772593 0.35974035505739094 0.2142485432924334 0.28699444917490774 0.039348812128176223 -0.04113601991201923 -0.2222268920024392 -0.3104506502003469 -0.8637933560784328 -0.3893876970089929 -0.4618514942684613 -0.5379750792370318 -0.6081339969170805 -0.6819191057704487 -0.35214608907507033 0.4324862609398653 0.7166090756897636 1.016001293231245 1.183113729949303 1.3596096146335876 +29796,1.3565140441705064,1,0.35974035505739094 0.2142485432924334 0.28699444917490774 0.039348812128176223 -0.04113601991201923 -0.2222268920024392 -0.3104506502003469 -0.8637933560784328 -0.3893876970089929 -0.4618514942684613 -0.5379750792370318 -0.6081339969170805 -0.6819191057704487 -0.35214608907507033 0.4324862609398653 0.7166090756897636 1.016001293231245 1.183113729949303 1.3596096146335876 1.1160435204717374 +29797,1.2063165699973073,1,0.2142485432924334 0.28699444917490774 0.039348812128176223 -0.04113601991201923 -0.2222268920024392 -0.3104506502003469 -0.8637933560784328 -0.3893876970089929 -0.4618514942684613 -0.5379750792370318 -0.6081339969170805 -0.6819191057704487 -0.35214608907507033 0.4324862609398653 0.7166090756897636 1.016001293231245 1.183113729949303 1.3596096146335876 1.1160435204717374 1.3565140441705064 +29798,1.0454092126305445,1,0.28699444917490774 0.039348812128176223 -0.04113601991201923 -0.2222268920024392 -0.3104506502003469 -0.8637933560784328 -0.3893876970089929 -0.4618514942684613 -0.5379750792370318 -0.6081339969170805 -0.6819191057704487 -0.35214608907507033 0.4324862609398653 0.7166090756897636 1.016001293231245 1.183113729949303 1.3596096146335876 1.1160435204717374 1.3565140441705064 1.2063165699973073 +29799,0.7153743776930863,1,0.039348812128176223 -0.04113601991201923 -0.2222268920024392 -0.3104506502003469 -0.8637933560784328 -0.3893876970089929 -0.4618514942684613 -0.5379750792370318 -0.6081339969170805 -0.6819191057704487 -0.35214608907507033 0.4324862609398653 0.7166090756897636 1.016001293231245 1.183113729949303 1.3596096146335876 1.1160435204717374 1.3565140441705064 1.2063165699973073 1.0454092126305445 +29800,0.3674792812151032,1,-0.04113601991201923 -0.2222268920024392 -0.3104506502003469 -0.8637933560784328 -0.3893876970089929 -0.4618514942684613 -0.5379750792370318 -0.6081339969170805 -0.6819191057704487 -0.35214608907507033 0.4324862609398653 0.7166090756897636 1.016001293231245 1.183113729949303 1.3596096146335876 1.1160435204717374 1.3565140441705064 1.2063165699973073 1.0454092126305445 0.7153743776930863 +29801,-0.0535183017643536,1,-0.2222268920024392 -0.3104506502003469 -0.8637933560784328 -0.3893876970089929 -0.4618514942684613 -0.5379750792370318 -0.6081339969170805 -0.6819191057704487 -0.35214608907507033 0.4324862609398653 0.7166090756897636 1.016001293231245 1.183113729949303 1.3596096146335876 1.1160435204717374 1.3565140441705064 1.2063165699973073 1.0454092126305445 0.7153743776930863 0.3674792812151032 +29802,-0.25318259663328835,1,-0.3104506502003469 -0.8637933560784328 -0.3893876970089929 -0.4618514942684613 -0.5379750792370318 -0.6081339969170805 -0.6819191057704487 -0.35214608907507033 0.4324862609398653 0.7166090756897636 1.016001293231245 1.183113729949303 1.3596096146335876 1.1160435204717374 1.3565140441705064 1.2063165699973073 1.0454092126305445 0.7153743776930863 0.3674792812151032 -0.0535183017643536 +29803,-0.3290240729788441,1,-0.8637933560784328 -0.3893876970089929 -0.4618514942684613 -0.5379750792370318 -0.6081339969170805 -0.6819191057704487 -0.35214608907507033 0.4324862609398653 0.7166090756897636 1.016001293231245 1.183113729949303 1.3596096146335876 1.1160435204717374 1.3565140441705064 1.2063165699973073 1.0454092126305445 0.7153743776930863 0.3674792812151032 -0.0535183017643536 -0.25318259663328835 +29804,-0.9017365708787906,1,-0.3893876970089929 -0.4618514942684613 -0.5379750792370318 -0.6081339969170805 -0.6819191057704487 -0.35214608907507033 0.4324862609398653 0.7166090756897636 1.016001293231245 1.183113729949303 1.3596096146335876 1.1160435204717374 1.3565140441705064 1.2063165699973073 1.0454092126305445 0.7153743776930863 0.3674792812151032 -0.0535183017643536 -0.25318259663328835 -0.3290240729788441 +29805,-0.5488095758578255,1,-0.4618514942684613 -0.5379750792370318 -0.6081339969170805 -0.6819191057704487 -0.35214608907507033 0.4324862609398653 0.7166090756897636 1.016001293231245 1.183113729949303 1.3596096146335876 1.1160435204717374 1.3565140441705064 1.2063165699973073 1.0454092126305445 0.7153743776930863 0.3674792812151032 -0.0535183017643536 -0.25318259663328835 -0.3290240729788441 -0.9017365708787906 +29806,-0.6549707992783934,1,-0.5379750792370318 -0.6081339969170805 -0.6819191057704487 -0.35214608907507033 0.4324862609398653 0.7166090756897636 1.016001293231245 1.183113729949303 1.3596096146335876 1.1160435204717374 1.3565140441705064 1.2063165699973073 1.0454092126305445 0.7153743776930863 0.3674792812151032 -0.0535183017643536 -0.25318259663328835 -0.3290240729788441 -0.9017365708787906 -0.5488095758578255 +29807,-0.7685950787368069,1,-0.6081339969170805 -0.6819191057704487 -0.35214608907507033 0.4324862609398653 0.7166090756897636 1.016001293231245 1.183113729949303 1.3596096146335876 1.1160435204717374 1.3565140441705064 1.2063165699973073 1.0454092126305445 0.7153743776930863 0.3674792812151032 -0.0535183017643536 -0.25318259663328835 -0.3290240729788441 -0.9017365708787906 -0.5488095758578255 -0.6549707992783934 +29808,-0.8599144073977872,1,-0.6819191057704487 -0.35214608907507033 0.4324862609398653 0.7166090756897636 1.016001293231245 1.183113729949303 1.3596096146335876 1.1160435204717374 1.3565140441705064 1.2063165699973073 1.0454092126305445 0.7153743776930863 0.3674792812151032 -0.0535183017643536 -0.25318259663328835 -0.3290240729788441 -0.9017365708787906 -0.5488095758578255 -0.6549707992783934 -0.7685950787368069 +29809,-0.9481381655956861,1,-0.35214608907507033 0.4324862609398653 0.7166090756897636 1.016001293231245 1.183113729949303 1.3596096146335876 1.1160435204717374 1.3565140441705064 1.2063165699973073 1.0454092126305445 0.7153743776930863 0.3674792812151032 -0.0535183017643536 -0.25318259663328835 -0.3290240729788441 -0.9017365708787906 -0.5488095758578255 -0.6549707992783934 -0.7685950787368069 -0.8599144073977872 +29810,-1.0007628634681227,1,0.4324862609398653 0.7166090756897636 1.016001293231245 1.183113729949303 1.3596096146335876 1.1160435204717374 1.3565140441705064 1.2063165699973073 1.0454092126305445 0.7153743776930863 0.3674792812151032 -0.0535183017643536 -0.25318259663328835 -0.3290240729788441 -0.9017365708787906 -0.5488095758578255 -0.6549707992783934 -0.7685950787368069 -0.8599144073977872 -0.9481381655956861 +29811,-0.9063479643440521,1,0.7166090756897636 1.016001293231245 1.183113729949303 1.3596096146335876 1.1160435204717374 1.3565140441705064 1.2063165699973073 1.0454092126305445 0.7153743776930863 0.3674792812151032 -0.0535183017643536 -0.25318259663328835 -0.3290240729788441 -0.9017365708787906 -0.5488095758578255 -0.6549707992783934 -0.7685950787368069 -0.8599144073977872 -0.9481381655956861 -1.0007628634681227 +29812,-0.7456557611971962,1,1.016001293231245 1.183113729949303 1.3596096146335876 1.1160435204717374 1.3565140441705064 1.2063165699973073 1.0454092126305445 0.7153743776930863 0.3674792812151032 -0.0535183017643536 -0.25318259663328835 -0.3290240729788441 -0.9017365708787906 -0.5488095758578255 -0.6549707992783934 -0.7685950787368069 -0.8599144073977872 -0.9481381655956861 -1.0007628634681227 -0.9063479643440521 +29813,-0.3801009856197399,1,1.183113729949303 1.3596096146335876 1.1160435204717374 1.3565140441705064 1.2063165699973073 1.0454092126305445 0.7153743776930863 0.3674792812151032 -0.0535183017643536 -0.25318259663328835 -0.3290240729788441 -0.9017365708787906 -0.5488095758578255 -0.6549707992783934 -0.7685950787368069 -0.8599144073977872 -0.9481381655956861 -1.0007628634681227 -0.9063479643440521 -0.7456557611971962 +29814,0.7172787435436175,1,1.3596096146335876 1.1160435204717374 1.3565140441705064 1.2063165699973073 1.0454092126305445 0.7153743776930863 0.3674792812151032 -0.0535183017643536 -0.25318259663328835 -0.3290240729788441 -0.9017365708787906 -0.5488095758578255 -0.6549707992783934 -0.7685950787368069 -0.8599144073977872 -0.9481381655956861 -1.0007628634681227 -0.9063479643440521 -0.7456557611971962 -0.3801009856197399 +29815,0.7430189166769173,1,1.1160435204717374 1.3565140441705064 1.2063165699973073 1.0454092126305445 0.7153743776930863 0.3674792812151032 -0.0535183017643536 -0.25318259663328835 -0.3290240729788441 -0.9017365708787906 -0.5488095758578255 -0.6549707992783934 -0.7685950787368069 -0.8599144073977872 -0.9481381655956861 -1.0007628634681227 -0.9063479643440521 -0.7456557611971962 -0.3801009856197399 0.7172787435436175 +29816,1.0469569978620852,1,1.3565140441705064 1.2063165699973073 1.0454092126305445 0.7153743776930863 0.3674792812151032 -0.0535183017643536 -0.25318259663328835 -0.3290240729788441 -0.9017365708787906 -0.5488095758578255 -0.6549707992783934 -0.7685950787368069 -0.8599144073977872 -0.9481381655956861 -1.0007628634681227 -0.9063479643440521 -0.7456557611971962 -0.3801009856197399 0.7172787435436175 0.7430189166769173 +29817,1.1406637973154474,1,1.2063165699973073 1.0454092126305445 0.7153743776930863 0.3674792812151032 -0.0535183017643536 -0.25318259663328835 -0.3290240729788441 -0.9017365708787906 -0.5488095758578255 -0.6549707992783934 -0.7685950787368069 -0.8599144073977872 -0.9481381655956861 -1.0007628634681227 -0.9063479643440521 -0.7456557611971962 -0.3801009856197399 0.7172787435436175 0.7430189166769173 1.0469569978620852 +29818,1.2450735074994705,1,1.0454092126305445 0.7153743776930863 0.3674792812151032 -0.0535183017643536 -0.25318259663328835 -0.3290240729788441 -0.9017365708787906 -0.5488095758578255 -0.6549707992783934 -0.7685950787368069 -0.8599144073977872 -0.9481381655956861 -1.0007628634681227 -0.9063479643440521 -0.7456557611971962 -0.3801009856197399 0.7172787435436175 0.7430189166769173 1.0469569978620852 1.1406637973154474 +29819,1.1809709554892094,1,0.7153743776930863 0.3674792812151032 -0.0535183017643536 -0.25318259663328835 -0.3290240729788441 -0.9017365708787906 -0.5488095758578255 -0.6549707992783934 -0.7685950787368069 -0.8599144073977872 -0.9481381655956861 -1.0007628634681227 -0.9063479643440521 -0.7456557611971962 -0.3801009856197399 0.7172787435436175 0.7430189166769173 1.0469569978620852 1.1406637973154474 1.2450735074994705 +29820,1.0593392797144197,1,0.3674792812151032 -0.0535183017643536 -0.25318259663328835 -0.3290240729788441 -0.9017365708787906 -0.5488095758578255 -0.6549707992783934 -0.7685950787368069 -0.8599144073977872 -0.9481381655956861 -1.0007628634681227 -0.9063479643440521 -0.7456557611971962 -0.3801009856197399 0.7172787435436175 0.7430189166769173 1.0469569978620852 1.1406637973154474 1.2450735074994705 1.1809709554892094 +29821,1.0102433075862731,1,-0.0535183017643536 -0.25318259663328835 -0.3290240729788441 -0.9017365708787906 -0.5488095758578255 -0.6549707992783934 -0.7685950787368069 -0.8599144073977872 -0.9481381655956861 -1.0007628634681227 -0.9063479643440521 -0.7456557611971962 -0.3801009856197399 0.7172787435436175 0.7430189166769173 1.0469569978620852 1.1406637973154474 1.2450735074994705 1.1809709554892094 1.0593392797144197 +29822,0.9571854544326368,1,-0.25318259663328835 -0.3290240729788441 -0.9017365708787906 -0.5488095758578255 -0.6549707992783934 -0.7685950787368069 -0.8599144073977872 -0.9481381655956861 -1.0007628634681227 -0.9063479643440521 -0.7456557611971962 -0.3801009856197399 0.7172787435436175 0.7430189166769173 1.0469569978620852 1.1406637973154474 1.2450735074994705 1.1809709554892094 1.0593392797144197 1.0102433075862731 +29823,0.5994631771429575,1,-0.3290240729788441 -0.9017365708787906 -0.5488095758578255 -0.6549707992783934 -0.7685950787368069 -0.8599144073977872 -0.9481381655956861 -1.0007628634681227 -0.9063479643440521 -0.7456557611971962 -0.3801009856197399 0.7172787435436175 0.7430189166769173 1.0469569978620852 1.1406637973154474 1.2450735074994705 1.1809709554892094 1.0593392797144197 1.0102433075862731 0.9571854544326368 +29824,0.2219874694501369,1,-0.9017365708787906 -0.5488095758578255 -0.6549707992783934 -0.7685950787368069 -0.8599144073977872 -0.9481381655956861 -1.0007628634681227 -0.9063479643440521 -0.7456557611971962 -0.3801009856197399 0.7172787435436175 0.7430189166769173 1.0469569978620852 1.1406637973154474 1.2450735074994705 1.1809709554892094 1.0593392797144197 1.0102433075862731 0.9571854544326368 0.5994631771429575 +29825,-0.13400313380454026,1,-0.5488095758578255 -0.6549707992783934 -0.7685950787368069 -0.8599144073977872 -0.9481381655956861 -1.0007628634681227 -0.9063479643440521 -0.7456557611971962 -0.3801009856197399 0.7172787435436175 0.7430189166769173 1.0469569978620852 1.1406637973154474 1.2450735074994705 1.1809709554892094 1.0593392797144197 1.0102433075862731 0.9571854544326368 0.5994631771429575 0.2219874694501369 +29826,-0.13928376452980065,1,-0.6549707992783934 -0.7685950787368069 -0.8599144073977872 -0.9481381655956861 -1.0007628634681227 -0.9063479643440521 -0.7456557611971962 -0.3801009856197399 0.7172787435436175 0.7430189166769173 1.0469569978620852 1.1406637973154474 1.2450735074994705 1.1809709554892094 1.0593392797144197 1.0102433075862731 0.9571854544326368 0.5994631771429575 0.2219874694501369 -0.13400313380454026 +29827,-0.264017093254082,1,-0.7685950787368069 -0.8599144073977872 -0.9481381655956861 -1.0007628634681227 -0.9063479643440521 -0.7456557611971962 -0.3801009856197399 0.7172787435436175 0.7430189166769173 1.0469569978620852 1.1406637973154474 1.2450735074994705 1.1809709554892094 1.0593392797144197 1.0102433075862731 0.9571854544326368 0.5994631771429575 0.2219874694501369 -0.13400313380454026 -0.13928376452980065 +29828,-0.6698974702593421,1,-0.8599144073977872 -0.9481381655956861 -1.0007628634681227 -0.9063479643440521 -0.7456557611971962 -0.3801009856197399 0.7172787435436175 0.7430189166769173 1.0469569978620852 1.1406637973154474 1.2450735074994705 1.1809709554892094 1.0593392797144197 1.0102433075862731 0.9571854544326368 0.5994631771429575 0.2219874694501369 -0.13400313380454026 -0.13928376452980065 -0.264017093254082 +29829,-0.4838025961330546,1,-0.9481381655956861 -1.0007628634681227 -0.9063479643440521 -0.7456557611971962 -0.3801009856197399 0.7172787435436175 0.7430189166769173 1.0469569978620852 1.1406637973154474 1.2450735074994705 1.1809709554892094 1.0593392797144197 1.0102433075862731 0.9571854544326368 0.5994631771429575 0.2219874694501369 -0.13400313380454026 -0.13928376452980065 -0.264017093254082 -0.6698974702593421 +29830,-0.6052148872813511,1,-1.0007628634681227 -0.9063479643440521 -0.7456557611971962 -0.3801009856197399 0.7172787435436175 0.7430189166769173 1.0469569978620852 1.1406637973154474 1.2450735074994705 1.1809709554892094 1.0593392797144197 1.0102433075862731 0.9571854544326368 0.5994631771429575 0.2219874694501369 -0.13400313380454026 -0.13928376452980065 -0.264017093254082 -0.6698974702593421 -0.4838025961330546 +29831,-0.7407349445690479,1,-0.9063479643440521 -0.7456557611971962 -0.3801009856197399 0.7172787435436175 0.7430189166769173 1.0469569978620852 1.1406637973154474 1.2450735074994705 1.1809709554892094 1.0593392797144197 1.0102433075862731 0.9571854544326368 0.5994631771429575 0.2219874694501369 -0.13400313380454026 -0.13928376452980065 -0.264017093254082 -0.6698974702593421 -0.4838025961330546 -0.6052148872813511 +29832,-0.8077960505929992,1,-0.7456557611971962 -0.3801009856197399 0.7172787435436175 0.7430189166769173 1.0469569978620852 1.1406637973154474 1.2450735074994705 1.1809709554892094 1.0593392797144197 1.0102433075862731 0.9571854544326368 0.5994631771429575 0.2219874694501369 -0.13400313380454026 -0.13928376452980065 -0.264017093254082 -0.6698974702593421 -0.4838025961330546 -0.6052148872813511 -0.7407349445690479 +29833,-0.8831311858709241,1,-0.3801009856197399 0.7172787435436175 0.7430189166769173 1.0469569978620852 1.1406637973154474 1.2450735074994705 1.1809709554892094 1.0593392797144197 1.0102433075862731 0.9571854544326368 0.5994631771429575 0.2219874694501369 -0.13400313380454026 -0.13928376452980065 -0.264017093254082 -0.6698974702593421 -0.4838025961330546 -0.6052148872813511 -0.7407349445690479 -0.8077960505929992 +29834,-1.1298298708873624,1,0.7172787435436175 0.7430189166769173 1.0469569978620852 1.1406637973154474 1.2450735074994705 1.1809709554892094 1.0593392797144197 1.0102433075862731 0.9571854544326368 0.5994631771429575 0.2219874694501369 -0.13400313380454026 -0.13928376452980065 -0.264017093254082 -0.6698974702593421 -0.4838025961330546 -0.6052148872813511 -0.7407349445690479 -0.8077960505929992 -0.8831311858709241 +29835,-0.9729027293003637,1,0.7430189166769173 1.0469569978620852 1.1406637973154474 1.2450735074994705 1.1809709554892094 1.0593392797144197 1.0102433075862731 0.9571854544326368 0.5994631771429575 0.2219874694501369 -0.13400313380454026 -0.13928376452980065 -0.264017093254082 -0.6698974702593421 -0.4838025961330546 -0.6052148872813511 -0.7407349445690479 -0.8077960505929992 -0.8831311858709241 -1.1298298708873624 +29836,-0.7471234541150252,1,1.0469569978620852 1.1406637973154474 1.2450735074994705 1.1809709554892094 1.0593392797144197 1.0102433075862731 0.9571854544326368 0.5994631771429575 0.2219874694501369 -0.13400313380454026 -0.13928376452980065 -0.264017093254082 -0.6698974702593421 -0.4838025961330546 -0.6052148872813511 -0.7407349445690479 -0.8077960505929992 -0.8831311858709241 -1.1298298708873624 -0.9729027293003637 +29837,-0.4853503813646041,1,1.1406637973154474 1.2450735074994705 1.1809709554892094 1.0593392797144197 1.0102433075862731 0.9571854544326368 0.5994631771429575 0.2219874694501369 -0.13400313380454026 -0.13928376452980065 -0.264017093254082 -0.6698974702593421 -0.4838025961330546 -0.6052148872813511 -0.7407349445690479 -0.8077960505929992 -0.8831311858709241 -1.1298298708873624 -0.9729027293003637 -0.7471234541150252 +29838,0.3256890799634604,1,1.2450735074994705 1.1809709554892094 1.0593392797144197 1.0102433075862731 0.9571854544326368 0.5994631771429575 0.2219874694501369 -0.13400313380454026 -0.13928376452980065 -0.264017093254082 -0.6698974702593421 -0.4838025961330546 -0.6052148872813511 -0.7407349445690479 -0.8077960505929992 -0.8831311858709241 -1.1298298708873624 -0.9729027293003637 -0.7471234541150252 -0.4853503813646041 +29839,0.386401063860894,1,1.1809709554892094 1.0593392797144197 1.0102433075862731 0.9571854544326368 0.5994631771429575 0.2219874694501369 -0.13400313380454026 -0.13928376452980065 -0.264017093254082 -0.6698974702593421 -0.4838025961330546 -0.6052148872813511 -0.7407349445690479 -0.8077960505929992 -0.8831311858709241 -1.1298298708873624 -0.9729027293003637 -0.7471234541150252 -0.4853503813646041 0.3256890799634604 +29840,0.762164515258333,1,1.0593392797144197 1.0102433075862731 0.9571854544326368 0.5994631771429575 0.2219874694501369 -0.13400313380454026 -0.13928376452980065 -0.264017093254082 -0.6698974702593421 -0.4838025961330546 -0.6052148872813511 -0.7407349445690479 -0.8077960505929992 -0.8831311858709241 -1.1298298708873624 -0.9729027293003637 -0.7471234541150252 -0.4853503813646041 0.3256890799634604 0.386401063860894 +29841,0.8785201157493676,1,1.0102433075862731 0.9571854544326368 0.5994631771429575 0.2219874694501369 -0.13400313380454026 -0.13928376452980065 -0.264017093254082 -0.6698974702593421 -0.4838025961330546 -0.6052148872813511 -0.7407349445690479 -0.8077960505929992 -0.8831311858709241 -1.1298298708873624 -0.9729027293003637 -0.7471234541150252 -0.4853503813646041 0.3256890799634604 0.386401063860894 0.762164515258333 +29842,1.0051667966104425,1,0.9571854544326368 0.5994631771429575 0.2219874694501369 -0.13400313380454026 -0.13928376452980065 -0.264017093254082 -0.6698974702593421 -0.4838025961330546 -0.6052148872813511 -0.7407349445690479 -0.8077960505929992 -0.8831311858709241 -1.1298298708873624 -0.9729027293003637 -0.7471234541150252 -0.4853503813646041 0.3256890799634604 0.386401063860894 0.762164515258333 0.8785201157493676 +29843,1.0414702820097028,1,0.5994631771429575 0.2219874694501369 -0.13400313380454026 -0.13928376452980065 -0.264017093254082 -0.6698974702593421 -0.4838025961330546 -0.6052148872813511 -0.7407349445690479 -0.8077960505929992 -0.8831311858709241 -1.1298298708873624 -0.9729027293003637 -0.7471234541150252 -0.4853503813646041 0.3256890799634604 0.386401063860894 0.762164515258333 0.8785201157493676 1.0051667966104425 +29844,0.9912367295265674,1,0.2219874694501369 -0.13400313380454026 -0.13928376452980065 -0.264017093254082 -0.6698974702593421 -0.4838025961330546 -0.6052148872813511 -0.7407349445690479 -0.8077960505929992 -0.8831311858709241 -1.1298298708873624 -0.9729027293003637 -0.7471234541150252 -0.4853503813646041 0.3256890799634604 0.386401063860894 0.762164515258333 0.8785201157493676 1.0051667966104425 1.0414702820097028 +29845,0.7910612203881967,1,-0.13400313380454026 -0.13928376452980065 -0.264017093254082 -0.6698974702593421 -0.4838025961330546 -0.6052148872813511 -0.7407349445690479 -0.8077960505929992 -0.8831311858709241 -1.1298298708873624 -0.9729027293003637 -0.7471234541150252 -0.4853503813646041 0.3256890799634604 0.386401063860894 0.762164515258333 0.8785201157493676 1.0051667966104425 1.0414702820097028 0.9912367295265674 +29846,0.5516657237686133,1,-0.13928376452980065 -0.264017093254082 -0.6698974702593421 -0.4838025961330546 -0.6052148872813511 -0.7407349445690479 -0.8077960505929992 -0.8831311858709241 -1.1298298708873624 -0.9729027293003637 -0.7471234541150252 -0.4853503813646041 0.3256890799634604 0.386401063860894 0.762164515258333 0.8785201157493676 1.0051667966104425 1.0414702820097028 0.9912367295265674 0.7910612203881967 +29847,0.2449406783622051,1,-0.264017093254082 -0.6698974702593421 -0.4838025961330546 -0.6052148872813511 -0.7407349445690479 -0.8077960505929992 -0.8831311858709241 -1.1298298708873624 -0.9729027293003637 -0.7471234541150252 -0.4853503813646041 0.3256890799634604 0.386401063860894 0.762164515258333 0.8785201157493676 1.0051667966104425 1.0414702820097028 0.9912367295265674 0.7910612203881967 0.5516657237686133 +29848,-0.1076907848683308,1,-0.6698974702593421 -0.4838025961330546 -0.6052148872813511 -0.7407349445690479 -0.8077960505929992 -0.8831311858709241 -1.1298298708873624 -0.9729027293003637 -0.7471234541150252 -0.4853503813646041 0.3256890799634604 0.386401063860894 0.762164515258333 0.8785201157493676 1.0051667966104425 1.0414702820097028 0.9912367295265674 0.7910612203881967 0.5516657237686133 0.2449406783622051 +29849,-0.23151360339169216,1,-0.4838025961330546 -0.6052148872813511 -0.7407349445690479 -0.8077960505929992 -0.8831311858709241 -1.1298298708873624 -0.9729027293003637 -0.7471234541150252 -0.4853503813646041 0.3256890799634604 0.386401063860894 0.762164515258333 0.8785201157493676 1.0051667966104425 1.0414702820097028 0.9912367295265674 0.7910612203881967 0.5516657237686133 0.2449406783622051 -0.1076907848683308 +29850,-0.2717560194117943,1,-0.6052148872813511 -0.7407349445690479 -0.8077960505929992 -0.8831311858709241 -1.1298298708873624 -0.9729027293003637 -0.7471234541150252 -0.4853503813646041 0.3256890799634604 0.386401063860894 0.762164515258333 0.8785201157493676 1.0051667966104425 1.0414702820097028 0.9912367295265674 0.7910612203881967 0.5516657237686133 0.2449406783622051 -0.1076907848683308 -0.23151360339169216 +29851,-0.40486554932440866,1,-0.7407349445690479 -0.8077960505929992 -0.8831311858709241 -1.1298298708873624 -0.9729027293003637 -0.7471234541150252 -0.4853503813646041 0.3256890799634604 0.386401063860894 0.762164515258333 0.8785201157493676 1.0051667966104425 1.0414702820097028 0.9912367295265674 0.7910612203881967 0.5516657237686133 0.2449406783622051 -0.1076907848683308 -0.23151360339169216 -0.2717560194117943 +29852,-0.5596440724786191,1,-0.8077960505929992 -0.8831311858709241 -1.1298298708873624 -0.9729027293003637 -0.7471234541150252 -0.4853503813646041 0.3256890799634604 0.386401063860894 0.762164515258333 0.8785201157493676 1.0051667966104425 1.0414702820097028 0.9912367295265674 0.7910612203881967 0.5516657237686133 0.2449406783622051 -0.1076907848683308 -0.23151360339169216 -0.2717560194117943 -0.40486554932440866 +29853,-0.6881102466966202,1,-0.8831311858709241 -1.1298298708873624 -0.9729027293003637 -0.7471234541150252 -0.4853503813646041 0.3256890799634604 0.386401063860894 0.762164515258333 0.8785201157493676 1.0051667966104425 1.0414702820097028 0.9912367295265674 0.7910612203881967 0.5516657237686133 0.2449406783622051 -0.1076907848683308 -0.23151360339169216 -0.2717560194117943 -0.40486554932440866 -0.5596440724786191 +29854,-0.7045610928384127,1,-1.1298298708873624 -0.9729027293003637 -0.7471234541150252 -0.4853503813646041 0.3256890799634604 0.386401063860894 0.762164515258333 0.8785201157493676 1.0051667966104425 1.0414702820097028 0.9912367295265674 0.7910612203881967 0.5516657237686133 0.2449406783622051 -0.1076907848683308 -0.23151360339169216 -0.2717560194117943 -0.40486554932440866 -0.5596440724786191 -0.6881102466966202 +29855,-0.7438305150321293,1,-0.9729027293003637 -0.7471234541150252 -0.4853503813646041 0.3256890799634604 0.386401063860894 0.762164515258333 0.8785201157493676 1.0051667966104425 1.0414702820097028 0.9912367295265674 0.7910612203881967 0.5516657237686133 0.2449406783622051 -0.1076907848683308 -0.23151360339169216 -0.2717560194117943 -0.40486554932440866 -0.5596440724786191 -0.6881102466966202 -0.7045610928384127 +29856,-0.8184341427094003,1,-0.7471234541150252 -0.4853503813646041 0.3256890799634604 0.386401063860894 0.762164515258333 0.8785201157493676 1.0051667966104425 1.0414702820097028 0.9912367295265674 0.7910612203881967 0.5516657237686133 0.2449406783622051 -0.1076907848683308 -0.23151360339169216 -0.2717560194117943 -0.40486554932440866 -0.5596440724786191 -0.6881102466966202 -0.7045610928384127 -0.7438305150321293 +29857,-0.90170460864943,1,-0.4853503813646041 0.3256890799634604 0.386401063860894 0.762164515258333 0.8785201157493676 1.0051667966104425 1.0414702820097028 0.9912367295265674 0.7910612203881967 0.5516657237686133 0.2449406783622051 -0.1076907848683308 -0.23151360339169216 -0.2717560194117943 -0.40486554932440866 -0.5596440724786191 -0.6881102466966202 -0.7045610928384127 -0.7438305150321293 -0.8184341427094003 +29858,-1.4651356084103373,1,0.3256890799634604 0.386401063860894 0.762164515258333 0.8785201157493676 1.0051667966104425 1.0414702820097028 0.9912367295265674 0.7910612203881967 0.5516657237686133 0.2449406783622051 -0.1076907848683308 -0.23151360339169216 -0.2717560194117943 -0.40486554932440866 -0.5596440724786191 -0.6881102466966202 -0.7045610928384127 -0.7438305150321293 -0.8184341427094003 -0.90170460864943 +29859,-1.0054062191627446,1,0.386401063860894 0.762164515258333 0.8785201157493676 1.0051667966104425 1.0414702820097028 0.9912367295265674 0.7910612203881967 0.5516657237686133 0.2449406783622051 -0.1076907848683308 -0.23151360339169216 -0.2717560194117943 -0.40486554932440866 -0.5596440724786191 -0.6881102466966202 -0.7045610928384127 -0.7438305150321293 -0.8184341427094003 -0.90170460864943 -1.4651356084103373 +29860,-0.8214542043151819,1,0.762164515258333 0.8785201157493676 1.0051667966104425 1.0414702820097028 0.9912367295265674 0.7910612203881967 0.5516657237686133 0.2449406783622051 -0.1076907848683308 -0.23151360339169216 -0.2717560194117943 -0.40486554932440866 -0.5596440724786191 -0.6881102466966202 -0.7045610928384127 -0.7438305150321293 -0.8184341427094003 -0.90170460864943 -1.4651356084103373 -1.0054062191627446 +29861,-0.601434273730262,1,0.8785201157493676 1.0051667966104425 1.0414702820097028 0.9912367295265674 0.7910612203881967 0.5516657237686133 0.2449406783622051 -0.1076907848683308 -0.23151360339169216 -0.2717560194117943 -0.40486554932440866 -0.5596440724786191 -0.6881102466966202 -0.7045610928384127 -0.7438305150321293 -0.8184341427094003 -0.90170460864943 -1.4651356084103373 -1.0054062191627446 -0.8214542043151819 +29862,0.18484062389313374,1,1.0051667966104425 1.0414702820097028 0.9912367295265674 0.7910612203881967 0.5516657237686133 0.2449406783622051 -0.1076907848683308 -0.23151360339169216 -0.2717560194117943 -0.40486554932440866 -0.5596440724786191 -0.6881102466966202 -0.7045610928384127 -0.7438305150321293 -0.8184341427094003 -0.90170460864943 -1.4651356084103373 -1.0054062191627446 -0.8214542043151819 -0.601434273730262 +29863,0.2185648171424604,1,1.0414702820097028 0.9912367295265674 0.7910612203881967 0.5516657237686133 0.2449406783622051 -0.1076907848683308 -0.23151360339169216 -0.2717560194117943 -0.40486554932440866 -0.5596440724786191 -0.6881102466966202 -0.7045610928384127 -0.7438305150321293 -0.8184341427094003 -0.90170460864943 -1.4651356084103373 -1.0054062191627446 -0.8214542043151819 -0.601434273730262 0.18484062389313374 +29864,0.5005888111277176,1,0.9912367295265674 0.7910612203881967 0.5516657237686133 0.2449406783622051 -0.1076907848683308 -0.23151360339169216 -0.2717560194117943 -0.40486554932440866 -0.5596440724786191 -0.6881102466966202 -0.7045610928384127 -0.7438305150321293 -0.8184341427094003 -0.90170460864943 -1.4651356084103373 -1.0054062191627446 -0.8214542043151819 -0.601434273730262 0.18484062389313374 0.2185648171424604 +29865,0.5782624034830942,1,0.7910612203881967 0.5516657237686133 0.2449406783622051 -0.1076907848683308 -0.23151360339169216 -0.2717560194117943 -0.40486554932440866 -0.5596440724786191 -0.6881102466966202 -0.7045610928384127 -0.7438305150321293 -0.8184341427094003 -0.90170460864943 -1.4651356084103373 -1.0054062191627446 -0.8214542043151819 -0.601434273730262 0.18484062389313374 0.2185648171424604 0.5005888111277176 +29866,0.6708451865973527,1,0.5516657237686133 0.2449406783622051 -0.1076907848683308 -0.23151360339169216 -0.2717560194117943 -0.40486554932440866 -0.5596440724786191 -0.6881102466966202 -0.7045610928384127 -0.7438305150321293 -0.8184341427094003 -0.90170460864943 -1.4651356084103373 -1.0054062191627446 -0.8214542043151819 -0.601434273730262 0.18484062389313374 0.2185648171424604 0.5005888111277176 0.5782624034830942 +29867,0.8816780949251097,1,0.2449406783622051 -0.1076907848683308 -0.23151360339169216 -0.2717560194117943 -0.40486554932440866 -0.5596440724786191 -0.6881102466966202 -0.7045610928384127 -0.7438305150321293 -0.8184341427094003 -0.90170460864943 -1.4651356084103373 -1.0054062191627446 -0.8214542043151819 -0.601434273730262 0.18484062389313374 0.2185648171424604 0.5005888111277176 0.5782624034830942 0.6708451865973527 +29868,0.7513300186375393,1,-0.1076907848683308 -0.23151360339169216 -0.2717560194117943 -0.40486554932440866 -0.5596440724786191 -0.6881102466966202 -0.7045610928384127 -0.7438305150321293 -0.8184341427094003 -0.90170460864943 -1.4651356084103373 -1.0054062191627446 -0.8214542043151819 -0.601434273730262 0.18484062389313374 0.2185648171424604 0.5005888111277176 0.5782624034830942 0.6708451865973527 0.8816780949251097 +29869,0.5997092460511904,1,-0.23151360339169216 -0.2717560194117943 -0.40486554932440866 -0.5596440724786191 -0.6881102466966202 -0.7045610928384127 -0.7438305150321293 -0.8184341427094003 -0.90170460864943 -1.4651356084103373 -1.0054062191627446 -0.8214542043151819 -0.601434273730262 0.18484062389313374 0.2185648171424604 0.5005888111277176 0.5782624034830942 0.6708451865973527 0.8816780949251097 0.7513300186375393 +29870,0.41855619385599024,1,-0.2717560194117943 -0.40486554932440866 -0.5596440724786191 -0.6881102466966202 -0.7045610928384127 -0.7438305150321293 -0.8184341427094003 -0.90170460864943 -1.4651356084103373 -1.0054062191627446 -0.8214542043151819 -0.601434273730262 0.18484062389313374 0.2185648171424604 0.5005888111277176 0.5782624034830942 0.6708451865973527 0.8816780949251097 0.7513300186375393 0.5997092460511904 +29871,0.17585166335400235,1,-0.40486554932440866 -0.5596440724786191 -0.6881102466966202 -0.7045610928384127 -0.7438305150321293 -0.8184341427094003 -0.90170460864943 -1.4651356084103373 -1.0054062191627446 -0.8214542043151819 -0.601434273730262 0.18484062389313374 0.2185648171424604 0.5005888111277176 0.5782624034830942 0.6708451865973527 0.8816780949251097 0.7513300186375393 0.5997092460511904 0.41855619385599024 +29872,-0.10614299963678131,1,-0.5596440724786191 -0.6881102466966202 -0.7045610928384127 -0.7438305150321293 -0.8184341427094003 -0.90170460864943 -1.4651356084103373 -1.0054062191627446 -0.8214542043151819 -0.601434273730262 0.18484062389313374 0.2185648171424604 0.5005888111277176 0.5782624034830942 0.6708451865973527 0.8816780949251097 0.7513300186375393 0.5997092460511904 0.41855619385599024 0.17585166335400235 +29873,-0.7084137028577747,1,-0.6881102466966202 -0.7045610928384127 -0.7438305150321293 -0.8184341427094003 -0.90170460864943 -1.4651356084103373 -1.0054062191627446 -0.8214542043151819 -0.601434273730262 0.18484062389313374 0.2185648171424604 0.5005888111277176 0.5782624034830942 0.6708451865973527 0.8816780949251097 0.7513300186375393 0.5997092460511904 0.41855619385599024 0.17585166335400235 -0.10614299963678131 +29874,-0.3212851468211406,1,-0.7045610928384127 -0.7438305150321293 -0.8184341427094003 -0.90170460864943 -1.4651356084103373 -1.0054062191627446 -0.8214542043151819 -0.601434273730262 0.18484062389313374 0.2185648171424604 0.5005888111277176 0.5782624034830942 0.6708451865973527 0.8816780949251097 0.7513300186375393 0.5997092460511904 0.41855619385599024 0.17585166335400235 -0.10614299963678131 -0.7084137028577747 +29875,-0.3621502970487283,1,-0.7438305150321293 -0.8184341427094003 -0.90170460864943 -1.4651356084103373 -1.0054062191627446 -0.8214542043151819 -0.601434273730262 0.18484062389313374 0.2185648171424604 0.5005888111277176 0.5782624034830942 0.6708451865973527 0.8816780949251097 0.7513300186375393 0.5997092460511904 0.41855619385599024 0.17585166335400235 -0.10614299963678131 -0.7084137028577747 -0.3212851468211406 +29876,-0.40486554932440866,1,-0.8184341427094003 -0.90170460864943 -1.4651356084103373 -1.0054062191627446 -0.8214542043151819 -0.601434273730262 0.18484062389313374 0.2185648171424604 0.5005888111277176 0.5782624034830942 0.6708451865973527 0.8816780949251097 0.7513300186375393 0.5997092460511904 0.41855619385599024 0.17585166335400235 -0.10614299963678131 -0.7084137028577747 -0.3212851468211406 -0.3621502970487283 +29877,-0.5145709339322538,1,-0.90170460864943 -1.4651356084103373 -1.0054062191627446 -0.8214542043151819 -0.601434273730262 0.18484062389313374 0.2185648171424604 0.5005888111277176 0.5782624034830942 0.6708451865973527 0.8816780949251097 0.7513300186375393 0.5997092460511904 0.41855619385599024 0.17585166335400235 -0.10614299963678131 -0.7084137028577747 -0.3212851468211406 -0.3621502970487283 -0.40486554932440866 +29878,-0.6323899783611023,1,-1.4651356084103373 -1.0054062191627446 -0.8214542043151819 -0.601434273730262 0.18484062389313374 0.2185648171424604 0.5005888111277176 0.5782624034830942 0.6708451865973527 0.8816780949251097 0.7513300186375393 0.5997092460511904 0.41855619385599024 0.17585166335400235 -0.10614299963678131 -0.7084137028577747 -0.3212851468211406 -0.3621502970487283 -0.40486554932440866 -0.5145709339322538 +29879,-1.2604732766698337,1,-1.0054062191627446 -0.8214542043151819 -0.601434273730262 0.18484062389313374 0.2185648171424604 0.5005888111277176 0.5782624034830942 0.6708451865973527 0.8816780949251097 0.7513300186375393 0.5997092460511904 0.41855619385599024 0.17585166335400235 -0.10614299963678131 -0.7084137028577747 -0.3212851468211406 -0.3621502970487283 -0.40486554932440866 -0.5145709339322538 -0.6323899783611023 +29880,-0.7515694411898416,1,-0.8214542043151819 -0.601434273730262 0.18484062389313374 0.2185648171424604 0.5005888111277176 0.5782624034830942 0.6708451865973527 0.8816780949251097 0.7513300186375393 0.5997092460511904 0.41855619385599024 0.17585166335400235 -0.10614299963678131 -0.7084137028577747 -0.3212851468211406 -0.3621502970487283 -0.40486554932440866 -0.5145709339322538 -0.6323899783611023 -1.2604732766698337 +29881,-0.8039192333673958,1,-0.601434273730262 0.18484062389313374 0.2185648171424604 0.5005888111277176 0.5782624034830942 0.6708451865973527 0.8816780949251097 0.7513300186375393 0.5997092460511904 0.41855619385599024 0.17585166335400235 -0.10614299963678131 -0.7084137028577747 -0.3212851468211406 -0.3621502970487283 -0.40486554932440866 -0.5145709339322538 -0.6323899783611023 -1.2604732766698337 -0.7515694411898416 +29882,-0.8661055483239588,1,0.18484062389313374 0.2185648171424604 0.5005888111277176 0.5782624034830942 0.6708451865973527 0.8816780949251097 0.7513300186375393 0.5997092460511904 0.41855619385599024 0.17585166335400235 -0.10614299963678131 -0.7084137028577747 -0.3212851468211406 -0.3621502970487283 -0.40486554932440866 -0.5145709339322538 -0.6323899783611023 -1.2604732766698337 -0.7515694411898416 -0.8039192333673958 +29883,-0.8243221616611408,1,0.2185648171424604 0.5005888111277176 0.5782624034830942 0.6708451865973527 0.8816780949251097 0.7513300186375393 0.5997092460511904 0.41855619385599024 0.17585166335400235 -0.10614299963678131 -0.7084137028577747 -0.3212851468211406 -0.3621502970487283 -0.40486554932440866 -0.5145709339322538 -0.6323899783611023 -1.2604732766698337 -0.7515694411898416 -0.8039192333673958 -0.8661055483239588 +29884,-0.7716906491998883,1,0.5005888111277176 0.5782624034830942 0.6708451865973527 0.8816780949251097 0.7513300186375393 0.5997092460511904 0.41855619385599024 0.17585166335400235 -0.10614299963678131 -0.7084137028577747 -0.3212851468211406 -0.3621502970487283 -0.40486554932440866 -0.5145709339322538 -0.6323899783611023 -1.2604732766698337 -0.7515694411898416 -0.8039192333673958 -0.8661055483239588 -0.8243221616611408 +29885,-0.23854279959651697,1,0.5782624034830942 0.6708451865973527 0.8816780949251097 0.7513300186375393 0.5997092460511904 0.41855619385599024 0.17585166335400235 -0.10614299963678131 -0.7084137028577747 -0.3212851468211406 -0.3621502970487283 -0.40486554932440866 -0.5145709339322538 -0.6323899783611023 -1.2604732766698337 -0.7515694411898416 -0.8039192333673958 -0.8661055483239588 -0.8243221616611408 -0.7716906491998883 +29886,-0.3893876970089929,1,0.6708451865973527 0.8816780949251097 0.7513300186375393 0.5997092460511904 0.41855619385599024 0.17585166335400235 -0.10614299963678131 -0.7084137028577747 -0.3212851468211406 -0.3621502970487283 -0.40486554932440866 -0.5145709339322538 -0.6323899783611023 -1.2604732766698337 -0.7515694411898416 -0.8039192333673958 -0.8661055483239588 -0.8243221616611408 -0.7716906491998883 -0.23854279959651697 +29887,-0.1158699282321275,1,0.8816780949251097 0.7513300186375393 0.5997092460511904 0.41855619385599024 0.17585166335400235 -0.10614299963678131 -0.7084137028577747 -0.3212851468211406 -0.3621502970487283 -0.40486554932440866 -0.5145709339322538 -0.6323899783611023 -1.2604732766698337 -0.7515694411898416 -0.8039192333673958 -0.8661055483239588 -0.8243221616611408 -0.7716906491998883 -0.23854279959651697 -0.3893876970089929 +29888,0.24056089222864285,1,0.7513300186375393 0.5997092460511904 0.41855619385599024 0.17585166335400235 -0.10614299963678131 -0.7084137028577747 -0.3212851468211406 -0.3621502970487283 -0.40486554932440866 -0.5145709339322538 -0.6323899783611023 -1.2604732766698337 -0.7515694411898416 -0.8039192333673958 -0.8661055483239588 -0.8243221616611408 -0.7716906491998883 -0.23854279959651697 -0.3893876970089929 -0.1158699282321275 +29889,0.4769798924438037,1,0.5997092460511904 0.41855619385599024 0.17585166335400235 -0.10614299963678131 -0.7084137028577747 -0.3212851468211406 -0.3621502970487283 -0.40486554932440866 -0.5145709339322538 -0.6323899783611023 -1.2604732766698337 -0.7515694411898416 -0.8039192333673958 -0.8661055483239588 -0.8243221616611408 -0.7716906491998883 -0.23854279959651697 -0.3893876970089929 -0.1158699282321275 0.24056089222864285 +29890,0.7884768641945512,1,0.41855619385599024 0.17585166335400235 -0.10614299963678131 -0.7084137028577747 -0.3212851468211406 -0.3621502970487283 -0.40486554932440866 -0.5145709339322538 -0.6323899783611023 -1.2604732766698337 -0.7515694411898416 -0.8039192333673958 -0.8661055483239588 -0.8243221616611408 -0.7716906491998883 -0.23854279959651697 -0.3893876970089929 -0.1158699282321275 0.24056089222864285 0.4769798924438037 +29891,0.8729005268686553,1,0.17585166335400235 -0.10614299963678131 -0.7084137028577747 -0.3212851468211406 -0.3621502970487283 -0.40486554932440866 -0.5145709339322538 -0.6323899783611023 -1.2604732766698337 -0.7515694411898416 -0.8039192333673958 -0.8661055483239588 -0.8243221616611408 -0.7716906491998883 -0.23854279959651697 -0.3893876970089929 -0.1158699282321275 0.24056089222864285 0.4769798924438037 0.7884768641945512 +29892,0.701800891228193,1,-0.10614299963678131 -0.7084137028577747 -0.3212851468211406 -0.3621502970487283 -0.40486554932440866 -0.5145709339322538 -0.6323899783611023 -1.2604732766698337 -0.7515694411898416 -0.8039192333673958 -0.8661055483239588 -0.8243221616611408 -0.7716906491998883 -0.23854279959651697 -0.3893876970089929 -0.1158699282321275 0.24056089222864285 0.4769798924438037 0.7884768641945512 0.8729005268686553 +29893,0.5572165194773647,1,-0.7084137028577747 -0.3212851468211406 -0.3621502970487283 -0.40486554932440866 -0.5145709339322538 -0.6323899783611023 -1.2604732766698337 -0.7515694411898416 -0.8039192333673958 -0.8661055483239588 -0.8243221616611408 -0.7716906491998883 -0.23854279959651697 -0.3893876970089929 -0.1158699282321275 0.24056089222864285 0.4769798924438037 0.7884768641945512 0.8729005268686553 0.701800891228193 +29894,0.35045364366813797,1,-0.3212851468211406 -0.3621502970487283 -0.40486554932440866 -0.5145709339322538 -0.6323899783611023 -1.2604732766698337 -0.7515694411898416 -0.8039192333673958 -0.8661055483239588 -0.8243221616611408 -0.7716906491998883 -0.23854279959651697 -0.3893876970089929 -0.1158699282321275 0.24056089222864285 0.4769798924438037 0.7884768641945512 0.8729005268686553 0.701800891228193 0.5572165194773647 +29895,0.1763257654482703,1,-0.3621502970487283 -0.40486554932440866 -0.5145709339322538 -0.6323899783611023 -1.2604732766698337 -0.7515694411898416 -0.8039192333673958 -0.8661055483239588 -0.8243221616611408 -0.7716906491998883 -0.23854279959651697 -0.3893876970089929 -0.1158699282321275 0.24056089222864285 0.4769798924438037 0.7884768641945512 0.8729005268686553 0.701800891228193 0.5572165194773647 0.35045364366813797 +29896,-0.04268380514355992,1,-0.40486554932440866 -0.5145709339322538 -0.6323899783611023 -1.2604732766698337 -0.7515694411898416 -0.8039192333673958 -0.8661055483239588 -0.8243221616611408 -0.7716906491998883 -0.23854279959651697 -0.3893876970089929 -0.1158699282321275 0.24056089222864285 0.4769798924438037 0.7884768641945512 0.8729005268686553 0.701800891228193 0.5572165194773647 0.35045364366813797 0.1763257654482703 +29897,-0.5065864327645789,1,-0.5145709339322538 -0.6323899783611023 -1.2604732766698337 -0.7515694411898416 -0.8039192333673958 -0.8661055483239588 -0.8243221616611408 -0.7716906491998883 -0.23854279959651697 -0.3893876970089929 -0.1158699282321275 0.24056089222864285 0.4769798924438037 0.7884768641945512 0.8729005268686553 0.701800891228193 0.5572165194773647 0.35045364366813797 0.1763257654482703 -0.04268380514355992 +29898,-0.25937373755945115,1,-0.6323899783611023 -1.2604732766698337 -0.7515694411898416 -0.8039192333673958 -0.8661055483239588 -0.8243221616611408 -0.7716906491998883 -0.23854279959651697 -0.3893876970089929 -0.1158699282321275 0.24056089222864285 0.4769798924438037 0.7884768641945512 0.8729005268686553 0.701800891228193 0.5572165194773647 0.35045364366813797 0.1763257654482703 -0.04268380514355992 -0.5065864327645789 +29899,-0.3429255140844324,1,-1.2604732766698337 -0.7515694411898416 -0.8039192333673958 -0.8661055483239588 -0.8243221616611408 -0.7716906491998883 -0.23854279959651697 -0.3893876970089929 -0.1158699282321275 0.24056089222864285 0.4769798924438037 0.7884768641945512 0.8729005268686553 0.701800891228193 0.5572165194773647 0.35045364366813797 0.1763257654482703 -0.04268380514355992 -0.5065864327645789 -0.25937373755945115 +29900,-0.4389168244183392,1,-0.7515694411898416 -0.8039192333673958 -0.8661055483239588 -0.8243221616611408 -0.7716906491998883 -0.23854279959651697 -0.3893876970089929 -0.1158699282321275 0.24056089222864285 0.4769798924438037 0.7884768641945512 0.8729005268686553 0.701800891228193 0.5572165194773647 0.35045364366813797 0.1763257654482703 -0.04268380514355992 -0.5065864327645789 -0.25937373755945115 -0.3429255140844324 +29901,-0.5129894630124938,1,-0.8039192333673958 -0.8661055483239588 -0.8243221616611408 -0.7716906491998883 -0.23854279959651697 -0.3893876970089929 -0.1158699282321275 0.24056089222864285 0.4769798924438037 0.7884768641945512 0.8729005268686553 0.701800891228193 0.5572165194773647 0.35045364366813797 0.1763257654482703 -0.04268380514355992 -0.5065864327645789 -0.25937373755945115 -0.3429255140844324 -0.4389168244183392 +29902,-0.5983387032671718,1,-0.8661055483239588 -0.8243221616611408 -0.7716906491998883 -0.23854279959651697 -0.3893876970089929 -0.1158699282321275 0.24056089222864285 0.4769798924438037 0.7884768641945512 0.8729005268686553 0.701800891228193 0.5572165194773647 0.35045364366813797 0.1763257654482703 -0.04268380514355992 -0.5065864327645789 -0.25937373755945115 -0.3429255140844324 -0.4389168244183392 -0.5129894630124938 +29903,-1.019861500388272,1,-0.8243221616611408 -0.7716906491998883 -0.23854279959651697 -0.3893876970089929 -0.1158699282321275 0.24056089222864285 0.4769798924438037 0.7884768641945512 0.8729005268686553 0.701800891228193 0.5572165194773647 0.35045364366813797 0.1763257654482703 -0.04268380514355992 -0.5065864327645789 -0.25937373755945115 -0.3429255140844324 -0.4389168244183392 -0.5129894630124938 -0.5983387032671718 +29904,-0.7283526627167135,1,-0.7716906491998883 -0.23854279959651697 -0.3893876970089929 -0.1158699282321275 0.24056089222864285 0.4769798924438037 0.7884768641945512 0.8729005268686553 0.701800891228193 0.5572165194773647 0.35045364366813797 0.1763257654482703 -0.04268380514355992 -0.5065864327645789 -0.25937373755945115 -0.3429255140844324 -0.4389168244183392 -0.5129894630124938 -0.5983387032671718 -1.019861500388272 +29905,-0.7219595718812182,1,-0.23854279959651697 -0.3893876970089929 -0.1158699282321275 0.24056089222864285 0.4769798924438037 0.7884768641945512 0.8729005268686553 0.701800891228193 0.5572165194773647 0.35045364366813797 0.1763257654482703 -0.04268380514355992 -0.5065864327645789 -0.25937373755945115 -0.3429255140844324 -0.4389168244183392 -0.5129894630124938 -0.5983387032671718 -1.019861500388272 -0.7283526627167135 +29906,-0.7144225956328297,1,-0.3893876970089929 -0.1158699282321275 0.24056089222864285 0.4769798924438037 0.7884768641945512 0.8729005268686553 0.701800891228193 0.5572165194773647 0.35045364366813797 0.1763257654482703 -0.04268380514355992 -0.5065864327645789 -0.25937373755945115 -0.3429255140844324 -0.4389168244183392 -0.5129894630124938 -0.5983387032671718 -1.019861500388272 -0.7283526627167135 -0.7219595718812182 +29907,-0.6739557444082436,1,-0.1158699282321275 0.24056089222864285 0.4769798924438037 0.7884768641945512 0.8729005268686553 0.701800891228193 0.5572165194773647 0.35045364366813797 0.1763257654482703 -0.04268380514355992 -0.5065864327645789 -0.25937373755945115 -0.3429255140844324 -0.4389168244183392 -0.5129894630124938 -0.5983387032671718 -1.019861500388272 -0.7283526627167135 -0.7219595718812182 -0.7144225956328297 +29908,-0.6231032669718494,1,0.24056089222864285 0.4769798924438037 0.7884768641945512 0.8729005268686553 0.701800891228193 0.5572165194773647 0.35045364366813797 0.1763257654482703 -0.04268380514355992 -0.5065864327645789 -0.25937373755945115 -0.3429255140844324 -0.4389168244183392 -0.5129894630124938 -0.5983387032671718 -1.019861500388272 -0.7283526627167135 -0.7219595718812182 -0.7144225956328297 -0.6739557444082436 +29909,-0.144873252392883,1,0.4769798924438037 0.7884768641945512 0.8729005268686553 0.701800891228193 0.5572165194773647 0.35045364366813797 0.1763257654482703 -0.04268380514355992 -0.5065864327645789 -0.25937373755945115 -0.3429255140844324 -0.4389168244183392 -0.5129894630124938 -0.5983387032671718 -1.019861500388272 -0.7283526627167135 -0.7219595718812182 -0.7144225956328297 -0.6739557444082436 -0.6231032669718494 +29910,-0.13864648949917113,1,0.7884768641945512 0.8729005268686553 0.701800891228193 0.5572165194773647 0.35045364366813797 0.1763257654482703 -0.04268380514355992 -0.5065864327645789 -0.25937373755945115 -0.3429255140844324 -0.4389168244183392 -0.5129894630124938 -0.5983387032671718 -1.019861500388272 -0.7283526627167135 -0.7219595718812182 -0.7144225956328297 -0.6739557444082436 -0.6231032669718494 -0.144873252392883 +29911,0.37831377783589687,1,0.8729005268686553 0.701800891228193 0.5572165194773647 0.35045364366813797 0.1763257654482703 -0.04268380514355992 -0.5065864327645789 -0.25937373755945115 -0.3429255140844324 -0.4389168244183392 -0.5129894630124938 -0.5983387032671718 -1.019861500388272 -0.7283526627167135 -0.7219595718812182 -0.7144225956328297 -0.6739557444082436 -0.6231032669718494 -0.144873252392883 -0.13864648949917113 +29912,0.5826214283994537,1,0.701800891228193 0.5572165194773647 0.35045364366813797 0.1763257654482703 -0.04268380514355992 -0.5065864327645789 -0.25937373755945115 -0.3429255140844324 -0.4389168244183392 -0.5129894630124938 -0.5983387032671718 -1.019861500388272 -0.7283526627167135 -0.7219595718812182 -0.7144225956328297 -0.6739557444082436 -0.6231032669718494 -0.144873252392883 -0.13864648949917113 0.37831377783589687 +29913,0.6069030247603756,1,0.5572165194773647 0.35045364366813797 0.1763257654482703 -0.04268380514355992 -0.5065864327645789 -0.25937373755945115 -0.3429255140844324 -0.4389168244183392 -0.5129894630124938 -0.5983387032671718 -1.019861500388272 -0.7283526627167135 -0.7219595718812182 -0.7144225956328297 -0.6739557444082436 -0.6231032669718494 -0.144873252392883 -0.13864648949917113 0.37831377783589687 0.5826214283994537 +29914,0.8055025017415165,1,0.35045364366813797 0.1763257654482703 -0.04268380514355992 -0.5065864327645789 -0.25937373755945115 -0.3429255140844324 -0.4389168244183392 -0.5129894630124938 -0.5983387032671718 -1.019861500388272 -0.7283526627167135 -0.7219595718812182 -0.7144225956328297 -0.6739557444082436 -0.6231032669718494 -0.144873252392883 -0.13864648949917113 0.37831377783589687 0.5826214283994537 0.6069030247603756 +29915,0.9078213107135986,1,0.1763257654482703 -0.04268380514355992 -0.5065864327645789 -0.25937373755945115 -0.3429255140844324 -0.4389168244183392 -0.5129894630124938 -0.5983387032671718 -1.019861500388272 -0.7283526627167135 -0.7219595718812182 -0.7144225956328297 -0.6739557444082436 -0.6231032669718494 -0.144873252392883 -0.13864648949917113 0.37831377783589687 0.5826214283994537 0.6069030247603756 0.8055025017415165 +29916,0.8256237097515632,1,-0.04268380514355992 -0.5065864327645789 -0.25937373755945115 -0.3429255140844324 -0.4389168244183392 -0.5129894630124938 -0.5983387032671718 -1.019861500388272 -0.7283526627167135 -0.7219595718812182 -0.7144225956328297 -0.6739557444082436 -0.6231032669718494 -0.144873252392883 -0.13864648949917113 0.37831377783589687 0.5826214283994537 0.6069030247603756 0.8055025017415165 0.9078213107135986 +29917,0.6429919029270257,1,-0.5065864327645789 -0.25937373755945115 -0.3429255140844324 -0.4389168244183392 -0.5129894630124938 -0.5983387032671718 -1.019861500388272 -0.7283526627167135 -0.7219595718812182 -0.7144225956328297 -0.6739557444082436 -0.6231032669718494 -0.144873252392883 -0.13864648949917113 0.37831377783589687 0.5826214283994537 0.6069030247603756 0.8055025017415165 0.9078213107135986 0.8256237097515632 +29918,0.4061739120036558,1,-0.25937373755945115 -0.3429255140844324 -0.4389168244183392 -0.5129894630124938 -0.5983387032671718 -1.019861500388272 -0.7283526627167135 -0.7219595718812182 -0.7144225956328297 -0.6739557444082436 -0.6231032669718494 -0.144873252392883 -0.13864648949917113 0.37831377783589687 0.5826214283994537 0.6069030247603756 0.8055025017415165 0.9078213107135986 0.8256237097515632 0.6429919029270257 +29919,0.16124172557079552,1,-0.3429255140844324 -0.4389168244183392 -0.5129894630124938 -0.5983387032671718 -1.019861500388272 -0.7283526627167135 -0.7219595718812182 -0.7144225956328297 -0.6739557444082436 -0.6231032669718494 -0.144873252392883 -0.13864648949917113 0.37831377783589687 0.5826214283994537 0.6069030247603756 0.8055025017415165 0.9078213107135986 0.8256237097515632 0.6429919029270257 0.4061739120036558 +29920,-0.14174205996225253,1,-0.4389168244183392 -0.5129894630124938 -0.5983387032671718 -1.019861500388272 -0.7283526627167135 -0.7219595718812182 -0.7144225956328297 -0.6739557444082436 -0.6231032669718494 -0.144873252392883 -0.13864648949917113 0.37831377783589687 0.5826214283994537 0.6069030247603756 0.8055025017415165 0.9078213107135986 0.8256237097515632 0.6429919029270257 0.4061739120036558 0.16124172557079552 +29921,-0.6325613649293449,1,-0.5129894630124938 -0.5983387032671718 -1.019861500388272 -0.7283526627167135 -0.7219595718812182 -0.7144225956328297 -0.6739557444082436 -0.6231032669718494 -0.144873252392883 -0.13864648949917113 0.37831377783589687 0.5826214283994537 0.6069030247603756 0.8055025017415165 0.9078213107135986 0.8256237097515632 0.6429919029270257 0.4061739120036558 0.16124172557079552 -0.14174205996225253 +29922,-0.45749024719684517,1,-0.5983387032671718 -1.019861500388272 -0.7283526627167135 -0.7219595718812182 -0.7144225956328297 -0.6739557444082436 -0.6231032669718494 -0.144873252392883 -0.13864648949917113 0.37831377783589687 0.5826214283994537 0.6069030247603756 0.8055025017415165 0.9078213107135986 0.8256237097515632 0.6429919029270257 0.4061739120036558 0.16124172557079552 -0.14174205996225253 -0.6325613649293449 +29923,-0.5208511313250758,1,-1.019861500388272 -0.7283526627167135 -0.7219595718812182 -0.7144225956328297 -0.6739557444082436 -0.6231032669718494 -0.144873252392883 -0.13864648949917113 0.37831377783589687 0.5826214283994537 0.6069030247603756 0.8055025017415165 0.9078213107135986 0.8256237097515632 0.6429919029270257 0.4061739120036558 0.16124172557079552 -0.14174205996225253 -0.6325613649293449 -0.45749024719684517 +29924,-0.5875042066463781,1,-0.7283526627167135 -0.7219595718812182 -0.7144225956328297 -0.6739557444082436 -0.6231032669718494 -0.144873252392883 -0.13864648949917113 0.37831377783589687 0.5826214283994537 0.6069030247603756 0.8055025017415165 0.9078213107135986 0.8256237097515632 0.6429919029270257 0.4061739120036558 0.16124172557079552 -0.14174205996225253 -0.6325613649293449 -0.45749024719684517 -0.5208511313250758 +29925,-0.6055038163747563,1,-0.7219595718812182 -0.7144225956328297 -0.6739557444082436 -0.6231032669718494 -0.144873252392883 -0.13864648949917113 0.37831377783589687 0.5826214283994537 0.6069030247603756 0.8055025017415165 0.9078213107135986 0.8256237097515632 0.6429919029270257 0.4061739120036558 0.16124172557079552 -0.14174205996225253 -0.6325613649293449 -0.45749024719684517 -0.5208511313250758 -0.5875042066463781 +29926,-0.62465105220339,1,-0.7144225956328297 -0.6739557444082436 -0.6231032669718494 -0.144873252392883 -0.13864648949917113 0.37831377783589687 0.5826214283994537 0.6069030247603756 0.8055025017415165 0.9078213107135986 0.8256237097515632 0.6429919029270257 0.4061739120036558 0.16124172557079552 -0.14174205996225253 -0.6325613649293449 -0.45749024719684517 -0.5208511313250758 -0.5875042066463781 -0.6055038163747563 +29927,-1.0997897909589553,1,-0.6739557444082436 -0.6231032669718494 -0.144873252392883 -0.13864648949917113 0.37831377783589687 0.5826214283994537 0.6069030247603756 0.8055025017415165 0.9078213107135986 0.8256237097515632 0.6429919029270257 0.4061739120036558 0.16124172557079552 -0.14174205996225253 -0.6325613649293449 -0.45749024719684517 -0.5208511313250758 -0.5875042066463781 -0.6055038163747563 -0.62465105220339 +29928,-0.6881102466966202,1,-0.6231032669718494 -0.144873252392883 -0.13864648949917113 0.37831377783589687 0.5826214283994537 0.6069030247603756 0.8055025017415165 0.9078213107135986 0.8256237097515632 0.6429919029270257 0.4061739120036558 0.16124172557079552 -0.14174205996225253 -0.6325613649293449 -0.45749024719684517 -0.5208511313250758 -0.5875042066463781 -0.6055038163747563 -0.62465105220339 -1.0997897909589553 +29929,-0.7322639180089341,1,-0.144873252392883 -0.13864648949917113 0.37831377783589687 0.5826214283994537 0.6069030247603756 0.8055025017415165 0.9078213107135986 0.8256237097515632 0.6429919029270257 0.4061739120036558 0.16124172557079552 -0.14174205996225253 -0.6325613649293449 -0.45749024719684517 -0.5208511313250758 -0.5875042066463781 -0.6055038163747563 -0.62465105220339 -1.0997897909589553 -0.6881102466966202 +29930,-0.7949074276730251,1,-0.13864648949917113 0.37831377783589687 0.5826214283994537 0.6069030247603756 0.8055025017415165 0.9078213107135986 0.8256237097515632 0.6429919029270257 0.4061739120036558 0.16124172557079552 -0.14174205996225253 -0.6325613649293449 -0.45749024719684517 -0.5208511313250758 -0.5875042066463781 -0.6055038163747563 -0.62465105220339 -1.0997897909589553 -0.6881102466966202 -0.7322639180089341 +29931,-0.694301387622783,1,0.37831377783589687 0.5826214283994537 0.6069030247603756 0.8055025017415165 0.9078213107135986 0.8256237097515632 0.6429919029270257 0.4061739120036558 0.16124172557079552 -0.14174205996225253 -0.6325613649293449 -0.45749024719684517 -0.5208511313250758 -0.5875042066463781 -0.6055038163747563 -0.62465105220339 -1.0997897909589553 -0.6881102466966202 -0.7322639180089341 -0.7949074276730251 +29932,-0.5457140053947441,1,0.5826214283994537 0.6069030247603756 0.8055025017415165 0.9078213107135986 0.8256237097515632 0.6429919029270257 0.4061739120036558 0.16124172557079552 -0.14174205996225253 -0.6325613649293449 -0.45749024719684517 -0.5208511313250758 -0.5875042066463781 -0.6055038163747563 -0.62465105220339 -1.0997897909589553 -0.6881102466966202 -0.7322639180089341 -0.7949074276730251 -0.694301387622783 +29933,-0.289387780025589,1,0.6069030247603756 0.8055025017415165 0.9078213107135986 0.8256237097515632 0.6429919029270257 0.4061739120036558 0.16124172557079552 -0.14174205996225253 -0.6325613649293449 -0.45749024719684517 -0.5208511313250758 -0.5875042066463781 -0.6055038163747563 -0.62465105220339 -1.0997897909589553 -0.6881102466966202 -0.7322639180089341 -0.7949074276730251 -0.694301387622783 -0.5457140053947441 +29934,-0.04577937560664132,1,0.8055025017415165 0.9078213107135986 0.8256237097515632 0.6429919029270257 0.4061739120036558 0.16124172557079552 -0.14174205996225253 -0.6325613649293449 -0.45749024719684517 -0.5208511313250758 -0.5875042066463781 -0.6055038163747563 -0.62465105220339 -1.0997897909589553 -0.6881102466966202 -0.7322639180089341 -0.7949074276730251 -0.694301387622783 -0.5457140053947441 -0.289387780025589 +29935,0.5315445157585579,1,0.9078213107135986 0.8256237097515632 0.6429919029270257 0.4061739120036558 0.16124172557079552 -0.14174205996225253 -0.6325613649293449 -0.45749024719684517 -0.5208511313250758 -0.5875042066463781 -0.6055038163747563 -0.62465105220339 -1.0997897909589553 -0.6881102466966202 -0.7322639180089341 -0.7949074276730251 -0.694301387622783 -0.5457140053947441 -0.289387780025589 -0.04577937560664132 +29936,0.5333048806240572,1,0.8256237097515632 0.6429919029270257 0.4061739120036558 0.16124172557079552 -0.14174205996225253 -0.6325613649293449 -0.45749024719684517 -0.5208511313250758 -0.5875042066463781 -0.6055038163747563 -0.62465105220339 -1.0997897909589553 -0.6881102466966202 -0.7322639180089341 -0.7949074276730251 -0.694301387622783 -0.5457140053947441 -0.289387780025589 -0.04577937560664132 0.5315445157585579 +29937,0.7884768641945512,1,0.6429919029270257 0.4061739120036558 0.16124172557079552 -0.14174205996225253 -0.6325613649293449 -0.45749024719684517 -0.5208511313250758 -0.5875042066463781 -0.6055038163747563 -0.62465105220339 -1.0997897909589553 -0.6881102466966202 -0.7322639180089341 -0.7949074276730251 -0.694301387622783 -0.5457140053947441 -0.289387780025589 -0.04577937560664132 0.5315445157585579 0.5333048806240572 +29938,0.8417679696660197,1,0.4061739120036558 0.16124172557079552 -0.14174205996225253 -0.6325613649293449 -0.45749024719684517 -0.5208511313250758 -0.5875042066463781 -0.6055038163747563 -0.62465105220339 -1.0997897909589553 -0.6881102466966202 -0.7322639180089341 -0.7949074276730251 -0.694301387622783 -0.5457140053947441 -0.289387780025589 -0.04577937560664132 0.5315445157585579 0.5333048806240572 0.7884768641945512 +29939,0.9030129713286684,1,0.16124172557079552 -0.14174205996225253 -0.6325613649293449 -0.45749024719684517 -0.5208511313250758 -0.5875042066463781 -0.6055038163747563 -0.62465105220339 -1.0997897909589553 -0.6881102466966202 -0.7322639180089341 -0.7949074276730251 -0.694301387622783 -0.5457140053947441 -0.289387780025589 -0.04577937560664132 0.5315445157585579 0.5333048806240572 0.7884768641945512 0.8417679696660197 +29940,0.8017098736623506,1,-0.14174205996225253 -0.6325613649293449 -0.45749024719684517 -0.5208511313250758 -0.5875042066463781 -0.6055038163747563 -0.62465105220339 -1.0997897909589553 -0.6881102466966202 -0.7322639180089341 -0.7949074276730251 -0.694301387622783 -0.5457140053947441 -0.289387780025589 -0.04577937560664132 0.5315445157585579 0.5333048806240572 0.7884768641945512 0.8417679696660197 0.9030129713286684 +29941,0.69251417983894,1,-0.6325613649293449 -0.45749024719684517 -0.5208511313250758 -0.5875042066463781 -0.6055038163747563 -0.62465105220339 -1.0997897909589553 -0.6881102466966202 -0.7322639180089341 -0.7949074276730251 -0.694301387622783 -0.5457140053947441 -0.289387780025589 -0.04577937560664132 0.5315445157585579 0.5333048806240572 0.7884768641945512 0.8417679696660197 0.9030129713286684 0.8017098736623506 +29942,0.11152517839554985,1,-0.45749024719684517 -0.5208511313250758 -0.5875042066463781 -0.6055038163747563 -0.62465105220339 -1.0997897909589553 -0.6881102466966202 -0.7322639180089341 -0.7949074276730251 -0.694301387622783 -0.5457140053947441 -0.289387780025589 -0.04577937560664132 0.5315445157585579 0.5333048806240572 0.7884768641945512 0.8417679696660197 0.9030129713286684 0.8017098736623506 0.69251417983894 +29943,0.054826664443592,1,-0.5208511313250758 -0.5875042066463781 -0.6055038163747563 -0.62465105220339 -1.0997897909589553 -0.6881102466966202 -0.7322639180089341 -0.7949074276730251 -0.694301387622783 -0.5457140053947441 -0.289387780025589 -0.04577937560664132 0.5315445157585579 0.5333048806240572 0.7884768641945512 0.8417679696660197 0.9030129713286684 0.8017098736623506 0.69251417983894 0.11152517839554985 +29944,-0.08192525436957084,1,-0.5875042066463781 -0.6055038163747563 -0.62465105220339 -1.0997897909589553 -0.6881102466966202 -0.7322639180089341 -0.7949074276730251 -0.694301387622783 -0.5457140053947441 -0.289387780025589 -0.04577937560664132 0.5315445157585579 0.5333048806240572 0.7884768641945512 0.8417679696660197 0.9030129713286684 0.8017098736623506 0.69251417983894 0.11152517839554985 0.054826664443592 +29945,-0.23306138862324166,1,-0.6055038163747563 -0.62465105220339 -1.0997897909589553 -0.6881102466966202 -0.7322639180089341 -0.7949074276730251 -0.694301387622783 -0.5457140053947441 -0.289387780025589 -0.04577937560664132 0.5315445157585579 0.5333048806240572 0.7884768641945512 0.8417679696660197 0.9030129713286684 0.8017098736623506 0.69251417983894 0.11152517839554985 0.054826664443592 -0.08192525436957084 +29946,-0.46058581765992657,1,-0.62465105220339 -1.0997897909589553 -0.6881102466966202 -0.7322639180089341 -0.7949074276730251 -0.694301387622783 -0.5457140053947441 -0.289387780025589 -0.04577937560664132 0.5315445157585579 0.5333048806240572 0.7884768641945512 0.8417679696660197 0.9030129713286684 0.8017098736623506 0.69251417983894 0.11152517839554985 0.054826664443592 -0.08192525436957084 -0.23306138862324166 +29947,-0.5967909180356311,1,-1.0997897909589553 -0.6881102466966202 -0.7322639180089341 -0.7949074276730251 -0.694301387622783 -0.5457140053947441 -0.289387780025589 -0.04577937560664132 0.5315445157585579 0.5333048806240572 0.7884768641945512 0.8417679696660197 0.9030129713286684 0.8017098736623506 0.69251417983894 0.11152517839554985 0.054826664443592 -0.08192525436957084 -0.23306138862324166 -0.46058581765992657 +29948,-0.6025968438516998,1,-0.6881102466966202 -0.7322639180089341 -0.7949074276730251 -0.694301387622783 -0.5457140053947441 -0.289387780025589 -0.04577937560664132 0.5315445157585579 0.5333048806240572 0.7884768641945512 0.8417679696660197 0.9030129713286684 0.8017098736623506 0.69251417983894 0.11152517839554985 0.054826664443592 -0.08192525436957084 -0.23306138862324166 -0.46058581765992657 -0.5967909180356311 +29949,-0.6354855488241837,1,-0.7322639180089341 -0.7949074276730251 -0.694301387622783 -0.5457140053947441 -0.289387780025589 -0.04577937560664132 0.5315445157585579 0.5333048806240572 0.7884768641945512 0.8417679696660197 0.9030129713286684 0.8017098736623506 0.69251417983894 0.11152517839554985 0.054826664443592 -0.08192525436957084 -0.23306138862324166 -0.46058581765992657 -0.5967909180356311 -0.6025968438516998 +29950,-0.6612119084386443,1,-0.7949074276730251 -0.694301387622783 -0.5457140053947441 -0.289387780025589 -0.04577937560664132 0.5315445157585579 0.5333048806240572 0.7884768641945512 0.8417679696660197 0.9030129713286684 0.8017098736623506 0.69251417983894 0.11152517839554985 0.054826664443592 -0.08192525436957084 -0.23306138862324166 -0.46058581765992657 -0.5967909180356311 -0.6025968438516998 -0.6354855488241837 +29951,-0.6912058171597016,1,-0.694301387622783 -0.5457140053947441 -0.289387780025589 -0.04577937560664132 0.5315445157585579 0.5333048806240572 0.7884768641945512 0.8417679696660197 0.9030129713286684 0.8017098736623506 0.69251417983894 0.11152517839554985 0.054826664443592 -0.08192525436957084 -0.23306138862324166 -0.46058581765992657 -0.5967909180356311 -0.6025968438516998 -0.6354855488241837 -0.6612119084386443 +29952,-0.7246889037002602,1,-0.5457140053947441 -0.289387780025589 -0.04577937560664132 0.5315445157585579 0.5333048806240572 0.7884768641945512 0.8417679696660197 0.9030129713286684 0.8017098736623506 0.69251417983894 0.11152517839554985 0.054826664443592 -0.08192525436957084 -0.23306138862324166 -0.46058581765992657 -0.5967909180356311 -0.6025968438516998 -0.6354855488241837 -0.6612119084386443 -0.6912058171597016 +29953,-0.7624039378106353,1,-0.289387780025589 -0.04577937560664132 0.5315445157585579 0.5333048806240572 0.7884768641945512 0.8417679696660197 0.9030129713286684 0.8017098736623506 0.69251417983894 0.11152517839554985 0.054826664443592 -0.08192525436957084 -0.23306138862324166 -0.46058581765992657 -0.5967909180356311 -0.6025968438516998 -0.6354855488241837 -0.6612119084386443 -0.6912058171597016 -0.7246889037002602 +29954,-1.263347061581961,1,-0.04577937560664132 0.5315445157585579 0.5333048806240572 0.7884768641945512 0.8417679696660197 0.9030129713286684 0.8017098736623506 0.69251417983894 0.11152517839554985 0.054826664443592 -0.08192525436957084 -0.23306138862324166 -0.46058581765992657 -0.5967909180356311 -0.6025968438516998 -0.6354855488241837 -0.6612119084386443 -0.6912058171597016 -0.7246889037002602 -0.7624039378106353 +29955,-0.8583666221662465,1,0.5315445157585579 0.5333048806240572 0.7884768641945512 0.8417679696660197 0.9030129713286684 0.8017098736623506 0.69251417983894 0.11152517839554985 0.054826664443592 -0.08192525436957084 -0.23306138862324166 -0.46058581765992657 -0.5967909180356311 -0.6025968438516998 -0.6354855488241837 -0.6612119084386443 -0.6912058171597016 -0.7246889037002602 -0.7624039378106353 -1.263347061581961 +29956,-0.6296707367087684,1,0.5333048806240572 0.7884768641945512 0.8417679696660197 0.9030129713286684 0.8017098736623506 0.69251417983894 0.11152517839554985 0.054826664443592 -0.08192525436957084 -0.23306138862324166 -0.46058581765992657 -0.5967909180356311 -0.6025968438516998 -0.6354855488241837 -0.6612119084386443 -0.6912058171597016 -0.7246889037002602 -0.7624039378106353 -1.263347061581961 -0.8583666221662465 +29957,-0.30425950927417533,1,0.7884768641945512 0.8417679696660197 0.9030129713286684 0.8017098736623506 0.69251417983894 0.11152517839554985 0.054826664443592 -0.08192525436957084 -0.23306138862324166 -0.46058581765992657 -0.5967909180356311 -0.6025968438516998 -0.6354855488241837 -0.6612119084386443 -0.6912058171597016 -0.7246889037002602 -0.7624039378106353 -1.263347061581961 -0.8583666221662465 -0.6296707367087684 +29958,-0.14015392737485027,1,0.8417679696660197 0.9030129713286684 0.8017098736623506 0.69251417983894 0.11152517839554985 0.054826664443592 -0.08192525436957084 -0.23306138862324166 -0.46058581765992657 -0.5967909180356311 -0.6025968438516998 -0.6354855488241837 -0.6612119084386443 -0.6912058171597016 -0.7246889037002602 -0.7624039378106353 -1.263347061581961 -0.8583666221662465 -0.6296707367087684 -0.30425950927417533 +29959,0.10126022138985691,1,0.9030129713286684 0.8017098736623506 0.69251417983894 0.11152517839554985 0.054826664443592 -0.08192525436957084 -0.23306138862324166 -0.46058581765992657 -0.5967909180356311 -0.6025968438516998 -0.6354855488241837 -0.6612119084386443 -0.6912058171597016 -0.7246889037002602 -0.7624039378106353 -1.263347061581961 -0.8583666221662465 -0.6296707367087684 -0.30425950927417533 -0.14015392737485027 +29960,0.34742697162640884,1,0.8017098736623506 0.69251417983894 0.11152517839554985 0.054826664443592 -0.08192525436957084 -0.23306138862324166 -0.46058581765992657 -0.5967909180356311 -0.6025968438516998 -0.6354855488241837 -0.6612119084386443 -0.6912058171597016 -0.7246889037002602 -0.7624039378106353 -1.263347061581961 -0.8583666221662465 -0.6296707367087684 -0.30425950927417533 -0.14015392737485027 0.10126022138985691 +29961,0.7652600857214231,1,0.69251417983894 0.11152517839554985 0.054826664443592 -0.08192525436957084 -0.23306138862324166 -0.46058581765992657 -0.5967909180356311 -0.6025968438516998 -0.6354855488241837 -0.6612119084386443 -0.6912058171597016 -0.7246889037002602 -0.7624039378106353 -1.263347061581961 -0.8583666221662465 -0.6296707367087684 -0.30425950927417533 -0.14015392737485027 0.10126022138985691 0.34742697162640884 +29962,0.723235585694343,1,0.11152517839554985 0.054826664443592 -0.08192525436957084 -0.23306138862324166 -0.46058581765992657 -0.5967909180356311 -0.6025968438516998 -0.6354855488241837 -0.6612119084386443 -0.6912058171597016 -0.7246889037002602 -0.7624039378106353 -1.263347061581961 -0.8583666221662465 -0.6296707367087684 -0.30425950927417533 -0.14015392737485027 0.10126022138985691 0.34742697162640884 0.7652600857214231 +29963,0.6476284081242158,1,0.054826664443592 -0.08192525436957084 -0.23306138862324166 -0.46058581765992657 -0.5967909180356311 -0.6025968438516998 -0.6354855488241837 -0.6612119084386443 -0.6912058171597016 -0.7246889037002602 -0.7624039378106353 -1.263347061581961 -0.8583666221662465 -0.6296707367087684 -0.30425950927417533 -0.14015392737485027 0.10126022138985691 0.34742697162640884 0.7652600857214231 0.723235585694343 +29964,0.576615593274121,1,-0.08192525436957084 -0.23306138862324166 -0.46058581765992657 -0.5967909180356311 -0.6025968438516998 -0.6354855488241837 -0.6612119084386443 -0.6912058171597016 -0.7246889037002602 -0.7624039378106353 -1.263347061581961 -0.8583666221662465 -0.6296707367087684 -0.30425950927417533 -0.14015392737485027 0.10126022138985691 0.34742697162640884 0.7652600857214231 0.723235585694343 0.6476284081242158 +29965,0.45725082464454286,1,-0.23306138862324166 -0.46058581765992657 -0.5967909180356311 -0.6025968438516998 -0.6354855488241837 -0.6612119084386443 -0.6912058171597016 -0.7246889037002602 -0.7624039378106353 -1.263347061581961 -0.8583666221662465 -0.6296707367087684 -0.30425950927417533 -0.14015392737485027 0.10126022138985691 0.34742697162640884 0.7652600857214231 0.723235585694343 0.6476284081242158 0.576615593274121 +29966,0.055987873597474744,1,-0.46058581765992657 -0.5967909180356311 -0.6025968438516998 -0.6354855488241837 -0.6612119084386443 -0.6912058171597016 -0.7246889037002602 -0.7624039378106353 -1.263347061581961 -0.8583666221662465 -0.6296707367087684 -0.30425950927417533 -0.14015392737485027 0.10126022138985691 0.34742697162640884 0.7652600857214231 0.723235585694343 0.6476284081242158 0.576615593274121 0.45725082464454286 +29967,0.014584248423498673,1,-0.5967909180356311 -0.6025968438516998 -0.6354855488241837 -0.6612119084386443 -0.6912058171597016 -0.7246889037002602 -0.7624039378106353 -1.263347061581961 -0.8583666221662465 -0.6296707367087684 -0.30425950927417533 -0.14015392737485027 0.10126022138985691 0.34742697162640884 0.7652600857214231 0.723235585694343 0.6476284081242158 0.576615593274121 0.45725082464454286 0.055987873597474744 +29968,-0.11350346444524813,1,-0.6025968438516998 -0.6354855488241837 -0.6612119084386443 -0.6912058171597016 -0.7246889037002602 -0.7624039378106353 -1.263347061581961 -0.8583666221662465 -0.6296707367087684 -0.30425950927417533 -0.14015392737485027 0.10126022138985691 0.34742697162640884 0.7652600857214231 0.723235585694343 0.6476284081242158 0.576615593274121 0.45725082464454286 0.055987873597474744 0.014584248423498673 +29969,-0.324380717284222,1,-0.6354855488241837 -0.6612119084386443 -0.6912058171597016 -0.7246889037002602 -0.7624039378106353 -1.263347061581961 -0.8583666221662465 -0.6296707367087684 -0.30425950927417533 -0.14015392737485027 0.10126022138985691 0.34742697162640884 0.7652600857214231 0.723235585694343 0.6476284081242158 0.576615593274121 0.45725082464454286 0.055987873597474744 0.014584248423498673 -0.11350346444524813 +29970,-0.3813172022868568,1,-0.6612119084386443 -0.6912058171597016 -0.7246889037002602 -0.7624039378106353 -1.263347061581961 -0.8583666221662465 -0.6296707367087684 -0.30425950927417533 -0.14015392737485027 0.10126022138985691 0.34742697162640884 0.7652600857214231 0.723235585694343 0.6476284081242158 0.576615593274121 0.45725082464454286 0.055987873597474744 0.014584248423498673 -0.11350346444524813 -0.324380717284222 +29971,-0.46522917335455743,1,-0.6912058171597016 -0.7246889037002602 -0.7624039378106353 -1.263347061581961 -0.8583666221662465 -0.6296707367087684 -0.30425950927417533 -0.14015392737485027 0.10126022138985691 0.34742697162640884 0.7652600857214231 0.723235585694343 0.6476284081242158 0.576615593274121 0.45725082464454286 0.055987873597474744 0.014584248423498673 -0.11350346444524813 -0.324380717284222 -0.3813172022868568 +29972,-0.9342969994260455,1,-0.7246889037002602 -0.7624039378106353 -1.263347061581961 -0.8583666221662465 -0.6296707367087684 -0.30425950927417533 -0.14015392737485027 0.10126022138985691 0.34742697162640884 0.7652600857214231 0.723235585694343 0.6476284081242158 0.576615593274121 0.45725082464454286 0.055987873597474744 0.014584248423498673 -0.11350346444524813 -0.324380717284222 -0.3813172022868568 -0.46522917335455743 +29973,-0.620007696508768,1,-0.7624039378106353 -1.263347061581961 -0.8583666221662465 -0.6296707367087684 -0.30425950927417533 -0.14015392737485027 0.10126022138985691 0.34742697162640884 0.7652600857214231 0.723235585694343 0.6476284081242158 0.576615593274121 0.45725082464454286 0.055987873597474744 0.014584248423498673 -0.11350346444524813 -0.324380717284222 -0.3813172022868568 -0.46522917335455743 -0.9342969994260455 +29974,-0.6442784664215561,1,-1.263347061581961 -0.8583666221662465 -0.6296707367087684 -0.30425950927417533 -0.14015392737485027 0.10126022138985691 0.34742697162640884 0.7652600857214231 0.723235585694343 0.6476284081242158 0.576615593274121 0.45725082464454286 0.055987873597474744 0.014584248423498673 -0.11350346444524813 -0.324380717284222 -0.3813172022868568 -0.46522917335455743 -0.9342969994260455 -0.620007696508768 +29975,-0.703588099012036,1,-0.8583666221662465 -0.6296707367087684 -0.30425950927417533 -0.14015392737485027 0.10126022138985691 0.34742697162640884 0.7652600857214231 0.723235585694343 0.6476284081242158 0.576615593274121 0.45725082464454286 0.055987873597474744 0.014584248423498673 -0.11350346444524813 -0.324380717284222 -0.3813172022868568 -0.46522917335455743 -0.9342969994260455 -0.620007696508768 -0.6442784664215561 +29976,-0.7301159301438586,1,-0.6296707367087684 -0.30425950927417533 -0.14015392737485027 0.10126022138985691 0.34742697162640884 0.7652600857214231 0.723235585694343 0.6476284081242158 0.576615593274121 0.45725082464454286 0.055987873597474744 0.014584248423498673 -0.11350346444524813 -0.324380717284222 -0.3813172022868568 -0.46522917335455743 -0.9342969994260455 -0.620007696508768 -0.6442784664215561 -0.703588099012036 +29977,-0.822767561840784,1,-0.30425950927417533 -0.14015392737485027 0.10126022138985691 0.34742697162640884 0.7652600857214231 0.723235585694343 0.6476284081242158 0.576615593274121 0.45725082464454286 0.055987873597474744 0.014584248423498673 -0.11350346444524813 -0.324380717284222 -0.3813172022868568 -0.46522917335455743 -0.9342969994260455 -0.620007696508768 -0.6442784664215561 -0.703588099012036 -0.7301159301438586 +29978,-1.0734021380921992,1,-0.14015392737485027 0.10126022138985691 0.34742697162640884 0.7652600857214231 0.723235585694343 0.6476284081242158 0.576615593274121 0.45725082464454286 0.055987873597474744 0.014584248423498673 -0.11350346444524813 -0.324380717284222 -0.3813172022868568 -0.46522917335455743 -0.9342969994260455 -0.620007696508768 -0.6442784664215561 -0.703588099012036 -0.7301159301438586 -0.822767561840784 +29979,-0.8134808504515311,1,0.10126022138985691 0.34742697162640884 0.7652600857214231 0.723235585694343 0.6476284081242158 0.576615593274121 0.45725082464454286 0.055987873597474744 0.014584248423498673 -0.11350346444524813 -0.324380717284222 -0.3813172022868568 -0.46522917335455743 -0.9342969994260455 -0.620007696508768 -0.6442784664215561 -0.703588099012036 -0.7301159301438586 -0.822767561840784 -1.0734021380921992 +29980,-0.7001221002050634,1,0.34742697162640884 0.7652600857214231 0.723235585694343 0.6476284081242158 0.576615593274121 0.45725082464454286 0.055987873597474744 0.014584248423498673 -0.11350346444524813 -0.324380717284222 -0.3813172022868568 -0.46522917335455743 -0.9342969994260455 -0.620007696508768 -0.6442784664215561 -0.703588099012036 -0.7301159301438586 -0.822767561840784 -1.0734021380921992 -0.8134808504515311 +29981,-0.2624693080225413,1,0.7652600857214231 0.723235585694343 0.6476284081242158 0.576615593274121 0.45725082464454286 0.055987873597474744 0.014584248423498673 -0.11350346444524813 -0.324380717284222 -0.3813172022868568 -0.46522917335455743 -0.9342969994260455 -0.620007696508768 -0.6442784664215561 -0.703588099012036 -0.7301159301438586 -0.822767561840784 -1.0734021380921992 -0.8134808504515311 -0.7001221002050634 +29982,-0.13037097901473493,1,0.723235585694343 0.6476284081242158 0.576615593274121 0.45725082464454286 0.055987873597474744 0.014584248423498673 -0.11350346444524813 -0.324380717284222 -0.3813172022868568 -0.46522917335455743 -0.9342969994260455 -0.620007696508768 -0.6442784664215561 -0.703588099012036 -0.7301159301438586 -0.822767561840784 -1.0734021380921992 -0.8134808504515311 -0.7001221002050634 -0.2624693080225413 +29983,0.34581028797350705,1,0.6476284081242158 0.576615593274121 0.45725082464454286 0.055987873597474744 0.014584248423498673 -0.11350346444524813 -0.324380717284222 -0.3813172022868568 -0.46522917335455743 -0.9342969994260455 -0.620007696508768 -0.6442784664215561 -0.703588099012036 -0.7301159301438586 -0.822767561840784 -1.0734021380921992 -0.8134808504515311 -0.7001221002050634 -0.2624693080225413 -0.13037097901473493 +29984,0.38301615692731394,1,0.576615593274121 0.45725082464454286 0.055987873597474744 0.014584248423498673 -0.11350346444524813 -0.324380717284222 -0.3813172022868568 -0.46522917335455743 -0.9342969994260455 -0.620007696508768 -0.6442784664215561 -0.703588099012036 -0.7301159301438586 -0.822767561840784 -1.0734021380921992 -0.8134808504515311 -0.7001221002050634 -0.2624693080225413 -0.13037097901473493 0.34581028797350705 +29985,0.6306027705772593,1,0.45725082464454286 0.055987873597474744 0.014584248423498673 -0.11350346444524813 -0.324380717284222 -0.3813172022868568 -0.46522917335455743 -0.9342969994260455 -0.620007696508768 -0.6442784664215561 -0.703588099012036 -0.7301159301438586 -0.822767561840784 -1.0734021380921992 -0.8134808504515311 -0.7001221002050634 -0.2624693080225413 -0.13037097901473493 0.34581028797350705 0.38301615692731394 +29986,0.6020077334323776,1,0.055987873597474744 0.014584248423498673 -0.11350346444524813 -0.324380717284222 -0.3813172022868568 -0.46522917335455743 -0.9342969994260455 -0.620007696508768 -0.6442784664215561 -0.703588099012036 -0.7301159301438586 -0.822767561840784 -1.0734021380921992 -0.8134808504515311 -0.7001221002050634 -0.2624693080225413 -0.13037097901473493 0.34581028797350705 0.38301615692731394 0.6306027705772593 +29987,0.49130209973846456,1,0.014584248423498673 -0.11350346444524813 -0.324380717284222 -0.3813172022868568 -0.46522917335455743 -0.9342969994260455 -0.620007696508768 -0.6442784664215561 -0.703588099012036 -0.7301159301438586 -0.822767561840784 -1.0734021380921992 -0.8134808504515311 -0.7001221002050634 -0.2624693080225413 -0.13037097901473493 0.34581028797350705 0.38301615692731394 0.6306027705772593 0.6020077334323776 +29988,0.4546906470231156,1,-0.11350346444524813 -0.324380717284222 -0.3813172022868568 -0.46522917335455743 -0.9342969994260455 -0.620007696508768 -0.6442784664215561 -0.703588099012036 -0.7301159301438586 -0.822767561840784 -1.0734021380921992 -0.8134808504515311 -0.7001221002050634 -0.2624693080225413 -0.13037097901473493 0.34581028797350705 0.38301615692731394 0.6306027705772593 0.6020077334323776 0.49130209973846456 +29989,0.18005122243440005,1,-0.324380717284222 -0.3813172022868568 -0.46522917335455743 -0.9342969994260455 -0.620007696508768 -0.6442784664215561 -0.703588099012036 -0.7301159301438586 -0.822767561840784 -1.0734021380921992 -0.8134808504515311 -0.7001221002050634 -0.2624693080225413 -0.13037097901473493 0.34581028797350705 0.38301615692731394 0.6306027705772593 0.6020077334323776 0.49130209973846456 0.4546906470231156 +29990,0.12292921463144427,1,-0.3813172022868568 -0.46522917335455743 -0.9342969994260455 -0.620007696508768 -0.6442784664215561 -0.703588099012036 -0.7301159301438586 -0.822767561840784 -1.0734021380921992 -0.8134808504515311 -0.7001221002050634 -0.2624693080225413 -0.13037097901473493 0.34581028797350705 0.38301615692731394 0.6306027705772593 0.6020077334323776 0.49130209973846456 0.4546906470231156 0.18005122243440005 +29991,-0.013290250274656678,1,-0.46522917335455743 -0.9342969994260455 -0.620007696508768 -0.6442784664215561 -0.703588099012036 -0.7301159301438586 -0.822767561840784 -1.0734021380921992 -0.8134808504515311 -0.7001221002050634 -0.2624693080225413 -0.13037097901473493 0.34581028797350705 0.38301615692731394 0.6306027705772593 0.6020077334323776 0.49130209973846456 0.4546906470231156 0.18005122243440005 0.12292921463144427 +29992,-0.5407643632787822,1,-0.9342969994260455 -0.620007696508768 -0.6442784664215561 -0.703588099012036 -0.7301159301438586 -0.822767561840784 -1.0734021380921992 -0.8134808504515311 -0.7001221002050634 -0.2624693080225413 -0.13037097901473493 0.34581028797350705 0.38301615692731394 0.6306027705772593 0.6020077334323776 0.49130209973846456 0.4546906470231156 0.18005122243440005 0.12292921463144427 -0.013290250274656678 +29993,-0.35997977760969324,1,-0.620007696508768 -0.6442784664215561 -0.703588099012036 -0.7301159301438586 -0.822767561840784 -1.0734021380921992 -0.8134808504515311 -0.7001221002050634 -0.2624693080225413 -0.13037097901473493 0.34581028797350705 0.38301615692731394 0.6306027705772593 0.6020077334323776 0.49130209973846456 0.4546906470231156 0.18005122243440005 0.12292921463144427 -0.013290250274656678 -0.5407643632787822 +29994,-0.4616719149634197,1,-0.6442784664215561 -0.703588099012036 -0.7301159301438586 -0.822767561840784 -1.0734021380921992 -0.8134808504515311 -0.7001221002050634 -0.2624693080225413 -0.13037097901473493 0.34581028797350705 0.38301615692731394 0.6306027705772593 0.6020077334323776 0.49130209973846456 0.4546906470231156 0.18005122243440005 0.12292921463144427 -0.013290250274656678 -0.5407643632787822 -0.35997977760969324 +29995,-0.6556067568342304,1,-0.703588099012036 -0.7301159301438586 -0.822767561840784 -1.0734021380921992 -0.8134808504515311 -0.7001221002050634 -0.2624693080225413 -0.13037097901473493 0.34581028797350705 0.38301615692731394 0.6306027705772593 0.6020077334323776 0.49130209973846456 0.4546906470231156 0.18005122243440005 0.12292921463144427 -0.013290250274656678 -0.5407643632787822 -0.35997977760969324 -0.4616719149634197 +29996,-1.0316981952210769,1,-0.7301159301438586 -0.822767561840784 -1.0734021380921992 -0.8134808504515311 -0.7001221002050634 -0.2624693080225413 -0.13037097901473493 0.34581028797350705 0.38301615692731394 0.6306027705772593 0.6020077334323776 0.49130209973846456 0.4546906470231156 0.18005122243440005 0.12292921463144427 -0.013290250274656678 -0.5407643632787822 -0.35997977760969324 -0.4616719149634197 -0.6556067568342304 +29997,-0.7407349445690479,1,-0.822767561840784 -1.0734021380921992 -0.8134808504515311 -0.7001221002050634 -0.2624693080225413 -0.13037097901473493 0.34581028797350705 0.38301615692731394 0.6306027705772593 0.6020077334323776 0.49130209973846456 0.4546906470231156 0.18005122243440005 0.12292921463144427 -0.013290250274656678 -0.5407643632787822 -0.35997977760969324 -0.4616719149634197 -0.6556067568342304 -1.0316981952210769 +29998,-0.7448274402494238,1,-1.0734021380921992 -0.8134808504515311 -0.7001221002050634 -0.2624693080225413 -0.13037097901473493 0.34581028797350705 0.38301615692731394 0.6306027705772593 0.6020077334323776 0.49130209973846456 0.4546906470231156 0.18005122243440005 0.12292921463144427 -0.013290250274656678 -0.5407643632787822 -0.35997977760969324 -0.4616719149634197 -0.6556067568342304 -1.0316981952210769 -0.7407349445690479 +29999,-0.7608561525790946,1,-0.8134808504515311 -0.7001221002050634 -0.2624693080225413 -0.13037097901473493 0.34581028797350705 0.38301615692731394 0.6306027705772593 0.6020077334323776 0.49130209973846456 0.4546906470231156 0.18005122243440005 0.12292921463144427 -0.013290250274656678 -0.5407643632787822 -0.35997977760969324 -0.4616719149634197 -0.6556067568342304 -1.0316981952210769 -0.7407349445690479 -0.7448274402494238 +30000,-0.773413311100598,1,-0.7001221002050634 -0.2624693080225413 -0.13037097901473493 0.34581028797350705 0.38301615692731394 0.6306027705772593 0.6020077334323776 0.49130209973846456 0.4546906470231156 0.18005122243440005 0.12292921463144427 -0.013290250274656678 -0.5407643632787822 -0.35997977760969324 -0.4616719149634197 -0.6556067568342304 -1.0316981952210769 -0.7407349445690479 -0.7448274402494238 -0.7608561525790946 +30001,-0.8274109175354062,1,-0.2624693080225413 -0.13037097901473493 0.34581028797350705 0.38301615692731394 0.6306027705772593 0.6020077334323776 0.49130209973846456 0.4546906470231156 0.18005122243440005 0.12292921463144427 -0.013290250274656678 -0.5407643632787822 -0.35997977760969324 -0.4616719149634197 -0.6556067568342304 -1.0316981952210769 -0.7407349445690479 -0.7448274402494238 -0.7608561525790946 -0.773413311100598 +30002,-1.1520212608371412,1,-0.13037097901473493 0.34581028797350705 0.38301615692731394 0.6306027705772593 0.6020077334323776 0.49130209973846456 0.4546906470231156 0.18005122243440005 0.12292921463144427 -0.013290250274656678 -0.5407643632787822 -0.35997977760969324 -0.4616719149634197 -0.6556067568342304 -1.0316981952210769 -0.7407349445690479 -0.7448274402494238 -0.7608561525790946 -0.773413311100598 -0.8274109175354062 +30003,-0.7778817901260598,1,0.34581028797350705 0.38301615692731394 0.6306027705772593 0.6020077334323776 0.49130209973846456 0.4546906470231156 0.18005122243440005 0.12292921463144427 -0.013290250274656678 -0.5407643632787822 -0.35997977760969324 -0.4616719149634197 -0.6556067568342304 -1.0316981952210769 -0.7407349445690479 -0.7448274402494238 -0.7608561525790946 -0.773413311100598 -0.8274109175354062 -1.1520212608371412 +30004,-0.7130152859958949,1,0.38301615692731394 0.6306027705772593 0.6020077334323776 0.49130209973846456 0.4546906470231156 0.18005122243440005 0.12292921463144427 -0.013290250274656678 -0.5407643632787822 -0.35997977760969324 -0.4616719149634197 -0.6556067568342304 -1.0316981952210769 -0.7407349445690479 -0.7448274402494238 -0.7608561525790946 -0.773413311100598 -0.8274109175354062 -1.1520212608371412 -0.7778817901260598 +30005,-0.4404646096498799,1,0.6306027705772593 0.6020077334323776 0.49130209973846456 0.4546906470231156 0.18005122243440005 0.12292921463144427 -0.013290250274656678 -0.5407643632787822 -0.35997977760969324 -0.4616719149634197 -0.6556067568342304 -1.0316981952210769 -0.7407349445690479 -0.7448274402494238 -0.7608561525790946 -0.773413311100598 -0.8274109175354062 -1.1520212608371412 -0.7778817901260598 -0.7130152859958949 +30006,-0.3315538257859815,1,0.6020077334323776 0.49130209973846456 0.4546906470231156 0.18005122243440005 0.12292921463144427 -0.013290250274656678 -0.5407643632787822 -0.35997977760969324 -0.4616719149634197 -0.6556067568342304 -1.0316981952210769 -0.7407349445690479 -0.7448274402494238 -0.7608561525790946 -0.773413311100598 -0.8274109175354062 -1.1520212608371412 -0.7778817901260598 -0.7130152859958949 -0.4404646096498799 +30007,0.11673807370528148,1,0.49130209973846456 0.4546906470231156 0.18005122243440005 0.12292921463144427 -0.013290250274656678 -0.5407643632787822 -0.35997977760969324 -0.4616719149634197 -0.6556067568342304 -1.0316981952210769 -0.7407349445690479 -0.7448274402494238 -0.7608561525790946 -0.773413311100598 -0.8274109175354062 -1.1520212608371412 -0.7778817901260598 -0.7130152859958949 -0.4404646096498799 -0.3315538257859815 +30008,0.16191097660608678,1,0.4546906470231156 0.18005122243440005 0.12292921463144427 -0.013290250274656678 -0.5407643632787822 -0.35997977760969324 -0.4616719149634197 -0.6556067568342304 -1.0316981952210769 -0.7407349445690479 -0.7448274402494238 -0.7608561525790946 -0.773413311100598 -0.8274109175354062 -1.1520212608371412 -0.7778817901260598 -0.7130152859958949 -0.4404646096498799 -0.3315538257859815 0.11673807370528148 +30009,0.34890585843659727,1,0.18005122243440005 0.12292921463144427 -0.013290250274656678 -0.5407643632787822 -0.35997977760969324 -0.4616719149634197 -0.6556067568342304 -1.0316981952210769 -0.7407349445690479 -0.7448274402494238 -0.7608561525790946 -0.773413311100598 -0.8274109175354062 -1.1520212608371412 -0.7778817901260598 -0.7130152859958949 -0.4404646096498799 -0.3315538257859815 0.11673807370528148 0.16191097660608678 +30010,0.32114713159730274,1,0.12292921463144427 -0.013290250274656678 -0.5407643632787822 -0.35997977760969324 -0.4616719149634197 -0.6556067568342304 -1.0316981952210769 -0.7407349445690479 -0.7448274402494238 -0.7608561525790946 -0.773413311100598 -0.8274109175354062 -1.1520212608371412 -0.7778817901260598 -0.7130152859958949 -0.4404646096498799 -0.3315538257859815 0.11673807370528148 0.16191097660608678 0.34890585843659727 +30011,0.18948397958775584,1,-0.013290250274656678 -0.5407643632787822 -0.35997977760969324 -0.4616719149634197 -0.6556067568342304 -1.0316981952210769 -0.7407349445690479 -0.7448274402494238 -0.7608561525790946 -0.773413311100598 -0.8274109175354062 -1.1520212608371412 -0.7778817901260598 -0.7130152859958949 -0.4404646096498799 -0.3315538257859815 0.11673807370528148 0.16191097660608678 0.34890585843659727 0.32114713159730274 +30012,0.148528770857354,1,-0.5407643632787822 -0.35997977760969324 -0.4616719149634197 -0.6556067568342304 -1.0316981952210769 -0.7407349445690479 -0.7448274402494238 -0.7608561525790946 -0.773413311100598 -0.8274109175354062 -1.1520212608371412 -0.7778817901260598 -0.7130152859958949 -0.4404646096498799 -0.3315538257859815 0.11673807370528148 0.16191097660608678 0.34890585843659727 0.32114713159730274 0.18948397958775584 +30013,-0.04577937560664132,1,-0.35997977760969324 -0.4616719149634197 -0.6556067568342304 -1.0316981952210769 -0.7407349445690479 -0.7448274402494238 -0.7608561525790946 -0.773413311100598 -0.8274109175354062 -1.1520212608371412 -0.7778817901260598 -0.7130152859958949 -0.4404646096498799 -0.3315538257859815 0.11673807370528148 0.16191097660608678 0.34890585843659727 0.32114713159730274 0.18948397958775584 0.148528770857354 +30014,-0.21335094238287838,1,-0.4616719149634197 -0.6556067568342304 -1.0316981952210769 -0.7407349445690479 -0.7448274402494238 -0.7608561525790946 -0.773413311100598 -0.8274109175354062 -1.1520212608371412 -0.7778817901260598 -0.7130152859958949 -0.4404646096498799 -0.3315538257859815 0.11673807370528148 0.16191097660608678 0.34890585843659727 0.32114713159730274 0.18948397958775584 0.148528770857354 -0.04577937560664132 +30015,-0.2253224624655294,1,-0.6556067568342304 -1.0316981952210769 -0.7407349445690479 -0.7448274402494238 -0.7608561525790946 -0.773413311100598 -0.8274109175354062 -1.1520212608371412 -0.7778817901260598 -0.7130152859958949 -0.4404646096498799 -0.3315538257859815 0.11673807370528148 0.16191097660608678 0.34890585843659727 0.32114713159730274 0.18948397958775584 0.148528770857354 -0.04577937560664132 -0.21335094238287838 +30016,-0.2748043986770587,1,-1.0316981952210769 -0.7407349445690479 -0.7448274402494238 -0.7608561525790946 -0.773413311100598 -0.8274109175354062 -1.1520212608371412 -0.7778817901260598 -0.7130152859958949 -0.4404646096498799 -0.3315538257859815 0.11673807370528148 0.16191097660608678 0.34890585843659727 0.32114713159730274 0.18948397958775584 0.148528770857354 -0.04577937560664132 -0.21335094238287838 -0.2253224624655294 +30017,-0.46213360289146727,1,-0.7407349445690479 -0.7448274402494238 -0.7608561525790946 -0.773413311100598 -0.8274109175354062 -1.1520212608371412 -0.7778817901260598 -0.7130152859958949 -0.4404646096498799 -0.3315538257859815 0.11673807370528148 0.16191097660608678 0.34890585843659727 0.32114713159730274 0.18948397958775584 0.148528770857354 -0.04577937560664132 -0.21335094238287838 -0.2253224624655294 -0.2748043986770587 +30018,-0.4664984985572042,1,-0.7448274402494238 -0.7608561525790946 -0.773413311100598 -0.8274109175354062 -1.1520212608371412 -0.7778817901260598 -0.7130152859958949 -0.4404646096498799 -0.3315538257859815 0.11673807370528148 0.16191097660608678 0.34890585843659727 0.32114713159730274 0.18948397958775584 0.148528770857354 -0.04577937560664132 -0.21335094238287838 -0.2253224624655294 -0.2748043986770587 -0.46213360289146727 +30019,-0.4807070256699732,1,-0.7608561525790946 -0.773413311100598 -0.8274109175354062 -1.1520212608371412 -0.7778817901260598 -0.7130152859958949 -0.4404646096498799 -0.3315538257859815 0.11673807370528148 0.16191097660608678 0.34890585843659727 0.32114713159730274 0.18948397958775584 0.148528770857354 -0.04577937560664132 -0.21335094238287838 -0.2253224624655294 -0.2748043986770587 -0.46213360289146727 -0.4664984985572042 +30020,-0.8555414717616657,1,-0.773413311100598 -0.8274109175354062 -1.1520212608371412 -0.7778817901260598 -0.7130152859958949 -0.4404646096498799 -0.3315538257859815 0.11673807370528148 0.16191097660608678 0.34890585843659727 0.32114713159730274 0.18948397958775584 0.148528770857354 -0.04577937560664132 -0.21335094238287838 -0.2253224624655294 -0.2748043986770587 -0.46213360289146727 -0.4664984985572042 -0.4807070256699732 +30021,-0.4280823277975455,1,-0.8274109175354062 -1.1520212608371412 -0.7778817901260598 -0.7130152859958949 -0.4404646096498799 -0.3315538257859815 0.11673807370528148 0.16191097660608678 0.34890585843659727 0.32114713159730274 0.18948397958775584 0.148528770857354 -0.04577937560664132 -0.21335094238287838 -0.2253224624655294 -0.2748043986770587 -0.46213360289146727 -0.4664984985572042 -0.4807070256699732 -0.8555414717616657 +30022,-0.4423091678408366,1,-1.1520212608371412 -0.7778817901260598 -0.7130152859958949 -0.4404646096498799 -0.3315538257859815 0.11673807370528148 0.16191097660608678 0.34890585843659727 0.32114713159730274 0.18948397958775584 0.148528770857354 -0.04577937560664132 -0.21335094238287838 -0.2253224624655294 -0.2748043986770587 -0.46213360289146727 -0.4664984985572042 -0.4807070256699732 -0.8555414717616657 -0.4280823277975455 +30023,-0.4868981665961448,1,-0.7778817901260598 -0.7130152859958949 -0.4404646096498799 -0.3315538257859815 0.11673807370528148 0.16191097660608678 0.34890585843659727 0.32114713159730274 0.18948397958775584 0.148528770857354 -0.04577937560664132 -0.21335094238287838 -0.2253224624655294 -0.2748043986770587 -0.46213360289146727 -0.4664984985572042 -0.4807070256699732 -0.8555414717616657 -0.4280823277975455 -0.4423091678408366 +30024,-0.4868981665961448,1,-0.7130152859958949 -0.4404646096498799 -0.3315538257859815 0.11673807370528148 0.16191097660608678 0.34890585843659727 0.32114713159730274 0.18948397958775584 0.148528770857354 -0.04577937560664132 -0.21335094238287838 -0.2253224624655294 -0.2748043986770587 -0.46213360289146727 -0.4664984985572042 -0.4807070256699732 -0.8555414717616657 -0.4280823277975455 -0.4423091678408366 -0.4868981665961448 +30025,-0.4868981665961448,1,-0.4404646096498799 -0.3315538257859815 0.11673807370528148 0.16191097660608678 0.34890585843659727 0.32114713159730274 0.18948397958775584 0.148528770857354 -0.04577937560664132 -0.21335094238287838 -0.2253224624655294 -0.2748043986770587 -0.46213360289146727 -0.4664984985572042 -0.4807070256699732 -0.8555414717616657 -0.4280823277975455 -0.4423091678408366 -0.4868981665961448 -0.4868981665961448 +30026,-0.7347861278395214,1,-0.3315538257859815 0.11673807370528148 0.16191097660608678 0.34890585843659727 0.32114713159730274 0.18948397958775584 0.148528770857354 -0.04577937560664132 -0.21335094238287838 -0.2253224624655294 -0.2748043986770587 -0.46213360289146727 -0.4664984985572042 -0.4807070256699732 -0.8555414717616657 -0.4280823277975455 -0.4423091678408366 -0.4868981665961448 -0.4868981665961448 -0.4868981665961448 +30027,-0.4095089050190395,1,0.11673807370528148 0.16191097660608678 0.34890585843659727 0.32114713159730274 0.18948397958775584 0.148528770857354 -0.04577937560664132 -0.21335094238287838 -0.2253224624655294 -0.2748043986770587 -0.46213360289146727 -0.4664984985572042 -0.4807070256699732 -0.8555414717616657 -0.4280823277975455 -0.4423091678408366 -0.4868981665961448 -0.4868981665961448 -0.4868981665961448 -0.7347861278395214 +30028,-0.3793763539002,1,0.16191097660608678 0.34890585843659727 0.32114713159730274 0.18948397958775584 0.148528770857354 -0.04577937560664132 -0.21335094238287838 -0.2253224624655294 -0.2748043986770587 -0.46213360289146727 -0.4664984985572042 -0.4807070256699732 -0.8555414717616657 -0.4280823277975455 -0.4423091678408366 -0.4868981665961448 -0.4868981665961448 -0.4868981665961448 -0.7347861278395214 -0.4095089050190395 +30029,-0.2794949455694978,1,0.34890585843659727 0.32114713159730274 0.18948397958775584 0.148528770857354 -0.04577937560664132 -0.21335094238287838 -0.2253224624655294 -0.2748043986770587 -0.46213360289146727 -0.4664984985572042 -0.4807070256699732 -0.8555414717616657 -0.4280823277975455 -0.4423091678408366 -0.4868981665961448 -0.4868981665961448 -0.4868981665961448 -0.7347861278395214 -0.4095089050190395 -0.3793763539002 +30030,-0.2441241238211805,1,0.32114713159730274 0.18948397958775584 0.148528770857354 -0.04577937560664132 -0.21335094238287838 -0.2253224624655294 -0.2748043986770587 -0.46213360289146727 -0.4664984985572042 -0.4807070256699732 -0.8555414717616657 -0.4280823277975455 -0.4423091678408366 -0.4868981665961448 -0.4868981665961448 -0.4868981665961448 -0.7347861278395214 -0.4095089050190395 -0.3793763539002 -0.2794949455694978 +30031,-0.09066514732136553,1,0.18948397958775584 0.148528770857354 -0.04577937560664132 -0.21335094238287838 -0.2253224624655294 -0.2748043986770587 -0.46213360289146727 -0.4664984985572042 -0.4807070256699732 -0.8555414717616657 -0.4280823277975455 -0.4423091678408366 -0.4868981665961448 -0.4868981665961448 -0.4868981665961448 -0.7347861278395214 -0.4095089050190395 -0.3793763539002 -0.2794949455694978 -0.2441241238211805 +30032,-0.03134190861524724,1,0.148528770857354 -0.04577937560664132 -0.21335094238287838 -0.2253224624655294 -0.2748043986770587 -0.46213360289146727 -0.4664984985572042 -0.4807070256699732 -0.8555414717616657 -0.4280823277975455 -0.4423091678408366 -0.4868981665961448 -0.4868981665961448 -0.4868981665961448 -0.7347861278395214 -0.4095089050190395 -0.3793763539002 -0.2794949455694978 -0.2441241238211805 -0.09066514732136553 +30033,0.06101780536976358,1,-0.04577937560664132 -0.21335094238287838 -0.2253224624655294 -0.2748043986770587 -0.46213360289146727 -0.4664984985572042 -0.4807070256699732 -0.8555414717616657 -0.4280823277975455 -0.4423091678408366 -0.4868981665961448 -0.4868981665961448 -0.4868981665961448 -0.7347861278395214 -0.4095089050190395 -0.3793763539002 -0.2794949455694978 -0.2441241238211805 -0.09066514732136553 -0.03134190861524724 +30034,0.06432220193283653,1,-0.21335094238287838 -0.2253224624655294 -0.2748043986770587 -0.46213360289146727 -0.4664984985572042 -0.4807070256699732 -0.8555414717616657 -0.4280823277975455 -0.4423091678408366 -0.4868981665961448 -0.4868981665961448 -0.4868981665961448 -0.7347861278395214 -0.4095089050190395 -0.3793763539002 -0.2794949455694978 -0.2441241238211805 -0.09066514732136553 -0.03134190861524724 0.06101780536976358 +30035,0.07030451675901657,1,-0.2253224624655294 -0.2748043986770587 -0.46213360289146727 -0.4664984985572042 -0.4807070256699732 -0.8555414717616657 -0.4280823277975455 -0.4423091678408366 -0.4868981665961448 -0.4868981665961448 -0.4868981665961448 -0.7347861278395214 -0.4095089050190395 -0.3793763539002 -0.2794949455694978 -0.2441241238211805 -0.09066514732136553 -0.03134190861524724 0.06101780536976358 0.06432220193283653 +30036,0.07104144408443255,1,-0.2748043986770587 -0.46213360289146727 -0.4664984985572042 -0.4807070256699732 -0.8555414717616657 -0.4280823277975455 -0.4423091678408366 -0.4868981665961448 -0.4868981665961448 -0.4868981665961448 -0.7347861278395214 -0.4095089050190395 -0.3793763539002 -0.2794949455694978 -0.2441241238211805 -0.09066514732136553 -0.03134190861524724 0.06101780536976358 0.06432220193283653 0.07030451675901657 +30037,0.07185230199055727,1,-0.46213360289146727 -0.4664984985572042 -0.4807070256699732 -0.8555414717616657 -0.4280823277975455 -0.4423091678408366 -0.4868981665961448 -0.4868981665961448 -0.4868981665961448 -0.7347861278395214 -0.4095089050190395 -0.3793763539002 -0.2794949455694978 -0.2441241238211805 -0.09066514732136553 -0.03134190861524724 0.06101780536976358 0.06432220193283653 0.07030451675901657 0.07104144408443255 +30038,-0.2795417151506158,1,-0.4664984985572042 -0.4807070256699732 -0.8555414717616657 -0.4280823277975455 -0.4423091678408366 -0.4868981665961448 -0.4868981665961448 -0.4868981665961448 -0.7347861278395214 -0.4095089050190395 -0.3793763539002 -0.2794949455694978 -0.2441241238211805 -0.09066514732136553 -0.03134190861524724 0.06101780536976358 0.06432220193283653 0.07030451675901657 0.07104144408443255 0.07185230199055727 +30039,-0.14019427473071183,1,-0.4807070256699732 -0.8555414717616657 -0.4280823277975455 -0.4423091678408366 -0.4868981665961448 -0.4868981665961448 -0.4868981665961448 -0.7347861278395214 -0.4095089050190395 -0.3793763539002 -0.2794949455694978 -0.2441241238211805 -0.09066514732136553 -0.03134190861524724 0.06101780536976358 0.06432220193283653 0.07030451675901657 0.07104144408443255 0.07185230199055727 -0.2795417151506158 +30040,-0.19679301581540426,1,-0.8555414717616657 -0.4280823277975455 -0.4423091678408366 -0.4868981665961448 -0.4868981665961448 -0.4868981665961448 -0.7347861278395214 -0.4095089050190395 -0.3793763539002 -0.2794949455694978 -0.2441241238211805 -0.09066514732136553 -0.03134190861524724 0.06101780536976358 0.06432220193283653 0.07030451675901657 0.07104144408443255 0.07185230199055727 -0.2795417151506158 -0.14019427473071183 +30041,-0.25937373755945115,1,-0.4280823277975455 -0.4423091678408366 -0.4868981665961448 -0.4868981665961448 -0.4868981665961448 -0.7347861278395214 -0.4095089050190395 -0.3793763539002 -0.2794949455694978 -0.2441241238211805 -0.09066514732136553 -0.03134190861524724 0.06101780536976358 0.06432220193283653 0.07030451675901657 0.07104144408443255 0.07185230199055727 -0.2795417151506158 -0.14019427473071183 -0.19679301581540426 +30042,-0.3801009856197399,1,-0.4423091678408366 -0.4868981665961448 -0.4868981665961448 -0.4868981665961448 -0.7347861278395214 -0.4095089050190395 -0.3793763539002 -0.2794949455694978 -0.2441241238211805 -0.09066514732136553 -0.03134190861524724 0.06101780536976358 0.06432220193283653 0.07030451675901657 0.07104144408443255 0.07185230199055727 -0.2795417151506158 -0.14019427473071183 -0.19679301581540426 -0.25937373755945115 +30043,-0.40022219362978656,1,-0.4868981665961448 -0.4868981665961448 -0.4868981665961448 -0.7347861278395214 -0.4095089050190395 -0.3793763539002 -0.2794949455694978 -0.2441241238211805 -0.09066514732136553 -0.03134190861524724 0.06101780536976358 0.06432220193283653 0.07030451675901657 0.07104144408443255 0.07185230199055727 -0.2795417151506158 -0.14019427473071183 -0.19679301581540426 -0.25937373755945115 -0.3801009856197399 +30044,-0.42250112863393463,1,-0.4868981665961448 -0.4868981665961448 -0.7347861278395214 -0.4095089050190395 -0.3793763539002 -0.2794949455694978 -0.2441241238211805 -0.09066514732136553 -0.03134190861524724 0.06101780536976358 0.06432220193283653 0.07030451675901657 0.07104144408443255 0.07185230199055727 -0.2795417151506158 -0.14019427473071183 -0.19679301581540426 -0.25937373755945115 -0.3801009856197399 -0.40022219362978656 +30045,-0.46213360289146727,1,-0.4868981665961448 -0.7347861278395214 -0.4095089050190395 -0.3793763539002 -0.2794949455694978 -0.2441241238211805 -0.09066514732136553 -0.03134190861524724 0.06101780536976358 0.06432220193283653 0.07030451675901657 0.07104144408443255 0.07185230199055727 -0.2795417151506158 -0.14019427473071183 -0.19679301581540426 -0.25937373755945115 -0.3801009856197399 -0.40022219362978656 -0.42250112863393463 +30046,-0.5782174952571252,1,-0.7347861278395214 -0.4095089050190395 -0.3793763539002 -0.2794949455694978 -0.2441241238211805 -0.09066514732136553 -0.03134190861524724 0.06101780536976358 0.06432220193283653 0.07030451675901657 0.07104144408443255 0.07185230199055727 -0.2795417151506158 -0.14019427473071183 -0.19679301581540426 -0.25937373755945115 -0.3801009856197399 -0.40022219362978656 -0.42250112863393463 -0.46213360289146727 +30047,-0.5782174952571252,1,-0.4095089050190395 -0.3793763539002 -0.2794949455694978 -0.2441241238211805 -0.09066514732136553 -0.03134190861524724 0.06101780536976358 0.06432220193283653 0.07030451675901657 0.07104144408443255 0.07185230199055727 -0.2795417151506158 -0.14019427473071183 -0.19679301581540426 -0.25937373755945115 -0.3801009856197399 -0.40022219362978656 -0.42250112863393463 -0.46213360289146727 -0.5782174952571252 +30048,-0.5819588185896686,1,-0.3793763539002 -0.2794949455694978 -0.2441241238211805 -0.09066514732136553 -0.03134190861524724 0.06101780536976358 0.06432220193283653 0.07030451675901657 0.07104144408443255 0.07185230199055727 -0.2795417151506158 -0.14019427473071183 -0.19679301581540426 -0.25937373755945115 -0.3801009856197399 -0.40022219362978656 -0.42250112863393463 -0.46213360289146727 -0.5782174952571252 -0.5782174952571252 +30049,-0.5905997771094683,1,-0.2794949455694978 -0.2441241238211805 -0.09066514732136553 -0.03134190861524724 0.06101780536976358 0.06432220193283653 0.07030451675901657 0.07104144408443255 0.07185230199055727 -0.2795417151506158 -0.14019427473071183 -0.19679301581540426 -0.25937373755945115 -0.3801009856197399 -0.40022219362978656 -0.42250112863393463 -0.46213360289146727 -0.5782174952571252 -0.5782174952571252 -0.5819588185896686 +30050,-0.7992049449972844,1,-0.2441241238211805 -0.09066514732136553 -0.03134190861524724 0.06101780536976358 0.06432220193283653 0.07030451675901657 0.07104144408443255 0.07185230199055727 -0.2795417151506158 -0.14019427473071183 -0.19679301581540426 -0.25937373755945115 -0.3801009856197399 -0.40022219362978656 -0.42250112863393463 -0.46213360289146727 -0.5782174952571252 -0.5782174952571252 -0.5819588185896686 -0.5905997771094683 +30051,-0.7252570922536233,1,-0.09066514732136553 -0.03134190861524724 0.06101780536976358 0.06432220193283653 0.07030451675901657 0.07104144408443255 0.07185230199055727 -0.2795417151506158 -0.14019427473071183 -0.19679301581540426 -0.25937373755945115 -0.3801009856197399 -0.40022219362978656 -0.42250112863393463 -0.46213360289146727 -0.5782174952571252 -0.5782174952571252 -0.5819588185896686 -0.5905997771094683 -0.7992049449972844 +30052,-0.6360731537241754,1,-0.03134190861524724 0.06101780536976358 0.06432220193283653 0.07030451675901657 0.07104144408443255 0.07185230199055727 -0.2795417151506158 -0.14019427473071183 -0.19679301581540426 -0.25937373755945115 -0.3801009856197399 -0.40022219362978656 -0.42250112863393463 -0.46213360289146727 -0.5782174952571252 -0.5782174952571252 -0.5819588185896686 -0.5905997771094683 -0.7992049449972844 -0.7252570922536233 +30053,-0.5426184349316627,1,0.06101780536976358 0.06432220193283653 0.07030451675901657 0.07104144408443255 0.07185230199055727 -0.2795417151506158 -0.14019427473071183 -0.19679301581540426 -0.25937373755945115 -0.3801009856197399 -0.40022219362978656 -0.42250112863393463 -0.46213360289146727 -0.5782174952571252 -0.5782174952571252 -0.5819588185896686 -0.5905997771094683 -0.7992049449972844 -0.7252570922536233 -0.6360731537241754 +30054,-0.24853924093865745,1,0.06432220193283653 0.07030451675901657 0.07104144408443255 0.07185230199055727 -0.2795417151506158 -0.14019427473071183 -0.19679301581540426 -0.25937373755945115 -0.3801009856197399 -0.40022219362978656 -0.42250112863393463 -0.46213360289146727 -0.5782174952571252 -0.5782174952571252 -0.5819588185896686 -0.5905997771094683 -0.7992049449972844 -0.7252570922536233 -0.6360731537241754 -0.5426184349316627 +30055,-0.22307132663270268,1,0.07030451675901657 0.07104144408443255 0.07185230199055727 -0.2795417151506158 -0.14019427473071183 -0.19679301581540426 -0.25937373755945115 -0.3801009856197399 -0.40022219362978656 -0.42250112863393463 -0.46213360289146727 -0.5782174952571252 -0.5782174952571252 -0.5819588185896686 -0.5905997771094683 -0.7992049449972844 -0.7252570922536233 -0.6360731537241754 -0.5426184349316627 -0.24853924093865745 +30056,-0.09221293255290623,1,0.07104144408443255 0.07185230199055727 -0.2795417151506158 -0.14019427473071183 -0.19679301581540426 -0.25937373755945115 -0.3801009856197399 -0.40022219362978656 -0.42250112863393463 -0.46213360289146727 -0.5782174952571252 -0.5782174952571252 -0.5819588185896686 -0.5905997771094683 -0.7992049449972844 -0.7252570922536233 -0.6360731537241754 -0.5426184349316627 -0.24853924093865745 -0.22307132663270268 +30057,-0.02453965084797989,1,0.07185230199055727 -0.2795417151506158 -0.14019427473071183 -0.19679301581540426 -0.25937373755945115 -0.3801009856197399 -0.40022219362978656 -0.42250112863393463 -0.46213360289146727 -0.5782174952571252 -0.5782174952571252 -0.5819588185896686 -0.5905997771094683 -0.7992049449972844 -0.7252570922536233 -0.6360731537241754 -0.5426184349316627 -0.24853924093865745 -0.22307132663270268 -0.09221293255290623 +30058,0.04863552351742921,1,-0.2795417151506158 -0.14019427473071183 -0.19679301581540426 -0.25937373755945115 -0.3801009856197399 -0.40022219362978656 -0.42250112863393463 -0.46213360289146727 -0.5782174952571252 -0.5782174952571252 -0.5819588185896686 -0.5905997771094683 -0.7992049449972844 -0.7252570922536233 -0.6360731537241754 -0.5426184349316627 -0.24853924093865745 -0.22307132663270268 -0.09221293255290623 -0.02453965084797989 +30059,-0.31799603757801737,1,-0.14019427473071183 -0.19679301581540426 -0.25937373755945115 -0.3801009856197399 -0.40022219362978656 -0.42250112863393463 -0.46213360289146727 -0.5782174952571252 -0.5782174952571252 -0.5819588185896686 -0.5905997771094683 -0.7992049449972844 -0.7252570922536233 -0.6360731537241754 -0.5426184349316627 -0.24853924093865745 -0.22307132663270268 -0.09221293255290623 -0.02453965084797989 0.04863552351742921 +30060,-0.04577937560664132,1,-0.19679301581540426 -0.25937373755945115 -0.3801009856197399 -0.40022219362978656 -0.42250112863393463 -0.46213360289146727 -0.5782174952571252 -0.5782174952571252 -0.5819588185896686 -0.5905997771094683 -0.7992049449972844 -0.7252570922536233 -0.6360731537241754 -0.5426184349316627 -0.24853924093865745 -0.22307132663270268 -0.09221293255290623 -0.02453965084797989 0.04863552351742921 -0.31799603757801737 +30061,-0.145029067003473,1,-0.25937373755945115 -0.3801009856197399 -0.40022219362978656 -0.42250112863393463 -0.46213360289146727 -0.5782174952571252 -0.5782174952571252 -0.5819588185896686 -0.5905997771094683 -0.7992049449972844 -0.7252570922536233 -0.6360731537241754 -0.5426184349316627 -0.24853924093865745 -0.22307132663270268 -0.09221293255290623 -0.02453965084797989 0.04863552351742921 -0.31799603757801737 -0.04577937560664132 +30062,-0.2516348114017388,1,-0.3801009856197399 -0.40022219362978656 -0.42250112863393463 -0.46213360289146727 -0.5782174952571252 -0.5782174952571252 -0.5819588185896686 -0.5905997771094683 -0.7992049449972844 -0.7252570922536233 -0.6360731537241754 -0.5426184349316627 -0.24853924093865745 -0.22307132663270268 -0.09221293255290623 -0.02453965084797989 0.04863552351742921 -0.31799603757801737 -0.04577937560664132 -0.145029067003473 +30063,-0.38468754982387304,1,-0.40022219362978656 -0.42250112863393463 -0.46213360289146727 -0.5782174952571252 -0.5782174952571252 -0.5819588185896686 -0.5905997771094683 -0.7992049449972844 -0.7252570922536233 -0.6360731537241754 -0.5426184349316627 -0.24853924093865745 -0.22307132663270268 -0.09221293255290623 -0.02453965084797989 0.04863552351742921 -0.31799603757801737 -0.04577937560664132 -0.145029067003473 -0.2516348114017388 +30064,-0.5240450121531567,1,-0.42250112863393463 -0.46213360289146727 -0.5782174952571252 -0.5782174952571252 -0.5819588185896686 -0.5905997771094683 -0.7992049449972844 -0.7252570922536233 -0.6360731537241754 -0.5426184349316627 -0.24853924093865745 -0.22307132663270268 -0.09221293255290623 -0.02453965084797989 0.04863552351742921 -0.31799603757801737 -0.04577937560664132 -0.145029067003473 -0.2516348114017388 -0.38468754982387304 +30065,-0.7701428639683475,1,-0.46213360289146727 -0.5782174952571252 -0.5782174952571252 -0.5819588185896686 -0.5905997771094683 -0.7992049449972844 -0.7252570922536233 -0.6360731537241754 -0.5426184349316627 -0.24853924093865745 -0.22307132663270268 -0.09221293255290623 -0.02453965084797989 0.04863552351742921 -0.31799603757801737 -0.04577937560664132 -0.145029067003473 -0.2516348114017388 -0.38468754982387304 -0.5240450121531567 +30066,-0.7703824978047016,1,-0.5782174952571252 -0.5782174952571252 -0.5819588185896686 -0.5905997771094683 -0.7992049449972844 -0.7252570922536233 -0.6360731537241754 -0.5426184349316627 -0.24853924093865745 -0.22307132663270268 -0.09221293255290623 -0.02453965084797989 0.04863552351742921 -0.31799603757801737 -0.04577937560664132 -0.145029067003473 -0.2516348114017388 -0.38468754982387304 -0.5240450121531567 -0.7701428639683475 +30067,-0.7747862196629784,1,-0.5782174952571252 -0.5819588185896686 -0.5905997771094683 -0.7992049449972844 -0.7252570922536233 -0.6360731537241754 -0.5426184349316627 -0.24853924093865745 -0.22307132663270268 -0.09221293255290623 -0.02453965084797989 0.04863552351742921 -0.31799603757801737 -0.04577937560664132 -0.145029067003473 -0.2516348114017388 -0.38468754982387304 -0.5240450121531567 -0.7701428639683475 -0.7703824978047016 +30068,-1.479013093669996,1,-0.5819588185896686 -0.5905997771094683 -0.7992049449972844 -0.7252570922536233 -0.6360731537241754 -0.5426184349316627 -0.24853924093865745 -0.22307132663270268 -0.09221293255290623 -0.02453965084797989 0.04863552351742921 -0.31799603757801737 -0.04577937560664132 -0.145029067003473 -0.2516348114017388 -0.38468754982387304 -0.5240450121531567 -0.7701428639683475 -0.7703824978047016 -0.7747862196629784 +30069,-0.8568188369347058,1,-0.5905997771094683 -0.7992049449972844 -0.7252570922536233 -0.6360731537241754 -0.5426184349316627 -0.24853924093865745 -0.22307132663270268 -0.09221293255290623 -0.02453965084797989 0.04863552351742921 -0.31799603757801737 -0.04577937560664132 -0.145029067003473 -0.2516348114017388 -0.38468754982387304 -0.5240450121531567 -0.7701428639683475 -0.7703824978047016 -0.7747862196629784 -1.479013093669996 +30070,-0.892558137591426,1,-0.7992049449972844 -0.7252570922536233 -0.6360731537241754 -0.5426184349316627 -0.24853924093865745 -0.22307132663270268 -0.09221293255290623 -0.02453965084797989 0.04863552351742921 -0.31799603757801737 -0.04577937560664132 -0.145029067003473 -0.2516348114017388 -0.38468754982387304 -0.5240450121531567 -0.7701428639683475 -0.7703824978047016 -0.7747862196629784 -1.479013093669996 -0.8568188369347058 +30071,-0.9326603132802703,1,-0.7252570922536233 -0.6360731537241754 -0.5426184349316627 -0.24853924093865745 -0.22307132663270268 -0.09221293255290623 -0.02453965084797989 0.04863552351742921 -0.31799603757801737 -0.04577937560664132 -0.145029067003473 -0.2516348114017388 -0.38468754982387304 -0.5240450121531567 -0.7701428639683475 -0.7703824978047016 -0.7747862196629784 -1.479013093669996 -0.8568188369347058 -0.892558137591426 +30072,-1.013145145320457,1,-0.6360731537241754 -0.5426184349316627 -0.24853924093865745 -0.22307132663270268 -0.09221293255290623 -0.02453965084797989 0.04863552351742921 -0.31799603757801737 -0.04577937560664132 -0.145029067003473 -0.2516348114017388 -0.38468754982387304 -0.5240450121531567 -0.7701428639683475 -0.7703824978047016 -0.7747862196629784 -1.479013093669996 -0.8568188369347058 -0.892558137591426 -0.9326603132802703 +30073,-1.0023106486996634,1,-0.5426184349316627 -0.24853924093865745 -0.22307132663270268 -0.09221293255290623 -0.02453965084797989 0.04863552351742921 -0.31799603757801737 -0.04577937560664132 -0.145029067003473 -0.2516348114017388 -0.38468754982387304 -0.5240450121531567 -0.7701428639683475 -0.7703824978047016 -0.7747862196629784 -1.479013093669996 -0.8568188369347058 -0.892558137591426 -0.9326603132802703 -1.013145145320457 +30074,-1.2700984705801344,1,-0.24853924093865745 -0.22307132663270268 -0.09221293255290623 -0.02453965084797989 0.04863552351742921 -0.31799603757801737 -0.04577937560664132 -0.145029067003473 -0.2516348114017388 -0.38468754982387304 -0.5240450121531567 -0.7701428639683475 -0.7703824978047016 -0.7747862196629784 -1.479013093669996 -0.8568188369347058 -0.892558137591426 -0.9326603132802703 -1.013145145320457 -1.0023106486996634 +30075,-1.027075212404341,1,-0.22307132663270268 -0.09221293255290623 -0.02453965084797989 0.04863552351742921 -0.31799603757801737 -0.04577937560664132 -0.145029067003473 -0.2516348114017388 -0.38468754982387304 -0.5240450121531567 -0.7701428639683475 -0.7703824978047016 -0.7747862196629784 -1.479013093669996 -0.8568188369347058 -0.892558137591426 -0.9326603132802703 -1.013145145320457 -1.0023106486996634 -1.2700984705801344 +30076,-1.0859351390913696,1,-0.09221293255290623 -0.02453965084797989 0.04863552351742921 -0.31799603757801737 -0.04577937560664132 -0.145029067003473 -0.2516348114017388 -0.38468754982387304 -0.5240450121531567 -0.7701428639683475 -0.7703824978047016 -0.7747862196629784 -1.479013093669996 -0.8568188369347058 -0.892558137591426 -0.9326603132802703 -1.013145145320457 -1.0023106486996634 -1.2700984705801344 -1.027075212404341 +30077,-1.180305950327002,1,-0.02453965084797989 0.04863552351742921 -0.31799603757801737 -0.04577937560664132 -0.145029067003473 -0.2516348114017388 -0.38468754982387304 -0.5240450121531567 -0.7701428639683475 -0.7703824978047016 -0.7747862196629784 -1.479013093669996 -0.8568188369347058 -0.892558137591426 -0.9326603132802703 -1.013145145320457 -1.0023106486996634 -1.2700984705801344 -1.027075212404341 -1.0859351390913696 +30078,-1.0952484244052545,1,0.04863552351742921 -0.31799603757801737 -0.04577937560664132 -0.145029067003473 -0.2516348114017388 -0.38468754982387304 -0.5240450121531567 -0.7701428639683475 -0.7703824978047016 -0.7747862196629784 -1.479013093669996 -0.8568188369347058 -0.892558137591426 -0.9326603132802703 -1.013145145320457 -1.0023106486996634 -1.2700984705801344 -1.027075212404341 -1.0859351390913696 -1.180305950327002 +30079,-0.9821894406896167,1,-0.31799603757801737 -0.04577937560664132 -0.145029067003473 -0.2516348114017388 -0.38468754982387304 -0.5240450121531567 -0.7701428639683475 -0.7703824978047016 -0.7747862196629784 -1.479013093669996 -0.8568188369347058 -0.892558137591426 -0.9326603132802703 -1.013145145320457 -1.0023106486996634 -1.2700984705801344 -1.027075212404341 -1.0859351390913696 -1.180305950327002 -1.0952484244052545 +30080,-1.1985936281158696,1,-0.04577937560664132 -0.145029067003473 -0.2516348114017388 -0.38468754982387304 -0.5240450121531567 -0.7701428639683475 -0.7703824978047016 -0.7747862196629784 -1.479013093669996 -0.8568188369347058 -0.892558137591426 -0.9326603132802703 -1.013145145320457 -1.0023106486996634 -1.2700984705801344 -1.027075212404341 -1.0859351390913696 -1.180305950327002 -1.0952484244052545 -0.9821894406896167 +30081,-0.601434273730262,1,-0.145029067003473 -0.2516348114017388 -0.38468754982387304 -0.5240450121531567 -0.7701428639683475 -0.7703824978047016 -0.7747862196629784 -1.479013093669996 -0.8568188369347058 -0.892558137591426 -0.9326603132802703 -1.013145145320457 -1.0023106486996634 -1.2700984705801344 -1.027075212404341 -1.0859351390913696 -1.180305950327002 -1.0952484244052545 -0.9821894406896167 -1.1985936281158696 +30082,-0.552892201776111,1,-0.2516348114017388 -0.38468754982387304 -0.5240450121531567 -0.7701428639683475 -0.7703824978047016 -0.7747862196629784 -1.479013093669996 -0.8568188369347058 -0.892558137591426 -0.9326603132802703 -1.013145145320457 -1.0023106486996634 -1.2700984705801344 -1.027075212404341 -1.0859351390913696 -1.180305950327002 -1.0952484244052545 -0.9821894406896167 -1.1985936281158696 -0.601434273730262 +30083,-0.4745158847438104,1,-0.38468754982387304 -0.5240450121531567 -0.7701428639683475 -0.7703824978047016 -0.7747862196629784 -1.479013093669996 -0.8568188369347058 -0.892558137591426 -0.9326603132802703 -1.013145145320457 -1.0023106486996634 -1.2700984705801344 -1.027075212404341 -1.0859351390913696 -1.180305950327002 -1.0952484244052545 -0.9821894406896167 -1.1985936281158696 -0.601434273730262 -0.552892201776111 +30084,-0.587715347149627,1,-0.5240450121531567 -0.7701428639683475 -0.7703824978047016 -0.7747862196629784 -1.479013093669996 -0.8568188369347058 -0.892558137591426 -0.9326603132802703 -1.013145145320457 -1.0023106486996634 -1.2700984705801344 -1.027075212404341 -1.0859351390913696 -1.180305950327002 -1.0952484244052545 -0.9821894406896167 -1.1985936281158696 -0.601434273730262 -0.552892201776111 -0.4745158847438104 +30085,-0.7701428639683475,1,-0.7701428639683475 -0.7703824978047016 -0.7747862196629784 -1.479013093669996 -0.8568188369347058 -0.892558137591426 -0.9326603132802703 -1.013145145320457 -1.0023106486996634 -1.2700984705801344 -1.027075212404341 -1.0859351390913696 -1.180305950327002 -1.0952484244052545 -0.9821894406896167 -1.1985936281158696 -0.601434273730262 -0.552892201776111 -0.4745158847438104 -0.587715347149627 +30086,-1.2755710419971755,1,-0.7703824978047016 -0.7747862196629784 -1.479013093669996 -0.8568188369347058 -0.892558137591426 -0.9326603132802703 -1.013145145320457 -1.0023106486996634 -1.2700984705801344 -1.027075212404341 -1.0859351390913696 -1.180305950327002 -1.0952484244052545 -0.9821894406896167 -1.1985936281158696 -0.601434273730262 -0.552892201776111 -0.4745158847438104 -0.587715347149627 -0.7701428639683475 +30087,-0.9930239373104104,1,-0.7747862196629784 -1.479013093669996 -0.8568188369347058 -0.892558137591426 -0.9326603132802703 -1.013145145320457 -1.0023106486996634 -1.2700984705801344 -1.027075212404341 -1.0859351390913696 -1.180305950327002 -1.0952484244052545 -0.9821894406896167 -1.1985936281158696 -0.601434273730262 -0.552892201776111 -0.4745158847438104 -0.587715347149627 -0.7701428639683475 -1.2755710419971755 +30088,-1.0339464075971494,1,-1.479013093669996 -0.8568188369347058 -0.892558137591426 -0.9326603132802703 -1.013145145320457 -1.0023106486996634 -1.2700984705801344 -1.027075212404341 -1.0859351390913696 -1.180305950327002 -1.0952484244052545 -0.9821894406896167 -1.1985936281158696 -0.601434273730262 -0.552892201776111 -0.4745158847438104 -0.587715347149627 -0.7701428639683475 -1.2755710419971755 -0.9930239373104104 +30089,-1.1029166887498967,1,-0.8568188369347058 -0.892558137591426 -0.9326603132802703 -1.013145145320457 -1.0023106486996634 -1.2700984705801344 -1.027075212404341 -1.0859351390913696 -1.180305950327002 -1.0952484244052545 -0.9821894406896167 -1.1985936281158696 -0.601434273730262 -0.552892201776111 -0.4745158847438104 -0.587715347149627 -0.7701428639683475 -1.2755710419971755 -0.9930239373104104 -1.0339464075971494 +30090,-1.2700774937564503,1,-0.892558137591426 -0.9326603132802703 -1.013145145320457 -1.0023106486996634 -1.2700984705801344 -1.027075212404341 -1.0859351390913696 -1.180305950327002 -1.0952484244052545 -0.9821894406896167 -1.1985936281158696 -0.601434273730262 -0.552892201776111 -0.4745158847438104 -0.587715347149627 -0.7701428639683475 -1.2755710419971755 -0.9930239373104104 -1.0339464075971494 -1.1029166887498967 +30091,-1.2715623194185675,1,-0.9326603132802703 -1.013145145320457 -1.0023106486996634 -1.2700984705801344 -1.027075212404341 -1.0859351390913696 -1.180305950327002 -1.0952484244052545 -0.9821894406896167 -1.1985936281158696 -0.601434273730262 -0.552892201776111 -0.4745158847438104 -0.587715347149627 -0.7701428639683475 -1.2755710419971755 -0.9930239373104104 -1.0339464075971494 -1.1029166887498967 -1.2700774937564503 +30092,-1.3227021916288781,1,-1.013145145320457 -1.0023106486996634 -1.2700984705801344 -1.027075212404341 -1.0859351390913696 -1.180305950327002 -1.0952484244052545 -0.9821894406896167 -1.1985936281158696 -0.601434273730262 -0.552892201776111 -0.4745158847438104 -0.587715347149627 -0.7701428639683475 -1.2755710419971755 -0.9930239373104104 -1.0339464075971494 -1.1029166887498967 -1.2700774937564503 -1.2715623194185675 +30093,-1.3882007719338587,1,-1.0023106486996634 -1.2700984705801344 -1.027075212404341 -1.0859351390913696 -1.180305950327002 -1.0952484244052545 -0.9821894406896167 -1.1985936281158696 -0.601434273730262 -0.552892201776111 -0.4745158847438104 -0.587715347149627 -0.7701428639683475 -1.2755710419971755 -0.9930239373104104 -1.0339464075971494 -1.1029166887498967 -1.2700774937564503 -1.2715623194185675 -1.3227021916288781 +30094,-1.4821240704777194,1,-1.2700984705801344 -1.027075212404341 -1.0859351390913696 -1.180305950327002 -1.0952484244052545 -0.9821894406896167 -1.1985936281158696 -0.601434273730262 -0.552892201776111 -0.4745158847438104 -0.587715347149627 -0.7701428639683475 -1.2755710419971755 -0.9930239373104104 -1.0339464075971494 -1.1029166887498967 -1.2700774937564503 -1.2715623194185675 -1.3227021916288781 -1.3882007719338587 +30095,-1.87205164194618,1,-1.027075212404341 -1.0859351390913696 -1.180305950327002 -1.0952484244052545 -0.9821894406896167 -1.1985936281158696 -0.601434273730262 -0.552892201776111 -0.4745158847438104 -0.587715347149627 -0.7701428639683475 -1.2755710419971755 -0.9930239373104104 -1.0339464075971494 -1.1029166887498967 -1.2700774937564503 -1.2715623194185675 -1.3227021916288781 -1.3882007719338587 -1.4821240704777194 +30096,-1.5378443388132286,1,-1.0859351390913696 -1.180305950327002 -1.0952484244052545 -0.9821894406896167 -1.1985936281158696 -0.601434273730262 -0.552892201776111 -0.4745158847438104 -0.587715347149627 -0.7701428639683475 -1.2755710419971755 -0.9930239373104104 -1.0339464075971494 -1.1029166887498967 -1.2700774937564503 -1.2715623194185675 -1.3227021916288781 -1.3882007719338587 -1.4821240704777194 -1.87205164194618 +30097,-1.5548426599629817,1,-1.180305950327002 -1.0952484244052545 -0.9821894406896167 -1.1985936281158696 -0.601434273730262 -0.552892201776111 -0.4745158847438104 -0.587715347149627 -0.7701428639683475 -1.2755710419971755 -0.9930239373104104 -1.0339464075971494 -1.1029166887498967 -1.2700774937564503 -1.2715623194185675 -1.3227021916288781 -1.3882007719338587 -1.4821240704777194 -1.87205164194618 -1.5378443388132286 +30098,-1.5796345400648715,1,-1.0952484244052545 -0.9821894406896167 -1.1985936281158696 -0.601434273730262 -0.552892201776111 -0.4745158847438104 -0.587715347149627 -0.7701428639683475 -1.2755710419971755 -0.9930239373104104 -1.0339464075971494 -1.1029166887498967 -1.2700774937564503 -1.2715623194185675 -1.3227021916288781 -1.3882007719338587 -1.4821240704777194 -1.87205164194618 -1.5378443388132286 -1.5548426599629817 +30099,-1.5416049797436913,1,-0.9821894406896167 -1.1985936281158696 -0.601434273730262 -0.552892201776111 -0.4745158847438104 -0.587715347149627 -0.7701428639683475 -1.2755710419971755 -0.9930239373104104 -1.0339464075971494 -1.1029166887498967 -1.2700774937564503 -1.2715623194185675 -1.3227021916288781 -1.3882007719338587 -1.4821240704777194 -1.87205164194618 -1.5378443388132286 -1.5548426599629817 -1.5796345400648715 +30100,-1.48367185570926,1,-1.1985936281158696 -0.601434273730262 -0.552892201776111 -0.4745158847438104 -0.587715347149627 -0.7701428639683475 -1.2755710419971755 -0.9930239373104104 -1.0339464075971494 -1.1029166887498967 -1.2700774937564503 -1.2715623194185675 -1.3227021916288781 -1.3882007719338587 -1.4821240704777194 -1.87205164194618 -1.5378443388132286 -1.5548426599629817 -1.5796345400648715 -1.5416049797436913 +30101,-1.2547386611888423,1,-0.601434273730262 -0.552892201776111 -0.4745158847438104 -0.587715347149627 -0.7701428639683475 -1.2755710419971755 -0.9930239373104104 -1.0339464075971494 -1.1029166887498967 -1.2700774937564503 -1.2715623194185675 -1.3227021916288781 -1.3882007719338587 -1.4821240704777194 -1.87205164194618 -1.5378443388132286 -1.5548426599629817 -1.5796345400648715 -1.5416049797436913 -1.48367185570926 +30102,-0.5936953475725497,1,-0.552892201776111 -0.4745158847438104 -0.587715347149627 -0.7701428639683475 -1.2755710419971755 -0.9930239373104104 -1.0339464075971494 -1.1029166887498967 -1.2700774937564503 -1.2715623194185675 -1.3227021916288781 -1.3882007719338587 -1.4821240704777194 -1.87205164194618 -1.5378443388132286 -1.5548426599629817 -1.5796345400648715 -1.5416049797436913 -1.48367185570926 -1.2547386611888423 +30103,-0.35279909703302104,1,-0.4745158847438104 -0.587715347149627 -0.7701428639683475 -1.2755710419971755 -0.9930239373104104 -1.0339464075971494 -1.1029166887498967 -1.2700774937564503 -1.2715623194185675 -1.3227021916288781 -1.3882007719338587 -1.4821240704777194 -1.87205164194618 -1.5378443388132286 -1.5548426599629817 -1.5796345400648715 -1.5416049797436913 -1.48367185570926 -1.2547386611888423 -0.5936953475725497 +30104,0.006845322265786387,1,-0.587715347149627 -0.7701428639683475 -1.2755710419971755 -0.9930239373104104 -1.0339464075971494 -1.1029166887498967 -1.2700774937564503 -1.2715623194185675 -1.3227021916288781 -1.3882007719338587 -1.4821240704777194 -1.87205164194618 -1.5378443388132286 -1.5548426599629817 -1.5796345400648715 -1.5416049797436913 -1.48367185570926 -1.2547386611888423 -0.5936953475725497 -0.35279909703302104 +30105,0.11418874234364063,1,-0.7701428639683475 -1.2755710419971755 -0.9930239373104104 -1.0339464075971494 -1.1029166887498967 -1.2700774937564503 -1.2715623194185675 -1.3227021916288781 -1.3882007719338587 -1.4821240704777194 -1.87205164194618 -1.5378443388132286 -1.5548426599629817 -1.5796345400648715 -1.5416049797436913 -1.48367185570926 -1.2547386611888423 -0.5936953475725497 -0.35279909703302104 0.006845322265786387 +30106,0.2761599525541141,1,-1.2755710419971755 -0.9930239373104104 -1.0339464075971494 -1.1029166887498967 -1.2700774937564503 -1.2715623194185675 -1.3227021916288781 -1.3882007719338587 -1.4821240704777194 -1.87205164194618 -1.5378443388132286 -1.5548426599629817 -1.5796345400648715 -1.5416049797436913 -1.48367185570926 -1.2547386611888423 -0.5936953475725497 -0.35279909703302104 0.006845322265786387 0.11418874234364063 +30107,0.07508545338030814,1,-0.9930239373104104 -1.0339464075971494 -1.1029166887498967 -1.2700774937564503 -1.2715623194185675 -1.3227021916288781 -1.3882007719338587 -1.4821240704777194 -1.87205164194618 -1.5378443388132286 -1.5548426599629817 -1.5796345400648715 -1.5416049797436913 -1.48367185570926 -1.2547386611888423 -0.5936953475725497 -0.35279909703302104 0.006845322265786387 0.11418874234364063 0.2761599525541141 +30108,0.3164023685742074,1,-1.0339464075971494 -1.1029166887498967 -1.2700774937564503 -1.2715623194185675 -1.3227021916288781 -1.3882007719338587 -1.4821240704777194 -1.87205164194618 -1.5378443388132286 -1.5548426599629817 -1.5796345400648715 -1.5416049797436913 -1.48367185570926 -1.2547386611888423 -0.5936953475725497 -0.35279909703302104 0.006845322265786387 0.11418874234364063 0.2761599525541141 0.07508545338030814 +30109,0.14431832248872925,1,-1.1029166887498967 -1.2700774937564503 -1.2715623194185675 -1.3227021916288781 -1.3882007719338587 -1.4821240704777194 -1.87205164194618 -1.5378443388132286 -1.5548426599629817 -1.5796345400648715 -1.5416049797436913 -1.48367185570926 -1.2547386611888423 -0.5936953475725497 -0.35279909703302104 0.006845322265786387 0.11418874234364063 0.2761599525541141 0.07508545338030814 0.3164023685742074 +30110,-0.13400313380454026,1,-1.2700774937564503 -1.2715623194185675 -1.3227021916288781 -1.3882007719338587 -1.4821240704777194 -1.87205164194618 -1.5378443388132286 -1.5548426599629817 -1.5796345400648715 -1.5416049797436913 -1.48367185570926 -1.2547386611888423 -0.5936953475725497 -0.35279909703302104 0.006845322265786387 0.11418874234364063 0.2761599525541141 0.07508545338030814 0.3164023685742074 0.14431832248872925 +30111,-0.20815273679323015,1,-1.2715623194185675 -1.3227021916288781 -1.3882007719338587 -1.4821240704777194 -1.87205164194618 -1.5378443388132286 -1.5548426599629817 -1.5796345400648715 -1.5416049797436913 -1.48367185570926 -1.2547386611888423 -0.5936953475725497 -0.35279909703302104 0.006845322265786387 0.11418874234364063 0.2761599525541141 0.07508545338030814 0.3164023685742074 0.14431832248872925 -0.13400313380454026 +30112,-0.333667428673475,1,-1.3227021916288781 -1.3882007719338587 -1.4821240704777194 -1.87205164194618 -1.5378443388132286 -1.5548426599629817 -1.5796345400648715 -1.5416049797436913 -1.48367185570926 -1.2547386611888423 -0.5936953475725497 -0.35279909703302104 0.006845322265786387 0.11418874234364063 0.2761599525541141 0.07508545338030814 0.3164023685742074 0.14431832248872925 -0.13400313380454026 -0.20815273679323015 +30113,-1.0015406230705144,1,-1.3882007719338587 -1.4821240704777194 -1.87205164194618 -1.5378443388132286 -1.5548426599629817 -1.5796345400648715 -1.5416049797436913 -1.48367185570926 -1.2547386611888423 -0.5936953475725497 -0.35279909703302104 0.006845322265786387 0.11418874234364063 0.2761599525541141 0.07508545338030814 0.3164023685742074 0.14431832248872925 -0.13400313380454026 -0.20815273679323015 -0.333667428673475 +30114,-0.5317839383108602,1,-1.4821240704777194 -1.87205164194618 -1.5378443388132286 -1.5548426599629817 -1.5796345400648715 -1.5416049797436913 -1.48367185570926 -1.2547386611888423 -0.5936953475725497 -0.35279909703302104 0.006845322265786387 0.11418874234364063 0.2761599525541141 0.07508545338030814 0.3164023685742074 0.14431832248872925 -0.13400313380454026 -0.20815273679323015 -0.333667428673475 -1.0015406230705144 +30115,-0.5784266205439964,1,-1.87205164194618 -1.5378443388132286 -1.5548426599629817 -1.5796345400648715 -1.5416049797436913 -1.48367185570926 -1.2547386611888423 -0.5936953475725497 -0.35279909703302104 0.006845322265786387 0.11418874234364063 0.2761599525541141 0.07508545338030814 0.3164023685742074 0.14431832248872925 -0.13400313380454026 -0.20815273679323015 -0.333667428673475 -1.0015406230705144 -0.5317839383108602 +30116,-0.643224474981896,1,-1.5378443388132286 -1.5548426599629817 -1.5796345400648715 -1.5416049797436913 -1.48367185570926 -1.2547386611888423 -0.5936953475725497 -0.35279909703302104 0.006845322265786387 0.11418874234364063 0.2761599525541141 0.07508545338030814 0.3164023685742074 0.14431832248872925 -0.13400313380454026 -0.20815273679323015 -0.333667428673475 -1.0015406230705144 -0.5317839383108602 -0.5784266205439964 +30117,-0.7338976409198906,1,-1.5548426599629817 -1.5796345400648715 -1.5416049797436913 -1.48367185570926 -1.2547386611888423 -0.5936953475725497 -0.35279909703302104 0.006845322265786387 0.11418874234364063 0.2761599525541141 0.07508545338030814 0.3164023685742074 0.14431832248872925 -0.13400313380454026 -0.20815273679323015 -0.333667428673475 -1.0015406230705144 -0.5317839383108602 -0.5784266205439964 -0.643224474981896 +30118,-0.8661055483239588,1,-1.5796345400648715 -1.5416049797436913 -1.48367185570926 -1.2547386611888423 -0.5936953475725497 -0.35279909703302104 0.006845322265786387 0.11418874234364063 0.2761599525541141 0.07508545338030814 0.3164023685742074 0.14431832248872925 -0.13400313380454026 -0.20815273679323015 -0.333667428673475 -1.0015406230705144 -0.5317839383108602 -0.5784266205439964 -0.643224474981896 -0.7338976409198906 +30119,-1.5004572855011062,1,-1.5416049797436913 -1.48367185570926 -1.2547386611888423 -0.5936953475725497 -0.35279909703302104 0.006845322265786387 0.11418874234364063 0.2761599525541141 0.07508545338030814 0.3164023685742074 0.14431832248872925 -0.13400313380454026 -0.20815273679323015 -0.333667428673475 -1.0015406230705144 -0.5317839383108602 -0.5784266205439964 -0.643224474981896 -0.7338976409198906 -0.8661055483239588 +30120,-0.9759982997634451,1,-1.48367185570926 -1.2547386611888423 -0.5936953475725497 -0.35279909703302104 0.006845322265786387 0.11418874234364063 0.2761599525541141 0.07508545338030814 0.3164023685742074 0.14431832248872925 -0.13400313380454026 -0.20815273679323015 -0.333667428673475 -1.0015406230705144 -0.5317839383108602 -0.5784266205439964 -0.643224474981896 -0.7338976409198906 -0.8661055483239588 -1.5004572855011062 +30121,-1.0535987310969388,1,-1.2547386611888423 -0.5936953475725497 -0.35279909703302104 0.006845322265786387 0.11418874234364063 0.2761599525541141 0.07508545338030814 0.3164023685742074 0.14431832248872925 -0.13400313380454026 -0.20815273679323015 -0.333667428673475 -1.0015406230705144 -0.5317839383108602 -0.5784266205439964 -0.643224474981896 -0.7338976409198906 -0.8661055483239588 -1.5004572855011062 -0.9759982997634451 +30122,-1.1849493060216327,1,-0.5936953475725497 -0.35279909703302104 0.006845322265786387 0.11418874234364063 0.2761599525541141 0.07508545338030814 0.3164023685742074 0.14431832248872925 -0.13400313380454026 -0.20815273679323015 -0.333667428673475 -1.0015406230705144 -0.5317839383108602 -0.5784266205439964 -0.643224474981896 -0.7338976409198906 -0.8661055483239588 -1.5004572855011062 -0.9759982997634451 -1.0535987310969388 +30123,-1.0058467682139927,1,-0.35279909703302104 0.006845322265786387 0.11418874234364063 0.2761599525541141 0.07508545338030814 0.3164023685742074 0.14431832248872925 -0.13400313380454026 -0.20815273679323015 -0.333667428673475 -1.0015406230705144 -0.5317839383108602 -0.5784266205439964 -0.643224474981896 -0.7338976409198906 -0.8661055483239588 -1.5004572855011062 -0.9759982997634451 -1.0535987310969388 -1.1849493060216327 +30124,-0.6385811192872651,1,0.006845322265786387 0.11418874234364063 0.2761599525541141 0.07508545338030814 0.3164023685742074 0.14431832248872925 -0.13400313380454026 -0.20815273679323015 -0.333667428673475 -1.0015406230705144 -0.5317839383108602 -0.5784266205439964 -0.643224474981896 -0.7338976409198906 -0.8661055483239588 -1.5004572855011062 -0.9759982997634451 -1.0535987310969388 -1.1849493060216327 -1.0058467682139927 +30125,-0.48863098552787243,1,0.11418874234364063 0.2761599525541141 0.07508545338030814 0.3164023685742074 0.14431832248872925 -0.13400313380454026 -0.20815273679323015 -0.333667428673475 -1.0015406230705144 -0.5317839383108602 -0.5784266205439964 -0.643224474981896 -0.7338976409198906 -0.8661055483239588 -1.5004572855011062 -0.9759982997634451 -1.0535987310969388 -1.1849493060216327 -1.0058467682139927 -0.6385811192872651 +30126,0.019227604118129564,1,0.2761599525541141 0.07508545338030814 0.3164023685742074 0.14431832248872925 -0.13400313380454026 -0.20815273679323015 -0.333667428673475 -1.0015406230705144 -0.5317839383108602 -0.5784266205439964 -0.643224474981896 -0.7338976409198906 -0.8661055483239588 -1.5004572855011062 -0.9759982997634451 -1.0535987310969388 -1.1849493060216327 -1.0058467682139927 -0.6385811192872651 -0.48863098552787243 +30127,0.15951548472630292,1,0.07508545338030814 0.3164023685742074 0.14431832248872925 -0.13400313380454026 -0.20815273679323015 -0.333667428673475 -1.0015406230705144 -0.5317839383108602 -0.5784266205439964 -0.643224474981896 -0.7338976409198906 -0.8661055483239588 -1.5004572855011062 -0.9759982997634451 -1.0535987310969388 -1.1849493060216327 -1.0058467682139927 -0.6385811192872651 -0.48863098552787243 0.019227604118129564 +30128,0.46034639510762426,1,0.3164023685742074 0.14431832248872925 -0.13400313380454026 -0.20815273679323015 -0.333667428673475 -1.0015406230705144 -0.5317839383108602 -0.5784266205439964 -0.643224474981896 -0.7338976409198906 -0.8661055483239588 -1.5004572855011062 -0.9759982997634451 -1.0535987310969388 -1.1849493060216327 -1.0058467682139927 -0.6385811192872651 -0.48863098552787243 0.019227604118129564 0.15951548472630292 +30129,0.4811716265411906,1,0.14431832248872925 -0.13400313380454026 -0.20815273679323015 -0.333667428673475 -1.0015406230705144 -0.5317839383108602 -0.5784266205439964 -0.643224474981896 -0.7338976409198906 -0.8661055483239588 -1.5004572855011062 -0.9759982997634451 -1.0535987310969388 -1.1849493060216327 -1.0058467682139927 -0.6385811192872651 -0.48863098552787243 0.019227604118129564 0.15951548472630292 0.46034639510762426 +30130,0.5269011600639358,1,-0.13400313380454026 -0.20815273679323015 -0.333667428673475 -1.0015406230705144 -0.5317839383108602 -0.5784266205439964 -0.643224474981896 -0.7338976409198906 -0.8661055483239588 -1.5004572855011062 -0.9759982997634451 -1.0535987310969388 -1.1849493060216327 -1.0058467682139927 -0.6385811192872651 -0.48863098552787243 0.019227604118129564 0.15951548472630292 0.46034639510762426 0.4811716265411906 +30131,0.4949754963492242,1,-0.20815273679323015 -0.333667428673475 -1.0015406230705144 -0.5317839383108602 -0.5784266205439964 -0.643224474981896 -0.7338976409198906 -0.8661055483239588 -1.5004572855011062 -0.9759982997634451 -1.0535987310969388 -1.1849493060216327 -1.0058467682139927 -0.6385811192872651 -0.48863098552787243 0.019227604118129564 0.15951548472630292 0.46034639510762426 0.4811716265411906 0.5269011600639358 +30132,0.5222578043693137,1,-0.333667428673475 -1.0015406230705144 -0.5317839383108602 -0.5784266205439964 -0.643224474981896 -0.7338976409198906 -0.8661055483239588 -1.5004572855011062 -0.9759982997634451 -1.0535987310969388 -1.1849493060216327 -1.0058467682139927 -0.6385811192872651 -0.48863098552787243 0.019227604118129564 0.15951548472630292 0.46034639510762426 0.4811716265411906 0.5269011600639358 0.4949754963492242 +30133,0.4452932499520459,1,-1.0015406230705144 -0.5317839383108602 -0.5784266205439964 -0.643224474981896 -0.7338976409198906 -0.8661055483239588 -1.5004572855011062 -0.9759982997634451 -1.0535987310969388 -1.1849493060216327 -1.0058467682139927 -0.6385811192872651 -0.48863098552787243 0.019227604118129564 0.15951548472630292 0.46034639510762426 0.4811716265411906 0.5269011600639358 0.4949754963492242 0.5222578043693137 +30134,0.2080574023662618,1,-0.5317839383108602 -0.5784266205439964 -0.643224474981896 -0.7338976409198906 -0.8661055483239588 -1.5004572855011062 -0.9759982997634451 -1.0535987310969388 -1.1849493060216327 -1.0058467682139927 -0.6385811192872651 -0.48863098552787243 0.019227604118129564 0.15951548472630292 0.46034639510762426 0.4811716265411906 0.5269011600639358 0.4949754963492242 0.5222578043693137 0.4452932499520459 +30135,0.08617807971619319,1,-0.5784266205439964 -0.643224474981896 -0.7338976409198906 -0.8661055483239588 -1.5004572855011062 -0.9759982997634451 -1.0535987310969388 -1.1849493060216327 -1.0058467682139927 -0.6385811192872651 -0.48863098552787243 0.019227604118129564 0.15951548472630292 0.46034639510762426 0.4811716265411906 0.5269011600639358 0.4949754963492242 0.5222578043693137 0.4452932499520459 0.2080574023662618 +30136,-0.17888890551926448,1,-0.643224474981896 -0.7338976409198906 -0.8661055483239588 -1.5004572855011062 -0.9759982997634451 -1.0535987310969388 -1.1849493060216327 -1.0058467682139927 -0.6385811192872651 -0.48863098552787243 0.019227604118129564 0.15951548472630292 0.46034639510762426 0.4811716265411906 0.5269011600639358 0.4949754963492242 0.5222578043693137 0.4452932499520459 0.2080574023662618 0.08617807971619319 +30137,-0.684277628180867,1,-0.7338976409198906 -0.8661055483239588 -1.5004572855011062 -0.9759982997634451 -1.0535987310969388 -1.1849493060216327 -1.0058467682139927 -0.6385811192872651 -0.48863098552787243 0.019227604118129564 0.15951548472630292 0.46034639510762426 0.4811716265411906 0.5269011600639358 0.4949754963492242 0.5222578043693137 0.4452932499520459 0.2080574023662618 0.08617807971619319 -0.17888890551926448 +30138,-0.3878399117774522,1,-0.8661055483239588 -1.5004572855011062 -0.9759982997634451 -1.0535987310969388 -1.1849493060216327 -1.0058467682139927 -0.6385811192872651 -0.48863098552787243 0.019227604118129564 0.15951548472630292 0.46034639510762426 0.4811716265411906 0.5269011600639358 0.4949754963492242 0.5222578043693137 0.4452932499520459 0.2080574023662618 0.08617807971619319 -0.17888890551926448 -0.684277628180867 +30139,-0.45414907850701314,1,-1.5004572855011062 -0.9759982997634451 -1.0535987310969388 -1.1849493060216327 -1.0058467682139927 -0.6385811192872651 -0.48863098552787243 0.019227604118129564 0.15951548472630292 0.46034639510762426 0.4811716265411906 0.5269011600639358 0.4949754963492242 0.5222578043693137 0.4452932499520459 0.2080574023662618 0.08617807971619319 -0.17888890551926448 -0.684277628180867 -0.3878399117774522 +30140,-0.5720263543309624,1,-0.9759982997634451 -1.0535987310969388 -1.1849493060216327 -1.0058467682139927 -0.6385811192872651 -0.48863098552787243 0.019227604118129564 0.15951548472630292 0.46034639510762426 0.4811716265411906 0.5269011600639358 0.4949754963492242 0.5222578043693137 0.4452932499520459 0.2080574023662618 0.08617807971619319 -0.17888890551926448 -0.684277628180867 -0.3878399117774522 -0.45414907850701314 +30141,-0.6128489239033817,1,-1.0535987310969388 -1.1849493060216327 -1.0058467682139927 -0.6385811192872651 -0.48863098552787243 0.019227604118129564 0.15951548472630292 0.46034639510762426 0.4811716265411906 0.5269011600639358 0.4949754963492242 0.5222578043693137 0.4452932499520459 0.2080574023662618 0.08617807971619319 -0.17888890551926448 -0.684277628180867 -0.3878399117774522 -0.45414907850701314 -0.5720263543309624 +30142,-0.6865624614650707,1,-1.1849493060216327 -1.0058467682139927 -0.6385811192872651 -0.48863098552787243 0.019227604118129564 0.15951548472630292 0.46034639510762426 0.4811716265411906 0.5269011600639358 0.4949754963492242 0.5222578043693137 0.4452932499520459 0.2080574023662618 0.08617807971619319 -0.17888890551926448 -0.684277628180867 -0.3878399117774522 -0.45414907850701314 -0.5720263543309624 -0.6128489239033817 +30143,-1.1638536715551993,1,-1.0058467682139927 -0.6385811192872651 -0.48863098552787243 0.019227604118129564 0.15951548472630292 0.46034639510762426 0.4811716265411906 0.5269011600639358 0.4949754963492242 0.5222578043693137 0.4452932499520459 0.2080574023662618 0.08617807971619319 -0.17888890551926448 -0.684277628180867 -0.3878399117774522 -0.45414907850701314 -0.5720263543309624 -0.6128489239033817 -0.6865624614650707 +30144,-0.7763340048945192,1,-0.6385811192872651 -0.48863098552787243 0.019227604118129564 0.15951548472630292 0.46034639510762426 0.4811716265411906 0.5269011600639358 0.4949754963492242 0.5222578043693137 0.4452932499520459 0.2080574023662618 0.08617807971619319 -0.17888890551926448 -0.684277628180867 -0.3878399117774522 -0.45414907850701314 -0.5720263543309624 -0.6128489239033817 -0.6865624614650707 -1.1638536715551993 +30145,-0.7853019033269959,1,-0.48863098552787243 0.019227604118129564 0.15951548472630292 0.46034639510762426 0.4811716265411906 0.5269011600639358 0.4949754963492242 0.5222578043693137 0.4452932499520459 0.2080574023662618 0.08617807971619319 -0.17888890551926448 -0.684277628180867 -0.3878399117774522 -0.45414907850701314 -0.5720263543309624 -0.6128489239033817 -0.6865624614650707 -1.1638536715551993 -0.7763340048945192 +30146,-0.9001568234178893,1,0.019227604118129564 0.15951548472630292 0.46034639510762426 0.4811716265411906 0.5269011600639358 0.4949754963492242 0.5222578043693137 0.4452932499520459 0.2080574023662618 0.08617807971619319 -0.17888890551926448 -0.684277628180867 -0.3878399117774522 -0.45414907850701314 -0.5720263543309624 -0.6128489239033817 -0.6865624614650707 -1.1638536715551993 -0.7763340048945192 -0.7853019033269959 +30147,-0.784913877129355,1,0.15951548472630292 0.46034639510762426 0.4811716265411906 0.5269011600639358 0.4949754963492242 0.5222578043693137 0.4452932499520459 0.2080574023662618 0.08617807971619319 -0.17888890551926448 -0.684277628180867 -0.3878399117774522 -0.45414907850701314 -0.5720263543309624 -0.6128489239033817 -0.6865624614650707 -1.1638536715551993 -0.7763340048945192 -0.7853019033269959 -0.9001568234178893 +30148,-0.30425950927417533,1,0.46034639510762426 0.4811716265411906 0.5269011600639358 0.4949754963492242 0.5222578043693137 0.4452932499520459 0.2080574023662618 0.08617807971619319 -0.17888890551926448 -0.684277628180867 -0.3878399117774522 -0.45414907850701314 -0.5720263543309624 -0.6128489239033817 -0.6865624614650707 -1.1638536715551993 -0.7763340048945192 -0.7853019033269959 -0.9001568234178893 -0.784913877129355 +30149,-0.22725681278545473,1,0.4811716265411906 0.5269011600639358 0.4949754963492242 0.5222578043693137 0.4452932499520459 0.2080574023662618 0.08617807971619319 -0.17888890551926448 -0.684277628180867 -0.3878399117774522 -0.45414907850701314 -0.5720263543309624 -0.6128489239033817 -0.6865624614650707 -1.1638536715551993 -0.7763340048945192 -0.7853019033269959 -0.9001568234178893 -0.784913877129355 -0.30425950927417533 +30150,0.4231995495506123,1,0.5269011600639358 0.4949754963492242 0.5222578043693137 0.4452932499520459 0.2080574023662618 0.08617807971619319 -0.17888890551926448 -0.684277628180867 -0.3878399117774522 -0.45414907850701314 -0.5720263543309624 -0.6128489239033817 -0.6865624614650707 -1.1638536715551993 -0.7763340048945192 -0.7853019033269959 -0.9001568234178893 -0.784913877129355 -0.30425950927417533 -0.22725681278545473 +30151,0.6863230389127685,1,0.4949754963492242 0.5222578043693137 0.4452932499520459 0.2080574023662618 0.08617807971619319 -0.17888890551926448 -0.684277628180867 -0.3878399117774522 -0.45414907850701314 -0.5720263543309624 -0.6128489239033817 -0.6865624614650707 -1.1638536715551993 -0.7763340048945192 -0.7853019033269959 -0.9001568234178893 -0.784913877129355 -0.30425950927417533 -0.22725681278545473 0.4231995495506123 +30152,0.8271714949831038,1,0.5222578043693137 0.4452932499520459 0.2080574023662618 0.08617807971619319 -0.17888890551926448 -0.684277628180867 -0.3878399117774522 -0.45414907850701314 -0.5720263543309624 -0.6128489239033817 -0.6865624614650707 -1.1638536715551993 -0.7763340048945192 -0.7853019033269959 -0.9001568234178893 -0.784913877129355 -0.30425950927417533 -0.22725681278545473 0.4231995495506123 0.6863230389127685 +30153,0.8293337627147304,1,0.4452932499520459 0.2080574023662618 0.08617807971619319 -0.17888890551926448 -0.684277628180867 -0.3878399117774522 -0.45414907850701314 -0.5720263543309624 -0.6128489239033817 -0.6865624614650707 -1.1638536715551993 -0.7763340048945192 -0.7853019033269959 -0.9001568234178893 -0.784913877129355 -0.30425950927417533 -0.22725681278545473 0.4231995495506123 0.6863230389127685 0.8271714949831038 +30154,0.8364582063723568,1,0.2080574023662618 0.08617807971619319 -0.17888890551926448 -0.684277628180867 -0.3878399117774522 -0.45414907850701314 -0.5720263543309624 -0.6128489239033817 -0.6865624614650707 -1.1638536715551993 -0.7763340048945192 -0.7853019033269959 -0.9001568234178893 -0.784913877129355 -0.30425950927417533 -0.22725681278545473 0.4231995495506123 0.6863230389127685 0.8271714949831038 0.8293337627147304 +30155,0.6908817346246939,1,0.08617807971619319 -0.17888890551926448 -0.684277628180867 -0.3878399117774522 -0.45414907850701314 -0.5720263543309624 -0.6128489239033817 -0.6865624614650707 -1.1638536715551993 -0.7763340048945192 -0.7853019033269959 -0.9001568234178893 -0.784913877129355 -0.30425950927417533 -0.22725681278545473 0.4231995495506123 0.6863230389127685 0.8271714949831038 0.8293337627147304 0.8364582063723568 +30156,0.6987053207651116,1,-0.17888890551926448 -0.684277628180867 -0.3878399117774522 -0.45414907850701314 -0.5720263543309624 -0.6128489239033817 -0.6865624614650707 -1.1638536715551993 -0.7763340048945192 -0.7853019033269959 -0.9001568234178893 -0.784913877129355 -0.30425950927417533 -0.22725681278545473 0.4231995495506123 0.6863230389127685 0.8271714949831038 0.8293337627147304 0.8364582063723568 0.6908817346246939 +30157,0.6029815491327131,1,-0.684277628180867 -0.3878399117774522 -0.45414907850701314 -0.5720263543309624 -0.6128489239033817 -0.6865624614650707 -1.1638536715551993 -0.7763340048945192 -0.7853019033269959 -0.9001568234178893 -0.784913877129355 -0.30425950927417533 -0.22725681278545473 0.4231995495506123 0.6863230389127685 0.8271714949831038 0.8293337627147304 0.8364582063723568 0.6908817346246939 0.6987053207651116 +30158,0.4990410258961769,1,-0.3878399117774522 -0.45414907850701314 -0.5720263543309624 -0.6128489239033817 -0.6865624614650707 -1.1638536715551993 -0.7763340048945192 -0.7853019033269959 -0.9001568234178893 -0.784913877129355 -0.30425950927417533 -0.22725681278545473 0.4231995495506123 0.6863230389127685 0.8271714949831038 0.8293337627147304 0.8364582063723568 0.6908817346246939 0.6987053207651116 0.6029815491327131 +30159,0.26352889224071957,1,-0.45414907850701314 -0.5720263543309624 -0.6128489239033817 -0.6865624614650707 -1.1638536715551993 -0.7763340048945192 -0.7853019033269959 -0.9001568234178893 -0.784913877129355 -0.30425950927417533 -0.22725681278545473 0.4231995495506123 0.6863230389127685 0.8271714949831038 0.8293337627147304 0.8364582063723568 0.6908817346246939 0.6987053207651116 0.6029815491327131 0.4990410258961769 +30160,0.013036463191957975,1,-0.5720263543309624 -0.6128489239033817 -0.6865624614650707 -1.1638536715551993 -0.7763340048945192 -0.7853019033269959 -0.9001568234178893 -0.784913877129355 -0.30425950927417533 -0.22725681278545473 0.4231995495506123 0.6863230389127685 0.8271714949831038 0.8293337627147304 0.8364582063723568 0.6908817346246939 0.6987053207651116 0.6029815491327131 0.4990410258961769 0.26352889224071957 +30161,-0.2671126637171634,1,-0.6128489239033817 -0.6865624614650707 -1.1638536715551993 -0.7763340048945192 -0.7853019033269959 -0.9001568234178893 -0.784913877129355 -0.30425950927417533 -0.22725681278545473 0.4231995495506123 0.6863230389127685 0.8271714949831038 0.8293337627147304 0.8364582063723568 0.6908817346246939 0.6987053207651116 0.6029815491327131 0.4990410258961769 0.26352889224071957 0.013036463191957975 +30162,-0.3119984354318876,1,-0.6865624614650707 -1.1638536715551993 -0.7763340048945192 -0.7853019033269959 -0.9001568234178893 -0.784913877129355 -0.30425950927417533 -0.22725681278545473 0.4231995495506123 0.6863230389127685 0.8271714949831038 0.8293337627147304 0.8364582063723568 0.6908817346246939 0.6987053207651116 0.6029815491327131 0.4990410258961769 0.26352889224071957 0.013036463191957975 -0.2671126637171634 +30163,-0.4079611197874988,1,-1.1638536715551993 -0.7763340048945192 -0.7853019033269959 -0.9001568234178893 -0.784913877129355 -0.30425950927417533 -0.22725681278545473 0.4231995495506123 0.6863230389127685 0.8271714949831038 0.8293337627147304 0.8364582063723568 0.6908817346246939 0.6987053207651116 0.6029815491327131 0.4990410258961769 0.26352889224071957 0.013036463191957975 -0.2671126637171634 -0.3119984354318876 +30164,-0.718759283996174,1,-0.7763340048945192 -0.7853019033269959 -0.9001568234178893 -0.784913877129355 -0.30425950927417533 -0.22725681278545473 0.4231995495506123 0.6863230389127685 0.8271714949831038 0.8293337627147304 0.8364582063723568 0.6908817346246939 0.6987053207651116 0.6029815491327131 0.4990410258961769 0.26352889224071957 0.013036463191957975 -0.2671126637171634 -0.3119984354318876 -0.4079611197874988 +30165,-0.5023760189115606,1,-0.7853019033269959 -0.9001568234178893 -0.784913877129355 -0.30425950927417533 -0.22725681278545473 0.4231995495506123 0.6863230389127685 0.8271714949831038 0.8293337627147304 0.8364582063723568 0.6908817346246939 0.6987053207651116 0.6029815491327131 0.4990410258961769 0.26352889224071957 0.013036463191957975 -0.2671126637171634 -0.3119984354318876 -0.4079611197874988 -0.718759283996174 +30166,-0.5859640795466051,1,-0.9001568234178893 -0.784913877129355 -0.30425950927417533 -0.22725681278545473 0.4231995495506123 0.6863230389127685 0.8271714949831038 0.8293337627147304 0.8364582063723568 0.6908817346246939 0.6987053207651116 0.6029815491327131 0.4990410258961769 0.26352889224071957 0.013036463191957975 -0.2671126637171634 -0.3119984354318876 -0.4079611197874988 -0.718759283996174 -0.5023760189115606 +30167,-0.6741801796127364,1,-0.784913877129355 -0.30425950927417533 -0.22725681278545473 0.4231995495506123 0.6863230389127685 0.8271714949831038 0.8293337627147304 0.8364582063723568 0.6908817346246939 0.6987053207651116 0.6029815491327131 0.4990410258961769 0.26352889224071957 0.013036463191957975 -0.2671126637171634 -0.3119984354318876 -0.4079611197874988 -0.718759283996174 -0.5023760189115606 -0.5859640795466051 +30168,-0.7302662801439055,1,-0.30425950927417533 -0.22725681278545473 0.4231995495506123 0.6863230389127685 0.8271714949831038 0.8293337627147304 0.8364582063723568 0.6908817346246939 0.6987053207651116 0.6029815491327131 0.4990410258961769 0.26352889224071957 0.013036463191957975 -0.2671126637171634 -0.3119984354318876 -0.4079611197874988 -0.718759283996174 -0.5023760189115606 -0.5859640795466051 -0.6741801796127364 +30169,-0.7887162867468536,1,-0.22725681278545473 0.4231995495506123 0.6863230389127685 0.8271714949831038 0.8293337627147304 0.8364582063723568 0.6908817346246939 0.6987053207651116 0.6029815491327131 0.4990410258961769 0.26352889224071957 0.013036463191957975 -0.2671126637171634 -0.3119984354318876 -0.4079611197874988 -0.718759283996174 -0.5023760189115606 -0.5859640795466051 -0.6741801796127364 -0.7302662801439055 +30170,-1.034552281625338,1,0.4231995495506123 0.6863230389127685 0.8271714949831038 0.8293337627147304 0.8364582063723568 0.6908817346246939 0.6987053207651116 0.6029815491327131 0.4990410258961769 0.26352889224071957 0.013036463191957975 -0.2671126637171634 -0.3119984354318876 -0.4079611197874988 -0.718759283996174 -0.5023760189115606 -0.5859640795466051 -0.6741801796127364 -0.7302662801439055 -0.7887162867468536 +30171,-0.750021655958301,1,0.6863230389127685 0.8271714949831038 0.8293337627147304 0.8364582063723568 0.6908817346246939 0.6987053207651116 0.6029815491327131 0.4990410258961769 0.26352889224071957 0.013036463191957975 -0.2671126637171634 -0.3119984354318876 -0.4079611197874988 -0.718759283996174 -0.5023760189115606 -0.5859640795466051 -0.6741801796127364 -0.7302662801439055 -0.7887162867468536 -1.034552281625338 +30172,-0.5979268834315024,1,0.8271714949831038 0.8293337627147304 0.8364582063723568 0.6908817346246939 0.6987053207651116 0.6029815491327131 0.4990410258961769 0.26352889224071957 0.013036463191957975 -0.2671126637171634 -0.3119984354318876 -0.4079611197874988 -0.718759283996174 -0.5023760189115606 -0.5859640795466051 -0.6741801796127364 -0.7302662801439055 -0.7887162867468536 -1.034552281625338 -0.750021655958301 +30173,-0.4358212539552578,1,0.8293337627147304 0.8364582063723568 0.6908817346246939 0.6987053207651116 0.6029815491327131 0.4990410258961769 0.26352889224071957 0.013036463191957975 -0.2671126637171634 -0.3119984354318876 -0.4079611197874988 -0.718759283996174 -0.5023760189115606 -0.5859640795466051 -0.6741801796127364 -0.7302662801439055 -0.7887162867468536 -1.034552281625338 -0.750021655958301 -0.5979268834315024 +30174,-0.04268380514355992,1,0.8364582063723568 0.6908817346246939 0.6987053207651116 0.6029815491327131 0.4990410258961769 0.26352889224071957 0.013036463191957975 -0.2671126637171634 -0.3119984354318876 -0.4079611197874988 -0.718759283996174 -0.5023760189115606 -0.5859640795466051 -0.6741801796127364 -0.7302662801439055 -0.7887162867468536 -1.034552281625338 -0.750021655958301 -0.5979268834315024 -0.4358212539552578 +30175,-0.02178528731750421,1,0.6908817346246939 0.6987053207651116 0.6029815491327131 0.4990410258961769 0.26352889224071957 0.013036463191957975 -0.2671126637171634 -0.3119984354318876 -0.4079611197874988 -0.718759283996174 -0.5023760189115606 -0.5859640795466051 -0.6741801796127364 -0.7302662801439055 -0.7887162867468536 -1.034552281625338 -0.750021655958301 -0.5979268834315024 -0.4358212539552578 -0.04268380514355992 +30176,0.11209471801065059,1,0.6987053207651116 0.6029815491327131 0.4990410258961769 0.26352889224071957 0.013036463191957975 -0.2671126637171634 -0.3119984354318876 -0.4079611197874988 -0.718759283996174 -0.5023760189115606 -0.5859640795466051 -0.6741801796127364 -0.7302662801439055 -0.7887162867468536 -1.034552281625338 -0.750021655958301 -0.5979268834315024 -0.4358212539552578 -0.04268380514355992 -0.02178528731750421 +30177,0.07877369092976157,1,0.6029815491327131 0.4990410258961769 0.26352889224071957 0.013036463191957975 -0.2671126637171634 -0.3119984354318876 -0.4079611197874988 -0.718759283996174 -0.5023760189115606 -0.5859640795466051 -0.6741801796127364 -0.7302662801439055 -0.7887162867468536 -1.034552281625338 -0.750021655958301 -0.5979268834315024 -0.4358212539552578 -0.04268380514355992 -0.02178528731750421 0.11209471801065059 +30178,0.04244438259125762,1,0.4990410258961769 0.26352889224071957 0.013036463191957975 -0.2671126637171634 -0.3119984354318876 -0.4079611197874988 -0.718759283996174 -0.5023760189115606 -0.5859640795466051 -0.6741801796127364 -0.7302662801439055 -0.7887162867468536 -1.034552281625338 -0.750021655958301 -0.5979268834315024 -0.4358212539552578 -0.04268380514355992 -0.02178528731750421 0.11209471801065059 0.07877369092976157 +30179,-0.6604928815589758,1,0.26352889224071957 0.013036463191957975 -0.2671126637171634 -0.3119984354318876 -0.4079611197874988 -0.718759283996174 -0.5023760189115606 -0.5859640795466051 -0.6741801796127364 -0.7302662801439055 -0.7887162867468536 -1.034552281625338 -0.750021655958301 -0.5979268834315024 -0.4358212539552578 -0.04268380514355992 -0.02178528731750421 0.11209471801065059 0.07877369092976157 0.04244438259125762 +30180,-0.8072897095253595,1,0.013036463191957975 -0.2671126637171634 -0.3119984354318876 -0.4079611197874988 -0.718759283996174 -0.5023760189115606 -0.5859640795466051 -0.6741801796127364 -0.7302662801439055 -0.7887162867468536 -1.034552281625338 -0.750021655958301 -0.5979268834315024 -0.4358212539552578 -0.04268380514355992 -0.02178528731750421 0.11209471801065059 0.07877369092976157 0.04244438259125762 -0.6604928815589758 +30181,-0.756820266524457,1,-0.2671126637171634 -0.3119984354318876 -0.4079611197874988 -0.718759283996174 -0.5023760189115606 -0.5859640795466051 -0.6741801796127364 -0.7302662801439055 -0.7887162867468536 -1.034552281625338 -0.750021655958301 -0.5979268834315024 -0.4358212539552578 -0.04268380514355992 -0.02178528731750421 0.11209471801065059 0.07877369092976157 0.04244438259125762 -0.6604928815589758 -0.8072897095253595 +30182,-0.6989447433174139,1,-0.3119984354318876 -0.4079611197874988 -0.718759283996174 -0.5023760189115606 -0.5859640795466051 -0.6741801796127364 -0.7302662801439055 -0.7887162867468536 -1.034552281625338 -0.750021655958301 -0.5979268834315024 -0.4358212539552578 -0.04268380514355992 -0.02178528731750421 0.11209471801065059 0.07877369092976157 0.04244438259125762 -0.6604928815589758 -0.8072897095253595 -0.756820266524457 +30183,-0.7479028734075298,1,-0.4079611197874988 -0.718759283996174 -0.5023760189115606 -0.5859640795466051 -0.6741801796127364 -0.7302662801439055 -0.7887162867468536 -1.034552281625338 -0.750021655958301 -0.5979268834315024 -0.4358212539552578 -0.04268380514355992 -0.02178528731750421 0.11209471801065059 0.07877369092976157 0.04244438259125762 -0.6604928815589758 -0.8072897095253595 -0.756820266524457 -0.6989447433174139 +30184,-0.8041941390622781,1,-0.718759283996174 -0.5023760189115606 -0.5859640795466051 -0.6741801796127364 -0.7302662801439055 -0.7887162867468536 -1.034552281625338 -0.750021655958301 -0.5979268834315024 -0.4358212539552578 -0.04268380514355992 -0.02178528731750421 0.11209471801065059 0.07877369092976157 0.04244438259125762 -0.6604928815589758 -0.8072897095253595 -0.756820266524457 -0.6989447433174139 -0.7479028734075298 +30185,-0.9249213871225581,1,-0.5023760189115606 -0.5859640795466051 -0.6741801796127364 -0.7302662801439055 -0.7887162867468536 -1.034552281625338 -0.750021655958301 -0.5979268834315024 -0.4358212539552578 -0.04268380514355992 -0.02178528731750421 0.11209471801065059 0.07877369092976157 0.04244438259125762 -0.6604928815589758 -0.8072897095253595 -0.756820266524457 -0.6989447433174139 -0.7479028734075298 -0.8041941390622781 +30186,-0.9264950903273623,1,-0.5859640795466051 -0.6741801796127364 -0.7302662801439055 -0.7887162867468536 -1.034552281625338 -0.750021655958301 -0.5979268834315024 -0.4358212539552578 -0.04268380514355992 -0.02178528731750421 0.11209471801065059 0.07877369092976157 0.04244438259125762 -0.6604928815589758 -0.8072897095253595 -0.756820266524457 -0.6989447433174139 -0.7479028734075298 -0.8041941390622781 -0.9249213871225581 +30187,-0.9698071588372823,1,-0.6741801796127364 -0.7302662801439055 -0.7887162867468536 -1.034552281625338 -0.750021655958301 -0.5979268834315024 -0.4358212539552578 -0.04268380514355992 -0.02178528731750421 0.11209471801065059 0.07877369092976157 0.04244438259125762 -0.6604928815589758 -0.8072897095253595 -0.756820266524457 -0.6989447433174139 -0.7479028734075298 -0.8041941390622781 -0.9249213871225581 -0.9264950903273623 +30188,-1.5742289567926424,1,-0.7302662801439055 -0.7887162867468536 -1.034552281625338 -0.750021655958301 -0.5979268834315024 -0.4358212539552578 -0.04268380514355992 -0.02178528731750421 0.11209471801065059 0.07877369092976157 0.04244438259125762 -0.6604928815589758 -0.8072897095253595 -0.756820266524457 -0.6989447433174139 -0.7479028734075298 -0.8041941390622781 -0.9249213871225581 -0.9264950903273623 -0.9698071588372823 +30189,-1.1122034001391496,1,-0.7887162867468536 -1.034552281625338 -0.750021655958301 -0.5979268834315024 -0.4358212539552578 -0.04268380514355992 -0.02178528731750421 0.11209471801065059 0.07877369092976157 0.04244438259125762 -0.6604928815589758 -0.8072897095253595 -0.756820266524457 -0.6989447433174139 -0.7479028734075298 -0.8041941390622781 -0.9249213871225581 -0.9264950903273623 -0.9698071588372823 -1.5742289567926424 +30190,-1.1839925690478803,1,-1.034552281625338 -0.750021655958301 -0.5979268834315024 -0.4358212539552578 -0.04268380514355992 -0.02178528731750421 0.11209471801065059 0.07877369092976157 0.04244438259125762 -0.6604928815589758 -0.8072897095253595 -0.756820266524457 -0.6989447433174139 -0.7479028734075298 -0.8041941390622781 -0.9249213871225581 -0.9264950903273623 -0.9698071588372823 -1.5742289567926424 -1.1122034001391496 +30191,-1.2375740038940606,1,-0.750021655958301 -0.5979268834315024 -0.4358212539552578 -0.04268380514355992 -0.02178528731750421 0.11209471801065059 0.07877369092976157 0.04244438259125762 -0.6604928815589758 -0.8072897095253595 -0.756820266524457 -0.6989447433174139 -0.7479028734075298 -0.8041941390622781 -0.9249213871225581 -0.9264950903273623 -0.9698071588372823 -1.5742289567926424 -1.1122034001391496 -1.1839925690478803 +30192,-1.3327470325247706,1,-0.5979268834315024 -0.4358212539552578 -0.04268380514355992 -0.02178528731750421 0.11209471801065059 0.07877369092976157 0.04244438259125762 -0.6604928815589758 -0.8072897095253595 -0.756820266524457 -0.6989447433174139 -0.7479028734075298 -0.8041941390622781 -0.9249213871225581 -0.9264950903273623 -0.9698071588372823 -1.5742289567926424 -1.1122034001391496 -1.1839925690478803 -1.2375740038940606 +30193,-1.432594943068373,1,-0.4358212539552578 -0.04268380514355992 -0.02178528731750421 0.11209471801065059 0.07877369092976157 0.04244438259125762 -0.6604928815589758 -0.8072897095253595 -0.756820266524457 -0.6989447433174139 -0.7479028734075298 -0.8041941390622781 -0.9249213871225581 -0.9264950903273623 -0.9698071588372823 -1.5742289567926424 -1.1122034001391496 -1.1839925690478803 -1.2375740038940606 -1.3327470325247706 +30194,-1.8610200435437567,1,-0.04268380514355992 -0.02178528731750421 0.11209471801065059 0.07877369092976157 0.04244438259125762 -0.6604928815589758 -0.8072897095253595 -0.756820266524457 -0.6989447433174139 -0.7479028734075298 -0.8041941390622781 -0.9249213871225581 -0.9264950903273623 -0.9698071588372823 -1.5742289567926424 -1.1122034001391496 -1.1839925690478803 -1.2375740038940606 -1.3327470325247706 -1.432594943068373 +30195,-1.5223664864978128,1,-0.02178528731750421 0.11209471801065059 0.07877369092976157 0.04244438259125762 -0.6604928815589758 -0.8072897095253595 -0.756820266524457 -0.6989447433174139 -0.7479028734075298 -0.8041941390622781 -0.9249213871225581 -0.9264950903273623 -0.9698071588372823 -1.5742289567926424 -1.1122034001391496 -1.1839925690478803 -1.2375740038940606 -1.3327470325247706 -1.432594943068373 -1.8610200435437567 +30196,-1.2686846376475631,1,0.11209471801065059 0.07877369092976157 0.04244438259125762 -0.6604928815589758 -0.8072897095253595 -0.756820266524457 -0.6989447433174139 -0.7479028734075298 -0.8041941390622781 -0.9249213871225581 -0.9264950903273623 -0.9698071588372823 -1.5742289567926424 -1.1122034001391496 -1.1839925690478803 -1.2375740038940606 -1.3327470325247706 -1.432594943068373 -1.8610200435437567 -1.5223664864978128 +30197,-1.008501789625835,1,0.07877369092976157 0.04244438259125762 -0.6604928815589758 -0.8072897095253595 -0.756820266524457 -0.6989447433174139 -0.7479028734075298 -0.8041941390622781 -0.9249213871225581 -0.9264950903273623 -0.9698071588372823 -1.5742289567926424 -1.1122034001391496 -1.1839925690478803 -1.2375740038940606 -1.3327470325247706 -1.432594943068373 -1.8610200435437567 -1.5223664864978128 -1.2686846376475631 +30198,-0.5503573610893662,1,0.04244438259125762 -0.6604928815589758 -0.8072897095253595 -0.756820266524457 -0.6989447433174139 -0.7479028734075298 -0.8041941390622781 -0.9249213871225581 -0.9264950903273623 -0.9698071588372823 -1.5742289567926424 -1.1122034001391496 -1.1839925690478803 -1.2375740038940606 -1.3327470325247706 -1.432594943068373 -1.8610200435437567 -1.5223664864978128 -1.2686846376475631 -1.008501789625835 +30199,-0.33985856959964655,1,-0.6604928815589758 -0.8072897095253595 -0.756820266524457 -0.6989447433174139 -0.7479028734075298 -0.8041941390622781 -0.9249213871225581 -0.9264950903273623 -0.9698071588372823 -1.5742289567926424 -1.1122034001391496 -1.1839925690478803 -1.2375740038940606 -1.3327470325247706 -1.432594943068373 -1.8610200435437567 -1.5223664864978128 -1.2686846376475631 -1.008501789625835 -0.5503573610893662 +30200,-0.2237746772339887,1,-0.8072897095253595 -0.756820266524457 -0.6989447433174139 -0.7479028734075298 -0.8041941390622781 -0.9249213871225581 -0.9264950903273623 -0.9698071588372823 -1.5742289567926424 -1.1122034001391496 -1.1839925690478803 -1.2375740038940606 -1.3327470325247706 -1.432594943068373 -1.8610200435437567 -1.5223664864978128 -1.2686846376475631 -1.008501789625835 -0.5503573610893662 -0.33985856959964655 +30201,-0.19064146615201588,1,-0.756820266524457 -0.6989447433174139 -0.7479028734075298 -0.8041941390622781 -0.9249213871225581 -0.9264950903273623 -0.9698071588372823 -1.5742289567926424 -1.1122034001391496 -1.1839925690478803 -1.2375740038940606 -1.3327470325247706 -1.432594943068373 -1.8610200435437567 -1.5223664864978128 -1.2686846376475631 -1.008501789625835 -0.5503573610893662 -0.33985856959964655 -0.2237746772339887 +30202,-0.10149964394215921,1,-0.6989447433174139 -0.7479028734075298 -0.8041941390622781 -0.9249213871225581 -0.9264950903273623 -0.9698071588372823 -1.5742289567926424 -1.1122034001391496 -1.1839925690478803 -1.2375740038940606 -1.3327470325247706 -1.432594943068373 -1.8610200435437567 -1.5223664864978128 -1.2686846376475631 -1.008501789625835 -0.5503573610893662 -0.33985856959964655 -0.2237746772339887 -0.19064146615201588 +30203,-0.32933951764540553,1,-0.7479028734075298 -0.8041941390622781 -0.9249213871225581 -0.9264950903273623 -0.9698071588372823 -1.5742289567926424 -1.1122034001391496 -1.1839925690478803 -1.2375740038940606 -1.3327470325247706 -1.432594943068373 -1.8610200435437567 -1.5223664864978128 -1.2686846376475631 -1.008501789625835 -0.5503573610893662 -0.33985856959964655 -0.2237746772339887 -0.19064146615201588 -0.10149964394215921 +30204,-0.09995185871061851,1,-0.8041941390622781 -0.9249213871225581 -0.9264950903273623 -0.9698071588372823 -1.5742289567926424 -1.1122034001391496 -1.1839925690478803 -1.2375740038940606 -1.3327470325247706 -1.432594943068373 -1.8610200435437567 -1.5223664864978128 -1.2686846376475631 -1.008501789625835 -0.5503573610893662 -0.33985856959964655 -0.2237746772339887 -0.19064146615201588 -0.10149964394215921 -0.32933951764540553 +30205,-0.19522786907692666,1,-0.9249213871225581 -0.9264950903273623 -0.9698071588372823 -1.5742289567926424 -1.1122034001391496 -1.1839925690478803 -1.2375740038940606 -1.3327470325247706 -1.432594943068373 -1.8610200435437567 -1.5223664864978128 -1.2686846376475631 -1.008501789625835 -0.5503573610893662 -0.33985856959964655 -0.2237746772339887 -0.19064146615201588 -0.10149964394215921 -0.32933951764540553 -0.09995185871061851 +30206,-0.30116393881109393,1,-0.9264950903273623 -0.9698071588372823 -1.5742289567926424 -1.1122034001391496 -1.1839925690478803 -1.2375740038940606 -1.3327470325247706 -1.432594943068373 -1.8610200435437567 -1.5223664864978128 -1.2686846376475631 -1.008501789625835 -0.5503573610893662 -0.33985856959964655 -0.2237746772339887 -0.19064146615201588 -0.10149964394215921 -0.32933951764540553 -0.09995185871061851 -0.19522786907692666 +30207,-0.4574195609287719,1,-0.9698071588372823 -1.5742289567926424 -1.1122034001391496 -1.1839925690478803 -1.2375740038940606 -1.3327470325247706 -1.432594943068373 -1.8610200435437567 -1.5223664864978128 -1.2686846376475631 -1.008501789625835 -0.5503573610893662 -0.33985856959964655 -0.2237746772339887 -0.19064146615201588 -0.10149964394215921 -0.32933951764540553 -0.09995185871061851 -0.19522786907692666 -0.30116393881109393 +30208,-0.62465105220339,1,-1.5742289567926424 -1.1122034001391496 -1.1839925690478803 -1.2375740038940606 -1.3327470325247706 -1.432594943068373 -1.8610200435437567 -1.5223664864978128 -1.2686846376475631 -1.008501789625835 -0.5503573610893662 -0.33985856959964655 -0.2237746772339887 -0.19064146615201588 -0.10149964394215921 -0.32933951764540553 -0.09995185871061851 -0.19522786907692666 -0.30116393881109393 -0.4574195609287719 +30209,-0.7871685015153128,1,-1.1122034001391496 -1.1839925690478803 -1.2375740038940606 -1.3327470325247706 -1.432594943068373 -1.8610200435437567 -1.5223664864978128 -1.2686846376475631 -1.008501789625835 -0.5503573610893662 -0.33985856959964655 -0.2237746772339887 -0.19064146615201588 -0.10149964394215921 -0.32933951764540553 -0.09995185871061851 -0.19522786907692666 -0.30116393881109393 -0.4574195609287719 -0.62465105220339 +30210,-0.8506276960085343,1,-1.1839925690478803 -1.2375740038940606 -1.3327470325247706 -1.432594943068373 -1.8610200435437567 -1.5223664864978128 -1.2686846376475631 -1.008501789625835 -0.5503573610893662 -0.33985856959964655 -0.2237746772339887 -0.19064146615201588 -0.10149964394215921 -0.32933951764540553 -0.09995185871061851 -0.19522786907692666 -0.30116393881109393 -0.4574195609287719 -0.62465105220339 -0.7871685015153128 +30211,-0.9729027293003637,1,-1.2375740038940606 -1.3327470325247706 -1.432594943068373 -1.8610200435437567 -1.5223664864978128 -1.2686846376475631 -1.008501789625835 -0.5503573610893662 -0.33985856959964655 -0.2237746772339887 -0.19064146615201588 -0.10149964394215921 -0.32933951764540553 -0.09995185871061851 -0.19522786907692666 -0.30116393881109393 -0.4574195609287719 -0.62465105220339 -0.7871685015153128 -0.8506276960085343 +30212,-1.1014430884001722,1,-1.3327470325247706 -1.432594943068373 -1.8610200435437567 -1.5223664864978128 -1.2686846376475631 -1.008501789625835 -0.5503573610893662 -0.33985856959964655 -0.2237746772339887 -0.19064146615201588 -0.10149964394215921 -0.32933951764540553 -0.09995185871061851 -0.19522786907692666 -0.30116393881109393 -0.4574195609287719 -0.62465105220339 -0.7871685015153128 -0.8506276960085343 -0.9729027293003637 +30213,-1.0255274271727914,1,-1.432594943068373 -1.8610200435437567 -1.5223664864978128 -1.2686846376475631 -1.008501789625835 -0.5503573610893662 -0.33985856959964655 -0.2237746772339887 -0.19064146615201588 -0.10149964394215921 -0.32933951764540553 -0.09995185871061851 -0.19522786907692666 -0.30116393881109393 -0.4574195609287719 -0.62465105220339 -0.7871685015153128 -0.8506276960085343 -0.9729027293003637 -1.1014430884001722 +30214,-1.1524458161592517,1,-1.8610200435437567 -1.5223664864978128 -1.2686846376475631 -1.008501789625835 -0.5503573610893662 -0.33985856959964655 -0.2237746772339887 -0.19064146615201588 -0.10149964394215921 -0.32933951764540553 -0.09995185871061851 -0.19522786907692666 -0.30116393881109393 -0.4574195609287719 -0.62465105220339 -0.7871685015153128 -0.8506276960085343 -0.9729027293003637 -1.1014430884001722 -1.0255274271727914 +30215,-1.1564355958587413,1,-1.5223664864978128 -1.2686846376475631 -1.008501789625835 -0.5503573610893662 -0.33985856959964655 -0.2237746772339887 -0.19064146615201588 -0.10149964394215921 -0.32933951764540553 -0.09995185871061851 -0.19522786907692666 -0.30116393881109393 -0.4574195609287719 -0.62465105220339 -0.7871685015153128 -0.8506276960085343 -0.9729027293003637 -1.1014430884001722 -1.0255274271727914 -1.1524458161592517 +30216,-1.1973315878739672,1,-1.2686846376475631 -1.008501789625835 -0.5503573610893662 -0.33985856959964655 -0.2237746772339887 -0.19064146615201588 -0.10149964394215921 -0.32933951764540553 -0.09995185871061851 -0.19522786907692666 -0.30116393881109393 -0.4574195609287719 -0.62465105220339 -0.7871685015153128 -0.8506276960085343 -0.9729027293003637 -1.1014430884001722 -1.0255274271727914 -1.1524458161592517 -1.1564355958587413 +30217,-1.2576952119041072,1,-1.008501789625835 -0.5503573610893662 -0.33985856959964655 -0.2237746772339887 -0.19064146615201588 -0.10149964394215921 -0.32933951764540553 -0.09995185871061851 -0.19522786907692666 -0.30116393881109393 -0.4574195609287719 -0.62465105220339 -0.7871685015153128 -0.8506276960085343 -0.9729027293003637 -1.1014430884001722 -1.0255274271727914 -1.1524458161592517 -1.1564355958587413 -1.1973315878739672 +30218,-1.2731730642195318,1,-0.5503573610893662 -0.33985856959964655 -0.2237746772339887 -0.19064146615201588 -0.10149964394215921 -0.32933951764540553 -0.09995185871061851 -0.19522786907692666 -0.30116393881109393 -0.4574195609287719 -0.62465105220339 -0.7871685015153128 -0.8506276960085343 -0.9729027293003637 -1.1014430884001722 -1.0255274271727914 -1.1524458161592517 -1.1564355958587413 -1.1973315878739672 -1.2576952119041072 +30219,-1.1338723933807457,1,-0.33985856959964655 -0.2237746772339887 -0.19064146615201588 -0.10149964394215921 -0.32933951764540553 -0.09995185871061851 -0.19522786907692666 -0.30116393881109393 -0.4574195609287719 -0.62465105220339 -0.7871685015153128 -0.8506276960085343 -0.9729027293003637 -1.1014430884001722 -1.0255274271727914 -1.1524458161592517 -1.1564355958587413 -1.1973315878739672 -1.2576952119041072 -1.2731730642195318 +30220,-0.8119330652199815,1,-0.2237746772339887 -0.19064146615201588 -0.10149964394215921 -0.32933951764540553 -0.09995185871061851 -0.19522786907692666 -0.30116393881109393 -0.4574195609287719 -0.62465105220339 -0.7871685015153128 -0.8506276960085343 -0.9729027293003637 -1.1014430884001722 -1.0255274271727914 -1.1524458161592517 -1.1564355958587413 -1.1973315878739672 -1.2576952119041072 -1.2731730642195318 -1.1338723933807457 +30221,-0.5008282336800198,1,-0.19064146615201588 -0.10149964394215921 -0.32933951764540553 -0.09995185871061851 -0.19522786907692666 -0.30116393881109393 -0.4574195609287719 -0.62465105220339 -0.7871685015153128 -0.8506276960085343 -0.9729027293003637 -1.1014430884001722 -1.0255274271727914 -1.1524458161592517 -1.1564355958587413 -1.1973315878739672 -1.2576952119041072 -1.2731730642195318 -1.1338723933807457 -0.8119330652199815 +30222,-0.35997977760969324,1,-0.10149964394215921 -0.32933951764540553 -0.09995185871061851 -0.19522786907692666 -0.30116393881109393 -0.4574195609287719 -0.62465105220339 -0.7871685015153128 -0.8506276960085343 -0.9729027293003637 -1.1014430884001722 -1.0255274271727914 -1.1524458161592517 -1.1564355958587413 -1.1973315878739672 -1.2576952119041072 -1.2731730642195318 -1.1338723933807457 -0.8119330652199815 -0.5008282336800198 +30223,-0.35252419799361523,1,-0.32933951764540553 -0.09995185871061851 -0.19522786907692666 -0.30116393881109393 -0.4574195609287719 -0.62465105220339 -0.7871685015153128 -0.8506276960085343 -0.9729027293003637 -1.1014430884001722 -1.0255274271727914 -1.1524458161592517 -1.1564355958587413 -1.1973315878739672 -1.2576952119041072 -1.2731730642195318 -1.1338723933807457 -0.8119330652199815 -0.5008282336800198 -0.35997977760969324 +30224,-0.17888890551926448,1,-0.09995185871061851 -0.19522786907692666 -0.30116393881109393 -0.4574195609287719 -0.62465105220339 -0.7871685015153128 -0.8506276960085343 -0.9729027293003637 -1.1014430884001722 -1.0255274271727914 -1.1524458161592517 -1.1564355958587413 -1.1973315878739672 -1.2576952119041072 -1.2731730642195318 -1.1338723933807457 -0.8119330652199815 -0.5008282336800198 -0.35997977760969324 -0.35252419799361523 +30225,-0.12743970564441787,1,-0.19522786907692666 -0.30116393881109393 -0.4574195609287719 -0.62465105220339 -0.7871685015153128 -0.8506276960085343 -0.9729027293003637 -1.1014430884001722 -1.0255274271727914 -1.1524458161592517 -1.1564355958587413 -1.1973315878739672 -1.2576952119041072 -1.2731730642195318 -1.1338723933807457 -0.8119330652199815 -0.5008282336800198 -0.35997977760969324 -0.35252419799361523 -0.17888890551926448 +30226,-0.07209172454285957,1,-0.30116393881109393 -0.4574195609287719 -0.62465105220339 -0.7871685015153128 -0.8506276960085343 -0.9729027293003637 -1.1014430884001722 -1.0255274271727914 -1.1524458161592517 -1.1564355958587413 -1.1973315878739672 -1.2576952119041072 -1.2731730642195318 -1.1338723933807457 -0.8119330652199815 -0.5008282336800198 -0.35997977760969324 -0.35252419799361523 -0.17888890551926448 -0.12743970564441787 +30227,-0.22013203790178992,1,-0.4574195609287719 -0.62465105220339 -0.7871685015153128 -0.8506276960085343 -0.9729027293003637 -1.1014430884001722 -1.0255274271727914 -1.1524458161592517 -1.1564355958587413 -1.1973315878739672 -1.2576952119041072 -1.2731730642195318 -1.1338723933807457 -0.8119330652199815 -0.5008282336800198 -0.35997977760969324 -0.35252419799361523 -0.17888890551926448 -0.12743970564441787 -0.07209172454285957 +30228,-0.056613872227435,1,-0.62465105220339 -0.7871685015153128 -0.8506276960085343 -0.9729027293003637 -1.1014430884001722 -1.0255274271727914 -1.1524458161592517 -1.1564355958587413 -1.1973315878739672 -1.2576952119041072 -1.2731730642195318 -1.1338723933807457 -0.8119330652199815 -0.5008282336800198 -0.35997977760969324 -0.35252419799361523 -0.17888890551926448 -0.12743970564441787 -0.07209172454285957 -0.22013203790178992 +30229,-0.1443375767708662,1,-0.7871685015153128 -0.8506276960085343 -0.9729027293003637 -1.1014430884001722 -1.0255274271727914 -1.1524458161592517 -1.1564355958587413 -1.1973315878739672 -1.2576952119041072 -1.2731730642195318 -1.1338723933807457 -0.8119330652199815 -0.5008282336800198 -0.35997977760969324 -0.35252419799361523 -0.17888890551926448 -0.12743970564441787 -0.07209172454285957 -0.22013203790178992 -0.056613872227435 +30230,-0.24234810001249465,1,-0.8506276960085343 -0.9729027293003637 -1.1014430884001722 -1.0255274271727914 -1.1524458161592517 -1.1564355958587413 -1.1973315878739672 -1.2576952119041072 -1.2731730642195318 -1.1338723933807457 -0.8119330652199815 -0.5008282336800198 -0.35997977760969324 -0.35252419799361523 -0.17888890551926448 -0.12743970564441787 -0.07209172454285957 -0.22013203790178992 -0.056613872227435 -0.1443375767708662 +30231,-0.3387070666069434,1,-0.9729027293003637 -1.1014430884001722 -1.0255274271727914 -1.1524458161592517 -1.1564355958587413 -1.1973315878739672 -1.2576952119041072 -1.2731730642195318 -1.1338723933807457 -0.8119330652199815 -0.5008282336800198 -0.35997977760969324 -0.35252419799361523 -0.17888890551926448 -0.12743970564441787 -0.07209172454285957 -0.22013203790178992 -0.056613872227435 -0.1443375767708662 -0.24234810001249465 +30232,-0.4404646096498799,1,-1.1014430884001722 -1.0255274271727914 -1.1524458161592517 -1.1564355958587413 -1.1973315878739672 -1.2576952119041072 -1.2731730642195318 -1.1338723933807457 -0.8119330652199815 -0.5008282336800198 -0.35997977760969324 -0.35252419799361523 -0.17888890551926448 -0.12743970564441787 -0.07209172454285957 -0.22013203790178992 -0.056613872227435 -0.1443375767708662 -0.24234810001249465 -0.3387070666069434 +30233,-0.4745158847438104,1,-1.0255274271727914 -1.1524458161592517 -1.1564355958587413 -1.1973315878739672 -1.2576952119041072 -1.2731730642195318 -1.1338723933807457 -0.8119330652199815 -0.5008282336800198 -0.35997977760969324 -0.35252419799361523 -0.17888890551926448 -0.12743970564441787 -0.07209172454285957 -0.22013203790178992 -0.056613872227435 -0.1443375767708662 -0.24234810001249465 -0.3387070666069434 -0.4404646096498799 +30234,-0.47457662989689203,1,-1.1524458161592517 -1.1564355958587413 -1.1973315878739672 -1.2576952119041072 -1.2731730642195318 -1.1338723933807457 -0.8119330652199815 -0.5008282336800198 -0.35997977760969324 -0.35252419799361523 -0.17888890551926448 -0.12743970564441787 -0.07209172454285957 -0.22013203790178992 -0.056613872227435 -0.1443375767708662 -0.24234810001249465 -0.3387070666069434 -0.4404646096498799 -0.4745158847438104 +30235,-0.4760636699753511,1,-1.1564355958587413 -1.1973315878739672 -1.2576952119041072 -1.2731730642195318 -1.1338723933807457 -0.8119330652199815 -0.5008282336800198 -0.35997977760969324 -0.35252419799361523 -0.17888890551926448 -0.12743970564441787 -0.07209172454285957 -0.22013203790178992 -0.056613872227435 -0.1443375767708662 -0.24234810001249465 -0.3387070666069434 -0.4404646096498799 -0.4745158847438104 -0.47457662989689203 +30236,-1.0369075572466733,1,-1.1973315878739672 -1.2576952119041072 -1.2731730642195318 -1.1338723933807457 -0.8119330652199815 -0.5008282336800198 -0.35997977760969324 -0.35252419799361523 -0.17888890551926448 -0.12743970564441787 -0.07209172454285957 -0.22013203790178992 -0.056613872227435 -0.1443375767708662 -0.24234810001249465 -0.3387070666069434 -0.4404646096498799 -0.4745158847438104 -0.47457662989689203 -0.4760636699753511 +30237,-0.5008282336800198,1,-1.2576952119041072 -1.2731730642195318 -1.1338723933807457 -0.8119330652199815 -0.5008282336800198 -0.35997977760969324 -0.35252419799361523 -0.17888890551926448 -0.12743970564441787 -0.07209172454285957 -0.22013203790178992 -0.056613872227435 -0.1443375767708662 -0.24234810001249465 -0.3387070666069434 -0.4404646096498799 -0.4745158847438104 -0.47457662989689203 -0.4760636699753511 -1.0369075572466733 +30238,-0.51906140775975,1,-1.2731730642195318 -1.1338723933807457 -0.8119330652199815 -0.5008282336800198 -0.35997977760969324 -0.35252419799361523 -0.17888890551926448 -0.12743970564441787 -0.07209172454285957 -0.22013203790178992 -0.056613872227435 -0.1443375767708662 -0.24234810001249465 -0.3387070666069434 -0.4404646096498799 -0.4745158847438104 -0.47457662989689203 -0.4760636699753511 -1.0369075572466733 -0.5008282336800198 +30239,-0.5379750792370318,1,-1.1338723933807457 -0.8119330652199815 -0.5008282336800198 -0.35997977760969324 -0.35252419799361523 -0.17888890551926448 -0.12743970564441787 -0.07209172454285957 -0.22013203790178992 -0.056613872227435 -0.1443375767708662 -0.24234810001249465 -0.3387070666069434 -0.4404646096498799 -0.4745158847438104 -0.47457662989689203 -0.4760636699753511 -1.0369075572466733 -0.5008282336800198 -0.51906140775975 +30240,-0.5552999877139932,1,-0.8119330652199815 -0.5008282336800198 -0.35997977760969324 -0.35252419799361523 -0.17888890551926448 -0.12743970564441787 -0.07209172454285957 -0.22013203790178992 -0.056613872227435 -0.1443375767708662 -0.24234810001249465 -0.3387070666069434 -0.4404646096498799 -0.4745158847438104 -0.47457662989689203 -0.4760636699753511 -1.0369075572466733 -0.5008282336800198 -0.51906140775975 -0.5379750792370318 +30241,-0.573574139562503,1,-0.5008282336800198 -0.35997977760969324 -0.35252419799361523 -0.17888890551926448 -0.12743970564441787 -0.07209172454285957 -0.22013203790178992 -0.056613872227435 -0.1443375767708662 -0.24234810001249465 -0.3387070666069434 -0.4404646096498799 -0.4745158847438104 -0.47457662989689203 -0.4760636699753511 -1.0369075572466733 -0.5008282336800198 -0.51906140775975 -0.5379750792370318 -0.5552999877139932 +30242,-0.5673829986363315,1,-0.35997977760969324 -0.35252419799361523 -0.17888890551926448 -0.12743970564441787 -0.07209172454285957 -0.22013203790178992 -0.056613872227435 -0.1443375767708662 -0.24234810001249465 -0.3387070666069434 -0.4404646096498799 -0.4745158847438104 -0.47457662989689203 -0.4760636699753511 -1.0369075572466733 -0.5008282336800198 -0.51906140775975 -0.5379750792370318 -0.5552999877139932 -0.573574139562503 +30243,-0.5797652804886658,1,-0.35252419799361523 -0.17888890551926448 -0.12743970564441787 -0.07209172454285957 -0.22013203790178992 -0.056613872227435 -0.1443375767708662 -0.24234810001249465 -0.3387070666069434 -0.4404646096498799 -0.4745158847438104 -0.47457662989689203 -0.4760636699753511 -1.0369075572466733 -0.5008282336800198 -0.51906140775975 -0.5379750792370318 -0.5552999877139932 -0.573574139562503 -0.5673829986363315 +30244,-0.5399456229668148,1,-0.17888890551926448 -0.12743970564441787 -0.07209172454285957 -0.22013203790178992 -0.056613872227435 -0.1443375767708662 -0.24234810001249465 -0.3387070666069434 -0.4404646096498799 -0.4745158847438104 -0.47457662989689203 -0.4760636699753511 -1.0369075572466733 -0.5008282336800198 -0.51906140775975 -0.5379750792370318 -0.5552999877139932 -0.573574139562503 -0.5673829986363315 -0.5797652804886658 +30245,-0.445107965344502,1,-0.12743970564441787 -0.07209172454285957 -0.22013203790178992 -0.056613872227435 -0.1443375767708662 -0.24234810001249465 -0.3387070666069434 -0.4404646096498799 -0.4745158847438104 -0.47457662989689203 -0.4760636699753511 -1.0369075572466733 -0.5008282336800198 -0.51906140775975 -0.5379750792370318 -0.5552999877139932 -0.573574139562503 -0.5673829986363315 -0.5797652804886658 -0.5399456229668148 +30246,-0.15721991227767712,1,-0.07209172454285957 -0.22013203790178992 -0.056613872227435 -0.1443375767708662 -0.24234810001249465 -0.3387070666069434 -0.4404646096498799 -0.4745158847438104 -0.47457662989689203 -0.4760636699753511 -1.0369075572466733 -0.5008282336800198 -0.51906140775975 -0.5379750792370318 -0.5552999877139932 -0.573574139562503 -0.5673829986363315 -0.5797652804886658 -0.5399456229668148 -0.445107965344502 +30247,-0.13798461458918695,1,-0.22013203790178992 -0.056613872227435 -0.1443375767708662 -0.24234810001249465 -0.3387070666069434 -0.4404646096498799 -0.4745158847438104 -0.47457662989689203 -0.4760636699753511 -1.0369075572466733 -0.5008282336800198 -0.51906140775975 -0.5379750792370318 -0.5552999877139932 -0.573574139562503 -0.5673829986363315 -0.5797652804886658 -0.5399456229668148 -0.445107965344502 -0.15721991227767712 +30248,-0.011728100512719579,1,-0.056613872227435 -0.1443375767708662 -0.24234810001249465 -0.3387070666069434 -0.4404646096498799 -0.4745158847438104 -0.47457662989689203 -0.4760636699753511 -1.0369075572466733 -0.5008282336800198 -0.51906140775975 -0.5379750792370318 -0.5552999877139932 -0.573574139562503 -0.5673829986363315 -0.5797652804886658 -0.5399456229668148 -0.445107965344502 -0.15721991227767712 -0.13798461458918695 +30249,0.0870394964912421,1,-0.1443375767708662 -0.24234810001249465 -0.3387070666069434 -0.4404646096498799 -0.4745158847438104 -0.47457662989689203 -0.4760636699753511 -1.0369075572466733 -0.5008282336800198 -0.51906140775975 -0.5379750792370318 -0.5552999877139932 -0.573574139562503 -0.5673829986363315 -0.5797652804886658 -0.5399456229668148 -0.445107965344502 -0.15721991227767712 -0.13798461458918695 -0.011728100512719579 +30250,0.19567512051392744,1,-0.24234810001249465 -0.3387070666069434 -0.4404646096498799 -0.4745158847438104 -0.47457662989689203 -0.4760636699753511 -1.0369075572466733 -0.5008282336800198 -0.51906140775975 -0.5379750792370318 -0.5552999877139932 -0.573574139562503 -0.5673829986363315 -0.5797652804886658 -0.5399456229668148 -0.445107965344502 -0.15721991227767712 -0.13798461458918695 -0.011728100512719579 0.0870394964912421 +30251,0.23440654076442638,1,-0.3387070666069434 -0.4404646096498799 -0.4745158847438104 -0.47457662989689203 -0.4760636699753511 -1.0369075572466733 -0.5008282336800198 -0.51906140775975 -0.5379750792370318 -0.5552999877139932 -0.573574139562503 -0.5673829986363315 -0.5797652804886658 -0.5399456229668148 -0.445107965344502 -0.15721991227767712 -0.13798461458918695 -0.011728100512719579 0.0870394964912421 0.19567512051392744 +30252,0.30556787195341373,1,-0.4404646096498799 -0.4745158847438104 -0.47457662989689203 -0.4760636699753511 -1.0369075572466733 -0.5008282336800198 -0.51906140775975 -0.5379750792370318 -0.5552999877139932 -0.573574139562503 -0.5673829986363315 -0.5797652804886658 -0.5399456229668148 -0.445107965344502 -0.15721991227767712 -0.13798461458918695 -0.011728100512719579 0.0870394964912421 0.19567512051392744 0.23440654076442638 +30253,0.22690987085558462,1,-0.4745158847438104 -0.47457662989689203 -0.4760636699753511 -1.0369075572466733 -0.5008282336800198 -0.51906140775975 -0.5379750792370318 -0.5552999877139932 -0.573574139562503 -0.5673829986363315 -0.5797652804886658 -0.5399456229668148 -0.445107965344502 -0.15721991227767712 -0.13798461458918695 -0.011728100512719579 0.0870394964912421 0.19567512051392744 0.23440654076442638 0.30556787195341373 +30254,0.14150263740995023,1,-0.47457662989689203 -0.4760636699753511 -1.0369075572466733 -0.5008282336800198 -0.51906140775975 -0.5379750792370318 -0.5552999877139932 -0.573574139562503 -0.5673829986363315 -0.5797652804886658 -0.5399456229668148 -0.445107965344502 -0.15721991227767712 -0.13798461458918695 -0.011728100512719579 0.0870394964912421 0.19567512051392744 0.23440654076442638 0.30556787195341373 0.22690987085558462 +30255,-0.039328461991362654,1,-0.4760636699753511 -1.0369075572466733 -0.5008282336800198 -0.51906140775975 -0.5379750792370318 -0.5552999877139932 -0.573574139562503 -0.5673829986363315 -0.5797652804886658 -0.5399456229668148 -0.445107965344502 -0.15721991227767712 -0.13798461458918695 -0.011728100512719579 0.0870394964912421 0.19567512051392744 0.23440654076442638 0.30556787195341373 0.22690987085558462 0.14150263740995023 +30256,-0.23460917385478236,1,-1.0369075572466733 -0.5008282336800198 -0.51906140775975 -0.5379750792370318 -0.5552999877139932 -0.573574139562503 -0.5673829986363315 -0.5797652804886658 -0.5399456229668148 -0.445107965344502 -0.15721991227767712 -0.13798461458918695 -0.011728100512719579 0.0870394964912421 0.19567512051392744 0.23440654076442638 0.30556787195341373 0.22690987085558462 0.14150263740995023 -0.039328461991362654 +30257,-0.35997977760969324,1,-0.5008282336800198 -0.51906140775975 -0.5379750792370318 -0.5552999877139932 -0.573574139562503 -0.5673829986363315 -0.5797652804886658 -0.5399456229668148 -0.445107965344502 -0.15721991227767712 -0.13798461458918695 -0.011728100512719579 0.0870394964912421 0.19567512051392744 0.23440654076442638 0.30556787195341373 0.22690987085558462 0.14150263740995023 -0.039328461991362654 -0.23460917385478236 +30258,-0.47296809951226093,1,-0.51906140775975 -0.5379750792370318 -0.5552999877139932 -0.573574139562503 -0.5673829986363315 -0.5797652804886658 -0.5399456229668148 -0.445107965344502 -0.15721991227767712 -0.13798461458918695 -0.011728100512719579 0.0870394964912421 0.19567512051392744 0.23440654076442638 0.30556787195341373 0.22690987085558462 0.14150263740995023 -0.039328461991362654 -0.23460917385478236 -0.35997977760969324 +30259,-0.4735562914871939,1,-0.5379750792370318 -0.5552999877139932 -0.573574139562503 -0.5673829986363315 -0.5797652804886658 -0.5399456229668148 -0.445107965344502 -0.15721991227767712 -0.13798461458918695 -0.011728100512719579 0.0870394964912421 0.19567512051392744 0.23440654076442638 0.30556787195341373 0.22690987085558462 0.14150263740995023 -0.039328461991362654 -0.23460917385478236 -0.35997977760969324 -0.47296809951226093 +30260,-0.5596440724786191,1,-0.5552999877139932 -0.573574139562503 -0.5673829986363315 -0.5797652804886658 -0.5399456229668148 -0.445107965344502 -0.15721991227767712 -0.13798461458918695 -0.011728100512719579 0.0870394964912421 0.19567512051392744 0.23440654076442638 0.30556787195341373 0.22690987085558462 0.14150263740995023 -0.039328461991362654 -0.23460917385478236 -0.35997977760969324 -0.47296809951226093 -0.4735562914871939 +30261,-0.6463164271874431,1,-0.573574139562503 -0.5673829986363315 -0.5797652804886658 -0.5399456229668148 -0.445107965344502 -0.15721991227767712 -0.13798461458918695 -0.011728100512719579 0.0870394964912421 0.19567512051392744 0.23440654076442638 0.30556787195341373 0.22690987085558462 0.14150263740995023 -0.039328461991362654 -0.23460917385478236 -0.35997977760969324 -0.47296809951226093 -0.4735562914871939 -0.5596440724786191 +30262,-0.7376393741059666,1,-0.5673829986363315 -0.5797652804886658 -0.5399456229668148 -0.445107965344502 -0.15721991227767712 -0.13798461458918695 -0.011728100512719579 0.0870394964912421 0.19567512051392744 0.23440654076442638 0.30556787195341373 0.22690987085558462 0.14150263740995023 -0.039328461991362654 -0.23460917385478236 -0.35997977760969324 -0.47296809951226093 -0.4735562914871939 -0.5596440724786191 -0.6463164271874431 +30263,-1.4848857799516662,1,-0.5797652804886658 -0.5399456229668148 -0.445107965344502 -0.15721991227767712 -0.13798461458918695 -0.011728100512719579 0.0870394964912421 0.19567512051392744 0.23440654076442638 0.30556787195341373 0.22690987085558462 0.14150263740995023 -0.039328461991362654 -0.23460917385478236 -0.35997977760969324 -0.47296809951226093 -0.4735562914871939 -0.5596440724786191 -0.6463164271874431 -0.7376393741059666 +30264,-0.8630099778608774,1,-0.5399456229668148 -0.445107965344502 -0.15721991227767712 -0.13798461458918695 -0.011728100512719579 0.0870394964912421 0.19567512051392744 0.23440654076442638 0.30556787195341373 0.22690987085558462 0.14150263740995023 -0.039328461991362654 -0.23460917385478236 -0.35997977760969324 -0.47296809951226093 -0.4735562914871939 -0.5596440724786191 -0.6463164271874431 -0.7376393741059666 -1.4848857799516662 +30265,-0.9837372259211574,1,-0.445107965344502 -0.15721991227767712 -0.13798461458918695 -0.011728100512719579 0.0870394964912421 0.19567512051392744 0.23440654076442638 0.30556787195341373 0.22690987085558462 0.14150263740995023 -0.039328461991362654 -0.23460917385478236 -0.35997977760969324 -0.47296809951226093 -0.4735562914871939 -0.5596440724786191 -0.6463164271874431 -0.7376393741059666 -1.4848857799516662 -0.8630099778608774 +30266,-1.0425530647197567,1,-0.15721991227767712 -0.13798461458918695 -0.011728100512719579 0.0870394964912421 0.19567512051392744 0.23440654076442638 0.30556787195341373 0.22690987085558462 0.14150263740995023 -0.039328461991362654 -0.23460917385478236 -0.35997977760969324 -0.47296809951226093 -0.4735562914871939 -0.5596440724786191 -0.6463164271874431 -0.7376393741059666 -1.4848857799516662 -0.8630099778608774 -0.9837372259211574 +30267,-0.8692011187870402,1,-0.13798461458918695 -0.011728100512719579 0.0870394964912421 0.19567512051392744 0.23440654076442638 0.30556787195341373 0.22690987085558462 0.14150263740995023 -0.039328461991362654 -0.23460917385478236 -0.35997977760969324 -0.47296809951226093 -0.4735562914871939 -0.5596440724786191 -0.6463164271874431 -0.7376393741059666 -1.4848857799516662 -0.8630099778608774 -0.9837372259211574 -1.0425530647197567 +30268,-0.4218911868713739,1,-0.011728100512719579 0.0870394964912421 0.19567512051392744 0.23440654076442638 0.30556787195341373 0.22690987085558462 0.14150263740995023 -0.039328461991362654 -0.23460917385478236 -0.35997977760969324 -0.47296809951226093 -0.4735562914871939 -0.5596440724786191 -0.6463164271874431 -0.7376393741059666 -1.4848857799516662 -0.8630099778608774 -0.9837372259211574 -1.0425530647197567 -0.8692011187870402 +30269,-0.1076907848683308,1,0.0870394964912421 0.19567512051392744 0.23440654076442638 0.30556787195341373 0.22690987085558462 0.14150263740995023 -0.039328461991362654 -0.23460917385478236 -0.35997977760969324 -0.47296809951226093 -0.4735562914871939 -0.5596440724786191 -0.6463164271874431 -0.7376393741059666 -1.4848857799516662 -0.8630099778608774 -0.9837372259211574 -1.0425530647197567 -0.8692011187870402 -0.4218911868713739 +30270,-0.08009570644501632,1,0.19567512051392744 0.23440654076442638 0.30556787195341373 0.22690987085558462 0.14150263740995023 -0.039328461991362654 -0.23460917385478236 -0.35997977760969324 -0.47296809951226093 -0.4735562914871939 -0.5596440724786191 -0.6463164271874431 -0.7376393741059666 -1.4848857799516662 -0.8630099778608774 -0.9837372259211574 -1.0425530647197567 -0.8692011187870402 -0.4218911868713739 -0.1076907848683308 +30271,0.23746532176556145,1,0.23440654076442638 0.30556787195341373 0.22690987085558462 0.14150263740995023 -0.039328461991362654 -0.23460917385478236 -0.35997977760969324 -0.47296809951226093 -0.4735562914871939 -0.5596440724786191 -0.6463164271874431 -0.7376393741059666 -1.4848857799516662 -0.8630099778608774 -0.9837372259211574 -1.0425530647197567 -0.8692011187870402 -0.4218911868713739 -0.1076907848683308 -0.08009570644501632 +30272,0.4651538784125429,1,0.30556787195341373 0.22690987085558462 0.14150263740995023 -0.039328461991362654 -0.23460917385478236 -0.35997977760969324 -0.47296809951226093 -0.4735562914871939 -0.5596440724786191 -0.6463164271874431 -0.7376393741059666 -1.4848857799516662 -0.8630099778608774 -0.9837372259211574 -1.0425530647197567 -0.8692011187870402 -0.4218911868713739 -0.1076907848683308 -0.08009570644501632 0.23746532176556145 +30273,0.660010689976559,1,0.22690987085558462 0.14150263740995023 -0.039328461991362654 -0.23460917385478236 -0.35997977760969324 -0.47296809951226093 -0.4735562914871939 -0.5596440724786191 -0.6463164271874431 -0.7376393741059666 -1.4848857799516662 -0.8630099778608774 -0.9837372259211574 -1.0425530647197567 -0.8692011187870402 -0.4218911868713739 -0.1076907848683308 -0.08009570644501632 0.23746532176556145 0.4651538784125429 +30274,0.7919872316581987,1,0.14150263740995023 -0.039328461991362654 -0.23460917385478236 -0.35997977760969324 -0.47296809951226093 -0.4735562914871939 -0.5596440724786191 -0.6463164271874431 -0.7376393741059666 -1.4848857799516662 -0.8630099778608774 -0.9837372259211574 -1.0425530647197567 -0.8692011187870402 -0.4218911868713739 -0.1076907848683308 -0.08009570644501632 0.23746532176556145 0.4651538784125429 0.660010689976559 +30275,0.9324208907279681,1,-0.039328461991362654 -0.23460917385478236 -0.35997977760969324 -0.47296809951226093 -0.4735562914871939 -0.5596440724786191 -0.6463164271874431 -0.7376393741059666 -1.4848857799516662 -0.8630099778608774 -0.9837372259211574 -1.0425530647197567 -0.8692011187870402 -0.4218911868713739 -0.1076907848683308 -0.08009570644501632 0.23746532176556145 0.4651538784125429 0.660010689976559 0.7919872316581987 +30276,0.8901643903865215,1,-0.23460917385478236 -0.35997977760969324 -0.47296809951226093 -0.4735562914871939 -0.5596440724786191 -0.6463164271874431 -0.7376393741059666 -1.4848857799516662 -0.8630099778608774 -0.9837372259211574 -1.0425530647197567 -0.8692011187870402 -0.4218911868713739 -0.1076907848683308 -0.08009570644501632 0.23746532176556145 0.4651538784125429 0.660010689976559 0.7919872316581987 0.9324208907279681 +30277,0.8457449177616099,1,-0.35997977760969324 -0.47296809951226093 -0.4735562914871939 -0.5596440724786191 -0.6463164271874431 -0.7376393741059666 -1.4848857799516662 -0.8630099778608774 -0.9837372259211574 -1.0425530647197567 -0.8692011187870402 -0.4218911868713739 -0.1076907848683308 -0.08009570644501632 0.23746532176556145 0.4651538784125429 0.660010689976559 0.7919872316581987 0.9324208907279681 0.8901643903865215 +30278,0.30247230149033233,1,-0.47296809951226093 -0.4735562914871939 -0.5596440724786191 -0.6463164271874431 -0.7376393741059666 -1.4848857799516662 -0.8630099778608774 -0.9837372259211574 -1.0425530647197567 -0.8692011187870402 -0.4218911868713739 -0.1076907848683308 -0.08009570644501632 0.23746532176556145 0.4651538784125429 0.660010689976559 0.7919872316581987 0.9324208907279681 0.8901643903865215 0.8457449177616099 +30279,0.03780102689662673,1,-0.4735562914871939 -0.5596440724786191 -0.6463164271874431 -0.7376393741059666 -1.4848857799516662 -0.8630099778608774 -0.9837372259211574 -1.0425530647197567 -0.8692011187870402 -0.4218911868713739 -0.1076907848683308 -0.08009570644501632 0.23746532176556145 0.4651538784125429 0.660010689976559 0.7919872316581987 0.9324208907279681 0.8901643903865215 0.8457449177616099 0.30247230149033233 +30280,-0.13864648949917113,1,-0.5596440724786191 -0.6463164271874431 -0.7376393741059666 -1.4848857799516662 -0.8630099778608774 -0.9837372259211574 -1.0425530647197567 -0.8692011187870402 -0.4218911868713739 -0.1076907848683308 -0.08009570644501632 0.23746532176556145 0.4651538784125429 0.660010689976559 0.7919872316581987 0.9324208907279681 0.8901643903865215 0.8457449177616099 0.30247230149033233 0.03780102689662673 +30281,-0.23770474431786376,1,-0.6463164271874431 -0.7376393741059666 -1.4848857799516662 -0.8630099778608774 -0.9837372259211574 -1.0425530647197567 -0.8692011187870402 -0.4218911868713739 -0.1076907848683308 -0.08009570644501632 0.23746532176556145 0.4651538784125429 0.660010689976559 0.7919872316581987 0.9324208907279681 0.8901643903865215 0.8457449177616099 0.30247230149033233 0.03780102689662673 -0.13864648949917113 +30282,-0.28568608649566934,1,-0.7376393741059666 -1.4848857799516662 -0.8630099778608774 -0.9837372259211574 -1.0425530647197567 -0.8692011187870402 -0.4218911868713739 -0.1076907848683308 -0.08009570644501632 0.23746532176556145 0.4651538784125429 0.660010689976559 0.7919872316581987 0.9324208907279681 0.8901643903865215 0.8457449177616099 0.30247230149033233 0.03780102689662673 -0.13864648949917113 -0.23770474431786376 +30283,-0.34604971052580935,1,-1.4848857799516662 -0.8630099778608774 -0.9837372259211574 -1.0425530647197567 -0.8692011187870402 -0.4218911868713739 -0.1076907848683308 -0.08009570644501632 0.23746532176556145 0.4651538784125429 0.660010689976559 0.7919872316581987 0.9324208907279681 0.8901643903865215 0.8457449177616099 0.30247230149033233 0.03780102689662673 -0.13864648949917113 -0.23770474431786376 -0.28568608649566934 +30284,-0.4052131020216972,1,-0.8630099778608774 -0.9837372259211574 -1.0425530647197567 -0.8692011187870402 -0.4218911868713739 -0.1076907848683308 -0.08009570644501632 0.23746532176556145 0.4651538784125429 0.660010689976559 0.7919872316581987 0.9324208907279681 0.8901643903865215 0.8457449177616099 0.30247230149033233 0.03780102689662673 -0.13864648949917113 -0.23770474431786376 -0.28568608649566934 -0.34604971052580935 +30285,-0.4838025961330546,1,-0.9837372259211574 -1.0425530647197567 -0.8692011187870402 -0.4218911868713739 -0.1076907848683308 -0.08009570644501632 0.23746532176556145 0.4651538784125429 0.660010689976559 0.7919872316581987 0.9324208907279681 0.8901643903865215 0.8457449177616099 0.30247230149033233 0.03780102689662673 -0.13864648949917113 -0.23770474431786376 -0.28568608649566934 -0.34604971052580935 -0.4052131020216972 +30286,-0.6896580319281609,1,-1.0425530647197567 -0.8692011187870402 -0.4218911868713739 -0.1076907848683308 -0.08009570644501632 0.23746532176556145 0.4651538784125429 0.660010689976559 0.7919872316581987 0.9324208907279681 0.8901643903865215 0.8457449177616099 0.30247230149033233 0.03780102689662673 -0.13864648949917113 -0.23770474431786376 -0.28568608649566934 -0.34604971052580935 -0.4052131020216972 -0.4838025961330546 +30287,-0.7314482331797949,1,-0.8692011187870402 -0.4218911868713739 -0.1076907848683308 -0.08009570644501632 0.23746532176556145 0.4651538784125429 0.660010689976559 0.7919872316581987 0.9324208907279681 0.8901643903865215 0.8457449177616099 0.30247230149033233 0.03780102689662673 -0.13864648949917113 -0.23770474431786376 -0.28568608649566934 -0.34604971052580935 -0.4052131020216972 -0.4838025961330546 -0.6896580319281609 +30288,-0.7670472935052661,1,-0.4218911868713739 -0.1076907848683308 -0.08009570644501632 0.23746532176556145 0.4651538784125429 0.660010689976559 0.7919872316581987 0.9324208907279681 0.8901643903865215 0.8457449177616099 0.30247230149033233 0.03780102689662673 -0.13864648949917113 -0.23770474431786376 -0.28568608649566934 -0.34604971052580935 -0.4052131020216972 -0.4838025961330546 -0.6896580319281609 -0.7314482331797949 +30289,-0.7663680965568646,1,-0.1076907848683308 -0.08009570644501632 0.23746532176556145 0.4651538784125429 0.660010689976559 0.7919872316581987 0.9324208907279681 0.8901643903865215 0.8457449177616099 0.30247230149033233 0.03780102689662673 -0.13864648949917113 -0.23770474431786376 -0.28568608649566934 -0.34604971052580935 -0.4052131020216972 -0.4838025961330546 -0.6896580319281609 -0.7314482331797949 -0.7670472935052661 +30290,-0.7422827298005886,1,-0.08009570644501632 0.23746532176556145 0.4651538784125429 0.660010689976559 0.7919872316581987 0.9324208907279681 0.8901643903865215 0.8457449177616099 0.30247230149033233 0.03780102689662673 -0.13864648949917113 -0.23770474431786376 -0.28568608649566934 -0.34604971052580935 -0.4052131020216972 -0.4838025961330546 -0.6896580319281609 -0.7314482331797949 -0.7670472935052661 -0.7663680965568646 +30291,-0.6122687703510556,1,0.23746532176556145 0.4651538784125429 0.660010689976559 0.7919872316581987 0.9324208907279681 0.8901643903865215 0.8457449177616099 0.30247230149033233 0.03780102689662673 -0.13864648949917113 -0.23770474431786376 -0.28568608649566934 -0.34604971052580935 -0.4052131020216972 -0.4838025961330546 -0.6896580319281609 -0.7314482331797949 -0.7670472935052661 -0.7663680965568646 -0.7422827298005886 +30292,-0.07673508023748166,1,0.4651538784125429 0.660010689976559 0.7919872316581987 0.9324208907279681 0.8901643903865215 0.8457449177616099 0.30247230149033233 0.03780102689662673 -0.13864648949917113 -0.23770474431786376 -0.28568608649566934 -0.34604971052580935 -0.4052131020216972 -0.4838025961330546 -0.6896580319281609 -0.7314482331797949 -0.7670472935052661 -0.7663680965568646 -0.7422827298005886 -0.6122687703510556 +30293,0.3876004892251499,1,0.660010689976559 0.7919872316581987 0.9324208907279681 0.8901643903865215 0.8457449177616099 0.30247230149033233 0.03780102689662673 -0.13864648949917113 -0.23770474431786376 -0.28568608649566934 -0.34604971052580935 -0.4052131020216972 -0.4838025961330546 -0.6896580319281609 -0.7314482331797949 -0.7670472935052661 -0.7663680965568646 -0.7422827298005886 -0.6122687703510556 -0.07673508023748166 +30294,0.428782176546097,1,0.7919872316581987 0.9324208907279681 0.8901643903865215 0.8457449177616099 0.30247230149033233 0.03780102689662673 -0.13864648949917113 -0.23770474431786376 -0.28568608649566934 -0.34604971052580935 -0.4052131020216972 -0.4838025961330546 -0.6896580319281609 -0.7314482331797949 -0.7670472935052661 -0.7663680965568646 -0.7422827298005886 -0.6122687703510556 -0.07673508023748166 0.3876004892251499 +30295,1.0051667966104425,1,0.9324208907279681 0.8901643903865215 0.8457449177616099 0.30247230149033233 0.03780102689662673 -0.13864648949917113 -0.23770474431786376 -0.28568608649566934 -0.34604971052580935 -0.4052131020216972 -0.4838025961330546 -0.6896580319281609 -0.7314482331797949 -0.7670472935052661 -0.7663680965568646 -0.7422827298005886 -0.6122687703510556 -0.07673508023748166 0.3876004892251499 0.428782176546097 +30296,1.1051909341110406,1,0.8901643903865215 0.8457449177616099 0.30247230149033233 0.03780102689662673 -0.13864648949917113 -0.23770474431786376 -0.28568608649566934 -0.34604971052580935 -0.4052131020216972 -0.4838025961330546 -0.6896580319281609 -0.7314482331797949 -0.7670472935052661 -0.7663680965568646 -0.7422827298005886 -0.6122687703510556 -0.07673508023748166 0.3876004892251499 0.428782176546097 1.0051667966104425 +30297,1.3147238429188635,1,0.8457449177616099 0.30247230149033233 0.03780102689662673 -0.13864648949917113 -0.23770474431786376 -0.28568608649566934 -0.34604971052580935 -0.4052131020216972 -0.4838025961330546 -0.6896580319281609 -0.7314482331797949 -0.7670472935052661 -0.7663680965568646 -0.7422827298005886 -0.6122687703510556 -0.07673508023748166 0.3876004892251499 0.428782176546097 1.0051667966104425 1.1051909341110406 +30298,1.372036567115496,1,0.30247230149033233 0.03780102689662673 -0.13864648949917113 -0.23770474431786376 -0.28568608649566934 -0.34604971052580935 -0.4052131020216972 -0.4838025961330546 -0.6896580319281609 -0.7314482331797949 -0.7670472935052661 -0.7663680965568646 -0.7422827298005886 -0.6122687703510556 -0.07673508023748166 0.3876004892251499 0.428782176546097 1.0051667966104425 1.1051909341110406 1.3147238429188635 +30299,1.4354510909791522,1,0.03780102689662673 -0.13864648949917113 -0.23770474431786376 -0.28568608649566934 -0.34604971052580935 -0.4052131020216972 -0.4838025961330546 -0.6896580319281609 -0.7314482331797949 -0.7670472935052661 -0.7663680965568646 -0.7422827298005886 -0.6122687703510556 -0.07673508023748166 0.3876004892251499 0.428782176546097 1.0051667966104425 1.1051909341110406 1.3147238429188635 1.372036567115496 +30300,1.4796148649952339,1,-0.13864648949917113 -0.23770474431786376 -0.28568608649566934 -0.34604971052580935 -0.4052131020216972 -0.4838025961330546 -0.6896580319281609 -0.7314482331797949 -0.7670472935052661 -0.7663680965568646 -0.7422827298005886 -0.6122687703510556 -0.07673508023748166 0.3876004892251499 0.428782176546097 1.0051667966104425 1.1051909341110406 1.3147238429188635 1.372036567115496 1.4354510909791522 +30301,1.5267704196401326,1,-0.23770474431786376 -0.28568608649566934 -0.34604971052580935 -0.4052131020216972 -0.4838025961330546 -0.6896580319281609 -0.7314482331797949 -0.7670472935052661 -0.7663680965568646 -0.7422827298005886 -0.6122687703510556 -0.07673508023748166 0.3876004892251499 0.428782176546097 1.0051667966104425 1.1051909341110406 1.3147238429188635 1.372036567115496 1.4354510909791522 1.4796148649952339 +30302,0.9912367295265674,1,-0.28568608649566934 -0.34604971052580935 -0.4052131020216972 -0.4838025961330546 -0.6896580319281609 -0.7314482331797949 -0.7670472935052661 -0.7663680965568646 -0.7422827298005886 -0.6122687703510556 -0.07673508023748166 0.3876004892251499 0.428782176546097 1.0051667966104425 1.1051909341110406 1.3147238429188635 1.372036567115496 1.4354510909791522 1.4796148649952339 1.5267704196401326 +30303,0.5129710929800607,1,-0.34604971052580935 -0.4052131020216972 -0.4838025961330546 -0.6896580319281609 -0.7314482331797949 -0.7670472935052661 -0.7663680965568646 -0.7422827298005886 -0.6122687703510556 -0.07673508023748166 0.3876004892251499 0.428782176546097 1.0051667966104425 1.1051909341110406 1.3147238429188635 1.372036567115496 1.4354510909791522 1.4796148649952339 1.5267704196401326 0.9912367295265674 +30304,0.43959482494012503,1,-0.4052131020216972 -0.4838025961330546 -0.6896580319281609 -0.7314482331797949 -0.7670472935052661 -0.7663680965568646 -0.7422827298005886 -0.6122687703510556 -0.07673508023748166 0.3876004892251499 0.428782176546097 1.0051667966104425 1.1051909341110406 1.3147238429188635 1.372036567115496 1.4354510909791522 1.4796148649952339 1.5267704196401326 0.9912367295265674 0.5129710929800607 +30305,0.280803308248745,1,-0.4838025961330546 -0.6896580319281609 -0.7314482331797949 -0.7670472935052661 -0.7663680965568646 -0.7422827298005886 -0.6122687703510556 -0.07673508023748166 0.3876004892251499 0.428782176546097 1.0051667966104425 1.1051909341110406 1.3147238429188635 1.372036567115496 1.4354510909791522 1.4796148649952339 1.5267704196401326 0.9912367295265674 0.5129710929800607 0.43959482494012503 +30306,0.034705456433545334,1,-0.6896580319281609 -0.7314482331797949 -0.7670472935052661 -0.7663680965568646 -0.7422827298005886 -0.6122687703510556 -0.07673508023748166 0.3876004892251499 0.428782176546097 1.0051667966104425 1.1051909341110406 1.3147238429188635 1.372036567115496 1.4354510909791522 1.4796148649952339 1.5267704196401326 0.9912367295265674 0.5129710929800607 0.43959482494012503 0.280803308248745 +30307,-0.07209172454285957,1,-0.7314482331797949 -0.7670472935052661 -0.7663680965568646 -0.7422827298005886 -0.6122687703510556 -0.07673508023748166 0.3876004892251499 0.428782176546097 1.0051667966104425 1.1051909341110406 1.3147238429188635 1.372036567115496 1.4354510909791522 1.4796148649952339 1.5267704196401326 0.9912367295265674 0.5129710929800607 0.43959482494012503 0.280803308248745 0.034705456433545334 +30308,-0.1649588384353894,1,-0.7670472935052661 -0.7663680965568646 -0.7422827298005886 -0.6122687703510556 -0.07673508023748166 0.3876004892251499 0.428782176546097 1.0051667966104425 1.1051909341110406 1.3147238429188635 1.372036567115496 1.4354510909791522 1.4796148649952339 1.5267704196401326 0.9912367295265674 0.5129710929800607 0.43959482494012503 0.280803308248745 0.034705456433545334 -0.07209172454285957 +30309,-0.26092152279099184,1,-0.7663680965568646 -0.7422827298005886 -0.6122687703510556 -0.07673508023748166 0.3876004892251499 0.428782176546097 1.0051667966104425 1.1051909341110406 1.3147238429188635 1.372036567115496 1.4354510909791522 1.4796148649952339 1.5267704196401326 0.9912367295265674 0.5129710929800607 0.43959482494012503 0.280803308248745 0.034705456433545334 -0.07209172454285957 -0.1649588384353894 +30310,-0.3383107843680971,1,-0.7422827298005886 -0.6122687703510556 -0.07673508023748166 0.3876004892251499 0.428782176546097 1.0051667966104425 1.1051909341110406 1.3147238429188635 1.372036567115496 1.4354510909791522 1.4796148649952339 1.5267704196401326 0.9912367295265674 0.5129710929800607 0.43959482494012503 0.280803308248745 0.034705456433545334 -0.07209172454285957 -0.1649588384353894 -0.26092152279099184 +30311,-0.4853503813646041,1,-0.6122687703510556 -0.07673508023748166 0.3876004892251499 0.428782176546097 1.0051667966104425 1.1051909341110406 1.3147238429188635 1.372036567115496 1.4354510909791522 1.4796148649952339 1.5267704196401326 0.9912367295265674 0.5129710929800607 0.43959482494012503 0.280803308248745 0.034705456433545334 -0.07209172454285957 -0.1649588384353894 -0.26092152279099184 -0.3383107843680971 +30312,-0.48989653119377125,1,-0.07673508023748166 0.3876004892251499 0.428782176546097 1.0051667966104425 1.1051909341110406 1.3147238429188635 1.372036567115496 1.4354510909791522 1.4796148649952339 1.5267704196401326 0.9912367295265674 0.5129710929800607 0.43959482494012503 0.280803308248745 0.034705456433545334 -0.07209172454285957 -0.1649588384353894 -0.26092152279099184 -0.3383107843680971 -0.4853503813646041 +30313,-0.5457140053947441,1,0.3876004892251499 0.428782176546097 1.0051667966104425 1.1051909341110406 1.3147238429188635 1.372036567115496 1.4354510909791522 1.4796148649952339 1.5267704196401326 0.9912367295265674 0.5129710929800607 0.43959482494012503 0.280803308248745 0.034705456433545334 -0.07209172454285957 -0.1649588384353894 -0.26092152279099184 -0.3383107843680971 -0.4853503813646041 -0.48989653119377125 +30314,-0.6767680409208158,1,0.428782176546097 1.0051667966104425 1.1051909341110406 1.3147238429188635 1.372036567115496 1.4354510909791522 1.4796148649952339 1.5267704196401326 0.9912367295265674 0.5129710929800607 0.43959482494012503 0.280803308248745 0.034705456433545334 -0.07209172454285957 -0.1649588384353894 -0.26092152279099184 -0.3383107843680971 -0.4853503813646041 -0.48989653119377125 -0.5457140053947441 +30315,-0.6076254146564247,1,1.0051667966104425 1.1051909341110406 1.3147238429188635 1.372036567115496 1.4354510909791522 1.4796148649952339 1.5267704196401326 0.9912367295265674 0.5129710929800607 0.43959482494012503 0.280803308248745 0.034705456433545334 -0.07209172454285957 -0.1649588384353894 -0.26092152279099184 -0.3383107843680971 -0.4853503813646041 -0.48989653119377125 -0.5457140053947441 -0.6767680409208158 +30316,0.04708773828587971,1,1.1051909341110406 1.3147238429188635 1.372036567115496 1.4354510909791522 1.4796148649952339 1.5267704196401326 0.9912367295265674 0.5129710929800607 0.43959482494012503 0.280803308248745 0.034705456433545334 -0.07209172454285957 -0.1649588384353894 -0.26092152279099184 -0.3383107843680971 -0.4853503813646041 -0.48989653119377125 -0.5457140053947441 -0.6767680409208158 -0.6076254146564247 +30317,0.4123650529298186,1,1.3147238429188635 1.372036567115496 1.4354510909791522 1.4796148649952339 1.5267704196401326 0.9912367295265674 0.5129710929800607 0.43959482494012503 0.280803308248745 0.034705456433545334 -0.07209172454285957 -0.1649588384353894 -0.26092152279099184 -0.3383107843680971 -0.4853503813646041 -0.48989653119377125 -0.5457140053947441 -0.6767680409208158 -0.6076254146564247 0.04708773828587971 +30318,0.7095398173859053,1,1.372036567115496 1.4354510909791522 1.4796148649952339 1.5267704196401326 0.9912367295265674 0.5129710929800607 0.43959482494012503 0.280803308248745 0.034705456433545334 -0.07209172454285957 -0.1649588384353894 -0.26092152279099184 -0.3383107843680971 -0.4853503813646041 -0.48989653119377125 -0.5457140053947441 -0.6767680409208158 -0.6076254146564247 0.04708773828587971 0.4123650529298186 +30319,0.9463509578118432,1,1.4354510909791522 1.4796148649952339 1.5267704196401326 0.9912367295265674 0.5129710929800607 0.43959482494012503 0.280803308248745 0.034705456433545334 -0.07209172454285957 -0.1649588384353894 -0.26092152279099184 -0.3383107843680971 -0.4853503813646041 -0.48989653119377125 -0.5457140053947441 -0.6767680409208158 -0.6076254146564247 0.04708773828587971 0.4123650529298186 0.7095398173859053 +30320,0.9526222548204722,1,1.4796148649952339 1.5267704196401326 0.9912367295265674 0.5129710929800607 0.43959482494012503 0.280803308248745 0.034705456433545334 -0.07209172454285957 -0.1649588384353894 -0.26092152279099184 -0.3383107843680971 -0.4853503813646041 -0.48989653119377125 -0.5457140053947441 -0.6767680409208158 -0.6076254146564247 0.04708773828587971 0.4123650529298186 0.7095398173859053 0.9463509578118432 +30321,1.076364917261385,1,1.5267704196401326 0.9912367295265674 0.5129710929800607 0.43959482494012503 0.280803308248745 0.034705456433545334 -0.07209172454285957 -0.1649588384353894 -0.26092152279099184 -0.3383107843680971 -0.4853503813646041 -0.48989653119377125 -0.5457140053947441 -0.6767680409208158 -0.6076254146564247 0.04708773828587971 0.4123650529298186 0.7095398173859053 0.9463509578118432 0.9526222548204722 +30322,1.067446471960055,1,0.9912367295265674 0.5129710929800607 0.43959482494012503 0.280803308248745 0.034705456433545334 -0.07209172454285957 -0.1649588384353894 -0.26092152279099184 -0.3383107843680971 -0.4853503813646041 -0.48989653119377125 -0.5457140053947441 -0.6767680409208158 -0.6076254146564247 0.04708773828587971 0.4123650529298186 0.7095398173859053 0.9463509578118432 0.9526222548204722 1.076364917261385 +30323,1.057791494482879,1,0.5129710929800607 0.43959482494012503 0.280803308248745 0.034705456433545334 -0.07209172454285957 -0.1649588384353894 -0.26092152279099184 -0.3383107843680971 -0.4853503813646041 -0.48989653119377125 -0.5457140053947441 -0.6767680409208158 -0.6076254146564247 0.04708773828587971 0.4123650529298186 0.7095398173859053 0.9463509578118432 0.9526222548204722 1.076364917261385 1.067446471960055 +30324,0.9865933738319452,1,0.43959482494012503 0.280803308248745 0.034705456433545334 -0.07209172454285957 -0.1649588384353894 -0.26092152279099184 -0.3383107843680971 -0.4853503813646041 -0.48989653119377125 -0.5457140053947441 -0.6767680409208158 -0.6076254146564247 0.04708773828587971 0.4123650529298186 0.7095398173859053 0.9463509578118432 0.9526222548204722 1.076364917261385 1.067446471960055 1.057791494482879 +30325,0.8021933417146123,1,0.280803308248745 0.034705456433545334 -0.07209172454285957 -0.1649588384353894 -0.26092152279099184 -0.3383107843680971 -0.4853503813646041 -0.48989653119377125 -0.5457140053947441 -0.6767680409208158 -0.6076254146564247 0.04708773828587971 0.4123650529298186 0.7095398173859053 0.9463509578118432 0.9526222548204722 1.076364917261385 1.067446471960055 1.057791494482879 0.9865933738319452 +30326,0.6971575355335708,1,0.034705456433545334 -0.07209172454285957 -0.1649588384353894 -0.26092152279099184 -0.3383107843680971 -0.4853503813646041 -0.48989653119377125 -0.5457140053947441 -0.6767680409208158 -0.6076254146564247 0.04708773828587971 0.4123650529298186 0.7095398173859053 0.9463509578118432 0.9526222548204722 1.076364917261385 1.067446471960055 1.057791494482879 0.9865933738319452 0.8021933417146123 +30327,0.039348812128176223,1,-0.07209172454285957 -0.1649588384353894 -0.26092152279099184 -0.3383107843680971 -0.4853503813646041 -0.48989653119377125 -0.5457140053947441 -0.6767680409208158 -0.6076254146564247 0.04708773828587971 0.4123650529298186 0.7095398173859053 0.9463509578118432 0.9526222548204722 1.076364917261385 1.067446471960055 1.057791494482879 0.9865933738319452 0.8021933417146123 0.6971575355335708 +30328,-0.12935977810991817,1,-0.1649588384353894 -0.26092152279099184 -0.3383107843680971 -0.4853503813646041 -0.48989653119377125 -0.5457140053947441 -0.6767680409208158 -0.6076254146564247 0.04708773828587971 0.4123650529298186 0.7095398173859053 0.9463509578118432 0.9526222548204722 1.076364917261385 1.067446471960055 1.057791494482879 0.9865933738319452 0.8021933417146123 0.6971575355335708 0.039348812128176223 +30329,-0.18972340214005814,1,-0.26092152279099184 -0.3383107843680971 -0.4853503813646041 -0.48989653119377125 -0.5457140053947441 -0.6767680409208158 -0.6076254146564247 0.04708773828587971 0.4123650529298186 0.7095398173859053 0.9463509578118432 0.9526222548204722 1.076364917261385 1.067446471960055 1.057791494482879 0.9865933738319452 0.8021933417146123 0.6971575355335708 0.039348812128176223 -0.12935977810991817 +30330,-0.2624693080225413,1,-0.3383107843680971 -0.4853503813646041 -0.48989653119377125 -0.5457140053947441 -0.6767680409208158 -0.6076254146564247 0.04708773828587971 0.4123650529298186 0.7095398173859053 0.9463509578118432 0.9526222548204722 1.076364917261385 1.067446471960055 1.057791494482879 0.9865933738319452 0.8021933417146123 0.6971575355335708 0.039348812128176223 -0.12935977810991817 -0.18972340214005814 +30331,-0.35843199237815254,1,-0.4853503813646041 -0.48989653119377125 -0.5457140053947441 -0.6767680409208158 -0.6076254146564247 0.04708773828587971 0.4123650529298186 0.7095398173859053 0.9463509578118432 0.9526222548204722 1.076364917261385 1.067446471960055 1.057791494482879 0.9865933738319452 0.8021933417146123 0.6971575355335708 0.039348812128176223 -0.12935977810991817 -0.18972340214005814 -0.2624693080225413 +30332,-0.6637335692698003,1,-0.48989653119377125 -0.5457140053947441 -0.6767680409208158 -0.6076254146564247 0.04708773828587971 0.4123650529298186 0.7095398173859053 0.9463509578118432 0.9526222548204722 1.076364917261385 1.067446471960055 1.057791494482879 0.9865933738319452 0.8021933417146123 0.6971575355335708 0.039348812128176223 -0.12935977810991817 -0.18972340214005814 -0.2624693080225413 -0.35843199237815254 +30333,-0.40641333455594936,1,-0.5457140053947441 -0.6767680409208158 -0.6076254146564247 0.04708773828587971 0.4123650529298186 0.7095398173859053 0.9463509578118432 0.9526222548204722 1.076364917261385 1.067446471960055 1.057791494482879 0.9865933738319452 0.8021933417146123 0.6971575355335708 0.039348812128176223 -0.12935977810991817 -0.18972340214005814 -0.2624693080225413 -0.35843199237815254 -0.6637335692698003 +30334,-0.5255927973846974,1,-0.6767680409208158 -0.6076254146564247 0.04708773828587971 0.4123650529298186 0.7095398173859053 0.9463509578118432 0.9526222548204722 1.076364917261385 1.067446471960055 1.057791494482879 0.9865933738319452 0.8021933417146123 0.6971575355335708 0.039348812128176223 -0.12935977810991817 -0.18972340214005814 -0.2624693080225413 -0.35843199237815254 -0.6637335692698003 -0.40641333455594936 +30335,-0.5286883678477788,1,-0.6076254146564247 0.04708773828587971 0.4123650529298186 0.7095398173859053 0.9463509578118432 0.9526222548204722 1.076364917261385 1.067446471960055 1.057791494482879 0.9865933738319452 0.8021933417146123 0.6971575355335708 0.039348812128176223 -0.12935977810991817 -0.18972340214005814 -0.2624693080225413 -0.35843199237815254 -0.6637335692698003 -0.40641333455594936 -0.5255927973846974 +30336,-0.5998864884987125,1,0.04708773828587971 0.4123650529298186 0.7095398173859053 0.9463509578118432 0.9526222548204722 1.076364917261385 1.067446471960055 1.057791494482879 0.9865933738319452 0.8021933417146123 0.6971575355335708 0.039348812128176223 -0.12935977810991817 -0.18972340214005814 -0.2624693080225413 -0.35843199237815254 -0.6637335692698003 -0.40641333455594936 -0.5255927973846974 -0.5286883678477788 +30337,-0.5941101160938608,1,0.4123650529298186 0.7095398173859053 0.9463509578118432 0.9526222548204722 1.076364917261385 1.067446471960055 1.057791494482879 0.9865933738319452 0.8021933417146123 0.6971575355335708 0.039348812128176223 -0.12935977810991817 -0.18972340214005814 -0.2624693080225413 -0.35843199237815254 -0.6637335692698003 -0.40641333455594936 -0.5255927973846974 -0.5286883678477788 -0.5998864884987125 +30338,-0.5209494416900665,1,0.7095398173859053 0.9463509578118432 0.9526222548204722 1.076364917261385 1.067446471960055 1.057791494482879 0.9865933738319452 0.8021933417146123 0.6971575355335708 0.039348812128176223 -0.12935977810991817 -0.18972340214005814 -0.2624693080225413 -0.35843199237815254 -0.6637335692698003 -0.40641333455594936 -0.5255927973846974 -0.5286883678477788 -0.5998864884987125 -0.5941101160938608 +30339,-0.46987252904917953,1,0.9463509578118432 0.9526222548204722 1.076364917261385 1.067446471960055 1.057791494482879 0.9865933738319452 0.8021933417146123 0.6971575355335708 0.039348812128176223 -0.12935977810991817 -0.18972340214005814 -0.2624693080225413 -0.35843199237815254 -0.6637335692698003 -0.40641333455594936 -0.5255927973846974 -0.5286883678477788 -0.5998864884987125 -0.5941101160938608 -0.5209494416900665 +30340,-0.30425950927417533,1,0.9526222548204722 1.076364917261385 1.067446471960055 1.057791494482879 0.9865933738319452 0.8021933417146123 0.6971575355335708 0.039348812128176223 -0.12935977810991817 -0.18972340214005814 -0.2624693080225413 -0.35843199237815254 -0.6637335692698003 -0.40641333455594936 -0.5255927973846974 -0.5286883678477788 -0.5998864884987125 -0.5941101160938608 -0.5209494416900665 -0.46987252904917953 +30341,-0.09995185871061851,1,1.076364917261385 1.067446471960055 1.057791494482879 0.9865933738319452 0.8021933417146123 0.6971575355335708 0.039348812128176223 -0.12935977810991817 -0.18972340214005814 -0.2624693080225413 -0.35843199237815254 -0.6637335692698003 -0.40641333455594936 -0.5255927973846974 -0.5286883678477788 -0.5998864884987125 -0.5941101160938608 -0.5209494416900665 -0.46987252904917953 -0.30425950927417533 +30342,0.17710169773542148,1,1.067446471960055 1.057791494482879 0.9865933738319452 0.8021933417146123 0.6971575355335708 0.039348812128176223 -0.12935977810991817 -0.18972340214005814 -0.2624693080225413 -0.35843199237815254 -0.6637335692698003 -0.40641333455594936 -0.5255927973846974 -0.5286883678477788 -0.5998864884987125 -0.5941101160938608 -0.5209494416900665 -0.46987252904917953 -0.30425950927417533 -0.09995185871061851 +30343,0.1774797153346357,1,1.057791494482879 0.9865933738319452 0.8021933417146123 0.6971575355335708 0.039348812128176223 -0.12935977810991817 -0.18972340214005814 -0.2624693080225413 -0.35843199237815254 -0.6637335692698003 -0.40641333455594936 -0.5255927973846974 -0.5286883678477788 -0.5998864884987125 -0.5941101160938608 -0.5209494416900665 -0.46987252904917953 -0.30425950927417533 -0.09995185871061851 0.17710169773542148 +30344,0.42010397908753094,1,0.9865933738319452 0.8021933417146123 0.6971575355335708 0.039348812128176223 -0.12935977810991817 -0.18972340214005814 -0.2624693080225413 -0.35843199237815254 -0.6637335692698003 -0.40641333455594936 -0.5255927973846974 -0.5286883678477788 -0.5998864884987125 -0.5941101160938608 -0.5209494416900665 -0.46987252904917953 -0.30425950927417533 -0.09995185871061851 0.17710169773542148 0.1774797153346357 +30345,0.5390533478541921,1,0.8021933417146123 0.6971575355335708 0.039348812128176223 -0.12935977810991817 -0.18972340214005814 -0.2624693080225413 -0.35843199237815254 -0.6637335692698003 -0.40641333455594936 -0.5255927973846974 -0.5286883678477788 -0.5998864884987125 -0.5941101160938608 -0.5209494416900665 -0.46987252904917953 -0.30425950927417533 -0.09995185871061851 0.17710169773542148 0.1774797153346357 0.42010397908753094 +30346,0.669297401365812,1,0.6971575355335708 0.039348812128176223 -0.12935977810991817 -0.18972340214005814 -0.2624693080225413 -0.35843199237815254 -0.6637335692698003 -0.40641333455594936 -0.5255927973846974 -0.5286883678477788 -0.5998864884987125 -0.5941101160938608 -0.5209494416900665 -0.46987252904917953 -0.30425950927417533 -0.09995185871061851 0.17710169773542148 0.1774797153346357 0.42010397908753094 0.5390533478541921 +30347,0.7977068328485447,1,0.039348812128176223 -0.12935977810991817 -0.18972340214005814 -0.2624693080225413 -0.35843199237815254 -0.6637335692698003 -0.40641333455594936 -0.5255927973846974 -0.5286883678477788 -0.5998864884987125 -0.5941101160938608 -0.5209494416900665 -0.46987252904917953 -0.30425950927417533 -0.09995185871061851 0.17710169773542148 0.1774797153346357 0.42010397908753094 0.5390533478541921 0.669297401365812 +30348,0.6662018309027218,1,-0.12935977810991817 -0.18972340214005814 -0.2624693080225413 -0.35843199237815254 -0.6637335692698003 -0.40641333455594936 -0.5255927973846974 -0.5286883678477788 -0.5998864884987125 -0.5941101160938608 -0.5209494416900665 -0.46987252904917953 -0.30425950927417533 -0.09995185871061851 0.17710169773542148 0.1774797153346357 0.42010397908753094 0.5390533478541921 0.669297401365812 0.7977068328485447 +30349,0.5164277498197121,1,-0.18972340214005814 -0.2624693080225413 -0.35843199237815254 -0.6637335692698003 -0.40641333455594936 -0.5255927973846974 -0.5286883678477788 -0.5998864884987125 -0.5941101160938608 -0.5209494416900665 -0.46987252904917953 -0.30425950927417533 -0.09995185871061851 0.17710169773542148 0.1774797153346357 0.42010397908753094 0.5390533478541921 0.669297401365812 0.7977068328485447 0.6662018309027218 +30350,0.35819256982585024,1,-0.2624693080225413 -0.35843199237815254 -0.6637335692698003 -0.40641333455594936 -0.5255927973846974 -0.5286883678477788 -0.5998864884987125 -0.5941101160938608 -0.5209494416900665 -0.46987252904917953 -0.30425950927417533 -0.09995185871061851 0.17710169773542148 0.1774797153346357 0.42010397908753094 0.5390533478541921 0.669297401365812 0.7977068328485447 0.6662018309027218 0.5164277498197121 +30351,-0.13555091903608096,1,-0.35843199237815254 -0.6637335692698003 -0.40641333455594936 -0.5255927973846974 -0.5286883678477788 -0.5998864884987125 -0.5941101160938608 -0.5209494416900665 -0.46987252904917953 -0.30425950927417533 -0.09995185871061851 0.17710169773542148 0.1774797153346357 0.42010397908753094 0.5390533478541921 0.669297401365812 0.7977068328485447 0.6662018309027218 0.5164277498197121 0.35819256982585024 +30352,-0.26092152279099184,1,-0.6637335692698003 -0.40641333455594936 -0.5255927973846974 -0.5286883678477788 -0.5998864884987125 -0.5941101160938608 -0.5209494416900665 -0.46987252904917953 -0.30425950927417533 -0.09995185871061851 0.17710169773542148 0.1774797153346357 0.42010397908753094 0.5390533478541921 0.669297401365812 0.7977068328485447 0.6662018309027218 0.5164277498197121 0.35819256982585024 -0.13555091903608096 +30353,-0.394031052703615,1,-0.40641333455594936 -0.5255927973846974 -0.5286883678477788 -0.5998864884987125 -0.5941101160938608 -0.5209494416900665 -0.46987252904917953 -0.30425950927417533 -0.09995185871061851 0.17710169773542148 0.1774797153346357 0.42010397908753094 0.5390533478541921 0.669297401365812 0.7977068328485447 0.6662018309027218 0.5164277498197121 0.35819256982585024 -0.13555091903608096 -0.26092152279099184 +30354,-0.4404646096498799,1,-0.5255927973846974 -0.5286883678477788 -0.5998864884987125 -0.5941101160938608 -0.5209494416900665 -0.46987252904917953 -0.30425950927417533 -0.09995185871061851 0.17710169773542148 0.1774797153346357 0.42010397908753094 0.5390533478541921 0.669297401365812 0.7977068328485447 0.6662018309027218 0.5164277498197121 0.35819256982585024 -0.13555091903608096 -0.26092152279099184 -0.394031052703615 +30355,-0.5240450121531567,1,-0.5286883678477788 -0.5998864884987125 -0.5941101160938608 -0.5209494416900665 -0.46987252904917953 -0.30425950927417533 -0.09995185871061851 0.17710169773542148 0.1774797153346357 0.42010397908753094 0.5390533478541921 0.669297401365812 0.7977068328485447 0.6662018309027218 0.5164277498197121 0.35819256982585024 -0.13555091903608096 -0.26092152279099184 -0.394031052703615 -0.4404646096498799 +30356,-0.5348795087739504,1,-0.5998864884987125 -0.5941101160938608 -0.5209494416900665 -0.46987252904917953 -0.30425950927417533 -0.09995185871061851 0.17710169773542148 0.1774797153346357 0.42010397908753094 0.5390533478541921 0.669297401365812 0.7977068328485447 0.6662018309027218 0.5164277498197121 0.35819256982585024 -0.13555091903608096 -0.26092152279099184 -0.394031052703615 -0.4404646096498799 -0.5240450121531567 +30357,-0.5689307838678721,1,-0.5941101160938608 -0.5209494416900665 -0.46987252904917953 -0.30425950927417533 -0.09995185871061851 0.17710169773542148 0.1774797153346357 0.42010397908753094 0.5390533478541921 0.669297401365812 0.7977068328485447 0.6662018309027218 0.5164277498197121 0.35819256982585024 -0.13555091903608096 -0.26092152279099184 -0.394031052703615 -0.4404646096498799 -0.5240450121531567 -0.5348795087739504 +30358,-0.5642874281732501,1,-0.5209494416900665 -0.46987252904917953 -0.30425950927417533 -0.09995185871061851 0.17710169773542148 0.1774797153346357 0.42010397908753094 0.5390533478541921 0.669297401365812 0.7977068328485447 0.6662018309027218 0.5164277498197121 0.35819256982585024 -0.13555091903608096 -0.26092152279099184 -0.394031052703615 -0.4404646096498799 -0.5240450121531567 -0.5348795087739504 -0.5689307838678721 +30359,-0.6156102902333468,1,-0.46987252904917953 -0.30425950927417533 -0.09995185871061851 0.17710169773542148 0.1774797153346357 0.42010397908753094 0.5390533478541921 0.669297401365812 0.7977068328485447 0.6662018309027218 0.5164277498197121 0.35819256982585024 -0.13555091903608096 -0.26092152279099184 -0.394031052703615 -0.4404646096498799 -0.5240450121531567 -0.5348795087739504 -0.5689307838678721 -0.5642874281732501 +30360,-0.5689307838678721,1,-0.30425950927417533 -0.09995185871061851 0.17710169773542148 0.1774797153346357 0.42010397908753094 0.5390533478541921 0.669297401365812 0.7977068328485447 0.6662018309027218 0.5164277498197121 0.35819256982585024 -0.13555091903608096 -0.26092152279099184 -0.394031052703615 -0.4404646096498799 -0.5240450121531567 -0.5348795087739504 -0.5689307838678721 -0.5642874281732501 -0.6156102902333468 +30361,-0.5813130657202153,1,-0.09995185871061851 0.17710169773542148 0.1774797153346357 0.42010397908753094 0.5390533478541921 0.669297401365812 0.7977068328485447 0.6662018309027218 0.5164277498197121 0.35819256982585024 -0.13555091903608096 -0.26092152279099184 -0.394031052703615 -0.4404646096498799 -0.5240450121531567 -0.5348795087739504 -0.5689307838678721 -0.5642874281732501 -0.6156102902333468 -0.5689307838678721 +30362,-0.5704785690994129,1,0.17710169773542148 0.1774797153346357 0.42010397908753094 0.5390533478541921 0.669297401365812 0.7977068328485447 0.6662018309027218 0.5164277498197121 0.35819256982585024 -0.13555091903608096 -0.26092152279099184 -0.394031052703615 -0.4404646096498799 -0.5240450121531567 -0.5348795087739504 -0.5689307838678721 -0.5642874281732501 -0.6156102902333468 -0.5689307838678721 -0.5813130657202153 +30363,-0.5302361530793195,1,0.1774797153346357 0.42010397908753094 0.5390533478541921 0.669297401365812 0.7977068328485447 0.6662018309027218 0.5164277498197121 0.35819256982585024 -0.13555091903608096 -0.26092152279099184 -0.394031052703615 -0.4404646096498799 -0.5240450121531567 -0.5348795087739504 -0.5689307838678721 -0.5642874281732501 -0.6156102902333468 -0.5689307838678721 -0.5813130657202153 -0.5704785690994129 +30364,-0.4218911868713739,1,0.42010397908753094 0.5390533478541921 0.669297401365812 0.7977068328485447 0.6662018309027218 0.5164277498197121 0.35819256982585024 -0.13555091903608096 -0.26092152279099184 -0.394031052703615 -0.4404646096498799 -0.5240450121531567 -0.5348795087739504 -0.5689307838678721 -0.5642874281732501 -0.6156102902333468 -0.5689307838678721 -0.5813130657202153 -0.5704785690994129 -0.5302361530793195 +30365,-0.16246766928284198,1,0.5390533478541921 0.669297401365812 0.7977068328485447 0.6662018309027218 0.5164277498197121 0.35819256982585024 -0.13555091903608096 -0.26092152279099184 -0.394031052703615 -0.4404646096498799 -0.5240450121531567 -0.5348795087739504 -0.5689307838678721 -0.5642874281732501 -0.6156102902333468 -0.5689307838678721 -0.5813130657202153 -0.5704785690994129 -0.5302361530793195 -0.4218911868713739 +30366,-0.2671126637171634,1,0.669297401365812 0.7977068328485447 0.6662018309027218 0.5164277498197121 0.35819256982585024 -0.13555091903608096 -0.26092152279099184 -0.394031052703615 -0.4404646096498799 -0.5240450121531567 -0.5348795087739504 -0.5689307838678721 -0.5642874281732501 -0.6156102902333468 -0.5689307838678721 -0.5813130657202153 -0.5704785690994129 -0.5302361530793195 -0.4218911868713739 -0.16246766928284198 +30367,0.17091055680924988,1,0.7977068328485447 0.6662018309027218 0.5164277498197121 0.35819256982585024 -0.13555091903608096 -0.26092152279099184 -0.394031052703615 -0.4404646096498799 -0.5240450121531567 -0.5348795087739504 -0.5689307838678721 -0.5642874281732501 -0.6156102902333468 -0.5689307838678721 -0.5813130657202153 -0.5704785690994129 -0.5302361530793195 -0.4218911868713739 -0.16246766928284198 -0.2671126637171634 +30368,0.243097411952805,1,0.6662018309027218 0.5164277498197121 0.35819256982585024 -0.13555091903608096 -0.26092152279099184 -0.394031052703615 -0.4404646096498799 -0.5240450121531567 -0.5348795087739504 -0.5689307838678721 -0.5642874281732501 -0.6156102902333468 -0.5689307838678721 -0.5813130657202153 -0.5704785690994129 -0.5302361530793195 -0.4218911868713739 -0.16246766928284198 -0.2671126637171634 0.17091055680924988 +30369,0.39998277107748426,1,0.5164277498197121 0.35819256982585024 -0.13555091903608096 -0.26092152279099184 -0.394031052703615 -0.4404646096498799 -0.5240450121531567 -0.5348795087739504 -0.5689307838678721 -0.5642874281732501 -0.6156102902333468 -0.5689307838678721 -0.5813130657202153 -0.5704785690994129 -0.5302361530793195 -0.4218911868713739 -0.16246766928284198 -0.2671126637171634 0.17091055680924988 0.243097411952805 +30370,0.4748024022444202,1,0.35819256982585024 -0.13555091903608096 -0.26092152279099184 -0.394031052703615 -0.4404646096498799 -0.5240450121531567 -0.5348795087739504 -0.5689307838678721 -0.5642874281732501 -0.6156102902333468 -0.5689307838678721 -0.5813130657202153 -0.5704785690994129 -0.5302361530793195 -0.4218911868713739 -0.16246766928284198 -0.2671126637171634 0.17091055680924988 0.243097411952805 0.39998277107748426 +30371,0.5563090794632355,1,-0.13555091903608096 -0.26092152279099184 -0.394031052703615 -0.4404646096498799 -0.5240450121531567 -0.5348795087739504 -0.5689307838678721 -0.5642874281732501 -0.6156102902333468 -0.5689307838678721 -0.5813130657202153 -0.5704785690994129 -0.5302361530793195 -0.4218911868713739 -0.16246766928284198 -0.2671126637171634 0.17091055680924988 0.243097411952805 0.39998277107748426 0.4748024022444202 +30372,0.5007542514146616,1,-0.26092152279099184 -0.394031052703615 -0.4404646096498799 -0.5240450121531567 -0.5348795087739504 -0.5689307838678721 -0.5642874281732501 -0.6156102902333468 -0.5689307838678721 -0.5813130657202153 -0.5704785690994129 -0.5302361530793195 -0.4218911868713739 -0.16246766928284198 -0.2671126637171634 0.17091055680924988 0.243097411952805 0.39998277107748426 0.4748024022444202 0.5563090794632355 +30373,0.443320757560659,1,-0.394031052703615 -0.4404646096498799 -0.5240450121531567 -0.5348795087739504 -0.5689307838678721 -0.5642874281732501 -0.6156102902333468 -0.5689307838678721 -0.5813130657202153 -0.5704785690994129 -0.5302361530793195 -0.4218911868713739 -0.16246766928284198 -0.2671126637171634 0.17091055680924988 0.243097411952805 0.39998277107748426 0.4748024022444202 0.5563090794632355 0.5007542514146616 +30374,-0.005002906662563612,1,-0.4404646096498799 -0.5240450121531567 -0.5348795087739504 -0.5689307838678721 -0.5642874281732501 -0.6156102902333468 -0.5689307838678721 -0.5813130657202153 -0.5704785690994129 -0.5302361530793195 -0.4218911868713739 -0.16246766928284198 -0.2671126637171634 0.17091055680924988 0.243097411952805 0.39998277107748426 0.4748024022444202 0.5563090794632355 0.5007542514146616 0.443320757560659 +30375,0.0115115427725235,1,-0.5240450121531567 -0.5348795087739504 -0.5689307838678721 -0.5642874281732501 -0.6156102902333468 -0.5689307838678721 -0.5813130657202153 -0.5704785690994129 -0.5302361530793195 -0.4218911868713739 -0.16246766928284198 -0.2671126637171634 0.17091055680924988 0.243097411952805 0.39998277107748426 0.4748024022444202 0.5563090794632355 0.5007542514146616 0.443320757560659 -0.005002906662563612 +30376,-0.28723387172721004,1,-0.5348795087739504 -0.5689307838678721 -0.5642874281732501 -0.6156102902333468 -0.5689307838678721 -0.5813130657202153 -0.5704785690994129 -0.5302361530793195 -0.4218911868713739 -0.16246766928284198 -0.2671126637171634 0.17091055680924988 0.243097411952805 0.39998277107748426 0.4748024022444202 0.5563090794632355 0.5007542514146616 0.443320757560659 -0.005002906662563612 0.0115115427725235 +30377,-0.6481470675388131,1,-0.5689307838678721 -0.5642874281732501 -0.6156102902333468 -0.5689307838678721 -0.5813130657202153 -0.5704785690994129 -0.5302361530793195 -0.4218911868713739 -0.16246766928284198 -0.2671126637171634 0.17091055680924988 0.243097411952805 0.39998277107748426 0.4748024022444202 0.5563090794632355 0.5007542514146616 0.443320757560659 -0.005002906662563612 0.0115115427725235 -0.28723387172721004 +30378,-0.41790993933796716,1,-0.5642874281732501 -0.6156102902333468 -0.5689307838678721 -0.5813130657202153 -0.5704785690994129 -0.5302361530793195 -0.4218911868713739 -0.16246766928284198 -0.2671126637171634 0.17091055680924988 0.243097411952805 0.39998277107748426 0.4748024022444202 0.5563090794632355 0.5007542514146616 0.443320757560659 -0.005002906662563612 0.0115115427725235 -0.28723387172721004 -0.6481470675388131 +30379,-0.5488095758578255,1,-0.6156102902333468 -0.5689307838678721 -0.5813130657202153 -0.5704785690994129 -0.5302361530793195 -0.4218911868713739 -0.16246766928284198 -0.2671126637171634 0.17091055680924988 0.243097411952805 0.39998277107748426 0.4748024022444202 0.5563090794632355 0.5007542514146616 0.443320757560659 -0.005002906662563612 0.0115115427725235 -0.28723387172721004 -0.6481470675388131 -0.41790993933796716 +30380,-0.8024951748369068,1,-0.5689307838678721 -0.5813130657202153 -0.5704785690994129 -0.5302361530793195 -0.4218911868713739 -0.16246766928284198 -0.2671126637171634 0.17091055680924988 0.243097411952805 0.39998277107748426 0.4748024022444202 0.5563090794632355 0.5007542514146616 0.443320757560659 -0.005002906662563612 0.0115115427725235 -0.28723387172721004 -0.6481470675388131 -0.41790993933796716 -0.5488095758578255 +30381,-0.6257321685792304,1,-0.5813130657202153 -0.5704785690994129 -0.5302361530793195 -0.4218911868713739 -0.16246766928284198 -0.2671126637171634 0.17091055680924988 0.243097411952805 0.39998277107748426 0.4748024022444202 0.5563090794632355 0.5007542514146616 0.443320757560659 -0.005002906662563612 0.0115115427725235 -0.28723387172721004 -0.6481470675388131 -0.41790993933796716 -0.5488095758578255 -0.8024951748369068 +30382,-0.703588099012036,1,-0.5704785690994129 -0.5302361530793195 -0.4218911868713739 -0.16246766928284198 -0.2671126637171634 0.17091055680924988 0.243097411952805 0.39998277107748426 0.4748024022444202 0.5563090794632355 0.5007542514146616 0.443320757560659 -0.005002906662563612 0.0115115427725235 -0.28723387172721004 -0.6481470675388131 -0.41790993933796716 -0.5488095758578255 -0.8024951748369068 -0.6257321685792304 +30383,-0.7809773605891412,1,-0.5302361530793195 -0.4218911868713739 -0.16246766928284198 -0.2671126637171634 0.17091055680924988 0.243097411952805 0.39998277107748426 0.4748024022444202 0.5563090794632355 0.5007542514146616 0.443320757560659 -0.005002906662563612 0.0115115427725235 -0.28723387172721004 -0.6481470675388131 -0.41790993933796716 -0.5488095758578255 -0.8024951748369068 -0.6257321685792304 -0.703588099012036 +30384,-0.7793729196078661,1,-0.4218911868713739 -0.16246766928284198 -0.2671126637171634 0.17091055680924988 0.243097411952805 0.39998277107748426 0.4748024022444202 0.5563090794632355 0.5007542514146616 0.443320757560659 -0.005002906662563612 0.0115115427725235 -0.28723387172721004 -0.6481470675388131 -0.41790993933796716 -0.5488095758578255 -0.8024951748369068 -0.6257321685792304 -0.703588099012036 -0.7809773605891412 +30385,-0.7299004479482543,1,-0.16246766928284198 -0.2671126637171634 0.17091055680924988 0.243097411952805 0.39998277107748426 0.4748024022444202 0.5563090794632355 0.5007542514146616 0.443320757560659 -0.005002906662563612 0.0115115427725235 -0.28723387172721004 -0.6481470675388131 -0.41790993933796716 -0.5488095758578255 -0.8024951748369068 -0.6257321685792304 -0.703588099012036 -0.7809773605891412 -0.7793729196078661 +30386,-0.7376393741059666,1,-0.2671126637171634 0.17091055680924988 0.243097411952805 0.39998277107748426 0.4748024022444202 0.5563090794632355 0.5007542514146616 0.443320757560659 -0.005002906662563612 0.0115115427725235 -0.28723387172721004 -0.6481470675388131 -0.41790993933796716 -0.5488095758578255 -0.8024951748369068 -0.6257321685792304 -0.703588099012036 -0.7809773605891412 -0.7793729196078661 -0.7299004479482543 +30387,-0.6494156159080676,1,0.17091055680924988 0.243097411952805 0.39998277107748426 0.4748024022444202 0.5563090794632355 0.5007542514146616 0.443320757560659 -0.005002906662563612 0.0115115427725235 -0.28723387172721004 -0.6481470675388131 -0.41790993933796716 -0.5488095758578255 -0.8024951748369068 -0.6257321685792304 -0.703588099012036 -0.7809773605891412 -0.7793729196078661 -0.7299004479482543 -0.7376393741059666 +30388,-0.6018457997962866,1,0.243097411952805 0.39998277107748426 0.4748024022444202 0.5563090794632355 0.5007542514146616 0.443320757560659 -0.005002906662563612 0.0115115427725235 -0.28723387172721004 -0.6481470675388131 -0.41790993933796716 -0.5488095758578255 -0.8024951748369068 -0.6257321685792304 -0.703588099012036 -0.7809773605891412 -0.7793729196078661 -0.7299004479482543 -0.7376393741059666 -0.6494156159080676 +30389,-0.49308930752230756,1,0.39998277107748426 0.4748024022444202 0.5563090794632355 0.5007542514146616 0.443320757560659 -0.005002906662563612 0.0115115427725235 -0.28723387172721004 -0.6481470675388131 -0.41790993933796716 -0.5488095758578255 -0.8024951748369068 -0.6257321685792304 -0.703588099012036 -0.7809773605891412 -0.7793729196078661 -0.7299004479482543 -0.7376393741059666 -0.6494156159080676 -0.6018457997962866 +30390,-0.07209172454285957,1,0.4748024022444202 0.5563090794632355 0.5007542514146616 0.443320757560659 -0.005002906662563612 0.0115115427725235 -0.28723387172721004 -0.6481470675388131 -0.41790993933796716 -0.5488095758578255 -0.8024951748369068 -0.6257321685792304 -0.703588099012036 -0.7809773605891412 -0.7793729196078661 -0.7299004479482543 -0.7376393741059666 -0.6494156159080676 -0.6018457997962866 -0.49308930752230756 +30391,-0.03597130498965478,1,0.5563090794632355 0.5007542514146616 0.443320757560659 -0.005002906662563612 0.0115115427725235 -0.28723387172721004 -0.6481470675388131 -0.41790993933796716 -0.5488095758578255 -0.8024951748369068 -0.6257321685792304 -0.703588099012036 -0.7809773605891412 -0.7793729196078661 -0.7299004479482543 -0.7376393741059666 -0.6494156159080676 -0.6018457997962866 -0.49308930752230756 -0.07209172454285957 +30392,0.14150263740995023,1,0.5007542514146616 0.443320757560659 -0.005002906662563612 0.0115115427725235 -0.28723387172721004 -0.6481470675388131 -0.41790993933796716 -0.5488095758578255 -0.8024951748369068 -0.6257321685792304 -0.703588099012036 -0.7809773605891412 -0.7793729196078661 -0.7299004479482543 -0.7376393741059666 -0.6494156159080676 -0.6018457997962866 -0.49308930752230756 -0.07209172454285957 -0.03597130498965478 +30393,0.3668959181753194,1,0.443320757560659 -0.005002906662563612 0.0115115427725235 -0.28723387172721004 -0.6481470675388131 -0.41790993933796716 -0.5488095758578255 -0.8024951748369068 -0.6257321685792304 -0.703588099012036 -0.7809773605891412 -0.7793729196078661 -0.7299004479482543 -0.7376393741059666 -0.6494156159080676 -0.6018457997962866 -0.49308930752230756 -0.07209172454285957 -0.03597130498965478 0.14150263740995023 +30394,0.5980992807148695,1,-0.005002906662563612 0.0115115427725235 -0.28723387172721004 -0.6481470675388131 -0.41790993933796716 -0.5488095758578255 -0.8024951748369068 -0.6257321685792304 -0.703588099012036 -0.7809773605891412 -0.7793729196078661 -0.7299004479482543 -0.7376393741059666 -0.6494156159080676 -0.6018457997962866 -0.49308930752230756 -0.07209172454285957 -0.03597130498965478 0.14150263740995023 0.3668959181753194 +30395,0.5844416967324232,1,0.0115115427725235 -0.28723387172721004 -0.6481470675388131 -0.41790993933796716 -0.5488095758578255 -0.8024951748369068 -0.6257321685792304 -0.703588099012036 -0.7809773605891412 -0.7793729196078661 -0.7299004479482543 -0.7376393741059666 -0.6494156159080676 -0.6018457997962866 -0.49308930752230756 -0.07209172454285957 -0.03597130498965478 0.14150263740995023 0.3668959181753194 0.5980992807148695 +30396,0.5067799520538891,1,-0.28723387172721004 -0.6481470675388131 -0.41790993933796716 -0.5488095758578255 -0.8024951748369068 -0.6257321685792304 -0.703588099012036 -0.7809773605891412 -0.7793729196078661 -0.7299004479482543 -0.7376393741059666 -0.6494156159080676 -0.6018457997962866 -0.49308930752230756 -0.07209172454285957 -0.03597130498965478 0.14150263740995023 0.3668959181753194 0.5980992807148695 0.5844416967324232 +30397,0.19567512051392744,1,-0.6481470675388131 -0.41790993933796716 -0.5488095758578255 -0.8024951748369068 -0.6257321685792304 -0.703588099012036 -0.7809773605891412 -0.7793729196078661 -0.7299004479482543 -0.7376393741059666 -0.6494156159080676 -0.6018457997962866 -0.49308930752230756 -0.07209172454285957 -0.03597130498965478 0.14150263740995023 0.3668959181753194 0.5980992807148695 0.5844416967324232 0.5067799520538891 +30398,-0.08292622116365325,1,-0.41790993933796716 -0.5488095758578255 -0.8024951748369068 -0.6257321685792304 -0.703588099012036 -0.7809773605891412 -0.7793729196078661 -0.7299004479482543 -0.7376393741059666 -0.6494156159080676 -0.6018457997962866 -0.49308930752230756 -0.07209172454285957 -0.03597130498965478 0.14150263740995023 0.3668959181753194 0.5980992807148695 0.5844416967324232 0.5067799520538891 0.19567512051392744 +30399,-0.14558164521411987,1,-0.5488095758578255 -0.8024951748369068 -0.6257321685792304 -0.703588099012036 -0.7809773605891412 -0.7793729196078661 -0.7299004479482543 -0.7376393741059666 -0.6494156159080676 -0.6018457997962866 -0.49308930752230756 -0.07209172454285957 -0.03597130498965478 0.14150263740995023 0.3668959181753194 0.5980992807148695 0.5844416967324232 0.5067799520538891 0.19567512051392744 -0.08292622116365325 +30400,-0.29652058311646307,1,-0.8024951748369068 -0.6257321685792304 -0.703588099012036 -0.7809773605891412 -0.7793729196078661 -0.7299004479482543 -0.7376393741059666 -0.6494156159080676 -0.6018457997962866 -0.49308930752230756 -0.07209172454285957 -0.03597130498965478 0.14150263740995023 0.3668959181753194 0.5980992807148695 0.5844416967324232 0.5067799520538891 0.19567512051392744 -0.08292622116365325 -0.14558164521411987 +30401,-0.44975132103913285,1,-0.6257321685792304 -0.703588099012036 -0.7809773605891412 -0.7793729196078661 -0.7299004479482543 -0.7376393741059666 -0.6494156159080676 -0.6018457997962866 -0.49308930752230756 -0.07209172454285957 -0.03597130498965478 0.14150263740995023 0.3668959181753194 0.5980992807148695 0.5844416967324232 0.5067799520538891 0.19567512051392744 -0.08292622116365325 -0.14558164521411987 -0.29652058311646307 +30402,-0.5317839383108602,1,-0.703588099012036 -0.7809773605891412 -0.7793729196078661 -0.7299004479482543 -0.7376393741059666 -0.6494156159080676 -0.6018457997962866 -0.49308930752230756 -0.07209172454285957 -0.03597130498965478 0.14150263740995023 0.3668959181753194 0.5980992807148695 0.5844416967324232 0.5067799520538891 0.19567512051392744 -0.08292622116365325 -0.14558164521411987 -0.29652058311646307 -0.44975132103913285 +30403,-0.5936953475725497,1,-0.7809773605891412 -0.7793729196078661 -0.7299004479482543 -0.7376393741059666 -0.6494156159080676 -0.6018457997962866 -0.49308930752230756 -0.07209172454285957 -0.03597130498965478 0.14150263740995023 0.3668959181753194 0.5980992807148695 0.5844416967324232 0.5067799520538891 0.19567512051392744 -0.08292622116365325 -0.14558164521411987 -0.29652058311646307 -0.44975132103913285 -0.5317839383108602 +30404,-0.6323899783611023,1,-0.7793729196078661 -0.7299004479482543 -0.7376393741059666 -0.6494156159080676 -0.6018457997962866 -0.49308930752230756 -0.07209172454285957 -0.03597130498965478 0.14150263740995023 0.3668959181753194 0.5980992807148695 0.5844416967324232 0.5067799520538891 0.19567512051392744 -0.08292622116365325 -0.14558164521411987 -0.29652058311646307 -0.44975132103913285 -0.5317839383108602 -0.5936953475725497 +30405,-0.6357716939163052,1,-0.7299004479482543 -0.7376393741059666 -0.6494156159080676 -0.6018457997962866 -0.49308930752230756 -0.07209172454285957 -0.03597130498965478 0.14150263740995023 0.3668959181753194 0.5980992807148695 0.5844416967324232 0.5067799520538891 0.19567512051392744 -0.08292622116365325 -0.14558164521411987 -0.29652058311646307 -0.44975132103913285 -0.5317839383108602 -0.5936953475725497 -0.6323899783611023 +30406,-0.6788235353073673,1,-0.7376393741059666 -0.6494156159080676 -0.6018457997962866 -0.49308930752230756 -0.07209172454285957 -0.03597130498965478 0.14150263740995023 0.3668959181753194 0.5980992807148695 0.5844416967324232 0.5067799520538891 0.19567512051392744 -0.08292622116365325 -0.14558164521411987 -0.29652058311646307 -0.44975132103913285 -0.5317839383108602 -0.5936953475725497 -0.6323899783611023 -0.6357716939163052 +30407,-0.6648934682234834,1,-0.6494156159080676 -0.6018457997962866 -0.49308930752230756 -0.07209172454285957 -0.03597130498965478 0.14150263740995023 0.3668959181753194 0.5980992807148695 0.5844416967324232 0.5067799520538891 0.19567512051392744 -0.08292622116365325 -0.14558164521411987 -0.29652058311646307 -0.44975132103913285 -0.5317839383108602 -0.5936953475725497 -0.6323899783611023 -0.6357716939163052 -0.6788235353073673 +30408,-0.6881102466966202,1,-0.6018457997962866 -0.49308930752230756 -0.07209172454285957 -0.03597130498965478 0.14150263740995023 0.3668959181753194 0.5980992807148695 0.5844416967324232 0.5067799520538891 0.19567512051392744 -0.08292622116365325 -0.14558164521411987 -0.29652058311646307 -0.44975132103913285 -0.5317839383108602 -0.5936953475725497 -0.6323899783611023 -0.6357716939163052 -0.6788235353073673 -0.6648934682234834 +30409,-0.6929766329806317,1,-0.49308930752230756 -0.07209172454285957 -0.03597130498965478 0.14150263740995023 0.3668959181753194 0.5980992807148695 0.5844416967324232 0.5067799520538891 0.19567512051392744 -0.08292622116365325 -0.14558164521411987 -0.29652058311646307 -0.44975132103913285 -0.5317839383108602 -0.5936953475725497 -0.6323899783611023 -0.6357716939163052 -0.6788235353073673 -0.6648934682234834 -0.6881102466966202 +30410,-0.703588099012036,1,-0.07209172454285957 -0.03597130498965478 0.14150263740995023 0.3668959181753194 0.5980992807148695 0.5844416967324232 0.5067799520538891 0.19567512051392744 -0.08292622116365325 -0.14558164521411987 -0.29652058311646307 -0.44975132103913285 -0.5317839383108602 -0.5936953475725497 -0.6323899783611023 -0.6357716939163052 -0.6788235353073673 -0.6648934682234834 -0.6881102466966202 -0.6929766329806317 +30411,-0.7206137365590013,1,-0.03597130498965478 0.14150263740995023 0.3668959181753194 0.5980992807148695 0.5844416967324232 0.5067799520538891 0.19567512051392744 -0.08292622116365325 -0.14558164521411987 -0.29652058311646307 -0.44975132103913285 -0.5317839383108602 -0.5936953475725497 -0.6323899783611023 -0.6357716939163052 -0.6788235353073673 -0.6648934682234834 -0.6881102466966202 -0.6929766329806317 -0.703588099012036 +30412,-0.4992804484484792,1,0.14150263740995023 0.3668959181753194 0.5980992807148695 0.5844416967324232 0.5067799520538891 0.19567512051392744 -0.08292622116365325 -0.14558164521411987 -0.29652058311646307 -0.44975132103913285 -0.5317839383108602 -0.5936953475725497 -0.6323899783611023 -0.6357716939163052 -0.6788235353073673 -0.6648934682234834 -0.6881102466966202 -0.6929766329806317 -0.703588099012036 -0.7206137365590013 +30413,-0.35726679303393605,1,0.3668959181753194 0.5980992807148695 0.5844416967324232 0.5067799520538891 0.19567512051392744 -0.08292622116365325 -0.14558164521411987 -0.29652058311646307 -0.44975132103913285 -0.5317839383108602 -0.5936953475725497 -0.6323899783611023 -0.6357716939163052 -0.6788235353073673 -0.6648934682234834 -0.6881102466966202 -0.6929766329806317 -0.703588099012036 -0.7206137365590013 -0.4992804484484792 +30414,-0.3785532003881992,1,0.5980992807148695 0.5844416967324232 0.5067799520538891 0.19567512051392744 -0.08292622116365325 -0.14558164521411987 -0.29652058311646307 -0.44975132103913285 -0.5317839383108602 -0.5936953475725497 -0.6323899783611023 -0.6357716939163052 -0.6788235353073673 -0.6648934682234834 -0.6881102466966202 -0.6929766329806317 -0.703588099012036 -0.7206137365590013 -0.4992804484484792 -0.35726679303393605 +30415,0.105903577084479,1,0.5844416967324232 0.5067799520538891 0.19567512051392744 -0.08292622116365325 -0.14558164521411987 -0.29652058311646307 -0.44975132103913285 -0.5317839383108602 -0.5936953475725497 -0.6323899783611023 -0.6357716939163052 -0.6788235353073673 -0.6648934682234834 -0.6881102466966202 -0.6929766329806317 -0.703588099012036 -0.7206137365590013 -0.4992804484484792 -0.35726679303393605 -0.3785532003881992 +30416,0.29473337533262006,1,0.5067799520538891 0.19567512051392744 -0.08292622116365325 -0.14558164521411987 -0.29652058311646307 -0.44975132103913285 -0.5317839383108602 -0.5936953475725497 -0.6323899783611023 -0.6357716939163052 -0.6788235353073673 -0.6648934682234834 -0.6881102466966202 -0.6929766329806317 -0.703588099012036 -0.7206137365590013 -0.4992804484484792 -0.35726679303393605 -0.3785532003881992 0.105903577084479 +30417,0.3236817080771048,1,0.19567512051392744 -0.08292622116365325 -0.14558164521411987 -0.29652058311646307 -0.44975132103913285 -0.5317839383108602 -0.5936953475725497 -0.6323899783611023 -0.6357716939163052 -0.6788235353073673 -0.6648934682234834 -0.6881102466966202 -0.6929766329806317 -0.703588099012036 -0.7206137365590013 -0.4992804484484792 -0.35726679303393605 -0.3785532003881992 0.105903577084479 0.29473337533262006 +30418,0.40462612677210635,1,-0.08292622116365325 -0.14558164521411987 -0.29652058311646307 -0.44975132103913285 -0.5317839383108602 -0.5936953475725497 -0.6323899783611023 -0.6357716939163052 -0.6788235353073673 -0.6648934682234834 -0.6881102466966202 -0.6929766329806317 -0.703588099012036 -0.7206137365590013 -0.4992804484484792 -0.35726679303393605 -0.3785532003881992 0.105903577084479 0.29473337533262006 0.3236817080771048 +30419,0.2007961230405654,1,-0.14558164521411987 -0.29652058311646307 -0.44975132103913285 -0.5317839383108602 -0.5936953475725497 -0.6323899783611023 -0.6357716939163052 -0.6788235353073673 -0.6648934682234834 -0.6881102466966202 -0.6929766329806317 -0.703588099012036 -0.7206137365590013 -0.4992804484484792 -0.35726679303393605 -0.3785532003881992 0.105903577084479 0.29473337533262006 0.3236817080771048 0.40462612677210635 +30420,0.29937673102724216,1,-0.29652058311646307 -0.44975132103913285 -0.5317839383108602 -0.5936953475725497 -0.6323899783611023 -0.6357716939163052 -0.6788235353073673 -0.6648934682234834 -0.6881102466966202 -0.6929766329806317 -0.703588099012036 -0.7206137365590013 -0.4992804484484792 -0.35726679303393605 -0.3785532003881992 0.105903577084479 0.29473337533262006 0.3236817080771048 0.40462612677210635 0.2007961230405654 +30421,0.15382259815427413,1,-0.44975132103913285 -0.5317839383108602 -0.5936953475725497 -0.6323899783611023 -0.6357716939163052 -0.6788235353073673 -0.6648934682234834 -0.6881102466966202 -0.6929766329806317 -0.703588099012036 -0.7206137365590013 -0.4992804484484792 -0.35726679303393605 -0.3785532003881992 0.105903577084479 0.29473337533262006 0.3236817080771048 0.40462612677210635 0.2007961230405654 0.29937673102724216 +30422,-0.003989174355007293,1,-0.5317839383108602 -0.5936953475725497 -0.6323899783611023 -0.6357716939163052 -0.6788235353073673 -0.6648934682234834 -0.6881102466966202 -0.6929766329806317 -0.703588099012036 -0.7206137365590013 -0.4992804484484792 -0.35726679303393605 -0.3785532003881992 0.105903577084479 0.29473337533262006 0.3236817080771048 0.40462612677210635 0.2007961230405654 0.29937673102724216 0.15382259815427413 +30423,-0.2763993751064164,1,-0.5936953475725497 -0.6323899783611023 -0.6357716939163052 -0.6788235353073673 -0.6648934682234834 -0.6881102466966202 -0.6929766329806317 -0.703588099012036 -0.7206137365590013 -0.4992804484484792 -0.35726679303393605 -0.3785532003881992 0.105903577084479 0.29473337533262006 0.3236817080771048 0.40462612677210635 0.2007961230405654 0.29937673102724216 0.15382259815427413 -0.003989174355007293 +30424,-0.36307534807277464,1,-0.6323899783611023 -0.6357716939163052 -0.6788235353073673 -0.6648934682234834 -0.6881102466966202 -0.6929766329806317 -0.703588099012036 -0.7206137365590013 -0.4992804484484792 -0.35726679303393605 -0.3785532003881992 0.105903577084479 0.29473337533262006 0.3236817080771048 0.40462612677210635 0.2007961230405654 0.29937673102724216 0.15382259815427413 -0.003989174355007293 -0.2763993751064164 +30425,-0.4327256834921676,1,-0.6357716939163052 -0.6788235353073673 -0.6648934682234834 -0.6881102466966202 -0.6929766329806317 -0.703588099012036 -0.7206137365590013 -0.4992804484484792 -0.35726679303393605 -0.3785532003881992 0.105903577084479 0.29473337533262006 0.3236817080771048 0.40462612677210635 0.2007961230405654 0.29937673102724216 0.15382259815427413 -0.003989174355007293 -0.2763993751064164 -0.36307534807277464 +30426,-0.4380186028582739,1,-0.6788235353073673 -0.6648934682234834 -0.6881102466966202 -0.6929766329806317 -0.703588099012036 -0.7206137365590013 -0.4992804484484792 -0.35726679303393605 -0.3785532003881992 0.105903577084479 0.29473337533262006 0.3236817080771048 0.40462612677210635 0.2007961230405654 0.29937673102724216 0.15382259815427413 -0.003989174355007293 -0.2763993751064164 -0.36307534807277464 -0.4327256834921676 +30427,-0.5163060859954445,1,-0.6648934682234834 -0.6881102466966202 -0.6929766329806317 -0.703588099012036 -0.7206137365590013 -0.4992804484484792 -0.35726679303393605 -0.3785532003881992 0.105903577084479 0.29473337533262006 0.3236817080771048 0.40462612677210635 0.2007961230405654 0.29937673102724216 0.15382259815427413 -0.003989174355007293 -0.2763993751064164 -0.36307534807277464 -0.4327256834921676 -0.4380186028582739 +30428,-0.9146062270837682,1,-0.6881102466966202 -0.6929766329806317 -0.703588099012036 -0.7206137365590013 -0.4992804484484792 -0.35726679303393605 -0.3785532003881992 0.105903577084479 0.29473337533262006 0.3236817080771048 0.40462612677210635 0.2007961230405654 0.29937673102724216 0.15382259815427413 -0.003989174355007293 -0.2763993751064164 -0.36307534807277464 -0.4327256834921676 -0.4380186028582739 -0.5163060859954445 +30429,-0.6184599112772184,1,-0.6929766329806317 -0.703588099012036 -0.7206137365590013 -0.4992804484484792 -0.35726679303393605 -0.3785532003881992 0.105903577084479 0.29473337533262006 0.3236817080771048 0.40462612677210635 0.2007961230405654 0.29937673102724216 0.15382259815427413 -0.003989174355007293 -0.2763993751064164 -0.36307534807277464 -0.4327256834921676 -0.4380186028582739 -0.5163060859954445 -0.9146062270837682 +30430,-0.7196937093362628,1,-0.703588099012036 -0.7206137365590013 -0.4992804484484792 -0.35726679303393605 -0.3785532003881992 0.105903577084479 0.29473337533262006 0.3236817080771048 0.40462612677210635 0.2007961230405654 0.29937673102724216 0.15382259815427413 -0.003989174355007293 -0.2763993751064164 -0.36307534807277464 -0.4327256834921676 -0.4380186028582739 -0.5163060859954445 -0.9146062270837682 -0.6184599112772184 +30431,-0.8289587027669468,1,-0.7206137365590013 -0.4992804484484792 -0.35726679303393605 -0.3785532003881992 0.105903577084479 0.29473337533262006 0.3236817080771048 0.40462612677210635 0.2007961230405654 0.29937673102724216 0.15382259815427413 -0.003989174355007293 -0.2763993751064164 -0.36307534807277464 -0.4327256834921676 -0.4380186028582739 -0.5163060859954445 -0.9146062270837682 -0.6184599112772184 -0.7196937093362628 +30432,-0.8644864326361255,1,-0.4992804484484792 -0.35726679303393605 -0.3785532003881992 0.105903577084479 0.29473337533262006 0.3236817080771048 0.40462612677210635 0.2007961230405654 0.29937673102724216 0.15382259815427413 -0.003989174355007293 -0.2763993751064164 -0.36307534807277464 -0.4327256834921676 -0.4380186028582739 -0.5163060859954445 -0.9146062270837682 -0.6184599112772184 -0.7196937093362628 -0.8289587027669468 +30433,-0.9032523938809707,1,-0.35726679303393605 -0.3785532003881992 0.105903577084479 0.29473337533262006 0.3236817080771048 0.40462612677210635 0.2007961230405654 0.29937673102724216 0.15382259815427413 -0.003989174355007293 -0.2763993751064164 -0.36307534807277464 -0.4327256834921676 -0.4380186028582739 -0.5163060859954445 -0.9146062270837682 -0.6184599112772184 -0.7196937093362628 -0.8289587027669468 -0.8644864326361255 +30434,-0.8784878301762932,1,-0.3785532003881992 0.105903577084479 0.29473337533262006 0.3236817080771048 0.40462612677210635 0.2007961230405654 0.29937673102724216 0.15382259815427413 -0.003989174355007293 -0.2763993751064164 -0.36307534807277464 -0.4327256834921676 -0.4380186028582739 -0.5163060859954445 -0.9146062270837682 -0.6184599112772184 -0.7196937093362628 -0.8289587027669468 -0.8644864326361255 -0.9032523938809707 +30435,-1.336632258712762,1,0.105903577084479 0.29473337533262006 0.3236817080771048 0.40462612677210635 0.2007961230405654 0.29937673102724216 0.15382259815427413 -0.003989174355007293 -0.2763993751064164 -0.36307534807277464 -0.4327256834921676 -0.4380186028582739 -0.5163060859954445 -0.9146062270837682 -0.6184599112772184 -0.7196937093362628 -0.8289587027669468 -0.8644864326361255 -0.9032523938809707 -0.8784878301762932 +30436,-1.06157124312021,1,0.29473337533262006 0.3236817080771048 0.40462612677210635 0.2007961230405654 0.29937673102724216 0.15382259815427413 -0.003989174355007293 -0.2763993751064164 -0.36307534807277464 -0.4327256834921676 -0.4380186028582739 -0.5163060859954445 -0.9146062270837682 -0.6184599112772184 -0.7196937093362628 -0.8289587027669468 -0.8644864326361255 -0.9032523938809707 -0.8784878301762932 -1.336632258712762 +30437,-0.445107965344502,1,0.3236817080771048 0.40462612677210635 0.2007961230405654 0.29937673102724216 0.15382259815427413 -0.003989174355007293 -0.2763993751064164 -0.36307534807277464 -0.4327256834921676 -0.4380186028582739 -0.5163060859954445 -0.9146062270837682 -0.6184599112772184 -0.7196937093362628 -0.8289587027669468 -0.8644864326361255 -0.9032523938809707 -0.8784878301762932 -1.336632258712762 -1.06157124312021 +30438,0.0037497518027049923,1,0.40462612677210635 0.2007961230405654 0.29937673102724216 0.15382259815427413 -0.003989174355007293 -0.2763993751064164 -0.36307534807277464 -0.4327256834921676 -0.4380186028582739 -0.5163060859954445 -0.9146062270837682 -0.6184599112772184 -0.7196937093362628 -0.8289587027669468 -0.8644864326361255 -0.9032523938809707 -0.8784878301762932 -1.336632258712762 -1.06157124312021 -0.445107965344502 +30439,0.039151952574916445,1,0.2007961230405654 0.29937673102724216 0.15382259815427413 -0.003989174355007293 -0.2763993751064164 -0.36307534807277464 -0.4327256834921676 -0.4380186028582739 -0.5163060859954445 -0.9146062270837682 -0.6184599112772184 -0.7196937093362628 -0.8289587027669468 -0.8644864326361255 -0.9032523938809707 -0.8784878301762932 -1.336632258712762 -1.06157124312021 -0.445107965344502 0.0037497518027049923 +30440,0.25449095931252674,1,0.29937673102724216 0.15382259815427413 -0.003989174355007293 -0.2763993751064164 -0.36307534807277464 -0.4327256834921676 -0.4380186028582739 -0.5163060859954445 -0.9146062270837682 -0.6184599112772184 -0.7196937093362628 -0.8289587027669468 -0.8644864326361255 -0.9032523938809707 -0.8784878301762932 -1.336632258712762 -1.06157124312021 -0.445107965344502 0.0037497518027049923 0.039151952574916445 +30441,0.32128943806706156,1,0.15382259815427413 -0.003989174355007293 -0.2763993751064164 -0.36307534807277464 -0.4327256834921676 -0.4380186028582739 -0.5163060859954445 -0.9146062270837682 -0.6184599112772184 -0.7196937093362628 -0.8289587027669468 -0.8644864326361255 -0.9032523938809707 -0.8784878301762932 -1.336632258712762 -1.06157124312021 -0.445107965344502 0.0037497518027049923 0.039151952574916445 0.25449095931252674 +30442,0.392243844919772,1,-0.003989174355007293 -0.2763993751064164 -0.36307534807277464 -0.4327256834921676 -0.4380186028582739 -0.5163060859954445 -0.9146062270837682 -0.6184599112772184 -0.7196937093362628 -0.8289587027669468 -0.8644864326361255 -0.9032523938809707 -0.8784878301762932 -1.336632258712762 -1.06157124312021 -0.445107965344502 0.0037497518027049923 0.039151952574916445 0.25449095931252674 0.32128943806706156 +30443,-0.05870251645895934,1,-0.2763993751064164 -0.36307534807277464 -0.4327256834921676 -0.4380186028582739 -0.5163060859954445 -0.9146062270837682 -0.6184599112772184 -0.7196937093362628 -0.8289587027669468 -0.8644864326361255 -0.9032523938809707 -0.8784878301762932 -1.336632258712762 -1.06157124312021 -0.445107965344502 0.0037497518027049923 0.039151952574916445 0.25449095931252674 0.32128943806706156 0.392243844919772 +30444,0.37831377783589687,1,-0.36307534807277464 -0.4327256834921676 -0.4380186028582739 -0.5163060859954445 -0.9146062270837682 -0.6184599112772184 -0.7196937093362628 -0.8289587027669468 -0.8644864326361255 -0.9032523938809707 -0.8784878301762932 -1.336632258712762 -1.06157124312021 -0.445107965344502 0.0037497518027049923 0.039151952574916445 0.25449095931252674 0.32128943806706156 0.392243844919772 -0.05870251645895934 +30445,0.2566304397760853,1,-0.4327256834921676 -0.4380186028582739 -0.5163060859954445 -0.9146062270837682 -0.6184599112772184 -0.7196937093362628 -0.8289587027669468 -0.8644864326361255 -0.9032523938809707 -0.8784878301762932 -1.336632258712762 -1.06157124312021 -0.445107965344502 0.0037497518027049923 0.039151952574916445 0.25449095931252674 0.32128943806706156 0.392243844919772 -0.05870251645895934 0.37831377783589687 +30446,0.12138142939990357,1,-0.4380186028582739 -0.5163060859954445 -0.9146062270837682 -0.6184599112772184 -0.7196937093362628 -0.8289587027669468 -0.8644864326361255 -0.9032523938809707 -0.8784878301762932 -1.336632258712762 -1.06157124312021 -0.445107965344502 0.0037497518027049923 0.039151952574916445 0.25449095931252674 0.32128943806706156 0.392243844919772 -0.05870251645895934 0.37831377783589687 0.2566304397760853 +30447,-0.06751438204313133,1,-0.5163060859954445 -0.9146062270837682 -0.6184599112772184 -0.7196937093362628 -0.8289587027669468 -0.8644864326361255 -0.9032523938809707 -0.8784878301762932 -1.336632258712762 -1.06157124312021 -0.445107965344502 0.0037497518027049923 0.039151952574916445 0.25449095931252674 0.32128943806706156 0.392243844919772 -0.05870251645895934 0.37831377783589687 0.2566304397760853 0.12138142939990357 +30448,-0.264017093254082,1,-0.9146062270837682 -0.6184599112772184 -0.7196937093362628 -0.8289587027669468 -0.8644864326361255 -0.9032523938809707 -0.8784878301762932 -1.336632258712762 -1.06157124312021 -0.445107965344502 0.0037497518027049923 0.039151952574916445 0.25449095931252674 0.32128943806706156 0.392243844919772 -0.05870251645895934 0.37831377783589687 0.2566304397760853 0.12138142939990357 -0.06751438204313133 +30449,-0.39712662316670516,1,-0.6184599112772184 -0.7196937093362628 -0.8289587027669468 -0.8644864326361255 -0.9032523938809707 -0.8784878301762932 -1.336632258712762 -1.06157124312021 -0.445107965344502 0.0037497518027049923 0.039151952574916445 0.25449095931252674 0.32128943806706156 0.392243844919772 -0.05870251645895934 0.37831377783589687 0.2566304397760853 0.12138142939990357 -0.06751438204313133 -0.264017093254082 +30450,-0.4992804484484792,1,-0.7196937093362628 -0.8289587027669468 -0.8644864326361255 -0.9032523938809707 -0.8784878301762932 -1.336632258712762 -1.06157124312021 -0.445107965344502 0.0037497518027049923 0.039151952574916445 0.25449095931252674 0.32128943806706156 0.392243844919772 -0.05870251645895934 0.37831377783589687 0.2566304397760853 0.12138142939990357 -0.06751438204313133 -0.264017093254082 -0.39712662316670516 +30451,-0.666441253455024,1,-0.8289587027669468 -0.8644864326361255 -0.9032523938809707 -0.8784878301762932 -1.336632258712762 -1.06157124312021 -0.445107965344502 0.0037497518027049923 0.039151952574916445 0.25449095931252674 0.32128943806706156 0.392243844919772 -0.05870251645895934 0.37831377783589687 0.2566304397760853 0.12138142939990357 -0.06751438204313133 -0.264017093254082 -0.39712662316670516 -0.4992804484484792 +30452,-0.9873417614121902,1,-0.8644864326361255 -0.9032523938809707 -0.8784878301762932 -1.336632258712762 -1.06157124312021 -0.445107965344502 0.0037497518027049923 0.039151952574916445 0.25449095931252674 0.32128943806706156 0.392243844919772 -0.05870251645895934 0.37831377783589687 0.2566304397760853 0.12138142939990357 -0.06751438204313133 -0.264017093254082 -0.39712662316670516 -0.4992804484484792 -0.666441253455024 +30453,-0.6958491728543237,1,-0.9032523938809707 -0.8784878301762932 -1.336632258712762 -1.06157124312021 -0.445107965344502 0.0037497518027049923 0.039151952574916445 0.25449095931252674 0.32128943806706156 0.392243844919772 -0.05870251645895934 0.37831377783589687 0.2566304397760853 0.12138142939990357 -0.06751438204313133 -0.264017093254082 -0.39712662316670516 -0.4992804484484792 -0.666441253455024 -0.9873417614121902 +30454,-0.7608561525790946,1,-0.8784878301762932 -1.336632258712762 -1.06157124312021 -0.445107965344502 0.0037497518027049923 0.039151952574916445 0.25449095931252674 0.32128943806706156 0.392243844919772 -0.05870251645895934 0.37831377783589687 0.2566304397760853 0.12138142939990357 -0.06751438204313133 -0.264017093254082 -0.39712662316670516 -0.4992804484484792 -0.666441253455024 -0.9873417614121902 -0.6958491728543237 +30455,-0.62465105220339,1,-1.336632258712762 -1.06157124312021 -0.445107965344502 0.0037497518027049923 0.039151952574916445 0.25449095931252674 0.32128943806706156 0.392243844919772 -0.05870251645895934 0.37831377783589687 0.2566304397760853 0.12138142939990357 -0.06751438204313133 -0.264017093254082 -0.39712662316670516 -0.4992804484484792 -0.666441253455024 -0.9873417614121902 -0.6958491728543237 -0.7608561525790946 +30456,-0.7515694411898416,1,-1.06157124312021 -0.445107965344502 0.0037497518027049923 0.039151952574916445 0.25449095931252674 0.32128943806706156 0.392243844919772 -0.05870251645895934 0.37831377783589687 0.2566304397760853 0.12138142939990357 -0.06751438204313133 -0.264017093254082 -0.39712662316670516 -0.4992804484484792 -0.666441253455024 -0.9873417614121902 -0.6958491728543237 -0.7608561525790946 -0.62465105220339 +30457,-0.7520190152219955,1,-0.445107965344502 0.0037497518027049923 0.039151952574916445 0.25449095931252674 0.32128943806706156 0.392243844919772 -0.05870251645895934 0.37831377783589687 0.2566304397760853 0.12138142939990357 -0.06751438204313133 -0.264017093254082 -0.39712662316670516 -0.4992804484484792 -0.666441253455024 -0.9873417614121902 -0.6958491728543237 -0.7608561525790946 -0.62465105220339 -0.7515694411898416 +30458,-0.7763340048945192,1,0.0037497518027049923 0.039151952574916445 0.25449095931252674 0.32128943806706156 0.392243844919772 -0.05870251645895934 0.37831377783589687 0.2566304397760853 0.12138142939990357 -0.06751438204313133 -0.264017093254082 -0.39712662316670516 -0.4992804484484792 -0.666441253455024 -0.9873417614121902 -0.6958491728543237 -0.7608561525790946 -0.62465105220339 -0.7515694411898416 -0.7520190152219955 +30459,-0.5936953475725497,1,0.039151952574916445 0.25449095931252674 0.32128943806706156 0.392243844919772 -0.05870251645895934 0.37831377783589687 0.2566304397760853 0.12138142939990357 -0.06751438204313133 -0.264017093254082 -0.39712662316670516 -0.4992804484484792 -0.666441253455024 -0.9873417614121902 -0.6958491728543237 -0.7608561525790946 -0.62465105220339 -0.7515694411898416 -0.7520190152219955 -0.7763340048945192 +30460,-0.11078635533141219,1,0.25449095931252674 0.32128943806706156 0.392243844919772 -0.05870251645895934 0.37831377783589687 0.2566304397760853 0.12138142939990357 -0.06751438204313133 -0.264017093254082 -0.39712662316670516 -0.4992804484484792 -0.666441253455024 -0.9873417614121902 -0.6958491728543237 -0.7608561525790946 -0.62465105220339 -0.7515694411898416 -0.7520190152219955 -0.7763340048945192 -0.5936953475725497 +30461,0.17864948296696218,1,0.32128943806706156 0.392243844919772 -0.05870251645895934 0.37831377783589687 0.2566304397760853 0.12138142939990357 -0.06751438204313133 -0.264017093254082 -0.39712662316670516 -0.4992804484484792 -0.666441253455024 -0.9873417614121902 -0.6958491728543237 -0.7608561525790946 -0.62465105220339 -0.7515694411898416 -0.7520190152219955 -0.7763340048945192 -0.5936953475725497 -0.11078635533141219 +30462,0.18623387530635901,1,0.392243844919772 -0.05870251645895934 0.37831377783589687 0.2566304397760853 0.12138142939990357 -0.06751438204313133 -0.264017093254082 -0.39712662316670516 -0.4992804484484792 -0.666441253455024 -0.9873417614121902 -0.6958491728543237 -0.7608561525790946 -0.62465105220339 -0.7515694411898416 -0.7520190152219955 -0.7763340048945192 -0.5936953475725497 -0.11078635533141219 0.17864948296696218 +30463,0.5021365963592582,1,-0.05870251645895934 0.37831377783589687 0.2566304397760853 0.12138142939990357 -0.06751438204313133 -0.264017093254082 -0.39712662316670516 -0.4992804484484792 -0.666441253455024 -0.9873417614121902 -0.6958491728543237 -0.7608561525790946 -0.62465105220339 -0.7515694411898416 -0.7520190152219955 -0.7763340048945192 -0.5936953475725497 -0.11078635533141219 0.17864948296696218 0.18623387530635901 +30464,0.3932918349769725,1,0.37831377783589687 0.2566304397760853 0.12138142939990357 -0.06751438204313133 -0.264017093254082 -0.39712662316670516 -0.4992804484484792 -0.666441253455024 -0.9873417614121902 -0.6958491728543237 -0.7608561525790946 -0.62465105220339 -0.7515694411898416 -0.7520190152219955 -0.7763340048945192 -0.5936953475725497 -0.11078635533141219 0.17864948296696218 0.18623387530635901 0.5021365963592582 +30465,0.8488404882246913,1,0.2566304397760853 0.12138142939990357 -0.06751438204313133 -0.264017093254082 -0.39712662316670516 -0.4992804484484792 -0.666441253455024 -0.9873417614121902 -0.6958491728543237 -0.7608561525790946 -0.62465105220339 -0.7515694411898416 -0.7520190152219955 -0.7763340048945192 -0.5936953475725497 -0.11078635533141219 0.17864948296696218 0.18623387530635901 0.5021365963592582 0.3932918349769725 +30466,0.90866730938083,1,0.12138142939990357 -0.06751438204313133 -0.264017093254082 -0.39712662316670516 -0.4992804484484792 -0.666441253455024 -0.9873417614121902 -0.6958491728543237 -0.7608561525790946 -0.62465105220339 -0.7515694411898416 -0.7520190152219955 -0.7763340048945192 -0.5936953475725497 -0.11078635533141219 0.17864948296696218 0.18623387530635901 0.5021365963592582 0.3932918349769725 0.8488404882246913 +30467,0.9726633067480613,1,-0.06751438204313133 -0.264017093254082 -0.39712662316670516 -0.4992804484484792 -0.666441253455024 -0.9873417614121902 -0.6958491728543237 -0.7608561525790946 -0.62465105220339 -0.7515694411898416 -0.7520190152219955 -0.7763340048945192 -0.5936953475725497 -0.11078635533141219 0.17864948296696218 0.18623387530635901 0.5021365963592582 0.3932918349769725 0.8488404882246913 0.90866730938083 +30468,0.9121981814388929,1,-0.264017093254082 -0.39712662316670516 -0.4992804484484792 -0.666441253455024 -0.9873417614121902 -0.6958491728543237 -0.7608561525790946 -0.62465105220339 -0.7515694411898416 -0.7520190152219955 -0.7763340048945192 -0.5936953475725497 -0.11078635533141219 0.17864948296696218 0.18623387530635901 0.5021365963592582 0.3932918349769725 0.8488404882246913 0.90866730938083 0.9726633067480613 +30469,0.8488404882246913,1,-0.39712662316670516 -0.4992804484484792 -0.666441253455024 -0.9873417614121902 -0.6958491728543237 -0.7608561525790946 -0.62465105220339 -0.7515694411898416 -0.7520190152219955 -0.7763340048945192 -0.5936953475725497 -0.11078635533141219 0.17864948296696218 0.18623387530635901 0.5021365963592582 0.3932918349769725 0.8488404882246913 0.90866730938083 0.9726633067480613 0.9121981814388929 +30470,0.09908787757636857,1,-0.4992804484484792 -0.666441253455024 -0.9873417614121902 -0.6958491728543237 -0.7608561525790946 -0.62465105220339 -0.7515694411898416 -0.7520190152219955 -0.7763340048945192 -0.5936953475725497 -0.11078635533141219 0.17864948296696218 0.18623387530635901 0.5021365963592582 0.3932918349769725 0.8488404882246913 0.90866730938083 0.9726633067480613 0.9121981814388929 0.8488404882246913 +30471,0.35045364366813797,1,-0.666441253455024 -0.9873417614121902 -0.6958491728543237 -0.7608561525790946 -0.62465105220339 -0.7515694411898416 -0.7520190152219955 -0.7763340048945192 -0.5936953475725497 -0.11078635533141219 0.17864948296696218 0.18623387530635901 0.5021365963592582 0.3932918349769725 0.8488404882246913 0.90866730938083 0.9726633067480613 0.9121981814388929 0.8488404882246913 0.09908787757636857 +30472,0.11476450126935314,1,-0.9873417614121902 -0.6958491728543237 -0.7608561525790946 -0.62465105220339 -0.7515694411898416 -0.7520190152219955 -0.7763340048945192 -0.5936953475725497 -0.11078635533141219 0.17864948296696218 0.18623387530635901 0.5021365963592582 0.3932918349769725 0.8488404882246913 0.90866730938083 0.9726633067480613 0.9121981814388929 0.8488404882246913 0.09908787757636857 0.35045364366813797 +30473,-0.12471642241528727,1,-0.6958491728543237 -0.7608561525790946 -0.62465105220339 -0.7515694411898416 -0.7520190152219955 -0.7763340048945192 -0.5936953475725497 -0.11078635533141219 0.17864948296696218 0.18623387530635901 0.5021365963592582 0.3932918349769725 0.8488404882246913 0.90866730938083 0.9726633067480613 0.9121981814388929 0.8488404882246913 0.09908787757636857 0.35045364366813797 0.11476450126935314 +30474,-0.4280823277975455,1,-0.7608561525790946 -0.62465105220339 -0.7515694411898416 -0.7520190152219955 -0.7763340048945192 -0.5936953475725497 -0.11078635533141219 0.17864948296696218 0.18623387530635901 0.5021365963592582 0.3932918349769725 0.8488404882246913 0.90866730938083 0.9726633067480613 0.9121981814388929 0.8488404882246913 0.09908787757636857 0.35045364366813797 0.11476450126935314 -0.12471642241528727 +30475,-0.5178538712269851,1,-0.62465105220339 -0.7515694411898416 -0.7520190152219955 -0.7763340048945192 -0.5936953475725497 -0.11078635533141219 0.17864948296696218 0.18623387530635901 0.5021365963592582 0.3932918349769725 0.8488404882246913 0.90866730938083 0.9726633067480613 0.9121981814388929 0.8488404882246913 0.09908787757636857 0.35045364366813797 0.11476450126935314 -0.12471642241528727 -0.4280823277975455 +30476,-0.5720263543309624,1,-0.7515694411898416 -0.7520190152219955 -0.7763340048945192 -0.5936953475725497 -0.11078635533141219 0.17864948296696218 0.18623387530635901 0.5021365963592582 0.3932918349769725 0.8488404882246913 0.90866730938083 0.9726633067480613 0.9121981814388929 0.8488404882246913 0.09908787757636857 0.35045364366813797 0.11476450126935314 -0.12471642241528727 -0.4280823277975455 -0.5178538712269851 +30477,-0.6383664939455743,1,-0.7520190152219955 -0.7763340048945192 -0.5936953475725497 -0.11078635533141219 0.17864948296696218 0.18623387530635901 0.5021365963592582 0.3932918349769725 0.8488404882246913 0.90866730938083 0.9726633067480613 0.9121981814388929 0.8488404882246913 0.09908787757636857 0.35045364366813797 0.11476450126935314 -0.12471642241528727 -0.4280823277975455 -0.5178538712269851 -0.5720263543309624 +30478,-0.8041941390622781,1,-0.7763340048945192 -0.5936953475725497 -0.11078635533141219 0.17864948296696218 0.18623387530635901 0.5021365963592582 0.3932918349769725 0.8488404882246913 0.90866730938083 0.9726633067480613 0.9121981814388929 0.8488404882246913 0.09908787757636857 0.35045364366813797 0.11476450126935314 -0.12471642241528727 -0.4280823277975455 -0.5178538712269851 -0.5720263543309624 -0.6383664939455743 +30479,-1.4517627950867273,1,-0.5936953475725497 -0.11078635533141219 0.17864948296696218 0.18623387530635901 0.5021365963592582 0.3932918349769725 0.8488404882246913 0.90866730938083 0.9726633067480613 0.9121981814388929 0.8488404882246913 0.09908787757636857 0.35045364366813797 0.11476450126935314 -0.12471642241528727 -0.4280823277975455 -0.5178538712269851 -0.5720263543309624 -0.6383664939455743 -0.8041941390622781 +30480,-0.9280169575856395,1,-0.11078635533141219 0.17864948296696218 0.18623387530635901 0.5021365963592582 0.3932918349769725 0.8488404882246913 0.90866730938083 0.9726633067480613 0.9121981814388929 0.8488404882246913 0.09908787757636857 0.35045364366813797 0.11476450126935314 -0.12471642241528727 -0.4280823277975455 -0.5178538712269851 -0.5720263543309624 -0.6383664939455743 -0.8041941390622781 -1.4517627950867273 +30481,-0.9956899114696629,1,0.17864948296696218 0.18623387530635901 0.5021365963592582 0.3932918349769725 0.8488404882246913 0.90866730938083 0.9726633067480613 0.9121981814388929 0.8488404882246913 0.09908787757636857 0.35045364366813797 0.11476450126935314 -0.12471642241528727 -0.4280823277975455 -0.5178538712269851 -0.5720263543309624 -0.6383664939455743 -0.8041941390622781 -1.4517627950867273 -0.9280169575856395 +30482,-1.0719609841190563,1,0.18623387530635901 0.5021365963592582 0.3932918349769725 0.8488404882246913 0.90866730938083 0.9726633067480613 0.9121981814388929 0.8488404882246913 0.09908787757636857 0.35045364366813797 0.11476450126935314 -0.12471642241528727 -0.4280823277975455 -0.5178538712269851 -0.5720263543309624 -0.6383664939455743 -0.8041941390622781 -1.4517627950867273 -0.9280169575856395 -0.9956899114696629 +30483,-0.6587023272973206,1,0.5021365963592582 0.3932918349769725 0.8488404882246913 0.90866730938083 0.9726633067480613 0.9121981814388929 0.8488404882246913 0.09908787757636857 0.35045364366813797 0.11476450126935314 -0.12471642241528727 -0.4280823277975455 -0.5178538712269851 -0.5720263543309624 -0.6383664939455743 -0.8041941390622781 -1.4517627950867273 -0.9280169575856395 -0.9956899114696629 -1.0719609841190563 +30484,-0.051970516532812906,1,0.3932918349769725 0.8488404882246913 0.90866730938083 0.9726633067480613 0.9121981814388929 0.8488404882246913 0.09908787757636857 0.35045364366813797 0.11476450126935314 -0.12471642241528727 -0.4280823277975455 -0.5178538712269851 -0.5720263543309624 -0.6383664939455743 -0.8041941390622781 -1.4517627950867273 -0.9280169575856395 -0.9956899114696629 -1.0719609841190563 -0.6587023272973206 +30485,0.04424227830782784,1,0.8488404882246913 0.90866730938083 0.9726633067480613 0.9121981814388929 0.8488404882246913 0.09908787757636857 0.35045364366813797 0.11476450126935314 -0.12471642241528727 -0.4280823277975455 -0.5178538712269851 -0.5720263543309624 -0.6383664939455743 -0.8041941390622781 -1.4517627950867273 -0.9280169575856395 -0.9956899114696629 -1.0719609841190563 -0.6587023272973206 -0.051970516532812906 +30486,0.5005888111277176,1,0.90866730938083 0.9726633067480613 0.9121981814388929 0.8488404882246913 0.09908787757636857 0.35045364366813797 0.11476450126935314 -0.12471642241528727 -0.4280823277975455 -0.5178538712269851 -0.5720263543309624 -0.6383664939455743 -0.8041941390622781 -1.4517627950867273 -0.9280169575856395 -0.9956899114696629 -1.0719609841190563 -0.6587023272973206 -0.051970516532812906 0.04424227830782784 +30487,0.7702433573410051,1,0.9726633067480613 0.9121981814388929 0.8488404882246913 0.09908787757636857 0.35045364366813797 0.11476450126935314 -0.12471642241528727 -0.4280823277975455 -0.5178538712269851 -0.5720263543309624 -0.6383664939455743 -0.8041941390622781 -1.4517627950867273 -0.9280169575856395 -0.9956899114696629 -1.0719609841190563 -0.6587023272973206 -0.051970516532812906 0.04424227830782784 0.5005888111277176 +30488,1.0639826354090505,1,0.9121981814388929 0.8488404882246913 0.09908787757636857 0.35045364366813797 0.11476450126935314 -0.12471642241528727 -0.4280823277975455 -0.5178538712269851 -0.5720263543309624 -0.6383664939455743 -0.8041941390622781 -1.4517627950867273 -0.9280169575856395 -0.9956899114696629 -1.0719609841190563 -0.6587023272973206 -0.051970516532812906 0.04424227830782784 0.5005888111277176 0.7702433573410051 +30489,1.1228948075865675,1,0.8488404882246913 0.09908787757636857 0.35045364366813797 0.11476450126935314 -0.12471642241528727 -0.4280823277975455 -0.5178538712269851 -0.5720263543309624 -0.6383664939455743 -0.8041941390622781 -1.4517627950867273 -0.9280169575856395 -0.9956899114696629 -1.0719609841190563 -0.6587023272973206 -0.051970516532812906 0.04424227830782784 0.5005888111277176 0.7702433573410051 1.0639826354090505 +30490,1.1862576687008712,1,0.09908787757636857 0.35045364366813797 0.11476450126935314 -0.12471642241528727 -0.4280823277975455 -0.5178538712269851 -0.5720263543309624 -0.6383664939455743 -0.8041941390622781 -1.4517627950867273 -0.9280169575856395 -0.9956899114696629 -1.0719609841190563 -0.6587023272973206 -0.051970516532812906 0.04424227830782784 0.5005888111277176 0.7702433573410051 1.0639826354090505 1.1228948075865675 +30491,0.9955063837758716,1,0.35045364366813797 0.11476450126935314 -0.12471642241528727 -0.4280823277975455 -0.5178538712269851 -0.5720263543309624 -0.6383664939455743 -0.8041941390622781 -1.4517627950867273 -0.9280169575856395 -0.9956899114696629 -1.0719609841190563 -0.6587023272973206 -0.051970516532812906 0.04424227830782784 0.5005888111277176 0.7702433573410051 1.0639826354090505 1.1228948075865675 1.1862576687008712 +30492,1.1429196822176966,1,0.11476450126935314 -0.12471642241528727 -0.4280823277975455 -0.5178538712269851 -0.5720263543309624 -0.6383664939455743 -0.8041941390622781 -1.4517627950867273 -0.9280169575856395 -0.9956899114696629 -1.0719609841190563 -0.6587023272973206 -0.051970516532812906 0.04424227830782784 0.5005888111277176 0.7702433573410051 1.0639826354090505 1.1228948075865675 1.1862576687008712 0.9955063837758716 +30493,0.9763406008368056,1,-0.12471642241528727 -0.4280823277975455 -0.5178538712269851 -0.5720263543309624 -0.6383664939455743 -0.8041941390622781 -1.4517627950867273 -0.9280169575856395 -0.9956899114696629 -1.0719609841190563 -0.6587023272973206 -0.051970516532812906 0.04424227830782784 0.5005888111277176 0.7702433573410051 1.0639826354090505 1.1228948075865675 1.1862576687008712 0.9955063837758716 1.1429196822176966 +30494,0.8024069312784263,1,-0.4280823277975455 -0.5178538712269851 -0.5720263543309624 -0.6383664939455743 -0.8041941390622781 -1.4517627950867273 -0.9280169575856395 -0.9956899114696629 -1.0719609841190563 -0.6587023272973206 -0.051970516532812906 0.04424227830782784 0.5005888111277176 0.7702433573410051 1.0639826354090505 1.1228948075865675 1.1862576687008712 0.9955063837758716 1.1429196822176966 0.9763406008368056 +30495,0.17555391250388078,1,-0.5178538712269851 -0.5720263543309624 -0.6383664939455743 -0.8041941390622781 -1.4517627950867273 -0.9280169575856395 -0.9956899114696629 -1.0719609841190563 -0.6587023272973206 -0.051970516532812906 0.04424227830782784 0.5005888111277176 0.7702433573410051 1.0639826354090505 1.1228948075865675 1.1862576687008712 0.9955063837758716 1.1429196822176966 0.9763406008368056 0.8024069312784263 +30496,-0.07363950977440026,1,-0.5720263543309624 -0.6383664939455743 -0.8041941390622781 -1.4517627950867273 -0.9280169575856395 -0.9956899114696629 -1.0719609841190563 -0.6587023272973206 -0.051970516532812906 0.04424227830782784 0.5005888111277176 0.7702433573410051 1.0639826354090505 1.1228948075865675 1.1862576687008712 0.9955063837758716 1.1429196822176966 0.9763406008368056 0.8024069312784263 0.17555391250388078 +30497,-0.14948098611996483,1,-0.6383664939455743 -0.8041941390622781 -1.4517627950867273 -0.9280169575856395 -0.9956899114696629 -1.0719609841190563 -0.6587023272973206 -0.051970516532812906 0.04424227830782784 0.5005888111277176 0.7702433573410051 1.0639826354090505 1.1228948075865675 1.1862576687008712 0.9955063837758716 1.1429196822176966 0.9763406008368056 0.8024069312784263 0.17555391250388078 -0.07363950977440026 +30498,-0.1606604269555911,1,-0.8041941390622781 -1.4517627950867273 -0.9280169575856395 -0.9956899114696629 -1.0719609841190563 -0.6587023272973206 -0.051970516532812906 0.04424227830782784 0.5005888111277176 0.7702433573410051 1.0639826354090505 1.1228948075865675 1.1862576687008712 0.9955063837758716 1.1429196822176966 0.9763406008368056 0.8024069312784263 0.17555391250388078 -0.07363950977440026 -0.14948098611996483 +30499,-0.3692664889989462,1,-1.4517627950867273 -0.9280169575856395 -0.9956899114696629 -1.0719609841190563 -0.6587023272973206 -0.051970516532812906 0.04424227830782784 0.5005888111277176 0.7702433573410051 1.0639826354090505 1.1228948075865675 1.1862576687008712 0.9955063837758716 1.1429196822176966 0.9763406008368056 0.8024069312784263 0.17555391250388078 -0.07363950977440026 -0.14948098611996483 -0.1606604269555911 +30500,-0.7759618424120497,1,-0.9280169575856395 -0.9956899114696629 -1.0719609841190563 -0.6587023272973206 -0.051970516532812906 0.04424227830782784 0.5005888111277176 0.7702433573410051 1.0639826354090505 1.1228948075865675 1.1862576687008712 0.9955063837758716 1.1429196822176966 0.9763406008368056 0.8024069312784263 0.17555391250388078 -0.07363950977440026 -0.14948098611996483 -0.1606604269555911 -0.3692664889989462 +30501,-0.5317839383108602,1,-0.9956899114696629 -1.0719609841190563 -0.6587023272973206 -0.051970516532812906 0.04424227830782784 0.5005888111277176 0.7702433573410051 1.0639826354090505 1.1228948075865675 1.1862576687008712 0.9955063837758716 1.1429196822176966 0.9763406008368056 0.8024069312784263 0.17555391250388078 -0.07363950977440026 -0.14948098611996483 -0.1606604269555911 -0.3692664889989462 -0.7759618424120497 +30502,-0.6670413271580578,1,-1.0719609841190563 -0.6587023272973206 -0.051970516532812906 0.04424227830782784 0.5005888111277176 0.7702433573410051 1.0639826354090505 1.1228948075865675 1.1862576687008712 0.9955063837758716 1.1429196822176966 0.9763406008368056 0.8024069312784263 0.17555391250388078 -0.07363950977440026 -0.14948098611996483 -0.1606604269555911 -0.3692664889989462 -0.7759618424120497 -0.5317839383108602 +30503,-0.8041941390622781,1,-0.6587023272973206 -0.051970516532812906 0.04424227830782784 0.5005888111277176 0.7702433573410051 1.0639826354090505 1.1228948075865675 1.1862576687008712 0.9955063837758716 1.1429196822176966 0.9763406008368056 0.8024069312784263 0.17555391250388078 -0.07363950977440026 -0.14948098611996483 -0.1606604269555911 -0.3692664889989462 -0.7759618424120497 -0.5317839383108602 -0.6670413271580578 +30504,-0.9465903803641454,1,-0.051970516532812906 0.04424227830782784 0.5005888111277176 0.7702433573410051 1.0639826354090505 1.1228948075865675 1.1862576687008712 0.9955063837758716 1.1429196822176966 0.9763406008368056 0.8024069312784263 0.17555391250388078 -0.07363950977440026 -0.14948098611996483 -0.1606604269555911 -0.3692664889989462 -0.7759618424120497 -0.5317839383108602 -0.6670413271580578 -0.8041941390622781 +30505,-1.031718568098963,1,0.04424227830782784 0.5005888111277176 0.7702433573410051 1.0639826354090505 1.1228948075865675 1.1862576687008712 0.9955063837758716 1.1429196822176966 0.9763406008368056 0.8024069312784263 0.17555391250388078 -0.07363950977440026 -0.14948098611996483 -0.1606604269555911 -0.3692664889989462 -0.7759618424120497 -0.5317839383108602 -0.6670413271580578 -0.8041941390622781 -0.9465903803641454 +30506,-1.036361923793594,1,0.5005888111277176 0.7702433573410051 1.0639826354090505 1.1228948075865675 1.1862576687008712 0.9955063837758716 1.1429196822176966 0.9763406008368056 0.8024069312784263 0.17555391250388078 -0.07363950977440026 -0.14948098611996483 -0.1606604269555911 -0.3692664889989462 -0.7759618424120497 -0.5317839383108602 -0.6670413271580578 -0.8041941390622781 -0.9465903803641454 -1.031718568098963 +30507,-0.6726323943811956,1,0.7702433573410051 1.0639826354090505 1.1228948075865675 1.1862576687008712 0.9955063837758716 1.1429196822176966 0.9763406008368056 0.8024069312784263 0.17555391250388078 -0.07363950977440026 -0.14948098611996483 -0.1606604269555911 -0.3692664889989462 -0.7759618424120497 -0.5317839383108602 -0.6670413271580578 -0.8041941390622781 -0.9465903803641454 -1.031718568098963 -1.036361923793594 +30508,-0.5178442901268406,1,1.0639826354090505 1.1228948075865675 1.1862576687008712 0.9955063837758716 1.1429196822176966 0.9763406008368056 0.8024069312784263 0.17555391250388078 -0.07363950977440026 -0.14948098611996483 -0.1606604269555911 -0.3692664889989462 -0.7759618424120497 -0.5317839383108602 -0.6670413271580578 -0.8041941390622781 -0.9465903803641454 -1.031718568098963 -1.036361923793594 -0.6726323943811956 +30509,-0.15721991227767712,1,1.1228948075865675 1.1862576687008712 0.9955063837758716 1.1429196822176966 0.9763406008368056 0.8024069312784263 0.17555391250388078 -0.07363950977440026 -0.14948098611996483 -0.1606604269555911 -0.3692664889989462 -0.7759618424120497 -0.5317839383108602 -0.6670413271580578 -0.8041941390622781 -0.9465903803641454 -1.031718568098963 -1.036361923793594 -0.6726323943811956 -0.5178442901268406 +30510,0.5950037102517881,1,1.1862576687008712 0.9955063837758716 1.1429196822176966 0.9763406008368056 0.8024069312784263 0.17555391250388078 -0.07363950977440026 -0.14948098611996483 -0.1606604269555911 -0.3692664889989462 -0.7759618424120497 -0.5317839383108602 -0.6670413271580578 -0.8041941390622781 -0.9465903803641454 -1.031718568098963 -1.036361923793594 -0.6726323943811956 -0.5178442901268406 -0.15721991227767712 +30511,0.6309710154605203,1,0.9955063837758716 1.1429196822176966 0.9763406008368056 0.8024069312784263 0.17555391250388078 -0.07363950977440026 -0.14948098611996483 -0.1606604269555911 -0.3692664889989462 -0.7759618424120497 -0.5317839383108602 -0.6670413271580578 -0.8041941390622781 -0.9465903803641454 -1.031718568098963 -1.036361923793594 -0.6726323943811956 -0.5178442901268406 -0.15721991227767712 0.5950037102517881 +30512,0.8364582063723568,1,1.1429196822176966 0.9763406008368056 0.8024069312784263 0.17555391250388078 -0.07363950977440026 -0.14948098611996483 -0.1606604269555911 -0.3692664889989462 -0.7759618424120497 -0.5317839383108602 -0.6670413271580578 -0.8041941390622781 -0.9465903803641454 -1.031718568098963 -1.036361923793594 -0.6726323943811956 -0.5178442901268406 -0.15721991227767712 0.5950037102517881 0.6309710154605203 +30513,0.9055701816910252,1,0.9763406008368056 0.8024069312784263 0.17555391250388078 -0.07363950977440026 -0.14948098611996483 -0.1606604269555911 -0.3692664889989462 -0.7759618424120497 -0.5317839383108602 -0.6670413271580578 -0.8041941390622781 -0.9465903803641454 -1.031718568098963 -1.036361923793594 -0.6726323943811956 -0.5178442901268406 -0.15721991227767712 0.5950037102517881 0.6309710154605203 0.8364582063723568 +30514,0.9773066624426923,1,0.8024069312784263 0.17555391250388078 -0.07363950977440026 -0.14948098611996483 -0.1606604269555911 -0.3692664889989462 -0.7759618424120497 -0.5317839383108602 -0.6670413271580578 -0.8041941390622781 -0.9465903803641454 -1.031718568098963 -1.036361923793594 -0.6726323943811956 -0.5178442901268406 -0.15721991227767712 0.5950037102517881 0.6309710154605203 0.8364582063723568 0.9055701816910252 +30515,0.930009088751748,1,0.17555391250388078 -0.07363950977440026 -0.14948098611996483 -0.1606604269555911 -0.3692664889989462 -0.7759618424120497 -0.5317839383108602 -0.6670413271580578 -0.8041941390622781 -0.9465903803641454 -1.031718568098963 -1.036361923793594 -0.6726323943811956 -0.5178442901268406 -0.15721991227767712 0.5950037102517881 0.6309710154605203 0.8364582063723568 0.9055701816910252 0.9773066624426923 +30516,0.9525420987380148,1,-0.07363950977440026 -0.14948098611996483 -0.1606604269555911 -0.3692664889989462 -0.7759618424120497 -0.5317839383108602 -0.6670413271580578 -0.8041941390622781 -0.9465903803641454 -1.031718568098963 -1.036361923793594 -0.6726323943811956 -0.5178442901268406 -0.15721991227767712 0.5950037102517881 0.6309710154605203 0.8364582063723568 0.9055701816910252 0.9773066624426923 0.930009088751748 +30517,0.7994847282391356,1,-0.14948098611996483 -0.1606604269555911 -0.3692664889989462 -0.7759618424120497 -0.5317839383108602 -0.6670413271580578 -0.8041941390622781 -0.9465903803641454 -1.031718568098963 -1.036361923793594 -0.6726323943811956 -0.5178442901268406 -0.15721991227767712 0.5950037102517881 0.6309710154605203 0.8364582063723568 0.9055701816910252 0.9773066624426923 0.930009088751748 0.9525420987380148 +30518,0.6290549853457186,1,-0.1606604269555911 -0.3692664889989462 -0.7759618424120497 -0.5317839383108602 -0.6670413271580578 -0.8041941390622781 -0.9465903803641454 -1.031718568098963 -1.036361923793594 -0.6726323943811956 -0.5178442901268406 -0.15721991227767712 0.5950037102517881 0.6309710154605203 0.8364582063723568 0.9055701816910252 0.9773066624426923 0.930009088751748 0.9525420987380148 0.7994847282391356 +30519,0.35870756053646996,1,-0.3692664889989462 -0.7759618424120497 -0.5317839383108602 -0.6670413271580578 -0.8041941390622781 -0.9465903803641454 -1.031718568098963 -1.036361923793594 -0.6726323943811956 -0.5178442901268406 -0.15721991227767712 0.5950037102517881 0.6309710154605203 0.8364582063723568 0.9055701816910252 0.9773066624426923 0.930009088751748 0.9525420987380148 0.7994847282391356 0.6290549853457186 +30520,0.06411337583284497,1,-0.7759618424120497 -0.5317839383108602 -0.6670413271580578 -0.8041941390622781 -0.9465903803641454 -1.031718568098963 -1.036361923793594 -0.6726323943811956 -0.5178442901268406 -0.15721991227767712 0.5950037102517881 0.6309710154605203 0.8364582063723568 0.9055701816910252 0.9773066624426923 0.930009088751748 0.9525420987380148 0.7994847282391356 0.6290549853457186 0.35870756053646996 +30521,-0.23460917385478236,1,-0.5317839383108602 -0.6670413271580578 -0.8041941390622781 -0.9465903803641454 -1.031718568098963 -1.036361923793594 -0.6726323943811956 -0.5178442901268406 -0.15721991227767712 0.5950037102517881 0.6309710154605203 0.8364582063723568 0.9055701816910252 0.9773066624426923 0.930009088751748 0.9525420987380148 0.7994847282391356 0.6290549853457186 0.35870756053646996 0.06411337583284497 +30522,-0.23919728011733676,1,-0.6670413271580578 -0.8041941390622781 -0.9465903803641454 -1.031718568098963 -1.036361923793594 -0.6726323943811956 -0.5178442901268406 -0.15721991227767712 0.5950037102517881 0.6309710154605203 0.8364582063723568 0.9055701816910252 0.9773066624426923 0.930009088751748 0.9525420987380148 0.7994847282391356 0.6290549853457186 0.35870756053646996 0.06411337583284497 -0.23460917385478236 +30523,-0.3274762877473034,1,-0.8041941390622781 -0.9465903803641454 -1.031718568098963 -1.036361923793594 -0.6726323943811956 -0.5178442901268406 -0.15721991227767712 0.5950037102517881 0.6309710154605203 0.8364582063723568 0.9055701816910252 0.9773066624426923 0.930009088751748 0.9525420987380148 0.7994847282391356 0.6290549853457186 0.35870756053646996 0.06411337583284497 -0.23460917385478236 -0.23919728011733676 +30524,-0.9137317144978772,1,-0.9465903803641454 -1.031718568098963 -1.036361923793594 -0.6726323943811956 -0.5178442901268406 -0.15721991227767712 0.5950037102517881 0.6309710154605203 0.8364582063723568 0.9055701816910252 0.9773066624426923 0.930009088751748 0.9525420987380148 0.7994847282391356 0.6290549853457186 0.35870756053646996 0.06411337583284497 -0.23460917385478236 -0.23919728011733676 -0.3274762877473034 +30525,-0.5054715893746508,1,-1.031718568098963 -1.036361923793594 -0.6726323943811956 -0.5178442901268406 -0.15721991227767712 0.5950037102517881 0.6309710154605203 0.8364582063723568 0.9055701816910252 0.9773066624426923 0.930009088751748 0.9525420987380148 0.7994847282391356 0.6290549853457186 0.35870756053646996 0.06411337583284497 -0.23460917385478236 -0.23919728011733676 -0.3274762877473034 -0.9137317144978772 +30526,-0.5910230507106256,1,-1.036361923793594 -0.6726323943811956 -0.5178442901268406 -0.15721991227767712 0.5950037102517881 0.6309710154605203 0.8364582063723568 0.9055701816910252 0.9773066624426923 0.930009088751748 0.9525420987380148 0.7994847282391356 0.6290549853457186 0.35870756053646996 0.06411337583284497 -0.23460917385478236 -0.23919728011733676 -0.3274762877473034 -0.9137317144978772 -0.5054715893746508 +30527,-0.6803713205389079,1,-0.6726323943811956 -0.5178442901268406 -0.15721991227767712 0.5950037102517881 0.6309710154605203 0.8364582063723568 0.9055701816910252 0.9773066624426923 0.930009088751748 0.9525420987380148 0.7994847282391356 0.6290549853457186 0.35870756053646996 0.06411337583284497 -0.23460917385478236 -0.23919728011733676 -0.3274762877473034 -0.9137317144978772 -0.5054715893746508 -0.5910230507106256 +30528,-0.7537113451755237,1,-0.5178442901268406 -0.15721991227767712 0.5950037102517881 0.6309710154605203 0.8364582063723568 0.9055701816910252 0.9773066624426923 0.930009088751748 0.9525420987380148 0.7994847282391356 0.6290549853457186 0.35870756053646996 0.06411337583284497 -0.23460917385478236 -0.23919728011733676 -0.3274762877473034 -0.9137317144978772 -0.5054715893746508 -0.5910230507106256 -0.6803713205389079 +30529,-0.8289587027669468,1,-0.15721991227767712 0.5950037102517881 0.6309710154605203 0.8364582063723568 0.9055701816910252 0.9773066624426923 0.930009088751748 0.9525420987380148 0.7994847282391356 0.6290549853457186 0.35870756053646996 0.06411337583284497 -0.23460917385478236 -0.23919728011733676 -0.3274762877473034 -0.9137317144978772 -0.5054715893746508 -0.5910230507106256 -0.6803713205389079 -0.7537113451755237 +30530,-1.142494735758883,1,0.5950037102517881 0.6309710154605203 0.8364582063723568 0.9055701816910252 0.9773066624426923 0.930009088751748 0.9525420987380148 0.7994847282391356 0.6290549853457186 0.35870756053646996 0.06411337583284497 -0.23460917385478236 -0.23919728011733676 -0.3274762877473034 -0.9137317144978772 -0.5054715893746508 -0.5910230507106256 -0.6803713205389079 -0.7537113451755237 -0.8289587027669468 +30531,-0.8583666221662465,1,0.6309710154605203 0.8364582063723568 0.9055701816910252 0.9773066624426923 0.930009088751748 0.9525420987380148 0.7994847282391356 0.6290549853457186 0.35870756053646996 0.06411337583284497 -0.23460917385478236 -0.23919728011733676 -0.3274762877473034 -0.9137317144978772 -0.5054715893746508 -0.5910230507106256 -0.6803713205389079 -0.7537113451755237 -0.8289587027669468 -1.142494735758883 +30532,-0.6010453117416685,1,0.8364582063723568 0.9055701816910252 0.9773066624426923 0.930009088751748 0.9525420987380148 0.7994847282391356 0.6290549853457186 0.35870756053646996 0.06411337583284497 -0.23460917385478236 -0.23919728011733676 -0.3274762877473034 -0.9137317144978772 -0.5054715893746508 -0.5910230507106256 -0.6803713205389079 -0.7537113451755237 -0.8289587027669468 -1.142494735758883 -0.8583666221662465 +30533,-0.3305718582103936,1,0.9055701816910252 0.9773066624426923 0.930009088751748 0.9525420987380148 0.7994847282391356 0.6290549853457186 0.35870756053646996 0.06411337583284497 -0.23460917385478236 -0.23919728011733676 -0.3274762877473034 -0.9137317144978772 -0.5054715893746508 -0.5910230507106256 -0.6803713205389079 -0.7537113451755237 -0.8289587027669468 -1.142494735758883 -0.8583666221662465 -0.6010453117416685 +30534,0.262229885470239,1,0.9773066624426923 0.930009088751748 0.9525420987380148 0.7994847282391356 0.6290549853457186 0.35870756053646996 0.06411337583284497 -0.23460917385478236 -0.23919728011733676 -0.3274762877473034 -0.9137317144978772 -0.5054715893746508 -0.5910230507106256 -0.6803713205389079 -0.7537113451755237 -0.8289587027669468 -1.142494735758883 -0.8583666221662465 -0.6010453117416685 -0.3305718582103936 +30535,0.2963939603658237,1,0.930009088751748 0.9525420987380148 0.7994847282391356 0.6290549853457186 0.35870756053646996 0.06411337583284497 -0.23460917385478236 -0.23919728011733676 -0.3274762877473034 -0.9137317144978772 -0.5054715893746508 -0.5910230507106256 -0.6803713205389079 -0.7537113451755237 -0.8289587027669468 -1.142494735758883 -0.8583666221662465 -0.6010453117416685 -0.3305718582103936 0.262229885470239 +30536,0.4820153883492116,1,0.9525420987380148 0.7994847282391356 0.6290549853457186 0.35870756053646996 0.06411337583284497 -0.23460917385478236 -0.23919728011733676 -0.3274762877473034 -0.9137317144978772 -0.5054715893746508 -0.5910230507106256 -0.6803713205389079 -0.7537113451755237 -0.8289587027669468 -1.142494735758883 -0.8583666221662465 -0.6010453117416685 -0.3305718582103936 0.262229885470239 0.2963939603658237 +30537,0.6148782625882232,1,0.7994847282391356 0.6290549853457186 0.35870756053646996 0.06411337583284497 -0.23460917385478236 -0.23919728011733676 -0.3274762877473034 -0.9137317144978772 -0.5054715893746508 -0.5910230507106256 -0.6803713205389079 -0.7537113451755237 -0.8289587027669468 -1.142494735758883 -0.8583666221662465 -0.6010453117416685 -0.3305718582103936 0.262229885470239 0.2963939603658237 0.4820153883492116 +30538,0.7544255891006295,1,0.6290549853457186 0.35870756053646996 0.06411337583284497 -0.23460917385478236 -0.23919728011733676 -0.3274762877473034 -0.9137317144978772 -0.5054715893746508 -0.5910230507106256 -0.6803713205389079 -0.7537113451755237 -0.8289587027669468 -1.142494735758883 -0.8583666221662465 -0.6010453117416685 -0.3305718582103936 0.262229885470239 0.2963939603658237 0.4820153883492116 0.6148782625882232 +30539,0.8348104399416622,1,0.35870756053646996 0.06411337583284497 -0.23460917385478236 -0.23919728011733676 -0.3274762877473034 -0.9137317144978772 -0.5054715893746508 -0.5910230507106256 -0.6803713205389079 -0.7537113451755237 -0.8289587027669468 -1.142494735758883 -0.8583666221662465 -0.6010453117416685 -0.3305718582103936 0.262229885470239 0.2963939603658237 0.4820153883492116 0.6148782625882232 0.7544255891006295 +30540,0.7327565958590333,1,0.06411337583284497 -0.23460917385478236 -0.23919728011733676 -0.3274762877473034 -0.9137317144978772 -0.5054715893746508 -0.5910230507106256 -0.6803713205389079 -0.7537113451755237 -0.8289587027669468 -1.142494735758883 -0.8583666221662465 -0.6010453117416685 -0.3305718582103936 0.262229885470239 0.2963939603658237 0.4820153883492116 0.6148782625882232 0.7544255891006295 0.8348104399416622 +30541,0.6211781399154825,1,-0.23460917385478236 -0.23919728011733676 -0.3274762877473034 -0.9137317144978772 -0.5054715893746508 -0.5910230507106256 -0.6803713205389079 -0.7537113451755237 -0.8289587027669468 -1.142494735758883 -0.8583666221662465 -0.6010453117416685 -0.3305718582103936 0.262229885470239 0.2963939603658237 0.4820153883492116 0.6148782625882232 0.7544255891006295 0.8348104399416622 0.7327565958590333 +30542,0.4990410258961769,1,-0.23919728011733676 -0.3274762877473034 -0.9137317144978772 -0.5054715893746508 -0.5910230507106256 -0.6803713205389079 -0.7537113451755237 -0.8289587027669468 -1.142494735758883 -0.8583666221662465 -0.6010453117416685 -0.3305718582103936 0.262229885470239 0.2963939603658237 0.4820153883492116 0.6148782625882232 0.7544255891006295 0.8348104399416622 0.7327565958590333 0.6211781399154825 +30543,0.27871033501670195,1,-0.3274762877473034 -0.9137317144978772 -0.5054715893746508 -0.5910230507106256 -0.6803713205389079 -0.7537113451755237 -0.8289587027669468 -1.142494735758883 -0.8583666221662465 -0.6010453117416685 -0.3305718582103936 0.262229885470239 0.2963939603658237 0.4820153883492116 0.6148782625882232 0.7544255891006295 0.8348104399416622 0.7327565958590333 0.6211781399154825 0.4990410258961769 +30544,0.04244438259125762,1,-0.9137317144978772 -0.5054715893746508 -0.5910230507106256 -0.6803713205389079 -0.7537113451755237 -0.8289587027669468 -1.142494735758883 -0.8583666221662465 -0.6010453117416685 -0.3305718582103936 0.262229885470239 0.2963939603658237 0.4820153883492116 0.6148782625882232 0.7544255891006295 0.8348104399416622 0.7327565958590333 0.6211781399154825 0.4990410258961769 0.27871033501670195 +30545,-0.18508004644543605,1,-0.5054715893746508 -0.5910230507106256 -0.6803713205389079 -0.7537113451755237 -0.8289587027669468 -1.142494735758883 -0.8583666221662465 -0.6010453117416685 -0.3305718582103936 0.262229885470239 0.2963939603658237 0.4820153883492116 0.6148782625882232 0.7544255891006295 0.8348104399416622 0.7327565958590333 0.6211781399154825 0.4990410258961769 0.27871033501670195 0.04244438259125762 +30546,-0.40486554932440866,1,-0.5910230507106256 -0.6803713205389079 -0.7537113451755237 -0.8289587027669468 -1.142494735758883 -0.8583666221662465 -0.6010453117416685 -0.3305718582103936 0.262229885470239 0.2963939603658237 0.4820153883492116 0.6148782625882232 0.7544255891006295 0.8348104399416622 0.7327565958590333 0.6211781399154825 0.4990410258961769 0.27871033501670195 0.04244438259125762 -0.18508004644543605 +30547,-0.40523769880547894,1,-0.6803713205389079 -0.7537113451755237 -0.8289587027669468 -1.142494735758883 -0.8583666221662465 -0.6010453117416685 -0.3305718582103936 0.262229885470239 0.2963939603658237 0.4820153883492116 0.6148782625882232 0.7544255891006295 0.8348104399416622 0.7327565958590333 0.6211781399154825 0.4990410258961769 0.27871033501670195 0.04244438259125762 -0.18508004644543605 -0.40486554932440866 +30548,-0.4327256834921676,1,-0.7537113451755237 -0.8289587027669468 -1.142494735758883 -0.8583666221662465 -0.6010453117416685 -0.3305718582103936 0.262229885470239 0.2963939603658237 0.4820153883492116 0.6148782625882232 0.7544255891006295 0.8348104399416622 0.7327565958590333 0.6211781399154825 0.4990410258961769 0.27871033501670195 0.04244438259125762 -0.18508004644543605 -0.40486554932440866 -0.40523769880547894 +30549,-0.4776114552068918,1,-0.8289587027669468 -1.142494735758883 -0.8583666221662465 -0.6010453117416685 -0.3305718582103936 0.262229885470239 0.2963939603658237 0.4820153883492116 0.6148782625882232 0.7544255891006295 0.8348104399416622 0.7327565958590333 0.6211781399154825 0.4990410258961769 0.27871033501670195 0.04244438259125762 -0.18508004644543605 -0.40486554932440866 -0.40523769880547894 -0.4327256834921676 +30550,-0.601434273730262,1,-1.142494735758883 -0.8583666221662465 -0.6010453117416685 -0.3305718582103936 0.262229885470239 0.2963939603658237 0.4820153883492116 0.6148782625882232 0.7544255891006295 0.8348104399416622 0.7327565958590333 0.6211781399154825 0.4990410258961769 0.27871033501670195 0.04244438259125762 -0.18508004644543605 -0.40486554932440866 -0.40523769880547894 -0.4327256834921676 -0.4776114552068918 +30551,-0.5952431328040904,1,-0.8583666221662465 -0.6010453117416685 -0.3305718582103936 0.262229885470239 0.2963939603658237 0.4820153883492116 0.6148782625882232 0.7544255891006295 0.8348104399416622 0.7327565958590333 0.6211781399154825 0.4990410258961769 0.27871033501670195 0.04244438259125762 -0.18508004644543605 -0.40486554932440866 -0.40523769880547894 -0.4327256834921676 -0.4776114552068918 -0.601434273730262 +30552,-0.59523739717636,1,-0.6010453117416685 -0.3305718582103936 0.262229885470239 0.2963939603658237 0.4820153883492116 0.6148782625882232 0.7544255891006295 0.8348104399416622 0.7327565958590333 0.6211781399154825 0.4990410258961769 0.27871033501670195 0.04244438259125762 -0.18508004644543605 -0.40486554932440866 -0.40523769880547894 -0.4327256834921676 -0.4776114552068918 -0.601434273730262 -0.5952431328040904 +30553,-0.5936953475725497,1,-0.3305718582103936 0.262229885470239 0.2963939603658237 0.4820153883492116 0.6148782625882232 0.7544255891006295 0.8348104399416622 0.7327565958590333 0.6211781399154825 0.4990410258961769 0.27871033501670195 0.04244438259125762 -0.18508004644543605 -0.40486554932440866 -0.40523769880547894 -0.4327256834921676 -0.4776114552068918 -0.601434273730262 -0.5952431328040904 -0.59523739717636 +30554,-0.5642874281732501,1,0.262229885470239 0.2963939603658237 0.4820153883492116 0.6148782625882232 0.7544255891006295 0.8348104399416622 0.7327565958590333 0.6211781399154825 0.4990410258961769 0.27871033501670195 0.04244438259125762 -0.18508004644543605 -0.40486554932440866 -0.40523769880547894 -0.4327256834921676 -0.4776114552068918 -0.601434273730262 -0.5952431328040904 -0.59523739717636 -0.5936953475725497 +30555,-0.5023760189115606,1,0.2963939603658237 0.4820153883492116 0.6148782625882232 0.7544255891006295 0.8348104399416622 0.7327565958590333 0.6211781399154825 0.4990410258961769 0.27871033501670195 0.04244438259125762 -0.18508004644543605 -0.40486554932440866 -0.40523769880547894 -0.4327256834921676 -0.4776114552068918 -0.601434273730262 -0.5952431328040904 -0.59523739717636 -0.5936953475725497 -0.5642874281732501 +30556,-0.45379715966236606,1,0.4820153883492116 0.6148782625882232 0.7544255891006295 0.8348104399416622 0.7327565958590333 0.6211781399154825 0.4990410258961769 0.27871033501670195 0.04244438259125762 -0.18508004644543605 -0.40486554932440866 -0.40523769880547894 -0.4327256834921676 -0.4776114552068918 -0.601434273730262 -0.5952431328040904 -0.59523739717636 -0.5936953475725497 -0.5642874281732501 -0.5023760189115606 +30557,-0.3290240729788441,1,0.6148782625882232 0.7544255891006295 0.8348104399416622 0.7327565958590333 0.6211781399154825 0.4990410258961769 0.27871033501670195 0.04244438259125762 -0.18508004644543605 -0.40486554932440866 -0.40523769880547894 -0.4327256834921676 -0.4776114552068918 -0.601434273730262 -0.5952431328040904 -0.59523739717636 -0.5936953475725497 -0.5642874281732501 -0.5023760189115606 -0.45379715966236606 +30558,0.1089991475475692,1,0.7544255891006295 0.8348104399416622 0.7327565958590333 0.6211781399154825 0.4990410258961769 0.27871033501670195 0.04244438259125762 -0.18508004644543605 -0.40486554932440866 -0.40523769880547894 -0.4327256834921676 -0.4776114552068918 -0.601434273730262 -0.5952431328040904 -0.59523739717636 -0.5936953475725497 -0.5642874281732501 -0.5023760189115606 -0.45379715966236606 -0.3290240729788441 +30559,0.11653387409012506,1,0.8348104399416622 0.7327565958590333 0.6211781399154825 0.4990410258961769 0.27871033501670195 0.04244438259125762 -0.18508004644543605 -0.40486554932440866 -0.40523769880547894 -0.4327256834921676 -0.4776114552068918 -0.601434273730262 -0.5952431328040904 -0.59523739717636 -0.5936953475725497 -0.5642874281732501 -0.5023760189115606 -0.45379715966236606 -0.3290240729788441 0.1089991475475692 +30560,0.37831377783589687,1,0.7327565958590333 0.6211781399154825 0.4990410258961769 0.27871033501670195 0.04244438259125762 -0.18508004644543605 -0.40486554932440866 -0.40523769880547894 -0.4327256834921676 -0.4776114552068918 -0.601434273730262 -0.5952431328040904 -0.59523739717636 -0.5936953475725497 -0.5642874281732501 -0.5023760189115606 -0.45379715966236606 -0.3290240729788441 0.1089991475475692 0.11653387409012506 +30561,0.4790615516753566,1,0.6211781399154825 0.4990410258961769 0.27871033501670195 0.04244438259125762 -0.18508004644543605 -0.40486554932440866 -0.40523769880547894 -0.4327256834921676 -0.4776114552068918 -0.601434273730262 -0.5952431328040904 -0.59523739717636 -0.5936953475725497 -0.5642874281732501 -0.5023760189115606 -0.45379715966236606 -0.3290240729788441 0.1089991475475692 0.11653387409012506 0.37831377783589687 +30562,0.5888125693256165,1,0.4990410258961769 0.27871033501670195 0.04244438259125762 -0.18508004644543605 -0.40486554932440866 -0.40523769880547894 -0.4327256834921676 -0.4776114552068918 -0.601434273730262 -0.5952431328040904 -0.59523739717636 -0.5936953475725497 -0.5642874281732501 -0.5023760189115606 -0.45379715966236606 -0.3290240729788441 0.1089991475475692 0.11653387409012506 0.37831377783589687 0.4790615516753566 +30563,0.49756890337178855,1,0.27871033501670195 0.04244438259125762 -0.18508004644543605 -0.40486554932440866 -0.40523769880547894 -0.4327256834921676 -0.4776114552068918 -0.601434273730262 -0.5952431328040904 -0.59523739717636 -0.5936953475725497 -0.5642874281732501 -0.5023760189115606 -0.45379715966236606 -0.3290240729788441 0.1089991475475692 0.11653387409012506 0.37831377783589687 0.4790615516753566 0.5888125693256165 +30564,0.4309384757083246,1,0.04244438259125762 -0.18508004644543605 -0.40486554932440866 -0.40523769880547894 -0.4327256834921676 -0.4776114552068918 -0.601434273730262 -0.5952431328040904 -0.59523739717636 -0.5936953475725497 -0.5642874281732501 -0.5023760189115606 -0.45379715966236606 -0.3290240729788441 0.1089991475475692 0.11653387409012506 0.37831377783589687 0.4790615516753566 0.5888125693256165 0.49756890337178855 +30565,0.2702274612440938,1,-0.18508004644543605 -0.40486554932440866 -0.40523769880547894 -0.4327256834921676 -0.4776114552068918 -0.601434273730262 -0.5952431328040904 -0.59523739717636 -0.5936953475725497 -0.5642874281732501 -0.5023760189115606 -0.45379715966236606 -0.3290240729788441 0.1089991475475692 0.11653387409012506 0.37831377783589687 0.4790615516753566 0.5888125693256165 0.49756890337178855 0.4309384757083246 +30566,0.1043557918529383,1,-0.40486554932440866 -0.40523769880547894 -0.4327256834921676 -0.4776114552068918 -0.601434273730262 -0.5952431328040904 -0.59523739717636 -0.5936953475725497 -0.5642874281732501 -0.5023760189115606 -0.45379715966236606 -0.3290240729788441 0.1089991475475692 0.11653387409012506 0.37831377783589687 0.4790615516753566 0.5888125693256165 0.49756890337178855 0.4309384757083246 0.2702274612440938 +30567,-0.040448878801128706,1,-0.40523769880547894 -0.4327256834921676 -0.4776114552068918 -0.601434273730262 -0.5952431328040904 -0.59523739717636 -0.5936953475725497 -0.5642874281732501 -0.5023760189115606 -0.45379715966236606 -0.3290240729788441 0.1089991475475692 0.11653387409012506 0.37831377783589687 0.4790615516753566 0.5888125693256165 0.49756890337178855 0.4309384757083246 0.2702274612440938 0.1043557918529383 +30568,-0.18817561690851745,1,-0.4327256834921676 -0.4776114552068918 -0.601434273730262 -0.5952431328040904 -0.59523739717636 -0.5936953475725497 -0.5642874281732501 -0.5023760189115606 -0.45379715966236606 -0.3290240729788441 0.1089991475475692 0.11653387409012506 0.37831377783589687 0.4790615516753566 0.5888125693256165 0.49756890337178855 0.4309384757083246 0.2702274612440938 0.1043557918529383 -0.040448878801128706 +30569,-0.3166417911265097,1,-0.4776114552068918 -0.601434273730262 -0.5952431328040904 -0.59523739717636 -0.5936953475725497 -0.5642874281732501 -0.5023760189115606 -0.45379715966236606 -0.3290240729788441 0.1089991475475692 0.11653387409012506 0.37831377783589687 0.4790615516753566 0.5888125693256165 0.49756890337178855 0.4309384757083246 0.2702274612440938 0.1043557918529383 -0.040448878801128706 -0.18817561690851745 +30570,-0.3305718582103936,1,-0.601434273730262 -0.5952431328040904 -0.59523739717636 -0.5936953475725497 -0.5642874281732501 -0.5023760189115606 -0.45379715966236606 -0.3290240729788441 0.1089991475475692 0.11653387409012506 0.37831377783589687 0.4790615516753566 0.5888125693256165 0.49756890337178855 0.4309384757083246 0.2702274612440938 0.1043557918529383 -0.040448878801128706 -0.18817561690851745 -0.3166417911265097 +30571,-0.3553364219150623,1,-0.5952431328040904 -0.59523739717636 -0.5936953475725497 -0.5642874281732501 -0.5023760189115606 -0.45379715966236606 -0.3290240729788441 0.1089991475475692 0.11653387409012506 0.37831377783589687 0.4790615516753566 0.5888125693256165 0.49756890337178855 0.4309384757083246 0.2702274612440938 0.1043557918529383 -0.040448878801128706 -0.18817561690851745 -0.3166417911265097 -0.3305718582103936 +30572,-0.3197373615895999,1,-0.59523739717636 -0.5936953475725497 -0.5642874281732501 -0.5023760189115606 -0.45379715966236606 -0.3290240729788441 0.1089991475475692 0.11653387409012506 0.37831377783589687 0.4790615516753566 0.5888125693256165 0.49756890337178855 0.4309384757083246 0.2702274612440938 0.1043557918529383 -0.040448878801128706 -0.18817561690851745 -0.3166417911265097 -0.3305718582103936 -0.3553364219150623 +30573,-0.32037554795616996,1,-0.5936953475725497 -0.5642874281732501 -0.5023760189115606 -0.45379715966236606 -0.3290240729788441 0.1089991475475692 0.11653387409012506 0.37831377783589687 0.4790615516753566 0.5888125693256165 0.49756890337178855 0.4309384757083246 0.2702274612440938 0.1043557918529383 -0.040448878801128706 -0.18817561690851745 -0.3166417911265097 -0.3305718582103936 -0.3553364219150623 -0.3197373615895999 +30574,-0.36152756284123394,1,-0.5642874281732501 -0.5023760189115606 -0.45379715966236606 -0.3290240729788441 0.1089991475475692 0.11653387409012506 0.37831377783589687 0.4790615516753566 0.5888125693256165 0.49756890337178855 0.4309384757083246 0.2702274612440938 0.1043557918529383 -0.040448878801128706 -0.18817561690851745 -0.3166417911265097 -0.3305718582103936 -0.3553364219150623 -0.3197373615895999 -0.32037554795616996 +30575,-0.4249867573344553,1,-0.5023760189115606 -0.45379715966236606 -0.3290240729788441 0.1089991475475692 0.11653387409012506 0.37831377783589687 0.4790615516753566 0.5888125693256165 0.49756890337178855 0.4309384757083246 0.2702274612440938 0.1043557918529383 -0.040448878801128706 -0.18817561690851745 -0.3166417911265097 -0.3305718582103936 -0.3553364219150623 -0.3197373615895999 -0.32037554795616996 -0.36152756284123394 +30576,-0.46058581765992657,1,-0.45379715966236606 -0.3290240729788441 0.1089991475475692 0.11653387409012506 0.37831377783589687 0.4790615516753566 0.5888125693256165 0.49756890337178855 0.4309384757083246 0.2702274612440938 0.1043557918529383 -0.040448878801128706 -0.18817561690851745 -0.3166417911265097 -0.3305718582103936 -0.3553364219150623 -0.3197373615895999 -0.32037554795616996 -0.36152756284123394 -0.4249867573344553 +30577,-0.485449376160227,1,-0.3290240729788441 0.1089991475475692 0.11653387409012506 0.37831377783589687 0.4790615516753566 0.5888125693256165 0.49756890337178855 0.4309384757083246 0.2702274612440938 0.1043557918529383 -0.040448878801128706 -0.18817561690851745 -0.3166417911265097 -0.3305718582103936 -0.3553364219150623 -0.3197373615895999 -0.32037554795616996 -0.36152756284123394 -0.4249867573344553 -0.46058581765992657 +30578,-0.5426184349316627,1,0.1089991475475692 0.11653387409012506 0.37831377783589687 0.4790615516753566 0.5888125693256165 0.49756890337178855 0.4309384757083246 0.2702274612440938 0.1043557918529383 -0.040448878801128706 -0.18817561690851745 -0.3166417911265097 -0.3305718582103936 -0.3553364219150623 -0.3197373615895999 -0.32037554795616996 -0.36152756284123394 -0.4249867573344553 -0.46058581765992657 -0.485449376160227 +30579,-0.5317839383108602,1,0.11653387409012506 0.37831377783589687 0.4790615516753566 0.5888125693256165 0.49756890337178855 0.4309384757083246 0.2702274612440938 0.1043557918529383 -0.040448878801128706 -0.18817561690851745 -0.3166417911265097 -0.3305718582103936 -0.3553364219150623 -0.3197373615895999 -0.32037554795616996 -0.36152756284123394 -0.4249867573344553 -0.46058581765992657 -0.485449376160227 -0.5426184349316627 +30580,-0.5317766278116568,1,0.37831377783589687 0.4790615516753566 0.5888125693256165 0.49756890337178855 0.4309384757083246 0.2702274612440938 0.1043557918529383 -0.040448878801128706 -0.18817561690851745 -0.3166417911265097 -0.3305718582103936 -0.3553364219150623 -0.3197373615895999 -0.32037554795616996 -0.36152756284123394 -0.4249867573344553 -0.46058581765992657 -0.485449376160227 -0.5426184349316627 -0.5317839383108602 +30581,-0.5178538712269851,1,0.4790615516753566 0.5888125693256165 0.49756890337178855 0.4309384757083246 0.2702274612440938 0.1043557918529383 -0.040448878801128706 -0.18817561690851745 -0.3166417911265097 -0.3305718582103936 -0.3553364219150623 -0.3197373615895999 -0.32037554795616996 -0.36152756284123394 -0.4249867573344553 -0.46058581765992657 -0.485449376160227 -0.5426184349316627 -0.5317839383108602 -0.5317766278116568 +30582,-0.20210568399239254,1,0.5888125693256165 0.49756890337178855 0.4309384757083246 0.2702274612440938 0.1043557918529383 -0.040448878801128706 -0.18817561690851745 -0.3166417911265097 -0.3305718582103936 -0.3553364219150623 -0.3197373615895999 -0.32037554795616996 -0.36152756284123394 -0.4249867573344553 -0.46058581765992657 -0.485449376160227 -0.5426184349316627 -0.5317839383108602 -0.5317766278116568 -0.5178538712269851 +30583,-0.19797773133838795,1,0.49756890337178855 0.4309384757083246 0.2702274612440938 0.1043557918529383 -0.040448878801128706 -0.18817561690851745 -0.3166417911265097 -0.3305718582103936 -0.3553364219150623 -0.3197373615895999 -0.32037554795616996 -0.36152756284123394 -0.4249867573344553 -0.46058581765992657 -0.485449376160227 -0.5426184349316627 -0.5317839383108602 -0.5317766278116568 -0.5178538712269851 -0.20210568399239254 +30584,-0.051970516532812906,1,0.4309384757083246 0.2702274612440938 0.1043557918529383 -0.040448878801128706 -0.18817561690851745 -0.3166417911265097 -0.3305718582103936 -0.3553364219150623 -0.3197373615895999 -0.32037554795616996 -0.36152756284123394 -0.4249867573344553 -0.46058581765992657 -0.485449376160227 -0.5426184349316627 -0.5317839383108602 -0.5317766278116568 -0.5178538712269851 -0.20210568399239254 -0.19797773133838795 +30585,-0.04974812307174079,1,0.2702274612440938 0.1043557918529383 -0.040448878801128706 -0.18817561690851745 -0.3166417911265097 -0.3305718582103936 -0.3553364219150623 -0.3197373615895999 -0.32037554795616996 -0.36152756284123394 -0.4249867573344553 -0.46058581765992657 -0.485449376160227 -0.5426184349316627 -0.5317839383108602 -0.5317766278116568 -0.5178538712269851 -0.20210568399239254 -0.19797773133838795 -0.051970516532812906 +30586,-0.04732716083818202,1,0.1043557918529383 -0.040448878801128706 -0.18817561690851745 -0.3166417911265097 -0.3305718582103936 -0.3553364219150623 -0.3197373615895999 -0.32037554795616996 -0.36152756284123394 -0.4249867573344553 -0.46058581765992657 -0.485449376160227 -0.5426184349316627 -0.5317839383108602 -0.5317766278116568 -0.5178538712269851 -0.20210568399239254 -0.19797773133838795 -0.051970516532812906 -0.04974812307174079 +30587,-0.38169874001403004,1,-0.040448878801128706 -0.18817561690851745 -0.3166417911265097 -0.3305718582103936 -0.3553364219150623 -0.3197373615895999 -0.32037554795616996 -0.36152756284123394 -0.4249867573344553 -0.46058581765992657 -0.485449376160227 -0.5426184349316627 -0.5317839383108602 -0.5317766278116568 -0.5178538712269851 -0.20210568399239254 -0.19797773133838795 -0.051970516532812906 -0.04974812307174079 -0.04732716083818202 +30588,-0.18972340214005814,1,-0.18817561690851745 -0.3166417911265097 -0.3305718582103936 -0.3553364219150623 -0.3197373615895999 -0.32037554795616996 -0.36152756284123394 -0.4249867573344553 -0.46058581765992657 -0.485449376160227 -0.5426184349316627 -0.5317839383108602 -0.5317766278116568 -0.5178538712269851 -0.20210568399239254 -0.19797773133838795 -0.051970516532812906 -0.04974812307174079 -0.04732716083818202 -0.38169874001403004 +30589,-0.3633230195578335,1,-0.3166417911265097 -0.3305718582103936 -0.3553364219150623 -0.3197373615895999 -0.32037554795616996 -0.36152756284123394 -0.4249867573344553 -0.46058581765992657 -0.485449376160227 -0.5426184349316627 -0.5317839383108602 -0.5317766278116568 -0.5178538712269851 -0.20210568399239254 -0.19797773133838795 -0.051970516532812906 -0.04974812307174079 -0.04732716083818202 -0.38169874001403004 -0.18972340214005814 +30590,-0.5441662201632034,1,-0.3305718582103936 -0.3553364219150623 -0.3197373615895999 -0.32037554795616996 -0.36152756284123394 -0.4249867573344553 -0.46058581765992657 -0.485449376160227 -0.5426184349316627 -0.5317839383108602 -0.5317766278116568 -0.5178538712269851 -0.20210568399239254 -0.19797773133838795 -0.051970516532812906 -0.04974812307174079 -0.04732716083818202 -0.38169874001403004 -0.18972340214005814 -0.3633230195578335 +30591,-0.6692595925211386,1,-0.3553364219150623 -0.3197373615895999 -0.32037554795616996 -0.36152756284123394 -0.4249867573344553 -0.46058581765992657 -0.485449376160227 -0.5426184349316627 -0.5317839383108602 -0.5317766278116568 -0.5178538712269851 -0.20210568399239254 -0.19797773133838795 -0.051970516532812906 -0.04974812307174079 -0.04732716083818202 -0.38169874001403004 -0.18972340214005814 -0.3633230195578335 -0.5441662201632034 +30592,-0.7980029981361065,1,-0.3197373615895999 -0.32037554795616996 -0.36152756284123394 -0.4249867573344553 -0.46058581765992657 -0.485449376160227 -0.5426184349316627 -0.5317839383108602 -0.5317766278116568 -0.5178538712269851 -0.20210568399239254 -0.19797773133838795 -0.051970516532812906 -0.04974812307174079 -0.04732716083818202 -0.38169874001403004 -0.18972340214005814 -0.3633230195578335 -0.5441662201632034 -0.6692595925211386 +30593,-0.8908701120286363,1,-0.32037554795616996 -0.36152756284123394 -0.4249867573344553 -0.46058581765992657 -0.485449376160227 -0.5426184349316627 -0.5317839383108602 -0.5317766278116568 -0.5178538712269851 -0.20210568399239254 -0.19797773133838795 -0.051970516532812906 -0.04974812307174079 -0.04732716083818202 -0.38169874001403004 -0.18972340214005814 -0.3633230195578335 -0.5441662201632034 -0.6692595925211386 -0.7980029981361065 +30594,-0.9233736018910174,1,-0.36152756284123394 -0.4249867573344553 -0.46058581765992657 -0.485449376160227 -0.5426184349316627 -0.5317839383108602 -0.5317766278116568 -0.5178538712269851 -0.20210568399239254 -0.19797773133838795 -0.051970516532812906 -0.04974812307174079 -0.04732716083818202 -0.38169874001403004 -0.18972340214005814 -0.3633230195578335 -0.5441662201632034 -0.6692595925211386 -0.7980029981361065 -0.8908701120286363 +30595,-0.929202792002559,1,-0.4249867573344553 -0.46058581765992657 -0.485449376160227 -0.5426184349316627 -0.5317839383108602 -0.5317766278116568 -0.5178538712269851 -0.20210568399239254 -0.19797773133838795 -0.051970516532812906 -0.04974812307174079 -0.04732716083818202 -0.38169874001403004 -0.18972340214005814 -0.3633230195578335 -0.5441662201632034 -0.6692595925211386 -0.7980029981361065 -0.8908701120286363 -0.9233736018910174 +30596,-0.994571722541951,1,-0.46058581765992657 -0.485449376160227 -0.5426184349316627 -0.5317839383108602 -0.5317766278116568 -0.5178538712269851 -0.20210568399239254 -0.19797773133838795 -0.051970516532812906 -0.04974812307174079 -0.04732716083818202 -0.38169874001403004 -0.18972340214005814 -0.3633230195578335 -0.5441662201632034 -0.6692595925211386 -0.7980029981361065 -0.8908701120286363 -0.9233736018910174 -0.929202792002559 +30597,-1.1539936013907925,1,-0.485449376160227 -0.5426184349316627 -0.5317839383108602 -0.5317766278116568 -0.5178538712269851 -0.20210568399239254 -0.19797773133838795 -0.051970516532812906 -0.04974812307174079 -0.04732716083818202 -0.38169874001403004 -0.18972340214005814 -0.3633230195578335 -0.5441662201632034 -0.6692595925211386 -0.7980029981361065 -0.8908701120286363 -0.9233736018910174 -0.929202792002559 -0.994571722541951 +30598,-1.2685297085249096,1,-0.5426184349316627 -0.5317839383108602 -0.5317766278116568 -0.5178538712269851 -0.20210568399239254 -0.19797773133838795 -0.051970516532812906 -0.04974812307174079 -0.04732716083818202 -0.38169874001403004 -0.18972340214005814 -0.3633230195578335 -0.5441662201632034 -0.6692595925211386 -0.7980029981361065 -0.8908701120286363 -0.9233736018910174 -0.929202792002559 -0.994571722541951 -1.1539936013907925 +30599,-1.2979376279242092,1,-0.5317839383108602 -0.5317766278116568 -0.5178538712269851 -0.20210568399239254 -0.19797773133838795 -0.051970516532812906 -0.04974812307174079 -0.04732716083818202 -0.38169874001403004 -0.18972340214005814 -0.3633230195578335 -0.5441662201632034 -0.6692595925211386 -0.7980029981361065 -0.8908701120286363 -0.9233736018910174 -0.929202792002559 -0.994571722541951 -1.1539936013907925 -1.2685297085249096 +30600,-1.3846136008905676,1,-0.5317766278116568 -0.5178538712269851 -0.20210568399239254 -0.19797773133838795 -0.051970516532812906 -0.04974812307174079 -0.04732716083818202 -0.38169874001403004 -0.18972340214005814 -0.3633230195578335 -0.5441662201632034 -0.6692595925211386 -0.7980029981361065 -0.8908701120286363 -0.9233736018910174 -0.929202792002559 -0.994571722541951 -1.1539936013907925 -1.2685297085249096 -1.2979376279242092 +30601,-1.4635506476992135,1,-0.5178538712269851 -0.20210568399239254 -0.19797773133838795 -0.051970516532812906 -0.04974812307174079 -0.04732716083818202 -0.38169874001403004 -0.18972340214005814 -0.3633230195578335 -0.5441662201632034 -0.6692595925211386 -0.7980029981361065 -0.8908701120286363 -0.9233736018910174 -0.929202792002559 -0.994571722541951 -1.1539936013907925 -1.2685297085249096 -1.2979376279242092 -1.3846136008905676 +30602,-1.4620028624676729,1,-0.20210568399239254 -0.19797773133838795 -0.051970516532812906 -0.04974812307174079 -0.04732716083818202 -0.38169874001403004 -0.18972340214005814 -0.3633230195578335 -0.5441662201632034 -0.6692595925211386 -0.7980029981361065 -0.8908701120286363 -0.9233736018910174 -0.929202792002559 -0.994571722541951 -1.1539936013907925 -1.2685297085249096 -1.2979376279242092 -1.3846136008905676 -1.4635506476992135 +30603,-1.132324608149205,1,-0.19797773133838795 -0.051970516532812906 -0.04974812307174079 -0.04732716083818202 -0.38169874001403004 -0.18972340214005814 -0.3633230195578335 -0.5441662201632034 -0.6692595925211386 -0.7980029981361065 -0.8908701120286363 -0.9233736018910174 -0.929202792002559 -0.994571722541951 -1.1539936013907925 -1.2685297085249096 -1.2979376279242092 -1.3846136008905676 -1.4635506476992135 -1.4620028624676729 +30604,-1.0988647510789593,1,-0.051970516532812906 -0.04974812307174079 -0.04732716083818202 -0.38169874001403004 -0.18972340214005814 -0.3633230195578335 -0.5441662201632034 -0.6692595925211386 -0.7980029981361065 -0.8908701120286363 -0.9233736018910174 -0.929202792002559 -0.994571722541951 -1.1539936013907925 -1.2685297085249096 -1.2979376279242092 -1.3846136008905676 -1.4635506476992135 -1.4620028624676729 -1.132324608149205 +30605,-0.8614621926293367,1,-0.04974812307174079 -0.04732716083818202 -0.38169874001403004 -0.18972340214005814 -0.3633230195578335 -0.5441662201632034 -0.6692595925211386 -0.7980029981361065 -0.8908701120286363 -0.9233736018910174 -0.929202792002559 -0.994571722541951 -1.1539936013907925 -1.2685297085249096 -1.2979376279242092 -1.3846136008905676 -1.4635506476992135 -1.4620028624676729 -1.132324608149205 -1.0988647510789593 +30606,-0.40022219362978656,1,-0.04732716083818202 -0.38169874001403004 -0.18972340214005814 -0.3633230195578335 -0.5441662201632034 -0.6692595925211386 -0.7980029981361065 -0.8908701120286363 -0.9233736018910174 -0.929202792002559 -0.994571722541951 -1.1539936013907925 -1.2685297085249096 -1.2979376279242092 -1.3846136008905676 -1.4635506476992135 -1.4620028624676729 -1.132324608149205 -1.0988647510789593 -0.8614621926293367 +30607,-0.23306138862324166,1,-0.38169874001403004 -0.18972340214005814 -0.3633230195578335 -0.5441662201632034 -0.6692595925211386 -0.7980029981361065 -0.8908701120286363 -0.9233736018910174 -0.929202792002559 -0.994571722541951 -1.1539936013907925 -1.2685297085249096 -1.2979376279242092 -1.3846136008905676 -1.4635506476992135 -1.4620028624676729 -1.132324608149205 -1.0988647510789593 -0.8614621926293367 -0.40022219362978656 +30608,-0.36957736971118565,1,-0.18972340214005814 -0.3633230195578335 -0.5441662201632034 -0.6692595925211386 -0.7980029981361065 -0.8908701120286363 -0.9233736018910174 -0.929202792002559 -0.994571722541951 -1.1539936013907925 -1.2685297085249096 -1.2979376279242092 -1.3846136008905676 -1.4635506476992135 -1.4620028624676729 -1.132324608149205 -1.0988647510789593 -0.8614621926293367 -0.40022219362978656 -0.23306138862324166 +30609,-0.1603154827407585,1,-0.3633230195578335 -0.5441662201632034 -0.6692595925211386 -0.7980029981361065 -0.8908701120286363 -0.9233736018910174 -0.929202792002559 -0.994571722541951 -1.1539936013907925 -1.2685297085249096 -1.2979376279242092 -1.3846136008905676 -1.4635506476992135 -1.4620028624676729 -1.132324608149205 -1.0988647510789593 -0.8614621926293367 -0.40022219362978656 -0.23306138862324166 -0.36957736971118565 +30610,-0.13894456089561155,1,-0.5441662201632034 -0.6692595925211386 -0.7980029981361065 -0.8908701120286363 -0.9233736018910174 -0.929202792002559 -0.994571722541951 -1.1539936013907925 -1.2685297085249096 -1.2979376279242092 -1.3846136008905676 -1.4635506476992135 -1.4620028624676729 -1.132324608149205 -1.0988647510789593 -0.8614621926293367 -0.40022219362978656 -0.23306138862324166 -0.36957736971118565 -0.1603154827407585 +30611,-0.11542971102603429,1,-0.6692595925211386 -0.7980029981361065 -0.8908701120286363 -0.9233736018910174 -0.929202792002559 -0.994571722541951 -1.1539936013907925 -1.2685297085249096 -1.2979376279242092 -1.3846136008905676 -1.4635506476992135 -1.4620028624676729 -1.132324608149205 -1.0988647510789593 -0.8614621926293367 -0.40022219362978656 -0.23306138862324166 -0.36957736971118565 -0.1603154827407585 -0.13894456089561155 +30612,-0.2103362197074707,1,-0.7980029981361065 -0.8908701120286363 -0.9233736018910174 -0.929202792002559 -0.994571722541951 -1.1539936013907925 -1.2685297085249096 -1.2979376279242092 -1.3846136008905676 -1.4635506476992135 -1.4620028624676729 -1.132324608149205 -1.0988647510789593 -0.8614621926293367 -0.40022219362978656 -0.23306138862324166 -0.36957736971118565 -0.1603154827407585 -0.13894456089561155 -0.11542971102603429 +30613,-0.3181895763580504,1,-0.8908701120286363 -0.9233736018910174 -0.929202792002559 -0.994571722541951 -1.1539936013907925 -1.2685297085249096 -1.2979376279242092 -1.3846136008905676 -1.4635506476992135 -1.4620028624676729 -1.132324608149205 -1.0988647510789593 -0.8614621926293367 -0.40022219362978656 -0.23306138862324166 -0.36957736971118565 -0.1603154827407585 -0.13894456089561155 -0.11542971102603429 -0.2103362197074707 +30614,-0.9835545255072016,1,-0.9233736018910174 -0.929202792002559 -0.994571722541951 -1.1539936013907925 -1.2685297085249096 -1.2979376279242092 -1.3846136008905676 -1.4635506476992135 -1.4620028624676729 -1.132324608149205 -1.0988647510789593 -0.8614621926293367 -0.40022219362978656 -0.23306138862324166 -0.36957736971118565 -0.1603154827407585 -0.13894456089561155 -0.11542971102603429 -0.2103362197074707 -0.3181895763580504 +30615,-0.7097792399382076,1,-0.929202792002559 -0.994571722541951 -1.1539936013907925 -1.2685297085249096 -1.2979376279242092 -1.3846136008905676 -1.4635506476992135 -1.4620028624676729 -1.132324608149205 -1.0988647510789593 -0.8614621926293367 -0.40022219362978656 -0.23306138862324166 -0.36957736971118565 -0.1603154827407585 -0.13894456089561155 -0.11542971102603429 -0.2103362197074707 -0.3181895763580504 -0.9835545255072016 +30616,-0.8067256510820958,1,-0.994571722541951 -1.1539936013907925 -1.2685297085249096 -1.2979376279242092 -1.3846136008905676 -1.4635506476992135 -1.4620028624676729 -1.132324608149205 -1.0988647510789593 -0.8614621926293367 -0.40022219362978656 -0.23306138862324166 -0.36957736971118565 -0.1603154827407585 -0.13894456089561155 -0.11542971102603429 -0.2103362197074707 -0.3181895763580504 -0.9835545255072016 -0.7097792399382076 +30617,-0.9156346757333051,1,-1.1539936013907925 -1.2685297085249096 -1.2979376279242092 -1.3846136008905676 -1.4635506476992135 -1.4620028624676729 -1.132324608149205 -1.0988647510789593 -0.8614621926293367 -0.40022219362978656 -0.23306138862324166 -0.36957736971118565 -0.1603154827407585 -0.13894456089561155 -0.11542971102603429 -0.2103362197074707 -0.3181895763580504 -0.9835545255072016 -0.7097792399382076 -0.8067256510820958 +30618,-0.950727357844288,1,-1.2685297085249096 -1.2979376279242092 -1.3846136008905676 -1.4635506476992135 -1.4620028624676729 -1.132324608149205 -1.0988647510789593 -0.8614621926293367 -0.40022219362978656 -0.23306138862324166 -0.36957736971118565 -0.1603154827407585 -0.13894456089561155 -0.11542971102603429 -0.2103362197074707 -0.3181895763580504 -0.9835545255072016 -0.7097792399382076 -0.8067256510820958 -0.9156346757333051 +30619,-0.9883805816157882,1,-1.2979376279242092 -1.3846136008905676 -1.4635506476992135 -1.4620028624676729 -1.132324608149205 -1.0988647510789593 -0.8614621926293367 -0.40022219362978656 -0.23306138862324166 -0.36957736971118565 -0.1603154827407585 -0.13894456089561155 -0.11542971102603429 -0.2103362197074707 -0.3181895763580504 -0.9835545255072016 -0.7097792399382076 -0.8067256510820958 -0.9156346757333051 -0.950727357844288 +30620,-1.6983530202912949,1,-1.3846136008905676 -1.4635506476992135 -1.4620028624676729 -1.132324608149205 -1.0988647510789593 -0.8614621926293367 -0.40022219362978656 -0.23306138862324166 -0.36957736971118565 -0.1603154827407585 -0.13894456089561155 -0.11542971102603429 -0.2103362197074707 -0.3181895763580504 -0.9835545255072016 -0.7097792399382076 -0.8067256510820958 -0.9156346757333051 -0.950727357844288 -0.9883805816157882 +30621,-1.0657698431928935,1,-1.4635506476992135 -1.4620028624676729 -1.132324608149205 -1.0988647510789593 -0.8614621926293367 -0.40022219362978656 -0.23306138862324166 -0.36957736971118565 -0.1603154827407585 -0.13894456089561155 -0.11542971102603429 -0.2103362197074707 -0.3181895763580504 -0.9835545255072016 -0.7097792399382076 -0.8067256510820958 -0.9156346757333051 -0.950727357844288 -0.9883805816157882 -1.6983530202912949 +30622,-1.1385664995601008,1,-1.4620028624676729 -1.132324608149205 -1.0988647510789593 -0.8614621926293367 -0.40022219362978656 -0.23306138862324166 -0.36957736971118565 -0.1603154827407585 -0.13894456089561155 -0.11542971102603429 -0.2103362197074707 -0.3181895763580504 -0.9835545255072016 -0.7097792399382076 -0.8067256510820958 -0.9156346757333051 -0.950727357844288 -0.9883805816157882 -1.6983530202912949 -1.0657698431928935 +30623,-1.2236439368101855,1,-1.132324608149205 -1.0988647510789593 -0.8614621926293367 -0.40022219362978656 -0.23306138862324166 -0.36957736971118565 -0.1603154827407585 -0.13894456089561155 -0.11542971102603429 -0.2103362197074707 -0.3181895763580504 -0.9835545255072016 -0.7097792399382076 -0.8067256510820958 -0.9156346757333051 -0.950727357844288 -0.9883805816157882 -1.6983530202912949 -1.0657698431928935 -1.1385664995601008 +30624,-1.2509140834173758,1,-1.0988647510789593 -0.8614621926293367 -0.40022219362978656 -0.23306138862324166 -0.36957736971118565 -0.1603154827407585 -0.13894456089561155 -0.11542971102603429 -0.2103362197074707 -0.3181895763580504 -0.9835545255072016 -0.7097792399382076 -0.8067256510820958 -0.9156346757333051 -0.950727357844288 -0.9883805816157882 -1.6983530202912949 -1.0657698431928935 -1.1385664995601008 -1.2236439368101855 +30625,-1.2824597756087848,1,-0.8614621926293367 -0.40022219362978656 -0.23306138862324166 -0.36957736971118565 -0.1603154827407585 -0.13894456089561155 -0.11542971102603429 -0.2103362197074707 -0.3181895763580504 -0.9835545255072016 -0.7097792399382076 -0.8067256510820958 -0.9156346757333051 -0.950727357844288 -0.9883805816157882 -1.6983530202912949 -1.0657698431928935 -1.1385664995601008 -1.2236439368101855 -1.2509140834173758 +30626,-1.6449606746521674,1,-0.40022219362978656 -0.23306138862324166 -0.36957736971118565 -0.1603154827407585 -0.13894456089561155 -0.11542971102603429 -0.2103362197074707 -0.3181895763580504 -0.9835545255072016 -0.7097792399382076 -0.8067256510820958 -0.9156346757333051 -0.950727357844288 -0.9883805816157882 -1.6983530202912949 -1.0657698431928935 -1.1385664995601008 -1.2236439368101855 -1.2509140834173758 -1.2824597756087848 +30627,-1.308772124545003,1,-0.23306138862324166 -0.36957736971118565 -0.1603154827407585 -0.13894456089561155 -0.11542971102603429 -0.2103362197074707 -0.3181895763580504 -0.9835545255072016 -0.7097792399382076 -0.8067256510820958 -0.9156346757333051 -0.950727357844288 -0.9883805816157882 -1.6983530202912949 -1.0657698431928935 -1.1385664995601008 -1.2236439368101855 -1.2509140834173758 -1.2824597756087848 -1.6449606746521674 +30628,-0.7887162867468536,1,-0.36957736971118565 -0.1603154827407585 -0.13894456089561155 -0.11542971102603429 -0.2103362197074707 -0.3181895763580504 -0.9835545255072016 -0.7097792399382076 -0.8067256510820958 -0.9156346757333051 -0.950727357844288 -0.9883805816157882 -1.6983530202912949 -1.0657698431928935 -1.1385664995601008 -1.2236439368101855 -1.2509140834173758 -1.2824597756087848 -1.6449606746521674 -1.308772124545003 +30629,-0.5519051463209157,1,-0.1603154827407585 -0.13894456089561155 -0.11542971102603429 -0.2103362197074707 -0.3181895763580504 -0.9835545255072016 -0.7097792399382076 -0.8067256510820958 -0.9156346757333051 -0.950727357844288 -0.9883805816157882 -1.6983530202912949 -1.0657698431928935 -1.1385664995601008 -1.2236439368101855 -1.2509140834173758 -1.2824597756087848 -1.6449606746521674 -1.308772124545003 -0.7887162867468536 +30630,-0.3522408514519809,1,-0.13894456089561155 -0.11542971102603429 -0.2103362197074707 -0.3181895763580504 -0.9835545255072016 -0.7097792399382076 -0.8067256510820958 -0.9156346757333051 -0.950727357844288 -0.9883805816157882 -1.6983530202912949 -1.0657698431928935 -1.1385664995601008 -1.2236439368101855 -1.2509140834173758 -1.2824597756087848 -1.6449606746521674 -1.308772124545003 -0.7887162867468536 -0.5519051463209157 +30631,-0.33017157401804703,1,-0.11542971102603429 -0.2103362197074707 -0.3181895763580504 -0.9835545255072016 -0.7097792399382076 -0.8067256510820958 -0.9156346757333051 -0.950727357844288 -0.9883805816157882 -1.6983530202912949 -1.0657698431928935 -1.1385664995601008 -1.2236439368101855 -1.2509140834173758 -1.2824597756087848 -1.6449606746521674 -1.308772124545003 -0.7887162867468536 -0.5519051463209157 -0.3522408514519809 +30632,-0.2763993751064164,1,-0.2103362197074707 -0.3181895763580504 -0.9835545255072016 -0.7097792399382076 -0.8067256510820958 -0.9156346757333051 -0.950727357844288 -0.9883805816157882 -1.6983530202912949 -1.0657698431928935 -1.1385664995601008 -1.2236439368101855 -1.2509140834173758 -1.2824597756087848 -1.6449606746521674 -1.308772124545003 -0.7887162867468536 -0.5519051463209157 -0.3522408514519809 -0.33017157401804703 +30633,-0.18359981909845272,1,-0.3181895763580504 -0.9835545255072016 -0.7097792399382076 -0.8067256510820958 -0.9156346757333051 -0.950727357844288 -0.9883805816157882 -1.6983530202912949 -1.0657698431928935 -1.1385664995601008 -1.2236439368101855 -1.2509140834173758 -1.2824597756087848 -1.6449606746521674 -1.308772124545003 -0.7887162867468536 -0.5519051463209157 -0.3522408514519809 -0.33017157401804703 -0.2763993751064164 +30634,-0.07828286546903115,1,-0.9835545255072016 -0.7097792399382076 -0.8067256510820958 -0.9156346757333051 -0.950727357844288 -0.9883805816157882 -1.6983530202912949 -1.0657698431928935 -1.1385664995601008 -1.2236439368101855 -1.2509140834173758 -1.2824597756087848 -1.6449606746521674 -1.308772124545003 -0.7887162867468536 -0.5519051463209157 -0.3522408514519809 -0.33017157401804703 -0.2763993751064164 -0.18359981909845272 +30635,-0.41373065067206594,1,-0.7097792399382076 -0.8067256510820958 -0.9156346757333051 -0.950727357844288 -0.9883805816157882 -1.6983530202912949 -1.0657698431928935 -1.1385664995601008 -1.2236439368101855 -1.2509140834173758 -1.2824597756087848 -1.6449606746521674 -1.308772124545003 -0.7887162867468536 -0.5519051463209157 -0.3522408514519809 -0.33017157401804703 -0.2763993751064164 -0.18359981909845272 -0.07828286546903115 +30636,-0.11542971102603429,1,-0.8067256510820958 -0.9156346757333051 -0.950727357844288 -0.9883805816157882 -1.6983530202912949 -1.0657698431928935 -1.1385664995601008 -1.2236439368101855 -1.2509140834173758 -1.2824597756087848 -1.6449606746521674 -1.308772124545003 -0.7887162867468536 -0.5519051463209157 -0.3522408514519809 -0.33017157401804703 -0.2763993751064164 -0.18359981909845272 -0.07828286546903115 -0.41373065067206594 +30637,-0.21273205194522601,1,-0.9156346757333051 -0.950727357844288 -0.9883805816157882 -1.6983530202912949 -1.0657698431928935 -1.1385664995601008 -1.2236439368101855 -1.2509140834173758 -1.2824597756087848 -1.6449606746521674 -1.308772124545003 -0.7887162867468536 -0.5519051463209157 -0.3522408514519809 -0.33017157401804703 -0.2763993751064164 -0.18359981909845272 -0.07828286546903115 -0.41373065067206594 -0.11542971102603429 +30638,-0.315094005894969,1,-0.950727357844288 -0.9883805816157882 -1.6983530202912949 -1.0657698431928935 -1.1385664995601008 -1.2236439368101855 -1.2509140834173758 -1.2824597756087848 -1.6449606746521674 -1.308772124545003 -0.7887162867468536 -0.5519051463209157 -0.3522408514519809 -0.33017157401804703 -0.2763993751064164 -0.18359981909845272 -0.07828286546903115 -0.41373065067206594 -0.11542971102603429 -0.21273205194522601 +30639,-0.4969597327044641,1,-0.9883805816157882 -1.6983530202912949 -1.0657698431928935 -1.1385664995601008 -1.2236439368101855 -1.2509140834173758 -1.2824597756087848 -1.6449606746521674 -1.308772124545003 -0.7887162867468536 -0.5519051463209157 -0.3522408514519809 -0.33017157401804703 -0.2763993751064164 -0.18359981909845272 -0.07828286546903115 -0.41373065067206594 -0.11542971102603429 -0.21273205194522601 -0.315094005894969 +30640,-0.7407349445690479,1,-1.6983530202912949 -1.0657698431928935 -1.1385664995601008 -1.2236439368101855 -1.2509140834173758 -1.2824597756087848 -1.6449606746521674 -1.308772124545003 -0.7887162867468536 -0.5519051463209157 -0.3522408514519809 -0.33017157401804703 -0.2763993751064164 -0.18359981909845272 -0.07828286546903115 -0.41373065067206594 -0.11542971102603429 -0.21273205194522601 -0.315094005894969 -0.4969597327044641 +30641,-1.3112181150848599,1,-1.0657698431928935 -1.1385664995601008 -1.2236439368101855 -1.2509140834173758 -1.2824597756087848 -1.6449606746521674 -1.308772124545003 -0.7887162867468536 -0.5519051463209157 -0.3522408514519809 -0.33017157401804703 -0.2763993751064164 -0.18359981909845272 -0.07828286546903115 -0.41373065067206594 -0.11542971102603429 -0.21273205194522601 -0.315094005894969 -0.4969597327044641 -0.7407349445690479 +30642,-0.8738444744816711,1,-1.1385664995601008 -1.2236439368101855 -1.2509140834173758 -1.2824597756087848 -1.6449606746521674 -1.308772124545003 -0.7887162867468536 -0.5519051463209157 -0.3522408514519809 -0.33017157401804703 -0.2763993751064164 -0.18359981909845272 -0.07828286546903115 -0.41373065067206594 -0.11542971102603429 -0.21273205194522601 -0.315094005894969 -0.4969597327044641 -0.7407349445690479 -1.3112181150848599 +30643,-0.9775460849949946,1,-1.2236439368101855 -1.2509140834173758 -1.2824597756087848 -1.6449606746521674 -1.308772124545003 -0.7887162867468536 -0.5519051463209157 -0.3522408514519809 -0.33017157401804703 -0.2763993751064164 -0.18359981909845272 -0.07828286546903115 -0.41373065067206594 -0.11542971102603429 -0.21273205194522601 -0.315094005894969 -0.4969597327044641 -0.7407349445690479 -1.3112181150848599 -0.8738444744816711 +30644,-1.1276812524545743,1,-1.2509140834173758 -1.2824597756087848 -1.6449606746521674 -1.308772124545003 -0.7887162867468536 -0.5519051463209157 -0.3522408514519809 -0.33017157401804703 -0.2763993751064164 -0.18359981909845272 -0.07828286546903115 -0.41373065067206594 -0.11542971102603429 -0.21273205194522601 -0.315094005894969 -0.4969597327044641 -0.7407349445690479 -1.3112181150848599 -0.8738444744816711 -0.9775460849949946 +30645,-1.13829946698436,1,-1.2824597756087848 -1.6449606746521674 -1.308772124545003 -0.7887162867468536 -0.5519051463209157 -0.3522408514519809 -0.33017157401804703 -0.2763993751064164 -0.18359981909845272 -0.07828286546903115 -0.41373065067206594 -0.11542971102603429 -0.21273205194522601 -0.315094005894969 -0.4969597327044641 -0.7407349445690479 -1.3112181150848599 -0.8738444744816711 -0.9775460849949946 -1.1276812524545743 +30646,-1.1741148094008391,1,-1.6449606746521674 -1.308772124545003 -0.7887162867468536 -0.5519051463209157 -0.3522408514519809 -0.33017157401804703 -0.2763993751064164 -0.18359981909845272 -0.07828286546903115 -0.41373065067206594 -0.11542971102603429 -0.21273205194522601 -0.315094005894969 -0.4969597327044641 -0.7407349445690479 -1.3112181150848599 -0.8738444744816711 -0.9775460849949946 -1.1276812524545743 -1.13829946698436 +30647,-1.276268634682613,1,-1.308772124545003 -0.7887162867468536 -0.5519051463209157 -0.3522408514519809 -0.33017157401804703 -0.2763993751064164 -0.18359981909845272 -0.07828286546903115 -0.41373065067206594 -0.11542971102603429 -0.21273205194522601 -0.315094005894969 -0.4969597327044641 -0.7407349445690479 -1.3112181150848599 -0.8738444744816711 -0.9775460849949946 -1.1276812524545743 -1.13829946698436 -1.1741148094008391 +30648,-1.369135748575143,1,-0.7887162867468536 -0.5519051463209157 -0.3522408514519809 -0.33017157401804703 -0.2763993751064164 -0.18359981909845272 -0.07828286546903115 -0.41373065067206594 -0.11542971102603429 -0.21273205194522601 -0.315094005894969 -0.4969597327044641 -0.7407349445690479 -1.3112181150848599 -0.8738444744816711 -0.9775460849949946 -1.1276812524545743 -1.13829946698436 -1.1741148094008391 -1.276268634682613 +30649,-1.3985436679744425,1,-0.5519051463209157 -0.3522408514519809 -0.33017157401804703 -0.2763993751064164 -0.18359981909845272 -0.07828286546903115 -0.41373065067206594 -0.11542971102603429 -0.21273205194522601 -0.315094005894969 -0.4969597327044641 -0.7407349445690479 -1.3112181150848599 -0.8738444744816711 -0.9775460849949946 -1.1276812524545743 -1.13829946698436 -1.1741148094008391 -1.276268634682613 -1.369135748575143 +30650,-1.4265400072425765,1,-0.3522408514519809 -0.33017157401804703 -0.2763993751064164 -0.18359981909845272 -0.07828286546903115 -0.41373065067206594 -0.11542971102603429 -0.21273205194522601 -0.315094005894969 -0.4969597327044641 -0.7407349445690479 -1.3112181150848599 -0.8738444744816711 -0.9775460849949946 -1.1276812524545743 -1.13829946698436 -1.1741148094008391 -1.276268634682613 -1.369135748575143 -1.3985436679744425 +30651,-1.3861613861221083,1,-0.33017157401804703 -0.2763993751064164 -0.18359981909845272 -0.07828286546903115 -0.41373065067206594 -0.11542971102603429 -0.21273205194522601 -0.315094005894969 -0.4969597327044641 -0.7407349445690479 -1.3112181150848599 -0.8738444744816711 -0.9775460849949946 -1.1276812524545743 -1.13829946698436 -1.1741148094008391 -1.276268634682613 -1.369135748575143 -1.3985436679744425 -1.4265400072425765 +30652,-1.0244606867809603,1,-0.2763993751064164 -0.18359981909845272 -0.07828286546903115 -0.41373065067206594 -0.11542971102603429 -0.21273205194522601 -0.315094005894969 -0.4969597327044641 -0.7407349445690479 -1.3112181150848599 -0.8738444744816711 -0.9775460849949946 -1.1276812524545743 -1.13829946698436 -1.1741148094008391 -1.276268634682613 -1.369135748575143 -1.3985436679744425 -1.4265400072425765 -1.3861613861221083 +30653,-0.6169121260456778,1,-0.18359981909845272 -0.07828286546903115 -0.41373065067206594 -0.11542971102603429 -0.21273205194522601 -0.315094005894969 -0.4969597327044641 -0.7407349445690479 -1.3112181150848599 -0.8738444744816711 -0.9775460849949946 -1.1276812524545743 -1.13829946698436 -1.1741148094008391 -1.276268634682613 -1.369135748575143 -1.3985436679744425 -1.4265400072425765 -1.3861613861221083 -1.0244606867809603 +30654,0.02696653027583305,1,-0.07828286546903115 -0.41373065067206594 -0.11542971102603429 -0.21273205194522601 -0.315094005894969 -0.4969597327044641 -0.7407349445690479 -1.3112181150848599 -0.8738444744816711 -0.9775460849949946 -1.1276812524545743 -1.13829946698436 -1.1741148094008391 -1.276268634682613 -1.369135748575143 -1.3985436679744425 -1.4265400072425765 -1.3861613861221083 -1.0244606867809603 -0.6169121260456778 +30655,0.24829981838635515,1,-0.41373065067206594 -0.11542971102603429 -0.21273205194522601 -0.315094005894969 -0.4969597327044641 -0.7407349445690479 -1.3112181150848599 -0.8738444744816711 -0.9775460849949946 -1.1276812524545743 -1.13829946698436 -1.1741148094008391 -1.276268634682613 -1.369135748575143 -1.3985436679744425 -1.4265400072425765 -1.3861613861221083 -1.0244606867809603 -0.6169121260456778 0.02696653027583305 +30656,0.2568449618805108,1,-0.11542971102603429 -0.21273205194522601 -0.315094005894969 -0.4969597327044641 -0.7407349445690479 -1.3112181150848599 -0.8738444744816711 -0.9775460849949946 -1.1276812524545743 -1.13829946698436 -1.1741148094008391 -1.276268634682613 -1.369135748575143 -1.3985436679744425 -1.4265400072425765 -1.3861613861221083 -1.0244606867809603 -0.6169121260456778 0.02696653027583305 0.24829981838635515 +30657,0.3102112276480446,1,-0.21273205194522601 -0.315094005894969 -0.4969597327044641 -0.7407349445690479 -1.3112181150848599 -0.8738444744816711 -0.9775460849949946 -1.1276812524545743 -1.13829946698436 -1.1741148094008391 -1.276268634682613 -1.369135748575143 -1.3985436679744425 -1.4265400072425765 -1.3861613861221083 -1.0244606867809603 -0.6169121260456778 0.02696653027583305 0.24829981838635515 0.2568449618805108 +30658,0.4039774699479978,1,-0.315094005894969 -0.4969597327044641 -0.7407349445690479 -1.3112181150848599 -0.8738444744816711 -0.9775460849949946 -1.1276812524545743 -1.13829946698436 -1.1741148094008391 -1.276268634682613 -1.369135748575143 -1.3985436679744425 -1.4265400072425765 -1.3861613861221083 -1.0244606867809603 -0.6169121260456778 0.02696653027583305 0.24829981838635515 0.2568449618805108 0.3102112276480446 +30659,0.5036843815908078,1,-0.4969597327044641 -0.7407349445690479 -1.3112181150848599 -0.8738444744816711 -0.9775460849949946 -1.1276812524545743 -1.13829946698436 -1.1741148094008391 -1.276268634682613 -1.369135748575143 -1.3985436679744425 -1.4265400072425765 -1.3861613861221083 -1.0244606867809603 -0.6169121260456778 0.02696653027583305 0.24829981838635515 0.2568449618805108 0.3102112276480446 0.4039774699479978 +30660,0.45071640909946037,1,-0.7407349445690479 -1.3112181150848599 -0.8738444744816711 -0.9775460849949946 -1.1276812524545743 -1.13829946698436 -1.1741148094008391 -1.276268634682613 -1.369135748575143 -1.3985436679744425 -1.4265400072425765 -1.3861613861221083 -1.0244606867809603 -0.6169121260456778 0.02696653027583305 0.24829981838635515 0.2568449618805108 0.3102112276480446 0.4039774699479978 0.5036843815908078 +30661,0.3953394153828534,1,-1.3112181150848599 -0.8738444744816711 -0.9775460849949946 -1.1276812524545743 -1.13829946698436 -1.1741148094008391 -1.276268634682613 -1.369135748575143 -1.3985436679744425 -1.4265400072425765 -1.3861613861221083 -1.0244606867809603 -0.6169121260456778 0.02696653027583305 0.24829981838635515 0.2568449618805108 0.3102112276480446 0.4039774699479978 0.5036843815908078 0.45071640909946037 +30662,-0.09820299961619502,1,-0.8738444744816711 -0.9775460849949946 -1.1276812524545743 -1.13829946698436 -1.1741148094008391 -1.276268634682613 -1.369135748575143 -1.3985436679744425 -1.4265400072425765 -1.3861613861221083 -1.0244606867809603 -0.6169121260456778 0.02696653027583305 0.24829981838635515 0.2568449618805108 0.3102112276480446 0.4039774699479978 0.5036843815908078 0.45071640909946037 0.3953394153828534 +30663,0.0006541813396235972,1,-0.9775460849949946 -1.1276812524545743 -1.13829946698436 -1.1741148094008391 -1.276268634682613 -1.369135748575143 -1.3985436679744425 -1.4265400072425765 -1.3861613861221083 -1.0244606867809603 -0.6169121260456778 0.02696653027583305 0.24829981838635515 0.2568449618805108 0.3102112276480446 0.4039774699479978 0.5036843815908078 0.45071640909946037 0.3953394153828534 -0.09820299961619502 +30664,-0.22302738315263906,1,-1.1276812524545743 -1.13829946698436 -1.1741148094008391 -1.276268634682613 -1.369135748575143 -1.3985436679744425 -1.4265400072425765 -1.3861613861221083 -1.0244606867809603 -0.6169121260456778 0.02696653027583305 0.24829981838635515 0.2568449618805108 0.3102112276480446 0.4039774699479978 0.5036843815908078 0.45071640909946037 0.3953394153828534 -0.09820299961619502 0.0006541813396235972 +30665,-0.46368138812300796,1,-1.13829946698436 -1.1741148094008391 -1.276268634682613 -1.369135748575143 -1.3985436679744425 -1.4265400072425765 -1.3861613861221083 -1.0244606867809603 -0.6169121260456778 0.02696653027583305 0.24829981838635515 0.2568449618805108 0.3102112276480446 0.4039774699479978 0.5036843815908078 0.45071640909946037 0.3953394153828534 -0.09820299961619502 0.0006541813396235972 -0.22302738315263906 +30666,-0.712874810401289,1,-1.1741148094008391 -1.276268634682613 -1.369135748575143 -1.3985436679744425 -1.4265400072425765 -1.3861613861221083 -1.0244606867809603 -0.6169121260456778 0.02696653027583305 0.24829981838635515 0.2568449618805108 0.3102112276480446 0.4039774699479978 0.5036843815908078 0.45071640909946037 0.3953394153828534 -0.09820299961619502 0.0006541813396235972 -0.22302738315263906 -0.46368138812300796 +30667,-0.7119548037640875,1,-1.276268634682613 -1.369135748575143 -1.3985436679744425 -1.4265400072425765 -1.3861613861221083 -1.0244606867809603 -0.6169121260456778 0.02696653027583305 0.24829981838635515 0.2568449618805108 0.3102112276480446 0.4039774699479978 0.5036843815908078 0.45071640909946037 0.3953394153828534 -0.09820299961619502 0.0006541813396235972 -0.22302738315263906 -0.46368138812300796 -0.712874810401289 +30668,-0.6633456829919426,1,-1.369135748575143 -1.3985436679744425 -1.4265400072425765 -1.3861613861221083 -1.0244606867809603 -0.6169121260456778 0.02696653027583305 0.24829981838635515 0.2568449618805108 0.3102112276480446 0.4039774699479978 0.5036843815908078 0.45071640909946037 0.3953394153828534 -0.09820299961619502 0.0006541813396235972 -0.22302738315263906 -0.46368138812300796 -0.712874810401289 -0.7119548037640875 +30669,-0.725643829146173,1,-1.3985436679744425 -1.4265400072425765 -1.3861613861221083 -1.0244606867809603 -0.6169121260456778 0.02696653027583305 0.24829981838635515 0.2568449618805108 0.3102112276480446 0.4039774699479978 0.5036843815908078 0.45071640909946037 0.3953394153828534 -0.09820299961619502 0.0006541813396235972 -0.22302738315263906 -0.46368138812300796 -0.712874810401289 -0.7119548037640875 -0.6633456829919426 +30670,-0.8010985685991879,1,-1.4265400072425765 -1.3861613861221083 -1.0244606867809603 -0.6169121260456778 0.02696653027583305 0.24829981838635515 0.2568449618805108 0.3102112276480446 0.4039774699479978 0.5036843815908078 0.45071640909946037 0.3953394153828534 -0.09820299961619502 0.0006541813396235972 -0.22302738315263906 -0.46368138812300796 -0.712874810401289 -0.7119548037640875 -0.6633456829919426 -0.725643829146173 +30671,-1.0301707828674223,1,-1.3861613861221083 -1.0244606867809603 -0.6169121260456778 0.02696653027583305 0.24829981838635515 0.2568449618805108 0.3102112276480446 0.4039774699479978 0.5036843815908078 0.45071640909946037 0.3953394153828534 -0.09820299961619502 0.0006541813396235972 -0.22302738315263906 -0.46368138812300796 -0.712874810401289 -0.7119548037640875 -0.6633456829919426 -0.725643829146173 -0.8010985685991879 +30672,-1.0564831318036405,1,-1.0244606867809603 -0.6169121260456778 0.02696653027583305 0.24829981838635515 0.2568449618805108 0.3102112276480446 0.4039774699479978 0.5036843815908078 0.45071640909946037 0.3953394153828534 -0.09820299961619502 0.0006541813396235972 -0.22302738315263906 -0.46368138812300796 -0.712874810401289 -0.7119548037640875 -0.6633456829919426 -0.725643829146173 -0.8010985685991879 -1.0301707828674223 +30673,-1.0813623783454813,1,-0.6169121260456778 0.02696653027583305 0.24829981838635515 0.2568449618805108 0.3102112276480446 0.4039774699479978 0.5036843815908078 0.45071640909946037 0.3953394153828534 -0.09820299961619502 0.0006541813396235972 -0.22302738315263906 -0.46368138812300796 -0.712874810401289 -0.7119548037640875 -0.6633456829919426 -0.725643829146173 -0.8010985685991879 -1.0301707828674223 -1.0564831318036405 +30674,-1.138515749075368,1,0.02696653027583305 0.24829981838635515 0.2568449618805108 0.3102112276480446 0.4039774699479978 0.5036843815908078 0.45071640909946037 0.3953394153828534 -0.09820299961619502 0.0006541813396235972 -0.22302738315263906 -0.46368138812300796 -0.712874810401289 -0.7119548037640875 -0.6633456829919426 -0.725643829146173 -0.8010985685991879 -1.0301707828674223 -1.0564831318036405 -1.0813623783454813 +30675,-0.98626317086706,1,0.24829981838635515 0.2568449618805108 0.3102112276480446 0.4039774699479978 0.5036843815908078 0.45071640909946037 0.3953394153828534 -0.09820299961619502 0.0006541813396235972 -0.22302738315263906 -0.46368138812300796 -0.712874810401289 -0.7119548037640875 -0.6633456829919426 -0.725643829146173 -0.8010985685991879 -1.0301707828674223 -1.0564831318036405 -1.0813623783454813 -1.138515749075368 +30676,-0.8165764209146125,1,0.2568449618805108 0.3102112276480446 0.4039774699479978 0.5036843815908078 0.45071640909946037 0.3953394153828534 -0.09820299961619502 0.0006541813396235972 -0.22302738315263906 -0.46368138812300796 -0.712874810401289 -0.7119548037640875 -0.6633456829919426 -0.725643829146173 -0.8010985685991879 -1.0301707828674223 -1.0564831318036405 -1.0813623783454813 -1.138515749075368 -0.98626317086706 +30677,-0.1665066236669301,1,0.3102112276480446 0.4039774699479978 0.5036843815908078 0.45071640909946037 0.3953394153828534 -0.09820299961619502 0.0006541813396235972 -0.22302738315263906 -0.46368138812300796 -0.712874810401289 -0.7119548037640875 -0.6633456829919426 -0.725643829146173 -0.8010985685991879 -1.0301707828674223 -1.0564831318036405 -1.0813623783454813 -1.138515749075368 -0.98626317086706 -0.8165764209146125 +30678,-0.13036884291633336,1,0.4039774699479978 0.5036843815908078 0.45071640909946037 0.3953394153828534 -0.09820299961619502 0.0006541813396235972 -0.22302738315263906 -0.46368138812300796 -0.712874810401289 -0.7119548037640875 -0.6633456829919426 -0.725643829146173 -0.8010985685991879 -1.0301707828674223 -1.0564831318036405 -1.0813623783454813 -1.138515749075368 -0.98626317086706 -0.8165764209146125 -0.1665066236669301 +30679,0.08578236907443235,1,0.5036843815908078 0.45071640909946037 0.3953394153828534 -0.09820299961619502 0.0006541813396235972 -0.22302738315263906 -0.46368138812300796 -0.712874810401289 -0.7119548037640875 -0.6633456829919426 -0.725643829146173 -0.8010985685991879 -1.0301707828674223 -1.0564831318036405 -1.0813623783454813 -1.138515749075368 -0.98626317086706 -0.8165764209146125 -0.1665066236669301 -0.13036884291633336 +30680,0.445861260200562,1,0.45071640909946037 0.3953394153828534 -0.09820299961619502 0.0006541813396235972 -0.22302738315263906 -0.46368138812300796 -0.712874810401289 -0.7119548037640875 -0.6633456829919426 -0.725643829146173 -0.8010985685991879 -1.0301707828674223 -1.0564831318036405 -1.0813623783454813 -1.138515749075368 -0.98626317086706 -0.8165764209146125 -0.1665066236669301 -0.13036884291633336 0.08578236907443235 +30681,0.5191622339062235,1,0.3953394153828534 -0.09820299961619502 0.0006541813396235972 -0.22302738315263906 -0.46368138812300796 -0.712874810401289 -0.7119548037640875 -0.6633456829919426 -0.725643829146173 -0.8010985685991879 -1.0301707828674223 -1.0564831318036405 -1.0813623783454813 -1.138515749075368 -0.98626317086706 -0.8165764209146125 -0.1665066236669301 -0.13036884291633336 0.08578236907443235 0.445861260200562 +30682,0.5626725037444134,1,-0.09820299961619502 0.0006541813396235972 -0.22302738315263906 -0.46368138812300796 -0.712874810401289 -0.7119548037640875 -0.6633456829919426 -0.725643829146173 -0.8010985685991879 -1.0301707828674223 -1.0564831318036405 -1.0813623783454813 -1.138515749075368 -0.98626317086706 -0.8165764209146125 -0.1665066236669301 -0.13036884291633336 0.08578236907443235 0.445861260200562 0.5191622339062235 +30683,0.6089337773356631,1,0.0006541813396235972 -0.22302738315263906 -0.46368138812300796 -0.712874810401289 -0.7119548037640875 -0.6633456829919426 -0.725643829146173 -0.8010985685991879 -1.0301707828674223 -1.0564831318036405 -1.0813623783454813 -1.138515749075368 -0.98626317086706 -0.8165764209146125 -0.1665066236669301 -0.13036884291633336 0.08578236907443235 0.445861260200562 0.5191622339062235 0.5626725037444134 +30684,0.5604438586240083,1,-0.22302738315263906 -0.46368138812300796 -0.712874810401289 -0.7119548037640875 -0.6633456829919426 -0.725643829146173 -0.8010985685991879 -1.0301707828674223 -1.0564831318036405 -1.0813623783454813 -1.138515749075368 -0.98626317086706 -0.8165764209146125 -0.1665066236669301 -0.13036884291633336 0.08578236907443235 0.445861260200562 0.5191622339062235 0.5626725037444134 0.6089337773356631 +30685,0.5083277372854299,1,-0.46368138812300796 -0.712874810401289 -0.7119548037640875 -0.6633456829919426 -0.725643829146173 -0.8010985685991879 -1.0301707828674223 -1.0564831318036405 -1.0813623783454813 -1.138515749075368 -0.98626317086706 -0.8165764209146125 -0.1665066236669301 -0.13036884291633336 0.08578236907443235 0.445861260200562 0.5191622339062235 0.5626725037444134 0.6089337773356631 0.5604438586240083 +30686,0.027895201414762746,1,-0.712874810401289 -0.7119548037640875 -0.6633456829919426 -0.725643829146173 -0.8010985685991879 -1.0301707828674223 -1.0564831318036405 -1.0813623783454813 -1.138515749075368 -0.98626317086706 -0.8165764209146125 -0.1665066236669301 -0.13036884291633336 0.08578236907443235 0.445861260200562 0.5191622339062235 0.5626725037444134 0.6089337773356631 0.5604438586240083 0.5083277372854299 +30687,0.04863552351742921,1,-0.7119548037640875 -0.6633456829919426 -0.725643829146173 -0.8010985685991879 -1.0301707828674223 -1.0564831318036405 -1.0813623783454813 -1.138515749075368 -0.98626317086706 -0.8165764209146125 -0.1665066236669301 -0.13036884291633336 0.08578236907443235 0.445861260200562 0.5191622339062235 0.5626725037444134 0.6089337773356631 0.5604438586240083 0.5083277372854299 0.027895201414762746 +30688,-0.14896083215257586,1,-0.6633456829919426 -0.725643829146173 -0.8010985685991879 -1.0301707828674223 -1.0564831318036405 -1.0813623783454813 -1.138515749075368 -0.98626317086706 -0.8165764209146125 -0.1665066236669301 -0.13036884291633336 0.08578236907443235 0.445861260200562 0.5191622339062235 0.5626725037444134 0.6089337773356631 0.5604438586240083 0.5083277372854299 0.027895201414762746 0.04863552351742921 +30689,-0.3723620594620276,1,-0.725643829146173 -0.8010985685991879 -1.0301707828674223 -1.0564831318036405 -1.0813623783454813 -1.138515749075368 -0.98626317086706 -0.8165764209146125 -0.1665066236669301 -0.13036884291633336 0.08578236907443235 0.445861260200562 0.5191622339062235 0.5626725037444134 0.6089337773356631 0.5604438586240083 0.5083277372854299 0.027895201414762746 0.04863552351742921 -0.14896083215257586 +30690,-0.429194280853334,1,-0.8010985685991879 -1.0301707828674223 -1.0564831318036405 -1.0813623783454813 -1.138515749075368 -0.98626317086706 -0.8165764209146125 -0.1665066236669301 -0.13036884291633336 0.08578236907443235 0.445861260200562 0.5191622339062235 0.5626725037444134 0.6089337773356631 0.5604438586240083 0.5083277372854299 0.027895201414762746 0.04863552351742921 -0.14896083215257586 -0.3723620594620276 +30691,-0.5008282336800198,1,-1.0301707828674223 -1.0564831318036405 -1.0813623783454813 -1.138515749075368 -0.98626317086706 -0.8165764209146125 -0.1665066236669301 -0.13036884291633336 0.08578236907443235 0.445861260200562 0.5191622339062235 0.5626725037444134 0.6089337773356631 0.5604438586240083 0.5083277372854299 0.027895201414762746 0.04863552351742921 -0.14896083215257586 -0.3723620594620276 -0.429194280853334 +30692,-1.0705161718007432,1,-1.0564831318036405 -1.0813623783454813 -1.138515749075368 -0.98626317086706 -0.8165764209146125 -0.1665066236669301 -0.13036884291633336 0.08578236907443235 0.445861260200562 0.5191622339062235 0.5626725037444134 0.6089337773356631 0.5604438586240083 0.5083277372854299 0.027895201414762746 0.04863552351742921 -0.14896083215257586 -0.3723620594620276 -0.429194280853334 -0.5008282336800198 +30693,-0.6215554817403086,1,-1.0813623783454813 -1.138515749075368 -0.98626317086706 -0.8165764209146125 -0.1665066236669301 -0.13036884291633336 0.08578236907443235 0.445861260200562 0.5191622339062235 0.5626725037444134 0.6089337773356631 0.5604438586240083 0.5083277372854299 0.027895201414762746 0.04863552351742921 -0.14896083215257586 -0.3723620594620276 -0.429194280853334 -0.5008282336800198 -1.0705161718007432 +30694,-0.661017344715222,1,-1.138515749075368 -0.98626317086706 -0.8165764209146125 -0.1665066236669301 -0.13036884291633336 0.08578236907443235 0.445861260200562 0.5191622339062235 0.5626725037444134 0.6089337773356631 0.5604438586240083 0.5083277372854299 0.027895201414762746 0.04863552351742921 -0.14896083215257586 -0.3723620594620276 -0.429194280853334 -0.5008282336800198 -1.0705161718007432 -0.6215554817403086 +30695,-0.7159703808643704,1,-0.98626317086706 -0.8165764209146125 -0.1665066236669301 -0.13036884291633336 0.08578236907443235 0.445861260200562 0.5191622339062235 0.5626725037444134 0.6089337773356631 0.5604438586240083 0.5083277372854299 0.027895201414762746 0.04863552351742921 -0.14896083215257586 -0.3723620594620276 -0.429194280853334 -0.5008282336800198 -1.0705161718007432 -0.6215554817403086 -0.661017344715222 +30696,-0.7653639374557348,1,-0.8165764209146125 -0.1665066236669301 -0.13036884291633336 0.08578236907443235 0.445861260200562 0.5191622339062235 0.5626725037444134 0.6089337773356631 0.5604438586240083 0.5083277372854299 0.027895201414762746 0.04863552351742921 -0.14896083215257586 -0.3723620594620276 -0.429194280853334 -0.5008282336800198 -1.0705161718007432 -0.6215554817403086 -0.661017344715222 -0.7159703808643704 +30697,-0.8320542732300282,1,-0.1665066236669301 -0.13036884291633336 0.08578236907443235 0.445861260200562 0.5191622339062235 0.5626725037444134 0.6089337773356631 0.5604438586240083 0.5083277372854299 0.027895201414762746 0.04863552351742921 -0.14896083215257586 -0.3723620594620276 -0.429194280853334 -0.5008282336800198 -1.0705161718007432 -0.6215554817403086 -0.661017344715222 -0.7159703808643704 -0.7653639374557348 +30698,-0.9905465623294065,1,-0.13036884291633336 0.08578236907443235 0.445861260200562 0.5191622339062235 0.5626725037444134 0.6089337773356631 0.5604438586240083 0.5083277372854299 0.027895201414762746 0.04863552351742921 -0.14896083215257586 -0.3723620594620276 -0.429194280853334 -0.5008282336800198 -1.0705161718007432 -0.6215554817403086 -0.661017344715222 -0.7159703808643704 -0.7653639374557348 -0.8320542732300282 +30699,-0.8599144073977872,1,0.08578236907443235 0.445861260200562 0.5191622339062235 0.5626725037444134 0.6089337773356631 0.5604438586240083 0.5083277372854299 0.027895201414762746 0.04863552351742921 -0.14896083215257586 -0.3723620594620276 -0.429194280853334 -0.5008282336800198 -1.0705161718007432 -0.6215554817403086 -0.661017344715222 -0.7159703808643704 -0.7653639374557348 -0.8320542732300282 -0.9905465623294065 +30700,-0.5604318084855021,1,0.445861260200562 0.5191622339062235 0.5626725037444134 0.6089337773356631 0.5604438586240083 0.5083277372854299 0.027895201414762746 0.04863552351742921 -0.14896083215257586 -0.3723620594620276 -0.429194280853334 -0.5008282336800198 -1.0705161718007432 -0.6215554817403086 -0.661017344715222 -0.7159703808643704 -0.7653639374557348 -0.8320542732300282 -0.9905465623294065 -0.8599144073977872 +30701,-0.23460917385478236,1,0.5191622339062235 0.5626725037444134 0.6089337773356631 0.5604438586240083 0.5083277372854299 0.027895201414762746 0.04863552351742921 -0.14896083215257586 -0.3723620594620276 -0.429194280853334 -0.5008282336800198 -1.0705161718007432 -0.6215554817403086 -0.661017344715222 -0.7159703808643704 -0.7653639374557348 -0.8320542732300282 -0.9905465623294065 -0.8599144073977872 -0.5604318084855021 +30702,0.12912035555761586,1,0.5626725037444134 0.6089337773356631 0.5604438586240083 0.5083277372854299 0.027895201414762746 0.04863552351742921 -0.14896083215257586 -0.3723620594620276 -0.429194280853334 -0.5008282336800198 -1.0705161718007432 -0.6215554817403086 -0.661017344715222 -0.7159703808643704 -0.7653639374557348 -0.8320542732300282 -0.9905465623294065 -0.8599144073977872 -0.5604318084855021 -0.23460917385478236 +30703,0.46007367767150853,1,0.6089337773356631 0.5604438586240083 0.5083277372854299 0.027895201414762746 0.04863552351742921 -0.14896083215257586 -0.3723620594620276 -0.429194280853334 -0.5008282336800198 -1.0705161718007432 -0.6215554817403086 -0.661017344715222 -0.7159703808643704 -0.7653639374557348 -0.8320542732300282 -0.9905465623294065 -0.8599144073977872 -0.5604318084855021 -0.23460917385478236 0.12912035555761586 +30704,0.8116936426676793,1,0.5604438586240083 0.5083277372854299 0.027895201414762746 0.04863552351742921 -0.14896083215257586 -0.3723620594620276 -0.429194280853334 -0.5008282336800198 -1.0705161718007432 -0.6215554817403086 -0.661017344715222 -0.7159703808643704 -0.7653639374557348 -0.8320542732300282 -0.9905465623294065 -0.8599144073977872 -0.5604318084855021 -0.23460917385478236 0.12912035555761586 0.46007367767150853 +30705,0.8901431748943537,1,0.5083277372854299 0.027895201414762746 0.04863552351742921 -0.14896083215257586 -0.3723620594620276 -0.429194280853334 -0.5008282336800198 -1.0705161718007432 -0.6215554817403086 -0.661017344715222 -0.7159703808643704 -0.7653639374557348 -0.8320542732300282 -0.9905465623294065 -0.8599144073977872 -0.5604318084855021 -0.23460917385478236 0.12912035555761586 0.46007367767150853 0.8116936426676793 +30706,0.9757588772111427,1,0.027895201414762746 0.04863552351742921 -0.14896083215257586 -0.3723620594620276 -0.429194280853334 -0.5008282336800198 -1.0705161718007432 -0.6215554817403086 -0.661017344715222 -0.7159703808643704 -0.7653639374557348 -0.8320542732300282 -0.9905465623294065 -0.8599144073977872 -0.5604318084855021 -0.23460917385478236 0.12912035555761586 0.46007367767150853 0.8116936426676793 0.8901431748943537 +30707,1.071721561566754,1,0.04863552351742921 -0.14896083215257586 -0.3723620594620276 -0.429194280853334 -0.5008282336800198 -1.0705161718007432 -0.6215554817403086 -0.661017344715222 -0.7159703808643704 -0.7653639374557348 -0.8320542732300282 -0.9905465623294065 -0.8599144073977872 -0.5604318084855021 -0.23460917385478236 0.12912035555761586 0.46007367767150853 0.8116936426676793 0.8901431748943537 0.9757588772111427 +30708,1.1011294809660537,1,-0.14896083215257586 -0.3723620594620276 -0.429194280853334 -0.5008282336800198 -1.0705161718007432 -0.6215554817403086 -0.661017344715222 -0.7159703808643704 -0.7653639374557348 -0.8320542732300282 -0.9905465623294065 -0.8599144073977872 -0.5604318084855021 -0.23460917385478236 0.12912035555761586 0.46007367767150853 0.8116936426676793 0.8901431748943537 0.9757588772111427 1.071721561566754 +30709,1.0101410299381655,1,-0.3723620594620276 -0.429194280853334 -0.5008282336800198 -1.0705161718007432 -0.6215554817403086 -0.661017344715222 -0.7159703808643704 -0.7653639374557348 -0.8320542732300282 -0.9905465623294065 -0.8599144073977872 -0.5604318084855021 -0.23460917385478236 0.12912035555761586 0.46007367767150853 0.8116936426676793 0.8901431748943537 0.9757588772111427 1.071721561566754 1.1011294809660537 +30710,0.7993113608153449,1,-0.429194280853334 -0.5008282336800198 -1.0705161718007432 -0.6215554817403086 -0.661017344715222 -0.7159703808643704 -0.7653639374557348 -0.8320542732300282 -0.9905465623294065 -0.8599144073977872 -0.5604318084855021 -0.23460917385478236 0.12912035555761586 0.46007367767150853 0.8116936426676793 0.8901431748943537 0.9757588772111427 1.071721561566754 1.1011294809660537 1.0101410299381655 +30711,0.17400612727234008,1,-0.5008282336800198 -1.0705161718007432 -0.6215554817403086 -0.661017344715222 -0.7159703808643704 -0.7653639374557348 -0.8320542732300282 -0.9905465623294065 -0.8599144073977872 -0.5604318084855021 -0.23460917385478236 0.12912035555761586 0.46007367767150853 0.8116936426676793 0.8901431748943537 0.9757588772111427 1.071721561566754 1.1011294809660537 1.0101410299381655 0.7993113608153449 +30712,0.005297537034245689,1,-1.0705161718007432 -0.6215554817403086 -0.661017344715222 -0.7159703808643704 -0.7653639374557348 -0.8320542732300282 -0.9905465623294065 -0.8599144073977872 -0.5604318084855021 -0.23460917385478236 0.12912035555761586 0.46007367767150853 0.8116936426676793 0.8901431748943537 0.9757588772111427 1.071721561566754 1.1011294809660537 1.0101410299381655 0.7993113608153449 0.17400612727234008 +30713,-0.1603154827407585,1,-0.6215554817403086 -0.661017344715222 -0.7159703808643704 -0.7653639374557348 -0.8320542732300282 -0.9905465623294065 -0.8599144073977872 -0.5604318084855021 -0.23460917385478236 0.12912035555761586 0.46007367767150853 0.8116936426676793 0.8901431748943537 0.9757588772111427 1.071721561566754 1.1011294809660537 1.0101410299381655 0.7993113608153449 0.17400612727234008 0.005297537034245689 +30714,-0.17890332313869595,1,-0.661017344715222 -0.7159703808643704 -0.7653639374557348 -0.8320542732300282 -0.9905465623294065 -0.8599144073977872 -0.5604318084855021 -0.23460917385478236 0.12912035555761586 0.46007367767150853 0.8116936426676793 0.8901431748943537 0.9757588772111427 1.071721561566754 1.1011294809660537 1.0101410299381655 0.7993113608153449 0.17400612727234008 0.005297537034245689 -0.1603154827407585 +30715,-0.3274762877473034,1,-0.7159703808643704 -0.7653639374557348 -0.8320542732300282 -0.9905465623294065 -0.8599144073977872 -0.5604318084855021 -0.23460917385478236 0.12912035555761586 0.46007367767150853 0.8116936426676793 0.8901431748943537 0.9757588772111427 1.071721561566754 1.1011294809660537 1.0101410299381655 0.7993113608153449 0.17400612727234008 0.005297537034245689 -0.1603154827407585 -0.17890332313869595 +30716,-0.8086234922439809,1,-0.7653639374557348 -0.8320542732300282 -0.9905465623294065 -0.8599144073977872 -0.5604318084855021 -0.23460917385478236 0.12912035555761586 0.46007367767150853 0.8116936426676793 0.8901431748943537 0.9757588772111427 1.071721561566754 1.1011294809660537 1.0101410299381655 0.7993113608153449 0.17400612727234008 0.005297537034245689 -0.1603154827407585 -0.17890332313869595 -0.3274762877473034 +30717,-0.45284689150221424,1,-0.8320542732300282 -0.9905465623294065 -0.8599144073977872 -0.5604318084855021 -0.23460917385478236 0.12912035555761586 0.46007367767150853 0.8116936426676793 0.8901431748943537 0.9757588772111427 1.071721561566754 1.1011294809660537 1.0101410299381655 0.7993113608153449 0.17400612727234008 0.005297537034245689 -0.1603154827407585 -0.17890332313869595 -0.3274762877473034 -0.8086234922439809 +30718,-0.4937808896933615,1,-0.9905465623294065 -0.8599144073977872 -0.5604318084855021 -0.23460917385478236 0.12912035555761586 0.46007367767150853 0.8116936426676793 0.8901431748943537 0.9757588772111427 1.071721561566754 1.1011294809660537 1.0101410299381655 0.7993113608153449 0.17400612727234008 0.005297537034245689 -0.1603154827407585 -0.17890332313869595 -0.3274762877473034 -0.8086234922439809 -0.45284689150221424 +30719,-0.5488095758578255,1,-0.8599144073977872 -0.5604318084855021 -0.23460917385478236 0.12912035555761586 0.46007367767150853 0.8116936426676793 0.8901431748943537 0.9757588772111427 1.071721561566754 1.1011294809660537 1.0101410299381655 0.7993113608153449 0.17400612727234008 0.005297537034245689 -0.1603154827407585 -0.17890332313869595 -0.3274762877473034 -0.8086234922439809 -0.45284689150221424 -0.4937808896933615 +30720,-0.6239153366390271,1,-0.5604318084855021 -0.23460917385478236 0.12912035555761586 0.46007367767150853 0.8116936426676793 0.8901431748943537 0.9757588772111427 1.071721561566754 1.1011294809660537 1.0101410299381655 0.7993113608153449 0.17400612727234008 0.005297537034245689 -0.1603154827407585 -0.17890332313869595 -0.3274762877473034 -0.8086234922439809 -0.45284689150221424 -0.4937808896933615 -0.5488095758578255 +30721,-0.7159703808643704,1,-0.23460917385478236 0.12912035555761586 0.46007367767150853 0.8116936426676793 0.8901431748943537 0.9757588772111427 1.071721561566754 1.1011294809660537 1.0101410299381655 0.7993113608153449 0.17400612727234008 0.005297537034245689 -0.1603154827407585 -0.17890332313869595 -0.3274762877473034 -0.8086234922439809 -0.45284689150221424 -0.4937808896933615 -0.5488095758578255 -0.6239153366390271 +30722,-0.9152130813243421,1,0.12912035555761586 0.46007367767150853 0.8116936426676793 0.8901431748943537 0.9757588772111427 1.071721561566754 1.1011294809660537 1.0101410299381655 0.7993113608153449 0.17400612727234008 0.005297537034245689 -0.1603154827407585 -0.17890332313869595 -0.3274762877473034 -0.8086234922439809 -0.45284689150221424 -0.4937808896933615 -0.5488095758578255 -0.6239153366390271 -0.7159703808643704 +30723,-0.7747862196629784,1,0.46007367767150853 0.8116936426676793 0.8901431748943537 0.9757588772111427 1.071721561566754 1.1011294809660537 1.0101410299381655 0.7993113608153449 0.17400612727234008 0.005297537034245689 -0.1603154827407585 -0.17890332313869595 -0.3274762877473034 -0.8086234922439809 -0.45284689150221424 -0.4937808896933615 -0.5488095758578255 -0.6239153366390271 -0.7159703808643704 -0.9152130813243421 +30724,-0.15721991227767712,1,0.8116936426676793 0.8901431748943537 0.9757588772111427 1.071721561566754 1.1011294809660537 1.0101410299381655 0.7993113608153449 0.17400612727234008 0.005297537034245689 -0.1603154827407585 -0.17890332313869595 -0.3274762877473034 -0.8086234922439809 -0.45284689150221424 -0.4937808896933615 -0.5488095758578255 -0.6239153366390271 -0.7159703808643704 -0.9152130813243421 -0.7747862196629784 +30725,-0.13892341273210196,1,0.8901431748943537 0.9757588772111427 1.071721561566754 1.1011294809660537 1.0101410299381655 0.7993113608153449 0.17400612727234008 0.005297537034245689 -0.1603154827407585 -0.17890332313869595 -0.3274762877473034 -0.8086234922439809 -0.45284689150221424 -0.4937808896933615 -0.5488095758578255 -0.6239153366390271 -0.7159703808643704 -0.9152130813243421 -0.7747862196629784 -0.15721991227767712 +30726,0.30402008672187303,1,0.9757588772111427 1.071721561566754 1.1011294809660537 1.0101410299381655 0.7993113608153449 0.17400612727234008 0.005297537034245689 -0.1603154827407585 -0.17890332313869595 -0.3274762877473034 -0.8086234922439809 -0.45284689150221424 -0.4937808896933615 -0.5488095758578255 -0.6239153366390271 -0.7159703808643704 -0.9152130813243421 -0.7747862196629784 -0.15721991227767712 -0.13892341273210196 +30727,0.5648447844082634,1,1.071721561566754 1.1011294809660537 1.0101410299381655 0.7993113608153449 0.17400612727234008 0.005297537034245689 -0.1603154827407585 -0.17890332313869595 -0.3274762877473034 -0.8086234922439809 -0.45284689150221424 -0.4937808896933615 -0.5488095758578255 -0.6239153366390271 -0.7159703808643704 -0.9152130813243421 -0.7747862196629784 -0.15721991227767712 -0.13892341273210196 0.30402008672187303 +30728,0.8364582063723568,1,1.1011294809660537 1.0101410299381655 0.7993113608153449 0.17400612727234008 0.005297537034245689 -0.1603154827407585 -0.17890332313869595 -0.3274762877473034 -0.8086234922439809 -0.45284689150221424 -0.4937808896933615 -0.5488095758578255 -0.6239153366390271 -0.7159703808643704 -0.9152130813243421 -0.7747862196629784 -0.15721991227767712 -0.13892341273210196 0.30402008672187303 0.5648447844082634 +30729,0.9132620263888943,1,1.0101410299381655 0.7993113608153449 0.17400612727234008 0.005297537034245689 -0.1603154827407585 -0.17890332313869595 -0.3274762877473034 -0.8086234922439809 -0.45284689150221424 -0.4937808896933615 -0.5488095758578255 -0.6239153366390271 -0.7159703808643704 -0.9152130813243421 -0.7747862196629784 -0.15721991227767712 -0.13892341273210196 0.30402008672187303 0.5648447844082634 0.8364582063723568 +30730,0.997427870452739,1,0.7993113608153449 0.17400612727234008 0.005297537034245689 -0.1603154827407585 -0.17890332313869595 -0.3274762877473034 -0.8086234922439809 -0.45284689150221424 -0.4937808896933615 -0.5488095758578255 -0.6239153366390271 -0.7159703808643704 -0.9152130813243421 -0.7747862196629784 -0.15721991227767712 -0.13892341273210196 0.30402008672187303 0.5648447844082634 0.8364582063723568 0.9132620263888943 +30731,0.9510921208412703,1,0.17400612727234008 0.005297537034245689 -0.1603154827407585 -0.17890332313869595 -0.3274762877473034 -0.8086234922439809 -0.45284689150221424 -0.4937808896933615 -0.5488095758578255 -0.6239153366390271 -0.7159703808643704 -0.9152130813243421 -0.7747862196629784 -0.15721991227767712 -0.13892341273210196 0.30402008672187303 0.5648447844082634 0.8364582063723568 0.9132620263888943 0.997427870452739 +30732,0.9122996827179214,1,0.005297537034245689 -0.1603154827407585 -0.17890332313869595 -0.3274762877473034 -0.8086234922439809 -0.45284689150221424 -0.4937808896933615 -0.5488095758578255 -0.6239153366390271 -0.7159703808643704 -0.9152130813243421 -0.7747862196629784 -0.15721991227767712 -0.13892341273210196 0.30402008672187303 0.5648447844082634 0.8364582063723568 0.9132620263888943 0.997427870452739 0.9510921208412703 +30733,0.8011972177857396,1,-0.1603154827407585 -0.17890332313869595 -0.3274762877473034 -0.8086234922439809 -0.45284689150221424 -0.4937808896933615 -0.5488095758578255 -0.6239153366390271 -0.7159703808643704 -0.9152130813243421 -0.7747862196629784 -0.15721991227767712 -0.13892341273210196 0.30402008672187303 0.5648447844082634 0.8364582063723568 0.9132620263888943 0.997427870452739 0.9510921208412703 0.9122996827179214 +30734,0.6878708241443179,1,-0.17890332313869595 -0.3274762877473034 -0.8086234922439809 -0.45284689150221424 -0.4937808896933615 -0.5488095758578255 -0.6239153366390271 -0.7159703808643704 -0.9152130813243421 -0.7747862196629784 -0.15721991227767712 -0.13892341273210196 0.30402008672187303 0.5648447844082634 0.8364582063723568 0.9132620263888943 0.997427870452739 0.9510921208412703 0.9122996827179214 0.8011972177857396 +30735,0.2834962784136678,1,-0.3274762877473034 -0.8086234922439809 -0.45284689150221424 -0.4937808896933615 -0.5488095758578255 -0.6239153366390271 -0.7159703808643704 -0.9152130813243421 -0.7747862196629784 -0.15721991227767712 -0.13892341273210196 0.30402008672187303 0.5648447844082634 0.8364582063723568 0.9132620263888943 0.997427870452739 0.9510921208412703 0.9122996827179214 0.8011972177857396 0.6878708241443179 +30736,0.0022019665711642948,1,-0.8086234922439809 -0.45284689150221424 -0.4937808896933615 -0.5488095758578255 -0.6239153366390271 -0.7159703808643704 -0.9152130813243421 -0.7747862196629784 -0.15721991227767712 -0.13892341273210196 0.30402008672187303 0.5648447844082634 0.8364582063723568 0.9132620263888943 0.997427870452739 0.9510921208412703 0.9122996827179214 0.8011972177857396 0.6878708241443179 0.2834962784136678 +30737,-0.19901011352931114,1,-0.45284689150221424 -0.4937808896933615 -0.5488095758578255 -0.6239153366390271 -0.7159703808643704 -0.9152130813243421 -0.7747862196629784 -0.15721991227767712 -0.13892341273210196 0.30402008672187303 0.5648447844082634 0.8364582063723568 0.9132620263888943 0.997427870452739 0.9510921208412703 0.9122996827179214 0.8011972177857396 0.6878708241443179 0.2834962784136678 0.0022019665711642948 +30738,-0.20265436782061005,1,-0.4937808896933615 -0.5488095758578255 -0.6239153366390271 -0.7159703808643704 -0.9152130813243421 -0.7747862196629784 -0.15721991227767712 -0.13892341273210196 0.30402008672187303 0.5648447844082634 0.8364582063723568 0.9132620263888943 0.997427870452739 0.9510921208412703 0.9122996827179214 0.8011972177857396 0.6878708241443179 0.2834962784136678 0.0022019665711642948 -0.19901011352931114 +30739,-0.2655648784856227,1,-0.5488095758578255 -0.6239153366390271 -0.7159703808643704 -0.9152130813243421 -0.7747862196629784 -0.15721991227767712 -0.13892341273210196 0.30402008672187303 0.5648447844082634 0.8364582063723568 0.9132620263888943 0.997427870452739 0.9510921208412703 0.9122996827179214 0.8011972177857396 0.6878708241443179 0.2834962784136678 0.0022019665711642948 -0.19901011352931114 -0.20265436782061005 +30740,-0.6642354031868511,1,-0.6239153366390271 -0.7159703808643704 -0.9152130813243421 -0.7747862196629784 -0.15721991227767712 -0.13892341273210196 0.30402008672187303 0.5648447844082634 0.8364582063723568 0.9132620263888943 0.997427870452739 0.9510921208412703 0.9122996827179214 0.8011972177857396 0.6878708241443179 0.2834962784136678 0.0022019665711642948 -0.19901011352931114 -0.20265436782061005 -0.2655648784856227 +30741,-0.41724783117675185,1,-0.7159703808643704 -0.9152130813243421 -0.7747862196629784 -0.15721991227767712 -0.13892341273210196 0.30402008672187303 0.5648447844082634 0.8364582063723568 0.9132620263888943 0.997427870452739 0.9510921208412703 0.9122996827179214 0.8011972177857396 0.6878708241443179 0.2834962784136678 0.0022019665711642948 -0.19901011352931114 -0.20265436782061005 -0.2655648784856227 -0.6642354031868511 +30742,-0.5431138667446459,1,-0.9152130813243421 -0.7747862196629784 -0.15721991227767712 -0.13892341273210196 0.30402008672187303 0.5648447844082634 0.8364582063723568 0.9132620263888943 0.997427870452739 0.9510921208412703 0.9122996827179214 0.8011972177857396 0.6878708241443179 0.2834962784136678 0.0022019665711642948 -0.19901011352931114 -0.20265436782061005 -0.2655648784856227 -0.6642354031868511 -0.41724783117675185 +30743,-0.675727964844277,1,-0.7747862196629784 -0.15721991227767712 -0.13892341273210196 0.30402008672187303 0.5648447844082634 0.8364582063723568 0.9132620263888943 0.997427870452739 0.9510921208412703 0.9122996827179214 0.8011972177857396 0.6878708241443179 0.2834962784136678 0.0022019665711642948 -0.19901011352931114 -0.20265436782061005 -0.2655648784856227 -0.6642354031868511 -0.41724783117675185 -0.5431138667446459 +30744,-0.7391871593375072,1,-0.15721991227767712 -0.13892341273210196 0.30402008672187303 0.5648447844082634 0.8364582063723568 0.9132620263888943 0.997427870452739 0.9510921208412703 0.9122996827179214 0.8011972177857396 0.6878708241443179 0.2834962784136678 0.0022019665711642948 -0.19901011352931114 -0.20265436782061005 -0.2655648784856227 -0.6642354031868511 -0.41724783117675185 -0.5431138667446459 -0.675727964844277 +30745,-0.739332122580612,1,-0.13892341273210196 0.30402008672187303 0.5648447844082634 0.8364582063723568 0.9132620263888943 0.997427870452739 0.9510921208412703 0.9122996827179214 0.8011972177857396 0.6878708241443179 0.2834962784136678 0.0022019665711642948 -0.19901011352931114 -0.20265436782061005 -0.2655648784856227 -0.6642354031868511 -0.41724783117675185 -0.5431138667446459 -0.675727964844277 -0.7391871593375072 +30746,-0.7407349445690479,1,0.30402008672187303 0.5648447844082634 0.8364582063723568 0.9132620263888943 0.997427870452739 0.9510921208412703 0.9122996827179214 0.8011972177857396 0.6878708241443179 0.2834962784136678 0.0022019665711642948 -0.19901011352931114 -0.20265436782061005 -0.2655648784856227 -0.6642354031868511 -0.41724783117675185 -0.5431138667446459 -0.675727964844277 -0.7391871593375072 -0.739332122580612 +30747,-0.4404646096498799,1,0.5648447844082634 0.8364582063723568 0.9132620263888943 0.997427870452739 0.9510921208412703 0.9122996827179214 0.8011972177857396 0.6878708241443179 0.2834962784136678 0.0022019665711642948 -0.19901011352931114 -0.20265436782061005 -0.2655648784856227 -0.6642354031868511 -0.41724783117675185 -0.5431138667446459 -0.675727964844277 -0.7391871593375072 -0.739332122580612 -0.7407349445690479 +30748,-0.4401431623626438,1,0.8364582063723568 0.9132620263888943 0.997427870452739 0.9510921208412703 0.9122996827179214 0.8011972177857396 0.6878708241443179 0.2834962784136678 0.0022019665711642948 -0.19901011352931114 -0.20265436782061005 -0.2655648784856227 -0.6642354031868511 -0.41724783117675185 -0.5431138667446459 -0.675727964844277 -0.7391871593375072 -0.739332122580612 -0.7407349445690479 -0.4404646096498799 +30749,-0.13709870426763043,1,0.9132620263888943 0.997427870452739 0.9510921208412703 0.9122996827179214 0.8011972177857396 0.6878708241443179 0.2834962784136678 0.0022019665711642948 -0.19901011352931114 -0.20265436782061005 -0.2655648784856227 -0.6642354031868511 -0.41724783117675185 -0.5431138667446459 -0.675727964844277 -0.7391871593375072 -0.739332122580612 -0.7407349445690479 -0.4404646096498799 -0.4401431623626438 +30750,0.7079920321543646,1,0.997427870452739 0.9510921208412703 0.9122996827179214 0.8011972177857396 0.6878708241443179 0.2834962784136678 0.0022019665711642948 -0.19901011352931114 -0.20265436782061005 -0.2655648784856227 -0.6642354031868511 -0.41724783117675185 -0.5431138667446459 -0.675727964844277 -0.7391871593375072 -0.739332122580612 -0.7407349445690479 -0.4404646096498799 -0.4401431623626438 -0.13709870426763043 +30751,0.9525420987380148,1,0.9510921208412703 0.9122996827179214 0.8011972177857396 0.6878708241443179 0.2834962784136678 0.0022019665711642948 -0.19901011352931114 -0.20265436782061005 -0.2655648784856227 -0.6642354031868511 -0.41724783117675185 -0.5431138667446459 -0.675727964844277 -0.7391871593375072 -0.739332122580612 -0.7407349445690479 -0.4404646096498799 -0.4401431623626438 -0.13709870426763043 0.7079920321543646 +30752,1.0121245617529426,1,0.9122996827179214 0.8011972177857396 0.6878708241443179 0.2834962784136678 0.0022019665711642948 -0.19901011352931114 -0.20265436782061005 -0.2655648784856227 -0.6642354031868511 -0.41724783117675185 -0.5431138667446459 -0.675727964844277 -0.7391871593375072 -0.739332122580612 -0.7407349445690479 -0.4404646096498799 -0.4401431623626438 -0.13709870426763043 0.7079920321543646 0.9525420987380148 +30753,1.0175490784627856,1,0.8011972177857396 0.6878708241443179 0.2834962784136678 0.0022019665711642948 -0.19901011352931114 -0.20265436782061005 -0.2655648784856227 -0.6642354031868511 -0.41724783117675185 -0.5431138667446459 -0.675727964844277 -0.7391871593375072 -0.739332122580612 -0.7407349445690479 -0.4404646096498799 -0.4401431623626438 -0.13709870426763043 0.7079920321543646 0.9525420987380148 1.0121245617529426 +30754,1.0360181874817154,1,0.6878708241443179 0.2834962784136678 0.0022019665711642948 -0.19901011352931114 -0.20265436782061005 -0.2655648784856227 -0.6642354031868511 -0.41724783117675185 -0.5431138667446459 -0.675727964844277 -0.7391871593375072 -0.739332122580612 -0.7407349445690479 -0.4404646096498799 -0.4401431623626438 -0.13709870426763043 0.7079920321543646 0.9525420987380148 1.0121245617529426 1.0175490784627856 +30755,1.0562437092513381,1,0.2834962784136678 0.0022019665711642948 -0.19901011352931114 -0.20265436782061005 -0.2655648784856227 -0.6642354031868511 -0.41724783117675185 -0.5431138667446459 -0.675727964844277 -0.7391871593375072 -0.739332122580612 -0.7407349445690479 -0.4404646096498799 -0.4401431623626438 -0.13709870426763043 0.7079920321543646 0.9525420987380148 1.0121245617529426 1.0175490784627856 1.0360181874817154 +30756,1.009821131055282,1,0.0022019665711642948 -0.19901011352931114 -0.20265436782061005 -0.2655648784856227 -0.6642354031868511 -0.41724783117675185 -0.5431138667446459 -0.675727964844277 -0.7391871593375072 -0.739332122580612 -0.7407349445690479 -0.4404646096498799 -0.4401431623626438 -0.13709870426763043 0.7079920321543646 0.9525420987380148 1.0121245617529426 1.0175490784627856 1.0360181874817154 1.0562437092513381 +30757,0.9587332396641863,1,-0.19901011352931114 -0.20265436782061005 -0.2655648784856227 -0.6642354031868511 -0.41724783117675185 -0.5431138667446459 -0.675727964844277 -0.7391871593375072 -0.739332122580612 -0.7407349445690479 -0.4404646096498799 -0.4401431623626438 -0.13709870426763043 0.7079920321543646 0.9525420987380148 1.0121245617529426 1.0175490784627856 1.0360181874817154 1.0562437092513381 1.009821131055282 +30758,0.505574514937008,1,-0.20265436782061005 -0.2655648784856227 -0.6642354031868511 -0.41724783117675185 -0.5431138667446459 -0.675727964844277 -0.7391871593375072 -0.739332122580612 -0.7407349445690479 -0.4404646096498799 -0.4401431623626438 -0.13709870426763043 0.7079920321543646 0.9525420987380148 1.0121245617529426 1.0175490784627856 1.0360181874817154 1.0562437092513381 1.009821131055282 0.9587332396641863 +30759,0.6197682739564656,1,-0.2655648784856227 -0.6642354031868511 -0.41724783117675185 -0.5431138667446459 -0.675727964844277 -0.7391871593375072 -0.739332122580612 -0.7407349445690479 -0.4404646096498799 -0.4401431623626438 -0.13709870426763043 0.7079920321543646 0.9525420987380148 1.0121245617529426 1.0175490784627856 1.0360181874817154 1.0562437092513381 1.009821131055282 0.9587332396641863 0.505574514937008 +30760,0.07494787245363867,1,-0.6642354031868511 -0.41724783117675185 -0.5431138667446459 -0.675727964844277 -0.7391871593375072 -0.739332122580612 -0.7407349445690479 -0.4404646096498799 -0.4401431623626438 -0.13709870426763043 0.7079920321543646 0.9525420987380148 1.0121245617529426 1.0175490784627856 1.0360181874817154 1.0562437092513381 1.009821131055282 0.9587332396641863 0.505574514937008 0.6197682739564656 +30761,-0.17734112028772378,1,-0.41724783117675185 -0.5431138667446459 -0.675727964844277 -0.7391871593375072 -0.739332122580612 -0.7407349445690479 -0.4404646096498799 -0.4401431623626438 -0.13709870426763043 0.7079920321543646 0.9525420987380148 1.0121245617529426 1.0175490784627856 1.0360181874817154 1.0562437092513381 1.009821131055282 0.9587332396641863 0.505574514937008 0.6197682739564656 0.07494787245363867 +30762,-0.2500870261701981,1,-0.5431138667446459 -0.675727964844277 -0.7391871593375072 -0.739332122580612 -0.7407349445690479 -0.4404646096498799 -0.4401431623626438 -0.13709870426763043 0.7079920321543646 0.9525420987380148 1.0121245617529426 1.0175490784627856 1.0360181874817154 1.0562437092513381 1.009821131055282 0.9587332396641863 0.505574514937008 0.6197682739564656 0.07494787245363867 -0.17734112028772378 +30763,-0.3878399117774522,1,-0.675727964844277 -0.7391871593375072 -0.739332122580612 -0.7407349445690479 -0.4404646096498799 -0.4401431623626438 -0.13709870426763043 0.7079920321543646 0.9525420987380148 1.0121245617529426 1.0175490784627856 1.0360181874817154 1.0562437092513381 1.009821131055282 0.9587332396641863 0.505574514937008 0.6197682739564656 0.07494787245363867 -0.17734112028772378 -0.2500870261701981 +30764,-0.45903803242838587,1,-0.7391871593375072 -0.739332122580612 -0.7407349445690479 -0.4404646096498799 -0.4401431623626438 -0.13709870426763043 0.7079920321543646 0.9525420987380148 1.0121245617529426 1.0175490784627856 1.0360181874817154 1.0562437092513381 1.009821131055282 0.9587332396641863 0.505574514937008 0.6197682739564656 0.07494787245363867 -0.17734112028772378 -0.2500870261701981 -0.3878399117774522 +30765,-0.4597981997490572,1,-0.739332122580612 -0.7407349445690479 -0.4404646096498799 -0.4401431623626438 -0.13709870426763043 0.7079920321543646 0.9525420987380148 1.0121245617529426 1.0175490784627856 1.0360181874817154 1.0562437092513381 1.009821131055282 0.9587332396641863 0.505574514937008 0.6197682739564656 0.07494787245363867 -0.17734112028772378 -0.2500870261701981 -0.3878399117774522 -0.45903803242838587 +30766,-0.5286883678477788,1,-0.7407349445690479 -0.4404646096498799 -0.4401431623626438 -0.13709870426763043 0.7079920321543646 0.9525420987380148 1.0121245617529426 1.0175490784627856 1.0360181874817154 1.0562437092513381 1.009821131055282 0.9587332396641863 0.505574514937008 0.6197682739564656 0.07494787245363867 -0.17734112028772378 -0.2500870261701981 -0.3878399117774522 -0.45903803242838587 -0.4597981997490572 +30767,-0.6447722602134367,1,-0.4404646096498799 -0.4401431623626438 -0.13709870426763043 0.7079920321543646 0.9525420987380148 1.0121245617529426 1.0175490784627856 1.0360181874817154 1.0562437092513381 1.009821131055282 0.9587332396641863 0.505574514937008 0.6197682739564656 0.07494787245363867 -0.17734112028772378 -0.2500870261701981 -0.3878399117774522 -0.45903803242838587 -0.4597981997490572 -0.5286883678477788 +30768,-0.7407349445690479,1,-0.4401431623626438 -0.13709870426763043 0.7079920321543646 0.9525420987380148 1.0121245617529426 1.0175490784627856 1.0360181874817154 1.0562437092513381 1.009821131055282 0.9587332396641863 0.505574514937008 0.6197682739564656 0.07494787245363867 -0.17734112028772378 -0.2500870261701981 -0.3878399117774522 -0.45903803242838587 -0.4597981997490572 -0.5286883678477788 -0.6447722602134367 +30769,-0.7980029981361065,1,-0.13709870426763043 0.7079920321543646 0.9525420987380148 1.0121245617529426 1.0175490784627856 1.0360181874817154 1.0562437092513381 1.009821131055282 0.9587332396641863 0.505574514937008 0.6197682739564656 0.07494787245363867 -0.17734112028772378 -0.2500870261701981 -0.3878399117774522 -0.45903803242838587 -0.4597981997490572 -0.5286883678477788 -0.6447722602134367 -0.7407349445690479 +30770,-0.7794295753576006,1,0.7079920321543646 0.9525420987380148 1.0121245617529426 1.0175490784627856 1.0360181874817154 1.0562437092513381 1.009821131055282 0.9587332396641863 0.505574514937008 0.6197682739564656 0.07494787245363867 -0.17734112028772378 -0.2500870261701981 -0.3878399117774522 -0.45903803242838587 -0.4597981997490572 -0.5286883678477788 -0.6447722602134367 -0.7407349445690479 -0.7980029981361065 +30771,-0.45594246196530447,1,0.9525420987380148 1.0121245617529426 1.0175490784627856 1.0360181874817154 1.0562437092513381 1.009821131055282 0.9587332396641863 0.505574514937008 0.6197682739564656 0.07494787245363867 -0.17734112028772378 -0.2500870261701981 -0.3878399117774522 -0.45903803242838587 -0.4597981997490572 -0.5286883678477788 -0.6447722602134367 -0.7407349445690479 -0.7980029981361065 -0.7794295753576006 +30772,-0.12626420764683677,1,1.0121245617529426 1.0175490784627856 1.0360181874817154 1.0562437092513381 1.009821131055282 0.9587332396641863 0.505574514937008 0.6197682739564656 0.07494787245363867 -0.17734112028772378 -0.2500870261701981 -0.3878399117774522 -0.45903803242838587 -0.4597981997490572 -0.5286883678477788 -0.6447722602134367 -0.7407349445690479 -0.7980029981361065 -0.7794295753576006 -0.45594246196530447 +30773,0.4386774018660369,1,1.0175490784627856 1.0360181874817154 1.0562437092513381 1.009821131055282 0.9587332396641863 0.505574514937008 0.6197682739564656 0.07494787245363867 -0.17734112028772378 -0.2500870261701981 -0.3878399117774522 -0.45903803242838587 -0.4597981997490572 -0.5286883678477788 -0.6447722602134367 -0.7407349445690479 -0.7980029981361065 -0.7794295753576006 -0.45594246196530447 -0.12626420764683677 +30774,0.8720572666978281,1,1.0360181874817154 1.0562437092513381 1.009821131055282 0.9587332396641863 0.505574514937008 0.6197682739564656 0.07494787245363867 -0.17734112028772378 -0.2500870261701981 -0.3878399117774522 -0.45903803242838587 -0.4597981997490572 -0.5286883678477788 -0.6447722602134367 -0.7407349445690479 -0.7980029981361065 -0.7794295753576006 -0.45594246196530447 -0.12626420764683677 0.4386774018660369 +30775,0.8834843838166495,1,1.0562437092513381 1.009821131055282 0.9587332396641863 0.505574514937008 0.6197682739564656 0.07494787245363867 -0.17734112028772378 -0.2500870261701981 -0.3878399117774522 -0.45903803242838587 -0.4597981997490572 -0.5286883678477788 -0.6447722602134367 -0.7407349445690479 -0.7980029981361065 -0.7794295753576006 -0.45594246196530447 -0.12626420764683677 0.4386774018660369 0.8720572666978281 +30776,1.1026772661976032,1,1.009821131055282 0.9587332396641863 0.505574514937008 0.6197682739564656 0.07494787245363867 -0.17734112028772378 -0.2500870261701981 -0.3878399117774522 -0.45903803242838587 -0.4597981997490572 -0.5286883678477788 -0.6447722602134367 -0.7407349445690479 -0.7980029981361065 -0.7794295753576006 -0.45594246196530447 -0.12626420764683677 0.4386774018660369 0.8720572666978281 0.8834843838166495 +30777,1.305516850517522,1,0.9587332396641863 0.505574514937008 0.6197682739564656 0.07494787245363867 -0.17734112028772378 -0.2500870261701981 -0.3878399117774522 -0.45903803242838587 -0.4597981997490572 -0.5286883678477788 -0.6447722602134367 -0.7407349445690479 -0.7980029981361065 -0.7794295753576006 -0.45594246196530447 -0.12626420764683677 0.4386774018660369 0.8720572666978281 0.8834843838166495 1.1026772661976032 +30778,1.5205792787139698,1,0.505574514937008 0.6197682739564656 0.07494787245363867 -0.17734112028772378 -0.2500870261701981 -0.3878399117774522 -0.45903803242838587 -0.4597981997490572 -0.5286883678477788 -0.6447722602134367 -0.7407349445690479 -0.7980029981361065 -0.7794295753576006 -0.45594246196530447 -0.12626420764683677 0.4386774018660369 0.8720572666978281 0.8834843838166495 1.1026772661976032 1.305516850517522 +30779,1.6096517880055823,1,0.6197682739564656 0.07494787245363867 -0.17734112028772378 -0.2500870261701981 -0.3878399117774522 -0.45903803242838587 -0.4597981997490572 -0.5286883678477788 -0.6447722602134367 -0.7407349445690479 -0.7980029981361065 -0.7794295753576006 -0.45594246196530447 -0.12626420764683677 0.4386774018660369 0.8720572666978281 0.8834843838166495 1.1026772661976032 1.305516850517522 1.5205792787139698 +30780,1.690835654183596,1,0.07494787245363867 -0.17734112028772378 -0.2500870261701981 -0.3878399117774522 -0.45903803242838587 -0.4597981997490572 -0.5286883678477788 -0.6447722602134367 -0.7407349445690479 -0.7980029981361065 -0.7794295753576006 -0.45594246196530447 -0.12626420764683677 0.4386774018660369 0.8720572666978281 0.8834843838166495 1.1026772661976032 1.305516850517522 1.5205792787139698 1.6096517880055823 +30781,1.4413063835599502,1,-0.17734112028772378 -0.2500870261701981 -0.3878399117774522 -0.45903803242838587 -0.4597981997490572 -0.5286883678477788 -0.6447722602134367 -0.7407349445690479 -0.7980029981361065 -0.7794295753576006 -0.45594246196530447 -0.12626420764683677 0.4386774018660369 0.8720572666978281 0.8834843838166495 1.1026772661976032 1.305516850517522 1.5205792787139698 1.6096517880055823 1.690835654183596 +30782,1.2481690779625607,1,-0.2500870261701981 -0.3878399117774522 -0.45903803242838587 -0.4597981997490572 -0.5286883678477788 -0.6447722602134367 -0.7407349445690479 -0.7980029981361065 -0.7794295753576006 -0.45594246196530447 -0.12626420764683677 0.4386774018660369 0.8720572666978281 0.8834843838166495 1.1026772661976032 1.305516850517522 1.5205792787139698 1.6096517880055823 1.690835654183596 1.4413063835599502 +30783,0.5238055896008544,1,-0.3878399117774522 -0.45903803242838587 -0.4597981997490572 -0.5286883678477788 -0.6447722602134367 -0.7407349445690479 -0.7980029981361065 -0.7794295753576006 -0.45594246196530447 -0.12626420764683677 0.4386774018660369 0.8720572666978281 0.8834843838166495 1.1026772661976032 1.305516850517522 1.5205792787139698 1.6096517880055823 1.690835654183596 1.4413063835599502 1.2481690779625607 +30784,0.2250830399132271,1,-0.45903803242838587 -0.4597981997490572 -0.5286883678477788 -0.6447722602134367 -0.7407349445690479 -0.7980029981361065 -0.7794295753576006 -0.45594246196530447 -0.12626420764683677 0.4386774018660369 0.8720572666978281 0.8834843838166495 1.1026772661976032 1.305516850517522 1.5205792787139698 1.6096517880055823 1.690835654183596 1.4413063835599502 1.2481690779625607 0.5238055896008544 +30785,0.09197351000060393,1,-0.4597981997490572 -0.5286883678477788 -0.6447722602134367 -0.7407349445690479 -0.7980029981361065 -0.7794295753576006 -0.45594246196530447 -0.12626420764683677 0.4386774018660369 0.8720572666978281 0.8834843838166495 1.1026772661976032 1.305516850517522 1.5205792787139698 1.6096517880055823 1.690835654183596 1.4413063835599502 1.2481690779625607 0.5238055896008544 0.2250830399132271 +30786,-0.058161657458975696,1,-0.5286883678477788 -0.6447722602134367 -0.7407349445690479 -0.7980029981361065 -0.7794295753576006 -0.45594246196530447 -0.12626420764683677 0.4386774018660369 0.8720572666978281 0.8834843838166495 1.1026772661976032 1.305516850517522 1.5205792787139698 1.6096517880055823 1.690835654183596 1.4413063835599502 1.2481690779625607 0.5238055896008544 0.2250830399132271 0.09197351000060393 +30787,-0.11233414056295289,1,-0.6447722602134367 -0.7407349445690479 -0.7980029981361065 -0.7794295753576006 -0.45594246196530447 -0.12626420764683677 0.4386774018660369 0.8720572666978281 0.8834843838166495 1.1026772661976032 1.305516850517522 1.5205792787139698 1.6096517880055823 1.690835654183596 1.4413063835599502 1.2481690779625607 0.5238055896008544 0.2250830399132271 0.09197351000060393 -0.058161657458975696 +30788,-0.14948098611996483,1,-0.7407349445690479 -0.7980029981361065 -0.7794295753576006 -0.45594246196530447 -0.12626420764683677 0.4386774018660369 0.8720572666978281 0.8834843838166495 1.1026772661976032 1.305516850517522 1.5205792787139698 1.6096517880055823 1.690835654183596 1.4413063835599502 1.2481690779625607 0.5238055896008544 0.2250830399132271 0.09197351000060393 -0.058161657458975696 -0.11233414056295289 +30789,-0.2671126637171634,1,-0.7980029981361065 -0.7794295753576006 -0.45594246196530447 -0.12626420764683677 0.4386774018660369 0.8720572666978281 0.8834843838166495 1.1026772661976032 1.305516850517522 1.5205792787139698 1.6096517880055823 1.690835654183596 1.4413063835599502 1.2481690779625607 0.5238055896008544 0.2250830399132271 0.09197351000060393 -0.058161657458975696 -0.11233414056295289 -0.14948098611996483 +30790,-0.33985856959964655,1,-0.7794295753576006 -0.45594246196530447 -0.12626420764683677 0.4386774018660369 0.8720572666978281 0.8834843838166495 1.1026772661976032 1.305516850517522 1.5205792787139698 1.6096517880055823 1.690835654183596 1.4413063835599502 1.2481690779625607 0.5238055896008544 0.2250830399132271 0.09197351000060393 -0.058161657458975696 -0.11233414056295289 -0.14948098611996483 -0.2671126637171634 +30791,-0.34604971052580935,1,-0.45594246196530447 -0.12626420764683677 0.4386774018660369 0.8720572666978281 0.8834843838166495 1.1026772661976032 1.305516850517522 1.5205792787139698 1.6096517880055823 1.690835654183596 1.4413063835599502 1.2481690779625607 0.5238055896008544 0.2250830399132271 0.09197351000060393 -0.058161657458975696 -0.11233414056295289 -0.14948098611996483 -0.2671126637171634 -0.33985856959964655 +30792,-0.4838025961330546,1,-0.12626420764683677 0.4386774018660369 0.8720572666978281 0.8834843838166495 1.1026772661976032 1.305516850517522 1.5205792787139698 1.6096517880055823 1.690835654183596 1.4413063835599502 1.2481690779625607 0.5238055896008544 0.2250830399132271 0.09197351000060393 -0.058161657458975696 -0.11233414056295289 -0.14948098611996483 -0.2671126637171634 -0.33985856959964655 -0.34604971052580935 +30793,-0.582860850951756,1,0.4386774018660369 0.8720572666978281 0.8834843838166495 1.1026772661976032 1.305516850517522 1.5205792787139698 1.6096517880055823 1.690835654183596 1.4413063835599502 1.2481690779625607 0.5238055896008544 0.2250830399132271 0.09197351000060393 -0.058161657458975696 -0.11233414056295289 -0.14948098611996483 -0.2671126637171634 -0.33985856959964655 -0.34604971052580935 -0.4838025961330546 +30794,-0.5286883678477788,1,0.8720572666978281 0.8834843838166495 1.1026772661976032 1.305516850517522 1.5205792787139698 1.6096517880055823 1.690835654183596 1.4413063835599502 1.2481690779625607 0.5238055896008544 0.2250830399132271 0.09197351000060393 -0.058161657458975696 -0.11233414056295289 -0.14948098611996483 -0.2671126637171634 -0.33985856959964655 -0.34604971052580935 -0.4838025961330546 -0.582860850951756 +30795,-0.15567212704613642,1,0.8834843838166495 1.1026772661976032 1.305516850517522 1.5205792787139698 1.6096517880055823 1.690835654183596 1.4413063835599502 1.2481690779625607 0.5238055896008544 0.2250830399132271 0.09197351000060393 -0.058161657458975696 -0.11233414056295289 -0.14948098611996483 -0.2671126637171634 -0.33985856959964655 -0.34604971052580935 -0.4838025961330546 -0.582860850951756 -0.5286883678477788 +30796,0.19103176481929654,1,1.1026772661976032 1.305516850517522 1.5205792787139698 1.6096517880055823 1.690835654183596 1.4413063835599502 1.2481690779625607 0.5238055896008544 0.2250830399132271 0.09197351000060393 -0.058161657458975696 -0.11233414056295289 -0.14948098611996483 -0.2671126637171634 -0.33985856959964655 -0.34604971052580935 -0.4838025961330546 -0.582860850951756 -0.5286883678477788 -0.15567212704613642 +30797,0.8302670654461852,1,1.305516850517522 1.5205792787139698 1.6096517880055823 1.690835654183596 1.4413063835599502 1.2481690779625607 0.5238055896008544 0.2250830399132271 0.09197351000060393 -0.058161657458975696 -0.11233414056295289 -0.14948098611996483 -0.2671126637171634 -0.33985856959964655 -0.34604971052580935 -0.4838025961330546 -0.582860850951756 -0.5286883678477788 -0.15567212704613642 0.19103176481929654 +30798,1.3983042454221404,1,1.5205792787139698 1.6096517880055823 1.690835654183596 1.4413063835599502 1.2481690779625607 0.5238055896008544 0.2250830399132271 0.09197351000060393 -0.058161657458975696 -0.11233414056295289 -0.14948098611996483 -0.2671126637171634 -0.33985856959964655 -0.34604971052580935 -0.4838025961330546 -0.582860850951756 -0.5286883678477788 -0.15567212704613642 0.19103176481929654 0.8302670654461852 +30799,1.5902296141333627,1,1.6096517880055823 1.690835654183596 1.4413063835599502 1.2481690779625607 0.5238055896008544 0.2250830399132271 0.09197351000060393 -0.058161657458975696 -0.11233414056295289 -0.14948098611996483 -0.2671126637171634 -0.33985856959964655 -0.34604971052580935 -0.4838025961330546 -0.582860850951756 -0.5286883678477788 -0.15567212704613642 0.19103176481929654 0.8302670654461852 1.3983042454221404 +30800,1.5931876974655619,1,1.690835654183596 1.4413063835599502 1.2481690779625607 0.5238055896008544 0.2250830399132271 0.09197351000060393 -0.058161657458975696 -0.11233414056295289 -0.14948098611996483 -0.2671126637171634 -0.33985856959964655 -0.34604971052580935 -0.4838025961330546 -0.582860850951756 -0.5286883678477788 -0.15567212704613642 0.19103176481929654 0.8302670654461852 1.3983042454221404 1.5902296141333627 +30801,1.4756935069992456,1,1.4413063835599502 1.2481690779625607 0.5238055896008544 0.2250830399132271 0.09197351000060393 -0.058161657458975696 -0.11233414056295289 -0.14948098611996483 -0.2671126637171634 -0.33985856959964655 -0.34604971052580935 -0.4838025961330546 -0.582860850951756 -0.5286883678477788 -0.15567212704613642 0.19103176481929654 0.8302670654461852 1.3983042454221404 1.5902296141333627 1.5931876974655619 +30802,1.1831620982377897,1,1.2481690779625607 0.5238055896008544 0.2250830399132271 0.09197351000060393 -0.058161657458975696 -0.11233414056295289 -0.14948098611996483 -0.2671126637171634 -0.33985856959964655 -0.34604971052580935 -0.4838025961330546 -0.582860850951756 -0.5286883678477788 -0.15567212704613642 0.19103176481929654 0.8302670654461852 1.3983042454221404 1.5902296141333627 1.5931876974655619 1.4756935069992456 +30803,1.118155118513019,1,0.5238055896008544 0.2250830399132271 0.09197351000060393 -0.058161657458975696 -0.11233414056295289 -0.14948098611996483 -0.2671126637171634 -0.33985856959964655 -0.34604971052580935 -0.4838025961330546 -0.582860850951756 -0.5286883678477788 -0.15567212704613642 0.19103176481929654 0.8302670654461852 1.3983042454221404 1.5902296141333627 1.5931876974655619 1.4756935069992456 1.1831620982377897 +30804,1.0009266013574605,1,0.2250830399132271 0.09197351000060393 -0.058161657458975696 -0.11233414056295289 -0.14948098611996483 -0.2671126637171634 -0.33985856959964655 -0.34604971052580935 -0.4838025961330546 -0.582860850951756 -0.5286883678477788 -0.15567212704613642 0.19103176481929654 0.8302670654461852 1.3983042454221404 1.5902296141333627 1.5931876974655619 1.4756935069992456 1.1831620982377897 1.118155118513019 +30805,0.7497822334059986,1,0.09197351000060393 -0.058161657458975696 -0.11233414056295289 -0.14948098611996483 -0.2671126637171634 -0.33985856959964655 -0.34604971052580935 -0.4838025961330546 -0.582860850951756 -0.5286883678477788 -0.15567212704613642 0.19103176481929654 0.8302670654461852 1.3983042454221404 1.5902296141333627 1.5931876974655619 1.4756935069992456 1.1831620982377897 1.118155118513019 1.0009266013574605 +30806,0.28818733421789355,1,-0.058161657458975696 -0.11233414056295289 -0.14948098611996483 -0.2671126637171634 -0.33985856959964655 -0.34604971052580935 -0.4838025961330546 -0.582860850951756 -0.5286883678477788 -0.15567212704613642 0.19103176481929654 0.8302670654461852 1.3983042454221404 1.5902296141333627 1.5931876974655619 1.4756935069992456 1.1831620982377897 1.118155118513019 1.0009266013574605 0.7497822334059986 +30807,0.13840706694686883,1,-0.11233414056295289 -0.14948098611996483 -0.2671126637171634 -0.33985856959964655 -0.34604971052580935 -0.4838025961330546 -0.582860850951756 -0.5286883678477788 -0.15567212704613642 0.19103176481929654 0.8302670654461852 1.3983042454221404 1.5902296141333627 1.5931876974655619 1.4756935069992456 1.1831620982377897 1.118155118513019 1.0009266013574605 0.7497822334059986 0.28818733421789355 +30808,-0.10459521440524061,1,-0.14948098611996483 -0.2671126637171634 -0.33985856959964655 -0.34604971052580935 -0.4838025961330546 -0.582860850951756 -0.5286883678477788 -0.15567212704613642 0.19103176481929654 0.8302670654461852 1.3983042454221404 1.5902296141333627 1.5931876974655619 1.4756935069992456 1.1831620982377897 1.118155118513019 1.0009266013574605 0.7497822334059986 0.28818733421789355 0.13840706694686883 +30809,-0.14948098611996483,1,-0.2671126637171634 -0.33985856959964655 -0.34604971052580935 -0.4838025961330546 -0.582860850951756 -0.5286883678477788 -0.15567212704613642 0.19103176481929654 0.8302670654461852 1.3983042454221404 1.5902296141333627 1.5931876974655619 1.4756935069992456 1.1831620982377897 1.118155118513019 1.0009266013574605 0.7497822334059986 0.28818733421789355 0.13840706694686883 -0.10459521440524061 +30810,-0.15257655658304622,1,-0.33985856959964655 -0.34604971052580935 -0.4838025961330546 -0.582860850951756 -0.5286883678477788 -0.15567212704613642 0.19103176481929654 0.8302670654461852 1.3983042454221404 1.5902296141333627 1.5931876974655619 1.4756935069992456 1.1831620982377897 1.118155118513019 1.0009266013574605 0.7497822334059986 0.28818733421789355 0.13840706694686883 -0.10459521440524061 -0.14948098611996483 +30811,-0.2129401806131862,1,-0.34604971052580935 -0.4838025961330546 -0.582860850951756 -0.5286883678477788 -0.15567212704613642 0.19103176481929654 0.8302670654461852 1.3983042454221404 1.5902296141333627 1.5931876974655619 1.4756935069992456 1.1831620982377897 1.118155118513019 1.0009266013574605 0.7497822334059986 0.28818733421789355 0.13840706694686883 -0.10459521440524061 -0.14948098611996483 -0.15257655658304622 +30812,-0.2144879658447357,1,-0.4838025961330546 -0.582860850951756 -0.5286883678477788 -0.15567212704613642 0.19103176481929654 0.8302670654461852 1.3983042454221404 1.5902296141333627 1.5931876974655619 1.4756935069992456 1.1831620982377897 1.118155118513019 1.0009266013574605 0.7497822334059986 0.28818733421789355 0.13840706694686883 -0.10459521440524061 -0.14948098611996483 -0.15257655658304622 -0.2129401806131862 +30813,-0.2144879658447357,1,-0.582860850951756 -0.5286883678477788 -0.15567212704613642 0.19103176481929654 0.8302670654461852 1.3983042454221404 1.5902296141333627 1.5931876974655619 1.4756935069992456 1.1831620982377897 1.118155118513019 1.0009266013574605 0.7497822334059986 0.28818733421789355 0.13840706694686883 -0.10459521440524061 -0.14948098611996483 -0.15257655658304622 -0.2129401806131862 -0.2144879658447357 +30814,-0.21761110298190273,1,-0.5286883678477788 -0.15567212704613642 0.19103176481929654 0.8302670654461852 1.3983042454221404 1.5902296141333627 1.5931876974655619 1.4756935069992456 1.1831620982377897 1.118155118513019 1.0009266013574605 0.7497822334059986 0.28818733421789355 0.13840706694686883 -0.10459521440524061 -0.14948098611996483 -0.15257655658304622 -0.2129401806131862 -0.2144879658447357 -0.2144879658447357 +30815,-0.2702082341802448,1,-0.15567212704613642 0.19103176481929654 0.8302670654461852 1.3983042454221404 1.5902296141333627 1.5931876974655619 1.4756935069992456 1.1831620982377897 1.118155118513019 1.0009266013574605 0.7497822334059986 0.28818733421789355 0.13840706694686883 -0.10459521440524061 -0.14948098611996483 -0.15257655658304622 -0.2129401806131862 -0.2144879658447357 -0.2144879658447357 -0.21761110298190273 +30816,-0.2624693080225413,1,0.19103176481929654 0.8302670654461852 1.3983042454221404 1.5902296141333627 1.5931876974655619 1.4756935069992456 1.1831620982377897 1.118155118513019 1.0009266013574605 0.7497822334059986 0.28818733421789355 0.13840706694686883 -0.10459521440524061 -0.14948098611996483 -0.15257655658304622 -0.2129401806131862 -0.2144879658447357 -0.2144879658447357 -0.21761110298190273 -0.2702082341802448 +30817,-0.3197373615895999,1,0.8302670654461852 1.3983042454221404 1.5902296141333627 1.5931876974655619 1.4756935069992456 1.1831620982377897 1.118155118513019 1.0009266013574605 0.7497822334059986 0.28818733421789355 0.13840706694686883 -0.10459521440524061 -0.14948098611996483 -0.15257655658304622 -0.2129401806131862 -0.2144879658447357 -0.2144879658447357 -0.21761110298190273 -0.2702082341802448 -0.2624693080225413 +30818,-0.24853924093865745,1,1.3983042454221404 1.5902296141333627 1.5931876974655619 1.4756935069992456 1.1831620982377897 1.118155118513019 1.0009266013574605 0.7497822334059986 0.28818733421789355 0.13840706694686883 -0.10459521440524061 -0.14948098611996483 -0.15257655658304622 -0.2129401806131862 -0.2144879658447357 -0.2144879658447357 -0.21761110298190273 -0.2702082341802448 -0.2624693080225413 -0.3197373615895999 +30819,-0.14793320088842413,1,1.5902296141333627 1.5931876974655619 1.4756935069992456 1.1831620982377897 1.118155118513019 1.0009266013574605 0.7497822334059986 0.28818733421789355 0.13840706694686883 -0.10459521440524061 -0.14948098611996483 -0.15257655658304622 -0.2129401806131862 -0.2144879658447357 -0.2144879658447357 -0.21761110298190273 -0.2702082341802448 -0.2624693080225413 -0.3197373615895999 -0.24853924093865745 +30820,-0.005536959586547991,1,1.5931876974655619 1.4756935069992456 1.1831620982377897 1.118155118513019 1.0009266013574605 0.7497822334059986 0.28818733421789355 0.13840706694686883 -0.10459521440524061 -0.14948098611996483 -0.15257655658304622 -0.2129401806131862 -0.2144879658447357 -0.2144879658447357 -0.21761110298190273 -0.2702082341802448 -0.2624693080225413 -0.3197373615895999 -0.24853924093865745 -0.14793320088842413 +30821,-0.007078224308471223,1,1.4756935069992456 1.1831620982377897 1.118155118513019 1.0009266013574605 0.7497822334059986 0.28818733421789355 0.13840706694686883 -0.10459521440524061 -0.14948098611996483 -0.15257655658304622 -0.2129401806131862 -0.2144879658447357 -0.2144879658447357 -0.21761110298190273 -0.2702082341802448 -0.2624693080225413 -0.3197373615895999 -0.24853924093865745 -0.14793320088842413 -0.005536959586547991 +30822,0.13221592602069726,1,1.1831620982377897 1.118155118513019 1.0009266013574605 0.7497822334059986 0.28818733421789355 0.13840706694686883 -0.10459521440524061 -0.14948098611996483 -0.15257655658304622 -0.2129401806131862 -0.2144879658447357 -0.2144879658447357 -0.21761110298190273 -0.2702082341802448 -0.2624693080225413 -0.3197373615895999 -0.24853924093865745 -0.14793320088842413 -0.005536959586547991 -0.007078224308471223 +30823,0.19979673127273295,1,1.118155118513019 1.0009266013574605 0.7497822334059986 0.28818733421789355 0.13840706694686883 -0.10459521440524061 -0.14948098611996483 -0.15257655658304622 -0.2129401806131862 -0.2144879658447357 -0.2144879658447357 -0.21761110298190273 -0.2702082341802448 -0.2624693080225413 -0.3197373615895999 -0.24853924093865745 -0.14793320088842413 -0.005536959586547991 -0.007078224308471223 0.13221592602069726 +30824,0.13066814078915656,1,1.0009266013574605 0.7497822334059986 0.28818733421789355 0.13840706694686883 -0.10459521440524061 -0.14948098611996483 -0.15257655658304622 -0.2129401806131862 -0.2144879658447357 -0.2144879658447357 -0.21761110298190273 -0.2702082341802448 -0.2624693080225413 -0.3197373615895999 -0.24853924093865745 -0.14793320088842413 -0.005536959586547991 -0.007078224308471223 0.13221592602069726 0.19979673127273295 +30825,0.0718181109504549,1,0.7497822334059986 0.28818733421789355 0.13840706694686883 -0.10459521440524061 -0.14948098611996483 -0.15257655658304622 -0.2129401806131862 -0.2144879658447357 -0.2144879658447357 -0.21761110298190273 -0.2702082341802448 -0.2624693080225413 -0.3197373615895999 -0.24853924093865745 -0.14793320088842413 -0.005536959586547991 -0.007078224308471223 0.13221592602069726 0.19979673127273295 0.13066814078915656 +30826,0.008393107497327084,1,0.28818733421789355 0.13840706694686883 -0.10459521440524061 -0.14948098611996483 -0.15257655658304622 -0.2129401806131862 -0.2144879658447357 -0.2144879658447357 -0.21761110298190273 -0.2702082341802448 -0.2624693080225413 -0.3197373615895999 -0.24853924093865745 -0.14793320088842413 -0.005536959586547991 -0.007078224308471223 0.13221592602069726 0.19979673127273295 0.13066814078915656 0.0718181109504549 +30827,0.01613203365503937,1,0.13840706694686883 -0.10459521440524061 -0.14948098611996483 -0.15257655658304622 -0.2129401806131862 -0.2144879658447357 -0.2144879658447357 -0.21761110298190273 -0.2702082341802448 -0.2624693080225413 -0.3197373615895999 -0.24853924093865745 -0.14793320088842413 -0.005536959586547991 -0.007078224308471223 0.13221592602069726 0.19979673127273295 0.13066814078915656 0.0718181109504549 0.008393107497327084 +30828,0.02232317458121096,1,-0.10459521440524061 -0.14948098611996483 -0.15257655658304622 -0.2129401806131862 -0.2144879658447357 -0.2144879658447357 -0.21761110298190273 -0.2702082341802448 -0.2624693080225413 -0.3197373615895999 -0.24853924093865745 -0.14793320088842413 -0.005536959586547991 -0.007078224308471223 0.13221592602069726 0.19979673127273295 0.13066814078915656 0.0718181109504549 0.008393107497327084 0.01613203365503937 +30829,0.006152179927222007,1,-0.14948098611996483 -0.15257655658304622 -0.2129401806131862 -0.2144879658447357 -0.2144879658447357 -0.21761110298190273 -0.2702082341802448 -0.2624693080225413 -0.3197373615895999 -0.24853924093865745 -0.14793320088842413 -0.005536959586547991 -0.007078224308471223 0.13221592602069726 0.19979673127273295 0.13066814078915656 0.0718181109504549 0.008393107497327084 0.01613203365503937 0.02232317458121096 +30830,-0.02875373805967605,1,-0.15257655658304622 -0.2129401806131862 -0.2144879658447357 -0.2144879658447357 -0.21761110298190273 -0.2702082341802448 -0.2624693080225413 -0.3197373615895999 -0.24853924093865745 -0.14793320088842413 -0.005536959586547991 -0.007078224308471223 0.13221592602069726 0.19979673127273295 0.13066814078915656 0.0718181109504549 0.008393107497327084 0.01613203365503937 0.02232317458121096 0.006152179927222007 +30831,-0.14112899291175765,1,-0.2129401806131862 -0.2144879658447357 -0.2144879658447357 -0.21761110298190273 -0.2702082341802448 -0.2624693080225413 -0.3197373615895999 -0.24853924093865745 -0.14793320088842413 -0.005536959586547991 -0.007078224308471223 0.13221592602069726 0.19979673127273295 0.13066814078915656 0.0718181109504549 0.008393107497327084 0.01613203365503937 0.02232317458121096 0.006152179927222007 -0.02875373805967605 +30832,-0.25627816709636975,1,-0.2144879658447357 -0.2144879658447357 -0.21761110298190273 -0.2702082341802448 -0.2624693080225413 -0.3197373615895999 -0.24853924093865745 -0.14793320088842413 -0.005536959586547991 -0.007078224308471223 0.13221592602069726 0.19979673127273295 0.13066814078915656 0.0718181109504549 0.008393107497327084 0.01613203365503937 0.02232317458121096 0.006152179927222007 -0.02875373805967605 -0.14112899291175765 +30833,-0.33985856959964655,1,-0.2144879658447357 -0.21761110298190273 -0.2702082341802448 -0.2624693080225413 -0.3197373615895999 -0.24853924093865745 -0.14793320088842413 -0.005536959586547991 -0.007078224308471223 0.13221592602069726 0.19979673127273295 0.13066814078915656 0.0718181109504549 0.008393107497327084 0.01613203365503937 0.02232317458121096 0.006152179927222007 -0.02875373805967605 -0.14112899291175765 -0.25627816709636975 +30834,-0.3909354822405336,1,-0.21761110298190273 -0.2702082341802448 -0.2624693080225413 -0.3197373615895999 -0.24853924093865745 -0.14793320088842413 -0.005536959586547991 -0.007078224308471223 0.13221592602069726 0.19979673127273295 0.13066814078915656 0.0718181109504549 0.008393107497327084 0.01613203365503937 0.02232317458121096 0.006152179927222007 -0.02875373805967605 -0.14112899291175765 -0.25627816709636975 -0.33985856959964655 +30835,-0.38474434131436197,1,-0.2702082341802448 -0.2624693080225413 -0.3197373615895999 -0.24853924093865745 -0.14793320088842413 -0.005536959586547991 -0.007078224308471223 0.13221592602069726 0.19979673127273295 0.13066814078915656 0.0718181109504549 0.008393107497327084 0.01613203365503937 0.02232317458121096 0.006152179927222007 -0.02875373805967605 -0.14112899291175765 -0.25627816709636975 -0.33985856959964655 -0.3909354822405336 +30836,-0.39712662316670516,1,-0.2624693080225413 -0.3197373615895999 -0.24853924093865745 -0.14793320088842413 -0.005536959586547991 -0.007078224308471223 0.13221592602069726 0.19979673127273295 0.13066814078915656 0.0718181109504549 0.008393107497327084 0.01613203365503937 0.02232317458121096 0.006152179927222007 -0.02875373805967605 -0.14112899291175765 -0.25627816709636975 -0.33985856959964655 -0.3909354822405336 -0.38474434131436197 +30837,-0.4218911868713739,1,-0.3197373615895999 -0.24853924093865745 -0.14793320088842413 -0.005536959586547991 -0.007078224308471223 0.13221592602069726 0.19979673127273295 0.13066814078915656 0.0718181109504549 0.008393107497327084 0.01613203365503937 0.02232317458121096 0.006152179927222007 -0.02875373805967605 -0.14112899291175765 -0.25627816709636975 -0.33985856959964655 -0.3909354822405336 -0.38474434131436197 -0.39712662316670516 +30838,-0.45749024719684517,1,-0.24853924093865745 -0.14793320088842413 -0.005536959586547991 -0.007078224308471223 0.13221592602069726 0.19979673127273295 0.13066814078915656 0.0718181109504549 0.008393107497327084 0.01613203365503937 0.02232317458121096 0.006152179927222007 -0.02875373805967605 -0.14112899291175765 -0.25627816709636975 -0.33985856959964655 -0.3909354822405336 -0.38474434131436197 -0.39712662316670516 -0.4218911868713739 +30839,-0.4342734687237083,1,-0.14793320088842413 -0.005536959586547991 -0.007078224308471223 0.13221592602069726 0.19979673127273295 0.13066814078915656 0.0718181109504549 0.008393107497327084 0.01613203365503937 0.02232317458121096 0.006152179927222007 -0.02875373805967605 -0.14112899291175765 -0.25627816709636975 -0.33985856959964655 -0.3909354822405336 -0.38474434131436197 -0.39712662316670516 -0.4218911868713739 -0.45749024719684517 +30840,-0.4414667108157627,1,-0.005536959586547991 -0.007078224308471223 0.13221592602069726 0.19979673127273295 0.13066814078915656 0.0718181109504549 0.008393107497327084 0.01613203365503937 0.02232317458121096 0.006152179927222007 -0.02875373805967605 -0.14112899291175765 -0.25627816709636975 -0.33985856959964655 -0.3909354822405336 -0.38474434131436197 -0.39712662316670516 -0.4218911868713739 -0.45749024719684517 -0.4342734687237083 +30841,-0.45749024719684517,1,-0.007078224308471223 0.13221592602069726 0.19979673127273295 0.13066814078915656 0.0718181109504549 0.008393107497327084 0.01613203365503937 0.02232317458121096 0.006152179927222007 -0.02875373805967605 -0.14112899291175765 -0.25627816709636975 -0.33985856959964655 -0.3909354822405336 -0.38474434131436197 -0.39712662316670516 -0.4218911868713739 -0.45749024719684517 -0.4342734687237083 -0.4414667108157627 +30842,-0.4420123948814206,1,0.13221592602069726 0.19979673127273295 0.13066814078915656 0.0718181109504549 0.008393107497327084 0.01613203365503937 0.02232317458121096 0.006152179927222007 -0.02875373805967605 -0.14112899291175765 -0.25627816709636975 -0.33985856959964655 -0.3909354822405336 -0.38474434131436197 -0.39712662316670516 -0.4218911868713739 -0.45749024719684517 -0.4342734687237083 -0.4414667108157627 -0.45749024719684517 +30843,-0.4157000459452023,1,0.19979673127273295 0.13066814078915656 0.0718181109504549 0.008393107497327084 0.01613203365503937 0.02232317458121096 0.006152179927222007 -0.02875373805967605 -0.14112899291175765 -0.25627816709636975 -0.33985856959964655 -0.3909354822405336 -0.38474434131436197 -0.39712662316670516 -0.4218911868713739 -0.45749024719684517 -0.4342734687237083 -0.4414667108157627 -0.45749024719684517 -0.4420123948814206 +30844,-0.3259285025157627,1,0.13066814078915656 0.0718181109504549 0.008393107497327084 0.01613203365503937 0.02232317458121096 0.006152179927222007 -0.02875373805967605 -0.14112899291175765 -0.25627816709636975 -0.33985856959964655 -0.3909354822405336 -0.38474434131436197 -0.39712662316670516 -0.4218911868713739 -0.45749024719684517 -0.4342734687237083 -0.4414667108157627 -0.45749024719684517 -0.4420123948814206 -0.4157000459452023 +30845,-0.3383107843680971,1,0.0718181109504549 0.008393107497327084 0.01613203365503937 0.02232317458121096 0.006152179927222007 -0.02875373805967605 -0.14112899291175765 -0.25627816709636975 -0.33985856959964655 -0.3909354822405336 -0.38474434131436197 -0.39712662316670516 -0.4218911868713739 -0.45749024719684517 -0.4342734687237083 -0.4414667108157627 -0.45749024719684517 -0.4420123948814206 -0.4157000459452023 -0.3259285025157627 +30846,-0.30580729450571603,1,0.008393107497327084 0.01613203365503937 0.02232317458121096 0.006152179927222007 -0.02875373805967605 -0.14112899291175765 -0.25627816709636975 -0.33985856959964655 -0.3909354822405336 -0.38474434131436197 -0.39712662316670516 -0.4218911868713739 -0.45749024719684517 -0.4342734687237083 -0.4414667108157627 -0.45749024719684517 -0.4420123948814206 -0.4157000459452023 -0.3259285025157627 -0.3383107843680971 +30847,-0.3072317291480067,1,0.01613203365503937 0.02232317458121096 0.006152179927222007 -0.02875373805967605 -0.14112899291175765 -0.25627816709636975 -0.33985856959964655 -0.3909354822405336 -0.38474434131436197 -0.39712662316670516 -0.4218911868713739 -0.45749024719684517 -0.4342734687237083 -0.4414667108157627 -0.45749024719684517 -0.4420123948814206 -0.4157000459452023 -0.3259285025157627 -0.3383107843680971 -0.30580729450571603 +30848,-0.3104506502003469,1,0.02232317458121096 0.006152179927222007 -0.02875373805967605 -0.14112899291175765 -0.25627816709636975 -0.33985856959964655 -0.3909354822405336 -0.38474434131436197 -0.39712662316670516 -0.4218911868713739 -0.45749024719684517 -0.4342734687237083 -0.4414667108157627 -0.45749024719684517 -0.4420123948814206 -0.4157000459452023 -0.3259285025157627 -0.3383107843680971 -0.30580729450571603 -0.3072317291480067 +30849,-0.28127602955244685,1,0.006152179927222007 -0.02875373805967605 -0.14112899291175765 -0.25627816709636975 -0.33985856959964655 -0.3909354822405336 -0.38474434131436197 -0.39712662316670516 -0.4218911868713739 -0.45749024719684517 -0.4342734687237083 -0.4414667108157627 -0.45749024719684517 -0.4420123948814206 -0.4157000459452023 -0.3259285025157627 -0.3383107843680971 -0.30580729450571603 -0.3072317291480067 -0.3104506502003469 +30850,-0.2516348114017388,1,-0.02875373805967605 -0.14112899291175765 -0.25627816709636975 -0.33985856959964655 -0.3909354822405336 -0.38474434131436197 -0.39712662316670516 -0.4218911868713739 -0.45749024719684517 -0.4342734687237083 -0.4414667108157627 -0.45749024719684517 -0.4420123948814206 -0.4157000459452023 -0.3259285025157627 -0.3383107843680971 -0.30580729450571603 -0.3072317291480067 -0.3104506502003469 -0.28127602955244685 +30851,-0.28413830126412865,1,-0.14112899291175765 -0.25627816709636975 -0.33985856959964655 -0.3909354822405336 -0.38474434131436197 -0.39712662316670516 -0.4218911868713739 -0.45749024719684517 -0.4342734687237083 -0.4414667108157627 -0.45749024719684517 -0.4420123948814206 -0.4157000459452023 -0.3259285025157627 -0.3383107843680971 -0.30580729450571603 -0.3072317291480067 -0.3104506502003469 -0.28127602955244685 -0.2516348114017388 +30852,-0.3212851468211406,1,-0.25627816709636975 -0.33985856959964655 -0.3909354822405336 -0.38474434131436197 -0.39712662316670516 -0.4218911868713739 -0.45749024719684517 -0.4342734687237083 -0.4414667108157627 -0.45749024719684517 -0.4420123948814206 -0.4157000459452023 -0.3259285025157627 -0.3383107843680971 -0.30580729450571603 -0.3072317291480067 -0.3104506502003469 -0.28127602955244685 -0.2516348114017388 -0.28413830126412865 +30853,-0.3094024818382818,1,-0.33985856959964655 -0.3909354822405336 -0.38474434131436197 -0.39712662316670516 -0.4218911868713739 -0.45749024719684517 -0.4342734687237083 -0.4414667108157627 -0.45749024719684517 -0.4420123948814206 -0.4157000459452023 -0.3259285025157627 -0.3383107843680971 -0.30580729450571603 -0.3072317291480067 -0.3104506502003469 -0.28127602955244685 -0.2516348114017388 -0.28413830126412865 -0.3212851468211406 +30854,-0.2810427308010473,1,-0.3909354822405336 -0.38474434131436197 -0.39712662316670516 -0.4218911868713739 -0.45749024719684517 -0.4342734687237083 -0.4414667108157627 -0.45749024719684517 -0.4420123948814206 -0.4157000459452023 -0.3259285025157627 -0.3383107843680971 -0.30580729450571603 -0.3072317291480067 -0.3104506502003469 -0.28127602955244685 -0.2516348114017388 -0.28413830126412865 -0.3212851468211406 -0.3094024818382818 +30855,-0.34450192529426865,1,-0.38474434131436197 -0.39712662316670516 -0.4218911868713739 -0.45749024719684517 -0.4342734687237083 -0.4414667108157627 -0.45749024719684517 -0.4420123948814206 -0.4157000459452023 -0.3259285025157627 -0.3383107843680971 -0.30580729450571603 -0.3072317291480067 -0.3104506502003469 -0.28127602955244685 -0.2516348114017388 -0.28413830126412865 -0.3212851468211406 -0.3094024818382818 -0.2810427308010473 +30856,-0.4126044754821209,1,-0.39712662316670516 -0.4218911868713739 -0.45749024719684517 -0.4342734687237083 -0.4414667108157627 -0.45749024719684517 -0.4420123948814206 -0.4157000459452023 -0.3259285025157627 -0.3383107843680971 -0.30580729450571603 -0.3072317291480067 -0.3104506502003469 -0.28127602955244685 -0.2516348114017388 -0.28413830126412865 -0.3212851468211406 -0.3094024818382818 -0.2810427308010473 -0.34450192529426865 +30857,-0.40331776409286796,1,-0.4218911868713739 -0.45749024719684517 -0.4342734687237083 -0.4414667108157627 -0.45749024719684517 -0.4420123948814206 -0.4157000459452023 -0.3259285025157627 -0.3383107843680971 -0.30580729450571603 -0.3072317291480067 -0.3104506502003469 -0.28127602955244685 -0.2516348114017388 -0.28413830126412865 -0.3212851468211406 -0.3094024818382818 -0.2810427308010473 -0.34450192529426865 -0.4126044754821209 +30858,-0.40331776409286796,1,-0.45749024719684517 -0.4342734687237083 -0.4414667108157627 -0.45749024719684517 -0.4420123948814206 -0.4157000459452023 -0.3259285025157627 -0.3383107843680971 -0.30580729450571603 -0.3072317291480067 -0.3104506502003469 -0.28127602955244685 -0.2516348114017388 -0.28413830126412865 -0.3212851468211406 -0.3094024818382818 -0.2810427308010473 -0.34450192529426865 -0.4126044754821209 -0.40331776409286796 +30859,-0.45284689150221424,1,-0.4342734687237083 -0.4414667108157627 -0.45749024719684517 -0.4420123948814206 -0.4157000459452023 -0.3259285025157627 -0.3383107843680971 -0.30580729450571603 -0.3072317291480067 -0.3104506502003469 -0.28127602955244685 -0.2516348114017388 -0.28413830126412865 -0.3212851468211406 -0.3094024818382818 -0.2810427308010473 -0.34450192529426865 -0.4126044754821209 -0.40331776409286796 -0.40331776409286796 +30860,-0.45129910627067354,1,-0.4414667108157627 -0.45749024719684517 -0.4420123948814206 -0.4157000459452023 -0.3259285025157627 -0.3383107843680971 -0.30580729450571603 -0.3072317291480067 -0.3104506502003469 -0.28127602955244685 -0.2516348114017388 -0.28413830126412865 -0.3212851468211406 -0.3094024818382818 -0.2810427308010473 -0.34450192529426865 -0.4126044754821209 -0.40331776409286796 -0.40331776409286796 -0.45284689150221424 +30861,-0.4342734687237083,1,-0.45749024719684517 -0.4420123948814206 -0.4157000459452023 -0.3259285025157627 -0.3383107843680971 -0.30580729450571603 -0.3072317291480067 -0.3104506502003469 -0.28127602955244685 -0.2516348114017388 -0.28413830126412865 -0.3212851468211406 -0.3094024818382818 -0.2810427308010473 -0.34450192529426865 -0.4126044754821209 -0.40331776409286796 -0.40331776409286796 -0.45284689150221424 -0.45129910627067354 +30862,-0.44665575057605145,1,-0.4420123948814206 -0.4157000459452023 -0.3259285025157627 -0.3383107843680971 -0.30580729450571603 -0.3072317291480067 -0.3104506502003469 -0.28127602955244685 -0.2516348114017388 -0.28413830126412865 -0.3212851468211406 -0.3094024818382818 -0.2810427308010473 -0.34450192529426865 -0.4126044754821209 -0.40331776409286796 -0.40331776409286796 -0.45284689150221424 -0.45129910627067354 -0.4342734687237083 +30863,-0.45129910627067354,1,-0.4157000459452023 -0.3259285025157627 -0.3383107843680971 -0.30580729450571603 -0.3072317291480067 -0.3104506502003469 -0.28127602955244685 -0.2516348114017388 -0.28413830126412865 -0.3212851468211406 -0.3094024818382818 -0.2810427308010473 -0.34450192529426865 -0.4126044754821209 -0.40331776409286796 -0.40331776409286796 -0.45284689150221424 -0.45129910627067354 -0.4342734687237083 -0.44665575057605145 +30864,-0.49308930752230756,1,-0.3259285025157627 -0.3383107843680971 -0.30580729450571603 -0.3072317291480067 -0.3104506502003469 -0.28127602955244685 -0.2516348114017388 -0.28413830126412865 -0.3212851468211406 -0.3094024818382818 -0.2810427308010473 -0.34450192529426865 -0.4126044754821209 -0.40331776409286796 -0.40331776409286796 -0.45284689150221424 -0.45129910627067354 -0.4342734687237083 -0.44665575057605145 -0.45129910627067354 +30865,-0.4992804484484792,1,-0.3383107843680971 -0.30580729450571603 -0.3072317291480067 -0.3104506502003469 -0.28127602955244685 -0.2516348114017388 -0.28413830126412865 -0.3212851468211406 -0.3094024818382818 -0.2810427308010473 -0.34450192529426865 -0.4126044754821209 -0.40331776409286796 -0.40331776409286796 -0.45284689150221424 -0.45129910627067354 -0.4342734687237083 -0.44665575057605145 -0.45129910627067354 -0.49308930752230756 +30866,-0.46987252904917953,1,-0.30580729450571603 -0.3072317291480067 -0.3104506502003469 -0.28127602955244685 -0.2516348114017388 -0.28413830126412865 -0.3212851468211406 -0.3094024818382818 -0.2810427308010473 -0.34450192529426865 -0.4126044754821209 -0.40331776409286796 -0.40331776409286796 -0.45284689150221424 -0.45129910627067354 -0.4342734687237083 -0.44665575057605145 -0.45129910627067354 -0.49308930752230756 -0.4992804484484792 +30867,-0.3506930662204403,1,-0.3072317291480067 -0.3104506502003469 -0.28127602955244685 -0.2516348114017388 -0.28413830126412865 -0.3212851468211406 -0.3094024818382818 -0.2810427308010473 -0.34450192529426865 -0.4126044754821209 -0.40331776409286796 -0.40331776409286796 -0.45284689150221424 -0.45129910627067354 -0.4342734687237083 -0.44665575057605145 -0.45129910627067354 -0.49308930752230756 -0.4992804484484792 -0.46987252904917953 +30868,-0.34689439713550957,1,-0.3104506502003469 -0.28127602955244685 -0.2516348114017388 -0.28413830126412865 -0.3212851468211406 -0.3094024818382818 -0.2810427308010473 -0.34450192529426865 -0.4126044754821209 -0.40331776409286796 -0.40331776409286796 -0.45284689150221424 -0.45129910627067354 -0.4342734687237083 -0.44665575057605145 -0.45129910627067354 -0.49308930752230756 -0.4992804484484792 -0.46987252904917953 -0.3506930662204403 +30869,-0.23770474431786376,1,-0.28127602955244685 -0.2516348114017388 -0.28413830126412865 -0.3212851468211406 -0.3094024818382818 -0.2810427308010473 -0.34450192529426865 -0.4126044754821209 -0.40331776409286796 -0.40331776409286796 -0.45284689150221424 -0.45129910627067354 -0.4342734687237083 -0.44665575057605145 -0.45129910627067354 -0.49308930752230756 -0.4992804484484792 -0.46987252904917953 -0.3506930662204403 -0.34689439713550957 +30870,-0.07518729500594096,1,-0.2516348114017388 -0.28413830126412865 -0.3212851468211406 -0.3094024818382818 -0.2810427308010473 -0.34450192529426865 -0.4126044754821209 -0.40331776409286796 -0.40331776409286796 -0.45284689150221424 -0.45129910627067354 -0.4342734687237083 -0.44665575057605145 -0.45129910627067354 -0.49308930752230756 -0.4992804484484792 -0.46987252904917953 -0.3506930662204403 -0.34689439713550957 -0.23770474431786376 +30871,-0.07753722008851241,1,-0.28413830126412865 -0.3212851468211406 -0.3094024818382818 -0.2810427308010473 -0.34450192529426865 -0.4126044754821209 -0.40331776409286796 -0.40331776409286796 -0.45284689150221424 -0.45129910627067354 -0.4342734687237083 -0.44665575057605145 -0.45129910627067354 -0.49308930752230756 -0.4992804484484792 -0.46987252904917953 -0.3506930662204403 -0.34689439713550957 -0.23770474431786376 -0.07518729500594096 +30872,-0.11078635533141219,1,-0.3212851468211406 -0.3094024818382818 -0.2810427308010473 -0.34450192529426865 -0.4126044754821209 -0.40331776409286796 -0.40331776409286796 -0.45284689150221424 -0.45129910627067354 -0.4342734687237083 -0.44665575057605145 -0.45129910627067354 -0.49308930752230756 -0.4992804484484792 -0.46987252904917953 -0.3506930662204403 -0.34689439713550957 -0.23770474431786376 -0.07518729500594096 -0.07753722008851241 +30873,-0.11141428452525426,1,-0.3094024818382818 -0.2810427308010473 -0.34450192529426865 -0.4126044754821209 -0.40331776409286796 -0.40331776409286796 -0.45284689150221424 -0.45129910627067354 -0.4342734687237083 -0.44665575057605145 -0.45129910627067354 -0.49308930752230756 -0.4992804484484792 -0.46987252904917953 -0.3506930662204403 -0.34689439713550957 -0.23770474431786376 -0.07518729500594096 -0.07753722008851241 -0.11078635533141219 +30874,-0.08756957685828413,1,-0.2810427308010473 -0.34450192529426865 -0.4126044754821209 -0.40331776409286796 -0.40331776409286796 -0.45284689150221424 -0.45129910627067354 -0.4342734687237083 -0.44665575057605145 -0.45129910627067354 -0.49308930752230756 -0.4992804484484792 -0.46987252904917953 -0.3506930662204403 -0.34689439713550957 -0.23770474431786376 -0.07518729500594096 -0.07753722008851241 -0.11078635533141219 -0.11141428452525426 +30875,-0.13245534857299956,1,-0.34450192529426865 -0.4126044754821209 -0.40331776409286796 -0.40331776409286796 -0.45284689150221424 -0.45129910627067354 -0.4342734687237083 -0.44665575057605145 -0.45129910627067354 -0.49308930752230756 -0.4992804484484792 -0.46987252904917953 -0.3506930662204403 -0.34689439713550957 -0.23770474431786376 -0.07518729500594096 -0.07753722008851241 -0.11078635533141219 -0.11141428452525426 -0.08756957685828413 +30876,-0.1649588384353894,1,-0.4126044754821209 -0.40331776409286796 -0.40331776409286796 -0.45284689150221424 -0.45129910627067354 -0.4342734687237083 -0.44665575057605145 -0.45129910627067354 -0.49308930752230756 -0.4992804484484792 -0.46987252904917953 -0.3506930662204403 -0.34689439713550957 -0.23770474431786376 -0.07518729500594096 -0.07753722008851241 -0.11078635533141219 -0.11141428452525426 -0.08756957685828413 -0.13245534857299956 +30877,-0.18533451239810458,1,-0.40331776409286796 -0.40331776409286796 -0.45284689150221424 -0.45129910627067354 -0.4342734687237083 -0.44665575057605145 -0.45129910627067354 -0.49308930752230756 -0.4992804484484792 -0.46987252904917953 -0.3506930662204403 -0.34689439713550957 -0.23770474431786376 -0.07518729500594096 -0.07753722008851241 -0.11078635533141219 -0.11141428452525426 -0.08756957685828413 -0.13245534857299956 -0.1649588384353894 +30878,-0.23151360339169216,1,-0.40331776409286796 -0.45284689150221424 -0.45129910627067354 -0.4342734687237083 -0.44665575057605145 -0.45129910627067354 -0.49308930752230756 -0.4992804484484792 -0.46987252904917953 -0.3506930662204403 -0.34689439713550957 -0.23770474431786376 -0.07518729500594096 -0.07753722008851241 -0.11078635533141219 -0.11141428452525426 -0.08756957685828413 -0.13245534857299956 -0.1649588384353894 -0.18533451239810458 +30879,-0.3197373615895999,1,-0.45284689150221424 -0.45129910627067354 -0.4342734687237083 -0.44665575057605145 -0.45129910627067354 -0.49308930752230756 -0.4992804484484792 -0.46987252904917953 -0.3506930662204403 -0.34689439713550957 -0.23770474431786376 -0.07518729500594096 -0.07753722008851241 -0.11078635533141219 -0.11141428452525426 -0.08756957685828413 -0.13245534857299956 -0.1649588384353894 -0.18533451239810458 -0.23151360339169216 +30880,-0.3723620594620276,1,-0.45129910627067354 -0.4342734687237083 -0.44665575057605145 -0.45129910627067354 -0.49308930752230756 -0.4992804484484792 -0.46987252904917953 -0.3506930662204403 -0.34689439713550957 -0.23770474431786376 -0.07518729500594096 -0.07753722008851241 -0.11078635533141219 -0.11141428452525426 -0.08756957685828413 -0.13245534857299956 -0.1649588384353894 -0.18533451239810458 -0.23151360339169216 -0.3197373615895999 +30881,-0.36307534807277464,1,-0.4342734687237083 -0.44665575057605145 -0.45129910627067354 -0.49308930752230756 -0.4992804484484792 -0.46987252904917953 -0.3506930662204403 -0.34689439713550957 -0.23770474431786376 -0.07518729500594096 -0.07753722008851241 -0.11078635533141219 -0.11141428452525426 -0.08756957685828413 -0.13245534857299956 -0.1649588384353894 -0.18533451239810458 -0.23151360339169216 -0.3197373615895999 -0.3723620594620276 +30882,-0.35843199237815254,1,-0.44665575057605145 -0.45129910627067354 -0.49308930752230756 -0.4992804484484792 -0.46987252904917953 -0.3506930662204403 -0.34689439713550957 -0.23770474431786376 -0.07518729500594096 -0.07753722008851241 -0.11078635533141219 -0.11141428452525426 -0.08756957685828413 -0.13245534857299956 -0.1649588384353894 -0.18533451239810458 -0.23151360339169216 -0.3197373615895999 -0.3723620594620276 -0.36307534807277464 +30883,-0.3605888906880329,1,-0.45129910627067354 -0.49308930752230756 -0.4992804484484792 -0.46987252904917953 -0.3506930662204403 -0.34689439713550957 -0.23770474431786376 -0.07518729500594096 -0.07753722008851241 -0.11078635533141219 -0.11141428452525426 -0.08756957685828413 -0.13245534857299956 -0.1649588384353894 -0.18533451239810458 -0.23151360339169216 -0.3197373615895999 -0.3723620594620276 -0.36307534807277464 -0.35843199237815254 +30884,-0.3924832674720743,1,-0.49308930752230756 -0.4992804484484792 -0.46987252904917953 -0.3506930662204403 -0.34689439713550957 -0.23770474431786376 -0.07518729500594096 -0.07753722008851241 -0.11078635533141219 -0.11141428452525426 -0.08756957685828413 -0.13245534857299956 -0.1649588384353894 -0.18533451239810458 -0.23151360339169216 -0.3197373615895999 -0.3723620594620276 -0.36307534807277464 -0.35843199237815254 -0.3605888906880329 +30885,-0.4280823277975455,1,-0.4992804484484792 -0.46987252904917953 -0.3506930662204403 -0.34689439713550957 -0.23770474431786376 -0.07518729500594096 -0.07753722008851241 -0.11078635533141219 -0.11141428452525426 -0.08756957685828413 -0.13245534857299956 -0.1649588384353894 -0.18533451239810458 -0.23151360339169216 -0.3197373615895999 -0.3723620594620276 -0.36307534807277464 -0.35843199237815254 -0.3605888906880329 -0.3924832674720743 +30886,-0.4157000459452023,1,-0.46987252904917953 -0.3506930662204403 -0.34689439713550957 -0.23770474431786376 -0.07518729500594096 -0.07753722008851241 -0.11078635533141219 -0.11141428452525426 -0.08756957685828413 -0.13245534857299956 -0.1649588384353894 -0.18533451239810458 -0.23151360339169216 -0.3197373615895999 -0.3723620594620276 -0.36307534807277464 -0.35843199237815254 -0.3605888906880329 -0.3924832674720743 -0.4280823277975455 +30887,-0.46832474381763883,1,-0.3506930662204403 -0.34689439713550957 -0.23770474431786376 -0.07518729500594096 -0.07753722008851241 -0.11078635533141219 -0.11141428452525426 -0.08756957685828413 -0.13245534857299956 -0.1649588384353894 -0.18533451239810458 -0.23151360339169216 -0.3197373615895999 -0.3723620594620276 -0.36307534807277464 -0.35843199237815254 -0.3605888906880329 -0.3924832674720743 -0.4280823277975455 -0.4157000459452023 +30888,-0.48586618899626954,1,-0.34689439713550957 -0.23770474431786376 -0.07518729500594096 -0.07753722008851241 -0.11078635533141219 -0.11141428452525426 -0.08756957685828413 -0.13245534857299956 -0.1649588384353894 -0.18533451239810458 -0.23151360339169216 -0.3197373615895999 -0.3723620594620276 -0.36307534807277464 -0.35843199237815254 -0.3605888906880329 -0.3924832674720743 -0.4280823277975455 -0.4157000459452023 -0.46832474381763883 +30889,-0.5905997771094683,1,-0.23770474431786376 -0.07518729500594096 -0.07753722008851241 -0.11078635533141219 -0.11141428452525426 -0.08756957685828413 -0.13245534857299956 -0.1649588384353894 -0.18533451239810458 -0.23151360339169216 -0.3197373615895999 -0.3723620594620276 -0.36307534807277464 -0.35843199237815254 -0.3605888906880329 -0.3924832674720743 -0.4280823277975455 -0.4157000459452023 -0.46832474381763883 -0.48586618899626954 +30890,-0.610720985119515,1,-0.07518729500594096 -0.07753722008851241 -0.11078635533141219 -0.11141428452525426 -0.08756957685828413 -0.13245534857299956 -0.1649588384353894 -0.18533451239810458 -0.23151360339169216 -0.3197373615895999 -0.3723620594620276 -0.36307534807277464 -0.35843199237815254 -0.3605888906880329 -0.3924832674720743 -0.4280823277975455 -0.4157000459452023 -0.46832474381763883 -0.48586618899626954 -0.5905997771094683 +30891,-0.4265345425660048,1,-0.07753722008851241 -0.11078635533141219 -0.11141428452525426 -0.08756957685828413 -0.13245534857299956 -0.1649588384353894 -0.18533451239810458 -0.23151360339169216 -0.3197373615895999 -0.3723620594620276 -0.36307534807277464 -0.35843199237815254 -0.3605888906880329 -0.3924832674720743 -0.4280823277975455 -0.4157000459452023 -0.46832474381763883 -0.48586618899626954 -0.5905997771094683 -0.610720985119515 +30892,-0.3259285025157627,1,-0.11078635533141219 -0.11141428452525426 -0.08756957685828413 -0.13245534857299956 -0.1649588384353894 -0.18533451239810458 -0.23151360339169216 -0.3197373615895999 -0.3723620594620276 -0.36307534807277464 -0.35843199237815254 -0.3605888906880329 -0.3924832674720743 -0.4280823277975455 -0.4157000459452023 -0.46832474381763883 -0.48586618899626954 -0.5905997771094683 -0.610720985119515 -0.4265345425660048 +30893,-0.3301522974364425,1,-0.11141428452525426 -0.08756957685828413 -0.13245534857299956 -0.1649588384353894 -0.18533451239810458 -0.23151360339169216 -0.3197373615895999 -0.3723620594620276 -0.36307534807277464 -0.35843199237815254 -0.3605888906880329 -0.3924832674720743 -0.4280823277975455 -0.4157000459452023 -0.46832474381763883 -0.48586618899626954 -0.5905997771094683 -0.610720985119515 -0.4265345425660048 -0.3259285025157627 +30894,-0.1618632679722992,1,-0.08756957685828413 -0.13245534857299956 -0.1649588384353894 -0.18533451239810458 -0.23151360339169216 -0.3197373615895999 -0.3723620594620276 -0.36307534807277464 -0.35843199237815254 -0.3605888906880329 -0.3924832674720743 -0.4280823277975455 -0.4157000459452023 -0.46832474381763883 -0.48586618899626954 -0.5905997771094683 -0.610720985119515 -0.4265345425660048 -0.3259285025157627 -0.3301522974364425 +30895,-0.027663324292723966,1,-0.13245534857299956 -0.1649588384353894 -0.18533451239810458 -0.23151360339169216 -0.3197373615895999 -0.3723620594620276 -0.36307534807277464 -0.35843199237815254 -0.3605888906880329 -0.3924832674720743 -0.4280823277975455 -0.4157000459452023 -0.46832474381763883 -0.48586618899626954 -0.5905997771094683 -0.610720985119515 -0.4265345425660048 -0.3259285025157627 -0.3301522974364425 -0.1618632679722992 +30896,0.11673807370528148,1,-0.1649588384353894 -0.18533451239810458 -0.23151360339169216 -0.3197373615895999 -0.3723620594620276 -0.36307534807277464 -0.35843199237815254 -0.3605888906880329 -0.3924832674720743 -0.4280823277975455 -0.4157000459452023 -0.46832474381763883 -0.48586618899626954 -0.5905997771094683 -0.610720985119515 -0.4265345425660048 -0.3259285025157627 -0.3301522974364425 -0.1618632679722992 -0.027663324292723966 +30897,0.20880819537089954,1,-0.18533451239810458 -0.23151360339169216 -0.3197373615895999 -0.3723620594620276 -0.36307534807277464 -0.35843199237815254 -0.3605888906880329 -0.3924832674720743 -0.4280823277975455 -0.4157000459452023 -0.46832474381763883 -0.48586618899626954 -0.5905997771094683 -0.610720985119515 -0.4265345425660048 -0.3259285025157627 -0.3301522974364425 -0.1618632679722992 -0.027663324292723966 0.11673807370528148 +30898,0.3102112276480446,1,-0.23151360339169216 -0.3197373615895999 -0.3723620594620276 -0.36307534807277464 -0.35843199237815254 -0.3605888906880329 -0.3924832674720743 -0.4280823277975455 -0.4157000459452023 -0.46832474381763883 -0.48586618899626954 -0.5905997771094683 -0.610720985119515 -0.4265345425660048 -0.3259285025157627 -0.3301522974364425 -0.1618632679722992 -0.027663324292723966 0.11673807370528148 0.20880819537089954 +30899,0.13685928171532816,1,-0.3197373615895999 -0.3723620594620276 -0.36307534807277464 -0.35843199237815254 -0.3605888906880329 -0.3924832674720743 -0.4280823277975455 -0.4157000459452023 -0.46832474381763883 -0.48586618899626954 -0.5905997771094683 -0.610720985119515 -0.4265345425660048 -0.3259285025157627 -0.3301522974364425 -0.1618632679722992 -0.027663324292723966 0.11673807370528148 0.20880819537089954 0.3102112276480446 +30900,0.08578236907443235,1,-0.3723620594620276 -0.36307534807277464 -0.35843199237815254 -0.3605888906880329 -0.3924832674720743 -0.4280823277975455 -0.4157000459452023 -0.46832474381763883 -0.48586618899626954 -0.5905997771094683 -0.610720985119515 -0.4265345425660048 -0.3259285025157627 -0.3301522974364425 -0.1618632679722992 -0.027663324292723966 0.11673807370528148 0.20880819537089954 0.3102112276480446 0.13685928171532816 +30901,0.053708914932114556,1,-0.36307534807277464 -0.35843199237815254 -0.3605888906880329 -0.3924832674720743 -0.4280823277975455 -0.4157000459452023 -0.46832474381763883 -0.48586618899626954 -0.5905997771094683 -0.610720985119515 -0.4265345425660048 -0.3259285025157627 -0.3301522974364425 -0.1618632679722992 -0.027663324292723966 0.11673807370528148 0.20880819537089954 0.3102112276480446 0.13685928171532816 0.08578236907443235 +30902,-0.017919241438882367,1,-0.35843199237815254 -0.3605888906880329 -0.3924832674720743 -0.4280823277975455 -0.4157000459452023 -0.46832474381763883 -0.48586618899626954 -0.5905997771094683 -0.610720985119515 -0.4265345425660048 -0.3259285025157627 -0.3301522974364425 -0.1618632679722992 -0.027663324292723966 0.11673807370528148 0.20880819537089954 0.3102112276480446 0.13685928171532816 0.08578236907443235 0.053708914932114556 +30903,-0.24699145570711675,1,-0.3605888906880329 -0.3924832674720743 -0.4280823277975455 -0.4157000459452023 -0.46832474381763883 -0.48586618899626954 -0.5905997771094683 -0.610720985119515 -0.4265345425660048 -0.3259285025157627 -0.3301522974364425 -0.1618632679722992 -0.027663324292723966 0.11673807370528148 0.20880819537089954 0.3102112276480446 0.13685928171532816 0.08578236907443235 0.053708914932114556 -0.017919241438882367 +30904,-0.3274762877473034,1,-0.3924832674720743 -0.4280823277975455 -0.4157000459452023 -0.46832474381763883 -0.48586618899626954 -0.5905997771094683 -0.610720985119515 -0.4265345425660048 -0.3259285025157627 -0.3301522974364425 -0.1618632679722992 -0.027663324292723966 0.11673807370528148 0.20880819537089954 0.3102112276480446 0.13685928171532816 0.08578236907443235 0.053708914932114556 -0.017919241438882367 -0.24699145570711675 +30905,-0.35843199237815254,1,-0.4280823277975455 -0.4157000459452023 -0.46832474381763883 -0.48586618899626954 -0.5905997771094683 -0.610720985119515 -0.4265345425660048 -0.3259285025157627 -0.3301522974364425 -0.1618632679722992 -0.027663324292723966 0.11673807370528148 0.20880819537089954 0.3102112276480446 0.13685928171532816 0.08578236907443235 0.053708914932114556 -0.017919241438882367 -0.24699145570711675 -0.3274762877473034 +30906,-0.4110566902505802,1,-0.4157000459452023 -0.46832474381763883 -0.48586618899626954 -0.5905997771094683 -0.610720985119515 -0.4265345425660048 -0.3259285025157627 -0.3301522974364425 -0.1618632679722992 -0.027663324292723966 0.11673807370528148 0.20880819537089954 0.3102112276480446 0.13685928171532816 0.08578236907443235 0.053708914932114556 -0.017919241438882367 -0.24699145570711675 -0.3274762877473034 -0.35843199237815254 +30907,-0.41321867597574613,1,-0.46832474381763883 -0.48586618899626954 -0.5905997771094683 -0.610720985119515 -0.4265345425660048 -0.3259285025157627 -0.3301522974364425 -0.1618632679722992 -0.027663324292723966 0.11673807370528148 0.20880819537089954 0.3102112276480446 0.13685928171532816 0.08578236907443235 0.053708914932114556 -0.017919241438882367 -0.24699145570711675 -0.3274762877473034 -0.35843199237815254 -0.4110566902505802 +30908,-0.5023760189115606,1,-0.48586618899626954 -0.5905997771094683 -0.610720985119515 -0.4265345425660048 -0.3259285025157627 -0.3301522974364425 -0.1618632679722992 -0.027663324292723966 0.11673807370528148 0.20880819537089954 0.3102112276480446 0.13685928171532816 0.08578236907443235 0.053708914932114556 -0.017919241438882367 -0.24699145570711675 -0.3274762877473034 -0.35843199237815254 -0.4110566902505802 -0.41321867597574613 +30909,-0.5658352134047907,1,-0.5905997771094683 -0.610720985119515 -0.4265345425660048 -0.3259285025157627 -0.3301522974364425 -0.1618632679722992 -0.027663324292723966 0.11673807370528148 0.20880819537089954 0.3102112276480446 0.13685928171532816 0.08578236907443235 0.053708914932114556 -0.017919241438882367 -0.24699145570711675 -0.3274762877473034 -0.35843199237815254 -0.4110566902505802 -0.41321867597574613 -0.5023760189115606 +30910,-0.5519051463209157,1,-0.610720985119515 -0.4265345425660048 -0.3259285025157627 -0.3301522974364425 -0.1618632679722992 -0.027663324292723966 0.11673807370528148 0.20880819537089954 0.3102112276480446 0.13685928171532816 0.08578236907443235 0.053708914932114556 -0.017919241438882367 -0.24699145570711675 -0.3274762877473034 -0.35843199237815254 -0.4110566902505802 -0.41321867597574613 -0.5023760189115606 -0.5658352134047907 +30911,-0.7978460310446357,1,-0.4265345425660048 -0.3259285025157627 -0.3301522974364425 -0.1618632679722992 -0.027663324292723966 0.11673807370528148 0.20880819537089954 0.3102112276480446 0.13685928171532816 0.08578236907443235 0.053708914932114556 -0.017919241438882367 -0.24699145570711675 -0.3274762877473034 -0.35843199237815254 -0.4110566902505802 -0.41321867597574613 -0.5023760189115606 -0.5658352134047907 -0.5519051463209157 +30912,-0.5565485020155377,1,-0.3259285025157627 -0.3301522974364425 -0.1618632679722992 -0.027663324292723966 0.11673807370528148 0.20880819537089954 0.3102112276480446 0.13685928171532816 0.08578236907443235 0.053708914932114556 -0.017919241438882367 -0.24699145570711675 -0.3274762877473034 -0.35843199237815254 -0.4110566902505802 -0.41321867597574613 -0.5023760189115606 -0.5658352134047907 -0.5519051463209157 -0.7978460310446357 +30913,-0.5766697100255844,1,-0.3301522974364425 -0.1618632679722992 -0.027663324292723966 0.11673807370528148 0.20880819537089954 0.3102112276480446 0.13685928171532816 0.08578236907443235 0.053708914932114556 -0.017919241438882367 -0.24699145570711675 -0.3274762877473034 -0.35843199237815254 -0.4110566902505802 -0.41321867597574613 -0.5023760189115606 -0.5658352134047907 -0.5519051463209157 -0.7978460310446357 -0.5565485020155377 +30914,-0.5704785690994129,1,-0.1618632679722992 -0.027663324292723966 0.11673807370528148 0.20880819537089954 0.3102112276480446 0.13685928171532816 0.08578236907443235 0.053708914932114556 -0.017919241438882367 -0.24699145570711675 -0.3274762877473034 -0.35843199237815254 -0.4110566902505802 -0.41321867597574613 -0.5023760189115606 -0.5658352134047907 -0.5519051463209157 -0.7978460310446357 -0.5565485020155377 -0.5766697100255844 +30915,-0.5050876067659236,1,-0.027663324292723966 0.11673807370528148 0.20880819537089954 0.3102112276480446 0.13685928171532816 0.08578236907443235 0.053708914932114556 -0.017919241438882367 -0.24699145570711675 -0.3274762877473034 -0.35843199237815254 -0.4110566902505802 -0.41321867597574613 -0.5023760189115606 -0.5658352134047907 -0.5519051463209157 -0.7978460310446357 -0.5565485020155377 -0.5766697100255844 -0.5704785690994129 +30916,-0.34450192529426865,1,0.11673807370528148 0.20880819537089954 0.3102112276480446 0.13685928171532816 0.08578236907443235 0.053708914932114556 -0.017919241438882367 -0.24699145570711675 -0.3274762877473034 -0.35843199237815254 -0.4110566902505802 -0.41321867597574613 -0.5023760189115606 -0.5658352134047907 -0.5519051463209157 -0.7978460310446357 -0.5565485020155377 -0.5766697100255844 -0.5704785690994129 -0.5050876067659236 +30917,0.043992167822798314,1,0.20880819537089954 0.3102112276480446 0.13685928171532816 0.08578236907443235 0.053708914932114556 -0.017919241438882367 -0.24699145570711675 -0.3274762877473034 -0.35843199237815254 -0.4110566902505802 -0.41321867597574613 -0.5023760189115606 -0.5658352134047907 -0.5519051463209157 -0.7978460310446357 -0.5565485020155377 -0.5766697100255844 -0.5704785690994129 -0.5050876067659236 -0.34450192529426865 +30918,0.07160698190081871,1,0.3102112276480446 0.13685928171532816 0.08578236907443235 0.053708914932114556 -0.017919241438882367 -0.24699145570711675 -0.3274762877473034 -0.35843199237815254 -0.4110566902505802 -0.41321867597574613 -0.5023760189115606 -0.5658352134047907 -0.5519051463209157 -0.7978460310446357 -0.5565485020155377 -0.5766697100255844 -0.5704785690994129 -0.5050876067659236 -0.34450192529426865 0.043992167822798314 +30919,0.20496183190318043,1,0.13685928171532816 0.08578236907443235 0.053708914932114556 -0.017919241438882367 -0.24699145570711675 -0.3274762877473034 -0.35843199237815254 -0.4110566902505802 -0.41321867597574613 -0.5023760189115606 -0.5658352134047907 -0.5519051463209157 -0.7978460310446357 -0.5565485020155377 -0.5766697100255844 -0.5704785690994129 -0.5050876067659236 -0.34450192529426865 0.043992167822798314 0.07160698190081871 +30920,0.20473021358220778,1,0.08578236907443235 0.053708914932114556 -0.017919241438882367 -0.24699145570711675 -0.3274762877473034 -0.35843199237815254 -0.4110566902505802 -0.41321867597574613 -0.5023760189115606 -0.5658352134047907 -0.5519051463209157 -0.7978460310446357 -0.5565485020155377 -0.5766697100255844 -0.5704785690994129 -0.5050876067659236 -0.34450192529426865 0.043992167822798314 0.07160698190081871 0.20496183190318043 +30921,0.5408312271478108,1,0.053708914932114556 -0.017919241438882367 -0.24699145570711675 -0.3274762877473034 -0.35843199237815254 -0.4110566902505802 -0.41321867597574613 -0.5023760189115606 -0.5658352134047907 -0.5519051463209157 -0.7978460310446357 -0.5565485020155377 -0.5766697100255844 -0.5704785690994129 -0.5050876067659236 -0.34450192529426865 0.043992167822798314 0.07160698190081871 0.20496183190318043 0.20473021358220778 +30922,0.601355533573102,1,-0.017919241438882367 -0.24699145570711675 -0.3274762877473034 -0.35843199237815254 -0.4110566902505802 -0.41321867597574613 -0.5023760189115606 -0.5658352134047907 -0.5519051463209157 -0.7978460310446357 -0.5565485020155377 -0.5766697100255844 -0.5704785690994129 -0.5050876067659236 -0.34450192529426865 0.043992167822798314 0.07160698190081871 0.20496183190318043 0.20473021358220778 0.5408312271478108 +30923,0.6677496161342713,1,-0.24699145570711675 -0.3274762877473034 -0.35843199237815254 -0.4110566902505802 -0.41321867597574613 -0.5023760189115606 -0.5658352134047907 -0.5519051463209157 -0.7978460310446357 -0.5565485020155377 -0.5766697100255844 -0.5704785690994129 -0.5050876067659236 -0.34450192529426865 0.043992167822798314 0.07160698190081871 0.20496183190318043 0.20473021358220778 0.5408312271478108 0.601355533573102 +30924,0.5962290043697386,1,-0.3274762877473034 -0.35843199237815254 -0.4110566902505802 -0.41321867597574613 -0.5023760189115606 -0.5658352134047907 -0.5519051463209157 -0.7978460310446357 -0.5565485020155377 -0.5766697100255844 -0.5704785690994129 -0.5050876067659236 -0.34450192529426865 0.043992167822798314 0.07160698190081871 0.20496183190318043 0.20473021358220778 0.5408312271478108 0.601355533573102 0.6677496161342713 +30925,0.5191622339062235,1,-0.35843199237815254 -0.4110566902505802 -0.41321867597574613 -0.5023760189115606 -0.5658352134047907 -0.5519051463209157 -0.7978460310446357 -0.5565485020155377 -0.5766697100255844 -0.5704785690994129 -0.5050876067659236 -0.34450192529426865 0.043992167822798314 0.07160698190081871 0.20496183190318043 0.20473021358220778 0.5408312271478108 0.601355533573102 0.6677496161342713 0.5962290043697386 +30926,-0.05017354577269,1,-0.4110566902505802 -0.41321867597574613 -0.5023760189115606 -0.5658352134047907 -0.5519051463209157 -0.7978460310446357 -0.5565485020155377 -0.5766697100255844 -0.5704785690994129 -0.5050876067659236 -0.34450192529426865 0.043992167822798314 0.07160698190081871 0.20496183190318043 0.20473021358220778 0.5408312271478108 0.601355533573102 0.6677496161342713 0.5962290043697386 0.5191622339062235 +30927,0.15698048972537482,1,-0.41321867597574613 -0.5023760189115606 -0.5658352134047907 -0.5519051463209157 -0.7978460310446357 -0.5565485020155377 -0.5766697100255844 -0.5704785690994129 -0.5050876067659236 -0.34450192529426865 0.043992167822798314 0.07160698190081871 0.20496183190318043 0.20473021358220778 0.5408312271478108 0.601355533573102 0.6677496161342713 0.5962290043697386 0.5191622339062235 -0.05017354577269 +30928,-0.22687024769707007,1,-0.5023760189115606 -0.5658352134047907 -0.5519051463209157 -0.7978460310446357 -0.5565485020155377 -0.5766697100255844 -0.5704785690994129 -0.5050876067659236 -0.34450192529426865 0.043992167822798314 0.07160698190081871 0.20496183190318043 0.20473021358220778 0.5408312271478108 0.601355533573102 0.6677496161342713 0.5962290043697386 0.5191622339062235 -0.05017354577269 0.15698048972537482 +30929,-0.28087624637818653,1,-0.5658352134047907 -0.5519051463209157 -0.7978460310446357 -0.5565485020155377 -0.5766697100255844 -0.5704785690994129 -0.5050876067659236 -0.34450192529426865 0.043992167822798314 0.07160698190081871 0.20496183190318043 0.20473021358220778 0.5408312271478108 0.601355533573102 0.6677496161342713 0.5962290043697386 0.5191622339062235 -0.05017354577269 0.15698048972537482 -0.22687024769707007 +30930,-0.29652058311646307,1,-0.5519051463209157 -0.7978460310446357 -0.5565485020155377 -0.5766697100255844 -0.5704785690994129 -0.5050876067659236 -0.34450192529426865 0.043992167822798314 0.07160698190081871 0.20496183190318043 0.20473021358220778 0.5408312271478108 0.601355533573102 0.6677496161342713 0.5962290043697386 0.5191622339062235 -0.05017354577269 0.15698048972537482 -0.22687024769707007 -0.28087624637818653 +30931,-0.45749024719684517,1,-0.7978460310446357 -0.5565485020155377 -0.5766697100255844 -0.5704785690994129 -0.5050876067659236 -0.34450192529426865 0.043992167822798314 0.07160698190081871 0.20496183190318043 0.20473021358220778 0.5408312271478108 0.601355533573102 0.6677496161342713 0.5962290043697386 0.5191622339062235 -0.05017354577269 0.15698048972537482 -0.22687024769707007 -0.28087624637818653 -0.29652058311646307 +30932,-0.5023760189115606,1,-0.5565485020155377 -0.5766697100255844 -0.5704785690994129 -0.5050876067659236 -0.34450192529426865 0.043992167822798314 0.07160698190081871 0.20496183190318043 0.20473021358220778 0.5408312271478108 0.601355533573102 0.6677496161342713 0.5962290043697386 0.5191622339062235 -0.05017354577269 0.15698048972537482 -0.22687024769707007 -0.28087624637818653 -0.29652058311646307 -0.45749024719684517 +30933,-0.5337596634064842,1,-0.5766697100255844 -0.5704785690994129 -0.5050876067659236 -0.34450192529426865 0.043992167822798314 0.07160698190081871 0.20496183190318043 0.20473021358220778 0.5408312271478108 0.601355533573102 0.6677496161342713 0.5962290043697386 0.5191622339062235 -0.05017354577269 0.15698048972537482 -0.22687024769707007 -0.28087624637818653 -0.29652058311646307 -0.45749024719684517 -0.5023760189115606 +30934,-0.6060776294248841,1,-0.5704785690994129 -0.5050876067659236 -0.34450192529426865 0.043992167822798314 0.07160698190081871 0.20496183190318043 0.20473021358220778 0.5408312271478108 0.601355533573102 0.6677496161342713 0.5962290043697386 0.5191622339062235 -0.05017354577269 0.15698048972537482 -0.22687024769707007 -0.28087624637818653 -0.29652058311646307 -0.45749024719684517 -0.5023760189115606 -0.5337596634064842 +30935,-0.7438305150321293,1,-0.5050876067659236 -0.34450192529426865 0.043992167822798314 0.07160698190081871 0.20496183190318043 0.20473021358220778 0.5408312271478108 0.601355533573102 0.6677496161342713 0.5962290043697386 0.5191622339062235 -0.05017354577269 0.15698048972537482 -0.22687024769707007 -0.28087624637818653 -0.29652058311646307 -0.45749024719684517 -0.5023760189115606 -0.5337596634064842 -0.6060776294248841 +30936,-0.7732384344314289,1,-0.34450192529426865 0.043992167822798314 0.07160698190081871 0.20496183190318043 0.20473021358220778 0.5408312271478108 0.601355533573102 0.6677496161342713 0.5962290043697386 0.5191622339062235 -0.05017354577269 0.15698048972537482 -0.22687024769707007 -0.28087624637818653 -0.29652058311646307 -0.45749024719684517 -0.5023760189115606 -0.5337596634064842 -0.6060776294248841 -0.7438305150321293 +30937,-0.8005686121983844,1,0.043992167822798314 0.07160698190081871 0.20496183190318043 0.20473021358220778 0.5408312271478108 0.601355533573102 0.6677496161342713 0.5962290043697386 0.5191622339062235 -0.05017354577269 0.15698048972537482 -0.22687024769707007 -0.28087624637818653 -0.29652058311646307 -0.45749024719684517 -0.5023760189115606 -0.5337596634064842 -0.6060776294248841 -0.7438305150321293 -0.7732384344314289 +30938,-0.864557763092418,1,0.07160698190081871 0.20496183190318043 0.20473021358220778 0.5408312271478108 0.601355533573102 0.6677496161342713 0.5962290043697386 0.5191622339062235 -0.05017354577269 0.15698048972537482 -0.22687024769707007 -0.28087624637818653 -0.29652058311646307 -0.45749024719684517 -0.5023760189115606 -0.5337596634064842 -0.6060776294248841 -0.7438305150321293 -0.7732384344314289 -0.8005686121983844 +30939,-0.7043115298050192,1,0.20496183190318043 0.20473021358220778 0.5408312271478108 0.601355533573102 0.6677496161342713 0.5962290043697386 0.5191622339062235 -0.05017354577269 0.15698048972537482 -0.22687024769707007 -0.28087624637818653 -0.29652058311646307 -0.45749024719684517 -0.5023760189115606 -0.5337596634064842 -0.6060776294248841 -0.7438305150321293 -0.7732384344314289 -0.8005686121983844 -0.864557763092418 +30940,-0.38164877085128057,1,0.20473021358220778 0.5408312271478108 0.601355533573102 0.6677496161342713 0.5962290043697386 0.5191622339062235 -0.05017354577269 0.15698048972537482 -0.22687024769707007 -0.28087624637818653 -0.29652058311646307 -0.45749024719684517 -0.5023760189115606 -0.5337596634064842 -0.6060776294248841 -0.7438305150321293 -0.7732384344314289 -0.8005686121983844 -0.864557763092418 -0.7043115298050192 +30941,0.19722290574546814,1,0.5408312271478108 0.601355533573102 0.6677496161342713 0.5962290043697386 0.5191622339062235 -0.05017354577269 0.15698048972537482 -0.22687024769707007 -0.28087624637818653 -0.29652058311646307 -0.45749024719684517 -0.5023760189115606 -0.5337596634064842 -0.6060776294248841 -0.7438305150321293 -0.7732384344314289 -0.8005686121983844 -0.864557763092418 -0.7043115298050192 -0.38164877085128057 +30942,0.4108172676982779,1,0.601355533573102 0.6677496161342713 0.5962290043697386 0.5191622339062235 -0.05017354577269 0.15698048972537482 -0.22687024769707007 -0.28087624637818653 -0.29652058311646307 -0.45749024719684517 -0.5023760189115606 -0.5337596634064842 -0.6060776294248841 -0.7438305150321293 -0.7732384344314289 -0.8005686121983844 -0.864557763092418 -0.7043115298050192 -0.38164877085128057 0.19722290574546814 +30943,0.4135455671445609,1,0.6677496161342713 0.5962290043697386 0.5191622339062235 -0.05017354577269 0.15698048972537482 -0.22687024769707007 -0.28087624637818653 -0.29652058311646307 -0.45749024719684517 -0.5023760189115606 -0.5337596634064842 -0.6060776294248841 -0.7438305150321293 -0.7732384344314289 -0.8005686121983844 -0.864557763092418 -0.7043115298050192 -0.38164877085128057 0.19722290574546814 0.4108172676982779 +30944,0.57178693177866,1,0.5962290043697386 0.5191622339062235 -0.05017354577269 0.15698048972537482 -0.22687024769707007 -0.28087624637818653 -0.29652058311646307 -0.45749024719684517 -0.5023760189115606 -0.5337596634064842 -0.6060776294248841 -0.7438305150321293 -0.7732384344314289 -0.8005686121983844 -0.864557763092418 -0.7043115298050192 -0.38164877085128057 0.19722290574546814 0.4108172676982779 0.4135455671445609 +30945,0.5710455777874719,1,0.5191622339062235 -0.05017354577269 0.15698048972537482 -0.22687024769707007 -0.28087624637818653 -0.29652058311646307 -0.45749024719684517 -0.5023760189115606 -0.5337596634064842 -0.6060776294248841 -0.7438305150321293 -0.7732384344314289 -0.8005686121983844 -0.864557763092418 -0.7043115298050192 -0.38164877085128057 0.19722290574546814 0.4108172676982779 0.4135455671445609 0.57178693177866 +30946,0.5702391465471105,1,-0.05017354577269 0.15698048972537482 -0.22687024769707007 -0.28087624637818653 -0.29652058311646307 -0.45749024719684517 -0.5023760189115606 -0.5337596634064842 -0.6060776294248841 -0.7438305150321293 -0.7732384344314289 -0.8005686121983844 -0.864557763092418 -0.7043115298050192 -0.38164877085128057 0.19722290574546814 0.4108172676982779 0.4135455671445609 0.57178693177866 0.5710455777874719 +30947,0.48209004313862575,1,0.15698048972537482 -0.22687024769707007 -0.28087624637818653 -0.29652058311646307 -0.45749024719684517 -0.5023760189115606 -0.5337596634064842 -0.6060776294248841 -0.7438305150321293 -0.7732384344314289 -0.8005686121983844 -0.864557763092418 -0.7043115298050192 -0.38164877085128057 0.19722290574546814 0.4108172676982779 0.4135455671445609 0.57178693177866 0.5710455777874719 0.5702391465471105 +30948,0.6275072001141692,1,-0.22687024769707007 -0.28087624637818653 -0.29652058311646307 -0.45749024719684517 -0.5023760189115606 -0.5337596634064842 -0.6060776294248841 -0.7438305150321293 -0.7732384344314289 -0.8005686121983844 -0.864557763092418 -0.7043115298050192 -0.38164877085128057 0.19722290574546814 0.4108172676982779 0.4135455671445609 0.57178693177866 0.5710455777874719 0.5702391465471105 0.48209004313862575 +30949,0.4892317935115907,1,-0.28087624637818653 -0.29652058311646307 -0.45749024719684517 -0.5023760189115606 -0.5337596634064842 -0.6060776294248841 -0.7438305150321293 -0.7732384344314289 -0.8005686121983844 -0.864557763092418 -0.7043115298050192 -0.38164877085128057 0.19722290574546814 0.4108172676982779 0.4135455671445609 0.57178693177866 0.5710455777874719 0.5702391465471105 0.48209004313862575 0.6275072001141692 +30950,0.34426250274196635,1,-0.29652058311646307 -0.45749024719684517 -0.5023760189115606 -0.5337596634064842 -0.6060776294248841 -0.7438305150321293 -0.7732384344314289 -0.8005686121983844 -0.864557763092418 -0.7043115298050192 -0.38164877085128057 0.19722290574546814 0.4108172676982779 0.4135455671445609 0.57178693177866 0.5710455777874719 0.5702391465471105 0.48209004313862575 0.6275072001141692 0.4892317935115907 +30951,-0.11078635533141219,1,-0.45749024719684517 -0.5023760189115606 -0.5337596634064842 -0.6060776294248841 -0.7438305150321293 -0.7732384344314289 -0.8005686121983844 -0.864557763092418 -0.7043115298050192 -0.38164877085128057 0.19722290574546814 0.4108172676982779 0.4135455671445609 0.57178693177866 0.5710455777874719 0.5702391465471105 0.48209004313862575 0.6275072001141692 0.4892317935115907 0.34426250274196635 +30952,-0.22841803292861076,1,-0.5023760189115606 -0.5337596634064842 -0.6060776294248841 -0.7438305150321293 -0.7732384344314289 -0.8005686121983844 -0.864557763092418 -0.7043115298050192 -0.38164877085128057 0.19722290574546814 0.4108172676982779 0.4135455671445609 0.57178693177866 0.5710455777874719 0.5702391465471105 0.48209004313862575 0.6275072001141692 0.4892317935115907 0.34426250274196635 -0.11078635533141219 +30953,-0.3305718582103936,1,-0.5337596634064842 -0.6060776294248841 -0.7438305150321293 -0.7732384344314289 -0.8005686121983844 -0.864557763092418 -0.7043115298050192 -0.38164877085128057 0.19722290574546814 0.4108172676982779 0.4135455671445609 0.57178693177866 0.5710455777874719 0.5702391465471105 0.48209004313862575 0.6275072001141692 0.4892317935115907 0.34426250274196635 -0.11078635533141219 -0.22841803292861076 +30954,-0.3924832674720743,1,-0.6060776294248841 -0.7438305150321293 -0.7732384344314289 -0.8005686121983844 -0.864557763092418 -0.7043115298050192 -0.38164877085128057 0.19722290574546814 0.4108172676982779 0.4135455671445609 0.57178693177866 0.5710455777874719 0.5702391465471105 0.48209004313862575 0.6275072001141692 0.4892317935115907 0.34426250274196635 -0.11078635533141219 -0.22841803292861076 -0.3305718582103936 +30955,-0.45594246196530447,1,-0.7438305150321293 -0.7732384344314289 -0.8005686121983844 -0.864557763092418 -0.7043115298050192 -0.38164877085128057 0.19722290574546814 0.4108172676982779 0.4135455671445609 0.57178693177866 0.5710455777874719 0.5702391465471105 0.48209004313862575 0.6275072001141692 0.4892317935115907 0.34426250274196635 -0.11078635533141219 -0.22841803292861076 -0.3305718582103936 -0.3924832674720743 +30956,-0.5596440724786191,1,-0.7732384344314289 -0.8005686121983844 -0.864557763092418 -0.7043115298050192 -0.38164877085128057 0.19722290574546814 0.4108172676982779 0.4135455671445609 0.57178693177866 0.5710455777874719 0.5702391465471105 0.48209004313862575 0.6275072001141692 0.4892317935115907 0.34426250274196635 -0.11078635533141219 -0.22841803292861076 -0.3305718582103936 -0.3924832674720743 -0.45594246196530447 +30957,-0.6215554817403086,1,-0.8005686121983844 -0.864557763092418 -0.7043115298050192 -0.38164877085128057 0.19722290574546814 0.4108172676982779 0.4135455671445609 0.57178693177866 0.5710455777874719 0.5702391465471105 0.48209004313862575 0.6275072001141692 0.4892317935115907 0.34426250274196635 -0.11078635533141219 -0.22841803292861076 -0.3305718582103936 -0.3924832674720743 -0.45594246196530447 -0.5596440724786191 +30958,-0.6633456829919426,1,-0.864557763092418 -0.7043115298050192 -0.38164877085128057 0.19722290574546814 0.4108172676982779 0.4135455671445609 0.57178693177866 0.5710455777874719 0.5702391465471105 0.48209004313862575 0.6275072001141692 0.4892317935115907 0.34426250274196635 -0.11078635533141219 -0.22841803292861076 -0.3305718582103936 -0.3924832674720743 -0.45594246196530447 -0.5596440724786191 -0.6215554817403086 +30959,-0.6772757500758178,1,-0.7043115298050192 -0.38164877085128057 0.19722290574546814 0.4108172676982779 0.4135455671445609 0.57178693177866 0.5710455777874719 0.5702391465471105 0.48209004313862575 0.6275072001141692 0.4892317935115907 0.34426250274196635 -0.11078635533141219 -0.22841803292861076 -0.3305718582103936 -0.3924832674720743 -0.45594246196530447 -0.5596440724786191 -0.6215554817403086 -0.6633456829919426 +30960,-0.5890519918779188,1,-0.38164877085128057 0.19722290574546814 0.4108172676982779 0.4135455671445609 0.57178693177866 0.5710455777874719 0.5702391465471105 0.48209004313862575 0.6275072001141692 0.4892317935115907 0.34426250274196635 -0.11078635533141219 -0.22841803292861076 -0.3305718582103936 -0.3924832674720743 -0.45594246196530447 -0.5596440724786191 -0.6215554817403086 -0.6633456829919426 -0.6772757500758178 +30961,-0.6029820589618027,1,0.19722290574546814 0.4108172676982779 0.4135455671445609 0.57178693177866 0.5710455777874719 0.5702391465471105 0.48209004313862575 0.6275072001141692 0.4892317935115907 0.34426250274196635 -0.11078635533141219 -0.22841803292861076 -0.3305718582103936 -0.3924832674720743 -0.45594246196530447 -0.5596440724786191 -0.6215554817403086 -0.6633456829919426 -0.6772757500758178 -0.5890519918779188 +30962,-0.7418134137678148,1,0.4108172676982779 0.4135455671445609 0.57178693177866 0.5710455777874719 0.5702391465471105 0.48209004313862575 0.6275072001141692 0.4892317935115907 0.34426250274196635 -0.11078635533141219 -0.22841803292861076 -0.3305718582103936 -0.3924832674720743 -0.45594246196530447 -0.5596440724786191 -0.6215554817403086 -0.6633456829919426 -0.6772757500758178 -0.5890519918779188 -0.6029820589618027 +30963,-0.5534529315524563,1,0.4135455671445609 0.57178693177866 0.5710455777874719 0.5702391465471105 0.48209004313862575 0.6275072001141692 0.4892317935115907 0.34426250274196635 -0.11078635533141219 -0.22841803292861076 -0.3305718582103936 -0.3924832674720743 -0.45594246196530447 -0.5596440724786191 -0.6215554817403086 -0.6633456829919426 -0.6772757500758178 -0.5890519918779188 -0.6029820589618027 -0.7418134137678148 +30964,-0.25318259663328835,1,0.57178693177866 0.5710455777874719 0.5702391465471105 0.48209004313862575 0.6275072001141692 0.4892317935115907 0.34426250274196635 -0.11078635533141219 -0.22841803292861076 -0.3305718582103936 -0.3924832674720743 -0.45594246196530447 -0.5596440724786191 -0.6215554817403086 -0.6633456829919426 -0.6772757500758178 -0.5890519918779188 -0.6029820589618027 -0.7418134137678148 -0.5534529315524563 +30965,-0.2389968629797331,1,0.5710455777874719 0.5702391465471105 0.48209004313862575 0.6275072001141692 0.4892317935115907 0.34426250274196635 -0.11078635533141219 -0.22841803292861076 -0.3305718582103936 -0.3924832674720743 -0.45594246196530447 -0.5596440724786191 -0.6215554817403086 -0.6633456829919426 -0.6772757500758178 -0.5890519918779188 -0.6029820589618027 -0.7418134137678148 -0.5534529315524563 -0.25318259663328835 +30966,-0.061257227922065886,1,0.5702391465471105 0.48209004313862575 0.6275072001141692 0.4892317935115907 0.34426250274196635 -0.11078635533141219 -0.22841803292861076 -0.3305718582103936 -0.3924832674720743 -0.45594246196530447 -0.5596440724786191 -0.6215554817403086 -0.6633456829919426 -0.6772757500758178 -0.5890519918779188 -0.6029820589618027 -0.7418134137678148 -0.5534529315524563 -0.25318259663328835 -0.2389968629797331 +30967,0.12466526998209822,1,0.48209004313862575 0.6275072001141692 0.4892317935115907 0.34426250274196635 -0.11078635533141219 -0.22841803292861076 -0.3305718582103936 -0.3924832674720743 -0.45594246196530447 -0.5596440724786191 -0.6215554817403086 -0.6633456829919426 -0.6772757500758178 -0.5890519918779188 -0.6029820589618027 -0.7418134137678148 -0.5534529315524563 -0.25318259663328835 -0.2389968629797331 -0.061257227922065886 +30968,0.3241412947319197,1,0.6275072001141692 0.4892317935115907 0.34426250274196635 -0.11078635533141219 -0.22841803292861076 -0.3305718582103936 -0.3924832674720743 -0.45594246196530447 -0.5596440724786191 -0.6215554817403086 -0.6633456829919426 -0.6772757500758178 -0.5890519918779188 -0.6029820589618027 -0.7418134137678148 -0.5534529315524563 -0.25318259663328835 -0.2389968629797331 -0.061257227922065886 0.12466526998209822 +30969,0.4239807361042921,1,0.4892317935115907 0.34426250274196635 -0.11078635533141219 -0.22841803292861076 -0.3305718582103936 -0.3924832674720743 -0.45594246196530447 -0.5596440724786191 -0.6215554817403086 -0.6633456829919426 -0.6772757500758178 -0.5890519918779188 -0.6029820589618027 -0.7418134137678148 -0.5534529315524563 -0.25318259663328835 -0.2389968629797331 -0.061257227922065886 0.12466526998209822 0.3241412947319197 +30970,0.5361878714531888,1,0.34426250274196635 -0.11078635533141219 -0.22841803292861076 -0.3305718582103936 -0.3924832674720743 -0.45594246196530447 -0.5596440724786191 -0.6215554817403086 -0.6633456829919426 -0.6772757500758178 -0.5890519918779188 -0.6029820589618027 -0.7418134137678148 -0.5534529315524563 -0.25318259663328835 -0.2389968629797331 -0.061257227922065886 0.12466526998209822 0.3241412947319197 0.4239807361042921 +30971,0.5110651226953632,1,-0.11078635533141219 -0.22841803292861076 -0.3305718582103936 -0.3924832674720743 -0.45594246196530447 -0.5596440724786191 -0.6215554817403086 -0.6633456829919426 -0.6772757500758178 -0.5890519918779188 -0.6029820589618027 -0.7418134137678148 -0.5534529315524563 -0.25318259663328835 -0.2389968629797331 -0.061257227922065886 0.12466526998209822 0.3241412947319197 0.4239807361042921 0.5361878714531888 +30972,0.5439267976109011,1,-0.22841803292861076 -0.3305718582103936 -0.3924832674720743 -0.45594246196530447 -0.5596440724786191 -0.6215554817403086 -0.6633456829919426 -0.6772757500758178 -0.5890519918779188 -0.6029820589618027 -0.7418134137678148 -0.5534529315524563 -0.25318259663328835 -0.2389968629797331 -0.061257227922065886 0.12466526998209822 0.3241412947319197 0.4239807361042921 0.5361878714531888 0.5110651226953632 +30973,0.4067769647289176,1,-0.3305718582103936 -0.3924832674720743 -0.45594246196530447 -0.5596440724786191 -0.6215554817403086 -0.6633456829919426 -0.6772757500758178 -0.5890519918779188 -0.6029820589618027 -0.7418134137678148 -0.5534529315524563 -0.25318259663328835 -0.2389968629797331 -0.061257227922065886 0.12466526998209822 0.3241412947319197 0.4239807361042921 0.5361878714531888 0.5110651226953632 0.5439267976109011 +30974,0.2653254559333204,1,-0.3924832674720743 -0.45594246196530447 -0.5596440724786191 -0.6215554817403086 -0.6633456829919426 -0.6772757500758178 -0.5890519918779188 -0.6029820589618027 -0.7418134137678148 -0.5534529315524563 -0.25318259663328835 -0.2389968629797331 -0.061257227922065886 0.12466526998209822 0.3241412947319197 0.4239807361042921 0.5361878714531888 0.5110651226953632 0.5439267976109011 0.4067769647289176 +30975,-0.17579333505618308,1,-0.45594246196530447 -0.5596440724786191 -0.6215554817403086 -0.6633456829919426 -0.6772757500758178 -0.5890519918779188 -0.6029820589618027 -0.7418134137678148 -0.5534529315524563 -0.25318259663328835 -0.2389968629797331 -0.061257227922065886 0.12466526998209822 0.3241412947319197 0.4239807361042921 0.5361878714531888 0.5110651226953632 0.5439267976109011 0.4067769647289176 0.2653254559333204 +30976,-0.2717560194117943,1,-0.5596440724786191 -0.6215554817403086 -0.6633456829919426 -0.6772757500758178 -0.5890519918779188 -0.6029820589618027 -0.7418134137678148 -0.5534529315524563 -0.25318259663328835 -0.2389968629797331 -0.061257227922065886 0.12466526998209822 0.3241412947319197 0.4239807361042921 0.5361878714531888 0.5110651226953632 0.5439267976109011 0.4067769647289176 0.2653254559333204 -0.17579333505618308 +30977,-0.3553364219150623,1,-0.6215554817403086 -0.6633456829919426 -0.6772757500758178 -0.5890519918779188 -0.6029820589618027 -0.7418134137678148 -0.5534529315524563 -0.25318259663328835 -0.2389968629797331 -0.061257227922065886 0.12466526998209822 0.3241412947319197 0.4239807361042921 0.5361878714531888 0.5110651226953632 0.5439267976109011 0.4067769647289176 0.2653254559333204 -0.17579333505618308 -0.2717560194117943 +30978,-0.4868981665961448,1,-0.6633456829919426 -0.6772757500758178 -0.5890519918779188 -0.6029820589618027 -0.7418134137678148 -0.5534529315524563 -0.25318259663328835 -0.2389968629797331 -0.061257227922065886 0.12466526998209822 0.3241412947319197 0.4239807361042921 0.5361878714531888 0.5110651226953632 0.5439267976109011 0.4067769647289176 0.2653254559333204 -0.17579333505618308 -0.2717560194117943 -0.3553364219150623 +30979,-0.4859416221668712,1,-0.6772757500758178 -0.5890519918779188 -0.6029820589618027 -0.7418134137678148 -0.5534529315524563 -0.25318259663328835 -0.2389968629797331 -0.061257227922065886 0.12466526998209822 0.3241412947319197 0.4239807361042921 0.5361878714531888 0.5110651226953632 0.5439267976109011 0.4067769647289176 0.2653254559333204 -0.17579333505618308 -0.2717560194117943 -0.3553364219150623 -0.4868981665961448 +30980,-0.4745158847438104,1,-0.5890519918779188 -0.6029820589618027 -0.7418134137678148 -0.5534529315524563 -0.25318259663328835 -0.2389968629797331 -0.061257227922065886 0.12466526998209822 0.3241412947319197 0.4239807361042921 0.5361878714531888 0.5110651226953632 0.5439267976109011 0.4067769647289176 0.2653254559333204 -0.17579333505618308 -0.2717560194117943 -0.3553364219150623 -0.4868981665961448 -0.4859416221668712 +30981,-0.5766697100255844,1,-0.6029820589618027 -0.7418134137678148 -0.5534529315524563 -0.25318259663328835 -0.2389968629797331 -0.061257227922065886 0.12466526998209822 0.3241412947319197 0.4239807361042921 0.5361878714531888 0.5110651226953632 0.5439267976109011 0.4067769647289176 0.2653254559333204 -0.17579333505618308 -0.2717560194117943 -0.3553364219150623 -0.4868981665961448 -0.4859416221668712 -0.4745158847438104 +30982,-0.6122687703510556,1,-0.7418134137678148 -0.5534529315524563 -0.25318259663328835 -0.2389968629797331 -0.061257227922065886 0.12466526998209822 0.3241412947319197 0.4239807361042921 0.5361878714531888 0.5110651226953632 0.5439267976109011 0.4067769647289176 0.2653254559333204 -0.17579333505618308 -0.2717560194117943 -0.3553364219150623 -0.4868981665961448 -0.4859416221668712 -0.4745158847438104 -0.5766697100255844 +30983,-0.6540589716026897,1,-0.5534529315524563 -0.25318259663328835 -0.2389968629797331 -0.061257227922065886 0.12466526998209822 0.3241412947319197 0.4239807361042921 0.5361878714531888 0.5110651226953632 0.5439267976109011 0.4067769647289176 0.2653254559333204 -0.17579333505618308 -0.2717560194117943 -0.3553364219150623 -0.4868981665961448 -0.4859416221668712 -0.4745158847438104 -0.5766697100255844 -0.6122687703510556 +30984,-0.6354855488241837,1,-0.25318259663328835 -0.2389968629797331 -0.061257227922065886 0.12466526998209822 0.3241412947319197 0.4239807361042921 0.5361878714531888 0.5110651226953632 0.5439267976109011 0.4067769647289176 0.2653254559333204 -0.17579333505618308 -0.2717560194117943 -0.3553364219150623 -0.4868981665961448 -0.4859416221668712 -0.4745158847438104 -0.5766697100255844 -0.6122687703510556 -0.6540589716026897 +30985,-0.6169121260456778,1,-0.2389968629797331 -0.061257227922065886 0.12466526998209822 0.3241412947319197 0.4239807361042921 0.5361878714531888 0.5110651226953632 0.5439267976109011 0.4067769647289176 0.2653254559333204 -0.17579333505618308 -0.2717560194117943 -0.3553364219150623 -0.4868981665961448 -0.4859416221668712 -0.4745158847438104 -0.5766697100255844 -0.6122687703510556 -0.6540589716026897 -0.6354855488241837 +30986,-0.6060776294248841,1,-0.061257227922065886 0.12466526998209822 0.3241412947319197 0.4239807361042921 0.5361878714531888 0.5110651226953632 0.5439267976109011 0.4067769647289176 0.2653254559333204 -0.17579333505618308 -0.2717560194117943 -0.3553364219150623 -0.4868981665961448 -0.4859416221668712 -0.4745158847438104 -0.5766697100255844 -0.6122687703510556 -0.6540589716026897 -0.6354855488241837 -0.6169121260456778 +30987,-0.45129910627067354,1,0.12466526998209822 0.3241412947319197 0.4239807361042921 0.5361878714531888 0.5110651226953632 0.5439267976109011 0.4067769647289176 0.2653254559333204 -0.17579333505618308 -0.2717560194117943 -0.3553364219150623 -0.4868981665961448 -0.4859416221668712 -0.4745158847438104 -0.5766697100255844 -0.6122687703510556 -0.6540589716026897 -0.6354855488241837 -0.6169121260456778 -0.6060776294248841 +30988,-0.28568608649566934,1,0.3241412947319197 0.4239807361042921 0.5361878714531888 0.5110651226953632 0.5439267976109011 0.4067769647289176 0.2653254559333204 -0.17579333505618308 -0.2717560194117943 -0.3553364219150623 -0.4868981665961448 -0.4859416221668712 -0.4745158847438104 -0.5766697100255844 -0.6122687703510556 -0.6540589716026897 -0.6354855488241837 -0.6169121260456778 -0.6060776294248841 -0.45129910627067354 +30989,-0.04577937560664132,1,0.4239807361042921 0.5361878714531888 0.5110651226953632 0.5439267976109011 0.4067769647289176 0.2653254559333204 -0.17579333505618308 -0.2717560194117943 -0.3553364219150623 -0.4868981665961448 -0.4859416221668712 -0.4745158847438104 -0.5766697100255844 -0.6122687703510556 -0.6540589716026897 -0.6354855488241837 -0.6169121260456778 -0.6060776294248841 -0.45129910627067354 -0.28568608649566934 +30990,0.15698048972537482,1,0.5361878714531888 0.5110651226953632 0.5439267976109011 0.4067769647289176 0.2653254559333204 -0.17579333505618308 -0.2717560194117943 -0.3553364219150623 -0.4868981665961448 -0.4859416221668712 -0.4745158847438104 -0.5766697100255844 -0.6122687703510556 -0.6540589716026897 -0.6354855488241837 -0.6169121260456778 -0.6060776294248841 -0.45129910627067354 -0.28568608649566934 -0.04577937560664132 +30991,0.33961914704734425,1,0.5110651226953632 0.5439267976109011 0.4067769647289176 0.2653254559333204 -0.17579333505618308 -0.2717560194117943 -0.3553364219150623 -0.4868981665961448 -0.4859416221668712 -0.4745158847438104 -0.5766697100255844 -0.6122687703510556 -0.6540589716026897 -0.6354855488241837 -0.6169121260456778 -0.6060776294248841 -0.45129910627067354 -0.28568608649566934 -0.04577937560664132 0.15698048972537482 +30992,0.3810916499023499,1,0.5439267976109011 0.4067769647289176 0.2653254559333204 -0.17579333505618308 -0.2717560194117943 -0.3553364219150623 -0.4868981665961448 -0.4859416221668712 -0.4745158847438104 -0.5766697100255844 -0.6122687703510556 -0.6540589716026897 -0.6354855488241837 -0.6169121260456778 -0.6060776294248841 -0.45129910627067354 -0.28568608649566934 -0.04577937560664132 0.15698048972537482 0.33961914704734425 +30993,0.30556787195341373,1,0.4067769647289176 0.2653254559333204 -0.17579333505618308 -0.2717560194117943 -0.3553364219150623 -0.4868981665961448 -0.4859416221668712 -0.4745158847438104 -0.5766697100255844 -0.6122687703510556 -0.6540589716026897 -0.6354855488241837 -0.6169121260456778 -0.6060776294248841 -0.45129910627067354 -0.28568608649566934 -0.04577937560664132 0.15698048972537482 0.33961914704734425 0.3810916499023499 +30994,0.471472242950946,1,0.2653254559333204 -0.17579333505618308 -0.2717560194117943 -0.3553364219150623 -0.4868981665961448 -0.4859416221668712 -0.4745158847438104 -0.5766697100255844 -0.6122687703510556 -0.6540589716026897 -0.6354855488241837 -0.6169121260456778 -0.6060776294248841 -0.45129910627067354 -0.28568608649566934 -0.04577937560664132 0.15698048972537482 0.33961914704734425 0.3810916499023499 0.30556787195341373 +30995,0.4789198178861302,1,-0.17579333505618308 -0.2717560194117943 -0.3553364219150623 -0.4868981665961448 -0.4859416221668712 -0.4745158847438104 -0.5766697100255844 -0.6122687703510556 -0.6540589716026897 -0.6354855488241837 -0.6169121260456778 -0.6060776294248841 -0.45129910627067354 -0.28568608649566934 -0.04577937560664132 0.15698048972537482 0.33961914704734425 0.3810916499023499 0.30556787195341373 0.471472242950946 +30996,0.4123650529298186,1,-0.2717560194117943 -0.3553364219150623 -0.4868981665961448 -0.4859416221668712 -0.4745158847438104 -0.5766697100255844 -0.6122687703510556 -0.6540589716026897 -0.6354855488241837 -0.6169121260456778 -0.6060776294248841 -0.45129910627067354 -0.28568608649566934 -0.04577937560664132 0.15698048972537482 0.33961914704734425 0.3810916499023499 0.30556787195341373 0.471472242950946 0.4789198178861302 +30997,0.28699444917490774,1,-0.3553364219150623 -0.4868981665961448 -0.4859416221668712 -0.4745158847438104 -0.5766697100255844 -0.6122687703510556 -0.6540589716026897 -0.6354855488241837 -0.6169121260456778 -0.6060776294248841 -0.45129910627067354 -0.28568608649566934 -0.04577937560664132 0.15698048972537482 0.33961914704734425 0.3810916499023499 0.30556787195341373 0.471472242950946 0.4789198178861302 0.4123650529298186 +30998,0.07959122814826955,1,-0.4868981665961448 -0.4859416221668712 -0.4745158847438104 -0.5766697100255844 -0.6122687703510556 -0.6540589716026897 -0.6354855488241837 -0.6169121260456778 -0.6060776294248841 -0.45129910627067354 -0.28568608649566934 -0.04577937560664132 0.15698048972537482 0.33961914704734425 0.3810916499023499 0.30556787195341373 0.471472242950946 0.4789198178861302 0.4123650529298186 0.28699444917490774 +30999,-0.10304742917369991,1,-0.4859416221668712 -0.4745158847438104 -0.5766697100255844 -0.6122687703510556 -0.6540589716026897 -0.6354855488241837 -0.6169121260456778 -0.6060776294248841 -0.45129910627067354 -0.28568608649566934 -0.04577937560664132 0.15698048972537482 0.33961914704734425 0.3810916499023499 0.30556787195341373 0.471472242950946 0.4789198178861302 0.4123650529298186 0.28699444917490774 0.07959122814826955 +31000,-0.282590516032588,1,-0.4745158847438104 -0.5766697100255844 -0.6122687703510556 -0.6540589716026897 -0.6354855488241837 -0.6169121260456778 -0.6060776294248841 -0.45129910627067354 -0.28568608649566934 -0.04577937560664132 0.15698048972537482 0.33961914704734425 0.3810916499023499 0.30556787195341373 0.471472242950946 0.4789198178861302 0.4123650529298186 0.28699444917490774 0.07959122814826955 -0.10304742917369991 +31001,-0.333667428673475,1,-0.5766697100255844 -0.6122687703510556 -0.6540589716026897 -0.6354855488241837 -0.6169121260456778 -0.6060776294248841 -0.45129910627067354 -0.28568608649566934 -0.04577937560664132 0.15698048972537482 0.33961914704734425 0.3810916499023499 0.30556787195341373 0.471472242950946 0.4789198178861302 0.4123650529298186 0.28699444917490774 0.07959122814826955 -0.10304742917369991 -0.282590516032588 +31002,-0.2686604489487041,1,-0.6122687703510556 -0.6540589716026897 -0.6354855488241837 -0.6169121260456778 -0.6060776294248841 -0.45129910627067354 -0.28568608649566934 -0.04577937560664132 0.15698048972537482 0.33961914704734425 0.3810916499023499 0.30556787195341373 0.471472242950946 0.4789198178861302 0.4123650529298186 0.28699444917490774 0.07959122814826955 -0.10304742917369991 -0.282590516032588 -0.333667428673475 +31003,-0.35997977760969324,1,-0.6540589716026897 -0.6354855488241837 -0.6169121260456778 -0.6060776294248841 -0.45129910627067354 -0.28568608649566934 -0.04577937560664132 0.15698048972537482 0.33961914704734425 0.3810916499023499 0.30556787195341373 0.471472242950946 0.4789198178861302 0.4123650529298186 0.28699444917490774 0.07959122814826955 -0.10304742917369991 -0.282590516032588 -0.333667428673475 -0.2686604489487041 +31004,-0.4342734687237083,1,-0.6354855488241837 -0.6169121260456778 -0.6060776294248841 -0.45129910627067354 -0.28568608649566934 -0.04577937560664132 0.15698048972537482 0.33961914704734425 0.3810916499023499 0.30556787195341373 0.471472242950946 0.4789198178861302 0.4123650529298186 0.28699444917490774 0.07959122814826955 -0.10304742917369991 -0.282590516032588 -0.333667428673475 -0.2686604489487041 -0.35997977760969324 +31005,-0.5426184349316627,1,-0.6169121260456778 -0.6060776294248841 -0.45129910627067354 -0.28568608649566934 -0.04577937560664132 0.15698048972537482 0.33961914704734425 0.3810916499023499 0.30556787195341373 0.471472242950946 0.4789198178861302 0.4123650529298186 0.28699444917490774 0.07959122814826955 -0.10304742917369991 -0.282590516032588 -0.333667428673475 -0.2686604489487041 -0.35997977760969324 -0.4342734687237083 +31006,-0.6138165555825964,1,-0.6060776294248841 -0.45129910627067354 -0.28568608649566934 -0.04577937560664132 0.15698048972537482 0.33961914704734425 0.3810916499023499 0.30556787195341373 0.471472242950946 0.4789198178861302 0.4123650529298186 0.28699444917490774 0.07959122814826955 -0.10304742917369991 -0.282590516032588 -0.333667428673475 -0.2686604489487041 -0.35997977760969324 -0.4342734687237083 -0.5426184349316627 +31007,-0.6741801796127364,1,-0.45129910627067354 -0.28568608649566934 -0.04577937560664132 0.15698048972537482 0.33961914704734425 0.3810916499023499 0.30556787195341373 0.471472242950946 0.4789198178861302 0.4123650529298186 0.28699444917490774 0.07959122814826955 -0.10304742917369991 -0.282590516032588 -0.333667428673475 -0.2686604489487041 -0.35997977760969324 -0.4342734687237083 -0.5426184349316627 -0.6138165555825964 +31008,-0.7002704130101861,1,-0.28568608649566934 -0.04577937560664132 0.15698048972537482 0.33961914704734425 0.3810916499023499 0.30556787195341373 0.471472242950946 0.4789198178861302 0.4123650529298186 0.28699444917490774 0.07959122814826955 -0.10304742917369991 -0.282590516032588 -0.333667428673475 -0.2686604489487041 -0.35997977760969324 -0.4342734687237083 -0.5426184349316627 -0.6138165555825964 -0.6741801796127364 +31009,-0.7577605821160132,1,-0.04577937560664132 0.15698048972537482 0.33961914704734425 0.3810916499023499 0.30556787195341373 0.471472242950946 0.4789198178861302 0.4123650529298186 0.28699444917490774 0.07959122814826955 -0.10304742917369991 -0.282590516032588 -0.333667428673475 -0.2686604489487041 -0.35997977760969324 -0.4342734687237083 -0.5426184349316627 -0.6138165555825964 -0.6741801796127364 -0.7002704130101861 +31010,-0.7593083673475539,1,0.15698048972537482 0.33961914704734425 0.3810916499023499 0.30556787195341373 0.471472242950946 0.4789198178861302 0.4123650529298186 0.28699444917490774 0.07959122814826955 -0.10304742917369991 -0.282590516032588 -0.333667428673475 -0.2686604489487041 -0.35997977760969324 -0.4342734687237083 -0.5426184349316627 -0.6138165555825964 -0.6741801796127364 -0.7002704130101861 -0.7577605821160132 +31011,-0.45439467673375494,1,0.33961914704734425 0.3810916499023499 0.30556787195341373 0.471472242950946 0.4789198178861302 0.4123650529298186 0.28699444917490774 0.07959122814826955 -0.10304742917369991 -0.282590516032588 -0.333667428673475 -0.2686604489487041 -0.35997977760969324 -0.4342734687237083 -0.5426184349316627 -0.6138165555825964 -0.6741801796127364 -0.7002704130101861 -0.7577605821160132 -0.7593083673475539 +31012,-0.23770474431786376,1,0.3810916499023499 0.30556787195341373 0.471472242950946 0.4789198178861302 0.4123650529298186 0.28699444917490774 0.07959122814826955 -0.10304742917369991 -0.282590516032588 -0.333667428673475 -0.2686604489487041 -0.35997977760969324 -0.4342734687237083 -0.5426184349316627 -0.6138165555825964 -0.6741801796127364 -0.7002704130101861 -0.7577605821160132 -0.7593083673475539 -0.45439467673375494 +31013,-0.04577937560664132,1,0.30556787195341373 0.471472242950946 0.4789198178861302 0.4123650529298186 0.28699444917490774 0.07959122814826955 -0.10304742917369991 -0.282590516032588 -0.333667428673475 -0.2686604489487041 -0.35997977760969324 -0.4342734687237083 -0.5426184349316627 -0.6138165555825964 -0.6741801796127364 -0.7002704130101861 -0.7577605821160132 -0.7593083673475539 -0.45439467673375494 -0.23770474431786376 +31014,-0.040862013944687844,1,0.471472242950946 0.4789198178861302 0.4123650529298186 0.28699444917490774 0.07959122814826955 -0.10304742917369991 -0.282590516032588 -0.333667428673475 -0.2686604489487041 -0.35997977760969324 -0.4342734687237083 -0.5426184349316627 -0.6138165555825964 -0.6741801796127364 -0.7002704130101861 -0.7577605821160132 -0.7593083673475539 -0.45439467673375494 -0.23770474431786376 -0.04577937560664132 +31015,0.2746121673225734,1,0.4789198178861302 0.4123650529298186 0.28699444917490774 0.07959122814826955 -0.10304742917369991 -0.282590516032588 -0.333667428673475 -0.2686604489487041 -0.35997977760969324 -0.4342734687237083 -0.5426184349316627 -0.6138165555825964 -0.6741801796127364 -0.7002704130101861 -0.7577605821160132 -0.7593083673475539 -0.45439467673375494 -0.23770474431786376 -0.04577937560664132 -0.040862013944687844 +31016,0.7296610253959519,1,0.4123650529298186 0.28699444917490774 0.07959122814826955 -0.10304742917369991 -0.282590516032588 -0.333667428673475 -0.2686604489487041 -0.35997977760969324 -0.4342734687237083 -0.5426184349316627 -0.6138165555825964 -0.6741801796127364 -0.7002704130101861 -0.7577605821160132 -0.7593083673475539 -0.45439467673375494 -0.23770474431786376 -0.04577937560664132 -0.040862013944687844 0.2746121673225734 +31017,0.9030129713286684,1,0.28699444917490774 0.07959122814826955 -0.10304742917369991 -0.282590516032588 -0.333667428673475 -0.2686604489487041 -0.35997977760969324 -0.4342734687237083 -0.5426184349316627 -0.6138165555825964 -0.6741801796127364 -0.7002704130101861 -0.7577605821160132 -0.7593083673475539 -0.45439467673375494 -0.23770474431786376 -0.04577937560664132 -0.040862013944687844 0.2746121673225734 0.7296610253959519 +31018,0.9182814036589068,1,0.07959122814826955 -0.10304742917369991 -0.282590516032588 -0.333667428673475 -0.2686604489487041 -0.35997977760969324 -0.4342734687237083 -0.5426184349316627 -0.6138165555825964 -0.6741801796127364 -0.7002704130101861 -0.7577605821160132 -0.7593083673475539 -0.45439467673375494 -0.23770474431786376 -0.04577937560664132 -0.040862013944687844 0.2746121673225734 0.7296610253959519 0.9030129713286684 +31019,0.950994313506474,1,-0.10304742917369991 -0.282590516032588 -0.333667428673475 -0.2686604489487041 -0.35997977760969324 -0.4342734687237083 -0.5426184349316627 -0.6138165555825964 -0.6741801796127364 -0.7002704130101861 -0.7577605821160132 -0.7593083673475539 -0.45439467673375494 -0.23770474431786376 -0.04577937560664132 -0.040862013944687844 0.2746121673225734 0.7296610253959519 0.9030129713286684 0.9182814036589068 +31020,0.9865933738319452,1,-0.282590516032588 -0.333667428673475 -0.2686604489487041 -0.35997977760969324 -0.4342734687237083 -0.5426184349316627 -0.6138165555825964 -0.6741801796127364 -0.7002704130101861 -0.7577605821160132 -0.7593083673475539 -0.45439467673375494 -0.23770474431786376 -0.04577937560664132 -0.040862013944687844 0.2746121673225734 0.7296610253959519 0.9030129713286684 0.9182814036589068 0.950994313506474 +31021,0.90920411225484,1,-0.333667428673475 -0.2686604489487041 -0.35997977760969324 -0.4342734687237083 -0.5426184349316627 -0.6138165555825964 -0.6741801796127364 -0.7002704130101861 -0.7577605821160132 -0.7593083673475539 -0.45439467673375494 -0.23770474431786376 -0.04577937560664132 -0.040862013944687844 0.2746121673225734 0.7296610253959519 0.9030129713286684 0.9182814036589068 0.950994313506474 0.9865933738319452 +31022,0.6445328376611345,1,-0.2686604489487041 -0.35997977760969324 -0.4342734687237083 -0.5426184349316627 -0.6138165555825964 -0.6741801796127364 -0.7002704130101861 -0.7577605821160132 -0.7593083673475539 -0.45439467673375494 -0.23770474431786376 -0.04577937560664132 -0.040862013944687844 0.2746121673225734 0.7296610253959519 0.9030129713286684 0.9182814036589068 0.950994313506474 0.9865933738319452 0.90920411225484 +31023,0.46344196557070566,1,-0.35997977760969324 -0.4342734687237083 -0.5426184349316627 -0.6138165555825964 -0.6741801796127364 -0.7002704130101861 -0.7577605821160132 -0.7593083673475539 -0.45439467673375494 -0.23770474431786376 -0.04577937560664132 -0.040862013944687844 0.2746121673225734 0.7296610253959519 0.9030129713286684 0.9182814036589068 0.950994313506474 0.9865933738319452 0.90920411225484 0.6445328376611345 +31024,0.41700840862444954,1,-0.4342734687237083 -0.5426184349316627 -0.6138165555825964 -0.6741801796127364 -0.7002704130101861 -0.7577605821160132 -0.7593083673475539 -0.45439467673375494 -0.23770474431786376 -0.04577937560664132 -0.040862013944687844 0.2746121673225734 0.7296610253959519 0.9030129713286684 0.9182814036589068 0.950994313506474 0.9865933738319452 0.90920411225484 0.6445328376611345 0.46344196557070566 +31025,0.34735807320504775,1,-0.5426184349316627 -0.6138165555825964 -0.6741801796127364 -0.7002704130101861 -0.7577605821160132 -0.7593083673475539 -0.45439467673375494 -0.23770474431786376 -0.04577937560664132 -0.040862013944687844 0.2746121673225734 0.7296610253959519 0.9030129713286684 0.9182814036589068 0.950994313506474 0.9865933738319452 0.90920411225484 0.6445328376611345 0.46344196557070566 0.41700840862444954 +31026,0.2730643820910327,1,-0.6138165555825964 -0.6741801796127364 -0.7002704130101861 -0.7577605821160132 -0.7593083673475539 -0.45439467673375494 -0.23770474431786376 -0.04577937560664132 -0.040862013944687844 0.2746121673225734 0.7296610253959519 0.9030129713286684 0.9182814036589068 0.950994313506474 0.9865933738319452 0.90920411225484 0.6445328376611345 0.46344196557070566 0.41700840862444954 0.34735807320504775 +31027,0.23746532176556145,1,-0.6741801796127364 -0.7002704130101861 -0.7577605821160132 -0.7593083673475539 -0.45439467673375494 -0.23770474431786376 -0.04577937560664132 -0.040862013944687844 0.2746121673225734 0.7296610253959519 0.9030129713286684 0.9182814036589068 0.950994313506474 0.9865933738319452 0.90920411225484 0.6445328376611345 0.46344196557070566 0.41700840862444954 0.34735807320504775 0.2730643820910327 +31028,0.06101780536976358,1,-0.7002704130101861 -0.7577605821160132 -0.7593083673475539 -0.45439467673375494 -0.23770474431786376 -0.04577937560664132 -0.040862013944687844 0.2746121673225734 0.7296610253959519 0.9030129713286684 0.9182814036589068 0.950994313506474 0.9865933738319452 0.90920411225484 0.6445328376611345 0.46344196557070566 0.41700840862444954 0.34735807320504775 0.2730643820910327 0.23746532176556145 +31029,0.09661686569523482,1,-0.7577605821160132 -0.7593083673475539 -0.45439467673375494 -0.23770474431786376 -0.04577937560664132 -0.040862013944687844 0.2746121673225734 0.7296610253959519 0.9030129713286684 0.9182814036589068 0.950994313506474 0.9865933738319452 0.90920411225484 0.6445328376611345 0.46344196557070566 0.41700840862444954 0.34735807320504775 0.2730643820910327 0.23746532176556145 0.06101780536976358 +31030,-0.04732716083818202,1,-0.7593083673475539 -0.45439467673375494 -0.23770474431786376 -0.04577937560664132 -0.040862013944687844 0.2746121673225734 0.7296610253959519 0.9030129713286684 0.9182814036589068 0.950994313506474 0.9865933738319452 0.90920411225484 0.6445328376611345 0.46344196557070566 0.41700840862444954 0.34735807320504775 0.2730643820910327 0.23746532176556145 0.06101780536976358 0.09661686569523482 +31031,-0.08447400639519394,1,-0.45439467673375494 -0.23770474431786376 -0.04577937560664132 -0.040862013944687844 0.2746121673225734 0.7296610253959519 0.9030129713286684 0.9182814036589068 0.950994313506474 0.9865933738319452 0.90920411225484 0.6445328376611345 0.46344196557070566 0.41700840862444954 0.34735807320504775 0.2730643820910327 0.23746532176556145 0.06101780536976358 0.09661686569523482 -0.04732716083818202 +31032,-0.40176997886132726,1,-0.23770474431786376 -0.04577937560664132 -0.040862013944687844 0.2746121673225734 0.7296610253959519 0.9030129713286684 0.9182814036589068 0.950994313506474 0.9865933738319452 0.90920411225484 0.6445328376611345 0.46344196557070566 0.41700840862444954 0.34735807320504775 0.2730643820910327 0.23746532176556145 0.06101780536976358 0.09661686569523482 -0.04732716083818202 -0.08447400639519394 +31033,-0.25473038186482905,1,-0.04577937560664132 -0.040862013944687844 0.2746121673225734 0.7296610253959519 0.9030129713286684 0.9182814036589068 0.950994313506474 0.9865933738319452 0.90920411225484 0.6445328376611345 0.46344196557070566 0.41700840862444954 0.34735807320504775 0.2730643820910327 0.23746532176556145 0.06101780536976358 0.09661686569523482 -0.04732716083818202 -0.08447400639519394 -0.40176997886132726 +31034,-0.17734112028772378,1,-0.040862013944687844 0.2746121673225734 0.7296610253959519 0.9030129713286684 0.9182814036589068 0.950994313506474 0.9865933738319452 0.90920411225484 0.6445328376611345 0.46344196557070566 0.41700840862444954 0.34735807320504775 0.2730643820910327 0.23746532176556145 0.06101780536976358 0.09661686569523482 -0.04732716083818202 -0.08447400639519394 -0.40176997886132726 -0.25473038186482905 +31035,0.3210457242688383,1,0.2746121673225734 0.7296610253959519 0.9030129713286684 0.9182814036589068 0.950994313506474 0.9865933738319452 0.90920411225484 0.6445328376611345 0.46344196557070566 0.41700840862444954 0.34735807320504775 0.2730643820910327 0.23746532176556145 0.06101780536976358 0.09661686569523482 -0.04732716083818202 -0.08447400639519394 -0.40176997886132726 -0.25473038186482905 -0.17734112028772378 +31036,0.6615584752080996,1,0.7296610253959519 0.9030129713286684 0.9182814036589068 0.950994313506474 0.9865933738319452 0.90920411225484 0.6445328376611345 0.46344196557070566 0.41700840862444954 0.34735807320504775 0.2730643820910327 0.23746532176556145 0.06101780536976358 0.09661686569523482 -0.04732716083818202 -0.08447400639519394 -0.40176997886132726 -0.25473038186482905 -0.17734112028772378 0.3210457242688383 +31037,0.9030129713286684,1,0.9030129713286684 0.9182814036589068 0.950994313506474 0.9865933738319452 0.90920411225484 0.6445328376611345 0.46344196557070566 0.41700840862444954 0.34735807320504775 0.2730643820910327 0.23746532176556145 0.06101780536976358 0.09661686569523482 -0.04732716083818202 -0.08447400639519394 -0.40176997886132726 -0.25473038186482905 -0.17734112028772378 0.3210457242688383 0.6615584752080996 +31038,1.118155118513019,1,0.9182814036589068 0.950994313506474 0.9865933738319452 0.90920411225484 0.6445328376611345 0.46344196557070566 0.41700840862444954 0.34735807320504775 0.2730643820910327 0.23746532176556145 0.06101780536976358 0.09661686569523482 -0.04732716083818202 -0.08447400639519394 -0.40176997886132726 -0.25473038186482905 -0.17734112028772378 0.3210457242688383 0.6615584752080996 0.9030129713286684 +31039,1.144351717414146,1,0.950994313506474 0.9865933738319452 0.90920411225484 0.6445328376611345 0.46344196557070566 0.41700840862444954 0.34735807320504775 0.2730643820910327 0.23746532176556145 0.06101780536976358 0.09661686569523482 -0.04732716083818202 -0.08447400639519394 -0.40176997886132726 -0.25473038186482905 -0.17734112028772378 0.3210457242688383 0.6615584752080996 0.9030129713286684 1.118155118513019 +31040,1.3147238429188635,1,0.9865933738319452 0.90920411225484 0.6445328376611345 0.46344196557070566 0.41700840862444954 0.34735807320504775 0.2730643820910327 0.23746532176556145 0.06101780536976358 0.09661686569523482 -0.04732716083818202 -0.08447400639519394 -0.40176997886132726 -0.25473038186482905 -0.17734112028772378 0.3210457242688383 0.6615584752080996 0.9030129713286684 1.118155118513019 1.144351717414146 +31041,1.418425453432187,1,0.90920411225484 0.6445328376611345 0.46344196557070566 0.41700840862444954 0.34735807320504775 0.2730643820910327 0.23746532176556145 0.06101780536976358 0.09661686569523482 -0.04732716083818202 -0.08447400639519394 -0.40176997886132726 -0.25473038186482905 -0.17734112028772378 0.3210457242688383 0.6615584752080996 0.9030129713286684 1.118155118513019 1.144351717414146 1.3147238429188635 +31042,1.5190314934824292,1,0.6445328376611345 0.46344196557070566 0.41700840862444954 0.34735807320504775 0.2730643820910327 0.23746532176556145 0.06101780536976358 0.09661686569523482 -0.04732716083818202 -0.08447400639519394 -0.40176997886132726 -0.25473038186482905 -0.17734112028772378 0.3210457242688383 0.6615584752080996 0.9030129713286684 1.118155118513019 1.144351717414146 1.3147238429188635 1.418425453432187 +31043,1.469502366073074,1,0.46344196557070566 0.41700840862444954 0.34735807320504775 0.2730643820910327 0.23746532176556145 0.06101780536976358 0.09661686569523482 -0.04732716083818202 -0.08447400639519394 -0.40176997886132726 -0.25473038186482905 -0.17734112028772378 0.3210457242688383 0.6615584752080996 0.9030129713286684 1.118155118513019 1.144351717414146 1.3147238429188635 1.418425453432187 1.5190314934824292 +31044,1.442466489452521,1,0.41700840862444954 0.34735807320504775 0.2730643820910327 0.23746532176556145 0.06101780536976358 0.09661686569523482 -0.04732716083818202 -0.08447400639519394 -0.40176997886132726 -0.25473038186482905 -0.17734112028772378 0.3210457242688383 0.6615584752080996 0.9030129713286684 1.118155118513019 1.144351717414146 1.3147238429188635 1.418425453432187 1.5190314934824292 1.469502366073074 +31045,1.3843741783382653,1,0.34735807320504775 0.2730643820910327 0.23746532176556145 0.06101780536976358 0.09661686569523482 -0.04732716083818202 -0.08447400639519394 -0.40176997886132726 -0.25473038186482905 -0.17734112028772378 0.3210457242688383 0.6615584752080996 0.9030129713286684 1.118155118513019 1.144351717414146 1.3147238429188635 1.418425453432187 1.5190314934824292 1.469502366073074 1.442466489452521 +31046,0.9169430384125435,1,0.2730643820910327 0.23746532176556145 0.06101780536976358 0.09661686569523482 -0.04732716083818202 -0.08447400639519394 -0.40176997886132726 -0.25473038186482905 -0.17734112028772378 0.3210457242688383 0.6615584752080996 0.9030129713286684 1.118155118513019 1.144351717414146 1.3147238429188635 1.418425453432187 1.5190314934824292 1.469502366073074 1.442466489452521 1.3843741783382653 +31047,0.6151249182618348,1,0.23746532176556145 0.06101780536976358 0.09661686569523482 -0.04732716083818202 -0.08447400639519394 -0.40176997886132726 -0.25473038186482905 -0.17734112028772378 0.3210457242688383 0.6615584752080996 0.9030129713286684 1.118155118513019 1.144351717414146 1.3147238429188635 1.418425453432187 1.5190314934824292 1.469502366073074 1.442466489452521 1.3843741783382653 0.9169430384125435 +31048,0.3241412947319197,1,0.06101780536976358 0.09661686569523482 -0.04732716083818202 -0.08447400639519394 -0.40176997886132726 -0.25473038186482905 -0.17734112028772378 0.3210457242688383 0.6615584752080996 0.9030129713286684 1.118155118513019 1.144351717414146 1.3147238429188635 1.418425453432187 1.5190314934824292 1.469502366073074 1.442466489452521 1.3843741783382653 0.9169430384125435 0.6151249182618348 +31049,0.09971243615831621,1,0.09661686569523482 -0.04732716083818202 -0.08447400639519394 -0.40176997886132726 -0.25473038186482905 -0.17734112028772378 0.3210457242688383 0.6615584752080996 0.9030129713286684 1.118155118513019 1.144351717414146 1.3147238429188635 1.418425453432187 1.5190314934824292 1.469502366073074 1.442466489452521 1.3843741783382653 0.9169430384125435 0.6151249182618348 0.3241412947319197 +31050,-0.06744836884822868,1,-0.04732716083818202 -0.08447400639519394 -0.40176997886132726 -0.25473038186482905 -0.17734112028772378 0.3210457242688383 0.6615584752080996 0.9030129713286684 1.118155118513019 1.144351717414146 1.3147238429188635 1.418425453432187 1.5190314934824292 1.469502366073074 1.442466489452521 1.3843741783382653 0.9169430384125435 0.6151249182618348 0.3241412947319197 0.09971243615831621 +31051,-0.2129401806131862,1,-0.08447400639519394 -0.40176997886132726 -0.25473038186482905 -0.17734112028772378 0.3210457242688383 0.6615584752080996 0.9030129713286684 1.118155118513019 1.144351717414146 1.3147238429188635 1.418425453432187 1.5190314934824292 1.469502366073074 1.442466489452521 1.3843741783382653 0.9169430384125435 0.6151249182618348 0.3241412947319197 0.09971243615831621 -0.06744836884822868 +31052,-0.273303804643335,1,-0.40176997886132726 -0.25473038186482905 -0.17734112028772378 0.3210457242688383 0.6615584752080996 0.9030129713286684 1.118155118513019 1.144351717414146 1.3147238429188635 1.418425453432187 1.5190314934824292 1.469502366073074 1.442466489452521 1.3843741783382653 0.9169430384125435 0.6151249182618348 0.3241412947319197 0.09971243615831621 -0.06744836884822868 -0.2129401806131862 +31053,-0.3708142742304869,1,-0.25473038186482905 -0.17734112028772378 0.3210457242688383 0.6615584752080996 0.9030129713286684 1.118155118513019 1.144351717414146 1.3147238429188635 1.418425453432187 1.5190314934824292 1.469502366073074 1.442466489452521 1.3843741783382653 0.9169430384125435 0.6151249182618348 0.3241412947319197 0.09971243615831621 -0.06744836884822868 -0.2129401806131862 -0.273303804643335 +31054,-0.445107965344502,1,-0.17734112028772378 0.3210457242688383 0.6615584752080996 0.9030129713286684 1.118155118513019 1.144351717414146 1.3147238429188635 1.418425453432187 1.5190314934824292 1.469502366073074 1.442466489452521 1.3843741783382653 0.9169430384125435 0.6151249182618348 0.3241412947319197 0.09971243615831621 -0.06744836884822868 -0.2129401806131862 -0.273303804643335 -0.3708142742304869 +31055,-0.5766697100255844,1,0.3210457242688383 0.6615584752080996 0.9030129713286684 1.118155118513019 1.144351717414146 1.3147238429188635 1.418425453432187 1.5190314934824292 1.469502366073074 1.442466489452521 1.3843741783382653 0.9169430384125435 0.6151249182618348 0.3241412947319197 0.09971243615831621 -0.06744836884822868 -0.2129401806131862 -0.273303804643335 -0.3708142742304869 -0.445107965344502 +31056,-0.6277466226664714,1,0.6615584752080996 0.9030129713286684 1.118155118513019 1.144351717414146 1.3147238429188635 1.418425453432187 1.5190314934824292 1.469502366073074 1.442466489452521 1.3843741783382653 0.9169430384125435 0.6151249182618348 0.3241412947319197 0.09971243615831621 -0.06744836884822868 -0.2129401806131862 -0.273303804643335 -0.3708142742304869 -0.445107965344502 -0.5766697100255844 +31057,-0.5008282336800198,1,0.9030129713286684 1.118155118513019 1.144351717414146 1.3147238429188635 1.418425453432187 1.5190314934824292 1.469502366073074 1.442466489452521 1.3843741783382653 0.9169430384125435 0.6151249182618348 0.3241412947319197 0.09971243615831621 -0.06744836884822868 -0.2129401806131862 -0.273303804643335 -0.3708142742304869 -0.445107965344502 -0.5766697100255844 -0.6277466226664714 +31058,-0.3274762877473034,1,1.118155118513019 1.144351717414146 1.3147238429188635 1.418425453432187 1.5190314934824292 1.469502366073074 1.442466489452521 1.3843741783382653 0.9169430384125435 0.6151249182618348 0.3241412947319197 0.09971243615831621 -0.06744836884822868 -0.2129401806131862 -0.273303804643335 -0.3708142742304869 -0.445107965344502 -0.5766697100255844 -0.6277466226664714 -0.5008282336800198 +31059,0.1043557918529383,1,1.144351717414146 1.3147238429188635 1.418425453432187 1.5190314934824292 1.469502366073074 1.442466489452521 1.3843741783382653 0.9169430384125435 0.6151249182618348 0.3241412947319197 0.09971243615831621 -0.06744836884822868 -0.2129401806131862 -0.273303804643335 -0.3708142742304869 -0.445107965344502 -0.5766697100255844 -0.6277466226664714 -0.5008282336800198 -0.3274762877473034 +31060,0.13142468149425374,1,1.3147238429188635 1.418425453432187 1.5190314934824292 1.469502366073074 1.442466489452521 1.3843741783382653 0.9169430384125435 0.6151249182618348 0.3241412947319197 0.09971243615831621 -0.06744836884822868 -0.2129401806131862 -0.273303804643335 -0.3708142742304869 -0.445107965344502 -0.5766697100255844 -0.6277466226664714 -0.5008282336800198 -0.3274762877473034 0.1043557918529383 +31061,0.8937262599394155,1,1.418425453432187 1.5190314934824292 1.469502366073074 1.442466489452521 1.3843741783382653 0.9169430384125435 0.6151249182618348 0.3241412947319197 0.09971243615831621 -0.06744836884822868 -0.2129401806131862 -0.273303804643335 -0.3708142742304869 -0.445107965344502 -0.5766697100255844 -0.6277466226664714 -0.5008282336800198 -0.3274762877473034 0.1043557918529383 0.13142468149425374 +31062,1.6970267951097677,1,1.5190314934824292 1.469502366073074 1.442466489452521 1.3843741783382653 0.9169430384125435 0.6151249182618348 0.3241412947319197 0.09971243615831621 -0.06744836884822868 -0.2129401806131862 -0.273303804643335 -0.3708142742304869 -0.445107965344502 -0.5766697100255844 -0.6277466226664714 -0.5008282336800198 -0.3274762877473034 0.1043557918529383 0.13142468149425374 0.8937262599394155 +31063,1.8131106874754255,1,1.469502366073074 1.442466489452521 1.3843741783382653 0.9169430384125435 0.6151249182618348 0.3241412947319197 0.09971243615831621 -0.06744836884822868 -0.2129401806131862 -0.273303804643335 -0.3708142742304869 -0.445107965344502 -0.5766697100255844 -0.6277466226664714 -0.5008282336800198 -0.3274762877473034 0.1043557918529383 0.13142468149425374 0.8937262599394155 1.6970267951097677 +31064,1.6739684340028704,1,1.442466489452521 1.3843741783382653 0.9169430384125435 0.6151249182618348 0.3241412947319197 0.09971243615831621 -0.06744836884822868 -0.2129401806131862 -0.273303804643335 -0.3708142742304869 -0.445107965344502 -0.5766697100255844 -0.6277466226664714 -0.5008282336800198 -0.3274762877473034 0.1043557918529383 0.13142468149425374 0.8937262599394155 1.6970267951097677 1.8131106874754255 +31065,1.7991806203915504,1,1.3843741783382653 0.9169430384125435 0.6151249182618348 0.3241412947319197 0.09971243615831621 -0.06744836884822868 -0.2129401806131862 -0.273303804643335 -0.3708142742304869 -0.445107965344502 -0.5766697100255844 -0.6277466226664714 -0.5008282336800198 -0.3274762877473034 0.1043557918529383 0.13142468149425374 0.8937262599394155 1.6970267951097677 1.8131106874754255 1.6739684340028704 +31066,1.7736206913370223,1,0.9169430384125435 0.6151249182618348 0.3241412947319197 0.09971243615831621 -0.06744836884822868 -0.2129401806131862 -0.273303804643335 -0.3708142742304869 -0.445107965344502 -0.5766697100255844 -0.6277466226664714 -0.5008282336800198 -0.3274762877473034 0.1043557918529383 0.13142468149425374 0.8937262599394155 1.6970267951097677 1.8131106874754255 1.6739684340028704 1.7991806203915504 +31067,1.7465559225191138,1,0.6151249182618348 0.3241412947319197 0.09971243615831621 -0.06744836884822868 -0.2129401806131862 -0.273303804643335 -0.3708142742304869 -0.445107965344502 -0.5766697100255844 -0.6277466226664714 -0.5008282336800198 -0.3274762877473034 0.1043557918529383 0.13142468149425374 0.8937262599394155 1.6970267951097677 1.8131106874754255 1.6739684340028704 1.7991806203915504 1.7736206913370223 +31068,1.6869443369963866,1,0.3241412947319197 0.09971243615831621 -0.06744836884822868 -0.2129401806131862 -0.273303804643335 -0.3708142742304869 -0.445107965344502 -0.5766697100255844 -0.6277466226664714 -0.5008282336800198 -0.3274762877473034 0.1043557918529383 0.13142468149425374 0.8937262599394155 1.6970267951097677 1.8131106874754255 1.6739684340028704 1.7991806203915504 1.7736206913370223 1.7465559225191138 +31069,1.625828674458834,1,0.09971243615831621 -0.06744836884822868 -0.2129401806131862 -0.273303804643335 -0.3708142742304869 -0.445107965344502 -0.5766697100255844 -0.6277466226664714 -0.5008282336800198 -0.3274762877473034 0.1043557918529383 0.13142468149425374 0.8937262599394155 1.6970267951097677 1.8131106874754255 1.6739684340028704 1.7991806203915504 1.7736206913370223 1.7465559225191138 1.6869443369963866 +31070,0.9633765953588084,1,-0.06744836884822868 -0.2129401806131862 -0.273303804643335 -0.3708142742304869 -0.445107965344502 -0.5766697100255844 -0.6277466226664714 -0.5008282336800198 -0.3274762877473034 0.1043557918529383 0.13142468149425374 0.8937262599394155 1.6970267951097677 1.8131106874754255 1.6739684340028704 1.7991806203915504 1.7736206913370223 1.7465559225191138 1.6869443369963866 1.625828674458834 +31071,0.748234448174458,1,-0.2129401806131862 -0.273303804643335 -0.3708142742304869 -0.445107965344502 -0.5766697100255844 -0.6277466226664714 -0.5008282336800198 -0.3274762877473034 0.1043557918529383 0.13142468149425374 0.8937262599394155 1.6970267951097677 1.8131106874754255 1.6739684340028704 1.7991806203915504 1.7736206913370223 1.7465559225191138 1.6869443369963866 1.625828674458834 0.9633765953588084 +31072,0.4092694824667372,1,-0.273303804643335 -0.3708142742304869 -0.445107965344502 -0.5766697100255844 -0.6277466226664714 -0.5008282336800198 -0.3274762877473034 0.1043557918529383 0.13142468149425374 0.8937262599394155 1.6970267951097677 1.8131106874754255 1.6739684340028704 1.7991806203915504 1.7736206913370223 1.7465559225191138 1.6869443369963866 1.625828674458834 0.9633765953588084 0.748234448174458 +31073,0.22972639560784916,1,-0.3708142742304869 -0.445107965344502 -0.5766697100255844 -0.6277466226664714 -0.5008282336800198 -0.3274762877473034 0.1043557918529383 0.13142468149425374 0.8937262599394155 1.6970267951097677 1.8131106874754255 1.6739684340028704 1.7991806203915504 1.7736206913370223 1.7465559225191138 1.6869443369963866 1.625828674458834 0.9633765953588084 0.748234448174458 0.4092694824667372 +31074,0.14459820787303163,1,-0.445107965344502 -0.5766697100255844 -0.6277466226664714 -0.5008282336800198 -0.3274762877473034 0.1043557918529383 0.13142468149425374 0.8937262599394155 1.6970267951097677 1.8131106874754255 1.6739684340028704 1.7991806203915504 1.7736206913370223 1.7465559225191138 1.6869443369963866 1.625828674458834 0.9633765953588084 0.748234448174458 0.4092694824667372 0.22972639560784916 +31075,0.0006541813396235972,1,-0.5766697100255844 -0.6277466226664714 -0.5008282336800198 -0.3274762877473034 0.1043557918529383 0.13142468149425374 0.8937262599394155 1.6970267951097677 1.8131106874754255 1.6739684340028704 1.7991806203915504 1.7736206913370223 1.7465559225191138 1.6869443369963866 1.625828674458834 0.9633765953588084 0.748234448174458 0.4092694824667372 0.22972639560784916 0.14459820787303163 +31076,-0.10614299963678131,1,-0.6277466226664714 -0.5008282336800198 -0.3274762877473034 0.1043557918529383 0.13142468149425374 0.8937262599394155 1.6970267951097677 1.8131106874754255 1.6739684340028704 1.7991806203915504 1.7736206913370223 1.7465559225191138 1.6869443369963866 1.625828674458834 0.9633765953588084 0.748234448174458 0.4092694824667372 0.22972639560784916 0.14459820787303163 0.0006541813396235972 +31077,-0.2624693080225413,1,-0.5008282336800198 -0.3274762877473034 0.1043557918529383 0.13142468149425374 0.8937262599394155 1.6970267951097677 1.8131106874754255 1.6739684340028704 1.7991806203915504 1.7736206913370223 1.7465559225191138 1.6869443369963866 1.625828674458834 0.9633765953588084 0.748234448174458 0.4092694824667372 0.22972639560784916 0.14459820787303163 0.0006541813396235972 -0.10614299963678131 +31078,-0.29806836834800376,1,-0.3274762877473034 0.1043557918529383 0.13142468149425374 0.8937262599394155 1.6970267951097677 1.8131106874754255 1.6739684340028704 1.7991806203915504 1.7736206913370223 1.7465559225191138 1.6869443369963866 1.625828674458834 0.9633765953588084 0.748234448174458 0.4092694824667372 0.22972639560784916 0.14459820787303163 0.0006541813396235972 -0.10614299963678131 -0.2624693080225413 +31079,-0.3553364219150623,1,0.1043557918529383 0.13142468149425374 0.8937262599394155 1.6970267951097677 1.8131106874754255 1.6739684340028704 1.7991806203915504 1.7736206913370223 1.7465559225191138 1.6869443369963866 1.625828674458834 0.9633765953588084 0.748234448174458 0.4092694824667372 0.22972639560784916 0.14459820787303163 0.0006541813396235972 -0.10614299963678131 -0.2624693080225413 -0.29806836834800376 +31080,-0.4249867573344553,1,0.13142468149425374 0.8937262599394155 1.6970267951097677 1.8131106874754255 1.6739684340028704 1.7991806203915504 1.7736206913370223 1.7465559225191138 1.6869443369963866 1.625828674458834 0.9633765953588084 0.748234448174458 0.4092694824667372 0.22972639560784916 0.14459820787303163 0.0006541813396235972 -0.10614299963678131 -0.2624693080225413 -0.29806836834800376 -0.3553364219150623 +31081,-0.4389168244183392,1,0.8937262599394155 1.6970267951097677 1.8131106874754255 1.6739684340028704 1.7991806203915504 1.7736206913370223 1.7465559225191138 1.6869443369963866 1.625828674458834 0.9633765953588084 0.748234448174458 0.4092694824667372 0.22972639560784916 0.14459820787303163 0.0006541813396235972 -0.10614299963678131 -0.2624693080225413 -0.29806836834800376 -0.3553364219150623 -0.4249867573344553 +31082,-0.44665575057605145,1,1.6970267951097677 1.8131106874754255 1.6739684340028704 1.7991806203915504 1.7736206913370223 1.7465559225191138 1.6869443369963866 1.625828674458834 0.9633765953588084 0.748234448174458 0.4092694824667372 0.22972639560784916 0.14459820787303163 0.0006541813396235972 -0.10614299963678131 -0.2624693080225413 -0.29806836834800376 -0.3553364219150623 -0.4249867573344553 -0.4389168244183392 +31083,0.18329283866158427,1,1.8131106874754255 1.6739684340028704 1.7991806203915504 1.7736206913370223 1.7465559225191138 1.6869443369963866 1.625828674458834 0.9633765953588084 0.748234448174458 0.4092694824667372 0.22972639560784916 0.14459820787303163 0.0006541813396235972 -0.10614299963678131 -0.2624693080225413 -0.29806836834800376 -0.3553364219150623 -0.4249867573344553 -0.4389168244183392 -0.44665575057605145 +31084,0.664654045671181,1,1.6739684340028704 1.7991806203915504 1.7736206913370223 1.7465559225191138 1.6869443369963866 1.625828674458834 0.9633765953588084 0.748234448174458 0.4092694824667372 0.22972639560784916 0.14459820787303163 0.0006541813396235972 -0.10614299963678131 -0.2624693080225413 -0.29806836834800376 -0.3553364219150623 -0.4249867573344553 -0.4389168244183392 -0.44665575057605145 0.18329283866158427 +31085,1.1676842459223653,1,1.7991806203915504 1.7736206913370223 1.7465559225191138 1.6869443369963866 1.625828674458834 0.9633765953588084 0.748234448174458 0.4092694824667372 0.22972639560784916 0.14459820787303163 0.0006541813396235972 -0.10614299963678131 -0.2624693080225413 -0.29806836834800376 -0.3553364219150623 -0.4249867573344553 -0.4389168244183392 -0.44665575057605145 0.18329283866158427 0.664654045671181 +31086,1.175878761889091,1,1.7736206913370223 1.7465559225191138 1.6869443369963866 1.625828674458834 0.9633765953588084 0.748234448174458 0.4092694824667372 0.22972639560784916 0.14459820787303163 0.0006541813396235972 -0.10614299963678131 -0.2624693080225413 -0.29806836834800376 -0.3553364219150623 -0.4249867573344553 -0.4389168244183392 -0.44665575057605145 0.18329283866158427 0.664654045671181 1.1676842459223653 +31087,1.5623694799656038,1,1.7465559225191138 1.6869443369963866 1.625828674458834 0.9633765953588084 0.748234448174458 0.4092694824667372 0.22972639560784916 0.14459820787303163 0.0006541813396235972 -0.10614299963678131 -0.2624693080225413 -0.29806836834800376 -0.3553364219150623 -0.4249867573344553 -0.4389168244183392 -0.44665575057605145 0.18329283866158427 0.664654045671181 1.1676842459223653 1.175878761889091 +31088,1.7898939090022974,1,1.6869443369963866 1.625828674458834 0.9633765953588084 0.748234448174458 0.4092694824667372 0.22972639560784916 0.14459820787303163 0.0006541813396235972 -0.10614299963678131 -0.2624693080225413 -0.29806836834800376 -0.3553364219150623 -0.4249867573344553 -0.4389168244183392 -0.44665575057605145 0.18329283866158427 0.664654045671181 1.1676842459223653 1.175878761889091 1.5623694799656038 +31089,1.8471619625693472,1,1.625828674458834 0.9633765953588084 0.748234448174458 0.4092694824667372 0.22972639560784916 0.14459820787303163 0.0006541813396235972 -0.10614299963678131 -0.2624693080225413 -0.29806836834800376 -0.3553364219150623 -0.4249867573344553 -0.4389168244183392 -0.44665575057605145 0.18329283866158427 0.664654045671181 1.1676842459223653 1.175878761889091 1.5623694799656038 1.7898939090022974 +31090,1.834779680717013,1,0.9633765953588084 0.748234448174458 0.4092694824667372 0.22972639560784916 0.14459820787303163 0.0006541813396235972 -0.10614299963678131 -0.2624693080225413 -0.29806836834800376 -0.3553364219150623 -0.4249867573344553 -0.4389168244183392 -0.44665575057605145 0.18329283866158427 0.664654045671181 1.1676842459223653 1.175878761889091 1.5623694799656038 1.7898939090022974 1.8471619625693472 +31091,1.7171480031198143,1,0.748234448174458 0.4092694824667372 0.22972639560784916 0.14459820787303163 0.0006541813396235972 -0.10614299963678131 -0.2624693080225413 -0.29806836834800376 -0.3553364219150623 -0.4249867573344553 -0.4389168244183392 -0.44665575057605145 0.18329283866158427 0.664654045671181 1.1676842459223653 1.175878761889091 1.5623694799656038 1.7898939090022974 1.8471619625693472 1.834779680717013 +31092,1.6598799495527556,1,0.4092694824667372 0.22972639560784916 0.14459820787303163 0.0006541813396235972 -0.10614299963678131 -0.2624693080225413 -0.29806836834800376 -0.3553364219150623 -0.4249867573344553 -0.4389168244183392 -0.44665575057605145 0.18329283866158427 0.664654045671181 1.1676842459223653 1.175878761889091 1.5623694799656038 1.7898939090022974 1.8471619625693472 1.834779680717013 1.7171480031198143 +31093,1.483432433156958,1,0.22972639560784916 0.14459820787303163 0.0006541813396235972 -0.10614299963678131 -0.2624693080225413 -0.29806836834800376 -0.3553364219150623 -0.4249867573344553 -0.4389168244183392 -0.44665575057605145 0.18329283866158427 0.664654045671181 1.1676842459223653 1.175878761889091 1.5623694799656038 1.7898939090022974 1.8471619625693472 1.834779680717013 1.7171480031198143 1.6598799495527556 +31094,1.1723276016169961,1,0.14459820787303163 0.0006541813396235972 -0.10614299963678131 -0.2624693080225413 -0.29806836834800376 -0.3553364219150623 -0.4249867573344553 -0.4389168244183392 -0.44665575057605145 0.18329283866158427 0.664654045671181 1.1676842459223653 1.175878761889091 1.5623694799656038 1.7898939090022974 1.8471619625693472 1.834779680717013 1.7171480031198143 1.6598799495527556 1.483432433156958 +31095,0.7993113608153449,1,0.0006541813396235972 -0.10614299963678131 -0.2624693080225413 -0.29806836834800376 -0.3553364219150623 -0.4249867573344553 -0.4389168244183392 -0.44665575057605145 0.18329283866158427 0.664654045671181 1.1676842459223653 1.175878761889091 1.5623694799656038 1.7898939090022974 1.8471619625693472 1.834779680717013 1.7171480031198143 1.6598799495527556 1.483432433156958 1.1723276016169961 +31096,0.6089337773356631,1,-0.10614299963678131 -0.2624693080225413 -0.29806836834800376 -0.3553364219150623 -0.4249867573344553 -0.4389168244183392 -0.44665575057605145 0.18329283866158427 0.664654045671181 1.1676842459223653 1.175878761889091 1.5623694799656038 1.7898939090022974 1.8471619625693472 1.834779680717013 1.7171480031198143 1.6598799495527556 1.483432433156958 1.1723276016169961 0.7993113608153449 +31097,0.46808532126533653,1,-0.2624693080225413 -0.29806836834800376 -0.3553364219150623 -0.4249867573344553 -0.4389168244183392 -0.44665575057605145 0.18329283866158427 0.664654045671181 1.1676842459223653 1.175878761889091 1.5623694799656038 1.7898939090022974 1.8471619625693472 1.834779680717013 1.7171480031198143 1.6598799495527556 1.483432433156958 1.1723276016169961 0.7993113608153449 0.6089337773356631 +31098,0.29163780486953866,1,-0.29806836834800376 -0.3553364219150623 -0.4249867573344553 -0.4389168244183392 -0.44665575057605145 0.18329283866158427 0.664654045671181 1.1676842459223653 1.175878761889091 1.5623694799656038 1.7898939090022974 1.8471619625693472 1.834779680717013 1.7171480031198143 1.6598799495527556 1.483432433156958 1.1723276016169961 0.7993113608153449 0.6089337773356631 0.46808532126533653 +31099,0.09661686569523482,1,-0.3553364219150623 -0.4249867573344553 -0.4389168244183392 -0.44665575057605145 0.18329283866158427 0.664654045671181 1.1676842459223653 1.175878761889091 1.5623694799656038 1.7898939090022974 1.8471619625693472 1.834779680717013 1.7171480031198143 1.6598799495527556 1.483432433156958 1.1723276016169961 0.7993113608153449 0.6089337773356631 0.46808532126533653 0.29163780486953866 +31100,0.02077538934967026,1,-0.4249867573344553 -0.4389168244183392 -0.44665575057605145 0.18329283866158427 0.664654045671181 1.1676842459223653 1.175878761889091 1.5623694799656038 1.7898939090022974 1.8471619625693472 1.834779680717013 1.7171480031198143 1.6598799495527556 1.483432433156958 1.1723276016169961 0.7993113608153449 0.6089337773356631 0.46808532126533653 0.29163780486953866 0.09661686569523482 +31101,-0.04577937560664132,1,-0.4389168244183392 -0.44665575057605145 0.18329283866158427 0.664654045671181 1.1676842459223653 1.175878761889091 1.5623694799656038 1.7898939090022974 1.8471619625693472 1.834779680717013 1.7171480031198143 1.6598799495527556 1.483432433156958 1.1723276016169961 0.7993113608153449 0.6089337773356631 0.46808532126533653 0.29163780486953866 0.09661686569523482 0.02077538934967026 +31102,-0.13245534857299956,1,-0.44665575057605145 0.18329283866158427 0.664654045671181 1.1676842459223653 1.175878761889091 1.5623694799656038 1.7898939090022974 1.8471619625693472 1.834779680717013 1.7171480031198143 1.6598799495527556 1.483432433156958 1.1723276016169961 0.7993113608153449 0.6089337773356631 0.46808532126533653 0.29163780486953866 0.09661686569523482 0.02077538934967026 -0.04577937560664132 +31103,-0.23615695908632306,1,0.18329283866158427 0.664654045671181 1.1676842459223653 1.175878761889091 1.5623694799656038 1.7898939090022974 1.8471619625693472 1.834779680717013 1.7171480031198143 1.6598799495527556 1.483432433156958 1.1723276016169961 0.7993113608153449 0.6089337773356631 0.46808532126533653 0.29163780486953866 0.09661686569523482 0.02077538934967026 -0.04577937560664132 -0.13245534857299956 +31104,-0.2671126637171634,1,0.664654045671181 1.1676842459223653 1.175878761889091 1.5623694799656038 1.7898939090022974 1.8471619625693472 1.834779680717013 1.7171480031198143 1.6598799495527556 1.483432433156958 1.1723276016169961 0.7993113608153449 0.6089337773356631 0.46808532126533653 0.29163780486953866 0.09661686569523482 0.02077538934967026 -0.04577937560664132 -0.13245534857299956 -0.23615695908632306 +31105,-0.35997977760969324,1,1.1676842459223653 1.175878761889091 1.5623694799656038 1.7898939090022974 1.8471619625693472 1.834779680717013 1.7171480031198143 1.6598799495527556 1.483432433156958 1.1723276016169961 0.7993113608153449 0.6089337773356631 0.46808532126533653 0.29163780486953866 0.09661686569523482 0.02077538934967026 -0.04577937560664132 -0.13245534857299956 -0.23615695908632306 -0.2671126637171634 +31106,-0.06280501315360658,1,1.175878761889091 1.5623694799656038 1.7898939090022974 1.8471619625693472 1.834779680717013 1.7171480031198143 1.6598799495527556 1.483432433156958 1.1723276016169961 0.7993113608153449 0.6089337773356631 0.46808532126533653 0.29163780486953866 0.09661686569523482 0.02077538934967026 -0.04577937560664132 -0.13245534857299956 -0.23615695908632306 -0.2671126637171634 -0.35997977760969324 +31107,0.19257955005083724,1,1.5623694799656038 1.7898939090022974 1.8471619625693472 1.834779680717013 1.7171480031198143 1.6598799495527556 1.483432433156958 1.1723276016169961 0.7993113608153449 0.6089337773356631 0.46808532126533653 0.29163780486953866 0.09661686569523482 0.02077538934967026 -0.04577937560664132 -0.13245534857299956 -0.23615695908632306 -0.2671126637171634 -0.35997977760969324 -0.06280501315360658 +31108,0.6367939115034221,1,1.7898939090022974 1.8471619625693472 1.834779680717013 1.7171480031198143 1.6598799495527556 1.483432433156958 1.1723276016169961 0.7993113608153449 0.6089337773356631 0.46808532126533653 0.29163780486953866 0.09661686569523482 0.02077538934967026 -0.04577937560664132 -0.13245534857299956 -0.23615695908632306 -0.2671126637171634 -0.35997977760969324 -0.06280501315360658 0.19257955005083724 +31109,1.0841038434190973,1,1.8471619625693472 1.834779680717013 1.7171480031198143 1.6598799495527556 1.483432433156958 1.1723276016169961 0.7993113608153449 0.6089337773356631 0.46808532126533653 0.29163780486953866 0.09661686569523482 0.02077538934967026 -0.04577937560664132 -0.13245534857299956 -0.23615695908632306 -0.2671126637171634 -0.35997977760969324 -0.06280501315360658 0.19257955005083724 0.6367939115034221 +31110,1.0948066311008315,1,1.834779680717013 1.7171480031198143 1.6598799495527556 1.483432433156958 1.1723276016169961 0.7993113608153449 0.6089337773356631 0.46808532126533653 0.29163780486953866 0.09661686569523482 0.02077538934967026 -0.04577937560664132 -0.13245534857299956 -0.23615695908632306 -0.2671126637171634 -0.35997977760969324 -0.06280501315360658 0.19257955005083724 0.6367939115034221 1.0841038434190973 +31111,1.4973625002408328,1,1.7171480031198143 1.6598799495527556 1.483432433156958 1.1723276016169961 0.7993113608153449 0.6089337773356631 0.46808532126533653 0.29163780486953866 0.09661686569523482 0.02077538934967026 -0.04577937560664132 -0.13245534857299956 -0.23615695908632306 -0.2671126637171634 -0.35997977760969324 -0.06280501315360658 0.19257955005083724 0.6367939115034221 1.0841038434190973 1.0948066311008315 +31112,1.8301363250223908,1,1.6598799495527556 1.483432433156958 1.1723276016169961 0.7993113608153449 0.6089337773356631 0.46808532126533653 0.29163780486953866 0.09661686569523482 0.02077538934967026 -0.04577937560664132 -0.13245534857299956 -0.23615695908632306 -0.2671126637171634 -0.35997977760969324 -0.06280501315360658 0.19257955005083724 0.6367939115034221 1.0841038434190973 1.0948066311008315 1.4973625002408328 +31113,1.8579964591901497,1,1.483432433156958 1.1723276016169961 0.7993113608153449 0.6089337773356631 0.46808532126533653 0.29163780486953866 0.09661686569523482 0.02077538934967026 -0.04577937560664132 -0.13245534857299956 -0.23615695908632306 -0.2671126637171634 -0.35997977760969324 -0.06280501315360658 0.19257955005083724 0.6367939115034221 1.0841038434190973 1.0948066311008315 1.4973625002408328 1.8301363250223908 +31114,1.8842148177847222,1,1.1723276016169961 0.7993113608153449 0.6089337773356631 0.46808532126533653 0.29163780486953866 0.09661686569523482 0.02077538934967026 -0.04577937560664132 -0.13245534857299956 -0.23615695908632306 -0.2671126637171634 -0.35997977760969324 -0.06280501315360658 0.19257955005083724 0.6367939115034221 1.0841038434190973 1.0948066311008315 1.4973625002408328 1.8301363250223908 1.8579964591901497 +31115,1.940029076461877,1,0.7993113608153449 0.6089337773356631 0.46808532126533653 0.29163780486953866 0.09661686569523482 0.02077538934967026 -0.04577937560664132 -0.13245534857299956 -0.23615695908632306 -0.2671126637171634 -0.35997977760969324 -0.06280501315360658 0.19257955005083724 0.6367939115034221 1.0841038434190973 1.0948066311008315 1.4973625002408328 1.8301363250223908 1.8579964591901497 1.8842148177847222 +31116,1.7867983385392072,1,0.6089337773356631 0.46808532126533653 0.29163780486953866 0.09661686569523482 0.02077538934967026 -0.04577937560664132 -0.13245534857299956 -0.23615695908632306 -0.2671126637171634 -0.35997977760969324 -0.06280501315360658 0.19257955005083724 0.6367939115034221 1.0841038434190973 1.0948066311008315 1.4973625002408328 1.8301363250223908 1.8579964591901497 1.8842148177847222 1.940029076461877 +31117,1.6057074664487874,1,0.46808532126533653 0.29163780486953866 0.09661686569523482 0.02077538934967026 -0.04577937560664132 -0.13245534857299956 -0.23615695908632306 -0.2671126637171634 -0.35997977760969324 -0.06280501315360658 0.19257955005083724 0.6367939115034221 1.0841038434190973 1.0948066311008315 1.4973625002408328 1.8301363250223908 1.8579964591901497 1.8842148177847222 1.940029076461877 1.7867983385392072 +31118,1.2791247825934011,1,0.29163780486953866 0.09661686569523482 0.02077538934967026 -0.04577937560664132 -0.13245534857299956 -0.23615695908632306 -0.2671126637171634 -0.35997977760969324 -0.06280501315360658 0.19257955005083724 0.6367939115034221 1.0841038434190973 1.0948066311008315 1.4973625002408328 1.8301363250223908 1.8579964591901497 1.8842148177847222 1.940029076461877 1.7867983385392072 1.6057074664487874 +31119,0.9231341793387151,1,0.09661686569523482 0.02077538934967026 -0.04577937560664132 -0.13245534857299956 -0.23615695908632306 -0.2671126637171634 -0.35997977760969324 -0.06280501315360658 0.19257955005083724 0.6367939115034221 1.0841038434190973 1.0948066311008315 1.4973625002408328 1.8301363250223908 1.8579964591901497 1.8842148177847222 1.940029076461877 1.7867983385392072 1.6057074664487874 1.2791247825934011 +31120,0.5501179385370639,1,0.02077538934967026 -0.04577937560664132 -0.13245534857299956 -0.23615695908632306 -0.2671126637171634 -0.35997977760969324 -0.06280501315360658 0.19257955005083724 0.6367939115034221 1.0841038434190973 1.0948066311008315 1.4973625002408328 1.8301363250223908 1.8579964591901497 1.8842148177847222 1.940029076461877 1.7867983385392072 1.6057074664487874 1.2791247825934011 0.9231341793387151 +31121,0.40307834154056565,1,-0.04577937560664132 -0.13245534857299956 -0.23615695908632306 -0.2671126637171634 -0.35997977760969324 -0.06280501315360658 0.19257955005083724 0.6367939115034221 1.0841038434190973 1.0948066311008315 1.4973625002408328 1.8301363250223908 1.8579964591901497 1.8842148177847222 1.940029076461877 1.7867983385392072 1.6057074664487874 1.2791247825934011 0.9231341793387151 0.5501179385370639 +31122,0.38963183351872926,1,-0.13245534857299956 -0.23615695908632306 -0.2671126637171634 -0.35997977760969324 -0.06280501315360658 0.19257955005083724 0.6367939115034221 1.0841038434190973 1.0948066311008315 1.4973625002408328 1.8301363250223908 1.8579964591901497 1.8842148177847222 1.940029076461877 1.7867983385392072 1.6057074664487874 1.2791247825934011 0.9231341793387151 0.5501179385370639 0.40307834154056565 +31123,0.2250830399132271,1,-0.23615695908632306 -0.2671126637171634 -0.35997977760969324 -0.06280501315360658 0.19257955005083724 0.6367939115034221 1.0841038434190973 1.0948066311008315 1.4973625002408328 1.8301363250223908 1.8579964591901497 1.8842148177847222 1.940029076461877 1.7867983385392072 1.6057074664487874 1.2791247825934011 0.9231341793387151 0.5501179385370639 0.40307834154056565 0.38963183351872926 +31124,-0.0535183017643536,1,-0.2671126637171634 -0.35997977760969324 -0.06280501315360658 0.19257955005083724 0.6367939115034221 1.0841038434190973 1.0948066311008315 1.4973625002408328 1.8301363250223908 1.8579964591901497 1.8842148177847222 1.940029076461877 1.7867983385392072 1.6057074664487874 1.2791247825934011 0.9231341793387151 0.5501179385370639 0.40307834154056565 0.38963183351872926 0.2250830399132271 +31125,-0.17579333505618308,1,-0.35997977760969324 -0.06280501315360658 0.19257955005083724 0.6367939115034221 1.0841038434190973 1.0948066311008315 1.4973625002408328 1.8301363250223908 1.8579964591901497 1.8842148177847222 1.940029076461877 1.7867983385392072 1.6057074664487874 1.2791247825934011 0.9231341793387151 0.5501179385370639 0.40307834154056565 0.38963183351872926 0.2250830399132271 -0.0535183017643536 +31126,-0.2516348114017388,1,-0.06280501315360658 0.19257955005083724 0.6367939115034221 1.0841038434190973 1.0948066311008315 1.4973625002408328 1.8301363250223908 1.8579964591901497 1.8842148177847222 1.940029076461877 1.7867983385392072 1.6057074664487874 1.2791247825934011 0.9231341793387151 0.5501179385370639 0.40307834154056565 0.38963183351872926 0.2250830399132271 -0.0535183017643536 -0.17579333505618308 +31127,-0.33985856959964655,1,0.19257955005083724 0.6367939115034221 1.0841038434190973 1.0948066311008315 1.4973625002408328 1.8301363250223908 1.8579964591901497 1.8842148177847222 1.940029076461877 1.7867983385392072 1.6057074664487874 1.2791247825934011 0.9231341793387151 0.5501179385370639 0.40307834154056565 0.38963183351872926 0.2250830399132271 -0.0535183017643536 -0.17579333505618308 -0.2516348114017388 +31128,-0.45439467673375494,1,0.6367939115034221 1.0841038434190973 1.0948066311008315 1.4973625002408328 1.8301363250223908 1.8579964591901497 1.8842148177847222 1.940029076461877 1.7867983385392072 1.6057074664487874 1.2791247825934011 0.9231341793387151 0.5501179385370639 0.40307834154056565 0.38963183351872926 0.2250830399132271 -0.0535183017643536 -0.17579333505618308 -0.2516348114017388 -0.33985856959964655 +31129,-0.4946370927538571,1,1.0841038434190973 1.0948066311008315 1.4973625002408328 1.8301363250223908 1.8579964591901497 1.8842148177847222 1.940029076461877 1.7867983385392072 1.6057074664487874 1.2791247825934011 0.9231341793387151 0.5501179385370639 0.40307834154056565 0.38963183351872926 0.2250830399132271 -0.0535183017643536 -0.17579333505618308 -0.2516348114017388 -0.33985856959964655 -0.45439467673375494 +31130,-0.394031052703615,1,1.0948066311008315 1.4973625002408328 1.8301363250223908 1.8579964591901497 1.8842148177847222 1.940029076461877 1.7867983385392072 1.6057074664487874 1.2791247825934011 0.9231341793387151 0.5501179385370639 0.40307834154056565 0.38963183351872926 0.2250830399132271 -0.0535183017643536 -0.17579333505618308 -0.2516348114017388 -0.33985856959964655 -0.45439467673375494 -0.4946370927538571 +31131,0.12912035555761586,1,1.4973625002408328 1.8301363250223908 1.8579964591901497 1.8842148177847222 1.940029076461877 1.7867983385392072 1.6057074664487874 1.2791247825934011 0.9231341793387151 0.5501179385370639 0.40307834154056565 0.38963183351872926 0.2250830399132271 -0.0535183017643536 -0.17579333505618308 -0.2516348114017388 -0.33985856959964655 -0.45439467673375494 -0.4946370927538571 -0.394031052703615 +31132,0.13812702755793693,1,1.8301363250223908 1.8579964591901497 1.8842148177847222 1.940029076461877 1.7867983385392072 1.6057074664487874 1.2791247825934011 0.9231341793387151 0.5501179385370639 0.40307834154056565 0.38963183351872926 0.2250830399132271 -0.0535183017643536 -0.17579333505618308 -0.2516348114017388 -0.33985856959964655 -0.45439467673375494 -0.4946370927538571 -0.394031052703615 0.12912035555761586 +31133,0.6553673342819281,1,1.8579964591901497 1.8842148177847222 1.940029076461877 1.7867983385392072 1.6057074664487874 1.2791247825934011 0.9231341793387151 0.5501179385370639 0.40307834154056565 0.38963183351872926 0.2250830399132271 -0.0535183017643536 -0.17579333505618308 -0.2516348114017388 -0.33985856959964655 -0.45439467673375494 -0.4946370927538571 -0.394031052703615 0.12912035555761586 0.13812702755793693 +31134,1.3627051850966692,1,1.8842148177847222 1.940029076461877 1.7867983385392072 1.6057074664487874 1.2791247825934011 0.9231341793387151 0.5501179385370639 0.40307834154056565 0.38963183351872926 0.2250830399132271 -0.0535183017643536 -0.17579333505618308 -0.2516348114017388 -0.33985856959964655 -0.45439467673375494 -0.4946370927538571 -0.394031052703615 0.12912035555761586 0.13812702755793693 0.6553673342819281 +31135,1.6149941778380315,1,1.940029076461877 1.7867983385392072 1.6057074664487874 1.2791247825934011 0.9231341793387151 0.5501179385370639 0.40307834154056565 0.38963183351872926 0.2250830399132271 -0.0535183017643536 -0.17579333505618308 -0.2516348114017388 -0.33985856959964655 -0.45439467673375494 -0.4946370927538571 -0.394031052703615 0.12912035555761586 0.13812702755793693 0.6553673342819281 1.3627051850966692 +31136,1.613851805385197,1,1.7867983385392072 1.6057074664487874 1.2791247825934011 0.9231341793387151 0.5501179385370639 0.40307834154056565 0.38963183351872926 0.2250830399132271 -0.0535183017643536 -0.17579333505618308 -0.2516348114017388 -0.33985856959964655 -0.45439467673375494 -0.4946370927538571 -0.394031052703615 0.12912035555761586 0.13812702755793693 0.6553673342819281 1.3627051850966692 1.6149941778380315 +31137,1.7125046474251922,1,1.6057074664487874 1.2791247825934011 0.9231341793387151 0.5501179385370639 0.40307834154056565 0.38963183351872926 0.2250830399132271 -0.0535183017643536 -0.17579333505618308 -0.2516348114017388 -0.33985856959964655 -0.45439467673375494 -0.4946370927538571 -0.394031052703615 0.12912035555761586 0.13812702755793693 0.6553673342819281 1.3627051850966692 1.6149941778380315 1.613851805385197 +31138,1.7511992782137449,1,1.2791247825934011 0.9231341793387151 0.5501179385370639 0.40307834154056565 0.38963183351872926 0.2250830399132271 -0.0535183017643536 -0.17579333505618308 -0.2516348114017388 -0.33985856959964655 -0.45439467673375494 -0.4946370927538571 -0.394031052703615 0.12912035555761586 0.13812702755793693 0.6553673342819281 1.3627051850966692 1.6149941778380315 1.613851805385197 1.7125046474251922 +31139,1.6444020972373399,1,0.9231341793387151 0.5501179385370639 0.40307834154056565 0.38963183351872926 0.2250830399132271 -0.0535183017643536 -0.17579333505618308 -0.2516348114017388 -0.33985856959964655 -0.45439467673375494 -0.4946370927538571 -0.394031052703615 0.12912035555761586 0.13812702755793693 0.6553673342819281 1.3627051850966692 1.6149941778380315 1.613851805385197 1.7125046474251922 1.7511992782137449 +31140,1.5190314934824292,1,0.5501179385370639 0.40307834154056565 0.38963183351872926 0.2250830399132271 -0.0535183017643536 -0.17579333505618308 -0.2516348114017388 -0.33985856959964655 -0.45439467673375494 -0.4946370927538571 -0.394031052703615 0.12912035555761586 0.13812702755793693 0.6553673342819281 1.3627051850966692 1.6149941778380315 1.613851805385197 1.7125046474251922 1.7511992782137449 1.6444020972373399 +31141,1.348775118012794,1,0.40307834154056565 0.38963183351872926 0.2250830399132271 -0.0535183017643536 -0.17579333505618308 -0.2516348114017388 -0.33985856959964655 -0.45439467673375494 -0.4946370927538571 -0.394031052703615 0.12912035555761586 0.13812702755793693 0.6553673342819281 1.3627051850966692 1.6149941778380315 1.613851805385197 1.7125046474251922 1.7511992782137449 1.6444020972373399 1.5190314934824292 +31142,1.09029498434526,1,0.38963183351872926 0.2250830399132271 -0.0535183017643536 -0.17579333505618308 -0.2516348114017388 -0.33985856959964655 -0.45439467673375494 -0.4946370927538571 -0.394031052703615 0.12912035555761586 0.13812702755793693 0.6553673342819281 1.3627051850966692 1.6149941778380315 1.613851805385197 1.7125046474251922 1.7511992782137449 1.6444020972373399 1.5190314934824292 1.348775118012794 +31143,0.7699034414160453,1,0.2250830399132271 -0.0535183017643536 -0.17579333505618308 -0.2516348114017388 -0.33985856959964655 -0.45439467673375494 -0.4946370927538571 -0.394031052703615 0.12912035555761586 0.13812702755793693 0.6553673342819281 1.3627051850966692 1.6149941778380315 1.613851805385197 1.7125046474251922 1.7511992782137449 1.6444020972373399 1.5190314934824292 1.348775118012794 1.09029498434526 +31144,0.4882065292753832,1,-0.0535183017643536 -0.17579333505618308 -0.2516348114017388 -0.33985856959964655 -0.45439467673375494 -0.4946370927538571 -0.394031052703615 0.12912035555761586 0.13812702755793693 0.6553673342819281 1.3627051850966692 1.6149941778380315 1.613851805385197 1.7125046474251922 1.7511992782137449 1.6444020972373399 1.5190314934824292 1.348775118012794 1.09029498434526 0.7699034414160453 +31145,0.2854466639433671,1,-0.17579333505618308 -0.2516348114017388 -0.33985856959964655 -0.45439467673375494 -0.4946370927538571 -0.394031052703615 0.12912035555761586 0.13812702755793693 0.6553673342819281 1.3627051850966692 1.6149941778380315 1.613851805385197 1.7125046474251922 1.7511992782137449 1.6444020972373399 1.5190314934824292 1.348775118012794 1.09029498434526 0.7699034414160453 0.4882065292753832 +31146,0.14150263740995023,1,-0.2516348114017388 -0.33985856959964655 -0.45439467673375494 -0.4946370927538571 -0.394031052703615 0.12912035555761586 0.13812702755793693 0.6553673342819281 1.3627051850966692 1.6149941778380315 1.613851805385197 1.7125046474251922 1.7511992782137449 1.6444020972373399 1.5190314934824292 1.348775118012794 1.09029498434526 0.7699034414160453 0.4882065292753832 0.2854466639433671 +31147,-0.025658167596594655,1,-0.33985856959964655 -0.45439467673375494 -0.4946370927538571 -0.394031052703615 0.12912035555761586 0.13812702755793693 0.6553673342819281 1.3627051850966692 1.6149941778380315 1.613851805385197 1.7125046474251922 1.7511992782137449 1.6444020972373399 1.5190314934824292 1.348775118012794 1.09029498434526 0.7699034414160453 0.4882065292753832 0.2854466639433671 0.14150263740995023 +31148,-0.09530850301598763,1,-0.45439467673375494 -0.4946370927538571 -0.394031052703615 0.12912035555761586 0.13812702755793693 0.6553673342819281 1.3627051850966692 1.6149941778380315 1.613851805385197 1.7125046474251922 1.7511992782137449 1.6444020972373399 1.5190314934824292 1.348775118012794 1.09029498434526 0.7699034414160453 0.4882065292753832 0.2854466639433671 0.14150263740995023 -0.025658167596594655 +31149,-0.18662783167697675,1,-0.4946370927538571 -0.394031052703615 0.12912035555761586 0.13812702755793693 0.6553673342819281 1.3627051850966692 1.6149941778380315 1.613851805385197 1.7125046474251922 1.7511992782137449 1.6444020972373399 1.5190314934824292 1.348775118012794 1.09029498434526 0.7699034414160453 0.4882065292753832 0.2854466639433671 0.14150263740995023 -0.025658167596594655 -0.09530850301598763 +31150,-0.28878165695875074,1,-0.394031052703615 0.12912035555761586 0.13812702755793693 0.6553673342819281 1.3627051850966692 1.6149941778380315 1.613851805385197 1.7125046474251922 1.7511992782137449 1.6444020972373399 1.5190314934824292 1.348775118012794 1.09029498434526 0.7699034414160453 0.4882065292753832 0.2854466639433671 0.14150263740995023 -0.025658167596594655 -0.09530850301598763 -0.18662783167697675 +31151,-0.40486554932440866,1,0.12912035555761586 0.13812702755793693 0.6553673342819281 1.3627051850966692 1.6149941778380315 1.613851805385197 1.7125046474251922 1.7511992782137449 1.6444020972373399 1.5190314934824292 1.348775118012794 1.09029498434526 0.7699034414160453 0.4882065292753832 0.2854466639433671 0.14150263740995023 -0.025658167596594655 -0.09530850301598763 -0.18662783167697675 -0.28878165695875074 +31152,-0.5255927973846974,1,0.13812702755793693 0.6553673342819281 1.3627051850966692 1.6149941778380315 1.613851805385197 1.7125046474251922 1.7511992782137449 1.6444020972373399 1.5190314934824292 1.348775118012794 1.09029498434526 0.7699034414160453 0.4882065292753832 0.2854466639433671 0.14150263740995023 -0.025658167596594655 -0.09530850301598763 -0.18662783167697675 -0.28878165695875074 -0.40486554932440866 +31153,-0.5596440724786191,1,0.6553673342819281 1.3627051850966692 1.6149941778380315 1.613851805385197 1.7125046474251922 1.7511992782137449 1.6444020972373399 1.5190314934824292 1.348775118012794 1.09029498434526 0.7699034414160453 0.4882065292753832 0.2854466639433671 0.14150263740995023 -0.025658167596594655 -0.09530850301598763 -0.18662783167697675 -0.28878165695875074 -0.40486554932440866 -0.5255927973846974 +31154,-0.5317839383108602,1,1.3627051850966692 1.6149941778380315 1.613851805385197 1.7125046474251922 1.7511992782137449 1.6444020972373399 1.5190314934824292 1.348775118012794 1.09029498434526 0.7699034414160453 0.4882065292753832 0.2854466639433671 0.14150263740995023 -0.025658167596594655 -0.09530850301598763 -0.18662783167697675 -0.28878165695875074 -0.40486554932440866 -0.5255927973846974 -0.5596440724786191 +31155,-0.011728100512719579,1,1.6149941778380315 1.613851805385197 1.7125046474251922 1.7511992782137449 1.6444020972373399 1.5190314934824292 1.348775118012794 1.09029498434526 0.7699034414160453 0.4882065292753832 0.2854466639433671 0.14150263740995023 -0.025658167596594655 -0.09530850301598763 -0.18662783167697675 -0.28878165695875074 -0.40486554932440866 -0.5255927973846974 -0.5596440724786191 -0.5317839383108602 +31156,0.7126353878489867,1,1.613851805385197 1.7125046474251922 1.7511992782137449 1.6444020972373399 1.5190314934824292 1.348775118012794 1.09029498434526 0.7699034414160453 0.4882065292753832 0.2854466639433671 0.14150263740995023 -0.025658167596594655 -0.09530850301598763 -0.18662783167697675 -0.28878165695875074 -0.40486554932440866 -0.5255927973846974 -0.5596440724786191 -0.5317839383108602 -0.011728100512719579 +31157,1.0686259911036726,1,1.7125046474251922 1.7511992782137449 1.6444020972373399 1.5190314934824292 1.348775118012794 1.09029498434526 0.7699034414160453 0.4882065292753832 0.2854466639433671 0.14150263740995023 -0.025658167596594655 -0.09530850301598763 -0.18662783167697675 -0.28878165695875074 -0.40486554932440866 -0.5255927973846974 -0.5596440724786191 -0.5317839383108602 -0.011728100512719579 0.7126353878489867 +31158,1.2388823665733077,1,1.7511992782137449 1.6444020972373399 1.5190314934824292 1.348775118012794 1.09029498434526 0.7699034414160453 0.4882065292753832 0.2854466639433671 0.14150263740995023 -0.025658167596594655 -0.09530850301598763 -0.18662783167697675 -0.28878165695875074 -0.40486554932440866 -0.5255927973846974 -0.5596440724786191 -0.5317839383108602 -0.011728100512719579 0.7126353878489867 1.0686259911036726 +31159,1.6103508221434093,1,1.6444020972373399 1.5190314934824292 1.348775118012794 1.09029498434526 0.7699034414160453 0.4882065292753832 0.2854466639433671 0.14150263740995023 -0.025658167596594655 -0.09530850301598763 -0.18662783167697675 -0.28878165695875074 -0.40486554932440866 -0.5255927973846974 -0.5596440724786191 -0.5317839383108602 -0.011728100512719579 0.7126353878489867 1.0686259911036726 1.2388823665733077 +31160,1.7032179360359392,1,1.5190314934824292 1.348775118012794 1.09029498434526 0.7699034414160453 0.4882065292753832 0.2854466639433671 0.14150263740995023 -0.025658167596594655 -0.09530850301598763 -0.18662783167697675 -0.28878165695875074 -0.40486554932440866 -0.5255927973846974 -0.5596440724786191 -0.5317839383108602 -0.011728100512719579 0.7126353878489867 1.0686259911036726 1.2388823665733077 1.6103508221434093 +31161,1.7496514929821954,1,1.348775118012794 1.09029498434526 0.7699034414160453 0.4882065292753832 0.2854466639433671 0.14150263740995023 -0.025658167596594655 -0.09530850301598763 -0.18662783167697675 -0.28878165695875074 -0.40486554932440866 -0.5255927973846974 -0.5596440724786191 -0.5317839383108602 -0.011728100512719579 0.7126353878489867 1.0686259911036726 1.2388823665733077 1.6103508221434093 1.7032179360359392 +31162,1.7960850499284602,1,1.09029498434526 0.7699034414160453 0.4882065292753832 0.2854466639433671 0.14150263740995023 -0.025658167596594655 -0.09530850301598763 -0.18662783167697675 -0.28878165695875074 -0.40486554932440866 -0.5255927973846974 -0.5596440724786191 -0.5317839383108602 -0.011728100512719579 0.7126353878489867 1.0686259911036726 1.2388823665733077 1.6103508221434093 1.7032179360359392 1.7496514929821954 +31163,1.6722622314050901,1,0.7699034414160453 0.4882065292753832 0.2854466639433671 0.14150263740995023 -0.025658167596594655 -0.09530850301598763 -0.18662783167697675 -0.28878165695875074 -0.40486554932440866 -0.5255927973846974 -0.5596440724786191 -0.5317839383108602 -0.011728100512719579 0.7126353878489867 1.0686259911036726 1.2388823665733077 1.6103508221434093 1.7032179360359392 1.7496514929821954 1.7960850499284602 +31164,1.5639172651971445,1,0.4882065292753832 0.2854466639433671 0.14150263740995023 -0.025658167596594655 -0.09530850301598763 -0.18662783167697675 -0.28878165695875074 -0.40486554932440866 -0.5255927973846974 -0.5596440724786191 -0.5317839383108602 -0.011728100512719579 0.7126353878489867 1.0686259911036726 1.2388823665733077 1.6103508221434093 1.7032179360359392 1.7496514929821954 1.7960850499284602 1.6722622314050901 +31165,0.6971575355335708,1,0.2854466639433671 0.14150263740995023 -0.025658167596594655 -0.09530850301598763 -0.18662783167697675 -0.28878165695875074 -0.40486554932440866 -0.5255927973846974 -0.5596440724786191 -0.5317839383108602 -0.011728100512719579 0.7126353878489867 1.0686259911036726 1.2388823665733077 1.6103508221434093 1.7032179360359392 1.7496514929821954 1.7960850499284602 1.6722622314050901 1.5639172651971445 +31166,0.46498975080225513,1,0.14150263740995023 -0.025658167596594655 -0.09530850301598763 -0.18662783167697675 -0.28878165695875074 -0.40486554932440866 -0.5255927973846974 -0.5596440724786191 -0.5317839383108602 -0.011728100512719579 0.7126353878489867 1.0686259911036726 1.2388823665733077 1.6103508221434093 1.7032179360359392 1.7496514929821954 1.7960850499284602 1.6722622314050901 1.5639172651971445 0.6971575355335708 +31167,0.07804344291672885,1,-0.025658167596594655 -0.09530850301598763 -0.18662783167697675 -0.28878165695875074 -0.40486554932440866 -0.5255927973846974 -0.5596440724786191 -0.5317839383108602 -0.011728100512719579 0.7126353878489867 1.0686259911036726 1.2388823665733077 1.6103508221434093 1.7032179360359392 1.7496514929821954 1.7960850499284602 1.6722622314050901 1.5639172651971445 0.6971575355335708 0.46498975080225513 +31168,-0.16960219413001149,1,-0.09530850301598763 -0.18662783167697675 -0.28878165695875074 -0.40486554932440866 -0.5255927973846974 -0.5596440724786191 -0.5317839383108602 -0.011728100512719579 0.7126353878489867 1.0686259911036726 1.2388823665733077 1.6103508221434093 1.7032179360359392 1.7496514929821954 1.7960850499284602 1.6722622314050901 1.5639172651971445 0.6971575355335708 0.46498975080225513 0.07804344291672885 +31169,-0.29342501265338167,1,-0.18662783167697675 -0.28878165695875074 -0.40486554932440866 -0.5255927973846974 -0.5596440724786191 -0.5317839383108602 -0.011728100512719579 0.7126353878489867 1.0686259911036726 1.2388823665733077 1.6103508221434093 1.7032179360359392 1.7496514929821954 1.7960850499284602 1.6722622314050901 1.5639172651971445 0.6971575355335708 0.46498975080225513 0.07804344291672885 -0.16960219413001149 +31170,-0.6494156159080676,1,-0.28878165695875074 -0.40486554932440866 -0.5255927973846974 -0.5596440724786191 -0.5317839383108602 -0.011728100512719579 0.7126353878489867 1.0686259911036726 1.2388823665733077 1.6103508221434093 1.7032179360359392 1.7496514929821954 1.7960850499284602 1.6722622314050901 1.5639172651971445 0.6971575355335708 0.46498975080225513 0.07804344291672885 -0.16960219413001149 -0.29342501265338167 +31171,-0.7732384344314289,1,-0.40486554932440866 -0.5255927973846974 -0.5596440724786191 -0.5317839383108602 -0.011728100512719579 0.7126353878489867 1.0686259911036726 1.2388823665733077 1.6103508221434093 1.7032179360359392 1.7496514929821954 1.7960850499284602 1.6722622314050901 1.5639172651971445 0.6971575355335708 0.46498975080225513 0.07804344291672885 -0.16960219413001149 -0.29342501265338167 -0.6494156159080676 +31172,-0.7887162867468536,1,-0.5255927973846974 -0.5596440724786191 -0.5317839383108602 -0.011728100512719579 0.7126353878489867 1.0686259911036726 1.2388823665733077 1.6103508221434093 1.7032179360359392 1.7496514929821954 1.7960850499284602 1.6722622314050901 1.5639172651971445 0.6971575355335708 0.46498975080225513 0.07804344291672885 -0.16960219413001149 -0.29342501265338167 -0.6494156159080676 -0.7732384344314289 +31173,-0.9280169575856395,1,-0.5596440724786191 -0.5317839383108602 -0.011728100512719579 0.7126353878489867 1.0686259911036726 1.2388823665733077 1.6103508221434093 1.7032179360359392 1.7496514929821954 1.7960850499284602 1.6722622314050901 1.5639172651971445 0.6971575355335708 0.46498975080225513 0.07804344291672885 -0.16960219413001149 -0.29342501265338167 -0.6494156159080676 -0.7732384344314289 -0.7887162867468536 +31174,-0.943494809901064,1,-0.5317839383108602 -0.011728100512719579 0.7126353878489867 1.0686259911036726 1.2388823665733077 1.6103508221434093 1.7032179360359392 1.7496514929821954 1.7960850499284602 1.6722622314050901 1.5639172651971445 0.6971575355335708 0.46498975080225513 0.07804344291672885 -0.16960219413001149 -0.29342501265338167 -0.6494156159080676 -0.7732384344314289 -0.7887162867468536 -0.9280169575856395 +31175,-1.0673176284244341,1,-0.011728100512719579 0.7126353878489867 1.0686259911036726 1.2388823665733077 1.6103508221434093 1.7032179360359392 1.7496514929821954 1.7960850499284602 1.6722622314050901 1.5639172651971445 0.6971575355335708 0.46498975080225513 0.07804344291672885 -0.16960219413001149 -0.29342501265338167 -0.6494156159080676 -0.7732384344314289 -0.7887162867468536 -0.9280169575856395 -0.943494809901064 +31176,-1.0827954807398499,1,0.7126353878489867 1.0686259911036726 1.2388823665733077 1.6103508221434093 1.7032179360359392 1.7496514929821954 1.7960850499284602 1.6722622314050901 1.5639172651971445 0.6971575355335708 0.46498975080225513 0.07804344291672885 -0.16960219413001149 -0.29342501265338167 -0.6494156159080676 -0.7732384344314289 -0.7887162867468536 -0.9280169575856395 -0.943494809901064 -1.0673176284244341 +31177,-1.036361923793594,1,1.0686259911036726 1.2388823665733077 1.6103508221434093 1.7032179360359392 1.7496514929821954 1.7960850499284602 1.6722622314050901 1.5639172651971445 0.6971575355335708 0.46498975080225513 0.07804344291672885 -0.16960219413001149 -0.29342501265338167 -0.6494156159080676 -0.7732384344314289 -0.7887162867468536 -0.9280169575856395 -0.943494809901064 -1.0673176284244341 -1.0827954807398499 +31178,-0.23151360339169216,1,1.2388823665733077 1.6103508221434093 1.7032179360359392 1.7496514929821954 1.7960850499284602 1.6722622314050901 1.5639172651971445 0.6971575355335708 0.46498975080225513 0.07804344291672885 -0.16960219413001149 -0.29342501265338167 -0.6494156159080676 -0.7732384344314289 -0.7887162867468536 -0.9280169575856395 -0.943494809901064 -1.0673176284244341 -1.0827954807398499 -1.036361923793594 +31179,-0.21912730132200017,1,1.6103508221434093 1.7032179360359392 1.7496514929821954 1.7960850499284602 1.6722622314050901 1.5639172651971445 0.6971575355335708 0.46498975080225513 0.07804344291672885 -0.16960219413001149 -0.29342501265338167 -0.6494156159080676 -0.7732384344314289 -0.7887162867468536 -0.9280169575856395 -0.943494809901064 -1.0673176284244341 -1.0827954807398499 -1.036361923793594 -0.23151360339169216 +31180,-0.030301523291225544,1,1.7032179360359392 1.7496514929821954 1.7960850499284602 1.6722622314050901 1.5639172651971445 0.6971575355335708 0.46498975080225513 0.07804344291672885 -0.16960219413001149 -0.29342501265338167 -0.6494156159080676 -0.7732384344314289 -0.7887162867468536 -0.9280169575856395 -0.943494809901064 -1.0673176284244341 -1.0827954807398499 -1.036361923793594 -0.23151360339169216 -0.21912730132200017 +31181,0.19103176481929654,1,1.7496514929821954 1.7960850499284602 1.6722622314050901 1.5639172651971445 0.6971575355335708 0.46498975080225513 0.07804344291672885 -0.16960219413001149 -0.29342501265338167 -0.6494156159080676 -0.7732384344314289 -0.7887162867468536 -0.9280169575856395 -0.943494809901064 -1.0673176284244341 -1.0827954807398499 -1.036361923793594 -0.23151360339169216 -0.21912730132200017 -0.030301523291225544 +31182,0.57178693177866,1,1.7960850499284602 1.6722622314050901 1.5639172651971445 0.6971575355335708 0.46498975080225513 0.07804344291672885 -0.16960219413001149 -0.29342501265338167 -0.6494156159080676 -0.7732384344314289 -0.7887162867468536 -0.9280169575856395 -0.943494809901064 -1.0673176284244341 -1.0827954807398499 -1.036361923793594 -0.23151360339169216 -0.21912730132200017 -0.030301523291225544 0.19103176481929654 +31183,0.5789393925158622,1,1.6722622314050901 1.5639172651971445 0.6971575355335708 0.46498975080225513 0.07804344291672885 -0.16960219413001149 -0.29342501265338167 -0.6494156159080676 -0.7732384344314289 -0.7887162867468536 -0.9280169575856395 -0.943494809901064 -1.0673176284244341 -1.0827954807398499 -1.036361923793594 -0.23151360339169216 -0.21912730132200017 -0.030301523291225544 0.19103176481929654 0.57178693177866 +31184,0.7126353878489867,1,1.5639172651971445 0.6971575355335708 0.46498975080225513 0.07804344291672885 -0.16960219413001149 -0.29342501265338167 -0.6494156159080676 -0.7732384344314289 -0.7887162867468536 -0.9280169575856395 -0.943494809901064 -1.0673176284244341 -1.0827954807398499 -1.036361923793594 -0.23151360339169216 -0.21912730132200017 -0.030301523291225544 0.19103176481929654 0.57178693177866 0.5789393925158622 +31185,0.7714512266475859,1,0.6971575355335708 0.46498975080225513 0.07804344291672885 -0.16960219413001149 -0.29342501265338167 -0.6494156159080676 -0.7732384344314289 -0.7887162867468536 -0.9280169575856395 -0.943494809901064 -1.0673176284244341 -1.0827954807398499 -1.036361923793594 -0.23151360339169216 -0.21912730132200017 -0.030301523291225544 0.19103176481929654 0.57178693177866 0.5789393925158622 0.7126353878489867 +31186,0.7712803912456687,1,0.46498975080225513 0.07804344291672885 -0.16960219413001149 -0.29342501265338167 -0.6494156159080676 -0.7732384344314289 -0.7887162867468536 -0.9280169575856395 -0.943494809901064 -1.0673176284244341 -1.0827954807398499 -1.036361923793594 -0.23151360339169216 -0.21912730132200017 -0.030301523291225544 0.19103176481929654 0.57178693177866 0.5789393925158622 0.7126353878489867 0.7714512266475859 +31187,0.7652600857214231,1,0.07804344291672885 -0.16960219413001149 -0.29342501265338167 -0.6494156159080676 -0.7732384344314289 -0.7887162867468536 -0.9280169575856395 -0.943494809901064 -1.0673176284244341 -1.0827954807398499 -1.036361923793594 -0.23151360339169216 -0.21912730132200017 -0.030301523291225544 0.19103176481929654 0.57178693177866 0.5789393925158622 0.7126353878489867 0.7714512266475859 0.7712803912456687 +31188,0.5238055896008544,1,-0.16960219413001149 -0.29342501265338167 -0.6494156159080676 -0.7732384344314289 -0.7887162867468536 -0.9280169575856395 -0.943494809901064 -1.0673176284244341 -1.0827954807398499 -1.036361923793594 -0.23151360339169216 -0.21912730132200017 -0.030301523291225544 0.19103176481929654 0.57178693177866 0.5789393925158622 0.7126353878489867 0.7714512266475859 0.7712803912456687 0.7652600857214231 +31189,0.3210457242688383,1,-0.29342501265338167 -0.6494156159080676 -0.7732384344314289 -0.7887162867468536 -0.9280169575856395 -0.943494809901064 -1.0673176284244341 -1.0827954807398499 -1.036361923793594 -0.23151360339169216 -0.21912730132200017 -0.030301523291225544 0.19103176481929654 0.57178693177866 0.5789393925158622 0.7126353878489867 0.7714512266475859 0.7712803912456687 0.7652600857214231 0.5238055896008544 +31190,0.1053224953253558,1,-0.6494156159080676 -0.7732384344314289 -0.7887162867468536 -0.9280169575856395 -0.943494809901064 -1.0673176284244341 -1.0827954807398499 -1.036361923793594 -0.23151360339169216 -0.21912730132200017 -0.030301523291225544 0.19103176481929654 0.57178693177866 0.5789393925158622 0.7126353878489867 0.7714512266475859 0.7712803912456687 0.7652600857214231 0.5238055896008544 0.3210457242688383 +31191,0.00994089272887658,1,-0.7732384344314289 -0.7887162867468536 -0.9280169575856395 -0.943494809901064 -1.0673176284244341 -1.0827954807398499 -1.036361923793594 -0.23151360339169216 -0.21912730132200017 -0.030301523291225544 0.19103176481929654 0.57178693177866 0.5789393925158622 0.7126353878489867 0.7714512266475859 0.7712803912456687 0.7652600857214231 0.5238055896008544 0.3210457242688383 0.1053224953253558 +31192,-0.2098446101501048,1,-0.7887162867468536 -0.9280169575856395 -0.943494809901064 -1.0673176284244341 -1.0827954807398499 -1.036361923793594 -0.23151360339169216 -0.21912730132200017 -0.030301523291225544 0.19103176481929654 0.57178693177866 0.5789393925158622 0.7126353878489867 0.7714512266475859 0.7712803912456687 0.7652600857214231 0.5238055896008544 0.3210457242688383 0.1053224953253558 0.00994089272887658 +31193,-0.34759749575735005,1,-0.9280169575856395 -0.943494809901064 -1.0673176284244341 -1.0827954807398499 -1.036361923793594 -0.23151360339169216 -0.21912730132200017 -0.030301523291225544 0.19103176481929654 0.57178693177866 0.5789393925158622 0.7126353878489867 0.7714512266475859 0.7712803912456687 0.7652600857214231 0.5238055896008544 0.3210457242688383 0.1053224953253558 0.00994089272887658 -0.2098446101501048 +31194,-0.3488474355690974,1,-0.943494809901064 -1.0673176284244341 -1.0827954807398499 -1.036361923793594 -0.23151360339169216 -0.21912730132200017 -0.030301523291225544 0.19103176481929654 0.57178693177866 0.5789393925158622 0.7126353878489867 0.7714512266475859 0.7712803912456687 0.7652600857214231 0.5238055896008544 0.3210457242688383 0.1053224953253558 0.00994089272887658 -0.2098446101501048 -0.34759749575735005 +31195,-0.4141522607136616,1,-1.0673176284244341 -1.0827954807398499 -1.036361923793594 -0.23151360339169216 -0.21912730132200017 -0.030301523291225544 0.19103176481929654 0.57178693177866 0.5789393925158622 0.7126353878489867 0.7714512266475859 0.7712803912456687 0.7652600857214231 0.5238055896008544 0.3210457242688383 0.1053224953253558 0.00994089272887658 -0.2098446101501048 -0.34759749575735005 -0.3488474355690974 +31196,-0.6138165555825964,1,-1.0827954807398499 -1.036361923793594 -0.23151360339169216 -0.21912730132200017 -0.030301523291225544 0.19103176481929654 0.57178693177866 0.5789393925158622 0.7126353878489867 0.7714512266475859 0.7712803912456687 0.7652600857214231 0.5238055896008544 0.3210457242688383 0.1053224953253558 0.00994089272887658 -0.2098446101501048 -0.34759749575735005 -0.3488474355690974 -0.4141522607136616 +31197,-0.6726323943811956,1,-1.036361923793594 -0.23151360339169216 -0.21912730132200017 -0.030301523291225544 0.19103176481929654 0.57178693177866 0.5789393925158622 0.7126353878489867 0.7714512266475859 0.7712803912456687 0.7652600857214231 0.5238055896008544 0.3210457242688383 0.1053224953253558 0.00994089272887658 -0.2098446101501048 -0.34759749575735005 -0.3488474355690974 -0.4141522607136616 -0.6138165555825964 +31198,-0.750021655958301,1,-0.23151360339169216 -0.21912730132200017 -0.030301523291225544 0.19103176481929654 0.57178693177866 0.5789393925158622 0.7126353878489867 0.7714512266475859 0.7712803912456687 0.7652600857214231 0.5238055896008544 0.3210457242688383 0.1053224953253558 0.00994089272887658 -0.2098446101501048 -0.34759749575735005 -0.3488474355690974 -0.4141522607136616 -0.6138165555825964 -0.6726323943811956 +31199,-0.7670472935052661,1,-0.21912730132200017 -0.030301523291225544 0.19103176481929654 0.57178693177866 0.5789393925158622 0.7126353878489867 0.7714512266475859 0.7712803912456687 0.7652600857214231 0.5238055896008544 0.3210457242688383 0.1053224953253558 0.00994089272887658 -0.2098446101501048 -0.34759749575735005 -0.3488474355690974 -0.4141522607136616 -0.6138165555825964 -0.6726323943811956 -0.750021655958301 +31200,-0.8057419242938189,1,-0.030301523291225544 0.19103176481929654 0.57178693177866 0.5789393925158622 0.7126353878489867 0.7714512266475859 0.7712803912456687 0.7652600857214231 0.5238055896008544 0.3210457242688383 0.1053224953253558 0.00994089272887658 -0.2098446101501048 -0.34759749575735005 -0.3488474355690974 -0.4141522607136616 -0.6138165555825964 -0.6726323943811956 -0.750021655958301 -0.7670472935052661 +31201,-0.822767561840784,1,0.19103176481929654 0.57178693177866 0.5789393925158622 0.7126353878489867 0.7714512266475859 0.7712803912456687 0.7652600857214231 0.5238055896008544 0.3210457242688383 0.1053224953253558 0.00994089272887658 -0.2098446101501048 -0.34759749575735005 -0.3488474355690974 -0.4141522607136616 -0.6138165555825964 -0.6726323943811956 -0.750021655958301 -0.7670472935052661 -0.8057419242938189 +31202,-0.6122687703510556,1,0.57178693177866 0.5789393925158622 0.7126353878489867 0.7714512266475859 0.7712803912456687 0.7652600857214231 0.5238055896008544 0.3210457242688383 0.1053224953253558 0.00994089272887658 -0.2098446101501048 -0.34759749575735005 -0.3488474355690974 -0.4141522607136616 -0.6138165555825964 -0.6726323943811956 -0.750021655958301 -0.7670472935052661 -0.8057419242938189 -0.822767561840784 +31203,-0.5457595180194744,1,0.5789393925158622 0.7126353878489867 0.7714512266475859 0.7712803912456687 0.7652600857214231 0.5238055896008544 0.3210457242688383 0.1053224953253558 0.00994089272887658 -0.2098446101501048 -0.34759749575735005 -0.3488474355690974 -0.4141522607136616 -0.6138165555825964 -0.6726323943811956 -0.750021655958301 -0.7670472935052661 -0.8057419242938189 -0.822767561840784 -0.6122687703510556 +31204,-0.18353226121388655,1,0.7126353878489867 0.7714512266475859 0.7712803912456687 0.7652600857214231 0.5238055896008544 0.3210457242688383 0.1053224953253558 0.00994089272887658 -0.2098446101501048 -0.34759749575735005 -0.3488474355690974 -0.4141522607136616 -0.6138165555825964 -0.6726323943811956 -0.750021655958301 -0.7670472935052661 -0.8057419242938189 -0.822767561840784 -0.6122687703510556 -0.5457595180194744 +31205,0.19257955005083724,1,0.7714512266475859 0.7712803912456687 0.7652600857214231 0.5238055896008544 0.3210457242688383 0.1053224953253558 0.00994089272887658 -0.2098446101501048 -0.34759749575735005 -0.3488474355690974 -0.4141522607136616 -0.6138165555825964 -0.6726323943811956 -0.750021655958301 -0.7670472935052661 -0.8057419242938189 -0.822767561840784 -0.6122687703510556 -0.5457595180194744 -0.18353226121388655 +31206,0.4835631735807611,1,0.7712803912456687 0.7652600857214231 0.5238055896008544 0.3210457242688383 0.1053224953253558 0.00994089272887658 -0.2098446101501048 -0.34759749575735005 -0.3488474355690974 -0.4141522607136616 -0.6138165555825964 -0.6726323943811956 -0.750021655958301 -0.7670472935052661 -0.8057419242938189 -0.822767561840784 -0.6122687703510556 -0.5457595180194744 -0.18353226121388655 0.19257955005083724 +31207,0.4904111714971923,1,0.7652600857214231 0.5238055896008544 0.3210457242688383 0.1053224953253558 0.00994089272887658 -0.2098446101501048 -0.34759749575735005 -0.3488474355690974 -0.4141522607136616 -0.6138165555825964 -0.6726323943811956 -0.750021655958301 -0.7670472935052661 -0.8057419242938189 -0.822767561840784 -0.6122687703510556 -0.5457595180194744 -0.18353226121388655 0.19257955005083724 0.4835631735807611 +31208,0.6306027705772593,1,0.5238055896008544 0.3210457242688383 0.1053224953253558 0.00994089272887658 -0.2098446101501048 -0.34759749575735005 -0.3488474355690974 -0.4141522607136616 -0.6138165555825964 -0.6726323943811956 -0.750021655958301 -0.7670472935052661 -0.8057419242938189 -0.822767561840784 -0.6122687703510556 -0.5457595180194744 -0.18353226121388655 0.19257955005083724 0.4835631735807611 0.4904111714971923 +31209,0.8550316291508628,1,0.3210457242688383 0.1053224953253558 0.00994089272887658 -0.2098446101501048 -0.34759749575735005 -0.3488474355690974 -0.4141522607136616 -0.6138165555825964 -0.6726323943811956 -0.750021655958301 -0.7670472935052661 -0.8057419242938189 -0.822767561840784 -0.6122687703510556 -0.5457595180194744 -0.18353226121388655 0.19257955005083724 0.4835631735807611 0.4904111714971923 0.6306027705772593 +31210,0.8921784747078747,1,0.1053224953253558 0.00994089272887658 -0.2098446101501048 -0.34759749575735005 -0.3488474355690974 -0.4141522607136616 -0.6138165555825964 -0.6726323943811956 -0.750021655958301 -0.7670472935052661 -0.8057419242938189 -0.822767561840784 -0.6122687703510556 -0.5457595180194744 -0.18353226121388655 0.19257955005083724 0.4835631735807611 0.4904111714971923 0.6306027705772593 0.8550316291508628 +31211,0.9157106210774104,1,0.00994089272887658 -0.2098446101501048 -0.34759749575735005 -0.3488474355690974 -0.4141522607136616 -0.6138165555825964 -0.6726323943811956 -0.750021655958301 -0.7670472935052661 -0.8057419242938189 -0.822767561840784 -0.6122687703510556 -0.5457595180194744 -0.18353226121388655 0.19257955005083724 0.4835631735807611 0.4904111714971923 0.6306027705772593 0.8550316291508628 0.8921784747078747 +31212,0.8349104211408162,1,-0.2098446101501048 -0.34759749575735005 -0.3488474355690974 -0.4141522607136616 -0.6138165555825964 -0.6726323943811956 -0.750021655958301 -0.7670472935052661 -0.8057419242938189 -0.822767561840784 -0.6122687703510556 -0.5457595180194744 -0.18353226121388655 0.19257955005083724 0.4835631735807611 0.4904111714971923 0.6306027705772593 0.8550316291508628 0.8921784747078747 0.9157106210774104 +31213,0.4943976702015548,1,-0.34759749575735005 -0.3488474355690974 -0.4141522607136616 -0.6138165555825964 -0.6726323943811956 -0.750021655958301 -0.7670472935052661 -0.8057419242938189 -0.822767561840784 -0.6122687703510556 -0.5457595180194744 -0.18353226121388655 0.19257955005083724 0.4835631735807611 0.4904111714971923 0.6306027705772593 0.8550316291508628 0.8921784747078747 0.9157106210774104 0.8349104211408162 +31214,0.29163780486953866,1,-0.3488474355690974 -0.4141522607136616 -0.6138165555825964 -0.6726323943811956 -0.750021655958301 -0.7670472935052661 -0.8057419242938189 -0.822767561840784 -0.6122687703510556 -0.5457595180194744 -0.18353226121388655 0.19257955005083724 0.4835631735807611 0.4904111714971923 0.6306027705772593 0.8550316291508628 0.8921784747078747 0.9157106210774104 0.8349104211408162 0.4943976702015548 +31215,0.20774690968378506,1,-0.4141522607136616 -0.6138165555825964 -0.6726323943811956 -0.750021655958301 -0.7670472935052661 -0.8057419242938189 -0.822767561840784 -0.6122687703510556 -0.5457595180194744 -0.18353226121388655 0.19257955005083724 0.4835631735807611 0.4904111714971923 0.6306027705772593 0.8550316291508628 0.8921784747078747 0.9157106210774104 0.8349104211408162 0.4943976702015548 0.29163780486953866 +31216,0.02696653027583305,1,-0.6138165555825964 -0.6726323943811956 -0.750021655958301 -0.7670472935052661 -0.8057419242938189 -0.822767561840784 -0.6122687703510556 -0.5457595180194744 -0.18353226121388655 0.19257955005083724 0.4835631735807611 0.4904111714971923 0.6306027705772593 0.8550316291508628 0.8921784747078747 0.9157106210774104 0.8349104211408162 0.4943976702015548 0.29163780486953866 0.20774690968378506 +31217,-0.20365346922394204,1,-0.6726323943811956 -0.750021655958301 -0.7670472935052661 -0.8057419242938189 -0.822767561840784 -0.6122687703510556 -0.5457595180194744 -0.18353226121388655 0.19257955005083724 0.4835631735807611 0.4904111714971923 0.6306027705772593 0.8550316291508628 0.8921784747078747 0.9157106210774104 0.8349104211408162 0.4943976702015548 0.29163780486953866 0.20774690968378506 0.02696653027583305 +31218,-0.28568608649566934,1,-0.750021655958301 -0.7670472935052661 -0.8057419242938189 -0.822767561840784 -0.6122687703510556 -0.5457595180194744 -0.18353226121388655 0.19257955005083724 0.4835631735807611 0.4904111714971923 0.6306027705772593 0.8550316291508628 0.8921784747078747 0.9157106210774104 0.8349104211408162 0.4943976702015548 0.29163780486953866 0.20774690968378506 0.02696653027583305 -0.20365346922394204 +31219,-0.38164877085128057,1,-0.7670472935052661 -0.8057419242938189 -0.822767561840784 -0.6122687703510556 -0.5457595180194744 -0.18353226121388655 0.19257955005083724 0.4835631735807611 0.4904111714971923 0.6306027705772593 0.8550316291508628 0.8921784747078747 0.9157106210774104 0.8349104211408162 0.4943976702015548 0.29163780486953866 0.20774690968378506 0.02696653027583305 -0.20365346922394204 -0.28568608649566934 +31220,-0.45129910627067354,1,-0.8057419242938189 -0.822767561840784 -0.6122687703510556 -0.5457595180194744 -0.18353226121388655 0.19257955005083724 0.4835631735807611 0.4904111714971923 0.6306027705772593 0.8550316291508628 0.8921784747078747 0.9157106210774104 0.8349104211408162 0.4943976702015548 0.29163780486953866 0.20774690968378506 0.02696653027583305 -0.20365346922394204 -0.28568608649566934 -0.38164877085128057 +31221,-0.6633456829919426,1,-0.822767561840784 -0.6122687703510556 -0.5457595180194744 -0.18353226121388655 0.19257955005083724 0.4835631735807611 0.4904111714971923 0.6306027705772593 0.8550316291508628 0.8921784747078747 0.9157106210774104 0.8349104211408162 0.4943976702015548 0.29163780486953866 0.20774690968378506 0.02696653027583305 -0.20365346922394204 -0.28568608649566934 -0.38164877085128057 -0.45129910627067354 +31222,-0.7159703808643704,1,-0.6122687703510556 -0.5457595180194744 -0.18353226121388655 0.19257955005083724 0.4835631735807611 0.4904111714971923 0.6306027705772593 0.8550316291508628 0.8921784747078747 0.9157106210774104 0.8349104211408162 0.4943976702015548 0.29163780486953866 0.20774690968378506 0.02696653027583305 -0.20365346922394204 -0.28568608649566934 -0.38164877085128057 -0.45129910627067354 -0.6633456829919426 +31223,-0.8877745415655461,1,-0.5457595180194744 -0.18353226121388655 0.19257955005083724 0.4835631735807611 0.4904111714971923 0.6306027705772593 0.8550316291508628 0.8921784747078747 0.9157106210774104 0.8349104211408162 0.4943976702015548 0.29163780486953866 0.20774690968378506 0.02696653027583305 -0.20365346922394204 -0.28568608649566934 -0.38164877085128057 -0.45129910627067354 -0.6633456829919426 -0.7159703808643704 +31224,-0.96206823267957,1,-0.18353226121388655 0.19257955005083724 0.4835631735807611 0.4904111714971923 0.6306027705772593 0.8550316291508628 0.8921784747078747 0.9157106210774104 0.8349104211408162 0.4943976702015548 0.29163780486953866 0.20774690968378506 0.02696653027583305 -0.20365346922394204 -0.28568608649566934 -0.38164877085128057 -0.45129910627067354 -0.6633456829919426 -0.7159703808643704 -0.8877745415655461 +31225,-0.9187302461963865,1,0.19257955005083724 0.4835631735807611 0.4904111714971923 0.6306027705772593 0.8550316291508628 0.8921784747078747 0.9157106210774104 0.8349104211408162 0.4943976702015548 0.29163780486953866 0.20774690968378506 0.02696653027583305 -0.20365346922394204 -0.28568608649566934 -0.38164877085128057 -0.45129910627067354 -0.6633456829919426 -0.7159703808643704 -0.8877745415655461 -0.96206823267957 +31226,-0.6726323943811956,1,0.4835631735807611 0.4904111714971923 0.6306027705772593 0.8550316291508628 0.8921784747078747 0.9157106210774104 0.8349104211408162 0.4943976702015548 0.29163780486953866 0.20774690968378506 0.02696653027583305 -0.20365346922394204 -0.28568608649566934 -0.38164877085128057 -0.45129910627067354 -0.6633456829919426 -0.7159703808643704 -0.8877745415655461 -0.96206823267957 -0.9187302461963865 +31227,-0.05042273130127221,1,0.4904111714971923 0.6306027705772593 0.8550316291508628 0.8921784747078747 0.9157106210774104 0.8349104211408162 0.4943976702015548 0.29163780486953866 0.20774690968378506 0.02696653027583305 -0.20365346922394204 -0.28568608649566934 -0.38164877085128057 -0.45129910627067354 -0.6633456829919426 -0.7159703808643704 -0.8877745415655461 -0.96206823267957 -0.9187302461963865 -0.6726323943811956 +31228,0.13685928171532816,1,0.6306027705772593 0.8550316291508628 0.8921784747078747 0.9157106210774104 0.8349104211408162 0.4943976702015548 0.29163780486953866 0.20774690968378506 0.02696653027583305 -0.20365346922394204 -0.28568608649566934 -0.38164877085128057 -0.45129910627067354 -0.6633456829919426 -0.7159703808643704 -0.8877745415655461 -0.96206823267957 -0.9187302461963865 -0.6726323943811956 -0.05042273130127221 +31229,0.44951189848683054,1,0.8550316291508628 0.8921784747078747 0.9157106210774104 0.8349104211408162 0.4943976702015548 0.29163780486953866 0.20774690968378506 0.02696653027583305 -0.20365346922394204 -0.28568608649566934 -0.38164877085128057 -0.45129910627067354 -0.6633456829919426 -0.7159703808643704 -0.8877745415655461 -0.96206823267957 -0.9187302461963865 -0.6726323943811956 -0.05042273130127221 0.13685928171532816 +31230,0.6321505558088,1,0.8921784747078747 0.9157106210774104 0.8349104211408162 0.4943976702015548 0.29163780486953866 0.20774690968378506 0.02696653027583305 -0.20365346922394204 -0.28568608649566934 -0.38164877085128057 -0.45129910627067354 -0.6633456829919426 -0.7159703808643704 -0.8877745415655461 -0.96206823267957 -0.9187302461963865 -0.6726323943811956 -0.05042273130127221 0.13685928171532816 0.44951189848683054 +31231,0.650723978587306,1,0.9157106210774104 0.8349104211408162 0.4943976702015548 0.29163780486953866 0.20774690968378506 0.02696653027583305 -0.20365346922394204 -0.28568608649566934 -0.38164877085128057 -0.45129910627067354 -0.6633456829919426 -0.7159703808643704 -0.8877745415655461 -0.96206823267957 -0.9187302461963865 -0.6726323943811956 -0.05042273130127221 0.13685928171532816 0.44951189848683054 0.6321505558088 +31232,0.6522717638188467,1,0.8349104211408162 0.4943976702015548 0.29163780486953866 0.20774690968378506 0.02696653027583305 -0.20365346922394204 -0.28568608649566934 -0.38164877085128057 -0.45129910627067354 -0.6633456829919426 -0.7159703808643704 -0.8877745415655461 -0.96206823267957 -0.9187302461963865 -0.6726323943811956 -0.05042273130127221 0.13685928171532816 0.44951189848683054 0.6321505558088 0.650723978587306 +31233,0.673940757060434,1,0.4943976702015548 0.29163780486953866 0.20774690968378506 0.02696653027583305 -0.20365346922394204 -0.28568608649566934 -0.38164877085128057 -0.45129910627067354 -0.6633456829919426 -0.7159703808643704 -0.8877745415655461 -0.96206823267957 -0.9187302461963865 -0.6726323943811956 -0.05042273130127221 0.13685928171532816 0.44951189848683054 0.6321505558088 0.650723978587306 0.6522717638188467 +31234,0.6089337773356631,1,0.29163780486953866 0.20774690968378506 0.02696653027583305 -0.20365346922394204 -0.28568608649566934 -0.38164877085128057 -0.45129910627067354 -0.6633456829919426 -0.7159703808643704 -0.8877745415655461 -0.96206823267957 -0.9187302461963865 -0.6726323943811956 -0.05042273130127221 0.13685928171532816 0.44951189848683054 0.6321505558088 0.650723978587306 0.6522717638188467 0.673940757060434 +31235,0.5977683362174587,1,0.20774690968378506 0.02696653027583305 -0.20365346922394204 -0.28568608649566934 -0.38164877085128057 -0.45129910627067354 -0.6633456829919426 -0.7159703808643704 -0.8877745415655461 -0.96206823267957 -0.9187302461963865 -0.6726323943811956 -0.05042273130127221 0.13685928171532816 0.44951189848683054 0.6321505558088 0.650723978587306 0.6522717638188467 0.673940757060434 0.6089337773356631 +31236,0.5594046499263169,1,0.02696653027583305 -0.20365346922394204 -0.28568608649566934 -0.38164877085128057 -0.45129910627067354 -0.6633456829919426 -0.7159703808643704 -0.8877745415655461 -0.96206823267957 -0.9187302461963865 -0.6726323943811956 -0.05042273130127221 0.13685928171532816 0.44951189848683054 0.6321505558088 0.650723978587306 0.6522717638188467 0.673940757060434 0.6089337773356631 0.5977683362174587 +31237,0.25913431500714884,1,-0.20365346922394204 -0.28568608649566934 -0.38164877085128057 -0.45129910627067354 -0.6633456829919426 -0.7159703808643704 -0.8877745415655461 -0.96206823267957 -0.9187302461963865 -0.6726323943811956 -0.05042273130127221 0.13685928171532816 0.44951189848683054 0.6321505558088 0.650723978587306 0.6522717638188467 0.673940757060434 0.6089337773356631 0.5977683362174587 0.5594046499263169 +31238,0.04244438259125762,1,-0.28568608649566934 -0.38164877085128057 -0.45129910627067354 -0.6633456829919426 -0.7159703808643704 -0.8877745415655461 -0.96206823267957 -0.9187302461963865 -0.6726323943811956 -0.05042273130127221 0.13685928171532816 0.44951189848683054 0.6321505558088 0.650723978587306 0.6522717638188467 0.673940757060434 0.6089337773356631 0.5977683362174587 0.5594046499263169 0.25913431500714884 +31239,-0.22687024769707007,1,-0.38164877085128057 -0.45129910627067354 -0.6633456829919426 -0.7159703808643704 -0.8877745415655461 -0.96206823267957 -0.9187302461963865 -0.6726323943811956 -0.05042273130127221 0.13685928171532816 0.44951189848683054 0.6321505558088 0.650723978587306 0.6522717638188467 0.673940757060434 0.6089337773356631 0.5977683362174587 0.5594046499263169 0.25913431500714884 0.04244438259125762 +31240,-0.324380717284222,1,-0.45129910627067354 -0.6633456829919426 -0.7159703808643704 -0.8877745415655461 -0.96206823267957 -0.9187302461963865 -0.6726323943811956 -0.05042273130127221 0.13685928171532816 0.44951189848683054 0.6321505558088 0.650723978587306 0.6522717638188467 0.673940757060434 0.6089337773356631 0.5977683362174587 0.5594046499263169 0.25913431500714884 0.04244438259125762 -0.22687024769707007 +31241,-0.4946370927538571,1,-0.6633456829919426 -0.7159703808643704 -0.8877745415655461 -0.96206823267957 -0.9187302461963865 -0.6726323943811956 -0.05042273130127221 0.13685928171532816 0.44951189848683054 0.6321505558088 0.650723978587306 0.6522717638188467 0.673940757060434 0.6089337773356631 0.5977683362174587 0.5594046499263169 0.25913431500714884 0.04244438259125762 -0.22687024769707007 -0.324380717284222 +31242,-0.5720263543309624,1,-0.7159703808643704 -0.8877745415655461 -0.96206823267957 -0.9187302461963865 -0.6726323943811956 -0.05042273130127221 0.13685928171532816 0.44951189848683054 0.6321505558088 0.650723978587306 0.6522717638188467 0.673940757060434 0.6089337773356631 0.5977683362174587 0.5594046499263169 0.25913431500714884 0.04244438259125762 -0.22687024769707007 -0.324380717284222 -0.4946370927538571 +31243,-0.6029820589618027,1,-0.8877745415655461 -0.96206823267957 -0.9187302461963865 -0.6726323943811956 -0.05042273130127221 0.13685928171532816 0.44951189848683054 0.6321505558088 0.650723978587306 0.6522717638188467 0.673940757060434 0.6089337773356631 0.5977683362174587 0.5594046499263169 0.25913431500714884 0.04244438259125762 -0.22687024769707007 -0.324380717284222 -0.4946370927538571 -0.5720263543309624 +31244,-0.6060776294248841,1,-0.96206823267957 -0.9187302461963865 -0.6726323943811956 -0.05042273130127221 0.13685928171532816 0.44951189848683054 0.6321505558088 0.650723978587306 0.6522717638188467 0.673940757060434 0.6089337773356631 0.5977683362174587 0.5594046499263169 0.25913431500714884 0.04244438259125762 -0.22687024769707007 -0.324380717284222 -0.4946370927538571 -0.5720263543309624 -0.6029820589618027 +31245,-0.7732384344314289,1,-0.9187302461963865 -0.6726323943811956 -0.05042273130127221 0.13685928171532816 0.44951189848683054 0.6321505558088 0.650723978587306 0.6522717638188467 0.673940757060434 0.6089337773356631 0.5977683362174587 0.5594046499263169 0.25913431500714884 0.04244438259125762 -0.22687024769707007 -0.324380717284222 -0.4946370927538571 -0.5720263543309624 -0.6029820589618027 -0.6060776294248841 +31246,-0.8366976289246592,1,-0.6726323943811956 -0.05042273130127221 0.13685928171532816 0.44951189848683054 0.6321505558088 0.650723978587306 0.6522717638188467 0.673940757060434 0.6089337773356631 0.5977683362174587 0.5594046499263169 0.25913431500714884 0.04244438259125762 -0.22687024769707007 -0.324380717284222 -0.4946370927538571 -0.5720263543309624 -0.6029820589618027 -0.6060776294248841 -0.7732384344314289 +31247,-0.8908701120286363,1,-0.05042273130127221 0.13685928171532816 0.44951189848683054 0.6321505558088 0.650723978587306 0.6522717638188467 0.673940757060434 0.6089337773356631 0.5977683362174587 0.5594046499263169 0.25913431500714884 0.04244438259125762 -0.22687024769707007 -0.324380717284222 -0.4946370927538571 -0.5720263543309624 -0.6029820589618027 -0.6060776294248841 -0.7732384344314289 -0.8366976289246592 +31248,-0.9682593736057415,1,0.13685928171532816 0.44951189848683054 0.6321505558088 0.650723978587306 0.6522717638188467 0.673940757060434 0.6089337773356631 0.5977683362174587 0.5594046499263169 0.25913431500714884 0.04244438259125762 -0.22687024769707007 -0.324380717284222 -0.4946370927538571 -0.5720263543309624 -0.6029820589618027 -0.6060776294248841 -0.7732384344314289 -0.8366976289246592 -0.8908701120286363 +31249,-0.9694895404611488,1,0.44951189848683054 0.6321505558088 0.650723978587306 0.6522717638188467 0.673940757060434 0.6089337773356631 0.5977683362174587 0.5594046499263169 0.25913431500714884 0.04244438259125762 -0.22687024769707007 -0.324380717284222 -0.4946370927538571 -0.5720263543309624 -0.6029820589618027 -0.6060776294248841 -0.7732384344314289 -0.8366976289246592 -0.8908701120286363 -0.9682593736057415 +31250,-0.989928366847329,1,0.6321505558088 0.650723978587306 0.6522717638188467 0.673940757060434 0.6089337773356631 0.5977683362174587 0.5594046499263169 0.25913431500714884 0.04244438259125762 -0.22687024769707007 -0.324380717284222 -0.4946370927538571 -0.5720263543309624 -0.6029820589618027 -0.6060776294248841 -0.7732384344314289 -0.8366976289246592 -0.8908701120286363 -0.9682593736057415 -0.9694895404611488 +31251,-0.5503573610893662,1,0.650723978587306 0.6522717638188467 0.673940757060434 0.6089337773356631 0.5977683362174587 0.5594046499263169 0.25913431500714884 0.04244438259125762 -0.22687024769707007 -0.324380717284222 -0.4946370927538571 -0.5720263543309624 -0.6029820589618027 -0.6060776294248841 -0.7732384344314289 -0.8366976289246592 -0.8908701120286363 -0.9682593736057415 -0.9694895404611488 -0.989928366847329 +31252,-0.3491452809888996,1,0.6522717638188467 0.673940757060434 0.6089337773356631 0.5977683362174587 0.5594046499263169 0.25913431500714884 0.04244438259125762 -0.22687024769707007 -0.324380717284222 -0.4946370927538571 -0.5720263543309624 -0.6029820589618027 -0.6060776294248841 -0.7732384344314289 -0.8366976289246592 -0.8908701120286363 -0.9682593736057415 -0.9694895404611488 -0.989928366847329 -0.5503573610893662 +31253,-0.06280501315360658,1,0.673940757060434 0.6089337773356631 0.5977683362174587 0.5594046499263169 0.25913431500714884 0.04244438259125762 -0.22687024769707007 -0.324380717284222 -0.4946370927538571 -0.5720263543309624 -0.6029820589618027 -0.6060776294248841 -0.7732384344314289 -0.8366976289246592 -0.8908701120286363 -0.9682593736057415 -0.9694895404611488 -0.989928366847329 -0.5503573610893662 -0.3491452809888996 +31254,0.0501833087489699,1,0.6089337773356631 0.5977683362174587 0.5594046499263169 0.25913431500714884 0.04244438259125762 -0.22687024769707007 -0.324380717284222 -0.4946370927538571 -0.5720263543309624 -0.6029820589618027 -0.6060776294248841 -0.7732384344314289 -0.8366976289246592 -0.8908701120286363 -0.9682593736057415 -0.9694895404611488 -0.989928366847329 -0.5503573610893662 -0.3491452809888996 -0.06280501315360658 +31255,0.05111543222285222,1,0.5977683362174587 0.5594046499263169 0.25913431500714884 0.04244438259125762 -0.22687024769707007 -0.324380717284222 -0.4946370927538571 -0.5720263543309624 -0.6029820589618027 -0.6060776294248841 -0.7732384344314289 -0.8366976289246592 -0.8908701120286363 -0.9682593736057415 -0.9694895404611488 -0.989928366847329 -0.5503573610893662 -0.3491452809888996 -0.06280501315360658 0.0501833087489699 +31256,0.09352129523214463,1,0.5594046499263169 0.25913431500714884 0.04244438259125762 -0.22687024769707007 -0.324380717284222 -0.4946370927538571 -0.5720263543309624 -0.6029820589618027 -0.6060776294248841 -0.7732384344314289 -0.8366976289246592 -0.8908701120286363 -0.9682593736057415 -0.9694895404611488 -0.989928366847329 -0.5503573610893662 -0.3491452809888996 -0.06280501315360658 0.0501833087489699 0.05111543222285222 +31257,0.1089991475475692,1,0.25913431500714884 0.04244438259125762 -0.22687024769707007 -0.324380717284222 -0.4946370927538571 -0.5720263543309624 -0.6029820589618027 -0.6060776294248841 -0.7732384344314289 -0.8366976289246592 -0.8908701120286363 -0.9682593736057415 -0.9694895404611488 -0.989928366847329 -0.5503573610893662 -0.3491452809888996 -0.06280501315360658 0.0501833087489699 0.05111543222285222 0.09352129523214463 +31258,0.09661686569523482,1,0.04244438259125762 -0.22687024769707007 -0.324380717284222 -0.4946370927538571 -0.5720263543309624 -0.6029820589618027 -0.6060776294248841 -0.7732384344314289 -0.8366976289246592 -0.8908701120286363 -0.9682593736057415 -0.9694895404611488 -0.989928366847329 -0.5503573610893662 -0.3491452809888996 -0.06280501315360658 0.0501833087489699 0.05111543222285222 0.09352129523214463 0.1089991475475692 +31259,-0.02720595282813535,1,-0.22687024769707007 -0.324380717284222 -0.4946370927538571 -0.5720263543309624 -0.6029820589618027 -0.6060776294248841 -0.7732384344314289 -0.8366976289246592 -0.8908701120286363 -0.9682593736057415 -0.9694895404611488 -0.989928366847329 -0.5503573610893662 -0.3491452809888996 -0.06280501315360658 0.0501833087489699 0.05111543222285222 0.09352129523214463 0.1089991475475692 0.09661686569523482 +31260,-0.04910519831545905,1,-0.324380717284222 -0.4946370927538571 -0.5720263543309624 -0.6029820589618027 -0.6060776294248841 -0.7732384344314289 -0.8366976289246592 -0.8908701120286363 -0.9682593736057415 -0.9694895404611488 -0.989928366847329 -0.5503573610893662 -0.3491452809888996 -0.06280501315360658 0.0501833087489699 0.05111543222285222 0.09352129523214463 0.1089991475475692 0.09661686569523482 -0.02720595282813535 +31261,-0.3104506502003469,1,-0.4946370927538571 -0.5720263543309624 -0.6029820589618027 -0.6060776294248841 -0.7732384344314289 -0.8366976289246592 -0.8908701120286363 -0.9682593736057415 -0.9694895404611488 -0.989928366847329 -0.5503573610893662 -0.3491452809888996 -0.06280501315360658 0.0501833087489699 0.05111543222285222 0.09352129523214463 0.1089991475475692 0.09661686569523482 -0.02720595282813535 -0.04910519831545905 +31262,-0.5596440724786191,1,-0.5720263543309624 -0.6029820589618027 -0.6060776294248841 -0.7732384344314289 -0.8366976289246592 -0.8908701120286363 -0.9682593736057415 -0.9694895404611488 -0.989928366847329 -0.5503573610893662 -0.3491452809888996 -0.06280501315360658 0.0501833087489699 0.05111543222285222 0.09352129523214463 0.1089991475475692 0.09661686569523482 -0.02720595282813535 -0.04910519831545905 -0.3104506502003469 +31263,-0.6169121260456778,1,-0.6029820589618027 -0.6060776294248841 -0.7732384344314289 -0.8366976289246592 -0.8908701120286363 -0.9682593736057415 -0.9694895404611488 -0.989928366847329 -0.5503573610893662 -0.3491452809888996 -0.06280501315360658 0.0501833087489699 0.05111543222285222 0.09352129523214463 0.1089991475475692 0.09661686569523482 -0.02720595282813535 -0.04910519831545905 -0.3104506502003469 -0.5596440724786191 +31264,-0.8366976289246592,1,-0.6060776294248841 -0.7732384344314289 -0.8366976289246592 -0.8908701120286363 -0.9682593736057415 -0.9694895404611488 -0.989928366847329 -0.5503573610893662 -0.3491452809888996 -0.06280501315360658 0.0501833087489699 0.05111543222285222 0.09352129523214463 0.1089991475475692 0.09661686569523482 -0.02720595282813535 -0.04910519831545905 -0.3104506502003469 -0.5596440724786191 -0.6169121260456778 +31265,-0.9357558837433517,1,-0.7732384344314289 -0.8366976289246592 -0.8908701120286363 -0.9682593736057415 -0.9694895404611488 -0.989928366847329 -0.5503573610893662 -0.3491452809888996 -0.06280501315360658 0.0501833087489699 0.05111543222285222 0.09352129523214463 0.1089991475475692 0.09661686569523482 -0.02720595282813535 -0.04910519831545905 -0.3104506502003469 -0.5596440724786191 -0.6169121260456778 -0.8366976289246592 +31266,-1.0069540043942942,1,-0.8366976289246592 -0.8908701120286363 -0.9682593736057415 -0.9694895404611488 -0.989928366847329 -0.5503573610893662 -0.3491452809888996 -0.06280501315360658 0.0501833087489699 0.05111543222285222 0.09352129523214463 0.1089991475475692 0.09661686569523482 -0.02720595282813535 -0.04910519831545905 -0.3104506502003469 -0.5596440724786191 -0.6169121260456778 -0.8366976289246592 -0.9357558837433517 +31267,-1.1122034001391496,1,-0.8908701120286363 -0.9682593736057415 -0.9694895404611488 -0.989928366847329 -0.5503573610893662 -0.3491452809888996 -0.06280501315360658 0.0501833087489699 0.05111543222285222 0.09352129523214463 0.1089991475475692 0.09661686569523482 -0.02720595282813535 -0.04910519831545905 -0.3104506502003469 -0.5596440724786191 -0.6169121260456778 -0.8366976289246592 -0.9357558837433517 -1.0069540043942942 +31268,-1.110655614907609,1,-0.9682593736057415 -0.9694895404611488 -0.989928366847329 -0.5503573610893662 -0.3491452809888996 -0.06280501315360658 0.0501833087489699 0.05111543222285222 0.09352129523214463 0.1089991475475692 0.09661686569523482 -0.02720595282813535 -0.04910519831545905 -0.3104506502003469 -0.5596440724786191 -0.6169121260456778 -0.8366976289246592 -0.9357558837433517 -1.0069540043942942 -1.1122034001391496 +31269,-1.1475262366758385,1,-0.9694895404611488 -0.989928366847329 -0.5503573610893662 -0.3491452809888996 -0.06280501315360658 0.0501833087489699 0.05111543222285222 0.09352129523214463 0.1089991475475692 0.09661686569523482 -0.02720595282813535 -0.04910519831545905 -0.3104506502003469 -0.5596440724786191 -0.6169121260456778 -0.8366976289246592 -0.9357558837433517 -1.0069540043942942 -1.1122034001391496 -1.110655614907609 +31270,-1.2282872925048076,1,-0.989928366847329 -0.5503573610893662 -0.3491452809888996 -0.06280501315360658 0.0501833087489699 0.05111543222285222 0.09352129523214463 0.1089991475475692 0.09661686569523482 -0.02720595282813535 -0.04910519831545905 -0.3104506502003469 -0.5596440724786191 -0.6169121260456778 -0.8366976289246592 -0.9357558837433517 -1.0069540043942942 -1.1122034001391496 -1.110655614907609 -1.1475262366758385 +31271,-1.318058835934256,1,-0.5503573610893662 -0.3491452809888996 -0.06280501315360658 0.0501833087489699 0.05111543222285222 0.09352129523214463 0.1089991475475692 0.09661686569523482 -0.02720595282813535 -0.04910519831545905 -0.3104506502003469 -0.5596440724786191 -0.6169121260456778 -0.8366976289246592 -0.9357558837433517 -1.0069540043942942 -1.1122034001391496 -1.110655614907609 -1.1475262366758385 -1.2282872925048076 +31272,-1.3660401781120615,1,-0.3491452809888996 -0.06280501315360658 0.0501833087489699 0.05111543222285222 0.09352129523214463 0.1089991475475692 0.09661686569523482 -0.02720595282813535 -0.04910519831545905 -0.3104506502003469 -0.5596440724786191 -0.6169121260456778 -0.8366976289246592 -0.9357558837433517 -1.0069540043942942 -1.1122034001391496 -1.110655614907609 -1.1475262366758385 -1.2282872925048076 -1.318058835934256 +31273,-1.304128768850372,1,-0.06280501315360658 0.0501833087489699 0.05111543222285222 0.09352129523214463 0.1089991475475692 0.09661686569523482 -0.02720595282813535 -0.04910519831545905 -0.3104506502003469 -0.5596440724786191 -0.6169121260456778 -0.8366976289246592 -0.9357558837433517 -1.0069540043942942 -1.1122034001391496 -1.110655614907609 -1.1475262366758385 -1.2282872925048076 -1.318058835934256 -1.3660401781120615 +31274,-1.1230378967599521,1,0.0501833087489699 0.05111543222285222 0.09352129523214463 0.1089991475475692 0.09661686569523482 -0.02720595282813535 -0.04910519831545905 -0.3104506502003469 -0.5596440724786191 -0.6169121260456778 -0.8366976289246592 -0.9357558837433517 -1.0069540043942942 -1.1122034001391496 -1.110655614907609 -1.1475262366758385 -1.2282872925048076 -1.318058835934256 -1.3660401781120615 -1.304128768850372 +31275,-0.9787235674080186,1,0.05111543222285222 0.09352129523214463 0.1089991475475692 0.09661686569523482 -0.02720595282813535 -0.04910519831545905 -0.3104506502003469 -0.5596440724786191 -0.6169121260456778 -0.8366976289246592 -0.9357558837433517 -1.0069540043942942 -1.1122034001391496 -1.110655614907609 -1.1475262366758385 -1.2282872925048076 -1.318058835934256 -1.3660401781120615 -1.304128768850372 -1.1230378967599521 +31276,-0.8406186847929717,1,0.09352129523214463 0.1089991475475692 0.09661686569523482 -0.02720595282813535 -0.04910519831545905 -0.3104506502003469 -0.5596440724786191 -0.6169121260456778 -0.8366976289246592 -0.9357558837433517 -1.0069540043942942 -1.1122034001391496 -1.110655614907609 -1.1475262366758385 -1.2282872925048076 -1.318058835934256 -1.3660401781120615 -1.304128768850372 -1.1230378967599521 -0.9787235674080186 +31277,-0.4312810839943254,1,0.1089991475475692 0.09661686569523482 -0.02720595282813535 -0.04910519831545905 -0.3104506502003469 -0.5596440724786191 -0.6169121260456778 -0.8366976289246592 -0.9357558837433517 -1.0069540043942942 -1.1122034001391496 -1.110655614907609 -1.1475262366758385 -1.2282872925048076 -1.318058835934256 -1.3660401781120615 -1.304128768850372 -1.1230378967599521 -0.9787235674080186 -0.8406186847929717 +31278,-0.3376980364709202,1,0.09661686569523482 -0.02720595282813535 -0.04910519831545905 -0.3104506502003469 -0.5596440724786191 -0.6169121260456778 -0.8366976289246592 -0.9357558837433517 -1.0069540043942942 -1.1122034001391496 -1.110655614907609 -1.1475262366758385 -1.2282872925048076 -1.318058835934256 -1.3660401781120615 -1.304128768850372 -1.1230378967599521 -0.9787235674080186 -0.8406186847929717 -0.4312810839943254 +31279,0.13774265181175704,1,-0.02720595282813535 -0.04910519831545905 -0.3104506502003469 -0.5596440724786191 -0.6169121260456778 -0.8366976289246592 -0.9357558837433517 -1.0069540043942942 -1.1122034001391496 -1.110655614907609 -1.1475262366758385 -1.2282872925048076 -1.318058835934256 -1.3660401781120615 -1.304128768850372 -1.1230378967599521 -0.9787235674080186 -0.8406186847929717 -0.4312810839943254 -0.3376980364709202 +31280,0.3272368651950011,1,-0.04910519831545905 -0.3104506502003469 -0.5596440724786191 -0.6169121260456778 -0.8366976289246592 -0.9357558837433517 -1.0069540043942942 -1.1122034001391496 -1.110655614907609 -1.1475262366758385 -1.2282872925048076 -1.318058835934256 -1.3660401781120615 -1.304128768850372 -1.1230378967599521 -0.9787235674080186 -0.8406186847929717 -0.4312810839943254 -0.3376980364709202 0.13774265181175704 +31281,0.3750803924210129,1,-0.3104506502003469 -0.5596440724786191 -0.6169121260456778 -0.8366976289246592 -0.9357558837433517 -1.0069540043942942 -1.1122034001391496 -1.110655614907609 -1.1475262366758385 -1.2282872925048076 -1.318058835934256 -1.3660401781120615 -1.304128768850372 -1.1230378967599521 -0.9787235674080186 -0.8406186847929717 -0.4312810839943254 -0.3376980364709202 0.13774265181175704 0.3272368651950011 +31282,0.4448685427922085,1,-0.5596440724786191 -0.6169121260456778 -0.8366976289246592 -0.9357558837433517 -1.0069540043942942 -1.1122034001391496 -1.110655614907609 -1.1475262366758385 -1.2282872925048076 -1.318058835934256 -1.3660401781120615 -1.304128768850372 -1.1230378967599521 -0.9787235674080186 -0.8406186847929717 -0.4312810839943254 -0.3376980364709202 0.13774265181175704 0.3272368651950011 0.3750803924210129 +31283,0.4067482923170635,1,-0.6169121260456778 -0.8366976289246592 -0.9357558837433517 -1.0069540043942942 -1.1122034001391496 -1.110655614907609 -1.1475262366758385 -1.2282872925048076 -1.318058835934256 -1.3660401781120615 -1.304128768850372 -1.1230378967599521 -0.9787235674080186 -0.8406186847929717 -0.4312810839943254 -0.3376980364709202 0.13774265181175704 0.3272368651950011 0.3750803924210129 0.4448685427922085 +31284,0.392243844919772,1,-0.8366976289246592 -0.9357558837433517 -1.0069540043942942 -1.1122034001391496 -1.110655614907609 -1.1475262366758385 -1.2282872925048076 -1.318058835934256 -1.3660401781120615 -1.304128768850372 -1.1230378967599521 -0.9787235674080186 -0.8406186847929717 -0.4312810839943254 -0.3376980364709202 0.13774265181175704 0.3272368651950011 0.3750803924210129 0.4448685427922085 0.4067482923170635 +31285,0.28583339526387846,1,-0.9357558837433517 -1.0069540043942942 -1.1122034001391496 -1.110655614907609 -1.1475262366758385 -1.2282872925048076 -1.318058835934256 -1.3660401781120615 -1.304128768850372 -1.1230378967599521 -0.9787235674080186 -0.8406186847929717 -0.4312810839943254 -0.3376980364709202 0.13774265181175704 0.3272368651950011 0.3750803924210129 0.4448685427922085 0.4067482923170635 0.392243844919772 +31286,0.13066814078915656,1,-1.0069540043942942 -1.1122034001391496 -1.110655614907609 -1.1475262366758385 -1.2282872925048076 -1.318058835934256 -1.3660401781120615 -1.304128768850372 -1.1230378967599521 -0.9787235674080186 -0.8406186847929717 -0.4312810839943254 -0.3376980364709202 0.13774265181175704 0.3272368651950011 0.3750803924210129 0.4448685427922085 0.4067482923170635 0.392243844919772 0.28583339526387846 +31287,-0.05518392716016784,1,-1.1122034001391496 -1.110655614907609 -1.1475262366758385 -1.2282872925048076 -1.318058835934256 -1.3660401781120615 -1.304128768850372 -1.1230378967599521 -0.9787235674080186 -0.8406186847929717 -0.4312810839943254 -0.3376980364709202 0.13774265181175704 0.3272368651950011 0.3750803924210129 0.4448685427922085 0.4067482923170635 0.392243844919772 0.28583339526387846 0.13066814078915656 +31288,-0.34604971052580935,1,-1.110655614907609 -1.1475262366758385 -1.2282872925048076 -1.318058835934256 -1.3660401781120615 -1.304128768850372 -1.1230378967599521 -0.9787235674080186 -0.8406186847929717 -0.4312810839943254 -0.3376980364709202 0.13774265181175704 0.3272368651950011 0.3750803924210129 0.4448685427922085 0.4067482923170635 0.392243844919772 0.28583339526387846 0.13066814078915656 -0.05518392716016784 +31289,-0.8669619098776576,1,-1.1475262366758385 -1.2282872925048076 -1.318058835934256 -1.3660401781120615 -1.304128768850372 -1.1230378967599521 -0.9787235674080186 -0.8406186847929717 -0.4312810839943254 -0.3376980364709202 0.13774265181175704 0.3272368651950011 0.3750803924210129 0.4448685427922085 0.4067482923170635 0.392243844919772 0.28583339526387846 0.13066814078915656 -0.05518392716016784 -0.34604971052580935 +31290,-0.5488095758578255,1,-1.2282872925048076 -1.318058835934256 -1.3660401781120615 -1.304128768850372 -1.1230378967599521 -0.9787235674080186 -0.8406186847929717 -0.4312810839943254 -0.3376980364709202 0.13774265181175704 0.3272368651950011 0.3750803924210129 0.4448685427922085 0.4067482923170635 0.392243844919772 0.28583339526387846 0.13066814078915656 -0.05518392716016784 -0.34604971052580935 -0.8669619098776576 +31291,-0.6384158730925953,1,-1.318058835934256 -1.3660401781120615 -1.304128768850372 -1.1230378967599521 -0.9787235674080186 -0.8406186847929717 -0.4312810839943254 -0.3376980364709202 0.13774265181175704 0.3272368651950011 0.3750803924210129 0.4448685427922085 0.4067482923170635 0.392243844919772 0.28583339526387846 0.13066814078915656 -0.05518392716016784 -0.34604971052580935 -0.8669619098776576 -0.5488095758578255 +31292,-0.7360915888744258,1,-1.3660401781120615 -1.304128768850372 -1.1230378967599521 -0.9787235674080186 -0.8406186847929717 -0.4312810839943254 -0.3376980364709202 0.13774265181175704 0.3272368651950011 0.3750803924210129 0.4448685427922085 0.4067482923170635 0.392243844919772 0.28583339526387846 0.13066814078915656 -0.05518392716016784 -0.34604971052580935 -0.8669619098776576 -0.5488095758578255 -0.6384158730925953 +31293,-0.8305064879984876,1,-1.304128768850372 -1.1230378967599521 -0.9787235674080186 -0.8406186847929717 -0.4312810839943254 -0.3376980364709202 0.13774265181175704 0.3272368651950011 0.3750803924210129 0.4448685427922085 0.4067482923170635 0.392243844919772 0.28583339526387846 0.13066814078915656 -0.05518392716016784 -0.34604971052580935 -0.8669619098776576 -0.5488095758578255 -0.6384158730925953 -0.7360915888744258 +31294,-0.8661055483239588,1,-1.1230378967599521 -0.9787235674080186 -0.8406186847929717 -0.4312810839943254 -0.3376980364709202 0.13774265181175704 0.3272368651950011 0.3750803924210129 0.4448685427922085 0.4067482923170635 0.392243844919772 0.28583339526387846 0.13066814078915656 -0.05518392716016784 -0.34604971052580935 -0.8669619098776576 -0.5488095758578255 -0.6384158730925953 -0.7360915888744258 -0.8305064879984876 +31295,-0.9171824609648458,1,-0.9787235674080186 -0.8406186847929717 -0.4312810839943254 -0.3376980364709202 0.13774265181175704 0.3272368651950011 0.3750803924210129 0.4448685427922085 0.4067482923170635 0.392243844919772 0.28583339526387846 0.13066814078915656 -0.05518392716016784 -0.34604971052580935 -0.8669619098776576 -0.5488095758578255 -0.6384158730925953 -0.7360915888744258 -0.8305064879984876 -0.8661055483239588 +31296,-1.0193362862466286,1,-0.8406186847929717 -0.4312810839943254 -0.3376980364709202 0.13774265181175704 0.3272368651950011 0.3750803924210129 0.4448685427922085 0.4067482923170635 0.392243844919772 0.28583339526387846 0.13066814078915656 -0.05518392716016784 -0.34604971052580935 -0.8669619098776576 -0.5488095758578255 -0.6384158730925953 -0.7360915888744258 -0.8305064879984876 -0.8661055483239588 -0.9171824609648458 +31297,-0.9450425951326047,1,-0.4312810839943254 -0.3376980364709202 0.13774265181175704 0.3272368651950011 0.3750803924210129 0.4448685427922085 0.4067482923170635 0.392243844919772 0.28583339526387846 0.13066814078915656 -0.05518392716016784 -0.34604971052580935 -0.8669619098776576 -0.5488095758578255 -0.6384158730925953 -0.7360915888744258 -0.8305064879984876 -0.8661055483239588 -0.9171824609648458 -1.0193362862466286 +31298,-0.9442465258500408,1,-0.3376980364709202 0.13774265181175704 0.3272368651950011 0.3750803924210129 0.4448685427922085 0.4067482923170635 0.392243844919772 0.28583339526387846 0.13066814078915656 -0.05518392716016784 -0.34604971052580935 -0.8669619098776576 -0.5488095758578255 -0.6384158730925953 -0.7360915888744258 -0.8305064879984876 -0.8661055483239588 -0.9171824609648458 -1.0193362862466286 -0.9450425951326047 +31299,-0.675727964844277,1,0.13774265181175704 0.3272368651950011 0.3750803924210129 0.4448685427922085 0.4067482923170635 0.392243844919772 0.28583339526387846 0.13066814078915656 -0.05518392716016784 -0.34604971052580935 -0.8669619098776576 -0.5488095758578255 -0.6384158730925953 -0.7360915888744258 -0.8305064879984876 -0.8661055483239588 -0.9171824609648458 -1.0193362862466286 -0.9450425951326047 -0.9442465258500408 +31300,-0.14483763042533393,1,0.3272368651950011 0.3750803924210129 0.4448685427922085 0.4067482923170635 0.392243844919772 0.28583339526387846 0.13066814078915656 -0.05518392716016784 -0.34604971052580935 -0.8669619098776576 -0.5488095758578255 -0.6384158730925953 -0.7360915888744258 -0.8305064879984876 -0.8661055483239588 -0.9171824609648458 -1.0193362862466286 -0.9450425951326047 -0.9442465258500408 -0.675727964844277 +31301,-0.13314350951957168,1,0.3750803924210129 0.4448685427922085 0.4067482923170635 0.392243844919772 0.28583339526387846 0.13066814078915656 -0.05518392716016784 -0.34604971052580935 -0.8669619098776576 -0.5488095758578255 -0.6384158730925953 -0.7360915888744258 -0.8305064879984876 -0.8661055483239588 -0.9171824609648458 -1.0193362862466286 -0.9450425951326047 -0.9442465258500408 -0.675727964844277 -0.14483763042533393 +31302,0.03160988597046394,1,0.4448685427922085 0.4067482923170635 0.392243844919772 0.28583339526387846 0.13066814078915656 -0.05518392716016784 -0.34604971052580935 -0.8669619098776576 -0.5488095758578255 -0.6384158730925953 -0.7360915888744258 -0.8305064879984876 -0.8661055483239588 -0.9171824609648458 -1.0193362862466286 -0.9450425951326047 -0.9442465258500408 -0.675727964844277 -0.14483763042533393 -0.13314350951957168 +31303,0.20204662376967872,1,0.4067482923170635 0.392243844919772 0.28583339526387846 0.13066814078915656 -0.05518392716016784 -0.34604971052580935 -0.8669619098776576 -0.5488095758578255 -0.6384158730925953 -0.7360915888744258 -0.8305064879984876 -0.8661055483239588 -0.9171824609648458 -1.0193362862466286 -0.9450425951326047 -0.9442465258500408 -0.675727964844277 -0.14483763042533393 -0.13314350951957168 0.03160988597046394 +31304,0.3906960596882313,1,0.392243844919772 0.28583339526387846 0.13066814078915656 -0.05518392716016784 -0.34604971052580935 -0.8669619098776576 -0.5488095758578255 -0.6384158730925953 -0.7360915888744258 -0.8305064879984876 -0.8661055483239588 -0.9171824609648458 -1.0193362862466286 -0.9450425951326047 -0.9442465258500408 -0.675727964844277 -0.14483763042533393 -0.13314350951957168 0.03160988597046394 0.20204662376967872 +31305,0.4404913612716272,1,0.28583339526387846 0.13066814078915656 -0.05518392716016784 -0.34604971052580935 -0.8669619098776576 -0.5488095758578255 -0.6384158730925953 -0.7360915888744258 -0.8305064879984876 -0.8661055483239588 -0.9171824609648458 -1.0193362862466286 -0.9450425951326047 -0.9442465258500408 -0.675727964844277 -0.14483763042533393 -0.13314350951957168 0.03160988597046394 0.20204662376967872 0.3906960596882313 +31306,0.4943976702015548,1,0.13066814078915656 -0.05518392716016784 -0.34604971052580935 -0.8669619098776576 -0.5488095758578255 -0.6384158730925953 -0.7360915888744258 -0.8305064879984876 -0.8661055483239588 -0.9171824609648458 -1.0193362862466286 -0.9450425951326047 -0.9442465258500408 -0.675727964844277 -0.14483763042533393 -0.13314350951957168 0.03160988597046394 0.20204662376967872 0.3906960596882313 0.4404913612716272 +31307,0.4439116982473762,1,-0.05518392716016784 -0.34604971052580935 -0.8669619098776576 -0.5488095758578255 -0.6384158730925953 -0.7360915888744258 -0.8305064879984876 -0.8661055483239588 -0.9171824609648458 -1.0193362862466286 -0.9450425951326047 -0.9442465258500408 -0.675727964844277 -0.14483763042533393 -0.13314350951957168 0.03160988597046394 0.20204662376967872 0.3906960596882313 0.4404913612716272 0.4943976702015548 +31308,0.08727699144317541,1,-0.34604971052580935 -0.8669619098776576 -0.5488095758578255 -0.6384158730925953 -0.7360915888744258 -0.8305064879984876 -0.8661055483239588 -0.9171824609648458 -1.0193362862466286 -0.9450425951326047 -0.9442465258500408 -0.675727964844277 -0.14483763042533393 -0.13314350951957168 0.03160988597046394 0.20204662376967872 0.3906960596882313 0.4404913612716272 0.4943976702015548 0.4439116982473762 +31309,0.08304794844712167,1,-0.8669619098776576 -0.5488095758578255 -0.6384158730925953 -0.7360915888744258 -0.8305064879984876 -0.8661055483239588 -0.9171824609648458 -1.0193362862466286 -0.9450425951326047 -0.9442465258500408 -0.675727964844277 -0.14483763042533393 -0.13314350951957168 0.03160988597046394 0.20204662376967872 0.3906960596882313 0.4404913612716272 0.4943976702015548 0.4439116982473762 0.08727699144317541 +31310,-0.22552883377814076,1,-0.5488095758578255 -0.6384158730925953 -0.7360915888744258 -0.8305064879984876 -0.8661055483239588 -0.9171824609648458 -1.0193362862466286 -0.9450425951326047 -0.9442465258500408 -0.675727964844277 -0.14483763042533393 -0.13314350951957168 0.03160988597046394 0.20204662376967872 0.3906960596882313 0.4404913612716272 0.4943976702015548 0.4439116982473762 0.08727699144317541 0.08304794844712167 +31311,-0.1586149244513867,1,-0.6384158730925953 -0.7360915888744258 -0.8305064879984876 -0.8661055483239588 -0.9171824609648458 -1.0193362862466286 -0.9450425951326047 -0.9442465258500408 -0.675727964844277 -0.14483763042533393 -0.13314350951957168 0.03160988597046394 0.20204662376967872 0.3906960596882313 0.4404913612716272 0.4943976702015548 0.4439116982473762 0.08727699144317541 0.08304794844712167 -0.22552883377814076 +31312,-0.49308930752230756,1,-0.7360915888744258 -0.8305064879984876 -0.8661055483239588 -0.9171824609648458 -1.0193362862466286 -0.9450425951326047 -0.9442465258500408 -0.675727964844277 -0.14483763042533393 -0.13314350951957168 0.03160988597046394 0.20204662376967872 0.3906960596882313 0.4404913612716272 0.4943976702015548 0.4439116982473762 0.08727699144317541 0.08304794844712167 -0.22552883377814076 -0.1586149244513867 +31313,-0.5983387032671718,1,-0.8305064879984876 -0.8661055483239588 -0.9171824609648458 -1.0193362862466286 -0.9450425951326047 -0.9442465258500408 -0.675727964844277 -0.14483763042533393 -0.13314350951957168 0.03160988597046394 0.20204662376967872 0.3906960596882313 0.4404913612716272 0.4943976702015548 0.4439116982473762 0.08727699144317541 0.08304794844712167 -0.22552883377814076 -0.1586149244513867 -0.49308930752230756 +31314,-0.7453783002636788,1,-0.8661055483239588 -0.9171824609648458 -1.0193362862466286 -0.9450425951326047 -0.9442465258500408 -0.675727964844277 -0.14483763042533393 -0.13314350951957168 0.03160988597046394 0.20204662376967872 0.3906960596882313 0.4404913612716272 0.4943976702015548 0.4439116982473762 0.08727699144317541 0.08304794844712167 -0.22552883377814076 -0.1586149244513867 -0.49308930752230756 -0.5983387032671718 +31315,-0.8459843403139121,1,-0.9171824609648458 -1.0193362862466286 -0.9450425951326047 -0.9442465258500408 -0.675727964844277 -0.14483763042533393 -0.13314350951957168 0.03160988597046394 0.20204662376967872 0.3906960596882313 0.4404913612716272 0.4943976702015548 0.4439116982473762 0.08727699144317541 0.08304794844712167 -0.22552883377814076 -0.1586149244513867 -0.49308930752230756 -0.5983387032671718 -0.7453783002636788 +31316,-0.8753922597132118,1,-1.0193362862466286 -0.9450425951326047 -0.9442465258500408 -0.675727964844277 -0.14483763042533393 -0.13314350951957168 0.03160988597046394 0.20204662376967872 0.3906960596882313 0.4404913612716272 0.4943976702015548 0.4439116982473762 0.08727699144317541 0.08304794844712167 -0.22552883377814076 -0.1586149244513867 -0.49308930752230756 -0.5983387032671718 -0.7453783002636788 -0.8459843403139121 +31317,-0.9249213871225581,1,-0.9450425951326047 -0.9442465258500408 -0.675727964844277 -0.14483763042533393 -0.13314350951957168 0.03160988597046394 0.20204662376967872 0.3906960596882313 0.4404913612716272 0.4943976702015548 0.4439116982473762 0.08727699144317541 0.08304794844712167 -0.22552883377814076 -0.1586149244513867 -0.49308930752230756 -0.5983387032671718 -0.7453783002636788 -0.8459843403139121 -0.8753922597132118 +31318,-0.999215078236582,1,-0.9442465258500408 -0.675727964844277 -0.14483763042533393 -0.13314350951957168 0.03160988597046394 0.20204662376967872 0.3906960596882313 0.4404913612716272 0.4943976702015548 0.4439116982473762 0.08727699144317541 0.08304794844712167 -0.22552883377814076 -0.1586149244513867 -0.49308930752230756 -0.5983387032671718 -0.7453783002636788 -0.8459843403139121 -0.8753922597132118 -0.9249213871225581 +31319,-1.092082192129103,1,-0.675727964844277 -0.14483763042533393 -0.13314350951957168 0.03160988597046394 0.20204662376967872 0.3906960596882313 0.4404913612716272 0.4943976702015548 0.4439116982473762 0.08727699144317541 0.08304794844712167 -0.22552883377814076 -0.1586149244513867 -0.49308930752230756 -0.5983387032671718 -0.7453783002636788 -0.8459843403139121 -0.8753922597132118 -0.9249213871225581 -0.999215078236582 +31320,-1.0827954807398499,1,-0.14483763042533393 -0.13314350951957168 0.03160988597046394 0.20204662376967872 0.3906960596882313 0.4404913612716272 0.4943976702015548 0.4439116982473762 0.08727699144317541 0.08304794844712167 -0.22552883377814076 -0.1586149244513867 -0.49308930752230756 -0.5983387032671718 -0.7453783002636788 -0.8459843403139121 -0.8753922597132118 -0.9249213871225581 -0.999215078236582 -1.092082192129103 +31321,-1.1168467558337805,1,-0.13314350951957168 0.03160988597046394 0.20204662376967872 0.3906960596882313 0.4404913612716272 0.4943976702015548 0.4439116982473762 0.08727699144317541 0.08304794844712167 -0.22552883377814076 -0.1586149244513867 -0.49308930752230756 -0.5983387032671718 -0.7453783002636788 -0.8459843403139121 -0.8753922597132118 -0.9249213871225581 -0.999215078236582 -1.092082192129103 -1.0827954807398499 +31322,-0.9419470246695234,1,0.03160988597046394 0.20204662376967872 0.3906960596882313 0.4404913612716272 0.4943976702015548 0.4439116982473762 0.08727699144317541 0.08304794844712167 -0.22552883377814076 -0.1586149244513867 -0.49308930752230756 -0.5983387032671718 -0.7453783002636788 -0.8459843403139121 -0.8753922597132118 -0.9249213871225581 -0.999215078236582 -1.092082192129103 -1.0827954807398499 -1.1168467558337805 +31323,-0.661797897760402,1,0.20204662376967872 0.3906960596882313 0.4404913612716272 0.4943976702015548 0.4439116982473762 0.08727699144317541 0.08304794844712167 -0.22552883377814076 -0.1586149244513867 -0.49308930752230756 -0.5983387032671718 -0.7453783002636788 -0.8459843403139121 -0.8753922597132118 -0.9249213871225581 -0.999215078236582 -1.092082192129103 -1.0827954807398499 -1.1168467558337805 -0.9419470246695234 +31324,-0.38629212654590267,1,0.3906960596882313 0.4404913612716272 0.4943976702015548 0.4439116982473762 0.08727699144317541 0.08304794844712167 -0.22552883377814076 -0.1586149244513867 -0.49308930752230756 -0.5983387032671718 -0.7453783002636788 -0.8459843403139121 -0.8753922597132118 -0.9249213871225581 -0.999215078236582 -1.092082192129103 -1.0827954807398499 -1.1168467558337805 -0.9419470246695234 -0.661797897760402 +31325,-0.14174205996225253,1,0.4404913612716272 0.4943976702015548 0.4439116982473762 0.08727699144317541 0.08304794844712167 -0.22552883377814076 -0.1586149244513867 -0.49308930752230756 -0.5983387032671718 -0.7453783002636788 -0.8459843403139121 -0.8753922597132118 -0.9249213871225581 -0.999215078236582 -1.092082192129103 -1.0827954807398499 -1.1168467558337805 -0.9419470246695234 -0.661797897760402 -0.38629212654590267 +31326,0.06256559060130429,1,0.4943976702015548 0.4439116982473762 0.08727699144317541 0.08304794844712167 -0.22552883377814076 -0.1586149244513867 -0.49308930752230756 -0.5983387032671718 -0.7453783002636788 -0.8459843403139121 -0.8753922597132118 -0.9249213871225581 -0.999215078236582 -1.092082192129103 -1.0827954807398499 -1.1168467558337805 -0.9419470246695234 -0.661797897760402 -0.38629212654590267 -0.14174205996225253 +31327,0.22972639560784916,1,0.4439116982473762 0.08727699144317541 0.08304794844712167 -0.22552883377814076 -0.1586149244513867 -0.49308930752230756 -0.5983387032671718 -0.7453783002636788 -0.8459843403139121 -0.8753922597132118 -0.9249213871225581 -0.999215078236582 -1.092082192129103 -1.0827954807398499 -1.1168467558337805 -0.9419470246695234 -0.661797897760402 -0.38629212654590267 -0.14174205996225253 0.06256559060130429 +31328,0.29628116056416076,1,0.08727699144317541 0.08304794844712167 -0.22552883377814076 -0.1586149244513867 -0.49308930752230756 -0.5983387032671718 -0.7453783002636788 -0.8459843403139121 -0.8753922597132118 -0.9249213871225581 -0.999215078236582 -1.092082192129103 -1.0827954807398499 -1.1168467558337805 -0.9419470246695234 -0.661797897760402 -0.38629212654590267 -0.14174205996225253 0.06256559060130429 0.22972639560784916 +31329,0.3365235765842541,1,0.08304794844712167 -0.22552883377814076 -0.1586149244513867 -0.49308930752230756 -0.5983387032671718 -0.7453783002636788 -0.8459843403139121 -0.8753922597132118 -0.9249213871225581 -0.999215078236582 -1.092082192129103 -1.0827954807398499 -1.1168467558337805 -0.9419470246695234 -0.661797897760402 -0.38629212654590267 -0.14174205996225253 0.06256559060130429 0.22972639560784916 0.29628116056416076 +31330,0.3179501538057481,1,-0.22552883377814076 -0.1586149244513867 -0.49308930752230756 -0.5983387032671718 -0.7453783002636788 -0.8459843403139121 -0.8753922597132118 -0.9249213871225581 -0.999215078236582 -1.092082192129103 -1.0827954807398499 -1.1168467558337805 -0.9419470246695234 -0.661797897760402 -0.38629212654590267 -0.14174205996225253 0.06256559060130429 0.22972639560784916 0.29628116056416076 0.3365235765842541 +31331,0.22972639560784916,1,-0.1586149244513867 -0.49308930752230756 -0.5983387032671718 -0.7453783002636788 -0.8459843403139121 -0.8753922597132118 -0.9249213871225581 -0.999215078236582 -1.092082192129103 -1.0827954807398499 -1.1168467558337805 -0.9419470246695234 -0.661797897760402 -0.38629212654590267 -0.14174205996225253 0.06256559060130429 0.22972639560784916 0.29628116056416076 0.3365235765842541 0.3179501538057481 +31332,0.14769377833612182,1,-0.49308930752230756 -0.5983387032671718 -0.7453783002636788 -0.8459843403139121 -0.8753922597132118 -0.9249213871225581 -0.999215078236582 -1.092082192129103 -1.0827954807398499 -1.1168467558337805 -0.9419470246695234 -0.661797897760402 -0.38629212654590267 -0.14174205996225253 0.06256559060130429 0.22972639560784916 0.29628116056416076 0.3365235765842541 0.3179501538057481 0.22972639560784916 +31333,0.011488677960417278,1,-0.5983387032671718 -0.7453783002636788 -0.8459843403139121 -0.8753922597132118 -0.9249213871225581 -0.999215078236582 -1.092082192129103 -1.0827954807398499 -1.1168467558337805 -0.9419470246695234 -0.661797897760402 -0.38629212654590267 -0.14174205996225253 0.06256559060130429 0.22972639560784916 0.29628116056416076 0.3365235765842541 0.3179501538057481 0.22972639560784916 0.14769377833612182 +31334,-0.17579333505618308,1,-0.7453783002636788 -0.8459843403139121 -0.8753922597132118 -0.9249213871225581 -0.999215078236582 -1.092082192129103 -1.0827954807398499 -1.1168467558337805 -0.9419470246695234 -0.661797897760402 -0.38629212654590267 -0.14174205996225253 0.06256559060130429 0.22972639560784916 0.29628116056416076 0.3365235765842541 0.3179501538057481 0.22972639560784916 0.14769377833612182 0.011488677960417278 +31335,-0.4358212539552578,1,-0.8459843403139121 -0.8753922597132118 -0.9249213871225581 -0.999215078236582 -1.092082192129103 -1.0827954807398499 -1.1168467558337805 -0.9419470246695234 -0.661797897760402 -0.38629212654590267 -0.14174205996225253 0.06256559060130429 0.22972639560784916 0.29628116056416076 0.3365235765842541 0.3179501538057481 0.22972639560784916 0.14769377833612182 0.011488677960417278 -0.17579333505618308 +31336,-0.6138165555825964,1,-0.8753922597132118 -0.9249213871225581 -0.999215078236582 -1.092082192129103 -1.0827954807398499 -1.1168467558337805 -0.9419470246695234 -0.661797897760402 -0.38629212654590267 -0.14174205996225253 0.06256559060130429 0.22972639560784916 0.29628116056416076 0.3365235765842541 0.3179501538057481 0.22972639560784916 0.14769377833612182 0.011488677960417278 -0.17579333505618308 -0.4358212539552578 +31337,-0.6726323943811956,1,-0.9249213871225581 -0.999215078236582 -1.092082192129103 -1.0827954807398499 -1.1168467558337805 -0.9419470246695234 -0.661797897760402 -0.38629212654590267 -0.14174205996225253 0.06256559060130429 0.22972639560784916 0.29628116056416076 0.3365235765842541 0.3179501538057481 0.22972639560784916 0.14769377833612182 0.011488677960417278 -0.17579333505618308 -0.4358212539552578 -0.6138165555825964 +31338,-0.7020403137804953,1,-0.999215078236582 -1.092082192129103 -1.0827954807398499 -1.1168467558337805 -0.9419470246695234 -0.661797897760402 -0.38629212654590267 -0.14174205996225253 0.06256559060130429 0.22972639560784916 0.29628116056416076 0.3365235765842541 0.3179501538057481 0.22972639560784916 0.14769377833612182 0.011488677960417278 -0.17579333505618308 -0.4358212539552578 -0.6138165555825964 -0.6726323943811956 +31339,-0.782525145820682,1,-1.092082192129103 -1.0827954807398499 -1.1168467558337805 -0.9419470246695234 -0.661797897760402 -0.38629212654590267 -0.14174205996225253 0.06256559060130429 0.22972639560784916 0.29628116056416076 0.3365235765842541 0.3179501538057481 0.22972639560784916 0.14769377833612182 0.011488677960417278 -0.17579333505618308 -0.4358212539552578 -0.6138165555825964 -0.6726323943811956 -0.7020403137804953 +31340,-0.8351498436931184,1,-1.0827954807398499 -1.1168467558337805 -0.9419470246695234 -0.661797897760402 -0.38629212654590267 -0.14174205996225253 0.06256559060130429 0.22972639560784916 0.29628116056416076 0.3365235765842541 0.3179501538057481 0.22972639560784916 0.14769377833612182 0.011488677960417278 -0.17579333505618308 -0.4358212539552578 -0.6138165555825964 -0.6726323943811956 -0.7020403137804953 -0.782525145820682 +31341,-0.8862267563340055,1,-1.1168467558337805 -0.9419470246695234 -0.661797897760402 -0.38629212654590267 -0.14174205996225253 0.06256559060130429 0.22972639560784916 0.29628116056416076 0.3365235765842541 0.3179501538057481 0.22972639560784916 0.14769377833612182 0.011488677960417278 -0.17579333505618308 -0.4358212539552578 -0.6138165555825964 -0.6726323943811956 -0.7020403137804953 -0.782525145820682 -0.8351498436931184 +31342,-0.9218258166594767,1,-0.9419470246695234 -0.661797897760402 -0.38629212654590267 -0.14174205996225253 0.06256559060130429 0.22972639560784916 0.29628116056416076 0.3365235765842541 0.3179501538057481 0.22972639560784916 0.14769377833612182 0.011488677960417278 -0.17579333505618308 -0.4358212539552578 -0.6138165555825964 -0.6726323943811956 -0.7020403137804953 -0.782525145820682 -0.8351498436931184 -0.8862267563340055 +31343,-0.9465903803641454,1,-0.661797897760402 -0.38629212654590267 -0.14174205996225253 0.06256559060130429 0.22972639560784916 0.29628116056416076 0.3365235765842541 0.3179501538057481 0.22972639560784916 0.14769377833612182 0.011488677960417278 -0.17579333505618308 -0.4358212539552578 -0.6138165555825964 -0.6726323943811956 -0.7020403137804953 -0.782525145820682 -0.8351498436931184 -0.8862267563340055 -0.9218258166594767 +31344,-0.9837372259211574,1,-0.38629212654590267 -0.14174205996225253 0.06256559060130429 0.22972639560784916 0.29628116056416076 0.3365235765842541 0.3179501538057481 0.22972639560784916 0.14769377833612182 0.011488677960417278 -0.17579333505618308 -0.4358212539552578 -0.6138165555825964 -0.6726323943811956 -0.7020403137804953 -0.782525145820682 -0.8351498436931184 -0.8862267563340055 -0.9218258166594767 -0.9465903803641454 +31345,-0.9543293065218578,1,-0.14174205996225253 0.06256559060130429 0.22972639560784916 0.29628116056416076 0.3365235765842541 0.3179501538057481 0.22972639560784916 0.14769377833612182 0.011488677960417278 -0.17579333505618308 -0.4358212539552578 -0.6138165555825964 -0.6726323943811956 -0.7020403137804953 -0.782525145820682 -0.8351498436931184 -0.8862267563340055 -0.9218258166594767 -0.9465903803641454 -0.9837372259211574 +31346,-0.7964552129045658,1,0.06256559060130429 0.22972639560784916 0.29628116056416076 0.3365235765842541 0.3179501538057481 0.22972639560784916 0.14769377833612182 0.011488677960417278 -0.17579333505618308 -0.4358212539552578 -0.6138165555825964 -0.6726323943811956 -0.7020403137804953 -0.782525145820682 -0.8351498436931184 -0.8862267563340055 -0.9218258166594767 -0.9465903803641454 -0.9837372259211574 -0.9543293065218578 +31347,-0.5240450121531567,1,0.22972639560784916 0.29628116056416076 0.3365235765842541 0.3179501538057481 0.22972639560784916 0.14769377833612182 0.011488677960417278 -0.17579333505618308 -0.4358212539552578 -0.6138165555825964 -0.6726323943811956 -0.7020403137804953 -0.782525145820682 -0.8351498436931184 -0.8862267563340055 -0.9218258166594767 -0.9465903803641454 -0.9837372259211574 -0.9543293065218578 -0.7964552129045658 +31348,-0.28723387172721004,1,0.29628116056416076 0.3365235765842541 0.3179501538057481 0.22972639560784916 0.14769377833612182 0.011488677960417278 -0.17579333505618308 -0.4358212539552578 -0.6138165555825964 -0.6726323943811956 -0.7020403137804953 -0.782525145820682 -0.8351498436931184 -0.8862267563340055 -0.9218258166594767 -0.9465903803641454 -0.9837372259211574 -0.9543293065218578 -0.7964552129045658 -0.5240450121531567 +31349,-0.10614299963678131,1,0.3365235765842541 0.3179501538057481 0.22972639560784916 0.14769377833612182 0.011488677960417278 -0.17579333505618308 -0.4358212539552578 -0.6138165555825964 -0.6726323943811956 -0.7020403137804953 -0.782525145820682 -0.8351498436931184 -0.8862267563340055 -0.9218258166594767 -0.9465903803641454 -0.9837372259211574 -0.9543293065218578 -0.7964552129045658 -0.5240450121531567 -0.28723387172721004 +31350,0.14614599310458112,1,0.3179501538057481 0.22972639560784916 0.14769377833612182 0.011488677960417278 -0.17579333505618308 -0.4358212539552578 -0.6138165555825964 -0.6726323943811956 -0.7020403137804953 -0.782525145820682 -0.8351498436931184 -0.8862267563340055 -0.9218258166594767 -0.9465903803641454 -0.9837372259211574 -0.9543293065218578 -0.7964552129045658 -0.5240450121531567 -0.28723387172721004 -0.10614299963678131 +31351,0.3164023685742074,1,0.22972639560784916 0.14769377833612182 0.011488677960417278 -0.17579333505618308 -0.4358212539552578 -0.6138165555825964 -0.6726323943811956 -0.7020403137804953 -0.782525145820682 -0.8351498436931184 -0.8862267563340055 -0.9218258166594767 -0.9465903803641454 -0.9837372259211574 -0.9543293065218578 -0.7964552129045658 -0.5240450121531567 -0.28723387172721004 -0.10614299963678131 0.14614599310458112 +31352,0.3891482744566906,1,0.14769377833612182 0.011488677960417278 -0.17579333505618308 -0.4358212539552578 -0.6138165555825964 -0.6726323943811956 -0.7020403137804953 -0.782525145820682 -0.8351498436931184 -0.8862267563340055 -0.9218258166594767 -0.9465903803641454 -0.9837372259211574 -0.9543293065218578 -0.7964552129045658 -0.5240450121531567 -0.28723387172721004 -0.10614299963678131 0.14614599310458112 0.3164023685742074 +31353,0.46344196557070566,1,0.011488677960417278 -0.17579333505618308 -0.4358212539552578 -0.6138165555825964 -0.6726323943811956 -0.7020403137804953 -0.782525145820682 -0.8351498436931184 -0.8862267563340055 -0.9218258166594767 -0.9465903803641454 -0.9837372259211574 -0.9543293065218578 -0.7964552129045658 -0.5240450121531567 -0.28723387172721004 -0.10614299963678131 0.14614599310458112 0.3164023685742074 0.3891482744566906 +31354,0.4123650529298186,1,-0.17579333505618308 -0.4358212539552578 -0.6138165555825964 -0.6726323943811956 -0.7020403137804953 -0.782525145820682 -0.8351498436931184 -0.8862267563340055 -0.9218258166594767 -0.9465903803641454 -0.9837372259211574 -0.9543293065218578 -0.7964552129045658 -0.5240450121531567 -0.28723387172721004 -0.10614299963678131 0.14614599310458112 0.3164023685742074 0.3891482744566906 0.46344196557070566 +31355,0.35819256982585024,1,-0.4358212539552578 -0.6138165555825964 -0.6726323943811956 -0.7020403137804953 -0.782525145820682 -0.8351498436931184 -0.8862267563340055 -0.9218258166594767 -0.9465903803641454 -0.9837372259211574 -0.9543293065218578 -0.7964552129045658 -0.5240450121531567 -0.28723387172721004 -0.10614299963678131 0.14614599310458112 0.3164023685742074 0.3891482744566906 0.46344196557070566 0.4123650529298186 +31356,0.2250830399132271,1,-0.6138165555825964 -0.6726323943811956 -0.7020403137804953 -0.782525145820682 -0.8351498436931184 -0.8862267563340055 -0.9218258166594767 -0.9465903803641454 -0.9837372259211574 -0.9543293065218578 -0.7964552129045658 -0.5240450121531567 -0.28723387172721004 -0.10614299963678131 0.14614599310458112 0.3164023685742074 0.3891482744566906 0.46344196557070566 0.4123650529298186 0.35819256982585024 +31357,0.02696653027583305,1,-0.6726323943811956 -0.7020403137804953 -0.782525145820682 -0.8351498436931184 -0.8862267563340055 -0.9218258166594767 -0.9465903803641454 -0.9837372259211574 -0.9543293065218578 -0.7964552129045658 -0.5240450121531567 -0.28723387172721004 -0.10614299963678131 0.14614599310458112 0.3164023685742074 0.3891482744566906 0.46344196557070566 0.4123650529298186 0.35819256982585024 0.2250830399132271 +31358,-0.19591454306622974,1,-0.7020403137804953 -0.782525145820682 -0.8351498436931184 -0.8862267563340055 -0.9218258166594767 -0.9465903803641454 -0.9837372259211574 -0.9543293065218578 -0.7964552129045658 -0.5240450121531567 -0.28723387172721004 -0.10614299963678131 0.14614599310458112 0.3164023685742074 0.3891482744566906 0.46344196557070566 0.4123650529298186 0.35819256982585024 0.2250830399132271 0.02696653027583305 +31359,-0.3924832674720743,1,-0.782525145820682 -0.8351498436931184 -0.8862267563340055 -0.9218258166594767 -0.9465903803641454 -0.9837372259211574 -0.9543293065218578 -0.7964552129045658 -0.5240450121531567 -0.28723387172721004 -0.10614299963678131 0.14614599310458112 0.3164023685742074 0.3891482744566906 0.46344196557070566 0.4123650529298186 0.35819256982585024 0.2250830399132271 0.02696653027583305 -0.19591454306622974 +31360,-0.5286883678477788,1,-0.8351498436931184 -0.8862267563340055 -0.9218258166594767 -0.9465903803641454 -0.9837372259211574 -0.9543293065218578 -0.7964552129045658 -0.5240450121531567 -0.28723387172721004 -0.10614299963678131 0.14614599310458112 0.3164023685742074 0.3891482744566906 0.46344196557070566 0.4123650529298186 0.35819256982585024 0.2250830399132271 0.02696653027583305 -0.19591454306622974 -0.3924832674720743 +31361,-0.5967909180356311,1,-0.8862267563340055 -0.9218258166594767 -0.9465903803641454 -0.9837372259211574 -0.9543293065218578 -0.7964552129045658 -0.5240450121531567 -0.28723387172721004 -0.10614299963678131 0.14614599310458112 0.3164023685742074 0.3891482744566906 0.46344196557070566 0.4123650529298186 0.35819256982585024 0.2250830399132271 0.02696653027583305 -0.19591454306622974 -0.3924832674720743 -0.5286883678477788 +31362,-0.6540589716026897,1,-0.9218258166594767 -0.9465903803641454 -0.9837372259211574 -0.9543293065218578 -0.7964552129045658 -0.5240450121531567 -0.28723387172721004 -0.10614299963678131 0.14614599310458112 0.3164023685742074 0.3891482744566906 0.46344196557070566 0.4123650529298186 0.35819256982585024 0.2250830399132271 0.02696653027583305 -0.19591454306622974 -0.3924832674720743 -0.5286883678477788 -0.5967909180356311 +31363,-0.694301387622783,1,-0.9465903803641454 -0.9837372259211574 -0.9543293065218578 -0.7964552129045658 -0.5240450121531567 -0.28723387172721004 -0.10614299963678131 0.14614599310458112 0.3164023685742074 0.3891482744566906 0.46344196557070566 0.4123650529298186 0.35819256982585024 0.2250830399132271 0.02696653027583305 -0.19591454306622974 -0.3924832674720743 -0.5286883678477788 -0.5967909180356311 -0.6540589716026897 +31364,-0.7206137365590013,1,-0.9837372259211574 -0.9543293065218578 -0.7964552129045658 -0.5240450121531567 -0.28723387172721004 -0.10614299963678131 0.14614599310458112 0.3164023685742074 0.3891482744566906 0.46344196557070566 0.4123650529298186 0.35819256982585024 0.2250830399132271 0.02696653027583305 -0.19591454306622974 -0.3924832674720743 -0.5286883678477788 -0.5967909180356311 -0.6540589716026897 -0.694301387622783 +31365,-0.7391871593375072,1,-0.9543293065218578 -0.7964552129045658 -0.5240450121531567 -0.28723387172721004 -0.10614299963678131 0.14614599310458112 0.3164023685742074 0.3891482744566906 0.46344196557070566 0.4123650529298186 0.35819256982585024 0.2250830399132271 0.02696653027583305 -0.19591454306622974 -0.3924832674720743 -0.5286883678477788 -0.5967909180356311 -0.6540589716026897 -0.694301387622783 -0.7206137365590013 +31366,-0.7144225956328297,1,-0.7964552129045658 -0.5240450121531567 -0.28723387172721004 -0.10614299963678131 0.14614599310458112 0.3164023685742074 0.3891482744566906 0.46344196557070566 0.4123650529298186 0.35819256982585024 0.2250830399132271 0.02696653027583305 -0.19591454306622974 -0.3924832674720743 -0.5286883678477788 -0.5967909180356311 -0.6540589716026897 -0.694301387622783 -0.7206137365590013 -0.7391871593375072 +31367,-0.8103852799884409,1,-0.5240450121531567 -0.28723387172721004 -0.10614299963678131 0.14614599310458112 0.3164023685742074 0.3891482744566906 0.46344196557070566 0.4123650529298186 0.35819256982585024 0.2250830399132271 0.02696653027583305 -0.19591454306622974 -0.3924832674720743 -0.5286883678477788 -0.5967909180356311 -0.6540589716026897 -0.694301387622783 -0.7206137365590013 -0.7391871593375072 -0.7144225956328297 +31368,-0.7608561525790946,1,-0.28723387172721004 -0.10614299963678131 0.14614599310458112 0.3164023685742074 0.3891482744566906 0.46344196557070566 0.4123650529298186 0.35819256982585024 0.2250830399132271 0.02696653027583305 -0.19591454306622974 -0.3924832674720743 -0.5286883678477788 -0.5967909180356311 -0.6540589716026897 -0.694301387622783 -0.7206137365590013 -0.7391871593375072 -0.7144225956328297 -0.8103852799884409 +31369,-0.8088374947569001,1,-0.10614299963678131 0.14614599310458112 0.3164023685742074 0.3891482744566906 0.46344196557070566 0.4123650529298186 0.35819256982585024 0.2250830399132271 0.02696653027583305 -0.19591454306622974 -0.3924832674720743 -0.5286883678477788 -0.5967909180356311 -0.6540589716026897 -0.694301387622783 -0.7206137365590013 -0.7391871593375072 -0.7144225956328297 -0.8103852799884409 -0.7608561525790946 +31370,-0.8041941390622781,1,0.14614599310458112 0.3164023685742074 0.3891482744566906 0.46344196557070566 0.4123650529298186 0.35819256982585024 0.2250830399132271 0.02696653027583305 -0.19591454306622974 -0.3924832674720743 -0.5286883678477788 -0.5967909180356311 -0.6540589716026897 -0.694301387622783 -0.7206137365590013 -0.7391871593375072 -0.7144225956328297 -0.8103852799884409 -0.7608561525790946 -0.8088374947569001 +31371,-0.6571545420657711,1,0.3164023685742074 0.3891482744566906 0.46344196557070566 0.4123650529298186 0.35819256982585024 0.2250830399132271 0.02696653027583305 -0.19591454306622974 -0.3924832674720743 -0.5286883678477788 -0.5967909180356311 -0.6540589716026897 -0.694301387622783 -0.7206137365590013 -0.7391871593375072 -0.7144225956328297 -0.8103852799884409 -0.7608561525790946 -0.8088374947569001 -0.8041941390622781 +31372,-0.4218911868713739,1,0.3891482744566906 0.46344196557070566 0.4123650529298186 0.35819256982585024 0.2250830399132271 0.02696653027583305 -0.19591454306622974 -0.3924832674720743 -0.5286883678477788 -0.5967909180356311 -0.6540589716026897 -0.694301387622783 -0.7206137365590013 -0.7391871593375072 -0.7144225956328297 -0.8103852799884409 -0.7608561525790946 -0.8088374947569001 -0.8041941390622781 -0.6571545420657711 +31373,-0.2206791067708985,1,0.46344196557070566 0.4123650529298186 0.35819256982585024 0.2250830399132271 0.02696653027583305 -0.19591454306622974 -0.3924832674720743 -0.5286883678477788 -0.5967909180356311 -0.6540589716026897 -0.694301387622783 -0.7206137365590013 -0.7391871593375072 -0.7144225956328297 -0.8103852799884409 -0.7608561525790946 -0.8088374947569001 -0.8041941390622781 -0.6571545420657711 -0.4218911868713739 +31374,0.03160988597046394,1,0.4123650529298186 0.35819256982585024 0.2250830399132271 0.02696653027583305 -0.19591454306622974 -0.3924832674720743 -0.5286883678477788 -0.5967909180356311 -0.6540589716026897 -0.694301387622783 -0.7206137365590013 -0.7391871593375072 -0.7144225956328297 -0.8103852799884409 -0.7608561525790946 -0.8088374947569001 -0.8041941390622781 -0.6571545420657711 -0.4218911868713739 -0.2206791067708985 +31375,0.14150263740995023,1,0.35819256982585024 0.2250830399132271 0.02696653027583305 -0.19591454306622974 -0.3924832674720743 -0.5286883678477788 -0.5967909180356311 -0.6540589716026897 -0.694301387622783 -0.7206137365590013 -0.7391871593375072 -0.7144225956328297 -0.8103852799884409 -0.7608561525790946 -0.8088374947569001 -0.8041941390622781 -0.6571545420657711 -0.4218911868713739 -0.2206791067708985 0.03160988597046394 +31376,0.3164023685742074,1,0.2250830399132271 0.02696653027583305 -0.19591454306622974 -0.3924832674720743 -0.5286883678477788 -0.5967909180356311 -0.6540589716026897 -0.694301387622783 -0.7206137365590013 -0.7391871593375072 -0.7144225956328297 -0.8103852799884409 -0.7608561525790946 -0.8088374947569001 -0.8041941390622781 -0.6571545420657711 -0.4218911868713739 -0.2206791067708985 0.03160988597046394 0.14150263740995023 +31377,0.3117590128795853,1,0.02696653027583305 -0.19591454306622974 -0.3924832674720743 -0.5286883678477788 -0.5967909180356311 -0.6540589716026897 -0.694301387622783 -0.7206137365590013 -0.7391871593375072 -0.7144225956328297 -0.8103852799884409 -0.7608561525790946 -0.8088374947569001 -0.8041941390622781 -0.6571545420657711 -0.4218911868713739 -0.2206791067708985 0.03160988597046394 0.14150263740995023 0.3164023685742074 +31378,0.36128814028893164,1,-0.19591454306622974 -0.3924832674720743 -0.5286883678477788 -0.5967909180356311 -0.6540589716026897 -0.694301387622783 -0.7206137365590013 -0.7391871593375072 -0.7144225956328297 -0.8103852799884409 -0.7608561525790946 -0.8088374947569001 -0.8041941390622781 -0.6571545420657711 -0.4218911868713739 -0.2206791067708985 0.03160988597046394 0.14150263740995023 0.3164023685742074 0.3117590128795853 +31379,0.3164023685742074,1,-0.3924832674720743 -0.5286883678477788 -0.5967909180356311 -0.6540589716026897 -0.694301387622783 -0.7206137365590013 -0.7391871593375072 -0.7144225956328297 -0.8103852799884409 -0.7608561525790946 -0.8088374947569001 -0.8041941390622781 -0.6571545420657711 -0.4218911868713739 -0.2206791067708985 0.03160988597046394 0.14150263740995023 0.3164023685742074 0.3117590128795853 0.36128814028893164 +31380,0.30247230149033233,1,-0.5286883678477788 -0.5967909180356311 -0.6540589716026897 -0.694301387622783 -0.7206137365590013 -0.7391871593375072 -0.7144225956328297 -0.8103852799884409 -0.7608561525790946 -0.8088374947569001 -0.8041941390622781 -0.6571545420657711 -0.4218911868713739 -0.2206791067708985 0.03160988597046394 0.14150263740995023 0.3164023685742074 0.3117590128795853 0.36128814028893164 0.3164023685742074 +31381,0.11054693277910989,1,-0.5967909180356311 -0.6540589716026897 -0.694301387622783 -0.7206137365590013 -0.7391871593375072 -0.7144225956328297 -0.8103852799884409 -0.7608561525790946 -0.8088374947569001 -0.8041941390622781 -0.6571545420657711 -0.4218911868713739 -0.2206791067708985 0.03160988597046394 0.14150263740995023 0.3164023685742074 0.3117590128795853 0.36128814028893164 0.3164023685742074 0.30247230149033233 +31382,-0.04887494606973151,1,-0.6540589716026897 -0.694301387622783 -0.7206137365590013 -0.7391871593375072 -0.7144225956328297 -0.8103852799884409 -0.7608561525790946 -0.8088374947569001 -0.8041941390622781 -0.6571545420657711 -0.4218911868713739 -0.2206791067708985 0.03160988597046394 0.14150263740995023 0.3164023685742074 0.3117590128795853 0.36128814028893164 0.3164023685742074 0.30247230149033233 0.11054693277910989 +31383,-0.19591454306622974,1,-0.694301387622783 -0.7206137365590013 -0.7391871593375072 -0.7144225956328297 -0.8103852799884409 -0.7608561525790946 -0.8088374947569001 -0.8041941390622781 -0.6571545420657711 -0.4218911868713739 -0.2206791067708985 0.03160988597046394 0.14150263740995023 0.3164023685742074 0.3117590128795853 0.36128814028893164 0.3164023685742074 0.30247230149033233 0.11054693277910989 -0.04887494606973151 +31384,-0.4311778982606269,1,-0.7206137365590013 -0.7391871593375072 -0.7144225956328297 -0.8103852799884409 -0.7608561525790946 -0.8088374947569001 -0.8041941390622781 -0.6571545420657711 -0.4218911868713739 -0.2206791067708985 0.03160988597046394 0.14150263740995023 0.3164023685742074 0.3117590128795853 0.36128814028893164 0.3164023685742074 0.30247230149033233 0.11054693277910989 -0.04887494606973151 -0.19591454306622974 +31385,-0.5255927973846974,1,-0.7391871593375072 -0.7144225956328297 -0.8103852799884409 -0.7608561525790946 -0.8088374947569001 -0.8041941390622781 -0.6571545420657711 -0.4218911868713739 -0.2206791067708985 0.03160988597046394 0.14150263740995023 0.3164023685742074 0.3117590128795853 0.36128814028893164 0.3164023685742074 0.30247230149033233 0.11054693277910989 -0.04887494606973151 -0.19591454306622974 -0.4311778982606269 +31386,-0.615364340814137,1,-0.7144225956328297 -0.8103852799884409 -0.7608561525790946 -0.8088374947569001 -0.8041941390622781 -0.6571545420657711 -0.4218911868713739 -0.2206791067708985 0.03160988597046394 0.14150263740995023 0.3164023685742074 0.3117590128795853 0.36128814028893164 0.3164023685742074 0.30247230149033233 0.11054693277910989 -0.04887494606973151 -0.19591454306622974 -0.4311778982606269 -0.5255927973846974 +31387,-0.6494156159080676,1,-0.8103852799884409 -0.7608561525790946 -0.8088374947569001 -0.8041941390622781 -0.6571545420657711 -0.4218911868713739 -0.2206791067708985 0.03160988597046394 0.14150263740995023 0.3164023685742074 0.3117590128795853 0.36128814028893164 0.3164023685742074 0.30247230149033233 0.11054693277910989 -0.04887494606973151 -0.19591454306622974 -0.4311778982606269 -0.5255927973846974 -0.615364340814137 +31388,-0.6927536023912423,1,-0.7608561525790946 -0.8088374947569001 -0.8041941390622781 -0.6571545420657711 -0.4218911868713739 -0.2206791067708985 0.03160988597046394 0.14150263740995023 0.3164023685742074 0.3117590128795853 0.36128814028893164 0.3164023685742074 0.30247230149033233 0.11054693277910989 -0.04887494606973151 -0.19591454306622974 -0.4311778982606269 -0.5255927973846974 -0.615364340814137 -0.6494156159080676 +31389,-0.7593083673475539,1,-0.8088374947569001 -0.8041941390622781 -0.6571545420657711 -0.4218911868713739 -0.2206791067708985 0.03160988597046394 0.14150263740995023 0.3164023685742074 0.3117590128795853 0.36128814028893164 0.3164023685742074 0.30247230149033233 0.11054693277910989 -0.04887494606973151 -0.19591454306622974 -0.4311778982606269 -0.5255927973846974 -0.615364340814137 -0.6494156159080676 -0.6927536023912423 +31390,-0.8057419242938189,1,-0.8041941390622781 -0.6571545420657711 -0.4218911868713739 -0.2206791067708985 0.03160988597046394 0.14150263740995023 0.3164023685742074 0.3117590128795853 0.36128814028893164 0.3164023685742074 0.30247230149033233 0.11054693277910989 -0.04887494606973151 -0.19591454306622974 -0.4311778982606269 -0.5255927973846974 -0.615364340814137 -0.6494156159080676 -0.6927536023912423 -0.7593083673475539 +31391,-0.8428887698508307,1,-0.6571545420657711 -0.4218911868713739 -0.2206791067708985 0.03160988597046394 0.14150263740995023 0.3164023685742074 0.3117590128795853 0.36128814028893164 0.3164023685742074 0.30247230149033233 0.11054693277910989 -0.04887494606973151 -0.19591454306622974 -0.4311778982606269 -0.5255927973846974 -0.615364340814137 -0.6494156159080676 -0.6927536023912423 -0.7593083673475539 -0.8057419242938189 +31392,-0.9048001791125114,1,-0.4218911868713739 -0.2206791067708985 0.03160988597046394 0.14150263740995023 0.3164023685742074 0.3117590128795853 0.36128814028893164 0.3164023685742074 0.30247230149033233 0.11054693277910989 -0.04887494606973151 -0.19591454306622974 -0.4311778982606269 -0.5255927973846974 -0.615364340814137 -0.6494156159080676 -0.6927536023912423 -0.7593083673475539 -0.8057419242938189 -0.8428887698508307 +31393,-0.8738444744816711,1,-0.2206791067708985 0.03160988597046394 0.14150263740995023 0.3164023685742074 0.3117590128795853 0.36128814028893164 0.3164023685742074 0.30247230149033233 0.11054693277910989 -0.04887494606973151 -0.19591454306622974 -0.4311778982606269 -0.5255927973846974 -0.615364340814137 -0.6494156159080676 -0.6927536023912423 -0.7593083673475539 -0.8057419242938189 -0.8428887698508307 -0.9048001791125114 +31394,-0.643224474981896,1,0.03160988597046394 0.14150263740995023 0.3164023685742074 0.3117590128795853 0.36128814028893164 0.3164023685742074 0.30247230149033233 0.11054693277910989 -0.04887494606973151 -0.19591454306622974 -0.4311778982606269 -0.5255927973846974 -0.615364340814137 -0.6494156159080676 -0.6927536023912423 -0.7593083673475539 -0.8057419242938189 -0.8428887698508307 -0.9048001791125114 -0.8738444744816711 +31395,-0.34140635483118725,1,0.14150263740995023 0.3164023685742074 0.3117590128795853 0.36128814028893164 0.3164023685742074 0.30247230149033233 0.11054693277910989 -0.04887494606973151 -0.19591454306622974 -0.4311778982606269 -0.5255927973846974 -0.615364340814137 -0.6494156159080676 -0.6927536023912423 -0.7593083673475539 -0.8057419242938189 -0.8428887698508307 -0.9048001791125114 -0.8738444744816711 -0.643224474981896 +31396,-0.09995185871061851,1,0.3164023685742074 0.3117590128795853 0.36128814028893164 0.3164023685742074 0.30247230149033233 0.11054693277910989 -0.04887494606973151 -0.19591454306622974 -0.4311778982606269 -0.5255927973846974 -0.615364340814137 -0.6494156159080676 -0.6927536023912423 -0.7593083673475539 -0.8057419242938189 -0.8428887698508307 -0.9048001791125114 -0.8738444744816711 -0.643224474981896 -0.34140635483118725 +31397,0.12447699986298497,1,0.3117590128795853 0.36128814028893164 0.3164023685742074 0.30247230149033233 0.11054693277910989 -0.04887494606973151 -0.19591454306622974 -0.4311778982606269 -0.5255927973846974 -0.615364340814137 -0.6494156159080676 -0.6927536023912423 -0.7593083673475539 -0.8057419242938189 -0.8428887698508307 -0.9048001791125114 -0.8738444744816711 -0.643224474981896 -0.34140635483118725 -0.09995185871061851 +31398,0.29473337533262006,1,0.36128814028893164 0.3164023685742074 0.30247230149033233 0.11054693277910989 -0.04887494606973151 -0.19591454306622974 -0.4311778982606269 -0.5255927973846974 -0.615364340814137 -0.6494156159080676 -0.6927536023912423 -0.7593083673475539 -0.8057419242938189 -0.8428887698508307 -0.9048001791125114 -0.8738444744816711 -0.643224474981896 -0.34140635483118725 -0.09995185871061851 0.12447699986298497 +31399,0.4882065292753832,1,0.3164023685742074 0.30247230149033233 0.11054693277910989 -0.04887494606973151 -0.19591454306622974 -0.4311778982606269 -0.5255927973846974 -0.615364340814137 -0.6494156159080676 -0.6927536023912423 -0.7593083673475539 -0.8057419242938189 -0.8428887698508307 -0.9048001791125114 -0.8738444744816711 -0.643224474981896 -0.34140635483118725 -0.09995185871061851 0.12447699986298497 0.29473337533262006 +31400,0.660010689976559,1,0.30247230149033233 0.11054693277910989 -0.04887494606973151 -0.19591454306622974 -0.4311778982606269 -0.5255927973846974 -0.615364340814137 -0.6494156159080676 -0.6927536023912423 -0.7593083673475539 -0.8057419242938189 -0.8428887698508307 -0.9048001791125114 -0.8738444744816711 -0.643224474981896 -0.34140635483118725 -0.09995185871061851 0.12447699986298497 0.29473337533262006 0.4882065292753832 +31401,0.7126353878489867,1,0.11054693277910989 -0.04887494606973151 -0.19591454306622974 -0.4311778982606269 -0.5255927973846974 -0.615364340814137 -0.6494156159080676 -0.6927536023912423 -0.7593083673475539 -0.8057419242938189 -0.8428887698508307 -0.9048001791125114 -0.8738444744816711 -0.643224474981896 -0.34140635483118725 -0.09995185871061851 0.12447699986298497 0.29473337533262006 0.4882065292753832 0.660010689976559 +31402,0.7141831730805274,1,-0.04887494606973151 -0.19591454306622974 -0.4311778982606269 -0.5255927973846974 -0.615364340814137 -0.6494156159080676 -0.6927536023912423 -0.7593083673475539 -0.8057419242938189 -0.8428887698508307 -0.9048001791125114 -0.8738444744816711 -0.643224474981896 -0.34140635483118725 -0.09995185871061851 0.12447699986298497 0.29473337533262006 0.4882065292753832 0.660010689976559 0.7126353878489867 +31403,0.6398894819665123,1,-0.19591454306622974 -0.4311778982606269 -0.5255927973846974 -0.615364340814137 -0.6494156159080676 -0.6927536023912423 -0.7593083673475539 -0.8057419242938189 -0.8428887698508307 -0.9048001791125114 -0.8738444744816711 -0.643224474981896 -0.34140635483118725 -0.09995185871061851 0.12447699986298497 0.29473337533262006 0.4882065292753832 0.660010689976559 0.7126353878489867 0.7141831730805274 +31404,0.4943976702015548,1,-0.4311778982606269 -0.5255927973846974 -0.615364340814137 -0.6494156159080676 -0.6927536023912423 -0.7593083673475539 -0.8057419242938189 -0.8428887698508307 -0.9048001791125114 -0.8738444744816711 -0.643224474981896 -0.34140635483118725 -0.09995185871061851 0.12447699986298497 0.29473337533262006 0.4882065292753832 0.660010689976559 0.7126353878489867 0.7141831730805274 0.6398894819665123 +31405,0.34735807320504775,1,-0.5255927973846974 -0.615364340814137 -0.6494156159080676 -0.6927536023912423 -0.7593083673475539 -0.8057419242938189 -0.8428887698508307 -0.9048001791125114 -0.8738444744816711 -0.643224474981896 -0.34140635483118725 -0.09995185871061851 0.12447699986298497 0.29473337533262006 0.4882065292753832 0.660010689976559 0.7126353878489867 0.7141831730805274 0.6398894819665123 0.4943976702015548 +31406,0.02077538934967026,1,-0.615364340814137 -0.6494156159080676 -0.6927536023912423 -0.7593083673475539 -0.8057419242938189 -0.8428887698508307 -0.9048001791125114 -0.8738444744816711 -0.643224474981896 -0.34140635483118725 -0.09995185871061851 0.12447699986298497 0.29473337533262006 0.4882065292753832 0.660010689976559 0.7126353878489867 0.7141831730805274 0.6398894819665123 0.4943976702015548 0.34735807320504775 +31407,-0.18043669075080518,1,-0.6494156159080676 -0.6927536023912423 -0.7593083673475539 -0.8057419242938189 -0.8428887698508307 -0.9048001791125114 -0.8738444744816711 -0.643224474981896 -0.34140635483118725 -0.09995185871061851 0.12447699986298497 0.29473337533262006 0.4882065292753832 0.660010689976559 0.7126353878489867 0.7141831730805274 0.6398894819665123 0.4943976702015548 0.34735807320504775 0.02077538934967026 +31408,-0.3181895763580504,1,-0.6927536023912423 -0.7593083673475539 -0.8057419242938189 -0.8428887698508307 -0.9048001791125114 -0.8738444744816711 -0.643224474981896 -0.34140635483118725 -0.09995185871061851 0.12447699986298497 0.29473337533262006 0.4882065292753832 0.660010689976559 0.7126353878489867 0.7141831730805274 0.6398894819665123 0.4943976702015548 0.34735807320504775 0.02077538934967026 -0.18043669075080518 +31409,-0.4234389721029146,1,-0.7593083673475539 -0.8057419242938189 -0.8428887698508307 -0.9048001791125114 -0.8738444744816711 -0.643224474981896 -0.34140635483118725 -0.09995185871061851 0.12447699986298497 0.29473337533262006 0.4882065292753832 0.660010689976559 0.7126353878489867 0.7141831730805274 0.6398894819665123 0.4943976702015548 0.34735807320504775 0.02077538934967026 -0.18043669075080518 -0.3181895763580504 +31410,-0.47142031428072023,1,-0.8057419242938189 -0.8428887698508307 -0.9048001791125114 -0.8738444744816711 -0.643224474981896 -0.34140635483118725 -0.09995185871061851 0.12447699986298497 0.29473337533262006 0.4882065292753832 0.660010689976559 0.7126353878489867 0.7141831730805274 0.6398894819665123 0.4943976702015548 0.34735807320504775 0.02077538934967026 -0.18043669075080518 -0.3181895763580504 -0.4234389721029146 +31411,-0.5813130657202153,1,-0.8428887698508307 -0.9048001791125114 -0.8738444744816711 -0.643224474981896 -0.34140635483118725 -0.09995185871061851 0.12447699986298497 0.29473337533262006 0.4882065292753832 0.660010689976559 0.7126353878489867 0.7141831730805274 0.6398894819665123 0.4943976702015548 0.34735807320504775 0.02077538934967026 -0.18043669075080518 -0.3181895763580504 -0.4234389721029146 -0.47142031428072023 +31412,-0.6385811192872651,1,-0.9048001791125114 -0.8738444744816711 -0.643224474981896 -0.34140635483118725 -0.09995185871061851 0.12447699986298497 0.29473337533262006 0.4882065292753832 0.660010689976559 0.7126353878489867 0.7141831730805274 0.6398894819665123 0.4943976702015548 0.34735807320504775 0.02077538934967026 -0.18043669075080518 -0.3181895763580504 -0.4234389721029146 -0.47142031428072023 -0.5813130657202153 +31413,-0.6973969580858732,1,-0.8738444744816711 -0.643224474981896 -0.34140635483118725 -0.09995185871061851 0.12447699986298497 0.29473337533262006 0.4882065292753832 0.660010689976559 0.7126353878489867 0.7141831730805274 0.6398894819665123 0.4943976702015548 0.34735807320504775 0.02077538934967026 -0.18043669075080518 -0.3181895763580504 -0.4234389721029146 -0.47142031428072023 -0.5813130657202153 -0.6385811192872651 +31414,-0.7345438036428763,1,-0.643224474981896 -0.34140635483118725 -0.09995185871061851 0.12447699986298497 0.29473337533262006 0.4882065292753832 0.660010689976559 0.7126353878489867 0.7141831730805274 0.6398894819665123 0.4943976702015548 0.34735807320504775 0.02077538934967026 -0.18043669075080518 -0.3181895763580504 -0.4234389721029146 -0.47142031428072023 -0.5813130657202153 -0.6385811192872651 -0.6973969580858732 +31415,-0.7701428639683475,1,-0.34140635483118725 -0.09995185871061851 0.12447699986298497 0.29473337533262006 0.4882065292753832 0.660010689976559 0.7126353878489867 0.7141831730805274 0.6398894819665123 0.4943976702015548 0.34735807320504775 0.02077538934967026 -0.18043669075080518 -0.3181895763580504 -0.4234389721029146 -0.47142031428072023 -0.5813130657202153 -0.6385811192872651 -0.6973969580858732 -0.7345438036428763 +31416,-0.8305064879984876,1,-0.09995185871061851 0.12447699986298497 0.29473337533262006 0.4882065292753832 0.660010689976559 0.7126353878489867 0.7141831730805274 0.6398894819665123 0.4943976702015548 0.34735807320504775 0.02077538934967026 -0.18043669075080518 -0.3181895763580504 -0.4234389721029146 -0.47142031428072023 -0.5813130657202153 -0.6385811192872651 -0.6973969580858732 -0.7345438036428763 -0.7701428639683475 +31417,-0.8413409846192812,1,0.12447699986298497 0.29473337533262006 0.4882065292753832 0.660010689976559 0.7126353878489867 0.7141831730805274 0.6398894819665123 0.4943976702015548 0.34735807320504775 0.02077538934967026 -0.18043669075080518 -0.3181895763580504 -0.4234389721029146 -0.47142031428072023 -0.5813130657202153 -0.6385811192872651 -0.6973969580858732 -0.7345438036428763 -0.7701428639683475 -0.8305064879984876 +31418,-0.6215554817403086,1,0.29473337533262006 0.4882065292753832 0.660010689976559 0.7126353878489867 0.7141831730805274 0.6398894819665123 0.4943976702015548 0.34735807320504775 0.02077538934967026 -0.18043669075080518 -0.3181895763580504 -0.4234389721029146 -0.47142031428072023 -0.5813130657202153 -0.6385811192872651 -0.6973969580858732 -0.7345438036428763 -0.7701428639683475 -0.8305064879984876 -0.8413409846192812 +31419,-0.28568608649566934,1,0.4882065292753832 0.660010689976559 0.7126353878489867 0.7141831730805274 0.6398894819665123 0.4943976702015548 0.34735807320504775 0.02077538934967026 -0.18043669075080518 -0.3181895763580504 -0.4234389721029146 -0.47142031428072023 -0.5813130657202153 -0.6385811192872651 -0.6973969580858732 -0.7345438036428763 -0.7701428639683475 -0.8305064879984876 -0.8413409846192812 -0.6215554817403086 +31420,0.013036463191957975,1,0.660010689976559 0.7126353878489867 0.7141831730805274 0.6398894819665123 0.4943976702015548 0.34735807320504775 0.02077538934967026 -0.18043669075080518 -0.3181895763580504 -0.4234389721029146 -0.47142031428072023 -0.5813130657202153 -0.6385811192872651 -0.6973969580858732 -0.7345438036428763 -0.7701428639683475 -0.8305064879984876 -0.8413409846192812 -0.6215554817403086 -0.28568608649566934 +31421,0.3117590128795853,1,0.7126353878489867 0.7141831730805274 0.6398894819665123 0.4943976702015548 0.34735807320504775 0.02077538934967026 -0.18043669075080518 -0.3181895763580504 -0.4234389721029146 -0.47142031428072023 -0.5813130657202153 -0.6385811192872651 -0.6973969580858732 -0.7345438036428763 -0.7701428639683475 -0.8305064879984876 -0.8413409846192812 -0.6215554817403086 -0.28568608649566934 0.013036463191957975 +31422,0.5547612942316947,1,0.7141831730805274 0.6398894819665123 0.4943976702015548 0.34735807320504775 0.02077538934967026 -0.18043669075080518 -0.3181895763580504 -0.4234389721029146 -0.47142031428072023 -0.5813130657202153 -0.6385811192872651 -0.6973969580858732 -0.7345438036428763 -0.7701428639683475 -0.8305064879984876 -0.8413409846192812 -0.6215554817403086 -0.28568608649566934 0.013036463191957975 0.3117590128795853 +31423,0.8085980722045979,1,0.6398894819665123 0.4943976702015548 0.34735807320504775 0.02077538934967026 -0.18043669075080518 -0.3181895763580504 -0.4234389721029146 -0.47142031428072023 -0.5813130657202153 -0.6385811192872651 -0.6973969580858732 -0.7345438036428763 -0.7701428639683475 -0.8305064879984876 -0.8413409846192812 -0.6215554817403086 -0.28568608649566934 0.013036463191957975 0.3117590128795853 0.5547612942316947 +31424,0.9355164611910495,1,0.4943976702015548 0.34735807320504775 0.02077538934967026 -0.18043669075080518 -0.3181895763580504 -0.4234389721029146 -0.47142031428072023 -0.5813130657202153 -0.6385811192872651 -0.6973969580858732 -0.7345438036428763 -0.7701428639683475 -0.8305064879984876 -0.8413409846192812 -0.6215554817403086 -0.28568608649566934 0.013036463191957975 0.3117590128795853 0.5547612942316947 0.8085980722045979 +31425,1.1042250514291438,1,0.34735807320504775 0.02077538934967026 -0.18043669075080518 -0.3181895763580504 -0.4234389721029146 -0.47142031428072023 -0.5813130657202153 -0.6385811192872651 -0.6973969580858732 -0.7345438036428763 -0.7701428639683475 -0.8305064879984876 -0.8413409846192812 -0.6215554817403086 -0.28568608649566934 0.013036463191957975 0.3117590128795853 0.5547612942316947 0.8085980722045979 0.9355164611910495 +31426,1.1104161923553066,1,0.02077538934967026 -0.18043669075080518 -0.3181895763580504 -0.4234389721029146 -0.47142031428072023 -0.5813130657202153 -0.6385811192872651 -0.6973969580858732 -0.7345438036428763 -0.7701428639683475 -0.8305064879984876 -0.8413409846192812 -0.6215554817403086 -0.28568608649566934 0.013036463191957975 0.3117590128795853 0.5547612942316947 0.8085980722045979 0.9355164611910495 1.1042250514291438 +31427,1.0190968636943263,1,-0.18043669075080518 -0.3181895763580504 -0.4234389721029146 -0.47142031428072023 -0.5813130657202153 -0.6385811192872651 -0.6973969580858732 -0.7345438036428763 -0.7701428639683475 -0.8305064879984876 -0.8413409846192812 -0.6215554817403086 -0.28568608649566934 0.013036463191957975 0.3117590128795853 0.5547612942316947 0.8085980722045979 0.9355164611910495 1.1042250514291438 1.1104161923553066 +31428,0.8859873337817031,1,-0.3181895763580504 -0.4234389721029146 -0.47142031428072023 -0.5813130657202153 -0.6385811192872651 -0.6973969580858732 -0.7345438036428763 -0.7701428639683475 -0.8305064879984876 -0.8413409846192812 -0.6215554817403086 -0.28568608649566934 0.013036463191957975 0.3117590128795853 0.5547612942316947 0.8085980722045979 0.9355164611910495 1.1042250514291438 1.1104161923553066 1.0190968636943263 +31429,0.711087602617446,1,-0.4234389721029146 -0.47142031428072023 -0.5813130657202153 -0.6385811192872651 -0.6973969580858732 -0.7345438036428763 -0.7701428639683475 -0.8305064879984876 -0.8413409846192812 -0.6215554817403086 -0.28568608649566934 0.013036463191957975 0.3117590128795853 0.5547612942316947 0.8085980722045979 0.9355164611910495 1.1042250514291438 1.1104161923553066 1.0190968636943263 0.8859873337817031 +31430,0.40307834154056565,1,-0.47142031428072023 -0.5813130657202153 -0.6385811192872651 -0.6973969580858732 -0.7345438036428763 -0.7701428639683475 -0.8305064879984876 -0.8413409846192812 -0.6215554817403086 -0.28568608649566934 0.013036463191957975 0.3117590128795853 0.5547612942316947 0.8085980722045979 0.9355164611910495 1.1042250514291438 1.1104161923553066 1.0190968636943263 0.8859873337817031 0.711087602617446 +31431,0.1043557918529383,1,-0.5813130657202153 -0.6385811192872651 -0.6973969580858732 -0.7345438036428763 -0.7701428639683475 -0.8305064879984876 -0.8413409846192812 -0.6215554817403086 -0.28568608649566934 0.013036463191957975 0.3117590128795853 0.5547612942316947 0.8085980722045979 0.9355164611910495 1.1042250514291438 1.1104161923553066 1.0190968636943263 0.8859873337817031 0.711087602617446 0.40307834154056565 +31432,-0.02101481190197256,1,-0.6385811192872651 -0.6973969580858732 -0.7345438036428763 -0.7701428639683475 -0.8305064879984876 -0.8413409846192812 -0.6215554817403086 -0.28568608649566934 0.013036463191957975 0.3117590128795853 0.5547612942316947 0.8085980722045979 0.9355164611910495 1.1042250514291438 1.1104161923553066 1.0190968636943263 0.8859873337817031 0.711087602617446 0.40307834154056565 0.1043557918529383 +31433,-0.17579333505618308,1,-0.6973969580858732 -0.7345438036428763 -0.7701428639683475 -0.8305064879984876 -0.8413409846192812 -0.6215554817403086 -0.28568608649566934 0.013036463191957975 0.3117590128795853 0.5547612942316947 0.8085980722045979 0.9355164611910495 1.1042250514291438 1.1104161923553066 1.0190968636943263 0.8859873337817031 0.711087602617446 0.40307834154056565 0.1043557918529383 -0.02101481190197256 +31434,-0.2794949455694978,1,-0.7345438036428763 -0.7701428639683475 -0.8305064879984876 -0.8413409846192812 -0.6215554817403086 -0.28568608649566934 0.013036463191957975 0.3117590128795853 0.5547612942316947 0.8085980722045979 0.9355164611910495 1.1042250514291438 1.1104161923553066 1.0190968636943263 0.8859873337817031 0.711087602617446 0.40307834154056565 0.1043557918529383 -0.02101481190197256 -0.17579333505618308 +31435,-0.3274762877473034,1,-0.7701428639683475 -0.8305064879984876 -0.8413409846192812 -0.6215554817403086 -0.28568608649566934 0.013036463191957975 0.3117590128795853 0.5547612942316947 0.8085980722045979 0.9355164611910495 1.1042250514291438 1.1104161923553066 1.0190968636943263 0.8859873337817031 0.711087602617446 0.40307834154056565 0.1043557918529383 -0.02101481190197256 -0.17579333505618308 -0.2794949455694978 +31436,-0.4218911868713739,1,-0.8305064879984876 -0.8413409846192812 -0.6215554817403086 -0.28568608649566934 0.013036463191957975 0.3117590128795853 0.5547612942316947 0.8085980722045979 0.9355164611910495 1.1042250514291438 1.1104161923553066 1.0190968636943263 0.8859873337817031 0.711087602617446 0.40307834154056565 0.1043557918529383 -0.02101481190197256 -0.17579333505618308 -0.2794949455694978 -0.3274762877473034 +31437,-0.5116627303008136,1,-0.8413409846192812 -0.6215554817403086 -0.28568608649566934 0.013036463191957975 0.3117590128795853 0.5547612942316947 0.8085980722045979 0.9355164611910495 1.1042250514291438 1.1104161923553066 1.0190968636943263 0.8859873337817031 0.711087602617446 0.40307834154056565 0.1043557918529383 -0.02101481190197256 -0.17579333505618308 -0.2794949455694978 -0.3274762877473034 -0.4218911868713739 +31438,-0.582860850951756,1,-0.6215554817403086 -0.28568608649566934 0.013036463191957975 0.3117590128795853 0.5547612942316947 0.8085980722045979 0.9355164611910495 1.1042250514291438 1.1104161923553066 1.0190968636943263 0.8859873337817031 0.711087602617446 0.40307834154056565 0.1043557918529383 -0.02101481190197256 -0.17579333505618308 -0.2794949455694978 -0.3274762877473034 -0.4218911868713739 -0.5116627303008136 +31439,-0.6540589716026897,1,-0.28568608649566934 0.013036463191957975 0.3117590128795853 0.5547612942316947 0.8085980722045979 0.9355164611910495 1.1042250514291438 1.1104161923553066 1.0190968636943263 0.8859873337817031 0.711087602617446 0.40307834154056565 0.1043557918529383 -0.02101481190197256 -0.17579333505618308 -0.2794949455694978 -0.3274762877473034 -0.4218911868713739 -0.5116627303008136 -0.582860850951756 +31440,-0.6927536023912423,1,0.013036463191957975 0.3117590128795853 0.5547612942316947 0.8085980722045979 0.9355164611910495 1.1042250514291438 1.1104161923553066 1.0190968636943263 0.8859873337817031 0.711087602617446 0.40307834154056565 0.1043557918529383 -0.02101481190197256 -0.17579333505618308 -0.2794949455694978 -0.3274762877473034 -0.4218911868713739 -0.5116627303008136 -0.582860850951756 -0.6540589716026897 +31441,-0.7190659513274605,1,0.3117590128795853 0.5547612942316947 0.8085980722045979 0.9355164611910495 1.1042250514291438 1.1104161923553066 1.0190968636943263 0.8859873337817031 0.711087602617446 0.40307834154056565 0.1043557918529383 -0.02101481190197256 -0.17579333505618308 -0.2794949455694978 -0.3274762877473034 -0.4218911868713739 -0.5116627303008136 -0.582860850951756 -0.6540589716026897 -0.6927536023912423 +31442,-0.45594246196530447,1,0.5547612942316947 0.8085980722045979 0.9355164611910495 1.1042250514291438 1.1104161923553066 1.0190968636943263 0.8859873337817031 0.711087602617446 0.40307834154056565 0.1043557918529383 -0.02101481190197256 -0.17579333505618308 -0.2794949455694978 -0.3274762877473034 -0.4218911868713739 -0.5116627303008136 -0.582860850951756 -0.6540589716026897 -0.6927536023912423 -0.7190659513274605 +31443,0.03160988597046394,1,0.8085980722045979 0.9355164611910495 1.1042250514291438 1.1104161923553066 1.0190968636943263 0.8859873337817031 0.711087602617446 0.40307834154056565 0.1043557918529383 -0.02101481190197256 -0.17579333505618308 -0.2794949455694978 -0.3274762877473034 -0.4218911868713739 -0.5116627303008136 -0.582860850951756 -0.6540589716026897 -0.6927536023912423 -0.7190659513274605 -0.45594246196530447 +31444,0.3334280061211727,1,0.9355164611910495 1.1042250514291438 1.1104161923553066 1.0190968636943263 0.8859873337817031 0.711087602617446 0.40307834154056565 0.1043557918529383 -0.02101481190197256 -0.17579333505618308 -0.2794949455694978 -0.3274762877473034 -0.4218911868713739 -0.5116627303008136 -0.582860850951756 -0.6540589716026897 -0.6927536023912423 -0.7190659513274605 -0.45594246196530447 0.03160988597046394 +31445,0.7095398173859053,1,1.1042250514291438 1.1104161923553066 1.0190968636943263 0.8859873337817031 0.711087602617446 0.40307834154056565 0.1043557918529383 -0.02101481190197256 -0.17579333505618308 -0.2794949455694978 -0.3274762877473034 -0.4218911868713739 -0.5116627303008136 -0.582860850951756 -0.6540589716026897 -0.6927536023912423 -0.7190659513274605 -0.45594246196530447 0.03160988597046394 0.3334280061211727 +31446,0.9804022329057737,1,1.1104161923553066 1.0190968636943263 0.8859873337817031 0.711087602617446 0.40307834154056565 0.1043557918529383 -0.02101481190197256 -0.17579333505618308 -0.2794949455694978 -0.3274762877473034 -0.4218911868713739 -0.5116627303008136 -0.582860850951756 -0.6540589716026897 -0.6927536023912423 -0.7190659513274605 -0.45594246196530447 0.03160988597046394 0.3334280061211727 0.7095398173859053 +31447,1.1738753868485368,1,1.0190968636943263 0.8859873337817031 0.711087602617446 0.40307834154056565 0.1043557918529383 -0.02101481190197256 -0.17579333505618308 -0.2794949455694978 -0.3274762877473034 -0.4218911868713739 -0.5116627303008136 -0.582860850951756 -0.6540589716026897 -0.6927536023912423 -0.7190659513274605 -0.45594246196530447 0.03160988597046394 0.3334280061211727 0.7095398173859053 0.9804022329057737 +31448,1.297698205371907,1,0.8859873337817031 0.711087602617446 0.40307834154056565 0.1043557918529383 -0.02101481190197256 -0.17579333505618308 -0.2794949455694978 -0.3274762877473034 -0.4218911868713739 -0.5116627303008136 -0.582860850951756 -0.6540589716026897 -0.6927536023912423 -0.7190659513274605 -0.45594246196530447 0.03160988597046394 0.3334280061211727 0.7095398173859053 0.9804022329057737 1.1738753868485368 +31449,1.3611573998651283,1,0.711087602617446 0.40307834154056565 0.1043557918529383 -0.02101481190197256 -0.17579333505618308 -0.2794949455694978 -0.3274762877473034 -0.4218911868713739 -0.5116627303008136 -0.582860850951756 -0.6540589716026897 -0.6927536023912423 -0.7190659513274605 -0.45594246196530447 0.03160988597046394 0.3334280061211727 0.7095398173859053 0.9804022329057737 1.1738753868485368 1.297698205371907 +31450,1.381278607875175,1,0.40307834154056565 0.1043557918529383 -0.02101481190197256 -0.17579333505618308 -0.2794949455694978 -0.3274762877473034 -0.4218911868713739 -0.5116627303008136 -0.582860850951756 -0.6540589716026897 -0.6927536023912423 -0.7190659513274605 -0.45594246196530447 0.03160988597046394 0.3334280061211727 0.7095398173859053 0.9804022329057737 1.1738753868485368 1.297698205371907 1.3611573998651283 +31451,1.2992459906034477,1,0.1043557918529383 -0.02101481190197256 -0.17579333505618308 -0.2794949455694978 -0.3274762877473034 -0.4218911868713739 -0.5116627303008136 -0.582860850951756 -0.6540589716026897 -0.6927536023912423 -0.7190659513274605 -0.45594246196530447 0.03160988597046394 0.3334280061211727 0.7095398173859053 0.9804022329057737 1.1738753868485368 1.297698205371907 1.3611573998651283 1.381278607875175 +31452,1.0655304206405911,1,-0.02101481190197256 -0.17579333505618308 -0.2794949455694978 -0.3274762877473034 -0.4218911868713739 -0.5116627303008136 -0.582860850951756 -0.6540589716026897 -0.6927536023912423 -0.7190659513274605 -0.45594246196530447 0.03160988597046394 0.3334280061211727 0.7095398173859053 0.9804022329057737 1.1738753868485368 1.297698205371907 1.3611573998651283 1.381278607875175 1.2992459906034477 +31453,0.734304381090574,1,-0.17579333505618308 -0.2794949455694978 -0.3274762877473034 -0.4218911868713739 -0.5116627303008136 -0.582860850951756 -0.6540589716026897 -0.6927536023912423 -0.7190659513274605 -0.45594246196530447 0.03160988597046394 0.3334280061211727 0.7095398173859053 0.9804022329057737 1.1738753868485368 1.297698205371907 1.3611573998651283 1.381278607875175 1.2992459906034477 1.0655304206405911 +31454,0.4742764621915081,1,-0.2794949455694978 -0.3274762877473034 -0.4218911868713739 -0.5116627303008136 -0.582860850951756 -0.6540589716026897 -0.6927536023912423 -0.7190659513274605 -0.45594246196530447 0.03160988597046394 0.3334280061211727 0.7095398173859053 0.9804022329057737 1.1738753868485368 1.297698205371907 1.3611573998651283 1.381278607875175 1.2992459906034477 1.0655304206405911 0.734304381090574 +31455,0.054826664443592,1,-0.3274762877473034 -0.4218911868713739 -0.5116627303008136 -0.582860850951756 -0.6540589716026897 -0.6927536023912423 -0.7190659513274605 -0.45594246196530447 0.03160988597046394 0.3334280061211727 0.7095398173859053 0.9804022329057737 1.1738753868485368 1.297698205371907 1.3611573998651283 1.381278607875175 1.2992459906034477 1.0655304206405911 0.734304381090574 0.4742764621915081 +31456,-0.15567212704613642,1,-0.4218911868713739 -0.5116627303008136 -0.582860850951756 -0.6540589716026897 -0.6927536023912423 -0.7190659513274605 -0.45594246196530447 0.03160988597046394 0.3334280061211727 0.7095398173859053 0.9804022329057737 1.1738753868485368 1.297698205371907 1.3611573998651283 1.381278607875175 1.2992459906034477 1.0655304206405911 0.734304381090574 0.4742764621915081 0.054826664443592 +31457,-0.29806836834800376,1,-0.5116627303008136 -0.582860850951756 -0.6540589716026897 -0.6927536023912423 -0.7190659513274605 -0.45594246196530447 0.03160988597046394 0.3334280061211727 0.7095398173859053 0.9804022329057737 1.1738753868485368 1.297698205371907 1.3611573998651283 1.381278607875175 1.2992459906034477 1.0655304206405911 0.734304381090574 0.4742764621915081 0.054826664443592 -0.15567212704613642 +31458,-0.36617091853585604,1,-0.582860850951756 -0.6540589716026897 -0.6927536023912423 -0.7190659513274605 -0.45594246196530447 0.03160988597046394 0.3334280061211727 0.7095398173859053 0.9804022329057737 1.1738753868485368 1.297698205371907 1.3611573998651283 1.381278607875175 1.2992459906034477 1.0655304206405911 0.734304381090574 0.4742764621915081 0.054826664443592 -0.15567212704613642 -0.29806836834800376 +31459,-0.4218911868713739,1,-0.6540589716026897 -0.6927536023912423 -0.7190659513274605 -0.45594246196530447 0.03160988597046394 0.3334280061211727 0.7095398173859053 0.9804022329057737 1.1738753868485368 1.297698205371907 1.3611573998651283 1.381278607875175 1.2992459906034477 1.0655304206405911 0.734304381090574 0.4742764621915081 0.054826664443592 -0.15567212704613642 -0.29806836834800376 -0.36617091853585604 +31460,-0.4992804484484792,1,-0.6927536023912423 -0.7190659513274605 -0.45594246196530447 0.03160988597046394 0.3334280061211727 0.7095398173859053 0.9804022329057737 1.1738753868485368 1.297698205371907 1.3611573998651283 1.381278607875175 1.2992459906034477 1.0655304206405911 0.734304381090574 0.4742764621915081 0.054826664443592 -0.15567212704613642 -0.29806836834800376 -0.36617091853585604 -0.4218911868713739 +31461,-0.5426184349316627,1,-0.7190659513274605 -0.45594246196530447 0.03160988597046394 0.3334280061211727 0.7095398173859053 0.9804022329057737 1.1738753868485368 1.297698205371907 1.3611573998651283 1.381278607875175 1.2992459906034477 1.0655304206405911 0.734304381090574 0.4742764621915081 0.054826664443592 -0.15567212704613642 -0.29806836834800376 -0.36617091853585604 -0.4218911868713739 -0.4992804484484792 +31462,-0.5379750792370318,1,-0.45594246196530447 0.03160988597046394 0.3334280061211727 0.7095398173859053 0.9804022329057737 1.1738753868485368 1.297698205371907 1.3611573998651283 1.381278607875175 1.2992459906034477 1.0655304206405911 0.734304381090574 0.4742764621915081 0.054826664443592 -0.15567212704613642 -0.29806836834800376 -0.36617091853585604 -0.4218911868713739 -0.4992804484484792 -0.5426184349316627 +31463,-0.5797652804886658,1,0.03160988597046394 0.3334280061211727 0.7095398173859053 0.9804022329057737 1.1738753868485368 1.297698205371907 1.3611573998651283 1.381278607875175 1.2992459906034477 1.0655304206405911 0.734304381090574 0.4742764621915081 0.054826664443592 -0.15567212704613642 -0.29806836834800376 -0.36617091853585604 -0.4218911868713739 -0.4992804484484792 -0.5426184349316627 -0.5379750792370318 +31464,-0.6509634011396083,1,0.3334280061211727 0.7095398173859053 0.9804022329057737 1.1738753868485368 1.297698205371907 1.3611573998651283 1.381278607875175 1.2992459906034477 1.0655304206405911 0.734304381090574 0.4742764621915081 0.054826664443592 -0.15567212704613642 -0.29806836834800376 -0.36617091853585604 -0.4218911868713739 -0.4992804484484792 -0.5426184349316627 -0.5379750792370318 -0.5797652804886658 +31465,-0.6540589716026897,1,0.7095398173859053 0.9804022329057737 1.1738753868485368 1.297698205371907 1.3611573998651283 1.381278607875175 1.2992459906034477 1.0655304206405911 0.734304381090574 0.4742764621915081 0.054826664443592 -0.15567212704613642 -0.29806836834800376 -0.36617091853585604 -0.4218911868713739 -0.4992804484484792 -0.5426184349316627 -0.5379750792370318 -0.5797652804886658 -0.6509634011396083 +31466,-0.5488095758578255,1,0.9804022329057737 1.1738753868485368 1.297698205371907 1.3611573998651283 1.381278607875175 1.2992459906034477 1.0655304206405911 0.734304381090574 0.4742764621915081 0.054826664443592 -0.15567212704613642 -0.29806836834800376 -0.36617091853585604 -0.4218911868713739 -0.4992804484484792 -0.5426184349316627 -0.5379750792370318 -0.5797652804886658 -0.6509634011396083 -0.6540589716026897 +31467,-0.4126044754821209,1,1.1738753868485368 1.297698205371907 1.3611573998651283 1.381278607875175 1.2992459906034477 1.0655304206405911 0.734304381090574 0.4742764621915081 0.054826664443592 -0.15567212704613642 -0.29806836834800376 -0.36617091853585604 -0.4218911868713739 -0.4992804484484792 -0.5426184349316627 -0.5379750792370318 -0.5797652804886658 -0.6509634011396083 -0.6540589716026897 -0.5488095758578255 +31468,-0.3367629991365564,1,1.297698205371907 1.3611573998651283 1.381278607875175 1.2992459906034477 1.0655304206405911 0.734304381090574 0.4742764621915081 0.054826664443592 -0.15567212704613642 -0.29806836834800376 -0.36617091853585604 -0.4218911868713739 -0.4992804484484792 -0.5426184349316627 -0.5379750792370318 -0.5797652804886658 -0.6509634011396083 -0.6540589716026897 -0.5488095758578255 -0.4126044754821209 +31469,-0.18972340214005814,1,1.3611573998651283 1.381278607875175 1.2992459906034477 1.0655304206405911 0.734304381090574 0.4742764621915081 0.054826664443592 -0.15567212704613642 -0.29806836834800376 -0.36617091853585604 -0.4218911868713739 -0.4992804484484792 -0.5426184349316627 -0.5379750792370318 -0.5797652804886658 -0.6509634011396083 -0.6540589716026897 -0.5488095758578255 -0.4126044754821209 -0.3367629991365564 +31470,0.07649565768517935,1,1.381278607875175 1.2992459906034477 1.0655304206405911 0.734304381090574 0.4742764621915081 0.054826664443592 -0.15567212704613642 -0.29806836834800376 -0.36617091853585604 -0.4218911868713739 -0.4992804484484792 -0.5426184349316627 -0.5379750792370318 -0.5797652804886658 -0.6509634011396083 -0.6540589716026897 -0.5488095758578255 -0.4126044754821209 -0.3367629991365564 -0.18972340214005814 +31471,0.4123650529298186,1,1.2992459906034477 1.0655304206405911 0.734304381090574 0.4742764621915081 0.054826664443592 -0.15567212704613642 -0.29806836834800376 -0.36617091853585604 -0.4218911868713739 -0.4992804484484792 -0.5426184349316627 -0.5379750792370318 -0.5797652804886658 -0.6509634011396083 -0.6540589716026897 -0.5488095758578255 -0.4126044754821209 -0.3367629991365564 -0.18972340214005814 0.07649565768517935 +31472,0.5686913613155699,1,1.0655304206405911 0.734304381090574 0.4742764621915081 0.054826664443592 -0.15567212704613642 -0.29806836834800376 -0.36617091853585604 -0.4218911868713739 -0.4992804484484792 -0.5426184349316627 -0.5379750792370318 -0.5797652804886658 -0.6509634011396083 -0.6540589716026897 -0.5488095758578255 -0.4126044754821209 -0.3367629991365564 -0.18972340214005814 0.07649565768517935 0.4123650529298186 +31473,0.650723978587306,1,0.734304381090574 0.4742764621915081 0.054826664443592 -0.15567212704613642 -0.29806836834800376 -0.36617091853585604 -0.4218911868713739 -0.4992804484484792 -0.5426184349316627 -0.5379750792370318 -0.5797652804886658 -0.6509634011396083 -0.6540589716026897 -0.5488095758578255 -0.4126044754821209 -0.3367629991365564 -0.18972340214005814 0.07649565768517935 0.4123650529298186 0.5686913613155699 +31474,0.6197682739564656,1,0.4742764621915081 0.054826664443592 -0.15567212704613642 -0.29806836834800376 -0.36617091853585604 -0.4218911868713739 -0.4992804484484792 -0.5426184349316627 -0.5379750792370318 -0.5797652804886658 -0.6509634011396083 -0.6540589716026897 -0.5488095758578255 -0.4126044754821209 -0.3367629991365564 -0.18972340214005814 0.07649565768517935 0.4123650529298186 0.5686913613155699 0.650723978587306 +31475,0.4789198178861302,1,0.054826664443592 -0.15567212704613642 -0.29806836834800376 -0.36617091853585604 -0.4218911868713739 -0.4992804484484792 -0.5426184349316627 -0.5379750792370318 -0.5797652804886658 -0.6509634011396083 -0.6540589716026897 -0.5488095758578255 -0.4126044754821209 -0.3367629991365564 -0.18972340214005814 0.07649565768517935 0.4123650529298186 0.5686913613155699 0.650723978587306 0.6197682739564656 +31476,0.3891482744566906,1,-0.15567212704613642 -0.29806836834800376 -0.36617091853585604 -0.4218911868713739 -0.4992804484484792 -0.5426184349316627 -0.5379750792370318 -0.5797652804886658 -0.6509634011396083 -0.6540589716026897 -0.5488095758578255 -0.4126044754821209 -0.3367629991365564 -0.18972340214005814 0.07649565768517935 0.4123650529298186 0.5686913613155699 0.650723978587306 0.6197682739564656 0.4789198178861302 +31477,0.20496183190318043,1,-0.29806836834800376 -0.36617091853585604 -0.4218911868713739 -0.4992804484484792 -0.5426184349316627 -0.5379750792370318 -0.5797652804886658 -0.6509634011396083 -0.6540589716026897 -0.5488095758578255 -0.4126044754821209 -0.3367629991365564 -0.18972340214005814 0.07649565768517935 0.4123650529298186 0.5686913613155699 0.650723978587306 0.6197682739564656 0.4789198178861302 0.3891482744566906 +31478,-0.11078635533141219,1,-0.36617091853585604 -0.4218911868713739 -0.4992804484484792 -0.5426184349316627 -0.5379750792370318 -0.5797652804886658 -0.6509634011396083 -0.6540589716026897 -0.5488095758578255 -0.4126044754821209 -0.3367629991365564 -0.18972340214005814 0.07649565768517935 0.4123650529298186 0.5686913613155699 0.650723978587306 0.6197682739564656 0.4789198178861302 0.3891482744566906 0.20496183190318043 +31479,-0.29961615357954446,1,-0.4218911868713739 -0.4992804484484792 -0.5426184349316627 -0.5379750792370318 -0.5797652804886658 -0.6509634011396083 -0.6540589716026897 -0.5488095758578255 -0.4126044754821209 -0.3367629991365564 -0.18972340214005814 0.07649565768517935 0.4123650529298186 0.5686913613155699 0.650723978587306 0.6197682739564656 0.4789198178861302 0.3891482744566906 0.20496183190318043 -0.11078635533141219 +31480,-0.40022219362978656,1,-0.4992804484484792 -0.5426184349316627 -0.5379750792370318 -0.5797652804886658 -0.6509634011396083 -0.6540589716026897 -0.5488095758578255 -0.4126044754821209 -0.3367629991365564 -0.18972340214005814 0.07649565768517935 0.4123650529298186 0.5686913613155699 0.650723978587306 0.6197682739564656 0.4789198178861302 0.3891482744566906 0.20496183190318043 -0.11078635533141219 -0.29961615357954446 +31481,-0.47296809951226093,1,-0.5426184349316627 -0.5379750792370318 -0.5797652804886658 -0.6509634011396083 -0.6540589716026897 -0.5488095758578255 -0.4126044754821209 -0.3367629991365564 -0.18972340214005814 0.07649565768517935 0.4123650529298186 0.5686913613155699 0.650723978587306 0.6197682739564656 0.4789198178861302 0.3891482744566906 0.20496183190318043 -0.11078635533141219 -0.29961615357954446 -0.40022219362978656 +31482,-0.5008282336800198,1,-0.5379750792370318 -0.5797652804886658 -0.6509634011396083 -0.6540589716026897 -0.5488095758578255 -0.4126044754821209 -0.3367629991365564 -0.18972340214005814 0.07649565768517935 0.4123650529298186 0.5686913613155699 0.650723978587306 0.6197682739564656 0.4789198178861302 0.3891482744566906 0.20496183190318043 -0.11078635533141219 -0.29961615357954446 -0.40022219362978656 -0.47296809951226093 +31483,-0.5116627303008136,1,-0.5797652804886658 -0.6509634011396083 -0.6540589716026897 -0.5488095758578255 -0.4126044754821209 -0.3367629991365564 -0.18972340214005814 0.07649565768517935 0.4123650529298186 0.5686913613155699 0.650723978587306 0.6197682739564656 0.4789198178861302 0.3891482744566906 0.20496183190318043 -0.11078635533141219 -0.29961615357954446 -0.40022219362978656 -0.47296809951226093 -0.5008282336800198 +31484,-0.5240450121531567,1,-0.6509634011396083 -0.6540589716026897 -0.5488095758578255 -0.4126044754821209 -0.3367629991365564 -0.18972340214005814 0.07649565768517935 0.4123650529298186 0.5686913613155699 0.650723978587306 0.6197682739564656 0.4789198178861302 0.3891482744566906 0.20496183190318043 -0.11078635533141219 -0.29961615357954446 -0.40022219362978656 -0.47296809951226093 -0.5008282336800198 -0.5116627303008136 +31485,-0.5163060859954445,1,-0.6540589716026897 -0.5488095758578255 -0.4126044754821209 -0.3367629991365564 -0.18972340214005814 0.07649565768517935 0.4123650529298186 0.5686913613155699 0.650723978587306 0.6197682739564656 0.4789198178861302 0.3891482744566906 0.20496183190318043 -0.11078635533141219 -0.29961615357954446 -0.40022219362978656 -0.47296809951226093 -0.5008282336800198 -0.5116627303008136 -0.5240450121531567 +31486,-0.5580962872470785,1,-0.5488095758578255 -0.4126044754821209 -0.3367629991365564 -0.18972340214005814 0.07649565768517935 0.4123650529298186 0.5686913613155699 0.650723978587306 0.6197682739564656 0.4789198178861302 0.3891482744566906 0.20496183190318043 -0.11078635533141219 -0.29961615357954446 -0.40022219362978656 -0.47296809951226093 -0.5008282336800198 -0.5116627303008136 -0.5240450121531567 -0.5163060859954445 +31487,-0.5519051463209157,1,-0.4126044754821209 -0.3367629991365564 -0.18972340214005814 0.07649565768517935 0.4123650529298186 0.5686913613155699 0.650723978587306 0.6197682739564656 0.4789198178861302 0.3891482744566906 0.20496183190318043 -0.11078635533141219 -0.29961615357954446 -0.40022219362978656 -0.47296809951226093 -0.5008282336800198 -0.5116627303008136 -0.5240450121531567 -0.5163060859954445 -0.5580962872470785 +31488,-0.5782174952571252,1,-0.3367629991365564 -0.18972340214005814 0.07649565768517935 0.4123650529298186 0.5686913613155699 0.650723978587306 0.6197682739564656 0.4789198178861302 0.3891482744566906 0.20496183190318043 -0.11078635533141219 -0.29961615357954446 -0.40022219362978656 -0.47296809951226093 -0.5008282336800198 -0.5116627303008136 -0.5240450121531567 -0.5163060859954445 -0.5580962872470785 -0.5519051463209157 +31489,-0.5255927973846974,1,-0.18972340214005814 0.07649565768517935 0.4123650529298186 0.5686913613155699 0.650723978587306 0.6197682739564656 0.4789198178861302 0.3891482744566906 0.20496183190318043 -0.11078635533141219 -0.29961615357954446 -0.40022219362978656 -0.47296809951226093 -0.5008282336800198 -0.5116627303008136 -0.5240450121531567 -0.5163060859954445 -0.5580962872470785 -0.5519051463209157 -0.5782174952571252 +31490,-0.4853503813646041,1,0.07649565768517935 0.4123650529298186 0.5686913613155699 0.650723978587306 0.6197682739564656 0.4789198178861302 0.3891482744566906 0.20496183190318043 -0.11078635533141219 -0.29961615357954446 -0.40022219362978656 -0.47296809951226093 -0.5008282336800198 -0.5116627303008136 -0.5240450121531567 -0.5163060859954445 -0.5580962872470785 -0.5519051463209157 -0.5782174952571252 -0.5255927973846974 +31491,-0.3522408514519809,1,0.4123650529298186 0.5686913613155699 0.650723978587306 0.6197682739564656 0.4789198178861302 0.3891482744566906 0.20496183190318043 -0.11078635533141219 -0.29961615357954446 -0.40022219362978656 -0.47296809951226093 -0.5008282336800198 -0.5116627303008136 -0.5240450121531567 -0.5163060859954445 -0.5580962872470785 -0.5519051463209157 -0.5782174952571252 -0.5255927973846974 -0.4853503813646041 +31492,-0.2144879658447357,1,0.5686913613155699 0.650723978587306 0.6197682739564656 0.4789198178861302 0.3891482744566906 0.20496183190318043 -0.11078635533141219 -0.29961615357954446 -0.40022219362978656 -0.47296809951226093 -0.5008282336800198 -0.5116627303008136 -0.5240450121531567 -0.5163060859954445 -0.5580962872470785 -0.5519051463209157 -0.5782174952571252 -0.5255927973846974 -0.4853503813646041 -0.3522408514519809 +31493,-0.10149964394215921,1,0.650723978587306 0.6197682739564656 0.4789198178861302 0.3891482744566906 0.20496183190318043 -0.11078635533141219 -0.29961615357954446 -0.40022219362978656 -0.47296809951226093 -0.5008282336800198 -0.5116627303008136 -0.5240450121531567 -0.5163060859954445 -0.5580962872470785 -0.5519051463209157 -0.5782174952571252 -0.5255927973846974 -0.4853503813646041 -0.3522408514519809 -0.2144879658447357 +31494,0.02696653027583305,1,0.6197682739564656 0.4789198178861302 0.3891482744566906 0.20496183190318043 -0.11078635533141219 -0.29961615357954446 -0.40022219362978656 -0.47296809951226093 -0.5008282336800198 -0.5116627303008136 -0.5240450121531567 -0.5163060859954445 -0.5580962872470785 -0.5519051463209157 -0.5782174952571252 -0.5255927973846974 -0.4853503813646041 -0.3522408514519809 -0.2144879658447357 -0.10149964394215921 +31495,0.028514315507373746,1,0.4789198178861302 0.3891482744566906 0.20496183190318043 -0.11078635533141219 -0.29961615357954446 -0.40022219362978656 -0.47296809951226093 -0.5008282336800198 -0.5116627303008136 -0.5240450121531567 -0.5163060859954445 -0.5580962872470785 -0.5519051463209157 -0.5782174952571252 -0.5255927973846974 -0.4853503813646041 -0.3522408514519809 -0.2144879658447357 -0.10149964394215921 0.02696653027583305 +31496,0.05947002013822289,1,0.3891482744566906 0.20496183190318043 -0.11078635533141219 -0.29961615357954446 -0.40022219362978656 -0.47296809951226093 -0.5008282336800198 -0.5116627303008136 -0.5240450121531567 -0.5163060859954445 -0.5580962872470785 -0.5519051463209157 -0.5782174952571252 -0.5255927973846974 -0.4853503813646041 -0.3522408514519809 -0.2144879658447357 -0.10149964394215921 0.02696653027583305 0.028514315507373746 +31497,0.15233713403074392,1,0.20496183190318043 -0.11078635533141219 -0.29961615357954446 -0.40022219362978656 -0.47296809951226093 -0.5008282336800198 -0.5116627303008136 -0.5240450121531567 -0.5163060859954445 -0.5580962872470785 -0.5519051463209157 -0.5782174952571252 -0.5255927973846974 -0.4853503813646041 -0.3522408514519809 -0.2144879658447357 -0.10149964394215921 0.02696653027583305 0.028514315507373746 0.05947002013822289 +31498,0.15698048972537482,1,-0.11078635533141219 -0.29961615357954446 -0.40022219362978656 -0.47296809951226093 -0.5008282336800198 -0.5116627303008136 -0.5240450121531567 -0.5163060859954445 -0.5580962872470785 -0.5519051463209157 -0.5782174952571252 -0.5255927973846974 -0.4853503813646041 -0.3522408514519809 -0.2144879658447357 -0.10149964394215921 0.02696653027583305 0.028514315507373746 0.05947002013822289 0.15233713403074392 +31499,0.08887793953752253,1,-0.29961615357954446 -0.40022219362978656 -0.47296809951226093 -0.5008282336800198 -0.5116627303008136 -0.5240450121531567 -0.5163060859954445 -0.5580962872470785 -0.5519051463209157 -0.5782174952571252 -0.5255927973846974 -0.4853503813646041 -0.3522408514519809 -0.2144879658447357 -0.10149964394215921 0.02696653027583305 0.028514315507373746 0.05947002013822289 0.15233713403074392 0.15698048972537482 +31500,-0.04113601991201923,1,-0.40022219362978656 -0.47296809951226093 -0.5008282336800198 -0.5116627303008136 -0.5240450121531567 -0.5163060859954445 -0.5580962872470785 -0.5519051463209157 -0.5782174952571252 -0.5255927973846974 -0.4853503813646041 -0.3522408514519809 -0.2144879658447357 -0.10149964394215921 0.02696653027583305 0.028514315507373746 0.05947002013822289 0.15233713403074392 0.15698048972537482 0.08887793953752253 +31501,-0.15567212704613642,1,-0.47296809951226093 -0.5008282336800198 -0.5116627303008136 -0.5240450121531567 -0.5163060859954445 -0.5580962872470785 -0.5519051463209157 -0.5782174952571252 -0.5255927973846974 -0.4853503813646041 -0.3522408514519809 -0.2144879658447357 -0.10149964394215921 0.02696653027583305 0.028514315507373746 0.05947002013822289 0.15233713403074392 0.15698048972537482 0.08887793953752253 -0.04113601991201923 +31502,-0.2686604489487041,1,-0.5008282336800198 -0.5116627303008136 -0.5240450121531567 -0.5163060859954445 -0.5580962872470785 -0.5519051463209157 -0.5782174952571252 -0.5255927973846974 -0.4853503813646041 -0.3522408514519809 -0.2144879658447357 -0.10149964394215921 0.02696653027583305 0.028514315507373746 0.05947002013822289 0.15233713403074392 0.15698048972537482 0.08887793953752253 -0.04113601991201923 -0.15567212704613642 +31503,-0.30580729450571603,1,-0.5116627303008136 -0.5240450121531567 -0.5163060859954445 -0.5580962872470785 -0.5519051463209157 -0.5782174952571252 -0.5255927973846974 -0.4853503813646041 -0.3522408514519809 -0.2144879658447357 -0.10149964394215921 0.02696653027583305 0.028514315507373746 0.05947002013822289 0.15233713403074392 0.15698048972537482 0.08887793953752253 -0.04113601991201923 -0.15567212704613642 -0.2686604489487041 +31504,-0.375457629925109,1,-0.5240450121531567 -0.5163060859954445 -0.5580962872470785 -0.5519051463209157 -0.5782174952571252 -0.5255927973846974 -0.4853503813646041 -0.3522408514519809 -0.2144879658447357 -0.10149964394215921 0.02696653027583305 0.028514315507373746 0.05947002013822289 0.15233713403074392 0.15698048972537482 0.08887793953752253 -0.04113601991201923 -0.15567212704613642 -0.2686604489487041 -0.30580729450571603 +31505,-0.46213360289146727,1,-0.5163060859954445 -0.5580962872470785 -0.5519051463209157 -0.5782174952571252 -0.5255927973846974 -0.4853503813646041 -0.3522408514519809 -0.2144879658447357 -0.10149964394215921 0.02696653027583305 0.028514315507373746 0.05947002013822289 0.15233713403074392 0.15698048972537482 0.08887793953752253 -0.04113601991201923 -0.15567212704613642 -0.2686604489487041 -0.30580729450571603 -0.375457629925109 +31506,-0.5395228644685724,1,-0.5580962872470785 -0.5519051463209157 -0.5782174952571252 -0.5255927973846974 -0.4853503813646041 -0.3522408514519809 -0.2144879658447357 -0.10149964394215921 0.02696653027583305 0.028514315507373746 0.05947002013822289 0.15233713403074392 0.15698048972537482 0.08887793953752253 -0.04113601991201923 -0.15567212704613642 -0.2686604489487041 -0.30580729450571603 -0.375457629925109 -0.46213360289146727 +31507,-0.6169121260456778,1,-0.5519051463209157 -0.5782174952571252 -0.5255927973846974 -0.4853503813646041 -0.3522408514519809 -0.2144879658447357 -0.10149964394215921 0.02696653027583305 0.028514315507373746 0.05947002013822289 0.15233713403074392 0.15698048972537482 0.08887793953752253 -0.04113601991201923 -0.15567212704613642 -0.2686604489487041 -0.30580729450571603 -0.375457629925109 -0.46213360289146727 -0.5395228644685724 +31508,-0.6370333340557244,1,-0.5782174952571252 -0.5255927973846974 -0.4853503813646041 -0.3522408514519809 -0.2144879658447357 -0.10149964394215921 0.02696653027583305 0.028514315507373746 0.05947002013822289 0.15233713403074392 0.15698048972537482 0.08887793953752253 -0.04113601991201923 -0.15567212704613642 -0.2686604489487041 -0.30580729450571603 -0.375457629925109 -0.46213360289146727 -0.5395228644685724 -0.6169121260456778 +31509,-0.6989447433174139,1,-0.5255927973846974 -0.4853503813646041 -0.3522408514519809 -0.2144879658447357 -0.10149964394215921 0.02696653027583305 0.028514315507373746 0.05947002013822289 0.15233713403074392 0.15698048972537482 0.08887793953752253 -0.04113601991201923 -0.15567212704613642 -0.2686604489487041 -0.30580729450571603 -0.375457629925109 -0.46213360289146727 -0.5395228644685724 -0.6169121260456778 -0.6370333340557244 +31510,-0.8041941390622781,1,-0.4853503813646041 -0.3522408514519809 -0.2144879658447357 -0.10149964394215921 0.02696653027583305 0.028514315507373746 0.05947002013822289 0.15233713403074392 0.15698048972537482 0.08887793953752253 -0.04113601991201923 -0.15567212704613642 -0.2686604489487041 -0.30580729450571603 -0.375457629925109 -0.46213360289146727 -0.5395228644685724 -0.6169121260456778 -0.6370333340557244 -0.6989447433174139 +31511,-0.8072897095253595,1,-0.3522408514519809 -0.2144879658447357 -0.10149964394215921 0.02696653027583305 0.028514315507373746 0.05947002013822289 0.15233713403074392 0.15698048972537482 0.08887793953752253 -0.04113601991201923 -0.15567212704613642 -0.2686604489487041 -0.30580729450571603 -0.375457629925109 -0.46213360289146727 -0.5395228644685724 -0.6169121260456778 -0.6370333340557244 -0.6989447433174139 -0.8041941390622781 +31512,-0.8351498436931184,1,-0.2144879658447357 -0.10149964394215921 0.02696653027583305 0.028514315507373746 0.05947002013822289 0.15233713403074392 0.15698048972537482 0.08887793953752253 -0.04113601991201923 -0.15567212704613642 -0.2686604489487041 -0.30580729450571603 -0.375457629925109 -0.46213360289146727 -0.5395228644685724 -0.6169121260456778 -0.6370333340557244 -0.6989447433174139 -0.8041941390622781 -0.8072897095253595 +31513,-0.7809773605891412,1,-0.10149964394215921 0.02696653027583305 0.028514315507373746 0.05947002013822289 0.15233713403074392 0.15698048972537482 0.08887793953752253 -0.04113601991201923 -0.15567212704613642 -0.2686604489487041 -0.30580729450571603 -0.375457629925109 -0.46213360289146727 -0.5395228644685724 -0.6169121260456778 -0.6370333340557244 -0.6989447433174139 -0.8041941390622781 -0.8072897095253595 -0.8351498436931184 +31514,-0.6184599112772184,1,0.02696653027583305 0.028514315507373746 0.05947002013822289 0.15233713403074392 0.15698048972537482 0.08887793953752253 -0.04113601991201923 -0.15567212704613642 -0.2686604489487041 -0.30580729450571603 -0.375457629925109 -0.46213360289146727 -0.5395228644685724 -0.6169121260456778 -0.6370333340557244 -0.6989447433174139 -0.8041941390622781 -0.8072897095253595 -0.8351498436931184 -0.7809773605891412 +31515,-0.46987252904917953,1,0.028514315507373746 0.05947002013822289 0.15233713403074392 0.15698048972537482 0.08887793953752253 -0.04113601991201923 -0.15567212704613642 -0.2686604489487041 -0.30580729450571603 -0.375457629925109 -0.46213360289146727 -0.5395228644685724 -0.6169121260456778 -0.6370333340557244 -0.6989447433174139 -0.8041941390622781 -0.8072897095253595 -0.8351498436931184 -0.7809773605891412 -0.6184599112772184 +31516,-0.3383107843680971,1,0.05947002013822289 0.15233713403074392 0.15698048972537482 0.08887793953752253 -0.04113601991201923 -0.15567212704613642 -0.2686604489487041 -0.30580729450571603 -0.375457629925109 -0.46213360289146727 -0.5395228644685724 -0.6169121260456778 -0.6370333340557244 -0.6989447433174139 -0.8041941390622781 -0.8072897095253595 -0.8351498436931184 -0.7809773605891412 -0.6184599112772184 -0.46987252904917953 +31517,-0.24544367047557605,1,0.15233713403074392 0.15698048972537482 0.08887793953752253 -0.04113601991201923 -0.15567212704613642 -0.2686604489487041 -0.30580729450571603 -0.375457629925109 -0.46213360289146727 -0.5395228644685724 -0.6169121260456778 -0.6370333340557244 -0.6989447433174139 -0.8041941390622781 -0.8072897095253595 -0.8351498436931184 -0.7809773605891412 -0.6184599112772184 -0.46987252904917953 -0.3383107843680971 +31518,-0.2160357510762764,1,0.15698048972537482 0.08887793953752253 -0.04113601991201923 -0.15567212704613642 -0.2686604489487041 -0.30580729450571603 -0.375457629925109 -0.46213360289146727 -0.5395228644685724 -0.6169121260456778 -0.6370333340557244 -0.6989447433174139 -0.8041941390622781 -0.8072897095253595 -0.8351498436931184 -0.7809773605891412 -0.6184599112772184 -0.46987252904917953 -0.3383107843680971 -0.24544367047557605 +31519,-0.14019427473071183,1,0.08887793953752253 -0.04113601991201923 -0.15567212704613642 -0.2686604489487041 -0.30580729450571603 -0.375457629925109 -0.46213360289146727 -0.5395228644685724 -0.6169121260456778 -0.6370333340557244 -0.6989447433174139 -0.8041941390622781 -0.8072897095253595 -0.8351498436931184 -0.7809773605891412 -0.6184599112772184 -0.46987252904917953 -0.3383107843680971 -0.24544367047557605 -0.2160357510762764 +31520,-0.04423159037510062,1,-0.04113601991201923 -0.15567212704613642 -0.2686604489487041 -0.30580729450571603 -0.375457629925109 -0.46213360289146727 -0.5395228644685724 -0.6169121260456778 -0.6370333340557244 -0.6989447433174139 -0.8041941390622781 -0.8072897095253595 -0.8351498436931184 -0.7809773605891412 -0.6184599112772184 -0.46987252904917953 -0.3383107843680971 -0.24544367047557605 -0.2160357510762764 -0.14019427473071183 +31521,-0.003989174355007293,1,-0.15567212704613642 -0.2686604489487041 -0.30580729450571603 -0.375457629925109 -0.46213360289146727 -0.5395228644685724 -0.6169121260456778 -0.6370333340557244 -0.6989447433174139 -0.8041941390622781 -0.8072897095253595 -0.8351498436931184 -0.7809773605891412 -0.6184599112772184 -0.46987252904917953 -0.3383107843680971 -0.24544367047557605 -0.2160357510762764 -0.14019427473071183 -0.04423159037510062 +31522,-0.06280501315360658,1,-0.2686604489487041 -0.30580729450571603 -0.375457629925109 -0.46213360289146727 -0.5395228644685724 -0.6169121260456778 -0.6370333340557244 -0.6989447433174139 -0.8041941390622781 -0.8072897095253595 -0.8351498436931184 -0.7809773605891412 -0.6184599112772184 -0.46987252904917953 -0.3383107843680971 -0.24544367047557605 -0.2160357510762764 -0.14019427473071183 -0.04423159037510062 -0.003989174355007293 +31523,-0.07363950977440026,1,-0.30580729450571603 -0.375457629925109 -0.46213360289146727 -0.5395228644685724 -0.6169121260456778 -0.6370333340557244 -0.6989447433174139 -0.8041941390622781 -0.8072897095253595 -0.8351498436931184 -0.7809773605891412 -0.6184599112772184 -0.46987252904917953 -0.3383107843680971 -0.24544367047557605 -0.2160357510762764 -0.14019427473071183 -0.04423159037510062 -0.003989174355007293 -0.06280501315360658 +31524,-0.14638541565688343,1,-0.375457629925109 -0.46213360289146727 -0.5395228644685724 -0.6169121260456778 -0.6370333340557244 -0.6989447433174139 -0.8041941390622781 -0.8072897095253595 -0.8351498436931184 -0.7809773605891412 -0.6184599112772184 -0.46987252904917953 -0.3383107843680971 -0.24544367047557605 -0.2160357510762764 -0.14019427473071183 -0.04423159037510062 -0.003989174355007293 -0.06280501315360658 -0.07363950977440026 +31525,-0.2160357510762764,1,-0.46213360289146727 -0.5395228644685724 -0.6169121260456778 -0.6370333340557244 -0.6989447433174139 -0.8041941390622781 -0.8072897095253595 -0.8351498436931184 -0.7809773605891412 -0.6184599112772184 -0.46987252904917953 -0.3383107843680971 -0.24544367047557605 -0.2160357510762764 -0.14019427473071183 -0.04423159037510062 -0.003989174355007293 -0.06280501315360658 -0.07363950977440026 -0.14638541565688343 +31526,-0.3259285025157627,1,-0.5395228644685724 -0.6169121260456778 -0.6370333340557244 -0.6989447433174139 -0.8041941390622781 -0.8072897095253595 -0.8351498436931184 -0.7809773605891412 -0.6184599112772184 -0.46987252904917953 -0.3383107843680971 -0.24544367047557605 -0.2160357510762764 -0.14019427473071183 -0.04423159037510062 -0.003989174355007293 -0.06280501315360658 -0.07363950977440026 -0.14638541565688343 -0.2160357510762764 +31527,-0.44975132103913285,1,-0.6169121260456778 -0.6370333340557244 -0.6989447433174139 -0.8041941390622781 -0.8072897095253595 -0.8351498436931184 -0.7809773605891412 -0.6184599112772184 -0.46987252904917953 -0.3383107843680971 -0.24544367047557605 -0.2160357510762764 -0.14019427473071183 -0.04423159037510062 -0.003989174355007293 -0.06280501315360658 -0.07363950977440026 -0.14638541565688343 -0.2160357510762764 -0.3259285025157627 +31528,-0.5023760189115606,1,-0.6370333340557244 -0.6989447433174139 -0.8041941390622781 -0.8072897095253595 -0.8351498436931184 -0.7809773605891412 -0.6184599112772184 -0.46987252904917953 -0.3383107843680971 -0.24544367047557605 -0.2160357510762764 -0.14019427473071183 -0.04423159037510062 -0.003989174355007293 -0.06280501315360658 -0.07363950977440026 -0.14638541565688343 -0.2160357510762764 -0.3259285025157627 -0.44975132103913285 +31529,-0.592147562341009,1,-0.6989447433174139 -0.8041941390622781 -0.8072897095253595 -0.8351498436931184 -0.7809773605891412 -0.6184599112772184 -0.46987252904917953 -0.3383107843680971 -0.24544367047557605 -0.2160357510762764 -0.14019427473071183 -0.04423159037510062 -0.003989174355007293 -0.06280501315360658 -0.07363950977440026 -0.14638541565688343 -0.2160357510762764 -0.3259285025157627 -0.44975132103913285 -0.5023760189115606 +31530,-0.5890519918779188,1,-0.8041941390622781 -0.8072897095253595 -0.8351498436931184 -0.7809773605891412 -0.6184599112772184 -0.46987252904917953 -0.3383107843680971 -0.24544367047557605 -0.2160357510762764 -0.14019427473071183 -0.04423159037510062 -0.003989174355007293 -0.06280501315360658 -0.07363950977440026 -0.14638541565688343 -0.2160357510762764 -0.3259285025157627 -0.44975132103913285 -0.5023760189115606 -0.592147562341009 +31531,-0.6834668910019893,1,-0.8072897095253595 -0.8351498436931184 -0.7809773605891412 -0.6184599112772184 -0.46987252904917953 -0.3383107843680971 -0.24544367047557605 -0.2160357510762764 -0.14019427473071183 -0.04423159037510062 -0.003989174355007293 -0.06280501315360658 -0.07363950977440026 -0.14638541565688343 -0.2160357510762764 -0.3259285025157627 -0.44975132103913285 -0.5023760189115606 -0.592147562341009 -0.5890519918779188 +31532,-0.7577605821160132,1,-0.8351498436931184 -0.7809773605891412 -0.6184599112772184 -0.46987252904917953 -0.3383107843680971 -0.24544367047557605 -0.2160357510762764 -0.14019427473071183 -0.04423159037510062 -0.003989174355007293 -0.06280501315360658 -0.07363950977440026 -0.14638541565688343 -0.2160357510762764 -0.3259285025157627 -0.44975132103913285 -0.5023760189115606 -0.592147562341009 -0.5890519918779188 -0.6834668910019893 +31533,-0.7716906491998883,1,-0.7809773605891412 -0.6184599112772184 -0.46987252904917953 -0.3383107843680971 -0.24544367047557605 -0.2160357510762764 -0.14019427473071183 -0.04423159037510062 -0.003989174355007293 -0.06280501315360658 -0.07363950977440026 -0.14638541565688343 -0.2160357510762764 -0.3259285025157627 -0.44975132103913285 -0.5023760189115606 -0.592147562341009 -0.5890519918779188 -0.6834668910019893 -0.7577605821160132 +31534,-0.7376393741059666,1,-0.6184599112772184 -0.46987252904917953 -0.3383107843680971 -0.24544367047557605 -0.2160357510762764 -0.14019427473071183 -0.04423159037510062 -0.003989174355007293 -0.06280501315360658 -0.07363950977440026 -0.14638541565688343 -0.2160357510762764 -0.3259285025157627 -0.44975132103913285 -0.5023760189115606 -0.592147562341009 -0.5890519918779188 -0.6834668910019893 -0.7577605821160132 -0.7716906491998883 +31535,-0.7360915888744258,1,-0.46987252904917953 -0.3383107843680971 -0.24544367047557605 -0.2160357510762764 -0.14019427473071183 -0.04423159037510062 -0.003989174355007293 -0.06280501315360658 -0.07363950977440026 -0.14638541565688343 -0.2160357510762764 -0.3259285025157627 -0.44975132103913285 -0.5023760189115606 -0.592147562341009 -0.5890519918779188 -0.6834668910019893 -0.7577605821160132 -0.7716906491998883 -0.7376393741059666 +31536,-0.7113270251697483,1,-0.3383107843680971 -0.24544367047557605 -0.2160357510762764 -0.14019427473071183 -0.04423159037510062 -0.003989174355007293 -0.06280501315360658 -0.07363950977440026 -0.14638541565688343 -0.2160357510762764 -0.3259285025157627 -0.44975132103913285 -0.5023760189115606 -0.592147562341009 -0.5890519918779188 -0.6834668910019893 -0.7577605821160132 -0.7716906491998883 -0.7376393741059666 -0.7360915888744258 +31537,-0.7345438036428763,1,-0.24544367047557605 -0.2160357510762764 -0.14019427473071183 -0.04423159037510062 -0.003989174355007293 -0.06280501315360658 -0.07363950977440026 -0.14638541565688343 -0.2160357510762764 -0.3259285025157627 -0.44975132103913285 -0.5023760189115606 -0.592147562341009 -0.5890519918779188 -0.6834668910019893 -0.7577605821160132 -0.7716906491998883 -0.7376393741059666 -0.7360915888744258 -0.7113270251697483 +31538,-0.6927536023912423,1,-0.2160357510762764 -0.14019427473071183 -0.04423159037510062 -0.003989174355007293 -0.06280501315360658 -0.07363950977440026 -0.14638541565688343 -0.2160357510762764 -0.3259285025157627 -0.44975132103913285 -0.5023760189115606 -0.592147562341009 -0.5890519918779188 -0.6834668910019893 -0.7577605821160132 -0.7716906491998883 -0.7376393741059666 -0.7360915888744258 -0.7113270251697483 -0.7345438036428763 +31539,-0.5194016564585259,1,-0.14019427473071183 -0.04423159037510062 -0.003989174355007293 -0.06280501315360658 -0.07363950977440026 -0.14638541565688343 -0.2160357510762764 -0.3259285025157627 -0.44975132103913285 -0.5023760189115606 -0.592147562341009 -0.5890519918779188 -0.6834668910019893 -0.7577605821160132 -0.7716906491998883 -0.7376393741059666 -0.7360915888744258 -0.7113270251697483 -0.7345438036428763 -0.6927536023912423 +31540,-0.2810427308010473,1,-0.04423159037510062 -0.003989174355007293 -0.06280501315360658 -0.07363950977440026 -0.14638541565688343 -0.2160357510762764 -0.3259285025157627 -0.44975132103913285 -0.5023760189115606 -0.592147562341009 -0.5890519918779188 -0.6834668910019893 -0.7577605821160132 -0.7716906491998883 -0.7376393741059666 -0.7360915888744258 -0.7113270251697483 -0.7345438036428763 -0.6927536023912423 -0.5194016564585259 +31541,-0.11697749625758379,1,-0.003989174355007293 -0.06280501315360658 -0.07363950977440026 -0.14638541565688343 -0.2160357510762764 -0.3259285025157627 -0.44975132103913285 -0.5023760189115606 -0.592147562341009 -0.5890519918779188 -0.6834668910019893 -0.7577605821160132 -0.7716906491998883 -0.7376393741059666 -0.7360915888744258 -0.7113270251697483 -0.7345438036428763 -0.6927536023912423 -0.5194016564585259 -0.2810427308010473 +31542,-0.0008936038919258983,1,-0.06280501315360658 -0.07363950977440026 -0.14638541565688343 -0.2160357510762764 -0.3259285025157627 -0.44975132103913285 -0.5023760189115606 -0.592147562341009 -0.5890519918779188 -0.6834668910019893 -0.7577605821160132 -0.7716906491998883 -0.7376393741059666 -0.7360915888744258 -0.7113270251697483 -0.7345438036428763 -0.6927536023912423 -0.5194016564585259 -0.2810427308010473 -0.11697749625758379 +31543,0.07185230199055727,1,-0.07363950977440026 -0.14638541565688343 -0.2160357510762764 -0.3259285025157627 -0.44975132103913285 -0.5023760189115606 -0.592147562341009 -0.5890519918779188 -0.6834668910019893 -0.7577605821160132 -0.7716906491998883 -0.7376393741059666 -0.7360915888744258 -0.7113270251697483 -0.7345438036428763 -0.6927536023912423 -0.5194016564585259 -0.2810427308010473 -0.11697749625758379 -0.0008936038919258983 +31544,0.15852827495691552,1,-0.14638541565688343 -0.2160357510762764 -0.3259285025157627 -0.44975132103913285 -0.5023760189115606 -0.592147562341009 -0.5890519918779188 -0.6834668910019893 -0.7577605821160132 -0.7716906491998883 -0.7376393741059666 -0.7360915888744258 -0.7113270251697483 -0.7345438036428763 -0.6927536023912423 -0.5194016564585259 -0.2810427308010473 -0.11697749625758379 -0.0008936038919258983 0.07185230199055727 +31545,0.18019726819850287,1,-0.2160357510762764 -0.3259285025157627 -0.44975132103913285 -0.5023760189115606 -0.592147562341009 -0.5890519918779188 -0.6834668910019893 -0.7577605821160132 -0.7716906491998883 -0.7376393741059666 -0.7360915888744258 -0.7113270251697483 -0.7345438036428763 -0.6927536023912423 -0.5194016564585259 -0.2810427308010473 -0.11697749625758379 -0.0008936038919258983 0.07185230199055727 0.15852827495691552 +31546,0.2065096171347211,1,-0.3259285025157627 -0.44975132103913285 -0.5023760189115606 -0.592147562341009 -0.5890519918779188 -0.6834668910019893 -0.7577605821160132 -0.7716906491998883 -0.7376393741059666 -0.7360915888744258 -0.7113270251697483 -0.7345438036428763 -0.6927536023912423 -0.5194016564585259 -0.2810427308010473 -0.11697749625758379 -0.0008936038919258983 0.07185230199055727 0.15852827495691552 0.18019726819850287 +31547,0.16626720111462778,1,-0.44975132103913285 -0.5023760189115606 -0.592147562341009 -0.5890519918779188 -0.6834668910019893 -0.7577605821160132 -0.7716906491998883 -0.7376393741059666 -0.7360915888744258 -0.7113270251697483 -0.7345438036428763 -0.6927536023912423 -0.5194016564585259 -0.2810427308010473 -0.11697749625758379 -0.0008936038919258983 0.07185230199055727 0.15852827495691552 0.18019726819850287 0.2065096171347211 +31548,0.15078934879920322,1,-0.5023760189115606 -0.592147562341009 -0.5890519918779188 -0.6834668910019893 -0.7577605821160132 -0.7716906491998883 -0.7376393741059666 -0.7360915888744258 -0.7113270251697483 -0.7345438036428763 -0.6927536023912423 -0.5194016564585259 -0.2810427308010473 -0.11697749625758379 -0.0008936038919258983 0.07185230199055727 0.15852827495691552 0.18019726819850287 0.2065096171347211 0.16626720111462778 +31549,0.09352129523214463,1,-0.592147562341009 -0.5890519918779188 -0.6834668910019893 -0.7577605821160132 -0.7716906491998883 -0.7376393741059666 -0.7360915888744258 -0.7113270251697483 -0.7345438036428763 -0.6927536023912423 -0.5194016564585259 -0.2810427308010473 -0.11697749625758379 -0.0008936038919258983 0.07185230199055727 0.15852827495691552 0.18019726819850287 0.2065096171347211 0.16626720111462778 0.15078934879920322 +31550,-0.08447400639519394,1,-0.5890519918779188 -0.6834668910019893 -0.7577605821160132 -0.7716906491998883 -0.7376393741059666 -0.7360915888744258 -0.7113270251697483 -0.7345438036428763 -0.6927536023912423 -0.5194016564585259 -0.2810427308010473 -0.11697749625758379 -0.0008936038919258983 0.07185230199055727 0.15852827495691552 0.18019726819850287 0.2065096171347211 0.16626720111462778 0.15078934879920322 0.09352129523214463 +31551,-0.282590516032588,1,-0.6834668910019893 -0.7577605821160132 -0.7716906491998883 -0.7376393741059666 -0.7360915888744258 -0.7113270251697483 -0.7345438036428763 -0.6927536023912423 -0.5194016564585259 -0.2810427308010473 -0.11697749625758379 -0.0008936038919258983 0.07185230199055727 0.15852827495691552 0.18019726819850287 0.2065096171347211 0.16626720111462778 0.15078934879920322 0.09352129523214463 -0.08447400639519394 +31552,-0.4280823277975455,1,-0.7577605821160132 -0.7716906491998883 -0.7376393741059666 -0.7360915888744258 -0.7113270251697483 -0.7345438036428763 -0.6927536023912423 -0.5194016564585259 -0.2810427308010473 -0.11697749625758379 -0.0008936038919258983 0.07185230199055727 0.15852827495691552 0.18019726819850287 0.2065096171347211 0.16626720111462778 0.15078934879920322 0.09352129523214463 -0.08447400639519394 -0.282590516032588 +31553,-0.5070193746061915,1,-0.7716906491998883 -0.7376393741059666 -0.7360915888744258 -0.7113270251697483 -0.7345438036428763 -0.6927536023912423 -0.5194016564585259 -0.2810427308010473 -0.11697749625758379 -0.0008936038919258983 0.07185230199055727 0.15852827495691552 0.18019726819850287 0.2065096171347211 0.16626720111462778 0.15078934879920322 0.09352129523214463 -0.08447400639519394 -0.282590516032588 -0.4280823277975455 +31554,-0.6370333340557244,1,-0.7376393741059666 -0.7360915888744258 -0.7113270251697483 -0.7345438036428763 -0.6927536023912423 -0.5194016564585259 -0.2810427308010473 -0.11697749625758379 -0.0008936038919258983 0.07185230199055727 0.15852827495691552 0.18019726819850287 0.2065096171347211 0.16626720111462778 0.15078934879920322 0.09352129523214463 -0.08447400639519394 -0.282590516032588 -0.4280823277975455 -0.5070193746061915 +31555,-0.7113270251697483,1,-0.7360915888744258 -0.7113270251697483 -0.7345438036428763 -0.6927536023912423 -0.5194016564585259 -0.2810427308010473 -0.11697749625758379 -0.0008936038919258983 0.07185230199055727 0.15852827495691552 0.18019726819850287 0.2065096171347211 0.16626720111462778 0.15078934879920322 0.09352129523214463 -0.08447400639519394 -0.282590516032588 -0.4280823277975455 -0.5070193746061915 -0.6370333340557244 +31556,-0.7314482331797949,1,-0.7113270251697483 -0.7345438036428763 -0.6927536023912423 -0.5194016564585259 -0.2810427308010473 -0.11697749625758379 -0.0008936038919258983 0.07185230199055727 0.15852827495691552 0.18019726819850287 0.2065096171347211 0.16626720111462778 0.15078934879920322 0.09352129523214463 -0.08447400639519394 -0.282590516032588 -0.4280823277975455 -0.5070193746061915 -0.6370333340557244 -0.7113270251697483 +31557,-0.8041941390622781,1,-0.7345438036428763 -0.6927536023912423 -0.5194016564585259 -0.2810427308010473 -0.11697749625758379 -0.0008936038919258983 0.07185230199055727 0.15852827495691552 0.18019726819850287 0.2065096171347211 0.16626720111462778 0.15078934879920322 0.09352129523214463 -0.08447400639519394 -0.282590516032588 -0.4280823277975455 -0.5070193746061915 -0.6370333340557244 -0.7113270251697483 -0.7314482331797949 +31558,-0.8986090381863399,1,-0.6927536023912423 -0.5194016564585259 -0.2810427308010473 -0.11697749625758379 -0.0008936038919258983 0.07185230199055727 0.15852827495691552 0.18019726819850287 0.2065096171347211 0.16626720111462778 0.15078934879920322 0.09352129523214463 -0.08447400639519394 -0.282590516032588 -0.4280823277975455 -0.5070193746061915 -0.6370333340557244 -0.7113270251697483 -0.7314482331797949 -0.8041941390622781 +31559,-0.8970612529547991,1,-0.5194016564585259 -0.2810427308010473 -0.11697749625758379 -0.0008936038919258983 0.07185230199055727 0.15852827495691552 0.18019726819850287 0.2065096171347211 0.16626720111462778 0.15078934879920322 0.09352129523214463 -0.08447400639519394 -0.282590516032588 -0.4280823277975455 -0.5070193746061915 -0.6370333340557244 -0.7113270251697483 -0.7314482331797949 -0.8041941390622781 -0.8986090381863399 +31560,-0.9001568234178893,1,-0.2810427308010473 -0.11697749625758379 -0.0008936038919258983 0.07185230199055727 0.15852827495691552 0.18019726819850287 0.2065096171347211 0.16626720111462778 0.15078934879920322 0.09352129523214463 -0.08447400639519394 -0.282590516032588 -0.4280823277975455 -0.5070193746061915 -0.6370333340557244 -0.7113270251697483 -0.7314482331797949 -0.8041941390622781 -0.8986090381863399 -0.8970612529547991 +31561,-0.9218258166594767,1,-0.11697749625758379 -0.0008936038919258983 0.07185230199055727 0.15852827495691552 0.18019726819850287 0.2065096171347211 0.16626720111462778 0.15078934879920322 0.09352129523214463 -0.08447400639519394 -0.282590516032588 -0.4280823277975455 -0.5070193746061915 -0.6370333340557244 -0.7113270251697483 -0.7314482331797949 -0.8041941390622781 -0.8986090381863399 -0.8970612529547991 -0.9001568234178893 +31562,-0.7314482331797949,1,-0.0008936038919258983 0.07185230199055727 0.15852827495691552 0.18019726819850287 0.2065096171347211 0.16626720111462778 0.15078934879920322 0.09352129523214463 -0.08447400639519394 -0.282590516032588 -0.4280823277975455 -0.5070193746061915 -0.6370333340557244 -0.7113270251697483 -0.7314482331797949 -0.8041941390622781 -0.8986090381863399 -0.8970612529547991 -0.9001568234178893 -0.9218258166594767 +31563,-0.4218911868713739,1,0.07185230199055727 0.15852827495691552 0.18019726819850287 0.2065096171347211 0.16626720111462778 0.15078934879920322 0.09352129523214463 -0.08447400639519394 -0.282590516032588 -0.4280823277975455 -0.5070193746061915 -0.6370333340557244 -0.7113270251697483 -0.7314482331797949 -0.8041941390622781 -0.8986090381863399 -0.8970612529547991 -0.9001568234178893 -0.9218258166594767 -0.7314482331797949 +31564,-0.15721991227767712,1,0.15852827495691552 0.18019726819850287 0.2065096171347211 0.16626720111462778 0.15078934879920322 0.09352129523214463 -0.08447400639519394 -0.282590516032588 -0.4280823277975455 -0.5070193746061915 -0.6370333340557244 -0.7113270251697483 -0.7314482331797949 -0.8041941390622781 -0.8986090381863399 -0.8970612529547991 -0.9001568234178893 -0.9218258166594767 -0.7314482331797949 -0.4218911868713739 +31565,0.043992167822798314,1,0.18019726819850287 0.2065096171347211 0.16626720111462778 0.15078934879920322 0.09352129523214463 -0.08447400639519394 -0.282590516032588 -0.4280823277975455 -0.5070193746061915 -0.6370333340557244 -0.7113270251697483 -0.7314482331797949 -0.8041941390622781 -0.8986090381863399 -0.8970612529547991 -0.9001568234178893 -0.9218258166594767 -0.7314482331797949 -0.4218911868713739 -0.15721991227767712 +31566,0.13840706694686883,1,0.2065096171347211 0.16626720111462778 0.15078934879920322 0.09352129523214463 -0.08447400639519394 -0.282590516032588 -0.4280823277975455 -0.5070193746061915 -0.6370333340557244 -0.7113270251697483 -0.7314482331797949 -0.8041941390622781 -0.8986090381863399 -0.8970612529547991 -0.9001568234178893 -0.9218258166594767 -0.7314482331797949 -0.4218911868713739 -0.15721991227767712 0.043992167822798314 +31567,0.2188918989870555,1,0.16626720111462778 0.15078934879920322 0.09352129523214463 -0.08447400639519394 -0.282590516032588 -0.4280823277975455 -0.5070193746061915 -0.6370333340557244 -0.7113270251697483 -0.7314482331797949 -0.8041941390622781 -0.8986090381863399 -0.8970612529547991 -0.9001568234178893 -0.9218258166594767 -0.7314482331797949 -0.4218911868713739 -0.15721991227767712 0.043992167822798314 0.13840706694686883 +31568,0.24829981838635515,1,0.15078934879920322 0.09352129523214463 -0.08447400639519394 -0.282590516032588 -0.4280823277975455 -0.5070193746061915 -0.6370333340557244 -0.7113270251697483 -0.7314482331797949 -0.8041941390622781 -0.8986090381863399 -0.8970612529547991 -0.9001568234178893 -0.9218258166594767 -0.7314482331797949 -0.4218911868713739 -0.15721991227767712 0.043992167822798314 0.13840706694686883 0.2188918989870555 +31569,0.2730643820910327,1,0.09352129523214463 -0.08447400639519394 -0.282590516032588 -0.4280823277975455 -0.5070193746061915 -0.6370333340557244 -0.7113270251697483 -0.7314482331797949 -0.8041941390622781 -0.8986090381863399 -0.8970612529547991 -0.9001568234178893 -0.9218258166594767 -0.7314482331797949 -0.4218911868713739 -0.15721991227767712 0.043992167822798314 0.13840706694686883 0.2188918989870555 0.24829981838635515 +31570,0.2250830399132271,1,-0.08447400639519394 -0.282590516032588 -0.4280823277975455 -0.5070193746061915 -0.6370333340557244 -0.7113270251697483 -0.7314482331797949 -0.8041941390622781 -0.8986090381863399 -0.8970612529547991 -0.9001568234178893 -0.9218258166594767 -0.7314482331797949 -0.4218911868713739 -0.15721991227767712 0.043992167822798314 0.13840706694686883 0.2188918989870555 0.24829981838635515 0.2730643820910327 +31571,0.19877069097700883,1,-0.282590516032588 -0.4280823277975455 -0.5070193746061915 -0.6370333340557244 -0.7113270251697483 -0.7314482331797949 -0.8041941390622781 -0.8986090381863399 -0.8970612529547991 -0.9001568234178893 -0.9218258166594767 -0.7314482331797949 -0.4218911868713739 -0.15721991227767712 0.043992167822798314 0.13840706694686883 0.2188918989870555 0.24829981838635515 0.2730643820910327 0.2250830399132271 +31572,0.20031847620854953,1,-0.4280823277975455 -0.5070193746061915 -0.6370333340557244 -0.7113270251697483 -0.7314482331797949 -0.8041941390622781 -0.8986090381863399 -0.8970612529547991 -0.9001568234178893 -0.9218258166594767 -0.7314482331797949 -0.4218911868713739 -0.15721991227767712 0.043992167822798314 0.13840706694686883 0.2188918989870555 0.24829981838635515 0.2730643820910327 0.2250830399132271 0.19877069097700883 +31573,0.08887793953752253,1,-0.5070193746061915 -0.6370333340557244 -0.7113270251697483 -0.7314482331797949 -0.8041941390622781 -0.8986090381863399 -0.8970612529547991 -0.9001568234178893 -0.9218258166594767 -0.7314482331797949 -0.4218911868713739 -0.15721991227767712 0.043992167822798314 0.13840706694686883 0.2188918989870555 0.24829981838635515 0.2730643820910327 0.2250830399132271 0.19877069097700883 0.20031847620854953 +31574,-0.07209172454285957,1,-0.6370333340557244 -0.7113270251697483 -0.7314482331797949 -0.8041941390622781 -0.8986090381863399 -0.8970612529547991 -0.9001568234178893 -0.9218258166594767 -0.7314482331797949 -0.4218911868713739 -0.15721991227767712 0.043992167822798314 0.13840706694686883 0.2188918989870555 0.24829981838635515 0.2730643820910327 0.2250830399132271 0.19877069097700883 0.20031847620854953 0.08887793953752253 +31575,-0.2253224624655294,1,-0.7113270251697483 -0.7314482331797949 -0.8041941390622781 -0.8986090381863399 -0.8970612529547991 -0.9001568234178893 -0.9218258166594767 -0.7314482331797949 -0.4218911868713739 -0.15721991227767712 0.043992167822798314 0.13840706694686883 0.2188918989870555 0.24829981838635515 0.2730643820910327 0.2250830399132271 0.19877069097700883 0.20031847620854953 0.08887793953752253 -0.07209172454285957 +31576,-0.35843199237815254,1,-0.7314482331797949 -0.8041941390622781 -0.8986090381863399 -0.8970612529547991 -0.9001568234178893 -0.9218258166594767 -0.7314482331797949 -0.4218911868713739 -0.15721991227767712 0.043992167822798314 0.13840706694686883 0.2188918989870555 0.24829981838635515 0.2730643820910327 0.2250830399132271 0.19877069097700883 0.20031847620854953 0.08887793953752253 -0.07209172454285957 -0.2253224624655294 +31577,-0.45903803242838587,1,-0.8041941390622781 -0.8986090381863399 -0.8970612529547991 -0.9001568234178893 -0.9218258166594767 -0.7314482331797949 -0.4218911868713739 -0.15721991227767712 0.043992167822798314 0.13840706694686883 0.2188918989870555 0.24829981838635515 0.2730643820910327 0.2250830399132271 0.19877069097700883 0.20031847620854953 0.08887793953752253 -0.07209172454285957 -0.2253224624655294 -0.35843199237815254 +31578,-0.5395228644685724,1,-0.8986090381863399 -0.8970612529547991 -0.9001568234178893 -0.9218258166594767 -0.7314482331797949 -0.4218911868713739 -0.15721991227767712 0.043992167822798314 0.13840706694686883 0.2188918989870555 0.24829981838635515 0.2730643820910327 0.2250830399132271 0.19877069097700883 0.20031847620854953 0.08887793953752253 -0.07209172454285957 -0.2253224624655294 -0.35843199237815254 -0.45903803242838587 +31579,-0.573574139562503,1,-0.8970612529547991 -0.9001568234178893 -0.9218258166594767 -0.7314482331797949 -0.4218911868713739 -0.15721991227767712 0.043992167822798314 0.13840706694686883 0.2188918989870555 0.24829981838635515 0.2730643820910327 0.2250830399132271 0.19877069097700883 0.20031847620854953 0.08887793953752253 -0.07209172454285957 -0.2253224624655294 -0.35843199237815254 -0.45903803242838587 -0.5395228644685724 +31580,-0.6138165555825964,1,-0.9001568234178893 -0.9218258166594767 -0.7314482331797949 -0.4218911868713739 -0.15721991227767712 0.043992167822798314 0.13840706694686883 0.2188918989870555 0.24829981838635515 0.2730643820910327 0.2250830399132271 0.19877069097700883 0.20031847620854953 0.08887793953752253 -0.07209172454285957 -0.2253224624655294 -0.35843199237815254 -0.45903803242838587 -0.5395228644685724 -0.573574139562503 +31581,-0.6509634011396083,1,-0.9218258166594767 -0.7314482331797949 -0.4218911868713739 -0.15721991227767712 0.043992167822798314 0.13840706694686883 0.2188918989870555 0.24829981838635515 0.2730643820910327 0.2250830399132271 0.19877069097700883 0.20031847620854953 0.08887793953752253 -0.07209172454285957 -0.2253224624655294 -0.35843199237815254 -0.45903803242838587 -0.5395228644685724 -0.573574139562503 -0.6138165555825964 +31582,-0.6788235353073673,1,-0.7314482331797949 -0.4218911868713739 -0.15721991227767712 0.043992167822798314 0.13840706694686883 0.2188918989870555 0.24829981838635515 0.2730643820910327 0.2250830399132271 0.19877069097700883 0.20031847620854953 0.08887793953752253 -0.07209172454285957 -0.2253224624655294 -0.35843199237815254 -0.45903803242838587 -0.5395228644685724 -0.573574139562503 -0.6138165555825964 -0.6509634011396083 +31583,-0.7051358842435766,1,-0.4218911868713739 -0.15721991227767712 0.043992167822798314 0.13840706694686883 0.2188918989870555 0.24829981838635515 0.2730643820910327 0.2250830399132271 0.19877069097700883 0.20031847620854953 0.08887793953752253 -0.07209172454285957 -0.2253224624655294 -0.35843199237815254 -0.45903803242838587 -0.5395228644685724 -0.573574139562503 -0.6138165555825964 -0.6509634011396083 -0.6788235353073673 +31584,-0.7654995082737255,1,-0.15721991227767712 0.043992167822798314 0.13840706694686883 0.2188918989870555 0.24829981838635515 0.2730643820910327 0.2250830399132271 0.19877069097700883 0.20031847620854953 0.08887793953752253 -0.07209172454285957 -0.2253224624655294 -0.35843199237815254 -0.45903803242838587 -0.5395228644685724 -0.573574139562503 -0.6138165555825964 -0.6509634011396083 -0.6788235353073673 -0.7051358842435766 +31585,-0.750021655958301,1,0.043992167822798314 0.13840706694686883 0.2188918989870555 0.24829981838635515 0.2730643820910327 0.2250830399132271 0.19877069097700883 0.20031847620854953 0.08887793953752253 -0.07209172454285957 -0.2253224624655294 -0.35843199237815254 -0.45903803242838587 -0.5395228644685724 -0.573574139562503 -0.6138165555825964 -0.6509634011396083 -0.6788235353073673 -0.7051358842435766 -0.7654995082737255 +31586,-0.5658352134047907,1,0.13840706694686883 0.2188918989870555 0.24829981838635515 0.2730643820910327 0.2250830399132271 0.19877069097700883 0.20031847620854953 0.08887793953752253 -0.07209172454285957 -0.2253224624655294 -0.35843199237815254 -0.45903803242838587 -0.5395228644685724 -0.573574139562503 -0.6138165555825964 -0.6509634011396083 -0.6788235353073673 -0.7051358842435766 -0.7654995082737255 -0.750021655958301 +31587,-0.34450192529426865,1,0.2188918989870555 0.24829981838635515 0.2730643820910327 0.2250830399132271 0.19877069097700883 0.20031847620854953 0.08887793953752253 -0.07209172454285957 -0.2253224624655294 -0.35843199237815254 -0.45903803242838587 -0.5395228644685724 -0.573574139562503 -0.6138165555825964 -0.6509634011396083 -0.6788235353073673 -0.7051358842435766 -0.7654995082737255 -0.750021655958301 -0.5658352134047907 +31588,-0.2082968249185641,1,0.24829981838635515 0.2730643820910327 0.2250830399132271 0.19877069097700883 0.20031847620854953 0.08887793953752253 -0.07209172454285957 -0.2253224624655294 -0.35843199237815254 -0.45903803242838587 -0.5395228644685724 -0.573574139562503 -0.6138165555825964 -0.6509634011396083 -0.6788235353073673 -0.7051358842435766 -0.7654995082737255 -0.750021655958301 -0.5658352134047907 -0.34450192529426865 +31589,-0.11852528148912447,1,0.2730643820910327 0.2250830399132271 0.19877069097700883 0.20031847620854953 0.08887793953752253 -0.07209172454285957 -0.2253224624655294 -0.35843199237815254 -0.45903803242838587 -0.5395228644685724 -0.573574139562503 -0.6138165555825964 -0.6509634011396083 -0.6788235353073673 -0.7051358842435766 -0.7654995082737255 -0.750021655958301 -0.5658352134047907 -0.34450192529426865 -0.2082968249185641 +31590,0.03160988597046394,1,0.2250830399132271 0.19877069097700883 0.20031847620854953 0.08887793953752253 -0.07209172454285957 -0.2253224624655294 -0.35843199237815254 -0.45903803242838587 -0.5395228644685724 -0.573574139562503 -0.6138165555825964 -0.6509634011396083 -0.6788235353073673 -0.7051358842435766 -0.7654995082737255 -0.750021655958301 -0.5658352134047907 -0.34450192529426865 -0.2082968249185641 -0.11852528148912447 +31591,0.19412733528238674,1,0.19877069097700883 0.20031847620854953 0.08887793953752253 -0.07209172454285957 -0.2253224624655294 -0.35843199237815254 -0.45903803242838587 -0.5395228644685724 -0.573574139562503 -0.6138165555825964 -0.6509634011396083 -0.6788235353073673 -0.7051358842435766 -0.7654995082737255 -0.750021655958301 -0.5658352134047907 -0.34450192529426865 -0.2082968249185641 -0.11852528148912447 0.03160988597046394 +31592,0.29318559010107936,1,0.20031847620854953 0.08887793953752253 -0.07209172454285957 -0.2253224624655294 -0.35843199237815254 -0.45903803242838587 -0.5395228644685724 -0.573574139562503 -0.6138165555825964 -0.6509634011396083 -0.6788235353073673 -0.7051358842435766 -0.7654995082737255 -0.750021655958301 -0.5658352134047907 -0.34450192529426865 -0.2082968249185641 -0.11852528148912447 0.03160988597046394 0.19412733528238674 +31593,0.4154606233929,1,0.08887793953752253 -0.07209172454285957 -0.2253224624655294 -0.35843199237815254 -0.45903803242838587 -0.5395228644685724 -0.573574139562503 -0.6138165555825964 -0.6509634011396083 -0.6788235353073673 -0.7051358842435766 -0.7654995082737255 -0.750021655958301 -0.5658352134047907 -0.34450192529426865 -0.2082968249185641 -0.11852528148912447 0.03160988597046394 0.19412733528238674 0.29318559010107936 +31594,0.5408312271478108,1,-0.07209172454285957 -0.2253224624655294 -0.35843199237815254 -0.45903803242838587 -0.5395228644685724 -0.573574139562503 -0.6138165555825964 -0.6509634011396083 -0.6788235353073673 -0.7051358842435766 -0.7654995082737255 -0.750021655958301 -0.5658352134047907 -0.34450192529426865 -0.2082968249185641 -0.11852528148912447 0.03160988597046394 0.19412733528238674 0.29318559010107936 0.4154606233929 +31595,0.46808532126533653,1,-0.2253224624655294 -0.35843199237815254 -0.45903803242838587 -0.5395228644685724 -0.573574139562503 -0.6138165555825964 -0.6509634011396083 -0.6788235353073673 -0.7051358842435766 -0.7654995082737255 -0.750021655958301 -0.5658352134047907 -0.34450192529426865 -0.2082968249185641 -0.11852528148912447 0.03160988597046394 0.19412733528238674 0.29318559010107936 0.4154606233929 0.5408312271478108 +31596,0.4077216972351965,1,-0.35843199237815254 -0.45903803242838587 -0.5395228644685724 -0.573574139562503 -0.6138165555825964 -0.6509634011396083 -0.6788235353073673 -0.7051358842435766 -0.7654995082737255 -0.750021655958301 -0.5658352134047907 -0.34450192529426865 -0.2082968249185641 -0.11852528148912447 0.03160988597046394 0.19412733528238674 0.29318559010107936 0.4154606233929 0.5408312271478108 0.46808532126533653 +31597,0.29473337533262006,1,-0.45903803242838587 -0.5395228644685724 -0.573574139562503 -0.6138165555825964 -0.6509634011396083 -0.6788235353073673 -0.7051358842435766 -0.7654995082737255 -0.750021655958301 -0.5658352134047907 -0.34450192529426865 -0.2082968249185641 -0.11852528148912447 0.03160988597046394 0.19412733528238674 0.29318559010107936 0.4154606233929 0.5408312271478108 0.46808532126533653 0.4077216972351965 +31598,0.04863552351742921,1,-0.5395228644685724 -0.573574139562503 -0.6138165555825964 -0.6509634011396083 -0.6788235353073673 -0.7051358842435766 -0.7654995082737255 -0.750021655958301 -0.5658352134047907 -0.34450192529426865 -0.2082968249185641 -0.11852528148912447 0.03160988597046394 0.19412733528238674 0.29318559010107936 0.4154606233929 0.5408312271478108 0.46808532126533653 0.4077216972351965 0.29473337533262006 +31599,-0.2206791067708985,1,-0.573574139562503 -0.6138165555825964 -0.6509634011396083 -0.6788235353073673 -0.7051358842435766 -0.7654995082737255 -0.750021655958301 -0.5658352134047907 -0.34450192529426865 -0.2082968249185641 -0.11852528148912447 0.03160988597046394 0.19412733528238674 0.29318559010107936 0.4154606233929 0.5408312271478108 0.46808532126533653 0.4077216972351965 0.29473337533262006 0.04863552351742921 +31600,-0.36617091853585604,1,-0.6138165555825964 -0.6509634011396083 -0.6788235353073673 -0.7051358842435766 -0.7654995082737255 -0.750021655958301 -0.5658352134047907 -0.34450192529426865 -0.2082968249185641 -0.11852528148912447 0.03160988597046394 0.19412733528238674 0.29318559010107936 0.4154606233929 0.5408312271478108 0.46808532126533653 0.4077216972351965 0.29473337533262006 0.04863552351742921 -0.2206791067708985 +31601,-0.4342734687237083,1,-0.6509634011396083 -0.6788235353073673 -0.7051358842435766 -0.7654995082737255 -0.750021655958301 -0.5658352134047907 -0.34450192529426865 -0.2082968249185641 -0.11852528148912447 0.03160988597046394 0.19412733528238674 0.29318559010107936 0.4154606233929 0.5408312271478108 0.46808532126533653 0.4077216972351965 0.29473337533262006 0.04863552351742921 -0.2206791067708985 -0.36617091853585604 +31602,-0.5116627303008136,1,-0.6788235353073673 -0.7051358842435766 -0.7654995082737255 -0.750021655958301 -0.5658352134047907 -0.34450192529426865 -0.2082968249185641 -0.11852528148912447 0.03160988597046394 0.19412733528238674 0.29318559010107936 0.4154606233929 0.5408312271478108 0.46808532126533653 0.4077216972351965 0.29473337533262006 0.04863552351742921 -0.2206791067708985 -0.36617091853585604 -0.4342734687237083 +31603,-0.6571545420657711,1,-0.7051358842435766 -0.7654995082737255 -0.750021655958301 -0.5658352134047907 -0.34450192529426865 -0.2082968249185641 -0.11852528148912447 0.03160988597046394 0.19412733528238674 0.29318559010107936 0.4154606233929 0.5408312271478108 0.46808532126533653 0.4077216972351965 0.29473337533262006 0.04863552351742921 -0.2206791067708985 -0.36617091853585604 -0.4342734687237083 -0.5116627303008136 +31604,-0.7020403137804953,1,-0.7654995082737255 -0.750021655958301 -0.5658352134047907 -0.34450192529426865 -0.2082968249185641 -0.11852528148912447 0.03160988597046394 0.19412733528238674 0.29318559010107936 0.4154606233929 0.5408312271478108 0.46808532126533653 0.4077216972351965 0.29473337533262006 0.04863552351742921 -0.2206791067708985 -0.36617091853585604 -0.4342734687237083 -0.5116627303008136 -0.6571545420657711 +31605,-0.7283526627167135,1,-0.750021655958301 -0.5658352134047907 -0.34450192529426865 -0.2082968249185641 -0.11852528148912447 0.03160988597046394 0.19412733528238674 0.29318559010107936 0.4154606233929 0.5408312271478108 0.46808532126533653 0.4077216972351965 0.29473337533262006 0.04863552351742921 -0.2206791067708985 -0.36617091853585604 -0.4342734687237083 -0.5116627303008136 -0.6571545420657711 -0.7020403137804953 +31606,-0.7345438036428763,1,-0.5658352134047907 -0.34450192529426865 -0.2082968249185641 -0.11852528148912447 0.03160988597046394 0.19412733528238674 0.29318559010107936 0.4154606233929 0.5408312271478108 0.46808532126533653 0.4077216972351965 0.29473337533262006 0.04863552351742921 -0.2206791067708985 -0.36617091853585604 -0.4342734687237083 -0.5116627303008136 -0.6571545420657711 -0.7020403137804953 -0.7283526627167135 +31607,-0.7360915888744258,1,-0.34450192529426865 -0.2082968249185641 -0.11852528148912447 0.03160988597046394 0.19412733528238674 0.29318559010107936 0.4154606233929 0.5408312271478108 0.46808532126533653 0.4077216972351965 0.29473337533262006 0.04863552351742921 -0.2206791067708985 -0.36617091853585604 -0.4342734687237083 -0.5116627303008136 -0.6571545420657711 -0.7020403137804953 -0.7283526627167135 -0.7345438036428763 +31608,-0.7159703808643704,1,-0.2082968249185641 -0.11852528148912447 0.03160988597046394 0.19412733528238674 0.29318559010107936 0.4154606233929 0.5408312271478108 0.46808532126533653 0.4077216972351965 0.29473337533262006 0.04863552351742921 -0.2206791067708985 -0.36617091853585604 -0.4342734687237083 -0.5116627303008136 -0.6571545420657711 -0.7020403137804953 -0.7283526627167135 -0.7345438036428763 -0.7360915888744258 +31609,-0.6587023272973206,1,-0.11852528148912447 0.03160988597046394 0.19412733528238674 0.29318559010107936 0.4154606233929 0.5408312271478108 0.46808532126533653 0.4077216972351965 0.29473337533262006 0.04863552351742921 -0.2206791067708985 -0.36617091853585604 -0.4342734687237083 -0.5116627303008136 -0.6571545420657711 -0.7020403137804953 -0.7283526627167135 -0.7345438036428763 -0.7360915888744258 -0.7159703808643704 +31610,-0.5317839383108602,1,0.03160988597046394 0.19412733528238674 0.29318559010107936 0.4154606233929 0.5408312271478108 0.46808532126533653 0.4077216972351965 0.29473337533262006 0.04863552351742921 -0.2206791067708985 -0.36617091853585604 -0.4342734687237083 -0.5116627303008136 -0.6571545420657711 -0.7020403137804953 -0.7283526627167135 -0.7345438036428763 -0.7360915888744258 -0.7159703808643704 -0.6587023272973206 +31611,-0.4079611197874988,1,0.19412733528238674 0.29318559010107936 0.4154606233929 0.5408312271478108 0.46808532126533653 0.4077216972351965 0.29473337533262006 0.04863552351742921 -0.2206791067708985 -0.36617091853585604 -0.4342734687237083 -0.5116627303008136 -0.6571545420657711 -0.7020403137804953 -0.7283526627167135 -0.7345438036428763 -0.7360915888744258 -0.7159703808643704 -0.6587023272973206 -0.5317839383108602 +31612,-0.26092152279099184,1,0.29318559010107936 0.4154606233929 0.5408312271478108 0.46808532126533653 0.4077216972351965 0.29473337533262006 0.04863552351742921 -0.2206791067708985 -0.36617091853585604 -0.4342734687237083 -0.5116627303008136 -0.6571545420657711 -0.7020403137804953 -0.7283526627167135 -0.7345438036428763 -0.7360915888744258 -0.7159703808643704 -0.6587023272973206 -0.5317839383108602 -0.4079611197874988 +31613,-0.14793320088842413,1,0.4154606233929 0.5408312271478108 0.46808532126533653 0.4077216972351965 0.29473337533262006 0.04863552351742921 -0.2206791067708985 -0.36617091853585604 -0.4342734687237083 -0.5116627303008136 -0.6571545420657711 -0.7020403137804953 -0.7283526627167135 -0.7345438036428763 -0.7360915888744258 -0.7159703808643704 -0.6587023272973206 -0.5317839383108602 -0.4079611197874988 -0.26092152279099184 +31614,0.01613203365503937,1,0.5408312271478108 0.46808532126533653 0.4077216972351965 0.29473337533262006 0.04863552351742921 -0.2206791067708985 -0.36617091853585604 -0.4342734687237083 -0.5116627303008136 -0.6571545420657711 -0.7020403137804953 -0.7283526627167135 -0.7345438036428763 -0.7360915888744258 -0.7159703808643704 -0.6587023272973206 -0.5317839383108602 -0.4079611197874988 -0.26092152279099184 -0.14793320088842413 +31615,0.17555391250388078,1,0.46808532126533653 0.4077216972351965 0.29473337533262006 0.04863552351742921 -0.2206791067708985 -0.36617091853585604 -0.4342734687237083 -0.5116627303008136 -0.6571545420657711 -0.7020403137804953 -0.7283526627167135 -0.7345438036428763 -0.7360915888744258 -0.7159703808643704 -0.6587023272973206 -0.5317839383108602 -0.4079611197874988 -0.26092152279099184 -0.14793320088842413 0.01613203365503937 +31616,0.36438371075201303,1,0.4077216972351965 0.29473337533262006 0.04863552351742921 -0.2206791067708985 -0.36617091853585604 -0.4342734687237083 -0.5116627303008136 -0.6571545420657711 -0.7020403137804953 -0.7283526627167135 -0.7345438036428763 -0.7360915888744258 -0.7159703808643704 -0.6587023272973206 -0.5317839383108602 -0.4079611197874988 -0.26092152279099184 -0.14793320088842413 0.01613203365503937 0.17555391250388078 +31617,0.6213160591880064,1,0.29473337533262006 0.04863552351742921 -0.2206791067708985 -0.36617091853585604 -0.4342734687237083 -0.5116627303008136 -0.6571545420657711 -0.7020403137804953 -0.7283526627167135 -0.7345438036428763 -0.7360915888744258 -0.7159703808643704 -0.6587023272973206 -0.5317839383108602 -0.4079611197874988 -0.26092152279099184 -0.14793320088842413 0.01613203365503937 0.17555391250388078 0.36438371075201303 +31618,0.7358521663221236,1,0.04863552351742921 -0.2206791067708985 -0.36617091853585604 -0.4342734687237083 -0.5116627303008136 -0.6571545420657711 -0.7020403137804953 -0.7283526627167135 -0.7345438036428763 -0.7360915888744258 -0.7159703808643704 -0.6587023272973206 -0.5317839383108602 -0.4079611197874988 -0.26092152279099184 -0.14793320088842413 0.01613203365503937 0.17555391250388078 0.36438371075201303 0.6213160591880064 +31619,0.7373999515536642,1,-0.2206791067708985 -0.36617091853585604 -0.4342734687237083 -0.5116627303008136 -0.6571545420657711 -0.7020403137804953 -0.7283526627167135 -0.7345438036428763 -0.7360915888744258 -0.7159703808643704 -0.6587023272973206 -0.5317839383108602 -0.4079611197874988 -0.26092152279099184 -0.14793320088842413 0.01613203365503937 0.17555391250388078 0.36438371075201303 0.6213160591880064 0.7358521663221236 +31620,0.6321505558088,1,-0.36617091853585604 -0.4342734687237083 -0.5116627303008136 -0.6571545420657711 -0.7020403137804953 -0.7283526627167135 -0.7345438036428763 -0.7360915888744258 -0.7159703808643704 -0.6587023272973206 -0.5317839383108602 -0.4079611197874988 -0.26092152279099184 -0.14793320088842413 0.01613203365503937 0.17555391250388078 0.36438371075201303 0.6213160591880064 0.7358521663221236 0.7373999515536642 +31621,0.45260746894991194,1,-0.4342734687237083 -0.5116627303008136 -0.6571545420657711 -0.7020403137804953 -0.7283526627167135 -0.7345438036428763 -0.7360915888744258 -0.7159703808643704 -0.6587023272973206 -0.5317839383108602 -0.4079611197874988 -0.26092152279099184 -0.14793320088842413 0.01613203365503937 0.17555391250388078 0.36438371075201303 0.6213160591880064 0.7358521663221236 0.7373999515536642 0.6321505558088 +31622,0.1616238454199969,1,-0.5116627303008136 -0.6571545420657711 -0.7020403137804953 -0.7283526627167135 -0.7345438036428763 -0.7360915888744258 -0.7159703808643704 -0.6587023272973206 -0.5317839383108602 -0.4079611197874988 -0.26092152279099184 -0.14793320088842413 0.01613203365503937 0.17555391250388078 0.36438371075201303 0.6213160591880064 0.7358521663221236 0.7373999515536642 0.6321505558088 0.45260746894991194 +31623,-0.07363950977440026,1,-0.6571545420657711 -0.7020403137804953 -0.7283526627167135 -0.7345438036428763 -0.7360915888744258 -0.7159703808643704 -0.6587023272973206 -0.5317839383108602 -0.4079611197874988 -0.26092152279099184 -0.14793320088842413 0.01613203365503937 0.17555391250388078 0.36438371075201303 0.6213160591880064 0.7358521663221236 0.7373999515536642 0.6321505558088 0.45260746894991194 0.1616238454199969 +31624,-0.29032944219029144,1,-0.7020403137804953 -0.7283526627167135 -0.7345438036428763 -0.7360915888744258 -0.7159703808643704 -0.6587023272973206 -0.5317839383108602 -0.4079611197874988 -0.26092152279099184 -0.14793320088842413 0.01613203365503937 0.17555391250388078 0.36438371075201303 0.6213160591880064 0.7358521663221236 0.7373999515536642 0.6321505558088 0.45260746894991194 0.1616238454199969 -0.07363950977440026 +31625,-0.36771870376739674,1,-0.7283526627167135 -0.7345438036428763 -0.7360915888744258 -0.7159703808643704 -0.6587023272973206 -0.5317839383108602 -0.4079611197874988 -0.26092152279099184 -0.14793320088842413 0.01613203365503937 0.17555391250388078 0.36438371075201303 0.6213160591880064 0.7358521663221236 0.7373999515536642 0.6321505558088 0.45260746894991194 0.1616238454199969 -0.07363950977440026 -0.29032944219029144 +31626,-0.39867440839824586,1,-0.7345438036428763 -0.7360915888744258 -0.7159703808643704 -0.6587023272973206 -0.5317839383108602 -0.4079611197874988 -0.26092152279099184 -0.14793320088842413 0.01613203365503937 0.17555391250388078 0.36438371075201303 0.6213160591880064 0.7358521663221236 0.7373999515536642 0.6321505558088 0.45260746894991194 0.1616238454199969 -0.07363950977440026 -0.29032944219029144 -0.36771870376739674 +31627,-0.4342734687237083,1,-0.7360915888744258 -0.7159703808643704 -0.6587023272973206 -0.5317839383108602 -0.4079611197874988 -0.26092152279099184 -0.14793320088842413 0.01613203365503937 0.17555391250388078 0.36438371075201303 0.6213160591880064 0.7358521663221236 0.7373999515536642 0.6321505558088 0.45260746894991194 0.1616238454199969 -0.07363950977440026 -0.29032944219029144 -0.36771870376739674 -0.39867440839824586 +31628,-0.40641333455594936,1,-0.7159703808643704 -0.6587023272973206 -0.5317839383108602 -0.4079611197874988 -0.26092152279099184 -0.14793320088842413 0.01613203365503937 0.17555391250388078 0.36438371075201303 0.6213160591880064 0.7358521663221236 0.7373999515536642 0.6321505558088 0.45260746894991194 0.1616238454199969 -0.07363950977440026 -0.29032944219029144 -0.36771870376739674 -0.39867440839824586 -0.4342734687237083 +31629,-0.45594246196530447,1,-0.6587023272973206 -0.5317839383108602 -0.4079611197874988 -0.26092152279099184 -0.14793320088842413 0.01613203365503937 0.17555391250388078 0.36438371075201303 0.6213160591880064 0.7358521663221236 0.7373999515536642 0.6321505558088 0.45260746894991194 0.1616238454199969 -0.07363950977440026 -0.29032944219029144 -0.36771870376739674 -0.39867440839824586 -0.4342734687237083 -0.40641333455594936 +31630,-0.4358212539552578,1,-0.5317839383108602 -0.4079611197874988 -0.26092152279099184 -0.14793320088842413 0.01613203365503937 0.17555391250388078 0.36438371075201303 0.6213160591880064 0.7358521663221236 0.7373999515536642 0.6321505558088 0.45260746894991194 0.1616238454199969 -0.07363950977440026 -0.29032944219029144 -0.36771870376739674 -0.39867440839824586 -0.4342734687237083 -0.40641333455594936 -0.45594246196530447 +31631,-0.4420123948814206,1,-0.4079611197874988 -0.26092152279099184 -0.14793320088842413 0.01613203365503937 0.17555391250388078 0.36438371075201303 0.6213160591880064 0.7358521663221236 0.7373999515536642 0.6321505558088 0.45260746894991194 0.1616238454199969 -0.07363950977440026 -0.29032944219029144 -0.36771870376739674 -0.39867440839824586 -0.4342734687237083 -0.40641333455594936 -0.45594246196530447 -0.4358212539552578 +31632,-0.4327256834921676,1,-0.26092152279099184 -0.14793320088842413 0.01613203365503937 0.17555391250388078 0.36438371075201303 0.6213160591880064 0.7358521663221236 0.7373999515536642 0.6321505558088 0.45260746894991194 0.1616238454199969 -0.07363950977440026 -0.29032944219029144 -0.36771870376739674 -0.39867440839824586 -0.4342734687237083 -0.40641333455594936 -0.45594246196530447 -0.4358212539552578 -0.4420123948814206 +31633,-0.46522917335455743,1,-0.14793320088842413 0.01613203365503937 0.17555391250388078 0.36438371075201303 0.6213160591880064 0.7358521663221236 0.7373999515536642 0.6321505558088 0.45260746894991194 0.1616238454199969 -0.07363950977440026 -0.29032944219029144 -0.36771870376739674 -0.39867440839824586 -0.4342734687237083 -0.40641333455594936 -0.45594246196530447 -0.4358212539552578 -0.4420123948814206 -0.4327256834921676 +31634,-0.38164877085128057,1,0.01613203365503937 0.17555391250388078 0.36438371075201303 0.6213160591880064 0.7358521663221236 0.7373999515536642 0.6321505558088 0.45260746894991194 0.1616238454199969 -0.07363950977440026 -0.29032944219029144 -0.36771870376739674 -0.39867440839824586 -0.4342734687237083 -0.40641333455594936 -0.45594246196530447 -0.4358212539552578 -0.4420123948814206 -0.4327256834921676 -0.46522917335455743 +31635,-0.29032944219029144,1,0.17555391250388078 0.36438371075201303 0.6213160591880064 0.7358521663221236 0.7373999515536642 0.6321505558088 0.45260746894991194 0.1616238454199969 -0.07363950977440026 -0.29032944219029144 -0.36771870376739674 -0.39867440839824586 -0.4342734687237083 -0.40641333455594936 -0.45594246196530447 -0.4358212539552578 -0.4420123948814206 -0.4327256834921676 -0.46522917335455743 -0.38164877085128057 +31636,-0.22687024769707007,1,0.36438371075201303 0.6213160591880064 0.7358521663221236 0.7373999515536642 0.6321505558088 0.45260746894991194 0.1616238454199969 -0.07363950977440026 -0.29032944219029144 -0.36771870376739674 -0.39867440839824586 -0.4342734687237083 -0.40641333455594936 -0.45594246196530447 -0.4358212539552578 -0.4420123948814206 -0.4327256834921676 -0.46522917335455743 -0.38164877085128057 -0.29032944219029144 +31637,0.030062100738923243,1,0.6213160591880064 0.7358521663221236 0.7373999515536642 0.6321505558088 0.45260746894991194 0.1616238454199969 -0.07363950977440026 -0.29032944219029144 -0.36771870376739674 -0.39867440839824586 -0.4342734687237083 -0.40641333455594936 -0.45594246196530447 -0.4358212539552578 -0.4420123948814206 -0.4327256834921676 -0.46522917335455743 -0.38164877085128057 -0.29032944219029144 -0.22687024769707007 +31638,0.2668732411648611,1,0.7358521663221236 0.7373999515536642 0.6321505558088 0.45260746894991194 0.1616238454199969 -0.07363950977440026 -0.29032944219029144 -0.36771870376739674 -0.39867440839824586 -0.4342734687237083 -0.40641333455594936 -0.45594246196530447 -0.4358212539552578 -0.4420123948814206 -0.4327256834921676 -0.46522917335455743 -0.38164877085128057 -0.29032944219029144 -0.22687024769707007 0.030062100738923243 +31639,0.5919081397887067,1,0.7373999515536642 0.6321505558088 0.45260746894991194 0.1616238454199969 -0.07363950977440026 -0.29032944219029144 -0.36771870376739674 -0.39867440839824586 -0.4342734687237083 -0.40641333455594936 -0.45594246196530447 -0.4358212539552578 -0.4420123948814206 -0.4327256834921676 -0.46522917335455743 -0.38164877085128057 -0.29032944219029144 -0.22687024769707007 0.030062100738923243 0.2668732411648611 +31640,0.8890829042447845,1,0.6321505558088 0.45260746894991194 0.1616238454199969 -0.07363950977440026 -0.29032944219029144 -0.36771870376739674 -0.39867440839824586 -0.4342734687237083 -0.40641333455594936 -0.45594246196530447 -0.4358212539552578 -0.4420123948814206 -0.4327256834921676 -0.46522917335455743 -0.38164877085128057 -0.29032944219029144 -0.22687024769707007 0.030062100738923243 0.2668732411648611 0.5919081397887067 +31641,1.0732693467982948,1,0.45260746894991194 0.1616238454199969 -0.07363950977440026 -0.29032944219029144 -0.36771870376739674 -0.39867440839824586 -0.4342734687237083 -0.40641333455594936 -0.45594246196530447 -0.4358212539552578 -0.4420123948814206 -0.4327256834921676 -0.46522917335455743 -0.38164877085128057 -0.29032944219029144 -0.22687024769707007 0.030062100738923243 0.2668732411648611 0.5919081397887067 0.8890829042447845 +31642,1.1460152526807779,1,0.1616238454199969 -0.07363950977440026 -0.29032944219029144 -0.36771870376739674 -0.39867440839824586 -0.4342734687237083 -0.40641333455594936 -0.45594246196530447 -0.4358212539552578 -0.4420123948814206 -0.4327256834921676 -0.46522917335455743 -0.38164877085128057 -0.29032944219029144 -0.22687024769707007 0.030062100738923243 0.2668732411648611 0.5919081397887067 0.8890829042447845 1.0732693467982948 +31643,1.118155118513019,1,-0.07363950977440026 -0.29032944219029144 -0.36771870376739674 -0.39867440839824586 -0.4342734687237083 -0.40641333455594936 -0.45594246196530447 -0.4358212539552578 -0.4420123948814206 -0.4327256834921676 -0.46522917335455743 -0.38164877085128057 -0.29032944219029144 -0.22687024769707007 0.030062100738923243 0.2668732411648611 0.5919081397887067 0.8890829042447845 1.0732693467982948 1.1460152526807779 +31644,0.9370642464225901,1,-0.29032944219029144 -0.36771870376739674 -0.39867440839824586 -0.4342734687237083 -0.40641333455594936 -0.45594246196530447 -0.4358212539552578 -0.4420123948814206 -0.4327256834921676 -0.46522917335455743 -0.38164877085128057 -0.29032944219029144 -0.22687024769707007 0.030062100738923243 0.2668732411648611 0.5919081397887067 0.8890829042447845 1.0732693467982948 1.1460152526807779 1.118155118513019 +31645,0.7420433072482863,1,-0.36771870376739674 -0.39867440839824586 -0.4342734687237083 -0.40641333455594936 -0.45594246196530447 -0.4358212539552578 -0.4420123948814206 -0.4327256834921676 -0.46522917335455743 -0.38164877085128057 -0.29032944219029144 -0.22687024769707007 0.030062100738923243 0.2668732411648611 0.5919081397887067 0.8890829042447845 1.0732693467982948 1.1460152526807779 1.118155118513019 0.9370642464225901 +31646,0.38450491876205967,1,-0.39867440839824586 -0.4342734687237083 -0.40641333455594936 -0.45594246196530447 -0.4358212539552578 -0.4420123948814206 -0.4327256834921676 -0.46522917335455743 -0.38164877085128057 -0.29032944219029144 -0.22687024769707007 0.030062100738923243 0.2668732411648611 0.5919081397887067 0.8890829042447845 1.0732693467982948 1.1460152526807779 1.118155118513019 0.9370642464225901 0.7420433072482863 +31647,0.09197351000060393,1,-0.4342734687237083 -0.40641333455594936 -0.45594246196530447 -0.4358212539552578 -0.4420123948814206 -0.4327256834921676 -0.46522917335455743 -0.38164877085128057 -0.29032944219029144 -0.22687024769707007 0.030062100738923243 0.2668732411648611 0.5919081397887067 0.8890829042447845 1.0732693467982948 1.1460152526807779 1.118155118513019 0.9370642464225901 0.7420433072482863 0.38450491876205967 +31648,-0.13090756334145887,1,-0.40641333455594936 -0.45594246196530447 -0.4358212539552578 -0.4420123948814206 -0.4327256834921676 -0.46522917335455743 -0.38164877085128057 -0.29032944219029144 -0.22687024769707007 0.030062100738923243 0.2668732411648611 0.5919081397887067 0.8890829042447845 1.0732693467982948 1.1460152526807779 1.118155118513019 0.9370642464225901 0.7420433072482863 0.38450491876205967 0.09197351000060393 +31649,-0.18043669075080518,1,-0.45594246196530447 -0.4358212539552578 -0.4420123948814206 -0.4327256834921676 -0.46522917335455743 -0.38164877085128057 -0.29032944219029144 -0.22687024769707007 0.030062100738923243 0.2668732411648611 0.5919081397887067 0.8890829042447845 1.0732693467982948 1.1460152526807779 1.118155118513019 0.9370642464225901 0.7420433072482863 0.38450491876205967 0.09197351000060393 -0.13090756334145887 +31650,-0.24234810001249465,1,-0.4358212539552578 -0.4420123948814206 -0.4327256834921676 -0.46522917335455743 -0.38164877085128057 -0.29032944219029144 -0.22687024769707007 0.030062100738923243 0.2668732411648611 0.5919081397887067 0.8890829042447845 1.0732693467982948 1.1460152526807779 1.118155118513019 0.9370642464225901 0.7420433072482863 0.38450491876205967 0.09197351000060393 -0.13090756334145887 -0.18043669075080518 +31651,-0.28878165695875074,1,-0.4420123948814206 -0.4327256834921676 -0.46522917335455743 -0.38164877085128057 -0.29032944219029144 -0.22687024769707007 0.030062100738923243 0.2668732411648611 0.5919081397887067 0.8890829042447845 1.0732693467982948 1.1460152526807779 1.118155118513019 0.9370642464225901 0.7420433072482863 0.38450491876205967 0.09197351000060393 -0.13090756334145887 -0.18043669075080518 -0.24234810001249465 +31652,-0.3491452809888996,1,-0.4327256834921676 -0.46522917335455743 -0.38164877085128057 -0.29032944219029144 -0.22687024769707007 0.030062100738923243 0.2668732411648611 0.5919081397887067 0.8890829042447845 1.0732693467982948 1.1460152526807779 1.118155118513019 0.9370642464225901 0.7420433072482863 0.38450491876205967 0.09197351000060393 -0.13090756334145887 -0.18043669075080518 -0.24234810001249465 -0.28878165695875074 +31653,-0.4265345425660048,1,-0.46522917335455743 -0.38164877085128057 -0.29032944219029144 -0.22687024769707007 0.030062100738923243 0.2668732411648611 0.5919081397887067 0.8890829042447845 1.0732693467982948 1.1460152526807779 1.118155118513019 0.9370642464225901 0.7420433072482863 0.38450491876205967 0.09197351000060393 -0.13090756334145887 -0.18043669075080518 -0.24234810001249465 -0.28878165695875074 -0.3491452809888996 +31654,-0.4977326632169385,1,-0.38164877085128057 -0.29032944219029144 -0.22687024769707007 0.030062100738923243 0.2668732411648611 0.5919081397887067 0.8890829042447845 1.0732693467982948 1.1460152526807779 1.118155118513019 0.9370642464225901 0.7420433072482863 0.38450491876205967 0.09197351000060393 -0.13090756334145887 -0.18043669075080518 -0.24234810001249465 -0.28878165695875074 -0.3491452809888996 -0.4265345425660048 +31655,-0.5395228644685724,1,-0.29032944219029144 -0.22687024769707007 0.030062100738923243 0.2668732411648611 0.5919081397887067 0.8890829042447845 1.0732693467982948 1.1460152526807779 1.118155118513019 0.9370642464225901 0.7420433072482863 0.38450491876205967 0.09197351000060393 -0.13090756334145887 -0.18043669075080518 -0.24234810001249465 -0.28878165695875074 -0.3491452809888996 -0.4265345425660048 -0.4977326632169385 +31656,-0.6184599112772184,1,-0.22687024769707007 0.030062100738923243 0.2668732411648611 0.5919081397887067 0.8890829042447845 1.0732693467982948 1.1460152526807779 1.118155118513019 0.9370642464225901 0.7420433072482863 0.38450491876205967 0.09197351000060393 -0.13090756334145887 -0.18043669075080518 -0.24234810001249465 -0.28878165695875074 -0.3491452809888996 -0.4265345425660048 -0.4977326632169385 -0.5395228644685724 +31657,-0.6292944078980209,1,0.030062100738923243 0.2668732411648611 0.5919081397887067 0.8890829042447845 1.0732693467982948 1.1460152526807779 1.118155118513019 0.9370642464225901 0.7420433072482863 0.38450491876205967 0.09197351000060393 -0.13090756334145887 -0.18043669075080518 -0.24234810001249465 -0.28878165695875074 -0.3491452809888996 -0.4265345425660048 -0.4977326632169385 -0.5395228644685724 -0.6184599112772184 +31658,-0.4373690391867985,1,0.2668732411648611 0.5919081397887067 0.8890829042447845 1.0732693467982948 1.1460152526807779 1.118155118513019 0.9370642464225901 0.7420433072482863 0.38450491876205967 0.09197351000060393 -0.13090756334145887 -0.18043669075080518 -0.24234810001249465 -0.28878165695875074 -0.3491452809888996 -0.4265345425660048 -0.4977326632169385 -0.5395228644685724 -0.6184599112772184 -0.6292944078980209 +31659,-0.014823670975800974,1,0.5919081397887067 0.8890829042447845 1.0732693467982948 1.1460152526807779 1.118155118513019 0.9370642464225901 0.7420433072482863 0.38450491876205967 0.09197351000060393 -0.13090756334145887 -0.18043669075080518 -0.24234810001249465 -0.28878165695875074 -0.3491452809888996 -0.4265345425660048 -0.4977326632169385 -0.5395228644685724 -0.6184599112772184 -0.6292944078980209 -0.4373690391867985 +31660,0.23901310699710215,1,0.8890829042447845 1.0732693467982948 1.1460152526807779 1.118155118513019 0.9370642464225901 0.7420433072482863 0.38450491876205967 0.09197351000060393 -0.13090756334145887 -0.18043669075080518 -0.24234810001249465 -0.28878165695875074 -0.3491452809888996 -0.4265345425660048 -0.4977326632169385 -0.5395228644685724 -0.6184599112772184 -0.6292944078980209 -0.4373690391867985 -0.014823670975800974 +31661,0.622863844419547,1,1.0732693467982948 1.1460152526807779 1.118155118513019 0.9370642464225901 0.7420433072482863 0.38450491876205967 0.09197351000060393 -0.13090756334145887 -0.18043669075080518 -0.24234810001249465 -0.28878165695875074 -0.3491452809888996 -0.4265345425660048 -0.4977326632169385 -0.5395228644685724 -0.6184599112772184 -0.6292944078980209 -0.4373690391867985 -0.014823670975800974 0.23901310699710215 +31662,0.950994313506474,1,1.1460152526807779 1.118155118513019 0.9370642464225901 0.7420433072482863 0.38450491876205967 0.09197351000060393 -0.13090756334145887 -0.18043669075080518 -0.24234810001249465 -0.28878165695875074 -0.3491452809888996 -0.4265345425660048 -0.4977326632169385 -0.5395228644685724 -0.6184599112772184 -0.6292944078980209 -0.4373690391867985 -0.014823670975800974 0.23901310699710215 0.622863844419547 +31663,1.181614313006249,1,1.118155118513019 0.9370642464225901 0.7420433072482863 0.38450491876205967 0.09197351000060393 -0.13090756334145887 -0.18043669075080518 -0.24234810001249465 -0.28878165695875074 -0.3491452809888996 -0.4265345425660048 -0.4977326632169385 -0.5395228644685724 -0.6184599112772184 -0.6292944078980209 -0.4373690391867985 -0.014823670975800974 0.23901310699710215 0.622863844419547 0.950994313506474 +31664,1.311628272455782,1,0.9370642464225901 0.7420433072482863 0.38450491876205967 0.09197351000060393 -0.13090756334145887 -0.18043669075080518 -0.24234810001249465 -0.28878165695875074 -0.3491452809888996 -0.4265345425660048 -0.4977326632169385 -0.5395228644685724 -0.6184599112772184 -0.6292944078980209 -0.4373690391867985 -0.014823670975800974 0.23901310699710215 0.622863844419547 0.950994313506474 1.181614313006249 +31665,1.376635252180553,1,0.7420433072482863 0.38450491876205967 0.09197351000060393 -0.13090756334145887 -0.18043669075080518 -0.24234810001249465 -0.28878165695875074 -0.3491452809888996 -0.4265345425660048 -0.4977326632169385 -0.5395228644685724 -0.6184599112772184 -0.6292944078980209 -0.4373690391867985 -0.014823670975800974 0.23901310699710215 0.622863844419547 0.950994313506474 1.181614313006249 1.311628272455782 +31666,1.358061829402047,1,0.38450491876205967 0.09197351000060393 -0.13090756334145887 -0.18043669075080518 -0.24234810001249465 -0.28878165695875074 -0.3491452809888996 -0.4265345425660048 -0.4977326632169385 -0.5395228644685724 -0.6184599112772184 -0.6292944078980209 -0.4373690391867985 -0.014823670975800974 0.23901310699710215 0.622863844419547 0.950994313506474 1.181614313006249 1.311628272455782 1.376635252180553 +31667,1.3611573998651283,1,0.09197351000060393 -0.13090756334145887 -0.18043669075080518 -0.24234810001249465 -0.28878165695875074 -0.3491452809888996 -0.4265345425660048 -0.4977326632169385 -0.5395228644685724 -0.6184599112772184 -0.6292944078980209 -0.4373690391867985 -0.014823670975800974 0.23901310699710215 0.622863844419547 0.950994313506474 1.181614313006249 1.311628272455782 1.376635252180553 1.358061829402047 +31668,1.2899592792141947,1,-0.13090756334145887 -0.18043669075080518 -0.24234810001249465 -0.28878165695875074 -0.3491452809888996 -0.4265345425660048 -0.4977326632169385 -0.5395228644685724 -0.6184599112772184 -0.6292944078980209 -0.4373690391867985 -0.014823670975800974 0.23901310699710215 0.622863844419547 0.950994313506474 1.181614313006249 1.311628272455782 1.376635252180553 1.358061829402047 1.3611573998651283 +31669,0.8797961928555316,1,-0.18043669075080518 -0.24234810001249465 -0.28878165695875074 -0.3491452809888996 -0.4265345425660048 -0.4977326632169385 -0.5395228644685724 -0.6184599112772184 -0.6292944078980209 -0.4373690391867985 -0.014823670975800974 0.23901310699710215 0.622863844419547 0.950994313506474 1.181614313006249 1.311628272455782 1.376635252180553 1.358061829402047 1.3611573998651283 1.2899592792141947 +31670,0.5470223680739825,1,-0.24234810001249465 -0.28878165695875074 -0.3491452809888996 -0.4265345425660048 -0.4977326632169385 -0.5395228644685724 -0.6184599112772184 -0.6292944078980209 -0.4373690391867985 -0.014823670975800974 0.23901310699710215 0.622863844419547 0.950994313506474 1.181614313006249 1.311628272455782 1.376635252180553 1.358061829402047 1.3611573998651283 1.2899592792141947 0.8797961928555316 +31671,0.18948397958775584,1,-0.28878165695875074 -0.3491452809888996 -0.4265345425660048 -0.4977326632169385 -0.5395228644685724 -0.6184599112772184 -0.6292944078980209 -0.4373690391867985 -0.014823670975800974 0.23901310699710215 0.622863844419547 0.950994313506474 1.181614313006249 1.311628272455782 1.376635252180553 1.358061829402047 1.3611573998651283 1.2899592792141947 0.8797961928555316 0.5470223680739825 +31672,-0.002441389123466596,1,-0.3491452809888996 -0.4265345425660048 -0.4977326632169385 -0.5395228644685724 -0.6184599112772184 -0.6292944078980209 -0.4373690391867985 -0.014823670975800974 0.23901310699710215 0.622863844419547 0.950994313506474 1.181614313006249 1.311628272455782 1.376635252180553 1.358061829402047 1.3611573998651283 1.2899592792141947 0.8797961928555316 0.5470223680739825 0.18948397958775584 +31673,-0.10459521440524061,1,-0.4265345425660048 -0.4977326632169385 -0.5395228644685724 -0.6184599112772184 -0.6292944078980209 -0.4373690391867985 -0.014823670975800974 0.23901310699710215 0.622863844419547 0.950994313506474 1.181614313006249 1.311628272455782 1.376635252180553 1.358061829402047 1.3611573998651283 1.2899592792141947 0.8797961928555316 0.5470223680739825 0.18948397958775584 -0.002441389123466596 +31674,-0.19127118737159884,1,-0.4977326632169385 -0.5395228644685724 -0.6184599112772184 -0.6292944078980209 -0.4373690391867985 -0.014823670975800974 0.23901310699710215 0.622863844419547 0.950994313506474 1.181614313006249 1.311628272455782 1.376635252180553 1.358061829402047 1.3611573998651283 1.2899592792141947 0.8797961928555316 0.5470223680739825 0.18948397958775584 -0.002441389123466596 -0.10459521440524061 +31675,-0.2717560194117943,1,-0.5395228644685724 -0.6184599112772184 -0.6292944078980209 -0.4373690391867985 -0.014823670975800974 0.23901310699710215 0.622863844419547 0.950994313506474 1.181614313006249 1.311628272455782 1.376635252180553 1.358061829402047 1.3611573998651283 1.2899592792141947 0.8797961928555316 0.5470223680739825 0.18948397958775584 -0.002441389123466596 -0.10459521440524061 -0.19127118737159884 +31676,-0.3181895763580504,1,-0.6184599112772184 -0.6292944078980209 -0.4373690391867985 -0.014823670975800974 0.23901310699710215 0.622863844419547 0.950994313506474 1.181614313006249 1.311628272455782 1.376635252180553 1.358061829402047 1.3611573998651283 1.2899592792141947 0.8797961928555316 0.5470223680739825 0.18948397958775584 -0.002441389123466596 -0.10459521440524061 -0.19127118737159884 -0.2717560194117943 +31677,-0.28723387172721004,1,-0.6292944078980209 -0.4373690391867985 -0.014823670975800974 0.23901310699710215 0.622863844419547 0.950994313506474 1.181614313006249 1.311628272455782 1.376635252180553 1.358061829402047 1.3611573998651283 1.2899592792141947 0.8797961928555316 0.5470223680739825 0.18948397958775584 -0.002441389123466596 -0.10459521440524061 -0.19127118737159884 -0.2717560194117943 -0.3181895763580504 +31678,-0.36307534807277464,1,-0.4373690391867985 -0.014823670975800974 0.23901310699710215 0.622863844419547 0.950994313506474 1.181614313006249 1.311628272455782 1.376635252180553 1.358061829402047 1.3611573998651283 1.2899592792141947 0.8797961928555316 0.5470223680739825 0.18948397958775584 -0.002441389123466596 -0.10459521440524061 -0.19127118737159884 -0.2717560194117943 -0.3181895763580504 -0.28723387172721004 +31679,-0.36771870376739674,1,-0.014823670975800974 0.23901310699710215 0.622863844419547 0.950994313506474 1.181614313006249 1.311628272455782 1.376635252180553 1.358061829402047 1.3611573998651283 1.2899592792141947 0.8797961928555316 0.5470223680739825 0.18948397958775584 -0.002441389123466596 -0.10459521440524061 -0.19127118737159884 -0.2717560194117943 -0.3181895763580504 -0.28723387172721004 -0.36307534807277464 +31680,-0.4110566902505802,1,0.23901310699710215 0.622863844419547 0.950994313506474 1.181614313006249 1.311628272455782 1.376635252180553 1.358061829402047 1.3611573998651283 1.2899592792141947 0.8797961928555316 0.5470223680739825 0.18948397958775584 -0.002441389123466596 -0.10459521440524061 -0.19127118737159884 -0.2717560194117943 -0.3181895763580504 -0.28723387172721004 -0.36307534807277464 -0.36771870376739674 +31681,-0.4141522607136616,1,0.622863844419547 0.950994313506474 1.181614313006249 1.311628272455782 1.376635252180553 1.358061829402047 1.3611573998651283 1.2899592792141947 0.8797961928555316 0.5470223680739825 0.18948397958775584 -0.002441389123466596 -0.10459521440524061 -0.19127118737159884 -0.2717560194117943 -0.3181895763580504 -0.28723387172721004 -0.36307534807277464 -0.36771870376739674 -0.4110566902505802 +31682,-0.25782595232791045,1,0.950994313506474 1.181614313006249 1.311628272455782 1.376635252180553 1.358061829402047 1.3611573998651283 1.2899592792141947 0.8797961928555316 0.5470223680739825 0.18948397958775584 -0.002441389123466596 -0.10459521440524061 -0.19127118737159884 -0.2717560194117943 -0.3181895763580504 -0.28723387172721004 -0.36307534807277464 -0.36771870376739674 -0.4110566902505802 -0.4141522607136616 +31683,-0.06590058361668798,1,1.181614313006249 1.311628272455782 1.376635252180553 1.358061829402047 1.3611573998651283 1.2899592792141947 0.8797961928555316 0.5470223680739825 0.18948397958775584 -0.002441389123466596 -0.10459521440524061 -0.19127118737159884 -0.2717560194117943 -0.3181895763580504 -0.28723387172721004 -0.36307534807277464 -0.36771870376739674 -0.4110566902505802 -0.4141522607136616 -0.25782595232791045 +31684,0.15543270449383412,1,1.311628272455782 1.376635252180553 1.358061829402047 1.3611573998651283 1.2899592792141947 0.8797961928555316 0.5470223680739825 0.18948397958775584 -0.002441389123466596 -0.10459521440524061 -0.19127118737159884 -0.2717560194117943 -0.3181895763580504 -0.28723387172721004 -0.36307534807277464 -0.36771870376739674 -0.4110566902505802 -0.4141522607136616 -0.25782595232791045 -0.06590058361668798 +31685,0.5361878714531888,1,1.376635252180553 1.358061829402047 1.3611573998651283 1.2899592792141947 0.8797961928555316 0.5470223680739825 0.18948397958775584 -0.002441389123466596 -0.10459521440524061 -0.19127118737159884 -0.2717560194117943 -0.3181895763580504 -0.28723387172721004 -0.36307534807277464 -0.36771870376739674 -0.4110566902505802 -0.4141522607136616 -0.25782595232791045 -0.06590058361668798 0.15543270449383412 +31686,0.7451388777113765,1,1.358061829402047 1.3611573998651283 1.2899592792141947 0.8797961928555316 0.5470223680739825 0.18948397958775584 -0.002441389123466596 -0.10459521440524061 -0.19127118737159884 -0.2717560194117943 -0.3181895763580504 -0.28723387172721004 -0.36307534807277464 -0.36771870376739674 -0.4110566902505802 -0.4141522607136616 -0.25782595232791045 -0.06590058361668798 0.15543270449383412 0.5361878714531888 +31687,0.8983696156340375,1,1.3611573998651283 1.2899592792141947 0.8797961928555316 0.5470223680739825 0.18948397958775584 -0.002441389123466596 -0.10459521440524061 -0.19127118737159884 -0.2717560194117943 -0.3181895763580504 -0.28723387172721004 -0.36307534807277464 -0.36771870376739674 -0.4110566902505802 -0.4141522607136616 -0.25782595232791045 -0.06590058361668798 0.15543270449383412 0.5361878714531888 0.7451388777113765 +31688,1.1398241117546062,1,1.2899592792141947 0.8797961928555316 0.5470223680739825 0.18948397958775584 -0.002441389123466596 -0.10459521440524061 -0.19127118737159884 -0.2717560194117943 -0.3181895763580504 -0.28723387172721004 -0.36307534807277464 -0.36771870376739674 -0.4110566902505802 -0.4141522607136616 -0.25782595232791045 -0.06590058361668798 0.15543270449383412 0.5361878714531888 0.7451388777113765 0.8983696156340375 +31689,1.330201695234288,1,0.8797961928555316 0.5470223680739825 0.18948397958775584 -0.002441389123466596 -0.10459521440524061 -0.19127118737159884 -0.2717560194117943 -0.3181895763580504 -0.28723387172721004 -0.36307534807277464 -0.36771870376739674 -0.4110566902505802 -0.4141522607136616 -0.25782595232791045 -0.06590058361668798 0.15543270449383412 0.5361878714531888 0.7451388777113765 0.8983696156340375 1.1398241117546062 +31690,1.3781830374120936,1,0.5470223680739825 0.18948397958775584 -0.002441389123466596 -0.10459521440524061 -0.19127118737159884 -0.2717560194117943 -0.3181895763580504 -0.28723387172721004 -0.36307534807277464 -0.36771870376739674 -0.4110566902505802 -0.4141522607136616 -0.25782595232791045 -0.06590058361668798 0.15543270449383412 0.5361878714531888 0.7451388777113765 0.8983696156340375 1.1398241117546062 1.330201695234288 +31691,1.1970921653216648,1,0.18948397958775584 -0.002441389123466596 -0.10459521440524061 -0.19127118737159884 -0.2717560194117943 -0.3181895763580504 -0.28723387172721004 -0.36307534807277464 -0.36771870376739674 -0.4110566902505802 -0.4141522607136616 -0.25782595232791045 -0.06590058361668798 0.15543270449383412 0.5361878714531888 0.7451388777113765 0.8983696156340375 1.1398241117546062 1.330201695234288 1.3781830374120936 +31692,1.062434850177501,1,-0.002441389123466596 -0.10459521440524061 -0.19127118737159884 -0.2717560194117943 -0.3181895763580504 -0.28723387172721004 -0.36307534807277464 -0.36771870376739674 -0.4110566902505802 -0.4141522607136616 -0.25782595232791045 -0.06590058361668798 0.15543270449383412 0.5361878714531888 0.7451388777113765 0.8983696156340375 1.1398241117546062 1.330201695234288 1.3781830374120936 1.1970921653216648 +31693,0.7358521663221236,1,-0.10459521440524061 -0.19127118737159884 -0.2717560194117943 -0.3181895763580504 -0.28723387172721004 -0.36307534807277464 -0.36771870376739674 -0.4110566902505802 -0.4141522607136616 -0.25782595232791045 -0.06590058361668798 0.15543270449383412 0.5361878714531888 0.7451388777113765 0.8983696156340375 1.1398241117546062 1.330201695234288 1.3781830374120936 1.1970921653216648 1.062434850177501 +31694,0.40462612677210635,1,-0.19127118737159884 -0.2717560194117943 -0.3181895763580504 -0.28723387172721004 -0.36307534807277464 -0.36771870376739674 -0.4110566902505802 -0.4141522607136616 -0.25782595232791045 -0.06590058361668798 0.15543270449383412 0.5361878714531888 0.7451388777113765 0.8983696156340375 1.1398241117546062 1.330201695234288 1.3781830374120936 1.1970921653216648 1.062434850177501 0.7358521663221236 +31695,0.07494787245363867,1,-0.2717560194117943 -0.3181895763580504 -0.28723387172721004 -0.36307534807277464 -0.36771870376739674 -0.4110566902505802 -0.4141522607136616 -0.25782595232791045 -0.06590058361668798 0.15543270449383412 0.5361878714531888 0.7451388777113765 0.8983696156340375 1.1398241117546062 1.330201695234288 1.3781830374120936 1.1970921653216648 1.062434850177501 0.7358521663221236 0.40462612677210635 +31696,-0.07983065070057185,1,-0.3181895763580504 -0.28723387172721004 -0.36307534807277464 -0.36771870376739674 -0.4110566902505802 -0.4141522607136616 -0.25782595232791045 -0.06590058361668798 0.15543270449383412 0.5361878714531888 0.7451388777113765 0.8983696156340375 1.1398241117546062 1.330201695234288 1.3781830374120936 1.1970921653216648 1.062434850177501 0.7358521663221236 0.40462612677210635 0.07494787245363867 +31697,-0.17114997936155218,1,-0.28723387172721004 -0.36307534807277464 -0.36771870376739674 -0.4110566902505802 -0.4141522607136616 -0.25782595232791045 -0.06590058361668798 0.15543270449383412 0.5361878714531888 0.7451388777113765 0.8983696156340375 1.1398241117546062 1.330201695234288 1.3781830374120936 1.1970921653216648 1.062434850177501 0.7358521663221236 0.40462612677210635 0.07494787245363867 -0.07983065070057185 +31698,-0.19591454306622974,1,-0.36307534807277464 -0.36771870376739674 -0.4110566902505802 -0.4141522607136616 -0.25782595232791045 -0.06590058361668798 0.15543270449383412 0.5361878714531888 0.7451388777113765 0.8983696156340375 1.1398241117546062 1.330201695234288 1.3781830374120936 1.1970921653216648 1.062434850177501 0.7358521663221236 0.40462612677210635 0.07494787245363867 -0.07983065070057185 -0.17114997936155218 +31699,-0.2098446101501048,1,-0.36771870376739674 -0.4110566902505802 -0.4141522607136616 -0.25782595232791045 -0.06590058361668798 0.15543270449383412 0.5361878714531888 0.7451388777113765 0.8983696156340375 1.1398241117546062 1.330201695234288 1.3781830374120936 1.1970921653216648 1.062434850177501 0.7358521663221236 0.40462612677210635 0.07494787245363867 -0.07983065070057185 -0.17114997936155218 -0.19591454306622974 +31700,-0.2516348114017388,1,-0.4110566902505802 -0.4141522607136616 -0.25782595232791045 -0.06590058361668798 0.15543270449383412 0.5361878714531888 0.7451388777113765 0.8983696156340375 1.1398241117546062 1.330201695234288 1.3781830374120936 1.1970921653216648 1.062434850177501 0.7358521663221236 0.40462612677210635 0.07494787245363867 -0.07983065070057185 -0.17114997936155218 -0.19591454306622974 -0.2098446101501048 +31701,-0.24544367047557605,1,-0.4141522607136616 -0.25782595232791045 -0.06590058361668798 0.15543270449383412 0.5361878714531888 0.7451388777113765 0.8983696156340375 1.1398241117546062 1.330201695234288 1.3781830374120936 1.1970921653216648 1.062434850177501 0.7358521663221236 0.40462612677210635 0.07494787245363867 -0.07983065070057185 -0.17114997936155218 -0.19591454306622974 -0.2098446101501048 -0.2516348114017388 +31702,-0.273303804643335,1,-0.25782595232791045 -0.06590058361668798 0.15543270449383412 0.5361878714531888 0.7451388777113765 0.8983696156340375 1.1398241117546062 1.330201695234288 1.3781830374120936 1.1970921653216648 1.062434850177501 0.7358521663221236 0.40462612677210635 0.07494787245363867 -0.07983065070057185 -0.17114997936155218 -0.19591454306622974 -0.2098446101501048 -0.2516348114017388 -0.24544367047557605 +31703,-0.28568608649566934,1,-0.06590058361668798 0.15543270449383412 0.5361878714531888 0.7451388777113765 0.8983696156340375 1.1398241117546062 1.330201695234288 1.3781830374120936 1.1970921653216648 1.062434850177501 0.7358521663221236 0.40462612677210635 0.07494787245363867 -0.07983065070057185 -0.17114997936155218 -0.19591454306622974 -0.2098446101501048 -0.2516348114017388 -0.24544367047557605 -0.273303804643335 +31704,-0.30580729450571603,1,0.15543270449383412 0.5361878714531888 0.7451388777113765 0.8983696156340375 1.1398241117546062 1.330201695234288 1.3781830374120936 1.1970921653216648 1.062434850177501 0.7358521663221236 0.40462612677210635 0.07494787245363867 -0.07983065070057185 -0.17114997936155218 -0.19591454306622974 -0.2098446101501048 -0.2516348114017388 -0.24544367047557605 -0.273303804643335 -0.28568608649566934 +31705,-0.28723387172721004,1,0.5361878714531888 0.7451388777113765 0.8983696156340375 1.1398241117546062 1.330201695234288 1.3781830374120936 1.1970921653216648 1.062434850177501 0.7358521663221236 0.40462612677210635 0.07494787245363867 -0.07983065070057185 -0.17114997936155218 -0.19591454306622974 -0.2098446101501048 -0.2516348114017388 -0.24544367047557605 -0.273303804643335 -0.28568608649566934 -0.30580729450571603 +31706,-0.2237746772339887,1,0.7451388777113765 0.8983696156340375 1.1398241117546062 1.330201695234288 1.3781830374120936 1.1970921653216648 1.062434850177501 0.7358521663221236 0.40462612677210635 0.07494787245363867 -0.07983065070057185 -0.17114997936155218 -0.19591454306622974 -0.2098446101501048 -0.2516348114017388 -0.24544367047557605 -0.273303804643335 -0.28568608649566934 -0.30580729450571603 -0.28723387172721004 +31707,-0.18662783167697675,1,0.8983696156340375 1.1398241117546062 1.330201695234288 1.3781830374120936 1.1970921653216648 1.062434850177501 0.7358521663221236 0.40462612677210635 0.07494787245363867 -0.07983065070057185 -0.17114997936155218 -0.19591454306622974 -0.2098446101501048 -0.2516348114017388 -0.24544367047557605 -0.273303804643335 -0.28568608649566934 -0.30580729450571603 -0.28723387172721004 -0.2237746772339887 +31708,-0.09376071778444693,1,1.1398241117546062 1.330201695234288 1.3781830374120936 1.1970921653216648 1.062434850177501 0.7358521663221236 0.40462612677210635 0.07494787245363867 -0.07983065070057185 -0.17114997936155218 -0.19591454306622974 -0.2098446101501048 -0.2516348114017388 -0.24544367047557605 -0.273303804643335 -0.28568608649566934 -0.30580729450571603 -0.28723387172721004 -0.2237746772339887 -0.18662783167697675 +31709,0.09352129523214463,1,1.330201695234288 1.3781830374120936 1.1970921653216648 1.062434850177501 0.7358521663221236 0.40462612677210635 0.07494787245363867 -0.07983065070057185 -0.17114997936155218 -0.19591454306622974 -0.2098446101501048 -0.2516348114017388 -0.24544367047557605 -0.273303804643335 -0.28568608649566934 -0.30580729450571603 -0.28723387172721004 -0.2237746772339887 -0.18662783167697675 -0.09376071778444693 +31710,0.24210867746019235,1,1.3781830374120936 1.1970921653216648 1.062434850177501 0.7358521663221236 0.40462612677210635 0.07494787245363867 -0.07983065070057185 -0.17114997936155218 -0.19591454306622974 -0.2098446101501048 -0.2516348114017388 -0.24544367047557605 -0.273303804643335 -0.28568608649566934 -0.30580729450571603 -0.28723387172721004 -0.2237746772339887 -0.18662783167697675 -0.09376071778444693 0.09352129523214463 +31711,0.39688720061440286,1,1.1970921653216648 1.062434850177501 0.7358521663221236 0.40462612677210635 0.07494787245363867 -0.07983065070057185 -0.17114997936155218 -0.19591454306622974 -0.2098446101501048 -0.2516348114017388 -0.24544367047557605 -0.273303804643335 -0.28568608649566934 -0.30580729450571603 -0.28723387172721004 -0.2237746772339887 -0.18662783167697675 -0.09376071778444693 0.09352129523214463 0.24210867746019235 +31712,0.6197682739564656,1,1.062434850177501 0.7358521663221236 0.40462612677210635 0.07494787245363867 -0.07983065070057185 -0.17114997936155218 -0.19591454306622974 -0.2098446101501048 -0.2516348114017388 -0.24544367047557605 -0.273303804643335 -0.28568608649566934 -0.30580729450571603 -0.28723387172721004 -0.2237746772339887 -0.18662783167697675 -0.09376071778444693 0.09352129523214463 0.24210867746019235 0.39688720061440286 +31713,0.8024069312784263,1,0.7358521663221236 0.40462612677210635 0.07494787245363867 -0.07983065070057185 -0.17114997936155218 -0.19591454306622974 -0.2098446101501048 -0.2516348114017388 -0.24544367047557605 -0.273303804643335 -0.28568608649566934 -0.30580729450571603 -0.28723387172721004 -0.2237746772339887 -0.18662783167697675 -0.09376071778444693 0.09352129523214463 0.24210867746019235 0.39688720061440286 0.6197682739564656 +31714,0.7993113608153449,1,0.40462612677210635 0.07494787245363867 -0.07983065070057185 -0.17114997936155218 -0.19591454306622974 -0.2098446101501048 -0.2516348114017388 -0.24544367047557605 -0.273303804643335 -0.28568608649566934 -0.30580729450571603 -0.28723387172721004 -0.2237746772339887 -0.18662783167697675 -0.09376071778444693 0.09352129523214463 0.24210867746019235 0.39688720061440286 0.6197682739564656 0.8024069312784263 +31715,0.7203743140066989,1,0.07494787245363867 -0.07983065070057185 -0.17114997936155218 -0.19591454306622974 -0.2098446101501048 -0.2516348114017388 -0.24544367047557605 -0.273303804643335 -0.28568608649566934 -0.30580729450571603 -0.28723387172721004 -0.2237746772339887 -0.18662783167697675 -0.09376071778444693 0.09352129523214463 0.24210867746019235 0.39688720061440286 0.6197682739564656 0.8024069312784263 0.7993113608153449 +31716,0.5748825022417414,1,-0.07983065070057185 -0.17114997936155218 -0.19591454306622974 -0.2098446101501048 -0.2516348114017388 -0.24544367047557605 -0.273303804643335 -0.28568608649566934 -0.30580729450571603 -0.28723387172721004 -0.2237746772339887 -0.18662783167697675 -0.09376071778444693 0.09352129523214463 0.24210867746019235 0.39688720061440286 0.6197682739564656 0.8024069312784263 0.7993113608153449 0.7203743140066989 +31717,0.3241412947319197,1,-0.17114997936155218 -0.19591454306622974 -0.2098446101501048 -0.2516348114017388 -0.24544367047557605 -0.273303804643335 -0.28568608649566934 -0.30580729450571603 -0.28723387172721004 -0.2237746772339887 -0.18662783167697675 -0.09376071778444693 0.09352129523214463 0.24210867746019235 0.39688720061440286 0.6197682739564656 0.8024069312784263 0.7993113608153449 0.7203743140066989 0.5748825022417414 +31718,0.006845322265786387,1,-0.19591454306622974 -0.2098446101501048 -0.2516348114017388 -0.24544367047557605 -0.273303804643335 -0.28568608649566934 -0.30580729450571603 -0.28723387172721004 -0.2237746772339887 -0.18662783167697675 -0.09376071778444693 0.09352129523214463 0.24210867746019235 0.39688720061440286 0.6197682739564656 0.8024069312784263 0.7993113608153449 0.7203743140066989 0.5748825022417414 0.3241412947319197 +31719,-0.1618632679722992,1,-0.2098446101501048 -0.2516348114017388 -0.24544367047557605 -0.273303804643335 -0.28568608649566934 -0.30580729450571603 -0.28723387172721004 -0.2237746772339887 -0.18662783167697675 -0.09376071778444693 0.09352129523214463 0.24210867746019235 0.39688720061440286 0.6197682739564656 0.8024069312784263 0.7993113608153449 0.7203743140066989 0.5748825022417414 0.3241412947319197 0.006845322265786387 +31720,-0.2082968249185641,1,-0.2516348114017388 -0.24544367047557605 -0.273303804643335 -0.28568608649566934 -0.30580729450571603 -0.28723387172721004 -0.2237746772339887 -0.18662783167697675 -0.09376071778444693 0.09352129523214463 0.24210867746019235 0.39688720061440286 0.6197682739564656 0.8024069312784263 0.7993113608153449 0.7203743140066989 0.5748825022417414 0.3241412947319197 0.006845322265786387 -0.1618632679722992 +31721,-0.2098446101501048,1,-0.24544367047557605 -0.273303804643335 -0.28568608649566934 -0.30580729450571603 -0.28723387172721004 -0.2237746772339887 -0.18662783167697675 -0.09376071778444693 0.09352129523214463 0.24210867746019235 0.39688720061440286 0.6197682739564656 0.8024069312784263 0.7993113608153449 0.7203743140066989 0.5748825022417414 0.3241412947319197 0.006845322265786387 -0.1618632679722992 -0.2082968249185641 +31722,-0.2175835363078171,1,-0.273303804643335 -0.28568608649566934 -0.30580729450571603 -0.28723387172721004 -0.2237746772339887 -0.18662783167697675 -0.09376071778444693 0.09352129523214463 0.24210867746019235 0.39688720061440286 0.6197682739564656 0.8024069312784263 0.7993113608153449 0.7203743140066989 0.5748825022417414 0.3241412947319197 0.006845322265786387 -0.1618632679722992 -0.2082968249185641 -0.2098446101501048 +31723,-0.19127118737159884,1,-0.28568608649566934 -0.30580729450571603 -0.28723387172721004 -0.2237746772339887 -0.18662783167697675 -0.09376071778444693 0.09352129523214463 0.24210867746019235 0.39688720061440286 0.6197682739564656 0.8024069312784263 0.7993113608153449 0.7203743140066989 0.5748825022417414 0.3241412947319197 0.006845322265786387 -0.1618632679722992 -0.2082968249185641 -0.2098446101501048 -0.2175835363078171 +31724,-0.2129401806131862,1,-0.30580729450571603 -0.28723387172721004 -0.2237746772339887 -0.18662783167697675 -0.09376071778444693 0.09352129523214463 0.24210867746019235 0.39688720061440286 0.6197682739564656 0.8024069312784263 0.7993113608153449 0.7203743140066989 0.5748825022417414 0.3241412947319197 0.006845322265786387 -0.1618632679722992 -0.2082968249185641 -0.2098446101501048 -0.2175835363078171 -0.19127118737159884 +31725,-0.2175835363078171,1,-0.28723387172721004 -0.2237746772339887 -0.18662783167697675 -0.09376071778444693 0.09352129523214463 0.24210867746019235 0.39688720061440286 0.6197682739564656 0.8024069312784263 0.7993113608153449 0.7203743140066989 0.5748825022417414 0.3241412947319197 0.006845322265786387 -0.1618632679722992 -0.2082968249185641 -0.2098446101501048 -0.2175835363078171 -0.19127118737159884 -0.2129401806131862 +31726,-0.2794949455694978,1,-0.2237746772339887 -0.18662783167697675 -0.09376071778444693 0.09352129523214463 0.24210867746019235 0.39688720061440286 0.6197682739564656 0.8024069312784263 0.7993113608153449 0.7203743140066989 0.5748825022417414 0.3241412947319197 0.006845322265786387 -0.1618632679722992 -0.2082968249185641 -0.2098446101501048 -0.2175835363078171 -0.19127118737159884 -0.2129401806131862 -0.2175835363078171 +31727,-0.3228329320526813,1,-0.18662783167697675 -0.09376071778444693 0.09352129523214463 0.24210867746019235 0.39688720061440286 0.6197682739564656 0.8024069312784263 0.7993113608153449 0.7203743140066989 0.5748825022417414 0.3241412947319197 0.006845322265786387 -0.1618632679722992 -0.2082968249185641 -0.2098446101501048 -0.2175835363078171 -0.19127118737159884 -0.2129401806131862 -0.2175835363078171 -0.2794949455694978 +31728,-0.3367629991365564,1,-0.09376071778444693 0.09352129523214463 0.24210867746019235 0.39688720061440286 0.6197682739564656 0.8024069312784263 0.7993113608153449 0.7203743140066989 0.5748825022417414 0.3241412947319197 0.006845322265786387 -0.1618632679722992 -0.2082968249185641 -0.2098446101501048 -0.2175835363078171 -0.19127118737159884 -0.2129401806131862 -0.2175835363078171 -0.2794949455694978 -0.3228329320526813 +31729,-0.3367629991365564,1,0.09352129523214463 0.24210867746019235 0.39688720061440286 0.6197682739564656 0.8024069312784263 0.7993113608153449 0.7203743140066989 0.5748825022417414 0.3241412947319197 0.006845322265786387 -0.1618632679722992 -0.2082968249185641 -0.2098446101501048 -0.2175835363078171 -0.19127118737159884 -0.2129401806131862 -0.2175835363078171 -0.2794949455694978 -0.3228329320526813 -0.3367629991365564 +31730,-0.2717560194117943,1,0.24210867746019235 0.39688720061440286 0.6197682739564656 0.8024069312784263 0.7993113608153449 0.7203743140066989 0.5748825022417414 0.3241412947319197 0.006845322265786387 -0.1618632679722992 -0.2082968249185641 -0.2098446101501048 -0.2175835363078171 -0.19127118737159884 -0.2129401806131862 -0.2175835363078171 -0.2794949455694978 -0.3228329320526813 -0.3367629991365564 -0.3367629991365564 +31731,-0.2253224624655294,1,0.39688720061440286 0.6197682739564656 0.8024069312784263 0.7993113608153449 0.7203743140066989 0.5748825022417414 0.3241412947319197 0.006845322265786387 -0.1618632679722992 -0.2082968249185641 -0.2098446101501048 -0.2175835363078171 -0.19127118737159884 -0.2129401806131862 -0.2175835363078171 -0.2794949455694978 -0.3228329320526813 -0.3367629991365564 -0.3367629991365564 -0.2717560194117943 +31732,-0.13709870426763043,1,0.6197682739564656 0.8024069312784263 0.7993113608153449 0.7203743140066989 0.5748825022417414 0.3241412947319197 0.006845322265786387 -0.1618632679722992 -0.2082968249185641 -0.2098446101501048 -0.2175835363078171 -0.19127118737159884 -0.2129401806131862 -0.2175835363078171 -0.2794949455694978 -0.3228329320526813 -0.3367629991365564 -0.3367629991365564 -0.2717560194117943 -0.2253224624655294 +31733,-0.04113601991201923,1,0.8024069312784263 0.7993113608153449 0.7203743140066989 0.5748825022417414 0.3241412947319197 0.006845322265786387 -0.1618632679722992 -0.2082968249185641 -0.2098446101501048 -0.2175835363078171 -0.19127118737159884 -0.2129401806131862 -0.2175835363078171 -0.2794949455694978 -0.3228329320526813 -0.3367629991365564 -0.3367629991365564 -0.2717560194117943 -0.2253224624655294 -0.13709870426763043 +31734,0.15388491926228462,1,0.7993113608153449 0.7203743140066989 0.5748825022417414 0.3241412947319197 0.006845322265786387 -0.1618632679722992 -0.2082968249185641 -0.2098446101501048 -0.2175835363078171 -0.19127118737159884 -0.2129401806131862 -0.2175835363078171 -0.2794949455694978 -0.3228329320526813 -0.3367629991365564 -0.3367629991365564 -0.2717560194117943 -0.2253224624655294 -0.13709870426763043 -0.04113601991201923 +31735,0.23746532176556145,1,0.7203743140066989 0.5748825022417414 0.3241412947319197 0.006845322265786387 -0.1618632679722992 -0.2082968249185641 -0.2098446101501048 -0.2175835363078171 -0.19127118737159884 -0.2129401806131862 -0.2175835363078171 -0.2794949455694978 -0.3228329320526813 -0.3367629991365564 -0.3367629991365564 -0.2717560194117943 -0.2253224624655294 -0.13709870426763043 -0.04113601991201923 0.15388491926228462 +31736,0.4402251870975776,1,0.5748825022417414 0.3241412947319197 0.006845322265786387 -0.1618632679722992 -0.2082968249185641 -0.2098446101501048 -0.2175835363078171 -0.19127118737159884 -0.2129401806131862 -0.2175835363078171 -0.2794949455694978 -0.3228329320526813 -0.3367629991365564 -0.3367629991365564 -0.2717560194117943 -0.2253224624655294 -0.13709870426763043 -0.04113601991201923 0.15388491926228462 0.23746532176556145 +31737,0.4851109588123018,1,0.3241412947319197 0.006845322265786387 -0.1618632679722992 -0.2082968249185641 -0.2098446101501048 -0.2175835363078171 -0.19127118737159884 -0.2129401806131862 -0.2175835363078171 -0.2794949455694978 -0.3228329320526813 -0.3367629991365564 -0.3367629991365564 -0.2717560194117943 -0.2253224624655294 -0.13709870426763043 -0.04113601991201923 0.15388491926228462 0.23746532176556145 0.4402251870975776 +31738,0.4990410258961769,1,0.006845322265786387 -0.1618632679722992 -0.2082968249185641 -0.2098446101501048 -0.2175835363078171 -0.19127118737159884 -0.2129401806131862 -0.2175835363078171 -0.2794949455694978 -0.3228329320526813 -0.3367629991365564 -0.3367629991365564 -0.2717560194117943 -0.2253224624655294 -0.13709870426763043 -0.04113601991201923 0.15388491926228462 0.23746532176556145 0.4402251870975776 0.4851109588123018 +31739,0.4758242474230488,1,-0.1618632679722992 -0.2082968249185641 -0.2098446101501048 -0.2175835363078171 -0.19127118737159884 -0.2129401806131862 -0.2175835363078171 -0.2794949455694978 -0.3228329320526813 -0.3367629991365564 -0.3367629991365564 -0.2717560194117943 -0.2253224624655294 -0.13709870426763043 -0.04113601991201923 0.15388491926228462 0.23746532176556145 0.4402251870975776 0.4851109588123018 0.4990410258961769 +31740,0.3705748516781846,1,-0.2082968249185641 -0.2098446101501048 -0.2175835363078171 -0.19127118737159884 -0.2129401806131862 -0.2175835363078171 -0.2794949455694978 -0.3228329320526813 -0.3367629991365564 -0.3367629991365564 -0.2717560194117943 -0.2253224624655294 -0.13709870426763043 -0.04113601991201923 0.15388491926228462 0.23746532176556145 0.4402251870975776 0.4851109588123018 0.4990410258961769 0.4758242474230488 +31741,0.25913431500714884,1,-0.2098446101501048 -0.2175835363078171 -0.19127118737159884 -0.2129401806131862 -0.2175835363078171 -0.2794949455694978 -0.3228329320526813 -0.3367629991365564 -0.3367629991365564 -0.2717560194117943 -0.2253224624655294 -0.13709870426763043 -0.04113601991201923 0.15388491926228462 0.23746532176556145 0.4402251870975776 0.4851109588123018 0.4990410258961769 0.4758242474230488 0.3705748516781846 +31742,0.09971243615831621,1,-0.2175835363078171 -0.19127118737159884 -0.2129401806131862 -0.2175835363078171 -0.2794949455694978 -0.3228329320526813 -0.3367629991365564 -0.3367629991365564 -0.2717560194117943 -0.2253224624655294 -0.13709870426763043 -0.04113601991201923 0.15388491926228462 0.23746532176556145 0.4402251870975776 0.4851109588123018 0.4990410258961769 0.4758242474230488 0.3705748516781846 0.25913431500714884 +31743,-0.07363950977440026,1,-0.19127118737159884 -0.2129401806131862 -0.2175835363078171 -0.2794949455694978 -0.3228329320526813 -0.3367629991365564 -0.3367629991365564 -0.2717560194117943 -0.2253224624655294 -0.13709870426763043 -0.04113601991201923 0.15388491926228462 0.23746532176556145 0.4402251870975776 0.4851109588123018 0.4990410258961769 0.4758242474230488 0.3705748516781846 0.25913431500714884 0.09971243615831621 +31744,-0.18198447598234585,1,-0.2129401806131862 -0.2175835363078171 -0.2794949455694978 -0.3228329320526813 -0.3367629991365564 -0.3367629991365564 -0.2717560194117943 -0.2253224624655294 -0.13709870426763043 -0.04113601991201923 0.15388491926228462 0.23746532176556145 0.4402251870975776 0.4851109588123018 0.4990410258961769 0.4758242474230488 0.3705748516781846 0.25913431500714884 0.09971243615831621 -0.07363950977440026 +31745,-0.25782595232791045,1,-0.2175835363078171 -0.2794949455694978 -0.3228329320526813 -0.3367629991365564 -0.3367629991365564 -0.2717560194117943 -0.2253224624655294 -0.13709870426763043 -0.04113601991201923 0.15388491926228462 0.23746532176556145 0.4402251870975776 0.4851109588123018 0.4990410258961769 0.4758242474230488 0.3705748516781846 0.25913431500714884 0.09971243615831621 -0.07363950977440026 -0.18198447598234585 +31746,-0.3274762877473034,1,-0.2794949455694978 -0.3228329320526813 -0.3367629991365564 -0.3367629991365564 -0.2717560194117943 -0.2253224624655294 -0.13709870426763043 -0.04113601991201923 0.15388491926228462 0.23746532176556145 0.4402251870975776 0.4851109588123018 0.4990410258961769 0.4758242474230488 0.3705748516781846 0.25913431500714884 0.09971243615831621 -0.07363950977440026 -0.18198447598234585 -0.25782595232791045 +31747,-0.3553364219150623,1,-0.3228329320526813 -0.3367629991365564 -0.3367629991365564 -0.2717560194117943 -0.2253224624655294 -0.13709870426763043 -0.04113601991201923 0.15388491926228462 0.23746532176556145 0.4402251870975776 0.4851109588123018 0.4990410258961769 0.4758242474230488 0.3705748516781846 0.25913431500714884 0.09971243615831621 -0.07363950977440026 -0.18198447598234585 -0.25782595232791045 -0.3274762877473034 +31748,-0.3770054151566497,1,-0.3367629991365564 -0.3367629991365564 -0.2717560194117943 -0.2253224624655294 -0.13709870426763043 -0.04113601991201923 0.15388491926228462 0.23746532176556145 0.4402251870975776 0.4851109588123018 0.4990410258961769 0.4758242474230488 0.3705748516781846 0.25913431500714884 0.09971243615831621 -0.07363950977440026 -0.18198447598234585 -0.25782595232791045 -0.3274762877473034 -0.3553364219150623 +31749,-0.394031052703615,1,-0.3367629991365564 -0.2717560194117943 -0.2253224624655294 -0.13709870426763043 -0.04113601991201923 0.15388491926228462 0.23746532176556145 0.4402251870975776 0.4851109588123018 0.4990410258961769 0.4758242474230488 0.3705748516781846 0.25913431500714884 0.09971243615831621 -0.07363950977440026 -0.18198447598234585 -0.25782595232791045 -0.3274762877473034 -0.3553364219150623 -0.3770054151566497 +31750,-0.40176997886132726,1,-0.2717560194117943 -0.2253224624655294 -0.13709870426763043 -0.04113601991201923 0.15388491926228462 0.23746532176556145 0.4402251870975776 0.4851109588123018 0.4990410258961769 0.4758242474230488 0.3705748516781846 0.25913431500714884 0.09971243615831621 -0.07363950977440026 -0.18198447598234585 -0.25782595232791045 -0.3274762877473034 -0.3553364219150623 -0.3770054151566497 -0.394031052703615 +31751,-0.44820353580759215,1,-0.2253224624655294 -0.13709870426763043 -0.04113601991201923 0.15388491926228462 0.23746532176556145 0.4402251870975776 0.4851109588123018 0.4990410258961769 0.4758242474230488 0.3705748516781846 0.25913431500714884 0.09971243615831621 -0.07363950977440026 -0.18198447598234585 -0.25782595232791045 -0.3274762877473034 -0.3553364219150623 -0.3770054151566497 -0.394031052703615 -0.40176997886132726 +31752,-0.45627029154493803,1,-0.13709870426763043 -0.04113601991201923 0.15388491926228462 0.23746532176556145 0.4402251870975776 0.4851109588123018 0.4990410258961769 0.4758242474230488 0.3705748516781846 0.25913431500714884 0.09971243615831621 -0.07363950977440026 -0.18198447598234585 -0.25782595232791045 -0.3274762877473034 -0.3553364219150623 -0.3770054151566497 -0.394031052703615 -0.40176997886132726 -0.44820353580759215 +31753,-0.4868981665961448,1,-0.04113601991201923 0.15388491926228462 0.23746532176556145 0.4402251870975776 0.4851109588123018 0.4990410258961769 0.4758242474230488 0.3705748516781846 0.25913431500714884 0.09971243615831621 -0.07363950977440026 -0.18198447598234585 -0.25782595232791045 -0.3274762877473034 -0.3553364219150623 -0.3770054151566497 -0.394031052703615 -0.40176997886132726 -0.44820353580759215 -0.45627029154493803 +31754,-0.3383107843680971,1,0.15388491926228462 0.23746532176556145 0.4402251870975776 0.4851109588123018 0.4990410258961769 0.4758242474230488 0.3705748516781846 0.25913431500714884 0.09971243615831621 -0.07363950977440026 -0.18198447598234585 -0.25782595232791045 -0.3274762877473034 -0.3553364219150623 -0.3770054151566497 -0.394031052703615 -0.40176997886132726 -0.44820353580759215 -0.45627029154493803 -0.4868981665961448 +31755,-0.22841803292861076,1,0.23746532176556145 0.4402251870975776 0.4851109588123018 0.4990410258961769 0.4758242474230488 0.3705748516781846 0.25913431500714884 0.09971243615831621 -0.07363950977440026 -0.18198447598234585 -0.25782595232791045 -0.3274762877473034 -0.3553364219150623 -0.3770054151566497 -0.394031052703615 -0.40176997886132726 -0.44820353580759215 -0.45627029154493803 -0.4868981665961448 -0.3383107843680971 +31756,-0.11852528148912447,1,0.4402251870975776 0.4851109588123018 0.4990410258961769 0.4758242474230488 0.3705748516781846 0.25913431500714884 0.09971243615831621 -0.07363950977440026 -0.18198447598234585 -0.25782595232791045 -0.3274762877473034 -0.3553364219150623 -0.3770054151566497 -0.394031052703615 -0.40176997886132726 -0.44820353580759215 -0.45627029154493803 -0.4868981665961448 -0.3383107843680971 -0.22841803292861076 +31757,0.06566116106438567,1,0.4851109588123018 0.4990410258961769 0.4758242474230488 0.3705748516781846 0.25913431500714884 0.09971243615831621 -0.07363950977440026 -0.18198447598234585 -0.25782595232791045 -0.3274762877473034 -0.3553364219150623 -0.3770054151566497 -0.394031052703615 -0.40176997886132726 -0.44820353580759215 -0.45627029154493803 -0.4868981665961448 -0.3383107843680971 -0.22841803292861076 -0.11852528148912447 +31758,0.2699688116279425,1,0.4990410258961769 0.4758242474230488 0.3705748516781846 0.25913431500714884 0.09971243615831621 -0.07363950977440026 -0.18198447598234585 -0.25782595232791045 -0.3274762877473034 -0.3553364219150623 -0.3770054151566497 -0.394031052703615 -0.40176997886132726 -0.44820353580759215 -0.45627029154493803 -0.4868981665961448 -0.3383107843680971 -0.22841803292861076 -0.11852528148912447 0.06566116106438567 +31759,0.38605270399360037,1,0.4758242474230488 0.3705748516781846 0.25913431500714884 0.09971243615831621 -0.07363950977440026 -0.18198447598234585 -0.25782595232791045 -0.3274762877473034 -0.3553364219150623 -0.3770054151566497 -0.394031052703615 -0.40176997886132726 -0.44820353580759215 -0.45627029154493803 -0.4868981665961448 -0.3383107843680971 -0.22841803292861076 -0.11852528148912447 0.06566116106438567 0.2699688116279425 +31760,0.5083277372854299,1,0.3705748516781846 0.25913431500714884 0.09971243615831621 -0.07363950977440026 -0.18198447598234585 -0.25782595232791045 -0.3274762877473034 -0.3553364219150623 -0.3770054151566497 -0.394031052703615 -0.40176997886132726 -0.44820353580759215 -0.45627029154493803 -0.4868981665961448 -0.3383107843680971 -0.22841803292861076 -0.11852528148912447 0.06566116106438567 0.2699688116279425 0.38605270399360037 +31761,0.6120293477987534,1,0.25913431500714884 0.09971243615831621 -0.07363950977440026 -0.18198447598234585 -0.25782595232791045 -0.3274762877473034 -0.3553364219150623 -0.3770054151566497 -0.394031052703615 -0.40176997886132726 -0.44820353580759215 -0.45627029154493803 -0.4868981665961448 -0.3383107843680971 -0.22841803292861076 -0.11852528148912447 0.06566116106438567 0.2699688116279425 0.38605270399360037 0.5083277372854299 +31762,0.6383416967349717,1,0.09971243615831621 -0.07363950977440026 -0.18198447598234585 -0.25782595232791045 -0.3274762877473034 -0.3553364219150623 -0.3770054151566497 -0.394031052703615 -0.40176997886132726 -0.44820353580759215 -0.45627029154493803 -0.4868981665961448 -0.3383107843680971 -0.22841803292861076 -0.11852528148912447 0.06566116106438567 0.2699688116279425 0.38605270399360037 0.5083277372854299 0.6120293477987534 +31763,0.5826214283994537,1,-0.07363950977440026 -0.18198447598234585 -0.25782595232791045 -0.3274762877473034 -0.3553364219150623 -0.3770054151566497 -0.394031052703615 -0.40176997886132726 -0.44820353580759215 -0.45627029154493803 -0.4868981665961448 -0.3383107843680971 -0.22841803292861076 -0.11852528148912447 0.06566116106438567 0.2699688116279425 0.38605270399360037 0.5083277372854299 0.6120293477987534 0.6383416967349717 +31764,0.4835631735807611,1,-0.18198447598234585 -0.25782595232791045 -0.3274762877473034 -0.3553364219150623 -0.3770054151566497 -0.394031052703615 -0.40176997886132726 -0.44820353580759215 -0.45627029154493803 -0.4868981665961448 -0.3383107843680971 -0.22841803292861076 -0.11852528148912447 0.06566116106438567 0.2699688116279425 0.38605270399360037 0.5083277372854299 0.6120293477987534 0.6383416967349717 0.5826214283994537 +31765,0.2637776707017797,1,-0.25782595232791045 -0.3274762877473034 -0.3553364219150623 -0.3770054151566497 -0.394031052703615 -0.40176997886132726 -0.44820353580759215 -0.45627029154493803 -0.4868981665961448 -0.3383107843680971 -0.22841803292861076 -0.11852528148912447 0.06566116106438567 0.2699688116279425 0.38605270399360037 0.5083277372854299 0.6120293477987534 0.6383416967349717 0.5826214283994537 0.4835631735807611 +31766,0.09197351000060393,1,-0.3274762877473034 -0.3553364219150623 -0.3770054151566497 -0.394031052703615 -0.40176997886132726 -0.44820353580759215 -0.45627029154493803 -0.4868981665961448 -0.3383107843680971 -0.22841803292861076 -0.11852528148912447 0.06566116106438567 0.2699688116279425 0.38605270399360037 0.5083277372854299 0.6120293477987534 0.6383416967349717 0.5826214283994537 0.4835631735807611 0.2637776707017797 +31767,-0.04577937560664132,1,-0.3553364219150623 -0.3770054151566497 -0.394031052703615 -0.40176997886132726 -0.44820353580759215 -0.45627029154493803 -0.4868981665961448 -0.3383107843680971 -0.22841803292861076 -0.11852528148912447 0.06566116106438567 0.2699688116279425 0.38605270399360037 0.5083277372854299 0.6120293477987534 0.6383416967349717 0.5826214283994537 0.4835631735807611 0.2637776707017797 0.09197351000060393 +31768,-0.05970944269052519,1,-0.3770054151566497 -0.394031052703615 -0.40176997886132726 -0.44820353580759215 -0.45627029154493803 -0.4868981665961448 -0.3383107843680971 -0.22841803292861076 -0.11852528148912447 0.06566116106438567 0.2699688116279425 0.38605270399360037 0.5083277372854299 0.6120293477987534 0.6383416967349717 0.5826214283994537 0.4835631735807611 0.2637776707017797 0.09197351000060393 -0.04577937560664132 +31769,-0.12316863718374657,1,-0.394031052703615 -0.40176997886132726 -0.44820353580759215 -0.45627029154493803 -0.4868981665961448 -0.3383107843680971 -0.22841803292861076 -0.11852528148912447 0.06566116106438567 0.2699688116279425 0.38605270399360037 0.5083277372854299 0.6120293477987534 0.6383416967349717 0.5826214283994537 0.4835631735807611 0.2637776707017797 0.09197351000060393 -0.04577937560664132 -0.05970944269052519 +31770,-0.17734112028772378,1,-0.40176997886132726 -0.44820353580759215 -0.45627029154493803 -0.4868981665961448 -0.3383107843680971 -0.22841803292861076 -0.11852528148912447 0.06566116106438567 0.2699688116279425 0.38605270399360037 0.5083277372854299 0.6120293477987534 0.6383416967349717 0.5826214283994537 0.4835631735807611 0.2637776707017797 0.09197351000060393 -0.04577937560664132 -0.05970944269052519 -0.12316863718374657 +31771,-0.18817561690851745,1,-0.44820353580759215 -0.45627029154493803 -0.4868981665961448 -0.3383107843680971 -0.22841803292861076 -0.11852528148912447 0.06566116106438567 0.2699688116279425 0.38605270399360037 0.5083277372854299 0.6120293477987534 0.6383416967349717 0.5826214283994537 0.4835631735807611 0.2637776707017797 0.09197351000060393 -0.04577937560664132 -0.05970944269052519 -0.12316863718374657 -0.17734112028772378 +31772,-0.19746232829777044,1,-0.45627029154493803 -0.4868981665961448 -0.3383107843680971 -0.22841803292861076 -0.11852528148912447 0.06566116106438567 0.2699688116279425 0.38605270399360037 0.5083277372854299 0.6120293477987534 0.6383416967349717 0.5826214283994537 0.4835631735807611 0.2637776707017797 0.09197351000060393 -0.04577937560664132 -0.05970944269052519 -0.12316863718374657 -0.17734112028772378 -0.18817561690851745 +31773,-0.2098446101501048,1,-0.4868981665961448 -0.3383107843680971 -0.22841803292861076 -0.11852528148912447 0.06566116106438567 0.2699688116279425 0.38605270399360037 0.5083277372854299 0.6120293477987534 0.6383416967349717 0.5826214283994537 0.4835631735807611 0.2637776707017797 0.09197351000060393 -0.04577937560664132 -0.05970944269052519 -0.12316863718374657 -0.17734112028772378 -0.18817561690851745 -0.19746232829777044 +31774,-0.29032944219029144,1,-0.3383107843680971 -0.22841803292861076 -0.11852528148912447 0.06566116106438567 0.2699688116279425 0.38605270399360037 0.5083277372854299 0.6120293477987534 0.6383416967349717 0.5826214283994537 0.4835631735807611 0.2637776707017797 0.09197351000060393 -0.04577937560664132 -0.05970944269052519 -0.12316863718374657 -0.17734112028772378 -0.18817561690851745 -0.19746232829777044 -0.2098446101501048 +31775,-0.333667428673475,1,-0.22841803292861076 -0.11852528148912447 0.06566116106438567 0.2699688116279425 0.38605270399360037 0.5083277372854299 0.6120293477987534 0.6383416967349717 0.5826214283994537 0.4835631735807611 0.2637776707017797 0.09197351000060393 -0.04577937560664132 -0.05970944269052519 -0.12316863718374657 -0.17734112028772378 -0.18817561690851745 -0.19746232829777044 -0.2098446101501048 -0.29032944219029144 +31776,-0.36617091853585604,1,-0.11852528148912447 0.06566116106438567 0.2699688116279425 0.38605270399360037 0.5083277372854299 0.6120293477987534 0.6383416967349717 0.5826214283994537 0.4835631735807611 0.2637776707017797 0.09197351000060393 -0.04577937560664132 -0.05970944269052519 -0.12316863718374657 -0.17734112028772378 -0.18817561690851745 -0.19746232829777044 -0.2098446101501048 -0.29032944219029144 -0.333667428673475 +31777,-0.38629212654590267,1,0.06566116106438567 0.2699688116279425 0.38605270399360037 0.5083277372854299 0.6120293477987534 0.6383416967349717 0.5826214283994537 0.4835631735807611 0.2637776707017797 0.09197351000060393 -0.04577937560664132 -0.05970944269052519 -0.12316863718374657 -0.17734112028772378 -0.18817561690851745 -0.19746232829777044 -0.2098446101501048 -0.29032944219029144 -0.333667428673475 -0.36617091853585604 +31778,-0.2237746772339887,1,0.2699688116279425 0.38605270399360037 0.5083277372854299 0.6120293477987534 0.6383416967349717 0.5826214283994537 0.4835631735807611 0.2637776707017797 0.09197351000060393 -0.04577937560664132 -0.05970944269052519 -0.12316863718374657 -0.17734112028772378 -0.18817561690851745 -0.19746232829777044 -0.2098446101501048 -0.29032944219029144 -0.333667428673475 -0.36617091853585604 -0.38629212654590267 +31779,-0.09995185871061851,1,0.38605270399360037 0.5083277372854299 0.6120293477987534 0.6383416967349717 0.5826214283994537 0.4835631735807611 0.2637776707017797 0.09197351000060393 -0.04577937560664132 -0.05970944269052519 -0.12316863718374657 -0.17734112028772378 -0.18817561690851745 -0.19746232829777044 -0.2098446101501048 -0.29032944219029144 -0.333667428673475 -0.36617091853585604 -0.38629212654590267 -0.2237746772339887 +31780,-0.005536959586547991,1,0.5083277372854299 0.6120293477987534 0.6383416967349717 0.5826214283994537 0.4835631735807611 0.2637776707017797 0.09197351000060393 -0.04577937560664132 -0.05970944269052519 -0.12316863718374657 -0.17734112028772378 -0.18817561690851745 -0.19746232829777044 -0.2098446101501048 -0.29032944219029144 -0.333667428673475 -0.36617091853585604 -0.38629212654590267 -0.2237746772339887 -0.09995185871061851 +31781,0.2653254559333204,1,0.6120293477987534 0.6383416967349717 0.5826214283994537 0.4835631735807611 0.2637776707017797 0.09197351000060393 -0.04577937560664132 -0.05970944269052519 -0.12316863718374657 -0.17734112028772378 -0.18817561690851745 -0.19746232829777044 -0.2098446101501048 -0.29032944219029144 -0.333667428673475 -0.36617091853585604 -0.38629212654590267 -0.2237746772339887 -0.09995185871061851 -0.005536959586547991 +31782,0.443320757560659,1,0.6383416967349717 0.5826214283994537 0.4835631735807611 0.2637776707017797 0.09197351000060393 -0.04577937560664132 -0.05970944269052519 -0.12316863718374657 -0.17734112028772378 -0.18817561690851745 -0.19746232829777044 -0.2098446101501048 -0.29032944219029144 -0.333667428673475 -0.36617091853585604 -0.38629212654590267 -0.2237746772339887 -0.09995185871061851 -0.005536959586547991 0.2653254559333204 +31783,0.6708451865973527,1,0.5826214283994537 0.4835631735807611 0.2637776707017797 0.09197351000060393 -0.04577937560664132 -0.05970944269052519 -0.12316863718374657 -0.17734112028772378 -0.18817561690851745 -0.19746232829777044 -0.2098446101501048 -0.29032944219029144 -0.333667428673475 -0.36617091853585604 -0.38629212654590267 -0.2237746772339887 -0.09995185871061851 -0.005536959586547991 0.2653254559333204 0.443320757560659 +31784,0.7373999515536642,1,0.4835631735807611 0.2637776707017797 0.09197351000060393 -0.04577937560664132 -0.05970944269052519 -0.12316863718374657 -0.17734112028772378 -0.18817561690851745 -0.19746232829777044 -0.2098446101501048 -0.29032944219029144 -0.333667428673475 -0.36617091853585604 -0.38629212654590267 -0.2237746772339887 -0.09995185871061851 -0.005536959586547991 0.2653254559333204 0.443320757560659 0.6708451865973527 +31785,0.8147892131307695,1,0.2637776707017797 0.09197351000060393 -0.04577937560664132 -0.05970944269052519 -0.12316863718374657 -0.17734112028772378 -0.18817561690851745 -0.19746232829777044 -0.2098446101501048 -0.29032944219029144 -0.333667428673475 -0.36617091853585604 -0.38629212654590267 -0.2237746772339887 -0.09995185871061851 -0.005536959586547991 0.2653254559333204 0.443320757560659 0.6708451865973527 0.7373999515536642 +31786,0.8612227700770344,1,0.09197351000060393 -0.04577937560664132 -0.05970944269052519 -0.12316863718374657 -0.17734112028772378 -0.18817561690851745 -0.19746232829777044 -0.2098446101501048 -0.29032944219029144 -0.333667428673475 -0.36617091853585604 -0.38629212654590267 -0.2237746772339887 -0.09995185871061851 -0.005536959586547991 0.2653254559333204 0.443320757560659 0.6708451865973527 0.7373999515536642 0.8147892131307695 +31787,0.8797961928555316,1,-0.04577937560664132 -0.05970944269052519 -0.12316863718374657 -0.17734112028772378 -0.18817561690851745 -0.19746232829777044 -0.2098446101501048 -0.29032944219029144 -0.333667428673475 -0.36617091853585604 -0.38629212654590267 -0.2237746772339887 -0.09995185871061851 -0.005536959586547991 0.2653254559333204 0.443320757560659 0.6708451865973527 0.7373999515536642 0.8147892131307695 0.8612227700770344 +31788,0.7729990118791267,1,-0.05970944269052519 -0.12316863718374657 -0.17734112028772378 -0.18817561690851745 -0.19746232829777044 -0.2098446101501048 -0.29032944219029144 -0.333667428673475 -0.36617091853585604 -0.38629212654590267 -0.2237746772339887 -0.09995185871061851 -0.005536959586547991 0.2653254559333204 0.443320757560659 0.6708451865973527 0.7373999515536642 0.8147892131307695 0.8612227700770344 0.8797961928555316 +31789,0.6538195490503874,1,-0.12316863718374657 -0.17734112028772378 -0.18817561690851745 -0.19746232829777044 -0.2098446101501048 -0.29032944219029144 -0.333667428673475 -0.36617091853585604 -0.38629212654590267 -0.2237746772339887 -0.09995185871061851 -0.005536959586547991 0.2653254559333204 0.443320757560659 0.6708451865973527 0.7373999515536642 0.8147892131307695 0.8612227700770344 0.8797961928555316 0.7729990118791267 +31790,0.3272368651950011,1,-0.17734112028772378 -0.18817561690851745 -0.19746232829777044 -0.2098446101501048 -0.29032944219029144 -0.333667428673475 -0.36617091853585604 -0.38629212654590267 -0.2237746772339887 -0.09995185871061851 -0.005536959586547991 0.2653254559333204 0.443320757560659 0.6708451865973527 0.7373999515536642 0.8147892131307695 0.8612227700770344 0.8797961928555316 0.7729990118791267 0.6538195490503874 +31791,0.07185230199055727,1,-0.18817561690851745 -0.19746232829777044 -0.2098446101501048 -0.29032944219029144 -0.333667428673475 -0.36617091853585604 -0.38629212654590267 -0.2237746772339887 -0.09995185871061851 -0.005536959586547991 0.2653254559333204 0.443320757560659 0.6708451865973527 0.7373999515536642 0.8147892131307695 0.8612227700770344 0.8797961928555316 0.7729990118791267 0.6538195490503874 0.3272368651950011 +31792,-0.0535183017643536,1,-0.19746232829777044 -0.2098446101501048 -0.29032944219029144 -0.333667428673475 -0.36617091853585604 -0.38629212654590267 -0.2237746772339887 -0.09995185871061851 -0.005536959586547991 0.2653254559333204 0.443320757560659 0.6708451865973527 0.7373999515536642 0.8147892131307695 0.8612227700770344 0.8797961928555316 0.7729990118791267 0.6538195490503874 0.3272368651950011 0.07185230199055727 +31793,-0.14793320088842413,1,-0.2098446101501048 -0.29032944219029144 -0.333667428673475 -0.36617091853585604 -0.38629212654590267 -0.2237746772339887 -0.09995185871061851 -0.005536959586547991 0.2653254559333204 0.443320757560659 0.6708451865973527 0.7373999515536642 0.8147892131307695 0.8612227700770344 0.8797961928555316 0.7729990118791267 0.6538195490503874 0.3272368651950011 0.07185230199055727 -0.0535183017643536 +31794,-0.2160357510762764,1,-0.29032944219029144 -0.333667428673475 -0.36617091853585604 -0.38629212654590267 -0.2237746772339887 -0.09995185871061851 -0.005536959586547991 0.2653254559333204 0.443320757560659 0.6708451865973527 0.7373999515536642 0.8147892131307695 0.8612227700770344 0.8797961928555316 0.7729990118791267 0.6538195490503874 0.3272368651950011 0.07185230199055727 -0.0535183017643536 -0.14793320088842413 +31795,-0.25627816709636975,1,-0.333667428673475 -0.36617091853585604 -0.38629212654590267 -0.2237746772339887 -0.09995185871061851 -0.005536959586547991 0.2653254559333204 0.443320757560659 0.6708451865973527 0.7373999515536642 0.8147892131307695 0.8612227700770344 0.8797961928555316 0.7729990118791267 0.6538195490503874 0.3272368651950011 0.07185230199055727 -0.0535183017643536 -0.14793320088842413 -0.2160357510762764 +31796,-0.29497279788492237,1,-0.36617091853585604 -0.38629212654590267 -0.2237746772339887 -0.09995185871061851 -0.005536959586547991 0.2653254559333204 0.443320757560659 0.6708451865973527 0.7373999515536642 0.8147892131307695 0.8612227700770344 0.8797961928555316 0.7729990118791267 0.6538195490503874 0.3272368651950011 0.07185230199055727 -0.0535183017643536 -0.14793320088842413 -0.2160357510762764 -0.25627816709636975 +31797,-0.3104506502003469,1,-0.38629212654590267 -0.2237746772339887 -0.09995185871061851 -0.005536959586547991 0.2653254559333204 0.443320757560659 0.6708451865973527 0.7373999515536642 0.8147892131307695 0.8612227700770344 0.8797961928555316 0.7729990118791267 0.6538195490503874 0.3272368651950011 0.07185230199055727 -0.0535183017643536 -0.14793320088842413 -0.2160357510762764 -0.25627816709636975 -0.29497279788492237 +31798,-0.3352152139050157,1,-0.2237746772339887 -0.09995185871061851 -0.005536959586547991 0.2653254559333204 0.443320757560659 0.6708451865973527 0.7373999515536642 0.8147892131307695 0.8612227700770344 0.8797961928555316 0.7729990118791267 0.6538195490503874 0.3272368651950011 0.07185230199055727 -0.0535183017643536 -0.14793320088842413 -0.2160357510762764 -0.25627816709636975 -0.29497279788492237 -0.3104506502003469 +31799,-0.3491452809888996,1,-0.09995185871061851 -0.005536959586547991 0.2653254559333204 0.443320757560659 0.6708451865973527 0.7373999515536642 0.8147892131307695 0.8612227700770344 0.8797961928555316 0.7729990118791267 0.6538195490503874 0.3272368651950011 0.07185230199055727 -0.0535183017643536 -0.14793320088842413 -0.2160357510762764 -0.25627816709636975 -0.29497279788492237 -0.3104506502003469 -0.3352152139050157 +31800,-0.3553364219150623,1,-0.005536959586547991 0.2653254559333204 0.443320757560659 0.6708451865973527 0.7373999515536642 0.8147892131307695 0.8612227700770344 0.8797961928555316 0.7729990118791267 0.6538195490503874 0.3272368651950011 0.07185230199055727 -0.0535183017643536 -0.14793320088842413 -0.2160357510762764 -0.25627816709636975 -0.29497279788492237 -0.3104506502003469 -0.3352152139050157 -0.3491452809888996 +31801,-0.36617091853585604,1,0.2653254559333204 0.443320757560659 0.6708451865973527 0.7373999515536642 0.8147892131307695 0.8612227700770344 0.8797961928555316 0.7729990118791267 0.6538195490503874 0.3272368651950011 0.07185230199055727 -0.0535183017643536 -0.14793320088842413 -0.2160357510762764 -0.25627816709636975 -0.29497279788492237 -0.3104506502003469 -0.3352152139050157 -0.3491452809888996 -0.3553364219150623 +31802,-0.22841803292861076,1,0.443320757560659 0.6708451865973527 0.7373999515536642 0.8147892131307695 0.8612227700770344 0.8797961928555316 0.7729990118791267 0.6538195490503874 0.3272368651950011 0.07185230199055727 -0.0535183017643536 -0.14793320088842413 -0.2160357510762764 -0.25627816709636975 -0.29497279788492237 -0.3104506502003469 -0.3352152139050157 -0.3491452809888996 -0.3553364219150623 -0.36617091853585604 +31803,-0.1603154827407585,1,0.6708451865973527 0.7373999515536642 0.8147892131307695 0.8612227700770344 0.8797961928555316 0.7729990118791267 0.6538195490503874 0.3272368651950011 0.07185230199055727 -0.0535183017643536 -0.14793320088842413 -0.2160357510762764 -0.25627816709636975 -0.29497279788492237 -0.3104506502003469 -0.3352152139050157 -0.3491452809888996 -0.3553364219150623 -0.36617091853585604 -0.22841803292861076 +31804,0.07494787245363867,1,0.7373999515536642 0.8147892131307695 0.8612227700770344 0.8797961928555316 0.7729990118791267 0.6538195490503874 0.3272368651950011 0.07185230199055727 -0.0535183017643536 -0.14793320088842413 -0.2160357510762764 -0.25627816709636975 -0.29497279788492237 -0.3104506502003469 -0.3352152139050157 -0.3491452809888996 -0.3553364219150623 -0.36617091853585604 -0.22841803292861076 -0.1603154827407585 +31805,0.3334280061211727,1,0.8147892131307695 0.8612227700770344 0.8797961928555316 0.7729990118791267 0.6538195490503874 0.3272368651950011 0.07185230199055727 -0.0535183017643536 -0.14793320088842413 -0.2160357510762764 -0.25627816709636975 -0.29497279788492237 -0.3104506502003469 -0.3352152139050157 -0.3491452809888996 -0.3553364219150623 -0.36617091853585604 -0.22841803292861076 -0.1603154827407585 0.07494787245363867 +31806,0.6290549853457186,1,0.8612227700770344 0.8797961928555316 0.7729990118791267 0.6538195490503874 0.3272368651950011 0.07185230199055727 -0.0535183017643536 -0.14793320088842413 -0.2160357510762764 -0.25627816709636975 -0.29497279788492237 -0.3104506502003469 -0.3352152139050157 -0.3491452809888996 -0.3553364219150623 -0.36617091853585604 -0.22841803292861076 -0.1603154827407585 0.07494787245363867 0.3334280061211727 +31807,0.8890829042447845,1,0.8797961928555316 0.7729990118791267 0.6538195490503874 0.3272368651950011 0.07185230199055727 -0.0535183017643536 -0.14793320088842413 -0.2160357510762764 -0.25627816709636975 -0.29497279788492237 -0.3104506502003469 -0.3352152139050157 -0.3491452809888996 -0.3553364219150623 -0.36617091853585604 -0.22841803292861076 -0.1603154827407585 0.07494787245363867 0.3334280061211727 0.6290549853457186 +31808,1.0314791455466608,1,0.7729990118791267 0.6538195490503874 0.3272368651950011 0.07185230199055727 -0.0535183017643536 -0.14793320088842413 -0.2160357510762764 -0.25627816709636975 -0.29497279788492237 -0.3104506502003469 -0.3352152139050157 -0.3491452809888996 -0.3553364219150623 -0.36617091853585604 -0.22841803292861076 -0.1603154827407585 0.07494787245363867 0.3334280061211727 0.6290549853457186 0.8890829042447845 +31809,1.0779127024929256,1,0.6538195490503874 0.3272368651950011 0.07185230199055727 -0.0535183017643536 -0.14793320088842413 -0.2160357510762764 -0.25627816709636975 -0.29497279788492237 -0.3104506502003469 -0.3352152139050157 -0.3491452809888996 -0.3553364219150623 -0.36617091853585604 -0.22841803292861076 -0.1603154827407585 0.07494787245363867 0.3334280061211727 0.6290549853457186 0.8890829042447845 1.0314791455466608 +31810,1.0562437092513381,1,0.3272368651950011 0.07185230199055727 -0.0535183017643536 -0.14793320088842413 -0.2160357510762764 -0.25627816709636975 -0.29497279788492237 -0.3104506502003469 -0.3352152139050157 -0.3491452809888996 -0.3553364219150623 -0.36617091853585604 -0.22841803292861076 -0.1603154827407585 0.07494787245363867 0.3334280061211727 0.6290549853457186 0.8890829042447845 1.0314791455466608 1.0779127024929256 +31811,0.9865933738319452,1,0.07185230199055727 -0.0535183017643536 -0.14793320088842413 -0.2160357510762764 -0.25627816709636975 -0.29497279788492237 -0.3104506502003469 -0.3352152139050157 -0.3491452809888996 -0.3553364219150623 -0.36617091853585604 -0.22841803292861076 -0.1603154827407585 0.07494787245363867 0.3334280061211727 0.6290549853457186 0.8890829042447845 1.0314791455466608 1.0779127024929256 1.0562437092513381 +31812,0.8287192802146446,1,-0.0535183017643536 -0.14793320088842413 -0.2160357510762764 -0.25627816709636975 -0.29497279788492237 -0.3104506502003469 -0.3352152139050157 -0.3491452809888996 -0.3553364219150623 -0.36617091853585604 -0.22841803292861076 -0.1603154827407585 0.07494787245363867 0.3334280061211727 0.6290549853457186 0.8890829042447845 1.0314791455466608 1.0779127024929256 1.0562437092513381 0.9865933738319452 +31813,0.5733347170102008,1,-0.14793320088842413 -0.2160357510762764 -0.25627816709636975 -0.29497279788492237 -0.3104506502003469 -0.3352152139050157 -0.3491452809888996 -0.3553364219150623 -0.36617091853585604 -0.22841803292861076 -0.1603154827407585 0.07494787245363867 0.3334280061211727 0.6290549853457186 0.8890829042447845 1.0314791455466608 1.0779127024929256 1.0562437092513381 0.9865933738319452 0.8287192802146446 +31814,0.3179501538057481,1,-0.2160357510762764 -0.25627816709636975 -0.29497279788492237 -0.3104506502003469 -0.3352152139050157 -0.3491452809888996 -0.3553364219150623 -0.36617091853585604 -0.22841803292861076 -0.1603154827407585 0.07494787245363867 0.3334280061211727 0.6290549853457186 0.8890829042447845 1.0314791455466608 1.0779127024929256 1.0562437092513381 0.9865933738319452 0.8287192802146446 0.5733347170102008 +31815,0.045539953054339014,1,-0.25627816709636975 -0.29497279788492237 -0.3104506502003469 -0.3352152139050157 -0.3491452809888996 -0.3553364219150623 -0.36617091853585604 -0.22841803292861076 -0.1603154827407585 0.07494787245363867 0.3334280061211727 0.6290549853457186 0.8890829042447845 1.0314791455466608 1.0779127024929256 1.0562437092513381 0.9865933738319452 0.8287192802146446 0.5733347170102008 0.3179501538057481 +31816,-0.07518729500594096,1,-0.29497279788492237 -0.3104506502003469 -0.3352152139050157 -0.3491452809888996 -0.3553364219150623 -0.36617091853585604 -0.22841803292861076 -0.1603154827407585 0.07494787245363867 0.3334280061211727 0.6290549853457186 0.8890829042447845 1.0314791455466608 1.0779127024929256 1.0562437092513381 0.9865933738319452 0.8287192802146446 0.5733347170102008 0.3179501538057481 0.045539953054339014 +31817,-0.14174205996225253,1,-0.3104506502003469 -0.3352152139050157 -0.3491452809888996 -0.3553364219150623 -0.36617091853585604 -0.22841803292861076 -0.1603154827407585 0.07494787245363867 0.3334280061211727 0.6290549853457186 0.8890829042447845 1.0314791455466608 1.0779127024929256 1.0562437092513381 0.9865933738319452 0.8287192802146446 0.5733347170102008 0.3179501538057481 0.045539953054339014 -0.07518729500594096 +31818,-0.1665066236669301,1,-0.3352152139050157 -0.3491452809888996 -0.3553364219150623 -0.36617091853585604 -0.22841803292861076 -0.1603154827407585 0.07494787245363867 0.3334280061211727 0.6290549853457186 0.8890829042447845 1.0314791455466608 1.0779127024929256 1.0562437092513381 0.9865933738319452 0.8287192802146446 0.5733347170102008 0.3179501538057481 0.045539953054339014 -0.07518729500594096 -0.14174205996225253 +31819,-0.20365346922394204,1,-0.3491452809888996 -0.3553364219150623 -0.36617091853585604 -0.22841803292861076 -0.1603154827407585 0.07494787245363867 0.3334280061211727 0.6290549853457186 0.8890829042447845 1.0314791455466608 1.0779127024929256 1.0562437092513381 0.9865933738319452 0.8287192802146446 0.5733347170102008 0.3179501538057481 0.045539953054339014 -0.07518729500594096 -0.14174205996225253 -0.1665066236669301 +31820,-0.2624693080225413,1,-0.3553364219150623 -0.36617091853585604 -0.22841803292861076 -0.1603154827407585 0.07494787245363867 0.3334280061211727 0.6290549853457186 0.8890829042447845 1.0314791455466608 1.0779127024929256 1.0562437092513381 0.9865933738319452 0.8287192802146446 0.5733347170102008 0.3179501538057481 0.045539953054339014 -0.07518729500594096 -0.14174205996225253 -0.1665066236669301 -0.20365346922394204 +31821,-0.24699145570711675,1,-0.36617091853585604 -0.22841803292861076 -0.1603154827407585 0.07494787245363867 0.3334280061211727 0.6290549853457186 0.8890829042447845 1.0314791455466608 1.0779127024929256 1.0562437092513381 0.9865933738319452 0.8287192802146446 0.5733347170102008 0.3179501538057481 0.045539953054339014 -0.07518729500594096 -0.14174205996225253 -0.1665066236669301 -0.20365346922394204 -0.2624693080225413 +31822,-0.24389588524403535,1,-0.22841803292861076 -0.1603154827407585 0.07494787245363867 0.3334280061211727 0.6290549853457186 0.8890829042447845 1.0314791455466608 1.0779127024929256 1.0562437092513381 0.9865933738319452 0.8287192802146446 0.5733347170102008 0.3179501538057481 0.045539953054339014 -0.07518729500594096 -0.14174205996225253 -0.1665066236669301 -0.20365346922394204 -0.2624693080225413 -0.24699145570711675 +31823,-0.2779471603379571,1,-0.1603154827407585 0.07494787245363867 0.3334280061211727 0.6290549853457186 0.8890829042447845 1.0314791455466608 1.0779127024929256 1.0562437092513381 0.9865933738319452 0.8287192802146446 0.5733347170102008 0.3179501538057481 0.045539953054339014 -0.07518729500594096 -0.14174205996225253 -0.1665066236669301 -0.20365346922394204 -0.2624693080225413 -0.24699145570711675 -0.24389588524403535 +31824,-0.2191313215393578,1,0.07494787245363867 0.3334280061211727 0.6290549853457186 0.8890829042447845 1.0314791455466608 1.0779127024929256 1.0562437092513381 0.9865933738319452 0.8287192802146446 0.5733347170102008 0.3179501538057481 0.045539953054339014 -0.07518729500594096 -0.14174205996225253 -0.1665066236669301 -0.20365346922394204 -0.2624693080225413 -0.24699145570711675 -0.24389588524403535 -0.2779471603379571 +31825,-0.2237746772339887,1,0.3334280061211727 0.6290549853457186 0.8890829042447845 1.0314791455466608 1.0779127024929256 1.0562437092513381 0.9865933738319452 0.8287192802146446 0.5733347170102008 0.3179501538057481 0.045539953054339014 -0.07518729500594096 -0.14174205996225253 -0.1665066236669301 -0.20365346922394204 -0.2624693080225413 -0.24699145570711675 -0.24389588524403535 -0.2779471603379571 -0.2191313215393578 +31826,-0.2206791067708985,1,0.6290549853457186 0.8890829042447845 1.0314791455466608 1.0779127024929256 1.0562437092513381 0.9865933738319452 0.8287192802146446 0.5733347170102008 0.3179501538057481 0.045539953054339014 -0.07518729500594096 -0.14174205996225253 -0.1665066236669301 -0.20365346922394204 -0.2624693080225413 -0.24699145570711675 -0.24389588524403535 -0.2779471603379571 -0.2191313215393578 -0.2237746772339887 +31827,-0.15102877135150553,1,0.8890829042447845 1.0314791455466608 1.0779127024929256 1.0562437092513381 0.9865933738319452 0.8287192802146446 0.5733347170102008 0.3179501538057481 0.045539953054339014 -0.07518729500594096 -0.14174205996225253 -0.1665066236669301 -0.20365346922394204 -0.2624693080225413 -0.24699145570711675 -0.24389588524403535 -0.2779471603379571 -0.2191313215393578 -0.2237746772339887 -0.2206791067708985 +31828,-0.056613872227435,1,1.0314791455466608 1.0779127024929256 1.0562437092513381 0.9865933738319452 0.8287192802146446 0.5733347170102008 0.3179501538057481 0.045539953054339014 -0.07518729500594096 -0.14174205996225253 -0.1665066236669301 -0.20365346922394204 -0.2624693080225413 -0.24699145570711675 -0.24389588524403535 -0.2779471603379571 -0.2191313215393578 -0.2237746772339887 -0.2206791067708985 -0.15102877135150553 +31829,0.07494787245363867,1,1.0779127024929256 1.0562437092513381 0.9865933738319452 0.8287192802146446 0.5733347170102008 0.3179501538057481 0.045539953054339014 -0.07518729500594096 -0.14174205996225253 -0.1665066236669301 -0.20365346922394204 -0.2624693080225413 -0.24699145570711675 -0.24389588524403535 -0.2779471603379571 -0.2191313215393578 -0.2237746772339887 -0.2206791067708985 -0.15102877135150553 -0.056613872227435 +31830,0.20496183190318043,1,1.0562437092513381 0.9865933738319452 0.8287192802146446 0.5733347170102008 0.3179501538057481 0.045539953054339014 -0.07518729500594096 -0.14174205996225253 -0.1665066236669301 -0.20365346922394204 -0.2624693080225413 -0.24699145570711675 -0.24389588524403535 -0.2779471603379571 -0.2191313215393578 -0.2237746772339887 -0.2206791067708985 -0.15102877135150553 -0.056613872227435 0.07494787245363867 +31831,0.4758242474230488,1,0.9865933738319452 0.8287192802146446 0.5733347170102008 0.3179501538057481 0.045539953054339014 -0.07518729500594096 -0.14174205996225253 -0.1665066236669301 -0.20365346922394204 -0.2624693080225413 -0.24699145570711675 -0.24389588524403535 -0.2779471603379571 -0.2191313215393578 -0.2237746772339887 -0.2206791067708985 -0.15102877135150553 -0.056613872227435 0.07494787245363867 0.20496183190318043 +31832,0.6662018309027218,1,0.8287192802146446 0.5733347170102008 0.3179501538057481 0.045539953054339014 -0.07518729500594096 -0.14174205996225253 -0.1665066236669301 -0.20365346922394204 -0.2624693080225413 -0.24699145570711675 -0.24389588524403535 -0.2779471603379571 -0.2191313215393578 -0.2237746772339887 -0.2206791067708985 -0.15102877135150553 -0.056613872227435 0.07494787245363867 0.20496183190318043 0.4758242474230488 +31833,0.8116936426676793,1,0.5733347170102008 0.3179501538057481 0.045539953054339014 -0.07518729500594096 -0.14174205996225253 -0.1665066236669301 -0.20365346922394204 -0.2624693080225413 -0.24699145570711675 -0.24389588524403535 -0.2779471603379571 -0.2191313215393578 -0.2237746772339887 -0.2206791067708985 -0.15102877135150553 -0.056613872227435 0.07494787245363867 0.20496183190318043 0.4758242474230488 0.6662018309027218 +31834,0.8581271996139442,1,0.3179501538057481 0.045539953054339014 -0.07518729500594096 -0.14174205996225253 -0.1665066236669301 -0.20365346922394204 -0.2624693080225413 -0.24699145570711675 -0.24389588524403535 -0.2779471603379571 -0.2191313215393578 -0.2237746772339887 -0.2206791067708985 -0.15102877135150553 -0.056613872227435 0.07494787245363867 0.20496183190318043 0.4758242474230488 0.6662018309027218 0.8116936426676793 +31835,0.8643183405401158,1,0.045539953054339014 -0.07518729500594096 -0.14174205996225253 -0.1665066236669301 -0.20365346922394204 -0.2624693080225413 -0.24699145570711675 -0.24389588524403535 -0.2779471603379571 -0.2191313215393578 -0.2237746772339887 -0.2206791067708985 -0.15102877135150553 -0.056613872227435 0.07494787245363867 0.20496183190318043 0.4758242474230488 0.6662018309027218 0.8116936426676793 0.8581271996139442 +31836,0.7048964616912744,1,-0.07518729500594096 -0.14174205996225253 -0.1665066236669301 -0.20365346922394204 -0.2624693080225413 -0.24699145570711675 -0.24389588524403535 -0.2779471603379571 -0.2191313215393578 -0.2237746772339887 -0.2206791067708985 -0.15102877135150553 -0.056613872227435 0.07494787245363867 0.20496183190318043 0.4758242474230488 0.6662018309027218 0.8116936426676793 0.8581271996139442 0.8643183405401158 +31837,0.4293906904767839,1,-0.14174205996225253 -0.1665066236669301 -0.20365346922394204 -0.2624693080225413 -0.24699145570711675 -0.24389588524403535 -0.2779471603379571 -0.2191313215393578 -0.2237746772339887 -0.2206791067708985 -0.15102877135150553 -0.056613872227435 0.07494787245363867 0.20496183190318043 0.4758242474230488 0.6662018309027218 0.8116936426676793 0.8581271996139442 0.8643183405401158 0.7048964616912744 +31838,0.12447699986298497,1,-0.1665066236669301 -0.20365346922394204 -0.2624693080225413 -0.24699145570711675 -0.24389588524403535 -0.2779471603379571 -0.2191313215393578 -0.2237746772339887 -0.2206791067708985 -0.15102877135150553 -0.056613872227435 0.07494787245363867 0.20496183190318043 0.4758242474230488 0.6662018309027218 0.8116936426676793 0.8581271996139442 0.8643183405401158 0.7048964616912744 0.4293906904767839 +31839,-0.05970944269052519,1,-0.20365346922394204 -0.2624693080225413 -0.24699145570711675 -0.24389588524403535 -0.2779471603379571 -0.2191313215393578 -0.2237746772339887 -0.2206791067708985 -0.15102877135150553 -0.056613872227435 0.07494787245363867 0.20496183190318043 0.4758242474230488 0.6662018309027218 0.8116936426676793 0.8581271996139442 0.8643183405401158 0.7048964616912744 0.4293906904767839 0.12447699986298497 +31840,-0.14948098611996483,1,-0.2624693080225413 -0.24699145570711675 -0.24389588524403535 -0.2779471603379571 -0.2191313215393578 -0.2237746772339887 -0.2206791067708985 -0.15102877135150553 -0.056613872227435 0.07494787245363867 0.20496183190318043 0.4758242474230488 0.6662018309027218 0.8116936426676793 0.8581271996139442 0.8643183405401158 0.7048964616912744 0.4293906904767839 0.12447699986298497 -0.05970944269052519 +31841,-0.18198447598234585,1,-0.24699145570711675 -0.24389588524403535 -0.2779471603379571 -0.2191313215393578 -0.2237746772339887 -0.2206791067708985 -0.15102877135150553 -0.056613872227435 0.07494787245363867 0.20496183190318043 0.4758242474230488 0.6662018309027218 0.8116936426676793 0.8581271996139442 0.8643183405401158 0.7048964616912744 0.4293906904767839 0.12447699986298497 -0.05970944269052519 -0.14948098611996483 +31842,-0.2222268920024392,1,-0.24389588524403535 -0.2779471603379571 -0.2191313215393578 -0.2237746772339887 -0.2206791067708985 -0.15102877135150553 -0.056613872227435 0.07494787245363867 0.20496183190318043 0.4758242474230488 0.6662018309027218 0.8116936426676793 0.8581271996139442 0.8643183405401158 0.7048964616912744 0.4293906904767839 0.12447699986298497 -0.05970944269052519 -0.14948098611996483 -0.18198447598234585 +31843,-0.25473038186482905,1,-0.2779471603379571 -0.2191313215393578 -0.2237746772339887 -0.2206791067708985 -0.15102877135150553 -0.056613872227435 0.07494787245363867 0.20496183190318043 0.4758242474230488 0.6662018309027218 0.8116936426676793 0.8581271996139442 0.8643183405401158 0.7048964616912744 0.4293906904767839 0.12447699986298497 -0.05970944269052519 -0.14948098611996483 -0.18198447598234585 -0.2222268920024392 +31844,-0.30735507973725673,1,-0.2191313215393578 -0.2237746772339887 -0.2206791067708985 -0.15102877135150553 -0.056613872227435 0.07494787245363867 0.20496183190318043 0.4758242474230488 0.6662018309027218 0.8116936426676793 0.8581271996139442 0.8643183405401158 0.7048964616912744 0.4293906904767839 0.12447699986298497 -0.05970944269052519 -0.14948098611996483 -0.18198447598234585 -0.2222268920024392 -0.25473038186482905 +31845,-0.3785532003881992,1,-0.2237746772339887 -0.2206791067708985 -0.15102877135150553 -0.056613872227435 0.07494787245363867 0.20496183190318043 0.4758242474230488 0.6662018309027218 0.8116936426676793 0.8581271996139442 0.8643183405401158 0.7048964616912744 0.4293906904767839 0.12447699986298497 -0.05970944269052519 -0.14948098611996483 -0.18198447598234585 -0.2222268920024392 -0.25473038186482905 -0.30735507973725673 +31846,-0.4296301130290862,1,-0.2206791067708985 -0.15102877135150553 -0.056613872227435 0.07494787245363867 0.20496183190318043 0.4758242474230488 0.6662018309027218 0.8116936426676793 0.8581271996139442 0.8643183405401158 0.7048964616912744 0.4293906904767839 0.12447699986298497 -0.05970944269052519 -0.14948098611996483 -0.18198447598234585 -0.2222268920024392 -0.25473038186482905 -0.30735507973725673 -0.3785532003881992 +31847,-0.47296809951226093,1,-0.15102877135150553 -0.056613872227435 0.07494787245363867 0.20496183190318043 0.4758242474230488 0.6662018309027218 0.8116936426676793 0.8581271996139442 0.8643183405401158 0.7048964616912744 0.4293906904767839 0.12447699986298497 -0.05970944269052519 -0.14948098611996483 -0.18198447598234585 -0.2222268920024392 -0.25473038186482905 -0.30735507973725673 -0.3785532003881992 -0.4296301130290862 +31848,-0.5209494416900665,1,-0.056613872227435 0.07494787245363867 0.20496183190318043 0.4758242474230488 0.6662018309027218 0.8116936426676793 0.8581271996139442 0.8643183405401158 0.7048964616912744 0.4293906904767839 0.12447699986298497 -0.05970944269052519 -0.14948098611996483 -0.18198447598234585 -0.2222268920024392 -0.25473038186482905 -0.30735507973725673 -0.3785532003881992 -0.4296301130290862 -0.47296809951226093 +31849,-0.5410706497001132,1,0.07494787245363867 0.20496183190318043 0.4758242474230488 0.6662018309027218 0.8116936426676793 0.8581271996139442 0.8643183405401158 0.7048964616912744 0.4293906904767839 0.12447699986298497 -0.05970944269052519 -0.14948098611996483 -0.18198447598234585 -0.2222268920024392 -0.25473038186482905 -0.30735507973725673 -0.3785532003881992 -0.4296301130290862 -0.47296809951226093 -0.5209494416900665 +31850,-0.46677695858609813,1,0.20496183190318043 0.4758242474230488 0.6662018309027218 0.8116936426676793 0.8581271996139442 0.8643183405401158 0.7048964616912744 0.4293906904767839 0.12447699986298497 -0.05970944269052519 -0.14948098611996483 -0.18198447598234585 -0.2222268920024392 -0.25473038186482905 -0.30735507973725673 -0.3785532003881992 -0.4296301130290862 -0.47296809951226093 -0.5209494416900665 -0.5410706497001132 +31851,-0.34759749575735005,1,0.4758242474230488 0.6662018309027218 0.8116936426676793 0.8581271996139442 0.8643183405401158 0.7048964616912744 0.4293906904767839 0.12447699986298497 -0.05970944269052519 -0.14948098611996483 -0.18198447598234585 -0.2222268920024392 -0.25473038186482905 -0.30735507973725673 -0.3785532003881992 -0.4296301130290862 -0.47296809951226093 -0.5209494416900665 -0.5410706497001132 -0.46677695858609813 +31852,-0.1680544088984708,1,0.6662018309027218 0.8116936426676793 0.8581271996139442 0.8643183405401158 0.7048964616912744 0.4293906904767839 0.12447699986298497 -0.05970944269052519 -0.14948098611996483 -0.18198447598234585 -0.2222268920024392 -0.25473038186482905 -0.30735507973725673 -0.3785532003881992 -0.4296301130290862 -0.47296809951226093 -0.5209494416900665 -0.5410706497001132 -0.46677695858609813 -0.34759749575735005 +31853,-0.025658167596594655,1,0.8116936426676793 0.8581271996139442 0.8643183405401158 0.7048964616912744 0.4293906904767839 0.12447699986298497 -0.05970944269052519 -0.14948098611996483 -0.18198447598234585 -0.2222268920024392 -0.25473038186482905 -0.30735507973725673 -0.3785532003881992 -0.4296301130290862 -0.47296809951226093 -0.5209494416900665 -0.5410706497001132 -0.46677695858609813 -0.34759749575735005 -0.1680544088984708 +31854,0.15543270449383412,1,0.8581271996139442 0.8643183405401158 0.7048964616912744 0.4293906904767839 0.12447699986298497 -0.05970944269052519 -0.14948098611996483 -0.18198447598234585 -0.2222268920024392 -0.25473038186482905 -0.30735507973725673 -0.3785532003881992 -0.4296301130290862 -0.47296809951226093 -0.5209494416900665 -0.5410706497001132 -0.46677695858609813 -0.34759749575735005 -0.1680544088984708 -0.025658167596594655 +31855,0.2792555230171955,1,0.8643183405401158 0.7048964616912744 0.4293906904767839 0.12447699986298497 -0.05970944269052519 -0.14948098611996483 -0.18198447598234585 -0.2222268920024392 -0.25473038186482905 -0.30735507973725673 -0.3785532003881992 -0.4296301130290862 -0.47296809951226093 -0.5209494416900665 -0.5410706497001132 -0.46677695858609813 -0.34759749575735005 -0.1680544088984708 -0.025658167596594655 0.15543270449383412 +31856,0.34426250274196635,1,0.7048964616912744 0.4293906904767839 0.12447699986298497 -0.05970944269052519 -0.14948098611996483 -0.18198447598234585 -0.2222268920024392 -0.25473038186482905 -0.30735507973725673 -0.3785532003881992 -0.4296301130290862 -0.47296809951226093 -0.5209494416900665 -0.5410706497001132 -0.46677695858609813 -0.34759749575735005 -0.1680544088984708 -0.025658167596594655 0.15543270449383412 0.2792555230171955 +31857,0.373670422141266,1,0.4293906904767839 0.12447699986298497 -0.05970944269052519 -0.14948098611996483 -0.18198447598234585 -0.2222268920024392 -0.25473038186482905 -0.30735507973725673 -0.3785532003881992 -0.4296301130290862 -0.47296809951226093 -0.5209494416900665 -0.5410706497001132 -0.46677695858609813 -0.34759749575735005 -0.1680544088984708 -0.025658167596594655 0.15543270449383412 0.2792555230171955 0.34426250274196635 +31858,0.322593509500379,1,0.12447699986298497 -0.05970944269052519 -0.14948098611996483 -0.18198447598234585 -0.2222268920024392 -0.25473038186482905 -0.30735507973725673 -0.3785532003881992 -0.4296301130290862 -0.47296809951226093 -0.5209494416900665 -0.5410706497001132 -0.46677695858609813 -0.34759749575735005 -0.1680544088984708 -0.025658167596594655 0.15543270449383412 0.2792555230171955 0.34426250274196635 0.373670422141266 +31859,0.2684210263964018,1,-0.05970944269052519 -0.14948098611996483 -0.18198447598234585 -0.2222268920024392 -0.25473038186482905 -0.30735507973725673 -0.3785532003881992 -0.4296301130290862 -0.47296809951226093 -0.5209494416900665 -0.5410706497001132 -0.46677695858609813 -0.34759749575735005 -0.1680544088984708 -0.025658167596594655 0.15543270449383412 0.2792555230171955 0.34426250274196635 0.373670422141266 0.322593509500379 +31860,0.18329283866158427,1,-0.14948098611996483 -0.18198447598234585 -0.2222268920024392 -0.25473038186482905 -0.30735507973725673 -0.3785532003881992 -0.4296301130290862 -0.47296809951226093 -0.5209494416900665 -0.5410706497001132 -0.46677695858609813 -0.34759749575735005 -0.1680544088984708 -0.025658167596594655 0.15543270449383412 0.2792555230171955 0.34426250274196635 0.373670422141266 0.322593509500379 0.2684210263964018 +31861,0.008393107497327084,1,-0.18198447598234585 -0.2222268920024392 -0.25473038186482905 -0.30735507973725673 -0.3785532003881992 -0.4296301130290862 -0.47296809951226093 -0.5209494416900665 -0.5410706497001132 -0.46677695858609813 -0.34759749575735005 -0.1680544088984708 -0.025658167596594655 0.15543270449383412 0.2792555230171955 0.34426250274196635 0.373670422141266 0.322593509500379 0.2684210263964018 0.18329283866158427 +31862,-0.2253224624655294,1,-0.2222268920024392 -0.25473038186482905 -0.30735507973725673 -0.3785532003881992 -0.4296301130290862 -0.47296809951226093 -0.5209494416900665 -0.5410706497001132 -0.46677695858609813 -0.34759749575735005 -0.1680544088984708 -0.025658167596594655 0.15543270449383412 0.2792555230171955 0.34426250274196635 0.373670422141266 0.322593509500379 0.2684210263964018 0.18329283866158427 0.008393107497327084 +31863,-0.4095089050190395,1,-0.25473038186482905 -0.30735507973725673 -0.3785532003881992 -0.4296301130290862 -0.47296809951226093 -0.5209494416900665 -0.5410706497001132 -0.46677695858609813 -0.34759749575735005 -0.1680544088984708 -0.025658167596594655 0.15543270449383412 0.2792555230171955 0.34426250274196635 0.373670422141266 0.322593509500379 0.2684210263964018 0.18329283866158427 0.008393107497327084 -0.2253224624655294 +31864,-0.5395228644685724,1,-0.30735507973725673 -0.3785532003881992 -0.4296301130290862 -0.47296809951226093 -0.5209494416900665 -0.5410706497001132 -0.46677695858609813 -0.34759749575735005 -0.1680544088984708 -0.025658167596594655 0.15543270449383412 0.2792555230171955 0.34426250274196635 0.373670422141266 0.322593509500379 0.2684210263964018 0.18329283866158427 0.008393107497327084 -0.2253224624655294 -0.4095089050190395 +31865,-0.5967909180356311,1,-0.3785532003881992 -0.4296301130290862 -0.47296809951226093 -0.5209494416900665 -0.5410706497001132 -0.46677695858609813 -0.34759749575735005 -0.1680544088984708 -0.025658167596594655 0.15543270449383412 0.2792555230171955 0.34426250274196635 0.373670422141266 0.322593509500379 0.2684210263964018 0.18329283866158427 0.008393107497327084 -0.2253224624655294 -0.4095089050190395 -0.5395228644685724 +31866,-0.6215554817403086,1,-0.4296301130290862 -0.47296809951226093 -0.5209494416900665 -0.5410706497001132 -0.46677695858609813 -0.34759749575735005 -0.1680544088984708 -0.025658167596594655 0.15543270449383412 0.2792555230171955 0.34426250274196635 0.373670422141266 0.322593509500379 0.2684210263964018 0.18329283866158427 0.008393107497327084 -0.2253224624655294 -0.4095089050190395 -0.5395228644685724 -0.5967909180356311 +31867,-0.6695368239181143,1,-0.47296809951226093 -0.5209494416900665 -0.5410706497001132 -0.46677695858609813 -0.34759749575735005 -0.1680544088984708 -0.025658167596594655 0.15543270449383412 0.2792555230171955 0.34426250274196635 0.373670422141266 0.322593509500379 0.2684210263964018 0.18329283866158427 0.008393107497327084 -0.2253224624655294 -0.4095089050190395 -0.5395228644685724 -0.5967909180356311 -0.6215554817403086 +31868,-0.8366976289246592,1,-0.5209494416900665 -0.5410706497001132 -0.46677695858609813 -0.34759749575735005 -0.1680544088984708 -0.025658167596594655 0.15543270449383412 0.2792555230171955 0.34426250274196635 0.373670422141266 0.322593509500379 0.2684210263964018 0.18329283866158427 0.008393107497327084 -0.2253224624655294 -0.4095089050190395 -0.5395228644685724 -0.5967909180356311 -0.6215554817403086 -0.6695368239181143 +31869,-0.8243153470723248,1,-0.5410706497001132 -0.46677695858609813 -0.34759749575735005 -0.1680544088984708 -0.025658167596594655 0.15543270449383412 0.2792555230171955 0.34426250274196635 0.373670422141266 0.322593509500379 0.2684210263964018 0.18329283866158427 0.008393107497327084 -0.2253224624655294 -0.4095089050190395 -0.5395228644685724 -0.5967909180356311 -0.6215554817403086 -0.6695368239181143 -0.8366976289246592 +31870,-0.9156346757333051,1,-0.46677695858609813 -0.34759749575735005 -0.1680544088984708 -0.025658167596594655 0.15543270449383412 0.2792555230171955 0.34426250274196635 0.373670422141266 0.322593509500379 0.2684210263964018 0.18329283866158427 0.008393107497327084 -0.2253224624655294 -0.4095089050190395 -0.5395228644685724 -0.5967909180356311 -0.6215554817403086 -0.6695368239181143 -0.8366976289246592 -0.8243153470723248 +31871,-0.9465903803641454,1,-0.34759749575735005 -0.1680544088984708 -0.025658167596594655 0.15543270449383412 0.2792555230171955 0.34426250274196635 0.373670422141266 0.322593509500379 0.2684210263964018 0.18329283866158427 0.008393107497327084 -0.2253224624655294 -0.4095089050190395 -0.5395228644685724 -0.5967909180356311 -0.6215554817403086 -0.6695368239181143 -0.8366976289246592 -0.8243153470723248 -0.9156346757333051 +31872,-0.9698071588372823,1,-0.1680544088984708 -0.025658167596594655 0.15543270449383412 0.2792555230171955 0.34426250274196635 0.373670422141266 0.322593509500379 0.2684210263964018 0.18329283866158427 0.008393107497327084 -0.2253224624655294 -0.4095089050190395 -0.5395228644685724 -0.5967909180356311 -0.6215554817403086 -0.6695368239181143 -0.8366976289246592 -0.8243153470723248 -0.9156346757333051 -0.9465903803641454 +31873,-0.9790938702265353,1,-0.025658167596594655 0.15543270449383412 0.2792555230171955 0.34426250274196635 0.373670422141266 0.322593509500379 0.2684210263964018 0.18329283866158427 0.008393107497327084 -0.2253224624655294 -0.4095089050190395 -0.5395228644685724 -0.5967909180356311 -0.6215554817403086 -0.6695368239181143 -0.8366976289246592 -0.8243153470723248 -0.9156346757333051 -0.9465903803641454 -0.9698071588372823 +31874,-0.7515694411898416,1,0.15543270449383412 0.2792555230171955 0.34426250274196635 0.373670422141266 0.322593509500379 0.2684210263964018 0.18329283866158427 0.008393107497327084 -0.2253224624655294 -0.4095089050190395 -0.5395228644685724 -0.5967909180356311 -0.6215554817403086 -0.6695368239181143 -0.8366976289246592 -0.8243153470723248 -0.9156346757333051 -0.9465903803641454 -0.9698071588372823 -0.9790938702265353 +31875,-0.45284689150221424,1,0.2792555230171955 0.34426250274196635 0.373670422141266 0.322593509500379 0.2684210263964018 0.18329283866158427 0.008393107497327084 -0.2253224624655294 -0.4095089050190395 -0.5395228644685724 -0.5967909180356311 -0.6215554817403086 -0.6695368239181143 -0.8366976289246592 -0.8243153470723248 -0.9156346757333051 -0.9465903803641454 -0.9698071588372823 -0.9790938702265353 -0.7515694411898416 +31876,-0.24080031478094516,1,0.34426250274196635 0.373670422141266 0.322593509500379 0.2684210263964018 0.18329283866158427 0.008393107497327084 -0.2253224624655294 -0.4095089050190395 -0.5395228644685724 -0.5967909180356311 -0.6215554817403086 -0.6695368239181143 -0.8366976289246592 -0.8243153470723248 -0.9156346757333051 -0.9465903803641454 -0.9698071588372823 -0.9790938702265353 -0.7515694411898416 -0.45284689150221424 +31877,-0.09066514732136553,1,0.373670422141266 0.322593509500379 0.2684210263964018 0.18329283866158427 0.008393107497327084 -0.2253224624655294 -0.4095089050190395 -0.5395228644685724 -0.5967909180356311 -0.6215554817403086 -0.6695368239181143 -0.8366976289246592 -0.8243153470723248 -0.9156346757333051 -0.9465903803641454 -0.9698071588372823 -0.9790938702265353 -0.7515694411898416 -0.45284689150221424 -0.24080031478094516 +31878,0.13376371125223796,1,0.322593509500379 0.2684210263964018 0.18329283866158427 0.008393107497327084 -0.2253224624655294 -0.4095089050190395 -0.5395228644685724 -0.5967909180356311 -0.6215554817403086 -0.6695368239181143 -0.8366976289246592 -0.8243153470723248 -0.9156346757333051 -0.9465903803641454 -0.9698071588372823 -0.9790938702265353 -0.7515694411898416 -0.45284689150221424 -0.24080031478094516 -0.09066514732136553 +31879,0.19877069097700883,1,0.2684210263964018 0.18329283866158427 0.008393107497327084 -0.2253224624655294 -0.4095089050190395 -0.5395228644685724 -0.5967909180356311 -0.6215554817403086 -0.6695368239181143 -0.8366976289246592 -0.8243153470723248 -0.9156346757333051 -0.9465903803641454 -0.9698071588372823 -0.9790938702265353 -0.7515694411898416 -0.45284689150221424 -0.24080031478094516 -0.09066514732136553 0.13376371125223796 +31880,0.23282196607093936,1,0.18329283866158427 0.008393107497327084 -0.2253224624655294 -0.4095089050190395 -0.5395228644685724 -0.5967909180356311 -0.6215554817403086 -0.6695368239181143 -0.8366976289246592 -0.8243153470723248 -0.9156346757333051 -0.9465903803641454 -0.9698071588372823 -0.9790938702265353 -0.7515694411898416 -0.45284689150221424 -0.24080031478094516 -0.09066514732136553 0.13376371125223796 0.19877069097700883 +31881,0.28854223440644844,1,0.008393107497327084 -0.2253224624655294 -0.4095089050190395 -0.5395228644685724 -0.5967909180356311 -0.6215554817403086 -0.6695368239181143 -0.8366976289246592 -0.8243153470723248 -0.9156346757333051 -0.9465903803641454 -0.9698071588372823 -0.9790938702265353 -0.7515694411898416 -0.45284689150221424 -0.24080031478094516 -0.09066514732136553 0.13376371125223796 0.19877069097700883 0.23282196607093936 +31882,0.3117590128795853,1,-0.2253224624655294 -0.4095089050190395 -0.5395228644685724 -0.5967909180356311 -0.6215554817403086 -0.6695368239181143 -0.8366976289246592 -0.8243153470723248 -0.9156346757333051 -0.9465903803641454 -0.9698071588372823 -0.9790938702265353 -0.7515694411898416 -0.45284689150221424 -0.24080031478094516 -0.09066514732136553 0.13376371125223796 0.19877069097700883 0.23282196607093936 0.28854223440644844 +31883,0.3086634424164951,1,-0.4095089050190395 -0.5395228644685724 -0.5967909180356311 -0.6215554817403086 -0.6695368239181143 -0.8366976289246592 -0.8243153470723248 -0.9156346757333051 -0.9465903803641454 -0.9698071588372823 -0.9790938702265353 -0.7515694411898416 -0.45284689150221424 -0.24080031478094516 -0.09066514732136553 0.13376371125223796 0.19877069097700883 0.23282196607093936 0.28854223440644844 0.3117590128795853 +31884,0.1089991475475692,1,-0.5395228644685724 -0.5967909180356311 -0.6215554817403086 -0.6695368239181143 -0.8366976289246592 -0.8243153470723248 -0.9156346757333051 -0.9465903803641454 -0.9698071588372823 -0.9790938702265353 -0.7515694411898416 -0.45284689150221424 -0.24080031478094516 -0.09066514732136553 0.13376371125223796 0.19877069097700883 0.23282196607093936 0.28854223440644844 0.3117590128795853 0.3086634424164951 +31885,0.04089659735971692,1,-0.5967909180356311 -0.6215554817403086 -0.6695368239181143 -0.8366976289246592 -0.8243153470723248 -0.9156346757333051 -0.9465903803641454 -0.9698071588372823 -0.9790938702265353 -0.7515694411898416 -0.45284689150221424 -0.24080031478094516 -0.09066514732136553 0.13376371125223796 0.19877069097700883 0.23282196607093936 0.28854223440644844 0.3117590128795853 0.3086634424164951 0.1089991475475692 +31886,-0.17734112028772378,1,-0.6215554817403086 -0.6695368239181143 -0.8366976289246592 -0.8243153470723248 -0.9156346757333051 -0.9465903803641454 -0.9698071588372823 -0.9790938702265353 -0.7515694411898416 -0.45284689150221424 -0.24080031478094516 -0.09066514732136553 0.13376371125223796 0.19877069097700883 0.23282196607093936 0.28854223440644844 0.3117590128795853 0.3086634424164951 0.1089991475475692 0.04089659735971692 +31887,-0.35843199237815254,1,-0.6695368239181143 -0.8366976289246592 -0.8243153470723248 -0.9156346757333051 -0.9465903803641454 -0.9698071588372823 -0.9790938702265353 -0.7515694411898416 -0.45284689150221424 -0.24080031478094516 -0.09066514732136553 0.13376371125223796 0.19877069097700883 0.23282196607093936 0.28854223440644844 0.3117590128795853 0.3086634424164951 0.1089991475475692 0.04089659735971692 -0.17734112028772378 +31888,-0.5333317235424098,1,-0.8366976289246592 -0.8243153470723248 -0.9156346757333051 -0.9465903803641454 -0.9698071588372823 -0.9790938702265353 -0.7515694411898416 -0.45284689150221424 -0.24080031478094516 -0.09066514732136553 0.13376371125223796 0.19877069097700883 0.23282196607093936 0.28854223440644844 0.3117590128795853 0.3086634424164951 0.1089991475475692 0.04089659735971692 -0.17734112028772378 -0.35843199237815254 +31889,-0.5936953475725497,1,-0.8243153470723248 -0.9156346757333051 -0.9465903803641454 -0.9698071588372823 -0.9790938702265353 -0.7515694411898416 -0.45284689150221424 -0.24080031478094516 -0.09066514732136553 0.13376371125223796 0.19877069097700883 0.23282196607093936 0.28854223440644844 0.3117590128795853 0.3086634424164951 0.1089991475475692 0.04089659735971692 -0.17734112028772378 -0.35843199237815254 -0.5333317235424098 +31890,-0.7190659513274605,1,-0.9156346757333051 -0.9465903803641454 -0.9698071588372823 -0.9790938702265353 -0.7515694411898416 -0.45284689150221424 -0.24080031478094516 -0.09066514732136553 0.13376371125223796 0.19877069097700883 0.23282196607093936 0.28854223440644844 0.3117590128795853 0.3086634424164951 0.1089991475475692 0.04089659735971692 -0.17734112028772378 -0.35843199237815254 -0.5333317235424098 -0.5936953475725497 +31891,-0.7871685015153128,1,-0.9465903803641454 -0.9698071588372823 -0.9790938702265353 -0.7515694411898416 -0.45284689150221424 -0.24080031478094516 -0.09066514732136553 0.13376371125223796 0.19877069097700883 0.23282196607093936 0.28854223440644844 0.3117590128795853 0.3086634424164951 0.1089991475475692 0.04089659735971692 -0.17734112028772378 -0.35843199237815254 -0.5333317235424098 -0.5936953475725497 -0.7190659513274605 +31892,-0.8583666221662465,1,-0.9698071588372823 -0.9790938702265353 -0.7515694411898416 -0.45284689150221424 -0.24080031478094516 -0.09066514732136553 0.13376371125223796 0.19877069097700883 0.23282196607093936 0.28854223440644844 0.3117590128795853 0.3086634424164951 0.1089991475475692 0.04089659735971692 -0.17734112028772378 -0.35843199237815254 -0.5333317235424098 -0.5936953475725497 -0.7190659513274605 -0.7871685015153128 +31893,-0.9403992394379826,1,-0.9790938702265353 -0.7515694411898416 -0.45284689150221424 -0.24080031478094516 -0.09066514732136553 0.13376371125223796 0.19877069097700883 0.23282196607093936 0.28854223440644844 0.3117590128795853 0.3086634424164951 0.1089991475475692 0.04089659735971692 -0.17734112028772378 -0.35843199237815254 -0.5333317235424098 -0.5936953475725497 -0.7190659513274605 -0.7871685015153128 -0.8583666221662465 +31894,-0.9914761520788696,1,-0.7515694411898416 -0.45284689150221424 -0.24080031478094516 -0.09066514732136553 0.13376371125223796 0.19877069097700883 0.23282196607093936 0.28854223440644844 0.3117590128795853 0.3086634424164951 0.1089991475475692 0.04089659735971692 -0.17734112028772378 -0.35843199237815254 -0.5333317235424098 -0.5936953475725497 -0.7190659513274605 -0.7871685015153128 -0.8583666221662465 -0.9403992394379826 +31895,-1.0766043398136873,1,-0.45284689150221424 -0.24080031478094516 -0.09066514732136553 0.13376371125223796 0.19877069097700883 0.23282196607093936 0.28854223440644844 0.3117590128795853 0.3086634424164951 0.1089991475475692 0.04089659735971692 -0.17734112028772378 -0.35843199237815254 -0.5333317235424098 -0.5936953475725497 -0.7190659513274605 -0.7871685015153128 -0.8583666221662465 -0.9403992394379826 -0.9914761520788696 +31896,-1.0843432659713994,1,-0.24080031478094516 -0.09066514732136553 0.13376371125223796 0.19877069097700883 0.23282196607093936 0.28854223440644844 0.3117590128795853 0.3086634424164951 0.1089991475475692 0.04089659735971692 -0.17734112028772378 -0.35843199237815254 -0.5333317235424098 -0.5936953475725497 -0.7190659513274605 -0.7871685015153128 -0.8583666221662465 -0.9403992394379826 -0.9914761520788696 -1.0766043398136873 +31897,-0.9914761520788696,1,-0.09066514732136553 0.13376371125223796 0.19877069097700883 0.23282196607093936 0.28854223440644844 0.3117590128795853 0.3086634424164951 0.1089991475475692 0.04089659735971692 -0.17734112028772378 -0.35843199237815254 -0.5333317235424098 -0.5936953475725497 -0.7190659513274605 -0.7871685015153128 -0.8583666221662465 -0.9403992394379826 -0.9914761520788696 -1.0766043398136873 -1.0843432659713994 +31898,-0.7020403137804953,1,0.13376371125223796 0.19877069097700883 0.23282196607093936 0.28854223440644844 0.3117590128795853 0.3086634424164951 0.1089991475475692 0.04089659735971692 -0.17734112028772378 -0.35843199237815254 -0.5333317235424098 -0.5936953475725497 -0.7190659513274605 -0.7871685015153128 -0.8583666221662465 -0.9403992394379826 -0.9914761520788696 -1.0766043398136873 -1.0843432659713994 -0.9914761520788696 +31899,-0.3909354822405336,1,0.19877069097700883 0.23282196607093936 0.28854223440644844 0.3117590128795853 0.3086634424164951 0.1089991475475692 0.04089659735971692 -0.17734112028772378 -0.35843199237815254 -0.5333317235424098 -0.5936953475725497 -0.7190659513274605 -0.7871685015153128 -0.8583666221662465 -0.9403992394379826 -0.9914761520788696 -1.0766043398136873 -1.0843432659713994 -0.9914761520788696 -0.7020403137804953 +31900,-0.14019427473071183,1,0.23282196607093936 0.28854223440644844 0.3117590128795853 0.3086634424164951 0.1089991475475692 0.04089659735971692 -0.17734112028772378 -0.35843199237815254 -0.5333317235424098 -0.5936953475725497 -0.7190659513274605 -0.7871685015153128 -0.8583666221662465 -0.9403992394379826 -0.9914761520788696 -1.0766043398136873 -1.0843432659713994 -0.9914761520788696 -0.7020403137804953 -0.3909354822405336 +31901,0.07494787245363867,1,0.28854223440644844 0.3117590128795853 0.3086634424164951 0.1089991475475692 0.04089659735971692 -0.17734112028772378 -0.35843199237815254 -0.5333317235424098 -0.5936953475725497 -0.7190659513274605 -0.7871685015153128 -0.8583666221662465 -0.9403992394379826 -0.9914761520788696 -1.0766043398136873 -1.0843432659713994 -0.9914761520788696 -0.7020403137804953 -0.3909354822405336 -0.14019427473071183 +31902,0.29163780486953866,1,0.3117590128795853 0.3086634424164951 0.1089991475475692 0.04089659735971692 -0.17734112028772378 -0.35843199237815254 -0.5333317235424098 -0.5936953475725497 -0.7190659513274605 -0.7871685015153128 -0.8583666221662465 -0.9403992394379826 -0.9914761520788696 -1.0766043398136873 -1.0843432659713994 -0.9914761520788696 -0.7020403137804953 -0.3909354822405336 -0.14019427473071183 0.07494787245363867 +31903,0.39998277107748426,1,0.3086634424164951 0.1089991475475692 0.04089659735971692 -0.17734112028772378 -0.35843199237815254 -0.5333317235424098 -0.5936953475725497 -0.7190659513274605 -0.7871685015153128 -0.8583666221662465 -0.9403992394379826 -0.9914761520788696 -1.0766043398136873 -1.0843432659713994 -0.9914761520788696 -0.7020403137804953 -0.3909354822405336 -0.14019427473071183 0.07494787245363867 0.29163780486953866 +31904,0.5454745828424418,1,0.1089991475475692 0.04089659735971692 -0.17734112028772378 -0.35843199237815254 -0.5333317235424098 -0.5936953475725497 -0.7190659513274605 -0.7871685015153128 -0.8583666221662465 -0.9403992394379826 -0.9914761520788696 -1.0766043398136873 -1.0843432659713994 -0.9914761520788696 -0.7020403137804953 -0.3909354822405336 -0.14019427473071183 0.07494787245363867 0.29163780486953866 0.39998277107748426 +31905,0.6290549853457186,1,0.04089659735971692 -0.17734112028772378 -0.35843199237815254 -0.5333317235424098 -0.5936953475725497 -0.7190659513274605 -0.7871685015153128 -0.8583666221662465 -0.9403992394379826 -0.9914761520788696 -1.0766043398136873 -1.0843432659713994 -0.9914761520788696 -0.7020403137804953 -0.3909354822405336 -0.14019427473071183 0.07494787245363867 0.29163780486953866 0.39998277107748426 0.5454745828424418 +31906,0.5841692136309944,1,-0.17734112028772378 -0.35843199237815254 -0.5333317235424098 -0.5936953475725497 -0.7190659513274605 -0.7871685015153128 -0.8583666221662465 -0.9403992394379826 -0.9914761520788696 -1.0766043398136873 -1.0843432659713994 -0.9914761520788696 -0.7020403137804953 -0.3909354822405336 -0.14019427473071183 0.07494787245363867 0.29163780486953866 0.39998277107748426 0.5454745828424418 0.6290549853457186 +31907,0.5532135090001541,1,-0.35843199237815254 -0.5333317235424098 -0.5936953475725497 -0.7190659513274605 -0.7871685015153128 -0.8583666221662465 -0.9403992394379826 -0.9914761520788696 -1.0766043398136873 -1.0843432659713994 -0.9914761520788696 -0.7020403137804953 -0.3909354822405336 -0.14019427473071183 0.07494787245363867 0.29163780486953866 0.39998277107748426 0.5454745828424418 0.6290549853457186 0.5841692136309944 +31908,0.4789198178861302,1,-0.5333317235424098 -0.5936953475725497 -0.7190659513274605 -0.7871685015153128 -0.8583666221662465 -0.9403992394379826 -0.9914761520788696 -1.0766043398136873 -1.0843432659713994 -0.9914761520788696 -0.7020403137804953 -0.3909354822405336 -0.14019427473071183 0.07494787245363867 0.29163780486953866 0.39998277107748426 0.5454745828424418 0.6290549853457186 0.5841692136309944 0.5532135090001541 +31909,0.3179501538057481,1,-0.5936953475725497 -0.7190659513274605 -0.7871685015153128 -0.8583666221662465 -0.9403992394379826 -0.9914761520788696 -1.0766043398136873 -1.0843432659713994 -0.9914761520788696 -0.7020403137804953 -0.3909354822405336 -0.14019427473071183 0.07494787245363867 0.29163780486953866 0.39998277107748426 0.5454745828424418 0.6290549853457186 0.5841692136309944 0.5532135090001541 0.4789198178861302 +31910,0.13995485217840953,1,-0.7190659513274605 -0.7871685015153128 -0.8583666221662465 -0.9403992394379826 -0.9914761520788696 -1.0766043398136873 -1.0843432659713994 -0.9914761520788696 -0.7020403137804953 -0.3909354822405336 -0.14019427473071183 0.07494787245363867 0.29163780486953866 0.39998277107748426 0.5454745828424418 0.6290549853457186 0.5841692136309944 0.5532135090001541 0.4789198178861302 0.3179501538057481 +31911,-0.1076907848683308,1,-0.7871685015153128 -0.8583666221662465 -0.9403992394379826 -0.9914761520788696 -1.0766043398136873 -1.0843432659713994 -0.9914761520788696 -0.7020403137804953 -0.3909354822405336 -0.14019427473071183 0.07494787245363867 0.29163780486953866 0.39998277107748426 0.5454745828424418 0.6290549853457186 0.5841692136309944 0.5532135090001541 0.4789198178861302 0.3179501538057481 0.13995485217840953 +31912,-0.3491452809888996,1,-0.8583666221662465 -0.9403992394379826 -0.9914761520788696 -1.0766043398136873 -1.0843432659713994 -0.9914761520788696 -0.7020403137804953 -0.3909354822405336 -0.14019427473071183 0.07494787245363867 0.29163780486953866 0.39998277107748426 0.5454745828424418 0.6290549853457186 0.5841692136309944 0.5532135090001541 0.4789198178861302 0.3179501538057481 0.13995485217840953 -0.1076907848683308 +31913,-0.45749024719684517,1,-0.9403992394379826 -0.9914761520788696 -1.0766043398136873 -1.0843432659713994 -0.9914761520788696 -0.7020403137804953 -0.3909354822405336 -0.14019427473071183 0.07494787245363867 0.29163780486953866 0.39998277107748426 0.5454745828424418 0.6290549853457186 0.5841692136309944 0.5532135090001541 0.4789198178861302 0.3179501538057481 0.13995485217840953 -0.1076907848683308 -0.3491452809888996 +31914,-0.5085671598377322,1,-0.9914761520788696 -1.0766043398136873 -1.0843432659713994 -0.9914761520788696 -0.7020403137804953 -0.3909354822405336 -0.14019427473071183 0.07494787245363867 0.29163780486953866 0.39998277107748426 0.5454745828424418 0.6290549853457186 0.5841692136309944 0.5532135090001541 0.4789198178861302 0.3179501538057481 0.13995485217840953 -0.1076907848683308 -0.3491452809888996 -0.45749024719684517 +31915,-0.6122687703510556,1,-1.0766043398136873 -1.0843432659713994 -0.9914761520788696 -0.7020403137804953 -0.3909354822405336 -0.14019427473071183 0.07494787245363867 0.29163780486953866 0.39998277107748426 0.5454745828424418 0.6290549853457186 0.5841692136309944 0.5532135090001541 0.4789198178861302 0.3179501538057481 0.13995485217840953 -0.1076907848683308 -0.3491452809888996 -0.45749024719684517 -0.5085671598377322 +31916,-0.7531172264213823,1,-1.0843432659713994 -0.9914761520788696 -0.7020403137804953 -0.3909354822405336 -0.14019427473071183 0.07494787245363867 0.29163780486953866 0.39998277107748426 0.5454745828424418 0.6290549853457186 0.5841692136309944 0.5532135090001541 0.4789198178861302 0.3179501538057481 0.13995485217840953 -0.1076907848683308 -0.3491452809888996 -0.45749024719684517 -0.5085671598377322 -0.6122687703510556 +31917,-0.8243153470723248,1,-0.9914761520788696 -0.7020403137804953 -0.3909354822405336 -0.14019427473071183 0.07494787245363867 0.29163780486953866 0.39998277107748426 0.5454745828424418 0.6290549853457186 0.5841692136309944 0.5532135090001541 0.4789198178861302 0.3179501538057481 0.13995485217840953 -0.1076907848683308 -0.3491452809888996 -0.45749024719684517 -0.5085671598377322 -0.6122687703510556 -0.7531172264213823 +31918,-0.8939656824917177,1,-0.7020403137804953 -0.3909354822405336 -0.14019427473071183 0.07494787245363867 0.29163780486953866 0.39998277107748426 0.5454745828424418 0.6290549853457186 0.5841692136309944 0.5532135090001541 0.4789198178861302 0.3179501538057481 0.13995485217840953 -0.1076907848683308 -0.3491452809888996 -0.45749024719684517 -0.5085671598377322 -0.6122687703510556 -0.7531172264213823 -0.8243153470723248 +31919,-0.9295647428171889,1,-0.3909354822405336 -0.14019427473071183 0.07494787245363867 0.29163780486953866 0.39998277107748426 0.5454745828424418 0.6290549853457186 0.5841692136309944 0.5532135090001541 0.4789198178861302 0.3179501538057481 0.13995485217840953 -0.1076907848683308 -0.3491452809888996 -0.45749024719684517 -0.5085671598377322 -0.6122687703510556 -0.7531172264213823 -0.8243153470723248 -0.8939656824917177 +31920,-0.9729027293003637,1,-0.14019427473071183 0.07494787245363867 0.29163780486953866 0.39998277107748426 0.5454745828424418 0.6290549853457186 0.5841692136309944 0.5532135090001541 0.4789198178861302 0.3179501538057481 0.13995485217840953 -0.1076907848683308 -0.3491452809888996 -0.45749024719684517 -0.5085671598377322 -0.6122687703510556 -0.7531172264213823 -0.8243153470723248 -0.8939656824917177 -0.9295647428171889 +31921,-0.9311125280487297,1,0.07494787245363867 0.29163780486953866 0.39998277107748426 0.5454745828424418 0.6290549853457186 0.5841692136309944 0.5532135090001541 0.4789198178861302 0.3179501538057481 0.13995485217840953 -0.1076907848683308 -0.3491452809888996 -0.45749024719684517 -0.5085671598377322 -0.6122687703510556 -0.7531172264213823 -0.8243153470723248 -0.8939656824917177 -0.9295647428171889 -0.9729027293003637 +31922,-0.5565485020155377,1,0.29163780486953866 0.39998277107748426 0.5454745828424418 0.6290549853457186 0.5841692136309944 0.5532135090001541 0.4789198178861302 0.3179501538057481 0.13995485217840953 -0.1076907848683308 -0.3491452809888996 -0.45749024719684517 -0.5085671598377322 -0.6122687703510556 -0.7531172264213823 -0.8243153470723248 -0.8939656824917177 -0.9295647428171889 -0.9729027293003637 -0.9311125280487297 +31923,-0.2655648784856227,1,0.39998277107748426 0.5454745828424418 0.6290549853457186 0.5841692136309944 0.5532135090001541 0.4789198178861302 0.3179501538057481 0.13995485217840953 -0.1076907848683308 -0.3491452809888996 -0.45749024719684517 -0.5085671598377322 -0.6122687703510556 -0.7531172264213823 -0.8243153470723248 -0.8939656824917177 -0.9295647428171889 -0.9729027293003637 -0.9311125280487297 -0.5565485020155377 +31924,-0.06590058361668798,1,0.5454745828424418 0.6290549853457186 0.5841692136309944 0.5532135090001541 0.4789198178861302 0.3179501538057481 0.13995485217840953 -0.1076907848683308 -0.3491452809888996 -0.45749024719684517 -0.5085671598377322 -0.6122687703510556 -0.7531172264213823 -0.8243153470723248 -0.8939656824917177 -0.9295647428171889 -0.9729027293003637 -0.9311125280487297 -0.5565485020155377 -0.2655648784856227 +31925,0.11673807370528148,1,0.6290549853457186 0.5841692136309944 0.5532135090001541 0.4789198178861302 0.3179501538057481 0.13995485217840953 -0.1076907848683308 -0.3491452809888996 -0.45749024719684517 -0.5085671598377322 -0.6122687703510556 -0.7531172264213823 -0.8243153470723248 -0.8939656824917177 -0.9295647428171889 -0.9729027293003637 -0.9311125280487297 -0.5565485020155377 -0.2655648784856227 -0.06590058361668798 +31926,0.3194979390372976,1,0.5841692136309944 0.5532135090001541 0.4789198178861302 0.3179501538057481 0.13995485217840953 -0.1076907848683308 -0.3491452809888996 -0.45749024719684517 -0.5085671598377322 -0.6122687703510556 -0.7531172264213823 -0.8243153470723248 -0.8939656824917177 -0.9295647428171889 -0.9729027293003637 -0.9311125280487297 -0.5565485020155377 -0.2655648784856227 -0.06590058361668798 0.11673807370528148 +31927,0.42165176431907164,1,0.5532135090001541 0.4789198178861302 0.3179501538057481 0.13995485217840953 -0.1076907848683308 -0.3491452809888996 -0.45749024719684517 -0.5085671598377322 -0.6122687703510556 -0.7531172264213823 -0.8243153470723248 -0.8939656824917177 -0.9295647428171889 -0.9729027293003637 -0.9311125280487297 -0.5565485020155377 -0.2655648784856227 -0.06590058361668798 0.11673807370528148 0.3194979390372976 +31928,0.5176144486746829,1,0.4789198178861302 0.3179501538057481 0.13995485217840953 -0.1076907848683308 -0.3491452809888996 -0.45749024719684517 -0.5085671598377322 -0.6122687703510556 -0.7531172264213823 -0.8243153470723248 -0.8939656824917177 -0.9295647428171889 -0.9729027293003637 -0.9311125280487297 -0.5565485020155377 -0.2655648784856227 -0.06590058361668798 0.11673807370528148 0.3194979390372976 0.42165176431907164 +31929,0.622863844419547,1,0.3179501538057481 0.13995485217840953 -0.1076907848683308 -0.3491452809888996 -0.45749024719684517 -0.5085671598377322 -0.6122687703510556 -0.7531172264213823 -0.8243153470723248 -0.8939656824917177 -0.9295647428171889 -0.9729027293003637 -0.9311125280487297 -0.5565485020155377 -0.2655648784856227 -0.06590058361668798 0.11673807370528148 0.3194979390372976 0.42165176431907164 0.5176144486746829 +31930,0.6042904216410411,1,0.13995485217840953 -0.1076907848683308 -0.3491452809888996 -0.45749024719684517 -0.5085671598377322 -0.6122687703510556 -0.7531172264213823 -0.8243153470723248 -0.8939656824917177 -0.9295647428171889 -0.9729027293003637 -0.9311125280487297 -0.5565485020155377 -0.2655648784856227 -0.06590058361668798 0.11673807370528148 0.3194979390372976 0.42165176431907164 0.5176144486746829 0.622863844419547 +31931,0.5470223680739825,1,-0.1076907848683308 -0.3491452809888996 -0.45749024719684517 -0.5085671598377322 -0.6122687703510556 -0.7531172264213823 -0.8243153470723248 -0.8939656824917177 -0.9295647428171889 -0.9729027293003637 -0.9311125280487297 -0.5565485020155377 -0.2655648784856227 -0.06590058361668798 0.11673807370528148 0.3194979390372976 0.42165176431907164 0.5176144486746829 0.622863844419547 0.6042904216410411 +31932,0.434034046171406,1,-0.3491452809888996 -0.45749024719684517 -0.5085671598377322 -0.6122687703510556 -0.7531172264213823 -0.8243153470723248 -0.8939656824917177 -0.9295647428171889 -0.9729027293003637 -0.9311125280487297 -0.5565485020155377 -0.2655648784856227 -0.06590058361668798 0.11673807370528148 0.3194979390372976 0.42165176431907164 0.5176144486746829 0.622863844419547 0.6042904216410411 0.5470223680739825 +31933,0.20186626144009023,1,-0.45749024719684517 -0.5085671598377322 -0.6122687703510556 -0.7531172264213823 -0.8243153470723248 -0.8939656824917177 -0.9295647428171889 -0.9729027293003637 -0.9311125280487297 -0.5565485020155377 -0.2655648784856227 -0.06590058361668798 0.11673807370528148 0.3194979390372976 0.42165176431907164 0.5176144486746829 0.622863844419547 0.6042904216410411 0.5470223680739825 0.434034046171406 +31934,-0.003989174355007293,1,-0.5085671598377322 -0.6122687703510556 -0.7531172264213823 -0.8243153470723248 -0.8939656824917177 -0.9295647428171889 -0.9729027293003637 -0.9311125280487297 -0.5565485020155377 -0.2655648784856227 -0.06590058361668798 0.11673807370528148 0.3194979390372976 0.42165176431907164 0.5176144486746829 0.622863844419547 0.6042904216410411 0.5470223680739825 0.434034046171406 0.20186626144009023 +31935,-0.2206791067708985,1,-0.6122687703510556 -0.7531172264213823 -0.8243153470723248 -0.8939656824917177 -0.9295647428171889 -0.9729027293003637 -0.9311125280487297 -0.5565485020155377 -0.2655648784856227 -0.06590058361668798 0.11673807370528148 0.3194979390372976 0.42165176431907164 0.5176144486746829 0.622863844419547 0.6042904216410411 0.5470223680739825 0.434034046171406 0.20186626144009023 -0.003989174355007293 +31936,-0.35843199237815254,1,-0.7531172264213823 -0.8243153470723248 -0.8939656824917177 -0.9295647428171889 -0.9729027293003637 -0.9311125280487297 -0.5565485020155377 -0.2655648784856227 -0.06590058361668798 0.11673807370528148 0.3194979390372976 0.42165176431907164 0.5176144486746829 0.622863844419547 0.6042904216410411 0.5470223680739825 0.434034046171406 0.20186626144009023 -0.003989174355007293 -0.2206791067708985 +31937,-0.4358212539552578,1,-0.8243153470723248 -0.8939656824917177 -0.9295647428171889 -0.9729027293003637 -0.9311125280487297 -0.5565485020155377 -0.2655648784856227 -0.06590058361668798 0.11673807370528148 0.3194979390372976 0.42165176431907164 0.5176144486746829 0.622863844419547 0.6042904216410411 0.5470223680739825 0.434034046171406 0.20186626144009023 -0.003989174355007293 -0.2206791067708985 -0.35843199237815254 +31938,-0.5101149450692729,1,-0.8939656824917177 -0.9295647428171889 -0.9729027293003637 -0.9311125280487297 -0.5565485020155377 -0.2655648784856227 -0.06590058361668798 0.11673807370528148 0.3194979390372976 0.42165176431907164 0.5176144486746829 0.622863844419547 0.6042904216410411 0.5470223680739825 0.434034046171406 0.20186626144009023 -0.003989174355007293 -0.2206791067708985 -0.35843199237815254 -0.4358212539552578 +31939,-0.5720263543309624,1,-0.9295647428171889 -0.9729027293003637 -0.9311125280487297 -0.5565485020155377 -0.2655648784856227 -0.06590058361668798 0.11673807370528148 0.3194979390372976 0.42165176431907164 0.5176144486746829 0.622863844419547 0.6042904216410411 0.5470223680739825 0.434034046171406 0.20186626144009023 -0.003989174355007293 -0.2206791067708985 -0.35843199237815254 -0.4358212539552578 -0.5101149450692729 +31940,-0.6122687703510556,1,-0.9729027293003637 -0.9311125280487297 -0.5565485020155377 -0.2655648784856227 -0.06590058361668798 0.11673807370528148 0.3194979390372976 0.42165176431907164 0.5176144486746829 0.622863844419547 0.6042904216410411 0.5470223680739825 0.434034046171406 0.20186626144009023 -0.003989174355007293 -0.2206791067708985 -0.35843199237815254 -0.4358212539552578 -0.5101149450692729 -0.5720263543309624 +31941,-0.6354855488241837,1,-0.9311125280487297 -0.5565485020155377 -0.2655648784856227 -0.06590058361668798 0.11673807370528148 0.3194979390372976 0.42165176431907164 0.5176144486746829 0.622863844419547 0.6042904216410411 0.5470223680739825 0.434034046171406 0.20186626144009023 -0.003989174355007293 -0.2206791067708985 -0.35843199237815254 -0.4358212539552578 -0.5101149450692729 -0.5720263543309624 -0.6122687703510556 +31942,-0.6478678306765181,1,-0.5565485020155377 -0.2655648784856227 -0.06590058361668798 0.11673807370528148 0.3194979390372976 0.42165176431907164 0.5176144486746829 0.622863844419547 0.6042904216410411 0.5470223680739825 0.434034046171406 0.20186626144009023 -0.003989174355007293 -0.2206791067708985 -0.35843199237815254 -0.4358212539552578 -0.5101149450692729 -0.5720263543309624 -0.6122687703510556 -0.6354855488241837 +31943,-0.6494156159080676,1,-0.2655648784856227 -0.06590058361668798 0.11673807370528148 0.3194979390372976 0.42165176431907164 0.5176144486746829 0.622863844419547 0.6042904216410411 0.5470223680739825 0.434034046171406 0.20186626144009023 -0.003989174355007293 -0.2206791067708985 -0.35843199237815254 -0.4358212539552578 -0.5101149450692729 -0.5720263543309624 -0.6122687703510556 -0.6354855488241837 -0.6478678306765181 +31944,-0.6571545420657711,1,-0.06590058361668798 0.11673807370528148 0.3194979390372976 0.42165176431907164 0.5176144486746829 0.622863844419547 0.6042904216410411 0.5470223680739825 0.434034046171406 0.20186626144009023 -0.003989174355007293 -0.2206791067708985 -0.35843199237815254 -0.4358212539552578 -0.5101149450692729 -0.5720263543309624 -0.6122687703510556 -0.6354855488241837 -0.6478678306765181 -0.6494156159080676 +31945,-0.6494156159080676,1,0.11673807370528148 0.3194979390372976 0.42165176431907164 0.5176144486746829 0.622863844419547 0.6042904216410411 0.5470223680739825 0.434034046171406 0.20186626144009023 -0.003989174355007293 -0.2206791067708985 -0.35843199237815254 -0.4358212539552578 -0.5101149450692729 -0.5720263543309624 -0.6122687703510556 -0.6354855488241837 -0.6478678306765181 -0.6494156159080676 -0.6571545420657711 +31946,-0.7717611523649694,1,0.3194979390372976 0.42165176431907164 0.5176144486746829 0.622863844419547 0.6042904216410411 0.5470223680739825 0.434034046171406 0.20186626144009023 -0.003989174355007293 -0.2206791067708985 -0.35843199237815254 -0.4358212539552578 -0.5101149450692729 -0.5720263543309624 -0.6122687703510556 -0.6354855488241837 -0.6478678306765181 -0.6494156159080676 -0.6571545420657711 -0.6494156159080676 +31947,-0.36617091853585604,1,0.42165176431907164 0.5176144486746829 0.622863844419547 0.6042904216410411 0.5470223680739825 0.434034046171406 0.20186626144009023 -0.003989174355007293 -0.2206791067708985 -0.35843199237815254 -0.4358212539552578 -0.5101149450692729 -0.5720263543309624 -0.6122687703510556 -0.6354855488241837 -0.6478678306765181 -0.6494156159080676 -0.6571545420657711 -0.6494156159080676 -0.7717611523649694 +31948,-0.1603154827407585,1,0.5176144486746829 0.622863844419547 0.6042904216410411 0.5470223680739825 0.434034046171406 0.20186626144009023 -0.003989174355007293 -0.2206791067708985 -0.35843199237815254 -0.4358212539552578 -0.5101149450692729 -0.5720263543309624 -0.6122687703510556 -0.6354855488241837 -0.6478678306765181 -0.6494156159080676 -0.6571545420657711 -0.6494156159080676 -0.7717611523649694 -0.36617091853585604 +31949,0.028514315507373746,1,0.622863844419547 0.6042904216410411 0.5470223680739825 0.434034046171406 0.20186626144009023 -0.003989174355007293 -0.2206791067708985 -0.35843199237815254 -0.4358212539552578 -0.5101149450692729 -0.5720263543309624 -0.6122687703510556 -0.6354855488241837 -0.6478678306765181 -0.6494156159080676 -0.6571545420657711 -0.6494156159080676 -0.7717611523649694 -0.36617091853585604 -0.1603154827407585 +31950,0.0725895628636913,1,0.6042904216410411 0.5470223680739825 0.434034046171406 0.20186626144009023 -0.003989174355007293 -0.2206791067708985 -0.35843199237815254 -0.4358212539552578 -0.5101149450692729 -0.5720263543309624 -0.6122687703510556 -0.6354855488241837 -0.6478678306765181 -0.6494156159080676 -0.6571545420657711 -0.6494156159080676 -0.7717611523649694 -0.36617091853585604 -0.1603154827407585 0.028514315507373746 +31951,0.2637776707017797,1,0.5470223680739825 0.434034046171406 0.20186626144009023 -0.003989174355007293 -0.2206791067708985 -0.35843199237815254 -0.4358212539552578 -0.5101149450692729 -0.5720263543309624 -0.6122687703510556 -0.6354855488241837 -0.6478678306765181 -0.6494156159080676 -0.6571545420657711 -0.6494156159080676 -0.7717611523649694 -0.36617091853585604 -0.1603154827407585 0.028514315507373746 0.0725895628636913 +31952,0.3705748516781846,1,0.434034046171406 0.20186626144009023 -0.003989174355007293 -0.2206791067708985 -0.35843199237815254 -0.4358212539552578 -0.5101149450692729 -0.5720263543309624 -0.6122687703510556 -0.6354855488241837 -0.6478678306765181 -0.6494156159080676 -0.6571545420657711 -0.6494156159080676 -0.7717611523649694 -0.36617091853585604 -0.1603154827407585 0.028514315507373746 0.0725895628636913 0.2637776707017797 +31953,0.4990410258961769,1,0.20186626144009023 -0.003989174355007293 -0.2206791067708985 -0.35843199237815254 -0.4358212539552578 -0.5101149450692729 -0.5720263543309624 -0.6122687703510556 -0.6354855488241837 -0.6478678306765181 -0.6494156159080676 -0.6571545420657711 -0.6494156159080676 -0.7717611523649694 -0.36617091853585604 -0.1603154827407585 0.028514315507373746 0.0725895628636913 0.2637776707017797 0.3705748516781846 +31954,0.4945969289766943,1,-0.003989174355007293 -0.2206791067708985 -0.35843199237815254 -0.4358212539552578 -0.5101149450692729 -0.5720263543309624 -0.6122687703510556 -0.6354855488241837 -0.6478678306765181 -0.6494156159080676 -0.6571545420657711 -0.6494156159080676 -0.7717611523649694 -0.36617091853585604 -0.1603154827407585 0.028514315507373746 0.0725895628636913 0.2637776707017797 0.3705748516781846 0.4990410258961769 +31955,0.4758242474230488,1,-0.2206791067708985 -0.35843199237815254 -0.4358212539552578 -0.5101149450692729 -0.5720263543309624 -0.6122687703510556 -0.6354855488241837 -0.6478678306765181 -0.6494156159080676 -0.6571545420657711 -0.6494156159080676 -0.7717611523649694 -0.36617091853585604 -0.1603154827407585 0.028514315507373746 0.0725895628636913 0.2637776707017797 0.3705748516781846 0.4990410258961769 0.4945969289766943 +31956,0.34426250274196635,1,-0.35843199237815254 -0.4358212539552578 -0.5101149450692729 -0.5720263543309624 -0.6122687703510556 -0.6354855488241837 -0.6478678306765181 -0.6494156159080676 -0.6571545420657711 -0.6494156159080676 -0.7717611523649694 -0.36617091853585604 -0.1603154827407585 0.028514315507373746 0.0725895628636913 0.2637776707017797 0.3705748516781846 0.4990410258961769 0.4945969289766943 0.4758242474230488 +31957,0.2730643820910327,1,-0.4358212539552578 -0.5101149450692729 -0.5720263543309624 -0.6122687703510556 -0.6354855488241837 -0.6478678306765181 -0.6494156159080676 -0.6571545420657711 -0.6494156159080676 -0.7717611523649694 -0.36617091853585604 -0.1603154827407585 0.028514315507373746 0.0725895628636913 0.2637776707017797 0.3705748516781846 0.4990410258961769 0.4945969289766943 0.4758242474230488 0.34426250274196635 +31958,-0.007084744818088688,1,-0.5101149450692729 -0.5720263543309624 -0.6122687703510556 -0.6354855488241837 -0.6478678306765181 -0.6494156159080676 -0.6571545420657711 -0.6494156159080676 -0.7717611523649694 -0.36617091853585604 -0.1603154827407585 0.028514315507373746 0.0725895628636913 0.2637776707017797 0.3705748516781846 0.4990410258961769 0.4945969289766943 0.4758242474230488 0.34426250274196635 0.2730643820910327 +31959,-0.2129401806131862,1,-0.5720263543309624 -0.6122687703510556 -0.6354855488241837 -0.6478678306765181 -0.6494156159080676 -0.6571545420657711 -0.6494156159080676 -0.7717611523649694 -0.36617091853585604 -0.1603154827407585 0.028514315507373746 0.0725895628636913 0.2637776707017797 0.3705748516781846 0.4990410258961769 0.4945969289766943 0.4758242474230488 0.34426250274196635 0.2730643820910327 -0.007084744818088688 +31960,-0.3924832674720743,1,-0.6122687703510556 -0.6354855488241837 -0.6478678306765181 -0.6494156159080676 -0.6571545420657711 -0.6494156159080676 -0.7717611523649694 -0.36617091853585604 -0.1603154827407585 0.028514315507373746 0.0725895628636913 0.2637776707017797 0.3705748516781846 0.4990410258961769 0.4945969289766943 0.4758242474230488 0.34426250274196635 0.2730643820910327 -0.007084744818088688 -0.2129401806131862 +31961,-0.4776114552068918,1,-0.6354855488241837 -0.6478678306765181 -0.6494156159080676 -0.6571545420657711 -0.6494156159080676 -0.7717611523649694 -0.36617091853585604 -0.1603154827407585 0.028514315507373746 0.0725895628636913 0.2637776707017797 0.3705748516781846 0.4990410258961769 0.4945969289766943 0.4758242474230488 0.34426250274196635 0.2730643820910327 -0.007084744818088688 -0.2129401806131862 -0.3924832674720743 +31962,-0.5178538712269851,1,-0.6478678306765181 -0.6494156159080676 -0.6571545420657711 -0.6494156159080676 -0.7717611523649694 -0.36617091853585604 -0.1603154827407585 0.028514315507373746 0.0725895628636913 0.2637776707017797 0.3705748516781846 0.4990410258961769 0.4945969289766943 0.4758242474230488 0.34426250274196635 0.2730643820910327 -0.007084744818088688 -0.2129401806131862 -0.3924832674720743 -0.4776114552068918 +31963,-0.5333317235424098,1,-0.6494156159080676 -0.6571545420657711 -0.6494156159080676 -0.7717611523649694 -0.36617091853585604 -0.1603154827407585 0.028514315507373746 0.0725895628636913 0.2637776707017797 0.3705748516781846 0.4990410258961769 0.4945969289766943 0.4758242474230488 0.34426250274196635 0.2730643820910327 -0.007084744818088688 -0.2129401806131862 -0.3924832674720743 -0.4776114552068918 -0.5178538712269851 +31964,-0.6354855488241837,1,-0.6571545420657711 -0.6494156159080676 -0.7717611523649694 -0.36617091853585604 -0.1603154827407585 0.028514315507373746 0.0725895628636913 0.2637776707017797 0.3705748516781846 0.4990410258961769 0.4945969289766943 0.4758242474230488 0.34426250274196635 0.2730643820910327 -0.007084744818088688 -0.2129401806131862 -0.3924832674720743 -0.4776114552068918 -0.5178538712269851 -0.5333317235424098 +31965,-0.6463200454449775,1,-0.6494156159080676 -0.7717611523649694 -0.36617091853585604 -0.1603154827407585 0.028514315507373746 0.0725895628636913 0.2637776707017797 0.3705748516781846 0.4990410258961769 0.4945969289766943 0.4758242474230488 0.34426250274196635 0.2730643820910327 -0.007084744818088688 -0.2129401806131862 -0.3924832674720743 -0.4776114552068918 -0.5178538712269851 -0.5333317235424098 -0.6354855488241837 +31966,-0.6881102466966202,1,-0.7717611523649694 -0.36617091853585604 -0.1603154827407585 0.028514315507373746 0.0725895628636913 0.2637776707017797 0.3705748516781846 0.4990410258961769 0.4945969289766943 0.4758242474230488 0.34426250274196635 0.2730643820910327 -0.007084744818088688 -0.2129401806131862 -0.3924832674720743 -0.4776114552068918 -0.5178538712269851 -0.5333317235424098 -0.6354855488241837 -0.6463200454449775 +31967,-0.754665011652923,1,-0.36617091853585604 -0.1603154827407585 0.028514315507373746 0.0725895628636913 0.2637776707017797 0.3705748516781846 0.4990410258961769 0.4945969289766943 0.4758242474230488 0.34426250274196635 0.2730643820910327 -0.007084744818088688 -0.2129401806131862 -0.3924832674720743 -0.4776114552068918 -0.5178538712269851 -0.5333317235424098 -0.6354855488241837 -0.6463200454449775 -0.6881102466966202 +31968,-0.7577605821160132,1,-0.1603154827407585 0.028514315507373746 0.0725895628636913 0.2637776707017797 0.3705748516781846 0.4990410258961769 0.4945969289766943 0.4758242474230488 0.34426250274196635 0.2730643820910327 -0.007084744818088688 -0.2129401806131862 -0.3924832674720743 -0.4776114552068918 -0.5178538712269851 -0.5333317235424098 -0.6354855488241837 -0.6463200454449775 -0.6881102466966202 -0.754665011652923 +31969,-0.8165764209146125,1,0.028514315507373746 0.0725895628636913 0.2637776707017797 0.3705748516781846 0.4990410258961769 0.4945969289766943 0.4758242474230488 0.34426250274196635 0.2730643820910327 -0.007084744818088688 -0.2129401806131862 -0.3924832674720743 -0.4776114552068918 -0.5178538712269851 -0.5333317235424098 -0.6354855488241837 -0.6463200454449775 -0.6881102466966202 -0.754665011652923 -0.7577605821160132 +31970,-0.8987241923241192,1,0.0725895628636913 0.2637776707017797 0.3705748516781846 0.4990410258961769 0.4945969289766943 0.4758242474230488 0.34426250274196635 0.2730643820910327 -0.007084744818088688 -0.2129401806131862 -0.3924832674720743 -0.4776114552068918 -0.5178538712269851 -0.5333317235424098 -0.6354855488241837 -0.6463200454449775 -0.6881102466966202 -0.754665011652923 -0.7577605821160132 -0.8165764209146125 +31971,-0.3522408514519809,1,0.2637776707017797 0.3705748516781846 0.4990410258961769 0.4945969289766943 0.4758242474230488 0.34426250274196635 0.2730643820910327 -0.007084744818088688 -0.2129401806131862 -0.3924832674720743 -0.4776114552068918 -0.5178538712269851 -0.5333317235424098 -0.6354855488241837 -0.6463200454449775 -0.6881102466966202 -0.754665011652923 -0.7577605821160132 -0.8165764209146125 -0.8987241923241192 +31972,-0.12471642241528727,1,0.3705748516781846 0.4990410258961769 0.4945969289766943 0.4758242474230488 0.34426250274196635 0.2730643820910327 -0.007084744818088688 -0.2129401806131862 -0.3924832674720743 -0.4776114552068918 -0.5178538712269851 -0.5333317235424098 -0.6354855488241837 -0.6463200454449775 -0.6881102466966202 -0.754665011652923 -0.7577605821160132 -0.8165764209146125 -0.8987241923241192 -0.3522408514519809 +31973,-0.010180315281178881,1,0.4990410258961769 0.4945969289766943 0.4758242474230488 0.34426250274196635 0.2730643820910327 -0.007084744818088688 -0.2129401806131862 -0.3924832674720743 -0.4776114552068918 -0.5178538712269851 -0.5333317235424098 -0.6354855488241837 -0.6463200454449775 -0.6881102466966202 -0.754665011652923 -0.7577605821160132 -0.8165764209146125 -0.8987241923241192 -0.3522408514519809 -0.12471642241528727 +31974,0.014213729069830561,1,0.4945969289766943 0.4758242474230488 0.34426250274196635 0.2730643820910327 -0.007084744818088688 -0.2129401806131862 -0.3924832674720743 -0.4776114552068918 -0.5178538712269851 -0.5333317235424098 -0.6354855488241837 -0.6463200454449775 -0.6881102466966202 -0.754665011652923 -0.7577605821160132 -0.8165764209146125 -0.8987241923241192 -0.3522408514519809 -0.12471642241528727 -0.010180315281178881 +31975,0.11519028847373199,1,0.4758242474230488 0.34426250274196635 0.2730643820910327 -0.007084744818088688 -0.2129401806131862 -0.3924832674720743 -0.4776114552068918 -0.5178538712269851 -0.5333317235424098 -0.6354855488241837 -0.6463200454449775 -0.6881102466966202 -0.754665011652923 -0.7577605821160132 -0.8165764209146125 -0.8987241923241192 -0.3522408514519809 -0.12471642241528727 -0.010180315281178881 0.014213729069830561 +31976,0.29009001963799796,1,0.34426250274196635 0.2730643820910327 -0.007084744818088688 -0.2129401806131862 -0.3924832674720743 -0.4776114552068918 -0.5178538712269851 -0.5333317235424098 -0.6354855488241837 -0.6463200454449775 -0.6881102466966202 -0.754665011652923 -0.7577605821160132 -0.8165764209146125 -0.8987241923241192 -0.3522408514519809 -0.12471642241528727 -0.010180315281178881 0.014213729069830561 0.11519028847373199 +31977,0.35974035505739094,1,0.2730643820910327 -0.007084744818088688 -0.2129401806131862 -0.3924832674720743 -0.4776114552068918 -0.5178538712269851 -0.5333317235424098 -0.6354855488241837 -0.6463200454449775 -0.6881102466966202 -0.754665011652923 -0.7577605821160132 -0.8165764209146125 -0.8987241923241192 -0.3522408514519809 -0.12471642241528727 -0.010180315281178881 0.014213729069830561 0.11519028847373199 0.29009001963799796 +31978,0.36182292067197125,1,-0.007084744818088688 -0.2129401806131862 -0.3924832674720743 -0.4776114552068918 -0.5178538712269851 -0.5333317235424098 -0.6354855488241837 -0.6463200454449775 -0.6881102466966202 -0.754665011652923 -0.7577605821160132 -0.8165764209146125 -0.8987241923241192 -0.3522408514519809 -0.12471642241528727 -0.010180315281178881 0.014213729069830561 0.11519028847373199 0.29009001963799796 0.35974035505739094 +31979,0.3705748516781846,1,-0.2129401806131862 -0.3924832674720743 -0.4776114552068918 -0.5178538712269851 -0.5333317235424098 -0.6354855488241837 -0.6463200454449775 -0.6881102466966202 -0.754665011652923 -0.7577605821160132 -0.8165764209146125 -0.8987241923241192 -0.3522408514519809 -0.12471642241528727 -0.010180315281178881 0.014213729069830561 0.11519028847373199 0.29009001963799796 0.35974035505739094 0.36182292067197125 +31980,0.29163780486953866,1,-0.3924832674720743 -0.4776114552068918 -0.5178538712269851 -0.5333317235424098 -0.6354855488241837 -0.6463200454449775 -0.6881102466966202 -0.754665011652923 -0.7577605821160132 -0.8165764209146125 -0.8987241923241192 -0.3522408514519809 -0.12471642241528727 -0.010180315281178881 0.014213729069830561 0.11519028847373199 0.29009001963799796 0.35974035505739094 0.36182292067197125 0.3705748516781846 +31981,0.13221592602069726,1,-0.4776114552068918 -0.5178538712269851 -0.5333317235424098 -0.6354855488241837 -0.6463200454449775 -0.6881102466966202 -0.754665011652923 -0.7577605821160132 -0.8165764209146125 -0.8987241923241192 -0.3522408514519809 -0.12471642241528727 -0.010180315281178881 0.014213729069830561 0.11519028847373199 0.29009001963799796 0.35974035505739094 0.36182292067197125 0.3705748516781846 0.29163780486953866 +31982,-0.014823670975800974,1,-0.5178538712269851 -0.5333317235424098 -0.6354855488241837 -0.6463200454449775 -0.6881102466966202 -0.754665011652923 -0.7577605821160132 -0.8165764209146125 -0.8987241923241192 -0.3522408514519809 -0.12471642241528727 -0.010180315281178881 0.014213729069830561 0.11519028847373199 0.29009001963799796 0.35974035505739094 0.36182292067197125 0.3705748516781846 0.29163780486953866 0.13221592602069726 +31983,-0.11852528148912447,1,-0.5333317235424098 -0.6354855488241837 -0.6463200454449775 -0.6881102466966202 -0.754665011652923 -0.7577605821160132 -0.8165764209146125 -0.8987241923241192 -0.3522408514519809 -0.12471642241528727 -0.010180315281178881 0.014213729069830561 0.11519028847373199 0.29009001963799796 0.35974035505739094 0.36182292067197125 0.3705748516781846 0.29163780486953866 0.13221592602069726 -0.014823670975800974 +31984,-0.3723620594620276,1,-0.6354855488241837 -0.6463200454449775 -0.6881102466966202 -0.754665011652923 -0.7577605821160132 -0.8165764209146125 -0.8987241923241192 -0.3522408514519809 -0.12471642241528727 -0.010180315281178881 0.014213729069830561 0.11519028847373199 0.29009001963799796 0.35974035505739094 0.36182292067197125 0.3705748516781846 0.29163780486953866 0.13221592602069726 -0.014823670975800974 -0.11852528148912447 +31985,-0.4760636699753511,1,-0.6463200454449775 -0.6881102466966202 -0.754665011652923 -0.7577605821160132 -0.8165764209146125 -0.8987241923241192 -0.3522408514519809 -0.12471642241528727 -0.010180315281178881 0.014213729069830561 0.11519028847373199 0.29009001963799796 0.35974035505739094 0.36182292067197125 0.3705748516781846 0.29163780486953866 0.13221592602069726 -0.014823670975800974 -0.11852528148912447 -0.3723620594620276 +31986,-0.5875042066463781,1,-0.6881102466966202 -0.754665011652923 -0.7577605821160132 -0.8165764209146125 -0.8987241923241192 -0.3522408514519809 -0.12471642241528727 -0.010180315281178881 0.014213729069830561 0.11519028847373199 0.29009001963799796 0.35974035505739094 0.36182292067197125 0.3705748516781846 0.29163780486953866 0.13221592602069726 -0.014823670975800974 -0.11852528148912447 -0.3723620594620276 -0.4760636699753511 +31987,-0.6695368239181143,1,-0.754665011652923 -0.7577605821160132 -0.8165764209146125 -0.8987241923241192 -0.3522408514519809 -0.12471642241528727 -0.010180315281178881 0.014213729069830561 0.11519028847373199 0.29009001963799796 0.35974035505739094 0.36182292067197125 0.3705748516781846 0.29163780486953866 0.13221592602069726 -0.014823670975800974 -0.11852528148912447 -0.3723620594620276 -0.4760636699753511 -0.5875042066463781 +31988,-0.7020403137804953,1,-0.7577605821160132 -0.8165764209146125 -0.8987241923241192 -0.3522408514519809 -0.12471642241528727 -0.010180315281178881 0.014213729069830561 0.11519028847373199 0.29009001963799796 0.35974035505739094 0.36182292067197125 0.3705748516781846 0.29163780486953866 0.13221592602069726 -0.014823670975800974 -0.11852528148912447 -0.3723620594620276 -0.4760636699753511 -0.5875042066463781 -0.6695368239181143 +31989,-0.7314482331797949,1,-0.8165764209146125 -0.8987241923241192 -0.3522408514519809 -0.12471642241528727 -0.010180315281178881 0.014213729069830561 0.11519028847373199 0.29009001963799796 0.35974035505739094 0.36182292067197125 0.3705748516781846 0.29163780486953866 0.13221592602069726 -0.014823670975800974 -0.11852528148912447 -0.3723620594620276 -0.4760636699753511 -0.5875042066463781 -0.6695368239181143 -0.7020403137804953 +31990,-0.7840729310522314,1,-0.8987241923241192 -0.3522408514519809 -0.12471642241528727 -0.010180315281178881 0.014213729069830561 0.11519028847373199 0.29009001963799796 0.35974035505739094 0.36182292067197125 0.3705748516781846 0.29163780486953866 0.13221592602069726 -0.014823670975800974 -0.11852528148912447 -0.3723620594620276 -0.4760636699753511 -0.5875042066463781 -0.6695368239181143 -0.7020403137804953 -0.7314482331797949 +31991,-0.8010985685991879,1,-0.3522408514519809 -0.12471642241528727 -0.010180315281178881 0.014213729069830561 0.11519028847373199 0.29009001963799796 0.35974035505739094 0.36182292067197125 0.3705748516781846 0.29163780486953866 0.13221592602069726 -0.014823670975800974 -0.11852528148912447 -0.3723620594620276 -0.4760636699753511 -0.5875042066463781 -0.6695368239181143 -0.7020403137804953 -0.7314482331797949 -0.7840729310522314 +31992,-0.8351498436931184,1,-0.12471642241528727 -0.010180315281178881 0.014213729069830561 0.11519028847373199 0.29009001963799796 0.35974035505739094 0.36182292067197125 0.3705748516781846 0.29163780486953866 0.13221592602069726 -0.014823670975800974 -0.11852528148912447 -0.3723620594620276 -0.4760636699753511 -0.5875042066463781 -0.6695368239181143 -0.7020403137804953 -0.7314482331797949 -0.7840729310522314 -0.8010985685991879 +31993,-0.7902640719783942,1,-0.010180315281178881 0.014213729069830561 0.11519028847373199 0.29009001963799796 0.35974035505739094 0.36182292067197125 0.3705748516781846 0.29163780486953866 0.13221592602069726 -0.014823670975800974 -0.11852528148912447 -0.3723620594620276 -0.4760636699753511 -0.5875042066463781 -0.6695368239181143 -0.7020403137804953 -0.7314482331797949 -0.7840729310522314 -0.8010985685991879 -0.8351498436931184 +31994,-0.7933092030615746,1,0.014213729069830561 0.11519028847373199 0.29009001963799796 0.35974035505739094 0.36182292067197125 0.3705748516781846 0.29163780486953866 0.13221592602069726 -0.014823670975800974 -0.11852528148912447 -0.3723620594620276 -0.4760636699753511 -0.5875042066463781 -0.6695368239181143 -0.7020403137804953 -0.7314482331797949 -0.7840729310522314 -0.8010985685991879 -0.8351498436931184 -0.7902640719783942 +31995,-0.23151360339169216,1,0.11519028847373199 0.29009001963799796 0.35974035505739094 0.36182292067197125 0.3705748516781846 0.29163780486953866 0.13221592602069726 -0.014823670975800974 -0.11852528148912447 -0.3723620594620276 -0.4760636699753511 -0.5875042066463781 -0.6695368239181143 -0.7020403137804953 -0.7314482331797949 -0.7840729310522314 -0.8010985685991879 -0.8351498436931184 -0.7902640719783942 -0.7933092030615746 +31996,-0.06280501315360658,1,0.29009001963799796 0.35974035505739094 0.36182292067197125 0.3705748516781846 0.29163780486953866 0.13221592602069726 -0.014823670975800974 -0.11852528148912447 -0.3723620594620276 -0.4760636699753511 -0.5875042066463781 -0.6695368239181143 -0.7020403137804953 -0.7314482331797949 -0.7840729310522314 -0.8010985685991879 -0.8351498436931184 -0.7902640719783942 -0.7933092030615746 -0.23151360339169216 +31997,0.2219874694501369,1,0.35974035505739094 0.36182292067197125 0.3705748516781846 0.29163780486953866 0.13221592602069726 -0.014823670975800974 -0.11852528148912447 -0.3723620594620276 -0.4760636699753511 -0.5875042066463781 -0.6695368239181143 -0.7020403137804953 -0.7314482331797949 -0.7840729310522314 -0.8010985685991879 -0.8351498436931184 -0.7902640719783942 -0.7933092030615746 -0.23151360339169216 -0.06280501315360658 +31998,0.2838707933749047,1,0.36182292067197125 0.3705748516781846 0.29163780486953866 0.13221592602069726 -0.014823670975800974 -0.11852528148912447 -0.3723620594620276 -0.4760636699753511 -0.5875042066463781 -0.6695368239181143 -0.7020403137804953 -0.7314482331797949 -0.7840729310522314 -0.8010985685991879 -0.8351498436931184 -0.7902640719783942 -0.7933092030615746 -0.23151360339169216 -0.06280501315360658 0.2219874694501369 +31999,0.5671435760840291,1,0.3705748516781846 0.29163780486953866 0.13221592602069726 -0.014823670975800974 -0.11852528148912447 -0.3723620594620276 -0.4760636699753511 -0.5875042066463781 -0.6695368239181143 -0.7020403137804953 -0.7314482331797949 -0.7840729310522314 -0.8010985685991879 -0.8351498436931184 -0.7902640719783942 -0.7933092030615746 -0.23151360339169216 -0.06280501315360658 0.2219874694501369 0.2838707933749047 +32000,0.6538195490503874,1,0.29163780486953866 0.13221592602069726 -0.014823670975800974 -0.11852528148912447 -0.3723620594620276 -0.4760636699753511 -0.5875042066463781 -0.6695368239181143 -0.7020403137804953 -0.7314482331797949 -0.7840729310522314 -0.8010985685991879 -0.8351498436931184 -0.7902640719783942 -0.7933092030615746 -0.23151360339169216 -0.06280501315360658 0.2219874694501369 0.2838707933749047 0.5671435760840291 +32001,0.7203743140066989,1,0.13221592602069726 -0.014823670975800974 -0.11852528148912447 -0.3723620594620276 -0.4760636699753511 -0.5875042066463781 -0.6695368239181143 -0.7020403137804953 -0.7314482331797949 -0.7840729310522314 -0.8010985685991879 -0.8351498436931184 -0.7902640719783942 -0.7933092030615746 -0.23151360339169216 -0.06280501315360658 0.2219874694501369 0.2838707933749047 0.5671435760840291 0.6538195490503874 +32002,0.7322776775214529,1,-0.014823670975800974 -0.11852528148912447 -0.3723620594620276 -0.4760636699753511 -0.5875042066463781 -0.6695368239181143 -0.7020403137804953 -0.7314482331797949 -0.7840729310522314 -0.8010985685991879 -0.8351498436931184 -0.7902640719783942 -0.7933092030615746 -0.23151360339169216 -0.06280501315360658 0.2219874694501369 0.2838707933749047 0.5671435760840291 0.6538195490503874 0.7203743140066989 +32003,0.7838335084999292,1,-0.11852528148912447 -0.3723620594620276 -0.4760636699753511 -0.5875042066463781 -0.6695368239181143 -0.7020403137804953 -0.7314482331797949 -0.7840729310522314 -0.8010985685991879 -0.8351498436931184 -0.7902640719783942 -0.7933092030615746 -0.23151360339169216 -0.06280501315360658 0.2219874694501369 0.2838707933749047 0.5671435760840291 0.6538195490503874 0.7203743140066989 0.7322776775214529 +32004,0.664654045671181,1,-0.3723620594620276 -0.4760636699753511 -0.5875042066463781 -0.6695368239181143 -0.7020403137804953 -0.7314482331797949 -0.7840729310522314 -0.8010985685991879 -0.8351498436931184 -0.7902640719783942 -0.7933092030615746 -0.23151360339169216 -0.06280501315360658 0.2219874694501369 0.2838707933749047 0.5671435760840291 0.6538195490503874 0.7203743140066989 0.7322776775214529 0.7838335084999292 +32005,0.4773720326545895,1,-0.4760636699753511 -0.5875042066463781 -0.6695368239181143 -0.7020403137804953 -0.7314482331797949 -0.7840729310522314 -0.8010985685991879 -0.8351498436931184 -0.7902640719783942 -0.7933092030615746 -0.23151360339169216 -0.06280501315360658 0.2219874694501369 0.2838707933749047 0.5671435760840291 0.6538195490503874 0.7203743140066989 0.7322776775214529 0.7838335084999292 0.664654045671181 +32006,0.23746532176556145,1,-0.5875042066463781 -0.6695368239181143 -0.7020403137804953 -0.7314482331797949 -0.7840729310522314 -0.8010985685991879 -0.8351498436931184 -0.7902640719783942 -0.7933092030615746 -0.23151360339169216 -0.06280501315360658 0.2219874694501369 0.2838707933749047 0.5671435760840291 0.6538195490503874 0.7203743140066989 0.7322776775214529 0.7838335084999292 0.664654045671181 0.4773720326545895 +32007,0.014584248423498673,1,-0.6695368239181143 -0.7020403137804953 -0.7314482331797949 -0.7840729310522314 -0.8010985685991879 -0.8351498436931184 -0.7902640719783942 -0.7933092030615746 -0.23151360339169216 -0.06280501315360658 0.2219874694501369 0.2838707933749047 0.5671435760840291 0.6538195490503874 0.7203743140066989 0.7322776775214529 0.7838335084999292 0.664654045671181 0.4773720326545895 0.23746532176556145 +32008,-0.13709870426763043,1,-0.7020403137804953 -0.7314482331797949 -0.7840729310522314 -0.8010985685991879 -0.8351498436931184 -0.7902640719783942 -0.7933092030615746 -0.23151360339169216 -0.06280501315360658 0.2219874694501369 0.2838707933749047 0.5671435760840291 0.6538195490503874 0.7203743140066989 0.7322776775214529 0.7838335084999292 0.664654045671181 0.4773720326545895 0.23746532176556145 0.014584248423498673 +32009,-0.22841803292861076,1,-0.7314482331797949 -0.7840729310522314 -0.8010985685991879 -0.8351498436931184 -0.7902640719783942 -0.7933092030615746 -0.23151360339169216 -0.06280501315360658 0.2219874694501369 0.2838707933749047 0.5671435760840291 0.6538195490503874 0.7203743140066989 0.7322776775214529 0.7838335084999292 0.664654045671181 0.4773720326545895 0.23746532176556145 0.014584248423498673 -0.13709870426763043 +32010,-0.3506930662204403,1,-0.7840729310522314 -0.8010985685991879 -0.8351498436931184 -0.7902640719783942 -0.7933092030615746 -0.23151360339169216 -0.06280501315360658 0.2219874694501369 0.2838707933749047 0.5671435760840291 0.6538195490503874 0.7203743140066989 0.7322776775214529 0.7838335084999292 0.664654045671181 0.4773720326545895 0.23746532176556145 0.014584248423498673 -0.13709870426763043 -0.22841803292861076 +32011,-0.4342734687237083,1,-0.8010985685991879 -0.8351498436931184 -0.7902640719783942 -0.7933092030615746 -0.23151360339169216 -0.06280501315360658 0.2219874694501369 0.2838707933749047 0.5671435760840291 0.6538195490503874 0.7203743140066989 0.7322776775214529 0.7838335084999292 0.664654045671181 0.4773720326545895 0.23746532176556145 0.014584248423498673 -0.13709870426763043 -0.22841803292861076 -0.3506930662204403 +32012,-0.5008282336800198,1,-0.8351498436931184 -0.7902640719783942 -0.7933092030615746 -0.23151360339169216 -0.06280501315360658 0.2219874694501369 0.2838707933749047 0.5671435760840291 0.6538195490503874 0.7203743140066989 0.7322776775214529 0.7838335084999292 0.664654045671181 0.4773720326545895 0.23746532176556145 0.014584248423498673 -0.13709870426763043 -0.22841803292861076 -0.3506930662204403 -0.4342734687237083 +32013,-0.5658352134047907,1,-0.7902640719783942 -0.7933092030615746 -0.23151360339169216 -0.06280501315360658 0.2219874694501369 0.2838707933749047 0.5671435760840291 0.6538195490503874 0.7203743140066989 0.7322776775214529 0.7838335084999292 0.664654045671181 0.4773720326545895 0.23746532176556145 0.014584248423498673 -0.13709870426763043 -0.22841803292861076 -0.3506930662204403 -0.4342734687237083 -0.5008282336800198 +32014,-0.6045298441933433,1,-0.7933092030615746 -0.23151360339169216 -0.06280501315360658 0.2219874694501369 0.2838707933749047 0.5671435760840291 0.6538195490503874 0.7203743140066989 0.7322776775214529 0.7838335084999292 0.664654045671181 0.4773720326545895 0.23746532176556145 0.014584248423498673 -0.13709870426763043 -0.22841803292861076 -0.3506930662204403 -0.4342734687237083 -0.5008282336800198 -0.5658352134047907 +32015,-0.6323899783611023,1,-0.23151360339169216 -0.06280501315360658 0.2219874694501369 0.2838707933749047 0.5671435760840291 0.6538195490503874 0.7203743140066989 0.7322776775214529 0.7838335084999292 0.664654045671181 0.4773720326545895 0.23746532176556145 0.014584248423498673 -0.13709870426763043 -0.22841803292861076 -0.3506930662204403 -0.4342734687237083 -0.5008282336800198 -0.5658352134047907 -0.6045298441933433 +32016,-0.6401289045188147,1,-0.06280501315360658 0.2219874694501369 0.2838707933749047 0.5671435760840291 0.6538195490503874 0.7203743140066989 0.7322776775214529 0.7838335084999292 0.664654045671181 0.4773720326545895 0.23746532176556145 0.014584248423498673 -0.13709870426763043 -0.22841803292861076 -0.3506930662204403 -0.4342734687237083 -0.5008282336800198 -0.5658352134047907 -0.6045298441933433 -0.6323899783611023 +32017,-0.5905997771094683,1,0.2219874694501369 0.2838707933749047 0.5671435760840291 0.6538195490503874 0.7203743140066989 0.7322776775214529 0.7838335084999292 0.664654045671181 0.4773720326545895 0.23746532176556145 0.014584248423498673 -0.13709870426763043 -0.22841803292861076 -0.3506930662204403 -0.4342734687237083 -0.5008282336800198 -0.5658352134047907 -0.6045298441933433 -0.6323899783611023 -0.6401289045188147 +32018,-0.5684043770029351,1,0.2838707933749047 0.5671435760840291 0.6538195490503874 0.7203743140066989 0.7322776775214529 0.7838335084999292 0.664654045671181 0.4773720326545895 0.23746532176556145 0.014584248423498673 -0.13709870426763043 -0.22841803292861076 -0.3506930662204403 -0.4342734687237083 -0.5008282336800198 -0.5658352134047907 -0.6045298441933433 -0.6323899783611023 -0.6401289045188147 -0.5905997771094683 +32019,-0.08447400639519394,1,0.5671435760840291 0.6538195490503874 0.7203743140066989 0.7322776775214529 0.7838335084999292 0.664654045671181 0.4773720326545895 0.23746532176556145 0.014584248423498673 -0.13709870426763043 -0.22841803292861076 -0.3506930662204403 -0.4342734687237083 -0.5008282336800198 -0.5658352134047907 -0.6045298441933433 -0.6323899783611023 -0.6401289045188147 -0.5905997771094683 -0.5684043770029351 +32020,0.07494787245363867,1,0.6538195490503874 0.7203743140066989 0.7322776775214529 0.7838335084999292 0.664654045671181 0.4773720326545895 0.23746532176556145 0.014584248423498673 -0.13709870426763043 -0.22841803292861076 -0.3506930662204403 -0.4342734687237083 -0.5008282336800198 -0.5658352134047907 -0.6045298441933433 -0.6323899783611023 -0.6401289045188147 -0.5905997771094683 -0.5684043770029351 -0.08447400639519394 +32021,0.34271471751042565,1,0.7203743140066989 0.7322776775214529 0.7838335084999292 0.664654045671181 0.4773720326545895 0.23746532176556145 0.014584248423498673 -0.13709870426763043 -0.22841803292861076 -0.3506930662204403 -0.4342734687237083 -0.5008282336800198 -0.5658352134047907 -0.6045298441933433 -0.6323899783611023 -0.6401289045188147 -0.5905997771094683 -0.5684043770029351 -0.08447400639519394 0.07494787245363867 +32022,0.434089093462731,1,0.7322776775214529 0.7838335084999292 0.664654045671181 0.4773720326545895 0.23746532176556145 0.014584248423498673 -0.13709870426763043 -0.22841803292861076 -0.3506930662204403 -0.4342734687237083 -0.5008282336800198 -0.5658352134047907 -0.6045298441933433 -0.6323899783611023 -0.6401289045188147 -0.5905997771094683 -0.5684043770029351 -0.08447400639519394 0.07494787245363867 0.34271471751042565 +32023,0.8287192802146446,1,0.7838335084999292 0.664654045671181 0.4773720326545895 0.23746532176556145 0.014584248423498673 -0.13709870426763043 -0.22841803292861076 -0.3506930662204403 -0.4342734687237083 -0.5008282336800198 -0.5658352134047907 -0.6045298441933433 -0.6323899783611023 -0.6401289045188147 -0.5905997771094683 -0.5684043770029351 -0.08447400639519394 0.07494787245363867 0.34271471751042565 0.434089093462731 +32024,1.0283835750835792,1,0.664654045671181 0.4773720326545895 0.23746532176556145 0.014584248423498673 -0.13709870426763043 -0.22841803292861076 -0.3506930662204403 -0.4342734687237083 -0.5008282336800198 -0.5658352134047907 -0.6045298441933433 -0.6323899783611023 -0.6401289045188147 -0.5905997771094683 -0.5684043770029351 -0.08447400639519394 0.07494787245363867 0.34271471751042565 0.434089093462731 0.8287192802146446 +32025,1.081008272956007,1,0.4773720326545895 0.23746532176556145 0.014584248423498673 -0.13709870426763043 -0.22841803292861076 -0.3506930662204403 -0.4342734687237083 -0.5008282336800198 -0.5658352134047907 -0.6045298441933433 -0.6323899783611023 -0.6401289045188147 -0.5905997771094683 -0.5684043770029351 -0.08447400639519394 0.07494787245363867 0.34271471751042565 0.434089093462731 0.8287192802146446 1.0283835750835792 +32026,1.0726306154565453,1,0.23746532176556145 0.014584248423498673 -0.13709870426763043 -0.22841803292861076 -0.3506930662204403 -0.4342734687237083 -0.5008282336800198 -0.5658352134047907 -0.6045298441933433 -0.6323899783611023 -0.6401289045188147 -0.5905997771094683 -0.5684043770029351 -0.08447400639519394 0.07494787245363867 0.34271471751042565 0.434089093462731 0.8287192802146446 1.0283835750835792 1.081008272956007 +32027,1.0376702864728322,1,0.014584248423498673 -0.13709870426763043 -0.22841803292861076 -0.3506930662204403 -0.4342734687237083 -0.5008282336800198 -0.5658352134047907 -0.6045298441933433 -0.6323899783611023 -0.6401289045188147 -0.5905997771094683 -0.5684043770029351 -0.08447400639519394 0.07494787245363867 0.34271471751042565 0.434089093462731 0.8287192802146446 1.0283835750835792 1.081008272956007 1.0726306154565453 +32028,0.8689616962347378,1,-0.13709870426763043 -0.22841803292861076 -0.3506930662204403 -0.4342734687237083 -0.5008282336800198 -0.5658352134047907 -0.6045298441933433 -0.6323899783611023 -0.6401289045188147 -0.5905997771094683 -0.5684043770029351 -0.08447400639519394 0.07494787245363867 0.34271471751042565 0.434089093462731 0.8287192802146446 1.0283835750835792 1.081008272956007 1.0726306154565453 1.0376702864728322 +32029,0.6754885422919747,1,-0.22841803292861076 -0.3506930662204403 -0.4342734687237083 -0.5008282336800198 -0.5658352134047907 -0.6045298441933433 -0.6323899783611023 -0.6401289045188147 -0.5905997771094683 -0.5684043770029351 -0.08447400639519394 0.07494787245363867 0.34271471751042565 0.434089093462731 0.8287192802146446 1.0283835750835792 1.081008272956007 1.0726306154565453 1.0376702864728322 0.8689616962347378 +32030,0.34116693227888495,1,-0.3506930662204403 -0.4342734687237083 -0.5008282336800198 -0.5658352134047907 -0.6045298441933433 -0.6323899783611023 -0.6401289045188147 -0.5905997771094683 -0.5684043770029351 -0.08447400639519394 0.07494787245363867 0.34271471751042565 0.434089093462731 0.8287192802146446 1.0283835750835792 1.081008272956007 1.0726306154565453 1.0376702864728322 0.8689616962347378 0.6754885422919747 +32031,0.02232317458121096,1,-0.4342734687237083 -0.5008282336800198 -0.5658352134047907 -0.6045298441933433 -0.6323899783611023 -0.6401289045188147 -0.5905997771094683 -0.5684043770029351 -0.08447400639519394 0.07494787245363867 0.34271471751042565 0.434089093462731 0.8287192802146446 1.0283835750835792 1.081008272956007 1.0726306154565453 1.0376702864728322 0.8689616962347378 0.6754885422919747 0.34116693227888495 +32032,-0.18817561690851745,1,-0.5008282336800198 -0.5658352134047907 -0.6045298441933433 -0.6323899783611023 -0.6401289045188147 -0.5905997771094683 -0.5684043770029351 -0.08447400639519394 0.07494787245363867 0.34271471751042565 0.434089093462731 0.8287192802146446 1.0283835750835792 1.081008272956007 1.0726306154565453 1.0376702864728322 0.8689616962347378 0.6754885422919747 0.34116693227888495 0.02232317458121096 +32033,-0.2516348114017388,1,-0.5658352134047907 -0.6045298441933433 -0.6323899783611023 -0.6401289045188147 -0.5905997771094683 -0.5684043770029351 -0.08447400639519394 0.07494787245363867 0.34271471751042565 0.434089093462731 0.8287192802146446 1.0283835750835792 1.081008272956007 1.0726306154565453 1.0376702864728322 0.8689616962347378 0.6754885422919747 0.34116693227888495 0.02232317458121096 -0.18817561690851745 +32034,-0.3305718582103936,1,-0.6045298441933433 -0.6323899783611023 -0.6401289045188147 -0.5905997771094683 -0.5684043770029351 -0.08447400639519394 0.07494787245363867 0.34271471751042565 0.434089093462731 0.8287192802146446 1.0283835750835792 1.081008272956007 1.0726306154565453 1.0376702864728322 0.8689616962347378 0.6754885422919747 0.34116693227888495 0.02232317458121096 -0.18817561690851745 -0.2516348114017388 +32035,-0.3274762877473034,1,-0.6323899783611023 -0.6401289045188147 -0.5905997771094683 -0.5684043770029351 -0.08447400639519394 0.07494787245363867 0.34271471751042565 0.434089093462731 0.8287192802146446 1.0283835750835792 1.081008272956007 1.0726306154565453 1.0376702864728322 0.8689616962347378 0.6754885422919747 0.34116693227888495 0.02232317458121096 -0.18817561690851745 -0.2516348114017388 -0.3305718582103936 +32036,-0.3352152139050157,1,-0.6401289045188147 -0.5905997771094683 -0.5684043770029351 -0.08447400639519394 0.07494787245363867 0.34271471751042565 0.434089093462731 0.8287192802146446 1.0283835750835792 1.081008272956007 1.0726306154565453 1.0376702864728322 0.8689616962347378 0.6754885422919747 0.34116693227888495 0.02232317458121096 -0.18817561690851745 -0.2516348114017388 -0.3305718582103936 -0.3274762877473034 +32037,-0.3924832674720743,1,-0.5905997771094683 -0.5684043770029351 -0.08447400639519394 0.07494787245363867 0.34271471751042565 0.434089093462731 0.8287192802146446 1.0283835750835792 1.081008272956007 1.0726306154565453 1.0376702864728322 0.8689616962347378 0.6754885422919747 0.34116693227888495 0.02232317458121096 -0.18817561690851745 -0.2516348114017388 -0.3305718582103936 -0.3274762877473034 -0.3352152139050157 +32038,-0.36617091853585604,1,-0.5684043770029351 -0.08447400639519394 0.07494787245363867 0.34271471751042565 0.434089093462731 0.8287192802146446 1.0283835750835792 1.081008272956007 1.0726306154565453 1.0376702864728322 0.8689616962347378 0.6754885422919747 0.34116693227888495 0.02232317458121096 -0.18817561690851745 -0.2516348114017388 -0.3305718582103936 -0.3274762877473034 -0.3352152139050157 -0.3924832674720743 +32039,-0.3893876970089929,1,-0.08447400639519394 0.07494787245363867 0.34271471751042565 0.434089093462731 0.8287192802146446 1.0283835750835792 1.081008272956007 1.0726306154565453 1.0376702864728322 0.8689616962347378 0.6754885422919747 0.34116693227888495 0.02232317458121096 -0.18817561690851745 -0.2516348114017388 -0.3305718582103936 -0.3274762877473034 -0.3352152139050157 -0.3924832674720743 -0.36617091853585604 +32040,-0.375457629925109,1,0.07494787245363867 0.34271471751042565 0.434089093462731 0.8287192802146446 1.0283835750835792 1.081008272956007 1.0726306154565453 1.0376702864728322 0.8689616962347378 0.6754885422919747 0.34116693227888495 0.02232317458121096 -0.18817561690851745 -0.2516348114017388 -0.3305718582103936 -0.3274762877473034 -0.3352152139050157 -0.3924832674720743 -0.36617091853585604 -0.3893876970089929 +32041,-0.34759749575735005,1,0.34271471751042565 0.434089093462731 0.8287192802146446 1.0283835750835792 1.081008272956007 1.0726306154565453 1.0376702864728322 0.8689616962347378 0.6754885422919747 0.34116693227888495 0.02232317458121096 -0.18817561690851745 -0.2516348114017388 -0.3305718582103936 -0.3274762877473034 -0.3352152139050157 -0.3924832674720743 -0.36617091853585604 -0.3893876970089929 -0.375457629925109 +32042,-0.35332652094763806,1,0.434089093462731 0.8287192802146446 1.0283835750835792 1.081008272956007 1.0726306154565453 1.0376702864728322 0.8689616962347378 0.6754885422919747 0.34116693227888495 0.02232317458121096 -0.18817561690851745 -0.2516348114017388 -0.3305718582103936 -0.3274762877473034 -0.3352152139050157 -0.3924832674720743 -0.36617091853585604 -0.3893876970089929 -0.375457629925109 -0.34759749575735005 +32043,-0.2222268920024392,1,0.8287192802146446 1.0283835750835792 1.081008272956007 1.0726306154565453 1.0376702864728322 0.8689616962347378 0.6754885422919747 0.34116693227888495 0.02232317458121096 -0.18817561690851745 -0.2516348114017388 -0.3305718582103936 -0.3274762877473034 -0.3352152139050157 -0.3924832674720743 -0.36617091853585604 -0.3893876970089929 -0.375457629925109 -0.34759749575735005 -0.35332652094763806 +32044,0.02232317458121096,1,1.0283835750835792 1.081008272956007 1.0726306154565453 1.0376702864728322 0.8689616962347378 0.6754885422919747 0.34116693227888495 0.02232317458121096 -0.18817561690851745 -0.2516348114017388 -0.3305718582103936 -0.3274762877473034 -0.3352152139050157 -0.3924832674720743 -0.36617091853585604 -0.3893876970089929 -0.375457629925109 -0.34759749575735005 -0.35332652094763806 -0.2222268920024392 +32045,0.19877069097700883,1,1.081008272956007 1.0726306154565453 1.0376702864728322 0.8689616962347378 0.6754885422919747 0.34116693227888495 0.02232317458121096 -0.18817561690851745 -0.2516348114017388 -0.3305718582103936 -0.3274762877473034 -0.3352152139050157 -0.3924832674720743 -0.36617091853585604 -0.3893876970089929 -0.375457629925109 -0.34759749575735005 -0.35332652094763806 -0.2222268920024392 0.02232317458121096 +32046,0.27066656466394123,1,1.0726306154565453 1.0376702864728322 0.8689616962347378 0.6754885422919747 0.34116693227888495 0.02232317458121096 -0.18817561690851745 -0.2516348114017388 -0.3305718582103936 -0.3274762877473034 -0.3352152139050157 -0.3924832674720743 -0.36617091853585604 -0.3893876970089929 -0.375457629925109 -0.34759749575735005 -0.35332652094763806 -0.2222268920024392 0.02232317458121096 0.19877069097700883 +32047,0.6042904216410411,1,1.0376702864728322 0.8689616962347378 0.6754885422919747 0.34116693227888495 0.02232317458121096 -0.18817561690851745 -0.2516348114017388 -0.3305718582103936 -0.3274762877473034 -0.3352152139050157 -0.3924832674720743 -0.36617091853585604 -0.3893876970089929 -0.375457629925109 -0.34759749575735005 -0.35332652094763806 -0.2222268920024392 0.02232317458121096 0.19877069097700883 0.27066656466394123 +32048,0.8333626359092754,1,0.8689616962347378 0.6754885422919747 0.34116693227888495 0.02232317458121096 -0.18817561690851745 -0.2516348114017388 -0.3305718582103936 -0.3274762877473034 -0.3352152139050157 -0.3924832674720743 -0.36617091853585604 -0.3893876970089929 -0.375457629925109 -0.34759749575735005 -0.35332652094763806 -0.2222268920024392 0.02232317458121096 0.19877069097700883 0.27066656466394123 0.6042904216410411 +32049,0.9370642464225901,1,0.6754885422919747 0.34116693227888495 0.02232317458121096 -0.18817561690851745 -0.2516348114017388 -0.3305718582103936 -0.3274762877473034 -0.3352152139050157 -0.3924832674720743 -0.36617091853585604 -0.3893876970089929 -0.375457629925109 -0.34759749575735005 -0.35332652094763806 -0.2222268920024392 0.02232317458121096 0.19877069097700883 0.27066656466394123 0.6042904216410411 0.8333626359092754 +32050,0.9307321759364101,1,0.34116693227888495 0.02232317458121096 -0.18817561690851745 -0.2516348114017388 -0.3305718582103936 -0.3274762877473034 -0.3352152139050157 -0.3924832674720743 -0.36617091853585604 -0.3893876970089929 -0.375457629925109 -0.34759749575735005 -0.35332652094763806 -0.2222268920024392 0.02232317458121096 0.19877069097700883 0.27066656466394123 0.6042904216410411 0.8333626359092754 0.9370642464225901 +32051,0.9030129713286684,1,0.02232317458121096 -0.18817561690851745 -0.2516348114017388 -0.3305718582103936 -0.3274762877473034 -0.3352152139050157 -0.3924832674720743 -0.36617091853585604 -0.3893876970089929 -0.375457629925109 -0.34759749575735005 -0.35332652094763806 -0.2222268920024392 0.02232317458121096 0.19877069097700883 0.27066656466394123 0.6042904216410411 0.8333626359092754 0.9370642464225901 0.9307321759364101 +32052,0.701800891228193,1,-0.18817561690851745 -0.2516348114017388 -0.3305718582103936 -0.3274762877473034 -0.3352152139050157 -0.3924832674720743 -0.36617091853585604 -0.3893876970089929 -0.375457629925109 -0.34759749575735005 -0.35332652094763806 -0.2222268920024392 0.02232317458121096 0.19877069097700883 0.27066656466394123 0.6042904216410411 0.8333626359092754 0.9370642464225901 0.9307321759364101 0.9030129713286684 +32053,0.45725082464454286,1,-0.2516348114017388 -0.3305718582103936 -0.3274762877473034 -0.3352152139050157 -0.3924832674720743 -0.36617091853585604 -0.3893876970089929 -0.375457629925109 -0.34759749575735005 -0.35332652094763806 -0.2222268920024392 0.02232317458121096 0.19877069097700883 0.27066656466394123 0.6042904216410411 0.8333626359092754 0.9370642464225901 0.9307321759364101 0.9030129713286684 0.701800891228193 +32054,0.11364250324219129,1,-0.3305718582103936 -0.3274762877473034 -0.3352152139050157 -0.3924832674720743 -0.36617091853585604 -0.3893876970089929 -0.375457629925109 -0.34759749575735005 -0.35332652094763806 -0.2222268920024392 0.02232317458121096 0.19877069097700883 0.27066656466394123 0.6042904216410411 0.8333626359092754 0.9370642464225901 0.9307321759364101 0.9030129713286684 0.701800891228193 0.45725082464454286 +32055,-0.10459521440524061,1,-0.3274762877473034 -0.3352152139050157 -0.3924832674720743 -0.36617091853585604 -0.3893876970089929 -0.375457629925109 -0.34759749575735005 -0.35332652094763806 -0.2222268920024392 0.02232317458121096 0.19877069097700883 0.27066656466394123 0.6042904216410411 0.8333626359092754 0.9370642464225901 0.9307321759364101 0.9030129713286684 0.701800891228193 0.45725082464454286 0.11364250324219129 +32056,-0.17424554982463358,1,-0.3352152139050157 -0.3924832674720743 -0.36617091853585604 -0.3893876970089929 -0.375457629925109 -0.34759749575735005 -0.35332652094763806 -0.2222268920024392 0.02232317458121096 0.19877069097700883 0.27066656466394123 0.6042904216410411 0.8333626359092754 0.9370642464225901 0.9307321759364101 0.9030129713286684 0.701800891228193 0.45725082464454286 0.11364250324219129 -0.10459521440524061 +32057,-0.2779471603379571,1,-0.3924832674720743 -0.36617091853585604 -0.3893876970089929 -0.375457629925109 -0.34759749575735005 -0.35332652094763806 -0.2222268920024392 0.02232317458121096 0.19877069097700883 0.27066656466394123 0.6042904216410411 0.8333626359092754 0.9370642464225901 0.9307321759364101 0.9030129713286684 0.701800891228193 0.45725082464454286 0.11364250324219129 -0.10459521440524061 -0.17424554982463358 +32058,-0.2779471603379571,1,-0.36617091853585604 -0.3893876970089929 -0.375457629925109 -0.34759749575735005 -0.35332652094763806 -0.2222268920024392 0.02232317458121096 0.19877069097700883 0.27066656466394123 0.6042904216410411 0.8333626359092754 0.9370642464225901 0.9307321759364101 0.9030129713286684 0.701800891228193 0.45725082464454286 0.11364250324219129 -0.10459521440524061 -0.17424554982463358 -0.2779471603379571 +32059,-0.25473038186482905,1,-0.3893876970089929 -0.375457629925109 -0.34759749575735005 -0.35332652094763806 -0.2222268920024392 0.02232317458121096 0.19877069097700883 0.27066656466394123 0.6042904216410411 0.8333626359092754 0.9370642464225901 0.9307321759364101 0.9030129713286684 0.701800891228193 0.45725082464454286 0.11364250324219129 -0.10459521440524061 -0.17424554982463358 -0.2779471603379571 -0.2779471603379571 +32060,-0.2655648784856227,1,-0.375457629925109 -0.34759749575735005 -0.35332652094763806 -0.2222268920024392 0.02232317458121096 0.19877069097700883 0.27066656466394123 0.6042904216410411 0.8333626359092754 0.9370642464225901 0.9307321759364101 0.9030129713286684 0.701800891228193 0.45725082464454286 0.11364250324219129 -0.10459521440524061 -0.17424554982463358 -0.2779471603379571 -0.2779471603379571 -0.25473038186482905 +32061,-0.24389588524403535,1,-0.34759749575735005 -0.35332652094763806 -0.2222268920024392 0.02232317458121096 0.19877069097700883 0.27066656466394123 0.6042904216410411 0.8333626359092754 0.9370642464225901 0.9307321759364101 0.9030129713286684 0.701800891228193 0.45725082464454286 0.11364250324219129 -0.10459521440524061 -0.17424554982463358 -0.2779471603379571 -0.2779471603379571 -0.25473038186482905 -0.2655648784856227 +32062,-0.28413830126412865,1,-0.35332652094763806 -0.2222268920024392 0.02232317458121096 0.19877069097700883 0.27066656466394123 0.6042904216410411 0.8333626359092754 0.9370642464225901 0.9307321759364101 0.9030129713286684 0.701800891228193 0.45725082464454286 0.11364250324219129 -0.10459521440524061 -0.17424554982463358 -0.2779471603379571 -0.2779471603379571 -0.25473038186482905 -0.2655648784856227 -0.24389588524403535 +32063,-0.3212851468211406,1,-0.2222268920024392 0.02232317458121096 0.19877069097700883 0.27066656466394123 0.6042904216410411 0.8333626359092754 0.9370642464225901 0.9307321759364101 0.9030129713286684 0.701800891228193 0.45725082464454286 0.11364250324219129 -0.10459521440524061 -0.17424554982463358 -0.2779471603379571 -0.2779471603379571 -0.25473038186482905 -0.2655648784856227 -0.24389588524403535 -0.28413830126412865 +32064,-0.3522408514519809,1,0.02232317458121096 0.19877069097700883 0.27066656466394123 0.6042904216410411 0.8333626359092754 0.9370642464225901 0.9307321759364101 0.9030129713286684 0.701800891228193 0.45725082464454286 0.11364250324219129 -0.10459521440524061 -0.17424554982463358 -0.2779471603379571 -0.2779471603379571 -0.25473038186482905 -0.2655648784856227 -0.24389588524403535 -0.28413830126412865 -0.3212851468211406 +32065,-0.33985856959964655,1,0.19877069097700883 0.27066656466394123 0.6042904216410411 0.8333626359092754 0.9370642464225901 0.9307321759364101 0.9030129713286684 0.701800891228193 0.45725082464454286 0.11364250324219129 -0.10459521440524061 -0.17424554982463358 -0.2779471603379571 -0.2779471603379571 -0.25473038186482905 -0.2655648784856227 -0.24389588524403535 -0.28413830126412865 -0.3212851468211406 -0.3522408514519809 +32066,-0.41733458608675833,1,0.27066656466394123 0.6042904216410411 0.8333626359092754 0.9370642464225901 0.9307321759364101 0.9030129713286684 0.701800891228193 0.45725082464454286 0.11364250324219129 -0.10459521440524061 -0.17424554982463358 -0.2779471603379571 -0.2779471603379571 -0.25473038186482905 -0.2655648784856227 -0.24389588524403535 -0.28413830126412865 -0.3212851468211406 -0.3522408514519809 -0.33985856959964655 +32067,-0.29497279788492237,1,0.6042904216410411 0.8333626359092754 0.9370642464225901 0.9307321759364101 0.9030129713286684 0.701800891228193 0.45725082464454286 0.11364250324219129 -0.10459521440524061 -0.17424554982463358 -0.2779471603379571 -0.2779471603379571 -0.25473038186482905 -0.2655648784856227 -0.24389588524403535 -0.28413830126412865 -0.3212851468211406 -0.3522408514519809 -0.33985856959964655 -0.41733458608675833 +32068,-0.1076907848683308,1,0.8333626359092754 0.9370642464225901 0.9307321759364101 0.9030129713286684 0.701800891228193 0.45725082464454286 0.11364250324219129 -0.10459521440524061 -0.17424554982463358 -0.2779471603379571 -0.2779471603379571 -0.25473038186482905 -0.2655648784856227 -0.24389588524403535 -0.28413830126412865 -0.3212851468211406 -0.3522408514519809 -0.33985856959964655 -0.41733458608675833 -0.29497279788492237 +32069,0.04863552351742921,1,0.9370642464225901 0.9307321759364101 0.9030129713286684 0.701800891228193 0.45725082464454286 0.11364250324219129 -0.10459521440524061 -0.17424554982463358 -0.2779471603379571 -0.2779471603379571 -0.25473038186482905 -0.2655648784856227 -0.24389588524403535 -0.28413830126412865 -0.3212851468211406 -0.3522408514519809 -0.33985856959964655 -0.41733458608675833 -0.29497279788492237 -0.1076907848683308 +32070,0.12242934516341564,1,0.9307321759364101 0.9030129713286684 0.701800891228193 0.45725082464454286 0.11364250324219129 -0.10459521440524061 -0.17424554982463358 -0.2779471603379571 -0.2779471603379571 -0.25473038186482905 -0.2655648784856227 -0.24389588524403535 -0.28413830126412865 -0.3212851468211406 -0.3522408514519809 -0.33985856959964655 -0.41733458608675833 -0.29497279788492237 -0.1076907848683308 0.04863552351742921 +32071,0.4293906904767839,1,0.9030129713286684 0.701800891228193 0.45725082464454286 0.11364250324219129 -0.10459521440524061 -0.17424554982463358 -0.2779471603379571 -0.2779471603379571 -0.25473038186482905 -0.2655648784856227 -0.24389588524403535 -0.28413830126412865 -0.3212851468211406 -0.3522408514519809 -0.33985856959964655 -0.41733458608675833 -0.29497279788492237 -0.1076907848683308 0.04863552351742921 0.12242934516341564 +32072,0.4882065292753832,1,0.701800891228193 0.45725082464454286 0.11364250324219129 -0.10459521440524061 -0.17424554982463358 -0.2779471603379571 -0.2779471603379571 -0.25473038186482905 -0.2655648784856227 -0.24389588524403535 -0.28413830126412865 -0.3212851468211406 -0.3522408514519809 -0.33985856959964655 -0.41733458608675833 -0.29497279788492237 -0.1076907848683308 0.04863552351742921 0.12242934516341564 0.4293906904767839 +32073,0.590360354557166,1,0.45725082464454286 0.11364250324219129 -0.10459521440524061 -0.17424554982463358 -0.2779471603379571 -0.2779471603379571 -0.25473038186482905 -0.2655648784856227 -0.24389588524403535 -0.28413830126412865 -0.3212851468211406 -0.3522408514519809 -0.33985856959964655 -0.41733458608675833 -0.29497279788492237 -0.1076907848683308 0.04863552351742921 0.12242934516341564 0.4293906904767839 0.4882065292753832 +32074,0.743591092479827,1,0.11364250324219129 -0.10459521440524061 -0.17424554982463358 -0.2779471603379571 -0.2779471603379571 -0.25473038186482905 -0.2655648784856227 -0.24389588524403535 -0.28413830126412865 -0.3212851468211406 -0.3522408514519809 -0.33985856959964655 -0.41733458608675833 -0.29497279788492237 -0.1076907848683308 0.04863552351742921 0.12242934516341564 0.4293906904767839 0.4882065292753832 0.590360354557166 +32075,0.7373999515536642,1,-0.10459521440524061 -0.17424554982463358 -0.2779471603379571 -0.2779471603379571 -0.25473038186482905 -0.2655648784856227 -0.24389588524403535 -0.28413830126412865 -0.3212851468211406 -0.3522408514519809 -0.33985856959964655 -0.41733458608675833 -0.29497279788492237 -0.1076907848683308 0.04863552351742921 0.12242934516341564 0.4293906904767839 0.4882065292753832 0.590360354557166 0.743591092479827 +32076,0.701800891228193,1,-0.17424554982463358 -0.2779471603379571 -0.2779471603379571 -0.25473038186482905 -0.2655648784856227 -0.24389588524403535 -0.28413830126412865 -0.3212851468211406 -0.3522408514519809 -0.33985856959964655 -0.41733458608675833 -0.29497279788492237 -0.1076907848683308 0.04863552351742921 0.12242934516341564 0.4293906904767839 0.4882065292753832 0.590360354557166 0.743591092479827 0.7373999515536642 +32077,0.5454745828424418,1,-0.2779471603379571 -0.2779471603379571 -0.25473038186482905 -0.2655648784856227 -0.24389588524403535 -0.28413830126412865 -0.3212851468211406 -0.3522408514519809 -0.33985856959964655 -0.41733458608675833 -0.29497279788492237 -0.1076907848683308 0.04863552351742921 0.12242934516341564 0.4293906904767839 0.4882065292753832 0.590360354557166 0.743591092479827 0.7373999515536642 0.701800891228193 +32078,0.29782894579570146,1,-0.2779471603379571 -0.25473038186482905 -0.2655648784856227 -0.24389588524403535 -0.28413830126412865 -0.3212851468211406 -0.3522408514519809 -0.33985856959964655 -0.41733458608675833 -0.29497279788492237 -0.1076907848683308 0.04863552351742921 0.12242934516341564 0.4293906904767839 0.4882065292753832 0.590360354557166 0.743591092479827 0.7373999515536642 0.701800891228193 0.5454745828424418 +32079,0.006845322265786387,1,-0.25473038186482905 -0.2655648784856227 -0.24389588524403535 -0.28413830126412865 -0.3212851468211406 -0.3522408514519809 -0.33985856959964655 -0.41733458608675833 -0.29497279788492237 -0.1076907848683308 0.04863552351742921 0.12242934516341564 0.4293906904767839 0.4882065292753832 0.590360354557166 0.743591092479827 0.7373999515536642 0.701800891228193 0.5454745828424418 0.29782894579570146 +32080,-0.14328984519379323,1,-0.2655648784856227 -0.24389588524403535 -0.28413830126412865 -0.3212851468211406 -0.3522408514519809 -0.33985856959964655 -0.41733458608675833 -0.29497279788492237 -0.1076907848683308 0.04863552351742921 0.12242934516341564 0.4293906904767839 0.4882065292753832 0.590360354557166 0.743591092479827 0.7373999515536642 0.701800891228193 0.5454745828424418 0.29782894579570146 0.006845322265786387 +32081,-0.2206791067708985,1,-0.24389588524403535 -0.28413830126412865 -0.3212851468211406 -0.3522408514519809 -0.33985856959964655 -0.41733458608675833 -0.29497279788492237 -0.1076907848683308 0.04863552351742921 0.12242934516341564 0.4293906904767839 0.4882065292753832 0.590360354557166 0.743591092479827 0.7373999515536642 0.701800891228193 0.5454745828424418 0.29782894579570146 0.006845322265786387 -0.14328984519379323 +32082,-0.29187722742184097,1,-0.28413830126412865 -0.3212851468211406 -0.3522408514519809 -0.33985856959964655 -0.41733458608675833 -0.29497279788492237 -0.1076907848683308 0.04863552351742921 0.12242934516341564 0.4293906904767839 0.4882065292753832 0.590360354557166 0.743591092479827 0.7373999515536642 0.701800891228193 0.5454745828424418 0.29782894579570146 0.006845322265786387 -0.14328984519379323 -0.2206791067708985 +32083,-0.3537886366835216,1,-0.3212851468211406 -0.3522408514519809 -0.33985856959964655 -0.41733458608675833 -0.29497279788492237 -0.1076907848683308 0.04863552351742921 0.12242934516341564 0.4293906904767839 0.4882065292753832 0.590360354557166 0.743591092479827 0.7373999515536642 0.701800891228193 0.5454745828424418 0.29782894579570146 0.006845322265786387 -0.14328984519379323 -0.2206791067708985 -0.29187722742184097 +32084,-0.38629212654590267,1,-0.3522408514519809 -0.33985856959964655 -0.41733458608675833 -0.29497279788492237 -0.1076907848683308 0.04863552351742921 0.12242934516341564 0.4293906904767839 0.4882065292753832 0.590360354557166 0.743591092479827 0.7373999515536642 0.701800891228193 0.5454745828424418 0.29782894579570146 0.006845322265786387 -0.14328984519379323 -0.2206791067708985 -0.29187722742184097 -0.3537886366835216 +32085,-0.46677695858609813,1,-0.33985856959964655 -0.41733458608675833 -0.29497279788492237 -0.1076907848683308 0.04863552351742921 0.12242934516341564 0.4293906904767839 0.4882065292753832 0.590360354557166 0.743591092479827 0.7373999515536642 0.701800891228193 0.5454745828424418 0.29782894579570146 0.006845322265786387 -0.14328984519379323 -0.2206791067708985 -0.29187722742184097 -0.3537886366835216 -0.38629212654590267 +32086,-0.4838025961330546,1,-0.41733458608675833 -0.29497279788492237 -0.1076907848683308 0.04863552351742921 0.12242934516341564 0.4293906904767839 0.4882065292753832 0.590360354557166 0.743591092479827 0.7373999515536642 0.701800891228193 0.5454745828424418 0.29782894579570146 0.006845322265786387 -0.14328984519379323 -0.2206791067708985 -0.29187722742184097 -0.3537886366835216 -0.38629212654590267 -0.46677695858609813 +32087,-0.5023760189115606,1,-0.29497279788492237 -0.1076907848683308 0.04863552351742921 0.12242934516341564 0.4293906904767839 0.4882065292753832 0.590360354557166 0.743591092479827 0.7373999515536642 0.701800891228193 0.5454745828424418 0.29782894579570146 0.006845322265786387 -0.14328984519379323 -0.2206791067708985 -0.29187722742184097 -0.3537886366835216 -0.38629212654590267 -0.46677695858609813 -0.4838025961330546 +32088,-0.44665575057605145,1,-0.1076907848683308 0.04863552351742921 0.12242934516341564 0.4293906904767839 0.4882065292753832 0.590360354557166 0.743591092479827 0.7373999515536642 0.701800891228193 0.5454745828424418 0.29782894579570146 0.006845322265786387 -0.14328984519379323 -0.2206791067708985 -0.29187722742184097 -0.3537886366835216 -0.38629212654590267 -0.46677695858609813 -0.4838025961330546 -0.5023760189115606 +32089,-0.4420123948814206,1,0.04863552351742921 0.12242934516341564 0.4293906904767839 0.4882065292753832 0.590360354557166 0.743591092479827 0.7373999515536642 0.701800891228193 0.5454745828424418 0.29782894579570146 0.006845322265786387 -0.14328984519379323 -0.2206791067708985 -0.29187722742184097 -0.3537886366835216 -0.38629212654590267 -0.46677695858609813 -0.4838025961330546 -0.5023760189115606 -0.44665575057605145 +32090,-0.45207035759094494,1,0.12242934516341564 0.4293906904767839 0.4882065292753832 0.590360354557166 0.743591092479827 0.7373999515536642 0.701800891228193 0.5454745828424418 0.29782894579570146 0.006845322265786387 -0.14328984519379323 -0.2206791067708985 -0.29187722742184097 -0.3537886366835216 -0.38629212654590267 -0.46677695858609813 -0.4838025961330546 -0.5023760189115606 -0.44665575057605145 -0.4420123948814206 +32091,-0.19746232829777044,1,0.4293906904767839 0.4882065292753832 0.590360354557166 0.743591092479827 0.7373999515536642 0.701800891228193 0.5454745828424418 0.29782894579570146 0.006845322265786387 -0.14328984519379323 -0.2206791067708985 -0.29187722742184097 -0.3537886366835216 -0.38629212654590267 -0.46677695858609813 -0.4838025961330546 -0.5023760189115606 -0.44665575057605145 -0.4420123948814206 -0.45207035759094494 +32092,0.06101780536976358,1,0.4882065292753832 0.590360354557166 0.743591092479827 0.7373999515536642 0.701800891228193 0.5454745828424418 0.29782894579570146 0.006845322265786387 -0.14328984519379323 -0.2206791067708985 -0.29187722742184097 -0.3537886366835216 -0.38629212654590267 -0.46677695858609813 -0.4838025961330546 -0.5023760189115606 -0.44665575057605145 -0.4420123948814206 -0.45207035759094494 -0.19746232829777044 +32093,0.3179501538057481,1,0.590360354557166 0.743591092479827 0.7373999515536642 0.701800891228193 0.5454745828424418 0.29782894579570146 0.006845322265786387 -0.14328984519379323 -0.2206791067708985 -0.29187722742184097 -0.3537886366835216 -0.38629212654590267 -0.46677695858609813 -0.4838025961330546 -0.5023760189115606 -0.44665575057605145 -0.4420123948814206 -0.45207035759094494 -0.19746232829777044 0.06101780536976358 +32094,0.35933123966685876,1,0.743591092479827 0.7373999515536642 0.701800891228193 0.5454745828424418 0.29782894579570146 0.006845322265786387 -0.14328984519379323 -0.2206791067708985 -0.29187722742184097 -0.3537886366835216 -0.38629212654590267 -0.46677695858609813 -0.4838025961330546 -0.5023760189115606 -0.44665575057605145 -0.4420123948814206 -0.45207035759094494 -0.19746232829777044 0.06101780536976358 0.3179501538057481 +32095,0.5423790123793604,1,0.7373999515536642 0.701800891228193 0.5454745828424418 0.29782894579570146 0.006845322265786387 -0.14328984519379323 -0.2206791067708985 -0.29187722742184097 -0.3537886366835216 -0.38629212654590267 -0.46677695858609813 -0.4838025961330546 -0.5023760189115606 -0.44665575057605145 -0.4420123948814206 -0.45207035759094494 -0.19746232829777044 0.06101780536976358 0.3179501538057481 0.35933123966685876 +32096,0.8101458574361385,1,0.701800891228193 0.5454745828424418 0.29782894579570146 0.006845322265786387 -0.14328984519379323 -0.2206791067708985 -0.29187722742184097 -0.3537886366835216 -0.38629212654590267 -0.46677695858609813 -0.4838025961330546 -0.5023760189115606 -0.44665575057605145 -0.4420123948814206 -0.45207035759094494 -0.19746232829777044 0.06101780536976358 0.3179501538057481 0.35933123966685876 0.5423790123793604 +32097,0.9355164611910495,1,0.5454745828424418 0.29782894579570146 0.006845322265786387 -0.14328984519379323 -0.2206791067708985 -0.29187722742184097 -0.3537886366835216 -0.38629212654590267 -0.46677695858609813 -0.4838025961330546 -0.5023760189115606 -0.44665575057605145 -0.4420123948814206 -0.45207035759094494 -0.19746232829777044 0.06101780536976358 0.3179501538057481 0.35933123966685876 0.5423790123793604 0.8101458574361385 +32098,0.9489781888946324,1,0.29782894579570146 0.006845322265786387 -0.14328984519379323 -0.2206791067708985 -0.29187722742184097 -0.3537886366835216 -0.38629212654590267 -0.46677695858609813 -0.4838025961330546 -0.5023760189115606 -0.44665575057605145 -0.4420123948814206 -0.45207035759094494 -0.19746232829777044 0.06101780536976358 0.3179501538057481 0.35933123966685876 0.5423790123793604 0.8101458574361385 0.9355164611910495 +32099,1.006714581841992,1,0.006845322265786387 -0.14328984519379323 -0.2206791067708985 -0.29187722742184097 -0.3537886366835216 -0.38629212654590267 -0.46677695858609813 -0.4838025961330546 -0.5023760189115606 -0.44665575057605145 -0.4420123948814206 -0.45207035759094494 -0.19746232829777044 0.06101780536976358 0.3179501538057481 0.35933123966685876 0.5423790123793604 0.8101458574361385 0.9355164611910495 0.9489781888946324 +32100,0.9122996827179214,1,-0.14328984519379323 -0.2206791067708985 -0.29187722742184097 -0.3537886366835216 -0.38629212654590267 -0.46677695858609813 -0.4838025961330546 -0.5023760189115606 -0.44665575057605145 -0.4420123948814206 -0.45207035759094494 -0.19746232829777044 0.06101780536976358 0.3179501538057481 0.35933123966685876 0.5423790123793604 0.8101458574361385 0.9355164611910495 0.9489781888946324 1.006714581841992 +32101,0.7312088106274927,1,-0.2206791067708985 -0.29187722742184097 -0.3537886366835216 -0.38629212654590267 -0.46677695858609813 -0.4838025961330546 -0.5023760189115606 -0.44665575057605145 -0.4420123948814206 -0.45207035759094494 -0.19746232829777044 0.06101780536976358 0.3179501538057481 0.35933123966685876 0.5423790123793604 0.8101458574361385 0.9355164611910495 0.9489781888946324 1.006714581841992 0.9122996827179214 +32102,0.41700840862444954,1,-0.29187722742184097 -0.3537886366835216 -0.38629212654590267 -0.46677695858609813 -0.4838025961330546 -0.5023760189115606 -0.44665575057605145 -0.4420123948814206 -0.45207035759094494 -0.19746232829777044 0.06101780536976358 0.3179501538057481 0.35933123966685876 0.5423790123793604 0.8101458574361385 0.9355164611910495 0.9489781888946324 1.006714581841992 0.9122996827179214 0.7312088106274927 +32103,0.12138142939990357,1,-0.3537886366835216 -0.38629212654590267 -0.46677695858609813 -0.4838025961330546 -0.5023760189115606 -0.44665575057605145 -0.4420123948814206 -0.45207035759094494 -0.19746232829777044 0.06101780536976358 0.3179501538057481 0.35933123966685876 0.5423790123793604 0.8101458574361385 0.9355164611910495 0.9489781888946324 1.006714581841992 0.9122996827179214 0.7312088106274927 0.41700840862444954 +32104,-0.02256259713351326,1,-0.38629212654590267 -0.46677695858609813 -0.4838025961330546 -0.5023760189115606 -0.44665575057605145 -0.4420123948814206 -0.45207035759094494 -0.19746232829777044 0.06101780536976358 0.3179501538057481 0.35933123966685876 0.5423790123793604 0.8101458574361385 0.9355164611910495 0.9489781888946324 1.006714581841992 0.9122996827179214 0.7312088106274927 0.41700840862444954 0.12138142939990357 +32105,-0.13864648949917113,1,-0.46677695858609813 -0.4838025961330546 -0.5023760189115606 -0.44665575057605145 -0.4420123948814206 -0.45207035759094494 -0.19746232829777044 0.06101780536976358 0.3179501538057481 0.35933123966685876 0.5423790123793604 0.8101458574361385 0.9355164611910495 0.9489781888946324 1.006714581841992 0.9122996827179214 0.7312088106274927 0.41700840862444954 0.12138142939990357 -0.02256259713351326 +32106,-0.1634110532038399,1,-0.4838025961330546 -0.5023760189115606 -0.44665575057605145 -0.4420123948814206 -0.45207035759094494 -0.19746232829777044 0.06101780536976358 0.3179501538057481 0.35933123966685876 0.5423790123793604 0.8101458574361385 0.9355164611910495 0.9489781888946324 1.006714581841992 0.9122996827179214 0.7312088106274927 0.41700840862444954 0.12138142939990357 -0.02256259713351326 -0.13864648949917113 +32107,-0.2686604489487041,1,-0.5023760189115606 -0.44665575057605145 -0.4420123948814206 -0.45207035759094494 -0.19746232829777044 0.06101780536976358 0.3179501538057481 0.35933123966685876 0.5423790123793604 0.8101458574361385 0.9355164611910495 0.9489781888946324 1.006714581841992 0.9122996827179214 0.7312088106274927 0.41700840862444954 0.12138142939990357 -0.02256259713351326 -0.13864648949917113 -0.1634110532038399 +32108,-0.3274762877473034,1,-0.44665575057605145 -0.4420123948814206 -0.45207035759094494 -0.19746232829777044 0.06101780536976358 0.3179501538057481 0.35933123966685876 0.5423790123793604 0.8101458574361385 0.9355164611910495 0.9489781888946324 1.006714581841992 0.9122996827179214 0.7312088106274927 0.41700840862444954 0.12138142939990357 -0.02256259713351326 -0.13864648949917113 -0.1634110532038399 -0.2686604489487041 +32109,-0.3692664889989462,1,-0.4420123948814206 -0.45207035759094494 -0.19746232829777044 0.06101780536976358 0.3179501538057481 0.35933123966685876 0.5423790123793604 0.8101458574361385 0.9355164611910495 0.9489781888946324 1.006714581841992 0.9122996827179214 0.7312088106274927 0.41700840862444954 0.12138142939990357 -0.02256259713351326 -0.13864648949917113 -0.1634110532038399 -0.2686604489487041 -0.3274762877473034 +32110,-0.3801009856197399,1,-0.45207035759094494 -0.19746232829777044 0.06101780536976358 0.3179501538057481 0.35933123966685876 0.5423790123793604 0.8101458574361385 0.9355164611910495 0.9489781888946324 1.006714581841992 0.9122996827179214 0.7312088106274927 0.41700840862444954 0.12138142939990357 -0.02256259713351326 -0.13864648949917113 -0.1634110532038399 -0.2686604489487041 -0.3274762877473034 -0.3692664889989462 +32111,-0.4095089050190395,1,-0.19746232829777044 0.06101780536976358 0.3179501538057481 0.35933123966685876 0.5423790123793604 0.8101458574361385 0.9355164611910495 0.9489781888946324 1.006714581841992 0.9122996827179214 0.7312088106274927 0.41700840862444954 0.12138142939990357 -0.02256259713351326 -0.13864648949917113 -0.1634110532038399 -0.2686604489487041 -0.3274762877473034 -0.3692664889989462 -0.3801009856197399 +32112,-0.45903803242838587,1,0.06101780536976358 0.3179501538057481 0.35933123966685876 0.5423790123793604 0.8101458574361385 0.9355164611910495 0.9489781888946324 1.006714581841992 0.9122996827179214 0.7312088106274927 0.41700840862444954 0.12138142939990357 -0.02256259713351326 -0.13864648949917113 -0.1634110532038399 -0.2686604489487041 -0.3274762877473034 -0.3692664889989462 -0.3801009856197399 -0.4095089050190395 +32113,-0.40331776409286796,1,0.3179501538057481 0.35933123966685876 0.5423790123793604 0.8101458574361385 0.9355164611910495 0.9489781888946324 1.006714581841992 0.9122996827179214 0.7312088106274927 0.41700840862444954 0.12138142939990357 -0.02256259713351326 -0.13864648949917113 -0.1634110532038399 -0.2686604489487041 -0.3274762877473034 -0.3692664889989462 -0.3801009856197399 -0.4095089050190395 -0.45903803242838587 +32114,-0.3263786891613081,1,0.35933123966685876 0.5423790123793604 0.8101458574361385 0.9355164611910495 0.9489781888946324 1.006714581841992 0.9122996827179214 0.7312088106274927 0.41700840862444954 0.12138142939990357 -0.02256259713351326 -0.13864648949917113 -0.1634110532038399 -0.2686604489487041 -0.3274762877473034 -0.3692664889989462 -0.3801009856197399 -0.4095089050190395 -0.45903803242838587 -0.40331776409286796 +32115,-0.3181895763580504,1,0.5423790123793604 0.8101458574361385 0.9355164611910495 0.9489781888946324 1.006714581841992 0.9122996827179214 0.7312088106274927 0.41700840862444954 0.12138142939990357 -0.02256259713351326 -0.13864648949917113 -0.1634110532038399 -0.2686604489487041 -0.3274762877473034 -0.3692664889989462 -0.3801009856197399 -0.4095089050190395 -0.45903803242838587 -0.40331776409286796 -0.3263786891613081 +32116,-0.0550660869958943,1,0.8101458574361385 0.9355164611910495 0.9489781888946324 1.006714581841992 0.9122996827179214 0.7312088106274927 0.41700840862444954 0.12138142939990357 -0.02256259713351326 -0.13864648949917113 -0.1634110532038399 -0.2686604489487041 -0.3274762877473034 -0.3692664889989462 -0.3801009856197399 -0.4095089050190395 -0.45903803242838587 -0.40331776409286796 -0.3263786891613081 -0.3181895763580504 +32117,0.23591753653402076,1,0.9355164611910495 0.9489781888946324 1.006714581841992 0.9122996827179214 0.7312088106274927 0.41700840862444954 0.12138142939990357 -0.02256259713351326 -0.13864648949917113 -0.1634110532038399 -0.2686604489487041 -0.3274762877473034 -0.3692664889989462 -0.3801009856197399 -0.4095089050190395 -0.45903803242838587 -0.40331776409286796 -0.3263786891613081 -0.3181895763580504 -0.0550660869958943 +32118,0.30948102777113384,1,0.9489781888946324 1.006714581841992 0.9122996827179214 0.7312088106274927 0.41700840862444954 0.12138142939990357 -0.02256259713351326 -0.13864648949917113 -0.1634110532038399 -0.2686604489487041 -0.3274762877473034 -0.3692664889989462 -0.3801009856197399 -0.4095089050190395 -0.45903803242838587 -0.40331776409286796 -0.3263786891613081 -0.3181895763580504 -0.0550660869958943 0.23591753653402076 +32119,0.6569151195134688,1,1.006714581841992 0.9122996827179214 0.7312088106274927 0.41700840862444954 0.12138142939990357 -0.02256259713351326 -0.13864648949917113 -0.1634110532038399 -0.2686604489487041 -0.3274762877473034 -0.3692664889989462 -0.3801009856197399 -0.4095089050190395 -0.45903803242838587 -0.40331776409286796 -0.3263786891613081 -0.3181895763580504 -0.0550660869958943 0.23591753653402076 0.30948102777113384 +32120,0.9540898839695554,1,0.9122996827179214 0.7312088106274927 0.41700840862444954 0.12138142939990357 -0.02256259713351326 -0.13864648949917113 -0.1634110532038399 -0.2686604489487041 -0.3274762877473034 -0.3692664889989462 -0.3801009856197399 -0.4095089050190395 -0.45903803242838587 -0.40331776409286796 -0.3263786891613081 -0.3181895763580504 -0.0550660869958943 0.23591753653402076 0.30948102777113384 0.6569151195134688 +32121,1.025288004620498,1,0.7312088106274927 0.41700840862444954 0.12138142939990357 -0.02256259713351326 -0.13864648949917113 -0.1634110532038399 -0.2686604489487041 -0.3274762877473034 -0.3692664889989462 -0.3801009856197399 -0.4095089050190395 -0.45903803242838587 -0.40331776409286796 -0.3263786891613081 -0.3181895763580504 -0.0550660869958943 0.23591753653402076 0.30948102777113384 0.6569151195134688 0.9540898839695554 +32122,1.01229185009545,1,0.41700840862444954 0.12138142939990357 -0.02256259713351326 -0.13864648949917113 -0.1634110532038399 -0.2686604489487041 -0.3274762877473034 -0.3692664889989462 -0.3801009856197399 -0.4095089050190395 -0.45903803242838587 -0.40331776409286796 -0.3263786891613081 -0.3181895763580504 -0.0550660869958943 0.23591753653402076 0.30948102777113384 0.6569151195134688 0.9540898839695554 1.025288004620498 +32123,0.9556376692010962,1,0.12138142939990357 -0.02256259713351326 -0.13864648949917113 -0.1634110532038399 -0.2686604489487041 -0.3274762877473034 -0.3692664889989462 -0.3801009856197399 -0.4095089050190395 -0.45903803242838587 -0.40331776409286796 -0.3263786891613081 -0.3181895763580504 -0.0550660869958943 0.23591753653402076 0.30948102777113384 0.6569151195134688 0.9540898839695554 1.025288004620498 1.01229185009545 +32124,0.8395537768354382,1,-0.02256259713351326 -0.13864648949917113 -0.1634110532038399 -0.2686604489487041 -0.3274762877473034 -0.3692664889989462 -0.3801009856197399 -0.4095089050190395 -0.45903803242838587 -0.40331776409286796 -0.3263786891613081 -0.3181895763580504 -0.0550660869958943 0.23591753653402076 0.30948102777113384 0.6569151195134688 0.9540898839695554 1.025288004620498 1.01229185009545 0.9556376692010962 +32125,0.5795258579363636,1,-0.13864648949917113 -0.1634110532038399 -0.2686604489487041 -0.3274762877473034 -0.3692664889989462 -0.3801009856197399 -0.4095089050190395 -0.45903803242838587 -0.40331776409286796 -0.3263786891613081 -0.3181895763580504 -0.0550660869958943 0.23591753653402076 0.30948102777113384 0.6569151195134688 0.9540898839695554 1.025288004620498 1.01229185009545 0.9556376692010962 0.8395537768354382 +32126,0.4108172676982779,1,-0.1634110532038399 -0.2686604489487041 -0.3274762877473034 -0.3692664889989462 -0.3801009856197399 -0.4095089050190395 -0.45903803242838587 -0.40331776409286796 -0.3263786891613081 -0.3181895763580504 -0.0550660869958943 0.23591753653402076 0.30948102777113384 0.6569151195134688 0.9540898839695554 1.025288004620498 1.01229185009545 0.9556376692010962 0.8395537768354382 0.5795258579363636 +32127,0.1616238454199969,1,-0.2686604489487041 -0.3274762877473034 -0.3692664889989462 -0.3801009856197399 -0.4095089050190395 -0.45903803242838587 -0.40331776409286796 -0.3263786891613081 -0.3181895763580504 -0.0550660869958943 0.23591753653402076 0.30948102777113384 0.6569151195134688 0.9540898839695554 1.025288004620498 1.01229185009545 0.9556376692010962 0.8395537768354382 0.5795258579363636 0.4108172676982779 +32128,0.03625324166508603,1,-0.3274762877473034 -0.3692664889989462 -0.3801009856197399 -0.4095089050190395 -0.45903803242838587 -0.40331776409286796 -0.3263786891613081 -0.3181895763580504 -0.0550660869958943 0.23591753653402076 0.30948102777113384 0.6569151195134688 0.9540898839695554 1.025288004620498 1.01229185009545 0.9556376692010962 0.8395537768354382 0.5795258579363636 0.4108172676982779 0.1616238454199969 +32129,-0.024110382365053955,1,-0.3692664889989462 -0.3801009856197399 -0.4095089050190395 -0.45903803242838587 -0.40331776409286796 -0.3263786891613081 -0.3181895763580504 -0.0550660869958943 0.23591753653402076 0.30948102777113384 0.6569151195134688 0.9540898839695554 1.025288004620498 1.01229185009545 0.9556376692010962 0.8395537768354382 0.5795258579363636 0.4108172676982779 0.1616238454199969 0.03625324166508603 +32130,-0.1076907848683308,1,-0.3801009856197399 -0.4095089050190395 -0.45903803242838587 -0.40331776409286796 -0.3263786891613081 -0.3181895763580504 -0.0550660869958943 0.23591753653402076 0.30948102777113384 0.6569151195134688 0.9540898839695554 1.025288004620498 1.01229185009545 0.9556376692010962 0.8395537768354382 0.5795258579363636 0.4108172676982779 0.1616238454199969 0.03625324166508603 -0.024110382365053955 +32131,-0.061257227922065886,1,-0.4095089050190395 -0.45903803242838587 -0.40331776409286796 -0.3263786891613081 -0.3181895763580504 -0.0550660869958943 0.23591753653402076 0.30948102777113384 0.6569151195134688 0.9540898839695554 1.025288004620498 1.01229185009545 0.9556376692010962 0.8395537768354382 0.5795258579363636 0.4108172676982779 0.1616238454199969 0.03625324166508603 -0.024110382365053955 -0.1076907848683308 +32132,-0.06899615407977817,1,-0.45903803242838587 -0.40331776409286796 -0.3263786891613081 -0.3181895763580504 -0.0550660869958943 0.23591753653402076 0.30948102777113384 0.6569151195134688 0.9540898839695554 1.025288004620498 1.01229185009545 0.9556376692010962 0.8395537768354382 0.5795258579363636 0.4108172676982779 0.1616238454199969 0.03625324166508603 -0.024110382365053955 -0.1076907848683308 -0.061257227922065886 +32133,-0.1076907848683308,1,-0.40331776409286796 -0.3263786891613081 -0.3181895763580504 -0.0550660869958943 0.23591753653402076 0.30948102777113384 0.6569151195134688 0.9540898839695554 1.025288004620498 1.01229185009545 0.9556376692010962 0.8395537768354382 0.5795258579363636 0.4108172676982779 0.1616238454199969 0.03625324166508603 -0.024110382365053955 -0.1076907848683308 -0.061257227922065886 -0.06899615407977817 +32134,-0.11388192579449359,1,-0.3263786891613081 -0.3181895763580504 -0.0550660869958943 0.23591753653402076 0.30948102777113384 0.6569151195134688 0.9540898839695554 1.025288004620498 1.01229185009545 0.9556376692010962 0.8395537768354382 0.5795258579363636 0.4108172676982779 0.1616238454199969 0.03625324166508603 -0.024110382365053955 -0.1076907848683308 -0.061257227922065886 -0.06899615407977817 -0.1076907848683308 +32135,-0.17424554982463358,1,-0.3181895763580504 -0.0550660869958943 0.23591753653402076 0.30948102777113384 0.6569151195134688 0.9540898839695554 1.025288004620498 1.01229185009545 0.9556376692010962 0.8395537768354382 0.5795258579363636 0.4108172676982779 0.1616238454199969 0.03625324166508603 -0.024110382365053955 -0.1076907848683308 -0.061257227922065886 -0.06899615407977817 -0.1076907848683308 -0.11388192579449359 +32136,-0.12316863718374657,1,-0.0550660869958943 0.23591753653402076 0.30948102777113384 0.6569151195134688 0.9540898839695554 1.025288004620498 1.01229185009545 0.9556376692010962 0.8395537768354382 0.5795258579363636 0.4108172676982779 0.1616238454199969 0.03625324166508603 -0.024110382365053955 -0.1076907848683308 -0.061257227922065886 -0.06899615407977817 -0.1076907848683308 -0.11388192579449359 -0.17424554982463358 +32137,-0.17734112028772378,1,0.23591753653402076 0.30948102777113384 0.6569151195134688 0.9540898839695554 1.025288004620498 1.01229185009545 0.9556376692010962 0.8395537768354382 0.5795258579363636 0.4108172676982779 0.1616238454199969 0.03625324166508603 -0.024110382365053955 -0.1076907848683308 -0.061257227922065886 -0.06899615407977817 -0.1076907848683308 -0.11388192579449359 -0.17424554982463358 -0.12316863718374657 +32138,-0.16390597873628748,1,0.30948102777113384 0.6569151195134688 0.9540898839695554 1.025288004620498 1.01229185009545 0.9556376692010962 0.8395537768354382 0.5795258579363636 0.4108172676982779 0.1616238454199969 0.03625324166508603 -0.024110382365053955 -0.1076907848683308 -0.061257227922065886 -0.06899615407977817 -0.1076907848683308 -0.11388192579449359 -0.17424554982463358 -0.12316863718374657 -0.17734112028772378 +32139,-0.04113601991201923,1,0.6569151195134688 0.9540898839695554 1.025288004620498 1.01229185009545 0.9556376692010962 0.8395537768354382 0.5795258579363636 0.4108172676982779 0.1616238454199969 0.03625324166508603 -0.024110382365053955 -0.1076907848683308 -0.061257227922065886 -0.06899615407977817 -0.1076907848683308 -0.11388192579449359 -0.17424554982463358 -0.12316863718374657 -0.17734112028772378 -0.16390597873628748 +32140,0.2127007580608927,1,0.9540898839695554 1.025288004620498 1.01229185009545 0.9556376692010962 0.8395537768354382 0.5795258579363636 0.4108172676982779 0.1616238454199969 0.03625324166508603 -0.024110382365053955 -0.1076907848683308 -0.061257227922065886 -0.06899615407977817 -0.1076907848683308 -0.11388192579449359 -0.17424554982463358 -0.12316863718374657 -0.17734112028772378 -0.16390597873628748 -0.04113601991201923 +32141,0.38450491876205967,1,1.025288004620498 1.01229185009545 0.9556376692010962 0.8395537768354382 0.5795258579363636 0.4108172676982779 0.1616238454199969 0.03625324166508603 -0.024110382365053955 -0.1076907848683308 -0.061257227922065886 -0.06899615407977817 -0.1076907848683308 -0.11388192579449359 -0.17424554982463358 -0.12316863718374657 -0.17734112028772378 -0.16390597873628748 -0.04113601991201923 0.2127007580608927 +32142,0.4768779926100785,1,1.01229185009545 0.9556376692010962 0.8395537768354382 0.5795258579363636 0.4108172676982779 0.1616238454199969 0.03625324166508603 -0.024110382365053955 -0.1076907848683308 -0.061257227922065886 -0.06899615407977817 -0.1076907848683308 -0.11388192579449359 -0.17424554982463358 -0.12316863718374657 -0.17734112028772378 -0.16390597873628748 -0.04113601991201923 0.2127007580608927 0.38450491876205967 +32143,0.899917400865587,1,0.9556376692010962 0.8395537768354382 0.5795258579363636 0.4108172676982779 0.1616238454199969 0.03625324166508603 -0.024110382365053955 -0.1076907848683308 -0.061257227922065886 -0.06899615407977817 -0.1076907848683308 -0.11388192579449359 -0.17424554982463358 -0.12316863718374657 -0.17734112028772378 -0.16390597873628748 -0.04113601991201923 0.2127007580608927 0.38450491876205967 0.4768779926100785 +32144,1.1212506889761003,1,0.8395537768354382 0.5795258579363636 0.4108172676982779 0.1616238454199969 0.03625324166508603 -0.024110382365053955 -0.1076907848683308 -0.061257227922065886 -0.06899615407977817 -0.1076907848683308 -0.11388192579449359 -0.17424554982463358 -0.12316863718374657 -0.17734112028772378 -0.16390597873628748 -0.04113601991201923 0.2127007580608927 0.38450491876205967 0.4768779926100785 0.899917400865587 +32145,1.1506586083754,1,0.5795258579363636 0.4108172676982779 0.1616238454199969 0.03625324166508603 -0.024110382365053955 -0.1076907848683308 -0.061257227922065886 -0.06899615407977817 -0.1076907848683308 -0.11388192579449359 -0.17424554982463358 -0.12316863718374657 -0.17734112028772378 -0.16390597873628748 -0.04113601991201923 0.2127007580608927 0.38450491876205967 0.4768779926100785 0.899917400865587 1.1212506889761003 +32146,1.139416304242594,1,0.4108172676982779 0.1616238454199969 0.03625324166508603 -0.024110382365053955 -0.1076907848683308 -0.061257227922065886 -0.06899615407977817 -0.1076907848683308 -0.11388192579449359 -0.17424554982463358 -0.12316863718374657 -0.17734112028772378 -0.16390597873628748 -0.04113601991201923 0.2127007580608927 0.38450491876205967 0.4768779926100785 0.899917400865587 1.1212506889761003 1.1506586083754 +32147,1.09029498434526,1,0.1616238454199969 0.03625324166508603 -0.024110382365053955 -0.1076907848683308 -0.061257227922065886 -0.06899615407977817 -0.1076907848683308 -0.11388192579449359 -0.17424554982463358 -0.12316863718374657 -0.17734112028772378 -0.16390597873628748 -0.04113601991201923 0.2127007580608927 0.38450491876205967 0.4768779926100785 0.899917400865587 1.1212506889761003 1.1506586083754 1.139416304242594 +32148,0.9711155215165207,1,0.03625324166508603 -0.024110382365053955 -0.1076907848683308 -0.061257227922065886 -0.06899615407977817 -0.1076907848683308 -0.11388192579449359 -0.17424554982463358 -0.12316863718374657 -0.17734112028772378 -0.16390597873628748 -0.04113601991201923 0.2127007580608927 0.38450491876205967 0.4768779926100785 0.899917400865587 1.1212506889761003 1.1506586083754 1.139416304242594 1.09029498434526 +32149,0.7776423675737576,1,-0.024110382365053955 -0.1076907848683308 -0.061257227922065886 -0.06899615407977817 -0.1076907848683308 -0.11388192579449359 -0.17424554982463358 -0.12316863718374657 -0.17734112028772378 -0.16390597873628748 -0.04113601991201923 0.2127007580608927 0.38450491876205967 0.4768779926100785 0.899917400865587 1.1212506889761003 1.1506586083754 1.139416304242594 1.09029498434526 0.9711155215165207 +32150,0.5098755225169705,1,-0.1076907848683308 -0.061257227922065886 -0.06899615407977817 -0.1076907848683308 -0.11388192579449359 -0.17424554982463358 -0.12316863718374657 -0.17734112028772378 -0.16390597873628748 -0.04113601991201923 0.2127007580608927 0.38450491876205967 0.4768779926100785 0.899917400865587 1.1212506889761003 1.1506586083754 1.139416304242594 1.09029498434526 0.9711155215165207 0.7776423675737576 +32151,0.18793619435621514,1,-0.061257227922065886 -0.06899615407977817 -0.1076907848683308 -0.11388192579449359 -0.17424554982463358 -0.12316863718374657 -0.17734112028772378 -0.16390597873628748 -0.04113601991201923 0.2127007580608927 0.38450491876205967 0.4768779926100785 0.899917400865587 1.1212506889761003 1.1506586083754 1.139416304242594 1.09029498434526 0.9711155215165207 0.7776423675737576 0.5098755225169705 +32152,0.07649565768517935,1,-0.06899615407977817 -0.1076907848683308 -0.11388192579449359 -0.17424554982463358 -0.12316863718374657 -0.17734112028772378 -0.16390597873628748 -0.04113601991201923 0.2127007580608927 0.38450491876205967 0.4768779926100785 0.899917400865587 1.1212506889761003 1.1506586083754 1.139416304242594 1.09029498434526 0.9711155215165207 0.7776423675737576 0.5098755225169705 0.18793619435621514 +32153,0.07185230199055727,1,-0.1076907848683308 -0.11388192579449359 -0.17424554982463358 -0.12316863718374657 -0.17734112028772378 -0.16390597873628748 -0.04113601991201923 0.2127007580608927 0.38450491876205967 0.4768779926100785 0.899917400865587 1.1212506889761003 1.1506586083754 1.139416304242594 1.09029498434526 0.9711155215165207 0.7776423675737576 0.5098755225169705 0.18793619435621514 0.07649565768517935 +32154,0.006845322265786387,1,-0.11388192579449359 -0.17424554982463358 -0.12316863718374657 -0.17734112028772378 -0.16390597873628748 -0.04113601991201923 0.2127007580608927 0.38450491876205967 0.4768779926100785 0.899917400865587 1.1212506889761003 1.1506586083754 1.139416304242594 1.09029498434526 0.9711155215165207 0.7776423675737576 0.5098755225169705 0.18793619435621514 0.07649565768517935 0.07185230199055727 +32155,-0.030301523291225544,1,-0.17424554982463358 -0.12316863718374657 -0.17734112028772378 -0.16390597873628748 -0.04113601991201923 0.2127007580608927 0.38450491876205967 0.4768779926100785 0.899917400865587 1.1212506889761003 1.1506586083754 1.139416304242594 1.09029498434526 0.9711155215165207 0.7776423675737576 0.5098755225169705 0.18793619435621514 0.07649565768517935 0.07185230199055727 0.006845322265786387 +32156,-0.058161657458975696,1,-0.12316863718374657 -0.17734112028772378 -0.16390597873628748 -0.04113601991201923 0.2127007580608927 0.38450491876205967 0.4768779926100785 0.899917400865587 1.1212506889761003 1.1506586083754 1.139416304242594 1.09029498434526 0.9711155215165207 0.7776423675737576 0.5098755225169705 0.18793619435621514 0.07649565768517935 0.07185230199055727 0.006845322265786387 -0.030301523291225544 +32157,-0.06590058361668798,1,-0.17734112028772378 -0.16390597873628748 -0.04113601991201923 0.2127007580608927 0.38450491876205967 0.4768779926100785 0.899917400865587 1.1212506889761003 1.1506586083754 1.139416304242594 1.09029498434526 0.9711155215165207 0.7776423675737576 0.5098755225169705 0.18793619435621514 0.07649565768517935 0.07185230199055727 0.006845322265786387 -0.030301523291225544 -0.058161657458975696 +32158,-0.02720595282813535,1,-0.16390597873628748 -0.04113601991201923 0.2127007580608927 0.38450491876205967 0.4768779926100785 0.899917400865587 1.1212506889761003 1.1506586083754 1.139416304242594 1.09029498434526 0.9711155215165207 0.7776423675737576 0.5098755225169705 0.18793619435621514 0.07649565768517935 0.07185230199055727 0.006845322265786387 -0.030301523291225544 -0.058161657458975696 -0.06590058361668798 +32159,-0.07673508023748166,1,-0.04113601991201923 0.2127007580608927 0.38450491876205967 0.4768779926100785 0.899917400865587 1.1212506889761003 1.1506586083754 1.139416304242594 1.09029498434526 0.9711155215165207 0.7776423675737576 0.5098755225169705 0.18793619435621514 0.07649565768517935 0.07185230199055727 0.006845322265786387 -0.030301523291225544 -0.058161657458975696 -0.06590058361668798 -0.02720595282813535 +32160,-0.1665066236669301,1,0.2127007580608927 0.38450491876205967 0.4768779926100785 0.899917400865587 1.1212506889761003 1.1506586083754 1.139416304242594 1.09029498434526 0.9711155215165207 0.7776423675737576 0.5098755225169705 0.18793619435621514 0.07649565768517935 0.07185230199055727 0.006845322265786387 -0.030301523291225544 -0.058161657458975696 -0.06590058361668798 -0.02720595282813535 -0.07673508023748166 +32161,-0.12316863718374657,1,0.38450491876205967 0.4768779926100785 0.899917400865587 1.1212506889761003 1.1506586083754 1.139416304242594 1.09029498434526 0.9711155215165207 0.7776423675737576 0.5098755225169705 0.18793619435621514 0.07649565768517935 0.07185230199055727 0.006845322265786387 -0.030301523291225544 -0.058161657458975696 -0.06590058361668798 -0.02720595282813535 -0.07673508023748166 -0.1665066236669301 +32162,-0.008930030313323798,1,0.4768779926100785 0.899917400865587 1.1212506889761003 1.1506586083754 1.139416304242594 1.09029498434526 0.9711155215165207 0.7776423675737576 0.5098755225169705 0.18793619435621514 0.07649565768517935 0.07185230199055727 0.006845322265786387 -0.030301523291225544 -0.058161657458975696 -0.06590058361668798 -0.02720595282813535 -0.07673508023748166 -0.1665066236669301 -0.12316863718374657 +32163,0.40462612677210635,1,0.899917400865587 1.1212506889761003 1.1506586083754 1.139416304242594 1.09029498434526 0.9711155215165207 0.7776423675737576 0.5098755225169705 0.18793619435621514 0.07649565768517935 0.07185230199055727 0.006845322265786387 -0.030301523291225544 -0.058161657458975696 -0.06590058361668798 -0.02720595282813535 -0.07673508023748166 -0.1665066236669301 -0.12316863718374657 -0.008930030313323798 +32164,0.6987053207651116,1,1.1212506889761003 1.1506586083754 1.139416304242594 1.09029498434526 0.9711155215165207 0.7776423675737576 0.5098755225169705 0.18793619435621514 0.07649565768517935 0.07185230199055727 0.006845322265786387 -0.030301523291225544 -0.058161657458975696 -0.06590058361668798 -0.02720595282813535 -0.07673508023748166 -0.1665066236669301 -0.12316863718374657 -0.008930030313323798 0.40462612677210635 +32165,1.1212506889761003,1,1.1506586083754 1.139416304242594 1.09029498434526 0.9711155215165207 0.7776423675737576 0.5098755225169705 0.18793619435621514 0.07649565768517935 0.07185230199055727 0.006845322265786387 -0.030301523291225544 -0.058161657458975696 -0.06590058361668798 -0.02720595282813535 -0.07673508023748166 -0.1665066236669301 -0.12316863718374657 -0.008930030313323798 0.40462612677210635 0.6987053207651116 +32166,1.2197679524591813,1,1.139416304242594 1.09029498434526 0.9711155215165207 0.7776423675737576 0.5098755225169705 0.18793619435621514 0.07649565768517935 0.07185230199055727 0.006845322265786387 -0.030301523291225544 -0.058161657458975696 -0.06590058361668798 -0.02720595282813535 -0.07673508023748166 -0.1665066236669301 -0.12316863718374657 -0.008930030313323798 0.40462612677210635 0.6987053207651116 1.1212506889761003 +32167,1.630472030153456,1,1.09029498434526 0.9711155215165207 0.7776423675737576 0.5098755225169705 0.18793619435621514 0.07649565768517935 0.07185230199055727 0.006845322265786387 -0.030301523291225544 -0.058161657458975696 -0.06590058361668798 -0.02720595282813535 -0.07673508023748166 -0.1665066236669301 -0.12316863718374657 -0.008930030313323798 0.40462612677210635 0.6987053207651116 1.1212506889761003 1.2197679524591813 +32168,1.8239451840962193,1,0.9711155215165207 0.7776423675737576 0.5098755225169705 0.18793619435621514 0.07649565768517935 0.07185230199055727 0.006845322265786387 -0.030301523291225544 -0.058161657458975696 -0.06590058361668798 -0.02720595282813535 -0.07673508023748166 -0.1665066236669301 -0.12316863718374657 -0.008930030313323798 0.40462612677210635 0.6987053207651116 1.1212506889761003 1.2197679524591813 1.630472030153456 +32169,1.9245512241464526,1,0.7776423675737576 0.5098755225169705 0.18793619435621514 0.07649565768517935 0.07185230199055727 0.006845322265786387 -0.030301523291225544 -0.058161657458975696 -0.06590058361668798 -0.02720595282813535 -0.07673508023748166 -0.1665066236669301 -0.12316863718374657 -0.008930030313323798 0.40462612677210635 0.6987053207651116 1.1212506889761003 1.2197679524591813 1.630472030153456 1.8239451840962193 +32170,1.9251557375166488,1,0.5098755225169705 0.18793619435621514 0.07649565768517935 0.07185230199055727 0.006845322265786387 -0.030301523291225544 -0.058161657458975696 -0.06590058361668798 -0.02720595282813535 -0.07673508023748166 -0.1665066236669301 -0.12316863718374657 -0.008930030313323798 0.40462612677210635 0.6987053207651116 1.1212506889761003 1.2197679524591813 1.630472030153456 1.8239451840962193 1.9245512241464526 +32171,1.9276467946095428,1,0.18793619435621514 0.07649565768517935 0.07185230199055727 0.006845322265786387 -0.030301523291225544 -0.058161657458975696 -0.06590058361668798 -0.02720595282813535 -0.07673508023748166 -0.1665066236669301 -0.12316863718374657 -0.008930030313323798 0.40462612677210635 0.6987053207651116 1.1212506889761003 1.2197679524591813 1.630472030153456 1.8239451840962193 1.9245512241464526 1.9251557375166488 +32172,1.9199078684518305,1,0.07649565768517935 0.07185230199055727 0.006845322265786387 -0.030301523291225544 -0.058161657458975696 -0.06590058361668798 -0.02720595282813535 -0.07673508023748166 -0.1665066236669301 -0.12316863718374657 -0.008930030313323798 0.40462612677210635 0.6987053207651116 1.1212506889761003 1.2197679524591813 1.630472030153456 1.8239451840962193 1.9245512241464526 1.9251557375166488 1.9276467946095428 +32173,1.6196375335326625,1,0.07185230199055727 0.006845322265786387 -0.030301523291225544 -0.058161657458975696 -0.06590058361668798 -0.02720595282813535 -0.07673508023748166 -0.1665066236669301 -0.12316863718374657 -0.008930030313323798 0.40462612677210635 0.6987053207651116 1.1212506889761003 1.2197679524591813 1.630472030153456 1.8239451840962193 1.9245512241464526 1.9251557375166488 1.9276467946095428 1.9199078684518305 +32174,1.2915070644457354,1,0.006845322265786387 -0.030301523291225544 -0.058161657458975696 -0.06590058361668798 -0.02720595282813535 -0.07673508023748166 -0.1665066236669301 -0.12316863718374657 -0.008930030313323798 0.40462612677210635 0.6987053207651116 1.1212506889761003 1.2197679524591813 1.630472030153456 1.8239451840962193 1.9245512241464526 1.9251557375166488 1.9276467946095428 1.9199078684518305 1.6196375335326625 +32175,0.7915724346576326,1,-0.030301523291225544 -0.058161657458975696 -0.06590058361668798 -0.02720595282813535 -0.07673508023748166 -0.1665066236669301 -0.12316863718374657 -0.008930030313323798 0.40462612677210635 0.6987053207651116 1.1212506889761003 1.2197679524591813 1.630472030153456 1.8239451840962193 1.9245512241464526 1.9251557375166488 1.9276467946095428 1.9199078684518305 1.6196375335326625 1.2915070644457354 +32176,0.5625002203894071,1,-0.058161657458975696 -0.06590058361668798 -0.02720595282813535 -0.07673508023748166 -0.1665066236669301 -0.12316863718374657 -0.008930030313323798 0.40462612677210635 0.6987053207651116 1.1212506889761003 1.2197679524591813 1.630472030153456 1.8239451840962193 1.9245512241464526 1.9251557375166488 1.9276467946095428 1.9199078684518305 1.6196375335326625 1.2915070644457354 0.7915724346576326 +32177,0.3876004892251499,1,-0.06590058361668798 -0.02720595282813535 -0.07673508023748166 -0.1665066236669301 -0.12316863718374657 -0.008930030313323798 0.40462612677210635 0.6987053207651116 1.1212506889761003 1.2197679524591813 1.630472030153456 1.8239451840962193 1.9245512241464526 1.9251557375166488 1.9276467946095428 1.9199078684518305 1.6196375335326625 1.2915070644457354 0.7915724346576326 0.5625002203894071 +32178,0.24520424792327375,1,-0.02720595282813535 -0.07673508023748166 -0.1665066236669301 -0.12316863718374657 -0.008930030313323798 0.40462612677210635 0.6987053207651116 1.1212506889761003 1.2197679524591813 1.630472030153456 1.8239451840962193 1.9245512241464526 1.9251557375166488 1.9276467946095428 1.9199078684518305 1.6196375335326625 1.2915070644457354 0.7915724346576326 0.5625002203894071 0.3876004892251499 +32179,0.07185230199055727,1,-0.07673508023748166 -0.1665066236669301 -0.12316863718374657 -0.008930030313323798 0.40462612677210635 0.6987053207651116 1.1212506889761003 1.2197679524591813 1.630472030153456 1.8239451840962193 1.9245512241464526 1.9251557375166488 1.9276467946095428 1.9199078684518305 1.6196375335326625 1.2915070644457354 0.7915724346576326 0.5625002203894071 0.3876004892251499 0.24520424792327375 +32180,-0.019467026670423066,1,-0.1665066236669301 -0.12316863718374657 -0.008930030313323798 0.40462612677210635 0.6987053207651116 1.1212506889761003 1.2197679524591813 1.630472030153456 1.8239451840962193 1.9245512241464526 1.9251557375166488 1.9276467946095428 1.9199078684518305 1.6196375335326625 1.2915070644457354 0.7915724346576326 0.5625002203894071 0.3876004892251499 0.24520424792327375 0.07185230199055727 +32181,-0.06590058361668798,1,-0.12316863718374657 -0.008930030313323798 0.40462612677210635 0.6987053207651116 1.1212506889761003 1.2197679524591813 1.630472030153456 1.8239451840962193 1.9245512241464526 1.9251557375166488 1.9276467946095428 1.9199078684518305 1.6196375335326625 1.2915070644457354 0.7915724346576326 0.5625002203894071 0.3876004892251499 0.24520424792327375 0.07185230199055727 -0.019467026670423066 +32182,-0.14328984519379323,1,-0.008930030313323798 0.40462612677210635 0.6987053207651116 1.1212506889761003 1.2197679524591813 1.630472030153456 1.8239451840962193 1.9245512241464526 1.9251557375166488 1.9276467946095428 1.9199078684518305 1.6196375335326625 1.2915070644457354 0.7915724346576326 0.5625002203894071 0.3876004892251499 0.24520424792327375 0.07185230199055727 -0.019467026670423066 -0.06590058361668798 +32183,-0.23460917385478236,1,0.40462612677210635 0.6987053207651116 1.1212506889761003 1.2197679524591813 1.630472030153456 1.8239451840962193 1.9245512241464526 1.9251557375166488 1.9276467946095428 1.9199078684518305 1.6196375335326625 1.2915070644457354 0.7915724346576326 0.5625002203894071 0.3876004892251499 0.24520424792327375 0.07185230199055727 -0.019467026670423066 -0.06590058361668798 -0.14328984519379323 +32184,-0.2810427308010473,1,0.6987053207651116 1.1212506889761003 1.2197679524591813 1.630472030153456 1.8239451840962193 1.9245512241464526 1.9251557375166488 1.9276467946095428 1.9199078684518305 1.6196375335326625 1.2915070644457354 0.7915724346576326 0.5625002203894071 0.3876004892251499 0.24520424792327375 0.07185230199055727 -0.019467026670423066 -0.06590058361668798 -0.14328984519379323 -0.23460917385478236 +32185,-0.30425950927417533,1,1.1212506889761003 1.2197679524591813 1.630472030153456 1.8239451840962193 1.9245512241464526 1.9251557375166488 1.9276467946095428 1.9199078684518305 1.6196375335326625 1.2915070644457354 0.7915724346576326 0.5625002203894071 0.3876004892251499 0.24520424792327375 0.07185230199055727 -0.019467026670423066 -0.06590058361668798 -0.14328984519379323 -0.23460917385478236 -0.2810427308010473 +32186,0.03780102689662673,1,1.2197679524591813 1.630472030153456 1.8239451840962193 1.9245512241464526 1.9251557375166488 1.9276467946095428 1.9199078684518305 1.6196375335326625 1.2915070644457354 0.7915724346576326 0.5625002203894071 0.3876004892251499 0.24520424792327375 0.07185230199055727 -0.019467026670423066 -0.06590058361668798 -0.14328984519379323 -0.23460917385478236 -0.2810427308010473 -0.30425950927417533 +32187,0.41855619385599024,1,1.630472030153456 1.8239451840962193 1.9245512241464526 1.9251557375166488 1.9276467946095428 1.9199078684518305 1.6196375335326625 1.2915070644457354 0.7915724346576326 0.5625002203894071 0.3876004892251499 0.24520424792327375 0.07185230199055727 -0.019467026670423066 -0.06590058361668798 -0.14328984519379323 -0.23460917385478236 -0.2810427308010473 -0.30425950927417533 0.03780102689662673 +32188,0.7946680051207228,1,1.8239451840962193 1.9245512241464526 1.9251557375166488 1.9276467946095428 1.9199078684518305 1.6196375335326625 1.2915070644457354 0.7915724346576326 0.5625002203894071 0.3876004892251499 0.24520424792327375 0.07185230199055727 -0.019467026670423066 -0.06590058361668798 -0.14328984519379323 -0.23460917385478236 -0.2810427308010473 -0.30425950927417533 0.03780102689662673 0.41855619385599024 +32189,1.2481690779625607,1,1.9245512241464526 1.9251557375166488 1.9276467946095428 1.9199078684518305 1.6196375335326625 1.2915070644457354 0.7915724346576326 0.5625002203894071 0.3876004892251499 0.24520424792327375 0.07185230199055727 -0.019467026670423066 -0.06590058361668798 -0.14328984519379323 -0.23460917385478236 -0.2810427308010473 -0.30425950927417533 0.03780102689662673 0.41855619385599024 0.7946680051207228 +32190,1.6629755200158371,1,1.9251557375166488 1.9276467946095428 1.9199078684518305 1.6196375335326625 1.2915070644457354 0.7915724346576326 0.5625002203894071 0.3876004892251499 0.24520424792327375 0.07185230199055727 -0.019467026670423066 -0.06590058361668798 -0.14328984519379323 -0.23460917385478236 -0.2810427308010473 -0.30425950927417533 0.03780102689662673 0.41855619385599024 0.7946680051207228 1.2481690779625607 +32191,1.9369335059987958,1,1.9276467946095428 1.9199078684518305 1.6196375335326625 1.2915070644457354 0.7915724346576326 0.5625002203894071 0.3876004892251499 0.24520424792327375 0.07185230199055727 -0.019467026670423066 -0.06590058361668798 -0.14328984519379323 -0.23460917385478236 -0.2810427308010473 -0.30425950927417533 0.03780102689662673 0.41855619385599024 0.7946680051207228 1.2481690779625607 1.6629755200158371 +32192,2.1025465257738,1,1.9199078684518305 1.6196375335326625 1.2915070644457354 0.7915724346576326 0.5625002203894071 0.3876004892251499 0.24520424792327375 0.07185230199055727 -0.019467026670423066 -0.06590058361668798 -0.14328984519379323 -0.23460917385478236 -0.2810427308010473 -0.30425950927417533 0.03780102689662673 0.41855619385599024 0.7946680051207228 1.2481690779625607 1.6629755200158371 1.9369335059987958 +32193,2.2805418274011386,1,1.6196375335326625 1.2915070644457354 0.7915724346576326 0.5625002203894071 0.3876004892251499 0.24520424792327375 0.07185230199055727 -0.019467026670423066 -0.06590058361668798 -0.14328984519379323 -0.23460917385478236 -0.2810427308010473 -0.30425950927417533 0.03780102689662673 0.41855619385599024 0.7946680051207228 1.2481690779625607 1.6629755200158371 1.9369335059987958 2.1025465257738 +32194,2.396625719766796,1,1.2915070644457354 0.7915724346576326 0.5625002203894071 0.3876004892251499 0.24520424792327375 0.07185230199055727 -0.019467026670423066 -0.06590058361668798 -0.14328984519379323 -0.23460917385478236 -0.2810427308010473 -0.30425950927417533 0.03780102689662673 0.41855619385599024 0.7946680051207228 1.2481690779625607 1.6629755200158371 1.9369335059987958 2.1025465257738 2.2805418274011386 +32195,2.3594788742097843,1,0.7915724346576326 0.5625002203894071 0.3876004892251499 0.24520424792327375 0.07185230199055727 -0.019467026670423066 -0.06590058361668798 -0.14328984519379323 -0.23460917385478236 -0.2810427308010473 -0.30425950927417533 0.03780102689662673 0.41855619385599024 0.7946680051207228 1.2481690779625607 1.6629755200158371 1.9369335059987958 2.1025465257738 2.2805418274011386 2.396625719766796 +32196,2.189222498740158,1,0.5625002203894071 0.3876004892251499 0.24520424792327375 0.07185230199055727 -0.019467026670423066 -0.06590058361668798 -0.14328984519379323 -0.23460917385478236 -0.2810427308010473 -0.30425950927417533 0.03780102689662673 0.41855619385599024 0.7946680051207228 1.2481690779625607 1.6629755200158371 1.9369335059987958 2.1025465257738 2.2805418274011386 2.396625719766796 2.3594788742097843 +32197,1.8316841102539314,1,0.3876004892251499 0.24520424792327375 0.07185230199055727 -0.019467026670423066 -0.06590058361668798 -0.14328984519379323 -0.23460917385478236 -0.2810427308010473 -0.30425950927417533 0.03780102689662673 0.41855619385599024 0.7946680051207228 1.2481690779625607 1.6629755200158371 1.9369335059987958 2.1025465257738 2.2805418274011386 2.396625719766796 2.3594788742097843 2.189222498740158 +32198,1.3704441112543813,1,0.24520424792327375 0.07185230199055727 -0.019467026670423066 -0.06590058361668798 -0.14328984519379323 -0.23460917385478236 -0.2810427308010473 -0.30425950927417533 0.03780102689662673 0.41855619385599024 0.7946680051207228 1.2481690779625607 1.6629755200158371 1.9369335059987958 2.1025465257738 2.2805418274011386 2.396625719766796 2.3594788742097843 2.189222498740158 1.8316841102539314 +32199,0.9339686759595087,1,0.07185230199055727 -0.019467026670423066 -0.06590058361668798 -0.14328984519379323 -0.23460917385478236 -0.2810427308010473 -0.30425950927417533 0.03780102689662673 0.41855619385599024 0.7946680051207228 1.2481690779625607 1.6629755200158371 1.9369335059987958 2.1025465257738 2.2805418274011386 2.396625719766796 2.3594788742097843 2.189222498740158 1.8316841102539314 1.3704441112543813 +32200,0.6770363275235243,1,-0.019467026670423066 -0.06590058361668798 -0.14328984519379323 -0.23460917385478236 -0.2810427308010473 -0.30425950927417533 0.03780102689662673 0.41855619385599024 0.7946680051207228 1.2481690779625607 1.6629755200158371 1.9369335059987958 2.1025465257738 2.2805418274011386 2.396625719766796 2.3594788742097843 2.189222498740158 1.8316841102539314 1.3704441112543813 0.9339686759595087 +32201,0.4742764621915081,1,-0.06590058361668798 -0.14328984519379323 -0.23460917385478236 -0.2810427308010473 -0.30425950927417533 0.03780102689662673 0.41855619385599024 0.7946680051207228 1.2481690779625607 1.6629755200158371 1.9369335059987958 2.1025465257738 2.2805418274011386 2.396625719766796 2.3594788742097843 2.189222498740158 1.8316841102539314 1.3704441112543813 0.9339686759595087 0.6770363275235243 +32202,0.25294317408098604,1,-0.14328984519379323 -0.23460917385478236 -0.2810427308010473 -0.30425950927417533 0.03780102689662673 0.41855619385599024 0.7946680051207228 1.2481690779625607 1.6629755200158371 1.9369335059987958 2.1025465257738 2.2805418274011386 2.396625719766796 2.3594788742097843 2.189222498740158 1.8316841102539314 1.3704441112543813 0.9339686759595087 0.6770363275235243 0.4742764621915081 +32203,0.2080574023662618,1,-0.23460917385478236 -0.2810427308010473 -0.30425950927417533 0.03780102689662673 0.41855619385599024 0.7946680051207228 1.2481690779625607 1.6629755200158371 1.9369335059987958 2.1025465257738 2.2805418274011386 2.396625719766796 2.3594788742097843 2.189222498740158 1.8316841102539314 1.3704441112543813 0.9339686759595087 0.6770363275235243 0.4742764621915081 0.25294317408098604 +32204,0.15233713403074392,1,-0.2810427308010473 -0.30425950927417533 0.03780102689662673 0.41855619385599024 0.7946680051207228 1.2481690779625607 1.6629755200158371 1.9369335059987958 2.1025465257738 2.2805418274011386 2.396625719766796 2.3594788742097843 2.189222498740158 1.8316841102539314 1.3704441112543813 0.9339686759595087 0.6770363275235243 0.4742764621915081 0.25294317408098604 0.2080574023662618 +32205,0.09042572476906323,1,-0.30425950927417533 0.03780102689662673 0.41855619385599024 0.7946680051207228 1.2481690779625607 1.6629755200158371 1.9369335059987958 2.1025465257738 2.2805418274011386 2.396625719766796 2.3594788742097843 2.189222498740158 1.8316841102539314 1.3704441112543813 0.9339686759595087 0.6770363275235243 0.4742764621915081 0.25294317408098604 0.2080574023662618 0.15233713403074392 +32206,0.054826664443592,1,0.03780102689662673 0.41855619385599024 0.7946680051207228 1.2481690779625607 1.6629755200158371 1.9369335059987958 2.1025465257738 2.2805418274011386 2.396625719766796 2.3594788742097843 2.189222498740158 1.8316841102539314 1.3704441112543813 0.9339686759595087 0.6770363275235243 0.4742764621915081 0.25294317408098604 0.2080574023662618 0.15233713403074392 0.09042572476906323 +32207,-0.04732716083818202,1,0.41855619385599024 0.7946680051207228 1.2481690779625607 1.6629755200158371 1.9369335059987958 2.1025465257738 2.2805418274011386 2.396625719766796 2.3594788742097843 2.189222498740158 1.8316841102539314 1.3704441112543813 0.9339686759595087 0.6770363275235243 0.4742764621915081 0.25294317408098604 0.2080574023662618 0.15233713403074392 0.09042572476906323 0.054826664443592 +32208,-0.15257655658304622,1,0.7946680051207228 1.2481690779625607 1.6629755200158371 1.9369335059987958 2.1025465257738 2.2805418274011386 2.396625719766796 2.3594788742097843 2.189222498740158 1.8316841102539314 1.3704441112543813 0.9339686759595087 0.6770363275235243 0.4742764621915081 0.25294317408098604 0.2080574023662618 0.15233713403074392 0.09042572476906323 0.054826664443592 -0.04732716083818202 +32209,-0.014823670975800974,1,1.2481690779625607 1.6629755200158371 1.9369335059987958 2.1025465257738 2.2805418274011386 2.396625719766796 2.3594788742097843 2.189222498740158 1.8316841102539314 1.3704441112543813 0.9339686759595087 0.6770363275235243 0.4742764621915081 0.25294317408098604 0.2080574023662618 0.15233713403074392 0.09042572476906323 0.054826664443592 -0.04732716083818202 -0.15257655658304622 +32210,0.3272368651950011,1,1.6629755200158371 1.9369335059987958 2.1025465257738 2.2805418274011386 2.396625719766796 2.3594788742097843 2.189222498740158 1.8316841102539314 1.3704441112543813 0.9339686759595087 0.6770363275235243 0.4742764621915081 0.25294317408098604 0.2080574023662618 0.15233713403074392 0.09042572476906323 0.054826664443592 -0.04732716083818202 -0.15257655658304622 -0.014823670975800974 +32211,0.6816796832181463,1,1.9369335059987958 2.1025465257738 2.2805418274011386 2.396625719766796 2.3594788742097843 2.189222498740158 1.8316841102539314 1.3704441112543813 0.9339686759595087 0.6770363275235243 0.4742764621915081 0.25294317408098604 0.2080574023662618 0.15233713403074392 0.09042572476906323 0.054826664443592 -0.04732716083818202 -0.15257655658304622 -0.014823670975800974 0.3272368651950011 +32212,1.0051667966104425,1,2.1025465257738 2.2805418274011386 2.396625719766796 2.3594788742097843 2.189222498740158 1.8316841102539314 1.3704441112543813 0.9339686759595087 0.6770363275235243 0.4742764621915081 0.25294317408098604 0.2080574023662618 0.15233713403074392 0.09042572476906323 0.054826664443592 -0.04732716083818202 -0.15257655658304622 -0.014823670975800974 0.3272368651950011 0.6816796832181463 +32213,1.334845050928919,1,2.2805418274011386 2.396625719766796 2.3594788742097843 2.189222498740158 1.8316841102539314 1.3704441112543813 0.9339686759595087 0.6770363275235243 0.4742764621915081 0.25294317408098604 0.2080574023662618 0.15233713403074392 0.09042572476906323 0.054826664443592 -0.04732716083818202 -0.15257655658304622 -0.014823670975800974 0.3272368651950011 0.6816796832181463 1.0051667966104425 +32214,1.5205792787139698,1,2.396625719766796 2.3594788742097843 2.189222498740158 1.8316841102539314 1.3704441112543813 0.9339686759595087 0.6770363275235243 0.4742764621915081 0.25294317408098604 0.2080574023662618 0.15233713403074392 0.09042572476906323 0.054826664443592 -0.04732716083818202 -0.15257655658304622 -0.014823670975800974 0.3272368651950011 0.6816796832181463 1.0051667966104425 1.334845050928919 +32215,1.6428543120057904,1,2.3594788742097843 2.189222498740158 1.8316841102539314 1.3704441112543813 0.9339686759595087 0.6770363275235243 0.4742764621915081 0.25294317408098604 0.2080574023662618 0.15233713403074392 0.09042572476906323 0.054826664443592 -0.04732716083818202 -0.15257655658304622 -0.014823670975800974 0.3272368651950011 0.6816796832181463 1.0051667966104425 1.334845050928919 1.5205792787139698 +32216,1.797632835160001,1,2.189222498740158 1.8316841102539314 1.3704441112543813 0.9339686759595087 0.6770363275235243 0.4742764621915081 0.25294317408098604 0.2080574023662618 0.15233713403074392 0.09042572476906323 0.054826664443592 -0.04732716083818202 -0.15257655658304622 -0.014823670975800974 0.3272368651950011 0.6816796832181463 1.0051667966104425 1.334845050928919 1.5205792787139698 1.6428543120057904 +32217,1.8285885397908501,1,1.8316841102539314 1.3704441112543813 0.9339686759595087 0.6770363275235243 0.4742764621915081 0.25294317408098604 0.2080574023662618 0.15233713403074392 0.09042572476906323 0.054826664443592 -0.04732716083818202 -0.15257655658304622 -0.014823670975800974 0.3272368651950011 0.6816796832181463 1.0051667966104425 1.334845050928919 1.5205792787139698 1.6428543120057904 1.797632835160001 +32218,1.8765698819686558,1,1.3704441112543813 0.9339686759595087 0.6770363275235243 0.4742764621915081 0.25294317408098604 0.2080574023662618 0.15233713403074392 0.09042572476906323 0.054826664443592 -0.04732716083818202 -0.15257655658304622 -0.014823670975800974 0.3272368651950011 0.6816796832181463 1.0051667966104425 1.334845050928919 1.5205792787139698 1.6428543120057904 1.797632835160001 1.8285885397908501 +32219,1.8610920296532312,1,0.9339686759595087 0.6770363275235243 0.4742764621915081 0.25294317408098604 0.2080574023662618 0.15233713403074392 0.09042572476906323 0.054826664443592 -0.04732716083818202 -0.15257655658304622 -0.014823670975800974 0.3272368651950011 0.6816796832181463 1.0051667966104425 1.334845050928919 1.5205792787139698 1.6428543120057904 1.797632835160001 1.8285885397908501 1.8765698819686558 +32220,1.732625855435239,1,0.6770363275235243 0.4742764621915081 0.25294317408098604 0.2080574023662618 0.15233713403074392 0.09042572476906323 0.054826664443592 -0.04732716083818202 -0.15257655658304622 -0.014823670975800974 0.3272368651950011 0.6816796832181463 1.0051667966104425 1.334845050928919 1.5205792787139698 1.6428543120057904 1.797632835160001 1.8285885397908501 1.8765698819686558 1.8610920296532312 +32221,1.625828674458834,1,0.4742764621915081 0.25294317408098604 0.2080574023662618 0.15233713403074392 0.09042572476906323 0.054826664443592 -0.04732716083818202 -0.15257655658304622 -0.014823670975800974 0.3272368651950011 0.6816796832181463 1.0051667966104425 1.334845050928919 1.5205792787139698 1.6428543120057904 1.797632835160001 1.8285885397908501 1.8765698819686558 1.8610920296532312 1.732625855435239 +32222,1.1460152526807779,1,0.25294317408098604 0.2080574023662618 0.15233713403074392 0.09042572476906323 0.054826664443592 -0.04732716083818202 -0.15257655658304622 -0.014823670975800974 0.3272368651950011 0.6816796832181463 1.0051667966104425 1.334845050928919 1.5205792787139698 1.6428543120057904 1.797632835160001 1.8285885397908501 1.8765698819686558 1.8610920296532312 1.732625855435239 1.625828674458834 +32223,0.7931202198891821,1,0.2080574023662618 0.15233713403074392 0.09042572476906323 0.054826664443592 -0.04732716083818202 -0.15257655658304622 -0.014823670975800974 0.3272368651950011 0.6816796832181463 1.0051667966104425 1.334845050928919 1.5205792787139698 1.6428543120057904 1.797632835160001 1.8285885397908501 1.8765698819686558 1.8610920296532312 1.732625855435239 1.625828674458834 1.1460152526807779 +32224,0.581073643167913,1,0.15233713403074392 0.09042572476906323 0.054826664443592 -0.04732716083818202 -0.15257655658304622 -0.014823670975800974 0.3272368651950011 0.6816796832181463 1.0051667966104425 1.334845050928919 1.5205792787139698 1.6428543120057904 1.797632835160001 1.8285885397908501 1.8765698819686558 1.8610920296532312 1.732625855435239 1.625828674458834 1.1460152526807779 0.7931202198891821 +32225,0.392243844919772,1,0.09042572476906323 0.054826664443592 -0.04732716083818202 -0.15257655658304622 -0.014823670975800974 0.3272368651950011 0.6816796832181463 1.0051667966104425 1.334845050928919 1.5205792787139698 1.6428543120057904 1.797632835160001 1.8285885397908501 1.8765698819686558 1.8610920296532312 1.732625855435239 1.625828674458834 1.1460152526807779 0.7931202198891821 0.581073643167913 +32226,0.16626720111462778,1,0.054826664443592 -0.04732716083818202 -0.15257655658304622 -0.014823670975800974 0.3272368651950011 0.6816796832181463 1.0051667966104425 1.334845050928919 1.5205792787139698 1.6428543120057904 1.797632835160001 1.8285885397908501 1.8765698819686558 1.8610920296532312 1.732625855435239 1.625828674458834 1.1460152526807779 0.7931202198891821 0.581073643167913 0.392243844919772 +32227,0.04244438259125762,1,-0.04732716083818202 -0.15257655658304622 -0.014823670975800974 0.3272368651950011 0.6816796832181463 1.0051667966104425 1.334845050928919 1.5205792787139698 1.6428543120057904 1.797632835160001 1.8285885397908501 1.8765698819686558 1.8610920296532312 1.732625855435239 1.625828674458834 1.1460152526807779 0.7931202198891821 0.581073643167913 0.392243844919772 0.16626720111462778 +32228,-0.0535183017643536,1,-0.15257655658304622 -0.014823670975800974 0.3272368651950011 0.6816796832181463 1.0051667966104425 1.334845050928919 1.5205792787139698 1.6428543120057904 1.797632835160001 1.8285885397908501 1.8765698819686558 1.8610920296532312 1.732625855435239 1.625828674458834 1.1460152526807779 0.7931202198891821 0.581073643167913 0.392243844919772 0.16626720111462778 0.04244438259125762 +32229,-0.14948098611996483,1,-0.014823670975800974 0.3272368651950011 0.6816796832181463 1.0051667966104425 1.334845050928919 1.5205792787139698 1.6428543120057904 1.797632835160001 1.8285885397908501 1.8765698819686558 1.8610920296532312 1.732625855435239 1.625828674458834 1.1460152526807779 0.7931202198891821 0.581073643167913 0.392243844919772 0.16626720111462778 0.04244438259125762 -0.0535183017643536 +32230,-0.2253224624655294,1,0.3272368651950011 0.6816796832181463 1.0051667966104425 1.334845050928919 1.5205792787139698 1.6428543120057904 1.797632835160001 1.8285885397908501 1.8765698819686558 1.8610920296532312 1.732625855435239 1.625828674458834 1.1460152526807779 0.7931202198891821 0.581073643167913 0.392243844919772 0.16626720111462778 0.04244438259125762 -0.0535183017643536 -0.14948098611996483 +32231,-0.30425950927417533,1,0.6816796832181463 1.0051667966104425 1.334845050928919 1.5205792787139698 1.6428543120057904 1.797632835160001 1.8285885397908501 1.8765698819686558 1.8610920296532312 1.732625855435239 1.625828674458834 1.1460152526807779 0.7931202198891821 0.581073643167913 0.392243844919772 0.16626720111462778 0.04244438259125762 -0.0535183017643536 -0.14948098611996483 -0.2253224624655294 +32232,-0.40022219362978656,1,1.0051667966104425 1.334845050928919 1.5205792787139698 1.6428543120057904 1.797632835160001 1.8285885397908501 1.8765698819686558 1.8610920296532312 1.732625855435239 1.625828674458834 1.1460152526807779 0.7931202198891821 0.581073643167913 0.392243844919772 0.16626720111462778 0.04244438259125762 -0.0535183017643536 -0.14948098611996483 -0.2253224624655294 -0.30425950927417533 +32233,-0.29961615357954446,1,1.334845050928919 1.5205792787139698 1.6428543120057904 1.797632835160001 1.8285885397908501 1.8765698819686558 1.8610920296532312 1.732625855435239 1.625828674458834 1.1460152526807779 0.7931202198891821 0.581073643167913 0.392243844919772 0.16626720111462778 0.04244438259125762 -0.0535183017643536 -0.14948098611996483 -0.2253224624655294 -0.30425950927417533 -0.40022219362978656 +32234,-0.08292622116365325,1,1.5205792787139698 1.6428543120057904 1.797632835160001 1.8285885397908501 1.8765698819686558 1.8610920296532312 1.732625855435239 1.625828674458834 1.1460152526807779 0.7931202198891821 0.581073643167913 0.392243844919772 0.16626720111462778 0.04244438259125762 -0.0535183017643536 -0.14948098611996483 -0.2253224624655294 -0.30425950927417533 -0.40022219362978656 -0.29961615357954446 +32235,0.09971243615831621,1,1.6428543120057904 1.797632835160001 1.8285885397908501 1.8765698819686558 1.8610920296532312 1.732625855435239 1.625828674458834 1.1460152526807779 0.7931202198891821 0.581073643167913 0.392243844919772 0.16626720111462778 0.04244438259125762 -0.0535183017643536 -0.14948098611996483 -0.2253224624655294 -0.30425950927417533 -0.40022219362978656 -0.29961615357954446 -0.08292622116365325 +32236,0.38140934829897827,1,1.797632835160001 1.8285885397908501 1.8765698819686558 1.8610920296532312 1.732625855435239 1.625828674458834 1.1460152526807779 0.7931202198891821 0.581073643167913 0.392243844919772 0.16626720111462778 0.04244438259125762 -0.0535183017643536 -0.14948098611996483 -0.2253224624655294 -0.30425950927417533 -0.40022219362978656 -0.29961615357954446 -0.08292622116365325 0.09971243615831621 +32237,0.5655957908524885,1,1.8285885397908501 1.8765698819686558 1.8610920296532312 1.732625855435239 1.625828674458834 1.1460152526807779 0.7931202198891821 0.581073643167913 0.392243844919772 0.16626720111462778 0.04244438259125762 -0.0535183017643536 -0.14948098611996483 -0.2253224624655294 -0.30425950927417533 -0.40022219362978656 -0.29961615357954446 -0.08292622116365325 0.09971243615831621 0.38140934829897827 +32238,0.8147892131307695,1,1.8765698819686558 1.8610920296532312 1.732625855435239 1.625828674458834 1.1460152526807779 0.7931202198891821 0.581073643167913 0.392243844919772 0.16626720111462778 0.04244438259125762 -0.0535183017643536 -0.14948098611996483 -0.2253224624655294 -0.30425950927417533 -0.40022219362978656 -0.29961615357954446 -0.08292622116365325 0.09971243615831621 0.38140934829897827 0.5655957908524885 +32239,1.0221924341574078,1,1.8610920296532312 1.732625855435239 1.625828674458834 1.1460152526807779 0.7931202198891821 0.581073643167913 0.392243844919772 0.16626720111462778 0.04244438259125762 -0.0535183017643536 -0.14948098611996483 -0.2253224624655294 -0.30425950927417533 -0.40022219362978656 -0.29961615357954446 -0.08292622116365325 0.09971243615831621 0.38140934829897827 0.5655957908524885 0.8147892131307695 +32240,1.2110222324055488,1,1.732625855435239 1.625828674458834 1.1460152526807779 0.7931202198891821 0.581073643167913 0.392243844919772 0.16626720111462778 0.04244438259125762 -0.0535183017643536 -0.14948098611996483 -0.2253224624655294 -0.30425950927417533 -0.40022219362978656 -0.29961615357954446 -0.08292622116365325 0.09971243615831621 0.38140934829897827 0.5655957908524885 0.8147892131307695 1.0221924341574078 +32241,1.2946026349088169,1,1.625828674458834 1.1460152526807779 0.7931202198891821 0.581073643167913 0.392243844919772 0.16626720111462778 0.04244438259125762 -0.0535183017643536 -0.14948098611996483 -0.2253224624655294 -0.30425950927417533 -0.40022219362978656 -0.29961615357954446 -0.08292622116365325 0.09971243615831621 0.38140934829897827 0.5655957908524885 0.8147892131307695 1.0221924341574078 1.2110222324055488 +32242,1.2915070644457354,1,1.1460152526807779 0.7931202198891821 0.581073643167913 0.392243844919772 0.16626720111462778 0.04244438259125762 -0.0535183017643536 -0.14948098611996483 -0.2253224624655294 -0.30425950927417533 -0.40022219362978656 -0.29961615357954446 -0.08292622116365325 0.09971243615831621 0.38140934829897827 0.5655957908524885 0.8147892131307695 1.0221924341574078 1.2110222324055488 1.2946026349088169 +32243,1.2357867961102176,1,0.7931202198891821 0.581073643167913 0.392243844919772 0.16626720111462778 0.04244438259125762 -0.0535183017643536 -0.14948098611996483 -0.2253224624655294 -0.30425950927417533 -0.40022219362978656 -0.29961615357954446 -0.08292622116365325 0.09971243615831621 0.38140934829897827 0.5655957908524885 0.8147892131307695 1.0221924341574078 1.2110222324055488 1.2946026349088169 1.2915070644457354 +32244,1.1212506889761003,1,0.581073643167913 0.392243844919772 0.16626720111462778 0.04244438259125762 -0.0535183017643536 -0.14948098611996483 -0.2253224624655294 -0.30425950927417533 -0.40022219362978656 -0.29961615357954446 -0.08292622116365325 0.09971243615831621 0.38140934829897827 0.5655957908524885 0.8147892131307695 1.0221924341574078 1.2110222324055488 1.2946026349088169 1.2915070644457354 1.2357867961102176 +32245,1.0082623670735327,1,0.392243844919772 0.16626720111462778 0.04244438259125762 -0.0535183017643536 -0.14948098611996483 -0.2253224624655294 -0.30425950927417533 -0.40022219362978656 -0.29961615357954446 -0.08292622116365325 0.09971243615831621 0.38140934829897827 0.5655957908524885 0.8147892131307695 1.0221924341574078 1.2110222324055488 1.2946026349088169 1.2915070644457354 1.2357867961102176 1.1212506889761003 +32246,0.7358521663221236,1,0.16626720111462778 0.04244438259125762 -0.0535183017643536 -0.14948098611996483 -0.2253224624655294 -0.30425950927417533 -0.40022219362978656 -0.29961615357954446 -0.08292622116365325 0.09971243615831621 0.38140934829897827 0.5655957908524885 0.8147892131307695 1.0221924341574078 1.2110222324055488 1.2946026349088169 1.2915070644457354 1.2357867961102176 1.1212506889761003 1.0082623670735327 +32247,0.30247230149033233,1,0.04244438259125762 -0.0535183017643536 -0.14948098611996483 -0.2253224624655294 -0.30425950927417533 -0.40022219362978656 -0.29961615357954446 -0.08292622116365325 0.09971243615831621 0.38140934829897827 0.5655957908524885 0.8147892131307695 1.0221924341574078 1.2110222324055488 1.2946026349088169 1.2915070644457354 1.2357867961102176 1.1212506889761003 1.0082623670735327 0.7358521663221236 +32248,0.06101780536976358,1,-0.0535183017643536 -0.14948098611996483 -0.2253224624655294 -0.30425950927417533 -0.40022219362978656 -0.29961615357954446 -0.08292622116365325 0.09971243615831621 0.38140934829897827 0.5655957908524885 0.8147892131307695 1.0221924341574078 1.2110222324055488 1.2946026349088169 1.2915070644457354 1.2357867961102176 1.1212506889761003 1.0082623670735327 0.7358521663221236 0.30247230149033233 +32249,-0.07828286546903115,1,-0.14948098611996483 -0.2253224624655294 -0.30425950927417533 -0.40022219362978656 -0.29961615357954446 -0.08292622116365325 0.09971243615831621 0.38140934829897827 0.5655957908524885 0.8147892131307695 1.0221924341574078 1.2110222324055488 1.2946026349088169 1.2915070644457354 1.2357867961102176 1.1212506889761003 1.0082623670735327 0.7358521663221236 0.30247230149033233 0.06101780536976358 +32250,-0.2175835363078171,1,-0.2253224624655294 -0.30425950927417533 -0.40022219362978656 -0.29961615357954446 -0.08292622116365325 0.09971243615831621 0.38140934829897827 0.5655957908524885 0.8147892131307695 1.0221924341574078 1.2110222324055488 1.2946026349088169 1.2915070644457354 1.2357867961102176 1.1212506889761003 1.0082623670735327 0.7358521663221236 0.30247230149033233 0.06101780536976358 -0.07828286546903115 +32251,-0.2671126637171634,1,-0.30425950927417533 -0.40022219362978656 -0.29961615357954446 -0.08292622116365325 0.09971243615831621 0.38140934829897827 0.5655957908524885 0.8147892131307695 1.0221924341574078 1.2110222324055488 1.2946026349088169 1.2915070644457354 1.2357867961102176 1.1212506889761003 1.0082623670735327 0.7358521663221236 0.30247230149033233 0.06101780536976358 -0.07828286546903115 -0.2175835363078171 +32252,-0.315094005894969,1,-0.40022219362978656 -0.29961615357954446 -0.08292622116365325 0.09971243615831621 0.38140934829897827 0.5655957908524885 0.8147892131307695 1.0221924341574078 1.2110222324055488 1.2946026349088169 1.2915070644457354 1.2357867961102176 1.1212506889761003 1.0082623670735327 0.7358521663221236 0.30247230149033233 0.06101780536976358 -0.07828286546903115 -0.2175835363078171 -0.2671126637171634 +32253,-0.3305718582103936,1,-0.29961615357954446 -0.08292622116365325 0.09971243615831621 0.38140934829897827 0.5655957908524885 0.8147892131307695 1.0221924341574078 1.2110222324055488 1.2946026349088169 1.2915070644457354 1.2357867961102176 1.1212506889761003 1.0082623670735327 0.7358521663221236 0.30247230149033233 0.06101780536976358 -0.07828286546903115 -0.2175835363078171 -0.2671126637171634 -0.315094005894969 +32254,-0.3708142742304869,1,-0.08292622116365325 0.09971243615831621 0.38140934829897827 0.5655957908524885 0.8147892131307695 1.0221924341574078 1.2110222324055488 1.2946026349088169 1.2915070644457354 1.2357867961102176 1.1212506889761003 1.0082623670735327 0.7358521663221236 0.30247230149033233 0.06101780536976358 -0.07828286546903115 -0.2175835363078171 -0.2671126637171634 -0.315094005894969 -0.3305718582103936 +32255,-0.3909354822405336,1,0.09971243615831621 0.38140934829897827 0.5655957908524885 0.8147892131307695 1.0221924341574078 1.2110222324055488 1.2946026349088169 1.2915070644457354 1.2357867961102176 1.1212506889761003 1.0082623670735327 0.7358521663221236 0.30247230149033233 0.06101780536976358 -0.07828286546903115 -0.2175835363078171 -0.2671126637171634 -0.315094005894969 -0.3305718582103936 -0.3708142742304869 +32256,-0.4126044754821209,1,0.38140934829897827 0.5655957908524885 0.8147892131307695 1.0221924341574078 1.2110222324055488 1.2946026349088169 1.2915070644457354 1.2357867961102176 1.1212506889761003 1.0082623670735327 0.7358521663221236 0.30247230149033233 0.06101780536976358 -0.07828286546903115 -0.2175835363078171 -0.2671126637171634 -0.315094005894969 -0.3305718582103936 -0.3708142742304869 -0.3909354822405336 +32257,-0.4234389721029146,1,0.5655957908524885 0.8147892131307695 1.0221924341574078 1.2110222324055488 1.2946026349088169 1.2915070644457354 1.2357867961102176 1.1212506889761003 1.0082623670735327 0.7358521663221236 0.30247230149033233 0.06101780536976358 -0.07828286546903115 -0.2175835363078171 -0.2671126637171634 -0.315094005894969 -0.3305718582103936 -0.3708142742304869 -0.3909354822405336 -0.4126044754821209 +32258,-0.333667428673475,1,0.8147892131307695 1.0221924341574078 1.2110222324055488 1.2946026349088169 1.2915070644457354 1.2357867961102176 1.1212506889761003 1.0082623670735327 0.7358521663221236 0.30247230149033233 0.06101780536976358 -0.07828286546903115 -0.2175835363078171 -0.2671126637171634 -0.315094005894969 -0.3305718582103936 -0.3708142742304869 -0.3909354822405336 -0.4126044754821209 -0.4234389721029146 +32259,-0.14793320088842413,1,1.0221924341574078 1.2110222324055488 1.2946026349088169 1.2915070644457354 1.2357867961102176 1.1212506889761003 1.0082623670735327 0.7358521663221236 0.30247230149033233 0.06101780536976358 -0.07828286546903115 -0.2175835363078171 -0.2671126637171634 -0.315094005894969 -0.3305718582103936 -0.3708142742304869 -0.3909354822405336 -0.4126044754821209 -0.4234389721029146 -0.333667428673475 +32260,0.05637444967513269,1,1.2110222324055488 1.2946026349088169 1.2915070644457354 1.2357867961102176 1.1212506889761003 1.0082623670735327 0.7358521663221236 0.30247230149033233 0.06101780536976358 -0.07828286546903115 -0.2175835363078171 -0.2671126637171634 -0.315094005894969 -0.3305718582103936 -0.3708142742304869 -0.3909354822405336 -0.4126044754821209 -0.4234389721029146 -0.333667428673475 -0.14793320088842413 +32261,0.3071156571849544,1,1.2946026349088169 1.2915070644457354 1.2357867961102176 1.1212506889761003 1.0082623670735327 0.7358521663221236 0.30247230149033233 0.06101780536976358 -0.07828286546903115 -0.2175835363078171 -0.2671126637171634 -0.315094005894969 -0.3305718582103936 -0.3708142742304869 -0.3909354822405336 -0.4126044754821209 -0.4234389721029146 -0.333667428673475 -0.14793320088842413 0.05637444967513269 +32262,0.45570303941300216,1,1.2915070644457354 1.2357867961102176 1.1212506889761003 1.0082623670735327 0.7358521663221236 0.30247230149033233 0.06101780536976358 -0.07828286546903115 -0.2175835363078171 -0.2671126637171634 -0.315094005894969 -0.3305718582103936 -0.3708142742304869 -0.3909354822405336 -0.4126044754821209 -0.4234389721029146 -0.333667428673475 -0.14793320088842413 0.05637444967513269 0.3071156571849544 +32263,0.6832274684496871,1,1.2357867961102176 1.1212506889761003 1.0082623670735327 0.7358521663221236 0.30247230149033233 0.06101780536976358 -0.07828286546903115 -0.2175835363078171 -0.2671126637171634 -0.315094005894969 -0.3305718582103936 -0.3708142742304869 -0.3909354822405336 -0.4126044754821209 -0.4234389721029146 -0.333667428673475 -0.14793320088842413 0.05637444967513269 0.3071156571849544 0.45570303941300216 +32264,0.862770555308575,1,1.1212506889761003 1.0082623670735327 0.7358521663221236 0.30247230149033233 0.06101780536976358 -0.07828286546903115 -0.2175835363078171 -0.2671126637171634 -0.315094005894969 -0.3305718582103936 -0.3708142742304869 -0.3909354822405336 -0.4126044754821209 -0.4234389721029146 -0.333667428673475 -0.14793320088842413 0.05637444967513269 0.3071156571849544 0.45570303941300216 0.6832274684496871 +32265,1.076364917261385,1,1.0082623670735327 0.7358521663221236 0.30247230149033233 0.06101780536976358 -0.07828286546903115 -0.2175835363078171 -0.2671126637171634 -0.315094005894969 -0.3305718582103936 -0.3708142742304869 -0.3909354822405336 -0.4126044754821209 -0.4234389721029146 -0.333667428673475 -0.14793320088842413 0.05637444967513269 0.3071156571849544 0.45570303941300216 0.6832274684496871 0.862770555308575 +32266,1.1212506889761003,1,0.7358521663221236 0.30247230149033233 0.06101780536976358 -0.07828286546903115 -0.2175835363078171 -0.2671126637171634 -0.315094005894969 -0.3305718582103936 -0.3708142742304869 -0.3909354822405336 -0.4126044754821209 -0.4234389721029146 -0.333667428673475 -0.14793320088842413 0.05637444967513269 0.3071156571849544 0.45570303941300216 0.6832274684496871 0.862770555308575 1.076364917261385 +32267,1.1862576687008712,1,0.30247230149033233 0.06101780536976358 -0.07828286546903115 -0.2175835363078171 -0.2671126637171634 -0.315094005894969 -0.3305718582103936 -0.3708142742304869 -0.3909354822405336 -0.4126044754821209 -0.4234389721029146 -0.333667428673475 -0.14793320088842413 0.05637444967513269 0.3071156571849544 0.45570303941300216 0.6832274684496871 0.862770555308575 1.076364917261385 1.1212506889761003 +32268,1.0794604877244662,1,0.06101780536976358 -0.07828286546903115 -0.2175835363078171 -0.2671126637171634 -0.315094005894969 -0.3305718582103936 -0.3708142742304869 -0.3909354822405336 -0.4126044754821209 -0.4234389721029146 -0.333667428673475 -0.14793320088842413 0.05637444967513269 0.3071156571849544 0.45570303941300216 0.6832274684496871 0.862770555308575 1.076364917261385 1.1212506889761003 1.1862576687008712 +32269,0.8318148506777348,1,-0.07828286546903115 -0.2175835363078171 -0.2671126637171634 -0.315094005894969 -0.3305718582103936 -0.3708142742304869 -0.3909354822405336 -0.4126044754821209 -0.4234389721029146 -0.333667428673475 -0.14793320088842413 0.05637444967513269 0.3071156571849544 0.45570303941300216 0.6832274684496871 0.862770555308575 1.076364917261385 1.1212506889761003 1.1862576687008712 1.0794604877244662 +32270,0.4943976702015548,1,-0.2175835363078171 -0.2671126637171634 -0.315094005894969 -0.3305718582103936 -0.3708142742304869 -0.3909354822405336 -0.4126044754821209 -0.4234389721029146 -0.333667428673475 -0.14793320088842413 0.05637444967513269 0.3071156571849544 0.45570303941300216 0.6832274684496871 0.862770555308575 1.076364917261385 1.1212506889761003 1.1862576687008712 1.0794604877244662 0.8318148506777348 +32271,0.19257955005083724,1,-0.2671126637171634 -0.315094005894969 -0.3305718582103936 -0.3708142742304869 -0.3909354822405336 -0.4126044754821209 -0.4234389721029146 -0.333667428673475 -0.14793320088842413 0.05637444967513269 0.3071156571849544 0.45570303941300216 0.6832274684496871 0.862770555308575 1.076364917261385 1.1212506889761003 1.1862576687008712 1.0794604877244662 0.8318148506777348 0.4943976702015548 +32272,0.023870959812751655,1,-0.315094005894969 -0.3305718582103936 -0.3708142742304869 -0.3909354822405336 -0.4126044754821209 -0.4234389721029146 -0.333667428673475 -0.14793320088842413 0.05637444967513269 0.3071156571849544 0.45570303941300216 0.6832274684496871 0.862770555308575 1.076364917261385 1.1212506889761003 1.1862576687008712 1.0794604877244662 0.8318148506777348 0.4943976702015548 0.19257955005083724 +32273,-0.10149964394215921,1,-0.3305718582103936 -0.3708142742304869 -0.3909354822405336 -0.4126044754821209 -0.4234389721029146 -0.333667428673475 -0.14793320088842413 0.05637444967513269 0.3071156571849544 0.45570303941300216 0.6832274684496871 0.862770555308575 1.076364917261385 1.1212506889761003 1.1862576687008712 1.0794604877244662 0.8318148506777348 0.4943976702015548 0.19257955005083724 0.023870959812751655 +32274,-0.17424554982463358,1,-0.3708142742304869 -0.3909354822405336 -0.4126044754821209 -0.4234389721029146 -0.333667428673475 -0.14793320088842413 0.05637444967513269 0.3071156571849544 0.45570303941300216 0.6832274684496871 0.862770555308575 1.076364917261385 1.1212506889761003 1.1862576687008712 1.0794604877244662 0.8318148506777348 0.4943976702015548 0.19257955005083724 0.023870959812751655 -0.10149964394215921 +32275,-0.18817561690851745,1,-0.3909354822405336 -0.4126044754821209 -0.4234389721029146 -0.333667428673475 -0.14793320088842413 0.05637444967513269 0.3071156571849544 0.45570303941300216 0.6832274684496871 0.862770555308575 1.076364917261385 1.1212506889761003 1.1862576687008712 1.0794604877244662 0.8318148506777348 0.4943976702015548 0.19257955005083724 0.023870959812751655 -0.10149964394215921 -0.17424554982463358 +32276,-0.23770474431786376,1,-0.4126044754821209 -0.4234389721029146 -0.333667428673475 -0.14793320088842413 0.05637444967513269 0.3071156571849544 0.45570303941300216 0.6832274684496871 0.862770555308575 1.076364917261385 1.1212506889761003 1.1862576687008712 1.0794604877244662 0.8318148506777348 0.4943976702015548 0.19257955005083724 0.023870959812751655 -0.10149964394215921 -0.17424554982463358 -0.18817561690851745 +32277,-0.23306138862324166,1,-0.4234389721029146 -0.333667428673475 -0.14793320088842413 0.05637444967513269 0.3071156571849544 0.45570303941300216 0.6832274684496871 0.862770555308575 1.076364917261385 1.1212506889761003 1.1862576687008712 1.0794604877244662 0.8318148506777348 0.4943976702015548 0.19257955005083724 0.023870959812751655 -0.10149964394215921 -0.17424554982463358 -0.18817561690851745 -0.23770474431786376 +32278,-0.25937373755945115,1,-0.333667428673475 -0.14793320088842413 0.05637444967513269 0.3071156571849544 0.45570303941300216 0.6832274684496871 0.862770555308575 1.076364917261385 1.1212506889761003 1.1862576687008712 1.0794604877244662 0.8318148506777348 0.4943976702015548 0.19257955005083724 0.023870959812751655 -0.10149964394215921 -0.17424554982463358 -0.18817561690851745 -0.23770474431786376 -0.23306138862324166 +32279,-0.19746232829777044,1,-0.14793320088842413 0.05637444967513269 0.3071156571849544 0.45570303941300216 0.6832274684496871 0.862770555308575 1.076364917261385 1.1212506889761003 1.1862576687008712 1.0794604877244662 0.8318148506777348 0.4943976702015548 0.19257955005083724 0.023870959812751655 -0.10149964394215921 -0.17424554982463358 -0.18817561690851745 -0.23770474431786376 -0.23306138862324166 -0.25937373755945115 +32280,-0.2082968249185641,1,0.05637444967513269 0.3071156571849544 0.45570303941300216 0.6832274684496871 0.862770555308575 1.076364917261385 1.1212506889761003 1.1862576687008712 1.0794604877244662 0.8318148506777348 0.4943976702015548 0.19257955005083724 0.023870959812751655 -0.10149964394215921 -0.17424554982463358 -0.18817561690851745 -0.23770474431786376 -0.23306138862324166 -0.25937373755945115 -0.19746232829777044 +32281,-0.18662783167697675,1,0.3071156571849544 0.45570303941300216 0.6832274684496871 0.862770555308575 1.076364917261385 1.1212506889761003 1.1862576687008712 1.0794604877244662 0.8318148506777348 0.4943976702015548 0.19257955005083724 0.023870959812751655 -0.10149964394215921 -0.17424554982463358 -0.18817561690851745 -0.23770474431786376 -0.23306138862324166 -0.25937373755945115 -0.19746232829777044 -0.2082968249185641 +32282,-0.18043669075080518,1,0.45570303941300216 0.6832274684496871 0.862770555308575 1.076364917261385 1.1212506889761003 1.1862576687008712 1.0794604877244662 0.8318148506777348 0.4943976702015548 0.19257955005083724 0.023870959812751655 -0.10149964394215921 -0.17424554982463358 -0.18817561690851745 -0.23770474431786376 -0.23306138862324166 -0.25937373755945115 -0.19746232829777044 -0.2082968249185641 -0.18662783167697675 +32283,-0.09376071778444693,1,0.6832274684496871 0.862770555308575 1.076364917261385 1.1212506889761003 1.1862576687008712 1.0794604877244662 0.8318148506777348 0.4943976702015548 0.19257955005083724 0.023870959812751655 -0.10149964394215921 -0.17424554982463358 -0.18817561690851745 -0.23770474431786376 -0.23306138862324166 -0.25937373755945115 -0.19746232829777044 -0.2082968249185641 -0.18662783167697675 -0.18043669075080518 +32284,0.11673807370528148,1,0.862770555308575 1.076364917261385 1.1212506889761003 1.1862576687008712 1.0794604877244662 0.8318148506777348 0.4943976702015548 0.19257955005083724 0.023870959812751655 -0.10149964394215921 -0.17424554982463358 -0.18817561690851745 -0.23770474431786376 -0.23306138862324166 -0.25937373755945115 -0.19746232829777044 -0.2082968249185641 -0.18662783167697675 -0.18043669075080518 -0.09376071778444693 +32285,0.34426250274196635,1,1.076364917261385 1.1212506889761003 1.1862576687008712 1.0794604877244662 0.8318148506777348 0.4943976702015548 0.19257955005083724 0.023870959812751655 -0.10149964394215921 -0.17424554982463358 -0.18817561690851745 -0.23770474431786376 -0.23306138862324166 -0.25937373755945115 -0.19746232829777044 -0.2082968249185641 -0.18662783167697675 -0.18043669075080518 -0.09376071778444693 0.11673807370528148 +32286,0.613577133030294,1,1.1212506889761003 1.1862576687008712 1.0794604877244662 0.8318148506777348 0.4943976702015548 0.19257955005083724 0.023870959812751655 -0.10149964394215921 -0.17424554982463358 -0.18817561690851745 -0.23770474431786376 -0.23306138862324166 -0.25937373755945115 -0.19746232829777044 -0.2082968249185641 -0.18662783167697675 -0.18043669075080518 -0.09376071778444693 0.11673807370528148 0.34426250274196635 +32287,0.8797961928555316,1,1.1862576687008712 1.0794604877244662 0.8318148506777348 0.4943976702015548 0.19257955005083724 0.023870959812751655 -0.10149964394215921 -0.17424554982463358 -0.18817561690851745 -0.23770474431786376 -0.23306138862324166 -0.25937373755945115 -0.19746232829777044 -0.2082968249185641 -0.18662783167697675 -0.18043669075080518 -0.09376071778444693 0.11673807370528148 0.34426250274196635 0.613577133030294 +32288,1.1258940446707313,1,1.0794604877244662 0.8318148506777348 0.4943976702015548 0.19257955005083724 0.023870959812751655 -0.10149964394215921 -0.17424554982463358 -0.18817561690851745 -0.23770474431786376 -0.23306138862324166 -0.25937373755945115 -0.19746232829777044 -0.2082968249185641 -0.18662783167697675 -0.18043669075080518 -0.09376071778444693 0.11673807370528148 0.34426250274196635 0.613577133030294 0.8797961928555316 +32289,1.2125700176370895,1,0.8318148506777348 0.4943976702015548 0.19257955005083724 0.023870959812751655 -0.10149964394215921 -0.17424554982463358 -0.18817561690851745 -0.23770474431786376 -0.23306138862324166 -0.25937373755945115 -0.19746232829777044 -0.2082968249185641 -0.18662783167697675 -0.18043669075080518 -0.09376071778444693 0.11673807370528148 0.34426250274196635 0.613577133030294 0.8797961928555316 1.1258940446707313 +32290,1.293054849677276,1,0.4943976702015548 0.19257955005083724 0.023870959812751655 -0.10149964394215921 -0.17424554982463358 -0.18817561690851745 -0.23770474431786376 -0.23306138862324166 -0.25937373755945115 -0.19746232829777044 -0.2082968249185641 -0.18662783167697675 -0.18043669075080518 -0.09376071778444693 0.11673807370528148 0.34426250274196635 0.613577133030294 0.8797961928555316 1.1258940446707313 1.2125700176370895 +32291,1.1537541788384902,1,0.19257955005083724 0.023870959812751655 -0.10149964394215921 -0.17424554982463358 -0.18817561690851745 -0.23770474431786376 -0.23306138862324166 -0.25937373755945115 -0.19746232829777044 -0.2082968249185641 -0.18662783167697675 -0.18043669075080518 -0.09376071778444693 0.11673807370528148 0.34426250274196635 0.613577133030294 0.8797961928555316 1.1258940446707313 1.2125700176370895 1.293054849677276 +32292,0.9958800852211894,1,0.023870959812751655 -0.10149964394215921 -0.17424554982463358 -0.18817561690851745 -0.23770474431786376 -0.23306138862324166 -0.25937373755945115 -0.19746232829777044 -0.2082968249185641 -0.18662783167697675 -0.18043669075080518 -0.09376071778444693 0.11673807370528148 0.34426250274196635 0.613577133030294 0.8797961928555316 1.1258940446707313 1.2125700176370895 1.293054849677276 1.1537541788384902 +32293,0.7373999515536642,1,-0.10149964394215921 -0.17424554982463358 -0.18817561690851745 -0.23770474431786376 -0.23306138862324166 -0.25937373755945115 -0.19746232829777044 -0.2082968249185641 -0.18662783167697675 -0.18043669075080518 -0.09376071778444693 0.11673807370528148 0.34426250274196635 0.613577133030294 0.8797961928555316 1.1258940446707313 1.2125700176370895 1.293054849677276 1.1537541788384902 0.9958800852211894 +32294,0.5114233077485113,1,-0.17424554982463358 -0.18817561690851745 -0.23770474431786376 -0.23306138862324166 -0.25937373755945115 -0.19746232829777044 -0.2082968249185641 -0.18662783167697675 -0.18043669075080518 -0.09376071778444693 0.11673807370528148 0.34426250274196635 0.613577133030294 0.8797961928555316 1.1258940446707313 1.2125700176370895 1.293054849677276 1.1537541788384902 0.9958800852211894 0.7373999515536642 +32295,0.24675203315481445,1,-0.18817561690851745 -0.23770474431786376 -0.23306138862324166 -0.25937373755945115 -0.19746232829777044 -0.2082968249185641 -0.18662783167697675 -0.18043669075080518 -0.09376071778444693 0.11673807370528148 0.34426250274196635 0.613577133030294 0.8797961928555316 1.1258940446707313 1.2125700176370895 1.293054849677276 1.1537541788384902 0.9958800852211894 0.7373999515536642 0.5114233077485113 +32296,0.11364250324219129,1,-0.23770474431786376 -0.23306138862324166 -0.25937373755945115 -0.19746232829777044 -0.2082968249185641 -0.18662783167697675 -0.18043669075080518 -0.09376071778444693 0.11673807370528148 0.34426250274196635 0.613577133030294 0.8797961928555316 1.1258940446707313 1.2125700176370895 1.293054849677276 1.1537541788384902 0.9958800852211894 0.7373999515536642 0.5114233077485113 0.24675203315481445 +32297,-0.003989174355007293,1,-0.23306138862324166 -0.25937373755945115 -0.19746232829777044 -0.2082968249185641 -0.18662783167697675 -0.18043669075080518 -0.09376071778444693 0.11673807370528148 0.34426250274196635 0.613577133030294 0.8797961928555316 1.1258940446707313 1.2125700176370895 1.293054849677276 1.1537541788384902 0.9958800852211894 0.7373999515536642 0.5114233077485113 0.24675203315481445 0.11364250324219129 +32298,-0.07828286546903115,1,-0.25937373755945115 -0.19746232829777044 -0.2082968249185641 -0.18662783167697675 -0.18043669075080518 -0.09376071778444693 0.11673807370528148 0.34426250274196635 0.613577133030294 0.8797961928555316 1.1258940446707313 1.2125700176370895 1.293054849677276 1.1537541788384902 0.9958800852211894 0.7373999515536642 0.5114233077485113 0.24675203315481445 0.11364250324219129 -0.003989174355007293 +32299,-0.12626420764683677,1,-0.19746232829777044 -0.2082968249185641 -0.18662783167697675 -0.18043669075080518 -0.09376071778444693 0.11673807370528148 0.34426250274196635 0.613577133030294 0.8797961928555316 1.1258940446707313 1.2125700176370895 1.293054849677276 1.1537541788384902 0.9958800852211894 0.7373999515536642 0.5114233077485113 0.24675203315481445 0.11364250324219129 -0.003989174355007293 -0.07828286546903115 +32300,-0.17114997936155218,1,-0.2082968249185641 -0.18662783167697675 -0.18043669075080518 -0.09376071778444693 0.11673807370528148 0.34426250274196635 0.613577133030294 0.8797961928555316 1.1258940446707313 1.2125700176370895 1.293054849677276 1.1537541788384902 0.9958800852211894 0.7373999515536642 0.5114233077485113 0.24675203315481445 0.11364250324219129 -0.003989174355007293 -0.07828286546903115 -0.12626420764683677 +32301,-0.16960219413001149,1,-0.18662783167697675 -0.18043669075080518 -0.09376071778444693 0.11673807370528148 0.34426250274196635 0.613577133030294 0.8797961928555316 1.1258940446707313 1.2125700176370895 1.293054849677276 1.1537541788384902 0.9958800852211894 0.7373999515536642 0.5114233077485113 0.24675203315481445 0.11364250324219129 -0.003989174355007293 -0.07828286546903115 -0.12626420764683677 -0.17114997936155218 +32302,-0.28568608649566934,1,-0.18043669075080518 -0.09376071778444693 0.11673807370528148 0.34426250274196635 0.613577133030294 0.8797961928555316 1.1258940446707313 1.2125700176370895 1.293054849677276 1.1537541788384902 0.9958800852211894 0.7373999515536642 0.5114233077485113 0.24675203315481445 0.11364250324219129 -0.003989174355007293 -0.07828286546903115 -0.12626420764683677 -0.17114997936155218 -0.16960219413001149 +32303,-0.324380717284222,1,-0.09376071778444693 0.11673807370528148 0.34426250274196635 0.613577133030294 0.8797961928555316 1.1258940446707313 1.2125700176370895 1.293054849677276 1.1537541788384902 0.9958800852211894 0.7373999515536642 0.5114233077485113 0.24675203315481445 0.11364250324219129 -0.003989174355007293 -0.07828286546903115 -0.12626420764683677 -0.17114997936155218 -0.16960219413001149 -0.28568608649566934 +32304,-0.29497279788492237,1,0.11673807370528148 0.34426250274196635 0.613577133030294 0.8797961928555316 1.1258940446707313 1.2125700176370895 1.293054849677276 1.1537541788384902 0.9958800852211894 0.7373999515536642 0.5114233077485113 0.24675203315481445 0.11364250324219129 -0.003989174355007293 -0.07828286546903115 -0.12626420764683677 -0.17114997936155218 -0.16960219413001149 -0.28568608649566934 -0.324380717284222 +32305,-0.23615695908632306,1,0.34426250274196635 0.613577133030294 0.8797961928555316 1.1258940446707313 1.2125700176370895 1.293054849677276 1.1537541788384902 0.9958800852211894 0.7373999515536642 0.5114233077485113 0.24675203315481445 0.11364250324219129 -0.003989174355007293 -0.07828286546903115 -0.12626420764683677 -0.17114997936155218 -0.16960219413001149 -0.28568608649566934 -0.324380717284222 -0.29497279788492237 +32306,-0.09066514732136553,1,0.613577133030294 0.8797961928555316 1.1258940446707313 1.2125700176370895 1.293054849677276 1.1537541788384902 0.9958800852211894 0.7373999515536642 0.5114233077485113 0.24675203315481445 0.11364250324219129 -0.003989174355007293 -0.07828286546903115 -0.12626420764683677 -0.17114997936155218 -0.16960219413001149 -0.28568608649566934 -0.324380717284222 -0.29497279788492237 -0.23615695908632306 +32307,0.19722290574546814,1,0.8797961928555316 1.1258940446707313 1.2125700176370895 1.293054849677276 1.1537541788384902 0.9958800852211894 0.7373999515536642 0.5114233077485113 0.24675203315481445 0.11364250324219129 -0.003989174355007293 -0.07828286546903115 -0.12626420764683677 -0.17114997936155218 -0.16960219413001149 -0.28568608649566934 -0.324380717284222 -0.29497279788492237 -0.23615695908632306 -0.09066514732136553 +32308,0.5207100191377643,1,1.1258940446707313 1.2125700176370895 1.293054849677276 1.1537541788384902 0.9958800852211894 0.7373999515536642 0.5114233077485113 0.24675203315481445 0.11364250324219129 -0.003989174355007293 -0.07828286546903115 -0.12626420764683677 -0.17114997936155218 -0.16960219413001149 -0.28568608649566934 -0.324380717284222 -0.29497279788492237 -0.23615695908632306 -0.09066514732136553 0.19722290574546814 +32309,0.8813439780870811,1,1.2125700176370895 1.293054849677276 1.1537541788384902 0.9958800852211894 0.7373999515536642 0.5114233077485113 0.24675203315481445 0.11364250324219129 -0.003989174355007293 -0.07828286546903115 -0.12626420764683677 -0.17114997936155218 -0.16960219413001149 -0.28568608649566934 -0.324380717284222 -0.29497279788492237 -0.23615695908632306 -0.09066514732136553 0.19722290574546814 0.5207100191377643 +32310,1.2729336416672294,1,1.293054849677276 1.1537541788384902 0.9958800852211894 0.7373999515536642 0.5114233077485113 0.24675203315481445 0.11364250324219129 -0.003989174355007293 -0.07828286546903115 -0.12626420764683677 -0.17114997936155218 -0.16960219413001149 -0.28568608649566934 -0.324380717284222 -0.29497279788492237 -0.23615695908632306 -0.09066514732136553 0.19722290574546814 0.5207100191377643 0.8813439780870811 +32311,1.4354510909791522,1,1.1537541788384902 0.9958800852211894 0.7373999515536642 0.5114233077485113 0.24675203315481445 0.11364250324219129 -0.003989174355007293 -0.07828286546903115 -0.12626420764683677 -0.17114997936155218 -0.16960219413001149 -0.28568608649566934 -0.324380717284222 -0.29497279788492237 -0.23615695908632306 -0.09066514732136553 0.19722290574546814 0.5207100191377643 0.8813439780870811 1.2729336416672294 +32312,1.6088030369118687,1,0.9958800852211894 0.7373999515536642 0.5114233077485113 0.24675203315481445 0.11364250324219129 -0.003989174355007293 -0.07828286546903115 -0.12626420764683677 -0.17114997936155218 -0.16960219413001149 -0.28568608649566934 -0.324380717284222 -0.29497279788492237 -0.23615695908632306 -0.09066514732136553 0.19722290574546814 0.5207100191377643 0.8813439780870811 1.2729336416672294 1.4354510909791522 +32313,1.8518053182639782,1,0.7373999515536642 0.5114233077485113 0.24675203315481445 0.11364250324219129 -0.003989174355007293 -0.07828286546903115 -0.12626420764683677 -0.17114997936155218 -0.16960219413001149 -0.28568608649566934 -0.324380717284222 -0.29497279788492237 -0.23615695908632306 -0.09066514732136553 0.19722290574546814 0.5207100191377643 0.8813439780870811 1.2729336416672294 1.4354510909791522 1.6088030369118687 +32314,1.7604859896029978,1,0.5114233077485113 0.24675203315481445 0.11364250324219129 -0.003989174355007293 -0.07828286546903115 -0.12626420764683677 -0.17114997936155218 -0.16960219413001149 -0.28568608649566934 -0.324380717284222 -0.29497279788492237 -0.23615695908632306 -0.09066514732136553 0.19722290574546814 0.5207100191377643 0.8813439780870811 1.2729336416672294 1.4354510909791522 1.6088030369118687 1.8518053182639782 +32315,1.741912566824492,1,0.24675203315481445 0.11364250324219129 -0.003989174355007293 -0.07828286546903115 -0.12626420764683677 -0.17114997936155218 -0.16960219413001149 -0.28568608649566934 -0.324380717284222 -0.29497279788492237 -0.23615695908632306 -0.09066514732136553 0.19722290574546814 0.5207100191377643 0.8813439780870811 1.2729336416672294 1.4354510909791522 1.6088030369118687 1.8518053182639782 1.7604859896029978 +32316,1.472597936536164,1,0.11364250324219129 -0.003989174355007293 -0.07828286546903115 -0.12626420764683677 -0.17114997936155218 -0.16960219413001149 -0.28568608649566934 -0.324380717284222 -0.29497279788492237 -0.23615695908632306 -0.09066514732136553 0.19722290574546814 0.5207100191377643 0.8813439780870811 1.2729336416672294 1.4354510909791522 1.6088030369118687 1.8518053182639782 1.7604859896029978 1.741912566824492 +32317,1.1460152526807779,1,-0.003989174355007293 -0.07828286546903115 -0.12626420764683677 -0.17114997936155218 -0.16960219413001149 -0.28568608649566934 -0.324380717284222 -0.29497279788492237 -0.23615695908632306 -0.09066514732136553 0.19722290574546814 0.5207100191377643 0.8813439780870811 1.2729336416672294 1.4354510909791522 1.6088030369118687 1.8518053182639782 1.7604859896029978 1.741912566824492 1.472597936536164 +32318,1.0175490784627856,1,-0.07828286546903115 -0.12626420764683677 -0.17114997936155218 -0.16960219413001149 -0.28568608649566934 -0.324380717284222 -0.29497279788492237 -0.23615695908632306 -0.09066514732136553 0.19722290574546814 0.5207100191377643 0.8813439780870811 1.2729336416672294 1.4354510909791522 1.6088030369118687 1.8518053182639782 1.7604859896029978 1.741912566824492 1.472597936536164 1.1460152526807779 +32319,0.5021365963592582,1,-0.12626420764683677 -0.17114997936155218 -0.16960219413001149 -0.28568608649566934 -0.324380717284222 -0.29497279788492237 -0.23615695908632306 -0.09066514732136553 0.19722290574546814 0.5207100191377643 0.8813439780870811 1.2729336416672294 1.4354510909791522 1.6088030369118687 1.8518053182639782 1.7604859896029978 1.741912566824492 1.472597936536164 1.1460152526807779 1.0175490784627856 +32320,0.17864948296696218,1,-0.17114997936155218 -0.16960219413001149 -0.28568608649566934 -0.324380717284222 -0.29497279788492237 -0.23615695908632306 -0.09066514732136553 0.19722290574546814 0.5207100191377643 0.8813439780870811 1.2729336416672294 1.4354510909791522 1.6088030369118687 1.8518053182639782 1.7604859896029978 1.741912566824492 1.472597936536164 1.1460152526807779 1.0175490784627856 0.5021365963592582 +32321,0.034705456433545334,1,-0.16960219413001149 -0.28568608649566934 -0.324380717284222 -0.29497279788492237 -0.23615695908632306 -0.09066514732136553 0.19722290574546814 0.5207100191377643 0.8813439780870811 1.2729336416672294 1.4354510909791522 1.6088030369118687 1.8518053182639782 1.7604859896029978 1.741912566824492 1.472597936536164 1.1460152526807779 1.0175490784627856 0.5021365963592582 0.17864948296696218 +32322,-0.04268380514355992,1,-0.28568608649566934 -0.324380717284222 -0.29497279788492237 -0.23615695908632306 -0.09066514732136553 0.19722290574546814 0.5207100191377643 0.8813439780870811 1.2729336416672294 1.4354510909791522 1.6088030369118687 1.8518053182639782 1.7604859896029978 1.741912566824492 1.472597936536164 1.1460152526807779 1.0175490784627856 0.5021365963592582 0.17864948296696218 0.034705456433545334 +32323,-0.024110382365053955,1,-0.324380717284222 -0.29497279788492237 -0.23615695908632306 -0.09066514732136553 0.19722290574546814 0.5207100191377643 0.8813439780870811 1.2729336416672294 1.4354510909791522 1.6088030369118687 1.8518053182639782 1.7604859896029978 1.741912566824492 1.472597936536164 1.1460152526807779 1.0175490784627856 0.5021365963592582 0.17864948296696218 0.034705456433545334 -0.04268380514355992 +32324,-0.11852528148912447,1,-0.29497279788492237 -0.23615695908632306 -0.09066514732136553 0.19722290574546814 0.5207100191377643 0.8813439780870811 1.2729336416672294 1.4354510909791522 1.6088030369118687 1.8518053182639782 1.7604859896029978 1.741912566824492 1.472597936536164 1.1460152526807779 1.0175490784627856 0.5021365963592582 0.17864948296696218 0.034705456433545334 -0.04268380514355992 -0.024110382365053955 +32325,-0.18043669075080518,1,-0.23615695908632306 -0.09066514732136553 0.19722290574546814 0.5207100191377643 0.8813439780870811 1.2729336416672294 1.4354510909791522 1.6088030369118687 1.8518053182639782 1.7604859896029978 1.741912566824492 1.472597936536164 1.1460152526807779 1.0175490784627856 0.5021365963592582 0.17864948296696218 0.034705456433545334 -0.04268380514355992 -0.024110382365053955 -0.11852528148912447 +32326,-0.22841803292861076,1,-0.09066514732136553 0.19722290574546814 0.5207100191377643 0.8813439780870811 1.2729336416672294 1.4354510909791522 1.6088030369118687 1.8518053182639782 1.7604859896029978 1.741912566824492 1.472597936536164 1.1460152526807779 1.0175490784627856 0.5021365963592582 0.17864948296696218 0.034705456433545334 -0.04268380514355992 -0.024110382365053955 -0.11852528148912447 -0.18043669075080518 +32327,-0.2702082341802448,1,0.19722290574546814 0.5207100191377643 0.8813439780870811 1.2729336416672294 1.4354510909791522 1.6088030369118687 1.8518053182639782 1.7604859896029978 1.741912566824492 1.472597936536164 1.1460152526807779 1.0175490784627856 0.5021365963592582 0.17864948296696218 0.034705456433545334 -0.04268380514355992 -0.024110382365053955 -0.11852528148912447 -0.18043669075080518 -0.22841803292861076 +32328,-0.2763993751064164,1,0.5207100191377643 0.8813439780870811 1.2729336416672294 1.4354510909791522 1.6088030369118687 1.8518053182639782 1.7604859896029978 1.741912566824492 1.472597936536164 1.1460152526807779 1.0175490784627856 0.5021365963592582 0.17864948296696218 0.034705456433545334 -0.04268380514355992 -0.024110382365053955 -0.11852528148912447 -0.18043669075080518 -0.22841803292861076 -0.2702082341802448 +32329,-0.23770474431786376,1,0.8813439780870811 1.2729336416672294 1.4354510909791522 1.6088030369118687 1.8518053182639782 1.7604859896029978 1.741912566824492 1.472597936536164 1.1460152526807779 1.0175490784627856 0.5021365963592582 0.17864948296696218 0.034705456433545334 -0.04268380514355992 -0.024110382365053955 -0.11852528148912447 -0.18043669075080518 -0.22841803292861076 -0.2702082341802448 -0.2763993751064164 +32330,0.019227604118129564,1,1.2729336416672294 1.4354510909791522 1.6088030369118687 1.8518053182639782 1.7604859896029978 1.741912566824492 1.472597936536164 1.1460152526807779 1.0175490784627856 0.5021365963592582 0.17864948296696218 0.034705456433545334 -0.04268380514355992 -0.024110382365053955 -0.11852528148912447 -0.18043669075080518 -0.22841803292861076 -0.2702082341802448 -0.2763993751064164 -0.23770474431786376 +32331,0.34735807320504775,1,1.4354510909791522 1.6088030369118687 1.8518053182639782 1.7604859896029978 1.741912566824492 1.472597936536164 1.1460152526807779 1.0175490784627856 0.5021365963592582 0.17864948296696218 0.034705456433545334 -0.04268380514355992 -0.024110382365053955 -0.11852528148912447 -0.18043669075080518 -0.22841803292861076 -0.2702082341802448 -0.2763993751064164 -0.23770474431786376 0.019227604118129564 +32332,0.7064442469228239,1,1.6088030369118687 1.8518053182639782 1.7604859896029978 1.741912566824492 1.472597936536164 1.1460152526807779 1.0175490784627856 0.5021365963592582 0.17864948296696218 0.034705456433545334 -0.04268380514355992 -0.024110382365053955 -0.11852528148912447 -0.18043669075080518 -0.22841803292861076 -0.2702082341802448 -0.2763993751064164 -0.23770474431786376 0.019227604118129564 0.34735807320504775 +32333,0.8225281392884818,1,1.8518053182639782 1.7604859896029978 1.741912566824492 1.472597936536164 1.1460152526807779 1.0175490784627856 0.5021365963592582 0.17864948296696218 0.034705456433545334 -0.04268380514355992 -0.024110382365053955 -0.11852528148912447 -0.18043669075080518 -0.22841803292861076 -0.2702082341802448 -0.2763993751064164 -0.23770474431786376 0.019227604118129564 0.34735807320504775 0.7064442469228239 +32334,1.1583975345331123,1,1.7604859896029978 1.741912566824492 1.472597936536164 1.1460152526807779 1.0175490784627856 0.5021365963592582 0.17864948296696218 0.034705456433545334 -0.04268380514355992 -0.024110382365053955 -0.11852528148912447 -0.18043669075080518 -0.22841803292861076 -0.2702082341802448 -0.2763993751064164 -0.23770474431786376 0.019227604118129564 0.34735807320504775 0.7064442469228239 0.8225281392884818 +32335,1.2636469302779765,1,1.741912566824492 1.472597936536164 1.1460152526807779 1.0175490784627856 0.5021365963592582 0.17864948296696218 0.034705456433545334 -0.04268380514355992 -0.024110382365053955 -0.11852528148912447 -0.18043669075080518 -0.22841803292861076 -0.2702082341802448 -0.2763993751064164 -0.23770474431786376 0.019227604118129564 0.34735807320504775 0.7064442469228239 0.8225281392884818 1.1583975345331123 +32336,1.4803368626938764,1,1.472597936536164 1.1460152526807779 1.0175490784627856 0.5021365963592582 0.17864948296696218 0.034705456433545334 -0.04268380514355992 -0.024110382365053955 -0.11852528148912447 -0.18043669075080518 -0.22841803292861076 -0.2702082341802448 -0.2763993751064164 -0.23770474431786376 0.019227604118129564 0.34735807320504775 0.7064442469228239 0.8225281392884818 1.1583975345331123 1.2636469302779765 +32337,1.5391527014924757,1,1.1460152526807779 1.0175490784627856 0.5021365963592582 0.17864948296696218 0.034705456433545334 -0.04268380514355992 -0.024110382365053955 -0.11852528148912447 -0.18043669075080518 -0.22841803292861076 -0.2702082341802448 -0.2763993751064164 -0.23770474431786376 0.019227604118129564 0.34735807320504775 0.7064442469228239 0.8225281392884818 1.1583975345331123 1.2636469302779765 1.4803368626938764 +32338,1.4354510909791522,1,1.0175490784627856 0.5021365963592582 0.17864948296696218 0.034705456433545334 -0.04268380514355992 -0.024110382365053955 -0.11852528148912447 -0.18043669075080518 -0.22841803292861076 -0.2702082341802448 -0.2763993751064164 -0.23770474431786376 0.019227604118129564 0.34735807320504775 0.7064442469228239 0.8225281392884818 1.1583975345331123 1.2636469302779765 1.4803368626938764 1.5391527014924757 +32339,1.385921963569806,1,0.5021365963592582 0.17864948296696218 0.034705456433545334 -0.04268380514355992 -0.024110382365053955 -0.11852528148912447 -0.18043669075080518 -0.22841803292861076 -0.2702082341802448 -0.2763993751064164 -0.23770474431786376 0.019227604118129564 0.34735807320504775 0.7064442469228239 0.8225281392884818 1.1583975345331123 1.2636469302779765 1.4803368626938764 1.5391527014924757 1.4354510909791522 +32340,1.2218567290263425,1,0.17864948296696218 0.034705456433545334 -0.04268380514355992 -0.024110382365053955 -0.11852528148912447 -0.18043669075080518 -0.22841803292861076 -0.2702082341802448 -0.2763993751064164 -0.23770474431786376 0.019227604118129564 0.34735807320504775 0.7064442469228239 0.8225281392884818 1.1583975345331123 1.2636469302779765 1.4803368626938764 1.5391527014924757 1.4354510909791522 1.385921963569806 +32341,1.0500525683251667,1,0.034705456433545334 -0.04268380514355992 -0.024110382365053955 -0.11852528148912447 -0.18043669075080518 -0.22841803292861076 -0.2702082341802448 -0.2763993751064164 -0.23770474431786376 0.019227604118129564 0.34735807320504775 0.7064442469228239 0.8225281392884818 1.1583975345331123 1.2636469302779765 1.4803368626938764 1.5391527014924757 1.4354510909791522 1.385921963569806 1.2218567290263425 +32342,0.6631062604396404,1,-0.04268380514355992 -0.024110382365053955 -0.11852528148912447 -0.18043669075080518 -0.22841803292861076 -0.2702082341802448 -0.2763993751064164 -0.23770474431786376 0.019227604118129564 0.34735807320504775 0.7064442469228239 0.8225281392884818 1.1583975345331123 1.2636469302779765 1.4803368626938764 1.5391527014924757 1.4354510909791522 1.385921963569806 1.2218567290263425 1.0500525683251667 +32343,0.3148545833426667,1,-0.024110382365053955 -0.11852528148912447 -0.18043669075080518 -0.22841803292861076 -0.2702082341802448 -0.2763993751064164 -0.23770474431786376 0.019227604118129564 0.34735807320504775 0.7064442469228239 0.8225281392884818 1.1583975345331123 1.2636469302779765 1.4803368626938764 1.5391527014924757 1.4354510909791522 1.385921963569806 1.2218567290263425 1.0500525683251667 0.6631062604396404 +32344,0.11673807370528148,1,-0.11852528148912447 -0.18043669075080518 -0.22841803292861076 -0.2702082341802448 -0.2763993751064164 -0.23770474431786376 0.019227604118129564 0.34735807320504775 0.7064442469228239 0.8225281392884818 1.1583975345331123 1.2636469302779765 1.4803368626938764 1.5391527014924757 1.4354510909791522 1.385921963569806 1.2218567290263425 1.0500525683251667 0.6631062604396404 0.3148545833426667 +32345,-0.0008936038919258983,1,-0.18043669075080518 -0.22841803292861076 -0.2702082341802448 -0.2763993751064164 -0.23770474431786376 0.019227604118129564 0.34735807320504775 0.7064442469228239 0.8225281392884818 1.1583975345331123 1.2636469302779765 1.4803368626938764 1.5391527014924757 1.4354510909791522 1.385921963569806 1.2218567290263425 1.0500525683251667 0.6631062604396404 0.3148545833426667 0.11673807370528148 +32346,-0.09685628824752832,1,-0.22841803292861076 -0.2702082341802448 -0.2763993751064164 -0.23770474431786376 0.019227604118129564 0.34735807320504775 0.7064442469228239 0.8225281392884818 1.1583975345331123 1.2636469302779765 1.4803368626938764 1.5391527014924757 1.4354510909791522 1.385921963569806 1.2218567290263425 1.0500525683251667 0.6631062604396404 0.3148545833426667 0.11673807370528148 -0.0008936038919258983 +32347,-0.14174205996225253,1,-0.2702082341802448 -0.2763993751064164 -0.23770474431786376 0.019227604118129564 0.34735807320504775 0.7064442469228239 0.8225281392884818 1.1583975345331123 1.2636469302779765 1.4803368626938764 1.5391527014924757 1.4354510909791522 1.385921963569806 1.2218567290263425 1.0500525683251667 0.6631062604396404 0.3148545833426667 0.11673807370528148 -0.0008936038919258983 -0.09685628824752832 +32348,-0.17114997936155218,1,-0.2763993751064164 -0.23770474431786376 0.019227604118129564 0.34735807320504775 0.7064442469228239 0.8225281392884818 1.1583975345331123 1.2636469302779765 1.4803368626938764 1.5391527014924757 1.4354510909791522 1.385921963569806 1.2218567290263425 1.0500525683251667 0.6631062604396404 0.3148545833426667 0.11673807370528148 -0.0008936038919258983 -0.09685628824752832 -0.14174205996225253 +32349,-0.18508004644543605,1,-0.23770474431786376 0.019227604118129564 0.34735807320504775 0.7064442469228239 0.8225281392884818 1.1583975345331123 1.2636469302779765 1.4803368626938764 1.5391527014924757 1.4354510909791522 1.385921963569806 1.2218567290263425 1.0500525683251667 0.6631062604396404 0.3148545833426667 0.11673807370528148 -0.0008936038919258983 -0.09685628824752832 -0.14174205996225253 -0.17114997936155218 +32350,-0.2160357510762764,1,0.019227604118129564 0.34735807320504775 0.7064442469228239 0.8225281392884818 1.1583975345331123 1.2636469302779765 1.4803368626938764 1.5391527014924757 1.4354510909791522 1.385921963569806 1.2218567290263425 1.0500525683251667 0.6631062604396404 0.3148545833426667 0.11673807370528148 -0.0008936038919258983 -0.09685628824752832 -0.14174205996225253 -0.17114997936155218 -0.18508004644543605 +32351,-0.2175835363078171,1,0.34735807320504775 0.7064442469228239 0.8225281392884818 1.1583975345331123 1.2636469302779765 1.4803368626938764 1.5391527014924757 1.4354510909791522 1.385921963569806 1.2218567290263425 1.0500525683251667 0.6631062604396404 0.3148545833426667 0.11673807370528148 -0.0008936038919258983 -0.09685628824752832 -0.14174205996225253 -0.17114997936155218 -0.18508004644543605 -0.2160357510762764 +32352,-0.2129401806131862,1,0.7064442469228239 0.8225281392884818 1.1583975345331123 1.2636469302779765 1.4803368626938764 1.5391527014924757 1.4354510909791522 1.385921963569806 1.2218567290263425 1.0500525683251667 0.6631062604396404 0.3148545833426667 0.11673807370528148 -0.0008936038919258983 -0.09685628824752832 -0.14174205996225253 -0.17114997936155218 -0.18508004644543605 -0.2160357510762764 -0.2175835363078171 +32353,-0.2098446101501048,1,0.8225281392884818 1.1583975345331123 1.2636469302779765 1.4803368626938764 1.5391527014924757 1.4354510909791522 1.385921963569806 1.2218567290263425 1.0500525683251667 0.6631062604396404 0.3148545833426667 0.11673807370528148 -0.0008936038919258983 -0.09685628824752832 -0.14174205996225253 -0.17114997936155218 -0.18508004644543605 -0.2160357510762764 -0.2175835363078171 -0.2129401806131862 +32354,-0.09840407347907781,1,1.1583975345331123 1.2636469302779765 1.4803368626938764 1.5391527014924757 1.4354510909791522 1.385921963569806 1.2218567290263425 1.0500525683251667 0.6631062604396404 0.3148545833426667 0.11673807370528148 -0.0008936038919258983 -0.09685628824752832 -0.14174205996225253 -0.17114997936155218 -0.18508004644543605 -0.2160357510762764 -0.2175835363078171 -0.2129401806131862 -0.2098446101501048 +32355,0.12292921463144427,1,1.2636469302779765 1.4803368626938764 1.5391527014924757 1.4354510909791522 1.385921963569806 1.2218567290263425 1.0500525683251667 0.6631062604396404 0.3148545833426667 0.11673807370528148 -0.0008936038919258983 -0.09685628824752832 -0.14174205996225253 -0.17114997936155218 -0.18508004644543605 -0.2160357510762764 -0.2175835363078171 -0.2129401806131862 -0.2098446101501048 -0.09840407347907781 +32356,0.3349757913527134,1,1.4803368626938764 1.5391527014924757 1.4354510909791522 1.385921963569806 1.2218567290263425 1.0500525683251667 0.6631062604396404 0.3148545833426667 0.11673807370528148 -0.0008936038919258983 -0.09685628824752832 -0.14174205996225253 -0.17114997936155218 -0.18508004644543605 -0.2160357510762764 -0.2175835363078171 -0.2129401806131862 -0.2098446101501048 -0.09840407347907781 0.12292921463144427 +32357,0.7729990118791267,1,1.5391527014924757 1.4354510909791522 1.385921963569806 1.2218567290263425 1.0500525683251667 0.6631062604396404 0.3148545833426667 0.11673807370528148 -0.0008936038919258983 -0.09685628824752832 -0.14174205996225253 -0.17114997936155218 -0.18508004644543605 -0.2160357510762764 -0.2175835363078171 -0.2129401806131862 -0.2098446101501048 -0.09840407347907781 0.12292921463144427 0.3349757913527134 +32358,1.1166073332814783,1,1.4354510909791522 1.385921963569806 1.2218567290263425 1.0500525683251667 0.6631062604396404 0.3148545833426667 0.11673807370528148 -0.0008936038919258983 -0.09685628824752832 -0.14174205996225253 -0.17114997936155218 -0.18508004644543605 -0.2160357510762764 -0.2175835363078171 -0.2129401806131862 -0.2098446101501048 -0.09840407347907781 0.12292921463144427 0.3349757913527134 0.7729990118791267 +32359,1.3921131044959687,1,1.385921963569806 1.2218567290263425 1.0500525683251667 0.6631062604396404 0.3148545833426667 0.11673807370528148 -0.0008936038919258983 -0.09685628824752832 -0.14174205996225253 -0.17114997936155218 -0.18508004644543605 -0.2160357510762764 -0.2175835363078171 -0.2129401806131862 -0.2098446101501048 -0.09840407347907781 0.12292921463144427 0.3349757913527134 0.7729990118791267 1.1166073332814783 +32360,1.5221270639455105,1,1.2218567290263425 1.0500525683251667 0.6631062604396404 0.3148545833426667 0.11673807370528148 -0.0008936038919258983 -0.09685628824752832 -0.14174205996225253 -0.17114997936155218 -0.18508004644543605 -0.2160357510762764 -0.2175835363078171 -0.2129401806131862 -0.2098446101501048 -0.09840407347907781 0.12292921463144427 0.3349757913527134 0.7729990118791267 1.1166073332814783 1.3921131044959687 +32361,1.525222634408592,1,1.0500525683251667 0.6631062604396404 0.3148545833426667 0.11673807370528148 -0.0008936038919258983 -0.09685628824752832 -0.14174205996225253 -0.17114997936155218 -0.18508004644543605 -0.2160357510762764 -0.2175835363078171 -0.2129401806131862 -0.2098446101501048 -0.09840407347907781 0.12292921463144427 0.3349757913527134 0.7729990118791267 1.1166073332814783 1.3921131044959687 1.5221270639455105 +32362,1.5732039765863974,1,0.6631062604396404 0.3148545833426667 0.11673807370528148 -0.0008936038919258983 -0.09685628824752832 -0.14174205996225253 -0.17114997936155218 -0.18508004644543605 -0.2160357510762764 -0.2175835363078171 -0.2129401806131862 -0.2098446101501048 -0.09840407347907781 0.12292921463144427 0.3349757913527134 0.7729990118791267 1.1166073332814783 1.3921131044959687 1.5221270639455105 1.525222634408592 +32363,1.5376049162609262,1,0.3148545833426667 0.11673807370528148 -0.0008936038919258983 -0.09685628824752832 -0.14174205996225253 -0.17114997936155218 -0.18508004644543605 -0.2160357510762764 -0.2175835363078171 -0.2129401806131862 -0.2098446101501048 -0.09840407347907781 0.12292921463144427 0.3349757913527134 0.7729990118791267 1.1166073332814783 1.3921131044959687 1.5221270639455105 1.525222634408592 1.5732039765863974 +32364,1.4261643795898993,1,0.11673807370528148 -0.0008936038919258983 -0.09685628824752832 -0.14174205996225253 -0.17114997936155218 -0.18508004644543605 -0.2160357510762764 -0.2175835363078171 -0.2129401806131862 -0.2098446101501048 -0.09840407347907781 0.12292921463144427 0.3349757913527134 0.7729990118791267 1.1166073332814783 1.3921131044959687 1.5221270639455105 1.525222634408592 1.5732039765863974 1.5376049162609262 +32365,1.2311434404155954,1,-0.0008936038919258983 -0.09685628824752832 -0.14174205996225253 -0.17114997936155218 -0.18508004644543605 -0.2160357510762764 -0.2175835363078171 -0.2129401806131862 -0.2098446101501048 -0.09840407347907781 0.12292921463144427 0.3349757913527134 0.7729990118791267 1.1166073332814783 1.3921131044959687 1.5221270639455105 1.525222634408592 1.5732039765863974 1.5376049162609262 1.4261643795898993 +32366,0.8178847835938509,1,-0.09685628824752832 -0.14174205996225253 -0.17114997936155218 -0.18508004644543605 -0.2160357510762764 -0.2175835363078171 -0.2129401806131862 -0.2098446101501048 -0.09840407347907781 0.12292921463144427 0.3349757913527134 0.7729990118791267 1.1166073332814783 1.3921131044959687 1.5221270639455105 1.525222634408592 1.5732039765863974 1.5376049162609262 1.4261643795898993 1.2311434404155954 +32367,0.3752182073728067,1,-0.14174205996225253 -0.17114997936155218 -0.18508004644543605 -0.2160357510762764 -0.2175835363078171 -0.2129401806131862 -0.2098446101501048 -0.09840407347907781 0.12292921463144427 0.3349757913527134 0.7729990118791267 1.1166073332814783 1.3921131044959687 1.5221270639455105 1.525222634408592 1.5732039765863974 1.5376049162609262 1.4261643795898993 1.2311434404155954 0.8178847835938509 +32368,0.16471941588308708,1,-0.17114997936155218 -0.18508004644543605 -0.2160357510762764 -0.2175835363078171 -0.2129401806131862 -0.2098446101501048 -0.09840407347907781 0.12292921463144427 0.3349757913527134 0.7729990118791267 1.1166073332814783 1.3921131044959687 1.5221270639455105 1.525222634408592 1.5732039765863974 1.5376049162609262 1.4261643795898993 1.2311434404155954 0.8178847835938509 0.3752182073728067 +32369,-0.03494487898584764,1,-0.18508004644543605 -0.2160357510762764 -0.2175835363078171 -0.2129401806131862 -0.2098446101501048 -0.09840407347907781 0.12292921463144427 0.3349757913527134 0.7729990118791267 1.1166073332814783 1.3921131044959687 1.5221270639455105 1.525222634408592 1.5732039765863974 1.5376049162609262 1.4261643795898993 1.2311434404155954 0.8178847835938509 0.3752182073728067 0.16471941588308708 +32370,-0.1076907848683308,1,-0.2160357510762764 -0.2175835363078171 -0.2129401806131862 -0.2098446101501048 -0.09840407347907781 0.12292921463144427 0.3349757913527134 0.7729990118791267 1.1166073332814783 1.3921131044959687 1.5221270639455105 1.525222634408592 1.5732039765863974 1.5376049162609262 1.4261643795898993 1.2311434404155954 0.8178847835938509 0.3752182073728067 0.16471941588308708 -0.03494487898584764 +32371,-0.12162085195220587,1,-0.2175835363078171 -0.2129401806131862 -0.2098446101501048 -0.09840407347907781 0.12292921463144427 0.3349757913527134 0.7729990118791267 1.1166073332814783 1.3921131044959687 1.5221270639455105 1.525222634408592 1.5732039765863974 1.5376049162609262 1.4261643795898993 1.2311434404155954 0.8178847835938509 0.3752182073728067 0.16471941588308708 -0.03494487898584764 -0.1076907848683308 +32372,-0.14638541565688343,1,-0.2129401806131862 -0.2098446101501048 -0.09840407347907781 0.12292921463144427 0.3349757913527134 0.7729990118791267 1.1166073332814783 1.3921131044959687 1.5221270639455105 1.525222634408592 1.5732039765863974 1.5376049162609262 1.4261643795898993 1.2311434404155954 0.8178847835938509 0.3752182073728067 0.16471941588308708 -0.03494487898584764 -0.1076907848683308 -0.12162085195220587 +32373,-0.19746232829777044,1,-0.2098446101501048 -0.09840407347907781 0.12292921463144427 0.3349757913527134 0.7729990118791267 1.1166073332814783 1.3921131044959687 1.5221270639455105 1.525222634408592 1.5732039765863974 1.5376049162609262 1.4261643795898993 1.2311434404155954 0.8178847835938509 0.3752182073728067 0.16471941588308708 -0.03494487898584764 -0.1076907848683308 -0.12162085195220587 -0.14638541565688343 +32374,-0.2500870261701981,1,-0.09840407347907781 0.12292921463144427 0.3349757913527134 0.7729990118791267 1.1166073332814783 1.3921131044959687 1.5221270639455105 1.525222634408592 1.5732039765863974 1.5376049162609262 1.4261643795898993 1.2311434404155954 0.8178847835938509 0.3752182073728067 0.16471941588308708 -0.03494487898584764 -0.1076907848683308 -0.12162085195220587 -0.14638541565688343 -0.19746232829777044 +32375,-0.273303804643335,1,0.12292921463144427 0.3349757913527134 0.7729990118791267 1.1166073332814783 1.3921131044959687 1.5221270639455105 1.525222634408592 1.5732039765863974 1.5376049162609262 1.4261643795898993 1.2311434404155954 0.8178847835938509 0.3752182073728067 0.16471941588308708 -0.03494487898584764 -0.1076907848683308 -0.12162085195220587 -0.14638541565688343 -0.19746232829777044 -0.2500870261701981 +32376,-0.2500870261701981,1,0.3349757913527134 0.7729990118791267 1.1166073332814783 1.3921131044959687 1.5221270639455105 1.525222634408592 1.5732039765863974 1.5376049162609262 1.4261643795898993 1.2311434404155954 0.8178847835938509 0.3752182073728067 0.16471941588308708 -0.03494487898584764 -0.1076907848683308 -0.12162085195220587 -0.14638541565688343 -0.19746232829777044 -0.2500870261701981 -0.273303804643335 +32377,-0.25627816709636975,1,0.7729990118791267 1.1166073332814783 1.3921131044959687 1.5221270639455105 1.525222634408592 1.5732039765863974 1.5376049162609262 1.4261643795898993 1.2311434404155954 0.8178847835938509 0.3752182073728067 0.16471941588308708 -0.03494487898584764 -0.1076907848683308 -0.12162085195220587 -0.14638541565688343 -0.19746232829777044 -0.2500870261701981 -0.273303804643335 -0.2500870261701981 +32378,-0.12471642241528727,1,1.1166073332814783 1.3921131044959687 1.5221270639455105 1.525222634408592 1.5732039765863974 1.5376049162609262 1.4261643795898993 1.2311434404155954 0.8178847835938509 0.3752182073728067 0.16471941588308708 -0.03494487898584764 -0.1076907848683308 -0.12162085195220587 -0.14638541565688343 -0.19746232829777044 -0.2500870261701981 -0.273303804643335 -0.2500870261701981 -0.25627816709636975 +32379,-0.09376071778444693,1,1.3921131044959687 1.5221270639455105 1.525222634408592 1.5732039765863974 1.5376049162609262 1.4261643795898993 1.2311434404155954 0.8178847835938509 0.3752182073728067 0.16471941588308708 -0.03494487898584764 -0.1076907848683308 -0.12162085195220587 -0.14638541565688343 -0.19746232829777044 -0.2500870261701981 -0.273303804643335 -0.2500870261701981 -0.25627816709636975 -0.12471642241528727 +32380,-0.0008936038919258983,1,1.5221270639455105 1.525222634408592 1.5732039765863974 1.5376049162609262 1.4261643795898993 1.2311434404155954 0.8178847835938509 0.3752182073728067 0.16471941588308708 -0.03494487898584764 -0.1076907848683308 -0.12162085195220587 -0.14638541565688343 -0.19746232829777044 -0.2500870261701981 -0.273303804643335 -0.2500870261701981 -0.25627816709636975 -0.12471642241528727 -0.09376071778444693 +32381,0.08733015430598183,1,1.525222634408592 1.5732039765863974 1.5376049162609262 1.4261643795898993 1.2311434404155954 0.8178847835938509 0.3752182073728067 0.16471941588308708 -0.03494487898584764 -0.1076907848683308 -0.12162085195220587 -0.14638541565688343 -0.19746232829777044 -0.2500870261701981 -0.273303804643335 -0.2500870261701981 -0.25627816709636975 -0.12471642241528727 -0.09376071778444693 -0.0008936038919258983 +32382,0.16471941588308708,1,1.5732039765863974 1.5376049162609262 1.4261643795898993 1.2311434404155954 0.8178847835938509 0.3752182073728067 0.16471941588308708 -0.03494487898584764 -0.1076907848683308 -0.12162085195220587 -0.14638541565688343 -0.19746232829777044 -0.2500870261701981 -0.273303804643335 -0.2500870261701981 -0.25627816709636975 -0.12471642241528727 -0.09376071778444693 -0.0008936038919258983 0.08733015430598183 +32383,0.24520424792327375,1,1.5376049162609262 1.4261643795898993 1.2311434404155954 0.8178847835938509 0.3752182073728067 0.16471941588308708 -0.03494487898584764 -0.1076907848683308 -0.12162085195220587 -0.14638541565688343 -0.19746232829777044 -0.2500870261701981 -0.273303804643335 -0.2500870261701981 -0.25627816709636975 -0.12471642241528727 -0.09376071778444693 -0.0008936038919258983 0.08733015430598183 0.16471941588308708 +32384,0.28699444917490774,1,1.4261643795898993 1.2311434404155954 0.8178847835938509 0.3752182073728067 0.16471941588308708 -0.03494487898584764 -0.1076907848683308 -0.12162085195220587 -0.14638541565688343 -0.19746232829777044 -0.2500870261701981 -0.273303804643335 -0.2500870261701981 -0.25627816709636975 -0.12471642241528727 -0.09376071778444693 -0.0008936038919258983 0.08733015430598183 0.16471941588308708 0.24520424792327375 +32385,0.17245834204079058,1,1.2311434404155954 0.8178847835938509 0.3752182073728067 0.16471941588308708 -0.03494487898584764 -0.1076907848683308 -0.12162085195220587 -0.14638541565688343 -0.19746232829777044 -0.2500870261701981 -0.273303804643335 -0.2500870261701981 -0.25627816709636975 -0.12471642241528727 -0.09376071778444693 -0.0008936038919258983 0.08733015430598183 0.16471941588308708 0.24520424792327375 0.28699444917490774 +32386,0.20341404667163973,1,0.8178847835938509 0.3752182073728067 0.16471941588308708 -0.03494487898584764 -0.1076907848683308 -0.12162085195220587 -0.14638541565688343 -0.19746232829777044 -0.2500870261701981 -0.273303804643335 -0.2500870261701981 -0.25627816709636975 -0.12471642241528727 -0.09376071778444693 -0.0008936038919258983 0.08733015430598183 0.16471941588308708 0.24520424792327375 0.28699444917490774 0.17245834204079058 +32387,0.16471941588308708,1,0.3752182073728067 0.16471941588308708 -0.03494487898584764 -0.1076907848683308 -0.12162085195220587 -0.14638541565688343 -0.19746232829777044 -0.2500870261701981 -0.273303804643335 -0.2500870261701981 -0.25627816709636975 -0.12471642241528727 -0.09376071778444693 -0.0008936038919258983 0.08733015430598183 0.16471941588308708 0.24520424792327375 0.28699444917490774 0.17245834204079058 0.20341404667163973 +32388,0.18638840912467444,1,0.16471941588308708 -0.03494487898584764 -0.1076907848683308 -0.12162085195220587 -0.14638541565688343 -0.19746232829777044 -0.2500870261701981 -0.273303804643335 -0.2500870261701981 -0.25627816709636975 -0.12471642241528727 -0.09376071778444693 -0.0008936038919258983 0.08733015430598183 0.16471941588308708 0.24520424792327375 0.28699444917490774 0.17245834204079058 0.20341404667163973 0.16471941588308708 +32389,0.14150263740995023,1,-0.03494487898584764 -0.1076907848683308 -0.12162085195220587 -0.14638541565688343 -0.19746232829777044 -0.2500870261701981 -0.273303804643335 -0.2500870261701981 -0.25627816709636975 -0.12471642241528727 -0.09376071778444693 -0.0008936038919258983 0.08733015430598183 0.16471941588308708 0.24520424792327375 0.28699444917490774 0.17245834204079058 0.20341404667163973 0.16471941588308708 0.18638840912467444 +32390,0.08887793953752253,1,-0.1076907848683308 -0.12162085195220587 -0.14638541565688343 -0.19746232829777044 -0.2500870261701981 -0.273303804643335 -0.2500870261701981 -0.25627816709636975 -0.12471642241528727 -0.09376071778444693 -0.0008936038919258983 0.08733015430598183 0.16471941588308708 0.24520424792327375 0.28699444917490774 0.17245834204079058 0.20341404667163973 0.16471941588308708 0.18638840912467444 0.14150263740995023 +32391,-0.061257227922065886,1,-0.12162085195220587 -0.14638541565688343 -0.19746232829777044 -0.2500870261701981 -0.273303804643335 -0.2500870261701981 -0.25627816709636975 -0.12471642241528727 -0.09376071778444693 -0.0008936038919258983 0.08733015430598183 0.16471941588308708 0.24520424792327375 0.28699444917490774 0.17245834204079058 0.20341404667163973 0.16471941588308708 0.18638840912467444 0.14150263740995023 0.08887793953752253 +32392,-0.14793320088842413,1,-0.14638541565688343 -0.19746232829777044 -0.2500870261701981 -0.273303804643335 -0.2500870261701981 -0.25627816709636975 -0.12471642241528727 -0.09376071778444693 -0.0008936038919258983 0.08733015430598183 0.16471941588308708 0.24520424792327375 0.28699444917490774 0.17245834204079058 0.20341404667163973 0.16471941588308708 0.18638840912467444 0.14150263740995023 0.08887793953752253 -0.061257227922065886 +32393,-0.25782595232791045,1,-0.19746232829777044 -0.2500870261701981 -0.273303804643335 -0.2500870261701981 -0.25627816709636975 -0.12471642241528727 -0.09376071778444693 -0.0008936038919258983 0.08733015430598183 0.16471941588308708 0.24520424792327375 0.28699444917490774 0.17245834204079058 0.20341404667163973 0.16471941588308708 0.18638840912467444 0.14150263740995023 0.08887793953752253 -0.061257227922065886 -0.14793320088842413 +32394,-0.29032944219029144,1,-0.2500870261701981 -0.273303804643335 -0.2500870261701981 -0.25627816709636975 -0.12471642241528727 -0.09376071778444693 -0.0008936038919258983 0.08733015430598183 0.16471941588308708 0.24520424792327375 0.28699444917490774 0.17245834204079058 0.20341404667163973 0.16471941588308708 0.18638840912467444 0.14150263740995023 0.08887793953752253 -0.061257227922065886 -0.14793320088842413 -0.25782595232791045 +32395,-0.2624693080225413,1,-0.273303804643335 -0.2500870261701981 -0.25627816709636975 -0.12471642241528727 -0.09376071778444693 -0.0008936038919258983 0.08733015430598183 0.16471941588308708 0.24520424792327375 0.28699444917490774 0.17245834204079058 0.20341404667163973 0.16471941588308708 0.18638840912467444 0.14150263740995023 0.08887793953752253 -0.061257227922065886 -0.14793320088842413 -0.25782595232791045 -0.29032944219029144 +32396,-0.3352152139050157,1,-0.2500870261701981 -0.25627816709636975 -0.12471642241528727 -0.09376071778444693 -0.0008936038919258983 0.08733015430598183 0.16471941588308708 0.24520424792327375 0.28699444917490774 0.17245834204079058 0.20341404667163973 0.16471941588308708 0.18638840912467444 0.14150263740995023 0.08887793953752253 -0.061257227922065886 -0.14793320088842413 -0.25782595232791045 -0.29032944219029144 -0.2624693080225413 +32397,-0.3506930662204403,1,-0.25627816709636975 -0.12471642241528727 -0.09376071778444693 -0.0008936038919258983 0.08733015430598183 0.16471941588308708 0.24520424792327375 0.28699444917490774 0.17245834204079058 0.20341404667163973 0.16471941588308708 0.18638840912467444 0.14150263740995023 0.08887793953752253 -0.061257227922065886 -0.14793320088842413 -0.25782595232791045 -0.29032944219029144 -0.2624693080225413 -0.3352152139050157 +32398,-0.394031052703615,1,-0.12471642241528727 -0.09376071778444693 -0.0008936038919258983 0.08733015430598183 0.16471941588308708 0.24520424792327375 0.28699444917490774 0.17245834204079058 0.20341404667163973 0.16471941588308708 0.18638840912467444 0.14150263740995023 0.08887793953752253 -0.061257227922065886 -0.14793320088842413 -0.25782595232791045 -0.29032944219029144 -0.2624693080225413 -0.3352152139050157 -0.3506930662204403 +32399,-0.40486554932440866,1,-0.09376071778444693 -0.0008936038919258983 0.08733015430598183 0.16471941588308708 0.24520424792327375 0.28699444917490774 0.17245834204079058 0.20341404667163973 0.16471941588308708 0.18638840912467444 0.14150263740995023 0.08887793953752253 -0.061257227922065886 -0.14793320088842413 -0.25782595232791045 -0.29032944219029144 -0.2624693080225413 -0.3352152139050157 -0.3506930662204403 -0.394031052703615 +32400,-0.40176997886132726,1,-0.0008936038919258983 0.08733015430598183 0.16471941588308708 0.24520424792327375 0.28699444917490774 0.17245834204079058 0.20341404667163973 0.16471941588308708 0.18638840912467444 0.14150263740995023 0.08887793953752253 -0.061257227922065886 -0.14793320088842413 -0.25782595232791045 -0.29032944219029144 -0.2624693080225413 -0.3352152139050157 -0.3506930662204403 -0.394031052703615 -0.40486554932440866 +32401,-0.3522408514519809,1,0.08733015430598183 0.16471941588308708 0.24520424792327375 0.28699444917490774 0.17245834204079058 0.20341404667163973 0.16471941588308708 0.18638840912467444 0.14150263740995023 0.08887793953752253 -0.061257227922065886 -0.14793320088842413 -0.25782595232791045 -0.29032944219029144 -0.2624693080225413 -0.3352152139050157 -0.3506930662204403 -0.394031052703615 -0.40486554932440866 -0.40176997886132726 +32402,-0.2175835363078171,1,0.16471941588308708 0.24520424792327375 0.28699444917490774 0.17245834204079058 0.20341404667163973 0.16471941588308708 0.18638840912467444 0.14150263740995023 0.08887793953752253 -0.061257227922065886 -0.14793320088842413 -0.25782595232791045 -0.29032944219029144 -0.2624693080225413 -0.3352152139050157 -0.3506930662204403 -0.394031052703615 -0.40486554932440866 -0.40176997886132726 -0.3522408514519809 +32403,-0.06744836884822868,1,0.24520424792327375 0.28699444917490774 0.17245834204079058 0.20341404667163973 0.16471941588308708 0.18638840912467444 0.14150263740995023 0.08887793953752253 -0.061257227922065886 -0.14793320088842413 -0.25782595232791045 -0.29032944219029144 -0.2624693080225413 -0.3352152139050157 -0.3506930662204403 -0.394031052703615 -0.40486554932440866 -0.40176997886132726 -0.3522408514519809 -0.2175835363078171 +32404,-0.03494487898584764,1,0.28699444917490774 0.17245834204079058 0.20341404667163973 0.16471941588308708 0.18638840912467444 0.14150263740995023 0.08887793953752253 -0.061257227922065886 -0.14793320088842413 -0.25782595232791045 -0.29032944219029144 -0.2624693080225413 -0.3352152139050157 -0.3506930662204403 -0.394031052703615 -0.40486554932440866 -0.40176997886132726 -0.3522408514519809 -0.2175835363078171 -0.06744836884822868 +32405,0.02696653027583305,1,0.17245834204079058 0.20341404667163973 0.16471941588308708 0.18638840912467444 0.14150263740995023 0.08887793953752253 -0.061257227922065886 -0.14793320088842413 -0.25782595232791045 -0.29032944219029144 -0.2624693080225413 -0.3352152139050157 -0.3506930662204403 -0.394031052703615 -0.40486554932440866 -0.40176997886132726 -0.3522408514519809 -0.2175835363078171 -0.06744836884822868 -0.03494487898584764 +32406,0.17400612727234008,1,0.20341404667163973 0.16471941588308708 0.18638840912467444 0.14150263740995023 0.08887793953752253 -0.061257227922065886 -0.14793320088842413 -0.25782595232791045 -0.29032944219029144 -0.2624693080225413 -0.3352152139050157 -0.3506930662204403 -0.394031052703615 -0.40486554932440866 -0.40176997886132726 -0.3522408514519809 -0.2175835363078171 -0.06744836884822868 -0.03494487898584764 0.02696653027583305 +32407,0.3102112276480446,1,0.16471941588308708 0.18638840912467444 0.14150263740995023 0.08887793953752253 -0.061257227922065886 -0.14793320088842413 -0.25782595232791045 -0.29032944219029144 -0.2624693080225413 -0.3352152139050157 -0.3506930662204403 -0.394031052703615 -0.40486554932440866 -0.40176997886132726 -0.3522408514519809 -0.2175835363078171 -0.06744836884822868 -0.03494487898584764 0.02696653027583305 0.17400612727234008 +32408,0.5872647840940758,1,0.18638840912467444 0.14150263740995023 0.08887793953752253 -0.061257227922065886 -0.14793320088842413 -0.25782595232791045 -0.29032944219029144 -0.2624693080225413 -0.3352152139050157 -0.3506930662204403 -0.394031052703615 -0.40486554932440866 -0.40176997886132726 -0.3522408514519809 -0.2175835363078171 -0.06744836884822868 -0.03494487898584764 0.02696653027583305 0.17400612727234008 0.3102112276480446 +32409,0.7281132401644113,1,0.14150263740995023 0.08887793953752253 -0.061257227922065886 -0.14793320088842413 -0.25782595232791045 -0.29032944219029144 -0.2624693080225413 -0.3352152139050157 -0.3506930662204403 -0.394031052703615 -0.40486554932440866 -0.40176997886132726 -0.3522408514519809 -0.2175835363078171 -0.06744836884822868 -0.03494487898584764 0.02696653027583305 0.17400612727234008 0.3102112276480446 0.5872647840940758 +32410,0.7884768641945512,1,0.08887793953752253 -0.061257227922065886 -0.14793320088842413 -0.25782595232791045 -0.29032944219029144 -0.2624693080225413 -0.3352152139050157 -0.3506930662204403 -0.394031052703615 -0.40486554932440866 -0.40176997886132726 -0.3522408514519809 -0.2175835363078171 -0.06744836884822868 -0.03494487898584764 0.02696653027583305 0.17400612727234008 0.3102112276480446 0.5872647840940758 0.7281132401644113 +32411,0.8302670654461852,1,-0.061257227922065886 -0.14793320088842413 -0.25782595232791045 -0.29032944219029144 -0.2624693080225413 -0.3352152139050157 -0.3506930662204403 -0.394031052703615 -0.40486554932440866 -0.40176997886132726 -0.3522408514519809 -0.2175835363078171 -0.06744836884822868 -0.03494487898584764 0.02696653027583305 0.17400612727234008 0.3102112276480446 0.5872647840940758 0.7281132401644113 0.7884768641945512 +32412,0.841101562066979,1,-0.14793320088842413 -0.25782595232791045 -0.29032944219029144 -0.2624693080225413 -0.3352152139050157 -0.3506930662204403 -0.394031052703615 -0.40486554932440866 -0.40176997886132726 -0.3522408514519809 -0.2175835363078171 -0.06744836884822868 -0.03494487898584764 0.02696653027583305 0.17400612727234008 0.3102112276480446 0.5872647840940758 0.7281132401644113 0.7884768641945512 0.8302670654461852 +32413,0.6754885422919747,1,-0.25782595232791045 -0.29032944219029144 -0.2624693080225413 -0.3352152139050157 -0.3506930662204403 -0.394031052703615 -0.40486554932440866 -0.40176997886132726 -0.3522408514519809 -0.2175835363078171 -0.06744836884822868 -0.03494487898584764 0.02696653027583305 0.17400612727234008 0.3102112276480446 0.5872647840940758 0.7281132401644113 0.7884768641945512 0.8302670654461852 0.841101562066979 +32414,0.34735807320504775,1,-0.29032944219029144 -0.2624693080225413 -0.3352152139050157 -0.3506930662204403 -0.394031052703615 -0.40486554932440866 -0.40176997886132726 -0.3522408514519809 -0.2175835363078171 -0.06744836884822868 -0.03494487898584764 0.02696653027583305 0.17400612727234008 0.3102112276480446 0.5872647840940758 0.7281132401644113 0.7884768641945512 0.8302670654461852 0.841101562066979 0.6754885422919747 +32415,-0.010180315281178881,1,-0.2624693080225413 -0.3352152139050157 -0.3506930662204403 -0.394031052703615 -0.40486554932440866 -0.40176997886132726 -0.3522408514519809 -0.2175835363078171 -0.06744836884822868 -0.03494487898584764 0.02696653027583305 0.17400612727234008 0.3102112276480446 0.5872647840940758 0.7281132401644113 0.7884768641945512 0.8302670654461852 0.841101562066979 0.6754885422919747 0.34735807320504775 +32416,-0.2160357510762764,1,-0.3352152139050157 -0.3506930662204403 -0.394031052703615 -0.40486554932440866 -0.40176997886132726 -0.3522408514519809 -0.2175835363078171 -0.06744836884822868 -0.03494487898584764 0.02696653027583305 0.17400612727234008 0.3102112276480446 0.5872647840940758 0.7281132401644113 0.7884768641945512 0.8302670654461852 0.841101562066979 0.6754885422919747 0.34735807320504775 -0.010180315281178881 +32417,-0.40176997886132726,1,-0.3506930662204403 -0.394031052703615 -0.40486554932440866 -0.40176997886132726 -0.3522408514519809 -0.2175835363078171 -0.06744836884822868 -0.03494487898584764 0.02696653027583305 0.17400612727234008 0.3102112276480446 0.5872647840940758 0.7281132401644113 0.7884768641945512 0.8302670654461852 0.841101562066979 0.6754885422919747 0.34735807320504775 -0.010180315281178881 -0.2160357510762764 +32418,-0.5178538712269851,1,-0.394031052703615 -0.40486554932440866 -0.40176997886132726 -0.3522408514519809 -0.2175835363078171 -0.06744836884822868 -0.03494487898584764 0.02696653027583305 0.17400612727234008 0.3102112276480446 0.5872647840940758 0.7281132401644113 0.7884768641945512 0.8302670654461852 0.841101562066979 0.6754885422919747 0.34735807320504775 -0.010180315281178881 -0.2160357510762764 -0.40176997886132726 +32419,-0.5998864884987125,1,-0.40486554932440866 -0.40176997886132726 -0.3522408514519809 -0.2175835363078171 -0.06744836884822868 -0.03494487898584764 0.02696653027583305 0.17400612727234008 0.3102112276480446 0.5872647840940758 0.7281132401644113 0.7884768641945512 0.8302670654461852 0.841101562066979 0.6754885422919747 0.34735807320504775 -0.010180315281178881 -0.2160357510762764 -0.40176997886132726 -0.5178538712269851 +32420,-0.633937763592643,1,-0.40176997886132726 -0.3522408514519809 -0.2175835363078171 -0.06744836884822868 -0.03494487898584764 0.02696653027583305 0.17400612727234008 0.3102112276480446 0.5872647840940758 0.7281132401644113 0.7884768641945512 0.8302670654461852 0.841101562066979 0.6754885422919747 0.34735807320504775 -0.010180315281178881 -0.2160357510762764 -0.40176997886132726 -0.5178538712269851 -0.5998864884987125 +32421,-0.6509634011396083,1,-0.3522408514519809 -0.2175835363078171 -0.06744836884822868 -0.03494487898584764 0.02696653027583305 0.17400612727234008 0.3102112276480446 0.5872647840940758 0.7281132401644113 0.7884768641945512 0.8302670654461852 0.841101562066979 0.6754885422919747 0.34735807320504775 -0.010180315281178881 -0.2160357510762764 -0.40176997886132726 -0.5178538712269851 -0.5998864884987125 -0.633937763592643 +32422,-0.6292944078980209,1,-0.2175835363078171 -0.06744836884822868 -0.03494487898584764 0.02696653027583305 0.17400612727234008 0.3102112276480446 0.5872647840940758 0.7281132401644113 0.7884768641945512 0.8302670654461852 0.841101562066979 0.6754885422919747 0.34735807320504775 -0.010180315281178881 -0.2160357510762764 -0.40176997886132726 -0.5178538712269851 -0.5998864884987125 -0.633937763592643 -0.6509634011396083 +32423,-0.5782174952571252,1,-0.06744836884822868 -0.03494487898584764 0.02696653027583305 0.17400612727234008 0.3102112276480446 0.5872647840940758 0.7281132401644113 0.7884768641945512 0.8302670654461852 0.841101562066979 0.6754885422919747 0.34735807320504775 -0.010180315281178881 -0.2160357510762764 -0.40176997886132726 -0.5178538712269851 -0.5998864884987125 -0.633937763592643 -0.6509634011396083 -0.6292944078980209 +32424,-0.6401289045188147,1,-0.03494487898584764 0.02696653027583305 0.17400612727234008 0.3102112276480446 0.5872647840940758 0.7281132401644113 0.7884768641945512 0.8302670654461852 0.841101562066979 0.6754885422919747 0.34735807320504775 -0.010180315281178881 -0.2160357510762764 -0.40176997886132726 -0.5178538712269851 -0.5998864884987125 -0.633937763592643 -0.6509634011396083 -0.6292944078980209 -0.5782174952571252 +32425,-0.601434273730262,1,0.02696653027583305 0.17400612727234008 0.3102112276480446 0.5872647840940758 0.7281132401644113 0.7884768641945512 0.8302670654461852 0.841101562066979 0.6754885422919747 0.34735807320504775 -0.010180315281178881 -0.2160357510762764 -0.40176997886132726 -0.5178538712269851 -0.5998864884987125 -0.633937763592643 -0.6509634011396083 -0.6292944078980209 -0.5782174952571252 -0.6401289045188147 +32426,-0.46522917335455743,1,0.17400612727234008 0.3102112276480446 0.5872647840940758 0.7281132401644113 0.7884768641945512 0.8302670654461852 0.841101562066979 0.6754885422919747 0.34735807320504775 -0.010180315281178881 -0.2160357510762764 -0.40176997886132726 -0.5178538712269851 -0.5998864884987125 -0.633937763592643 -0.6509634011396083 -0.6292944078980209 -0.5782174952571252 -0.6401289045188147 -0.601434273730262 +32427,-0.09530850301598763,1,0.3102112276480446 0.5872647840940758 0.7281132401644113 0.7884768641945512 0.8302670654461852 0.841101562066979 0.6754885422919747 0.34735807320504775 -0.010180315281178881 -0.2160357510762764 -0.40176997886132726 -0.5178538712269851 -0.5998864884987125 -0.633937763592643 -0.6509634011396083 -0.6292944078980209 -0.5782174952571252 -0.6401289045188147 -0.601434273730262 -0.46522917335455743 +32428,0.11209471801065059,1,0.5872647840940758 0.7281132401644113 0.7884768641945512 0.8302670654461852 0.841101562066979 0.6754885422919747 0.34735807320504775 -0.010180315281178881 -0.2160357510762764 -0.40176997886132726 -0.5178538712269851 -0.5998864884987125 -0.633937763592643 -0.6509634011396083 -0.6292944078980209 -0.5782174952571252 -0.6401289045188147 -0.601434273730262 -0.46522917335455743 -0.09530850301598763 +32429,0.33961914704734425,1,0.7281132401644113 0.7884768641945512 0.8302670654461852 0.841101562066979 0.6754885422919747 0.34735807320504775 -0.010180315281178881 -0.2160357510762764 -0.40176997886132726 -0.5178538712269851 -0.5998864884987125 -0.633937763592643 -0.6509634011396083 -0.6292944078980209 -0.5782174952571252 -0.6401289045188147 -0.601434273730262 -0.46522917335455743 -0.09530850301598763 0.11209471801065059 +32430,0.5919081397887067,1,0.7884768641945512 0.8302670654461852 0.841101562066979 0.6754885422919747 0.34735807320504775 -0.010180315281178881 -0.2160357510762764 -0.40176997886132726 -0.5178538712269851 -0.5998864884987125 -0.633937763592643 -0.6509634011396083 -0.6292944078980209 -0.5782174952571252 -0.6401289045188147 -0.601434273730262 -0.46522917335455743 -0.09530850301598763 0.11209471801065059 0.33961914704734425 +32431,0.8271714949831038,1,0.8302670654461852 0.841101562066979 0.6754885422919747 0.34735807320504775 -0.010180315281178881 -0.2160357510762764 -0.40176997886132726 -0.5178538712269851 -0.5998864884987125 -0.633937763592643 -0.6509634011396083 -0.6292944078980209 -0.5782174952571252 -0.6401289045188147 -0.601434273730262 -0.46522917335455743 -0.09530850301598763 0.11209471801065059 0.33961914704734425 0.5919081397887067 +32432,0.9618288101272677,1,0.841101562066979 0.6754885422919747 0.34735807320504775 -0.010180315281178881 -0.2160357510762764 -0.40176997886132726 -0.5178538712269851 -0.5998864884987125 -0.633937763592643 -0.6509634011396083 -0.6292944078980209 -0.5782174952571252 -0.6401289045188147 -0.601434273730262 -0.46522917335455743 -0.09530850301598763 0.11209471801065059 0.33961914704734425 0.5919081397887067 0.8271714949831038 +32433,1.159945319764653,1,0.6754885422919747 0.34735807320504775 -0.010180315281178881 -0.2160357510762764 -0.40176997886132726 -0.5178538712269851 -0.5998864884987125 -0.633937763592643 -0.6509634011396083 -0.6292944078980209 -0.5782174952571252 -0.6401289045188147 -0.601434273730262 -0.46522917335455743 -0.09530850301598763 0.11209471801065059 0.33961914704734425 0.5919081397887067 0.8271714949831038 0.9618288101272677 +32434,1.1258940446707313,1,0.34735807320504775 -0.010180315281178881 -0.2160357510762764 -0.40176997886132726 -0.5178538712269851 -0.5998864884987125 -0.633937763592643 -0.6509634011396083 -0.6292944078980209 -0.5782174952571252 -0.6401289045188147 -0.601434273730262 -0.46522917335455743 -0.09530850301598763 0.11209471801065059 0.33961914704734425 0.5919081397887067 0.8271714949831038 0.9618288101272677 1.159945319764653 +32435,1.0562437092513381,1,-0.010180315281178881 -0.2160357510762764 -0.40176997886132726 -0.5178538712269851 -0.5998864884987125 -0.633937763592643 -0.6509634011396083 -0.6292944078980209 -0.5782174952571252 -0.6401289045188147 -0.601434273730262 -0.46522917335455743 -0.09530850301598763 0.11209471801065059 0.33961914704734425 0.5919081397887067 0.8271714949831038 0.9618288101272677 1.159945319764653 1.1258940446707313 +32436,0.9618288101272677,1,-0.2160357510762764 -0.40176997886132726 -0.5178538712269851 -0.5998864884987125 -0.633937763592643 -0.6509634011396083 -0.6292944078980209 -0.5782174952571252 -0.6401289045188147 -0.601434273730262 -0.46522917335455743 -0.09530850301598763 0.11209471801065059 0.33961914704734425 0.5919081397887067 0.8271714949831038 0.9618288101272677 1.159945319764653 1.1258940446707313 1.0562437092513381 +32437,0.6011948511779597,1,-0.40176997886132726 -0.5178538712269851 -0.5998864884987125 -0.633937763592643 -0.6509634011396083 -0.6292944078980209 -0.5782174952571252 -0.6401289045188147 -0.601434273730262 -0.46522917335455743 -0.09530850301598763 0.11209471801065059 0.33961914704734425 0.5919081397887067 0.8271714949831038 0.9618288101272677 1.159945319764653 1.1258940446707313 1.0562437092513381 0.9618288101272677 +32438,0.40462612677210635,1,-0.5178538712269851 -0.5998864884987125 -0.633937763592643 -0.6509634011396083 -0.6292944078980209 -0.5782174952571252 -0.6401289045188147 -0.601434273730262 -0.46522917335455743 -0.09530850301598763 0.11209471801065059 0.33961914704734425 0.5919081397887067 0.8271714949831038 0.9618288101272677 1.159945319764653 1.1258940446707313 1.0562437092513381 0.9618288101272677 0.6011948511779597 +32439,0.034705456433545334,1,-0.5998864884987125 -0.633937763592643 -0.6509634011396083 -0.6292944078980209 -0.5782174952571252 -0.6401289045188147 -0.601434273730262 -0.46522917335455743 -0.09530850301598763 0.11209471801065059 0.33961914704734425 0.5919081397887067 0.8271714949831038 0.9618288101272677 1.159945319764653 1.1258940446707313 1.0562437092513381 0.9618288101272677 0.6011948511779597 0.40462612677210635 +32440,-0.23770474431786376,1,-0.633937763592643 -0.6509634011396083 -0.6292944078980209 -0.5782174952571252 -0.6401289045188147 -0.601434273730262 -0.46522917335455743 -0.09530850301598763 0.11209471801065059 0.33961914704734425 0.5919081397887067 0.8271714949831038 0.9618288101272677 1.159945319764653 1.1258940446707313 1.0562437092513381 0.9618288101272677 0.6011948511779597 0.40462612677210635 0.034705456433545334 +32441,-0.3692664889989462,1,-0.6509634011396083 -0.6292944078980209 -0.5782174952571252 -0.6401289045188147 -0.601434273730262 -0.46522917335455743 -0.09530850301598763 0.11209471801065059 0.33961914704734425 0.5919081397887067 0.8271714949831038 0.9618288101272677 1.159945319764653 1.1258940446707313 1.0562437092513381 0.9618288101272677 0.6011948511779597 0.40462612677210635 0.034705456433545334 -0.23770474431786376 +32442,-0.4296301130290862,1,-0.6292944078980209 -0.5782174952571252 -0.6401289045188147 -0.601434273730262 -0.46522917335455743 -0.09530850301598763 0.11209471801065059 0.33961914704734425 0.5919081397887067 0.8271714949831038 0.9618288101272677 1.159945319764653 1.1258940446707313 1.0562437092513381 0.9618288101272677 0.6011948511779597 0.40462612677210635 0.034705456433545334 -0.23770474431786376 -0.3692664889989462 +32443,-0.5116627303008136,1,-0.5782174952571252 -0.6401289045188147 -0.601434273730262 -0.46522917335455743 -0.09530850301598763 0.11209471801065059 0.33961914704734425 0.5919081397887067 0.8271714949831038 0.9618288101272677 1.159945319764653 1.1258940446707313 1.0562437092513381 0.9618288101272677 0.6011948511779597 0.40462612677210635 0.034705456433545334 -0.23770474431786376 -0.3692664889989462 -0.4296301130290862 +32444,-0.5704785690994129,1,-0.6401289045188147 -0.601434273730262 -0.46522917335455743 -0.09530850301598763 0.11209471801065059 0.33961914704734425 0.5919081397887067 0.8271714949831038 0.9618288101272677 1.159945319764653 1.1258940446707313 1.0562437092513381 0.9618288101272677 0.6011948511779597 0.40462612677210635 0.034705456433545334 -0.23770474431786376 -0.3692664889989462 -0.4296301130290862 -0.5116627303008136 +32445,-0.5673829986363315,1,-0.601434273730262 -0.46522917335455743 -0.09530850301598763 0.11209471801065059 0.33961914704734425 0.5919081397887067 0.8271714949831038 0.9618288101272677 1.159945319764653 1.1258940446707313 1.0562437092513381 0.9618288101272677 0.6011948511779597 0.40462612677210635 0.034705456433545334 -0.23770474431786376 -0.3692664889989462 -0.4296301130290862 -0.5116627303008136 -0.5704785690994129 +32446,-0.5751219247940438,1,-0.46522917335455743 -0.09530850301598763 0.11209471801065059 0.33961914704734425 0.5919081397887067 0.8271714949831038 0.9618288101272677 1.159945319764653 1.1258940446707313 1.0562437092513381 0.9618288101272677 0.6011948511779597 0.40462612677210635 0.034705456433545334 -0.23770474431786376 -0.3692664889989462 -0.4296301130290862 -0.5116627303008136 -0.5704785690994129 -0.5673829986363315 +32447,-0.5611918577101599,1,-0.09530850301598763 0.11209471801065059 0.33961914704734425 0.5919081397887067 0.8271714949831038 0.9618288101272677 1.159945319764653 1.1258940446707313 1.0562437092513381 0.9618288101272677 0.6011948511779597 0.40462612677210635 0.034705456433545334 -0.23770474431786376 -0.3692664889989462 -0.4296301130290862 -0.5116627303008136 -0.5704785690994129 -0.5673829986363315 -0.5751219247940438 +32448,-0.5813130657202153,1,0.11209471801065059 0.33961914704734425 0.5919081397887067 0.8271714949831038 0.9618288101272677 1.159945319764653 1.1258940446707313 1.0562437092513381 0.9618288101272677 0.6011948511779597 0.40462612677210635 0.034705456433545334 -0.23770474431786376 -0.3692664889989462 -0.4296301130290862 -0.5116627303008136 -0.5704785690994129 -0.5673829986363315 -0.5751219247940438 -0.5611918577101599 +32449,-0.5813130657202153,1,0.33961914704734425 0.5919081397887067 0.8271714949831038 0.9618288101272677 1.159945319764653 1.1258940446707313 1.0562437092513381 0.9618288101272677 0.6011948511779597 0.40462612677210635 0.034705456433545334 -0.23770474431786376 -0.3692664889989462 -0.4296301130290862 -0.5116627303008136 -0.5704785690994129 -0.5673829986363315 -0.5751219247940438 -0.5611918577101599 -0.5813130657202153 +32450,-0.4435601801129613,1,0.5919081397887067 0.8271714949831038 0.9618288101272677 1.159945319764653 1.1258940446707313 1.0562437092513381 0.9618288101272677 0.6011948511779597 0.40462612677210635 0.034705456433545334 -0.23770474431786376 -0.3692664889989462 -0.4296301130290862 -0.5116627303008136 -0.5704785690994129 -0.5673829986363315 -0.5751219247940438 -0.5611918577101599 -0.5813130657202153 -0.5813130657202153 +32451,-0.282590516032588,1,0.8271714949831038 0.9618288101272677 1.159945319764653 1.1258940446707313 1.0562437092513381 0.9618288101272677 0.6011948511779597 0.40462612677210635 0.034705456433545334 -0.23770474431786376 -0.3692664889989462 -0.4296301130290862 -0.5116627303008136 -0.5704785690994129 -0.5673829986363315 -0.5751219247940438 -0.5611918577101599 -0.5813130657202153 -0.5813130657202153 -0.4435601801129613 +32452,-0.13400313380454026,1,0.9618288101272677 1.159945319764653 1.1258940446707313 1.0562437092513381 0.9618288101272677 0.6011948511779597 0.40462612677210635 0.034705456433545334 -0.23770474431786376 -0.3692664889989462 -0.4296301130290862 -0.5116627303008136 -0.5704785690994129 -0.5673829986363315 -0.5751219247940438 -0.5611918577101599 -0.5813130657202153 -0.5813130657202153 -0.4435601801129613 -0.282590516032588 +32453,0.12292921463144427,1,1.159945319764653 1.1258940446707313 1.0562437092513381 0.9618288101272677 0.6011948511779597 0.40462612677210635 0.034705456433545334 -0.23770474431786376 -0.3692664889989462 -0.4296301130290862 -0.5116627303008136 -0.5704785690994129 -0.5673829986363315 -0.5751219247940438 -0.5611918577101599 -0.5813130657202153 -0.5813130657202153 -0.4435601801129613 -0.282590516032588 -0.13400313380454026 +32454,0.37986156306743757,1,1.1258940446707313 1.0562437092513381 0.9618288101272677 0.6011948511779597 0.40462612677210635 0.034705456433545334 -0.23770474431786376 -0.3692664889989462 -0.4296301130290862 -0.5116627303008136 -0.5704785690994129 -0.5673829986363315 -0.5751219247940438 -0.5611918577101599 -0.5813130657202153 -0.5813130657202153 -0.4435601801129613 -0.282590516032588 -0.13400313380454026 0.12292921463144427 +32455,0.711087602617446,1,1.0562437092513381 0.9618288101272677 0.6011948511779597 0.40462612677210635 0.034705456433545334 -0.23770474431786376 -0.3692664889989462 -0.4296301130290862 -0.5116627303008136 -0.5704785690994129 -0.5673829986363315 -0.5751219247940438 -0.5611918577101599 -0.5813130657202153 -0.5813130657202153 -0.4435601801129613 -0.282590516032588 -0.13400313380454026 0.12292921463144427 0.37986156306743757 +32456,0.9246819645702558,1,0.9618288101272677 0.6011948511779597 0.40462612677210635 0.034705456433545334 -0.23770474431786376 -0.3692664889989462 -0.4296301130290862 -0.5116627303008136 -0.5704785690994129 -0.5673829986363315 -0.5751219247940438 -0.5611918577101599 -0.5813130657202153 -0.5813130657202153 -0.4435601801129613 -0.282590516032588 -0.13400313380454026 0.12292921463144427 0.37986156306743757 0.711087602617446 +32457,1.0314791455466608,1,0.6011948511779597 0.40462612677210635 0.034705456433545334 -0.23770474431786376 -0.3692664889989462 -0.4296301130290862 -0.5116627303008136 -0.5704785690994129 -0.5673829986363315 -0.5751219247940438 -0.5611918577101599 -0.5813130657202153 -0.5813130657202153 -0.4435601801129613 -0.282590516032588 -0.13400313380454026 0.12292921463144427 0.37986156306743757 0.711087602617446 0.9246819645702558 +32458,1.0608870649459603,1,0.40462612677210635 0.034705456433545334 -0.23770474431786376 -0.3692664889989462 -0.4296301130290862 -0.5116627303008136 -0.5704785690994129 -0.5673829986363315 -0.5751219247940438 -0.5611918577101599 -0.5813130657202153 -0.5813130657202153 -0.4435601801129613 -0.282590516032588 -0.13400313380454026 0.12292921463144427 0.37986156306743757 0.711087602617446 0.9246819645702558 1.0314791455466608 +32459,1.09029498434526,1,0.034705456433545334 -0.23770474431786376 -0.3692664889989462 -0.4296301130290862 -0.5116627303008136 -0.5704785690994129 -0.5673829986363315 -0.5751219247940438 -0.5611918577101599 -0.5813130657202153 -0.5813130657202153 -0.4435601801129613 -0.282590516032588 -0.13400313380454026 0.12292921463144427 0.37986156306743757 0.711087602617446 0.9246819645702558 1.0314791455466608 1.0608870649459603 +32460,0.9804022329057737,1,-0.23770474431786376 -0.3692664889989462 -0.4296301130290862 -0.5116627303008136 -0.5704785690994129 -0.5673829986363315 -0.5751219247940438 -0.5611918577101599 -0.5813130657202153 -0.5813130657202153 -0.4435601801129613 -0.282590516032588 -0.13400313380454026 0.12292921463144427 0.37986156306743757 0.711087602617446 0.9246819645702558 1.0314791455466608 1.0608870649459603 1.09029498434526 +32461,0.7869290789630106,1,-0.3692664889989462 -0.4296301130290862 -0.5116627303008136 -0.5704785690994129 -0.5673829986363315 -0.5751219247940438 -0.5611918577101599 -0.5813130657202153 -0.5813130657202153 -0.4435601801129613 -0.282590516032588 -0.13400313380454026 0.12292921463144427 0.37986156306743757 0.711087602617446 0.9246819645702558 1.0314791455466608 1.0608870649459603 1.09029498434526 0.9804022329057737 +32462,0.4789198178861302,1,-0.4296301130290862 -0.5116627303008136 -0.5704785690994129 -0.5673829986363315 -0.5751219247940438 -0.5611918577101599 -0.5813130657202153 -0.5813130657202153 -0.4435601801129613 -0.282590516032588 -0.13400313380454026 0.12292921463144427 0.37986156306743757 0.711087602617446 0.9246819645702558 1.0314791455466608 1.0608870649459603 1.09029498434526 0.9804022329057737 0.7869290789630106 +32463,0.039348812128176223,1,-0.5116627303008136 -0.5704785690994129 -0.5673829986363315 -0.5751219247940438 -0.5611918577101599 -0.5813130657202153 -0.5813130657202153 -0.4435601801129613 -0.282590516032588 -0.13400313380454026 0.12292921463144427 0.37986156306743757 0.711087602617446 0.9246819645702558 1.0314791455466608 1.0608870649459603 1.09029498434526 0.9804022329057737 0.7869290789630106 0.4789198178861302 +32464,-0.15721991227767712,1,-0.5704785690994129 -0.5673829986363315 -0.5751219247940438 -0.5611918577101599 -0.5813130657202153 -0.5813130657202153 -0.4435601801129613 -0.282590516032588 -0.13400313380454026 0.12292921463144427 0.37986156306743757 0.711087602617446 0.9246819645702558 1.0314791455466608 1.0608870649459603 1.09029498434526 0.9804022329057737 0.7869290789630106 0.4789198178861302 0.039348812128176223 +32465,-0.2702082341802448,1,-0.5673829986363315 -0.5751219247940438 -0.5611918577101599 -0.5813130657202153 -0.5813130657202153 -0.4435601801129613 -0.282590516032588 -0.13400313380454026 0.12292921463144427 0.37986156306743757 0.711087602617446 0.9246819645702558 1.0314791455466608 1.0608870649459603 1.09029498434526 0.9804022329057737 0.7869290789630106 0.4789198178861302 0.039348812128176223 -0.15721991227767712 +32466,-0.4218911868713739,1,-0.5751219247940438 -0.5611918577101599 -0.5813130657202153 -0.5813130657202153 -0.4435601801129613 -0.282590516032588 -0.13400313380454026 0.12292921463144427 0.37986156306743757 0.711087602617446 0.9246819645702558 1.0314791455466608 1.0608870649459603 1.09029498434526 0.9804022329057737 0.7869290789630106 0.4789198178861302 0.039348812128176223 -0.15721991227767712 -0.2702082341802448 +32467,-0.3893876970089929,1,-0.5611918577101599 -0.5813130657202153 -0.5813130657202153 -0.4435601801129613 -0.282590516032588 -0.13400313380454026 0.12292921463144427 0.37986156306743757 0.711087602617446 0.9246819645702558 1.0314791455466608 1.0608870649459603 1.09029498434526 0.9804022329057737 0.7869290789630106 0.4789198178861302 0.039348812128176223 -0.15721991227767712 -0.2702082341802448 -0.4218911868713739 +32468,-0.38319655608282127,1,-0.5813130657202153 -0.5813130657202153 -0.4435601801129613 -0.282590516032588 -0.13400313380454026 0.12292921463144427 0.37986156306743757 0.711087602617446 0.9246819645702558 1.0314791455466608 1.0608870649459603 1.09029498434526 0.9804022329057737 0.7869290789630106 0.4789198178861302 0.039348812128176223 -0.15721991227767712 -0.2702082341802448 -0.4218911868713739 -0.3893876970089929 +32469,-0.36617091853585604,1,-0.5813130657202153 -0.4435601801129613 -0.282590516032588 -0.13400313380454026 0.12292921463144427 0.37986156306743757 0.711087602617446 0.9246819645702558 1.0314791455466608 1.0608870649459603 1.09029498434526 0.9804022329057737 0.7869290789630106 0.4789198178861302 0.039348812128176223 -0.15721991227767712 -0.2702082341802448 -0.4218911868713739 -0.3893876970089929 -0.38319655608282127 +32470,-0.3739098446935683,1,-0.4435601801129613 -0.282590516032588 -0.13400313380454026 0.12292921463144427 0.37986156306743757 0.711087602617446 0.9246819645702558 1.0314791455466608 1.0608870649459603 1.09029498434526 0.9804022329057737 0.7869290789630106 0.4789198178861302 0.039348812128176223 -0.15721991227767712 -0.2702082341802448 -0.4218911868713739 -0.3893876970089929 -0.38319655608282127 -0.36617091853585604 +32471,-0.3878399117774522,1,-0.282590516032588 -0.13400313380454026 0.12292921463144427 0.37986156306743757 0.711087602617446 0.9246819645702558 1.0314791455466608 1.0608870649459603 1.09029498434526 0.9804022329057737 0.7869290789630106 0.4789198178861302 0.039348812128176223 -0.15721991227767712 -0.2702082341802448 -0.4218911868713739 -0.3893876970089929 -0.38319655608282127 -0.36617091853585604 -0.3739098446935683 +32472,-0.3785532003881992,1,-0.13400313380454026 0.12292921463144427 0.37986156306743757 0.711087602617446 0.9246819645702558 1.0314791455466608 1.0608870649459603 1.09029498434526 0.9804022329057737 0.7869290789630106 0.4789198178861302 0.039348812128176223 -0.15721991227767712 -0.2702082341802448 -0.4218911868713739 -0.3893876970089929 -0.38319655608282127 -0.36617091853585604 -0.3739098446935683 -0.3878399117774522 +32473,-0.34140635483118725,1,0.12292921463144427 0.37986156306743757 0.711087602617446 0.9246819645702558 1.0314791455466608 1.0608870649459603 1.09029498434526 0.9804022329057737 0.7869290789630106 0.4789198178861302 0.039348812128176223 -0.15721991227767712 -0.2702082341802448 -0.4218911868713739 -0.3893876970089929 -0.38319655608282127 -0.36617091853585604 -0.3739098446935683 -0.3878399117774522 -0.3785532003881992 +32474,-0.29961615357954446,1,0.37986156306743757 0.711087602617446 0.9246819645702558 1.0314791455466608 1.0608870649459603 1.09029498434526 0.9804022329057737 0.7869290789630106 0.4789198178861302 0.039348812128176223 -0.15721991227767712 -0.2702082341802448 -0.4218911868713739 -0.3893876970089929 -0.38319655608282127 -0.36617091853585604 -0.3739098446935683 -0.3878399117774522 -0.3785532003881992 -0.34140635483118725 +32475,-0.2516348114017388,1,0.711087602617446 0.9246819645702558 1.0314791455466608 1.0608870649459603 1.09029498434526 0.9804022329057737 0.7869290789630106 0.4789198178861302 0.039348812128176223 -0.15721991227767712 -0.2702082341802448 -0.4218911868713739 -0.3893876970089929 -0.38319655608282127 -0.36617091853585604 -0.3739098446935683 -0.3878399117774522 -0.3785532003881992 -0.34140635483118725 -0.29961615357954446 +32476,-0.23925252954940446,1,0.9246819645702558 1.0314791455466608 1.0608870649459603 1.09029498434526 0.9804022329057737 0.7869290789630106 0.4789198178861302 0.039348812128176223 -0.15721991227767712 -0.2702082341802448 -0.4218911868713739 -0.3893876970089929 -0.38319655608282127 -0.36617091853585604 -0.3739098446935683 -0.3878399117774522 -0.3785532003881992 -0.34140635483118725 -0.29961615357954446 -0.2516348114017388 +32477,-0.17888890551926448,1,1.0314791455466608 1.0608870649459603 1.09029498434526 0.9804022329057737 0.7869290789630106 0.4789198178861302 0.039348812128176223 -0.15721991227767712 -0.2702082341802448 -0.4218911868713739 -0.3893876970089929 -0.38319655608282127 -0.36617091853585604 -0.3739098446935683 -0.3878399117774522 -0.3785532003881992 -0.34140635483118725 -0.29961615357954446 -0.2516348114017388 -0.23925252954940446 +32478,0.35045364366813797,1,1.0608870649459603 1.09029498434526 0.9804022329057737 0.7869290789630106 0.4789198178861302 0.039348812128176223 -0.15721991227767712 -0.2702082341802448 -0.4218911868713739 -0.3893876970089929 -0.38319655608282127 -0.36617091853585604 -0.3739098446935683 -0.3878399117774522 -0.3785532003881992 -0.34140635483118725 -0.29961615357954446 -0.2516348114017388 -0.23925252954940446 -0.17888890551926448 +32479,0.5702391465471105,1,1.09029498434526 0.9804022329057737 0.7869290789630106 0.4789198178861302 0.039348812128176223 -0.15721991227767712 -0.2702082341802448 -0.4218911868713739 -0.3893876970089929 -0.38319655608282127 -0.36617091853585604 -0.3739098446935683 -0.3878399117774522 -0.3785532003881992 -0.34140635483118725 -0.29961615357954446 -0.2516348114017388 -0.23925252954940446 -0.17888890551926448 0.35045364366813797 +32480,0.7962157903522635,1,0.9804022329057737 0.7869290789630106 0.4789198178861302 0.039348812128176223 -0.15721991227767712 -0.2702082341802448 -0.4218911868713739 -0.3893876970089929 -0.38319655608282127 -0.36617091853585604 -0.3739098446935683 -0.3878399117774522 -0.3785532003881992 -0.34140635483118725 -0.29961615357954446 -0.2516348114017388 -0.23925252954940446 -0.17888890551926448 0.35045364366813797 0.5702391465471105 +32481,0.8565794143824035,1,0.7869290789630106 0.4789198178861302 0.039348812128176223 -0.15721991227767712 -0.2702082341802448 -0.4218911868713739 -0.3893876970089929 -0.38319655608282127 -0.36617091853585604 -0.3739098446935683 -0.3878399117774522 -0.3785532003881992 -0.34140635483118725 -0.29961615357954446 -0.2516348114017388 -0.23925252954940446 -0.17888890551926448 0.35045364366813797 0.5702391465471105 0.7962157903522635 +32482,0.9153952531810028,1,0.4789198178861302 0.039348812128176223 -0.15721991227767712 -0.2702082341802448 -0.4218911868713739 -0.3893876970089929 -0.38319655608282127 -0.36617091853585604 -0.3739098446935683 -0.3878399117774522 -0.3785532003881992 -0.34140635483118725 -0.29961615357954446 -0.2516348114017388 -0.23925252954940446 -0.17888890551926448 0.35045364366813797 0.5702391465471105 0.7962157903522635 0.8565794143824035 +32483,0.8983696156340375,1,0.039348812128176223 -0.15721991227767712 -0.2702082341802448 -0.4218911868713739 -0.3893876970089929 -0.38319655608282127 -0.36617091853585604 -0.3739098446935683 -0.3878399117774522 -0.3785532003881992 -0.34140635483118725 -0.29961615357954446 -0.2516348114017388 -0.23925252954940446 -0.17888890551926448 0.35045364366813797 0.5702391465471105 0.7962157903522635 0.8565794143824035 0.9153952531810028 +32484,0.841101562066979,1,-0.15721991227767712 -0.2702082341802448 -0.4218911868713739 -0.3893876970089929 -0.38319655608282127 -0.36617091853585604 -0.3739098446935683 -0.3878399117774522 -0.3785532003881992 -0.34140635483118725 -0.29961615357954446 -0.2516348114017388 -0.23925252954940446 -0.17888890551926448 0.35045364366813797 0.5702391465471105 0.7962157903522635 0.8565794143824035 0.9153952531810028 0.8983696156340375 +32485,0.6553673342819281,1,-0.2702082341802448 -0.4218911868713739 -0.3893876970089929 -0.38319655608282127 -0.36617091853585604 -0.3739098446935683 -0.3878399117774522 -0.3785532003881992 -0.34140635483118725 -0.29961615357954446 -0.2516348114017388 -0.23925252954940446 -0.17888890551926448 0.35045364366813797 0.5702391465471105 0.7962157903522635 0.8565794143824035 0.9153952531810028 0.8983696156340375 0.841101562066979 +32486,0.30092451625879163,1,-0.4218911868713739 -0.3893876970089929 -0.38319655608282127 -0.36617091853585604 -0.3739098446935683 -0.3878399117774522 -0.3785532003881992 -0.34140635483118725 -0.29961615357954446 -0.2516348114017388 -0.23925252954940446 -0.17888890551926448 0.35045364366813797 0.5702391465471105 0.7962157903522635 0.8565794143824035 0.9153952531810028 0.8983696156340375 0.841101562066979 0.6553673342819281 +32487,0.04244438259125762,1,-0.3893876970089929 -0.38319655608282127 -0.36617091853585604 -0.3739098446935683 -0.3878399117774522 -0.3785532003881992 -0.34140635483118725 -0.29961615357954446 -0.2516348114017388 -0.23925252954940446 -0.17888890551926448 0.35045364366813797 0.5702391465471105 0.7962157903522635 0.8565794143824035 0.9153952531810028 0.8983696156340375 0.841101562066979 0.6553673342819281 0.30092451625879163 +32488,-0.2160357510762764,1,-0.38319655608282127 -0.36617091853585604 -0.3739098446935683 -0.3878399117774522 -0.3785532003881992 -0.34140635483118725 -0.29961615357954446 -0.2516348114017388 -0.23925252954940446 -0.17888890551926448 0.35045364366813797 0.5702391465471105 0.7962157903522635 0.8565794143824035 0.9153952531810028 0.8983696156340375 0.841101562066979 0.6553673342819281 0.30092451625879163 0.04244438259125762 +32489,-0.39712662316670516,1,-0.36617091853585604 -0.3739098446935683 -0.3878399117774522 -0.3785532003881992 -0.34140635483118725 -0.29961615357954446 -0.2516348114017388 -0.23925252954940446 -0.17888890551926448 0.35045364366813797 0.5702391465471105 0.7962157903522635 0.8565794143824035 0.9153952531810028 0.8983696156340375 0.841101562066979 0.6553673342819281 0.30092451625879163 0.04244438259125762 -0.2160357510762764 +32490,-0.45284689150221424,1,-0.3739098446935683 -0.3878399117774522 -0.3785532003881992 -0.34140635483118725 -0.29961615357954446 -0.2516348114017388 -0.23925252954940446 -0.17888890551926448 0.35045364366813797 0.5702391465471105 0.7962157903522635 0.8565794143824035 0.9153952531810028 0.8983696156340375 0.841101562066979 0.6553673342819281 0.30092451625879163 0.04244438259125762 -0.2160357510762764 -0.39712662316670516 +32491,-0.5844086361832967,1,-0.3878399117774522 -0.3785532003881992 -0.34140635483118725 -0.29961615357954446 -0.2516348114017388 -0.23925252954940446 -0.17888890551926448 0.35045364366813797 0.5702391465471105 0.7962157903522635 0.8565794143824035 0.9153952531810028 0.8983696156340375 0.841101562066979 0.6553673342819281 0.30092451625879163 0.04244438259125762 -0.2160357510762764 -0.39712662316670516 -0.45284689150221424 +32492,-0.675727964844277,1,-0.3785532003881992 -0.34140635483118725 -0.29961615357954446 -0.2516348114017388 -0.23925252954940446 -0.17888890551926448 0.35045364366813797 0.5702391465471105 0.7962157903522635 0.8565794143824035 0.9153952531810028 0.8983696156340375 0.841101562066979 0.6553673342819281 0.30092451625879163 0.04244438259125762 -0.2160357510762764 -0.39712662316670516 -0.45284689150221424 -0.5844086361832967 +32493,-0.754665011652923,1,-0.34140635483118725 -0.29961615357954446 -0.2516348114017388 -0.23925252954940446 -0.17888890551926448 0.35045364366813797 0.5702391465471105 0.7962157903522635 0.8565794143824035 0.9153952531810028 0.8983696156340375 0.841101562066979 0.6553673342819281 0.30092451625879163 0.04244438259125762 -0.2160357510762764 -0.39712662316670516 -0.45284689150221424 -0.5844086361832967 -0.675727964844277 +32494,-0.8444365550823715,1,-0.29961615357954446 -0.2516348114017388 -0.23925252954940446 -0.17888890551926448 0.35045364366813797 0.5702391465471105 0.7962157903522635 0.8565794143824035 0.9153952531810028 0.8983696156340375 0.841101562066979 0.6553673342819281 0.30092451625879163 0.04244438259125762 -0.2160357510762764 -0.39712662316670516 -0.45284689150221424 -0.5844086361832967 -0.675727964844277 -0.754665011652923 +32495,-0.8846789711024647,1,-0.2516348114017388 -0.23925252954940446 -0.17888890551926448 0.35045364366813797 0.5702391465471105 0.7962157903522635 0.8565794143824035 0.9153952531810028 0.8983696156340375 0.841101562066979 0.6553673342819281 0.30092451625879163 0.04244438259125762 -0.2160357510762764 -0.39712662316670516 -0.45284689150221424 -0.5844086361832967 -0.675727964844277 -0.754665011652923 -0.8444365550823715 +32496,-0.938851454206442,1,-0.23925252954940446 -0.17888890551926448 0.35045364366813797 0.5702391465471105 0.7962157903522635 0.8565794143824035 0.9153952531810028 0.8983696156340375 0.841101562066979 0.6553673342819281 0.30092451625879163 0.04244438259125762 -0.2160357510762764 -0.39712662316670516 -0.45284689150221424 -0.5844086361832967 -0.675727964844277 -0.754665011652923 -0.8444365550823715 -0.8846789711024647 +32497,-0.8784878301762932,1,-0.17888890551926448 0.35045364366813797 0.5702391465471105 0.7962157903522635 0.8565794143824035 0.9153952531810028 0.8983696156340375 0.841101562066979 0.6553673342819281 0.30092451625879163 0.04244438259125762 -0.2160357510762764 -0.39712662316670516 -0.45284689150221424 -0.5844086361832967 -0.675727964844277 -0.754665011652923 -0.8444365550823715 -0.8846789711024647 -0.938851454206442 +32498,-0.4296301130290862,1,0.35045364366813797 0.5702391465471105 0.7962157903522635 0.8565794143824035 0.9153952531810028 0.8983696156340375 0.841101562066979 0.6553673342819281 0.30092451625879163 0.04244438259125762 -0.2160357510762764 -0.39712662316670516 -0.45284689150221424 -0.5844086361832967 -0.675727964844277 -0.754665011652923 -0.8444365550823715 -0.8846789711024647 -0.938851454206442 -0.8784878301762932 +32499,0.19412733528238674,1,0.5702391465471105 0.7962157903522635 0.8565794143824035 0.9153952531810028 0.8983696156340375 0.841101562066979 0.6553673342819281 0.30092451625879163 0.04244438259125762 -0.2160357510762764 -0.39712662316670516 -0.45284689150221424 -0.5844086361832967 -0.675727964844277 -0.754665011652923 -0.8444365550823715 -0.8846789711024647 -0.938851454206442 -0.8784878301762932 -0.4296301130290862 +32500,0.581073643167913,1,0.7962157903522635 0.8565794143824035 0.9153952531810028 0.8983696156340375 0.841101562066979 0.6553673342819281 0.30092451625879163 0.04244438259125762 -0.2160357510762764 -0.39712662316670516 -0.45284689150221424 -0.5844086361832967 -0.675727964844277 -0.754665011652923 -0.8444365550823715 -0.8846789711024647 -0.938851454206442 -0.8784878301762932 -0.4296301130290862 0.19412733528238674 +32501,0.8039547165099759,1,0.8565794143824035 0.9153952531810028 0.8983696156340375 0.841101562066979 0.6553673342819281 0.30092451625879163 0.04244438259125762 -0.2160357510762764 -0.39712662316670516 -0.45284689150221424 -0.5844086361832967 -0.675727964844277 -0.754665011652923 -0.8444365550823715 -0.8846789711024647 -0.938851454206442 -0.8784878301762932 -0.4296301130290862 0.19412733528238674 0.581073643167913 +32502,1.071721561566754,1,0.9153952531810028 0.8983696156340375 0.841101562066979 0.6553673342819281 0.30092451625879163 0.04244438259125762 -0.2160357510762764 -0.39712662316670516 -0.45284689150221424 -0.5844086361832967 -0.675727964844277 -0.754665011652923 -0.8444365550823715 -0.8846789711024647 -0.938851454206442 -0.8784878301762932 -0.4296301130290862 0.19412733528238674 0.581073643167913 0.8039547165099759 +32503,1.2249522994894237,1,0.8983696156340375 0.841101562066979 0.6553673342819281 0.30092451625879163 0.04244438259125762 -0.2160357510762764 -0.39712662316670516 -0.45284689150221424 -0.5844086361832967 -0.675727964844277 -0.754665011652923 -0.8444365550823715 -0.8846789711024647 -0.938851454206442 -0.8784878301762932 -0.4296301130290862 0.19412733528238674 0.581073643167913 0.8039547165099759 1.071721561566754 +32504,1.3642529703282185,1,0.841101562066979 0.6553673342819281 0.30092451625879163 0.04244438259125762 -0.2160357510762764 -0.39712662316670516 -0.45284689150221424 -0.5844086361832967 -0.675727964844277 -0.754665011652923 -0.8444365550823715 -0.8846789711024647 -0.938851454206442 -0.8784878301762932 -0.4296301130290862 0.19412733528238674 0.581073643167913 0.8039547165099759 1.071721561566754 1.2249522994894237 +32505,1.478789077462327,1,0.6553673342819281 0.30092451625879163 0.04244438259125762 -0.2160357510762764 -0.39712662316670516 -0.45284689150221424 -0.5844086361832967 -0.675727964844277 -0.754665011652923 -0.8444365550823715 -0.8846789711024647 -0.938851454206442 -0.8784878301762932 -0.4296301130290862 0.19412733528238674 0.581073643167913 0.8039547165099759 1.071721561566754 1.2249522994894237 1.3642529703282185 +32506,1.3658007555597593,1,0.30092451625879163 0.04244438259125762 -0.2160357510762764 -0.39712662316670516 -0.45284689150221424 -0.5844086361832967 -0.675727964844277 -0.754665011652923 -0.8444365550823715 -0.8846789711024647 -0.938851454206442 -0.8784878301762932 -0.4296301130290862 0.19412733528238674 0.581073643167913 0.8039547165099759 1.071721561566754 1.2249522994894237 1.3642529703282185 1.478789077462327 +32507,1.3750874669490123,1,0.04244438259125762 -0.2160357510762764 -0.39712662316670516 -0.45284689150221424 -0.5844086361832967 -0.675727964844277 -0.754665011652923 -0.8444365550823715 -0.8846789711024647 -0.938851454206442 -0.8784878301762932 -0.4296301130290862 0.19412733528238674 0.581073643167913 0.8039547165099759 1.071721561566754 1.2249522994894237 1.3642529703282185 1.478789077462327 1.3658007555597593 +32508,1.3735396817174716,1,-0.2160357510762764 -0.39712662316670516 -0.45284689150221424 -0.5844086361832967 -0.675727964844277 -0.754665011652923 -0.8444365550823715 -0.8846789711024647 -0.938851454206442 -0.8784878301762932 -0.4296301130290862 0.19412733528238674 0.581073643167913 0.8039547165099759 1.071721561566754 1.2249522994894237 1.3642529703282185 1.478789077462327 1.3658007555597593 1.3750874669490123 +32509,1.1135117628183968,1,-0.39712662316670516 -0.45284689150221424 -0.5844086361832967 -0.675727964844277 -0.754665011652923 -0.8444365550823715 -0.8846789711024647 -0.938851454206442 -0.8784878301762932 -0.4296301130290862 0.19412733528238674 0.581073643167913 0.8039547165099759 1.071721561566754 1.2249522994894237 1.3642529703282185 1.478789077462327 1.3658007555597593 1.3750874669490123 1.3735396817174716 +32510,0.8457449177616099,1,-0.45284689150221424 -0.5844086361832967 -0.675727964844277 -0.754665011652923 -0.8444365550823715 -0.8846789711024647 -0.938851454206442 -0.8784878301762932 -0.4296301130290862 0.19412733528238674 0.581073643167913 0.8039547165099759 1.071721561566754 1.2249522994894237 1.3642529703282185 1.478789077462327 1.3658007555597593 1.3750874669490123 1.3735396817174716 1.1135117628183968 +32511,0.4758242474230488,1,-0.5844086361832967 -0.675727964844277 -0.754665011652923 -0.8444365550823715 -0.8846789711024647 -0.938851454206442 -0.8784878301762932 -0.4296301130290862 0.19412733528238674 0.581073643167913 0.8039547165099759 1.071721561566754 1.2249522994894237 1.3642529703282185 1.478789077462327 1.3658007555597593 1.3750874669490123 1.3735396817174716 1.1135117628183968 0.8457449177616099 +32512,0.2080574023662618,1,-0.675727964844277 -0.754665011652923 -0.8444365550823715 -0.8846789711024647 -0.938851454206442 -0.8784878301762932 -0.4296301130290862 0.19412733528238674 0.581073643167913 0.8039547165099759 1.071721561566754 1.2249522994894237 1.3642529703282185 1.478789077462327 1.3658007555597593 1.3750874669490123 1.3735396817174716 1.1135117628183968 0.8457449177616099 0.4758242474230488 +32513,0.02541874504429235,1,-0.754665011652923 -0.8444365550823715 -0.8846789711024647 -0.938851454206442 -0.8784878301762932 -0.4296301130290862 0.19412733528238674 0.581073643167913 0.8039547165099759 1.071721561566754 1.2249522994894237 1.3642529703282185 1.478789077462327 1.3658007555597593 1.3750874669490123 1.3735396817174716 1.1135117628183968 0.8457449177616099 0.4758242474230488 0.2080574023662618 +32514,-0.2098446101501048,1,-0.8444365550823715 -0.8846789711024647 -0.938851454206442 -0.8784878301762932 -0.4296301130290862 0.19412733528238674 0.581073643167913 0.8039547165099759 1.071721561566754 1.2249522994894237 1.3642529703282185 1.478789077462327 1.3658007555597593 1.3750874669490123 1.3735396817174716 1.1135117628183968 0.8457449177616099 0.4758242474230488 0.2080574023662618 0.02541874504429235 +32515,-0.28723387172721004,1,-0.8846789711024647 -0.938851454206442 -0.8784878301762932 -0.4296301130290862 0.19412733528238674 0.581073643167913 0.8039547165099759 1.071721561566754 1.2249522994894237 1.3642529703282185 1.478789077462327 1.3658007555597593 1.3750874669490123 1.3735396817174716 1.1135117628183968 0.8457449177616099 0.4758242474230488 0.2080574023662618 0.02541874504429235 -0.2098446101501048 +32516,-0.3893876970089929,1,-0.938851454206442 -0.8784878301762932 -0.4296301130290862 0.19412733528238674 0.581073643167913 0.8039547165099759 1.071721561566754 1.2249522994894237 1.3642529703282185 1.478789077462327 1.3658007555597593 1.3750874669490123 1.3735396817174716 1.1135117628183968 0.8457449177616099 0.4758242474230488 0.2080574023662618 0.02541874504429235 -0.2098446101501048 -0.28723387172721004 +32517,-0.46058581765992657,1,-0.8784878301762932 -0.4296301130290862 0.19412733528238674 0.581073643167913 0.8039547165099759 1.071721561566754 1.2249522994894237 1.3642529703282185 1.478789077462327 1.3658007555597593 1.3750874669490123 1.3735396817174716 1.1135117628183968 0.8457449177616099 0.4758242474230488 0.2080574023662618 0.02541874504429235 -0.2098446101501048 -0.28723387172721004 -0.3893876970089929 +32518,-0.5116627303008136,1,-0.4296301130290862 0.19412733528238674 0.581073643167913 0.8039547165099759 1.071721561566754 1.2249522994894237 1.3642529703282185 1.478789077462327 1.3658007555597593 1.3750874669490123 1.3735396817174716 1.1135117628183968 0.8457449177616099 0.4758242474230488 0.2080574023662618 0.02541874504429235 -0.2098446101501048 -0.28723387172721004 -0.3893876970089929 -0.46058581765992657 +32519,-0.6029820589618027,1,0.19412733528238674 0.581073643167913 0.8039547165099759 1.071721561566754 1.2249522994894237 1.3642529703282185 1.478789077462327 1.3658007555597593 1.3750874669490123 1.3735396817174716 1.1135117628183968 0.8457449177616099 0.4758242474230488 0.2080574023662618 0.02541874504429235 -0.2098446101501048 -0.28723387172721004 -0.3893876970089929 -0.46058581765992657 -0.5116627303008136 +32520,-0.5859564214148374,1,0.581073643167913 0.8039547165099759 1.071721561566754 1.2249522994894237 1.3642529703282185 1.478789077462327 1.3658007555597593 1.3750874669490123 1.3735396817174716 1.1135117628183968 0.8457449177616099 0.4758242474230488 0.2080574023662618 0.02541874504429235 -0.2098446101501048 -0.28723387172721004 -0.3893876970089929 -0.46058581765992657 -0.5116627303008136 -0.6029820589618027 +32521,-0.5426184349316627,1,0.8039547165099759 1.071721561566754 1.2249522994894237 1.3642529703282185 1.478789077462327 1.3658007555597593 1.3750874669490123 1.3735396817174716 1.1135117628183968 0.8457449177616099 0.4758242474230488 0.2080574023662618 0.02541874504429235 -0.2098446101501048 -0.28723387172721004 -0.3893876970089929 -0.46058581765992657 -0.5116627303008136 -0.6029820589618027 -0.5859564214148374 +32522,0.0501833087489699,1,1.071721561566754 1.2249522994894237 1.3642529703282185 1.478789077462327 1.3658007555597593 1.3750874669490123 1.3735396817174716 1.1135117628183968 0.8457449177616099 0.4758242474230488 0.2080574023662618 0.02541874504429235 -0.2098446101501048 -0.28723387172721004 -0.3893876970089929 -0.46058581765992657 -0.5116627303008136 -0.6029820589618027 -0.5859564214148374 -0.5426184349316627 +32523,0.7033486764597336,1,1.2249522994894237 1.3642529703282185 1.478789077462327 1.3658007555597593 1.3750874669490123 1.3735396817174716 1.1135117628183968 0.8457449177616099 0.4758242474230488 0.2080574023662618 0.02541874504429235 -0.2098446101501048 -0.28723387172721004 -0.3893876970089929 -0.46058581765992657 -0.5116627303008136 -0.6029820589618027 -0.5859564214148374 -0.5426184349316627 0.0501833087489699 +32524,1.0330269307782014,1,1.3642529703282185 1.478789077462327 1.3658007555597593 1.3750874669490123 1.3735396817174716 1.1135117628183968 0.8457449177616099 0.4758242474230488 0.2080574023662618 0.02541874504429235 -0.2098446101501048 -0.28723387172721004 -0.3893876970089929 -0.46058581765992657 -0.5116627303008136 -0.6029820589618027 -0.5859564214148374 -0.5426184349316627 0.0501833087489699 0.7033486764597336 +32525,1.3642529703282185,1,1.478789077462327 1.3658007555597593 1.3750874669490123 1.3735396817174716 1.1135117628183968 0.8457449177616099 0.4758242474230488 0.2080574023662618 0.02541874504429235 -0.2098446101501048 -0.28723387172721004 -0.3893876970089929 -0.46058581765992657 -0.5116627303008136 -0.6029820589618027 -0.5859564214148374 -0.5426184349316627 0.0501833087489699 0.7033486764597336 1.0330269307782014 +32526,1.5376049162609262,1,1.3658007555597593 1.3750874669490123 1.3735396817174716 1.1135117628183968 0.8457449177616099 0.4758242474230488 0.2080574023662618 0.02541874504429235 -0.2098446101501048 -0.28723387172721004 -0.3893876970089929 -0.46058581765992657 -0.5116627303008136 -0.6029820589618027 -0.5859564214148374 -0.5426184349316627 0.0501833087489699 0.7033486764597336 1.0330269307782014 1.3642529703282185 +32527,1.8781176672001965,1,1.3750874669490123 1.3735396817174716 1.1135117628183968 0.8457449177616099 0.4758242474230488 0.2080574023662618 0.02541874504429235 -0.2098446101501048 -0.28723387172721004 -0.3893876970089929 -0.46058581765992657 -0.5116627303008136 -0.6029820589618027 -0.5859564214148374 -0.5426184349316627 0.0501833087489699 0.7033486764597336 1.0330269307782014 1.3642529703282185 1.5376049162609262 +32528,2.00967941188127,1,1.3735396817174716 1.1135117628183968 0.8457449177616099 0.4758242474230488 0.2080574023662618 0.02541874504429235 -0.2098446101501048 -0.28723387172721004 -0.3893876970089929 -0.46058581765992657 -0.5116627303008136 -0.6029820589618027 -0.5859564214148374 -0.5426184349316627 0.0501833087489699 0.7033486764597336 1.0330269307782014 1.3642529703282185 1.5376049162609262 1.8781176672001965 +32529,2.0901642439214654,1,1.1135117628183968 0.8457449177616099 0.4758242474230488 0.2080574023662618 0.02541874504429235 -0.2098446101501048 -0.28723387172721004 -0.3893876970089929 -0.46058581765992657 -0.5116627303008136 -0.6029820589618027 -0.5859564214148374 -0.5426184349316627 0.0501833087489699 0.7033486764597336 1.0330269307782014 1.3642529703282185 1.5376049162609262 1.8781176672001965 2.00967941188127 +32530,2.0948075996160878,1,0.8457449177616099 0.4758242474230488 0.2080574023662618 0.02541874504429235 -0.2098446101501048 -0.28723387172721004 -0.3893876970089929 -0.46058581765992657 -0.5116627303008136 -0.6029820589618027 -0.5859564214148374 -0.5426184349316627 0.0501833087489699 0.7033486764597336 1.0330269307782014 1.3642529703282185 1.5376049162609262 1.8781176672001965 2.00967941188127 2.0901642439214654 +32531,2.0592085392906165,1,0.4758242474230488 0.2080574023662618 0.02541874504429235 -0.2098446101501048 -0.28723387172721004 -0.3893876970089929 -0.46058581765992657 -0.5116627303008136 -0.6029820589618027 -0.5859564214148374 -0.5426184349316627 0.0501833087489699 0.7033486764597336 1.0330269307782014 1.3642529703282185 1.5376049162609262 1.8781176672001965 2.00967941188127 2.0901642439214654 2.0948075996160878 +32532,1.9849148481766012,1,0.2080574023662618 0.02541874504429235 -0.2098446101501048 -0.28723387172721004 -0.3893876970089929 -0.46058581765992657 -0.5116627303008136 -0.6029820589618027 -0.5859564214148374 -0.5426184349316627 0.0501833087489699 0.7033486764597336 1.0330269307782014 1.3642529703282185 1.5376049162609262 1.8781176672001965 2.00967941188127 2.0901642439214654 2.0948075996160878 2.0592085392906165 +32533,1.7465559225191138,1,0.02541874504429235 -0.2098446101501048 -0.28723387172721004 -0.3893876970089929 -0.46058581765992657 -0.5116627303008136 -0.6029820589618027 -0.5859564214148374 -0.5426184349316627 0.0501833087489699 0.7033486764597336 1.0330269307782014 1.3642529703282185 1.5376049162609262 1.8781176672001965 2.00967941188127 2.0901642439214654 2.0948075996160878 2.0592085392906165 1.9849148481766012 +32534,1.4044953863483118,1,-0.2098446101501048 -0.28723387172721004 -0.3893876970089929 -0.46058581765992657 -0.5116627303008136 -0.6029820589618027 -0.5859564214148374 -0.5426184349316627 0.0501833087489699 0.7033486764597336 1.0330269307782014 1.3642529703282185 1.5376049162609262 1.8781176672001965 2.00967941188127 2.0901642439214654 2.0948075996160878 2.0592085392906165 1.9849148481766012 1.7465559225191138 +32535,0.9324208907279681,1,-0.28723387172721004 -0.3893876970089929 -0.46058581765992657 -0.5116627303008136 -0.6029820589618027 -0.5859564214148374 -0.5426184349316627 0.0501833087489699 0.7033486764597336 1.0330269307782014 1.3642529703282185 1.5376049162609262 1.8781176672001965 2.00967941188127 2.0901642439214654 2.0948075996160878 2.0592085392906165 1.9849148481766012 1.7465559225191138 1.4044953863483118 +32536,0.6987053207651116,1,-0.3893876970089929 -0.46058581765992657 -0.5116627303008136 -0.6029820589618027 -0.5859564214148374 -0.5426184349316627 0.0501833087489699 0.7033486764597336 1.0330269307782014 1.3642529703282185 1.5376049162609262 1.8781176672001965 2.00967941188127 2.0901642439214654 2.0948075996160878 2.0592085392906165 1.9849148481766012 1.7465559225191138 1.4044953863483118 0.9324208907279681 +32537,0.5269011600639358,1,-0.46058581765992657 -0.5116627303008136 -0.6029820589618027 -0.5859564214148374 -0.5426184349316627 0.0501833087489699 0.7033486764597336 1.0330269307782014 1.3642529703282185 1.5376049162609262 1.8781176672001965 2.00967941188127 2.0901642439214654 2.0948075996160878 2.0592085392906165 1.9849148481766012 1.7465559225191138 1.4044953863483118 0.9324208907279681 0.6987053207651116 +32538,0.2684210263964018,1,-0.5116627303008136 -0.6029820589618027 -0.5859564214148374 -0.5426184349316627 0.0501833087489699 0.7033486764597336 1.0330269307782014 1.3642529703282185 1.5376049162609262 1.8781176672001965 2.00967941188127 2.0901642439214654 2.0948075996160878 2.0592085392906165 1.9849148481766012 1.7465559225191138 1.4044953863483118 0.9324208907279681 0.6987053207651116 0.5269011600639358 +32539,0.16781498634616848,1,-0.6029820589618027 -0.5859564214148374 -0.5426184349316627 0.0501833087489699 0.7033486764597336 1.0330269307782014 1.3642529703282185 1.5376049162609262 1.8781176672001965 2.00967941188127 2.0901642439214654 2.0948075996160878 2.0592085392906165 1.9849148481766012 1.7465559225191138 1.4044953863483118 0.9324208907279681 0.6987053207651116 0.5269011600639358 0.2684210263964018 +32540,0.06566116106438567,1,-0.5859564214148374 -0.5426184349316627 0.0501833087489699 0.7033486764597336 1.0330269307782014 1.3642529703282185 1.5376049162609262 1.8781176672001965 2.00967941188127 2.0901642439214654 2.0948075996160878 2.0592085392906165 1.9849148481766012 1.7465559225191138 1.4044953863483118 0.9324208907279681 0.6987053207651116 0.5269011600639358 0.2684210263964018 0.16781498634616848 +32541,-0.08602179162673464,1,-0.5426184349316627 0.0501833087489699 0.7033486764597336 1.0330269307782014 1.3642529703282185 1.5376049162609262 1.8781176672001965 2.00967941188127 2.0901642439214654 2.0948075996160878 2.0592085392906165 1.9849148481766012 1.7465559225191138 1.4044953863483118 0.9324208907279681 0.6987053207651116 0.5269011600639358 0.2684210263964018 0.16781498634616848 0.06566116106438567 +32542,-0.1634110532038399,1,0.0501833087489699 0.7033486764597336 1.0330269307782014 1.3642529703282185 1.5376049162609262 1.8781176672001965 2.00967941188127 2.0901642439214654 2.0948075996160878 2.0592085392906165 1.9849148481766012 1.7465559225191138 1.4044953863483118 0.9324208907279681 0.6987053207651116 0.5269011600639358 0.2684210263964018 0.16781498634616848 0.06566116106438567 -0.08602179162673464 +32543,-0.23615695908632306,1,0.7033486764597336 1.0330269307782014 1.3642529703282185 1.5376049162609262 1.8781176672001965 2.00967941188127 2.0901642439214654 2.0948075996160878 2.0592085392906165 1.9849148481766012 1.7465559225191138 1.4044953863483118 0.9324208907279681 0.6987053207651116 0.5269011600639358 0.2684210263964018 0.16781498634616848 0.06566116106438567 -0.08602179162673464 -0.1634110532038399 +32544,-0.3197373615895999,1,1.0330269307782014 1.3642529703282185 1.5376049162609262 1.8781176672001965 2.00967941188127 2.0901642439214654 2.0948075996160878 2.0592085392906165 1.9849148481766012 1.7465559225191138 1.4044953863483118 0.9324208907279681 0.6987053207651116 0.5269011600639358 0.2684210263964018 0.16781498634616848 0.06566116106438567 -0.08602179162673464 -0.1634110532038399 -0.23615695908632306 +32545,-0.24853924093865745,1,1.3642529703282185 1.5376049162609262 1.8781176672001965 2.00967941188127 2.0901642439214654 2.0948075996160878 2.0592085392906165 1.9849148481766012 1.7465559225191138 1.4044953863483118 0.9324208907279681 0.6987053207651116 0.5269011600639358 0.2684210263964018 0.16781498634616848 0.06566116106438567 -0.08602179162673464 -0.1634110532038399 -0.23615695908632306 -0.3197373615895999 +32546,0.443320757560659,1,1.5376049162609262 1.8781176672001965 2.00967941188127 2.0901642439214654 2.0948075996160878 2.0592085392906165 1.9849148481766012 1.7465559225191138 1.4044953863483118 0.9324208907279681 0.6987053207651116 0.5269011600639358 0.2684210263964018 0.16781498634616848 0.06566116106438567 -0.08602179162673464 -0.1634110532038399 -0.23615695908632306 -0.3197373615895999 -0.24853924093865745 +32547,1.136728541291525,1,1.8781176672001965 2.00967941188127 2.0901642439214654 2.0948075996160878 2.0592085392906165 1.9849148481766012 1.7465559225191138 1.4044953863483118 0.9324208907279681 0.6987053207651116 0.5269011600639358 0.2684210263964018 0.16781498634616848 0.06566116106438567 -0.08602179162673464 -0.1634110532038399 -0.23615695908632306 -0.3197373615895999 -0.24853924093865745 0.443320757560659 +32548,1.6985745803413084,1,2.00967941188127 2.0901642439214654 2.0948075996160878 2.0592085392906165 1.9849148481766012 1.7465559225191138 1.4044953863483118 0.9324208907279681 0.6987053207651116 0.5269011600639358 0.2684210263964018 0.16781498634616848 0.06566116106438567 -0.08602179162673464 -0.1634110532038399 -0.23615695908632306 -0.3197373615895999 -0.24853924093865745 0.443320757560659 1.136728541291525 +32549,1.9833670629450606,1,2.0901642439214654 2.0948075996160878 2.0592085392906165 1.9849148481766012 1.7465559225191138 1.4044953863483118 0.9324208907279681 0.6987053207651116 0.5269011600639358 0.2684210263964018 0.16781498634616848 0.06566116106438567 -0.08602179162673464 -0.1634110532038399 -0.23615695908632306 -0.3197373615895999 -0.24853924093865745 0.443320757560659 1.136728541291525 1.6985745803413084 +32550,2.3393576661997377,1,2.0948075996160878 2.0592085392906165 1.9849148481766012 1.7465559225191138 1.4044953863483118 0.9324208907279681 0.6987053207651116 0.5269011600639358 0.2684210263964018 0.16781498634616848 0.06566116106438567 -0.08602179162673464 -0.1634110532038399 -0.23615695908632306 -0.3197373615895999 -0.24853924093865745 0.443320757560659 1.136728541291525 1.6985745803413084 1.9833670629450606 +32551,2.4678238404177386,1,2.0592085392906165 1.9849148481766012 1.7465559225191138 1.4044953863483118 0.9324208907279681 0.6987053207651116 0.5269011600639358 0.2684210263964018 0.16781498634616848 0.06566116106438567 -0.08602179162673464 -0.1634110532038399 -0.23615695908632306 -0.3197373615895999 -0.24853924093865745 0.443320757560659 1.136728541291525 1.6985745803413084 1.9833670629450606 2.3393576661997377 +32552,2.6349846454242836,1,1.9849148481766012 1.7465559225191138 1.4044953863483118 0.9324208907279681 0.6987053207651116 0.5269011600639358 0.2684210263964018 0.16781498634616848 0.06566116106438567 -0.08602179162673464 -0.1634110532038399 -0.23615695908632306 -0.3197373615895999 -0.24853924093865745 0.443320757560659 1.136728541291525 1.6985745803413084 1.9833670629450606 2.3393576661997377 2.4678238404177386 +32553,2.768094175336907,1,1.7465559225191138 1.4044953863483118 0.9324208907279681 0.6987053207651116 0.5269011600639358 0.2684210263964018 0.16781498634616848 0.06566116106438567 -0.08602179162673464 -0.1634110532038399 -0.23615695908632306 -0.3197373615895999 -0.24853924093865745 0.443320757560659 1.136728541291525 1.6985745803413084 1.9833670629450606 2.3393576661997377 2.4678238404177386 2.6349846454242836 +32554,2.610220081719606,1,1.4044953863483118 0.9324208907279681 0.6987053207651116 0.5269011600639358 0.2684210263964018 0.16781498634616848 0.06566116106438567 -0.08602179162673464 -0.1634110532038399 -0.23615695908632306 -0.3197373615895999 -0.24853924093865745 0.443320757560659 1.136728541291525 1.6985745803413084 1.9833670629450606 2.3393576661997377 2.4678238404177386 2.6349846454242836 2.768094175336907 +32555,2.5808121623203064,1,0.9324208907279681 0.6987053207651116 0.5269011600639358 0.2684210263964018 0.16781498634616848 0.06566116106438567 -0.08602179162673464 -0.1634110532038399 -0.23615695908632306 -0.3197373615895999 -0.24853924093865745 0.443320757560659 1.136728541291525 1.6985745803413084 1.9833670629450606 2.3393576661997377 2.4678238404177386 2.6349846454242836 2.768094175336907 2.610220081719606 +32556,2.4662760551861895,1,0.6987053207651116 0.5269011600639358 0.2684210263964018 0.16781498634616848 0.06566116106438567 -0.08602179162673464 -0.1634110532038399 -0.23615695908632306 -0.3197373615895999 -0.24853924093865745 0.443320757560659 1.136728541291525 1.6985745803413084 1.9833670629450606 2.3393576661997377 2.4678238404177386 2.6349846454242836 2.768094175336907 2.610220081719606 2.5808121623203064 +32557,2.200056995360952,1,0.5269011600639358 0.2684210263964018 0.16781498634616848 0.06566116106438567 -0.08602179162673464 -0.1634110532038399 -0.23615695908632306 -0.3197373615895999 -0.24853924093865745 0.443320757560659 1.136728541291525 1.6985745803413084 1.9833670629450606 2.3393576661997377 2.4678238404177386 2.6349846454242836 2.768094175336907 2.610220081719606 2.5808121623203064 2.4662760551861895 +32558,1.8363274659485536,1,0.2684210263964018 0.16781498634616848 0.06566116106438567 -0.08602179162673464 -0.1634110532038399 -0.23615695908632306 -0.3197373615895999 -0.24853924093865745 0.443320757560659 1.136728541291525 1.6985745803413084 1.9833670629450606 2.3393576661997377 2.4678238404177386 2.6349846454242836 2.768094175336907 2.610220081719606 2.5808121623203064 2.4662760551861895 2.200056995360952 +32559,1.4292599500529806,1,0.16781498634616848 0.06566116106438567 -0.08602179162673464 -0.1634110532038399 -0.23615695908632306 -0.3197373615895999 -0.24853924093865745 0.443320757560659 1.136728541291525 1.6985745803413084 1.9833670629450606 2.3393576661997377 2.4678238404177386 2.6349846454242836 2.768094175336907 2.610220081719606 2.5808121623203064 2.4662760551861895 2.200056995360952 1.8363274659485536 +32560,1.2218567290263425,1,0.06566116106438567 -0.08602179162673464 -0.1634110532038399 -0.23615695908632306 -0.3197373615895999 -0.24853924093865745 0.443320757560659 1.136728541291525 1.6985745803413084 1.9833670629450606 2.3393576661997377 2.4678238404177386 2.6349846454242836 2.768094175336907 2.610220081719606 2.5808121623203064 2.4662760551861895 2.200056995360952 1.8363274659485536 1.4292599500529806 +32561,0.9262297498017965,1,-0.08602179162673464 -0.1634110532038399 -0.23615695908632306 -0.3197373615895999 -0.24853924093865745 0.443320757560659 1.136728541291525 1.6985745803413084 1.9833670629450606 2.3393576661997377 2.4678238404177386 2.6349846454242836 2.768094175336907 2.610220081719606 2.5808121623203064 2.4662760551861895 2.200056995360952 1.8363274659485536 1.4292599500529806 1.2218567290263425 +32562,0.7404955220167456,1,-0.1634110532038399 -0.23615695908632306 -0.3197373615895999 -0.24853924093865745 0.443320757560659 1.136728541291525 1.6985745803413084 1.9833670629450606 2.3393576661997377 2.4678238404177386 2.6349846454242836 2.768094175336907 2.610220081719606 2.5808121623203064 2.4662760551861895 2.200056995360952 1.8363274659485536 1.4292599500529806 1.2218567290263425 0.9262297498017965 +32563,0.5222578043693137,1,-0.23615695908632306 -0.3197373615895999 -0.24853924093865745 0.443320757560659 1.136728541291525 1.6985745803413084 1.9833670629450606 2.3393576661997377 2.4678238404177386 2.6349846454242836 2.768094175336907 2.610220081719606 2.5808121623203064 2.4662760551861895 2.200056995360952 1.8363274659485536 1.4292599500529806 1.2218567290263425 0.9262297498017965 0.7404955220167456 +32564,0.39998277107748426,1,-0.3197373615895999 -0.24853924093865745 0.443320757560659 1.136728541291525 1.6985745803413084 1.9833670629450606 2.3393576661997377 2.4678238404177386 2.6349846454242836 2.768094175336907 2.610220081719606 2.5808121623203064 2.4662760551861895 2.200056995360952 1.8363274659485536 1.4292599500529806 1.2218567290263425 0.9262297498017965 0.7404955220167456 0.5222578043693137 +32565,0.22972639560784916,1,-0.24853924093865745 0.443320757560659 1.136728541291525 1.6985745803413084 1.9833670629450606 2.3393576661997377 2.4678238404177386 2.6349846454242836 2.768094175336907 2.610220081719606 2.5808121623203064 2.4662760551861895 2.200056995360952 1.8363274659485536 1.4292599500529806 1.2218567290263425 0.9262297498017965 0.7404955220167456 0.5222578043693137 0.39998277107748426 +32566,0.13066814078915656,1,0.443320757560659 1.136728541291525 1.6985745803413084 1.9833670629450606 2.3393576661997377 2.4678238404177386 2.6349846454242836 2.768094175336907 2.610220081719606 2.5808121623203064 2.4662760551861895 2.200056995360952 1.8363274659485536 1.4292599500529806 1.2218567290263425 0.9262297498017965 0.7404955220167456 0.5222578043693137 0.39998277107748426 0.22972639560784916 +32567,0.11519028847373199,1,1.136728541291525 1.6985745803413084 1.9833670629450606 2.3393576661997377 2.4678238404177386 2.6349846454242836 2.768094175336907 2.610220081719606 2.5808121623203064 2.4662760551861895 2.200056995360952 1.8363274659485536 1.4292599500529806 1.2218567290263425 0.9262297498017965 0.7404955220167456 0.5222578043693137 0.39998277107748426 0.22972639560784916 0.13066814078915656 +32568,-0.011728100512719579,1,1.6985745803413084 1.9833670629450606 2.3393576661997377 2.4678238404177386 2.6349846454242836 2.768094175336907 2.610220081719606 2.5808121623203064 2.4662760551861895 2.200056995360952 1.8363274659485536 1.4292599500529806 1.2218567290263425 0.9262297498017965 0.7404955220167456 0.5222578043693137 0.39998277107748426 0.22972639560784916 0.13066814078915656 0.11519028847373199 +32569,0.11983364416836288,1,1.9833670629450606 2.3393576661997377 2.4678238404177386 2.6349846454242836 2.768094175336907 2.610220081719606 2.5808121623203064 2.4662760551861895 2.200056995360952 1.8363274659485536 1.4292599500529806 1.2218567290263425 0.9262297498017965 0.7404955220167456 0.5222578043693137 0.39998277107748426 0.22972639560784916 0.13066814078915656 0.11519028847373199 -0.011728100512719579 +32570,0.8581271996139442,1,2.3393576661997377 2.4678238404177386 2.6349846454242836 2.768094175336907 2.610220081719606 2.5808121623203064 2.4662760551861895 2.200056995360952 1.8363274659485536 1.4292599500529806 1.2218567290263425 0.9262297498017965 0.7404955220167456 0.5222578043693137 0.39998277107748426 0.22972639560784916 0.13066814078915656 0.11519028847373199 -0.011728100512719579 0.11983364416836288 +32571,1.6505932381635027,1,2.4678238404177386 2.6349846454242836 2.768094175336907 2.610220081719606 2.5808121623203064 2.4662760551861895 2.200056995360952 1.8363274659485536 1.4292599500529806 1.2218567290263425 0.9262297498017965 0.7404955220167456 0.5222578043693137 0.39998277107748426 0.22972639560784916 0.13066814078915656 0.11519028847373199 -0.011728100512719579 0.11983364416836288 0.8581271996139442 +32572,2.2991152501796446,1,2.6349846454242836 2.768094175336907 2.610220081719606 2.5808121623203064 2.4662760551861895 2.200056995360952 1.8363274659485536 1.4292599500529806 1.2218567290263425 0.9262297498017965 0.7404955220167456 0.5222578043693137 0.39998277107748426 0.22972639560784916 0.13066814078915656 0.11519028847373199 -0.011728100512719579 0.11983364416836288 0.8581271996139442 1.6505932381635027 +32573,2.6721314909812954,1,2.768094175336907 2.610220081719606 2.5808121623203064 2.4662760551861895 2.200056995360952 1.8363274659485536 1.4292599500529806 1.2218567290263425 0.9262297498017965 0.7404955220167456 0.5222578043693137 0.39998277107748426 0.22972639560784916 0.13066814078915656 0.11519028847373199 -0.011728100512719579 0.11983364416836288 0.8581271996139442 1.6505932381635027 2.2991152501796446 +32574,3.031217664699063,1,2.610220081719606 2.5808121623203064 2.4662760551861895 2.200056995360952 1.8363274659485536 1.4292599500529806 1.2218567290263425 0.9262297498017965 0.7404955220167456 0.5222578043693137 0.39998277107748426 0.22972639560784916 0.13066814078915656 0.11519028847373199 -0.011728100512719579 0.11983364416836288 0.8581271996139442 1.6505932381635027 2.2991152501796446 2.6721314909812954 +32575,3.221595248178745,1,2.5808121623203064 2.4662760551861895 2.200056995360952 1.8363274659485536 1.4292599500529806 1.2218567290263425 0.9262297498017965 0.7404955220167456 0.5222578043693137 0.39998277107748426 0.22972639560784916 0.13066814078915656 0.11519028847373199 -0.011728100512719579 0.11983364416836288 0.8581271996139442 1.6505932381635027 2.2991152501796446 2.6721314909812954 3.031217664699063 +32576,3.5404390058764186,1,2.4662760551861895 2.200056995360952 1.8363274659485536 1.4292599500529806 1.2218567290263425 0.9262297498017965 0.7404955220167456 0.5222578043693137 0.39998277107748426 0.22972639560784916 0.13066814078915656 0.11519028847373199 -0.011728100512719579 0.11983364416836288 0.8581271996139442 1.6505932381635027 2.2991152501796446 2.6721314909812954 3.031217664699063 3.221595248178745 +32577,3.6193760526850647,1,2.200056995360952 1.8363274659485536 1.4292599500529806 1.2218567290263425 0.9262297498017965 0.7404955220167456 0.5222578043693137 0.39998277107748426 0.22972639560784916 0.13066814078915656 0.11519028847373199 -0.011728100512719579 0.11983364416836288 0.8581271996139442 1.6505932381635027 2.2991152501796446 2.6721314909812954 3.031217664699063 3.221595248178745 3.5404390058764186 +32578,3.5234133683294533,1,1.8363274659485536 1.4292599500529806 1.2218567290263425 0.9262297498017965 0.7404955220167456 0.5222578043693137 0.39998277107748426 0.22972639560784916 0.13066814078915656 0.11519028847373199 -0.011728100512719579 0.11983364416836288 0.8581271996139442 1.6505932381635027 2.2991152501796446 2.6721314909812954 3.031217664699063 3.221595248178745 3.5404390058764186 3.6193760526850647 +32579,3.4135206168899583,1,1.4292599500529806 1.2218567290263425 0.9262297498017965 0.7404955220167456 0.5222578043693137 0.39998277107748426 0.22972639560784916 0.13066814078915656 0.11519028847373199 -0.011728100512719579 0.11983364416836288 0.8581271996139442 1.6505932381635027 2.2991152501796446 2.6721314909812954 3.031217664699063 3.221595248178745 3.5404390058764186 3.6193760526850647 3.5234133683294533 +32580,3.3036278654504723,1,1.2218567290263425 0.9262297498017965 0.7404955220167456 0.5222578043693137 0.39998277107748426 0.22972639560784916 0.13066814078915656 0.11519028847373199 -0.011728100512719579 0.11983364416836288 0.8581271996139442 1.6505932381635027 2.2991152501796446 2.6721314909812954 3.031217664699063 3.221595248178745 3.5404390058764186 3.6193760526850647 3.5234133683294533 3.4135206168899583 +32581,3.0095486714574755,1,0.9262297498017965 0.7404955220167456 0.5222578043693137 0.39998277107748426 0.22972639560784916 0.13066814078915656 0.11519028847373199 -0.011728100512719579 0.11983364416836288 0.8581271996139442 1.6505932381635027 2.2991152501796446 2.6721314909812954 3.031217664699063 3.221595248178745 3.5404390058764186 3.6193760526850647 3.5234133683294533 3.4135206168899583 3.3036278654504723 +32582,2.6783226319074585,1,0.7404955220167456 0.5222578043693137 0.39998277107748426 0.22972639560784916 0.13066814078915656 0.11519028847373199 -0.011728100512719579 0.11983364416836288 0.8581271996139442 1.6505932381635027 2.2991152501796446 2.6721314909812954 3.031217664699063 3.221595248178745 3.5404390058764186 3.6193760526850647 3.5234133683294533 3.4135206168899583 3.3036278654504723 3.0095486714574755 +32583,2.2573250489280103,1,0.5222578043693137 0.39998277107748426 0.22972639560784916 0.13066814078915656 0.11519028847373199 -0.011728100512719579 0.11983364416836288 0.8581271996139442 1.6505932381635027 2.2991152501796446 2.6721314909812954 3.031217664699063 3.221595248178745 3.5404390058764186 3.6193760526850647 3.5234133683294533 3.4135206168899583 3.3036278654504723 3.0095486714574755 2.6783226319074585 +32584,1.8781176672001965,1,0.39998277107748426 0.22972639560784916 0.13066814078915656 0.11519028847373199 -0.011728100512719579 0.11983364416836288 0.8581271996139442 1.6505932381635027 2.2991152501796446 2.6721314909812954 3.031217664699063 3.221595248178745 3.5404390058764186 3.6193760526850647 3.5234133683294533 3.4135206168899583 3.3036278654504723 3.0095486714574755 2.6783226319074585 2.2573250489280103 +32585,1.6413065267742497,1,0.22972639560784916 0.13066814078915656 0.11519028847373199 -0.011728100512719579 0.11983364416836288 0.8581271996139442 1.6505932381635027 2.2991152501796446 2.6721314909812954 3.031217664699063 3.221595248178745 3.5404390058764186 3.6193760526850647 3.5234133683294533 3.4135206168899583 3.3036278654504723 3.0095486714574755 2.6783226319074585 2.2573250489280103 1.8781176672001965 +32586,1.316271628150413,1,0.13066814078915656 0.11519028847373199 -0.011728100512719579 0.11983364416836288 0.8581271996139442 1.6505932381635027 2.2991152501796446 2.6721314909812954 3.031217664699063 3.221595248178745 3.5404390058764186 3.6193760526850647 3.5234133683294533 3.4135206168899583 3.3036278654504723 3.0095486714574755 2.6783226319074585 2.2573250489280103 1.8781176672001965 1.6413065267742497 +32587,1.076364917261385,1,0.11519028847373199 -0.011728100512719579 0.11983364416836288 0.8581271996139442 1.6505932381635027 2.2991152501796446 2.6721314909812954 3.031217664699063 3.221595248178745 3.5404390058764186 3.6193760526850647 3.5234133683294533 3.4135206168899583 3.3036278654504723 3.0095486714574755 2.6783226319074585 2.2573250489280103 1.8781176672001965 1.6413065267742497 1.316271628150413 +32588,0.9865933738319452,1,-0.011728100512719579 0.11983364416836288 0.8581271996139442 1.6505932381635027 2.2991152501796446 2.6721314909812954 3.031217664699063 3.221595248178745 3.5404390058764186 3.6193760526850647 3.5234133683294533 3.4135206168899583 3.3036278654504723 3.0095486714574755 2.6783226319074585 2.2573250489280103 1.8781176672001965 1.6413065267742497 1.316271628150413 1.076364917261385 +32589,0.8720572666978281,1,0.11983364416836288 0.8581271996139442 1.6505932381635027 2.2991152501796446 2.6721314909812954 3.031217664699063 3.221595248178745 3.5404390058764186 3.6193760526850647 3.5234133683294533 3.4135206168899583 3.3036278654504723 3.0095486714574755 2.6783226319074585 2.2573250489280103 1.8781176672001965 1.6413065267742497 1.316271628150413 1.076364917261385 0.9865933738319452 +32590,0.8147892131307695,1,0.8581271996139442 1.6505932381635027 2.2991152501796446 2.6721314909812954 3.031217664699063 3.221595248178745 3.5404390058764186 3.6193760526850647 3.5234133683294533 3.4135206168899583 3.3036278654504723 3.0095486714574755 2.6783226319074585 2.2573250489280103 1.8781176672001965 1.6413065267742497 1.316271628150413 1.076364917261385 0.9865933738319452 0.8720572666978281 +32591,0.8178847835938509,1,1.6505932381635027 2.2991152501796446 2.6721314909812954 3.031217664699063 3.221595248178745 3.5404390058764186 3.6193760526850647 3.5234133683294533 3.4135206168899583 3.3036278654504723 3.0095486714574755 2.6783226319074585 2.2573250489280103 1.8781176672001965 1.6413065267742497 1.316271628150413 1.076364917261385 0.9865933738319452 0.8720572666978281 0.8147892131307695 +32592,0.7590689447952516,1,2.2991152501796446 2.6721314909812954 3.031217664699063 3.221595248178745 3.5404390058764186 3.6193760526850647 3.5234133683294533 3.4135206168899583 3.3036278654504723 3.0095486714574755 2.6783226319074585 2.2573250489280103 1.8781176672001965 1.6413065267742497 1.316271628150413 1.076364917261385 0.9865933738319452 0.8720572666978281 0.8147892131307695 0.8178847835938509 +32593,0.7993113608153449,1,2.6721314909812954 3.031217664699063 3.221595248178745 3.5404390058764186 3.6193760526850647 3.5234133683294533 3.4135206168899583 3.3036278654504723 3.0095486714574755 2.6783226319074585 2.2573250489280103 1.8781176672001965 1.6413065267742497 1.316271628150413 1.076364917261385 0.9865933738319452 0.8720572666978281 0.8147892131307695 0.8178847835938509 0.7590689447952516 +32594,1.4865280036200392,1,3.031217664699063 3.221595248178745 3.5404390058764186 3.6193760526850647 3.5234133683294533 3.4135206168899583 3.3036278654504723 3.0095486714574755 2.6783226319074585 2.2573250489280103 1.8781176672001965 1.6413065267742497 1.316271628150413 1.076364917261385 0.9865933738319452 0.8720572666978281 0.8147892131307695 0.8178847835938509 0.7590689447952516 0.7993113608153449 +32595,2.265063975085723,1,3.221595248178745 3.5404390058764186 3.6193760526850647 3.5234133683294533 3.4135206168899583 3.3036278654504723 3.0095486714574755 2.6783226319074585 2.2573250489280103 1.8781176672001965 1.6413065267742497 1.316271628150413 1.076364917261385 0.9865933738319452 0.8720572666978281 0.8147892131307695 0.8178847835938509 0.7590689447952516 0.7993113608153449 1.4865280036200392 +32596,3.0002619600682228,1,3.5404390058764186 3.6193760526850647 3.5234133683294533 3.4135206168899583 3.3036278654504723 3.0095486714574755 2.6783226319074585 2.2573250489280103 1.8781176672001965 1.6413065267742497 1.316271628150413 1.076364917261385 0.9865933738319452 0.8720572666978281 0.8147892131307695 0.8178847835938509 0.7590689447952516 0.7993113608153449 1.4865280036200392 2.265063975085723 +32597,3.4274506839738423,1,3.6193760526850647 3.5234133683294533 3.4135206168899583 3.3036278654504723 3.0095486714574755 2.6783226319074585 2.2573250489280103 1.8781176672001965 1.6413065267742497 1.316271628150413 1.076364917261385 0.9865933738319452 0.8720572666978281 0.8147892131307695 0.8178847835938509 0.7590689447952516 0.7993113608153449 1.4865280036200392 2.265063975085723 3.0002619600682228 +32598,3.599254844675018,1,3.5234133683294533 3.4135206168899583 3.3036278654504723 3.0095486714574755 2.6783226319074585 2.2573250489280103 1.8781176672001965 1.6413065267742497 1.316271628150413 1.076364917261385 0.9865933738319452 0.8720572666978281 0.8147892131307695 0.8178847835938509 0.7590689447952516 0.7993113608153449 1.4865280036200392 2.265063975085723 3.0002619600682228 3.4274506839738423 +32599,3.566751354812628,1,3.4135206168899583 3.3036278654504723 3.0095486714574755 2.6783226319074585 2.2573250489280103 1.8781176672001965 1.6413065267742497 1.316271628150413 1.076364917261385 0.9865933738319452 0.8720572666978281 0.8147892131307695 0.8178847835938509 0.7590689447952516 0.7993113608153449 1.4865280036200392 2.265063975085723 3.0002619600682228 3.4274506839738423 3.599254844675018 +32600,3.6100893412958115,1,3.3036278654504723 3.0095486714574755 2.6783226319074585 2.2573250489280103 1.8781176672001965 1.6413065267742497 1.316271628150413 1.076364917261385 0.9865933738319452 0.8720572666978281 0.8147892131307695 0.8178847835938509 0.7590689447952516 0.7993113608153449 1.4865280036200392 2.265063975085723 3.0002619600682228 3.4274506839738423 3.599254844675018 3.566751354812628 +32601,3.7168865222722167,1,3.0095486714574755 2.6783226319074585 2.2573250489280103 1.8781176672001965 1.6413065267742497 1.316271628150413 1.076364917261385 0.9865933738319452 0.8720572666978281 0.8147892131307695 0.8178847835938509 0.7590689447952516 0.7993113608153449 1.4865280036200392 2.265063975085723 3.0002619600682228 3.4274506839738423 3.599254844675018 3.566751354812628 3.6100893412958115 +32602,3.8051102804701156,1,2.6783226319074585 2.2573250489280103 1.8781176672001965 1.6413065267742497 1.316271628150413 1.076364917261385 0.9865933738319452 0.8720572666978281 0.8147892131307695 0.8178847835938509 0.7590689447952516 0.7993113608153449 1.4865280036200392 2.265063975085723 3.0002619600682228 3.4274506839738423 3.599254844675018 3.566751354812628 3.6100893412958115 3.7168865222722167 +32603,3.811301421396287,1,2.2573250489280103 1.8781176672001965 1.6413065267742497 1.316271628150413 1.076364917261385 0.9865933738319452 0.8720572666978281 0.8147892131307695 0.8178847835938509 0.7590689447952516 0.7993113608153449 1.4865280036200392 2.265063975085723 3.0002619600682228 3.4274506839738423 3.599254844675018 3.566751354812628 3.6100893412958115 3.7168865222722167 3.8051102804701156 +32604,3.719982092735298,1,1.8781176672001965 1.6413065267742497 1.316271628150413 1.076364917261385 0.9865933738319452 0.8720572666978281 0.8147892131307695 0.8178847835938509 0.7590689447952516 0.7993113608153449 1.4865280036200392 2.265063975085723 3.0002619600682228 3.4274506839738423 3.599254844675018 3.566751354812628 3.6100893412958115 3.7168865222722167 3.8051102804701156 3.811301421396287 +32605,3.377921556564496,1,1.6413065267742497 1.316271628150413 1.076364917261385 0.9865933738319452 0.8720572666978281 0.8147892131307695 0.8178847835938509 0.7590689447952516 0.7993113608153449 1.4865280036200392 2.265063975085723 3.0002619600682228 3.4274506839738423 3.599254844675018 3.566751354812628 3.6100893412958115 3.7168865222722167 3.8051102804701156 3.811301421396287 3.719982092735298 +32606,2.99252303391051,1,1.316271628150413 1.076364917261385 0.9865933738319452 0.8720572666978281 0.8147892131307695 0.8178847835938509 0.7590689447952516 0.7993113608153449 1.4865280036200392 2.265063975085723 3.0002619600682228 3.4274506839738423 3.599254844675018 3.566751354812628 3.6100893412958115 3.7168865222722167 3.8051102804701156 3.811301421396287 3.719982092735298 3.377921556564496 +32607,2.3068541763373567,1,1.076364917261385 0.9865933738319452 0.8720572666978281 0.8147892131307695 0.8178847835938509 0.7590689447952516 0.7993113608153449 1.4865280036200392 2.265063975085723 3.0002619600682228 3.4274506839738423 3.599254844675018 3.566751354812628 3.6100893412958115 3.7168865222722167 3.8051102804701156 3.811301421396287 3.719982092735298 3.377921556564496 2.99252303391051 +32608,1.9137167275256588,1,0.9865933738319452 0.8720572666978281 0.8147892131307695 0.8178847835938509 0.7590689447952516 0.7993113608153449 1.4865280036200392 2.265063975085723 3.0002619600682228 3.4274506839738423 3.599254844675018 3.566751354812628 3.6100893412958115 3.7168865222722167 3.8051102804701156 3.811301421396287 3.719982092735298 3.377921556564496 2.99252303391051 2.3068541763373567 +32609,1.4555722989891988,1,0.8720572666978281 0.8147892131307695 0.8178847835938509 0.7590689447952516 0.7993113608153449 1.4865280036200392 2.265063975085723 3.0002619600682228 3.4274506839738423 3.599254844675018 3.566751354812628 3.6100893412958115 3.7168865222722167 3.8051102804701156 3.811301421396287 3.719982092735298 3.377921556564496 2.99252303391051 2.3068541763373567 1.9137167275256588 +32610,1.2466212927310112,1,0.8147892131307695 0.8178847835938509 0.7590689447952516 0.7993113608153449 1.4865280036200392 2.265063975085723 3.0002619600682228 3.4274506839738423 3.599254844675018 3.566751354812628 3.6100893412958115 3.7168865222722167 3.8051102804701156 3.811301421396287 3.719982092735298 3.377921556564496 2.99252303391051 2.3068541763373567 1.9137167275256588 1.4555722989891988 +32611,1.043861427398995,1,0.8178847835938509 0.7590689447952516 0.7993113608153449 1.4865280036200392 2.265063975085723 3.0002619600682228 3.4274506839738423 3.599254844675018 3.566751354812628 3.6100893412958115 3.7168865222722167 3.8051102804701156 3.811301421396287 3.719982092735298 3.377921556564496 2.99252303391051 2.3068541763373567 1.9137167275256588 1.4555722989891988 1.2466212927310112 +32612,0.9324208907279681,1,0.7590689447952516 0.7993113608153449 1.4865280036200392 2.265063975085723 3.0002619600682228 3.4274506839738423 3.599254844675018 3.566751354812628 3.6100893412958115 3.7168865222722167 3.8051102804701156 3.811301421396287 3.719982092735298 3.377921556564496 2.99252303391051 2.3068541763373567 1.9137167275256588 1.4555722989891988 1.2466212927310112 1.043861427398995 +32613,0.8472927029931505,1,0.7993113608153449 1.4865280036200392 2.265063975085723 3.0002619600682228 3.4274506839738423 3.599254844675018 3.566751354812628 3.6100893412958115 3.7168865222722167 3.8051102804701156 3.811301421396287 3.719982092735298 3.377921556564496 2.99252303391051 2.3068541763373567 1.9137167275256588 1.4555722989891988 1.2466212927310112 1.043861427398995 0.9324208907279681 +32614,0.6073859921041225,1,1.4865280036200392 2.265063975085723 3.0002619600682228 3.4274506839738423 3.599254844675018 3.566751354812628 3.6100893412958115 3.7168865222722167 3.8051102804701156 3.811301421396287 3.719982092735298 3.377921556564496 2.99252303391051 2.3068541763373567 1.9137167275256588 1.4555722989891988 1.2466212927310112 1.043861427398995 0.9324208907279681 0.8472927029931505 +32615,0.5501179385370639,1,2.265063975085723 3.0002619600682228 3.4274506839738423 3.599254844675018 3.566751354812628 3.6100893412958115 3.7168865222722167 3.8051102804701156 3.811301421396287 3.719982092735298 3.377921556564496 2.99252303391051 2.3068541763373567 1.9137167275256588 1.4555722989891988 1.2466212927310112 1.043861427398995 0.9324208907279681 0.8472927029931505 0.6073859921041225 +32616,0.5160666634431421,1,3.0002619600682228 3.4274506839738423 3.599254844675018 3.566751354812628 3.6100893412958115 3.7168865222722167 3.8051102804701156 3.811301421396287 3.719982092735298 3.377921556564496 2.99252303391051 2.3068541763373567 1.9137167275256588 1.4555722989891988 1.2466212927310112 1.043861427398995 0.9324208907279681 0.8472927029931505 0.6073859921041225 0.5501179385370639 +32617,0.45725082464454286,1,3.4274506839738423 3.599254844675018 3.566751354812628 3.6100893412958115 3.7168865222722167 3.8051102804701156 3.811301421396287 3.719982092735298 3.377921556564496 2.99252303391051 2.3068541763373567 1.9137167275256588 1.4555722989891988 1.2466212927310112 1.043861427398995 0.9324208907279681 0.8472927029931505 0.6073859921041225 0.5501179385370639 0.5160666634431421 +32618,0.9262297498017965,1,3.599254844675018 3.566751354812628 3.6100893412958115 3.7168865222722167 3.8051102804701156 3.811301421396287 3.719982092735298 3.377921556564496 2.99252303391051 2.3068541763373567 1.9137167275256588 1.4555722989891988 1.2466212927310112 1.043861427398995 0.9324208907279681 0.8472927029931505 0.6073859921041225 0.5501179385370639 0.5160666634431421 0.45725082464454286 +32619,1.441642231905324,1,3.566751354812628 3.6100893412958115 3.7168865222722167 3.8051102804701156 3.811301421396287 3.719982092735298 3.377921556564496 2.99252303391051 2.3068541763373567 1.9137167275256588 1.4555722989891988 1.2466212927310112 1.043861427398995 0.9324208907279681 0.8472927029931505 0.6073859921041225 0.5501179385370639 0.5160666634431421 0.45725082464454286 0.9262297498017965 +32620,1.774416056686873,1,3.6100893412958115 3.7168865222722167 3.8051102804701156 3.811301421396287 3.719982092735298 3.377921556564496 2.99252303391051 2.3068541763373567 1.9137167275256588 1.4555722989891988 1.2466212927310112 1.043861427398995 0.9324208907279681 0.8472927029931505 0.6073859921041225 0.5501179385370639 0.5160666634431421 0.45725082464454286 0.9262297498017965 1.441642231905324 +32621,1.926099009378002,1,3.7168865222722167 3.8051102804701156 3.811301421396287 3.719982092735298 3.377921556564496 2.99252303391051 2.3068541763373567 1.9137167275256588 1.4555722989891988 1.2466212927310112 1.043861427398995 0.9324208907279681 0.8472927029931505 0.6073859921041225 0.5501179385370639 0.5160666634431421 0.45725082464454286 0.9262297498017965 1.441642231905324 1.774416056686873 +32622,2.402816860692968,1,3.8051102804701156 3.811301421396287 3.719982092735298 3.377921556564496 2.99252303391051 2.3068541763373567 1.9137167275256588 1.4555722989891988 1.2466212927310112 1.043861427398995 0.9324208907279681 0.8472927029931505 0.6073859921041225 0.5501179385370639 0.5160666634431421 0.45725082464454286 0.9262297498017965 1.441642231905324 1.774416056686873 1.926099009378002 +32623,2.526639679216338,1,3.811301421396287 3.719982092735298 3.377921556564496 2.99252303391051 2.3068541763373567 1.9137167275256588 1.4555722989891988 1.2466212927310112 1.043861427398995 0.9324208907279681 0.8472927029931505 0.6073859921041225 0.5501179385370639 0.5160666634431421 0.45725082464454286 0.9262297498017965 1.441642231905324 1.774416056686873 1.926099009378002 2.402816860692968 +32624,2.701539410380595,1,3.719982092735298 3.377921556564496 2.99252303391051 2.3068541763373567 1.9137167275256588 1.4555722989891988 1.2466212927310112 1.043861427398995 0.9324208907279681 0.8472927029931505 0.6073859921041225 0.5501179385370639 0.5160666634431421 0.45725082464454286 0.9262297498017965 1.441642231905324 1.774416056686873 1.926099009378002 2.402816860692968 2.526639679216338 +32625,2.610220081719606,1,3.377921556564496 2.99252303391051 2.3068541763373567 1.9137167275256588 1.4555722989891988 1.2466212927310112 1.043861427398995 0.9324208907279681 0.8472927029931505 0.6073859921041225 0.5501179385370639 0.5160666634431421 0.45725082464454286 0.9262297498017965 1.441642231905324 1.774416056686873 1.926099009378002 2.402816860692968 2.526639679216338 2.701539410380595 +32626,2.416746927776843,1,2.99252303391051 2.3068541763373567 1.9137167275256588 1.4555722989891988 1.2466212927310112 1.043861427398995 0.9324208907279681 0.8472927029931505 0.6073859921041225 0.5501179385370639 0.5160666634431421 0.45725082464454286 0.9262297498017965 1.441642231905324 1.774416056686873 1.926099009378002 2.402816860692968 2.526639679216338 2.701539410380595 2.610220081719606 +32627,2.1644579350354807,1,2.3068541763373567 1.9137167275256588 1.4555722989891988 1.2466212927310112 1.043861427398995 0.9324208907279681 0.8472927029931505 0.6073859921041225 0.5501179385370639 0.5160666634431421 0.45725082464454286 0.9262297498017965 1.441642231905324 1.774416056686873 1.926099009378002 2.402816860692968 2.526639679216338 2.701539410380595 2.610220081719606 2.416746927776843 +32628,2.181483572582446,1,1.9137167275256588 1.4555722989891988 1.2466212927310112 1.043861427398995 0.9324208907279681 0.8472927029931505 0.6073859921041225 0.5501179385370639 0.5160666634431421 0.45725082464454286 0.9262297498017965 1.441642231905324 1.774416056686873 1.926099009378002 2.402816860692968 2.526639679216338 2.701539410380595 2.610220081719606 2.416746927776843 2.1644579350354807 +32629,2.0174183380389823,1,1.4555722989891988 1.2466212927310112 1.043861427398995 0.9324208907279681 0.8472927029931505 0.6073859921041225 0.5501179385370639 0.5160666634431421 0.45725082464454286 0.9262297498017965 1.441642231905324 1.774416056686873 1.926099009378002 2.402816860692968 2.526639679216338 2.701539410380595 2.610220081719606 2.416746927776843 2.1644579350354807 2.181483572582446 +32630,1.4540245137576582,1,1.2466212927310112 1.043861427398995 0.9324208907279681 0.8472927029931505 0.6073859921041225 0.5501179385370639 0.5160666634431421 0.45725082464454286 0.9262297498017965 1.441642231905324 1.774416056686873 1.926099009378002 2.402816860692968 2.526639679216338 2.701539410380595 2.610220081719606 2.416746927776843 2.1644579350354807 2.181483572582446 2.0174183380389823 +32631,1.0562437092513381,1,1.043861427398995 0.9324208907279681 0.8472927029931505 0.6073859921041225 0.5501179385370639 0.5160666634431421 0.45725082464454286 0.9262297498017965 1.441642231905324 1.774416056686873 1.926099009378002 2.402816860692968 2.526639679216338 2.701539410380595 2.610220081719606 2.416746927776843 2.1644579350354807 2.181483572582446 2.0174183380389823 1.4540245137576582 +32632,0.8472927029931505,1,0.9324208907279681 0.8472927029931505 0.6073859921041225 0.5501179385370639 0.5160666634431421 0.45725082464454286 0.9262297498017965 1.441642231905324 1.774416056686873 1.926099009378002 2.402816860692968 2.526639679216338 2.701539410380595 2.610220081719606 2.416746927776843 2.1644579350354807 2.181483572582446 2.0174183380389823 1.4540245137576582 1.0562437092513381 +32633,0.7048964616912744,1,0.8472927029931505 0.6073859921041225 0.5501179385370639 0.5160666634431421 0.45725082464454286 0.9262297498017965 1.441642231905324 1.774416056686873 1.926099009378002 2.402816860692968 2.526639679216338 2.701539410380595 2.610220081719606 2.416746927776843 2.1644579350354807 2.181483572582446 2.0174183380389823 1.4540245137576582 1.0562437092513381 0.8472927029931505 +32634,0.5795258579363636,1,0.6073859921041225 0.5501179385370639 0.5160666634431421 0.45725082464454286 0.9262297498017965 1.441642231905324 1.774416056686873 1.926099009378002 2.402816860692968 2.526639679216338 2.701539410380595 2.610220081719606 2.416746927776843 2.1644579350354807 2.181483572582446 2.0174183380389823 1.4540245137576582 1.0562437092513381 0.8472927029931505 0.7048964616912744 +32635,0.4959454554330955,1,0.5501179385370639 0.5160666634431421 0.45725082464454286 0.9262297498017965 1.441642231905324 1.774416056686873 1.926099009378002 2.402816860692968 2.526639679216338 2.701539410380595 2.610220081719606 2.416746927776843 2.1644579350354807 2.181483572582446 2.0174183380389823 1.4540245137576582 1.0562437092513381 0.8472927029931505 0.7048964616912744 0.5795258579363636 +32636,0.41855619385599024,1,0.5160666634431421 0.45725082464454286 0.9262297498017965 1.441642231905324 1.774416056686873 1.926099009378002 2.402816860692968 2.526639679216338 2.701539410380595 2.610220081719606 2.416746927776843 2.1644579350354807 2.181483572582446 2.0174183380389823 1.4540245137576582 1.0562437092513381 0.8472927029931505 0.7048964616912744 0.5795258579363636 0.4959454554330955 +32637,0.30402008672187303,1,0.45725082464454286 0.9262297498017965 1.441642231905324 1.774416056686873 1.926099009378002 2.402816860692968 2.526639679216338 2.701539410380595 2.610220081719606 2.416746927776843 2.1644579350354807 2.181483572582446 2.0174183380389823 1.4540245137576582 1.0562437092513381 0.8472927029931505 0.7048964616912744 0.5795258579363636 0.4959454554330955 0.41855619385599024 +32638,0.23127418083938986,1,0.9262297498017965 1.441642231905324 1.774416056686873 1.926099009378002 2.402816860692968 2.526639679216338 2.701539410380595 2.610220081719606 2.416746927776843 2.1644579350354807 2.181483572582446 2.0174183380389823 1.4540245137576582 1.0562437092513381 0.8472927029931505 0.7048964616912744 0.5795258579363636 0.4959454554330955 0.41855619385599024 0.30402008672187303 +32639,0.16007606018845622,1,1.441642231905324 1.774416056686873 1.926099009378002 2.402816860692968 2.526639679216338 2.701539410380595 2.610220081719606 2.416746927776843 2.1644579350354807 2.181483572582446 2.0174183380389823 1.4540245137576582 1.0562437092513381 0.8472927029931505 0.7048964616912744 0.5795258579363636 0.4959454554330955 0.41855619385599024 0.30402008672187303 0.23127418083938986 +32640,0.034705456433545334,1,1.774416056686873 1.926099009378002 2.402816860692968 2.526639679216338 2.701539410380595 2.610220081719606 2.416746927776843 2.1644579350354807 2.181483572582446 2.0174183380389823 1.4540245137576582 1.0562437092513381 0.8472927029931505 0.7048964616912744 0.5795258579363636 0.4959454554330955 0.41855619385599024 0.30402008672187303 0.23127418083938986 0.16007606018845622 +32641,0.08578236907443235,1,1.926099009378002 2.402816860692968 2.526639679216338 2.701539410380595 2.610220081719606 2.416746927776843 2.1644579350354807 2.181483572582446 2.0174183380389823 1.4540245137576582 1.0562437092513381 0.8472927029931505 0.7048964616912744 0.5795258579363636 0.4959454554330955 0.41855619385599024 0.30402008672187303 0.23127418083938986 0.16007606018845622 0.034705456433545334 +32642,0.5408312271478108,1,2.402816860692968 2.526639679216338 2.701539410380595 2.610220081719606 2.416746927776843 2.1644579350354807 2.181483572582446 2.0174183380389823 1.4540245137576582 1.0562437092513381 0.8472927029931505 0.7048964616912744 0.5795258579363636 0.4959454554330955 0.41855619385599024 0.30402008672187303 0.23127418083938986 0.16007606018845622 0.034705456433545334 0.08578236907443235 +32643,1.09029498434526,1,2.526639679216338 2.701539410380595 2.610220081719606 2.416746927776843 2.1644579350354807 2.181483572582446 2.0174183380389823 1.4540245137576582 1.0562437092513381 0.8472927029931505 0.7048964616912744 0.5795258579363636 0.4959454554330955 0.41855619385599024 0.30402008672187303 0.23127418083938986 0.16007606018845622 0.034705456433545334 0.08578236907443235 0.5408312271478108 +32644,1.3750874669490123,1,2.701539410380595 2.610220081719606 2.416746927776843 2.1644579350354807 2.181483572582446 2.0174183380389823 1.4540245137576582 1.0562437092513381 0.8472927029931505 0.7048964616912744 0.5795258579363636 0.4959454554330955 0.41855619385599024 0.30402008672187303 0.23127418083938986 0.16007606018845622 0.034705456433545334 0.08578236907443235 0.5408312271478108 1.09029498434526 +32645,1.8223973988646784,1,2.610220081719606 2.416746927776843 2.1644579350354807 2.181483572582446 2.0174183380389823 1.4540245137576582 1.0562437092513381 0.8472927029931505 0.7048964616912744 0.5795258579363636 0.4959454554330955 0.41855619385599024 0.30402008672187303 0.23127418083938986 0.16007606018845622 0.034705456433545334 0.08578236907443235 0.5408312271478108 1.09029498434526 1.3750874669490123 +32646,2.1226677337838464,1,2.416746927776843 2.1644579350354807 2.181483572582446 2.0174183380389823 1.4540245137576582 1.0562437092513381 0.8472927029931505 0.7048964616912744 0.5795258579363636 0.4959454554330955 0.41855619385599024 0.30402008672187303 0.23127418083938986 0.16007606018845622 0.034705456433545334 0.08578236907443235 0.5408312271478108 1.09029498434526 1.3750874669490123 1.8223973988646784 +32647,2.2526816932333795,1,2.1644579350354807 2.181483572582446 2.0174183380389823 1.4540245137576582 1.0562437092513381 0.8472927029931505 0.7048964616912744 0.5795258579363636 0.4959454554330955 0.41855619385599024 0.30402008672187303 0.23127418083938986 0.16007606018845622 0.034705456433545334 0.08578236907443235 0.5408312271478108 1.09029498434526 1.3750874669490123 1.8223973988646784 2.1226677337838464 +32648,2.3409054514312873,1,2.181483572582446 2.0174183380389823 1.4540245137576582 1.0562437092513381 0.8472927029931505 0.7048964616912744 0.5795258579363636 0.4959454554330955 0.41855619385599024 0.30402008672187303 0.23127418083938986 0.16007606018845622 0.034705456433545334 0.08578236907443235 0.5408312271478108 1.09029498434526 1.3750874669490123 1.8223973988646784 2.1226677337838464 2.2526816932333795 +32649,2.3579310889782437,1,2.0174183380389823 1.4540245137576582 1.0562437092513381 0.8472927029931505 0.7048964616912744 0.5795258579363636 0.4959454554330955 0.41855619385599024 0.30402008672187303 0.23127418083938986 0.16007606018845622 0.034705456433545334 0.08578236907443235 0.5408312271478108 1.09029498434526 1.3750874669490123 1.8223973988646784 2.1226677337838464 2.2526816932333795 2.3409054514312873 +32650,2.3269753843474033,1,1.4540245137576582 1.0562437092513381 0.8472927029931505 0.7048964616912744 0.5795258579363636 0.4959454554330955 0.41855619385599024 0.30402008672187303 0.23127418083938986 0.16007606018845622 0.034705456433545334 0.08578236907443235 0.5408312271478108 1.09029498434526 1.3750874669490123 1.8223973988646784 2.1226677337838464 2.2526816932333795 2.3409054514312873 2.3579310889782437 +32651,2.2341082704548736,1,1.0562437092513381 0.8472927029931505 0.7048964616912744 0.5795258579363636 0.4959454554330955 0.41855619385599024 0.30402008672187303 0.23127418083938986 0.16007606018845622 0.034705456433545334 0.08578236907443235 0.5408312271478108 1.09029498434526 1.3750874669490123 1.8223973988646784 2.1226677337838464 2.2526816932333795 2.3409054514312873 2.3579310889782437 2.3269753843474033 +32652,1.9833670629450606,1,0.8472927029931505 0.7048964616912744 0.5795258579363636 0.4959454554330955 0.41855619385599024 0.30402008672187303 0.23127418083938986 0.16007606018845622 0.034705456433545334 0.08578236907443235 0.5408312271478108 1.09029498434526 1.3750874669490123 1.8223973988646784 2.1226677337838464 2.2526816932333795 2.3409054514312873 2.3579310889782437 2.3269753843474033 2.2341082704548736 +32653,1.6382109563111684,1,0.7048964616912744 0.5795258579363636 0.4959454554330955 0.41855619385599024 0.30402008672187303 0.23127418083938986 0.16007606018845622 0.034705456433545334 0.08578236907443235 0.5408312271478108 1.09029498434526 1.3750874669490123 1.8223973988646784 2.1226677337838464 2.2526816932333795 2.3409054514312873 2.3579310889782437 2.3269753843474033 2.2341082704548736 1.9833670629450606 +32654,1.2559080041202642,1,0.5795258579363636 0.4959454554330955 0.41855619385599024 0.30402008672187303 0.23127418083938986 0.16007606018845622 0.034705456433545334 0.08578236907443235 0.5408312271478108 1.09029498434526 1.3750874669490123 1.8223973988646784 2.1226677337838464 2.2526816932333795 2.3409054514312873 2.3579310889782437 2.3269753843474033 2.2341082704548736 1.9833670629450606 1.6382109563111684 +32655,0.8612227700770344,1,0.4959454554330955 0.41855619385599024 0.30402008672187303 0.23127418083938986 0.16007606018845622 0.034705456433545334 0.08578236907443235 0.5408312271478108 1.09029498434526 1.3750874669490123 1.8223973988646784 2.1226677337838464 2.2526816932333795 2.3409054514312873 2.3579310889782437 2.3269753843474033 2.2341082704548736 1.9833670629450606 1.6382109563111684 1.2559080041202642 +32656,0.6073859921041225,1,0.41855619385599024 0.30402008672187303 0.23127418083938986 0.16007606018845622 0.034705456433545334 0.08578236907443235 0.5408312271478108 1.09029498434526 1.3750874669490123 1.8223973988646784 2.1226677337838464 2.2526816932333795 2.3409054514312873 2.3579310889782437 2.3269753843474033 2.2341082704548736 1.9833670629450606 1.6382109563111684 1.2559080041202642 0.8612227700770344 +32657,0.34116693227888495,1,0.30402008672187303 0.23127418083938986 0.16007606018845622 0.034705456433545334 0.08578236907443235 0.5408312271478108 1.09029498434526 1.3750874669490123 1.8223973988646784 2.1226677337838464 2.2526816932333795 2.3409054514312873 2.3579310889782437 2.3269753843474033 2.2341082704548736 1.9833670629450606 1.6382109563111684 1.2559080041202642 0.8612227700770344 0.6073859921041225 +32658,0.19722290574546814,1,0.23127418083938986 0.16007606018845622 0.034705456433545334 0.08578236907443235 0.5408312271478108 1.09029498434526 1.3750874669490123 1.8223973988646784 2.1226677337838464 2.2526816932333795 2.3409054514312873 2.3579310889782437 2.3269753843474033 2.2341082704548736 1.9833670629450606 1.6382109563111684 1.2559080041202642 0.8612227700770344 0.6073859921041225 0.34116693227888495 +32659,0.14459820787303163,1,0.16007606018845622 0.034705456433545334 0.08578236907443235 0.5408312271478108 1.09029498434526 1.3750874669490123 1.8223973988646784 2.1226677337838464 2.2526816932333795 2.3409054514312873 2.3579310889782437 2.3269753843474033 2.2341082704548736 1.9833670629450606 1.6382109563111684 1.2559080041202642 0.8612227700770344 0.6073859921041225 0.34116693227888495 0.19722290574546814 +32660,0.08423458384289165,1,0.034705456433545334 0.08578236907443235 0.5408312271478108 1.09029498434526 1.3750874669490123 1.8223973988646784 2.1226677337838464 2.2526816932333795 2.3409054514312873 2.3579310889782437 2.3269753843474033 2.2341082704548736 1.9833670629450606 1.6382109563111684 1.2559080041202642 0.8612227700770344 0.6073859921041225 0.34116693227888495 0.19722290574546814 0.14459820787303163 +32661,0.019227604118129564,1,0.08578236907443235 0.5408312271478108 1.09029498434526 1.3750874669490123 1.8223973988646784 2.1226677337838464 2.2526816932333795 2.3409054514312873 2.3579310889782437 2.3269753843474033 2.2341082704548736 1.9833670629450606 1.6382109563111684 1.2559080041202642 0.8612227700770344 0.6073859921041225 0.34116693227888495 0.19722290574546814 0.14459820787303163 0.08423458384289165 +32662,-0.02875373805967605,1,0.5408312271478108 1.09029498434526 1.3750874669490123 1.8223973988646784 2.1226677337838464 2.2526816932333795 2.3409054514312873 2.3579310889782437 2.3269753843474033 2.2341082704548736 1.9833670629450606 1.6382109563111684 1.2559080041202642 0.8612227700770344 0.6073859921041225 0.34116693227888495 0.19722290574546814 0.14459820787303163 0.08423458384289165 0.019227604118129564 +32663,-0.09530850301598763,1,1.09029498434526 1.3750874669490123 1.8223973988646784 2.1226677337838464 2.2526816932333795 2.3409054514312873 2.3579310889782437 2.3269753843474033 2.2341082704548736 1.9833670629450606 1.6382109563111684 1.2559080041202642 0.8612227700770344 0.6073859921041225 0.34116693227888495 0.19722290574546814 0.14459820787303163 0.08423458384289165 0.019227604118129564 -0.02875373805967605 +32664,-0.058161657458975696,1,1.3750874669490123 1.8223973988646784 2.1226677337838464 2.2526816932333795 2.3409054514312873 2.3579310889782437 2.3269753843474033 2.2341082704548736 1.9833670629450606 1.6382109563111684 1.2559080041202642 0.8612227700770344 0.6073859921041225 0.34116693227888495 0.19722290574546814 0.14459820787303163 0.08423458384289165 0.019227604118129564 -0.02875373805967605 -0.09530850301598763 +32665,-0.08911736208982483,1,1.8223973988646784 2.1226677337838464 2.2526816932333795 2.3409054514312873 2.3579310889782437 2.3269753843474033 2.2341082704548736 1.9833670629450606 1.6382109563111684 1.2559080041202642 0.8612227700770344 0.6073859921041225 0.34116693227888495 0.19722290574546814 0.14459820787303163 0.08423458384289165 0.019227604118129564 -0.02875373805967605 -0.09530850301598763 -0.058161657458975696 +32666,0.16007606018845622,1,2.1226677337838464 2.2526816932333795 2.3409054514312873 2.3579310889782437 2.3269753843474033 2.2341082704548736 1.9833670629450606 1.6382109563111684 1.2559080041202642 0.8612227700770344 0.6073859921041225 0.34116693227888495 0.19722290574546814 0.14459820787303163 0.08423458384289165 0.019227604118129564 -0.02875373805967605 -0.09530850301598763 -0.058161657458975696 -0.08911736208982483 +32667,0.5269011600639358,1,2.2526816932333795 2.3409054514312873 2.3579310889782437 2.3269753843474033 2.2341082704548736 1.9833670629450606 1.6382109563111684 1.2559080041202642 0.8612227700770344 0.6073859921041225 0.34116693227888495 0.19722290574546814 0.14459820787303163 0.08423458384289165 0.019227604118129564 -0.02875373805967605 -0.09530850301598763 -0.058161657458975696 -0.08911736208982483 0.16007606018845622 +32668,1.0051667966104425,1,2.3409054514312873 2.3579310889782437 2.3269753843474033 2.2341082704548736 1.9833670629450606 1.6382109563111684 1.2559080041202642 0.8612227700770344 0.6073859921041225 0.34116693227888495 0.19722290574546814 0.14459820787303163 0.08423458384289165 0.019227604118129564 -0.02875373805967605 -0.09530850301598763 -0.058161657458975696 -0.08911736208982483 0.16007606018845622 0.5269011600639358 +32669,1.2590035745833543,1,2.3579310889782437 2.3269753843474033 2.2341082704548736 1.9833670629450606 1.6382109563111684 1.2559080041202642 0.8612227700770344 0.6073859921041225 0.34116693227888495 0.19722290574546814 0.14459820787303163 0.08423458384289165 0.019227604118129564 -0.02875373805967605 -0.09530850301598763 -0.058161657458975696 -0.08911736208982483 0.16007606018845622 0.5269011600639358 1.0051667966104425 +32670,1.7465559225191138,1,2.3269753843474033 2.2341082704548736 1.9833670629450606 1.6382109563111684 1.2559080041202642 0.8612227700770344 0.6073859921041225 0.34116693227888495 0.19722290574546814 0.14459820787303163 0.08423458384289165 0.019227604118129564 -0.02875373805967605 -0.09530850301598763 -0.058161657458975696 -0.08911736208982483 0.16007606018845622 0.5269011600639358 1.0051667966104425 1.2590035745833543 +32671,1.935385720767255,1,2.2341082704548736 1.9833670629450606 1.6382109563111684 1.2559080041202642 0.8612227700770344 0.6073859921041225 0.34116693227888495 0.19722290574546814 0.14459820787303163 0.08423458384289165 0.019227604118129564 -0.02875373805967605 -0.09530850301598763 -0.058161657458975696 -0.08911736208982483 0.16007606018845622 0.5269011600639358 1.0051667966104425 1.2590035745833543 1.7465559225191138 +32672,2.0684952506798693,1,1.9833670629450606 1.6382109563111684 1.2559080041202642 0.8612227700770344 0.6073859921041225 0.34116693227888495 0.19722290574546814 0.14459820787303163 0.08423458384289165 0.019227604118129564 -0.02875373805967605 -0.09530850301598763 -0.058161657458975696 -0.08911736208982483 0.16007606018845622 0.5269011600639358 1.0051667966104425 1.2590035745833543 1.7465559225191138 1.935385720767255 +32673,2.0855208882268346,1,1.6382109563111684 1.2559080041202642 0.8612227700770344 0.6073859921041225 0.34116693227888495 0.19722290574546814 0.14459820787303163 0.08423458384289165 0.019227604118129564 -0.02875373805967605 -0.09530850301598763 -0.058161657458975696 -0.08911736208982483 0.16007606018845622 0.5269011600639358 1.0051667966104425 1.2590035745833543 1.7465559225191138 1.935385720767255 2.0684952506798693 +32674,2.079329747300663,1,1.2559080041202642 0.8612227700770344 0.6073859921041225 0.34116693227888495 0.19722290574546814 0.14459820787303163 0.08423458384289165 0.019227604118129564 -0.02875373805967605 -0.09530850301598763 -0.058161657458975696 -0.08911736208982483 0.16007606018845622 0.5269011600639358 1.0051667966104425 1.2590035745833543 1.7465559225191138 1.935385720767255 2.0684952506798693 2.0855208882268346 +32675,2.070043035911419,1,0.8612227700770344 0.6073859921041225 0.34116693227888495 0.19722290574546814 0.14459820787303163 0.08423458384289165 0.019227604118129564 -0.02875373805967605 -0.09530850301598763 -0.058161657458975696 -0.08911736208982483 0.16007606018845622 0.5269011600639358 1.0051667966104425 1.2590035745833543 1.7465559225191138 1.935385720767255 2.0684952506798693 2.0855208882268346 2.079329747300663 +32676,1.9013344456733245,1,0.6073859921041225 0.34116693227888495 0.19722290574546814 0.14459820787303163 0.08423458384289165 0.019227604118129564 -0.02875373805967605 -0.09530850301598763 -0.058161657458975696 -0.08911736208982483 0.16007606018845622 0.5269011600639358 1.0051667966104425 1.2590035745833543 1.7465559225191138 1.935385720767255 2.0684952506798693 2.0855208882268346 2.079329747300663 2.070043035911419 +32677,1.6273764596903746,1,0.34116693227888495 0.19722290574546814 0.14459820787303163 0.08423458384289165 0.019227604118129564 -0.02875373805967605 -0.09530850301598763 -0.058161657458975696 -0.08911736208982483 0.16007606018845622 0.5269011600639358 1.0051667966104425 1.2590035745833543 1.7465559225191138 1.935385720767255 2.0684952506798693 2.0855208882268346 2.079329747300663 2.070043035911419 1.9013344456733245 +32678,1.3131760576873228,1,0.19722290574546814 0.14459820787303163 0.08423458384289165 0.019227604118129564 -0.02875373805967605 -0.09530850301598763 -0.058161657458975696 -0.08911736208982483 0.16007606018845622 0.5269011600639358 1.0051667966104425 1.2590035745833543 1.7465559225191138 1.935385720767255 2.0684952506798693 2.0855208882268346 2.079329747300663 2.070043035911419 1.9013344456733245 1.6273764596903746 +32679,0.960281024895727,1,0.14459820787303163 0.08423458384289165 0.019227604118129564 -0.02875373805967605 -0.09530850301598763 -0.058161657458975696 -0.08911736208982483 0.16007606018845622 0.5269011600639358 1.0051667966104425 1.2590035745833543 1.7465559225191138 1.935385720767255 2.0684952506798693 2.0855208882268346 2.079329747300663 2.070043035911419 1.9013344456733245 1.6273764596903746 1.3131760576873228 +32680,0.6383416967349717,1,0.08423458384289165 0.019227604118129564 -0.02875373805967605 -0.09530850301598763 -0.058161657458975696 -0.08911736208982483 0.16007606018845622 0.5269011600639358 1.0051667966104425 1.2590035745833543 1.7465559225191138 1.935385720767255 2.0684952506798693 2.0855208882268346 2.079329747300663 2.070043035911419 1.9013344456733245 1.6273764596903746 1.3131760576873228 0.960281024895727 +32681,0.46034639510762426,1,0.019227604118129564 -0.02875373805967605 -0.09530850301598763 -0.058161657458975696 -0.08911736208982483 0.16007606018845622 0.5269011600639358 1.0051667966104425 1.2590035745833543 1.7465559225191138 1.935385720767255 2.0684952506798693 2.0855208882268346 2.079329747300663 2.070043035911419 1.9013344456733245 1.6273764596903746 1.3131760576873228 0.960281024895727 0.6383416967349717 +32682,0.29009001963799796,1,-0.02875373805967605 -0.09530850301598763 -0.058161657458975696 -0.08911736208982483 0.16007606018845622 0.5269011600639358 1.0051667966104425 1.2590035745833543 1.7465559225191138 1.935385720767255 2.0684952506798693 2.0855208882268346 2.079329747300663 2.070043035911419 1.9013344456733245 1.6273764596903746 1.3131760576873228 0.960281024895727 0.6383416967349717 0.46034639510762426 +32683,0.2065096171347211,1,-0.09530850301598763 -0.058161657458975696 -0.08911736208982483 0.16007606018845622 0.5269011600639358 1.0051667966104425 1.2590035745833543 1.7465559225191138 1.935385720767255 2.0684952506798693 2.0855208882268346 2.079329747300663 2.070043035911419 1.9013344456733245 1.6273764596903746 1.3131760576873228 0.960281024895727 0.6383416967349717 0.46034639510762426 0.29009001963799796 +32684,0.11209471801065059,1,-0.058161657458975696 -0.08911736208982483 0.16007606018845622 0.5269011600639358 1.0051667966104425 1.2590035745833543 1.7465559225191138 1.935385720767255 2.0684952506798693 2.0855208882268346 2.079329747300663 2.070043035911419 1.9013344456733245 1.6273764596903746 1.3131760576873228 0.960281024895727 0.6383416967349717 0.46034639510762426 0.29009001963799796 0.2065096171347211 +32685,0.02232317458121096,1,-0.08911736208982483 0.16007606018845622 0.5269011600639358 1.0051667966104425 1.2590035745833543 1.7465559225191138 1.935385720767255 2.0684952506798693 2.0855208882268346 2.079329747300663 2.070043035911419 1.9013344456733245 1.6273764596903746 1.3131760576873228 0.960281024895727 0.6383416967349717 0.46034639510762426 0.29009001963799796 0.2065096171347211 0.11209471801065059 +32686,-0.04423159037510062,1,0.16007606018845622 0.5269011600639358 1.0051667966104425 1.2590035745833543 1.7465559225191138 1.935385720767255 2.0684952506798693 2.0855208882268346 2.079329747300663 2.070043035911419 1.9013344456733245 1.6273764596903746 1.3131760576873228 0.960281024895727 0.6383416967349717 0.46034639510762426 0.29009001963799796 0.2065096171347211 0.11209471801065059 0.02232317458121096 +32687,-0.01637145620734167,1,0.5269011600639358 1.0051667966104425 1.2590035745833543 1.7465559225191138 1.935385720767255 2.0684952506798693 2.0855208882268346 2.079329747300663 2.070043035911419 1.9013344456733245 1.6273764596903746 1.3131760576873228 0.960281024895727 0.6383416967349717 0.46034639510762426 0.29009001963799796 0.2065096171347211 0.11209471801065059 0.02232317458121096 -0.04423159037510062 +32688,-0.010180315281178881,1,1.0051667966104425 1.2590035745833543 1.7465559225191138 1.935385720767255 2.0684952506798693 2.0855208882268346 2.079329747300663 2.070043035911419 1.9013344456733245 1.6273764596903746 1.3131760576873228 0.960281024895727 0.6383416967349717 0.46034639510762426 0.29009001963799796 0.2065096171347211 0.11209471801065059 0.02232317458121096 -0.04423159037510062 -0.01637145620734167 +32689,-0.008632530049629385,1,1.2590035745833543 1.7465559225191138 1.935385720767255 2.0684952506798693 2.0855208882268346 2.079329747300663 2.070043035911419 1.9013344456733245 1.6273764596903746 1.3131760576873228 0.960281024895727 0.6383416967349717 0.46034639510762426 0.29009001963799796 0.2065096171347211 0.11209471801065059 0.02232317458121096 -0.04423159037510062 -0.01637145620734167 -0.010180315281178881 +32690,0.1043557918529383,1,1.7465559225191138 1.935385720767255 2.0684952506798693 2.0855208882268346 2.079329747300663 2.070043035911419 1.9013344456733245 1.6273764596903746 1.3131760576873228 0.960281024895727 0.6383416967349717 0.46034639510762426 0.29009001963799796 0.2065096171347211 0.11209471801065059 0.02232317458121096 -0.04423159037510062 -0.01637145620734167 -0.010180315281178881 -0.008632530049629385 +32691,0.34735807320504775,1,1.935385720767255 2.0684952506798693 2.0855208882268346 2.079329747300663 2.070043035911419 1.9013344456733245 1.6273764596903746 1.3131760576873228 0.960281024895727 0.6383416967349717 0.46034639510762426 0.29009001963799796 0.2065096171347211 0.11209471801065059 0.02232317458121096 -0.04423159037510062 -0.01637145620734167 -0.010180315281178881 -0.008632530049629385 0.1043557918529383 +32692,0.581073643167913,1,2.0684952506798693 2.0855208882268346 2.079329747300663 2.070043035911419 1.9013344456733245 1.6273764596903746 1.3131760576873228 0.960281024895727 0.6383416967349717 0.46034639510762426 0.29009001963799796 0.2065096171347211 0.11209471801065059 0.02232317458121096 -0.04423159037510062 -0.01637145620734167 -0.010180315281178881 -0.008632530049629385 0.1043557918529383 0.34735807320504775 +32693,0.7915724346576326,1,2.0855208882268346 2.079329747300663 2.070043035911419 1.9013344456733245 1.6273764596903746 1.3131760576873228 0.960281024895727 0.6383416967349717 0.46034639510762426 0.29009001963799796 0.2065096171347211 0.11209471801065059 0.02232317458121096 -0.04423159037510062 -0.01637145620734167 -0.010180315281178881 -0.008632530049629385 0.1043557918529383 0.34735807320504775 0.581073643167913 +32694,1.011357937536614,1,2.079329747300663 2.070043035911419 1.9013344456733245 1.6273764596903746 1.3131760576873228 0.960281024895727 0.6383416967349717 0.46034639510762426 0.29009001963799796 0.2065096171347211 0.11209471801065059 0.02232317458121096 -0.04423159037510062 -0.01637145620734167 -0.010180315281178881 -0.008632530049629385 0.1043557918529383 0.34735807320504775 0.581073643167913 0.7915724346576326 +32695,1.2682902859726073,1,2.070043035911419 1.9013344456733245 1.6273764596903746 1.3131760576873228 0.960281024895727 0.6383416967349717 0.46034639510762426 0.29009001963799796 0.2065096171347211 0.11209471801065059 0.02232317458121096 -0.04423159037510062 -0.01637145620734167 -0.010180315281178881 -0.008632530049629385 0.1043557918529383 0.34735807320504775 0.581073643167913 0.7915724346576326 1.011357937536614 +32696,1.4462855875999459,1,1.9013344456733245 1.6273764596903746 1.3131760576873228 0.960281024895727 0.6383416967349717 0.46034639510762426 0.29009001963799796 0.2065096171347211 0.11209471801065059 0.02232317458121096 -0.04423159037510062 -0.01637145620734167 -0.010180315281178881 -0.008632530049629385 0.1043557918529383 0.34735807320504775 0.581073643167913 0.7915724346576326 1.011357937536614 1.2682902859726073 +32697,1.5020058559354639,1,1.6273764596903746 1.3131760576873228 0.960281024895727 0.6383416967349717 0.46034639510762426 0.29009001963799796 0.2065096171347211 0.11209471801065059 0.02232317458121096 -0.04423159037510062 -0.01637145620734167 -0.010180315281178881 -0.008632530049629385 0.1043557918529383 0.34735807320504775 0.581073643167913 0.7915724346576326 1.011357937536614 1.2682902859726073 1.4462855875999459 +32698,1.5639172651971445,1,1.3131760576873228 0.960281024895727 0.6383416967349717 0.46034639510762426 0.29009001963799796 0.2065096171347211 0.11209471801065059 0.02232317458121096 -0.04423159037510062 -0.01637145620734167 -0.010180315281178881 -0.008632530049629385 0.1043557918529383 0.34735807320504775 0.581073643167913 0.7915724346576326 1.011357937536614 1.2682902859726073 1.4462855875999459 1.5020058559354639 +32699,1.469502366073074,1,0.960281024895727 0.6383416967349717 0.46034639510762426 0.29009001963799796 0.2065096171347211 0.11209471801065059 0.02232317458121096 -0.04423159037510062 -0.01637145620734167 -0.010180315281178881 -0.008632530049629385 0.1043557918529383 0.34735807320504775 0.581073643167913 0.7915724346576326 1.011357937536614 1.2682902859726073 1.4462855875999459 1.5020058559354639 1.5639172651971445 +32700,1.2946026349088169,1,0.6383416967349717 0.46034639510762426 0.29009001963799796 0.2065096171347211 0.11209471801065059 0.02232317458121096 -0.04423159037510062 -0.01637145620734167 -0.010180315281178881 -0.008632530049629385 0.1043557918529383 0.34735807320504775 0.581073643167913 0.7915724346576326 1.011357937536614 1.2682902859726073 1.4462855875999459 1.5020058559354639 1.5639172651971445 1.469502366073074 +32701,1.0686259911036726,1,0.46034639510762426 0.29009001963799796 0.2065096171347211 0.11209471801065059 0.02232317458121096 -0.04423159037510062 -0.01637145620734167 -0.010180315281178881 -0.008632530049629385 0.1043557918529383 0.34735807320504775 0.581073643167913 0.7915724346576326 1.011357937536614 1.2682902859726073 1.4462855875999459 1.5020058559354639 1.5639172651971445 1.469502366073074 1.2946026349088169 +32702,0.8503882734562319,1,0.29009001963799796 0.2065096171347211 0.11209471801065059 0.02232317458121096 -0.04423159037510062 -0.01637145620734167 -0.010180315281178881 -0.008632530049629385 0.1043557918529383 0.34735807320504775 0.581073643167913 0.7915724346576326 1.011357937536614 1.2682902859726073 1.4462855875999459 1.5020058559354639 1.5639172651971445 1.469502366073074 1.2946026349088169 1.0686259911036726 +32703,0.5795258579363636,1,0.2065096171347211 0.11209471801065059 0.02232317458121096 -0.04423159037510062 -0.01637145620734167 -0.010180315281178881 -0.008632530049629385 0.1043557918529383 0.34735807320504775 0.581073643167913 0.7915724346576326 1.011357937536614 1.2682902859726073 1.4462855875999459 1.5020058559354639 1.5639172651971445 1.469502366073074 1.2946026349088169 1.0686259911036726 0.8503882734562319 +32704,0.3752182073728067,1,0.11209471801065059 0.02232317458121096 -0.04423159037510062 -0.01637145620734167 -0.010180315281178881 -0.008632530049629385 0.1043557918529383 0.34735807320504775 0.581073643167913 0.7915724346576326 1.011357937536614 1.2682902859726073 1.4462855875999459 1.5020058559354639 1.5639172651971445 1.469502366073074 1.2946026349088169 1.0686259911036726 0.8503882734562319 0.5795258579363636 +32705,0.23746532176556145,1,0.02232317458121096 -0.04423159037510062 -0.01637145620734167 -0.010180315281178881 -0.008632530049629385 0.1043557918529383 0.34735807320504775 0.581073643167913 0.7915724346576326 1.011357937536614 1.2682902859726073 1.4462855875999459 1.5020058559354639 1.5639172651971445 1.469502366073074 1.2946026349088169 1.0686259911036726 0.8503882734562319 0.5795258579363636 0.3752182073728067 +32706,0.13221592602069726,1,-0.04423159037510062 -0.01637145620734167 -0.010180315281178881 -0.008632530049629385 0.1043557918529383 0.34735807320504775 0.581073643167913 0.7915724346576326 1.011357937536614 1.2682902859726073 1.4462855875999459 1.5020058559354639 1.5639172651971445 1.469502366073074 1.2946026349088169 1.0686259911036726 0.8503882734562319 0.5795258579363636 0.3752182073728067 0.23746532176556145 +32707,0.08887793953752253,1,-0.01637145620734167 -0.010180315281178881 -0.008632530049629385 0.1043557918529383 0.34735807320504775 0.581073643167913 0.7915724346576326 1.011357937536614 1.2682902859726073 1.4462855875999459 1.5020058559354639 1.5639172651971445 1.469502366073074 1.2946026349088169 1.0686259911036726 0.8503882734562319 0.5795258579363636 0.3752182073728067 0.23746532176556145 0.13221592602069726 +32708,0.0501833087489699,1,-0.010180315281178881 -0.008632530049629385 0.1043557918529383 0.34735807320504775 0.581073643167913 0.7915724346576326 1.011357937536614 1.2682902859726073 1.4462855875999459 1.5020058559354639 1.5639172651971445 1.469502366073074 1.2946026349088169 1.0686259911036726 0.8503882734562319 0.5795258579363636 0.3752182073728067 0.23746532176556145 0.13221592602069726 0.08887793953752253 +32709,0.07340008722209797,1,-0.008632530049629385 0.1043557918529383 0.34735807320504775 0.581073643167913 0.7915724346576326 1.011357937536614 1.2682902859726073 1.4462855875999459 1.5020058559354639 1.5639172651971445 1.469502366073074 1.2946026349088169 1.0686259911036726 0.8503882734562319 0.5795258579363636 0.3752182073728067 0.23746532176556145 0.13221592602069726 0.08887793953752253 0.0501833087489699 +32710,-0.019467026670423066,1,0.1043557918529383 0.34735807320504775 0.581073643167913 0.7915724346576326 1.011357937536614 1.2682902859726073 1.4462855875999459 1.5020058559354639 1.5639172651971445 1.469502366073074 1.2946026349088169 1.0686259911036726 0.8503882734562319 0.5795258579363636 0.3752182073728067 0.23746532176556145 0.13221592602069726 0.08887793953752253 0.0501833087489699 0.07340008722209797 +32711,-0.04268380514355992,1,0.34735807320504775 0.581073643167913 0.7915724346576326 1.011357937536614 1.2682902859726073 1.4462855875999459 1.5020058559354639 1.5639172651971445 1.469502366073074 1.2946026349088169 1.0686259911036726 0.8503882734562319 0.5795258579363636 0.3752182073728067 0.23746532176556145 0.13221592602069726 0.08887793953752253 0.0501833087489699 0.07340008722209797 -0.019467026670423066 +32712,-0.05970944269052519,1,0.581073643167913 0.7915724346576326 1.011357937536614 1.2682902859726073 1.4462855875999459 1.5020058559354639 1.5639172651971445 1.469502366073074 1.2946026349088169 1.0686259911036726 0.8503882734562319 0.5795258579363636 0.3752182073728067 0.23746532176556145 0.13221592602069726 0.08887793953752253 0.0501833087489699 0.07340008722209797 -0.019467026670423066 -0.04268380514355992 +32713,-0.058161657458975696,1,0.7915724346576326 1.011357937536614 1.2682902859726073 1.4462855875999459 1.5020058559354639 1.5639172651971445 1.469502366073074 1.2946026349088169 1.0686259911036726 0.8503882734562319 0.5795258579363636 0.3752182073728067 0.23746532176556145 0.13221592602069726 0.08887793953752253 0.0501833087489699 0.07340008722209797 -0.019467026670423066 -0.04268380514355992 -0.05970944269052519 +32714,0.17400612727234008,1,1.011357937536614 1.2682902859726073 1.4462855875999459 1.5020058559354639 1.5639172651971445 1.469502366073074 1.2946026349088169 1.0686259911036726 0.8503882734562319 0.5795258579363636 0.3752182073728067 0.23746532176556145 0.13221592602069726 0.08887793953752253 0.0501833087489699 0.07340008722209797 -0.019467026670423066 -0.04268380514355992 -0.05970944269052519 -0.058161657458975696 +32715,0.34116693227888495,1,1.2682902859726073 1.4462855875999459 1.5020058559354639 1.5639172651971445 1.469502366073074 1.2946026349088169 1.0686259911036726 0.8503882734562319 0.5795258579363636 0.3752182073728067 0.23746532176556145 0.13221592602069726 0.08887793953752253 0.0501833087489699 0.07340008722209797 -0.019467026670423066 -0.04268380514355992 -0.05970944269052519 -0.058161657458975696 0.17400612727234008 +32716,0.7033486764597336,1,1.4462855875999459 1.5020058559354639 1.5639172651971445 1.469502366073074 1.2946026349088169 1.0686259911036726 0.8503882734562319 0.5795258579363636 0.3752182073728067 0.23746532176556145 0.13221592602069726 0.08887793953752253 0.0501833087489699 0.07340008722209797 -0.019467026670423066 -0.04268380514355992 -0.05970944269052519 -0.058161657458975696 0.17400612727234008 0.34116693227888495 +32717,1.025288004620498,1,1.5020058559354639 1.5639172651971445 1.469502366073074 1.2946026349088169 1.0686259911036726 0.8503882734562319 0.5795258579363636 0.3752182073728067 0.23746532176556145 0.13221592602069726 0.08887793953752253 0.0501833087489699 0.07340008722209797 -0.019467026670423066 -0.04268380514355992 -0.05970944269052519 -0.058161657458975696 0.17400612727234008 0.34116693227888495 0.7033486764597336 +32718,1.3209149838450351,1,1.5639172651971445 1.469502366073074 1.2946026349088169 1.0686259911036726 0.8503882734562319 0.5795258579363636 0.3752182073728067 0.23746532176556145 0.13221592602069726 0.08887793953752253 0.0501833087489699 0.07340008722209797 -0.019467026670423066 -0.04268380514355992 -0.05970944269052519 -0.058161657458975696 0.17400612727234008 0.34116693227888495 0.7033486764597336 1.025288004620498 +32719,1.6149941778380315,1,1.469502366073074 1.2946026349088169 1.0686259911036726 0.8503882734562319 0.5795258579363636 0.3752182073728067 0.23746532176556145 0.13221592602069726 0.08887793953752253 0.0501833087489699 0.07340008722209797 -0.019467026670423066 -0.04268380514355992 -0.05970944269052519 -0.058161657458975696 0.17400612727234008 0.34116693227888495 0.7033486764597336 1.025288004620498 1.3209149838450351 +32720,1.7481037077506547,1,1.2946026349088169 1.0686259911036726 0.8503882734562319 0.5795258579363636 0.3752182073728067 0.23746532176556145 0.13221592602069726 0.08887793953752253 0.0501833087489699 0.07340008722209797 -0.019467026670423066 -0.04268380514355992 -0.05970944269052519 -0.058161657458975696 0.17400612727234008 0.34116693227888495 0.7033486764597336 1.025288004620498 1.3209149838450351 1.6149941778380315 +32721,1.8610920296532312,1,1.0686259911036726 0.8503882734562319 0.5795258579363636 0.3752182073728067 0.23746532176556145 0.13221592602069726 0.08887793953752253 0.0501833087489699 0.07340008722209797 -0.019467026670423066 -0.04268380514355992 -0.05970944269052519 -0.058161657458975696 0.17400612727234008 0.34116693227888495 0.7033486764597336 1.025288004620498 1.3209149838450351 1.6149941778380315 1.7481037077506547 +32722,1.8997866604417837,1,0.8503882734562319 0.5795258579363636 0.3752182073728067 0.23746532176556145 0.13221592602069726 0.08887793953752253 0.0501833087489699 0.07340008722209797 -0.019467026670423066 -0.04268380514355992 -0.05970944269052519 -0.058161657458975696 0.17400612727234008 0.34116693227888495 0.7033486764597336 1.025288004620498 1.3209149838450351 1.6149941778380315 1.7481037077506547 1.8610920296532312 +32723,1.772868271455332,1,0.5795258579363636 0.3752182073728067 0.23746532176556145 0.13221592602069726 0.08887793953752253 0.0501833087489699 0.07340008722209797 -0.019467026670423066 -0.04268380514355992 -0.05970944269052519 -0.058161657458975696 0.17400612727234008 0.34116693227888495 0.7033486764597336 1.025288004620498 1.3209149838450351 1.6149941778380315 1.7481037077506547 1.8610920296532312 1.8997866604417837 +32724,1.5793951175125691,1,0.3752182073728067 0.23746532176556145 0.13221592602069726 0.08887793953752253 0.0501833087489699 0.07340008722209797 -0.019467026670423066 -0.04268380514355992 -0.05970944269052519 -0.058161657458975696 0.17400612727234008 0.34116693227888495 0.7033486764597336 1.025288004620498 1.3209149838450351 1.6149941778380315 1.7481037077506547 1.8610920296532312 1.8997866604417837 1.772868271455332 +32725,1.3658007555597593,1,0.23746532176556145 0.13221592602069726 0.08887793953752253 0.0501833087489699 0.07340008722209797 -0.019467026670423066 -0.04268380514355992 -0.05970944269052519 -0.058161657458975696 0.17400612727234008 0.34116693227888495 0.7033486764597336 1.025288004620498 1.3209149838450351 1.6149941778380315 1.7481037077506547 1.8610920296532312 1.8997866604417837 1.772868271455332 1.5793951175125691 +32726,1.025288004620498,1,0.13221592602069726 0.08887793953752253 0.0501833087489699 0.07340008722209797 -0.019467026670423066 -0.04268380514355992 -0.05970944269052519 -0.058161657458975696 0.17400612727234008 0.34116693227888495 0.7033486764597336 1.025288004620498 1.3209149838450351 1.6149941778380315 1.7481037077506547 1.8610920296532312 1.8997866604417837 1.772868271455332 1.5793951175125691 1.3658007555597593 +32727,0.7404955220167456,1,0.08887793953752253 0.0501833087489699 0.07340008722209797 -0.019467026670423066 -0.04268380514355992 -0.05970944269052519 -0.058161657458975696 0.17400612727234008 0.34116693227888495 0.7033486764597336 1.025288004620498 1.3209149838450351 1.6149941778380315 1.7481037077506547 1.8610920296532312 1.8997866604417837 1.772868271455332 1.5793951175125691 1.3658007555597593 1.025288004620498 +32728,0.5253533748323951,1,0.0501833087489699 0.07340008722209797 -0.019467026670423066 -0.04268380514355992 -0.05970944269052519 -0.058161657458975696 0.17400612727234008 0.34116693227888495 0.7033486764597336 1.025288004620498 1.3209149838450351 1.6149941778380315 1.7481037077506547 1.8610920296532312 1.8997866604417837 1.772868271455332 1.5793951175125691 1.3658007555597593 1.025288004620498 0.7404955220167456 +32729,0.42165176431907164,1,0.07340008722209797 -0.019467026670423066 -0.04268380514355992 -0.05970944269052519 -0.058161657458975696 0.17400612727234008 0.34116693227888495 0.7033486764597336 1.025288004620498 1.3209149838450351 1.6149941778380315 1.7481037077506547 1.8610920296532312 1.8997866604417837 1.772868271455332 1.5793951175125691 1.3658007555597593 1.025288004620498 0.7404955220167456 0.5253533748323951 +32730,0.3566447845943007,1,-0.019467026670423066 -0.04268380514355992 -0.05970944269052519 -0.058161657458975696 0.17400612727234008 0.34116693227888495 0.7033486764597336 1.025288004620498 1.3209149838450351 1.6149941778380315 1.7481037077506547 1.8610920296532312 1.8997866604417837 1.772868271455332 1.5793951175125691 1.3658007555597593 1.025288004620498 0.7404955220167456 0.5253533748323951 0.42165176431907164 +32731,0.28854223440644844,1,-0.04268380514355992 -0.05970944269052519 -0.058161657458975696 0.17400612727234008 0.34116693227888495 0.7033486764597336 1.025288004620498 1.3209149838450351 1.6149941778380315 1.7481037077506547 1.8610920296532312 1.8997866604417837 1.772868271455332 1.5793951175125691 1.3658007555597593 1.025288004620498 0.7404955220167456 0.5253533748323951 0.42165176431907164 0.3566447845943007 +32732,0.2204396842185962,1,-0.05970944269052519 -0.058161657458975696 0.17400612727234008 0.34116693227888495 0.7033486764597336 1.025288004620498 1.3209149838450351 1.6149941778380315 1.7481037077506547 1.8610920296532312 1.8997866604417837 1.772868271455332 1.5793951175125691 1.3658007555597593 1.025288004620498 0.7404955220167456 0.5253533748323951 0.42165176431907164 0.3566447845943007 0.28854223440644844 +32733,0.15233713403074392,1,-0.058161657458975696 0.17400612727234008 0.34116693227888495 0.7033486764597336 1.025288004620498 1.3209149838450351 1.6149941778380315 1.7481037077506547 1.8610920296532312 1.8997866604417837 1.772868271455332 1.5793951175125691 1.3658007555597593 1.025288004620498 0.7404955220167456 0.5253533748323951 0.42165176431907164 0.3566447845943007 0.28854223440644844 0.2204396842185962 +32734,0.06256559060130429,1,0.17400612727234008 0.34116693227888495 0.7033486764597336 1.025288004620498 1.3209149838450351 1.6149941778380315 1.7481037077506547 1.8610920296532312 1.8997866604417837 1.772868271455332 1.5793951175125691 1.3658007555597593 1.025288004620498 0.7404955220167456 0.5253533748323951 0.42165176431907164 0.3566447845943007 0.28854223440644844 0.2204396842185962 0.15233713403074392 +32735,0.011488677960417278,1,0.34116693227888495 0.7033486764597336 1.025288004620498 1.3209149838450351 1.6149941778380315 1.7481037077506547 1.8610920296532312 1.8997866604417837 1.772868271455332 1.5793951175125691 1.3658007555597593 1.025288004620498 0.7404955220167456 0.5253533748323951 0.42165176431907164 0.3566447845943007 0.28854223440644844 0.2204396842185962 0.15233713403074392 0.06256559060130429 +32736,-0.017919241438882367,1,0.7033486764597336 1.025288004620498 1.3209149838450351 1.6149941778380315 1.7481037077506547 1.8610920296532312 1.8997866604417837 1.772868271455332 1.5793951175125691 1.3658007555597593 1.025288004620498 0.7404955220167456 0.5253533748323951 0.42165176431907164 0.3566447845943007 0.28854223440644844 0.2204396842185962 0.15233713403074392 0.06256559060130429 0.011488677960417278 +32737,-0.03339709375430694,1,1.025288004620498 1.3209149838450351 1.6149941778380315 1.7481037077506547 1.8610920296532312 1.8997866604417837 1.772868271455332 1.5793951175125691 1.3658007555597593 1.025288004620498 0.7404955220167456 0.5253533748323951 0.42165176431907164 0.3566447845943007 0.28854223440644844 0.2204396842185962 0.15233713403074392 0.06256559060130429 0.011488677960417278 -0.017919241438882367 +32738,0.3210457242688383,1,1.3209149838450351 1.6149941778380315 1.7481037077506547 1.8610920296532312 1.8997866604417837 1.772868271455332 1.5793951175125691 1.3658007555597593 1.025288004620498 0.7404955220167456 0.5253533748323951 0.42165176431907164 0.3566447845943007 0.28854223440644844 0.2204396842185962 0.15233713403074392 0.06256559060130429 0.011488677960417278 -0.017919241438882367 -0.03339709375430694 +32739,0.7791901528052982,1,1.6149941778380315 1.7481037077506547 1.8610920296532312 1.8997866604417837 1.772868271455332 1.5793951175125691 1.3658007555597593 1.025288004620498 0.7404955220167456 0.5253533748323951 0.42165176431907164 0.3566447845943007 0.28854223440644844 0.2204396842185962 0.15233713403074392 0.06256559060130429 0.011488677960417278 -0.017919241438882367 -0.03339709375430694 0.3210457242688383 +32740,1.1661364606908244,1,1.7481037077506547 1.8610920296532312 1.8997866604417837 1.772868271455332 1.5793951175125691 1.3658007555597593 1.025288004620498 0.7404955220167456 0.5253533748323951 0.42165176431907164 0.3566447845943007 0.28854223440644844 0.2204396842185962 0.15233713403074392 0.06256559060130429 0.011488677960417278 -0.017919241438882367 -0.03339709375430694 0.3210457242688383 0.7791901528052982 +32741,1.4679545808415333,1,1.8610920296532312 1.8997866604417837 1.772868271455332 1.5793951175125691 1.3658007555597593 1.025288004620498 0.7404955220167456 0.5253533748323951 0.42165176431907164 0.3566447845943007 0.28854223440644844 0.2204396842185962 0.15233713403074392 0.06256559060130429 0.011488677960417278 -0.017919241438882367 -0.03339709375430694 0.3210457242688383 0.7791901528052982 1.1661364606908244 +32742,1.8533531034955188,1,1.8997866604417837 1.772868271455332 1.5793951175125691 1.3658007555597593 1.025288004620498 0.7404955220167456 0.5253533748323951 0.42165176431907164 0.3566447845943007 0.28854223440644844 0.2204396842185962 0.15233713403074392 0.06256559060130429 0.011488677960417278 -0.017919241438882367 -0.03339709375430694 0.3210457242688383 0.7791901528052982 1.1661364606908244 1.4679545808415333 +32743,2.054565183595994,1,1.772868271455332 1.5793951175125691 1.3658007555597593 1.025288004620498 0.7404955220167456 0.5253533748323951 0.42165176431907164 0.3566447845943007 0.28854223440644844 0.2204396842185962 0.15233713403074392 0.06256559060130429 0.011488677960417278 -0.017919241438882367 -0.03339709375430694 0.3210457242688383 0.7791901528052982 1.1661364606908244 1.4679545808415333 1.8533531034955188 +32744,2.1721968611931928,1,1.5793951175125691 1.3658007555597593 1.025288004620498 0.7404955220167456 0.5253533748323951 0.42165176431907164 0.3566447845943007 0.28854223440644844 0.2204396842185962 0.15233713403074392 0.06256559060130429 0.011488677960417278 -0.017919241438882367 -0.03339709375430694 0.3210457242688383 0.7791901528052982 1.1661364606908244 1.4679545808415333 1.8533531034955188 2.054565183595994 +32745,2.2480383375387576,1,1.3658007555597593 1.025288004620498 0.7404955220167456 0.5253533748323951 0.42165176431907164 0.3566447845943007 0.28854223440644844 0.2204396842185962 0.15233713403074392 0.06256559060130429 0.011488677960417278 -0.017919241438882367 -0.03339709375430694 0.3210457242688383 0.7791901528052982 1.1661364606908244 1.4679545808415333 1.8533531034955188 2.054565183595994 2.1721968611931928 +32746,2.1985092101294113,1,1.025288004620498 0.7404955220167456 0.5253533748323951 0.42165176431907164 0.3566447845943007 0.28854223440644844 0.2204396842185962 0.15233713403074392 0.06256559060130429 0.011488677960417278 -0.017919241438882367 -0.03339709375430694 0.3210457242688383 0.7791901528052982 1.1661364606908244 1.4679545808415333 1.8533531034955188 2.054565183595994 2.1721968611931928 2.2480383375387576 +32747,2.105642096236881,1,0.7404955220167456 0.5253533748323951 0.42165176431907164 0.3566447845943007 0.28854223440644844 0.2204396842185962 0.15233713403074392 0.06256559060130429 0.011488677960417278 -0.017919241438882367 -0.03339709375430694 0.3210457242688383 0.7791901528052982 1.1661364606908244 1.4679545808415333 1.8533531034955188 2.054565183595994 2.1721968611931928 2.2480383375387576 2.1985092101294113 +32748,1.8781176672001965,1,0.5253533748323951 0.42165176431907164 0.3566447845943007 0.28854223440644844 0.2204396842185962 0.15233713403074392 0.06256559060130429 0.011488677960417278 -0.017919241438882367 -0.03339709375430694 0.3210457242688383 0.7791901528052982 1.1661364606908244 1.4679545808415333 1.8533531034955188 2.054565183595994 2.1721968611931928 2.2480383375387576 2.1985092101294113 2.105642096236881 +32749,1.4880757888515799,1,0.42165176431907164 0.3566447845943007 0.28854223440644844 0.2204396842185962 0.15233713403074392 0.06256559060130429 0.011488677960417278 -0.017919241438882367 -0.03339709375430694 0.3210457242688383 0.7791901528052982 1.1661364606908244 1.4679545808415333 1.8533531034955188 2.054565183595994 2.1721968611931928 2.2480383375387576 2.1985092101294113 2.105642096236881 1.8781176672001965 +32750,1.108868407123766,1,0.3566447845943007 0.28854223440644844 0.2204396842185962 0.15233713403074392 0.06256559060130429 0.011488677960417278 -0.017919241438882367 -0.03339709375430694 0.3210457242688383 0.7791901528052982 1.1661364606908244 1.4679545808415333 1.8533531034955188 2.054565183595994 2.1721968611931928 2.2480383375387576 2.1985092101294113 2.105642096236881 1.8781176672001965 1.4880757888515799 +32751,0.7962157903522635,1,0.28854223440644844 0.2204396842185962 0.15233713403074392 0.06256559060130429 0.011488677960417278 -0.017919241438882367 -0.03339709375430694 0.3210457242688383 0.7791901528052982 1.1661364606908244 1.4679545808415333 1.8533531034955188 2.054565183595994 2.1721968611931928 2.2480383375387576 2.1985092101294113 2.105642096236881 1.8781176672001965 1.4880757888515799 1.108868407123766 +32752,0.6631062604396404,1,0.2204396842185962 0.15233713403074392 0.06256559060130429 0.011488677960417278 -0.017919241438882367 -0.03339709375430694 0.3210457242688383 0.7791901528052982 1.1661364606908244 1.4679545808415333 1.8533531034955188 2.054565183595994 2.1721968611931928 2.2480383375387576 2.1985092101294113 2.105642096236881 1.8781176672001965 1.4880757888515799 1.108868407123766 0.7962157903522635 +32753,0.5423790123793604,1,0.15233713403074392 0.06256559060130429 0.011488677960417278 -0.017919241438882367 -0.03339709375430694 0.3210457242688383 0.7791901528052982 1.1661364606908244 1.4679545808415333 1.8533531034955188 2.054565183595994 2.1721968611931928 2.2480383375387576 2.1985092101294113 2.105642096236881 1.8781176672001965 1.4880757888515799 1.108868407123766 0.7962157903522635 0.6631062604396404 +32754,0.46498975080225513,1,0.06256559060130429 0.011488677960417278 -0.017919241438882367 -0.03339709375430694 0.3210457242688383 0.7791901528052982 1.1661364606908244 1.4679545808415333 1.8533531034955188 2.054565183595994 2.1721968611931928 2.2480383375387576 2.1985092101294113 2.105642096236881 1.8781176672001965 1.4880757888515799 1.108868407123766 0.7962157903522635 0.6631062604396404 0.5423790123793604 +32755,0.4154606233929,1,0.011488677960417278 -0.017919241438882367 -0.03339709375430694 0.3210457242688383 0.7791901528052982 1.1661364606908244 1.4679545808415333 1.8533531034955188 2.054565183595994 2.1721968611931928 2.2480383375387576 2.1985092101294113 2.105642096236881 1.8781176672001965 1.4880757888515799 1.108868407123766 0.7962157903522635 0.6631062604396404 0.5423790123793604 0.46498975080225513 +32756,0.40307834154056565,1,-0.017919241438882367 -0.03339709375430694 0.3210457242688383 0.7791901528052982 1.1661364606908244 1.4679545808415333 1.8533531034955188 2.054565183595994 2.1721968611931928 2.2480383375387576 2.1985092101294113 2.105642096236881 1.8781176672001965 1.4880757888515799 1.108868407123766 0.7962157903522635 0.6631062604396404 0.5423790123793604 0.46498975080225513 0.4154606233929 +32757,0.45570303941300216,1,-0.03339709375430694 0.3210457242688383 0.7791901528052982 1.1661364606908244 1.4679545808415333 1.8533531034955188 2.054565183595994 2.1721968611931928 2.2480383375387576 2.1985092101294113 2.105642096236881 1.8781176672001965 1.4880757888515799 1.108868407123766 0.7962157903522635 0.6631062604396404 0.5423790123793604 0.46498975080225513 0.4154606233929 0.40307834154056565 +32758,0.4324862609398653,1,0.3210457242688383 0.7791901528052982 1.1661364606908244 1.4679545808415333 1.8533531034955188 2.054565183595994 2.1721968611931928 2.2480383375387576 2.1985092101294113 2.105642096236881 1.8781176672001965 1.4880757888515799 1.108868407123766 0.7962157903522635 0.6631062604396404 0.5423790123793604 0.46498975080225513 0.4154606233929 0.40307834154056565 0.45570303941300216 +32759,0.3566447845943007,1,0.7791901528052982 1.1661364606908244 1.4679545808415333 1.8533531034955188 2.054565183595994 2.1721968611931928 2.2480383375387576 2.1985092101294113 2.105642096236881 1.8781176672001965 1.4880757888515799 1.108868407123766 0.7962157903522635 0.6631062604396404 0.5423790123793604 0.46498975080225513 0.4154606233929 0.40307834154056565 0.45570303941300216 0.4324862609398653 +32760,0.3241412947319197,1,1.1661364606908244 1.4679545808415333 1.8533531034955188 2.054565183595994 2.1721968611931928 2.2480383375387576 2.1985092101294113 2.105642096236881 1.8781176672001965 1.4880757888515799 1.108868407123766 0.7962157903522635 0.6631062604396404 0.5423790123793604 0.46498975080225513 0.4154606233929 0.40307834154056565 0.45570303941300216 0.4324862609398653 0.3566447845943007 +32761,0.2699688116279425,1,1.4679545808415333 1.8533531034955188 2.054565183595994 2.1721968611931928 2.2480383375387576 2.1985092101294113 2.105642096236881 1.8781176672001965 1.4880757888515799 1.108868407123766 0.7962157903522635 0.6631062604396404 0.5423790123793604 0.46498975080225513 0.4154606233929 0.40307834154056565 0.45570303941300216 0.4324862609398653 0.3566447845943007 0.3241412947319197 +32762,0.5485701533055232,1,1.8533531034955188 2.054565183595994 2.1721968611931928 2.2480383375387576 2.1985092101294113 2.105642096236881 1.8781176672001965 1.4880757888515799 1.108868407123766 0.7962157903522635 0.6631062604396404 0.5423790123793604 0.46498975080225513 0.4154606233929 0.40307834154056565 0.45570303941300216 0.4324862609398653 0.3566447845943007 0.3241412947319197 0.2699688116279425 +32763,0.8132414278992288,1,2.054565183595994 2.1721968611931928 2.2480383375387576 2.1985092101294113 2.105642096236881 1.8781176672001965 1.4880757888515799 1.108868407123766 0.7962157903522635 0.6631062604396404 0.5423790123793604 0.46498975080225513 0.4154606233929 0.40307834154056565 0.45570303941300216 0.4324862609398653 0.3566447845943007 0.3241412947319197 0.2699688116279425 0.5485701533055232 +32764,1.2466212927310112,1,2.1721968611931928 2.2480383375387576 2.1985092101294113 2.105642096236881 1.8781176672001965 1.4880757888515799 1.108868407123766 0.7962157903522635 0.6631062604396404 0.5423790123793604 0.46498975080225513 0.4154606233929 0.40307834154056565 0.45570303941300216 0.4324862609398653 0.3566447845943007 0.3241412947319197 0.2699688116279425 0.5485701533055232 0.8132414278992288 +32765,1.5283182048716821,1,2.2480383375387576 2.1985092101294113 2.105642096236881 1.8781176672001965 1.4880757888515799 1.108868407123766 0.7962157903522635 0.6631062604396404 0.5423790123793604 0.46498975080225513 0.4154606233929 0.40307834154056565 0.45570303941300216 0.4324862609398653 0.3566447845943007 0.3241412947319197 0.2699688116279425 0.5485701533055232 0.8132414278992288 1.2466212927310112 +32766,1.9214556536833711,1,2.1985092101294113 2.105642096236881 1.8781176672001965 1.4880757888515799 1.108868407123766 0.7962157903522635 0.6631062604396404 0.5423790123793604 0.46498975080225513 0.4154606233929 0.40307834154056565 0.45570303941300216 0.4324862609398653 0.3566447845943007 0.3241412947319197 0.2699688116279425 0.5485701533055232 0.8132414278992288 1.2466212927310112 1.5283182048716821 +32767,2.0344439755859476,1,2.105642096236881 1.8781176672001965 1.4880757888515799 1.108868407123766 0.7962157903522635 0.6631062604396404 0.5423790123793604 0.46498975080225513 0.4154606233929 0.40307834154056565 0.45570303941300216 0.4324862609398653 0.3566447845943007 0.3241412947319197 0.2699688116279425 0.5485701533055232 0.8132414278992288 1.2466212927310112 1.5283182048716821 1.9214556536833711 +32768,2.2155348476763765,1,1.8781176672001965 1.4880757888515799 1.108868407123766 0.7962157903522635 0.6631062604396404 0.5423790123793604 0.46498975080225513 0.4154606233929 0.40307834154056565 0.45570303941300216 0.4324862609398653 0.3566447845943007 0.3241412947319197 0.2699688116279425 0.5485701533055232 0.8132414278992288 1.2466212927310112 1.5283182048716821 1.9214556536833711 2.0344439755859476 +32769,2.4043646459245087,1,1.4880757888515799 1.108868407123766 0.7962157903522635 0.6631062604396404 0.5423790123793604 0.46498975080225513 0.4154606233929 0.40307834154056565 0.45570303941300216 0.4324862609398653 0.3566447845943007 0.3241412947319197 0.2699688116279425 0.5485701533055232 0.8132414278992288 1.2466212927310112 1.5283182048716821 1.9214556536833711 2.0344439755859476 2.2155348476763765 +32770,2.3548355185151624,1,1.108868407123766 0.7962157903522635 0.6631062604396404 0.5423790123793604 0.46498975080225513 0.4154606233929 0.40307834154056565 0.45570303941300216 0.4324862609398653 0.3566447845943007 0.3241412947319197 0.2699688116279425 0.5485701533055232 0.8132414278992288 1.2466212927310112 1.5283182048716821 1.9214556536833711 2.0344439755859476 2.2155348476763765 2.4043646459245087 +32771,2.2851851830957695,1,0.7962157903522635 0.6631062604396404 0.5423790123793604 0.46498975080225513 0.4154606233929 0.40307834154056565 0.45570303941300216 0.4324862609398653 0.3566447845943007 0.3241412947319197 0.2699688116279425 0.5485701533055232 0.8132414278992288 1.2466212927310112 1.5283182048716821 1.9214556536833711 2.0344439755859476 2.2155348476763765 2.4043646459245087 2.3548355185151624 +32772,2.127311089478469,1,0.6631062604396404 0.5423790123793604 0.46498975080225513 0.4154606233929 0.40307834154056565 0.45570303941300216 0.4324862609398653 0.3566447845943007 0.3241412947319197 0.2699688116279425 0.5485701533055232 0.8132414278992288 1.2466212927310112 1.5283182048716821 1.9214556536833711 2.0344439755859476 2.2155348476763765 2.4043646459245087 2.3548355185151624 2.2851851830957695 +32773,1.9183600832202898,1,0.5423790123793604 0.46498975080225513 0.4154606233929 0.40307834154056565 0.45570303941300216 0.4324862609398653 0.3566447845943007 0.3241412947319197 0.2699688116279425 0.5485701533055232 0.8132414278992288 1.2466212927310112 1.5283182048716821 1.9214556536833711 2.0344439755859476 2.2155348476763765 2.4043646459245087 2.3548355185151624 2.2851851830957695 2.127311089478469 +32774,1.6459498824688807,1,0.46498975080225513 0.4154606233929 0.40307834154056565 0.45570303941300216 0.4324862609398653 0.3566447845943007 0.3241412947319197 0.2699688116279425 0.5485701533055232 0.8132414278992288 1.2466212927310112 1.5283182048716821 1.9214556536833711 2.0344439755859476 2.2155348476763765 2.4043646459245087 2.3548355185151624 2.2851851830957695 2.127311089478469 1.9183600832202898 +32775,1.325558339539666,1,0.4154606233929 0.40307834154056565 0.45570303941300216 0.4324862609398653 0.3566447845943007 0.3241412947319197 0.2699688116279425 0.5485701533055232 0.8132414278992288 1.2466212927310112 1.5283182048716821 1.9214556536833711 2.0344439755859476 2.2155348476763765 2.4043646459245087 2.3548355185151624 2.2851851830957695 2.127311089478469 1.9183600832202898 1.6459498824688807 +32776,1.0949383400398909,1,0.40307834154056565 0.45570303941300216 0.4324862609398653 0.3566447845943007 0.3241412947319197 0.2699688116279425 0.5485701533055232 0.8132414278992288 1.2466212927310112 1.5283182048716821 1.9214556536833711 2.0344439755859476 2.2155348476763765 2.4043646459245087 2.3548355185151624 2.2851851830957695 2.127311089478469 1.9183600832202898 1.6459498824688807 1.325558339539666 +32777,0.8890829042447845,1,0.45570303941300216 0.4324862609398653 0.3566447845943007 0.3241412947319197 0.2699688116279425 0.5485701533055232 0.8132414278992288 1.2466212927310112 1.5283182048716821 1.9214556536833711 2.0344439755859476 2.2155348476763765 2.4043646459245087 2.3548355185151624 2.2851851830957695 2.127311089478469 1.9183600832202898 1.6459498824688807 1.325558339539666 1.0949383400398909 +32778,0.8070502869730573,1,0.4324862609398653 0.3566447845943007 0.3241412947319197 0.2699688116279425 0.5485701533055232 0.8132414278992288 1.2466212927310112 1.5283182048716821 1.9214556536833711 2.0344439755859476 2.2155348476763765 2.4043646459245087 2.3548355185151624 2.2851851830957695 2.127311089478469 1.9183600832202898 1.6459498824688807 1.325558339539666 1.0949383400398909 0.8890829042447845 +32779,0.7188265287751583,1,0.3566447845943007 0.3241412947319197 0.2699688116279425 0.5485701533055232 0.8132414278992288 1.2466212927310112 1.5283182048716821 1.9214556536833711 2.0344439755859476 2.2155348476763765 2.4043646459245087 2.3548355185151624 2.2851851830957695 2.127311089478469 1.9183600832202898 1.6459498824688807 1.325558339539666 1.0949383400398909 0.8890829042447845 0.8070502869730573 +32780,0.6027426364095004,1,0.3241412947319197 0.2699688116279425 0.5485701533055232 0.8132414278992288 1.2466212927310112 1.5283182048716821 1.9214556536833711 2.0344439755859476 2.2155348476763765 2.4043646459245087 2.3548355185151624 2.2851851830957695 2.127311089478469 1.9183600832202898 1.6459498824688807 1.325558339539666 1.0949383400398909 0.8890829042447845 0.8070502869730573 0.7188265287751583 +32781,0.5160666634431421,1,0.2699688116279425 0.5485701533055232 0.8132414278992288 1.2466212927310112 1.5283182048716821 1.9214556536833711 2.0344439755859476 2.2155348476763765 2.4043646459245087 2.3548355185151624 2.2851851830957695 2.127311089478469 1.9183600832202898 1.6459498824688807 1.325558339539666 1.0949383400398909 0.8890829042447845 0.8070502869730573 0.7188265287751583 0.6027426364095004 +32782,0.5005888111277176,1,0.5485701533055232 0.8132414278992288 1.2466212927310112 1.5283182048716821 1.9214556536833711 2.0344439755859476 2.2155348476763765 2.4043646459245087 2.3548355185151624 2.2851851830957695 2.127311089478469 1.9183600832202898 1.6459498824688807 1.325558339539666 1.0949383400398909 0.8890829042447845 0.8070502869730573 0.7188265287751583 0.6027426364095004 0.5160666634431421 +32783,0.46653753603379583,1,0.8132414278992288 1.2466212927310112 1.5283182048716821 1.9214556536833711 2.0344439755859476 2.2155348476763765 2.4043646459245087 2.3548355185151624 2.2851851830957695 2.127311089478469 1.9183600832202898 1.6459498824688807 1.325558339539666 1.0949383400398909 0.8890829042447845 0.8070502869730573 0.7188265287751583 0.6027426364095004 0.5160666634431421 0.5005888111277176 +32784,0.38450491876205967,1,1.2466212927310112 1.5283182048716821 1.9214556536833711 2.0344439755859476 2.2155348476763765 2.4043646459245087 2.3548355185151624 2.2851851830957695 2.127311089478469 1.9183600832202898 1.6459498824688807 1.325558339539666 1.0949383400398909 0.8890829042447845 0.8070502869730573 0.7188265287751583 0.6027426364095004 0.5160666634431421 0.5005888111277176 0.46653753603379583 +32785,0.4139128381613593,1,1.5283182048716821 1.9214556536833711 2.0344439755859476 2.2155348476763765 2.4043646459245087 2.3548355185151624 2.2851851830957695 2.127311089478469 1.9183600832202898 1.6459498824688807 1.325558339539666 1.0949383400398909 0.8890829042447845 0.8070502869730573 0.7188265287751583 0.6027426364095004 0.5160666634431421 0.5005888111277176 0.46653753603379583 0.38450491876205967 +32786,0.5346400862216482,1,1.9214556536833711 2.0344439755859476 2.2155348476763765 2.4043646459245087 2.3548355185151624 2.2851851830957695 2.127311089478469 1.9183600832202898 1.6459498824688807 1.325558339539666 1.0949383400398909 0.8890829042447845 0.8070502869730573 0.7188265287751583 0.6027426364095004 0.5160666634431421 0.5005888111277176 0.46653753603379583 0.38450491876205967 0.4139128381613593 +32787,0.8085980722045979,1,2.0344439755859476 2.2155348476763765 2.4043646459245087 2.3548355185151624 2.2851851830957695 2.127311089478469 1.9183600832202898 1.6459498824688807 1.325558339539666 1.0949383400398909 0.8890829042447845 0.8070502869730573 0.7188265287751583 0.6027426364095004 0.5160666634431421 0.5005888111277176 0.46653753603379583 0.38450491876205967 0.4139128381613593 0.5346400862216482 +32788,1.1847098834693306,1,2.2155348476763765 2.4043646459245087 2.3548355185151624 2.2851851830957695 2.127311089478469 1.9183600832202898 1.6459498824688807 1.325558339539666 1.0949383400398909 0.8890829042447845 0.8070502869730573 0.7188265287751583 0.6027426364095004 0.5160666634431421 0.5005888111277176 0.46653753603379583 0.38450491876205967 0.4139128381613593 0.5346400862216482 0.8085980722045979 +32789,1.4431900171368646,1,2.4043646459245087 2.3548355185151624 2.2851851830957695 2.127311089478469 1.9183600832202898 1.6459498824688807 1.325558339539666 1.0949383400398909 0.8890829042447845 0.8070502869730573 0.7188265287751583 0.6027426364095004 0.5160666634431421 0.5005888111277176 0.46653753603379583 0.38450491876205967 0.4139128381613593 0.5346400862216482 0.8085980722045979 1.1847098834693306 +32790,1.7388169963614017,1,2.3548355185151624 2.2851851830957695 2.127311089478469 1.9183600832202898 1.6459498824688807 1.325558339539666 1.0949383400398909 0.8890829042447845 0.8070502869730573 0.7188265287751583 0.6027426364095004 0.5160666634431421 0.5005888111277176 0.46653753603379583 0.38450491876205967 0.4139128381613593 0.5346400862216482 0.8085980722045979 1.1847098834693306 1.4431900171368646 +32791,1.8734743115055654,1,2.2851851830957695 2.127311089478469 1.9183600832202898 1.6459498824688807 1.325558339539666 1.0949383400398909 0.8890829042447845 0.8070502869730573 0.7188265287751583 0.6027426364095004 0.5160666634431421 0.5005888111277176 0.46653753603379583 0.38450491876205967 0.4139128381613593 0.5346400862216482 0.8085980722045979 1.1847098834693306 1.4431900171368646 1.7388169963614017 +32792,1.9601502844719239,1,2.127311089478469 1.9183600832202898 1.6459498824688807 1.325558339539666 1.0949383400398909 0.8890829042447845 0.8070502869730573 0.7188265287751583 0.6027426364095004 0.5160666634431421 0.5005888111277176 0.46653753603379583 0.38450491876205967 0.4139128381613593 0.5346400862216482 0.8085980722045979 1.1847098834693306 1.4431900171368646 1.7388169963614017 1.8734743115055654 +32793,2.1087376666999713,1,1.9183600832202898 1.6459498824688807 1.325558339539666 1.0949383400398909 0.8890829042447845 0.8070502869730573 0.7188265287751583 0.6027426364095004 0.5160666634431421 0.5005888111277176 0.46653753603379583 0.38450491876205967 0.4139128381613593 0.5346400862216482 0.8085980722045979 1.1847098834693306 1.4431900171368646 1.7388169963614017 1.8734743115055654 1.9601502844719239 +32794,2.200056995360952,1,1.6459498824688807 1.325558339539666 1.0949383400398909 0.8890829042447845 0.8070502869730573 0.7188265287751583 0.6027426364095004 0.5160666634431421 0.5005888111277176 0.46653753603379583 0.38450491876205967 0.4139128381613593 0.5346400862216482 0.8085980722045979 1.1847098834693306 1.4431900171368646 1.7388169963614017 1.8734743115055654 1.9601502844719239 2.1087376666999713 +32795,1.986462633408142,1,1.325558339539666 1.0949383400398909 0.8890829042447845 0.8070502869730573 0.7188265287751583 0.6027426364095004 0.5160666634431421 0.5005888111277176 0.46653753603379583 0.38450491876205967 0.4139128381613593 0.5346400862216482 0.8085980722045979 1.1847098834693306 1.4431900171368646 1.7388169963614017 1.8734743115055654 1.9601502844719239 2.1087376666999713 2.200056995360952 +32796,1.879665452431737,1,1.0949383400398909 0.8890829042447845 0.8070502869730573 0.7188265287751583 0.6027426364095004 0.5160666634431421 0.5005888111277176 0.46653753603379583 0.38450491876205967 0.4139128381613593 0.5346400862216482 0.8085980722045979 1.1847098834693306 1.4431900171368646 1.7388169963614017 1.8734743115055654 1.9601502844719239 2.1087376666999713 2.200056995360952 1.986462633408142 +32797,1.649045452931962,1,0.8890829042447845 0.8070502869730573 0.7188265287751583 0.6027426364095004 0.5160666634431421 0.5005888111277176 0.46653753603379583 0.38450491876205967 0.4139128381613593 0.5346400862216482 0.8085980722045979 1.1847098834693306 1.4431900171368646 1.7388169963614017 1.8734743115055654 1.9601502844719239 2.1087376666999713 2.200056995360952 1.986462633408142 1.879665452431737 +32798,1.4292599500529806,1,0.8070502869730573 0.7188265287751583 0.6027426364095004 0.5160666634431421 0.5005888111277176 0.46653753603379583 0.38450491876205967 0.4139128381613593 0.5346400862216482 0.8085980722045979 1.1847098834693306 1.4431900171368646 1.7388169963614017 1.8734743115055654 1.9601502844719239 2.1087376666999713 2.200056995360952 1.986462633408142 1.879665452431737 1.649045452931962 +32799,1.071721561566754,1,0.7188265287751583 0.6027426364095004 0.5160666634431421 0.5005888111277176 0.46653753603379583 0.38450491876205967 0.4139128381613593 0.5346400862216482 0.8085980722045979 1.1847098834693306 1.4431900171368646 1.7388169963614017 1.8734743115055654 1.9601502844719239 2.1087376666999713 2.200056995360952 1.986462633408142 1.879665452431737 1.649045452931962 1.4292599500529806 +32800,0.8596749848454849,1,0.6027426364095004 0.5160666634431421 0.5005888111277176 0.46653753603379583 0.38450491876205967 0.4139128381613593 0.5346400862216482 0.8085980722045979 1.1847098834693306 1.4431900171368646 1.7388169963614017 1.8734743115055654 1.9601502844719239 2.1087376666999713 2.200056995360952 1.986462633408142 1.879665452431737 1.649045452931962 1.4292599500529806 1.071721561566754 +32801,0.7172787435436175,1,0.5160666634431421 0.5005888111277176 0.46653753603379583 0.38450491876205967 0.4139128381613593 0.5346400862216482 0.8085980722045979 1.1847098834693306 1.4431900171368646 1.7388169963614017 1.8734743115055654 1.9601502844719239 2.1087376666999713 2.200056995360952 1.986462633408142 1.879665452431737 1.649045452931962 1.4292599500529806 1.071721561566754 0.8596749848454849 +32802,0.6429850524295937,1,0.5005888111277176 0.46653753603379583 0.38450491876205967 0.4139128381613593 0.5346400862216482 0.8085980722045979 1.1847098834693306 1.4431900171368646 1.7388169963614017 1.8734743115055654 1.9601502844719239 2.1087376666999713 2.200056995360952 1.986462633408142 1.879665452431737 1.649045452931962 1.4292599500529806 1.071721561566754 0.8596749848454849 0.7172787435436175 +32803,0.5532135090001541,1,0.46653753603379583 0.38450491876205967 0.4139128381613593 0.5346400862216482 0.8085980722045979 1.1847098834693306 1.4431900171368646 1.7388169963614017 1.8734743115055654 1.9601502844719239 2.1087376666999713 2.200056995360952 1.986462633408142 1.879665452431737 1.649045452931962 1.4292599500529806 1.071721561566754 0.8596749848454849 0.7172787435436175 0.6429850524295937 +32804,0.45725082464454286,1,0.38450491876205967 0.4139128381613593 0.5346400862216482 0.8085980722045979 1.1847098834693306 1.4431900171368646 1.7388169963614017 1.8734743115055654 1.9601502844719239 2.1087376666999713 2.200056995360952 1.986462633408142 1.879665452431737 1.649045452931962 1.4292599500529806 1.071721561566754 0.8596749848454849 0.7172787435436175 0.6429850524295937 0.5532135090001541 +32805,0.41700840862444954,1,0.4139128381613593 0.5346400862216482 0.8085980722045979 1.1847098834693306 1.4431900171368646 1.7388169963614017 1.8734743115055654 1.9601502844719239 2.1087376666999713 2.200056995360952 1.986462633408142 1.879665452431737 1.649045452931962 1.4292599500529806 1.071721561566754 0.8596749848454849 0.7172787435436175 0.6429850524295937 0.5532135090001541 0.45725082464454286 +32806,0.34426250274196635,1,0.5346400862216482 0.8085980722045979 1.1847098834693306 1.4431900171368646 1.7388169963614017 1.8734743115055654 1.9601502844719239 2.1087376666999713 2.200056995360952 1.986462633408142 1.879665452431737 1.649045452931962 1.4292599500529806 1.071721561566754 0.8596749848454849 0.7172787435436175 0.6429850524295937 0.5532135090001541 0.45725082464454286 0.41700840862444954 +32807,0.2777077377856548,1,0.8085980722045979 1.1847098834693306 1.4431900171368646 1.7388169963614017 1.8734743115055654 1.9601502844719239 2.1087376666999713 2.200056995360952 1.986462633408142 1.879665452431737 1.649045452931962 1.4292599500529806 1.071721561566754 0.8596749848454849 0.7172787435436175 0.6429850524295937 0.5532135090001541 0.45725082464454286 0.41700840862444954 0.34426250274196635 +32808,0.2684210263964018,1,1.1847098834693306 1.4431900171368646 1.7388169963614017 1.8734743115055654 1.9601502844719239 2.1087376666999713 2.200056995360952 1.986462633408142 1.879665452431737 1.649045452931962 1.4292599500529806 1.071721561566754 0.8596749848454849 0.7172787435436175 0.6429850524295937 0.5532135090001541 0.45725082464454286 0.41700840862444954 0.34426250274196635 0.2777077377856548 +32809,0.26068210023868954,1,1.4431900171368646 1.7388169963614017 1.8734743115055654 1.9601502844719239 2.1087376666999713 2.200056995360952 1.986462633408142 1.879665452431737 1.649045452931962 1.4292599500529806 1.071721561566754 0.8596749848454849 0.7172787435436175 0.6429850524295937 0.5532135090001541 0.45725082464454286 0.41700840862444954 0.34426250274196635 0.2777077377856548 0.2684210263964018 +32810,0.5702391465471105,1,1.7388169963614017 1.8734743115055654 1.9601502844719239 2.1087376666999713 2.200056995360952 1.986462633408142 1.879665452431737 1.649045452931962 1.4292599500529806 1.071721561566754 0.8596749848454849 0.7172787435436175 0.6429850524295937 0.5532135090001541 0.45725082464454286 0.41700840862444954 0.34426250274196635 0.2777077377856548 0.2684210263964018 0.26068210023868954 +32811,0.8147892131307695,1,1.8734743115055654 1.9601502844719239 2.1087376666999713 2.200056995360952 1.986462633408142 1.879665452431737 1.649045452931962 1.4292599500529806 1.071721561566754 0.8596749848454849 0.7172787435436175 0.6429850524295937 0.5532135090001541 0.45725082464454286 0.41700840862444954 0.34426250274196635 0.2777077377856548 0.2684210263964018 0.26068210023868954 0.5702391465471105 +32812,1.1491108231438594,1,1.9601502844719239 2.1087376666999713 2.200056995360952 1.986462633408142 1.879665452431737 1.649045452931962 1.4292599500529806 1.071721561566754 0.8596749848454849 0.7172787435436175 0.6429850524295937 0.5532135090001541 0.45725082464454286 0.41700840862444954 0.34426250274196635 0.2777077377856548 0.2684210263964018 0.26068210023868954 0.5702391465471105 0.8147892131307695 +32813,1.4524767285261175,1,2.1087376666999713 2.200056995360952 1.986462633408142 1.879665452431737 1.649045452931962 1.4292599500529806 1.071721561566754 0.8596749848454849 0.7172787435436175 0.6429850524295937 0.5532135090001541 0.45725082464454286 0.41700840862444954 0.34426250274196635 0.2777077377856548 0.2684210263964018 0.26068210023868954 0.5702391465471105 0.8147892131307695 1.1491108231438594 +32814,1.7960850499284602,1,2.200056995360952 1.986462633408142 1.879665452431737 1.649045452931962 1.4292599500529806 1.071721561566754 0.8596749848454849 0.7172787435436175 0.6429850524295937 0.5532135090001541 0.45725082464454286 0.41700840862444954 0.34426250274196635 0.2777077377856548 0.2684210263964018 0.26068210023868954 0.5702391465471105 0.8147892131307695 1.1491108231438594 1.4524767285261175 +32815,1.9709847810927175,1,1.986462633408142 1.879665452431737 1.649045452931962 1.4292599500529806 1.071721561566754 0.8596749848454849 0.7172787435436175 0.6429850524295937 0.5532135090001541 0.45725082464454286 0.41700840862444954 0.34426250274196635 0.2777077377856548 0.2684210263964018 0.26068210023868954 0.5702391465471105 0.8147892131307695 1.1491108231438594 1.4524767285261175 1.7960850499284602 +32816,2.119572163320765,1,1.879665452431737 1.649045452931962 1.4292599500529806 1.071721561566754 0.8596749848454849 0.7172787435436175 0.6429850524295937 0.5532135090001541 0.45725082464454286 0.41700840862444954 0.34426250274196635 0.2777077377856548 0.2684210263964018 0.26068210023868954 0.5702391465471105 0.8147892131307695 1.1491108231438594 1.4524767285261175 1.7960850499284602 1.9709847810927175 +32817,2.138145586099271,1,1.649045452931962 1.4292599500529806 1.071721561566754 0.8596749848454849 0.7172787435436175 0.6429850524295937 0.5532135090001541 0.45725082464454286 0.41700840862444954 0.34426250274196635 0.2777077377856548 0.2684210263964018 0.26068210023868954 0.5702391465471105 0.8147892131307695 1.1491108231438594 1.4524767285261175 1.7960850499284602 1.9709847810927175 2.119572163320765 +32818,2.1613623645723994,1,1.4292599500529806 1.071721561566754 0.8596749848454849 0.7172787435436175 0.6429850524295937 0.5532135090001541 0.45725082464454286 0.41700840862444954 0.34426250274196635 0.2777077377856548 0.2684210263964018 0.26068210023868954 0.5702391465471105 0.8147892131307695 1.1491108231438594 1.4524767285261175 1.7960850499284602 1.9709847810927175 2.119572163320765 2.138145586099271 +32819,2.116476592857675,1,1.071721561566754 0.8596749848454849 0.7172787435436175 0.6429850524295937 0.5532135090001541 0.45725082464454286 0.41700840862444954 0.34426250274196635 0.2777077377856548 0.2684210263964018 0.26068210023868954 0.5702391465471105 0.8147892131307695 1.1491108231438594 1.4524767285261175 1.7960850499284602 1.9709847810927175 2.119572163320765 2.138145586099271 2.1613623645723994 +32820,2.07199753653771,1,0.8596749848454849 0.7172787435436175 0.6429850524295937 0.5532135090001541 0.45725082464454286 0.41700840862444954 0.34426250274196635 0.2777077377856548 0.2684210263964018 0.26068210023868954 0.5702391465471105 0.8147892131307695 1.1491108231438594 1.4524767285261175 1.7960850499284602 1.9709847810927175 2.119572163320765 2.138145586099271 2.1613623645723994 2.116476592857675 +32821,1.9415768616934177,1,0.7172787435436175 0.6429850524295937 0.5532135090001541 0.45725082464454286 0.41700840862444954 0.34426250274196635 0.2777077377856548 0.2684210263964018 0.26068210023868954 0.5702391465471105 0.8147892131307695 1.1491108231438594 1.4524767285261175 1.7960850499284602 1.9709847810927175 2.119572163320765 2.138145586099271 2.1613623645723994 2.116476592857675 2.07199753653771 +32822,1.5314137753347634,1,0.6429850524295937 0.5532135090001541 0.45725082464454286 0.41700840862444954 0.34426250274196635 0.2777077377856548 0.2684210263964018 0.26068210023868954 0.5702391465471105 0.8147892131307695 1.1491108231438594 1.4524767285261175 1.7960850499284602 1.9709847810927175 2.119572163320765 2.138145586099271 2.1613623645723994 2.116476592857675 2.07199753653771 1.9415768616934177 +32823,1.1769709573116183,1,0.5532135090001541 0.45725082464454286 0.41700840862444954 0.34426250274196635 0.2777077377856548 0.2684210263964018 0.26068210023868954 0.5702391465471105 0.8147892131307695 1.1491108231438594 1.4524767285261175 1.7960850499284602 1.9709847810927175 2.119572163320765 2.138145586099271 2.1613623645723994 2.116476592857675 2.07199753653771 1.9415768616934177 1.5314137753347634 +32824,0.9339686759595087,1,0.45725082464454286 0.41700840862444954 0.34426250274196635 0.2777077377856548 0.2684210263964018 0.26068210023868954 0.5702391465471105 0.8147892131307695 1.1491108231438594 1.4524767285261175 1.7960850499284602 1.9709847810927175 2.119572163320765 2.138145586099271 2.1613623645723994 2.116476592857675 2.07199753653771 1.9415768616934177 1.5314137753347634 1.1769709573116183 +32825,0.7296610253959519,1,0.41700840862444954 0.34426250274196635 0.2777077377856548 0.2684210263964018 0.26068210023868954 0.5702391465471105 0.8147892131307695 1.1491108231438594 1.4524767285261175 1.7960850499284602 1.9709847810927175 2.119572163320765 2.138145586099271 2.1613623645723994 2.116476592857675 2.07199753653771 1.9415768616934177 1.5314137753347634 1.1769709573116183 0.9339686759595087 +32826,0.6151249182618348,1,0.34426250274196635 0.2777077377856548 0.2684210263964018 0.26068210023868954 0.5702391465471105 0.8147892131307695 1.1491108231438594 1.4524767285261175 1.7960850499284602 1.9709847810927175 2.119572163320765 2.138145586099271 2.1613623645723994 2.116476592857675 2.07199753653771 1.9415768616934177 1.5314137753347634 1.1769709573116183 0.9339686759595087 0.7296610253959519 +32827,0.4990410258961769,1,0.2777077377856548 0.2684210263964018 0.26068210023868954 0.5702391465471105 0.8147892131307695 1.1491108231438594 1.4524767285261175 1.7960850499284602 1.9709847810927175 2.119572163320765 2.138145586099271 2.1613623645723994 2.116476592857675 2.07199753653771 1.9415768616934177 1.5314137753347634 1.1769709573116183 0.9339686759595087 0.7296610253959519 0.6151249182618348 +32828,0.443320757560659,1,0.2684210263964018 0.26068210023868954 0.5702391465471105 0.8147892131307695 1.1491108231438594 1.4524767285261175 1.7960850499284602 1.9709847810927175 2.119572163320765 2.138145586099271 2.1613623645723994 2.116476592857675 2.07199753653771 1.9415768616934177 1.5314137753347634 1.1769709573116183 0.9339686759595087 0.7296610253959519 0.6151249182618348 0.4990410258961769 +32829,0.39998277107748426,1,0.26068210023868954 0.5702391465471105 0.8147892131307695 1.1491108231438594 1.4524767285261175 1.7960850499284602 1.9709847810927175 2.119572163320765 2.138145586099271 2.1613623645723994 2.116476592857675 2.07199753653771 1.9415768616934177 1.5314137753347634 1.1769709573116183 0.9339686759595087 0.7296610253959519 0.6151249182618348 0.4990410258961769 0.443320757560659 +32830,0.2792555230171955,1,0.5702391465471105 0.8147892131307695 1.1491108231438594 1.4524767285261175 1.7960850499284602 1.9709847810927175 2.119572163320765 2.138145586099271 2.1613623645723994 2.116476592857675 2.07199753653771 1.9415768616934177 1.5314137753347634 1.1769709573116183 0.9339686759595087 0.7296610253959519 0.6151249182618348 0.4990410258961769 0.443320757560659 0.39998277107748426 +32831,0.3086634424164951,1,0.8147892131307695 1.1491108231438594 1.4524767285261175 1.7960850499284602 1.9709847810927175 2.119572163320765 2.138145586099271 2.1613623645723994 2.116476592857675 2.07199753653771 1.9415768616934177 1.5314137753347634 1.1769709573116183 0.9339686759595087 0.7296610253959519 0.6151249182618348 0.4990410258961769 0.443320757560659 0.39998277107748426 0.2792555230171955 +32832,0.2792555230171955,1,1.1491108231438594 1.4524767285261175 1.7960850499284602 1.9709847810927175 2.119572163320765 2.138145586099271 2.1613623645723994 2.116476592857675 2.07199753653771 1.9415768616934177 1.5314137753347634 1.1769709573116183 0.9339686759595087 0.7296610253959519 0.6151249182618348 0.4990410258961769 0.443320757560659 0.39998277107748426 0.2792555230171955 0.3086634424164951 +32833,0.25758652977560814,1,1.4524767285261175 1.7960850499284602 1.9709847810927175 2.119572163320765 2.138145586099271 2.1613623645723994 2.116476592857675 2.07199753653771 1.9415768616934177 1.5314137753347634 1.1769709573116183 0.9339686759595087 0.7296610253959519 0.6151249182618348 0.4990410258961769 0.443320757560659 0.39998277107748426 0.2792555230171955 0.3086634424164951 0.2792555230171955 +32834,0.4278429052452432,1,1.7960850499284602 1.9709847810927175 2.119572163320765 2.138145586099271 2.1613623645723994 2.116476592857675 2.07199753653771 1.9415768616934177 1.5314137753347634 1.1769709573116183 0.9339686759595087 0.7296610253959519 0.6151249182618348 0.4990410258961769 0.443320757560659 0.39998277107748426 0.2792555230171955 0.3086634424164951 0.2792555230171955 0.25758652977560814 +32835,0.7606167300267923,1,1.9709847810927175 2.119572163320765 2.138145586099271 2.1613623645723994 2.116476592857675 2.07199753653771 1.9415768616934177 1.5314137753347634 1.1769709573116183 0.9339686759595087 0.7296610253959519 0.6151249182618348 0.4990410258961769 0.443320757560659 0.39998277107748426 0.2792555230171955 0.3086634424164951 0.2792555230171955 0.25758652977560814 0.4278429052452432 +32836,1.0608870649459603,1,2.119572163320765 2.138145586099271 2.1613623645723994 2.116476592857675 2.07199753653771 1.9415768616934177 1.5314137753347634 1.1769709573116183 0.9339686759595087 0.7296610253959519 0.6151249182618348 0.4990410258961769 0.443320757560659 0.39998277107748426 0.2792555230171955 0.3086634424164951 0.2792555230171955 0.25758652977560814 0.4278429052452432 0.7606167300267923 +32837,1.2822203530564824,1,2.138145586099271 2.1613623645723994 2.116476592857675 2.07199753653771 1.9415768616934177 1.5314137753347634 1.1769709573116183 0.9339686759595087 0.7296610253959519 0.6151249182618348 0.4990410258961769 0.443320757560659 0.39998277107748426 0.2792555230171955 0.3086634424164951 0.2792555230171955 0.25758652977560814 0.4278429052452432 0.7606167300267923 1.0608870649459603 +32838,1.5778473322810285,1,2.1613623645723994 2.116476592857675 2.07199753653771 1.9415768616934177 1.5314137753347634 1.1769709573116183 0.9339686759595087 0.7296610253959519 0.6151249182618348 0.4990410258961769 0.443320757560659 0.39998277107748426 0.2792555230171955 0.3086634424164951 0.2792555230171955 0.25758652977560814 0.4278429052452432 0.7606167300267923 1.0608870649459603 1.2822203530564824 +32839,1.7388169963614017,1,2.116476592857675 2.07199753653771 1.9415768616934177 1.5314137753347634 1.1769709573116183 0.9339686759595087 0.7296610253959519 0.6151249182618348 0.4990410258961769 0.443320757560659 0.39998277107748426 0.2792555230171955 0.3086634424164951 0.2792555230171955 0.25758652977560814 0.4278429052452432 0.7606167300267923 1.0608870649459603 1.2822203530564824 1.5778473322810285 +32840,1.8734743115055654,1,2.07199753653771 1.9415768616934177 1.5314137753347634 1.1769709573116183 0.9339686759595087 0.7296610253959519 0.6151249182618348 0.4990410258961769 0.443320757560659 0.39998277107748426 0.2792555230171955 0.3086634424164951 0.2792555230171955 0.25758652977560814 0.4278429052452432 0.7606167300267923 1.0608870649459603 1.2822203530564824 1.5778473322810285 1.7388169963614017 +32841,1.9152645127572083,1,1.9415768616934177 1.5314137753347634 1.1769709573116183 0.9339686759595087 0.7296610253959519 0.6151249182618348 0.4990410258961769 0.443320757560659 0.39998277107748426 0.2792555230171955 0.3086634424164951 0.2792555230171955 0.25758652977560814 0.4278429052452432 0.7606167300267923 1.0608870649459603 1.2822203530564824 1.5778473322810285 1.7388169963614017 1.8734743115055654 +32842,1.8301363250223908,1,1.5314137753347634 1.1769709573116183 0.9339686759595087 0.7296610253959519 0.6151249182618348 0.4990410258961769 0.443320757560659 0.39998277107748426 0.2792555230171955 0.3086634424164951 0.2792555230171955 0.25758652977560814 0.4278429052452432 0.7606167300267923 1.0608870649459603 1.2822203530564824 1.5778473322810285 1.7388169963614017 1.8734743115055654 1.9152645127572083 +32843,1.718695788351355,1,1.1769709573116183 0.9339686759595087 0.7296610253959519 0.6151249182618348 0.4990410258961769 0.443320757560659 0.39998277107748426 0.2792555230171955 0.3086634424164951 0.2792555230171955 0.25758652977560814 0.4278429052452432 0.7606167300267923 1.0608870649459603 1.2822203530564824 1.5778473322810285 1.7388169963614017 1.8734743115055654 1.9152645127572083 1.8301363250223908 +32844,1.6985745803413084,1,0.9339686759595087 0.7296610253959519 0.6151249182618348 0.4990410258961769 0.443320757560659 0.39998277107748426 0.2792555230171955 0.3086634424164951 0.2792555230171955 0.25758652977560814 0.4278429052452432 0.7606167300267923 1.0608870649459603 1.2822203530564824 1.5778473322810285 1.7388169963614017 1.8734743115055654 1.9152645127572083 1.8301363250223908 1.718695788351355 +32845,1.4292599500529806,1,0.7296610253959519 0.6151249182618348 0.4990410258961769 0.443320757560659 0.39998277107748426 0.2792555230171955 0.3086634424164951 0.2792555230171955 0.25758652977560814 0.4278429052452432 0.7606167300267923 1.0608870649459603 1.2822203530564824 1.5778473322810285 1.7388169963614017 1.8734743115055654 1.9152645127572083 1.8301363250223908 1.718695788351355 1.6985745803413084 +32846,1.1212506889761003,1,0.6151249182618348 0.4990410258961769 0.443320757560659 0.39998277107748426 0.2792555230171955 0.3086634424164951 0.2792555230171955 0.25758652977560814 0.4278429052452432 0.7606167300267923 1.0608870649459603 1.2822203530564824 1.5778473322810285 1.7388169963614017 1.8734743115055654 1.9152645127572083 1.8301363250223908 1.718695788351355 1.6985745803413084 1.4292599500529806 +32847,0.7822857232683796,1,0.4990410258961769 0.443320757560659 0.39998277107748426 0.2792555230171955 0.3086634424164951 0.2792555230171955 0.25758652977560814 0.4278429052452432 0.7606167300267923 1.0608870649459603 1.2822203530564824 1.5778473322810285 1.7388169963614017 1.8734743115055654 1.9152645127572083 1.8301363250223908 1.718695788351355 1.6985745803413084 1.4292599500529806 1.1212506889761003 +32848,0.5191622339062235,1,0.443320757560659 0.39998277107748426 0.2792555230171955 0.3086634424164951 0.2792555230171955 0.25758652977560814 0.4278429052452432 0.7606167300267923 1.0608870649459603 1.2822203530564824 1.5778473322810285 1.7388169963614017 1.8734743115055654 1.9152645127572083 1.8301363250223908 1.718695788351355 1.6985745803413084 1.4292599500529806 1.1212506889761003 0.7822857232683796 +32849,0.3721226369097253,1,0.39998277107748426 0.2792555230171955 0.3086634424164951 0.2792555230171955 0.25758652977560814 0.4278429052452432 0.7606167300267923 1.0608870649459603 1.2822203530564824 1.5778473322810285 1.7388169963614017 1.8734743115055654 1.9152645127572083 1.8301363250223908 1.718695788351355 1.6985745803413084 1.4292599500529806 1.1212506889761003 0.7822857232683796 0.5191622339062235 +32850,0.30247230149033233,1,0.2792555230171955 0.3086634424164951 0.2792555230171955 0.25758652977560814 0.4278429052452432 0.7606167300267923 1.0608870649459603 1.2822203530564824 1.5778473322810285 1.7388169963614017 1.8734743115055654 1.9152645127572083 1.8301363250223908 1.718695788351355 1.6985745803413084 1.4292599500529806 1.1212506889761003 0.7822857232683796 0.5191622339062235 0.3721226369097253 +32851,0.24520424792327375,1,0.3086634424164951 0.2792555230171955 0.25758652977560814 0.4278429052452432 0.7606167300267923 1.0608870649459603 1.2822203530564824 1.5778473322810285 1.7388169963614017 1.8734743115055654 1.9152645127572083 1.8301363250223908 1.718695788351355 1.6985745803413084 1.4292599500529806 1.1212506889761003 0.7822857232683796 0.5191622339062235 0.3721226369097253 0.30247230149033233 +32852,0.23591753653402076,1,0.2792555230171955 0.25758652977560814 0.4278429052452432 0.7606167300267923 1.0608870649459603 1.2822203530564824 1.5778473322810285 1.7388169963614017 1.8734743115055654 1.9152645127572083 1.8301363250223908 1.718695788351355 1.6985745803413084 1.4292599500529806 1.1212506889761003 0.7822857232683796 0.5191622339062235 0.3721226369097253 0.30247230149033233 0.24520424792327375 +32853,0.26068210023868954,1,0.25758652977560814 0.4278429052452432 0.7606167300267923 1.0608870649459603 1.2822203530564824 1.5778473322810285 1.7388169963614017 1.8734743115055654 1.9152645127572083 1.8301363250223908 1.718695788351355 1.6985745803413084 1.4292599500529806 1.1212506889761003 0.7822857232683796 0.5191622339062235 0.3721226369097253 0.30247230149033233 0.24520424792327375 0.23591753653402076 +32854,0.25294317408098604,1,0.4278429052452432 0.7606167300267923 1.0608870649459603 1.2822203530564824 1.5778473322810285 1.7388169963614017 1.8734743115055654 1.9152645127572083 1.8301363250223908 1.718695788351355 1.6985745803413084 1.4292599500529806 1.1212506889761003 0.7822857232683796 0.5191622339062235 0.3721226369097253 0.30247230149033233 0.24520424792327375 0.23591753653402076 0.26068210023868954 +32855,0.29782894579570146,1,0.7606167300267923 1.0608870649459603 1.2822203530564824 1.5778473322810285 1.7388169963614017 1.8734743115055654 1.9152645127572083 1.8301363250223908 1.718695788351355 1.6985745803413084 1.4292599500529806 1.1212506889761003 0.7822857232683796 0.5191622339062235 0.3721226369097253 0.30247230149033233 0.24520424792327375 0.23591753653402076 0.26068210023868954 0.25294317408098604 +32856,0.24829981838635515,1,1.0608870649459603 1.2822203530564824 1.5778473322810285 1.7388169963614017 1.8734743115055654 1.9152645127572083 1.8301363250223908 1.718695788351355 1.6985745803413084 1.4292599500529806 1.1212506889761003 0.7822857232683796 0.5191622339062235 0.3721226369097253 0.30247230149033233 0.24520424792327375 0.23591753653402076 0.26068210023868954 0.25294317408098604 0.29782894579570146 +32857,0.29628116056416076,1,1.2822203530564824 1.5778473322810285 1.7388169963614017 1.8734743115055654 1.9152645127572083 1.8301363250223908 1.718695788351355 1.6985745803413084 1.4292599500529806 1.1212506889761003 0.7822857232683796 0.5191622339062235 0.3721226369097253 0.30247230149033233 0.24520424792327375 0.23591753653402076 0.26068210023868954 0.25294317408098604 0.29782894579570146 0.24829981838635515 +32858,0.39843498584594356,1,1.5778473322810285 1.7388169963614017 1.8734743115055654 1.9152645127572083 1.8301363250223908 1.718695788351355 1.6985745803413084 1.4292599500529806 1.1212506889761003 0.7822857232683796 0.5191622339062235 0.3721226369097253 0.30247230149033233 0.24520424792327375 0.23591753653402076 0.26068210023868954 0.25294317408098604 0.29782894579570146 0.24829981838635515 0.29628116056416076 +32859,0.6398894819665123,1,1.7388169963614017 1.8734743115055654 1.9152645127572083 1.8301363250223908 1.718695788351355 1.6985745803413084 1.4292599500529806 1.1212506889761003 0.7822857232683796 0.5191622339062235 0.3721226369097253 0.30247230149033233 0.24520424792327375 0.23591753653402076 0.26068210023868954 0.25294317408098604 0.29782894579570146 0.24829981838635515 0.29628116056416076 0.39843498584594356 +32860,0.9277775350333372,1,1.8734743115055654 1.9152645127572083 1.8301363250223908 1.718695788351355 1.6985745803413084 1.4292599500529806 1.1212506889761003 0.7822857232683796 0.5191622339062235 0.3721226369097253 0.30247230149033233 0.24520424792327375 0.23591753653402076 0.26068210023868954 0.25294317408098604 0.29782894579570146 0.24829981838635515 0.29628116056416076 0.39843498584594356 0.6398894819665123 +32861,1.190901024395502,1,1.9152645127572083 1.8301363250223908 1.718695788351355 1.6985745803413084 1.4292599500529806 1.1212506889761003 0.7822857232683796 0.5191622339062235 0.3721226369097253 0.30247230149033233 0.24520424792327375 0.23591753653402076 0.26068210023868954 0.25294317408098604 0.29782894579570146 0.24829981838635515 0.29628116056416076 0.39843498584594356 0.6398894819665123 0.9277775350333372 +32862,1.385921963569806,1,1.8301363250223908 1.718695788351355 1.6985745803413084 1.4292599500529806 1.1212506889761003 0.7822857232683796 0.5191622339062235 0.3721226369097253 0.30247230149033233 0.24520424792327375 0.23591753653402076 0.26068210023868954 0.25294317408098604 0.29782894579570146 0.24829981838635515 0.29628116056416076 0.39843498584594356 0.6398894819665123 0.9277775350333372 1.190901024395502 +32863,1.5360571310293856,1,1.718695788351355 1.6985745803413084 1.4292599500529806 1.1212506889761003 0.7822857232683796 0.5191622339062235 0.3721226369097253 0.30247230149033233 0.24520424792327375 0.23591753653402076 0.26068210023868954 0.25294317408098604 0.29782894579570146 0.24829981838635515 0.29628116056416076 0.39843498584594356 0.6398894819665123 0.9277775350333372 1.190901024395502 1.385921963569806 +32864,1.6242808892272844,1,1.6985745803413084 1.4292599500529806 1.1212506889761003 0.7822857232683796 0.5191622339062235 0.3721226369097253 0.30247230149033233 0.24520424792327375 0.23591753653402076 0.26068210023868954 0.25294317408098604 0.29782894579570146 0.24829981838635515 0.29628116056416076 0.39843498584594356 0.6398894819665123 0.9277775350333372 1.190901024395502 1.385921963569806 1.5360571310293856 +32865,1.6088030369118687,1,1.4292599500529806 1.1212506889761003 0.7822857232683796 0.5191622339062235 0.3721226369097253 0.30247230149033233 0.24520424792327375 0.23591753653402076 0.26068210023868954 0.25294317408098604 0.29782894579570146 0.24829981838635515 0.29628116056416076 0.39843498584594356 0.6398894819665123 0.9277775350333372 1.190901024395502 1.385921963569806 1.5360571310293856 1.6242808892272844 +32866,1.6598799495527556,1,1.1212506889761003 0.7822857232683796 0.5191622339062235 0.3721226369097253 0.30247230149033233 0.24520424792327375 0.23591753653402076 0.26068210023868954 0.25294317408098604 0.29782894579570146 0.24829981838635515 0.29628116056416076 0.39843498584594356 0.6398894819665123 0.9277775350333372 1.190901024395502 1.385921963569806 1.5360571310293856 1.6242808892272844 1.6088030369118687 +32867,1.6242808892272844,1,0.7822857232683796 0.5191622339062235 0.3721226369097253 0.30247230149033233 0.24520424792327375 0.23591753653402076 0.26068210023868954 0.25294317408098604 0.29782894579570146 0.24829981838635515 0.29628116056416076 0.39843498584594356 0.6398894819665123 0.9277775350333372 1.190901024395502 1.385921963569806 1.5360571310293856 1.6242808892272844 1.6088030369118687 1.6598799495527556 +32868,1.5143881377877981,1,0.5191622339062235 0.3721226369097253 0.30247230149033233 0.24520424792327375 0.23591753653402076 0.26068210023868954 0.25294317408098604 0.29782894579570146 0.24829981838635515 0.29628116056416076 0.39843498584594356 0.6398894819665123 0.9277775350333372 1.190901024395502 1.385921963569806 1.5360571310293856 1.6242808892272844 1.6088030369118687 1.6598799495527556 1.6242808892272844 +32869,1.223404514257883,1,0.3721226369097253 0.30247230149033233 0.24520424792327375 0.23591753653402076 0.26068210023868954 0.25294317408098604 0.29782894579570146 0.24829981838635515 0.29628116056416076 0.39843498584594356 0.6398894819665123 0.9277775350333372 1.190901024395502 1.385921963569806 1.5360571310293856 1.6242808892272844 1.6088030369118687 1.6598799495527556 1.6242808892272844 1.5143881377877981 +32870,0.9587332396641863,1,0.30247230149033233 0.24520424792327375 0.23591753653402076 0.26068210023868954 0.25294317408098604 0.29782894579570146 0.24829981838635515 0.29628116056416076 0.39843498584594356 0.6398894819665123 0.9277775350333372 1.190901024395502 1.385921963569806 1.5360571310293856 1.6242808892272844 1.6088030369118687 1.6598799495527556 1.6242808892272844 1.5143881377877981 1.223404514257883 +32871,0.5748825022417414,1,0.24520424792327375 0.23591753653402076 0.26068210023868954 0.25294317408098604 0.29782894579570146 0.24829981838635515 0.29628116056416076 0.39843498584594356 0.6398894819665123 0.9277775350333372 1.190901024395502 1.385921963569806 1.5360571310293856 1.6242808892272844 1.6088030369118687 1.6598799495527556 1.6242808892272844 1.5143881377877981 1.223404514257883 0.9587332396641863 +32872,0.37831377783589687,1,0.23591753653402076 0.26068210023868954 0.25294317408098604 0.29782894579570146 0.24829981838635515 0.29628116056416076 0.39843498584594356 0.6398894819665123 0.9277775350333372 1.190901024395502 1.385921963569806 1.5360571310293856 1.6242808892272844 1.6088030369118687 1.6598799495527556 1.6242808892272844 1.5143881377877981 1.223404514257883 0.9587332396641863 0.5748825022417414 +32873,0.29937673102724216,1,0.26068210023868954 0.25294317408098604 0.29782894579570146 0.24829981838635515 0.29628116056416076 0.39843498584594356 0.6398894819665123 0.9277775350333372 1.190901024395502 1.385921963569806 1.5360571310293856 1.6242808892272844 1.6088030369118687 1.6598799495527556 1.6242808892272844 1.5143881377877981 1.223404514257883 0.9587332396641863 0.5748825022417414 0.37831377783589687 +32874,0.15388491926228462,1,0.25294317408098604 0.29782894579570146 0.24829981838635515 0.29628116056416076 0.39843498584594356 0.6398894819665123 0.9277775350333372 1.190901024395502 1.385921963569806 1.5360571310293856 1.6242808892272844 1.6088030369118687 1.6598799495527556 1.6242808892272844 1.5143881377877981 1.223404514257883 0.9587332396641863 0.5748825022417414 0.37831377783589687 0.29937673102724216 +32875,0.12138142939990357,1,0.29782894579570146 0.24829981838635515 0.29628116056416076 0.39843498584594356 0.6398894819665123 0.9277775350333372 1.190901024395502 1.385921963569806 1.5360571310293856 1.6242808892272844 1.6088030369118687 1.6598799495527556 1.6242808892272844 1.5143881377877981 1.223404514257883 0.9587332396641863 0.5748825022417414 0.37831377783589687 0.29937673102724216 0.15388491926228462 +32876,0.09971243615831621,1,0.24829981838635515 0.29628116056416076 0.39843498584594356 0.6398894819665123 0.9277775350333372 1.190901024395502 1.385921963569806 1.5360571310293856 1.6242808892272844 1.6088030369118687 1.6598799495527556 1.6242808892272844 1.5143881377877981 1.223404514257883 0.9587332396641863 0.5748825022417414 0.37831377783589687 0.29937673102724216 0.15388491926228462 0.12138142939990357 +32877,0.06411337583284497,1,0.29628116056416076 0.39843498584594356 0.6398894819665123 0.9277775350333372 1.190901024395502 1.385921963569806 1.5360571310293856 1.6242808892272844 1.6088030369118687 1.6598799495527556 1.6242808892272844 1.5143881377877981 1.223404514257883 0.9587332396641863 0.5748825022417414 0.37831377783589687 0.29937673102724216 0.15388491926228462 0.12138142939990357 0.09971243615831621 +32878,0.06566116106438567,1,0.39843498584594356 0.6398894819665123 0.9277775350333372 1.190901024395502 1.385921963569806 1.5360571310293856 1.6242808892272844 1.6088030369118687 1.6598799495527556 1.6242808892272844 1.5143881377877981 1.223404514257883 0.9587332396641863 0.5748825022417414 0.37831377783589687 0.29937673102724216 0.15388491926228462 0.12138142939990357 0.09971243615831621 0.06411337583284497 +32879,0.03625324166508603,1,0.6398894819665123 0.9277775350333372 1.190901024395502 1.385921963569806 1.5360571310293856 1.6242808892272844 1.6088030369118687 1.6598799495527556 1.6242808892272844 1.5143881377877981 1.223404514257883 0.9587332396641863 0.5748825022417414 0.37831377783589687 0.29937673102724216 0.15388491926228462 0.12138142939990357 0.09971243615831621 0.06411337583284497 0.06566116106438567 +32880,0.034705456433545334,1,0.9277775350333372 1.190901024395502 1.385921963569806 1.5360571310293856 1.6242808892272844 1.6088030369118687 1.6598799495527556 1.6242808892272844 1.5143881377877981 1.223404514257883 0.9587332396641863 0.5748825022417414 0.37831377783589687 0.29937673102724216 0.15388491926228462 0.12138142939990357 0.09971243615831621 0.06411337583284497 0.06566116106438567 0.03625324166508603 +32881,0.02232317458121096,1,1.190901024395502 1.385921963569806 1.5360571310293856 1.6242808892272844 1.6088030369118687 1.6598799495527556 1.6242808892272844 1.5143881377877981 1.223404514257883 0.9587332396641863 0.5748825022417414 0.37831377783589687 0.29937673102724216 0.15388491926228462 0.12138142939990357 0.09971243615831621 0.06411337583284497 0.06566116106438567 0.03625324166508603 0.034705456433545334 +32882,0.09816465092677551,1,1.385921963569806 1.5360571310293856 1.6242808892272844 1.6088030369118687 1.6598799495527556 1.6242808892272844 1.5143881377877981 1.223404514257883 0.9587332396641863 0.5748825022417414 0.37831377783589687 0.29937673102724216 0.15388491926228462 0.12138142939990357 0.09971243615831621 0.06411337583284497 0.06566116106438567 0.03625324166508603 0.034705456433545334 0.02232317458121096 +32883,0.3241412947319197,1,1.5360571310293856 1.6242808892272844 1.6088030369118687 1.6598799495527556 1.6242808892272844 1.5143881377877981 1.223404514257883 0.9587332396641863 0.5748825022417414 0.37831377783589687 0.29937673102724216 0.15388491926228462 0.12138142939990357 0.09971243615831621 0.06411337583284497 0.06566116106438567 0.03625324166508603 0.034705456433545334 0.02232317458121096 0.09816465092677551 +32884,0.5764302874732822,1,1.6242808892272844 1.6088030369118687 1.6598799495527556 1.6242808892272844 1.5143881377877981 1.223404514257883 0.9587332396641863 0.5748825022417414 0.37831377783589687 0.29937673102724216 0.15388491926228462 0.12138142939990357 0.09971243615831621 0.06411337583284497 0.06566116106438567 0.03625324166508603 0.034705456433545334 0.02232317458121096 0.09816465092677551 0.3241412947319197 +32885,0.8519360586877814,1,1.6088030369118687 1.6598799495527556 1.6242808892272844 1.5143881377877981 1.223404514257883 0.9587332396641863 0.5748825022417414 0.37831377783589687 0.29937673102724216 0.15388491926228462 0.12138142939990357 0.09971243615831621 0.06411337583284497 0.06566116106438567 0.03625324166508603 0.034705456433545334 0.02232317458121096 0.09816465092677551 0.3241412947319197 0.5764302874732822 +32886,1.1537541788384902,1,1.6598799495527556 1.6242808892272844 1.5143881377877981 1.223404514257883 0.9587332396641863 0.5748825022417414 0.37831377783589687 0.29937673102724216 0.15388491926228462 0.12138142939990357 0.09971243615831621 0.06411337583284497 0.06566116106438567 0.03625324166508603 0.034705456433545334 0.02232317458121096 0.09816465092677551 0.3241412947319197 0.5764302874732822 0.8519360586877814 +32887,1.3921131044959687,1,1.6242808892272844 1.5143881377877981 1.223404514257883 0.9587332396641863 0.5748825022417414 0.37831377783589687 0.29937673102724216 0.15388491926228462 0.12138142939990357 0.09971243615831621 0.06411337583284497 0.06566116106438567 0.03625324166508603 0.034705456433545334 0.02232317458121096 0.09816465092677551 0.3241412947319197 0.5764302874732822 0.8519360586877814 1.1537541788384902 +32888,1.5871340436702814,1,1.5143881377877981 1.223404514257883 0.9587332396641863 0.5748825022417414 0.37831377783589687 0.29937673102724216 0.15388491926228462 0.12138142939990357 0.09971243615831621 0.06411337583284497 0.06566116106438567 0.03625324166508603 0.034705456433545334 0.02232317458121096 0.09816465092677551 0.3241412947319197 0.5764302874732822 0.8519360586877814 1.1537541788384902 1.3921131044959687 +32889,1.6598799495527556,1,1.223404514257883 0.9587332396641863 0.5748825022417414 0.37831377783589687 0.29937673102724216 0.15388491926228462 0.12138142939990357 0.09971243615831621 0.06411337583284497 0.06566116106438567 0.03625324166508603 0.034705456433545334 0.02232317458121096 0.09816465092677551 0.3241412947319197 0.5764302874732822 0.8519360586877814 1.1537541788384902 1.3921131044959687 1.5871340436702814 +32890,1.6289242449219155,1,0.9587332396641863 0.5748825022417414 0.37831377783589687 0.29937673102724216 0.15388491926228462 0.12138142939990357 0.09971243615831621 0.06411337583284497 0.06566116106438567 0.03625324166508603 0.034705456433545334 0.02232317458121096 0.09816465092677551 0.3241412947319197 0.5764302874732822 0.8519360586877814 1.1537541788384902 1.3921131044959687 1.5871340436702814 1.6598799495527556 +32891,1.441642231905324,1,0.5748825022417414 0.37831377783589687 0.29937673102724216 0.15388491926228462 0.12138142939990357 0.09971243615831621 0.06411337583284497 0.06566116106438567 0.03625324166508603 0.034705456433545334 0.02232317458121096 0.09816465092677551 0.3241412947319197 0.5764302874732822 0.8519360586877814 1.1537541788384902 1.3921131044959687 1.5871340436702814 1.6598799495527556 1.6289242449219155 +32892,1.3193671986134943,1,0.37831377783589687 0.29937673102724216 0.15388491926228462 0.12138142939990357 0.09971243615831621 0.06411337583284497 0.06566116106438567 0.03625324166508603 0.034705456433545334 0.02232317458121096 0.09816465092677551 0.3241412947319197 0.5764302874732822 0.8519360586877814 1.1537541788384902 1.3921131044959687 1.5871340436702814 1.6598799495527556 1.6289242449219155 1.441642231905324 +32893,1.0933905548083502,1,0.29937673102724216 0.15388491926228462 0.12138142939990357 0.09971243615831621 0.06411337583284497 0.06566116106438567 0.03625324166508603 0.034705456433545334 0.02232317458121096 0.09816465092677551 0.3241412947319197 0.5764302874732822 0.8519360586877814 1.1537541788384902 1.3921131044959687 1.5871340436702814 1.6598799495527556 1.6289242449219155 1.441642231905324 1.3193671986134943 +32894,0.8163369983623102,1,0.15388491926228462 0.12138142939990357 0.09971243615831621 0.06411337583284497 0.06566116106438567 0.03625324166508603 0.034705456433545334 0.02232317458121096 0.09816465092677551 0.3241412947319197 0.5764302874732822 0.8519360586877814 1.1537541788384902 1.3921131044959687 1.5871340436702814 1.6598799495527556 1.6289242449219155 1.441642231905324 1.3193671986134943 1.0933905548083502 +32895,0.5253533748323951,1,0.12138142939990357 0.09971243615831621 0.06411337583284497 0.06566116106438567 0.03625324166508603 0.034705456433545334 0.02232317458121096 0.09816465092677551 0.3241412947319197 0.5764302874732822 0.8519360586877814 1.1537541788384902 1.3921131044959687 1.5871340436702814 1.6598799495527556 1.6289242449219155 1.441642231905324 1.3193671986134943 1.0933905548083502 0.8163369983623102 +32896,0.26068210023868954,1,0.09971243615831621 0.06411337583284497 0.06566116106438567 0.03625324166508603 0.034705456433545334 0.02232317458121096 0.09816465092677551 0.3241412947319197 0.5764302874732822 0.8519360586877814 1.1537541788384902 1.3921131044959687 1.5871340436702814 1.6598799495527556 1.6289242449219155 1.441642231905324 1.3193671986134943 1.0933905548083502 0.8163369983623102 0.5253533748323951 +32897,0.17091055680924988,1,0.06411337583284497 0.06566116106438567 0.03625324166508603 0.034705456433545334 0.02232317458121096 0.09816465092677551 0.3241412947319197 0.5764302874732822 0.8519360586877814 1.1537541788384902 1.3921131044959687 1.5871340436702814 1.6598799495527556 1.6289242449219155 1.441642231905324 1.3193671986134943 1.0933905548083502 0.8163369983623102 0.5253533748323951 0.26068210023868954 +32898,0.1043557918529383,1,0.06566116106438567 0.03625324166508603 0.034705456433545334 0.02232317458121096 0.09816465092677551 0.3241412947319197 0.5764302874732822 0.8519360586877814 1.1537541788384902 1.3921131044959687 1.5871340436702814 1.6598799495527556 1.6289242449219155 1.441642231905324 1.3193671986134943 1.0933905548083502 0.8163369983623102 0.5253533748323951 0.26068210023868954 0.17091055680924988 +32899,-0.005536959586547991,1,0.03625324166508603 0.034705456433545334 0.02232317458121096 0.09816465092677551 0.3241412947319197 0.5764302874732822 0.8519360586877814 1.1537541788384902 1.3921131044959687 1.5871340436702814 1.6598799495527556 1.6289242449219155 1.441642231905324 1.3193671986134943 1.0933905548083502 0.8163369983623102 0.5253533748323951 0.26068210023868954 0.17091055680924988 0.1043557918529383 +32900,-0.09840407347907781,1,0.034705456433545334 0.02232317458121096 0.09816465092677551 0.3241412947319197 0.5764302874732822 0.8519360586877814 1.1537541788384902 1.3921131044959687 1.5871340436702814 1.6598799495527556 1.6289242449219155 1.441642231905324 1.3193671986134943 1.0933905548083502 0.8163369983623102 0.5253533748323951 0.26068210023868954 0.17091055680924988 0.1043557918529383 -0.005536959586547991 +32901,-0.11542971102603429,1,0.02232317458121096 0.09816465092677551 0.3241412947319197 0.5764302874732822 0.8519360586877814 1.1537541788384902 1.3921131044959687 1.5871340436702814 1.6598799495527556 1.6289242449219155 1.441642231905324 1.3193671986134943 1.0933905548083502 0.8163369983623102 0.5253533748323951 0.26068210023868954 0.17091055680924988 0.1043557918529383 -0.005536959586547991 -0.09840407347907781 +32902,-0.14019427473071183,1,0.09816465092677551 0.3241412947319197 0.5764302874732822 0.8519360586877814 1.1537541788384902 1.3921131044959687 1.5871340436702814 1.6598799495527556 1.6289242449219155 1.441642231905324 1.3193671986134943 1.0933905548083502 0.8163369983623102 0.5253533748323951 0.26068210023868954 0.17091055680924988 0.1043557918529383 -0.005536959586547991 -0.09840407347907781 -0.11542971102603429 +32903,-0.11697749625758379,1,0.3241412947319197 0.5764302874732822 0.8519360586877814 1.1537541788384902 1.3921131044959687 1.5871340436702814 1.6598799495527556 1.6289242449219155 1.441642231905324 1.3193671986134943 1.0933905548083502 0.8163369983623102 0.5253533748323951 0.26068210023868954 0.17091055680924988 0.1043557918529383 -0.005536959586547991 -0.09840407347907781 -0.11542971102603429 -0.14019427473071183 +32904,-0.18198447598234585,1,0.5764302874732822 0.8519360586877814 1.1537541788384902 1.3921131044959687 1.5871340436702814 1.6598799495527556 1.6289242449219155 1.441642231905324 1.3193671986134943 1.0933905548083502 0.8163369983623102 0.5253533748323951 0.26068210023868954 0.17091055680924988 0.1043557918529383 -0.005536959586547991 -0.09840407347907781 -0.11542971102603429 -0.14019427473071183 -0.11697749625758379 +32905,-0.11388192579449359,1,0.8519360586877814 1.1537541788384902 1.3921131044959687 1.5871340436702814 1.6598799495527556 1.6289242449219155 1.441642231905324 1.3193671986134943 1.0933905548083502 0.8163369983623102 0.5253533748323951 0.26068210023868954 0.17091055680924988 0.1043557918529383 -0.005536959586547991 -0.09840407347907781 -0.11542971102603429 -0.14019427473071183 -0.11697749625758379 -0.18198447598234585 +32906,0.033157671202004635,1,1.1537541788384902 1.3921131044959687 1.5871340436702814 1.6598799495527556 1.6289242449219155 1.441642231905324 1.3193671986134943 1.0933905548083502 0.8163369983623102 0.5253533748323951 0.26068210023868954 0.17091055680924988 0.1043557918529383 -0.005536959586547991 -0.09840407347907781 -0.11542971102603429 -0.14019427473071183 -0.11697749625758379 -0.18198447598234585 -0.11388192579449359 +32907,0.20031847620854953,1,1.3921131044959687 1.5871340436702814 1.6598799495527556 1.6289242449219155 1.441642231905324 1.3193671986134943 1.0933905548083502 0.8163369983623102 0.5253533748323951 0.26068210023868954 0.17091055680924988 0.1043557918529383 -0.005536959586547991 -0.09840407347907781 -0.11542971102603429 -0.14019427473071183 -0.11697749625758379 -0.18198447598234585 -0.11388192579449359 0.033157671202004635 +32908,0.4402251870975776,1,1.5871340436702814 1.6598799495527556 1.6289242449219155 1.441642231905324 1.3193671986134943 1.0933905548083502 0.8163369983623102 0.5253533748323951 0.26068210023868954 0.17091055680924988 0.1043557918529383 -0.005536959586547991 -0.09840407347907781 -0.11542971102603429 -0.14019427473071183 -0.11697749625758379 -0.18198447598234585 -0.11388192579449359 0.033157671202004635 0.20031847620854953 +32909,0.6987053207651116,1,1.6598799495527556 1.6289242449219155 1.441642231905324 1.3193671986134943 1.0933905548083502 0.8163369983623102 0.5253533748323951 0.26068210023868954 0.17091055680924988 0.1043557918529383 -0.005536959586547991 -0.09840407347907781 -0.11542971102603429 -0.14019427473071183 -0.11697749625758379 -0.18198447598234585 -0.11388192579449359 0.033157671202004635 0.20031847620854953 0.4402251870975776 +32910,0.9463509578118432,1,1.6289242449219155 1.441642231905324 1.3193671986134943 1.0933905548083502 0.8163369983623102 0.5253533748323951 0.26068210023868954 0.17091055680924988 0.1043557918529383 -0.005536959586547991 -0.09840407347907781 -0.11542971102603429 -0.14019427473071183 -0.11697749625758379 -0.18198447598234585 -0.11388192579449359 0.033157671202004635 0.20031847620854953 0.4402251870975776 0.6987053207651116 +32911,1.209474447174008,1,1.441642231905324 1.3193671986134943 1.0933905548083502 0.8163369983623102 0.5253533748323951 0.26068210023868954 0.17091055680924988 0.1043557918529383 -0.005536959586547991 -0.09840407347907781 -0.11542971102603429 -0.14019427473071183 -0.11697749625758379 -0.18198447598234585 -0.11388192579449359 0.033157671202004635 0.20031847620854953 0.4402251870975776 0.6987053207651116 0.9463509578118432 +32912,1.2806725678249418,1,1.3193671986134943 1.0933905548083502 0.8163369983623102 0.5253533748323951 0.26068210023868954 0.17091055680924988 0.1043557918529383 -0.005536959586547991 -0.09840407347907781 -0.11542971102603429 -0.14019427473071183 -0.11697749625758379 -0.18198447598234585 -0.11388192579449359 0.033157671202004635 0.20031847620854953 0.4402251870975776 0.6987053207651116 0.9463509578118432 1.209474447174008 +32913,1.4013998158852217,1,1.0933905548083502 0.8163369983623102 0.5253533748323951 0.26068210023868954 0.17091055680924988 0.1043557918529383 -0.005536959586547991 -0.09840407347907781 -0.11542971102603429 -0.14019427473071183 -0.11697749625758379 -0.18198447598234585 -0.11388192579449359 0.033157671202004635 0.20031847620854953 0.4402251870975776 0.6987053207651116 0.9463509578118432 1.209474447174008 1.2806725678249418 +32914,1.4462855875999459,1,0.8163369983623102 0.5253533748323951 0.26068210023868954 0.17091055680924988 0.1043557918529383 -0.005536959586547991 -0.09840407347907781 -0.11542971102603429 -0.14019427473071183 -0.11697749625758379 -0.18198447598234585 -0.11388192579449359 0.033157671202004635 0.20031847620854953 0.4402251870975776 0.6987053207651116 0.9463509578118432 1.209474447174008 1.2806725678249418 1.4013998158852217 +32915,1.3472273327812534,1,0.5253533748323951 0.26068210023868954 0.17091055680924988 0.1043557918529383 -0.005536959586547991 -0.09840407347907781 -0.11542971102603429 -0.14019427473071183 -0.11697749625758379 -0.18198447598234585 -0.11388192579449359 0.033157671202004635 0.20031847620854953 0.4402251870975776 0.6987053207651116 0.9463509578118432 1.209474447174008 1.2806725678249418 1.4013998158852217 1.4462855875999459 +32916,1.232691225647136,1,0.26068210023868954 0.17091055680924988 0.1043557918529383 -0.005536959586547991 -0.09840407347907781 -0.11542971102603429 -0.14019427473071183 -0.11697749625758379 -0.18198447598234585 -0.11388192579449359 0.033157671202004635 0.20031847620854953 0.4402251870975776 0.6987053207651116 0.9463509578118432 1.209474447174008 1.2806725678249418 1.4013998158852217 1.4462855875999459 1.3472273327812534 +32917,1.043861427398995,1,0.17091055680924988 0.1043557918529383 -0.005536959586547991 -0.09840407347907781 -0.11542971102603429 -0.14019427473071183 -0.11697749625758379 -0.18198447598234585 -0.11388192579449359 0.033157671202004635 0.20031847620854953 0.4402251870975776 0.6987053207651116 0.9463509578118432 1.209474447174008 1.2806725678249418 1.4013998158852217 1.4462855875999459 1.3472273327812534 1.232691225647136 +32918,0.7931202198891821,1,0.1043557918529383 -0.005536959586547991 -0.09840407347907781 -0.11542971102603429 -0.14019427473071183 -0.11697749625758379 -0.18198447598234585 -0.11388192579449359 0.033157671202004635 0.20031847620854953 0.4402251870975776 0.6987053207651116 0.9463509578118432 1.209474447174008 1.2806725678249418 1.4013998158852217 1.4462855875999459 1.3472273327812534 1.232691225647136 1.043861427398995 +32919,0.45105968371837124,1,-0.005536959586547991 -0.09840407347907781 -0.11542971102603429 -0.14019427473071183 -0.11697749625758379 -0.18198447598234585 -0.11388192579449359 0.033157671202004635 0.20031847620854953 0.4402251870975776 0.6987053207651116 0.9463509578118432 1.209474447174008 1.2806725678249418 1.4013998158852217 1.4462855875999459 1.3472273327812534 1.232691225647136 1.043861427398995 0.7931202198891821 +32920,0.22972639560784916,1,-0.09840407347907781 -0.11542971102603429 -0.14019427473071183 -0.11697749625758379 -0.18198447598234585 -0.11388192579449359 0.033157671202004635 0.20031847620854953 0.4402251870975776 0.6987053207651116 0.9463509578118432 1.209474447174008 1.2806725678249418 1.4013998158852217 1.4462855875999459 1.3472273327812534 1.232691225647136 1.043861427398995 0.7931202198891821 0.45105968371837124 +32921,0.07804344291672885,1,-0.11542971102603429 -0.14019427473071183 -0.11697749625758379 -0.18198447598234585 -0.11388192579449359 0.033157671202004635 0.20031847620854953 0.4402251870975776 0.6987053207651116 0.9463509578118432 1.209474447174008 1.2806725678249418 1.4013998158852217 1.4462855875999459 1.3472273327812534 1.232691225647136 1.043861427398995 0.7931202198891821 0.45105968371837124 0.22972639560784916 +32922,0.02232317458121096,1,-0.14019427473071183 -0.11697749625758379 -0.18198447598234585 -0.11388192579449359 0.033157671202004635 0.20031847620854953 0.4402251870975776 0.6987053207651116 0.9463509578118432 1.209474447174008 1.2806725678249418 1.4013998158852217 1.4462855875999459 1.3472273327812534 1.232691225647136 1.043861427398995 0.7931202198891821 0.45105968371837124 0.22972639560784916 0.07804344291672885 +32923,-0.058161657458975696,1,-0.11697749625758379 -0.18198447598234585 -0.11388192579449359 0.033157671202004635 0.20031847620854953 0.4402251870975776 0.6987053207651116 0.9463509578118432 1.209474447174008 1.2806725678249418 1.4013998158852217 1.4462855875999459 1.3472273327812534 1.232691225647136 1.043861427398995 0.7931202198891821 0.45105968371837124 0.22972639560784916 0.07804344291672885 0.02232317458121096 +32924,-0.09995185871061851,1,-0.18198447598234585 -0.11388192579449359 0.033157671202004635 0.20031847620854953 0.4402251870975776 0.6987053207651116 0.9463509578118432 1.209474447174008 1.2806725678249418 1.4013998158852217 1.4462855875999459 1.3472273327812534 1.232691225647136 1.043861427398995 0.7931202198891821 0.45105968371837124 0.22972639560784916 0.07804344291672885 0.02232317458121096 -0.058161657458975696 +32925,-0.15257655658304622,1,-0.11388192579449359 0.033157671202004635 0.20031847620854953 0.4402251870975776 0.6987053207651116 0.9463509578118432 1.209474447174008 1.2806725678249418 1.4013998158852217 1.4462855875999459 1.3472273327812534 1.232691225647136 1.043861427398995 0.7931202198891821 0.45105968371837124 0.22972639560784916 0.07804344291672885 0.02232317458121096 -0.058161657458975696 -0.09995185871061851 +32926,-0.14483763042533393,1,0.033157671202004635 0.20031847620854953 0.4402251870975776 0.6987053207651116 0.9463509578118432 1.209474447174008 1.2806725678249418 1.4013998158852217 1.4462855875999459 1.3472273327812534 1.232691225647136 1.043861427398995 0.7931202198891821 0.45105968371837124 0.22972639560784916 0.07804344291672885 0.02232317458121096 -0.058161657458975696 -0.09995185871061851 -0.15257655658304622 +32927,-0.19281897260313954,1,0.20031847620854953 0.4402251870975776 0.6987053207651116 0.9463509578118432 1.209474447174008 1.2806725678249418 1.4013998158852217 1.4462855875999459 1.3472273327812534 1.232691225647136 1.043861427398995 0.7931202198891821 0.45105968371837124 0.22972639560784916 0.07804344291672885 0.02232317458121096 -0.058161657458975696 -0.09995185871061851 -0.15257655658304622 -0.14483763042533393 +32928,-0.18972340214005814,1,0.4402251870975776 0.6987053207651116 0.9463509578118432 1.209474447174008 1.2806725678249418 1.4013998158852217 1.4462855875999459 1.3472273327812534 1.232691225647136 1.043861427398995 0.7931202198891821 0.45105968371837124 0.22972639560784916 0.07804344291672885 0.02232317458121096 -0.058161657458975696 -0.09995185871061851 -0.15257655658304622 -0.14483763042533393 -0.19281897260313954 +32929,-0.1618632679722992,1,0.6987053207651116 0.9463509578118432 1.209474447174008 1.2806725678249418 1.4013998158852217 1.4462855875999459 1.3472273327812534 1.232691225647136 1.043861427398995 0.7931202198891821 0.45105968371837124 0.22972639560784916 0.07804344291672885 0.02232317458121096 -0.058161657458975696 -0.09995185871061851 -0.15257655658304622 -0.14483763042533393 -0.19281897260313954 -0.18972340214005814 +32930,-0.04887494606973151,1,0.9463509578118432 1.209474447174008 1.2806725678249418 1.4013998158852217 1.4462855875999459 1.3472273327812534 1.232691225647136 1.043861427398995 0.7931202198891821 0.45105968371837124 0.22972639560784916 0.07804344291672885 0.02232317458121096 -0.058161657458975696 -0.09995185871061851 -0.15257655658304622 -0.14483763042533393 -0.19281897260313954 -0.18972340214005814 -0.1618632679722992 +32931,0.1074513623160285,1,1.209474447174008 1.2806725678249418 1.4013998158852217 1.4462855875999459 1.3472273327812534 1.232691225647136 1.043861427398995 0.7931202198891821 0.45105968371837124 0.22972639560784916 0.07804344291672885 0.02232317458121096 -0.058161657458975696 -0.09995185871061851 -0.15257655658304622 -0.14483763042533393 -0.19281897260313954 -0.18972340214005814 -0.1618632679722992 -0.04887494606973151 +32932,0.33961914704734425,1,1.2806725678249418 1.4013998158852217 1.4462855875999459 1.3472273327812534 1.232691225647136 1.043861427398995 0.7931202198891821 0.45105968371837124 0.22972639560784916 0.07804344291672885 0.02232317458121096 -0.058161657458975696 -0.09995185871061851 -0.15257655658304622 -0.14483763042533393 -0.19281897260313954 -0.18972340214005814 -0.1618632679722992 -0.04887494606973151 0.1074513623160285 +32933,0.6042904216410411,1,1.4013998158852217 1.4462855875999459 1.3472273327812534 1.232691225647136 1.043861427398995 0.7931202198891821 0.45105968371837124 0.22972639560784916 0.07804344291672885 0.02232317458121096 -0.058161657458975696 -0.09995185871061851 -0.15257655658304622 -0.14483763042533393 -0.19281897260313954 -0.18972340214005814 -0.1618632679722992 -0.04887494606973151 0.1074513623160285 0.33961914704734425 +32934,0.9293253202648867,1,1.4462855875999459 1.3472273327812534 1.232691225647136 1.043861427398995 0.7931202198891821 0.45105968371837124 0.22972639560784916 0.07804344291672885 0.02232317458121096 -0.058161657458975696 -0.09995185871061851 -0.15257655658304622 -0.14483763042533393 -0.19281897260313954 -0.18972340214005814 -0.1618632679722992 -0.04887494606973151 0.1074513623160285 0.33961914704734425 0.6042904216410411 +32935,1.1847098834693306,1,1.3472273327812534 1.232691225647136 1.043861427398995 0.7931202198891821 0.45105968371837124 0.22972639560784916 0.07804344291672885 0.02232317458121096 -0.058161657458975696 -0.09995185871061851 -0.15257655658304622 -0.14483763042533393 -0.19281897260313954 -0.18972340214005814 -0.1618632679722992 -0.04887494606973151 0.1074513623160285 0.33961914704734425 0.6042904216410411 0.9293253202648867 +32936,1.2961504201403662,1,1.232691225647136 1.043861427398995 0.7931202198891821 0.45105968371837124 0.22972639560784916 0.07804344291672885 0.02232317458121096 -0.058161657458975696 -0.09995185871061851 -0.15257655658304622 -0.14483763042533393 -0.19281897260313954 -0.18972340214005814 -0.1618632679722992 -0.04887494606973151 0.1074513623160285 0.33961914704734425 0.6042904216410411 0.9293253202648867 1.1847098834693306 +32937,1.3967564601905995,1,1.043861427398995 0.7931202198891821 0.45105968371837124 0.22972639560784916 0.07804344291672885 0.02232317458121096 -0.058161657458975696 -0.09995185871061851 -0.15257655658304622 -0.14483763042533393 -0.19281897260313954 -0.18972340214005814 -0.1618632679722992 -0.04887494606973151 0.1074513623160285 0.33961914704734425 0.6042904216410411 0.9293253202648867 1.1847098834693306 1.2961504201403662 +32938,1.450928943294577,1,0.7931202198891821 0.45105968371837124 0.22972639560784916 0.07804344291672885 0.02232317458121096 -0.058161657458975696 -0.09995185871061851 -0.15257655658304622 -0.14483763042533393 -0.19281897260313954 -0.18972340214005814 -0.1618632679722992 -0.04887494606973151 0.1074513623160285 0.33961914704734425 0.6042904216410411 0.9293253202648867 1.1847098834693306 1.2961504201403662 1.3967564601905995 +32939,1.4540245137576582,1,0.45105968371837124 0.22972639560784916 0.07804344291672885 0.02232317458121096 -0.058161657458975696 -0.09995185871061851 -0.15257655658304622 -0.14483763042533393 -0.19281897260313954 -0.18972340214005814 -0.1618632679722992 -0.04887494606973151 0.1074513623160285 0.33961914704734425 0.6042904216410411 0.9293253202648867 1.1847098834693306 1.2961504201403662 1.3967564601905995 1.450928943294577 +32940,1.3209149838450351,1,0.22972639560784916 0.07804344291672885 0.02232317458121096 -0.058161657458975696 -0.09995185871061851 -0.15257655658304622 -0.14483763042533393 -0.19281897260313954 -0.18972340214005814 -0.1618632679722992 -0.04887494606973151 0.1074513623160285 0.33961914704734425 0.6042904216410411 0.9293253202648867 1.1847098834693306 1.2961504201403662 1.3967564601905995 1.450928943294577 1.4540245137576582 +32941,1.1645886754592838,1,0.07804344291672885 0.02232317458121096 -0.058161657458975696 -0.09995185871061851 -0.15257655658304622 -0.14483763042533393 -0.19281897260313954 -0.18972340214005814 -0.1618632679722992 -0.04887494606973151 0.1074513623160285 0.33961914704734425 0.6042904216410411 0.9293253202648867 1.1847098834693306 1.2961504201403662 1.3967564601905995 1.450928943294577 1.4540245137576582 1.3209149838450351 +32942,0.8720572666978281,1,0.02232317458121096 -0.058161657458975696 -0.09995185871061851 -0.15257655658304622 -0.14483763042533393 -0.19281897260313954 -0.18972340214005814 -0.1618632679722992 -0.04887494606973151 0.1074513623160285 0.33961914704734425 0.6042904216410411 0.9293253202648867 1.1847098834693306 1.2961504201403662 1.3967564601905995 1.450928943294577 1.4540245137576582 1.3209149838450351 1.1645886754592838 +32943,0.5052321668223485,1,-0.058161657458975696 -0.09995185871061851 -0.15257655658304622 -0.14483763042533393 -0.19281897260313954 -0.18972340214005814 -0.1618632679722992 -0.04887494606973151 0.1074513623160285 0.33961914704734425 0.6042904216410411 0.9293253202648867 1.1847098834693306 1.2961504201403662 1.3967564601905995 1.450928943294577 1.4540245137576582 1.3209149838450351 1.1645886754592838 0.8720572666978281 +32944,0.33961914704734425,1,-0.09995185871061851 -0.15257655658304622 -0.14483763042533393 -0.19281897260313954 -0.18972340214005814 -0.1618632679722992 -0.04887494606973151 0.1074513623160285 0.33961914704734425 0.6042904216410411 0.9293253202648867 1.1847098834693306 1.2961504201403662 1.3967564601905995 1.450928943294577 1.4540245137576582 1.3209149838450351 1.1645886754592838 0.8720572666978281 0.5052321668223485 +32945,0.16781498634616848,1,-0.15257655658304622 -0.14483763042533393 -0.19281897260313954 -0.18972340214005814 -0.1618632679722992 -0.04887494606973151 0.1074513623160285 0.33961914704734425 0.6042904216410411 0.9293253202648867 1.1847098834693306 1.2961504201403662 1.3967564601905995 1.450928943294577 1.4540245137576582 1.3209149838450351 1.1645886754592838 0.8720572666978281 0.5052321668223485 0.33961914704734425 +32946,0.06720894629592637,1,-0.14483763042533393 -0.19281897260313954 -0.18972340214005814 -0.1618632679722992 -0.04887494606973151 0.1074513623160285 0.33961914704734425 0.6042904216410411 0.9293253202648867 1.1847098834693306 1.2961504201403662 1.3967564601905995 1.450928943294577 1.4540245137576582 1.3209149838450351 1.1645886754592838 0.8720572666978281 0.5052321668223485 0.33961914704734425 0.16781498634616848 +32947,0.043992167822798314,1,-0.19281897260313954 -0.18972340214005814 -0.1618632679722992 -0.04887494606973151 0.1074513623160285 0.33961914704734425 0.6042904216410411 0.9293253202648867 1.1847098834693306 1.2961504201403662 1.3967564601905995 1.450928943294577 1.4540245137576582 1.3209149838450351 1.1645886754592838 0.8720572666978281 0.5052321668223485 0.33961914704734425 0.16781498634616848 0.06720894629592637 +32948,0.02232317458121096,1,-0.18972340214005814 -0.1618632679722992 -0.04887494606973151 0.1074513623160285 0.33961914704734425 0.6042904216410411 0.9293253202648867 1.1847098834693306 1.2961504201403662 1.3967564601905995 1.450928943294577 1.4540245137576582 1.3209149838450351 1.1645886754592838 0.8720572666978281 0.5052321668223485 0.33961914704734425 0.16781498634616848 0.06720894629592637 0.043992167822798314 +32949,0.028514315507373746,1,-0.1618632679722992 -0.04887494606973151 0.1074513623160285 0.33961914704734425 0.6042904216410411 0.9293253202648867 1.1847098834693306 1.2961504201403662 1.3967564601905995 1.450928943294577 1.4540245137576582 1.3209149838450351 1.1645886754592838 0.8720572666978281 0.5052321668223485 0.33961914704734425 0.16781498634616848 0.06720894629592637 0.043992167822798314 0.02232317458121096 +32950,0.017679818886580066,1,-0.04887494606973151 0.1074513623160285 0.33961914704734425 0.6042904216410411 0.9293253202648867 1.1847098834693306 1.2961504201403662 1.3967564601905995 1.450928943294577 1.4540245137576582 1.3209149838450351 1.1645886754592838 0.8720572666978281 0.5052321668223485 0.33961914704734425 0.16781498634616848 0.06720894629592637 0.043992167822798314 0.02232317458121096 0.028514315507373746 +32951,0.014584248423498673,1,0.1074513623160285 0.33961914704734425 0.6042904216410411 0.9293253202648867 1.1847098834693306 1.2961504201403662 1.3967564601905995 1.450928943294577 1.4540245137576582 1.3209149838450351 1.1645886754592838 0.8720572666978281 0.5052321668223485 0.33961914704734425 0.16781498634616848 0.06720894629592637 0.043992167822798314 0.02232317458121096 0.028514315507373746 0.017679818886580066 +32952,0.023870959812751655,1,0.33961914704734425 0.6042904216410411 0.9293253202648867 1.1847098834693306 1.2961504201403662 1.3967564601905995 1.450928943294577 1.4540245137576582 1.3209149838450351 1.1645886754592838 0.8720572666978281 0.5052321668223485 0.33961914704734425 0.16781498634616848 0.06720894629592637 0.043992167822798314 0.02232317458121096 0.028514315507373746 0.017679818886580066 0.014584248423498673 +32953,0.05792223490668219,1,0.6042904216410411 0.9293253202648867 1.1847098834693306 1.2961504201403662 1.3967564601905995 1.450928943294577 1.4540245137576582 1.3209149838450351 1.1645886754592838 0.8720572666978281 0.5052321668223485 0.33961914704734425 0.16781498634616848 0.06720894629592637 0.043992167822798314 0.02232317458121096 0.028514315507373746 0.017679818886580066 0.014584248423498673 0.023870959812751655 +32954,0.13685928171532816,1,0.9293253202648867 1.1847098834693306 1.2961504201403662 1.3967564601905995 1.450928943294577 1.4540245137576582 1.3209149838450351 1.1645886754592838 0.8720572666978281 0.5052321668223485 0.33961914704734425 0.16781498634616848 0.06720894629592637 0.043992167822798314 0.02232317458121096 0.028514315507373746 0.017679818886580066 0.014584248423498673 0.023870959812751655 0.05792223490668219 +32955,0.2281786103763085,1,1.1847098834693306 1.2961504201403662 1.3967564601905995 1.450928943294577 1.4540245137576582 1.3209149838450351 1.1645886754592838 0.8720572666978281 0.5052321668223485 0.33961914704734425 0.16781498634616848 0.06720894629592637 0.043992167822798314 0.02232317458121096 0.028514315507373746 0.017679818886580066 0.014584248423498673 0.023870959812751655 0.05792223490668219 0.13685928171532816 +32956,0.45570303941300216,1,1.2961504201403662 1.3967564601905995 1.450928943294577 1.4540245137576582 1.3209149838450351 1.1645886754592838 0.8720572666978281 0.5052321668223485 0.33961914704734425 0.16781498634616848 0.06720894629592637 0.043992167822798314 0.02232317458121096 0.028514315507373746 0.017679818886580066 0.014584248423498673 0.023870959812751655 0.05792223490668219 0.13685928171532816 0.2281786103763085 +32957,0.6878708241443179,1,1.3967564601905995 1.450928943294577 1.4540245137576582 1.3209149838450351 1.1645886754592838 0.8720572666978281 0.5052321668223485 0.33961914704734425 0.16781498634616848 0.06720894629592637 0.043992167822798314 0.02232317458121096 0.028514315507373746 0.017679818886580066 0.014584248423498673 0.023870959812751655 0.05792223490668219 0.13685928171532816 0.2281786103763085 0.45570303941300216 +32958,0.9076563270232905,1,1.450928943294577 1.4540245137576582 1.3209149838450351 1.1645886754592838 0.8720572666978281 0.5052321668223485 0.33961914704734425 0.16781498634616848 0.06720894629592637 0.043992167822798314 0.02232317458121096 0.028514315507373746 0.017679818886580066 0.014584248423498673 0.023870959812751655 0.05792223490668219 0.13685928171532816 0.2281786103763085 0.45570303941300216 0.6878708241443179 +32959,1.1506586083754,1,1.4540245137576582 1.3209149838450351 1.1645886754592838 0.8720572666978281 0.5052321668223485 0.33961914704734425 0.16781498634616848 0.06720894629592637 0.043992167822798314 0.02232317458121096 0.028514315507373746 0.017679818886580066 0.014584248423498673 0.023870959812751655 0.05792223490668219 0.13685928171532816 0.2281786103763085 0.45570303941300216 0.6878708241443179 0.9076563270232905 +32960,1.3936608897275182,1,1.3209149838450351 1.1645886754592838 0.8720572666978281 0.5052321668223485 0.33961914704734425 0.16781498634616848 0.06720894629592637 0.043992167822798314 0.02232317458121096 0.028514315507373746 0.017679818886580066 0.014584248423498673 0.023870959812751655 0.05792223490668219 0.13685928171532816 0.2281786103763085 0.45570303941300216 0.6878708241443179 0.9076563270232905 1.1506586083754 +32961,1.483432433156958,1,1.1645886754592838 0.8720572666978281 0.5052321668223485 0.33961914704734425 0.16781498634616848 0.06720894629592637 0.043992167822798314 0.02232317458121096 0.028514315507373746 0.017679818886580066 0.014584248423498673 0.023870959812751655 0.05792223490668219 0.13685928171532816 0.2281786103763085 0.45570303941300216 0.6878708241443179 0.9076563270232905 1.1506586083754 1.3936608897275182 +32962,1.5561783390394321,1,0.8720572666978281 0.5052321668223485 0.33961914704734425 0.16781498634616848 0.06720894629592637 0.043992167822798314 0.02232317458121096 0.028514315507373746 0.017679818886580066 0.014584248423498673 0.023870959812751655 0.05792223490668219 0.13685928171532816 0.2281786103763085 0.45570303941300216 0.6878708241443179 0.9076563270232905 1.1506586083754 1.3936608897275182 1.483432433156958 +32963,1.4540245137576582,1,0.5052321668223485 0.33961914704734425 0.16781498634616848 0.06720894629592637 0.043992167822798314 0.02232317458121096 0.028514315507373746 0.017679818886580066 0.014584248423498673 0.023870959812751655 0.05792223490668219 0.13685928171532816 0.2281786103763085 0.45570303941300216 0.6878708241443179 0.9076563270232905 1.1506586083754 1.3936608897275182 1.483432433156958 1.5561783390394321 +32964,1.3131760576873228,1,0.33961914704734425 0.16781498634616848 0.06720894629592637 0.043992167822798314 0.02232317458121096 0.028514315507373746 0.017679818886580066 0.014584248423498673 0.023870959812751655 0.05792223490668219 0.13685928171532816 0.2281786103763085 0.45570303941300216 0.6878708241443179 0.9076563270232905 1.1506586083754 1.3936608897275182 1.483432433156958 1.5561783390394321 1.4540245137576582 +32965,1.0639826354090505,1,0.16781498634616848 0.06720894629592637 0.043992167822798314 0.02232317458121096 0.028514315507373746 0.017679818886580066 0.014584248423498673 0.023870959812751655 0.05792223490668219 0.13685928171532816 0.2281786103763085 0.45570303941300216 0.6878708241443179 0.9076563270232905 1.1506586083754 1.3936608897275182 1.483432433156958 1.5561783390394321 1.4540245137576582 1.3131760576873228 +32966,0.7977635755838042,1,0.06720894629592637 0.043992167822798314 0.02232317458121096 0.028514315507373746 0.017679818886580066 0.014584248423498673 0.023870959812751655 0.05792223490668219 0.13685928171532816 0.2281786103763085 0.45570303941300216 0.6878708241443179 0.9076563270232905 1.1506586083754 1.3936608897275182 1.483432433156958 1.5561783390394321 1.4540245137576582 1.3131760576873228 1.0639826354090505 +32967,0.5408312271478108,1,0.043992167822798314 0.02232317458121096 0.028514315507373746 0.017679818886580066 0.014584248423498673 0.023870959812751655 0.05792223490668219 0.13685928171532816 0.2281786103763085 0.45570303941300216 0.6878708241443179 0.9076563270232905 1.1506586083754 1.3936608897275182 1.483432433156958 1.5561783390394321 1.4540245137576582 1.3131760576873228 1.0639826354090505 0.7977635755838042 +32968,0.38605270399360037,1,0.02232317458121096 0.028514315507373746 0.017679818886580066 0.014584248423498673 0.023870959812751655 0.05792223490668219 0.13685928171532816 0.2281786103763085 0.45570303941300216 0.6878708241443179 0.9076563270232905 1.1506586083754 1.3936608897275182 1.483432433156958 1.5561783390394321 1.4540245137576582 1.3131760576873228 1.0639826354090505 0.7977635755838042 0.5408312271478108 +32969,0.19567512051392744,1,0.028514315507373746 0.017679818886580066 0.014584248423498673 0.023870959812751655 0.05792223490668219 0.13685928171532816 0.2281786103763085 0.45570303941300216 0.6878708241443179 0.9076563270232905 1.1506586083754 1.3936608897275182 1.483432433156958 1.5561783390394321 1.4540245137576582 1.3131760576873228 1.0639826354090505 0.7977635755838042 0.5408312271478108 0.38605270399360037 +32970,0.10126022138985691,1,0.017679818886580066 0.014584248423498673 0.023870959812751655 0.05792223490668219 0.13685928171532816 0.2281786103763085 0.45570303941300216 0.6878708241443179 0.9076563270232905 1.1506586083754 1.3936608897275182 1.483432433156958 1.5561783390394321 1.4540245137576582 1.3131760576873228 1.0639826354090505 0.7977635755838042 0.5408312271478108 0.38605270399360037 0.19567512051392744 +32971,0.03780102689662673,1,0.014584248423498673 0.023870959812751655 0.05792223490668219 0.13685928171532816 0.2281786103763085 0.45570303941300216 0.6878708241443179 0.9076563270232905 1.1506586083754 1.3936608897275182 1.483432433156958 1.5561783390394321 1.4540245137576582 1.3131760576873228 1.0639826354090505 0.7977635755838042 0.5408312271478108 0.38605270399360037 0.19567512051392744 0.10126022138985691 +32972,-0.025658167596594655,1,0.023870959812751655 0.05792223490668219 0.13685928171532816 0.2281786103763085 0.45570303941300216 0.6878708241443179 0.9076563270232905 1.1506586083754 1.3936608897275182 1.483432433156958 1.5561783390394321 1.4540245137576582 1.3131760576873228 1.0639826354090505 0.7977635755838042 0.5408312271478108 0.38605270399360037 0.19567512051392744 0.10126022138985691 0.03780102689662673 +32973,-0.058161657458975696,1,0.05792223490668219 0.13685928171532816 0.2281786103763085 0.45570303941300216 0.6878708241443179 0.9076563270232905 1.1506586083754 1.3936608897275182 1.483432433156958 1.5561783390394321 1.4540245137576582 1.3131760576873228 1.0639826354090505 0.7977635755838042 0.5408312271478108 0.38605270399360037 0.19567512051392744 0.10126022138985691 0.03780102689662673 -0.025658167596594655 +32974,-0.061257227922065886,1,0.13685928171532816 0.2281786103763085 0.45570303941300216 0.6878708241443179 0.9076563270232905 1.1506586083754 1.3936608897275182 1.483432433156958 1.5561783390394321 1.4540245137576582 1.3131760576873228 1.0639826354090505 0.7977635755838042 0.5408312271478108 0.38605270399360037 0.19567512051392744 0.10126022138985691 0.03780102689662673 -0.025658167596594655 -0.058161657458975696 +32975,-0.0535183017643536,1,0.2281786103763085 0.45570303941300216 0.6878708241443179 0.9076563270232905 1.1506586083754 1.3936608897275182 1.483432433156958 1.5561783390394321 1.4540245137576582 1.3131760576873228 1.0639826354090505 0.7977635755838042 0.5408312271478108 0.38605270399360037 0.19567512051392744 0.10126022138985691 0.03780102689662673 -0.025658167596594655 -0.058161657458975696 -0.061257227922065886 +32976,0.008393107497327084,1,0.45570303941300216 0.6878708241443179 0.9076563270232905 1.1506586083754 1.3936608897275182 1.483432433156958 1.5561783390394321 1.4540245137576582 1.3131760576873228 1.0639826354090505 0.7977635755838042 0.5408312271478108 0.38605270399360037 0.19567512051392744 0.10126022138985691 0.03780102689662673 -0.025658167596594655 -0.058161657458975696 -0.061257227922065886 -0.0535183017643536 +32977,-0.014823670975800974,1,0.6878708241443179 0.9076563270232905 1.1506586083754 1.3936608897275182 1.483432433156958 1.5561783390394321 1.4540245137576582 1.3131760576873228 1.0639826354090505 0.7977635755838042 0.5408312271478108 0.38605270399360037 0.19567512051392744 0.10126022138985691 0.03780102689662673 -0.025658167596594655 -0.058161657458975696 -0.061257227922065886 -0.0535183017643536 0.008393107497327084 +32978,0.05792223490668219,1,0.9076563270232905 1.1506586083754 1.3936608897275182 1.483432433156958 1.5561783390394321 1.4540245137576582 1.3131760576873228 1.0639826354090505 0.7977635755838042 0.5408312271478108 0.38605270399360037 0.19567512051392744 0.10126022138985691 0.03780102689662673 -0.025658167596594655 -0.058161657458975696 -0.061257227922065886 -0.0535183017643536 0.008393107497327084 -0.014823670975800974 +32979,0.15388491926228462,1,1.1506586083754 1.3936608897275182 1.483432433156958 1.5561783390394321 1.4540245137576582 1.3131760576873228 1.0639826354090505 0.7977635755838042 0.5408312271478108 0.38605270399360037 0.19567512051392744 0.10126022138985691 0.03780102689662673 -0.025658167596594655 -0.058161657458975696 -0.061257227922065886 -0.0535183017643536 0.008393107497327084 -0.014823670975800974 0.05792223490668219 +32980,0.3256890799634604,1,1.3936608897275182 1.483432433156958 1.5561783390394321 1.4540245137576582 1.3131760576873228 1.0639826354090505 0.7977635755838042 0.5408312271478108 0.38605270399360037 0.19567512051392744 0.10126022138985691 0.03780102689662673 -0.025658167596594655 -0.058161657458975696 -0.061257227922065886 -0.0535183017643536 0.008393107497327084 -0.014823670975800974 0.05792223490668219 0.15388491926228462 +32981,0.613577133030294,1,1.483432433156958 1.5561783390394321 1.4540245137576582 1.3131760576873228 1.0639826354090505 0.7977635755838042 0.5408312271478108 0.38605270399360037 0.19567512051392744 0.10126022138985691 0.03780102689662673 -0.025658167596594655 -0.058161657458975696 -0.061257227922065886 -0.0535183017643536 0.008393107497327084 -0.014823670975800974 0.05792223490668219 0.15388491926228462 0.3256890799634604 +32982,0.8952740451709561,1,1.5561783390394321 1.4540245137576582 1.3131760576873228 1.0639826354090505 0.7977635755838042 0.5408312271478108 0.38605270399360037 0.19567512051392744 0.10126022138985691 0.03780102689662673 -0.025658167596594655 -0.058161657458975696 -0.061257227922065886 -0.0535183017643536 0.008393107497327084 -0.014823670975800974 0.05792223490668219 0.15388491926228462 0.3256890799634604 0.613577133030294 +32983,1.1537541788384902,1,1.4540245137576582 1.3131760576873228 1.0639826354090505 0.7977635755838042 0.5408312271478108 0.38605270399360037 0.19567512051392744 0.10126022138985691 0.03780102689662673 -0.025658167596594655 -0.058161657458975696 -0.061257227922065886 -0.0535183017643536 0.008393107497327084 -0.014823670975800974 0.05792223490668219 0.15388491926228462 0.3256890799634604 0.613577133030294 0.8952740451709561 +32984,1.288411493982654,1,1.3131760576873228 1.0639826354090505 0.7977635755838042 0.5408312271478108 0.38605270399360037 0.19567512051392744 0.10126022138985691 0.03780102689662673 -0.025658167596594655 -0.058161657458975696 -0.061257227922065886 -0.0535183017643536 0.008393107497327084 -0.014823670975800974 0.05792223490668219 0.15388491926228462 0.3256890799634604 0.613577133030294 0.8952740451709561 1.1537541788384902 +32985,1.4942669297777516,1,1.0639826354090505 0.7977635755838042 0.5408312271478108 0.38605270399360037 0.19567512051392744 0.10126022138985691 0.03780102689662673 -0.025658167596594655 -0.058161657458975696 -0.061257227922065886 -0.0535183017643536 0.008393107497327084 -0.014823670975800974 0.05792223490668219 0.15388491926228462 0.3256890799634604 0.613577133030294 0.8952740451709561 1.1537541788384902 1.288411493982654 +32986,1.525222634408592,1,0.7977635755838042 0.5408312271478108 0.38605270399360037 0.19567512051392744 0.10126022138985691 0.03780102689662673 -0.025658167596594655 -0.058161657458975696 -0.061257227922065886 -0.0535183017643536 0.008393107497327084 -0.014823670975800974 0.05792223490668219 0.15388491926228462 0.3256890799634604 0.613577133030294 0.8952740451709561 1.1537541788384902 1.288411493982654 1.4942669297777516 +32987,1.3332972656973694,1,0.5408312271478108 0.38605270399360037 0.19567512051392744 0.10126022138985691 0.03780102689662673 -0.025658167596594655 -0.058161657458975696 -0.061257227922065886 -0.0535183017643536 0.008393107497327084 -0.014823670975800974 0.05792223490668219 0.15388491926228462 0.3256890799634604 0.613577133030294 0.8952740451709561 1.1537541788384902 1.288411493982654 1.4942669297777516 1.525222634408592 +32988,1.2620991450464358,1,0.38605270399360037 0.19567512051392744 0.10126022138985691 0.03780102689662673 -0.025658167596594655 -0.058161657458975696 -0.061257227922065886 -0.0535183017643536 0.008393107497327084 -0.014823670975800974 0.05792223490668219 0.15388491926228462 0.3256890799634604 0.613577133030294 0.8952740451709561 1.1537541788384902 1.288411493982654 1.4942669297777516 1.525222634408592 1.3332972656973694 +32989,1.118155118513019,1,0.19567512051392744 0.10126022138985691 0.03780102689662673 -0.025658167596594655 -0.058161657458975696 -0.061257227922065886 -0.0535183017643536 0.008393107497327084 -0.014823670975800974 0.05792223490668219 0.15388491926228462 0.3256890799634604 0.613577133030294 0.8952740451709561 1.1537541788384902 1.288411493982654 1.4942669297777516 1.525222634408592 1.3332972656973694 1.2620991450464358 +32990,0.8008591460468856,1,0.10126022138985691 0.03780102689662673 -0.025658167596594655 -0.058161657458975696 -0.061257227922065886 -0.0535183017643536 0.008393107497327084 -0.014823670975800974 0.05792223490668219 0.15388491926228462 0.3256890799634604 0.613577133030294 0.8952740451709561 1.1537541788384902 1.288411493982654 1.4942669297777516 1.525222634408592 1.3332972656973694 1.2620991450464358 1.118155118513019 +32991,0.5377356566847294,1,0.03780102689662673 -0.025658167596594655 -0.058161657458975696 -0.061257227922065886 -0.0535183017643536 0.008393107497327084 -0.014823670975800974 0.05792223490668219 0.15388491926228462 0.3256890799634604 0.613577133030294 0.8952740451709561 1.1537541788384902 1.288411493982654 1.4942669297777516 1.525222634408592 1.3332972656973694 1.2620991450464358 1.118155118513019 0.8008591460468856 +32992,0.35354921413121937,1,-0.025658167596594655 -0.058161657458975696 -0.061257227922065886 -0.0535183017643536 0.008393107497327084 -0.014823670975800974 0.05792223490668219 0.15388491926228462 0.3256890799634604 0.613577133030294 0.8952740451709561 1.1537541788384902 1.288411493982654 1.4942669297777516 1.525222634408592 1.3332972656973694 1.2620991450464358 1.118155118513019 0.8008591460468856 0.5377356566847294 +32993,0.18174505343004357,1,-0.058161657458975696 -0.061257227922065886 -0.0535183017643536 0.008393107497327084 -0.014823670975800974 0.05792223490668219 0.15388491926228462 0.3256890799634604 0.613577133030294 0.8952740451709561 1.1537541788384902 1.288411493982654 1.4942669297777516 1.525222634408592 1.3332972656973694 1.2620991450464358 1.118155118513019 0.8008591460468856 0.5377356566847294 0.35354921413121937 +32994,0.13376371125223796,1,-0.061257227922065886 -0.0535183017643536 0.008393107497327084 -0.014823670975800974 0.05792223490668219 0.15388491926228462 0.3256890799634604 0.613577133030294 0.8952740451709561 1.1537541788384902 1.288411493982654 1.4942669297777516 1.525222634408592 1.3332972656973694 1.2620991450464358 1.118155118513019 0.8008591460468856 0.5377356566847294 0.35354921413121937 0.18174505343004357 +32995,0.07185230199055727,1,-0.0535183017643536 0.008393107497327084 -0.014823670975800974 0.05792223490668219 0.15388491926228462 0.3256890799634604 0.613577133030294 0.8952740451709561 1.1537541788384902 1.288411493982654 1.4942669297777516 1.525222634408592 1.3332972656973694 1.2620991450464358 1.118155118513019 0.8008591460468856 0.5377356566847294 0.35354921413121937 0.18174505343004357 0.13376371125223796 +32996,0.013036463191957975,1,0.008393107497327084 -0.014823670975800974 0.05792223490668219 0.15388491926228462 0.3256890799634604 0.613577133030294 0.8952740451709561 1.1537541788384902 1.288411493982654 1.4942669297777516 1.525222634408592 1.3332972656973694 1.2620991450464358 1.118155118513019 0.8008591460468856 0.5377356566847294 0.35354921413121937 0.18174505343004357 0.13376371125223796 0.07185230199055727 +32997,-0.03339709375430694,1,-0.014823670975800974 0.05792223490668219 0.15388491926228462 0.3256890799634604 0.613577133030294 0.8952740451709561 1.1537541788384902 1.288411493982654 1.4942669297777516 1.525222634408592 1.3332972656973694 1.2620991450464358 1.118155118513019 0.8008591460468856 0.5377356566847294 0.35354921413121937 0.18174505343004357 0.13376371125223796 0.07185230199055727 0.013036463191957975 +32998,-0.056613872227435,1,0.05792223490668219 0.15388491926228462 0.3256890799634604 0.613577133030294 0.8952740451709561 1.1537541788384902 1.288411493982654 1.4942669297777516 1.525222634408592 1.3332972656973694 1.2620991450464358 1.118155118513019 0.8008591460468856 0.5377356566847294 0.35354921413121937 0.18174505343004357 0.13376371125223796 0.07185230199055727 0.013036463191957975 -0.03339709375430694 +32999,-0.04577937560664132,1,0.15388491926228462 0.3256890799634604 0.613577133030294 0.8952740451709561 1.1537541788384902 1.288411493982654 1.4942669297777516 1.525222634408592 1.3332972656973694 1.2620991450464358 1.118155118513019 0.8008591460468856 0.5377356566847294 0.35354921413121937 0.18174505343004357 0.13376371125223796 0.07185230199055727 0.013036463191957975 -0.03339709375430694 -0.056613872227435 +33000,-0.008632530049629385,1,0.3256890799634604 0.613577133030294 0.8952740451709561 1.1537541788384902 1.288411493982654 1.4942669297777516 1.525222634408592 1.3332972656973694 1.2620991450464358 1.118155118513019 0.8008591460468856 0.5377356566847294 0.35354921413121937 0.18174505343004357 0.13376371125223796 0.07185230199055727 0.013036463191957975 -0.03339709375430694 -0.056613872227435 -0.04577937560664132 +33001,0.006845322265786387,1,0.613577133030294 0.8952740451709561 1.1537541788384902 1.288411493982654 1.4942669297777516 1.525222634408592 1.3332972656973694 1.2620991450464358 1.118155118513019 0.8008591460468856 0.5377356566847294 0.35354921413121937 0.18174505343004357 0.13376371125223796 0.07185230199055727 0.013036463191957975 -0.03339709375430694 -0.056613872227435 -0.04577937560664132 -0.008632530049629385 +33002,0.05792223490668219,1,0.8952740451709561 1.1537541788384902 1.288411493982654 1.4942669297777516 1.525222634408592 1.3332972656973694 1.2620991450464358 1.118155118513019 0.8008591460468856 0.5377356566847294 0.35354921413121937 0.18174505343004357 0.13376371125223796 0.07185230199055727 0.013036463191957975 -0.03339709375430694 -0.056613872227435 -0.04577937560664132 -0.008632530049629385 0.006845322265786387 +33003,0.17400612727234008,1,1.1537541788384902 1.288411493982654 1.4942669297777516 1.525222634408592 1.3332972656973694 1.2620991450464358 1.118155118513019 0.8008591460468856 0.5377356566847294 0.35354921413121937 0.18174505343004357 0.13376371125223796 0.07185230199055727 0.013036463191957975 -0.03339709375430694 -0.056613872227435 -0.04577937560664132 -0.008632530049629385 0.006845322265786387 0.05792223490668219 +33004,0.42010397908753094,1,1.288411493982654 1.4942669297777516 1.525222634408592 1.3332972656973694 1.2620991450464358 1.118155118513019 0.8008591460468856 0.5377356566847294 0.35354921413121937 0.18174505343004357 0.13376371125223796 0.07185230199055727 0.013036463191957975 -0.03339709375430694 -0.056613872227435 -0.04577937560664132 -0.008632530049629385 0.006845322265786387 0.05792223490668219 0.17400612727234008 +33005,0.7048964616912744,1,1.4942669297777516 1.525222634408592 1.3332972656973694 1.2620991450464358 1.118155118513019 0.8008591460468856 0.5377356566847294 0.35354921413121937 0.18174505343004357 0.13376371125223796 0.07185230199055727 0.013036463191957975 -0.03339709375430694 -0.056613872227435 -0.04577937560664132 -0.008632530049629385 0.006845322265786387 0.05792223490668219 0.17400612727234008 0.42010397908753094 +33006,1.0082623670735327,1,1.525222634408592 1.3332972656973694 1.2620991450464358 1.118155118513019 0.8008591460468856 0.5377356566847294 0.35354921413121937 0.18174505343004357 0.13376371125223796 0.07185230199055727 0.013036463191957975 -0.03339709375430694 -0.056613872227435 -0.04577937560664132 -0.008632530049629385 0.006845322265786387 0.05792223490668219 0.17400612727234008 0.42010397908753094 0.7048964616912744 +33007,1.2388823665733077,1,1.3332972656973694 1.2620991450464358 1.118155118513019 0.8008591460468856 0.5377356566847294 0.35354921413121937 0.18174505343004357 0.13376371125223796 0.07185230199055727 0.013036463191957975 -0.03339709375430694 -0.056613872227435 -0.04577937560664132 -0.008632530049629385 0.006845322265786387 0.05792223490668219 0.17400612727234008 0.42010397908753094 0.7048964616912744 1.0082623670735327 +33008,1.5654650504286851,1,1.2620991450464358 1.118155118513019 0.8008591460468856 0.5377356566847294 0.35354921413121937 0.18174505343004357 0.13376371125223796 0.07185230199055727 0.013036463191957975 -0.03339709375430694 -0.056613872227435 -0.04577937560664132 -0.008632530049629385 0.006845322265786387 0.05792223490668219 0.17400612727234008 0.42010397908753094 0.7048964616912744 1.0082623670735327 1.2388823665733077 +33009,1.6722622314050901,1,1.118155118513019 0.8008591460468856 0.5377356566847294 0.35354921413121937 0.18174505343004357 0.13376371125223796 0.07185230199055727 0.013036463191957975 -0.03339709375430694 -0.056613872227435 -0.04577937560664132 -0.008632530049629385 0.006845322265786387 0.05792223490668219 0.17400612727234008 0.42010397908753094 0.7048964616912744 1.0082623670735327 1.2388823665733077 1.5654650504286851 +33010,1.607255251680328,1,0.8008591460468856 0.5377356566847294 0.35354921413121937 0.18174505343004357 0.13376371125223796 0.07185230199055727 0.013036463191957975 -0.03339709375430694 -0.056613872227435 -0.04577937560664132 -0.008632530049629385 0.006845322265786387 0.05792223490668219 0.17400612727234008 0.42010397908753094 0.7048964616912744 1.0082623670735327 1.2388823665733077 1.5654650504286851 1.6722622314050901 +33011,1.5685606208917753,1,0.5377356566847294 0.35354921413121937 0.18174505343004357 0.13376371125223796 0.07185230199055727 0.013036463191957975 -0.03339709375430694 -0.056613872227435 -0.04577937560664132 -0.008632530049629385 0.006845322265786387 0.05792223490668219 0.17400612727234008 0.42010397908753094 0.7048964616912744 1.0082623670735327 1.2388823665733077 1.5654650504286851 1.6722622314050901 1.607255251680328 +33012,1.4896235740831294,1,0.35354921413121937 0.18174505343004357 0.13376371125223796 0.07185230199055727 0.013036463191957975 -0.03339709375430694 -0.056613872227435 -0.04577937560664132 -0.008632530049629385 0.006845322265786387 0.05792223490668219 0.17400612727234008 0.42010397908753094 0.7048964616912744 1.0082623670735327 1.2388823665733077 1.5654650504286851 1.6722622314050901 1.607255251680328 1.5685606208917753 +33013,1.3100804872242413,1,0.18174505343004357 0.13376371125223796 0.07185230199055727 0.013036463191957975 -0.03339709375430694 -0.056613872227435 -0.04577937560664132 -0.008632530049629385 0.006845322265786387 0.05792223490668219 0.17400612727234008 0.42010397908753094 0.7048964616912744 1.0082623670735327 1.2388823665733077 1.5654650504286851 1.6722622314050901 1.607255251680328 1.5685606208917753 1.4896235740831294 +33014,1.0779127024929256,1,0.13376371125223796 0.07185230199055727 0.013036463191957975 -0.03339709375430694 -0.056613872227435 -0.04577937560664132 -0.008632530049629385 0.006845322265786387 0.05792223490668219 0.17400612727234008 0.42010397908753094 0.7048964616912744 1.0082623670735327 1.2388823665733077 1.5654650504286851 1.6722622314050901 1.607255251680328 1.5685606208917753 1.4896235740831294 1.3100804872242413 +33015,0.711087602617446,1,0.07185230199055727 0.013036463191957975 -0.03339709375430694 -0.056613872227435 -0.04577937560664132 -0.008632530049629385 0.006845322265786387 0.05792223490668219 0.17400612727234008 0.42010397908753094 0.7048964616912744 1.0082623670735327 1.2388823665733077 1.5654650504286851 1.6722622314050901 1.607255251680328 1.5685606208917753 1.4896235740831294 1.3100804872242413 1.0779127024929256 +33016,0.5253533748323951,1,0.013036463191957975 -0.03339709375430694 -0.056613872227435 -0.04577937560664132 -0.008632530049629385 0.006845322265786387 0.05792223490668219 0.17400612727234008 0.42010397908753094 0.7048964616912744 1.0082623670735327 1.2388823665733077 1.5654650504286851 1.6722622314050901 1.607255251680328 1.5685606208917753 1.4896235740831294 1.3100804872242413 1.0779127024929256 0.711087602617446 +33017,0.35974035505739094,1,-0.03339709375430694 -0.056613872227435 -0.04577937560664132 -0.008632530049629385 0.006845322265786387 0.05792223490668219 0.17400612727234008 0.42010397908753094 0.7048964616912744 1.0082623670735327 1.2388823665733077 1.5654650504286851 1.6722622314050901 1.607255251680328 1.5685606208917753 1.4896235740831294 1.3100804872242413 1.0779127024929256 0.711087602617446 0.5253533748323951 +33018,0.25913431500714884,1,-0.056613872227435 -0.04577937560664132 -0.008632530049629385 0.006845322265786387 0.05792223490668219 0.17400612727234008 0.42010397908753094 0.7048964616912744 1.0082623670735327 1.2388823665733077 1.5654650504286851 1.6722622314050901 1.607255251680328 1.5685606208917753 1.4896235740831294 1.3100804872242413 1.0779127024929256 0.711087602617446 0.5253533748323951 0.35974035505739094 +33019,0.12757257032607516,1,-0.04577937560664132 -0.008632530049629385 0.006845322265786387 0.05792223490668219 0.17400612727234008 0.42010397908753094 0.7048964616912744 1.0082623670735327 1.2388823665733077 1.5654650504286851 1.6722622314050901 1.607255251680328 1.5685606208917753 1.4896235740831294 1.3100804872242413 1.0779127024929256 0.711087602617446 0.5253533748323951 0.35974035505739094 0.25913431500714884 +33020,0.0517310939805106,1,-0.008632530049629385 0.006845322265786387 0.05792223490668219 0.17400612727234008 0.42010397908753094 0.7048964616912744 1.0082623670735327 1.2388823665733077 1.5654650504286851 1.6722622314050901 1.607255251680328 1.5685606208917753 1.4896235740831294 1.3100804872242413 1.0779127024929256 0.711087602617446 0.5253533748323951 0.35974035505739094 0.25913431500714884 0.12757257032607516 +33021,-0.003989174355007293,1,0.006845322265786387 0.05792223490668219 0.17400612727234008 0.42010397908753094 0.7048964616912744 1.0082623670735327 1.2388823665733077 1.5654650504286851 1.6722622314050901 1.607255251680328 1.5685606208917753 1.4896235740831294 1.3100804872242413 1.0779127024929256 0.711087602617446 0.5253533748323951 0.35974035505739094 0.25913431500714884 0.12757257032607516 0.0517310939805106 +33022,-0.017919241438882367,1,0.05792223490668219 0.17400612727234008 0.42010397908753094 0.7048964616912744 1.0082623670735327 1.2388823665733077 1.5654650504286851 1.6722622314050901 1.607255251680328 1.5685606208917753 1.4896235740831294 1.3100804872242413 1.0779127024929256 0.711087602617446 0.5253533748323951 0.35974035505739094 0.25913431500714884 0.12757257032607516 0.0517310939805106 -0.003989174355007293 +33023,-0.04732716083818202,1,0.17400612727234008 0.42010397908753094 0.7048964616912744 1.0082623670735327 1.2388823665733077 1.5654650504286851 1.6722622314050901 1.607255251680328 1.5685606208917753 1.4896235740831294 1.3100804872242413 1.0779127024929256 0.711087602617446 0.5253533748323951 0.35974035505739094 0.25913431500714884 0.12757257032607516 0.0517310939805106 -0.003989174355007293 -0.017919241438882367 +33024,-0.0550660869958943,1,0.42010397908753094 0.7048964616912744 1.0082623670735327 1.2388823665733077 1.5654650504286851 1.6722622314050901 1.607255251680328 1.5685606208917753 1.4896235740831294 1.3100804872242413 1.0779127024929256 0.711087602617446 0.5253533748323951 0.35974035505739094 0.25913431500714884 0.12757257032607516 0.0517310939805106 -0.003989174355007293 -0.017919241438882367 -0.04732716083818202 +33025,0.013036463191957975,1,0.7048964616912744 1.0082623670735327 1.2388823665733077 1.5654650504286851 1.6722622314050901 1.607255251680328 1.5685606208917753 1.4896235740831294 1.3100804872242413 1.0779127024929256 0.711087602617446 0.5253533748323951 0.35974035505739094 0.25913431500714884 0.12757257032607516 0.0517310939805106 -0.003989174355007293 -0.017919241438882367 -0.04732716083818202 -0.0550660869958943 +33026,0.13685928171532816,1,1.0082623670735327 1.2388823665733077 1.5654650504286851 1.6722622314050901 1.607255251680328 1.5685606208917753 1.4896235740831294 1.3100804872242413 1.0779127024929256 0.711087602617446 0.5253533748323951 0.35974035505739094 0.25913431500714884 0.12757257032607516 0.0517310939805106 -0.003989174355007293 -0.017919241438882367 -0.04732716083818202 -0.0550660869958943 0.013036463191957975 +33027,0.313306798111126,1,1.2388823665733077 1.5654650504286851 1.6722622314050901 1.607255251680328 1.5685606208917753 1.4896235740831294 1.3100804872242413 1.0779127024929256 0.711087602617446 0.5253533748323951 0.35974035505739094 0.25913431500714884 0.12757257032607516 0.0517310939805106 -0.003989174355007293 -0.017919241438882367 -0.04732716083818202 -0.0550660869958943 0.013036463191957975 0.13685928171532816 +33028,0.6058382068725817,1,1.5654650504286851 1.6722622314050901 1.607255251680328 1.5685606208917753 1.4896235740831294 1.3100804872242413 1.0779127024929256 0.711087602617446 0.5253533748323951 0.35974035505739094 0.25913431500714884 0.12757257032607516 0.0517310939805106 -0.003989174355007293 -0.017919241438882367 -0.04732716083818202 -0.0550660869958943 0.013036463191957975 0.13685928171532816 0.313306798111126 +33029,0.8534838439193221,1,1.6722622314050901 1.607255251680328 1.5685606208917753 1.4896235740831294 1.3100804872242413 1.0779127024929256 0.711087602617446 0.5253533748323951 0.35974035505739094 0.25913431500714884 0.12757257032607516 0.0517310939805106 -0.003989174355007293 -0.017919241438882367 -0.04732716083818202 -0.0550660869958943 0.013036463191957975 0.13685928171532816 0.313306798111126 0.6058382068725817 +33030,1.1522063936069495,1,1.607255251680328 1.5685606208917753 1.4896235740831294 1.3100804872242413 1.0779127024929256 0.711087602617446 0.5253533748323951 0.35974035505739094 0.25913431500714884 0.12757257032607516 0.0517310939805106 -0.003989174355007293 -0.017919241438882367 -0.04732716083818202 -0.0550660869958943 0.013036463191957975 0.13685928171532816 0.313306798111126 0.6058382068725817 0.8534838439193221 +33031,1.4633112251469111,1,1.5685606208917753 1.4896235740831294 1.3100804872242413 1.0779127024929256 0.711087602617446 0.5253533748323951 0.35974035505739094 0.25913431500714884 0.12757257032607516 0.0517310939805106 -0.003989174355007293 -0.017919241438882367 -0.04732716083818202 -0.0550660869958943 0.013036463191957975 0.13685928171532816 0.313306798111126 0.6058382068725817 0.8534838439193221 1.1522063936069495 +33032,1.6722622314050901,1,1.4896235740831294 1.3100804872242413 1.0779127024929256 0.711087602617446 0.5253533748323951 0.35974035505739094 0.25913431500714884 0.12757257032607516 0.0517310939805106 -0.003989174355007293 -0.017919241438882367 -0.04732716083818202 -0.0550660869958943 0.013036463191957975 0.13685928171532816 0.313306798111126 0.6058382068725817 0.8534838439193221 1.1522063936069495 1.4633112251469111 +33033,1.6985745803413084,1,1.3100804872242413 1.0779127024929256 0.711087602617446 0.5253533748323951 0.35974035505739094 0.25913431500714884 0.12757257032607516 0.0517310939805106 -0.003989174355007293 -0.017919241438882367 -0.04732716083818202 -0.0550660869958943 0.013036463191957975 0.13685928171532816 0.313306798111126 0.6058382068725817 0.8534838439193221 1.1522063936069495 1.4633112251469111 1.6722622314050901 +33034,1.7481037077506547,1,1.0779127024929256 0.711087602617446 0.5253533748323951 0.35974035505739094 0.25913431500714884 0.12757257032607516 0.0517310939805106 -0.003989174355007293 -0.017919241438882367 -0.04732716083818202 -0.0550660869958943 0.013036463191957975 0.13685928171532816 0.313306798111126 0.6058382068725817 0.8534838439193221 1.1522063936069495 1.4633112251469111 1.6722622314050901 1.6985745803413084 +33035,1.6970267951097677,1,0.711087602617446 0.5253533748323951 0.35974035505739094 0.25913431500714884 0.12757257032607516 0.0517310939805106 -0.003989174355007293 -0.017919241438882367 -0.04732716083818202 -0.0550660869958943 0.013036463191957975 0.13685928171532816 0.313306798111126 0.6058382068725817 0.8534838439193221 1.1522063936069495 1.4633112251469111 1.6722622314050901 1.6985745803413084 1.7481037077506547 +33036,1.5484394128817287,1,0.5253533748323951 0.35974035505739094 0.25913431500714884 0.12757257032607516 0.0517310939805106 -0.003989174355007293 -0.017919241438882367 -0.04732716083818202 -0.0550660869958943 0.013036463191957975 0.13685928171532816 0.313306798111126 0.6058382068725817 0.8534838439193221 1.1522063936069495 1.4633112251469111 1.6722622314050901 1.6985745803413084 1.7481037077506547 1.6970267951097677 +33037,1.4122343125060242,1,0.35974035505739094 0.25913431500714884 0.12757257032607516 0.0517310939805106 -0.003989174355007293 -0.017919241438882367 -0.04732716083818202 -0.0550660869958943 0.013036463191957975 0.13685928171532816 0.313306798111126 0.6058382068725817 0.8534838439193221 1.1522063936069495 1.4633112251469111 1.6722622314050901 1.6985745803413084 1.7481037077506547 1.6970267951097677 1.5484394128817287 +33038,1.1754231720800774,1,0.25913431500714884 0.12757257032607516 0.0517310939805106 -0.003989174355007293 -0.017919241438882367 -0.04732716083818202 -0.0550660869958943 0.013036463191957975 0.13685928171532816 0.313306798111126 0.6058382068725817 0.8534838439193221 1.1522063936069495 1.4633112251469111 1.6722622314050901 1.6985745803413084 1.7481037077506547 1.6970267951097677 1.5484394128817287 1.4122343125060242 +33039,0.862770555308575,1,0.12757257032607516 0.0517310939805106 -0.003989174355007293 -0.017919241438882367 -0.04732716083818202 -0.0550660869958943 0.013036463191957975 0.13685928171532816 0.313306798111126 0.6058382068725817 0.8534838439193221 1.1522063936069495 1.4633112251469111 1.6722622314050901 1.6985745803413084 1.7481037077506547 1.6970267951097677 1.5484394128817287 1.4122343125060242 1.1754231720800774 +33040,0.664654045671181,1,0.0517310939805106 -0.003989174355007293 -0.017919241438882367 -0.04732716083818202 -0.0550660869958943 0.013036463191957975 0.13685928171532816 0.313306798111126 0.6058382068725817 0.8534838439193221 1.1522063936069495 1.4633112251469111 1.6722622314050901 1.6985745803413084 1.7481037077506547 1.6970267951097677 1.5484394128817287 1.4122343125060242 1.1754231720800774 0.862770555308575 +33041,0.46034639510762426,1,-0.003989174355007293 -0.017919241438882367 -0.04732716083818202 -0.0550660869958943 0.013036463191957975 0.13685928171532816 0.313306798111126 0.6058382068725817 0.8534838439193221 1.1522063936069495 1.4633112251469111 1.6722622314050901 1.6985745803413084 1.7481037077506547 1.6970267951097677 1.5484394128817287 1.4122343125060242 1.1754231720800774 0.862770555308575 0.664654045671181 +33042,0.35045364366813797,1,-0.017919241438882367 -0.04732716083818202 -0.0550660869958943 0.013036463191957975 0.13685928171532816 0.313306798111126 0.6058382068725817 0.8534838439193221 1.1522063936069495 1.4633112251469111 1.6722622314050901 1.6985745803413084 1.7481037077506547 1.6970267951097677 1.5484394128817287 1.4122343125060242 1.1754231720800774 0.862770555308575 0.664654045671181 0.46034639510762426 +33043,0.22972639560784916,1,-0.04732716083818202 -0.0550660869958943 0.013036463191957975 0.13685928171532816 0.313306798111126 0.6058382068725817 0.8534838439193221 1.1522063936069495 1.4633112251469111 1.6722622314050901 1.6985745803413084 1.7481037077506547 1.6970267951097677 1.5484394128817287 1.4122343125060242 1.1754231720800774 0.862770555308575 0.664654045671181 0.46034639510762426 0.35045364366813797 +33044,0.16007606018845622,1,-0.0550660869958943 0.013036463191957975 0.13685928171532816 0.313306798111126 0.6058382068725817 0.8534838439193221 1.1522063936069495 1.4633112251469111 1.6722622314050901 1.6985745803413084 1.7481037077506547 1.6970267951097677 1.5484394128817287 1.4122343125060242 1.1754231720800774 0.862770555308575 0.664654045671181 0.46034639510762426 0.35045364366813797 0.22972639560784916 +33045,0.07804344291672885,1,0.013036463191957975 0.13685928171532816 0.313306798111126 0.6058382068725817 0.8534838439193221 1.1522063936069495 1.4633112251469111 1.6722622314050901 1.6985745803413084 1.7481037077506547 1.6970267951097677 1.5484394128817287 1.4122343125060242 1.1754231720800774 0.862770555308575 0.664654045671181 0.46034639510762426 0.35045364366813797 0.22972639560784916 0.16007606018845622 +33046,0.03625324166508603,1,0.13685928171532816 0.313306798111126 0.6058382068725817 0.8534838439193221 1.1522063936069495 1.4633112251469111 1.6722622314050901 1.6985745803413084 1.7481037077506547 1.6970267951097677 1.5484394128817287 1.4122343125060242 1.1754231720800774 0.862770555308575 0.664654045671181 0.46034639510762426 0.35045364366813797 0.22972639560784916 0.16007606018845622 0.07804344291672885 +33047,0.0517310939805106,1,0.313306798111126 0.6058382068725817 0.8534838439193221 1.1522063936069495 1.4633112251469111 1.6722622314050901 1.6985745803413084 1.7481037077506547 1.6970267951097677 1.5484394128817287 1.4122343125060242 1.1754231720800774 0.862770555308575 0.664654045671181 0.46034639510762426 0.35045364366813797 0.22972639560784916 0.16007606018845622 0.07804344291672885 0.03625324166508603 +33048,-0.04732716083818202,1,0.6058382068725817 0.8534838439193221 1.1522063936069495 1.4633112251469111 1.6722622314050901 1.6985745803413084 1.7481037077506547 1.6970267951097677 1.5484394128817287 1.4122343125060242 1.1754231720800774 0.862770555308575 0.664654045671181 0.46034639510762426 0.35045364366813797 0.22972639560784916 0.16007606018845622 0.07804344291672885 0.03625324166508603 0.0517310939805106 +33049,-0.017919241438882367,1,0.8534838439193221 1.1522063936069495 1.4633112251469111 1.6722622314050901 1.6985745803413084 1.7481037077506547 1.6970267951097677 1.5484394128817287 1.4122343125060242 1.1754231720800774 0.862770555308575 0.664654045671181 0.46034639510762426 0.35045364366813797 0.22972639560784916 0.16007606018845622 0.07804344291672885 0.03625324166508603 0.0517310939805106 -0.04732716083818202 +33050,0.2250830399132271,1,1.1522063936069495 1.4633112251469111 1.6722622314050901 1.6985745803413084 1.7481037077506547 1.6970267951097677 1.5484394128817287 1.4122343125060242 1.1754231720800774 0.862770555308575 0.664654045671181 0.46034639510762426 0.35045364366813797 0.22972639560784916 0.16007606018845622 0.07804344291672885 0.03625324166508603 0.0517310939805106 -0.04732716083818202 -0.017919241438882367 +33051,0.41855619385599024,1,1.4633112251469111 1.6722622314050901 1.6985745803413084 1.7481037077506547 1.6970267951097677 1.5484394128817287 1.4122343125060242 1.1754231720800774 0.862770555308575 0.664654045671181 0.46034639510762426 0.35045364366813797 0.22972639560784916 0.16007606018845622 0.07804344291672885 0.03625324166508603 0.0517310939805106 -0.04732716083818202 -0.017919241438882367 0.2250830399132271 +33052,0.748234448174458,1,1.6722622314050901 1.6985745803413084 1.7481037077506547 1.6970267951097677 1.5484394128817287 1.4122343125060242 1.1754231720800774 0.862770555308575 0.664654045671181 0.46034639510762426 0.35045364366813797 0.22972639560784916 0.16007606018845622 0.07804344291672885 0.03625324166508603 0.0517310939805106 -0.04732716083818202 -0.017919241438882367 0.2250830399132271 0.41855619385599024 +33053,1.09029498434526,1,1.6985745803413084 1.7481037077506547 1.6970267951097677 1.5484394128817287 1.4122343125060242 1.1754231720800774 0.862770555308575 0.664654045671181 0.46034639510762426 0.35045364366813797 0.22972639560784916 0.16007606018845622 0.07804344291672885 0.03625324166508603 0.0517310939805106 -0.04732716083818202 -0.017919241438882367 0.2250830399132271 0.41855619385599024 0.748234448174458 +33054,1.3673485407913,1,1.7481037077506547 1.6970267951097677 1.5484394128817287 1.4122343125060242 1.1754231720800774 0.862770555308575 0.664654045671181 0.46034639510762426 0.35045364366813797 0.22972639560784916 0.16007606018845622 0.07804344291672885 0.03625324166508603 0.0517310939805106 -0.04732716083818202 -0.017919241438882367 0.2250830399132271 0.41855619385599024 0.748234448174458 1.09029498434526 +33055,1.6242808892272844,1,1.6970267951097677 1.5484394128817287 1.4122343125060242 1.1754231720800774 0.862770555308575 0.664654045671181 0.46034639510762426 0.35045364366813797 0.22972639560784916 0.16007606018845622 0.07804344291672885 0.03625324166508603 0.0517310939805106 -0.04732716083818202 -0.017919241438882367 0.2250830399132271 0.41855619385599024 0.748234448174458 1.09029498434526 1.3673485407913 +33056,1.7016701508043897,1,1.5484394128817287 1.4122343125060242 1.1754231720800774 0.862770555308575 0.664654045671181 0.46034639510762426 0.35045364366813797 0.22972639560784916 0.16007606018845622 0.07804344291672885 0.03625324166508603 0.0517310939805106 -0.04732716083818202 -0.017919241438882367 0.2250830399132271 0.41855619385599024 0.748234448174458 1.09029498434526 1.3673485407913 1.6242808892272844 +33057,1.7945372646969195,1,1.4122343125060242 1.1754231720800774 0.862770555308575 0.664654045671181 0.46034639510762426 0.35045364366813797 0.22972639560784916 0.16007606018845622 0.07804344291672885 0.03625324166508603 0.0517310939805106 -0.04732716083818202 -0.017919241438882367 0.2250830399132271 0.41855619385599024 0.748234448174458 1.09029498434526 1.3673485407913 1.6242808892272844 1.7016701508043897 +33058,1.7852505533076666,1,1.1754231720800774 0.862770555308575 0.664654045671181 0.46034639510762426 0.35045364366813797 0.22972639560784916 0.16007606018845622 0.07804344291672885 0.03625324166508603 0.0517310939805106 -0.04732716083818202 -0.017919241438882367 0.2250830399132271 0.41855619385599024 0.748234448174458 1.09029498434526 1.3673485407913 1.6242808892272844 1.7016701508043897 1.7945372646969195 +33059,1.8022761908546319,1,0.862770555308575 0.664654045671181 0.46034639510762426 0.35045364366813797 0.22972639560784916 0.16007606018845622 0.07804344291672885 0.03625324166508603 0.0517310939805106 -0.04732716083818202 -0.017919241438882367 0.2250830399132271 0.41855619385599024 0.748234448174458 1.09029498434526 1.3673485407913 1.6242808892272844 1.7016701508043897 1.7945372646969195 1.7852505533076666 +33060,1.741912566824492,1,0.664654045671181 0.46034639510762426 0.35045364366813797 0.22972639560784916 0.16007606018845622 0.07804344291672885 0.03625324166508603 0.0517310939805106 -0.04732716083818202 -0.017919241438882367 0.2250830399132271 0.41855619385599024 0.748234448174458 1.09029498434526 1.3673485407913 1.6242808892272844 1.7016701508043897 1.7945372646969195 1.7852505533076666 1.8022761908546319 +33061,1.5639172651971445,1,0.46034639510762426 0.35045364366813797 0.22972639560784916 0.16007606018845622 0.07804344291672885 0.03625324166508603 0.0517310939805106 -0.04732716083818202 -0.017919241438882367 0.2250830399132271 0.41855619385599024 0.748234448174458 1.09029498434526 1.3673485407913 1.6242808892272844 1.7016701508043897 1.7945372646969195 1.7852505533076666 1.8022761908546319 1.741912566824492 +33062,1.311628272455782,1,0.35045364366813797 0.22972639560784916 0.16007606018845622 0.07804344291672885 0.03625324166508603 0.0517310939805106 -0.04732716083818202 -0.017919241438882367 0.2250830399132271 0.41855619385599024 0.748234448174458 1.09029498434526 1.3673485407913 1.6242808892272844 1.7016701508043897 1.7945372646969195 1.7852505533076666 1.8022761908546319 1.741912566824492 1.5639172651971445 +33063,0.9432553873487618,1,0.22972639560784916 0.16007606018845622 0.07804344291672885 0.03625324166508603 0.0517310939805106 -0.04732716083818202 -0.017919241438882367 0.2250830399132271 0.41855619385599024 0.748234448174458 1.09029498434526 1.3673485407913 1.6242808892272844 1.7016701508043897 1.7945372646969195 1.7852505533076666 1.8022761908546319 1.741912566824492 1.5639172651971445 1.311628272455782 +33064,0.6909663946073993,1,0.16007606018845622 0.07804344291672885 0.03625324166508603 0.0517310939805106 -0.04732716083818202 -0.017919241438882367 0.2250830399132271 0.41855619385599024 0.748234448174458 1.09029498434526 1.3673485407913 1.6242808892272844 1.7016701508043897 1.7945372646969195 1.7852505533076666 1.8022761908546319 1.741912566824492 1.5639172651971445 1.311628272455782 0.9432553873487618 +33065,0.5686913613155699,1,0.07804344291672885 0.03625324166508603 0.0517310939805106 -0.04732716083818202 -0.017919241438882367 0.2250830399132271 0.41855619385599024 0.748234448174458 1.09029498434526 1.3673485407913 1.6242808892272844 1.7016701508043897 1.7945372646969195 1.7852505533076666 1.8022761908546319 1.741912566824492 1.5639172651971445 1.311628272455782 0.9432553873487618 0.6909663946073993 +33066,0.4711808917284179,1,0.03625324166508603 0.0517310939805106 -0.04732716083818202 -0.017919241438882367 0.2250830399132271 0.41855619385599024 0.748234448174458 1.09029498434526 1.3673485407913 1.6242808892272844 1.7016701508043897 1.7945372646969195 1.7852505533076666 1.8022761908546319 1.741912566824492 1.5639172651971445 1.311628272455782 0.9432553873487618 0.6909663946073993 0.5686913613155699 +33067,0.3256890799634604,1,0.0517310939805106 -0.04732716083818202 -0.017919241438882367 0.2250830399132271 0.41855619385599024 0.748234448174458 1.09029498434526 1.3673485407913 1.6242808892272844 1.7016701508043897 1.7945372646969195 1.7852505533076666 1.8022761908546319 1.741912566824492 1.5639172651971445 1.311628272455782 0.9432553873487618 0.6909663946073993 0.5686913613155699 0.4711808917284179 +33068,0.2637776707017797,1,-0.04732716083818202 -0.017919241438882367 0.2250830399132271 0.41855619385599024 0.748234448174458 1.09029498434526 1.3673485407913 1.6242808892272844 1.7016701508043897 1.7945372646969195 1.7852505533076666 1.8022761908546319 1.741912566824492 1.5639172651971445 1.311628272455782 0.9432553873487618 0.6909663946073993 0.5686913613155699 0.4711808917284179 0.3256890799634604 +33069,0.17555391250388078,1,-0.017919241438882367 0.2250830399132271 0.41855619385599024 0.748234448174458 1.09029498434526 1.3673485407913 1.6242808892272844 1.7016701508043897 1.7945372646969195 1.7852505533076666 1.8022761908546319 1.741912566824492 1.5639172651971445 1.311628272455782 0.9432553873487618 0.6909663946073993 0.5686913613155699 0.4711808917284179 0.3256890799634604 0.2637776707017797 +33070,0.12757257032607516,1,0.2250830399132271 0.41855619385599024 0.748234448174458 1.09029498434526 1.3673485407913 1.6242808892272844 1.7016701508043897 1.7945372646969195 1.7852505533076666 1.8022761908546319 1.741912566824492 1.5639172651971445 1.311628272455782 0.9432553873487618 0.6909663946073993 0.5686913613155699 0.4711808917284179 0.3256890799634604 0.2637776707017797 0.17555391250388078 +33071,0.08268679861135095,1,0.41855619385599024 0.748234448174458 1.09029498434526 1.3673485407913 1.6242808892272844 1.7016701508043897 1.7945372646969195 1.7852505533076666 1.8022761908546319 1.741912566824492 1.5639172651971445 1.311628272455782 0.9432553873487618 0.6909663946073993 0.5686913613155699 0.4711808917284179 0.3256890799634604 0.2637776707017797 0.17555391250388078 0.12757257032607516 +33072,0.1089991475475692,1,0.748234448174458 1.09029498434526 1.3673485407913 1.6242808892272844 1.7016701508043897 1.7945372646969195 1.7852505533076666 1.8022761908546319 1.741912566824492 1.5639172651971445 1.311628272455782 0.9432553873487618 0.6909663946073993 0.5686913613155699 0.4711808917284179 0.3256890799634604 0.2637776707017797 0.17555391250388078 0.12757257032607516 0.08268679861135095 +33073,0.07494787245363867,1,1.09029498434526 1.3673485407913 1.6242808892272844 1.7016701508043897 1.7945372646969195 1.7852505533076666 1.8022761908546319 1.741912566824492 1.5639172651971445 1.311628272455782 0.9432553873487618 0.6909663946073993 0.5686913613155699 0.4711808917284179 0.3256890799634604 0.2637776707017797 0.17555391250388078 0.12757257032607516 0.08268679861135095 0.1089991475475692 +33074,0.2096051875978025,1,1.3673485407913 1.6242808892272844 1.7016701508043897 1.7945372646969195 1.7852505533076666 1.8022761908546319 1.741912566824492 1.5639172651971445 1.311628272455782 0.9432553873487618 0.6909663946073993 0.5686913613155699 0.4711808917284179 0.3256890799634604 0.2637776707017797 0.17555391250388078 0.12757257032607516 0.08268679861135095 0.1089991475475692 0.07494787245363867 +33075,0.5423790123793604,1,1.6242808892272844 1.7016701508043897 1.7945372646969195 1.7852505533076666 1.8022761908546319 1.741912566824492 1.5639172651971445 1.311628272455782 0.9432553873487618 0.6909663946073993 0.5686913613155699 0.4711808917284179 0.3256890799634604 0.2637776707017797 0.17555391250388078 0.12757257032607516 0.08268679861135095 0.1089991475475692 0.07494787245363867 0.2096051875978025 +33076,0.7915724346576326,1,1.7016701508043897 1.7945372646969195 1.7852505533076666 1.8022761908546319 1.741912566824492 1.5639172651971445 1.311628272455782 0.9432553873487618 0.6909663946073993 0.5686913613155699 0.4711808917284179 0.3256890799634604 0.2637776707017797 0.17555391250388078 0.12757257032607516 0.08268679861135095 0.1089991475475692 0.07494787245363867 0.2096051875978025 0.5423790123793604 +33077,1.0516003535567073,1,1.7945372646969195 1.7852505533076666 1.8022761908546319 1.741912566824492 1.5639172651971445 1.311628272455782 0.9432553873487618 0.6909663946073993 0.5686913613155699 0.4711808917284179 0.3256890799634604 0.2637776707017797 0.17555391250388078 0.12757257032607516 0.08268679861135095 0.1089991475475692 0.07494787245363867 0.2096051875978025 0.5423790123793604 0.7915724346576326 +33078,1.3565140441705064,1,1.7852505533076666 1.8022761908546319 1.741912566824492 1.5639172651971445 1.311628272455782 0.9432553873487618 0.6909663946073993 0.5686913613155699 0.4711808917284179 0.3256890799634604 0.2637776707017797 0.17555391250388078 0.12757257032607516 0.08268679861135095 0.1089991475475692 0.07494787245363867 0.2096051875978025 0.5423790123793604 0.7915724346576326 1.0516003535567073 +33079,1.5190314934824292,1,1.8022761908546319 1.741912566824492 1.5639172651971445 1.311628272455782 0.9432553873487618 0.6909663946073993 0.5686913613155699 0.4711808917284179 0.3256890799634604 0.2637776707017797 0.17555391250388078 0.12757257032607516 0.08268679861135095 0.1089991475475692 0.07494787245363867 0.2096051875978025 0.5423790123793604 0.7915724346576326 1.0516003535567073 1.3565140441705064 +33080,1.6877400837205148,1,1.741912566824492 1.5639172651971445 1.311628272455782 0.9432553873487618 0.6909663946073993 0.5686913613155699 0.4711808917284179 0.3256890799634604 0.2637776707017797 0.17555391250388078 0.12757257032607516 0.08268679861135095 0.1089991475475692 0.07494787245363867 0.2096051875978025 0.5423790123793604 0.7915724346576326 1.0516003535567073 1.3565140441705064 1.5190314934824292 +33081,1.788346123770748,1,1.5639172651971445 1.311628272455782 0.9432553873487618 0.6909663946073993 0.5686913613155699 0.4711808917284179 0.3256890799634604 0.2637776707017797 0.17555391250388078 0.12757257032607516 0.08268679861135095 0.1089991475475692 0.07494787245363867 0.2096051875978025 0.5423790123793604 0.7915724346576326 1.0516003535567073 1.3565140441705064 1.5190314934824292 1.6877400837205148 +33082,1.8038239760861725,1,1.311628272455782 0.9432553873487618 0.6909663946073993 0.5686913613155699 0.4711808917284179 0.3256890799634604 0.2637776707017797 0.17555391250388078 0.12757257032607516 0.08268679861135095 0.1089991475475692 0.07494787245363867 0.2096051875978025 0.5423790123793604 0.7915724346576326 1.0516003535567073 1.3565140441705064 1.5190314934824292 1.6877400837205148 1.788346123770748 +33083,1.700122365572849,1,0.9432553873487618 0.6909663946073993 0.5686913613155699 0.4711808917284179 0.3256890799634604 0.2637776707017797 0.17555391250388078 0.12757257032607516 0.08268679861135095 0.1089991475475692 0.07494787245363867 0.2096051875978025 0.5423790123793604 0.7915724346576326 1.0516003535567073 1.3565140441705064 1.5190314934824292 1.6877400837205148 1.788346123770748 1.8038239760861725 +33084,1.658332164321215,1,0.6909663946073993 0.5686913613155699 0.4711808917284179 0.3256890799634604 0.2637776707017797 0.17555391250388078 0.12757257032607516 0.08268679861135095 0.1089991475475692 0.07494787245363867 0.2096051875978025 0.5423790123793604 0.7915724346576326 1.0516003535567073 1.3565140441705064 1.5190314934824292 1.6877400837205148 1.788346123770748 1.8038239760861725 1.700122365572849 +33085,1.3843741783382653,1,0.5686913613155699 0.4711808917284179 0.3256890799634604 0.2637776707017797 0.17555391250388078 0.12757257032607516 0.08268679861135095 0.1089991475475692 0.07494787245363867 0.2096051875978025 0.5423790123793604 0.7915724346576326 1.0516003535567073 1.3565140441705064 1.5190314934824292 1.6877400837205148 1.788346123770748 1.8038239760861725 1.700122365572849 1.658332164321215 +33086,1.1243462594391904,1,0.4711808917284179 0.3256890799634604 0.2637776707017797 0.17555391250388078 0.12757257032607516 0.08268679861135095 0.1089991475475692 0.07494787245363867 0.2096051875978025 0.5423790123793604 0.7915724346576326 1.0516003535567073 1.3565140441705064 1.5190314934824292 1.6877400837205148 1.788346123770748 1.8038239760861725 1.700122365572849 1.658332164321215 1.3843741783382653 +33087,0.8085980722045979,1,0.3256890799634604 0.2637776707017797 0.17555391250388078 0.12757257032607516 0.08268679861135095 0.1089991475475692 0.07494787245363867 0.2096051875978025 0.5423790123793604 0.7915724346576326 1.0516003535567073 1.3565140441705064 1.5190314934824292 1.6877400837205148 1.788346123770748 1.8038239760861725 1.700122365572849 1.658332164321215 1.3843741783382653 1.1243462594391904 +33088,0.5934559250202474,1,0.2637776707017797 0.17555391250388078 0.12757257032607516 0.08268679861135095 0.1089991475475692 0.07494787245363867 0.2096051875978025 0.5423790123793604 0.7915724346576326 1.0516003535567073 1.3565140441705064 1.5190314934824292 1.6877400837205148 1.788346123770748 1.8038239760861725 1.700122365572849 1.658332164321215 1.3843741783382653 1.1243462594391904 0.8085980722045979 +33089,0.4820153883492116,1,0.17555391250388078 0.12757257032607516 0.08268679861135095 0.1089991475475692 0.07494787245363867 0.2096051875978025 0.5423790123793604 0.7915724346576326 1.0516003535567073 1.3565140441705064 1.5190314934824292 1.6877400837205148 1.788346123770748 1.8038239760861725 1.700122365572849 1.658332164321215 1.3843741783382653 1.1243462594391904 0.8085980722045979 0.5934559250202474 +33090,0.37986156306743757,1,0.12757257032607516 0.08268679861135095 0.1089991475475692 0.07494787245363867 0.2096051875978025 0.5423790123793604 0.7915724346576326 1.0516003535567073 1.3565140441705064 1.5190314934824292 1.6877400837205148 1.788346123770748 1.8038239760861725 1.700122365572849 1.658332164321215 1.3843741783382653 1.1243462594391904 0.8085980722045979 0.5934559250202474 0.4820153883492116 +33091,0.2281786103763085,1,0.08268679861135095 0.1089991475475692 0.07494787245363867 0.2096051875978025 0.5423790123793604 0.7915724346576326 1.0516003535567073 1.3565140441705064 1.5190314934824292 1.6877400837205148 1.788346123770748 1.8038239760861725 1.700122365572849 1.658332164321215 1.3843741783382653 1.1243462594391904 0.8085980722045979 0.5934559250202474 0.4820153883492116 0.37986156306743757 +33092,0.16626720111462778,1,0.1089991475475692 0.07494787245363867 0.2096051875978025 0.5423790123793604 0.7915724346576326 1.0516003535567073 1.3565140441705064 1.5190314934824292 1.6877400837205148 1.788346123770748 1.8038239760861725 1.700122365572849 1.658332164321215 1.3843741783382653 1.1243462594391904 0.8085980722045979 0.5934559250202474 0.4820153883492116 0.37986156306743757 0.2281786103763085 +33093,0.11828585893682218,1,0.07494787245363867 0.2096051875978025 0.5423790123793604 0.7915724346576326 1.0516003535567073 1.3565140441705064 1.5190314934824292 1.6877400837205148 1.788346123770748 1.8038239760861725 1.700122365572849 1.658332164321215 1.3843741783382653 1.1243462594391904 0.8085980722045979 0.5934559250202474 0.4820153883492116 0.37986156306743757 0.2281786103763085 0.16626720111462778 +33094,0.043992167822798314,1,0.2096051875978025 0.5423790123793604 0.7915724346576326 1.0516003535567073 1.3565140441705064 1.5190314934824292 1.6877400837205148 1.788346123770748 1.8038239760861725 1.700122365572849 1.658332164321215 1.3843741783382653 1.1243462594391904 0.8085980722045979 0.5934559250202474 0.4820153883492116 0.37986156306743757 0.2281786103763085 0.16626720111462778 0.11828585893682218 +33095,-0.005536959586547991,1,0.5423790123793604 0.7915724346576326 1.0516003535567073 1.3565140441705064 1.5190314934824292 1.6877400837205148 1.788346123770748 1.8038239760861725 1.700122365572849 1.658332164321215 1.3843741783382653 1.1243462594391904 0.8085980722045979 0.5934559250202474 0.4820153883492116 0.37986156306743757 0.2281786103763085 0.16626720111462778 0.11828585893682218 0.043992167822798314 +33096,-0.06899615407977817,1,0.7915724346576326 1.0516003535567073 1.3565140441705064 1.5190314934824292 1.6877400837205148 1.788346123770748 1.8038239760861725 1.700122365572849 1.658332164321215 1.3843741783382653 1.1243462594391904 0.8085980722045979 0.5934559250202474 0.4820153883492116 0.37986156306743757 0.2281786103763085 0.16626720111462778 0.11828585893682218 0.043992167822798314 -0.005536959586547991 +33097,-0.08447400639519394,1,1.0516003535567073 1.3565140441705064 1.5190314934824292 1.6877400837205148 1.788346123770748 1.8038239760861725 1.700122365572849 1.658332164321215 1.3843741783382653 1.1243462594391904 0.8085980722045979 0.5934559250202474 0.4820153883492116 0.37986156306743757 0.2281786103763085 0.16626720111462778 0.11828585893682218 0.043992167822798314 -0.005536959586547991 -0.06899615407977817 +33098,0.14305042264149093,1,1.3565140441705064 1.5190314934824292 1.6877400837205148 1.788346123770748 1.8038239760861725 1.700122365572849 1.658332164321215 1.3843741783382653 1.1243462594391904 0.8085980722045979 0.5934559250202474 0.4820153883492116 0.37986156306743757 0.2281786103763085 0.16626720111462778 0.11828585893682218 0.043992167822798314 -0.005536959586547991 -0.06899615407977817 -0.08447400639519394 +33099,0.46498975080225513,1,1.5190314934824292 1.6877400837205148 1.788346123770748 1.8038239760861725 1.700122365572849 1.658332164321215 1.3843741783382653 1.1243462594391904 0.8085980722045979 0.5934559250202474 0.4820153883492116 0.37986156306743757 0.2281786103763085 0.16626720111462778 0.11828585893682218 0.043992167822798314 -0.005536959586547991 -0.06899615407977817 -0.08447400639519394 0.14305042264149093 +33100,0.6847752536812277,1,1.6877400837205148 1.788346123770748 1.8038239760861725 1.700122365572849 1.658332164321215 1.3843741783382653 1.1243462594391904 0.8085980722045979 0.5934559250202474 0.4820153883492116 0.37986156306743757 0.2281786103763085 0.16626720111462778 0.11828585893682218 0.043992167822798314 -0.005536959586547991 -0.06899615407977817 -0.08447400639519394 0.14305042264149093 0.46498975080225513 +33101,0.997427870452739,1,1.788346123770748 1.8038239760861725 1.700122365572849 1.658332164321215 1.3843741783382653 1.1243462594391904 0.8085980722045979 0.5934559250202474 0.4820153883492116 0.37986156306743757 0.2281786103763085 0.16626720111462778 0.11828585893682218 0.043992167822798314 -0.005536959586547991 -0.06899615407977817 -0.08447400639519394 0.14305042264149093 0.46498975080225513 0.6847752536812277 +33102,1.2435257222679297,1,1.8038239760861725 1.700122365572849 1.658332164321215 1.3843741783382653 1.1243462594391904 0.8085980722045979 0.5934559250202474 0.4820153883492116 0.37986156306743757 0.2281786103763085 0.16626720111462778 0.11828585893682218 0.043992167822798314 -0.005536959586547991 -0.06899615407977817 -0.08447400639519394 0.14305042264149093 0.46498975080225513 0.6847752536812277 0.997427870452739 +33103,1.5221270639455105,1,1.700122365572849 1.658332164321215 1.3843741783382653 1.1243462594391904 0.8085980722045979 0.5934559250202474 0.4820153883492116 0.37986156306743757 0.2281786103763085 0.16626720111462778 0.11828585893682218 0.043992167822798314 -0.005536959586547991 -0.06899615407977817 -0.08447400639519394 0.14305042264149093 0.46498975080225513 0.6847752536812277 0.997427870452739 1.2435257222679297 +33104,1.6428543120057904,1,1.658332164321215 1.3843741783382653 1.1243462594391904 0.8085980722045979 0.5934559250202474 0.4820153883492116 0.37986156306743757 0.2281786103763085 0.16626720111462778 0.11828585893682218 0.043992167822798314 -0.005536959586547991 -0.06899615407977817 -0.08447400639519394 0.14305042264149093 0.46498975080225513 0.6847752536812277 0.997427870452739 1.2435257222679297 1.5221270639455105 +33105,1.6877400837205148,1,1.3843741783382653 1.1243462594391904 0.8085980722045979 0.5934559250202474 0.4820153883492116 0.37986156306743757 0.2281786103763085 0.16626720111462778 0.11828585893682218 0.043992167822798314 -0.005536959586547991 -0.06899615407977817 -0.08447400639519394 0.14305042264149093 0.46498975080225513 0.6847752536812277 0.997427870452739 1.2435257222679297 1.5221270639455105 1.6428543120057904 +33106,1.6800011575628024,1,1.1243462594391904 0.8085980722045979 0.5934559250202474 0.4820153883492116 0.37986156306743757 0.2281786103763085 0.16626720111462778 0.11828585893682218 0.043992167822798314 -0.005536959586547991 -0.06899615407977817 -0.08447400639519394 0.14305042264149093 0.46498975080225513 0.6847752536812277 0.997427870452739 1.2435257222679297 1.5221270639455105 1.6428543120057904 1.6877400837205148 +33107,1.681548942794343,1,0.8085980722045979 0.5934559250202474 0.4820153883492116 0.37986156306743757 0.2281786103763085 0.16626720111462778 0.11828585893682218 0.043992167822798314 -0.005536959586547991 -0.06899615407977817 -0.08447400639519394 0.14305042264149093 0.46498975080225513 0.6847752536812277 0.997427870452739 1.2435257222679297 1.5221270639455105 1.6428543120057904 1.6877400837205148 1.6800011575628024 +33108,1.5112925673247168,1,0.5934559250202474 0.4820153883492116 0.37986156306743757 0.2281786103763085 0.16626720111462778 0.11828585893682218 0.043992167822798314 -0.005536959586547991 -0.06899615407977817 -0.08447400639519394 0.14305042264149093 0.46498975080225513 0.6847752536812277 0.997427870452739 1.2435257222679297 1.5221270639455105 1.6428543120057904 1.6877400837205148 1.6800011575628024 1.681548942794343 +33109,1.358061829402047,1,0.4820153883492116 0.37986156306743757 0.2281786103763085 0.16626720111462778 0.11828585893682218 0.043992167822798314 -0.005536959586547991 -0.06899615407977817 -0.08447400639519394 0.14305042264149093 0.46498975080225513 0.6847752536812277 0.997427870452739 1.2435257222679297 1.5221270639455105 1.6428543120057904 1.6877400837205148 1.6800011575628024 1.681548942794343 1.5112925673247168 +33110,1.0949383400398909,1,0.37986156306743757 0.2281786103763085 0.16626720111462778 0.11828585893682218 0.043992167822798314 -0.005536959586547991 -0.06899615407977817 -0.08447400639519394 0.14305042264149093 0.46498975080225513 0.6847752536812277 0.997427870452739 1.2435257222679297 1.5221270639455105 1.6428543120057904 1.6877400837205148 1.6800011575628024 1.681548942794343 1.5112925673247168 1.358061829402047 +33111,0.7637123004898737,1,0.2281786103763085 0.16626720111462778 0.11828585893682218 0.043992167822798314 -0.005536959586547991 -0.06899615407977817 -0.08447400639519394 0.14305042264149093 0.46498975080225513 0.6847752536812277 0.997427870452739 1.2435257222679297 1.5221270639455105 1.6428543120057904 1.6877400837205148 1.6800011575628024 1.681548942794343 1.5112925673247168 1.358061829402047 1.0949383400398909 +33112,0.5779780727048228,1,0.16626720111462778 0.11828585893682218 0.043992167822798314 -0.005536959586547991 -0.06899615407977817 -0.08447400639519394 0.14305042264149093 0.46498975080225513 0.6847752536812277 0.997427870452739 1.2435257222679297 1.5221270639455105 1.6428543120057904 1.6877400837205148 1.6800011575628024 1.681548942794343 1.5112925673247168 1.358061829402047 1.0949383400398909 0.7637123004898737 +33113,0.4417729723291183,1,0.11828585893682218 0.043992167822798314 -0.005536959586547991 -0.06899615407977817 -0.08447400639519394 0.14305042264149093 0.46498975080225513 0.6847752536812277 0.997427870452739 1.2435257222679297 1.5221270639455105 1.6428543120057904 1.6877400837205148 1.6800011575628024 1.681548942794343 1.5112925673247168 1.358061829402047 1.0949383400398909 0.7637123004898737 0.5779780727048228 +33114,0.3287846504265506,1,0.043992167822798314 -0.005536959586547991 -0.06899615407977817 -0.08447400639519394 0.14305042264149093 0.46498975080225513 0.6847752536812277 0.997427870452739 1.2435257222679297 1.5221270639455105 1.6428543120057904 1.6877400837205148 1.6800011575628024 1.681548942794343 1.5112925673247168 1.358061829402047 1.0949383400398909 0.7637123004898737 0.5779780727048228 0.4417729723291183 +33115,0.24829981838635515,1,-0.005536959586547991 -0.06899615407977817 -0.08447400639519394 0.14305042264149093 0.46498975080225513 0.6847752536812277 0.997427870452739 1.2435257222679297 1.5221270639455105 1.6428543120057904 1.6877400837205148 1.6800011575628024 1.681548942794343 1.5112925673247168 1.358061829402047 1.0949383400398909 0.7637123004898737 0.5779780727048228 0.4417729723291183 0.3287846504265506 +33116,0.20031847620854953,1,-0.06899615407977817 -0.08447400639519394 0.14305042264149093 0.46498975080225513 0.6847752536812277 0.997427870452739 1.2435257222679297 1.5221270639455105 1.6428543120057904 1.6877400837205148 1.6800011575628024 1.681548942794343 1.5112925673247168 1.358061829402047 1.0949383400398909 0.7637123004898737 0.5779780727048228 0.4417729723291183 0.3287846504265506 0.24829981838635515 +33117,0.11364250324219129,1,-0.08447400639519394 0.14305042264149093 0.46498975080225513 0.6847752536812277 0.997427870452739 1.2435257222679297 1.5221270639455105 1.6428543120057904 1.6877400837205148 1.6800011575628024 1.681548942794343 1.5112925673247168 1.358061829402047 1.0949383400398909 0.7637123004898737 0.5779780727048228 0.4417729723291183 0.3287846504265506 0.24829981838635515 0.20031847620854953 +33118,0.14150263740995023,1,0.14305042264149093 0.46498975080225513 0.6847752536812277 0.997427870452739 1.2435257222679297 1.5221270639455105 1.6428543120057904 1.6877400837205148 1.6800011575628024 1.681548942794343 1.5112925673247168 1.358061829402047 1.0949383400398909 0.7637123004898737 0.5779780727048228 0.4417729723291183 0.3287846504265506 0.24829981838635515 0.20031847620854953 0.11364250324219129 +33119,0.11054693277910989,1,0.46498975080225513 0.6847752536812277 0.997427870452739 1.2435257222679297 1.5221270639455105 1.6428543120057904 1.6877400837205148 1.6800011575628024 1.681548942794343 1.5112925673247168 1.358061829402047 1.0949383400398909 0.7637123004898737 0.5779780727048228 0.4417729723291183 0.3287846504265506 0.24829981838635515 0.20031847620854953 0.11364250324219129 0.14150263740995023 +33120,0.14924156356766252,1,0.6847752536812277 0.997427870452739 1.2435257222679297 1.5221270639455105 1.6428543120057904 1.6877400837205148 1.6800011575628024 1.681548942794343 1.5112925673247168 1.358061829402047 1.0949383400398909 0.7637123004898737 0.5779780727048228 0.4417729723291183 0.3287846504265506 0.24829981838635515 0.20031847620854953 0.11364250324219129 0.14150263740995023 0.11054693277910989 +33121,0.14924156356766252,1,0.997427870452739 1.2435257222679297 1.5221270639455105 1.6428543120057904 1.6877400837205148 1.6800011575628024 1.681548942794343 1.5112925673247168 1.358061829402047 1.0949383400398909 0.7637123004898737 0.5779780727048228 0.4417729723291183 0.3287846504265506 0.24829981838635515 0.20031847620854953 0.11364250324219129 0.14150263740995023 0.11054693277910989 0.14924156356766252 +33122,0.10757117389434576,1,1.2435257222679297 1.5221270639455105 1.6428543120057904 1.6877400837205148 1.6800011575628024 1.681548942794343 1.5112925673247168 1.358061829402047 1.0949383400398909 0.7637123004898737 0.5779780727048228 0.4417729723291183 0.3287846504265506 0.24829981838635515 0.20031847620854953 0.11364250324219129 0.14150263740995023 0.11054693277910989 0.14924156356766252 0.14924156356766252 +33123,0.3303324356580913,1,1.5221270639455105 1.6428543120057904 1.6877400837205148 1.6800011575628024 1.681548942794343 1.5112925673247168 1.358061829402047 1.0949383400398909 0.7637123004898737 0.5779780727048228 0.4417729723291183 0.3287846504265506 0.24829981838635515 0.20031847620854953 0.11364250324219129 0.14150263740995023 0.11054693277910989 0.14924156356766252 0.14924156356766252 0.10757117389434576 +33124,0.6491761933557653,1,1.6428543120057904 1.6877400837205148 1.6800011575628024 1.681548942794343 1.5112925673247168 1.358061829402047 1.0949383400398909 0.7637123004898737 0.5779780727048228 0.4417729723291183 0.3287846504265506 0.24829981838635515 0.20031847620854953 0.11364250324219129 0.14150263740995023 0.11054693277910989 0.14924156356766252 0.14924156356766252 0.10757117389434576 0.3303324356580913 +33125,0.8937262599394155,1,1.6877400837205148 1.6800011575628024 1.681548942794343 1.5112925673247168 1.358061829402047 1.0949383400398909 0.7637123004898737 0.5779780727048228 0.4417729723291183 0.3287846504265506 0.24829981838635515 0.20031847620854953 0.11364250324219129 0.14150263740995023 0.11054693277910989 0.14924156356766252 0.14924156356766252 0.10757117389434576 0.3303324356580913 0.6491761933557653 +33126,0.948542067437818,1,1.6800011575628024 1.681548942794343 1.5112925673247168 1.358061829402047 1.0949383400398909 0.7637123004898737 0.5779780727048228 0.4417729723291183 0.3287846504265506 0.24829981838635515 0.20031847620854953 0.11364250324219129 0.14150263740995023 0.11054693277910989 0.14924156356766252 0.14924156356766252 0.10757117389434576 0.3303324356580913 0.6491761933557653 0.8937262599394155 +33127,1.2806725678249418,1,1.681548942794343 1.5112925673247168 1.358061829402047 1.0949383400398909 0.7637123004898737 0.5779780727048228 0.4417729723291183 0.3287846504265506 0.24829981838635515 0.20031847620854953 0.11364250324219129 0.14150263740995023 0.11054693277910989 0.14924156356766252 0.14924156356766252 0.10757117389434576 0.3303324356580913 0.6491761933557653 0.8937262599394155 0.948542067437818 +33128,1.4756935069992456,1,1.5112925673247168 1.358061829402047 1.0949383400398909 0.7637123004898737 0.5779780727048228 0.4417729723291183 0.3287846504265506 0.24829981838635515 0.20031847620854953 0.11364250324219129 0.14150263740995023 0.11054693277910989 0.14924156356766252 0.14924156356766252 0.10757117389434576 0.3303324356580913 0.6491761933557653 0.8937262599394155 0.948542067437818 1.2806725678249418 +33129,1.6041596812172378,1,1.358061829402047 1.0949383400398909 0.7637123004898737 0.5779780727048228 0.4417729723291183 0.3287846504265506 0.24829981838635515 0.20031847620854953 0.11364250324219129 0.14150263740995023 0.11054693277910989 0.14924156356766252 0.14924156356766252 0.10757117389434576 0.3303324356580913 0.6491761933557653 0.8937262599394155 0.948542067437818 1.2806725678249418 1.4756935069992456 +33130,1.60737463080745,1,1.0949383400398909 0.7637123004898737 0.5779780727048228 0.4417729723291183 0.3287846504265506 0.24829981838635515 0.20031847620854953 0.11364250324219129 0.14150263740995023 0.11054693277910989 0.14924156356766252 0.14924156356766252 0.10757117389434576 0.3303324356580913 0.6491761933557653 0.8937262599394155 0.948542067437818 1.2806725678249418 1.4756935069992456 1.6041596812172378 +33131,1.6242808892272844,1,0.7637123004898737 0.5779780727048228 0.4417729723291183 0.3287846504265506 0.24829981838635515 0.20031847620854953 0.11364250324219129 0.14150263740995023 0.11054693277910989 0.14924156356766252 0.14924156356766252 0.10757117389434576 0.3303324356580913 0.6491761933557653 0.8937262599394155 0.948542067437818 1.2806725678249418 1.4756935069992456 1.6041596812172378 1.60737463080745 +33132,1.5283182048716821,1,0.5779780727048228 0.4417729723291183 0.3287846504265506 0.24829981838635515 0.20031847620854953 0.11364250324219129 0.14150263740995023 0.11054693277910989 0.14924156356766252 0.14924156356766252 0.10757117389434576 0.3303324356580913 0.6491761933557653 0.8937262599394155 0.948542067437818 1.2806725678249418 1.4756935069992456 1.6041596812172378 1.60737463080745 1.6242808892272844 +33133,1.3332972656973694,1,0.4417729723291183 0.3287846504265506 0.24829981838635515 0.20031847620854953 0.11364250324219129 0.14150263740995023 0.11054693277910989 0.14924156356766252 0.14924156356766252 0.10757117389434576 0.3303324356580913 0.6491761933557653 0.8937262599394155 0.948542067437818 1.2806725678249418 1.4756935069992456 1.6041596812172378 1.60737463080745 1.6242808892272844 1.5283182048716821 +33134,1.076364917261385,1,0.3287846504265506 0.24829981838635515 0.20031847620854953 0.11364250324219129 0.14150263740995023 0.11054693277910989 0.14924156356766252 0.14924156356766252 0.10757117389434576 0.3303324356580913 0.6491761933557653 0.8937262599394155 0.948542067437818 1.2806725678249418 1.4756935069992456 1.6041596812172378 1.60737463080745 1.6242808892272844 1.5283182048716821 1.3332972656973694 +33135,0.8085980722045979,1,0.24829981838635515 0.20031847620854953 0.11364250324219129 0.14150263740995023 0.11054693277910989 0.14924156356766252 0.14924156356766252 0.10757117389434576 0.3303324356580913 0.6491761933557653 0.8937262599394155 0.948542067437818 1.2806725678249418 1.4756935069992456 1.6041596812172378 1.60737463080745 1.6242808892272844 1.5283182048716821 1.3332972656973694 1.076364917261385 +33136,0.599647065946419,1,0.20031847620854953 0.11364250324219129 0.14150263740995023 0.11054693277910989 0.14924156356766252 0.14924156356766252 0.10757117389434576 0.3303324356580913 0.6491761933557653 0.8937262599394155 0.948542067437818 1.2806725678249418 1.4756935069992456 1.6041596812172378 1.60737463080745 1.6242808892272844 1.5283182048716821 1.3332972656973694 1.076364917261385 0.8085980722045979 +33137,0.46653753603379583,1,0.11364250324219129 0.14150263740995023 0.11054693277910989 0.14924156356766252 0.14924156356766252 0.10757117389434576 0.3303324356580913 0.6491761933557653 0.8937262599394155 0.948542067437818 1.2806725678249418 1.4756935069992456 1.6041596812172378 1.60737463080745 1.6242808892272844 1.5283182048716821 1.3332972656973694 1.076364917261385 0.8085980722045979 0.599647065946419 +33138,0.3303324356580913,1,0.14150263740995023 0.11054693277910989 0.14924156356766252 0.14924156356766252 0.10757117389434576 0.3303324356580913 0.6491761933557653 0.8937262599394155 0.948542067437818 1.2806725678249418 1.4756935069992456 1.6041596812172378 1.60737463080745 1.6242808892272844 1.5283182048716821 1.3332972656973694 1.076364917261385 0.8085980722045979 0.599647065946419 0.46653753603379583 +33139,0.2173441137555148,1,0.11054693277910989 0.14924156356766252 0.14924156356766252 0.10757117389434576 0.3303324356580913 0.6491761933557653 0.8937262599394155 0.948542067437818 1.2806725678249418 1.4756935069992456 1.6041596812172378 1.60737463080745 1.6242808892272844 1.5283182048716821 1.3332972656973694 1.076364917261385 0.8085980722045979 0.599647065946419 0.46653753603379583 0.3303324356580913 +33140,0.13221592602069726,1,0.14924156356766252 0.14924156356766252 0.10757117389434576 0.3303324356580913 0.6491761933557653 0.8937262599394155 0.948542067437818 1.2806725678249418 1.4756935069992456 1.6041596812172378 1.60737463080745 1.6242808892272844 1.5283182048716821 1.3332972656973694 1.076364917261385 0.8085980722045979 0.599647065946419 0.46653753603379583 0.3303324356580913 0.2173441137555148 +33141,0.1074513623160285,1,0.14924156356766252 0.10757117389434576 0.3303324356580913 0.6491761933557653 0.8937262599394155 0.948542067437818 1.2806725678249418 1.4756935069992456 1.6041596812172378 1.60737463080745 1.6242808892272844 1.5283182048716821 1.3332972656973694 1.076364917261385 0.8085980722045979 0.599647065946419 0.46653753603379583 0.3303324356580913 0.2173441137555148 0.13221592602069726 +33142,0.08113901337981025,1,0.10757117389434576 0.3303324356580913 0.6491761933557653 0.8937262599394155 0.948542067437818 1.2806725678249418 1.4756935069992456 1.6041596812172378 1.60737463080745 1.6242808892272844 1.5283182048716821 1.3332972656973694 1.076364917261385 0.8085980722045979 0.599647065946419 0.46653753603379583 0.3303324356580913 0.2173441137555148 0.13221592602069726 0.1074513623160285 +33143,0.030062100738923243,1,0.3303324356580913 0.6491761933557653 0.8937262599394155 0.948542067437818 1.2806725678249418 1.4756935069992456 1.6041596812172378 1.60737463080745 1.6242808892272844 1.5283182048716821 1.3332972656973694 1.076364917261385 0.8085980722045979 0.599647065946419 0.46653753603379583 0.3303324356580913 0.2173441137555148 0.13221592602069726 0.1074513623160285 0.08113901337981025 +33144,0.02232317458121096,1,0.6491761933557653 0.8937262599394155 0.948542067437818 1.2806725678249418 1.4756935069992456 1.6041596812172378 1.60737463080745 1.6242808892272844 1.5283182048716821 1.3332972656973694 1.076364917261385 0.8085980722045979 0.599647065946419 0.46653753603379583 0.3303324356580913 0.2173441137555148 0.13221592602069726 0.1074513623160285 0.08113901337981025 0.030062100738923243 +33145,-0.019467026670423066,1,0.8937262599394155 0.948542067437818 1.2806725678249418 1.4756935069992456 1.6041596812172378 1.60737463080745 1.6242808892272844 1.5283182048716821 1.3332972656973694 1.076364917261385 0.8085980722045979 0.599647065946419 0.46653753603379583 0.3303324356580913 0.2173441137555148 0.13221592602069726 0.1074513623160285 0.08113901337981025 0.030062100738923243 0.02232317458121096 +33146,0.005856264131282,1,0.948542067437818 1.2806725678249418 1.4756935069992456 1.6041596812172378 1.60737463080745 1.6242808892272844 1.5283182048716821 1.3332972656973694 1.076364917261385 0.8085980722045979 0.599647065946419 0.46653753603379583 0.3303324356580913 0.2173441137555148 0.13221592602069726 0.1074513623160285 0.08113901337981025 0.030062100738923243 0.02232317458121096 -0.019467026670423066 +33147,0.6847752536812277,1,1.2806725678249418 1.4756935069992456 1.6041596812172378 1.60737463080745 1.6242808892272844 1.5283182048716821 1.3332972656973694 1.076364917261385 0.8085980722045979 0.599647065946419 0.46653753603379583 0.3303324356580913 0.2173441137555148 0.13221592602069726 0.1074513623160285 0.08113901337981025 0.030062100738923243 0.02232317458121096 -0.019467026670423066 0.005856264131282 +33148,1.1057728366606845,1,1.4756935069992456 1.6041596812172378 1.60737463080745 1.6242808892272844 1.5283182048716821 1.3332972656973694 1.076364917261385 0.8085980722045979 0.599647065946419 0.46653753603379583 0.3303324356580913 0.2173441137555148 0.13221592602069726 0.1074513623160285 0.08113901337981025 0.030062100738923243 0.02232317458121096 -0.019467026670423066 0.005856264131282 0.6847752536812277 +33149,1.5205792787139698,1,1.6041596812172378 1.60737463080745 1.6242808892272844 1.5283182048716821 1.3332972656973694 1.076364917261385 0.8085980722045979 0.599647065946419 0.46653753603379583 0.3303324356580913 0.2173441137555148 0.13221592602069726 0.1074513623160285 0.08113901337981025 0.030062100738923243 0.02232317458121096 -0.019467026670423066 0.005856264131282 0.6847752536812277 1.1057728366606845 +33150,1.5460897164070377,1,1.60737463080745 1.6242808892272844 1.5283182048716821 1.3332972656973694 1.076364917261385 0.8085980722045979 0.599647065946419 0.46653753603379583 0.3303324356580913 0.2173441137555148 0.13221592602069726 0.1074513623160285 0.08113901337981025 0.030062100738923243 0.02232317458121096 -0.019467026670423066 0.005856264131282 0.6847752536812277 1.1057728366606845 1.5205792787139698 +33151,1.9647936401665547,1,1.6242808892272844 1.5283182048716821 1.3332972656973694 1.076364917261385 0.8085980722045979 0.599647065946419 0.46653753603379583 0.3303324356580913 0.2173441137555148 0.13221592602069726 0.1074513623160285 0.08113901337981025 0.030062100738923243 0.02232317458121096 -0.019467026670423066 0.005856264131282 0.6847752536812277 1.1057728366606845 1.5205792787139698 1.5460897164070377 +33152,1.88895216382099,1,1.5283182048716821 1.3332972656973694 1.076364917261385 0.8085980722045979 0.599647065946419 0.46653753603379583 0.3303324356580913 0.2173441137555148 0.13221592602069726 0.1074513623160285 0.08113901337981025 0.030062100738923243 0.02232317458121096 -0.019467026670423066 0.005856264131282 0.6847752536812277 1.1057728366606845 1.5205792787139698 1.5460897164070377 1.9647936401665547 +33153,2.0623041097537067,1,1.3332972656973694 1.076364917261385 0.8085980722045979 0.599647065946419 0.46653753603379583 0.3303324356580913 0.2173441137555148 0.13221592602069726 0.1074513623160285 0.08113901337981025 0.030062100738923243 0.02232317458121096 -0.019467026670423066 0.005856264131282 0.6847752536812277 1.1057728366606845 1.5205792787139698 1.5460897164070377 1.9647936401665547 1.88895216382099 +33154,2.03991949893898,1,1.076364917261385 0.8085980722045979 0.599647065946419 0.46653753603379583 0.3303324356580913 0.2173441137555148 0.13221592602069726 0.1074513623160285 0.08113901337981025 0.030062100738923243 0.02232317458121096 -0.019467026670423066 0.005856264131282 0.6847752536812277 1.1057728366606845 1.5205792787139698 1.5460897164070377 1.9647936401665547 1.88895216382099 2.0623041097537067 +33155,1.9090733718310366,1,0.8085980722045979 0.599647065946419 0.46653753603379583 0.3303324356580913 0.2173441137555148 0.13221592602069726 0.1074513623160285 0.08113901337981025 0.030062100738923243 0.02232317458121096 -0.019467026670423066 0.005856264131282 0.6847752536812277 1.1057728366606845 1.5205792787139698 1.5460897164070377 1.9647936401665547 1.88895216382099 2.0623041097537067 2.03991949893898 +33156,1.7821549828445853,1,0.599647065946419 0.46653753603379583 0.3303324356580913 0.2173441137555148 0.13221592602069726 0.1074513623160285 0.08113901337981025 0.030062100738923243 0.02232317458121096 -0.019467026670423066 0.005856264131282 0.6847752536812277 1.1057728366606845 1.5205792787139698 1.5460897164070377 1.9647936401665547 1.88895216382099 2.0623041097537067 2.03991949893898 1.9090733718310366 +33157,1.7341736406667796,1,0.46653753603379583 0.3303324356580913 0.2173441137555148 0.13221592602069726 0.1074513623160285 0.08113901337981025 0.030062100738923243 0.02232317458121096 -0.019467026670423066 0.005856264131282 0.6847752536812277 1.1057728366606845 1.5205792787139698 1.5460897164070377 1.9647936401665547 1.88895216382099 2.0623041097537067 2.03991949893898 1.9090733718310366 1.7821549828445853 +33158,1.837875251180103,1,0.3303324356580913 0.2173441137555148 0.13221592602069726 0.1074513623160285 0.08113901337981025 0.030062100738923243 0.02232317458121096 -0.019467026670423066 0.005856264131282 0.6847752536812277 1.1057728366606845 1.5205792787139698 1.5460897164070377 1.9647936401665547 1.88895216382099 2.0623041097537067 2.03991949893898 1.9090733718310366 1.7821549828445853 1.7341736406667796 +33159,1.034574716009742,1,0.2173441137555148 0.13221592602069726 0.1074513623160285 0.08113901337981025 0.030062100738923243 0.02232317458121096 -0.019467026670423066 0.005856264131282 0.6847752536812277 1.1057728366606845 1.5205792787139698 1.5460897164070377 1.9647936401665547 1.88895216382099 2.0623041097537067 2.03991949893898 1.9090733718310366 1.7821549828445853 1.7341736406667796 1.837875251180103 +33160,1.034574716009742,1,0.13221592602069726 0.1074513623160285 0.08113901337981025 0.030062100738923243 0.02232317458121096 -0.019467026670423066 0.005856264131282 0.6847752536812277 1.1057728366606845 1.5205792787139698 1.5460897164070377 1.9647936401665547 1.88895216382099 2.0623041097537067 2.03991949893898 1.9090733718310366 1.7821549828445853 1.7341736406667796 1.837875251180103 1.034574716009742 +33161,-0.11217936203980235,1,0.1074513623160285 0.08113901337981025 0.030062100738923243 0.02232317458121096 -0.019467026670423066 0.005856264131282 0.6847752536812277 1.1057728366606845 1.5205792787139698 1.5460897164070377 1.9647936401665547 1.88895216382099 2.0623041097537067 2.03991949893898 1.9090733718310366 1.7821549828445853 1.7341736406667796 1.837875251180103 1.034574716009742 1.034574716009742 +33162,-0.11217936203980235,1,0.08113901337981025 0.030062100738923243 0.02232317458121096 -0.019467026670423066 0.005856264131282 0.6847752536812277 1.1057728366606845 1.5205792787139698 1.5460897164070377 1.9647936401665547 1.88895216382099 2.0623041097537067 2.03991949893898 1.9090733718310366 1.7821549828445853 1.7341736406667796 1.837875251180103 1.034574716009742 1.034574716009742 -0.11217936203980235 +33163,-0.11217936203980235,1,0.030062100738923243 0.02232317458121096 -0.019467026670423066 0.005856264131282 0.6847752536812277 1.1057728366606845 1.5205792787139698 1.5460897164070377 1.9647936401665547 1.88895216382099 2.0623041097537067 2.03991949893898 1.9090733718310366 1.7821549828445853 1.7341736406667796 1.837875251180103 1.034574716009742 1.034574716009742 -0.11217936203980235 -0.11217936203980235 +33164,-0.5478809047189046,1,0.02232317458121096 -0.019467026670423066 0.005856264131282 0.6847752536812277 1.1057728366606845 1.5205792787139698 1.5460897164070377 1.9647936401665547 1.88895216382099 2.0623041097537067 2.03991949893898 1.9090733718310366 1.7821549828445853 1.7341736406667796 1.837875251180103 1.034574716009742 1.034574716009742 -0.11217936203980235 -0.11217936203980235 -0.11217936203980235 +33165,-0.5478809047189046,1,-0.019467026670423066 0.005856264131282 0.6847752536812277 1.1057728366606845 1.5205792787139698 1.5460897164070377 1.9647936401665547 1.88895216382099 2.0623041097537067 2.03991949893898 1.9090733718310366 1.7821549828445853 1.7341736406667796 1.837875251180103 1.034574716009742 1.034574716009742 -0.11217936203980235 -0.11217936203980235 -0.11217936203980235 -0.5478809047189046 +33166,-0.5478809047189046,1,0.005856264131282 0.6847752536812277 1.1057728366606845 1.5205792787139698 1.5460897164070377 1.9647936401665547 1.88895216382099 2.0623041097537067 2.03991949893898 1.9090733718310366 1.7821549828445853 1.7341736406667796 1.837875251180103 1.034574716009742 1.034574716009742 -0.11217936203980235 -0.11217936203980235 -0.11217936203980235 -0.5478809047189046 -0.5478809047189046 +33167,-0.819362434331384,1,0.6847752536812277 1.1057728366606845 1.5205792787139698 1.5460897164070377 1.9647936401665547 1.88895216382099 2.0623041097537067 2.03991949893898 1.9090733718310366 1.7821549828445853 1.7341736406667796 1.837875251180103 1.034574716009742 1.034574716009742 -0.11217936203980235 -0.11217936203980235 -0.11217936203980235 -0.5478809047189046 -0.5478809047189046 -0.5478809047189046 +33168,-0.819362434331384,1,1.1057728366606845 1.5205792787139698 1.5460897164070377 1.9647936401665547 1.88895216382099 2.0623041097537067 2.03991949893898 1.9090733718310366 1.7821549828445853 1.7341736406667796 1.837875251180103 1.034574716009742 1.034574716009742 -0.11217936203980235 -0.11217936203980235 -0.11217936203980235 -0.5478809047189046 -0.5478809047189046 -0.5478809047189046 -0.819362434331384 +33169,-0.819362434331384,1,1.5205792787139698 1.5460897164070377 1.9647936401665547 1.88895216382099 2.0623041097537067 2.03991949893898 1.9090733718310366 1.7821549828445853 1.7341736406667796 1.837875251180103 1.034574716009742 1.034574716009742 -0.11217936203980235 -0.11217936203980235 -0.11217936203980235 -0.5478809047189046 -0.5478809047189046 -0.5478809047189046 -0.819362434331384 -0.819362434331384 +33170,0.28978046259168805,1,1.5460897164070377 1.9647936401665547 1.88895216382099 2.0623041097537067 2.03991949893898 1.9090733718310366 1.7821549828445853 1.7341736406667796 1.837875251180103 1.034574716009742 1.034574716009742 -0.11217936203980235 -0.11217936203980235 -0.11217936203980235 -0.5478809047189046 -0.5478809047189046 -0.5478809047189046 -0.819362434331384 -0.819362434331384 -0.819362434331384 +33171,0.28978046259168805,1,1.9647936401665547 1.88895216382099 2.0623041097537067 2.03991949893898 1.9090733718310366 1.7821549828445853 1.7341736406667796 1.837875251180103 1.034574716009742 1.034574716009742 -0.11217936203980235 -0.11217936203980235 -0.11217936203980235 -0.5478809047189046 -0.5478809047189046 -0.5478809047189046 -0.819362434331384 -0.819362434331384 -0.819362434331384 0.28978046259168805 +33172,0.28978046259168805,1,1.88895216382099 2.0623041097537067 2.03991949893898 1.9090733718310366 1.7821549828445853 1.7341736406667796 1.837875251180103 1.034574716009742 1.034574716009742 -0.11217936203980235 -0.11217936203980235 -0.11217936203980235 -0.5478809047189046 -0.5478809047189046 -0.5478809047189046 -0.819362434331384 -0.819362434331384 -0.819362434331384 0.28978046259168805 0.28978046259168805 +33173,1.5229009565612808,1,2.0623041097537067 2.03991949893898 1.9090733718310366 1.7821549828445853 1.7341736406667796 1.837875251180103 1.034574716009742 1.034574716009742 -0.11217936203980235 -0.11217936203980235 -0.11217936203980235 -0.5478809047189046 -0.5478809047189046 -0.5478809047189046 -0.819362434331384 -0.819362434331384 -0.819362434331384 0.28978046259168805 0.28978046259168805 0.28978046259168805 +33174,1.5229009565612808,1,2.03991949893898 1.9090733718310366 1.7821549828445853 1.7341736406667796 1.837875251180103 1.034574716009742 1.034574716009742 -0.11217936203980235 -0.11217936203980235 -0.11217936203980235 -0.5478809047189046 -0.5478809047189046 -0.5478809047189046 -0.819362434331384 -0.819362434331384 -0.819362434331384 0.28978046259168805 0.28978046259168805 0.28978046259168805 1.5229009565612808 +33175,1.5229009565612808,1,1.9090733718310366 1.7821549828445853 1.7341736406667796 1.837875251180103 1.034574716009742 1.034574716009742 -0.11217936203980235 -0.11217936203980235 -0.11217936203980235 -0.5478809047189046 -0.5478809047189046 -0.5478809047189046 -0.819362434331384 -0.819362434331384 -0.819362434331384 0.28978046259168805 0.28978046259168805 0.28978046259168805 1.5229009565612808 1.5229009565612808 +33176,1.9360048348598748,1,1.7821549828445853 1.7341736406667796 1.837875251180103 1.034574716009742 1.034574716009742 -0.11217936203980235 -0.11217936203980235 -0.11217936203980235 -0.5478809047189046 -0.5478809047189046 -0.5478809047189046 -0.819362434331384 -0.819362434331384 -0.819362434331384 0.28978046259168805 0.28978046259168805 0.28978046259168805 1.5229009565612808 1.5229009565612808 1.5229009565612808 +33177,1.9360048348598748,1,1.7341736406667796 1.837875251180103 1.034574716009742 1.034574716009742 -0.11217936203980235 -0.11217936203980235 -0.11217936203980235 -0.5478809047189046 -0.5478809047189046 -0.5478809047189046 -0.819362434331384 -0.819362434331384 -0.819362434331384 0.28978046259168805 0.28978046259168805 0.28978046259168805 1.5229009565612808 1.5229009565612808 1.5229009565612808 1.9360048348598748 +33178,1.9360048348598748,1,1.837875251180103 1.034574716009742 1.034574716009742 -0.11217936203980235 -0.11217936203980235 -0.11217936203980235 -0.5478809047189046 -0.5478809047189046 -0.5478809047189046 -0.819362434331384 -0.819362434331384 -0.819362434331384 0.28978046259168805 0.28978046259168805 0.28978046259168805 1.5229009565612808 1.5229009565612808 1.5229009565612808 1.9360048348598748 1.9360048348598748 +33179,1.9019535597659443,1,1.034574716009742 1.034574716009742 -0.11217936203980235 -0.11217936203980235 -0.11217936203980235 -0.5478809047189046 -0.5478809047189046 -0.5478809047189046 -0.819362434331384 -0.819362434331384 -0.819362434331384 0.28978046259168805 0.28978046259168805 0.28978046259168805 1.5229009565612808 1.5229009565612808 1.5229009565612808 1.9360048348598748 1.9360048348598748 1.9360048348598748 +33180,1.9019535597659443,1,1.034574716009742 -0.11217936203980235 -0.11217936203980235 -0.11217936203980235 -0.5478809047189046 -0.5478809047189046 -0.5478809047189046 -0.819362434331384 -0.819362434331384 -0.819362434331384 0.28978046259168805 0.28978046259168805 0.28978046259168805 1.5229009565612808 1.5229009565612808 1.5229009565612808 1.9360048348598748 1.9360048348598748 1.9360048348598748 1.9019535597659443 +33181,1.9019535597659443,1,-0.11217936203980235 -0.11217936203980235 -0.11217936203980235 -0.5478809047189046 -0.5478809047189046 -0.5478809047189046 -0.819362434331384 -0.819362434331384 -0.819362434331384 0.28978046259168805 0.28978046259168805 0.28978046259168805 1.5229009565612808 1.5229009565612808 1.5229009565612808 1.9360048348598748 1.9360048348598748 1.9360048348598748 1.9019535597659443 1.9019535597659443 +33182,1.1180003399898684,1,-0.11217936203980235 -0.11217936203980235 -0.5478809047189046 -0.5478809047189046 -0.5478809047189046 -0.819362434331384 -0.819362434331384 -0.819362434331384 0.28978046259168805 0.28978046259168805 0.28978046259168805 1.5229009565612808 1.5229009565612808 1.5229009565612808 1.9360048348598748 1.9360048348598748 1.9360048348598748 1.9019535597659443 1.9019535597659443 1.9019535597659443 +33183,1.1180003399898684,1,-0.11217936203980235 -0.5478809047189046 -0.5478809047189046 -0.5478809047189046 -0.819362434331384 -0.819362434331384 -0.819362434331384 0.28978046259168805 0.28978046259168805 0.28978046259168805 1.5229009565612808 1.5229009565612808 1.5229009565612808 1.9360048348598748 1.9360048348598748 1.9360048348598748 1.9019535597659443 1.9019535597659443 1.9019535597659443 1.1180003399898684 +33184,1.1180003399898684,1,-0.5478809047189046 -0.5478809047189046 -0.5478809047189046 -0.819362434331384 -0.819362434331384 -0.819362434331384 0.28978046259168805 0.28978046259168805 0.28978046259168805 1.5229009565612808 1.5229009565612808 1.5229009565612808 1.9360048348598748 1.9360048348598748 1.9360048348598748 1.9019535597659443 1.9019535597659443 1.9019535597659443 1.1180003399898684 1.1180003399898684 +33185,-0.06280501315360658,1,-0.5478809047189046 -0.5478809047189046 -0.819362434331384 -0.819362434331384 -0.819362434331384 0.28978046259168805 0.28978046259168805 0.28978046259168805 1.5229009565612808 1.5229009565612808 1.5229009565612808 1.9360048348598748 1.9360048348598748 1.9360048348598748 1.9019535597659443 1.9019535597659443 1.9019535597659443 1.1180003399898684 1.1180003399898684 1.1180003399898684 +33186,-0.06280501315360658,1,-0.5478809047189046 -0.819362434331384 -0.819362434331384 -0.819362434331384 0.28978046259168805 0.28978046259168805 0.28978046259168805 1.5229009565612808 1.5229009565612808 1.5229009565612808 1.9360048348598748 1.9360048348598748 1.9360048348598748 1.9019535597659443 1.9019535597659443 1.9019535597659443 1.1180003399898684 1.1180003399898684 1.1180003399898684 -0.06280501315360658 +33187,-0.06280501315360658,1,-0.819362434331384 -0.819362434331384 -0.819362434331384 0.28978046259168805 0.28978046259168805 0.28978046259168805 1.5229009565612808 1.5229009565612808 1.5229009565612808 1.9360048348598748 1.9360048348598748 1.9360048348598748 1.9019535597659443 1.9019535597659443 1.9019535597659443 1.1180003399898684 1.1180003399898684 1.1180003399898684 -0.06280501315360658 -0.06280501315360658 +33188,-0.47931401896158304,1,-0.819362434331384 -0.819362434331384 0.28978046259168805 0.28978046259168805 0.28978046259168805 1.5229009565612808 1.5229009565612808 1.5229009565612808 1.9360048348598748 1.9360048348598748 1.9360048348598748 1.9019535597659443 1.9019535597659443 1.9019535597659443 1.1180003399898684 1.1180003399898684 1.1180003399898684 -0.06280501315360658 -0.06280501315360658 -0.06280501315360658 +33189,-0.47931401896158304,1,-0.819362434331384 0.28978046259168805 0.28978046259168805 0.28978046259168805 1.5229009565612808 1.5229009565612808 1.5229009565612808 1.9360048348598748 1.9360048348598748 1.9360048348598748 1.9019535597659443 1.9019535597659443 1.9019535597659443 1.1180003399898684 1.1180003399898684 1.1180003399898684 -0.06280501315360658 -0.06280501315360658 -0.06280501315360658 -0.47931401896158304 +33190,-0.47931401896158304,1,0.28978046259168805 0.28978046259168805 0.28978046259168805 1.5229009565612808 1.5229009565612808 1.5229009565612808 1.9360048348598748 1.9360048348598748 1.9360048348598748 1.9019535597659443 1.9019535597659443 1.9019535597659443 1.1180003399898684 1.1180003399898684 1.1180003399898684 -0.06280501315360658 -0.06280501315360658 -0.06280501315360658 -0.47931401896158304 -0.47931401896158304 +33191,-0.7277335486240938,1,0.28978046259168805 0.28978046259168805 1.5229009565612808 1.5229009565612808 1.5229009565612808 1.9360048348598748 1.9360048348598748 1.9360048348598748 1.9019535597659443 1.9019535597659443 1.9019535597659443 1.1180003399898684 1.1180003399898684 1.1180003399898684 -0.06280501315360658 -0.06280501315360658 -0.06280501315360658 -0.47931401896158304 -0.47931401896158304 -0.47931401896158304 +33192,-0.7277335486240938,1,0.28978046259168805 1.5229009565612808 1.5229009565612808 1.5229009565612808 1.9360048348598748 1.9360048348598748 1.9360048348598748 1.9019535597659443 1.9019535597659443 1.9019535597659443 1.1180003399898684 1.1180003399898684 1.1180003399898684 -0.06280501315360658 -0.06280501315360658 -0.06280501315360658 -0.47931401896158304 -0.47931401896158304 -0.47931401896158304 -0.7277335486240938 +33193,0.267182798211171,1,1.5229009565612808 1.5229009565612808 1.5229009565612808 1.9360048348598748 1.9360048348598748 1.9360048348598748 1.9019535597659443 1.9019535597659443 1.9019535597659443 1.1180003399898684 1.1180003399898684 1.1180003399898684 -0.06280501315360658 -0.06280501315360658 -0.06280501315360658 -0.47931401896158304 -0.47931401896158304 -0.47931401896158304 -0.7277335486240938 -0.7277335486240938 +33194,0.267182798211171,1,1.5229009565612808 1.5229009565612808 1.9360048348598748 1.9360048348598748 1.9360048348598748 1.9019535597659443 1.9019535597659443 1.9019535597659443 1.1180003399898684 1.1180003399898684 1.1180003399898684 -0.06280501315360658 -0.06280501315360658 -0.06280501315360658 -0.47931401896158304 -0.47931401896158304 -0.47931401896158304 -0.7277335486240938 -0.7277335486240938 0.267182798211171 +33195,0.267182798211171,1,1.5229009565612808 1.9360048348598748 1.9360048348598748 1.9360048348598748 1.9019535597659443 1.9019535597659443 1.9019535597659443 1.1180003399898684 1.1180003399898684 1.1180003399898684 -0.06280501315360658 -0.06280501315360658 -0.06280501315360658 -0.47931401896158304 -0.47931401896158304 -0.47931401896158304 -0.7277335486240938 -0.7277335486240938 0.267182798211171 0.267182798211171 +33196,0.267182798211171,1,1.9360048348598748 1.9360048348598748 1.9360048348598748 1.9019535597659443 1.9019535597659443 1.9019535597659443 1.1180003399898684 1.1180003399898684 1.1180003399898684 -0.06280501315360658 -0.06280501315360658 -0.06280501315360658 -0.47931401896158304 -0.47931401896158304 -0.47931401896158304 -0.7277335486240938 -0.7277335486240938 0.267182798211171 0.267182798211171 0.267182798211171 +33197,1.3774091447963233,1,1.9360048348598748 1.9360048348598748 1.9019535597659443 1.9019535597659443 1.9019535597659443 1.1180003399898684 1.1180003399898684 1.1180003399898684 -0.06280501315360658 -0.06280501315360658 -0.06280501315360658 -0.47931401896158304 -0.47931401896158304 -0.47931401896158304 -0.7277335486240938 -0.7277335486240938 0.267182798211171 0.267182798211171 0.267182798211171 0.267182798211171 +33198,1.3774091447963233,1,1.9360048348598748 1.9019535597659443 1.9019535597659443 1.9019535597659443 1.1180003399898684 1.1180003399898684 1.1180003399898684 -0.06280501315360658 -0.06280501315360658 -0.06280501315360658 -0.47931401896158304 -0.47931401896158304 -0.47931401896158304 -0.7277335486240938 -0.7277335486240938 0.267182798211171 0.267182798211171 0.267182798211171 0.267182798211171 1.3774091447963233 +33199,1.8474715196156573,1,1.9019535597659443 1.9019535597659443 1.9019535597659443 1.1180003399898684 1.1180003399898684 1.1180003399898684 -0.06280501315360658 -0.06280501315360658 -0.06280501315360658 -0.47931401896158304 -0.47931401896158304 -0.47931401896158304 -0.7277335486240938 -0.7277335486240938 0.267182798211171 0.267182798211171 0.267182798211171 0.267182798211171 1.3774091447963233 1.3774091447963233 +33200,1.8474715196156573,1,1.9019535597659443 1.9019535597659443 1.1180003399898684 1.1180003399898684 1.1180003399898684 -0.06280501315360658 -0.06280501315360658 -0.06280501315360658 -0.47931401896158304 -0.47931401896158304 -0.47931401896158304 -0.7277335486240938 -0.7277335486240938 0.267182798211171 0.267182798211171 0.267182798211171 0.267182798211171 1.3774091447963233 1.3774091447963233 1.8474715196156573 +33201,1.8474715196156573,1,1.9019535597659443 1.1180003399898684 1.1180003399898684 1.1180003399898684 -0.06280501315360658 -0.06280501315360658 -0.06280501315360658 -0.47931401896158304 -0.47931401896158304 -0.47931401896158304 -0.7277335486240938 -0.7277335486240938 0.267182798211171 0.267182798211171 0.267182798211171 0.267182798211171 1.3774091447963233 1.3774091447963233 1.8474715196156573 1.8474715196156573 +33202,1.8474715196156573,1,1.1180003399898684 1.1180003399898684 1.1180003399898684 -0.06280501315360658 -0.06280501315360658 -0.06280501315360658 -0.47931401896158304 -0.47931401896158304 -0.47931401896158304 -0.7277335486240938 -0.7277335486240938 0.267182798211171 0.267182798211171 0.267182798211171 0.267182798211171 1.3774091447963233 1.3774091447963233 1.8474715196156573 1.8474715196156573 1.8474715196156573 +33203,1.8007284056230912,1,1.1180003399898684 1.1180003399898684 -0.06280501315360658 -0.06280501315360658 -0.06280501315360658 -0.47931401896158304 -0.47931401896158304 -0.47931401896158304 -0.7277335486240938 -0.7277335486240938 0.267182798211171 0.267182798211171 0.267182798211171 0.267182798211171 1.3774091447963233 1.3774091447963233 1.8474715196156573 1.8474715196156573 1.8474715196156573 1.8474715196156573 +33204,1.8007284056230912,1,1.1180003399898684 -0.06280501315360658 -0.06280501315360658 -0.06280501315360658 -0.47931401896158304 -0.47931401896158304 -0.47931401896158304 -0.7277335486240938 -0.7277335486240938 0.267182798211171 0.267182798211171 0.267182798211171 0.267182798211171 1.3774091447963233 1.3774091447963233 1.8474715196156573 1.8474715196156573 1.8474715196156573 1.8474715196156573 1.8007284056230912 +33205,1.8007284056230912,1,-0.06280501315360658 -0.06280501315360658 -0.06280501315360658 -0.47931401896158304 -0.47931401896158304 -0.47931401896158304 -0.7277335486240938 -0.7277335486240938 0.267182798211171 0.267182798211171 0.267182798211171 0.267182798211171 1.3774091447963233 1.3774091447963233 1.8474715196156573 1.8474715196156573 1.8474715196156573 1.8474715196156573 1.8007284056230912 1.8007284056230912 +33206,1.048504783093626,1,-0.06280501315360658 -0.06280501315360658 -0.47931401896158304 -0.47931401896158304 -0.47931401896158304 -0.7277335486240938 -0.7277335486240938 0.267182798211171 0.267182798211171 0.267182798211171 0.267182798211171 1.3774091447963233 1.3774091447963233 1.8474715196156573 1.8474715196156573 1.8474715196156573 1.8474715196156573 1.8007284056230912 1.8007284056230912 1.8007284056230912 +33207,1.048504783093626,1,-0.06280501315360658 -0.47931401896158304 -0.47931401896158304 -0.47931401896158304 -0.7277335486240938 -0.7277335486240938 0.267182798211171 0.267182798211171 0.267182798211171 0.267182798211171 1.3774091447963233 1.3774091447963233 1.8474715196156573 1.8474715196156573 1.8474715196156573 1.8474715196156573 1.8007284056230912 1.8007284056230912 1.8007284056230912 1.048504783093626 +33208,1.048504783093626,1,-0.47931401896158304 -0.47931401896158304 -0.47931401896158304 -0.7277335486240938 -0.7277335486240938 0.267182798211171 0.267182798211171 0.267182798211171 0.267182798211171 1.3774091447963233 1.3774091447963233 1.8474715196156573 1.8474715196156573 1.8474715196156573 1.8474715196156573 1.8007284056230912 1.8007284056230912 1.8007284056230912 1.048504783093626 1.048504783093626 +33209,0.001428073955393946,1,-0.47931401896158304 -0.47931401896158304 -0.7277335486240938 -0.7277335486240938 0.267182798211171 0.267182798211171 0.267182798211171 0.267182798211171 1.3774091447963233 1.3774091447963233 1.8474715196156573 1.8474715196156573 1.8474715196156573 1.8474715196156573 1.8007284056230912 1.8007284056230912 1.8007284056230912 1.048504783093626 1.048504783093626 1.048504783093626 +33210,0.001428073955393946,1,-0.47931401896158304 -0.7277335486240938 -0.7277335486240938 0.267182798211171 0.267182798211171 0.267182798211171 0.267182798211171 1.3774091447963233 1.3774091447963233 1.8474715196156573 1.8474715196156573 1.8474715196156573 1.8474715196156573 1.8007284056230912 1.8007284056230912 1.8007284056230912 1.048504783093626 1.048504783093626 1.048504783093626 0.001428073955393946 +33211,0.001428073955393946,1,-0.7277335486240938 -0.7277335486240938 0.267182798211171 0.267182798211171 0.267182798211171 0.267182798211171 1.3774091447963233 1.3774091447963233 1.8474715196156573 1.8474715196156573 1.8474715196156573 1.8474715196156573 1.8007284056230912 1.8007284056230912 1.8007284056230912 1.048504783093626 1.048504783093626 1.048504783093626 0.001428073955393946 0.001428073955393946 +33212,-0.3960431735046161,1,-0.7277335486240938 0.267182798211171 0.267182798211171 0.267182798211171 0.267182798211171 1.3774091447963233 1.3774091447963233 1.8474715196156573 1.8474715196156573 1.8474715196156573 1.8474715196156573 1.8007284056230912 1.8007284056230912 1.8007284056230912 1.048504783093626 1.048504783093626 1.048504783093626 0.001428073955393946 0.001428073955393946 0.001428073955393946 +33213,-0.3960431735046161,1,0.267182798211171 0.267182798211171 0.267182798211171 0.267182798211171 1.3774091447963233 1.3774091447963233 1.8474715196156573 1.8474715196156573 1.8474715196156573 1.8474715196156573 1.8007284056230912 1.8007284056230912 1.8007284056230912 1.048504783093626 1.048504783093626 1.048504783093626 0.001428073955393946 0.001428073955393946 0.001428073955393946 -0.3960431735046161 +33214,-0.3960431735046161,1,0.267182798211171 0.267182798211171 0.267182798211171 1.3774091447963233 1.3774091447963233 1.8474715196156573 1.8474715196156573 1.8474715196156573 1.8474715196156573 1.8007284056230912 1.8007284056230912 1.8007284056230912 1.048504783093626 1.048504783093626 1.048504783093626 0.001428073955393946 0.001428073955393946 0.001428073955393946 -0.3960431735046161 -0.3960431735046161 +33215,-0.6367237770094145,1,0.267182798211171 0.267182798211171 1.3774091447963233 1.3774091447963233 1.8474715196156573 1.8474715196156573 1.8474715196156573 1.8474715196156573 1.8007284056230912 1.8007284056230912 1.8007284056230912 1.048504783093626 1.048504783093626 1.048504783093626 0.001428073955393946 0.001428073955393946 0.001428073955393946 -0.3960431735046161 -0.3960431735046161 -0.3960431735046161 +33216,-0.6367237770094145,1,0.267182798211171 1.3774091447963233 1.3774091447963233 1.8474715196156573 1.8474715196156573 1.8474715196156573 1.8474715196156573 1.8007284056230912 1.8007284056230912 1.8007284056230912 1.048504783093626 1.048504783093626 1.048504783093626 0.001428073955393946 0.001428073955393946 0.001428073955393946 -0.3960431735046161 -0.3960431735046161 -0.3960431735046161 -0.6367237770094145 +33217,-0.6367237770094145,1,1.3774091447963233 1.3774091447963233 1.8474715196156573 1.8474715196156573 1.8474715196156573 1.8474715196156573 1.8007284056230912 1.8007284056230912 1.8007284056230912 1.048504783093626 1.048504783093626 1.048504783093626 0.001428073955393946 0.001428073955393946 0.001428073955393946 -0.3960431735046161 -0.3960431735046161 -0.3960431735046161 -0.6367237770094145 -0.6367237770094145 +33218,0.18298328161528316,1,1.3774091447963233 1.8474715196156573 1.8474715196156573 1.8474715196156573 1.8474715196156573 1.8007284056230912 1.8007284056230912 1.8007284056230912 1.048504783093626 1.048504783093626 1.048504783093626 0.001428073955393946 0.001428073955393946 0.001428073955393946 -0.3960431735046161 -0.3960431735046161 -0.3960431735046161 -0.6367237770094145 -0.6367237770094145 -0.6367237770094145 +33219,0.18298328161528316,1,1.8474715196156573 1.8474715196156573 1.8474715196156573 1.8474715196156573 1.8007284056230912 1.8007284056230912 1.8007284056230912 1.048504783093626 1.048504783093626 1.048504783093626 0.001428073955393946 0.001428073955393946 0.001428073955393946 -0.3960431735046161 -0.3960431735046161 -0.3960431735046161 -0.6367237770094145 -0.6367237770094145 -0.6367237770094145 0.18298328161528316 +33220,0.18298328161528316,1,1.8474715196156573 1.8474715196156573 1.8474715196156573 1.8007284056230912 1.8007284056230912 1.8007284056230912 1.048504783093626 1.048504783093626 1.048504783093626 0.001428073955393946 0.001428073955393946 0.001428073955393946 -0.3960431735046161 -0.3960431735046161 -0.3960431735046161 -0.6367237770094145 -0.6367237770094145 -0.6367237770094145 0.18298328161528316 0.18298328161528316 +33221,1.2642660443705962,1,1.8474715196156573 1.8474715196156573 1.8007284056230912 1.8007284056230912 1.8007284056230912 1.048504783093626 1.048504783093626 1.048504783093626 0.001428073955393946 0.001428073955393946 0.001428073955393946 -0.3960431735046161 -0.3960431735046161 -0.3960431735046161 -0.6367237770094145 -0.6367237770094145 -0.6367237770094145 0.18298328161528316 0.18298328161528316 0.18298328161528316 +33222,1.2642660443705962,1,1.8474715196156573 1.8007284056230912 1.8007284056230912 1.8007284056230912 1.048504783093626 1.048504783093626 1.048504783093626 0.001428073955393946 0.001428073955393946 0.001428073955393946 -0.3960431735046161 -0.3960431735046161 -0.3960431735046161 -0.6367237770094145 -0.6367237770094145 -0.6367237770094145 0.18298328161528316 0.18298328161528316 0.18298328161528316 1.2642660443705962 +33223,1.2642660443705962,1,1.8007284056230912 1.8007284056230912 1.8007284056230912 1.048504783093626 1.048504783093626 1.048504783093626 0.001428073955393946 0.001428073955393946 0.001428073955393946 -0.3960431735046161 -0.3960431735046161 -0.3960431735046161 -0.6367237770094145 -0.6367237770094145 -0.6367237770094145 0.18298328161528316 0.18298328161528316 0.18298328161528316 1.2642660443705962 1.2642660443705962 +33224,1.7445438017181127,1,1.8007284056230912 1.8007284056230912 1.048504783093626 1.048504783093626 1.048504783093626 0.001428073955393946 0.001428073955393946 0.001428073955393946 -0.3960431735046161 -0.3960431735046161 -0.3960431735046161 -0.6367237770094145 -0.6367237770094145 -0.6367237770094145 0.18298328161528316 0.18298328161528316 0.18298328161528316 1.2642660443705962 1.2642660443705962 1.2642660443705962 +33225,1.7445438017181127,1,1.8007284056230912 1.048504783093626 1.048504783093626 1.048504783093626 0.001428073955393946 0.001428073955393946 0.001428073955393946 -0.3960431735046161 -0.3960431735046161 -0.3960431735046161 -0.6367237770094145 -0.6367237770094145 -0.6367237770094145 0.18298328161528316 0.18298328161528316 0.18298328161528316 1.2642660443705962 1.2642660443705962 1.2642660443705962 1.7445438017181127 +33226,1.7445438017181127,1,1.048504783093626 1.048504783093626 1.048504783093626 0.001428073955393946 0.001428073955393946 0.001428073955393946 -0.3960431735046161 -0.3960431735046161 -0.3960431735046161 -0.6367237770094145 -0.6367237770094145 -0.6367237770094145 0.18298328161528316 0.18298328161528316 0.18298328161528316 1.2642660443705962 1.2642660443705962 1.2642660443705962 1.7445438017181127 1.7445438017181127 +33227,1.7022892648970096,1,1.048504783093626 1.048504783093626 0.001428073955393946 0.001428073955393946 0.001428073955393946 -0.3960431735046161 -0.3960431735046161 -0.3960431735046161 -0.6367237770094145 -0.6367237770094145 -0.6367237770094145 0.18298328161528316 0.18298328161528316 0.18298328161528316 1.2642660443705962 1.2642660443705962 1.2642660443705962 1.7445438017181127 1.7445438017181127 1.7445438017181127 +33228,1.7022892648970096,1,1.048504783093626 0.001428073955393946 0.001428073955393946 0.001428073955393946 -0.3960431735046161 -0.3960431735046161 -0.3960431735046161 -0.6367237770094145 -0.6367237770094145 -0.6367237770094145 0.18298328161528316 0.18298328161528316 0.18298328161528316 1.2642660443705962 1.2642660443705962 1.2642660443705962 1.7445438017181127 1.7445438017181127 1.7445438017181127 1.7022892648970096 +33229,1.7022892648970096,1,0.001428073955393946 0.001428073955393946 0.001428073955393946 -0.3960431735046161 -0.3960431735046161 -0.3960431735046161 -0.6367237770094145 -0.6367237770094145 -0.6367237770094145 0.18298328161528316 0.18298328161528316 0.18298328161528316 1.2642660443705962 1.2642660443705962 1.2642660443705962 1.7445438017181127 1.7445438017181127 1.7445438017181127 1.7022892648970096 1.7022892648970096 +33230,0.9913915080497179,1,0.001428073955393946 0.001428073955393946 -0.3960431735046161 -0.3960431735046161 -0.3960431735046161 -0.6367237770094145 -0.6367237770094145 -0.6367237770094145 0.18298328161528316 0.18298328161528316 0.18298328161528316 1.2642660443705962 1.2642660443705962 1.2642660443705962 1.7445438017181127 1.7445438017181127 1.7445438017181127 1.7022892648970096 1.7022892648970096 1.7022892648970096 +33231,0.9913915080497179,1,0.001428073955393946 -0.3960431735046161 -0.3960431735046161 -0.3960431735046161 -0.6367237770094145 -0.6367237770094145 -0.6367237770094145 0.18298328161528316 0.18298328161528316 0.18298328161528316 1.2642660443705962 1.2642660443705962 1.2642660443705962 1.7445438017181127 1.7445438017181127 1.7445438017181127 1.7022892648970096 1.7022892648970096 1.7022892648970096 0.9913915080497179 +33232,0.9913915080497179,1,-0.3960431735046161 -0.3960431735046161 -0.3960431735046161 -0.6367237770094145 -0.6367237770094145 -0.6367237770094145 0.18298328161528316 0.18298328161528316 0.18298328161528316 1.2642660443705962 1.2642660443705962 1.2642660443705962 1.7445438017181127 1.7445438017181127 1.7445438017181127 1.7022892648970096 1.7022892648970096 1.7022892648970096 0.9913915080497179 0.9913915080497179 +33233,-0.1646492813890795,1,-0.3960431735046161 -0.3960431735046161 -0.6367237770094145 -0.6367237770094145 -0.6367237770094145 0.18298328161528316 0.18298328161528316 0.18298328161528316 1.2642660443705962 1.2642660443705962 1.2642660443705962 1.7445438017181127 1.7445438017181127 1.7445438017181127 1.7022892648970096 1.7022892648970096 1.7022892648970096 0.9913915080497179 0.9913915080497179 0.9913915080497179 +33234,-0.1646492813890795,1,-0.3960431735046161 -0.6367237770094145 -0.6367237770094145 -0.6367237770094145 0.18298328161528316 0.18298328161528316 0.18298328161528316 1.2642660443705962 1.2642660443705962 1.2642660443705962 1.7445438017181127 1.7445438017181127 1.7445438017181127 1.7022892648970096 1.7022892648970096 1.7022892648970096 0.9913915080497179 0.9913915080497179 0.9913915080497179 -0.1646492813890795 +33235,-0.1646492813890795,1,-0.6367237770094145 -0.6367237770094145 -0.6367237770094145 0.18298328161528316 0.18298328161528316 0.18298328161528316 1.2642660443705962 1.2642660443705962 1.2642660443705962 1.7445438017181127 1.7445438017181127 1.7445438017181127 1.7022892648970096 1.7022892648970096 1.7022892648970096 0.9913915080497179 0.9913915080497179 0.9913915080497179 -0.1646492813890795 -0.1646492813890795 +33236,-0.6693820453949637,1,-0.6367237770094145 -0.6367237770094145 0.18298328161528316 0.18298328161528316 0.18298328161528316 1.2642660443705962 1.2642660443705962 1.2642660443705962 1.7445438017181127 1.7445438017181127 1.7445438017181127 1.7022892648970096 1.7022892648970096 1.7022892648970096 0.9913915080497179 0.9913915080497179 0.9913915080497179 -0.1646492813890795 -0.1646492813890795 -0.1646492813890795 +33237,-0.6693820453949637,1,-0.6367237770094145 0.18298328161528316 0.18298328161528316 0.18298328161528316 1.2642660443705962 1.2642660443705962 1.2642660443705962 1.7445438017181127 1.7445438017181127 1.7445438017181127 1.7022892648970096 1.7022892648970096 1.7022892648970096 0.9913915080497179 0.9913915080497179 0.9913915080497179 -0.1646492813890795 -0.1646492813890795 -0.1646492813890795 -0.6693820453949637 +33238,-0.6693820453949637,1,0.18298328161528316 0.18298328161528316 0.18298328161528316 1.2642660443705962 1.2642660443705962 1.2642660443705962 1.7445438017181127 1.7445438017181127 1.7445438017181127 1.7022892648970096 1.7022892648970096 1.7022892648970096 0.9913915080497179 0.9913915080497179 0.9913915080497179 -0.1646492813890795 -0.1646492813890795 -0.1646492813890795 -0.6693820453949637 -0.6693820453949637 +33239,-0.940244460914832,1,0.18298328161528316 0.18298328161528316 1.2642660443705962 1.2642660443705962 1.2642660443705962 1.7445438017181127 1.7445438017181127 1.7445438017181127 1.7022892648970096 1.7022892648970096 1.7022892648970096 0.9913915080497179 0.9913915080497179 0.9913915080497179 -0.1646492813890795 -0.1646492813890795 -0.1646492813890795 -0.6693820453949637 -0.6693820453949637 -0.6693820453949637 +33240,-0.940244460914832,1,0.18298328161528316 1.2642660443705962 1.2642660443705962 1.2642660443705962 1.7445438017181127 1.7445438017181127 1.7445438017181127 1.7022892648970096 1.7022892648970096 1.7022892648970096 0.9913915080497179 0.9913915080497179 0.9913915080497179 -0.1646492813890795 -0.1646492813890795 -0.1646492813890795 -0.6693820453949637 -0.6693820453949637 -0.6693820453949637 -0.940244460914832 +33241,-0.940244460914832,1,1.2642660443705962 1.2642660443705962 1.2642660443705962 1.7445438017181127 1.7445438017181127 1.7445438017181127 1.7022892648970096 1.7022892648970096 1.7022892648970096 0.9913915080497179 0.9913915080497179 0.9913915080497179 -0.1646492813890795 -0.1646492813890795 -0.1646492813890795 -0.6693820453949637 -0.6693820453949637 -0.6693820453949637 -0.940244460914832 -0.940244460914832 +33242,0.1336089327290874,1,1.2642660443705962 1.2642660443705962 1.7445438017181127 1.7445438017181127 1.7445438017181127 1.7022892648970096 1.7022892648970096 1.7022892648970096 0.9913915080497179 0.9913915080497179 0.9913915080497179 -0.1646492813890795 -0.1646492813890795 -0.1646492813890795 -0.6693820453949637 -0.6693820453949637 -0.6693820453949637 -0.940244460914832 -0.940244460914832 -0.940244460914832 +33243,0.1336089327290874,1,1.2642660443705962 1.7445438017181127 1.7445438017181127 1.7445438017181127 1.7022892648970096 1.7022892648970096 1.7022892648970096 0.9913915080497179 0.9913915080497179 0.9913915080497179 -0.1646492813890795 -0.1646492813890795 -0.1646492813890795 -0.6693820453949637 -0.6693820453949637 -0.6693820453949637 -0.940244460914832 -0.940244460914832 -0.940244460914832 0.1336089327290874 +33244,0.1336089327290874,1,1.7445438017181127 1.7445438017181127 1.7445438017181127 1.7022892648970096 1.7022892648970096 1.7022892648970096 0.9913915080497179 0.9913915080497179 0.9913915080497179 -0.1646492813890795 -0.1646492813890795 -0.1646492813890795 -0.6693820453949637 -0.6693820453949637 -0.6693820453949637 -0.940244460914832 -0.940244460914832 -0.940244460914832 0.1336089327290874 0.1336089327290874 +33245,1.4006259232694513,1,1.7445438017181127 1.7445438017181127 1.7022892648970096 1.7022892648970096 1.7022892648970096 0.9913915080497179 0.9913915080497179 0.9913915080497179 -0.1646492813890795 -0.1646492813890795 -0.1646492813890795 -0.6693820453949637 -0.6693820453949637 -0.6693820453949637 -0.940244460914832 -0.940244460914832 -0.940244460914832 0.1336089327290874 0.1336089327290874 0.1336089327290874 +33246,1.4006259232694513,1,1.7445438017181127 1.7022892648970096 1.7022892648970096 1.7022892648970096 0.9913915080497179 0.9913915080497179 0.9913915080497179 -0.1646492813890795 -0.1646492813890795 -0.1646492813890795 -0.6693820453949637 -0.6693820453949637 -0.6693820453949637 -0.940244460914832 -0.940244460914832 -0.940244460914832 0.1336089327290874 0.1336089327290874 0.1336089327290874 1.4006259232694513 +33247,1.4006259232694513,1,1.7022892648970096 1.7022892648970096 1.7022892648970096 0.9913915080497179 0.9913915080497179 0.9913915080497179 -0.1646492813890795 -0.1646492813890795 -0.1646492813890795 -0.6693820453949637 -0.6693820453949637 -0.6693820453949637 -0.940244460914832 -0.940244460914832 -0.940244460914832 0.1336089327290874 0.1336089327290874 0.1336089327290874 1.4006259232694513 1.4006259232694513 +33248,1.8658901638710126,1,1.7022892648970096 1.7022892648970096 0.9913915080497179 0.9913915080497179 0.9913915080497179 -0.1646492813890795 -0.1646492813890795 -0.1646492813890795 -0.6693820453949637 -0.6693820453949637 -0.6693820453949637 -0.940244460914832 -0.940244460914832 -0.940244460914832 0.1336089327290874 0.1336089327290874 0.1336089327290874 1.4006259232694513 1.4006259232694513 1.4006259232694513 +33249,1.8658901638710126,1,1.7022892648970096 0.9913915080497179 0.9913915080497179 0.9913915080497179 -0.1646492813890795 -0.1646492813890795 -0.1646492813890795 -0.6693820453949637 -0.6693820453949637 -0.6693820453949637 -0.940244460914832 -0.940244460914832 -0.940244460914832 0.1336089327290874 0.1336089327290874 0.1336089327290874 1.4006259232694513 1.4006259232694513 1.4006259232694513 1.8658901638710126 +33250,1.8658901638710126,1,0.9913915080497179 0.9913915080497179 0.9913915080497179 -0.1646492813890795 -0.1646492813890795 -0.1646492813890795 -0.6693820453949637 -0.6693820453949637 -0.6693820453949637 -0.940244460914832 -0.940244460914832 -0.940244460914832 0.1336089327290874 0.1336089327290874 0.1336089327290874 1.4006259232694513 1.4006259232694513 1.4006259232694513 1.8658901638710126 1.8658901638710126 +33251,1.9199078684518305,1,0.9913915080497179 0.9913915080497179 -0.1646492813890795 -0.1646492813890795 -0.1646492813890795 -0.6693820453949637 -0.6693820453949637 -0.6693820453949637 -0.940244460914832 -0.940244460914832 -0.940244460914832 0.1336089327290874 0.1336089327290874 0.1336089327290874 1.4006259232694513 1.4006259232694513 1.4006259232694513 1.8658901638710126 1.8658901638710126 1.8658901638710126 +33252,1.9199078684518305,1,0.9913915080497179 -0.1646492813890795 -0.1646492813890795 -0.1646492813890795 -0.6693820453949637 -0.6693820453949637 -0.6693820453949637 -0.940244460914832 -0.940244460914832 -0.940244460914832 0.1336089327290874 0.1336089327290874 0.1336089327290874 1.4006259232694513 1.4006259232694513 1.4006259232694513 1.8658901638710126 1.8658901638710126 1.8658901638710126 1.9199078684518305 +33253,1.9199078684518305,1,-0.1646492813890795 -0.1646492813890795 -0.1646492813890795 -0.6693820453949637 -0.6693820453949637 -0.6693820453949637 -0.940244460914832 -0.940244460914832 -0.940244460914832 0.1336089327290874 0.1336089327290874 0.1336089327290874 1.4006259232694513 1.4006259232694513 1.4006259232694513 1.8658901638710126 1.8658901638710126 1.8658901638710126 1.9199078684518305 1.9199078684518305 +33254,1.099581695734513,1,-0.1646492813890795 -0.1646492813890795 -0.6693820453949637 -0.6693820453949637 -0.6693820453949637 -0.940244460914832 -0.940244460914832 -0.940244460914832 0.1336089327290874 0.1336089327290874 0.1336089327290874 1.4006259232694513 1.4006259232694513 1.4006259232694513 1.8658901638710126 1.8658901638710126 1.8658901638710126 1.9199078684518305 1.9199078684518305 1.9199078684518305 +33255,1.099581695734513,1,-0.1646492813890795 -0.6693820453949637 -0.6693820453949637 -0.6693820453949637 -0.940244460914832 -0.940244460914832 -0.940244460914832 0.1336089327290874 0.1336089327290874 0.1336089327290874 1.4006259232694513 1.4006259232694513 1.4006259232694513 1.8658901638710126 1.8658901638710126 1.8658901638710126 1.9199078684518305 1.9199078684518305 1.9199078684518305 1.099581695734513 +33256,1.099581695734513,1,-0.6693820453949637 -0.6693820453949637 -0.6693820453949637 -0.940244460914832 -0.940244460914832 -0.940244460914832 0.1336089327290874 0.1336089327290874 0.1336089327290874 1.4006259232694513 1.4006259232694513 1.4006259232694513 1.8658901638710126 1.8658901638710126 1.8658901638710126 1.9199078684518305 1.9199078684518305 1.9199078684518305 1.099581695734513 1.099581695734513 +33257,-0.11635838216496398,1,-0.6693820453949637 -0.6693820453949637 -0.940244460914832 -0.940244460914832 -0.940244460914832 0.1336089327290874 0.1336089327290874 0.1336089327290874 1.4006259232694513 1.4006259232694513 1.4006259232694513 1.8658901638710126 1.8658901638710126 1.8658901638710126 1.9199078684518305 1.9199078684518305 1.9199078684518305 1.099581695734513 1.099581695734513 1.099581695734513 +33258,-0.11635838216496398,1,-0.6693820453949637 -0.940244460914832 -0.940244460914832 -0.940244460914832 0.1336089327290874 0.1336089327290874 0.1336089327290874 1.4006259232694513 1.4006259232694513 1.4006259232694513 1.8658901638710126 1.8658901638710126 1.8658901638710126 1.9199078684518305 1.9199078684518305 1.9199078684518305 1.099581695734513 1.099581695734513 1.099581695734513 -0.11635838216496398 +33259,-0.11635838216496398,1,-0.940244460914832 -0.940244460914832 -0.940244460914832 0.1336089327290874 0.1336089327290874 0.1336089327290874 1.4006259232694513 1.4006259232694513 1.4006259232694513 1.8658901638710126 1.8658901638710126 1.8658901638710126 1.9199078684518305 1.9199078684518305 1.9199078684518305 1.099581695734513 1.099581695734513 1.099581695734513 -0.11635838216496398 -0.11635838216496398 +33260,-0.5303909316024701,1,-0.940244460914832 -0.940244460914832 0.1336089327290874 0.1336089327290874 0.1336089327290874 1.4006259232694513 1.4006259232694513 1.4006259232694513 1.8658901638710126 1.8658901638710126 1.8658901638710126 1.9199078684518305 1.9199078684518305 1.9199078684518305 1.099581695734513 1.099581695734513 1.099581695734513 -0.11635838216496398 -0.11635838216496398 -0.11635838216496398 +33261,-0.5303909316024701,1,-0.940244460914832 0.1336089327290874 0.1336089327290874 0.1336089327290874 1.4006259232694513 1.4006259232694513 1.4006259232694513 1.8658901638710126 1.8658901638710126 1.8658901638710126 1.9199078684518305 1.9199078684518305 1.9199078684518305 1.099581695734513 1.099581695734513 1.099581695734513 -0.11635838216496398 -0.11635838216496398 -0.11635838216496398 -0.5303909316024701 +33262,-0.5303909316024701,1,0.1336089327290874 0.1336089327290874 0.1336089327290874 1.4006259232694513 1.4006259232694513 1.4006259232694513 1.8658901638710126 1.8658901638710126 1.8658901638710126 1.9199078684518305 1.9199078684518305 1.9199078684518305 1.099581695734513 1.099581695734513 1.099581695734513 -0.11635838216496398 -0.11635838216496398 -0.11635838216496398 -0.5303909316024701 -0.5303909316024701 +33263,-0.6868720185113806,1,0.1336089327290874 0.1336089327290874 1.4006259232694513 1.4006259232694513 1.4006259232694513 1.8658901638710126 1.8658901638710126 1.8658901638710126 1.9199078684518305 1.9199078684518305 1.9199078684518305 1.099581695734513 1.099581695734513 1.099581695734513 -0.11635838216496398 -0.11635838216496398 -0.11635838216496398 -0.5303909316024701 -0.5303909316024701 -0.5303909316024701 +33264,-0.6868720185113806,1,0.1336089327290874 1.4006259232694513 1.4006259232694513 1.4006259232694513 1.8658901638710126 1.8658901638710126 1.8658901638710126 1.9199078684518305 1.9199078684518305 1.9199078684518305 1.099581695734513 1.099581695734513 1.099581695734513 -0.11635838216496398 -0.11635838216496398 -0.11635838216496398 -0.5303909316024701 -0.5303909316024701 -0.5303909316024701 -0.6868720185113806 +33265,-0.6868720185113806,1,1.4006259232694513 1.4006259232694513 1.4006259232694513 1.8658901638710126 1.8658901638710126 1.8658901638710126 1.9199078684518305 1.9199078684518305 1.9199078684518305 1.099581695734513 1.099581695734513 1.099581695734513 -0.11635838216496398 -0.11635838216496398 -0.11635838216496398 -0.5303909316024701 -0.5303909316024701 -0.5303909316024701 -0.6868720185113806 -0.6868720185113806 +33266,0.5075538446696595,1,1.4006259232694513 1.4006259232694513 1.8658901638710126 1.8658901638710126 1.8658901638710126 1.9199078684518305 1.9199078684518305 1.9199078684518305 1.099581695734513 1.099581695734513 1.099581695734513 -0.11635838216496398 -0.11635838216496398 -0.11635838216496398 -0.5303909316024701 -0.5303909316024701 -0.5303909316024701 -0.6868720185113806 -0.6868720185113806 -0.6868720185113806 +33267,0.5075538446696595,1,1.4006259232694513 1.8658901638710126 1.8658901638710126 1.8658901638710126 1.9199078684518305 1.9199078684518305 1.9199078684518305 1.099581695734513 1.099581695734513 1.099581695734513 -0.11635838216496398 -0.11635838216496398 -0.11635838216496398 -0.5303909316024701 -0.5303909316024701 -0.5303909316024701 -0.6868720185113806 -0.6868720185113806 -0.6868720185113806 0.5075538446696595 +33268,0.5075538446696595,1,1.8658901638710126 1.8658901638710126 1.8658901638710126 1.9199078684518305 1.9199078684518305 1.9199078684518305 1.099581695734513 1.099581695734513 1.099581695734513 -0.11635838216496398 -0.11635838216496398 -0.11635838216496398 -0.5303909316024701 -0.5303909316024701 -0.5303909316024701 -0.6868720185113806 -0.6868720185113806 -0.6868720185113806 0.5075538446696595 0.5075538446696595 +33269,1.8258025263740698,1,1.8658901638710126 1.8658901638710126 1.9199078684518305 1.9199078684518305 1.9199078684518305 1.099581695734513 1.099581695734513 1.099581695734513 -0.11635838216496398 -0.11635838216496398 -0.11635838216496398 -0.5303909316024701 -0.5303909316024701 -0.5303909316024701 -0.6868720185113806 -0.6868720185113806 -0.6868720185113806 0.5075538446696595 0.5075538446696595 0.5075538446696595 +33270,1.8258025263740698,1,1.8658901638710126 1.9199078684518305 1.9199078684518305 1.9199078684518305 1.099581695734513 1.099581695734513 1.099581695734513 -0.11635838216496398 -0.11635838216496398 -0.11635838216496398 -0.5303909316024701 -0.5303909316024701 -0.5303909316024701 -0.6868720185113806 -0.6868720185113806 -0.6868720185113806 0.5075538446696595 0.5075538446696595 0.5075538446696595 1.8258025263740698 +33271,1.8258025263740698,1,1.9199078684518305 1.9199078684518305 1.9199078684518305 1.099581695734513 1.099581695734513 1.099581695734513 -0.11635838216496398 -0.11635838216496398 -0.11635838216496398 -0.5303909316024701 -0.5303909316024701 -0.5303909316024701 -0.6868720185113806 -0.6868720185113806 -0.6868720185113806 0.5075538446696595 0.5075538446696595 0.5075538446696595 1.8258025263740698 1.8258025263740698 +33272,2.1573381229703883,1,1.9199078684518305 1.9199078684518305 1.099581695734513 1.099581695734513 1.099581695734513 -0.11635838216496398 -0.11635838216496398 -0.11635838216496398 -0.5303909316024701 -0.5303909316024701 -0.5303909316024701 -0.6868720185113806 -0.6868720185113806 -0.6868720185113806 0.5075538446696595 0.5075538446696595 0.5075538446696595 1.8258025263740698 1.8258025263740698 1.8258025263740698 +33273,2.1573381229703883,1,1.9199078684518305 1.099581695734513 1.099581695734513 1.099581695734513 -0.11635838216496398 -0.11635838216496398 -0.11635838216496398 -0.5303909316024701 -0.5303909316024701 -0.5303909316024701 -0.6868720185113806 -0.6868720185113806 -0.6868720185113806 0.5075538446696595 0.5075538446696595 0.5075538446696595 1.8258025263740698 1.8258025263740698 1.8258025263740698 2.1573381229703883 +33274,2.1573381229703883,1,1.099581695734513 1.099581695734513 1.099581695734513 -0.11635838216496398 -0.11635838216496398 -0.11635838216496398 -0.5303909316024701 -0.5303909316024701 -0.5303909316024701 -0.6868720185113806 -0.6868720185113806 -0.6868720185113806 0.5075538446696595 0.5075538446696595 0.5075538446696595 1.8258025263740698 1.8258025263740698 1.8258025263740698 2.1573381229703883 2.1573381229703883 +33275,2.204390794009264,1,1.099581695734513 1.099581695734513 -0.11635838216496398 -0.11635838216496398 -0.11635838216496398 -0.5303909316024701 -0.5303909316024701 -0.5303909316024701 -0.6868720185113806 -0.6868720185113806 -0.6868720185113806 0.5075538446696595 0.5075538446696595 0.5075538446696595 1.8258025263740698 1.8258025263740698 1.8258025263740698 2.1573381229703883 2.1573381229703883 2.1573381229703883 +33276,2.204390794009264,1,1.099581695734513 -0.11635838216496398 -0.11635838216496398 -0.11635838216496398 -0.5303909316024701 -0.5303909316024701 -0.5303909316024701 -0.6868720185113806 -0.6868720185113806 -0.6868720185113806 0.5075538446696595 0.5075538446696595 0.5075538446696595 1.8258025263740698 1.8258025263740698 1.8258025263740698 2.1573381229703883 2.1573381229703883 2.1573381229703883 2.204390794009264 +33277,2.204390794009264,1,-0.11635838216496398 -0.11635838216496398 -0.11635838216496398 -0.5303909316024701 -0.5303909316024701 -0.5303909316024701 -0.6868720185113806 -0.6868720185113806 -0.6868720185113806 0.5075538446696595 0.5075538446696595 0.5075538446696595 1.8258025263740698 1.8258025263740698 1.8258025263740698 2.1573381229703883 2.1573381229703883 2.1573381229703883 2.204390794009264 2.204390794009264 +33278,2.204390794009264,1,-0.11635838216496398 -0.11635838216496398 -0.5303909316024701 -0.5303909316024701 -0.5303909316024701 -0.6868720185113806 -0.6868720185113806 -0.6868720185113806 0.5075538446696595 0.5075538446696595 0.5075538446696595 1.8258025263740698 1.8258025263740698 1.8258025263740698 2.1573381229703883 2.1573381229703883 2.1573381229703883 2.204390794009264 2.204390794009264 2.204390794009264 +33279,2.204390794009264,1,-0.11635838216496398 -0.5303909316024701 -0.5303909316024701 -0.5303909316024701 -0.6868720185113806 -0.6868720185113806 -0.6868720185113806 0.5075538446696595 0.5075538446696595 0.5075538446696595 1.8258025263740698 1.8258025263740698 1.8258025263740698 2.1573381229703883 2.1573381229703883 2.1573381229703883 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 +33280,2.204390794009264,1,-0.5303909316024701 -0.5303909316024701 -0.5303909316024701 -0.6868720185113806 -0.6868720185113806 -0.6868720185113806 0.5075538446696595 0.5075538446696595 0.5075538446696595 1.8258025263740698 1.8258025263740698 1.8258025263740698 2.1573381229703883 2.1573381229703883 2.1573381229703883 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 +33281,2.204390794009264,1,-0.5303909316024701 -0.5303909316024701 -0.6868720185113806 -0.6868720185113806 -0.6868720185113806 0.5075538446696595 0.5075538446696595 0.5075538446696595 1.8258025263740698 1.8258025263740698 1.8258025263740698 2.1573381229703883 2.1573381229703883 2.1573381229703883 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 +33282,2.204390794009264,1,-0.5303909316024701 -0.6868720185113806 -0.6868720185113806 -0.6868720185113806 0.5075538446696595 0.5075538446696595 0.5075538446696595 1.8258025263740698 1.8258025263740698 1.8258025263740698 2.1573381229703883 2.1573381229703883 2.1573381229703883 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 +33283,2.204390794009264,1,-0.6868720185113806 -0.6868720185113806 -0.6868720185113806 0.5075538446696595 0.5075538446696595 0.5075538446696595 1.8258025263740698 1.8258025263740698 1.8258025263740698 2.1573381229703883 2.1573381229703883 2.1573381229703883 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 +33284,2.204390794009264,1,-0.6868720185113806 -0.6868720185113806 0.5075538446696595 0.5075538446696595 0.5075538446696595 1.8258025263740698 1.8258025263740698 1.8258025263740698 2.1573381229703883 2.1573381229703883 2.1573381229703883 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 +33285,2.204390794009264,1,-0.6868720185113806 0.5075538446696595 0.5075538446696595 0.5075538446696595 1.8258025263740698 1.8258025263740698 1.8258025263740698 2.1573381229703883 2.1573381229703883 2.1573381229703883 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 +33286,2.204390794009264,1,0.5075538446696595 0.5075538446696595 0.5075538446696595 1.8258025263740698 1.8258025263740698 1.8258025263740698 2.1573381229703883 2.1573381229703883 2.1573381229703883 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 +33287,2.204390794009264,1,0.5075538446696595 0.5075538446696595 1.8258025263740698 1.8258025263740698 1.8258025263740698 2.1573381229703883 2.1573381229703883 2.1573381229703883 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 +33288,2.204390794009264,1,0.5075538446696595 1.8258025263740698 1.8258025263740698 1.8258025263740698 2.1573381229703883 2.1573381229703883 2.1573381229703883 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 +33289,2.204390794009264,1,1.8258025263740698 1.8258025263740698 1.8258025263740698 2.1573381229703883 2.1573381229703883 2.1573381229703883 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 +33290,2.204390794009264,1,1.8258025263740698 1.8258025263740698 2.1573381229703883 2.1573381229703883 2.1573381229703883 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 +33291,2.204390794009264,1,1.8258025263740698 2.1573381229703883 2.1573381229703883 2.1573381229703883 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 +33292,2.204390794009264,1,2.1573381229703883 2.1573381229703883 2.1573381229703883 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 +33293,2.204390794009264,1,2.1573381229703883 2.1573381229703883 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 +33294,2.204390794009264,1,2.1573381229703883 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 +33295,2.204390794009264,1,2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 +33296,2.204390794009264,1,2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 +33297,2.204390794009264,1,2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 +33298,2.204390794009264,1,2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 +33299,2.204390794009264,1,2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 +33300,2.204390794009264,1,2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 +33301,2.204390794009264,1,2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 +33302,2.204390794009264,1,2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 +33303,2.204390794009264,1,2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 +33304,2.204390794009264,1,2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 +33305,2.204390794009264,1,2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 +33306,2.204390794009264,1,2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 +33307,2.204390794009264,1,2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 +33308,2.204390794009264,1,2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 +33309,2.204390794009264,1,2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 +33310,2.204390794009264,1,2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 +33311,2.204390794009264,1,2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 +33312,2.204390794009264,1,2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 +33313,2.204390794009264,1,2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 +33314,2.204390794009264,1,2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 +33315,2.204390794009264,1,2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 +33316,2.204390794009264,1,2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 +33317,2.204390794009264,1,2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 +33318,1.9273372375632327,1,2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 +33319,1.9273372375632327,1,2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 1.9273372375632327 +33320,2.3409054514312873,1,2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 1.9273372375632327 1.9273372375632327 +33321,2.3409054514312873,1,2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 1.9273372375632327 1.9273372375632327 2.3409054514312873 +33322,2.3409054514312873,1,2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 1.9273372375632327 1.9273372375632327 2.3409054514312873 2.3409054514312873 +33323,2.2621231831457917,1,2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 1.9273372375632327 1.9273372375632327 2.3409054514312873 2.3409054514312873 2.3409054514312873 +33324,2.2621231831457917,1,2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 1.9273372375632327 1.9273372375632327 2.3409054514312873 2.3409054514312873 2.3409054514312873 2.2621231831457917 +33325,2.2621231831457917,1,2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 1.9273372375632327 1.9273372375632327 2.3409054514312873 2.3409054514312873 2.3409054514312873 2.2621231831457917 2.2621231831457917 +33326,1.48776623180527,1,2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 1.9273372375632327 1.9273372375632327 2.3409054514312873 2.3409054514312873 2.3409054514312873 2.2621231831457917 2.2621231831457917 2.2621231831457917 +33327,1.48776623180527,1,2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 1.9273372375632327 1.9273372375632327 2.3409054514312873 2.3409054514312873 2.3409054514312873 2.2621231831457917 2.2621231831457917 2.2621231831457917 1.48776623180527 +33328,1.48776623180527,1,2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 1.9273372375632327 1.9273372375632327 2.3409054514312873 2.3409054514312873 2.3409054514312873 2.2621231831457917 2.2621231831457917 2.2621231831457917 1.48776623180527 1.48776623180527 +33329,0.4300098045694037,1,2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 1.9273372375632327 1.9273372375632327 2.3409054514312873 2.3409054514312873 2.3409054514312873 2.2621231831457917 2.2621231831457917 2.2621231831457917 1.48776623180527 1.48776623180527 1.48776623180527 +33330,0.4300098045694037,1,2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 1.9273372375632327 1.9273372375632327 2.3409054514312873 2.3409054514312873 2.3409054514312873 2.2621231831457917 2.2621231831457917 2.2621231831457917 1.48776623180527 1.48776623180527 1.48776623180527 0.4300098045694037 +33331,0.6847752536812277,1,2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 1.9273372375632327 1.9273372375632327 2.3409054514312873 2.3409054514312873 2.3409054514312873 2.2621231831457917 2.2621231831457917 2.2621231831457917 1.48776623180527 1.48776623180527 1.48776623180527 0.4300098045694037 0.4300098045694037 +33332,0.650723978587306,1,2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 1.9273372375632327 1.9273372375632327 2.3409054514312873 2.3409054514312873 2.3409054514312873 2.2621231831457917 2.2621231831457917 2.2621231831457917 1.48776623180527 1.48776623180527 1.48776623180527 0.4300098045694037 0.4300098045694037 0.6847752536812277 +33333,0.5470223680739825,1,2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 1.9273372375632327 1.9273372375632327 2.3409054514312873 2.3409054514312873 2.3409054514312873 2.2621231831457917 2.2621231831457917 2.2621231831457917 1.48776623180527 1.48776623180527 1.48776623180527 0.4300098045694037 0.4300098045694037 0.6847752536812277 0.650723978587306 +33334,0.46498975080225513,1,2.204390794009264 2.204390794009264 2.204390794009264 2.204390794009264 1.9273372375632327 1.9273372375632327 2.3409054514312873 2.3409054514312873 2.3409054514312873 2.2621231831457917 2.2621231831457917 2.2621231831457917 1.48776623180527 1.48776623180527 1.48776623180527 0.4300098045694037 0.4300098045694037 0.6847752536812277 0.650723978587306 0.5470223680739825 +33335,0.392243844919772,1,2.204390794009264 2.204390794009264 2.204390794009264 1.9273372375632327 1.9273372375632327 2.3409054514312873 2.3409054514312873 2.3409054514312873 2.2621231831457917 2.2621231831457917 2.2621231831457917 1.48776623180527 1.48776623180527 1.48776623180527 0.4300098045694037 0.4300098045694037 0.6847752536812277 0.650723978587306 0.5470223680739825 0.46498975080225513 +33336,0.3194979390372976,1,2.204390794009264 2.204390794009264 1.9273372375632327 1.9273372375632327 2.3409054514312873 2.3409054514312873 2.3409054514312873 2.2621231831457917 2.2621231831457917 2.2621231831457917 1.48776623180527 1.48776623180527 1.48776623180527 0.4300098045694037 0.4300098045694037 0.6847752536812277 0.650723978587306 0.5470223680739825 0.46498975080225513 0.392243844919772 +33337,0.322593509500379,1,2.204390794009264 1.9273372375632327 1.9273372375632327 2.3409054514312873 2.3409054514312873 2.3409054514312873 2.2621231831457917 2.2621231831457917 2.2621231831457917 1.48776623180527 1.48776623180527 1.48776623180527 0.4300098045694037 0.4300098045694037 0.6847752536812277 0.650723978587306 0.5470223680739825 0.46498975080225513 0.392243844919772 0.3194979390372976 +33338,0.664654045671181,1,1.9273372375632327 1.9273372375632327 2.3409054514312873 2.3409054514312873 2.3409054514312873 2.2621231831457917 2.2621231831457917 2.2621231831457917 1.48776623180527 1.48776623180527 1.48776623180527 0.4300098045694037 0.4300098045694037 0.6847752536812277 0.650723978587306 0.5470223680739825 0.46498975080225513 0.392243844919772 0.3194979390372976 0.322593509500379 +33339,1.2172133733317116,1,1.9273372375632327 2.3409054514312873 2.3409054514312873 2.3409054514312873 2.2621231831457917 2.2621231831457917 2.2621231831457917 1.48776623180527 1.48776623180527 1.48776623180527 0.4300098045694037 0.4300098045694037 0.6847752536812277 0.650723978587306 0.5470223680739825 0.46498975080225513 0.392243844919772 0.3194979390372976 0.322593509500379 0.664654045671181 +33340,1.5639172651971445,1,2.3409054514312873 2.3409054514312873 2.3409054514312873 2.2621231831457917 2.2621231831457917 2.2621231831457917 1.48776623180527 1.48776623180527 1.48776623180527 0.4300098045694037 0.4300098045694037 0.6847752536812277 0.650723978587306 0.5470223680739825 0.46498975080225513 0.392243844919772 0.3194979390372976 0.322593509500379 0.664654045671181 1.2172133733317116 +33341,1.9694369958611768,1,2.3409054514312873 2.3409054514312873 2.2621231831457917 2.2621231831457917 2.2621231831457917 1.48776623180527 1.48776623180527 1.48776623180527 0.4300098045694037 0.4300098045694037 0.6847752536812277 0.650723978587306 0.5470223680739825 0.46498975080225513 0.392243844919772 0.3194979390372976 0.322593509500379 0.664654045671181 1.2172133733317116 1.5639172651971445 +33342,2.254229478464929,1,2.3409054514312873 2.2621231831457917 2.2621231831457917 2.2621231831457917 1.48776623180527 1.48776623180527 1.48776623180527 0.4300098045694037 0.4300098045694037 0.6847752536812277 0.650723978587306 0.5470223680739825 0.46498975080225513 0.392243844919772 0.3194979390372976 0.322593509500379 0.664654045671181 1.2172133733317116 1.5639172651971445 1.9694369958611768 +33343,2.5854555180149372,1,2.2621231831457917 2.2621231831457917 2.2621231831457917 1.48776623180527 1.48776623180527 1.48776623180527 0.4300098045694037 0.4300098045694037 0.6847752536812277 0.650723978587306 0.5470223680739825 0.46498975080225513 0.392243844919772 0.3194979390372976 0.322593509500379 0.664654045671181 1.2172133733317116 1.5639172651971445 1.9694369958611768 2.254229478464929 +33344,2.675227061444377,1,2.2621231831457917 2.2621231831457917 1.48776623180527 1.48776623180527 1.48776623180527 0.4300098045694037 0.4300098045694037 0.6847752536812277 0.650723978587306 0.5470223680739825 0.46498975080225513 0.392243844919772 0.3194979390372976 0.322593509500379 0.664654045671181 1.2172133733317116 1.5639172651971445 1.9694369958611768 2.254229478464929 2.5854555180149372 +33345,2.8207188732093345,1,2.2621231831457917 1.48776623180527 1.48776623180527 1.48776623180527 0.4300098045694037 0.4300098045694037 0.6847752536812277 0.650723978587306 0.5470223680739825 0.46498975080225513 0.392243844919772 0.3194979390372976 0.322593509500379 0.664654045671181 1.2172133733317116 1.5639172651971445 1.9694369958611768 2.254229478464929 2.5854555180149372 2.675227061444377 +33346,2.7758331014946105,1,1.48776623180527 1.48776623180527 1.48776623180527 0.4300098045694037 0.4300098045694037 0.6847752536812277 0.650723978587306 0.5470223680739825 0.46498975080225513 0.392243844919772 0.3194979390372976 0.322593509500379 0.664654045671181 1.2172133733317116 1.5639172651971445 1.9694369958611768 2.254229478464929 2.5854555180149372 2.675227061444377 2.8207188732093345 +33347,2.8021454504308285,1,1.48776623180527 1.48776623180527 0.4300098045694037 0.4300098045694037 0.6847752536812277 0.650723978587306 0.5470223680739825 0.46498975080225513 0.392243844919772 0.3194979390372976 0.322593509500379 0.664654045671181 1.2172133733317116 1.5639172651971445 1.9694369958611768 2.254229478464929 2.5854555180149372 2.675227061444377 2.8207188732093345 2.7758331014946105 +33348,2.6489147125081587,1,1.48776623180527 0.4300098045694037 0.4300098045694037 0.6847752536812277 0.650723978587306 0.5470223680739825 0.46498975080225513 0.392243844919772 0.3194979390372976 0.322593509500379 0.664654045671181 1.2172133733317116 1.5639172651971445 1.9694369958611768 2.254229478464929 2.5854555180149372 2.675227061444377 2.8207188732093345 2.7758331014946105 2.8021454504308285 +33349,2.4384159210184393,1,0.4300098045694037 0.4300098045694037 0.6847752536812277 0.650723978587306 0.5470223680739825 0.46498975080225513 0.392243844919772 0.3194979390372976 0.322593509500379 0.664654045671181 1.2172133733317116 1.5639172651971445 1.9694369958611768 2.254229478464929 2.5854555180149372 2.675227061444377 2.8207188732093345 2.7758331014946105 2.8021454504308285 2.6489147125081587 +33350,1.9972971300289357,1,0.4300098045694037 0.6847752536812277 0.650723978587306 0.5470223680739825 0.46498975080225513 0.392243844919772 0.3194979390372976 0.322593509500379 0.664654045671181 1.2172133733317116 1.5639172651971445 1.9694369958611768 2.254229478464929 2.5854555180149372 2.675227061444377 2.8207188732093345 2.7758331014946105 2.8021454504308285 2.6489147125081587 2.4384159210184393 +33351,1.6289242449219155,1,0.6847752536812277 0.650723978587306 0.5470223680739825 0.46498975080225513 0.392243844919772 0.3194979390372976 0.322593509500379 0.664654045671181 1.2172133733317116 1.5639172651971445 1.9694369958611768 2.254229478464929 2.5854555180149372 2.675227061444377 2.8207188732093345 2.7758331014946105 2.8021454504308285 2.6489147125081587 2.4384159210184393 1.9972971300289357 +33352,1.3565140441705064,1,0.650723978587306 0.5470223680739825 0.46498975080225513 0.392243844919772 0.3194979390372976 0.322593509500379 0.664654045671181 1.2172133733317116 1.5639172651971445 1.9694369958611768 2.254229478464929 2.5854555180149372 2.675227061444377 2.8207188732093345 2.7758331014946105 2.8021454504308285 2.6489147125081587 2.4384159210184393 1.9972971300289357 1.6289242449219155 +33353,1.1289896151338126,1,0.5470223680739825 0.46498975080225513 0.392243844919772 0.3194979390372976 0.322593509500379 0.664654045671181 1.2172133733317116 1.5639172651971445 1.9694369958611768 2.254229478464929 2.5854555180149372 2.675227061444377 2.8207188732093345 2.7758331014946105 2.8021454504308285 2.6489147125081587 2.4384159210184393 1.9972971300289357 1.6289242449219155 1.3565140441705064 +33354,0.9896889442950266,1,0.46498975080225513 0.392243844919772 0.3194979390372976 0.322593509500379 0.664654045671181 1.2172133733317116 1.5639172651971445 1.9694369958611768 2.254229478464929 2.5854555180149372 2.675227061444377 2.8207188732093345 2.7758331014946105 2.8021454504308285 2.6489147125081587 2.4384159210184393 1.9972971300289357 1.6289242449219155 1.3565140441705064 1.1289896151338126 +33355,0.8875351190132439,1,0.392243844919772 0.3194979390372976 0.322593509500379 0.664654045671181 1.2172133733317116 1.5639172651971445 1.9694369958611768 2.254229478464929 2.5854555180149372 2.675227061444377 2.8207188732093345 2.7758331014946105 2.8021454504308285 2.6489147125081587 2.4384159210184393 1.9972971300289357 1.6289242449219155 1.3565140441705064 1.1289896151338126 0.9896889442950266 +33356,0.7668078709529639,1,0.3194979390372976 0.322593509500379 0.664654045671181 1.2172133733317116 1.5639172651971445 1.9694369958611768 2.254229478464929 2.5854555180149372 2.675227061444377 2.8207188732093345 2.7758331014946105 2.8021454504308285 2.6489147125081587 2.4384159210184393 1.9972971300289357 1.6289242449219155 1.3565140441705064 1.1289896151338126 0.9896889442950266 0.8875351190132439 +33357,0.660010689976559,1,0.322593509500379 0.664654045671181 1.2172133733317116 1.5639172651971445 1.9694369958611768 2.254229478464929 2.5854555180149372 2.675227061444377 2.8207188732093345 2.7758331014946105 2.8021454504308285 2.6489147125081587 2.4384159210184393 1.9972971300289357 1.6289242449219155 1.3565140441705064 1.1289896151338126 0.9896889442950266 0.8875351190132439 0.7668078709529639 +33358,0.5594046499263169,1,0.664654045671181 1.2172133733317116 1.5639172651971445 1.9694369958611768 2.254229478464929 2.5854555180149372 2.675227061444377 2.8207188732093345 2.7758331014946105 2.8021454504308285 2.6489147125081587 2.4384159210184393 1.9972971300289357 1.6289242449219155 1.3565140441705064 1.1289896151338126 0.9896889442950266 0.8875351190132439 0.7668078709529639 0.660010689976559 +33359,0.4974932406646362,1,1.2172133733317116 1.5639172651971445 1.9694369958611768 2.254229478464929 2.5854555180149372 2.675227061444377 2.8207188732093345 2.7758331014946105 2.8021454504308285 2.6489147125081587 2.4384159210184393 1.9972971300289357 1.6289242449219155 1.3565140441705064 1.1289896151338126 0.9896889442950266 0.8875351190132439 0.7668078709529639 0.660010689976559 0.5594046499263169 +33360,0.4278429052452432,1,1.5639172651971445 1.9694369958611768 2.254229478464929 2.5854555180149372 2.675227061444377 2.8207188732093345 2.7758331014946105 2.8021454504308285 2.6489147125081587 2.4384159210184393 1.9972971300289357 1.6289242449219155 1.3565140441705064 1.1289896151338126 0.9896889442950266 0.8875351190132439 0.7668078709529639 0.660010689976559 0.5594046499263169 0.4974932406646362 +33361,0.3690270664466439,1,1.9694369958611768 2.254229478464929 2.5854555180149372 2.675227061444377 2.8207188732093345 2.7758331014946105 2.8021454504308285 2.6489147125081587 2.4384159210184393 1.9972971300289357 1.6289242449219155 1.3565140441705064 1.1289896151338126 0.9896889442950266 0.8875351190132439 0.7668078709529639 0.660010689976559 0.5594046499263169 0.4974932406646362 0.4278429052452432 +33362,0.7373999515536642,1,2.254229478464929 2.5854555180149372 2.675227061444377 2.8207188732093345 2.7758331014946105 2.8021454504308285 2.6489147125081587 2.4384159210184393 1.9972971300289357 1.6289242449219155 1.3565140441705064 1.1289896151338126 0.9896889442950266 0.8875351190132439 0.7668078709529639 0.660010689976559 0.5594046499263169 0.4974932406646362 0.4278429052452432 0.3690270664466439 +33363,1.2806725678249418,1,2.5854555180149372 2.675227061444377 2.8207188732093345 2.7758331014946105 2.8021454504308285 2.6489147125081587 2.4384159210184393 1.9972971300289357 1.6289242449219155 1.3565140441705064 1.1289896151338126 0.9896889442950266 0.8875351190132439 0.7668078709529639 0.660010689976559 0.5594046499263169 0.4974932406646362 0.4278429052452432 0.3690270664466439 0.7373999515536642 +33364,1.6567843790896744,1,2.675227061444377 2.8207188732093345 2.7758331014946105 2.8021454504308285 2.6489147125081587 2.4384159210184393 1.9972971300289357 1.6289242449219155 1.3565140441705064 1.1289896151338126 0.9896889442950266 0.8875351190132439 0.7668078709529639 0.660010689976559 0.5594046499263169 0.4974932406646362 0.4278429052452432 0.3690270664466439 0.7373999515536642 1.2806725678249418 +33365,2.1226677337838464,1,2.8207188732093345 2.7758331014946105 2.8021454504308285 2.6489147125081587 2.4384159210184393 1.9972971300289357 1.6289242449219155 1.3565140441705064 1.1289896151338126 0.9896889442950266 0.8875351190132439 0.7668078709529639 0.660010689976559 0.5594046499263169 0.4974932406646362 0.4278429052452432 0.3690270664466439 0.7373999515536642 1.2806725678249418 1.6567843790896744 +33366,2.512709612132454,1,2.7758331014946105 2.8021454504308285 2.6489147125081587 2.4384159210184393 1.9972971300289357 1.6289242449219155 1.3565140441705064 1.1289896151338126 0.9896889442950266 0.8875351190132439 0.7668078709529639 0.660010689976559 0.5594046499263169 0.4974932406646362 0.4278429052452432 0.3690270664466439 0.7373999515536642 1.2806725678249418 1.6567843790896744 2.1226677337838464 +33367,2.7835720276523226,1,2.8021454504308285 2.6489147125081587 2.4384159210184393 1.9972971300289357 1.6289242449219155 1.3565140441705064 1.1289896151338126 0.9896889442950266 0.8875351190132439 0.7668078709529639 0.660010689976559 0.5594046499263169 0.4974932406646362 0.4278429052452432 0.3690270664466439 0.7373999515536642 1.2806725678249418 1.6567843790896744 2.1226677337838464 2.512709612132454 +33368,3.0064531009943853,1,2.6489147125081587 2.4384159210184393 1.9972971300289357 1.6289242449219155 1.3565140441705064 1.1289896151338126 0.9896889442950266 0.8875351190132439 0.7668078709529639 0.660010689976559 0.5594046499263169 0.4974932406646362 0.4278429052452432 0.3690270664466439 0.7373999515536642 1.2806725678249418 1.6567843790896744 2.1226677337838464 2.512709612132454 2.7835720276523226 +33369,3.083842362571491,1,2.4384159210184393 1.9972971300289357 1.6289242449219155 1.3565140441705064 1.1289896151338126 0.9896889442950266 0.8875351190132439 0.7668078709529639 0.660010689976559 0.5594046499263169 0.4974932406646362 0.4278429052452432 0.3690270664466439 0.7373999515536642 1.2806725678249418 1.6567843790896744 2.1226677337838464 2.512709612132454 2.7835720276523226 3.0064531009943853 +33370,3.057530013635281,1,1.9972971300289357 1.6289242449219155 1.3565140441705064 1.1289896151338126 0.9896889442950266 0.8875351190132439 0.7668078709529639 0.660010689976559 0.5594046499263169 0.4974932406646362 0.4278429052452432 0.3690270664466439 0.7373999515536642 1.2806725678249418 1.6567843790896744 2.1226677337838464 2.512709612132454 2.7835720276523226 3.0064531009943853 3.083842362571491 +33371,3.0699122954876157,1,1.6289242449219155 1.3565140441705064 1.1289896151338126 0.9896889442950266 0.8875351190132439 0.7668078709529639 0.660010689976559 0.5594046499263169 0.4974932406646362 0.4278429052452432 0.3690270664466439 0.7373999515536642 1.2806725678249418 1.6567843790896744 2.1226677337838464 2.512709612132454 2.7835720276523226 3.0064531009943853 3.083842362571491 3.057530013635281 +33372,2.7758331014946105,1,1.3565140441705064 1.1289896151338126 0.9896889442950266 0.8875351190132439 0.7668078709529639 0.660010689976559 0.5594046499263169 0.4974932406646362 0.4278429052452432 0.3690270664466439 0.7373999515536642 1.2806725678249418 1.6567843790896744 2.1226677337838464 2.512709612132454 2.7835720276523226 3.0064531009943853 3.083842362571491 3.057530013635281 3.0699122954876157 +33373,2.642723571581996,1,1.1289896151338126 0.9896889442950266 0.8875351190132439 0.7668078709529639 0.660010689976559 0.5594046499263169 0.4974932406646362 0.4278429052452432 0.3690270664466439 0.7373999515536642 1.2806725678249418 1.6567843790896744 2.1226677337838464 2.512709612132454 2.7835720276523226 3.0064531009943853 3.083842362571491 3.057530013635281 3.0699122954876157 2.7758331014946105 +33374,2.2279171295287106,1,0.9896889442950266 0.8875351190132439 0.7668078709529639 0.660010689976559 0.5594046499263169 0.4974932406646362 0.4278429052452432 0.3690270664466439 0.7373999515536642 1.2806725678249418 1.6567843790896744 2.1226677337838464 2.512709612132454 2.7835720276523226 3.0064531009943853 3.083842362571491 3.057530013635281 3.0699122954876157 2.7758331014946105 2.642723571581996 +33375,1.8904999490525307,1,0.8875351190132439 0.7668078709529639 0.660010689976559 0.5594046499263169 0.4974932406646362 0.4278429052452432 0.3690270664466439 0.7373999515536642 1.2806725678249418 1.6567843790896744 2.1226677337838464 2.512709612132454 2.7835720276523226 3.0064531009943853 3.083842362571491 3.057530013635281 3.0699122954876157 2.7758331014946105 2.642723571581996 2.2279171295287106 +33376,1.5283182048716821,1,0.7668078709529639 0.660010689976559 0.5594046499263169 0.4974932406646362 0.4278429052452432 0.3690270664466439 0.7373999515536642 1.2806725678249418 1.6567843790896744 2.1226677337838464 2.512709612132454 2.7835720276523226 3.0064531009943853 3.083842362571491 3.057530013635281 3.0699122954876157 2.7758331014946105 2.642723571581996 2.2279171295287106 1.8904999490525307 +33377,1.390565319264428,1,0.660010689976559 0.5594046499263169 0.4974932406646362 0.4278429052452432 0.3690270664466439 0.7373999515536642 1.2806725678249418 1.6567843790896744 2.1226677337838464 2.512709612132454 2.7835720276523226 3.0064531009943853 3.083842362571491 3.057530013635281 3.0699122954876157 2.7758331014946105 2.642723571581996 2.2279171295287106 1.8904999490525307 1.5283182048716821 +33378,1.260551359814895,1,0.5594046499263169 0.4974932406646362 0.4278429052452432 0.3690270664466439 0.7373999515536642 1.2806725678249418 1.6567843790896744 2.1226677337838464 2.512709612132454 2.7835720276523226 3.0064531009943853 3.083842362571491 3.057530013635281 3.0699122954876157 2.7758331014946105 2.642723571581996 2.2279171295287106 1.8904999490525307 1.5283182048716821 1.390565319264428 +33379,1.223404514257883,1,0.4974932406646362 0.4278429052452432 0.3690270664466439 0.7373999515536642 1.2806725678249418 1.6567843790896744 2.1226677337838464 2.512709612132454 2.7835720276523226 3.0064531009943853 3.083842362571491 3.057530013635281 3.0699122954876157 2.7758331014946105 2.642723571581996 2.2279171295287106 1.8904999490525307 1.5283182048716821 1.390565319264428 1.260551359814895 +33380,1.0732693467982948,1,0.4278429052452432 0.3690270664466439 0.7373999515536642 1.2806725678249418 1.6567843790896744 2.1226677337838464 2.512709612132454 2.7835720276523226 3.0064531009943853 3.083842362571491 3.057530013635281 3.0699122954876157 2.7758331014946105 2.642723571581996 2.2279171295287106 1.8904999490525307 1.5283182048716821 1.390565319264428 1.260551359814895 1.223404514257883 +33381,0.9339686759595087,1,0.3690270664466439 0.7373999515536642 1.2806725678249418 1.6567843790896744 2.1226677337838464 2.512709612132454 2.7835720276523226 3.0064531009943853 3.083842362571491 3.057530013635281 3.0699122954876157 2.7758331014946105 2.642723571581996 2.2279171295287106 1.8904999490525307 1.5283182048716821 1.390565319264428 1.260551359814895 1.223404514257883 1.0732693467982948 +33382,0.8519360586877814,1,0.7373999515536642 1.2806725678249418 1.6567843790896744 2.1226677337838464 2.512709612132454 2.7835720276523226 3.0064531009943853 3.083842362571491 3.057530013635281 3.0699122954876157 2.7758331014946105 2.642723571581996 2.2279171295287106 1.8904999490525307 1.5283182048716821 1.390565319264428 1.260551359814895 1.223404514257883 1.0732693467982948 0.9339686759595087 +33383,0.6832274684496871,1,1.2806725678249418 1.6567843790896744 2.1226677337838464 2.512709612132454 2.7835720276523226 3.0064531009943853 3.083842362571491 3.057530013635281 3.0699122954876157 2.7758331014946105 2.642723571581996 2.2279171295287106 1.8904999490525307 1.5283182048716821 1.390565319264428 1.260551359814895 1.223404514257883 1.0732693467982948 0.9339686759595087 0.8519360586877814 +33384,0.5702391465471105,1,1.6567843790896744 2.1226677337838464 2.512709612132454 2.7835720276523226 3.0064531009943853 3.083842362571491 3.057530013635281 3.0699122954876157 2.7758331014946105 2.642723571581996 2.2279171295287106 1.8904999490525307 1.5283182048716821 1.390565319264428 1.260551359814895 1.223404514257883 1.0732693467982948 0.9339686759595087 0.8519360586877814 0.6832274684496871 +33385,0.5532135090001541,1,2.1226677337838464 2.512709612132454 2.7835720276523226 3.0064531009943853 3.083842362571491 3.057530013635281 3.0699122954876157 2.7758331014946105 2.642723571581996 2.2279171295287106 1.8904999490525307 1.5283182048716821 1.390565319264428 1.260551359814895 1.223404514257883 1.0732693467982948 0.9339686759595087 0.8519360586877814 0.6832274684496871 0.5702391465471105 +33386,0.7853812937314698,1,2.512709612132454 2.7835720276523226 3.0064531009943853 3.083842362571491 3.057530013635281 3.0699122954876157 2.7758331014946105 2.642723571581996 2.2279171295287106 1.8904999490525307 1.5283182048716821 1.390565319264428 1.260551359814895 1.223404514257883 1.0732693467982948 0.9339686759595087 0.8519360586877814 0.6832274684496871 0.5702391465471105 0.5532135090001541 +33387,1.3147238429188635,1,2.7835720276523226 3.0064531009943853 3.083842362571491 3.057530013635281 3.0699122954876157 2.7758331014946105 2.642723571581996 2.2279171295287106 1.8904999490525307 1.5283182048716821 1.390565319264428 1.260551359814895 1.223404514257883 1.0732693467982948 0.9339686759595087 0.8519360586877814 0.6832274684496871 0.5702391465471105 0.5532135090001541 0.7853812937314698 +33388,1.772868271455332,1,3.0064531009943853 3.083842362571491 3.057530013635281 3.0699122954876157 2.7758331014946105 2.642723571581996 2.2279171295287106 1.8904999490525307 1.5283182048716821 1.390565319264428 1.260551359814895 1.223404514257883 1.0732693467982948 0.9339686759595087 0.8519360586877814 0.6832274684496871 0.5702391465471105 0.5532135090001541 0.7853812937314698 1.3147238429188635 +33389,2.1598145793408583,1,3.083842362571491 3.057530013635281 3.0699122954876157 2.7758331014946105 2.642723571581996 2.2279171295287106 1.8904999490525307 1.5283182048716821 1.390565319264428 1.260551359814895 1.223404514257883 1.0732693467982948 0.9339686759595087 0.8519360586877814 0.6832274684496871 0.5702391465471105 0.5532135090001541 0.7853812937314698 1.3147238429188635 1.772868271455332 +33390,2.5189007530586256,1,3.057530013635281 3.0699122954876157 2.7758331014946105 2.642723571581996 2.2279171295287106 1.8904999490525307 1.5283182048716821 1.390565319264428 1.260551359814895 1.223404514257883 1.0732693467982948 0.9339686759595087 0.8519360586877814 0.6832274684496871 0.5702391465471105 0.5532135090001541 0.7853812937314698 1.3147238429188635 1.772868271455332 2.1598145793408583 +33391,2.6922526989913425,1,3.0699122954876157 2.7758331014946105 2.642723571581996 2.2279171295287106 1.8904999490525307 1.5283182048716821 1.390565319264428 1.260551359814895 1.223404514257883 1.0732693467982948 0.9339686759595087 0.8519360586877814 0.6832274684496871 0.5702391465471105 0.5532135090001541 0.7853812937314698 1.3147238429188635 1.772868271455332 2.1598145793408583 2.5189007530586256 +33392,2.840840081219381,1,2.7758331014946105 2.642723571581996 2.2279171295287106 1.8904999490525307 1.5283182048716821 1.390565319264428 1.260551359814895 1.223404514257883 1.0732693467982948 0.9339686759595087 0.8519360586877814 0.6832274684496871 0.5702391465471105 0.5532135090001541 0.7853812937314698 1.3147238429188635 1.772868271455332 2.1598145793408583 2.5189007530586256 2.6922526989913425 +33393,2.77738088672616,1,2.642723571581996 2.2279171295287106 1.8904999490525307 1.5283182048716821 1.390565319264428 1.260551359814895 1.223404514257883 1.0732693467982948 0.9339686759595087 0.8519360586877814 0.6832274684496871 0.5702391465471105 0.5532135090001541 0.7853812937314698 1.3147238429188635 1.772868271455332 2.1598145793408583 2.5189007530586256 2.6922526989913425 2.840840081219381 +33394,2.6055767260249842,1,2.2279171295287106 1.8904999490525307 1.5283182048716821 1.390565319264428 1.260551359814895 1.223404514257883 1.0732693467982948 0.9339686759595087 0.8519360586877814 0.6832274684496871 0.5702391465471105 0.5532135090001541 0.7853812937314698 1.3147238429188635 1.772868271455332 2.1598145793408583 2.5189007530586256 2.6922526989913425 2.840840081219381 2.77738088672616 +33395,2.351739948052081,1,1.8904999490525307 1.5283182048716821 1.390565319264428 1.260551359814895 1.223404514257883 1.0732693467982948 0.9339686759595087 0.8519360586877814 0.6832274684496871 0.5702391465471105 0.5532135090001541 0.7853812937314698 1.3147238429188635 1.772868271455332 2.1598145793408583 2.5189007530586256 2.6922526989913425 2.840840081219381 2.77738088672616 2.6055767260249842 +33396,2.135050015636181,1,1.5283182048716821 1.390565319264428 1.260551359814895 1.223404514257883 1.0732693467982948 0.9339686759595087 0.8519360586877814 0.6832274684496871 0.5702391465471105 0.5532135090001541 0.7853812937314698 1.3147238429188635 1.772868271455332 2.1598145793408583 2.5189007530586256 2.6922526989913425 2.840840081219381 2.77738088672616 2.6055767260249842 2.351739948052081 +33397,1.9013344456733245,1,1.390565319264428 1.260551359814895 1.223404514257883 1.0732693467982948 0.9339686759595087 0.8519360586877814 0.6832274684496871 0.5702391465471105 0.5532135090001541 0.7853812937314698 1.3147238429188635 1.772868271455332 2.1598145793408583 2.5189007530586256 2.6922526989913425 2.840840081219381 2.77738088672616 2.6055767260249842 2.351739948052081 2.135050015636181 +33398,1.6536888086265842,1,1.260551359814895 1.223404514257883 1.0732693467982948 0.9339686759595087 0.8519360586877814 0.6832274684496871 0.5702391465471105 0.5532135090001541 0.7853812937314698 1.3147238429188635 1.772868271455332 2.1598145793408583 2.5189007530586256 2.6922526989913425 2.840840081219381 2.77738088672616 2.6055767260249842 2.351739948052081 2.135050015636181 1.9013344456733245 +33399,1.27448142689877,1,1.223404514257883 1.0732693467982948 0.9339686759595087 0.8519360586877814 0.6832274684496871 0.5702391465471105 0.5532135090001541 0.7853812937314698 1.3147238429188635 1.772868271455332 2.1598145793408583 2.5189007530586256 2.6922526989913425 2.840840081219381 2.77738088672616 2.6055767260249842 2.351739948052081 2.135050015636181 1.9013344456733245 1.6536888086265842 +33400,1.1166073332814783,1,1.0732693467982948 0.9339686759595087 0.8519360586877814 0.6832274684496871 0.5702391465471105 0.5532135090001541 0.7853812937314698 1.3147238429188635 1.772868271455332 2.1598145793408583 2.5189007530586256 2.6922526989913425 2.840840081219381 2.77738088672616 2.6055767260249842 2.351739948052081 2.135050015636181 1.9013344456733245 1.6536888086265842 1.27448142689877 +33401,0.9850455886003958,1,0.9339686759595087 0.8519360586877814 0.6832274684496871 0.5702391465471105 0.5532135090001541 0.7853812937314698 1.3147238429188635 1.772868271455332 2.1598145793408583 2.5189007530586256 2.6922526989913425 2.840840081219381 2.77738088672616 2.6055767260249842 2.351739948052081 2.135050015636181 1.9013344456733245 1.6536888086265842 1.27448142689877 1.1166073332814783 +33402,0.9695677362849799,1,0.8519360586877814 0.6832274684496871 0.5702391465471105 0.5532135090001541 0.7853812937314698 1.3147238429188635 1.772868271455332 2.1598145793408583 2.5189007530586256 2.6922526989913425 2.840840081219381 2.77738088672616 2.6055767260249842 2.351739948052081 2.135050015636181 1.9013344456733245 1.6536888086265842 1.27448142689877 1.1166073332814783 0.9850455886003958 +33403,0.7915724346576326,1,0.6832274684496871 0.5702391465471105 0.5532135090001541 0.7853812937314698 1.3147238429188635 1.772868271455332 2.1598145793408583 2.5189007530586256 2.6922526989913425 2.840840081219381 2.77738088672616 2.6055767260249842 2.351739948052081 2.135050015636181 1.9013344456733245 1.6536888086265842 1.27448142689877 1.1166073332814783 0.9850455886003958 0.9695677362849799 +33404,0.7327565958590333,1,0.5702391465471105 0.5532135090001541 0.7853812937314698 1.3147238429188635 1.772868271455332 2.1598145793408583 2.5189007530586256 2.6922526989913425 2.840840081219381 2.77738088672616 2.6055767260249842 2.351739948052081 2.135050015636181 1.9013344456733245 1.6536888086265842 1.27448142689877 1.1166073332814783 0.9850455886003958 0.9695677362849799 0.7915724346576326 +33405,0.6631062604396404,1,0.5532135090001541 0.7853812937314698 1.3147238429188635 1.772868271455332 2.1598145793408583 2.5189007530586256 2.6922526989913425 2.840840081219381 2.77738088672616 2.6055767260249842 2.351739948052081 2.135050015636181 1.9013344456733245 1.6536888086265842 1.27448142689877 1.1166073332814783 0.9850455886003958 0.9695677362849799 0.7915724346576326 0.7327565958590333 +33406,0.5609524351578663,1,0.7853812937314698 1.3147238429188635 1.772868271455332 2.1598145793408583 2.5189007530586256 2.6922526989913425 2.840840081219381 2.77738088672616 2.6055767260249842 2.351739948052081 2.135050015636181 1.9013344456733245 1.6536888086265842 1.27448142689877 1.1166073332814783 0.9850455886003958 0.9695677362849799 0.7915724346576326 0.7327565958590333 0.6631062604396404 +33407,0.5036843815908078,1,1.3147238429188635 1.772868271455332 2.1598145793408583 2.5189007530586256 2.6922526989913425 2.840840081219381 2.77738088672616 2.6055767260249842 2.351739948052081 2.135050015636181 1.9013344456733245 1.6536888086265842 1.27448142689877 1.1166073332814783 0.9850455886003958 0.9695677362849799 0.7915724346576326 0.7327565958590333 0.6631062604396404 0.5609524351578663 +33408,0.4371296166344962,1,1.772868271455332 2.1598145793408583 2.5189007530586256 2.6922526989913425 2.840840081219381 2.77738088672616 2.6055767260249842 2.351739948052081 2.135050015636181 1.9013344456733245 1.6536888086265842 1.27448142689877 1.1166073332814783 0.9850455886003958 0.9695677362849799 0.7915724346576326 0.7327565958590333 0.6631062604396404 0.5609524351578663 0.5036843815908078 +33409,0.39688720061440286,1,2.1598145793408583 2.5189007530586256 2.6922526989913425 2.840840081219381 2.77738088672616 2.6055767260249842 2.351739948052081 2.135050015636181 1.9013344456733245 1.6536888086265842 1.27448142689877 1.1166073332814783 0.9850455886003958 0.9695677362849799 0.7915724346576326 0.7327565958590333 0.6631062604396404 0.5609524351578663 0.5036843815908078 0.4371296166344962 +33410,0.6770363275235243,1,2.5189007530586256 2.6922526989913425 2.840840081219381 2.77738088672616 2.6055767260249842 2.351739948052081 2.135050015636181 1.9013344456733245 1.6536888086265842 1.27448142689877 1.1166073332814783 0.9850455886003958 0.9695677362849799 0.7915724346576326 0.7327565958590333 0.6631062604396404 0.5609524351578663 0.5036843815908078 0.4371296166344962 0.39688720061440286 +33411,1.1104161923553066,1,2.6922526989913425 2.840840081219381 2.77738088672616 2.6055767260249842 2.351739948052081 2.135050015636181 1.9013344456733245 1.6536888086265842 1.27448142689877 1.1166073332814783 0.9850455886003958 0.9695677362849799 0.7915724346576326 0.7327565958590333 0.6631062604396404 0.5609524351578663 0.5036843815908078 0.4371296166344962 0.39688720061440286 0.6770363275235243 +33412,1.4880757888515799,1,2.840840081219381 2.77738088672616 2.6055767260249842 2.351739948052081 2.135050015636181 1.9013344456733245 1.6536888086265842 1.27448142689877 1.1166073332814783 0.9850455886003958 0.9695677362849799 0.7915724346576326 0.7327565958590333 0.6631062604396404 0.5609524351578663 0.5036843815908078 0.4371296166344962 0.39688720061440286 0.6770363275235243 1.1104161923553066 +33413,1.7264347145090673,1,2.77738088672616 2.6055767260249842 2.351739948052081 2.135050015636181 1.9013344456733245 1.6536888086265842 1.27448142689877 1.1166073332814783 0.9850455886003958 0.9695677362849799 0.7915724346576326 0.7327565958590333 0.6631062604396404 0.5609524351578663 0.5036843815908078 0.4371296166344962 0.39688720061440286 0.6770363275235243 1.1104161923553066 1.4880757888515799 +33414,1.9013344456733245,1,2.6055767260249842 2.351739948052081 2.135050015636181 1.9013344456733245 1.6536888086265842 1.27448142689877 1.1166073332814783 0.9850455886003958 0.9695677362849799 0.7915724346576326 0.7327565958590333 0.6631062604396404 0.5609524351578663 0.5036843815908078 0.4371296166344962 0.39688720061440286 0.6770363275235243 1.1104161923553066 1.4880757888515799 1.7264347145090673 +33415,2.130406659941559,1,2.351739948052081 2.135050015636181 1.9013344456733245 1.6536888086265842 1.27448142689877 1.1166073332814783 0.9850455886003958 0.9695677362849799 0.7915724346576326 0.7327565958590333 0.6631062604396404 0.5609524351578663 0.5036843815908078 0.4371296166344962 0.39688720061440286 0.6770363275235243 1.1104161923553066 1.4880757888515799 1.7264347145090673 1.9013344456733245 +33416,2.309949746800438,1,2.135050015636181 1.9013344456733245 1.6536888086265842 1.27448142689877 1.1166073332814783 0.9850455886003958 0.9695677362849799 0.7915724346576326 0.7327565958590333 0.6631062604396404 0.5609524351578663 0.5036843815908078 0.4371296166344962 0.39688720061440286 0.6770363275235243 1.1104161923553066 1.4880757888515799 1.7264347145090673 1.9013344456733245 2.130406659941559 +33417,2.3811478674513804,1,1.9013344456733245 1.6536888086265842 1.27448142689877 1.1166073332814783 0.9850455886003958 0.9695677362849799 0.7915724346576326 0.7327565958590333 0.6631062604396404 0.5609524351578663 0.5036843815908078 0.4371296166344962 0.39688720061440286 0.6770363275235243 1.1104161923553066 1.4880757888515799 1.7264347145090673 1.9013344456733245 2.130406659941559 2.309949746800438 +33418,2.370313370830587,1,1.6536888086265842 1.27448142689877 1.1166073332814783 0.9850455886003958 0.9695677362849799 0.7915724346576326 0.7327565958590333 0.6631062604396404 0.5609524351578663 0.5036843815908078 0.4371296166344962 0.39688720061440286 0.6770363275235243 1.1104161923553066 1.4880757888515799 1.7264347145090673 1.9013344456733245 2.130406659941559 2.309949746800438 2.3811478674513804 +33419,2.334714310505116,1,1.27448142689877 1.1166073332814783 0.9850455886003958 0.9695677362849799 0.7915724346576326 0.7327565958590333 0.6631062604396404 0.5609524351578663 0.5036843815908078 0.4371296166344962 0.39688720061440286 0.6770363275235243 1.1104161923553066 1.4880757888515799 1.7264347145090673 1.9013344456733245 2.130406659941559 2.309949746800438 2.3811478674513804 2.370313370830587 +33420,2.2232737738340798,1,1.1166073332814783 0.9850455886003958 0.9695677362849799 0.7915724346576326 0.7327565958590333 0.6631062604396404 0.5609524351578663 0.5036843815908078 0.4371296166344962 0.39688720061440286 0.6770363275235243 1.1104161923553066 1.4880757888515799 1.7264347145090673 1.9013344456733245 2.130406659941559 2.309949746800438 2.3811478674513804 2.370313370830587 2.334714310505116 +33421,2.0731386063745,1,0.9850455886003958 0.9695677362849799 0.7915724346576326 0.7327565958590333 0.6631062604396404 0.5609524351578663 0.5036843815908078 0.4371296166344962 0.39688720061440286 0.6770363275235243 1.1104161923553066 1.4880757888515799 1.7264347145090673 1.9013344456733245 2.130406659941559 2.309949746800438 2.3811478674513804 2.370313370830587 2.334714310505116 2.2232737738340798 +33422,1.7604859896029978,1,0.9695677362849799 0.7915724346576326 0.7327565958590333 0.6631062604396404 0.5609524351578663 0.5036843815908078 0.4371296166344962 0.39688720061440286 0.6770363275235243 1.1104161923553066 1.4880757888515799 1.7264347145090673 1.9013344456733245 2.130406659941559 2.309949746800438 2.3811478674513804 2.370313370830587 2.334714310505116 2.2232737738340798 2.0731386063745 +33423,1.4339033057476116,1,0.7915724346576326 0.7327565958590333 0.6631062604396404 0.5609524351578663 0.5036843815908078 0.4371296166344962 0.39688720061440286 0.6770363275235243 1.1104161923553066 1.4880757888515799 1.7264347145090673 1.9013344456733245 2.130406659941559 2.309949746800438 2.3811478674513804 2.370313370830587 2.334714310505116 2.2232737738340798 2.0731386063745 1.7604859896029978 +33424,1.209474447174008,1,0.7327565958590333 0.6631062604396404 0.5609524351578663 0.5036843815908078 0.4371296166344962 0.39688720061440286 0.6770363275235243 1.1104161923553066 1.4880757888515799 1.7264347145090673 1.9013344456733245 2.130406659941559 2.309949746800438 2.3811478674513804 2.370313370830587 2.334714310505116 2.2232737738340798 2.0731386063745 1.7604859896029978 1.4339033057476116 +33425,1.006714581841992,1,0.6631062604396404 0.5609524351578663 0.5036843815908078 0.4371296166344962 0.39688720061440286 0.6770363275235243 1.1104161923553066 1.4880757888515799 1.7264347145090673 1.9013344456733245 2.130406659941559 2.309949746800438 2.3811478674513804 2.370313370830587 2.334714310505116 2.2232737738340798 2.0731386063745 1.7604859896029978 1.4339033057476116 1.209474447174008 +33426,0.8859873337817031,1,0.5609524351578663 0.5036843815908078 0.4371296166344962 0.39688720061440286 0.6770363275235243 1.1104161923553066 1.4880757888515799 1.7264347145090673 1.9013344456733245 2.130406659941559 2.309949746800438 2.3811478674513804 2.370313370830587 2.334714310505116 2.2232737738340798 2.0731386063745 1.7604859896029978 1.4339033057476116 1.209474447174008 1.006714581841992 +33427,0.7312088106274927,1,0.5036843815908078 0.4371296166344962 0.39688720061440286 0.6770363275235243 1.1104161923553066 1.4880757888515799 1.7264347145090673 1.9013344456733245 2.130406659941559 2.309949746800438 2.3811478674513804 2.370313370830587 2.334714310505116 2.2232737738340798 2.0731386063745 1.7604859896029978 1.4339033057476116 1.209474447174008 1.006714581841992 0.8859873337817031 +33428,0.6553673342819281,1,0.4371296166344962 0.39688720061440286 0.6770363275235243 1.1104161923553066 1.4880757888515799 1.7264347145090673 1.9013344456733245 2.130406659941559 2.309949746800438 2.3811478674513804 2.370313370830587 2.334714310505116 2.2232737738340798 2.0731386063745 1.7604859896029978 1.4339033057476116 1.209474447174008 1.006714581841992 0.8859873337817031 0.7312088106274927 +33429,0.6460806228926751,1,0.39688720061440286 0.6770363275235243 1.1104161923553066 1.4880757888515799 1.7264347145090673 1.9013344456733245 2.130406659941559 2.309949746800438 2.3811478674513804 2.370313370830587 2.334714310505116 2.2232737738340798 2.0731386063745 1.7604859896029978 1.4339033057476116 1.209474447174008 1.006714581841992 0.8859873337817031 0.7312088106274927 0.6553673342819281 +33430,0.5841692136309944,1,0.6770363275235243 1.1104161923553066 1.4880757888515799 1.7264347145090673 1.9013344456733245 2.130406659941559 2.309949746800438 2.3811478674513804 2.370313370830587 2.334714310505116 2.2232737738340798 2.0731386063745 1.7604859896029978 1.4339033057476116 1.209474447174008 1.006714581841992 0.8859873337817031 0.7312088106274927 0.6553673342819281 0.6460806228926751 +33431,0.5145188782116015,1,1.1104161923553066 1.4880757888515799 1.7264347145090673 1.9013344456733245 2.130406659941559 2.309949746800438 2.3811478674513804 2.370313370830587 2.334714310505116 2.2232737738340798 2.0731386063745 1.7604859896029978 1.4339033057476116 1.209474447174008 1.006714581841992 0.8859873337817031 0.7312088106274927 0.6553673342819281 0.6460806228926751 0.5841692136309944 +33432,0.46808532126533653,1,1.4880757888515799 1.7264347145090673 1.9013344456733245 2.130406659941559 2.309949746800438 2.3811478674513804 2.370313370830587 2.334714310505116 2.2232737738340798 2.0731386063745 1.7604859896029978 1.4339033057476116 1.209474447174008 1.006714581841992 0.8859873337817031 0.7312088106274927 0.6553673342819281 0.6460806228926751 0.5841692136309944 0.5145188782116015 +33433,0.4309384757083246,1,1.7264347145090673 1.9013344456733245 2.130406659941559 2.309949746800438 2.3811478674513804 2.370313370830587 2.334714310505116 2.2232737738340798 2.0731386063745 1.7604859896029978 1.4339033057476116 1.209474447174008 1.006714581841992 0.8859873337817031 0.7312088106274927 0.6553673342819281 0.6460806228926751 0.5841692136309944 0.5145188782116015 0.46808532126533653 +33434,0.69251417983894,1,1.9013344456733245 2.130406659941559 2.309949746800438 2.3811478674513804 2.370313370830587 2.334714310505116 2.2232737738340798 2.0731386063745 1.7604859896029978 1.4339033057476116 1.209474447174008 1.006714581841992 0.8859873337817031 0.7312088106274927 0.6553673342819281 0.6460806228926751 0.5841692136309944 0.5145188782116015 0.46808532126533653 0.4309384757083246 +33435,1.025288004620498,1,2.130406659941559 2.309949746800438 2.3811478674513804 2.370313370830587 2.334714310505116 2.2232737738340798 2.0731386063745 1.7604859896029978 1.4339033057476116 1.209474447174008 1.006714581841992 0.8859873337817031 0.7312088106274927 0.6553673342819281 0.6460806228926751 0.5841692136309944 0.5145188782116015 0.46808532126533653 0.4309384757083246 0.69251417983894 +33436,1.4478333728314865,1,2.309949746800438 2.3811478674513804 2.370313370830587 2.334714310505116 2.2232737738340798 2.0731386063745 1.7604859896029978 1.4339033057476116 1.209474447174008 1.006714581841992 0.8859873337817031 0.7312088106274927 0.6553673342819281 0.6460806228926751 0.5841692136309944 0.5145188782116015 0.46808532126533653 0.4309384757083246 0.69251417983894 1.025288004620498 +33437,1.7945372646969195,1,2.3811478674513804 2.370313370830587 2.334714310505116 2.2232737738340798 2.0731386063745 1.7604859896029978 1.4339033057476116 1.209474447174008 1.006714581841992 0.8859873337817031 0.7312088106274927 0.6553673342819281 0.6460806228926751 0.5841692136309944 0.5145188782116015 0.46808532126533653 0.4309384757083246 0.69251417983894 1.025288004620498 1.4478333728314865 +33438,2.0731386063745,1,2.370313370830587 2.334714310505116 2.2232737738340798 2.0731386063745 1.7604859896029978 1.4339033057476116 1.209474447174008 1.006714581841992 0.8859873337817031 0.7312088106274927 0.6553673342819281 0.6460806228926751 0.5841692136309944 0.5145188782116015 0.46808532126533653 0.4309384757083246 0.69251417983894 1.025288004620498 1.4478333728314865 1.7945372646969195 +33439,2.2573250489280103,1,2.334714310505116 2.2232737738340798 2.0731386063745 1.7604859896029978 1.4339033057476116 1.209474447174008 1.006714581841992 0.8859873337817031 0.7312088106274927 0.6553673342819281 0.6460806228926751 0.5841692136309944 0.5145188782116015 0.46808532126533653 0.4309384757083246 0.69251417983894 1.025288004620498 1.4478333728314865 1.7945372646969195 2.0731386063745 +33440,2.498779545048579,1,2.2232737738340798 2.0731386063745 1.7604859896029978 1.4339033057476116 1.209474447174008 1.006714581841992 0.8859873337817031 0.7312088106274927 0.6553673342819281 0.6460806228926751 0.5841692136309944 0.5145188782116015 0.46808532126533653 0.4309384757083246 0.69251417983894 1.025288004620498 1.4478333728314865 1.7945372646969195 2.0731386063745 2.2573250489280103 +33441,2.5219963235217073,1,2.0731386063745 1.7604859896029978 1.4339033057476116 1.209474447174008 1.006714581841992 0.8859873337817031 0.7312088106274927 0.6553673342819281 0.6460806228926751 0.5841692136309944 0.5145188782116015 0.46808532126533653 0.4309384757083246 0.69251417983894 1.025288004620498 1.4478333728314865 1.7945372646969195 2.0731386063745 2.2573250489280103 2.498779545048579 +33442,2.4956839745854977,1,1.7604859896029978 1.4339033057476116 1.209474447174008 1.006714581841992 0.8859873337817031 0.7312088106274927 0.6553673342819281 0.6460806228926751 0.5841692136309944 0.5145188782116015 0.46808532126533653 0.4309384757083246 0.69251417983894 1.025288004620498 1.4478333728314865 1.7945372646969195 2.0731386063745 2.2573250489280103 2.498779545048579 2.5219963235217073 +33443,2.444607061944602,1,1.4339033057476116 1.209474447174008 1.006714581841992 0.8859873337817031 0.7312088106274927 0.6553673342819281 0.6460806228926751 0.5841692136309944 0.5145188782116015 0.46808532126533653 0.4309384757083246 0.69251417983894 1.025288004620498 1.4478333728314865 1.7945372646969195 2.0731386063745 2.2573250489280103 2.498779545048579 2.5219963235217073 2.4956839745854977 +33444,2.296019679716563,1,1.209474447174008 1.006714581841992 0.8859873337817031 0.7312088106274927 0.6553673342819281 0.6460806228926751 0.5841692136309944 0.5145188782116015 0.46808532126533653 0.4309384757083246 0.69251417983894 1.025288004620498 1.4478333728314865 1.7945372646969195 2.0731386063745 2.2573250489280103 2.498779545048579 2.5219963235217073 2.4956839745854977 2.444607061944602 +33445,2.046826257438282,1,1.006714581841992 0.8859873337817031 0.7312088106274927 0.6553673342819281 0.6460806228926751 0.5841692136309944 0.5145188782116015 0.46808532126533653 0.4309384757083246 0.69251417983894 1.025288004620498 1.4478333728314865 1.7945372646969195 2.0731386063745 2.2573250489280103 2.498779545048579 2.5219963235217073 2.4956839745854977 2.444607061944602 2.296019679716563 +33446,1.6707144461735495,1,0.8859873337817031 0.7312088106274927 0.6553673342819281 0.6460806228926751 0.5841692136309944 0.5145188782116015 0.46808532126533653 0.4309384757083246 0.69251417983894 1.025288004620498 1.4478333728314865 1.7945372646969195 2.0731386063745 2.2573250489280103 2.498779545048579 2.5219963235217073 2.4956839745854977 2.444607061944602 2.296019679716563 2.046826257438282 +33447,1.376635252180553,1,0.7312088106274927 0.6553673342819281 0.6460806228926751 0.5841692136309944 0.5145188782116015 0.46808532126533653 0.4309384757083246 0.69251417983894 1.025288004620498 1.4478333728314865 1.7945372646969195 2.0731386063745 2.2573250489280103 2.498779545048579 2.5219963235217073 2.4956839745854977 2.444607061944602 2.296019679716563 2.046826257438282 1.6707144461735495 +33448,1.1986399505532055,1,0.6553673342819281 0.6460806228926751 0.5841692136309944 0.5145188782116015 0.46808532126533653 0.4309384757083246 0.69251417983894 1.025288004620498 1.4478333728314865 1.7945372646969195 2.0731386063745 2.2573250489280103 2.498779545048579 2.5219963235217073 2.4956839745854977 2.444607061944602 2.296019679716563 2.046826257438282 1.6707144461735495 1.376635252180553 +33449,0.9711155215165207,1,0.6460806228926751 0.5841692136309944 0.5145188782116015 0.46808532126533653 0.4309384757083246 0.69251417983894 1.025288004620498 1.4478333728314865 1.7945372646969195 2.0731386063745 2.2573250489280103 2.498779545048579 2.5219963235217073 2.4956839745854977 2.444607061944602 2.296019679716563 2.046826257438282 1.6707144461735495 1.376635252180553 1.1986399505532055 +33450,0.8983696156340375,1,0.5841692136309944 0.5145188782116015 0.46808532126533653 0.4309384757083246 0.69251417983894 1.025288004620498 1.4478333728314865 1.7945372646969195 2.0731386063745 2.2573250489280103 2.498779545048579 2.5219963235217073 2.4956839745854977 2.444607061944602 2.296019679716563 2.046826257438282 1.6707144461735495 1.376635252180553 1.1986399505532055 0.9711155215165207 +33451,0.8008591460468856,1,0.5145188782116015 0.46808532126533653 0.4309384757083246 0.69251417983894 1.025288004620498 1.4478333728314865 1.7945372646969195 2.0731386063745 2.2573250489280103 2.498779545048579 2.5219963235217073 2.4956839745854977 2.444607061944602 2.296019679716563 2.046826257438282 1.6707144461735495 1.376635252180553 1.1986399505532055 0.9711155215165207 0.8983696156340375 +33452,0.7652600857214231,1,0.46808532126533653 0.4309384757083246 0.69251417983894 1.025288004620498 1.4478333728314865 1.7945372646969195 2.0731386063745 2.2573250489280103 2.498779545048579 2.5219963235217073 2.4956839745854977 2.444607061944602 2.296019679716563 2.046826257438282 1.6707144461735495 1.376635252180553 1.1986399505532055 0.9711155215165207 0.8983696156340375 0.8008591460468856 +33453,0.7126353878489867,1,0.4309384757083246 0.69251417983894 1.025288004620498 1.4478333728314865 1.7945372646969195 2.0731386063745 2.2573250489280103 2.498779545048579 2.5219963235217073 2.4956839745854977 2.444607061944602 2.296019679716563 2.046826257438282 1.6707144461735495 1.376635252180553 1.1986399505532055 0.9711155215165207 0.8983696156340375 0.8008591460468856 0.7652600857214231 +33454,0.6321505558088,1,0.69251417983894 1.025288004620498 1.4478333728314865 1.7945372646969195 2.0731386063745 2.2573250489280103 2.498779545048579 2.5219963235217073 2.4956839745854977 2.444607061944602 2.296019679716563 2.046826257438282 1.6707144461735495 1.376635252180553 1.1986399505532055 0.9711155215165207 0.8983696156340375 0.8008591460468856 0.7652600857214231 0.7126353878489867 +33455,0.5826214283994537,1,1.025288004620498 1.4478333728314865 1.7945372646969195 2.0731386063745 2.2573250489280103 2.498779545048579 2.5219963235217073 2.4956839745854977 2.444607061944602 2.296019679716563 2.046826257438282 1.6707144461735495 1.376635252180553 1.1986399505532055 0.9711155215165207 0.8983696156340375 0.8008591460468856 0.7652600857214231 0.7126353878489867 0.6321505558088 +33456,0.5408312271478108,1,1.4478333728314865 1.7945372646969195 2.0731386063745 2.2573250489280103 2.498779545048579 2.5219963235217073 2.4956839745854977 2.444607061944602 2.296019679716563 2.046826257438282 1.6707144461735495 1.376635252180553 1.1986399505532055 0.9711155215165207 0.8983696156340375 0.8008591460468856 0.7652600857214231 0.7126353878489867 0.6321505558088 0.5826214283994537 +33457,0.49284988497000526,1,1.7945372646969195 2.0731386063745 2.2573250489280103 2.498779545048579 2.5219963235217073 2.4956839745854977 2.444607061944602 2.296019679716563 2.046826257438282 1.6707144461735495 1.376635252180553 1.1986399505532055 0.9711155215165207 0.8983696156340375 0.8008591460468856 0.7652600857214231 0.7126353878489867 0.6321505558088 0.5826214283994537 0.5408312271478108 +33458,0.8209803540569323,1,2.0731386063745 2.2573250489280103 2.498779545048579 2.5219963235217073 2.4956839745854977 2.444607061944602 2.296019679716563 2.046826257438282 1.6707144461735495 1.376635252180553 1.1986399505532055 0.9711155215165207 0.8983696156340375 0.8008591460468856 0.7652600857214231 0.7126353878489867 0.6321505558088 0.5826214283994537 0.5408312271478108 0.49284988497000526 +33459,1.2806725678249418,1,2.2573250489280103 2.498779545048579 2.5219963235217073 2.4956839745854977 2.444607061944602 2.296019679716563 2.046826257438282 1.6707144461735495 1.376635252180553 1.1986399505532055 0.9711155215165207 0.8983696156340375 0.8008591460468856 0.7652600857214231 0.7126353878489867 0.6321505558088 0.5826214283994537 0.5408312271478108 0.49284988497000526 0.8209803540569323 +33460,1.5732039765863974,1,2.498779545048579 2.5219963235217073 2.4956839745854977 2.444607061944602 2.296019679716563 2.046826257438282 1.6707144461735495 1.376635252180553 1.1986399505532055 0.9711155215165207 0.8983696156340375 0.8008591460468856 0.7652600857214231 0.7126353878489867 0.6321505558088 0.5826214283994537 0.5408312271478108 0.49284988497000526 0.8209803540569323 1.2806725678249418 +33461,1.8641876001163125,1,2.5219963235217073 2.4956839745854977 2.444607061944602 2.296019679716563 2.046826257438282 1.6707144461735495 1.376635252180553 1.1986399505532055 0.9711155215165207 0.8983696156340375 0.8008591460468856 0.7652600857214231 0.7126353878489867 0.6321505558088 0.5826214283994537 0.5408312271478108 0.49284988497000526 0.8209803540569323 1.2806725678249418 1.5732039765863974 +33462,2.2480383375387576,1,2.4956839745854977 2.444607061944602 2.296019679716563 2.046826257438282 1.6707144461735495 1.376635252180553 1.1986399505532055 0.9711155215165207 0.8983696156340375 0.8008591460468856 0.7652600857214231 0.7126353878489867 0.6321505558088 0.5826214283994537 0.5408312271478108 0.49284988497000526 0.8209803540569323 1.2806725678249418 1.5732039765863974 1.8641876001163125 +33463,2.361026659441334,1,2.444607061944602 2.296019679716563 2.046826257438282 1.6707144461735495 1.376635252180553 1.1986399505532055 0.9711155215165207 0.8983696156340375 0.8008591460468856 0.7652600857214231 0.7126353878489867 0.6321505558088 0.5826214283994537 0.5408312271478108 0.49284988497000526 0.8209803540569323 1.2806725678249418 1.5732039765863974 1.8641876001163125 2.2480383375387576 +33464,2.569977665699513,1,2.296019679716563 2.046826257438282 1.6707144461735495 1.376635252180553 1.1986399505532055 0.9711155215165207 0.8983696156340375 0.8008591460468856 0.7652600857214231 0.7126353878489867 0.6321505558088 0.5826214283994537 0.5408312271478108 0.49284988497000526 0.8209803540569323 1.2806725678249418 1.5732039765863974 1.8641876001163125 2.2480383375387576 2.361026659441334 +33465,2.574621021394144,1,2.046826257438282 1.6707144461735495 1.376635252180553 1.1986399505532055 0.9711155215165207 0.8983696156340375 0.8008591460468856 0.7652600857214231 0.7126353878489867 0.6321505558088 0.5826214283994537 0.5408312271478108 0.49284988497000526 0.8209803540569323 1.2806725678249418 1.5732039765863974 1.8641876001163125 2.2480383375387576 2.361026659441334 2.569977665699513 +33466,2.6411757863504555,1,1.6707144461735495 1.376635252180553 1.1986399505532055 0.9711155215165207 0.8983696156340375 0.8008591460468856 0.7652600857214231 0.7126353878489867 0.6321505558088 0.5826214283994537 0.5408312271478108 0.49284988497000526 0.8209803540569323 1.2806725678249418 1.5732039765863974 1.8641876001163125 2.2480383375387576 2.361026659441334 2.569977665699513 2.574621021394144 +33467,2.559143169078719,1,1.376635252180553 1.1986399505532055 0.9711155215165207 0.8983696156340375 0.8008591460468856 0.7652600857214231 0.7126353878489867 0.6321505558088 0.5826214283994537 0.5408312271478108 0.49284988497000526 0.8209803540569323 1.2806725678249418 1.5732039765863974 1.8641876001163125 2.2480383375387576 2.361026659441334 2.569977665699513 2.574621021394144 2.6411757863504555 +33468,2.412103572082221,1,1.1986399505532055 0.9711155215165207 0.8983696156340375 0.8008591460468856 0.7652600857214231 0.7126353878489867 0.6321505558088 0.5826214283994537 0.5408312271478108 0.49284988497000526 0.8209803540569323 1.2806725678249418 1.5732039765863974 1.8641876001163125 2.2480383375387576 2.361026659441334 2.569977665699513 2.574621021394144 2.6411757863504555 2.559143169078719 +33469,2.2108914919817453,1,0.9711155215165207 0.8983696156340375 0.8008591460468856 0.7652600857214231 0.7126353878489867 0.6321505558088 0.5826214283994537 0.5408312271478108 0.49284988497000526 0.8209803540569323 1.2806725678249418 1.5732039765863974 1.8641876001163125 2.2480383375387576 2.361026659441334 2.569977665699513 2.574621021394144 2.6411757863504555 2.559143169078719 2.412103572082221 +33470,1.8301363250223908,1,0.8983696156340375 0.8008591460468856 0.7652600857214231 0.7126353878489867 0.6321505558088 0.5826214283994537 0.5408312271478108 0.49284988497000526 0.8209803540569323 1.2806725678249418 1.5732039765863974 1.8641876001163125 2.2480383375387576 2.361026659441334 2.569977665699513 2.574621021394144 2.6411757863504555 2.559143169078719 2.412103572082221 2.2108914919817453 +33471,1.4865280036200392,1,0.8008591460468856 0.7652600857214231 0.7126353878489867 0.6321505558088 0.5826214283994537 0.5408312271478108 0.49284988497000526 0.8209803540569323 1.2806725678249418 1.5732039765863974 1.8641876001163125 2.2480383375387576 2.361026659441334 2.569977665699513 2.574621021394144 2.6411757863504555 2.559143169078719 2.412103572082221 2.2108914919817453 1.8301363250223908 +33472,1.2435257222679297,1,0.7652600857214231 0.7126353878489867 0.6321505558088 0.5826214283994537 0.5408312271478108 0.49284988497000526 0.8209803540569323 1.2806725678249418 1.5732039765863974 1.8641876001163125 2.2480383375387576 2.361026659441334 2.569977665699513 2.574621021394144 2.6411757863504555 2.559143169078719 2.412103572082221 2.2108914919817453 1.8301363250223908 1.4865280036200392 +33473,1.0701737763352133,1,0.7126353878489867 0.6321505558088 0.5826214283994537 0.5408312271478108 0.49284988497000526 0.8209803540569323 1.2806725678249418 1.5732039765863974 1.8641876001163125 2.2480383375387576 2.361026659441334 2.569977665699513 2.574621021394144 2.6411757863504555 2.559143169078719 2.412103572082221 2.2108914919817453 1.8301363250223908 1.4865280036200392 1.2435257222679297 +33474,0.9943322999896488,1,0.6321505558088 0.5826214283994537 0.5408312271478108 0.49284988497000526 0.8209803540569323 1.2806725678249418 1.5732039765863974 1.8641876001163125 2.2480383375387576 2.361026659441334 2.569977665699513 2.574621021394144 2.6411757863504555 2.559143169078719 2.412103572082221 2.2108914919817453 1.8301363250223908 1.4865280036200392 1.2435257222679297 1.0701737763352133 +33475,0.8844395485501625,1,0.5826214283994537 0.5408312271478108 0.49284988497000526 0.8209803540569323 1.2806725678249418 1.5732039765863974 1.8641876001163125 2.2480383375387576 2.361026659441334 2.569977665699513 2.574621021394144 2.6411757863504555 2.559143169078719 2.412103572082221 2.2108914919817453 1.8301363250223908 1.4865280036200392 1.2435257222679297 1.0701737763352133 0.9943322999896488 +33476,0.8271714949831038,1,0.5408312271478108 0.49284988497000526 0.8209803540569323 1.2806725678249418 1.5732039765863974 1.8641876001163125 2.2480383375387576 2.361026659441334 2.569977665699513 2.574621021394144 2.6411757863504555 2.559143169078719 2.412103572082221 2.2108914919817453 1.8301363250223908 1.4865280036200392 1.2435257222679297 1.0701737763352133 0.9943322999896488 0.8844395485501625 +33477,0.7606167300267923,1,0.49284988497000526 0.8209803540569323 1.2806725678249418 1.5732039765863974 1.8641876001163125 2.2480383375387576 2.361026659441334 2.569977665699513 2.574621021394144 2.6411757863504555 2.559143169078719 2.412103572082221 2.2108914919817453 1.8301363250223908 1.4865280036200392 1.2435257222679297 1.0701737763352133 0.9943322999896488 0.8844395485501625 0.8271714949831038 +33478,0.7126353878489867,1,0.8209803540569323 1.2806725678249418 1.5732039765863974 1.8641876001163125 2.2480383375387576 2.361026659441334 2.569977665699513 2.574621021394144 2.6411757863504555 2.559143169078719 2.412103572082221 2.2108914919817453 1.8301363250223908 1.4865280036200392 1.2435257222679297 1.0701737763352133 0.9943322999896488 0.8844395485501625 0.8271714949831038 0.7606167300267923 +33479,0.6708451865973527,1,1.2806725678249418 1.5732039765863974 1.8641876001163125 2.2480383375387576 2.361026659441334 2.569977665699513 2.574621021394144 2.6411757863504555 2.559143169078719 2.412103572082221 2.2108914919817453 1.8301363250223908 1.4865280036200392 1.2435257222679297 1.0701737763352133 0.9943322999896488 0.8844395485501625 0.8271714949831038 0.7606167300267923 0.7126353878489867 +33480,0.5965514954833288,1,1.5732039765863974 1.8641876001163125 2.2480383375387576 2.361026659441334 2.569977665699513 2.574621021394144 2.6411757863504555 2.559143169078719 2.412103572082221 2.2108914919817453 1.8301363250223908 1.4865280036200392 1.2435257222679297 1.0701737763352133 0.9943322999896488 0.8844395485501625 0.8271714949831038 0.7606167300267923 0.7126353878489867 0.6708451865973527 +33481,0.5609524351578663,1,1.8641876001163125 2.2480383375387576 2.361026659441334 2.569977665699513 2.574621021394144 2.6411757863504555 2.559143169078719 2.412103572082221 2.2108914919817453 1.8301363250223908 1.4865280036200392 1.2435257222679297 1.0701737763352133 0.9943322999896488 0.8844395485501625 0.8271714949831038 0.7606167300267923 0.7126353878489867 0.6708451865973527 0.5965514954833288 +33482,0.8859873337817031,1,2.2480383375387576 2.361026659441334 2.569977665699513 2.574621021394144 2.6411757863504555 2.559143169078719 2.412103572082221 2.2108914919817453 1.8301363250223908 1.4865280036200392 1.2435257222679297 1.0701737763352133 0.9943322999896488 0.8844395485501625 0.8271714949831038 0.7606167300267923 0.7126353878489867 0.6708451865973527 0.5965514954833288 0.5609524351578663 +33483,1.2868637087511132,1,2.361026659441334 2.569977665699513 2.574621021394144 2.6411757863504555 2.559143169078719 2.412103572082221 2.2108914919817453 1.8301363250223908 1.4865280036200392 1.2435257222679297 1.0701737763352133 0.9943322999896488 0.8844395485501625 0.8271714949831038 0.7606167300267923 0.7126353878489867 0.6708451865973527 0.5965514954833288 0.5609524351578663 0.8859873337817031 +33484,1.5917773993649034,1,2.569977665699513 2.574621021394144 2.6411757863504555 2.559143169078719 2.412103572082221 2.2108914919817453 1.8301363250223908 1.4865280036200392 1.2435257222679297 1.0701737763352133 0.9943322999896488 0.8844395485501625 0.8271714949831038 0.7606167300267923 0.7126353878489867 0.6708451865973527 0.5965514954833288 0.5609524351578663 0.8859873337817031 1.2868637087511132 +33485,1.9121689422941182,1,2.574621021394144 2.6411757863504555 2.559143169078719 2.412103572082221 2.2108914919817453 1.8301363250223908 1.4865280036200392 1.2435257222679297 1.0701737763352133 0.9943322999896488 0.8844395485501625 0.8271714949831038 0.7606167300267923 0.7126353878489867 0.6708451865973527 0.5965514954833288 0.5609524351578663 0.8859873337817031 1.2868637087511132 1.5917773993649034 +33486,2.1799357873509053,1,2.6411757863504555 2.559143169078719 2.412103572082221 2.2108914919817453 1.8301363250223908 1.4865280036200392 1.2435257222679297 1.0701737763352133 0.9943322999896488 0.8844395485501625 0.8271714949831038 0.7606167300267923 0.7126353878489867 0.6708451865973527 0.5965514954833288 0.5609524351578663 0.8859873337817031 1.2868637087511132 1.5917773993649034 1.9121689422941182 +33487,2.3734089412936683,1,2.559143169078719 2.412103572082221 2.2108914919817453 1.8301363250223908 1.4865280036200392 1.2435257222679297 1.0701737763352133 0.9943322999896488 0.8844395485501625 0.8271714949831038 0.7606167300267923 0.7126353878489867 0.6708451865973527 0.5965514954833288 0.5609524351578663 0.8859873337817031 1.2868637087511132 1.5917773993649034 1.9121689422941182 2.1799357873509053 +33488,2.549856457689466,1,2.412103572082221 2.2108914919817453 1.8301363250223908 1.4865280036200392 1.2435257222679297 1.0701737763352133 0.9943322999896488 0.8844395485501625 0.8271714949831038 0.7606167300267923 0.7126353878489867 0.6708451865973527 0.5965514954833288 0.5609524351578663 0.8859873337817031 1.2868637087511132 1.5917773993649034 1.9121689422941182 2.1799357873509053 2.3734089412936683 +33489,2.523544108753248,1,2.2108914919817453 1.8301363250223908 1.4865280036200392 1.2435257222679297 1.0701737763352133 0.9943322999896488 0.8844395485501625 0.8271714949831038 0.7606167300267923 0.7126353878489867 0.6708451865973527 0.5965514954833288 0.5609524351578663 0.8859873337817031 1.2868637087511132 1.5917773993649034 1.9121689422941182 2.1799357873509053 2.3734089412936683 2.549856457689466 +33490,2.5065184712062916,1,1.8301363250223908 1.4865280036200392 1.2435257222679297 1.0701737763352133 0.9943322999896488 0.8844395485501625 0.8271714949831038 0.7606167300267923 0.7126353878489867 0.6708451865973527 0.5965514954833288 0.5609524351578663 0.8859873337817031 1.2868637087511132 1.5917773993649034 1.9121689422941182 2.1799357873509053 2.3734089412936683 2.549856457689466 2.523544108753248 +33491,2.4182947130083927,1,1.4865280036200392 1.2435257222679297 1.0701737763352133 0.9943322999896488 0.8844395485501625 0.8271714949831038 0.7606167300267923 0.7126353878489867 0.6708451865973527 0.5965514954833288 0.5609524351578663 0.8859873337817031 1.2868637087511132 1.5917773993649034 1.9121689422941182 2.1799357873509053 2.3734089412936683 2.549856457689466 2.523544108753248 2.5065184712062916 +33492,2.3997212902298863,1,1.2435257222679297 1.0701737763352133 0.9943322999896488 0.8844395485501625 0.8271714949831038 0.7606167300267923 0.7126353878489867 0.6708451865973527 0.5965514954833288 0.5609524351578663 0.8859873337817031 1.2868637087511132 1.5917773993649034 1.9121689422941182 2.1799357873509053 2.3734089412936683 2.549856457689466 2.523544108753248 2.5065184712062916 2.4182947130083927 +33493,2.1768402168878236,1,1.0701737763352133 0.9943322999896488 0.8844395485501625 0.8271714949831038 0.7606167300267923 0.7126353878489867 0.6708451865973527 0.5965514954833288 0.5609524351578663 0.8859873337817031 1.2868637087511132 1.5917773993649034 1.9121689422941182 2.1799357873509053 2.3734089412936683 2.549856457689466 2.523544108753248 2.5065184712062916 2.4182947130083927 2.3997212902298863 +33494,1.8425186068747252,1,0.9943322999896488 0.8844395485501625 0.8271714949831038 0.7606167300267923 0.7126353878489867 0.6708451865973527 0.5965514954833288 0.5609524351578663 0.8859873337817031 1.2868637087511132 1.5917773993649034 1.9121689422941182 2.1799357873509053 2.3734089412936683 2.549856457689466 2.523544108753248 2.5065184712062916 2.4182947130083927 2.3997212902298863 2.1768402168878236 +33495,1.5360571310293856,1,0.8844395485501625 0.8271714949831038 0.7606167300267923 0.7126353878489867 0.6708451865973527 0.5965514954833288 0.5609524351578663 0.8859873337817031 1.2868637087511132 1.5917773993649034 1.9121689422941182 2.1799357873509053 2.3734089412936683 2.549856457689466 2.523544108753248 2.5065184712062916 2.4182947130083927 2.3997212902298863 2.1768402168878236 1.8425186068747252 +33496,1.376635252180553,1,0.8271714949831038 0.7606167300267923 0.7126353878489867 0.6708451865973527 0.5965514954833288 0.5609524351578663 0.8859873337817031 1.2868637087511132 1.5917773993649034 1.9121689422941182 2.1799357873509053 2.3734089412936683 2.549856457689466 2.523544108753248 2.5065184712062916 2.4182947130083927 2.3997212902298863 2.1768402168878236 1.8425186068747252 1.5360571310293856 +33497,1.1227984742076498,1,0.7606167300267923 0.7126353878489867 0.6708451865973527 0.5965514954833288 0.5609524351578663 0.8859873337817031 1.2868637087511132 1.5917773993649034 1.9121689422941182 2.1799357873509053 2.3734089412936683 2.549856457689466 2.523544108753248 2.5065184712062916 2.4182947130083927 2.3997212902298863 2.1768402168878236 1.8425186068747252 1.5360571310293856 1.376635252180553 +33498,1.006714581841992,1,0.7126353878489867 0.6708451865973527 0.5965514954833288 0.5609524351578663 0.8859873337817031 1.2868637087511132 1.5917773993649034 1.9121689422941182 2.1799357873509053 2.3734089412936683 2.549856457689466 2.523544108753248 2.5065184712062916 2.4182947130083927 2.3997212902298863 2.1768402168878236 1.8425186068747252 1.5360571310293856 1.376635252180553 1.1227984742076498 +33499,0.9045607565602091,1,0.6708451865973527 0.5965514954833288 0.5609524351578663 0.8859873337817031 1.2868637087511132 1.5917773993649034 1.9121689422941182 2.1799357873509053 2.3734089412936683 2.549856457689466 2.523544108753248 2.5065184712062916 2.4182947130083927 2.3997212902298863 2.1768402168878236 1.8425186068747252 1.5360571310293856 1.376635252180553 1.1227984742076498 1.006714581841992 +33500,0.7729990118791267,1,0.5965514954833288 0.5609524351578663 0.8859873337817031 1.2868637087511132 1.5917773993649034 1.9121689422941182 2.1799357873509053 2.3734089412936683 2.549856457689466 2.523544108753248 2.5065184712062916 2.4182947130083927 2.3997212902298863 2.1768402168878236 1.8425186068747252 1.5360571310293856 1.376635252180553 1.1227984742076498 1.006714581841992 0.9045607565602091 +33501,0.7157309583120769,1,0.5609524351578663 0.8859873337817031 1.2868637087511132 1.5917773993649034 1.9121689422941182 2.1799357873509053 2.3734089412936683 2.549856457689466 2.523544108753248 2.5065184712062916 2.4182947130083927 2.3997212902298863 2.1768402168878236 1.8425186068747252 1.5360571310293856 1.376635252180553 1.1227984742076498 1.006714581841992 0.9045607565602091 0.7729990118791267 +33502,0.6429850524295937,1,0.8859873337817031 1.2868637087511132 1.5917773993649034 1.9121689422941182 2.1799357873509053 2.3734089412936683 2.549856457689466 2.523544108753248 2.5065184712062916 2.4182947130083927 2.3997212902298863 2.1768402168878236 1.8425186068747252 1.5360571310293856 1.376635252180553 1.1227984742076498 1.006714581841992 0.9045607565602091 0.7729990118791267 0.7157309583120769 +33503,0.5501179385370639,1,1.2868637087511132 1.5917773993649034 1.9121689422941182 2.1799357873509053 2.3734089412936683 2.549856457689466 2.523544108753248 2.5065184712062916 2.4182947130083927 2.3997212902298863 2.1768402168878236 1.8425186068747252 1.5360571310293856 1.376635252180553 1.1227984742076498 1.006714581841992 0.9045607565602091 0.7729990118791267 0.7157309583120769 0.6429850524295937 +33504,0.5238055896008544,1,1.5917773993649034 1.9121689422941182 2.1799357873509053 2.3734089412936683 2.549856457689466 2.523544108753248 2.5065184712062916 2.4182947130083927 2.3997212902298863 2.1768402168878236 1.8425186068747252 1.5360571310293856 1.376635252180553 1.1227984742076498 1.006714581841992 0.9045607565602091 0.7729990118791267 0.7157309583120769 0.6429850524295937 0.5501179385370639 +33505,0.5299967305270172,1,1.9121689422941182 2.1799357873509053 2.3734089412936683 2.549856457689466 2.523544108753248 2.5065184712062916 2.4182947130083927 2.3997212902298863 2.1768402168878236 1.8425186068747252 1.5360571310293856 1.376635252180553 1.1227984742076498 1.006714581841992 0.9045607565602091 0.7729990118791267 0.7157309583120769 0.6429850524295937 0.5501179385370639 0.5238055896008544 +33506,0.748234448174458,1,2.1799357873509053 2.3734089412936683 2.549856457689466 2.523544108753248 2.5065184712062916 2.4182947130083927 2.3997212902298863 2.1768402168878236 1.8425186068747252 1.5360571310293856 1.376635252180553 1.1227984742076498 1.006714581841992 0.9045607565602091 0.7729990118791267 0.7157309583120769 0.6429850524295937 0.5501179385370639 0.5238055896008544 0.5299967305270172 +33507,1.1475630379123185,1,2.3734089412936683 2.549856457689466 2.523544108753248 2.5065184712062916 2.4182947130083927 2.3997212902298863 2.1768402168878236 1.8425186068747252 1.5360571310293856 1.376635252180553 1.1227984742076498 1.006714581841992 0.9045607565602091 0.7729990118791267 0.7157309583120769 0.6429850524295937 0.5501179385370639 0.5238055896008544 0.5299967305270172 0.748234448174458 +33508,1.4323555205160707,1,2.549856457689466 2.523544108753248 2.5065184712062916 2.4182947130083927 2.3997212902298863 2.1768402168878236 1.8425186068747252 1.5360571310293856 1.376635252180553 1.1227984742076498 1.006714581841992 0.9045607565602091 0.7729990118791267 0.7157309583120769 0.6429850524295937 0.5501179385370639 0.5238055896008544 0.5299967305270172 0.748234448174458 1.1475630379123185 +33509,1.7898939090022974,1,2.523544108753248 2.5065184712062916 2.4182947130083927 2.3997212902298863 2.1768402168878236 1.8425186068747252 1.5360571310293856 1.376635252180553 1.1227984742076498 1.006714581841992 0.9045607565602091 0.7729990118791267 0.7157309583120769 0.6429850524295937 0.5501179385370639 0.5238055896008544 0.5299967305270172 0.748234448174458 1.1475630379123185 1.4323555205160707 +33510,2.0344439755859476,1,2.5065184712062916 2.4182947130083927 2.3997212902298863 2.1768402168878236 1.8425186068747252 1.5360571310293856 1.376635252180553 1.1227984742076498 1.006714581841992 0.9045607565602091 0.7729990118791267 0.7157309583120769 0.6429850524295937 0.5501179385370639 0.5238055896008544 0.5299967305270172 0.748234448174458 1.1475630379123185 1.4323555205160707 1.7898939090022974 +33511,2.2279171295287106,1,2.4182947130083927 2.3997212902298863 2.1768402168878236 1.8425186068747252 1.5360571310293856 1.376635252180553 1.1227984742076498 1.006714581841992 0.9045607565602091 0.7729990118791267 0.7157309583120769 0.6429850524295937 0.5501179385370639 0.5238055896008544 0.5299967305270172 0.748234448174458 1.1475630379123185 1.4323555205160707 1.7898939090022974 2.0344439755859476 +33512,2.364122229904415,1,2.3997212902298863 2.1768402168878236 1.8425186068747252 1.5360571310293856 1.376635252180553 1.1227984742076498 1.006714581841992 0.9045607565602091 0.7729990118791267 0.7157309583120769 0.6429850524295937 0.5501179385370639 0.5238055896008544 0.5299967305270172 0.748234448174458 1.1475630379123185 1.4323555205160707 1.7898939090022974 2.0344439755859476 2.2279171295287106 +33513,2.5189007530586256,1,2.1768402168878236 1.8425186068747252 1.5360571310293856 1.376635252180553 1.1227984742076498 1.006714581841992 0.9045607565602091 0.7729990118791267 0.7157309583120769 0.6429850524295937 0.5501179385370639 0.5238055896008544 0.5299967305270172 0.748234448174458 1.1475630379123185 1.4323555205160707 1.7898939090022974 2.0344439755859476 2.2279171295287106 2.364122229904415 +33514,2.393530149303715,1,1.8425186068747252 1.5360571310293856 1.376635252180553 1.1227984742076498 1.006714581841992 0.9045607565602091 0.7729990118791267 0.7157309583120769 0.6429850524295937 0.5501179385370639 0.5238055896008544 0.5299967305270172 0.748234448174458 1.1475630379123185 1.4323555205160707 1.7898939090022974 2.0344439755859476 2.2279171295287106 2.364122229904415 2.5189007530586256 +33515,2.415199142545302,1,1.5360571310293856 1.376635252180553 1.1227984742076498 1.006714581841992 0.9045607565602091 0.7729990118791267 0.7157309583120769 0.6429850524295937 0.5501179385370639 0.5238055896008544 0.5299967305270172 0.748234448174458 1.1475630379123185 1.4323555205160707 1.7898939090022974 2.0344439755859476 2.2279171295287106 2.364122229904415 2.5189007530586256 2.393530149303715 +33516,2.2758984717065163,1,1.376635252180553 1.1227984742076498 1.006714581841992 0.9045607565602091 0.7729990118791267 0.7157309583120769 0.6429850524295937 0.5501179385370639 0.5238055896008544 0.5299967305270172 0.748234448174458 1.1475630379123185 1.4323555205160707 1.7898939090022974 2.0344439755859476 2.2279171295287106 2.364122229904415 2.5189007530586256 2.393530149303715 2.415199142545302 +33517,2.0267050494282355,1,1.1227984742076498 1.006714581841992 0.9045607565602091 0.7729990118791267 0.7157309583120769 0.6429850524295937 0.5501179385370639 0.5238055896008544 0.5299967305270172 0.748234448174458 1.1475630379123185 1.4323555205160707 1.7898939090022974 2.0344439755859476 2.2279171295287106 2.364122229904415 2.5189007530586256 2.393530149303715 2.415199142545302 2.2758984717065163 +33518,1.709409076962102,1,1.006714581841992 0.9045607565602091 0.7729990118791267 0.7157309583120769 0.6429850524295937 0.5501179385370639 0.5238055896008544 0.5299967305270172 0.748234448174458 1.1475630379123185 1.4323555205160707 1.7898939090022974 2.0344439755859476 2.2279171295287106 2.364122229904415 2.5189007530586256 2.393530149303715 2.415199142545302 2.2758984717065163 2.0267050494282355 +33519,1.3642529703282185,1,0.9045607565602091 0.7729990118791267 0.7157309583120769 0.6429850524295937 0.5501179385370639 0.5238055896008544 0.5299967305270172 0.748234448174458 1.1475630379123185 1.4323555205160707 1.7898939090022974 2.0344439755859476 2.2279171295287106 2.364122229904415 2.5189007530586256 2.393530149303715 2.415199142545302 2.2758984717065163 2.0267050494282355 1.709409076962102 +33520,1.1878054539324119,1,0.7729990118791267 0.7157309583120769 0.6429850524295937 0.5501179385370639 0.5238055896008544 0.5299967305270172 0.748234448174458 1.1475630379123185 1.4323555205160707 1.7898939090022974 2.0344439755859476 2.2279171295287106 2.364122229904415 2.5189007530586256 2.393530149303715 2.415199142545302 2.2758984717065163 2.0267050494282355 1.709409076962102 1.3642529703282185 +33521,1.081008272956007,1,0.7157309583120769 0.6429850524295937 0.5501179385370639 0.5238055896008544 0.5299967305270172 0.748234448174458 1.1475630379123185 1.4323555205160707 1.7898939090022974 2.0344439755859476 2.2279171295287106 2.364122229904415 2.5189007530586256 2.393530149303715 2.415199142545302 2.2758984717065163 2.0267050494282355 1.709409076962102 1.3642529703282185 1.1878054539324119 +33522,0.997427870452739,1,0.6429850524295937 0.5501179385370639 0.5238055896008544 0.5299967305270172 0.748234448174458 1.1475630379123185 1.4323555205160707 1.7898939090022974 2.0344439755859476 2.2279171295287106 2.364122229904415 2.5189007530586256 2.393530149303715 2.415199142545302 2.2758984717065163 2.0267050494282355 1.709409076962102 1.3642529703282185 1.1878054539324119 1.081008272956007 +33523,0.9231341793387151,1,0.5501179385370639 0.5238055896008544 0.5299967305270172 0.748234448174458 1.1475630379123185 1.4323555205160707 1.7898939090022974 2.0344439755859476 2.2279171295287106 2.364122229904415 2.5189007530586256 2.393530149303715 2.415199142545302 2.2758984717065163 2.0267050494282355 1.709409076962102 1.3642529703282185 1.1878054539324119 1.081008272956007 0.997427870452739 +33524,0.8194325688253916,1,0.5238055896008544 0.5299967305270172 0.748234448174458 1.1475630379123185 1.4323555205160707 1.7898939090022974 2.0344439755859476 2.2279171295287106 2.364122229904415 2.5189007530586256 2.393530149303715 2.415199142545302 2.2758984717065163 2.0267050494282355 1.709409076962102 1.3642529703282185 1.1878054539324119 1.081008272956007 0.997427870452739 0.9231341793387151 +33525,0.734304381090574,1,0.5299967305270172 0.748234448174458 1.1475630379123185 1.4323555205160707 1.7898939090022974 2.0344439755859476 2.2279171295287106 2.364122229904415 2.5189007530586256 2.393530149303715 2.415199142545302 2.2758984717065163 2.0267050494282355 1.709409076962102 1.3642529703282185 1.1878054539324119 1.081008272956007 0.997427870452739 0.9231341793387151 0.8194325688253916 +33526,0.6832274684496871,1,0.748234448174458 1.1475630379123185 1.4323555205160707 1.7898939090022974 2.0344439755859476 2.2279171295287106 2.364122229904415 2.5189007530586256 2.393530149303715 2.415199142545302 2.2758984717065163 2.0267050494282355 1.709409076962102 1.3642529703282185 1.1878054539324119 1.081008272956007 0.997427870452739 0.9231341793387151 0.8194325688253916 0.734304381090574 +33527,0.6275072001141692,1,1.1475630379123185 1.4323555205160707 1.7898939090022974 2.0344439755859476 2.2279171295287106 2.364122229904415 2.5189007530586256 2.393530149303715 2.415199142545302 2.2758984717065163 2.0267050494282355 1.709409076962102 1.3642529703282185 1.1878054539324119 1.081008272956007 0.997427870452739 0.9231341793387151 0.8194325688253916 0.734304381090574 0.6832274684496871 +33528,0.5934559250202474,1,1.4323555205160707 1.7898939090022974 2.0344439755859476 2.2279171295287106 2.364122229904415 2.5189007530586256 2.393530149303715 2.415199142545302 2.2758984717065163 2.0267050494282355 1.709409076962102 1.3642529703282185 1.1878054539324119 1.081008272956007 0.997427870452739 0.9231341793387151 0.8194325688253916 0.734304381090574 0.6832274684496871 0.6275072001141692 +33529,0.5501179385370639,1,1.7898939090022974 2.0344439755859476 2.2279171295287106 2.364122229904415 2.5189007530586256 2.393530149303715 2.415199142545302 2.2758984717065163 2.0267050494282355 1.709409076962102 1.3642529703282185 1.1878054539324119 1.081008272956007 0.997427870452739 0.9231341793387151 0.8194325688253916 0.734304381090574 0.6832274684496871 0.6275072001141692 0.5934559250202474 +33530,0.780737938036839,1,2.0344439755859476 2.2279171295287106 2.364122229904415 2.5189007530586256 2.393530149303715 2.415199142545302 2.2758984717065163 2.0267050494282355 1.709409076962102 1.3642529703282185 1.1878054539324119 1.081008272956007 0.997427870452739 0.9231341793387151 0.8194325688253916 0.734304381090574 0.6832274684496871 0.6275072001141692 0.5934559250202474 0.5501179385370639 +33531,1.1676842459223653,1,2.2279171295287106 2.364122229904415 2.5189007530586256 2.393530149303715 2.415199142545302 2.2758984717065163 2.0267050494282355 1.709409076962102 1.3642529703282185 1.1878054539324119 1.081008272956007 0.997427870452739 0.9231341793387151 0.8194325688253916 0.734304381090574 0.6832274684496871 0.6275072001141692 0.5934559250202474 0.5501179385370639 0.780737938036839 +33532,1.5391527014924757,1,2.364122229904415 2.5189007530586256 2.393530149303715 2.415199142545302 2.2758984717065163 2.0267050494282355 1.709409076962102 1.3642529703282185 1.1878054539324119 1.081008272956007 0.997427870452739 0.9231341793387151 0.8194325688253916 0.734304381090574 0.6832274684496871 0.6275072001141692 0.5934559250202474 0.5501179385370639 0.780737938036839 1.1676842459223653 +33533,1.8657353853478533,1,2.5189007530586256 2.393530149303715 2.415199142545302 2.2758984717065163 2.0267050494282355 1.709409076962102 1.3642529703282185 1.1878054539324119 1.081008272956007 0.997427870452739 0.9231341793387151 0.8194325688253916 0.734304381090574 0.6832274684496871 0.6275072001141692 0.5934559250202474 0.5501179385370639 0.780737938036839 1.1676842459223653 1.5391527014924757 +33534,2.111833237163053,1,2.393530149303715 2.415199142545302 2.2758984717065163 2.0267050494282355 1.709409076962102 1.3642529703282185 1.1878054539324119 1.081008272956007 0.997427870452739 0.9231341793387151 0.8194325688253916 0.734304381090574 0.6832274684496871 0.6275072001141692 0.5934559250202474 0.5501179385370639 0.780737938036839 1.1676842459223653 1.5391527014924757 1.8657353853478533 +33535,2.2898285387903914,1,2.415199142545302 2.2758984717065163 2.0267050494282355 1.709409076962102 1.3642529703282185 1.1878054539324119 1.081008272956007 0.997427870452739 0.9231341793387151 0.8194325688253916 0.734304381090574 0.6832274684496871 0.6275072001141692 0.5934559250202474 0.5501179385370639 0.780737938036839 1.1676842459223653 1.5391527014924757 1.8657353853478533 2.111833237163053 +33536,2.416746927776843,1,2.2758984717065163 2.0267050494282355 1.709409076962102 1.3642529703282185 1.1878054539324119 1.081008272956007 0.997427870452739 0.9231341793387151 0.8194325688253916 0.734304381090574 0.6832274684496871 0.6275072001141692 0.5934559250202474 0.5501179385370639 0.780737938036839 1.1676842459223653 1.5391527014924757 1.8657353853478533 2.111833237163053 2.2898285387903914 +33537,2.4569893437969452,1,2.0267050494282355 1.709409076962102 1.3642529703282185 1.1878054539324119 1.081008272956007 0.997427870452739 0.9231341793387151 0.8194325688253916 0.734304381090574 0.6832274684496871 0.6275072001141692 0.5934559250202474 0.5501179385370639 0.780737938036839 1.1676842459223653 1.5391527014924757 1.8657353853478533 2.111833237163053 2.2898285387903914 2.416746927776843 +33538,2.385791223146003,1,1.709409076962102 1.3642529703282185 1.1878054539324119 1.081008272956007 0.997427870452739 0.9231341793387151 0.8194325688253916 0.734304381090574 0.6832274684496871 0.6275072001141692 0.5934559250202474 0.5501179385370639 0.780737938036839 1.1676842459223653 1.5391527014924757 1.8657353853478533 2.111833237163053 2.2898285387903914 2.416746927776843 2.4569893437969452 +33539,2.3501921628205316,1,1.3642529703282185 1.1878054539324119 1.081008272956007 0.997427870452739 0.9231341793387151 0.8194325688253916 0.734304381090574 0.6832274684496871 0.6275072001141692 0.5934559250202474 0.5501179385370639 0.780737938036839 1.1676842459223653 1.5391527014924757 1.8657353853478533 2.111833237163053 2.2898285387903914 2.416746927776843 2.4569893437969452 2.385791223146003 +33540,2.217082632907917,1,1.1878054539324119 1.081008272956007 0.997427870452739 0.9231341793387151 0.8194325688253916 0.734304381090574 0.6832274684496871 0.6275072001141692 0.5934559250202474 0.5501179385370639 0.780737938036839 1.1676842459223653 1.5391527014924757 1.8657353853478533 2.111833237163053 2.2898285387903914 2.416746927776843 2.4569893437969452 2.385791223146003 2.3501921628205316 +33541,2.0174183380389823,1,1.081008272956007 0.997427870452739 0.9231341793387151 0.8194325688253916 0.734304381090574 0.6832274684496871 0.6275072001141692 0.5934559250202474 0.5501179385370639 0.780737938036839 1.1676842459223653 1.5391527014924757 1.8657353853478533 2.111833237163053 2.2898285387903914 2.416746927776843 2.4569893437969452 2.385791223146003 2.3501921628205316 2.217082632907917 +33542,1.6970267951097677,1,0.997427870452739 0.9231341793387151 0.8194325688253916 0.734304381090574 0.6832274684496871 0.6275072001141692 0.5934559250202474 0.5501179385370639 0.780737938036839 1.1676842459223653 1.5391527014924757 1.8657353853478533 2.111833237163053 2.2898285387903914 2.416746927776843 2.4569893437969452 2.385791223146003 2.3501921628205316 2.217082632907917 2.0174183380389823 +33543,1.3936608897275182,1,0.9231341793387151 0.8194325688253916 0.734304381090574 0.6832274684496871 0.6275072001141692 0.5934559250202474 0.5501179385370639 0.780737938036839 1.1676842459223653 1.5391527014924757 1.8657353853478533 2.111833237163053 2.2898285387903914 2.416746927776843 2.4569893437969452 2.385791223146003 2.3501921628205316 2.217082632907917 2.0174183380389823 1.6970267951097677 +33544,1.1862576687008712,1,0.8194325688253916 0.734304381090574 0.6832274684496871 0.6275072001141692 0.5934559250202474 0.5501179385370639 0.780737938036839 1.1676842459223653 1.5391527014924757 1.8657353853478533 2.111833237163053 2.2898285387903914 2.416746927776843 2.4569893437969452 2.385791223146003 2.3501921628205316 2.217082632907917 2.0174183380389823 1.6970267951097677 1.3936608897275182 +33545,0.9432553873487618,1,0.734304381090574 0.6832274684496871 0.6275072001141692 0.5934559250202474 0.5501179385370639 0.780737938036839 1.1676842459223653 1.5391527014924757 1.8657353853478533 2.111833237163053 2.2898285387903914 2.416746927776843 2.4569893437969452 2.385791223146003 2.3501921628205316 2.217082632907917 2.0174183380389823 1.6970267951097677 1.3936608897275182 1.1862576687008712 +33546,0.8426493472985285,1,0.6832274684496871 0.6275072001141692 0.5934559250202474 0.5501179385370639 0.780737938036839 1.1676842459223653 1.5391527014924757 1.8657353853478533 2.111833237163053 2.2898285387903914 2.416746927776843 2.4569893437969452 2.385791223146003 2.3501921628205316 2.217082632907917 2.0174183380389823 1.6970267951097677 1.3936608897275182 1.1862576687008712 0.9432553873487618 +33547,0.7559733743321702,1,0.6275072001141692 0.5934559250202474 0.5501179385370639 0.780737938036839 1.1676842459223653 1.5391527014924757 1.8657353853478533 2.111833237163053 2.2898285387903914 2.416746927776843 2.4569893437969452 2.385791223146003 2.3501921628205316 2.217082632907917 2.0174183380389823 1.6970267951097677 1.3936608897275182 1.1862576687008712 0.9432553873487618 0.8426493472985285 +33548,0.7373999515536642,1,0.5934559250202474 0.5501179385370639 0.780737938036839 1.1676842459223653 1.5391527014924757 1.8657353853478533 2.111833237163053 2.2898285387903914 2.416746927776843 2.4569893437969452 2.385791223146003 2.3501921628205316 2.217082632907917 2.0174183380389823 1.6970267951097677 1.3936608897275182 1.1862576687008712 0.9432553873487618 0.8426493472985285 0.7559733743321702 +33549,0.7079920321543646,1,0.5501179385370639 0.780737938036839 1.1676842459223653 1.5391527014924757 1.8657353853478533 2.111833237163053 2.2898285387903914 2.416746927776843 2.4569893437969452 2.385791223146003 2.3501921628205316 2.217082632907917 2.0174183380389823 1.6970267951097677 1.3936608897275182 1.1862576687008712 0.9432553873487618 0.8426493472985285 0.7559733743321702 0.7373999515536642 +33550,0.6553673342819281,1,0.780737938036839 1.1676842459223653 1.5391527014924757 1.8657353853478533 2.111833237163053 2.2898285387903914 2.416746927776843 2.4569893437969452 2.385791223146003 2.3501921628205316 2.217082632907917 2.0174183380389823 1.6970267951097677 1.3936608897275182 1.1862576687008712 0.9432553873487618 0.8426493472985285 0.7559733743321702 0.7373999515536642 0.7079920321543646 +33551,0.5965514954833288,1,1.1676842459223653 1.5391527014924757 1.8657353853478533 2.111833237163053 2.2898285387903914 2.416746927776843 2.4569893437969452 2.385791223146003 2.3501921628205316 2.217082632907917 2.0174183380389823 1.6970267951097677 1.3936608897275182 1.1862576687008712 0.9432553873487618 0.8426493472985285 0.7559733743321702 0.7373999515536642 0.7079920321543646 0.6553673342819281 +33552,0.581073643167913,1,1.5391527014924757 1.8657353853478533 2.111833237163053 2.2898285387903914 2.416746927776843 2.4569893437969452 2.385791223146003 2.3501921628205316 2.217082632907917 2.0174183380389823 1.6970267951097677 1.3936608897275182 1.1862576687008712 0.9432553873487618 0.8426493472985285 0.7559733743321702 0.7373999515536642 0.7079920321543646 0.6553673342819281 0.5965514954833288 +33553,0.5640480056209477,1,1.8657353853478533 2.111833237163053 2.2898285387903914 2.416746927776843 2.4569893437969452 2.385791223146003 2.3501921628205316 2.217082632907917 2.0174183380389823 1.6970267951097677 1.3936608897275182 1.1862576687008712 0.9432553873487618 0.8426493472985285 0.7559733743321702 0.7373999515536642 0.7079920321543646 0.6553673342819281 0.5965514954833288 0.581073643167913 +33554,0.701800891228193,1,2.111833237163053 2.2898285387903914 2.416746927776843 2.4569893437969452 2.385791223146003 2.3501921628205316 2.217082632907917 2.0174183380389823 1.6970267951097677 1.3936608897275182 1.1862576687008712 0.9432553873487618 0.8426493472985285 0.7559733743321702 0.7373999515536642 0.7079920321543646 0.6553673342819281 0.5965514954833288 0.581073643167913 0.5640480056209477 +33555,0.9200386088756337,1,2.2898285387903914 2.416746927776843 2.4569893437969452 2.385791223146003 2.3501921628205316 2.217082632907917 2.0174183380389823 1.6970267951097677 1.3936608897275182 1.1862576687008712 0.9432553873487618 0.8426493472985285 0.7559733743321702 0.7373999515536642 0.7079920321543646 0.6553673342819281 0.5965514954833288 0.581073643167913 0.5640480056209477 0.701800891228193 +33556,1.1862576687008712,1,2.416746927776843 2.4569893437969452 2.385791223146003 2.3501921628205316 2.217082632907917 2.0174183380389823 1.6970267951097677 1.3936608897275182 1.1862576687008712 0.9432553873487618 0.8426493472985285 0.7559733743321702 0.7373999515536642 0.7079920321543646 0.6553673342819281 0.5965514954833288 0.581073643167913 0.5640480056209477 0.701800891228193 0.9200386088756337 +33557,1.483432433156958,1,2.4569893437969452 2.385791223146003 2.3501921628205316 2.217082632907917 2.0174183380389823 1.6970267951097677 1.3936608897275182 1.1862576687008712 0.9432553873487618 0.8426493472985285 0.7559733743321702 0.7373999515536642 0.7079920321543646 0.6553673342819281 0.5965514954833288 0.581073643167913 0.5640480056209477 0.701800891228193 0.9200386088756337 1.1862576687008712 +33558,1.772868271455332,1,2.385791223146003 2.3501921628205316 2.217082632907917 2.0174183380389823 1.6970267951097677 1.3936608897275182 1.1862576687008712 0.9432553873487618 0.8426493472985285 0.7559733743321702 0.7373999515536642 0.7079920321543646 0.6553673342819281 0.5965514954833288 0.581073643167913 0.5640480056209477 0.701800891228193 0.9200386088756337 1.1862576687008712 1.483432433156958 +33559,1.8146584727069661,1,2.3501921628205316 2.217082632907917 2.0174183380389823 1.6970267951097677 1.3936608897275182 1.1862576687008712 0.9432553873487618 0.8426493472985285 0.7559733743321702 0.7373999515536642 0.7079920321543646 0.6553673342819281 0.5965514954833288 0.581073643167913 0.5640480056209477 0.701800891228193 0.9200386088756337 1.1862576687008712 1.483432433156958 1.772868271455332 +33560,1.9199078684518305,1,2.217082632907917 2.0174183380389823 1.6970267951097677 1.3936608897275182 1.1862576687008712 0.9432553873487618 0.8426493472985285 0.7559733743321702 0.7373999515536642 0.7079920321543646 0.6553673342819281 0.5965514954833288 0.581073643167913 0.5640480056209477 0.701800891228193 0.9200386088756337 1.1862576687008712 1.483432433156958 1.772868271455332 1.8146584727069661 +33561,2.1396933713308117,1,2.0174183380389823 1.6970267951097677 1.3936608897275182 1.1862576687008712 0.9432553873487618 0.8426493472985285 0.7559733743321702 0.7373999515536642 0.7079920321543646 0.6553673342819281 0.5965514954833288 0.581073643167913 0.5640480056209477 0.701800891228193 0.9200386088756337 1.1862576687008712 1.483432433156958 1.772868271455332 1.8146584727069661 1.9199078684518305 +33562,2.135050015636181,1,1.6970267951097677 1.3936608897275182 1.1862576687008712 0.9432553873487618 0.8426493472985285 0.7559733743321702 0.7373999515536642 0.7079920321543646 0.6553673342819281 0.5965514954833288 0.581073643167913 0.5640480056209477 0.701800891228193 0.9200386088756337 1.1862576687008712 1.483432433156958 1.772868271455332 1.8146584727069661 1.9199078684518305 2.1396933713308117 +33563,2.028252834659776,1,1.3936608897275182 1.1862576687008712 0.9432553873487618 0.8426493472985285 0.7559733743321702 0.7373999515536642 0.7079920321543646 0.6553673342819281 0.5965514954833288 0.581073643167913 0.5640480056209477 0.701800891228193 0.9200386088756337 1.1862576687008712 1.483432433156958 1.772868271455332 1.8146584727069661 1.9199078684518305 2.1396933713308117 2.135050015636181 +33564,1.944672432156508,1,1.1862576687008712 0.9432553873487618 0.8426493472985285 0.7559733743321702 0.7373999515536642 0.7079920321543646 0.6553673342819281 0.5965514954833288 0.581073643167913 0.5640480056209477 0.701800891228193 0.9200386088756337 1.1862576687008712 1.483432433156958 1.772868271455332 1.8146584727069661 1.9199078684518305 2.1396933713308117 2.135050015636181 2.028252834659776 +33565,1.7109568621936426,1,0.9432553873487618 0.8426493472985285 0.7559733743321702 0.7373999515536642 0.7079920321543646 0.6553673342819281 0.5965514954833288 0.581073643167913 0.5640480056209477 0.701800891228193 0.9200386088756337 1.1862576687008712 1.483432433156958 1.772868271455332 1.8146584727069661 1.9199078684518305 2.1396933713308117 2.135050015636181 2.028252834659776 1.944672432156508 +33566,1.4493811580630274,1,0.8426493472985285 0.7559733743321702 0.7373999515536642 0.7079920321543646 0.6553673342819281 0.5965514954833288 0.581073643167913 0.5640480056209477 0.701800891228193 0.9200386088756337 1.1862576687008712 1.483432433156958 1.772868271455332 1.8146584727069661 1.9199078684518305 2.1396933713308117 2.135050015636181 2.028252834659776 1.944672432156508 1.7109568621936426 +33567,1.2373345813417582,1,0.7559733743321702 0.7373999515536642 0.7079920321543646 0.6553673342819281 0.5965514954833288 0.581073643167913 0.5640480056209477 0.701800891228193 0.9200386088756337 1.1862576687008712 1.483432433156958 1.772868271455332 1.8146584727069661 1.9199078684518305 2.1396933713308117 2.135050015636181 2.028252834659776 1.944672432156508 1.7109568621936426 1.4493811580630274 +33568,1.0794604877244662,1,0.7373999515536642 0.7079920321543646 0.6553673342819281 0.5965514954833288 0.581073643167913 0.5640480056209477 0.701800891228193 0.9200386088756337 1.1862576687008712 1.483432433156958 1.772868271455332 1.8146584727069661 1.9199078684518305 2.1396933713308117 2.135050015636181 2.028252834659776 1.944672432156508 1.7109568621936426 1.4493811580630274 1.2373345813417582 +33569,0.9262297498017965,1,0.7079920321543646 0.6553673342819281 0.5965514954833288 0.581073643167913 0.5640480056209477 0.701800891228193 0.9200386088756337 1.1862576687008712 1.483432433156958 1.772868271455332 1.8146584727069661 1.9199078684518305 2.1396933713308117 2.135050015636181 2.028252834659776 1.944672432156508 1.7109568621936426 1.4493811580630274 1.2373345813417582 1.0794604877244662 +33570,0.8070502869730573,1,0.6553673342819281 0.5965514954833288 0.581073643167913 0.5640480056209477 0.701800891228193 0.9200386088756337 1.1862576687008712 1.483432433156958 1.772868271455332 1.8146584727069661 1.9199078684518305 2.1396933713308117 2.135050015636181 2.028252834659776 1.944672432156508 1.7109568621936426 1.4493811580630274 1.2373345813417582 1.0794604877244662 0.9262297498017965 +33571,0.762164515258333,1,0.5965514954833288 0.581073643167913 0.5640480056209477 0.701800891228193 0.9200386088756337 1.1862576687008712 1.483432433156958 1.772868271455332 1.8146584727069661 1.9199078684518305 2.1396933713308117 2.135050015636181 2.028252834659776 1.944672432156508 1.7109568621936426 1.4493811580630274 1.2373345813417582 1.0794604877244662 0.9262297498017965 0.8070502869730573 +33572,0.7172787435436175,1,0.581073643167913 0.5640480056209477 0.701800891228193 0.9200386088756337 1.1862576687008712 1.483432433156958 1.772868271455332 1.8146584727069661 1.9199078684518305 2.1396933713308117 2.135050015636181 2.028252834659776 1.944672432156508 1.7109568621936426 1.4493811580630274 1.2373345813417582 1.0794604877244662 0.9262297498017965 0.8070502869730573 0.762164515258333 +33573,0.6538195490503874,1,0.5640480056209477 0.701800891228193 0.9200386088756337 1.1862576687008712 1.483432433156958 1.772868271455332 1.8146584727069661 1.9199078684518305 2.1396933713308117 2.135050015636181 2.028252834659776 1.944672432156508 1.7109568621936426 1.4493811580630274 1.2373345813417582 1.0794604877244662 0.9262297498017965 0.8070502869730573 0.762164515258333 0.7172787435436175 +33574,0.6151249182618348,1,0.701800891228193 0.9200386088756337 1.1862576687008712 1.483432433156958 1.772868271455332 1.8146584727069661 1.9199078684518305 2.1396933713308117 2.135050015636181 2.028252834659776 1.944672432156508 1.7109568621936426 1.4493811580630274 1.2373345813417582 1.0794604877244662 0.9262297498017965 0.8070502869730573 0.762164515258333 0.7172787435436175 0.6538195490503874 +33575,0.5547612942316947,1,0.9200386088756337 1.1862576687008712 1.483432433156958 1.772868271455332 1.8146584727069661 1.9199078684518305 2.1396933713308117 2.135050015636181 2.028252834659776 1.944672432156508 1.7109568621936426 1.4493811580630274 1.2373345813417582 1.0794604877244662 0.9262297498017965 0.8070502869730573 0.762164515258333 0.7172787435436175 0.6538195490503874 0.6151249182618348 +33576,0.5346400862216482,1,1.1862576687008712 1.483432433156958 1.772868271455332 1.8146584727069661 1.9199078684518305 2.1396933713308117 2.135050015636181 2.028252834659776 1.944672432156508 1.7109568621936426 1.4493811580630274 1.2373345813417582 1.0794604877244662 0.9262297498017965 0.8070502869730573 0.762164515258333 0.7172787435436175 0.6538195490503874 0.6151249182618348 0.5547612942316947 +33577,0.5640480056209477,1,1.483432433156958 1.772868271455332 1.8146584727069661 1.9199078684518305 2.1396933713308117 2.135050015636181 2.028252834659776 1.944672432156508 1.7109568621936426 1.4493811580630274 1.2373345813417582 1.0794604877244662 0.9262297498017965 0.8070502869730573 0.762164515258333 0.7172787435436175 0.6538195490503874 0.6151249182618348 0.5547612942316947 0.5346400862216482 +33578,0.6259594148826284,1,1.772868271455332 1.8146584727069661 1.9199078684518305 2.1396933713308117 2.135050015636181 2.028252834659776 1.944672432156508 1.7109568621936426 1.4493811580630274 1.2373345813417582 1.0794604877244662 0.9262297498017965 0.8070502869730573 0.762164515258333 0.7172787435436175 0.6538195490503874 0.6151249182618348 0.5547612942316947 0.5346400862216482 0.5640480056209477 +33579,0.8441971325300691,1,1.8146584727069661 1.9199078684518305 2.1396933713308117 2.135050015636181 2.028252834659776 1.944672432156508 1.7109568621936426 1.4493811580630274 1.2373345813417582 1.0794604877244662 0.9262297498017965 0.8070502869730573 0.762164515258333 0.7172787435436175 0.6538195490503874 0.6151249182618348 0.5547612942316947 0.5346400862216482 0.5640480056209477 0.6259594148826284 +33580,1.1754231720800774,1,1.9199078684518305 2.1396933713308117 2.135050015636181 2.028252834659776 1.944672432156508 1.7109568621936426 1.4493811580630274 1.2373345813417582 1.0794604877244662 0.9262297498017965 0.8070502869730573 0.762164515258333 0.7172787435436175 0.6538195490503874 0.6151249182618348 0.5547612942316947 0.5346400862216482 0.5640480056209477 0.6259594148826284 0.8441971325300691 +33581,1.325558339539666,1,2.1396933713308117 2.135050015636181 2.028252834659776 1.944672432156508 1.7109568621936426 1.4493811580630274 1.2373345813417582 1.0794604877244662 0.9262297498017965 0.8070502869730573 0.762164515258333 0.7172787435436175 0.6538195490503874 0.6151249182618348 0.5547612942316947 0.5346400862216482 0.5640480056209477 0.6259594148826284 0.8441971325300691 1.1754231720800774 +33582,1.6939312246466862,1,2.135050015636181 2.028252834659776 1.944672432156508 1.7109568621936426 1.4493811580630274 1.2373345813417582 1.0794604877244662 0.9262297498017965 0.8070502869730573 0.762164515258333 0.7172787435436175 0.6538195490503874 0.6151249182618348 0.5547612942316947 0.5346400862216482 0.5640480056209477 0.6259594148826284 0.8441971325300691 1.1754231720800774 1.325558339539666 +33583,1.991105989102764,1,2.028252834659776 1.944672432156508 1.7109568621936426 1.4493811580630274 1.2373345813417582 1.0794604877244662 0.9262297498017965 0.8070502869730573 0.762164515258333 0.7172787435436175 0.6538195490503874 0.6151249182618348 0.5547612942316947 0.5346400862216482 0.5640480056209477 0.6259594148826284 0.8441971325300691 1.1754231720800774 1.325558339539666 1.6939312246466862 +33584,2.091712029153006,1,1.944672432156508 1.7109568621936426 1.4493811580630274 1.2373345813417582 1.0794604877244662 0.9262297498017965 0.8070502869730573 0.762164515258333 0.7172787435436175 0.6538195490503874 0.6151249182618348 0.5547612942316947 0.5346400862216482 0.5640480056209477 0.6259594148826284 0.8441971325300691 1.1754231720800774 1.325558339539666 1.6939312246466862 1.991105989102764 +33585,2.0669474654483286,1,1.7109568621936426 1.4493811580630274 1.2373345813417582 1.0794604877244662 0.9262297498017965 0.8070502869730573 0.762164515258333 0.7172787435436175 0.6538195490503874 0.6151249182618348 0.5547612942316947 0.5346400862216482 0.5640480056209477 0.6259594148826284 0.8441971325300691 1.1754231720800774 1.325558339539666 1.6939312246466862 1.991105989102764 2.091712029153006 +33586,1.9787237072504298,1,1.4493811580630274 1.2373345813417582 1.0794604877244662 0.9262297498017965 0.8070502869730573 0.762164515258333 0.7172787435436175 0.6538195490503874 0.6151249182618348 0.5547612942316947 0.5346400862216482 0.5640480056209477 0.6259594148826284 0.8441971325300691 1.1754231720800774 1.325558339539666 1.6939312246466862 1.991105989102764 2.091712029153006 2.0669474654483286 +33587,1.88895216382099,1,1.2373345813417582 1.0794604877244662 0.9262297498017965 0.8070502869730573 0.762164515258333 0.7172787435436175 0.6538195490503874 0.6151249182618348 0.5547612942316947 0.5346400862216482 0.5640480056209477 0.6259594148826284 0.8441971325300691 1.1754231720800774 1.325558339539666 1.6939312246466862 1.991105989102764 2.091712029153006 2.0669474654483286 1.9787237072504298 +33588,1.7357214258983202,1,1.0794604877244662 0.9262297498017965 0.8070502869730573 0.762164515258333 0.7172787435436175 0.6538195490503874 0.6151249182618348 0.5547612942316947 0.5346400862216482 0.5640480056209477 0.6259594148826284 0.8441971325300691 1.1754231720800774 1.325558339539666 1.6939312246466862 1.991105989102764 2.091712029153006 2.0669474654483286 1.9787237072504298 1.88895216382099 +33589,1.5530827685763509,1,0.9262297498017965 0.8070502869730573 0.762164515258333 0.7172787435436175 0.6538195490503874 0.6151249182618348 0.5547612942316947 0.5346400862216482 0.5640480056209477 0.6259594148826284 0.8441971325300691 1.1754231720800774 1.325558339539666 1.6939312246466862 1.991105989102764 2.091712029153006 2.0669474654483286 1.9787237072504298 1.88895216382099 1.7357214258983202 +33590,1.2620991450464358,1,0.8070502869730573 0.762164515258333 0.7172787435436175 0.6538195490503874 0.6151249182618348 0.5547612942316947 0.5346400862216482 0.5640480056209477 0.6259594148826284 0.8441971325300691 1.1754231720800774 1.325558339539666 1.6939312246466862 1.991105989102764 2.091712029153006 2.0669474654483286 1.9787237072504298 1.88895216382099 1.7357214258983202 1.5530827685763509 +33591,1.0190968636943263,1,0.762164515258333 0.7172787435436175 0.6538195490503874 0.6151249182618348 0.5547612942316947 0.5346400862216482 0.5640480056209477 0.6259594148826284 0.8441971325300691 1.1754231720800774 1.325558339539666 1.6939312246466862 1.991105989102764 2.091712029153006 2.0669474654483286 1.9787237072504298 1.88895216382099 1.7357214258983202 1.5530827685763509 1.2620991450464358 +33592,0.8240759245200224,1,0.7172787435436175 0.6538195490503874 0.6151249182618348 0.5547612942316947 0.5346400862216482 0.5640480056209477 0.6259594148826284 0.8441971325300691 1.1754231720800774 1.325558339539666 1.6939312246466862 1.991105989102764 2.091712029153006 2.0669474654483286 1.9787237072504298 1.88895216382099 1.7357214258983202 1.5530827685763509 1.2620991450464358 1.0190968636943263 +33593,0.7513300186375393,1,0.6538195490503874 0.6151249182618348 0.5547612942316947 0.5346400862216482 0.5640480056209477 0.6259594148826284 0.8441971325300691 1.1754231720800774 1.325558339539666 1.6939312246466862 1.991105989102764 2.091712029153006 2.0669474654483286 1.9787237072504298 1.88895216382099 1.7357214258983202 1.5530827685763509 1.2620991450464358 1.0190968636943263 0.8240759245200224 +33594,0.7002531059966522,1,0.6151249182618348 0.5547612942316947 0.5346400862216482 0.5640480056209477 0.6259594148826284 0.8441971325300691 1.1754231720800774 1.325558339539666 1.6939312246466862 1.991105989102764 2.091712029153006 2.0669474654483286 1.9787237072504298 1.88895216382099 1.7357214258983202 1.5530827685763509 1.2620991450464358 1.0190968636943263 0.8240759245200224 0.7513300186375393 +33595,0.6275072001141692,1,0.5547612942316947 0.5346400862216482 0.5640480056209477 0.6259594148826284 0.8441971325300691 1.1754231720800774 1.325558339539666 1.6939312246466862 1.991105989102764 2.091712029153006 2.0669474654483286 1.9787237072504298 1.88895216382099 1.7357214258983202 1.5530827685763509 1.2620991450464358 1.0190968636943263 0.8240759245200224 0.7513300186375393 0.7002531059966522 +33596,0.5594046499263169,1,0.5346400862216482 0.5640480056209477 0.6259594148826284 0.8441971325300691 1.1754231720800774 1.325558339539666 1.6939312246466862 1.991105989102764 2.091712029153006 2.0669474654483286 1.9787237072504298 1.88895216382099 1.7357214258983202 1.5530827685763509 1.2620991450464358 1.0190968636943263 0.8240759245200224 0.7513300186375393 0.7002531059966522 0.6275072001141692 +33597,0.5021365963592582,1,0.5640480056209477 0.6259594148826284 0.8441971325300691 1.1754231720800774 1.325558339539666 1.6939312246466862 1.991105989102764 2.091712029153006 2.0669474654483286 1.9787237072504298 1.88895216382099 1.7357214258983202 1.5530827685763509 1.2620991450464358 1.0190968636943263 0.8240759245200224 0.7513300186375393 0.7002531059966522 0.6275072001141692 0.5594046499263169 +33598,0.4417729723291183,1,0.6259594148826284 0.8441971325300691 1.1754231720800774 1.325558339539666 1.6939312246466862 1.991105989102764 2.091712029153006 2.0669474654483286 1.9787237072504298 1.88895216382099 1.7357214258983202 1.5530827685763509 1.2620991450464358 1.0190968636943263 0.8240759245200224 0.7513300186375393 0.7002531059966522 0.6275072001141692 0.5594046499263169 0.5021365963592582 +33599,0.4092694824667372,1,0.8441971325300691 1.1754231720800774 1.325558339539666 1.6939312246466862 1.991105989102764 2.091712029153006 2.0669474654483286 1.9787237072504298 1.88895216382099 1.7357214258983202 1.5530827685763509 1.2620991450464358 1.0190968636943263 0.8240759245200224 0.7513300186375393 0.7002531059966522 0.6275072001141692 0.5594046499263169 0.5021365963592582 0.4417729723291183 +33600,0.38605270399360037,1,1.1754231720800774 1.325558339539666 1.6939312246466862 1.991105989102764 2.091712029153006 2.0669474654483286 1.9787237072504298 1.88895216382099 1.7357214258983202 1.5530827685763509 1.2620991450464358 1.0190968636943263 0.8240759245200224 0.7513300186375393 0.7002531059966522 0.6275072001141692 0.5594046499263169 0.5021365963592582 0.4417729723291183 0.4092694824667372 +33601,0.3705748516781846,1,1.325558339539666 1.6939312246466862 1.991105989102764 2.091712029153006 2.0669474654483286 1.9787237072504298 1.88895216382099 1.7357214258983202 1.5530827685763509 1.2620991450464358 1.0190968636943263 0.8240759245200224 0.7513300186375393 0.7002531059966522 0.6275072001141692 0.5594046499263169 0.5021365963592582 0.4417729723291183 0.4092694824667372 0.38605270399360037 +33602,0.5114233077485113,1,1.6939312246466862 1.991105989102764 2.091712029153006 2.0669474654483286 1.9787237072504298 1.88895216382099 1.7357214258983202 1.5530827685763509 1.2620991450464358 1.0190968636943263 0.8240759245200224 0.7513300186375393 0.7002531059966522 0.6275072001141692 0.5594046499263169 0.5021365963592582 0.4417729723291183 0.4092694824667372 0.38605270399360037 0.3705748516781846 +33603,0.7946680051207228,1,1.991105989102764 2.091712029153006 2.0669474654483286 1.9787237072504298 1.88895216382099 1.7357214258983202 1.5530827685763509 1.2620991450464358 1.0190968636943263 0.8240759245200224 0.7513300186375393 0.7002531059966522 0.6275072001141692 0.5594046499263169 0.5021365963592582 0.4417729723291183 0.4092694824667372 0.38605270399360037 0.3705748516781846 0.5114233077485113 +33604,1.0454092126305445,1,2.091712029153006 2.0669474654483286 1.9787237072504298 1.88895216382099 1.7357214258983202 1.5530827685763509 1.2620991450464358 1.0190968636943263 0.8240759245200224 0.7513300186375393 0.7002531059966522 0.6275072001141692 0.5594046499263169 0.5021365963592582 0.4417729723291183 0.4092694824667372 0.38605270399360037 0.3705748516781846 0.5114233077485113 0.7946680051207228 +33605,1.3843741783382653,1,2.0669474654483286 1.9787237072504298 1.88895216382099 1.7357214258983202 1.5530827685763509 1.2620991450464358 1.0190968636943263 0.8240759245200224 0.7513300186375393 0.7002531059966522 0.6275072001141692 0.5594046499263169 0.5021365963592582 0.4417729723291183 0.4092694824667372 0.38605270399360037 0.3705748516781846 0.5114233077485113 0.7946680051207228 1.0454092126305445 +33606,1.6892878689520554,1,1.9787237072504298 1.88895216382099 1.7357214258983202 1.5530827685763509 1.2620991450464358 1.0190968636943263 0.8240759245200224 0.7513300186375393 0.7002531059966522 0.6275072001141692 0.5594046499263169 0.5021365963592582 0.4417729723291183 0.4092694824667372 0.38605270399360037 0.3705748516781846 0.5114233077485113 0.7946680051207228 1.0454092126305445 1.3843741783382653 +33607,1.8935955195156122,1,1.88895216382099 1.7357214258983202 1.5530827685763509 1.2620991450464358 1.0190968636943263 0.8240759245200224 0.7513300186375393 0.7002531059966522 0.6275072001141692 0.5594046499263169 0.5021365963592582 0.4417729723291183 0.4092694824667372 0.38605270399360037 0.3705748516781846 0.5114233077485113 0.7946680051207228 1.0454092126305445 1.3843741783382653 1.6892878689520554 +33608,1.9895582038712234,1,1.7357214258983202 1.5530827685763509 1.2620991450464358 1.0190968636943263 0.8240759245200224 0.7513300186375393 0.7002531059966522 0.6275072001141692 0.5594046499263169 0.5021365963592582 0.4417729723291183 0.4092694824667372 0.38605270399360037 0.3705748516781846 0.5114233077485113 0.7946680051207228 1.0454092126305445 1.3843741783382653 1.6892878689520554 1.8935955195156122 +33609,2.088616458689916,1,1.5530827685763509 1.2620991450464358 1.0190968636943263 0.8240759245200224 0.7513300186375393 0.7002531059966522 0.6275072001141692 0.5594046499263169 0.5021365963592582 0.4417729723291183 0.4092694824667372 0.38605270399360037 0.3705748516781846 0.5114233077485113 0.7946680051207228 1.0454092126305445 1.3843741783382653 1.6892878689520554 1.8935955195156122 1.9895582038712234 +33610,2.0452784722067414,1,1.2620991450464358 1.0190968636943263 0.8240759245200224 0.7513300186375393 0.7002531059966522 0.6275072001141692 0.5594046499263169 0.5021365963592582 0.4417729723291183 0.4092694824667372 0.38605270399360037 0.3705748516781846 0.5114233077485113 0.7946680051207228 1.0454092126305445 1.3843741783382653 1.6892878689520554 1.8935955195156122 1.9895582038712234 2.088616458689916 +33611,2.000392700492017,1,1.0190968636943263 0.8240759245200224 0.7513300186375393 0.7002531059966522 0.6275072001141692 0.5594046499263169 0.5021365963592582 0.4417729723291183 0.4092694824667372 0.38605270399360037 0.3705748516781846 0.5114233077485113 0.7946680051207228 1.0454092126305445 1.3843741783382653 1.6892878689520554 1.8935955195156122 1.9895582038712234 2.088616458689916 2.0452784722067414 +33612,1.8332318954854723,1,0.8240759245200224 0.7513300186375393 0.7002531059966522 0.6275072001141692 0.5594046499263169 0.5021365963592582 0.4417729723291183 0.4092694824667372 0.38605270399360037 0.3705748516781846 0.5114233077485113 0.7946680051207228 1.0454092126305445 1.3843741783382653 1.6892878689520554 1.8935955195156122 1.9895582038712234 2.088616458689916 2.0452784722067414 2.000392700492017 +33613,1.6103508221434093,1,0.7513300186375393 0.7002531059966522 0.6275072001141692 0.5594046499263169 0.5021365963592582 0.4417729723291183 0.4092694824667372 0.38605270399360037 0.3705748516781846 0.5114233077485113 0.7946680051207228 1.0454092126305445 1.3843741783382653 1.6892878689520554 1.8935955195156122 1.9895582038712234 2.088616458689916 2.0452784722067414 2.000392700492017 1.8332318954854723 +33614,1.2651947155095171,1,0.7002531059966522 0.6275072001141692 0.5594046499263169 0.5021365963592582 0.4417729723291183 0.4092694824667372 0.38605270399360037 0.3705748516781846 0.5114233077485113 0.7946680051207228 1.0454092126305445 1.3843741783382653 1.6892878689520554 1.8935955195156122 1.9895582038712234 2.088616458689916 2.0452784722067414 2.000392700492017 1.8332318954854723 1.6103508221434093 +33615,1.02993136031512,1,0.6275072001141692 0.5594046499263169 0.5021365963592582 0.4417729723291183 0.4092694824667372 0.38605270399360037 0.3705748516781846 0.5114233077485113 0.7946680051207228 1.0454092126305445 1.3843741783382653 1.6892878689520554 1.8935955195156122 1.9895582038712234 2.088616458689916 2.0452784722067414 2.000392700492017 1.8332318954854723 1.6103508221434093 1.2651947155095171 +33616,0.8519360586877814,1,0.5594046499263169 0.5021365963592582 0.4417729723291183 0.4092694824667372 0.38605270399360037 0.3705748516781846 0.5114233077485113 0.7946680051207228 1.0454092126305445 1.3843741783382653 1.6892878689520554 1.8935955195156122 1.9895582038712234 2.088616458689916 2.0452784722067414 2.000392700492017 1.8332318954854723 1.6103508221434093 1.2651947155095171 1.02993136031512 +33617,0.6476284081242158,1,0.5021365963592582 0.4417729723291183 0.4092694824667372 0.38605270399360037 0.3705748516781846 0.5114233077485113 0.7946680051207228 1.0454092126305445 1.3843741783382653 1.6892878689520554 1.8935955195156122 1.9895582038712234 2.088616458689916 2.0452784722067414 2.000392700492017 1.8332318954854723 1.6103508221434093 1.2651947155095171 1.02993136031512 0.8519360586877814 +33618,0.5423790123793604,1,0.4417729723291183 0.4092694824667372 0.38605270399360037 0.3705748516781846 0.5114233077485113 0.7946680051207228 1.0454092126305445 1.3843741783382653 1.6892878689520554 1.8935955195156122 1.9895582038712234 2.088616458689916 2.0452784722067414 2.000392700492017 1.8332318954854723 1.6103508221434093 1.2651947155095171 1.02993136031512 0.8519360586877814 0.6476284081242158 +33619,0.4789198178861302,1,0.4092694824667372 0.38605270399360037 0.3705748516781846 0.5114233077485113 0.7946680051207228 1.0454092126305445 1.3843741783382653 1.6892878689520554 1.8935955195156122 1.9895582038712234 2.088616458689916 2.0452784722067414 2.000392700492017 1.8332318954854723 1.6103508221434093 1.2651947155095171 1.02993136031512 0.8519360586877814 0.6476284081242158 0.5423790123793604 +33620,0.4139128381613593,1,0.38605270399360037 0.3705748516781846 0.5114233077485113 0.7946680051207228 1.0454092126305445 1.3843741783382653 1.6892878689520554 1.8935955195156122 1.9895582038712234 2.088616458689916 2.0452784722067414 2.000392700492017 1.8332318954854723 1.6103508221434093 1.2651947155095171 1.02993136031512 0.8519360586877814 0.6476284081242158 0.5423790123793604 0.4789198178861302 +33621,0.35819256982585024,1,0.3705748516781846 0.5114233077485113 0.7946680051207228 1.0454092126305445 1.3843741783382653 1.6892878689520554 1.8935955195156122 1.9895582038712234 2.088616458689916 2.0452784722067414 2.000392700492017 1.8332318954854723 1.6103508221434093 1.2651947155095171 1.02993136031512 0.8519360586877814 0.6476284081242158 0.5423790123793604 0.4789198178861302 0.4139128381613593 +33622,0.3164023685742074,1,0.5114233077485113 0.7946680051207228 1.0454092126305445 1.3843741783382653 1.6892878689520554 1.8935955195156122 1.9895582038712234 2.088616458689916 2.0452784722067414 2.000392700492017 1.8332318954854723 1.6103508221434093 1.2651947155095171 1.02993136031512 0.8519360586877814 0.6476284081242158 0.5423790123793604 0.4789198178861302 0.4139128381613593 0.35819256982585024 +33623,0.3071156571849544,1,0.7946680051207228 1.0454092126305445 1.3843741783382653 1.6892878689520554 1.8935955195156122 1.9895582038712234 2.088616458689916 2.0452784722067414 2.000392700492017 1.8332318954854723 1.6103508221434093 1.2651947155095171 1.02993136031512 0.8519360586877814 0.6476284081242158 0.5423790123793604 0.4789198178861302 0.4139128381613593 0.35819256982585024 0.3164023685742074 +33624,0.2668732411648611,1,1.0454092126305445 1.3843741783382653 1.6892878689520554 1.8935955195156122 1.9895582038712234 2.088616458689916 2.0452784722067414 2.000392700492017 1.8332318954854723 1.6103508221434093 1.2651947155095171 1.02993136031512 0.8519360586877814 0.6476284081242158 0.5423790123793604 0.4789198178861302 0.4139128381613593 0.35819256982585024 0.3164023685742074 0.3071156571849544 +33625,0.30402008672187303,1,1.3843741783382653 1.6892878689520554 1.8935955195156122 1.9895582038712234 2.088616458689916 2.0452784722067414 2.000392700492017 1.8332318954854723 1.6103508221434093 1.2651947155095171 1.02993136031512 0.8519360586877814 0.6476284081242158 0.5423790123793604 0.4789198178861302 0.4139128381613593 0.35819256982585024 0.3164023685742074 0.3071156571849544 0.2668732411648611 +33626,0.3767659926043474,1,1.6892878689520554 1.8935955195156122 1.9895582038712234 2.088616458689916 2.0452784722067414 2.000392700492017 1.8332318954854723 1.6103508221434093 1.2651947155095171 1.02993136031512 0.8519360586877814 0.6476284081242158 0.5423790123793604 0.4789198178861302 0.4139128381613593 0.35819256982585024 0.3164023685742074 0.3071156571849544 0.2668732411648611 0.30402008672187303 +33627,0.5423790123793604,1,1.8935955195156122 1.9895582038712234 2.088616458689916 2.0452784722067414 2.000392700492017 1.8332318954854723 1.6103508221434093 1.2651947155095171 1.02993136031512 0.8519360586877814 0.6476284081242158 0.5423790123793604 0.4789198178861302 0.4139128381613593 0.35819256982585024 0.3164023685742074 0.3071156571849544 0.2668732411648611 0.30402008672187303 0.3767659926043474 +33628,0.7931202198891821,1,1.9895582038712234 2.088616458689916 2.0452784722067414 2.000392700492017 1.8332318954854723 1.6103508221434093 1.2651947155095171 1.02993136031512 0.8519360586877814 0.6476284081242158 0.5423790123793604 0.4789198178861302 0.4139128381613593 0.35819256982585024 0.3164023685742074 0.3071156571849544 0.2668732411648611 0.30402008672187303 0.3767659926043474 0.5423790123793604 +33629,1.1475630379123185,1,2.088616458689916 2.0452784722067414 2.000392700492017 1.8332318954854723 1.6103508221434093 1.2651947155095171 1.02993136031512 0.8519360586877814 0.6476284081242158 0.5423790123793604 0.4789198178861302 0.4139128381613593 0.35819256982585024 0.3164023685742074 0.3071156571849544 0.2668732411648611 0.30402008672187303 0.3767659926043474 0.5423790123793604 0.7931202198891821 +33630,1.5020058559354639,1,2.0452784722067414 2.000392700492017 1.8332318954854723 1.6103508221434093 1.2651947155095171 1.02993136031512 0.8519360586877814 0.6476284081242158 0.5423790123793604 0.4789198178861302 0.4139128381613593 0.35819256982585024 0.3164023685742074 0.3071156571849544 0.2668732411648611 0.30402008672187303 0.3767659926043474 0.5423790123793604 0.7931202198891821 1.1475630379123185 +33631,1.7991806203915504,1,2.000392700492017 1.8332318954854723 1.6103508221434093 1.2651947155095171 1.02993136031512 0.8519360586877814 0.6476284081242158 0.5423790123793604 0.4789198178861302 0.4139128381613593 0.35819256982585024 0.3164023685742074 0.3071156571849544 0.2668732411648611 0.30402008672187303 0.3767659926043474 0.5423790123793604 0.7931202198891821 1.1475630379123185 1.5020058559354639 +33632,1.9632458549350051,1,1.8332318954854723 1.6103508221434093 1.2651947155095171 1.02993136031512 0.8519360586877814 0.6476284081242158 0.5423790123793604 0.4789198178861302 0.4139128381613593 0.35819256982585024 0.3164023685742074 0.3071156571849544 0.2668732411648611 0.30402008672187303 0.3767659926043474 0.5423790123793604 0.7931202198891821 1.1475630379123185 1.5020058559354639 1.7991806203915504 +33633,2.0127749823443604,1,1.6103508221434093 1.2651947155095171 1.02993136031512 0.8519360586877814 0.6476284081242158 0.5423790123793604 0.4789198178861302 0.4139128381613593 0.35819256982585024 0.3164023685742074 0.3071156571849544 0.2668732411648611 0.30402008672187303 0.3767659926043474 0.5423790123793604 0.7931202198891821 1.1475630379123185 1.5020058559354639 1.7991806203915504 1.9632458549350051 +33634,2.0452784722067414,1,1.2651947155095171 1.02993136031512 0.8519360586877814 0.6476284081242158 0.5423790123793604 0.4789198178861302 0.4139128381613593 0.35819256982585024 0.3164023685742074 0.3071156571849544 0.2668732411648611 0.30402008672187303 0.3767659926043474 0.5423790123793604 0.7931202198891821 1.1475630379123185 1.5020058559354639 1.7991806203915504 1.9632458549350051 2.0127749823443604 +33635,2.003488270955107,1,1.02993136031512 0.8519360586877814 0.6476284081242158 0.5423790123793604 0.4789198178861302 0.4139128381613593 0.35819256982585024 0.3164023685742074 0.3071156571849544 0.2668732411648611 0.30402008672187303 0.3767659926043474 0.5423790123793604 0.7931202198891821 1.1475630379123185 1.5020058559354639 1.7991806203915504 1.9632458549350051 2.0127749823443604 2.0452784722067414 +33636,1.8688309558109435,1,0.8519360586877814 0.6476284081242158 0.5423790123793604 0.4789198178861302 0.4139128381613593 0.35819256982585024 0.3164023685742074 0.3071156571849544 0.2668732411648611 0.30402008672187303 0.3767659926043474 0.5423790123793604 0.7931202198891821 1.1475630379123185 1.5020058559354639 1.7991806203915504 1.9632458549350051 2.0127749823443604 2.0452784722067414 2.003488270955107 +33637,1.6149941778380315,1,0.6476284081242158 0.5423790123793604 0.4789198178861302 0.4139128381613593 0.35819256982585024 0.3164023685742074 0.3071156571849544 0.2668732411648611 0.30402008672187303 0.3767659926043474 0.5423790123793604 0.7931202198891821 1.1475630379123185 1.5020058559354639 1.7991806203915504 1.9632458549350051 2.0127749823443604 2.0452784722067414 2.003488270955107 1.8688309558109435 +33638,1.3178194133819536,1,0.5423790123793604 0.4789198178861302 0.4139128381613593 0.35819256982585024 0.3164023685742074 0.3071156571849544 0.2668732411648611 0.30402008672187303 0.3767659926043474 0.5423790123793604 0.7931202198891821 1.1475630379123185 1.5020058559354639 1.7991806203915504 1.9632458549350051 2.0127749823443604 2.0452784722067414 2.003488270955107 1.8688309558109435 1.6149941778380315 +33639,1.0051667966104425,1,0.4789198178861302 0.4139128381613593 0.35819256982585024 0.3164023685742074 0.3071156571849544 0.2668732411648611 0.30402008672187303 0.3767659926043474 0.5423790123793604 0.7931202198891821 1.1475630379123185 1.5020058559354639 1.7991806203915504 1.9632458549350051 2.0127749823443604 2.0452784722067414 2.003488270955107 1.8688309558109435 1.6149941778380315 1.3178194133819536 +33640,0.8612227700770344,1,0.4139128381613593 0.35819256982585024 0.3164023685742074 0.3071156571849544 0.2668732411648611 0.30402008672187303 0.3767659926043474 0.5423790123793604 0.7931202198891821 1.1475630379123185 1.5020058559354639 1.7991806203915504 1.9632458549350051 2.0127749823443604 2.0452784722067414 2.003488270955107 1.8688309558109435 1.6149941778380315 1.3178194133819536 1.0051667966104425 +33641,0.6011948511779597,1,0.35819256982585024 0.3164023685742074 0.3071156571849544 0.2668732411648611 0.30402008672187303 0.3767659926043474 0.5423790123793604 0.7931202198891821 1.1475630379123185 1.5020058559354639 1.7991806203915504 1.9632458549350051 2.0127749823443604 2.0452784722067414 2.003488270955107 1.8688309558109435 1.6149941778380315 1.3178194133819536 1.0051667966104425 0.8612227700770344 +33642,0.5516657237686133,1,0.3164023685742074 0.3071156571849544 0.2668732411648611 0.30402008672187303 0.3767659926043474 0.5423790123793604 0.7931202198891821 1.1475630379123185 1.5020058559354639 1.7991806203915504 1.9632458549350051 2.0127749823443604 2.0452784722067414 2.003488270955107 1.8688309558109435 1.6149941778380315 1.3178194133819536 1.0051667966104425 0.8612227700770344 0.6011948511779597 +33643,0.5207100191377643,1,0.3071156571849544 0.2668732411648611 0.30402008672187303 0.3767659926043474 0.5423790123793604 0.7931202198891821 1.1475630379123185 1.5020058559354639 1.7991806203915504 1.9632458549350051 2.0127749823443604 2.0452784722067414 2.003488270955107 1.8688309558109435 1.6149941778380315 1.3178194133819536 1.0051667966104425 0.8612227700770344 0.6011948511779597 0.5516657237686133 +33644,0.44951189848683054,1,0.2668732411648611 0.30402008672187303 0.3767659926043474 0.5423790123793604 0.7931202198891821 1.1475630379123185 1.5020058559354639 1.7991806203915504 1.9632458549350051 2.0127749823443604 2.0452784722067414 2.003488270955107 1.8688309558109435 1.6149941778380315 1.3178194133819536 1.0051667966104425 0.8612227700770344 0.6011948511779597 0.5516657237686133 0.5207100191377643 +33645,0.3891482744566906,1,0.30402008672187303 0.3767659926043474 0.5423790123793604 0.7931202198891821 1.1475630379123185 1.5020058559354639 1.7991806203915504 1.9632458549350051 2.0127749823443604 2.0452784722067414 2.003488270955107 1.8688309558109435 1.6149941778380315 1.3178194133819536 1.0051667966104425 0.8612227700770344 0.6011948511779597 0.5516657237686133 0.5207100191377643 0.44951189848683054 +33646,0.34426250274196635,1,0.3767659926043474 0.5423790123793604 0.7931202198891821 1.1475630379123185 1.5020058559354639 1.7991806203915504 1.9632458549350051 2.0127749823443604 2.0452784722067414 2.003488270955107 1.8688309558109435 1.6149941778380315 1.3178194133819536 1.0051667966104425 0.8612227700770344 0.6011948511779597 0.5516657237686133 0.5207100191377643 0.44951189848683054 0.3891482744566906 +33647,0.35974035505739094,1,0.5423790123793604 0.7931202198891821 1.1475630379123185 1.5020058559354639 1.7991806203915504 1.9632458549350051 2.0127749823443604 2.0452784722067414 2.003488270955107 1.8688309558109435 1.6149941778380315 1.3178194133819536 1.0051667966104425 0.8612227700770344 0.6011948511779597 0.5516657237686133 0.5207100191377643 0.44951189848683054 0.3891482744566906 0.34426250274196635 +33648,0.3705748516781846,1,0.7931202198891821 1.1475630379123185 1.5020058559354639 1.7991806203915504 1.9632458549350051 2.0127749823443604 2.0452784722067414 2.003488270955107 1.8688309558109435 1.6149941778380315 1.3178194133819536 1.0051667966104425 0.8612227700770344 0.6011948511779597 0.5516657237686133 0.5207100191377643 0.44951189848683054 0.3891482744566906 0.34426250274196635 0.35974035505739094 +33649,0.36593149598355373,1,1.1475630379123185 1.5020058559354639 1.7991806203915504 1.9632458549350051 2.0127749823443604 2.0452784722067414 2.003488270955107 1.8688309558109435 1.6149941778380315 1.3178194133819536 1.0051667966104425 0.8612227700770344 0.6011948511779597 0.5516657237686133 0.5207100191377643 0.44951189848683054 0.3891482744566906 0.34426250274196635 0.35974035505739094 0.3705748516781846 +33650,0.4959454554330955,1,1.5020058559354639 1.7991806203915504 1.9632458549350051 2.0127749823443604 2.0452784722067414 2.003488270955107 1.8688309558109435 1.6149941778380315 1.3178194133819536 1.0051667966104425 0.8612227700770344 0.6011948511779597 0.5516657237686133 0.5207100191377643 0.44951189848683054 0.3891482744566906 0.34426250274196635 0.35974035505739094 0.3705748516781846 0.36593149598355373 +33651,0.6166727034933754,1,1.7991806203915504 1.9632458549350051 2.0127749823443604 2.0452784722067414 2.003488270955107 1.8688309558109435 1.6149941778380315 1.3178194133819536 1.0051667966104425 0.8612227700770344 0.6011948511779597 0.5516657237686133 0.5207100191377643 0.44951189848683054 0.3891482744566906 0.34426250274196635 0.35974035505739094 0.3705748516781846 0.36593149598355373 0.4959454554330955 +33652,1.1800665277747084,1,1.9632458549350051 2.0127749823443604 2.0452784722067414 2.003488270955107 1.8688309558109435 1.6149941778380315 1.3178194133819536 1.0051667966104425 0.8612227700770344 0.6011948511779597 0.5516657237686133 0.5207100191377643 0.44951189848683054 0.3891482744566906 0.34426250274196635 0.35974035505739094 0.3705748516781846 0.36593149598355373 0.4959454554330955 0.6166727034933754 +33653,1.5097447820931762,1,2.0127749823443604 2.0452784722067414 2.003488270955107 1.8688309558109435 1.6149941778380315 1.3178194133819536 1.0051667966104425 0.8612227700770344 0.6011948511779597 0.5516657237686133 0.5207100191377643 0.44951189848683054 0.3891482744566906 0.34426250274196635 0.35974035505739094 0.3705748516781846 0.36593149598355373 0.4959454554330955 0.6166727034933754 1.1800665277747084 +33654,1.816206257938507,1,2.0452784722067414 2.003488270955107 1.8688309558109435 1.6149941778380315 1.3178194133819536 1.0051667966104425 0.8612227700770344 0.6011948511779597 0.5516657237686133 0.5207100191377643 0.44951189848683054 0.3891482744566906 0.34426250274196635 0.35974035505739094 0.3705748516781846 0.36593149598355373 0.4959454554330955 0.6166727034933754 1.1800665277747084 1.5097447820931762 +33655,2.022061693733613,1,2.003488270955107 1.8688309558109435 1.6149941778380315 1.3178194133819536 1.0051667966104425 0.8612227700770344 0.6011948511779597 0.5516657237686133 0.5207100191377643 0.44951189848683054 0.3891482744566906 0.34426250274196635 0.35974035505739094 0.3705748516781846 0.36593149598355373 0.4959454554330955 0.6166727034933754 1.1800665277747084 1.5097447820931762 1.816206257938507 +33656,2.0777819620691225,1,1.8688309558109435 1.6149941778380315 1.3178194133819536 1.0051667966104425 0.8612227700770344 0.6011948511779597 0.5516657237686133 0.5207100191377643 0.44951189848683054 0.3891482744566906 0.34426250274196635 0.35974035505739094 0.3705748516781846 0.36593149598355373 0.4959454554330955 0.6166727034933754 1.1800665277747084 1.5097447820931762 1.816206257938507 2.022061693733613 +33657,2.1861269282770768,1,1.6149941778380315 1.3178194133819536 1.0051667966104425 0.8612227700770344 0.6011948511779597 0.5516657237686133 0.5207100191377643 0.44951189848683054 0.3891482744566906 0.34426250274196635 0.35974035505739094 0.3705748516781846 0.36593149598355373 0.4959454554330955 0.6166727034933754 1.1800665277747084 1.5097447820931762 1.816206257938507 2.022061693733613 2.0777819620691225 +33658,2.195413639666321,1,1.3178194133819536 1.0051667966104425 0.8612227700770344 0.6011948511779597 0.5516657237686133 0.5207100191377643 0.44951189848683054 0.3891482744566906 0.34426250274196635 0.35974035505739094 0.3705748516781846 0.36593149598355373 0.4959454554330955 0.6166727034933754 1.1800665277747084 1.5097447820931762 1.816206257938507 2.022061693733613 2.0777819620691225 2.1861269282770768 +33659,2.1025465257738,1,1.0051667966104425 0.8612227700770344 0.6011948511779597 0.5516657237686133 0.5207100191377643 0.44951189848683054 0.3891482744566906 0.34426250274196635 0.35974035505739094 0.3705748516781846 0.36593149598355373 0.4959454554330955 0.6166727034933754 1.1800665277747084 1.5097447820931762 1.816206257938507 2.022061693733613 2.0777819620691225 2.1861269282770768 2.195413639666321 +33660,1.8827610228948184,1,0.8612227700770344 0.6011948511779597 0.5516657237686133 0.5207100191377643 0.44951189848683054 0.3891482744566906 0.34426250274196635 0.35974035505739094 0.3705748516781846 0.36593149598355373 0.4959454554330955 0.6166727034933754 1.1800665277747084 1.5097447820931762 1.816206257938507 2.022061693733613 2.0777819620691225 2.1861269282770768 2.195413639666321 2.1025465257738 +33661,1.6242808892272844,1,0.6011948511779597 0.5516657237686133 0.5207100191377643 0.44951189848683054 0.3891482744566906 0.34426250274196635 0.35974035505739094 0.3705748516781846 0.36593149598355373 0.4959454554330955 0.6166727034933754 1.1800665277747084 1.5097447820931762 1.816206257938507 2.022061693733613 2.0777819620691225 2.1861269282770768 2.195413639666321 2.1025465257738 1.8827610228948184 +33662,1.1862576687008712,1,0.5516657237686133 0.5207100191377643 0.44951189848683054 0.3891482744566906 0.34426250274196635 0.35974035505739094 0.3705748516781846 0.36593149598355373 0.4959454554330955 0.6166727034933754 1.1800665277747084 1.5097447820931762 1.816206257938507 2.022061693733613 2.0777819620691225 2.1861269282770768 2.195413639666321 2.1025465257738 1.8827610228948184 1.6242808892272844 +33663,0.9215863941071744,1,0.5207100191377643 0.44951189848683054 0.3891482744566906 0.34426250274196635 0.35974035505739094 0.3705748516781846 0.36593149598355373 0.4959454554330955 0.6166727034933754 1.1800665277747084 1.5097447820931762 1.816206257938507 2.022061693733613 2.0777819620691225 2.1861269282770768 2.195413639666321 2.1025465257738 1.8827610228948184 1.6242808892272844 1.1862576687008712 +33664,0.650723978587306,1,0.44951189848683054 0.3891482744566906 0.34426250274196635 0.35974035505739094 0.3705748516781846 0.36593149598355373 0.4959454554330955 0.6166727034933754 1.1800665277747084 1.5097447820931762 1.816206257938507 2.022061693733613 2.0777819620691225 2.1861269282770768 2.195413639666321 2.1025465257738 1.8827610228948184 1.6242808892272844 1.1862576687008712 0.9215863941071744 +33665,0.6089337773356631,1,0.3891482744566906 0.34426250274196635 0.35974035505739094 0.3705748516781846 0.36593149598355373 0.4959454554330955 0.6166727034933754 1.1800665277747084 1.5097447820931762 1.816206257938507 2.022061693733613 2.0777819620691225 2.1861269282770768 2.195413639666321 2.1025465257738 1.8827610228948184 1.6242808892272844 1.1862576687008712 0.9215863941071744 0.650723978587306 +33666,0.4231995495506123,1,0.34426250274196635 0.35974035505739094 0.3705748516781846 0.36593149598355373 0.4959454554330955 0.6166727034933754 1.1800665277747084 1.5097447820931762 1.816206257938507 2.022061693733613 2.0777819620691225 2.1861269282770768 2.195413639666321 2.1025465257738 1.8827610228948184 1.6242808892272844 1.1862576687008712 0.9215863941071744 0.650723978587306 0.6089337773356631 +33667,0.3349757913527134,1,0.35974035505739094 0.3705748516781846 0.36593149598355373 0.4959454554330955 0.6166727034933754 1.1800665277747084 1.5097447820931762 1.816206257938507 2.022061693733613 2.0777819620691225 2.1861269282770768 2.195413639666321 2.1025465257738 1.8827610228948184 1.6242808892272844 1.1862576687008712 0.9215863941071744 0.650723978587306 0.6089337773356631 0.4231995495506123 +33668,0.322593509500379,1,0.3705748516781846 0.36593149598355373 0.4959454554330955 0.6166727034933754 1.1800665277747084 1.5097447820931762 1.816206257938507 2.022061693733613 2.0777819620691225 2.1861269282770768 2.195413639666321 2.1025465257738 1.8827610228948184 1.6242808892272844 1.1862576687008712 0.9215863941071744 0.650723978587306 0.6089337773356631 0.4231995495506123 0.3349757913527134 +33669,0.2746121673225734,1,0.36593149598355373 0.4959454554330955 0.6166727034933754 1.1800665277747084 1.5097447820931762 1.816206257938507 2.022061693733613 2.0777819620691225 2.1861269282770768 2.195413639666321 2.1025465257738 1.8827610228948184 1.6242808892272844 1.1862576687008712 0.9215863941071744 0.650723978587306 0.6089337773356631 0.4231995495506123 0.3349757913527134 0.322593509500379 +33670,0.2235352546816864,1,0.4959454554330955 0.6166727034933754 1.1800665277747084 1.5097447820931762 1.816206257938507 2.022061693733613 2.0777819620691225 2.1861269282770768 2.195413639666321 2.1025465257738 1.8827610228948184 1.6242808892272844 1.1862576687008712 0.9215863941071744 0.650723978587306 0.6089337773356631 0.4231995495506123 0.3349757913527134 0.322593509500379 0.2746121673225734 +33671,0.19877069097700883,1,0.6166727034933754 1.1800665277747084 1.5097447820931762 1.816206257938507 2.022061693733613 2.0777819620691225 2.1861269282770768 2.195413639666321 2.1025465257738 1.8827610228948184 1.6242808892272844 1.1862576687008712 0.9215863941071744 0.650723978587306 0.6089337773356631 0.4231995495506123 0.3349757913527134 0.322593509500379 0.2746121673225734 0.2235352546816864 +33672,0.24365646269173305,1,1.1800665277747084 1.5097447820931762 1.816206257938507 2.022061693733613 2.0777819620691225 2.1861269282770768 2.195413639666321 2.1025465257738 1.8827610228948184 1.6242808892272844 1.1862576687008712 0.9215863941071744 0.650723978587306 0.6089337773356631 0.4231995495506123 0.3349757913527134 0.322593509500379 0.2746121673225734 0.2235352546816864 0.19877069097700883 +33673,0.16781498634616848,1,1.5097447820931762 1.816206257938507 2.022061693733613 2.0777819620691225 2.1861269282770768 2.195413639666321 2.1025465257738 1.8827610228948184 1.6242808892272844 1.1862576687008712 0.9215863941071744 0.650723978587306 0.6089337773356631 0.4231995495506123 0.3349757913527134 0.322593509500379 0.2746121673225734 0.2235352546816864 0.19877069097700883 0.24365646269173305 +33674,0.3194979390372976,1,1.816206257938507 2.022061693733613 2.0777819620691225 2.1861269282770768 2.195413639666321 2.1025465257738 1.8827610228948184 1.6242808892272844 1.1862576687008712 0.9215863941071744 0.650723978587306 0.6089337773356631 0.4231995495506123 0.3349757913527134 0.322593509500379 0.2746121673225734 0.2235352546816864 0.19877069097700883 0.24365646269173305 0.16781498634616848 +33675,0.7048964616912744,1,2.022061693733613 2.0777819620691225 2.1861269282770768 2.195413639666321 2.1025465257738 1.8827610228948184 1.6242808892272844 1.1862576687008712 0.9215863941071744 0.650723978587306 0.6089337773356631 0.4231995495506123 0.3349757913527134 0.322593509500379 0.2746121673225734 0.2235352546816864 0.19877069097700883 0.24365646269173305 0.16781498634616848 0.3194979390372976 +33676,1.076364917261385,1,2.0777819620691225 2.1861269282770768 2.195413639666321 2.1025465257738 1.8827610228948184 1.6242808892272844 1.1862576687008712 0.9215863941071744 0.650723978587306 0.6089337773356631 0.4231995495506123 0.3349757913527134 0.322593509500379 0.2746121673225734 0.2235352546816864 0.19877069097700883 0.24365646269173305 0.16781498634616848 0.3194979390372976 0.7048964616912744 +33677,1.469502366073074,1,2.1861269282770768 2.195413639666321 2.1025465257738 1.8827610228948184 1.6242808892272844 1.1862576687008712 0.9215863941071744 0.650723978587306 0.6089337773356631 0.4231995495506123 0.3349757913527134 0.322593509500379 0.2746121673225734 0.2235352546816864 0.19877069097700883 0.24365646269173305 0.16781498634616848 0.3194979390372976 0.7048964616912744 1.076364917261385 +33678,1.772868271455332,1,2.195413639666321 2.1025465257738 1.8827610228948184 1.6242808892272844 1.1862576687008712 0.9215863941071744 0.650723978587306 0.6089337773356631 0.4231995495506123 0.3349757913527134 0.322593509500379 0.2746121673225734 0.2235352546816864 0.19877069097700883 0.24365646269173305 0.16781498634616848 0.3194979390372976 0.7048964616912744 1.076364917261385 1.469502366073074 +33679,1.9880104186396828,1,2.1025465257738 1.8827610228948184 1.6242808892272844 1.1862576687008712 0.9215863941071744 0.650723978587306 0.6089337773356631 0.4231995495506123 0.3349757913527134 0.322593509500379 0.2746121673225734 0.2235352546816864 0.19877069097700883 0.24365646269173305 0.16781498634616848 0.3194979390372976 0.7048964616912744 1.076364917261385 1.469502366073074 1.772868271455332 +33680,2.1721968611931928,1,1.8827610228948184 1.6242808892272844 1.1862576687008712 0.9215863941071744 0.650723978587306 0.6089337773356631 0.4231995495506123 0.3349757913527134 0.322593509500379 0.2746121673225734 0.2235352546816864 0.19877069097700883 0.24365646269173305 0.16781498634616848 0.3194979390372976 0.7048964616912744 1.076364917261385 1.469502366073074 1.772868271455332 1.9880104186396828 +33681,2.240299411381045,1,1.6242808892272844 1.1862576687008712 0.9215863941071744 0.650723978587306 0.6089337773356631 0.4231995495506123 0.3349757913527134 0.322593509500379 0.2746121673225734 0.2235352546816864 0.19877069097700883 0.24365646269173305 0.16781498634616848 0.3194979390372976 0.7048964616912744 1.076364917261385 1.469502366073074 1.772868271455332 1.9880104186396828 2.1721968611931928 +33682,2.1845791430455272,1,1.1862576687008712 0.9215863941071744 0.650723978587306 0.6089337773356631 0.4231995495506123 0.3349757913527134 0.322593509500379 0.2746121673225734 0.2235352546816864 0.19877069097700883 0.24365646269173305 0.16781498634616848 0.3194979390372976 0.7048964616912744 1.076364917261385 1.469502366073074 1.772868271455332 1.9880104186396828 2.1721968611931928 2.240299411381045 +33683,2.097903170079169,1,0.9215863941071744 0.650723978587306 0.6089337773356631 0.4231995495506123 0.3349757913527134 0.322593509500379 0.2746121673225734 0.2235352546816864 0.19877069097700883 0.24365646269173305 0.16781498634616848 0.3194979390372976 0.7048964616912744 1.076364917261385 1.469502366073074 1.772868271455332 1.9880104186396828 2.1721968611931928 2.240299411381045 2.1845791430455272 +33684,2.014322767575901,1,0.650723978587306 0.6089337773356631 0.4231995495506123 0.3349757913527134 0.322593509500379 0.2746121673225734 0.2235352546816864 0.19877069097700883 0.24365646269173305 0.16781498634616848 0.3194979390372976 0.7048964616912744 1.076364917261385 1.469502366073074 1.772868271455332 1.9880104186396828 2.1721968611931928 2.240299411381045 2.1845791430455272 2.097903170079169 +33685,1.7264347145090673,1,0.6089337773356631 0.4231995495506123 0.3349757913527134 0.322593509500379 0.2746121673225734 0.2235352546816864 0.19877069097700883 0.24365646269173305 0.16781498634616848 0.3194979390372976 0.7048964616912744 1.076364917261385 1.469502366073074 1.772868271455332 1.9880104186396828 2.1721968611931928 2.240299411381045 2.1845791430455272 2.097903170079169 2.014322767575901 +33686,1.3750874669490123,1,0.4231995495506123 0.3349757913527134 0.322593509500379 0.2746121673225734 0.2235352546816864 0.19877069097700883 0.24365646269173305 0.16781498634616848 0.3194979390372976 0.7048964616912744 1.076364917261385 1.469502366073074 1.772868271455332 1.9880104186396828 2.1721968611931928 2.240299411381045 2.1845791430455272 2.097903170079169 2.014322767575901 1.7264347145090673 +33687,0.8643183405401158,1,0.3349757913527134 0.322593509500379 0.2746121673225734 0.2235352546816864 0.19877069097700883 0.24365646269173305 0.16781498634616848 0.3194979390372976 0.7048964616912744 1.076364917261385 1.469502366073074 1.772868271455332 1.9880104186396828 2.1721968611931928 2.240299411381045 2.1845791430455272 2.097903170079169 2.014322767575901 1.7264347145090673 1.3750874669490123 +33688,0.6631062604396404,1,0.322593509500379 0.2746121673225734 0.2235352546816864 0.19877069097700883 0.24365646269173305 0.16781498634616848 0.3194979390372976 0.7048964616912744 1.076364917261385 1.469502366073074 1.772868271455332 1.9880104186396828 2.1721968611931928 2.240299411381045 2.1845791430455272 2.097903170079169 2.014322767575901 1.7264347145090673 1.3750874669490123 0.8643183405401158 +33689,0.5238055896008544,1,0.2746121673225734 0.2235352546816864 0.19877069097700883 0.24365646269173305 0.16781498634616848 0.3194979390372976 0.7048964616912744 1.076364917261385 1.469502366073074 1.772868271455332 1.9880104186396828 2.1721968611931928 2.240299411381045 2.1845791430455272 2.097903170079169 2.014322767575901 1.7264347145090673 1.3750874669490123 0.8643183405401158 0.6631062604396404 +33690,0.39688720061440286,1,0.2235352546816864 0.19877069097700883 0.24365646269173305 0.16781498634616848 0.3194979390372976 0.7048964616912744 1.076364917261385 1.469502366073074 1.772868271455332 1.9880104186396828 2.1721968611931928 2.240299411381045 2.1845791430455272 2.097903170079169 2.014322767575901 1.7264347145090673 1.3750874669490123 0.8643183405401158 0.6631062604396404 0.5238055896008544 +33691,0.2854466639433671,1,0.19877069097700883 0.24365646269173305 0.16781498634616848 0.3194979390372976 0.7048964616912744 1.076364917261385 1.469502366073074 1.772868271455332 1.9880104186396828 2.1721968611931928 2.240299411381045 2.1845791430455272 2.097903170079169 2.014322767575901 1.7264347145090673 1.3750874669490123 0.8643183405401158 0.6631062604396404 0.5238055896008544 0.39688720061440286 +33692,0.2699688116279425,1,0.24365646269173305 0.16781498634616848 0.3194979390372976 0.7048964616912744 1.076364917261385 1.469502366073074 1.772868271455332 1.9880104186396828 2.1721968611931928 2.240299411381045 2.1845791430455272 2.097903170079169 2.014322767575901 1.7264347145090673 1.3750874669490123 0.8643183405401158 0.6631062604396404 0.5238055896008544 0.39688720061440286 0.2854466639433671 +33693,0.20186626144009023,1,0.16781498634616848 0.3194979390372976 0.7048964616912744 1.076364917261385 1.469502366073074 1.772868271455332 1.9880104186396828 2.1721968611931928 2.240299411381045 2.1845791430455272 2.097903170079169 2.014322767575901 1.7264347145090673 1.3750874669490123 0.8643183405401158 0.6631062604396404 0.5238055896008544 0.39688720061440286 0.2854466639433671 0.2699688116279425 +33694,0.13531149648378746,1,0.3194979390372976 0.7048964616912744 1.076364917261385 1.469502366073074 1.772868271455332 1.9880104186396828 2.1721968611931928 2.240299411381045 2.1845791430455272 2.097903170079169 2.014322767575901 1.7264347145090673 1.3750874669490123 0.8643183405401158 0.6631062604396404 0.5238055896008544 0.39688720061440286 0.2854466639433671 0.2699688116279425 0.20186626144009023 +33695,0.12912035555761586,1,0.7048964616912744 1.076364917261385 1.469502366073074 1.772868271455332 1.9880104186396828 2.1721968611931928 2.240299411381045 2.1845791430455272 2.097903170079169 2.014322767575901 1.7264347145090673 1.3750874669490123 0.8643183405401158 0.6631062604396404 0.5238055896008544 0.39688720061440286 0.2854466639433671 0.2699688116279425 0.20186626144009023 0.13531149648378746 +33696,0.10280800662139761,1,1.076364917261385 1.469502366073074 1.772868271455332 1.9880104186396828 2.1721968611931928 2.240299411381045 2.1845791430455272 2.097903170079169 2.014322767575901 1.7264347145090673 1.3750874669490123 0.8643183405401158 0.6631062604396404 0.5238055896008544 0.39688720061440286 0.2854466639433671 0.2699688116279425 0.20186626144009023 0.13531149648378746 0.12912035555761586 +33697,0.11209471801065059,1,1.469502366073074 1.772868271455332 1.9880104186396828 2.1721968611931928 2.240299411381045 2.1845791430455272 2.097903170079169 2.014322767575901 1.7264347145090673 1.3750874669490123 0.8643183405401158 0.6631062604396404 0.5238055896008544 0.39688720061440286 0.2854466639433671 0.2699688116279425 0.20186626144009023 0.13531149648378746 0.12912035555761586 0.10280800662139761 +33698,0.2281786103763085,1,1.772868271455332 1.9880104186396828 2.1721968611931928 2.240299411381045 2.1845791430455272 2.097903170079169 2.014322767575901 1.7264347145090673 1.3750874669490123 0.8643183405401158 0.6631062604396404 0.5238055896008544 0.39688720061440286 0.2854466639433671 0.2699688116279425 0.20186626144009023 0.13531149648378746 0.12912035555761586 0.10280800662139761 0.11209471801065059 +33699,0.4866587440438425,1,1.9880104186396828 2.1721968611931928 2.240299411381045 2.1845791430455272 2.097903170079169 2.014322767575901 1.7264347145090673 1.3750874669490123 0.8643183405401158 0.6631062604396404 0.5238055896008544 0.39688720061440286 0.2854466639433671 0.2699688116279425 0.20186626144009023 0.13531149648378746 0.12912035555761586 0.10280800662139761 0.11209471801065059 0.2281786103763085 +33700,0.9122996827179214,1,2.1721968611931928 2.240299411381045 2.1845791430455272 2.097903170079169 2.014322767575901 1.7264347145090673 1.3750874669490123 0.8643183405401158 0.6631062604396404 0.5238055896008544 0.39688720061440286 0.2854466639433671 0.2699688116279425 0.20186626144009023 0.13531149648378746 0.12912035555761586 0.10280800662139761 0.11209471801065059 0.2281786103763085 0.4866587440438425 +33701,1.3054371315296105,1,2.240299411381045 2.1845791430455272 2.097903170079169 2.014322767575901 1.7264347145090673 1.3750874669490123 0.8643183405401158 0.6631062604396404 0.5238055896008544 0.39688720061440286 0.2854466639433671 0.2699688116279425 0.20186626144009023 0.13531149648378746 0.12912035555761586 0.10280800662139761 0.11209471801065059 0.2281786103763085 0.4866587440438425 0.9122996827179214 +33702,1.5654650504286851,1,2.1845791430455272 2.097903170079169 2.014322767575901 1.7264347145090673 1.3750874669490123 0.8643183405401158 0.6631062604396404 0.5238055896008544 0.39688720061440286 0.2854466639433671 0.2699688116279425 0.20186626144009023 0.13531149648378746 0.12912035555761586 0.10280800662139761 0.11209471801065059 0.2281786103763085 0.4866587440438425 0.9122996827179214 1.3054371315296105 +33703,1.7434603520560326,1,2.097903170079169 2.014322767575901 1.7264347145090673 1.3750874669490123 0.8643183405401158 0.6631062604396404 0.5238055896008544 0.39688720061440286 0.2854466639433671 0.2699688116279425 0.20186626144009023 0.13531149648378746 0.12912035555761586 0.10280800662139761 0.11209471801065059 0.2281786103763085 0.4866587440438425 0.9122996827179214 1.3054371315296105 1.5654650504286851 +33704,1.944672432156508,1,2.014322767575901 1.7264347145090673 1.3750874669490123 0.8643183405401158 0.6631062604396404 0.5238055896008544 0.39688720061440286 0.2854466639433671 0.2699688116279425 0.20186626144009023 0.13531149648378746 0.12912035555761586 0.10280800662139761 0.11209471801065059 0.2281786103763085 0.4866587440438425 0.9122996827179214 1.3054371315296105 1.5654650504286851 1.7434603520560326 +33705,2.005036056186648,1,1.7264347145090673 1.3750874669490123 0.8643183405401158 0.6631062604396404 0.5238055896008544 0.39688720061440286 0.2854466639433671 0.2699688116279425 0.20186626144009023 0.13531149648378746 0.12912035555761586 0.10280800662139761 0.11209471801065059 0.2281786103763085 0.4866587440438425 0.9122996827179214 1.3054371315296105 1.5654650504286851 1.7434603520560326 1.944672432156508 +33706,2.0236094789651538,1,1.3750874669490123 0.8643183405401158 0.6631062604396404 0.5238055896008544 0.39688720061440286 0.2854466639433671 0.2699688116279425 0.20186626144009023 0.13531149648378746 0.12912035555761586 0.10280800662139761 0.11209471801065059 0.2281786103763085 0.4866587440438425 0.9122996827179214 1.3054371315296105 1.5654650504286851 1.7434603520560326 1.944672432156508 2.005036056186648 +33707,1.9369335059987958,1,0.8643183405401158 0.6631062604396404 0.5238055896008544 0.39688720061440286 0.2854466639433671 0.2699688116279425 0.20186626144009023 0.13531149648378746 0.12912035555761586 0.10280800662139761 0.11209471801065059 0.2281786103763085 0.4866587440438425 0.9122996827179214 1.3054371315296105 1.5654650504286851 1.7434603520560326 1.944672432156508 2.005036056186648 2.0236094789651538 +33708,1.7481037077506547,1,0.6631062604396404 0.5238055896008544 0.39688720061440286 0.2854466639433671 0.2699688116279425 0.20186626144009023 0.13531149648378746 0.12912035555761586 0.10280800662139761 0.11209471801065059 0.2281786103763085 0.4866587440438425 0.9122996827179214 1.3054371315296105 1.5654650504286851 1.7434603520560326 1.944672432156508 2.005036056186648 2.0236094789651538 1.9369335059987958 +33709,1.4896235740831294,1,0.5238055896008544 0.39688720061440286 0.2854466639433671 0.2699688116279425 0.20186626144009023 0.13531149648378746 0.12912035555761586 0.10280800662139761 0.11209471801065059 0.2281786103763085 0.4866587440438425 0.9122996827179214 1.3054371315296105 1.5654650504286851 1.7434603520560326 1.944672432156508 2.005036056186648 2.0236094789651538 1.9369335059987958 1.7481037077506547 +33710,1.178518742543159,1,0.39688720061440286 0.2854466639433671 0.2699688116279425 0.20186626144009023 0.13531149648378746 0.12912035555761586 0.10280800662139761 0.11209471801065059 0.2281786103763085 0.4866587440438425 0.9122996827179214 1.3054371315296105 1.5654650504286851 1.7434603520560326 1.944672432156508 2.005036056186648 2.0236094789651538 1.9369335059987958 1.7481037077506547 1.4896235740831294 +33711,0.8689616962347378,1,0.2854466639433671 0.2699688116279425 0.20186626144009023 0.13531149648378746 0.12912035555761586 0.10280800662139761 0.11209471801065059 0.2281786103763085 0.4866587440438425 0.9122996827179214 1.3054371315296105 1.5654650504286851 1.7434603520560326 1.944672432156508 2.005036056186648 2.0236094789651538 1.9369335059987958 1.7481037077506547 1.4896235740831294 1.178518742543159 +33712,0.6476284081242158,1,0.2699688116279425 0.20186626144009023 0.13531149648378746 0.12912035555761586 0.10280800662139761 0.11209471801065059 0.2281786103763085 0.4866587440438425 0.9122996827179214 1.3054371315296105 1.5654650504286851 1.7434603520560326 1.944672432156508 2.005036056186648 2.0236094789651538 1.9369335059987958 1.7481037077506547 1.4896235740831294 1.178518742543159 0.8689616962347378 +33713,0.46498975080225513,1,0.20186626144009023 0.13531149648378746 0.12912035555761586 0.10280800662139761 0.11209471801065059 0.2281786103763085 0.4866587440438425 0.9122996827179214 1.3054371315296105 1.5654650504286851 1.7434603520560326 1.944672432156508 2.005036056186648 2.0236094789651538 1.9369335059987958 1.7481037077506547 1.4896235740831294 1.178518742543159 0.8689616962347378 0.6476284081242158 +33714,0.4123650529298186,1,0.13531149648378746 0.12912035555761586 0.10280800662139761 0.11209471801065059 0.2281786103763085 0.4866587440438425 0.9122996827179214 1.3054371315296105 1.5654650504286851 1.7434603520560326 1.944672432156508 2.005036056186648 2.0236094789651538 1.9369335059987958 1.7481037077506547 1.4896235740831294 1.178518742543159 0.8689616962347378 0.6476284081242158 0.46498975080225513 +33715,0.24520424792327375,1,0.12912035555761586 0.10280800662139761 0.11209471801065059 0.2281786103763085 0.4866587440438425 0.9122996827179214 1.3054371315296105 1.5654650504286851 1.7434603520560326 1.944672432156508 2.005036056186648 2.0236094789651538 1.9369335059987958 1.7481037077506547 1.4896235740831294 1.178518742543159 0.8689616962347378 0.6476284081242158 0.46498975080225513 0.4123650529298186 +33716,0.15852827495691552,1,0.10280800662139761 0.11209471801065059 0.2281786103763085 0.4866587440438425 0.9122996827179214 1.3054371315296105 1.5654650504286851 1.7434603520560326 1.944672432156508 2.005036056186648 2.0236094789651538 1.9369335059987958 1.7481037077506547 1.4896235740831294 1.178518742543159 0.8689616962347378 0.6476284081242158 0.46498975080225513 0.4123650529298186 0.24520424792327375 +33717,0.13221592602069726,1,0.11209471801065059 0.2281786103763085 0.4866587440438425 0.9122996827179214 1.3054371315296105 1.5654650504286851 1.7434603520560326 1.944672432156508 2.005036056186648 2.0236094789651538 1.9369335059987958 1.7481037077506547 1.4896235740831294 1.178518742543159 0.8689616962347378 0.6476284081242158 0.46498975080225513 0.4123650529298186 0.24520424792327375 0.15852827495691552 +33718,0.04089659735971692,1,0.2281786103763085 0.4866587440438425 0.9122996827179214 1.3054371315296105 1.5654650504286851 1.7434603520560326 1.944672432156508 2.005036056186648 2.0236094789651538 1.9369335059987958 1.7481037077506547 1.4896235740831294 1.178518742543159 0.8689616962347378 0.6476284081242158 0.46498975080225513 0.4123650529298186 0.24520424792327375 0.15852827495691552 0.13221592602069726 +33719,0.01613203365503937,1,0.4866587440438425 0.9122996827179214 1.3054371315296105 1.5654650504286851 1.7434603520560326 1.944672432156508 2.005036056186648 2.0236094789651538 1.9369335059987958 1.7481037077506547 1.4896235740831294 1.178518742543159 0.8689616962347378 0.6476284081242158 0.46498975080225513 0.4123650529298186 0.24520424792327375 0.15852827495691552 0.13221592602069726 0.04089659735971692 +33720,0.034705456433545334,1,0.9122996827179214 1.3054371315296105 1.5654650504286851 1.7434603520560326 1.944672432156508 2.005036056186648 2.0236094789651538 1.9369335059987958 1.7481037077506547 1.4896235740831294 1.178518742543159 0.8689616962347378 0.6476284081242158 0.46498975080225513 0.4123650529298186 0.24520424792327375 0.15852827495691552 0.13221592602069726 0.04089659735971692 0.01613203365503937 +33721,0.0022019665711642948,1,1.3054371315296105 1.5654650504286851 1.7434603520560326 1.944672432156508 2.005036056186648 2.0236094789651538 1.9369335059987958 1.7481037077506547 1.4896235740831294 1.178518742543159 0.8689616962347378 0.6476284081242158 0.46498975080225513 0.4123650529298186 0.24520424792327375 0.15852827495691552 0.13221592602069726 0.04089659735971692 0.01613203365503937 0.034705456433545334 +33722,0.16626720111462778,1,1.5654650504286851 1.7434603520560326 1.944672432156508 2.005036056186648 2.0236094789651538 1.9369335059987958 1.7481037077506547 1.4896235740831294 1.178518742543159 0.8689616962347378 0.6476284081242158 0.46498975080225513 0.4123650529298186 0.24520424792327375 0.15852827495691552 0.13221592602069726 0.04089659735971692 0.01613203365503937 0.034705456433545334 0.0022019665711642948 +33723,0.3721226369097253,1,1.7434603520560326 1.944672432156508 2.005036056186648 2.0236094789651538 1.9369335059987958 1.7481037077506547 1.4896235740831294 1.178518742543159 0.8689616962347378 0.6476284081242158 0.46498975080225513 0.4123650529298186 0.24520424792327375 0.15852827495691552 0.13221592602069726 0.04089659735971692 0.01613203365503937 0.034705456433545334 0.0022019665711642948 0.16626720111462778 +33724,0.7652600857214231,1,1.944672432156508 2.005036056186648 2.0236094789651538 1.9369335059987958 1.7481037077506547 1.4896235740831294 1.178518742543159 0.8689616962347378 0.6476284081242158 0.46498975080225513 0.4123650529298186 0.24520424792327375 0.15852827495691552 0.13221592602069726 0.04089659735971692 0.01613203365503937 0.034705456433545334 0.0022019665711642948 0.16626720111462778 0.3721226369097253 +33725,1.159945319764653,1,2.005036056186648 2.0236094789651538 1.9369335059987958 1.7481037077506547 1.4896235740831294 1.178518742543159 0.8689616962347378 0.6476284081242158 0.46498975080225513 0.4123650529298186 0.24520424792327375 0.15852827495691552 0.13221592602069726 0.04089659735971692 0.01613203365503937 0.034705456433545334 0.0022019665711642948 0.16626720111462778 0.3721226369097253 0.7652600857214231 +33726,1.4044953863483118,1,2.0236094789651538 1.9369335059987958 1.7481037077506547 1.4896235740831294 1.178518742543159 0.8689616962347378 0.6476284081242158 0.46498975080225513 0.4123650529298186 0.24520424792327375 0.15852827495691552 0.13221592602069726 0.04089659735971692 0.01613203365503937 0.034705456433545334 0.0022019665711642948 0.16626720111462778 0.3721226369097253 0.7652600857214231 1.159945319764653 +33727,1.6614277347842965,1,1.9369335059987958 1.7481037077506547 1.4896235740831294 1.178518742543159 0.8689616962347378 0.6476284081242158 0.46498975080225513 0.4123650529298186 0.24520424792327375 0.15852827495691552 0.13221592602069726 0.04089659735971692 0.01613203365503937 0.034705456433545334 0.0022019665711642948 0.16626720111462778 0.3721226369097253 0.7652600857214231 1.159945319764653 1.4044953863483118 +33728,1.8518053182639782,1,1.7481037077506547 1.4896235740831294 1.178518742543159 0.8689616962347378 0.6476284081242158 0.46498975080225513 0.4123650529298186 0.24520424792327375 0.15852827495691552 0.13221592602069726 0.04089659735971692 0.01613203365503937 0.034705456433545334 0.0022019665711642948 0.16626720111462778 0.3721226369097253 0.7652600857214231 1.159945319764653 1.4044953863483118 1.6614277347842965 +33729,2.0948075996160878,1,1.4896235740831294 1.178518742543159 0.8689616962347378 0.6476284081242158 0.46498975080225513 0.4123650529298186 0.24520424792327375 0.15852827495691552 0.13221592602069726 0.04089659735971692 0.01613203365503937 0.034705456433545334 0.0022019665711642948 0.16626720111462778 0.3721226369097253 0.7652600857214231 1.159945319764653 1.4044953863483118 1.6614277347842965 1.8518053182639782 +33730,2.076234176837582,1,1.178518742543159 0.8689616962347378 0.6476284081242158 0.46498975080225513 0.4123650529298186 0.24520424792327375 0.15852827495691552 0.13221592602069726 0.04089659735971692 0.01613203365503937 0.034705456433545334 0.0022019665711642948 0.16626720111462778 0.3721226369097253 0.7652600857214231 1.159945319764653 1.4044953863483118 1.6614277347842965 1.8518053182639782 2.0948075996160878 +33731,1.9214556536833711,1,0.8689616962347378 0.6476284081242158 0.46498975080225513 0.4123650529298186 0.24520424792327375 0.15852827495691552 0.13221592602069726 0.04089659735971692 0.01613203365503937 0.034705456433545334 0.0022019665711642948 0.16626720111462778 0.3721226369097253 0.7652600857214231 1.159945319764653 1.4044953863483118 1.6614277347842965 1.8518053182639782 2.0948075996160878 2.076234176837582 +33732,1.8270407545593006,1,0.6476284081242158 0.46498975080225513 0.4123650529298186 0.24520424792327375 0.15852827495691552 0.13221592602069726 0.04089659735971692 0.01613203365503937 0.034705456433545334 0.0022019665711642948 0.16626720111462778 0.3721226369097253 0.7652600857214231 1.159945319764653 1.4044953863483118 1.6614277347842965 1.8518053182639782 2.0948075996160878 2.076234176837582 1.9214556536833711 +33733,1.5221270639455105,1,0.46498975080225513 0.4123650529298186 0.24520424792327375 0.15852827495691552 0.13221592602069726 0.04089659735971692 0.01613203365503937 0.034705456433545334 0.0022019665711642948 0.16626720111462778 0.3721226369097253 0.7652600857214231 1.159945319764653 1.4044953863483118 1.6614277347842965 1.8518053182639782 2.0948075996160878 2.076234176837582 1.9214556536833711 1.8270407545593006 +33734,1.1444674674492372,1,0.4123650529298186 0.24520424792327375 0.15852827495691552 0.13221592602069726 0.04089659735971692 0.01613203365503937 0.034705456433545334 0.0022019665711642948 0.16626720111462778 0.3721226369097253 0.7652600857214231 1.159945319764653 1.4044953863483118 1.6614277347842965 1.8518053182639782 2.0948075996160878 2.076234176837582 1.9214556536833711 1.8270407545593006 1.5221270639455105 +33735,0.7652600857214231,1,0.24520424792327375 0.15852827495691552 0.13221592602069726 0.04089659735971692 0.01613203365503937 0.034705456433545334 0.0022019665711642948 0.16626720111462778 0.3721226369097253 0.7652600857214231 1.159945319764653 1.4044953863483118 1.6614277347842965 1.8518053182639782 2.0948075996160878 2.076234176837582 1.9214556536833711 1.8270407545593006 1.5221270639455105 1.1444674674492372 +33736,0.5965514954833288,1,0.15852827495691552 0.13221592602069726 0.04089659735971692 0.01613203365503937 0.034705456433545334 0.0022019665711642948 0.16626720111462778 0.3721226369097253 0.7652600857214231 1.159945319764653 1.4044953863483118 1.6614277347842965 1.8518053182639782 2.0948075996160878 2.076234176837582 1.9214556536833711 1.8270407545593006 1.5221270639455105 1.1444674674492372 0.7652600857214231 +33737,0.34581028797350705,1,0.13221592602069726 0.04089659735971692 0.01613203365503937 0.034705456433545334 0.0022019665711642948 0.16626720111462778 0.3721226369097253 0.7652600857214231 1.159945319764653 1.4044953863483118 1.6614277347842965 1.8518053182639782 2.0948075996160878 2.076234176837582 1.9214556536833711 1.8270407545593006 1.5221270639455105 1.1444674674492372 0.7652600857214231 0.5965514954833288 +33738,0.23127418083938986,1,0.04089659735971692 0.01613203365503937 0.034705456433545334 0.0022019665711642948 0.16626720111462778 0.3721226369097253 0.7652600857214231 1.159945319764653 1.4044953863483118 1.6614277347842965 1.8518053182639782 2.0948075996160878 2.076234176837582 1.9214556536833711 1.8270407545593006 1.5221270639455105 1.1444674674492372 0.7652600857214231 0.5965514954833288 0.34581028797350705 +33739,0.13995485217840953,1,0.01613203365503937 0.034705456433545334 0.0022019665711642948 0.16626720111462778 0.3721226369097253 0.7652600857214231 1.159945319764653 1.4044953863483118 1.6614277347842965 1.8518053182639782 2.0948075996160878 2.076234176837582 1.9214556536833711 1.8270407545593006 1.5221270639455105 1.1444674674492372 0.7652600857214231 0.5965514954833288 0.34581028797350705 0.23127418083938986 +33740,0.11364250324219129,1,0.034705456433545334 0.0022019665711642948 0.16626720111462778 0.3721226369097253 0.7652600857214231 1.159945319764653 1.4044953863483118 1.6614277347842965 1.8518053182639782 2.0948075996160878 2.076234176837582 1.9214556536833711 1.8270407545593006 1.5221270639455105 1.1444674674492372 0.7652600857214231 0.5965514954833288 0.34581028797350705 0.23127418083938986 0.13995485217840953 +33741,0.08268679861135095,1,0.0022019665711642948 0.16626720111462778 0.3721226369097253 0.7652600857214231 1.159945319764653 1.4044953863483118 1.6614277347842965 1.8518053182639782 2.0948075996160878 2.076234176837582 1.9214556536833711 1.8270407545593006 1.5221270639455105 1.1444674674492372 0.7652600857214231 0.5965514954833288 0.34581028797350705 0.23127418083938986 0.13995485217840953 0.11364250324219129 +33742,0.043992167822798314,1,0.16626720111462778 0.3721226369097253 0.7652600857214231 1.159945319764653 1.4044953863483118 1.6614277347842965 1.8518053182639782 2.0948075996160878 2.076234176837582 1.9214556536833711 1.8270407545593006 1.5221270639455105 1.1444674674492372 0.7652600857214231 0.5965514954833288 0.34581028797350705 0.23127418083938986 0.13995485217840953 0.11364250324219129 0.08268679861135095 +33743,0.033157671202004635,1,0.3721226369097253 0.7652600857214231 1.159945319764653 1.4044953863483118 1.6614277347842965 1.8518053182639782 2.0948075996160878 2.076234176837582 1.9214556536833711 1.8270407545593006 1.5221270639455105 1.1444674674492372 0.7652600857214231 0.5965514954833288 0.34581028797350705 0.23127418083938986 0.13995485217840953 0.11364250324219129 0.08268679861135095 0.043992167822798314 +33744,0.028514315507373746,1,0.7652600857214231 1.159945319764653 1.4044953863483118 1.6614277347842965 1.8518053182639782 2.0948075996160878 2.076234176837582 1.9214556536833711 1.8270407545593006 1.5221270639455105 1.1444674674492372 0.7652600857214231 0.5965514954833288 0.34581028797350705 0.23127418083938986 0.13995485217840953 0.11364250324219129 0.08268679861135095 0.043992167822798314 0.033157671202004635 +33745,-0.02101481190197256,1,1.159945319764653 1.4044953863483118 1.6614277347842965 1.8518053182639782 2.0948075996160878 2.076234176837582 1.9214556536833711 1.8270407545593006 1.5221270639455105 1.1444674674492372 0.7652600857214231 0.5965514954833288 0.34581028797350705 0.23127418083938986 0.13995485217840953 0.11364250324219129 0.08268679861135095 0.043992167822798314 0.033157671202004635 0.028514315507373746 +33746,0.19103176481929654,1,1.4044953863483118 1.6614277347842965 1.8518053182639782 2.0948075996160878 2.076234176837582 1.9214556536833711 1.8270407545593006 1.5221270639455105 1.1444674674492372 0.7652600857214231 0.5965514954833288 0.34581028797350705 0.23127418083938986 0.13995485217840953 0.11364250324219129 0.08268679861135095 0.043992167822798314 0.033157671202004635 0.028514315507373746 -0.02101481190197256 +33747,0.392243844919772,1,1.6614277347842965 1.8518053182639782 2.0948075996160878 2.076234176837582 1.9214556536833711 1.8270407545593006 1.5221270639455105 1.1444674674492372 0.7652600857214231 0.5965514954833288 0.34581028797350705 0.23127418083938986 0.13995485217840953 0.11364250324219129 0.08268679861135095 0.043992167822798314 0.033157671202004635 0.028514315507373746 -0.02101481190197256 0.19103176481929654 +33748,0.7404955220167456,1,1.8518053182639782 2.0948075996160878 2.076234176837582 1.9214556536833711 1.8270407545593006 1.5221270639455105 1.1444674674492372 0.7652600857214231 0.5965514954833288 0.34581028797350705 0.23127418083938986 0.13995485217840953 0.11364250324219129 0.08268679861135095 0.043992167822798314 0.033157671202004635 0.028514315507373746 -0.02101481190197256 0.19103176481929654 0.392243844919772 +33749,1.1955443800901242,1,2.0948075996160878 2.076234176837582 1.9214556536833711 1.8270407545593006 1.5221270639455105 1.1444674674492372 0.7652600857214231 0.5965514954833288 0.34581028797350705 0.23127418083938986 0.13995485217840953 0.11364250324219129 0.08268679861135095 0.043992167822798314 0.033157671202004635 0.028514315507373746 -0.02101481190197256 0.19103176481929654 0.392243844919772 0.7404955220167456 +33750,1.4199732386637276,1,2.076234176837582 1.9214556536833711 1.8270407545593006 1.5221270639455105 1.1444674674492372 0.7652600857214231 0.5965514954833288 0.34581028797350705 0.23127418083938986 0.13995485217840953 0.11364250324219129 0.08268679861135095 0.043992167822798314 0.033157671202004635 0.028514315507373746 -0.02101481190197256 0.19103176481929654 0.392243844919772 0.7404955220167456 1.1955443800901242 +33751,1.806919546549254,1,1.9214556536833711 1.8270407545593006 1.5221270639455105 1.1444674674492372 0.7652600857214231 0.5965514954833288 0.34581028797350705 0.23127418083938986 0.13995485217840953 0.11364250324219129 0.08268679861135095 0.043992167822798314 0.033157671202004635 0.028514315507373746 -0.02101481190197256 0.19103176481929654 0.392243844919772 0.7404955220167456 1.1955443800901242 1.4199732386637276 +33752,2.1226677337838464,1,1.8270407545593006 1.5221270639455105 1.1444674674492372 0.7652600857214231 0.5965514954833288 0.34581028797350705 0.23127418083938986 0.13995485217840953 0.11364250324219129 0.08268679861135095 0.043992167822798314 0.033157671202004635 0.028514315507373746 -0.02101481190197256 0.19103176481929654 0.392243844919772 0.7404955220167456 1.1955443800901242 1.4199732386637276 1.806919546549254 +33753,2.195413639666321,1,1.5221270639455105 1.1444674674492372 0.7652600857214231 0.5965514954833288 0.34581028797350705 0.23127418083938986 0.13995485217840953 0.11364250324219129 0.08268679861135095 0.043992167822798314 0.033157671202004635 0.028514315507373746 -0.02101481190197256 0.19103176481929654 0.392243844919772 0.7404955220167456 1.1955443800901242 1.4199732386637276 1.806919546549254 2.1226677337838464 +33754,2.0731386063745,1,1.1444674674492372 0.7652600857214231 0.5965514954833288 0.34581028797350705 0.23127418083938986 0.13995485217840953 0.11364250324219129 0.08268679861135095 0.043992167822798314 0.033157671202004635 0.028514315507373746 -0.02101481190197256 0.19103176481929654 0.392243844919772 0.7404955220167456 1.1955443800901242 1.4199732386637276 1.806919546549254 2.1226677337838464 2.195413639666321 +33755,2.0313484051228663,1,0.7652600857214231 0.5965514954833288 0.34581028797350705 0.23127418083938986 0.13995485217840953 0.11364250324219129 0.08268679861135095 0.043992167822798314 0.033157671202004635 0.028514315507373746 -0.02101481190197256 0.19103176481929654 0.392243844919772 0.7404955220167456 1.1955443800901242 1.4199732386637276 1.806919546549254 2.1226677337838464 2.195413639666321 2.0731386063745 +33756,1.8688309558109435,1,0.5965514954833288 0.34581028797350705 0.23127418083938986 0.13995485217840953 0.11364250324219129 0.08268679861135095 0.043992167822798314 0.033157671202004635 0.028514315507373746 -0.02101481190197256 0.19103176481929654 0.392243844919772 0.7404955220167456 1.1955443800901242 1.4199732386637276 1.806919546549254 2.1226677337838464 2.195413639666321 2.0731386063745 2.0313484051228663 +33757,1.5112925673247168,1,0.34581028797350705 0.23127418083938986 0.13995485217840953 0.11364250324219129 0.08268679861135095 0.043992167822798314 0.033157671202004635 0.028514315507373746 -0.02101481190197256 0.19103176481929654 0.392243844919772 0.7404955220167456 1.1955443800901242 1.4199732386637276 1.806919546549254 2.1226677337838464 2.195413639666321 2.0731386063745 2.0313484051228663 1.8688309558109435 +33758,1.1398241117546062,1,0.23127418083938986 0.13995485217840953 0.11364250324219129 0.08268679861135095 0.043992167822798314 0.033157671202004635 0.028514315507373746 -0.02101481190197256 0.19103176481929654 0.392243844919772 0.7404955220167456 1.1955443800901242 1.4199732386637276 1.806919546549254 2.1226677337838464 2.195413639666321 2.0731386063745 2.0313484051228663 1.8688309558109435 1.5112925673247168 +33759,0.8612227700770344,1,0.13995485217840953 0.11364250324219129 0.08268679861135095 0.043992167822798314 0.033157671202004635 0.028514315507373746 -0.02101481190197256 0.19103176481929654 0.392243844919772 0.7404955220167456 1.1955443800901242 1.4199732386637276 1.806919546549254 2.1226677337838464 2.195413639666321 2.0731386063745 2.0313484051228663 1.8688309558109435 1.5112925673247168 1.1398241117546062 +33760,0.6182204887249162,1,0.11364250324219129 0.08268679861135095 0.043992167822798314 0.033157671202004635 0.028514315507373746 -0.02101481190197256 0.19103176481929654 0.392243844919772 0.7404955220167456 1.1955443800901242 1.4199732386637276 1.806919546549254 2.1226677337838464 2.195413639666321 2.0731386063745 2.0313484051228663 1.8688309558109435 1.5112925673247168 1.1398241117546062 0.8612227700770344 +33761,0.4959454554330955,1,0.08268679861135095 0.043992167822798314 0.033157671202004635 0.028514315507373746 -0.02101481190197256 0.19103176481929654 0.392243844919772 0.7404955220167456 1.1955443800901242 1.4199732386637276 1.806919546549254 2.1226677337838464 2.195413639666321 2.0731386063745 2.0313484051228663 1.8688309558109435 1.5112925673247168 1.1398241117546062 0.8612227700770344 0.6182204887249162 +33762,0.3272368651950011,1,0.043992167822798314 0.033157671202004635 0.028514315507373746 -0.02101481190197256 0.19103176481929654 0.392243844919772 0.7404955220167456 1.1955443800901242 1.4199732386637276 1.806919546549254 2.1226677337838464 2.195413639666321 2.0731386063745 2.0313484051228663 1.8688309558109435 1.5112925673247168 1.1398241117546062 0.8612227700770344 0.6182204887249162 0.4959454554330955 +33763,0.2188918989870555,1,0.033157671202004635 0.028514315507373746 -0.02101481190197256 0.19103176481929654 0.392243844919772 0.7404955220167456 1.1955443800901242 1.4199732386637276 1.806919546549254 2.1226677337838464 2.195413639666321 2.0731386063745 2.0313484051228663 1.8688309558109435 1.5112925673247168 1.1398241117546062 0.8612227700770344 0.6182204887249162 0.4959454554330955 0.3272368651950011 +33764,0.11209471801065059,1,0.028514315507373746 -0.02101481190197256 0.19103176481929654 0.392243844919772 0.7404955220167456 1.1955443800901242 1.4199732386637276 1.806919546549254 2.1226677337838464 2.195413639666321 2.0731386063745 2.0313484051228663 1.8688309558109435 1.5112925673247168 1.1398241117546062 0.8612227700770344 0.6182204887249162 0.4959454554330955 0.3272368651950011 0.2188918989870555 +33765,0.05947002013822289,1,-0.02101481190197256 0.19103176481929654 0.392243844919772 0.7404955220167456 1.1955443800901242 1.4199732386637276 1.806919546549254 2.1226677337838464 2.195413639666321 2.0731386063745 2.0313484051228663 1.8688309558109435 1.5112925673247168 1.1398241117546062 0.8612227700770344 0.6182204887249162 0.4959454554330955 0.3272368651950011 0.2188918989870555 0.11209471801065059 +33766,0.0006541813396235972,1,0.19103176481929654 0.392243844919772 0.7404955220167456 1.1955443800901242 1.4199732386637276 1.806919546549254 2.1226677337838464 2.195413639666321 2.0731386063745 2.0313484051228663 1.8688309558109435 1.5112925673247168 1.1398241117546062 0.8612227700770344 0.6182204887249162 0.4959454554330955 0.3272368651950011 0.2188918989870555 0.11209471801065059 0.05947002013822289 +33767,-0.007084744818088688,1,0.392243844919772 0.7404955220167456 1.1955443800901242 1.4199732386637276 1.806919546549254 2.1226677337838464 2.195413639666321 2.0731386063745 2.0313484051228663 1.8688309558109435 1.5112925673247168 1.1398241117546062 0.8612227700770344 0.6182204887249162 0.4959454554330955 0.3272368651950011 0.2188918989870555 0.11209471801065059 0.05947002013822289 0.0006541813396235972 +33768,0.0022019665711642948,1,0.7404955220167456 1.1955443800901242 1.4199732386637276 1.806919546549254 2.1226677337838464 2.195413639666321 2.0731386063745 2.0313484051228663 1.8688309558109435 1.5112925673247168 1.1398241117546062 0.8612227700770344 0.6182204887249162 0.4959454554330955 0.3272368651950011 0.2188918989870555 0.11209471801065059 0.05947002013822289 0.0006541813396235972 -0.007084744818088688 +33769,-0.017919241438882367,1,1.1955443800901242 1.4199732386637276 1.806919546549254 2.1226677337838464 2.195413639666321 2.0731386063745 2.0313484051228663 1.8688309558109435 1.5112925673247168 1.1398241117546062 0.8612227700770344 0.6182204887249162 0.4959454554330955 0.3272368651950011 0.2188918989870555 0.11209471801065059 0.05947002013822289 0.0006541813396235972 -0.007084744818088688 0.0022019665711642948 +33770,0.15698048972537482,1,1.4199732386637276 1.806919546549254 2.1226677337838464 2.195413639666321 2.0731386063745 2.0313484051228663 1.8688309558109435 1.5112925673247168 1.1398241117546062 0.8612227700770344 0.6182204887249162 0.4959454554330955 0.3272368651950011 0.2188918989870555 0.11209471801065059 0.05947002013822289 0.0006541813396235972 -0.007084744818088688 0.0022019665711642948 -0.017919241438882367 +33771,0.45415525418145264,1,1.806919546549254 2.1226677337838464 2.195413639666321 2.0731386063745 2.0313484051228663 1.8688309558109435 1.5112925673247168 1.1398241117546062 0.8612227700770344 0.6182204887249162 0.4959454554330955 0.3272368651950011 0.2188918989870555 0.11209471801065059 0.05947002013822289 0.0006541813396235972 -0.007084744818088688 0.0022019665711642948 -0.017919241438882367 0.15698048972537482 +33772,0.7157309583120769,1,2.1226677337838464 2.195413639666321 2.0731386063745 2.0313484051228663 1.8688309558109435 1.5112925673247168 1.1398241117546062 0.8612227700770344 0.6182204887249162 0.4959454554330955 0.3272368651950011 0.2188918989870555 0.11209471801065059 0.05947002013822289 0.0006541813396235972 -0.007084744818088688 0.0022019665711642948 -0.017919241438882367 0.15698048972537482 0.45415525418145264 +33773,1.1460152526807779,1,2.195413639666321 2.0731386063745 2.0313484051228663 1.8688309558109435 1.5112925673247168 1.1398241117546062 0.8612227700770344 0.6182204887249162 0.4959454554330955 0.3272368651950011 0.2188918989870555 0.11209471801065059 0.05947002013822289 0.0006541813396235972 -0.007084744818088688 0.0022019665711642948 -0.017919241438882367 0.15698048972537482 0.45415525418145264 0.7157309583120769 +33774,1.358061829402047,1,2.0731386063745 2.0313484051228663 1.8688309558109435 1.5112925673247168 1.1398241117546062 0.8612227700770344 0.6182204887249162 0.4959454554330955 0.3272368651950011 0.2188918989870555 0.11209471801065059 0.05947002013822289 0.0006541813396235972 -0.007084744818088688 0.0022019665711642948 -0.017919241438882367 0.15698048972537482 0.45415525418145264 0.7157309583120769 1.1460152526807779 +33775,1.6289242449219155,1,2.0313484051228663 1.8688309558109435 1.5112925673247168 1.1398241117546062 0.8612227700770344 0.6182204887249162 0.4959454554330955 0.3272368651950011 0.2188918989870555 0.11209471801065059 0.05947002013822289 0.0006541813396235972 -0.007084744818088688 0.0022019665711642948 -0.017919241438882367 0.15698048972537482 0.45415525418145264 0.7157309583120769 1.1460152526807779 1.358061829402047 +33776,1.7898939090022974,1,1.8688309558109435 1.5112925673247168 1.1398241117546062 0.8612227700770344 0.6182204887249162 0.4959454554330955 0.3272368651950011 0.2188918989870555 0.11209471801065059 0.05947002013822289 0.0006541813396235972 -0.007084744818088688 0.0022019665711642948 -0.017919241438882367 0.15698048972537482 0.45415525418145264 0.7157309583120769 1.1460152526807779 1.358061829402047 1.6289242449219155 +33777,2.0065838414181885,1,1.5112925673247168 1.1398241117546062 0.8612227700770344 0.6182204887249162 0.4959454554330955 0.3272368651950011 0.2188918989870555 0.11209471801065059 0.05947002013822289 0.0006541813396235972 -0.007084744818088688 0.0022019665711642948 -0.017919241438882367 0.15698048972537482 0.45415525418145264 0.7157309583120769 1.1460152526807779 1.358061829402047 1.6289242449219155 1.7898939090022974 +33778,2.014322767575901,1,1.1398241117546062 0.8612227700770344 0.6182204887249162 0.4959454554330955 0.3272368651950011 0.2188918989870555 0.11209471801065059 0.05947002013822289 0.0006541813396235972 -0.007084744818088688 0.0022019665711642948 -0.017919241438882367 0.15698048972537482 0.45415525418145264 0.7157309583120769 1.1460152526807779 1.358061829402047 1.6289242449219155 1.7898939090022974 2.0065838414181885 +33779,1.916812297988749,1,0.8612227700770344 0.6182204887249162 0.4959454554330955 0.3272368651950011 0.2188918989870555 0.11209471801065059 0.05947002013822289 0.0006541813396235972 -0.007084744818088688 0.0022019665711642948 -0.017919241438882367 0.15698048972537482 0.45415525418145264 0.7157309583120769 1.1460152526807779 1.358061829402047 1.6289242449219155 1.7898939090022974 2.0065838414181885 2.014322767575901 +33780,1.7357214258983202,1,0.6182204887249162 0.4959454554330955 0.3272368651950011 0.2188918989870555 0.11209471801065059 0.05947002013822289 0.0006541813396235972 -0.007084744818088688 0.0022019665711642948 -0.017919241438882367 0.15698048972537482 0.45415525418145264 0.7157309583120769 1.1460152526807779 1.358061829402047 1.6289242449219155 1.7898939090022974 2.0065838414181885 2.014322767575901 1.916812297988749 +33781,1.4354510909791522,1,0.4959454554330955 0.3272368651950011 0.2188918989870555 0.11209471801065059 0.05947002013822289 0.0006541813396235972 -0.007084744818088688 0.0022019665711642948 -0.017919241438882367 0.15698048972537482 0.45415525418145264 0.7157309583120769 1.1460152526807779 1.358061829402047 1.6289242449219155 1.7898939090022974 2.0065838414181885 2.014322767575901 1.916812297988749 1.7357214258983202 +33782,1.0423136421674544,1,0.3272368651950011 0.2188918989870555 0.11209471801065059 0.05947002013822289 0.0006541813396235972 -0.007084744818088688 0.0022019665711642948 -0.017919241438882367 0.15698048972537482 0.45415525418145264 0.7157309583120769 1.1460152526807779 1.358061829402047 1.6289242449219155 1.7898939090022974 2.0065838414181885 2.014322767575901 1.916812297988749 1.7357214258983202 1.4354510909791522 +33783,0.6491761933557653,1,0.2188918989870555 0.11209471801065059 0.05947002013822289 0.0006541813396235972 -0.007084744818088688 0.0022019665711642948 -0.017919241438882367 0.15698048972537482 0.45415525418145264 0.7157309583120769 1.1460152526807779 1.358061829402047 1.6289242449219155 1.7898939090022974 2.0065838414181885 2.014322767575901 1.916812297988749 1.7357214258983202 1.4354510909791522 1.0423136421674544 +33784,0.44641632802374914,1,0.11209471801065059 0.05947002013822289 0.0006541813396235972 -0.007084744818088688 0.0022019665711642948 -0.017919241438882367 0.15698048972537482 0.45415525418145264 0.7157309583120769 1.1460152526807779 1.358061829402047 1.6289242449219155 1.7898939090022974 2.0065838414181885 2.014322767575901 1.916812297988749 1.7357214258983202 1.4354510909791522 1.0423136421674544 0.6491761933557653 +33785,0.2838988787118264,1,0.05947002013822289 0.0006541813396235972 -0.007084744818088688 0.0022019665711642948 -0.017919241438882367 0.15698048972537482 0.45415525418145264 0.7157309583120769 1.1460152526807779 1.358061829402047 1.6289242449219155 1.7898939090022974 2.0065838414181885 2.014322767575901 1.916812297988749 1.7357214258983202 1.4354510909791522 1.0423136421674544 0.6491761933557653 0.44641632802374914 +33786,0.20341404667163973,1,0.0006541813396235972 -0.007084744818088688 0.0022019665711642948 -0.017919241438882367 0.15698048972537482 0.45415525418145264 0.7157309583120769 1.1460152526807779 1.358061829402047 1.6289242449219155 1.7898939090022974 2.0065838414181885 2.014322767575901 1.916812297988749 1.7357214258983202 1.4354510909791522 1.0423136421674544 0.6491761933557653 0.44641632802374914 0.2838988787118264 +33787,0.20031847620854953,1,-0.007084744818088688 0.0022019665711642948 -0.017919241438882367 0.15698048972537482 0.45415525418145264 0.7157309583120769 1.1460152526807779 1.358061829402047 1.6289242449219155 1.7898939090022974 2.0065838414181885 2.014322767575901 1.916812297988749 1.7357214258983202 1.4354510909791522 1.0423136421674544 0.6491761933557653 0.44641632802374914 0.2838988787118264 0.20341404667163973 +33788,0.18793619435621514,1,0.0022019665711642948 -0.017919241438882367 0.15698048972537482 0.45415525418145264 0.7157309583120769 1.1460152526807779 1.358061829402047 1.6289242449219155 1.7898939090022974 2.0065838414181885 2.014322767575901 1.916812297988749 1.7357214258983202 1.4354510909791522 1.0423136421674544 0.6491761933557653 0.44641632802374914 0.2838988787118264 0.20341404667163973 0.20031847620854953 +33789,0.17555391250388078,1,-0.017919241438882367 0.15698048972537482 0.45415525418145264 0.7157309583120769 1.1460152526807779 1.358061829402047 1.6289242449219155 1.7898939090022974 2.0065838414181885 2.014322767575901 1.916812297988749 1.7357214258983202 1.4354510909791522 1.0423136421674544 0.6491761933557653 0.44641632802374914 0.2838988787118264 0.20341404667163973 0.20031847620854953 0.18793619435621514 +33790,0.105903577084479,1,0.15698048972537482 0.45415525418145264 0.7157309583120769 1.1460152526807779 1.358061829402047 1.6289242449219155 1.7898939090022974 2.0065838414181885 2.014322767575901 1.916812297988749 1.7357214258983202 1.4354510909791522 1.0423136421674544 0.6491761933557653 0.44641632802374914 0.2838988787118264 0.20341404667163973 0.20031847620854953 0.18793619435621514 0.17555391250388078 +33791,-0.7902640719783942,1,0.45415525418145264 0.7157309583120769 1.1460152526807779 1.358061829402047 1.6289242449219155 1.7898939090022974 2.0065838414181885 2.014322767575901 1.916812297988749 1.7357214258983202 1.4354510909791522 1.0423136421674544 0.6491761933557653 0.44641632802374914 0.2838988787118264 0.20341404667163973 0.20031847620854953 0.18793619435621514 0.17555391250388078 0.105903577084479 +33792,-0.7902640719783942,1,0.7157309583120769 1.1460152526807779 1.358061829402047 1.6289242449219155 1.7898939090022974 2.0065838414181885 2.014322767575901 1.916812297988749 1.7357214258983202 1.4354510909791522 1.0423136421674544 0.6491761933557653 0.44641632802374914 0.2838988787118264 0.20341404667163973 0.20031847620854953 0.18793619435621514 0.17555391250388078 0.105903577084479 -0.7902640719783942 +33793,-0.7902640719783942,1,1.1460152526807779 1.358061829402047 1.6289242449219155 1.7898939090022974 2.0065838414181885 2.014322767575901 1.916812297988749 1.7357214258983202 1.4354510909791522 1.0423136421674544 0.6491761933557653 0.44641632802374914 0.2838988787118264 0.20341404667163973 0.20031847620854953 0.18793619435621514 0.17555391250388078 0.105903577084479 -0.7902640719783942 -0.7902640719783942 +33794,-0.15396956329143635,1,1.358061829402047 1.6289242449219155 1.7898939090022974 2.0065838414181885 2.014322767575901 1.916812297988749 1.7357214258983202 1.4354510909791522 1.0423136421674544 0.6491761933557653 0.44641632802374914 0.2838988787118264 0.20341404667163973 0.20031847620854953 0.18793619435621514 0.17555391250388078 0.105903577084479 -0.7902640719783942 -0.7902640719783942 -0.7902640719783942 +33795,-0.15396956329143635,1,1.6289242449219155 1.7898939090022974 2.0065838414181885 2.014322767575901 1.916812297988749 1.7357214258983202 1.4354510909791522 1.0423136421674544 0.6491761933557653 0.44641632802374914 0.2838988787118264 0.20341404667163973 0.20031847620854953 0.18793619435621514 0.17555391250388078 0.105903577084479 -0.7902640719783942 -0.7902640719783942 -0.7902640719783942 -0.15396956329143635 +33796,-0.15396956329143635,1,1.7898939090022974 2.0065838414181885 2.014322767575901 1.916812297988749 1.7357214258983202 1.4354510909791522 1.0423136421674544 0.6491761933557653 0.44641632802374914 0.2838988787118264 0.20341404667163973 0.20031847620854953 0.18793619435621514 0.17555391250388078 0.105903577084479 -0.7902640719783942 -0.7902640719783942 -0.7902640719783942 -0.15396956329143635 -0.15396956329143635 +33797,0.9352069041447396,1,2.0065838414181885 2.014322767575901 1.916812297988749 1.7357214258983202 1.4354510909791522 1.0423136421674544 0.6491761933557653 0.44641632802374914 0.2838988787118264 0.20341404667163973 0.20031847620854953 0.18793619435621514 0.17555391250388078 0.105903577084479 -0.7902640719783942 -0.7902640719783942 -0.7902640719783942 -0.15396956329143635 -0.15396956329143635 -0.15396956329143635 +33798,0.9352069041447396,1,2.014322767575901 1.916812297988749 1.7357214258983202 1.4354510909791522 1.0423136421674544 0.6491761933557653 0.44641632802374914 0.2838988787118264 0.20341404667163973 0.20031847620854953 0.18793619435621514 0.17555391250388078 0.105903577084479 -0.7902640719783942 -0.7902640719783942 -0.7902640719783942 -0.15396956329143635 -0.15396956329143635 -0.15396956329143635 0.9352069041447396 +33799,0.9352069041447396,1,1.916812297988749 1.7357214258983202 1.4354510909791522 1.0423136421674544 0.6491761933557653 0.44641632802374914 0.2838988787118264 0.20341404667163973 0.20031847620854953 0.18793619435621514 0.17555391250388078 0.105903577084479 -0.7902640719783942 -0.7902640719783942 -0.7902640719783942 -0.15396956329143635 -0.15396956329143635 -0.15396956329143635 0.9352069041447396 0.9352069041447396 +33800,1.4284860574372102,1,1.7357214258983202 1.4354510909791522 1.0423136421674544 0.6491761933557653 0.44641632802374914 0.2838988787118264 0.20341404667163973 0.20031847620854953 0.18793619435621514 0.17555391250388078 0.105903577084479 -0.7902640719783942 -0.7902640719783942 -0.7902640719783942 -0.15396956329143635 -0.15396956329143635 -0.15396956329143635 0.9352069041447396 0.9352069041447396 0.9352069041447396 +33801,1.4284860574372102,1,1.4354510909791522 1.0423136421674544 0.6491761933557653 0.44641632802374914 0.2838988787118264 0.20341404667163973 0.20031847620854953 0.18793619435621514 0.17555391250388078 0.105903577084479 -0.7902640719783942 -0.7902640719783942 -0.7902640719783942 -0.15396956329143635 -0.15396956329143635 -0.15396956329143635 0.9352069041447396 0.9352069041447396 0.9352069041447396 1.4284860574372102 +33802,1.4284860574372102,1,1.0423136421674544 0.6491761933557653 0.44641632802374914 0.2838988787118264 0.20341404667163973 0.20031847620854953 0.18793619435621514 0.17555391250388078 0.105903577084479 -0.7902640719783942 -0.7902640719783942 -0.7902640719783942 -0.15396956329143635 -0.15396956329143635 -0.15396956329143635 0.9352069041447396 0.9352069041447396 0.9352069041447396 1.4284860574372102 1.4284860574372102 +33803,1.393506111204359,1,0.6491761933557653 0.44641632802374914 0.2838988787118264 0.20341404667163973 0.20031847620854953 0.18793619435621514 0.17555391250388078 0.105903577084479 -0.7902640719783942 -0.7902640719783942 -0.7902640719783942 -0.15396956329143635 -0.15396956329143635 -0.15396956329143635 0.9352069041447396 0.9352069041447396 0.9352069041447396 1.4284860574372102 1.4284860574372102 1.4284860574372102 +33804,1.393506111204359,1,0.44641632802374914 0.2838988787118264 0.20341404667163973 0.20031847620854953 0.18793619435621514 0.17555391250388078 0.105903577084479 -0.7902640719783942 -0.7902640719783942 -0.7902640719783942 -0.15396956329143635 -0.15396956329143635 -0.15396956329143635 0.9352069041447396 0.9352069041447396 0.9352069041447396 1.4284860574372102 1.4284860574372102 1.4284860574372102 1.393506111204359 +33805,1.393506111204359,1,0.2838988787118264 0.20341404667163973 0.20031847620854953 0.18793619435621514 0.17555391250388078 0.105903577084479 -0.7902640719783942 -0.7902640719783942 -0.7902640719783942 -0.15396956329143635 -0.15396956329143635 -0.15396956329143635 0.9352069041447396 0.9352069041447396 0.9352069041447396 1.4284860574372102 1.4284860574372102 1.4284860574372102 1.393506111204359 1.393506111204359 +33806,0.593610703543398,1,0.20341404667163973 0.20031847620854953 0.18793619435621514 0.17555391250388078 0.105903577084479 -0.7902640719783942 -0.7902640719783942 -0.7902640719783942 -0.15396956329143635 -0.15396956329143635 -0.15396956329143635 0.9352069041447396 0.9352069041447396 0.9352069041447396 1.4284860574372102 1.4284860574372102 1.4284860574372102 1.393506111204359 1.393506111204359 1.393506111204359 +33807,0.593610703543398,1,0.20031847620854953 0.18793619435621514 0.17555391250388078 0.105903577084479 -0.7902640719783942 -0.7902640719783942 -0.7902640719783942 -0.15396956329143635 -0.15396956329143635 -0.15396956329143635 0.9352069041447396 0.9352069041447396 0.9352069041447396 1.4284860574372102 1.4284860574372102 1.4284860574372102 1.393506111204359 1.393506111204359 1.393506111204359 0.593610703543398 +33808,0.593610703543398,1,0.18793619435621514 0.17555391250388078 0.105903577084479 -0.7902640719783942 -0.7902640719783942 -0.7902640719783942 -0.15396956329143635 -0.15396956329143635 -0.15396956329143635 0.9352069041447396 0.9352069041447396 0.9352069041447396 1.4284860574372102 1.4284860574372102 1.4284860574372102 1.393506111204359 1.393506111204359 1.393506111204359 0.593610703543398 0.593610703543398 +33809,0.3705748516781846,1,0.17555391250388078 0.105903577084479 -0.7902640719783942 -0.7902640719783942 -0.7902640719783942 -0.15396956329143635 -0.15396956329143635 -0.15396956329143635 0.9352069041447396 0.9352069041447396 0.9352069041447396 1.4284860574372102 1.4284860574372102 1.4284860574372102 1.393506111204359 1.393506111204359 1.393506111204359 0.593610703543398 0.593610703543398 0.593610703543398 +33810,0.2127007580608927,1,0.105903577084479 -0.7902640719783942 -0.7902640719783942 -0.7902640719783942 -0.15396956329143635 -0.15396956329143635 -0.15396956329143635 0.9352069041447396 0.9352069041447396 0.9352069041447396 1.4284860574372102 1.4284860574372102 1.4284860574372102 1.393506111204359 1.393506111204359 1.393506111204359 0.593610703543398 0.593610703543398 0.593610703543398 0.3705748516781846 +33811,0.08268679861135095,1,-0.7902640719783942 -0.7902640719783942 -0.7902640719783942 -0.15396956329143635 -0.15396956329143635 -0.15396956329143635 0.9352069041447396 0.9352069041447396 0.9352069041447396 1.4284860574372102 1.4284860574372102 1.4284860574372102 1.393506111204359 1.393506111204359 1.393506111204359 0.593610703543398 0.593610703543398 0.593610703543398 0.3705748516781846 0.2127007580608927 +33812,0.07030451675901657,1,-0.7902640719783942 -0.7902640719783942 -0.15396956329143635 -0.15396956329143635 -0.15396956329143635 0.9352069041447396 0.9352069041447396 0.9352069041447396 1.4284860574372102 1.4284860574372102 1.4284860574372102 1.393506111204359 1.393506111204359 1.393506111204359 0.593610703543398 0.593610703543398 0.593610703543398 0.3705748516781846 0.2127007580608927 0.08268679861135095 +33813,-0.010180315281178881,1,-0.7902640719783942 -0.15396956329143635 -0.15396956329143635 -0.15396956329143635 0.9352069041447396 0.9352069041447396 0.9352069041447396 1.4284860574372102 1.4284860574372102 1.4284860574372102 1.393506111204359 1.393506111204359 1.393506111204359 0.593610703543398 0.593610703543398 0.593610703543398 0.3705748516781846 0.2127007580608927 0.08268679861135095 0.07030451675901657 +33814,-0.13090756334145887,1,-0.15396956329143635 -0.15396956329143635 -0.15396956329143635 0.9352069041447396 0.9352069041447396 0.9352069041447396 1.4284860574372102 1.4284860574372102 1.4284860574372102 1.393506111204359 1.393506111204359 1.393506111204359 0.593610703543398 0.593610703543398 0.593610703543398 0.3705748516781846 0.2127007580608927 0.08268679861135095 0.07030451675901657 -0.010180315281178881 +33815,-0.2129401806131862,1,-0.15396956329143635 -0.15396956329143635 0.9352069041447396 0.9352069041447396 0.9352069041447396 1.4284860574372102 1.4284860574372102 1.4284860574372102 1.393506111204359 1.393506111204359 1.393506111204359 0.593610703543398 0.593610703543398 0.593610703543398 0.3705748516781846 0.2127007580608927 0.08268679861135095 0.07030451675901657 -0.010180315281178881 -0.13090756334145887 +33816,-0.2098446101501048,1,-0.15396956329143635 0.9352069041447396 0.9352069041447396 0.9352069041447396 1.4284860574372102 1.4284860574372102 1.4284860574372102 1.393506111204359 1.393506111204359 1.393506111204359 0.593610703543398 0.593610703543398 0.593610703543398 0.3705748516781846 0.2127007580608927 0.08268679861135095 0.07030451675901657 -0.010180315281178881 -0.13090756334145887 -0.2129401806131862 +33817,-0.22687024769707007,1,0.9352069041447396 0.9352069041447396 0.9352069041447396 1.4284860574372102 1.4284860574372102 1.4284860574372102 1.393506111204359 1.393506111204359 1.393506111204359 0.593610703543398 0.593610703543398 0.593610703543398 0.3705748516781846 0.2127007580608927 0.08268679861135095 0.07030451675901657 -0.010180315281178881 -0.13090756334145887 -0.2129401806131862 -0.2098446101501048 +33818,0.02232317458121096,1,0.9352069041447396 0.9352069041447396 1.4284860574372102 1.4284860574372102 1.4284860574372102 1.393506111204359 1.393506111204359 1.393506111204359 0.593610703543398 0.593610703543398 0.593610703543398 0.3705748516781846 0.2127007580608927 0.08268679861135095 0.07030451675901657 -0.010180315281178881 -0.13090756334145887 -0.2129401806131862 -0.2098446101501048 -0.22687024769707007 +33819,0.2065096171347211,1,0.9352069041447396 1.4284860574372102 1.4284860574372102 1.4284860574372102 1.393506111204359 1.393506111204359 1.393506111204359 0.593610703543398 0.593610703543398 0.593610703543398 0.3705748516781846 0.2127007580608927 0.08268679861135095 0.07030451675901657 -0.010180315281178881 -0.13090756334145887 -0.2129401806131862 -0.2098446101501048 -0.22687024769707007 0.02232317458121096 +33820,0.6460806228926751,1,1.4284860574372102 1.4284860574372102 1.4284860574372102 1.393506111204359 1.393506111204359 1.393506111204359 0.593610703543398 0.593610703543398 0.593610703543398 0.3705748516781846 0.2127007580608927 0.08268679861135095 0.07030451675901657 -0.010180315281178881 -0.13090756334145887 -0.2129401806131862 -0.2098446101501048 -0.22687024769707007 0.02232317458121096 0.2065096171347211 +33821,1.0330269307782014,1,1.4284860574372102 1.4284860574372102 1.393506111204359 1.393506111204359 1.393506111204359 0.593610703543398 0.593610703543398 0.593610703543398 0.3705748516781846 0.2127007580608927 0.08268679861135095 0.07030451675901657 -0.010180315281178881 -0.13090756334145887 -0.2129401806131862 -0.2098446101501048 -0.22687024769707007 0.02232317458121096 0.2065096171347211 0.6460806228926751 +33822,1.460215654683821,1,1.4284860574372102 1.393506111204359 1.393506111204359 1.393506111204359 0.593610703543398 0.593610703543398 0.593610703543398 0.3705748516781846 0.2127007580608927 0.08268679861135095 0.07030451675901657 -0.010180315281178881 -0.13090756334145887 -0.2129401806131862 -0.2098446101501048 -0.22687024769707007 0.02232317458121096 0.2065096171347211 0.6460806228926751 1.0330269307782014 +33823,1.755842633908367,1,1.393506111204359 1.393506111204359 1.393506111204359 0.593610703543398 0.593610703543398 0.593610703543398 0.3705748516781846 0.2127007580608927 0.08268679861135095 0.07030451675901657 -0.010180315281178881 -0.13090756334145887 -0.2129401806131862 -0.2098446101501048 -0.22687024769707007 0.02232317458121096 0.2065096171347211 0.6460806228926751 1.0330269307782014 1.460215654683821 +33824,1.9663414253980953,1,1.393506111204359 1.393506111204359 0.593610703543398 0.593610703543398 0.593610703543398 0.3705748516781846 0.2127007580608927 0.08268679861135095 0.07030451675901657 -0.010180315281178881 -0.13090756334145887 -0.2129401806131862 -0.2098446101501048 -0.22687024769707007 0.02232317458121096 0.2065096171347211 0.6460806228926751 1.0330269307782014 1.460215654683821 1.755842633908367 +33825,2.065399680216788,1,1.393506111204359 0.593610703543398 0.593610703543398 0.593610703543398 0.3705748516781846 0.2127007580608927 0.08268679861135095 0.07030451675901657 -0.010180315281178881 -0.13090756334145887 -0.2129401806131862 -0.2098446101501048 -0.22687024769707007 0.02232317458121096 0.2065096171347211 0.6460806228926751 1.0330269307782014 1.460215654683821 1.755842633908367 1.9663414253980953 +33826,2.0205139085020636,1,0.593610703543398 0.593610703543398 0.593610703543398 0.3705748516781846 0.2127007580608927 0.08268679861135095 0.07030451675901657 -0.010180315281178881 -0.13090756334145887 -0.2129401806131862 -0.2098446101501048 -0.22687024769707007 0.02232317458121096 0.2065096171347211 0.6460806228926751 1.0330269307782014 1.460215654683821 1.755842633908367 1.9663414253980953 2.065399680216788 +33827,1.940029076461877,1,0.593610703543398 0.593610703543398 0.3705748516781846 0.2127007580608927 0.08268679861135095 0.07030451675901657 -0.010180315281178881 -0.13090756334145887 -0.2129401806131862 -0.2098446101501048 -0.22687024769707007 0.02232317458121096 0.2065096171347211 0.6460806228926751 1.0330269307782014 1.460215654683821 1.755842633908367 1.9663414253980953 2.065399680216788 2.0205139085020636 +33828,1.7109568621936426,1,0.593610703543398 0.3705748516781846 0.2127007580608927 0.08268679861135095 0.07030451675901657 -0.010180315281178881 -0.13090756334145887 -0.2129401806131862 -0.2098446101501048 -0.22687024769707007 0.02232317458121096 0.2065096171347211 0.6460806228926751 1.0330269307782014 1.460215654683821 1.755842633908367 1.9663414253980953 2.065399680216788 2.0205139085020636 1.940029076461877 +33829,1.460215654683821,1,0.3705748516781846 0.2127007580608927 0.08268679861135095 0.07030451675901657 -0.010180315281178881 -0.13090756334145887 -0.2129401806131862 -0.2098446101501048 -0.22687024769707007 0.02232317458121096 0.2065096171347211 0.6460806228926751 1.0330269307782014 1.460215654683821 1.755842633908367 1.9663414253980953 2.065399680216788 2.0205139085020636 1.940029076461877 1.7109568621936426 +33830,1.057791494482879,1,0.2127007580608927 0.08268679861135095 0.07030451675901657 -0.010180315281178881 -0.13090756334145887 -0.2129401806131862 -0.2098446101501048 -0.22687024769707007 0.02232317458121096 0.2065096171347211 0.6460806228926751 1.0330269307782014 1.460215654683821 1.755842633908367 1.9663414253980953 2.065399680216788 2.0205139085020636 1.940029076461877 1.7109568621936426 1.460215654683821 +33831,0.6847752536812277,1,0.08268679861135095 0.07030451675901657 -0.010180315281178881 -0.13090756334145887 -0.2129401806131862 -0.2098446101501048 -0.22687024769707007 0.02232317458121096 0.2065096171347211 0.6460806228926751 1.0330269307782014 1.460215654683821 1.755842633908367 1.9663414253980953 2.065399680216788 2.0205139085020636 1.940029076461877 1.7109568621936426 1.460215654683821 1.057791494482879 +33832,0.4448685427922085,1,0.07030451675901657 -0.010180315281178881 -0.13090756334145887 -0.2129401806131862 -0.2098446101501048 -0.22687024769707007 0.02232317458121096 0.2065096171347211 0.6460806228926751 1.0330269307782014 1.460215654683821 1.755842633908367 1.9663414253980953 2.065399680216788 2.0205139085020636 1.940029076461877 1.7109568621936426 1.460215654683821 1.057791494482879 0.6847752536812277 +33833,0.3365235765842541,1,-0.010180315281178881 -0.13090756334145887 -0.2129401806131862 -0.2098446101501048 -0.22687024769707007 0.02232317458121096 0.2065096171347211 0.6460806228926751 1.0330269307782014 1.460215654683821 1.755842633908367 1.9663414253980953 2.065399680216788 2.0205139085020636 1.940029076461877 1.7109568621936426 1.460215654683821 1.057791494482879 0.6847752536812277 0.4448685427922085 +33834,0.12912035555761586,1,-0.13090756334145887 -0.2129401806131862 -0.2098446101501048 -0.22687024769707007 0.02232317458121096 0.2065096171347211 0.6460806228926751 1.0330269307782014 1.460215654683821 1.755842633908367 1.9663414253980953 2.065399680216788 2.0205139085020636 1.940029076461877 1.7109568621936426 1.460215654683821 1.057791494482879 0.6847752536812277 0.4448685427922085 0.3365235765842541 +33835,0.04863552351742921,1,-0.2129401806131862 -0.2098446101501048 -0.22687024769707007 0.02232317458121096 0.2065096171347211 0.6460806228926751 1.0330269307782014 1.460215654683821 1.755842633908367 1.9663414253980953 2.065399680216788 2.0205139085020636 1.940029076461877 1.7109568621936426 1.460215654683821 1.057791494482879 0.6847752536812277 0.4448685427922085 0.3365235765842541 0.12912035555761586 +33836,-0.03184930852276624,1,-0.2098446101501048 -0.22687024769707007 0.02232317458121096 0.2065096171347211 0.6460806228926751 1.0330269307782014 1.460215654683821 1.755842633908367 1.9663414253980953 2.065399680216788 2.0205139085020636 1.940029076461877 1.7109568621936426 1.460215654683821 1.057791494482879 0.6847752536812277 0.4448685427922085 0.3365235765842541 0.12912035555761586 0.04863552351742921 +33837,-0.07673508023748166,1,-0.22687024769707007 0.02232317458121096 0.2065096171347211 0.6460806228926751 1.0330269307782014 1.460215654683821 1.755842633908367 1.9663414253980953 2.065399680216788 2.0205139085020636 1.940029076461877 1.7109568621936426 1.460215654683821 1.057791494482879 0.6847752536812277 0.4448685427922085 0.3365235765842541 0.12912035555761586 0.04863552351742921 -0.03184930852276624 +33838,-0.10149964394215921,1,0.02232317458121096 0.2065096171347211 0.6460806228926751 1.0330269307782014 1.460215654683821 1.755842633908367 1.9663414253980953 2.065399680216788 2.0205139085020636 1.940029076461877 1.7109568621936426 1.460215654683821 1.057791494482879 0.6847752536812277 0.4448685427922085 0.3365235765842541 0.12912035555761586 0.04863552351742921 -0.03184930852276624 -0.07673508023748166 +33839,-0.14793320088842413,1,0.2065096171347211 0.6460806228926751 1.0330269307782014 1.460215654683821 1.755842633908367 1.9663414253980953 2.065399680216788 2.0205139085020636 1.940029076461877 1.7109568621936426 1.460215654683821 1.057791494482879 0.6847752536812277 0.4448685427922085 0.3365235765842541 0.12912035555761586 0.04863552351742921 -0.03184930852276624 -0.07673508023748166 -0.10149964394215921 +33840,-0.24080031478094516,1,0.6460806228926751 1.0330269307782014 1.460215654683821 1.755842633908367 1.9663414253980953 2.065399680216788 2.0205139085020636 1.940029076461877 1.7109568621936426 1.460215654683821 1.057791494482879 0.6847752536812277 0.4448685427922085 0.3365235765842541 0.12912035555761586 0.04863552351742921 -0.03184930852276624 -0.07673508023748166 -0.10149964394215921 -0.14793320088842413 +33841,-0.2763993751064164,1,1.0330269307782014 1.460215654683821 1.755842633908367 1.9663414253980953 2.065399680216788 2.0205139085020636 1.940029076461877 1.7109568621936426 1.460215654683821 1.057791494482879 0.6847752536812277 0.4448685427922085 0.3365235765842541 0.12912035555761586 0.04863552351742921 -0.03184930852276624 -0.07673508023748166 -0.10149964394215921 -0.14793320088842413 -0.24080031478094516 +33842,0.08887793953752253,1,1.460215654683821 1.755842633908367 1.9663414253980953 2.065399680216788 2.0205139085020636 1.940029076461877 1.7109568621936426 1.460215654683821 1.057791494482879 0.6847752536812277 0.4448685427922085 0.3365235765842541 0.12912035555761586 0.04863552351742921 -0.03184930852276624 -0.07673508023748166 -0.10149964394215921 -0.14793320088842413 -0.24080031478094516 -0.2763993751064164 +33843,0.4309384757083246,1,1.755842633908367 1.9663414253980953 2.065399680216788 2.0205139085020636 1.940029076461877 1.7109568621936426 1.460215654683821 1.057791494482879 0.6847752536812277 0.4448685427922085 0.3365235765842541 0.12912035555761586 0.04863552351742921 -0.03184930852276624 -0.07673508023748166 -0.10149964394215921 -0.14793320088842413 -0.24080031478094516 -0.2763993751064164 0.08887793953752253 +33844,0.90920411225484,1,1.9663414253980953 2.065399680216788 2.0205139085020636 1.940029076461877 1.7109568621936426 1.460215654683821 1.057791494482879 0.6847752536812277 0.4448685427922085 0.3365235765842541 0.12912035555761586 0.04863552351742921 -0.03184930852276624 -0.07673508023748166 -0.10149964394215921 -0.14793320088842413 -0.24080031478094516 -0.2763993751064164 0.08887793953752253 0.4309384757083246 +33845,1.2636469302779765,1,2.065399680216788 2.0205139085020636 1.940029076461877 1.7109568621936426 1.460215654683821 1.057791494482879 0.6847752536812277 0.4448685427922085 0.3365235765842541 0.12912035555761586 0.04863552351742921 -0.03184930852276624 -0.07673508023748166 -0.10149964394215921 -0.14793320088842413 -0.24080031478094516 -0.2763993751064164 0.08887793953752253 0.4309384757083246 0.90920411225484 +33846,1.6428543120057904,1,2.0205139085020636 1.940029076461877 1.7109568621936426 1.460215654683821 1.057791494482879 0.6847752536812277 0.4448685427922085 0.3365235765842541 0.12912035555761586 0.04863552351742921 -0.03184930852276624 -0.07673508023748166 -0.10149964394215921 -0.14793320088842413 -0.24080031478094516 -0.2763993751064164 0.08887793953752253 0.4309384757083246 0.90920411225484 1.2636469302779765 +33847,1.8564486739586004,1,1.940029076461877 1.7109568621936426 1.460215654683821 1.057791494482879 0.6847752536812277 0.4448685427922085 0.3365235765842541 0.12912035555761586 0.04863552351742921 -0.03184930852276624 -0.07673508023748166 -0.10149964394215921 -0.14793320088842413 -0.24080031478094516 -0.2763993751064164 0.08887793953752253 0.4309384757083246 0.90920411225484 1.2636469302779765 1.6428543120057904 +33848,2.018966123270523,1,1.7109568621936426 1.460215654683821 1.057791494482879 0.6847752536812277 0.4448685427922085 0.3365235765842541 0.12912035555761586 0.04863552351742921 -0.03184930852276624 -0.07673508023748166 -0.10149964394215921 -0.14793320088842413 -0.24080031478094516 -0.2763993751064164 0.08887793953752253 0.4309384757083246 0.90920411225484 1.2636469302779765 1.6428543120057904 1.8564486739586004 +33849,2.0638518949852473,1,1.460215654683821 1.057791494482879 0.6847752536812277 0.4448685427922085 0.3365235765842541 0.12912035555761586 0.04863552351742921 -0.03184930852276624 -0.07673508023748166 -0.10149964394215921 -0.14793320088842413 -0.24080031478094516 -0.2763993751064164 0.08887793953752253 0.4309384757083246 0.90920411225484 1.2636469302779765 1.6428543120057904 1.8564486739586004 2.018966123270523 +33850,2.011227197112811,1,1.057791494482879 0.6847752536812277 0.4448685427922085 0.3365235765842541 0.12912035555761586 0.04863552351742921 -0.03184930852276624 -0.07673508023748166 -0.10149964394215921 -0.14793320088842413 -0.24080031478094516 -0.2763993751064164 0.08887793953752253 0.4309384757083246 0.90920411225484 1.2636469302779765 1.6428543120057904 1.8564486739586004 2.018966123270523 2.0638518949852473 +33851,1.958602499240383,1,0.6847752536812277 0.4448685427922085 0.3365235765842541 0.12912035555761586 0.04863552351742921 -0.03184930852276624 -0.07673508023748166 -0.10149964394215921 -0.14793320088842413 -0.24080031478094516 -0.2763993751064164 0.08887793953752253 0.4309384757083246 0.90920411225484 1.2636469302779765 1.6428543120057904 1.8564486739586004 2.018966123270523 2.0638518949852473 2.011227197112811 +33852,1.8177540431700476,1,0.4448685427922085 0.3365235765842541 0.12912035555761586 0.04863552351742921 -0.03184930852276624 -0.07673508023748166 -0.10149964394215921 -0.14793320088842413 -0.24080031478094516 -0.2763993751064164 0.08887793953752253 0.4309384757083246 0.90920411225484 1.2636469302779765 1.6428543120057904 1.8564486739586004 2.018966123270523 2.0638518949852473 2.011227197112811 1.958602499240383 +33853,1.4462855875999459,1,0.3365235765842541 0.12912035555761586 0.04863552351742921 -0.03184930852276624 -0.07673508023748166 -0.10149964394215921 -0.14793320088842413 -0.24080031478094516 -0.2763993751064164 0.08887793953752253 0.4309384757083246 0.90920411225484 1.2636469302779765 1.6428543120057904 1.8564486739586004 2.018966123270523 2.0638518949852473 2.011227197112811 1.958602499240383 1.8177540431700476 +33854,1.1893532391639525,1,0.12912035555761586 0.04863552351742921 -0.03184930852276624 -0.07673508023748166 -0.10149964394215921 -0.14793320088842413 -0.24080031478094516 -0.2763993751064164 0.08887793953752253 0.4309384757083246 0.90920411225484 1.2636469302779765 1.6428543120057904 1.8564486739586004 2.018966123270523 2.0638518949852473 2.011227197112811 1.958602499240383 1.8177540431700476 1.4462855875999459 +33855,0.7776423675737576,1,0.04863552351742921 -0.03184930852276624 -0.07673508023748166 -0.10149964394215921 -0.14793320088842413 -0.24080031478094516 -0.2763993751064164 0.08887793953752253 0.4309384757083246 0.90920411225484 1.2636469302779765 1.6428543120057904 1.8564486739586004 2.018966123270523 2.0638518949852473 2.011227197112811 1.958602499240383 1.8177540431700476 1.4462855875999459 1.1893532391639525 +33856,0.45570303941300216,1,-0.03184930852276624 -0.07673508023748166 -0.10149964394215921 -0.14793320088842413 -0.24080031478094516 -0.2763993751064164 0.08887793953752253 0.4309384757083246 0.90920411225484 1.2636469302779765 1.6428543120057904 1.8564486739586004 2.018966123270523 2.0638518949852473 2.011227197112811 1.958602499240383 1.8177540431700476 1.4462855875999459 1.1893532391639525 0.7776423675737576 +33857,0.36438371075201303,1,-0.07673508023748166 -0.10149964394215921 -0.14793320088842413 -0.24080031478094516 -0.2763993751064164 0.08887793953752253 0.4309384757083246 0.90920411225484 1.2636469302779765 1.6428543120057904 1.8564486739586004 2.018966123270523 2.0638518949852473 2.011227197112811 1.958602499240383 1.8177540431700476 1.4462855875999459 1.1893532391639525 0.7776423675737576 0.45570303941300216 +33858,0.3256890799634604,1,-0.10149964394215921 -0.14793320088842413 -0.24080031478094516 -0.2763993751064164 0.08887793953752253 0.4309384757083246 0.90920411225484 1.2636469302779765 1.6428543120057904 1.8564486739586004 2.018966123270523 2.0638518949852473 2.011227197112811 1.958602499240383 1.8177540431700476 1.4462855875999459 1.1893532391639525 0.7776423675737576 0.45570303941300216 0.36438371075201303 +33859,0.23901310699710215,1,-0.14793320088842413 -0.24080031478094516 -0.2763993751064164 0.08887793953752253 0.4309384757083246 0.90920411225484 1.2636469302779765 1.6428543120057904 1.8564486739586004 2.018966123270523 2.0638518949852473 2.011227197112811 1.958602499240383 1.8177540431700476 1.4462855875999459 1.1893532391639525 0.7776423675737576 0.45570303941300216 0.36438371075201303 0.3256890799634604 +33860,0.11054693277910989,1,-0.24080031478094516 -0.2763993751064164 0.08887793953752253 0.4309384757083246 0.90920411225484 1.2636469302779765 1.6428543120057904 1.8564486739586004 2.018966123270523 2.0638518949852473 2.011227197112811 1.958602499240383 1.8177540431700476 1.4462855875999459 1.1893532391639525 0.7776423675737576 0.45570303941300216 0.36438371075201303 0.3256890799634604 0.23901310699710215 +33861,0.15388491926228462,1,-0.2763993751064164 0.08887793953752253 0.4309384757083246 0.90920411225484 1.2636469302779765 1.6428543120057904 1.8564486739586004 2.018966123270523 2.0638518949852473 2.011227197112811 1.958602499240383 1.8177540431700476 1.4462855875999459 1.1893532391639525 0.7776423675737576 0.45570303941300216 0.36438371075201303 0.3256890799634604 0.23901310699710215 0.11054693277910989 +33862,-0.025658167596594655,1,0.08887793953752253 0.4309384757083246 0.90920411225484 1.2636469302779765 1.6428543120057904 1.8564486739586004 2.018966123270523 2.0638518949852473 2.011227197112811 1.958602499240383 1.8177540431700476 1.4462855875999459 1.1893532391639525 0.7776423675737576 0.45570303941300216 0.36438371075201303 0.3256890799634604 0.23901310699710215 0.11054693277910989 0.15388491926228462 +33863,-0.051970516532812906,1,0.4309384757083246 0.90920411225484 1.2636469302779765 1.6428543120057904 1.8564486739586004 2.018966123270523 2.0638518949852473 2.011227197112811 1.958602499240383 1.8177540431700476 1.4462855875999459 1.1893532391639525 0.7776423675737576 0.45570303941300216 0.36438371075201303 0.3256890799634604 0.23901310699710215 0.11054693277910989 0.15388491926228462 -0.025658167596594655 +33864,-0.07828286546903115,1,0.90920411225484 1.2636469302779765 1.6428543120057904 1.8564486739586004 2.018966123270523 2.0638518949852473 2.011227197112811 1.958602499240383 1.8177540431700476 1.4462855875999459 1.1893532391639525 0.7776423675737576 0.45570303941300216 0.36438371075201303 0.3256890799634604 0.23901310699710215 0.11054693277910989 0.15388491926228462 -0.025658167596594655 -0.051970516532812906 +33865,-0.04577937560664132,1,1.2636469302779765 1.6428543120057904 1.8564486739586004 2.018966123270523 2.0638518949852473 2.011227197112811 1.958602499240383 1.8177540431700476 1.4462855875999459 1.1893532391639525 0.7776423675737576 0.45570303941300216 0.36438371075201303 0.3256890799634604 0.23901310699710215 0.11054693277910989 0.15388491926228462 -0.025658167596594655 -0.051970516532812906 -0.07828286546903115 +33866,0.23901310699710215,1,1.6428543120057904 1.8564486739586004 2.018966123270523 2.0638518949852473 2.011227197112811 1.958602499240383 1.8177540431700476 1.4462855875999459 1.1893532391639525 0.7776423675737576 0.45570303941300216 0.36438371075201303 0.3256890799634604 0.23901310699710215 0.11054693277910989 0.15388491926228462 -0.025658167596594655 -0.051970516532812906 -0.07828286546903115 -0.04577937560664132 +33867,0.6878708241443179,1,1.8564486739586004 2.018966123270523 2.0638518949852473 2.011227197112811 1.958602499240383 1.8177540431700476 1.4462855875999459 1.1893532391639525 0.7776423675737576 0.45570303941300216 0.36438371075201303 0.3256890799634604 0.23901310699710215 0.11054693277910989 0.15388491926228462 -0.025658167596594655 -0.051970516532812906 -0.07828286546903115 -0.04577937560664132 0.23901310699710215 +33868,0.9138474679494621,1,2.018966123270523 2.0638518949852473 2.011227197112811 1.958602499240383 1.8177540431700476 1.4462855875999459 1.1893532391639525 0.7776423675737576 0.45570303941300216 0.36438371075201303 0.3256890799634604 0.23901310699710215 0.11054693277910989 0.15388491926228462 -0.025658167596594655 -0.051970516532812906 -0.07828286546903115 -0.04577937560664132 0.23901310699710215 0.6878708241443179 +33869,1.3642529703282185,1,2.0638518949852473 2.011227197112811 1.958602499240383 1.8177540431700476 1.4462855875999459 1.1893532391639525 0.7776423675737576 0.45570303941300216 0.36438371075201303 0.3256890799634604 0.23901310699710215 0.11054693277910989 0.15388491926228462 -0.025658167596594655 -0.051970516532812906 -0.07828286546903115 -0.04577937560664132 0.23901310699710215 0.6878708241443179 0.9138474679494621 +33870,1.6660710904789273,1,2.011227197112811 1.958602499240383 1.8177540431700476 1.4462855875999459 1.1893532391639525 0.7776423675737576 0.45570303941300216 0.36438371075201303 0.3256890799634604 0.23901310699710215 0.11054693277910989 0.15388491926228462 -0.025658167596594655 -0.051970516532812906 -0.07828286546903115 -0.04577937560664132 0.23901310699710215 0.6878708241443179 0.9138474679494621 1.3642529703282185 +33871,2.0359917608174882,1,1.958602499240383 1.8177540431700476 1.4462855875999459 1.1893532391639525 0.7776423675737576 0.45570303941300216 0.36438371075201303 0.3256890799634604 0.23901310699710215 0.11054693277910989 0.15388491926228462 -0.025658167596594655 -0.051970516532812906 -0.07828286546903115 -0.04577937560664132 0.23901310699710215 0.6878708241443179 0.9138474679494621 1.3642529703282185 1.6660710904789273 +33872,2.2093437067502046,1,1.8177540431700476 1.4462855875999459 1.1893532391639525 0.7776423675737576 0.45570303941300216 0.36438371075201303 0.3256890799634604 0.23901310699710215 0.11054693277910989 0.15388491926228462 -0.025658167596594655 -0.051970516532812906 -0.07828286546903115 -0.04577937560664132 0.23901310699710215 0.6878708241443179 0.9138474679494621 1.3642529703282185 1.6660710904789273 2.0359917608174882 +33873,2.2279171295287106,1,1.4462855875999459 1.1893532391639525 0.7776423675737576 0.45570303941300216 0.36438371075201303 0.3256890799634604 0.23901310699710215 0.11054693277910989 0.15388491926228462 -0.025658167596594655 -0.051970516532812906 -0.07828286546903115 -0.04577937560664132 0.23901310699710215 0.6878708241443179 0.9138474679494621 1.3642529703282185 1.6660710904789273 2.0359917608174882 2.2093437067502046 +33874,2.2495861227702982,1,1.1893532391639525 0.7776423675737576 0.45570303941300216 0.36438371075201303 0.3256890799634604 0.23901310699710215 0.11054693277910989 0.15388491926228462 -0.025658167596594655 -0.051970516532812906 -0.07828286546903115 -0.04577937560664132 0.23901310699710215 0.6878708241443179 0.9138474679494621 1.3642529703282185 1.6660710904789273 2.0359917608174882 2.2093437067502046 2.2279171295287106 +33875,2.2433949818441263,1,0.7776423675737576 0.45570303941300216 0.36438371075201303 0.3256890799634604 0.23901310699710215 0.11054693277910989 0.15388491926228462 -0.025658167596594655 -0.051970516532812906 -0.07828286546903115 -0.04577937560664132 0.23901310699710215 0.6878708241443179 0.9138474679494621 1.3642529703282185 1.6660710904789273 2.0359917608174882 2.2093437067502046 2.2279171295287106 2.2495861227702982 +33876,2.0406351165121106,1,0.45570303941300216 0.36438371075201303 0.3256890799634604 0.23901310699710215 0.11054693277910989 0.15388491926228462 -0.025658167596594655 -0.051970516532812906 -0.07828286546903115 -0.04577937560664132 0.23901310699710215 0.6878708241443179 0.9138474679494621 1.3642529703282185 1.6660710904789273 2.0359917608174882 2.2093437067502046 2.2279171295287106 2.2495861227702982 2.2433949818441263 +33877,1.8456141773378065,1,0.36438371075201303 0.3256890799634604 0.23901310699710215 0.11054693277910989 0.15388491926228462 -0.025658167596594655 -0.051970516532812906 -0.07828286546903115 -0.04577937560664132 0.23901310699710215 0.6878708241443179 0.9138474679494621 1.3642529703282185 1.6660710904789273 2.0359917608174882 2.2093437067502046 2.2279171295287106 2.2495861227702982 2.2433949818441263 2.0406351165121106 +33878,1.3379406213920002,1,0.3256890799634604 0.23901310699710215 0.11054693277910989 0.15388491926228462 -0.025658167596594655 -0.051970516532812906 -0.07828286546903115 -0.04577937560664132 0.23901310699710215 0.6878708241443179 0.9138474679494621 1.3642529703282185 1.6660710904789273 2.0359917608174882 2.2093437067502046 2.2279171295287106 2.2495861227702982 2.2433949818441263 2.0406351165121106 1.8456141773378065 +33879,1.0314791455466608,1,0.23901310699710215 0.11054693277910989 0.15388491926228462 -0.025658167596594655 -0.051970516532812906 -0.07828286546903115 -0.04577937560664132 0.23901310699710215 0.6878708241443179 0.9138474679494621 1.3642529703282185 1.6660710904789273 2.0359917608174882 2.2093437067502046 2.2279171295287106 2.2495861227702982 2.2433949818441263 2.0406351165121106 1.8456141773378065 1.3379406213920002 +33880,0.8070502869730573,1,0.11054693277910989 0.15388491926228462 -0.025658167596594655 -0.051970516532812906 -0.07828286546903115 -0.04577937560664132 0.23901310699710215 0.6878708241443179 0.9138474679494621 1.3642529703282185 1.6660710904789273 2.0359917608174882 2.2093437067502046 2.2279171295287106 2.2495861227702982 2.2433949818441263 2.0406351165121106 1.8456141773378065 1.3379406213920002 1.0314791455466608 +33881,0.6290549853457186,1,0.15388491926228462 -0.025658167596594655 -0.051970516532812906 -0.07828286546903115 -0.04577937560664132 0.23901310699710215 0.6878708241443179 0.9138474679494621 1.3642529703282185 1.6660710904789273 2.0359917608174882 2.2093437067502046 2.2279171295287106 2.2495861227702982 2.2433949818441263 2.0406351165121106 1.8456141773378065 1.3379406213920002 1.0314791455466608 0.8070502869730573 +33882,0.4851109588123018,1,-0.025658167596594655 -0.051970516532812906 -0.07828286546903115 -0.04577937560664132 0.23901310699710215 0.6878708241443179 0.9138474679494621 1.3642529703282185 1.6660710904789273 2.0359917608174882 2.2093437067502046 2.2279171295287106 2.2495861227702982 2.2433949818441263 2.0406351165121106 1.8456141773378065 1.3379406213920002 1.0314791455466608 0.8070502869730573 0.6290549853457186 +33883,0.4448685427922085,1,-0.051970516532812906 -0.07828286546903115 -0.04577937560664132 0.23901310699710215 0.6878708241443179 0.9138474679494621 1.3642529703282185 1.6660710904789273 2.0359917608174882 2.2093437067502046 2.2279171295287106 2.2495861227702982 2.2433949818441263 2.0406351165121106 1.8456141773378065 1.3379406213920002 1.0314791455466608 0.8070502869730573 0.6290549853457186 0.4851109588123018 +33884,0.34426250274196635,1,-0.07828286546903115 -0.04577937560664132 0.23901310699710215 0.6878708241443179 0.9138474679494621 1.3642529703282185 1.6660710904789273 2.0359917608174882 2.2093437067502046 2.2279171295287106 2.2495861227702982 2.2433949818441263 2.0406351165121106 1.8456141773378065 1.3379406213920002 1.0314791455466608 0.8070502869730573 0.6290549853457186 0.4851109588123018 0.4448685427922085 +33885,0.313306798111126,1,-0.04577937560664132 0.23901310699710215 0.6878708241443179 0.9138474679494621 1.3642529703282185 1.6660710904789273 2.0359917608174882 2.2093437067502046 2.2279171295287106 2.2495861227702982 2.2433949818441263 2.0406351165121106 1.8456141773378065 1.3379406213920002 1.0314791455466608 0.8070502869730573 0.6290549853457186 0.4851109588123018 0.4448685427922085 0.34426250274196635 +33886,0.19103176481929654,1,0.23901310699710215 0.6878708241443179 0.9138474679494621 1.3642529703282185 1.6660710904789273 2.0359917608174882 2.2093437067502046 2.2279171295287106 2.2495861227702982 2.2433949818441263 2.0406351165121106 1.8456141773378065 1.3379406213920002 1.0314791455466608 0.8070502869730573 0.6290549853457186 0.4851109588123018 0.4448685427922085 0.34426250274196635 0.313306798111126 +33887,0.105903577084479,1,0.6878708241443179 0.9138474679494621 1.3642529703282185 1.6660710904789273 2.0359917608174882 2.2093437067502046 2.2279171295287106 2.2495861227702982 2.2433949818441263 2.0406351165121106 1.8456141773378065 1.3379406213920002 1.0314791455466608 0.8070502869730573 0.6290549853457186 0.4851109588123018 0.4448685427922085 0.34426250274196635 0.313306798111126 0.19103176481929654 +33888,0.07959122814826955,1,0.9138474679494621 1.3642529703282185 1.6660710904789273 2.0359917608174882 2.2093437067502046 2.2279171295287106 2.2495861227702982 2.2433949818441263 2.0406351165121106 1.8456141773378065 1.3379406213920002 1.0314791455466608 0.8070502869730573 0.6290549853457186 0.4851109588123018 0.4448685427922085 0.34426250274196635 0.313306798111126 0.19103176481929654 0.105903577084479 +33889,-0.09530850301598763,1,1.3642529703282185 1.6660710904789273 2.0359917608174882 2.2093437067502046 2.2279171295287106 2.2495861227702982 2.2433949818441263 2.0406351165121106 1.8456141773378065 1.3379406213920002 1.0314791455466608 0.8070502869730573 0.6290549853457186 0.4851109588123018 0.4448685427922085 0.34426250274196635 0.313306798111126 0.19103176481929654 0.105903577084479 0.07959122814826955 +33890,0.3953394153828534,1,1.6660710904789273 2.0359917608174882 2.2093437067502046 2.2279171295287106 2.2495861227702982 2.2433949818441263 2.0406351165121106 1.8456141773378065 1.3379406213920002 1.0314791455466608 0.8070502869730573 0.6290549853457186 0.4851109588123018 0.4448685427922085 0.34426250274196635 0.313306798111126 0.19103176481929654 0.105903577084479 0.07959122814826955 -0.09530850301598763 +33891,0.8952740451709561,1,2.0359917608174882 2.2093437067502046 2.2279171295287106 2.2495861227702982 2.2433949818441263 2.0406351165121106 1.8456141773378065 1.3379406213920002 1.0314791455466608 0.8070502869730573 0.6290549853457186 0.4851109588123018 0.4448685427922085 0.34426250274196635 0.313306798111126 0.19103176481929654 0.105903577084479 0.07959122814826955 -0.09530850301598763 0.3953394153828534 +33892,1.2667425007410578,1,2.2093437067502046 2.2279171295287106 2.2495861227702982 2.2433949818441263 2.0406351165121106 1.8456141773378065 1.3379406213920002 1.0314791455466608 0.8070502869730573 0.6290549853457186 0.4851109588123018 0.4448685427922085 0.34426250274196635 0.313306798111126 0.19103176481929654 0.105903577084479 0.07959122814826955 -0.09530850301598763 0.3953394153828534 0.8952740451709561 +33893,1.7109568621936426,1,2.2279171295287106 2.2495861227702982 2.2433949818441263 2.0406351165121106 1.8456141773378065 1.3379406213920002 1.0314791455466608 0.8070502869730573 0.6290549853457186 0.4851109588123018 0.4448685427922085 0.34426250274196635 0.313306798111126 0.19103176481929654 0.105903577084479 0.07959122814826955 -0.09530850301598763 0.3953394153828534 0.8952740451709561 1.2667425007410578 +33894,2.1458845122569747,1,2.2495861227702982 2.2433949818441263 2.0406351165121106 1.8456141773378065 1.3379406213920002 1.0314791455466608 0.8070502869730573 0.6290549853457186 0.4851109588123018 0.4448685427922085 0.34426250274196635 0.313306798111126 0.19103176481929654 0.105903577084479 0.07959122814826955 -0.09530850301598763 0.3953394153828534 0.8952740451709561 1.2667425007410578 1.7109568621936426 +33895,2.3780522969882902,1,2.2433949818441263 2.0406351165121106 1.8456141773378065 1.3379406213920002 1.0314791455466608 0.8070502869730573 0.6290549853457186 0.4851109588123018 0.4448685427922085 0.34426250274196635 0.313306798111126 0.19103176481929654 0.105903577084479 0.07959122814826955 -0.09530850301598763 0.3953394153828534 0.8952740451709561 1.2667425007410578 1.7109568621936426 2.1458845122569747 +33896,2.604028940793443,1,2.0406351165121106 1.8456141773378065 1.3379406213920002 1.0314791455466608 0.8070502869730573 0.6290549853457186 0.4851109588123018 0.4448685427922085 0.34426250274196635 0.313306798111126 0.19103176481929654 0.105903577084479 0.07959122814826955 -0.09530850301598763 0.3953394153828534 0.8952740451709561 1.2667425007410578 1.7109568621936426 2.1458845122569747 2.3780522969882902 +33897,2.6458191420450774,1,1.8456141773378065 1.3379406213920002 1.0314791455466608 0.8070502869730573 0.6290549853457186 0.4851109588123018 0.4448685427922085 0.34426250274196635 0.313306798111126 0.19103176481929654 0.105903577084479 0.07959122814826955 -0.09530850301598763 0.3953394153828534 0.8952740451709561 1.2667425007410578 1.7109568621936426 2.1458845122569747 2.3780522969882902 2.604028940793443 +33898,2.5978377998672717,1,1.3379406213920002 1.0314791455466608 0.8070502869730573 0.6290549853457186 0.4851109588123018 0.4448685427922085 0.34426250274196635 0.313306798111126 0.19103176481929654 0.105903577084479 0.07959122814826955 -0.09530850301598763 0.3953394153828534 0.8952740451709561 1.2667425007410578 1.7109568621936426 2.1458845122569747 2.3780522969882902 2.604028940793443 2.6458191420450774 +33899,2.5544998133840973,1,1.0314791455466608 0.8070502869730573 0.6290549853457186 0.4851109588123018 0.4448685427922085 0.34426250274196635 0.313306798111126 0.19103176481929654 0.105903577084479 0.07959122814826955 -0.09530850301598763 0.3953394153828534 0.8952740451709561 1.2667425007410578 1.7109568621936426 2.1458845122569747 2.3780522969882902 2.604028940793443 2.6458191420450774 2.5978377998672717 +33900,2.3950779345352555,1,0.8070502869730573 0.6290549853457186 0.4851109588123018 0.4448685427922085 0.34426250274196635 0.313306798111126 0.19103176481929654 0.105903577084479 0.07959122814826955 -0.09530850301598763 0.3953394153828534 0.8952740451709561 1.2667425007410578 1.7109568621936426 2.1458845122569747 2.3780522969882902 2.604028940793443 2.6458191420450774 2.5978377998672717 2.5544998133840973 +33901,2.124215519015387,1,0.6290549853457186 0.4851109588123018 0.4448685427922085 0.34426250274196635 0.313306798111126 0.19103176481929654 0.105903577084479 0.07959122814826955 -0.09530850301598763 0.3953394153828534 0.8952740451709561 1.2667425007410578 1.7109568621936426 2.1458845122569747 2.3780522969882902 2.604028940793443 2.6458191420450774 2.5978377998672717 2.5544998133840973 2.3950779345352555 +33902,1.7775116271499543,1,0.4851109588123018 0.4448685427922085 0.34426250274196635 0.313306798111126 0.19103176481929654 0.105903577084479 0.07959122814826955 -0.09530850301598763 0.3953394153828534 0.8952740451709561 1.2667425007410578 1.7109568621936426 2.1458845122569747 2.3780522969882902 2.604028940793443 2.6458191420450774 2.5978377998672717 2.5544998133840973 2.3950779345352555 2.124215519015387 +33903,1.4060431715798525,1,0.4448685427922085 0.34426250274196635 0.313306798111126 0.19103176481929654 0.105903577084479 0.07959122814826955 -0.09530850301598763 0.3953394153828534 0.8952740451709561 1.2667425007410578 1.7109568621936426 2.1458845122569747 2.3780522969882902 2.604028940793443 2.6458191420450774 2.5978377998672717 2.5544998133840973 2.3950779345352555 2.124215519015387 1.7775116271499543 +33904,1.1398241117546062,1,0.34426250274196635 0.313306798111126 0.19103176481929654 0.105903577084479 0.07959122814826955 -0.09530850301598763 0.3953394153828534 0.8952740451709561 1.2667425007410578 1.7109568621936426 2.1458845122569747 2.3780522969882902 2.604028940793443 2.6458191420450774 2.5978377998672717 2.5544998133840973 2.3950779345352555 2.124215519015387 1.7775116271499543 1.4060431715798525 +33905,0.9308731054964273,1,0.313306798111126 0.19103176481929654 0.105903577084479 0.07959122814826955 -0.09530850301598763 0.3953394153828534 0.8952740451709561 1.2667425007410578 1.7109568621936426 2.1458845122569747 2.3780522969882902 2.604028940793443 2.6458191420450774 2.5978377998672717 2.5544998133840973 2.3950779345352555 2.124215519015387 1.7775116271499543 1.4060431715798525 1.1398241117546062 +33906,0.7915724346576326,1,0.19103176481929654 0.105903577084479 0.07959122814826955 -0.09530850301598763 0.3953394153828534 0.8952740451709561 1.2667425007410578 1.7109568621936426 2.1458845122569747 2.3780522969882902 2.604028940793443 2.6458191420450774 2.5978377998672717 2.5544998133840973 2.3950779345352555 2.124215519015387 1.7775116271499543 1.4060431715798525 1.1398241117546062 0.9308731054964273 +33907,0.6863230389127685,1,0.105903577084479 0.07959122814826955 -0.09530850301598763 0.3953394153828534 0.8952740451709561 1.2667425007410578 1.7109568621936426 2.1458845122569747 2.3780522969882902 2.604028940793443 2.6458191420450774 2.5978377998672717 2.5544998133840973 2.3950779345352555 2.124215519015387 1.7775116271499543 1.4060431715798525 1.1398241117546062 0.9308731054964273 0.7915724346576326 +33908,0.6259594148826284,1,0.07959122814826955 -0.09530850301598763 0.3953394153828534 0.8952740451709561 1.2667425007410578 1.7109568621936426 2.1458845122569747 2.3780522969882902 2.604028940793443 2.6458191420450774 2.5978377998672717 2.5544998133840973 2.3950779345352555 2.124215519015387 1.7775116271499543 1.4060431715798525 1.1398241117546062 0.9308731054964273 0.7915724346576326 0.6863230389127685 +33909,0.5346400862216482,1,-0.09530850301598763 0.3953394153828534 0.8952740451709561 1.2667425007410578 1.7109568621936426 2.1458845122569747 2.3780522969882902 2.604028940793443 2.6458191420450774 2.5978377998672717 2.5544998133840973 2.3950779345352555 2.124215519015387 1.7775116271499543 1.4060431715798525 1.1398241117546062 0.9308731054964273 0.7915724346576326 0.6863230389127685 0.6259594148826284 +33910,0.45415525418145264,1,0.3953394153828534 0.8952740451709561 1.2667425007410578 1.7109568621936426 2.1458845122569747 2.3780522969882902 2.604028940793443 2.6458191420450774 2.5978377998672717 2.5544998133840973 2.3950779345352555 2.124215519015387 1.7775116271499543 1.4060431715798525 1.1398241117546062 0.9308731054964273 0.7915724346576326 0.6863230389127685 0.6259594148826284 0.5346400862216482 +33911,0.41700840862444954,1,0.8952740451709561 1.2667425007410578 1.7109568621936426 2.1458845122569747 2.3780522969882902 2.604028940793443 2.6458191420450774 2.5978377998672717 2.5544998133840973 2.3950779345352555 2.124215519015387 1.7775116271499543 1.4060431715798525 1.1398241117546062 0.9308731054964273 0.7915724346576326 0.6863230389127685 0.6259594148826284 0.5346400862216482 0.45415525418145264 +33912,0.331880220889632,1,1.2667425007410578 1.7109568621936426 2.1458845122569747 2.3780522969882902 2.604028940793443 2.6458191420450774 2.5978377998672717 2.5544998133840973 2.3950779345352555 2.124215519015387 1.7775116271499543 1.4060431715798525 1.1398241117546062 0.9308731054964273 0.7915724346576326 0.6863230389127685 0.6259594148826284 0.5346400862216482 0.45415525418145264 0.41700840862444954 +33913,0.3148545833426667,1,1.7109568621936426 2.1458845122569747 2.3780522969882902 2.604028940793443 2.6458191420450774 2.5978377998672717 2.5544998133840973 2.3950779345352555 2.124215519015387 1.7775116271499543 1.4060431715798525 1.1398241117546062 0.9308731054964273 0.7915724346576326 0.6863230389127685 0.6259594148826284 0.5346400862216482 0.45415525418145264 0.41700840862444954 0.331880220889632 +33914,0.6971575355335708,1,2.1458845122569747 2.3780522969882902 2.604028940793443 2.6458191420450774 2.5978377998672717 2.5544998133840973 2.3950779345352555 2.124215519015387 1.7775116271499543 1.4060431715798525 1.1398241117546062 0.9308731054964273 0.7915724346576326 0.6863230389127685 0.6259594148826284 0.5346400862216482 0.45415525418145264 0.41700840862444954 0.331880220889632 0.3148545833426667 +33915,1.2899592792141947,1,2.3780522969882902 2.604028940793443 2.6458191420450774 2.5978377998672717 2.5544998133840973 2.3950779345352555 2.124215519015387 1.7775116271499543 1.4060431715798525 1.1398241117546062 0.9308731054964273 0.7915724346576326 0.6863230389127685 0.6259594148826284 0.5346400862216482 0.45415525418145264 0.41700840862444954 0.331880220889632 0.3148545833426667 0.6971575355335708 +33916,1.6877400837205148,1,2.604028940793443 2.6458191420450774 2.5978377998672717 2.5544998133840973 2.3950779345352555 2.124215519015387 1.7775116271499543 1.4060431715798525 1.1398241117546062 0.9308731054964273 0.7915724346576326 0.6863230389127685 0.6259594148826284 0.5346400862216482 0.45415525418145264 0.41700840862444954 0.331880220889632 0.3148545833426667 0.6971575355335708 1.2899592792141947 +33917,2.156719008877768,1,2.6458191420450774 2.5978377998672717 2.5544998133840973 2.3950779345352555 2.124215519015387 1.7775116271499543 1.4060431715798525 1.1398241117546062 0.9308731054964273 0.7915724346576326 0.6863230389127685 0.6259594148826284 0.5346400862216482 0.45415525418145264 0.41700840862444954 0.331880220889632 0.3148545833426667 0.6971575355335708 1.2899592792141947 1.6877400837205148 +33918,2.5250918939847975,1,2.5978377998672717 2.5544998133840973 2.3950779345352555 2.124215519015387 1.7775116271499543 1.4060431715798525 1.1398241117546062 0.9308731054964273 0.7915724346576326 0.6863230389127685 0.6259594148826284 0.5346400862216482 0.45415525418145264 0.41700840862444954 0.331880220889632 0.3148545833426667 0.6971575355335708 1.2899592792141947 1.6877400837205148 2.156719008877768 +33919,2.68451377283363,1,2.5544998133840973 2.3950779345352555 2.124215519015387 1.7775116271499543 1.4060431715798525 1.1398241117546062 0.9308731054964273 0.7915724346576326 0.6863230389127685 0.6259594148826284 0.5346400862216482 0.45415525418145264 0.41700840862444954 0.331880220889632 0.3148545833426667 0.6971575355335708 1.2899592792141947 1.6877400837205148 2.156719008877768 2.5250918939847975 +33920,2.7944065242731164,1,2.3950779345352555 2.124215519015387 1.7775116271499543 1.4060431715798525 1.1398241117546062 0.9308731054964273 0.7915724346576326 0.6863230389127685 0.6259594148826284 0.5346400862216482 0.45415525418145264 0.41700840862444954 0.331880220889632 0.3148545833426667 0.6971575355335708 1.2899592792141947 1.6877400837205148 2.156719008877768 2.5250918939847975 2.68451377283363 +33921,2.6968960546859644,1,2.124215519015387 1.7775116271499543 1.4060431715798525 1.1398241117546062 0.9308731054964273 0.7915724346576326 0.6863230389127685 0.6259594148826284 0.5346400862216482 0.45415525418145264 0.41700840862444954 0.331880220889632 0.3148545833426667 0.6971575355335708 1.2899592792141947 1.6877400837205148 2.156719008877768 2.5250918939847975 2.68451377283363 2.7944065242731164 +33922,2.619506793108859,1,1.7775116271499543 1.4060431715798525 1.1398241117546062 0.9308731054964273 0.7915724346576326 0.6863230389127685 0.6259594148826284 0.5346400862216482 0.45415525418145264 0.41700840862444954 0.331880220889632 0.3148545833426667 0.6971575355335708 1.2899592792141947 1.6877400837205148 2.156719008877768 2.5250918939847975 2.68451377283363 2.7944065242731164 2.6968960546859644 +33923,2.5467608872263847,1,1.4060431715798525 1.1398241117546062 0.9308731054964273 0.7915724346576326 0.6863230389127685 0.6259594148826284 0.5346400862216482 0.45415525418145264 0.41700840862444954 0.331880220889632 0.3148545833426667 0.6971575355335708 1.2899592792141947 1.6877400837205148 2.156719008877768 2.5250918939847975 2.68451377283363 2.7944065242731164 2.6968960546859644 2.619506793108859 +33924,2.542117531531754,1,1.1398241117546062 0.9308731054964273 0.7915724346576326 0.6863230389127685 0.6259594148826284 0.5346400862216482 0.45415525418145264 0.41700840862444954 0.331880220889632 0.3148545833426667 0.6971575355335708 1.2899592792141947 1.6877400837205148 2.156719008877768 2.5250918939847975 2.68451377283363 2.7944065242731164 2.6968960546859644 2.619506793108859 2.5467608872263847 +33925,2.3950779345352555,1,0.9308731054964273 0.7915724346576326 0.6863230389127685 0.6259594148826284 0.5346400862216482 0.45415525418145264 0.41700840862444954 0.331880220889632 0.3148545833426667 0.6971575355335708 1.2899592792141947 1.6877400837205148 2.156719008877768 2.5250918939847975 2.68451377283363 2.7944065242731164 2.6968960546859644 2.619506793108859 2.5467608872263847 2.542117531531754 +33926,1.9787237072504298,1,0.7915724346576326 0.6863230389127685 0.6259594148826284 0.5346400862216482 0.45415525418145264 0.41700840862444954 0.331880220889632 0.3148545833426667 0.6971575355335708 1.2899592792141947 1.6877400837205148 2.156719008877768 2.5250918939847975 2.68451377283363 2.7944065242731164 2.6968960546859644 2.619506793108859 2.5467608872263847 2.542117531531754 2.3950779345352555 +33927,1.6738100166366396,1,0.6863230389127685 0.6259594148826284 0.5346400862216482 0.45415525418145264 0.41700840862444954 0.331880220889632 0.3148545833426667 0.6971575355335708 1.2899592792141947 1.6877400837205148 2.156719008877768 2.5250918939847975 2.68451377283363 2.7944065242731164 2.6968960546859644 2.619506793108859 2.5467608872263847 2.542117531531754 2.3950779345352555 1.9787237072504298 +33928,1.4493811580630274,1,0.6259594148826284 0.5346400862216482 0.45415525418145264 0.41700840862444954 0.331880220889632 0.3148545833426667 0.6971575355335708 1.2899592792141947 1.6877400837205148 2.156719008877768 2.5250918939847975 2.68451377283363 2.7944065242731164 2.6968960546859644 2.619506793108859 2.5467608872263847 2.542117531531754 2.3950779345352555 1.9787237072504298 1.6738100166366396 +33929,1.209474447174008,1,0.5346400862216482 0.45415525418145264 0.41700840862444954 0.331880220889632 0.3148545833426667 0.6971575355335708 1.2899592792141947 1.6877400837205148 2.156719008877768 2.5250918939847975 2.68451377283363 2.7944065242731164 2.6968960546859644 2.619506793108859 2.5467608872263847 2.542117531531754 2.3950779345352555 1.9787237072504298 1.6738100166366396 1.4493811580630274 +33930,1.0469569978620852,1,0.45415525418145264 0.41700840862444954 0.331880220889632 0.3148545833426667 0.6971575355335708 1.2899592792141947 1.6877400837205148 2.156719008877768 2.5250918939847975 2.68451377283363 2.7944065242731164 2.6968960546859644 2.619506793108859 2.5467608872263847 2.542117531531754 2.3950779345352555 1.9787237072504298 1.6738100166366396 1.4493811580630274 1.209474447174008 +33931,0.8658661257716564,1,0.41700840862444954 0.331880220889632 0.3148545833426667 0.6971575355335708 1.2899592792141947 1.6877400837205148 2.156719008877768 2.5250918939847975 2.68451377283363 2.7944065242731164 2.6968960546859644 2.619506793108859 2.5467608872263847 2.542117531531754 2.3950779345352555 1.9787237072504298 1.6738100166366396 1.4493811580630274 1.209474447174008 1.0469569978620852 +33932,0.7404955220167456,1,0.331880220889632 0.3148545833426667 0.6971575355335708 1.2899592792141947 1.6877400837205148 2.156719008877768 2.5250918939847975 2.68451377283363 2.7944065242731164 2.6968960546859644 2.619506793108859 2.5467608872263847 2.542117531531754 2.3950779345352555 1.9787237072504298 1.6738100166366396 1.4493811580630274 1.209474447174008 1.0469569978620852 0.8658661257716564 +33933,0.6120293477987534,1,0.3148545833426667 0.6971575355335708 1.2899592792141947 1.6877400837205148 2.156719008877768 2.5250918939847975 2.68451377283363 2.7944065242731164 2.6968960546859644 2.619506793108859 2.5467608872263847 2.542117531531754 2.3950779345352555 1.9787237072504298 1.6738100166366396 1.4493811580630274 1.209474447174008 1.0469569978620852 0.8658661257716564 0.7404955220167456 +33934,0.6151249182618348,1,0.6971575355335708 1.2899592792141947 1.6877400837205148 2.156719008877768 2.5250918939847975 2.68451377283363 2.7944065242731164 2.6968960546859644 2.619506793108859 2.5467608872263847 2.542117531531754 2.3950779345352555 1.9787237072504298 1.6738100166366396 1.4493811580630274 1.209474447174008 1.0469569978620852 0.8658661257716564 0.7404955220167456 0.6120293477987534 +33935,0.41855619385599024,1,1.2899592792141947 1.6877400837205148 2.156719008877768 2.5250918939847975 2.68451377283363 2.7944065242731164 2.6968960546859644 2.619506793108859 2.5467608872263847 2.542117531531754 2.3950779345352555 1.9787237072504298 1.6738100166366396 1.4493811580630274 1.209474447174008 1.0469569978620852 0.8658661257716564 0.7404955220167456 0.6120293477987534 0.6151249182618348 +33936,0.36593149598355373,1,1.6877400837205148 2.156719008877768 2.5250918939847975 2.68451377283363 2.7944065242731164 2.6968960546859644 2.619506793108859 2.5467608872263847 2.542117531531754 2.3950779345352555 1.9787237072504298 1.6738100166366396 1.4493811580630274 1.209474447174008 1.0469569978620852 0.8658661257716564 0.7404955220167456 0.6120293477987534 0.6151249182618348 0.41855619385599024 +33937,0.2761599525541141,1,2.156719008877768 2.5250918939847975 2.68451377283363 2.7944065242731164 2.6968960546859644 2.619506793108859 2.5467608872263847 2.542117531531754 2.3950779345352555 1.9787237072504298 1.6738100166366396 1.4493811580630274 1.209474447174008 1.0469569978620852 0.8658661257716564 0.7404955220167456 0.6120293477987534 0.6151249182618348 0.41855619385599024 0.36593149598355373 +33938,0.6631062604396404,1,2.5250918939847975 2.68451377283363 2.7944065242731164 2.6968960546859644 2.619506793108859 2.5467608872263847 2.542117531531754 2.3950779345352555 1.9787237072504298 1.6738100166366396 1.4493811580630274 1.209474447174008 1.0469569978620852 0.8658661257716564 0.7404955220167456 0.6120293477987534 0.6151249182618348 0.41855619385599024 0.36593149598355373 0.2761599525541141 +33939,1.4075909568113933,1,2.68451377283363 2.7944065242731164 2.6968960546859644 2.619506793108859 2.5467608872263847 2.542117531531754 2.3950779345352555 1.9787237072504298 1.6738100166366396 1.4493811580630274 1.209474447174008 1.0469569978620852 0.8658661257716564 0.7404955220167456 0.6120293477987534 0.6151249182618348 0.41855619385599024 0.36593149598355373 0.2761599525541141 0.6631062604396404 +33940,1.8084673317807947,1,2.7944065242731164 2.6968960546859644 2.619506793108859 2.5467608872263847 2.542117531531754 2.3950779345352555 1.9787237072504298 1.6738100166366396 1.4493811580630274 1.209474447174008 1.0469569978620852 0.8658661257716564 0.7404955220167456 0.6120293477987534 0.6151249182618348 0.41855619385599024 0.36593149598355373 0.2761599525541141 0.6631062604396404 1.4075909568113933 +33941,2.1923180692032394,1,2.6968960546859644 2.619506793108859 2.5467608872263847 2.542117531531754 2.3950779345352555 1.9787237072504298 1.6738100166366396 1.4493811580630274 1.209474447174008 1.0469569978620852 0.8658661257716564 0.7404955220167456 0.6120293477987534 0.6151249182618348 0.41855619385599024 0.36593149598355373 0.2761599525541141 0.6631062604396404 1.4075909568113933 1.8084673317807947 +33942,2.5390219610686726,1,2.619506793108859 2.5467608872263847 2.542117531531754 2.3950779345352555 1.9787237072504298 1.6738100166366396 1.4493811580630274 1.209474447174008 1.0469569978620852 0.8658661257716564 0.7404955220167456 0.6120293477987534 0.6151249182618348 0.41855619385599024 0.36593149598355373 0.2761599525541141 0.6631062604396404 1.4075909568113933 1.8084673317807947 2.1923180692032394 +33943,2.7649986048738167,1,2.5467608872263847 2.542117531531754 2.3950779345352555 1.9787237072504298 1.6738100166366396 1.4493811580630274 1.209474447174008 1.0469569978620852 0.8658661257716564 0.7404955220167456 0.6120293477987534 0.6151249182618348 0.41855619385599024 0.36593149598355373 0.2761599525541141 0.6631062604396404 1.4075909568113933 1.8084673317807947 2.1923180692032394 2.5390219610686726 +33944,2.9646628997427515,1,2.542117531531754 2.3950779345352555 1.9787237072504298 1.6738100166366396 1.4493811580630274 1.209474447174008 1.0469569978620852 0.8658661257716564 0.7404955220167456 0.6120293477987534 0.6151249182618348 0.41855619385599024 0.36593149598355373 0.2761599525541141 0.6631062604396404 1.4075909568113933 1.8084673317807947 2.1923180692032394 2.5390219610686726 2.7649986048738167 +33945,3.0528866579406504,1,2.3950779345352555 1.9787237072504298 1.6738100166366396 1.4493811580630274 1.209474447174008 1.0469569978620852 0.8658661257716564 0.7404955220167456 0.6120293477987534 0.6151249182618348 0.41855619385599024 0.36593149598355373 0.2761599525541141 0.6631062604396404 1.4075909568113933 1.8084673317807947 2.1923180692032394 2.5390219610686726 2.7649986048738167 2.9646628997427515 +33946,2.949185047427327,1,1.9787237072504298 1.6738100166366396 1.4493811580630274 1.209474447174008 1.0469569978620852 0.8658661257716564 0.7404955220167456 0.6120293477987534 0.6151249182618348 0.41855619385599024 0.36593149598355373 0.2761599525541141 0.6631062604396404 1.4075909568113933 1.8084673317807947 2.1923180692032394 2.5390219610686726 2.7649986048738167 2.9646628997427515 3.0528866579406504 +33947,2.851674577840175,1,1.6738100166366396 1.4493811580630274 1.209474447174008 1.0469569978620852 0.8658661257716564 0.7404955220167456 0.6120293477987534 0.6151249182618348 0.41855619385599024 0.36593149598355373 0.2761599525541141 0.6631062604396404 1.4075909568113933 1.8084673317807947 2.1923180692032394 2.5390219610686726 2.7649986048738167 2.9646628997427515 3.0528866579406504 2.949185047427327 +33948,2.588551088478019,1,1.4493811580630274 1.209474447174008 1.0469569978620852 0.8658661257716564 0.7404955220167456 0.6120293477987534 0.6151249182618348 0.41855619385599024 0.36593149598355373 0.2761599525541141 0.6631062604396404 1.4075909568113933 1.8084673317807947 2.1923180692032394 2.5390219610686726 2.7649986048738167 2.9646628997427515 3.0528866579406504 2.949185047427327 2.851674577840175 +33949,2.402816860692968,1,1.209474447174008 1.0469569978620852 0.8658661257716564 0.7404955220167456 0.6120293477987534 0.6151249182618348 0.41855619385599024 0.36593149598355373 0.2761599525541141 0.6631062604396404 1.4075909568113933 1.8084673317807947 2.1923180692032394 2.5390219610686726 2.7649986048738167 2.9646628997427515 3.0528866579406504 2.949185047427327 2.851674577840175 2.588551088478019 +33950,1.944672432156508,1,1.0469569978620852 0.8658661257716564 0.7404955220167456 0.6120293477987534 0.6151249182618348 0.41855619385599024 0.36593149598355373 0.2761599525541141 0.6631062604396404 1.4075909568113933 1.8084673317807947 2.1923180692032394 2.5390219610686726 2.7649986048738167 2.9646628997427515 3.0528866579406504 2.949185047427327 2.851674577840175 2.588551088478019 2.402816860692968 +33951,1.5205792787139698,1,0.8658661257716564 0.7404955220167456 0.6120293477987534 0.6151249182618348 0.41855619385599024 0.36593149598355373 0.2761599525541141 0.6631062604396404 1.4075909568113933 1.8084673317807947 2.1923180692032394 2.5390219610686726 2.7649986048738167 2.9646628997427515 3.0528866579406504 2.949185047427327 2.851674577840175 2.588551088478019 2.402816860692968 1.944672432156508 +33952,1.2032833062478365,1,0.7404955220167456 0.6120293477987534 0.6151249182618348 0.41855619385599024 0.36593149598355373 0.2761599525541141 0.6631062604396404 1.4075909568113933 1.8084673317807947 2.1923180692032394 2.5390219610686726 2.7649986048738167 2.9646628997427515 3.0528866579406504 2.949185047427327 2.851674577840175 2.588551088478019 2.402816860692968 1.944672432156508 1.5205792787139698 +33953,0.8890829042447845,1,0.6120293477987534 0.6151249182618348 0.41855619385599024 0.36593149598355373 0.2761599525541141 0.6631062604396404 1.4075909568113933 1.8084673317807947 2.1923180692032394 2.5390219610686726 2.7649986048738167 2.9646628997427515 3.0528866579406504 2.949185047427327 2.851674577840175 2.588551088478019 2.402816860692968 1.944672432156508 1.5205792787139698 1.2032833062478365 +33954,0.734304381090574,1,0.6151249182618348 0.41855619385599024 0.36593149598355373 0.2761599525541141 0.6631062604396404 1.4075909568113933 1.8084673317807947 2.1923180692032394 2.5390219610686726 2.7649986048738167 2.9646628997427515 3.0528866579406504 2.949185047427327 2.851674577840175 2.588551088478019 2.402816860692968 1.944672432156508 1.5205792787139698 1.2032833062478365 0.8890829042447845 +33955,0.5702391465471105,1,0.41855619385599024 0.36593149598355373 0.2761599525541141 0.6631062604396404 1.4075909568113933 1.8084673317807947 2.1923180692032394 2.5390219610686726 2.7649986048738167 2.9646628997427515 3.0528866579406504 2.949185047427327 2.851674577840175 2.588551088478019 2.402816860692968 1.944672432156508 1.5205792787139698 1.2032833062478365 0.8890829042447845 0.734304381090574 +33956,0.45879860987608356,1,0.36593149598355373 0.2761599525541141 0.6631062604396404 1.4075909568113933 1.8084673317807947 2.1923180692032394 2.5390219610686726 2.7649986048738167 2.9646628997427515 3.0528866579406504 2.949185047427327 2.851674577840175 2.588551088478019 2.402816860692968 1.944672432156508 1.5205792787139698 1.2032833062478365 0.8890829042447845 0.734304381090574 0.5702391465471105 +33957,0.3272368651950011,1,0.2761599525541141 0.6631062604396404 1.4075909568113933 1.8084673317807947 2.1923180692032394 2.5390219610686726 2.7649986048738167 2.9646628997427515 3.0528866579406504 2.949185047427327 2.851674577840175 2.588551088478019 2.402816860692968 1.944672432156508 1.5205792787139698 1.2032833062478365 0.8890829042447845 0.734304381090574 0.5702391465471105 0.45879860987608356 +33958,0.23746532176556145,1,0.6631062604396404 1.4075909568113933 1.8084673317807947 2.1923180692032394 2.5390219610686726 2.7649986048738167 2.9646628997427515 3.0528866579406504 2.949185047427327 2.851674577840175 2.588551088478019 2.402816860692968 1.944672432156508 1.5205792787139698 1.2032833062478365 0.8890829042447845 0.734304381090574 0.5702391465471105 0.45879860987608356 0.3272368651950011 +33959,0.014584248423498673,1,1.4075909568113933 1.8084673317807947 2.1923180692032394 2.5390219610686726 2.7649986048738167 2.9646628997427515 3.0528866579406504 2.949185047427327 2.851674577840175 2.588551088478019 2.402816860692968 1.944672432156508 1.5205792787139698 1.2032833062478365 0.8890829042447845 0.734304381090574 0.5702391465471105 0.45879860987608356 0.3272368651950011 0.23746532176556145 +33960,-0.09221293255290623,1,1.8084673317807947 2.1923180692032394 2.5390219610686726 2.7649986048738167 2.9646628997427515 3.0528866579406504 2.949185047427327 2.851674577840175 2.588551088478019 2.402816860692968 1.944672432156508 1.5205792787139698 1.2032833062478365 0.8890829042447845 0.734304381090574 0.5702391465471105 0.45879860987608356 0.3272368651950011 0.23746532176556145 0.014584248423498673 +33961,-0.11852528148912447,1,2.1923180692032394 2.5390219610686726 2.7649986048738167 2.9646628997427515 3.0528866579406504 2.949185047427327 2.851674577840175 2.588551088478019 2.402816860692968 1.944672432156508 1.5205792787139698 1.2032833062478365 0.8890829042447845 0.734304381090574 0.5702391465471105 0.45879860987608356 0.3272368651950011 0.23746532176556145 0.014584248423498673 -0.09221293255290623 +33962,0.3752182073728067,1,2.5390219610686726 2.7649986048738167 2.9646628997427515 3.0528866579406504 2.949185047427327 2.851674577840175 2.588551088478019 2.402816860692968 1.944672432156508 1.5205792787139698 1.2032833062478365 0.8890829042447845 0.734304381090574 0.5702391465471105 0.45879860987608356 0.3272368651950011 0.23746532176556145 0.014584248423498673 -0.09221293255290623 -0.11852528148912447 +33963,1.1970921653216648,1,2.7649986048738167 2.9646628997427515 3.0528866579406504 2.949185047427327 2.851674577840175 2.588551088478019 2.402816860692968 1.944672432156508 1.5205792787139698 1.2032833062478365 0.8890829042447845 0.734304381090574 0.5702391465471105 0.45879860987608356 0.3272368651950011 0.23746532176556145 0.014584248423498673 -0.09221293255290623 -0.11852528148912447 0.3752182073728067 +33964,1.4880757888515799,1,2.9646628997427515 3.0528866579406504 2.949185047427327 2.851674577840175 2.588551088478019 2.402816860692968 1.944672432156508 1.5205792787139698 1.2032833062478365 0.8890829042447845 0.734304381090574 0.5702391465471105 0.45879860987608356 0.3272368651950011 0.23746532176556145 0.014584248423498673 -0.09221293255290623 -0.11852528148912447 0.3752182073728067 1.1970921653216648 +33965,2.0746863916060407,1,3.0528866579406504 2.949185047427327 2.851674577840175 2.588551088478019 2.402816860692968 1.944672432156508 1.5205792787139698 1.2032833062478365 0.8890829042447845 0.734304381090574 0.5702391465471105 0.45879860987608356 0.3272368651950011 0.23746532176556145 0.014584248423498673 -0.09221293255290623 -0.11852528148912447 0.3752182073728067 1.1970921653216648 1.4880757888515799 +33966,2.263516189854182,1,2.949185047427327 2.851674577840175 2.588551088478019 2.402816860692968 1.944672432156508 1.5205792787139698 1.2032833062478365 0.8890829042447845 0.734304381090574 0.5702391465471105 0.45879860987608356 0.3272368651950011 0.23746532176556145 0.014584248423498673 -0.09221293255290623 -0.11852528148912447 0.3752182073728067 1.1970921653216648 1.4880757888515799 2.0746863916060407 +33967,2.498779545048579,1,2.851674577840175 2.588551088478019 2.402816860692968 1.944672432156508 1.5205792787139698 1.2032833062478365 0.8890829042447845 0.734304381090574 0.5702391465471105 0.45879860987608356 0.3272368651950011 0.23746532176556145 0.014584248423498673 -0.09221293255290623 -0.11852528148912447 0.3752182073728067 1.1970921653216648 1.4880757888515799 2.0746863916060407 2.263516189854182 +33968,2.7479729673268602,1,2.588551088478019 2.402816860692968 1.944672432156508 1.5205792787139698 1.2032833062478365 0.8890829042447845 0.734304381090574 0.5702391465471105 0.45879860987608356 0.3272368651950011 0.23746532176556145 0.014584248423498673 -0.09221293255290623 -0.11852528148912447 0.3752182073728067 1.1970921653216648 1.4880757888515799 2.0746863916060407 2.263516189854182 2.498779545048579 +33969,2.860961289229428,1,2.402816860692968 1.944672432156508 1.5205792787139698 1.2032833062478365 0.8890829042447845 0.734304381090574 0.5702391465471105 0.45879860987608356 0.3272368651950011 0.23746532176556145 0.014584248423498673 -0.09221293255290623 -0.11852528148912447 0.3752182073728067 1.1970921653216648 1.4880757888515799 2.0746863916060407 2.263516189854182 2.498779545048579 2.7479729673268602 +33970,2.887273638165646,1,1.944672432156508 1.5205792787139698 1.2032833062478365 0.8890829042447845 0.734304381090574 0.5702391465471105 0.45879860987608356 0.3272368651950011 0.23746532176556145 0.014584248423498673 -0.09221293255290623 -0.11852528148912447 0.3752182073728067 1.1970921653216648 1.4880757888515799 2.0746863916060407 2.263516189854182 2.498779545048579 2.7479729673268602 2.860961289229428 +33971,2.8392922959878404,1,1.5205792787139698 1.2032833062478365 0.8890829042447845 0.734304381090574 0.5702391465471105 0.45879860987608356 0.3272368651950011 0.23746532176556145 0.014584248423498673 -0.09221293255290623 -0.11852528148912447 0.3752182073728067 1.1970921653216648 1.4880757888515799 2.0746863916060407 2.263516189854182 2.498779545048579 2.7479729673268602 2.860961289229428 2.887273638165646 +33972,2.619506793108859,1,1.2032833062478365 0.8890829042447845 0.734304381090574 0.5702391465471105 0.45879860987608356 0.3272368651950011 0.23746532176556145 0.014584248423498673 -0.09221293255290623 -0.11852528148912447 0.3752182073728067 1.1970921653216648 1.4880757888515799 2.0746863916060407 2.263516189854182 2.498779545048579 2.7479729673268602 2.860961289229428 2.887273638165646 2.8392922959878404 +33973,2.2604206193910916,1,0.8890829042447845 0.734304381090574 0.5702391465471105 0.45879860987608356 0.3272368651950011 0.23746532176556145 0.014584248423498673 -0.09221293255290623 -0.11852528148912447 0.3752182073728067 1.1970921653216648 1.4880757888515799 2.0746863916060407 2.263516189854182 2.498779545048579 2.7479729673268602 2.860961289229428 2.887273638165646 2.8392922959878404 2.619506793108859 +33974,1.755842633908367,1,0.734304381090574 0.5702391465471105 0.45879860987608356 0.3272368651950011 0.23746532176556145 0.014584248423498673 -0.09221293255290623 -0.11852528148912447 0.3752182073728067 1.1970921653216648 1.4880757888515799 2.0746863916060407 2.263516189854182 2.498779545048579 2.7479729673268602 2.860961289229428 2.887273638165646 2.8392922959878404 2.619506793108859 2.2604206193910916 +33975,1.1661364606908244,1,0.5702391465471105 0.45879860987608356 0.3272368651950011 0.23746532176556145 0.014584248423498673 -0.09221293255290623 -0.11852528148912447 0.3752182073728067 1.1970921653216648 1.4880757888515799 2.0746863916060407 2.263516189854182 2.498779545048579 2.7479729673268602 2.860961289229428 2.887273638165646 2.8392922959878404 2.619506793108859 2.2604206193910916 1.755842633908367 +33976,0.8643183405401158,1,0.45879860987608356 0.3272368651950011 0.23746532176556145 0.014584248423498673 -0.09221293255290623 -0.11852528148912447 0.3752182073728067 1.1970921653216648 1.4880757888515799 2.0746863916060407 2.263516189854182 2.498779545048579 2.7479729673268602 2.860961289229428 2.887273638165646 2.8392922959878404 2.619506793108859 2.2604206193910916 1.755842633908367 1.1661364606908244 +33977,0.5315445157585579,1,0.3272368651950011 0.23746532176556145 0.014584248423498673 -0.09221293255290623 -0.11852528148912447 0.3752182073728067 1.1970921653216648 1.4880757888515799 2.0746863916060407 2.263516189854182 2.498779545048579 2.7479729673268602 2.860961289229428 2.887273638165646 2.8392922959878404 2.619506793108859 2.2604206193910916 1.755842633908367 1.1661364606908244 0.8643183405401158 +33978,0.36593149598355373,1,0.23746532176556145 0.014584248423498673 -0.09221293255290623 -0.11852528148912447 0.3752182073728067 1.1970921653216648 1.4880757888515799 2.0746863916060407 2.263516189854182 2.498779545048579 2.7479729673268602 2.860961289229428 2.887273638165646 2.8392922959878404 2.619506793108859 2.2604206193910916 1.755842633908367 1.1661364606908244 0.8643183405401158 0.5315445157585579 +33979,0.2684210263964018,1,0.014584248423498673 -0.09221293255290623 -0.11852528148912447 0.3752182073728067 1.1970921653216648 1.4880757888515799 2.0746863916060407 2.263516189854182 2.498779545048579 2.7479729673268602 2.860961289229428 2.887273638165646 2.8392922959878404 2.619506793108859 2.2604206193910916 1.755842633908367 1.1661364606908244 0.8643183405401158 0.5315445157585579 0.36593149598355373 +33980,0.14305042264149093,1,-0.09221293255290623 -0.11852528148912447 0.3752182073728067 1.1970921653216648 1.4880757888515799 2.0746863916060407 2.263516189854182 2.498779545048579 2.7479729673268602 2.860961289229428 2.887273638165646 2.8392922959878404 2.619506793108859 2.2604206193910916 1.755842633908367 1.1661364606908244 0.8643183405401158 0.5315445157585579 0.36593149598355373 0.2684210263964018 +33981,0.06720894629592637,1,-0.11852528148912447 0.3752182073728067 1.1970921653216648 1.4880757888515799 2.0746863916060407 2.263516189854182 2.498779545048579 2.7479729673268602 2.860961289229428 2.887273638165646 2.8392922959878404 2.619506793108859 2.2604206193910916 1.755842633908367 1.1661364606908244 0.8643183405401158 0.5315445157585579 0.36593149598355373 0.2684210263964018 0.14305042264149093 +33982,0.019227604118129564,1,0.3752182073728067 1.1970921653216648 1.4880757888515799 2.0746863916060407 2.263516189854182 2.498779545048579 2.7479729673268602 2.860961289229428 2.887273638165646 2.8392922959878404 2.619506793108859 2.2604206193910916 1.755842633908367 1.1661364606908244 0.8643183405401158 0.5315445157585579 0.36593149598355373 0.2684210263964018 0.14305042264149093 0.06720894629592637 +33983,-0.04887494606973151,1,1.1970921653216648 1.4880757888515799 2.0746863916060407 2.263516189854182 2.498779545048579 2.7479729673268602 2.860961289229428 2.887273638165646 2.8392922959878404 2.619506793108859 2.2604206193910916 1.755842633908367 1.1661364606908244 0.8643183405401158 0.5315445157585579 0.36593149598355373 0.2684210263964018 0.14305042264149093 0.06720894629592637 0.019227604118129564 +33984,-0.19127118737159884,1,1.4880757888515799 2.0746863916060407 2.263516189854182 2.498779545048579 2.7479729673268602 2.860961289229428 2.887273638165646 2.8392922959878404 2.619506793108859 2.2604206193910916 1.755842633908367 1.1661364606908244 0.8643183405401158 0.5315445157585579 0.36593149598355373 0.2684210263964018 0.14305042264149093 0.06720894629592637 0.019227604118129564 -0.04887494606973151 +33985,-0.273303804643335,1,2.0746863916060407 2.263516189854182 2.498779545048579 2.7479729673268602 2.860961289229428 2.887273638165646 2.8392922959878404 2.619506793108859 2.2604206193910916 1.755842633908367 1.1661364606908244 0.8643183405401158 0.5315445157585579 0.36593149598355373 0.2684210263964018 0.14305042264149093 0.06720894629592637 0.019227604118129564 -0.04887494606973151 -0.19127118737159884 +33986,0.25139538884944534,1,2.263516189854182 2.498779545048579 2.7479729673268602 2.860961289229428 2.887273638165646 2.8392922959878404 2.619506793108859 2.2604206193910916 1.755842633908367 1.1661364606908244 0.8643183405401158 0.5315445157585579 0.36593149598355373 0.2684210263964018 0.14305042264149093 0.06720894629592637 0.019227604118129564 -0.04887494606973151 -0.19127118737159884 -0.273303804643335 +33987,1.0082623670735327,1,2.498779545048579 2.7479729673268602 2.860961289229428 2.887273638165646 2.8392922959878404 2.619506793108859 2.2604206193910916 1.755842633908367 1.1661364606908244 0.8643183405401158 0.5315445157585579 0.36593149598355373 0.2684210263964018 0.14305042264149093 0.06720894629592637 0.019227604118129564 -0.04887494606973151 -0.19127118737159884 -0.273303804643335 0.25139538884944534 +33988,1.534509345797845,1,2.7479729673268602 2.860961289229428 2.887273638165646 2.8392922959878404 2.619506793108859 2.2604206193910916 1.755842633908367 1.1661364606908244 0.8643183405401158 0.5315445157585579 0.36593149598355373 0.2684210263964018 0.14305042264149093 0.06720894629592637 0.019227604118129564 -0.04887494606973151 -0.19127118737159884 -0.273303804643335 0.25139538884944534 1.0082623670735327 +33989,1.977175922018889,1,2.860961289229428 2.887273638165646 2.8392922959878404 2.619506793108859 2.2604206193910916 1.755842633908367 1.1661364606908244 0.8643183405401158 0.5315445157585579 0.36593149598355373 0.2684210263964018 0.14305042264149093 0.06720894629592637 0.019227604118129564 -0.04887494606973151 -0.19127118737159884 -0.273303804643335 0.25139538884944534 1.0082623670735327 1.534509345797845 +33990,2.2093437067502046,1,2.887273638165646 2.8392922959878404 2.619506793108859 2.2604206193910916 1.755842633908367 1.1661364606908244 0.8643183405401158 0.5315445157585579 0.36593149598355373 0.2684210263964018 0.14305042264149093 0.06720894629592637 0.019227604118129564 -0.04887494606973151 -0.19127118737159884 -0.273303804643335 0.25139538884944534 1.0082623670735327 1.534509345797845 1.977175922018889 +33991,2.4461548471761425,1,2.8392922959878404 2.619506793108859 2.2604206193910916 1.755842633908367 1.1661364606908244 0.8643183405401158 0.5315445157585579 0.36593149598355373 0.2684210263964018 0.14305042264149093 0.06720894629592637 0.019227604118129564 -0.04887494606973151 -0.19127118737159884 -0.273303804643335 0.25139538884944534 1.0082623670735327 1.534509345797845 1.977175922018889 2.2093437067502046 +33992,2.537474175837132,1,2.619506793108859 2.2604206193910916 1.755842633908367 1.1661364606908244 0.8643183405401158 0.5315445157585579 0.36593149598355373 0.2684210263964018 0.14305042264149093 0.06720894629592637 0.019227604118129564 -0.04887494606973151 -0.19127118737159884 -0.273303804643335 0.25139538884944534 1.0082623670735327 1.534509345797845 1.977175922018889 2.2093437067502046 2.4461548471761425 +33993,2.6117678669511557,1,2.2604206193910916 1.755842633908367 1.1661364606908244 0.8643183405401158 0.5315445157585579 0.36593149598355373 0.2684210263964018 0.14305042264149093 0.06720894629592637 0.019227604118129564 -0.04887494606973151 -0.19127118737159884 -0.273303804643335 0.25139538884944534 1.0082623670735327 1.534509345797845 1.977175922018889 2.2093437067502046 2.4461548471761425 2.537474175837132 +33994,2.559143169078719,1,1.755842633908367 1.1661364606908244 0.8643183405401158 0.5315445157585579 0.36593149598355373 0.2684210263964018 0.14305042264149093 0.06720894629592637 0.019227604118129564 -0.04887494606973151 -0.19127118737159884 -0.273303804643335 0.25139538884944534 1.0082623670735327 1.534509345797845 1.977175922018889 2.2093437067502046 2.4461548471761425 2.537474175837132 2.6117678669511557 +33995,2.577716591857225,1,1.1661364606908244 0.8643183405401158 0.5315445157585579 0.36593149598355373 0.2684210263964018 0.14305042264149093 0.06720894629592637 0.019227604118129564 -0.04887494606973151 -0.19127118737159884 -0.273303804643335 0.25139538884944534 1.0082623670735327 1.534509345797845 1.977175922018889 2.2093437067502046 2.4461548471761425 2.537474175837132 2.6117678669511557 2.559143169078719 +33996,2.4043646459245087,1,0.8643183405401158 0.5315445157585579 0.36593149598355373 0.2684210263964018 0.14305042264149093 0.06720894629592637 0.019227604118129564 -0.04887494606973151 -0.19127118737159884 -0.273303804643335 0.25139538884944534 1.0082623670735327 1.534509345797845 1.977175922018889 2.2093437067502046 2.4461548471761425 2.537474175837132 2.6117678669511557 2.559143169078719 2.577716591857225 +33997,2.097903170079169,1,0.5315445157585579 0.36593149598355373 0.2684210263964018 0.14305042264149093 0.06720894629592637 0.019227604118129564 -0.04887494606973151 -0.19127118737159884 -0.273303804643335 0.25139538884944534 1.0082623670735327 1.534509345797845 1.977175922018889 2.2093437067502046 2.4461548471761425 2.537474175837132 2.6117678669511557 2.559143169078719 2.577716591857225 2.4043646459245087 +33998,1.7496514929821954,1,0.36593149598355373 0.2684210263964018 0.14305042264149093 0.06720894629592637 0.019227604118129564 -0.04887494606973151 -0.19127118737159884 -0.273303804643335 0.25139538884944534 1.0082623670735327 1.534509345797845 1.977175922018889 2.2093437067502046 2.4461548471761425 2.537474175837132 2.6117678669511557 2.559143169078719 2.577716591857225 2.4043646459245087 2.097903170079169 +33999,1.2218567290263425,1,0.2684210263964018 0.14305042264149093 0.06720894629592637 0.019227604118129564 -0.04887494606973151 -0.19127118737159884 -0.273303804643335 0.25139538884944534 1.0082623670735327 1.534509345797845 1.977175922018889 2.2093437067502046 2.4461548471761425 2.537474175837132 2.6117678669511557 2.559143169078719 2.577716591857225 2.4043646459245087 2.097903170079169 1.7496514929821954 +34000,0.992784514758108,1,0.14305042264149093 0.06720894629592637 0.019227604118129564 -0.04887494606973151 -0.19127118737159884 -0.273303804643335 0.25139538884944534 1.0082623670735327 1.534509345797845 1.977175922018889 2.2093437067502046 2.4461548471761425 2.537474175837132 2.6117678669511557 2.559143169078719 2.577716591857225 2.4043646459245087 2.097903170079169 1.7496514929821954 1.2218567290263425 +34001,0.7219220992382397,1,0.06720894629592637 0.019227604118129564 -0.04887494606973151 -0.19127118737159884 -0.273303804643335 0.25139538884944534 1.0082623670735327 1.534509345797845 1.977175922018889 2.2093437067502046 2.4461548471761425 2.537474175837132 2.6117678669511557 2.559143169078719 2.577716591857225 2.4043646459245087 2.097903170079169 1.7496514929821954 1.2218567290263425 0.992784514758108 +34002,0.5532135090001541,1,0.019227604118129564 -0.04887494606973151 -0.19127118737159884 -0.273303804643335 0.25139538884944534 1.0082623670735327 1.534509345797845 1.977175922018889 2.2093437067502046 2.4461548471761425 2.537474175837132 2.6117678669511557 2.559143169078719 2.577716591857225 2.4043646459245087 2.097903170079169 1.7496514929821954 1.2218567290263425 0.992784514758108 0.7219220992382397 +34003,0.45879860987608356,1,-0.04887494606973151 -0.19127118737159884 -0.273303804643335 0.25139538884944534 1.0082623670735327 1.534509345797845 1.977175922018889 2.2093437067502046 2.4461548471761425 2.537474175837132 2.6117678669511557 2.559143169078719 2.577716591857225 2.4043646459245087 2.097903170079169 1.7496514929821954 1.2218567290263425 0.992784514758108 0.7219220992382397 0.5532135090001541 +34004,0.3241412947319197,1,-0.19127118737159884 -0.273303804643335 0.25139538884944534 1.0082623670735327 1.534509345797845 1.977175922018889 2.2093437067502046 2.4461548471761425 2.537474175837132 2.6117678669511557 2.559143169078719 2.577716591857225 2.4043646459245087 2.097903170079169 1.7496514929821954 1.2218567290263425 0.992784514758108 0.7219220992382397 0.5532135090001541 0.45879860987608356 +34005,0.18638840912467444,1,-0.273303804643335 0.25139538884944534 1.0082623670735327 1.534509345797845 1.977175922018889 2.2093437067502046 2.4461548471761425 2.537474175837132 2.6117678669511557 2.559143169078719 2.577716591857225 2.4043646459245087 2.097903170079169 1.7496514929821954 1.2218567290263425 0.992784514758108 0.7219220992382397 0.5532135090001541 0.45879860987608356 0.3241412947319197 +34006,-0.008632530049629385,1,0.25139538884944534 1.0082623670735327 1.534509345797845 1.977175922018889 2.2093437067502046 2.4461548471761425 2.537474175837132 2.6117678669511557 2.559143169078719 2.577716591857225 2.4043646459245087 2.097903170079169 1.7496514929821954 1.2218567290263425 0.992784514758108 0.7219220992382397 0.5532135090001541 0.45879860987608356 0.3241412947319197 0.18638840912467444 +34007,-0.06280501315360658,1,1.0082623670735327 1.534509345797845 1.977175922018889 2.2093437067502046 2.4461548471761425 2.537474175837132 2.6117678669511557 2.559143169078719 2.577716591857225 2.4043646459245087 2.097903170079169 1.7496514929821954 1.2218567290263425 0.992784514758108 0.7219220992382397 0.5532135090001541 0.45879860987608356 0.3241412947319197 0.18638840912467444 -0.008632530049629385 +34008,-0.22841803292861076,1,1.534509345797845 1.977175922018889 2.2093437067502046 2.4461548471761425 2.537474175837132 2.6117678669511557 2.559143169078719 2.577716591857225 2.4043646459245087 2.097903170079169 1.7496514929821954 1.2218567290263425 0.992784514758108 0.7219220992382397 0.5532135090001541 0.45879860987608356 0.3241412947319197 0.18638840912467444 -0.008632530049629385 -0.06280501315360658 +34009,-0.20210568399239254,1,1.977175922018889 2.2093437067502046 2.4461548471761425 2.537474175837132 2.6117678669511557 2.559143169078719 2.577716591857225 2.4043646459245087 2.097903170079169 1.7496514929821954 1.2218567290263425 0.992784514758108 0.7219220992382397 0.5532135090001541 0.45879860987608356 0.3241412947319197 0.18638840912467444 -0.008632530049629385 -0.06280501315360658 -0.22841803292861076 +34010,0.18793619435621514,1,2.2093437067502046 2.4461548471761425 2.537474175837132 2.6117678669511557 2.559143169078719 2.577716591857225 2.4043646459245087 2.097903170079169 1.7496514929821954 1.2218567290263425 0.992784514758108 0.7219220992382397 0.5532135090001541 0.45879860987608356 0.3241412947319197 0.18638840912467444 -0.008632530049629385 -0.06280501315360658 -0.22841803292861076 -0.20210568399239254 +34011,0.6151249182618348,1,2.4461548471761425 2.537474175837132 2.6117678669511557 2.559143169078719 2.577716591857225 2.4043646459245087 2.097903170079169 1.7496514929821954 1.2218567290263425 0.992784514758108 0.7219220992382397 0.5532135090001541 0.45879860987608356 0.3241412947319197 0.18638840912467444 -0.008632530049629385 -0.06280501315360658 -0.22841803292861076 -0.20210568399239254 0.18793619435621514 +34012,1.011357937536614,1,2.537474175837132 2.6117678669511557 2.559143169078719 2.577716591857225 2.4043646459245087 2.097903170079169 1.7496514929821954 1.2218567290263425 0.992784514758108 0.7219220992382397 0.5532135090001541 0.45879860987608356 0.3241412947319197 0.18638840912467444 -0.008632530049629385 -0.06280501315360658 -0.22841803292861076 -0.20210568399239254 0.18793619435621514 0.6151249182618348 +34013,1.3611573998651283,1,2.6117678669511557 2.559143169078719 2.577716591857225 2.4043646459245087 2.097903170079169 1.7496514929821954 1.2218567290263425 0.992784514758108 0.7219220992382397 0.5532135090001541 0.45879860987608356 0.3241412947319197 0.18638840912467444 -0.008632530049629385 -0.06280501315360658 -0.22841803292861076 -0.20210568399239254 0.18793619435621514 0.6151249182618348 1.011357937536614 +34014,1.834779680717013,1,2.559143169078719 2.577716591857225 2.4043646459245087 2.097903170079169 1.7496514929821954 1.2218567290263425 0.992784514758108 0.7219220992382397 0.5532135090001541 0.45879860987608356 0.3241412947319197 0.18638840912467444 -0.008632530049629385 -0.06280501315360658 -0.22841803292861076 -0.20210568399239254 0.18793619435621514 0.6151249182618348 1.011357937536614 1.3611573998651283 +34015,2.1799357873509053,1,2.577716591857225 2.4043646459245087 2.097903170079169 1.7496514929821954 1.2218567290263425 0.992784514758108 0.7219220992382397 0.5532135090001541 0.45879860987608356 0.3241412947319197 0.18638840912467444 -0.008632530049629385 -0.06280501315360658 -0.22841803292861076 -0.20210568399239254 0.18793619435621514 0.6151249182618348 1.011357937536614 1.3611573998651283 1.834779680717013 +34016,2.333166525273575,1,2.4043646459245087 2.097903170079169 1.7496514929821954 1.2218567290263425 0.992784514758108 0.7219220992382397 0.5532135090001541 0.45879860987608356 0.3241412947319197 0.18638840912467444 -0.008632530049629385 -0.06280501315360658 -0.22841803292861076 -0.20210568399239254 0.18793619435621514 0.6151249182618348 1.011357937536614 1.3611573998651283 1.834779680717013 2.1799357873509053 +34017,2.4415114914815206,1,2.097903170079169 1.7496514929821954 1.2218567290263425 0.992784514758108 0.7219220992382397 0.5532135090001541 0.45879860987608356 0.3241412947319197 0.18638840912467444 -0.008632530049629385 -0.06280501315360658 -0.22841803292861076 -0.20210568399239254 0.18793619435621514 0.6151249182618348 1.011357937536614 1.3611573998651283 1.834779680717013 2.1799357873509053 2.333166525273575 +34018,2.348644377588991,1,1.7496514929821954 1.2218567290263425 0.992784514758108 0.7219220992382397 0.5532135090001541 0.45879860987608356 0.3241412947319197 0.18638840912467444 -0.008632530049629385 -0.06280501315360658 -0.22841803292861076 -0.20210568399239254 0.18793619435621514 0.6151249182618348 1.011357937536614 1.3611573998651283 1.834779680717013 2.1799357873509053 2.333166525273575 2.4415114914815206 +34019,2.2387516261495044,1,1.2218567290263425 0.992784514758108 0.7219220992382397 0.5532135090001541 0.45879860987608356 0.3241412947319197 0.18638840912467444 -0.008632530049629385 -0.06280501315360658 -0.22841803292861076 -0.20210568399239254 0.18793619435621514 0.6151249182618348 1.011357937536614 1.3611573998651283 1.834779680717013 2.1799357873509053 2.333166525273575 2.4415114914815206 2.348644377588991 +34020,2.1087376666999713,1,0.992784514758108 0.7219220992382397 0.5532135090001541 0.45879860987608356 0.3241412947319197 0.18638840912467444 -0.008632530049629385 -0.06280501315360658 -0.22841803292861076 -0.20210568399239254 0.18793619435621514 0.6151249182618348 1.011357937536614 1.3611573998651283 1.834779680717013 2.1799357873509053 2.333166525273575 2.4415114914815206 2.348644377588991 2.2387516261495044 +34021,1.8270407545593006,1,0.7219220992382397 0.5532135090001541 0.45879860987608356 0.3241412947319197 0.18638840912467444 -0.008632530049629385 -0.06280501315360658 -0.22841803292861076 -0.20210568399239254 0.18793619435621514 0.6151249182618348 1.011357937536614 1.3611573998651283 1.834779680717013 2.1799357873509053 2.333166525273575 2.4415114914815206 2.348644377588991 2.2387516261495044 2.1087376666999713 +34022,1.3967564601905995,1,0.5532135090001541 0.45879860987608356 0.3241412947319197 0.18638840912467444 -0.008632530049629385 -0.06280501315360658 -0.22841803292861076 -0.20210568399239254 0.18793619435621514 0.6151249182618348 1.011357937536614 1.3611573998651283 1.834779680717013 2.1799357873509053 2.333166525273575 2.4415114914815206 2.348644377588991 2.2387516261495044 2.1087376666999713 1.8270407545593006 +34023,0.9618288101272677,1,0.45879860987608356 0.3241412947319197 0.18638840912467444 -0.008632530049629385 -0.06280501315360658 -0.22841803292861076 -0.20210568399239254 0.18793619435621514 0.6151249182618348 1.011357937536614 1.3611573998651283 1.834779680717013 2.1799357873509053 2.333166525273575 2.4415114914815206 2.348644377588991 2.2387516261495044 2.1087376666999713 1.8270407545593006 1.3967564601905995 +34024,0.6398894819665123,1,0.3241412947319197 0.18638840912467444 -0.008632530049629385 -0.06280501315360658 -0.22841803292861076 -0.20210568399239254 0.18793619435621514 0.6151249182618348 1.011357937536614 1.3611573998651283 1.834779680717013 2.1799357873509053 2.333166525273575 2.4415114914815206 2.348644377588991 2.2387516261495044 2.1087376666999713 1.8270407545593006 1.3967564601905995 0.9618288101272677 +34025,0.35974035505739094,1,0.18638840912467444 -0.008632530049629385 -0.06280501315360658 -0.22841803292861076 -0.20210568399239254 0.18793619435621514 0.6151249182618348 1.011357937536614 1.3611573998651283 1.834779680717013 2.1799357873509053 2.333166525273575 2.4415114914815206 2.348644377588991 2.2387516261495044 2.1087376666999713 1.8270407545593006 1.3967564601905995 0.9618288101272677 0.6398894819665123 +34026,0.28854223440644844,1,-0.008632530049629385 -0.06280501315360658 -0.22841803292861076 -0.20210568399239254 0.18793619435621514 0.6151249182618348 1.011357937536614 1.3611573998651283 1.834779680717013 2.1799357873509053 2.333166525273575 2.4415114914815206 2.348644377588991 2.2387516261495044 2.1087376666999713 1.8270407545593006 1.3967564601905995 0.9618288101272677 0.6398894819665123 0.35974035505739094 +34027,0.14769377833612182,1,-0.06280501315360658 -0.22841803292861076 -0.20210568399239254 0.18793619435621514 0.6151249182618348 1.011357937536614 1.3611573998651283 1.834779680717013 2.1799357873509053 2.333166525273575 2.4415114914815206 2.348644377588991 2.2387516261495044 2.1087376666999713 1.8270407545593006 1.3967564601905995 0.9618288101272677 0.6398894819665123 0.35974035505739094 0.28854223440644844 +34028,0.12292921463144427,1,-0.22841803292861076 -0.20210568399239254 0.18793619435621514 0.6151249182618348 1.011357937536614 1.3611573998651283 1.834779680717013 2.1799357873509053 2.333166525273575 2.4415114914815206 2.348644377588991 2.2387516261495044 2.1087376666999713 1.8270407545593006 1.3967564601905995 0.9618288101272677 0.6398894819665123 0.35974035505739094 0.28854223440644844 0.14769377833612182 +34029,0.033157671202004635,1,-0.20210568399239254 0.18793619435621514 0.6151249182618348 1.011357937536614 1.3611573998651283 1.834779680717013 2.1799357873509053 2.333166525273575 2.4415114914815206 2.348644377588991 2.2387516261495044 2.1087376666999713 1.8270407545593006 1.3967564601905995 0.9618288101272677 0.6398894819665123 0.35974035505739094 0.28854223440644844 0.14769377833612182 0.12292921463144427 +34030,-0.061257227922065886,1,0.18793619435621514 0.6151249182618348 1.011357937536614 1.3611573998651283 1.834779680717013 2.1799357873509053 2.333166525273575 2.4415114914815206 2.348644377588991 2.2387516261495044 2.1087376666999713 1.8270407545593006 1.3967564601905995 0.9618288101272677 0.6398894819665123 0.35974035505739094 0.28854223440644844 0.14769377833612182 0.12292921463144427 0.033157671202004635 +34031,-0.13864648949917113,1,0.6151249182618348 1.011357937536614 1.3611573998651283 1.834779680717013 2.1799357873509053 2.333166525273575 2.4415114914815206 2.348644377588991 2.2387516261495044 2.1087376666999713 1.8270407545593006 1.3967564601905995 0.9618288101272677 0.6398894819665123 0.35974035505739094 0.28854223440644844 0.14769377833612182 0.12292921463144427 0.033157671202004635 -0.061257227922065886 +34032,-0.1618632679722992,1,1.011357937536614 1.3611573998651283 1.834779680717013 2.1799357873509053 2.333166525273575 2.4415114914815206 2.348644377588991 2.2387516261495044 2.1087376666999713 1.8270407545593006 1.3967564601905995 0.9618288101272677 0.6398894819665123 0.35974035505739094 0.28854223440644844 0.14769377833612182 0.12292921463144427 0.033157671202004635 -0.061257227922065886 -0.13864648949917113 +34033,-0.29652058311646307,1,1.3611573998651283 1.834779680717013 2.1799357873509053 2.333166525273575 2.4415114914815206 2.348644377588991 2.2387516261495044 2.1087376666999713 1.8270407545593006 1.3967564601905995 0.9618288101272677 0.6398894819665123 0.35974035505739094 0.28854223440644844 0.14769377833612182 0.12292921463144427 0.033157671202004635 -0.061257227922065886 -0.13864648949917113 -0.1618632679722992 +34034,0.07494787245363867,1,1.834779680717013 2.1799357873509053 2.333166525273575 2.4415114914815206 2.348644377588991 2.2387516261495044 2.1087376666999713 1.8270407545593006 1.3967564601905995 0.9618288101272677 0.6398894819665123 0.35974035505739094 0.28854223440644844 0.14769377833612182 0.12292921463144427 0.033157671202004635 -0.061257227922065886 -0.13864648949917113 -0.1618632679722992 -0.29652058311646307 +34035,0.599647065946419,1,2.1799357873509053 2.333166525273575 2.4415114914815206 2.348644377588991 2.2387516261495044 2.1087376666999713 1.8270407545593006 1.3967564601905995 0.9618288101272677 0.6398894819665123 0.35974035505739094 0.28854223440644844 0.14769377833612182 0.12292921463144427 0.033157671202004635 -0.061257227922065886 -0.13864648949917113 -0.1618632679722992 -0.29652058311646307 0.07494787245363867 +34036,1.0701737763352133,1,2.333166525273575 2.4415114914815206 2.348644377588991 2.2387516261495044 2.1087376666999713 1.8270407545593006 1.3967564601905995 0.9618288101272677 0.6398894819665123 0.35974035505739094 0.28854223440644844 0.14769377833612182 0.12292921463144427 0.033157671202004635 -0.061257227922065886 -0.13864648949917113 -0.1618632679722992 -0.29652058311646307 0.07494787245363867 0.599647065946419 +34037,1.5608216947340632,1,2.4415114914815206 2.348644377588991 2.2387516261495044 2.1087376666999713 1.8270407545593006 1.3967564601905995 0.9618288101272677 0.6398894819665123 0.35974035505739094 0.28854223440644844 0.14769377833612182 0.12292921463144427 0.033157671202004635 -0.061257227922065886 -0.13864648949917113 -0.1618632679722992 -0.29652058311646307 0.07494787245363867 0.599647065946419 1.0701737763352133 +34038,1.88895216382099,1,2.348644377588991 2.2387516261495044 2.1087376666999713 1.8270407545593006 1.3967564601905995 0.9618288101272677 0.6398894819665123 0.35974035505739094 0.28854223440644844 0.14769377833612182 0.12292921463144427 0.033157671202004635 -0.061257227922065886 -0.13864648949917113 -0.1618632679722992 -0.29652058311646307 0.07494787245363867 0.599647065946419 1.0701737763352133 1.5608216947340632 +34039,2.107189881468422,1,2.2387516261495044 2.1087376666999713 1.8270407545593006 1.3967564601905995 0.9618288101272677 0.6398894819665123 0.35974035505739094 0.28854223440644844 0.14769377833612182 0.12292921463144427 0.033157671202004635 -0.061257227922065886 -0.13864648949917113 -0.1618632679722992 -0.29652058311646307 0.07494787245363867 0.599647065946419 1.0701737763352133 1.5608216947340632 1.88895216382099 +34040,2.2232737738340798,1,2.1087376666999713 1.8270407545593006 1.3967564601905995 0.9618288101272677 0.6398894819665123 0.35974035505739094 0.28854223440644844 0.14769377833612182 0.12292921463144427 0.033157671202004635 -0.061257227922065886 -0.13864648949917113 -0.1618632679722992 -0.29652058311646307 0.07494787245363867 0.599647065946419 1.0701737763352133 1.5608216947340632 1.88895216382099 2.107189881468422 +34041,2.291376324021932,1,1.8270407545593006 1.3967564601905995 0.9618288101272677 0.6398894819665123 0.35974035505739094 0.28854223440644844 0.14769377833612182 0.12292921463144427 0.033157671202004635 -0.061257227922065886 -0.13864648949917113 -0.1618632679722992 -0.29652058311646307 0.07494787245363867 0.599647065946419 1.0701737763352133 1.5608216947340632 1.88895216382099 2.107189881468422 2.2232737738340798 +34042,2.3873390083775434,1,1.3967564601905995 0.9618288101272677 0.6398894819665123 0.35974035505739094 0.28854223440644844 0.14769377833612182 0.12292921463144427 0.033157671202004635 -0.061257227922065886 -0.13864648949917113 -0.1618632679722992 -0.29652058311646307 0.07494787245363867 0.599647065946419 1.0701737763352133 1.5608216947340632 1.88895216382099 2.107189881468422 2.2232737738340798 2.291376324021932 +34043,2.294471894485022,1,0.9618288101272677 0.6398894819665123 0.35974035505739094 0.28854223440644844 0.14769377833612182 0.12292921463144427 0.033157671202004635 -0.061257227922065886 -0.13864648949917113 -0.1618632679722992 -0.29652058311646307 0.07494787245363867 0.599647065946419 1.0701737763352133 1.5608216947340632 1.88895216382099 2.107189881468422 2.2232737738340798 2.291376324021932 2.3873390083775434 +34044,2.1180243780892156,1,0.6398894819665123 0.35974035505739094 0.28854223440644844 0.14769377833612182 0.12292921463144427 0.033157671202004635 -0.061257227922065886 -0.13864648949917113 -0.1618632679722992 -0.29652058311646307 0.07494787245363867 0.599647065946419 1.0701737763352133 1.5608216947340632 1.88895216382099 2.107189881468422 2.2232737738340798 2.291376324021932 2.3873390083775434 2.294471894485022 +34045,1.8084673317807947,1,0.35974035505739094 0.28854223440644844 0.14769377833612182 0.12292921463144427 0.033157671202004635 -0.061257227922065886 -0.13864648949917113 -0.1618632679722992 -0.29652058311646307 0.07494787245363867 0.599647065946419 1.0701737763352133 1.5608216947340632 1.88895216382099 2.107189881468422 2.2232737738340798 2.291376324021932 2.3873390083775434 2.294471894485022 2.1180243780892156 +34046,1.344131762318163,1,0.28854223440644844 0.14769377833612182 0.12292921463144427 0.033157671202004635 -0.061257227922065886 -0.13864648949917113 -0.1618632679722992 -0.29652058311646307 0.07494787245363867 0.599647065946419 1.0701737763352133 1.5608216947340632 1.88895216382099 2.107189881468422 2.2232737738340798 2.291376324021932 2.3873390083775434 2.294471894485022 2.1180243780892156 1.8084673317807947 +34047,0.9571854544326368,1,0.14769377833612182 0.12292921463144427 0.033157671202004635 -0.061257227922065886 -0.13864648949917113 -0.1618632679722992 -0.29652058311646307 0.07494787245363867 0.599647065946419 1.0701737763352133 1.5608216947340632 1.88895216382099 2.107189881468422 2.2232737738340798 2.291376324021932 2.3873390083775434 2.294471894485022 2.1180243780892156 1.8084673317807947 1.344131762318163 +34048,0.7095398173859053,1,0.12292921463144427 0.033157671202004635 -0.061257227922065886 -0.13864648949917113 -0.1618632679722992 -0.29652058311646307 0.07494787245363867 0.599647065946419 1.0701737763352133 1.5608216947340632 1.88895216382099 2.107189881468422 2.2232737738340798 2.291376324021932 2.3873390083775434 2.294471894485022 2.1180243780892156 1.8084673317807947 1.344131762318163 0.9571854544326368 +34049,0.45570303941300216,1,0.033157671202004635 -0.061257227922065886 -0.13864648949917113 -0.1618632679722992 -0.29652058311646307 0.07494787245363867 0.599647065946419 1.0701737763352133 1.5608216947340632 1.88895216382099 2.107189881468422 2.2232737738340798 2.291376324021932 2.3873390083775434 2.294471894485022 2.1180243780892156 1.8084673317807947 1.344131762318163 0.9571854544326368 0.7095398173859053 +34050,0.3380713618157948,1,-0.061257227922065886 -0.13864648949917113 -0.1618632679722992 -0.29652058311646307 0.07494787245363867 0.599647065946419 1.0701737763352133 1.5608216947340632 1.88895216382099 2.107189881468422 2.2232737738340798 2.291376324021932 2.3873390083775434 2.294471894485022 2.1180243780892156 1.8084673317807947 1.344131762318163 0.9571854544326368 0.7095398173859053 0.45570303941300216 +34051,0.13531149648378746,1,-0.13864648949917113 -0.1618632679722992 -0.29652058311646307 0.07494787245363867 0.599647065946419 1.0701737763352133 1.5608216947340632 1.88895216382099 2.107189881468422 2.2232737738340798 2.291376324021932 2.3873390083775434 2.294471894485022 2.1180243780892156 1.8084673317807947 1.344131762318163 0.9571854544326368 0.7095398173859053 0.45570303941300216 0.3380713618157948 +34052,0.03625324166508603,1,-0.1618632679722992 -0.29652058311646307 0.07494787245363867 0.599647065946419 1.0701737763352133 1.5608216947340632 1.88895216382099 2.107189881468422 2.2232737738340798 2.291376324021932 2.3873390083775434 2.294471894485022 2.1180243780892156 1.8084673317807947 1.344131762318163 0.9571854544326368 0.7095398173859053 0.45570303941300216 0.3380713618157948 0.13531149648378746 +34053,-0.017919241438882367,1,-0.29652058311646307 0.07494787245363867 0.599647065946419 1.0701737763352133 1.5608216947340632 1.88895216382099 2.107189881468422 2.2232737738340798 2.291376324021932 2.3873390083775434 2.294471894485022 2.1180243780892156 1.8084673317807947 1.344131762318163 0.9571854544326368 0.7095398173859053 0.45570303941300216 0.3380713618157948 0.13531149648378746 0.03625324166508603 +34054,-0.13864648949917113,1,0.07494787245363867 0.599647065946419 1.0701737763352133 1.5608216947340632 1.88895216382099 2.107189881468422 2.2232737738340798 2.291376324021932 2.3873390083775434 2.294471894485022 2.1180243780892156 1.8084673317807947 1.344131762318163 0.9571854544326368 0.7095398173859053 0.45570303941300216 0.3380713618157948 0.13531149648378746 0.03625324166508603 -0.017919241438882367 +34055,-0.16960219413001149,1,0.599647065946419 1.0701737763352133 1.5608216947340632 1.88895216382099 2.107189881468422 2.2232737738340798 2.291376324021932 2.3873390083775434 2.294471894485022 2.1180243780892156 1.8084673317807947 1.344131762318163 0.9571854544326368 0.7095398173859053 0.45570303941300216 0.3380713618157948 0.13531149648378746 0.03625324166508603 -0.017919241438882367 -0.13864648949917113 +34056,-0.23306138862324166,1,1.0701737763352133 1.5608216947340632 1.88895216382099 2.107189881468422 2.2232737738340798 2.291376324021932 2.3873390083775434 2.294471894485022 2.1180243780892156 1.8084673317807947 1.344131762318163 0.9571854544326368 0.7095398173859053 0.45570303941300216 0.3380713618157948 0.13531149648378746 0.03625324166508603 -0.017919241438882367 -0.13864648949917113 -0.16960219413001149 +34057,-0.23615695908632306,1,1.5608216947340632 1.88895216382099 2.107189881468422 2.2232737738340798 2.291376324021932 2.3873390083775434 2.294471894485022 2.1180243780892156 1.8084673317807947 1.344131762318163 0.9571854544326368 0.7095398173859053 0.45570303941300216 0.3380713618157948 0.13531149648378746 0.03625324166508603 -0.017919241438882367 -0.13864648949917113 -0.16960219413001149 -0.23306138862324166 +34058,0.030062100738923243,1,1.88895216382099 2.107189881468422 2.2232737738340798 2.291376324021932 2.3873390083775434 2.294471894485022 2.1180243780892156 1.8084673317807947 1.344131762318163 0.9571854544326368 0.7095398173859053 0.45570303941300216 0.3380713618157948 0.13531149648378746 0.03625324166508603 -0.017919241438882367 -0.13864648949917113 -0.16960219413001149 -0.23306138862324166 -0.23615695908632306 +34059,0.5423790123793604,1,2.107189881468422 2.2232737738340798 2.291376324021932 2.3873390083775434 2.294471894485022 2.1180243780892156 1.8084673317807947 1.344131762318163 0.9571854544326368 0.7095398173859053 0.45570303941300216 0.3380713618157948 0.13531149648378746 0.03625324166508603 -0.017919241438882367 -0.13864648949917113 -0.16960219413001149 -0.23306138862324166 -0.23615695908632306 0.030062100738923243 +34060,0.6940619650704807,1,2.2232737738340798 2.291376324021932 2.3873390083775434 2.294471894485022 2.1180243780892156 1.8084673317807947 1.344131762318163 0.9571854544326368 0.7095398173859053 0.45570303941300216 0.3380713618157948 0.13531149648378746 0.03625324166508603 -0.017919241438882367 -0.13864648949917113 -0.16960219413001149 -0.23306138862324166 -0.23615695908632306 0.030062100738923243 0.5423790123793604 +34061,0.9618288101272677,1,2.291376324021932 2.3873390083775434 2.294471894485022 2.1180243780892156 1.8084673317807947 1.344131762318163 0.9571854544326368 0.7095398173859053 0.45570303941300216 0.3380713618157948 0.13531149648378746 0.03625324166508603 -0.017919241438882367 -0.13864648949917113 -0.16960219413001149 -0.23306138862324166 -0.23615695908632306 0.030062100738923243 0.5423790123793604 0.6940619650704807 +34062,1.232691225647136,1,2.3873390083775434 2.294471894485022 2.1180243780892156 1.8084673317807947 1.344131762318163 0.9571854544326368 0.7095398173859053 0.45570303941300216 0.3380713618157948 0.13531149648378746 0.03625324166508603 -0.017919241438882367 -0.13864648949917113 -0.16960219413001149 -0.23306138862324166 -0.23615695908632306 0.030062100738923243 0.5423790123793604 0.6940619650704807 0.9618288101272677 +34063,1.5592739095025223,1,2.294471894485022 2.1180243780892156 1.8084673317807947 1.344131762318163 0.9571854544326368 0.7095398173859053 0.45570303941300216 0.3380713618157948 0.13531149648378746 0.03625324166508603 -0.017919241438882367 -0.13864648949917113 -0.16960219413001149 -0.23306138862324166 -0.23615695908632306 0.030062100738923243 0.5423790123793604 0.6940619650704807 0.9618288101272677 1.232691225647136 +34064,1.8471619625693472,1,2.1180243780892156 1.8084673317807947 1.344131762318163 0.9571854544326368 0.7095398173859053 0.45570303941300216 0.3380713618157948 0.13531149648378746 0.03625324166508603 -0.017919241438882367 -0.13864648949917113 -0.16960219413001149 -0.23306138862324166 -0.23615695908632306 0.030062100738923243 0.5423790123793604 0.6940619650704807 0.9618288101272677 1.232691225647136 1.5592739095025223 +34065,1.8394230364116437,1,1.8084673317807947 1.344131762318163 0.9571854544326368 0.7095398173859053 0.45570303941300216 0.3380713618157948 0.13531149648378746 0.03625324166508603 -0.017919241438882367 -0.13864648949917113 -0.16960219413001149 -0.23306138862324166 -0.23615695908632306 0.030062100738923243 0.5423790123793604 0.6940619650704807 0.9618288101272677 1.232691225647136 1.5592739095025223 1.8471619625693472 +34066,1.7991806203915504,1,1.344131762318163 0.9571854544326368 0.7095398173859053 0.45570303941300216 0.3380713618157948 0.13531149648378746 0.03625324166508603 -0.017919241438882367 -0.13864648949917113 -0.16960219413001149 -0.23306138862324166 -0.23615695908632306 0.030062100738923243 0.5423790123793604 0.6940619650704807 0.9618288101272677 1.232691225647136 1.5592739095025223 1.8471619625693472 1.8394230364116437 +34067,1.6598799495527556,1,0.9571854544326368 0.7095398173859053 0.45570303941300216 0.3380713618157948 0.13531149648378746 0.03625324166508603 -0.017919241438882367 -0.13864648949917113 -0.16960219413001149 -0.23306138862324166 -0.23615695908632306 0.030062100738923243 0.5423790123793604 0.6940619650704807 0.9618288101272677 1.232691225647136 1.5592739095025223 1.8471619625693472 1.8394230364116437 1.7991806203915504 +34068,1.5871340436702814,1,0.7095398173859053 0.45570303941300216 0.3380713618157948 0.13531149648378746 0.03625324166508603 -0.017919241438882367 -0.13864648949917113 -0.16960219413001149 -0.23306138862324166 -0.23615695908632306 0.030062100738923243 0.5423790123793604 0.6940619650704807 0.9618288101272677 1.232691225647136 1.5592739095025223 1.8471619625693472 1.8394230364116437 1.7991806203915504 1.6598799495527556 +34069,1.4137820977375648,1,0.45570303941300216 0.3380713618157948 0.13531149648378746 0.03625324166508603 -0.017919241438882367 -0.13864648949917113 -0.16960219413001149 -0.23306138862324166 -0.23615695908632306 0.030062100738923243 0.5423790123793604 0.6940619650704807 0.9618288101272677 1.232691225647136 1.5592739095025223 1.8471619625693472 1.8394230364116437 1.7991806203915504 1.6598799495527556 1.5871340436702814 +34070,1.081008272956007,1,0.3380713618157948 0.13531149648378746 0.03625324166508603 -0.017919241438882367 -0.13864648949917113 -0.16960219413001149 -0.23306138862324166 -0.23615695908632306 0.030062100738923243 0.5423790123793604 0.6940619650704807 0.9618288101272677 1.232691225647136 1.5592739095025223 1.8471619625693472 1.8394230364116437 1.7991806203915504 1.6598799495527556 1.5871340436702814 1.4137820977375648 +34071,0.7466866629429172,1,0.13531149648378746 0.03625324166508603 -0.017919241438882367 -0.13864648949917113 -0.16960219413001149 -0.23306138862324166 -0.23615695908632306 0.030062100738923243 0.5423790123793604 0.6940619650704807 0.9618288101272677 1.232691225647136 1.5592739095025223 1.8471619625693472 1.8394230364116437 1.7991806203915504 1.6598799495527556 1.5871340436702814 1.4137820977375648 1.081008272956007 +34072,0.5609524351578663,1,0.03625324166508603 -0.017919241438882367 -0.13864648949917113 -0.16960219413001149 -0.23306138862324166 -0.23615695908632306 0.030062100738923243 0.5423790123793604 0.6940619650704807 0.9618288101272677 1.232691225647136 1.5592739095025223 1.8471619625693472 1.8394230364116437 1.7991806203915504 1.6598799495527556 1.5871340436702814 1.4137820977375648 1.081008272956007 0.7466866629429172 +34073,0.4309384757083246,1,-0.017919241438882367 -0.13864648949917113 -0.16960219413001149 -0.23306138862324166 -0.23615695908632306 0.030062100738923243 0.5423790123793604 0.6940619650704807 0.9618288101272677 1.232691225647136 1.5592739095025223 1.8471619625693472 1.8394230364116437 1.7991806203915504 1.6598799495527556 1.5871340436702814 1.4137820977375648 1.081008272956007 0.7466866629429172 0.5609524351578663 +34074,0.36128814028893164,1,-0.13864648949917113 -0.16960219413001149 -0.23306138862324166 -0.23615695908632306 0.030062100738923243 0.5423790123793604 0.6940619650704807 0.9618288101272677 1.232691225647136 1.5592739095025223 1.8471619625693472 1.8394230364116437 1.7991806203915504 1.6598799495527556 1.5871340436702814 1.4137820977375648 1.081008272956007 0.7466866629429172 0.5609524351578663 0.4309384757083246 +34075,0.2653254559333204,1,-0.16960219413001149 -0.23306138862324166 -0.23615695908632306 0.030062100738923243 0.5423790123793604 0.6940619650704807 0.9618288101272677 1.232691225647136 1.5592739095025223 1.8471619625693472 1.8394230364116437 1.7991806203915504 1.6598799495527556 1.5871340436702814 1.4137820977375648 1.081008272956007 0.7466866629429172 0.5609524351578663 0.4309384757083246 0.36128814028893164 +34076,0.18329283866158427,1,-0.23306138862324166 -0.23615695908632306 0.030062100738923243 0.5423790123793604 0.6940619650704807 0.9618288101272677 1.232691225647136 1.5592739095025223 1.8471619625693472 1.8394230364116437 1.7991806203915504 1.6598799495527556 1.5871340436702814 1.4137820977375648 1.081008272956007 0.7466866629429172 0.5609524351578663 0.4309384757083246 0.36128814028893164 0.2653254559333204 +34077,0.12292921463144427,1,-0.23615695908632306 0.030062100738923243 0.5423790123793604 0.6940619650704807 0.9618288101272677 1.232691225647136 1.5592739095025223 1.8471619625693472 1.8394230364116437 1.7991806203915504 1.6598799495527556 1.5871340436702814 1.4137820977375648 1.081008272956007 0.7466866629429172 0.5609524351578663 0.4309384757083246 0.36128814028893164 0.2653254559333204 0.18329283866158427 +34078,0.07340008722209797,1,0.030062100738923243 0.5423790123793604 0.6940619650704807 0.9618288101272677 1.232691225647136 1.5592739095025223 1.8471619625693472 1.8394230364116437 1.7991806203915504 1.6598799495527556 1.5871340436702814 1.4137820977375648 1.081008272956007 0.7466866629429172 0.5609524351578663 0.4309384757083246 0.36128814028893164 0.2653254559333204 0.18329283866158427 0.12292921463144427 +34079,0.033157671202004635,1,0.5423790123793604 0.6940619650704807 0.9618288101272677 1.232691225647136 1.5592739095025223 1.8471619625693472 1.8394230364116437 1.7991806203915504 1.6598799495527556 1.5871340436702814 1.4137820977375648 1.081008272956007 0.7466866629429172 0.5609524351578663 0.4309384757083246 0.36128814028893164 0.2653254559333204 0.18329283866158427 0.12292921463144427 0.07340008722209797 +34080,0.019227604118129564,1,0.6940619650704807 0.9618288101272677 1.232691225647136 1.5592739095025223 1.8471619625693472 1.8394230364116437 1.7991806203915504 1.6598799495527556 1.5871340436702814 1.4137820977375648 1.081008272956007 0.7466866629429172 0.5609524351578663 0.4309384757083246 0.36128814028893164 0.2653254559333204 0.18329283866158427 0.12292921463144427 0.07340008722209797 0.033157671202004635 +34081,-0.025658167596594655,1,0.9618288101272677 1.232691225647136 1.5592739095025223 1.8471619625693472 1.8394230364116437 1.7991806203915504 1.6598799495527556 1.5871340436702814 1.4137820977375648 1.081008272956007 0.7466866629429172 0.5609524351578663 0.4309384757083246 0.36128814028893164 0.2653254559333204 0.18329283866158427 0.12292921463144427 0.07340008722209797 0.033157671202004635 0.019227604118129564 +34082,0.08887793953752253,1,1.232691225647136 1.5592739095025223 1.8471619625693472 1.8394230364116437 1.7991806203915504 1.6598799495527556 1.5871340436702814 1.4137820977375648 1.081008272956007 0.7466866629429172 0.5609524351578663 0.4309384757083246 0.36128814028893164 0.2653254559333204 0.18329283866158427 0.12292921463144427 0.07340008722209797 0.033157671202004635 0.019227604118129564 -0.025658167596594655 +34083,0.5145188782116015,1,1.5592739095025223 1.8471619625693472 1.8394230364116437 1.7991806203915504 1.6598799495527556 1.5871340436702814 1.4137820977375648 1.081008272956007 0.7466866629429172 0.5609524351578663 0.4309384757083246 0.36128814028893164 0.2653254559333204 0.18329283866158427 0.12292921463144427 0.07340008722209797 0.033157671202004635 0.019227604118129564 -0.025658167596594655 0.08887793953752253 +34084,0.8070502869730573,1,1.8471619625693472 1.8394230364116437 1.7991806203915504 1.6598799495527556 1.5871340436702814 1.4137820977375648 1.081008272956007 0.7466866629429172 0.5609524351578663 0.4309384757083246 0.36128814028893164 0.2653254559333204 0.18329283866158427 0.12292921463144427 0.07340008722209797 0.033157671202004635 0.019227604118129564 -0.025658167596594655 0.08887793953752253 0.5145188782116015 +34085,1.190901024395502,1,1.8394230364116437 1.7991806203915504 1.6598799495527556 1.5871340436702814 1.4137820977375648 1.081008272956007 0.7466866629429172 0.5609524351578663 0.4309384757083246 0.36128814028893164 0.2653254559333204 0.18329283866158427 0.12292921463144427 0.07340008722209797 0.033157671202004635 0.019227604118129564 -0.025658167596594655 0.08887793953752253 0.5145188782116015 0.8070502869730573 +34086,1.4772412922307863,1,1.7991806203915504 1.6598799495527556 1.5871340436702814 1.4137820977375648 1.081008272956007 0.7466866629429172 0.5609524351578663 0.4309384757083246 0.36128814028893164 0.2653254559333204 0.18329283866158427 0.12292921463144427 0.07340008722209797 0.033157671202004635 0.019227604118129564 -0.025658167596594655 0.08887793953752253 0.5145188782116015 0.8070502869730573 1.190901024395502 +34087,1.6985745803413084,1,1.6598799495527556 1.5871340436702814 1.4137820977375648 1.081008272956007 0.7466866629429172 0.5609524351578663 0.4309384757083246 0.36128814028893164 0.2653254559333204 0.18329283866158427 0.12292921463144427 0.07340008722209797 0.033157671202004635 0.019227604118129564 -0.025658167596594655 0.08887793953752253 0.5145188782116015 0.8070502869730573 1.190901024395502 1.4772412922307863 +34088,1.8502575330324376,1,1.5871340436702814 1.4137820977375648 1.081008272956007 0.7466866629429172 0.5609524351578663 0.4309384757083246 0.36128814028893164 0.2653254559333204 0.18329283866158427 0.12292921463144427 0.07340008722209797 0.033157671202004635 0.019227604118129564 -0.025658167596594655 0.08887793953752253 0.5145188782116015 0.8070502869730573 1.190901024395502 1.4772412922307863 1.6985745803413084 +34089,1.9616980697034645,1,1.4137820977375648 1.081008272956007 0.7466866629429172 0.5609524351578663 0.4309384757083246 0.36128814028893164 0.2653254559333204 0.18329283866158427 0.12292921463144427 0.07340008722209797 0.033157671202004635 0.019227604118129564 -0.025658167596594655 0.08887793953752253 0.5145188782116015 0.8070502869730573 1.190901024395502 1.4772412922307863 1.6985745803413084 1.8502575330324376 +34090,1.9694369958611768,1,1.081008272956007 0.7466866629429172 0.5609524351578663 0.4309384757083246 0.36128814028893164 0.2653254559333204 0.18329283866158427 0.12292921463144427 0.07340008722209797 0.033157671202004635 0.019227604118129564 -0.025658167596594655 0.08887793953752253 0.5145188782116015 0.8070502869730573 1.190901024395502 1.4772412922307863 1.6985745803413084 1.8502575330324376 1.9616980697034645 +34091,2.014322767575901,1,0.7466866629429172 0.5609524351578663 0.4309384757083246 0.36128814028893164 0.2653254559333204 0.18329283866158427 0.12292921463144427 0.07340008722209797 0.033157671202004635 0.019227604118129564 -0.025658167596594655 0.08887793953752253 0.5145188782116015 0.8070502869730573 1.190901024395502 1.4772412922307863 1.6985745803413084 1.8502575330324376 1.9616980697034645 1.9694369958611768 +34092,1.8193018284015972,1,0.5609524351578663 0.4309384757083246 0.36128814028893164 0.2653254559333204 0.18329283866158427 0.12292921463144427 0.07340008722209797 0.033157671202004635 0.019227604118129564 -0.025658167596594655 0.08887793953752253 0.5145188782116015 0.8070502869730573 1.190901024395502 1.4772412922307863 1.6985745803413084 1.8502575330324376 1.9616980697034645 1.9694369958611768 2.014322767575901 +34093,1.5577261242709817,1,0.4309384757083246 0.36128814028893164 0.2653254559333204 0.18329283866158427 0.12292921463144427 0.07340008722209797 0.033157671202004635 0.019227604118129564 -0.025658167596594655 0.08887793953752253 0.5145188782116015 0.8070502869730573 1.190901024395502 1.4772412922307863 1.6985745803413084 1.8502575330324376 1.9616980697034645 1.9694369958611768 2.014322767575901 1.8193018284015972 +34094,1.2713858564356888,1,0.36128814028893164 0.2653254559333204 0.18329283866158427 0.12292921463144427 0.07340008722209797 0.033157671202004635 0.019227604118129564 -0.025658167596594655 0.08887793953752253 0.5145188782116015 0.8070502869730573 1.190901024395502 1.4772412922307863 1.6985745803413084 1.8502575330324376 1.9616980697034645 1.9694369958611768 2.014322767575901 1.8193018284015972 1.5577261242709817 +34095,0.9804022329057737,1,0.2653254559333204 0.18329283866158427 0.12292921463144427 0.07340008722209797 0.033157671202004635 0.019227604118129564 -0.025658167596594655 0.08887793953752253 0.5145188782116015 0.8070502869730573 1.190901024395502 1.4772412922307863 1.6985745803413084 1.8502575330324376 1.9616980697034645 1.9694369958611768 2.014322767575901 1.8193018284015972 1.5577261242709817 1.2713858564356888 +34096,0.8116936426676793,1,0.18329283866158427 0.12292921463144427 0.07340008722209797 0.033157671202004635 0.019227604118129564 -0.025658167596594655 0.08887793953752253 0.5145188782116015 0.8070502869730573 1.190901024395502 1.4772412922307863 1.6985745803413084 1.8502575330324376 1.9616980697034645 1.9694369958611768 2.014322767575901 1.8193018284015972 1.5577261242709817 1.2713858564356888 0.9804022329057737 +34097,0.6104815625672126,1,0.12292921463144427 0.07340008722209797 0.033157671202004635 0.019227604118129564 -0.025658167596594655 0.08887793953752253 0.5145188782116015 0.8070502869730573 1.190901024395502 1.4772412922307863 1.6985745803413084 1.8502575330324376 1.9616980697034645 1.9694369958611768 2.014322767575901 1.8193018284015972 1.5577261242709817 1.2713858564356888 0.9804022329057737 0.8116936426676793 +34098,0.4773720326545895,1,0.07340008722209797 0.033157671202004635 0.019227604118129564 -0.025658167596594655 0.08887793953752253 0.5145188782116015 0.8070502869730573 1.190901024395502 1.4772412922307863 1.6985745803413084 1.8502575330324376 1.9616980697034645 1.9694369958611768 2.014322767575901 1.8193018284015972 1.5577261242709817 1.2713858564356888 0.9804022329057737 0.8116936426676793 0.6104815625672126 +34099,0.35819256982585024,1,0.033157671202004635 0.019227604118129564 -0.025658167596594655 0.08887793953752253 0.5145188782116015 0.8070502869730573 1.190901024395502 1.4772412922307863 1.6985745803413084 1.8502575330324376 1.9616980697034645 1.9694369958611768 2.014322767575901 1.8193018284015972 1.5577261242709817 1.2713858564356888 0.9804022329057737 0.8116936426676793 0.6104815625672126 0.4773720326545895 +34100,0.271516596859492,1,0.019227604118129564 -0.025658167596594655 0.08887793953752253 0.5145188782116015 0.8070502869730573 1.190901024395502 1.4772412922307863 1.6985745803413084 1.8502575330324376 1.9616980697034645 1.9694369958611768 2.014322767575901 1.8193018284015972 1.5577261242709817 1.2713858564356888 0.9804022329057737 0.8116936426676793 0.6104815625672126 0.4773720326545895 0.35819256982585024 +34101,0.2235352546816864,1,-0.025658167596594655 0.08887793953752253 0.5145188782116015 0.8070502869730573 1.190901024395502 1.4772412922307863 1.6985745803413084 1.8502575330324376 1.9616980697034645 1.9694369958611768 2.014322767575901 1.8193018284015972 1.5577261242709817 1.2713858564356888 0.9804022329057737 0.8116936426676793 0.6104815625672126 0.4773720326545895 0.35819256982585024 0.271516596859492 +34102,0.12292921463144427,1,0.08887793953752253 0.5145188782116015 0.8070502869730573 1.190901024395502 1.4772412922307863 1.6985745803413084 1.8502575330324376 1.9616980697034645 1.9694369958611768 2.014322767575901 1.8193018284015972 1.5577261242709817 1.2713858564356888 0.9804022329057737 0.8116936426676793 0.6104815625672126 0.4773720326545895 0.35819256982585024 0.271516596859492 0.2235352546816864 +34103,0.09352129523214463,1,0.5145188782116015 0.8070502869730573 1.190901024395502 1.4772412922307863 1.6985745803413084 1.8502575330324376 1.9616980697034645 1.9694369958611768 2.014322767575901 1.8193018284015972 1.5577261242709817 1.2713858564356888 0.9804022329057737 0.8116936426676793 0.6104815625672126 0.4773720326545895 0.35819256982585024 0.271516596859492 0.2235352546816864 0.12292921463144427 +34104,0.03780102689662673,1,0.8070502869730573 1.190901024395502 1.4772412922307863 1.6985745803413084 1.8502575330324376 1.9616980697034645 1.9694369958611768 2.014322767575901 1.8193018284015972 1.5577261242709817 1.2713858564356888 0.9804022329057737 0.8116936426676793 0.6104815625672126 0.4773720326545895 0.35819256982585024 0.271516596859492 0.2235352546816864 0.12292921463144427 0.09352129523214463 +34105,-0.024110382365053955,1,1.190901024395502 1.4772412922307863 1.6985745803413084 1.8502575330324376 1.9616980697034645 1.9694369958611768 2.014322767575901 1.8193018284015972 1.5577261242709817 1.2713858564356888 0.9804022329057737 0.8116936426676793 0.6104815625672126 0.4773720326545895 0.35819256982585024 0.271516596859492 0.2235352546816864 0.12292921463144427 0.09352129523214463 0.03780102689662673 +34106,0.10280800662139761,1,1.4772412922307863 1.6985745803413084 1.8502575330324376 1.9616980697034645 1.9694369958611768 2.014322767575901 1.8193018284015972 1.5577261242709817 1.2713858564356888 0.9804022329057737 0.8116936426676793 0.6104815625672126 0.4773720326545895 0.35819256982585024 0.271516596859492 0.2235352546816864 0.12292921463144427 0.09352129523214463 0.03780102689662673 -0.024110382365053955 +34107,0.5160666634431421,1,1.6985745803413084 1.8502575330324376 1.9616980697034645 1.9694369958611768 2.014322767575901 1.8193018284015972 1.5577261242709817 1.2713858564356888 0.9804022329057737 0.8116936426676793 0.6104815625672126 0.4773720326545895 0.35819256982585024 0.271516596859492 0.2235352546816864 0.12292921463144427 0.09352129523214463 0.03780102689662673 -0.024110382365053955 0.10280800662139761 +34108,0.8302670654461852,1,1.8502575330324376 1.9616980697034645 1.9694369958611768 2.014322767575901 1.8193018284015972 1.5577261242709817 1.2713858564356888 0.9804022329057737 0.8116936426676793 0.6104815625672126 0.4773720326545895 0.35819256982585024 0.271516596859492 0.2235352546816864 0.12292921463144427 0.09352129523214463 0.03780102689662673 -0.024110382365053955 0.10280800662139761 0.5160666634431421 +34109,1.1398241117546062,1,1.9616980697034645 1.9694369958611768 2.014322767575901 1.8193018284015972 1.5577261242709817 1.2713858564356888 0.9804022329057737 0.8116936426676793 0.6104815625672126 0.4773720326545895 0.35819256982585024 0.271516596859492 0.2235352546816864 0.12292921463144427 0.09352129523214463 0.03780102689662673 -0.024110382365053955 0.10280800662139761 0.5160666634431421 0.8302670654461852 +34110,1.5020058559354639,1,1.9694369958611768 2.014322767575901 1.8193018284015972 1.5577261242709817 1.2713858564356888 0.9804022329057737 0.8116936426676793 0.6104815625672126 0.4773720326545895 0.35819256982585024 0.271516596859492 0.2235352546816864 0.12292921463144427 0.09352129523214463 0.03780102689662673 -0.024110382365053955 0.10280800662139761 0.5160666634431421 0.8302670654461852 1.1398241117546062 +34111,1.6784533723312616,1,2.014322767575901 1.8193018284015972 1.5577261242709817 1.2713858564356888 0.9804022329057737 0.8116936426676793 0.6104815625672126 0.4773720326545895 0.35819256982585024 0.271516596859492 0.2235352546816864 0.12292921463144427 0.09352129523214463 0.03780102689662673 -0.024110382365053955 0.10280800662139761 0.5160666634431421 0.8302670654461852 1.1398241117546062 1.5020058559354639 +34112,1.8007284056230912,1,1.8193018284015972 1.5577261242709817 1.2713858564356888 0.9804022329057737 0.8116936426676793 0.6104815625672126 0.4773720326545895 0.35819256982585024 0.271516596859492 0.2235352546816864 0.12292921463144427 0.09352129523214463 0.03780102689662673 -0.024110382365053955 0.10280800662139761 0.5160666634431421 0.8302670654461852 1.1398241117546062 1.5020058559354639 1.6784533723312616 +34113,1.8719265262740248,1,1.5577261242709817 1.2713858564356888 0.9804022329057737 0.8116936426676793 0.6104815625672126 0.4773720326545895 0.35819256982585024 0.271516596859492 0.2235352546816864 0.12292921463144427 0.09352129523214463 0.03780102689662673 -0.024110382365053955 0.10280800662139761 0.5160666634431421 0.8302670654461852 1.1398241117546062 1.5020058559354639 1.6784533723312616 1.8007284056230912 +34114,1.9028822309048652,1,1.2713858564356888 0.9804022329057737 0.8116936426676793 0.6104815625672126 0.4773720326545895 0.35819256982585024 0.271516596859492 0.2235352546816864 0.12292921463144427 0.09352129523214463 0.03780102689662673 -0.024110382365053955 0.10280800662139761 0.5160666634431421 0.8302670654461852 1.1398241117546062 1.5020058559354639 1.6784533723312616 1.8007284056230912 1.8719265262740248 +34115,1.7867983385392072,1,0.9804022329057737 0.8116936426676793 0.6104815625672126 0.4773720326545895 0.35819256982585024 0.271516596859492 0.2235352546816864 0.12292921463144427 0.09352129523214463 0.03780102689662673 -0.024110382365053955 0.10280800662139761 0.5160666634431421 0.8302670654461852 1.1398241117546062 1.5020058559354639 1.6784533723312616 1.8007284056230912 1.8719265262740248 1.9028822309048652 +34116,1.630472030153456,1,0.8116936426676793 0.6104815625672126 0.4773720326545895 0.35819256982585024 0.271516596859492 0.2235352546816864 0.12292921463144427 0.09352129523214463 0.03780102689662673 -0.024110382365053955 0.10280800662139761 0.5160666634431421 0.8302670654461852 1.1398241117546062 1.5020058559354639 1.6784533723312616 1.8007284056230912 1.8719265262740248 1.9028822309048652 1.7867983385392072 +34117,1.4540245137576582,1,0.6104815625672126 0.4773720326545895 0.35819256982585024 0.271516596859492 0.2235352546816864 0.12292921463144427 0.09352129523214463 0.03780102689662673 -0.024110382365053955 0.10280800662139761 0.5160666634431421 0.8302670654461852 1.1398241117546062 1.5020058559354639 1.6784533723312616 1.8007284056230912 1.8719265262740248 1.9028822309048652 1.7867983385392072 1.630472030153456 +34118,1.169232031153906,1,0.4773720326545895 0.35819256982585024 0.271516596859492 0.2235352546816864 0.12292921463144427 0.09352129523214463 0.03780102689662673 -0.024110382365053955 0.10280800662139761 0.5160666634431421 0.8302670654461852 1.1398241117546062 1.5020058559354639 1.6784533723312616 1.8007284056230912 1.8719265262740248 1.9028822309048652 1.7867983385392072 1.630472030153456 1.4540245137576582 +34119,0.8503882734562319,1,0.35819256982585024 0.271516596859492 0.2235352546816864 0.12292921463144427 0.09352129523214463 0.03780102689662673 -0.024110382365053955 0.10280800662139761 0.5160666634431421 0.8302670654461852 1.1398241117546062 1.5020058559354639 1.6784533723312616 1.8007284056230912 1.8719265262740248 1.9028822309048652 1.7867983385392072 1.630472030153456 1.4540245137576582 1.169232031153906 +34120,0.6987053207651116,1,0.271516596859492 0.2235352546816864 0.12292921463144427 0.09352129523214463 0.03780102689662673 -0.024110382365053955 0.10280800662139761 0.5160666634431421 0.8302670654461852 1.1398241117546062 1.5020058559354639 1.6784533723312616 1.8007284056230912 1.8719265262740248 1.9028822309048652 1.7867983385392072 1.630472030153456 1.4540245137576582 1.169232031153906 0.8503882734562319 +34121,0.5222578043693137,1,0.2235352546816864 0.12292921463144427 0.09352129523214463 0.03780102689662673 -0.024110382365053955 0.10280800662139761 0.5160666634431421 0.8302670654461852 1.1398241117546062 1.5020058559354639 1.6784533723312616 1.8007284056230912 1.8719265262740248 1.9028822309048652 1.7867983385392072 1.630472030153456 1.4540245137576582 1.169232031153906 0.8503882734562319 0.6987053207651116 +34122,0.41855619385599024,1,0.12292921463144427 0.09352129523214463 0.03780102689662673 -0.024110382365053955 0.10280800662139761 0.5160666634431421 0.8302670654461852 1.1398241117546062 1.5020058559354639 1.6784533723312616 1.8007284056230912 1.8719265262740248 1.9028822309048652 1.7867983385392072 1.630472030153456 1.4540245137576582 1.169232031153906 0.8503882734562319 0.6987053207651116 0.5222578043693137 +34123,0.3086634424164951,1,0.09352129523214463 0.03780102689662673 -0.024110382365053955 0.10280800662139761 0.5160666634431421 0.8302670654461852 1.1398241117546062 1.5020058559354639 1.6784533723312616 1.8007284056230912 1.8719265262740248 1.9028822309048652 1.7867983385392072 1.630472030153456 1.4540245137576582 1.169232031153906 0.8503882734562319 0.6987053207651116 0.5222578043693137 0.41855619385599024 +34124,0.2699688116279425,1,0.03780102689662673 -0.024110382365053955 0.10280800662139761 0.5160666634431421 0.8302670654461852 1.1398241117546062 1.5020058559354639 1.6784533723312616 1.8007284056230912 1.8719265262740248 1.9028822309048652 1.7867983385392072 1.630472030153456 1.4540245137576582 1.169232031153906 0.8503882734562319 0.6987053207651116 0.5222578043693137 0.41855619385599024 0.3086634424164951 +34125,0.19257955005083724,1,-0.024110382365053955 0.10280800662139761 0.5160666634431421 0.8302670654461852 1.1398241117546062 1.5020058559354639 1.6784533723312616 1.8007284056230912 1.8719265262740248 1.9028822309048652 1.7867983385392072 1.630472030153456 1.4540245137576582 1.169232031153906 0.8503882734562319 0.6987053207651116 0.5222578043693137 0.41855619385599024 0.3086634424164951 0.2699688116279425 +34126,0.1043557918529383,1,0.10280800662139761 0.5160666634431421 0.8302670654461852 1.1398241117546062 1.5020058559354639 1.6784533723312616 1.8007284056230912 1.8719265262740248 1.9028822309048652 1.7867983385392072 1.630472030153456 1.4540245137576582 1.169232031153906 0.8503882734562319 0.6987053207651116 0.5222578043693137 0.41855619385599024 0.3086634424164951 0.2699688116279425 0.19257955005083724 +34127,0.02696653027583305,1,0.5160666634431421 0.8302670654461852 1.1398241117546062 1.5020058559354639 1.6784533723312616 1.8007284056230912 1.8719265262740248 1.9028822309048652 1.7867983385392072 1.630472030153456 1.4540245137576582 1.169232031153906 0.8503882734562319 0.6987053207651116 0.5222578043693137 0.41855619385599024 0.3086634424164951 0.2699688116279425 0.19257955005083724 0.1043557918529383 +34128,0.030062100738923243,1,0.8302670654461852 1.1398241117546062 1.5020058559354639 1.6784533723312616 1.8007284056230912 1.8719265262740248 1.9028822309048652 1.7867983385392072 1.630472030153456 1.4540245137576582 1.169232031153906 0.8503882734562319 0.6987053207651116 0.5222578043693137 0.41855619385599024 0.3086634424164951 0.2699688116279425 0.19257955005083724 0.1043557918529383 0.02696653027583305 +34129,-0.008632530049629385,1,1.1398241117546062 1.5020058559354639 1.6784533723312616 1.8007284056230912 1.8719265262740248 1.9028822309048652 1.7867983385392072 1.630472030153456 1.4540245137576582 1.169232031153906 0.8503882734562319 0.6987053207651116 0.5222578043693137 0.41855619385599024 0.3086634424164951 0.2699688116279425 0.19257955005083724 0.1043557918529383 0.02696653027583305 0.030062100738923243 +34130,0.11209471801065059,1,1.5020058559354639 1.6784533723312616 1.8007284056230912 1.8719265262740248 1.9028822309048652 1.7867983385392072 1.630472030153456 1.4540245137576582 1.169232031153906 0.8503882734562319 0.6987053207651116 0.5222578043693137 0.41855619385599024 0.3086634424164951 0.2699688116279425 0.19257955005083724 0.1043557918529383 0.02696653027583305 0.030062100738923243 -0.008632530049629385 +34131,0.5857169988625351,1,1.6784533723312616 1.8007284056230912 1.8719265262740248 1.9028822309048652 1.7867983385392072 1.630472030153456 1.4540245137576582 1.169232031153906 0.8503882734562319 0.6987053207651116 0.5222578043693137 0.41855619385599024 0.3086634424164951 0.2699688116279425 0.19257955005083724 0.1043557918529383 0.02696653027583305 0.030062100738923243 -0.008632530049629385 0.11209471801065059 +34132,0.8101458574361385,1,1.8007284056230912 1.8719265262740248 1.9028822309048652 1.7867983385392072 1.630472030153456 1.4540245137576582 1.169232031153906 0.8503882734562319 0.6987053207651116 0.5222578043693137 0.41855619385599024 0.3086634424164951 0.2699688116279425 0.19257955005083724 0.1043557918529383 0.02696653027583305 0.030062100738923243 -0.008632530049629385 0.11209471801065059 0.5857169988625351 +34133,1.1289896151338126,1,1.8719265262740248 1.9028822309048652 1.7867983385392072 1.630472030153456 1.4540245137576582 1.169232031153906 0.8503882734562319 0.6987053207651116 0.5222578043693137 0.41855619385599024 0.3086634424164951 0.2699688116279425 0.19257955005083724 0.1043557918529383 0.02696653027583305 0.030062100738923243 -0.008632530049629385 0.11209471801065059 0.5857169988625351 0.8101458574361385 +34134,1.450928943294577,1,1.9028822309048652 1.7867983385392072 1.630472030153456 1.4540245137576582 1.169232031153906 0.8503882734562319 0.6987053207651116 0.5222578043693137 0.41855619385599024 0.3086634424164951 0.2699688116279425 0.19257955005083724 0.1043557918529383 0.02696653027583305 0.030062100738923243 -0.008632530049629385 0.11209471801065059 0.5857169988625351 0.8101458574361385 1.1289896151338126 +34135,1.667618875710468,1,1.7867983385392072 1.630472030153456 1.4540245137576582 1.169232031153906 0.8503882734562319 0.6987053207651116 0.5222578043693137 0.41855619385599024 0.3086634424164951 0.2699688116279425 0.19257955005083724 0.1043557918529383 0.02696653027583305 0.030062100738923243 -0.008632530049629385 0.11209471801065059 0.5857169988625351 0.8101458574361385 1.1289896151338126 1.450928943294577 +34136,1.7388169963614017,1,1.630472030153456 1.4540245137576582 1.169232031153906 0.8503882734562319 0.6987053207651116 0.5222578043693137 0.41855619385599024 0.3086634424164951 0.2699688116279425 0.19257955005083724 0.1043557918529383 0.02696653027583305 0.030062100738923243 -0.008632530049629385 0.11209471801065059 0.5857169988625351 0.8101458574361385 1.1289896151338126 1.450928943294577 1.667618875710468 +34137,1.8332318954854723,1,1.4540245137576582 1.169232031153906 0.8503882734562319 0.6987053207651116 0.5222578043693137 0.41855619385599024 0.3086634424164951 0.2699688116279425 0.19257955005083724 0.1043557918529383 0.02696653027583305 0.030062100738923243 -0.008632530049629385 0.11209471801065059 0.5857169988625351 0.8101458574361385 1.1289896151338126 1.450928943294577 1.667618875710468 1.7388169963614017 +34138,1.8270407545593006,1,1.169232031153906 0.8503882734562319 0.6987053207651116 0.5222578043693137 0.41855619385599024 0.3086634424164951 0.2699688116279425 0.19257955005083724 0.1043557918529383 0.02696653027583305 0.030062100738923243 -0.008632530049629385 0.11209471801065059 0.5857169988625351 0.8101458574361385 1.1289896151338126 1.450928943294577 1.667618875710468 1.7388169963614017 1.8332318954854723 +34139,1.8208496136331378,1,0.8503882734562319 0.6987053207651116 0.5222578043693137 0.41855619385599024 0.3086634424164951 0.2699688116279425 0.19257955005083724 0.1043557918529383 0.02696653027583305 0.030062100738923243 -0.008632530049629385 0.11209471801065059 0.5857169988625351 0.8101458574361385 1.1289896151338126 1.450928943294577 1.667618875710468 1.7388169963614017 1.8332318954854723 1.8270407545593006 +34140,1.6629755200158371,1,0.6987053207651116 0.5222578043693137 0.41855619385599024 0.3086634424164951 0.2699688116279425 0.19257955005083724 0.1043557918529383 0.02696653027583305 0.030062100738923243 -0.008632530049629385 0.11209471801065059 0.5857169988625351 0.8101458574361385 1.1289896151338126 1.450928943294577 1.667618875710468 1.7388169963614017 1.8332318954854723 1.8270407545593006 1.8208496136331378 +34141,1.4633112251469111,1,0.5222578043693137 0.41855619385599024 0.3086634424164951 0.2699688116279425 0.19257955005083724 0.1043557918529383 0.02696653027583305 0.030062100738923243 -0.008632530049629385 0.11209471801065059 0.5857169988625351 0.8101458574361385 1.1289896151338126 1.450928943294577 1.667618875710468 1.7388169963614017 1.8332318954854723 1.8270407545593006 1.8208496136331378 1.6629755200158371 +34142,1.1227984742076498,1,0.41855619385599024 0.3086634424164951 0.2699688116279425 0.19257955005083724 0.1043557918529383 0.02696653027583305 0.030062100738923243 -0.008632530049629385 0.11209471801065059 0.5857169988625351 0.8101458574361385 1.1289896151338126 1.450928943294577 1.667618875710468 1.7388169963614017 1.8332318954854723 1.8270407545593006 1.8208496136331378 1.6629755200158371 1.4633112251469111 +34143,0.9370642464225901,1,0.3086634424164951 0.2699688116279425 0.19257955005083724 0.1043557918529383 0.02696653027583305 0.030062100738923243 -0.008632530049629385 0.11209471801065059 0.5857169988625351 0.8101458574361385 1.1289896151338126 1.450928943294577 1.667618875710468 1.7388169963614017 1.8332318954854723 1.8270407545593006 1.8208496136331378 1.6629755200158371 1.4633112251469111 1.1227984742076498 +34144,0.748234448174458,1,0.2699688116279425 0.19257955005083724 0.1043557918529383 0.02696653027583305 0.030062100738923243 -0.008632530049629385 0.11209471801065059 0.5857169988625351 0.8101458574361385 1.1289896151338126 1.450928943294577 1.667618875710468 1.7388169963614017 1.8332318954854723 1.8270407545593006 1.8208496136331378 1.6629755200158371 1.4633112251469111 1.1227984742076498 0.9370642464225901 +34145,0.6197682739564656,1,0.19257955005083724 0.1043557918529383 0.02696653027583305 0.030062100738923243 -0.008632530049629385 0.11209471801065059 0.5857169988625351 0.8101458574361385 1.1289896151338126 1.450928943294577 1.667618875710468 1.7388169963614017 1.8332318954854723 1.8270407545593006 1.8208496136331378 1.6629755200158371 1.4633112251469111 1.1227984742076498 0.9370642464225901 0.748234448174458 +34146,0.5702391465471105,1,0.1043557918529383 0.02696653027583305 0.030062100738923243 -0.008632530049629385 0.11209471801065059 0.5857169988625351 0.8101458574361385 1.1289896151338126 1.450928943294577 1.667618875710468 1.7388169963614017 1.8332318954854723 1.8270407545593006 1.8208496136331378 1.6629755200158371 1.4633112251469111 1.1227984742076498 0.9370642464225901 0.748234448174458 0.6197682739564656 +34147,0.46189418033916496,1,0.02696653027583305 0.030062100738923243 -0.008632530049629385 0.11209471801065059 0.5857169988625351 0.8101458574361385 1.1289896151338126 1.450928943294577 1.667618875710468 1.7388169963614017 1.8332318954854723 1.8270407545593006 1.8208496136331378 1.6629755200158371 1.4633112251469111 1.1227984742076498 0.9370642464225901 0.748234448174458 0.6197682739564656 0.5702391465471105 +34148,0.331880220889632,1,0.030062100738923243 -0.008632530049629385 0.11209471801065059 0.5857169988625351 0.8101458574361385 1.1289896151338126 1.450928943294577 1.667618875710468 1.7388169963614017 1.8332318954854723 1.8270407545593006 1.8208496136331378 1.6629755200158371 1.4633112251469111 1.1227984742076498 0.9370642464225901 0.748234448174458 0.6197682739564656 0.5702391465471105 0.46189418033916496 +34149,0.25603874454406744,1,-0.008632530049629385 0.11209471801065059 0.5857169988625351 0.8101458574361385 1.1289896151338126 1.450928943294577 1.667618875710468 1.7388169963614017 1.8332318954854723 1.8270407545593006 1.8208496136331378 1.6629755200158371 1.4633112251469111 1.1227984742076498 0.9370642464225901 0.748234448174458 0.6197682739564656 0.5702391465471105 0.46189418033916496 0.331880220889632 +34150,0.18019726819850287,1,0.11209471801065059 0.5857169988625351 0.8101458574361385 1.1289896151338126 1.450928943294577 1.667618875710468 1.7388169963614017 1.8332318954854723 1.8270407545593006 1.8208496136331378 1.6629755200158371 1.4633112251469111 1.1227984742076498 0.9370642464225901 0.748234448174458 0.6197682739564656 0.5702391465471105 0.46189418033916496 0.331880220889632 0.25603874454406744 +34151,0.12602478509453446,1,0.5857169988625351 0.8101458574361385 1.1289896151338126 1.450928943294577 1.667618875710468 1.7388169963614017 1.8332318954854723 1.8270407545593006 1.8208496136331378 1.6629755200158371 1.4633112251469111 1.1227984742076498 0.9370642464225901 0.748234448174458 0.6197682739564656 0.5702391465471105 0.46189418033916496 0.331880220889632 0.25603874454406744 0.18019726819850287 +34152,0.08887793953752253,1,0.8101458574361385 1.1289896151338126 1.450928943294577 1.667618875710468 1.7388169963614017 1.8332318954854723 1.8270407545593006 1.8208496136331378 1.6629755200158371 1.4633112251469111 1.1227984742076498 0.9370642464225901 0.748234448174458 0.6197682739564656 0.5702391465471105 0.46189418033916496 0.331880220889632 0.25603874454406744 0.18019726819850287 0.12602478509453446 +34153,0.034705456433545334,1,1.1289896151338126 1.450928943294577 1.667618875710468 1.7388169963614017 1.8332318954854723 1.8270407545593006 1.8208496136331378 1.6629755200158371 1.4633112251469111 1.1227984742076498 0.9370642464225901 0.748234448174458 0.6197682739564656 0.5702391465471105 0.46189418033916496 0.331880220889632 0.25603874454406744 0.18019726819850287 0.12602478509453446 0.08887793953752253 +34154,0.13685928171532816,1,1.450928943294577 1.667618875710468 1.7388169963614017 1.8332318954854723 1.8270407545593006 1.8208496136331378 1.6629755200158371 1.4633112251469111 1.1227984742076498 0.9370642464225901 0.748234448174458 0.6197682739564656 0.5702391465471105 0.46189418033916496 0.331880220889632 0.25603874454406744 0.18019726819850287 0.12602478509453446 0.08887793953752253 0.034705456433545334 +34155,0.5454745828424418,1,1.667618875710468 1.7388169963614017 1.8332318954854723 1.8270407545593006 1.8208496136331378 1.6629755200158371 1.4633112251469111 1.1227984742076498 0.9370642464225901 0.748234448174458 0.6197682739564656 0.5702391465471105 0.46189418033916496 0.331880220889632 0.25603874454406744 0.18019726819850287 0.12602478509453446 0.08887793953752253 0.034705456433545334 0.13685928171532816 +34156,0.8488404882246913,1,1.7388169963614017 1.8332318954854723 1.8270407545593006 1.8208496136331378 1.6629755200158371 1.4633112251469111 1.1227984742076498 0.9370642464225901 0.748234448174458 0.6197682739564656 0.5702391465471105 0.46189418033916496 0.331880220889632 0.25603874454406744 0.18019726819850287 0.12602478509453446 0.08887793953752253 0.034705456433545334 0.13685928171532816 0.5454745828424418 +34157,1.1986399505532055,1,1.8332318954854723 1.8270407545593006 1.8208496136331378 1.6629755200158371 1.4633112251469111 1.1227984742076498 0.9370642464225901 0.748234448174458 0.6197682739564656 0.5702391465471105 0.46189418033916496 0.331880220889632 0.25603874454406744 0.18019726819850287 0.12602478509453446 0.08887793953752253 0.034705456433545334 0.13685928171532816 0.5454745828424418 0.8488404882246913 +34158,1.4044953863483118,1,1.8270407545593006 1.8208496136331378 1.6629755200158371 1.4633112251469111 1.1227984742076498 0.9370642464225901 0.748234448174458 0.6197682739564656 0.5702391465471105 0.46189418033916496 0.331880220889632 0.25603874454406744 0.18019726819850287 0.12602478509453446 0.08887793953752253 0.034705456433545334 0.13685928171532816 0.5454745828424418 0.8488404882246913 1.1986399505532055 +34159,1.6923834394151367,1,1.8208496136331378 1.6629755200158371 1.4633112251469111 1.1227984742076498 0.9370642464225901 0.748234448174458 0.6197682739564656 0.5702391465471105 0.46189418033916496 0.331880220889632 0.25603874454406744 0.18019726819850287 0.12602478509453446 0.08887793953752253 0.034705456433545334 0.13685928171532816 0.5454745828424418 0.8488404882246913 1.1986399505532055 1.4044953863483118 +34160,1.8487097478008967,1,1.6629755200158371 1.4633112251469111 1.1227984742076498 0.9370642464225901 0.748234448174458 0.6197682739564656 0.5702391465471105 0.46189418033916496 0.331880220889632 0.25603874454406744 0.18019726819850287 0.12602478509453446 0.08887793953752253 0.034705456433545334 0.13685928171532816 0.5454745828424418 0.8488404882246913 1.1986399505532055 1.4044953863483118 1.6923834394151367 +34161,1.9555069287773017,1,1.4633112251469111 1.1227984742076498 0.9370642464225901 0.748234448174458 0.6197682739564656 0.5702391465471105 0.46189418033916496 0.331880220889632 0.25603874454406744 0.18019726819850287 0.12602478509453446 0.08887793953752253 0.034705456433545334 0.13685928171532816 0.5454745828424418 0.8488404882246913 1.1986399505532055 1.4044953863483118 1.6923834394151367 1.8487097478008967 +34162,1.944457275150582,1,1.1227984742076498 0.9370642464225901 0.748234448174458 0.6197682739564656 0.5702391465471105 0.46189418033916496 0.331880220889632 0.25603874454406744 0.18019726819850287 0.12602478509453446 0.08887793953752253 0.034705456433545334 0.13685928171532816 0.5454745828424418 0.8488404882246913 1.1986399505532055 1.4044953863483118 1.6923834394151367 1.8487097478008967 1.9555069287773017 +34163,1.9044300161364058,1,0.9370642464225901 0.748234448174458 0.6197682739564656 0.5702391465471105 0.46189418033916496 0.331880220889632 0.25603874454406744 0.18019726819850287 0.12602478509453446 0.08887793953752253 0.034705456433545334 0.13685928171532816 0.5454745828424418 0.8488404882246913 1.1986399505532055 1.4044953863483118 1.6923834394151367 1.8487097478008967 1.9555069287773017 1.944457275150582 +34164,1.6985745803413084,1,0.748234448174458 0.6197682739564656 0.5702391465471105 0.46189418033916496 0.331880220889632 0.25603874454406744 0.18019726819850287 0.12602478509453446 0.08887793953752253 0.034705456433545334 0.13685928171532816 0.5454745828424418 0.8488404882246913 1.1986399505532055 1.4044953863483118 1.6923834394151367 1.8487097478008967 1.9555069287773017 1.944457275150582 1.9044300161364058 +34165,1.4772412922307863,1,0.6197682739564656 0.5702391465471105 0.46189418033916496 0.331880220889632 0.25603874454406744 0.18019726819850287 0.12602478509453446 0.08887793953752253 0.034705456433545334 0.13685928171532816 0.5454745828424418 0.8488404882246913 1.1986399505532055 1.4044953863483118 1.6923834394151367 1.8487097478008967 1.9555069287773017 1.944457275150582 1.9044300161364058 1.6985745803413084 +34166,1.1073206218922251,1,0.5702391465471105 0.46189418033916496 0.331880220889632 0.25603874454406744 0.18019726819850287 0.12602478509453446 0.08887793953752253 0.034705456433545334 0.13685928171532816 0.5454745828424418 0.8488404882246913 1.1986399505532055 1.4044953863483118 1.6923834394151367 1.8487097478008967 1.9555069287773017 1.944457275150582 1.9044300161364058 1.6985745803413084 1.4772412922307863 +34167,0.8116936426676793,1,0.46189418033916496 0.331880220889632 0.25603874454406744 0.18019726819850287 0.12602478509453446 0.08887793953752253 0.034705456433545334 0.13685928171532816 0.5454745828424418 0.8488404882246913 1.1986399505532055 1.4044953863483118 1.6923834394151367 1.8487097478008967 1.9555069287773017 1.944457275150582 1.9044300161364058 1.6985745803413084 1.4772412922307863 1.1073206218922251 +34168,0.5578568646947761,1,0.331880220889632 0.25603874454406744 0.18019726819850287 0.12602478509453446 0.08887793953752253 0.034705456433545334 0.13685928171532816 0.5454745828424418 0.8488404882246913 1.1986399505532055 1.4044953863483118 1.6923834394151367 1.8487097478008967 1.9555069287773017 1.944457275150582 1.9044300161364058 1.6985745803413084 1.4772412922307863 1.1073206218922251 0.8116936426676793 +34169,0.4727286769599586,1,0.25603874454406744 0.18019726819850287 0.12602478509453446 0.08887793953752253 0.034705456433545334 0.13685928171532816 0.5454745828424418 0.8488404882246913 1.1986399505532055 1.4044953863483118 1.6923834394151367 1.8487097478008967 1.9555069287773017 1.944457275150582 1.9044300161364058 1.6985745803413084 1.4772412922307863 1.1073206218922251 0.8116936426676793 0.5578568646947761 +34170,0.38605270399360037,1,0.18019726819850287 0.12602478509453446 0.08887793953752253 0.034705456433545334 0.13685928171532816 0.5454745828424418 0.8488404882246913 1.1986399505532055 1.4044953863483118 1.6923834394151367 1.8487097478008967 1.9555069287773017 1.944457275150582 1.9044300161364058 1.6985745803413084 1.4772412922307863 1.1073206218922251 0.8116936426676793 0.5578568646947761 0.4727286769599586 +34171,0.3303324356580913,1,0.12602478509453446 0.08887793953752253 0.034705456433545334 0.13685928171532816 0.5454745828424418 0.8488404882246913 1.1986399505532055 1.4044953863483118 1.6923834394151367 1.8487097478008967 1.9555069287773017 1.944457275150582 1.9044300161364058 1.6985745803413084 1.4772412922307863 1.1073206218922251 0.8116936426676793 0.5578568646947761 0.4727286769599586 0.38605270399360037 +34172,0.24520424792327375,1,0.08887793953752253 0.034705456433545334 0.13685928171532816 0.5454745828424418 0.8488404882246913 1.1986399505532055 1.4044953863483118 1.6923834394151367 1.8487097478008967 1.9555069287773017 1.944457275150582 1.9044300161364058 1.6985745803413084 1.4772412922307863 1.1073206218922251 0.8116936426676793 0.5578568646947761 0.4727286769599586 0.38605270399360037 0.3303324356580913 +34173,0.14614599310458112,1,0.034705456433545334 0.13685928171532816 0.5454745828424418 0.8488404882246913 1.1986399505532055 1.4044953863483118 1.6923834394151367 1.8487097478008967 1.9555069287773017 1.944457275150582 1.9044300161364058 1.6985745803413084 1.4772412922307863 1.1073206218922251 0.8116936426676793 0.5578568646947761 0.4727286769599586 0.38605270399360037 0.3303324356580913 0.24520424792327375 +34174,0.09197351000060393,1,0.13685928171532816 0.5454745828424418 0.8488404882246913 1.1986399505532055 1.4044953863483118 1.6923834394151367 1.8487097478008967 1.9555069287773017 1.944457275150582 1.9044300161364058 1.6985745803413084 1.4772412922307863 1.1073206218922251 0.8116936426676793 0.5578568646947761 0.4727286769599586 0.38605270399360037 0.3303324356580913 0.24520424792327375 0.14614599310458112 +34175,0.03625324166508603,1,0.5454745828424418 0.8488404882246913 1.1986399505532055 1.4044953863483118 1.6923834394151367 1.8487097478008967 1.9555069287773017 1.944457275150582 1.9044300161364058 1.6985745803413084 1.4772412922307863 1.1073206218922251 0.8116936426676793 0.5578568646947761 0.4727286769599586 0.38605270399360037 0.3303324356580913 0.24520424792327375 0.14614599310458112 0.09197351000060393 +34176,0.0517310939805106,1,0.8488404882246913 1.1986399505532055 1.4044953863483118 1.6923834394151367 1.8487097478008967 1.9555069287773017 1.944457275150582 1.9044300161364058 1.6985745803413084 1.4772412922307863 1.1073206218922251 0.8116936426676793 0.5578568646947761 0.4727286769599586 0.38605270399360037 0.3303324356580913 0.24520424792327375 0.14614599310458112 0.09197351000060393 0.03625324166508603 +34177,-0.007084744818088688,1,1.1986399505532055 1.4044953863483118 1.6923834394151367 1.8487097478008967 1.9555069287773017 1.944457275150582 1.9044300161364058 1.6985745803413084 1.4772412922307863 1.1073206218922251 0.8116936426676793 0.5578568646947761 0.4727286769599586 0.38605270399360037 0.3303324356580913 0.24520424792327375 0.14614599310458112 0.09197351000060393 0.03625324166508603 0.0517310939805106 +34178,0.06566116106438567,1,1.4044953863483118 1.6923834394151367 1.8487097478008967 1.9555069287773017 1.944457275150582 1.9044300161364058 1.6985745803413084 1.4772412922307863 1.1073206218922251 0.8116936426676793 0.5578568646947761 0.4727286769599586 0.38605270399360037 0.3303324356580913 0.24520424792327375 0.14614599310458112 0.09197351000060393 0.03625324166508603 0.0517310939805106 -0.007084744818088688 +34179,0.35045364366813797,1,1.6923834394151367 1.8487097478008967 1.9555069287773017 1.944457275150582 1.9044300161364058 1.6985745803413084 1.4772412922307863 1.1073206218922251 0.8116936426676793 0.5578568646947761 0.4727286769599586 0.38605270399360037 0.3303324356580913 0.24520424792327375 0.14614599310458112 0.09197351000060393 0.03625324166508603 0.0517310939805106 -0.007084744818088688 0.06566116106438567 +34180,0.6352461262718814,1,1.8487097478008967 1.9555069287773017 1.944457275150582 1.9044300161364058 1.6985745803413084 1.4772412922307863 1.1073206218922251 0.8116936426676793 0.5578568646947761 0.4727286769599586 0.38605270399360037 0.3303324356580913 0.24520424792327375 0.14614599310458112 0.09197351000060393 0.03625324166508603 0.0517310939805106 -0.007084744818088688 0.06566116106438567 0.35045364366813797 +34181,0.9355164611910495,1,1.9555069287773017 1.944457275150582 1.9044300161364058 1.6985745803413084 1.4772412922307863 1.1073206218922251 0.8116936426676793 0.5578568646947761 0.4727286769599586 0.38605270399360037 0.3303324356580913 0.24520424792327375 0.14614599310458112 0.09197351000060393 0.03625324166508603 0.0517310939805106 -0.007084744818088688 0.06566116106438567 0.35045364366813797 0.6352461262718814 +34182,1.190901024395502,1,1.944457275150582 1.9044300161364058 1.6985745803413084 1.4772412922307863 1.1073206218922251 0.8116936426676793 0.5578568646947761 0.4727286769599586 0.38605270399360037 0.3303324356580913 0.24520424792327375 0.14614599310458112 0.09197351000060393 0.03625324166508603 0.0517310939805106 -0.007084744818088688 0.06566116106438567 0.35045364366813797 0.6352461262718814 0.9355164611910495 +34183,1.500458070703923,1,1.9044300161364058 1.6985745803413084 1.4772412922307863 1.1073206218922251 0.8116936426676793 0.5578568646947761 0.4727286769599586 0.38605270399360037 0.3303324356580913 0.24520424792327375 0.14614599310458112 0.09197351000060393 0.03625324166508603 0.0517310939805106 -0.007084744818088688 0.06566116106438567 0.35045364366813797 0.6352461262718814 0.9355164611910495 1.190901024395502 +34184,1.5933251845964442,1,1.6985745803413084 1.4772412922307863 1.1073206218922251 0.8116936426676793 0.5578568646947761 0.4727286769599586 0.38605270399360037 0.3303324356580913 0.24520424792327375 0.14614599310458112 0.09197351000060393 0.03625324166508603 0.0517310939805106 -0.007084744818088688 0.06566116106438567 0.35045364366813797 0.6352461262718814 0.9355164611910495 1.190901024395502 1.500458070703923 +34185,1.5298659901032228,1,1.4772412922307863 1.1073206218922251 0.8116936426676793 0.5578568646947761 0.4727286769599586 0.38605270399360037 0.3303324356580913 0.24520424792327375 0.14614599310458112 0.09197351000060393 0.03625324166508603 0.0517310939805106 -0.007084744818088688 0.06566116106438567 0.35045364366813797 0.6352461262718814 0.9355164611910495 1.190901024395502 1.500458070703923 1.5933251845964442 +34186,1.4772412922307863,1,1.1073206218922251 0.8116936426676793 0.5578568646947761 0.4727286769599586 0.38605270399360037 0.3303324356580913 0.24520424792327375 0.14614599310458112 0.09197351000060393 0.03625324166508603 0.0517310939805106 -0.007084744818088688 0.06566116106438567 0.35045364366813797 0.6352461262718814 0.9355164611910495 1.190901024395502 1.500458070703923 1.5933251845964442 1.5298659901032228 +34187,1.381278607875175,1,0.8116936426676793 0.5578568646947761 0.4727286769599586 0.38605270399360037 0.3303324356580913 0.24520424792327375 0.14614599310458112 0.09197351000060393 0.03625324166508603 0.0517310939805106 -0.007084744818088688 0.06566116106438567 0.35045364366813797 0.6352461262718814 0.9355164611910495 1.190901024395502 1.500458070703923 1.5933251845964442 1.5298659901032228 1.4772412922307863 +34188,1.223404514257883,1,0.5578568646947761 0.4727286769599586 0.38605270399360037 0.3303324356580913 0.24520424792327375 0.14614599310458112 0.09197351000060393 0.03625324166508603 0.0517310939805106 -0.007084744818088688 0.06566116106438567 0.35045364366813797 0.6352461262718814 0.9355164611910495 1.190901024395502 1.500458070703923 1.5933251845964442 1.5298659901032228 1.4772412922307863 1.381278607875175 +34189,1.0423136421674544,1,0.4727286769599586 0.38605270399360037 0.3303324356580913 0.24520424792327375 0.14614599310458112 0.09197351000060393 0.03625324166508603 0.0517310939805106 -0.007084744818088688 0.06566116106438567 0.35045364366813797 0.6352461262718814 0.9355164611910495 1.190901024395502 1.500458070703923 1.5933251845964442 1.5298659901032228 1.4772412922307863 1.381278607875175 1.223404514257883 +34190,0.6847752536812277,1,0.38605270399360037 0.3303324356580913 0.24520424792327375 0.14614599310458112 0.09197351000060393 0.03625324166508603 0.0517310939805106 -0.007084744818088688 0.06566116106438567 0.35045364366813797 0.6352461262718814 0.9355164611910495 1.190901024395502 1.500458070703923 1.5933251845964442 1.5298659901032228 1.4772412922307863 1.381278607875175 1.223404514257883 1.0423136421674544 +34191,0.45570303941300216,1,0.3303324356580913 0.24520424792327375 0.14614599310458112 0.09197351000060393 0.03625324166508603 0.0517310939805106 -0.007084744818088688 0.06566116106438567 0.35045364366813797 0.6352461262718814 0.9355164611910495 1.190901024395502 1.500458070703923 1.5933251845964442 1.5298659901032228 1.4772412922307863 1.381278607875175 1.223404514257883 1.0423136421674544 0.6847752536812277 +34192,0.2838988787118264,1,0.24520424792327375 0.14614599310458112 0.09197351000060393 0.03625324166508603 0.0517310939805106 -0.007084744818088688 0.06566116106438567 0.35045364366813797 0.6352461262718814 0.9355164611910495 1.190901024395502 1.500458070703923 1.5933251845964442 1.5298659901032228 1.4772412922307863 1.381278607875175 1.223404514257883 1.0423136421674544 0.6847752536812277 0.45570303941300216 +34193,0.19103176481929654,1,0.14614599310458112 0.09197351000060393 0.03625324166508603 0.0517310939805106 -0.007084744818088688 0.06566116106438567 0.35045364366813797 0.6352461262718814 0.9355164611910495 1.190901024395502 1.500458070703923 1.5933251845964442 1.5298659901032228 1.4772412922307863 1.381278607875175 1.223404514257883 1.0423136421674544 0.6847752536812277 0.45570303941300216 0.2838988787118264 +34194,0.16007606018845622,1,0.09197351000060393 0.03625324166508603 0.0517310939805106 -0.007084744818088688 0.06566116106438567 0.35045364366813797 0.6352461262718814 0.9355164611910495 1.190901024395502 1.500458070703923 1.5933251845964442 1.5298659901032228 1.4772412922307863 1.381278607875175 1.223404514257883 1.0423136421674544 0.6847752536812277 0.45570303941300216 0.2838988787118264 0.19103176481929654 +34195,0.11519028847373199,1,0.03625324166508603 0.0517310939805106 -0.007084744818088688 0.06566116106438567 0.35045364366813797 0.6352461262718814 0.9355164611910495 1.190901024395502 1.500458070703923 1.5933251845964442 1.5298659901032228 1.4772412922307863 1.381278607875175 1.223404514257883 1.0423136421674544 0.6847752536812277 0.45570303941300216 0.2838988787118264 0.19103176481929654 0.16007606018845622 +34196,0.11828585893682218,1,0.0517310939805106 -0.007084744818088688 0.06566116106438567 0.35045364366813797 0.6352461262718814 0.9355164611910495 1.190901024395502 1.500458070703923 1.5933251845964442 1.5298659901032228 1.4772412922307863 1.381278607875175 1.223404514257883 1.0423136421674544 0.6847752536812277 0.45570303941300216 0.2838988787118264 0.19103176481929654 0.16007606018845622 0.11519028847373199 +34197,0.06720894629592637,1,-0.007084744818088688 0.06566116106438567 0.35045364366813797 0.6352461262718814 0.9355164611910495 1.190901024395502 1.500458070703923 1.5933251845964442 1.5298659901032228 1.4772412922307863 1.381278607875175 1.223404514257883 1.0423136421674544 0.6847752536812277 0.45570303941300216 0.2838988787118264 0.19103176481929654 0.16007606018845622 0.11519028847373199 0.11828585893682218 +34198,0.09971243615831621,1,0.06566116106438567 0.35045364366813797 0.6352461262718814 0.9355164611910495 1.190901024395502 1.500458070703923 1.5933251845964442 1.5298659901032228 1.4772412922307863 1.381278607875175 1.223404514257883 1.0423136421674544 0.6847752536812277 0.45570303941300216 0.2838988787118264 0.19103176481929654 0.16007606018845622 0.11519028847373199 0.11828585893682218 0.06720894629592637 +34199,0.09352129523214463,1,0.35045364366813797 0.6352461262718814 0.9355164611910495 1.190901024395502 1.500458070703923 1.5933251845964442 1.5298659901032228 1.4772412922307863 1.381278607875175 1.223404514257883 1.0423136421674544 0.6847752536812277 0.45570303941300216 0.2838988787118264 0.19103176481929654 0.16007606018845622 0.11519028847373199 0.11828585893682218 0.06720894629592637 0.09971243615831621 +34200,0.07649565768517935,1,0.6352461262718814 0.9355164611910495 1.190901024395502 1.500458070703923 1.5933251845964442 1.5298659901032228 1.4772412922307863 1.381278607875175 1.223404514257883 1.0423136421674544 0.6847752536812277 0.45570303941300216 0.2838988787118264 0.19103176481929654 0.16007606018845622 0.11519028847373199 0.11828585893682218 0.06720894629592637 0.09971243615831621 0.09352129523214463 +34201,0.07185230199055727,1,0.9355164611910495 1.190901024395502 1.500458070703923 1.5933251845964442 1.5298659901032228 1.4772412922307863 1.381278607875175 1.223404514257883 1.0423136421674544 0.6847752536812277 0.45570303941300216 0.2838988787118264 0.19103176481929654 0.16007606018845622 0.11519028847373199 0.11828585893682218 0.06720894629592637 0.09971243615831621 0.09352129523214463 0.07649565768517935 +34202,0.07185230199055727,1,1.190901024395502 1.500458070703923 1.5933251845964442 1.5298659901032228 1.4772412922307863 1.381278607875175 1.223404514257883 1.0423136421674544 0.6847752536812277 0.45570303941300216 0.2838988787118264 0.19103176481929654 0.16007606018845622 0.11519028847373199 0.11828585893682218 0.06720894629592637 0.09971243615831621 0.09352129523214463 0.07649565768517935 0.07185230199055727 +34203,0.09971243615831621,1,1.500458070703923 1.5933251845964442 1.5298659901032228 1.4772412922307863 1.381278607875175 1.223404514257883 1.0423136421674544 0.6847752536812277 0.45570303941300216 0.2838988787118264 0.19103176481929654 0.16007606018845622 0.11519028847373199 0.11828585893682218 0.06720894629592637 0.09971243615831621 0.09352129523214463 0.07649565768517935 0.07185230199055727 0.07185230199055727 +34204,0.29628116056416076,1,1.5933251845964442 1.5298659901032228 1.4772412922307863 1.381278607875175 1.223404514257883 1.0423136421674544 0.6847752536812277 0.45570303941300216 0.2838988787118264 0.19103176481929654 0.16007606018845622 0.11519028847373199 0.11828585893682218 0.06720894629592637 0.09971243615831621 0.09352129523214463 0.07649565768517935 0.07185230199055727 0.07185230199055727 0.09971243615831621 +34205,0.4742764621915081,1,1.5298659901032228 1.4772412922307863 1.381278607875175 1.223404514257883 1.0423136421674544 0.6847752536812277 0.45570303941300216 0.2838988787118264 0.19103176481929654 0.16007606018845622 0.11519028847373199 0.11828585893682218 0.06720894629592637 0.09971243615831621 0.09352129523214463 0.07649565768517935 0.07185230199055727 0.07185230199055727 0.09971243615831621 0.29628116056416076 +34206,0.7590689447952516,1,1.4772412922307863 1.381278607875175 1.223404514257883 1.0423136421674544 0.6847752536812277 0.45570303941300216 0.2838988787118264 0.19103176481929654 0.16007606018845622 0.11519028847373199 0.11828585893682218 0.06720894629592637 0.09971243615831621 0.09352129523214463 0.07649565768517935 0.07185230199055727 0.07185230199055727 0.09971243615831621 0.29628116056416076 0.4742764621915081 +34207,0.9726633067480613,1,1.381278607875175 1.223404514257883 1.0423136421674544 0.6847752536812277 0.45570303941300216 0.2838988787118264 0.19103176481929654 0.16007606018845622 0.11519028847373199 0.11828585893682218 0.06720894629592637 0.09971243615831621 0.09352129523214463 0.07649565768517935 0.07185230199055727 0.07185230199055727 0.09971243615831621 0.29628116056416076 0.4742764621915081 0.7590689447952516 +34208,1.2218567290263425,1,1.223404514257883 1.0423136421674544 0.6847752536812277 0.45570303941300216 0.2838988787118264 0.19103176481929654 0.16007606018845622 0.11519028847373199 0.11828585893682218 0.06720894629592637 0.09971243615831621 0.09352129523214463 0.07649565768517935 0.07185230199055727 0.07185230199055727 0.09971243615831621 0.29628116056416076 0.4742764621915081 0.7590689447952516 0.9726633067480613 +34209,1.3425839770866224,1,1.0423136421674544 0.6847752536812277 0.45570303941300216 0.2838988787118264 0.19103176481929654 0.16007606018845622 0.11519028847373199 0.11828585893682218 0.06720894629592637 0.09971243615831621 0.09352129523214463 0.07649565768517935 0.07185230199055727 0.07185230199055727 0.09971243615831621 0.29628116056416076 0.4742764621915081 0.7590689447952516 0.9726633067480613 1.2218567290263425 +34210,1.2992459906034477,1,0.6847752536812277 0.45570303941300216 0.2838988787118264 0.19103176481929654 0.16007606018845622 0.11519028847373199 0.11828585893682218 0.06720894629592637 0.09971243615831621 0.09352129523214463 0.07649565768517935 0.07185230199055727 0.07185230199055727 0.09971243615831621 0.29628116056416076 0.4742764621915081 0.7590689447952516 0.9726633067480613 1.2218567290263425 1.3425839770866224 +34211,1.285315923519564,1,0.45570303941300216 0.2838988787118264 0.19103176481929654 0.16007606018845622 0.11519028847373199 0.11828585893682218 0.06720894629592637 0.09971243615831621 0.09352129523214463 0.07649565768517935 0.07185230199055727 0.07185230199055727 0.09971243615831621 0.29628116056416076 0.4742764621915081 0.7590689447952516 0.9726633067480613 1.2218567290263425 1.3425839770866224 1.2992459906034477 +34212,1.1073206218922251,1,0.2838988787118264 0.19103176481929654 0.16007606018845622 0.11519028847373199 0.11828585893682218 0.06720894629592637 0.09971243615831621 0.09352129523214463 0.07649565768517935 0.07185230199055727 0.07185230199055727 0.09971243615831621 0.29628116056416076 0.4742764621915081 0.7590689447952516 0.9726633067480613 1.2218567290263425 1.3425839770866224 1.2992459906034477 1.285315923519564 +34213,0.8534838439193221,1,0.19103176481929654 0.16007606018845622 0.11519028847373199 0.11828585893682218 0.06720894629592637 0.09971243615831621 0.09352129523214463 0.07649565768517935 0.07185230199055727 0.07185230199055727 0.09971243615831621 0.29628116056416076 0.4742764621915081 0.7590689447952516 0.9726633067480613 1.2218567290263425 1.3425839770866224 1.2992459906034477 1.285315923519564 1.1073206218922251 +34214,0.5176144486746829,1,0.16007606018845622 0.11519028847373199 0.11828585893682218 0.06720894629592637 0.09971243615831621 0.09352129523214463 0.07649565768517935 0.07185230199055727 0.07185230199055727 0.09971243615831621 0.29628116056416076 0.4742764621915081 0.7590689447952516 0.9726633067480613 1.2218567290263425 1.3425839770866224 1.2992459906034477 1.285315923519564 1.1073206218922251 0.8534838439193221 +34215,0.29782894579570146,1,0.11519028847373199 0.11828585893682218 0.06720894629592637 0.09971243615831621 0.09352129523214463 0.07649565768517935 0.07185230199055727 0.07185230199055727 0.09971243615831621 0.29628116056416076 0.4742764621915081 0.7590689447952516 0.9726633067480613 1.2218567290263425 1.3425839770866224 1.2992459906034477 1.285315923519564 1.1073206218922251 0.8534838439193221 0.5176144486746829 +34216,0.14769377833612182,1,0.11828585893682218 0.06720894629592637 0.09971243615831621 0.09352129523214463 0.07649565768517935 0.07185230199055727 0.07185230199055727 0.09971243615831621 0.29628116056416076 0.4742764621915081 0.7590689447952516 0.9726633067480613 1.2218567290263425 1.3425839770866224 1.2992459906034477 1.285315923519564 1.1073206218922251 0.8534838439193221 0.5176144486746829 0.29782894579570146 +34217,0.06101780536976358,1,0.06720894629592637 0.09971243615831621 0.09352129523214463 0.07649565768517935 0.07185230199055727 0.07185230199055727 0.09971243615831621 0.29628116056416076 0.4742764621915081 0.7590689447952516 0.9726633067480613 1.2218567290263425 1.3425839770866224 1.2992459906034477 1.285315923519564 1.1073206218922251 0.8534838439193221 0.5176144486746829 0.29782894579570146 0.14769377833612182 +34218,-0.010180315281178881,1,0.09971243615831621 0.09352129523214463 0.07649565768517935 0.07185230199055727 0.07185230199055727 0.09971243615831621 0.29628116056416076 0.4742764621915081 0.7590689447952516 0.9726633067480613 1.2218567290263425 1.3425839770866224 1.2992459906034477 1.285315923519564 1.1073206218922251 0.8534838439193221 0.5176144486746829 0.29782894579570146 0.14769377833612182 0.06101780536976358 +34219,-0.056613872227435,1,0.09352129523214463 0.07649565768517935 0.07185230199055727 0.07185230199055727 0.09971243615831621 0.29628116056416076 0.4742764621915081 0.7590689447952516 0.9726633067480613 1.2218567290263425 1.3425839770866224 1.2992459906034477 1.285315923519564 1.1073206218922251 0.8534838439193221 0.5176144486746829 0.29782894579570146 0.14769377833612182 0.06101780536976358 -0.010180315281178881 +34220,-0.07209172454285957,1,0.07649565768517935 0.07185230199055727 0.07185230199055727 0.09971243615831621 0.29628116056416076 0.4742764621915081 0.7590689447952516 0.9726633067480613 1.2218567290263425 1.3425839770866224 1.2992459906034477 1.285315923519564 1.1073206218922251 0.8534838439193221 0.5176144486746829 0.29782894579570146 0.14769377833612182 0.06101780536976358 -0.010180315281178881 -0.056613872227435 +34221,-0.09530850301598763,1,0.07185230199055727 0.07185230199055727 0.09971243615831621 0.29628116056416076 0.4742764621915081 0.7590689447952516 0.9726633067480613 1.2218567290263425 1.3425839770866224 1.2992459906034477 1.285315923519564 1.1073206218922251 0.8534838439193221 0.5176144486746829 0.29782894579570146 0.14769377833612182 0.06101780536976358 -0.010180315281178881 -0.056613872227435 -0.07209172454285957 +34222,-0.061257227922065886,1,0.07185230199055727 0.09971243615831621 0.29628116056416076 0.4742764621915081 0.7590689447952516 0.9726633067480613 1.2218567290263425 1.3425839770866224 1.2992459906034477 1.285315923519564 1.1073206218922251 0.8534838439193221 0.5176144486746829 0.29782894579570146 0.14769377833612182 0.06101780536976358 -0.010180315281178881 -0.056613872227435 -0.07209172454285957 -0.09530850301598763 +34223,-0.056613872227435,1,0.09971243615831621 0.29628116056416076 0.4742764621915081 0.7590689447952516 0.9726633067480613 1.2218567290263425 1.3425839770866224 1.2992459906034477 1.285315923519564 1.1073206218922251 0.8534838439193221 0.5176144486746829 0.29782894579570146 0.14769377833612182 0.06101780536976358 -0.010180315281178881 -0.056613872227435 -0.07209172454285957 -0.09530850301598763 -0.061257227922065886 +34224,-0.03649266421738833,1,0.29628116056416076 0.4742764621915081 0.7590689447952516 0.9726633067480613 1.2218567290263425 1.3425839770866224 1.2992459906034477 1.285315923519564 1.1073206218922251 0.8534838439193221 0.5176144486746829 0.29782894579570146 0.14769377833612182 0.06101780536976358 -0.010180315281178881 -0.056613872227435 -0.07209172454285957 -0.09530850301598763 -0.061257227922065886 -0.056613872227435 +34225,-0.03184930852276624,1,0.4742764621915081 0.7590689447952516 0.9726633067480613 1.2218567290263425 1.3425839770866224 1.2992459906034477 1.285315923519564 1.1073206218922251 0.8534838439193221 0.5176144486746829 0.29782894579570146 0.14769377833612182 0.06101780536976358 -0.010180315281178881 -0.056613872227435 -0.07209172454285957 -0.09530850301598763 -0.061257227922065886 -0.056613872227435 -0.03649266421738833 +34226,-0.010180315281178881,1,0.7590689447952516 0.9726633067480613 1.2218567290263425 1.3425839770866224 1.2992459906034477 1.285315923519564 1.1073206218922251 0.8534838439193221 0.5176144486746829 0.29782894579570146 0.14769377833612182 0.06101780536976358 -0.010180315281178881 -0.056613872227435 -0.07209172454285957 -0.09530850301598763 -0.061257227922065886 -0.056613872227435 -0.03649266421738833 -0.03184930852276624 +34227,0.07649565768517935,1,0.9726633067480613 1.2218567290263425 1.3425839770866224 1.2992459906034477 1.285315923519564 1.1073206218922251 0.8534838439193221 0.5176144486746829 0.29782894579570146 0.14769377833612182 0.06101780536976358 -0.010180315281178881 -0.056613872227435 -0.07209172454285957 -0.09530850301598763 -0.061257227922065886 -0.056613872227435 -0.03649266421738833 -0.03184930852276624 -0.010180315281178881 +34228,0.15698048972537482,1,1.2218567290263425 1.3425839770866224 1.2992459906034477 1.285315923519564 1.1073206218922251 0.8534838439193221 0.5176144486746829 0.29782894579570146 0.14769377833612182 0.06101780536976358 -0.010180315281178881 -0.056613872227435 -0.07209172454285957 -0.09530850301598763 -0.061257227922065886 -0.056613872227435 -0.03649266421738833 -0.03184930852276624 -0.010180315281178881 0.07649565768517935 +34229,0.3210457242688383,1,1.3425839770866224 1.2992459906034477 1.285315923519564 1.1073206218922251 0.8534838439193221 0.5176144486746829 0.29782894579570146 0.14769377833612182 0.06101780536976358 -0.010180315281178881 -0.056613872227435 -0.07209172454285957 -0.09530850301598763 -0.061257227922065886 -0.056613872227435 -0.03649266421738833 -0.03184930852276624 -0.010180315281178881 0.07649565768517935 0.15698048972537482 +34230,0.5640480056209477,1,1.2992459906034477 1.285315923519564 1.1073206218922251 0.8534838439193221 0.5176144486746829 0.29782894579570146 0.14769377833612182 0.06101780536976358 -0.010180315281178881 -0.056613872227435 -0.07209172454285957 -0.09530850301598763 -0.061257227922065886 -0.056613872227435 -0.03649266421738833 -0.03184930852276624 -0.010180315281178881 0.07649565768517935 0.15698048972537482 0.3210457242688383 +34231,0.9742110919796021,1,1.285315923519564 1.1073206218922251 0.8534838439193221 0.5176144486746829 0.29782894579570146 0.14769377833612182 0.06101780536976358 -0.010180315281178881 -0.056613872227435 -0.07209172454285957 -0.09530850301598763 -0.061257227922065886 -0.056613872227435 -0.03649266421738833 -0.03184930852276624 -0.010180315281178881 0.07649565768517935 0.15698048972537482 0.3210457242688383 0.5640480056209477 +34232,1.1800665277747084,1,1.1073206218922251 0.8534838439193221 0.5176144486746829 0.29782894579570146 0.14769377833612182 0.06101780536976358 -0.010180315281178881 -0.056613872227435 -0.07209172454285957 -0.09530850301598763 -0.061257227922065886 -0.056613872227435 -0.03649266421738833 -0.03184930852276624 -0.010180315281178881 0.07649565768517935 0.15698048972537482 0.3210457242688383 0.5640480056209477 0.9742110919796021 +34233,1.325558339539666,1,0.8534838439193221 0.5176144486746829 0.29782894579570146 0.14769377833612182 0.06101780536976358 -0.010180315281178881 -0.056613872227435 -0.07209172454285957 -0.09530850301598763 -0.061257227922065886 -0.056613872227435 -0.03649266421738833 -0.03184930852276624 -0.010180315281178881 0.07649565768517935 0.15698048972537482 0.3210457242688383 0.5640480056209477 0.9742110919796021 1.1800665277747084 +34234,1.42771216482144,1,0.5176144486746829 0.29782894579570146 0.14769377833612182 0.06101780536976358 -0.010180315281178881 -0.056613872227435 -0.07209172454285957 -0.09530850301598763 -0.061257227922065886 -0.056613872227435 -0.03649266421738833 -0.03184930852276624 -0.010180315281178881 0.07649565768517935 0.15698048972537482 0.3210457242688383 0.5640480056209477 0.9742110919796021 1.1800665277747084 1.325558339539666 +34235,1.3952086749590589,1,0.29782894579570146 0.14769377833612182 0.06101780536976358 -0.010180315281178881 -0.056613872227435 -0.07209172454285957 -0.09530850301598763 -0.061257227922065886 -0.056613872227435 -0.03649266421738833 -0.03184930852276624 -0.010180315281178881 0.07649565768517935 0.15698048972537482 0.3210457242688383 0.5640480056209477 0.9742110919796021 1.1800665277747084 1.325558339539666 1.42771216482144 +34236,1.3131760576873228,1,0.14769377833612182 0.06101780536976358 -0.010180315281178881 -0.056613872227435 -0.07209172454285957 -0.09530850301598763 -0.061257227922065886 -0.056613872227435 -0.03649266421738833 -0.03184930852276624 -0.010180315281178881 0.07649565768517935 0.15698048972537482 0.3210457242688383 0.5640480056209477 0.9742110919796021 1.1800665277747084 1.325558339539666 1.42771216482144 1.3952086749590589 +34237,1.09029498434526,1,0.06101780536976358 -0.010180315281178881 -0.056613872227435 -0.07209172454285957 -0.09530850301598763 -0.061257227922065886 -0.056613872227435 -0.03649266421738833 -0.03184930852276624 -0.010180315281178881 0.07649565768517935 0.15698048972537482 0.3210457242688383 0.5640480056209477 0.9742110919796021 1.1800665277747084 1.325558339539666 1.42771216482144 1.3952086749590589 1.3131760576873228 +34238,0.7575211595637109,1,-0.010180315281178881 -0.056613872227435 -0.07209172454285957 -0.09530850301598763 -0.061257227922065886 -0.056613872227435 -0.03649266421738833 -0.03184930852276624 -0.010180315281178881 0.07649565768517935 0.15698048972537482 0.3210457242688383 0.5640480056209477 0.9742110919796021 1.1800665277747084 1.325558339539666 1.42771216482144 1.3952086749590589 1.3131760576873228 1.09029498434526 +34239,0.5129710929800607,1,-0.056613872227435 -0.07209172454285957 -0.09530850301598763 -0.061257227922065886 -0.056613872227435 -0.03649266421738833 -0.03184930852276624 -0.010180315281178881 0.07649565768517935 0.15698048972537482 0.3210457242688383 0.5640480056209477 0.9742110919796021 1.1800665277747084 1.325558339539666 1.42771216482144 1.3952086749590589 1.3131760576873228 1.09029498434526 0.7575211595637109 +34240,0.4061739120036558,1,-0.07209172454285957 -0.09530850301598763 -0.061257227922065886 -0.056613872227435 -0.03649266421738833 -0.03184930852276624 -0.010180315281178881 0.07649565768517935 0.15698048972537482 0.3210457242688383 0.5640480056209477 0.9742110919796021 1.1800665277747084 1.325558339539666 1.42771216482144 1.3952086749590589 1.3131760576873228 1.09029498434526 0.7575211595637109 0.5129710929800607 +34241,0.2281786103763085,1,-0.09530850301598763 -0.061257227922065886 -0.056613872227435 -0.03649266421738833 -0.03184930852276624 -0.010180315281178881 0.07649565768517935 0.15698048972537482 0.3210457242688383 0.5640480056209477 0.9742110919796021 1.1800665277747084 1.325558339539666 1.42771216482144 1.3952086749590589 1.3131760576873228 1.09029498434526 0.7575211595637109 0.5129710929800607 0.4061739120036558 +34242,0.14459820787303163,1,-0.061257227922065886 -0.056613872227435 -0.03649266421738833 -0.03184930852276624 -0.010180315281178881 0.07649565768517935 0.15698048972537482 0.3210457242688383 0.5640480056209477 0.9742110919796021 1.1800665277747084 1.325558339539666 1.42771216482144 1.3952086749590589 1.3131760576873228 1.09029498434526 0.7575211595637109 0.5129710929800607 0.4061739120036558 0.2281786103763085 +34243,0.09971243615831621,1,-0.056613872227435 -0.03649266421738833 -0.03184930852276624 -0.010180315281178881 0.07649565768517935 0.15698048972537482 0.3210457242688383 0.5640480056209477 0.9742110919796021 1.1800665277747084 1.325558339539666 1.42771216482144 1.3952086749590589 1.3131760576873228 1.09029498434526 0.7575211595637109 0.5129710929800607 0.4061739120036558 0.2281786103763085 0.14459820787303163 +34244,0.03625324166508603,1,-0.03649266421738833 -0.03184930852276624 -0.010180315281178881 0.07649565768517935 0.15698048972537482 0.3210457242688383 0.5640480056209477 0.9742110919796021 1.1800665277747084 1.325558339539666 1.42771216482144 1.3952086749590589 1.3131760576873228 1.09029498434526 0.7575211595637109 0.5129710929800607 0.4061739120036558 0.2281786103763085 0.14459820787303163 0.09971243615831621 +34245,0.030062100738923243,1,-0.03184930852276624 -0.010180315281178881 0.07649565768517935 0.15698048972537482 0.3210457242688383 0.5640480056209477 0.9742110919796021 1.1800665277747084 1.325558339539666 1.42771216482144 1.3952086749590589 1.3131760576873228 1.09029498434526 0.7575211595637109 0.5129710929800607 0.4061739120036558 0.2281786103763085 0.14459820787303163 0.09971243615831621 0.03625324166508603 +34246,-0.007084744818088688,1,-0.010180315281178881 0.07649565768517935 0.15698048972537482 0.3210457242688383 0.5640480056209477 0.9742110919796021 1.1800665277747084 1.325558339539666 1.42771216482144 1.3952086749590589 1.3131760576873228 1.09029498434526 0.7575211595637109 0.5129710929800607 0.4061739120036558 0.2281786103763085 0.14459820787303163 0.09971243615831621 0.03625324166508603 0.030062100738923243 +34247,-0.09530850301598763,1,0.07649565768517935 0.15698048972537482 0.3210457242688383 0.5640480056209477 0.9742110919796021 1.1800665277747084 1.325558339539666 1.42771216482144 1.3952086749590589 1.3131760576873228 1.09029498434526 0.7575211595637109 0.5129710929800607 0.4061739120036558 0.2281786103763085 0.14459820787303163 0.09971243615831621 0.03625324166508603 0.030062100738923243 -0.007084744818088688 +34248,-0.13555091903608096,1,0.15698048972537482 0.3210457242688383 0.5640480056209477 0.9742110919796021 1.1800665277747084 1.325558339539666 1.42771216482144 1.3952086749590589 1.3131760576873228 1.09029498434526 0.7575211595637109 0.5129710929800607 0.4061739120036558 0.2281786103763085 0.14459820787303163 0.09971243615831621 0.03625324166508603 0.030062100738923243 -0.007084744818088688 -0.09530850301598763 +34249,-0.17888890551926448,1,0.3210457242688383 0.5640480056209477 0.9742110919796021 1.1800665277747084 1.325558339539666 1.42771216482144 1.3952086749590589 1.3131760576873228 1.09029498434526 0.7575211595637109 0.5129710929800607 0.4061739120036558 0.2281786103763085 0.14459820787303163 0.09971243615831621 0.03625324166508603 0.030062100738923243 -0.007084744818088688 -0.09530850301598763 -0.13555091903608096 +34250,-0.07054393931131887,1,0.5640480056209477 0.9742110919796021 1.1800665277747084 1.325558339539666 1.42771216482144 1.3952086749590589 1.3131760576873228 1.09029498434526 0.7575211595637109 0.5129710929800607 0.4061739120036558 0.2281786103763085 0.14459820787303163 0.09971243615831621 0.03625324166508603 0.030062100738923243 -0.007084744818088688 -0.09530850301598763 -0.13555091903608096 -0.17888890551926448 +34251,0.37831377783589687,1,0.9742110919796021 1.1800665277747084 1.325558339539666 1.42771216482144 1.3952086749590589 1.3131760576873228 1.09029498434526 0.7575211595637109 0.5129710929800607 0.4061739120036558 0.2281786103763085 0.14459820787303163 0.09971243615831621 0.03625324166508603 0.030062100738923243 -0.007084744818088688 -0.09530850301598763 -0.13555091903608096 -0.17888890551926448 -0.07054393931131887 +34252,0.7358521663221236,1,1.1800665277747084 1.325558339539666 1.42771216482144 1.3952086749590589 1.3131760576873228 1.09029498434526 0.7575211595637109 0.5129710929800607 0.4061739120036558 0.2281786103763085 0.14459820787303163 0.09971243615831621 0.03625324166508603 0.030062100738923243 -0.007084744818088688 -0.09530850301598763 -0.13555091903608096 -0.17888890551926448 -0.07054393931131887 0.37831377783589687 +34253,1.0144535079996955,1,1.325558339539666 1.42771216482144 1.3952086749590589 1.3131760576873228 1.09029498434526 0.7575211595637109 0.5129710929800607 0.4061739120036558 0.2281786103763085 0.14459820787303163 0.09971243615831621 0.03625324166508603 0.030062100738923243 -0.007084744818088688 -0.09530850301598763 -0.13555091903608096 -0.17888890551926448 -0.07054393931131887 0.37831377783589687 0.7358521663221236 +34254,1.4215210238952685,1,1.42771216482144 1.3952086749590589 1.3131760576873228 1.09029498434526 0.7575211595637109 0.5129710929800607 0.4061739120036558 0.2281786103763085 0.14459820787303163 0.09971243615831621 0.03625324166508603 0.030062100738923243 -0.007084744818088688 -0.09530850301598763 -0.13555091903608096 -0.17888890551926448 -0.07054393931131887 0.37831377783589687 0.7358521663221236 1.0144535079996955 +34255,1.635115385848087,1,1.3952086749590589 1.3131760576873228 1.09029498434526 0.7575211595637109 0.5129710929800607 0.4061739120036558 0.2281786103763085 0.14459820787303163 0.09971243615831621 0.03625324166508603 0.030062100738923243 -0.007084744818088688 -0.09530850301598763 -0.13555091903608096 -0.17888890551926448 -0.07054393931131887 0.37831377783589687 0.7358521663221236 1.0144535079996955 1.4215210238952685 +34256,1.9137167275256588,1,1.3131760576873228 1.09029498434526 0.7575211595637109 0.5129710929800607 0.4061739120036558 0.2281786103763085 0.14459820787303163 0.09971243615831621 0.03625324166508603 0.030062100738923243 -0.007084744818088688 -0.09530850301598763 -0.13555091903608096 -0.17888890551926448 -0.07054393931131887 0.37831377783589687 0.7358521663221236 1.0144535079996955 1.4215210238952685 1.635115385848087 +34257,2.1149288076261343,1,1.09029498434526 0.7575211595637109 0.5129710929800607 0.4061739120036558 0.2281786103763085 0.14459820787303163 0.09971243615831621 0.03625324166508603 0.030062100738923243 -0.007084744818088688 -0.09530850301598763 -0.13555091903608096 -0.17888890551926448 -0.07054393931131887 0.37831377783589687 0.7358521663221236 1.0144535079996955 1.4215210238952685 1.635115385848087 1.9137167275256588 +34258,2.046826257438282,1,0.7575211595637109 0.5129710929800607 0.4061739120036558 0.2281786103763085 0.14459820787303163 0.09971243615831621 0.03625324166508603 0.030062100738923243 -0.007084744818088688 -0.09530850301598763 -0.13555091903608096 -0.17888890551926448 -0.07054393931131887 0.37831377783589687 0.7358521663221236 1.0144535079996955 1.4215210238952685 1.635115385848087 1.9137167275256588 2.1149288076261343 +34259,1.981819277713511,1,0.5129710929800607 0.4061739120036558 0.2281786103763085 0.14459820787303163 0.09971243615831621 0.03625324166508603 0.030062100738923243 -0.007084744818088688 -0.09530850301598763 -0.13555091903608096 -0.17888890551926448 -0.07054393931131887 0.37831377783589687 0.7358521663221236 1.0144535079996955 1.4215210238952685 1.635115385848087 1.9137167275256588 2.1149288076261343 2.046826257438282 +34260,1.8270407545593006,1,0.4061739120036558 0.2281786103763085 0.14459820787303163 0.09971243615831621 0.03625324166508603 0.030062100738923243 -0.007084744818088688 -0.09530850301598763 -0.13555091903608096 -0.17888890551926448 -0.07054393931131887 0.37831377783589687 0.7358521663221236 1.0144535079996955 1.4215210238952685 1.635115385848087 1.9137167275256588 2.1149288076261343 2.046826257438282 1.981819277713511 +34261,1.6026118959856972,1,0.2281786103763085 0.14459820787303163 0.09971243615831621 0.03625324166508603 0.030062100738923243 -0.007084744818088688 -0.09530850301598763 -0.13555091903608096 -0.17888890551926448 -0.07054393931131887 0.37831377783589687 0.7358521663221236 1.0144535079996955 1.4215210238952685 1.635115385848087 1.9137167275256588 2.1149288076261343 2.046826257438282 1.981819277713511 1.8270407545593006 +34262,1.178518742543159,1,0.14459820787303163 0.09971243615831621 0.03625324166508603 0.030062100738923243 -0.007084744818088688 -0.09530850301598763 -0.13555091903608096 -0.17888890551926448 -0.07054393931131887 0.37831377783589687 0.7358521663221236 1.0144535079996955 1.4215210238952685 1.635115385848087 1.9137167275256588 2.1149288076261343 2.046826257438282 1.981819277713511 1.8270407545593006 1.6026118959856972 +34263,0.9556376692010962,1,0.09971243615831621 0.03625324166508603 0.030062100738923243 -0.007084744818088688 -0.09530850301598763 -0.13555091903608096 -0.17888890551926448 -0.07054393931131887 0.37831377783589687 0.7358521663221236 1.0144535079996955 1.4215210238952685 1.635115385848087 1.9137167275256588 2.1149288076261343 2.046826257438282 1.981819277713511 1.8270407545593006 1.6026118959856972 1.178518742543159 +34264,0.8271714949831038,1,0.03625324166508603 0.030062100738923243 -0.007084744818088688 -0.09530850301598763 -0.13555091903608096 -0.17888890551926448 -0.07054393931131887 0.37831377783589687 0.7358521663221236 1.0144535079996955 1.4215210238952685 1.635115385848087 1.9137167275256588 2.1149288076261343 2.046826257438282 1.981819277713511 1.8270407545593006 1.6026118959856972 1.178518742543159 0.9556376692010962 +34265,0.6615584752080996,1,0.030062100738923243 -0.007084744818088688 -0.09530850301598763 -0.13555091903608096 -0.17888890551926448 -0.07054393931131887 0.37831377783589687 0.7358521663221236 1.0144535079996955 1.4215210238952685 1.635115385848087 1.9137167275256588 2.1149288076261343 2.046826257438282 1.981819277713511 1.8270407545593006 1.6026118959856972 1.178518742543159 0.9556376692010962 0.8271714949831038 +34266,0.5594046499263169,1,-0.007084744818088688 -0.09530850301598763 -0.13555091903608096 -0.17888890551926448 -0.07054393931131887 0.37831377783589687 0.7358521663221236 1.0144535079996955 1.4215210238952685 1.635115385848087 1.9137167275256588 2.1149288076261343 2.046826257438282 1.981819277713511 1.8270407545593006 1.6026118959856972 1.178518742543159 0.9556376692010962 0.8271714949831038 0.6615584752080996 +34267,0.44796411325528984,1,-0.09530850301598763 -0.13555091903608096 -0.17888890551926448 -0.07054393931131887 0.37831377783589687 0.7358521663221236 1.0144535079996955 1.4215210238952685 1.635115385848087 1.9137167275256588 2.1149288076261343 2.046826257438282 1.981819277713511 1.8270407545593006 1.6026118959856972 1.178518742543159 0.9556376692010962 0.8271714949831038 0.6615584752080996 0.5594046499263169 +34268,0.3349757913527134,1,-0.13555091903608096 -0.17888890551926448 -0.07054393931131887 0.37831377783589687 0.7358521663221236 1.0144535079996955 1.4215210238952685 1.635115385848087 1.9137167275256588 2.1149288076261343 2.046826257438282 1.981819277713511 1.8270407545593006 1.6026118959856972 1.178518742543159 0.9556376692010962 0.8271714949831038 0.6615584752080996 0.5594046499263169 0.44796411325528984 +34269,0.25758652977560814,1,-0.17888890551926448 -0.07054393931131887 0.37831377783589687 0.7358521663221236 1.0144535079996955 1.4215210238952685 1.635115385848087 1.9137167275256588 2.1149288076261343 2.046826257438282 1.981819277713511 1.8270407545593006 1.6026118959856972 1.178518742543159 0.9556376692010962 0.8271714949831038 0.6615584752080996 0.5594046499263169 0.44796411325528984 0.3349757913527134 +34270,0.2127007580608927,1,-0.07054393931131887 0.37831377783589687 0.7358521663221236 1.0144535079996955 1.4215210238952685 1.635115385848087 1.9137167275256588 2.1149288076261343 2.046826257438282 1.981819277713511 1.8270407545593006 1.6026118959856972 1.178518742543159 0.9556376692010962 0.8271714949831038 0.6615584752080996 0.5594046499263169 0.44796411325528984 0.3349757913527134 0.25758652977560814 +34271,0.1616238454199969,1,0.37831377783589687 0.7358521663221236 1.0144535079996955 1.4215210238952685 1.635115385848087 1.9137167275256588 2.1149288076261343 2.046826257438282 1.981819277713511 1.8270407545593006 1.6026118959856972 1.178518742543159 0.9556376692010962 0.8271714949831038 0.6615584752080996 0.5594046499263169 0.44796411325528984 0.3349757913527134 0.25758652977560814 0.2127007580608927 +34272,0.043992167822798314,1,0.7358521663221236 1.0144535079996955 1.4215210238952685 1.635115385848087 1.9137167275256588 2.1149288076261343 2.046826257438282 1.981819277713511 1.8270407545593006 1.6026118959856972 1.178518742543159 0.9556376692010962 0.8271714949831038 0.6615584752080996 0.5594046499263169 0.44796411325528984 0.3349757913527134 0.25758652977560814 0.2127007580608927 0.1616238454199969 +34273,0.006845322265786387,1,1.0144535079996955 1.4215210238952685 1.635115385848087 1.9137167275256588 2.1149288076261343 2.046826257438282 1.981819277713511 1.8270407545593006 1.6026118959856972 1.178518742543159 0.9556376692010962 0.8271714949831038 0.6615584752080996 0.5594046499263169 0.44796411325528984 0.3349757913527134 0.25758652977560814 0.2127007580608927 0.1616238454199969 0.043992167822798314 +34274,0.13221592602069726,1,1.4215210238952685 1.635115385848087 1.9137167275256588 2.1149288076261343 2.046826257438282 1.981819277713511 1.8270407545593006 1.6026118959856972 1.178518742543159 0.9556376692010962 0.8271714949831038 0.6615584752080996 0.5594046499263169 0.44796411325528984 0.3349757913527134 0.25758652977560814 0.2127007580608927 0.1616238454199969 0.043992167822798314 0.006845322265786387 +34275,0.6398894819665123,1,1.635115385848087 1.9137167275256588 2.1149288076261343 2.046826257438282 1.981819277713511 1.8270407545593006 1.6026118959856972 1.178518742543159 0.9556376692010962 0.8271714949831038 0.6615584752080996 0.5594046499263169 0.44796411325528984 0.3349757913527134 0.25758652977560814 0.2127007580608927 0.1616238454199969 0.043992167822798314 0.006845322265786387 0.13221592602069726 +34276,0.988141159063486,1,1.9137167275256588 2.1149288076261343 2.046826257438282 1.981819277713511 1.8270407545593006 1.6026118959856972 1.178518742543159 0.9556376692010962 0.8271714949831038 0.6615584752080996 0.5594046499263169 0.44796411325528984 0.3349757913527134 0.25758652977560814 0.2127007580608927 0.1616238454199969 0.043992167822798314 0.006845322265786387 0.13221592602069726 0.6398894819665123 +34277,1.3890175340328874,1,2.1149288076261343 2.046826257438282 1.981819277713511 1.8270407545593006 1.6026118959856972 1.178518742543159 0.9556376692010962 0.8271714949831038 0.6615584752080996 0.5594046499263169 0.44796411325528984 0.3349757913527134 0.25758652977560814 0.2127007580608927 0.1616238454199969 0.043992167822798314 0.006845322265786387 0.13221592602069726 0.6398894819665123 0.988141159063486 +34278,1.6722622314050901,1,2.046826257438282 1.981819277713511 1.8270407545593006 1.6026118959856972 1.178518742543159 0.9556376692010962 0.8271714949831038 0.6615584752080996 0.5594046499263169 0.44796411325528984 0.3349757913527134 0.25758652977560814 0.2127007580608927 0.1616238454199969 0.043992167822798314 0.006845322265786387 0.13221592602069726 0.6398894819665123 0.988141159063486 1.3890175340328874 +34279,1.9740803515558076,1,1.981819277713511 1.8270407545593006 1.6026118959856972 1.178518742543159 0.9556376692010962 0.8271714949831038 0.6615584752080996 0.5594046499263169 0.44796411325528984 0.3349757913527134 0.25758652977560814 0.2127007580608927 0.1616238454199969 0.043992167822798314 0.006845322265786387 0.13221592602069726 0.6398894819665123 0.988141159063486 1.3890175340328874 1.6722622314050901 +34280,2.1551712236462275,1,1.8270407545593006 1.6026118959856972 1.178518742543159 0.9556376692010962 0.8271714949831038 0.6615584752080996 0.5594046499263169 0.44796411325528984 0.3349757913527134 0.25758652977560814 0.2127007580608927 0.1616238454199969 0.043992167822798314 0.006845322265786387 0.13221592602069726 0.6398894819665123 0.988141159063486 1.3890175340328874 1.6722622314050901 1.9740803515558076 +34281,2.393530149303715,1,1.6026118959856972 1.178518742543159 0.9556376692010962 0.8271714949831038 0.6615584752080996 0.5594046499263169 0.44796411325528984 0.3349757913527134 0.25758652977560814 0.2127007580608927 0.1616238454199969 0.043992167822798314 0.006845322265786387 0.13221592602069726 0.6398894819665123 0.988141159063486 1.3890175340328874 1.6722622314050901 1.9740803515558076 2.1551712236462275 +34282,2.421390283471474,1,1.178518742543159 0.9556376692010962 0.8271714949831038 0.6615584752080996 0.5594046499263169 0.44796411325528984 0.3349757913527134 0.25758652977560814 0.2127007580608927 0.1616238454199969 0.043992167822798314 0.006845322265786387 0.13221592602069726 0.6398894819665123 0.988141159063486 1.3890175340328874 1.6722622314050901 1.9740803515558076 2.1551712236462275 2.393530149303715 +34283,2.348644377588991,1,0.9556376692010962 0.8271714949831038 0.6615584752080996 0.5594046499263169 0.44796411325528984 0.3349757913527134 0.25758652977560814 0.2127007580608927 0.1616238454199969 0.043992167822798314 0.006845322265786387 0.13221592602069726 0.6398894819665123 0.988141159063486 1.3890175340328874 1.6722622314050901 1.9740803515558076 2.1551712236462275 2.393530149303715 2.421390283471474 +34284,2.2232737738340798,1,0.8271714949831038 0.6615584752080996 0.5594046499263169 0.44796411325528984 0.3349757913527134 0.25758652977560814 0.2127007580608927 0.1616238454199969 0.043992167822798314 0.006845322265786387 0.13221592602069726 0.6398894819665123 0.988141159063486 1.3890175340328874 1.6722622314050901 1.9740803515558076 2.1551712236462275 2.393530149303715 2.421390283471474 2.348644377588991 +34285,2.00967941188127,1,0.6615584752080996 0.5594046499263169 0.44796411325528984 0.3349757913527134 0.25758652977560814 0.2127007580608927 0.1616238454199969 0.043992167822798314 0.006845322265786387 0.13221592602069726 0.6398894819665123 0.988141159063486 1.3890175340328874 1.6722622314050901 1.9740803515558076 2.1551712236462275 2.393530149303715 2.421390283471474 2.348644377588991 2.2232737738340798 +34286,1.5654650504286851,1,0.5594046499263169 0.44796411325528984 0.3349757913527134 0.25758652977560814 0.2127007580608927 0.1616238454199969 0.043992167822798314 0.006845322265786387 0.13221592602069726 0.6398894819665123 0.988141159063486 1.3890175340328874 1.6722622314050901 1.9740803515558076 2.1551712236462275 2.393530149303715 2.421390283471474 2.348644377588991 2.2232737738340798 2.00967941188127 +34287,1.218761158563261,1,0.44796411325528984 0.3349757913527134 0.25758652977560814 0.2127007580608927 0.1616238454199969 0.043992167822798314 0.006845322265786387 0.13221592602069726 0.6398894819665123 0.988141159063486 1.3890175340328874 1.6722622314050901 1.9740803515558076 2.1551712236462275 2.393530149303715 2.421390283471474 2.348644377588991 2.2232737738340798 2.00967941188127 1.5654650504286851 +34288,1.0036190113789016,1,0.3349757913527134 0.25758652977560814 0.2127007580608927 0.1616238454199969 0.043992167822798314 0.006845322265786387 0.13221592602069726 0.6398894819665123 0.988141159063486 1.3890175340328874 1.6722622314050901 1.9740803515558076 2.1551712236462275 2.393530149303715 2.421390283471474 2.348644377588991 2.2232737738340798 2.00967941188127 1.5654650504286851 1.218761158563261 +34289,0.9138474679494621,1,0.25758652977560814 0.2127007580608927 0.1616238454199969 0.043992167822798314 0.006845322265786387 0.13221592602069726 0.6398894819665123 0.988141159063486 1.3890175340328874 1.6722622314050901 1.9740803515558076 2.1551712236462275 2.393530149303715 2.421390283471474 2.348644377588991 2.2232737738340798 2.00967941188127 1.5654650504286851 1.218761158563261 1.0036190113789016 +34290,0.790024649426092,1,0.2127007580608927 0.1616238454199969 0.043992167822798314 0.006845322265786387 0.13221592602069726 0.6398894819665123 0.988141159063486 1.3890175340328874 1.6722622314050901 1.9740803515558076 2.1551712236462275 2.393530149303715 2.421390283471474 2.348644377588991 2.2232737738340798 2.00967941188127 1.5654650504286851 1.218761158563261 1.0036190113789016 0.9138474679494621 +34291,0.641437267198053,1,0.1616238454199969 0.043992167822798314 0.006845322265786387 0.13221592602069726 0.6398894819665123 0.988141159063486 1.3890175340328874 1.6722622314050901 1.9740803515558076 2.1551712236462275 2.393530149303715 2.421390283471474 2.348644377588991 2.2232737738340798 2.00967941188127 1.5654650504286851 1.218761158563261 1.0036190113789016 0.9138474679494621 0.790024649426092 +34292,0.5748825022417414,1,0.043992167822798314 0.006845322265786387 0.13221592602069726 0.6398894819665123 0.988141159063486 1.3890175340328874 1.6722622314050901 1.9740803515558076 2.1551712236462275 2.393530149303715 2.421390283471474 2.348644377588991 2.2232737738340798 2.00967941188127 1.5654650504286851 1.218761158563261 1.0036190113789016 0.9138474679494621 0.790024649426092 0.641437267198053 +34293,0.5361878714531888,1,0.006845322265786387 0.13221592602069726 0.6398894819665123 0.988141159063486 1.3890175340328874 1.6722622314050901 1.9740803515558076 2.1551712236462275 2.393530149303715 2.421390283471474 2.348644377588991 2.2232737738340798 2.00967941188127 1.5654650504286851 1.218761158563261 1.0036190113789016 0.9138474679494621 0.790024649426092 0.641437267198053 0.5748825022417414 +34294,0.45415525418145264,1,0.13221592602069726 0.6398894819665123 0.988141159063486 1.3890175340328874 1.6722622314050901 1.9740803515558076 2.1551712236462275 2.393530149303715 2.421390283471474 2.348644377588991 2.2232737738340798 2.00967941188127 1.5654650504286851 1.218761158563261 1.0036190113789016 0.9138474679494621 0.790024649426092 0.641437267198053 0.5748825022417414 0.5361878714531888 +34295,0.4108172676982779,1,0.6398894819665123 0.988141159063486 1.3890175340328874 1.6722622314050901 1.9740803515558076 2.1551712236462275 2.393530149303715 2.421390283471474 2.348644377588991 2.2232737738340798 2.00967941188127 1.5654650504286851 1.218761158563261 1.0036190113789016 0.9138474679494621 0.790024649426092 0.641437267198053 0.5748825022417414 0.5361878714531888 0.45415525418145264 +34296,0.3148545833426667,1,0.988141159063486 1.3890175340328874 1.6722622314050901 1.9740803515558076 2.1551712236462275 2.393530149303715 2.421390283471474 2.348644377588991 2.2232737738340798 2.00967941188127 1.5654650504286851 1.218761158563261 1.0036190113789016 0.9138474679494621 0.790024649426092 0.641437267198053 0.5748825022417414 0.5361878714531888 0.45415525418145264 0.4108172676982779 +34297,0.23746532176556145,1,1.3890175340328874 1.6722622314050901 1.9740803515558076 2.1551712236462275 2.393530149303715 2.421390283471474 2.348644377588991 2.2232737738340798 2.00967941188127 1.5654650504286851 1.218761158563261 1.0036190113789016 0.9138474679494621 0.790024649426092 0.641437267198053 0.5748825022417414 0.5361878714531888 0.45415525418145264 0.4108172676982779 0.3148545833426667 +34298,0.271516596859492,1,1.6722622314050901 1.9740803515558076 2.1551712236462275 2.393530149303715 2.421390283471474 2.348644377588991 2.2232737738340798 2.00967941188127 1.5654650504286851 1.218761158563261 1.0036190113789016 0.9138474679494621 0.790024649426092 0.641437267198053 0.5748825022417414 0.5361878714531888 0.45415525418145264 0.4108172676982779 0.3148545833426667 0.23746532176556145 +34299,0.6553673342819281,1,1.9740803515558076 2.1551712236462275 2.393530149303715 2.421390283471474 2.348644377588991 2.2232737738340798 2.00967941188127 1.5654650504286851 1.218761158563261 1.0036190113789016 0.9138474679494621 0.790024649426092 0.641437267198053 0.5748825022417414 0.5361878714531888 0.45415525418145264 0.4108172676982779 0.3148545833426667 0.23746532176556145 0.271516596859492 +34300,1.0500525683251667,1,2.1551712236462275 2.393530149303715 2.421390283471474 2.348644377588991 2.2232737738340798 2.00967941188127 1.5654650504286851 1.218761158563261 1.0036190113789016 0.9138474679494621 0.790024649426092 0.641437267198053 0.5748825022417414 0.5361878714531888 0.45415525418145264 0.4108172676982779 0.3148545833426667 0.23746532176556145 0.271516596859492 0.6553673342819281 +34301,1.4431900171368646,1,2.393530149303715 2.421390283471474 2.348644377588991 2.2232737738340798 2.00967941188127 1.5654650504286851 1.218761158563261 1.0036190113789016 0.9138474679494621 0.790024649426092 0.641437267198053 0.5748825022417414 0.5361878714531888 0.45415525418145264 0.4108172676982779 0.3148545833426667 0.23746532176556145 0.271516596859492 0.6553673342819281 1.0500525683251667 +34302,1.8487097478008967,1,2.421390283471474 2.348644377588991 2.2232737738340798 2.00967941188127 1.5654650504286851 1.218761158563261 1.0036190113789016 0.9138474679494621 0.790024649426092 0.641437267198053 0.5748825022417414 0.5361878714531888 0.45415525418145264 0.4108172676982779 0.3148545833426667 0.23746532176556145 0.271516596859492 0.6553673342819281 1.0500525683251667 1.4431900171368646 +34303,2.1582667941093177,1,2.348644377588991 2.2232737738340798 2.00967941188127 1.5654650504286851 1.218761158563261 1.0036190113789016 0.9138474679494621 0.790024649426092 0.641437267198053 0.5748825022417414 0.5361878714531888 0.45415525418145264 0.4108172676982779 0.3148545833426667 0.23746532176556145 0.271516596859492 0.6553673342819281 1.0500525683251667 1.4431900171368646 1.8487097478008967 +34304,2.3919823640721742,1,2.2232737738340798 2.00967941188127 1.5654650504286851 1.218761158563261 1.0036190113789016 0.9138474679494621 0.790024649426092 0.641437267198053 0.5748825022417414 0.5361878714531888 0.45415525418145264 0.4108172676982779 0.3148545833426667 0.23746532176556145 0.271516596859492 0.6553673342819281 1.0500525683251667 1.4431900171368646 1.8487097478008967 2.1582667941093177 +34305,2.4894928336593263,1,2.00967941188127 1.5654650504286851 1.218761158563261 1.0036190113789016 0.9138474679494621 0.790024649426092 0.641437267198053 0.5748825022417414 0.5361878714531888 0.45415525418145264 0.4108172676982779 0.3148545833426667 0.23746532176556145 0.271516596859492 0.6553673342819281 1.0500525683251667 1.4431900171368646 1.8487097478008967 2.1582667941093177 2.3919823640721742 +34306,2.5018751155116608,1,1.5654650504286851 1.218761158563261 1.0036190113789016 0.9138474679494621 0.790024649426092 0.641437267198053 0.5748825022417414 0.5361878714531888 0.45415525418145264 0.4108172676982779 0.3148545833426667 0.23746532176556145 0.271516596859492 0.6553673342819281 1.0500525683251667 1.4431900171368646 1.8487097478008967 2.1582667941093177 2.3919823640721742 2.4894928336593263 +34307,2.3687655855990375,1,1.218761158563261 1.0036190113789016 0.9138474679494621 0.790024649426092 0.641437267198053 0.5748825022417414 0.5361878714531888 0.45415525418145264 0.4108172676982779 0.3148545833426667 0.23746532176556145 0.271516596859492 0.6553673342819281 1.0500525683251667 1.4431900171368646 1.8487097478008967 2.1582667941093177 2.3919823640721742 2.4894928336593263 2.5018751155116608 +34308,2.1938658544347804,1,1.0036190113789016 0.9138474679494621 0.790024649426092 0.641437267198053 0.5748825022417414 0.5361878714531888 0.45415525418145264 0.4108172676982779 0.3148545833426667 0.23746532176556145 0.271516596859492 0.6553673342819281 1.0500525683251667 1.4431900171368646 1.8487097478008967 2.1582667941093177 2.3919823640721742 2.4894928336593263 2.5018751155116608 2.3687655855990375 +34309,1.907525586599496,1,0.9138474679494621 0.790024649426092 0.641437267198053 0.5748825022417414 0.5361878714531888 0.45415525418145264 0.4108172676982779 0.3148545833426667 0.23746532176556145 0.271516596859492 0.6553673342819281 1.0500525683251667 1.4431900171368646 1.8487097478008967 2.1582667941093177 2.3919823640721742 2.4894928336593263 2.5018751155116608 2.3687655855990375 2.1938658544347804 +34310,1.483432433156958,1,0.790024649426092 0.641437267198053 0.5748825022417414 0.5361878714531888 0.45415525418145264 0.4108172676982779 0.3148545833426667 0.23746532176556145 0.271516596859492 0.6553673342819281 1.0500525683251667 1.4431900171368646 1.8487097478008967 2.1582667941093177 2.3919823640721742 2.4894928336593263 2.5018751155116608 2.3687655855990375 2.1938658544347804 1.907525586599496 +34311,1.1630408902277432,1,0.641437267198053 0.5748825022417414 0.5361878714531888 0.45415525418145264 0.4108172676982779 0.3148545833426667 0.23746532176556145 0.271516596859492 0.6553673342819281 1.0500525683251667 1.4431900171368646 1.8487097478008967 2.1582667941093177 2.3919823640721742 2.4894928336593263 2.5018751155116608 2.3687655855990375 2.1938658544347804 1.907525586599496 1.483432433156958 +34312,0.9726633067480613,1,0.5748825022417414 0.5361878714531888 0.45415525418145264 0.4108172676982779 0.3148545833426667 0.23746532176556145 0.271516596859492 0.6553673342819281 1.0500525683251667 1.4431900171368646 1.8487097478008967 2.1582667941093177 2.3919823640721742 2.4894928336593263 2.5018751155116608 2.3687655855990375 2.1938658544347804 1.907525586599496 1.483432433156958 1.1630408902277432 +34313,0.8612227700770344,1,0.5361878714531888 0.45415525418145264 0.4108172676982779 0.3148545833426667 0.23746532176556145 0.271516596859492 0.6553673342819281 1.0500525683251667 1.4431900171368646 1.8487097478008967 2.1582667941093177 2.3919823640721742 2.4894928336593263 2.5018751155116608 2.3687655855990375 2.1938658544347804 1.907525586599496 1.483432433156958 1.1630408902277432 0.9726633067480613 +34314,0.7590689447952516,1,0.45415525418145264 0.4108172676982779 0.3148545833426667 0.23746532176556145 0.271516596859492 0.6553673342819281 1.0500525683251667 1.4431900171368646 1.8487097478008967 2.1582667941093177 2.3919823640721742 2.4894928336593263 2.5018751155116608 2.3687655855990375 2.1938658544347804 1.907525586599496 1.483432433156958 1.1630408902277432 0.9726633067480613 0.8612227700770344 +34315,0.6491761933557653,1,0.4108172676982779 0.3148545833426667 0.23746532176556145 0.271516596859492 0.6553673342819281 1.0500525683251667 1.4431900171368646 1.8487097478008967 2.1582667941093177 2.3919823640721742 2.4894928336593263 2.5018751155116608 2.3687655855990375 2.1938658544347804 1.907525586599496 1.483432433156958 1.1630408902277432 0.9726633067480613 0.8612227700770344 0.7590689447952516 +34316,0.5516657237686133,1,0.3148545833426667 0.23746532176556145 0.271516596859492 0.6553673342819281 1.0500525683251667 1.4431900171368646 1.8487097478008967 2.1582667941093177 2.3919823640721742 2.4894928336593263 2.5018751155116608 2.3687655855990375 2.1938658544347804 1.907525586599496 1.483432433156958 1.1630408902277432 0.9726633067480613 0.8612227700770344 0.7590689447952516 0.6491761933557653 +34317,0.5207100191377643,1,0.23746532176556145 0.271516596859492 0.6553673342819281 1.0500525683251667 1.4431900171368646 1.8487097478008967 2.1582667941093177 2.3919823640721742 2.4894928336593263 2.5018751155116608 2.3687655855990375 2.1938658544347804 1.907525586599496 1.483432433156958 1.1630408902277432 0.9726633067480613 0.8612227700770344 0.7590689447952516 0.6491761933557653 0.5516657237686133 +34318,0.443320757560659,1,0.271516596859492 0.6553673342819281 1.0500525683251667 1.4431900171368646 1.8487097478008967 2.1582667941093177 2.3919823640721742 2.4894928336593263 2.5018751155116608 2.3687655855990375 2.1938658544347804 1.907525586599496 1.483432433156958 1.1630408902277432 0.9726633067480613 0.8612227700770344 0.7590689447952516 0.6491761933557653 0.5516657237686133 0.5207100191377643 +34319,0.4077216972351965,1,0.6553673342819281 1.0500525683251667 1.4431900171368646 1.8487097478008967 2.1582667941093177 2.3919823640721742 2.4894928336593263 2.5018751155116608 2.3687655855990375 2.1938658544347804 1.907525586599496 1.483432433156958 1.1630408902277432 0.9726633067480613 0.8612227700770344 0.7590689447952516 0.6491761933557653 0.5516657237686133 0.5207100191377643 0.443320757560659 +34320,0.3705748516781846,1,1.0500525683251667 1.4431900171368646 1.8487097478008967 2.1582667941093177 2.3919823640721742 2.4894928336593263 2.5018751155116608 2.3687655855990375 2.1938658544347804 1.907525586599496 1.483432433156958 1.1630408902277432 0.9726633067480613 0.8612227700770344 0.7590689447952516 0.6491761933557653 0.5516657237686133 0.5207100191377643 0.443320757560659 0.4077216972351965 +34321,0.3256890799634604,1,1.4431900171368646 1.8487097478008967 2.1582667941093177 2.3919823640721742 2.4894928336593263 2.5018751155116608 2.3687655855990375 2.1938658544347804 1.907525586599496 1.483432433156958 1.1630408902277432 0.9726633067480613 0.8612227700770344 0.7590689447952516 0.6491761933557653 0.5516657237686133 0.5207100191377643 0.443320757560659 0.4077216972351965 0.3705748516781846 +34322,0.38450491876205967,1,1.8487097478008967 2.1582667941093177 2.3919823640721742 2.4894928336593263 2.5018751155116608 2.3687655855990375 2.1938658544347804 1.907525586599496 1.483432433156958 1.1630408902277432 0.9726633067480613 0.8612227700770344 0.7590689447952516 0.6491761933557653 0.5516657237686133 0.5207100191377643 0.443320757560659 0.4077216972351965 0.3705748516781846 0.3256890799634604 +34323,0.8256237097515632,1,2.1582667941093177 2.3919823640721742 2.4894928336593263 2.5018751155116608 2.3687655855990375 2.1938658544347804 1.907525586599496 1.483432433156958 1.1630408902277432 0.9726633067480613 0.8612227700770344 0.7590689447952516 0.6491761933557653 0.5516657237686133 0.5207100191377643 0.443320757560659 0.4077216972351965 0.3705748516781846 0.3256890799634604 0.38450491876205967 +34324,1.1553019640700308,1,2.3919823640721742 2.4894928336593263 2.5018751155116608 2.3687655855990375 2.1938658544347804 1.907525586599496 1.483432433156958 1.1630408902277432 0.9726633067480613 0.8612227700770344 0.7590689447952516 0.6491761933557653 0.5516657237686133 0.5207100191377643 0.443320757560659 0.4077216972351965 0.3705748516781846 0.3256890799634604 0.38450491876205967 0.8256237097515632 +34325,1.5298659901032228,1,2.4894928336593263 2.5018751155116608 2.3687655855990375 2.1938658544347804 1.907525586599496 1.483432433156958 1.1630408902277432 0.9726633067480613 0.8612227700770344 0.7590689447952516 0.6491761933557653 0.5516657237686133 0.5207100191377643 0.443320757560659 0.4077216972351965 0.3705748516781846 0.3256890799634604 0.38450491876205967 0.8256237097515632 1.1553019640700308 +34326,1.7589382043714483,1,2.5018751155116608 2.3687655855990375 2.1938658544347804 1.907525586599496 1.483432433156958 1.1630408902277432 0.9726633067480613 0.8612227700770344 0.7590689447952516 0.6491761933557653 0.5516657237686133 0.5207100191377643 0.443320757560659 0.4077216972351965 0.3705748516781846 0.3256890799634604 0.38450491876205967 0.8256237097515632 1.1553019640700308 1.5298659901032228 +34327,1.9694369958611768,1,2.3687655855990375 2.1938658544347804 1.907525586599496 1.483432433156958 1.1630408902277432 0.9726633067480613 0.8612227700770344 0.7590689447952516 0.6491761933557653 0.5516657237686133 0.5207100191377643 0.443320757560659 0.4077216972351965 0.3705748516781846 0.3256890799634604 0.38450491876205967 0.8256237097515632 1.1553019640700308 1.5298659901032228 1.7589382043714483 +34328,2.1969614248978706,1,2.1938658544347804 1.907525586599496 1.483432433156958 1.1630408902277432 0.9726633067480613 0.8612227700770344 0.7590689447952516 0.6491761933557653 0.5516657237686133 0.5207100191377643 0.443320757560659 0.4077216972351965 0.3705748516781846 0.3256890799634604 0.38450491876205967 0.8256237097515632 1.1553019640700308 1.5298659901032228 1.7589382043714483 1.9694369958611768 +34329,2.268159545548804,1,1.907525586599496 1.483432433156958 1.1630408902277432 0.9726633067480613 0.8612227700770344 0.7590689447952516 0.6491761933557653 0.5516657237686133 0.5207100191377643 0.443320757560659 0.4077216972351965 0.3705748516781846 0.3256890799634604 0.38450491876205967 0.8256237097515632 1.1553019640700308 1.5298659901032228 1.7589382043714483 1.9694369958611768 2.1969614248978706 +34330,2.384243437914462,1,1.483432433156958 1.1630408902277432 0.9726633067480613 0.8612227700770344 0.7590689447952516 0.6491761933557653 0.5516657237686133 0.5207100191377643 0.443320757560659 0.4077216972351965 0.3705748516781846 0.3256890799634604 0.38450491876205967 0.8256237097515632 1.1553019640700308 1.5298659901032228 1.7589382043714483 1.9694369958611768 2.1969614248978706 2.268159545548804 +34331,2.213987062444827,1,1.1630408902277432 0.9726633067480613 0.8612227700770344 0.7590689447952516 0.6491761933557653 0.5516657237686133 0.5207100191377643 0.443320757560659 0.4077216972351965 0.3705748516781846 0.3256890799634604 0.38450491876205967 0.8256237097515632 1.1553019640700308 1.5298659901032228 1.7589382043714483 1.9694369958611768 2.1969614248978706 2.268159545548804 2.384243437914462 +34332,2.200056995360952,1,0.9726633067480613 0.8612227700770344 0.7590689447952516 0.6491761933557653 0.5516657237686133 0.5207100191377643 0.443320757560659 0.4077216972351965 0.3705748516781846 0.3256890799634604 0.38450491876205967 0.8256237097515632 1.1553019640700308 1.5298659901032228 1.7589382043714483 1.9694369958611768 2.1969614248978706 2.268159545548804 2.384243437914462 2.213987062444827 +34333,1.779059412381495,1,0.8612227700770344 0.7590689447952516 0.6491761933557653 0.5516657237686133 0.5207100191377643 0.443320757560659 0.4077216972351965 0.3705748516781846 0.3256890799634604 0.38450491876205967 0.8256237097515632 1.1553019640700308 1.5298659901032228 1.7589382043714483 1.9694369958611768 2.1969614248978706 2.268159545548804 2.384243437914462 2.213987062444827 2.200056995360952 +34334,1.3921131044959687,1,0.7590689447952516 0.6491761933557653 0.5516657237686133 0.5207100191377643 0.443320757560659 0.4077216972351965 0.3705748516781846 0.3256890799634604 0.38450491876205967 0.8256237097515632 1.1553019640700308 1.5298659901032228 1.7589382043714483 1.9694369958611768 2.1969614248978706 2.268159545548804 2.384243437914462 2.213987062444827 2.200056995360952 1.779059412381495 +34335,1.0639826354090505,1,0.6491761933557653 0.5516657237686133 0.5207100191377643 0.443320757560659 0.4077216972351965 0.3705748516781846 0.3256890799634604 0.38450491876205967 0.8256237097515632 1.1553019640700308 1.5298659901032228 1.7589382043714483 1.9694369958611768 2.1969614248978706 2.268159545548804 2.384243437914462 2.213987062444827 2.200056995360952 1.779059412381495 1.3921131044959687 +34336,0.9045607565602091,1,0.5516657237686133 0.5207100191377643 0.443320757560659 0.4077216972351965 0.3705748516781846 0.3256890799634604 0.38450491876205967 0.8256237097515632 1.1553019640700308 1.5298659901032228 1.7589382043714483 1.9694369958611768 2.1969614248978706 2.268159545548804 2.384243437914462 2.213987062444827 2.200056995360952 1.779059412381495 1.3921131044959687 1.0639826354090505 +34337,0.7188265287751583,1,0.5207100191377643 0.443320757560659 0.4077216972351965 0.3705748516781846 0.3256890799634604 0.38450491876205967 0.8256237097515632 1.1553019640700308 1.5298659901032228 1.7589382043714483 1.9694369958611768 2.1969614248978706 2.268159545548804 2.384243437914462 2.213987062444827 2.200056995360952 1.779059412381495 1.3921131044959687 1.0639826354090505 0.9045607565602091 +34338,0.6213160591880064,1,0.443320757560659 0.4077216972351965 0.3705748516781846 0.3256890799634604 0.38450491876205967 0.8256237097515632 1.1553019640700308 1.5298659901032228 1.7589382043714483 1.9694369958611768 2.1969614248978706 2.268159545548804 2.384243437914462 2.213987062444827 2.200056995360952 1.779059412381495 1.3921131044959687 1.0639826354090505 0.9045607565602091 0.7188265287751583 +34339,0.5346400862216482,1,0.4077216972351965 0.3705748516781846 0.3256890799634604 0.38450491876205967 0.8256237097515632 1.1553019640700308 1.5298659901032228 1.7589382043714483 1.9694369958611768 2.1969614248978706 2.268159545548804 2.384243437914462 2.213987062444827 2.200056995360952 1.779059412381495 1.3921131044959687 1.0639826354090505 0.9045607565602091 0.7188265287751583 0.6213160591880064 +34340,0.424747334782153,1,0.3705748516781846 0.3256890799634604 0.38450491876205967 0.8256237097515632 1.1553019640700308 1.5298659901032228 1.7589382043714483 1.9694369958611768 2.1969614248978706 2.268159545548804 2.384243437914462 2.213987062444827 2.200056995360952 1.779059412381495 1.3921131044959687 1.0639826354090505 0.9045607565602091 0.7188265287751583 0.6213160591880064 0.5346400862216482 +34341,0.3086634424164951,1,0.3256890799634604 0.38450491876205967 0.8256237097515632 1.1553019640700308 1.5298659901032228 1.7589382043714483 1.9694369958611768 2.1969614248978706 2.268159545548804 2.384243437914462 2.213987062444827 2.200056995360952 1.779059412381495 1.3921131044959687 1.0639826354090505 0.9045607565602091 0.7188265287751583 0.6213160591880064 0.5346400862216482 0.424747334782153 +34342,0.24365646269173305,1,0.38450491876205967 0.8256237097515632 1.1553019640700308 1.5298659901032228 1.7589382043714483 1.9694369958611768 2.1969614248978706 2.268159545548804 2.384243437914462 2.213987062444827 2.200056995360952 1.779059412381495 1.3921131044959687 1.0639826354090505 0.9045607565602091 0.7188265287751583 0.6213160591880064 0.5346400862216482 0.424747334782153 0.3086634424164951 +34343,0.19412733528238674,1,0.8256237097515632 1.1553019640700308 1.5298659901032228 1.7589382043714483 1.9694369958611768 2.1969614248978706 2.268159545548804 2.384243437914462 2.213987062444827 2.200056995360952 1.779059412381495 1.3921131044959687 1.0639826354090505 0.9045607565602091 0.7188265287751583 0.6213160591880064 0.5346400862216482 0.424747334782153 0.3086634424164951 0.24365646269173305 +34344,0.14459820787303163,1,1.1553019640700308 1.5298659901032228 1.7589382043714483 1.9694369958611768 2.1969614248978706 2.268159545548804 2.384243437914462 2.213987062444827 2.200056995360952 1.779059412381495 1.3921131044959687 1.0639826354090505 0.9045607565602091 0.7188265287751583 0.6213160591880064 0.5346400862216482 0.424747334782153 0.3086634424164951 0.24365646269173305 0.19412733528238674 +34345,0.09042572476906323,1,1.5298659901032228 1.7589382043714483 1.9694369958611768 2.1969614248978706 2.268159545548804 2.384243437914462 2.213987062444827 2.200056995360952 1.779059412381495 1.3921131044959687 1.0639826354090505 0.9045607565602091 0.7188265287751583 0.6213160591880064 0.5346400862216482 0.424747334782153 0.3086634424164951 0.24365646269173305 0.19412733528238674 0.14459820787303163 +34346,0.18948397958775584,1,1.7589382043714483 1.9694369958611768 2.1969614248978706 2.268159545548804 2.384243437914462 2.213987062444827 2.200056995360952 1.779059412381495 1.3921131044959687 1.0639826354090505 0.9045607565602091 0.7188265287751583 0.6213160591880064 0.5346400862216482 0.424747334782153 0.3086634424164951 0.24365646269173305 0.19412733528238674 0.14459820787303163 0.09042572476906323 +34347,0.5361878714531888,1,1.9694369958611768 2.1969614248978706 2.268159545548804 2.384243437914462 2.213987062444827 2.200056995360952 1.779059412381495 1.3921131044959687 1.0639826354090505 0.9045607565602091 0.7188265287751583 0.6213160591880064 0.5346400862216482 0.424747334782153 0.3086634424164951 0.24365646269173305 0.19412733528238674 0.14459820787303163 0.09042572476906323 0.18948397958775584 +34348,0.7822857232683796,1,2.1969614248978706 2.268159545548804 2.384243437914462 2.213987062444827 2.200056995360952 1.779059412381495 1.3921131044959687 1.0639826354090505 0.9045607565602091 0.7188265287751583 0.6213160591880064 0.5346400862216482 0.424747334782153 0.3086634424164951 0.24365646269173305 0.19412733528238674 0.14459820787303163 0.09042572476906323 0.18948397958775584 0.5361878714531888 +34349,1.0593392797144197,1,2.268159545548804 2.384243437914462 2.213987062444827 2.200056995360952 1.779059412381495 1.3921131044959687 1.0639826354090505 0.9045607565602091 0.7188265287751583 0.6213160591880064 0.5346400862216482 0.424747334782153 0.3086634424164951 0.24365646269173305 0.19412733528238674 0.14459820787303163 0.09042572476906323 0.18948397958775584 0.5361878714531888 0.7822857232683796 +34350,1.170365590827198,1,2.384243437914462 2.213987062444827 2.200056995360952 1.779059412381495 1.3921131044959687 1.0639826354090505 0.9045607565602091 0.7188265287751583 0.6213160591880064 0.5346400862216482 0.424747334782153 0.3086634424164951 0.24365646269173305 0.19412733528238674 0.14459820787303163 0.09042572476906323 0.18948397958775584 0.5361878714531888 0.7822857232683796 1.0593392797144197 +34351,1.6509027952098125,1,2.213987062444827 2.200056995360952 1.779059412381495 1.3921131044959687 1.0639826354090505 0.9045607565602091 0.7188265287751583 0.6213160591880064 0.5346400862216482 0.424747334782153 0.3086634424164951 0.24365646269173305 0.19412733528238674 0.14459820787303163 0.09042572476906323 0.18948397958775584 0.5361878714531888 0.7822857232683796 1.0593392797144197 1.170365590827198 +34352,1.788655680817058,1,2.200056995360952 1.779059412381495 1.3921131044959687 1.0639826354090505 0.9045607565602091 0.7188265287751583 0.6213160591880064 0.5346400862216482 0.424747334782153 0.3086634424164951 0.24365646269173305 0.19412733528238674 0.14459820787303163 0.09042572476906323 0.18948397958775584 0.5361878714531888 0.7822857232683796 1.0593392797144197 1.170365590827198 1.6509027952098125 +34353,1.9152645127572083,1,1.779059412381495 1.3921131044959687 1.0639826354090505 0.9045607565602091 0.7188265287751583 0.6213160591880064 0.5346400862216482 0.424747334782153 0.3086634424164951 0.24365646269173305 0.19412733528238674 0.14459820787303163 0.09042572476906323 0.18948397958775584 0.5361878714531888 0.7822857232683796 1.0593392797144197 1.170365590827198 1.6509027952098125 1.788655680817058 +34354,1.8750220967371063,1,1.3921131044959687 1.0639826354090505 0.9045607565602091 0.7188265287751583 0.6213160591880064 0.5346400862216482 0.424747334782153 0.3086634424164951 0.24365646269173305 0.19412733528238674 0.14459820787303163 0.09042572476906323 0.18948397958775584 0.5361878714531888 0.7822857232683796 1.0593392797144197 1.170365590827198 1.6509027952098125 1.788655680817058 1.9152645127572083 +34355,1.7341736406667796,1,1.0639826354090505 0.9045607565602091 0.7188265287751583 0.6213160591880064 0.5346400862216482 0.424747334782153 0.3086634424164951 0.24365646269173305 0.19412733528238674 0.14459820787303163 0.09042572476906323 0.18948397958775584 0.5361878714531888 0.7822857232683796 1.0593392797144197 1.170365590827198 1.6509027952098125 1.788655680817058 1.9152645127572083 1.8750220967371063 +34356,1.5948729698279849,1,0.9045607565602091 0.7188265287751583 0.6213160591880064 0.5346400862216482 0.424747334782153 0.3086634424164951 0.24365646269173305 0.19412733528238674 0.14459820787303163 0.09042572476906323 0.18948397958775584 0.5361878714531888 0.7822857232683796 1.0593392797144197 1.170365590827198 1.6509027952098125 1.788655680817058 1.9152645127572083 1.8750220967371063 1.7341736406667796 +34357,1.3797308226436342,1,0.7188265287751583 0.6213160591880064 0.5346400862216482 0.424747334782153 0.3086634424164951 0.24365646269173305 0.19412733528238674 0.14459820787303163 0.09042572476906323 0.18948397958775584 0.5361878714531888 0.7822857232683796 1.0593392797144197 1.170365590827198 1.6509027952098125 1.788655680817058 1.9152645127572083 1.8750220967371063 1.7341736406667796 1.5948729698279849 +34358,0.9153952531810028,1,0.6213160591880064 0.5346400862216482 0.424747334782153 0.3086634424164951 0.24365646269173305 0.19412733528238674 0.14459820787303163 0.09042572476906323 0.18948397958775584 0.5361878714531888 0.7822857232683796 1.0593392797144197 1.170365590827198 1.6509027952098125 1.788655680817058 1.9152645127572083 1.8750220967371063 1.7341736406667796 1.5948729698279849 1.3797308226436342 +34359,0.5980992807148695,1,0.5346400862216482 0.424747334782153 0.3086634424164951 0.24365646269173305 0.19412733528238674 0.14459820787303163 0.09042572476906323 0.18948397958775584 0.5361878714531888 0.7822857232683796 1.0593392797144197 1.170365590827198 1.6509027952098125 1.788655680817058 1.9152645127572083 1.8750220967371063 1.7341736406667796 1.5948729698279849 1.3797308226436342 0.9153952531810028 +34360,0.46034639510762426,1,0.424747334782153 0.3086634424164951 0.24365646269173305 0.19412733528238674 0.14459820787303163 0.09042572476906323 0.18948397958775584 0.5361878714531888 0.7822857232683796 1.0593392797144197 1.170365590827198 1.6509027952098125 1.788655680817058 1.9152645127572083 1.8750220967371063 1.7341736406667796 1.5948729698279849 1.3797308226436342 0.9153952531810028 0.5980992807148695 +34361,0.36128814028893164,1,0.3086634424164951 0.24365646269173305 0.19412733528238674 0.14459820787303163 0.09042572476906323 0.18948397958775584 0.5361878714531888 0.7822857232683796 1.0593392797144197 1.170365590827198 1.6509027952098125 1.788655680817058 1.9152645127572083 1.8750220967371063 1.7341736406667796 1.5948729698279849 1.3797308226436342 0.9153952531810028 0.5980992807148695 0.46034639510762426 +34362,0.28699444917490774,1,0.24365646269173305 0.19412733528238674 0.14459820787303163 0.09042572476906323 0.18948397958775584 0.5361878714531888 0.7822857232683796 1.0593392797144197 1.170365590827198 1.6509027952098125 1.788655680817058 1.9152645127572083 1.8750220967371063 1.7341736406667796 1.5948729698279849 1.3797308226436342 0.9153952531810028 0.5980992807148695 0.46034639510762426 0.36128814028893164 +34363,0.2111529728293432,1,0.19412733528238674 0.14459820787303163 0.09042572476906323 0.18948397958775584 0.5361878714531888 0.7822857232683796 1.0593392797144197 1.170365590827198 1.6509027952098125 1.788655680817058 1.9152645127572083 1.8750220967371063 1.7341736406667796 1.5948729698279849 1.3797308226436342 0.9153952531810028 0.5980992807148695 0.46034639510762426 0.36128814028893164 0.28699444917490774 +34364,0.2127007580608927,1,0.14459820787303163 0.09042572476906323 0.18948397958775584 0.5361878714531888 0.7822857232683796 1.0593392797144197 1.170365590827198 1.6509027952098125 1.788655680817058 1.9152645127572083 1.8750220967371063 1.7341736406667796 1.5948729698279849 1.3797308226436342 0.9153952531810028 0.5980992807148695 0.46034639510762426 0.36128814028893164 0.28699444917490774 0.2111529728293432 +34365,0.16781498634616848,1,0.09042572476906323 0.18948397958775584 0.5361878714531888 0.7822857232683796 1.0593392797144197 1.170365590827198 1.6509027952098125 1.788655680817058 1.9152645127572083 1.8750220967371063 1.7341736406667796 1.5948729698279849 1.3797308226436342 0.9153952531810028 0.5980992807148695 0.46034639510762426 0.36128814028893164 0.28699444917490774 0.2111529728293432 0.2127007580608927 +34366,0.14459820787303163,1,0.18948397958775584 0.5361878714531888 0.7822857232683796 1.0593392797144197 1.170365590827198 1.6509027952098125 1.788655680817058 1.9152645127572083 1.8750220967371063 1.7341736406667796 1.5948729698279849 1.3797308226436342 0.9153952531810028 0.5980992807148695 0.46034639510762426 0.36128814028893164 0.28699444917490774 0.2111529728293432 0.2127007580608927 0.16781498634616848 +34367,0.15388491926228462,1,0.5361878714531888 0.7822857232683796 1.0593392797144197 1.170365590827198 1.6509027952098125 1.788655680817058 1.9152645127572083 1.8750220967371063 1.7341736406667796 1.5948729698279849 1.3797308226436342 0.9153952531810028 0.5980992807148695 0.46034639510762426 0.36128814028893164 0.28699444917490774 0.2111529728293432 0.2127007580608927 0.16781498634616848 0.14459820787303163 +34368,0.18019726819850287,1,0.7822857232683796 1.0593392797144197 1.170365590827198 1.6509027952098125 1.788655680817058 1.9152645127572083 1.8750220967371063 1.7341736406667796 1.5948729698279849 1.3797308226436342 0.9153952531810028 0.5980992807148695 0.46034639510762426 0.36128814028893164 0.28699444917490774 0.2111529728293432 0.2127007580608927 0.16781498634616848 0.14459820787303163 0.15388491926228462 +34369,0.15233713403074392,1,1.0593392797144197 1.170365590827198 1.6509027952098125 1.788655680817058 1.9152645127572083 1.8750220967371063 1.7341736406667796 1.5948729698279849 1.3797308226436342 0.9153952531810028 0.5980992807148695 0.46034639510762426 0.36128814028893164 0.28699444917490774 0.2111529728293432 0.2127007580608927 0.16781498634616848 0.14459820787303163 0.15388491926228462 0.18019726819850287 +34370,0.15233713403074392,1,1.170365590827198 1.6509027952098125 1.788655680817058 1.9152645127572083 1.8750220967371063 1.7341736406667796 1.5948729698279849 1.3797308226436342 0.9153952531810028 0.5980992807148695 0.46034639510762426 0.36128814028893164 0.28699444917490774 0.2111529728293432 0.2127007580608927 0.16781498634616848 0.14459820787303163 0.15388491926228462 0.18019726819850287 0.15233713403074392 +34371,0.23127418083938986,1,1.6509027952098125 1.788655680817058 1.9152645127572083 1.8750220967371063 1.7341736406667796 1.5948729698279849 1.3797308226436342 0.9153952531810028 0.5980992807148695 0.46034639510762426 0.36128814028893164 0.28699444917490774 0.2111529728293432 0.2127007580608927 0.16781498634616848 0.14459820787303163 0.15388491926228462 0.18019726819850287 0.15233713403074392 0.15233713403074392 +34372,0.5547612942316947,1,1.788655680817058 1.9152645127572083 1.8750220967371063 1.7341736406667796 1.5948729698279849 1.3797308226436342 0.9153952531810028 0.5980992807148695 0.46034639510762426 0.36128814028893164 0.28699444917490774 0.2111529728293432 0.2127007580608927 0.16781498634616848 0.14459820787303163 0.15388491926228462 0.18019726819850287 0.15233713403074392 0.15233713403074392 0.23127418083938986 +34373,0.8488404882246913,1,1.9152645127572083 1.8750220967371063 1.7341736406667796 1.5948729698279849 1.3797308226436342 0.9153952531810028 0.5980992807148695 0.46034639510762426 0.36128814028893164 0.28699444917490774 0.2111529728293432 0.2127007580608927 0.16781498634616848 0.14459820787303163 0.15388491926228462 0.18019726819850287 0.15233713403074392 0.15233713403074392 0.23127418083938986 0.5547612942316947 +34374,1.1042250514291438,1,1.8750220967371063 1.7341736406667796 1.5948729698279849 1.3797308226436342 0.9153952531810028 0.5980992807148695 0.46034639510762426 0.36128814028893164 0.28699444917490774 0.2111529728293432 0.2127007580608927 0.16781498634616848 0.14459820787303163 0.15388491926228462 0.18019726819850287 0.15233713403074392 0.15233713403074392 0.23127418083938986 0.5547612942316947 0.8488404882246913 +34375,1.3503229032443347,1,1.7341736406667796 1.5948729698279849 1.3797308226436342 0.9153952531810028 0.5980992807148695 0.46034639510762426 0.36128814028893164 0.28699444917490774 0.2111529728293432 0.2127007580608927 0.16781498634616848 0.14459820787303163 0.15388491926228462 0.18019726819850287 0.15233713403074392 0.15233713403074392 0.23127418083938986 0.5547612942316947 0.8488404882246913 1.1042250514291438 +34376,1.5561783390394321,1,1.5948729698279849 1.3797308226436342 0.9153952531810028 0.5980992807148695 0.46034639510762426 0.36128814028893164 0.28699444917490774 0.2111529728293432 0.2127007580608927 0.16781498634616848 0.14459820787303163 0.15388491926228462 0.18019726819850287 0.15233713403074392 0.15233713403074392 0.23127418083938986 0.5547612942316947 0.8488404882246913 1.1042250514291438 1.3503229032443347 +34377,1.6413065267742497,1,1.3797308226436342 0.9153952531810028 0.5980992807148695 0.46034639510762426 0.36128814028893164 0.28699444917490774 0.2111529728293432 0.2127007580608927 0.16781498634616848 0.14459820787303163 0.15388491926228462 0.18019726819850287 0.15233713403074392 0.15233713403074392 0.23127418083938986 0.5547612942316947 0.8488404882246913 1.1042250514291438 1.3503229032443347 1.5561783390394321 +34378,1.6180897483011216,1,0.9153952531810028 0.5980992807148695 0.46034639510762426 0.36128814028893164 0.28699444917490774 0.2111529728293432 0.2127007580608927 0.16781498634616848 0.14459820787303163 0.15388491926228462 0.18019726819850287 0.15233713403074392 0.15233713403074392 0.23127418083938986 0.5547612942316947 0.8488404882246913 1.1042250514291438 1.3503229032443347 1.5561783390394321 1.6413065267742497 +34379,1.49117135931467,1,0.5980992807148695 0.46034639510762426 0.36128814028893164 0.28699444917490774 0.2111529728293432 0.2127007580608927 0.16781498634616848 0.14459820787303163 0.15388491926228462 0.18019726819850287 0.15233713403074392 0.15233713403074392 0.23127418083938986 0.5547612942316947 0.8488404882246913 1.1042250514291438 1.3503229032443347 1.5561783390394321 1.6413065267742497 1.6180897483011216 +34380,1.311628272455782,1,0.46034639510762426 0.36128814028893164 0.28699444917490774 0.2111529728293432 0.2127007580608927 0.16781498634616848 0.14459820787303163 0.15388491926228462 0.18019726819850287 0.15233713403074392 0.15233713403074392 0.23127418083938986 0.5547612942316947 0.8488404882246913 1.1042250514291438 1.3503229032443347 1.5561783390394321 1.6413065267742497 1.6180897483011216 1.49117135931467 +34381,1.0748171320298443,1,0.36128814028893164 0.28699444917490774 0.2111529728293432 0.2127007580608927 0.16781498634616848 0.14459820787303163 0.15388491926228462 0.18019726819850287 0.15233713403074392 0.15233713403074392 0.23127418083938986 0.5547612942316947 0.8488404882246913 1.1042250514291438 1.3503229032443347 1.5561783390394321 1.6413065267742497 1.6180897483011216 1.49117135931467 1.311628272455782 +34382,0.7141831730805274,1,0.28699444917490774 0.2111529728293432 0.2127007580608927 0.16781498634616848 0.14459820787303163 0.15388491926228462 0.18019726819850287 0.15233713403074392 0.15233713403074392 0.23127418083938986 0.5547612942316947 0.8488404882246913 1.1042250514291438 1.3503229032443347 1.5561783390394321 1.6413065267742497 1.6180897483011216 1.49117135931467 1.311628272455782 1.0748171320298443 +34383,0.4448685427922085,1,0.2111529728293432 0.2127007580608927 0.16781498634616848 0.14459820787303163 0.15388491926228462 0.18019726819850287 0.15233713403074392 0.15233713403074392 0.23127418083938986 0.5547612942316947 0.8488404882246913 1.1042250514291438 1.3503229032443347 1.5561783390394321 1.6413065267742497 1.6180897483011216 1.49117135931467 1.311628272455782 1.0748171320298443 0.7141831730805274 +34384,0.3256890799634604,1,0.2127007580608927 0.16781498634616848 0.14459820787303163 0.15388491926228462 0.18019726819850287 0.15233713403074392 0.15233713403074392 0.23127418083938986 0.5547612942316947 0.8488404882246913 1.1042250514291438 1.3503229032443347 1.5561783390394321 1.6413065267742497 1.6180897483011216 1.49117135931467 1.311628272455782 1.0748171320298443 0.7141831730805274 0.4448685427922085 +34385,0.19722290574546814,1,0.16781498634616848 0.14459820787303163 0.15388491926228462 0.18019726819850287 0.15233713403074392 0.15233713403074392 0.23127418083938986 0.5547612942316947 0.8488404882246913 1.1042250514291438 1.3503229032443347 1.5561783390394321 1.6413065267742497 1.6180897483011216 1.49117135931467 1.311628272455782 1.0748171320298443 0.7141831730805274 0.4448685427922085 0.3256890799634604 +34386,0.19412733528238674,1,0.14459820787303163 0.15388491926228462 0.18019726819850287 0.15233713403074392 0.15233713403074392 0.23127418083938986 0.5547612942316947 0.8488404882246913 1.1042250514291438 1.3503229032443347 1.5561783390394321 1.6413065267742497 1.6180897483011216 1.49117135931467 1.311628272455782 1.0748171320298443 0.7141831730805274 0.4448685427922085 0.3256890799634604 0.19722290574546814 +34387,0.15698048972537482,1,0.15388491926228462 0.18019726819850287 0.15233713403074392 0.15233713403074392 0.23127418083938986 0.5547612942316947 0.8488404882246913 1.1042250514291438 1.3503229032443347 1.5561783390394321 1.6413065267742497 1.6180897483011216 1.49117135931467 1.311628272455782 1.0748171320298443 0.7141831730805274 0.4448685427922085 0.3256890799634604 0.19722290574546814 0.19412733528238674 +34388,0.19877069097700883,1,0.18019726819850287 0.15233713403074392 0.15233713403074392 0.23127418083938986 0.5547612942316947 0.8488404882246913 1.1042250514291438 1.3503229032443347 1.5561783390394321 1.6413065267742497 1.6180897483011216 1.49117135931467 1.311628272455782 1.0748171320298443 0.7141831730805274 0.4448685427922085 0.3256890799634604 0.19722290574546814 0.19412733528238674 0.15698048972537482 +34389,0.09042572476906323,1,0.15233713403074392 0.15233713403074392 0.23127418083938986 0.5547612942316947 0.8488404882246913 1.1042250514291438 1.3503229032443347 1.5561783390394321 1.6413065267742497 1.6180897483011216 1.49117135931467 1.311628272455782 1.0748171320298443 0.7141831730805274 0.4448685427922085 0.3256890799634604 0.19722290574546814 0.19412733528238674 0.15698048972537482 0.19877069097700883 +34390,0.07959122814826955,1,0.15233713403074392 0.23127418083938986 0.5547612942316947 0.8488404882246913 1.1042250514291438 1.3503229032443347 1.5561783390394321 1.6413065267742497 1.6180897483011216 1.49117135931467 1.311628272455782 1.0748171320298443 0.7141831730805274 0.4448685427922085 0.3256890799634604 0.19722290574546814 0.19412733528238674 0.15698048972537482 0.19877069097700883 0.09042572476906323 +34391,0.11364250324219129,1,0.23127418083938986 0.5547612942316947 0.8488404882246913 1.1042250514291438 1.3503229032443347 1.5561783390394321 1.6413065267742497 1.6180897483011216 1.49117135931467 1.311628272455782 1.0748171320298443 0.7141831730805274 0.4448685427922085 0.3256890799634604 0.19722290574546814 0.19412733528238674 0.15698048972537482 0.19877069097700883 0.09042572476906323 0.07959122814826955 +34392,0.10280800662139761,1,0.5547612942316947 0.8488404882246913 1.1042250514291438 1.3503229032443347 1.5561783390394321 1.6413065267742497 1.6180897483011216 1.49117135931467 1.311628272455782 1.0748171320298443 0.7141831730805274 0.4448685427922085 0.3256890799634604 0.19722290574546814 0.19412733528238674 0.15698048972537482 0.19877069097700883 0.09042572476906323 0.07959122814826955 0.11364250324219129 +34393,0.07804344291672885,1,0.8488404882246913 1.1042250514291438 1.3503229032443347 1.5561783390394321 1.6413065267742497 1.6180897483011216 1.49117135931467 1.311628272455782 1.0748171320298443 0.7141831730805274 0.4448685427922085 0.3256890799634604 0.19722290574546814 0.19412733528238674 0.15698048972537482 0.19877069097700883 0.09042572476906323 0.07959122814826955 0.11364250324219129 0.10280800662139761 +34394,0.05637444967513269,1,1.1042250514291438 1.3503229032443347 1.5561783390394321 1.6413065267742497 1.6180897483011216 1.49117135931467 1.311628272455782 1.0748171320298443 0.7141831730805274 0.4448685427922085 0.3256890799634604 0.19722290574546814 0.19412733528238674 0.15698048972537482 0.19877069097700883 0.09042572476906323 0.07959122814826955 0.11364250324219129 0.10280800662139761 0.07804344291672885 +34395,0.16936277157770918,1,1.3503229032443347 1.5561783390394321 1.6413065267742497 1.6180897483011216 1.49117135931467 1.311628272455782 1.0748171320298443 0.7141831730805274 0.4448685427922085 0.3256890799634604 0.19722290574546814 0.19412733528238674 0.15698048972537482 0.19877069097700883 0.09042572476906323 0.07959122814826955 0.11364250324219129 0.10280800662139761 0.07804344291672885 0.05637444967513269 +34396,0.331880220889632,1,1.5561783390394321 1.6413065267742497 1.6180897483011216 1.49117135931467 1.311628272455782 1.0748171320298443 0.7141831730805274 0.4448685427922085 0.3256890799634604 0.19722290574546814 0.19412733528238674 0.15698048972537482 0.19877069097700883 0.09042572476906323 0.07959122814826955 0.11364250324219129 0.10280800662139761 0.07804344291672885 0.05637444967513269 0.16936277157770918 +34397,0.5238055896008544,1,1.6413065267742497 1.6180897483011216 1.49117135931467 1.311628272455782 1.0748171320298443 0.7141831730805274 0.4448685427922085 0.3256890799634604 0.19722290574546814 0.19412733528238674 0.15698048972537482 0.19877069097700883 0.09042572476906323 0.07959122814826955 0.11364250324219129 0.10280800662139761 0.07804344291672885 0.05637444967513269 0.16936277157770918 0.331880220889632 +34398,0.6801318979866057,1,1.6180897483011216 1.49117135931467 1.311628272455782 1.0748171320298443 0.7141831730805274 0.4448685427922085 0.3256890799634604 0.19722290574546814 0.19412733528238674 0.15698048972537482 0.19877069097700883 0.09042572476906323 0.07959122814826955 0.11364250324219129 0.10280800662139761 0.07804344291672885 0.05637444967513269 0.16936277157770918 0.331880220889632 0.5238055896008544 +34399,0.9262297498017965,1,1.49117135931467 1.311628272455782 1.0748171320298443 0.7141831730805274 0.4448685427922085 0.3256890799634604 0.19722290574546814 0.19412733528238674 0.15698048972537482 0.19877069097700883 0.09042572476906323 0.07959122814826955 0.11364250324219129 0.10280800662139761 0.07804344291672885 0.05637444967513269 0.16936277157770918 0.331880220889632 0.5238055896008544 0.6801318979866057 +34400,1.1289896151338126,1,1.311628272455782 1.0748171320298443 0.7141831730805274 0.4448685427922085 0.3256890799634604 0.19722290574546814 0.19412733528238674 0.15698048972537482 0.19877069097700883 0.09042572476906323 0.07959122814826955 0.11364250324219129 0.10280800662139761 0.07804344291672885 0.05637444967513269 0.16936277157770918 0.331880220889632 0.5238055896008544 0.6801318979866057 0.9262297498017965 +34401,1.1738753868485368,1,1.0748171320298443 0.7141831730805274 0.4448685427922085 0.3256890799634604 0.19722290574546814 0.19412733528238674 0.15698048972537482 0.19877069097700883 0.09042572476906323 0.07959122814826955 0.11364250324219129 0.10280800662139761 0.07804344291672885 0.05637444967513269 0.16936277157770918 0.331880220889632 0.5238055896008544 0.6801318979866057 0.9262297498017965 1.1289896151338126 +34402,1.2141178028686301,1,0.7141831730805274 0.4448685427922085 0.3256890799634604 0.19722290574546814 0.19412733528238674 0.15698048972537482 0.19877069097700883 0.09042572476906323 0.07959122814826955 0.11364250324219129 0.10280800662139761 0.07804344291672885 0.05637444967513269 0.16936277157770918 0.331880220889632 0.5238055896008544 0.6801318979866057 0.9262297498017965 1.1289896151338126 1.1738753868485368 +34403,1.1398241117546062,1,0.4448685427922085 0.3256890799634604 0.19722290574546814 0.19412733528238674 0.15698048972537482 0.19877069097700883 0.09042572476906323 0.07959122814826955 0.11364250324219129 0.10280800662139761 0.07804344291672885 0.05637444967513269 0.16936277157770918 0.331880220889632 0.5238055896008544 0.6801318979866057 0.9262297498017965 1.1289896151338126 1.1738753868485368 1.2141178028686301 +34404,0.9463509578118432,1,0.3256890799634604 0.19722290574546814 0.19412733528238674 0.15698048972537482 0.19877069097700883 0.09042572476906323 0.07959122814826955 0.11364250324219129 0.10280800662139761 0.07804344291672885 0.05637444967513269 0.16936277157770918 0.331880220889632 0.5238055896008544 0.6801318979866057 0.9262297498017965 1.1289896151338126 1.1738753868485368 1.2141178028686301 1.1398241117546062 +34405,0.734304381090574,1,0.19722290574546814 0.19412733528238674 0.15698048972537482 0.19877069097700883 0.09042572476906323 0.07959122814826955 0.11364250324219129 0.10280800662139761 0.07804344291672885 0.05637444967513269 0.16936277157770918 0.331880220889632 0.5238055896008544 0.6801318979866057 0.9262297498017965 1.1289896151338126 1.1738753868485368 1.2141178028686301 1.1398241117546062 0.9463509578118432 +34406,0.4417729723291183,1,0.19412733528238674 0.15698048972537482 0.19877069097700883 0.09042572476906323 0.07959122814826955 0.11364250324219129 0.10280800662139761 0.07804344291672885 0.05637444967513269 0.16936277157770918 0.331880220889632 0.5238055896008544 0.6801318979866057 0.9262297498017965 1.1289896151338126 1.1738753868485368 1.2141178028686301 1.1398241117546062 0.9463509578118432 0.734304381090574 +34407,0.24056089222864285,1,0.15698048972537482 0.19877069097700883 0.09042572476906323 0.07959122814826955 0.11364250324219129 0.10280800662139761 0.07804344291672885 0.05637444967513269 0.16936277157770918 0.331880220889632 0.5238055896008544 0.6801318979866057 0.9262297498017965 1.1289896151338126 1.1738753868485368 1.2141178028686301 1.1398241117546062 0.9463509578118432 0.734304381090574 0.4417729723291183 +34408,0.14459820787303163,1,0.19877069097700883 0.09042572476906323 0.07959122814826955 0.11364250324219129 0.10280800662139761 0.07804344291672885 0.05637444967513269 0.16936277157770918 0.331880220889632 0.5238055896008544 0.6801318979866057 0.9262297498017965 1.1289896151338126 1.1738753868485368 1.2141178028686301 1.1398241117546062 0.9463509578118432 0.734304381090574 0.4417729723291183 0.24056089222864285 +34409,0.07494787245363867,1,0.09042572476906323 0.07959122814826955 0.11364250324219129 0.10280800662139761 0.07804344291672885 0.05637444967513269 0.16936277157770918 0.331880220889632 0.5238055896008544 0.6801318979866057 0.9262297498017965 1.1289896151338126 1.1738753868485368 1.2141178028686301 1.1398241117546062 0.9463509578118432 0.734304381090574 0.4417729723291183 0.24056089222864285 0.14459820787303163 +34410,0.011488677960417278,1,0.07959122814826955 0.11364250324219129 0.10280800662139761 0.07804344291672885 0.05637444967513269 0.16936277157770918 0.331880220889632 0.5238055896008544 0.6801318979866057 0.9262297498017965 1.1289896151338126 1.1738753868485368 1.2141178028686301 1.1398241117546062 0.9463509578118432 0.734304381090574 0.4417729723291183 0.24056089222864285 0.14459820787303163 0.07494787245363867 +34411,0.023870959812751655,1,0.11364250324219129 0.10280800662139761 0.07804344291672885 0.05637444967513269 0.16936277157770918 0.331880220889632 0.5238055896008544 0.6801318979866057 0.9262297498017965 1.1289896151338126 1.1738753868485368 1.2141178028686301 1.1398241117546062 0.9463509578118432 0.734304381090574 0.4417729723291183 0.24056089222864285 0.14459820787303163 0.07494787245363867 0.011488677960417278 +34412,-0.002441389123466596,1,0.10280800662139761 0.07804344291672885 0.05637444967513269 0.16936277157770918 0.331880220889632 0.5238055896008544 0.6801318979866057 0.9262297498017965 1.1289896151338126 1.1738753868485368 1.2141178028686301 1.1398241117546062 0.9463509578118432 0.734304381090574 0.4417729723291183 0.24056089222864285 0.14459820787303163 0.07494787245363867 0.011488677960417278 0.023870959812751655 +34413,-0.025658167596594655,1,0.07804344291672885 0.05637444967513269 0.16936277157770918 0.331880220889632 0.5238055896008544 0.6801318979866057 0.9262297498017965 1.1289896151338126 1.1738753868485368 1.2141178028686301 1.1398241117546062 0.9463509578118432 0.734304381090574 0.4417729723291183 0.24056089222864285 0.14459820787303163 0.07494787245363867 0.011488677960417278 0.023870959812751655 -0.002441389123466596 +34414,0.0037497518027049923,1,0.05637444967513269 0.16936277157770918 0.331880220889632 0.5238055896008544 0.6801318979866057 0.9262297498017965 1.1289896151338126 1.1738753868485368 1.2141178028686301 1.1398241117546062 0.9463509578118432 0.734304381090574 0.4417729723291183 0.24056089222864285 0.14459820787303163 0.07494787245363867 0.011488677960417278 0.023870959812751655 -0.002441389123466596 -0.025658167596594655 +34415,-0.019467026670423066,1,0.16936277157770918 0.331880220889632 0.5238055896008544 0.6801318979866057 0.9262297498017965 1.1289896151338126 1.1738753868485368 1.2141178028686301 1.1398241117546062 0.9463509578118432 0.734304381090574 0.4417729723291183 0.24056089222864285 0.14459820787303163 0.07494787245363867 0.011488677960417278 0.023870959812751655 -0.002441389123466596 -0.025658167596594655 0.0037497518027049923 +34416,-0.04577937560664132,1,0.331880220889632 0.5238055896008544 0.6801318979866057 0.9262297498017965 1.1289896151338126 1.1738753868485368 1.2141178028686301 1.1398241117546062 0.9463509578118432 0.734304381090574 0.4417729723291183 0.24056089222864285 0.14459820787303163 0.07494787245363867 0.011488677960417278 0.023870959812751655 -0.002441389123466596 -0.025658167596594655 0.0037497518027049923 -0.019467026670423066 +34417,-0.10614299963678131,1,0.5238055896008544 0.6801318979866057 0.9262297498017965 1.1289896151338126 1.1738753868485368 1.2141178028686301 1.1398241117546062 0.9463509578118432 0.734304381090574 0.4417729723291183 0.24056089222864285 0.14459820787303163 0.07494787245363867 0.011488677960417278 0.023870959812751655 -0.002441389123466596 -0.025658167596594655 0.0037497518027049923 -0.019467026670423066 -0.04577937560664132 +34418,-0.09685628824752832,1,0.6801318979866057 0.9262297498017965 1.1289896151338126 1.1738753868485368 1.2141178028686301 1.1398241117546062 0.9463509578118432 0.734304381090574 0.4417729723291183 0.24056089222864285 0.14459820787303163 0.07494787245363867 0.011488677960417278 0.023870959812751655 -0.002441389123466596 -0.025658167596594655 0.0037497518027049923 -0.019467026670423066 -0.04577937560664132 -0.10614299963678131 +34419,0.13685928171532816,1,0.9262297498017965 1.1289896151338126 1.1738753868485368 1.2141178028686301 1.1398241117546062 0.9463509578118432 0.734304381090574 0.4417729723291183 0.24056089222864285 0.14459820787303163 0.07494787245363867 0.011488677960417278 0.023870959812751655 -0.002441389123466596 -0.025658167596594655 0.0037497518027049923 -0.019467026670423066 -0.04577937560664132 -0.10614299963678131 -0.09685628824752832 +34420,0.2684210263964018,1,1.1289896151338126 1.1738753868485368 1.2141178028686301 1.1398241117546062 0.9463509578118432 0.734304381090574 0.4417729723291183 0.24056089222864285 0.14459820787303163 0.07494787245363867 0.011488677960417278 0.023870959812751655 -0.002441389123466596 -0.025658167596594655 0.0037497518027049923 -0.019467026670423066 -0.04577937560664132 -0.10614299963678131 -0.09685628824752832 0.13685928171532816 +34421,0.4278429052452432,1,1.1738753868485368 1.2141178028686301 1.1398241117546062 0.9463509578118432 0.734304381090574 0.4417729723291183 0.24056089222864285 0.14459820787303163 0.07494787245363867 0.011488677960417278 0.023870959812751655 -0.002441389123466596 -0.025658167596594655 0.0037497518027049923 -0.019467026670423066 -0.04577937560664132 -0.10614299963678131 -0.09685628824752832 0.13685928171532816 0.2684210263964018 +34422,0.6290549853457186,1,1.2141178028686301 1.1398241117546062 0.9463509578118432 0.734304381090574 0.4417729723291183 0.24056089222864285 0.14459820787303163 0.07494787245363867 0.011488677960417278 0.023870959812751655 -0.002441389123466596 -0.025658167596594655 0.0037497518027049923 -0.019467026670423066 -0.04577937560664132 -0.10614299963678131 -0.09685628824752832 0.13685928171532816 0.2684210263964018 0.4278429052452432 +34423,0.7977635755838042,1,1.1398241117546062 0.9463509578118432 0.734304381090574 0.4417729723291183 0.24056089222864285 0.14459820787303163 0.07494787245363867 0.011488677960417278 0.023870959812751655 -0.002441389123466596 -0.025658167596594655 0.0037497518027049923 -0.019467026670423066 -0.04577937560664132 -0.10614299963678131 -0.09685628824752832 0.13685928171532816 0.2684210263964018 0.4278429052452432 0.6290549853457186 +34424,0.9989756556842796,1,0.9463509578118432 0.734304381090574 0.4417729723291183 0.24056089222864285 0.14459820787303163 0.07494787245363867 0.011488677960417278 0.023870959812751655 -0.002441389123466596 -0.025658167596594655 0.0037497518027049923 -0.019467026670423066 -0.04577937560664132 -0.10614299963678131 -0.09685628824752832 0.13685928171532816 0.2684210263964018 0.4278429052452432 0.6290549853457186 0.7977635755838042 +34425,1.0686259911036726,1,0.734304381090574 0.4417729723291183 0.24056089222864285 0.14459820787303163 0.07494787245363867 0.011488677960417278 0.023870959812751655 -0.002441389123466596 -0.025658167596594655 0.0037497518027049923 -0.019467026670423066 -0.04577937560664132 -0.10614299963678131 -0.09685628824752832 0.13685928171532816 0.2684210263964018 0.4278429052452432 0.6290549853457186 0.7977635755838042 0.9989756556842796 +34426,0.9726633067480613,1,0.4417729723291183 0.24056089222864285 0.14459820787303163 0.07494787245363867 0.011488677960417278 0.023870959812751655 -0.002441389123466596 -0.025658167596594655 0.0037497518027049923 -0.019467026670423066 -0.04577937560664132 -0.10614299963678131 -0.09685628824752832 0.13685928171532816 0.2684210263964018 0.4278429052452432 0.6290549853457186 0.7977635755838042 0.9989756556842796 1.0686259911036726 +34427,0.988141159063486,1,0.24056089222864285 0.14459820787303163 0.07494787245363867 0.011488677960417278 0.023870959812751655 -0.002441389123466596 -0.025658167596594655 0.0037497518027049923 -0.019467026670423066 -0.04577937560664132 -0.10614299963678131 -0.09685628824752832 0.13685928171532816 0.2684210263964018 0.4278429052452432 0.6290549853457186 0.7977635755838042 0.9989756556842796 1.0686259911036726 0.9726633067480613 +34428,0.9045607565602091,1,0.14459820787303163 0.07494787245363867 0.011488677960417278 0.023870959812751655 -0.002441389123466596 -0.025658167596594655 0.0037497518027049923 -0.019467026670423066 -0.04577937560664132 -0.10614299963678131 -0.09685628824752832 0.13685928171532816 0.2684210263964018 0.4278429052452432 0.6290549853457186 0.7977635755838042 0.9989756556842796 1.0686259911036726 0.9726633067480613 0.988141159063486 +34429,0.6631062604396404,1,0.07494787245363867 0.011488677960417278 0.023870959812751655 -0.002441389123466596 -0.025658167596594655 0.0037497518027049923 -0.019467026670423066 -0.04577937560664132 -0.10614299963678131 -0.09685628824752832 0.13685928171532816 0.2684210263964018 0.4278429052452432 0.6290549853457186 0.7977635755838042 0.9989756556842796 1.0686259911036726 0.9726633067480613 0.988141159063486 0.9045607565602091 +34430,0.36593149598355373,1,0.011488677960417278 0.023870959812751655 -0.002441389123466596 -0.025658167596594655 0.0037497518027049923 -0.019467026670423066 -0.04577937560664132 -0.10614299963678131 -0.09685628824752832 0.13685928171532816 0.2684210263964018 0.4278429052452432 0.6290549853457186 0.7977635755838042 0.9989756556842796 1.0686259911036726 0.9726633067480613 0.988141159063486 0.9045607565602091 0.6631062604396404 +34431,0.14150263740995023,1,0.023870959812751655 -0.002441389123466596 -0.025658167596594655 0.0037497518027049923 -0.019467026670423066 -0.04577937560664132 -0.10614299963678131 -0.09685628824752832 0.13685928171532816 0.2684210263964018 0.4278429052452432 0.6290549853457186 0.7977635755838042 0.9989756556842796 1.0686259911036726 0.9726633067480613 0.988141159063486 0.9045607565602091 0.6631062604396404 0.36593149598355373 +34432,0.04089659735971692,1,-0.002441389123466596 -0.025658167596594655 0.0037497518027049923 -0.019467026670423066 -0.04577937560664132 -0.10614299963678131 -0.09685628824752832 0.13685928171532816 0.2684210263964018 0.4278429052452432 0.6290549853457186 0.7977635755838042 0.9989756556842796 1.0686259911036726 0.9726633067480613 0.988141159063486 0.9045607565602091 0.6631062604396404 0.36593149598355373 0.14150263740995023 +34433,-0.03804044944892903,1,-0.025658167596594655 0.0037497518027049923 -0.019467026670423066 -0.04577937560664132 -0.10614299963678131 -0.09685628824752832 0.13685928171532816 0.2684210263964018 0.4278429052452432 0.6290549853457186 0.7977635755838042 0.9989756556842796 1.0686259911036726 0.9726633067480613 0.988141159063486 0.9045607565602091 0.6631062604396404 0.36593149598355373 0.14150263740995023 0.04089659735971692 +34434,-0.09376071778444693,1,0.0037497518027049923 -0.019467026670423066 -0.04577937560664132 -0.10614299963678131 -0.09685628824752832 0.13685928171532816 0.2684210263964018 0.4278429052452432 0.6290549853457186 0.7977635755838042 0.9989756556842796 1.0686259911036726 0.9726633067480613 0.988141159063486 0.9045607565602091 0.6631062604396404 0.36593149598355373 0.14150263740995023 0.04089659735971692 -0.03804044944892903 +34435,-0.14638541565688343,1,-0.019467026670423066 -0.04577937560664132 -0.10614299963678131 -0.09685628824752832 0.13685928171532816 0.2684210263964018 0.4278429052452432 0.6290549853457186 0.7977635755838042 0.9989756556842796 1.0686259911036726 0.9726633067480613 0.988141159063486 0.9045607565602091 0.6631062604396404 0.36593149598355373 0.14150263740995023 0.04089659735971692 -0.03804044944892903 -0.09376071778444693 +34436,-0.14019427473071183,1,-0.04577937560664132 -0.10614299963678131 -0.09685628824752832 0.13685928171532816 0.2684210263964018 0.4278429052452432 0.6290549853457186 0.7977635755838042 0.9989756556842796 1.0686259911036726 0.9726633067480613 0.988141159063486 0.9045607565602091 0.6631062604396404 0.36593149598355373 0.14150263740995023 0.04089659735971692 -0.03804044944892903 -0.09376071778444693 -0.14638541565688343 +34437,-0.15412434181458692,1,-0.10614299963678131 -0.09685628824752832 0.13685928171532816 0.2684210263964018 0.4278429052452432 0.6290549853457186 0.7977635755838042 0.9989756556842796 1.0686259911036726 0.9726633067480613 0.988141159063486 0.9045607565602091 0.6631062604396404 0.36593149598355373 0.14150263740995023 0.04089659735971692 -0.03804044944892903 -0.09376071778444693 -0.14638541565688343 -0.14019427473071183 +34438,-0.1665066236669301,1,-0.09685628824752832 0.13685928171532816 0.2684210263964018 0.4278429052452432 0.6290549853457186 0.7977635755838042 0.9989756556842796 1.0686259911036726 0.9726633067480613 0.988141159063486 0.9045607565602091 0.6631062604396404 0.36593149598355373 0.14150263740995023 0.04089659735971692 -0.03804044944892903 -0.09376071778444693 -0.14638541565688343 -0.14019427473071183 -0.15412434181458692 +34439,-0.1634110532038399,1,0.13685928171532816 0.2684210263964018 0.4278429052452432 0.6290549853457186 0.7977635755838042 0.9989756556842796 1.0686259911036726 0.9726633067480613 0.988141159063486 0.9045607565602091 0.6631062604396404 0.36593149598355373 0.14150263740995023 0.04089659735971692 -0.03804044944892903 -0.09376071778444693 -0.14638541565688343 -0.14019427473071183 -0.15412434181458692 -0.1665066236669301 +34440,-0.17424554982463358,1,0.2684210263964018 0.4278429052452432 0.6290549853457186 0.7977635755838042 0.9989756556842796 1.0686259911036726 0.9726633067480613 0.988141159063486 0.9045607565602091 0.6631062604396404 0.36593149598355373 0.14150263740995023 0.04089659735971692 -0.03804044944892903 -0.09376071778444693 -0.14638541565688343 -0.14019427473071183 -0.15412434181458692 -0.1665066236669301 -0.1634110532038399 +34441,-0.17424554982463358,1,0.4278429052452432 0.6290549853457186 0.7977635755838042 0.9989756556842796 1.0686259911036726 0.9726633067480613 0.988141159063486 0.9045607565602091 0.6631062604396404 0.36593149598355373 0.14150263740995023 0.04089659735971692 -0.03804044944892903 -0.09376071778444693 -0.14638541565688343 -0.14019427473071183 -0.15412434181458692 -0.1665066236669301 -0.1634110532038399 -0.17424554982463358 +34442,-0.1092385700998715,1,0.6290549853457186 0.7977635755838042 0.9989756556842796 1.0686259911036726 0.9726633067480613 0.988141159063486 0.9045607565602091 0.6631062604396404 0.36593149598355373 0.14150263740995023 0.04089659735971692 -0.03804044944892903 -0.09376071778444693 -0.14638541565688343 -0.14019427473071183 -0.15412434181458692 -0.1665066236669301 -0.1634110532038399 -0.17424554982463358 -0.17424554982463358 +34443,0.07804344291672885,1,0.7977635755838042 0.9989756556842796 1.0686259911036726 0.9726633067480613 0.988141159063486 0.9045607565602091 0.6631062604396404 0.36593149598355373 0.14150263740995023 0.04089659735971692 -0.03804044944892903 -0.09376071778444693 -0.14638541565688343 -0.14019427473071183 -0.15412434181458692 -0.1665066236669301 -0.1634110532038399 -0.17424554982463358 -0.17424554982463358 -0.1092385700998715 +34444,0.29782894579570146,1,0.9989756556842796 1.0686259911036726 0.9726633067480613 0.988141159063486 0.9045607565602091 0.6631062604396404 0.36593149598355373 0.14150263740995023 0.04089659735971692 -0.03804044944892903 -0.09376071778444693 -0.14638541565688343 -0.14019427473071183 -0.15412434181458692 -0.1665066236669301 -0.1634110532038399 -0.17424554982463358 -0.17424554982463358 -0.1092385700998715 0.07804344291672885 +34445,0.5021365963592582,1,1.0686259911036726 0.9726633067480613 0.988141159063486 0.9045607565602091 0.6631062604396404 0.36593149598355373 0.14150263740995023 0.04089659735971692 -0.03804044944892903 -0.09376071778444693 -0.14638541565688343 -0.14019427473071183 -0.15412434181458692 -0.1665066236669301 -0.1634110532038399 -0.17424554982463358 -0.17424554982463358 -0.1092385700998715 0.07804344291672885 0.29782894579570146 +34446,0.7203743140066989,1,0.9726633067480613 0.988141159063486 0.9045607565602091 0.6631062604396404 0.36593149598355373 0.14150263740995023 0.04089659735971692 -0.03804044944892903 -0.09376071778444693 -0.14638541565688343 -0.14019427473071183 -0.15412434181458692 -0.1665066236669301 -0.1634110532038399 -0.17424554982463358 -0.17424554982463358 -0.1092385700998715 0.07804344291672885 0.29782894579570146 0.5021365963592582 +34447,0.8844395485501625,1,0.988141159063486 0.9045607565602091 0.6631062604396404 0.36593149598355373 0.14150263740995023 0.04089659735971692 -0.03804044944892903 -0.09376071778444693 -0.14638541565688343 -0.14019427473071183 -0.15412434181458692 -0.1665066236669301 -0.1634110532038399 -0.17424554982463358 -0.17424554982463358 -0.1092385700998715 0.07804344291672885 0.29782894579570146 0.5021365963592582 0.7203743140066989 +34448,1.0407658569359137,1,0.9045607565602091 0.6631062604396404 0.36593149598355373 0.14150263740995023 0.04089659735971692 -0.03804044944892903 -0.09376071778444693 -0.14638541565688343 -0.14019427473071183 -0.15412434181458692 -0.1665066236669301 -0.1634110532038399 -0.17424554982463358 -0.17424554982463358 -0.1092385700998715 0.07804344291672885 0.29782894579570146 0.5021365963592582 0.7203743140066989 0.8844395485501625 +34449,1.0949383400398909,1,0.6631062604396404 0.36593149598355373 0.14150263740995023 0.04089659735971692 -0.03804044944892903 -0.09376071778444693 -0.14638541565688343 -0.14019427473071183 -0.15412434181458692 -0.1665066236669301 -0.1634110532038399 -0.17424554982463358 -0.17424554982463358 -0.1092385700998715 0.07804344291672885 0.29782894579570146 0.5021365963592582 0.7203743140066989 0.8844395485501625 1.0407658569359137 +34450,1.1413718969861557,1,0.36593149598355373 0.14150263740995023 0.04089659735971692 -0.03804044944892903 -0.09376071778444693 -0.14638541565688343 -0.14019427473071183 -0.15412434181458692 -0.1665066236669301 -0.1634110532038399 -0.17424554982463358 -0.17424554982463358 -0.1092385700998715 0.07804344291672885 0.29782894579570146 0.5021365963592582 0.7203743140066989 0.8844395485501625 1.0407658569359137 1.0949383400398909 +34451,1.0887471991137192,1,0.14150263740995023 0.04089659735971692 -0.03804044944892903 -0.09376071778444693 -0.14638541565688343 -0.14019427473071183 -0.15412434181458692 -0.1665066236669301 -0.1634110532038399 -0.17424554982463358 -0.17424554982463358 -0.1092385700998715 0.07804344291672885 0.29782894579570146 0.5021365963592582 0.7203743140066989 0.8844395485501625 1.0407658569359137 1.0949383400398909 1.1413718969861557 +34452,0.9432553873487618,1,0.04089659735971692 -0.03804044944892903 -0.09376071778444693 -0.14638541565688343 -0.14019427473071183 -0.15412434181458692 -0.1665066236669301 -0.1634110532038399 -0.17424554982463358 -0.17424554982463358 -0.1092385700998715 0.07804344291672885 0.29782894579570146 0.5021365963592582 0.7203743140066989 0.8844395485501625 1.0407658569359137 1.0949383400398909 1.1413718969861557 1.0887471991137192 +34453,0.7544255891006295,1,-0.03804044944892903 -0.09376071778444693 -0.14638541565688343 -0.14019427473071183 -0.15412434181458692 -0.1665066236669301 -0.1634110532038399 -0.17424554982463358 -0.17424554982463358 -0.1092385700998715 0.07804344291672885 0.29782894579570146 0.5021365963592582 0.7203743140066989 0.8844395485501625 1.0407658569359137 1.0949383400398909 1.1413718969861557 1.0887471991137192 0.9432553873487618 +34454,0.5129710929800607,1,-0.09376071778444693 -0.14638541565688343 -0.14019427473071183 -0.15412434181458692 -0.1665066236669301 -0.1634110532038399 -0.17424554982463358 -0.17424554982463358 -0.1092385700998715 0.07804344291672885 0.29782894579570146 0.5021365963592582 0.7203743140066989 0.8844395485501625 1.0407658569359137 1.0949383400398909 1.1413718969861557 1.0887471991137192 0.9432553873487618 0.7544255891006295 +34455,0.313306798111126,1,-0.14638541565688343 -0.14019427473071183 -0.15412434181458692 -0.1665066236669301 -0.1634110532038399 -0.17424554982463358 -0.17424554982463358 -0.1092385700998715 0.07804344291672885 0.29782894579570146 0.5021365963592582 0.7203743140066989 0.8844395485501625 1.0407658569359137 1.0949383400398909 1.1413718969861557 1.0887471991137192 0.9432553873487618 0.7544255891006295 0.5129710929800607 +34456,0.2142485432924334,1,-0.14019427473071183 -0.15412434181458692 -0.1665066236669301 -0.1634110532038399 -0.17424554982463358 -0.17424554982463358 -0.1092385700998715 0.07804344291672885 0.29782894579570146 0.5021365963592582 0.7203743140066989 0.8844395485501625 1.0407658569359137 1.0949383400398909 1.1413718969861557 1.0887471991137192 0.9432553873487618 0.7544255891006295 0.5129710929800607 0.313306798111126 +34457,0.07959122814826955,1,-0.15412434181458692 -0.1665066236669301 -0.1634110532038399 -0.17424554982463358 -0.17424554982463358 -0.1092385700998715 0.07804344291672885 0.29782894579570146 0.5021365963592582 0.7203743140066989 0.8844395485501625 1.0407658569359137 1.0949383400398909 1.1413718969861557 1.0887471991137192 0.9432553873487618 0.7544255891006295 0.5129710929800607 0.313306798111126 0.2142485432924334 +34458,-0.06280501315360658,1,-0.1665066236669301 -0.1634110532038399 -0.17424554982463358 -0.17424554982463358 -0.1092385700998715 0.07804344291672885 0.29782894579570146 0.5021365963592582 0.7203743140066989 0.8844395485501625 1.0407658569359137 1.0949383400398909 1.1413718969861557 1.0887471991137192 0.9432553873487618 0.7544255891006295 0.5129710929800607 0.313306798111126 0.2142485432924334 0.07959122814826955 +34459,-0.13400313380454026,1,-0.1634110532038399 -0.17424554982463358 -0.17424554982463358 -0.1092385700998715 0.07804344291672885 0.29782894579570146 0.5021365963592582 0.7203743140066989 0.8844395485501625 1.0407658569359137 1.0949383400398909 1.1413718969861557 1.0887471991137192 0.9432553873487618 0.7544255891006295 0.5129710929800607 0.313306798111126 0.2142485432924334 0.07959122814826955 -0.06280501315360658 +34460,-0.20210568399239254,1,-0.17424554982463358 -0.17424554982463358 -0.1092385700998715 0.07804344291672885 0.29782894579570146 0.5021365963592582 0.7203743140066989 0.8844395485501625 1.0407658569359137 1.0949383400398909 1.1413718969861557 1.0887471991137192 0.9432553873487618 0.7544255891006295 0.5129710929800607 0.313306798111126 0.2142485432924334 0.07959122814826955 -0.06280501315360658 -0.13400313380454026 +34461,-0.23151360339169216,1,-0.17424554982463358 -0.1092385700998715 0.07804344291672885 0.29782894579570146 0.5021365963592582 0.7203743140066989 0.8844395485501625 1.0407658569359137 1.0949383400398909 1.1413718969861557 1.0887471991137192 0.9432553873487618 0.7544255891006295 0.5129710929800607 0.313306798111126 0.2142485432924334 0.07959122814826955 -0.06280501315360658 -0.13400313380454026 -0.20210568399239254 +34462,-0.23770474431786376,1,-0.1092385700998715 0.07804344291672885 0.29782894579570146 0.5021365963592582 0.7203743140066989 0.8844395485501625 1.0407658569359137 1.0949383400398909 1.1413718969861557 1.0887471991137192 0.9432553873487618 0.7544255891006295 0.5129710929800607 0.313306798111126 0.2142485432924334 0.07959122814826955 -0.06280501315360658 -0.13400313380454026 -0.20210568399239254 -0.23151360339169216 +34463,-0.3367629991365564,1,0.07804344291672885 0.29782894579570146 0.5021365963592582 0.7203743140066989 0.8844395485501625 1.0407658569359137 1.0949383400398909 1.1413718969861557 1.0887471991137192 0.9432553873487618 0.7544255891006295 0.5129710929800607 0.313306798111126 0.2142485432924334 0.07959122814826955 -0.06280501315360658 -0.13400313380454026 -0.20210568399239254 -0.23151360339169216 -0.23770474431786376 +34464,-0.3506930662204403,1,0.29782894579570146 0.5021365963592582 0.7203743140066989 0.8844395485501625 1.0407658569359137 1.0949383400398909 1.1413718969861557 1.0887471991137192 0.9432553873487618 0.7544255891006295 0.5129710929800607 0.313306798111126 0.2142485432924334 0.07959122814826955 -0.06280501315360658 -0.13400313380454026 -0.20210568399239254 -0.23151360339169216 -0.23770474431786376 -0.3367629991365564 +34465,-0.33985856959964655,1,0.5021365963592582 0.7203743140066989 0.8844395485501625 1.0407658569359137 1.0949383400398909 1.1413718969861557 1.0887471991137192 0.9432553873487618 0.7544255891006295 0.5129710929800607 0.313306798111126 0.2142485432924334 0.07959122814826955 -0.06280501315360658 -0.13400313380454026 -0.20210568399239254 -0.23151360339169216 -0.23770474431786376 -0.3367629991365564 -0.3506930662204403 +34466,-0.2253224624655294,1,0.7203743140066989 0.8844395485501625 1.0407658569359137 1.0949383400398909 1.1413718969861557 1.0887471991137192 0.9432553873487618 0.7544255891006295 0.5129710929800607 0.313306798111126 0.2142485432924334 0.07959122814826955 -0.06280501315360658 -0.13400313380454026 -0.20210568399239254 -0.23151360339169216 -0.23770474431786376 -0.3367629991365564 -0.3506930662204403 -0.33985856959964655 +34467,0.08423458384289165,1,0.8844395485501625 1.0407658569359137 1.0949383400398909 1.1413718969861557 1.0887471991137192 0.9432553873487618 0.7544255891006295 0.5129710929800607 0.313306798111126 0.2142485432924334 0.07959122814826955 -0.06280501315360658 -0.13400313380454026 -0.20210568399239254 -0.23151360339169216 -0.23770474431786376 -0.3367629991365564 -0.3506930662204403 -0.33985856959964655 -0.2253224624655294 +34468,0.41855619385599024,1,1.0407658569359137 1.0949383400398909 1.1413718969861557 1.0887471991137192 0.9432553873487618 0.7544255891006295 0.5129710929800607 0.313306798111126 0.2142485432924334 0.07959122814826955 -0.06280501315360658 -0.13400313380454026 -0.20210568399239254 -0.23151360339169216 -0.23770474431786376 -0.3367629991365564 -0.3506930662204403 -0.33985856959964655 -0.2253224624655294 0.08423458384289165 +34469,0.7141831730805274,1,1.0949383400398909 1.1413718969861557 1.0887471991137192 0.9432553873487618 0.7544255891006295 0.5129710929800607 0.313306798111126 0.2142485432924334 0.07959122814826955 -0.06280501315360658 -0.13400313380454026 -0.20210568399239254 -0.23151360339169216 -0.23770474431786376 -0.3367629991365564 -0.3506930662204403 -0.33985856959964655 -0.2253224624655294 0.08423458384289165 0.41855619385599024 +34470,0.9525420987380148,1,1.1413718969861557 1.0887471991137192 0.9432553873487618 0.7544255891006295 0.5129710929800607 0.313306798111126 0.2142485432924334 0.07959122814826955 -0.06280501315360658 -0.13400313380454026 -0.20210568399239254 -0.23151360339169216 -0.23770474431786376 -0.3367629991365564 -0.3506930662204403 -0.33985856959964655 -0.2253224624655294 0.08423458384289165 0.41855619385599024 0.7141831730805274 +34471,1.2388823665733077,1,1.0887471991137192 0.9432553873487618 0.7544255891006295 0.5129710929800607 0.313306798111126 0.2142485432924334 0.07959122814826955 -0.06280501315360658 -0.13400313380454026 -0.20210568399239254 -0.23151360339169216 -0.23770474431786376 -0.3367629991365564 -0.3506930662204403 -0.33985856959964655 -0.2253224624655294 0.08423458384289165 0.41855619385599024 0.7141831730805274 0.9525420987380148 +34472,1.4896235740831294,1,0.9432553873487618 0.7544255891006295 0.5129710929800607 0.313306798111126 0.2142485432924334 0.07959122814826955 -0.06280501315360658 -0.13400313380454026 -0.20210568399239254 -0.23151360339169216 -0.23770474431786376 -0.3367629991365564 -0.3506930662204403 -0.33985856959964655 -0.2253224624655294 0.08423458384289165 0.41855619385599024 0.7141831730805274 0.9525420987380148 1.2388823665733077 +34473,1.6366631710796276,1,0.7544255891006295 0.5129710929800607 0.313306798111126 0.2142485432924334 0.07959122814826955 -0.06280501315360658 -0.13400313380454026 -0.20210568399239254 -0.23151360339169216 -0.23770474431786376 -0.3367629991365564 -0.3506930662204403 -0.33985856959964655 -0.2253224624655294 0.08423458384289165 0.41855619385599024 0.7141831730805274 0.9525420987380148 1.2388823665733077 1.4896235740831294 +34474,1.6923834394151367,1,0.5129710929800607 0.313306798111126 0.2142485432924334 0.07959122814826955 -0.06280501315360658 -0.13400313380454026 -0.20210568399239254 -0.23151360339169216 -0.23770474431786376 -0.3367629991365564 -0.3506930662204403 -0.33985856959964655 -0.2253224624655294 0.08423458384289165 0.41855619385599024 0.7141831730805274 0.9525420987380148 1.2388823665733077 1.4896235740831294 1.6366631710796276 +34475,1.6645233052473867,1,0.313306798111126 0.2142485432924334 0.07959122814826955 -0.06280501315360658 -0.13400313380454026 -0.20210568399239254 -0.23151360339169216 -0.23770474431786376 -0.3367629991365564 -0.3506930662204403 -0.33985856959964655 -0.2253224624655294 0.08423458384289165 0.41855619385599024 0.7141831730805274 0.9525420987380148 1.2388823665733077 1.4896235740831294 1.6366631710796276 1.6923834394151367 +34476,1.4865280036200392,1,0.2142485432924334 0.07959122814826955 -0.06280501315360658 -0.13400313380454026 -0.20210568399239254 -0.23151360339169216 -0.23770474431786376 -0.3367629991365564 -0.3506930662204403 -0.33985856959964655 -0.2253224624655294 0.08423458384289165 0.41855619385599024 0.7141831730805274 0.9525420987380148 1.2388823665733077 1.4896235740831294 1.6366631710796276 1.6923834394151367 1.6645233052473867 +34477,1.1924488096270427,1,0.07959122814826955 -0.06280501315360658 -0.13400313380454026 -0.20210568399239254 -0.23151360339169216 -0.23770474431786376 -0.3367629991365564 -0.3506930662204403 -0.33985856959964655 -0.2253224624655294 0.08423458384289165 0.41855619385599024 0.7141831730805274 0.9525420987380148 1.2388823665733077 1.4896235740831294 1.6366631710796276 1.6923834394151367 1.6645233052473867 1.4865280036200392 +34478,0.8349104211408162,1,-0.06280501315360658 -0.13400313380454026 -0.20210568399239254 -0.23151360339169216 -0.23770474431786376 -0.3367629991365564 -0.3506930662204403 -0.33985856959964655 -0.2253224624655294 0.08423458384289165 0.41855619385599024 0.7141831730805274 0.9525420987380148 1.2388823665733077 1.4896235740831294 1.6366631710796276 1.6923834394151367 1.6645233052473867 1.4865280036200392 1.1924488096270427 +34479,0.5671435760840291,1,-0.13400313380454026 -0.20210568399239254 -0.23151360339169216 -0.23770474431786376 -0.3367629991365564 -0.3506930662204403 -0.33985856959964655 -0.2253224624655294 0.08423458384289165 0.41855619385599024 0.7141831730805274 0.9525420987380148 1.2388823665733077 1.4896235740831294 1.6366631710796276 1.6923834394151367 1.6645233052473867 1.4865280036200392 1.1924488096270427 0.8349104211408162 +34480,0.4278429052452432,1,-0.20210568399239254 -0.23151360339169216 -0.23770474431786376 -0.3367629991365564 -0.3506930662204403 -0.33985856959964655 -0.2253224624655294 0.08423458384289165 0.41855619385599024 0.7141831730805274 0.9525420987380148 1.2388823665733077 1.4896235740831294 1.6366631710796276 1.6923834394151367 1.6645233052473867 1.4865280036200392 1.1924488096270427 0.8349104211408162 0.5671435760840291 +34481,0.3086634424164951,1,-0.23151360339169216 -0.23770474431786376 -0.3367629991365564 -0.3506930662204403 -0.33985856959964655 -0.2253224624655294 0.08423458384289165 0.41855619385599024 0.7141831730805274 0.9525420987380148 1.2388823665733077 1.4896235740831294 1.6366631710796276 1.6923834394151367 1.6645233052473867 1.4865280036200392 1.1924488096270427 0.8349104211408162 0.5671435760840291 0.4278429052452432 +34482,0.19567512051392744,1,-0.23770474431786376 -0.3367629991365564 -0.3506930662204403 -0.33985856959964655 -0.2253224624655294 0.08423458384289165 0.41855619385599024 0.7141831730805274 0.9525420987380148 1.2388823665733077 1.4896235740831294 1.6366631710796276 1.6923834394151367 1.6645233052473867 1.4865280036200392 1.1924488096270427 0.8349104211408162 0.5671435760840291 0.4278429052452432 0.3086634424164951 +34483,0.08113901337981025,1,-0.3367629991365564 -0.3506930662204403 -0.33985856959964655 -0.2253224624655294 0.08423458384289165 0.41855619385599024 0.7141831730805274 0.9525420987380148 1.2388823665733077 1.4896235740831294 1.6366631710796276 1.6923834394151367 1.6645233052473867 1.4865280036200392 1.1924488096270427 0.8349104211408162 0.5671435760840291 0.4278429052452432 0.3086634424164951 0.19567512051392744 +34484,-0.011728100512719579,1,-0.3506930662204403 -0.33985856959964655 -0.2253224624655294 0.08423458384289165 0.41855619385599024 0.7141831730805274 0.9525420987380148 1.2388823665733077 1.4896235740831294 1.6366631710796276 1.6923834394151367 1.6645233052473867 1.4865280036200392 1.1924488096270427 0.8349104211408162 0.5671435760840291 0.4278429052452432 0.3086634424164951 0.19567512051392744 0.08113901337981025 +34485,-0.04423159037510062,1,-0.33985856959964655 -0.2253224624655294 0.08423458384289165 0.41855619385599024 0.7141831730805274 0.9525420987380148 1.2388823665733077 1.4896235740831294 1.6366631710796276 1.6923834394151367 1.6645233052473867 1.4865280036200392 1.1924488096270427 0.8349104211408162 0.5671435760840291 0.4278429052452432 0.3086634424164951 0.19567512051392744 0.08113901337981025 -0.011728100512719579 +34486,-0.11233414056295289,1,-0.2253224624655294 0.08423458384289165 0.41855619385599024 0.7141831730805274 0.9525420987380148 1.2388823665733077 1.4896235740831294 1.6366631710796276 1.6923834394151367 1.6645233052473867 1.4865280036200392 1.1924488096270427 0.8349104211408162 0.5671435760840291 0.4278429052452432 0.3086634424164951 0.19567512051392744 0.08113901337981025 -0.011728100512719579 -0.04423159037510062 +34487,-0.1603154827407585,1,0.08423458384289165 0.41855619385599024 0.7141831730805274 0.9525420987380148 1.2388823665733077 1.4896235740831294 1.6366631710796276 1.6923834394151367 1.6645233052473867 1.4865280036200392 1.1924488096270427 0.8349104211408162 0.5671435760840291 0.4278429052452432 0.3086634424164951 0.19567512051392744 0.08113901337981025 -0.011728100512719579 -0.04423159037510062 -0.11233414056295289 +34488,-0.19591454306622974,1,0.41855619385599024 0.7141831730805274 0.9525420987380148 1.2388823665733077 1.4896235740831294 1.6366631710796276 1.6923834394151367 1.6645233052473867 1.4865280036200392 1.1924488096270427 0.8349104211408162 0.5671435760840291 0.4278429052452432 0.3086634424164951 0.19567512051392744 0.08113901337981025 -0.011728100512719579 -0.04423159037510062 -0.11233414056295289 -0.1603154827407585 +34489,-0.23770474431786376,1,0.7141831730805274 0.9525420987380148 1.2388823665733077 1.4896235740831294 1.6366631710796276 1.6923834394151367 1.6645233052473867 1.4865280036200392 1.1924488096270427 0.8349104211408162 0.5671435760840291 0.4278429052452432 0.3086634424164951 0.19567512051392744 0.08113901337981025 -0.011728100512719579 -0.04423159037510062 -0.11233414056295289 -0.1603154827407585 -0.19591454306622974 +34490,-0.15102877135150553,1,0.9525420987380148 1.2388823665733077 1.4896235740831294 1.6366631710796276 1.6923834394151367 1.6645233052473867 1.4865280036200392 1.1924488096270427 0.8349104211408162 0.5671435760840291 0.4278429052452432 0.3086634424164951 0.19567512051392744 0.08113901337981025 -0.011728100512719579 -0.04423159037510062 -0.11233414056295289 -0.1603154827407585 -0.19591454306622974 -0.23770474431786376 +34491,0.23127418083938986,1,1.2388823665733077 1.4896235740831294 1.6366631710796276 1.6923834394151367 1.6645233052473867 1.4865280036200392 1.1924488096270427 0.8349104211408162 0.5671435760840291 0.4278429052452432 0.3086634424164951 0.19567512051392744 0.08113901337981025 -0.011728100512719579 -0.04423159037510062 -0.11233414056295289 -0.1603154827407585 -0.19591454306622974 -0.23770474431786376 -0.15102877135150553 +34492,0.6306027705772593,1,1.4896235740831294 1.6366631710796276 1.6923834394151367 1.6645233052473867 1.4865280036200392 1.1924488096270427 0.8349104211408162 0.5671435760840291 0.4278429052452432 0.3086634424164951 0.19567512051392744 0.08113901337981025 -0.011728100512719579 -0.04423159037510062 -0.11233414056295289 -0.1603154827407585 -0.19591454306622974 -0.23770474431786376 -0.15102877135150553 0.23127418083938986 +34493,0.7977635755838042,1,1.6366631710796276 1.6923834394151367 1.6645233052473867 1.4865280036200392 1.1924488096270427 0.8349104211408162 0.5671435760840291 0.4278429052452432 0.3086634424164951 0.19567512051392744 0.08113901337981025 -0.011728100512719579 -0.04423159037510062 -0.11233414056295289 -0.1603154827407585 -0.19591454306622974 -0.23770474431786376 -0.15102877135150553 0.23127418083938986 0.6306027705772593 +34494,1.076364917261385,1,1.6923834394151367 1.6645233052473867 1.4865280036200392 1.1924488096270427 0.8349104211408162 0.5671435760840291 0.4278429052452432 0.3086634424164951 0.19567512051392744 0.08113901337981025 -0.011728100512719579 -0.04423159037510062 -0.11233414056295289 -0.1603154827407585 -0.19591454306622974 -0.23770474431786376 -0.15102877135150553 0.23127418083938986 0.6306027705772593 0.7977635755838042 +34495,1.348775118012794,1,1.6645233052473867 1.4865280036200392 1.1924488096270427 0.8349104211408162 0.5671435760840291 0.4278429052452432 0.3086634424164951 0.19567512051392744 0.08113901337981025 -0.011728100512719579 -0.04423159037510062 -0.11233414056295289 -0.1603154827407585 -0.19591454306622974 -0.23770474431786376 -0.15102877135150553 0.23127418083938986 0.6306027705772593 0.7977635755838042 1.076364917261385 +34496,1.5221270639455105,1,1.4865280036200392 1.1924488096270427 0.8349104211408162 0.5671435760840291 0.4278429052452432 0.3086634424164951 0.19567512051392744 0.08113901337981025 -0.011728100512719579 -0.04423159037510062 -0.11233414056295289 -0.1603154827407585 -0.19591454306622974 -0.23770474431786376 -0.15102877135150553 0.23127418083938986 0.6306027705772593 0.7977635755838042 1.076364917261385 1.348775118012794 +34497,1.5453438424186385,1,1.1924488096270427 0.8349104211408162 0.5671435760840291 0.4278429052452432 0.3086634424164951 0.19567512051392744 0.08113901337981025 -0.011728100512719579 -0.04423159037510062 -0.11233414056295289 -0.1603154827407585 -0.19591454306622974 -0.23770474431786376 -0.15102877135150553 0.23127418083938986 0.6306027705772593 0.7977635755838042 1.076364917261385 1.348775118012794 1.5221270639455105 +34498,1.5453438424186385,1,0.8349104211408162 0.5671435760840291 0.4278429052452432 0.3086634424164951 0.19567512051392744 0.08113901337981025 -0.011728100512719579 -0.04423159037510062 -0.11233414056295289 -0.1603154827407585 -0.19591454306622974 -0.23770474431786376 -0.15102877135150553 0.23127418083938986 0.6306027705772593 0.7977635755838042 1.076364917261385 1.348775118012794 1.5221270639455105 1.5453438424186385 +34499,1.441642231905324,1,0.5671435760840291 0.4278429052452432 0.3086634424164951 0.19567512051392744 0.08113901337981025 -0.011728100512719579 -0.04423159037510062 -0.11233414056295289 -0.1603154827407585 -0.19591454306622974 -0.23770474431786376 -0.15102877135150553 0.23127418083938986 0.6306027705772593 0.7977635755838042 1.076364917261385 1.348775118012794 1.5221270639455105 1.5453438424186385 1.5453438424186385 +34500,1.3054371315296105,1,0.4278429052452432 0.3086634424164951 0.19567512051392744 0.08113901337981025 -0.011728100512719579 -0.04423159037510062 -0.11233414056295289 -0.1603154827407585 -0.19591454306622974 -0.23770474431786376 -0.15102877135150553 0.23127418083938986 0.6306027705772593 0.7977635755838042 1.076364917261385 1.348775118012794 1.5221270639455105 1.5453438424186385 1.5453438424186385 1.441642231905324 +34501,1.0376702864728322,1,0.3086634424164951 0.19567512051392744 0.08113901337981025 -0.011728100512719579 -0.04423159037510062 -0.11233414056295289 -0.1603154827407585 -0.19591454306622974 -0.23770474431786376 -0.15102877135150553 0.23127418083938986 0.6306027705772593 0.7977635755838042 1.076364917261385 1.348775118012794 1.5221270639455105 1.5453438424186385 1.5453438424186385 1.441642231905324 1.3054371315296105 +34502,0.7358521663221236,1,0.19567512051392744 0.08113901337981025 -0.011728100512719579 -0.04423159037510062 -0.11233414056295289 -0.1603154827407585 -0.19591454306622974 -0.23770474431786376 -0.15102877135150553 0.23127418083938986 0.6306027705772593 0.7977635755838042 1.076364917261385 1.348775118012794 1.5221270639455105 1.5453438424186385 1.5453438424186385 1.441642231905324 1.3054371315296105 1.0376702864728322 +34503,0.45879860987608356,1,0.08113901337981025 -0.011728100512719579 -0.04423159037510062 -0.11233414056295289 -0.1603154827407585 -0.19591454306622974 -0.23770474431786376 -0.15102877135150553 0.23127418083938986 0.6306027705772593 0.7977635755838042 1.076364917261385 1.348775118012794 1.5221270639455105 1.5453438424186385 1.5453438424186385 1.441642231905324 1.3054371315296105 1.0376702864728322 0.7358521663221236 +34504,0.2823510934802857,1,-0.011728100512719579 -0.04423159037510062 -0.11233414056295289 -0.1603154827407585 -0.19591454306622974 -0.23770474431786376 -0.15102877135150553 0.23127418083938986 0.6306027705772593 0.7977635755838042 1.076364917261385 1.348775118012794 1.5221270639455105 1.5453438424186385 1.5453438424186385 1.441642231905324 1.3054371315296105 1.0376702864728322 0.7358521663221236 0.45879860987608356 +34505,0.24829981838635515,1,-0.04423159037510062 -0.11233414056295289 -0.1603154827407585 -0.19591454306622974 -0.23770474431786376 -0.15102877135150553 0.23127418083938986 0.6306027705772593 0.7977635755838042 1.076364917261385 1.348775118012794 1.5221270639455105 1.5453438424186385 1.5453438424186385 1.441642231905324 1.3054371315296105 1.0376702864728322 0.7358521663221236 0.45879860987608356 0.2823510934802857 +34506,0.19412733528238674,1,-0.11233414056295289 -0.1603154827407585 -0.19591454306622974 -0.23770474431786376 -0.15102877135150553 0.23127418083938986 0.6306027705772593 0.7977635755838042 1.076364917261385 1.348775118012794 1.5221270639455105 1.5453438424186385 1.5453438424186385 1.441642231905324 1.3054371315296105 1.0376702864728322 0.7358521663221236 0.45879860987608356 0.2823510934802857 0.24829981838635515 +34507,0.14305042264149093,1,-0.1603154827407585 -0.19591454306622974 -0.23770474431786376 -0.15102877135150553 0.23127418083938986 0.6306027705772593 0.7977635755838042 1.076364917261385 1.348775118012794 1.5221270639455105 1.5453438424186385 1.5453438424186385 1.441642231905324 1.3054371315296105 1.0376702864728322 0.7358521663221236 0.45879860987608356 0.2823510934802857 0.24829981838635515 0.19412733528238674 +34508,0.16626720111462778,1,-0.19591454306622974 -0.23770474431786376 -0.15102877135150553 0.23127418083938986 0.6306027705772593 0.7977635755838042 1.076364917261385 1.348775118012794 1.5221270639455105 1.5453438424186385 1.5453438424186385 1.441642231905324 1.3054371315296105 1.0376702864728322 0.7358521663221236 0.45879860987608356 0.2823510934802857 0.24829981838635515 0.19412733528238674 0.14305042264149093 +34509,0.13376371125223796,1,-0.23770474431786376 -0.15102877135150553 0.23127418083938986 0.6306027705772593 0.7977635755838042 1.076364917261385 1.348775118012794 1.5221270639455105 1.5453438424186385 1.5453438424186385 1.441642231905324 1.3054371315296105 1.0376702864728322 0.7358521663221236 0.45879860987608356 0.2823510934802857 0.24829981838635515 0.19412733528238674 0.14305042264149093 0.16626720111462778 +34510,0.09661686569523482,1,-0.15102877135150553 0.23127418083938986 0.6306027705772593 0.7977635755838042 1.076364917261385 1.348775118012794 1.5221270639455105 1.5453438424186385 1.5453438424186385 1.441642231905324 1.3054371315296105 1.0376702864728322 0.7358521663221236 0.45879860987608356 0.2823510934802857 0.24829981838635515 0.19412733528238674 0.14305042264149093 0.16626720111462778 0.13376371125223796 +34511,0.04244438259125762,1,0.23127418083938986 0.6306027705772593 0.7977635755838042 1.076364917261385 1.348775118012794 1.5221270639455105 1.5453438424186385 1.5453438424186385 1.441642231905324 1.3054371315296105 1.0376702864728322 0.7358521663221236 0.45879860987608356 0.2823510934802857 0.24829981838635515 0.19412733528238674 0.14305042264149093 0.16626720111462778 0.13376371125223796 0.09661686569523482 +34512,0.03780102689662673,1,0.6306027705772593 0.7977635755838042 1.076364917261385 1.348775118012794 1.5221270639455105 1.5453438424186385 1.5453438424186385 1.441642231905324 1.3054371315296105 1.0376702864728322 0.7358521663221236 0.45879860987608356 0.2823510934802857 0.24829981838635515 0.19412733528238674 0.14305042264149093 0.16626720111462778 0.13376371125223796 0.09661686569523482 0.04244438259125762 +34513,0.030062100738923243,1,0.7977635755838042 1.076364917261385 1.348775118012794 1.5221270639455105 1.5453438424186385 1.5453438424186385 1.441642231905324 1.3054371315296105 1.0376702864728322 0.7358521663221236 0.45879860987608356 0.2823510934802857 0.24829981838635515 0.19412733528238674 0.14305042264149093 0.16626720111462778 0.13376371125223796 0.09661686569523482 0.04244438259125762 0.03780102689662673 +34514,0.11519028847373199,1,1.076364917261385 1.348775118012794 1.5221270639455105 1.5453438424186385 1.5453438424186385 1.441642231905324 1.3054371315296105 1.0376702864728322 0.7358521663221236 0.45879860987608356 0.2823510934802857 0.24829981838635515 0.19412733528238674 0.14305042264149093 0.16626720111462778 0.13376371125223796 0.09661686569523482 0.04244438259125762 0.03780102689662673 0.030062100738923243 +34515,0.2637776707017797,1,1.348775118012794 1.5221270639455105 1.5453438424186385 1.5453438424186385 1.441642231905324 1.3054371315296105 1.0376702864728322 0.7358521663221236 0.45879860987608356 0.2823510934802857 0.24829981838635515 0.19412733528238674 0.14305042264149093 0.16626720111462778 0.13376371125223796 0.09661686569523482 0.04244438259125762 0.03780102689662673 0.030062100738923243 0.11519028847373199 +34516,0.5439267976109011,1,1.5221270639455105 1.5453438424186385 1.5453438424186385 1.441642231905324 1.3054371315296105 1.0376702864728322 0.7358521663221236 0.45879860987608356 0.2823510934802857 0.24829981838635515 0.19412733528238674 0.14305042264149093 0.16626720111462778 0.13376371125223796 0.09661686569523482 0.04244438259125762 0.03780102689662673 0.030062100738923243 0.11519028847373199 0.2637776707017797 +34517,0.7714512266475859,1,1.5453438424186385 1.5453438424186385 1.441642231905324 1.3054371315296105 1.0376702864728322 0.7358521663221236 0.45879860987608356 0.2823510934802857 0.24829981838635515 0.19412733528238674 0.14305042264149093 0.16626720111462778 0.13376371125223796 0.09661686569523482 0.04244438259125762 0.03780102689662673 0.030062100738923243 0.11519028847373199 0.2637776707017797 0.5439267976109011 +34518,0.9865933738319452,1,1.5453438424186385 1.441642231905324 1.3054371315296105 1.0376702864728322 0.7358521663221236 0.45879860987608356 0.2823510934802857 0.24829981838635515 0.19412733528238674 0.14305042264149093 0.16626720111462778 0.13376371125223796 0.09661686569523482 0.04244438259125762 0.03780102689662673 0.030062100738923243 0.11519028847373199 0.2637776707017797 0.5439267976109011 0.7714512266475859 +34519,1.297698205371907,1,1.441642231905324 1.3054371315296105 1.0376702864728322 0.7358521663221236 0.45879860987608356 0.2823510934802857 0.24829981838635515 0.19412733528238674 0.14305042264149093 0.16626720111462778 0.13376371125223796 0.09661686569523482 0.04244438259125762 0.03780102689662673 0.030062100738923243 0.11519028847373199 0.2637776707017797 0.5439267976109011 0.7714512266475859 0.9865933738319452 +34520,1.4013998158852217,1,1.3054371315296105 1.0376702864728322 0.7358521663221236 0.45879860987608356 0.2823510934802857 0.24829981838635515 0.19412733528238674 0.14305042264149093 0.16626720111462778 0.13376371125223796 0.09661686569523482 0.04244438259125762 0.03780102689662673 0.030062100738923243 0.11519028847373199 0.2637776707017797 0.5439267976109011 0.7714512266475859 0.9865933738319452 1.297698205371907 +34521,1.5298659901032228,1,1.0376702864728322 0.7358521663221236 0.45879860987608356 0.2823510934802857 0.24829981838635515 0.19412733528238674 0.14305042264149093 0.16626720111462778 0.13376371125223796 0.09661686569523482 0.04244438259125762 0.03780102689662673 0.030062100738923243 0.11519028847373199 0.2637776707017797 0.5439267976109011 0.7714512266475859 0.9865933738319452 1.297698205371907 1.4013998158852217 +34522,1.4741457217677048,1,0.7358521663221236 0.45879860987608356 0.2823510934802857 0.24829981838635515 0.19412733528238674 0.14305042264149093 0.16626720111462778 0.13376371125223796 0.09661686569523482 0.04244438259125762 0.03780102689662673 0.030062100738923243 0.11519028847373199 0.2637776707017797 0.5439267976109011 0.7714512266475859 0.9865933738319452 1.297698205371907 1.4013998158852217 1.5298659901032228 +34523,1.4137820977375648,1,0.45879860987608356 0.2823510934802857 0.24829981838635515 0.19412733528238674 0.14305042264149093 0.16626720111462778 0.13376371125223796 0.09661686569523482 0.04244438259125762 0.03780102689662673 0.030062100738923243 0.11519028847373199 0.2637776707017797 0.5439267976109011 0.7714512266475859 0.9865933738319452 1.297698205371907 1.4013998158852217 1.5298659901032228 1.4741457217677048 +34524,1.2946026349088169,1,0.2823510934802857 0.24829981838635515 0.19412733528238674 0.14305042264149093 0.16626720111462778 0.13376371125223796 0.09661686569523482 0.04244438259125762 0.03780102689662673 0.030062100738923243 0.11519028847373199 0.2637776707017797 0.5439267976109011 0.7714512266475859 0.9865933738319452 1.297698205371907 1.4013998158852217 1.5298659901032228 1.4741457217677048 1.4137820977375648 +34525,1.085651628650638,1,0.24829981838635515 0.19412733528238674 0.14305042264149093 0.16626720111462778 0.13376371125223796 0.09661686569523482 0.04244438259125762 0.03780102689662673 0.030062100738923243 0.11519028847373199 0.2637776707017797 0.5439267976109011 0.7714512266475859 0.9865933738319452 1.297698205371907 1.4013998158852217 1.5298659901032228 1.4741457217677048 1.4137820977375648 1.2946026349088169 +34526,0.8565794143824035,1,0.19412733528238674 0.14305042264149093 0.16626720111462778 0.13376371125223796 0.09661686569523482 0.04244438259125762 0.03780102689662673 0.030062100738923243 0.11519028847373199 0.2637776707017797 0.5439267976109011 0.7714512266475859 0.9865933738319452 1.297698205371907 1.4013998158852217 1.5298659901032228 1.4741457217677048 1.4137820977375648 1.2946026349088169 1.085651628650638 +34527,0.46034639510762426,1,0.14305042264149093 0.16626720111462778 0.13376371125223796 0.09661686569523482 0.04244438259125762 0.03780102689662673 0.030062100738923243 0.11519028847373199 0.2637776707017797 0.5439267976109011 0.7714512266475859 0.9865933738319452 1.297698205371907 1.4013998158852217 1.5298659901032228 1.4741457217677048 1.4137820977375648 1.2946026349088169 1.085651628650638 0.8565794143824035 +34528,0.3272368651950011,1,0.16626720111462778 0.13376371125223796 0.09661686569523482 0.04244438259125762 0.03780102689662673 0.030062100738923243 0.11519028847373199 0.2637776707017797 0.5439267976109011 0.7714512266475859 0.9865933738319452 1.297698205371907 1.4013998158852217 1.5298659901032228 1.4741457217677048 1.4137820977375648 1.2946026349088169 1.085651628650638 0.8565794143824035 0.46034639510762426 +34529,0.2080574023662618,1,0.13376371125223796 0.09661686569523482 0.04244438259125762 0.03780102689662673 0.030062100738923243 0.11519028847373199 0.2637776707017797 0.5439267976109011 0.7714512266475859 0.9865933738319452 1.297698205371907 1.4013998158852217 1.5298659901032228 1.4741457217677048 1.4137820977375648 1.2946026349088169 1.085651628650638 0.8565794143824035 0.46034639510762426 0.3272368651950011 +34530,0.13066814078915656,1,0.09661686569523482 0.04244438259125762 0.03780102689662673 0.030062100738923243 0.11519028847373199 0.2637776707017797 0.5439267976109011 0.7714512266475859 0.9865933738319452 1.297698205371907 1.4013998158852217 1.5298659901032228 1.4741457217677048 1.4137820977375648 1.2946026349088169 1.085651628650638 0.8565794143824035 0.46034639510762426 0.3272368651950011 0.2080574023662618 +34531,0.06566116106438567,1,0.04244438259125762 0.03780102689662673 0.030062100738923243 0.11519028847373199 0.2637776707017797 0.5439267976109011 0.7714512266475859 0.9865933738319452 1.297698205371907 1.4013998158852217 1.5298659901032228 1.4741457217677048 1.4137820977375648 1.2946026349088169 1.085651628650638 0.8565794143824035 0.46034639510762426 0.3272368651950011 0.2080574023662618 0.13066814078915656 +34532,-0.017919241438882367,1,0.03780102689662673 0.030062100738923243 0.11519028847373199 0.2637776707017797 0.5439267976109011 0.7714512266475859 0.9865933738319452 1.297698205371907 1.4013998158852217 1.5298659901032228 1.4741457217677048 1.4137820977375648 1.2946026349088169 1.085651628650638 0.8565794143824035 0.46034639510762426 0.3272368651950011 0.2080574023662618 0.13066814078915656 0.06566116106438567 +34533,-0.03184930852276624,1,0.030062100738923243 0.11519028847373199 0.2637776707017797 0.5439267976109011 0.7714512266475859 0.9865933738319452 1.297698205371907 1.4013998158852217 1.5298659901032228 1.4741457217677048 1.4137820977375648 1.2946026349088169 1.085651628650638 0.8565794143824035 0.46034639510762426 0.3272368651950011 0.2080574023662618 0.13066814078915656 0.06566116106438567 -0.017919241438882367 +34534,-0.0550660869958943,1,0.11519028847373199 0.2637776707017797 0.5439267976109011 0.7714512266475859 0.9865933738319452 1.297698205371907 1.4013998158852217 1.5298659901032228 1.4741457217677048 1.4137820977375648 1.2946026349088169 1.085651628650638 0.8565794143824035 0.46034639510762426 0.3272368651950011 0.2080574023662618 0.13066814078915656 0.06566116106438567 -0.017919241438882367 -0.03184930852276624 +34535,-0.03804044944892903,1,0.2637776707017797 0.5439267976109011 0.7714512266475859 0.9865933738319452 1.297698205371907 1.4013998158852217 1.5298659901032228 1.4741457217677048 1.4137820977375648 1.2946026349088169 1.085651628650638 0.8565794143824035 0.46034639510762426 0.3272368651950011 0.2080574023662618 0.13066814078915656 0.06566116106438567 -0.017919241438882367 -0.03184930852276624 -0.0550660869958943 +34536,-0.03649266421738833,1,0.5439267976109011 0.7714512266475859 0.9865933738319452 1.297698205371907 1.4013998158852217 1.5298659901032228 1.4741457217677048 1.4137820977375648 1.2946026349088169 1.085651628650638 0.8565794143824035 0.46034639510762426 0.3272368651950011 0.2080574023662618 0.13066814078915656 0.06566116106438567 -0.017919241438882367 -0.03184930852276624 -0.0550660869958943 -0.03804044944892903 +34537,-0.04577937560664132,1,0.7714512266475859 0.9865933738319452 1.297698205371907 1.4013998158852217 1.5298659901032228 1.4741457217677048 1.4137820977375648 1.2946026349088169 1.085651628650638 0.8565794143824035 0.46034639510762426 0.3272368651950011 0.2080574023662618 0.13066814078915656 0.06566116106438567 -0.017919241438882367 -0.03184930852276624 -0.0550660869958943 -0.03804044944892903 -0.03649266421738833 +34538,0.045539953054339014,1,0.9865933738319452 1.297698205371907 1.4013998158852217 1.5298659901032228 1.4741457217677048 1.4137820977375648 1.2946026349088169 1.085651628650638 0.8565794143824035 0.46034639510762426 0.3272368651950011 0.2080574023662618 0.13066814078915656 0.06566116106438567 -0.017919241438882367 -0.03184930852276624 -0.0550660869958943 -0.03804044944892903 -0.03649266421738833 -0.04577937560664132 +34539,0.14150263740995023,1,1.297698205371907 1.4013998158852217 1.5298659901032228 1.4741457217677048 1.4137820977375648 1.2946026349088169 1.085651628650638 0.8565794143824035 0.46034639510762426 0.3272368651950011 0.2080574023662618 0.13066814078915656 0.06566116106438567 -0.017919241438882367 -0.03184930852276624 -0.0550660869958943 -0.03804044944892903 -0.03649266421738833 -0.04577937560664132 0.045539953054339014 +34540,0.41855619385599024,1,1.4013998158852217 1.5298659901032228 1.4741457217677048 1.4137820977375648 1.2946026349088169 1.085651628650638 0.8565794143824035 0.46034639510762426 0.3272368651950011 0.2080574023662618 0.13066814078915656 0.06566116106438567 -0.017919241438882367 -0.03184930852276624 -0.0550660869958943 -0.03804044944892903 -0.03649266421738833 -0.04577937560664132 0.045539953054339014 0.14150263740995023 +34541,0.8349104211408162,1,1.5298659901032228 1.4741457217677048 1.4137820977375648 1.2946026349088169 1.085651628650638 0.8565794143824035 0.46034639510762426 0.3272368651950011 0.2080574023662618 0.13066814078915656 0.06566116106438567 -0.017919241438882367 -0.03184930852276624 -0.0550660869958943 -0.03804044944892903 -0.03649266421738833 -0.04577937560664132 0.045539953054339014 0.14150263740995023 0.41855619385599024 +34542,1.1057728366606845,1,1.4741457217677048 1.4137820977375648 1.2946026349088169 1.085651628650638 0.8565794143824035 0.46034639510762426 0.3272368651950011 0.2080574023662618 0.13066814078915656 0.06566116106438567 -0.017919241438882367 -0.03184930852276624 -0.0550660869958943 -0.03804044944892903 -0.03649266421738833 -0.04577937560664132 0.045539953054339014 0.14150263740995023 0.41855619385599024 0.8349104211408162 +34543,1.4122343125060242,1,1.4137820977375648 1.2946026349088169 1.085651628650638 0.8565794143824035 0.46034639510762426 0.3272368651950011 0.2080574023662618 0.13066814078915656 0.06566116106438567 -0.017919241438882367 -0.03184930852276624 -0.0550660869958943 -0.03804044944892903 -0.03649266421738833 -0.04577937560664132 0.045539953054339014 0.14150263740995023 0.41855619385599024 0.8349104211408162 1.1057728366606845 +34544,1.635115385848087,1,1.2946026349088169 1.085651628650638 0.8565794143824035 0.46034639510762426 0.3272368651950011 0.2080574023662618 0.13066814078915656 0.06566116106438567 -0.017919241438882367 -0.03184930852276624 -0.0550660869958943 -0.03804044944892903 -0.03649266421738833 -0.04577937560664132 0.045539953054339014 0.14150263740995023 0.41855619385599024 0.8349104211408162 1.1057728366606845 1.4122343125060242 +34545,1.769772700992242,1,1.085651628650638 0.8565794143824035 0.46034639510762426 0.3272368651950011 0.2080574023662618 0.13066814078915656 0.06566116106438567 -0.017919241438882367 -0.03184930852276624 -0.0550660869958943 -0.03804044944892903 -0.03649266421738833 -0.04577937560664132 0.045539953054339014 0.14150263740995023 0.41855619385599024 0.8349104211408162 1.1057728366606845 1.4122343125060242 1.635115385848087 +34546,1.774416056686873,1,0.8565794143824035 0.46034639510762426 0.3272368651950011 0.2080574023662618 0.13066814078915656 0.06566116106438567 -0.017919241438882367 -0.03184930852276624 -0.0550660869958943 -0.03804044944892903 -0.03649266421738833 -0.04577937560664132 0.045539953054339014 0.14150263740995023 0.41855619385599024 0.8349104211408162 1.1057728366606845 1.4122343125060242 1.635115385848087 1.769772700992242 +34547,1.7047657212674798,1,0.46034639510762426 0.3272368651950011 0.2080574023662618 0.13066814078915656 0.06566116106438567 -0.017919241438882367 -0.03184930852276624 -0.0550660869958943 -0.03804044944892903 -0.03649266421738833 -0.04577937560664132 0.045539953054339014 0.14150263740995023 0.41855619385599024 0.8349104211408162 1.1057728366606845 1.4122343125060242 1.635115385848087 1.769772700992242 1.774416056686873 +34548,1.543796057187098,1,0.3272368651950011 0.2080574023662618 0.13066814078915656 0.06566116106438567 -0.017919241438882367 -0.03184930852276624 -0.0550660869958943 -0.03804044944892903 -0.03649266421738833 -0.04577937560664132 0.045539953054339014 0.14150263740995023 0.41855619385599024 0.8349104211408162 1.1057728366606845 1.4122343125060242 1.635115385848087 1.769772700992242 1.774416056686873 1.7047657212674798 +34549,1.2373345813417582,1,0.2080574023662618 0.13066814078915656 0.06566116106438567 -0.017919241438882367 -0.03184930852276624 -0.0550660869958943 -0.03804044944892903 -0.03649266421738833 -0.04577937560664132 0.045539953054339014 0.14150263740995023 0.41855619385599024 0.8349104211408162 1.1057728366606845 1.4122343125060242 1.635115385848087 1.769772700992242 1.774416056686873 1.7047657212674798 1.543796057187098 +34550,0.8426493472985285,1,0.13066814078915656 0.06566116106438567 -0.017919241438882367 -0.03184930852276624 -0.0550660869958943 -0.03804044944892903 -0.03649266421738833 -0.04577937560664132 0.045539953054339014 0.14150263740995023 0.41855619385599024 0.8349104211408162 1.1057728366606845 1.4122343125060242 1.635115385848087 1.769772700992242 1.774416056686873 1.7047657212674798 1.543796057187098 1.2373345813417582 +34551,0.5702391465471105,1,0.06566116106438567 -0.017919241438882367 -0.03184930852276624 -0.0550660869958943 -0.03804044944892903 -0.03649266421738833 -0.04577937560664132 0.045539953054339014 0.14150263740995023 0.41855619385599024 0.8349104211408162 1.1057728366606845 1.4122343125060242 1.635115385848087 1.769772700992242 1.774416056686873 1.7047657212674798 1.543796057187098 1.2373345813417582 0.8426493472985285 +34552,0.4355818314029555,1,-0.017919241438882367 -0.03184930852276624 -0.0550660869958943 -0.03804044944892903 -0.03649266421738833 -0.04577937560664132 0.045539953054339014 0.14150263740995023 0.41855619385599024 0.8349104211408162 1.1057728366606845 1.4122343125060242 1.635115385848087 1.769772700992242 1.774416056686873 1.7047657212674798 1.543796057187098 1.2373345813417582 0.8426493472985285 0.5702391465471105 +34553,0.3210457242688383,1,-0.03184930852276624 -0.0550660869958943 -0.03804044944892903 -0.03649266421738833 -0.04577937560664132 0.045539953054339014 0.14150263740995023 0.41855619385599024 0.8349104211408162 1.1057728366606845 1.4122343125060242 1.635115385848087 1.769772700992242 1.774416056686873 1.7047657212674798 1.543796057187098 1.2373345813417582 0.8426493472985285 0.5702391465471105 0.4355818314029555 +34554,0.23127418083938986,1,-0.0550660869958943 -0.03804044944892903 -0.03649266421738833 -0.04577937560664132 0.045539953054339014 0.14150263740995023 0.41855619385599024 0.8349104211408162 1.1057728366606845 1.4122343125060242 1.635115385848087 1.769772700992242 1.774416056686873 1.7047657212674798 1.543796057187098 1.2373345813417582 0.8426493472985285 0.5702391465471105 0.4355818314029555 0.3210457242688383 +34555,0.15233713403074392,1,-0.03804044944892903 -0.03649266421738833 -0.04577937560664132 0.045539953054339014 0.14150263740995023 0.41855619385599024 0.8349104211408162 1.1057728366606845 1.4122343125060242 1.635115385848087 1.769772700992242 1.774416056686873 1.7047657212674798 1.543796057187098 1.2373345813417582 0.8426493472985285 0.5702391465471105 0.4355818314029555 0.3210457242688383 0.23127418083938986 +34556,0.08113901337981025,1,-0.03649266421738833 -0.04577937560664132 0.045539953054339014 0.14150263740995023 0.41855619385599024 0.8349104211408162 1.1057728366606845 1.4122343125060242 1.635115385848087 1.769772700992242 1.774416056686873 1.7047657212674798 1.543796057187098 1.2373345813417582 0.8426493472985285 0.5702391465471105 0.4355818314029555 0.3210457242688383 0.23127418083938986 0.15233713403074392 +34557,0.04863552351742921,1,-0.04577937560664132 0.045539953054339014 0.14150263740995023 0.41855619385599024 0.8349104211408162 1.1057728366606845 1.4122343125060242 1.635115385848087 1.769772700992242 1.774416056686873 1.7047657212674798 1.543796057187098 1.2373345813417582 0.8426493472985285 0.5702391465471105 0.4355818314029555 0.3210457242688383 0.23127418083938986 0.15233713403074392 0.08113901337981025 +34558,0.01613203365503937,1,0.045539953054339014 0.14150263740995023 0.41855619385599024 0.8349104211408162 1.1057728366606845 1.4122343125060242 1.635115385848087 1.769772700992242 1.774416056686873 1.7047657212674798 1.543796057187098 1.2373345813417582 0.8426493472985285 0.5702391465471105 0.4355818314029555 0.3210457242688383 0.23127418083938986 0.15233713403074392 0.08113901337981025 0.04863552351742921 +34559,-0.04732716083818202,1,0.14150263740995023 0.41855619385599024 0.8349104211408162 1.1057728366606845 1.4122343125060242 1.635115385848087 1.769772700992242 1.774416056686873 1.7047657212674798 1.543796057187098 1.2373345813417582 0.8426493472985285 0.5702391465471105 0.4355818314029555 0.3210457242688383 0.23127418083938986 0.15233713403074392 0.08113901337981025 0.04863552351742921 0.01613203365503937 +34560,-0.06280501315360658,1,0.41855619385599024 0.8349104211408162 1.1057728366606845 1.4122343125060242 1.635115385848087 1.769772700992242 1.774416056686873 1.7047657212674798 1.543796057187098 1.2373345813417582 0.8426493472985285 0.5702391465471105 0.4355818314029555 0.3210457242688383 0.23127418083938986 0.15233713403074392 0.08113901337981025 0.04863552351742921 0.01613203365503937 -0.04732716083818202 +34561,-0.11697749625758379,1,0.8349104211408162 1.1057728366606845 1.4122343125060242 1.635115385848087 1.769772700992242 1.774416056686873 1.7047657212674798 1.543796057187098 1.2373345813417582 0.8426493472985285 0.5702391465471105 0.4355818314029555 0.3210457242688383 0.23127418083938986 0.15233713403074392 0.08113901337981025 0.04863552351742921 0.01613203365503937 -0.04732716083818202 -0.06280501315360658 +34562,-0.056613872227435,1,1.1057728366606845 1.4122343125060242 1.635115385848087 1.769772700992242 1.774416056686873 1.7047657212674798 1.543796057187098 1.2373345813417582 0.8426493472985285 0.5702391465471105 0.4355818314029555 0.3210457242688383 0.23127418083938986 0.15233713403074392 0.08113901337981025 0.04863552351742921 0.01613203365503937 -0.04732716083818202 -0.06280501315360658 -0.11697749625758379 +34563,0.373670422141266,1,1.4122343125060242 1.635115385848087 1.769772700992242 1.774416056686873 1.7047657212674798 1.543796057187098 1.2373345813417582 0.8426493472985285 0.5702391465471105 0.4355818314029555 0.3210457242688383 0.23127418083938986 0.15233713403074392 0.08113901337981025 0.04863552351742921 0.01613203365503937 -0.04732716083818202 -0.06280501315360658 -0.11697749625758379 -0.056613872227435 +34564,0.7296610253959519,1,1.635115385848087 1.769772700992242 1.774416056686873 1.7047657212674798 1.543796057187098 1.2373345813417582 0.8426493472985285 0.5702391465471105 0.4355818314029555 0.3210457242688383 0.23127418083938986 0.15233713403074392 0.08113901337981025 0.04863552351742921 0.01613203365503937 -0.04732716083818202 -0.06280501315360658 -0.11697749625758379 -0.056613872227435 0.373670422141266 +34565,1.1676842459223653,1,1.769772700992242 1.774416056686873 1.7047657212674798 1.543796057187098 1.2373345813417582 0.8426493472985285 0.5702391465471105 0.4355818314029555 0.3210457242688383 0.23127418083938986 0.15233713403074392 0.08113901337981025 0.04863552351742921 0.01613203365503937 -0.04732716083818202 -0.06280501315360658 -0.11697749625758379 -0.056613872227435 0.373670422141266 0.7296610253959519 +34566,1.3797308226436342,1,1.774416056686873 1.7047657212674798 1.543796057187098 1.2373345813417582 0.8426493472985285 0.5702391465471105 0.4355818314029555 0.3210457242688383 0.23127418083938986 0.15233713403074392 0.08113901337981025 0.04863552351742921 0.01613203365503937 -0.04732716083818202 -0.06280501315360658 -0.11697749625758379 -0.056613872227435 0.373670422141266 0.7296610253959519 1.1676842459223653 +34567,1.6273764596903746,1,1.7047657212674798 1.543796057187098 1.2373345813417582 0.8426493472985285 0.5702391465471105 0.4355818314029555 0.3210457242688383 0.23127418083938986 0.15233713403074392 0.08113901337981025 0.04863552351742921 0.01613203365503937 -0.04732716083818202 -0.06280501315360658 -0.11697749625758379 -0.056613872227435 0.373670422141266 0.7296610253959519 1.1676842459223653 1.3797308226436342 +34568,1.8332318954854723,1,1.543796057187098 1.2373345813417582 0.8426493472985285 0.5702391465471105 0.4355818314029555 0.3210457242688383 0.23127418083938986 0.15233713403074392 0.08113901337981025 0.04863552351742921 0.01613203365503937 -0.04732716083818202 -0.06280501315360658 -0.11697749625758379 -0.056613872227435 0.373670422141266 0.7296610253959519 1.1676842459223653 1.3797308226436342 1.6273764596903746 +34569,2.0359917608174882,1,1.2373345813417582 0.8426493472985285 0.5702391465471105 0.4355818314029555 0.3210457242688383 0.23127418083938986 0.15233713403074392 0.08113901337981025 0.04863552351742921 0.01613203365503937 -0.04732716083818202 -0.06280501315360658 -0.11697749625758379 -0.056613872227435 0.373670422141266 0.7296610253959519 1.1676842459223653 1.3797308226436342 1.6273764596903746 1.8332318954854723 +34570,1.9462202173880487,1,0.8426493472985285 0.5702391465471105 0.4355818314029555 0.3210457242688383 0.23127418083938986 0.15233713403074392 0.08113901337981025 0.04863552351742921 0.01613203365503937 -0.04732716083818202 -0.06280501315360658 -0.11697749625758379 -0.056613872227435 0.373670422141266 0.7296610253959519 1.1676842459223653 1.3797308226436342 1.6273764596903746 1.8332318954854723 2.0359917608174882 +34571,1.8564486739586004,1,0.5702391465471105 0.4355818314029555 0.3210457242688383 0.23127418083938986 0.15233713403074392 0.08113901337981025 0.04863552351742921 0.01613203365503937 -0.04732716083818202 -0.06280501315360658 -0.11697749625758379 -0.056613872227435 0.373670422141266 0.7296610253959519 1.1676842459223653 1.3797308226436342 1.6273764596903746 1.8332318954854723 2.0359917608174882 1.9462202173880487 +34572,1.7465559225191138,1,0.4355818314029555 0.3210457242688383 0.23127418083938986 0.15233713403074392 0.08113901337981025 0.04863552351742921 0.01613203365503937 -0.04732716083818202 -0.06280501315360658 -0.11697749625758379 -0.056613872227435 0.373670422141266 0.7296610253959519 1.1676842459223653 1.3797308226436342 1.6273764596903746 1.8332318954854723 2.0359917608174882 1.9462202173880487 1.8564486739586004 +34573,1.4308077352845214,1,0.3210457242688383 0.23127418083938986 0.15233713403074392 0.08113901337981025 0.04863552351742921 0.01613203365503937 -0.04732716083818202 -0.06280501315360658 -0.11697749625758379 -0.056613872227435 0.373670422141266 0.7296610253959519 1.1676842459223653 1.3797308226436342 1.6273764596903746 1.8332318954854723 2.0359917608174882 1.9462202173880487 1.8564486739586004 1.7465559225191138 +34574,1.1289896151338126,1,0.23127418083938986 0.15233713403074392 0.08113901337981025 0.04863552351742921 0.01613203365503937 -0.04732716083818202 -0.06280501315360658 -0.11697749625758379 -0.056613872227435 0.373670422141266 0.7296610253959519 1.1676842459223653 1.3797308226436342 1.6273764596903746 1.8332318954854723 2.0359917608174882 1.9462202173880487 1.8564486739586004 1.7465559225191138 1.4308077352845214 +34575,0.7729990118791267,1,0.15233713403074392 0.08113901337981025 0.04863552351742921 0.01613203365503937 -0.04732716083818202 -0.06280501315360658 -0.11697749625758379 -0.056613872227435 0.373670422141266 0.7296610253959519 1.1676842459223653 1.3797308226436342 1.6273764596903746 1.8332318954854723 2.0359917608174882 1.9462202173880487 1.8564486739586004 1.7465559225191138 1.4308077352845214 1.1289896151338126 +34576,0.650723978587306,1,0.08113901337981025 0.04863552351742921 0.01613203365503937 -0.04732716083818202 -0.06280501315360658 -0.11697749625758379 -0.056613872227435 0.373670422141266 0.7296610253959519 1.1676842459223653 1.3797308226436342 1.6273764596903746 1.8332318954854723 2.0359917608174882 1.9462202173880487 1.8564486739586004 1.7465559225191138 1.4308077352845214 1.1289896151338126 0.7729990118791267 +34577,0.4309384757083246,1,0.04863552351742921 0.01613203365503937 -0.04732716083818202 -0.06280501315360658 -0.11697749625758379 -0.056613872227435 0.373670422141266 0.7296610253959519 1.1676842459223653 1.3797308226436342 1.6273764596903746 1.8332318954854723 2.0359917608174882 1.9462202173880487 1.8564486739586004 1.7465559225191138 1.4308077352845214 1.1289896151338126 0.7729990118791267 0.650723978587306 +34578,0.3287846504265506,1,0.01613203365503937 -0.04732716083818202 -0.06280501315360658 -0.11697749625758379 -0.056613872227435 0.373670422141266 0.7296610253959519 1.1676842459223653 1.3797308226436342 1.6273764596903746 1.8332318954854723 2.0359917608174882 1.9462202173880487 1.8564486739586004 1.7465559225191138 1.4308077352845214 1.1289896151338126 0.7729990118791267 0.650723978587306 0.4309384757083246 +34579,0.23746532176556145,1,-0.04732716083818202 -0.06280501315360658 -0.11697749625758379 -0.056613872227435 0.373670422141266 0.7296610253959519 1.1676842459223653 1.3797308226436342 1.6273764596903746 1.8332318954854723 2.0359917608174882 1.9462202173880487 1.8564486739586004 1.7465559225191138 1.4308077352845214 1.1289896151338126 0.7729990118791267 0.650723978587306 0.4309384757083246 0.3287846504265506 +34580,0.13840706694686883,1,-0.06280501315360658 -0.11697749625758379 -0.056613872227435 0.373670422141266 0.7296610253959519 1.1676842459223653 1.3797308226436342 1.6273764596903746 1.8332318954854723 2.0359917608174882 1.9462202173880487 1.8564486739586004 1.7465559225191138 1.4308077352845214 1.1289896151338126 0.7729990118791267 0.650723978587306 0.4309384757083246 0.3287846504265506 0.23746532176556145 +34581,0.0532788792120513,1,-0.11697749625758379 -0.056613872227435 0.373670422141266 0.7296610253959519 1.1676842459223653 1.3797308226436342 1.6273764596903746 1.8332318954854723 2.0359917608174882 1.9462202173880487 1.8564486739586004 1.7465559225191138 1.4308077352845214 1.1289896151338126 0.7729990118791267 0.650723978587306 0.4309384757083246 0.3287846504265506 0.23746532176556145 0.13840706694686883 +34582,-0.024110382365053955,1,-0.056613872227435 0.373670422141266 0.7296610253959519 1.1676842459223653 1.3797308226436342 1.6273764596903746 1.8332318954854723 2.0359917608174882 1.9462202173880487 1.8564486739586004 1.7465559225191138 1.4308077352845214 1.1289896151338126 0.7729990118791267 0.650723978587306 0.4309384757083246 0.3287846504265506 0.23746532176556145 0.13840706694686883 0.0532788792120513 +34583,-0.05042273130127221,1,0.373670422141266 0.7296610253959519 1.1676842459223653 1.3797308226436342 1.6273764596903746 1.8332318954854723 2.0359917608174882 1.9462202173880487 1.8564486739586004 1.7465559225191138 1.4308077352845214 1.1289896151338126 0.7729990118791267 0.650723978587306 0.4309384757083246 0.3287846504265506 0.23746532176556145 0.13840706694686883 0.0532788792120513 -0.024110382365053955 +34584,-0.058161657458975696,1,0.7296610253959519 1.1676842459223653 1.3797308226436342 1.6273764596903746 1.8332318954854723 2.0359917608174882 1.9462202173880487 1.8564486739586004 1.7465559225191138 1.4308077352845214 1.1289896151338126 0.7729990118791267 0.650723978587306 0.4309384757083246 0.3287846504265506 0.23746532176556145 0.13840706694686883 0.0532788792120513 -0.024110382365053955 -0.05042273130127221 +34585,-0.03804044944892903,1,1.1676842459223653 1.3797308226436342 1.6273764596903746 1.8332318954854723 2.0359917608174882 1.9462202173880487 1.8564486739586004 1.7465559225191138 1.4308077352845214 1.1289896151338126 0.7729990118791267 0.650723978587306 0.4309384757083246 0.3287846504265506 0.23746532176556145 0.13840706694686883 0.0532788792120513 -0.024110382365053955 -0.05042273130127221 -0.058161657458975696 +34586,0.00994089272887658,1,1.3797308226436342 1.6273764596903746 1.8332318954854723 2.0359917608174882 1.9462202173880487 1.8564486739586004 1.7465559225191138 1.4308077352845214 1.1289896151338126 0.7729990118791267 0.650723978587306 0.4309384757083246 0.3287846504265506 0.23746532176556145 0.13840706694686883 0.0532788792120513 -0.024110382365053955 -0.05042273130127221 -0.058161657458975696 -0.03804044944892903 +34587,0.2111529728293432,1,1.6273764596903746 1.8332318954854723 2.0359917608174882 1.9462202173880487 1.8564486739586004 1.7465559225191138 1.4308077352845214 1.1289896151338126 0.7729990118791267 0.650723978587306 0.4309384757083246 0.3287846504265506 0.23746532176556145 0.13840706694686883 0.0532788792120513 -0.024110382365053955 -0.05042273130127221 -0.058161657458975696 -0.03804044944892903 0.00994089272887658 +34588,0.5764302874732822,1,1.8332318954854723 2.0359917608174882 1.9462202173880487 1.8564486739586004 1.7465559225191138 1.4308077352845214 1.1289896151338126 0.7729990118791267 0.650723978587306 0.4309384757083246 0.3287846504265506 0.23746532176556145 0.13840706694686883 0.0532788792120513 -0.024110382365053955 -0.05042273130127221 -0.058161657458975696 -0.03804044944892903 0.00994089272887658 0.2111529728293432 +34589,0.8612227700770344,1,2.0359917608174882 1.9462202173880487 1.8564486739586004 1.7465559225191138 1.4308077352845214 1.1289896151338126 0.7729990118791267 0.650723978587306 0.4309384757083246 0.3287846504265506 0.23746532176556145 0.13840706694686883 0.0532788792120513 -0.024110382365053955 -0.05042273130127221 -0.058161657458975696 -0.03804044944892903 0.00994089272887658 0.2111529728293432 0.5764302874732822 +34590,1.1955443800901242,1,1.9462202173880487 1.8564486739586004 1.7465559225191138 1.4308077352845214 1.1289896151338126 0.7729990118791267 0.650723978587306 0.4309384757083246 0.3287846504265506 0.23746532176556145 0.13840706694686883 0.0532788792120513 -0.024110382365053955 -0.05042273130127221 -0.058161657458975696 -0.03804044944892903 0.00994089272887658 0.2111529728293432 0.5764302874732822 0.8612227700770344 +34591,1.492719144546211,1,1.8564486739586004 1.7465559225191138 1.4308077352845214 1.1289896151338126 0.7729990118791267 0.650723978587306 0.4309384757083246 0.3287846504265506 0.23746532176556145 0.13840706694686883 0.0532788792120513 -0.024110382365053955 -0.05042273130127221 -0.058161657458975696 -0.03804044944892903 0.00994089272887658 0.2111529728293432 0.5764302874732822 0.8612227700770344 1.1955443800901242 +34592,1.6335676006165374,1,1.7465559225191138 1.4308077352845214 1.1289896151338126 0.7729990118791267 0.650723978587306 0.4309384757083246 0.3287846504265506 0.23746532176556145 0.13840706694686883 0.0532788792120513 -0.024110382365053955 -0.05042273130127221 -0.058161657458975696 -0.03804044944892903 0.00994089272887658 0.2111529728293432 0.5764302874732822 0.8612227700770344 1.1955443800901242 1.492719144546211 +34593,1.639758741542709,1,1.4308077352845214 1.1289896151338126 0.7729990118791267 0.650723978587306 0.4309384757083246 0.3287846504265506 0.23746532176556145 0.13840706694686883 0.0532788792120513 -0.024110382365053955 -0.05042273130127221 -0.058161657458975696 -0.03804044944892903 0.00994089272887658 0.2111529728293432 0.5764302874732822 0.8612227700770344 1.1955443800901242 1.492719144546211 1.6335676006165374 +34594,1.630472030153456,1,1.1289896151338126 0.7729990118791267 0.650723978587306 0.4309384757083246 0.3287846504265506 0.23746532176556145 0.13840706694686883 0.0532788792120513 -0.024110382365053955 -0.05042273130127221 -0.058161657458975696 -0.03804044944892903 0.00994089272887658 0.2111529728293432 0.5764302874732822 0.8612227700770344 1.1955443800901242 1.492719144546211 1.6335676006165374 1.639758741542709 +34595,1.6026118959856972,1,0.7729990118791267 0.650723978587306 0.4309384757083246 0.3287846504265506 0.23746532176556145 0.13840706694686883 0.0532788792120513 -0.024110382365053955 -0.05042273130127221 -0.058161657458975696 -0.03804044944892903 0.00994089272887658 0.2111529728293432 0.5764302874732822 0.8612227700770344 1.1955443800901242 1.492719144546211 1.6335676006165374 1.639758741542709 1.630472030153456 +34596,1.4308077352845214,1,0.650723978587306 0.4309384757083246 0.3287846504265506 0.23746532176556145 0.13840706694686883 0.0532788792120513 -0.024110382365053955 -0.05042273130127221 -0.058161657458975696 -0.03804044944892903 0.00994089272887658 0.2111529728293432 0.5764302874732822 0.8612227700770344 1.1955443800901242 1.492719144546211 1.6335676006165374 1.639758741542709 1.630472030153456 1.6026118959856972 +34597,1.0732693467982948,1,0.4309384757083246 0.3287846504265506 0.23746532176556145 0.13840706694686883 0.0532788792120513 -0.024110382365053955 -0.05042273130127221 -0.058161657458975696 -0.03804044944892903 0.00994089272887658 0.2111529728293432 0.5764302874732822 0.8612227700770344 1.1955443800901242 1.492719144546211 1.6335676006165374 1.639758741542709 1.630472030153456 1.6026118959856972 1.4308077352845214 +34598,0.7095398173859053,1,0.3287846504265506 0.23746532176556145 0.13840706694686883 0.0532788792120513 -0.024110382365053955 -0.05042273130127221 -0.058161657458975696 -0.03804044944892903 0.00994089272887658 0.2111529728293432 0.5764302874732822 0.8612227700770344 1.1955443800901242 1.492719144546211 1.6335676006165374 1.639758741542709 1.630472030153456 1.6026118959856972 1.4308077352845214 1.0732693467982948 +34599,0.4061739120036558,1,0.23746532176556145 0.13840706694686883 0.0532788792120513 -0.024110382365053955 -0.05042273130127221 -0.058161657458975696 -0.03804044944892903 0.00994089272887658 0.2111529728293432 0.5764302874732822 0.8612227700770344 1.1955443800901242 1.492719144546211 1.6335676006165374 1.639758741542709 1.630472030153456 1.6026118959856972 1.4308077352845214 1.0732693467982948 0.7095398173859053 +34600,0.24984760361789585,1,0.13840706694686883 0.0532788792120513 -0.024110382365053955 -0.05042273130127221 -0.058161657458975696 -0.03804044944892903 0.00994089272887658 0.2111529728293432 0.5764302874732822 0.8612227700770344 1.1955443800901242 1.492719144546211 1.6335676006165374 1.639758741542709 1.630472030153456 1.6026118959856972 1.4308077352845214 1.0732693467982948 0.7095398173859053 0.4061739120036558 +34601,0.09506908046368533,1,0.0532788792120513 -0.024110382365053955 -0.05042273130127221 -0.058161657458975696 -0.03804044944892903 0.00994089272887658 0.2111529728293432 0.5764302874732822 0.8612227700770344 1.1955443800901242 1.492719144546211 1.6335676006165374 1.639758741542709 1.630472030153456 1.6026118959856972 1.4308077352845214 1.0732693467982948 0.7095398173859053 0.4061739120036558 0.24984760361789585 +34602,-0.0008936038919258983,1,-0.024110382365053955 -0.05042273130127221 -0.058161657458975696 -0.03804044944892903 0.00994089272887658 0.2111529728293432 0.5764302874732822 0.8612227700770344 1.1955443800901242 1.492719144546211 1.6335676006165374 1.639758741542709 1.630472030153456 1.6026118959856972 1.4308077352845214 1.0732693467982948 0.7095398173859053 0.4061739120036558 0.24984760361789585 0.09506908046368533 +34603,-0.07983065070057185,1,-0.05042273130127221 -0.058161657458975696 -0.03804044944892903 0.00994089272887658 0.2111529728293432 0.5764302874732822 0.8612227700770344 1.1955443800901242 1.492719144546211 1.6335676006165374 1.639758741542709 1.630472030153456 1.6026118959856972 1.4308077352845214 1.0732693467982948 0.7095398173859053 0.4061739120036558 0.24984760361789585 0.09506908046368533 -0.0008936038919258983 +34604,-0.07209172454285957,1,-0.058161657458975696 -0.03804044944892903 0.00994089272887658 0.2111529728293432 0.5764302874732822 0.8612227700770344 1.1955443800901242 1.492719144546211 1.6335676006165374 1.639758741542709 1.630472030153456 1.6026118959856972 1.4308077352845214 1.0732693467982948 0.7095398173859053 0.4061739120036558 0.24984760361789585 0.09506908046368533 -0.0008936038919258983 -0.07983065070057185 +34605,-0.07363950977440026,1,-0.03804044944892903 0.00994089272887658 0.2111529728293432 0.5764302874732822 0.8612227700770344 1.1955443800901242 1.492719144546211 1.6335676006165374 1.639758741542709 1.630472030153456 1.6026118959856972 1.4308077352845214 1.0732693467982948 0.7095398173859053 0.4061739120036558 0.24984760361789585 0.09506908046368533 -0.0008936038919258983 -0.07983065070057185 -0.07209172454285957 +34606,-0.13400313380454026,1,0.00994089272887658 0.2111529728293432 0.5764302874732822 0.8612227700770344 1.1955443800901242 1.492719144546211 1.6335676006165374 1.639758741542709 1.630472030153456 1.6026118959856972 1.4308077352845214 1.0732693467982948 0.7095398173859053 0.4061739120036558 0.24984760361789585 0.09506908046368533 -0.0008936038919258983 -0.07983065070057185 -0.07209172454285957 -0.07363950977440026 +34607,-0.06590058361668798,1,0.2111529728293432 0.5764302874732822 0.8612227700770344 1.1955443800901242 1.492719144546211 1.6335676006165374 1.639758741542709 1.630472030153456 1.6026118959856972 1.4308077352845214 1.0732693467982948 0.7095398173859053 0.4061739120036558 0.24984760361789585 0.09506908046368533 -0.0008936038919258983 -0.07983065070057185 -0.07209172454285957 -0.07363950977440026 -0.13400313380454026 +34608,-0.09530850301598763,1,0.5764302874732822 0.8612227700770344 1.1955443800901242 1.492719144546211 1.6335676006165374 1.639758741542709 1.630472030153456 1.6026118959856972 1.4308077352845214 1.0732693467982948 0.7095398173859053 0.4061739120036558 0.24984760361789585 0.09506908046368533 -0.0008936038919258983 -0.07983065070057185 -0.07209172454285957 -0.07363950977440026 -0.13400313380454026 -0.06590058361668798 +34609,-0.11233414056295289,1,0.8612227700770344 1.1955443800901242 1.492719144546211 1.6335676006165374 1.639758741542709 1.630472030153456 1.6026118959856972 1.4308077352845214 1.0732693467982948 0.7095398173859053 0.4061739120036558 0.24984760361789585 0.09506908046368533 -0.0008936038919258983 -0.07983065070057185 -0.07209172454285957 -0.07363950977440026 -0.13400313380454026 -0.06590058361668798 -0.09530850301598763 +34610,-0.07673508023748166,1,1.1955443800901242 1.492719144546211 1.6335676006165374 1.639758741542709 1.630472030153456 1.6026118959856972 1.4308077352845214 1.0732693467982948 0.7095398173859053 0.4061739120036558 0.24984760361789585 0.09506908046368533 -0.0008936038919258983 -0.07983065070057185 -0.07209172454285957 -0.07363950977440026 -0.13400313380454026 -0.06590058361668798 -0.09530850301598763 -0.11233414056295289 +34611,0.01613203365503937,1,1.492719144546211 1.6335676006165374 1.639758741542709 1.630472030153456 1.6026118959856972 1.4308077352845214 1.0732693467982948 0.7095398173859053 0.4061739120036558 0.24984760361789585 0.09506908046368533 -0.0008936038919258983 -0.07983065070057185 -0.07209172454285957 -0.07363950977440026 -0.13400313380454026 -0.06590058361668798 -0.09530850301598763 -0.11233414056295289 -0.07673508023748166 +34612,0.12447699986298497,1,1.6335676006165374 1.639758741542709 1.630472030153456 1.6026118959856972 1.4308077352845214 1.0732693467982948 0.7095398173859053 0.4061739120036558 0.24984760361789585 0.09506908046368533 -0.0008936038919258983 -0.07983065070057185 -0.07209172454285957 -0.07363950977440026 -0.13400313380454026 -0.06590058361668798 -0.09530850301598763 -0.11233414056295289 -0.07673508023748166 0.01613203365503937 +34613,0.33961914704734425,1,1.639758741542709 1.630472030153456 1.6026118959856972 1.4308077352845214 1.0732693467982948 0.7095398173859053 0.4061739120036558 0.24984760361789585 0.09506908046368533 -0.0008936038919258983 -0.07983065070057185 -0.07209172454285957 -0.07363950977440026 -0.13400313380454026 -0.06590058361668798 -0.09530850301598763 -0.11233414056295289 -0.07673508023748166 0.01613203365503937 0.12447699986298497 +34614,0.581073643167913,1,1.630472030153456 1.6026118959856972 1.4308077352845214 1.0732693467982948 0.7095398173859053 0.4061739120036558 0.24984760361789585 0.09506908046368533 -0.0008936038919258983 -0.07983065070057185 -0.07209172454285957 -0.07363950977440026 -0.13400313380454026 -0.06590058361668798 -0.09530850301598763 -0.11233414056295289 -0.07673508023748166 0.01613203365503937 0.12447699986298497 0.33961914704734425 +34615,0.8240759245200224,1,1.6026118959856972 1.4308077352845214 1.0732693467982948 0.7095398173859053 0.4061739120036558 0.24984760361789585 0.09506908046368533 -0.0008936038919258983 -0.07983065070057185 -0.07209172454285957 -0.07363950977440026 -0.13400313380454026 -0.06590058361668798 -0.09530850301598763 -0.11233414056295289 -0.07673508023748166 0.01613203365503937 0.12447699986298497 0.33961914704734425 0.581073643167913 +34616,0.960281024895727,1,1.4308077352845214 1.0732693467982948 0.7095398173859053 0.4061739120036558 0.24984760361789585 0.09506908046368533 -0.0008936038919258983 -0.07983065070057185 -0.07209172454285957 -0.07363950977440026 -0.13400313380454026 -0.06590058361668798 -0.09530850301598763 -0.11233414056295289 -0.07673508023748166 0.01613203365503937 0.12447699986298497 0.33961914704734425 0.581073643167913 0.8240759245200224 +34617,0.9865933738319452,1,1.0732693467982948 0.7095398173859053 0.4061739120036558 0.24984760361789585 0.09506908046368533 -0.0008936038919258983 -0.07983065070057185 -0.07209172454285957 -0.07363950977440026 -0.13400313380454026 -0.06590058361668798 -0.09530850301598763 -0.11233414056295289 -0.07673508023748166 0.01613203365503937 0.12447699986298497 0.33961914704734425 0.581073643167913 0.8240759245200224 0.960281024895727 +34618,0.9215863941071744,1,0.7095398173859053 0.4061739120036558 0.24984760361789585 0.09506908046368533 -0.0008936038919258983 -0.07983065070057185 -0.07209172454285957 -0.07363950977440026 -0.13400313380454026 -0.06590058361668798 -0.09530850301598763 -0.11233414056295289 -0.07673508023748166 0.01613203365503937 0.12447699986298497 0.33961914704734425 0.581073643167913 0.8240759245200224 0.960281024895727 0.9865933738319452 +34619,0.7993113608153449,1,0.4061739120036558 0.24984760361789585 0.09506908046368533 -0.0008936038919258983 -0.07983065070057185 -0.07209172454285957 -0.07363950977440026 -0.13400313380454026 -0.06590058361668798 -0.09530850301598763 -0.11233414056295289 -0.07673508023748166 0.01613203365503937 0.12447699986298497 0.33961914704734425 0.581073643167913 0.8240759245200224 0.960281024895727 0.9865933738319452 0.9215863941071744 +34620,0.6460806228926751,1,0.24984760361789585 0.09506908046368533 -0.0008936038919258983 -0.07983065070057185 -0.07209172454285957 -0.07363950977440026 -0.13400313380454026 -0.06590058361668798 -0.09530850301598763 -0.11233414056295289 -0.07673508023748166 0.01613203365503937 0.12447699986298497 0.33961914704734425 0.581073643167913 0.8240759245200224 0.960281024895727 0.9865933738319452 0.9215863941071744 0.7993113608153449 +34621,0.39843498584594356,1,0.09506908046368533 -0.0008936038919258983 -0.07983065070057185 -0.07209172454285957 -0.07363950977440026 -0.13400313380454026 -0.06590058361668798 -0.09530850301598763 -0.11233414056295289 -0.07673508023748166 0.01613203365503937 0.12447699986298497 0.33961914704734425 0.581073643167913 0.8240759245200224 0.960281024895727 0.9865933738319452 0.9215863941071744 0.7993113608153449 0.6460806228926751 +34622,0.2173441137555148,1,-0.0008936038919258983 -0.07983065070057185 -0.07209172454285957 -0.07363950977440026 -0.13400313380454026 -0.06590058361668798 -0.09530850301598763 -0.11233414056295289 -0.07673508023748166 0.01613203365503937 0.12447699986298497 0.33961914704734425 0.581073643167913 0.8240759245200224 0.960281024895727 0.9865933738319452 0.9215863941071744 0.7993113608153449 0.6460806228926751 0.39843498584594356 +34623,0.11983364416836288,1,-0.07983065070057185 -0.07209172454285957 -0.07363950977440026 -0.13400313380454026 -0.06590058361668798 -0.09530850301598763 -0.11233414056295289 -0.07673508023748166 0.01613203365503937 0.12447699986298497 0.33961914704734425 0.581073643167913 0.8240759245200224 0.960281024895727 0.9865933738319452 0.9215863941071744 0.7993113608153449 0.6460806228926751 0.39843498584594356 0.2173441137555148 +34624,0.09197351000060393,1,-0.07209172454285957 -0.07363950977440026 -0.13400313380454026 -0.06590058361668798 -0.09530850301598763 -0.11233414056295289 -0.07673508023748166 0.01613203365503937 0.12447699986298497 0.33961914704734425 0.581073643167913 0.8240759245200224 0.960281024895727 0.9865933738319452 0.9215863941071744 0.7993113608153449 0.6460806228926751 0.39843498584594356 0.2173441137555148 0.11983364416836288 +34625,0.0501833087489699,1,-0.07363950977440026 -0.13400313380454026 -0.06590058361668798 -0.09530850301598763 -0.11233414056295289 -0.07673508023748166 0.01613203365503937 0.12447699986298497 0.33961914704734425 0.581073643167913 0.8240759245200224 0.960281024895727 0.9865933738319452 0.9215863941071744 0.7993113608153449 0.6460806228926751 0.39843498584594356 0.2173441137555148 0.11983364416836288 0.09197351000060393 +34626,0.02541874504429235,1,-0.13400313380454026 -0.06590058361668798 -0.09530850301598763 -0.11233414056295289 -0.07673508023748166 0.01613203365503937 0.12447699986298497 0.33961914704734425 0.581073643167913 0.8240759245200224 0.960281024895727 0.9865933738319452 0.9215863941071744 0.7993113608153449 0.6460806228926751 0.39843498584594356 0.2173441137555148 0.11983364416836288 0.09197351000060393 0.0501833087489699 +34627,0.00994089272887658,1,-0.06590058361668798 -0.09530850301598763 -0.11233414056295289 -0.07673508023748166 0.01613203365503937 0.12447699986298497 0.33961914704734425 0.581073643167913 0.8240759245200224 0.960281024895727 0.9865933738319452 0.9215863941071744 0.7993113608153449 0.6460806228926751 0.39843498584594356 0.2173441137555148 0.11983364416836288 0.09197351000060393 0.0501833087489699 0.02541874504429235 +34628,-0.0550660869958943,1,-0.09530850301598763 -0.11233414056295289 -0.07673508023748166 0.01613203365503937 0.12447699986298497 0.33961914704734425 0.581073643167913 0.8240759245200224 0.960281024895727 0.9865933738319452 0.9215863941071744 0.7993113608153449 0.6460806228926751 0.39843498584594356 0.2173441137555148 0.11983364416836288 0.09197351000060393 0.0501833087489699 0.02541874504429235 0.00994089272887658 +34629,-0.10149964394215921,1,-0.11233414056295289 -0.07673508023748166 0.01613203365503937 0.12447699986298497 0.33961914704734425 0.581073643167913 0.8240759245200224 0.960281024895727 0.9865933738319452 0.9215863941071744 0.7993113608153449 0.6460806228926751 0.39843498584594356 0.2173441137555148 0.11983364416836288 0.09197351000060393 0.0501833087489699 0.02541874504429235 0.00994089272887658 -0.0550660869958943 +34630,-0.12007306672066517,1,-0.07673508023748166 0.01613203365503937 0.12447699986298497 0.33961914704734425 0.581073643167913 0.8240759245200224 0.960281024895727 0.9865933738319452 0.9215863941071744 0.7993113608153449 0.6460806228926751 0.39843498584594356 0.2173441137555148 0.11983364416836288 0.09197351000060393 0.0501833087489699 0.02541874504429235 0.00994089272887658 -0.0550660869958943 -0.10149964394215921 +34631,-0.13709870426763043,1,0.01613203365503937 0.12447699986298497 0.33961914704734425 0.581073643167913 0.8240759245200224 0.960281024895727 0.9865933738319452 0.9215863941071744 0.7993113608153449 0.6460806228926751 0.39843498584594356 0.2173441137555148 0.11983364416836288 0.09197351000060393 0.0501833087489699 0.02541874504429235 0.00994089272887658 -0.0550660869958943 -0.10149964394215921 -0.12007306672066517 +34632,-0.11697749625758379,1,0.12447699986298497 0.33961914704734425 0.581073643167913 0.8240759245200224 0.960281024895727 0.9865933738319452 0.9215863941071744 0.7993113608153449 0.6460806228926751 0.39843498584594356 0.2173441137555148 0.11983364416836288 0.09197351000060393 0.0501833087489699 0.02541874504429235 0.00994089272887658 -0.0550660869958943 -0.10149964394215921 -0.12007306672066517 -0.13709870426763043 +34633,-0.14328984519379323,1,0.33961914704734425 0.581073643167913 0.8240759245200224 0.960281024895727 0.9865933738319452 0.9215863941071744 0.7993113608153449 0.6460806228926751 0.39843498584594356 0.2173441137555148 0.11983364416836288 0.09197351000060393 0.0501833087489699 0.02541874504429235 0.00994089272887658 -0.0550660869958943 -0.10149964394215921 -0.12007306672066517 -0.13709870426763043 -0.11697749625758379 +34634,-0.14174205996225253,1,0.581073643167913 0.8240759245200224 0.960281024895727 0.9865933738319452 0.9215863941071744 0.7993113608153449 0.6460806228926751 0.39843498584594356 0.2173441137555148 0.11983364416836288 0.09197351000060393 0.0501833087489699 0.02541874504429235 0.00994089272887658 -0.0550660869958943 -0.10149964394215921 -0.12007306672066517 -0.13709870426763043 -0.11697749625758379 -0.14328984519379323 +34635,-0.10304742917369991,1,0.8240759245200224 0.960281024895727 0.9865933738319452 0.9215863941071744 0.7993113608153449 0.6460806228926751 0.39843498584594356 0.2173441137555148 0.11983364416836288 0.09197351000060393 0.0501833087489699 0.02541874504429235 0.00994089272887658 -0.0550660869958943 -0.10149964394215921 -0.12007306672066517 -0.13709870426763043 -0.11697749625758379 -0.14328984519379323 -0.14174205996225253 +34636,0.02696653027583305,1,0.960281024895727 0.9865933738319452 0.9215863941071744 0.7993113608153449 0.6460806228926751 0.39843498584594356 0.2173441137555148 0.11983364416836288 0.09197351000060393 0.0501833087489699 0.02541874504429235 0.00994089272887658 -0.0550660869958943 -0.10149964394215921 -0.12007306672066517 -0.13709870426763043 -0.11697749625758379 -0.14328984519379323 -0.14174205996225253 -0.10304742917369991 +34637,0.09197351000060393,1,0.9865933738319452 0.9215863941071744 0.7993113608153449 0.6460806228926751 0.39843498584594356 0.2173441137555148 0.11983364416836288 0.09197351000060393 0.0501833087489699 0.02541874504429235 0.00994089272887658 -0.0550660869958943 -0.10149964394215921 -0.12007306672066517 -0.13709870426763043 -0.11697749625758379 -0.14328984519379323 -0.14174205996225253 -0.10304742917369991 0.02696653027583305 +34638,0.13066814078915656,1,0.9215863941071744 0.7993113608153449 0.6460806228926751 0.39843498584594356 0.2173441137555148 0.11983364416836288 0.09197351000060393 0.0501833087489699 0.02541874504429235 0.00994089272887658 -0.0550660869958943 -0.10149964394215921 -0.12007306672066517 -0.13709870426763043 -0.11697749625758379 -0.14328984519379323 -0.14174205996225253 -0.10304742917369991 0.02696653027583305 0.09197351000060393 +34639,0.18638840912467444,1,0.7993113608153449 0.6460806228926751 0.39843498584594356 0.2173441137555148 0.11983364416836288 0.09197351000060393 0.0501833087489699 0.02541874504429235 0.00994089272887658 -0.0550660869958943 -0.10149964394215921 -0.12007306672066517 -0.13709870426763043 -0.11697749625758379 -0.14328984519379323 -0.14174205996225253 -0.10304742917369991 0.02696653027583305 0.09197351000060393 0.13066814078915656 +34640,0.28854223440644844,1,0.6460806228926751 0.39843498584594356 0.2173441137555148 0.11983364416836288 0.09197351000060393 0.0501833087489699 0.02541874504429235 0.00994089272887658 -0.0550660869958943 -0.10149964394215921 -0.12007306672066517 -0.13709870426763043 -0.11697749625758379 -0.14328984519379323 -0.14174205996225253 -0.10304742917369991 0.02696653027583305 0.09197351000060393 0.13066814078915656 0.18638840912467444 +34641,0.41700840862444954,1,0.39843498584594356 0.2173441137555148 0.11983364416836288 0.09197351000060393 0.0501833087489699 0.02541874504429235 0.00994089272887658 -0.0550660869958943 -0.10149964394215921 -0.12007306672066517 -0.13709870426763043 -0.11697749625758379 -0.14328984519379323 -0.14174205996225253 -0.10304742917369991 0.02696653027583305 0.09197351000060393 0.13066814078915656 0.18638840912467444 0.28854223440644844 +34642,0.4402251870975776,1,0.2173441137555148 0.11983364416836288 0.09197351000060393 0.0501833087489699 0.02541874504429235 0.00994089272887658 -0.0550660869958943 -0.10149964394215921 -0.12007306672066517 -0.13709870426763043 -0.11697749625758379 -0.14328984519379323 -0.14174205996225253 -0.10304742917369991 0.02696653027583305 0.09197351000060393 0.13066814078915656 0.18638840912467444 0.28854223440644844 0.41700840862444954 +34643,0.4758242474230488,1,0.11983364416836288 0.09197351000060393 0.0501833087489699 0.02541874504429235 0.00994089272887658 -0.0550660869958943 -0.10149964394215921 -0.12007306672066517 -0.13709870426763043 -0.11697749625758379 -0.14328984519379323 -0.14174205996225253 -0.10304742917369991 0.02696653027583305 0.09197351000060393 0.13066814078915656 0.18638840912467444 0.28854223440644844 0.41700840862444954 0.4402251870975776 +34644,0.45105968371837124,1,0.09197351000060393 0.0501833087489699 0.02541874504429235 0.00994089272887658 -0.0550660869958943 -0.10149964394215921 -0.12007306672066517 -0.13709870426763043 -0.11697749625758379 -0.14328984519379323 -0.14174205996225253 -0.10304742917369991 0.02696653027583305 0.09197351000060393 0.13066814078915656 0.18638840912467444 0.28854223440644844 0.41700840862444954 0.4402251870975776 0.4758242474230488 +34645,0.3241412947319197,1,0.0501833087489699 0.02541874504429235 0.00994089272887658 -0.0550660869958943 -0.10149964394215921 -0.12007306672066517 -0.13709870426763043 -0.11697749625758379 -0.14328984519379323 -0.14174205996225253 -0.10304742917369991 0.02696653027583305 0.09197351000060393 0.13066814078915656 0.18638840912467444 0.28854223440644844 0.41700840862444954 0.4402251870975776 0.4758242474230488 0.45105968371837124 +34646,0.14614599310458112,1,0.02541874504429235 0.00994089272887658 -0.0550660869958943 -0.10149964394215921 -0.12007306672066517 -0.13709870426763043 -0.11697749625758379 -0.14328984519379323 -0.14174205996225253 -0.10304742917369991 0.02696653027583305 0.09197351000060393 0.13066814078915656 0.18638840912467444 0.28854223440644844 0.41700840862444954 0.4402251870975776 0.4758242474230488 0.45105968371837124 0.3241412947319197 +34647,-0.03804044944892903,1,0.00994089272887658 -0.0550660869958943 -0.10149964394215921 -0.12007306672066517 -0.13709870426763043 -0.11697749625758379 -0.14328984519379323 -0.14174205996225253 -0.10304742917369991 0.02696653027583305 0.09197351000060393 0.13066814078915656 0.18638840912467444 0.28854223440644844 0.41700840862444954 0.4402251870975776 0.4758242474230488 0.45105968371837124 0.3241412947319197 0.14614599310458112 +34648,-0.17888890551926448,1,-0.0550660869958943 -0.10149964394215921 -0.12007306672066517 -0.13709870426763043 -0.11697749625758379 -0.14328984519379323 -0.14174205996225253 -0.10304742917369991 0.02696653027583305 0.09197351000060393 0.13066814078915656 0.18638840912467444 0.28854223440644844 0.41700840862444954 0.4402251870975776 0.4758242474230488 0.45105968371837124 0.3241412947319197 0.14614599310458112 -0.03804044944892903 +34649,-0.30735507973725673,1,-0.10149964394215921 -0.12007306672066517 -0.13709870426763043 -0.11697749625758379 -0.14328984519379323 -0.14174205996225253 -0.10304742917369991 0.02696653027583305 0.09197351000060393 0.13066814078915656 0.18638840912467444 0.28854223440644844 0.41700840862444954 0.4402251870975776 0.4758242474230488 0.45105968371837124 0.3241412947319197 0.14614599310458112 -0.03804044944892903 -0.17888890551926448 +34650,-0.40486554932440866,1,-0.12007306672066517 -0.13709870426763043 -0.11697749625758379 -0.14328984519379323 -0.14174205996225253 -0.10304742917369991 0.02696653027583305 0.09197351000060393 0.13066814078915656 0.18638840912467444 0.28854223440644844 0.41700840862444954 0.4402251870975776 0.4758242474230488 0.45105968371837124 0.3241412947319197 0.14614599310458112 -0.03804044944892903 -0.17888890551926448 -0.30735507973725673 +34651,-0.5209494416900665,1,-0.13709870426763043 -0.11697749625758379 -0.14328984519379323 -0.14174205996225253 -0.10304742917369991 0.02696653027583305 0.09197351000060393 0.13066814078915656 0.18638840912467444 0.28854223440644844 0.41700840862444954 0.4402251870975776 0.4758242474230488 0.45105968371837124 0.3241412947319197 0.14614599310458112 -0.03804044944892903 -0.17888890551926448 -0.30735507973725673 -0.40486554932440866 +34652,-0.62465105220339,1,-0.11697749625758379 -0.14328984519379323 -0.14174205996225253 -0.10304742917369991 0.02696653027583305 0.09197351000060393 0.13066814078915656 0.18638840912467444 0.28854223440644844 0.41700840862444954 0.4402251870975776 0.4758242474230488 0.45105968371837124 0.3241412947319197 0.14614599310458112 -0.03804044944892903 -0.17888890551926448 -0.30735507973725673 -0.40486554932440866 -0.5209494416900665 +34653,-0.6803713205389079,1,-0.14328984519379323 -0.14174205996225253 -0.10304742917369991 0.02696653027583305 0.09197351000060393 0.13066814078915656 0.18638840912467444 0.28854223440644844 0.41700840862444954 0.4402251870975776 0.4758242474230488 0.45105968371837124 0.3241412947319197 0.14614599310458112 -0.03804044944892903 -0.17888890551926448 -0.30735507973725673 -0.40486554932440866 -0.5209494416900665 -0.62465105220339 +34654,-0.7051358842435766,1,-0.14174205996225253 -0.10304742917369991 0.02696653027583305 0.09197351000060393 0.13066814078915656 0.18638840912467444 0.28854223440644844 0.41700840862444954 0.4402251870975776 0.4758242474230488 0.45105968371837124 0.3241412947319197 0.14614599310458112 -0.03804044944892903 -0.17888890551926448 -0.30735507973725673 -0.40486554932440866 -0.5209494416900665 -0.62465105220339 -0.6803713205389079 +34655,-0.7391871593375072,1,-0.10304742917369991 0.02696653027583305 0.09197351000060393 0.13066814078915656 0.18638840912467444 0.28854223440644844 0.41700840862444954 0.4402251870975776 0.4758242474230488 0.45105968371837124 0.3241412947319197 0.14614599310458112 -0.03804044944892903 -0.17888890551926448 -0.30735507973725673 -0.40486554932440866 -0.5209494416900665 -0.62465105220339 -0.6803713205389079 -0.7051358842435766 +34656,-0.7871685015153128,1,0.02696653027583305 0.09197351000060393 0.13066814078915656 0.18638840912467444 0.28854223440644844 0.41700840862444954 0.4402251870975776 0.4758242474230488 0.45105968371837124 0.3241412947319197 0.14614599310458112 -0.03804044944892903 -0.17888890551926448 -0.30735507973725673 -0.40486554932440866 -0.5209494416900665 -0.62465105220339 -0.6803713205389079 -0.7051358842435766 -0.7391871593375072 +34657,-0.8212197766092346,1,0.09197351000060393 0.13066814078915656 0.18638840912467444 0.28854223440644844 0.41700840862444954 0.4402251870975776 0.4758242474230488 0.45105968371837124 0.3241412947319197 0.14614599310458112 -0.03804044944892903 -0.17888890551926448 -0.30735507973725673 -0.40486554932440866 -0.5209494416900665 -0.62465105220339 -0.6803713205389079 -0.7051358842435766 -0.7391871593375072 -0.7871685015153128 +34658,-0.782525145820682,1,0.13066814078915656 0.18638840912467444 0.28854223440644844 0.41700840862444954 0.4402251870975776 0.4758242474230488 0.45105968371837124 0.3241412947319197 0.14614599310458112 -0.03804044944892903 -0.17888890551926448 -0.30735507973725673 -0.40486554932440866 -0.5209494416900665 -0.62465105220339 -0.6803713205389079 -0.7051358842435766 -0.7391871593375072 -0.7871685015153128 -0.8212197766092346 +34659,-0.4791592404384325,1,0.18638840912467444 0.28854223440644844 0.41700840862444954 0.4402251870975776 0.4758242474230488 0.45105968371837124 0.3241412947319197 0.14614599310458112 -0.03804044944892903 -0.17888890551926448 -0.30735507973725673 -0.40486554932440866 -0.5209494416900665 -0.62465105220339 -0.6803713205389079 -0.7051358842435766 -0.7391871593375072 -0.7871685015153128 -0.8212197766092346 -0.782525145820682 +34660,-0.12162085195220587,1,0.28854223440644844 0.41700840862444954 0.4402251870975776 0.4758242474230488 0.45105968371837124 0.3241412947319197 0.14614599310458112 -0.03804044944892903 -0.17888890551926448 -0.30735507973725673 -0.40486554932440866 -0.5209494416900665 -0.62465105220339 -0.6803713205389079 -0.7051358842435766 -0.7391871593375072 -0.7871685015153128 -0.8212197766092346 -0.782525145820682 -0.4791592404384325 +34661,0.12757257032607516,1,0.41700840862444954 0.4402251870975776 0.4758242474230488 0.45105968371837124 0.3241412947319197 0.14614599310458112 -0.03804044944892903 -0.17888890551926448 -0.30735507973725673 -0.40486554932440866 -0.5209494416900665 -0.62465105220339 -0.6803713205389079 -0.7051358842435766 -0.7391871593375072 -0.7871685015153128 -0.8212197766092346 -0.782525145820682 -0.4791592404384325 -0.12162085195220587 +34662,0.39688720061440286,1,0.4402251870975776 0.4758242474230488 0.45105968371837124 0.3241412947319197 0.14614599310458112 -0.03804044944892903 -0.17888890551926448 -0.30735507973725673 -0.40486554932440866 -0.5209494416900665 -0.62465105220339 -0.6803713205389079 -0.7051358842435766 -0.7391871593375072 -0.7871685015153128 -0.8212197766092346 -0.782525145820682 -0.4791592404384325 -0.12162085195220587 0.12757257032607516 +34663,0.6662018309027218,1,0.4758242474230488 0.45105968371837124 0.3241412947319197 0.14614599310458112 -0.03804044944892903 -0.17888890551926448 -0.30735507973725673 -0.40486554932440866 -0.5209494416900665 -0.62465105220339 -0.6803713205389079 -0.7051358842435766 -0.7391871593375072 -0.7871685015153128 -0.8212197766092346 -0.782525145820682 -0.4791592404384325 -0.12162085195220587 0.12757257032607516 0.39688720061440286 +34664,0.8534838439193221,1,0.45105968371837124 0.3241412947319197 0.14614599310458112 -0.03804044944892903 -0.17888890551926448 -0.30735507973725673 -0.40486554932440866 -0.5209494416900665 -0.62465105220339 -0.6803713205389079 -0.7051358842435766 -0.7391871593375072 -0.7871685015153128 -0.8212197766092346 -0.782525145820682 -0.4791592404384325 -0.12162085195220587 0.12757257032607516 0.39688720061440286 0.6662018309027218 +34665,1.034574716009742,1,0.3241412947319197 0.14614599310458112 -0.03804044944892903 -0.17888890551926448 -0.30735507973725673 -0.40486554932440866 -0.5209494416900665 -0.62465105220339 -0.6803713205389079 -0.7051358842435766 -0.7391871593375072 -0.7871685015153128 -0.8212197766092346 -0.782525145820682 -0.4791592404384325 -0.12162085195220587 0.12757257032607516 0.39688720061440286 0.6662018309027218 0.8534838439193221 +34666,1.108868407123766,1,0.14614599310458112 -0.03804044944892903 -0.17888890551926448 -0.30735507973725673 -0.40486554932440866 -0.5209494416900665 -0.62465105220339 -0.6803713205389079 -0.7051358842435766 -0.7391871593375072 -0.7871685015153128 -0.8212197766092346 -0.782525145820682 -0.4791592404384325 -0.12162085195220587 0.12757257032607516 0.39688720061440286 0.6662018309027218 0.8534838439193221 1.034574716009742 +34667,1.0732693467982948,1,-0.03804044944892903 -0.17888890551926448 -0.30735507973725673 -0.40486554932440866 -0.5209494416900665 -0.62465105220339 -0.6803713205389079 -0.7051358842435766 -0.7391871593375072 -0.7871685015153128 -0.8212197766092346 -0.782525145820682 -0.4791592404384325 -0.12162085195220587 0.12757257032607516 0.39688720061440286 0.6662018309027218 0.8534838439193221 1.034574716009742 1.108868407123766 +34668,0.9834978033688551,1,-0.17888890551926448 -0.30735507973725673 -0.40486554932440866 -0.5209494416900665 -0.62465105220339 -0.6803713205389079 -0.7051358842435766 -0.7391871593375072 -0.7871685015153128 -0.8212197766092346 -0.782525145820682 -0.4791592404384325 -0.12162085195220587 0.12757257032607516 0.39688720061440286 0.6662018309027218 0.8534838439193221 1.034574716009742 1.108868407123766 1.0732693467982948 +34669,0.7637123004898737,1,-0.30735507973725673 -0.40486554932440866 -0.5209494416900665 -0.62465105220339 -0.6803713205389079 -0.7051358842435766 -0.7391871593375072 -0.7871685015153128 -0.8212197766092346 -0.782525145820682 -0.4791592404384325 -0.12162085195220587 0.12757257032607516 0.39688720061440286 0.6662018309027218 0.8534838439193221 1.034574716009742 1.108868407123766 1.0732693467982948 0.9834978033688551 +34670,0.4154606233929,1,-0.40486554932440866 -0.5209494416900665 -0.62465105220339 -0.6803713205389079 -0.7051358842435766 -0.7391871593375072 -0.7871685015153128 -0.8212197766092346 -0.782525145820682 -0.4791592404384325 -0.12162085195220587 0.12757257032607516 0.39688720061440286 0.6662018309027218 0.8534838439193221 1.034574716009742 1.108868407123766 1.0732693467982948 0.9834978033688551 0.7637123004898737 +34671,0.19877069097700883,1,-0.5209494416900665 -0.62465105220339 -0.6803713205389079 -0.7051358842435766 -0.7391871593375072 -0.7871685015153128 -0.8212197766092346 -0.782525145820682 -0.4791592404384325 -0.12162085195220587 0.12757257032607516 0.39688720061440286 0.6662018309027218 0.8534838439193221 1.034574716009742 1.108868407123766 1.0732693467982948 0.9834978033688551 0.7637123004898737 0.4154606233929 +34672,0.02696653027583305,1,-0.62465105220339 -0.6803713205389079 -0.7051358842435766 -0.7391871593375072 -0.7871685015153128 -0.8212197766092346 -0.782525145820682 -0.4791592404384325 -0.12162085195220587 0.12757257032607516 0.39688720061440286 0.6662018309027218 0.8534838439193221 1.034574716009742 1.108868407123766 1.0732693467982948 0.9834978033688551 0.7637123004898737 0.4154606233929 0.19877069097700883 +34673,-0.14328984519379323,1,-0.6803713205389079 -0.7051358842435766 -0.7391871593375072 -0.7871685015153128 -0.8212197766092346 -0.782525145820682 -0.4791592404384325 -0.12162085195220587 0.12757257032607516 0.39688720061440286 0.6662018309027218 0.8534838439193221 1.034574716009742 1.108868407123766 1.0732693467982948 0.9834978033688551 0.7637123004898737 0.4154606233929 0.19877069097700883 0.02696653027583305 +34674,-0.25937373755945115,1,-0.7051358842435766 -0.7391871593375072 -0.7871685015153128 -0.8212197766092346 -0.782525145820682 -0.4791592404384325 -0.12162085195220587 0.12757257032607516 0.39688720061440286 0.6662018309027218 0.8534838439193221 1.034574716009742 1.108868407123766 1.0732693467982948 0.9834978033688551 0.7637123004898737 0.4154606233929 0.19877069097700883 0.02696653027583305 -0.14328984519379323 +34675,-0.34140635483118725,1,-0.7391871593375072 -0.7871685015153128 -0.8212197766092346 -0.782525145820682 -0.4791592404384325 -0.12162085195220587 0.12757257032607516 0.39688720061440286 0.6662018309027218 0.8534838439193221 1.034574716009742 1.108868407123766 1.0732693467982948 0.9834978033688551 0.7637123004898737 0.4154606233929 0.19877069097700883 0.02696653027583305 -0.14328984519379323 -0.25937373755945115 +34676,-0.41724783117675185,1,-0.7871685015153128 -0.8212197766092346 -0.782525145820682 -0.4791592404384325 -0.12162085195220587 0.12757257032607516 0.39688720061440286 0.6662018309027218 0.8534838439193221 1.034574716009742 1.108868407123766 1.0732693467982948 0.9834978033688551 0.7637123004898737 0.4154606233929 0.19877069097700883 0.02696653027583305 -0.14328984519379323 -0.25937373755945115 -0.34140635483118725 +34677,-0.5039238041431101,1,-0.8212197766092346 -0.782525145820682 -0.4791592404384325 -0.12162085195220587 0.12757257032607516 0.39688720061440286 0.6662018309027218 0.8534838439193221 1.034574716009742 1.108868407123766 1.0732693467982948 0.9834978033688551 0.7637123004898737 0.4154606233929 0.19877069097700883 0.02696653027583305 -0.14328984519379323 -0.25937373755945115 -0.34140635483118725 -0.41724783117675185 +34678,-0.5813130657202153,1,-0.782525145820682 -0.4791592404384325 -0.12162085195220587 0.12757257032607516 0.39688720061440286 0.6662018309027218 0.8534838439193221 1.034574716009742 1.108868407123766 1.0732693467982948 0.9834978033688551 0.7637123004898737 0.4154606233929 0.19877069097700883 0.02696653027583305 -0.14328984519379323 -0.25937373755945115 -0.34140635483118725 -0.41724783117675185 -0.5039238041431101 +34679,-0.6509634011396083,1,-0.4791592404384325 -0.12162085195220587 0.12757257032607516 0.39688720061440286 0.6662018309027218 0.8534838439193221 1.034574716009742 1.108868407123766 1.0732693467982948 0.9834978033688551 0.7637123004898737 0.4154606233929 0.19877069097700883 0.02696653027583305 -0.14328984519379323 -0.25937373755945115 -0.34140635483118725 -0.41724783117675185 -0.5039238041431101 -0.5813130657202153 +34680,-0.7051358842435766,1,-0.12162085195220587 0.12757257032607516 0.39688720061440286 0.6662018309027218 0.8534838439193221 1.034574716009742 1.108868407123766 1.0732693467982948 0.9834978033688551 0.7637123004898737 0.4154606233929 0.19877069097700883 0.02696653027583305 -0.14328984519379323 -0.25937373755945115 -0.34140635483118725 -0.41724783117675185 -0.5039238041431101 -0.5813130657202153 -0.6509634011396083 +34681,-0.7577605821160132,1,0.12757257032607516 0.39688720061440286 0.6662018309027218 0.8534838439193221 1.034574716009742 1.108868407123766 1.0732693467982948 0.9834978033688551 0.7637123004898737 0.4154606233929 0.19877069097700883 0.02696653027583305 -0.14328984519379323 -0.25937373755945115 -0.34140635483118725 -0.41724783117675185 -0.5039238041431101 -0.5813130657202153 -0.6509634011396083 -0.7051358842435766 +34682,-0.6587023272973206,1,0.39688720061440286 0.6662018309027218 0.8534838439193221 1.034574716009742 1.108868407123766 1.0732693467982948 0.9834978033688551 0.7637123004898737 0.4154606233929 0.19877069097700883 0.02696653027583305 -0.14328984519379323 -0.25937373755945115 -0.34140635483118725 -0.41724783117675185 -0.5039238041431101 -0.5813130657202153 -0.6509634011396083 -0.7051358842435766 -0.7577605821160132 +34683,-0.13709870426763043,1,0.6662018309027218 0.8534838439193221 1.034574716009742 1.108868407123766 1.0732693467982948 0.9834978033688551 0.7637123004898737 0.4154606233929 0.19877069097700883 0.02696653027583305 -0.14328984519379323 -0.25937373755945115 -0.34140635483118725 -0.41724783117675185 -0.5039238041431101 -0.5813130657202153 -0.6509634011396083 -0.7051358842435766 -0.7577605821160132 -0.6587023272973206 +34684,0.2668732411648611,1,0.8534838439193221 1.034574716009742 1.108868407123766 1.0732693467982948 0.9834978033688551 0.7637123004898737 0.4154606233929 0.19877069097700883 0.02696653027583305 -0.14328984519379323 -0.25937373755945115 -0.34140635483118725 -0.41724783117675185 -0.5039238041431101 -0.5813130657202153 -0.6509634011396083 -0.7051358842435766 -0.7577605821160132 -0.6587023272973206 -0.13709870426763043 +34685,0.613577133030294,1,1.034574716009742 1.108868407123766 1.0732693467982948 0.9834978033688551 0.7637123004898737 0.4154606233929 0.19877069097700883 0.02696653027583305 -0.14328984519379323 -0.25937373755945115 -0.34140635483118725 -0.41724783117675185 -0.5039238041431101 -0.5813130657202153 -0.6509634011396083 -0.7051358842435766 -0.7577605821160132 -0.6587023272973206 -0.13709870426763043 0.2668732411648611 +34686,0.9432553873487618,1,1.108868407123766 1.0732693467982948 0.9834978033688551 0.7637123004898737 0.4154606233929 0.19877069097700883 0.02696653027583305 -0.14328984519379323 -0.25937373755945115 -0.34140635483118725 -0.41724783117675185 -0.5039238041431101 -0.5813130657202153 -0.6509634011396083 -0.7051358842435766 -0.7577605821160132 -0.6587023272973206 -0.13709870426763043 0.2668732411648611 0.613577133030294 +34687,1.2079266619424585,1,1.0732693467982948 0.9834978033688551 0.7637123004898737 0.4154606233929 0.19877069097700883 0.02696653027583305 -0.14328984519379323 -0.25937373755945115 -0.34140635483118725 -0.41724783117675185 -0.5039238041431101 -0.5813130657202153 -0.6509634011396083 -0.7051358842435766 -0.7577605821160132 -0.6587023272973206 -0.13709870426763043 0.2668732411648611 0.613577133030294 0.9432553873487618 +34688,1.3874697488013465,1,0.9834978033688551 0.7637123004898737 0.4154606233929 0.19877069097700883 0.02696653027583305 -0.14328984519379323 -0.25937373755945115 -0.34140635483118725 -0.41724783117675185 -0.5039238041431101 -0.5813130657202153 -0.6509634011396083 -0.7051358842435766 -0.7577605821160132 -0.6587023272973206 -0.13709870426763043 0.2668732411648611 0.613577133030294 0.9432553873487618 1.2079266619424585 +34689,1.4230688091268178,1,0.7637123004898737 0.4154606233929 0.19877069097700883 0.02696653027583305 -0.14328984519379323 -0.25937373755945115 -0.34140635483118725 -0.41724783117675185 -0.5039238041431101 -0.5813130657202153 -0.6509634011396083 -0.7051358842435766 -0.7577605821160132 -0.6587023272973206 -0.13709870426763043 0.2668732411648611 0.613577133030294 0.9432553873487618 1.2079266619424585 1.3874697488013465 +34690,1.4447378023684052,1,0.4154606233929 0.19877069097700883 0.02696653027583305 -0.14328984519379323 -0.25937373755945115 -0.34140635483118725 -0.41724783117675185 -0.5039238041431101 -0.5813130657202153 -0.6509634011396083 -0.7051358842435766 -0.7577605821160132 -0.6587023272973206 -0.13709870426763043 0.2668732411648611 0.613577133030294 0.9432553873487618 1.2079266619424585 1.3874697488013465 1.4230688091268178 +34691,1.3565140441705064,1,0.19877069097700883 0.02696653027583305 -0.14328984519379323 -0.25937373755945115 -0.34140635483118725 -0.41724783117675185 -0.5039238041431101 -0.5813130657202153 -0.6509634011396083 -0.7051358842435766 -0.7577605821160132 -0.6587023272973206 -0.13709870426763043 0.2668732411648611 0.613577133030294 0.9432553873487618 1.2079266619424585 1.3874697488013465 1.4230688091268178 1.4447378023684052 +34692,1.1939965948585836,1,0.02696653027583305 -0.14328984519379323 -0.25937373755945115 -0.34140635483118725 -0.41724783117675185 -0.5039238041431101 -0.5813130657202153 -0.6509634011396083 -0.7051358842435766 -0.7577605821160132 -0.6587023272973206 -0.13709870426763043 0.2668732411648611 0.613577133030294 0.9432553873487618 1.2079266619424585 1.3874697488013465 1.4230688091268178 1.4447378023684052 1.3565140441705064 +34693,0.9494465282749334,1,-0.14328984519379323 -0.25937373755945115 -0.34140635483118725 -0.41724783117675185 -0.5039238041431101 -0.5813130657202153 -0.6509634011396083 -0.7051358842435766 -0.7577605821160132 -0.6587023272973206 -0.13709870426763043 0.2668732411648611 0.613577133030294 0.9432553873487618 1.2079266619424585 1.3874697488013465 1.4230688091268178 1.4447378023684052 1.3565140441705064 1.1939965948585836 +34694,0.5733347170102008,1,-0.25937373755945115 -0.34140635483118725 -0.41724783117675185 -0.5039238041431101 -0.5813130657202153 -0.6509634011396083 -0.7051358842435766 -0.7577605821160132 -0.6587023272973206 -0.13709870426763043 0.2668732411648611 0.613577133030294 0.9432553873487618 1.2079266619424585 1.3874697488013465 1.4230688091268178 1.4447378023684052 1.3565140441705064 1.1939965948585836 0.9494465282749334 +34695,0.37986156306743757,1,-0.34140635483118725 -0.41724783117675185 -0.5039238041431101 -0.5813130657202153 -0.6509634011396083 -0.7051358842435766 -0.7577605821160132 -0.6587023272973206 -0.13709870426763043 0.2668732411648611 0.613577133030294 0.9432553873487618 1.2079266619424585 1.3874697488013465 1.4230688091268178 1.4447378023684052 1.3565140441705064 1.1939965948585836 0.9494465282749334 0.5733347170102008 +34696,0.2235352546816864,1,-0.41724783117675185 -0.5039238041431101 -0.5813130657202153 -0.6509634011396083 -0.7051358842435766 -0.7577605821160132 -0.6587023272973206 -0.13709870426763043 0.2668732411648611 0.613577133030294 0.9432553873487618 1.2079266619424585 1.3874697488013465 1.4230688091268178 1.4447378023684052 1.3565140441705064 1.1939965948585836 0.9494465282749334 0.5733347170102008 0.37986156306743757 +34697,0.07494787245363867,1,-0.5039238041431101 -0.5813130657202153 -0.6509634011396083 -0.7051358842435766 -0.7577605821160132 -0.6587023272973206 -0.13709870426763043 0.2668732411648611 0.613577133030294 0.9432553873487618 1.2079266619424585 1.3874697488013465 1.4230688091268178 1.4447378023684052 1.3565140441705064 1.1939965948585836 0.9494465282749334 0.5733347170102008 0.37986156306743757 0.2235352546816864 +34698,-0.03649266421738833,1,-0.5813130657202153 -0.6509634011396083 -0.7051358842435766 -0.7577605821160132 -0.6587023272973206 -0.13709870426763043 0.2668732411648611 0.613577133030294 0.9432553873487618 1.2079266619424585 1.3874697488013465 1.4230688091268178 1.4447378023684052 1.3565140441705064 1.1939965948585836 0.9494465282749334 0.5733347170102008 0.37986156306743757 0.2235352546816864 0.07494787245363867 +34699,-0.1680544088984708,1,-0.6509634011396083 -0.7051358842435766 -0.7577605821160132 -0.6587023272973206 -0.13709870426763043 0.2668732411648611 0.613577133030294 0.9432553873487618 1.2079266619424585 1.3874697488013465 1.4230688091268178 1.4447378023684052 1.3565140441705064 1.1939965948585836 0.9494465282749334 0.5733347170102008 0.37986156306743757 0.2235352546816864 0.07494787245363867 -0.03649266421738833 +34700,-0.26092152279099184,1,-0.7051358842435766 -0.7577605821160132 -0.6587023272973206 -0.13709870426763043 0.2668732411648611 0.613577133030294 0.9432553873487618 1.2079266619424585 1.3874697488013465 1.4230688091268178 1.4447378023684052 1.3565140441705064 1.1939965948585836 0.9494465282749334 0.5733347170102008 0.37986156306743757 0.2235352546816864 0.07494787245363867 -0.03649266421738833 -0.1680544088984708 +34701,-0.3553364219150623,1,-0.7577605821160132 -0.6587023272973206 -0.13709870426763043 0.2668732411648611 0.613577133030294 0.9432553873487618 1.2079266619424585 1.3874697488013465 1.4230688091268178 1.4447378023684052 1.3565140441705064 1.1939965948585836 0.9494465282749334 0.5733347170102008 0.37986156306743757 0.2235352546816864 0.07494787245363867 -0.03649266421738833 -0.1680544088984708 -0.26092152279099184 +34702,-0.4296301130290862,1,-0.6587023272973206 -0.13709870426763043 0.2668732411648611 0.613577133030294 0.9432553873487618 1.2079266619424585 1.3874697488013465 1.4230688091268178 1.4447378023684052 1.3565140441705064 1.1939965948585836 0.9494465282749334 0.5733347170102008 0.37986156306743757 0.2235352546816864 0.07494787245363867 -0.03649266421738833 -0.1680544088984708 -0.26092152279099184 -0.3553364219150623 +34703,-0.45439467673375494,1,-0.13709870426763043 0.2668732411648611 0.613577133030294 0.9432553873487618 1.2079266619424585 1.3874697488013465 1.4230688091268178 1.4447378023684052 1.3565140441705064 1.1939965948585836 0.9494465282749334 0.5733347170102008 0.37986156306743757 0.2235352546816864 0.07494787245363867 -0.03649266421738833 -0.1680544088984708 -0.26092152279099184 -0.3553364219150623 -0.4296301130290862 +34704,-0.5348795087739504,1,0.2668732411648611 0.613577133030294 0.9432553873487618 1.2079266619424585 1.3874697488013465 1.4230688091268178 1.4447378023684052 1.3565140441705064 1.1939965948585836 0.9494465282749334 0.5733347170102008 0.37986156306743757 0.2235352546816864 0.07494787245363867 -0.03649266421738833 -0.1680544088984708 -0.26092152279099184 -0.3553364219150623 -0.4296301130290862 -0.45439467673375494 +34705,-0.6045298441933433,1,0.613577133030294 0.9432553873487618 1.2079266619424585 1.3874697488013465 1.4230688091268178 1.4447378023684052 1.3565140441705064 1.1939965948585836 0.9494465282749334 0.5733347170102008 0.37986156306743757 0.2235352546816864 0.07494787245363867 -0.03649266421738833 -0.1680544088984708 -0.26092152279099184 -0.3553364219150623 -0.4296301130290862 -0.45439467673375494 -0.5348795087739504 +34706,-0.5565485020155377,1,0.9432553873487618 1.2079266619424585 1.3874697488013465 1.4230688091268178 1.4447378023684052 1.3565140441705064 1.1939965948585836 0.9494465282749334 0.5733347170102008 0.37986156306743757 0.2235352546816864 0.07494787245363867 -0.03649266421738833 -0.1680544088984708 -0.26092152279099184 -0.3553364219150623 -0.4296301130290862 -0.45439467673375494 -0.5348795087739504 -0.6045298441933433 +34707,-0.1076907848683308,1,1.2079266619424585 1.3874697488013465 1.4230688091268178 1.4447378023684052 1.3565140441705064 1.1939965948585836 0.9494465282749334 0.5733347170102008 0.37986156306743757 0.2235352546816864 0.07494787245363867 -0.03649266421738833 -0.1680544088984708 -0.26092152279099184 -0.3553364219150623 -0.4296301130290862 -0.45439467673375494 -0.5348795087739504 -0.6045298441933433 -0.5565485020155377 +34708,0.29473337533262006,1,1.3874697488013465 1.4230688091268178 1.4447378023684052 1.3565140441705064 1.1939965948585836 0.9494465282749334 0.5733347170102008 0.37986156306743757 0.2235352546816864 0.07494787245363867 -0.03649266421738833 -0.1680544088984708 -0.26092152279099184 -0.3553364219150623 -0.4296301130290862 -0.45439467673375494 -0.5348795087739504 -0.6045298441933433 -0.5565485020155377 -0.1076907848683308 +34709,0.6569151195134688,1,1.4230688091268178 1.4447378023684052 1.3565140441705064 1.1939965948585836 0.9494465282749334 0.5733347170102008 0.37986156306743757 0.2235352546816864 0.07494787245363867 -0.03649266421738833 -0.1680544088984708 -0.26092152279099184 -0.3553364219150623 -0.4296301130290862 -0.45439467673375494 -0.5348795087739504 -0.6045298441933433 -0.5565485020155377 -0.1076907848683308 0.29473337533262006 +34710,1.0082623670735327,1,1.4447378023684052 1.3565140441705064 1.1939965948585836 0.9494465282749334 0.5733347170102008 0.37986156306743757 0.2235352546816864 0.07494787245363867 -0.03649266421738833 -0.1680544088984708 -0.26092152279099184 -0.3553364219150623 -0.4296301130290862 -0.45439467673375494 -0.5348795087739504 -0.6045298441933433 -0.5565485020155377 -0.1076907848683308 0.29473337533262006 0.6569151195134688 +34711,1.2295956551840548,1,1.3565140441705064 1.1939965948585836 0.9494465282749334 0.5733347170102008 0.37986156306743757 0.2235352546816864 0.07494787245363867 -0.03649266421738833 -0.1680544088984708 -0.26092152279099184 -0.3553364219150623 -0.4296301130290862 -0.45439467673375494 -0.5348795087739504 -0.6045298441933433 -0.5565485020155377 -0.1076907848683308 0.29473337533262006 0.6569151195134688 1.0082623670735327 +34712,1.4447378023684052,1,1.1939965948585836 0.9494465282749334 0.5733347170102008 0.37986156306743757 0.2235352546816864 0.07494787245363867 -0.03649266421738833 -0.1680544088984708 -0.26092152279099184 -0.3553364219150623 -0.4296301130290862 -0.45439467673375494 -0.5348795087739504 -0.6045298441933433 -0.5565485020155377 -0.1076907848683308 0.29473337533262006 0.6569151195134688 1.0082623670735327 1.2295956551840548 +34713,1.5051014263985452,1,0.9494465282749334 0.5733347170102008 0.37986156306743757 0.2235352546816864 0.07494787245363867 -0.03649266421738833 -0.1680544088984708 -0.26092152279099184 -0.3553364219150623 -0.4296301130290862 -0.45439467673375494 -0.5348795087739504 -0.6045298441933433 -0.5565485020155377 -0.1076907848683308 0.29473337533262006 0.6569151195134688 1.0082623670735327 1.2295956551840548 1.4447378023684052 +34714,1.5391527014924757,1,0.5733347170102008 0.37986156306743757 0.2235352546816864 0.07494787245363867 -0.03649266421738833 -0.1680544088984708 -0.26092152279099184 -0.3553364219150623 -0.4296301130290862 -0.45439467673375494 -0.5348795087739504 -0.6045298441933433 -0.5565485020155377 -0.1076907848683308 0.29473337533262006 0.6569151195134688 1.0082623670735327 1.2295956551840548 1.4447378023684052 1.5051014263985452 +34715,1.4462855875999459,1,0.37986156306743757 0.2235352546816864 0.07494787245363867 -0.03649266421738833 -0.1680544088984708 -0.26092152279099184 -0.3553364219150623 -0.4296301130290862 -0.45439467673375494 -0.5348795087739504 -0.6045298441933433 -0.5565485020155377 -0.1076907848683308 0.29473337533262006 0.6569151195134688 1.0082623670735327 1.2295956551840548 1.4447378023684052 1.5051014263985452 1.5391527014924757 +34716,1.311628272455782,1,0.2235352546816864 0.07494787245363867 -0.03649266421738833 -0.1680544088984708 -0.26092152279099184 -0.3553364219150623 -0.4296301130290862 -0.45439467673375494 -0.5348795087739504 -0.6045298441933433 -0.5565485020155377 -0.1076907848683308 0.29473337533262006 0.6569151195134688 1.0082623670735327 1.2295956551840548 1.4447378023684052 1.5051014263985452 1.5391527014924757 1.4462855875999459 +34717,1.0454092126305445,1,0.07494787245363867 -0.03649266421738833 -0.1680544088984708 -0.26092152279099184 -0.3553364219150623 -0.4296301130290862 -0.45439467673375494 -0.5348795087739504 -0.6045298441933433 -0.5565485020155377 -0.1076907848683308 0.29473337533262006 0.6569151195134688 1.0082623670735327 1.2295956551840548 1.4447378023684052 1.5051014263985452 1.5391527014924757 1.4462855875999459 1.311628272455782 +34718,0.7234698844697803,1,-0.03649266421738833 -0.1680544088984708 -0.26092152279099184 -0.3553364219150623 -0.4296301130290862 -0.45439467673375494 -0.5348795087739504 -0.6045298441933433 -0.5565485020155377 -0.1076907848683308 0.29473337533262006 0.6569151195134688 1.0082623670735327 1.2295956551840548 1.4447378023684052 1.5051014263985452 1.5391527014924757 1.4462855875999459 1.311628272455782 1.0454092126305445 +34719,0.4355818314029555,1,-0.1680544088984708 -0.26092152279099184 -0.3553364219150623 -0.4296301130290862 -0.45439467673375494 -0.5348795087739504 -0.6045298441933433 -0.5565485020155377 -0.1076907848683308 0.29473337533262006 0.6569151195134688 1.0082623670735327 1.2295956551840548 1.4447378023684052 1.5051014263985452 1.5391527014924757 1.4462855875999459 1.311628272455782 1.0454092126305445 0.7234698844697803 +34720,0.29937673102724216,1,-0.26092152279099184 -0.3553364219150623 -0.4296301130290862 -0.45439467673375494 -0.5348795087739504 -0.6045298441933433 -0.5565485020155377 -0.1076907848683308 0.29473337533262006 0.6569151195134688 1.0082623670735327 1.2295956551840548 1.4447378023684052 1.5051014263985452 1.5391527014924757 1.4462855875999459 1.311628272455782 1.0454092126305445 0.7234698844697803 0.4355818314029555 +34721,0.16781498634616848,1,-0.3553364219150623 -0.4296301130290862 -0.45439467673375494 -0.5348795087739504 -0.6045298441933433 -0.5565485020155377 -0.1076907848683308 0.29473337533262006 0.6569151195134688 1.0082623670735327 1.2295956551840548 1.4447378023684052 1.5051014263985452 1.5391527014924757 1.4462855875999459 1.311628272455782 1.0454092126305445 0.7234698844697803 0.4355818314029555 0.29937673102724216 +34722,0.008393107497327084,1,-0.4296301130290862 -0.45439467673375494 -0.5348795087739504 -0.6045298441933433 -0.5565485020155377 -0.1076907848683308 0.29473337533262006 0.6569151195134688 1.0082623670735327 1.2295956551840548 1.4447378023684052 1.5051014263985452 1.5391527014924757 1.4462855875999459 1.311628272455782 1.0454092126305445 0.7234698844697803 0.4355818314029555 0.29937673102724216 0.16781498634616848 +34723,-0.05042273130127221,1,-0.45439467673375494 -0.5348795087739504 -0.6045298441933433 -0.5565485020155377 -0.1076907848683308 0.29473337533262006 0.6569151195134688 1.0082623670735327 1.2295956551840548 1.4447378023684052 1.5051014263985452 1.5391527014924757 1.4462855875999459 1.311628272455782 1.0454092126305445 0.7234698844697803 0.4355818314029555 0.29937673102724216 0.16781498634616848 0.008393107497327084 +34724,-0.1665066236669301,1,-0.5348795087739504 -0.6045298441933433 -0.5565485020155377 -0.1076907848683308 0.29473337533262006 0.6569151195134688 1.0082623670735327 1.2295956551840548 1.4447378023684052 1.5051014263985452 1.5391527014924757 1.4462855875999459 1.311628272455782 1.0454092126305445 0.7234698844697803 0.4355818314029555 0.29937673102724216 0.16781498634616848 0.008393107497327084 -0.05042273130127221 +34725,-0.22841803292861076,1,-0.6045298441933433 -0.5565485020155377 -0.1076907848683308 0.29473337533262006 0.6569151195134688 1.0082623670735327 1.2295956551840548 1.4447378023684052 1.5051014263985452 1.5391527014924757 1.4462855875999459 1.311628272455782 1.0454092126305445 0.7234698844697803 0.4355818314029555 0.29937673102724216 0.16781498634616848 0.008393107497327084 -0.05042273130127221 -0.1665066236669301 +34726,-0.29032944219029144,1,-0.5565485020155377 -0.1076907848683308 0.29473337533262006 0.6569151195134688 1.0082623670735327 1.2295956551840548 1.4447378023684052 1.5051014263985452 1.5391527014924757 1.4462855875999459 1.311628272455782 1.0454092126305445 0.7234698844697803 0.4355818314029555 0.29937673102724216 0.16781498634616848 0.008393107497327084 -0.05042273130127221 -0.1665066236669301 -0.22841803292861076 +34727,-0.3321196434419343,1,-0.1076907848683308 0.29473337533262006 0.6569151195134688 1.0082623670735327 1.2295956551840548 1.4447378023684052 1.5051014263985452 1.5391527014924757 1.4462855875999459 1.311628272455782 1.0454092126305445 0.7234698844697803 0.4355818314029555 0.29937673102724216 0.16781498634616848 0.008393107497327084 -0.05042273130127221 -0.1665066236669301 -0.22841803292861076 -0.29032944219029144 +34728,-0.4420123948814206,1,0.29473337533262006 0.6569151195134688 1.0082623670735327 1.2295956551840548 1.4447378023684052 1.5051014263985452 1.5391527014924757 1.4462855875999459 1.311628272455782 1.0454092126305445 0.7234698844697803 0.4355818314029555 0.29937673102724216 0.16781498634616848 0.008393107497327084 -0.05042273130127221 -0.1665066236669301 -0.22841803292861076 -0.29032944219029144 -0.3321196434419343 +34729,-0.47296809951226093,1,0.6569151195134688 1.0082623670735327 1.2295956551840548 1.4447378023684052 1.5051014263985452 1.5391527014924757 1.4462855875999459 1.311628272455782 1.0454092126305445 0.7234698844697803 0.4355818314029555 0.29937673102724216 0.16781498634616848 0.008393107497327084 -0.05042273130127221 -0.1665066236669301 -0.22841803292861076 -0.29032944219029144 -0.3321196434419343 -0.4420123948814206 +34730,-0.40331776409286796,1,1.0082623670735327 1.2295956551840548 1.4447378023684052 1.5051014263985452 1.5391527014924757 1.4462855875999459 1.311628272455782 1.0454092126305445 0.7234698844697803 0.4355818314029555 0.29937673102724216 0.16781498634616848 0.008393107497327084 -0.05042273130127221 -0.1665066236669301 -0.22841803292861076 -0.29032944219029144 -0.3321196434419343 -0.4420123948814206 -0.47296809951226093 +34731,-0.013275885744260276,1,1.2295956551840548 1.4447378023684052 1.5051014263985452 1.5391527014924757 1.4462855875999459 1.311628272455782 1.0454092126305445 0.7234698844697803 0.4355818314029555 0.29937673102724216 0.16781498634616848 0.008393107497327084 -0.05042273130127221 -0.1665066236669301 -0.22841803292861076 -0.29032944219029144 -0.3321196434419343 -0.4420123948814206 -0.47296809951226093 -0.40331776409286796 +34732,0.45105968371837124,1,1.4447378023684052 1.5051014263985452 1.5391527014924757 1.4462855875999459 1.311628272455782 1.0454092126305445 0.7234698844697803 0.4355818314029555 0.29937673102724216 0.16781498634616848 0.008393107497327084 -0.05042273130127221 -0.1665066236669301 -0.22841803292861076 -0.29032944219029144 -0.3321196434419343 -0.4420123948814206 -0.47296809951226093 -0.40331776409286796 -0.013275885744260276 +34733,0.8256237097515632,1,1.5051014263985452 1.5391527014924757 1.4462855875999459 1.311628272455782 1.0454092126305445 0.7234698844697803 0.4355818314029555 0.29937673102724216 0.16781498634616848 0.008393107497327084 -0.05042273130127221 -0.1665066236669301 -0.22841803292861076 -0.29032944219029144 -0.3321196434419343 -0.4420123948814206 -0.47296809951226093 -0.40331776409286796 -0.013275885744260276 0.45105968371837124 +34734,1.1707798163854555,1,1.5391527014924757 1.4462855875999459 1.311628272455782 1.0454092126305445 0.7234698844697803 0.4355818314029555 0.29937673102724216 0.16781498634616848 0.008393107497327084 -0.05042273130127221 -0.1665066236669301 -0.22841803292861076 -0.29032944219029144 -0.3321196434419343 -0.4420123948814206 -0.47296809951226093 -0.40331776409286796 -0.013275885744260276 0.45105968371837124 0.8256237097515632 +34735,1.4679545808415333,1,1.4462855875999459 1.311628272455782 1.0454092126305445 0.7234698844697803 0.4355818314029555 0.29937673102724216 0.16781498634616848 0.008393107497327084 -0.05042273130127221 -0.1665066236669301 -0.22841803292861076 -0.29032944219029144 -0.3321196434419343 -0.4420123948814206 -0.47296809951226093 -0.40331776409286796 -0.013275885744260276 0.45105968371837124 0.8256237097515632 1.1707798163854555 +34736,1.690835654183596,1,1.311628272455782 1.0454092126305445 0.7234698844697803 0.4355818314029555 0.29937673102724216 0.16781498634616848 0.008393107497327084 -0.05042273130127221 -0.1665066236669301 -0.22841803292861076 -0.29032944219029144 -0.3321196434419343 -0.4420123948814206 -0.47296809951226093 -0.40331776409286796 -0.013275885744260276 0.45105968371837124 0.8256237097515632 1.1707798163854555 1.4679545808415333 +34737,1.8641876001163125,1,1.0454092126305445 0.7234698844697803 0.4355818314029555 0.29937673102724216 0.16781498634616848 0.008393107497327084 -0.05042273130127221 -0.1665066236669301 -0.22841803292861076 -0.29032944219029144 -0.3321196434419343 -0.4420123948814206 -0.47296809951226093 -0.40331776409286796 -0.013275885744260276 0.45105968371837124 0.8256237097515632 1.1707798163854555 1.4679545808415333 1.690835654183596 +34738,1.944672432156508,1,0.7234698844697803 0.4355818314029555 0.29937673102724216 0.16781498634616848 0.008393107497327084 -0.05042273130127221 -0.1665066236669301 -0.22841803292861076 -0.29032944219029144 -0.3321196434419343 -0.4420123948814206 -0.47296809951226093 -0.40331776409286796 -0.013275885744260276 0.45105968371837124 0.8256237097515632 1.1707798163854555 1.4679545808415333 1.690835654183596 1.8641876001163125 +34739,1.9756281367873483,1,0.4355818314029555 0.29937673102724216 0.16781498634616848 0.008393107497327084 -0.05042273130127221 -0.1665066236669301 -0.22841803292861076 -0.29032944219029144 -0.3321196434419343 -0.4420123948814206 -0.47296809951226093 -0.40331776409286796 -0.013275885744260276 0.45105968371837124 0.8256237097515632 1.1707798163854555 1.4679545808415333 1.690835654183596 1.8641876001163125 1.944672432156508 +34740,1.8053717613177132,1,0.29937673102724216 0.16781498634616848 0.008393107497327084 -0.05042273130127221 -0.1665066236669301 -0.22841803292861076 -0.29032944219029144 -0.3321196434419343 -0.4420123948814206 -0.47296809951226093 -0.40331776409286796 -0.013275885744260276 0.45105968371837124 0.8256237097515632 1.1707798163854555 1.4679545808415333 1.690835654183596 1.8641876001163125 1.944672432156508 1.9756281367873483 +34741,1.5530827685763509,1,0.16781498634616848 0.008393107497327084 -0.05042273130127221 -0.1665066236669301 -0.22841803292861076 -0.29032944219029144 -0.3321196434419343 -0.4420123948814206 -0.47296809951226093 -0.40331776409286796 -0.013275885744260276 0.45105968371837124 0.8256237097515632 1.1707798163854555 1.4679545808415333 1.690835654183596 1.8641876001163125 1.944672432156508 1.9756281367873483 1.8053717613177132 +34742,1.2497168631941014,1,0.008393107497327084 -0.05042273130127221 -0.1665066236669301 -0.22841803292861076 -0.29032944219029144 -0.3321196434419343 -0.4420123948814206 -0.47296809951226093 -0.40331776409286796 -0.013275885744260276 0.45105968371837124 0.8256237097515632 1.1707798163854555 1.4679545808415333 1.690835654183596 1.8641876001163125 1.944672432156508 1.9756281367873483 1.8053717613177132 1.5530827685763509 +34743,0.8395537768354382,1,-0.05042273130127221 -0.1665066236669301 -0.22841803292861076 -0.29032944219029144 -0.3321196434419343 -0.4420123948814206 -0.47296809951226093 -0.40331776409286796 -0.013275885744260276 0.45105968371837124 0.8256237097515632 1.1707798163854555 1.4679545808415333 1.690835654183596 1.8641876001163125 1.944672432156508 1.9756281367873483 1.8053717613177132 1.5530827685763509 1.2497168631941014 +34744,0.5980992807148695,1,-0.1665066236669301 -0.22841803292861076 -0.29032944219029144 -0.3321196434419343 -0.4420123948814206 -0.47296809951226093 -0.40331776409286796 -0.013275885744260276 0.45105968371837124 0.8256237097515632 1.1707798163854555 1.4679545808415333 1.690835654183596 1.8641876001163125 1.944672432156508 1.9756281367873483 1.8053717613177132 1.5530827685763509 1.2497168631941014 0.8395537768354382 +34745,0.4309384757083246,1,-0.22841803292861076 -0.29032944219029144 -0.3321196434419343 -0.4420123948814206 -0.47296809951226093 -0.40331776409286796 -0.013275885744260276 0.45105968371837124 0.8256237097515632 1.1707798163854555 1.4679545808415333 1.690835654183596 1.8641876001163125 1.944672432156508 1.9756281367873483 1.8053717613177132 1.5530827685763509 1.2497168631941014 0.8395537768354382 0.5980992807148695 +34746,0.33961914704734425,1,-0.29032944219029144 -0.3321196434419343 -0.4420123948814206 -0.47296809951226093 -0.40331776409286796 -0.013275885744260276 0.45105968371837124 0.8256237097515632 1.1707798163854555 1.4679545808415333 1.690835654183596 1.8641876001163125 1.944672432156508 1.9756281367873483 1.8053717613177132 1.5530827685763509 1.2497168631941014 0.8395537768354382 0.5980992807148695 0.4309384757083246 +34747,0.20031847620854953,1,-0.3321196434419343 -0.4420123948814206 -0.47296809951226093 -0.40331776409286796 -0.013275885744260276 0.45105968371837124 0.8256237097515632 1.1707798163854555 1.4679545808415333 1.690835654183596 1.8641876001163125 1.944672432156508 1.9756281367873483 1.8053717613177132 1.5530827685763509 1.2497168631941014 0.8395537768354382 0.5980992807148695 0.4309384757083246 0.33961914704734425 +34748,0.13995485217840953,1,-0.4420123948814206 -0.47296809951226093 -0.40331776409286796 -0.013275885744260276 0.45105968371837124 0.8256237097515632 1.1707798163854555 1.4679545808415333 1.690835654183596 1.8641876001163125 1.944672432156508 1.9756281367873483 1.8053717613177132 1.5530827685763509 1.2497168631941014 0.8395537768354382 0.5980992807148695 0.4309384757083246 0.33961914704734425 0.20031847620854953 +34749,0.00994089272887658,1,-0.47296809951226093 -0.40331776409286796 -0.013275885744260276 0.45105968371837124 0.8256237097515632 1.1707798163854555 1.4679545808415333 1.690835654183596 1.8641876001163125 1.944672432156508 1.9756281367873483 1.8053717613177132 1.5530827685763509 1.2497168631941014 0.8395537768354382 0.5980992807148695 0.4309384757083246 0.33961914704734425 0.20031847620854953 0.13995485217840953 +34750,-0.09376071778444693,1,-0.40331776409286796 -0.013275885744260276 0.45105968371837124 0.8256237097515632 1.1707798163854555 1.4679545808415333 1.690835654183596 1.8641876001163125 1.944672432156508 1.9756281367873483 1.8053717613177132 1.5530827685763509 1.2497168631941014 0.8395537768354382 0.5980992807148695 0.4309384757083246 0.33961914704734425 0.20031847620854953 0.13995485217840953 0.00994089272887658 +34751,-0.14328984519379323,1,-0.013275885744260276 0.45105968371837124 0.8256237097515632 1.1707798163854555 1.4679545808415333 1.690835654183596 1.8641876001163125 1.944672432156508 1.9756281367873483 1.8053717613177132 1.5530827685763509 1.2497168631941014 0.8395537768354382 0.5980992807148695 0.4309384757083246 0.33961914704734425 0.20031847620854953 0.13995485217840953 0.00994089272887658 -0.09376071778444693 +34752,-0.19591454306622974,1,0.45105968371837124 0.8256237097515632 1.1707798163854555 1.4679545808415333 1.690835654183596 1.8641876001163125 1.944672432156508 1.9756281367873483 1.8053717613177132 1.5530827685763509 1.2497168631941014 0.8395537768354382 0.5980992807148695 0.4309384757083246 0.33961914704734425 0.20031847620854953 0.13995485217840953 0.00994089272887658 -0.09376071778444693 -0.14328984519379323 +34753,-0.19746232829777044,1,0.8256237097515632 1.1707798163854555 1.4679545808415333 1.690835654183596 1.8641876001163125 1.944672432156508 1.9756281367873483 1.8053717613177132 1.5530827685763509 1.2497168631941014 0.8395537768354382 0.5980992807148695 0.4309384757083246 0.33961914704734425 0.20031847620854953 0.13995485217840953 0.00994089272887658 -0.09376071778444693 -0.14328984519379323 -0.19591454306622974 +34754,-0.06899615407977817,1,1.1707798163854555 1.4679545808415333 1.690835654183596 1.8641876001163125 1.944672432156508 1.9756281367873483 1.8053717613177132 1.5530827685763509 1.2497168631941014 0.8395537768354382 0.5980992807148695 0.4309384757083246 0.33961914704734425 0.20031847620854953 0.13995485217840953 0.00994089272887658 -0.09376071778444693 -0.14328984519379323 -0.19591454306622974 -0.19746232829777044 +34755,0.3164023685742074,1,1.4679545808415333 1.690835654183596 1.8641876001163125 1.944672432156508 1.9756281367873483 1.8053717613177132 1.5530827685763509 1.2497168631941014 0.8395537768354382 0.5980992807148695 0.4309384757083246 0.33961914704734425 0.20031847620854953 0.13995485217840953 0.00994089272887658 -0.09376071778444693 -0.14328984519379323 -0.19591454306622974 -0.19746232829777044 -0.06899615407977817 +34756,0.41155403900694726,1,1.690835654183596 1.8641876001163125 1.944672432156508 1.9756281367873483 1.8053717613177132 1.5530827685763509 1.2497168631941014 0.8395537768354382 0.5980992807148695 0.4309384757083246 0.33961914704734425 0.20031847620854953 0.13995485217840953 0.00994089272887658 -0.09376071778444693 -0.14328984519379323 -0.19591454306622974 -0.19746232829777044 -0.06899615407977817 0.3164023685742074 +34757,1.0104107056667542,1,1.8641876001163125 1.944672432156508 1.9756281367873483 1.8053717613177132 1.5530827685763509 1.2497168631941014 0.8395537768354382 0.5980992807148695 0.4309384757083246 0.33961914704734425 0.20031847620854953 0.13995485217840953 0.00994089272887658 -0.09376071778444693 -0.14328984519379323 -0.19591454306622974 -0.19746232829777044 -0.06899615407977817 0.3164023685742074 0.41155403900694726 +34758,1.523674849177051,1,1.944672432156508 1.9756281367873483 1.8053717613177132 1.5530827685763509 1.2497168631941014 0.8395537768354382 0.5980992807148695 0.4309384757083246 0.33961914704734425 0.20031847620854953 0.13995485217840953 0.00994089272887658 -0.09376071778444693 -0.14328984519379323 -0.19591454306622974 -0.19746232829777044 -0.06899615407977817 0.3164023685742074 0.41155403900694726 1.0104107056667542 +34759,1.986462633408142,1,1.9756281367873483 1.8053717613177132 1.5530827685763509 1.2497168631941014 0.8395537768354382 0.5980992807148695 0.4309384757083246 0.33961914704734425 0.20031847620854953 0.13995485217840953 0.00994089272887658 -0.09376071778444693 -0.14328984519379323 -0.19591454306622974 -0.19746232829777044 -0.06899615407977817 0.3164023685742074 0.41155403900694726 1.0104107056667542 1.523674849177051 +34760,2.348644377588991,1,1.8053717613177132 1.5530827685763509 1.2497168631941014 0.8395537768354382 0.5980992807148695 0.4309384757083246 0.33961914704734425 0.20031847620854953 0.13995485217840953 0.00994089272887658 -0.09376071778444693 -0.14328984519379323 -0.19591454306622974 -0.19746232829777044 -0.06899615407977817 0.3164023685742074 0.41155403900694726 1.0104107056667542 1.523674849177051 1.986462633408142 +34761,2.4012690754614274,1,1.5530827685763509 1.2497168631941014 0.8395537768354382 0.5980992807148695 0.4309384757083246 0.33961914704734425 0.20031847620854953 0.13995485217840953 0.00994089272887658 -0.09376071778444693 -0.14328984519379323 -0.19591454306622974 -0.19746232829777044 -0.06899615407977817 0.3164023685742074 0.41155403900694726 1.0104107056667542 1.523674849177051 1.986462633408142 2.348644377588991 +34762,2.4894928336593263,1,1.2497168631941014 0.8395537768354382 0.5980992807148695 0.4309384757083246 0.33961914704734425 0.20031847620854953 0.13995485217840953 0.00994089272887658 -0.09376071778444693 -0.14328984519379323 -0.19591454306622974 -0.19746232829777044 -0.06899615407977817 0.3164023685742074 0.41155403900694726 1.0104107056667542 1.523674849177051 1.986462633408142 2.348644377588991 2.4012690754614274 +34763,2.4554415585653957,1,0.8395537768354382 0.5980992807148695 0.4309384757083246 0.33961914704734425 0.20031847620854953 0.13995485217840953 0.00994089272887658 -0.09376071778444693 -0.14328984519379323 -0.19591454306622974 -0.19746232829777044 -0.06899615407977817 0.3164023685742074 0.41155403900694726 1.0104107056667542 1.523674849177051 1.986462633408142 2.348644377588991 2.4012690754614274 2.4894928336593263 +34764,2.269707330780345,1,0.5980992807148695 0.4309384757083246 0.33961914704734425 0.20031847620854953 0.13995485217840953 0.00994089272887658 -0.09376071778444693 -0.14328984519379323 -0.19591454306622974 -0.19746232829777044 -0.06899615407977817 0.3164023685742074 0.41155403900694726 1.0104107056667542 1.523674849177051 1.986462633408142 2.348644377588991 2.4012690754614274 2.4894928336593263 2.4554415585653957 +34765,2.1861269282770768,1,0.4309384757083246 0.33961914704734425 0.20031847620854953 0.13995485217840953 0.00994089272887658 -0.09376071778444693 -0.14328984519379323 -0.19591454306622974 -0.19746232829777044 -0.06899615407977817 0.3164023685742074 0.41155403900694726 1.0104107056667542 1.523674849177051 1.986462633408142 2.348644377588991 2.4012690754614274 2.4894928336593263 2.4554415585653957 2.269707330780345 +34766,1.6985745803413084,1,0.33961914704734425 0.20031847620854953 0.13995485217840953 0.00994089272887658 -0.09376071778444693 -0.14328984519379323 -0.19591454306622974 -0.19746232829777044 -0.06899615407977817 0.3164023685742074 0.41155403900694726 1.0104107056667542 1.523674849177051 1.986462633408142 2.348644377588991 2.4012690754614274 2.4894928336593263 2.4554415585653957 2.269707330780345 2.1861269282770768 +34767,1.2017355210162957,1,0.20031847620854953 0.13995485217840953 0.00994089272887658 -0.09376071778444693 -0.14328984519379323 -0.19591454306622974 -0.19746232829777044 -0.06899615407977817 0.3164023685742074 0.41155403900694726 1.0104107056667542 1.523674849177051 1.986462633408142 2.348644377588991 2.4012690754614274 2.4894928336593263 2.4554415585653957 2.269707330780345 2.1861269282770768 1.6985745803413084 +34768,0.9680199510534393,1,0.13995485217840953 0.00994089272887658 -0.09376071778444693 -0.14328984519379323 -0.19591454306622974 -0.19746232829777044 -0.06899615407977817 0.3164023685742074 0.41155403900694726 1.0104107056667542 1.523674849177051 1.986462633408142 2.348644377588991 2.4012690754614274 2.4894928336593263 2.4554415585653957 2.269707330780345 2.1861269282770768 1.6985745803413084 1.2017355210162957 +34769,0.7172787435436175,1,0.00994089272887658 -0.09376071778444693 -0.14328984519379323 -0.19591454306622974 -0.19746232829777044 -0.06899615407977817 0.3164023685742074 0.41155403900694726 1.0104107056667542 1.523674849177051 1.986462633408142 2.348644377588991 2.4012690754614274 2.4894928336593263 2.4554415585653957 2.269707330780345 2.1861269282770768 1.6985745803413084 1.2017355210162957 0.9680199510534393 +34770,0.6321505558088,1,-0.09376071778444693 -0.14328984519379323 -0.19591454306622974 -0.19746232829777044 -0.06899615407977817 0.3164023685742074 0.41155403900694726 1.0104107056667542 1.523674849177051 1.986462633408142 2.348644377588991 2.4012690754614274 2.4894928336593263 2.4554415585653957 2.269707330780345 2.1861269282770768 1.6985745803413084 1.2017355210162957 0.9680199510534393 0.7172787435436175 +34771,0.5052321668223485,1,-0.14328984519379323 -0.19591454306622974 -0.19746232829777044 -0.06899615407977817 0.3164023685742074 0.41155403900694726 1.0104107056667542 1.523674849177051 1.986462633408142 2.348644377588991 2.4012690754614274 2.4894928336593263 2.4554415585653957 2.269707330780345 2.1861269282770768 1.6985745803413084 1.2017355210162957 0.9680199510534393 0.7172787435436175 0.6321505558088 +34772,0.35200142889967867,1,-0.19591454306622974 -0.19746232829777044 -0.06899615407977817 0.3164023685742074 0.41155403900694726 1.0104107056667542 1.523674849177051 1.986462633408142 2.348644377588991 2.4012690754614274 2.4894928336593263 2.4554415585653957 2.269707330780345 2.1861269282770768 1.6985745803413084 1.2017355210162957 0.9680199510534393 0.7172787435436175 0.6321505558088 0.5052321668223485 +34773,0.4139128381613593,1,-0.19746232829777044 -0.06899615407977817 0.3164023685742074 0.41155403900694726 1.0104107056667542 1.523674849177051 1.986462633408142 2.348644377588991 2.4012690754614274 2.4894928336593263 2.4554415585653957 2.269707330780345 2.1861269282770768 1.6985745803413084 1.2017355210162957 0.9680199510534393 0.7172787435436175 0.6321505558088 0.5052321668223485 0.35200142889967867 +34774,0.46653753603379583,1,-0.06899615407977817 0.3164023685742074 0.41155403900694726 1.0104107056667542 1.523674849177051 1.986462633408142 2.348644377588991 2.4012690754614274 2.4894928336593263 2.4554415585653957 2.269707330780345 2.1861269282770768 1.6985745803413084 1.2017355210162957 0.9680199510534393 0.7172787435436175 0.6321505558088 0.5052321668223485 0.35200142889967867 0.4139128381613593 +34775,0.40153055630902496,1,0.3164023685742074 0.41155403900694726 1.0104107056667542 1.523674849177051 1.986462633408142 2.348644377588991 2.4012690754614274 2.4894928336593263 2.4554415585653957 2.269707330780345 2.1861269282770768 1.6985745803413084 1.2017355210162957 0.9680199510534393 0.7172787435436175 0.6321505558088 0.5052321668223485 0.35200142889967867 0.4139128381613593 0.46653753603379583 +34776,0.35509699936276,1,0.41155403900694726 1.0104107056667542 1.523674849177051 1.986462633408142 2.348644377588991 2.4012690754614274 2.4894928336593263 2.4554415585653957 2.269707330780345 2.1861269282770768 1.6985745803413084 1.2017355210162957 0.9680199510534393 0.7172787435436175 0.6321505558088 0.5052321668223485 0.35200142889967867 0.4139128381613593 0.46653753603379583 0.40153055630902496 +34777,0.25758652977560814,1,1.0104107056667542 1.523674849177051 1.986462633408142 2.348644377588991 2.4012690754614274 2.4894928336593263 2.4554415585653957 2.269707330780345 2.1861269282770768 1.6985745803413084 1.2017355210162957 0.9680199510534393 0.7172787435436175 0.6321505558088 0.5052321668223485 0.35200142889967867 0.4139128381613593 0.46653753603379583 0.40153055630902496 0.35509699936276 +34778,0.29937673102724216,1,1.523674849177051 1.986462633408142 2.348644377588991 2.4012690754614274 2.4894928336593263 2.4554415585653957 2.269707330780345 2.1861269282770768 1.6985745803413084 1.2017355210162957 0.9680199510534393 0.7172787435436175 0.6321505558088 0.5052321668223485 0.35200142889967867 0.4139128381613593 0.46653753603379583 0.40153055630902496 0.35509699936276 0.25758652977560814 +34779,0.6770363275235243,1,1.986462633408142 2.348644377588991 2.4012690754614274 2.4894928336593263 2.4554415585653957 2.269707330780345 2.1861269282770768 1.6985745803413084 1.2017355210162957 0.9680199510534393 0.7172787435436175 0.6321505558088 0.5052321668223485 0.35200142889967867 0.4139128381613593 0.46653753603379583 0.40153055630902496 0.35509699936276 0.25758652977560814 0.29937673102724216 +34780,1.2651947155095171,1,2.348644377588991 2.4012690754614274 2.4894928336593263 2.4554415585653957 2.269707330780345 2.1861269282770768 1.6985745803413084 1.2017355210162957 0.9680199510534393 0.7172787435436175 0.6321505558088 0.5052321668223485 0.35200142889967867 0.4139128381613593 0.46653753603379583 0.40153055630902496 0.35509699936276 0.25758652977560814 0.29937673102724216 0.6770363275235243 +34781,1.8131106874754255,1,2.4012690754614274 2.4894928336593263 2.4554415585653957 2.269707330780345 2.1861269282770768 1.6985745803413084 1.2017355210162957 0.9680199510534393 0.7172787435436175 0.6321505558088 0.5052321668223485 0.35200142889967867 0.4139128381613593 0.46653753603379583 0.40153055630902496 0.35509699936276 0.25758652977560814 0.29937673102724216 0.6770363275235243 1.2651947155095171 +34782,2.1149288076261343,1,2.4894928336593263 2.4554415585653957 2.269707330780345 2.1861269282770768 1.6985745803413084 1.2017355210162957 0.9680199510534393 0.7172787435436175 0.6321505558088 0.5052321668223485 0.35200142889967867 0.4139128381613593 0.46653753603379583 0.40153055630902496 0.35509699936276 0.25758652977560814 0.29937673102724216 0.6770363275235243 1.2651947155095171 1.8131106874754255 +34783,2.568429880467972,1,2.4554415585653957 2.269707330780345 2.1861269282770768 1.6985745803413084 1.2017355210162957 0.9680199510534393 0.7172787435436175 0.6321505558088 0.5052321668223485 0.35200142889967867 0.4139128381613593 0.46653753603379583 0.40153055630902496 0.35509699936276 0.25758652977560814 0.29937673102724216 0.6770363275235243 1.2651947155095171 1.8131106874754255 2.1149288076261343 +34784,2.850126792608634,1,2.269707330780345 2.1861269282770768 1.6985745803413084 1.2017355210162957 0.9680199510534393 0.7172787435436175 0.6321505558088 0.5052321668223485 0.35200142889967867 0.4139128381613593 0.46653753603379583 0.40153055630902496 0.35509699936276 0.25758652977560814 0.29937673102724216 0.6770363275235243 1.2651947155095171 1.8131106874754255 2.1149288076261343 2.568429880467972 +34785,2.4415114914815206,1,2.1861269282770768 1.6985745803413084 1.2017355210162957 0.9680199510534393 0.7172787435436175 0.6321505558088 0.5052321668223485 0.35200142889967867 0.4139128381613593 0.46653753603379583 0.40153055630902496 0.35509699936276 0.25758652977560814 0.29937673102724216 0.6770363275235243 1.2651947155095171 1.8131106874754255 2.1149288076261343 2.568429880467972 2.850126792608634 +34786,1.9291945798410834,1,1.6985745803413084 1.2017355210162957 0.9680199510534393 0.7172787435436175 0.6321505558088 0.5052321668223485 0.35200142889967867 0.4139128381613593 0.46653753603379583 0.40153055630902496 0.35509699936276 0.25758652977560814 0.29937673102724216 0.6770363275235243 1.2651947155095171 1.8131106874754255 2.1149288076261343 2.568429880467972 2.850126792608634 2.4415114914815206 +34787,1.7125046474251922,1,1.2017355210162957 0.9680199510534393 0.7172787435436175 0.6321505558088 0.5052321668223485 0.35200142889967867 0.4139128381613593 0.46653753603379583 0.40153055630902496 0.35509699936276 0.25758652977560814 0.29937673102724216 0.6770363275235243 1.2651947155095171 1.8131106874754255 2.1149288076261343 2.568429880467972 2.850126792608634 2.4415114914815206 1.9291945798410834 +34788,1.576299547049479,1,0.9680199510534393 0.7172787435436175 0.6321505558088 0.5052321668223485 0.35200142889967867 0.4139128381613593 0.46653753603379583 0.40153055630902496 0.35509699936276 0.25758652977560814 0.29937673102724216 0.6770363275235243 1.2651947155095171 1.8131106874754255 2.1149288076261343 2.568429880467972 2.850126792608634 2.4415114914815206 1.9291945798410834 1.7125046474251922 +34789,1.4849802183884986,1,0.7172787435436175 0.6321505558088 0.5052321668223485 0.35200142889967867 0.4139128381613593 0.46653753603379583 0.40153055630902496 0.35509699936276 0.25758652977560814 0.29937673102724216 0.6770363275235243 1.2651947155095171 1.8131106874754255 2.1149288076261343 2.568429880467972 2.850126792608634 2.4415114914815206 1.9291945798410834 1.7125046474251922 1.576299547049479 +34790,1.2682902859726073,1,0.6321505558088 0.5052321668223485 0.35200142889967867 0.4139128381613593 0.46653753603379583 0.40153055630902496 0.35509699936276 0.25758652977560814 0.29937673102724216 0.6770363275235243 1.2651947155095171 1.8131106874754255 2.1149288076261343 2.568429880467972 2.850126792608634 2.4415114914815206 1.9291945798410834 1.7125046474251922 1.576299547049479 1.4849802183884986 +34791,0.9896889442950266,1,0.5052321668223485 0.35200142889967867 0.4139128381613593 0.46653753603379583 0.40153055630902496 0.35509699936276 0.25758652977560814 0.29937673102724216 0.6770363275235243 1.2651947155095171 1.8131106874754255 2.1149288076261343 2.568429880467972 2.850126792608634 2.4415114914815206 1.9291945798410834 1.7125046474251922 1.576299547049479 1.4849802183884986 1.2682902859726073 +34792,0.8705094814662874,1,0.35200142889967867 0.4139128381613593 0.46653753603379583 0.40153055630902496 0.35509699936276 0.25758652977560814 0.29937673102724216 0.6770363275235243 1.2651947155095171 1.8131106874754255 2.1149288076261343 2.568429880467972 2.850126792608634 2.4415114914815206 1.9291945798410834 1.7125046474251922 1.576299547049479 1.4849802183884986 1.2682902859726073 0.9896889442950266 +34793,0.8318148506777348,1,0.4139128381613593 0.46653753603379583 0.40153055630902496 0.35509699936276 0.25758652977560814 0.29937673102724216 0.6770363275235243 1.2651947155095171 1.8131106874754255 2.1149288076261343 2.568429880467972 2.850126792608634 2.4415114914815206 1.9291945798410834 1.7125046474251922 1.576299547049479 1.4849802183884986 1.2682902859726073 0.9896889442950266 0.8705094814662874 +34794,0.7126353878489867,1,0.46653753603379583 0.40153055630902496 0.35509699936276 0.25758652977560814 0.29937673102724216 0.6770363275235243 1.2651947155095171 1.8131106874754255 2.1149288076261343 2.568429880467972 2.850126792608634 2.4415114914815206 1.9291945798410834 1.7125046474251922 1.576299547049479 1.4849802183884986 1.2682902859726073 0.9896889442950266 0.8705094814662874 0.8318148506777348 +34795,0.6631062604396404,1,0.40153055630902496 0.35509699936276 0.25758652977560814 0.29937673102724216 0.6770363275235243 1.2651947155095171 1.8131106874754255 2.1149288076261343 2.568429880467972 2.850126792608634 2.4415114914815206 1.9291945798410834 1.7125046474251922 1.576299547049479 1.4849802183884986 1.2682902859726073 0.9896889442950266 0.8705094814662874 0.8318148506777348 0.7126353878489867 +34796,0.6073859921041225,1,0.35509699936276 0.25758652977560814 0.29937673102724216 0.6770363275235243 1.2651947155095171 1.8131106874754255 2.1149288076261343 2.568429880467972 2.850126792608634 2.4415114914815206 1.9291945798410834 1.7125046474251922 1.576299547049479 1.4849802183884986 1.2682902859726073 0.9896889442950266 0.8705094814662874 0.8318148506777348 0.7126353878489867 0.6631062604396404 +34797,0.5454745828424418,1,0.25758652977560814 0.29937673102724216 0.6770363275235243 1.2651947155095171 1.8131106874754255 2.1149288076261343 2.568429880467972 2.850126792608634 2.4415114914815206 1.9291945798410834 1.7125046474251922 1.576299547049479 1.4849802183884986 1.2682902859726073 0.9896889442950266 0.8705094814662874 0.8318148506777348 0.7126353878489867 0.6631062604396404 0.6073859921041225 +34798,0.5501179385370639,1,0.29937673102724216 0.6770363275235243 1.2651947155095171 1.8131106874754255 2.1149288076261343 2.568429880467972 2.850126792608634 2.4415114914815206 1.9291945798410834 1.7125046474251922 1.576299547049479 1.4849802183884986 1.2682902859726073 0.9896889442950266 0.8705094814662874 0.8318148506777348 0.7126353878489867 0.6631062604396404 0.6073859921041225 0.5454745828424418 +34799,0.5114233077485113,1,0.6770363275235243 1.2651947155095171 1.8131106874754255 2.1149288076261343 2.568429880467972 2.850126792608634 2.4415114914815206 1.9291945798410834 1.7125046474251922 1.576299547049479 1.4849802183884986 1.2682902859726073 0.9896889442950266 0.8705094814662874 0.8318148506777348 0.7126353878489867 0.6631062604396404 0.6073859921041225 0.5454745828424418 0.5501179385370639 +34800,0.5207100191377643,1,1.2651947155095171 1.8131106874754255 2.1149288076261343 2.568429880467972 2.850126792608634 2.4415114914815206 1.9291945798410834 1.7125046474251922 1.576299547049479 1.4849802183884986 1.2682902859726073 0.9896889442950266 0.8705094814662874 0.8318148506777348 0.7126353878489867 0.6631062604396404 0.6073859921041225 0.5454745828424418 0.5501179385370639 0.5114233077485113 +34801,0.4990410258961769,1,1.8131106874754255 2.1149288076261343 2.568429880467972 2.850126792608634 2.4415114914815206 1.9291945798410834 1.7125046474251922 1.576299547049479 1.4849802183884986 1.2682902859726073 0.9896889442950266 0.8705094814662874 0.8318148506777348 0.7126353878489867 0.6631062604396404 0.6073859921041225 0.5454745828424418 0.5501179385370639 0.5114233077485113 0.5207100191377643 +34802,0.3025403015771345,1,2.1149288076261343 2.568429880467972 2.850126792608634 2.4415114914815206 1.9291945798410834 1.7125046474251922 1.576299547049479 1.4849802183884986 1.2682902859726073 0.9896889442950266 0.8705094814662874 0.8318148506777348 0.7126353878489867 0.6631062604396404 0.6073859921041225 0.5454745828424418 0.5501179385370639 0.5114233077485113 0.5207100191377643 0.4990410258961769 +34803,0.7776423675737576,1,2.568429880467972 2.850126792608634 2.4415114914815206 1.9291945798410834 1.7125046474251922 1.576299547049479 1.4849802183884986 1.2682902859726073 0.9896889442950266 0.8705094814662874 0.8318148506777348 0.7126353878489867 0.6631062604396404 0.6073859921041225 0.5454745828424418 0.5501179385370639 0.5114233077485113 0.5207100191377643 0.4990410258961769 0.3025403015771345 +34804,1.3983042454221404,1,2.850126792608634 2.4415114914815206 1.9291945798410834 1.7125046474251922 1.576299547049479 1.4849802183884986 1.2682902859726073 0.9896889442950266 0.8705094814662874 0.8318148506777348 0.7126353878489867 0.6631062604396404 0.6073859921041225 0.5454745828424418 0.5501179385370639 0.5114233077485113 0.5207100191377643 0.4990410258961769 0.3025403015771345 0.7776423675737576 +34805,1.6784533723312616,1,2.4415114914815206 1.9291945798410834 1.7125046474251922 1.576299547049479 1.4849802183884986 1.2682902859726073 0.9896889442950266 0.8705094814662874 0.8318148506777348 0.7126353878489867 0.6631062604396404 0.6073859921041225 0.5454745828424418 0.5501179385370639 0.5114233077485113 0.5207100191377643 0.4990410258961769 0.3025403015771345 0.7776423675737576 1.3983042454221404 +34806,1.8193018284015972,1,1.9291945798410834 1.7125046474251922 1.576299547049479 1.4849802183884986 1.2682902859726073 0.9896889442950266 0.8705094814662874 0.8318148506777348 0.7126353878489867 0.6631062604396404 0.6073859921041225 0.5454745828424418 0.5501179385370639 0.5114233077485113 0.5207100191377643 0.4990410258961769 0.3025403015771345 0.7776423675737576 1.3983042454221404 1.6784533723312616 +34807,1.8904999490525307,1,1.7125046474251922 1.576299547049479 1.4849802183884986 1.2682902859726073 0.9896889442950266 0.8705094814662874 0.8318148506777348 0.7126353878489867 0.6631062604396404 0.6073859921041225 0.5454745828424418 0.5501179385370639 0.5114233077485113 0.5207100191377643 0.4990410258961769 0.3025403015771345 0.7776423675737576 1.3983042454221404 1.6784533723312616 1.8193018284015972 +34808,1.8641876001163125,1,1.576299547049479 1.4849802183884986 1.2682902859726073 0.9896889442950266 0.8705094814662874 0.8318148506777348 0.7126353878489867 0.6631062604396404 0.6073859921041225 0.5454745828424418 0.5501179385370639 0.5114233077485113 0.5207100191377643 0.4990410258961769 0.3025403015771345 0.7776423675737576 1.3983042454221404 1.6784533723312616 1.8193018284015972 1.8904999490525307 +34809,1.8874043785894494,1,1.4849802183884986 1.2682902859726073 0.9896889442950266 0.8705094814662874 0.8318148506777348 0.7126353878489867 0.6631062604396404 0.6073859921041225 0.5454745828424418 0.5501179385370639 0.5114233077485113 0.5207100191377643 0.4990410258961769 0.3025403015771345 0.7776423675737576 1.3983042454221404 1.6784533723312616 1.8193018284015972 1.8904999490525307 1.8641876001163125 +34810,1.7945372646969195,1,1.2682902859726073 0.9896889442950266 0.8705094814662874 0.8318148506777348 0.7126353878489867 0.6631062604396404 0.6073859921041225 0.5454745828424418 0.5501179385370639 0.5114233077485113 0.5207100191377643 0.4990410258961769 0.3025403015771345 0.7776423675737576 1.3983042454221404 1.6784533723312616 1.8193018284015972 1.8904999490525307 1.8641876001163125 1.8874043785894494 +34811,1.658332164321215,1,0.9896889442950266 0.8705094814662874 0.8318148506777348 0.7126353878489867 0.6631062604396404 0.6073859921041225 0.5454745828424418 0.5501179385370639 0.5114233077485113 0.5207100191377643 0.4990410258961769 0.3025403015771345 0.7776423675737576 1.3983042454221404 1.6784533723312616 1.8193018284015972 1.8904999490525307 1.8641876001163125 1.8874043785894494 1.7945372646969195 +34812,1.658332164321215,1,0.8705094814662874 0.8318148506777348 0.7126353878489867 0.6631062604396404 0.6073859921041225 0.5454745828424418 0.5501179385370639 0.5114233077485113 0.5207100191377643 0.4990410258961769 0.3025403015771345 0.7776423675737576 1.3983042454221404 1.6784533723312616 1.8193018284015972 1.8904999490525307 1.8641876001163125 1.8874043785894494 1.7945372646969195 1.658332164321215 +34813,1.6382109563111684,1,0.8318148506777348 0.7126353878489867 0.6631062604396404 0.6073859921041225 0.5454745828424418 0.5501179385370639 0.5114233077485113 0.5207100191377643 0.4990410258961769 0.3025403015771345 0.7776423675737576 1.3983042454221404 1.6784533723312616 1.8193018284015972 1.8904999490525307 1.8641876001163125 1.8874043785894494 1.7945372646969195 1.658332164321215 1.658332164321215 +34814,1.2713858564356888,1,0.7126353878489867 0.6631062604396404 0.6073859921041225 0.5454745828424418 0.5501179385370639 0.5114233077485113 0.5207100191377643 0.4990410258961769 0.3025403015771345 0.7776423675737576 1.3983042454221404 1.6784533723312616 1.8193018284015972 1.8904999490525307 1.8641876001163125 1.8874043785894494 1.7945372646969195 1.658332164321215 1.658332164321215 1.6382109563111684 +34815,1.0469569978620852,1,0.6631062604396404 0.6073859921041225 0.5454745828424418 0.5501179385370639 0.5114233077485113 0.5207100191377643 0.4990410258961769 0.3025403015771345 0.7776423675737576 1.3983042454221404 1.6784533723312616 1.8193018284015972 1.8904999490525307 1.8641876001163125 1.8874043785894494 1.7945372646969195 1.658332164321215 1.658332164321215 1.6382109563111684 1.2713858564356888 +34816,0.899917400865587,1,0.6073859921041225 0.5454745828424418 0.5501179385370639 0.5114233077485113 0.5207100191377643 0.4990410258961769 0.3025403015771345 0.7776423675737576 1.3983042454221404 1.6784533723312616 1.8193018284015972 1.8904999490525307 1.8641876001163125 1.8874043785894494 1.7945372646969195 1.658332164321215 1.658332164321215 1.6382109563111684 1.2713858564356888 1.0469569978620852 +34817,0.7404955220167456,1,0.5454745828424418 0.5501179385370639 0.5114233077485113 0.5207100191377643 0.4990410258961769 0.3025403015771345 0.7776423675737576 1.3983042454221404 1.6784533723312616 1.8193018284015972 1.8904999490525307 1.8641876001163125 1.8874043785894494 1.7945372646969195 1.658332164321215 1.658332164321215 1.6382109563111684 1.2713858564356888 1.0469569978620852 0.899917400865587 +34818,0.6182204887249162,1,0.5501179385370639 0.5114233077485113 0.5207100191377643 0.4990410258961769 0.3025403015771345 0.7776423675737576 1.3983042454221404 1.6784533723312616 1.8193018284015972 1.8904999490525307 1.8641876001163125 1.8874043785894494 1.7945372646969195 1.658332164321215 1.658332164321215 1.6382109563111684 1.2713858564356888 1.0469569978620852 0.899917400865587 0.7404955220167456 +34819,0.5671435760840291,1,0.5114233077485113 0.5207100191377643 0.4990410258961769 0.3025403015771345 0.7776423675737576 1.3983042454221404 1.6784533723312616 1.8193018284015972 1.8904999490525307 1.8641876001163125 1.8874043785894494 1.7945372646969195 1.658332164321215 1.658332164321215 1.6382109563111684 1.2713858564356888 1.0469569978620852 0.899917400865587 0.7404955220167456 0.6182204887249162 +34820,0.5005888111277176,1,0.5207100191377643 0.4990410258961769 0.3025403015771345 0.7776423675737576 1.3983042454221404 1.6784533723312616 1.8193018284015972 1.8904999490525307 1.8641876001163125 1.8874043785894494 1.7945372646969195 1.658332164321215 1.658332164321215 1.6382109563111684 1.2713858564356888 1.0469569978620852 0.899917400865587 0.7404955220167456 0.6182204887249162 0.5671435760840291 +34821,0.42165176431907164,1,0.4990410258961769 0.3025403015771345 0.7776423675737576 1.3983042454221404 1.6784533723312616 1.8193018284015972 1.8904999490525307 1.8641876001163125 1.8874043785894494 1.7945372646969195 1.658332164321215 1.658332164321215 1.6382109563111684 1.2713858564356888 1.0469569978620852 0.899917400865587 0.7404955220167456 0.6182204887249162 0.5671435760840291 0.5005888111277176 +34822,0.38295713353051897,1,0.3025403015771345 0.7776423675737576 1.3983042454221404 1.6784533723312616 1.8193018284015972 1.8904999490525307 1.8641876001163125 1.8874043785894494 1.7945372646969195 1.658332164321215 1.658332164321215 1.6382109563111684 1.2713858564356888 1.0469569978620852 0.899917400865587 0.7404955220167456 0.6182204887249162 0.5671435760840291 0.5005888111277176 0.42165176431907164 +34823,0.3349757913527134,1,0.7776423675737576 1.3983042454221404 1.6784533723312616 1.8193018284015972 1.8904999490525307 1.8641876001163125 1.8874043785894494 1.7945372646969195 1.658332164321215 1.658332164321215 1.6382109563111684 1.2713858564356888 1.0469569978620852 0.899917400865587 0.7404955220167456 0.6182204887249162 0.5671435760840291 0.5005888111277176 0.42165176431907164 0.38295713353051897 +34824,0.2746121673225734,1,1.3983042454221404 1.6784533723312616 1.8193018284015972 1.8904999490525307 1.8641876001163125 1.8874043785894494 1.7945372646969195 1.658332164321215 1.658332164321215 1.6382109563111684 1.2713858564356888 1.0469569978620852 0.899917400865587 0.7404955220167456 0.6182204887249162 0.5671435760840291 0.5005888111277176 0.42165176431907164 0.38295713353051897 0.3349757913527134 +34825,0.26068210023868954,1,1.6784533723312616 1.8193018284015972 1.8904999490525307 1.8641876001163125 1.8874043785894494 1.7945372646969195 1.658332164321215 1.658332164321215 1.6382109563111684 1.2713858564356888 1.0469569978620852 0.899917400865587 0.7404955220167456 0.6182204887249162 0.5671435760840291 0.5005888111277176 0.42165176431907164 0.38295713353051897 0.3349757913527134 0.2746121673225734 +34826,0.24984760361789585,1,1.8193018284015972 1.8904999490525307 1.8641876001163125 1.8874043785894494 1.7945372646969195 1.658332164321215 1.658332164321215 1.6382109563111684 1.2713858564356888 1.0469569978620852 0.899917400865587 0.7404955220167456 0.6182204887249162 0.5671435760840291 0.5005888111277176 0.42165176431907164 0.38295713353051897 0.3349757913527134 0.2746121673225734 0.26068210023868954 +34827,0.3937916301513127,1,1.8904999490525307 1.8641876001163125 1.8874043785894494 1.7945372646969195 1.658332164321215 1.658332164321215 1.6382109563111684 1.2713858564356888 1.0469569978620852 0.899917400865587 0.7404955220167456 0.6182204887249162 0.5671435760840291 0.5005888111277176 0.42165176431907164 0.38295713353051897 0.3349757913527134 0.2746121673225734 0.26068210023868954 0.24984760361789585 +34828,0.4321998287335844,1,1.8641876001163125 1.8874043785894494 1.7945372646969195 1.658332164321215 1.658332164321215 1.6382109563111684 1.2713858564356888 1.0469569978620852 0.899917400865587 0.7404955220167456 0.6182204887249162 0.5671435760840291 0.5005888111277176 0.42165176431907164 0.38295713353051897 0.3349757913527134 0.2746121673225734 0.26068210023868954 0.24984760361789585 0.3937916301513127 +34829,0.7838335084999292,1,1.8874043785894494 1.7945372646969195 1.658332164321215 1.658332164321215 1.6382109563111684 1.2713858564356888 1.0469569978620852 0.899917400865587 0.7404955220167456 0.6182204887249162 0.5671435760840291 0.5005888111277176 0.42165176431907164 0.38295713353051897 0.3349757913527134 0.2746121673225734 0.26068210023868954 0.24984760361789585 0.3937916301513127 0.4321998287335844 +34830,1.4394753325811545,1,1.7945372646969195 1.658332164321215 1.658332164321215 1.6382109563111684 1.2713858564356888 1.0469569978620852 0.899917400865587 0.7404955220167456 0.6182204887249162 0.5671435760840291 0.5005888111277176 0.42165176431907164 0.38295713353051897 0.3349757913527134 0.2746121673225734 0.26068210023868954 0.24984760361789585 0.3937916301513127 0.4321998287335844 0.7838335084999292 +34831,1.6431638690521004,1,1.658332164321215 1.658332164321215 1.6382109563111684 1.2713858564356888 1.0469569978620852 0.899917400865587 0.7404955220167456 0.6182204887249162 0.5671435760840291 0.5005888111277176 0.42165176431907164 0.38295713353051897 0.3349757913527134 0.2746121673225734 0.26068210023868954 0.24984760361789585 0.3937916301513127 0.4321998287335844 0.7838335084999292 1.4394753325811545 +34832,1.8935955195156122,1,1.658332164321215 1.6382109563111684 1.2713858564356888 1.0469569978620852 0.899917400865587 0.7404955220167456 0.6182204887249162 0.5671435760840291 0.5005888111277176 0.42165176431907164 0.38295713353051897 0.3349757913527134 0.2746121673225734 0.26068210023868954 0.24984760361789585 0.3937916301513127 0.4321998287335844 0.7838335084999292 1.4394753325811545 1.6431638690521004 +34833,1.3356189435446892,1,1.6382109563111684 1.2713858564356888 1.0469569978620852 0.899917400865587 0.7404955220167456 0.6182204887249162 0.5671435760840291 0.5005888111277176 0.42165176431907164 0.38295713353051897 0.3349757913527134 0.2746121673225734 0.26068210023868954 0.24984760361789585 0.3937916301513127 0.4321998287335844 0.7838335084999292 1.4394753325811545 1.6431638690521004 1.8935955195156122 +34834,1.8626398148847718,1,1.2713858564356888 1.0469569978620852 0.899917400865587 0.7404955220167456 0.6182204887249162 0.5671435760840291 0.5005888111277176 0.42165176431907164 0.38295713353051897 0.3349757913527134 0.2746121673225734 0.26068210023868954 0.24984760361789585 0.3937916301513127 0.4321998287335844 0.7838335084999292 1.4394753325811545 1.6431638690521004 1.8935955195156122 1.3356189435446892 +34835,1.3356189435446892,1,1.0469569978620852 0.899917400865587 0.7404955220167456 0.6182204887249162 0.5671435760840291 0.5005888111277176 0.42165176431907164 0.38295713353051897 0.3349757913527134 0.2746121673225734 0.26068210023868954 0.24984760361789585 0.3937916301513127 0.4321998287335844 0.7838335084999292 1.4394753325811545 1.6431638690521004 1.8935955195156122 1.3356189435446892 1.8626398148847718 +34836,1.4385466614422335,1,0.899917400865587 0.7404955220167456 0.6182204887249162 0.5671435760840291 0.5005888111277176 0.42165176431907164 0.38295713353051897 0.3349757913527134 0.2746121673225734 0.26068210023868954 0.24984760361789585 0.3937916301513127 0.4321998287335844 0.7838335084999292 1.4394753325811545 1.6431638690521004 1.8935955195156122 1.3356189435446892 1.8626398148847718 1.3356189435446892 +34837,1.4198082702965074,1,0.7404955220167456 0.6182204887249162 0.5671435760840291 0.5005888111277176 0.42165176431907164 0.38295713353051897 0.3349757913527134 0.2746121673225734 0.26068210023868954 0.24984760361789585 0.3937916301513127 0.4321998287335844 0.7838335084999292 1.4394753325811545 1.6431638690521004 1.8935955195156122 1.3356189435446892 1.8626398148847718 1.3356189435446892 1.4385466614422335 +34838,0.9355164611910495,1,0.6182204887249162 0.5671435760840291 0.5005888111277176 0.42165176431907164 0.38295713353051897 0.3349757913527134 0.2746121673225734 0.26068210023868954 0.24984760361789585 0.3937916301513127 0.4321998287335844 0.7838335084999292 1.4394753325811545 1.6431638690521004 1.8935955195156122 1.3356189435446892 1.8626398148847718 1.3356189435446892 1.4385466614422335 1.4198082702965074 +34839,0.6491761933557653,1,0.5671435760840291 0.5005888111277176 0.42165176431907164 0.38295713353051897 0.3349757913527134 0.2746121673225734 0.26068210023868954 0.24984760361789585 0.3937916301513127 0.4321998287335844 0.7838335084999292 1.4394753325811545 1.6431638690521004 1.8935955195156122 1.3356189435446892 1.8626398148847718 1.3356189435446892 1.4385466614422335 1.4198082702965074 0.9355164611910495 +34840,0.5021365963592582,1,0.5005888111277176 0.42165176431907164 0.38295713353051897 0.3349757913527134 0.2746121673225734 0.26068210023868954 0.24984760361789585 0.3937916301513127 0.4321998287335844 0.7838335084999292 1.4394753325811545 1.6431638690521004 1.8935955195156122 1.3356189435446892 1.8626398148847718 1.3356189435446892 1.4385466614422335 1.4198082702965074 0.9355164611910495 0.6491761933557653 +34841,0.4262951200137025,1,0.42165176431907164 0.38295713353051897 0.3349757913527134 0.2746121673225734 0.26068210023868954 0.24984760361789585 0.3937916301513127 0.4321998287335844 0.7838335084999292 1.4394753325811545 1.6431638690521004 1.8935955195156122 1.3356189435446892 1.8626398148847718 1.3356189435446892 1.4385466614422335 1.4198082702965074 0.9355164611910495 0.6491761933557653 0.5021365963592582 +34842,0.24520424792327375,1,0.38295713353051897 0.3349757913527134 0.2746121673225734 0.26068210023868954 0.24984760361789585 0.3937916301513127 0.4321998287335844 0.7838335084999292 1.4394753325811545 1.6431638690521004 1.8935955195156122 1.3356189435446892 1.8626398148847718 1.3356189435446892 1.4385466614422335 1.4198082702965074 0.9355164611910495 0.6491761933557653 0.5021365963592582 0.4262951200137025 +34843,0.2127007580608927,1,0.3349757913527134 0.2746121673225734 0.26068210023868954 0.24984760361789585 0.3937916301513127 0.4321998287335844 0.7838335084999292 1.4394753325811545 1.6431638690521004 1.8935955195156122 1.3356189435446892 1.8626398148847718 1.3356189435446892 1.4385466614422335 1.4198082702965074 0.9355164611910495 0.6491761933557653 0.5021365963592582 0.4262951200137025 0.24520424792327375 +34844,0.1089991475475692,1,0.2746121673225734 0.26068210023868954 0.24984760361789585 0.3937916301513127 0.4321998287335844 0.7838335084999292 1.4394753325811545 1.6431638690521004 1.8935955195156122 1.3356189435446892 1.8626398148847718 1.3356189435446892 1.4385466614422335 1.4198082702965074 0.9355164611910495 0.6491761933557653 0.5021365963592582 0.4262951200137025 0.24520424792327375 0.2127007580608927 +34845,0.030062100738923243,1,0.26068210023868954 0.24984760361789585 0.3937916301513127 0.4321998287335844 0.7838335084999292 1.4394753325811545 1.6431638690521004 1.8935955195156122 1.3356189435446892 1.8626398148847718 1.3356189435446892 1.4385466614422335 1.4198082702965074 0.9355164611910495 0.6491761933557653 0.5021365963592582 0.4262951200137025 0.24520424792327375 0.2127007580608927 0.1089991475475692 +34846,-0.030301523291225544,1,0.24984760361789585 0.3937916301513127 0.4321998287335844 0.7838335084999292 1.4394753325811545 1.6431638690521004 1.8935955195156122 1.3356189435446892 1.8626398148847718 1.3356189435446892 1.4385466614422335 1.4198082702965074 0.9355164611910495 0.6491761933557653 0.5021365963592582 0.4262951200137025 0.24520424792327375 0.2127007580608927 0.1089991475475692 0.030062100738923243 +34847,-0.07054393931131887,1,0.3937916301513127 0.4321998287335844 0.7838335084999292 1.4394753325811545 1.6431638690521004 1.8935955195156122 1.3356189435446892 1.8626398148847718 1.3356189435446892 1.4385466614422335 1.4198082702965074 0.9355164611910495 0.6491761933557653 0.5021365963592582 0.4262951200137025 0.24520424792327375 0.2127007580608927 0.1089991475475692 0.030062100738923243 -0.030301523291225544 +34848,-0.16960219413001149,1,0.4321998287335844 0.7838335084999292 1.4394753325811545 1.6431638690521004 1.8935955195156122 1.3356189435446892 1.8626398148847718 1.3356189435446892 1.4385466614422335 1.4198082702965074 0.9355164611910495 0.6491761933557653 0.5021365963592582 0.4262951200137025 0.24520424792327375 0.2127007580608927 0.1089991475475692 0.030062100738923243 -0.030301523291225544 -0.07054393931131887 +34849,-0.17424554982463358,1,0.7838335084999292 1.4394753325811545 1.6431638690521004 1.8935955195156122 1.3356189435446892 1.8626398148847718 1.3356189435446892 1.4385466614422335 1.4198082702965074 0.9355164611910495 0.6491761933557653 0.5021365963592582 0.4262951200137025 0.24520424792327375 0.2127007580608927 0.1089991475475692 0.030062100738923243 -0.030301523291225544 -0.07054393931131887 -0.16960219413001149 +34850,-0.1092385700998715,1,1.4394753325811545 1.6431638690521004 1.8935955195156122 1.3356189435446892 1.8626398148847718 1.3356189435446892 1.4385466614422335 1.4198082702965074 0.9355164611910495 0.6491761933557653 0.5021365963592582 0.4262951200137025 0.24520424792327375 0.2127007580608927 0.1089991475475692 0.030062100738923243 -0.030301523291225544 -0.07054393931131887 -0.16960219413001149 -0.17424554982463358 +34851,0.06720894629592637,1,1.6431638690521004 1.8935955195156122 1.3356189435446892 1.8626398148847718 1.3356189435446892 1.4385466614422335 1.4198082702965074 0.9355164611910495 0.6491761933557653 0.5021365963592582 0.4262951200137025 0.24520424792327375 0.2127007580608927 0.1089991475475692 0.030062100738923243 -0.030301523291225544 -0.07054393931131887 -0.16960219413001149 -0.17424554982463358 -0.1092385700998715 +34852,0.30556787195341373,1,1.8935955195156122 1.3356189435446892 1.8626398148847718 1.3356189435446892 1.4385466614422335 1.4198082702965074 0.9355164611910495 0.6491761933557653 0.5021365963592582 0.4262951200137025 0.24520424792327375 0.2127007580608927 0.1089991475475692 0.030062100738923243 -0.030301523291225544 -0.07054393931131887 -0.16960219413001149 -0.17424554982463358 -0.1092385700998715 0.06720894629592637 +34853,0.5532135090001541,1,1.3356189435446892 1.8626398148847718 1.3356189435446892 1.4385466614422335 1.4198082702965074 0.9355164611910495 0.6491761933557653 0.5021365963592582 0.4262951200137025 0.24520424792327375 0.2127007580608927 0.1089991475475692 0.030062100738923243 -0.030301523291225544 -0.07054393931131887 -0.16960219413001149 -0.17424554982463358 -0.1092385700998715 0.06720894629592637 0.30556787195341373 +34854,0.9153952531810028,1,1.8626398148847718 1.3356189435446892 1.4385466614422335 1.4198082702965074 0.9355164611910495 0.6491761933557653 0.5021365963592582 0.4262951200137025 0.24520424792327375 0.2127007580608927 0.1089991475475692 0.030062100738923243 -0.030301523291225544 -0.07054393931131887 -0.16960219413001149 -0.17424554982463358 -0.1092385700998715 0.06720894629592637 0.30556787195341373 0.5532135090001541 +34855,1.0237402193889484,1,1.3356189435446892 1.4385466614422335 1.4198082702965074 0.9355164611910495 0.6491761933557653 0.5021365963592582 0.4262951200137025 0.24520424792327375 0.2127007580608927 0.1089991475475692 0.030062100738923243 -0.030301523291225544 -0.07054393931131887 -0.16960219413001149 -0.17424554982463358 -0.1092385700998715 0.06720894629592637 0.30556787195341373 0.5532135090001541 0.9153952531810028 +34856,1.0423136421674544,1,1.4385466614422335 1.4198082702965074 0.9355164611910495 0.6491761933557653 0.5021365963592582 0.4262951200137025 0.24520424792327375 0.2127007580608927 0.1089991475475692 0.030062100738923243 -0.030301523291225544 -0.07054393931131887 -0.16960219413001149 -0.17424554982463358 -0.1092385700998715 0.06720894629592637 0.30556787195341373 0.5532135090001541 0.9153952531810028 1.0237402193889484 +34857,0.960281024895727,1,1.4198082702965074 0.9355164611910495 0.6491761933557653 0.5021365963592582 0.4262951200137025 0.24520424792327375 0.2127007580608927 0.1089991475475692 0.030062100738923243 -0.030301523291225544 -0.07054393931131887 -0.16960219413001149 -0.17424554982463358 -0.1092385700998715 0.06720894629592637 0.30556787195341373 0.5532135090001541 0.9153952531810028 1.0237402193889484 1.0423136421674544 +34858,1.020644648925867,1,0.9355164611910495 0.6491761933557653 0.5021365963592582 0.4262951200137025 0.24520424792327375 0.2127007580608927 0.1089991475475692 0.030062100738923243 -0.030301523291225544 -0.07054393931131887 -0.16960219413001149 -0.17424554982463358 -0.1092385700998715 0.06720894629592637 0.30556787195341373 0.5532135090001541 0.9153952531810028 1.0237402193889484 1.0423136421674544 0.960281024895727 +34859,0.9989756556842796,1,0.6491761933557653 0.5021365963592582 0.4262951200137025 0.24520424792327375 0.2127007580608927 0.1089991475475692 0.030062100738923243 -0.030301523291225544 -0.07054393931131887 -0.16960219413001149 -0.17424554982463358 -0.1092385700998715 0.06720894629592637 0.30556787195341373 0.5532135090001541 0.9153952531810028 1.0237402193889484 1.0423136421674544 0.960281024895727 1.020644648925867 +34860,0.9014651860971277,1,0.5021365963592582 0.4262951200137025 0.24520424792327375 0.2127007580608927 0.1089991475475692 0.030062100738923243 -0.030301523291225544 -0.07054393931131887 -0.16960219413001149 -0.17424554982463358 -0.1092385700998715 0.06720894629592637 0.30556787195341373 0.5532135090001541 0.9153952531810028 1.0237402193889484 1.0423136421674544 0.960281024895727 1.020644648925867 0.9989756556842796 +34861,0.4882065292753832,1,0.4262951200137025 0.24520424792327375 0.2127007580608927 0.1089991475475692 0.030062100738923243 -0.030301523291225544 -0.07054393931131887 -0.16960219413001149 -0.17424554982463358 -0.1092385700998715 0.06720894629592637 0.30556787195341373 0.5532135090001541 0.9153952531810028 1.0237402193889484 1.0423136421674544 0.960281024895727 1.020644648925867 0.9989756556842796 0.9014651860971277 +34862,0.313306798111126,1,0.24520424792327375 0.2127007580608927 0.1089991475475692 0.030062100738923243 -0.030301523291225544 -0.07054393931131887 -0.16960219413001149 -0.17424554982463358 -0.1092385700998715 0.06720894629592637 0.30556787195341373 0.5532135090001541 0.9153952531810028 1.0237402193889484 1.0423136421674544 0.960281024895727 1.020644648925867 0.9989756556842796 0.9014651860971277 0.4882065292753832 +34863,0.13840706694686883,1,0.2127007580608927 0.1089991475475692 0.030062100738923243 -0.030301523291225544 -0.07054393931131887 -0.16960219413001149 -0.17424554982463358 -0.1092385700998715 0.06720894629592637 0.30556787195341373 0.5532135090001541 0.9153952531810028 1.0237402193889484 1.0423136421674544 0.960281024895727 1.020644648925867 0.9989756556842796 0.9014651860971277 0.4882065292753832 0.313306798111126 +34864,-0.007084744818088688,1,0.1089991475475692 0.030062100738923243 -0.030301523291225544 -0.07054393931131887 -0.16960219413001149 -0.17424554982463358 -0.1092385700998715 0.06720894629592637 0.30556787195341373 0.5532135090001541 0.9153952531810028 1.0237402193889484 1.0423136421674544 0.960281024895727 1.020644648925867 0.9989756556842796 0.9014651860971277 0.4882065292753832 0.313306798111126 0.13840706694686883 +34865,-0.2082968249185641,1,0.030062100738923243 -0.030301523291225544 -0.07054393931131887 -0.16960219413001149 -0.17424554982463358 -0.1092385700998715 0.06720894629592637 0.30556787195341373 0.5532135090001541 0.9153952531810028 1.0237402193889484 1.0423136421674544 0.960281024895727 1.020644648925867 0.9989756556842796 0.9014651860971277 0.4882065292753832 0.313306798111126 0.13840706694686883 -0.007084744818088688 +34866,-0.24080031478094516,1,-0.030301523291225544 -0.07054393931131887 -0.16960219413001149 -0.17424554982463358 -0.1092385700998715 0.06720894629592637 0.30556787195341373 0.5532135090001541 0.9153952531810028 1.0237402193889484 1.0423136421674544 0.960281024895727 1.020644648925867 0.9989756556842796 0.9014651860971277 0.4882065292753832 0.313306798111126 0.13840706694686883 -0.007084744818088688 -0.2082968249185641 +34867,-0.29961615357954446,1,-0.07054393931131887 -0.16960219413001149 -0.17424554982463358 -0.1092385700998715 0.06720894629592637 0.30556787195341373 0.5532135090001541 0.9153952531810028 1.0237402193889484 1.0423136421674544 0.960281024895727 1.020644648925867 0.9989756556842796 0.9014651860971277 0.4882065292753832 0.313306798111126 0.13840706694686883 -0.007084744818088688 -0.2082968249185641 -0.24080031478094516 +34868,-0.3692664889989462,1,-0.16960219413001149 -0.17424554982463358 -0.1092385700998715 0.06720894629592637 0.30556787195341373 0.5532135090001541 0.9153952531810028 1.0237402193889484 1.0423136421674544 0.960281024895727 1.020644648925867 0.9989756556842796 0.9014651860971277 0.4882065292753832 0.313306798111126 0.13840706694686883 -0.007084744818088688 -0.2082968249185641 -0.24080031478094516 -0.29961615357954446 +34869,-0.46522917335455743,1,-0.17424554982463358 -0.1092385700998715 0.06720894629592637 0.30556787195341373 0.5532135090001541 0.9153952531810028 1.0237402193889484 1.0423136421674544 0.960281024895727 1.020644648925867 0.9989756556842796 0.9014651860971277 0.4882065292753832 0.313306798111126 0.13840706694686883 -0.007084744818088688 -0.2082968249185641 -0.24080031478094516 -0.29961615357954446 -0.3692664889989462 +34870,-0.5580962872470785,1,-0.1092385700998715 0.06720894629592637 0.30556787195341373 0.5532135090001541 0.9153952531810028 1.0237402193889484 1.0423136421674544 0.960281024895727 1.020644648925867 0.9989756556842796 0.9014651860971277 0.4882065292753832 0.313306798111126 0.13840706694686883 -0.007084744818088688 -0.2082968249185641 -0.24080031478094516 -0.29961615357954446 -0.3692664889989462 -0.46522917335455743 +34871,-0.6416766897503553,1,0.06720894629592637 0.30556787195341373 0.5532135090001541 0.9153952531810028 1.0237402193889484 1.0423136421674544 0.960281024895727 1.020644648925867 0.9989756556842796 0.9014651860971277 0.4882065292753832 0.313306798111126 0.13840706694686883 -0.007084744818088688 -0.2082968249185641 -0.24080031478094516 -0.29961615357954446 -0.3692664889989462 -0.46522917335455743 -0.5580962872470785 +34872,-0.7360915888744258,1,0.30556787195341373 0.5532135090001541 0.9153952531810028 1.0237402193889484 1.0423136421674544 0.960281024895727 1.020644648925867 0.9989756556842796 0.9014651860971277 0.4882065292753832 0.313306798111126 0.13840706694686883 -0.007084744818088688 -0.2082968249185641 -0.24080031478094516 -0.29961615357954446 -0.3692664889989462 -0.46522917335455743 -0.5580962872470785 -0.6416766897503553 +34873,-0.782525145820682,1,0.5532135090001541 0.9153952531810028 1.0237402193889484 1.0423136421674544 0.960281024895727 1.020644648925867 0.9989756556842796 0.9014651860971277 0.4882065292753832 0.313306798111126 0.13840706694686883 -0.007084744818088688 -0.2082968249185641 -0.24080031478094516 -0.29961615357954446 -0.3692664889989462 -0.46522917335455743 -0.5580962872470785 -0.6416766897503553 -0.7360915888744258 +34874,-0.8010985685991879,1,0.9153952531810028 1.0237402193889484 1.0423136421674544 0.960281024895727 1.020644648925867 0.9989756556842796 0.9014651860971277 0.4882065292753832 0.313306798111126 0.13840706694686883 -0.007084744818088688 -0.2082968249185641 -0.24080031478094516 -0.29961615357954446 -0.3692664889989462 -0.46522917335455743 -0.5580962872470785 -0.6416766897503553 -0.7360915888744258 -0.782525145820682 +34875,-0.1649588384353894,1,1.0237402193889484 1.0423136421674544 0.960281024895727 1.020644648925867 0.9989756556842796 0.9014651860971277 0.4882065292753832 0.313306798111126 0.13840706694686883 -0.007084744818088688 -0.2082968249185641 -0.24080031478094516 -0.29961615357954446 -0.3692664889989462 -0.46522917335455743 -0.5580962872470785 -0.6416766897503553 -0.7360915888744258 -0.782525145820682 -0.8010985685991879 +34876,0.11983364416836288,1,1.0423136421674544 0.960281024895727 1.020644648925867 0.9989756556842796 0.9014651860971277 0.4882065292753832 0.313306798111126 0.13840706694686883 -0.007084744818088688 -0.2082968249185641 -0.24080031478094516 -0.29961615357954446 -0.3692664889989462 -0.46522917335455743 -0.5580962872470785 -0.6416766897503553 -0.7360915888744258 -0.782525145820682 -0.8010985685991879 -0.1649588384353894 +34877,0.7931202198891821,1,0.960281024895727 1.020644648925867 0.9989756556842796 0.9014651860971277 0.4882065292753832 0.313306798111126 0.13840706694686883 -0.007084744818088688 -0.2082968249185641 -0.24080031478094516 -0.29961615357954446 -0.3692664889989462 -0.46522917335455743 -0.5580962872470785 -0.6416766897503553 -0.7360915888744258 -0.782525145820682 -0.8010985685991879 -0.1649588384353894 0.11983364416836288 +34878,1.025288004620498,1,1.020644648925867 0.9989756556842796 0.9014651860971277 0.4882065292753832 0.313306798111126 0.13840706694686883 -0.007084744818088688 -0.2082968249185641 -0.24080031478094516 -0.29961615357954446 -0.3692664889989462 -0.46522917335455743 -0.5580962872470785 -0.6416766897503553 -0.7360915888744258 -0.782525145820682 -0.8010985685991879 -0.1649588384353894 0.11983364416836288 0.7931202198891821 +34879,1.2373345813417582,1,0.9989756556842796 0.9014651860971277 0.4882065292753832 0.313306798111126 0.13840706694686883 -0.007084744818088688 -0.2082968249185641 -0.24080031478094516 -0.29961615357954446 -0.3692664889989462 -0.46522917335455743 -0.5580962872470785 -0.6416766897503553 -0.7360915888744258 -0.782525145820682 -0.8010985685991879 -0.1649588384353894 0.11983364416836288 0.7931202198891821 1.025288004620498 +34880,1.4060431715798525,1,0.9014651860971277 0.4882065292753832 0.313306798111126 0.13840706694686883 -0.007084744818088688 -0.2082968249185641 -0.24080031478094516 -0.29961615357954446 -0.3692664889989462 -0.46522917335455743 -0.5580962872470785 -0.6416766897503553 -0.7360915888744258 -0.782525145820682 -0.8010985685991879 -0.1649588384353894 0.11983364416836288 0.7931202198891821 1.025288004620498 1.2373345813417582 +34881,1.5066492116300858,1,0.4882065292753832 0.313306798111126 0.13840706694686883 -0.007084744818088688 -0.2082968249185641 -0.24080031478094516 -0.29961615357954446 -0.3692664889989462 -0.46522917335455743 -0.5580962872470785 -0.6416766897503553 -0.7360915888744258 -0.782525145820682 -0.8010985685991879 -0.1649588384353894 0.11983364416836288 0.7931202198891821 1.025288004620498 1.2373345813417582 1.4060431715798525 +34882,1.5701084061233161,1,0.313306798111126 0.13840706694686883 -0.007084744818088688 -0.2082968249185641 -0.24080031478094516 -0.29961615357954446 -0.3692664889989462 -0.46522917335455743 -0.5580962872470785 -0.6416766897503553 -0.7360915888744258 -0.782525145820682 -0.8010985685991879 -0.1649588384353894 0.11983364416836288 0.7931202198891821 1.025288004620498 1.2373345813417582 1.4060431715798525 1.5066492116300858 +34883,1.5081969968616267,1,0.13840706694686883 -0.007084744818088688 -0.2082968249185641 -0.24080031478094516 -0.29961615357954446 -0.3692664889989462 -0.46522917335455743 -0.5580962872470785 -0.6416766897503553 -0.7360915888744258 -0.782525145820682 -0.8010985685991879 -0.1649588384353894 0.11983364416836288 0.7931202198891821 1.025288004620498 1.2373345813417582 1.4060431715798525 1.5066492116300858 1.5701084061233161 +34884,1.1986399505532055,1,-0.007084744818088688 -0.2082968249185641 -0.24080031478094516 -0.29961615357954446 -0.3692664889989462 -0.46522917335455743 -0.5580962872470785 -0.6416766897503553 -0.7360915888744258 -0.782525145820682 -0.8010985685991879 -0.1649588384353894 0.11983364416836288 0.7931202198891821 1.025288004620498 1.2373345813417582 1.4060431715798525 1.5066492116300858 1.5701084061233161 1.5081969968616267 +34885,0.8643183405401158,1,-0.2082968249185641 -0.24080031478094516 -0.29961615357954446 -0.3692664889989462 -0.46522917335455743 -0.5580962872470785 -0.6416766897503553 -0.7360915888744258 -0.782525145820682 -0.8010985685991879 -0.1649588384353894 0.11983364416836288 0.7931202198891821 1.025288004620498 1.2373345813417582 1.4060431715798525 1.5066492116300858 1.5701084061233161 1.5081969968616267 1.1986399505532055 +34886,0.4882065292753832,1,-0.24080031478094516 -0.29961615357954446 -0.3692664889989462 -0.46522917335455743 -0.5580962872470785 -0.6416766897503553 -0.7360915888744258 -0.782525145820682 -0.8010985685991879 -0.1649588384353894 0.11983364416836288 0.7931202198891821 1.025288004620498 1.2373345813417582 1.4060431715798525 1.5066492116300858 1.5701084061233161 1.5081969968616267 1.1986399505532055 0.8643183405401158 +34887,0.2838988787118264,1,-0.29961615357954446 -0.3692664889989462 -0.46522917335455743 -0.5580962872470785 -0.6416766897503553 -0.7360915888744258 -0.782525145820682 -0.8010985685991879 -0.1649588384353894 0.11983364416836288 0.7931202198891821 1.025288004620498 1.2373345813417582 1.4060431715798525 1.5066492116300858 1.5701084061233161 1.5081969968616267 1.1986399505532055 0.8643183405401158 0.4882065292753832 +34888,0.16781498634616848,1,-0.3692664889989462 -0.46522917335455743 -0.5580962872470785 -0.6416766897503553 -0.7360915888744258 -0.782525145820682 -0.8010985685991879 -0.1649588384353894 0.11983364416836288 0.7931202198891821 1.025288004620498 1.2373345813417582 1.4060431715798525 1.5066492116300858 1.5701084061233161 1.5081969968616267 1.1986399505532055 0.8643183405401158 0.4882065292753832 0.2838988787118264 +34889,0.06720894629592637,1,-0.46522917335455743 -0.5580962872470785 -0.6416766897503553 -0.7360915888744258 -0.782525145820682 -0.8010985685991879 -0.1649588384353894 0.11983364416836288 0.7931202198891821 1.025288004620498 1.2373345813417582 1.4060431715798525 1.5066492116300858 1.5701084061233161 1.5081969968616267 1.1986399505532055 0.8643183405401158 0.4882065292753832 0.2838988787118264 0.16781498634616848 +34890,-0.06744836884822868,1,-0.5580962872470785 -0.6416766897503553 -0.7360915888744258 -0.782525145820682 -0.8010985685991879 -0.1649588384353894 0.11983364416836288 0.7931202198891821 1.025288004620498 1.2373345813417582 1.4060431715798525 1.5066492116300858 1.5701084061233161 1.5081969968616267 1.1986399505532055 0.8643183405401158 0.4882065292753832 0.2838988787118264 0.16781498634616848 0.06720894629592637 +34891,-0.2237746772339887,1,-0.6416766897503553 -0.7360915888744258 -0.782525145820682 -0.8010985685991879 -0.1649588384353894 0.11983364416836288 0.7931202198891821 1.025288004620498 1.2373345813417582 1.4060431715798525 1.5066492116300858 1.5701084061233161 1.5081969968616267 1.1986399505532055 0.8643183405401158 0.4882065292753832 0.2838988787118264 0.16781498634616848 0.06720894629592637 -0.06744836884822868 +34892,-0.2794949455694978,1,-0.7360915888744258 -0.782525145820682 -0.8010985685991879 -0.1649588384353894 0.11983364416836288 0.7931202198891821 1.025288004620498 1.2373345813417582 1.4060431715798525 1.5066492116300858 1.5701084061233161 1.5081969968616267 1.1986399505532055 0.8643183405401158 0.4882065292753832 0.2838988787118264 0.16781498634616848 0.06720894629592637 -0.06744836884822868 -0.2237746772339887 +34893,-0.4157000459452023,1,-0.782525145820682 -0.8010985685991879 -0.1649588384353894 0.11983364416836288 0.7931202198891821 1.025288004620498 1.2373345813417582 1.4060431715798525 1.5066492116300858 1.5701084061233161 1.5081969968616267 1.1986399505532055 0.8643183405401158 0.4882065292753832 0.2838988787118264 0.16781498634616848 0.06720894629592637 -0.06744836884822868 -0.2237746772339887 -0.2794949455694978 +34894,-0.45284689150221424,1,-0.8010985685991879 -0.1649588384353894 0.11983364416836288 0.7931202198891821 1.025288004620498 1.2373345813417582 1.4060431715798525 1.5066492116300858 1.5701084061233161 1.5081969968616267 1.1986399505532055 0.8643183405401158 0.4882065292753832 0.2838988787118264 0.16781498634616848 0.06720894629592637 -0.06744836884822868 -0.2237746772339887 -0.2794949455694978 -0.4157000459452023 +34895,-0.4157000459452023,1,-0.1649588384353894 0.11983364416836288 0.7931202198891821 1.025288004620498 1.2373345813417582 1.4060431715798525 1.5066492116300858 1.5701084061233161 1.5081969968616267 1.1986399505532055 0.8643183405401158 0.4882065292753832 0.2838988787118264 0.16781498634616848 0.06720894629592637 -0.06744836884822868 -0.2237746772339887 -0.2794949455694978 -0.4157000459452023 -0.45284689150221424 +34896,-0.5596440724786191,1,0.11983364416836288 0.7931202198891821 1.025288004620498 1.2373345813417582 1.4060431715798525 1.5066492116300858 1.5701084061233161 1.5081969968616267 1.1986399505532055 0.8643183405401158 0.4882065292753832 0.2838988787118264 0.16781498634616848 0.06720894629592637 -0.06744836884822868 -0.2237746772339887 -0.2794949455694978 -0.4157000459452023 -0.45284689150221424 -0.4157000459452023 +34897,-0.5178538712269851,1,0.7931202198891821 1.025288004620498 1.2373345813417582 1.4060431715798525 1.5066492116300858 1.5701084061233161 1.5081969968616267 1.1986399505532055 0.8643183405401158 0.4882065292753832 0.2838988787118264 0.16781498634616848 0.06720894629592637 -0.06744836884822868 -0.2237746772339887 -0.2794949455694978 -0.4157000459452023 -0.45284689150221424 -0.4157000459452023 -0.5596440724786191 +34898,-0.5658352134047907,1,1.025288004620498 1.2373345813417582 1.4060431715798525 1.5066492116300858 1.5701084061233161 1.5081969968616267 1.1986399505532055 0.8643183405401158 0.4882065292753832 0.2838988787118264 0.16781498634616848 0.06720894629592637 -0.06744836884822868 -0.2237746772339887 -0.2794949455694978 -0.4157000459452023 -0.45284689150221424 -0.4157000459452023 -0.5596440724786191 -0.5178538712269851 +34899,-0.03649266421738833,1,1.2373345813417582 1.4060431715798525 1.5066492116300858 1.5701084061233161 1.5081969968616267 1.1986399505532055 0.8643183405401158 0.4882065292753832 0.2838988787118264 0.16781498634616848 0.06720894629592637 -0.06744836884822868 -0.2237746772339887 -0.2794949455694978 -0.4157000459452023 -0.45284689150221424 -0.4157000459452023 -0.5596440724786191 -0.5178538712269851 -0.5658352134047907 +34900,0.841101562066979,1,1.4060431715798525 1.5066492116300858 1.5701084061233161 1.5081969968616267 1.1986399505532055 0.8643183405401158 0.4882065292753832 0.2838988787118264 0.16781498634616848 0.06720894629592637 -0.06744836884822868 -0.2237746772339887 -0.2794949455694978 -0.4157000459452023 -0.45284689150221424 -0.4157000459452023 -0.5596440724786191 -0.5178538712269851 -0.5658352134047907 -0.03649266421738833 +34901,1.4973625002408328,1,1.5066492116300858 1.5701084061233161 1.5081969968616267 1.1986399505532055 0.8643183405401158 0.4882065292753832 0.2838988787118264 0.16781498634616848 0.06720894629592637 -0.06744836884822868 -0.2237746772339887 -0.2794949455694978 -0.4157000459452023 -0.45284689150221424 -0.4157000459452023 -0.5596440724786191 -0.5178538712269851 -0.5658352134047907 -0.03649266421738833 0.841101562066979 +34902,1.8502575330324376,1,1.5701084061233161 1.5081969968616267 1.1986399505532055 0.8643183405401158 0.4882065292753832 0.2838988787118264 0.16781498634616848 0.06720894629592637 -0.06744836884822868 -0.2237746772339887 -0.2794949455694978 -0.4157000459452023 -0.45284689150221424 -0.4157000459452023 -0.5596440724786191 -0.5178538712269851 -0.5658352134047907 -0.03649266421738833 0.841101562066979 1.4973625002408328 +34903,2.0901642439214654,1,1.5081969968616267 1.1986399505532055 0.8643183405401158 0.4882065292753832 0.2838988787118264 0.16781498634616848 0.06720894629592637 -0.06744836884822868 -0.2237746772339887 -0.2794949455694978 -0.4157000459452023 -0.45284689150221424 -0.4157000459452023 -0.5596440724786191 -0.5178538712269851 -0.5658352134047907 -0.03649266421738833 0.841101562066979 1.4973625002408328 1.8502575330324376 +34904,2.3114975320319786,1,1.1986399505532055 0.8643183405401158 0.4882065292753832 0.2838988787118264 0.16781498634616848 0.06720894629592637 -0.06744836884822868 -0.2237746772339887 -0.2794949455694978 -0.4157000459452023 -0.45284689150221424 -0.4157000459452023 -0.5596440724786191 -0.5178538712269851 -0.5658352134047907 -0.03649266421738833 0.841101562066979 1.4973625002408328 1.8502575330324376 2.0901642439214654 +34905,2.412103572082221,1,0.8643183405401158 0.4882065292753832 0.2838988787118264 0.16781498634616848 0.06720894629592637 -0.06744836884822868 -0.2237746772339887 -0.2794949455694978 -0.4157000459452023 -0.45284689150221424 -0.4157000459452023 -0.5596440724786191 -0.5178538712269851 -0.5658352134047907 -0.03649266421738833 0.841101562066979 1.4973625002408328 1.8502575330324376 2.0901642439214654 2.3114975320319786 +34906,2.2294649147602517,1,0.4882065292753832 0.2838988787118264 0.16781498634616848 0.06720894629592637 -0.06744836884822868 -0.2237746772339887 -0.2794949455694978 -0.4157000459452023 -0.45284689150221424 -0.4157000459452023 -0.5596440724786191 -0.5178538712269851 -0.5658352134047907 -0.03649266421738833 0.841101562066979 1.4973625002408328 1.8502575330324376 2.0901642439214654 2.3114975320319786 2.412103572082221 +34907,2.056112968827535,1,0.2838988787118264 0.16781498634616848 0.06720894629592637 -0.06744836884822868 -0.2237746772339887 -0.2794949455694978 -0.4157000459452023 -0.45284689150221424 -0.4157000459452023 -0.5596440724786191 -0.5178538712269851 -0.5658352134047907 -0.03649266421738833 0.841101562066979 1.4973625002408328 1.8502575330324376 2.0901642439214654 2.3114975320319786 2.412103572082221 2.2294649147602517 +34908,1.9013344456733245,1,0.16781498634616848 0.06720894629592637 -0.06744836884822868 -0.2237746772339887 -0.2794949455694978 -0.4157000459452023 -0.45284689150221424 -0.4157000459452023 -0.5596440724786191 -0.5178538712269851 -0.5658352134047907 -0.03649266421738833 0.841101562066979 1.4973625002408328 1.8502575330324376 2.0901642439214654 2.3114975320319786 2.412103572082221 2.2294649147602517 2.056112968827535 +34909,1.5112925673247168,1,0.06720894629592637 -0.06744836884822868 -0.2237746772339887 -0.2794949455694978 -0.4157000459452023 -0.45284689150221424 -0.4157000459452023 -0.5596440724786191 -0.5178538712269851 -0.5658352134047907 -0.03649266421738833 0.841101562066979 1.4973625002408328 1.8502575330324376 2.0901642439214654 2.3114975320319786 2.412103572082221 2.2294649147602517 2.056112968827535 1.9013344456733245 +34910,1.1227984742076498,1,-0.06744836884822868 -0.2237746772339887 -0.2794949455694978 -0.4157000459452023 -0.45284689150221424 -0.4157000459452023 -0.5596440724786191 -0.5178538712269851 -0.5658352134047907 -0.03649266421738833 0.841101562066979 1.4973625002408328 1.8502575330324376 2.0901642439214654 2.3114975320319786 2.412103572082221 2.2294649147602517 2.056112968827535 1.9013344456733245 1.5112925673247168 +34911,0.8503882734562319,1,-0.2237746772339887 -0.2794949455694978 -0.4157000459452023 -0.45284689150221424 -0.4157000459452023 -0.5596440724786191 -0.5178538712269851 -0.5658352134047907 -0.03649266421738833 0.841101562066979 1.4973625002408328 1.8502575330324376 2.0901642439214654 2.3114975320319786 2.412103572082221 2.2294649147602517 2.056112968827535 1.9013344456733245 1.5112925673247168 1.1227984742076498 +34912,0.6166727034933754,1,-0.2794949455694978 -0.4157000459452023 -0.45284689150221424 -0.4157000459452023 -0.5596440724786191 -0.5178538712269851 -0.5658352134047907 -0.03649266421738833 0.841101562066979 1.4973625002408328 1.8502575330324376 2.0901642439214654 2.3114975320319786 2.412103572082221 2.2294649147602517 2.056112968827535 1.9013344456733245 1.5112925673247168 1.1227984742076498 0.8503882734562319 +34913,0.5021365963592582,1,-0.4157000459452023 -0.45284689150221424 -0.4157000459452023 -0.5596440724786191 -0.5178538712269851 -0.5658352134047907 -0.03649266421738833 0.841101562066979 1.4973625002408328 1.8502575330324376 2.0901642439214654 2.3114975320319786 2.412103572082221 2.2294649147602517 2.056112968827535 1.9013344456733245 1.5112925673247168 1.1227984742076498 0.8503882734562319 0.6166727034933754 +34914,0.38605270399360037,1,-0.45284689150221424 -0.4157000459452023 -0.5596440724786191 -0.5178538712269851 -0.5658352134047907 -0.03649266421738833 0.841101562066979 1.4973625002408328 1.8502575330324376 2.0901642439214654 2.3114975320319786 2.412103572082221 2.2294649147602517 2.056112968827535 1.9013344456733245 1.5112925673247168 1.1227984742076498 0.8503882734562319 0.6166727034933754 0.5021365963592582 +34915,0.36128814028893164,1,-0.4157000459452023 -0.5596440724786191 -0.5178538712269851 -0.5658352134047907 -0.03649266421738833 0.841101562066979 1.4973625002408328 1.8502575330324376 2.0901642439214654 2.3114975320319786 2.412103572082221 2.2294649147602517 2.056112968827535 1.9013344456733245 1.5112925673247168 1.1227984742076498 0.8503882734562319 0.6166727034933754 0.5021365963592582 0.38605270399360037 +34916,0.3767659926043474,1,-0.5596440724786191 -0.5178538712269851 -0.5658352134047907 -0.03649266421738833 0.841101562066979 1.4973625002408328 1.8502575330324376 2.0901642439214654 2.3114975320319786 2.412103572082221 2.2294649147602517 2.056112968827535 1.9013344456733245 1.5112925673247168 1.1227984742076498 0.8503882734562319 0.6166727034933754 0.5021365963592582 0.38605270399360037 0.36128814028893164 +34917,0.18329283866158427,1,-0.5178538712269851 -0.5658352134047907 -0.03649266421738833 0.841101562066979 1.4973625002408328 1.8502575330324376 2.0901642439214654 2.3114975320319786 2.412103572082221 2.2294649147602517 2.056112968827535 1.9013344456733245 1.5112925673247168 1.1227984742076498 0.8503882734562319 0.6166727034933754 0.5021365963592582 0.38605270399360037 0.36128814028893164 0.3767659926043474 +34918,0.25913431500714884,1,-0.5658352134047907 -0.03649266421738833 0.841101562066979 1.4973625002408328 1.8502575330324376 2.0901642439214654 2.3114975320319786 2.412103572082221 2.2294649147602517 2.056112968827535 1.9013344456733245 1.5112925673247168 1.1227984742076498 0.8503882734562319 0.6166727034933754 0.5021365963592582 0.38605270399360037 0.36128814028893164 0.3767659926043474 0.18329283866158427 +34919,0.105903577084479,1,-0.03649266421738833 0.841101562066979 1.4973625002408328 1.8502575330324376 2.0901642439214654 2.3114975320319786 2.412103572082221 2.2294649147602517 2.056112968827535 1.9013344456733245 1.5112925673247168 1.1227984742076498 0.8503882734562319 0.6166727034933754 0.5021365963592582 0.38605270399360037 0.36128814028893164 0.3767659926043474 0.18329283866158427 0.25913431500714884 +34920,0.07185230199055727,1,0.841101562066979 1.4973625002408328 1.8502575330324376 2.0901642439214654 2.3114975320319786 2.412103572082221 2.2294649147602517 2.056112968827535 1.9013344456733245 1.5112925673247168 1.1227984742076498 0.8503882734562319 0.6166727034933754 0.5021365963592582 0.38605270399360037 0.36128814028893164 0.3767659926043474 0.18329283866158427 0.25913431500714884 0.105903577084479 +34921,-0.1587676975092178,1,1.4973625002408328 1.8502575330324376 2.0901642439214654 2.3114975320319786 2.412103572082221 2.2294649147602517 2.056112968827535 1.9013344456733245 1.5112925673247168 1.1227984742076498 0.8503882734562319 0.6166727034933754 0.5021365963592582 0.38605270399360037 0.36128814028893164 0.3767659926043474 0.18329283866158427 0.25913431500714884 0.105903577084479 0.07185230199055727 +34922,0.054826664443592,1,1.8502575330324376 2.0901642439214654 2.3114975320319786 2.412103572082221 2.2294649147602517 2.056112968827535 1.9013344456733245 1.5112925673247168 1.1227984742076498 0.8503882734562319 0.6166727034933754 0.5021365963592582 0.38605270399360037 0.36128814028893164 0.3767659926043474 0.18329283866158427 0.25913431500714884 0.105903577084479 0.07185230199055727 -0.1587676975092178 +34923,0.8271714949831038,1,2.0901642439214654 2.3114975320319786 2.412103572082221 2.2294649147602517 2.056112968827535 1.9013344456733245 1.5112925673247168 1.1227984742076498 0.8503882734562319 0.6166727034933754 0.5021365963592582 0.38605270399360037 0.36128814028893164 0.3767659926043474 0.18329283866158427 0.25913431500714884 0.105903577084479 0.07185230199055727 -0.1587676975092178 0.054826664443592 +34924,1.779059412381495,1,2.3114975320319786 2.412103572082221 2.2294649147602517 2.056112968827535 1.9013344456733245 1.5112925673247168 1.1227984742076498 0.8503882734562319 0.6166727034933754 0.5021365963592582 0.38605270399360037 0.36128814028893164 0.3767659926043474 0.18329283866158427 0.25913431500714884 0.105903577084479 0.07185230199055727 -0.1587676975092178 0.054826664443592 0.8271714949831038 +34925,1.7870789984352398,1,2.412103572082221 2.2294649147602517 2.056112968827535 1.9013344456733245 1.5112925673247168 1.1227984742076498 0.8503882734562319 0.6166727034933754 0.5021365963592582 0.38605270399360037 0.36128814028893164 0.3767659926043474 0.18329283866158427 0.25913431500714884 0.105903577084479 0.07185230199055727 -0.1587676975092178 0.054826664443592 0.8271714949831038 1.779059412381495 +34926,2.1861269282770768,1,2.2294649147602517 2.056112968827535 1.9013344456733245 1.5112925673247168 1.1227984742076498 0.8503882734562319 0.6166727034933754 0.5021365963592582 0.38605270399360037 0.36128814028893164 0.3767659926043474 0.18329283866158427 0.25913431500714884 0.105903577084479 0.07185230199055727 -0.1587676975092178 0.054826664443592 0.8271714949831038 1.779059412381495 1.7870789984352398 +34927,2.2929241092534816,1,2.056112968827535 1.9013344456733245 1.5112925673247168 1.1227984742076498 0.8503882734562319 0.6166727034933754 0.5021365963592582 0.38605270399360037 0.36128814028893164 0.3767659926043474 0.18329283866158427 0.25913431500714884 0.105903577084479 0.07185230199055727 -0.1587676975092178 0.054826664443592 0.8271714949831038 1.779059412381495 1.7870789984352398 2.1861269282770768 +34928,2.588551088478019,1,1.9013344456733245 1.5112925673247168 1.1227984742076498 0.8503882734562319 0.6166727034933754 0.5021365963592582 0.38605270399360037 0.36128814028893164 0.3767659926043474 0.18329283866158427 0.25913431500714884 0.105903577084479 0.07185230199055727 -0.1587676975092178 0.054826664443592 0.8271714949831038 1.779059412381495 1.7870789984352398 2.1861269282770768 2.2929241092534816 +34929,2.6814182023705486,1,1.5112925673247168 1.1227984742076498 0.8503882734562319 0.6166727034933754 0.5021365963592582 0.38605270399360037 0.36128814028893164 0.3767659926043474 0.18329283866158427 0.25913431500714884 0.105903577084479 0.07185230199055727 -0.1587676975092178 0.054826664443592 0.8271714949831038 1.779059412381495 1.7870789984352398 2.1861269282770768 2.2929241092534816 2.588551088478019 +34930,2.730947329779895,1,1.1227984742076498 0.8503882734562319 0.6166727034933754 0.5021365963592582 0.38605270399360037 0.36128814028893164 0.3767659926043474 0.18329283866158427 0.25913431500714884 0.105903577084479 0.07185230199055727 -0.1587676975092178 0.054826664443592 0.8271714949831038 1.779059412381495 1.7870789984352398 2.1861269282770768 2.2929241092534816 2.588551088478019 2.6814182023705486 +34931,2.757259678716113,1,0.8503882734562319 0.6166727034933754 0.5021365963592582 0.38605270399360037 0.36128814028893164 0.3767659926043474 0.18329283866158427 0.25913431500714884 0.105903577084479 0.07185230199055727 -0.1587676975092178 0.054826664443592 0.8271714949831038 1.779059412381495 1.7870789984352398 2.1861269282770768 2.2929241092534816 2.588551088478019 2.6814182023705486 2.730947329779895 +34932,2.6968960546859644,1,0.6166727034933754 0.5021365963592582 0.38605270399360037 0.36128814028893164 0.3767659926043474 0.18329283866158427 0.25913431500714884 0.105903577084479 0.07185230199055727 -0.1587676975092178 0.054826664443592 0.8271714949831038 1.779059412381495 1.7870789984352398 2.1861269282770768 2.2929241092534816 2.588551088478019 2.6814182023705486 2.730947329779895 2.757259678716113 +34933,2.508066256437832,1,0.5021365963592582 0.38605270399360037 0.36128814028893164 0.3767659926043474 0.18329283866158427 0.25913431500714884 0.105903577084479 0.07185230199055727 -0.1587676975092178 0.054826664443592 0.8271714949831038 1.779059412381495 1.7870789984352398 2.1861269282770768 2.2929241092534816 2.588551088478019 2.6814182023705486 2.730947329779895 2.757259678716113 2.6968960546859644 +34934,2.1613623645723994,1,0.38605270399360037 0.36128814028893164 0.3767659926043474 0.18329283866158427 0.25913431500714884 0.105903577084479 0.07185230199055727 -0.1587676975092178 0.054826664443592 0.8271714949831038 1.779059412381495 1.7870789984352398 2.1861269282770768 2.2929241092534816 2.588551088478019 2.6814182023705486 2.730947329779895 2.757259678716113 2.6968960546859644 2.508066256437832 +34935,1.8285885397908501,1,0.36128814028893164 0.3767659926043474 0.18329283866158427 0.25913431500714884 0.105903577084479 0.07185230199055727 -0.1587676975092178 0.054826664443592 0.8271714949831038 1.779059412381495 1.7870789984352398 2.1861269282770768 2.2929241092534816 2.588551088478019 2.6814182023705486 2.730947329779895 2.757259678716113 2.6968960546859644 2.508066256437832 2.1613623645723994 +34936,1.576299547049479,1,0.3767659926043474 0.18329283866158427 0.25913431500714884 0.105903577084479 0.07185230199055727 -0.1587676975092178 0.054826664443592 0.8271714949831038 1.779059412381495 1.7870789984352398 2.1861269282770768 2.2929241092534816 2.588551088478019 2.6814182023705486 2.730947329779895 2.757259678716113 2.6968960546859644 2.508066256437832 2.1613623645723994 1.8285885397908501 +34937,1.3379406213920002,1,0.18329283866158427 0.25913431500714884 0.105903577084479 0.07185230199055727 -0.1587676975092178 0.054826664443592 0.8271714949831038 1.779059412381495 1.7870789984352398 2.1861269282770768 2.2929241092534816 2.588551088478019 2.6814182023705486 2.730947329779895 2.757259678716113 2.6968960546859644 2.508066256437832 2.1613623645723994 1.8285885397908501 1.576299547049479 +34938,1.1568497493015715,1,0.25913431500714884 0.105903577084479 0.07185230199055727 -0.1587676975092178 0.054826664443592 0.8271714949831038 1.779059412381495 1.7870789984352398 2.1861269282770768 2.2929241092534816 2.588551088478019 2.6814182023705486 2.730947329779895 2.757259678716113 2.6968960546859644 2.508066256437832 2.1613623645723994 1.8285885397908501 1.576299547049479 1.3379406213920002 +34939,1.2125700176370895,1,0.105903577084479 0.07185230199055727 -0.1587676975092178 0.054826664443592 0.8271714949831038 1.779059412381495 1.7870789984352398 2.1861269282770768 2.2929241092534816 2.588551088478019 2.6814182023705486 2.730947329779895 2.757259678716113 2.6968960546859644 2.508066256437832 2.1613623645723994 1.8285885397908501 1.576299547049479 1.3379406213920002 1.1568497493015715 +34940,1.0098101523050733,1,0.07185230199055727 -0.1587676975092178 0.054826664443592 0.8271714949831038 1.779059412381495 1.7870789984352398 2.1861269282770768 2.2929241092534816 2.588551088478019 2.6814182023705486 2.730947329779895 2.757259678716113 2.6968960546859644 2.508066256437832 2.1613623645723994 1.8285885397908501 1.576299547049479 1.3379406213920002 1.1568497493015715 1.2125700176370895 +34941,0.8720572666978281,1,-0.1587676975092178 0.054826664443592 0.8271714949831038 1.779059412381495 1.7870789984352398 2.1861269282770768 2.2929241092534816 2.588551088478019 2.6814182023705486 2.730947329779895 2.757259678716113 2.6968960546859644 2.508066256437832 2.1613623645723994 1.8285885397908501 1.576299547049479 1.3379406213920002 1.1568497493015715 1.2125700176370895 1.0098101523050733 +34942,0.8725637247780256,1,0.054826664443592 0.8271714949831038 1.779059412381495 1.7870789984352398 2.1861269282770768 2.2929241092534816 2.588551088478019 2.6814182023705486 2.730947329779895 2.757259678716113 2.6968960546859644 2.508066256437832 2.1613623645723994 1.8285885397908501 1.576299547049479 1.3379406213920002 1.1568497493015715 1.2125700176370895 1.0098101523050733 0.8720572666978281 +34943,0.8875351190132439,1,0.8271714949831038 1.779059412381495 1.7870789984352398 2.1861269282770768 2.2929241092534816 2.588551088478019 2.6814182023705486 2.730947329779895 2.757259678716113 2.6968960546859644 2.508066256437832 2.1613623645723994 1.8285885397908501 1.576299547049479 1.3379406213920002 1.1568497493015715 1.2125700176370895 1.0098101523050733 0.8720572666978281 0.8725637247780256 +34944,0.6042904216410411,1,1.779059412381495 1.7870789984352398 2.1861269282770768 2.2929241092534816 2.588551088478019 2.6814182023705486 2.730947329779895 2.757259678716113 2.6968960546859644 2.508066256437832 2.1613623645723994 1.8285885397908501 1.576299547049479 1.3379406213920002 1.1568497493015715 1.2125700176370895 1.0098101523050733 0.8720572666978281 0.8725637247780256 0.8875351190132439 +34945,0.5934559250202474,1,1.7870789984352398 2.1861269282770768 2.2929241092534816 2.588551088478019 2.6814182023705486 2.730947329779895 2.757259678716113 2.6968960546859644 2.508066256437832 2.1613623645723994 1.8285885397908501 1.576299547049479 1.3379406213920002 1.1568497493015715 1.2125700176370895 1.0098101523050733 0.8720572666978281 0.8725637247780256 0.8875351190132439 0.6042904216410411 +34946,0.5950037102517881,1,2.1861269282770768 2.2929241092534816 2.588551088478019 2.6814182023705486 2.730947329779895 2.757259678716113 2.6968960546859644 2.508066256437832 2.1613623645723994 1.8285885397908501 1.576299547049479 1.3379406213920002 1.1568497493015715 1.2125700176370895 1.0098101523050733 0.8720572666978281 0.8725637247780256 0.8875351190132439 0.6042904216410411 0.5934559250202474 +34947,0.6429850524295937,1,2.2929241092534816 2.588551088478019 2.6814182023705486 2.730947329779895 2.757259678716113 2.6968960546859644 2.508066256437832 2.1613623645723994 1.8285885397908501 1.576299547049479 1.3379406213920002 1.1568497493015715 1.2125700176370895 1.0098101523050733 0.8720572666978281 0.8725637247780256 0.8875351190132439 0.6042904216410411 0.5934559250202474 0.5950037102517881 +34948,1.020644648925867,1,2.588551088478019 2.6814182023705486 2.730947329779895 2.757259678716113 2.6968960546859644 2.508066256437832 2.1613623645723994 1.8285885397908501 1.576299547049479 1.3379406213920002 1.1568497493015715 1.2125700176370895 1.0098101523050733 0.8720572666978281 0.8725637247780256 0.8875351190132439 0.6042904216410411 0.5934559250202474 0.5950037102517881 0.6429850524295937 +34949,2.1474322974885243,1,2.6814182023705486 2.730947329779895 2.757259678716113 2.6968960546859644 2.508066256437832 2.1613623645723994 1.8285885397908501 1.576299547049479 1.3379406213920002 1.1568497493015715 1.2125700176370895 1.0098101523050733 0.8720572666978281 0.8725637247780256 0.8875351190132439 0.6042904216410411 0.5934559250202474 0.5950037102517881 0.6429850524295937 1.020644648925867 +34950,2.356383303746703,1,2.730947329779895 2.757259678716113 2.6968960546859644 2.508066256437832 2.1613623645723994 1.8285885397908501 1.576299547049479 1.3379406213920002 1.1568497493015715 1.2125700176370895 1.0098101523050733 0.8720572666978281 0.8725637247780256 0.8875351190132439 0.6042904216410411 0.5934559250202474 0.5950037102517881 0.6429850524295937 1.020644648925867 2.1474322974885243 +34951,2.8625090744609687,1,2.757259678716113 2.6968960546859644 2.508066256437832 2.1613623645723994 1.8285885397908501 1.576299547049479 1.3379406213920002 1.1568497493015715 1.2125700176370895 1.0098101523050733 0.8720572666978281 0.8725637247780256 0.8875351190132439 0.6042904216410411 0.5934559250202474 0.5950037102517881 0.6429850524295937 1.020644648925867 2.1474322974885243 2.356383303746703 +34952,2.9971663896051326,1,2.6968960546859644 2.508066256437832 2.1613623645723994 1.8285885397908501 1.576299547049479 1.3379406213920002 1.1568497493015715 1.2125700176370895 1.0098101523050733 0.8720572666978281 0.8725637247780256 0.8875351190132439 0.6042904216410411 0.5934559250202474 0.5950037102517881 0.6429850524295937 1.020644648925867 2.1474322974885243 2.356383303746703 2.8625090744609687 +34953,3.045147731782938,1,2.508066256437832 2.1613623645723994 1.8285885397908501 1.576299547049479 1.3379406213920002 1.1568497493015715 1.2125700176370895 1.0098101523050733 0.8720572666978281 0.8725637247780256 0.8875351190132439 0.6042904216410411 0.5934559250202474 0.5950037102517881 0.6429850524295937 1.020644648925867 2.1474322974885243 2.356383303746703 2.8625090744609687 2.9971663896051326 +34954,3.0018097452997634,1,2.1613623645723994 1.8285885397908501 1.576299547049479 1.3379406213920002 1.1568497493015715 1.2125700176370895 1.0098101523050733 0.8720572666978281 0.8725637247780256 0.8875351190132439 0.6042904216410411 0.5934559250202474 0.5950037102517881 0.6429850524295937 1.020644648925867 2.1474322974885243 2.356383303746703 2.8625090744609687 2.9971663896051326 3.045147731782938 +34955,2.847031222145553,1,1.8285885397908501 1.576299547049479 1.3379406213920002 1.1568497493015715 1.2125700176370895 1.0098101523050733 0.8720572666978281 0.8725637247780256 0.8875351190132439 0.6042904216410411 0.5934559250202474 0.5950037102517881 0.6429850524295937 1.020644648925867 2.1474322974885243 2.356383303746703 2.8625090744609687 2.9971663896051326 3.045147731782938 3.0018097452997634 +34956,2.6318890749612023,1,1.576299547049479 1.3379406213920002 1.1568497493015715 1.2125700176370895 1.0098101523050733 0.8720572666978281 0.8725637247780256 0.8875351190132439 0.6042904216410411 0.5934559250202474 0.5950037102517881 0.6429850524295937 1.020644648925867 2.1474322974885243 2.356383303746703 2.8625090744609687 2.9971663896051326 3.045147731782938 3.0018097452997634 2.847031222145553 +34957,2.3501921628205316,1,1.3379406213920002 1.1568497493015715 1.2125700176370895 1.0098101523050733 0.8720572666978281 0.8725637247780256 0.8875351190132439 0.6042904216410411 0.5934559250202474 0.5950037102517881 0.6429850524295937 1.020644648925867 2.1474322974885243 2.356383303746703 2.8625090744609687 2.9971663896051326 3.045147731782938 3.0018097452997634 2.847031222145553 2.6318890749612023 +34958,1.958602499240383,1,1.1568497493015715 1.2125700176370895 1.0098101523050733 0.8720572666978281 0.8725637247780256 0.8875351190132439 0.6042904216410411 0.5934559250202474 0.5950037102517881 0.6429850524295937 1.020644648925867 2.1474322974885243 2.356383303746703 2.8625090744609687 2.9971663896051326 3.045147731782938 3.0018097452997634 2.847031222145553 2.6318890749612023 2.3501921628205316 +34959,1.5407004867240164,1,1.2125700176370895 1.0098101523050733 0.8720572666978281 0.8725637247780256 0.8875351190132439 0.6042904216410411 0.5934559250202474 0.5950037102517881 0.6429850524295937 1.020644648925867 2.1474322974885243 2.356383303746703 2.8625090744609687 2.9971663896051326 3.045147731782938 3.0018097452997634 2.847031222145553 2.6318890749612023 2.3501921628205316 1.958602499240383 +34960,1.2048310914793772,1,1.0098101523050733 0.8720572666978281 0.8725637247780256 0.8875351190132439 0.6042904216410411 0.5934559250202474 0.5950037102517881 0.6429850524295937 1.020644648925867 2.1474322974885243 2.356383303746703 2.8625090744609687 2.9971663896051326 3.045147731782938 3.0018097452997634 2.847031222145553 2.6318890749612023 2.3501921628205316 1.958602499240383 1.5407004867240164 +34961,1.034574716009742,1,0.8720572666978281 0.8725637247780256 0.8875351190132439 0.6042904216410411 0.5934559250202474 0.5950037102517881 0.6429850524295937 1.020644648925867 2.1474322974885243 2.356383303746703 2.8625090744609687 2.9971663896051326 3.045147731782938 3.0018097452997634 2.847031222145553 2.6318890749612023 2.3501921628205316 1.958602499240383 1.5407004867240164 1.2048310914793772 +34962,0.8751528371609095,1,0.8725637247780256 0.8875351190132439 0.6042904216410411 0.5934559250202474 0.5950037102517881 0.6429850524295937 1.020644648925867 2.1474322974885243 2.356383303746703 2.8625090744609687 2.9971663896051326 3.045147731782938 3.0018097452997634 2.847031222145553 2.6318890749612023 2.3501921628205316 1.958602499240383 1.5407004867240164 1.2048310914793772 1.034574716009742 +34963,0.8534838439193221,1,0.8875351190132439 0.6042904216410411 0.5934559250202474 0.5950037102517881 0.6429850524295937 1.020644648925867 2.1474322974885243 2.356383303746703 2.8625090744609687 2.9971663896051326 3.045147731782938 3.0018097452997634 2.847031222145553 2.6318890749612023 2.3501921628205316 1.958602499240383 1.5407004867240164 1.2048310914793772 1.034574716009742 0.8751528371609095 +34964,0.7993113608153449,1,0.6042904216410411 0.5934559250202474 0.5950037102517881 0.6429850524295937 1.020644648925867 2.1474322974885243 2.356383303746703 2.8625090744609687 2.9971663896051326 3.045147731782938 3.0018097452997634 2.847031222145553 2.6318890749612023 2.3501921628205316 1.958602499240383 1.5407004867240164 1.2048310914793772 1.034574716009742 0.8751528371609095 0.8534838439193221 +34965,0.7637123004898737,1,0.5934559250202474 0.5950037102517881 0.6429850524295937 1.020644648925867 2.1474322974885243 2.356383303746703 2.8625090744609687 2.9971663896051326 3.045147731782938 3.0018097452997634 2.847031222145553 2.6318890749612023 2.3501921628205316 1.958602499240383 1.5407004867240164 1.2048310914793772 1.034574716009742 0.8751528371609095 0.8534838439193221 0.7993113608153449 +34966,0.7157309583120769,1,0.5950037102517881 0.6429850524295937 1.020644648925867 2.1474322974885243 2.356383303746703 2.8625090744609687 2.9971663896051326 3.045147731782938 3.0018097452997634 2.847031222145553 2.6318890749612023 2.3501921628205316 1.958602499240383 1.5407004867240164 1.2048310914793772 1.034574716009742 0.8751528371609095 0.8534838439193221 0.7993113608153449 0.7637123004898737 +34967,0.6089337773356631,1,0.6429850524295937 1.020644648925867 2.1474322974885243 2.356383303746703 2.8625090744609687 2.9971663896051326 3.045147731782938 3.0018097452997634 2.847031222145553 2.6318890749612023 2.3501921628205316 1.958602499240383 1.5407004867240164 1.2048310914793772 1.034574716009742 0.8751528371609095 0.8534838439193221 0.7993113608153449 0.7637123004898737 0.7157309583120769 +34968,0.6304189814511773,1,1.020644648925867 2.1474322974885243 2.356383303746703 2.8625090744609687 2.9971663896051326 3.045147731782938 3.0018097452997634 2.847031222145553 2.6318890749612023 2.3501921628205316 1.958602499240383 1.5407004867240164 1.2048310914793772 1.034574716009742 0.8751528371609095 0.8534838439193221 0.7993113608153449 0.7637123004898737 0.7157309583120769 0.6089337773356631 +34969,0.7172787435436175,1,2.1474322974885243 2.356383303746703 2.8625090744609687 2.9971663896051326 3.045147731782938 3.0018097452997634 2.847031222145553 2.6318890749612023 2.3501921628205316 1.958602499240383 1.5407004867240164 1.2048310914793772 1.034574716009742 0.8751528371609095 0.8534838439193221 0.7993113608153449 0.7637123004898737 0.7157309583120769 0.6089337773356631 0.6304189814511773 +34970,0.7760945823422168,1,2.356383303746703 2.8625090744609687 2.9971663896051326 3.045147731782938 3.0018097452997634 2.847031222145553 2.6318890749612023 2.3501921628205316 1.958602499240383 1.5407004867240164 1.2048310914793772 1.034574716009742 0.8751528371609095 0.8534838439193221 0.7993113608153449 0.7637123004898737 0.7157309583120769 0.6089337773356631 0.6304189814511773 0.7172787435436175 +34971,1.3240105543081164,1,2.8625090744609687 2.9971663896051326 3.045147731782938 3.0018097452997634 2.847031222145553 2.6318890749612023 2.3501921628205316 1.958602499240383 1.5407004867240164 1.2048310914793772 1.034574716009742 0.8751528371609095 0.8534838439193221 0.7993113608153449 0.7637123004898737 0.7157309583120769 0.6089337773356631 0.6304189814511773 0.7172787435436175 0.7760945823422168 +34972,1.5159359230193388,1,2.9971663896051326 3.045147731782938 3.0018097452997634 2.847031222145553 2.6318890749612023 2.3501921628205316 1.958602499240383 1.5407004867240164 1.2048310914793772 1.034574716009742 0.8751528371609095 0.8534838439193221 0.7993113608153449 0.7637123004898737 0.7157309583120769 0.6089337773356631 0.6304189814511773 0.7172787435436175 0.7760945823422168 1.3240105543081164 +34973,2.1180243780892156,1,3.045147731782938 3.0018097452997634 2.847031222145553 2.6318890749612023 2.3501921628205316 1.958602499240383 1.5407004867240164 1.2048310914793772 1.034574716009742 0.8751528371609095 0.8534838439193221 0.7993113608153449 0.7637123004898737 0.7157309583120769 0.6089337773356631 0.6304189814511773 0.7172787435436175 0.7760945823422168 1.3240105543081164 1.5159359230193388 +34974,2.3594788742097843,1,3.0018097452997634 2.847031222145553 2.6318890749612023 2.3501921628205316 1.958602499240383 1.5407004867240164 1.2048310914793772 1.034574716009742 0.8751528371609095 0.8534838439193221 0.7993113608153449 0.7637123004898737 0.7157309583120769 0.6089337773356631 0.6304189814511773 0.7172787435436175 0.7760945823422168 1.3240105543081164 1.5159359230193388 2.1180243780892156 +34975,2.5653343100048906,1,2.847031222145553 2.6318890749612023 2.3501921628205316 1.958602499240383 1.5407004867240164 1.2048310914793772 1.034574716009742 0.8751528371609095 0.8534838439193221 0.7993113608153449 0.7637123004898737 0.7157309583120769 0.6089337773356631 0.6304189814511773 0.7172787435436175 0.7760945823422168 1.3240105543081164 1.5159359230193388 2.1180243780892156 2.3594788742097843 +34976,2.604028940793443,1,2.6318890749612023 2.3501921628205316 1.958602499240383 1.5407004867240164 1.2048310914793772 1.034574716009742 0.8751528371609095 0.8534838439193221 0.7993113608153449 0.7637123004898737 0.7157309583120769 0.6089337773356631 0.6304189814511773 0.7172787435436175 0.7760945823422168 1.3240105543081164 1.5159359230193388 2.1180243780892156 2.3594788742097843 2.5653343100048906 +34977,2.6489147125081587,1,2.3501921628205316 1.958602499240383 1.5407004867240164 1.2048310914793772 1.034574716009742 0.8751528371609095 0.8534838439193221 0.7993113608153449 0.7637123004898737 0.7157309583120769 0.6089337773356631 0.6304189814511773 0.7172787435436175 0.7760945823422168 1.3240105543081164 1.5159359230193388 2.1180243780892156 2.3594788742097843 2.5653343100048906 2.604028940793443 +34978,2.4554415585653957,1,1.958602499240383 1.5407004867240164 1.2048310914793772 1.034574716009742 0.8751528371609095 0.8534838439193221 0.7993113608153449 0.7637123004898737 0.7157309583120769 0.6089337773356631 0.6304189814511773 0.7172787435436175 0.7760945823422168 1.3240105543081164 1.5159359230193388 2.1180243780892156 2.3594788742097843 2.5653343100048906 2.604028940793443 2.6489147125081587 +34979,2.1830313578139866,1,1.5407004867240164 1.2048310914793772 1.034574716009742 0.8751528371609095 0.8534838439193221 0.7993113608153449 0.7637123004898737 0.7157309583120769 0.6089337773356631 0.6304189814511773 0.7172787435436175 0.7760945823422168 1.3240105543081164 1.5159359230193388 2.1180243780892156 2.3594788742097843 2.5653343100048906 2.604028940793443 2.6489147125081587 2.4554415585653957 +34980,2.005036056186648,1,1.2048310914793772 1.034574716009742 0.8751528371609095 0.8534838439193221 0.7993113608153449 0.7637123004898737 0.7157309583120769 0.6089337773356631 0.6304189814511773 0.7172787435436175 0.7760945823422168 1.3240105543081164 1.5159359230193388 2.1180243780892156 2.3594788742097843 2.5653343100048906 2.604028940793443 2.6489147125081587 2.4554415585653957 2.1830313578139866 +34981,1.5561783390394321,1,1.034574716009742 0.8751528371609095 0.8534838439193221 0.7993113608153449 0.7637123004898737 0.7157309583120769 0.6089337773356631 0.6304189814511773 0.7172787435436175 0.7760945823422168 1.3240105543081164 1.5159359230193388 2.1180243780892156 2.3594788742097843 2.5653343100048906 2.604028940793443 2.6489147125081587 2.4554415585653957 2.1830313578139866 2.005036056186648 +34982,1.2559080041202642,1,0.8751528371609095 0.8534838439193221 0.7993113608153449 0.7637123004898737 0.7157309583120769 0.6089337773356631 0.6304189814511773 0.7172787435436175 0.7760945823422168 1.3240105543081164 1.5159359230193388 2.1180243780892156 2.3594788742097843 2.5653343100048906 2.604028940793443 2.6489147125081587 2.4554415585653957 2.1830313578139866 2.005036056186648 1.5561783390394321 +34983,1.062434850177501,1,0.8534838439193221 0.7993113608153449 0.7637123004898737 0.7157309583120769 0.6089337773356631 0.6304189814511773 0.7172787435436175 0.7760945823422168 1.3240105543081164 1.5159359230193388 2.1180243780892156 2.3594788742097843 2.5653343100048906 2.604028940793443 2.6489147125081587 2.4554415585653957 2.1830313578139866 2.005036056186648 1.5561783390394321 1.2559080041202642 +34984,1.0175490784627856,1,0.7993113608153449 0.7637123004898737 0.7157309583120769 0.6089337773356631 0.6304189814511773 0.7172787435436175 0.7760945823422168 1.3240105543081164 1.5159359230193388 2.1180243780892156 2.3594788742097843 2.5653343100048906 2.604028940793443 2.6489147125081587 2.4554415585653957 2.1830313578139866 2.005036056186648 1.5561783390394321 1.2559080041202642 1.062434850177501 +34985,0.8983696156340375,1,0.7637123004898737 0.7157309583120769 0.6089337773356631 0.6304189814511773 0.7172787435436175 0.7760945823422168 1.3240105543081164 1.5159359230193388 2.1180243780892156 2.3594788742097843 2.5653343100048906 2.604028940793443 2.6489147125081587 2.4554415585653957 2.1830313578139866 2.005036056186648 1.5561783390394321 1.2559080041202642 1.062434850177501 1.0175490784627856 +34986,0.7606167300267923,1,0.7157309583120769 0.6089337773356631 0.6304189814511773 0.7172787435436175 0.7760945823422168 1.3240105543081164 1.5159359230193388 2.1180243780892156 2.3594788742097843 2.5653343100048906 2.604028940793443 2.6489147125081587 2.4554415585653957 2.1830313578139866 2.005036056186648 1.5561783390394321 1.2559080041202642 1.062434850177501 1.0175490784627856 0.8983696156340375 +34987,0.6445328376611345,1,0.6089337773356631 0.6304189814511773 0.7172787435436175 0.7760945823422168 1.3240105543081164 1.5159359230193388 2.1180243780892156 2.3594788742097843 2.5653343100048906 2.604028940793443 2.6489147125081587 2.4554415585653957 2.1830313578139866 2.005036056186648 1.5561783390394321 1.2559080041202642 1.062434850177501 1.0175490784627856 0.8983696156340375 0.7606167300267923 +34988,0.5950037102517881,1,0.6304189814511773 0.7172787435436175 0.7760945823422168 1.3240105543081164 1.5159359230193388 2.1180243780892156 2.3594788742097843 2.5653343100048906 2.604028940793443 2.6489147125081587 2.4554415585653957 2.1830313578139866 2.005036056186648 1.5561783390394321 1.2559080041202642 1.062434850177501 1.0175490784627856 0.8983696156340375 0.7606167300267923 0.6445328376611345 +34989,0.5532135090001541,1,0.7172787435436175 0.7760945823422168 1.3240105543081164 1.5159359230193388 2.1180243780892156 2.3594788742097843 2.5653343100048906 2.604028940793443 2.6489147125081587 2.4554415585653957 2.1830313578139866 2.005036056186648 1.5561783390394321 1.2559080041202642 1.062434850177501 1.0175490784627856 0.8983696156340375 0.7606167300267923 0.6445328376611345 0.5950037102517881 +34990,0.5160666634431421,1,0.7760945823422168 1.3240105543081164 1.5159359230193388 2.1180243780892156 2.3594788742097843 2.5653343100048906 2.604028940793443 2.6489147125081587 2.4554415585653957 2.1830313578139866 2.005036056186648 1.5561783390394321 1.2559080041202642 1.062434850177501 1.0175490784627856 0.8983696156340375 0.7606167300267923 0.6445328376611345 0.5950037102517881 0.5532135090001541 +34991,0.4448685427922085,1,1.3240105543081164 1.5159359230193388 2.1180243780892156 2.3594788742097843 2.5653343100048906 2.604028940793443 2.6489147125081587 2.4554415585653957 2.1830313578139866 2.005036056186648 1.5561783390394321 1.2559080041202642 1.062434850177501 1.0175490784627856 0.8983696156340375 0.7606167300267923 0.6445328376611345 0.5950037102517881 0.5532135090001541 0.5160666634431421 +34992,0.3349757913527134,1,1.5159359230193388 2.1180243780892156 2.3594788742097843 2.5653343100048906 2.604028940793443 2.6489147125081587 2.4554415585653957 2.1830313578139866 2.005036056186648 1.5561783390394321 1.2559080041202642 1.062434850177501 1.0175490784627856 0.8983696156340375 0.7606167300267923 0.6445328376611345 0.5950037102517881 0.5532135090001541 0.5160666634431421 0.4448685427922085 +34993,0.23436975130248006,1,2.1180243780892156 2.3594788742097843 2.5653343100048906 2.604028940793443 2.6489147125081587 2.4554415585653957 2.1830313578139866 2.005036056186648 1.5561783390394321 1.2559080041202642 1.062434850177501 1.0175490784627856 0.8983696156340375 0.7606167300267923 0.6445328376611345 0.5950037102517881 0.5532135090001541 0.5160666634431421 0.4448685427922085 0.3349757913527134 +34994,0.2266308251447678,1,2.3594788742097843 2.5653343100048906 2.604028940793443 2.6489147125081587 2.4554415585653957 2.1830313578139866 2.005036056186648 1.5561783390394321 1.2559080041202642 1.062434850177501 1.0175490784627856 0.8983696156340375 0.7606167300267923 0.6445328376611345 0.5950037102517881 0.5532135090001541 0.5160666634431421 0.4448685427922085 0.3349757913527134 0.23436975130248006 +34995,0.8797961928555316,1,2.5653343100048906 2.604028940793443 2.6489147125081587 2.4554415585653957 2.1830313578139866 2.005036056186648 1.5561783390394321 1.2559080041202642 1.062434850177501 1.0175490784627856 0.8983696156340375 0.7606167300267923 0.6445328376611345 0.5950037102517881 0.5532135090001541 0.5160666634431421 0.4448685427922085 0.3349757913527134 0.23436975130248006 0.2266308251447678 +34996,1.288411493982654,1,2.604028940793443 2.6489147125081587 2.4554415585653957 2.1830313578139866 2.005036056186648 1.5561783390394321 1.2559080041202642 1.062434850177501 1.0175490784627856 0.8983696156340375 0.7606167300267923 0.6445328376611345 0.5950037102517881 0.5532135090001541 0.5160666634431421 0.4448685427922085 0.3349757913527134 0.23436975130248006 0.2266308251447678 0.8797961928555316 +34997,1.6985745803413084,1,2.6489147125081587 2.4554415585653957 2.1830313578139866 2.005036056186648 1.5561783390394321 1.2559080041202642 1.062434850177501 1.0175490784627856 0.8983696156340375 0.7606167300267923 0.6445328376611345 0.5950037102517881 0.5532135090001541 0.5160666634431421 0.4448685427922085 0.3349757913527134 0.23436975130248006 0.2266308251447678 0.8797961928555316 1.288411493982654 +34998,1.9276467946095428,1,2.4554415585653957 2.1830313578139866 2.005036056186648 1.5561783390394321 1.2559080041202642 1.062434850177501 1.0175490784627856 0.8983696156340375 0.7606167300267923 0.6445328376611345 0.5950037102517881 0.5532135090001541 0.5160666634431421 0.4448685427922085 0.3349757913527134 0.23436975130248006 0.2266308251447678 0.8797961928555316 1.288411493982654 1.6985745803413084 +34999,2.2294649147602517,1,2.1830313578139866 2.005036056186648 1.5561783390394321 1.2559080041202642 1.062434850177501 1.0175490784627856 0.8983696156340375 0.7606167300267923 0.6445328376611345 0.5950037102517881 0.5532135090001541 0.5160666634431421 0.4448685427922085 0.3349757913527134 0.23436975130248006 0.2266308251447678 0.8797961928555316 1.288411493982654 1.6985745803413084 1.9276467946095428 +35000,2.351739948052081,1,2.005036056186648 1.5561783390394321 1.2559080041202642 1.062434850177501 1.0175490784627856 0.8983696156340375 0.7606167300267923 0.6445328376611345 0.5950037102517881 0.5532135090001541 0.5160666634431421 0.4448685427922085 0.3349757913527134 0.23436975130248006 0.2266308251447678 0.8797961928555316 1.288411493982654 1.6985745803413084 1.9276467946095428 2.2294649147602517 +35001,2.3811478674513804,1,1.5561783390394321 1.2559080041202642 1.062434850177501 1.0175490784627856 0.8983696156340375 0.7606167300267923 0.6445328376611345 0.5950037102517881 0.5532135090001541 0.5160666634431421 0.4448685427922085 0.3349757913527134 0.23436975130248006 0.2266308251447678 0.8797961928555316 1.288411493982654 1.6985745803413084 1.9276467946095428 2.2294649147602517 2.351739948052081 +35002,2.3084019615688973,1,1.2559080041202642 1.062434850177501 1.0175490784627856 0.8983696156340375 0.7606167300267923 0.6445328376611345 0.5950037102517881 0.5532135090001541 0.5160666634431421 0.4448685427922085 0.3349757913527134 0.23436975130248006 0.2266308251447678 0.8797961928555316 1.288411493982654 1.6985745803413084 1.9276467946095428 2.2294649147602517 2.351739948052081 2.3811478674513804 +35003,2.105642096236881,1,1.062434850177501 1.0175490784627856 0.8983696156340375 0.7606167300267923 0.6445328376611345 0.5950037102517881 0.5532135090001541 0.5160666634431421 0.4448685427922085 0.3349757913527134 0.23436975130248006 0.2266308251447678 0.8797961928555316 1.288411493982654 1.6985745803413084 1.9276467946095428 2.2294649147602517 2.351739948052081 2.3811478674513804 2.3084019615688973 +35004,1.741912566824492,1,1.0175490784627856 0.8983696156340375 0.7606167300267923 0.6445328376611345 0.5950037102517881 0.5532135090001541 0.5160666634431421 0.4448685427922085 0.3349757913527134 0.23436975130248006 0.2266308251447678 0.8797961928555316 1.288411493982654 1.6985745803413084 1.9276467946095428 2.2294649147602517 2.351739948052081 2.3811478674513804 2.3084019615688973 2.105642096236881 +35005,1.5407004867240164,1,0.8983696156340375 0.7606167300267923 0.6445328376611345 0.5950037102517881 0.5532135090001541 0.5160666634431421 0.4448685427922085 0.3349757913527134 0.23436975130248006 0.2266308251447678 0.8797961928555316 1.288411493982654 1.6985745803413084 1.9276467946095428 2.2294649147602517 2.351739948052081 2.3811478674513804 2.3084019615688973 2.105642096236881 1.741912566824492 +35006,1.3503229032443347,1,0.7606167300267923 0.6445328376611345 0.5950037102517881 0.5532135090001541 0.5160666634431421 0.4448685427922085 0.3349757913527134 0.23436975130248006 0.2266308251447678 0.8797961928555316 1.288411493982654 1.6985745803413084 1.9276467946095428 2.2294649147602517 2.351739948052081 2.3811478674513804 2.3084019615688973 2.105642096236881 1.741912566824492 1.5407004867240164 +35007,1.1243462594391904,1,0.6445328376611345 0.5950037102517881 0.5532135090001541 0.5160666634431421 0.4448685427922085 0.3349757913527134 0.23436975130248006 0.2266308251447678 0.8797961928555316 1.288411493982654 1.6985745803413084 1.9276467946095428 2.2294649147602517 2.351739948052081 2.3811478674513804 2.3084019615688973 2.105642096236881 1.741912566824492 1.5407004867240164 1.3503229032443347 +35008,0.997427870452739,1,0.5950037102517881 0.5532135090001541 0.5160666634431421 0.4448685427922085 0.3349757913527134 0.23436975130248006 0.2266308251447678 0.8797961928555316 1.288411493982654 1.6985745803413084 1.9276467946095428 2.2294649147602517 2.351739948052081 2.3811478674513804 2.3084019615688973 2.105642096236881 1.741912566824492 1.5407004867240164 1.3503229032443347 1.1243462594391904 +35009,0.8534838439193221,1,0.5532135090001541 0.5160666634431421 0.4448685427922085 0.3349757913527134 0.23436975130248006 0.2266308251447678 0.8797961928555316 1.288411493982654 1.6985745803413084 1.9276467946095428 2.2294649147602517 2.351739948052081 2.3811478674513804 2.3084019615688973 2.105642096236881 1.741912566824492 1.5407004867240164 1.3503229032443347 1.1243462594391904 0.997427870452739 +35010,0.6801318979866057,1,0.5160666634431421 0.4448685427922085 0.3349757913527134 0.23436975130248006 0.2266308251447678 0.8797961928555316 1.288411493982654 1.6985745803413084 1.9276467946095428 2.2294649147602517 2.351739948052081 2.3811478674513804 2.3084019615688973 2.105642096236881 1.741912566824492 1.5407004867240164 1.3503229032443347 1.1243462594391904 0.997427870452739 0.8534838439193221 +35011,0.5067799520538891,1,0.4448685427922085 0.3349757913527134 0.23436975130248006 0.2266308251447678 0.8797961928555316 1.288411493982654 1.6985745803413084 1.9276467946095428 2.2294649147602517 2.351739948052081 2.3811478674513804 2.3084019615688973 2.105642096236881 1.741912566824492 1.5407004867240164 1.3503229032443347 1.1243462594391904 0.997427870452739 0.8534838439193221 0.6801318979866057 +35012,0.4139128381613593,1,0.3349757913527134 0.23436975130248006 0.2266308251447678 0.8797961928555316 1.288411493982654 1.6985745803413084 1.9276467946095428 2.2294649147602517 2.351739948052081 2.3811478674513804 2.3084019615688973 2.105642096236881 1.741912566824492 1.5407004867240164 1.3503229032443347 1.1243462594391904 0.997427870452739 0.8534838439193221 0.6801318979866057 0.5067799520538891 +35013,0.4231995495506123,1,0.23436975130248006 0.2266308251447678 0.8797961928555316 1.288411493982654 1.6985745803413084 1.9276467946095428 2.2294649147602517 2.351739948052081 2.3811478674513804 2.3084019615688973 2.105642096236881 1.741912566824492 1.5407004867240164 1.3503229032443347 1.1243462594391904 0.997427870452739 0.8534838439193221 0.6801318979866057 0.5067799520538891 0.4139128381613593 +35014,0.2730643820910327,1,0.2266308251447678 0.8797961928555316 1.288411493982654 1.6985745803413084 1.9276467946095428 2.2294649147602517 2.351739948052081 2.3811478674513804 2.3084019615688973 2.105642096236881 1.741912566824492 1.5407004867240164 1.3503229032443347 1.1243462594391904 0.997427870452739 0.8534838439193221 0.6801318979866057 0.5067799520538891 0.4139128381613593 0.4231995495506123 +35015,0.2823510934802857,1,0.8797961928555316 1.288411493982654 1.6985745803413084 1.9276467946095428 2.2294649147602517 2.351739948052081 2.3811478674513804 2.3084019615688973 2.105642096236881 1.741912566824492 1.5407004867240164 1.3503229032443347 1.1243462594391904 0.997427870452739 0.8534838439193221 0.6801318979866057 0.5067799520538891 0.4139128381613593 0.4231995495506123 0.2730643820910327 +35016,0.18638840912467444,1,1.288411493982654 1.6985745803413084 1.9276467946095428 2.2294649147602517 2.351739948052081 2.3811478674513804 2.3084019615688973 2.105642096236881 1.741912566824492 1.5407004867240164 1.3503229032443347 1.1243462594391904 0.997427870452739 0.8534838439193221 0.6801318979866057 0.5067799520538891 0.4139128381613593 0.4231995495506123 0.2730643820910327 0.2823510934802857 +35017,0.18019726819850287,1,1.6985745803413084 1.9276467946095428 2.2294649147602517 2.351739948052081 2.3811478674513804 2.3084019615688973 2.105642096236881 1.741912566824492 1.5407004867240164 1.3503229032443347 1.1243462594391904 0.997427870452739 0.8534838439193221 0.6801318979866057 0.5067799520538891 0.4139128381613593 0.4231995495506123 0.2730643820910327 0.2823510934802857 0.18638840912467444 +35018,0.262229885470239,1,1.9276467946095428 2.2294649147602517 2.351739948052081 2.3811478674513804 2.3084019615688973 2.105642096236881 1.741912566824492 1.5407004867240164 1.3503229032443347 1.1243462594391904 0.997427870452739 0.8534838439193221 0.6801318979866057 0.5067799520538891 0.4139128381613593 0.4231995495506123 0.2730643820910327 0.2823510934802857 0.18638840912467444 0.18019726819850287 +35019,0.9014651860971277,1,2.2294649147602517 2.351739948052081 2.3811478674513804 2.3084019615688973 2.105642096236881 1.741912566824492 1.5407004867240164 1.3503229032443347 1.1243462594391904 0.997427870452739 0.8534838439193221 0.6801318979866057 0.5067799520538891 0.4139128381613593 0.4231995495506123 0.2730643820910327 0.2823510934802857 0.18638840912467444 0.18019726819850287 0.262229885470239 +35020,1.4369988762106929,1,2.351739948052081 2.3811478674513804 2.3084019615688973 2.105642096236881 1.741912566824492 1.5407004867240164 1.3503229032443347 1.1243462594391904 0.997427870452739 0.8534838439193221 0.6801318979866057 0.5067799520538891 0.4139128381613593 0.4231995495506123 0.2730643820910327 0.2823510934802857 0.18638840912467444 0.18019726819850287 0.262229885470239 0.9014651860971277 +35021,1.8734743115055654,1,2.3811478674513804 2.3084019615688973 2.105642096236881 1.741912566824492 1.5407004867240164 1.3503229032443347 1.1243462594391904 0.997427870452739 0.8534838439193221 0.6801318979866057 0.5067799520538891 0.4139128381613593 0.4231995495506123 0.2730643820910327 0.2823510934802857 0.18638840912467444 0.18019726819850287 0.262229885470239 0.9014651860971277 1.4369988762106929 +35022,2.1938658544347804,1,2.3084019615688973 2.105642096236881 1.741912566824492 1.5407004867240164 1.3503229032443347 1.1243462594391904 0.997427870452739 0.8534838439193221 0.6801318979866057 0.5067799520538891 0.4139128381613593 0.4231995495506123 0.2730643820910327 0.2823510934802857 0.18638840912467444 0.18019726819850287 0.262229885470239 0.9014651860971277 1.4369988762106929 1.8734743115055654 +35023,2.3254275991158626,1,2.105642096236881 1.741912566824492 1.5407004867240164 1.3503229032443347 1.1243462594391904 0.997427870452739 0.8534838439193221 0.6801318979866057 0.5067799520538891 0.4139128381613593 0.4231995495506123 0.2730643820910327 0.2823510934802857 0.18638840912467444 0.18019726819850287 0.262229885470239 0.9014651860971277 1.4369988762106929 1.8734743115055654 2.1938658544347804 +35024,2.3997212902298863,1,1.741912566824492 1.5407004867240164 1.3503229032443347 1.1243462594391904 0.997427870452739 0.8534838439193221 0.6801318979866057 0.5067799520538891 0.4139128381613593 0.4231995495506123 0.2730643820910327 0.2823510934802857 0.18638840912467444 0.18019726819850287 0.262229885470239 0.9014651860971277 1.4369988762106929 1.8734743115055654 2.1938658544347804 2.3254275991158626 +35025,2.4244858539345553,1,1.5407004867240164 1.3503229032443347 1.1243462594391904 0.997427870452739 0.8534838439193221 0.6801318979866057 0.5067799520538891 0.4139128381613593 0.4231995495506123 0.2730643820910327 0.2823510934802857 0.18638840912467444 0.18019726819850287 0.262229885470239 0.9014651860971277 1.4369988762106929 1.8734743115055654 2.1938658544347804 2.3254275991158626 2.3997212902298863 +35026,2.3393576661997377,1,1.3503229032443347 1.1243462594391904 0.997427870452739 0.8534838439193221 0.6801318979866057 0.5067799520538891 0.4139128381613593 0.4231995495506123 0.2730643820910327 0.2823510934802857 0.18638840912467444 0.18019726819850287 0.262229885470239 0.9014651860971277 1.4369988762106929 1.8734743115055654 2.1938658544347804 2.3254275991158626 2.3997212902298863 2.4244858539345553 +35027,2.2016047805924925,1,1.1243462594391904 0.997427870452739 0.8534838439193221 0.6801318979866057 0.5067799520538891 0.4139128381613593 0.4231995495506123 0.2730643820910327 0.2823510934802857 0.18638840912467444 0.18019726819850287 0.262229885470239 0.9014651860971277 1.4369988762106929 1.8734743115055654 2.1938658544347804 2.3254275991158626 2.3997212902298863 2.4244858539345553 2.3393576661997377 +35028,1.8471619625693472,1,0.997427870452739 0.8534838439193221 0.6801318979866057 0.5067799520538891 0.4139128381613593 0.4231995495506123 0.2730643820910327 0.2823510934802857 0.18638840912467444 0.18019726819850287 0.262229885470239 0.9014651860971277 1.4369988762106929 1.8734743115055654 2.1938658544347804 2.3254275991158626 2.3997212902298863 2.4244858539345553 2.3393576661997377 2.2016047805924925 +35029,1.5546305538078915,1,0.8534838439193221 0.6801318979866057 0.5067799520538891 0.4139128381613593 0.4231995495506123 0.2730643820910327 0.2823510934802857 0.18638840912467444 0.18019726819850287 0.262229885470239 0.9014651860971277 1.4369988762106929 1.8734743115055654 2.1938658544347804 2.3254275991158626 2.3997212902298863 2.4244858539345553 2.3393576661997377 2.2016047805924925 1.8471619625693472 +35030,1.2280478699525053,1,0.6801318979866057 0.5067799520538891 0.4139128381613593 0.4231995495506123 0.2730643820910327 0.2823510934802857 0.18638840912467444 0.18019726819850287 0.262229885470239 0.9014651860971277 1.4369988762106929 1.8734743115055654 2.1938658544347804 2.3254275991158626 2.3997212902298863 2.4244858539345553 2.3393576661997377 2.2016047805924925 1.8471619625693472 1.5546305538078915 +35031,0.9726633067480613,1,0.5067799520538891 0.4139128381613593 0.4231995495506123 0.2730643820910327 0.2823510934802857 0.18638840912467444 0.18019726819850287 0.262229885470239 0.9014651860971277 1.4369988762106929 1.8734743115055654 2.1938658544347804 2.3254275991158626 2.3997212902298863 2.4244858539345553 2.3393576661997377 2.2016047805924925 1.8471619625693472 1.5546305538078915 1.2280478699525053 +35032,0.8163369983623102,1,0.4139128381613593 0.4231995495506123 0.2730643820910327 0.2823510934802857 0.18638840912467444 0.18019726819850287 0.262229885470239 0.9014651860971277 1.4369988762106929 1.8734743115055654 2.1938658544347804 2.3254275991158626 2.3997212902298863 2.4244858539345553 2.3393576661997377 2.2016047805924925 1.8471619625693472 1.5546305538078915 1.2280478699525053 0.9726633067480613 +35033,0.6863230389127685,1,0.4231995495506123 0.2730643820910327 0.2823510934802857 0.18638840912467444 0.18019726819850287 0.262229885470239 0.9014651860971277 1.4369988762106929 1.8734743115055654 2.1938658544347804 2.3254275991158626 2.3997212902298863 2.4244858539345553 2.3393576661997377 2.2016047805924925 1.8471619625693472 1.5546305538078915 1.2280478699525053 0.9726633067480613 0.8163369983623102 +35034,0.5826214283994537,1,0.2730643820910327 0.2823510934802857 0.18638840912467444 0.18019726819850287 0.262229885470239 0.9014651860971277 1.4369988762106929 1.8734743115055654 2.1938658544347804 2.3254275991158626 2.3997212902298863 2.4244858539345553 2.3393576661997377 2.2016047805924925 1.8471619625693472 1.5546305538078915 1.2280478699525053 0.9726633067480613 0.8163369983623102 0.6863230389127685 +35035,0.5207100191377643,1,0.2823510934802857 0.18638840912467444 0.18019726819850287 0.262229885470239 0.9014651860971277 1.4369988762106929 1.8734743115055654 2.1938658544347804 2.3254275991158626 2.3997212902298863 2.4244858539345553 2.3393576661997377 2.2016047805924925 1.8471619625693472 1.5546305538078915 1.2280478699525053 0.9726633067480613 0.8163369983623102 0.6863230389127685 0.5826214283994537 +35036,0.4139128381613593,1,0.18638840912467444 0.18019726819850287 0.262229885470239 0.9014651860971277 1.4369988762106929 1.8734743115055654 2.1938658544347804 2.3254275991158626 2.3997212902298863 2.4244858539345553 2.3393576661997377 2.2016047805924925 1.8471619625693472 1.5546305538078915 1.2280478699525053 0.9726633067480613 0.8163369983623102 0.6863230389127685 0.5826214283994537 0.5207100191377643 +35037,0.35354921413121937,1,0.18019726819850287 0.262229885470239 0.9014651860971277 1.4369988762106929 1.8734743115055654 2.1938658544347804 2.3254275991158626 2.3997212902298863 2.4244858539345553 2.3393576661997377 2.2016047805924925 1.8471619625693472 1.5546305538078915 1.2280478699525053 0.9726633067480613 0.8163369983623102 0.6863230389127685 0.5826214283994537 0.5207100191377643 0.4139128381613593 +35038,0.2281786103763085,1,0.262229885470239 0.9014651860971277 1.4369988762106929 1.8734743115055654 2.1938658544347804 2.3254275991158626 2.3997212902298863 2.4244858539345553 2.3393576661997377 2.2016047805924925 1.8471619625693472 1.5546305538078915 1.2280478699525053 0.9726633067480613 0.8163369983623102 0.6863230389127685 0.5826214283994537 0.5207100191377643 0.4139128381613593 0.35354921413121937 +35039,0.14769377833612182,1,0.9014651860971277 1.4369988762106929 1.8734743115055654 2.1938658544347804 2.3254275991158626 2.3997212902298863 2.4244858539345553 2.3393576661997377 2.2016047805924925 1.8471619625693472 1.5546305538078915 1.2280478699525053 0.9726633067480613 0.8163369983623102 0.6863230389127685 0.5826214283994537 0.5207100191377643 0.4139128381613593 0.35354921413121937 0.2281786103763085 +35040,0.054826664443592,1,1.4369988762106929 1.8734743115055654 2.1938658544347804 2.3254275991158626 2.3997212902298863 2.4244858539345553 2.3393576661997377 2.2016047805924925 1.8471619625693472 1.5546305538078915 1.2280478699525053 0.9726633067480613 0.8163369983623102 0.6863230389127685 0.5826214283994537 0.5207100191377643 0.4139128381613593 0.35354921413121937 0.2281786103763085 0.14769377833612182 +35041,0.09352129523214463,1,1.8734743115055654 2.1938658544347804 2.3254275991158626 2.3997212902298863 2.4244858539345553 2.3393576661997377 2.2016047805924925 1.8471619625693472 1.5546305538078915 1.2280478699525053 0.9726633067480613 0.8163369983623102 0.6863230389127685 0.5826214283994537 0.5207100191377643 0.4139128381613593 0.35354921413121937 0.2281786103763085 0.14769377833612182 0.054826664443592 +35042,0.12138142939990357,1,2.1938658544347804 2.3254275991158626 2.3997212902298863 2.4244858539345553 2.3393576661997377 2.2016047805924925 1.8471619625693472 1.5546305538078915 1.2280478699525053 0.9726633067480613 0.8163369983623102 0.6863230389127685 0.5826214283994537 0.5207100191377643 0.4139128381613593 0.35354921413121937 0.2281786103763085 0.14769377833612182 0.054826664443592 0.09352129523214463 +35043,0.7064442469228239,1,2.3254275991158626 2.3997212902298863 2.4244858539345553 2.3393576661997377 2.2016047805924925 1.8471619625693472 1.5546305538078915 1.2280478699525053 0.9726633067480613 0.8163369983623102 0.6863230389127685 0.5826214283994537 0.5207100191377643 0.4139128381613593 0.35354921413121937 0.2281786103763085 0.14769377833612182 0.054826664443592 0.09352129523214463 0.12138142939990357 +35044,1.2868637087511132,1,2.3997212902298863 2.4244858539345553 2.3393576661997377 2.2016047805924925 1.8471619625693472 1.5546305538078915 1.2280478699525053 0.9726633067480613 0.8163369983623102 0.6863230389127685 0.5826214283994537 0.5207100191377643 0.4139128381613593 0.35354921413121937 0.2281786103763085 0.14769377833612182 0.054826664443592 0.09352129523214463 0.12138142939990357 0.7064442469228239 +35045,1.7248869292775266,1,2.4244858539345553 2.3393576661997377 2.2016047805924925 1.8471619625693472 1.5546305538078915 1.2280478699525053 0.9726633067480613 0.8163369983623102 0.6863230389127685 0.5826214283994537 0.5207100191377643 0.4139128381613593 0.35354921413121937 0.2281786103763085 0.14769377833612182 0.054826664443592 0.09352129523214463 0.12138142939990357 0.7064442469228239 1.2868637087511132 +35046,1.9895582038712234,1,2.3393576661997377 2.2016047805924925 1.8471619625693472 1.5546305538078915 1.2280478699525053 0.9726633067480613 0.8163369983623102 0.6863230389127685 0.5826214283994537 0.5207100191377643 0.4139128381613593 0.35354921413121937 0.2281786103763085 0.14769377833612182 0.054826664443592 0.09352129523214463 0.12138142939990357 0.7064442469228239 1.2868637087511132 1.7248869292775266 +35047,2.2387516261495044,1,2.2016047805924925 1.8471619625693472 1.5546305538078915 1.2280478699525053 0.9726633067480613 0.8163369983623102 0.6863230389127685 0.5826214283994537 0.5207100191377643 0.4139128381613593 0.35354921413121937 0.2281786103763085 0.14769377833612182 0.054826664443592 0.09352129523214463 0.12138142939990357 0.7064442469228239 1.2868637087511132 1.7248869292775266 1.9895582038712234 +35048,2.2991152501796446,1,1.8471619625693472 1.5546305538078915 1.2280478699525053 0.9726633067480613 0.8163369983623102 0.6863230389127685 0.5826214283994537 0.5207100191377643 0.4139128381613593 0.35354921413121937 0.2281786103763085 0.14769377833612182 0.054826664443592 0.09352129523214463 0.12138142939990357 0.7064442469228239 1.2868637087511132 1.7248869292775266 1.9895582038712234 2.2387516261495044 +35049,2.2712551160118855,1,1.5546305538078915 1.2280478699525053 0.9726633067480613 0.8163369983623102 0.6863230389127685 0.5826214283994537 0.5207100191377643 0.4139128381613593 0.35354921413121937 0.2281786103763085 0.14769377833612182 0.054826664443592 0.09352129523214463 0.12138142939990357 0.7064442469228239 1.2868637087511132 1.7248869292775266 1.9895582038712234 2.2387516261495044 2.2991152501796446 +35050,2.100998740542259,1,1.2280478699525053 0.9726633067480613 0.8163369983623102 0.6863230389127685 0.5826214283994537 0.5207100191377643 0.4139128381613593 0.35354921413121937 0.2281786103763085 0.14769377833612182 0.054826664443592 0.09352129523214463 0.12138142939990357 0.7064442469228239 1.2868637087511132 1.7248869292775266 1.9895582038712234 2.2387516261495044 2.2991152501796446 2.2712551160118855 +35051,1.972532566324258,1,0.9726633067480613 0.8163369983623102 0.6863230389127685 0.5826214283994537 0.5207100191377643 0.4139128381613593 0.35354921413121937 0.2281786103763085 0.14769377833612182 0.054826664443592 0.09352129523214463 0.12138142939990357 0.7064442469228239 1.2868637087511132 1.7248869292775266 1.9895582038712234 2.2387516261495044 2.2991152501796446 2.2712551160118855 2.100998740542259 +35052,1.6722622314050901,1,0.8163369983623102 0.6863230389127685 0.5826214283994537 0.5207100191377643 0.4139128381613593 0.35354921413121937 0.2281786103763085 0.14769377833612182 0.054826664443592 0.09352129523214463 0.12138142939990357 0.7064442469228239 1.2868637087511132 1.7248869292775266 1.9895582038712234 2.2387516261495044 2.2991152501796446 2.2712551160118855 2.100998740542259 1.972532566324258 +35053,1.2868637087511132,1,0.6863230389127685 0.5826214283994537 0.5207100191377643 0.4139128381613593 0.35354921413121937 0.2281786103763085 0.14769377833612182 0.054826664443592 0.09352129523214463 0.12138142939990357 0.7064442469228239 1.2868637087511132 1.7248869292775266 1.9895582038712234 2.2387516261495044 2.2991152501796446 2.2712551160118855 2.100998740542259 1.972532566324258 1.6722622314050901 +35054,1.0423136421674544,1,0.5826214283994537 0.5207100191377643 0.4139128381613593 0.35354921413121937 0.2281786103763085 0.14769377833612182 0.054826664443592 0.09352129523214463 0.12138142939990357 0.7064442469228239 1.2868637087511132 1.7248869292775266 1.9895582038712234 2.2387516261495044 2.2991152501796446 2.2712551160118855 2.100998740542259 1.972532566324258 1.6722622314050901 1.2868637087511132 +35055,0.8503882734562319,1,0.5207100191377643 0.4139128381613593 0.35354921413121937 0.2281786103763085 0.14769377833612182 0.054826664443592 0.09352129523214463 0.12138142939990357 0.7064442469228239 1.2868637087511132 1.7248869292775266 1.9895582038712234 2.2387516261495044 2.2991152501796446 2.2712551160118855 2.100998740542259 1.972532566324258 1.6722622314050901 1.2868637087511132 1.0423136421674544 +35056,0.6445328376611345,1,0.4139128381613593 0.35354921413121937 0.2281786103763085 0.14769377833612182 0.054826664443592 0.09352129523214463 0.12138142939990357 0.7064442469228239 1.2868637087511132 1.7248869292775266 1.9895582038712234 2.2387516261495044 2.2991152501796446 2.2712551160118855 2.100998740542259 1.972532566324258 1.6722622314050901 1.2868637087511132 1.0423136421674544 0.8503882734562319 +35057,0.434034046171406,1,0.35354921413121937 0.2281786103763085 0.14769377833612182 0.054826664443592 0.09352129523214463 0.12138142939990357 0.7064442469228239 1.2868637087511132 1.7248869292775266 1.9895582038712234 2.2387516261495044 2.2991152501796446 2.2712551160118855 2.100998740542259 1.972532566324258 1.6722622314050901 1.2868637087511132 1.0423136421674544 0.8503882734562319 0.6445328376611345 +35058,0.2792555230171955,1,0.2281786103763085 0.14769377833612182 0.054826664443592 0.09352129523214463 0.12138142939990357 0.7064442469228239 1.2868637087511132 1.7248869292775266 1.9895582038712234 2.2387516261495044 2.2991152501796446 2.2712551160118855 2.100998740542259 1.972532566324258 1.6722622314050901 1.2868637087511132 1.0423136421674544 0.8503882734562319 0.6445328376611345 0.434034046171406 +35059,0.24984760361789585,1,0.14769377833612182 0.054826664443592 0.09352129523214463 0.12138142939990357 0.7064442469228239 1.2868637087511132 1.7248869292775266 1.9895582038712234 2.2387516261495044 2.2991152501796446 2.2712551160118855 2.100998740542259 1.972532566324258 1.6722622314050901 1.2868637087511132 1.0423136421674544 0.8503882734562319 0.6445328376611345 0.434034046171406 0.2792555230171955 +35060,0.14305042264149093,1,0.054826664443592 0.09352129523214463 0.12138142939990357 0.7064442469228239 1.2868637087511132 1.7248869292775266 1.9895582038712234 2.2387516261495044 2.2991152501796446 2.2712551160118855 2.100998740542259 1.972532566324258 1.6722622314050901 1.2868637087511132 1.0423136421674544 0.8503882734562319 0.6445328376611345 0.434034046171406 0.2792555230171955 0.24984760361789585 +35061,0.05637444967513269,1,0.09352129523214463 0.12138142939990357 0.7064442469228239 1.2868637087511132 1.7248869292775266 1.9895582038712234 2.2387516261495044 2.2991152501796446 2.2712551160118855 2.100998740542259 1.972532566324258 1.6722622314050901 1.2868637087511132 1.0423136421674544 0.8503882734562319 0.6445328376611345 0.434034046171406 0.2792555230171955 0.24984760361789585 0.14305042264149093 +35062,-0.013275885744260276,1,0.12138142939990357 0.7064442469228239 1.2868637087511132 1.7248869292775266 1.9895582038712234 2.2387516261495044 2.2991152501796446 2.2712551160118855 2.100998740542259 1.972532566324258 1.6722622314050901 1.2868637087511132 1.0423136421674544 0.8503882734562319 0.6445328376611345 0.434034046171406 0.2792555230171955 0.24984760361789585 0.14305042264149093 0.05637444967513269 +35063,-0.20210568399239254,1,0.7064442469228239 1.2868637087511132 1.7248869292775266 1.9895582038712234 2.2387516261495044 2.2991152501796446 2.2712551160118855 2.100998740542259 1.972532566324258 1.6722622314050901 1.2868637087511132 1.0423136421674544 0.8503882734562319 0.6445328376611345 0.434034046171406 0.2792555230171955 0.24984760361789585 0.14305042264149093 0.05637444967513269 -0.013275885744260276 +35064,-0.28568608649566934,1,1.2868637087511132 1.7248869292775266 1.9895582038712234 2.2387516261495044 2.2991152501796446 2.2712551160118855 2.100998740542259 1.972532566324258 1.6722622314050901 1.2868637087511132 1.0423136421674544 0.8503882734562319 0.6445328376611345 0.434034046171406 0.2792555230171955 0.24984760361789585 0.14305042264149093 0.05637444967513269 -0.013275885744260276 -0.20210568399239254 +35065,-0.3383107843680971,1,1.7248869292775266 1.9895582038712234 2.2387516261495044 2.2991152501796446 2.2712551160118855 2.100998740542259 1.972532566324258 1.6722622314050901 1.2868637087511132 1.0423136421674544 0.8503882734562319 0.6445328376611345 0.434034046171406 0.2792555230171955 0.24984760361789585 0.14305042264149093 0.05637444967513269 -0.013275885744260276 -0.20210568399239254 -0.28568608649566934 +35066,-0.34604971052580935,1,1.9895582038712234 2.2387516261495044 2.2991152501796446 2.2712551160118855 2.100998740542259 1.972532566324258 1.6722622314050901 1.2868637087511132 1.0423136421674544 0.8503882734562319 0.6445328376611345 0.434034046171406 0.2792555230171955 0.24984760361789585 0.14305042264149093 0.05637444967513269 -0.013275885744260276 -0.20210568399239254 -0.28568608649566934 -0.3383107843680971 +35067,0.07494787245363867,1,2.2387516261495044 2.2991152501796446 2.2712551160118855 2.100998740542259 1.972532566324258 1.6722622314050901 1.2868637087511132 1.0423136421674544 0.8503882734562319 0.6445328376611345 0.434034046171406 0.2792555230171955 0.24984760361789585 0.14305042264149093 0.05637444967513269 -0.013275885744260276 -0.20210568399239254 -0.28568608649566934 -0.3383107843680971 -0.34604971052580935 +35068,0.6987053207651116,1,2.2991152501796446 2.2712551160118855 2.100998740542259 1.972532566324258 1.6722622314050901 1.2868637087511132 1.0423136421674544 0.8503882734562319 0.6445328376611345 0.434034046171406 0.2792555230171955 0.24984760361789585 0.14305042264149093 0.05637444967513269 -0.013275885744260276 -0.20210568399239254 -0.28568608649566934 -0.3383107843680971 -0.34604971052580935 0.07494787245363867 +35069,1.2063788767109178,1,2.2712551160118855 2.100998740542259 1.972532566324258 1.6722622314050901 1.2868637087511132 1.0423136421674544 0.8503882734562319 0.6445328376611345 0.434034046171406 0.2792555230171955 0.24984760361789585 0.14305042264149093 0.05637444967513269 -0.013275885744260276 -0.20210568399239254 -0.28568608649566934 -0.3383107843680971 -0.34604971052580935 0.07494787245363867 0.6987053207651116 +35070,1.5190314934824292,1,2.100998740542259 1.972532566324258 1.6722622314050901 1.2868637087511132 1.0423136421674544 0.8503882734562319 0.6445328376611345 0.434034046171406 0.2792555230171955 0.24984760361789585 0.14305042264149093 0.05637444967513269 -0.013275885744260276 -0.20210568399239254 -0.28568608649566934 -0.3383107843680971 -0.34604971052580935 0.07494787245363867 0.6987053207651116 1.2063788767109178 +35071,1.718695788351355,1,1.972532566324258 1.6722622314050901 1.2868637087511132 1.0423136421674544 0.8503882734562319 0.6445328376611345 0.434034046171406 0.2792555230171955 0.24984760361789585 0.14305042264149093 0.05637444967513269 -0.013275885744260276 -0.20210568399239254 -0.28568608649566934 -0.3383107843680971 -0.34604971052580935 0.07494787245363867 0.6987053207651116 1.2063788767109178 1.5190314934824292 +35072,1.8193018284015972,1,1.6722622314050901 1.2868637087511132 1.0423136421674544 0.8503882734562319 0.6445328376611345 0.434034046171406 0.2792555230171955 0.24984760361789585 0.14305042264149093 0.05637444967513269 -0.013275885744260276 -0.20210568399239254 -0.28568608649566934 -0.3383107843680971 -0.34604971052580935 0.07494787245363867 0.6987053207651116 1.2063788767109178 1.5190314934824292 1.718695788351355 +35073,1.7759638419184136,1,1.2868637087511132 1.0423136421674544 0.8503882734562319 0.6445328376611345 0.434034046171406 0.2792555230171955 0.24984760361789585 0.14305042264149093 0.05637444967513269 -0.013275885744260276 -0.20210568399239254 -0.28568608649566934 -0.3383107843680971 -0.34604971052580935 0.07494787245363867 0.6987053207651116 1.2063788767109178 1.5190314934824292 1.718695788351355 1.8193018284015972 +35074,1.7496514929821954,1,1.0423136421674544 0.8503882734562319 0.6445328376611345 0.434034046171406 0.2792555230171955 0.24984760361789585 0.14305042264149093 0.05637444967513269 -0.013275885744260276 -0.20210568399239254 -0.28568608649566934 -0.3383107843680971 -0.34604971052580935 0.07494787245363867 0.6987053207651116 1.2063788767109178 1.5190314934824292 1.718695788351355 1.8193018284015972 1.7759638419184136 +35075,1.6892878689520554,1,0.8503882734562319 0.6445328376611345 0.434034046171406 0.2792555230171955 0.24984760361789585 0.14305042264149093 0.05637444967513269 -0.013275885744260276 -0.20210568399239254 -0.28568608649566934 -0.3383107843680971 -0.34604971052580935 0.07494787245363867 0.6987053207651116 1.2063788767109178 1.5190314934824292 1.718695788351355 1.8193018284015972 1.7759638419184136 1.7496514929821954 +35076,1.409138742042934,1,0.6445328376611345 0.434034046171406 0.2792555230171955 0.24984760361789585 0.14305042264149093 0.05637444967513269 -0.013275885744260276 -0.20210568399239254 -0.28568608649566934 -0.3383107843680971 -0.34604971052580935 0.07494787245363867 0.6987053207651116 1.2063788767109178 1.5190314934824292 1.718695788351355 1.8193018284015972 1.7759638419184136 1.7496514929821954 1.6892878689520554 +35077,0.9540898839695554,1,0.434034046171406 0.2792555230171955 0.24984760361789585 0.14305042264149093 0.05637444967513269 -0.013275885744260276 -0.20210568399239254 -0.28568608649566934 -0.3383107843680971 -0.34604971052580935 0.07494787245363867 0.6987053207651116 1.2063788767109178 1.5190314934824292 1.718695788351355 1.8193018284015972 1.7759638419184136 1.7496514929821954 1.6892878689520554 1.409138742042934 +35078,0.701800891228193,1,0.2792555230171955 0.24984760361789585 0.14305042264149093 0.05637444967513269 -0.013275885744260276 -0.20210568399239254 -0.28568608649566934 -0.3383107843680971 -0.34604971052580935 0.07494787245363867 0.6987053207651116 1.2063788767109178 1.5190314934824292 1.718695788351355 1.8193018284015972 1.7759638419184136 1.7496514929821954 1.6892878689520554 1.409138742042934 0.9540898839695554 +35079,0.6460806228926751,1,0.24984760361789585 0.14305042264149093 0.05637444967513269 -0.013275885744260276 -0.20210568399239254 -0.28568608649566934 -0.3383107843680971 -0.34604971052580935 0.07494787245363867 0.6987053207651116 1.2063788767109178 1.5190314934824292 1.718695788351355 1.8193018284015972 1.7759638419184136 1.7496514929821954 1.6892878689520554 1.409138742042934 0.9540898839695554 0.701800891228193 +35080,0.25449095931252674,1,0.14305042264149093 0.05637444967513269 -0.013275885744260276 -0.20210568399239254 -0.28568608649566934 -0.3383107843680971 -0.34604971052580935 0.07494787245363867 0.6987053207651116 1.2063788767109178 1.5190314934824292 1.718695788351355 1.8193018284015972 1.7759638419184136 1.7496514929821954 1.6892878689520554 1.409138742042934 0.9540898839695554 0.701800891228193 0.6460806228926751 +35081,0.05792223490668219,1,0.05637444967513269 -0.013275885744260276 -0.20210568399239254 -0.28568608649566934 -0.3383107843680971 -0.34604971052580935 0.07494787245363867 0.6987053207651116 1.2063788767109178 1.5190314934824292 1.718695788351355 1.8193018284015972 1.7759638419184136 1.7496514929821954 1.6892878689520554 1.409138742042934 0.9540898839695554 0.701800891228193 0.6460806228926751 0.25449095931252674 +35082,-0.11078635533141219,1,-0.013275885744260276 -0.20210568399239254 -0.28568608649566934 -0.3383107843680971 -0.34604971052580935 0.07494787245363867 0.6987053207651116 1.2063788767109178 1.5190314934824292 1.718695788351355 1.8193018284015972 1.7759638419184136 1.7496514929821954 1.6892878689520554 1.409138742042934 0.9540898839695554 0.701800891228193 0.6460806228926751 0.25449095931252674 0.05792223490668219 +35083,-0.25782595232791045,1,-0.20210568399239254 -0.28568608649566934 -0.3383107843680971 -0.34604971052580935 0.07494787245363867 0.6987053207651116 1.2063788767109178 1.5190314934824292 1.718695788351355 1.8193018284015972 1.7759638419184136 1.7496514929821954 1.6892878689520554 1.409138742042934 0.9540898839695554 0.701800891228193 0.6460806228926751 0.25449095931252674 0.05792223490668219 -0.11078635533141219 +35084,-0.315094005894969,1,-0.28568608649566934 -0.3383107843680971 -0.34604971052580935 0.07494787245363867 0.6987053207651116 1.2063788767109178 1.5190314934824292 1.718695788351355 1.8193018284015972 1.7759638419184136 1.7496514929821954 1.6892878689520554 1.409138742042934 0.9540898839695554 0.701800891228193 0.6460806228926751 0.25449095931252674 0.05792223490668219 -0.11078635533141219 -0.25782595232791045 +35085,-0.394031052703615,1,-0.3383107843680971 -0.34604971052580935 0.07494787245363867 0.6987053207651116 1.2063788767109178 1.5190314934824292 1.718695788351355 1.8193018284015972 1.7759638419184136 1.7496514929821954 1.6892878689520554 1.409138742042934 0.9540898839695554 0.701800891228193 0.6460806228926751 0.25449095931252674 0.05792223490668219 -0.11078635533141219 -0.25782595232791045 -0.315094005894969 +35086,-0.45284689150221424,1,-0.34604971052580935 0.07494787245363867 0.6987053207651116 1.2063788767109178 1.5190314934824292 1.718695788351355 1.8193018284015972 1.7759638419184136 1.7496514929821954 1.6892878689520554 1.409138742042934 0.9540898839695554 0.701800891228193 0.6460806228926751 0.25449095931252674 0.05792223490668219 -0.11078635533141219 -0.25782595232791045 -0.315094005894969 -0.394031052703615 +35087,-0.5070193746061915,1,0.07494787245363867 0.6987053207651116 1.2063788767109178 1.5190314934824292 1.718695788351355 1.8193018284015972 1.7759638419184136 1.7496514929821954 1.6892878689520554 1.409138742042934 0.9540898839695554 0.701800891228193 0.6460806228926751 0.25449095931252674 0.05792223490668219 -0.11078635533141219 -0.25782595232791045 -0.315094005894969 -0.394031052703615 -0.45284689150221424 +35088,-0.5441662201632034,1,0.6987053207651116 1.2063788767109178 1.5190314934824292 1.718695788351355 1.8193018284015972 1.7759638419184136 1.7496514929821954 1.6892878689520554 1.409138742042934 0.9540898839695554 0.701800891228193 0.6460806228926751 0.25449095931252674 0.05792223490668219 -0.11078635533141219 -0.25782595232791045 -0.315094005894969 -0.394031052703615 -0.45284689150221424 -0.5070193746061915 +35089,-0.620007696508768,1,1.2063788767109178 1.5190314934824292 1.718695788351355 1.8193018284015972 1.7759638419184136 1.7496514929821954 1.6892878689520554 1.409138742042934 0.9540898839695554 0.701800891228193 0.6460806228926751 0.25449095931252674 0.05792223490668219 -0.11078635533141219 -0.25782595232791045 -0.315094005894969 -0.394031052703615 -0.45284689150221424 -0.5070193746061915 -0.5441662201632034 +35090,-0.6803713205389079,1,1.5190314934824292 1.718695788351355 1.8193018284015972 1.7759638419184136 1.7496514929821954 1.6892878689520554 1.409138742042934 0.9540898839695554 0.701800891228193 0.6460806228926751 0.25449095931252674 0.05792223490668219 -0.11078635533141219 -0.25782595232791045 -0.315094005894969 -0.394031052703615 -0.45284689150221424 -0.5070193746061915 -0.5441662201632034 -0.620007696508768 +35091,-0.34295414006272795,1,1.718695788351355 1.8193018284015972 1.7759638419184136 1.7496514929821954 1.6892878689520554 1.409138742042934 0.9540898839695554 0.701800891228193 0.6460806228926751 0.25449095931252674 0.05792223490668219 -0.11078635533141219 -0.25782595232791045 -0.315094005894969 -0.394031052703615 -0.45284689150221424 -0.5070193746061915 -0.5441662201632034 -0.620007696508768 -0.6803713205389079 +35092,0.16626720111462778,1,1.8193018284015972 1.7759638419184136 1.7496514929821954 1.6892878689520554 1.409138742042934 0.9540898839695554 0.701800891228193 0.6460806228926751 0.25449095931252674 0.05792223490668219 -0.11078635533141219 -0.25782595232791045 -0.315094005894969 -0.394031052703615 -0.45284689150221424 -0.5070193746061915 -0.5441662201632034 -0.620007696508768 -0.6803713205389079 -0.34295414006272795 +35093,0.5779780727048228,1,1.7759638419184136 1.7496514929821954 1.6892878689520554 1.409138742042934 0.9540898839695554 0.701800891228193 0.6460806228926751 0.25449095931252674 0.05792223490668219 -0.11078635533141219 -0.25782595232791045 -0.315094005894969 -0.394031052703615 -0.45284689150221424 -0.5070193746061915 -0.5441662201632034 -0.620007696508768 -0.6803713205389079 -0.34295414006272795 0.16626720111462778 +35094,0.8364582063723568,1,1.7496514929821954 1.6892878689520554 1.409138742042934 0.9540898839695554 0.701800891228193 0.6460806228926751 0.25449095931252674 0.05792223490668219 -0.11078635533141219 -0.25782595232791045 -0.315094005894969 -0.394031052703615 -0.45284689150221424 -0.5070193746061915 -0.5441662201632034 -0.620007696508768 -0.6803713205389079 -0.34295414006272795 0.16626720111462778 0.5779780727048228 +35095,1.053148138788248,1,1.6892878689520554 1.409138742042934 0.9540898839695554 0.701800891228193 0.6460806228926751 0.25449095931252674 0.05792223490668219 -0.11078635533141219 -0.25782595232791045 -0.315094005894969 -0.394031052703615 -0.45284689150221424 -0.5070193746061915 -0.5441662201632034 -0.620007696508768 -0.6803713205389079 -0.34295414006272795 0.16626720111462778 0.5779780727048228 0.8364582063723568 +35096,1.1011294809660537,1,1.409138742042934 0.9540898839695554 0.701800891228193 0.6460806228926751 0.25449095931252674 0.05792223490668219 -0.11078635533141219 -0.25782595232791045 -0.315094005894969 -0.394031052703615 -0.45284689150221424 -0.5070193746061915 -0.5441662201632034 -0.620007696508768 -0.6803713205389079 -0.34295414006272795 0.16626720111462778 0.5779780727048228 0.8364582063723568 1.053148138788248 +35097,1.067078205872132,1,0.9540898839695554 0.701800891228193 0.6460806228926751 0.25449095931252674 0.05792223490668219 -0.11078635533141219 -0.25782595232791045 -0.315094005894969 -0.394031052703615 -0.45284689150221424 -0.5070193746061915 -0.5441662201632034 -0.620007696508768 -0.6803713205389079 -0.34295414006272795 0.16626720111462778 0.5779780727048228 0.8364582063723568 1.053148138788248 1.1011294809660537 +35098,0.9773066624426923,1,0.701800891228193 0.6460806228926751 0.25449095931252674 0.05792223490668219 -0.11078635533141219 -0.25782595232791045 -0.315094005894969 -0.394031052703615 -0.45284689150221424 -0.5070193746061915 -0.5441662201632034 -0.620007696508768 -0.6803713205389079 -0.34295414006272795 0.16626720111462778 0.5779780727048228 0.8364582063723568 1.053148138788248 1.1011294809660537 1.067078205872132 +35099,0.8519360586877814,1,0.6460806228926751 0.25449095931252674 0.05792223490668219 -0.11078635533141219 -0.25782595232791045 -0.315094005894969 -0.394031052703615 -0.45284689150221424 -0.5070193746061915 -0.5441662201632034 -0.620007696508768 -0.6803713205389079 -0.34295414006272795 0.16626720111462778 0.5779780727048228 0.8364582063723568 1.053148138788248 1.1011294809660537 1.067078205872132 0.9773066624426923 +35100,0.7838335084999292,1,0.25449095931252674 0.05792223490668219 -0.11078635533141219 -0.25782595232791045 -0.315094005894969 -0.394031052703615 -0.45284689150221424 -0.5070193746061915 -0.5441662201632034 -0.620007696508768 -0.6803713205389079 -0.34295414006272795 0.16626720111462778 0.5779780727048228 0.8364582063723568 1.053148138788248 1.1011294809660537 1.067078205872132 0.9773066624426923 0.8519360586877814 +35101,0.313306798111126,1,0.05792223490668219 -0.11078635533141219 -0.25782595232791045 -0.315094005894969 -0.394031052703615 -0.45284689150221424 -0.5070193746061915 -0.5441662201632034 -0.620007696508768 -0.6803713205389079 -0.34295414006272795 0.16626720111462778 0.5779780727048228 0.8364582063723568 1.053148138788248 1.1011294809660537 1.067078205872132 0.9773066624426923 0.8519360586877814 0.7838335084999292 +35102,0.011488677960417278,1,-0.11078635533141219 -0.25782595232791045 -0.315094005894969 -0.394031052703615 -0.45284689150221424 -0.5070193746061915 -0.5441662201632034 -0.620007696508768 -0.6803713205389079 -0.34295414006272795 0.16626720111462778 0.5779780727048228 0.8364582063723568 1.053148138788248 1.1011294809660537 1.067078205872132 0.9773066624426923 0.8519360586877814 0.7838335084999292 0.313306798111126 +35103,-0.15102877135150553,1,-0.25782595232791045 -0.315094005894969 -0.394031052703615 -0.45284689150221424 -0.5070193746061915 -0.5441662201632034 -0.620007696508768 -0.6803713205389079 -0.34295414006272795 0.16626720111462778 0.5779780727048228 0.8364582063723568 1.053148138788248 1.1011294809660537 1.067078205872132 0.9773066624426923 0.8519360586877814 0.7838335084999292 0.313306798111126 0.011488677960417278 +35104,-0.35843199237815254,1,-0.315094005894969 -0.394031052703615 -0.45284689150221424 -0.5070193746061915 -0.5441662201632034 -0.620007696508768 -0.6803713205389079 -0.34295414006272795 0.16626720111462778 0.5779780727048228 0.8364582063723568 1.053148138788248 1.1011294809660537 1.067078205872132 0.9773066624426923 0.8519360586877814 0.7838335084999292 0.313306798111126 0.011488677960417278 -0.15102877135150553 +35105,-0.3491452809888996,1,-0.394031052703615 -0.45284689150221424 -0.5070193746061915 -0.5441662201632034 -0.620007696508768 -0.6803713205389079 -0.34295414006272795 0.16626720111462778 0.5779780727048228 0.8364582063723568 1.053148138788248 1.1011294809660537 1.067078205872132 0.9773066624426923 0.8519360586877814 0.7838335084999292 0.313306798111126 0.011488677960417278 -0.15102877135150553 -0.35843199237815254 +35106,-0.5286883678477788,1,-0.45284689150221424 -0.5070193746061915 -0.5441662201632034 -0.620007696508768 -0.6803713205389079 -0.34295414006272795 0.16626720111462778 0.5779780727048228 0.8364582063723568 1.053148138788248 1.1011294809660537 1.067078205872132 0.9773066624426923 0.8519360586877814 0.7838335084999292 0.313306798111126 0.011488677960417278 -0.15102877135150553 -0.35843199237815254 -0.3491452809888996 +35107,-0.5132105155323631,1,-0.5070193746061915 -0.5441662201632034 -0.620007696508768 -0.6803713205389079 -0.34295414006272795 0.16626720111462778 0.5779780727048228 0.8364582063723568 1.053148138788248 1.1011294809660537 1.067078205872132 0.9773066624426923 0.8519360586877814 0.7838335084999292 0.313306798111126 0.011488677960417278 -0.15102877135150553 -0.35843199237815254 -0.3491452809888996 -0.5286883678477788 +35108,-0.45129910627067354,1,-0.5441662201632034 -0.620007696508768 -0.6803713205389079 -0.34295414006272795 0.16626720111462778 0.5779780727048228 0.8364582063723568 1.053148138788248 1.1011294809660537 1.067078205872132 0.9773066624426923 0.8519360586877814 0.7838335084999292 0.313306798111126 0.011488677960417278 -0.15102877135150553 -0.35843199237815254 -0.3491452809888996 -0.5286883678477788 -0.5132105155323631 +35109,-0.8490799107769935,1,-0.620007696508768 -0.6803713205389079 -0.34295414006272795 0.16626720111462778 0.5779780727048228 0.8364582063723568 1.053148138788248 1.1011294809660537 1.067078205872132 0.9773066624426923 0.8519360586877814 0.7838335084999292 0.313306798111126 0.011488677960417278 -0.15102877135150553 -0.35843199237815254 -0.3491452809888996 -0.5286883678477788 -0.5132105155323631 -0.45129910627067354 +35110,-0.49154152229076686,1,-0.6803713205389079 -0.34295414006272795 0.16626720111462778 0.5779780727048228 0.8364582063723568 1.053148138788248 1.1011294809660537 1.067078205872132 0.9773066624426923 0.8519360586877814 0.7838335084999292 0.313306798111126 0.011488677960417278 -0.15102877135150553 -0.35843199237815254 -0.3491452809888996 -0.5286883678477788 -0.5132105155323631 -0.45129910627067354 -0.8490799107769935 +35111,-0.6679890386865736,1,-0.34295414006272795 0.16626720111462778 0.5779780727048228 0.8364582063723568 1.053148138788248 1.1011294809660537 1.067078205872132 0.9773066624426923 0.8519360586877814 0.7838335084999292 0.313306798111126 0.011488677960417278 -0.15102877135150553 -0.35843199237815254 -0.3491452809888996 -0.5286883678477788 -0.5132105155323631 -0.45129910627067354 -0.8490799107769935 -0.49154152229076686 +35112,-0.6741801796127364,1,0.16626720111462778 0.5779780727048228 0.8364582063723568 1.053148138788248 1.1011294809660537 1.067078205872132 0.9773066624426923 0.8519360586877814 0.7838335084999292 0.313306798111126 0.011488677960417278 -0.15102877135150553 -0.35843199237815254 -0.3491452809888996 -0.5286883678477788 -0.5132105155323631 -0.45129910627067354 -0.8490799107769935 -0.49154152229076686 -0.6679890386865736 +35113,-0.7268048774851729,1,0.5779780727048228 0.8364582063723568 1.053148138788248 1.1011294809660537 1.067078205872132 0.9773066624426923 0.8519360586877814 0.7838335084999292 0.313306798111126 0.011488677960417278 -0.15102877135150553 -0.35843199237815254 -0.3491452809888996 -0.5286883678477788 -0.5132105155323631 -0.45129910627067354 -0.8490799107769935 -0.49154152229076686 -0.6679890386865736 -0.6741801796127364 +35114,-0.7794295753576006,1,0.8364582063723568 1.053148138788248 1.1011294809660537 1.067078205872132 0.9773066624426923 0.8519360586877814 0.7838335084999292 0.313306798111126 0.011488677960417278 -0.15102877135150553 -0.35843199237815254 -0.3491452809888996 -0.5286883678477788 -0.5132105155323631 -0.45129910627067354 -0.8490799107769935 -0.49154152229076686 -0.6679890386865736 -0.6741801796127364 -0.7268048774851729 +35115,-0.4822548109015139,1,1.053148138788248 1.1011294809660537 1.067078205872132 0.9773066624426923 0.8519360586877814 0.7838335084999292 0.313306798111126 0.011488677960417278 -0.15102877135150553 -0.35843199237815254 -0.3491452809888996 -0.5286883678477788 -0.5132105155323631 -0.45129910627067354 -0.8490799107769935 -0.49154152229076686 -0.6679890386865736 -0.6741801796127364 -0.7268048774851729 -0.7794295753576006 +35116,-0.06280501315360658,1,1.1011294809660537 1.067078205872132 0.9773066624426923 0.8519360586877814 0.7838335084999292 0.313306798111126 0.011488677960417278 -0.15102877135150553 -0.35843199237815254 -0.3491452809888996 -0.5286883678477788 -0.5132105155323631 -0.45129910627067354 -0.8490799107769935 -0.49154152229076686 -0.6679890386865736 -0.6741801796127364 -0.7268048774851729 -0.7794295753576006 -0.4822548109015139 +35117,0.35509699936276,1,1.067078205872132 0.9773066624426923 0.8519360586877814 0.7838335084999292 0.313306798111126 0.011488677960417278 -0.15102877135150553 -0.35843199237815254 -0.3491452809888996 -0.5286883678477788 -0.5132105155323631 -0.45129910627067354 -0.8490799107769935 -0.49154152229076686 -0.6679890386865736 -0.6741801796127364 -0.7268048774851729 -0.7794295753576006 -0.4822548109015139 -0.06280501315360658 +35118,0.5439267976109011,1,0.9773066624426923 0.8519360586877814 0.7838335084999292 0.313306798111126 0.011488677960417278 -0.15102877135150553 -0.35843199237815254 -0.3491452809888996 -0.5286883678477788 -0.5132105155323631 -0.45129910627067354 -0.8490799107769935 -0.49154152229076686 -0.6679890386865736 -0.6741801796127364 -0.7268048774851729 -0.7794295753576006 -0.4822548109015139 -0.06280501315360658 0.35509699936276 +35119,0.7575211595637109,1,0.8519360586877814 0.7838335084999292 0.313306798111126 0.011488677960417278 -0.15102877135150553 -0.35843199237815254 -0.3491452809888996 -0.5286883678477788 -0.5132105155323631 -0.45129910627067354 -0.8490799107769935 -0.49154152229076686 -0.6679890386865736 -0.6741801796127364 -0.7268048774851729 -0.7794295753576006 -0.4822548109015139 -0.06280501315360658 0.35509699936276 0.5439267976109011 +35120,0.8751528371609095,1,0.7838335084999292 0.313306798111126 0.011488677960417278 -0.15102877135150553 -0.35843199237815254 -0.3491452809888996 -0.5286883678477788 -0.5132105155323631 -0.45129910627067354 -0.8490799107769935 -0.49154152229076686 -0.6679890386865736 -0.6741801796127364 -0.7268048774851729 -0.7794295753576006 -0.4822548109015139 -0.06280501315360658 0.35509699936276 0.5439267976109011 0.7575211595637109 +35121,0.8472927029931505,1,0.313306798111126 0.011488677960417278 -0.15102877135150553 -0.35843199237815254 -0.3491452809888996 -0.5286883678477788 -0.5132105155323631 -0.45129910627067354 -0.8490799107769935 -0.49154152229076686 -0.6679890386865736 -0.6741801796127364 -0.7268048774851729 -0.7794295753576006 -0.4822548109015139 -0.06280501315360658 0.35509699936276 0.5439267976109011 0.7575211595637109 0.8751528371609095 +35122,0.8983696156340375,1,0.011488677960417278 -0.15102877135150553 -0.35843199237815254 -0.3491452809888996 -0.5286883678477788 -0.5132105155323631 -0.45129910627067354 -0.8490799107769935 -0.49154152229076686 -0.6679890386865736 -0.6741801796127364 -0.7268048774851729 -0.7794295753576006 -0.4822548109015139 -0.06280501315360658 0.35509699936276 0.5439267976109011 0.7575211595637109 0.8751528371609095 0.8472927029931505 +35123,0.7915724346576326,1,-0.15102877135150553 -0.35843199237815254 -0.3491452809888996 -0.5286883678477788 -0.5132105155323631 -0.45129910627067354 -0.8490799107769935 -0.49154152229076686 -0.6679890386865736 -0.6741801796127364 -0.7268048774851729 -0.7794295753576006 -0.4822548109015139 -0.06280501315360658 0.35509699936276 0.5439267976109011 0.7575211595637109 0.8751528371609095 0.8472927029931505 0.8983696156340375 +35124,0.6166727034933754,1,-0.35843199237815254 -0.3491452809888996 -0.5286883678477788 -0.5132105155323631 -0.45129910627067354 -0.8490799107769935 -0.49154152229076686 -0.6679890386865736 -0.6741801796127364 -0.7268048774851729 -0.7794295753576006 -0.4822548109015139 -0.06280501315360658 0.35509699936276 0.5439267976109011 0.7575211595637109 0.8751528371609095 0.8472927029931505 0.8983696156340375 0.7915724346576326 +35125,0.40462612677210635,1,-0.3491452809888996 -0.5286883678477788 -0.5132105155323631 -0.45129910627067354 -0.8490799107769935 -0.49154152229076686 -0.6679890386865736 -0.6741801796127364 -0.7268048774851729 -0.7794295753576006 -0.4822548109015139 -0.06280501315360658 0.35509699936276 0.5439267976109011 0.7575211595637109 0.8751528371609095 0.8472927029931505 0.8983696156340375 0.7915724346576326 0.6166727034933754 +35126,0.11519028847373199,1,-0.5286883678477788 -0.5132105155323631 -0.45129910627067354 -0.8490799107769935 -0.49154152229076686 -0.6679890386865736 -0.6741801796127364 -0.7268048774851729 -0.7794295753576006 -0.4822548109015139 -0.06280501315360658 0.35509699936276 0.5439267976109011 0.7575211595637109 0.8751528371609095 0.8472927029931505 0.8983696156340375 0.7915724346576326 0.6166727034933754 0.40462612677210635 +35127,-0.03649266421738833,1,-0.5132105155323631 -0.45129910627067354 -0.8490799107769935 -0.49154152229076686 -0.6679890386865736 -0.6741801796127364 -0.7268048774851729 -0.7794295753576006 -0.4822548109015139 -0.06280501315360658 0.35509699936276 0.5439267976109011 0.7575211595637109 0.8751528371609095 0.8472927029931505 0.8983696156340375 0.7915724346576326 0.6166727034933754 0.40462612677210635 0.11519028847373199 +35128,-0.19746232829777044,1,-0.45129910627067354 -0.8490799107769935 -0.49154152229076686 -0.6679890386865736 -0.6741801796127364 -0.7268048774851729 -0.7794295753576006 -0.4822548109015139 -0.06280501315360658 0.35509699936276 0.5439267976109011 0.7575211595637109 0.8751528371609095 0.8472927029931505 0.8983696156340375 0.7915724346576326 0.6166727034933754 0.40462612677210635 0.11519028847373199 -0.03649266421738833 +35129,-0.22996581816015146,1,-0.8490799107769935 -0.49154152229076686 -0.6679890386865736 -0.6741801796127364 -0.7268048774851729 -0.7794295753576006 -0.4822548109015139 -0.06280501315360658 0.35509699936276 0.5439267976109011 0.7575211595637109 0.8751528371609095 0.8472927029931505 0.8983696156340375 0.7915724346576326 0.6166727034933754 0.40462612677210635 0.11519028847373199 -0.03649266421738833 -0.19746232829777044 +35130,-0.3491452809888996,1,-0.49154152229076686 -0.6679890386865736 -0.6741801796127364 -0.7268048774851729 -0.7794295753576006 -0.4822548109015139 -0.06280501315360658 0.35509699936276 0.5439267976109011 0.7575211595637109 0.8751528371609095 0.8472927029931505 0.8983696156340375 0.7915724346576326 0.6166727034933754 0.40462612677210635 0.11519028847373199 -0.03649266421738833 -0.19746232829777044 -0.22996581816015146 +35131,-0.4884459518276855,1,-0.6679890386865736 -0.6741801796127364 -0.7268048774851729 -0.7794295753576006 -0.4822548109015139 -0.06280501315360658 0.35509699936276 0.5439267976109011 0.7575211595637109 0.8751528371609095 0.8472927029931505 0.8983696156340375 0.7915724346576326 0.6166727034933754 0.40462612677210635 0.11519028847373199 -0.03649266421738833 -0.19746232829777044 -0.22996581816015146 -0.3491452809888996 +35132,-0.5875042066463781,1,-0.6741801796127364 -0.7268048774851729 -0.7794295753576006 -0.4822548109015139 -0.06280501315360658 0.35509699936276 0.5439267976109011 0.7575211595637109 0.8751528371609095 0.8472927029931505 0.8983696156340375 0.7915724346576326 0.6166727034933754 0.40462612677210635 0.11519028847373199 -0.03649266421738833 -0.19746232829777044 -0.22996581816015146 -0.3491452809888996 -0.4884459518276855 +35133,-0.6323899783611023,1,-0.7268048774851729 -0.7794295753576006 -0.4822548109015139 -0.06280501315360658 0.35509699936276 0.5439267976109011 0.7575211595637109 0.8751528371609095 0.8472927029931505 0.8983696156340375 0.7915724346576326 0.6166727034933754 0.40462612677210635 0.11519028847373199 -0.03649266421738833 -0.19746232829777044 -0.22996581816015146 -0.3491452809888996 -0.4884459518276855 -0.5875042066463781 +35134,-0.7871685015153128,1,-0.7794295753576006 -0.4822548109015139 -0.06280501315360658 0.35509699936276 0.5439267976109011 0.7575211595637109 0.8751528371609095 0.8472927029931505 0.8983696156340375 0.7915724346576326 0.6166727034933754 0.40462612677210635 0.11519028847373199 -0.03649266421738833 -0.19746232829777044 -0.22996581816015146 -0.3491452809888996 -0.4884459518276855 -0.5875042066463781 -0.6323899783611023 +35135,-0.8583666221662465,1,-0.4822548109015139 -0.06280501315360658 0.35509699936276 0.5439267976109011 0.7575211595637109 0.8751528371609095 0.8472927029931505 0.8983696156340375 0.7915724346576326 0.6166727034933754 0.40462612677210635 0.11519028847373199 -0.03649266421738833 -0.19746232829777044 -0.22996581816015146 -0.3491452809888996 -0.4884459518276855 -0.5875042066463781 -0.6323899783611023 -0.7871685015153128 +35136,-0.8382454141561998,1,-0.06280501315360658 0.35509699936276 0.5439267976109011 0.7575211595637109 0.8751528371609095 0.8472927029931505 0.8983696156340375 0.7915724346576326 0.6166727034933754 0.40462612677210635 0.11519028847373199 -0.03649266421738833 -0.19746232829777044 -0.22996581816015146 -0.3491452809888996 -0.4884459518276855 -0.5875042066463781 -0.6323899783611023 -0.7871685015153128 -0.8583666221662465 +35137,-0.9496859508272356,1,0.35509699936276 0.5439267976109011 0.7575211595637109 0.8751528371609095 0.8472927029931505 0.8983696156340375 0.7915724346576326 0.6166727034933754 0.40462612677210635 0.11519028847373199 -0.03649266421738833 -0.19746232829777044 -0.22996581816015146 -0.3491452809888996 -0.4884459518276855 -0.5875042066463781 -0.6323899783611023 -0.7871685015153128 -0.8583666221662465 -0.8382454141561998 +35138,-0.9558770917533984,1,0.5439267976109011 0.7575211595637109 0.8751528371609095 0.8472927029931505 0.8983696156340375 0.7915724346576326 0.6166727034933754 0.40462612677210635 0.11519028847373199 -0.03649266421738833 -0.19746232829777044 -0.22996581816015146 -0.3491452809888996 -0.4884459518276855 -0.5875042066463781 -0.6323899783611023 -0.7871685015153128 -0.8583666221662465 -0.8382454141561998 -0.9496859508272356 +35139,-0.4327256834921676,1,0.7575211595637109 0.8751528371609095 0.8472927029931505 0.8983696156340375 0.7915724346576326 0.6166727034933754 0.40462612677210635 0.11519028847373199 -0.03649266421738833 -0.19746232829777044 -0.22996581816015146 -0.3491452809888996 -0.4884459518276855 -0.5875042066463781 -0.6323899783611023 -0.7871685015153128 -0.8583666221662465 -0.8382454141561998 -0.9496859508272356 -0.9558770917533984 +35140,0.12447699986298497,1,0.8751528371609095 0.8472927029931505 0.8983696156340375 0.7915724346576326 0.6166727034933754 0.40462612677210635 0.11519028847373199 -0.03649266421738833 -0.19746232829777044 -0.22996581816015146 -0.3491452809888996 -0.4884459518276855 -0.5875042066463781 -0.6323899783611023 -0.7871685015153128 -0.8583666221662465 -0.8382454141561998 -0.9496859508272356 -0.9558770917533984 -0.4327256834921676 +35141,0.5160666634431421,1,0.8472927029931505 0.8983696156340375 0.7915724346576326 0.6166727034933754 0.40462612677210635 0.11519028847373199 -0.03649266421738833 -0.19746232829777044 -0.22996581816015146 -0.3491452809888996 -0.4884459518276855 -0.5875042066463781 -0.6323899783611023 -0.7871685015153128 -0.8583666221662465 -0.8382454141561998 -0.9496859508272356 -0.9558770917533984 -0.4327256834921676 0.12447699986298497 +35142,0.6785841127550649,1,0.8983696156340375 0.7915724346576326 0.6166727034933754 0.40462612677210635 0.11519028847373199 -0.03649266421738833 -0.19746232829777044 -0.22996581816015146 -0.3491452809888996 -0.4884459518276855 -0.5875042066463781 -0.6323899783611023 -0.7871685015153128 -0.8583666221662465 -0.8382454141561998 -0.9496859508272356 -0.9558770917533984 -0.4327256834921676 0.12447699986298497 0.5160666634431421 +35143,1.085651628650638,1,0.7915724346576326 0.6166727034933754 0.40462612677210635 0.11519028847373199 -0.03649266421738833 -0.19746232829777044 -0.22996581816015146 -0.3491452809888996 -0.4884459518276855 -0.5875042066463781 -0.6323899783611023 -0.7871685015153128 -0.8583666221662465 -0.8382454141561998 -0.9496859508272356 -0.9558770917533984 -0.4327256834921676 0.12447699986298497 0.5160666634431421 0.6785841127550649 +35144,1.118155118513019,1,0.6166727034933754 0.40462612677210635 0.11519028847373199 -0.03649266421738833 -0.19746232829777044 -0.22996581816015146 -0.3491452809888996 -0.4884459518276855 -0.5875042066463781 -0.6323899783611023 -0.7871685015153128 -0.8583666221662465 -0.8382454141561998 -0.9496859508272356 -0.9558770917533984 -0.4327256834921676 0.12447699986298497 0.5160666634431421 0.6785841127550649 1.085651628650638 +35145,1.159945319764653,1,0.40462612677210635 0.11519028847373199 -0.03649266421738833 -0.19746232829777044 -0.22996581816015146 -0.3491452809888996 -0.4884459518276855 -0.5875042066463781 -0.6323899783611023 -0.7871685015153128 -0.8583666221662465 -0.8382454141561998 -0.9496859508272356 -0.9558770917533984 -0.4327256834921676 0.12447699986298497 0.5160666634431421 0.6785841127550649 1.085651628650638 1.118155118513019 +35146,1.076364917261385,1,0.11519028847373199 -0.03649266421738833 -0.19746232829777044 -0.22996581816015146 -0.3491452809888996 -0.4884459518276855 -0.5875042066463781 -0.6323899783611023 -0.7871685015153128 -0.8583666221662465 -0.8382454141561998 -0.9496859508272356 -0.9558770917533984 -0.4327256834921676 0.12447699986298497 0.5160666634431421 0.6785841127550649 1.085651628650638 1.118155118513019 1.159945319764653 +35147,0.9122996827179214,1,-0.03649266421738833 -0.19746232829777044 -0.22996581816015146 -0.3491452809888996 -0.4884459518276855 -0.5875042066463781 -0.6323899783611023 -0.7871685015153128 -0.8583666221662465 -0.8382454141561998 -0.9496859508272356 -0.9558770917533984 -0.4327256834921676 0.12447699986298497 0.5160666634431421 0.6785841127550649 1.085651628650638 1.118155118513019 1.159945319764653 1.076364917261385 +35148,0.7126353878489867,1,-0.19746232829777044 -0.22996581816015146 -0.3491452809888996 -0.4884459518276855 -0.5875042066463781 -0.6323899783611023 -0.7871685015153128 -0.8583666221662465 -0.8382454141561998 -0.9496859508272356 -0.9558770917533984 -0.4327256834921676 0.12447699986298497 0.5160666634431421 0.6785841127550649 1.085651628650638 1.118155118513019 1.159945319764653 1.076364917261385 0.9122996827179214 +35149,0.38605270399360037,1,-0.22996581816015146 -0.3491452809888996 -0.4884459518276855 -0.5875042066463781 -0.6323899783611023 -0.7871685015153128 -0.8583666221662465 -0.8382454141561998 -0.9496859508272356 -0.9558770917533984 -0.4327256834921676 0.12447699986298497 0.5160666634431421 0.6785841127550649 1.085651628650638 1.118155118513019 1.159945319764653 1.076364917261385 0.9122996827179214 0.7126353878489867 +35150,0.03780102689662673,1,-0.3491452809888996 -0.4884459518276855 -0.5875042066463781 -0.6323899783611023 -0.7871685015153128 -0.8583666221662465 -0.8382454141561998 -0.9496859508272356 -0.9558770917533984 -0.4327256834921676 0.12447699986298497 0.5160666634431421 0.6785841127550649 1.085651628650638 1.118155118513019 1.159945319764653 1.076364917261385 0.9122996827179214 0.7126353878489867 0.38605270399360037 +35151,-0.1603154827407585,1,-0.4884459518276855 -0.5875042066463781 -0.6323899783611023 -0.7871685015153128 -0.8583666221662465 -0.8382454141561998 -0.9496859508272356 -0.9558770917533984 -0.4327256834921676 0.12447699986298497 0.5160666634431421 0.6785841127550649 1.085651628650638 1.118155118513019 1.159945319764653 1.076364917261385 0.9122996827179214 0.7126353878489867 0.38605270399360037 0.03780102689662673 +35152,-0.18972340214005814,1,-0.5875042066463781 -0.6323899783611023 -0.7871685015153128 -0.8583666221662465 -0.8382454141561998 -0.9496859508272356 -0.9558770917533984 -0.4327256834921676 0.12447699986298497 0.5160666634431421 0.6785841127550649 1.085651628650638 1.118155118513019 1.159945319764653 1.076364917261385 0.9122996827179214 0.7126353878489867 0.38605270399360037 0.03780102689662673 -0.1603154827407585 +35153,-0.3909354822405336,1,-0.6323899783611023 -0.7871685015153128 -0.8583666221662465 -0.8382454141561998 -0.9496859508272356 -0.9558770917533984 -0.4327256834921676 0.12447699986298497 0.5160666634431421 0.6785841127550649 1.085651628650638 1.118155118513019 1.159945319764653 1.076364917261385 0.9122996827179214 0.7126353878489867 0.38605270399360037 0.03780102689662673 -0.1603154827407585 -0.18972340214005814 +35154,-0.45284689150221424,1,-0.7871685015153128 -0.8583666221662465 -0.8382454141561998 -0.9496859508272356 -0.9558770917533984 -0.4327256834921676 0.12447699986298497 0.5160666634431421 0.6785841127550649 1.085651628650638 1.118155118513019 1.159945319764653 1.076364917261385 0.9122996827179214 0.7126353878489867 0.38605270399360037 0.03780102689662673 -0.1603154827407585 -0.18972340214005814 -0.3909354822405336 +35155,-1.1389800846448284,1,-0.8583666221662465 -0.8382454141561998 -0.9496859508272356 -0.9558770917533984 -0.4327256834921676 0.12447699986298497 0.5160666634431421 0.6785841127550649 1.085651628650638 1.118155118513019 1.159945319764653 1.076364917261385 0.9122996827179214 0.7126353878489867 0.38605270399360037 0.03780102689662673 -0.1603154827407585 -0.18972340214005814 -0.3909354822405336 -0.45284689150221424 +35156,-0.5379750792370318,1,-0.8382454141561998 -0.9496859508272356 -0.9558770917533984 -0.4327256834921676 0.12447699986298497 0.5160666634431421 0.6785841127550649 1.085651628650638 1.118155118513019 1.159945319764653 1.076364917261385 0.9122996827179214 0.7126353878489867 0.38605270399360037 0.03780102689662673 -0.1603154827407585 -0.18972340214005814 -0.3909354822405336 -0.45284689150221424 -1.1389800846448284 +35157,-1.4624671980371333,1,-0.9496859508272356 -0.9558770917533984 -0.4327256834921676 0.12447699986298497 0.5160666634431421 0.6785841127550649 1.085651628650638 1.118155118513019 1.159945319764653 1.076364917261385 0.9122996827179214 0.7126353878489867 0.38605270399360037 0.03780102689662673 -0.1603154827407585 -0.18972340214005814 -0.3909354822405336 -0.45284689150221424 -1.1389800846448284 -0.5379750792370318 +35158,-1.4624671980371333,1,-0.9558770917533984 -0.4327256834921676 0.12447699986298497 0.5160666634431421 0.6785841127550649 1.085651628650638 1.118155118513019 1.159945319764653 1.076364917261385 0.9122996827179214 0.7126353878489867 0.38605270399360037 0.03780102689662673 -0.1603154827407585 -0.18972340214005814 -0.3909354822405336 -0.45284689150221424 -1.1389800846448284 -0.5379750792370318 -1.4624671980371333 +35159,-1.7025286874493117,1,-0.4327256834921676 0.12447699986298497 0.5160666634431421 0.6785841127550649 1.085651628650638 1.118155118513019 1.159945319764653 1.076364917261385 0.9122996827179214 0.7126353878489867 0.38605270399360037 0.03780102689662673 -0.1603154827407585 -0.18972340214005814 -0.3909354822405336 -0.45284689150221424 -1.1389800846448284 -0.5379750792370318 -1.4624671980371333 -1.4624671980371333 +35160,-1.7025286874493117,1,0.12447699986298497 0.5160666634431421 0.6785841127550649 1.085651628650638 1.118155118513019 1.159945319764653 1.076364917261385 0.9122996827179214 0.7126353878489867 0.38605270399360037 0.03780102689662673 -0.1603154827407585 -0.18972340214005814 -0.3909354822405336 -0.45284689150221424 -1.1389800846448284 -0.5379750792370318 -1.4624671980371333 -1.4624671980371333 -1.7025286874493117 +35161,-1.7025286874493117,1,0.5160666634431421 0.6785841127550649 1.085651628650638 1.118155118513019 1.159945319764653 1.076364917261385 0.9122996827179214 0.7126353878489867 0.38605270399360037 0.03780102689662673 -0.1603154827407585 -0.18972340214005814 -0.3909354822405336 -0.45284689150221424 -1.1389800846448284 -0.5379750792370318 -1.4624671980371333 -1.4624671980371333 -1.7025286874493117 -1.7025286874493117 +35162,-1.5293315200397548,1,0.6785841127550649 1.085651628650638 1.118155118513019 1.159945319764653 1.076364917261385 0.9122996827179214 0.7126353878489867 0.38605270399360037 0.03780102689662673 -0.1603154827407585 -0.18972340214005814 -0.3909354822405336 -0.45284689150221424 -1.1389800846448284 -0.5379750792370318 -1.4624671980371333 -1.4624671980371333 -1.7025286874493117 -1.7025286874493117 -1.7025286874493117 +35163,-1.5293315200397548,1,1.085651628650638 1.118155118513019 1.159945319764653 1.076364917261385 0.9122996827179214 0.7126353878489867 0.38605270399360037 0.03780102689662673 -0.1603154827407585 -0.18972340214005814 -0.3909354822405336 -0.45284689150221424 -1.1389800846448284 -0.5379750792370318 -1.4624671980371333 -1.4624671980371333 -1.7025286874493117 -1.7025286874493117 -1.7025286874493117 -1.5293315200397548 +35164,-1.5293315200397548,1,1.118155118513019 1.159945319764653 1.076364917261385 0.9122996827179214 0.7126353878489867 0.38605270399360037 0.03780102689662673 -0.1603154827407585 -0.18972340214005814 -0.3909354822405336 -0.45284689150221424 -1.1389800846448284 -0.5379750792370318 -1.4624671980371333 -1.4624671980371333 -1.7025286874493117 -1.7025286874493117 -1.7025286874493117 -1.5293315200397548 -1.5293315200397548 +35165,0.34271471751042565,1,1.159945319764653 1.076364917261385 0.9122996827179214 0.7126353878489867 0.38605270399360037 0.03780102689662673 -0.1603154827407585 -0.18972340214005814 -0.3909354822405336 -0.45284689150221424 -1.1389800846448284 -0.5379750792370318 -1.4624671980371333 -1.4624671980371333 -1.7025286874493117 -1.7025286874493117 -1.7025286874493117 -1.5293315200397548 -1.5293315200397548 -1.5293315200397548 +35166,0.34271471751042565,1,1.076364917261385 0.9122996827179214 0.7126353878489867 0.38605270399360037 0.03780102689662673 -0.1603154827407585 -0.18972340214005814 -0.3909354822405336 -0.45284689150221424 -1.1389800846448284 -0.5379750792370318 -1.4624671980371333 -1.4624671980371333 -1.7025286874493117 -1.7025286874493117 -1.7025286874493117 -1.5293315200397548 -1.5293315200397548 -1.5293315200397548 0.34271471751042565 +35167,0.9175621525051633,1,0.9122996827179214 0.7126353878489867 0.38605270399360037 0.03780102689662673 -0.1603154827407585 -0.18972340214005814 -0.3909354822405336 -0.45284689150221424 -1.1389800846448284 -0.5379750792370318 -1.4624671980371333 -1.4624671980371333 -1.7025286874493117 -1.7025286874493117 -1.7025286874493117 -1.5293315200397548 -1.5293315200397548 -1.5293315200397548 0.34271471751042565 0.34271471751042565 +35168,0.9175621525051633,1,0.7126353878489867 0.38605270399360037 0.03780102689662673 -0.1603154827407585 -0.18972340214005814 -0.3909354822405336 -0.45284689150221424 -1.1389800846448284 -0.5379750792370318 -1.4624671980371333 -1.4624671980371333 -1.7025286874493117 -1.7025286874493117 -1.7025286874493117 -1.5293315200397548 -1.5293315200397548 -1.5293315200397548 0.34271471751042565 0.34271471751042565 0.9175621525051633 +35169,0.9175621525051633,1,0.38605270399360037 0.03780102689662673 -0.1603154827407585 -0.18972340214005814 -0.3909354822405336 -0.45284689150221424 -1.1389800846448284 -0.5379750792370318 -1.4624671980371333 -1.4624671980371333 -1.7025286874493117 -1.7025286874493117 -1.7025286874493117 -1.5293315200397548 -1.5293315200397548 -1.5293315200397548 0.34271471751042565 0.34271471751042565 0.9175621525051633 0.9175621525051633 +35170,0.9175621525051633,1,0.03780102689662673 -0.1603154827407585 -0.18972340214005814 -0.3909354822405336 -0.45284689150221424 -1.1389800846448284 -0.5379750792370318 -1.4624671980371333 -1.4624671980371333 -1.7025286874493117 -1.7025286874493117 -1.7025286874493117 -1.5293315200397548 -1.5293315200397548 -1.5293315200397548 0.34271471751042565 0.34271471751042565 0.9175621525051633 0.9175621525051633 0.9175621525051633 +35171,0.8025617098015857,1,-0.1603154827407585 -0.18972340214005814 -0.3909354822405336 -0.45284689150221424 -1.1389800846448284 -0.5379750792370318 -1.4624671980371333 -1.4624671980371333 -1.7025286874493117 -1.7025286874493117 -1.7025286874493117 -1.5293315200397548 -1.5293315200397548 -1.5293315200397548 0.34271471751042565 0.34271471751042565 0.9175621525051633 0.9175621525051633 0.9175621525051633 0.9175621525051633 +35172,0.8025617098015857,1,-0.18972340214005814 -0.3909354822405336 -0.45284689150221424 -1.1389800846448284 -0.5379750792370318 -1.4624671980371333 -1.4624671980371333 -1.7025286874493117 -1.7025286874493117 -1.7025286874493117 -1.5293315200397548 -1.5293315200397548 -1.5293315200397548 0.34271471751042565 0.34271471751042565 0.9175621525051633 0.9175621525051633 0.9175621525051633 0.9175621525051633 0.8025617098015857 +35173,-0.6884198037429301,1,-0.3909354822405336 -0.45284689150221424 -1.1389800846448284 -0.5379750792370318 -1.4624671980371333 -1.4624671980371333 -1.7025286874493117 -1.7025286874493117 -1.7025286874493117 -1.5293315200397548 -1.5293315200397548 -1.5293315200397548 0.34271471751042565 0.34271471751042565 0.9175621525051633 0.9175621525051633 0.9175621525051633 0.9175621525051633 0.8025617098015857 0.8025617098015857 +35174,-0.6884198037429301,1,-0.45284689150221424 -1.1389800846448284 -0.5379750792370318 -1.4624671980371333 -1.4624671980371333 -1.7025286874493117 -1.7025286874493117 -1.7025286874493117 -1.5293315200397548 -1.5293315200397548 -1.5293315200397548 0.34271471751042565 0.34271471751042565 0.9175621525051633 0.9175621525051633 0.9175621525051633 0.9175621525051633 0.8025617098015857 0.8025617098015857 -0.6884198037429301 +35175,-0.6884198037429301,1,-1.1389800846448284 -0.5379750792370318 -1.4624671980371333 -1.4624671980371333 -1.7025286874493117 -1.7025286874493117 -1.7025286874493117 -1.5293315200397548 -1.5293315200397548 -1.5293315200397548 0.34271471751042565 0.34271471751042565 0.9175621525051633 0.9175621525051633 0.9175621525051633 0.9175621525051633 0.8025617098015857 0.8025617098015857 -0.6884198037429301 -0.6884198037429301 +35176,-1.5757650769860108,1,-0.5379750792370318 -1.4624671980371333 -1.4624671980371333 -1.7025286874493117 -1.7025286874493117 -1.7025286874493117 -1.5293315200397548 -1.5293315200397548 -1.5293315200397548 0.34271471751042565 0.34271471751042565 0.9175621525051633 0.9175621525051633 0.9175621525051633 0.9175621525051633 0.8025617098015857 0.8025617098015857 -0.6884198037429301 -0.6884198037429301 -0.6884198037429301 +35177,-1.5757650769860108,1,-1.4624671980371333 -1.4624671980371333 -1.7025286874493117 -1.7025286874493117 -1.7025286874493117 -1.5293315200397548 -1.5293315200397548 -1.5293315200397548 0.34271471751042565 0.34271471751042565 0.9175621525051633 0.9175621525051633 0.9175621525051633 0.9175621525051633 0.8025617098015857 0.8025617098015857 -0.6884198037429301 -0.6884198037429301 -0.6884198037429301 -1.5757650769860108 +35178,-1.5757650769860108,1,-1.4624671980371333 -1.7025286874493117 -1.7025286874493117 -1.7025286874493117 -1.5293315200397548 -1.5293315200397548 -1.5293315200397548 0.34271471751042565 0.34271471751042565 0.9175621525051633 0.9175621525051633 0.9175621525051633 0.9175621525051633 0.8025617098015857 0.8025617098015857 -0.6884198037429301 -0.6884198037429301 -0.6884198037429301 -1.5757650769860108 -1.5757650769860108 +35179,-1.9744745526312604,1,-1.7025286874493117 -1.7025286874493117 -1.7025286874493117 -1.5293315200397548 -1.5293315200397548 -1.5293315200397548 0.34271471751042565 0.34271471751042565 0.9175621525051633 0.9175621525051633 0.9175621525051633 0.9175621525051633 0.8025617098015857 0.8025617098015857 -0.6884198037429301 -0.6884198037429301 -0.6884198037429301 -1.5757650769860108 -1.5757650769860108 -1.5757650769860108 +35180,-1.9744745526312604,1,-1.7025286874493117 -1.7025286874493117 -1.5293315200397548 -1.5293315200397548 -1.5293315200397548 0.34271471751042565 0.34271471751042565 0.9175621525051633 0.9175621525051633 0.9175621525051633 0.9175621525051633 0.8025617098015857 0.8025617098015857 -0.6884198037429301 -0.6884198037429301 -0.6884198037429301 -1.5757650769860108 -1.5757650769860108 -1.5757650769860108 -1.9744745526312604 +35181,-1.9744745526312604,1,-1.7025286874493117 -1.5293315200397548 -1.5293315200397548 -1.5293315200397548 0.34271471751042565 0.34271471751042565 0.9175621525051633 0.9175621525051633 0.9175621525051633 0.9175621525051633 0.8025617098015857 0.8025617098015857 -0.6884198037429301 -0.6884198037429301 -0.6884198037429301 -1.5757650769860108 -1.5757650769860108 -1.5757650769860108 -1.9744745526312604 -1.9744745526312604 +35182,-2.221810632631691,1,-1.5293315200397548 -1.5293315200397548 -1.5293315200397548 0.34271471751042565 0.34271471751042565 0.9175621525051633 0.9175621525051633 0.9175621525051633 0.9175621525051633 0.8025617098015857 0.8025617098015857 -0.6884198037429301 -0.6884198037429301 -0.6884198037429301 -1.5757650769860108 -1.5757650769860108 -1.5757650769860108 -1.9744745526312604 -1.9744745526312604 -1.9744745526312604 +35183,-2.221810632631691,1,-1.5293315200397548 -1.5293315200397548 0.34271471751042565 0.34271471751042565 0.9175621525051633 0.9175621525051633 0.9175621525051633 0.9175621525051633 0.8025617098015857 0.8025617098015857 -0.6884198037429301 -0.6884198037429301 -0.6884198037429301 -1.5757650769860108 -1.5757650769860108 -1.5757650769860108 -1.9744745526312604 -1.9744745526312604 -1.9744745526312604 -2.221810632631691 +35184,-2.221810632631691,1,-1.5293315200397548 0.34271471751042565 0.34271471751042565 0.9175621525051633 0.9175621525051633 0.9175621525051633 0.9175621525051633 0.8025617098015857 0.8025617098015857 -0.6884198037429301 -0.6884198037429301 -0.6884198037429301 -1.5757650769860108 -1.5757650769860108 -1.5757650769860108 -1.9744745526312604 -1.9744745526312604 -1.9744745526312604 -2.221810632631691 -2.221810632631691 +35185,-1.9107058010917293,1,0.34271471751042565 0.34271471751042565 0.9175621525051633 0.9175621525051633 0.9175621525051633 0.9175621525051633 0.8025617098015857 0.8025617098015857 -0.6884198037429301 -0.6884198037429301 -0.6884198037429301 -1.5757650769860108 -1.5757650769860108 -1.5757650769860108 -1.9744745526312604 -1.9744745526312604 -1.9744745526312604 -2.221810632631691 -2.221810632631691 -2.221810632631691 +35186,-1.782549183920038,1,0.34271471751042565 0.9175621525051633 0.9175621525051633 0.9175621525051633 0.9175621525051633 0.8025617098015857 0.8025617098015857 -0.6884198037429301 -0.6884198037429301 -0.6884198037429301 -1.5757650769860108 -1.5757650769860108 -1.5757650769860108 -1.9744745526312604 -1.9744745526312604 -1.9744745526312604 -2.221810632631691 -2.221810632631691 -2.221810632631691 -1.9107058010917293 +35187,-1.782549183920038,1,0.9175621525051633 0.9175621525051633 0.9175621525051633 0.9175621525051633 0.8025617098015857 0.8025617098015857 -0.6884198037429301 -0.6884198037429301 -0.6884198037429301 -1.5757650769860108 -1.5757650769860108 -1.5757650769860108 -1.9744745526312604 -1.9744745526312604 -1.9744745526312604 -2.221810632631691 -2.221810632631691 -2.221810632631691 -1.9107058010917293 -1.782549183920038 +35188,-1.782549183920038,1,0.9175621525051633 0.9175621525051633 0.9175621525051633 0.8025617098015857 0.8025617098015857 -0.6884198037429301 -0.6884198037429301 -0.6884198037429301 -1.5757650769860108 -1.5757650769860108 -1.5757650769860108 -1.9744745526312604 -1.9744745526312604 -1.9744745526312604 -2.221810632631691 -2.221810632631691 -2.221810632631691 -1.9107058010917293 -1.782549183920038 -1.782549183920038 +35189,0.44502332131535904,1,0.9175621525051633 0.9175621525051633 0.8025617098015857 0.8025617098015857 -0.6884198037429301 -0.6884198037429301 -0.6884198037429301 -1.5757650769860108 -1.5757650769860108 -1.5757650769860108 -1.9744745526312604 -1.9744745526312604 -1.9744745526312604 -2.221810632631691 -2.221810632631691 -2.221810632631691 -1.9107058010917293 -1.782549183920038 -1.782549183920038 -1.782549183920038 +35190,0.44502332131535904,1,0.9175621525051633 0.8025617098015857 0.8025617098015857 -0.6884198037429301 -0.6884198037429301 -0.6884198037429301 -1.5757650769860108 -1.5757650769860108 -1.5757650769860108 -1.9744745526312604 -1.9744745526312604 -1.9744745526312604 -2.221810632631691 -2.221810632631691 -2.221810632631691 -1.9107058010917293 -1.782549183920038 -1.782549183920038 -1.782549183920038 0.44502332131535904 +35191,1.1760422861726973,1,0.8025617098015857 0.8025617098015857 -0.6884198037429301 -0.6884198037429301 -0.6884198037429301 -1.5757650769860108 -1.5757650769860108 -1.5757650769860108 -1.9744745526312604 -1.9744745526312604 -1.9744745526312604 -2.221810632631691 -2.221810632631691 -2.221810632631691 -1.9107058010917293 -1.782549183920038 -1.782549183920038 -1.782549183920038 0.44502332131535904 0.44502332131535904 +35192,1.1760422861726973,1,0.8025617098015857 -0.6884198037429301 -0.6884198037429301 -0.6884198037429301 -1.5757650769860108 -1.5757650769860108 -1.5757650769860108 -1.9744745526312604 -1.9744745526312604 -1.9744745526312604 -2.221810632631691 -2.221810632631691 -2.221810632631691 -1.9107058010917293 -1.782549183920038 -1.782549183920038 -1.782549183920038 0.44502332131535904 0.44502332131535904 1.1760422861726973 +35193,1.1760422861726973,1,-0.6884198037429301 -0.6884198037429301 -0.6884198037429301 -1.5757650769860108 -1.5757650769860108 -1.5757650769860108 -1.9744745526312604 -1.9744745526312604 -1.9744745526312604 -2.221810632631691 -2.221810632631691 -2.221810632631691 -1.9107058010917293 -1.782549183920038 -1.782549183920038 -1.782549183920038 0.44502332131535904 0.44502332131535904 1.1760422861726973 1.1760422861726973 +35194,1.1528255076995693,1,-0.6884198037429301 -0.6884198037429301 -1.5757650769860108 -1.5757650769860108 -1.5757650769860108 -1.9744745526312604 -1.9744745526312604 -1.9744745526312604 -2.221810632631691 -2.221810632631691 -2.221810632631691 -1.9107058010917293 -1.782549183920038 -1.782549183920038 -1.782549183920038 0.44502332131535904 0.44502332131535904 1.1760422861726973 1.1760422861726973 1.1760422861726973 +35195,1.1528255076995693,1,-0.6884198037429301 -1.5757650769860108 -1.5757650769860108 -1.5757650769860108 -1.9744745526312604 -1.9744745526312604 -1.9744745526312604 -2.221810632631691 -2.221810632631691 -2.221810632631691 -1.9107058010917293 -1.782549183920038 -1.782549183920038 -1.782549183920038 0.44502332131535904 0.44502332131535904 1.1760422861726973 1.1760422861726973 1.1760422861726973 1.1528255076995693 +35196,1.1528255076995693,1,-1.5757650769860108 -1.5757650769860108 -1.5757650769860108 -1.9744745526312604 -1.9744745526312604 -1.9744745526312604 -2.221810632631691 -2.221810632631691 -2.221810632631691 -1.9107058010917293 -1.782549183920038 -1.782549183920038 -1.782549183920038 0.44502332131535904 0.44502332131535904 1.1760422861726973 1.1760422861726973 1.1760422861726973 1.1528255076995693 1.1528255076995693 +35197,-0.379172314480819,1,-1.5757650769860108 -1.5757650769860108 -1.9744745526312604 -1.9744745526312604 -1.9744745526312604 -2.221810632631691 -2.221810632631691 -2.221810632631691 -1.9107058010917293 -1.782549183920038 -1.782549183920038 -1.782549183920038 0.44502332131535904 0.44502332131535904 1.1760422861726973 1.1760422861726973 1.1760422861726973 1.1528255076995693 1.1528255076995693 1.1528255076995693 +35198,-0.379172314480819,1,-1.5757650769860108 -1.9744745526312604 -1.9744745526312604 -1.9744745526312604 -2.221810632631691 -2.221810632631691 -2.221810632631691 -1.9107058010917293 -1.782549183920038 -1.782549183920038 -1.782549183920038 0.44502332131535904 0.44502332131535904 1.1760422861726973 1.1760422861726973 1.1760422861726973 1.1528255076995693 1.1528255076995693 1.1528255076995693 -0.379172314480819 +35199,-0.379172314480819,1,-1.9744745526312604 -1.9744745526312604 -1.9744745526312604 -2.221810632631691 -2.221810632631691 -2.221810632631691 -1.9107058010917293 -1.782549183920038 -1.782549183920038 -1.782549183920038 0.44502332131535904 0.44502332131535904 1.1760422861726973 1.1760422861726973 1.1760422861726973 1.1528255076995693 1.1528255076995693 1.1528255076995693 -0.379172314480819 -0.379172314480819 +35200,-1.163744648349506,1,-1.9744745526312604 -1.9744745526312604 -2.221810632631691 -2.221810632631691 -2.221810632631691 -1.9107058010917293 -1.782549183920038 -1.782549183920038 -1.782549183920038 0.44502332131535904 0.44502332131535904 1.1760422861726973 1.1760422861726973 1.1760422861726973 1.1528255076995693 1.1528255076995693 1.1528255076995693 -0.379172314480819 -0.379172314480819 -0.379172314480819 +35201,-1.163744648349506,1,-1.9744745526312604 -2.221810632631691 -2.221810632631691 -2.221810632631691 -1.9107058010917293 -1.782549183920038 -1.782549183920038 -1.782549183920038 0.44502332131535904 0.44502332131535904 1.1760422861726973 1.1760422861726973 1.1760422861726973 1.1528255076995693 1.1528255076995693 1.1528255076995693 -0.379172314480819 -0.379172314480819 -0.379172314480819 -1.163744648349506 +35202,-1.163744648349506,1,-2.221810632631691 -2.221810632631691 -2.221810632631691 -1.9107058010917293 -1.782549183920038 -1.782549183920038 -1.782549183920038 0.44502332131535904 0.44502332131535904 1.1760422861726973 1.1760422861726973 1.1760422861726973 1.1528255076995693 1.1528255076995693 1.1528255076995693 -0.379172314480819 -0.379172314480819 -0.379172314480819 -1.163744648349506 -1.163744648349506 +35203,-1.4980662583625957,1,-2.221810632631691 -2.221810632631691 -1.9107058010917293 -1.782549183920038 -1.782549183920038 -1.782549183920038 0.44502332131535904 0.44502332131535904 1.1760422861726973 1.1760422861726973 1.1760422861726973 1.1528255076995693 1.1528255076995693 1.1528255076995693 -0.379172314480819 -0.379172314480819 -0.379172314480819 -1.163744648349506 -1.163744648349506 -1.163744648349506 +35204,-1.4980662583625957,1,-2.221810632631691 -1.9107058010917293 -1.782549183920038 -1.782549183920038 -1.782549183920038 0.44502332131535904 0.44502332131535904 1.1760422861726973 1.1760422861726973 1.1760422861726973 1.1528255076995693 1.1528255076995693 1.1528255076995693 -0.379172314480819 -0.379172314480819 -0.379172314480819 -1.163744648349506 -1.163744648349506 -1.163744648349506 -1.4980662583625957 +35205,-1.4980662583625957,1,-1.9107058010917293 -1.782549183920038 -1.782549183920038 -1.782549183920038 0.44502332131535904 0.44502332131535904 1.1760422861726973 1.1760422861726973 1.1760422861726973 1.1528255076995693 1.1528255076995693 1.1528255076995693 -0.379172314480819 -0.379172314480819 -0.379172314480819 -1.163744648349506 -1.163744648349506 -1.163744648349506 -1.4980662583625957 -1.4980662583625957 +35206,-1.6307114527057585,1,-1.782549183920038 -1.782549183920038 -1.782549183920038 0.44502332131535904 0.44502332131535904 1.1760422861726973 1.1760422861726973 1.1760422861726973 1.1528255076995693 1.1528255076995693 1.1528255076995693 -0.379172314480819 -0.379172314480819 -0.379172314480819 -1.163744648349506 -1.163744648349506 -1.163744648349506 -1.4980662583625957 -1.4980662583625957 -1.4980662583625957 +35207,-1.6307114527057585,1,-1.782549183920038 -1.782549183920038 0.44502332131535904 0.44502332131535904 1.1760422861726973 1.1760422861726973 1.1760422861726973 1.1528255076995693 1.1528255076995693 1.1528255076995693 -0.379172314480819 -0.379172314480819 -0.379172314480819 -1.163744648349506 -1.163744648349506 -1.163744648349506 -1.4980662583625957 -1.4980662583625957 -1.4980662583625957 -1.6307114527057585 +35208,-1.6307114527057585,1,-1.782549183920038 0.44502332131535904 0.44502332131535904 1.1760422861726973 1.1760422861726973 1.1760422861726973 1.1528255076995693 1.1528255076995693 1.1528255076995693 -0.379172314480819 -0.379172314480819 -0.379172314480819 -1.163744648349506 -1.163744648349506 -1.163744648349506 -1.4980662583625957 -1.4980662583625957 -1.4980662583625957 -1.6307114527057585 -1.6307114527057585 +35209,-1.290508258812807,1,0.44502332131535904 0.44502332131535904 1.1760422861726973 1.1760422861726973 1.1760422861726973 1.1528255076995693 1.1528255076995693 1.1528255076995693 -0.379172314480819 -0.379172314480819 -0.379172314480819 -1.163744648349506 -1.163744648349506 -1.163744648349506 -1.4980662583625957 -1.4980662583625957 -1.4980662583625957 -1.6307114527057585 -1.6307114527057585 -1.6307114527057585 +35210,-1.2270490643195766,1,0.44502332131535904 1.1760422861726973 1.1760422861726973 1.1760422861726973 1.1528255076995693 1.1528255076995693 1.1528255076995693 -0.379172314480819 -0.379172314480819 -0.379172314480819 -1.163744648349506 -1.163744648349506 -1.163744648349506 -1.4980662583625957 -1.4980662583625957 -1.4980662583625957 -1.6307114527057585 -1.6307114527057585 -1.6307114527057585 -1.290508258812807 +35211,-1.2270490643195766,1,1.1760422861726973 1.1760422861726973 1.1760422861726973 1.1528255076995693 1.1528255076995693 1.1528255076995693 -0.379172314480819 -0.379172314480819 -0.379172314480819 -1.163744648349506 -1.163744648349506 -1.163744648349506 -1.4980662583625957 -1.4980662583625957 -1.4980662583625957 -1.6307114527057585 -1.6307114527057585 -1.6307114527057585 -1.290508258812807 -1.2270490643195766 +35212,0.9471248504276135,1,1.1760422861726973 1.1760422861726973 1.1528255076995693 1.1528255076995693 1.1528255076995693 -0.379172314480819 -0.379172314480819 -0.379172314480819 -1.163744648349506 -1.163744648349506 -1.163744648349506 -1.4980662583625957 -1.4980662583625957 -1.4980662583625957 -1.6307114527057585 -1.6307114527057585 -1.6307114527057585 -1.290508258812807 -1.2270490643195766 -1.2270490643195766 +35213,0.9471248504276135,1,1.1760422861726973 1.1528255076995693 1.1528255076995693 1.1528255076995693 -0.379172314480819 -0.379172314480819 -0.379172314480819 -1.163744648349506 -1.163744648349506 -1.163744648349506 -1.4980662583625957 -1.4980662583625957 -1.4980662583625957 -1.6307114527057585 -1.6307114527057585 -1.6307114527057585 -1.290508258812807 -1.2270490643195766 -1.2270490643195766 0.9471248504276135 +35214,0.9471248504276135,1,1.1528255076995693 1.1528255076995693 1.1528255076995693 -0.379172314480819 -0.379172314480819 -0.379172314480819 -1.163744648349506 -1.163744648349506 -1.163744648349506 -1.4980662583625957 -1.4980662583625957 -1.4980662583625957 -1.6307114527057585 -1.6307114527057585 -1.6307114527057585 -1.290508258812807 -1.2270490643195766 -1.2270490643195766 0.9471248504276135 0.9471248504276135 +35215,1.538224030353546,1,1.1528255076995693 1.1528255076995693 -0.379172314480819 -0.379172314480819 -0.379172314480819 -1.163744648349506 -1.163744648349506 -1.163744648349506 -1.4980662583625957 -1.4980662583625957 -1.4980662583625957 -1.6307114527057585 -1.6307114527057585 -1.6307114527057585 -1.290508258812807 -1.2270490643195766 -1.2270490643195766 0.9471248504276135 0.9471248504276135 0.9471248504276135 +35216,1.538224030353546,1,1.1528255076995693 -0.379172314480819 -0.379172314480819 -0.379172314480819 -1.163744648349506 -1.163744648349506 -1.163744648349506 -1.4980662583625957 -1.4980662583625957 -1.4980662583625957 -1.6307114527057585 -1.6307114527057585 -1.6307114527057585 -1.290508258812807 -1.2270490643195766 -1.2270490643195766 0.9471248504276135 0.9471248504276135 0.9471248504276135 1.538224030353546 +35217,1.538224030353546,1,-0.379172314480819 -0.379172314480819 -0.379172314480819 -1.163744648349506 -1.163744648349506 -1.163744648349506 -1.4980662583625957 -1.4980662583625957 -1.4980662583625957 -1.6307114527057585 -1.6307114527057585 -1.6307114527057585 -1.290508258812807 -1.2270490643195766 -1.2270490643195766 0.9471248504276135 0.9471248504276135 0.9471248504276135 1.538224030353546 1.538224030353546 +35218,1.538224030353546,1,-0.379172314480819 -0.379172314480819 -1.163744648349506 -1.163744648349506 -1.163744648349506 -1.4980662583625957 -1.4980662583625957 -1.4980662583625957 -1.6307114527057585 -1.6307114527057585 -1.6307114527057585 -1.290508258812807 -1.2270490643195766 -1.2270490643195766 0.9471248504276135 0.9471248504276135 0.9471248504276135 1.538224030353546 1.538224030353546 1.538224030353546 +35219,1.4226044735573573,1,-0.379172314480819 -1.163744648349506 -1.163744648349506 -1.163744648349506 -1.4980662583625957 -1.4980662583625957 -1.4980662583625957 -1.6307114527057585 -1.6307114527057585 -1.6307114527057585 -1.290508258812807 -1.2270490643195766 -1.2270490643195766 0.9471248504276135 0.9471248504276135 0.9471248504276135 1.538224030353546 1.538224030353546 1.538224030353546 1.538224030353546 +35220,1.4226044735573573,1,-1.163744648349506 -1.163744648349506 -1.163744648349506 -1.4980662583625957 -1.4980662583625957 -1.4980662583625957 -1.6307114527057585 -1.6307114527057585 -1.6307114527057585 -1.290508258812807 -1.2270490643195766 -1.2270490643195766 0.9471248504276135 0.9471248504276135 0.9471248504276135 1.538224030353546 1.538224030353546 1.538224030353546 1.538224030353546 1.4226044735573573 +35221,-0.11202458351664299,1,-1.163744648349506 -1.163744648349506 -1.4980662583625957 -1.4980662583625957 -1.4980662583625957 -1.6307114527057585 -1.6307114527057585 -1.6307114527057585 -1.290508258812807 -1.2270490643195766 -1.2270490643195766 0.9471248504276135 0.9471248504276135 0.9471248504276135 1.538224030353546 1.538224030353546 1.538224030353546 1.538224030353546 1.4226044735573573 1.4226044735573573 +35222,-0.11202458351664299,1,-1.163744648349506 -1.4980662583625957 -1.4980662583625957 -1.4980662583625957 -1.6307114527057585 -1.6307114527057585 -1.6307114527057585 -1.290508258812807 -1.2270490643195766 -1.2270490643195766 0.9471248504276135 0.9471248504276135 0.9471248504276135 1.538224030353546 1.538224030353546 1.538224030353546 1.538224030353546 1.4226044735573573 1.4226044735573573 -0.11202458351664299 +35223,-0.11202458351664299,1,-1.4980662583625957 -1.4980662583625957 -1.4980662583625957 -1.6307114527057585 -1.6307114527057585 -1.6307114527057585 -1.290508258812807 -1.2270490643195766 -1.2270490643195766 0.9471248504276135 0.9471248504276135 0.9471248504276135 1.538224030353546 1.538224030353546 1.538224030353546 1.538224030353546 1.4226044735573573 1.4226044735573573 -0.11202458351664299 -0.11202458351664299 +35224,-0.7480095351572997,1,-1.4980662583625957 -1.4980662583625957 -1.6307114527057585 -1.6307114527057585 -1.6307114527057585 -1.290508258812807 -1.2270490643195766 -1.2270490643195766 0.9471248504276135 0.9471248504276135 0.9471248504276135 1.538224030353546 1.538224030353546 1.538224030353546 1.538224030353546 1.4226044735573573 1.4226044735573573 -0.11202458351664299 -0.11202458351664299 -0.11202458351664299 +35225,-0.7480095351572997,1,-1.4980662583625957 -1.6307114527057585 -1.6307114527057585 -1.6307114527057585 -1.290508258812807 -1.2270490643195766 -1.2270490643195766 0.9471248504276135 0.9471248504276135 0.9471248504276135 1.538224030353546 1.538224030353546 1.538224030353546 1.538224030353546 1.4226044735573573 1.4226044735573573 -0.11202458351664299 -0.11202458351664299 -0.11202458351664299 -0.7480095351572997 +35226,-0.7480095351572997,1,-1.6307114527057585 -1.6307114527057585 -1.6307114527057585 -1.290508258812807 -1.2270490643195766 -1.2270490643195766 0.9471248504276135 0.9471248504276135 0.9471248504276135 1.538224030353546 1.538224030353546 1.538224030353546 1.538224030353546 1.4226044735573573 1.4226044735573573 -0.11202458351664299 -0.11202458351664299 -0.11202458351664299 -0.7480095351572997 -0.7480095351572997 +35227,-1.0696393062717453,1,-1.6307114527057585 -1.6307114527057585 -1.290508258812807 -1.2270490643195766 -1.2270490643195766 0.9471248504276135 0.9471248504276135 0.9471248504276135 1.538224030353546 1.538224030353546 1.538224030353546 1.538224030353546 1.4226044735573573 1.4226044735573573 -0.11202458351664299 -0.11202458351664299 -0.11202458351664299 -0.7480095351572997 -0.7480095351572997 -0.7480095351572997 +35228,-1.0696393062717453,1,-1.6307114527057585 -1.290508258812807 -1.2270490643195766 -1.2270490643195766 0.9471248504276135 0.9471248504276135 0.9471248504276135 1.538224030353546 1.538224030353546 1.538224030353546 1.538224030353546 1.4226044735573573 1.4226044735573573 -0.11202458351664299 -0.11202458351664299 -0.11202458351664299 -0.7480095351572997 -0.7480095351572997 -0.7480095351572997 -1.0696393062717453 +35229,-1.0696393062717453,1,-1.290508258812807 -1.2270490643195766 -1.2270490643195766 0.9471248504276135 0.9471248504276135 0.9471248504276135 1.538224030353546 1.538224030353546 1.538224030353546 1.538224030353546 1.4226044735573573 1.4226044735573573 -0.11202458351664299 -0.11202458351664299 -0.11202458351664299 -0.7480095351572997 -0.7480095351572997 -0.7480095351572997 -1.0696393062717453 -1.0696393062717453 +35230,-1.3473119768104052,1,-1.2270490643195766 -1.2270490643195766 0.9471248504276135 0.9471248504276135 0.9471248504276135 1.538224030353546 1.538224030353546 1.538224030353546 1.538224030353546 1.4226044735573573 1.4226044735573573 -0.11202458351664299 -0.11202458351664299 -0.11202458351664299 -0.7480095351572997 -0.7480095351572997 -0.7480095351572997 -1.0696393062717453 -1.0696393062717453 -1.0696393062717453 +35231,-1.3473119768104052,1,-1.2270490643195766 0.9471248504276135 0.9471248504276135 0.9471248504276135 1.538224030353546 1.538224030353546 1.538224030353546 1.538224030353546 1.4226044735573573 1.4226044735573573 -0.11202458351664299 -0.11202458351664299 -0.11202458351664299 -0.7480095351572997 -0.7480095351572997 -0.7480095351572997 -1.0696393062717453 -1.0696393062717453 -1.0696393062717453 -1.3473119768104052 +35232,-1.3473119768104052,1,0.9471248504276135 0.9471248504276135 0.9471248504276135 1.538224030353546 1.538224030353546 1.538224030353546 1.538224030353546 1.4226044735573573 1.4226044735573573 -0.11202458351664299 -0.11202458351664299 -0.11202458351664299 -0.7480095351572997 -0.7480095351572997 -0.7480095351572997 -1.0696393062717453 -1.0696393062717453 -1.0696393062717453 -1.3473119768104052 -1.3473119768104052 +35233,-0.8606883000135576,1,0.9471248504276135 0.9471248504276135 1.538224030353546 1.538224030353546 1.538224030353546 1.538224030353546 1.4226044735573573 1.4226044735573573 -0.11202458351664299 -0.11202458351664299 -0.11202458351664299 -0.7480095351572997 -0.7480095351572997 -0.7480095351572997 -1.0696393062717453 -1.0696393062717453 -1.0696393062717453 -1.3473119768104052 -1.3473119768104052 -1.3473119768104052 +35234,-0.5519051463209157,1,0.9471248504276135 1.538224030353546 1.538224030353546 1.538224030353546 1.538224030353546 1.4226044735573573 1.4226044735573573 -0.11202458351664299 -0.11202458351664299 -0.11202458351664299 -0.7480095351572997 -0.7480095351572997 -0.7480095351572997 -1.0696393062717453 -1.0696393062717453 -1.0696393062717453 -1.3473119768104052 -1.3473119768104052 -1.3473119768104052 -0.8606883000135576 +35235,-0.5519051463209157,1,1.538224030353546 1.538224030353546 1.538224030353546 1.538224030353546 1.4226044735573573 1.4226044735573573 -0.11202458351664299 -0.11202458351664299 -0.11202458351664299 -0.7480095351572997 -0.7480095351572997 -0.7480095351572997 -1.0696393062717453 -1.0696393062717453 -1.0696393062717453 -1.3473119768104052 -1.3473119768104052 -1.3473119768104052 -0.8606883000135576 -0.5519051463209157 +35236,-0.5519051463209157,1,1.538224030353546 1.538224030353546 1.538224030353546 1.4226044735573573 1.4226044735573573 -0.11202458351664299 -0.11202458351664299 -0.11202458351664299 -0.7480095351572997 -0.7480095351572997 -0.7480095351572997 -1.0696393062717453 -1.0696393062717453 -1.0696393062717453 -1.3473119768104052 -1.3473119768104052 -1.3473119768104052 -0.8606883000135576 -0.5519051463209157 -0.5519051463209157 +35237,1.4538697352345076,1,1.538224030353546 1.538224030353546 1.4226044735573573 1.4226044735573573 -0.11202458351664299 -0.11202458351664299 -0.11202458351664299 -0.7480095351572997 -0.7480095351572997 -0.7480095351572997 -1.0696393062717453 -1.0696393062717453 -1.0696393062717453 -1.3473119768104052 -1.3473119768104052 -1.3473119768104052 -0.8606883000135576 -0.5519051463209157 -0.5519051463209157 -0.5519051463209157 +35238,1.4538697352345076,1,1.538224030353546 1.4226044735573573 1.4226044735573573 -0.11202458351664299 -0.11202458351664299 -0.11202458351664299 -0.7480095351572997 -0.7480095351572997 -0.7480095351572997 -1.0696393062717453 -1.0696393062717453 -1.0696393062717453 -1.3473119768104052 -1.3473119768104052 -1.3473119768104052 -0.8606883000135576 -0.5519051463209157 -0.5519051463209157 -0.5519051463209157 1.4538697352345076 +35239,1.477183960872799,1,1.4226044735573573 1.4226044735573573 -0.11202458351664299 -0.11202458351664299 -0.11202458351664299 -0.7480095351572997 -0.7480095351572997 -0.7480095351572997 -1.0696393062717453 -1.0696393062717453 -1.0696393062717453 -1.3473119768104052 -1.3473119768104052 -1.3473119768104052 -0.8606883000135576 -0.5519051463209157 -0.5519051463209157 -0.5519051463209157 1.4538697352345076 1.4538697352345076 +35240,1.9842957340839815,1,1.4226044735573573 -0.11202458351664299 -0.11202458351664299 -0.11202458351664299 -0.7480095351572997 -0.7480095351572997 -0.7480095351572997 -1.0696393062717453 -1.0696393062717453 -1.0696393062717453 -1.3473119768104052 -1.3473119768104052 -1.3473119768104052 -0.8606883000135576 -0.5519051463209157 -0.5519051463209157 -0.5519051463209157 1.4538697352345076 1.4538697352345076 1.477183960872799 +35241,1.9842957340839815,1,-0.11202458351664299 -0.11202458351664299 -0.11202458351664299 -0.7480095351572997 -0.7480095351572997 -0.7480095351572997 -1.0696393062717453 -1.0696393062717453 -1.0696393062717453 -1.3473119768104052 -1.3473119768104052 -1.3473119768104052 -0.8606883000135576 -0.5519051463209157 -0.5519051463209157 -0.5519051463209157 1.4538697352345076 1.4538697352345076 1.477183960872799 1.9842957340839815 +35242,1.9842957340839815,1,-0.11202458351664299 -0.11202458351664299 -0.7480095351572997 -0.7480095351572997 -0.7480095351572997 -1.0696393062717453 -1.0696393062717453 -1.0696393062717453 -1.3473119768104052 -1.3473119768104052 -1.3473119768104052 -0.8606883000135576 -0.5519051463209157 -0.5519051463209157 -0.5519051463209157 1.4538697352345076 1.4538697352345076 1.477183960872799 1.9842957340839815 1.9842957340839815 +35243,1.717767117212434,1,-0.11202458351664299 -0.7480095351572997 -0.7480095351572997 -0.7480095351572997 -1.0696393062717453 -1.0696393062717453 -1.0696393062717453 -1.3473119768104052 -1.3473119768104052 -1.3473119768104052 -0.8606883000135576 -0.5519051463209157 -0.5519051463209157 -0.5519051463209157 1.4538697352345076 1.4538697352345076 1.477183960872799 1.9842957340839815 1.9842957340839815 1.9842957340839815 +35244,1.717767117212434,1,-0.7480095351572997 -0.7480095351572997 -0.7480095351572997 -1.0696393062717453 -1.0696393062717453 -1.0696393062717453 -1.3473119768104052 -1.3473119768104052 -1.3473119768104052 -0.8606883000135576 -0.5519051463209157 -0.5519051463209157 -0.5519051463209157 1.4538697352345076 1.4538697352345076 1.477183960872799 1.9842957340839815 1.9842957340839815 1.9842957340839815 1.717767117212434 +35245,-0.10134486541900867,1,-0.7480095351572997 -0.7480095351572997 -1.0696393062717453 -1.0696393062717453 -1.0696393062717453 -1.3473119768104052 -1.3473119768104052 -1.3473119768104052 -0.8606883000135576 -0.5519051463209157 -0.5519051463209157 -0.5519051463209157 1.4538697352345076 1.4538697352345076 1.477183960872799 1.9842957340839815 1.9842957340839815 1.9842957340839815 1.717767117212434 1.717767117212434 +35246,-0.10134486541900867,1,-0.7480095351572997 -1.0696393062717453 -1.0696393062717453 -1.0696393062717453 -1.3473119768104052 -1.3473119768104052 -1.3473119768104052 -0.8606883000135576 -0.5519051463209157 -0.5519051463209157 -0.5519051463209157 1.4538697352345076 1.4538697352345076 1.477183960872799 1.9842957340839815 1.9842957340839815 1.9842957340839815 1.717767117212434 1.717767117212434 -0.10134486541900867 +35247,-0.10134486541900867,1,-1.0696393062717453 -1.0696393062717453 -1.0696393062717453 -1.3473119768104052 -1.3473119768104052 -1.3473119768104052 -0.8606883000135576 -0.5519051463209157 -0.5519051463209157 -0.5519051463209157 1.4538697352345076 1.4538697352345076 1.477183960872799 1.9842957340839815 1.9842957340839815 1.9842957340839815 1.717767117212434 1.717767117212434 -0.10134486541900867 -0.10134486541900867 +35248,-0.7672020720284167,1,-1.0696393062717453 -1.0696393062717453 -1.3473119768104052 -1.3473119768104052 -1.3473119768104052 -0.8606883000135576 -0.5519051463209157 -0.5519051463209157 -0.5519051463209157 1.4538697352345076 1.4538697352345076 1.477183960872799 1.9842957340839815 1.9842957340839815 1.9842957340839815 1.717767117212434 1.717767117212434 -0.10134486541900867 -0.10134486541900867 -0.10134486541900867 +35249,-0.7672020720284167,1,-1.0696393062717453 -1.3473119768104052 -1.3473119768104052 -1.3473119768104052 -0.8606883000135576 -0.5519051463209157 -0.5519051463209157 -0.5519051463209157 1.4538697352345076 1.4538697352345076 1.477183960872799 1.9842957340839815 1.9842957340839815 1.9842957340839815 1.717767117212434 1.717767117212434 -0.10134486541900867 -0.10134486541900867 -0.10134486541900867 -0.7672020720284167 +35250,-0.7672020720284167,1,-1.3473119768104052 -1.3473119768104052 -1.3473119768104052 -0.8606883000135576 -0.5519051463209157 -0.5519051463209157 -0.5519051463209157 1.4538697352345076 1.4538697352345076 1.477183960872799 1.9842957340839815 1.9842957340839815 1.9842957340839815 1.717767117212434 1.717767117212434 -0.10134486541900867 -0.10134486541900867 -0.10134486541900867 -0.7672020720284167 -0.7672020720284167 +35251,-0.6083993072721952,1,-1.3473119768104052 -1.3473119768104052 -0.8606883000135576 -0.5519051463209157 -0.5519051463209157 -0.5519051463209157 1.4538697352345076 1.4538697352345076 1.477183960872799 1.9842957340839815 1.9842957340839815 1.9842957340839815 1.717767117212434 1.717767117212434 -0.10134486541900867 -0.10134486541900867 -0.10134486541900867 -0.7672020720284167 -0.7672020720284167 -0.7672020720284167 +35252,-0.6083993072721952,1,-1.3473119768104052 -0.8606883000135576 -0.5519051463209157 -0.5519051463209157 -0.5519051463209157 1.4538697352345076 1.4538697352345076 1.477183960872799 1.9842957340839815 1.9842957340839815 1.9842957340839815 1.717767117212434 1.717767117212434 -0.10134486541900867 -0.10134486541900867 -0.10134486541900867 -0.7672020720284167 -0.7672020720284167 -0.7672020720284167 -0.6083993072721952 +35253,-0.6083993072721952,1,-0.8606883000135576 -0.5519051463209157 -0.5519051463209157 -0.5519051463209157 1.4538697352345076 1.4538697352345076 1.477183960872799 1.9842957340839815 1.9842957340839815 1.9842957340839815 1.717767117212434 1.717767117212434 -0.10134486541900867 -0.10134486541900867 -0.10134486541900867 -0.7672020720284167 -0.7672020720284167 -0.7672020720284167 -0.6083993072721952 -0.6083993072721952 +35254,-0.7012664211647249,1,-0.5519051463209157 -0.5519051463209157 -0.5519051463209157 1.4538697352345076 1.4538697352345076 1.477183960872799 1.9842957340839815 1.9842957340839815 1.9842957340839815 1.717767117212434 1.717767117212434 -0.10134486541900867 -0.10134486541900867 -0.10134486541900867 -0.7672020720284167 -0.7672020720284167 -0.7672020720284167 -0.6083993072721952 -0.6083993072721952 -0.6083993072721952 +35255,-0.7012664211647249,1,-0.5519051463209157 -0.5519051463209157 1.4538697352345076 1.4538697352345076 1.477183960872799 1.9842957340839815 1.9842957340839815 1.9842957340839815 1.717767117212434 1.717767117212434 -0.10134486541900867 -0.10134486541900867 -0.10134486541900867 -0.7672020720284167 -0.7672020720284167 -0.7672020720284167 -0.6083993072721952 -0.6083993072721952 -0.6083993072721952 -0.7012664211647249 +35256,-0.7012664211647249,1,-0.5519051463209157 1.4538697352345076 1.4538697352345076 1.477183960872799 1.9842957340839815 1.9842957340839815 1.9842957340839815 1.717767117212434 1.717767117212434 -0.10134486541900867 -0.10134486541900867 -0.10134486541900867 -0.7672020720284167 -0.7672020720284167 -0.7672020720284167 -0.6083993072721952 -0.6083993072721952 -0.6083993072721952 -0.7012664211647249 -0.7012664211647249 +35257,-0.3265476166083825,1,1.4538697352345076 1.4538697352345076 1.477183960872799 1.9842957340839815 1.9842957340839815 1.9842957340839815 1.717767117212434 1.717767117212434 -0.10134486541900867 -0.10134486541900867 -0.10134486541900867 -0.7672020720284167 -0.7672020720284167 -0.7672020720284167 -0.6083993072721952 -0.6083993072721952 -0.6083993072721952 -0.7012664211647249 -0.7012664211647249 -0.7012664211647249 +35258,-0.4687890793870993,1,1.4538697352345076 1.477183960872799 1.9842957340839815 1.9842957340839815 1.9842957340839815 1.717767117212434 1.717767117212434 -0.10134486541900867 -0.10134486541900867 -0.10134486541900867 -0.7672020720284167 -0.7672020720284167 -0.7672020720284167 -0.6083993072721952 -0.6083993072721952 -0.6083993072721952 -0.7012664211647249 -0.7012664211647249 -0.7012664211647249 -0.3265476166083825 +35259,-0.4687890793870993,1,1.477183960872799 1.9842957340839815 1.9842957340839815 1.9842957340839815 1.717767117212434 1.717767117212434 -0.10134486541900867 -0.10134486541900867 -0.10134486541900867 -0.7672020720284167 -0.7672020720284167 -0.7672020720284167 -0.6083993072721952 -0.6083993072721952 -0.6083993072721952 -0.7012664211647249 -0.7012664211647249 -0.7012664211647249 -0.3265476166083825 -0.4687890793870993 +35260,-0.4687890793870993,1,1.9842957340839815 1.9842957340839815 1.9842957340839815 1.717767117212434 1.717767117212434 -0.10134486541900867 -0.10134486541900867 -0.10134486541900867 -0.7672020720284167 -0.7672020720284167 -0.7672020720284167 -0.6083993072721952 -0.6083993072721952 -0.6083993072721952 -0.7012664211647249 -0.7012664211647249 -0.7012664211647249 -0.3265476166083825 -0.4687890793870993 -0.4687890793870993 +35261,1.6840253991648135,1,1.9842957340839815 1.9842957340839815 1.717767117212434 1.717767117212434 -0.10134486541900867 -0.10134486541900867 -0.10134486541900867 -0.7672020720284167 -0.7672020720284167 -0.7672020720284167 -0.6083993072721952 -0.6083993072721952 -0.6083993072721952 -0.7012664211647249 -0.7012664211647249 -0.7012664211647249 -0.3265476166083825 -0.4687890793870993 -0.4687890793870993 -0.4687890793870993 +35262,1.6840253991648135,1,1.9842957340839815 1.717767117212434 1.717767117212434 -0.10134486541900867 -0.10134486541900867 -0.10134486541900867 -0.7672020720284167 -0.7672020720284167 -0.7672020720284167 -0.6083993072721952 -0.6083993072721952 -0.6083993072721952 -0.7012664211647249 -0.7012664211647249 -0.7012664211647249 -0.3265476166083825 -0.4687890793870993 -0.4687890793870993 -0.4687890793870993 1.6840253991648135 +35263,2.0845922170879136,1,1.717767117212434 1.717767117212434 -0.10134486541900867 -0.10134486541900867 -0.10134486541900867 -0.7672020720284167 -0.7672020720284167 -0.7672020720284167 -0.6083993072721952 -0.6083993072721952 -0.6083993072721952 -0.7012664211647249 -0.7012664211647249 -0.7012664211647249 -0.3265476166083825 -0.4687890793870993 -0.4687890793870993 -0.4687890793870993 1.6840253991648135 1.6840253991648135 +35264,2.0845922170879136,1,1.717767117212434 -0.10134486541900867 -0.10134486541900867 -0.10134486541900867 -0.7672020720284167 -0.7672020720284167 -0.7672020720284167 -0.6083993072721952 -0.6083993072721952 -0.6083993072721952 -0.7012664211647249 -0.7012664211647249 -0.7012664211647249 -0.3265476166083825 -0.4687890793870993 -0.4687890793870993 -0.4687890793870993 1.6840253991648135 1.6840253991648135 2.0845922170879136 +35265,2.0845922170879136,1,-0.10134486541900867 -0.10134486541900867 -0.10134486541900867 -0.7672020720284167 -0.7672020720284167 -0.7672020720284167 -0.6083993072721952 -0.6083993072721952 -0.6083993072721952 -0.7012664211647249 -0.7012664211647249 -0.7012664211647249 -0.3265476166083825 -0.4687890793870993 -0.4687890793870993 -0.4687890793870993 1.6840253991648135 1.6840253991648135 2.0845922170879136 2.0845922170879136 +35266,1.8004188485767814,1,-0.10134486541900867 -0.10134486541900867 -0.7672020720284167 -0.7672020720284167 -0.7672020720284167 -0.6083993072721952 -0.6083993072721952 -0.6083993072721952 -0.7012664211647249 -0.7012664211647249 -0.7012664211647249 -0.3265476166083825 -0.4687890793870993 -0.4687890793870993 -0.4687890793870993 1.6840253991648135 1.6840253991648135 2.0845922170879136 2.0845922170879136 2.0845922170879136 +35267,1.8004188485767814,1,-0.10134486541900867 -0.7672020720284167 -0.7672020720284167 -0.7672020720284167 -0.6083993072721952 -0.6083993072721952 -0.6083993072721952 -0.7012664211647249 -0.7012664211647249 -0.7012664211647249 -0.3265476166083825 -0.4687890793870993 -0.4687890793870993 -0.4687890793870993 1.6840253991648135 1.6840253991648135 2.0845922170879136 2.0845922170879136 2.0845922170879136 1.8004188485767814 +35268,1.8004188485767814,1,-0.7672020720284167 -0.7672020720284167 -0.7672020720284167 -0.6083993072721952 -0.6083993072721952 -0.6083993072721952 -0.7012664211647249 -0.7012664211647249 -0.7012664211647249 -0.3265476166083825 -0.4687890793870993 -0.4687890793870993 -0.4687890793870993 1.6840253991648135 1.6840253991648135 2.0845922170879136 2.0845922170879136 2.0845922170879136 1.8004188485767814 1.8004188485767814 +35269,0.37815899931273755,1,-0.7672020720284167 -0.7672020720284167 -0.6083993072721952 -0.6083993072721952 -0.6083993072721952 -0.7012664211647249 -0.7012664211647249 -0.7012664211647249 -0.3265476166083825 -0.4687890793870993 -0.4687890793870993 -0.4687890793870993 1.6840253991648135 1.6840253991648135 2.0845922170879136 2.0845922170879136 2.0845922170879136 1.8004188485767814 1.8004188485767814 1.8004188485767814 +35270,0.37815899931273755,1,-0.7672020720284167 -0.6083993072721952 -0.6083993072721952 -0.6083993072721952 -0.7012664211647249 -0.7012664211647249 -0.7012664211647249 -0.3265476166083825 -0.4687890793870993 -0.4687890793870993 -0.4687890793870993 1.6840253991648135 1.6840253991648135 2.0845922170879136 2.0845922170879136 2.0845922170879136 1.8004188485767814 1.8004188485767814 1.8004188485767814 0.37815899931273755 +35271,0.37815899931273755,1,-0.6083993072721952 -0.6083993072721952 -0.6083993072721952 -0.7012664211647249 -0.7012664211647249 -0.7012664211647249 -0.3265476166083825 -0.4687890793870993 -0.4687890793870993 -0.4687890793870993 1.6840253991648135 1.6840253991648135 2.0845922170879136 2.0845922170879136 2.0845922170879136 1.8004188485767814 1.8004188485767814 1.8004188485767814 0.37815899931273755 0.37815899931273755 +35272,-0.16325627468068935,1,-0.6083993072721952 -0.6083993072721952 -0.7012664211647249 -0.7012664211647249 -0.7012664211647249 -0.3265476166083825 -0.4687890793870993 -0.4687890793870993 -0.4687890793870993 1.6840253991648135 1.6840253991648135 2.0845922170879136 2.0845922170879136 2.0845922170879136 1.8004188485767814 1.8004188485767814 1.8004188485767814 0.37815899931273755 0.37815899931273755 0.37815899931273755 +35273,-0.16325627468068935,1,-0.6083993072721952 -0.7012664211647249 -0.7012664211647249 -0.7012664211647249 -0.3265476166083825 -0.4687890793870993 -0.4687890793870993 -0.4687890793870993 1.6840253991648135 1.6840253991648135 2.0845922170879136 2.0845922170879136 2.0845922170879136 1.8004188485767814 1.8004188485767814 1.8004188485767814 0.37815899931273755 0.37815899931273755 0.37815899931273755 -0.16325627468068935 +35274,-0.16325627468068935,1,-0.7012664211647249 -0.7012664211647249 -0.7012664211647249 -0.3265476166083825 -0.4687890793870993 -0.4687890793870993 -0.4687890793870993 1.6840253991648135 1.6840253991648135 2.0845922170879136 2.0845922170879136 2.0845922170879136 1.8004188485767814 1.8004188485767814 1.8004188485767814 0.37815899931273755 0.37815899931273755 0.37815899931273755 -0.16325627468068935 -0.16325627468068935 +35275,-0.6212459246939988,1,-0.7012664211647249 -0.7012664211647249 -0.3265476166083825 -0.4687890793870993 -0.4687890793870993 -0.4687890793870993 1.6840253991648135 1.6840253991648135 2.0845922170879136 2.0845922170879136 2.0845922170879136 1.8004188485767814 1.8004188485767814 1.8004188485767814 0.37815899931273755 0.37815899931273755 0.37815899931273755 -0.16325627468068935 -0.16325627468068935 -0.16325627468068935 +35276,-0.6212459246939988,1,-0.7012664211647249 -0.3265476166083825 -0.4687890793870993 -0.4687890793870993 -0.4687890793870993 1.6840253991648135 1.6840253991648135 2.0845922170879136 2.0845922170879136 2.0845922170879136 1.8004188485767814 1.8004188485767814 1.8004188485767814 0.37815899931273755 0.37815899931273755 0.37815899931273755 -0.16325627468068935 -0.16325627468068935 -0.16325627468068935 -0.6212459246939988 +35277,-0.6212459246939988,1,-0.3265476166083825 -0.4687890793870993 -0.4687890793870993 -0.4687890793870993 1.6840253991648135 1.6840253991648135 2.0845922170879136 2.0845922170879136 2.0845922170879136 1.8004188485767814 1.8004188485767814 1.8004188485767814 0.37815899931273755 0.37815899931273755 0.37815899931273755 -0.16325627468068935 -0.16325627468068935 -0.16325627468068935 -0.6212459246939988 -0.6212459246939988 +35278,-0.9798677628423056,1,-0.4687890793870993 -0.4687890793870993 -0.4687890793870993 1.6840253991648135 1.6840253991648135 2.0845922170879136 2.0845922170879136 2.0845922170879136 1.8004188485767814 1.8004188485767814 1.8004188485767814 0.37815899931273755 0.37815899931273755 0.37815899931273755 -0.16325627468068935 -0.16325627468068935 -0.16325627468068935 -0.6212459246939988 -0.6212459246939988 -0.6212459246939988 +35279,-0.9798677628423056,1,-0.4687890793870993 -0.4687890793870993 1.6840253991648135 1.6840253991648135 2.0845922170879136 2.0845922170879136 2.0845922170879136 1.8004188485767814 1.8004188485767814 1.8004188485767814 0.37815899931273755 0.37815899931273755 0.37815899931273755 -0.16325627468068935 -0.16325627468068935 -0.16325627468068935 -0.6212459246939988 -0.6212459246939988 -0.6212459246939988 -0.9798677628423056 +35280,-0.9798677628423056,1,-0.4687890793870993 1.6840253991648135 1.6840253991648135 2.0845922170879136 2.0845922170879136 2.0845922170879136 1.8004188485767814 1.8004188485767814 1.8004188485767814 0.37815899931273755 0.37815899931273755 0.37815899931273755 -0.16325627468068935 -0.16325627468068935 -0.16325627468068935 -0.6212459246939988 -0.6212459246939988 -0.6212459246939988 -0.9798677628423056 -0.9798677628423056 +35281,-0.786858944469003,1,1.6840253991648135 1.6840253991648135 2.0845922170879136 2.0845922170879136 2.0845922170879136 1.8004188485767814 1.8004188485767814 1.8004188485767814 0.37815899931273755 0.37815899931273755 0.37815899931273755 -0.16325627468068935 -0.16325627468068935 -0.16325627468068935 -0.6212459246939988 -0.6212459246939988 -0.6212459246939988 -0.9798677628423056 -0.9798677628423056 -0.9798677628423056 +35282,-0.9048001791125114,1,1.6840253991648135 2.0845922170879136 2.0845922170879136 2.0845922170879136 1.8004188485767814 1.8004188485767814 1.8004188485767814 0.37815899931273755 0.37815899931273755 0.37815899931273755 -0.16325627468068935 -0.16325627468068935 -0.16325627468068935 -0.6212459246939988 -0.6212459246939988 -0.6212459246939988 -0.9798677628423056 -0.9798677628423056 -0.9798677628423056 -0.786858944469003 +35283,-0.9048001791125114,1,2.0845922170879136 2.0845922170879136 2.0845922170879136 1.8004188485767814 1.8004188485767814 1.8004188485767814 0.37815899931273755 0.37815899931273755 0.37815899931273755 -0.16325627468068935 -0.16325627468068935 -0.16325627468068935 -0.6212459246939988 -0.6212459246939988 -0.6212459246939988 -0.9798677628423056 -0.9798677628423056 -0.9798677628423056 -0.786858944469003 -0.9048001791125114 +35284,-0.9048001791125114,1,2.0845922170879136 2.0845922170879136 1.8004188485767814 1.8004188485767814 1.8004188485767814 0.37815899931273755 0.37815899931273755 0.37815899931273755 -0.16325627468068935 -0.16325627468068935 -0.16325627468068935 -0.6212459246939988 -0.6212459246939988 -0.6212459246939988 -0.9798677628423056 -0.9798677628423056 -0.9798677628423056 -0.786858944469003 -0.9048001791125114 -0.9048001791125114 +35285,1.230369547799825,1,2.0845922170879136 1.8004188485767814 1.8004188485767814 1.8004188485767814 0.37815899931273755 0.37815899931273755 0.37815899931273755 -0.16325627468068935 -0.16325627468068935 -0.16325627468068935 -0.6212459246939988 -0.6212459246939988 -0.6212459246939988 -0.9798677628423056 -0.9798677628423056 -0.9798677628423056 -0.786858944469003 -0.9048001791125114 -0.9048001791125114 -0.9048001791125114 +35286,1.230369547799825,1,1.8004188485767814 1.8004188485767814 1.8004188485767814 0.37815899931273755 0.37815899931273755 0.37815899931273755 -0.16325627468068935 -0.16325627468068935 -0.16325627468068935 -0.6212459246939988 -0.6212459246939988 -0.6212459246939988 -0.9798677628423056 -0.9798677628423056 -0.9798677628423056 -0.786858944469003 -0.9048001791125114 -0.9048001791125114 -0.9048001791125114 1.230369547799825 +35287,1.6123629429444106,1,1.8004188485767814 1.8004188485767814 0.37815899931273755 0.37815899931273755 0.37815899931273755 -0.16325627468068935 -0.16325627468068935 -0.16325627468068935 -0.6212459246939988 -0.6212459246939988 -0.6212459246939988 -0.9798677628423056 -0.9798677628423056 -0.9798677628423056 -0.786858944469003 -0.9048001791125114 -0.9048001791125114 -0.9048001791125114 1.230369547799825 1.230369547799825 +35288,1.6123629429444106,1,1.8004188485767814 0.37815899931273755 0.37815899931273755 0.37815899931273755 -0.16325627468068935 -0.16325627468068935 -0.16325627468068935 -0.6212459246939988 -0.6212459246939988 -0.6212459246939988 -0.9798677628423056 -0.9798677628423056 -0.9798677628423056 -0.786858944469003 -0.9048001791125114 -0.9048001791125114 -0.9048001791125114 1.230369547799825 1.230369547799825 1.6123629429444106 +35289,1.6123629429444106,1,0.37815899931273755 0.37815899931273755 0.37815899931273755 -0.16325627468068935 -0.16325627468068935 -0.16325627468068935 -0.6212459246939988 -0.6212459246939988 -0.6212459246939988 -0.9798677628423056 -0.9798677628423056 -0.9798677628423056 -0.786858944469003 -0.9048001791125114 -0.9048001791125114 -0.9048001791125114 1.230369547799825 1.230369547799825 1.6123629429444106 1.6123629429444106 +35290,1.6123629429444106,1,0.37815899931273755 0.37815899931273755 -0.16325627468068935 -0.16325627468068935 -0.16325627468068935 -0.6212459246939988 -0.6212459246939988 -0.6212459246939988 -0.9798677628423056 -0.9798677628423056 -0.9798677628423056 -0.786858944469003 -0.9048001791125114 -0.9048001791125114 -0.9048001791125114 1.230369547799825 1.230369547799825 1.6123629429444106 1.6123629429444106 1.6123629429444106 +35291,1.3263322321554363,1,0.37815899931273755 -0.16325627468068935 -0.16325627468068935 -0.16325627468068935 -0.6212459246939988 -0.6212459246939988 -0.6212459246939988 -0.9798677628423056 -0.9798677628423056 -0.9798677628423056 -0.786858944469003 -0.9048001791125114 -0.9048001791125114 -0.9048001791125114 1.230369547799825 1.230369547799825 1.6123629429444106 1.6123629429444106 1.6123629429444106 1.6123629429444106 +35292,1.3263322321554363,1,-0.16325627468068935 -0.16325627468068935 -0.16325627468068935 -0.6212459246939988 -0.6212459246939988 -0.6212459246939988 -0.9798677628423056 -0.9798677628423056 -0.9798677628423056 -0.786858944469003 -0.9048001791125114 -0.9048001791125114 -0.9048001791125114 1.230369547799825 1.230369547799825 1.6123629429444106 1.6123629429444106 1.6123629429444106 1.6123629429444106 1.3263322321554363 +35293,0.0822224630418905,1,-0.16325627468068935 -0.16325627468068935 -0.6212459246939988 -0.6212459246939988 -0.6212459246939988 -0.9798677628423056 -0.9798677628423056 -0.9798677628423056 -0.786858944469003 -0.9048001791125114 -0.9048001791125114 -0.9048001791125114 1.230369547799825 1.230369547799825 1.6123629429444106 1.6123629429444106 1.6123629429444106 1.6123629429444106 1.3263322321554363 1.3263322321554363 +35294,0.0822224630418905,1,-0.16325627468068935 -0.6212459246939988 -0.6212459246939988 -0.6212459246939988 -0.9798677628423056 -0.9798677628423056 -0.9798677628423056 -0.786858944469003 -0.9048001791125114 -0.9048001791125114 -0.9048001791125114 1.230369547799825 1.230369547799825 1.6123629429444106 1.6123629429444106 1.6123629429444106 1.6123629429444106 1.3263322321554363 1.3263322321554363 0.0822224630418905 +35295,0.0822224630418905,1,-0.6212459246939988 -0.6212459246939988 -0.6212459246939988 -0.9798677628423056 -0.9798677628423056 -0.9798677628423056 -0.786858944469003 -0.9048001791125114 -0.9048001791125114 -0.9048001791125114 1.230369547799825 1.230369547799825 1.6123629429444106 1.6123629429444106 1.6123629429444106 1.6123629429444106 1.3263322321554363 1.3263322321554363 0.0822224630418905 0.0822224630418905 +35296,-0.7555936827918527,1,-0.6212459246939988 -0.6212459246939988 -0.9798677628423056 -0.9798677628423056 -0.9798677628423056 -0.786858944469003 -0.9048001791125114 -0.9048001791125114 -0.9048001791125114 1.230369547799825 1.230369547799825 1.6123629429444106 1.6123629429444106 1.6123629429444106 1.6123629429444106 1.3263322321554363 1.3263322321554363 0.0822224630418905 0.0822224630418905 0.0822224630418905 +35297,-0.7555936827918527,1,-0.6212459246939988 -0.9798677628423056 -0.9798677628423056 -0.9798677628423056 -0.786858944469003 -0.9048001791125114 -0.9048001791125114 -0.9048001791125114 1.230369547799825 1.230369547799825 1.6123629429444106 1.6123629429444106 1.6123629429444106 1.6123629429444106 1.3263322321554363 1.3263322321554363 0.0822224630418905 0.0822224630418905 0.0822224630418905 -0.7555936827918527 +35298,-0.7555936827918527,1,-0.9798677628423056 -0.9798677628423056 -0.9798677628423056 -0.786858944469003 -0.9048001791125114 -0.9048001791125114 -0.9048001791125114 1.230369547799825 1.230369547799825 1.6123629429444106 1.6123629429444106 1.6123629429444106 1.6123629429444106 1.3263322321554363 1.3263322321554363 0.0822224630418905 0.0822224630418905 0.0822224630418905 -0.7555936827918527 -0.7555936827918527 +35299,-1.112667735708619,1,-0.9798677628423056 -0.9798677628423056 -0.786858944469003 -0.9048001791125114 -0.9048001791125114 -0.9048001791125114 1.230369547799825 1.230369547799825 1.6123629429444106 1.6123629429444106 1.6123629429444106 1.6123629429444106 1.3263322321554363 1.3263322321554363 0.0822224630418905 0.0822224630418905 0.0822224630418905 -0.7555936827918527 -0.7555936827918527 -0.7555936827918527 +35300,-1.112667735708619,1,-0.9798677628423056 -0.786858944469003 -0.9048001791125114 -0.9048001791125114 -0.9048001791125114 1.230369547799825 1.230369547799825 1.6123629429444106 1.6123629429444106 1.6123629429444106 1.6123629429444106 1.3263322321554363 1.3263322321554363 0.0822224630418905 0.0822224630418905 0.0822224630418905 -0.7555936827918527 -0.7555936827918527 -0.7555936827918527 -1.112667735708619 +35301,-1.112667735708619,1,-0.786858944469003 -0.9048001791125114 -0.9048001791125114 -0.9048001791125114 1.230369547799825 1.230369547799825 1.6123629429444106 1.6123629429444106 1.6123629429444106 1.6123629429444106 1.3263322321554363 1.3263322321554363 0.0822224630418905 0.0822224630418905 0.0822224630418905 -0.7555936827918527 -0.7555936827918527 -0.7555936827918527 -1.112667735708619 -1.112667735708619 +35302,-1.342204285546305,1,-0.9048001791125114 -0.9048001791125114 -0.9048001791125114 1.230369547799825 1.230369547799825 1.6123629429444106 1.6123629429444106 1.6123629429444106 1.6123629429444106 1.3263322321554363 1.3263322321554363 0.0822224630418905 0.0822224630418905 0.0822224630418905 -0.7555936827918527 -0.7555936827918527 -0.7555936827918527 -1.112667735708619 -1.112667735708619 -1.112667735708619 +35303,-1.342204285546305,1,-0.9048001791125114 -0.9048001791125114 1.230369547799825 1.230369547799825 1.6123629429444106 1.6123629429444106 1.6123629429444106 1.6123629429444106 1.3263322321554363 1.3263322321554363 0.0822224630418905 0.0822224630418905 0.0822224630418905 -0.7555936827918527 -0.7555936827918527 -0.7555936827918527 -1.112667735708619 -1.112667735708619 -1.112667735708619 -1.342204285546305 +35304,-1.342204285546305,1,-0.9048001791125114 1.230369547799825 1.230369547799825 1.6123629429444106 1.6123629429444106 1.6123629429444106 1.6123629429444106 1.3263322321554363 1.3263322321554363 0.0822224630418905 0.0822224630418905 0.0822224630418905 -0.7555936827918527 -0.7555936827918527 -0.7555936827918527 -1.112667735708619 -1.112667735708619 -1.112667735708619 -1.342204285546305 -1.342204285546305 +35305,-1.1482667960340813,1,1.230369547799825 1.230369547799825 1.6123629429444106 1.6123629429444106 1.6123629429444106 1.6123629429444106 1.3263322321554363 1.3263322321554363 0.0822224630418905 0.0822224630418905 0.0822224630418905 -0.7555936827918527 -0.7555936827918527 -0.7555936827918527 -1.112667735708619 -1.112667735708619 -1.112667735708619 -1.342204285546305 -1.342204285546305 -1.342204285546305 +35306,-1.017788501015088,1,1.230369547799825 1.6123629429444106 1.6123629429444106 1.6123629429444106 1.6123629429444106 1.3263322321554363 1.3263322321554363 0.0822224630418905 0.0822224630418905 0.0822224630418905 -0.7555936827918527 -0.7555936827918527 -0.7555936827918527 -1.112667735708619 -1.112667735708619 -1.112667735708619 -1.342204285546305 -1.342204285546305 -1.342204285546305 -1.1482667960340813 +35307,-1.017788501015088,1,1.6123629429444106 1.6123629429444106 1.6123629429444106 1.6123629429444106 1.3263322321554363 1.3263322321554363 0.0822224630418905 0.0822224630418905 0.0822224630418905 -0.7555936827918527 -0.7555936827918527 -0.7555936827918527 -1.112667735708619 -1.112667735708619 -1.112667735708619 -1.342204285546305 -1.342204285546305 -1.342204285546305 -1.1482667960340813 -1.017788501015088 +35308,-1.017788501015088,1,1.6123629429444106 1.6123629429444106 1.6123629429444106 1.3263322321554363 1.3263322321554363 0.0822224630418905 0.0822224630418905 0.0822224630418905 -0.7555936827918527 -0.7555936827918527 -0.7555936827918527 -1.112667735708619 -1.112667735708619 -1.112667735708619 -1.342204285546305 -1.342204285546305 -1.342204285546305 -1.1482667960340813 -1.017788501015088 -1.017788501015088 +35309,0.777487589050607,1,1.6123629429444106 1.6123629429444106 1.3263322321554363 1.3263322321554363 0.0822224630418905 0.0822224630418905 0.0822224630418905 -0.7555936827918527 -0.7555936827918527 -0.7555936827918527 -1.112667735708619 -1.112667735708619 -1.112667735708619 -1.342204285546305 -1.342204285546305 -1.342204285546305 -1.1482667960340813 -1.017788501015088 -1.017788501015088 -1.017788501015088 +35310,0.777487589050607,1,1.6123629429444106 1.3263322321554363 1.3263322321554363 0.0822224630418905 0.0822224630418905 0.0822224630418905 -0.7555936827918527 -0.7555936827918527 -0.7555936827918527 -1.112667735708619 -1.112667735708619 -1.112667735708619 -1.342204285546305 -1.342204285546305 -1.342204285546305 -1.1482667960340813 -1.017788501015088 -1.017788501015088 -1.017788501015088 0.777487589050607 +35311,1.1008199239197438,1,1.3263322321554363 1.3263322321554363 0.0822224630418905 0.0822224630418905 0.0822224630418905 -0.7555936827918527 -0.7555936827918527 -0.7555936827918527 -1.112667735708619 -1.112667735708619 -1.112667735708619 -1.342204285546305 -1.342204285546305 -1.342204285546305 -1.1482667960340813 -1.017788501015088 -1.017788501015088 -1.017788501015088 0.777487589050607 0.777487589050607 +35312,1.1008199239197438,1,1.3263322321554363 0.0822224630418905 0.0822224630418905 0.0822224630418905 -0.7555936827918527 -0.7555936827918527 -0.7555936827918527 -1.112667735708619 -1.112667735708619 -1.112667735708619 -1.342204285546305 -1.342204285546305 -1.342204285546305 -1.1482667960340813 -1.017788501015088 -1.017788501015088 -1.017788501015088 0.777487589050607 0.777487589050607 1.1008199239197438 +35313,1.1008199239197438,1,0.0822224630418905 0.0822224630418905 0.0822224630418905 -0.7555936827918527 -0.7555936827918527 -0.7555936827918527 -1.112667735708619 -1.112667735708619 -1.112667735708619 -1.342204285546305 -1.342204285546305 -1.342204285546305 -1.1482667960340813 -1.017788501015088 -1.017788501015088 -1.017788501015088 0.777487589050607 0.777487589050607 1.1008199239197438 1.1008199239197438 +35314,1.1008199239197438,1,0.0822224630418905 0.0822224630418905 -0.7555936827918527 -0.7555936827918527 -0.7555936827918527 -1.112667735708619 -1.112667735708619 -1.112667735708619 -1.342204285546305 -1.342204285546305 -1.342204285546305 -1.1482667960340813 -1.017788501015088 -1.017788501015088 -1.017788501015088 0.777487589050607 0.777487589050607 1.1008199239197438 1.1008199239197438 1.1008199239197438 +35315,0.8045738306025956,1,0.0822224630418905 -0.7555936827918527 -0.7555936827918527 -0.7555936827918527 -1.112667735708619 -1.112667735708619 -1.112667735708619 -1.342204285546305 -1.342204285546305 -1.342204285546305 -1.1482667960340813 -1.017788501015088 -1.017788501015088 -1.017788501015088 0.777487589050607 0.777487589050607 1.1008199239197438 1.1008199239197438 1.1008199239197438 1.1008199239197438 +35316,0.8045738306025956,1,-0.7555936827918527 -0.7555936827918527 -0.7555936827918527 -1.112667735708619 -1.112667735708619 -1.112667735708619 -1.342204285546305 -1.342204285546305 -1.342204285546305 -1.1482667960340813 -1.017788501015088 -1.017788501015088 -1.017788501015088 0.777487589050607 0.777487589050607 1.1008199239197438 1.1008199239197438 1.1008199239197438 1.1008199239197438 0.8045738306025956 +35317,0.8045738306025956,1,-0.7555936827918527 -0.7555936827918527 -1.112667735708619 -1.112667735708619 -1.112667735708619 -1.342204285546305 -1.342204285546305 -1.342204285546305 -1.1482667960340813 -1.017788501015088 -1.017788501015088 -1.017788501015088 0.777487589050607 0.777487589050607 1.1008199239197438 1.1008199239197438 1.1008199239197438 1.1008199239197438 0.8045738306025956 0.8045738306025956 +35318,-0.4040916567086383,1,-0.7555936827918527 -1.112667735708619 -1.112667735708619 -1.112667735708619 -1.342204285546305 -1.342204285546305 -1.342204285546305 -1.1482667960340813 -1.017788501015088 -1.017788501015088 -1.017788501015088 0.777487589050607 0.777487589050607 1.1008199239197438 1.1008199239197438 1.1008199239197438 1.1008199239197438 0.8045738306025956 0.8045738306025956 0.8045738306025956 +35319,-0.4040916567086383,1,-1.112667735708619 -1.112667735708619 -1.112667735708619 -1.342204285546305 -1.342204285546305 -1.342204285546305 -1.1482667960340813 -1.017788501015088 -1.017788501015088 -1.017788501015088 0.777487589050607 0.777487589050607 1.1008199239197438 1.1008199239197438 1.1008199239197438 1.1008199239197438 0.8045738306025956 0.8045738306025956 0.8045738306025956 -0.4040916567086383 +35320,-0.4040916567086383,1,-1.112667735708619 -1.112667735708619 -1.342204285546305 -1.342204285546305 -1.342204285546305 -1.1482667960340813 -1.017788501015088 -1.017788501015088 -1.017788501015088 0.777487589050607 0.777487589050607 1.1008199239197438 1.1008199239197438 1.1008199239197438 1.1008199239197438 0.8045738306025956 0.8045738306025956 0.8045738306025956 -0.4040916567086383 -0.4040916567086383 +35321,-1.1676141114283576,1,-1.112667735708619 -1.342204285546305 -1.342204285546305 -1.342204285546305 -1.1482667960340813 -1.017788501015088 -1.017788501015088 -1.017788501015088 0.777487589050607 0.777487589050607 1.1008199239197438 1.1008199239197438 1.1008199239197438 1.1008199239197438 0.8045738306025956 0.8045738306025956 0.8045738306025956 -0.4040916567086383 -0.4040916567086383 -0.4040916567086383 +35322,-1.1676141114283576,1,-1.342204285546305 -1.342204285546305 -1.342204285546305 -1.1482667960340813 -1.017788501015088 -1.017788501015088 -1.017788501015088 0.777487589050607 0.777487589050607 1.1008199239197438 1.1008199239197438 1.1008199239197438 1.1008199239197438 0.8045738306025956 0.8045738306025956 0.8045738306025956 -0.4040916567086383 -0.4040916567086383 -0.4040916567086383 -1.1676141114283576 +35323,-1.477635493306239,1,-1.342204285546305 -1.342204285546305 -1.1482667960340813 -1.017788501015088 -1.017788501015088 -1.017788501015088 0.777487589050607 0.777487589050607 1.1008199239197438 1.1008199239197438 1.1008199239197438 1.1008199239197438 0.8045738306025956 0.8045738306025956 0.8045738306025956 -0.4040916567086383 -0.4040916567086383 -0.4040916567086383 -1.1676141114283576 -1.1676141114283576 +35324,-1.477635493306239,1,-1.342204285546305 -1.1482667960340813 -1.017788501015088 -1.017788501015088 -1.017788501015088 0.777487589050607 0.777487589050607 1.1008199239197438 1.1008199239197438 1.1008199239197438 1.1008199239197438 0.8045738306025956 0.8045738306025956 0.8045738306025956 -0.4040916567086383 -0.4040916567086383 -0.4040916567086383 -1.1676141114283576 -1.1676141114283576 -1.477635493306239 +35325,-1.477635493306239,1,-1.1482667960340813 -1.017788501015088 -1.017788501015088 -1.017788501015088 0.777487589050607 0.777487589050607 1.1008199239197438 1.1008199239197438 1.1008199239197438 1.1008199239197438 0.8045738306025956 0.8045738306025956 0.8045738306025956 -0.4040916567086383 -0.4040916567086383 -0.4040916567086383 -1.1676141114283576 -1.1676141114283576 -1.477635493306239 -1.477635493306239 +35326,-1.6582620298272075,1,-1.017788501015088 -1.017788501015088 -1.017788501015088 0.777487589050607 0.777487589050607 1.1008199239197438 1.1008199239197438 1.1008199239197438 1.1008199239197438 0.8045738306025956 0.8045738306025956 0.8045738306025956 -0.4040916567086383 -0.4040916567086383 -0.4040916567086383 -1.1676141114283576 -1.1676141114283576 -1.477635493306239 -1.477635493306239 -1.477635493306239 +35327,-1.6582620298272075,1,-1.017788501015088 -1.017788501015088 0.777487589050607 0.777487589050607 1.1008199239197438 1.1008199239197438 1.1008199239197438 1.1008199239197438 0.8045738306025956 0.8045738306025956 0.8045738306025956 -0.4040916567086383 -0.4040916567086383 -0.4040916567086383 -1.1676141114283576 -1.1676141114283576 -1.477635493306239 -1.477635493306239 -1.477635493306239 -1.6582620298272075 +35328,-1.6582620298272075,1,-1.017788501015088 0.777487589050607 0.777487589050607 1.1008199239197438 1.1008199239197438 1.1008199239197438 1.1008199239197438 0.8045738306025956 0.8045738306025956 0.8045738306025956 -0.4040916567086383 -0.4040916567086383 -0.4040916567086383 -1.1676141114283576 -1.1676141114283576 -1.477635493306239 -1.477635493306239 -1.477635493306239 -1.6582620298272075 -1.6582620298272075 +35329,-1.6582620298272075,1,0.777487589050607 0.777487589050607 1.1008199239197438 1.1008199239197438 1.1008199239197438 1.1008199239197438 0.8045738306025956 0.8045738306025956 0.8045738306025956 -0.4040916567086383 -0.4040916567086383 -0.4040916567086383 -1.1676141114283576 -1.1676141114283576 -1.477635493306239 -1.477635493306239 -1.477635493306239 -1.6582620298272075 -1.6582620298272075 -1.6582620298272075 +35330,-1.432904500114683,1,0.777487589050607 1.1008199239197438 1.1008199239197438 1.1008199239197438 1.1008199239197438 0.8045738306025956 0.8045738306025956 0.8045738306025956 -0.4040916567086383 -0.4040916567086383 -0.4040916567086383 -1.1676141114283576 -1.1676141114283576 -1.477635493306239 -1.477635493306239 -1.477635493306239 -1.6582620298272075 -1.6582620298272075 -1.6582620298272075 -1.6582620298272075 +35331,-1.432904500114683,1,1.1008199239197438 1.1008199239197438 1.1008199239197438 1.1008199239197438 0.8045738306025956 0.8045738306025956 0.8045738306025956 -0.4040916567086383 -0.4040916567086383 -0.4040916567086383 -1.1676141114283576 -1.1676141114283576 -1.477635493306239 -1.477635493306239 -1.477635493306239 -1.6582620298272075 -1.6582620298272075 -1.6582620298272075 -1.6582620298272075 -1.432904500114683 +35332,-1.432904500114683,1,1.1008199239197438 1.1008199239197438 1.1008199239197438 0.8045738306025956 0.8045738306025956 0.8045738306025956 -0.4040916567086383 -0.4040916567086383 -0.4040916567086383 -1.1676141114283576 -1.1676141114283576 -1.477635493306239 -1.477635493306239 -1.477635493306239 -1.6582620298272075 -1.6582620298272075 -1.6582620298272075 -1.6582620298272075 -1.432904500114683 -1.432904500114683 +35333,0.23746532176556145,1,1.1008199239197438 1.1008199239197438 0.8045738306025956 0.8045738306025956 0.8045738306025956 -0.4040916567086383 -0.4040916567086383 -0.4040916567086383 -1.1676141114283576 -1.1676141114283576 -1.477635493306239 -1.477635493306239 -1.477635493306239 -1.6582620298272075 -1.6582620298272075 -1.6582620298272075 -1.6582620298272075 -1.432904500114683 -1.432904500114683 -1.432904500114683 +35334,0.23746532176556145,1,1.1008199239197438 0.8045738306025956 0.8045738306025956 0.8045738306025956 -0.4040916567086383 -0.4040916567086383 -0.4040916567086383 -1.1676141114283576 -1.1676141114283576 -1.477635493306239 -1.477635493306239 -1.477635493306239 -1.6582620298272075 -1.6582620298272075 -1.6582620298272075 -1.6582620298272075 -1.432904500114683 -1.432904500114683 -1.432904500114683 0.23746532176556145 +35335,0.7059799113533546,1,0.8045738306025956 0.8045738306025956 0.8045738306025956 -0.4040916567086383 -0.4040916567086383 -0.4040916567086383 -1.1676141114283576 -1.1676141114283576 -1.477635493306239 -1.477635493306239 -1.477635493306239 -1.6582620298272075 -1.6582620298272075 -1.6582620298272075 -1.6582620298272075 -1.432904500114683 -1.432904500114683 -1.432904500114683 0.23746532176556145 0.23746532176556145 +35336,0.7059799113533546,1,0.8045738306025956 0.8045738306025956 -0.4040916567086383 -0.4040916567086383 -0.4040916567086383 -1.1676141114283576 -1.1676141114283576 -1.477635493306239 -1.477635493306239 -1.477635493306239 -1.6582620298272075 -1.6582620298272075 -1.6582620298272075 -1.6582620298272075 -1.432904500114683 -1.432904500114683 -1.432904500114683 0.23746532176556145 0.23746532176556145 0.7059799113533546 +35337,0.7059799113533546,1,0.8045738306025956 -0.4040916567086383 -0.4040916567086383 -0.4040916567086383 -1.1676141114283576 -1.1676141114283576 -1.477635493306239 -1.477635493306239 -1.477635493306239 -1.6582620298272075 -1.6582620298272075 -1.6582620298272075 -1.6582620298272075 -1.432904500114683 -1.432904500114683 -1.432904500114683 0.23746532176556145 0.23746532176556145 0.7059799113533546 0.7059799113533546 +35338,0.5428433479488208,1,-0.4040916567086383 -0.4040916567086383 -0.4040916567086383 -1.1676141114283576 -1.1676141114283576 -1.477635493306239 -1.477635493306239 -1.477635493306239 -1.6582620298272075 -1.6582620298272075 -1.6582620298272075 -1.6582620298272075 -1.432904500114683 -1.432904500114683 -1.432904500114683 0.23746532176556145 0.23746532176556145 0.7059799113533546 0.7059799113533546 0.7059799113533546 +35339,0.5428433479488208,1,-0.4040916567086383 -0.4040916567086383 -1.1676141114283576 -1.1676141114283576 -1.477635493306239 -1.477635493306239 -1.477635493306239 -1.6582620298272075 -1.6582620298272075 -1.6582620298272075 -1.6582620298272075 -1.432904500114683 -1.432904500114683 -1.432904500114683 0.23746532176556145 0.23746532176556145 0.7059799113533546 0.7059799113533546 0.7059799113533546 0.5428433479488208 +35340,0.5428433479488208,1,-0.4040916567086383 -1.1676141114283576 -1.1676141114283576 -1.477635493306239 -1.477635493306239 -1.477635493306239 -1.6582620298272075 -1.6582620298272075 -1.6582620298272075 -1.6582620298272075 -1.432904500114683 -1.432904500114683 -1.432904500114683 0.23746532176556145 0.23746532176556145 0.7059799113533546 0.7059799113533546 0.7059799113533546 0.5428433479488208 0.5428433479488208 +35341,0.5428433479488208,1,-1.1676141114283576 -1.1676141114283576 -1.477635493306239 -1.477635493306239 -1.477635493306239 -1.6582620298272075 -1.6582620298272075 -1.6582620298272075 -1.6582620298272075 -1.432904500114683 -1.432904500114683 -1.432904500114683 0.23746532176556145 0.23746532176556145 0.7059799113533546 0.7059799113533546 0.7059799113533546 0.5428433479488208 0.5428433479488208 0.5428433479488208 +35342,-0.5642874281732501,1,-1.1676141114283576 -1.477635493306239 -1.477635493306239 -1.477635493306239 -1.6582620298272075 -1.6582620298272075 -1.6582620298272075 -1.6582620298272075 -1.432904500114683 -1.432904500114683 -1.432904500114683 0.23746532176556145 0.23746532176556145 0.7059799113533546 0.7059799113533546 0.7059799113533546 0.5428433479488208 0.5428433479488208 0.5428433479488208 0.5428433479488208 +35343,-0.5642874281732501,1,-1.477635493306239 -1.477635493306239 -1.477635493306239 -1.6582620298272075 -1.6582620298272075 -1.6582620298272075 -1.6582620298272075 -1.432904500114683 -1.432904500114683 -1.432904500114683 0.23746532176556145 0.23746532176556145 0.7059799113533546 0.7059799113533546 0.7059799113533546 0.5428433479488208 0.5428433479488208 0.5428433479488208 0.5428433479488208 -0.5642874281732501 +35344,-1.218845802592404,1,-1.477635493306239 -1.477635493306239 -1.6582620298272075 -1.6582620298272075 -1.6582620298272075 -1.6582620298272075 -1.432904500114683 -1.432904500114683 -1.432904500114683 0.23746532176556145 0.23746532176556145 0.7059799113533546 0.7059799113533546 0.7059799113533546 0.5428433479488208 0.5428433479488208 0.5428433479488208 0.5428433479488208 -0.5642874281732501 -0.5642874281732501 +35345,-1.218845802592404,1,-1.477635493306239 -1.6582620298272075 -1.6582620298272075 -1.6582620298272075 -1.6582620298272075 -1.432904500114683 -1.432904500114683 -1.432904500114683 0.23746532176556145 0.23746532176556145 0.7059799113533546 0.7059799113533546 0.7059799113533546 0.5428433479488208 0.5428433479488208 0.5428433479488208 0.5428433479488208 -0.5642874281732501 -0.5642874281732501 -1.218845802592404 +35346,-1.218845802592404,1,-1.6582620298272075 -1.6582620298272075 -1.6582620298272075 -1.6582620298272075 -1.432904500114683 -1.432904500114683 -1.432904500114683 0.23746532176556145 0.23746532176556145 0.7059799113533546 0.7059799113533546 0.7059799113533546 0.5428433479488208 0.5428433479488208 0.5428433479488208 0.5428433479488208 -0.5642874281732501 -0.5642874281732501 -1.218845802592404 -1.218845802592404 +35347,-1.4731469161347763,1,-1.6582620298272075 -1.6582620298272075 -1.6582620298272075 -1.432904500114683 -1.432904500114683 -1.432904500114683 0.23746532176556145 0.23746532176556145 0.7059799113533546 0.7059799113533546 0.7059799113533546 0.5428433479488208 0.5428433479488208 0.5428433479488208 0.5428433479488208 -0.5642874281732501 -0.5642874281732501 -1.218845802592404 -1.218845802592404 -1.218845802592404 +35348,-1.4731469161347763,1,-1.6582620298272075 -1.6582620298272075 -1.432904500114683 -1.432904500114683 -1.432904500114683 0.23746532176556145 0.23746532176556145 0.7059799113533546 0.7059799113533546 0.7059799113533546 0.5428433479488208 0.5428433479488208 0.5428433479488208 0.5428433479488208 -0.5642874281732501 -0.5642874281732501 -1.218845802592404 -1.218845802592404 -1.218845802592404 -1.4731469161347763 +35349,-1.4731469161347763,1,-1.6582620298272075 -1.432904500114683 -1.432904500114683 -1.432904500114683 0.23746532176556145 0.23746532176556145 0.7059799113533546 0.7059799113533546 0.7059799113533546 0.5428433479488208 0.5428433479488208 0.5428433479488208 0.5428433479488208 -0.5642874281732501 -0.5642874281732501 -1.218845802592404 -1.218845802592404 -1.218845802592404 -1.4731469161347763 -1.4731469161347763 +35350,-1.6293184459973682,1,-1.432904500114683 -1.432904500114683 -1.432904500114683 0.23746532176556145 0.23746532176556145 0.7059799113533546 0.7059799113533546 0.7059799113533546 0.5428433479488208 0.5428433479488208 0.5428433479488208 0.5428433479488208 -0.5642874281732501 -0.5642874281732501 -1.218845802592404 -1.218845802592404 -1.218845802592404 -1.4731469161347763 -1.4731469161347763 -1.4731469161347763 +35351,-1.6293184459973682,1,-1.432904500114683 -1.432904500114683 0.23746532176556145 0.23746532176556145 0.7059799113533546 0.7059799113533546 0.7059799113533546 0.5428433479488208 0.5428433479488208 0.5428433479488208 0.5428433479488208 -0.5642874281732501 -0.5642874281732501 -1.218845802592404 -1.218845802592404 -1.218845802592404 -1.4731469161347763 -1.4731469161347763 -1.4731469161347763 -1.6293184459973682 +35352,-1.6293184459973682,1,-1.432904500114683 0.23746532176556145 0.23746532176556145 0.7059799113533546 0.7059799113533546 0.7059799113533546 0.5428433479488208 0.5428433479488208 0.5428433479488208 0.5428433479488208 -0.5642874281732501 -0.5642874281732501 -1.218845802592404 -1.218845802592404 -1.218845802592404 -1.4731469161347763 -1.4731469161347763 -1.4731469161347763 -1.6293184459973682 -1.6293184459973682 +35353,-1.4115450639193967,1,0.23746532176556145 0.23746532176556145 0.7059799113533546 0.7059799113533546 0.7059799113533546 0.5428433479488208 0.5428433479488208 0.5428433479488208 0.5428433479488208 -0.5642874281732501 -0.5642874281732501 -1.218845802592404 -1.218845802592404 -1.218845802592404 -1.4731469161347763 -1.4731469161347763 -1.4731469161347763 -1.6293184459973682 -1.6293184459973682 -1.6293184459973682 +35354,-1.374088661316075,1,0.23746532176556145 0.7059799113533546 0.7059799113533546 0.7059799113533546 0.5428433479488208 0.5428433479488208 0.5428433479488208 0.5428433479488208 -0.5642874281732501 -0.5642874281732501 -1.218845802592404 -1.218845802592404 -1.218845802592404 -1.4731469161347763 -1.4731469161347763 -1.4731469161347763 -1.6293184459973682 -1.6293184459973682 -1.6293184459973682 -1.4115450639193967 +35355,-1.374088661316075,1,0.7059799113533546 0.7059799113533546 0.7059799113533546 0.5428433479488208 0.5428433479488208 0.5428433479488208 0.5428433479488208 -0.5642874281732501 -0.5642874281732501 -1.218845802592404 -1.218845802592404 -1.218845802592404 -1.4731469161347763 -1.4731469161347763 -1.4731469161347763 -1.6293184459973682 -1.6293184459973682 -1.6293184459973682 -1.4115450639193967 -1.374088661316075 +35356,-1.374088661316075,1,0.7059799113533546 0.7059799113533546 0.5428433479488208 0.5428433479488208 0.5428433479488208 0.5428433479488208 -0.5642874281732501 -0.5642874281732501 -1.218845802592404 -1.218845802592404 -1.218845802592404 -1.4731469161347763 -1.4731469161347763 -1.4731469161347763 -1.6293184459973682 -1.6293184459973682 -1.6293184459973682 -1.4115450639193967 -1.374088661316075 -1.374088661316075 +35357,0.5129710929800607,1,0.7059799113533546 0.5428433479488208 0.5428433479488208 0.5428433479488208 0.5428433479488208 -0.5642874281732501 -0.5642874281732501 -1.218845802592404 -1.218845802592404 -1.218845802592404 -1.4731469161347763 -1.4731469161347763 -1.4731469161347763 -1.6293184459973682 -1.6293184459973682 -1.6293184459973682 -1.4115450639193967 -1.374088661316075 -1.374088661316075 -1.374088661316075 +35358,0.5129710929800607,1,0.5428433479488208 0.5428433479488208 0.5428433479488208 0.5428433479488208 -0.5642874281732501 -0.5642874281732501 -1.218845802592404 -1.218845802592404 -1.218845802592404 -1.4731469161347763 -1.4731469161347763 -1.4731469161347763 -1.6293184459973682 -1.6293184459973682 -1.6293184459973682 -1.4115450639193967 -1.374088661316075 -1.374088661316075 -1.374088661316075 0.5129710929800607 +35359,1.0506716824177864,1,0.5428433479488208 0.5428433479488208 0.5428433479488208 -0.5642874281732501 -0.5642874281732501 -1.218845802592404 -1.218845802592404 -1.218845802592404 -1.4731469161347763 -1.4731469161347763 -1.4731469161347763 -1.6293184459973682 -1.6293184459973682 -1.6293184459973682 -1.4115450639193967 -1.374088661316075 -1.374088661316075 -1.374088661316075 0.5129710929800607 0.5129710929800607 +35360,1.0506716824177864,1,0.5428433479488208 0.5428433479488208 -0.5642874281732501 -0.5642874281732501 -1.218845802592404 -1.218845802592404 -1.218845802592404 -1.4731469161347763 -1.4731469161347763 -1.4731469161347763 -1.6293184459973682 -1.6293184459973682 -1.6293184459973682 -1.4115450639193967 -1.374088661316075 -1.374088661316075 -1.374088661316075 0.5129710929800607 0.5129710929800607 1.0506716824177864 +35361,1.0506716824177864,1,0.5428433479488208 -0.5642874281732501 -0.5642874281732501 -1.218845802592404 -1.218845802592404 -1.218845802592404 -1.4731469161347763 -1.4731469161347763 -1.4731469161347763 -1.6293184459973682 -1.6293184459973682 -1.6293184459973682 -1.4115450639193967 -1.374088661316075 -1.374088661316075 -1.374088661316075 0.5129710929800607 0.5129710929800607 1.0506716824177864 1.0506716824177864 +35362,0.8743789445451391,1,-0.5642874281732501 -0.5642874281732501 -1.218845802592404 -1.218845802592404 -1.218845802592404 -1.4731469161347763 -1.4731469161347763 -1.4731469161347763 -1.6293184459973682 -1.6293184459973682 -1.6293184459973682 -1.4115450639193967 -1.374088661316075 -1.374088661316075 -1.374088661316075 0.5129710929800607 0.5129710929800607 1.0506716824177864 1.0506716824177864 1.0506716824177864 +35363,0.8743789445451391,1,-0.5642874281732501 -1.218845802592404 -1.218845802592404 -1.218845802592404 -1.4731469161347763 -1.4731469161347763 -1.4731469161347763 -1.6293184459973682 -1.6293184459973682 -1.6293184459973682 -1.4115450639193967 -1.374088661316075 -1.374088661316075 -1.374088661316075 0.5129710929800607 0.5129710929800607 1.0506716824177864 1.0506716824177864 1.0506716824177864 0.8743789445451391 +35364,0.8743789445451391,1,-1.218845802592404 -1.218845802592404 -1.218845802592404 -1.4731469161347763 -1.4731469161347763 -1.4731469161347763 -1.6293184459973682 -1.6293184459973682 -1.6293184459973682 -1.4115450639193967 -1.374088661316075 -1.374088661316075 -1.374088661316075 0.5129710929800607 0.5129710929800607 1.0506716824177864 1.0506716824177864 1.0506716824177864 0.8743789445451391 0.8743789445451391 +35365,-0.39666228759723593,1,-1.218845802592404 -1.218845802592404 -1.4731469161347763 -1.4731469161347763 -1.4731469161347763 -1.6293184459973682 -1.6293184459973682 -1.6293184459973682 -1.4115450639193967 -1.374088661316075 -1.374088661316075 -1.374088661316075 0.5129710929800607 0.5129710929800607 1.0506716824177864 1.0506716824177864 1.0506716824177864 0.8743789445451391 0.8743789445451391 0.8743789445451391 +35366,-0.39666228759723593,1,-1.218845802592404 -1.4731469161347763 -1.4731469161347763 -1.4731469161347763 -1.6293184459973682 -1.6293184459973682 -1.6293184459973682 -1.4115450639193967 -1.374088661316075 -1.374088661316075 -1.374088661316075 0.5129710929800607 0.5129710929800607 1.0506716824177864 1.0506716824177864 1.0506716824177864 0.8743789445451391 0.8743789445451391 0.8743789445451391 -0.39666228759723593 +35367,-0.39666228759723593,1,-1.4731469161347763 -1.4731469161347763 -1.4731469161347763 -1.6293184459973682 -1.6293184459973682 -1.6293184459973682 -1.4115450639193967 -1.374088661316075 -1.374088661316075 -1.374088661316075 0.5129710929800607 0.5129710929800607 1.0506716824177864 1.0506716824177864 1.0506716824177864 0.8743789445451391 0.8743789445451391 0.8743789445451391 -0.39666228759723593 -0.39666228759723593 +35368,-1.0134547023667668,1,-1.4731469161347763 -1.4731469161347763 -1.6293184459973682 -1.6293184459973682 -1.6293184459973682 -1.4115450639193967 -1.374088661316075 -1.374088661316075 -1.374088661316075 0.5129710929800607 0.5129710929800607 1.0506716824177864 1.0506716824177864 1.0506716824177864 0.8743789445451391 0.8743789445451391 0.8743789445451391 -0.39666228759723593 -0.39666228759723593 -0.39666228759723593 +35369,-1.0134547023667668,1,-1.4731469161347763 -1.6293184459973682 -1.6293184459973682 -1.6293184459973682 -1.4115450639193967 -1.374088661316075 -1.374088661316075 -1.374088661316075 0.5129710929800607 0.5129710929800607 1.0506716824177864 1.0506716824177864 1.0506716824177864 0.8743789445451391 0.8743789445451391 0.8743789445451391 -0.39666228759723593 -0.39666228759723593 -0.39666228759723593 -1.0134547023667668 +35370,-1.0134547023667668,1,-1.6293184459973682 -1.6293184459973682 -1.6293184459973682 -1.4115450639193967 -1.374088661316075 -1.374088661316075 -1.374088661316075 0.5129710929800607 0.5129710929800607 1.0506716824177864 1.0506716824177864 1.0506716824177864 0.8743789445451391 0.8743789445451391 0.8743789445451391 -0.39666228759723593 -0.39666228759723593 -0.39666228759723593 -1.0134547023667668 -1.0134547023667668 +35371,-1.3021166480493709,1,-1.6293184459973682 -1.6293184459973682 -1.4115450639193967 -1.374088661316075 -1.374088661316075 -1.374088661316075 0.5129710929800607 0.5129710929800607 1.0506716824177864 1.0506716824177864 1.0506716824177864 0.8743789445451391 0.8743789445451391 0.8743789445451391 -0.39666228759723593 -0.39666228759723593 -0.39666228759723593 -1.0134547023667668 -1.0134547023667668 -1.0134547023667668 +35372,-1.3021166480493709,1,-1.6293184459973682 -1.4115450639193967 -1.374088661316075 -1.374088661316075 -1.374088661316075 0.5129710929800607 0.5129710929800607 1.0506716824177864 1.0506716824177864 1.0506716824177864 0.8743789445451391 0.8743789445451391 0.8743789445451391 -0.39666228759723593 -0.39666228759723593 -0.39666228759723593 -1.0134547023667668 -1.0134547023667668 -1.0134547023667668 -1.3021166480493709 +35373,-1.3021166480493709,1,-1.4115450639193967 -1.374088661316075 -1.374088661316075 -1.374088661316075 0.5129710929800607 0.5129710929800607 1.0506716824177864 1.0506716824177864 1.0506716824177864 0.8743789445451391 0.8743789445451391 0.8743789445451391 -0.39666228759723593 -0.39666228759723593 -0.39666228759723593 -1.0134547023667668 -1.0134547023667668 -1.0134547023667668 -1.3021166480493709 -1.3021166480493709 +35374,-1.5116867684001696,1,-1.374088661316075 -1.374088661316075 -1.374088661316075 0.5129710929800607 0.5129710929800607 1.0506716824177864 1.0506716824177864 1.0506716824177864 0.8743789445451391 0.8743789445451391 0.8743789445451391 -0.39666228759723593 -0.39666228759723593 -0.39666228759723593 -1.0134547023667668 -1.0134547023667668 -1.0134547023667668 -1.3021166480493709 -1.3021166480493709 -1.3021166480493709 +35375,-1.5116867684001696,1,-1.374088661316075 -1.374088661316075 0.5129710929800607 0.5129710929800607 1.0506716824177864 1.0506716824177864 1.0506716824177864 0.8743789445451391 0.8743789445451391 0.8743789445451391 -0.39666228759723593 -0.39666228759723593 -0.39666228759723593 -1.0134547023667668 -1.0134547023667668 -1.0134547023667668 -1.3021166480493709 -1.3021166480493709 -1.3021166480493709 -1.5116867684001696 +35376,-1.5116867684001696,1,-1.374088661316075 0.5129710929800607 0.5129710929800607 1.0506716824177864 1.0506716824177864 1.0506716824177864 0.8743789445451391 0.8743789445451391 0.8743789445451391 -0.39666228759723593 -0.39666228759723593 -0.39666228759723593 -1.0134547023667668 -1.0134547023667668 -1.0134547023667668 -1.3021166480493709 -1.3021166480493709 -1.3021166480493709 -1.5116867684001696 -1.5116867684001696 +35377,-1.3261073191382693,1,0.5129710929800607 0.5129710929800607 1.0506716824177864 1.0506716824177864 1.0506716824177864 0.8743789445451391 0.8743789445451391 0.8743789445451391 -0.39666228759723593 -0.39666228759723593 -0.39666228759723593 -1.0134547023667668 -1.0134547023667668 -1.0134547023667668 -1.3021166480493709 -1.3021166480493709 -1.3021166480493709 -1.5116867684001696 -1.5116867684001696 -1.5116867684001696 +35378,-1.330777988753656,1,0.5129710929800607 1.0506716824177864 1.0506716824177864 1.0506716824177864 0.8743789445451391 0.8743789445451391 0.8743789445451391 -0.39666228759723593 -0.39666228759723593 -0.39666228759723593 -1.0134547023667668 -1.0134547023667668 -1.0134547023667668 -1.3021166480493709 -1.3021166480493709 -1.3021166480493709 -1.5116867684001696 -1.5116867684001696 -1.5116867684001696 -1.3261073191382693 +35379,-1.3553604600144185,1,1.0506716824177864 1.0506716824177864 1.0506716824177864 0.8743789445451391 0.8743789445451391 0.8743789445451391 -0.39666228759723593 -0.39666228759723593 -0.39666228759723593 -1.0134547023667668 -1.0134547023667668 -1.0134547023667668 -1.3021166480493709 -1.3021166480493709 -1.3021166480493709 -1.5116867684001696 -1.5116867684001696 -1.5116867684001696 -1.3261073191382693 -1.330777988753656 +35380,-1.3553604600144185,1,1.0506716824177864 1.0506716824177864 0.8743789445451391 0.8743789445451391 0.8743789445451391 -0.39666228759723593 -0.39666228759723593 -0.39666228759723593 -1.0134547023667668 -1.0134547023667668 -1.0134547023667668 -1.3021166480493709 -1.3021166480493709 -1.3021166480493709 -1.5116867684001696 -1.5116867684001696 -1.5116867684001696 -1.3261073191382693 -1.330777988753656 -1.3553604600144185 +35381,0.590979468649777,1,1.0506716824177864 0.8743789445451391 0.8743789445451391 0.8743789445451391 -0.39666228759723593 -0.39666228759723593 -0.39666228759723593 -1.0134547023667668 -1.0134547023667668 -1.0134547023667668 -1.3021166480493709 -1.3021166480493709 -1.3021166480493709 -1.5116867684001696 -1.5116867684001696 -1.5116867684001696 -1.3261073191382693 -1.330777988753656 -1.3553604600144185 -1.3553604600144185 +35382,0.590979468649777,1,0.8743789445451391 0.8743789445451391 0.8743789445451391 -0.39666228759723593 -0.39666228759723593 -0.39666228759723593 -1.0134547023667668 -1.0134547023667668 -1.0134547023667668 -1.3021166480493709 -1.3021166480493709 -1.3021166480493709 -1.5116867684001696 -1.5116867684001696 -1.5116867684001696 -1.3261073191382693 -1.330777988753656 -1.3553604600144185 -1.3553604600144185 0.590979468649777 +35383,1.068471212580522,1,0.8743789445451391 0.8743789445451391 -0.39666228759723593 -0.39666228759723593 -0.39666228759723593 -1.0134547023667668 -1.0134547023667668 -1.0134547023667668 -1.3021166480493709 -1.3021166480493709 -1.3021166480493709 -1.5116867684001696 -1.5116867684001696 -1.5116867684001696 -1.3261073191382693 -1.330777988753656 -1.3553604600144185 -1.3553604600144185 0.590979468649777 0.590979468649777 +35384,1.068471212580522,1,0.8743789445451391 -0.39666228759723593 -0.39666228759723593 -0.39666228759723593 -1.0134547023667668 -1.0134547023667668 -1.0134547023667668 -1.3021166480493709 -1.3021166480493709 -1.3021166480493709 -1.5116867684001696 -1.5116867684001696 -1.5116867684001696 -1.3261073191382693 -1.330777988753656 -1.3553604600144185 -1.3553604600144185 0.590979468649777 0.590979468649777 1.068471212580522 +35385,1.068471212580522,1,-0.39666228759723593 -0.39666228759723593 -0.39666228759723593 -1.0134547023667668 -1.0134547023667668 -1.0134547023667668 -1.3021166480493709 -1.3021166480493709 -1.3021166480493709 -1.5116867684001696 -1.5116867684001696 -1.5116867684001696 -1.3261073191382693 -1.330777988753656 -1.3553604600144185 -1.3553604600144185 0.590979468649777 0.590979468649777 1.068471212580522 1.068471212580522 +35386,0.8618418841696454,1,-0.39666228759723593 -0.39666228759723593 -1.0134547023667668 -1.0134547023667668 -1.0134547023667668 -1.3021166480493709 -1.3021166480493709 -1.3021166480493709 -1.5116867684001696 -1.5116867684001696 -1.5116867684001696 -1.3261073191382693 -1.330777988753656 -1.3553604600144185 -1.3553604600144185 0.590979468649777 0.590979468649777 1.068471212580522 1.068471212580522 1.068471212580522 +35387,0.8618418841696454,1,-0.39666228759723593 -1.0134547023667668 -1.0134547023667668 -1.0134547023667668 -1.3021166480493709 -1.3021166480493709 -1.3021166480493709 -1.5116867684001696 -1.5116867684001696 -1.5116867684001696 -1.3261073191382693 -1.330777988753656 -1.3553604600144185 -1.3553604600144185 0.590979468649777 0.590979468649777 1.068471212580522 1.068471212580522 1.068471212580522 0.8618418841696454 +35388,0.8618418841696454,1,-1.0134547023667668 -1.0134547023667668 -1.0134547023667668 -1.3021166480493709 -1.3021166480493709 -1.3021166480493709 -1.5116867684001696 -1.5116867684001696 -1.5116867684001696 -1.3261073191382693 -1.330777988753656 -1.3553604600144185 -1.3553604600144185 0.590979468649777 0.590979468649777 1.068471212580522 1.068471212580522 1.068471212580522 0.8618418841696454 0.8618418841696454 +35389,-0.4036273211391779,1,-1.0134547023667668 -1.0134547023667668 -1.3021166480493709 -1.3021166480493709 -1.3021166480493709 -1.5116867684001696 -1.5116867684001696 -1.5116867684001696 -1.3261073191382693 -1.330777988753656 -1.3553604600144185 -1.3553604600144185 0.590979468649777 0.590979468649777 1.068471212580522 1.068471212580522 1.068471212580522 0.8618418841696454 0.8618418841696454 0.8618418841696454 +35390,-0.4036273211391779,1,-1.0134547023667668 -1.3021166480493709 -1.3021166480493709 -1.3021166480493709 -1.5116867684001696 -1.5116867684001696 -1.5116867684001696 -1.3261073191382693 -1.330777988753656 -1.3553604600144185 -1.3553604600144185 0.590979468649777 0.590979468649777 1.068471212580522 1.068471212580522 1.068471212580522 0.8618418841696454 0.8618418841696454 0.8618418841696454 -0.4036273211391779 +35391,-0.4036273211391779,1,-1.3021166480493709 -1.3021166480493709 -1.3021166480493709 -1.5116867684001696 -1.5116867684001696 -1.5116867684001696 -1.3261073191382693 -1.330777988753656 -1.3553604600144185 -1.3553604600144185 0.590979468649777 0.590979468649777 1.068471212580522 1.068471212580522 1.068471212580522 0.8618418841696454 0.8618418841696454 0.8618418841696454 -0.4036273211391779 -0.4036273211391779 +35392,-0.9735218433929835,1,-1.3021166480493709 -1.3021166480493709 -1.5116867684001696 -1.5116867684001696 -1.5116867684001696 -1.3261073191382693 -1.330777988753656 -1.3553604600144185 -1.3553604600144185 0.590979468649777 0.590979468649777 1.068471212580522 1.068471212580522 1.068471212580522 0.8618418841696454 0.8618418841696454 0.8618418841696454 -0.4036273211391779 -0.4036273211391779 -0.4036273211391779 +35393,-0.9735218433929835,1,-1.3021166480493709 -1.5116867684001696 -1.5116867684001696 -1.5116867684001696 -1.3261073191382693 -1.330777988753656 -1.3553604600144185 -1.3553604600144185 0.590979468649777 0.590979468649777 1.068471212580522 1.068471212580522 1.068471212580522 0.8618418841696454 0.8618418841696454 0.8618418841696454 -0.4036273211391779 -0.4036273211391779 -0.4036273211391779 -0.9735218433929835 +35394,-0.9735218433929835,1,-1.5116867684001696 -1.5116867684001696 -1.5116867684001696 -1.3261073191382693 -1.330777988753656 -1.3553604600144185 -1.3553604600144185 0.590979468649777 0.590979468649777 1.068471212580522 1.068471212580522 1.068471212580522 0.8618418841696454 0.8618418841696454 0.8618418841696454 -0.4036273211391779 -0.4036273211391779 -0.4036273211391779 -0.9735218433929835 -0.9735218433929835 +35395,-1.1829371852206316,1,-1.5116867684001696 -1.5116867684001696 -1.3261073191382693 -1.330777988753656 -1.3553604600144185 -1.3553604600144185 0.590979468649777 0.590979468649777 1.068471212580522 1.068471212580522 1.068471212580522 0.8618418841696454 0.8618418841696454 0.8618418841696454 -0.4036273211391779 -0.4036273211391779 -0.4036273211391779 -0.9735218433929835 -0.9735218433929835 -0.9735218433929835 +35396,-1.1829371852206316,1,-1.5116867684001696 -1.3261073191382693 -1.330777988753656 -1.3553604600144185 -1.3553604600144185 0.590979468649777 0.590979468649777 1.068471212580522 1.068471212580522 1.068471212580522 0.8618418841696454 0.8618418841696454 0.8618418841696454 -0.4036273211391779 -0.4036273211391779 -0.4036273211391779 -0.9735218433929835 -0.9735218433929835 -0.9735218433929835 -1.1829371852206316 +35397,-1.1829371852206316,1,-1.3261073191382693 -1.330777988753656 -1.3553604600144185 -1.3553604600144185 0.590979468649777 0.590979468649777 1.068471212580522 1.068471212580522 1.068471212580522 0.8618418841696454 0.8618418841696454 0.8618418841696454 -0.4036273211391779 -0.4036273211391779 -0.4036273211391779 -0.9735218433929835 -0.9735218433929835 -0.9735218433929835 -1.1829371852206316 -1.1829371852206316 +35398,-1.4120093994888572,1,-1.330777988753656 -1.3553604600144185 -1.3553604600144185 0.590979468649777 0.590979468649777 1.068471212580522 1.068471212580522 1.068471212580522 0.8618418841696454 0.8618418841696454 0.8618418841696454 -0.4036273211391779 -0.4036273211391779 -0.4036273211391779 -0.9735218433929835 -0.9735218433929835 -0.9735218433929835 -1.1829371852206316 -1.1829371852206316 -1.1829371852206316 +35399,-1.4120093994888572,1,-1.3553604600144185 -1.3553604600144185 0.590979468649777 0.590979468649777 1.068471212580522 1.068471212580522 1.068471212580522 0.8618418841696454 0.8618418841696454 0.8618418841696454 -0.4036273211391779 -0.4036273211391779 -0.4036273211391779 -0.9735218433929835 -0.9735218433929835 -0.9735218433929835 -1.1829371852206316 -1.1829371852206316 -1.1829371852206316 -1.4120093994888572 +35400,-1.4120093994888572,1,-1.3553604600144185 0.590979468649777 0.590979468649777 1.068471212580522 1.068471212580522 1.068471212580522 0.8618418841696454 0.8618418841696454 0.8618418841696454 -0.4036273211391779 -0.4036273211391779 -0.4036273211391779 -0.9735218433929835 -0.9735218433929835 -0.9735218433929835 -1.1829371852206316 -1.1829371852206316 -1.1829371852206316 -1.4120093994888572 -1.4120093994888572 +35401,-1.4120093994888572,1,0.590979468649777 0.590979468649777 1.068471212580522 1.068471212580522 1.068471212580522 0.8618418841696454 0.8618418841696454 0.8618418841696454 -0.4036273211391779 -0.4036273211391779 -0.4036273211391779 -0.9735218433929835 -0.9735218433929835 -0.9735218433929835 -1.1829371852206316 -1.1829371852206316 -1.1829371852206316 -1.4120093994888572 -1.4120093994888572 -1.4120093994888572 +35402,-1.242372138111842,1,0.590979468649777 1.068471212580522 1.068471212580522 1.068471212580522 0.8618418841696454 0.8618418841696454 0.8618418841696454 -0.4036273211391779 -0.4036273211391779 -0.4036273211391779 -0.9735218433929835 -0.9735218433929835 -0.9735218433929835 -1.1829371852206316 -1.1829371852206316 -1.1829371852206316 -1.4120093994888572 -1.4120093994888572 -1.4120093994888572 -1.4120093994888572 +35403,-1.2394306170102924,1,1.068471212580522 1.068471212580522 1.068471212580522 0.8618418841696454 0.8618418841696454 0.8618418841696454 -0.4036273211391779 -0.4036273211391779 -0.4036273211391779 -0.9735218433929835 -0.9735218433929835 -0.9735218433929835 -1.1829371852206316 -1.1829371852206316 -1.1829371852206316 -1.4120093994888572 -1.4120093994888572 -1.4120093994888572 -1.4120093994888572 -1.242372138111842 +35404,-1.2357166616162099,1,1.068471212580522 1.068471212580522 0.8618418841696454 0.8618418841696454 0.8618418841696454 -0.4036273211391779 -0.4036273211391779 -0.4036273211391779 -0.9735218433929835 -0.9735218433929835 -0.9735218433929835 -1.1829371852206316 -1.1829371852206316 -1.1829371852206316 -1.4120093994888572 -1.4120093994888572 -1.4120093994888572 -1.4120093994888572 -1.242372138111842 -1.2394306170102924 +35405,0.3297133215654715,1,1.068471212580522 0.8618418841696454 0.8618418841696454 0.8618418841696454 -0.4036273211391779 -0.4036273211391779 -0.4036273211391779 -0.9735218433929835 -0.9735218433929835 -0.9735218433929835 -1.1829371852206316 -1.1829371852206316 -1.1829371852206316 -1.4120093994888572 -1.4120093994888572 -1.4120093994888572 -1.4120093994888572 -1.242372138111842 -1.2394306170102924 -1.2357166616162099 +35406,0.3297133215654715,1,0.8618418841696454 0.8618418841696454 0.8618418841696454 -0.4036273211391779 -0.4036273211391779 -0.4036273211391779 -0.9735218433929835 -0.9735218433929835 -0.9735218433929835 -1.1829371852206316 -1.1829371852206316 -1.1829371852206316 -1.4120093994888572 -1.4120093994888572 -1.4120093994888572 -1.4120093994888572 -1.242372138111842 -1.2394306170102924 -1.2357166616162099 0.3297133215654715 +35407,0.3297133215654715,1,0.8618418841696454 0.8618418841696454 -0.4036273211391779 -0.4036273211391779 -0.4036273211391779 -0.9735218433929835 -0.9735218433929835 -0.9735218433929835 -1.1829371852206316 -1.1829371852206316 -1.1829371852206316 -1.4120093994888572 -1.4120093994888572 -1.4120093994888572 -1.4120093994888572 -1.242372138111842 -1.2394306170102924 -1.2357166616162099 0.3297133215654715 0.3297133215654715 +35408,0.821909025195862,1,0.8618418841696454 -0.4036273211391779 -0.4036273211391779 -0.4036273211391779 -0.9735218433929835 -0.9735218433929835 -0.9735218433929835 -1.1829371852206316 -1.1829371852206316 -1.1829371852206316 -1.4120093994888572 -1.4120093994888572 -1.4120093994888572 -1.4120093994888572 -1.242372138111842 -1.2394306170102924 -1.2357166616162099 0.3297133215654715 0.3297133215654715 0.3297133215654715 +35409,0.821909025195862,1,-0.4036273211391779 -0.4036273211391779 -0.4036273211391779 -0.9735218433929835 -0.9735218433929835 -0.9735218433929835 -1.1829371852206316 -1.1829371852206316 -1.1829371852206316 -1.4120093994888572 -1.4120093994888572 -1.4120093994888572 -1.4120093994888572 -1.242372138111842 -1.2394306170102924 -1.2357166616162099 0.3297133215654715 0.3297133215654715 0.3297133215654715 0.821909025195862 +35410,0.821909025195862,1,-0.4036273211391779 -0.4036273211391779 -0.9735218433929835 -0.9735218433929835 -0.9735218433929835 -1.1829371852206316 -1.1829371852206316 -1.1829371852206316 -1.4120093994888572 -1.4120093994888572 -1.4120093994888572 -1.4120093994888572 -1.242372138111842 -1.2394306170102924 -1.2357166616162099 0.3297133215654715 0.3297133215654715 0.3297133215654715 0.821909025195862 0.821909025195862 +35411,0.6213160591880064,1,-0.4036273211391779 -0.9735218433929835 -0.9735218433929835 -0.9735218433929835 -1.1829371852206316 -1.1829371852206316 -1.1829371852206316 -1.4120093994888572 -1.4120093994888572 -1.4120093994888572 -1.4120093994888572 -1.242372138111842 -1.2394306170102924 -1.2357166616162099 0.3297133215654715 0.3297133215654715 0.3297133215654715 0.821909025195862 0.821909025195862 0.821909025195862 +35412,0.6213160591880064,1,-0.9735218433929835 -0.9735218433929835 -0.9735218433929835 -1.1829371852206316 -1.1829371852206316 -1.1829371852206316 -1.4120093994888572 -1.4120093994888572 -1.4120093994888572 -1.4120093994888572 -1.242372138111842 -1.2394306170102924 -1.2357166616162099 0.3297133215654715 0.3297133215654715 0.3297133215654715 0.821909025195862 0.821909025195862 0.821909025195862 0.6213160591880064 +35413,0.4526488836584695,1,-0.9735218433929835 -0.9735218433929835 -1.1829371852206316 -1.1829371852206316 -1.1829371852206316 -1.4120093994888572 -1.4120093994888572 -1.4120093994888572 -1.4120093994888572 -1.242372138111842 -1.2394306170102924 -1.2357166616162099 0.3297133215654715 0.3297133215654715 0.3297133215654715 0.821909025195862 0.821909025195862 0.821909025195862 0.6213160591880064 0.6213160591880064 +35414,-0.31726090521912953,1,-0.9735218433929835 -1.1829371852206316 -1.1829371852206316 -1.1829371852206316 -1.4120093994888572 -1.4120093994888572 -1.4120093994888572 -1.4120093994888572 -1.242372138111842 -1.2394306170102924 -1.2357166616162099 0.3297133215654715 0.3297133215654715 0.3297133215654715 0.821909025195862 0.821909025195862 0.821909025195862 0.6213160591880064 0.6213160591880064 0.4526488836584695 +35415,-0.31726090521912953,1,-1.1829371852206316 -1.1829371852206316 -1.1829371852206316 -1.4120093994888572 -1.4120093994888572 -1.4120093994888572 -1.4120093994888572 -1.242372138111842 -1.2394306170102924 -1.2357166616162099 0.3297133215654715 0.3297133215654715 0.3297133215654715 0.821909025195862 0.821909025195862 0.821909025195862 0.6213160591880064 0.6213160591880064 0.4526488836584695 -0.31726090521912953 +35416,-0.31726090521912953,1,-1.1829371852206316 -1.1829371852206316 -1.4120093994888572 -1.4120093994888572 -1.4120093994888572 -1.4120093994888572 -1.242372138111842 -1.2394306170102924 -1.2357166616162099 0.3297133215654715 0.3297133215654715 0.3297133215654715 0.821909025195862 0.821909025195862 0.821909025195862 0.6213160591880064 0.6213160591880064 0.4526488836584695 -0.31726090521912953 -0.31726090521912953 +35417,-0.822767561840784,1,-1.1829371852206316 -1.4120093994888572 -1.4120093994888572 -1.4120093994888572 -1.4120093994888572 -1.242372138111842 -1.2394306170102924 -1.2357166616162099 0.3297133215654715 0.3297133215654715 0.3297133215654715 0.821909025195862 0.821909025195862 0.821909025195862 0.6213160591880064 0.6213160591880064 0.4526488836584695 -0.31726090521912953 -0.31726090521912953 -0.31726090521912953 +35418,-0.822767561840784,1,-1.4120093994888572 -1.4120093994888572 -1.4120093994888572 -1.4120093994888572 -1.242372138111842 -1.2394306170102924 -1.2357166616162099 0.3297133215654715 0.3297133215654715 0.3297133215654715 0.821909025195862 0.821909025195862 0.821909025195862 0.6213160591880064 0.6213160591880064 0.4526488836584695 -0.31726090521912953 -0.31726090521912953 -0.31726090521912953 -0.822767561840784 +35419,-0.822767561840784,1,-1.4120093994888572 -1.4120093994888572 -1.4120093994888572 -1.242372138111842 -1.2394306170102924 -1.2357166616162099 0.3297133215654715 0.3297133215654715 0.3297133215654715 0.821909025195862 0.821909025195862 0.821909025195862 0.6213160591880064 0.6213160591880064 0.4526488836584695 -0.31726090521912953 -0.31726090521912953 -0.31726090521912953 -0.822767561840784 -0.822767561840784 +35420,-0.6469391595375972,1,-1.4120093994888572 -1.4120093994888572 -1.242372138111842 -1.2394306170102924 -1.2357166616162099 0.3297133215654715 0.3297133215654715 0.3297133215654715 0.821909025195862 0.821909025195862 0.821909025195862 0.6213160591880064 0.6213160591880064 0.4526488836584695 -0.31726090521912953 -0.31726090521912953 -0.31726090521912953 -0.822767561840784 -0.822767561840784 -0.822767561840784 +35421,-0.6297820740081654,1,-1.4120093994888572 -1.242372138111842 -1.2394306170102924 -1.2357166616162099 0.3297133215654715 0.3297133215654715 0.3297133215654715 0.821909025195862 0.821909025195862 0.821909025195862 0.6213160591880064 0.6213160591880064 0.4526488836584695 -0.31726090521912953 -0.31726090521912953 -0.31726090521912953 -0.822767561840784 -0.822767561840784 -0.822767561840784 -0.6469391595375972 +35422,-0.6066013580022591,1,-1.242372138111842 -1.2394306170102924 -1.2357166616162099 0.3297133215654715 0.3297133215654715 0.3297133215654715 0.821909025195862 0.821909025195862 0.821909025195862 0.6213160591880064 0.6213160591880064 0.4526488836584695 -0.31726090521912953 -0.31726090521912953 -0.31726090521912953 -0.822767561840784 -0.822767561840784 -0.822767561840784 -0.6469391595375972 -0.6297820740081654 +35423,-0.5543816026913773,1,-1.2394306170102924 -1.2357166616162099 0.3297133215654715 0.3297133215654715 0.3297133215654715 0.821909025195862 0.821909025195862 0.821909025195862 0.6213160591880064 0.6213160591880064 0.4526488836584695 -0.31726090521912953 -0.31726090521912953 -0.31726090521912953 -0.822767561840784 -0.822767561840784 -0.822767561840784 -0.6469391595375972 -0.6297820740081654 -0.6066013580022591 +35424,-0.5543816026913773,1,-1.2357166616162099 0.3297133215654715 0.3297133215654715 0.3297133215654715 0.821909025195862 0.821909025195862 0.821909025195862 0.6213160591880064 0.6213160591880064 0.4526488836584695 -0.31726090521912953 -0.31726090521912953 -0.31726090521912953 -0.822767561840784 -0.822767561840784 -0.822767561840784 -0.6469391595375972 -0.6297820740081654 -0.6066013580022591 -0.5543816026913773 +35425,-0.5020664618652507,1,0.3297133215654715 0.3297133215654715 0.3297133215654715 0.821909025195862 0.821909025195862 0.821909025195862 0.6213160591880064 0.6213160591880064 0.4526488836584695 -0.31726090521912953 -0.31726090521912953 -0.31726090521912953 -0.822767561840784 -0.822767561840784 -0.822767561840784 -0.6469391595375972 -0.6297820740081654 -0.6066013580022591 -0.5543816026913773 -0.5543816026913773 +35426,-0.5062454819904211,1,0.3297133215654715 0.3297133215654715 0.821909025195862 0.821909025195862 0.821909025195862 0.6213160591880064 0.6213160591880064 0.4526488836584695 -0.31726090521912953 -0.31726090521912953 -0.31726090521912953 -0.822767561840784 -0.822767561840784 -0.822767561840784 -0.6469391595375972 -0.6297820740081654 -0.6066013580022591 -0.5543816026913773 -0.5543816026913773 -0.5020664618652507 +35427,-0.5062454819904211,1,0.3297133215654715 0.821909025195862 0.821909025195862 0.821909025195862 0.6213160591880064 0.6213160591880064 0.4526488836584695 -0.31726090521912953 -0.31726090521912953 -0.31726090521912953 -0.822767561840784 -0.822767561840784 -0.822767561840784 -0.6469391595375972 -0.6297820740081654 -0.6066013580022591 -0.5543816026913773 -0.5543816026913773 -0.5020664618652507 -0.5062454819904211 +35428,-0.5062454819904211,1,0.821909025195862 0.821909025195862 0.821909025195862 0.6213160591880064 0.6213160591880064 0.4526488836584695 -0.31726090521912953 -0.31726090521912953 -0.31726090521912953 -0.822767561840784 -0.822767561840784 -0.822767561840784 -0.6469391595375972 -0.6297820740081654 -0.6066013580022591 -0.5543816026913773 -0.5543816026913773 -0.5020664618652507 -0.5062454819904211 -0.5062454819904211 +35429,0.058231791952983294,1,0.821909025195862 0.821909025195862 0.6213160591880064 0.6213160591880064 0.4526488836584695 -0.31726090521912953 -0.31726090521912953 -0.31726090521912953 -0.822767561840784 -0.822767561840784 -0.822767561840784 -0.6469391595375972 -0.6297820740081654 -0.6066013580022591 -0.5543816026913773 -0.5543816026913773 -0.5020664618652507 -0.5062454819904211 -0.5062454819904211 -0.5062454819904211 +35430,0.058231791952983294,1,0.821909025195862 0.6213160591880064 0.6213160591880064 0.4526488836584695 -0.31726090521912953 -0.31726090521912953 -0.31726090521912953 -0.822767561840784 -0.822767561840784 -0.822767561840784 -0.6469391595375972 -0.6297820740081654 -0.6066013580022591 -0.5543816026913773 -0.5543816026913773 -0.5020664618652507 -0.5062454819904211 -0.5062454819904211 -0.5062454819904211 0.058231791952983294 +35431,0.4219613213653815,1,0.6213160591880064 0.6213160591880064 0.4526488836584695 -0.31726090521912953 -0.31726090521912953 -0.31726090521912953 -0.822767561840784 -0.822767561840784 -0.822767561840784 -0.6469391595375972 -0.6297820740081654 -0.6066013580022591 -0.5543816026913773 -0.5543816026913773 -0.5020664618652507 -0.5062454819904211 -0.5062454819904211 -0.5062454819904211 0.058231791952983294 0.058231791952983294 +35432,0.4219613213653815,1,0.6213160591880064 0.4526488836584695 -0.31726090521912953 -0.31726090521912953 -0.31726090521912953 -0.822767561840784 -0.822767561840784 -0.822767561840784 -0.6469391595375972 -0.6297820740081654 -0.6066013580022591 -0.5543816026913773 -0.5543816026913773 -0.5020664618652507 -0.5062454819904211 -0.5062454819904211 -0.5062454819904211 0.058231791952983294 0.058231791952983294 0.4219613213653815 +35433,0.4219613213653815,1,0.4526488836584695 -0.31726090521912953 -0.31726090521912953 -0.31726090521912953 -0.822767561840784 -0.822767561840784 -0.822767561840784 -0.6469391595375972 -0.6297820740081654 -0.6066013580022591 -0.5543816026913773 -0.5543816026913773 -0.5020664618652507 -0.5062454819904211 -0.5062454819904211 -0.5062454819904211 0.058231791952983294 0.058231791952983294 0.4219613213653815 0.4219613213653815 +35434,0.3095921135554248,1,-0.31726090521912953 -0.31726090521912953 -0.31726090521912953 -0.822767561840784 -0.822767561840784 -0.822767561840784 -0.6469391595375972 -0.6297820740081654 -0.6066013580022591 -0.5543816026913773 -0.5543816026913773 -0.5020664618652507 -0.5062454819904211 -0.5062454819904211 -0.5062454819904211 0.058231791952983294 0.058231791952983294 0.4219613213653815 0.4219613213653815 0.4219613213653815 +35435,0.3095921135554248,1,-0.31726090521912953 -0.31726090521912953 -0.822767561840784 -0.822767561840784 -0.822767561840784 -0.6469391595375972 -0.6297820740081654 -0.6066013580022591 -0.5543816026913773 -0.5543816026913773 -0.5020664618652507 -0.5062454819904211 -0.5062454819904211 -0.5062454819904211 0.058231791952983294 0.058231791952983294 0.4219613213653815 0.4219613213653815 0.4219613213653815 0.3095921135554248 +35436,0.3095921135554248,1,-0.31726090521912953 -0.822767561840784 -0.822767561840784 -0.822767561840784 -0.6469391595375972 -0.6297820740081654 -0.6066013580022591 -0.5543816026913773 -0.5543816026913773 -0.5020664618652507 -0.5062454819904211 -0.5062454819904211 -0.5062454819904211 0.058231791952983294 0.058231791952983294 0.4219613213653815 0.4219613213653815 0.4219613213653815 0.3095921135554248 0.3095921135554248 +35437,-0.4751349988364214,1,-0.822767561840784 -0.822767561840784 -0.822767561840784 -0.6469391595375972 -0.6297820740081654 -0.6066013580022591 -0.5543816026913773 -0.5543816026913773 -0.5020664618652507 -0.5062454819904211 -0.5062454819904211 -0.5062454819904211 0.058231791952983294 0.058231791952983294 0.4219613213653815 0.4219613213653815 0.4219613213653815 0.3095921135554248 0.3095921135554248 0.3095921135554248 +35438,-0.4751349988364214,1,-0.822767561840784 -0.822767561840784 -0.6469391595375972 -0.6297820740081654 -0.6066013580022591 -0.5543816026913773 -0.5543816026913773 -0.5020664618652507 -0.5062454819904211 -0.5062454819904211 -0.5062454819904211 0.058231791952983294 0.058231791952983294 0.4219613213653815 0.4219613213653815 0.4219613213653815 0.3095921135554248 0.3095921135554248 0.3095921135554248 -0.4751349988364214 +35439,-0.4751349988364214,1,-0.822767561840784 -0.6469391595375972 -0.6297820740081654 -0.6066013580022591 -0.5543816026913773 -0.5543816026913773 -0.5020664618652507 -0.5062454819904211 -0.5062454819904211 -0.5062454819904211 0.058231791952983294 0.058231791952983294 0.4219613213653815 0.4219613213653815 0.4219613213653815 0.3095921135554248 0.3095921135554248 0.3095921135554248 -0.4751349988364214 -0.4751349988364214 +35440,-0.7511051056203811,1,-0.6469391595375972 -0.6297820740081654 -0.6066013580022591 -0.5543816026913773 -0.5543816026913773 -0.5020664618652507 -0.5062454819904211 -0.5062454819904211 -0.5062454819904211 0.058231791952983294 0.058231791952983294 0.4219613213653815 0.4219613213653815 0.4219613213653815 0.3095921135554248 0.3095921135554248 0.3095921135554248 -0.4751349988364214 -0.4751349988364214 -0.4751349988364214 +35441,-0.7511051056203811,1,-0.6297820740081654 -0.6066013580022591 -0.5543816026913773 -0.5543816026913773 -0.5020664618652507 -0.5062454819904211 -0.5062454819904211 -0.5062454819904211 0.058231791952983294 0.058231791952983294 0.4219613213653815 0.4219613213653815 0.4219613213653815 0.3095921135554248 0.3095921135554248 0.3095921135554248 -0.4751349988364214 -0.4751349988364214 -0.4751349988364214 -0.7511051056203811 +35442,-0.7511051056203811,1,-0.6066013580022591 -0.5543816026913773 -0.5543816026913773 -0.5020664618652507 -0.5062454819904211 -0.5062454819904211 -0.5062454819904211 0.058231791952983294 0.058231791952983294 0.4219613213653815 0.4219613213653815 0.4219613213653815 0.3095921135554248 0.3095921135554248 0.3095921135554248 -0.4751349988364214 -0.4751349988364214 -0.4751349988364214 -0.7511051056203811 -0.7511051056203811 +35443,-0.645855709875517,1,-0.5543816026913773 -0.5543816026913773 -0.5020664618652507 -0.5062454819904211 -0.5062454819904211 -0.5062454819904211 0.058231791952983294 0.058231791952983294 0.4219613213653815 0.4219613213653815 0.4219613213653815 0.3095921135554248 0.3095921135554248 0.3095921135554248 -0.4751349988364214 -0.4751349988364214 -0.4751349988364214 -0.7511051056203811 -0.7511051056203811 -0.7511051056203811 +35444,-0.645855709875517,1,-0.5543816026913773 -0.5020664618652507 -0.5062454819904211 -0.5062454819904211 -0.5062454819904211 0.058231791952983294 0.058231791952983294 0.4219613213653815 0.4219613213653815 0.4219613213653815 0.3095921135554248 0.3095921135554248 0.3095921135554248 -0.4751349988364214 -0.4751349988364214 -0.4751349988364214 -0.7511051056203811 -0.7511051056203811 -0.7511051056203811 -0.645855709875517 +35445,-0.645855709875517,1,-0.5020664618652507 -0.5062454819904211 -0.5062454819904211 -0.5062454819904211 0.058231791952983294 0.058231791952983294 0.4219613213653815 0.4219613213653815 0.4219613213653815 0.3095921135554248 0.3095921135554248 0.3095921135554248 -0.4751349988364214 -0.4751349988364214 -0.4751349988364214 -0.7511051056203811 -0.7511051056203811 -0.7511051056203811 -0.645855709875517 -0.645855709875517 +35446,-0.6936822735301632,1,-0.5062454819904211 -0.5062454819904211 -0.5062454819904211 0.058231791952983294 0.058231791952983294 0.4219613213653815 0.4219613213653815 0.4219613213653815 0.3095921135554248 0.3095921135554248 0.3095921135554248 -0.4751349988364214 -0.4751349988364214 -0.4751349988364214 -0.7511051056203811 -0.7511051056203811 -0.7511051056203811 -0.645855709875517 -0.645855709875517 -0.645855709875517 +35447,-0.6936822735301632,1,-0.5062454819904211 -0.5062454819904211 0.058231791952983294 0.058231791952983294 0.4219613213653815 0.4219613213653815 0.4219613213653815 0.3095921135554248 0.3095921135554248 0.3095921135554248 -0.4751349988364214 -0.4751349988364214 -0.4751349988364214 -0.7511051056203811 -0.7511051056203811 -0.7511051056203811 -0.645855709875517 -0.645855709875517 -0.645855709875517 -0.6936822735301632 +35448,-0.6936822735301632,1,-0.5062454819904211 0.058231791952983294 0.058231791952983294 0.4219613213653815 0.4219613213653815 0.4219613213653815 0.3095921135554248 0.3095921135554248 0.3095921135554248 -0.4751349988364214 -0.4751349988364214 -0.4751349988364214 -0.7511051056203811 -0.7511051056203811 -0.7511051056203811 -0.645855709875517 -0.645855709875517 -0.645855709875517 -0.6936822735301632 -0.6936822735301632 +35449,-0.6470939380607478,1,0.058231791952983294 0.058231791952983294 0.4219613213653815 0.4219613213653815 0.4219613213653815 0.3095921135554248 0.3095921135554248 0.3095921135554248 -0.4751349988364214 -0.4751349988364214 -0.4751349988364214 -0.7511051056203811 -0.7511051056203811 -0.7511051056203811 -0.645855709875517 -0.645855709875517 -0.645855709875517 -0.6936822735301632 -0.6936822735301632 -0.6936822735301632 +35450,-0.5992673744061014,1,0.058231791952983294 0.4219613213653815 0.4219613213653815 0.4219613213653815 0.3095921135554248 0.3095921135554248 0.3095921135554248 -0.4751349988364214 -0.4751349988364214 -0.4751349988364214 -0.7511051056203811 -0.7511051056203811 -0.7511051056203811 -0.645855709875517 -0.645855709875517 -0.645855709875517 -0.6936822735301632 -0.6936822735301632 -0.6936822735301632 -0.6470939380607478 +35451,-0.5992673744061014,1,0.4219613213653815 0.4219613213653815 0.4219613213653815 0.3095921135554248 0.3095921135554248 0.3095921135554248 -0.4751349988364214 -0.4751349988364214 -0.4751349988364214 -0.7511051056203811 -0.7511051056203811 -0.7511051056203811 -0.645855709875517 -0.645855709875517 -0.645855709875517 -0.6936822735301632 -0.6936822735301632 -0.6936822735301632 -0.6470939380607478 -0.5992673744061014 +35452,-0.5992673744061014,1,0.4219613213653815 0.4219613213653815 0.3095921135554248 0.3095921135554248 0.3095921135554248 -0.4751349988364214 -0.4751349988364214 -0.4751349988364214 -0.7511051056203811 -0.7511051056203811 -0.7511051056203811 -0.645855709875517 -0.645855709875517 -0.645855709875517 -0.6936822735301632 -0.6936822735301632 -0.6936822735301632 -0.6470939380607478 -0.5992673744061014 -0.5992673744061014 +35453,-0.2169644222151973,1,0.4219613213653815 0.3095921135554248 0.3095921135554248 0.3095921135554248 -0.4751349988364214 -0.4751349988364214 -0.4751349988364214 -0.7511051056203811 -0.7511051056203811 -0.7511051056203811 -0.645855709875517 -0.645855709875517 -0.645855709875517 -0.6936822735301632 -0.6936822735301632 -0.6936822735301632 -0.6470939380607478 -0.5992673744061014 -0.5992673744061014 -0.5992673744061014 +35454,-0.2169644222151973,1,0.3095921135554248 0.3095921135554248 0.3095921135554248 -0.4751349988364214 -0.4751349988364214 -0.4751349988364214 -0.7511051056203811 -0.7511051056203811 -0.7511051056203811 -0.645855709875517 -0.645855709875517 -0.645855709875517 -0.6936822735301632 -0.6936822735301632 -0.6936822735301632 -0.6470939380607478 -0.5992673744061014 -0.5992673744061014 -0.5992673744061014 -0.2169644222151973 +35455,0.12803690589553562,1,0.3095921135554248 0.3095921135554248 -0.4751349988364214 -0.4751349988364214 -0.4751349988364214 -0.7511051056203811 -0.7511051056203811 -0.7511051056203811 -0.645855709875517 -0.645855709875517 -0.645855709875517 -0.6936822735301632 -0.6936822735301632 -0.6936822735301632 -0.6470939380607478 -0.5992673744061014 -0.5992673744061014 -0.5992673744061014 -0.2169644222151973 -0.2169644222151973 +35456,0.12803690589553562,1,0.3095921135554248 -0.4751349988364214 -0.4751349988364214 -0.4751349988364214 -0.7511051056203811 -0.7511051056203811 -0.7511051056203811 -0.645855709875517 -0.645855709875517 -0.645855709875517 -0.6936822735301632 -0.6936822735301632 -0.6936822735301632 -0.6470939380607478 -0.5992673744061014 -0.5992673744061014 -0.5992673744061014 -0.2169644222151973 -0.2169644222151973 0.12803690589553562 +35457,0.12803690589553562,1,-0.4751349988364214 -0.4751349988364214 -0.4751349988364214 -0.7511051056203811 -0.7511051056203811 -0.7511051056203811 -0.645855709875517 -0.645855709875517 -0.645855709875517 -0.6936822735301632 -0.6936822735301632 -0.6936822735301632 -0.6470939380607478 -0.5992673744061014 -0.5992673744061014 -0.5992673744061014 -0.2169644222151973 -0.2169644222151973 0.12803690589553562 0.12803690589553562 +35458,0.08423458384289165,1,-0.4751349988364214 -0.4751349988364214 -0.7511051056203811 -0.7511051056203811 -0.7511051056203811 -0.645855709875517 -0.645855709875517 -0.645855709875517 -0.6936822735301632 -0.6936822735301632 -0.6936822735301632 -0.6470939380607478 -0.5992673744061014 -0.5992673744061014 -0.5992673744061014 -0.2169644222151973 -0.2169644222151973 0.12803690589553562 0.12803690589553562 0.12803690589553562 +35459,0.08423458384289165,1,-0.4751349988364214 -0.7511051056203811 -0.7511051056203811 -0.7511051056203811 -0.645855709875517 -0.645855709875517 -0.645855709875517 -0.6936822735301632 -0.6936822735301632 -0.6936822735301632 -0.6470939380607478 -0.5992673744061014 -0.5992673744061014 -0.5992673744061014 -0.2169644222151973 -0.2169644222151973 0.12803690589553562 0.12803690589553562 0.12803690589553562 0.08423458384289165 +35460,0.08423458384289165,1,-0.7511051056203811 -0.7511051056203811 -0.7511051056203811 -0.645855709875517 -0.645855709875517 -0.645855709875517 -0.6936822735301632 -0.6936822735301632 -0.6936822735301632 -0.6470939380607478 -0.5992673744061014 -0.5992673744061014 -0.5992673744061014 -0.2169644222151973 -0.2169644222151973 0.12803690589553562 0.12803690589553562 0.12803690589553562 0.08423458384289165 0.08423458384289165 +35461,-0.4601214820904661,1,-0.7511051056203811 -0.7511051056203811 -0.645855709875517 -0.645855709875517 -0.645855709875517 -0.6936822735301632 -0.6936822735301632 -0.6936822735301632 -0.6470939380607478 -0.5992673744061014 -0.5992673744061014 -0.5992673744061014 -0.2169644222151973 -0.2169644222151973 0.12803690589553562 0.12803690589553562 0.12803690589553562 0.08423458384289165 0.08423458384289165 0.08423458384289165 +35462,-0.4601214820904661,1,-0.7511051056203811 -0.645855709875517 -0.645855709875517 -0.645855709875517 -0.6936822735301632 -0.6936822735301632 -0.6936822735301632 -0.6470939380607478 -0.5992673744061014 -0.5992673744061014 -0.5992673744061014 -0.2169644222151973 -0.2169644222151973 0.12803690589553562 0.12803690589553562 0.12803690589553562 0.08423458384289165 0.08423458384289165 0.08423458384289165 -0.4601214820904661 +35463,-0.4601214820904661,1,-0.645855709875517 -0.645855709875517 -0.645855709875517 -0.6936822735301632 -0.6936822735301632 -0.6936822735301632 -0.6470939380607478 -0.5992673744061014 -0.5992673744061014 -0.5992673744061014 -0.2169644222151973 -0.2169644222151973 0.12803690589553562 0.12803690589553562 0.12803690589553562 0.08423458384289165 0.08423458384289165 0.08423458384289165 -0.4601214820904661 -0.4601214820904661 +35464,-0.9730575078235142,1,-0.645855709875517 -0.645855709875517 -0.6936822735301632 -0.6936822735301632 -0.6936822735301632 -0.6470939380607478 -0.5992673744061014 -0.5992673744061014 -0.5992673744061014 -0.2169644222151973 -0.2169644222151973 0.12803690589553562 0.12803690589553562 0.12803690589553562 0.08423458384289165 0.08423458384289165 0.08423458384289165 -0.4601214820904661 -0.4601214820904661 -0.4601214820904661 +35465,-0.9730575078235142,1,-0.645855709875517 -0.6936822735301632 -0.6936822735301632 -0.6936822735301632 -0.6470939380607478 -0.5992673744061014 -0.5992673744061014 -0.5992673744061014 -0.2169644222151973 -0.2169644222151973 0.12803690589553562 0.12803690589553562 0.12803690589553562 0.08423458384289165 0.08423458384289165 0.08423458384289165 -0.4601214820904661 -0.4601214820904661 -0.4601214820904661 -0.9730575078235142 +35466,-0.9730575078235142,1,-0.6936822735301632 -0.6936822735301632 -0.6936822735301632 -0.6470939380607478 -0.5992673744061014 -0.5992673744061014 -0.5992673744061014 -0.2169644222151973 -0.2169644222151973 0.12803690589553562 0.12803690589553562 0.12803690589553562 0.08423458384289165 0.08423458384289165 0.08423458384289165 -0.4601214820904661 -0.4601214820904661 -0.4601214820904661 -0.9730575078235142 -0.9730575078235142 +35467,-1.29979497020206,1,-0.6936822735301632 -0.6936822735301632 -0.6470939380607478 -0.5992673744061014 -0.5992673744061014 -0.5992673744061014 -0.2169644222151973 -0.2169644222151973 0.12803690589553562 0.12803690589553562 0.12803690589553562 0.08423458384289165 0.08423458384289165 0.08423458384289165 -0.4601214820904661 -0.4601214820904661 -0.4601214820904661 -0.9730575078235142 -0.9730575078235142 -0.9730575078235142 +35468,-1.29979497020206,1,-0.6936822735301632 -0.6470939380607478 -0.5992673744061014 -0.5992673744061014 -0.5992673744061014 -0.2169644222151973 -0.2169644222151973 0.12803690589553562 0.12803690589553562 0.12803690589553562 0.08423458384289165 0.08423458384289165 0.08423458384289165 -0.4601214820904661 -0.4601214820904661 -0.4601214820904661 -0.9730575078235142 -0.9730575078235142 -0.9730575078235142 -1.29979497020206 +35469,-1.29979497020206,1,-0.6470939380607478 -0.5992673744061014 -0.5992673744061014 -0.5992673744061014 -0.2169644222151973 -0.2169644222151973 0.12803690589553562 0.12803690589553562 0.12803690589553562 0.08423458384289165 0.08423458384289165 0.08423458384289165 -0.4601214820904661 -0.4601214820904661 -0.4601214820904661 -0.9730575078235142 -0.9730575078235142 -0.9730575078235142 -1.29979497020206 -1.29979497020206 +35470,-1.5680261508283073,1,-0.5992673744061014 -0.5992673744061014 -0.5992673744061014 -0.2169644222151973 -0.2169644222151973 0.12803690589553562 0.12803690589553562 0.12803690589553562 0.08423458384289165 0.08423458384289165 0.08423458384289165 -0.4601214820904661 -0.4601214820904661 -0.4601214820904661 -0.9730575078235142 -0.9730575078235142 -0.9730575078235142 -1.29979497020206 -1.29979497020206 -1.29979497020206 +35471,-1.5680261508283073,1,-0.5992673744061014 -0.5992673744061014 -0.2169644222151973 -0.2169644222151973 0.12803690589553562 0.12803690589553562 0.12803690589553562 0.08423458384289165 0.08423458384289165 0.08423458384289165 -0.4601214820904661 -0.4601214820904661 -0.4601214820904661 -0.9730575078235142 -0.9730575078235142 -0.9730575078235142 -1.29979497020206 -1.29979497020206 -1.29979497020206 -1.5680261508283073 +35472,-1.5680261508283073,1,-0.5992673744061014 -0.2169644222151973 -0.2169644222151973 0.12803690589553562 0.12803690589553562 0.12803690589553562 0.08423458384289165 0.08423458384289165 0.08423458384289165 -0.4601214820904661 -0.4601214820904661 -0.4601214820904661 -0.9730575078235142 -0.9730575078235142 -0.9730575078235142 -1.29979497020206 -1.29979497020206 -1.29979497020206 -1.5680261508283073 -1.5680261508283073 +35473,-1.5810275467732615,1,-0.2169644222151973 -0.2169644222151973 0.12803690589553562 0.12803690589553562 0.12803690589553562 0.08423458384289165 0.08423458384289165 0.08423458384289165 -0.4601214820904661 -0.4601214820904661 -0.4601214820904661 -0.9730575078235142 -0.9730575078235142 -0.9730575078235142 -1.29979497020206 -1.29979497020206 -1.29979497020206 -1.5680261508283073 -1.5680261508283073 -1.5680261508283073 +35474,-1.5810275467732615,1,-0.2169644222151973 0.12803690589553562 0.12803690589553562 0.12803690589553562 0.08423458384289165 0.08423458384289165 0.08423458384289165 -0.4601214820904661 -0.4601214820904661 -0.4601214820904661 -0.9730575078235142 -0.9730575078235142 -0.9730575078235142 -1.29979497020206 -1.29979497020206 -1.29979497020206 -1.5680261508283073 -1.5680261508283073 -1.5680261508283073 -1.5810275467732615 +35475,-1.5810275467732615,1,0.12803690589553562 0.12803690589553562 0.12803690589553562 0.08423458384289165 0.08423458384289165 0.08423458384289165 -0.4601214820904661 -0.4601214820904661 -0.4601214820904661 -0.9730575078235142 -0.9730575078235142 -0.9730575078235142 -1.29979497020206 -1.29979497020206 -1.29979497020206 -1.5680261508283073 -1.5680261508283073 -1.5680261508283073 -1.5810275467732615 -1.5810275467732615 +35476,0.039658369174486126,1,0.12803690589553562 0.12803690589553562 0.08423458384289165 0.08423458384289165 0.08423458384289165 -0.4601214820904661 -0.4601214820904661 -0.4601214820904661 -0.9730575078235142 -0.9730575078235142 -0.9730575078235142 -1.29979497020206 -1.29979497020206 -1.29979497020206 -1.5680261508283073 -1.5680261508283073 -1.5680261508283073 -1.5810275467732615 -1.5810275467732615 -1.5810275467732615 +35477,0.039658369174486126,1,0.12803690589553562 0.08423458384289165 0.08423458384289165 0.08423458384289165 -0.4601214820904661 -0.4601214820904661 -0.4601214820904661 -0.9730575078235142 -0.9730575078235142 -0.9730575078235142 -1.29979497020206 -1.29979497020206 -1.29979497020206 -1.5680261508283073 -1.5680261508283073 -1.5680261508283073 -1.5810275467732615 -1.5810275467732615 -1.5810275467732615 0.039658369174486126 +35478,0.039658369174486126,1,0.08423458384289165 0.08423458384289165 0.08423458384289165 -0.4601214820904661 -0.4601214820904661 -0.4601214820904661 -0.9730575078235142 -0.9730575078235142 -0.9730575078235142 -1.29979497020206 -1.29979497020206 -1.29979497020206 -1.5680261508283073 -1.5680261508283073 -1.5680261508283073 -1.5810275467732615 -1.5810275467732615 -1.5810275467732615 0.039658369174486126 0.039658369174486126 +35479,0.7411146361093655,1,0.08423458384289165 0.08423458384289165 -0.4601214820904661 -0.4601214820904661 -0.4601214820904661 -0.9730575078235142 -0.9730575078235142 -0.9730575078235142 -1.29979497020206 -1.29979497020206 -1.29979497020206 -1.5680261508283073 -1.5680261508283073 -1.5680261508283073 -1.5810275467732615 -1.5810275467732615 -1.5810275467732615 0.039658369174486126 0.039658369174486126 0.039658369174486126 +35480,0.7411146361093655,1,0.08423458384289165 -0.4601214820904661 -0.4601214820904661 -0.4601214820904661 -0.9730575078235142 -0.9730575078235142 -0.9730575078235142 -1.29979497020206 -1.29979497020206 -1.29979497020206 -1.5680261508283073 -1.5680261508283073 -1.5680261508283073 -1.5810275467732615 -1.5810275467732615 -1.5810275467732615 0.039658369174486126 0.039658369174486126 0.039658369174486126 0.7411146361093655 +35481,0.7411146361093655,1,-0.4601214820904661 -0.4601214820904661 -0.4601214820904661 -0.9730575078235142 -0.9730575078235142 -0.9730575078235142 -1.29979497020206 -1.29979497020206 -1.29979497020206 -1.5680261508283073 -1.5680261508283073 -1.5680261508283073 -1.5810275467732615 -1.5810275467732615 -1.5810275467732615 0.039658369174486126 0.039658369174486126 0.039658369174486126 0.7411146361093655 0.7411146361093655 +35482,0.6753337637688241,1,-0.4601214820904661 -0.4601214820904661 -0.9730575078235142 -0.9730575078235142 -0.9730575078235142 -1.29979497020206 -1.29979497020206 -1.29979497020206 -1.5680261508283073 -1.5680261508283073 -1.5680261508283073 -1.5810275467732615 -1.5810275467732615 -1.5810275467732615 0.039658369174486126 0.039658369174486126 0.039658369174486126 0.7411146361093655 0.7411146361093655 0.7411146361093655 +35483,0.6753337637688241,1,-0.4601214820904661 -0.9730575078235142 -0.9730575078235142 -0.9730575078235142 -1.29979497020206 -1.29979497020206 -1.29979497020206 -1.5680261508283073 -1.5680261508283073 -1.5680261508283073 -1.5810275467732615 -1.5810275467732615 -1.5810275467732615 0.039658369174486126 0.039658369174486126 0.039658369174486126 0.7411146361093655 0.7411146361093655 0.7411146361093655 0.6753337637688241 +35484,0.6753337637688241,1,-0.9730575078235142 -0.9730575078235142 -0.9730575078235142 -1.29979497020206 -1.29979497020206 -1.29979497020206 -1.5680261508283073 -1.5680261508283073 -1.5680261508283073 -1.5810275467732615 -1.5810275467732615 -1.5810275467732615 0.039658369174486126 0.039658369174486126 0.039658369174486126 0.7411146361093655 0.7411146361093655 0.7411146361093655 0.6753337637688241 0.6753337637688241 +35485,-0.7805130250196808,1,-0.9730575078235142 -0.9730575078235142 -1.29979497020206 -1.29979497020206 -1.29979497020206 -1.5680261508283073 -1.5680261508283073 -1.5680261508283073 -1.5810275467732615 -1.5810275467732615 -1.5810275467732615 0.039658369174486126 0.039658369174486126 0.039658369174486126 0.7411146361093655 0.7411146361093655 0.7411146361093655 0.6753337637688241 0.6753337637688241 0.6753337637688241 +35486,-0.7805130250196808,1,-0.9730575078235142 -1.29979497020206 -1.29979497020206 -1.29979497020206 -1.5680261508283073 -1.5680261508283073 -1.5680261508283073 -1.5810275467732615 -1.5810275467732615 -1.5810275467732615 0.039658369174486126 0.039658369174486126 0.039658369174486126 0.7411146361093655 0.7411146361093655 0.7411146361093655 0.6753337637688241 0.6753337637688241 0.6753337637688241 -0.7805130250196808 +35487,-0.7805130250196808,1,-1.29979497020206 -1.29979497020206 -1.29979497020206 -1.5680261508283073 -1.5680261508283073 -1.5680261508283073 -1.5810275467732615 -1.5810275467732615 -1.5810275467732615 0.039658369174486126 0.039658369174486126 0.039658369174486126 0.7411146361093655 0.7411146361093655 0.7411146361093655 0.6753337637688241 0.6753337637688241 0.6753337637688241 -0.7805130250196808 -0.7805130250196808 +35488,-1.5027096140572265,1,-1.29979497020206 -1.29979497020206 -1.5680261508283073 -1.5680261508283073 -1.5680261508283073 -1.5810275467732615 -1.5810275467732615 -1.5810275467732615 0.039658369174486126 0.039658369174486126 0.039658369174486126 0.7411146361093655 0.7411146361093655 0.7411146361093655 0.6753337637688241 0.6753337637688241 0.6753337637688241 -0.7805130250196808 -0.7805130250196808 -0.7805130250196808 +35489,-1.5027096140572265,1,-1.29979497020206 -1.5680261508283073 -1.5680261508283073 -1.5680261508283073 -1.5810275467732615 -1.5810275467732615 -1.5810275467732615 0.039658369174486126 0.039658369174486126 0.039658369174486126 0.7411146361093655 0.7411146361093655 0.7411146361093655 0.6753337637688241 0.6753337637688241 0.6753337637688241 -0.7805130250196808 -0.7805130250196808 -0.7805130250196808 -1.5027096140572265 +35490,-1.5027096140572265,1,-1.5680261508283073 -1.5680261508283073 -1.5680261508283073 -1.5810275467732615 -1.5810275467732615 -1.5810275467732615 0.039658369174486126 0.039658369174486126 0.039658369174486126 0.7411146361093655 0.7411146361093655 0.7411146361093655 0.6753337637688241 0.6753337637688241 0.6753337637688241 -0.7805130250196808 -0.7805130250196808 -0.7805130250196808 -1.5027096140572265 -1.5027096140572265 +35491,-1.812421438888807,1,-1.5680261508283073 -1.5680261508283073 -1.5810275467732615 -1.5810275467732615 -1.5810275467732615 0.039658369174486126 0.039658369174486126 0.039658369174486126 0.7411146361093655 0.7411146361093655 0.7411146361093655 0.6753337637688241 0.6753337637688241 0.6753337637688241 -0.7805130250196808 -0.7805130250196808 -0.7805130250196808 -1.5027096140572265 -1.5027096140572265 -1.5027096140572265 +35492,-1.812421438888807,1,-1.5680261508283073 -1.5810275467732615 -1.5810275467732615 -1.5810275467732615 0.039658369174486126 0.039658369174486126 0.039658369174486126 0.7411146361093655 0.7411146361093655 0.7411146361093655 0.6753337637688241 0.6753337637688241 0.6753337637688241 -0.7805130250196808 -0.7805130250196808 -0.7805130250196808 -1.5027096140572265 -1.5027096140572265 -1.5027096140572265 -1.812421438888807 +35493,-1.812421438888807,1,-1.5810275467732615 -1.5810275467732615 -1.5810275467732615 0.039658369174486126 0.039658369174486126 0.039658369174486126 0.7411146361093655 0.7411146361093655 0.7411146361093655 0.6753337637688241 0.6753337637688241 0.6753337637688241 -0.7805130250196808 -0.7805130250196808 -0.7805130250196808 -1.5027096140572265 -1.5027096140572265 -1.5027096140572265 -1.812421438888807 -1.812421438888807 +35494,-1.94181628424572,1,-1.5810275467732615 -1.5810275467732615 0.039658369174486126 0.039658369174486126 0.039658369174486126 0.7411146361093655 0.7411146361093655 0.7411146361093655 0.6753337637688241 0.6753337637688241 0.6753337637688241 -0.7805130250196808 -0.7805130250196808 -0.7805130250196808 -1.5027096140572265 -1.5027096140572265 -1.5027096140572265 -1.812421438888807 -1.812421438888807 -1.812421438888807 +35495,-1.94181628424572,1,-1.5810275467732615 0.039658369174486126 0.039658369174486126 0.039658369174486126 0.7411146361093655 0.7411146361093655 0.7411146361093655 0.6753337637688241 0.6753337637688241 0.6753337637688241 -0.7805130250196808 -0.7805130250196808 -0.7805130250196808 -1.5027096140572265 -1.5027096140572265 -1.5027096140572265 -1.812421438888807 -1.812421438888807 -1.812421438888807 -1.94181628424572 +35496,-1.94181628424572,1,0.039658369174486126 0.039658369174486126 0.039658369174486126 0.7411146361093655 0.7411146361093655 0.7411146361093655 0.6753337637688241 0.6753337637688241 0.6753337637688241 -0.7805130250196808 -0.7805130250196808 -0.7805130250196808 -1.5027096140572265 -1.5027096140572265 -1.5027096140572265 -1.812421438888807 -1.812421438888807 -1.812421438888807 -1.94181628424572 -1.94181628424572 +35497,-1.7169230901026562,1,0.039658369174486126 0.039658369174486126 0.7411146361093655 0.7411146361093655 0.7411146361093655 0.6753337637688241 0.6753337637688241 0.6753337637688241 -0.7805130250196808 -0.7805130250196808 -0.7805130250196808 -1.5027096140572265 -1.5027096140572265 -1.5027096140572265 -1.812421438888807 -1.812421438888807 -1.812421438888807 -1.94181628424572 -1.94181628424572 -1.94181628424572 +35498,-1.7017140130143675,1,0.039658369174486126 0.7411146361093655 0.7411146361093655 0.7411146361093655 0.6753337637688241 0.6753337637688241 0.6753337637688241 -0.7805130250196808 -0.7805130250196808 -0.7805130250196808 -1.5027096140572265 -1.5027096140572265 -1.5027096140572265 -1.812421438888807 -1.812421438888807 -1.812421438888807 -1.94181628424572 -1.94181628424572 -1.94181628424572 -1.7169230901026562 +35499,-1.618329170853424,1,0.7411146361093655 0.7411146361093655 0.7411146361093655 0.6753337637688241 0.6753337637688241 0.6753337637688241 -0.7805130250196808 -0.7805130250196808 -0.7805130250196808 -1.5027096140572265 -1.5027096140572265 -1.5027096140572265 -1.812421438888807 -1.812421438888807 -1.812421438888807 -1.94181628424572 -1.94181628424572 -1.94181628424572 -1.7169230901026562 -1.7017140130143675 +35500,-1.618329170853424,1,0.7411146361093655 0.7411146361093655 0.6753337637688241 0.6753337637688241 0.6753337637688241 -0.7805130250196808 -0.7805130250196808 -0.7805130250196808 -1.5027096140572265 -1.5027096140572265 -1.5027096140572265 -1.812421438888807 -1.812421438888807 -1.812421438888807 -1.94181628424572 -1.94181628424572 -1.94181628424572 -1.7169230901026562 -1.7017140130143675 -1.618329170853424 +35501,0.6025878578863498,1,0.7411146361093655 0.6753337637688241 0.6753337637688241 0.6753337637688241 -0.7805130250196808 -0.7805130250196808 -0.7805130250196808 -1.5027096140572265 -1.5027096140572265 -1.5027096140572265 -1.812421438888807 -1.812421438888807 -1.812421438888807 -1.94181628424572 -1.94181628424572 -1.94181628424572 -1.7169230901026562 -1.7017140130143675 -1.618329170853424 -1.618329170853424 +35502,0.6025878578863498,1,0.6753337637688241 0.6753337637688241 0.6753337637688241 -0.7805130250196808 -0.7805130250196808 -0.7805130250196808 -1.5027096140572265 -1.5027096140572265 -1.5027096140572265 -1.812421438888807 -1.812421438888807 -1.812421438888807 -1.94181628424572 -1.94181628424572 -1.94181628424572 -1.7169230901026562 -1.7017140130143675 -1.618329170853424 -1.618329170853424 0.6025878578863498 +35503,1.281756017487022,1,0.6753337637688241 0.6753337637688241 -0.7805130250196808 -0.7805130250196808 -0.7805130250196808 -1.5027096140572265 -1.5027096140572265 -1.5027096140572265 -1.812421438888807 -1.812421438888807 -1.812421438888807 -1.94181628424572 -1.94181628424572 -1.94181628424572 -1.7169230901026562 -1.7017140130143675 -1.618329170853424 -1.618329170853424 0.6025878578863498 0.6025878578863498 +35504,1.281756017487022,1,0.6753337637688241 -0.7805130250196808 -0.7805130250196808 -0.7805130250196808 -1.5027096140572265 -1.5027096140572265 -1.5027096140572265 -1.812421438888807 -1.812421438888807 -1.812421438888807 -1.94181628424572 -1.94181628424572 -1.94181628424572 -1.7169230901026562 -1.7017140130143675 -1.618329170853424 -1.618329170853424 0.6025878578863498 0.6025878578863498 1.281756017487022 +35505,1.281756017487022,1,-0.7805130250196808 -0.7805130250196808 -0.7805130250196808 -1.5027096140572265 -1.5027096140572265 -1.5027096140572265 -1.812421438888807 -1.812421438888807 -1.812421438888807 -1.94181628424572 -1.94181628424572 -1.94181628424572 -1.7169230901026562 -1.7017140130143675 -1.618329170853424 -1.618329170853424 0.6025878578863498 0.6025878578863498 1.281756017487022 1.281756017487022 +35506,1.1879602324555625,1,-0.7805130250196808 -0.7805130250196808 -1.5027096140572265 -1.5027096140572265 -1.5027096140572265 -1.812421438888807 -1.812421438888807 -1.812421438888807 -1.94181628424572 -1.94181628424572 -1.94181628424572 -1.7169230901026562 -1.7017140130143675 -1.618329170853424 -1.618329170853424 0.6025878578863498 0.6025878578863498 1.281756017487022 1.281756017487022 1.281756017487022 +35507,1.1879602324555625,1,-0.7805130250196808 -1.5027096140572265 -1.5027096140572265 -1.5027096140572265 -1.812421438888807 -1.812421438888807 -1.812421438888807 -1.94181628424572 -1.94181628424572 -1.94181628424572 -1.7169230901026562 -1.7017140130143675 -1.618329170853424 -1.618329170853424 0.6025878578863498 0.6025878578863498 1.281756017487022 1.281756017487022 1.281756017487022 1.1879602324555625 +35508,1.1879602324555625,1,-1.5027096140572265 -1.5027096140572265 -1.5027096140572265 -1.812421438888807 -1.812421438888807 -1.812421438888807 -1.94181628424572 -1.94181628424572 -1.94181628424572 -1.7169230901026562 -1.7017140130143675 -1.618329170853424 -1.618329170853424 0.6025878578863498 0.6025878578863498 1.281756017487022 1.281756017487022 1.281756017487022 1.1879602324555625 1.1879602324555625 +35509,-0.3273215092241528,1,-1.5027096140572265 -1.5027096140572265 -1.812421438888807 -1.812421438888807 -1.812421438888807 -1.94181628424572 -1.94181628424572 -1.94181628424572 -1.7169230901026562 -1.7017140130143675 -1.618329170853424 -1.618329170853424 0.6025878578863498 0.6025878578863498 1.281756017487022 1.281756017487022 1.281756017487022 1.1879602324555625 1.1879602324555625 1.1879602324555625 +35510,-0.3273215092241528,1,-1.5027096140572265 -1.812421438888807 -1.812421438888807 -1.812421438888807 -1.94181628424572 -1.94181628424572 -1.94181628424572 -1.7169230901026562 -1.7017140130143675 -1.618329170853424 -1.618329170853424 0.6025878578863498 0.6025878578863498 1.281756017487022 1.281756017487022 1.281756017487022 1.1879602324555625 1.1879602324555625 1.1879602324555625 -0.3273215092241528 +35511,-0.3273215092241528,1,-1.812421438888807 -1.812421438888807 -1.812421438888807 -1.94181628424572 -1.94181628424572 -1.94181628424572 -1.7169230901026562 -1.7017140130143675 -1.618329170853424 -1.618329170853424 0.6025878578863498 0.6025878578863498 1.281756017487022 1.281756017487022 1.281756017487022 1.1879602324555625 1.1879602324555625 1.1879602324555625 -0.3273215092241528 -0.3273215092241528 +35512,-0.9863684608147784,1,-1.812421438888807 -1.812421438888807 -1.94181628424572 -1.94181628424572 -1.94181628424572 -1.7169230901026562 -1.7017140130143675 -1.618329170853424 -1.618329170853424 0.6025878578863498 0.6025878578863498 1.281756017487022 1.281756017487022 1.281756017487022 1.1879602324555625 1.1879602324555625 1.1879602324555625 -0.3273215092241528 -0.3273215092241528 -0.3273215092241528 +35513,-0.9863684608147784,1,-1.812421438888807 -1.94181628424572 -1.94181628424572 -1.94181628424572 -1.7169230901026562 -1.7017140130143675 -1.618329170853424 -1.618329170853424 0.6025878578863498 0.6025878578863498 1.281756017487022 1.281756017487022 1.281756017487022 1.1879602324555625 1.1879602324555625 1.1879602324555625 -0.3273215092241528 -0.3273215092241528 -0.3273215092241528 -0.9863684608147784 +35514,-0.9863684608147784,1,-1.94181628424572 -1.94181628424572 -1.94181628424572 -1.7169230901026562 -1.7017140130143675 -1.618329170853424 -1.618329170853424 0.6025878578863498 0.6025878578863498 1.281756017487022 1.281756017487022 1.281756017487022 1.1879602324555625 1.1879602324555625 1.1879602324555625 -0.3273215092241528 -0.3273215092241528 -0.3273215092241528 -0.9863684608147784 -0.9863684608147784 +35515,-1.0166618325459889,1,-1.94181628424572 -1.94181628424572 -1.7169230901026562 -1.7017140130143675 -1.618329170853424 -1.618329170853424 0.6025878578863498 0.6025878578863498 1.281756017487022 1.281756017487022 1.281756017487022 1.1879602324555625 1.1879602324555625 1.1879602324555625 -0.3273215092241528 -0.3273215092241528 -0.3273215092241528 -0.9863684608147784 -0.9863684608147784 -0.9863684608147784 +35516,-1.131699952830683,1,-1.94181628424572 -1.7169230901026562 -1.7017140130143675 -1.618329170853424 -1.618329170853424 0.6025878578863498 0.6025878578863498 1.281756017487022 1.281756017487022 1.281756017487022 1.1879602324555625 1.1879602324555625 1.1879602324555625 -0.3273215092241528 -0.3273215092241528 -0.3273215092241528 -0.9863684608147784 -0.9863684608147784 -0.9863684608147784 -1.0166618325459889 +35517,-1.246738073270145,1,-1.7169230901026562 -1.7017140130143675 -1.618329170853424 -1.618329170853424 0.6025878578863498 0.6025878578863498 1.281756017487022 1.281756017487022 1.281756017487022 1.1879602324555625 1.1879602324555625 1.1879602324555625 -0.3273215092241528 -0.3273215092241528 -0.3273215092241528 -0.9863684608147784 -0.9863684608147784 -0.9863684608147784 -1.0166618325459889 -1.131699952830683 +35518,-1.4496205806153295,1,-1.7017140130143675 -1.618329170853424 -1.618329170853424 0.6025878578863498 0.6025878578863498 1.281756017487022 1.281756017487022 1.281756017487022 1.1879602324555625 1.1879602324555625 1.1879602324555625 -0.3273215092241528 -0.3273215092241528 -0.3273215092241528 -0.9863684608147784 -0.9863684608147784 -0.9863684608147784 -1.0166618325459889 -1.131699952830683 -1.246738073270145 +35519,-1.4496205806153295,1,-1.618329170853424 -1.618329170853424 0.6025878578863498 0.6025878578863498 1.281756017487022 1.281756017487022 1.281756017487022 1.1879602324555625 1.1879602324555625 1.1879602324555625 -0.3273215092241528 -0.3273215092241528 -0.3273215092241528 -0.9863684608147784 -0.9863684608147784 -0.9863684608147784 -1.0166618325459889 -1.131699952830683 -1.246738073270145 -1.4496205806153295 +35520,-1.4496205806153295,1,-1.618329170853424 0.6025878578863498 0.6025878578863498 1.281756017487022 1.281756017487022 1.281756017487022 1.1879602324555625 1.1879602324555625 1.1879602324555625 -0.3273215092241528 -0.3273215092241528 -0.3273215092241528 -0.9863684608147784 -0.9863684608147784 -0.9863684608147784 -1.0166618325459889 -1.131699952830683 -1.246738073270145 -1.4496205806153295 -1.4496205806153295 +35521,-1.3533483392134085,1,0.6025878578863498 0.6025878578863498 1.281756017487022 1.281756017487022 1.281756017487022 1.1879602324555625 1.1879602324555625 1.1879602324555625 -0.3273215092241528 -0.3273215092241528 -0.3273215092241528 -0.9863684608147784 -0.9863684608147784 -0.9863684608147784 -1.0166618325459889 -1.131699952830683 -1.246738073270145 -1.4496205806153295 -1.4496205806153295 -1.4496205806153295 +35522,-1.3333087248687514,1,0.6025878578863498 1.281756017487022 1.281756017487022 1.281756017487022 1.1879602324555625 1.1879602324555625 1.1879602324555625 -0.3273215092241528 -0.3273215092241528 -0.3273215092241528 -0.9863684608147784 -0.9863684608147784 -0.9863684608147784 -1.0166618325459889 -1.131699952830683 -1.246738073270145 -1.4496205806153295 -1.4496205806153295 -1.4496205806153295 -1.3533483392134085 +35523,-1.2012010509528277,1,1.281756017487022 1.281756017487022 1.281756017487022 1.1879602324555625 1.1879602324555625 1.1879602324555625 -0.3273215092241528 -0.3273215092241528 -0.3273215092241528 -0.9863684608147784 -0.9863684608147784 -0.9863684608147784 -1.0166618325459889 -1.131699952830683 -1.246738073270145 -1.4496205806153295 -1.4496205806153295 -1.4496205806153295 -1.3533483392134085 -1.3333087248687514 +35524,-1.2012010509528277,1,1.281756017487022 1.281756017487022 1.1879602324555625 1.1879602324555625 1.1879602324555625 -0.3273215092241528 -0.3273215092241528 -0.3273215092241528 -0.9863684608147784 -0.9863684608147784 -0.9863684608147784 -1.0166618325459889 -1.131699952830683 -1.246738073270145 -1.4496205806153295 -1.4496205806153295 -1.4496205806153295 -1.3533483392134085 -1.3333087248687514 -1.2012010509528277 +35525,1.1539089573616408,1,1.281756017487022 1.1879602324555625 1.1879602324555625 1.1879602324555625 -0.3273215092241528 -0.3273215092241528 -0.3273215092241528 -0.9863684608147784 -0.9863684608147784 -0.9863684608147784 -1.0166618325459889 -1.131699952830683 -1.246738073270145 -1.4496205806153295 -1.4496205806153295 -1.4496205806153295 -1.3533483392134085 -1.3333087248687514 -1.2012010509528277 -1.2012010509528277 +35526,1.1539089573616408,1,1.1879602324555625 1.1879602324555625 1.1879602324555625 -0.3273215092241528 -0.3273215092241528 -0.3273215092241528 -0.9863684608147784 -0.9863684608147784 -0.9863684608147784 -1.0166618325459889 -1.131699952830683 -1.246738073270145 -1.4496205806153295 -1.4496205806153295 -1.4496205806153295 -1.3533483392134085 -1.3333087248687514 -1.2012010509528277 -1.2012010509528277 1.1539089573616408 +35527,1.8327675599160118,1,1.1879602324555625 1.1879602324555625 -0.3273215092241528 -0.3273215092241528 -0.3273215092241528 -0.9863684608147784 -0.9863684608147784 -0.9863684608147784 -1.0166618325459889 -1.131699952830683 -1.246738073270145 -1.4496205806153295 -1.4496205806153295 -1.4496205806153295 -1.3533483392134085 -1.3333087248687514 -1.2012010509528277 -1.2012010509528277 1.1539089573616408 1.1539089573616408 +35528,1.8327675599160118,1,1.1879602324555625 -0.3273215092241528 -0.3273215092241528 -0.3273215092241528 -0.9863684608147784 -0.9863684608147784 -0.9863684608147784 -1.0166618325459889 -1.131699952830683 -1.246738073270145 -1.4496205806153295 -1.4496205806153295 -1.4496205806153295 -1.3533483392134085 -1.3333087248687514 -1.2012010509528277 -1.2012010509528277 1.1539089573616408 1.1539089573616408 1.8327675599160118 +35529,1.8327675599160118,1,-0.3273215092241528 -0.3273215092241528 -0.3273215092241528 -0.9863684608147784 -0.9863684608147784 -0.9863684608147784 -1.0166618325459889 -1.131699952830683 -1.246738073270145 -1.4496205806153295 -1.4496205806153295 -1.4496205806153295 -1.3533483392134085 -1.3333087248687514 -1.2012010509528277 -1.2012010509528277 1.1539089573616408 1.1539089573616408 1.8327675599160118 1.8327675599160118 +35530,1.6849540703037431,1,-0.3273215092241528 -0.3273215092241528 -0.9863684608147784 -0.9863684608147784 -0.9863684608147784 -1.0166618325459889 -1.131699952830683 -1.246738073270145 -1.4496205806153295 -1.4496205806153295 -1.4496205806153295 -1.3533483392134085 -1.3333087248687514 -1.2012010509528277 -1.2012010509528277 1.1539089573616408 1.1539089573616408 1.8327675599160118 1.8327675599160118 1.8327675599160118 +35531,1.6849540703037431,1,-0.3273215092241528 -0.9863684608147784 -0.9863684608147784 -0.9863684608147784 -1.0166618325459889 -1.131699952830683 -1.246738073270145 -1.4496205806153295 -1.4496205806153295 -1.4496205806153295 -1.3533483392134085 -1.3333087248687514 -1.2012010509528277 -1.2012010509528277 1.1539089573616408 1.1539089573616408 1.8327675599160118 1.8327675599160118 1.8327675599160118 1.6849540703037431 +35532,1.6849540703037431,1,-0.9863684608147784 -0.9863684608147784 -0.9863684608147784 -1.0166618325459889 -1.131699952830683 -1.246738073270145 -1.4496205806153295 -1.4496205806153295 -1.4496205806153295 -1.3533483392134085 -1.3333087248687514 -1.2012010509528277 -1.2012010509528277 1.1539089573616408 1.1539089573616408 1.8327675599160118 1.8327675599160118 1.8327675599160118 1.6849540703037431 1.6849540703037431 +35533,-0.14592108008741417,1,-0.9863684608147784 -0.9863684608147784 -1.0166618325459889 -1.131699952830683 -1.246738073270145 -1.4496205806153295 -1.4496205806153295 -1.4496205806153295 -1.3533483392134085 -1.3333087248687514 -1.2012010509528277 -1.2012010509528277 1.1539089573616408 1.1539089573616408 1.8327675599160118 1.8327675599160118 1.8327675599160118 1.6849540703037431 1.6849540703037431 1.6849540703037431 +35534,-0.14592108008741417,1,-0.9863684608147784 -1.0166618325459889 -1.131699952830683 -1.246738073270145 -1.4496205806153295 -1.4496205806153295 -1.4496205806153295 -1.3533483392134085 -1.3333087248687514 -1.2012010509528277 -1.2012010509528277 1.1539089573616408 1.1539089573616408 1.8327675599160118 1.8327675599160118 1.8327675599160118 1.6849540703037431 1.6849540703037431 1.6849540703037431 -0.14592108008741417 +35535,-0.14592108008741417,1,-1.0166618325459889 -1.131699952830683 -1.246738073270145 -1.4496205806153295 -1.4496205806153295 -1.4496205806153295 -1.3533483392134085 -1.3333087248687514 -1.2012010509528277 -1.2012010509528277 1.1539089573616408 1.1539089573616408 1.8327675599160118 1.8327675599160118 1.8327675599160118 1.6849540703037431 1.6849540703037431 1.6849540703037431 -0.14592108008741417 -0.14592108008741417 +35536,-0.8498538033927638,1,-1.131699952830683 -1.246738073270145 -1.4496205806153295 -1.4496205806153295 -1.4496205806153295 -1.3533483392134085 -1.3333087248687514 -1.2012010509528277 -1.2012010509528277 1.1539089573616408 1.1539089573616408 1.8327675599160118 1.8327675599160118 1.8327675599160118 1.6849540703037431 1.6849540703037431 1.6849540703037431 -0.14592108008741417 -0.14592108008741417 -0.14592108008741417 +35537,-0.8498538033927638,1,-1.246738073270145 -1.4496205806153295 -1.4496205806153295 -1.4496205806153295 -1.3533483392134085 -1.3333087248687514 -1.2012010509528277 -1.2012010509528277 1.1539089573616408 1.1539089573616408 1.8327675599160118 1.8327675599160118 1.8327675599160118 1.6849540703037431 1.6849540703037431 1.6849540703037431 -0.14592108008741417 -0.14592108008741417 -0.14592108008741417 -0.8498538033927638 +35538,-0.8498538033927638,1,-1.4496205806153295 -1.4496205806153295 -1.4496205806153295 -1.3533483392134085 -1.3333087248687514 -1.2012010509528277 -1.2012010509528277 1.1539089573616408 1.1539089573616408 1.8327675599160118 1.8327675599160118 1.8327675599160118 1.6849540703037431 1.6849540703037431 1.6849540703037431 -0.14592108008741417 -0.14592108008741417 -0.14592108008741417 -0.8498538033927638 -0.8498538033927638 +35539,-0.9360654407896617,1,-1.4496205806153295 -1.4496205806153295 -1.3533483392134085 -1.3333087248687514 -1.2012010509528277 -1.2012010509528277 1.1539089573616408 1.1539089573616408 1.8327675599160118 1.8327675599160118 1.8327675599160118 1.6849540703037431 1.6849540703037431 1.6849540703037431 -0.14592108008741417 -0.14592108008741417 -0.14592108008741417 -0.8498538033927638 -0.8498538033927638 -0.8498538033927638 +35540,-0.9360654407896617,1,-1.4496205806153295 -1.3533483392134085 -1.3333087248687514 -1.2012010509528277 -1.2012010509528277 1.1539089573616408 1.1539089573616408 1.8327675599160118 1.8327675599160118 1.8327675599160118 1.6849540703037431 1.6849540703037431 1.6849540703037431 -0.14592108008741417 -0.14592108008741417 -0.14592108008741417 -0.8498538033927638 -0.8498538033927638 -0.8498538033927638 -0.9360654407896617 +35541,-0.9360654407896617,1,-1.3533483392134085 -1.3333087248687514 -1.2012010509528277 -1.2012010509528277 1.1539089573616408 1.1539089573616408 1.8327675599160118 1.8327675599160118 1.8327675599160118 1.6849540703037431 1.6849540703037431 1.6849540703037431 -0.14592108008741417 -0.14592108008741417 -0.14592108008741417 -0.8498538033927638 -0.8498538033927638 -0.8498538033927638 -0.9360654407896617 -0.9360654407896617 +35542,-1.1696262322293676,1,-1.3333087248687514 -1.2012010509528277 -1.2012010509528277 1.1539089573616408 1.1539089573616408 1.8327675599160118 1.8327675599160118 1.8327675599160118 1.6849540703037431 1.6849540703037431 1.6849540703037431 -0.14592108008741417 -0.14592108008741417 -0.14592108008741417 -0.8498538033927638 -0.8498538033927638 -0.8498538033927638 -0.9360654407896617 -0.9360654407896617 -0.9360654407896617 +35543,-1.1696262322293676,1,-1.2012010509528277 -1.2012010509528277 1.1539089573616408 1.1539089573616408 1.8327675599160118 1.8327675599160118 1.8327675599160118 1.6849540703037431 1.6849540703037431 1.6849540703037431 -0.14592108008741417 -0.14592108008741417 -0.14592108008741417 -0.8498538033927638 -0.8498538033927638 -0.8498538033927638 -0.9360654407896617 -0.9360654407896617 -0.9360654407896617 -1.1696262322293676 +35544,-1.1696262322293676,1,-1.2012010509528277 1.1539089573616408 1.1539089573616408 1.8327675599160118 1.8327675599160118 1.8327675599160118 1.6849540703037431 1.6849540703037431 1.6849540703037431 -0.14592108008741417 -0.14592108008741417 -0.14592108008741417 -0.8498538033927638 -0.8498538033927638 -0.8498538033927638 -0.9360654407896617 -0.9360654407896617 -0.9360654407896617 -1.1696262322293676 -1.1696262322293676 +35545,-1.1275264739314237,1,1.1539089573616408 1.1539089573616408 1.8327675599160118 1.8327675599160118 1.8327675599160118 1.6849540703037431 1.6849540703037431 1.6849540703037431 -0.14592108008741417 -0.14592108008741417 -0.14592108008741417 -0.8498538033927638 -0.8498538033927638 -0.8498538033927638 -0.9360654407896617 -0.9360654407896617 -0.9360654407896617 -1.1696262322293676 -1.1696262322293676 -1.1696262322293676 +35546,-1.1060541029676043,1,1.1539089573616408 1.8327675599160118 1.8327675599160118 1.8327675599160118 1.6849540703037431 1.6849540703037431 1.6849540703037431 -0.14592108008741417 -0.14592108008741417 -0.14592108008741417 -0.8498538033927638 -0.8498538033927638 -0.8498538033927638 -0.9360654407896617 -0.9360654407896617 -0.9360654407896617 -1.1696262322293676 -1.1696262322293676 -1.1696262322293676 -1.1275264739314237 +35547,-0.9436495884242146,1,1.8327675599160118 1.8327675599160118 1.8327675599160118 1.6849540703037431 1.6849540703037431 1.6849540703037431 -0.14592108008741417 -0.14592108008741417 -0.14592108008741417 -0.8498538033927638 -0.8498538033927638 -0.8498538033927638 -0.9360654407896617 -0.9360654407896617 -0.9360654407896617 -1.1696262322293676 -1.1696262322293676 -1.1696262322293676 -1.1275264739314237 -1.1060541029676043 +35548,-0.9436495884242146,1,1.8327675599160118 1.8327675599160118 1.6849540703037431 1.6849540703037431 1.6849540703037431 -0.14592108008741417 -0.14592108008741417 -0.14592108008741417 -0.8498538033927638 -0.8498538033927638 -0.8498538033927638 -0.9360654407896617 -0.9360654407896617 -0.9360654407896617 -1.1696262322293676 -1.1696262322293676 -1.1696262322293676 -1.1275264739314237 -1.1060541029676043 -0.9436495884242146 +35549,1.4770865137076357,1,1.8327675599160118 1.6849540703037431 1.6849540703037431 1.6849540703037431 -0.14592108008741417 -0.14592108008741417 -0.14592108008741417 -0.8498538033927638 -0.8498538033927638 -0.8498538033927638 -0.9360654407896617 -0.9360654407896617 -0.9360654407896617 -1.1696262322293676 -1.1696262322293676 -1.1696262322293676 -1.1275264739314237 -1.1060541029676043 -0.9436495884242146 -0.9436495884242146 +35550,1.4770865137076357,1,1.6849540703037431 1.6849540703037431 1.6849540703037431 -0.14592108008741417 -0.14592108008741417 -0.14592108008741417 -0.8498538033927638 -0.8498538033927638 -0.8498538033927638 -0.9360654407896617 -0.9360654407896617 -0.9360654407896617 -1.1696262322293676 -1.1696262322293676 -1.1696262322293676 -1.1275264739314237 -1.1060541029676043 -0.9436495884242146 -0.9436495884242146 1.4770865137076357 +35551,2.146348847826435,1,1.6849540703037431 1.6849540703037431 -0.14592108008741417 -0.14592108008741417 -0.14592108008741417 -0.8498538033927638 -0.8498538033927638 -0.8498538033927638 -0.9360654407896617 -0.9360654407896617 -0.9360654407896617 -1.1696262322293676 -1.1696262322293676 -1.1696262322293676 -1.1275264739314237 -1.1060541029676043 -0.9436495884242146 -0.9436495884242146 1.4770865137076357 1.4770865137076357 +35552,2.146348847826435,1,1.6849540703037431 -0.14592108008741417 -0.14592108008741417 -0.14592108008741417 -0.8498538033927638 -0.8498538033927638 -0.8498538033927638 -0.9360654407896617 -0.9360654407896617 -0.9360654407896617 -1.1696262322293676 -1.1696262322293676 -1.1696262322293676 -1.1275264739314237 -1.1060541029676043 -0.9436495884242146 -0.9436495884242146 1.4770865137076357 1.4770865137076357 2.146348847826435 +35553,2.146348847826435,1,-0.14592108008741417 -0.14592108008741417 -0.14592108008741417 -0.8498538033927638 -0.8498538033927638 -0.8498538033927638 -0.9360654407896617 -0.9360654407896617 -0.9360654407896617 -1.1696262322293676 -1.1696262322293676 -1.1696262322293676 -1.1275264739314237 -1.1060541029676043 -0.9436495884242146 -0.9436495884242146 1.4770865137076357 1.4770865137076357 2.146348847826435 2.146348847826435 +35554,1.7942277076506097,1,-0.14592108008741417 -0.14592108008741417 -0.8498538033927638 -0.8498538033927638 -0.8498538033927638 -0.9360654407896617 -0.9360654407896617 -0.9360654407896617 -1.1696262322293676 -1.1696262322293676 -1.1696262322293676 -1.1275264739314237 -1.1060541029676043 -0.9436495884242146 -0.9436495884242146 1.4770865137076357 1.4770865137076357 2.146348847826435 2.146348847826435 2.146348847826435 +35555,1.7942277076506097,1,-0.14592108008741417 -0.8498538033927638 -0.8498538033927638 -0.8498538033927638 -0.9360654407896617 -0.9360654407896617 -0.9360654407896617 -1.1696262322293676 -1.1696262322293676 -1.1696262322293676 -1.1275264739314237 -1.1060541029676043 -0.9436495884242146 -0.9436495884242146 1.4770865137076357 1.4770865137076357 2.146348847826435 2.146348847826435 2.146348847826435 1.7942277076506097 +35556,1.7942277076506097,1,-0.8498538033927638 -0.8498538033927638 -0.8498538033927638 -0.9360654407896617 -0.9360654407896617 -0.9360654407896617 -1.1696262322293676 -1.1696262322293676 -1.1696262322293676 -1.1275264739314237 -1.1060541029676043 -0.9436495884242146 -0.9436495884242146 1.4770865137076357 1.4770865137076357 2.146348847826435 2.146348847826435 2.146348847826435 1.7942277076506097 1.7942277076506097 +35557,-0.22903714702123057,1,-0.8498538033927638 -0.8498538033927638 -0.9360654407896617 -0.9360654407896617 -0.9360654407896617 -1.1696262322293676 -1.1696262322293676 -1.1696262322293676 -1.1275264739314237 -1.1060541029676043 -0.9436495884242146 -0.9436495884242146 1.4770865137076357 1.4770865137076357 2.146348847826435 2.146348847826435 2.146348847826435 1.7942277076506097 1.7942277076506097 1.7942277076506097 +35558,-0.22903714702123057,1,-0.8498538033927638 -0.9360654407896617 -0.9360654407896617 -0.9360654407896617 -1.1696262322293676 -1.1696262322293676 -1.1696262322293676 -1.1275264739314237 -1.1060541029676043 -0.9436495884242146 -0.9436495884242146 1.4770865137076357 1.4770865137076357 2.146348847826435 2.146348847826435 2.146348847826435 1.7942277076506097 1.7942277076506097 1.7942277076506097 -0.22903714702123057 +35559,-0.22903714702123057,1,-0.9360654407896617 -0.9360654407896617 -0.9360654407896617 -1.1696262322293676 -1.1696262322293676 -1.1696262322293676 -1.1275264739314237 -1.1060541029676043 -0.9436495884242146 -0.9436495884242146 1.4770865137076357 1.4770865137076357 2.146348847826435 2.146348847826435 2.146348847826435 1.7942277076506097 1.7942277076506097 1.7942277076506097 -0.22903714702123057 -0.22903714702123057 +35560,-0.965318581665802,1,-0.9360654407896617 -0.9360654407896617 -1.1696262322293676 -1.1696262322293676 -1.1696262322293676 -1.1275264739314237 -1.1060541029676043 -0.9436495884242146 -0.9436495884242146 1.4770865137076357 1.4770865137076357 2.146348847826435 2.146348847826435 2.146348847826435 1.7942277076506097 1.7942277076506097 1.7942277076506097 -0.22903714702123057 -0.22903714702123057 -0.22903714702123057 +35561,-0.965318581665802,1,-0.9360654407896617 -1.1696262322293676 -1.1696262322293676 -1.1696262322293676 -1.1275264739314237 -1.1060541029676043 -0.9436495884242146 -0.9436495884242146 1.4770865137076357 1.4770865137076357 2.146348847826435 2.146348847826435 2.146348847826435 1.7942277076506097 1.7942277076506097 1.7942277076506097 -0.22903714702123057 -0.22903714702123057 -0.22903714702123057 -0.965318581665802 +35562,-0.965318581665802,1,-1.1696262322293676 -1.1696262322293676 -1.1696262322293676 -1.1275264739314237 -1.1060541029676043 -0.9436495884242146 -0.9436495884242146 1.4770865137076357 1.4770865137076357 2.146348847826435 2.146348847826435 2.146348847826435 1.7942277076506097 1.7942277076506097 1.7942277076506097 -0.22903714702123057 -0.22903714702123057 -0.22903714702123057 -0.965318581665802 -0.965318581665802 +35563,-1.283233668224555,1,-1.1696262322293676 -1.1696262322293676 -1.1275264739314237 -1.1060541029676043 -0.9436495884242146 -0.9436495884242146 1.4770865137076357 1.4770865137076357 2.146348847826435 2.146348847826435 2.146348847826435 1.7942277076506097 1.7942277076506097 1.7942277076506097 -0.22903714702123057 -0.22903714702123057 -0.22903714702123057 -0.965318581665802 -0.965318581665802 -0.965318581665802 +35564,-1.283233668224555,1,-1.1696262322293676 -1.1275264739314237 -1.1060541029676043 -0.9436495884242146 -0.9436495884242146 1.4770865137076357 1.4770865137076357 2.146348847826435 2.146348847826435 2.146348847826435 1.7942277076506097 1.7942277076506097 1.7942277076506097 -0.22903714702123057 -0.22903714702123057 -0.22903714702123057 -0.965318581665802 -0.965318581665802 -0.965318581665802 -1.283233668224555 +35565,-1.283233668224555,1,-1.1275264739314237 -1.1060541029676043 -0.9436495884242146 -0.9436495884242146 1.4770865137076357 1.4770865137076357 2.146348847826435 2.146348847826435 2.146348847826435 1.7942277076506097 1.7942277076506097 1.7942277076506097 -0.22903714702123057 -0.22903714702123057 -0.22903714702123057 -0.965318581665802 -0.965318581665802 -0.965318581665802 -1.283233668224555 -1.283233668224555 +35566,-1.4811953993387899,1,-1.1060541029676043 -0.9436495884242146 -0.9436495884242146 1.4770865137076357 1.4770865137076357 2.146348847826435 2.146348847826435 2.146348847826435 1.7942277076506097 1.7942277076506097 1.7942277076506097 -0.22903714702123057 -0.22903714702123057 -0.22903714702123057 -0.965318581665802 -0.965318581665802 -0.965318581665802 -1.283233668224555 -1.283233668224555 -1.283233668224555 +35567,-1.4811953993387899,1,-0.9436495884242146 -0.9436495884242146 1.4770865137076357 1.4770865137076357 2.146348847826435 2.146348847826435 2.146348847826435 1.7942277076506097 1.7942277076506097 1.7942277076506097 -0.22903714702123057 -0.22903714702123057 -0.22903714702123057 -0.965318581665802 -0.965318581665802 -0.965318581665802 -1.283233668224555 -1.283233668224555 -1.283233668224555 -1.4811953993387899 +35568,-1.4811953993387899,1,-0.9436495884242146 1.4770865137076357 1.4770865137076357 2.146348847826435 2.146348847826435 2.146348847826435 1.7942277076506097 1.7942277076506097 1.7942277076506097 -0.22903714702123057 -0.22903714702123057 -0.22903714702123057 -0.965318581665802 -0.965318581665802 -0.965318581665802 -1.283233668224555 -1.283233668224555 -1.283233668224555 -1.4811953993387899 -1.4811953993387899 +35569,-1.3245595339067286,1,1.4770865137076357 1.4770865137076357 2.146348847826435 2.146348847826435 2.146348847826435 1.7942277076506097 1.7942277076506097 1.7942277076506097 -0.22903714702123057 -0.22903714702123057 -0.22903714702123057 -0.965318581665802 -0.965318581665802 -0.965318581665802 -1.283233668224555 -1.283233668224555 -1.283233668224555 -1.4811953993387899 -1.4811953993387899 -1.4811953993387899 +35570,-1.4536448222173406,1,1.4770865137076357 2.146348847826435 2.146348847826435 2.146348847826435 1.7942277076506097 1.7942277076506097 1.7942277076506097 -0.22903714702123057 -0.22903714702123057 -0.22903714702123057 -0.965318581665802 -0.965318581665802 -0.965318581665802 -1.283233668224555 -1.283233668224555 -1.283233668224555 -1.4811953993387899 -1.4811953993387899 -1.4811953993387899 -1.3245595339067286 +35571,-1.4536448222173406,1,2.146348847826435 2.146348847826435 2.146348847826435 1.7942277076506097 1.7942277076506097 1.7942277076506097 -0.22903714702123057 -0.22903714702123057 -0.22903714702123057 -0.965318581665802 -0.965318581665802 -0.965318581665802 -1.283233668224555 -1.283233668224555 -1.283233668224555 -1.4811953993387899 -1.4811953993387899 -1.4811953993387899 -1.3245595339067286 -1.4536448222173406 +35572,-1.4536448222173406,1,2.146348847826435 2.146348847826435 1.7942277076506097 1.7942277076506097 1.7942277076506097 -0.22903714702123057 -0.22903714702123057 -0.22903714702123057 -0.965318581665802 -0.965318581665802 -0.965318581665802 -1.283233668224555 -1.283233668224555 -1.283233668224555 -1.4811953993387899 -1.4811953993387899 -1.4811953993387899 -1.3245595339067286 -1.4536448222173406 -1.4536448222173406 +35573,1.280363010778632,1,2.146348847826435 1.7942277076506097 1.7942277076506097 1.7942277076506097 -0.22903714702123057 -0.22903714702123057 -0.22903714702123057 -0.965318581665802 -0.965318581665802 -0.965318581665802 -1.283233668224555 -1.283233668224555 -1.283233668224555 -1.4811953993387899 -1.4811953993387899 -1.4811953993387899 -1.3245595339067286 -1.4536448222173406 -1.4536448222173406 -1.4536448222173406 +35574,1.280363010778632,1,1.7942277076506097 1.7942277076506097 1.7942277076506097 -0.22903714702123057 -0.22903714702123057 -0.22903714702123057 -0.965318581665802 -0.965318581665802 -0.965318581665802 -1.283233668224555 -1.283233668224555 -1.283233668224555 -1.4811953993387899 -1.4811953993387899 -1.4811953993387899 -1.3245595339067286 -1.4536448222173406 -1.4536448222173406 -1.4536448222173406 1.280363010778632 +35575,1.280363010778632,1,1.7942277076506097 1.7942277076506097 -0.22903714702123057 -0.22903714702123057 -0.22903714702123057 -0.965318581665802 -0.965318581665802 -0.965318581665802 -1.283233668224555 -1.283233668224555 -1.283233668224555 -1.4811953993387899 -1.4811953993387899 -1.4811953993387899 -1.3245595339067286 -1.4536448222173406 -1.4536448222173406 -1.4536448222173406 1.280363010778632 1.280363010778632 +35576,1.5897652785639023,1,1.7942277076506097 -0.22903714702123057 -0.22903714702123057 -0.22903714702123057 -0.965318581665802 -0.965318581665802 -0.965318581665802 -1.283233668224555 -1.283233668224555 -1.283233668224555 -1.4811953993387899 -1.4811953993387899 -1.4811953993387899 -1.3245595339067286 -1.4536448222173406 -1.4536448222173406 -1.4536448222173406 1.280363010778632 1.280363010778632 1.280363010778632 +35577,1.5897652785639023,1,-0.22903714702123057 -0.22903714702123057 -0.22903714702123057 -0.965318581665802 -0.965318581665802 -0.965318581665802 -1.283233668224555 -1.283233668224555 -1.283233668224555 -1.4811953993387899 -1.4811953993387899 -1.4811953993387899 -1.3245595339067286 -1.4536448222173406 -1.4536448222173406 -1.4536448222173406 1.280363010778632 1.280363010778632 1.280363010778632 1.5897652785639023 +35578,1.5897652785639023,1,-0.22903714702123057 -0.22903714702123057 -0.965318581665802 -0.965318581665802 -0.965318581665802 -1.283233668224555 -1.283233668224555 -1.283233668224555 -1.4811953993387899 -1.4811953993387899 -1.4811953993387899 -1.3245595339067286 -1.4536448222173406 -1.4536448222173406 -1.4536448222173406 1.280363010778632 1.280363010778632 1.280363010778632 1.5897652785639023 1.5897652785639023 +35579,1.2805177893017912,1,-0.22903714702123057 -0.965318581665802 -0.965318581665802 -0.965318581665802 -1.283233668224555 -1.283233668224555 -1.283233668224555 -1.4811953993387899 -1.4811953993387899 -1.4811953993387899 -1.3245595339067286 -1.4536448222173406 -1.4536448222173406 -1.4536448222173406 1.280363010778632 1.280363010778632 1.280363010778632 1.5897652785639023 1.5897652785639023 1.5897652785639023 +35580,1.2805177893017912,1,-0.965318581665802 -0.965318581665802 -0.965318581665802 -1.283233668224555 -1.283233668224555 -1.283233668224555 -1.4811953993387899 -1.4811953993387899 -1.4811953993387899 -1.3245595339067286 -1.4536448222173406 -1.4536448222173406 -1.4536448222173406 1.280363010778632 1.280363010778632 1.280363010778632 1.5897652785639023 1.5897652785639023 1.5897652785639023 1.2805177893017912 +35581,1.2805177893017912,1,-0.965318581665802 -0.965318581665802 -1.283233668224555 -1.283233668224555 -1.283233668224555 -1.4811953993387899 -1.4811953993387899 -1.4811953993387899 -1.3245595339067286 -1.4536448222173406 -1.4536448222173406 -1.4536448222173406 1.280363010778632 1.280363010778632 1.280363010778632 1.5897652785639023 1.5897652785639023 1.5897652785639023 1.2805177893017912 1.2805177893017912 +35582,-0.37096905275363745,1,-0.965318581665802 -1.283233668224555 -1.283233668224555 -1.283233668224555 -1.4811953993387899 -1.4811953993387899 -1.4811953993387899 -1.3245595339067286 -1.4536448222173406 -1.4536448222173406 -1.4536448222173406 1.280363010778632 1.280363010778632 1.280363010778632 1.5897652785639023 1.5897652785639023 1.5897652785639023 1.2805177893017912 1.2805177893017912 1.2805177893017912 +35583,-0.37096905275363745,1,-1.283233668224555 -1.283233668224555 -1.283233668224555 -1.4811953993387899 -1.4811953993387899 -1.4811953993387899 -1.3245595339067286 -1.4536448222173406 -1.4536448222173406 -1.4536448222173406 1.280363010778632 1.280363010778632 1.280363010778632 1.5897652785639023 1.5897652785639023 1.5897652785639023 1.2805177893017912 1.2805177893017912 1.2805177893017912 -0.37096905275363745 +35584,-0.37096905275363745,1,-1.283233668224555 -1.283233668224555 -1.4811953993387899 -1.4811953993387899 -1.4811953993387899 -1.3245595339067286 -1.4536448222173406 -1.4536448222173406 -1.4536448222173406 1.280363010778632 1.280363010778632 1.280363010778632 1.5897652785639023 1.5897652785639023 1.5897652785639023 1.2805177893017912 1.2805177893017912 1.2805177893017912 -0.37096905275363745 -0.37096905275363745 +35585,-1.034040245946274,1,-1.283233668224555 -1.4811953993387899 -1.4811953993387899 -1.4811953993387899 -1.3245595339067286 -1.4536448222173406 -1.4536448222173406 -1.4536448222173406 1.280363010778632 1.280363010778632 1.280363010778632 1.5897652785639023 1.5897652785639023 1.5897652785639023 1.2805177893017912 1.2805177893017912 1.2805177893017912 -0.37096905275363745 -0.37096905275363745 -0.37096905275363745 +35586,-1.034040245946274,1,-1.4811953993387899 -1.4811953993387899 -1.4811953993387899 -1.3245595339067286 -1.4536448222173406 -1.4536448222173406 -1.4536448222173406 1.280363010778632 1.280363010778632 1.280363010778632 1.5897652785639023 1.5897652785639023 1.5897652785639023 1.2805177893017912 1.2805177893017912 1.2805177893017912 -0.37096905275363745 -0.37096905275363745 -0.37096905275363745 -1.034040245946274 +35587,-1.034040245946274,1,-1.4811953993387899 -1.4811953993387899 -1.3245595339067286 -1.4536448222173406 -1.4536448222173406 -1.4536448222173406 1.280363010778632 1.280363010778632 1.280363010778632 1.5897652785639023 1.5897652785639023 1.5897652785639023 1.2805177893017912 1.2805177893017912 1.2805177893017912 -0.37096905275363745 -0.37096905275363745 -0.37096905275363745 -1.034040245946274 -1.034040245946274 +35588,-1.1991889301518177,1,-1.4811953993387899 -1.3245595339067286 -1.4536448222173406 -1.4536448222173406 -1.4536448222173406 1.280363010778632 1.280363010778632 1.280363010778632 1.5897652785639023 1.5897652785639023 1.5897652785639023 1.2805177893017912 1.2805177893017912 1.2805177893017912 -0.37096905275363745 -0.37096905275363745 -0.37096905275363745 -1.034040245946274 -1.034040245946274 -1.034040245946274 +35589,-1.1991889301518177,1,-1.3245595339067286 -1.4536448222173406 -1.4536448222173406 -1.4536448222173406 1.280363010778632 1.280363010778632 1.280363010778632 1.5897652785639023 1.5897652785639023 1.5897652785639023 1.2805177893017912 1.2805177893017912 1.2805177893017912 -0.37096905275363745 -0.37096905275363745 -0.37096905275363745 -1.034040245946274 -1.034040245946274 -1.034040245946274 -1.1991889301518177 +35590,-1.1991889301518177,1,-1.4536448222173406 -1.4536448222173406 -1.4536448222173406 1.280363010778632 1.280363010778632 1.280363010778632 1.5897652785639023 1.5897652785639023 1.5897652785639023 1.2805177893017912 1.2805177893017912 1.2805177893017912 -0.37096905275363745 -0.37096905275363745 -0.37096905275363745 -1.034040245946274 -1.034040245946274 -1.034040245946274 -1.1991889301518177 -1.1991889301518177 +35591,-1.0623647156834934,1,-1.4536448222173406 -1.4536448222173406 1.280363010778632 1.280363010778632 1.280363010778632 1.5897652785639023 1.5897652785639023 1.5897652785639023 1.2805177893017912 1.2805177893017912 1.2805177893017912 -0.37096905275363745 -0.37096905275363745 -0.37096905275363745 -1.034040245946274 -1.034040245946274 -1.034040245946274 -1.1991889301518177 -1.1991889301518177 -1.1991889301518177 +35592,-1.0623647156834934,1,-1.4536448222173406 1.280363010778632 1.280363010778632 1.280363010778632 1.5897652785639023 1.5897652785639023 1.5897652785639023 1.2805177893017912 1.2805177893017912 1.2805177893017912 -0.37096905275363745 -0.37096905275363745 -0.37096905275363745 -1.034040245946274 -1.034040245946274 -1.034040245946274 -1.1991889301518177 -1.1991889301518177 -1.1991889301518177 -1.0623647156834934 +35593,-1.0623647156834934,1,1.280363010778632 1.280363010778632 1.280363010778632 1.5897652785639023 1.5897652785639023 1.5897652785639023 1.2805177893017912 1.2805177893017912 1.2805177893017912 -0.37096905275363745 -0.37096905275363745 -0.37096905275363745 -1.034040245946274 -1.034040245946274 -1.034040245946274 -1.1991889301518177 -1.1991889301518177 -1.1991889301518177 -1.0623647156834934 -1.0623647156834934 +35594,-0.5283788108014689,1,1.280363010778632 1.280363010778632 1.5897652785639023 1.5897652785639023 1.5897652785639023 1.2805177893017912 1.2805177893017912 1.2805177893017912 -0.37096905275363745 -0.37096905275363745 -0.37096905275363745 -1.034040245946274 -1.034040245946274 -1.034040245946274 -1.1991889301518177 -1.1991889301518177 -1.1991889301518177 -1.0623647156834934 -1.0623647156834934 -1.0623647156834934 +35595,-0.5283788108014689,1,1.280363010778632 1.5897652785639023 1.5897652785639023 1.5897652785639023 1.2805177893017912 1.2805177893017912 1.2805177893017912 -0.37096905275363745 -0.37096905275363745 -0.37096905275363745 -1.034040245946274 -1.034040245946274 -1.034040245946274 -1.1991889301518177 -1.1991889301518177 -1.1991889301518177 -1.0623647156834934 -1.0623647156834934 -1.0623647156834934 -0.5283788108014689 +35596,-0.5283788108014689,1,1.5897652785639023 1.5897652785639023 1.5897652785639023 1.2805177893017912 1.2805177893017912 1.2805177893017912 -0.37096905275363745 -0.37096905275363745 -0.37096905275363745 -1.034040245946274 -1.034040245946274 -1.034040245946274 -1.1991889301518177 -1.1991889301518177 -1.1991889301518177 -1.0623647156834934 -1.0623647156834934 -1.0623647156834934 -0.5283788108014689 -0.5283788108014689 +35597,0.0812937919029608,1,1.5897652785639023 1.5897652785639023 1.2805177893017912 1.2805177893017912 1.2805177893017912 -0.37096905275363745 -0.37096905275363745 -0.37096905275363745 -1.034040245946274 -1.034040245946274 -1.034040245946274 -1.1991889301518177 -1.1991889301518177 -1.1991889301518177 -1.0623647156834934 -1.0623647156834934 -1.0623647156834934 -0.5283788108014689 -0.5283788108014689 -0.5283788108014689 +35598,0.0812937919029608,1,1.5897652785639023 1.2805177893017912 1.2805177893017912 1.2805177893017912 -0.37096905275363745 -0.37096905275363745 -0.37096905275363745 -1.034040245946274 -1.034040245946274 -1.034040245946274 -1.1991889301518177 -1.1991889301518177 -1.1991889301518177 -1.0623647156834934 -1.0623647156834934 -1.0623647156834934 -0.5283788108014689 -0.5283788108014689 -0.5283788108014689 0.0812937919029608 +35599,0.0812937919029608,1,1.2805177893017912 1.2805177893017912 1.2805177893017912 -0.37096905275363745 -0.37096905275363745 -0.37096905275363745 -1.034040245946274 -1.034040245946274 -1.034040245946274 -1.1991889301518177 -1.1991889301518177 -1.1991889301518177 -1.0623647156834934 -1.0623647156834934 -1.0623647156834934 -0.5283788108014689 -0.5283788108014689 -0.5283788108014689 0.0812937919029608 0.0812937919029608 +35600,0.33048721418124183,1,1.2805177893017912 1.2805177893017912 -0.37096905275363745 -0.37096905275363745 -0.37096905275363745 -1.034040245946274 -1.034040245946274 -1.034040245946274 -1.1991889301518177 -1.1991889301518177 -1.1991889301518177 -1.0623647156834934 -1.0623647156834934 -1.0623647156834934 -0.5283788108014689 -0.5283788108014689 -0.5283788108014689 0.0812937919029608 0.0812937919029608 0.0812937919029608 +35601,0.33048721418124183,1,1.2805177893017912 -0.37096905275363745 -0.37096905275363745 -0.37096905275363745 -1.034040245946274 -1.034040245946274 -1.034040245946274 -1.1991889301518177 -1.1991889301518177 -1.1991889301518177 -1.0623647156834934 -1.0623647156834934 -1.0623647156834934 -0.5283788108014689 -0.5283788108014689 -0.5283788108014689 0.0812937919029608 0.0812937919029608 0.0812937919029608 0.33048721418124183 +35602,0.33048721418124183,1,-0.37096905275363745 -0.37096905275363745 -0.37096905275363745 -1.034040245946274 -1.034040245946274 -1.034040245946274 -1.1991889301518177 -1.1991889301518177 -1.1991889301518177 -1.0623647156834934 -1.0623647156834934 -1.0623647156834934 -0.5283788108014689 -0.5283788108014689 -0.5283788108014689 0.0812937919029608 0.0812937919029608 0.0812937919029608 0.33048721418124183 0.33048721418124183 +35603,0.35045364366813797,1,-0.37096905275363745 -0.37096905275363745 -1.034040245946274 -1.034040245946274 -1.034040245946274 -1.1991889301518177 -1.1991889301518177 -1.1991889301518177 -1.0623647156834934 -1.0623647156834934 -1.0623647156834934 -0.5283788108014689 -0.5283788108014689 -0.5283788108014689 0.0812937919029608 0.0812937919029608 0.0812937919029608 0.33048721418124183 0.33048721418124183 0.33048721418124183 +35604,0.35045364366813797,1,-0.37096905275363745 -1.034040245946274 -1.034040245946274 -1.034040245946274 -1.1991889301518177 -1.1991889301518177 -1.1991889301518177 -1.0623647156834934 -1.0623647156834934 -1.0623647156834934 -0.5283788108014689 -0.5283788108014689 -0.5283788108014689 0.0812937919029608 0.0812937919029608 0.0812937919029608 0.33048721418124183 0.33048721418124183 0.33048721418124183 0.35045364366813797 +35605,0.35045364366813797,1,-1.034040245946274 -1.034040245946274 -1.034040245946274 -1.1991889301518177 -1.1991889301518177 -1.1991889301518177 -1.0623647156834934 -1.0623647156834934 -1.0623647156834934 -0.5283788108014689 -0.5283788108014689 -0.5283788108014689 0.0812937919029608 0.0812937919029608 0.0812937919029608 0.33048721418124183 0.33048721418124183 0.33048721418124183 0.35045364366813797 0.35045364366813797 +35606,-0.3259285025157627,1,-1.034040245946274 -1.034040245946274 -1.1991889301518177 -1.1991889301518177 -1.1991889301518177 -1.0623647156834934 -1.0623647156834934 -1.0623647156834934 -0.5283788108014689 -0.5283788108014689 -0.5283788108014689 0.0812937919029608 0.0812937919029608 0.0812937919029608 0.33048721418124183 0.33048721418124183 0.33048721418124183 0.35045364366813797 0.35045364366813797 0.35045364366813797 +35607,-0.3259285025157627,1,-1.034040245946274 -1.1991889301518177 -1.1991889301518177 -1.1991889301518177 -1.0623647156834934 -1.0623647156834934 -1.0623647156834934 -0.5283788108014689 -0.5283788108014689 -0.5283788108014689 0.0812937919029608 0.0812937919029608 0.0812937919029608 0.33048721418124183 0.33048721418124183 0.33048721418124183 0.35045364366813797 0.35045364366813797 0.35045364366813797 -0.3259285025157627 +35608,-0.3259285025157627,1,-1.1991889301518177 -1.1991889301518177 -1.1991889301518177 -1.0623647156834934 -1.0623647156834934 -1.0623647156834934 -0.5283788108014689 -0.5283788108014689 -0.5283788108014689 0.0812937919029608 0.0812937919029608 0.0812937919029608 0.33048721418124183 0.33048721418124183 0.33048721418124183 0.35045364366813797 0.35045364366813797 0.35045364366813797 -0.3259285025157627 -0.3259285025157627 +35609,-0.721232850651621,1,-1.1991889301518177 -1.1991889301518177 -1.0623647156834934 -1.0623647156834934 -1.0623647156834934 -0.5283788108014689 -0.5283788108014689 -0.5283788108014689 0.0812937919029608 0.0812937919029608 0.0812937919029608 0.33048721418124183 0.33048721418124183 0.33048721418124183 0.35045364366813797 0.35045364366813797 0.35045364366813797 -0.3259285025157627 -0.3259285025157627 -0.3259285025157627 +35610,-0.721232850651621,1,-1.1991889301518177 -1.0623647156834934 -1.0623647156834934 -1.0623647156834934 -0.5283788108014689 -0.5283788108014689 -0.5283788108014689 0.0812937919029608 0.0812937919029608 0.0812937919029608 0.33048721418124183 0.33048721418124183 0.33048721418124183 0.35045364366813797 0.35045364366813797 0.35045364366813797 -0.3259285025157627 -0.3259285025157627 -0.3259285025157627 -0.721232850651621 +35611,-0.721232850651621,1,-1.0623647156834934 -1.0623647156834934 -1.0623647156834934 -0.5283788108014689 -0.5283788108014689 -0.5283788108014689 0.0812937919029608 0.0812937919029608 0.0812937919029608 0.33048721418124183 0.33048721418124183 0.33048721418124183 0.35045364366813797 0.35045364366813797 0.35045364366813797 -0.3259285025157627 -0.3259285025157627 -0.3259285025157627 -0.721232850651621 -0.721232850651621 +35612,-0.696932622516404,1,-1.0623647156834934 -1.0623647156834934 -0.5283788108014689 -0.5283788108014689 -0.5283788108014689 0.0812937919029608 0.0812937919029608 0.0812937919029608 0.33048721418124183 0.33048721418124183 0.33048721418124183 0.35045364366813797 0.35045364366813797 0.35045364366813797 -0.3259285025157627 -0.3259285025157627 -0.3259285025157627 -0.721232850651621 -0.721232850651621 -0.721232850651621 +35613,-0.696932622516404,1,-1.0623647156834934 -0.5283788108014689 -0.5283788108014689 -0.5283788108014689 0.0812937919029608 0.0812937919029608 0.0812937919029608 0.33048721418124183 0.33048721418124183 0.33048721418124183 0.35045364366813797 0.35045364366813797 0.35045364366813797 -0.3259285025157627 -0.3259285025157627 -0.3259285025157627 -0.721232850651621 -0.721232850651621 -0.721232850651621 -0.696932622516404 +35614,-0.696932622516404,1,-0.5283788108014689 -0.5283788108014689 -0.5283788108014689 0.0812937919029608 0.0812937919029608 0.0812937919029608 0.33048721418124183 0.33048721418124183 0.33048721418124183 0.35045364366813797 0.35045364366813797 0.35045364366813797 -0.3259285025157627 -0.3259285025157627 -0.3259285025157627 -0.721232850651621 -0.721232850651621 -0.721232850651621 -0.696932622516404 -0.696932622516404 +35615,-0.7131843674475988,1,-0.5283788108014689 -0.5283788108014689 0.0812937919029608 0.0812937919029608 0.0812937919029608 0.33048721418124183 0.33048721418124183 0.33048721418124183 0.35045364366813797 0.35045364366813797 0.35045364366813797 -0.3259285025157627 -0.3259285025157627 -0.3259285025157627 -0.721232850651621 -0.721232850651621 -0.721232850651621 -0.696932622516404 -0.696932622516404 -0.696932622516404 +35616,-0.7131843674475988,1,-0.5283788108014689 0.0812937919029608 0.0812937919029608 0.0812937919029608 0.33048721418124183 0.33048721418124183 0.33048721418124183 0.35045364366813797 0.35045364366813797 0.35045364366813797 -0.3259285025157627 -0.3259285025157627 -0.3259285025157627 -0.721232850651621 -0.721232850651621 -0.721232850651621 -0.696932622516404 -0.696932622516404 -0.696932622516404 -0.7131843674475988 +35617,-0.7131843674475988,1,0.0812937919029608 0.0812937919029608 0.0812937919029608 0.33048721418124183 0.33048721418124183 0.33048721418124183 0.35045364366813797 0.35045364366813797 0.35045364366813797 -0.3259285025157627 -0.3259285025157627 -0.3259285025157627 -0.721232850651621 -0.721232850651621 -0.721232850651621 -0.696932622516404 -0.696932622516404 -0.696932622516404 -0.7131843674475988 -0.7131843674475988 +35618,-0.7224710788368519,1,0.0812937919029608 0.0812937919029608 0.33048721418124183 0.33048721418124183 0.33048721418124183 0.35045364366813797 0.35045364366813797 0.35045364366813797 -0.3259285025157627 -0.3259285025157627 -0.3259285025157627 -0.721232850651621 -0.721232850651621 -0.721232850651621 -0.696932622516404 -0.696932622516404 -0.696932622516404 -0.7131843674475988 -0.7131843674475988 -0.7131843674475988 +35619,-0.7224710788368519,1,0.0812937919029608 0.33048721418124183 0.33048721418124183 0.33048721418124183 0.35045364366813797 0.35045364366813797 0.35045364366813797 -0.3259285025157627 -0.3259285025157627 -0.3259285025157627 -0.721232850651621 -0.721232850651621 -0.721232850651621 -0.696932622516404 -0.696932622516404 -0.696932622516404 -0.7131843674475988 -0.7131843674475988 -0.7131843674475988 -0.7224710788368519 +35620,-0.7224710788368519,1,0.33048721418124183 0.33048721418124183 0.33048721418124183 0.35045364366813797 0.35045364366813797 0.35045364366813797 -0.3259285025157627 -0.3259285025157627 -0.3259285025157627 -0.721232850651621 -0.721232850651621 -0.721232850651621 -0.696932622516404 -0.696932622516404 -0.696932622516404 -0.7131843674475988 -0.7131843674475988 -0.7131843674475988 -0.7224710788368519 -0.7224710788368519 +35621,0.39688720061440286,1,0.33048721418124183 0.33048721418124183 0.35045364366813797 0.35045364366813797 0.35045364366813797 -0.3259285025157627 -0.3259285025157627 -0.3259285025157627 -0.721232850651621 -0.721232850651621 -0.721232850651621 -0.696932622516404 -0.696932622516404 -0.696932622516404 -0.7131843674475988 -0.7131843674475988 -0.7131843674475988 -0.7224710788368519 -0.7224710788368519 -0.7224710788368519 +35622,0.39688720061440286,1,0.33048721418124183 0.35045364366813797 0.35045364366813797 0.35045364366813797 -0.3259285025157627 -0.3259285025157627 -0.3259285025157627 -0.721232850651621 -0.721232850651621 -0.721232850651621 -0.696932622516404 -0.696932622516404 -0.696932622516404 -0.7131843674475988 -0.7131843674475988 -0.7131843674475988 -0.7224710788368519 -0.7224710788368519 -0.7224710788368519 0.39688720061440286 +35623,0.39688720061440286,1,0.35045364366813797 0.35045364366813797 0.35045364366813797 -0.3259285025157627 -0.3259285025157627 -0.3259285025157627 -0.721232850651621 -0.721232850651621 -0.721232850651621 -0.696932622516404 -0.696932622516404 -0.696932622516404 -0.7131843674475988 -0.7131843674475988 -0.7131843674475988 -0.7224710788368519 -0.7224710788368519 -0.7224710788368519 0.39688720061440286 0.39688720061440286 +35624,0.8025617098015857,1,0.35045364366813797 0.35045364366813797 -0.3259285025157627 -0.3259285025157627 -0.3259285025157627 -0.721232850651621 -0.721232850651621 -0.721232850651621 -0.696932622516404 -0.696932622516404 -0.696932622516404 -0.7131843674475988 -0.7131843674475988 -0.7131843674475988 -0.7224710788368519 -0.7224710788368519 -0.7224710788368519 0.39688720061440286 0.39688720061440286 0.39688720061440286 +35625,0.8025617098015857,1,0.35045364366813797 -0.3259285025157627 -0.3259285025157627 -0.3259285025157627 -0.721232850651621 -0.721232850651621 -0.721232850651621 -0.696932622516404 -0.696932622516404 -0.696932622516404 -0.7131843674475988 -0.7131843674475988 -0.7131843674475988 -0.7224710788368519 -0.7224710788368519 -0.7224710788368519 0.39688720061440286 0.39688720061440286 0.39688720061440286 0.8025617098015857 +35626,0.8025617098015857,1,-0.3259285025157627 -0.3259285025157627 -0.3259285025157627 -0.721232850651621 -0.721232850651621 -0.721232850651621 -0.696932622516404 -0.696932622516404 -0.696932622516404 -0.7131843674475988 -0.7131843674475988 -0.7131843674475988 -0.7224710788368519 -0.7224710788368519 -0.7224710788368519 0.39688720061440286 0.39688720061440286 0.39688720061440286 0.8025617098015857 0.8025617098015857 +35627,0.5556899653706157,1,-0.3259285025157627 -0.3259285025157627 -0.721232850651621 -0.721232850651621 -0.721232850651621 -0.696932622516404 -0.696932622516404 -0.696932622516404 -0.7131843674475988 -0.7131843674475988 -0.7131843674475988 -0.7224710788368519 -0.7224710788368519 -0.7224710788368519 0.39688720061440286 0.39688720061440286 0.39688720061440286 0.8025617098015857 0.8025617098015857 0.8025617098015857 +35628,0.5556899653706157,1,-0.3259285025157627 -0.721232850651621 -0.721232850651621 -0.721232850651621 -0.696932622516404 -0.696932622516404 -0.696932622516404 -0.7131843674475988 -0.7131843674475988 -0.7131843674475988 -0.7224710788368519 -0.7224710788368519 -0.7224710788368519 0.39688720061440286 0.39688720061440286 0.39688720061440286 0.8025617098015857 0.8025617098015857 0.8025617098015857 0.5556899653706157 +35629,0.5556899653706157,1,-0.721232850651621 -0.721232850651621 -0.721232850651621 -0.696932622516404 -0.696932622516404 -0.696932622516404 -0.7131843674475988 -0.7131843674475988 -0.7131843674475988 -0.7224710788368519 -0.7224710788368519 -0.7224710788368519 0.39688720061440286 0.39688720061440286 0.39688720061440286 0.8025617098015857 0.8025617098015857 0.8025617098015857 0.5556899653706157 0.5556899653706157 +35630,-0.47962357600789296,1,-0.721232850651621 -0.721232850651621 -0.696932622516404 -0.696932622516404 -0.696932622516404 -0.7131843674475988 -0.7131843674475988 -0.7131843674475988 -0.7224710788368519 -0.7224710788368519 -0.7224710788368519 0.39688720061440286 0.39688720061440286 0.39688720061440286 0.8025617098015857 0.8025617098015857 0.8025617098015857 0.5556899653706157 0.5556899653706157 0.5556899653706157 +35631,-0.47962357600789296,1,-0.721232850651621 -0.696932622516404 -0.696932622516404 -0.696932622516404 -0.7131843674475988 -0.7131843674475988 -0.7131843674475988 -0.7224710788368519 -0.7224710788368519 -0.7224710788368519 0.39688720061440286 0.39688720061440286 0.39688720061440286 0.8025617098015857 0.8025617098015857 0.8025617098015857 0.5556899653706157 0.5556899653706157 0.5556899653706157 -0.47962357600789296 +35632,-0.47962357600789296,1,-0.696932622516404 -0.696932622516404 -0.696932622516404 -0.7131843674475988 -0.7131843674475988 -0.7131843674475988 -0.7224710788368519 -0.7224710788368519 -0.7224710788368519 0.39688720061440286 0.39688720061440286 0.39688720061440286 0.8025617098015857 0.8025617098015857 0.8025617098015857 0.5556899653706157 0.5556899653706157 0.5556899653706157 -0.47962357600789296 -0.47962357600789296 +35633,-1.0032393198385843,1,-0.696932622516404 -0.696932622516404 -0.7131843674475988 -0.7131843674475988 -0.7131843674475988 -0.7224710788368519 -0.7224710788368519 -0.7224710788368519 0.39688720061440286 0.39688720061440286 0.39688720061440286 0.8025617098015857 0.8025617098015857 0.8025617098015857 0.5556899653706157 0.5556899653706157 0.5556899653706157 -0.47962357600789296 -0.47962357600789296 -0.47962357600789296 +35634,-1.0032393198385843,1,-0.696932622516404 -0.7131843674475988 -0.7131843674475988 -0.7131843674475988 -0.7224710788368519 -0.7224710788368519 -0.7224710788368519 0.39688720061440286 0.39688720061440286 0.39688720061440286 0.8025617098015857 0.8025617098015857 0.8025617098015857 0.5556899653706157 0.5556899653706157 0.5556899653706157 -0.47962357600789296 -0.47962357600789296 -0.47962357600789296 -1.0032393198385843 +35635,-1.0032393198385843,1,-0.7131843674475988 -0.7131843674475988 -0.7131843674475988 -0.7224710788368519 -0.7224710788368519 -0.7224710788368519 0.39688720061440286 0.39688720061440286 0.39688720061440286 0.8025617098015857 0.8025617098015857 0.8025617098015857 0.5556899653706157 0.5556899653706157 0.5556899653706157 -0.47962357600789296 -0.47962357600789296 -0.47962357600789296 -1.0032393198385843 -1.0032393198385843 +35636,-1.2541353058715654,1,-0.7131843674475988 -0.7131843674475988 -0.7224710788368519 -0.7224710788368519 -0.7224710788368519 0.39688720061440286 0.39688720061440286 0.39688720061440286 0.8025617098015857 0.8025617098015857 0.8025617098015857 0.5556899653706157 0.5556899653706157 0.5556899653706157 -0.47962357600789296 -0.47962357600789296 -0.47962357600789296 -1.0032393198385843 -1.0032393198385843 -1.0032393198385843 +35637,-1.2541353058715654,1,-0.7131843674475988 -0.7224710788368519 -0.7224710788368519 -0.7224710788368519 0.39688720061440286 0.39688720061440286 0.39688720061440286 0.8025617098015857 0.8025617098015857 0.8025617098015857 0.5556899653706157 0.5556899653706157 0.5556899653706157 -0.47962357600789296 -0.47962357600789296 -0.47962357600789296 -1.0032393198385843 -1.0032393198385843 -1.0032393198385843 -1.2541353058715654 +35638,-1.2541353058715654,1,-0.7224710788368519 -0.7224710788368519 -0.7224710788368519 0.39688720061440286 0.39688720061440286 0.39688720061440286 0.8025617098015857 0.8025617098015857 0.8025617098015857 0.5556899653706157 0.5556899653706157 0.5556899653706157 -0.47962357600789296 -0.47962357600789296 -0.47962357600789296 -1.0032393198385843 -1.0032393198385843 -1.0032393198385843 -1.2541353058715654 -1.2541353058715654 +35639,-1.42160566792442,1,-0.7224710788368519 -0.7224710788368519 0.39688720061440286 0.39688720061440286 0.39688720061440286 0.8025617098015857 0.8025617098015857 0.8025617098015857 0.5556899653706157 0.5556899653706157 0.5556899653706157 -0.47962357600789296 -0.47962357600789296 -0.47962357600789296 -1.0032393198385843 -1.0032393198385843 -1.0032393198385843 -1.2541353058715654 -1.2541353058715654 -1.2541353058715654 +35640,-1.42160566792442,1,-0.7224710788368519 0.39688720061440286 0.39688720061440286 0.39688720061440286 0.8025617098015857 0.8025617098015857 0.8025617098015857 0.5556899653706157 0.5556899653706157 0.5556899653706157 -0.47962357600789296 -0.47962357600789296 -0.47962357600789296 -1.0032393198385843 -1.0032393198385843 -1.0032393198385843 -1.2541353058715654 -1.2541353058715654 -1.2541353058715654 -1.42160566792442 +35641,-1.42160566792442,1,0.39688720061440286 0.39688720061440286 0.39688720061440286 0.8025617098015857 0.8025617098015857 0.8025617098015857 0.5556899653706157 0.5556899653706157 0.5556899653706157 -0.47962357600789296 -0.47962357600789296 -0.47962357600789296 -1.0032393198385843 -1.0032393198385843 -1.0032393198385843 -1.2541353058715654 -1.2541353058715654 -1.2541353058715654 -1.42160566792442 -1.42160566792442 +35642,-1.2143572254209325,1,0.39688720061440286 0.39688720061440286 0.8025617098015857 0.8025617098015857 0.8025617098015857 0.5556899653706157 0.5556899653706157 0.5556899653706157 -0.47962357600789296 -0.47962357600789296 -0.47962357600789296 -1.0032393198385843 -1.0032393198385843 -1.0032393198385843 -1.2541353058715654 -1.2541353058715654 -1.2541353058715654 -1.42160566792442 -1.42160566792442 -1.42160566792442 +35643,-1.2143572254209325,1,0.39688720061440286 0.8025617098015857 0.8025617098015857 0.8025617098015857 0.5556899653706157 0.5556899653706157 0.5556899653706157 -0.47962357600789296 -0.47962357600789296 -0.47962357600789296 -1.0032393198385843 -1.0032393198385843 -1.0032393198385843 -1.2541353058715654 -1.2541353058715654 -1.2541353058715654 -1.42160566792442 -1.42160566792442 -1.42160566792442 -1.2143572254209325 +35644,-1.2143572254209325,1,0.8025617098015857 0.8025617098015857 0.8025617098015857 0.5556899653706157 0.5556899653706157 0.5556899653706157 -0.47962357600789296 -0.47962357600789296 -0.47962357600789296 -1.0032393198385843 -1.0032393198385843 -1.0032393198385843 -1.2541353058715654 -1.2541353058715654 -1.2541353058715654 -1.42160566792442 -1.42160566792442 -1.42160566792442 -1.2143572254209325 -1.2143572254209325 +35645,0.3857431469472905,1,0.8025617098015857 0.8025617098015857 0.5556899653706157 0.5556899653706157 0.5556899653706157 -0.47962357600789296 -0.47962357600789296 -0.47962357600789296 -1.0032393198385843 -1.0032393198385843 -1.0032393198385843 -1.2541353058715654 -1.2541353058715654 -1.2541353058715654 -1.42160566792442 -1.42160566792442 -1.42160566792442 -1.2143572254209325 -1.2143572254209325 -1.2143572254209325 +35646,0.3857431469472905,1,0.8025617098015857 0.5556899653706157 0.5556899653706157 0.5556899653706157 -0.47962357600789296 -0.47962357600789296 -0.47962357600789296 -1.0032393198385843 -1.0032393198385843 -1.0032393198385843 -1.2541353058715654 -1.2541353058715654 -1.2541353058715654 -1.42160566792442 -1.42160566792442 -1.42160566792442 -1.2143572254209325 -1.2143572254209325 -1.2143572254209325 0.3857431469472905 +35647,0.3857431469472905,1,0.5556899653706157 0.5556899653706157 0.5556899653706157 -0.47962357600789296 -0.47962357600789296 -0.47962357600789296 -1.0032393198385843 -1.0032393198385843 -1.0032393198385843 -1.2541353058715654 -1.2541353058715654 -1.2541353058715654 -1.42160566792442 -1.42160566792442 -1.42160566792442 -1.2143572254209325 -1.2143572254209325 -1.2143572254209325 0.3857431469472905 0.3857431469472905 +35648,0.828564501691494,1,0.5556899653706157 0.5556899653706157 -0.47962357600789296 -0.47962357600789296 -0.47962357600789296 -1.0032393198385843 -1.0032393198385843 -1.0032393198385843 -1.2541353058715654 -1.2541353058715654 -1.2541353058715654 -1.42160566792442 -1.42160566792442 -1.42160566792442 -1.2143572254209325 -1.2143572254209325 -1.2143572254209325 0.3857431469472905 0.3857431469472905 0.3857431469472905 +35649,0.828564501691494,1,0.5556899653706157 -0.47962357600789296 -0.47962357600789296 -0.47962357600789296 -1.0032393198385843 -1.0032393198385843 -1.0032393198385843 -1.2541353058715654 -1.2541353058715654 -1.2541353058715654 -1.42160566792442 -1.42160566792442 -1.42160566792442 -1.2143572254209325 -1.2143572254209325 -1.2143572254209325 0.3857431469472905 0.3857431469472905 0.3857431469472905 0.828564501691494 +35650,0.828564501691494,1,-0.47962357600789296 -0.47962357600789296 -0.47962357600789296 -1.0032393198385843 -1.0032393198385843 -1.0032393198385843 -1.2541353058715654 -1.2541353058715654 -1.2541353058715654 -1.42160566792442 -1.42160566792442 -1.42160566792442 -1.2143572254209325 -1.2143572254209325 -1.2143572254209325 0.3857431469472905 0.3857431469472905 0.3857431469472905 0.828564501691494 0.828564501691494 +35651,0.72439855560871,1,-0.47962357600789296 -0.47962357600789296 -1.0032393198385843 -1.0032393198385843 -1.0032393198385843 -1.2541353058715654 -1.2541353058715654 -1.2541353058715654 -1.42160566792442 -1.42160566792442 -1.42160566792442 -1.2143572254209325 -1.2143572254209325 -1.2143572254209325 0.3857431469472905 0.3857431469472905 0.3857431469472905 0.828564501691494 0.828564501691494 0.828564501691494 +35652,0.72439855560871,1,-0.47962357600789296 -1.0032393198385843 -1.0032393198385843 -1.0032393198385843 -1.2541353058715654 -1.2541353058715654 -1.2541353058715654 -1.42160566792442 -1.42160566792442 -1.42160566792442 -1.2143572254209325 -1.2143572254209325 -1.2143572254209325 0.3857431469472905 0.3857431469472905 0.3857431469472905 0.828564501691494 0.828564501691494 0.828564501691494 0.72439855560871 +35653,0.72439855560871,1,-1.0032393198385843 -1.0032393198385843 -1.0032393198385843 -1.2541353058715654 -1.2541353058715654 -1.2541353058715654 -1.42160566792442 -1.42160566792442 -1.42160566792442 -1.2143572254209325 -1.2143572254209325 -1.2143572254209325 0.3857431469472905 0.3857431469472905 0.3857431469472905 0.828564501691494 0.828564501691494 0.828564501691494 0.72439855560871 0.72439855560871 +35654,-0.45640679753476493,1,-1.0032393198385843 -1.0032393198385843 -1.2541353058715654 -1.2541353058715654 -1.2541353058715654 -1.42160566792442 -1.42160566792442 -1.42160566792442 -1.2143572254209325 -1.2143572254209325 -1.2143572254209325 0.3857431469472905 0.3857431469472905 0.3857431469472905 0.828564501691494 0.828564501691494 0.828564501691494 0.72439855560871 0.72439855560871 0.72439855560871 +35655,-0.45640679753476493,1,-1.0032393198385843 -1.2541353058715654 -1.2541353058715654 -1.2541353058715654 -1.42160566792442 -1.42160566792442 -1.42160566792442 -1.2143572254209325 -1.2143572254209325 -1.2143572254209325 0.3857431469472905 0.3857431469472905 0.3857431469472905 0.828564501691494 0.828564501691494 0.828564501691494 0.72439855560871 0.72439855560871 0.72439855560871 -0.45640679753476493 +35656,-0.45640679753476493,1,-1.2541353058715654 -1.2541353058715654 -1.2541353058715654 -1.42160566792442 -1.42160566792442 -1.42160566792442 -1.2143572254209325 -1.2143572254209325 -1.2143572254209325 0.3857431469472905 0.3857431469472905 0.3857431469472905 0.828564501691494 0.828564501691494 0.828564501691494 0.72439855560871 0.72439855560871 0.72439855560871 -0.45640679753476493 -0.45640679753476493 +35657,-1.0013819775607424,1,-1.2541353058715654 -1.2541353058715654 -1.42160566792442 -1.42160566792442 -1.42160566792442 -1.2143572254209325 -1.2143572254209325 -1.2143572254209325 0.3857431469472905 0.3857431469472905 0.3857431469472905 0.828564501691494 0.828564501691494 0.828564501691494 0.72439855560871 0.72439855560871 0.72439855560871 -0.45640679753476493 -0.45640679753476493 -0.45640679753476493 +35658,-1.0013819775607424,1,-1.2541353058715654 -1.42160566792442 -1.42160566792442 -1.42160566792442 -1.2143572254209325 -1.2143572254209325 -1.2143572254209325 0.3857431469472905 0.3857431469472905 0.3857431469472905 0.828564501691494 0.828564501691494 0.828564501691494 0.72439855560871 0.72439855560871 0.72439855560871 -0.45640679753476493 -0.45640679753476493 -0.45640679753476493 -1.0013819775607424 +35659,-1.0013819775607424,1,-1.42160566792442 -1.42160566792442 -1.42160566792442 -1.2143572254209325 -1.2143572254209325 -1.2143572254209325 0.3857431469472905 0.3857431469472905 0.3857431469472905 0.828564501691494 0.828564501691494 0.828564501691494 0.72439855560871 0.72439855560871 0.72439855560871 -0.45640679753476493 -0.45640679753476493 -0.45640679753476493 -1.0013819775607424 -1.0013819775607424 +35660,-1.1600299637938047,1,-1.42160566792442 -1.42160566792442 -1.2143572254209325 -1.2143572254209325 -1.2143572254209325 0.3857431469472905 0.3857431469472905 0.3857431469472905 0.828564501691494 0.828564501691494 0.828564501691494 0.72439855560871 0.72439855560871 0.72439855560871 -0.45640679753476493 -0.45640679753476493 -0.45640679753476493 -1.0013819775607424 -1.0013819775607424 -1.0013819775607424 +35661,-1.1600299637938047,1,-1.42160566792442 -1.2143572254209325 -1.2143572254209325 -1.2143572254209325 0.3857431469472905 0.3857431469472905 0.3857431469472905 0.828564501691494 0.828564501691494 0.828564501691494 0.72439855560871 0.72439855560871 0.72439855560871 -0.45640679753476493 -0.45640679753476493 -0.45640679753476493 -1.0013819775607424 -1.0013819775607424 -1.0013819775607424 -1.1600299637938047 +35662,-1.1600299637938047,1,-1.2143572254209325 -1.2143572254209325 -1.2143572254209325 0.3857431469472905 0.3857431469472905 0.3857431469472905 0.828564501691494 0.828564501691494 0.828564501691494 0.72439855560871 0.72439855560871 0.72439855560871 -0.45640679753476493 -0.45640679753476493 -0.45640679753476493 -1.0013819775607424 -1.0013819775607424 -1.0013819775607424 -1.1600299637938047 -1.1600299637938047 +35663,-1.3109390238691634,1,-1.2143572254209325 -1.2143572254209325 0.3857431469472905 0.3857431469472905 0.3857431469472905 0.828564501691494 0.828564501691494 0.828564501691494 0.72439855560871 0.72439855560871 0.72439855560871 -0.45640679753476493 -0.45640679753476493 -0.45640679753476493 -1.0013819775607424 -1.0013819775607424 -1.0013819775607424 -1.1600299637938047 -1.1600299637938047 -1.1600299637938047 +35664,-1.3109390238691634,1,-1.2143572254209325 0.3857431469472905 0.3857431469472905 0.3857431469472905 0.828564501691494 0.828564501691494 0.828564501691494 0.72439855560871 0.72439855560871 0.72439855560871 -0.45640679753476493 -0.45640679753476493 -0.45640679753476493 -1.0013819775607424 -1.0013819775607424 -1.0013819775607424 -1.1600299637938047 -1.1600299637938047 -1.1600299637938047 -1.3109390238691634 +35665,-1.3109390238691634,1,0.3857431469472905 0.3857431469472905 0.3857431469472905 0.828564501691494 0.828564501691494 0.828564501691494 0.72439855560871 0.72439855560871 0.72439855560871 -0.45640679753476493 -0.45640679753476493 -0.45640679753476493 -1.0013819775607424 -1.0013819775607424 -1.0013819775607424 -1.1600299637938047 -1.1600299637938047 -1.1600299637938047 -1.3109390238691634 -1.3109390238691634 +35666,-0.8948943536306386,1,0.3857431469472905 0.3857431469472905 0.828564501691494 0.828564501691494 0.828564501691494 0.72439855560871 0.72439855560871 0.72439855560871 -0.45640679753476493 -0.45640679753476493 -0.45640679753476493 -1.0013819775607424 -1.0013819775607424 -1.0013819775607424 -1.1600299637938047 -1.1600299637938047 -1.1600299637938047 -1.3109390238691634 -1.3109390238691634 -1.3109390238691634 +35667,-0.8948943536306386,1,0.3857431469472905 0.828564501691494 0.828564501691494 0.828564501691494 0.72439855560871 0.72439855560871 0.72439855560871 -0.45640679753476493 -0.45640679753476493 -0.45640679753476493 -1.0013819775607424 -1.0013819775607424 -1.0013819775607424 -1.1600299637938047 -1.1600299637938047 -1.1600299637938047 -1.3109390238691634 -1.3109390238691634 -1.3109390238691634 -0.8948943536306386 +35668,-0.8948943536306386,1,0.828564501691494 0.828564501691494 0.828564501691494 0.72439855560871 0.72439855560871 0.72439855560871 -0.45640679753476493 -0.45640679753476493 -0.45640679753476493 -1.0013819775607424 -1.0013819775607424 -1.0013819775607424 -1.1600299637938047 -1.1600299637938047 -1.1600299637938047 -1.3109390238691634 -1.3109390238691634 -1.3109390238691634 -0.8948943536306386 -0.8948943536306386 +35669,0.7904889849955524,1,0.828564501691494 0.828564501691494 0.72439855560871 0.72439855560871 0.72439855560871 -0.45640679753476493 -0.45640679753476493 -0.45640679753476493 -1.0013819775607424 -1.0013819775607424 -1.0013819775607424 -1.1600299637938047 -1.1600299637938047 -1.1600299637938047 -1.3109390238691634 -1.3109390238691634 -1.3109390238691634 -0.8948943536306386 -0.8948943536306386 -0.8948943536306386 +35670,0.7904889849955524,1,0.828564501691494 0.72439855560871 0.72439855560871 0.72439855560871 -0.45640679753476493 -0.45640679753476493 -0.45640679753476493 -1.0013819775607424 -1.0013819775607424 -1.0013819775607424 -1.1600299637938047 -1.1600299637938047 -1.1600299637938047 -1.3109390238691634 -1.3109390238691634 -1.3109390238691634 -0.8948943536306386 -0.8948943536306386 -0.8948943536306386 0.7904889849955524 +35671,0.7904889849955524,1,0.72439855560871 0.72439855560871 0.72439855560871 -0.45640679753476493 -0.45640679753476493 -0.45640679753476493 -1.0013819775607424 -1.0013819775607424 -1.0013819775607424 -1.1600299637938047 -1.1600299637938047 -1.1600299637938047 -1.3109390238691634 -1.3109390238691634 -1.3109390238691634 -0.8948943536306386 -0.8948943536306386 -0.8948943536306386 0.7904889849955524 0.7904889849955524 +35672,1.1885793465481822,1,0.72439855560871 0.72439855560871 -0.45640679753476493 -0.45640679753476493 -0.45640679753476493 -1.0013819775607424 -1.0013819775607424 -1.0013819775607424 -1.1600299637938047 -1.1600299637938047 -1.1600299637938047 -1.3109390238691634 -1.3109390238691634 -1.3109390238691634 -0.8948943536306386 -0.8948943536306386 -0.8948943536306386 0.7904889849955524 0.7904889849955524 0.7904889849955524 +35673,1.1885793465481822,1,0.72439855560871 -0.45640679753476493 -0.45640679753476493 -0.45640679753476493 -1.0013819775607424 -1.0013819775607424 -1.0013819775607424 -1.1600299637938047 -1.1600299637938047 -1.1600299637938047 -1.3109390238691634 -1.3109390238691634 -1.3109390238691634 -0.8948943536306386 -0.8948943536306386 -0.8948943536306386 0.7904889849955524 0.7904889849955524 0.7904889849955524 1.1885793465481822 +35674,1.1885793465481822,1,-0.45640679753476493 -0.45640679753476493 -0.45640679753476493 -1.0013819775607424 -1.0013819775607424 -1.0013819775607424 -1.1600299637938047 -1.1600299637938047 -1.1600299637938047 -1.3109390238691634 -1.3109390238691634 -1.3109390238691634 -0.8948943536306386 -0.8948943536306386 -0.8948943536306386 0.7904889849955524 0.7904889849955524 0.7904889849955524 1.1885793465481822 1.1885793465481822 +35675,1.0613514005154208,1,-0.45640679753476493 -0.45640679753476493 -1.0013819775607424 -1.0013819775607424 -1.0013819775607424 -1.1600299637938047 -1.1600299637938047 -1.1600299637938047 -1.3109390238691634 -1.3109390238691634 -1.3109390238691634 -0.8948943536306386 -0.8948943536306386 -0.8948943536306386 0.7904889849955524 0.7904889849955524 0.7904889849955524 1.1885793465481822 1.1885793465481822 1.1885793465481822 +35676,1.0613514005154208,1,-0.45640679753476493 -1.0013819775607424 -1.0013819775607424 -1.0013819775607424 -1.1600299637938047 -1.1600299637938047 -1.1600299637938047 -1.3109390238691634 -1.3109390238691634 -1.3109390238691634 -0.8948943536306386 -0.8948943536306386 -0.8948943536306386 0.7904889849955524 0.7904889849955524 0.7904889849955524 1.1885793465481822 1.1885793465481822 1.1885793465481822 1.0613514005154208 +35677,1.0613514005154208,1,-1.0013819775607424 -1.0013819775607424 -1.0013819775607424 -1.1600299637938047 -1.1600299637938047 -1.1600299637938047 -1.3109390238691634 -1.3109390238691634 -1.3109390238691634 -0.8948943536306386 -0.8948943536306386 -0.8948943536306386 0.7904889849955524 0.7904889849955524 0.7904889849955524 1.1885793465481822 1.1885793465481822 1.1885793465481822 1.0613514005154208 1.0613514005154208 +35678,-0.3748385158324892,1,-1.0013819775607424 -1.0013819775607424 -1.1600299637938047 -1.1600299637938047 -1.1600299637938047 -1.3109390238691634 -1.3109390238691634 -1.3109390238691634 -0.8948943536306386 -0.8948943536306386 -0.8948943536306386 0.7904889849955524 0.7904889849955524 0.7904889849955524 1.1885793465481822 1.1885793465481822 1.1885793465481822 1.0613514005154208 1.0613514005154208 1.0613514005154208 +35679,-0.3748385158324892,1,-1.0013819775607424 -1.1600299637938047 -1.1600299637938047 -1.1600299637938047 -1.3109390238691634 -1.3109390238691634 -1.3109390238691634 -0.8948943536306386 -0.8948943536306386 -0.8948943536306386 0.7904889849955524 0.7904889849955524 0.7904889849955524 1.1885793465481822 1.1885793465481822 1.1885793465481822 1.0613514005154208 1.0613514005154208 1.0613514005154208 -0.3748385158324892 +35680,-0.3748385158324892,1,-1.1600299637938047 -1.1600299637938047 -1.1600299637938047 -1.3109390238691634 -1.3109390238691634 -1.3109390238691634 -0.8948943536306386 -0.8948943536306386 -0.8948943536306386 0.7904889849955524 0.7904889849955524 0.7904889849955524 1.1885793465481822 1.1885793465481822 1.1885793465481822 1.0613514005154208 1.0613514005154208 1.0613514005154208 -0.3748385158324892 -0.3748385158324892 +35681,-0.5820869583359857,1,-1.1600299637938047 -1.1600299637938047 -1.3109390238691634 -1.3109390238691634 -1.3109390238691634 -0.8948943536306386 -0.8948943536306386 -0.8948943536306386 0.7904889849955524 0.7904889849955524 0.7904889849955524 1.1885793465481822 1.1885793465481822 1.1885793465481822 1.0613514005154208 1.0613514005154208 1.0613514005154208 -0.3748385158324892 -0.3748385158324892 -0.3748385158324892 +35682,-0.5820869583359857,1,-1.1600299637938047 -1.3109390238691634 -1.3109390238691634 -1.3109390238691634 -0.8948943536306386 -0.8948943536306386 -0.8948943536306386 0.7904889849955524 0.7904889849955524 0.7904889849955524 1.1885793465481822 1.1885793465481822 1.1885793465481822 1.0613514005154208 1.0613514005154208 1.0613514005154208 -0.3748385158324892 -0.3748385158324892 -0.3748385158324892 -0.5820869583359857 +35683,-0.5820869583359857,1,-1.3109390238691634 -1.3109390238691634 -1.3109390238691634 -0.8948943536306386 -0.8948943536306386 -0.8948943536306386 0.7904889849955524 0.7904889849955524 0.7904889849955524 1.1885793465481822 1.1885793465481822 1.1885793465481822 1.0613514005154208 1.0613514005154208 1.0613514005154208 -0.3748385158324892 -0.3748385158324892 -0.3748385158324892 -0.5820869583359857 -0.5820869583359857 +35684,-0.603755951577573,1,-1.3109390238691634 -1.3109390238691634 -0.8948943536306386 -0.8948943536306386 -0.8948943536306386 0.7904889849955524 0.7904889849955524 0.7904889849955524 1.1885793465481822 1.1885793465481822 1.1885793465481822 1.0613514005154208 1.0613514005154208 1.0613514005154208 -0.3748385158324892 -0.3748385158324892 -0.3748385158324892 -0.5820869583359857 -0.5820869583359857 -0.5820869583359857 +35685,-0.603755951577573,1,-1.3109390238691634 -0.8948943536306386 -0.8948943536306386 -0.8948943536306386 0.7904889849955524 0.7904889849955524 0.7904889849955524 1.1885793465481822 1.1885793465481822 1.1885793465481822 1.0613514005154208 1.0613514005154208 1.0613514005154208 -0.3748385158324892 -0.3748385158324892 -0.3748385158324892 -0.5820869583359857 -0.5820869583359857 -0.5820869583359857 -0.603755951577573 +35686,-0.603755951577573,1,-0.8948943536306386 -0.8948943536306386 -0.8948943536306386 0.7904889849955524 0.7904889849955524 0.7904889849955524 1.1885793465481822 1.1885793465481822 1.1885793465481822 1.0613514005154208 1.0613514005154208 1.0613514005154208 -0.3748385158324892 -0.3748385158324892 -0.3748385158324892 -0.5820869583359857 -0.5820869583359857 -0.5820869583359857 -0.603755951577573 -0.603755951577573 +35687,-0.8215293336555445,1,-0.8948943536306386 -0.8948943536306386 0.7904889849955524 0.7904889849955524 0.7904889849955524 1.1885793465481822 1.1885793465481822 1.1885793465481822 1.0613514005154208 1.0613514005154208 1.0613514005154208 -0.3748385158324892 -0.3748385158324892 -0.3748385158324892 -0.5820869583359857 -0.5820869583359857 -0.5820869583359857 -0.603755951577573 -0.603755951577573 -0.603755951577573 +35688,-0.8215293336555445,1,-0.8948943536306386 0.7904889849955524 0.7904889849955524 0.7904889849955524 1.1885793465481822 1.1885793465481822 1.1885793465481822 1.0613514005154208 1.0613514005154208 1.0613514005154208 -0.3748385158324892 -0.3748385158324892 -0.3748385158324892 -0.5820869583359857 -0.5820869583359857 -0.5820869583359857 -0.603755951577573 -0.603755951577573 -0.603755951577573 -0.8215293336555445 +35689,-0.8215293336555445,1,0.7904889849955524 0.7904889849955524 0.7904889849955524 1.1885793465481822 1.1885793465481822 1.1885793465481822 1.0613514005154208 1.0613514005154208 1.0613514005154208 -0.3748385158324892 -0.3748385158324892 -0.3748385158324892 -0.5820869583359857 -0.5820869583359857 -0.5820869583359857 -0.603755951577573 -0.603755951577573 -0.603755951577573 -0.8215293336555445 -0.8215293336555445 +35690,-0.7172086090496099,1,0.7904889849955524 0.7904889849955524 1.1885793465481822 1.1885793465481822 1.1885793465481822 1.0613514005154208 1.0613514005154208 1.0613514005154208 -0.3748385158324892 -0.3748385158324892 -0.3748385158324892 -0.5820869583359857 -0.5820869583359857 -0.5820869583359857 -0.603755951577573 -0.603755951577573 -0.603755951577573 -0.8215293336555445 -0.8215293336555445 -0.8215293336555445 +35691,-0.7172086090496099,1,0.7904889849955524 1.1885793465481822 1.1885793465481822 1.1885793465481822 1.0613514005154208 1.0613514005154208 1.0613514005154208 -0.3748385158324892 -0.3748385158324892 -0.3748385158324892 -0.5820869583359857 -0.5820869583359857 -0.5820869583359857 -0.603755951577573 -0.603755951577573 -0.603755951577573 -0.8215293336555445 -0.8215293336555445 -0.8215293336555445 -0.7172086090496099 +35692,-0.7172086090496099,1,1.1885793465481822 1.1885793465481822 1.1885793465481822 1.0613514005154208 1.0613514005154208 1.0613514005154208 -0.3748385158324892 -0.3748385158324892 -0.3748385158324892 -0.5820869583359857 -0.5820869583359857 -0.5820869583359857 -0.603755951577573 -0.603755951577573 -0.603755951577573 -0.8215293336555445 -0.8215293336555445 -0.8215293336555445 -0.7172086090496099 -0.7172086090496099 +35693,0.7852265152083193,1,1.1885793465481822 1.1885793465481822 1.0613514005154208 1.0613514005154208 1.0613514005154208 -0.3748385158324892 -0.3748385158324892 -0.3748385158324892 -0.5820869583359857 -0.5820869583359857 -0.5820869583359857 -0.603755951577573 -0.603755951577573 -0.603755951577573 -0.8215293336555445 -0.8215293336555445 -0.8215293336555445 -0.7172086090496099 -0.7172086090496099 -0.7172086090496099 +35694,0.7852265152083193,1,1.1885793465481822 1.0613514005154208 1.0613514005154208 1.0613514005154208 -0.3748385158324892 -0.3748385158324892 -0.3748385158324892 -0.5820869583359857 -0.5820869583359857 -0.5820869583359857 -0.603755951577573 -0.603755951577573 -0.603755951577573 -0.8215293336555445 -0.8215293336555445 -0.8215293336555445 -0.7172086090496099 -0.7172086090496099 -0.7172086090496099 0.7852265152083193 +35695,0.7852265152083193,1,1.0613514005154208 1.0613514005154208 1.0613514005154208 -0.3748385158324892 -0.3748385158324892 -0.3748385158324892 -0.5820869583359857 -0.5820869583359857 -0.5820869583359857 -0.603755951577573 -0.603755951577573 -0.603755951577573 -0.8215293336555445 -0.8215293336555445 -0.8215293336555445 -0.7172086090496099 -0.7172086090496099 -0.7172086090496099 0.7852265152083193 0.7852265152083193 +35696,1.15205161508379,1,1.0613514005154208 1.0613514005154208 -0.3748385158324892 -0.3748385158324892 -0.3748385158324892 -0.5820869583359857 -0.5820869583359857 -0.5820869583359857 -0.603755951577573 -0.603755951577573 -0.603755951577573 -0.8215293336555445 -0.8215293336555445 -0.8215293336555445 -0.7172086090496099 -0.7172086090496099 -0.7172086090496099 0.7852265152083193 0.7852265152083193 0.7852265152083193 +35697,1.15205161508379,1,1.0613514005154208 -0.3748385158324892 -0.3748385158324892 -0.3748385158324892 -0.5820869583359857 -0.5820869583359857 -0.5820869583359857 -0.603755951577573 -0.603755951577573 -0.603755951577573 -0.8215293336555445 -0.8215293336555445 -0.8215293336555445 -0.7172086090496099 -0.7172086090496099 -0.7172086090496099 0.7852265152083193 0.7852265152083193 0.7852265152083193 1.15205161508379 +35698,1.15205161508379,1,-0.3748385158324892 -0.3748385158324892 -0.3748385158324892 -0.5820869583359857 -0.5820869583359857 -0.5820869583359857 -0.603755951577573 -0.603755951577573 -0.603755951577573 -0.8215293336555445 -0.8215293336555445 -0.8215293336555445 -0.7172086090496099 -0.7172086090496099 -0.7172086090496099 0.7852265152083193 0.7852265152083193 0.7852265152083193 1.15205161508379 1.15205161508379 +35699,0.9195742733061733,1,-0.3748385158324892 -0.3748385158324892 -0.5820869583359857 -0.5820869583359857 -0.5820869583359857 -0.603755951577573 -0.603755951577573 -0.603755951577573 -0.8215293336555445 -0.8215293336555445 -0.8215293336555445 -0.7172086090496099 -0.7172086090496099 -0.7172086090496099 0.7852265152083193 0.7852265152083193 0.7852265152083193 1.15205161508379 1.15205161508379 1.15205161508379 +35700,0.9195742733061733,1,-0.3748385158324892 -0.5820869583359857 -0.5820869583359857 -0.5820869583359857 -0.603755951577573 -0.603755951577573 -0.603755951577573 -0.8215293336555445 -0.8215293336555445 -0.8215293336555445 -0.7172086090496099 -0.7172086090496099 -0.7172086090496099 0.7852265152083193 0.7852265152083193 0.7852265152083193 1.15205161508379 1.15205161508379 1.15205161508379 0.9195742733061733 +35701,0.9195742733061733,1,-0.5820869583359857 -0.5820869583359857 -0.5820869583359857 -0.603755951577573 -0.603755951577573 -0.603755951577573 -0.8215293336555445 -0.8215293336555445 -0.8215293336555445 -0.7172086090496099 -0.7172086090496099 -0.7172086090496099 0.7852265152083193 0.7852265152083193 0.7852265152083193 1.15205161508379 1.15205161508379 1.15205161508379 0.9195742733061733 0.9195742733061733 +35702,0.08748493282913239,1,-0.5820869583359857 -0.5820869583359857 -0.603755951577573 -0.603755951577573 -0.603755951577573 -0.8215293336555445 -0.8215293336555445 -0.8215293336555445 -0.7172086090496099 -0.7172086090496099 -0.7172086090496099 0.7852265152083193 0.7852265152083193 0.7852265152083193 1.15205161508379 1.15205161508379 1.15205161508379 0.9195742733061733 0.9195742733061733 0.9195742733061733 +35703,0.08748493282913239,1,-0.5820869583359857 -0.603755951577573 -0.603755951577573 -0.603755951577573 -0.8215293336555445 -0.8215293336555445 -0.8215293336555445 -0.7172086090496099 -0.7172086090496099 -0.7172086090496099 0.7852265152083193 0.7852265152083193 0.7852265152083193 1.15205161508379 1.15205161508379 1.15205161508379 0.9195742733061733 0.9195742733061733 0.9195742733061733 0.08748493282913239 +35704,0.08748493282913239,1,-0.603755951577573 -0.603755951577573 -0.603755951577573 -0.8215293336555445 -0.8215293336555445 -0.8215293336555445 -0.7172086090496099 -0.7172086090496099 -0.7172086090496099 0.7852265152083193 0.7852265152083193 0.7852265152083193 1.15205161508379 1.15205161508379 1.15205161508379 0.9195742733061733 0.9195742733061733 0.9195742733061733 0.08748493282913239 0.08748493282913239 +35705,-0.1468497512263439,1,-0.603755951577573 -0.603755951577573 -0.8215293336555445 -0.8215293336555445 -0.8215293336555445 -0.7172086090496099 -0.7172086090496099 -0.7172086090496099 0.7852265152083193 0.7852265152083193 0.7852265152083193 1.15205161508379 1.15205161508379 1.15205161508379 0.9195742733061733 0.9195742733061733 0.9195742733061733 0.08748493282913239 0.08748493282913239 0.08748493282913239 +35706,-0.1468497512263439,1,-0.603755951577573 -0.8215293336555445 -0.8215293336555445 -0.8215293336555445 -0.7172086090496099 -0.7172086090496099 -0.7172086090496099 0.7852265152083193 0.7852265152083193 0.7852265152083193 1.15205161508379 1.15205161508379 1.15205161508379 0.9195742733061733 0.9195742733061733 0.9195742733061733 0.08748493282913239 0.08748493282913239 0.08748493282913239 -0.1468497512263439 +35707,-0.1468497512263439,1,-0.8215293336555445 -0.8215293336555445 -0.8215293336555445 -0.7172086090496099 -0.7172086090496099 -0.7172086090496099 0.7852265152083193 0.7852265152083193 0.7852265152083193 1.15205161508379 1.15205161508379 1.15205161508379 0.9195742733061733 0.9195742733061733 0.9195742733061733 0.08748493282913239 0.08748493282913239 0.08748493282913239 -0.1468497512263439 -0.1468497512263439 +35708,-0.17888890551926448,1,-0.8215293336555445 -0.8215293336555445 -0.7172086090496099 -0.7172086090496099 -0.7172086090496099 0.7852265152083193 0.7852265152083193 0.7852265152083193 1.15205161508379 1.15205161508379 1.15205161508379 0.9195742733061733 0.9195742733061733 0.9195742733061733 0.08748493282913239 0.08748493282913239 0.08748493282913239 -0.1468497512263439 -0.1468497512263439 -0.1468497512263439 +35709,-0.17888890551926448,1,-0.8215293336555445 -0.7172086090496099 -0.7172086090496099 -0.7172086090496099 0.7852265152083193 0.7852265152083193 0.7852265152083193 1.15205161508379 1.15205161508379 1.15205161508379 0.9195742733061733 0.9195742733061733 0.9195742733061733 0.08748493282913239 0.08748493282913239 0.08748493282913239 -0.1468497512263439 -0.1468497512263439 -0.1468497512263439 -0.17888890551926448 +35710,-0.17888890551926448,1,-0.7172086090496099 -0.7172086090496099 -0.7172086090496099 0.7852265152083193 0.7852265152083193 0.7852265152083193 1.15205161508379 1.15205161508379 1.15205161508379 0.9195742733061733 0.9195742733061733 0.9195742733061733 0.08748493282913239 0.08748493282913239 0.08748493282913239 -0.1468497512263439 -0.1468497512263439 -0.1468497512263439 -0.17888890551926448 -0.17888890551926448 +35711,-0.2098446101501048,1,-0.7172086090496099 -0.7172086090496099 0.7852265152083193 0.7852265152083193 0.7852265152083193 1.15205161508379 1.15205161508379 1.15205161508379 0.9195742733061733 0.9195742733061733 0.9195742733061733 0.08748493282913239 0.08748493282913239 0.08748493282913239 -0.1468497512263439 -0.1468497512263439 -0.1468497512263439 -0.17888890551926448 -0.17888890551926448 -0.17888890551926448 +35712,-0.2098446101501048,1,-0.7172086090496099 0.7852265152083193 0.7852265152083193 0.7852265152083193 1.15205161508379 1.15205161508379 1.15205161508379 0.9195742733061733 0.9195742733061733 0.9195742733061733 0.08748493282913239 0.08748493282913239 0.08748493282913239 -0.1468497512263439 -0.1468497512263439 -0.1468497512263439 -0.17888890551926448 -0.17888890551926448 -0.17888890551926448 -0.2098446101501048 +35713,-0.2098446101501048,1,0.7852265152083193 0.7852265152083193 0.7852265152083193 1.15205161508379 1.15205161508379 1.15205161508379 0.9195742733061733 0.9195742733061733 0.9195742733061733 0.08748493282913239 0.08748493282913239 0.08748493282913239 -0.1468497512263439 -0.1468497512263439 -0.1468497512263439 -0.17888890551926448 -0.17888890551926448 -0.17888890551926448 -0.2098446101501048 -0.2098446101501048 +35714,-0.41802172379252217,1,0.7852265152083193 0.7852265152083193 1.15205161508379 1.15205161508379 1.15205161508379 0.9195742733061733 0.9195742733061733 0.9195742733061733 0.08748493282913239 0.08748493282913239 0.08748493282913239 -0.1468497512263439 -0.1468497512263439 -0.1468497512263439 -0.17888890551926448 -0.17888890551926448 -0.17888890551926448 -0.2098446101501048 -0.2098446101501048 -0.2098446101501048 +35715,-0.41802172379252217,1,0.7852265152083193 1.15205161508379 1.15205161508379 1.15205161508379 0.9195742733061733 0.9195742733061733 0.9195742733061733 0.08748493282913239 0.08748493282913239 0.08748493282913239 -0.1468497512263439 -0.1468497512263439 -0.1468497512263439 -0.17888890551926448 -0.17888890551926448 -0.17888890551926448 -0.2098446101501048 -0.2098446101501048 -0.2098446101501048 -0.41802172379252217 +35716,-0.41802172379252217,1,1.15205161508379 1.15205161508379 1.15205161508379 0.9195742733061733 0.9195742733061733 0.9195742733061733 0.08748493282913239 0.08748493282913239 0.08748493282913239 -0.1468497512263439 -0.1468497512263439 -0.1468497512263439 -0.17888890551926448 -0.17888890551926448 -0.17888890551926448 -0.2098446101501048 -0.2098446101501048 -0.2098446101501048 -0.41802172379252217 -0.41802172379252217 +35717,-0.008632530049629385,1,1.15205161508379 1.15205161508379 0.9195742733061733 0.9195742733061733 0.9195742733061733 0.08748493282913239 0.08748493282913239 0.08748493282913239 -0.1468497512263439 -0.1468497512263439 -0.1468497512263439 -0.17888890551926448 -0.17888890551926448 -0.17888890551926448 -0.2098446101501048 -0.2098446101501048 -0.2098446101501048 -0.41802172379252217 -0.41802172379252217 -0.41802172379252217 +35718,-0.008632530049629385,1,1.15205161508379 0.9195742733061733 0.9195742733061733 0.9195742733061733 0.08748493282913239 0.08748493282913239 0.08748493282913239 -0.1468497512263439 -0.1468497512263439 -0.1468497512263439 -0.17888890551926448 -0.17888890551926448 -0.17888890551926448 -0.2098446101501048 -0.2098446101501048 -0.2098446101501048 -0.41802172379252217 -0.41802172379252217 -0.41802172379252217 -0.008632530049629385 +35719,-0.008632530049629385,1,0.9195742733061733 0.9195742733061733 0.9195742733061733 0.08748493282913239 0.08748493282913239 0.08748493282913239 -0.1468497512263439 -0.1468497512263439 -0.1468497512263439 -0.17888890551926448 -0.17888890551926448 -0.17888890551926448 -0.2098446101501048 -0.2098446101501048 -0.2098446101501048 -0.41802172379252217 -0.41802172379252217 -0.41802172379252217 -0.008632530049629385 -0.008632530049629385 +35720,-0.06373368429252749,1,0.9195742733061733 0.9195742733061733 0.08748493282913239 0.08748493282913239 0.08748493282913239 -0.1468497512263439 -0.1468497512263439 -0.1468497512263439 -0.17888890551926448 -0.17888890551926448 -0.17888890551926448 -0.2098446101501048 -0.2098446101501048 -0.2098446101501048 -0.41802172379252217 -0.41802172379252217 -0.41802172379252217 -0.008632530049629385 -0.008632530049629385 -0.008632530049629385 +35721,-0.06373368429252749,1,0.9195742733061733 0.08748493282913239 0.08748493282913239 0.08748493282913239 -0.1468497512263439 -0.1468497512263439 -0.1468497512263439 -0.17888890551926448 -0.17888890551926448 -0.17888890551926448 -0.2098446101501048 -0.2098446101501048 -0.2098446101501048 -0.41802172379252217 -0.41802172379252217 -0.41802172379252217 -0.008632530049629385 -0.008632530049629385 -0.008632530049629385 -0.06373368429252749 +35722,-0.06373368429252749,1,0.08748493282913239 0.08748493282913239 0.08748493282913239 -0.1468497512263439 -0.1468497512263439 -0.1468497512263439 -0.17888890551926448 -0.17888890551926448 -0.17888890551926448 -0.2098446101501048 -0.2098446101501048 -0.2098446101501048 -0.41802172379252217 -0.41802172379252217 -0.41802172379252217 -0.008632530049629385 -0.008632530049629385 -0.008632530049629385 -0.06373368429252749 -0.06373368429252749 +35723,0.27507650289203384,1,0.08748493282913239 0.08748493282913239 -0.1468497512263439 -0.1468497512263439 -0.1468497512263439 -0.17888890551926448 -0.17888890551926448 -0.17888890551926448 -0.2098446101501048 -0.2098446101501048 -0.2098446101501048 -0.41802172379252217 -0.41802172379252217 -0.41802172379252217 -0.008632530049629385 -0.008632530049629385 -0.008632530049629385 -0.06373368429252749 -0.06373368429252749 -0.06373368429252749 +35724,0.27507650289203384,1,0.08748493282913239 -0.1468497512263439 -0.1468497512263439 -0.1468497512263439 -0.17888890551926448 -0.17888890551926448 -0.17888890551926448 -0.2098446101501048 -0.2098446101501048 -0.2098446101501048 -0.41802172379252217 -0.41802172379252217 -0.41802172379252217 -0.008632530049629385 -0.008632530049629385 -0.008632530049629385 -0.06373368429252749 -0.06373368429252749 -0.06373368429252749 0.27507650289203384 +35725,0.27507650289203384,1,-0.1468497512263439 -0.1468497512263439 -0.1468497512263439 -0.17888890551926448 -0.17888890551926448 -0.17888890551926448 -0.2098446101501048 -0.2098446101501048 -0.2098446101501048 -0.41802172379252217 -0.41802172379252217 -0.41802172379252217 -0.008632530049629385 -0.008632530049629385 -0.008632530049629385 -0.06373368429252749 -0.06373368429252749 -0.06373368429252749 0.27507650289203384 0.27507650289203384 +35726,-0.6715489447191154,1,-0.1468497512263439 -0.1468497512263439 -0.17888890551926448 -0.17888890551926448 -0.17888890551926448 -0.2098446101501048 -0.2098446101501048 -0.2098446101501048 -0.41802172379252217 -0.41802172379252217 -0.41802172379252217 -0.008632530049629385 -0.008632530049629385 -0.008632530049629385 -0.06373368429252749 -0.06373368429252749 -0.06373368429252749 0.27507650289203384 0.27507650289203384 0.27507650289203384 +35727,-0.6715489447191154,1,-0.1468497512263439 -0.17888890551926448 -0.17888890551926448 -0.17888890551926448 -0.2098446101501048 -0.2098446101501048 -0.2098446101501048 -0.41802172379252217 -0.41802172379252217 -0.41802172379252217 -0.008632530049629385 -0.008632530049629385 -0.008632530049629385 -0.06373368429252749 -0.06373368429252749 -0.06373368429252749 0.27507650289203384 0.27507650289203384 0.27507650289203384 -0.6715489447191154 +35728,-0.6715489447191154,1,-0.17888890551926448 -0.17888890551926448 -0.17888890551926448 -0.2098446101501048 -0.2098446101501048 -0.2098446101501048 -0.41802172379252217 -0.41802172379252217 -0.41802172379252217 -0.008632530049629385 -0.008632530049629385 -0.008632530049629385 -0.06373368429252749 -0.06373368429252749 -0.06373368429252749 0.27507650289203384 0.27507650289203384 0.27507650289203384 -0.6715489447191154 -0.6715489447191154 +35729,-1.1440877759089196,1,-0.17888890551926448 -0.17888890551926448 -0.2098446101501048 -0.2098446101501048 -0.2098446101501048 -0.41802172379252217 -0.41802172379252217 -0.41802172379252217 -0.008632530049629385 -0.008632530049629385 -0.008632530049629385 -0.06373368429252749 -0.06373368429252749 -0.06373368429252749 0.27507650289203384 0.27507650289203384 0.27507650289203384 -0.6715489447191154 -0.6715489447191154 -0.6715489447191154 +35730,-1.1440877759089196,1,-0.17888890551926448 -0.2098446101501048 -0.2098446101501048 -0.2098446101501048 -0.41802172379252217 -0.41802172379252217 -0.41802172379252217 -0.008632530049629385 -0.008632530049629385 -0.008632530049629385 -0.06373368429252749 -0.06373368429252749 -0.06373368429252749 0.27507650289203384 0.27507650289203384 0.27507650289203384 -0.6715489447191154 -0.6715489447191154 -0.6715489447191154 -1.1440877759089196 +35731,-1.1440877759089196,1,-0.2098446101501048 -0.2098446101501048 -0.2098446101501048 -0.41802172379252217 -0.41802172379252217 -0.41802172379252217 -0.008632530049629385 -0.008632530049629385 -0.008632530049629385 -0.06373368429252749 -0.06373368429252749 -0.06373368429252749 0.27507650289203384 0.27507650289203384 0.27507650289203384 -0.6715489447191154 -0.6715489447191154 -0.6715489447191154 -1.1440877759089196 -1.1440877759089196 +35732,-1.32966722517082,1,-0.2098446101501048 -0.2098446101501048 -0.41802172379252217 -0.41802172379252217 -0.41802172379252217 -0.008632530049629385 -0.008632530049629385 -0.008632530049629385 -0.06373368429252749 -0.06373368429252749 -0.06373368429252749 0.27507650289203384 0.27507650289203384 0.27507650289203384 -0.6715489447191154 -0.6715489447191154 -0.6715489447191154 -1.1440877759089196 -1.1440877759089196 -1.1440877759089196 +35733,-1.32966722517082,1,-0.2098446101501048 -0.41802172379252217 -0.41802172379252217 -0.41802172379252217 -0.008632530049629385 -0.008632530049629385 -0.008632530049629385 -0.06373368429252749 -0.06373368429252749 -0.06373368429252749 0.27507650289203384 0.27507650289203384 0.27507650289203384 -0.6715489447191154 -0.6715489447191154 -0.6715489447191154 -1.1440877759089196 -1.1440877759089196 -1.1440877759089196 -1.32966722517082 +35734,-1.32966722517082,1,-0.41802172379252217 -0.41802172379252217 -0.41802172379252217 -0.008632530049629385 -0.008632530049629385 -0.008632530049629385 -0.06373368429252749 -0.06373368429252749 -0.06373368429252749 0.27507650289203384 0.27507650289203384 0.27507650289203384 -0.6715489447191154 -0.6715489447191154 -0.6715489447191154 -1.1440877759089196 -1.1440877759089196 -1.1440877759089196 -1.32966722517082 -1.32966722517082 +35735,-1.4273324732811223,1,-0.41802172379252217 -0.41802172379252217 -0.008632530049629385 -0.008632530049629385 -0.008632530049629385 -0.06373368429252749 -0.06373368429252749 -0.06373368429252749 0.27507650289203384 0.27507650289203384 0.27507650289203384 -0.6715489447191154 -0.6715489447191154 -0.6715489447191154 -1.1440877759089196 -1.1440877759089196 -1.1440877759089196 -1.32966722517082 -1.32966722517082 -1.32966722517082 +35736,-1.4273324732811223,1,-0.41802172379252217 -0.008632530049629385 -0.008632530049629385 -0.008632530049629385 -0.06373368429252749 -0.06373368429252749 -0.06373368429252749 0.27507650289203384 0.27507650289203384 0.27507650289203384 -0.6715489447191154 -0.6715489447191154 -0.6715489447191154 -1.1440877759089196 -1.1440877759089196 -1.1440877759089196 -1.32966722517082 -1.32966722517082 -1.32966722517082 -1.4273324732811223 +35737,-1.4273324732811223,1,-0.008632530049629385 -0.008632530049629385 -0.008632530049629385 -0.06373368429252749 -0.06373368429252749 -0.06373368429252749 0.27507650289203384 0.27507650289203384 0.27507650289203384 -0.6715489447191154 -0.6715489447191154 -0.6715489447191154 -1.1440877759089196 -1.1440877759089196 -1.1440877759089196 -1.32966722517082 -1.32966722517082 -1.32966722517082 -1.4273324732811223 -1.4273324732811223 +35738,-0.8778687160836733,1,-0.008632530049629385 -0.008632530049629385 -0.06373368429252749 -0.06373368429252749 -0.06373368429252749 0.27507650289203384 0.27507650289203384 0.27507650289203384 -0.6715489447191154 -0.6715489447191154 -0.6715489447191154 -1.1440877759089196 -1.1440877759089196 -1.1440877759089196 -1.32966722517082 -1.32966722517082 -1.32966722517082 -1.4273324732811223 -1.4273324732811223 -1.4273324732811223 +35739,-0.8778687160836733,1,-0.008632530049629385 -0.06373368429252749 -0.06373368429252749 -0.06373368429252749 0.27507650289203384 0.27507650289203384 0.27507650289203384 -0.6715489447191154 -0.6715489447191154 -0.6715489447191154 -1.1440877759089196 -1.1440877759089196 -1.1440877759089196 -1.32966722517082 -1.32966722517082 -1.32966722517082 -1.4273324732811223 -1.4273324732811223 -1.4273324732811223 -0.8778687160836733 +35740,-0.8778687160836733,1,-0.06373368429252749 -0.06373368429252749 -0.06373368429252749 0.27507650289203384 0.27507650289203384 0.27507650289203384 -0.6715489447191154 -0.6715489447191154 -0.6715489447191154 -1.1440877759089196 -1.1440877759089196 -1.1440877759089196 -1.32966722517082 -1.32966722517082 -1.32966722517082 -1.4273324732811223 -1.4273324732811223 -1.4273324732811223 -0.8778687160836733 -0.8778687160836733 +35741,0.5984088377611794,1,-0.06373368429252749 -0.06373368429252749 0.27507650289203384 0.27507650289203384 0.27507650289203384 -0.6715489447191154 -0.6715489447191154 -0.6715489447191154 -1.1440877759089196 -1.1440877759089196 -1.1440877759089196 -1.32966722517082 -1.32966722517082 -1.32966722517082 -1.4273324732811223 -1.4273324732811223 -1.4273324732811223 -0.8778687160836733 -0.8778687160836733 -0.8778687160836733 +35742,0.5984088377611794,1,-0.06373368429252749 0.27507650289203384 0.27507650289203384 0.27507650289203384 -0.6715489447191154 -0.6715489447191154 -0.6715489447191154 -1.1440877759089196 -1.1440877759089196 -1.1440877759089196 -1.32966722517082 -1.32966722517082 -1.32966722517082 -1.4273324732811223 -1.4273324732811223 -1.4273324732811223 -0.8778687160836733 -0.8778687160836733 -0.8778687160836733 0.5984088377611794 +35743,0.5984088377611794,1,0.27507650289203384 0.27507650289203384 0.27507650289203384 -0.6715489447191154 -0.6715489447191154 -0.6715489447191154 -1.1440877759089196 -1.1440877759089196 -1.1440877759089196 -1.32966722517082 -1.32966722517082 -1.32966722517082 -1.4273324732811223 -1.4273324732811223 -1.4273324732811223 -0.8778687160836733 -0.8778687160836733 -0.8778687160836733 0.5984088377611794 0.5984088377611794 +35744,1.000678219438971,1,0.27507650289203384 0.27507650289203384 -0.6715489447191154 -0.6715489447191154 -0.6715489447191154 -1.1440877759089196 -1.1440877759089196 -1.1440877759089196 -1.32966722517082 -1.32966722517082 -1.32966722517082 -1.4273324732811223 -1.4273324732811223 -1.4273324732811223 -0.8778687160836733 -0.8778687160836733 -0.8778687160836733 0.5984088377611794 0.5984088377611794 0.5984088377611794 +35745,1.000678219438971,1,0.27507650289203384 -0.6715489447191154 -0.6715489447191154 -0.6715489447191154 -1.1440877759089196 -1.1440877759089196 -1.1440877759089196 -1.32966722517082 -1.32966722517082 -1.32966722517082 -1.4273324732811223 -1.4273324732811223 -1.4273324732811223 -0.8778687160836733 -0.8778687160836733 -0.8778687160836733 0.5984088377611794 0.5984088377611794 0.5984088377611794 1.000678219438971 +35746,1.000678219438971,1,-0.6715489447191154 -0.6715489447191154 -0.6715489447191154 -1.1440877759089196 -1.1440877759089196 -1.1440877759089196 -1.32966722517082 -1.32966722517082 -1.32966722517082 -1.4273324732811223 -1.4273324732811223 -1.4273324732811223 -0.8778687160836733 -0.8778687160836733 -0.8778687160836733 0.5984088377611794 0.5984088377611794 0.5984088377611794 1.000678219438971 1.000678219438971 +35747,0.7299705824422619,1,-0.6715489447191154 -0.6715489447191154 -1.1440877759089196 -1.1440877759089196 -1.1440877759089196 -1.32966722517082 -1.32966722517082 -1.32966722517082 -1.4273324732811223 -1.4273324732811223 -1.4273324732811223 -0.8778687160836733 -0.8778687160836733 -0.8778687160836733 0.5984088377611794 0.5984088377611794 0.5984088377611794 1.000678219438971 1.000678219438971 1.000678219438971 +35748,0.7299705824422619,1,-0.6715489447191154 -1.1440877759089196 -1.1440877759089196 -1.1440877759089196 -1.32966722517082 -1.32966722517082 -1.32966722517082 -1.4273324732811223 -1.4273324732811223 -1.4273324732811223 -0.8778687160836733 -0.8778687160836733 -0.8778687160836733 0.5984088377611794 0.5984088377611794 0.5984088377611794 1.000678219438971 1.000678219438971 1.000678219438971 0.7299705824422619 +35749,0.7299705824422619,1,-1.1440877759089196 -1.1440877759089196 -1.1440877759089196 -1.32966722517082 -1.32966722517082 -1.32966722517082 -1.4273324732811223 -1.4273324732811223 -1.4273324732811223 -0.8778687160836733 -0.8778687160836733 -0.8778687160836733 0.5984088377611794 0.5984088377611794 0.5984088377611794 1.000678219438971 1.000678219438971 1.000678219438971 0.7299705824422619 0.7299705824422619 +35750,-0.12254952309112678,1,-1.1440877759089196 -1.1440877759089196 -1.32966722517082 -1.32966722517082 -1.32966722517082 -1.4273324732811223 -1.4273324732811223 -1.4273324732811223 -0.8778687160836733 -0.8778687160836733 -0.8778687160836733 0.5984088377611794 0.5984088377611794 0.5984088377611794 1.000678219438971 1.000678219438971 1.000678219438971 0.7299705824422619 0.7299705824422619 0.7299705824422619 +35751,-0.12254952309112678,1,-1.1440877759089196 -1.32966722517082 -1.32966722517082 -1.32966722517082 -1.4273324732811223 -1.4273324732811223 -1.4273324732811223 -0.8778687160836733 -0.8778687160836733 -0.8778687160836733 0.5984088377611794 0.5984088377611794 0.5984088377611794 1.000678219438971 1.000678219438971 1.000678219438971 0.7299705824422619 0.7299705824422619 0.7299705824422619 -0.12254952309112678 +35752,-0.12254952309112678,1,-1.32966722517082 -1.32966722517082 -1.32966722517082 -1.4273324732811223 -1.4273324732811223 -1.4273324732811223 -0.8778687160836733 -0.8778687160836733 -0.8778687160836733 0.5984088377611794 0.5984088377611794 0.5984088377611794 1.000678219438971 1.000678219438971 1.000678219438971 0.7299705824422619 0.7299705824422619 0.7299705824422619 -0.12254952309112678 -0.12254952309112678 +35753,-0.5277596967088579,1,-1.32966722517082 -1.32966722517082 -1.4273324732811223 -1.4273324732811223 -1.4273324732811223 -0.8778687160836733 -0.8778687160836733 -0.8778687160836733 0.5984088377611794 0.5984088377611794 0.5984088377611794 1.000678219438971 1.000678219438971 1.000678219438971 0.7299705824422619 0.7299705824422619 0.7299705824422619 -0.12254952309112678 -0.12254952309112678 -0.12254952309112678 +35754,-0.5277596967088579,1,-1.32966722517082 -1.4273324732811223 -1.4273324732811223 -1.4273324732811223 -0.8778687160836733 -0.8778687160836733 -0.8778687160836733 0.5984088377611794 0.5984088377611794 0.5984088377611794 1.000678219438971 1.000678219438971 1.000678219438971 0.7299705824422619 0.7299705824422619 0.7299705824422619 -0.12254952309112678 -0.12254952309112678 -0.12254952309112678 -0.5277596967088579 +35755,-0.5277596967088579,1,-1.4273324732811223 -1.4273324732811223 -1.4273324732811223 -0.8778687160836733 -0.8778687160836733 -0.8778687160836733 0.5984088377611794 0.5984088377611794 0.5984088377611794 1.000678219438971 1.000678219438971 1.000678219438971 0.7299705824422619 0.7299705824422619 0.7299705824422619 -0.12254952309112678 -0.12254952309112678 -0.12254952309112678 -0.5277596967088579 -0.5277596967088579 +35756,-0.6721680588117352,1,-1.4273324732811223 -1.4273324732811223 -0.8778687160836733 -0.8778687160836733 -0.8778687160836733 0.5984088377611794 0.5984088377611794 0.5984088377611794 1.000678219438971 1.000678219438971 1.000678219438971 0.7299705824422619 0.7299705824422619 0.7299705824422619 -0.12254952309112678 -0.12254952309112678 -0.12254952309112678 -0.5277596967088579 -0.5277596967088579 -0.5277596967088579 +35757,-0.6721680588117352,1,-1.4273324732811223 -0.8778687160836733 -0.8778687160836733 -0.8778687160836733 0.5984088377611794 0.5984088377611794 0.5984088377611794 1.000678219438971 1.000678219438971 1.000678219438971 0.7299705824422619 0.7299705824422619 0.7299705824422619 -0.12254952309112678 -0.12254952309112678 -0.12254952309112678 -0.5277596967088579 -0.5277596967088579 -0.5277596967088579 -0.6721680588117352 +35758,-0.6721680588117352,1,-0.8778687160836733 -0.8778687160836733 -0.8778687160836733 0.5984088377611794 0.5984088377611794 0.5984088377611794 1.000678219438971 1.000678219438971 1.000678219438971 0.7299705824422619 0.7299705824422619 0.7299705824422619 -0.12254952309112678 -0.12254952309112678 -0.12254952309112678 -0.5277596967088579 -0.5277596967088579 -0.5277596967088579 -0.6721680588117352 -0.6721680588117352 +35759,-0.7364011459207357,1,-0.8778687160836733 -0.8778687160836733 0.5984088377611794 0.5984088377611794 0.5984088377611794 1.000678219438971 1.000678219438971 1.000678219438971 0.7299705824422619 0.7299705824422619 0.7299705824422619 -0.12254952309112678 -0.12254952309112678 -0.12254952309112678 -0.5277596967088579 -0.5277596967088579 -0.5277596967088579 -0.6721680588117352 -0.6721680588117352 -0.6721680588117352 +35760,-0.7364011459207357,1,-0.8778687160836733 0.5984088377611794 0.5984088377611794 0.5984088377611794 1.000678219438971 1.000678219438971 1.000678219438971 0.7299705824422619 0.7299705824422619 0.7299705824422619 -0.12254952309112678 -0.12254952309112678 -0.12254952309112678 -0.5277596967088579 -0.5277596967088579 -0.5277596967088579 -0.6721680588117352 -0.6721680588117352 -0.6721680588117352 -0.7364011459207357 +35761,-0.7364011459207357,1,0.5984088377611794 0.5984088377611794 0.5984088377611794 1.000678219438971 1.000678219438971 1.000678219438971 0.7299705824422619 0.7299705824422619 0.7299705824422619 -0.12254952309112678 -0.12254952309112678 -0.12254952309112678 -0.5277596967088579 -0.5277596967088579 -0.5277596967088579 -0.6721680588117352 -0.6721680588117352 -0.6721680588117352 -0.7364011459207357 -0.7364011459207357 +35762,-0.6503442870469885,1,0.5984088377611794 0.5984088377611794 1.000678219438971 1.000678219438971 1.000678219438971 0.7299705824422619 0.7299705824422619 0.7299705824422619 -0.12254952309112678 -0.12254952309112678 -0.12254952309112678 -0.5277596967088579 -0.5277596967088579 -0.5277596967088579 -0.6721680588117352 -0.6721680588117352 -0.6721680588117352 -0.7364011459207357 -0.7364011459207357 -0.7364011459207357 +35763,-0.6503442870469885,1,0.5984088377611794 1.000678219438971 1.000678219438971 1.000678219438971 0.7299705824422619 0.7299705824422619 0.7299705824422619 -0.12254952309112678 -0.12254952309112678 -0.12254952309112678 -0.5277596967088579 -0.5277596967088579 -0.5277596967088579 -0.6721680588117352 -0.6721680588117352 -0.6721680588117352 -0.7364011459207357 -0.7364011459207357 -0.7364011459207357 -0.6503442870469885 +35764,-0.6503442870469885,1,1.000678219438971 1.000678219438971 1.000678219438971 0.7299705824422619 0.7299705824422619 0.7299705824422619 -0.12254952309112678 -0.12254952309112678 -0.12254952309112678 -0.5277596967088579 -0.5277596967088579 -0.5277596967088579 -0.6721680588117352 -0.6721680588117352 -0.6721680588117352 -0.7364011459207357 -0.7364011459207357 -0.7364011459207357 -0.6503442870469885 -0.6503442870469885 +35765,-0.30518818041309625,1,1.000678219438971 1.000678219438971 0.7299705824422619 0.7299705824422619 0.7299705824422619 -0.12254952309112678 -0.12254952309112678 -0.12254952309112678 -0.5277596967088579 -0.5277596967088579 -0.5277596967088579 -0.6721680588117352 -0.6721680588117352 -0.6721680588117352 -0.7364011459207357 -0.7364011459207357 -0.7364011459207357 -0.6503442870469885 -0.6503442870469885 -0.6503442870469885 +35766,-0.30518818041309625,1,1.000678219438971 0.7299705824422619 0.7299705824422619 0.7299705824422619 -0.12254952309112678 -0.12254952309112678 -0.12254952309112678 -0.5277596967088579 -0.5277596967088579 -0.5277596967088579 -0.6721680588117352 -0.6721680588117352 -0.6721680588117352 -0.7364011459207357 -0.7364011459207357 -0.7364011459207357 -0.6503442870469885 -0.6503442870469885 -0.6503442870469885 -0.30518818041309625 +35767,-0.30518818041309625,1,0.7299705824422619 0.7299705824422619 0.7299705824422619 -0.12254952309112678 -0.12254952309112678 -0.12254952309112678 -0.5277596967088579 -0.5277596967088579 -0.5277596967088579 -0.6721680588117352 -0.6721680588117352 -0.6721680588117352 -0.7364011459207357 -0.7364011459207357 -0.7364011459207357 -0.6503442870469885 -0.6503442870469885 -0.6503442870469885 -0.30518818041309625 -0.30518818041309625 +35768,-0.3883042473469126,1,0.7299705824422619 0.7299705824422619 -0.12254952309112678 -0.12254952309112678 -0.12254952309112678 -0.5277596967088579 -0.5277596967088579 -0.5277596967088579 -0.6721680588117352 -0.6721680588117352 -0.6721680588117352 -0.7364011459207357 -0.7364011459207357 -0.7364011459207357 -0.6503442870469885 -0.6503442870469885 -0.6503442870469885 -0.30518818041309625 -0.30518818041309625 -0.30518818041309625 +35769,-0.3883042473469126,1,0.7299705824422619 -0.12254952309112678 -0.12254952309112678 -0.12254952309112678 -0.5277596967088579 -0.5277596967088579 -0.5277596967088579 -0.6721680588117352 -0.6721680588117352 -0.6721680588117352 -0.7364011459207357 -0.7364011459207357 -0.7364011459207357 -0.6503442870469885 -0.6503442870469885 -0.6503442870469885 -0.30518818041309625 -0.30518818041309625 -0.30518818041309625 -0.3883042473469126 +35770,-0.3883042473469126,1,-0.12254952309112678 -0.12254952309112678 -0.12254952309112678 -0.5277596967088579 -0.5277596967088579 -0.5277596967088579 -0.6721680588117352 -0.6721680588117352 -0.6721680588117352 -0.7364011459207357 -0.7364011459207357 -0.7364011459207357 -0.6503442870469885 -0.6503442870469885 -0.6503442870469885 -0.30518818041309625 -0.30518818041309625 -0.30518818041309625 -0.3883042473469126 -0.3883042473469126 +35771,-0.45996670356730673,1,-0.12254952309112678 -0.12254952309112678 -0.5277596967088579 -0.5277596967088579 -0.5277596967088579 -0.6721680588117352 -0.6721680588117352 -0.6721680588117352 -0.7364011459207357 -0.7364011459207357 -0.7364011459207357 -0.6503442870469885 -0.6503442870469885 -0.6503442870469885 -0.30518818041309625 -0.30518818041309625 -0.30518818041309625 -0.3883042473469126 -0.3883042473469126 -0.3883042473469126 +35772,-0.45996670356730673,1,-0.12254952309112678 -0.5277596967088579 -0.5277596967088579 -0.5277596967088579 -0.6721680588117352 -0.6721680588117352 -0.6721680588117352 -0.7364011459207357 -0.7364011459207357 -0.7364011459207357 -0.6503442870469885 -0.6503442870469885 -0.6503442870469885 -0.30518818041309625 -0.30518818041309625 -0.30518818041309625 -0.3883042473469126 -0.3883042473469126 -0.3883042473469126 -0.45996670356730673 +35773,-0.45996670356730673,1,-0.5277596967088579 -0.5277596967088579 -0.5277596967088579 -0.6721680588117352 -0.6721680588117352 -0.6721680588117352 -0.7364011459207357 -0.7364011459207357 -0.7364011459207357 -0.6503442870469885 -0.6503442870469885 -0.6503442870469885 -0.30518818041309625 -0.30518818041309625 -0.30518818041309625 -0.3883042473469126 -0.3883042473469126 -0.3883042473469126 -0.45996670356730673 -0.45996670356730673 +35774,-0.5655256563584808,1,-0.5277596967088579 -0.5277596967088579 -0.6721680588117352 -0.6721680588117352 -0.6721680588117352 -0.7364011459207357 -0.7364011459207357 -0.7364011459207357 -0.6503442870469885 -0.6503442870469885 -0.6503442870469885 -0.30518818041309625 -0.30518818041309625 -0.30518818041309625 -0.3883042473469126 -0.3883042473469126 -0.3883042473469126 -0.45996670356730673 -0.45996670356730673 -0.45996670356730673 +35775,-0.5655256563584808,1,-0.5277596967088579 -0.6721680588117352 -0.6721680588117352 -0.6721680588117352 -0.7364011459207357 -0.7364011459207357 -0.7364011459207357 -0.6503442870469885 -0.6503442870469885 -0.6503442870469885 -0.30518818041309625 -0.30518818041309625 -0.30518818041309625 -0.3883042473469126 -0.3883042473469126 -0.3883042473469126 -0.45996670356730673 -0.45996670356730673 -0.45996670356730673 -0.5655256563584808 +35776,-0.5655256563584808,1,-0.6721680588117352 -0.6721680588117352 -0.6721680588117352 -0.7364011459207357 -0.7364011459207357 -0.7364011459207357 -0.6503442870469885 -0.6503442870469885 -0.6503442870469885 -0.30518818041309625 -0.30518818041309625 -0.30518818041309625 -0.3883042473469126 -0.3883042473469126 -0.3883042473469126 -0.45996670356730673 -0.45996670356730673 -0.45996670356730673 -0.5655256563584808 -0.5655256563584808 +35777,-0.9860589037684684,1,-0.6721680588117352 -0.6721680588117352 -0.7364011459207357 -0.7364011459207357 -0.7364011459207357 -0.6503442870469885 -0.6503442870469885 -0.6503442870469885 -0.30518818041309625 -0.30518818041309625 -0.30518818041309625 -0.3883042473469126 -0.3883042473469126 -0.3883042473469126 -0.45996670356730673 -0.45996670356730673 -0.45996670356730673 -0.5655256563584808 -0.5655256563584808 -0.5655256563584808 +35778,-0.9860589037684684,1,-0.6721680588117352 -0.7364011459207357 -0.7364011459207357 -0.7364011459207357 -0.6503442870469885 -0.6503442870469885 -0.6503442870469885 -0.30518818041309625 -0.30518818041309625 -0.30518818041309625 -0.3883042473469126 -0.3883042473469126 -0.3883042473469126 -0.45996670356730673 -0.45996670356730673 -0.45996670356730673 -0.5655256563584808 -0.5655256563584808 -0.5655256563584808 -0.9860589037684684 +35779,-0.9860589037684684,1,-0.7364011459207357 -0.7364011459207357 -0.7364011459207357 -0.6503442870469885 -0.6503442870469885 -0.6503442870469885 -0.30518818041309625 -0.30518818041309625 -0.30518818041309625 -0.3883042473469126 -0.3883042473469126 -0.3883042473469126 -0.45996670356730673 -0.45996670356730673 -0.45996670356730673 -0.5655256563584808 -0.5655256563584808 -0.5655256563584808 -0.9860589037684684 -0.9860589037684684 +35780,-1.3183683929805659,1,-0.7364011459207357 -0.7364011459207357 -0.6503442870469885 -0.6503442870469885 -0.6503442870469885 -0.30518818041309625 -0.30518818041309625 -0.30518818041309625 -0.3883042473469126 -0.3883042473469126 -0.3883042473469126 -0.45996670356730673 -0.45996670356730673 -0.45996670356730673 -0.5655256563584808 -0.5655256563584808 -0.5655256563584808 -0.9860589037684684 -0.9860589037684684 -0.9860589037684684 +35781,-1.3183683929805659,1,-0.7364011459207357 -0.6503442870469885 -0.6503442870469885 -0.6503442870469885 -0.30518818041309625 -0.30518818041309625 -0.30518818041309625 -0.3883042473469126 -0.3883042473469126 -0.3883042473469126 -0.45996670356730673 -0.45996670356730673 -0.45996670356730673 -0.5655256563584808 -0.5655256563584808 -0.5655256563584808 -0.9860589037684684 -0.9860589037684684 -0.9860589037684684 -1.3183683929805659 +35782,-1.3183683929805659,1,-0.6503442870469885 -0.6503442870469885 -0.6503442870469885 -0.30518818041309625 -0.30518818041309625 -0.30518818041309625 -0.3883042473469126 -0.3883042473469126 -0.3883042473469126 -0.45996670356730673 -0.45996670356730673 -0.45996670356730673 -0.5655256563584808 -0.5655256563584808 -0.5655256563584808 -0.9860589037684684 -0.9860589037684684 -0.9860589037684684 -1.3183683929805659 -1.3183683929805659 +35783,-1.5158657885253313,1,-0.6503442870469885 -0.6503442870469885 -0.30518818041309625 -0.30518818041309625 -0.30518818041309625 -0.3883042473469126 -0.3883042473469126 -0.3883042473469126 -0.45996670356730673 -0.45996670356730673 -0.45996670356730673 -0.5655256563584808 -0.5655256563584808 -0.5655256563584808 -0.9860589037684684 -0.9860589037684684 -0.9860589037684684 -1.3183683929805659 -1.3183683929805659 -1.3183683929805659 +35784,-1.5158657885253313,1,-0.6503442870469885 -0.30518818041309625 -0.30518818041309625 -0.30518818041309625 -0.3883042473469126 -0.3883042473469126 -0.3883042473469126 -0.45996670356730673 -0.45996670356730673 -0.45996670356730673 -0.5655256563584808 -0.5655256563584808 -0.5655256563584808 -0.9860589037684684 -0.9860589037684684 -0.9860589037684684 -1.3183683929805659 -1.3183683929805659 -1.3183683929805659 -1.5158657885253313 +35785,-1.5158657885253313,1,-0.30518818041309625 -0.30518818041309625 -0.30518818041309625 -0.3883042473469126 -0.3883042473469126 -0.3883042473469126 -0.45996670356730673 -0.45996670356730673 -0.45996670356730673 -0.5655256563584808 -0.5655256563584808 -0.5655256563584808 -0.9860589037684684 -0.9860589037684684 -0.9860589037684684 -1.3183683929805659 -1.3183683929805659 -1.3183683929805659 -1.5158657885253313 -1.5158657885253313 +35786,-1.5013166073488453,1,-0.30518818041309625 -0.30518818041309625 -0.3883042473469126 -0.3883042473469126 -0.3883042473469126 -0.45996670356730673 -0.45996670356730673 -0.45996670356730673 -0.5655256563584808 -0.5655256563584808 -0.5655256563584808 -0.9860589037684684 -0.9860589037684684 -0.9860589037684684 -1.3183683929805659 -1.3183683929805659 -1.3183683929805659 -1.5158657885253313 -1.5158657885253313 -1.5158657885253313 +35787,-1.5013166073488453,1,-0.30518818041309625 -0.3883042473469126 -0.3883042473469126 -0.3883042473469126 -0.45996670356730673 -0.45996670356730673 -0.45996670356730673 -0.5655256563584808 -0.5655256563584808 -0.5655256563584808 -0.9860589037684684 -0.9860589037684684 -0.9860589037684684 -1.3183683929805659 -1.3183683929805659 -1.3183683929805659 -1.5158657885253313 -1.5158657885253313 -1.5158657885253313 -1.5013166073488453 +35788,-1.5013166073488453,1,-0.3883042473469126 -0.3883042473469126 -0.3883042473469126 -0.45996670356730673 -0.45996670356730673 -0.45996670356730673 -0.5655256563584808 -0.5655256563584808 -0.5655256563584808 -0.9860589037684684 -0.9860589037684684 -0.9860589037684684 -1.3183683929805659 -1.3183683929805659 -1.3183683929805659 -1.5158657885253313 -1.5158657885253313 -1.5158657885253313 -1.5013166073488453 -1.5013166073488453 +35789,-0.47374199212803125,1,-0.3883042473469126 -0.3883042473469126 -0.45996670356730673 -0.45996670356730673 -0.45996670356730673 -0.5655256563584808 -0.5655256563584808 -0.5655256563584808 -0.9860589037684684 -0.9860589037684684 -0.9860589037684684 -1.3183683929805659 -1.3183683929805659 -1.3183683929805659 -1.5158657885253313 -1.5158657885253313 -1.5158657885253313 -1.5013166073488453 -1.5013166073488453 -1.5013166073488453 +35790,-0.47374199212803125,1,-0.3883042473469126 -0.45996670356730673 -0.45996670356730673 -0.45996670356730673 -0.5655256563584808 -0.5655256563584808 -0.5655256563584808 -0.9860589037684684 -0.9860589037684684 -0.9860589037684684 -1.3183683929805659 -1.3183683929805659 -1.3183683929805659 -1.5158657885253313 -1.5158657885253313 -1.5158657885253313 -1.5013166073488453 -1.5013166073488453 -1.5013166073488453 -0.47374199212803125 +35791,-0.47374199212803125,1,-0.45996670356730673 -0.45996670356730673 -0.45996670356730673 -0.5655256563584808 -0.5655256563584808 -0.5655256563584808 -0.9860589037684684 -0.9860589037684684 -0.9860589037684684 -1.3183683929805659 -1.3183683929805659 -1.3183683929805659 -1.5158657885253313 -1.5158657885253313 -1.5158657885253313 -1.5013166073488453 -1.5013166073488453 -1.5013166073488453 -0.47374199212803125 -0.47374199212803125 +35792,-0.1453019659948032,1,-0.45996670356730673 -0.45996670356730673 -0.5655256563584808 -0.5655256563584808 -0.5655256563584808 -0.9860589037684684 -0.9860589037684684 -0.9860589037684684 -1.3183683929805659 -1.3183683929805659 -1.3183683929805659 -1.5158657885253313 -1.5158657885253313 -1.5158657885253313 -1.5013166073488453 -1.5013166073488453 -1.5013166073488453 -0.47374199212803125 -0.47374199212803125 -0.47374199212803125 +35793,-0.1453019659948032,1,-0.45996670356730673 -0.5655256563584808 -0.5655256563584808 -0.5655256563584808 -0.9860589037684684 -0.9860589037684684 -0.9860589037684684 -1.3183683929805659 -1.3183683929805659 -1.3183683929805659 -1.5158657885253313 -1.5158657885253313 -1.5158657885253313 -1.5013166073488453 -1.5013166073488453 -1.5013166073488453 -0.47374199212803125 -0.47374199212803125 -0.47374199212803125 -0.1453019659948032 +35794,-0.1453019659948032,1,-0.5655256563584808 -0.5655256563584808 -0.5655256563584808 -0.9860589037684684 -0.9860589037684684 -0.9860589037684684 -1.3183683929805659 -1.3183683929805659 -1.3183683929805659 -1.5158657885253313 -1.5158657885253313 -1.5158657885253313 -1.5013166073488453 -1.5013166073488453 -1.5013166073488453 -0.47374199212803125 -0.47374199212803125 -0.47374199212803125 -0.1453019659948032 -0.1453019659948032 +35795,-0.320046918635901,1,-0.5655256563584808 -0.5655256563584808 -0.9860589037684684 -0.9860589037684684 -0.9860589037684684 -1.3183683929805659 -1.3183683929805659 -1.3183683929805659 -1.5158657885253313 -1.5158657885253313 -1.5158657885253313 -1.5013166073488453 -1.5013166073488453 -1.5013166073488453 -0.47374199212803125 -0.47374199212803125 -0.47374199212803125 -0.1453019659948032 -0.1453019659948032 -0.1453019659948032 +35796,-0.320046918635901,1,-0.5655256563584808 -0.9860589037684684 -0.9860589037684684 -0.9860589037684684 -1.3183683929805659 -1.3183683929805659 -1.3183683929805659 -1.5158657885253313 -1.5158657885253313 -1.5158657885253313 -1.5013166073488453 -1.5013166073488453 -1.5013166073488453 -0.47374199212803125 -0.47374199212803125 -0.47374199212803125 -0.1453019659948032 -0.1453019659948032 -0.1453019659948032 -0.320046918635901 +35797,-0.320046918635901,1,-0.9860589037684684 -0.9860589037684684 -0.9860589037684684 -1.3183683929805659 -1.3183683929805659 -1.3183683929805659 -1.5158657885253313 -1.5158657885253313 -1.5158657885253313 -1.5013166073488453 -1.5013166073488453 -1.5013166073488453 -0.47374199212803125 -0.47374199212803125 -0.47374199212803125 -0.1453019659948032 -0.1453019659948032 -0.1453019659948032 -0.320046918635901 -0.320046918635901 +35798,-1.1321698296260458,1,-0.9860589037684684 -0.9860589037684684 -1.3183683929805659 -1.3183683929805659 -1.3183683929805659 -1.5158657885253313 -1.5158657885253313 -1.5158657885253313 -1.5013166073488453 -1.5013166073488453 -1.5013166073488453 -0.47374199212803125 -0.47374199212803125 -0.47374199212803125 -0.1453019659948032 -0.1453019659948032 -0.1453019659948032 -0.320046918635901 -0.320046918635901 -0.320046918635901 +35799,-1.1321698296260458,1,-0.9860589037684684 -1.3183683929805659 -1.3183683929805659 -1.3183683929805659 -1.5158657885253313 -1.5158657885253313 -1.5158657885253313 -1.5013166073488453 -1.5013166073488453 -1.5013166073488453 -0.47374199212803125 -0.47374199212803125 -0.47374199212803125 -0.1453019659948032 -0.1453019659948032 -0.1453019659948032 -0.320046918635901 -0.320046918635901 -0.320046918635901 -1.1321698296260458 +35800,-1.1321698296260458,1,-1.3183683929805659 -1.3183683929805659 -1.3183683929805659 -1.5158657885253313 -1.5158657885253313 -1.5158657885253313 -1.5013166073488453 -1.5013166073488453 -1.5013166073488453 -0.47374199212803125 -0.47374199212803125 -0.47374199212803125 -0.1453019659948032 -0.1453019659948032 -0.1453019659948032 -0.320046918635901 -0.320046918635901 -0.320046918635901 -1.1321698296260458 -1.1321698296260458 +35801,-1.373159990177154,1,-1.3183683929805659 -1.3183683929805659 -1.5158657885253313 -1.5158657885253313 -1.5158657885253313 -1.5013166073488453 -1.5013166073488453 -1.5013166073488453 -0.47374199212803125 -0.47374199212803125 -0.47374199212803125 -0.1453019659948032 -0.1453019659948032 -0.1453019659948032 -0.320046918635901 -0.320046918635901 -0.320046918635901 -1.1321698296260458 -1.1321698296260458 -1.1321698296260458 +35802,-1.373159990177154,1,-1.3183683929805659 -1.5158657885253313 -1.5158657885253313 -1.5158657885253313 -1.5013166073488453 -1.5013166073488453 -1.5013166073488453 -0.47374199212803125 -0.47374199212803125 -0.47374199212803125 -0.1453019659948032 -0.1453019659948032 -0.1453019659948032 -0.320046918635901 -0.320046918635901 -0.320046918635901 -1.1321698296260458 -1.1321698296260458 -1.1321698296260458 -1.373159990177154 +35803,-1.373159990177154,1,-1.5158657885253313 -1.5158657885253313 -1.5158657885253313 -1.5013166073488453 -1.5013166073488453 -1.5013166073488453 -0.47374199212803125 -0.47374199212803125 -0.47374199212803125 -0.1453019659948032 -0.1453019659948032 -0.1453019659948032 -0.320046918635901 -0.320046918635901 -0.320046918635901 -1.1321698296260458 -1.1321698296260458 -1.1321698296260458 -1.373159990177154 -1.373159990177154 +35804,-1.2957707286000488,1,-1.5158657885253313 -1.5158657885253313 -1.5013166073488453 -1.5013166073488453 -1.5013166073488453 -0.47374199212803125 -0.47374199212803125 -0.47374199212803125 -0.1453019659948032 -0.1453019659948032 -0.1453019659948032 -0.320046918635901 -0.320046918635901 -0.320046918635901 -1.1321698296260458 -1.1321698296260458 -1.1321698296260458 -1.373159990177154 -1.373159990177154 -1.373159990177154 +35805,-1.2957707286000488,1,-1.5158657885253313 -1.5013166073488453 -1.5013166073488453 -1.5013166073488453 -0.47374199212803125 -0.47374199212803125 -0.47374199212803125 -0.1453019659948032 -0.1453019659948032 -0.1453019659948032 -0.320046918635901 -0.320046918635901 -0.320046918635901 -1.1321698296260458 -1.1321698296260458 -1.1321698296260458 -1.373159990177154 -1.373159990177154 -1.373159990177154 -1.2957707286000488 +35806,-1.2957707286000488,1,-1.5013166073488453 -1.5013166073488453 -1.5013166073488453 -0.47374199212803125 -0.47374199212803125 -0.47374199212803125 -0.1453019659948032 -0.1453019659948032 -0.1453019659948032 -0.320046918635901 -0.320046918635901 -0.320046918635901 -1.1321698296260458 -1.1321698296260458 -1.1321698296260458 -1.373159990177154 -1.373159990177154 -1.373159990177154 -1.2957707286000488 -1.2957707286000488 +35807,-1.6409268352339323,1,-1.5013166073488453 -1.5013166073488453 -0.47374199212803125 -0.47374199212803125 -0.47374199212803125 -0.1453019659948032 -0.1453019659948032 -0.1453019659948032 -0.320046918635901 -0.320046918635901 -0.320046918635901 -1.1321698296260458 -1.1321698296260458 -1.1321698296260458 -1.373159990177154 -1.373159990177154 -1.373159990177154 -1.2957707286000488 -1.2957707286000488 -1.2957707286000488 +35808,-1.6409268352339323,1,-1.5013166073488453 -0.47374199212803125 -0.47374199212803125 -0.47374199212803125 -0.1453019659948032 -0.1453019659948032 -0.1453019659948032 -0.320046918635901 -0.320046918635901 -0.320046918635901 -1.1321698296260458 -1.1321698296260458 -1.1321698296260458 -1.373159990177154 -1.373159990177154 -1.373159990177154 -1.2957707286000488 -1.2957707286000488 -1.2957707286000488 -1.6409268352339323 +35809,-1.6409268352339323,1,-0.47374199212803125 -0.47374199212803125 -0.47374199212803125 -0.1453019659948032 -0.1453019659948032 -0.1453019659948032 -0.320046918635901 -0.320046918635901 -0.320046918635901 -1.1321698296260458 -1.1321698296260458 -1.1321698296260458 -1.373159990177154 -1.373159990177154 -1.373159990177154 -1.2957707286000488 -1.2957707286000488 -1.2957707286000488 -1.6409268352339323 -1.6409268352339323 +35810,-1.7622731973868409,1,-0.47374199212803125 -0.47374199212803125 -0.1453019659948032 -0.1453019659948032 -0.1453019659948032 -0.320046918635901 -0.320046918635901 -0.320046918635901 -1.1321698296260458 -1.1321698296260458 -1.1321698296260458 -1.373159990177154 -1.373159990177154 -1.373159990177154 -1.2957707286000488 -1.2957707286000488 -1.2957707286000488 -1.6409268352339323 -1.6409268352339323 -1.6409268352339323 +35811,-1.7622731973868409,1,-0.47374199212803125 -0.1453019659948032 -0.1453019659948032 -0.1453019659948032 -0.320046918635901 -0.320046918635901 -0.320046918635901 -1.1321698296260458 -1.1321698296260458 -1.1321698296260458 -1.373159990177154 -1.373159990177154 -1.373159990177154 -1.2957707286000488 -1.2957707286000488 -1.2957707286000488 -1.6409268352339323 -1.6409268352339323 -1.6409268352339323 -1.7622731973868409 +35812,-1.7622731973868409,1,-0.1453019659948032 -0.1453019659948032 -0.1453019659948032 -0.320046918635901 -0.320046918635901 -0.320046918635901 -1.1321698296260458 -1.1321698296260458 -1.1321698296260458 -1.373159990177154 -1.373159990177154 -1.373159990177154 -1.2957707286000488 -1.2957707286000488 -1.2957707286000488 -1.6409268352339323 -1.6409268352339323 -1.6409268352339323 -1.7622731973868409 -1.7622731973868409 +35813,-0.4095089050190395,1,-0.1453019659948032 -0.1453019659948032 -0.320046918635901 -0.320046918635901 -0.320046918635901 -1.1321698296260458 -1.1321698296260458 -1.1321698296260458 -1.373159990177154 -1.373159990177154 -1.373159990177154 -1.2957707286000488 -1.2957707286000488 -1.2957707286000488 -1.6409268352339323 -1.6409268352339323 -1.6409268352339323 -1.7622731973868409 -1.7622731973868409 -1.7622731973868409 +35814,-0.03958823468047853,1,-0.1453019659948032 -0.320046918635901 -0.320046918635901 -0.320046918635901 -1.1321698296260458 -1.1321698296260458 -1.1321698296260458 -1.373159990177154 -1.373159990177154 -1.373159990177154 -1.2957707286000488 -1.2957707286000488 -1.2957707286000488 -1.6409268352339323 -1.6409268352339323 -1.6409268352339323 -1.7622731973868409 -1.7622731973868409 -1.7622731973868409 -0.4095089050190395 +35815,0.05637444967513269,1,-0.320046918635901 -0.320046918635901 -0.320046918635901 -1.1321698296260458 -1.1321698296260458 -1.1321698296260458 -1.373159990177154 -1.373159990177154 -1.373159990177154 -1.2957707286000488 -1.2957707286000488 -1.2957707286000488 -1.6409268352339323 -1.6409268352339323 -1.6409268352339323 -1.7622731973868409 -1.7622731973868409 -1.7622731973868409 -0.4095089050190395 -0.03958823468047853 +35816,0.23127418083938986,1,-0.320046918635901 -0.320046918635901 -1.1321698296260458 -1.1321698296260458 -1.1321698296260458 -1.373159990177154 -1.373159990177154 -1.373159990177154 -1.2957707286000488 -1.2957707286000488 -1.2957707286000488 -1.6409268352339323 -1.6409268352339323 -1.6409268352339323 -1.7622731973868409 -1.7622731973868409 -1.7622731973868409 -0.4095089050190395 -0.03958823468047853 0.05637444967513269 +35817,0.25294317408098604,1,-0.320046918635901 -1.1321698296260458 -1.1321698296260458 -1.1321698296260458 -1.373159990177154 -1.373159990177154 -1.373159990177154 -1.2957707286000488 -1.2957707286000488 -1.2957707286000488 -1.6409268352339323 -1.6409268352339323 -1.6409268352339323 -1.7622731973868409 -1.7622731973868409 -1.7622731973868409 -0.4095089050190395 -0.03958823468047853 0.05637444967513269 0.23127418083938986 +35818,0.2838988787118264,1,-1.1321698296260458 -1.1321698296260458 -1.1321698296260458 -1.373159990177154 -1.373159990177154 -1.373159990177154 -1.2957707286000488 -1.2957707286000488 -1.2957707286000488 -1.6409268352339323 -1.6409268352339323 -1.6409268352339323 -1.7622731973868409 -1.7622731973868409 -1.7622731973868409 -0.4095089050190395 -0.03958823468047853 0.05637444967513269 0.23127418083938986 0.25294317408098604 +35819,0.30402008672187303,1,-1.1321698296260458 -1.1321698296260458 -1.373159990177154 -1.373159990177154 -1.373159990177154 -1.2957707286000488 -1.2957707286000488 -1.2957707286000488 -1.6409268352339323 -1.6409268352339323 -1.6409268352339323 -1.7622731973868409 -1.7622731973868409 -1.7622731973868409 -0.4095089050190395 -0.03958823468047853 0.05637444967513269 0.23127418083938986 0.25294317408098604 0.2838988787118264 +35820,0.25449095931252674,1,-1.1321698296260458 -1.373159990177154 -1.373159990177154 -1.373159990177154 -1.2957707286000488 -1.2957707286000488 -1.2957707286000488 -1.6409268352339323 -1.6409268352339323 -1.6409268352339323 -1.7622731973868409 -1.7622731973868409 -1.7622731973868409 -0.4095089050190395 -0.03958823468047853 0.05637444967513269 0.23127418083938986 0.25294317408098604 0.2838988787118264 0.30402008672187303 +35821,0.01613203365503937,1,-1.373159990177154 -1.373159990177154 -1.373159990177154 -1.2957707286000488 -1.2957707286000488 -1.2957707286000488 -1.6409268352339323 -1.6409268352339323 -1.6409268352339323 -1.7622731973868409 -1.7622731973868409 -1.7622731973868409 -0.4095089050190395 -0.03958823468047853 0.05637444967513269 0.23127418083938986 0.25294317408098604 0.2838988787118264 0.30402008672187303 0.25449095931252674 +35822,-0.1076907848683308,1,-1.373159990177154 -1.373159990177154 -1.2957707286000488 -1.2957707286000488 -1.2957707286000488 -1.6409268352339323 -1.6409268352339323 -1.6409268352339323 -1.7622731973868409 -1.7622731973868409 -1.7622731973868409 -0.4095089050190395 -0.03958823468047853 0.05637444967513269 0.23127418083938986 0.25294317408098604 0.2838988787118264 0.30402008672187303 0.25449095931252674 0.01613203365503937 +35823,-0.18043669075080518,1,-1.373159990177154 -1.2957707286000488 -1.2957707286000488 -1.2957707286000488 -1.6409268352339323 -1.6409268352339323 -1.6409268352339323 -1.7622731973868409 -1.7622731973868409 -1.7622731973868409 -0.4095089050190395 -0.03958823468047853 0.05637444967513269 0.23127418083938986 0.25294317408098604 0.2838988787118264 0.30402008672187303 0.25449095931252674 0.01613203365503937 -0.1076907848683308 +35824,-0.282590516032588,1,-1.2957707286000488 -1.2957707286000488 -1.2957707286000488 -1.6409268352339323 -1.6409268352339323 -1.6409268352339323 -1.7622731973868409 -1.7622731973868409 -1.7622731973868409 -0.4095089050190395 -0.03958823468047853 0.05637444967513269 0.23127418083938986 0.25294317408098604 0.2838988787118264 0.30402008672187303 0.25449095931252674 0.01613203365503937 -0.1076907848683308 -0.18043669075080518 +35825,-0.35997977760969324,1,-1.2957707286000488 -1.2957707286000488 -1.6409268352339323 -1.6409268352339323 -1.6409268352339323 -1.7622731973868409 -1.7622731973868409 -1.7622731973868409 -0.4095089050190395 -0.03958823468047853 0.05637444967513269 0.23127418083938986 0.25294317408098604 0.2838988787118264 0.30402008672187303 0.25449095931252674 0.01613203365503937 -0.1076907848683308 -0.18043669075080518 -0.282590516032588 +35826,-0.375457629925109,1,-1.2957707286000488 -1.6409268352339323 -1.6409268352339323 -1.6409268352339323 -1.7622731973868409 -1.7622731973868409 -1.7622731973868409 -0.4095089050190395 -0.03958823468047853 0.05637444967513269 0.23127418083938986 0.25294317408098604 0.2838988787118264 0.30402008672187303 0.25449095931252674 0.01613203365503937 -0.1076907848683308 -0.18043669075080518 -0.282590516032588 -0.35997977760969324 +35827,-0.46058581765992657,1,-1.6409268352339323 -1.6409268352339323 -1.6409268352339323 -1.7622731973868409 -1.7622731973868409 -1.7622731973868409 -0.4095089050190395 -0.03958823468047853 0.05637444967513269 0.23127418083938986 0.25294317408098604 0.2838988787118264 0.30402008672187303 0.25449095931252674 0.01613203365503937 -0.1076907848683308 -0.18043669075080518 -0.282590516032588 -0.35997977760969324 -0.375457629925109 +35828,-0.6509634011396083,1,-1.6409268352339323 -1.6409268352339323 -1.7622731973868409 -1.7622731973868409 -1.7622731973868409 -0.4095089050190395 -0.03958823468047853 0.05637444967513269 0.23127418083938986 0.25294317408098604 0.2838988787118264 0.30402008672187303 0.25449095931252674 0.01613203365503937 -0.1076907848683308 -0.18043669075080518 -0.282590516032588 -0.35997977760969324 -0.375457629925109 -0.46058581765992657 +35829,-0.7670472935052661,1,-1.6409268352339323 -1.7622731973868409 -1.7622731973868409 -1.7622731973868409 -0.4095089050190395 -0.03958823468047853 0.05637444967513269 0.23127418083938986 0.25294317408098604 0.2838988787118264 0.30402008672187303 0.25449095931252674 0.01613203365503937 -0.1076907848683308 -0.18043669075080518 -0.282590516032588 -0.35997977760969324 -0.375457629925109 -0.46058581765992657 -0.6509634011396083 +35830,-0.8305064879984876,1,-1.7622731973868409 -1.7622731973868409 -1.7622731973868409 -0.4095089050190395 -0.03958823468047853 0.05637444967513269 0.23127418083938986 0.25294317408098604 0.2838988787118264 0.30402008672187303 0.25449095931252674 0.01613203365503937 -0.1076907848683308 -0.18043669075080518 -0.282590516032588 -0.35997977760969324 -0.375457629925109 -0.46058581765992657 -0.6509634011396083 -0.7670472935052661 +35831,-0.8692011187870402,1,-1.7622731973868409 -1.7622731973868409 -0.4095089050190395 -0.03958823468047853 0.05637444967513269 0.23127418083938986 0.25294317408098604 0.2838988787118264 0.30402008672187303 0.25449095931252674 0.01613203365503937 -0.1076907848683308 -0.18043669075080518 -0.282590516032588 -0.35997977760969324 -0.375457629925109 -0.46058581765992657 -0.6509634011396083 -0.7670472935052661 -0.8305064879984876 +35832,-0.9078957495755928,1,-1.7622731973868409 -0.4095089050190395 -0.03958823468047853 0.05637444967513269 0.23127418083938986 0.25294317408098604 0.2838988787118264 0.30402008672187303 0.25449095931252674 0.01613203365503937 -0.1076907848683308 -0.18043669075080518 -0.282590516032588 -0.35997977760969324 -0.375457629925109 -0.46058581765992657 -0.6509634011396083 -0.7670472935052661 -0.8305064879984876 -0.8692011187870402 +35833,-0.9605204474480293,1,-0.4095089050190395 -0.03958823468047853 0.05637444967513269 0.23127418083938986 0.25294317408098604 0.2838988787118264 0.30402008672187303 0.25449095931252674 0.01613203365503937 -0.1076907848683308 -0.18043669075080518 -0.282590516032588 -0.35997977760969324 -0.375457629925109 -0.46058581765992657 -0.6509634011396083 -0.7670472935052661 -0.8305064879984876 -0.8692011187870402 -0.9078957495755928 +35834,-0.989928366847329,1,-0.03958823468047853 0.05637444967513269 0.23127418083938986 0.25294317408098604 0.2838988787118264 0.30402008672187303 0.25449095931252674 0.01613203365503937 -0.1076907848683308 -0.18043669075080518 -0.282590516032588 -0.35997977760969324 -0.375457629925109 -0.46058581765992657 -0.6509634011396083 -0.7670472935052661 -0.8305064879984876 -0.8692011187870402 -0.9078957495755928 -0.9605204474480293 +35835,-0.8707489040185808,1,0.05637444967513269 0.23127418083938986 0.25294317408098604 0.2838988787118264 0.30402008672187303 0.25449095931252674 0.01613203365503937 -0.1076907848683308 -0.18043669075080518 -0.282590516032588 -0.35997977760969324 -0.375457629925109 -0.46058581765992657 -0.6509634011396083 -0.7670472935052661 -0.8305064879984876 -0.8692011187870402 -0.9078957495755928 -0.9605204474480293 -0.989928366847329 +35836,-0.324380717284222,1,0.23127418083938986 0.25294317408098604 0.2838988787118264 0.30402008672187303 0.25449095931252674 0.01613203365503937 -0.1076907848683308 -0.18043669075080518 -0.282590516032588 -0.35997977760969324 -0.375457629925109 -0.46058581765992657 -0.6509634011396083 -0.7670472935052661 -0.8305064879984876 -0.8692011187870402 -0.9078957495755928 -0.9605204474480293 -0.989928366847329 -0.8707489040185808 +35837,0.12757257032607516,1,0.25294317408098604 0.2838988787118264 0.30402008672187303 0.25449095931252674 0.01613203365503937 -0.1076907848683308 -0.18043669075080518 -0.282590516032588 -0.35997977760969324 -0.375457629925109 -0.46058581765992657 -0.6509634011396083 -0.7670472935052661 -0.8305064879984876 -0.8692011187870402 -0.9078957495755928 -0.9605204474480293 -0.989928366847329 -0.8707489040185808 -0.324380717284222 +35838,0.5934559250202474,1,0.2838988787118264 0.30402008672187303 0.25449095931252674 0.01613203365503937 -0.1076907848683308 -0.18043669075080518 -0.282590516032588 -0.35997977760969324 -0.375457629925109 -0.46058581765992657 -0.6509634011396083 -0.7670472935052661 -0.8305064879984876 -0.8692011187870402 -0.9078957495755928 -0.9605204474480293 -0.989928366847329 -0.8707489040185808 -0.324380717284222 0.12757257032607516 +35839,0.8318148506777348,1,0.30402008672187303 0.25449095931252674 0.01613203365503937 -0.1076907848683308 -0.18043669075080518 -0.282590516032588 -0.35997977760969324 -0.375457629925109 -0.46058581765992657 -0.6509634011396083 -0.7670472935052661 -0.8305064879984876 -0.8692011187870402 -0.9078957495755928 -0.9605204474480293 -0.989928366847329 -0.8707489040185808 -0.324380717284222 0.12757257032607516 0.5934559250202474 +35840,1.0655304206405911,1,0.25449095931252674 0.01613203365503937 -0.1076907848683308 -0.18043669075080518 -0.282590516032588 -0.35997977760969324 -0.375457629925109 -0.46058581765992657 -0.6509634011396083 -0.7670472935052661 -0.8305064879984876 -0.8692011187870402 -0.9078957495755928 -0.9605204474480293 -0.989928366847329 -0.8707489040185808 -0.324380717284222 0.12757257032607516 0.5934559250202474 0.8318148506777348 +35841,1.2141178028686301,1,0.01613203365503937 -0.1076907848683308 -0.18043669075080518 -0.282590516032588 -0.35997977760969324 -0.375457629925109 -0.46058581765992657 -0.6509634011396083 -0.7670472935052661 -0.8305064879984876 -0.8692011187870402 -0.9078957495755928 -0.9605204474480293 -0.989928366847329 -0.8707489040185808 -0.324380717284222 0.12757257032607516 0.5934559250202474 0.8318148506777348 1.0655304206405911 +35842,1.2342390108786767,1,-0.1076907848683308 -0.18043669075080518 -0.282590516032588 -0.35997977760969324 -0.375457629925109 -0.46058581765992657 -0.6509634011396083 -0.7670472935052661 -0.8305064879984876 -0.8692011187870402 -0.9078957495755928 -0.9605204474480293 -0.989928366847329 -0.8707489040185808 -0.324380717284222 0.12757257032607516 0.5934559250202474 0.8318148506777348 1.0655304206405911 1.2141178028686301 +35843,1.2342390108786767,1,-0.18043669075080518 -0.282590516032588 -0.35997977760969324 -0.375457629925109 -0.46058581765992657 -0.6509634011396083 -0.7670472935052661 -0.8305064879984876 -0.8692011187870402 -0.9078957495755928 -0.9605204474480293 -0.989928366847329 -0.8707489040185808 -0.324380717284222 0.12757257032607516 0.5934559250202474 0.8318148506777348 1.0655304206405911 1.2141178028686301 1.2342390108786767 +35844,1.1212506889761003,1,-0.282590516032588 -0.35997977760969324 -0.375457629925109 -0.46058581765992657 -0.6509634011396083 -0.7670472935052661 -0.8305064879984876 -0.8692011187870402 -0.9078957495755928 -0.9605204474480293 -0.989928366847329 -0.8707489040185808 -0.324380717284222 0.12757257032607516 0.5934559250202474 0.8318148506777348 1.0655304206405911 1.2141178028686301 1.2342390108786767 1.2342390108786767 +35845,0.9030129713286684,1,-0.35997977760969324 -0.375457629925109 -0.46058581765992657 -0.6509634011396083 -0.7670472935052661 -0.8305064879984876 -0.8692011187870402 -0.9078957495755928 -0.9605204474480293 -0.989928366847329 -0.8707489040185808 -0.324380717284222 0.12757257032607516 0.5934559250202474 0.8318148506777348 1.0655304206405911 1.2141178028686301 1.2342390108786767 1.2342390108786767 1.1212506889761003 +35846,0.6259594148826284,1,-0.375457629925109 -0.46058581765992657 -0.6509634011396083 -0.7670472935052661 -0.8305064879984876 -0.8692011187870402 -0.9078957495755928 -0.9605204474480293 -0.989928366847329 -0.8707489040185808 -0.324380717284222 0.12757257032607516 0.5934559250202474 0.8318148506777348 1.0655304206405911 1.2141178028686301 1.2342390108786767 1.2342390108786767 1.1212506889761003 0.9030129713286684 +35847,0.4990410258961769,1,-0.46058581765992657 -0.6509634011396083 -0.7670472935052661 -0.8305064879984876 -0.8692011187870402 -0.9078957495755928 -0.9605204474480293 -0.989928366847329 -0.8707489040185808 -0.324380717284222 0.12757257032607516 0.5934559250202474 0.8318148506777348 1.0655304206405911 1.2141178028686301 1.2342390108786767 1.2342390108786767 1.1212506889761003 0.9030129713286684 0.6259594148826284 +35848,0.2653254559333204,1,-0.6509634011396083 -0.7670472935052661 -0.8305064879984876 -0.8692011187870402 -0.9078957495755928 -0.9605204474480293 -0.989928366847329 -0.8707489040185808 -0.324380717284222 0.12757257032607516 0.5934559250202474 0.8318148506777348 1.0655304206405911 1.2141178028686301 1.2342390108786767 1.2342390108786767 1.1212506889761003 0.9030129713286684 0.6259594148826284 0.4990410258961769 +35849,0.14150263740995023,1,-0.7670472935052661 -0.8305064879984876 -0.8692011187870402 -0.9078957495755928 -0.9605204474480293 -0.989928366847329 -0.8707489040185808 -0.324380717284222 0.12757257032607516 0.5934559250202474 0.8318148506777348 1.0655304206405911 1.2141178028686301 1.2342390108786767 1.2342390108786767 1.1212506889761003 0.9030129713286684 0.6259594148826284 0.4990410258961769 0.2653254559333204 +35850,0.07340008722209797,1,-0.8305064879984876 -0.8692011187870402 -0.9078957495755928 -0.9605204474480293 -0.989928366847329 -0.8707489040185808 -0.324380717284222 0.12757257032607516 0.5934559250202474 0.8318148506777348 1.0655304206405911 1.2141178028686301 1.2342390108786767 1.2342390108786767 1.1212506889761003 0.9030129713286684 0.6259594148826284 0.4990410258961769 0.2653254559333204 0.14150263740995023 +35851,0.2157963285239741,1,-0.8692011187870402 -0.9078957495755928 -0.9605204474480293 -0.989928366847329 -0.8707489040185808 -0.324380717284222 0.12757257032607516 0.5934559250202474 0.8318148506777348 1.0655304206405911 1.2141178028686301 1.2342390108786767 1.2342390108786767 1.1212506889761003 0.9030129713286684 0.6259594148826284 0.4990410258961769 0.2653254559333204 0.14150263740995023 0.07340008722209797 +35852,-0.003989174355007293,1,-0.9078957495755928 -0.9605204474480293 -0.989928366847329 -0.8707489040185808 -0.324380717284222 0.12757257032607516 0.5934559250202474 0.8318148506777348 1.0655304206405911 1.2141178028686301 1.2342390108786767 1.2342390108786767 1.1212506889761003 0.9030129713286684 0.6259594148826284 0.4990410258961769 0.2653254559333204 0.14150263740995023 0.07340008722209797 0.2157963285239741 +35853,-0.0550660869958943,1,-0.9605204474480293 -0.989928366847329 -0.8707489040185808 -0.324380717284222 0.12757257032607516 0.5934559250202474 0.8318148506777348 1.0655304206405911 1.2141178028686301 1.2342390108786767 1.2342390108786767 1.1212506889761003 0.9030129713286684 0.6259594148826284 0.4990410258961769 0.2653254559333204 0.14150263740995023 0.07340008722209797 0.2157963285239741 -0.003989174355007293 +35854,-0.17269776459309288,1,-0.989928366847329 -0.8707489040185808 -0.324380717284222 0.12757257032607516 0.5934559250202474 0.8318148506777348 1.0655304206405911 1.2141178028686301 1.2342390108786767 1.2342390108786767 1.1212506889761003 0.9030129713286684 0.6259594148826284 0.4990410258961769 0.2653254559333204 0.14150263740995023 0.07340008722209797 0.2157963285239741 -0.003989174355007293 -0.0550660869958943 +35855,-0.375457629925109,1,-0.8707489040185808 -0.324380717284222 0.12757257032607516 0.5934559250202474 0.8318148506777348 1.0655304206405911 1.2141178028686301 1.2342390108786767 1.2342390108786767 1.1212506889761003 0.9030129713286684 0.6259594148826284 0.4990410258961769 0.2653254559333204 0.14150263740995023 0.07340008722209797 0.2157963285239741 -0.003989174355007293 -0.0550660869958943 -0.17269776459309288 +35856,-0.375457629925109,1,-0.324380717284222 0.12757257032607516 0.5934559250202474 0.8318148506777348 1.0655304206405911 1.2141178028686301 1.2342390108786767 1.2342390108786767 1.1212506889761003 0.9030129713286684 0.6259594148826284 0.4990410258961769 0.2653254559333204 0.14150263740995023 0.07340008722209797 0.2157963285239741 -0.003989174355007293 -0.0550660869958943 -0.17269776459309288 -0.375457629925109 +35857,-0.3522408514519809,1,0.12757257032607516 0.5934559250202474 0.8318148506777348 1.0655304206405911 1.2141178028686301 1.2342390108786767 1.2342390108786767 1.1212506889761003 0.9030129713286684 0.6259594148826284 0.4990410258961769 0.2653254559333204 0.14150263740995023 0.07340008722209797 0.2157963285239741 -0.003989174355007293 -0.0550660869958943 -0.17269776459309288 -0.375457629925109 -0.375457629925109 +35858,-0.4961848779853978,1,0.5934559250202474 0.8318148506777348 1.0655304206405911 1.2141178028686301 1.2342390108786767 1.2342390108786767 1.1212506889761003 0.9030129713286684 0.6259594148826284 0.4990410258961769 0.2653254559333204 0.14150263740995023 0.07340008722209797 0.2157963285239741 -0.003989174355007293 -0.0550660869958943 -0.17269776459309288 -0.375457629925109 -0.375457629925109 -0.3522408514519809 +35859,-0.41879561640829255,1,0.8318148506777348 1.0655304206405911 1.2141178028686301 1.2342390108786767 1.2342390108786767 1.1212506889761003 0.9030129713286684 0.6259594148826284 0.4990410258961769 0.2653254559333204 0.14150263740995023 0.07340008722209797 0.2157963285239741 -0.003989174355007293 -0.0550660869958943 -0.17269776459309288 -0.375457629925109 -0.375457629925109 -0.3522408514519809 -0.4961848779853978 +35860,0.29318559010107936,1,1.0655304206405911 1.2141178028686301 1.2342390108786767 1.2342390108786767 1.1212506889761003 0.9030129713286684 0.6259594148826284 0.4990410258961769 0.2653254559333204 0.14150263740995023 0.07340008722209797 0.2157963285239741 -0.003989174355007293 -0.0550660869958943 -0.17269776459309288 -0.375457629925109 -0.375457629925109 -0.3522408514519809 -0.4961848779853978 -0.41879561640829255 +35861,0.9339686759595087,1,1.2141178028686301 1.2342390108786767 1.2342390108786767 1.1212506889761003 0.9030129713286684 0.6259594148826284 0.4990410258961769 0.2653254559333204 0.14150263740995023 0.07340008722209797 0.2157963285239741 -0.003989174355007293 -0.0550660869958943 -0.17269776459309288 -0.375457629925109 -0.375457629925109 -0.3522408514519809 -0.4961848779853978 -0.41879561640829255 0.29318559010107936 +35862,0.9324208907279681,1,1.2342390108786767 1.2342390108786767 1.1212506889761003 0.9030129713286684 0.6259594148826284 0.4990410258961769 0.2653254559333204 0.14150263740995023 0.07340008722209797 0.2157963285239741 -0.003989174355007293 -0.0550660869958943 -0.17269776459309288 -0.375457629925109 -0.375457629925109 -0.3522408514519809 -0.4961848779853978 -0.41879561640829255 0.29318559010107936 0.9339686759595087 +35863,1.5623694799656038,1,1.2342390108786767 1.1212506889761003 0.9030129713286684 0.6259594148826284 0.4990410258961769 0.2653254559333204 0.14150263740995023 0.07340008722209797 0.2157963285239741 -0.003989174355007293 -0.0550660869958943 -0.17269776459309288 -0.375457629925109 -0.375457629925109 -0.3522408514519809 -0.4961848779853978 -0.41879561640829255 0.29318559010107936 0.9339686759595087 0.9324208907279681 +35864,1.5840384732071913,1,1.1212506889761003 0.9030129713286684 0.6259594148826284 0.4990410258961769 0.2653254559333204 0.14150263740995023 0.07340008722209797 0.2157963285239741 -0.003989174355007293 -0.0550660869958943 -0.17269776459309288 -0.375457629925109 -0.375457629925109 -0.3522408514519809 -0.4961848779853978 -0.41879561640829255 0.29318559010107936 0.9339686759595087 0.9324208907279681 1.5623694799656038 +35865,1.585586258438732,1,0.9030129713286684 0.6259594148826284 0.4990410258961769 0.2653254559333204 0.14150263740995023 0.07340008722209797 0.2157963285239741 -0.003989174355007293 -0.0550660869958943 -0.17269776459309288 -0.375457629925109 -0.375457629925109 -0.3522408514519809 -0.4961848779853978 -0.41879561640829255 0.29318559010107936 0.9339686759595087 0.9324208907279681 1.5623694799656038 1.5840384732071913 +35866,1.6057074664487874,1,0.6259594148826284 0.4990410258961769 0.2653254559333204 0.14150263740995023 0.07340008722209797 0.2157963285239741 -0.003989174355007293 -0.0550660869958943 -0.17269776459309288 -0.375457629925109 -0.375457629925109 -0.3522408514519809 -0.4961848779853978 -0.41879561640829255 0.29318559010107936 0.9339686759595087 0.9324208907279681 1.5623694799656038 1.5840384732071913 1.585586258438732 +35867,1.5453438424186385,1,0.4990410258961769 0.2653254559333204 0.14150263740995023 0.07340008722209797 0.2157963285239741 -0.003989174355007293 -0.0550660869958943 -0.17269776459309288 -0.375457629925109 -0.375457629925109 -0.3522408514519809 -0.4961848779853978 -0.41879561640829255 0.29318559010107936 0.9339686759595087 0.9324208907279681 1.5623694799656038 1.5840384732071913 1.585586258438732 1.6057074664487874 +35868,1.460215654683821,1,0.2653254559333204 0.14150263740995023 0.07340008722209797 0.2157963285239741 -0.003989174355007293 -0.0550660869958943 -0.17269776459309288 -0.375457629925109 -0.375457629925109 -0.3522408514519809 -0.4961848779853978 -0.41879561640829255 0.29318559010107936 0.9339686759595087 0.9324208907279681 1.5623694799656038 1.5840384732071913 1.585586258438732 1.6057074664487874 1.5453438424186385 +35869,1.1320851855969027,1,0.14150263740995023 0.07340008722209797 0.2157963285239741 -0.003989174355007293 -0.0550660869958943 -0.17269776459309288 -0.375457629925109 -0.375457629925109 -0.3522408514519809 -0.4961848779853978 -0.41879561640829255 0.29318559010107936 0.9339686759595087 0.9324208907279681 1.5623694799656038 1.5840384732071913 1.585586258438732 1.6057074664487874 1.5453438424186385 1.460215654683821 +35870,0.743591092479827,1,0.07340008722209797 0.2157963285239741 -0.003989174355007293 -0.0550660869958943 -0.17269776459309288 -0.375457629925109 -0.375457629925109 -0.3522408514519809 -0.4961848779853978 -0.41879561640829255 0.29318559010107936 0.9339686759595087 0.9324208907279681 1.5623694799656038 1.5840384732071913 1.585586258438732 1.6057074664487874 1.5453438424186385 1.460215654683821 1.1320851855969027 +35871,0.6553673342819281,1,0.2157963285239741 -0.003989174355007293 -0.0550660869958943 -0.17269776459309288 -0.375457629925109 -0.375457629925109 -0.3522408514519809 -0.4961848779853978 -0.41879561640829255 0.29318559010107936 0.9339686759595087 0.9324208907279681 1.5623694799656038 1.5840384732071913 1.585586258438732 1.6057074664487874 1.5453438424186385 1.460215654683821 1.1320851855969027 0.743591092479827 +35872,0.3194979390372976,1,-0.003989174355007293 -0.0550660869958943 -0.17269776459309288 -0.375457629925109 -0.375457629925109 -0.3522408514519809 -0.4961848779853978 -0.41879561640829255 0.29318559010107936 0.9339686759595087 0.9324208907279681 1.5623694799656038 1.5840384732071913 1.585586258438732 1.6057074664487874 1.5453438424186385 1.460215654683821 1.1320851855969027 0.743591092479827 0.6553673342819281 +35873,0.16317163065153759,1,-0.0550660869958943 -0.17269776459309288 -0.375457629925109 -0.375457629925109 -0.3522408514519809 -0.4961848779853978 -0.41879561640829255 0.29318559010107936 0.9339686759595087 0.9324208907279681 1.5623694799656038 1.5840384732071913 1.585586258438732 1.6057074664487874 1.5453438424186385 1.460215654683821 1.1320851855969027 0.743591092479827 0.6553673342819281 0.3194979390372976 +35874,0.08578236907443235,1,-0.17269776459309288 -0.375457629925109 -0.375457629925109 -0.3522408514519809 -0.4961848779853978 -0.41879561640829255 0.29318559010107936 0.9339686759595087 0.9324208907279681 1.5623694799656038 1.5840384732071913 1.585586258438732 1.6057074664487874 1.5453438424186385 1.460215654683821 1.1320851855969027 0.743591092479827 0.6553673342819281 0.3194979390372976 0.16317163065153759 +35875,-0.017919241438882367,1,-0.375457629925109 -0.375457629925109 -0.3522408514519809 -0.4961848779853978 -0.41879561640829255 0.29318559010107936 0.9339686759595087 0.9324208907279681 1.5623694799656038 1.5840384732071913 1.585586258438732 1.6057074664487874 1.5453438424186385 1.460215654683821 1.1320851855969027 0.743591092479827 0.6553673342819281 0.3194979390372976 0.16317163065153759 0.08578236907443235 +35876,-0.1076907848683308,1,-0.375457629925109 -0.3522408514519809 -0.4961848779853978 -0.41879561640829255 0.29318559010107936 0.9339686759595087 0.9324208907279681 1.5623694799656038 1.5840384732071913 1.585586258438732 1.6057074664487874 1.5453438424186385 1.460215654683821 1.1320851855969027 0.743591092479827 0.6553673342819281 0.3194979390372976 0.16317163065153759 0.08578236907443235 -0.017919241438882367 +35877,-0.2763993751064164,1,-0.3522408514519809 -0.4961848779853978 -0.41879561640829255 0.29318559010107936 0.9339686759595087 0.9324208907279681 1.5623694799656038 1.5840384732071913 1.585586258438732 1.6057074664487874 1.5453438424186385 1.460215654683821 1.1320851855969027 0.743591092479827 0.6553673342819281 0.3194979390372976 0.16317163065153759 0.08578236907443235 -0.017919241438882367 -0.1076907848683308 +35878,-0.33985856959964655,1,-0.4961848779853978 -0.41879561640829255 0.29318559010107936 0.9339686759595087 0.9324208907279681 1.5623694799656038 1.5840384732071913 1.585586258438732 1.6057074664487874 1.5453438424186385 1.460215654683821 1.1320851855969027 0.743591092479827 0.6553673342819281 0.3194979390372976 0.16317163065153759 0.08578236907443235 -0.017919241438882367 -0.1076907848683308 -0.2763993751064164 +35879,-0.41879561640829255,1,-0.41879561640829255 0.29318559010107936 0.9339686759595087 0.9324208907279681 1.5623694799656038 1.5840384732071913 1.585586258438732 1.6057074664487874 1.5453438424186385 1.460215654683821 1.1320851855969027 0.743591092479827 0.6553673342819281 0.3194979390372976 0.16317163065153759 0.08578236907443235 -0.017919241438882367 -0.1076907848683308 -0.2763993751064164 -0.33985856959964655 +35880,-0.40486554932440866,1,0.29318559010107936 0.9339686759595087 0.9324208907279681 1.5623694799656038 1.5840384732071913 1.585586258438732 1.6057074664487874 1.5453438424186385 1.460215654683821 1.1320851855969027 0.743591092479827 0.6553673342819281 0.3194979390372976 0.16317163065153759 0.08578236907443235 -0.017919241438882367 -0.1076907848683308 -0.2763993751064164 -0.33985856959964655 -0.41879561640829255 +35881,-0.4822548109015139,1,0.9339686759595087 0.9324208907279681 1.5623694799656038 1.5840384732071913 1.585586258438732 1.6057074664487874 1.5453438424186385 1.460215654683821 1.1320851855969027 0.743591092479827 0.6553673342819281 0.3194979390372976 0.16317163065153759 0.08578236907443235 -0.017919241438882367 -0.1076907848683308 -0.2763993751064164 -0.33985856959964655 -0.41879561640829255 -0.40486554932440866 +35882,-0.46213360289146727,1,0.9324208907279681 1.5623694799656038 1.5840384732071913 1.585586258438732 1.6057074664487874 1.5453438424186385 1.460215654683821 1.1320851855969027 0.743591092479827 0.6553673342819281 0.3194979390372976 0.16317163065153759 0.08578236907443235 -0.017919241438882367 -0.1076907848683308 -0.2763993751064164 -0.33985856959964655 -0.41879561640829255 -0.40486554932440866 -0.4822548109015139 +35883,-0.34759749575735005,1,1.5623694799656038 1.5840384732071913 1.585586258438732 1.6057074664487874 1.5453438424186385 1.460215654683821 1.1320851855969027 0.743591092479827 0.6553673342819281 0.3194979390372976 0.16317163065153759 0.08578236907443235 -0.017919241438882367 -0.1076907848683308 -0.2763993751064164 -0.33985856959964655 -0.41879561640829255 -0.40486554932440866 -0.4822548109015139 -0.46213360289146727 +35884,0.07649565768517935,1,1.5840384732071913 1.585586258438732 1.6057074664487874 1.5453438424186385 1.460215654683821 1.1320851855969027 0.743591092479827 0.6553673342819281 0.3194979390372976 0.16317163065153759 0.08578236907443235 -0.017919241438882367 -0.1076907848683308 -0.2763993751064164 -0.33985856959964655 -0.41879561640829255 -0.40486554932440866 -0.4822548109015139 -0.46213360289146727 -0.34759749575735005 +35885,0.6429850524295937,1,1.585586258438732 1.6057074664487874 1.5453438424186385 1.460215654683821 1.1320851855969027 0.743591092479827 0.6553673342819281 0.3194979390372976 0.16317163065153759 0.08578236907443235 -0.017919241438882367 -0.1076907848683308 -0.2763993751064164 -0.33985856959964655 -0.41879561640829255 -0.40486554932440866 -0.4822548109015139 -0.46213360289146727 -0.34759749575735005 0.07649565768517935 +35886,0.8968218304024969,1,1.6057074664487874 1.5453438424186385 1.460215654683821 1.1320851855969027 0.743591092479827 0.6553673342819281 0.3194979390372976 0.16317163065153759 0.08578236907443235 -0.017919241438882367 -0.1076907848683308 -0.2763993751064164 -0.33985856959964655 -0.41879561640829255 -0.40486554932440866 -0.4822548109015139 -0.46213360289146727 -0.34759749575735005 0.07649565768517935 0.6429850524295937 +35887,1.2125700176370895,1,1.5453438424186385 1.460215654683821 1.1320851855969027 0.743591092479827 0.6553673342819281 0.3194979390372976 0.16317163065153759 0.08578236907443235 -0.017919241438882367 -0.1076907848683308 -0.2763993751064164 -0.33985856959964655 -0.41879561640829255 -0.40486554932440866 -0.4822548109015139 -0.46213360289146727 -0.34759749575735005 0.07649565768517935 0.6429850524295937 0.8968218304024969 +35888,1.3472273327812534,1,1.460215654683821 1.1320851855969027 0.743591092479827 0.6553673342819281 0.3194979390372976 0.16317163065153759 0.08578236907443235 -0.017919241438882367 -0.1076907848683308 -0.2763993751064164 -0.33985856959964655 -0.41879561640829255 -0.40486554932440866 -0.4822548109015139 -0.46213360289146727 -0.34759749575735005 0.07649565768517935 0.6429850524295937 0.8968218304024969 1.2125700176370895 +35889,1.3688963260228406,1,1.1320851855969027 0.743591092479827 0.6553673342819281 0.3194979390372976 0.16317163065153759 0.08578236907443235 -0.017919241438882367 -0.1076907848683308 -0.2763993751064164 -0.33985856959964655 -0.41879561640829255 -0.40486554932440866 -0.4822548109015139 -0.46213360289146727 -0.34759749575735005 0.07649565768517935 0.6429850524295937 0.8968218304024969 1.2125700176370895 1.3472273327812534 +35890,1.348775118012794,1,0.743591092479827 0.6553673342819281 0.3194979390372976 0.16317163065153759 0.08578236907443235 -0.017919241438882367 -0.1076907848683308 -0.2763993751064164 -0.33985856959964655 -0.41879561640829255 -0.40486554932440866 -0.4822548109015139 -0.46213360289146727 -0.34759749575735005 0.07649565768517935 0.6429850524295937 0.8968218304024969 1.2125700176370895 1.3472273327812534 1.3688963260228406 +35891,1.2760292121303107,1,0.6553673342819281 0.3194979390372976 0.16317163065153759 0.08578236907443235 -0.017919241438882367 -0.1076907848683308 -0.2763993751064164 -0.33985856959964655 -0.41879561640829255 -0.40486554932440866 -0.4822548109015139 -0.46213360289146727 -0.34759749575735005 0.07649565768517935 0.6429850524295937 0.8968218304024969 1.2125700176370895 1.3472273327812534 1.3688963260228406 1.348775118012794 +35892,1.0423136421674544,1,0.3194979390372976 0.16317163065153759 0.08578236907443235 -0.017919241438882367 -0.1076907848683308 -0.2763993751064164 -0.33985856959964655 -0.41879561640829255 -0.40486554932440866 -0.4822548109015139 -0.46213360289146727 -0.34759749575735005 0.07649565768517935 0.6429850524295937 0.8968218304024969 1.2125700176370895 1.3472273327812534 1.3688963260228406 1.348775118012794 1.2760292121303107 +35893,0.7141831730805274,1,0.16317163065153759 0.08578236907443235 -0.017919241438882367 -0.1076907848683308 -0.2763993751064164 -0.33985856959964655 -0.41879561640829255 -0.40486554932440866 -0.4822548109015139 -0.46213360289146727 -0.34759749575735005 0.07649565768517935 0.6429850524295937 0.8968218304024969 1.2125700176370895 1.3472273327812534 1.3688963260228406 1.348775118012794 1.2760292121303107 1.0423136421674544 +35894,0.5238055896008544,1,0.08578236907443235 -0.017919241438882367 -0.1076907848683308 -0.2763993751064164 -0.33985856959964655 -0.41879561640829255 -0.40486554932440866 -0.4822548109015139 -0.46213360289146727 -0.34759749575735005 0.07649565768517935 0.6429850524295937 0.8968218304024969 1.2125700176370895 1.3472273327812534 1.3688963260228406 1.348775118012794 1.2760292121303107 1.0423136421674544 0.7141831730805274 +35895,0.4231995495506123,1,-0.017919241438882367 -0.1076907848683308 -0.2763993751064164 -0.33985856959964655 -0.41879561640829255 -0.40486554932440866 -0.4822548109015139 -0.46213360289146727 -0.34759749575735005 0.07649565768517935 0.6429850524295937 0.8968218304024969 1.2125700176370895 1.3472273327812534 1.3688963260228406 1.348775118012794 1.2760292121303107 1.0423136421674544 0.7141831730805274 0.5238055896008544 +35896,0.20186626144009023,1,-0.1076907848683308 -0.2763993751064164 -0.33985856959964655 -0.41879561640829255 -0.40486554932440866 -0.4822548109015139 -0.46213360289146727 -0.34759749575735005 0.07649565768517935 0.6429850524295937 0.8968218304024969 1.2125700176370895 1.3472273327812534 1.3688963260228406 1.348775118012794 1.2760292121303107 1.0423136421674544 0.7141831730805274 0.5238055896008544 0.4231995495506123 +35897,0.13066814078915656,1,-0.2763993751064164 -0.33985856959964655 -0.41879561640829255 -0.40486554932440866 -0.4822548109015139 -0.46213360289146727 -0.34759749575735005 0.07649565768517935 0.6429850524295937 0.8968218304024969 1.2125700176370895 1.3472273327812534 1.3688963260228406 1.348775118012794 1.2760292121303107 1.0423136421674544 0.7141831730805274 0.5238055896008544 0.4231995495506123 0.20186626144009023 +35898,0.008393107497327084,1,-0.33985856959964655 -0.41879561640829255 -0.40486554932440866 -0.4822548109015139 -0.46213360289146727 -0.34759749575735005 0.07649565768517935 0.6429850524295937 0.8968218304024969 1.2125700176370895 1.3472273327812534 1.3688963260228406 1.348775118012794 1.2760292121303107 1.0423136421674544 0.7141831730805274 0.5238055896008544 0.4231995495506123 0.20186626144009023 0.13066814078915656 +35899,-0.09530850301598763,1,-0.41879561640829255 -0.40486554932440866 -0.4822548109015139 -0.46213360289146727 -0.34759749575735005 0.07649565768517935 0.6429850524295937 0.8968218304024969 1.2125700176370895 1.3472273327812534 1.3688963260228406 1.348775118012794 1.2760292121303107 1.0423136421674544 0.7141831730805274 0.5238055896008544 0.4231995495506123 0.20186626144009023 0.13066814078915656 0.008393107497327084 +35900,-0.17269776459309288,1,-0.40486554932440866 -0.4822548109015139 -0.46213360289146727 -0.34759749575735005 0.07649565768517935 0.6429850524295937 0.8968218304024969 1.2125700176370895 1.3472273327812534 1.3688963260228406 1.348775118012794 1.2760292121303107 1.0423136421674544 0.7141831730805274 0.5238055896008544 0.4231995495506123 0.20186626144009023 0.13066814078915656 0.008393107497327084 -0.09530850301598763 +35901,-0.2113923953816455,1,-0.4822548109015139 -0.46213360289146727 -0.34759749575735005 0.07649565768517935 0.6429850524295937 0.8968218304024969 1.2125700176370895 1.3472273327812534 1.3688963260228406 1.348775118012794 1.2760292121303107 1.0423136421674544 0.7141831730805274 0.5238055896008544 0.4231995495506123 0.20186626144009023 0.13066814078915656 0.008393107497327084 -0.09530850301598763 -0.17269776459309288 +35902,-0.315094005894969,1,-0.46213360289146727 -0.34759749575735005 0.07649565768517935 0.6429850524295937 0.8968218304024969 1.2125700176370895 1.3472273327812534 1.3688963260228406 1.348775118012794 1.2760292121303107 1.0423136421674544 0.7141831730805274 0.5238055896008544 0.4231995495506123 0.20186626144009023 0.13066814078915656 0.008393107497327084 -0.09530850301598763 -0.17269776459309288 -0.2113923953816455 +35903,-0.3785532003881992,1,-0.34759749575735005 0.07649565768517935 0.6429850524295937 0.8968218304024969 1.2125700176370895 1.3472273327812534 1.3688963260228406 1.348775118012794 1.2760292121303107 1.0423136421674544 0.7141831730805274 0.5238055896008544 0.4231995495506123 0.20186626144009023 0.13066814078915656 0.008393107497327084 -0.09530850301598763 -0.17269776459309288 -0.2113923953816455 -0.315094005894969 +35904,-0.4822548109015139,1,0.07649565768517935 0.6429850524295937 0.8968218304024969 1.2125700176370895 1.3472273327812534 1.3688963260228406 1.348775118012794 1.2760292121303107 1.0423136421674544 0.7141831730805274 0.5238055896008544 0.4231995495506123 0.20186626144009023 0.13066814078915656 0.008393107497327084 -0.09530850301598763 -0.17269776459309288 -0.2113923953816455 -0.315094005894969 -0.3785532003881992 +35905,-0.5983387032671718,1,0.6429850524295937 0.8968218304024969 1.2125700176370895 1.3472273327812534 1.3688963260228406 1.348775118012794 1.2760292121303107 1.0423136421674544 0.7141831730805274 0.5238055896008544 0.4231995495506123 0.20186626144009023 0.13066814078915656 0.008393107497327084 -0.09530850301598763 -0.17269776459309288 -0.2113923953816455 -0.315094005894969 -0.3785532003881992 -0.4822548109015139 +35906,-0.6308421931295616,1,0.8968218304024969 1.2125700176370895 1.3472273327812534 1.3688963260228406 1.348775118012794 1.2760292121303107 1.0423136421674544 0.7141831730805274 0.5238055896008544 0.4231995495506123 0.20186626144009023 0.13066814078915656 0.008393107497327084 -0.09530850301598763 -0.17269776459309288 -0.2113923953816455 -0.315094005894969 -0.3785532003881992 -0.4822548109015139 -0.5983387032671718 +35907,-0.5936953475725497,1,1.2125700176370895 1.3472273327812534 1.3688963260228406 1.348775118012794 1.2760292121303107 1.0423136421674544 0.7141831730805274 0.5238055896008544 0.4231995495506123 0.20186626144009023 0.13066814078915656 0.008393107497327084 -0.09530850301598763 -0.17269776459309288 -0.2113923953816455 -0.315094005894969 -0.3785532003881992 -0.4822548109015139 -0.5983387032671718 -0.6308421931295616 +35908,-0.18043669075080518,1,1.3472273327812534 1.3688963260228406 1.348775118012794 1.2760292121303107 1.0423136421674544 0.7141831730805274 0.5238055896008544 0.4231995495506123 0.20186626144009023 0.13066814078915656 0.008393107497327084 -0.09530850301598763 -0.17269776459309288 -0.2113923953816455 -0.315094005894969 -0.3785532003881992 -0.4822548109015139 -0.5983387032671718 -0.6308421931295616 -0.5936953475725497 +35909,0.2854466639433671,1,1.3688963260228406 1.348775118012794 1.2760292121303107 1.0423136421674544 0.7141831730805274 0.5238055896008544 0.4231995495506123 0.20186626144009023 0.13066814078915656 0.008393107497327084 -0.09530850301598763 -0.17269776459309288 -0.2113923953816455 -0.315094005894969 -0.3785532003881992 -0.4822548109015139 -0.5983387032671718 -0.6308421931295616 -0.5936953475725497 -0.18043669075080518 +35910,0.5671435760840291,1,1.348775118012794 1.2760292121303107 1.0423136421674544 0.7141831730805274 0.5238055896008544 0.4231995495506123 0.20186626144009023 0.13066814078915656 0.008393107497327084 -0.09530850301598763 -0.17269776459309288 -0.2113923953816455 -0.315094005894969 -0.3785532003881992 -0.4822548109015139 -0.5983387032671718 -0.6308421931295616 -0.5936953475725497 -0.18043669075080518 0.2854466639433671 +35911,0.988141159063486,1,1.2760292121303107 1.0423136421674544 0.7141831730805274 0.5238055896008544 0.4231995495506123 0.20186626144009023 0.13066814078915656 0.008393107497327084 -0.09530850301598763 -0.17269776459309288 -0.2113923953816455 -0.315094005894969 -0.3785532003881992 -0.4822548109015139 -0.5983387032671718 -0.6308421931295616 -0.5936953475725497 -0.18043669075080518 0.2854466639433671 0.5671435760840291 +35912,1.1506586083754,1,1.0423136421674544 0.7141831730805274 0.5238055896008544 0.4231995495506123 0.20186626144009023 0.13066814078915656 0.008393107497327084 -0.09530850301598763 -0.17269776459309288 -0.2113923953816455 -0.315094005894969 -0.3785532003881992 -0.4822548109015139 -0.5983387032671718 -0.6308421931295616 -0.5936953475725497 -0.18043669075080518 0.2854466639433671 0.5671435760840291 0.988141159063486 +35913,1.2868637087511132,1,0.7141831730805274 0.5238055896008544 0.4231995495506123 0.20186626144009023 0.13066814078915656 0.008393107497327084 -0.09530850301598763 -0.17269776459309288 -0.2113923953816455 -0.315094005894969 -0.3785532003881992 -0.4822548109015139 -0.5983387032671718 -0.6308421931295616 -0.5936953475725497 -0.18043669075080518 0.2854466639433671 0.5671435760840291 0.988141159063486 1.1506586083754 +35914,1.30698491676116,1,0.5238055896008544 0.4231995495506123 0.20186626144009023 0.13066814078915656 0.008393107497327084 -0.09530850301598763 -0.17269776459309288 -0.2113923953816455 -0.315094005894969 -0.3785532003881992 -0.4822548109015139 -0.5983387032671718 -0.6308421931295616 -0.5936953475725497 -0.18043669075080518 0.2854466639433671 0.5671435760840291 0.988141159063486 1.1506586083754 1.2868637087511132 +35915,1.0314791455466608,1,0.4231995495506123 0.20186626144009023 0.13066814078915656 0.008393107497327084 -0.09530850301598763 -0.17269776459309288 -0.2113923953816455 -0.315094005894969 -0.3785532003881992 -0.4822548109015139 -0.5983387032671718 -0.6308421931295616 -0.5936953475725497 -0.18043669075080518 0.2854466639433671 0.5671435760840291 0.988141159063486 1.1506586083754 1.2868637087511132 1.30698491676116 +35916,0.7915724346576326,1,0.20186626144009023 0.13066814078915656 0.008393107497327084 -0.09530850301598763 -0.17269776459309288 -0.2113923953816455 -0.315094005894969 -0.3785532003881992 -0.4822548109015139 -0.5983387032671718 -0.6308421931295616 -0.5936953475725497 -0.18043669075080518 0.2854466639433671 0.5671435760840291 0.988141159063486 1.1506586083754 1.2868637087511132 1.30698491676116 1.0314791455466608 +35917,0.5036843815908078,1,0.13066814078915656 0.008393107497327084 -0.09530850301598763 -0.17269776459309288 -0.2113923953816455 -0.315094005894969 -0.3785532003881992 -0.4822548109015139 -0.5983387032671718 -0.6308421931295616 -0.5936953475725497 -0.18043669075080518 0.2854466639433671 0.5671435760840291 0.988141159063486 1.1506586083754 1.2868637087511132 1.30698491676116 1.0314791455466608 0.7915724346576326 +35918,0.25758652977560814,1,0.008393107497327084 -0.09530850301598763 -0.17269776459309288 -0.2113923953816455 -0.315094005894969 -0.3785532003881992 -0.4822548109015139 -0.5983387032671718 -0.6308421931295616 -0.5936953475725497 -0.18043669075080518 0.2854466639433671 0.5671435760840291 0.988141159063486 1.1506586083754 1.2868637087511132 1.30698491676116 1.0314791455466608 0.7915724346576326 0.5036843815908078 +35919,0.05947002013822289,1,-0.09530850301598763 -0.17269776459309288 -0.2113923953816455 -0.315094005894969 -0.3785532003881992 -0.4822548109015139 -0.5983387032671718 -0.6308421931295616 -0.5936953475725497 -0.18043669075080518 0.2854466639433671 0.5671435760840291 0.988141159063486 1.1506586083754 1.2868637087511132 1.30698491676116 1.0314791455466608 0.7915724346576326 0.5036843815908078 0.25758652977560814 +35920,-0.04732716083818202,1,-0.17269776459309288 -0.2113923953816455 -0.315094005894969 -0.3785532003881992 -0.4822548109015139 -0.5983387032671718 -0.6308421931295616 -0.5936953475725497 -0.18043669075080518 0.2854466639433671 0.5671435760840291 0.988141159063486 1.1506586083754 1.2868637087511132 1.30698491676116 1.0314791455466608 0.7915724346576326 0.5036843815908078 0.25758652977560814 0.05947002013822289 +35921,-0.1680544088984708,1,-0.2113923953816455 -0.315094005894969 -0.3785532003881992 -0.4822548109015139 -0.5983387032671718 -0.6308421931295616 -0.5936953475725497 -0.18043669075080518 0.2854466639433671 0.5671435760840291 0.988141159063486 1.1506586083754 1.2868637087511132 1.30698491676116 1.0314791455466608 0.7915724346576326 0.5036843815908078 0.25758652977560814 0.05947002013822289 -0.04732716083818202 +35922,-0.18508004644543605,1,-0.315094005894969 -0.3785532003881992 -0.4822548109015139 -0.5983387032671718 -0.6308421931295616 -0.5936953475725497 -0.18043669075080518 0.2854466639433671 0.5671435760840291 0.988141159063486 1.1506586083754 1.2868637087511132 1.30698491676116 1.0314791455466608 0.7915724346576326 0.5036843815908078 0.25758652977560814 0.05947002013822289 -0.04732716083818202 -0.1680544088984708 +35923,-0.2624693080225413,1,-0.3785532003881992 -0.4822548109015139 -0.5983387032671718 -0.6308421931295616 -0.5936953475725497 -0.18043669075080518 0.2854466639433671 0.5671435760840291 0.988141159063486 1.1506586083754 1.2868637087511132 1.30698491676116 1.0314791455466608 0.7915724346576326 0.5036843815908078 0.25758652977560814 0.05947002013822289 -0.04732716083818202 -0.1680544088984708 -0.18508004644543605 +35924,-0.38164877085128057,1,-0.4822548109015139 -0.5983387032671718 -0.6308421931295616 -0.5936953475725497 -0.18043669075080518 0.2854466639433671 0.5671435760840291 0.988141159063486 1.1506586083754 1.2868637087511132 1.30698491676116 1.0314791455466608 0.7915724346576326 0.5036843815908078 0.25758652977560814 0.05947002013822289 -0.04732716083818202 -0.1680544088984708 -0.18508004644543605 -0.2624693080225413 +35925,-0.4296301130290862,1,-0.5983387032671718 -0.6308421931295616 -0.5936953475725497 -0.18043669075080518 0.2854466639433671 0.5671435760840291 0.988141159063486 1.1506586083754 1.2868637087511132 1.30698491676116 1.0314791455466608 0.7915724346576326 0.5036843815908078 0.25758652977560814 0.05947002013822289 -0.04732716083818202 -0.1680544088984708 -0.18508004644543605 -0.2624693080225413 -0.38164877085128057 +35926,-0.5596440724786191,1,-0.6308421931295616 -0.5936953475725497 -0.18043669075080518 0.2854466639433671 0.5671435760840291 0.988141159063486 1.1506586083754 1.2868637087511132 1.30698491676116 1.0314791455466608 0.7915724346576326 0.5036843815908078 0.25758652977560814 0.05947002013822289 -0.04732716083818202 -0.1680544088984708 -0.18508004644543605 -0.2624693080225413 -0.38164877085128057 -0.4296301130290862 +35927,-0.5720263543309624,1,-0.5936953475725497 -0.18043669075080518 0.2854466639433671 0.5671435760840291 0.988141159063486 1.1506586083754 1.2868637087511132 1.30698491676116 1.0314791455466608 0.7915724346576326 0.5036843815908078 0.25758652977560814 0.05947002013822289 -0.04732716083818202 -0.1680544088984708 -0.18508004644543605 -0.2624693080225413 -0.38164877085128057 -0.4296301130290862 -0.5596440724786191 +35928,-0.620007696508768,1,-0.18043669075080518 0.2854466639433671 0.5671435760840291 0.988141159063486 1.1506586083754 1.2868637087511132 1.30698491676116 1.0314791455466608 0.7915724346576326 0.5036843815908078 0.25758652977560814 0.05947002013822289 -0.04732716083818202 -0.1680544088984708 -0.18508004644543605 -0.2624693080225413 -0.38164877085128057 -0.4296301130290862 -0.5596440724786191 -0.5720263543309624 +35929,-0.6323899783611023,1,0.2854466639433671 0.5671435760840291 0.988141159063486 1.1506586083754 1.2868637087511132 1.30698491676116 1.0314791455466608 0.7915724346576326 0.5036843815908078 0.25758652977560814 0.05947002013822289 -0.04732716083818202 -0.1680544088984708 -0.18508004644543605 -0.2624693080225413 -0.38164877085128057 -0.4296301130290862 -0.5596440724786191 -0.5720263543309624 -0.620007696508768 +35930,-0.610720985119515,1,0.5671435760840291 0.988141159063486 1.1506586083754 1.2868637087511132 1.30698491676116 1.0314791455466608 0.7915724346576326 0.5036843815908078 0.25758652977560814 0.05947002013822289 -0.04732716083818202 -0.1680544088984708 -0.18508004644543605 -0.2624693080225413 -0.38164877085128057 -0.4296301130290862 -0.5596440724786191 -0.5720263543309624 -0.620007696508768 -0.6323899783611023 +35931,-0.5472617906262848,1,0.988141159063486 1.1506586083754 1.2868637087511132 1.30698491676116 1.0314791455466608 0.7915724346576326 0.5036843815908078 0.25758652977560814 0.05947002013822289 -0.04732716083818202 -0.1680544088984708 -0.18508004644543605 -0.2624693080225413 -0.38164877085128057 -0.4296301130290862 -0.5596440724786191 -0.5720263543309624 -0.620007696508768 -0.6323899783611023 -0.610720985119515 +35932,-0.34604971052580935,1,1.1506586083754 1.2868637087511132 1.30698491676116 1.0314791455466608 0.7915724346576326 0.5036843815908078 0.25758652977560814 0.05947002013822289 -0.04732716083818202 -0.1680544088984708 -0.18508004644543605 -0.2624693080225413 -0.38164877085128057 -0.4296301130290862 -0.5596440724786191 -0.5720263543309624 -0.620007696508768 -0.6323899783611023 -0.610720985119515 -0.5472617906262848 +35933,-0.11852528148912447,1,1.2868637087511132 1.30698491676116 1.0314791455466608 0.7915724346576326 0.5036843815908078 0.25758652977560814 0.05947002013822289 -0.04732716083818202 -0.1680544088984708 -0.18508004644543605 -0.2624693080225413 -0.38164877085128057 -0.4296301130290862 -0.5596440724786191 -0.5720263543309624 -0.620007696508768 -0.6323899783611023 -0.610720985119515 -0.5472617906262848 -0.34604971052580935 +35934,0.20186626144009023,1,1.30698491676116 1.0314791455466608 0.7915724346576326 0.5036843815908078 0.25758652977560814 0.05947002013822289 -0.04732716083818202 -0.1680544088984708 -0.18508004644543605 -0.2624693080225413 -0.38164877085128057 -0.4296301130290862 -0.5596440724786191 -0.5720263543309624 -0.620007696508768 -0.6323899783611023 -0.610720985119515 -0.5472617906262848 -0.34604971052580935 -0.11852528148912447 +35935,0.49130209973846456,1,1.0314791455466608 0.7915724346576326 0.5036843815908078 0.25758652977560814 0.05947002013822289 -0.04732716083818202 -0.1680544088984708 -0.18508004644543605 -0.2624693080225413 -0.38164877085128057 -0.4296301130290862 -0.5596440724786191 -0.5720263543309624 -0.620007696508768 -0.6323899783611023 -0.610720985119515 -0.5472617906262848 -0.34604971052580935 -0.11852528148912447 0.20186626144009023 +35936,0.7095398173859053,1,0.7915724346576326 0.5036843815908078 0.25758652977560814 0.05947002013822289 -0.04732716083818202 -0.1680544088984708 -0.18508004644543605 -0.2624693080225413 -0.38164877085128057 -0.4296301130290862 -0.5596440724786191 -0.5720263543309624 -0.620007696508768 -0.6323899783611023 -0.610720985119515 -0.5472617906262848 -0.34604971052580935 -0.11852528148912447 0.20186626144009023 0.49130209973846456 +35937,0.8983696156340375,1,0.5036843815908078 0.25758652977560814 0.05947002013822289 -0.04732716083818202 -0.1680544088984708 -0.18508004644543605 -0.2624693080225413 -0.38164877085128057 -0.4296301130290862 -0.5596440724786191 -0.5720263543309624 -0.620007696508768 -0.6323899783611023 -0.610720985119515 -0.5472617906262848 -0.34604971052580935 -0.11852528148912447 0.20186626144009023 0.49130209973846456 0.7095398173859053 +35938,0.7606167300267923,1,0.25758652977560814 0.05947002013822289 -0.04732716083818202 -0.1680544088984708 -0.18508004644543605 -0.2624693080225413 -0.38164877085128057 -0.4296301130290862 -0.5596440724786191 -0.5720263543309624 -0.620007696508768 -0.6323899783611023 -0.610720985119515 -0.5472617906262848 -0.34604971052580935 -0.11852528148912447 0.20186626144009023 0.49130209973846456 0.7095398173859053 0.8983696156340375 +35939,0.7157309583120769,1,0.05947002013822289 -0.04732716083818202 -0.1680544088984708 -0.18508004644543605 -0.2624693080225413 -0.38164877085128057 -0.4296301130290862 -0.5596440724786191 -0.5720263543309624 -0.620007696508768 -0.6323899783611023 -0.610720985119515 -0.5472617906262848 -0.34604971052580935 -0.11852528148912447 0.20186626144009023 0.49130209973846456 0.7095398173859053 0.8983696156340375 0.7606167300267923 +35940,0.5129710929800607,1,-0.04732716083818202 -0.1680544088984708 -0.18508004644543605 -0.2624693080225413 -0.38164877085128057 -0.4296301130290862 -0.5596440724786191 -0.5720263543309624 -0.620007696508768 -0.6323899783611023 -0.610720985119515 -0.5472617906262848 -0.34604971052580935 -0.11852528148912447 0.20186626144009023 0.49130209973846456 0.7095398173859053 0.8983696156340375 0.7606167300267923 0.7157309583120769 +35941,0.29628116056416076,1,-0.1680544088984708 -0.18508004644543605 -0.2624693080225413 -0.38164877085128057 -0.4296301130290862 -0.5596440724786191 -0.5720263543309624 -0.620007696508768 -0.6323899783611023 -0.610720985119515 -0.5472617906262848 -0.34604971052580935 -0.11852528148912447 0.20186626144009023 0.49130209973846456 0.7095398173859053 0.8983696156340375 0.7606167300267923 0.7157309583120769 0.5129710929800607 +35942,0.04708773828587971,1,-0.18508004644543605 -0.2624693080225413 -0.38164877085128057 -0.4296301130290862 -0.5596440724786191 -0.5720263543309624 -0.620007696508768 -0.6323899783611023 -0.610720985119515 -0.5472617906262848 -0.34604971052580935 -0.11852528148912447 0.20186626144009023 0.49130209973846456 0.7095398173859053 0.8983696156340375 0.7606167300267923 0.7157309583120769 0.5129710929800607 0.29628116056416076 +35943,-0.024110382365053955,1,-0.2624693080225413 -0.38164877085128057 -0.4296301130290862 -0.5596440724786191 -0.5720263543309624 -0.620007696508768 -0.6323899783611023 -0.610720985119515 -0.5472617906262848 -0.34604971052580935 -0.11852528148912447 0.20186626144009023 0.49130209973846456 0.7095398173859053 0.8983696156340375 0.7606167300267923 0.7157309583120769 0.5129710929800607 0.29628116056416076 0.04708773828587971 +35944,-0.08756957685828413,1,-0.38164877085128057 -0.4296301130290862 -0.5596440724786191 -0.5720263543309624 -0.620007696508768 -0.6323899783611023 -0.610720985119515 -0.5472617906262848 -0.34604971052580935 -0.11852528148912447 0.20186626144009023 0.49130209973846456 0.7095398173859053 0.8983696156340375 0.7606167300267923 0.7157309583120769 0.5129710929800607 0.29628116056416076 0.04708773828587971 -0.024110382365053955 +35945,-0.20055789876085184,1,-0.4296301130290862 -0.5596440724786191 -0.5720263543309624 -0.620007696508768 -0.6323899783611023 -0.610720985119515 -0.5472617906262848 -0.34604971052580935 -0.11852528148912447 0.20186626144009023 0.49130209973846456 0.7095398173859053 0.8983696156340375 0.7606167300267923 0.7157309583120769 0.5129710929800607 0.29628116056416076 0.04708773828587971 -0.024110382365053955 -0.08756957685828413 +35946,-0.34759749575735005,1,-0.5596440724786191 -0.5720263543309624 -0.620007696508768 -0.6323899783611023 -0.610720985119515 -0.5472617906262848 -0.34604971052580935 -0.11852528148912447 0.20186626144009023 0.49130209973846456 0.7095398173859053 0.8983696156340375 0.7606167300267923 0.7157309583120769 0.5129710929800607 0.29628116056416076 0.04708773828587971 -0.024110382365053955 -0.08756957685828413 -0.20055789876085184 +35947,-0.3708142742304869,1,-0.5720263543309624 -0.620007696508768 -0.6323899783611023 -0.610720985119515 -0.5472617906262848 -0.34604971052580935 -0.11852528148912447 0.20186626144009023 0.49130209973846456 0.7095398173859053 0.8983696156340375 0.7606167300267923 0.7157309583120769 0.5129710929800607 0.29628116056416076 0.04708773828587971 -0.024110382365053955 -0.08756957685828413 -0.20055789876085184 -0.34759749575735005 +35948,-0.5085671598377322,1,-0.620007696508768 -0.6323899783611023 -0.610720985119515 -0.5472617906262848 -0.34604971052580935 -0.11852528148912447 0.20186626144009023 0.49130209973846456 0.7095398173859053 0.8983696156340375 0.7606167300267923 0.7157309583120769 0.5129710929800607 0.29628116056416076 0.04708773828587971 -0.024110382365053955 -0.08756957685828413 -0.20055789876085184 -0.34759749575735005 -0.3708142742304869 +35949,-0.5596440724786191,1,-0.6323899783611023 -0.610720985119515 -0.5472617906262848 -0.34604971052580935 -0.11852528148912447 0.20186626144009023 0.49130209973846456 0.7095398173859053 0.8983696156340375 0.7606167300267923 0.7157309583120769 0.5129710929800607 0.29628116056416076 0.04708773828587971 -0.024110382365053955 -0.08756957685828413 -0.20055789876085184 -0.34759749575735005 -0.3708142742304869 -0.5085671598377322 +35950,-0.5844086361832967,1,-0.610720985119515 -0.5472617906262848 -0.34604971052580935 -0.11852528148912447 0.20186626144009023 0.49130209973846456 0.7095398173859053 0.8983696156340375 0.7606167300267923 0.7157309583120769 0.5129710929800607 0.29628116056416076 0.04708773828587971 -0.024110382365053955 -0.08756957685828413 -0.20055789876085184 -0.34759749575735005 -0.3708142742304869 -0.5085671598377322 -0.5596440724786191 +35951,-0.5580962872470785,1,-0.5472617906262848 -0.34604971052580935 -0.11852528148912447 0.20186626144009023 0.49130209973846456 0.7095398173859053 0.8983696156340375 0.7606167300267923 0.7157309583120769 0.5129710929800607 0.29628116056416076 0.04708773828587971 -0.024110382365053955 -0.08756957685828413 -0.20055789876085184 -0.34759749575735005 -0.3708142742304869 -0.5085671598377322 -0.5596440724786191 -0.5844086361832967 +35952,-0.610720985119515,1,-0.34604971052580935 -0.11852528148912447 0.20186626144009023 0.49130209973846456 0.7095398173859053 0.8983696156340375 0.7606167300267923 0.7157309583120769 0.5129710929800607 0.29628116056416076 0.04708773828587971 -0.024110382365053955 -0.08756957685828413 -0.20055789876085184 -0.34759749575735005 -0.3708142742304869 -0.5085671598377322 -0.5596440724786191 -0.5844086361832967 -0.5580962872470785 +35953,-0.610720985119515,1,-0.11852528148912447 0.20186626144009023 0.49130209973846456 0.7095398173859053 0.8983696156340375 0.7606167300267923 0.7157309583120769 0.5129710929800607 0.29628116056416076 0.04708773828587971 -0.024110382365053955 -0.08756957685828413 -0.20055789876085184 -0.34759749575735005 -0.3708142742304869 -0.5085671598377322 -0.5596440724786191 -0.5844086361832967 -0.5580962872470785 -0.610720985119515 +35954,-0.675727964844277,1,0.20186626144009023 0.49130209973846456 0.7095398173859053 0.8983696156340375 0.7606167300267923 0.7157309583120769 0.5129710929800607 0.29628116056416076 0.04708773828587971 -0.024110382365053955 -0.08756957685828413 -0.20055789876085184 -0.34759749575735005 -0.3708142742304869 -0.5085671598377322 -0.5596440724786191 -0.5844086361832967 -0.5580962872470785 -0.610720985119515 -0.610720985119515 +35955,-0.5998864884987125,1,0.49130209973846456 0.7095398173859053 0.8983696156340375 0.7606167300267923 0.7157309583120769 0.5129710929800607 0.29628116056416076 0.04708773828587971 -0.024110382365053955 -0.08756957685828413 -0.20055789876085184 -0.34759749575735005 -0.3708142742304869 -0.5085671598377322 -0.5596440724786191 -0.5844086361832967 -0.5580962872470785 -0.610720985119515 -0.610720985119515 -0.675727964844277 +35956,-0.3259285025157627,1,0.7095398173859053 0.8983696156340375 0.7606167300267923 0.7157309583120769 0.5129710929800607 0.29628116056416076 0.04708773828587971 -0.024110382365053955 -0.08756957685828413 -0.20055789876085184 -0.34759749575735005 -0.3708142742304869 -0.5085671598377322 -0.5596440724786191 -0.5844086361832967 -0.5580962872470785 -0.610720985119515 -0.610720985119515 -0.675727964844277 -0.5998864884987125 +35957,0.033157671202004635,1,0.8983696156340375 0.7606167300267923 0.7157309583120769 0.5129710929800607 0.29628116056416076 0.04708773828587971 -0.024110382365053955 -0.08756957685828413 -0.20055789876085184 -0.34759749575735005 -0.3708142742304869 -0.5085671598377322 -0.5596440724786191 -0.5844086361832967 -0.5580962872470785 -0.610720985119515 -0.610720985119515 -0.675727964844277 -0.5998864884987125 -0.3259285025157627 +35958,0.45105968371837124,1,0.7606167300267923 0.7157309583120769 0.5129710929800607 0.29628116056416076 0.04708773828587971 -0.024110382365053955 -0.08756957685828413 -0.20055789876085184 -0.34759749575735005 -0.3708142742304869 -0.5085671598377322 -0.5596440724786191 -0.5844086361832967 -0.5580962872470785 -0.610720985119515 -0.610720985119515 -0.675727964844277 -0.5998864884987125 -0.3259285025157627 0.033157671202004635 +35959,0.8519360586877814,1,0.7157309583120769 0.5129710929800607 0.29628116056416076 0.04708773828587971 -0.024110382365053955 -0.08756957685828413 -0.20055789876085184 -0.34759749575735005 -0.3708142742304869 -0.5085671598377322 -0.5596440724786191 -0.5844086361832967 -0.5580962872470785 -0.610720985119515 -0.610720985119515 -0.675727964844277 -0.5998864884987125 -0.3259285025157627 0.033157671202004635 0.45105968371837124 +35960,1.0129057227681548,1,0.5129710929800607 0.29628116056416076 0.04708773828587971 -0.024110382365053955 -0.08756957685828413 -0.20055789876085184 -0.34759749575735005 -0.3708142742304869 -0.5085671598377322 -0.5596440724786191 -0.5844086361832967 -0.5580962872470785 -0.610720985119515 -0.610720985119515 -0.675727964844277 -0.5998864884987125 -0.3259285025157627 0.033157671202004635 0.45105968371837124 0.8519360586877814 +35961,1.085651628650638,1,0.29628116056416076 0.04708773828587971 -0.024110382365053955 -0.08756957685828413 -0.20055789876085184 -0.34759749575735005 -0.3708142742304869 -0.5085671598377322 -0.5596440724786191 -0.5844086361832967 -0.5580962872470785 -0.610720985119515 -0.610720985119515 -0.675727964844277 -0.5998864884987125 -0.3259285025157627 0.033157671202004635 0.45105968371837124 0.8519360586877814 1.0129057227681548 +35962,1.0933905548083502,1,0.04708773828587971 -0.024110382365053955 -0.08756957685828413 -0.20055789876085184 -0.34759749575735005 -0.3708142742304869 -0.5085671598377322 -0.5596440724786191 -0.5844086361832967 -0.5580962872470785 -0.610720985119515 -0.610720985119515 -0.675727964844277 -0.5998864884987125 -0.3259285025157627 0.033157671202004635 0.45105968371837124 0.8519360586877814 1.0129057227681548 1.085651628650638 +35963,1.062434850177501,1,-0.024110382365053955 -0.08756957685828413 -0.20055789876085184 -0.34759749575735005 -0.3708142742304869 -0.5085671598377322 -0.5596440724786191 -0.5844086361832967 -0.5580962872470785 -0.610720985119515 -0.610720985119515 -0.675727964844277 -0.5998864884987125 -0.3259285025157627 0.033157671202004635 0.45105968371837124 0.8519360586877814 1.0129057227681548 1.085651628650638 1.0933905548083502 +35964,0.9122996827179214,1,-0.08756957685828413 -0.20055789876085184 -0.34759749575735005 -0.3708142742304869 -0.5085671598377322 -0.5596440724786191 -0.5844086361832967 -0.5580962872470785 -0.610720985119515 -0.610720985119515 -0.675727964844277 -0.5998864884987125 -0.3259285025157627 0.033157671202004635 0.45105968371837124 0.8519360586877814 1.0129057227681548 1.085651628650638 1.0933905548083502 1.062434850177501 +35965,0.6120293477987534,1,-0.20055789876085184 -0.34759749575735005 -0.3708142742304869 -0.5085671598377322 -0.5596440724786191 -0.5844086361832967 -0.5580962872470785 -0.610720985119515 -0.610720985119515 -0.675727964844277 -0.5998864884987125 -0.3259285025157627 0.033157671202004635 0.45105968371837124 0.8519360586877814 1.0129057227681548 1.085651628650638 1.0933905548083502 1.062434850177501 0.9122996827179214 +35966,0.3937916301513127,1,-0.34759749575735005 -0.3708142742304869 -0.5085671598377322 -0.5596440724786191 -0.5844086361832967 -0.5580962872470785 -0.610720985119515 -0.610720985119515 -0.675727964844277 -0.5998864884987125 -0.3259285025157627 0.033157671202004635 0.45105968371837124 0.8519360586877814 1.0129057227681548 1.085651628650638 1.0933905548083502 1.062434850177501 0.9122996827179214 0.6120293477987534 +35967,0.2127007580608927,1,-0.3708142742304869 -0.5085671598377322 -0.5596440724786191 -0.5844086361832967 -0.5580962872470785 -0.610720985119515 -0.610720985119515 -0.675727964844277 -0.5998864884987125 -0.3259285025157627 0.033157671202004635 0.45105968371837124 0.8519360586877814 1.0129057227681548 1.085651628650638 1.0933905548083502 1.062434850177501 0.9122996827179214 0.6120293477987534 0.3937916301513127 +35968,0.06566116106438567,1,-0.5085671598377322 -0.5596440724786191 -0.5844086361832967 -0.5580962872470785 -0.610720985119515 -0.610720985119515 -0.675727964844277 -0.5998864884987125 -0.3259285025157627 0.033157671202004635 0.45105968371837124 0.8519360586877814 1.0129057227681548 1.085651628650638 1.0933905548083502 1.062434850177501 0.9122996827179214 0.6120293477987534 0.3937916301513127 0.2127007580608927 +35969,0.017679818886580066,1,-0.5596440724786191 -0.5844086361832967 -0.5580962872470785 -0.610720985119515 -0.610720985119515 -0.675727964844277 -0.5998864884987125 -0.3259285025157627 0.033157671202004635 0.45105968371837124 0.8519360586877814 1.0129057227681548 1.085651628650638 1.0933905548083502 1.062434850177501 0.9122996827179214 0.6120293477987534 0.3937916301513127 0.2127007580608927 0.06566116106438567 +35970,-0.13245534857299956,1,-0.5844086361832967 -0.5580962872470785 -0.610720985119515 -0.610720985119515 -0.675727964844277 -0.5998864884987125 -0.3259285025157627 0.033157671202004635 0.45105968371837124 0.8519360586877814 1.0129057227681548 1.085651628650638 1.0933905548083502 1.062434850177501 0.9122996827179214 0.6120293477987534 0.3937916301513127 0.2127007580608927 0.06566116106438567 0.017679818886580066 +35971,-0.2237746772339887,1,-0.5580962872470785 -0.610720985119515 -0.610720985119515 -0.675727964844277 -0.5998864884987125 -0.3259285025157627 0.033157671202004635 0.45105968371837124 0.8519360586877814 1.0129057227681548 1.085651628650638 1.0933905548083502 1.062434850177501 0.9122996827179214 0.6120293477987534 0.3937916301513127 0.2127007580608927 0.06566116106438567 0.017679818886580066 -0.13245534857299956 +35972,-0.2237746772339887,1,-0.610720985119515 -0.610720985119515 -0.675727964844277 -0.5998864884987125 -0.3259285025157627 0.033157671202004635 0.45105968371837124 0.8519360586877814 1.0129057227681548 1.085651628650638 1.0933905548083502 1.062434850177501 0.9122996827179214 0.6120293477987534 0.3937916301513127 0.2127007580608927 0.06566116106438567 0.017679818886580066 -0.13245534857299956 -0.2237746772339887 +35973,-0.23615695908632306,1,-0.610720985119515 -0.675727964844277 -0.5998864884987125 -0.3259285025157627 0.033157671202004635 0.45105968371837124 0.8519360586877814 1.0129057227681548 1.085651628650638 1.0933905548083502 1.062434850177501 0.9122996827179214 0.6120293477987534 0.3937916301513127 0.2127007580608927 0.06566116106438567 0.017679818886580066 -0.13245534857299956 -0.2237746772339887 -0.2237746772339887 +35974,-0.4296301130290862,1,-0.675727964844277 -0.5998864884987125 -0.3259285025157627 0.033157671202004635 0.45105968371837124 0.8519360586877814 1.0129057227681548 1.085651628650638 1.0933905548083502 1.062434850177501 0.9122996827179214 0.6120293477987534 0.3937916301513127 0.2127007580608927 0.06566116106438567 0.017679818886580066 -0.13245534857299956 -0.2237746772339887 -0.2237746772339887 -0.23615695908632306 +35975,-0.4807070256699732,1,-0.5998864884987125 -0.3259285025157627 0.033157671202004635 0.45105968371837124 0.8519360586877814 1.0129057227681548 1.085651628650638 1.0933905548083502 1.062434850177501 0.9122996827179214 0.6120293477987534 0.3937916301513127 0.2127007580608927 0.06566116106438567 0.017679818886580066 -0.13245534857299956 -0.2237746772339887 -0.2237746772339887 -0.23615695908632306 -0.4296301130290862 +35976,-0.5333317235424098,1,-0.3259285025157627 0.033157671202004635 0.45105968371837124 0.8519360586877814 1.0129057227681548 1.085651628650638 1.0933905548083502 1.062434850177501 0.9122996827179214 0.6120293477987534 0.3937916301513127 0.2127007580608927 0.06566116106438567 0.017679818886580066 -0.13245534857299956 -0.2237746772339887 -0.2237746772339887 -0.23615695908632306 -0.4296301130290862 -0.4807070256699732 +35977,-0.4946370927538571,1,0.033157671202004635 0.45105968371837124 0.8519360586877814 1.0129057227681548 1.085651628650638 1.0933905548083502 1.062434850177501 0.9122996827179214 0.6120293477987534 0.3937916301513127 0.2127007580608927 0.06566116106438567 0.017679818886580066 -0.13245534857299956 -0.2237746772339887 -0.2237746772339887 -0.23615695908632306 -0.4296301130290862 -0.4807070256699732 -0.5333317235424098 +35978,-0.5333317235424098,1,0.45105968371837124 0.8519360586877814 1.0129057227681548 1.085651628650638 1.0933905548083502 1.062434850177501 0.9122996827179214 0.6120293477987534 0.3937916301513127 0.2127007580608927 0.06566116106438567 0.017679818886580066 -0.13245534857299956 -0.2237746772339887 -0.2237746772339887 -0.23615695908632306 -0.4296301130290862 -0.4807070256699732 -0.5333317235424098 -0.4946370927538571 +35979,-0.41879561640829255,1,0.8519360586877814 1.0129057227681548 1.085651628650638 1.0933905548083502 1.062434850177501 0.9122996827179214 0.6120293477987534 0.3937916301513127 0.2127007580608927 0.06566116106438567 0.017679818886580066 -0.13245534857299956 -0.2237746772339887 -0.2237746772339887 -0.23615695908632306 -0.4296301130290862 -0.4807070256699732 -0.5333317235424098 -0.4946370927538571 -0.5333317235424098 +35980,0.16007606018845622,1,1.0129057227681548 1.085651628650638 1.0933905548083502 1.062434850177501 0.9122996827179214 0.6120293477987534 0.3937916301513127 0.2127007580608927 0.06566116106438567 0.017679818886580066 -0.13245534857299956 -0.2237746772339887 -0.2237746772339887 -0.23615695908632306 -0.4296301130290862 -0.4807070256699732 -0.5333317235424098 -0.4946370927538571 -0.5333317235424098 -0.41879561640829255 +35981,0.664654045671181,1,1.085651628650638 1.0933905548083502 1.062434850177501 0.9122996827179214 0.6120293477987534 0.3937916301513127 0.2127007580608927 0.06566116106438567 0.017679818886580066 -0.13245534857299956 -0.2237746772339887 -0.2237746772339887 -0.23615695908632306 -0.4296301130290862 -0.4807070256699732 -0.5333317235424098 -0.4946370927538571 -0.5333317235424098 -0.41879561640829255 0.16007606018845622 +35982,0.762164515258333,1,1.0933905548083502 1.062434850177501 0.9122996827179214 0.6120293477987534 0.3937916301513127 0.2127007580608927 0.06566116106438567 0.017679818886580066 -0.13245534857299956 -0.2237746772339887 -0.2237746772339887 -0.23615695908632306 -0.4296301130290862 -0.4807070256699732 -0.5333317235424098 -0.4946370927538571 -0.5333317235424098 -0.41879561640829255 0.16007606018845622 0.664654045671181 +35983,1.6227331039957438,1,1.062434850177501 0.9122996827179214 0.6120293477987534 0.3937916301513127 0.2127007580608927 0.06566116106438567 0.017679818886580066 -0.13245534857299956 -0.2237746772339887 -0.2237746772339887 -0.23615695908632306 -0.4296301130290862 -0.4807070256699732 -0.5333317235424098 -0.4946370927538571 -0.5333317235424098 -0.41879561640829255 0.16007606018845622 0.664654045671181 0.762164515258333 +35984,1.788346123770748,1,0.9122996827179214 0.6120293477987534 0.3937916301513127 0.2127007580608927 0.06566116106438567 0.017679818886580066 -0.13245534857299956 -0.2237746772339887 -0.2237746772339887 -0.23615695908632306 -0.4296301130290862 -0.4807070256699732 -0.5333317235424098 -0.4946370927538571 -0.5333317235424098 -0.41879561640829255 0.16007606018845622 0.664654045671181 0.762164515258333 1.6227331039957438 +35985,1.8858565933579,1,0.6120293477987534 0.3937916301513127 0.2127007580608927 0.06566116106438567 0.017679818886580066 -0.13245534857299956 -0.2237746772339887 -0.2237746772339887 -0.23615695908632306 -0.4296301130290862 -0.4807070256699732 -0.5333317235424098 -0.4946370927538571 -0.5333317235424098 -0.41879561640829255 0.16007606018845622 0.664654045671181 0.762164515258333 1.6227331039957438 1.788346123770748 +35986,1.9833670629450606,1,0.3937916301513127 0.2127007580608927 0.06566116106438567 0.017679818886580066 -0.13245534857299956 -0.2237746772339887 -0.2237746772339887 -0.23615695908632306 -0.4296301130290862 -0.4807070256699732 -0.5333317235424098 -0.4946370927538571 -0.5333317235424098 -0.41879561640829255 0.16007606018845622 0.664654045671181 0.762164515258333 1.6227331039957438 1.788346123770748 1.8858565933579 +35987,1.8765698819686558,1,0.2127007580608927 0.06566116106438567 0.017679818886580066 -0.13245534857299956 -0.2237746772339887 -0.2237746772339887 -0.23615695908632306 -0.4296301130290862 -0.4807070256699732 -0.5333317235424098 -0.4946370927538571 -0.5333317235424098 -0.41879561640829255 0.16007606018845622 0.664654045671181 0.762164515258333 1.6227331039957438 1.788346123770748 1.8858565933579 1.9833670629450606 +35988,1.667618875710468,1,0.06566116106438567 0.017679818886580066 -0.13245534857299956 -0.2237746772339887 -0.2237746772339887 -0.23615695908632306 -0.4296301130290862 -0.4807070256699732 -0.5333317235424098 -0.4946370927538571 -0.5333317235424098 -0.41879561640829255 0.16007606018845622 0.664654045671181 0.762164515258333 1.6227331039957438 1.788346123770748 1.8858565933579 1.9833670629450606 1.8765698819686558 +35989,1.2543602188887235,1,0.017679818886580066 -0.13245534857299956 -0.2237746772339887 -0.2237746772339887 -0.23615695908632306 -0.4296301130290862 -0.4807070256699732 -0.5333317235424098 -0.4946370927538571 -0.5333317235424098 -0.41879561640829255 0.16007606018845622 0.664654045671181 0.762164515258333 1.6227331039957438 1.788346123770748 1.8858565933579 1.9833670629450606 1.8765698819686558 1.667618875710468 +35990,1.0639826354090505,1,-0.13245534857299956 -0.2237746772339887 -0.2237746772339887 -0.23615695908632306 -0.4296301130290862 -0.4807070256699732 -0.5333317235424098 -0.4946370927538571 -0.5333317235424098 -0.41879561640829255 0.16007606018845622 0.664654045671181 0.762164515258333 1.6227331039957438 1.788346123770748 1.8858565933579 1.9833670629450606 1.8765698819686558 1.667618875710468 1.2543602188887235 +35991,0.8024069312784263,1,-0.2237746772339887 -0.2237746772339887 -0.23615695908632306 -0.4296301130290862 -0.4807070256699732 -0.5333317235424098 -0.4946370927538571 -0.5333317235424098 -0.41879561640829255 0.16007606018845622 0.664654045671181 0.762164515258333 1.6227331039957438 1.788346123770748 1.8858565933579 1.9833670629450606 1.8765698819686558 1.667618875710468 1.2543602188887235 1.0639826354090505 +35992,0.6042904216410411,1,-0.2237746772339887 -0.23615695908632306 -0.4296301130290862 -0.4807070256699732 -0.5333317235424098 -0.4946370927538571 -0.5333317235424098 -0.41879561640829255 0.16007606018845622 0.664654045671181 0.762164515258333 1.6227331039957438 1.788346123770748 1.8858565933579 1.9833670629450606 1.8765698819686558 1.667618875710468 1.2543602188887235 1.0639826354090505 0.8024069312784263 +35993,0.5114233077485113,1,-0.23615695908632306 -0.4296301130290862 -0.4807070256699732 -0.5333317235424098 -0.4946370927538571 -0.5333317235424098 -0.41879561640829255 0.16007606018845622 0.664654045671181 0.762164515258333 1.6227331039957438 1.788346123770748 1.8858565933579 1.9833670629450606 1.8765698819686558 1.667618875710468 1.2543602188887235 1.0639826354090505 0.8024069312784263 0.6042904216410411 +35994,0.3906960596882313,1,-0.4296301130290862 -0.4807070256699732 -0.5333317235424098 -0.4946370927538571 -0.5333317235424098 -0.41879561640829255 0.16007606018845622 0.664654045671181 0.762164515258333 1.6227331039957438 1.788346123770748 1.8858565933579 1.9833670629450606 1.8765698819686558 1.667618875710468 1.2543602188887235 1.0639826354090505 0.8024069312784263 0.6042904216410411 0.5114233077485113 +35995,0.18793619435621514,1,-0.4807070256699732 -0.5333317235424098 -0.4946370927538571 -0.5333317235424098 -0.41879561640829255 0.16007606018845622 0.664654045671181 0.762164515258333 1.6227331039957438 1.788346123770748 1.8858565933579 1.9833670629450606 1.8765698819686558 1.667618875710468 1.2543602188887235 1.0639826354090505 0.8024069312784263 0.6042904216410411 0.5114233077485113 0.3906960596882313 +35996,0.2142485432924334,1,-0.5333317235424098 -0.4946370927538571 -0.5333317235424098 -0.41879561640829255 0.16007606018845622 0.664654045671181 0.762164515258333 1.6227331039957438 1.788346123770748 1.8858565933579 1.9833670629450606 1.8765698819686558 1.667618875710468 1.2543602188887235 1.0639826354090505 0.8024069312784263 0.6042904216410411 0.5114233077485113 0.3906960596882313 0.18793619435621514 +35997,-0.002441389123466596,1,-0.4946370927538571 -0.5333317235424098 -0.41879561640829255 0.16007606018845622 0.664654045671181 0.762164515258333 1.6227331039957438 1.788346123770748 1.8858565933579 1.9833670629450606 1.8765698819686558 1.667618875710468 1.2543602188887235 1.0639826354090505 0.8024069312784263 0.6042904216410411 0.5114233077485113 0.3906960596882313 0.18793619435621514 0.2142485432924334 +35998,0.006845322265786387,1,-0.5333317235424098 -0.41879561640829255 0.16007606018845622 0.664654045671181 0.762164515258333 1.6227331039957438 1.788346123770748 1.8858565933579 1.9833670629450606 1.8765698819686558 1.667618875710468 1.2543602188887235 1.0639826354090505 0.8024069312784263 0.6042904216410411 0.5114233077485113 0.3906960596882313 0.18793619435621514 0.2142485432924334 -0.002441389123466596 +35999,0.03160988597046394,1,-0.41879561640829255 0.16007606018845622 0.664654045671181 0.762164515258333 1.6227331039957438 1.788346123770748 1.8858565933579 1.9833670629450606 1.8765698819686558 1.667618875710468 1.2543602188887235 1.0639826354090505 0.8024069312784263 0.6042904216410411 0.5114233077485113 0.3906960596882313 0.18793619435621514 0.2142485432924334 -0.002441389123466596 0.006845322265786387 +36000,0.20031847620854953,1,0.16007606018845622 0.664654045671181 0.762164515258333 1.6227331039957438 1.788346123770748 1.8858565933579 1.9833670629450606 1.8765698819686558 1.667618875710468 1.2543602188887235 1.0639826354090505 0.8024069312784263 0.6042904216410411 0.5114233077485113 0.3906960596882313 0.18793619435621514 0.2142485432924334 -0.002441389123466596 0.006845322265786387 0.03160988597046394 +36001,0.019227604118129564,1,0.664654045671181 0.762164515258333 1.6227331039957438 1.788346123770748 1.8858565933579 1.9833670629450606 1.8765698819686558 1.667618875710468 1.2543602188887235 1.0639826354090505 0.8024069312784263 0.6042904216410411 0.5114233077485113 0.3906960596882313 0.18793619435621514 0.2142485432924334 -0.002441389123466596 0.006845322265786387 0.03160988597046394 0.20031847620854953 +36002,0.1089991475475692,1,0.762164515258333 1.6227331039957438 1.788346123770748 1.8858565933579 1.9833670629450606 1.8765698819686558 1.667618875710468 1.2543602188887235 1.0639826354090505 0.8024069312784263 0.6042904216410411 0.5114233077485113 0.3906960596882313 0.18793619435621514 0.2142485432924334 -0.002441389123466596 0.006845322265786387 0.03160988597046394 0.20031847620854953 0.019227604118129564 +36003,0.15543270449383412,1,1.6227331039957438 1.788346123770748 1.8858565933579 1.9833670629450606 1.8765698819686558 1.667618875710468 1.2543602188887235 1.0639826354090505 0.8024069312784263 0.6042904216410411 0.5114233077485113 0.3906960596882313 0.18793619435621514 0.2142485432924334 -0.002441389123466596 0.006845322265786387 0.03160988597046394 0.20031847620854953 0.019227604118129564 0.1089991475475692 +36004,0.6863230389127685,1,1.788346123770748 1.8858565933579 1.9833670629450606 1.8765698819686558 1.667618875710468 1.2543602188887235 1.0639826354090505 0.8024069312784263 0.6042904216410411 0.5114233077485113 0.3906960596882313 0.18793619435621514 0.2142485432924334 -0.002441389123466596 0.006845322265786387 0.03160988597046394 0.20031847620854953 0.019227604118129564 0.1089991475475692 0.15543270449383412 +36005,1.339488406623541,1,1.8858565933579 1.9833670629450606 1.8765698819686558 1.667618875710468 1.2543602188887235 1.0639826354090505 0.8024069312784263 0.6042904216410411 0.5114233077485113 0.3906960596882313 0.18793619435621514 0.2142485432924334 -0.002441389123466596 0.006845322265786387 0.03160988597046394 0.20031847620854953 0.019227604118129564 0.1089991475475692 0.15543270449383412 0.6863230389127685 +36006,1.7945372646969195,1,1.9833670629450606 1.8765698819686558 1.667618875710468 1.2543602188887235 1.0639826354090505 0.8024069312784263 0.6042904216410411 0.5114233077485113 0.3906960596882313 0.18793619435621514 0.2142485432924334 -0.002441389123466596 0.006845322265786387 0.03160988597046394 0.20031847620854953 0.019227604118129564 0.1089991475475692 0.15543270449383412 0.6863230389127685 1.339488406623541 +36007,2.1505278679516056,1,1.8765698819686558 1.667618875710468 1.2543602188887235 1.0639826354090505 0.8024069312784263 0.6042904216410411 0.5114233077485113 0.3906960596882313 0.18793619435621514 0.2142485432924334 -0.002441389123466596 0.006845322265786387 0.03160988597046394 0.20031847620854953 0.019227604118129564 0.1089991475475692 0.15543270449383412 0.6863230389127685 1.339488406623541 1.7945372646969195 +36008,2.4337725653238085,1,1.667618875710468 1.2543602188887235 1.0639826354090505 0.8024069312784263 0.6042904216410411 0.5114233077485113 0.3906960596882313 0.18793619435621514 0.2142485432924334 -0.002441389123466596 0.006845322265786387 0.03160988597046394 0.20031847620854953 0.019227604118129564 0.1089991475475692 0.15543270449383412 0.6863230389127685 1.339488406623541 1.7945372646969195 2.1505278679516056 +36009,2.4817539075016137,1,1.2543602188887235 1.0639826354090505 0.8024069312784263 0.6042904216410411 0.5114233077485113 0.3906960596882313 0.18793619435621514 0.2142485432924334 -0.002441389123466596 0.006845322265786387 0.03160988597046394 0.20031847620854953 0.019227604118129564 0.1089991475475692 0.15543270449383412 0.6863230389127685 1.339488406623541 1.7945372646969195 2.1505278679516056 2.4337725653238085 +36010,2.4198424982399334,1,1.0639826354090505 0.8024069312784263 0.6042904216410411 0.5114233077485113 0.3906960596882313 0.18793619435621514 0.2142485432924334 -0.002441389123466596 0.006845322265786387 0.03160988597046394 0.20031847620854953 0.019227604118129564 0.1089991475475692 0.15543270449383412 0.6863230389127685 1.339488406623541 1.7945372646969195 2.1505278679516056 2.4337725653238085 2.4817539075016137 +36011,2.426033639166096,1,0.8024069312784263 0.6042904216410411 0.5114233077485113 0.3906960596882313 0.18793619435621514 0.2142485432924334 -0.002441389123466596 0.006845322265786387 0.03160988597046394 0.20031847620854953 0.019227604118129564 0.1089991475475692 0.15543270449383412 0.6863230389127685 1.339488406623541 1.7945372646969195 2.1505278679516056 2.4337725653238085 2.4817539075016137 2.4198424982399334 +36012,2.3811478674513804,1,0.6042904216410411 0.5114233077485113 0.3906960596882313 0.18793619435621514 0.2142485432924334 -0.002441389123466596 0.006845322265786387 0.03160988597046394 0.20031847620854953 0.019227604118129564 0.1089991475475692 0.15543270449383412 0.6863230389127685 1.339488406623541 1.7945372646969195 2.1505278679516056 2.4337725653238085 2.4817539075016137 2.4198424982399334 2.426033639166096 +36013,1.9059778013679554,1,0.5114233077485113 0.3906960596882313 0.18793619435621514 0.2142485432924334 -0.002441389123466596 0.006845322265786387 0.03160988597046394 0.20031847620854953 0.019227604118129564 0.1089991475475692 0.15543270449383412 0.6863230389127685 1.339488406623541 1.7945372646969195 2.1505278679516056 2.4337725653238085 2.4817539075016137 2.4198424982399334 2.426033639166096 2.3811478674513804 +36014,1.5283182048716821,1,0.3906960596882313 0.18793619435621514 0.2142485432924334 -0.002441389123466596 0.006845322265786387 0.03160988597046394 0.20031847620854953 0.019227604118129564 0.1089991475475692 0.15543270449383412 0.6863230389127685 1.339488406623541 1.7945372646969195 2.1505278679516056 2.4337725653238085 2.4817539075016137 2.4198424982399334 2.426033639166096 2.3811478674513804 1.9059778013679554 +36015,1.1614931049962025,1,0.18793619435621514 0.2142485432924334 -0.002441389123466596 0.006845322265786387 0.03160988597046394 0.20031847620854953 0.019227604118129564 0.1089991475475692 0.15543270449383412 0.6863230389127685 1.339488406623541 1.7945372646969195 2.1505278679516056 2.4337725653238085 2.4817539075016137 2.4198424982399334 2.426033639166096 2.3811478674513804 1.9059778013679554 1.5283182048716821 +36016,0.9540898839695554,1,0.2142485432924334 -0.002441389123466596 0.006845322265786387 0.03160988597046394 0.20031847620854953 0.019227604118129564 0.1089991475475692 0.15543270449383412 0.6863230389127685 1.339488406623541 1.7945372646969195 2.1505278679516056 2.4337725653238085 2.4817539075016137 2.4198424982399334 2.426033639166096 2.3811478674513804 1.9059778013679554 1.5283182048716821 1.1614931049962025 +36017,0.8689616962347378,1,-0.002441389123466596 0.006845322265786387 0.03160988597046394 0.20031847620854953 0.019227604118129564 0.1089991475475692 0.15543270449383412 0.6863230389127685 1.339488406623541 1.7945372646969195 2.1505278679516056 2.4337725653238085 2.4817539075016137 2.4198424982399334 2.426033639166096 2.3811478674513804 1.9059778013679554 1.5283182048716821 1.1614931049962025 0.9540898839695554 +36018,0.8194325688253916,1,0.006845322265786387 0.03160988597046394 0.20031847620854953 0.019227604118129564 0.1089991475475692 0.15543270449383412 0.6863230389127685 1.339488406623541 1.7945372646969195 2.1505278679516056 2.4337725653238085 2.4817539075016137 2.4198424982399334 2.426033639166096 2.3811478674513804 1.9059778013679554 1.5283182048716821 1.1614931049962025 0.9540898839695554 0.8689616962347378 +36019,0.613577133030294,1,0.03160988597046394 0.20031847620854953 0.019227604118129564 0.1089991475475692 0.15543270449383412 0.6863230389127685 1.339488406623541 1.7945372646969195 2.1505278679516056 2.4337725653238085 2.4817539075016137 2.4198424982399334 2.426033639166096 2.3811478674513804 1.9059778013679554 1.5283182048716821 1.1614931049962025 0.9540898839695554 0.8689616962347378 0.8194325688253916 +36020,0.34116693227888495,1,0.20031847620854953 0.019227604118129564 0.1089991475475692 0.15543270449383412 0.6863230389127685 1.339488406623541 1.7945372646969195 2.1505278679516056 2.4337725653238085 2.4817539075016137 2.4198424982399334 2.426033639166096 2.3811478674513804 1.9059778013679554 1.5283182048716821 1.1614931049962025 0.9540898839695554 0.8689616962347378 0.8194325688253916 0.613577133030294 +36021,0.2235352546816864,1,0.019227604118129564 0.1089991475475692 0.15543270449383412 0.6863230389127685 1.339488406623541 1.7945372646969195 2.1505278679516056 2.4337725653238085 2.4817539075016137 2.4198424982399334 2.426033639166096 2.3811478674513804 1.9059778013679554 1.5283182048716821 1.1614931049962025 0.9540898839695554 0.8689616962347378 0.8194325688253916 0.613577133030294 0.34116693227888495 +36022,0.15698048972537482,1,0.1089991475475692 0.15543270449383412 0.6863230389127685 1.339488406623541 1.7945372646969195 2.1505278679516056 2.4337725653238085 2.4817539075016137 2.4198424982399334 2.426033639166096 2.3811478674513804 1.9059778013679554 1.5283182048716821 1.1614931049962025 0.9540898839695554 0.8689616962347378 0.8194325688253916 0.613577133030294 0.34116693227888495 0.2235352546816864 +36023,0.05792223490668219,1,0.15543270449383412 0.6863230389127685 1.339488406623541 1.7945372646969195 2.1505278679516056 2.4337725653238085 2.4817539075016137 2.4198424982399334 2.426033639166096 2.3811478674513804 1.9059778013679554 1.5283182048716821 1.1614931049962025 0.9540898839695554 0.8689616962347378 0.8194325688253916 0.613577133030294 0.34116693227888495 0.2235352546816864 0.15698048972537482 +36024,-0.056613872227435,1,0.6863230389127685 1.339488406623541 1.7945372646969195 2.1505278679516056 2.4337725653238085 2.4817539075016137 2.4198424982399334 2.426033639166096 2.3811478674513804 1.9059778013679554 1.5283182048716821 1.1614931049962025 0.9540898839695554 0.8689616962347378 0.8194325688253916 0.613577133030294 0.34116693227888495 0.2235352546816864 0.15698048972537482 0.05792223490668219 +36025,-0.11078635533141219,1,1.339488406623541 1.7945372646969195 2.1505278679516056 2.4337725653238085 2.4817539075016137 2.4198424982399334 2.426033639166096 2.3811478674513804 1.9059778013679554 1.5283182048716821 1.1614931049962025 0.9540898839695554 0.8689616962347378 0.8194325688253916 0.613577133030294 0.34116693227888495 0.2235352546816864 0.15698048972537482 0.05792223490668219 -0.056613872227435 +36026,-0.11233414056295289,1,1.7945372646969195 2.1505278679516056 2.4337725653238085 2.4817539075016137 2.4198424982399334 2.426033639166096 2.3811478674513804 1.9059778013679554 1.5283182048716821 1.1614931049962025 0.9540898839695554 0.8689616962347378 0.8194325688253916 0.613577133030294 0.34116693227888495 0.2235352546816864 0.15698048972537482 0.05792223490668219 -0.056613872227435 -0.11078635533141219 +36027,-0.06744836884822868,1,2.1505278679516056 2.4337725653238085 2.4817539075016137 2.4198424982399334 2.426033639166096 2.3811478674513804 1.9059778013679554 1.5283182048716821 1.1614931049962025 0.9540898839695554 0.8689616962347378 0.8194325688253916 0.613577133030294 0.34116693227888495 0.2235352546816864 0.15698048972537482 0.05792223490668219 -0.056613872227435 -0.11078635533141219 -0.11233414056295289 +36028,0.434034046171406,1,2.4337725653238085 2.4817539075016137 2.4198424982399334 2.426033639166096 2.3811478674513804 1.9059778013679554 1.5283182048716821 1.1614931049962025 0.9540898839695554 0.8689616962347378 0.8194325688253916 0.613577133030294 0.34116693227888495 0.2235352546816864 0.15698048972537482 0.05792223490668219 -0.056613872227435 -0.11078635533141219 -0.11233414056295289 -0.06744836884822868 +36029,1.085651628650638,1,2.4817539075016137 2.4198424982399334 2.426033639166096 2.3811478674513804 1.9059778013679554 1.5283182048716821 1.1614931049962025 0.9540898839695554 0.8689616962347378 0.8194325688253916 0.613577133030294 0.34116693227888495 0.2235352546816864 0.15698048972537482 0.05792223490668219 -0.056613872227435 -0.11078635533141219 -0.11233414056295289 -0.06744836884822868 0.434034046171406 +36030,1.625828674458834,1,2.4198424982399334 2.426033639166096 2.3811478674513804 1.9059778013679554 1.5283182048716821 1.1614931049962025 0.9540898839695554 0.8689616962347378 0.8194325688253916 0.613577133030294 0.34116693227888495 0.2235352546816864 0.15698048972537482 0.05792223490668219 -0.056613872227435 -0.11078635533141219 -0.11233414056295289 -0.06744836884822868 0.434034046171406 1.085651628650638 +36031,1.991105989102764,1,2.426033639166096 2.3811478674513804 1.9059778013679554 1.5283182048716821 1.1614931049962025 0.9540898839695554 0.8689616962347378 0.8194325688253916 0.613577133030294 0.34116693227888495 0.2235352546816864 0.15698048972537482 0.05792223490668219 -0.056613872227435 -0.11078635533141219 -0.11233414056295289 -0.06744836884822868 0.434034046171406 1.085651628650638 1.625828674458834 +36032,2.119572163320765,1,2.3811478674513804 1.9059778013679554 1.5283182048716821 1.1614931049962025 0.9540898839695554 0.8689616962347378 0.8194325688253916 0.613577133030294 0.34116693227888495 0.2235352546816864 0.15698048972537482 0.05792223490668219 -0.056613872227435 -0.11078635533141219 -0.11233414056295289 -0.06744836884822868 0.434034046171406 1.085651628650638 1.625828674458834 1.991105989102764 +36033,2.203152565824033,1,1.9059778013679554 1.5283182048716821 1.1614931049962025 0.9540898839695554 0.8689616962347378 0.8194325688253916 0.613577133030294 0.34116693227888495 0.2235352546816864 0.15698048972537482 0.05792223490668219 -0.056613872227435 -0.11078635533141219 -0.11233414056295289 -0.06744836884822868 0.434034046171406 1.085651628650638 1.625828674458834 1.991105989102764 2.119572163320765 +36034,2.1226677337838464,1,1.5283182048716821 1.1614931049962025 0.9540898839695554 0.8689616962347378 0.8194325688253916 0.613577133030294 0.34116693227888495 0.2235352546816864 0.15698048972537482 0.05792223490668219 -0.056613872227435 -0.11078635533141219 -0.11233414056295289 -0.06744836884822868 0.434034046171406 1.085651628650638 1.625828674458834 1.991105989102764 2.119572163320765 2.203152565824033 +36035,2.0483740426698227,1,1.1614931049962025 0.9540898839695554 0.8689616962347378 0.8194325688253916 0.613577133030294 0.34116693227888495 0.2235352546816864 0.15698048972537482 0.05792223490668219 -0.056613872227435 -0.11078635533141219 -0.11233414056295289 -0.06744836884822868 0.434034046171406 1.085651628650638 1.625828674458834 1.991105989102764 2.119572163320765 2.203152565824033 2.1226677337838464 +36036,1.8750220967371063,1,0.9540898839695554 0.8689616962347378 0.8194325688253916 0.613577133030294 0.34116693227888495 0.2235352546816864 0.15698048972537482 0.05792223490668219 -0.056613872227435 -0.11078635533141219 -0.11233414056295289 -0.06744836884822868 0.434034046171406 1.085651628650638 1.625828674458834 1.991105989102764 2.119572163320765 2.203152565824033 2.1226677337838464 2.0483740426698227 +36037,1.5407004867240164,1,0.8689616962347378 0.8194325688253916 0.613577133030294 0.34116693227888495 0.2235352546816864 0.15698048972537482 0.05792223490668219 -0.056613872227435 -0.11078635533141219 -0.11233414056295289 -0.06744836884822868 0.434034046171406 1.085651628650638 1.625828674458834 1.991105989102764 2.119572163320765 2.203152565824033 2.1226677337838464 2.0483740426698227 1.8750220967371063 +36038,1.0964861252714315,1,0.8194325688253916 0.613577133030294 0.34116693227888495 0.2235352546816864 0.15698048972537482 0.05792223490668219 -0.056613872227435 -0.11078635533141219 -0.11233414056295289 -0.06744836884822868 0.434034046171406 1.085651628650638 1.625828674458834 1.991105989102764 2.119572163320765 2.203152565824033 2.1226677337838464 2.0483740426698227 1.8750220967371063 1.5407004867240164 +36039,0.8859873337817031,1,0.613577133030294 0.34116693227888495 0.2235352546816864 0.15698048972537482 0.05792223490668219 -0.056613872227435 -0.11078635533141219 -0.11233414056295289 -0.06744836884822868 0.434034046171406 1.085651628650638 1.625828674458834 1.991105989102764 2.119572163320765 2.203152565824033 2.1226677337838464 2.0483740426698227 1.8750220967371063 1.5407004867240164 1.0964861252714315 +36040,0.6336983410403407,1,0.34116693227888495 0.2235352546816864 0.15698048972537482 0.05792223490668219 -0.056613872227435 -0.11078635533141219 -0.11233414056295289 -0.06744836884822868 0.434034046171406 1.085651628650638 1.625828674458834 1.991105989102764 2.119572163320765 2.203152565824033 2.1226677337838464 2.0483740426698227 1.8750220967371063 1.5407004867240164 1.0964861252714315 0.8859873337817031 +36041,0.5005888111277176,1,0.2235352546816864 0.15698048972537482 0.05792223490668219 -0.056613872227435 -0.11078635533141219 -0.11233414056295289 -0.06744836884822868 0.434034046171406 1.085651628650638 1.625828674458834 1.991105989102764 2.119572163320765 2.203152565824033 2.1226677337838464 2.0483740426698227 1.8750220967371063 1.5407004867240164 1.0964861252714315 0.8859873337817031 0.6336983410403407 +36042,0.34271471751042565,1,0.15698048972537482 0.05792223490668219 -0.056613872227435 -0.11078635533141219 -0.11233414056295289 -0.06744836884822868 0.434034046171406 1.085651628650638 1.625828674458834 1.991105989102764 2.119572163320765 2.203152565824033 2.1226677337838464 2.0483740426698227 1.8750220967371063 1.5407004867240164 1.0964861252714315 0.8859873337817031 0.6336983410403407 0.5005888111277176 +36043,0.2854466639433671,1,0.05792223490668219 -0.056613872227435 -0.11078635533141219 -0.11233414056295289 -0.06744836884822868 0.434034046171406 1.085651628650638 1.625828674458834 1.991105989102764 2.119572163320765 2.203152565824033 2.1226677337838464 2.0483740426698227 1.8750220967371063 1.5407004867240164 1.0964861252714315 0.8859873337817031 0.6336983410403407 0.5005888111277176 0.34271471751042565 +36044,0.07185230199055727,1,-0.056613872227435 -0.11078635533141219 -0.11233414056295289 -0.06744836884822868 0.434034046171406 1.085651628650638 1.625828674458834 1.991105989102764 2.119572163320765 2.203152565824033 2.1226677337838464 2.0483740426698227 1.8750220967371063 1.5407004867240164 1.0964861252714315 0.8859873337817031 0.6336983410403407 0.5005888111277176 0.34271471751042565 0.2854466639433671 +36045,-0.07054393931131887,1,-0.11078635533141219 -0.11233414056295289 -0.06744836884822868 0.434034046171406 1.085651628650638 1.625828674458834 1.991105989102764 2.119572163320765 2.203152565824033 2.1226677337838464 2.0483740426698227 1.8750220967371063 1.5407004867240164 1.0964861252714315 0.8859873337817031 0.6336983410403407 0.5005888111277176 0.34271471751042565 0.2854466639433671 0.07185230199055727 +36046,-0.1603154827407585,1,-0.11233414056295289 -0.06744836884822868 0.434034046171406 1.085651628650638 1.625828674458834 1.991105989102764 2.119572163320765 2.203152565824033 2.1226677337838464 2.0483740426698227 1.8750220967371063 1.5407004867240164 1.0964861252714315 0.8859873337817031 0.6336983410403407 0.5005888111277176 0.34271471751042565 0.2854466639433671 0.07185230199055727 -0.07054393931131887 +36047,-0.19901011352931114,1,-0.06744836884822868 0.434034046171406 1.085651628650638 1.625828674458834 1.991105989102764 2.119572163320765 2.203152565824033 2.1226677337838464 2.0483740426698227 1.8750220967371063 1.5407004867240164 1.0964861252714315 0.8859873337817031 0.6336983410403407 0.5005888111277176 0.34271471751042565 0.2854466639433671 0.07185230199055727 -0.07054393931131887 -0.1603154827407585 +36048,-0.2500870261701981,1,0.434034046171406 1.085651628650638 1.625828674458834 1.991105989102764 2.119572163320765 2.203152565824033 2.1226677337838464 2.0483740426698227 1.8750220967371063 1.5407004867240164 1.0964861252714315 0.8859873337817031 0.6336983410403407 0.5005888111277176 0.34271471751042565 0.2854466639433671 0.07185230199055727 -0.07054393931131887 -0.1603154827407585 -0.19901011352931114 +36049,-0.3290240729788441,1,1.085651628650638 1.625828674458834 1.991105989102764 2.119572163320765 2.203152565824033 2.1226677337838464 2.0483740426698227 1.8750220967371063 1.5407004867240164 1.0964861252714315 0.8859873337817031 0.6336983410403407 0.5005888111277176 0.34271471751042565 0.2854466639433671 0.07185230199055727 -0.07054393931131887 -0.1603154827407585 -0.19901011352931114 -0.2500870261701981 +36050,-0.34140635483118725,1,1.625828674458834 1.991105989102764 2.119572163320765 2.203152565824033 2.1226677337838464 2.0483740426698227 1.8750220967371063 1.5407004867240164 1.0964861252714315 0.8859873337817031 0.6336983410403407 0.5005888111277176 0.34271471751042565 0.2854466639433671 0.07185230199055727 -0.07054393931131887 -0.1603154827407585 -0.19901011352931114 -0.2500870261701981 -0.3290240729788441 +36051,-0.264017093254082,1,1.991105989102764 2.119572163320765 2.203152565824033 2.1226677337838464 2.0483740426698227 1.8750220967371063 1.5407004867240164 1.0964861252714315 0.8859873337817031 0.6336983410403407 0.5005888111277176 0.34271471751042565 0.2854466639433671 0.07185230199055727 -0.07054393931131887 -0.1603154827407585 -0.19901011352931114 -0.2500870261701981 -0.3290240729788441 -0.34140635483118725 +36052,0.3117590128795853,1,2.119572163320765 2.203152565824033 2.1226677337838464 2.0483740426698227 1.8750220967371063 1.5407004867240164 1.0964861252714315 0.8859873337817031 0.6336983410403407 0.5005888111277176 0.34271471751042565 0.2854466639433671 0.07185230199055727 -0.07054393931131887 -0.1603154827407585 -0.19901011352931114 -0.2500870261701981 -0.3290240729788441 -0.34140635483118725 -0.264017093254082 +36053,0.8194325688253916,1,2.203152565824033 2.1226677337838464 2.0483740426698227 1.8750220967371063 1.5407004867240164 1.0964861252714315 0.8859873337817031 0.6336983410403407 0.5005888111277176 0.34271471751042565 0.2854466639433671 0.07185230199055727 -0.07054393931131887 -0.1603154827407585 -0.19901011352931114 -0.2500870261701981 -0.3290240729788441 -0.34140635483118725 -0.264017093254082 0.3117590128795853 +36054,1.223404514257883,1,2.1226677337838464 2.0483740426698227 1.8750220967371063 1.5407004867240164 1.0964861252714315 0.8859873337817031 0.6336983410403407 0.5005888111277176 0.34271471751042565 0.2854466639433671 0.07185230199055727 -0.07054393931131887 -0.1603154827407585 -0.19901011352931114 -0.2500870261701981 -0.3290240729788441 -0.34140635483118725 -0.264017093254082 0.3117590128795853 0.8194325688253916 +36055,1.5499871981132693,1,2.0483740426698227 1.8750220967371063 1.5407004867240164 1.0964861252714315 0.8859873337817031 0.6336983410403407 0.5005888111277176 0.34271471751042565 0.2854466639433671 0.07185230199055727 -0.07054393931131887 -0.1603154827407585 -0.19901011352931114 -0.2500870261701981 -0.3290240729788441 -0.34140635483118725 -0.264017093254082 0.3117590128795853 0.8194325688253916 1.223404514257883 +36056,1.797632835160001,1,1.8750220967371063 1.5407004867240164 1.0964861252714315 0.8859873337817031 0.6336983410403407 0.5005888111277176 0.34271471751042565 0.2854466639433671 0.07185230199055727 -0.07054393931131887 -0.1603154827407585 -0.19901011352931114 -0.2500870261701981 -0.3290240729788441 -0.34140635483118725 -0.264017093254082 0.3117590128795853 0.8194325688253916 1.223404514257883 1.5499871981132693 +36057,1.8734743115055654,1,1.5407004867240164 1.0964861252714315 0.8859873337817031 0.6336983410403407 0.5005888111277176 0.34271471751042565 0.2854466639433671 0.07185230199055727 -0.07054393931131887 -0.1603154827407585 -0.19901011352931114 -0.2500870261701981 -0.3290240729788441 -0.34140635483118725 -0.264017093254082 0.3117590128795853 0.8194325688253916 1.223404514257883 1.5499871981132693 1.797632835160001 +36058,1.8641876001163125,1,1.0964861252714315 0.8859873337817031 0.6336983410403407 0.5005888111277176 0.34271471751042565 0.2854466639433671 0.07185230199055727 -0.07054393931131887 -0.1603154827407585 -0.19901011352931114 -0.2500870261701981 -0.3290240729788441 -0.34140635483118725 -0.264017093254082 0.3117590128795853 0.8194325688253916 1.223404514257883 1.5499871981132693 1.797632835160001 1.8734743115055654 +36059,1.7388169963614017,1,0.8859873337817031 0.6336983410403407 0.5005888111277176 0.34271471751042565 0.2854466639433671 0.07185230199055727 -0.07054393931131887 -0.1603154827407585 -0.19901011352931114 -0.2500870261701981 -0.3290240729788441 -0.34140635483118725 -0.264017093254082 0.3117590128795853 0.8194325688253916 1.223404514257883 1.5499871981132693 1.797632835160001 1.8734743115055654 1.8641876001163125 +36060,1.5530827685763509,1,0.6336983410403407 0.5005888111277176 0.34271471751042565 0.2854466639433671 0.07185230199055727 -0.07054393931131887 -0.1603154827407585 -0.19901011352931114 -0.2500870261701981 -0.3290240729788441 -0.34140635483118725 -0.264017093254082 0.3117590128795853 0.8194325688253916 1.223404514257883 1.5499871981132693 1.797632835160001 1.8734743115055654 1.8641876001163125 1.7388169963614017 +36061,1.2280478699525053,1,0.5005888111277176 0.34271471751042565 0.2854466639433671 0.07185230199055727 -0.07054393931131887 -0.1603154827407585 -0.19901011352931114 -0.2500870261701981 -0.3290240729788441 -0.34140635483118725 -0.264017093254082 0.3117590128795853 0.8194325688253916 1.223404514257883 1.5499871981132693 1.797632835160001 1.8734743115055654 1.8641876001163125 1.7388169963614017 1.5530827685763509 +36062,0.8209803540569323,1,0.34271471751042565 0.2854466639433671 0.07185230199055727 -0.07054393931131887 -0.1603154827407585 -0.19901011352931114 -0.2500870261701981 -0.3290240729788441 -0.34140635483118725 -0.264017093254082 0.3117590128795853 0.8194325688253916 1.223404514257883 1.5499871981132693 1.797632835160001 1.8734743115055654 1.8641876001163125 1.7388169963614017 1.5530827685763509 1.2280478699525053 +36063,0.6445328376611345,1,0.2854466639433671 0.07185230199055727 -0.07054393931131887 -0.1603154827407585 -0.19901011352931114 -0.2500870261701981 -0.3290240729788441 -0.34140635483118725 -0.264017093254082 0.3117590128795853 0.8194325688253916 1.223404514257883 1.5499871981132693 1.797632835160001 1.8734743115055654 1.8641876001163125 1.7388169963614017 1.5530827685763509 1.2280478699525053 0.8209803540569323 +36064,0.4882065292753832,1,0.07185230199055727 -0.07054393931131887 -0.1603154827407585 -0.19901011352931114 -0.2500870261701981 -0.3290240729788441 -0.34140635483118725 -0.264017093254082 0.3117590128795853 0.8194325688253916 1.223404514257883 1.5499871981132693 1.797632835160001 1.8734743115055654 1.8641876001163125 1.7388169963614017 1.5530827685763509 1.2280478699525053 0.8209803540569323 0.6445328376611345 +36065,0.29009001963799796,1,-0.07054393931131887 -0.1603154827407585 -0.19901011352931114 -0.2500870261701981 -0.3290240729788441 -0.34140635483118725 -0.264017093254082 0.3117590128795853 0.8194325688253916 1.223404514257883 1.5499871981132693 1.797632835160001 1.8734743115055654 1.8641876001163125 1.7388169963614017 1.5530827685763509 1.2280478699525053 0.8209803540569323 0.6445328376611345 0.4882065292753832 +36066,0.17400612727234008,1,-0.1603154827407585 -0.19901011352931114 -0.2500870261701981 -0.3290240729788441 -0.34140635483118725 -0.264017093254082 0.3117590128795853 0.8194325688253916 1.223404514257883 1.5499871981132693 1.797632835160001 1.8734743115055654 1.8641876001163125 1.7388169963614017 1.5530827685763509 1.2280478699525053 0.8209803540569323 0.6445328376611345 0.4882065292753832 0.29009001963799796 +36067,0.006845322265786387,1,-0.19901011352931114 -0.2500870261701981 -0.3290240729788441 -0.34140635483118725 -0.264017093254082 0.3117590128795853 0.8194325688253916 1.223404514257883 1.5499871981132693 1.797632835160001 1.8734743115055654 1.8641876001163125 1.7388169963614017 1.5530827685763509 1.2280478699525053 0.8209803540569323 0.6445328376611345 0.4882065292753832 0.29009001963799796 0.17400612727234008 +36068,-0.09530850301598763,1,-0.2500870261701981 -0.3290240729788441 -0.34140635483118725 -0.264017093254082 0.3117590128795853 0.8194325688253916 1.223404514257883 1.5499871981132693 1.797632835160001 1.8734743115055654 1.8641876001163125 1.7388169963614017 1.5530827685763509 1.2280478699525053 0.8209803540569323 0.6445328376611345 0.4882065292753832 0.29009001963799796 0.17400612727234008 0.006845322265786387 +36069,-0.29961615357954446,1,-0.3290240729788441 -0.34140635483118725 -0.264017093254082 0.3117590128795853 0.8194325688253916 1.223404514257883 1.5499871981132693 1.797632835160001 1.8734743115055654 1.8641876001163125 1.7388169963614017 1.5530827685763509 1.2280478699525053 0.8209803540569323 0.6445328376611345 0.4882065292753832 0.29009001963799796 0.17400612727234008 0.006845322265786387 -0.09530850301598763 +36070,-0.23770474431786376,1,-0.34140635483118725 -0.264017093254082 0.3117590128795853 0.8194325688253916 1.223404514257883 1.5499871981132693 1.797632835160001 1.8734743115055654 1.8641876001163125 1.7388169963614017 1.5530827685763509 1.2280478699525053 0.8209803540569323 0.6445328376611345 0.4882065292753832 0.29009001963799796 0.17400612727234008 0.006845322265786387 -0.09530850301598763 -0.29961615357954446 +36071,-0.2253224624655294,1,-0.264017093254082 0.3117590128795853 0.8194325688253916 1.223404514257883 1.5499871981132693 1.797632835160001 1.8734743115055654 1.8641876001163125 1.7388169963614017 1.5530827685763509 1.2280478699525053 0.8209803540569323 0.6445328376611345 0.4882065292753832 0.29009001963799796 0.17400612727234008 0.006845322265786387 -0.09530850301598763 -0.29961615357954446 -0.23770474431786376 +36072,-0.2253224624655294,1,0.3117590128795853 0.8194325688253916 1.223404514257883 1.5499871981132693 1.797632835160001 1.8734743115055654 1.8641876001163125 1.7388169963614017 1.5530827685763509 1.2280478699525053 0.8209803540569323 0.6445328376611345 0.4882065292753832 0.29009001963799796 0.17400612727234008 0.006845322265786387 -0.09530850301598763 -0.29961615357954446 -0.23770474431786376 -0.2253224624655294 +36073,-0.2624693080225413,1,0.8194325688253916 1.223404514257883 1.5499871981132693 1.797632835160001 1.8734743115055654 1.8641876001163125 1.7388169963614017 1.5530827685763509 1.2280478699525053 0.8209803540569323 0.6445328376611345 0.4882065292753832 0.29009001963799796 0.17400612727234008 0.006845322265786387 -0.09530850301598763 -0.29961615357954446 -0.23770474431786376 -0.2253224624655294 -0.2253224624655294 +36074,-0.2253224624655294,1,1.223404514257883 1.5499871981132693 1.797632835160001 1.8734743115055654 1.8641876001163125 1.7388169963614017 1.5530827685763509 1.2280478699525053 0.8209803540569323 0.6445328376611345 0.4882065292753832 0.29009001963799796 0.17400612727234008 0.006845322265786387 -0.09530850301598763 -0.29961615357954446 -0.23770474431786376 -0.2253224624655294 -0.2253224624655294 -0.2624693080225413 +36075,-0.2516348114017388,1,1.5499871981132693 1.797632835160001 1.8734743115055654 1.8641876001163125 1.7388169963614017 1.5530827685763509 1.2280478699525053 0.8209803540569323 0.6445328376611345 0.4882065292753832 0.29009001963799796 0.17400612727234008 0.006845322265786387 -0.09530850301598763 -0.29961615357954446 -0.23770474431786376 -0.2253224624655294 -0.2253224624655294 -0.2624693080225413 -0.2253224624655294 +36076,0.1616238454199969,1,1.797632835160001 1.8734743115055654 1.8641876001163125 1.7388169963614017 1.5530827685763509 1.2280478699525053 0.8209803540569323 0.6445328376611345 0.4882065292753832 0.29009001963799796 0.17400612727234008 0.006845322265786387 -0.09530850301598763 -0.29961615357954446 -0.23770474431786376 -0.2253224624655294 -0.2253224624655294 -0.2624693080225413 -0.2253224624655294 -0.2516348114017388 +36077,0.5005888111277176,1,1.8734743115055654 1.8641876001163125 1.7388169963614017 1.5530827685763509 1.2280478699525053 0.8209803540569323 0.6445328376611345 0.4882065292753832 0.29009001963799796 0.17400612727234008 0.006845322265786387 -0.09530850301598763 -0.29961615357954446 -0.23770474431786376 -0.2253224624655294 -0.2253224624655294 -0.2624693080225413 -0.2253224624655294 -0.2516348114017388 0.1616238454199969 +36078,0.7327565958590333,1,1.8641876001163125 1.7388169963614017 1.5530827685763509 1.2280478699525053 0.8209803540569323 0.6445328376611345 0.4882065292753832 0.29009001963799796 0.17400612727234008 0.006845322265786387 -0.09530850301598763 -0.29961615357954446 -0.23770474431786376 -0.2253224624655294 -0.2253224624655294 -0.2624693080225413 -0.2253224624655294 -0.2516348114017388 0.1616238454199969 0.5005888111277176 +36079,1.0283835750835792,1,1.7388169963614017 1.5530827685763509 1.2280478699525053 0.8209803540569323 0.6445328376611345 0.4882065292753832 0.29009001963799796 0.17400612727234008 0.006845322265786387 -0.09530850301598763 -0.29961615357954446 -0.23770474431786376 -0.2253224624655294 -0.2253224624655294 -0.2624693080225413 -0.2253224624655294 -0.2516348114017388 0.1616238454199969 0.5005888111277176 0.7327565958590333 +36080,1.223404514257883,1,1.5530827685763509 1.2280478699525053 0.8209803540569323 0.6445328376611345 0.4882065292753832 0.29009001963799796 0.17400612727234008 0.006845322265786387 -0.09530850301598763 -0.29961615357954446 -0.23770474431786376 -0.2253224624655294 -0.2253224624655294 -0.2624693080225413 -0.2253224624655294 -0.2516348114017388 0.1616238454199969 0.5005888111277176 0.7327565958590333 1.0283835750835792 +36081,1.481884647925417,1,1.2280478699525053 0.8209803540569323 0.6445328376611345 0.4882065292753832 0.29009001963799796 0.17400612727234008 0.006845322265786387 -0.09530850301598763 -0.29961615357954446 -0.23770474431786376 -0.2253224624655294 -0.2253224624655294 -0.2624693080225413 -0.2253224624655294 -0.2516348114017388 0.1616238454199969 0.5005888111277176 0.7327565958590333 1.0283835750835792 1.223404514257883 +36082,1.6057074664487874,1,0.8209803540569323 0.6445328376611345 0.4882065292753832 0.29009001963799796 0.17400612727234008 0.006845322265786387 -0.09530850301598763 -0.29961615357954446 -0.23770474431786376 -0.2253224624655294 -0.2253224624655294 -0.2624693080225413 -0.2253224624655294 -0.2516348114017388 0.1616238454199969 0.5005888111277176 0.7327565958590333 1.0283835750835792 1.223404514257883 1.481884647925417 +36083,1.469502366073074,1,0.6445328376611345 0.4882065292753832 0.29009001963799796 0.17400612727234008 0.006845322265786387 -0.09530850301598763 -0.29961615357954446 -0.23770474431786376 -0.2253224624655294 -0.2253224624655294 -0.2624693080225413 -0.2253224624655294 -0.2516348114017388 0.1616238454199969 0.5005888111277176 0.7327565958590333 1.0283835750835792 1.223404514257883 1.481884647925417 1.6057074664487874 +36084,1.3379406213920002,1,0.4882065292753832 0.29009001963799796 0.17400612727234008 0.006845322265786387 -0.09530850301598763 -0.29961615357954446 -0.23770474431786376 -0.2253224624655294 -0.2253224624655294 -0.2624693080225413 -0.2253224624655294 -0.2516348114017388 0.1616238454199969 0.5005888111277176 0.7327565958590333 1.0283835750835792 1.223404514257883 1.481884647925417 1.6057074664487874 1.469502366073074 +36085,1.0051667966104425,1,0.29009001963799796 0.17400612727234008 0.006845322265786387 -0.09530850301598763 -0.29961615357954446 -0.23770474431786376 -0.2253224624655294 -0.2253224624655294 -0.2624693080225413 -0.2253224624655294 -0.2516348114017388 0.1616238454199969 0.5005888111277176 0.7327565958590333 1.0283835750835792 1.223404514257883 1.481884647925417 1.6057074664487874 1.469502366073074 1.3379406213920002 +36086,0.7637123004898737,1,0.17400612727234008 0.006845322265786387 -0.09530850301598763 -0.29961615357954446 -0.23770474431786376 -0.2253224624655294 -0.2253224624655294 -0.2624693080225413 -0.2253224624655294 -0.2516348114017388 0.1616238454199969 0.5005888111277176 0.7327565958590333 1.0283835750835792 1.223404514257883 1.481884647925417 1.6057074664487874 1.469502366073074 1.3379406213920002 1.0051667966104425 +36087,0.701800891228193,1,0.006845322265786387 -0.09530850301598763 -0.29961615357954446 -0.23770474431786376 -0.2253224624655294 -0.2253224624655294 -0.2624693080225413 -0.2253224624655294 -0.2516348114017388 0.1616238454199969 0.5005888111277176 0.7327565958590333 1.0283835750835792 1.223404514257883 1.481884647925417 1.6057074664487874 1.469502366073074 1.3379406213920002 1.0051667966104425 0.7637123004898737 +36088,0.40462612677210635,1,-0.09530850301598763 -0.29961615357954446 -0.23770474431786376 -0.2253224624655294 -0.2253224624655294 -0.2624693080225413 -0.2253224624655294 -0.2516348114017388 0.1616238454199969 0.5005888111277176 0.7327565958590333 1.0283835750835792 1.223404514257883 1.481884647925417 1.6057074664487874 1.469502366073074 1.3379406213920002 1.0051667966104425 0.7637123004898737 0.701800891228193 +36089,0.29009001963799796,1,-0.29961615357954446 -0.23770474431786376 -0.2253224624655294 -0.2253224624655294 -0.2624693080225413 -0.2253224624655294 -0.2516348114017388 0.1616238454199969 0.5005888111277176 0.7327565958590333 1.0283835750835792 1.223404514257883 1.481884647925417 1.6057074664487874 1.469502366073074 1.3379406213920002 1.0051667966104425 0.7637123004898737 0.701800891228193 0.40462612677210635 +36090,0.13685928171532816,1,-0.23770474431786376 -0.2253224624655294 -0.2253224624655294 -0.2624693080225413 -0.2253224624655294 -0.2516348114017388 0.1616238454199969 0.5005888111277176 0.7327565958590333 1.0283835750835792 1.223404514257883 1.481884647925417 1.6057074664487874 1.469502366073074 1.3379406213920002 1.0051667966104425 0.7637123004898737 0.701800891228193 0.40462612677210635 0.29009001963799796 +36091,-0.005536959586547991,1,-0.2253224624655294 -0.2253224624655294 -0.2624693080225413 -0.2253224624655294 -0.2516348114017388 0.1616238454199969 0.5005888111277176 0.7327565958590333 1.0283835750835792 1.223404514257883 1.481884647925417 1.6057074664487874 1.469502366073074 1.3379406213920002 1.0051667966104425 0.7637123004898737 0.701800891228193 0.40462612677210635 0.29009001963799796 0.13685928171532816 +36092,-0.12162085195220587,1,-0.2253224624655294 -0.2624693080225413 -0.2253224624655294 -0.2516348114017388 0.1616238454199969 0.5005888111277176 0.7327565958590333 1.0283835750835792 1.223404514257883 1.481884647925417 1.6057074664487874 1.469502366073074 1.3379406213920002 1.0051667966104425 0.7637123004898737 0.701800891228193 0.40462612677210635 0.29009001963799796 0.13685928171532816 -0.005536959586547991 +36093,-0.23770474431786376,1,-0.2624693080225413 -0.2253224624655294 -0.2516348114017388 0.1616238454199969 0.5005888111277176 0.7327565958590333 1.0283835750835792 1.223404514257883 1.481884647925417 1.6057074664487874 1.469502366073074 1.3379406213920002 1.0051667966104425 0.7637123004898737 0.701800891228193 0.40462612677210635 0.29009001963799796 0.13685928171532816 -0.005536959586547991 -0.12162085195220587 +36094,-0.2500870261701981,1,-0.2253224624655294 -0.2516348114017388 0.1616238454199969 0.5005888111277176 0.7327565958590333 1.0283835750835792 1.223404514257883 1.481884647925417 1.6057074664487874 1.469502366073074 1.3379406213920002 1.0051667966104425 0.7637123004898737 0.701800891228193 0.40462612677210635 0.29009001963799796 0.13685928171532816 -0.005536959586547991 -0.12162085195220587 -0.23770474431786376 +36095,-0.36617091853585604,1,-0.2516348114017388 0.1616238454199969 0.5005888111277176 0.7327565958590333 1.0283835750835792 1.223404514257883 1.481884647925417 1.6057074664487874 1.469502366073074 1.3379406213920002 1.0051667966104425 0.7637123004898737 0.701800891228193 0.40462612677210635 0.29009001963799796 0.13685928171532816 -0.005536959586547991 -0.12162085195220587 -0.23770474431786376 -0.2500870261701981 +36096,-0.40641333455594936,1,0.1616238454199969 0.5005888111277176 0.7327565958590333 1.0283835750835792 1.223404514257883 1.481884647925417 1.6057074664487874 1.469502366073074 1.3379406213920002 1.0051667966104425 0.7637123004898737 0.701800891228193 0.40462612677210635 0.29009001963799796 0.13685928171532816 -0.005536959586547991 -0.12162085195220587 -0.23770474431786376 -0.2500870261701981 -0.36617091853585604 +36097,-0.5085671598377322,1,0.5005888111277176 0.7327565958590333 1.0283835750835792 1.223404514257883 1.481884647925417 1.6057074664487874 1.469502366073074 1.3379406213920002 1.0051667966104425 0.7637123004898737 0.701800891228193 0.40462612677210635 0.29009001963799796 0.13685928171532816 -0.005536959586547991 -0.12162085195220587 -0.23770474431786376 -0.2500870261701981 -0.36617091853585604 -0.40641333455594936 +36098,-0.4838025961330546,1,0.7327565958590333 1.0283835750835792 1.223404514257883 1.481884647925417 1.6057074664487874 1.469502366073074 1.3379406213920002 1.0051667966104425 0.7637123004898737 0.701800891228193 0.40462612677210635 0.29009001963799796 0.13685928171532816 -0.005536959586547991 -0.12162085195220587 -0.23770474431786376 -0.2500870261701981 -0.36617091853585604 -0.40641333455594936 -0.5085671598377322 +36099,-0.41879561640829255,1,1.0283835750835792 1.223404514257883 1.481884647925417 1.6057074664487874 1.469502366073074 1.3379406213920002 1.0051667966104425 0.7637123004898737 0.701800891228193 0.40462612677210635 0.29009001963799796 0.13685928171532816 -0.005536959586547991 -0.12162085195220587 -0.23770474431786376 -0.2500870261701981 -0.36617091853585604 -0.40641333455594936 -0.5085671598377322 -0.4838025961330546 +36100,0.08578236907443235,1,1.223404514257883 1.481884647925417 1.6057074664487874 1.469502366073074 1.3379406213920002 1.0051667966104425 0.7637123004898737 0.701800891228193 0.40462612677210635 0.29009001963799796 0.13685928171532816 -0.005536959586547991 -0.12162085195220587 -0.23770474431786376 -0.2500870261701981 -0.36617091853585604 -0.40641333455594936 -0.5085671598377322 -0.4838025961330546 -0.41879561640829255 +36101,0.748234448174458,1,1.481884647925417 1.6057074664487874 1.469502366073074 1.3379406213920002 1.0051667966104425 0.7637123004898737 0.701800891228193 0.40462612677210635 0.29009001963799796 0.13685928171532816 -0.005536959586547991 -0.12162085195220587 -0.23770474431786376 -0.2500870261701981 -0.36617091853585604 -0.40641333455594936 -0.5085671598377322 -0.4838025961330546 -0.41879561640829255 0.08578236907443235 +36102,1.1150595480499375,1,1.6057074664487874 1.469502366073074 1.3379406213920002 1.0051667966104425 0.7637123004898737 0.701800891228193 0.40462612677210635 0.29009001963799796 0.13685928171532816 -0.005536959586547991 -0.12162085195220587 -0.23770474431786376 -0.2500870261701981 -0.36617091853585604 -0.40641333455594936 -0.5085671598377322 -0.4838025961330546 -0.41879561640829255 0.08578236907443235 0.748234448174458 +36103,1.5298659901032228,1,1.469502366073074 1.3379406213920002 1.0051667966104425 0.7637123004898737 0.701800891228193 0.40462612677210635 0.29009001963799796 0.13685928171532816 -0.005536959586547991 -0.12162085195220587 -0.23770474431786376 -0.2500870261701981 -0.36617091853585604 -0.40641333455594936 -0.5085671598377322 -0.4838025961330546 -0.41879561640829255 0.08578236907443235 0.748234448174458 1.1150595480499375 +36104,1.8502575330324376,1,1.3379406213920002 1.0051667966104425 0.7637123004898737 0.701800891228193 0.40462612677210635 0.29009001963799796 0.13685928171532816 -0.005536959586547991 -0.12162085195220587 -0.23770474431786376 -0.2500870261701981 -0.36617091853585604 -0.40641333455594936 -0.5085671598377322 -0.4838025961330546 -0.41879561640829255 0.08578236907443235 0.748234448174458 1.1150595480499375 1.5298659901032228 +36105,1.8734743115055654,1,1.0051667966104425 0.7637123004898737 0.701800891228193 0.40462612677210635 0.29009001963799796 0.13685928171532816 -0.005536959586547991 -0.12162085195220587 -0.23770474431786376 -0.2500870261701981 -0.36617091853585604 -0.40641333455594936 -0.5085671598377322 -0.4838025961330546 -0.41879561640829255 0.08578236907443235 0.748234448174458 1.1150595480499375 1.5298659901032228 1.8502575330324376 +36106,1.8843088081263593,1,0.7637123004898737 0.701800891228193 0.40462612677210635 0.29009001963799796 0.13685928171532816 -0.005536959586547991 -0.12162085195220587 -0.23770474431786376 -0.2500870261701981 -0.36617091853585604 -0.40641333455594936 -0.5085671598377322 -0.4838025961330546 -0.41879561640829255 0.08578236907443235 0.748234448174458 1.1150595480499375 1.5298659901032228 1.8502575330324376 1.8734743115055654 +36107,1.769772700992242,1,0.701800891228193 0.40462612677210635 0.29009001963799796 0.13685928171532816 -0.005536959586547991 -0.12162085195220587 -0.23770474431786376 -0.2500870261701981 -0.36617091853585604 -0.40641333455594936 -0.5085671598377322 -0.4838025961330546 -0.41879561640829255 0.08578236907443235 0.748234448174458 1.1150595480499375 1.5298659901032228 1.8502575330324376 1.8734743115055654 1.8843088081263593 +36108,1.5670128356602346,1,0.40462612677210635 0.29009001963799796 0.13685928171532816 -0.005536959586547991 -0.12162085195220587 -0.23770474431786376 -0.2500870261701981 -0.36617091853585604 -0.40641333455594936 -0.5085671598377322 -0.4838025961330546 -0.41879561640829255 0.08578236907443235 0.748234448174458 1.1150595480499375 1.5298659901032228 1.8502575330324376 1.8734743115055654 1.8843088081263593 1.769772700992242 +36109,1.190901024395502,1,0.29009001963799796 0.13685928171532816 -0.005536959586547991 -0.12162085195220587 -0.23770474431786376 -0.2500870261701981 -0.36617091853585604 -0.40641333455594936 -0.5085671598377322 -0.4838025961330546 -0.41879561640829255 0.08578236907443235 0.748234448174458 1.1150595480499375 1.5298659901032228 1.8502575330324376 1.8734743115055654 1.8843088081263593 1.769772700992242 1.5670128356602346 +36110,0.8937262599394155,1,0.13685928171532816 -0.005536959586547991 -0.12162085195220587 -0.23770474431786376 -0.2500870261701981 -0.36617091853585604 -0.40641333455594936 -0.5085671598377322 -0.4838025961330546 -0.41879561640829255 0.08578236907443235 0.748234448174458 1.1150595480499375 1.5298659901032228 1.8502575330324376 1.8734743115055654 1.8843088081263593 1.769772700992242 1.5670128356602346 1.190901024395502 +36111,0.6878708241443179,1,-0.005536959586547991 -0.12162085195220587 -0.23770474431786376 -0.2500870261701981 -0.36617091853585604 -0.40641333455594936 -0.5085671598377322 -0.4838025961330546 -0.41879561640829255 0.08578236907443235 0.748234448174458 1.1150595480499375 1.5298659901032228 1.8502575330324376 1.8734743115055654 1.8843088081263593 1.769772700992242 1.5670128356602346 1.190901024395502 0.8937262599394155 +36112,0.4139128381613593,1,-0.12162085195220587 -0.23770474431786376 -0.2500870261701981 -0.36617091853585604 -0.40641333455594936 -0.5085671598377322 -0.4838025961330546 -0.41879561640829255 0.08578236907443235 0.748234448174458 1.1150595480499375 1.5298659901032228 1.8502575330324376 1.8734743115055654 1.8843088081263593 1.769772700992242 1.5670128356602346 1.190901024395502 0.8937262599394155 0.6878708241443179 +36113,0.271516596859492,1,-0.23770474431786376 -0.2500870261701981 -0.36617091853585604 -0.40641333455594936 -0.5085671598377322 -0.4838025961330546 -0.41879561640829255 0.08578236907443235 0.748234448174458 1.1150595480499375 1.5298659901032228 1.8502575330324376 1.8734743115055654 1.8843088081263593 1.769772700992242 1.5670128356602346 1.190901024395502 0.8937262599394155 0.6878708241443179 0.4139128381613593 +36114,0.02232317458121096,1,-0.2500870261701981 -0.36617091853585604 -0.40641333455594936 -0.5085671598377322 -0.4838025961330546 -0.41879561640829255 0.08578236907443235 0.748234448174458 1.1150595480499375 1.5298659901032228 1.8502575330324376 1.8734743115055654 1.8843088081263593 1.769772700992242 1.5670128356602346 1.190901024395502 0.8937262599394155 0.6878708241443179 0.4139128381613593 0.271516596859492 +36115,-0.07054393931131887,1,-0.36617091853585604 -0.40641333455594936 -0.5085671598377322 -0.4838025961330546 -0.41879561640829255 0.08578236907443235 0.748234448174458 1.1150595480499375 1.5298659901032228 1.8502575330324376 1.8734743115055654 1.8843088081263593 1.769772700992242 1.5670128356602346 1.190901024395502 0.8937262599394155 0.6878708241443179 0.4139128381613593 0.271516596859492 0.02232317458121096 +36116,-0.14793320088842413,1,-0.40641333455594936 -0.5085671598377322 -0.4838025961330546 -0.41879561640829255 0.08578236907443235 0.748234448174458 1.1150595480499375 1.5298659901032228 1.8502575330324376 1.8734743115055654 1.8843088081263593 1.769772700992242 1.5670128356602346 1.190901024395502 0.8937262599394155 0.6878708241443179 0.4139128381613593 0.271516596859492 0.02232317458121096 -0.07054393931131887 +36117,-0.19901011352931114,1,-0.5085671598377322 -0.4838025961330546 -0.41879561640829255 0.08578236907443235 0.748234448174458 1.1150595480499375 1.5298659901032228 1.8502575330324376 1.8734743115055654 1.8843088081263593 1.769772700992242 1.5670128356602346 1.190901024395502 0.8937262599394155 0.6878708241443179 0.4139128381613593 0.271516596859492 0.02232317458121096 -0.07054393931131887 -0.14793320088842413 +36118,-0.2516348114017388,1,-0.4838025961330546 -0.41879561640829255 0.08578236907443235 0.748234448174458 1.1150595480499375 1.5298659901032228 1.8502575330324376 1.8734743115055654 1.8843088081263593 1.769772700992242 1.5670128356602346 1.190901024395502 0.8937262599394155 0.6878708241443179 0.4139128381613593 0.271516596859492 0.02232317458121096 -0.07054393931131887 -0.14793320088842413 -0.19901011352931114 +36119,-0.315094005894969,1,-0.41879561640829255 0.08578236907443235 0.748234448174458 1.1150595480499375 1.5298659901032228 1.8502575330324376 1.8734743115055654 1.8843088081263593 1.769772700992242 1.5670128356602346 1.190901024395502 0.8937262599394155 0.6878708241443179 0.4139128381613593 0.271516596859492 0.02232317458121096 -0.07054393931131887 -0.14793320088842413 -0.19901011352931114 -0.2516348114017388 +36120,-0.3801009856197399,1,0.08578236907443235 0.748234448174458 1.1150595480499375 1.5298659901032228 1.8502575330324376 1.8734743115055654 1.8843088081263593 1.769772700992242 1.5670128356602346 1.190901024395502 0.8937262599394155 0.6878708241443179 0.4139128381613593 0.271516596859492 0.02232317458121096 -0.07054393931131887 -0.14793320088842413 -0.19901011352931114 -0.2516348114017388 -0.315094005894969 +36121,-0.40641333455594936,1,0.748234448174458 1.1150595480499375 1.5298659901032228 1.8502575330324376 1.8734743115055654 1.8843088081263593 1.769772700992242 1.5670128356602346 1.190901024395502 0.8937262599394155 0.6878708241443179 0.4139128381613593 0.271516596859492 0.02232317458121096 -0.07054393931131887 -0.14793320088842413 -0.19901011352931114 -0.2516348114017388 -0.315094005894969 -0.3801009856197399 +36122,-0.4838025961330546,1,1.1150595480499375 1.5298659901032228 1.8502575330324376 1.8734743115055654 1.8843088081263593 1.769772700992242 1.5670128356602346 1.190901024395502 0.8937262599394155 0.6878708241443179 0.4139128381613593 0.271516596859492 0.02232317458121096 -0.07054393931131887 -0.14793320088842413 -0.19901011352931114 -0.2516348114017388 -0.315094005894969 -0.3801009856197399 -0.40641333455594936 +36123,-0.41879561640829255,1,1.5298659901032228 1.8502575330324376 1.8734743115055654 1.8843088081263593 1.769772700992242 1.5670128356602346 1.190901024395502 0.8937262599394155 0.6878708241443179 0.4139128381613593 0.271516596859492 0.02232317458121096 -0.07054393931131887 -0.14793320088842413 -0.19901011352931114 -0.2516348114017388 -0.315094005894969 -0.3801009856197399 -0.40641333455594936 -0.4838025961330546 +36124,0.23746532176556145,1,1.8502575330324376 1.8734743115055654 1.8843088081263593 1.769772700992242 1.5670128356602346 1.190901024395502 0.8937262599394155 0.6878708241443179 0.4139128381613593 0.271516596859492 0.02232317458121096 -0.07054393931131887 -0.14793320088842413 -0.19901011352931114 -0.2516348114017388 -0.315094005894969 -0.3801009856197399 -0.40641333455594936 -0.4838025961330546 -0.41879561640829255 +36125,0.7281132401644113,1,1.8734743115055654 1.8843088081263593 1.769772700992242 1.5670128356602346 1.190901024395502 0.8937262599394155 0.6878708241443179 0.4139128381613593 0.271516596859492 0.02232317458121096 -0.07054393931131887 -0.14793320088842413 -0.19901011352931114 -0.2516348114017388 -0.315094005894969 -0.3801009856197399 -0.40641333455594936 -0.4838025961330546 -0.41879561640829255 0.23746532176556145 +36126,1.1475630379123185,1,1.8843088081263593 1.769772700992242 1.5670128356602346 1.190901024395502 0.8937262599394155 0.6878708241443179 0.4139128381613593 0.271516596859492 0.02232317458121096 -0.07054393931131887 -0.14793320088842413 -0.19901011352931114 -0.2516348114017388 -0.315094005894969 -0.3801009856197399 -0.40641333455594936 -0.4838025961330546 -0.41879561640829255 0.23746532176556145 0.7281132401644113 +36127,1.2172133733317116,1,1.769772700992242 1.5670128356602346 1.190901024395502 0.8937262599394155 0.6878708241443179 0.4139128381613593 0.271516596859492 0.02232317458121096 -0.07054393931131887 -0.14793320088842413 -0.19901011352931114 -0.2516348114017388 -0.315094005894969 -0.3801009856197399 -0.40641333455594936 -0.4838025961330546 -0.41879561640829255 0.23746532176556145 0.7281132401644113 1.1475630379123185 +36128,1.5112925673247168,1,1.5670128356602346 1.190901024395502 0.8937262599394155 0.6878708241443179 0.4139128381613593 0.271516596859492 0.02232317458121096 -0.07054393931131887 -0.14793320088842413 -0.19901011352931114 -0.2516348114017388 -0.315094005894969 -0.3801009856197399 -0.40641333455594936 -0.4838025961330546 -0.41879561640829255 0.23746532176556145 0.7281132401644113 1.1475630379123185 1.2172133733317116 +36129,1.574751761817938,1,1.190901024395502 0.8937262599394155 0.6878708241443179 0.4139128381613593 0.271516596859492 0.02232317458121096 -0.07054393931131887 -0.14793320088842413 -0.19901011352931114 -0.2516348114017388 -0.315094005894969 -0.3801009856197399 -0.40641333455594936 -0.4838025961330546 -0.41879561640829255 0.23746532176556145 0.7281132401644113 1.1475630379123185 1.2172133733317116 1.5112925673247168 +36130,1.6149941778380315,1,0.8937262599394155 0.6878708241443179 0.4139128381613593 0.271516596859492 0.02232317458121096 -0.07054393931131887 -0.14793320088842413 -0.19901011352931114 -0.2516348114017388 -0.315094005894969 -0.3801009856197399 -0.40641333455594936 -0.4838025961330546 -0.41879561640829255 0.23746532176556145 0.7281132401644113 1.1475630379123185 1.2172133733317116 1.5112925673247168 1.574751761817938 +36131,1.574751761817938,1,0.6878708241443179 0.4139128381613593 0.271516596859492 0.02232317458121096 -0.07054393931131887 -0.14793320088842413 -0.19901011352931114 -0.2516348114017388 -0.315094005894969 -0.3801009856197399 -0.40641333455594936 -0.4838025961330546 -0.41879561640829255 0.23746532176556145 0.7281132401644113 1.1475630379123185 1.2172133733317116 1.5112925673247168 1.574751761817938 1.6149941778380315 +36132,1.3688963260228406,1,0.4139128381613593 0.271516596859492 0.02232317458121096 -0.07054393931131887 -0.14793320088842413 -0.19901011352931114 -0.2516348114017388 -0.315094005894969 -0.3801009856197399 -0.40641333455594936 -0.4838025961330546 -0.41879561640829255 0.23746532176556145 0.7281132401644113 1.1475630379123185 1.2172133733317116 1.5112925673247168 1.574751761817938 1.6149941778380315 1.574751761817938 +36133,1.0376702864728322,1,0.271516596859492 0.02232317458121096 -0.07054393931131887 -0.14793320088842413 -0.19901011352931114 -0.2516348114017388 -0.315094005894969 -0.3801009856197399 -0.40641333455594936 -0.4838025961330546 -0.41879561640829255 0.23746532176556145 0.7281132401644113 1.1475630379123185 1.2172133733317116 1.5112925673247168 1.574751761817938 1.6149941778380315 1.574751761817938 1.3688963260228406 +36134,0.6151249182618348,1,0.02232317458121096 -0.07054393931131887 -0.14793320088842413 -0.19901011352931114 -0.2516348114017388 -0.315094005894969 -0.3801009856197399 -0.40641333455594936 -0.4838025961330546 -0.41879561640829255 0.23746532176556145 0.7281132401644113 1.1475630379123185 1.2172133733317116 1.5112925673247168 1.574751761817938 1.6149941778380315 1.574751761817938 1.3688963260228406 1.0376702864728322 +36135,0.45725082464454286,1,-0.07054393931131887 -0.14793320088842413 -0.19901011352931114 -0.2516348114017388 -0.315094005894969 -0.3801009856197399 -0.40641333455594936 -0.4838025961330546 -0.41879561640829255 0.23746532176556145 0.7281132401644113 1.1475630379123185 1.2172133733317116 1.5112925673247168 1.574751761817938 1.6149941778380315 1.574751761817938 1.3688963260228406 1.0376702864728322 0.6151249182618348 +36136,0.3148545833426667,1,-0.14793320088842413 -0.19901011352931114 -0.2516348114017388 -0.315094005894969 -0.3801009856197399 -0.40641333455594936 -0.4838025961330546 -0.41879561640829255 0.23746532176556145 0.7281132401644113 1.1475630379123185 1.2172133733317116 1.5112925673247168 1.574751761817938 1.6149941778380315 1.574751761817938 1.3688963260228406 1.0376702864728322 0.6151249182618348 0.45725082464454286 +36137,0.2250830399132271,1,-0.19901011352931114 -0.2516348114017388 -0.315094005894969 -0.3801009856197399 -0.40641333455594936 -0.4838025961330546 -0.41879561640829255 0.23746532176556145 0.7281132401644113 1.1475630379123185 1.2172133733317116 1.5112925673247168 1.574751761817938 1.6149941778380315 1.574751761817938 1.3688963260228406 1.0376702864728322 0.6151249182618348 0.45725082464454286 0.3148545833426667 +36138,-0.011728100512719579,1,-0.2516348114017388 -0.315094005894969 -0.3801009856197399 -0.40641333455594936 -0.4838025961330546 -0.41879561640829255 0.23746532176556145 0.7281132401644113 1.1475630379123185 1.2172133733317116 1.5112925673247168 1.574751761817938 1.6149941778380315 1.574751761817938 1.3688963260228406 1.0376702864728322 0.6151249182618348 0.45725082464454286 0.3148545833426667 0.2250830399132271 +36139,-0.1587676975092178,1,-0.315094005894969 -0.3801009856197399 -0.40641333455594936 -0.4838025961330546 -0.41879561640829255 0.23746532176556145 0.7281132401644113 1.1475630379123185 1.2172133733317116 1.5112925673247168 1.574751761817938 1.6149941778380315 1.574751761817938 1.3688963260228406 1.0376702864728322 0.6151249182618348 0.45725082464454286 0.3148545833426667 0.2250830399132271 -0.011728100512719579 +36140,-0.315094005894969,1,-0.3801009856197399 -0.40641333455594936 -0.4838025961330546 -0.41879561640829255 0.23746532176556145 0.7281132401644113 1.1475630379123185 1.2172133733317116 1.5112925673247168 1.574751761817938 1.6149941778380315 1.574751761817938 1.3688963260228406 1.0376702864728322 0.6151249182618348 0.45725082464454286 0.3148545833426667 0.2250830399132271 -0.011728100512719579 -0.1587676975092178 +36141,-0.30116393881109393,1,-0.40641333455594936 -0.4838025961330546 -0.41879561640829255 0.23746532176556145 0.7281132401644113 1.1475630379123185 1.2172133733317116 1.5112925673247168 1.574751761817938 1.6149941778380315 1.574751761817938 1.3688963260228406 1.0376702864728322 0.6151249182618348 0.45725082464454286 0.3148545833426667 0.2250830399132271 -0.011728100512719579 -0.1587676975092178 -0.315094005894969 +36142,-0.3785532003881992,1,-0.4838025961330546 -0.41879561640829255 0.23746532176556145 0.7281132401644113 1.1475630379123185 1.2172133733317116 1.5112925673247168 1.574751761817938 1.6149941778380315 1.574751761817938 1.3688963260228406 1.0376702864728322 0.6151249182618348 0.45725082464454286 0.3148545833426667 0.2250830399132271 -0.011728100512719579 -0.1587676975092178 -0.315094005894969 -0.30116393881109393 +36143,-0.4822548109015139,1,-0.41879561640829255 0.23746532176556145 0.7281132401644113 1.1475630379123185 1.2172133733317116 1.5112925673247168 1.574751761817938 1.6149941778380315 1.574751761817938 1.3688963260228406 1.0376702864728322 0.6151249182618348 0.45725082464454286 0.3148545833426667 0.2250830399132271 -0.011728100512719579 -0.1587676975092178 -0.315094005894969 -0.30116393881109393 -0.3785532003881992 +36144,-0.5565485020155377,1,0.23746532176556145 0.7281132401644113 1.1475630379123185 1.2172133733317116 1.5112925673247168 1.574751761817938 1.6149941778380315 1.574751761817938 1.3688963260228406 1.0376702864728322 0.6151249182618348 0.45725082464454286 0.3148545833426667 0.2250830399132271 -0.011728100512719579 -0.1587676975092178 -0.315094005894969 -0.30116393881109393 -0.3785532003881992 -0.4822548109015139 +36145,-0.671084609149655,1,0.7281132401644113 1.1475630379123185 1.2172133733317116 1.5112925673247168 1.574751761817938 1.6149941778380315 1.574751761817938 1.3688963260228406 1.0376702864728322 0.6151249182618348 0.45725082464454286 0.3148545833426667 0.2250830399132271 -0.011728100512719579 -0.1587676975092178 -0.315094005894969 -0.30116393881109393 -0.3785532003881992 -0.4822548109015139 -0.5565485020155377 +36146,-0.6989447433174139,1,1.1475630379123185 1.2172133733317116 1.5112925673247168 1.574751761817938 1.6149941778380315 1.574751761817938 1.3688963260228406 1.0376702864728322 0.6151249182618348 0.45725082464454286 0.3148545833426667 0.2250830399132271 -0.011728100512719579 -0.1587676975092178 -0.315094005894969 -0.30116393881109393 -0.3785532003881992 -0.4822548109015139 -0.5565485020155377 -0.671084609149655 +36147,-0.6602501125288612,1,1.2172133733317116 1.5112925673247168 1.574751761817938 1.6149941778380315 1.574751761817938 1.3688963260228406 1.0376702864728322 0.6151249182618348 0.45725082464454286 0.3148545833426667 0.2250830399132271 -0.011728100512719579 -0.1587676975092178 -0.315094005894969 -0.30116393881109393 -0.3785532003881992 -0.4822548109015139 -0.5565485020155377 -0.671084609149655 -0.6989447433174139 +36148,-0.17579333505618308,1,1.5112925673247168 1.574751761817938 1.6149941778380315 1.574751761817938 1.3688963260228406 1.0376702864728322 0.6151249182618348 0.45725082464454286 0.3148545833426667 0.2250830399132271 -0.011728100512719579 -0.1587676975092178 -0.315094005894969 -0.30116393881109393 -0.3785532003881992 -0.4822548109015139 -0.5565485020155377 -0.671084609149655 -0.6989447433174139 -0.6602501125288612 +36149,0.15388491926228462,1,1.574751761817938 1.6149941778380315 1.574751761817938 1.3688963260228406 1.0376702864728322 0.6151249182618348 0.45725082464454286 0.3148545833426667 0.2250830399132271 -0.011728100512719579 -0.1587676975092178 -0.315094005894969 -0.30116393881109393 -0.3785532003881992 -0.4822548109015139 -0.5565485020155377 -0.671084609149655 -0.6989447433174139 -0.6602501125288612 -0.17579333505618308 +36150,0.4820153883492116,1,1.6149941778380315 1.574751761817938 1.3688963260228406 1.0376702864728322 0.6151249182618348 0.45725082464454286 0.3148545833426667 0.2250830399132271 -0.011728100512719579 -0.1587676975092178 -0.315094005894969 -0.30116393881109393 -0.3785532003881992 -0.4822548109015139 -0.5565485020155377 -0.671084609149655 -0.6989447433174139 -0.6602501125288612 -0.17579333505618308 0.15388491926228462 +36151,0.7745467971106762,1,1.574751761817938 1.3688963260228406 1.0376702864728322 0.6151249182618348 0.45725082464454286 0.3148545833426667 0.2250830399132271 -0.011728100512719579 -0.1587676975092178 -0.315094005894969 -0.30116393881109393 -0.3785532003881992 -0.4822548109015139 -0.5565485020155377 -0.671084609149655 -0.6989447433174139 -0.6602501125288612 -0.17579333505618308 0.15388491926228462 0.4820153883492116 +36152,1.0593392797144197,1,1.3688963260228406 1.0376702864728322 0.6151249182618348 0.45725082464454286 0.3148545833426667 0.2250830399132271 -0.011728100512719579 -0.1587676975092178 -0.315094005894969 -0.30116393881109393 -0.3785532003881992 -0.4822548109015139 -0.5565485020155377 -0.671084609149655 -0.6989447433174139 -0.6602501125288612 -0.17579333505618308 0.15388491926228462 0.4820153883492116 0.7745467971106762 +36153,0.9958800852211894,1,1.0376702864728322 0.6151249182618348 0.45725082464454286 0.3148545833426667 0.2250830399132271 -0.011728100512719579 -0.1587676975092178 -0.315094005894969 -0.30116393881109393 -0.3785532003881992 -0.4822548109015139 -0.5565485020155377 -0.671084609149655 -0.6989447433174139 -0.6602501125288612 -0.17579333505618308 0.15388491926228462 0.4820153883492116 0.7745467971106762 1.0593392797144197 +36154,0.9680199510534393,1,0.6151249182618348 0.45725082464454286 0.3148545833426667 0.2250830399132271 -0.011728100512719579 -0.1587676975092178 -0.315094005894969 -0.30116393881109393 -0.3785532003881992 -0.4822548109015139 -0.5565485020155377 -0.671084609149655 -0.6989447433174139 -0.6602501125288612 -0.17579333505618308 0.15388491926228462 0.4820153883492116 0.7745467971106762 1.0593392797144197 0.9958800852211894 +36155,0.8797961928555316,1,0.45725082464454286 0.3148545833426667 0.2250830399132271 -0.011728100512719579 -0.1587676975092178 -0.315094005894969 -0.30116393881109393 -0.3785532003881992 -0.4822548109015139 -0.5565485020155377 -0.671084609149655 -0.6989447433174139 -0.6602501125288612 -0.17579333505618308 0.15388491926228462 0.4820153883492116 0.7745467971106762 1.0593392797144197 0.9958800852211894 0.9680199510534393 +36156,0.6677496161342713,1,0.3148545833426667 0.2250830399132271 -0.011728100512719579 -0.1587676975092178 -0.315094005894969 -0.30116393881109393 -0.3785532003881992 -0.4822548109015139 -0.5565485020155377 -0.671084609149655 -0.6989447433174139 -0.6602501125288612 -0.17579333505618308 0.15388491926228462 0.4820153883492116 0.7745467971106762 1.0593392797144197 0.9958800852211894 0.9680199510534393 0.8797961928555316 +36157,0.4154606233929,1,0.2250830399132271 -0.011728100512719579 -0.1587676975092178 -0.315094005894969 -0.30116393881109393 -0.3785532003881992 -0.4822548109015139 -0.5565485020155377 -0.671084609149655 -0.6989447433174139 -0.6602501125288612 -0.17579333505618308 0.15388491926228462 0.4820153883492116 0.7745467971106762 1.0593392797144197 0.9958800852211894 0.9680199510534393 0.8797961928555316 0.6677496161342713 +36158,0.19257955005083724,1,-0.011728100512719579 -0.1587676975092178 -0.315094005894969 -0.30116393881109393 -0.3785532003881992 -0.4822548109015139 -0.5565485020155377 -0.671084609149655 -0.6989447433174139 -0.6602501125288612 -0.17579333505618308 0.15388491926228462 0.4820153883492116 0.7745467971106762 1.0593392797144197 0.9958800852211894 0.9680199510534393 0.8797961928555316 0.6677496161342713 0.4154606233929 +36159,0.07804344291672885,1,-0.1587676975092178 -0.315094005894969 -0.30116393881109393 -0.3785532003881992 -0.4822548109015139 -0.5565485020155377 -0.671084609149655 -0.6989447433174139 -0.6602501125288612 -0.17579333505618308 0.15388491926228462 0.4820153883492116 0.7745467971106762 1.0593392797144197 0.9958800852211894 0.9680199510534393 0.8797961928555316 0.6677496161342713 0.4154606233929 0.19257955005083724 +36160,-0.0550660869958943,1,-0.315094005894969 -0.30116393881109393 -0.3785532003881992 -0.4822548109015139 -0.5565485020155377 -0.671084609149655 -0.6989447433174139 -0.6602501125288612 -0.17579333505618308 0.15388491926228462 0.4820153883492116 0.7745467971106762 1.0593392797144197 0.9958800852211894 0.9680199510534393 0.8797961928555316 0.6677496161342713 0.4154606233929 0.19257955005083724 0.07804344291672885 +36161,-0.2144879658447357,1,-0.30116393881109393 -0.3785532003881992 -0.4822548109015139 -0.5565485020155377 -0.671084609149655 -0.6989447433174139 -0.6602501125288612 -0.17579333505618308 0.15388491926228462 0.4820153883492116 0.7745467971106762 1.0593392797144197 0.9958800852211894 0.9680199510534393 0.8797961928555316 0.6677496161342713 0.4154606233929 0.19257955005083724 0.07804344291672885 -0.0550660869958943 +36162,-0.3739098446935683,1,-0.3785532003881992 -0.4822548109015139 -0.5565485020155377 -0.671084609149655 -0.6989447433174139 -0.6602501125288612 -0.17579333505618308 0.15388491926228462 0.4820153883492116 0.7745467971106762 1.0593392797144197 0.9958800852211894 0.9680199510534393 0.8797961928555316 0.6677496161342713 0.4154606233929 0.19257955005083724 0.07804344291672885 -0.0550660869958943 -0.2144879658447357 +36163,-0.4311778982606269,1,-0.4822548109015139 -0.5565485020155377 -0.671084609149655 -0.6989447433174139 -0.6602501125288612 -0.17579333505618308 0.15388491926228462 0.4820153883492116 0.7745467971106762 1.0593392797144197 0.9958800852211894 0.9680199510534393 0.8797961928555316 0.6677496161342713 0.4154606233929 0.19257955005083724 0.07804344291672885 -0.0550660869958943 -0.2144879658447357 -0.3739098446935683 +36164,-0.5720263543309624,1,-0.5565485020155377 -0.671084609149655 -0.6989447433174139 -0.6602501125288612 -0.17579333505618308 0.15388491926228462 0.4820153883492116 0.7745467971106762 1.0593392797144197 0.9958800852211894 0.9680199510534393 0.8797961928555316 0.6677496161342713 0.4154606233929 0.19257955005083724 0.07804344291672885 -0.0550660869958943 -0.2144879658447357 -0.3739098446935683 -0.4311778982606269 +36165,-0.5875042066463781,1,-0.671084609149655 -0.6989447433174139 -0.6602501125288612 -0.17579333505618308 0.15388491926228462 0.4820153883492116 0.7745467971106762 1.0593392797144197 0.9958800852211894 0.9680199510534393 0.8797961928555316 0.6677496161342713 0.4154606233929 0.19257955005083724 0.07804344291672885 -0.0550660869958943 -0.2144879658447357 -0.3739098446935683 -0.4311778982606269 -0.5720263543309624 +36166,-0.6803713205389079,1,-0.6989447433174139 -0.6602501125288612 -0.17579333505618308 0.15388491926228462 0.4820153883492116 0.7745467971106762 1.0593392797144197 0.9958800852211894 0.9680199510534393 0.8797961928555316 0.6677496161342713 0.4154606233929 0.19257955005083724 0.07804344291672885 -0.0550660869958943 -0.2144879658447357 -0.3739098446935683 -0.4311778982606269 -0.5720263543309624 -0.5875042066463781 +36167,-0.610720985119515,1,-0.6602501125288612 -0.17579333505618308 0.15388491926228462 0.4820153883492116 0.7745467971106762 1.0593392797144197 0.9958800852211894 0.9680199510534393 0.8797961928555316 0.6677496161342713 0.4154606233929 0.19257955005083724 0.07804344291672885 -0.0550660869958943 -0.2144879658447357 -0.3739098446935683 -0.4311778982606269 -0.5720263543309624 -0.5875042066463781 -0.6803713205389079 +36168,-0.6494156159080676,1,-0.17579333505618308 0.15388491926228462 0.4820153883492116 0.7745467971106762 1.0593392797144197 0.9958800852211894 0.9680199510534393 0.8797961928555316 0.6677496161342713 0.4154606233929 0.19257955005083724 0.07804344291672885 -0.0550660869958943 -0.2144879658447357 -0.3739098446935683 -0.4311778982606269 -0.5720263543309624 -0.5875042066463781 -0.6803713205389079 -0.610720985119515 +36169,-0.6494156159080676,1,0.15388491926228462 0.4820153883492116 0.7745467971106762 1.0593392797144197 0.9958800852211894 0.9680199510534393 0.8797961928555316 0.6677496161342713 0.4154606233929 0.19257955005083724 0.07804344291672885 -0.0550660869958943 -0.2144879658447357 -0.3739098446935683 -0.4311778982606269 -0.5720263543309624 -0.5875042066463781 -0.6803713205389079 -0.610720985119515 -0.6494156159080676 +36170,-0.6370333340557244,1,0.4820153883492116 0.7745467971106762 1.0593392797144197 0.9958800852211894 0.9680199510534393 0.8797961928555316 0.6677496161342713 0.4154606233929 0.19257955005083724 0.07804344291672885 -0.0550660869958943 -0.2144879658447357 -0.3739098446935683 -0.4311778982606269 -0.5720263543309624 -0.5875042066463781 -0.6803713205389079 -0.610720985119515 -0.6494156159080676 -0.6494156159080676 +36171,-0.5967909180356311,1,0.7745467971106762 1.0593392797144197 0.9958800852211894 0.9680199510534393 0.8797961928555316 0.6677496161342713 0.4154606233929 0.19257955005083724 0.07804344291672885 -0.0550660869958943 -0.2144879658447357 -0.3739098446935683 -0.4311778982606269 -0.5720263543309624 -0.5875042066463781 -0.6803713205389079 -0.610720985119515 -0.6494156159080676 -0.6494156159080676 -0.6370333340557244 +36172,-0.3506930662204403,1,1.0593392797144197 0.9958800852211894 0.9680199510534393 0.8797961928555316 0.6677496161342713 0.4154606233929 0.19257955005083724 0.07804344291672885 -0.0550660869958943 -0.2144879658447357 -0.3739098446935683 -0.4311778982606269 -0.5720263543309624 -0.5875042066463781 -0.6803713205389079 -0.610720985119515 -0.6494156159080676 -0.6494156159080676 -0.6370333340557244 -0.5967909180356311 +36173,-0.19591454306622974,1,0.9958800852211894 0.9680199510534393 0.8797961928555316 0.6677496161342713 0.4154606233929 0.19257955005083724 0.07804344291672885 -0.0550660869958943 -0.2144879658447357 -0.3739098446935683 -0.4311778982606269 -0.5720263543309624 -0.5875042066463781 -0.6803713205389079 -0.610720985119515 -0.6494156159080676 -0.6494156159080676 -0.6370333340557244 -0.5967909180356311 -0.3506930662204403 +36174,-0.08911736208982483,1,0.9680199510534393 0.8797961928555316 0.6677496161342713 0.4154606233929 0.19257955005083724 0.07804344291672885 -0.0550660869958943 -0.2144879658447357 -0.3739098446935683 -0.4311778982606269 -0.5720263543309624 -0.5875042066463781 -0.6803713205389079 -0.610720985119515 -0.6494156159080676 -0.6494156159080676 -0.6370333340557244 -0.5967909180356311 -0.3506930662204403 -0.19591454306622974 +36175,0.06566116106438567,1,0.8797961928555316 0.6677496161342713 0.4154606233929 0.19257955005083724 0.07804344291672885 -0.0550660869958943 -0.2144879658447357 -0.3739098446935683 -0.4311778982606269 -0.5720263543309624 -0.5875042066463781 -0.6803713205389079 -0.610720985119515 -0.6494156159080676 -0.6494156159080676 -0.6370333340557244 -0.5967909180356311 -0.3506930662204403 -0.19591454306622974 -0.08911736208982483 +36176,0.24210867746019235,1,0.6677496161342713 0.4154606233929 0.19257955005083724 0.07804344291672885 -0.0550660869958943 -0.2144879658447357 -0.3739098446935683 -0.4311778982606269 -0.5720263543309624 -0.5875042066463781 -0.6803713205389079 -0.610720985119515 -0.6494156159080676 -0.6494156159080676 -0.6370333340557244 -0.5967909180356311 -0.3506930662204403 -0.19591454306622974 -0.08911736208982483 0.06566116106438567 +36177,0.3086634424164951,1,0.4154606233929 0.19257955005083724 0.07804344291672885 -0.0550660869958943 -0.2144879658447357 -0.3739098446935683 -0.4311778982606269 -0.5720263543309624 -0.5875042066463781 -0.6803713205389079 -0.610720985119515 -0.6494156159080676 -0.6494156159080676 -0.6370333340557244 -0.5967909180356311 -0.3506930662204403 -0.19591454306622974 -0.08911736208982483 0.06566116106438567 0.24210867746019235 +36178,0.3272368651950011,1,0.19257955005083724 0.07804344291672885 -0.0550660869958943 -0.2144879658447357 -0.3739098446935683 -0.4311778982606269 -0.5720263543309624 -0.5875042066463781 -0.6803713205389079 -0.610720985119515 -0.6494156159080676 -0.6494156159080676 -0.6370333340557244 -0.5967909180356311 -0.3506930662204403 -0.19591454306622974 -0.08911736208982483 0.06566116106438567 0.24210867746019235 0.3086634424164951 +36179,0.2699688116279425,1,0.07804344291672885 -0.0550660869958943 -0.2144879658447357 -0.3739098446935683 -0.4311778982606269 -0.5720263543309624 -0.5875042066463781 -0.6803713205389079 -0.610720985119515 -0.6494156159080676 -0.6494156159080676 -0.6370333340557244 -0.5967909180356311 -0.3506930662204403 -0.19591454306622974 -0.08911736208982483 0.06566116106438567 0.24210867746019235 0.3086634424164951 0.3272368651950011 +36180,0.23436975130248006,1,-0.0550660869958943 -0.2144879658447357 -0.3739098446935683 -0.4311778982606269 -0.5720263543309624 -0.5875042066463781 -0.6803713205389079 -0.610720985119515 -0.6494156159080676 -0.6494156159080676 -0.6370333340557244 -0.5967909180356311 -0.3506930662204403 -0.19591454306622974 -0.08911736208982483 0.06566116106438567 0.24210867746019235 0.3086634424164951 0.3272368651950011 0.2699688116279425 +36181,-0.003989174355007293,1,-0.2144879658447357 -0.3739098446935683 -0.4311778982606269 -0.5720263543309624 -0.5875042066463781 -0.6803713205389079 -0.610720985119515 -0.6494156159080676 -0.6494156159080676 -0.6370333340557244 -0.5967909180356311 -0.3506930662204403 -0.19591454306622974 -0.08911736208982483 0.06566116106438567 0.24210867746019235 0.3086634424164951 0.3272368651950011 0.2699688116279425 0.23436975130248006 +36182,-0.17579333505618308,1,-0.3739098446935683 -0.4311778982606269 -0.5720263543309624 -0.5875042066463781 -0.6803713205389079 -0.610720985119515 -0.6494156159080676 -0.6494156159080676 -0.6370333340557244 -0.5967909180356311 -0.3506930662204403 -0.19591454306622974 -0.08911736208982483 0.06566116106438567 0.24210867746019235 0.3086634424164951 0.3272368651950011 0.2699688116279425 0.23436975130248006 -0.003989174355007293 +36183,-0.282590516032588,1,-0.4311778982606269 -0.5720263543309624 -0.5875042066463781 -0.6803713205389079 -0.610720985119515 -0.6494156159080676 -0.6494156159080676 -0.6370333340557244 -0.5967909180356311 -0.3506930662204403 -0.19591454306622974 -0.08911736208982483 0.06566116106438567 0.24210867746019235 0.3086634424164951 0.3272368651950011 0.2699688116279425 0.23436975130248006 -0.003989174355007293 -0.17579333505618308 +36184,-0.24234810001249465,1,-0.5720263543309624 -0.5875042066463781 -0.6803713205389079 -0.610720985119515 -0.6494156159080676 -0.6494156159080676 -0.6370333340557244 -0.5967909180356311 -0.3506930662204403 -0.19591454306622974 -0.08911736208982483 0.06566116106438567 0.24210867746019235 0.3086634424164951 0.3272368651950011 0.2699688116279425 0.23436975130248006 -0.003989174355007293 -0.17579333505618308 -0.282590516032588 +36185,-0.3553364219150623,1,-0.5875042066463781 -0.6803713205389079 -0.610720985119515 -0.6494156159080676 -0.6494156159080676 -0.6370333340557244 -0.5967909180356311 -0.3506930662204403 -0.19591454306622974 -0.08911736208982483 0.06566116106438567 0.24210867746019235 0.3086634424164951 0.3272368651950011 0.2699688116279425 0.23436975130248006 -0.003989174355007293 -0.17579333505618308 -0.282590516032588 -0.24234810001249465 +36186,-0.4776114552068918,1,-0.6803713205389079 -0.610720985119515 -0.6494156159080676 -0.6494156159080676 -0.6370333340557244 -0.5967909180356311 -0.3506930662204403 -0.19591454306622974 -0.08911736208982483 0.06566116106438567 0.24210867746019235 0.3086634424164951 0.3272368651950011 0.2699688116279425 0.23436975130248006 -0.003989174355007293 -0.17579333505618308 -0.282590516032588 -0.24234810001249465 -0.3553364219150623 +36187,-0.5472617906262848,1,-0.610720985119515 -0.6494156159080676 -0.6494156159080676 -0.6370333340557244 -0.5967909180356311 -0.3506930662204403 -0.19591454306622974 -0.08911736208982483 0.06566116106438567 0.24210867746019235 0.3086634424164951 0.3272368651950011 0.2699688116279425 0.23436975130248006 -0.003989174355007293 -0.17579333505618308 -0.282590516032588 -0.24234810001249465 -0.3553364219150623 -0.4776114552068918 +36188,-0.6509634011396083,1,-0.6494156159080676 -0.6494156159080676 -0.6370333340557244 -0.5967909180356311 -0.3506930662204403 -0.19591454306622974 -0.08911736208982483 0.06566116106438567 0.24210867746019235 0.3086634424164951 0.3272368651950011 0.2699688116279425 0.23436975130248006 -0.003989174355007293 -0.17579333505618308 -0.282590516032588 -0.24234810001249465 -0.3553364219150623 -0.4776114552068918 -0.5472617906262848 +36189,-0.6648934682234834,1,-0.6494156159080676 -0.6370333340557244 -0.5967909180356311 -0.3506930662204403 -0.19591454306622974 -0.08911736208982483 0.06566116106438567 0.24210867746019235 0.3086634424164951 0.3272368651950011 0.2699688116279425 0.23436975130248006 -0.003989174355007293 -0.17579333505618308 -0.282590516032588 -0.24234810001249465 -0.3553364219150623 -0.4776114552068918 -0.5472617906262848 -0.6509634011396083 +36190,-0.7809773605891412,1,-0.6370333340557244 -0.5967909180356311 -0.3506930662204403 -0.19591454306622974 -0.08911736208982483 0.06566116106438567 0.24210867746019235 0.3086634424164951 0.3272368651950011 0.2699688116279425 0.23436975130248006 -0.003989174355007293 -0.17579333505618308 -0.282590516032588 -0.24234810001249465 -0.3553364219150623 -0.4776114552068918 -0.5472617906262848 -0.6509634011396083 -0.6648934682234834 +36191,-0.7144225956328297,1,-0.5967909180356311 -0.3506930662204403 -0.19591454306622974 -0.08911736208982483 0.06566116106438567 0.24210867746019235 0.3086634424164951 0.3272368651950011 0.2699688116279425 0.23436975130248006 -0.003989174355007293 -0.17579333505618308 -0.282590516032588 -0.24234810001249465 -0.3553364219150623 -0.4776114552068918 -0.5472617906262848 -0.6509634011396083 -0.6648934682234834 -0.7809773605891412 +36192,-0.8397931993877406,1,-0.3506930662204403 -0.19591454306622974 -0.08911736208982483 0.06566116106438567 0.24210867746019235 0.3086634424164951 0.3272368651950011 0.2699688116279425 0.23436975130248006 -0.003989174355007293 -0.17579333505618308 -0.282590516032588 -0.24234810001249465 -0.3553364219150623 -0.4776114552068918 -0.5472617906262848 -0.6509634011396083 -0.6648934682234834 -0.7809773605891412 -0.7144225956328297 +36193,-0.9264691723540988,1,-0.19591454306622974 -0.08911736208982483 0.06566116106438567 0.24210867746019235 0.3086634424164951 0.3272368651950011 0.2699688116279425 0.23436975130248006 -0.003989174355007293 -0.17579333505618308 -0.282590516032588 -0.24234810001249465 -0.3553364219150623 -0.4776114552068918 -0.5472617906262848 -0.6509634011396083 -0.6648934682234834 -0.7809773605891412 -0.7144225956328297 -0.8397931993877406 +36194,-0.9961195077734918,1,-0.08911736208982483 0.06566116106438567 0.24210867746019235 0.3086634424164951 0.3272368651950011 0.2699688116279425 0.23436975130248006 -0.003989174355007293 -0.17579333505618308 -0.282590516032588 -0.24234810001249465 -0.3553364219150623 -0.4776114552068918 -0.5472617906262848 -0.6509634011396083 -0.6648934682234834 -0.7809773605891412 -0.7144225956328297 -0.8397931993877406 -0.9264691723540988 +36195,-1.0967255478237339,1,0.06566116106438567 0.24210867746019235 0.3086634424164951 0.3272368651950011 0.2699688116279425 0.23436975130248006 -0.003989174355007293 -0.17579333505618308 -0.282590516032588 -0.24234810001249465 -0.3553364219150623 -0.4776114552068918 -0.5472617906262848 -0.6509634011396083 -0.6648934682234834 -0.7809773605891412 -0.7144225956328297 -0.8397931993877406 -0.9264691723540988 -0.9961195077734918 +36196,-0.582860850951756,1,0.24210867746019235 0.3086634424164951 0.3272368651950011 0.2699688116279425 0.23436975130248006 -0.003989174355007293 -0.17579333505618308 -0.282590516032588 -0.24234810001249465 -0.3553364219150623 -0.4776114552068918 -0.5472617906262848 -0.6509634011396083 -0.6648934682234834 -0.7809773605891412 -0.7144225956328297 -0.8397931993877406 -0.9264691723540988 -0.9961195077734918 -1.0967255478237339 +36197,-0.273303804643335,1,0.3086634424164951 0.3272368651950011 0.2699688116279425 0.23436975130248006 -0.003989174355007293 -0.17579333505618308 -0.282590516032588 -0.24234810001249465 -0.3553364219150623 -0.4776114552068918 -0.5472617906262848 -0.6509634011396083 -0.6648934682234834 -0.7809773605891412 -0.7144225956328297 -0.8397931993877406 -0.9264691723540988 -0.9961195077734918 -1.0967255478237339 -0.582860850951756 +36198,0.04708773828587971,1,0.3272368651950011 0.2699688116279425 0.23436975130248006 -0.003989174355007293 -0.17579333505618308 -0.282590516032588 -0.24234810001249465 -0.3553364219150623 -0.4776114552068918 -0.5472617906262848 -0.6509634011396083 -0.6648934682234834 -0.7809773605891412 -0.7144225956328297 -0.8397931993877406 -0.9264691723540988 -0.9961195077734918 -1.0967255478237339 -0.582860850951756 -0.273303804643335 +36199,0.16317163065153759,1,0.2699688116279425 0.23436975130248006 -0.003989174355007293 -0.17579333505618308 -0.282590516032588 -0.24234810001249465 -0.3553364219150623 -0.4776114552068918 -0.5472617906262848 -0.6509634011396083 -0.6648934682234834 -0.7809773605891412 -0.7144225956328297 -0.8397931993877406 -0.9264691723540988 -0.9961195077734918 -1.0967255478237339 -0.582860850951756 -0.273303804643335 0.04708773828587971 +36200,0.34581028797350705,1,0.23436975130248006 -0.003989174355007293 -0.17579333505618308 -0.282590516032588 -0.24234810001249465 -0.3553364219150623 -0.4776114552068918 -0.5472617906262848 -0.6509634011396083 -0.6648934682234834 -0.7809773605891412 -0.7144225956328297 -0.8397931993877406 -0.9264691723540988 -0.9961195077734918 -1.0967255478237339 -0.582860850951756 -0.273303804643335 0.04708773828587971 0.16317163065153759 +36201,0.5222578043693137,2,-0.003989174355007293 -0.17579333505618308 -0.282590516032588 -0.24234810001249465 -0.3553364219150623 -0.4776114552068918 -0.5472617906262848 -0.6509634011396083 -0.6648934682234834 -0.7809773605891412 -0.7144225956328297 -0.8397931993877406 -0.9264691723540988 -0.9961195077734918 -1.0967255478237339 -0.582860850951756 -0.273303804643335 0.04708773828587971 0.16317163065153759 0.34581028797350705 +36202,0.6042904216410411,2,-0.17579333505618308 -0.282590516032588 -0.24234810001249465 -0.3553364219150623 -0.4776114552068918 -0.5472617906262848 -0.6509634011396083 -0.6648934682234834 -0.7809773605891412 -0.7144225956328297 -0.8397931993877406 -0.9264691723540988 -0.9961195077734918 -1.0967255478237339 -0.582860850951756 -0.273303804643335 0.04708773828587971 0.16317163065153759 0.34581028797350705 0.5222578043693137 +36203,0.5392834419162702,2,-0.282590516032588 -0.24234810001249465 -0.3553364219150623 -0.4776114552068918 -0.5472617906262848 -0.6509634011396083 -0.6648934682234834 -0.7809773605891412 -0.7144225956328297 -0.8397931993877406 -0.9264691723540988 -0.9961195077734918 -1.0967255478237339 -0.582860850951756 -0.273303804643335 0.04708773828587971 0.16317163065153759 0.34581028797350705 0.5222578043693137 0.6042904216410411 +36204,0.4231995495506123,2,-0.24234810001249465 -0.3553364219150623 -0.4776114552068918 -0.5472617906262848 -0.6509634011396083 -0.6648934682234834 -0.7809773605891412 -0.7144225956328297 -0.8397931993877406 -0.9264691723540988 -0.9961195077734918 -1.0967255478237339 -0.582860850951756 -0.273303804643335 0.04708773828587971 0.16317163065153759 0.34581028797350705 0.5222578043693137 0.6042904216410411 0.5392834419162702 +36205,0.13376371125223796,2,-0.3553364219150623 -0.4776114552068918 -0.5472617906262848 -0.6509634011396083 -0.6648934682234834 -0.7809773605891412 -0.7144225956328297 -0.8397931993877406 -0.9264691723540988 -0.9961195077734918 -1.0967255478237339 -0.582860850951756 -0.273303804643335 0.04708773828587971 0.16317163065153759 0.34581028797350705 0.5222578043693137 0.6042904216410411 0.5392834419162702 0.4231995495506123 +36206,-0.008632530049629385,2,-0.4776114552068918 -0.5472617906262848 -0.6509634011396083 -0.6648934682234834 -0.7809773605891412 -0.7144225956328297 -0.8397931993877406 -0.9264691723540988 -0.9961195077734918 -1.0967255478237339 -0.582860850951756 -0.273303804643335 0.04708773828587971 0.16317163065153759 0.34581028797350705 0.5222578043693137 0.6042904216410411 0.5392834419162702 0.4231995495506123 0.13376371125223796 +36207,-0.15257655658304622,2,-0.5472617906262848 -0.6509634011396083 -0.6648934682234834 -0.7809773605891412 -0.7144225956328297 -0.8397931993877406 -0.9264691723540988 -0.9961195077734918 -1.0967255478237339 -0.582860850951756 -0.273303804643335 0.04708773828587971 0.16317163065153759 0.34581028797350705 0.5222578043693137 0.6042904216410411 0.5392834419162702 0.4231995495506123 0.13376371125223796 -0.008632530049629385 +36208,-0.24080031478094516,2,-0.6509634011396083 -0.6648934682234834 -0.7809773605891412 -0.7144225956328297 -0.8397931993877406 -0.9264691723540988 -0.9961195077734918 -1.0967255478237339 -0.582860850951756 -0.273303804643335 0.04708773828587971 0.16317163065153759 0.34581028797350705 0.5222578043693137 0.6042904216410411 0.5392834419162702 0.4231995495506123 0.13376371125223796 -0.008632530049629385 -0.15257655658304622 +36209,-0.29652058311646307,2,-0.6648934682234834 -0.7809773605891412 -0.7144225956328297 -0.8397931993877406 -0.9264691723540988 -0.9961195077734918 -1.0967255478237339 -0.582860850951756 -0.273303804643335 0.04708773828587971 0.16317163065153759 0.34581028797350705 0.5222578043693137 0.6042904216410411 0.5392834419162702 0.4231995495506123 0.13376371125223796 -0.008632530049629385 -0.15257655658304622 -0.24080031478094516 +36210,-0.4311778982606269,2,-0.7809773605891412 -0.7144225956328297 -0.8397931993877406 -0.9264691723540988 -0.9961195077734918 -1.0967255478237339 -0.582860850951756 -0.273303804643335 0.04708773828587971 0.16317163065153759 0.34581028797350705 0.5222578043693137 0.6042904216410411 0.5392834419162702 0.4231995495506123 0.13376371125223796 -0.008632530049629385 -0.15257655658304622 -0.24080031478094516 -0.29652058311646307 +36211,-0.4822548109015139,2,-0.7144225956328297 -0.8397931993877406 -0.9264691723540988 -0.9961195077734918 -1.0967255478237339 -0.582860850951756 -0.273303804643335 0.04708773828587971 0.16317163065153759 0.34581028797350705 0.5222578043693137 0.6042904216410411 0.5392834419162702 0.4231995495506123 0.13376371125223796 -0.008632530049629385 -0.15257655658304622 -0.24080031478094516 -0.29652058311646307 -0.4311778982606269 +36212,-0.5998864884987125,2,-0.8397931993877406 -0.9264691723540988 -0.9961195077734918 -1.0967255478237339 -0.582860850951756 -0.273303804643335 0.04708773828587971 0.16317163065153759 0.34581028797350705 0.5222578043693137 0.6042904216410411 0.5392834419162702 0.4231995495506123 0.13376371125223796 -0.008632530049629385 -0.15257655658304622 -0.24080031478094516 -0.29652058311646307 -0.4311778982606269 -0.4822548109015139 +36213,-0.62465105220339,2,-0.9264691723540988 -0.9961195077734918 -1.0967255478237339 -0.582860850951756 -0.273303804643335 0.04708773828587971 0.16317163065153759 0.34581028797350705 0.5222578043693137 0.6042904216410411 0.5392834419162702 0.4231995495506123 0.13376371125223796 -0.008632530049629385 -0.15257655658304622 -0.24080031478094516 -0.29652058311646307 -0.4311778982606269 -0.4822548109015139 -0.5998864884987125 +36214,-0.7020403137804953,2,-0.9961195077734918 -1.0967255478237339 -0.582860850951756 -0.273303804643335 0.04708773828587971 0.16317163065153759 0.34581028797350705 0.5222578043693137 0.6042904216410411 0.5392834419162702 0.4231995495506123 0.13376371125223796 -0.008632530049629385 -0.15257655658304622 -0.24080031478094516 -0.29652058311646307 -0.4311778982606269 -0.4822548109015139 -0.5998864884987125 -0.62465105220339 +36215,-0.7794295753576006,2,-1.0967255478237339 -0.582860850951756 -0.273303804643335 0.04708773828587971 0.16317163065153759 0.34581028797350705 0.5222578043693137 0.6042904216410411 0.5392834419162702 0.4231995495506123 0.13376371125223796 -0.008632530049629385 -0.15257655658304622 -0.24080031478094516 -0.29652058311646307 -0.4311778982606269 -0.4822548109015139 -0.5998864884987125 -0.62465105220339 -0.7020403137804953 +36216,-0.9218258166594767,2,-0.582860850951756 -0.273303804643335 0.04708773828587971 0.16317163065153759 0.34581028797350705 0.5222578043693137 0.6042904216410411 0.5392834419162702 0.4231995495506123 0.13376371125223796 -0.008632530049629385 -0.15257655658304622 -0.24080031478094516 -0.29652058311646307 -0.4311778982606269 -0.4822548109015139 -0.5998864884987125 -0.62465105220339 -0.7020403137804953 -0.7794295753576006 +36217,-0.9868327963842388,2,-0.273303804643335 0.04708773828587971 0.16317163065153759 0.34581028797350705 0.5222578043693137 0.6042904216410411 0.5392834419162702 0.4231995495506123 0.13376371125223796 -0.008632530049629385 -0.15257655658304622 -0.24080031478094516 -0.29652058311646307 -0.4311778982606269 -0.4822548109015139 -0.5998864884987125 -0.62465105220339 -0.7020403137804953 -0.7794295753576006 -0.9218258166594767 +36218,-0.9605204474480293,2,0.04708773828587971 0.16317163065153759 0.34581028797350705 0.5222578043693137 0.6042904216410411 0.5392834419162702 0.4231995495506123 0.13376371125223796 -0.008632530049629385 -0.15257655658304622 -0.24080031478094516 -0.29652058311646307 -0.4311778982606269 -0.4822548109015139 -0.5998864884987125 -0.62465105220339 -0.7020403137804953 -0.7794295753576006 -0.9218258166594767 -0.9868327963842388 +36219,-0.8831311858709241,2,0.16317163065153759 0.34581028797350705 0.5222578043693137 0.6042904216410411 0.5392834419162702 0.4231995495506123 0.13376371125223796 -0.008632530049629385 -0.15257655658304622 -0.24080031478094516 -0.29652058311646307 -0.4311778982606269 -0.4822548109015139 -0.5998864884987125 -0.62465105220339 -0.7020403137804953 -0.7794295753576006 -0.9218258166594767 -0.9868327963842388 -0.9605204474480293 +36220,-0.49154152229076686,2,0.34581028797350705 0.5222578043693137 0.6042904216410411 0.5392834419162702 0.4231995495506123 0.13376371125223796 -0.008632530049629385 -0.15257655658304622 -0.24080031478094516 -0.29652058311646307 -0.4311778982606269 -0.4822548109015139 -0.5998864884987125 -0.62465105220339 -0.7020403137804953 -0.7794295753576006 -0.9218258166594767 -0.9868327963842388 -0.9605204474480293 -0.8831311858709241 +36221,0.045539953054339014,2,0.5222578043693137 0.6042904216410411 0.5392834419162702 0.4231995495506123 0.13376371125223796 -0.008632530049629385 -0.15257655658304622 -0.24080031478094516 -0.29652058311646307 -0.4311778982606269 -0.4822548109015139 -0.5998864884987125 -0.62465105220339 -0.7020403137804953 -0.7794295753576006 -0.9218258166594767 -0.9868327963842388 -0.9605204474480293 -0.8831311858709241 -0.49154152229076686 +36222,0.5547612942316947,2,0.6042904216410411 0.5392834419162702 0.4231995495506123 0.13376371125223796 -0.008632530049629385 -0.15257655658304622 -0.24080031478094516 -0.29652058311646307 -0.4311778982606269 -0.4822548109015139 -0.5998864884987125 -0.62465105220339 -0.7020403137804953 -0.7794295753576006 -0.9218258166594767 -0.9868327963842388 -0.9605204474480293 -0.8831311858709241 -0.49154152229076686 0.045539953054339014 +36223,0.7637123004898737,2,0.5392834419162702 0.4231995495506123 0.13376371125223796 -0.008632530049629385 -0.15257655658304622 -0.24080031478094516 -0.29652058311646307 -0.4311778982606269 -0.4822548109015139 -0.5998864884987125 -0.62465105220339 -0.7020403137804953 -0.7794295753576006 -0.9218258166594767 -0.9868327963842388 -0.9605204474480293 -0.8831311858709241 -0.49154152229076686 0.045539953054339014 0.5547612942316947 +36224,1.0237402193889484,2,0.4231995495506123 0.13376371125223796 -0.008632530049629385 -0.15257655658304622 -0.24080031478094516 -0.29652058311646307 -0.4311778982606269 -0.4822548109015139 -0.5998864884987125 -0.62465105220339 -0.7020403137804953 -0.7794295753576006 -0.9218258166594767 -0.9868327963842388 -0.9605204474480293 -0.8831311858709241 -0.49154152229076686 0.045539953054339014 0.5547612942316947 0.7637123004898737 +36225,1.1197029037445596,2,0.13376371125223796 -0.008632530049629385 -0.15257655658304622 -0.24080031478094516 -0.29652058311646307 -0.4311778982606269 -0.4822548109015139 -0.5998864884987125 -0.62465105220339 -0.7020403137804953 -0.7794295753576006 -0.9218258166594767 -0.9868327963842388 -0.9605204474480293 -0.8831311858709241 -0.49154152229076686 0.045539953054339014 0.5547612942316947 0.7637123004898737 1.0237402193889484 +36226,1.108868407123766,2,-0.008632530049629385 -0.15257655658304622 -0.24080031478094516 -0.29652058311646307 -0.4311778982606269 -0.4822548109015139 -0.5998864884987125 -0.62465105220339 -0.7020403137804953 -0.7794295753576006 -0.9218258166594767 -0.9868327963842388 -0.9605204474480293 -0.8831311858709241 -0.49154152229076686 0.045539953054339014 0.5547612942316947 0.7637123004898737 1.0237402193889484 1.1197029037445596 +36227,0.9850455886003958,2,-0.15257655658304622 -0.24080031478094516 -0.29652058311646307 -0.4311778982606269 -0.4822548109015139 -0.5998864884987125 -0.62465105220339 -0.7020403137804953 -0.7794295753576006 -0.9218258166594767 -0.9868327963842388 -0.9605204474480293 -0.8831311858709241 -0.49154152229076686 0.045539953054339014 0.5547612942316947 0.7637123004898737 1.0237402193889484 1.1197029037445596 1.108868407123766 +36228,0.8209803540569323,2,-0.24080031478094516 -0.29652058311646307 -0.4311778982606269 -0.4822548109015139 -0.5998864884987125 -0.62465105220339 -0.7020403137804953 -0.7794295753576006 -0.9218258166594767 -0.9868327963842388 -0.9605204474480293 -0.8831311858709241 -0.49154152229076686 0.045539953054339014 0.5547612942316947 0.7637123004898737 1.0237402193889484 1.1197029037445596 1.108868407123766 0.9850455886003958 +36229,0.4402251870975776,2,-0.29652058311646307 -0.4311778982606269 -0.4822548109015139 -0.5998864884987125 -0.62465105220339 -0.7020403137804953 -0.7794295753576006 -0.9218258166594767 -0.9868327963842388 -0.9605204474480293 -0.8831311858709241 -0.49154152229076686 0.045539953054339014 0.5547612942316947 0.7637123004898737 1.0237402193889484 1.1197029037445596 1.108868407123766 0.9850455886003958 0.8209803540569323 +36230,0.10126022138985691,2,-0.4311778982606269 -0.4822548109015139 -0.5998864884987125 -0.62465105220339 -0.7020403137804953 -0.7794295753576006 -0.9218258166594767 -0.9868327963842388 -0.9605204474480293 -0.8831311858709241 -0.49154152229076686 0.045539953054339014 0.5547612942316947 0.7637123004898737 1.0237402193889484 1.1197029037445596 1.108868407123766 0.9850455886003958 0.8209803540569323 0.4402251870975776 +36231,-0.14174205996225253,2,-0.4822548109015139 -0.5998864884987125 -0.62465105220339 -0.7020403137804953 -0.7794295753576006 -0.9218258166594767 -0.9868327963842388 -0.9605204474480293 -0.8831311858709241 -0.49154152229076686 0.045539953054339014 0.5547612942316947 0.7637123004898737 1.0237402193889484 1.1197029037445596 1.108868407123766 0.9850455886003958 0.8209803540569323 0.4402251870975776 0.10126022138985691 +36232,-0.3955788379351557,2,-0.5998864884987125 -0.62465105220339 -0.7020403137804953 -0.7794295753576006 -0.9218258166594767 -0.9868327963842388 -0.9605204474480293 -0.8831311858709241 -0.49154152229076686 0.045539953054339014 0.5547612942316947 0.7637123004898737 1.0237402193889484 1.1197029037445596 1.108868407123766 0.9850455886003958 0.8209803540569323 0.4402251870975776 0.10126022138985691 -0.14174205996225253 +36233,-0.47296809951226093,2,-0.62465105220339 -0.7020403137804953 -0.7794295753576006 -0.9218258166594767 -0.9868327963842388 -0.9605204474480293 -0.8831311858709241 -0.49154152229076686 0.045539953054339014 0.5547612942316947 0.7637123004898737 1.0237402193889484 1.1197029037445596 1.108868407123766 0.9850455886003958 0.8209803540569323 0.4402251870975776 0.10126022138985691 -0.14174205996225253 -0.3955788379351557 +36234,-0.633937763592643,2,-0.7020403137804953 -0.7794295753576006 -0.9218258166594767 -0.9868327963842388 -0.9605204474480293 -0.8831311858709241 -0.49154152229076686 0.045539953054339014 0.5547612942316947 0.7637123004898737 1.0237402193889484 1.1197029037445596 1.108868407123766 0.9850455886003958 0.8209803540569323 0.4402251870975776 0.10126022138985691 -0.14174205996225253 -0.3955788379351557 -0.47296809951226093 +36235,-0.7933596424414756,2,-0.7794295753576006 -0.9218258166594767 -0.9868327963842388 -0.9605204474480293 -0.8831311858709241 -0.49154152229076686 0.045539953054339014 0.5547612942316947 0.7637123004898737 1.0237402193889484 1.1197029037445596 1.108868407123766 0.9850455886003958 0.8209803540569323 0.4402251870975776 0.10126022138985691 -0.14174205996225253 -0.3955788379351557 -0.47296809951226093 -0.633937763592643 +36236,-0.9218258166594767,2,-0.9218258166594767 -0.9868327963842388 -0.9605204474480293 -0.8831311858709241 -0.49154152229076686 0.045539953054339014 0.5547612942316947 0.7637123004898737 1.0237402193889484 1.1197029037445596 1.108868407123766 0.9850455886003958 0.8209803540569323 0.4402251870975776 0.10126022138985691 -0.14174205996225253 -0.3955788379351557 -0.47296809951226093 -0.633937763592643 -0.7933596424414756 +36237,-1.0766043398136873,2,-0.9868327963842388 -0.9605204474480293 -0.8831311858709241 -0.49154152229076686 0.045539953054339014 0.5547612942316947 0.7637123004898737 1.0237402193889484 1.1197029037445596 1.108868407123766 0.9850455886003958 0.8209803540569323 0.4402251870975776 0.10126022138985691 -0.14174205996225253 -0.3955788379351557 -0.47296809951226093 -0.633937763592643 -0.7933596424414756 -0.9218258166594767 +36238,-1.0626742727298033,2,-0.9605204474480293 -0.8831311858709241 -0.49154152229076686 0.045539953054339014 0.5547612942316947 0.7637123004898737 1.0237402193889484 1.1197029037445596 1.108868407123766 0.9850455886003958 0.8209803540569323 0.4402251870975776 0.10126022138985691 -0.14174205996225253 -0.3955788379351557 -0.47296809951226093 -0.633937763592643 -0.7933596424414756 -0.9218258166594767 -1.0766043398136873 +36239,-1.1663758832431268,2,-0.8831311858709241 -0.49154152229076686 0.045539953054339014 0.5547612942316947 0.7637123004898737 1.0237402193889484 1.1197029037445596 1.108868407123766 0.9850455886003958 0.8209803540569323 0.4402251870975776 0.10126022138985691 -0.14174205996225253 -0.3955788379351557 -0.47296809951226093 -0.633937763592643 -0.7933596424414756 -0.9218258166594767 -1.0766043398136873 -1.0626742727298033 +36240,-1.2963898426926599,2,-0.49154152229076686 0.045539953054339014 0.5547612942316947 0.7637123004898737 1.0237402193889484 1.1197029037445596 1.108868407123766 0.9850455886003958 0.8209803540569323 0.4402251870975776 0.10126022138985691 -0.14174205996225253 -0.3955788379351557 -0.47296809951226093 -0.633937763592643 -0.7933596424414756 -0.9218258166594767 -1.0766043398136873 -1.0626742727298033 -1.1663758832431268 +36241,-1.3985436679744425,2,0.045539953054339014 0.5547612942316947 0.7637123004898737 1.0237402193889484 1.1197029037445596 1.108868407123766 0.9850455886003958 0.8209803540569323 0.4402251870975776 0.10126022138985691 -0.14174205996225253 -0.3955788379351557 -0.47296809951226093 -0.633937763592643 -0.7933596424414756 -0.9218258166594767 -1.0766043398136873 -1.0626742727298033 -1.1663758832431268 -1.2963898426926599 +36242,-1.35984903718589,2,0.5547612942316947 0.7637123004898737 1.0237402193889484 1.1197029037445596 1.108868407123766 0.9850455886003958 0.8209803540569323 0.4402251870975776 0.10126022138985691 -0.14174205996225253 -0.3955788379351557 -0.47296809951226093 -0.633937763592643 -0.7933596424414756 -0.9218258166594767 -1.0766043398136873 -1.0626742727298033 -1.1663758832431268 -1.2963898426926599 -1.3985436679744425 +36243,-1.3706835338066836,2,0.7637123004898737 1.0237402193889484 1.1197029037445596 1.108868407123766 0.9850455886003958 0.8209803540569323 0.4402251870975776 0.10126022138985691 -0.14174205996225253 -0.3955788379351557 -0.47296809951226093 -0.633937763592643 -0.7933596424414756 -0.9218258166594767 -1.0766043398136873 -1.0626742727298033 -1.1663758832431268 -1.2963898426926599 -1.3985436679744425 -1.35984903718589 +36244,-0.8134808504515311,2,1.0237402193889484 1.1197029037445596 1.108868407123766 0.9850455886003958 0.8209803540569323 0.4402251870975776 0.10126022138985691 -0.14174205996225253 -0.3955788379351557 -0.47296809951226093 -0.633937763592643 -0.7933596424414756 -0.9218258166594767 -1.0766043398136873 -1.0626742727298033 -1.1663758832431268 -1.2963898426926599 -1.3985436679744425 -1.35984903718589 -1.3706835338066836 +36245,-0.34140635483118725,2,1.1197029037445596 1.108868407123766 0.9850455886003958 0.8209803540569323 0.4402251870975776 0.10126022138985691 -0.14174205996225253 -0.3955788379351557 -0.47296809951226093 -0.633937763592643 -0.7933596424414756 -0.9218258166594767 -1.0766043398136873 -1.0626742727298033 -1.1663758832431268 -1.2963898426926599 -1.3985436679744425 -1.35984903718589 -1.3706835338066836 -0.8134808504515311 +36246,0.18174505343004357,2,1.108868407123766 0.9850455886003958 0.8209803540569323 0.4402251870975776 0.10126022138985691 -0.14174205996225253 -0.3955788379351557 -0.47296809951226093 -0.633937763592643 -0.7933596424414756 -0.9218258166594767 -1.0766043398136873 -1.0626742727298033 -1.1663758832431268 -1.2963898426926599 -1.3985436679744425 -1.35984903718589 -1.3706835338066836 -0.8134808504515311 -0.34140635483118725 +36247,0.34735807320504775,2,0.9850455886003958 0.8209803540569323 0.4402251870975776 0.10126022138985691 -0.14174205996225253 -0.3955788379351557 -0.47296809951226093 -0.633937763592643 -0.7933596424414756 -0.9218258166594767 -1.0766043398136873 -1.0626742727298033 -1.1663758832431268 -1.2963898426926599 -1.3985436679744425 -1.35984903718589 -1.3706835338066836 -0.8134808504515311 -0.34140635483118725 0.18174505343004357 +36248,0.5841692136309944,2,0.8209803540569323 0.4402251870975776 0.10126022138985691 -0.14174205996225253 -0.3955788379351557 -0.47296809951226093 -0.633937763592643 -0.7933596424414756 -0.9218258166594767 -1.0766043398136873 -1.0626742727298033 -1.1663758832431268 -1.2963898426926599 -1.3985436679744425 -1.35984903718589 -1.3706835338066836 -0.8134808504515311 -0.34140635483118725 0.18174505343004357 0.34735807320504775 +36249,0.6569151195134688,2,0.4402251870975776 0.10126022138985691 -0.14174205996225253 -0.3955788379351557 -0.47296809951226093 -0.633937763592643 -0.7933596424414756 -0.9218258166594767 -1.0766043398136873 -1.0626742727298033 -1.1663758832431268 -1.2963898426926599 -1.3985436679744425 -1.35984903718589 -1.3706835338066836 -0.8134808504515311 -0.34140635483118725 0.18174505343004357 0.34735807320504775 0.5841692136309944 +36250,0.6182204887249162,2,0.10126022138985691 -0.14174205996225253 -0.3955788379351557 -0.47296809951226093 -0.633937763592643 -0.7933596424414756 -0.9218258166594767 -1.0766043398136873 -1.0626742727298033 -1.1663758832431268 -1.2963898426926599 -1.3985436679744425 -1.35984903718589 -1.3706835338066836 -0.8134808504515311 -0.34140635483118725 0.18174505343004357 0.34735807320504775 0.5841692136309944 0.6569151195134688 +36251,0.4835631735807611,2,-0.14174205996225253 -0.3955788379351557 -0.47296809951226093 -0.633937763592643 -0.7933596424414756 -0.9218258166594767 -1.0766043398136873 -1.0626742727298033 -1.1663758832431268 -1.2963898426926599 -1.3985436679744425 -1.35984903718589 -1.3706835338066836 -0.8134808504515311 -0.34140635483118725 0.18174505343004357 0.34735807320504775 0.5841692136309944 0.6569151195134688 0.6182204887249162 +36252,0.36593149598355373,2,-0.3955788379351557 -0.47296809951226093 -0.633937763592643 -0.7933596424414756 -0.9218258166594767 -1.0766043398136873 -1.0626742727298033 -1.1663758832431268 -1.2963898426926599 -1.3985436679744425 -1.35984903718589 -1.3706835338066836 -0.8134808504515311 -0.34140635483118725 0.18174505343004357 0.34735807320504775 0.5841692136309944 0.6569151195134688 0.6182204887249162 0.4835631735807611 +36253,0.15233713403074392,2,-0.47296809951226093 -0.633937763592643 -0.7933596424414756 -0.9218258166594767 -1.0766043398136873 -1.0626742727298033 -1.1663758832431268 -1.2963898426926599 -1.3985436679744425 -1.35984903718589 -1.3706835338066836 -0.8134808504515311 -0.34140635483118725 0.18174505343004357 0.34735807320504775 0.5841692136309944 0.6569151195134688 0.6182204887249162 0.4835631735807611 0.36593149598355373 +36254,-0.025658167596594655,2,-0.633937763592643 -0.7933596424414756 -0.9218258166594767 -1.0766043398136873 -1.0626742727298033 -1.1663758832431268 -1.2963898426926599 -1.3985436679744425 -1.35984903718589 -1.3706835338066836 -0.8134808504515311 -0.34140635483118725 0.18174505343004357 0.34735807320504775 0.5841692136309944 0.6569151195134688 0.6182204887249162 0.4835631735807611 0.36593149598355373 0.15233713403074392 +36255,-0.09530850301598763,2,-0.7933596424414756 -0.9218258166594767 -1.0766043398136873 -1.0626742727298033 -1.1663758832431268 -1.2963898426926599 -1.3985436679744425 -1.35984903718589 -1.3706835338066836 -0.8134808504515311 -0.34140635483118725 0.18174505343004357 0.34735807320504775 0.5841692136309944 0.6569151195134688 0.6182204887249162 0.4835631735807611 0.36593149598355373 0.15233713403074392 -0.025658167596594655 +36256,-0.273303804643335,2,-0.9218258166594767 -1.0766043398136873 -1.0626742727298033 -1.1663758832431268 -1.2963898426926599 -1.3985436679744425 -1.35984903718589 -1.3706835338066836 -0.8134808504515311 -0.34140635483118725 0.18174505343004357 0.34735807320504775 0.5841692136309944 0.6569151195134688 0.6182204887249162 0.4835631735807611 0.36593149598355373 0.15233713403074392 -0.025658167596594655 -0.09530850301598763 +36257,-0.4358212539552578,2,-1.0766043398136873 -1.0626742727298033 -1.1663758832431268 -1.2963898426926599 -1.3985436679744425 -1.35984903718589 -1.3706835338066836 -0.8134808504515311 -0.34140635483118725 0.18174505343004357 0.34735807320504775 0.5841692136309944 0.6569151195134688 0.6182204887249162 0.4835631735807611 0.36593149598355373 0.15233713403074392 -0.025658167596594655 -0.09530850301598763 -0.273303804643335 +36258,-0.573574139562503,2,-1.0626742727298033 -1.1663758832431268 -1.2963898426926599 -1.3985436679744425 -1.35984903718589 -1.3706835338066836 -0.8134808504515311 -0.34140635483118725 0.18174505343004357 0.34735807320504775 0.5841692136309944 0.6569151195134688 0.6182204887249162 0.4835631735807611 0.36593149598355373 0.15233713403074392 -0.025658167596594655 -0.09530850301598763 -0.273303804643335 -0.4358212539552578 +36259,-0.5983387032671718,2,-1.1663758832431268 -1.2963898426926599 -1.3985436679744425 -1.35984903718589 -1.3706835338066836 -0.8134808504515311 -0.34140635483118725 0.18174505343004357 0.34735807320504775 0.5841692136309944 0.6569151195134688 0.6182204887249162 0.4835631735807611 0.36593149598355373 0.15233713403074392 -0.025658167596594655 -0.09530850301598763 -0.273303804643335 -0.4358212539552578 -0.573574139562503 +36260,-0.7020403137804953,2,-1.2963898426926599 -1.3985436679744425 -1.35984903718589 -1.3706835338066836 -0.8134808504515311 -0.34140635483118725 0.18174505343004357 0.34735807320504775 0.5841692136309944 0.6569151195134688 0.6182204887249162 0.4835631735807611 0.36593149598355373 0.15233713403074392 -0.025658167596594655 -0.09530850301598763 -0.273303804643335 -0.4358212539552578 -0.573574139562503 -0.5983387032671718 +36261,-0.7407349445690479,2,-1.3985436679744425 -1.35984903718589 -1.3706835338066836 -0.8134808504515311 -0.34140635483118725 0.18174505343004357 0.34735807320504775 0.5841692136309944 0.6569151195134688 0.6182204887249162 0.4835631735807611 0.36593149598355373 0.15233713403074392 -0.025658167596594655 -0.09530850301598763 -0.273303804643335 -0.4358212539552578 -0.573574139562503 -0.5983387032671718 -0.7020403137804953 +36262,-0.8041941390622781,2,-1.35984903718589 -1.3706835338066836 -0.8134808504515311 -0.34140635483118725 0.18174505343004357 0.34735807320504775 0.5841692136309944 0.6569151195134688 0.6182204887249162 0.4835631735807611 0.36593149598355373 0.15233713403074392 -0.025658167596594655 -0.09530850301598763 -0.273303804643335 -0.4358212539552578 -0.573574139562503 -0.5983387032671718 -0.7020403137804953 -0.7407349445690479 +36263,-0.791811857209935,2,-1.3706835338066836 -0.8134808504515311 -0.34140635483118725 0.18174505343004357 0.34735807320504775 0.5841692136309944 0.6569151195134688 0.6182204887249162 0.4835631735807611 0.36593149598355373 0.15233713403074392 -0.025658167596594655 -0.09530850301598763 -0.273303804643335 -0.4358212539552578 -0.573574139562503 -0.5983387032671718 -0.7020403137804953 -0.7407349445690479 -0.8041941390622781 +36264,-0.7531172264213823,2,-0.8134808504515311 -0.34140635483118725 0.18174505343004357 0.34735807320504775 0.5841692136309944 0.6569151195134688 0.6182204887249162 0.4835631735807611 0.36593149598355373 0.15233713403074392 -0.025658167596594655 -0.09530850301598763 -0.273303804643335 -0.4358212539552578 -0.573574139562503 -0.5983387032671718 -0.7020403137804953 -0.7407349445690479 -0.8041941390622781 -0.791811857209935 +36265,-0.7654995082737255,2,-0.34140635483118725 0.18174505343004357 0.34735807320504775 0.5841692136309944 0.6569151195134688 0.6182204887249162 0.4835631735807611 0.36593149598355373 0.15233713403074392 -0.025658167596594655 -0.09530850301598763 -0.273303804643335 -0.4358212539552578 -0.573574139562503 -0.5983387032671718 -0.7020403137804953 -0.7407349445690479 -0.8041941390622781 -0.791811857209935 -0.7531172264213823 +36266,-0.7407349445690479,2,0.18174505343004357 0.34735807320504775 0.5841692136309944 0.6569151195134688 0.6182204887249162 0.4835631735807611 0.36593149598355373 0.15233713403074392 -0.025658167596594655 -0.09530850301598763 -0.273303804643335 -0.4358212539552578 -0.573574139562503 -0.5983387032671718 -0.7020403137804953 -0.7407349445690479 -0.8041941390622781 -0.791811857209935 -0.7531172264213823 -0.7654995082737255 +36267,-0.7144225956328297,2,0.34735807320504775 0.5841692136309944 0.6569151195134688 0.6182204887249162 0.4835631735807611 0.36593149598355373 0.15233713403074392 -0.025658167596594655 -0.09530850301598763 -0.273303804643335 -0.4358212539552578 -0.573574139562503 -0.5983387032671718 -0.7020403137804953 -0.7407349445690479 -0.8041941390622781 -0.791811857209935 -0.7531172264213823 -0.7654995082737255 -0.7407349445690479 +36268,-0.5936953475725497,2,0.5841692136309944 0.6569151195134688 0.6182204887249162 0.4835631735807611 0.36593149598355373 0.15233713403074392 -0.025658167596594655 -0.09530850301598763 -0.273303804643335 -0.4358212539552578 -0.573574139562503 -0.5983387032671718 -0.7020403137804953 -0.7407349445690479 -0.8041941390622781 -0.791811857209935 -0.7531172264213823 -0.7654995082737255 -0.7407349445690479 -0.7144225956328297 +36269,-0.3181895763580504,2,0.6569151195134688 0.6182204887249162 0.4835631735807611 0.36593149598355373 0.15233713403074392 -0.025658167596594655 -0.09530850301598763 -0.273303804643335 -0.4358212539552578 -0.573574139562503 -0.5983387032671718 -0.7020403137804953 -0.7407349445690479 -0.8041941390622781 -0.791811857209935 -0.7531172264213823 -0.7654995082737255 -0.7407349445690479 -0.7144225956328297 -0.5936953475725497 +36270,-0.1603154827407585,2,0.6182204887249162 0.4835631735807611 0.36593149598355373 0.15233713403074392 -0.025658167596594655 -0.09530850301598763 -0.273303804643335 -0.4358212539552578 -0.573574139562503 -0.5983387032671718 -0.7020403137804953 -0.7407349445690479 -0.8041941390622781 -0.791811857209935 -0.7531172264213823 -0.7654995082737255 -0.7407349445690479 -0.7144225956328297 -0.5936953475725497 -0.3181895763580504 +36271,-0.03494487898584764,2,0.4835631735807611 0.36593149598355373 0.15233713403074392 -0.025658167596594655 -0.09530850301598763 -0.273303804643335 -0.4358212539552578 -0.573574139562503 -0.5983387032671718 -0.7020403137804953 -0.7407349445690479 -0.8041941390622781 -0.791811857209935 -0.7531172264213823 -0.7654995082737255 -0.7407349445690479 -0.7144225956328297 -0.5936953475725497 -0.3181895763580504 -0.1603154827407585 +36272,-0.056613872227435,2,0.36593149598355373 0.15233713403074392 -0.025658167596594655 -0.09530850301598763 -0.273303804643335 -0.4358212539552578 -0.573574139562503 -0.5983387032671718 -0.7020403137804953 -0.7407349445690479 -0.8041941390622781 -0.791811857209935 -0.7531172264213823 -0.7654995082737255 -0.7407349445690479 -0.7144225956328297 -0.5936953475725497 -0.3181895763580504 -0.1603154827407585 -0.03494487898584764 +36273,-0.14638541565688343,2,0.15233713403074392 -0.025658167596594655 -0.09530850301598763 -0.273303804643335 -0.4358212539552578 -0.573574139562503 -0.5983387032671718 -0.7020403137804953 -0.7407349445690479 -0.8041941390622781 -0.791811857209935 -0.7531172264213823 -0.7654995082737255 -0.7407349445690479 -0.7144225956328297 -0.5936953475725497 -0.3181895763580504 -0.1603154827407585 -0.03494487898584764 -0.056613872227435 +36274,-0.23306138862324166,2,-0.025658167596594655 -0.09530850301598763 -0.273303804643335 -0.4358212539552578 -0.573574139562503 -0.5983387032671718 -0.7020403137804953 -0.7407349445690479 -0.8041941390622781 -0.791811857209935 -0.7531172264213823 -0.7654995082737255 -0.7407349445690479 -0.7144225956328297 -0.5936953475725497 -0.3181895763580504 -0.1603154827407585 -0.03494487898584764 -0.056613872227435 -0.14638541565688343 +36275,-0.33985856959964655,2,-0.09530850301598763 -0.273303804643335 -0.4358212539552578 -0.573574139562503 -0.5983387032671718 -0.7020403137804953 -0.7407349445690479 -0.8041941390622781 -0.791811857209935 -0.7531172264213823 -0.7654995082737255 -0.7407349445690479 -0.7144225956328297 -0.5936953475725497 -0.3181895763580504 -0.1603154827407585 -0.03494487898584764 -0.056613872227435 -0.14638541565688343 -0.23306138862324166 +36276,-0.39867440839824586,2,-0.273303804643335 -0.4358212539552578 -0.573574139562503 -0.5983387032671718 -0.7020403137804953 -0.7407349445690479 -0.8041941390622781 -0.791811857209935 -0.7531172264213823 -0.7654995082737255 -0.7407349445690479 -0.7144225956328297 -0.5936953475725497 -0.3181895763580504 -0.1603154827407585 -0.03494487898584764 -0.056613872227435 -0.14638541565688343 -0.23306138862324166 -0.33985856959964655 +36277,-0.4853503813646041,2,-0.4358212539552578 -0.573574139562503 -0.5983387032671718 -0.7020403137804953 -0.7407349445690479 -0.8041941390622781 -0.791811857209935 -0.7531172264213823 -0.7654995082737255 -0.7407349445690479 -0.7144225956328297 -0.5936953475725497 -0.3181895763580504 -0.1603154827407585 -0.03494487898584764 -0.056613872227435 -0.14638541565688343 -0.23306138862324166 -0.33985856959964655 -0.39867440839824586 +36278,-0.5426184349316627,2,-0.573574139562503 -0.5983387032671718 -0.7020403137804953 -0.7407349445690479 -0.8041941390622781 -0.791811857209935 -0.7531172264213823 -0.7654995082737255 -0.7407349445690479 -0.7144225956328297 -0.5936953475725497 -0.3181895763580504 -0.1603154827407585 -0.03494487898584764 -0.056613872227435 -0.14638541565688343 -0.23306138862324166 -0.33985856959964655 -0.39867440839824586 -0.4853503813646041 +36279,-0.5720263543309624,2,-0.5983387032671718 -0.7020403137804953 -0.7407349445690479 -0.8041941390622781 -0.791811857209935 -0.7531172264213823 -0.7654995082737255 -0.7407349445690479 -0.7144225956328297 -0.5936953475725497 -0.3181895763580504 -0.1603154827407585 -0.03494487898584764 -0.056613872227435 -0.14638541565688343 -0.23306138862324166 -0.33985856959964655 -0.39867440839824586 -0.4853503813646041 -0.5426184349316627 +36280,-0.620007696508768,2,-0.7020403137804953 -0.7407349445690479 -0.8041941390622781 -0.791811857209935 -0.7531172264213823 -0.7654995082737255 -0.7407349445690479 -0.7144225956328297 -0.5936953475725497 -0.3181895763580504 -0.1603154827407585 -0.03494487898584764 -0.056613872227435 -0.14638541565688343 -0.23306138862324166 -0.33985856959964655 -0.39867440839824586 -0.4853503813646041 -0.5426184349316627 -0.5720263543309624 +36281,-0.6401289045188147,2,-0.7407349445690479 -0.8041941390622781 -0.791811857209935 -0.7531172264213823 -0.7654995082737255 -0.7407349445690479 -0.7144225956328297 -0.5936953475725497 -0.3181895763580504 -0.1603154827407585 -0.03494487898584764 -0.056613872227435 -0.14638541565688343 -0.23306138862324166 -0.33985856959964655 -0.39867440839824586 -0.4853503813646041 -0.5426184349316627 -0.5720263543309624 -0.620007696508768 +36282,-0.6323899783611023,2,-0.8041941390622781 -0.791811857209935 -0.7531172264213823 -0.7654995082737255 -0.7407349445690479 -0.7144225956328297 -0.5936953475725497 -0.3181895763580504 -0.1603154827407585 -0.03494487898584764 -0.056613872227435 -0.14638541565688343 -0.23306138862324166 -0.33985856959964655 -0.39867440839824586 -0.4853503813646041 -0.5426184349316627 -0.5720263543309624 -0.620007696508768 -0.6401289045188147 +36283,-0.62465105220339,2,-0.791811857209935 -0.7531172264213823 -0.7654995082737255 -0.7407349445690479 -0.7144225956328297 -0.5936953475725497 -0.3181895763580504 -0.1603154827407585 -0.03494487898584764 -0.056613872227435 -0.14638541565688343 -0.23306138862324166 -0.33985856959964655 -0.39867440839824586 -0.4853503813646041 -0.5426184349316627 -0.5720263543309624 -0.620007696508768 -0.6401289045188147 -0.6323899783611023 +36284,-0.6370333340557244,2,-0.7531172264213823 -0.7654995082737255 -0.7407349445690479 -0.7144225956328297 -0.5936953475725497 -0.3181895763580504 -0.1603154827407585 -0.03494487898584764 -0.056613872227435 -0.14638541565688343 -0.23306138862324166 -0.33985856959964655 -0.39867440839824586 -0.4853503813646041 -0.5426184349316627 -0.5720263543309624 -0.620007696508768 -0.6401289045188147 -0.6323899783611023 -0.62465105220339 +36285,-0.6370333340557244,2,-0.7654995082737255 -0.7407349445690479 -0.7144225956328297 -0.5936953475725497 -0.3181895763580504 -0.1603154827407585 -0.03494487898584764 -0.056613872227435 -0.14638541565688343 -0.23306138862324166 -0.33985856959964655 -0.39867440839824586 -0.4853503813646041 -0.5426184349316627 -0.5720263543309624 -0.620007696508768 -0.6401289045188147 -0.6323899783611023 -0.62465105220339 -0.6370333340557244 +36286,-0.6633456829919426,2,-0.7407349445690479 -0.7144225956328297 -0.5936953475725497 -0.3181895763580504 -0.1603154827407585 -0.03494487898584764 -0.056613872227435 -0.14638541565688343 -0.23306138862324166 -0.33985856959964655 -0.39867440839824586 -0.4853503813646041 -0.5426184349316627 -0.5720263543309624 -0.620007696508768 -0.6401289045188147 -0.6323899783611023 -0.62465105220339 -0.6370333340557244 -0.6370333340557244 +36287,-0.675727964844277,2,-0.7144225956328297 -0.5936953475725497 -0.3181895763580504 -0.1603154827407585 -0.03494487898584764 -0.056613872227435 -0.14638541565688343 -0.23306138862324166 -0.33985856959964655 -0.39867440839824586 -0.4853503813646041 -0.5426184349316627 -0.5720263543309624 -0.620007696508768 -0.6401289045188147 -0.6323899783611023 -0.62465105220339 -0.6370333340557244 -0.6370333340557244 -0.6633456829919426 +36288,-0.6881102466966202,2,-0.5936953475725497 -0.3181895763580504 -0.1603154827407585 -0.03494487898584764 -0.056613872227435 -0.14638541565688343 -0.23306138862324166 -0.33985856959964655 -0.39867440839824586 -0.4853503813646041 -0.5426184349316627 -0.5720263543309624 -0.620007696508768 -0.6401289045188147 -0.6323899783611023 -0.62465105220339 -0.6370333340557244 -0.6370333340557244 -0.6633456829919426 -0.675727964844277 +36289,-0.6881102466966202,2,-0.3181895763580504 -0.1603154827407585 -0.03494487898584764 -0.056613872227435 -0.14638541565688343 -0.23306138862324166 -0.33985856959964655 -0.39867440839824586 -0.4853503813646041 -0.5426184349316627 -0.5720263543309624 -0.620007696508768 -0.6401289045188147 -0.6323899783611023 -0.62465105220339 -0.6370333340557244 -0.6370333340557244 -0.6633456829919426 -0.675727964844277 -0.6881102466966202 +36290,-0.7020403137804953,2,-0.1603154827407585 -0.03494487898584764 -0.056613872227435 -0.14638541565688343 -0.23306138862324166 -0.33985856959964655 -0.39867440839824586 -0.4853503813646041 -0.5426184349316627 -0.5720263543309624 -0.620007696508768 -0.6401289045188147 -0.6323899783611023 -0.62465105220339 -0.6370333340557244 -0.6370333340557244 -0.6633456829919426 -0.675727964844277 -0.6881102466966202 -0.6881102466966202 +36291,-0.7268048774851729,2,-0.03494487898584764 -0.056613872227435 -0.14638541565688343 -0.23306138862324166 -0.33985856959964655 -0.39867440839824586 -0.4853503813646041 -0.5426184349316627 -0.5720263543309624 -0.620007696508768 -0.6401289045188147 -0.6323899783611023 -0.62465105220339 -0.6370333340557244 -0.6370333340557244 -0.6633456829919426 -0.675727964844277 -0.6881102466966202 -0.6881102466966202 -0.7020403137804953 +36292,-0.5627396429417093,2,-0.056613872227435 -0.14638541565688343 -0.23306138862324166 -0.33985856959964655 -0.39867440839824586 -0.4853503813646041 -0.5426184349316627 -0.5720263543309624 -0.620007696508768 -0.6401289045188147 -0.6323899783611023 -0.62465105220339 -0.6370333340557244 -0.6370333340557244 -0.6633456829919426 -0.675727964844277 -0.6881102466966202 -0.6881102466966202 -0.7020403137804953 -0.7268048774851729 +36293,-0.4079611197874988,2,-0.14638541565688343 -0.23306138862324166 -0.33985856959964655 -0.39867440839824586 -0.4853503813646041 -0.5426184349316627 -0.5720263543309624 -0.620007696508768 -0.6401289045188147 -0.6323899783611023 -0.62465105220339 -0.6370333340557244 -0.6370333340557244 -0.6633456829919426 -0.675727964844277 -0.6881102466966202 -0.6881102466966202 -0.7020403137804953 -0.7268048774851729 -0.5627396429417093 +36294,-0.24080031478094516,2,-0.23306138862324166 -0.33985856959964655 -0.39867440839824586 -0.4853503813646041 -0.5426184349316627 -0.5720263543309624 -0.620007696508768 -0.6401289045188147 -0.6323899783611023 -0.62465105220339 -0.6370333340557244 -0.6370333340557244 -0.6633456829919426 -0.675727964844277 -0.6881102466966202 -0.6881102466966202 -0.7020403137804953 -0.7268048774851729 -0.5627396429417093 -0.4079611197874988 +36295,-0.14019427473071183,2,-0.33985856959964655 -0.39867440839824586 -0.4853503813646041 -0.5426184349316627 -0.5720263543309624 -0.620007696508768 -0.6401289045188147 -0.6323899783611023 -0.62465105220339 -0.6370333340557244 -0.6370333340557244 -0.6633456829919426 -0.675727964844277 -0.6881102466966202 -0.6881102466966202 -0.7020403137804953 -0.7268048774851729 -0.5627396429417093 -0.4079611197874988 -0.24080031478094516 +36296,-0.03649266421738833,2,-0.39867440839824586 -0.4853503813646041 -0.5426184349316627 -0.5720263543309624 -0.620007696508768 -0.6401289045188147 -0.6323899783611023 -0.62465105220339 -0.6370333340557244 -0.6370333340557244 -0.6633456829919426 -0.675727964844277 -0.6881102466966202 -0.6881102466966202 -0.7020403137804953 -0.7268048774851729 -0.5627396429417093 -0.4079611197874988 -0.24080031478094516 -0.14019427473071183 +36297,0.03780102689662673,2,-0.4853503813646041 -0.5426184349316627 -0.5720263543309624 -0.620007696508768 -0.6401289045188147 -0.6323899783611023 -0.62465105220339 -0.6370333340557244 -0.6370333340557244 -0.6633456829919426 -0.675727964844277 -0.6881102466966202 -0.6881102466966202 -0.7020403137804953 -0.7268048774851729 -0.5627396429417093 -0.4079611197874988 -0.24080031478094516 -0.14019427473071183 -0.03649266421738833 +36298,0.07494787245363867,2,-0.5426184349316627 -0.5720263543309624 -0.620007696508768 -0.6401289045188147 -0.6323899783611023 -0.62465105220339 -0.6370333340557244 -0.6370333340557244 -0.6633456829919426 -0.675727964844277 -0.6881102466966202 -0.6881102466966202 -0.7020403137804953 -0.7268048774851729 -0.5627396429417093 -0.4079611197874988 -0.24080031478094516 -0.14019427473071183 -0.03649266421738833 0.03780102689662673 +36299,0.04708773828587971,2,-0.5720263543309624 -0.620007696508768 -0.6401289045188147 -0.6323899783611023 -0.62465105220339 -0.6370333340557244 -0.6370333340557244 -0.6633456829919426 -0.675727964844277 -0.6881102466966202 -0.6881102466966202 -0.7020403137804953 -0.7268048774851729 -0.5627396429417093 -0.4079611197874988 -0.24080031478094516 -0.14019427473071183 -0.03649266421738833 0.03780102689662673 0.07494787245363867 +36300,-0.011728100512719579,2,-0.620007696508768 -0.6401289045188147 -0.6323899783611023 -0.62465105220339 -0.6370333340557244 -0.6370333340557244 -0.6633456829919426 -0.675727964844277 -0.6881102466966202 -0.6881102466966202 -0.7020403137804953 -0.7268048774851729 -0.5627396429417093 -0.4079611197874988 -0.24080031478094516 -0.14019427473071183 -0.03649266421738833 0.03780102689662673 0.07494787245363867 0.04708773828587971 +36301,-0.1665066236669301,2,-0.6401289045188147 -0.6323899783611023 -0.62465105220339 -0.6370333340557244 -0.6370333340557244 -0.6633456829919426 -0.675727964844277 -0.6881102466966202 -0.6881102466966202 -0.7020403137804953 -0.7268048774851729 -0.5627396429417093 -0.4079611197874988 -0.24080031478094516 -0.14019427473071183 -0.03649266421738833 0.03780102689662673 0.07494787245363867 0.04708773828587971 -0.011728100512719579 +36302,-0.18508004644543605,2,-0.6323899783611023 -0.62465105220339 -0.6370333340557244 -0.6370333340557244 -0.6633456829919426 -0.675727964844277 -0.6881102466966202 -0.6881102466966202 -0.7020403137804953 -0.7268048774851729 -0.5627396429417093 -0.4079611197874988 -0.24080031478094516 -0.14019427473071183 -0.03649266421738833 0.03780102689662673 0.07494787245363867 0.04708773828587971 -0.011728100512719579 -0.1665066236669301 +36303,-0.3305718582103936,2,-0.62465105220339 -0.6370333340557244 -0.6370333340557244 -0.6633456829919426 -0.675727964844277 -0.6881102466966202 -0.6881102466966202 -0.7020403137804953 -0.7268048774851729 -0.5627396429417093 -0.4079611197874988 -0.24080031478094516 -0.14019427473071183 -0.03649266421738833 0.03780102689662673 0.07494787245363867 0.04708773828587971 -0.011728100512719579 -0.1665066236669301 -0.18508004644543605 +36304,-0.3801009856197399,2,-0.6370333340557244 -0.6370333340557244 -0.6633456829919426 -0.675727964844277 -0.6881102466966202 -0.6881102466966202 -0.7020403137804953 -0.7268048774851729 -0.5627396429417093 -0.4079611197874988 -0.24080031478094516 -0.14019427473071183 -0.03649266421738833 0.03780102689662673 0.07494787245363867 0.04708773828587971 -0.011728100512719579 -0.1665066236669301 -0.18508004644543605 -0.3305718582103936 +36305,-0.3723620594620276,2,-0.6370333340557244 -0.6633456829919426 -0.675727964844277 -0.6881102466966202 -0.6881102466966202 -0.7020403137804953 -0.7268048774851729 -0.5627396429417093 -0.4079611197874988 -0.24080031478094516 -0.14019427473071183 -0.03649266421738833 0.03780102689662673 0.07494787245363867 0.04708773828587971 -0.011728100512719579 -0.1665066236669301 -0.18508004644543605 -0.3305718582103936 -0.3801009856197399 +36306,-0.4884459518276855,2,-0.6633456829919426 -0.675727964844277 -0.6881102466966202 -0.6881102466966202 -0.7020403137804953 -0.7268048774851729 -0.5627396429417093 -0.4079611197874988 -0.24080031478094516 -0.14019427473071183 -0.03649266421738833 0.03780102689662673 0.07494787245363867 0.04708773828587971 -0.011728100512719579 -0.1665066236669301 -0.18508004644543605 -0.3305718582103936 -0.3801009856197399 -0.3723620594620276 +36307,-0.6772757500758178,2,-0.675727964844277 -0.6881102466966202 -0.6881102466966202 -0.7020403137804953 -0.7268048774851729 -0.5627396429417093 -0.4079611197874988 -0.24080031478094516 -0.14019427473071183 -0.03649266421738833 0.03780102689662673 0.07494787245363867 0.04708773828587971 -0.011728100512719579 -0.1665066236669301 -0.18508004644543605 -0.3305718582103936 -0.3801009856197399 -0.3723620594620276 -0.4884459518276855 +36308,-0.643224474981896,2,-0.6881102466966202 -0.6881102466966202 -0.7020403137804953 -0.7268048774851729 -0.5627396429417093 -0.4079611197874988 -0.24080031478094516 -0.14019427473071183 -0.03649266421738833 0.03780102689662673 0.07494787245363867 0.04708773828587971 -0.011728100512719579 -0.1665066236669301 -0.18508004644543605 -0.3305718582103936 -0.3801009856197399 -0.3723620594620276 -0.4884459518276855 -0.6772757500758178 +36309,-0.6989447433174139,2,-0.6881102466966202 -0.7020403137804953 -0.7268048774851729 -0.5627396429417093 -0.4079611197874988 -0.24080031478094516 -0.14019427473071183 -0.03649266421738833 0.03780102689662673 0.07494787245363867 0.04708773828587971 -0.011728100512719579 -0.1665066236669301 -0.18508004644543605 -0.3305718582103936 -0.3801009856197399 -0.3723620594620276 -0.4884459518276855 -0.6772757500758178 -0.643224474981896 +36310,-0.7840729310522314,2,-0.7020403137804953 -0.7268048774851729 -0.5627396429417093 -0.4079611197874988 -0.24080031478094516 -0.14019427473071183 -0.03649266421738833 0.03780102689662673 0.07494787245363867 0.04708773828587971 -0.011728100512719579 -0.1665066236669301 -0.18508004644543605 -0.3305718582103936 -0.3801009856197399 -0.3723620594620276 -0.4884459518276855 -0.6772757500758178 -0.643224474981896 -0.6989447433174139 +36311,-0.9759982997634451,2,-0.7268048774851729 -0.5627396429417093 -0.4079611197874988 -0.24080031478094516 -0.14019427473071183 -0.03649266421738833 0.03780102689662673 0.07494787245363867 0.04708773828587971 -0.011728100512719579 -0.1665066236669301 -0.18508004644543605 -0.3305718582103936 -0.3801009856197399 -0.3723620594620276 -0.4884459518276855 -0.6772757500758178 -0.643224474981896 -0.6989447433174139 -0.7840729310522314 +36312,-1.0626742727298033,2,-0.5627396429417093 -0.4079611197874988 -0.24080031478094516 -0.14019427473071183 -0.03649266421738833 0.03780102689662673 0.07494787245363867 0.04708773828587971 -0.011728100512719579 -0.1665066236669301 -0.18508004644543605 -0.3305718582103936 -0.3801009856197399 -0.3723620594620276 -0.4884459518276855 -0.6772757500758178 -0.643224474981896 -0.6989447433174139 -0.7840729310522314 -0.9759982997634451 +36313,-1.101368903518356,2,-0.4079611197874988 -0.24080031478094516 -0.14019427473071183 -0.03649266421738833 0.03780102689662673 0.07494787245363867 0.04708773828587971 -0.011728100512719579 -0.1665066236669301 -0.18508004644543605 -0.3305718582103936 -0.3801009856197399 -0.3723620594620276 -0.4884459518276855 -0.6772757500758178 -0.643224474981896 -0.6989447433174139 -0.7840729310522314 -0.9759982997634451 -1.0626742727298033 +36314,-1.101368903518356,2,-0.24080031478094516 -0.14019427473071183 -0.03649266421738833 0.03780102689662673 0.07494787245363867 0.04708773828587971 -0.011728100512719579 -0.1665066236669301 -0.18508004644543605 -0.3305718582103936 -0.3801009856197399 -0.3723620594620276 -0.4884459518276855 -0.6772757500758178 -0.643224474981896 -0.6989447433174139 -0.7840729310522314 -0.9759982997634451 -1.0626742727298033 -1.101368903518356 +36315,-1.1478024604646209,2,-0.14019427473071183 -0.03649266421738833 0.03780102689662673 0.07494787245363867 0.04708773828587971 -0.011728100512719579 -0.1665066236669301 -0.18508004644543605 -0.3305718582103936 -0.3801009856197399 -0.3723620594620276 -0.4884459518276855 -0.6772757500758178 -0.643224474981896 -0.6989447433174139 -0.7840729310522314 -0.9759982997634451 -1.0626742727298033 -1.101368903518356 -1.101368903518356 +36316,-0.8939656824917177,2,-0.03649266421738833 0.03780102689662673 0.07494787245363867 0.04708773828587971 -0.011728100512719579 -0.1665066236669301 -0.18508004644543605 -0.3305718582103936 -0.3801009856197399 -0.3723620594620276 -0.4884459518276855 -0.6772757500758178 -0.643224474981896 -0.6989447433174139 -0.7840729310522314 -0.9759982997634451 -1.0626742727298033 -1.101368903518356 -1.101368903518356 -1.1478024604646209 +36317,-0.6215554817403086,2,0.03780102689662673 0.07494787245363867 0.04708773828587971 -0.011728100512719579 -0.1665066236669301 -0.18508004644543605 -0.3305718582103936 -0.3801009856197399 -0.3723620594620276 -0.4884459518276855 -0.6772757500758178 -0.643224474981896 -0.6989447433174139 -0.7840729310522314 -0.9759982997634451 -1.0626742727298033 -1.101368903518356 -1.101368903518356 -1.1478024604646209 -0.8939656824917177 +36318,-0.24389588524403535,2,0.07494787245363867 0.04708773828587971 -0.011728100512719579 -0.1665066236669301 -0.18508004644543605 -0.3305718582103936 -0.3801009856197399 -0.3723620594620276 -0.4884459518276855 -0.6772757500758178 -0.643224474981896 -0.6989447433174139 -0.7840729310522314 -0.9759982997634451 -1.0626742727298033 -1.101368903518356 -1.101368903518356 -1.1478024604646209 -0.8939656824917177 -0.6215554817403086 +36319,-0.030301523291225544,2,0.04708773828587971 -0.011728100512719579 -0.1665066236669301 -0.18508004644543605 -0.3305718582103936 -0.3801009856197399 -0.3723620594620276 -0.4884459518276855 -0.6772757500758178 -0.643224474981896 -0.6989447433174139 -0.7840729310522314 -0.9759982997634451 -1.0626742727298033 -1.101368903518356 -1.101368903518356 -1.1478024604646209 -0.8939656824917177 -0.6215554817403086 -0.24389588524403535 +36320,0.16936277157770918,2,-0.011728100512719579 -0.1665066236669301 -0.18508004644543605 -0.3305718582103936 -0.3801009856197399 -0.3723620594620276 -0.4884459518276855 -0.6772757500758178 -0.643224474981896 -0.6989447433174139 -0.7840729310522314 -0.9759982997634451 -1.0626742727298033 -1.101368903518356 -1.101368903518356 -1.1478024604646209 -0.8939656824917177 -0.6215554817403086 -0.24389588524403535 -0.030301523291225544 +36321,0.24210867746019235,2,-0.1665066236669301 -0.18508004644543605 -0.3305718582103936 -0.3801009856197399 -0.3723620594620276 -0.4884459518276855 -0.6772757500758178 -0.643224474981896 -0.6989447433174139 -0.7840729310522314 -0.9759982997634451 -1.0626742727298033 -1.101368903518356 -1.101368903518356 -1.1478024604646209 -0.8939656824917177 -0.6215554817403086 -0.24389588524403535 -0.030301523291225544 0.16936277157770918 +36322,0.2792555230171955,2,-0.18508004644543605 -0.3305718582103936 -0.3801009856197399 -0.3723620594620276 -0.4884459518276855 -0.6772757500758178 -0.643224474981896 -0.6989447433174139 -0.7840729310522314 -0.9759982997634451 -1.0626742727298033 -1.101368903518356 -1.101368903518356 -1.1478024604646209 -0.8939656824917177 -0.6215554817403086 -0.24389588524403535 -0.030301523291225544 0.16936277157770918 0.24210867746019235 +36323,0.24056089222864285,2,-0.3305718582103936 -0.3801009856197399 -0.3723620594620276 -0.4884459518276855 -0.6772757500758178 -0.643224474981896 -0.6989447433174139 -0.7840729310522314 -0.9759982997634451 -1.0626742727298033 -1.101368903518356 -1.101368903518356 -1.1478024604646209 -0.8939656824917177 -0.6215554817403086 -0.24389588524403535 -0.030301523291225544 0.16936277157770918 0.24210867746019235 0.2792555230171955 +36324,0.13376371125223796,2,-0.3801009856197399 -0.3723620594620276 -0.4884459518276855 -0.6772757500758178 -0.643224474981896 -0.6989447433174139 -0.7840729310522314 -0.9759982997634451 -1.0626742727298033 -1.101368903518356 -1.101368903518356 -1.1478024604646209 -0.8939656824917177 -0.6215554817403086 -0.24389588524403535 -0.030301523291225544 0.16936277157770918 0.24210867746019235 0.2792555230171955 0.24056089222864285 +36325,-0.04887494606973151,2,-0.3723620594620276 -0.4884459518276855 -0.6772757500758178 -0.643224474981896 -0.6989447433174139 -0.7840729310522314 -0.9759982997634451 -1.0626742727298033 -1.101368903518356 -1.101368903518356 -1.1478024604646209 -0.8939656824917177 -0.6215554817403086 -0.24389588524403535 -0.030301523291225544 0.16936277157770918 0.24210867746019235 0.2792555230171955 0.24056089222864285 0.13376371125223796 +36326,-0.24234810001249465,2,-0.4884459518276855 -0.6772757500758178 -0.643224474981896 -0.6989447433174139 -0.7840729310522314 -0.9759982997634451 -1.0626742727298033 -1.101368903518356 -1.101368903518356 -1.1478024604646209 -0.8939656824917177 -0.6215554817403086 -0.24389588524403535 -0.030301523291225544 0.16936277157770918 0.24210867746019235 0.2792555230171955 0.24056089222864285 0.13376371125223796 -0.04887494606973151 +36327,-0.30735507973725673,2,-0.6772757500758178 -0.643224474981896 -0.6989447433174139 -0.7840729310522314 -0.9759982997634451 -1.0626742727298033 -1.101368903518356 -1.101368903518356 -1.1478024604646209 -0.8939656824917177 -0.6215554817403086 -0.24389588524403535 -0.030301523291225544 0.16936277157770918 0.24210867746019235 0.2792555230171955 0.24056089222864285 0.13376371125223796 -0.04887494606973151 -0.24234810001249465 +36328,-0.4373690391867985,2,-0.643224474981896 -0.6989447433174139 -0.7840729310522314 -0.9759982997634451 -1.0626742727298033 -1.101368903518356 -1.101368903518356 -1.1478024604646209 -0.8939656824917177 -0.6215554817403086 -0.24389588524403535 -0.030301523291225544 0.16936277157770918 0.24210867746019235 0.2792555230171955 0.24056089222864285 0.13376371125223796 -0.04887494606973151 -0.24234810001249465 -0.30735507973725673 +36329,-0.5163060859954445,2,-0.6989447433174139 -0.7840729310522314 -0.9759982997634451 -1.0626742727298033 -1.101368903518356 -1.101368903518356 -1.1478024604646209 -0.8939656824917177 -0.6215554817403086 -0.24389588524403535 -0.030301523291225544 0.16936277157770918 0.24210867746019235 0.2792555230171955 0.24056089222864285 0.13376371125223796 -0.04887494606973151 -0.24234810001249465 -0.30735507973725673 -0.4373690391867985 +36330,-0.7175181660959199,2,-0.7840729310522314 -0.9759982997634451 -1.0626742727298033 -1.101368903518356 -1.101368903518356 -1.1478024604646209 -0.8939656824917177 -0.6215554817403086 -0.24389588524403535 -0.030301523291225544 0.16936277157770918 0.24210867746019235 0.2792555230171955 0.24056089222864285 0.13376371125223796 -0.04887494606973151 -0.24234810001249465 -0.30735507973725673 -0.4373690391867985 -0.5163060859954445 +36331,-0.8041941390622781,2,-0.9759982997634451 -1.0626742727298033 -1.101368903518356 -1.101368903518356 -1.1478024604646209 -0.8939656824917177 -0.6215554817403086 -0.24389588524403535 -0.030301523291225544 0.16936277157770918 0.24210867746019235 0.2792555230171955 0.24056089222864285 0.13376371125223796 -0.04887494606973151 -0.24234810001249465 -0.30735507973725673 -0.4373690391867985 -0.5163060859954445 -0.7175181660959199 +36332,-0.8815834006393833,2,-1.0626742727298033 -1.101368903518356 -1.101368903518356 -1.1478024604646209 -0.8939656824917177 -0.6215554817403086 -0.24389588524403535 -0.030301523291225544 0.16936277157770918 0.24210867746019235 0.2792555230171955 0.24056089222864285 0.13376371125223796 -0.04887494606973151 -0.24234810001249465 -0.30735507973725673 -0.4373690391867985 -0.5163060859954445 -0.7175181660959199 -0.8041941390622781 +36333,-0.9465903803641454,2,-1.101368903518356 -1.101368903518356 -1.1478024604646209 -0.8939656824917177 -0.6215554817403086 -0.24389588524403535 -0.030301523291225544 0.16936277157770918 0.24210867746019235 0.2792555230171955 0.24056089222864285 0.13376371125223796 -0.04887494606973151 -0.24234810001249465 -0.30735507973725673 -0.4373690391867985 -0.5163060859954445 -0.7175181660959199 -0.8041941390622781 -0.8815834006393833 +36334,-0.999215078236582,2,-1.101368903518356 -1.1478024604646209 -0.8939656824917177 -0.6215554817403086 -0.24389588524403535 -0.030301523291225544 0.16936277157770918 0.24210867746019235 0.2792555230171955 0.24056089222864285 0.13376371125223796 -0.04887494606973151 -0.24234810001249465 -0.30735507973725673 -0.4373690391867985 -0.5163060859954445 -0.7175181660959199 -0.8041941390622781 -0.8815834006393833 -0.9465903803641454 +36335,-1.0626742727298033,2,-1.1478024604646209 -0.8939656824917177 -0.6215554817403086 -0.24389588524403535 -0.030301523291225544 0.16936277157770918 0.24210867746019235 0.2792555230171955 0.24056089222864285 0.13376371125223796 -0.04887494606973151 -0.24234810001249465 -0.30735507973725673 -0.4373690391867985 -0.5163060859954445 -0.7175181660959199 -0.8041941390622781 -0.8815834006393833 -0.9465903803641454 -0.999215078236582 +36336,-1.1152989706022398,2,-0.8939656824917177 -0.6215554817403086 -0.24389588524403535 -0.030301523291225544 0.16936277157770918 0.24210867746019235 0.2792555230171955 0.24056089222864285 0.13376371125223796 -0.04887494606973151 -0.24234810001249465 -0.30735507973725673 -0.4373690391867985 -0.5163060859954445 -0.7175181660959199 -0.8041941390622781 -0.8815834006393833 -0.9465903803641454 -0.999215078236582 -1.0626742727298033 +36337,-1.1524458161592517,2,-0.6215554817403086 -0.24389588524403535 -0.030301523291225544 0.16936277157770918 0.24210867746019235 0.2792555230171955 0.24056089222864285 0.13376371125223796 -0.04887494606973151 -0.24234810001249465 -0.30735507973725673 -0.4373690391867985 -0.5163060859954445 -0.7175181660959199 -0.8041941390622781 -0.8815834006393833 -0.9465903803641454 -0.999215078236582 -1.0626742727298033 -1.1152989706022398 +36338,-1.2174527958840138,2,-0.24389588524403535 -0.030301523291225544 0.16936277157770918 0.24210867746019235 0.2792555230171955 0.24056089222864285 0.13376371125223796 -0.04887494606973151 -0.24234810001249465 -0.30735507973725673 -0.4373690391867985 -0.5163060859954445 -0.7175181660959199 -0.8041941390622781 -0.8815834006393833 -0.9465903803641454 -0.999215078236582 -1.0626742727298033 -1.1152989706022398 -1.1524458161592517 +36339,-1.2515040709779444,2,-0.030301523291225544 0.16936277157770918 0.24210867746019235 0.2792555230171955 0.24056089222864285 0.13376371125223796 -0.04887494606973151 -0.24234810001249465 -0.30735507973725673 -0.4373690391867985 -0.5163060859954445 -0.7175181660959199 -0.8041941390622781 -0.8815834006393833 -0.9465903803641454 -0.999215078236582 -1.0626742727298033 -1.1152989706022398 -1.1524458161592517 -1.2174527958840138 +36340,-0.9698071588372823,2,0.16936277157770918 0.24210867746019235 0.2792555230171955 0.24056089222864285 0.13376371125223796 -0.04887494606973151 -0.24234810001249465 -0.30735507973725673 -0.4373690391867985 -0.5163060859954445 -0.7175181660959199 -0.8041941390622781 -0.8815834006393833 -0.9465903803641454 -0.999215078236582 -1.0626742727298033 -1.1152989706022398 -1.1524458161592517 -1.2174527958840138 -1.2515040709779444 +36341,-0.44820353580759215,2,0.24210867746019235 0.2792555230171955 0.24056089222864285 0.13376371125223796 -0.04887494606973151 -0.24234810001249465 -0.30735507973725673 -0.4373690391867985 -0.5163060859954445 -0.7175181660959199 -0.8041941390622781 -0.8815834006393833 -0.9465903803641454 -0.999215078236582 -1.0626742727298033 -1.1152989706022398 -1.1524458161592517 -1.2174527958840138 -1.2515040709779444 -0.9698071588372823 +36342,-0.08911736208982483,2,0.2792555230171955 0.24056089222864285 0.13376371125223796 -0.04887494606973151 -0.24234810001249465 -0.30735507973725673 -0.4373690391867985 -0.5163060859954445 -0.7175181660959199 -0.8041941390622781 -0.8815834006393833 -0.9465903803641454 -0.999215078236582 -1.0626742727298033 -1.1152989706022398 -1.1524458161592517 -1.2174527958840138 -1.2515040709779444 -0.9698071588372823 -0.44820353580759215 +36343,0.12447699986298497,2,0.24056089222864285 0.13376371125223796 -0.04887494606973151 -0.24234810001249465 -0.30735507973725673 -0.4373690391867985 -0.5163060859954445 -0.7175181660959199 -0.8041941390622781 -0.8815834006393833 -0.9465903803641454 -0.999215078236582 -1.0626742727298033 -1.1152989706022398 -1.1524458161592517 -1.2174527958840138 -1.2515040709779444 -0.9698071588372823 -0.44820353580759215 -0.08911736208982483 +36344,0.29318559010107936,2,0.13376371125223796 -0.04887494606973151 -0.24234810001249465 -0.30735507973725673 -0.4373690391867985 -0.5163060859954445 -0.7175181660959199 -0.8041941390622781 -0.8815834006393833 -0.9465903803641454 -0.999215078236582 -1.0626742727298033 -1.1152989706022398 -1.1524458161592517 -1.2174527958840138 -1.2515040709779444 -0.9698071588372823 -0.44820353580759215 -0.08911736208982483 0.12447699986298497 +36345,0.3953394153828534,2,-0.04887494606973151 -0.24234810001249465 -0.30735507973725673 -0.4373690391867985 -0.5163060859954445 -0.7175181660959199 -0.8041941390622781 -0.8815834006393833 -0.9465903803641454 -0.999215078236582 -1.0626742727298033 -1.1152989706022398 -1.1524458161592517 -1.2174527958840138 -1.2515040709779444 -0.9698071588372823 -0.44820353580759215 -0.08911736208982483 0.12447699986298497 0.29318559010107936 +36346,0.3674792812151032,2,-0.24234810001249465 -0.30735507973725673 -0.4373690391867985 -0.5163060859954445 -0.7175181660959199 -0.8041941390622781 -0.8815834006393833 -0.9465903803641454 -0.999215078236582 -1.0626742727298033 -1.1152989706022398 -1.1524458161592517 -1.2174527958840138 -1.2515040709779444 -0.9698071588372823 -0.44820353580759215 -0.08911736208982483 0.12447699986298497 0.29318559010107936 0.3953394153828534 +36347,0.3752182073728067,2,-0.30735507973725673 -0.4373690391867985 -0.5163060859954445 -0.7175181660959199 -0.8041941390622781 -0.8815834006393833 -0.9465903803641454 -0.999215078236582 -1.0626742727298033 -1.1152989706022398 -1.1524458161592517 -1.2174527958840138 -1.2515040709779444 -0.9698071588372823 -0.44820353580759215 -0.08911736208982483 0.12447699986298497 0.29318559010107936 0.3953394153828534 0.3674792812151032 +36348,0.2684210263964018,2,-0.4373690391867985 -0.5163060859954445 -0.7175181660959199 -0.8041941390622781 -0.8815834006393833 -0.9465903803641454 -0.999215078236582 -1.0626742727298033 -1.1152989706022398 -1.1524458161592517 -1.2174527958840138 -1.2515040709779444 -0.9698071588372823 -0.44820353580759215 -0.08911736208982483 0.12447699986298497 0.29318559010107936 0.3953394153828534 0.3674792812151032 0.3752182073728067 +36349,-0.0008936038919258983,2,-0.5163060859954445 -0.7175181660959199 -0.8041941390622781 -0.8815834006393833 -0.9465903803641454 -0.999215078236582 -1.0626742727298033 -1.1152989706022398 -1.1524458161592517 -1.2174527958840138 -1.2515040709779444 -0.9698071588372823 -0.44820353580759215 -0.08911736208982483 0.12447699986298497 0.29318559010107936 0.3953394153828534 0.3674792812151032 0.3752182073728067 0.2684210263964018 +36350,-0.14638541565688343,2,-0.7175181660959199 -0.8041941390622781 -0.8815834006393833 -0.9465903803641454 -0.999215078236582 -1.0626742727298033 -1.1152989706022398 -1.1524458161592517 -1.2174527958840138 -1.2515040709779444 -0.9698071588372823 -0.44820353580759215 -0.08911736208982483 0.12447699986298497 0.29318559010107936 0.3953394153828534 0.3674792812151032 0.3752182073728067 0.2684210263964018 -0.0008936038919258983 +36351,-0.23306138862324166,2,-0.8041941390622781 -0.8815834006393833 -0.9465903803641454 -0.999215078236582 -1.0626742727298033 -1.1152989706022398 -1.1524458161592517 -1.2174527958840138 -1.2515040709779444 -0.9698071588372823 -0.44820353580759215 -0.08911736208982483 0.12447699986298497 0.29318559010107936 0.3953394153828534 0.3674792812151032 0.3752182073728067 0.2684210263964018 -0.0008936038919258983 -0.14638541565688343 +36352,-0.3785532003881992,2,-0.8815834006393833 -0.9465903803641454 -0.999215078236582 -1.0626742727298033 -1.1152989706022398 -1.1524458161592517 -1.2174527958840138 -1.2515040709779444 -0.9698071588372823 -0.44820353580759215 -0.08911736208982483 0.12447699986298497 0.29318559010107936 0.3953394153828534 0.3674792812151032 0.3752182073728067 0.2684210263964018 -0.0008936038919258983 -0.14638541565688343 -0.23306138862324166 +36353,-0.4373690391867985,2,-0.9465903803641454 -0.999215078236582 -1.0626742727298033 -1.1152989706022398 -1.1524458161592517 -1.2174527958840138 -1.2515040709779444 -0.9698071588372823 -0.44820353580759215 -0.08911736208982483 0.12447699986298497 0.29318559010107936 0.3953394153828534 0.3674792812151032 0.3752182073728067 0.2684210263964018 -0.0008936038919258983 -0.14638541565688343 -0.23306138862324166 -0.3785532003881992 +36354,-0.6138165555825964,2,-0.999215078236582 -1.0626742727298033 -1.1152989706022398 -1.1524458161592517 -1.2174527958840138 -1.2515040709779444 -0.9698071588372823 -0.44820353580759215 -0.08911736208982483 0.12447699986298497 0.29318559010107936 0.3953394153828534 0.3674792812151032 0.3752182073728067 0.2684210263964018 -0.0008936038919258983 -0.14638541565688343 -0.23306138862324166 -0.3785532003881992 -0.4373690391867985 +36355,-0.5596440724786191,2,-1.0626742727298033 -1.1152989706022398 -1.1524458161592517 -1.2174527958840138 -1.2515040709779444 -0.9698071588372823 -0.44820353580759215 -0.08911736208982483 0.12447699986298497 0.29318559010107936 0.3953394153828534 0.3674792812151032 0.3752182073728067 0.2684210263964018 -0.0008936038919258983 -0.14638541565688343 -0.23306138862324166 -0.3785532003881992 -0.4373690391867985 -0.6138165555825964 +36356,-0.6292944078980209,2,-1.1152989706022398 -1.1524458161592517 -1.2174527958840138 -1.2515040709779444 -0.9698071588372823 -0.44820353580759215 -0.08911736208982483 0.12447699986298497 0.29318559010107936 0.3953394153828534 0.3674792812151032 0.3752182073728067 0.2684210263964018 -0.0008936038919258983 -0.14638541565688343 -0.23306138862324166 -0.3785532003881992 -0.4373690391867985 -0.6138165555825964 -0.5596440724786191 +36357,-0.8692011187870402,2,-1.1524458161592517 -1.2174527958840138 -1.2515040709779444 -0.9698071588372823 -0.44820353580759215 -0.08911736208982483 0.12447699986298497 0.29318559010107936 0.3953394153828534 0.3674792812151032 0.3752182073728067 0.2684210263964018 -0.0008936038919258983 -0.14638541565688343 -0.23306138862324166 -0.3785532003881992 -0.4373690391867985 -0.6138165555825964 -0.5596440724786191 -0.6292944078980209 +36358,-0.9342080985118111,2,-1.2174527958840138 -1.2515040709779444 -0.9698071588372823 -0.44820353580759215 -0.08911736208982483 0.12447699986298497 0.29318559010107936 0.3953394153828534 0.3674792812151032 0.3752182073728067 0.2684210263964018 -0.0008936038919258983 -0.14638541565688343 -0.23306138862324166 -0.3785532003881992 -0.4373690391867985 -0.6138165555825964 -0.5596440724786191 -0.6292944078980209 -0.8692011187870402 +36359,-0.9744505145319043,2,-1.2515040709779444 -0.9698071588372823 -0.44820353580759215 -0.08911736208982483 0.12447699986298497 0.29318559010107936 0.3953394153828534 0.3674792812151032 0.3752182073728067 0.2684210263964018 -0.0008936038919258983 -0.14638541565688343 -0.23306138862324166 -0.3785532003881992 -0.4373690391867985 -0.6138165555825964 -0.5596440724786191 -0.6292944078980209 -0.8692011187870402 -0.9342080985118111 +36360,-1.9686184177457347,2,-0.9698071588372823 -0.44820353580759215 -0.08911736208982483 0.12447699986298497 0.29318559010107936 0.3953394153828534 0.3674792812151032 0.3752182073728067 0.2684210263964018 -0.0008936038919258983 -0.14638541565688343 -0.23306138862324166 -0.3785532003881992 -0.4373690391867985 -0.6138165555825964 -0.5596440724786191 -0.6292944078980209 -0.8692011187870402 -0.9342080985118111 -0.9744505145319043 +36361,-3.242110657264244,2,-0.44820353580759215 -0.08911736208982483 0.12447699986298497 0.29318559010107936 0.3953394153828534 0.3674792812151032 0.3752182073728067 0.2684210263964018 -0.0008936038919258983 -0.14638541565688343 -0.23306138862324166 -0.3785532003881992 -0.4373690391867985 -0.6138165555825964 -0.5596440724786191 -0.6292944078980209 -0.8692011187870402 -0.9342080985118111 -0.9744505145319043 -1.9686184177457347 +36362,-1.003858433931204,2,-0.08911736208982483 0.12447699986298497 0.29318559010107936 0.3953394153828534 0.3674792812151032 0.3752182073728067 0.2684210263964018 -0.0008936038919258983 -0.14638541565688343 -0.23306138862324166 -0.3785532003881992 -0.4373690391867985 -0.6138165555825964 -0.5596440724786191 -0.6292944078980209 -0.8692011187870402 -0.9342080985118111 -0.9744505145319043 -1.9686184177457347 -3.242110657264244 +36363,-0.8528704052342232,2,0.12447699986298497 0.29318559010107936 0.3953394153828534 0.3674792812151032 0.3752182073728067 0.2684210263964018 -0.0008936038919258983 -0.14638541565688343 -0.23306138862324166 -0.3785532003881992 -0.4373690391867985 -0.6138165555825964 -0.5596440724786191 -0.6292944078980209 -0.8692011187870402 -0.9342080985118111 -0.9744505145319043 -1.9686184177457347 -3.242110657264244 -1.003858433931204 +36364,-0.633937763592643,2,0.29318559010107936 0.3953394153828534 0.3674792812151032 0.3752182073728067 0.2684210263964018 -0.0008936038919258983 -0.14638541565688343 -0.23306138862324166 -0.3785532003881992 -0.4373690391867985 -0.6138165555825964 -0.5596440724786191 -0.6292944078980209 -0.8692011187870402 -0.9342080985118111 -0.9744505145319043 -1.9686184177457347 -3.242110657264244 -1.003858433931204 -0.8528704052342232 +36365,-0.19797360618118404,2,0.3953394153828534 0.3674792812151032 0.3752182073728067 0.2684210263964018 -0.0008936038919258983 -0.14638541565688343 -0.23306138862324166 -0.3785532003881992 -0.4373690391867985 -0.6138165555825964 -0.5596440724786191 -0.6292944078980209 -0.8692011187870402 -0.9342080985118111 -0.9744505145319043 -1.9686184177457347 -3.242110657264244 -1.003858433931204 -0.8528704052342232 -0.633937763592643 +36366,0.4804676031176709,2,0.3674792812151032 0.3752182073728067 0.2684210263964018 -0.0008936038919258983 -0.14638541565688343 -0.23306138862324166 -0.3785532003881992 -0.4373690391867985 -0.6138165555825964 -0.5596440724786191 -0.6292944078980209 -0.8692011187870402 -0.9342080985118111 -0.9744505145319043 -1.9686184177457347 -3.242110657264244 -1.003858433931204 -0.8528704052342232 -0.633937763592643 -0.19797360618118404 +36367,0.4789198178861302,2,0.3752182073728067 0.2684210263964018 -0.0008936038919258983 -0.14638541565688343 -0.23306138862324166 -0.3785532003881992 -0.4373690391867985 -0.6138165555825964 -0.5596440724786191 -0.6292944078980209 -0.8692011187870402 -0.9342080985118111 -0.9744505145319043 -1.9686184177457347 -3.242110657264244 -1.003858433931204 -0.8528704052342232 -0.633937763592643 -0.19797360618118404 0.4804676031176709 +36368,1.067078205872132,2,0.2684210263964018 -0.0008936038919258983 -0.14638541565688343 -0.23306138862324166 -0.3785532003881992 -0.4373690391867985 -0.6138165555825964 -0.5596440724786191 -0.6292944078980209 -0.8692011187870402 -0.9342080985118111 -0.9744505145319043 -1.9686184177457347 -3.242110657264244 -1.003858433931204 -0.8528704052342232 -0.633937763592643 -0.19797360618118404 0.4804676031176709 0.4789198178861302 +36369,1.0964861252714315,2,-0.0008936038919258983 -0.14638541565688343 -0.23306138862324166 -0.3785532003881992 -0.4373690391867985 -0.6138165555825964 -0.5596440724786191 -0.6292944078980209 -0.8692011187870402 -0.9342080985118111 -0.9744505145319043 -1.9686184177457347 -3.242110657264244 -1.003858433931204 -0.8528704052342232 -0.633937763592643 -0.19797360618118404 0.4804676031176709 0.4789198178861302 1.067078205872132 +36370,1.1862576687008712,2,-0.14638541565688343 -0.23306138862324166 -0.3785532003881992 -0.4373690391867985 -0.6138165555825964 -0.5596440724786191 -0.6292944078980209 -0.8692011187870402 -0.9342080985118111 -0.9744505145319043 -1.9686184177457347 -3.242110657264244 -1.003858433931204 -0.8528704052342232 -0.633937763592643 -0.19797360618118404 0.4804676031176709 0.4789198178861302 1.067078205872132 1.0964861252714315 +36371,1.2017355210162957,2,-0.23306138862324166 -0.3785532003881992 -0.4373690391867985 -0.6138165555825964 -0.5596440724786191 -0.6292944078980209 -0.8692011187870402 -0.9342080985118111 -0.9744505145319043 -1.9686184177457347 -3.242110657264244 -1.003858433931204 -0.8528704052342232 -0.633937763592643 -0.19797360618118404 0.4804676031176709 0.4789198178861302 1.067078205872132 1.0964861252714315 1.1862576687008712 +36372,1.0469569978620852,2,-0.3785532003881992 -0.4373690391867985 -0.6138165555825964 -0.5596440724786191 -0.6292944078980209 -0.8692011187870402 -0.9342080985118111 -0.9744505145319043 -1.9686184177457347 -3.242110657264244 -1.003858433931204 -0.8528704052342232 -0.633937763592643 -0.19797360618118404 0.4804676031176709 0.4789198178861302 1.067078205872132 1.0964861252714315 1.1862576687008712 1.2017355210162957 +36373,0.8921784747078747,2,-0.4373690391867985 -0.6138165555825964 -0.5596440724786191 -0.6292944078980209 -0.8692011187870402 -0.9342080985118111 -0.9744505145319043 -1.9686184177457347 -3.242110657264244 -1.003858433931204 -0.8528704052342232 -0.633937763592643 -0.19797360618118404 0.4804676031176709 0.4789198178861302 1.067078205872132 1.0964861252714315 1.1862576687008712 1.2017355210162957 1.0469569978620852 +36374,0.5733347170102008,2,-0.6138165555825964 -0.5596440724786191 -0.6292944078980209 -0.8692011187870402 -0.9342080985118111 -0.9744505145319043 -1.9686184177457347 -3.242110657264244 -1.003858433931204 -0.8528704052342232 -0.633937763592643 -0.19797360618118404 0.4804676031176709 0.4789198178861302 1.067078205872132 1.0964861252714315 1.1862576687008712 1.2017355210162957 1.0469569978620852 0.8921784747078747 +36375,0.17864948296696218,2,-0.5596440724786191 -0.6292944078980209 -0.8692011187870402 -0.9342080985118111 -0.9744505145319043 -1.9686184177457347 -3.242110657264244 -1.003858433931204 -0.8528704052342232 -0.633937763592643 -0.19797360618118404 0.4804676031176709 0.4789198178861302 1.067078205872132 1.0964861252714315 1.1862576687008712 1.2017355210162957 1.0469569978620852 0.8921784747078747 0.5733347170102008 +36376,-0.02720595282813535,2,-0.6292944078980209 -0.8692011187870402 -0.9342080985118111 -0.9744505145319043 -1.9686184177457347 -3.242110657264244 -1.003858433931204 -0.8528704052342232 -0.633937763592643 -0.19797360618118404 0.4804676031176709 0.4789198178861302 1.067078205872132 1.0964861252714315 1.1862576687008712 1.2017355210162957 1.0469569978620852 0.8921784747078747 0.5733347170102008 0.17864948296696218 +36377,-0.30890286496879743,2,-0.8692011187870402 -0.9342080985118111 -0.9744505145319043 -1.9686184177457347 -3.242110657264244 -1.003858433931204 -0.8528704052342232 -0.633937763592643 -0.19797360618118404 0.4804676031176709 0.4789198178861302 1.067078205872132 1.0964861252714315 1.1862576687008712 1.2017355210162957 1.0469569978620852 0.8921784747078747 0.5733347170102008 0.17864948296696218 -0.02720595282813535 +36378,-0.45594246196530447,2,-0.9342080985118111 -0.9744505145319043 -1.9686184177457347 -3.242110657264244 -1.003858433931204 -0.8528704052342232 -0.633937763592643 -0.19797360618118404 0.4804676031176709 0.4789198178861302 1.067078205872132 1.0964861252714315 1.1862576687008712 1.2017355210162957 1.0469569978620852 0.8921784747078747 0.5733347170102008 0.17864948296696218 -0.02720595282813535 -0.30890286496879743 +36379,-0.5101149450692729,2,-0.9744505145319043 -1.9686184177457347 -3.242110657264244 -1.003858433931204 -0.8528704052342232 -0.633937763592643 -0.19797360618118404 0.4804676031176709 0.4789198178861302 1.067078205872132 1.0964861252714315 1.1862576687008712 1.2017355210162957 1.0469569978620852 0.8921784747078747 0.5733347170102008 0.17864948296696218 -0.02720595282813535 -0.30890286496879743 -0.45594246196530447 +36380,-0.666441253455024,2,-1.9686184177457347 -3.242110657264244 -1.003858433931204 -0.8528704052342232 -0.633937763592643 -0.19797360618118404 0.4804676031176709 0.4789198178861302 1.067078205872132 1.0964861252714315 1.1862576687008712 1.2017355210162957 1.0469569978620852 0.8921784747078747 0.5733347170102008 0.17864948296696218 -0.02720595282813535 -0.30890286496879743 -0.45594246196530447 -0.5101149450692729 +36381,-0.8351498436931184,2,-3.242110657264244 -1.003858433931204 -0.8528704052342232 -0.633937763592643 -0.19797360618118404 0.4804676031176709 0.4789198178861302 1.067078205872132 1.0964861252714315 1.1862576687008712 1.2017355210162957 1.0469569978620852 0.8921784747078747 0.5733347170102008 0.17864948296696218 -0.02720595282813535 -0.30890286496879743 -0.45594246196530447 -0.5101149450692729 -0.666441253455024 +36382,-0.9636160179111107,2,-1.003858433931204 -0.8528704052342232 -0.633937763592643 -0.19797360618118404 0.4804676031176709 0.4789198178861302 1.067078205872132 1.0964861252714315 1.1862576687008712 1.2017355210162957 1.0469569978620852 0.8921784747078747 0.5733347170102008 0.17864948296696218 -0.02720595282813535 -0.30890286496879743 -0.45594246196530447 -0.5101149450692729 -0.666441253455024 -0.8351498436931184 +36383,-1.0410052794882159,2,-0.8528704052342232 -0.633937763592643 -0.19797360618118404 0.4804676031176709 0.4789198178861302 1.067078205872132 1.0964861252714315 1.1862576687008712 1.2017355210162957 1.0469569978620852 0.8921784747078747 0.5733347170102008 0.17864948296696218 -0.02720595282813535 -0.30890286496879743 -0.45594246196530447 -0.5101149450692729 -0.666441253455024 -0.8351498436931184 -0.9636160179111107 +36384,-1.1942360174108857,2,-0.633937763592643 -0.19797360618118404 0.4804676031176709 0.4789198178861302 1.067078205872132 1.0964861252714315 1.1862576687008712 1.2017355210162957 1.0469569978620852 0.8921784747078747 0.5733347170102008 0.17864948296696218 -0.02720595282813535 -0.30890286496879743 -0.45594246196530447 -0.5101149450692729 -0.666441253455024 -0.8351498436931184 -0.9636160179111107 -1.0410052794882159 +36385,-1.294842057461119,2,-0.19797360618118404 0.4804676031176709 0.4789198178861302 1.067078205872132 1.0964861252714315 1.1862576687008712 1.2017355210162957 1.0469569978620852 0.8921784747078747 0.5733347170102008 0.17864948296696218 -0.02720595282813535 -0.30890286496879743 -0.45594246196530447 -0.5101149450692729 -0.666441253455024 -0.8351498436931184 -0.9636160179111107 -1.0410052794882159 -1.1942360174108857 +36386,-1.3350844734812124,2,0.4804676031176709 0.4789198178861302 1.067078205872132 1.0964861252714315 1.1862576687008712 1.2017355210162957 1.0469569978620852 0.8921784747078747 0.5733347170102008 0.17864948296696218 -0.02720595282813535 -0.30890286496879743 -0.45594246196530447 -0.5101149450692729 -0.666441253455024 -0.8351498436931184 -0.9636160179111107 -1.0410052794882159 -1.1942360174108857 -1.294842057461119 +36387,-1.336632258712762,2,0.4789198178861302 1.067078205872132 1.0964861252714315 1.1862576687008712 1.2017355210162957 1.0469569978620852 0.8921784747078747 0.5733347170102008 0.17864948296696218 -0.02720595282813535 -0.30890286496879743 -0.45594246196530447 -0.5101149450692729 -0.666441253455024 -0.8351498436931184 -0.9636160179111107 -1.0410052794882159 -1.1942360174108857 -1.294842057461119 -1.3350844734812124 +36388,-1.3381800439443026,2,1.067078205872132 1.0964861252714315 1.1862576687008712 1.2017355210162957 1.0469569978620852 0.8921784747078747 0.5733347170102008 0.17864948296696218 -0.02720595282813535 -0.30890286496879743 -0.45594246196530447 -0.5101149450692729 -0.666441253455024 -0.8351498436931184 -0.9636160179111107 -1.0410052794882159 -1.1942360174108857 -1.294842057461119 -1.3350844734812124 -1.336632258712762 +36389,-0.4218911868713739,2,1.0964861252714315 1.1862576687008712 1.2017355210162957 1.0469569978620852 0.8921784747078747 0.5733347170102008 0.17864948296696218 -0.02720595282813535 -0.30890286496879743 -0.45594246196530447 -0.5101149450692729 -0.666441253455024 -0.8351498436931184 -0.9636160179111107 -1.0410052794882159 -1.1942360174108857 -1.294842057461119 -1.3350844734812124 -1.336632258712762 -1.3381800439443026 +36390,-0.273303804643335,2,1.1862576687008712 1.2017355210162957 1.0469569978620852 0.8921784747078747 0.5733347170102008 0.17864948296696218 -0.02720595282813535 -0.30890286496879743 -0.45594246196530447 -0.5101149450692729 -0.666441253455024 -0.8351498436931184 -0.9636160179111107 -1.0410052794882159 -1.1942360174108857 -1.294842057461119 -1.3350844734812124 -1.336632258712762 -1.3381800439443026 -0.4218911868713739 +36391,0.57178693177866,2,1.2017355210162957 1.0469569978620852 0.8921784747078747 0.5733347170102008 0.17864948296696218 -0.02720595282813535 -0.30890286496879743 -0.45594246196530447 -0.5101149450692729 -0.666441253455024 -0.8351498436931184 -0.9636160179111107 -1.0410052794882159 -1.1942360174108857 -1.294842057461119 -1.3350844734812124 -1.336632258712762 -1.3381800439443026 -0.4218911868713739 -0.273303804643335 +36392,0.7791901528052982,2,1.0469569978620852 0.8921784747078747 0.5733347170102008 0.17864948296696218 -0.02720595282813535 -0.30890286496879743 -0.45594246196530447 -0.5101149450692729 -0.666441253455024 -0.8351498436931184 -0.9636160179111107 -1.0410052794882159 -1.1942360174108857 -1.294842057461119 -1.3350844734812124 -1.336632258712762 -1.3381800439443026 -0.4218911868713739 -0.273303804643335 0.57178693177866 +36393,0.8178847835938509,2,0.8921784747078747 0.5733347170102008 0.17864948296696218 -0.02720595282813535 -0.30890286496879743 -0.45594246196530447 -0.5101149450692729 -0.666441253455024 -0.8351498436931184 -0.9636160179111107 -1.0410052794882159 -1.1942360174108857 -1.294842057461119 -1.3350844734812124 -1.336632258712762 -1.3381800439443026 -0.4218911868713739 -0.273303804643335 0.57178693177866 0.7791901528052982 +36394,0.9045607565602091,2,0.5733347170102008 0.17864948296696218 -0.02720595282813535 -0.30890286496879743 -0.45594246196530447 -0.5101149450692729 -0.666441253455024 -0.8351498436931184 -0.9636160179111107 -1.0410052794882159 -1.1942360174108857 -1.294842057461119 -1.3350844734812124 -1.336632258712762 -1.3381800439443026 -0.4218911868713739 -0.273303804643335 0.57178693177866 0.7791901528052982 0.8178847835938509 +36395,0.8581271996139442,2,0.17864948296696218 -0.02720595282813535 -0.30890286496879743 -0.45594246196530447 -0.5101149450692729 -0.666441253455024 -0.8351498436931184 -0.9636160179111107 -1.0410052794882159 -1.1942360174108857 -1.294842057461119 -1.3350844734812124 -1.336632258712762 -1.3381800439443026 -0.4218911868713739 -0.273303804643335 0.57178693177866 0.7791901528052982 0.8178847835938509 0.9045607565602091 +36396,0.7219220992382397,2,-0.02720595282813535 -0.30890286496879743 -0.45594246196530447 -0.5101149450692729 -0.666441253455024 -0.8351498436931184 -0.9636160179111107 -1.0410052794882159 -1.1942360174108857 -1.294842057461119 -1.3350844734812124 -1.336632258712762 -1.3381800439443026 -0.4218911868713739 -0.273303804643335 0.57178693177866 0.7791901528052982 0.8178847835938509 0.9045607565602091 0.8581271996139442 +36397,0.5346400862216482,2,-0.30890286496879743 -0.45594246196530447 -0.5101149450692729 -0.666441253455024 -0.8351498436931184 -0.9636160179111107 -1.0410052794882159 -1.1942360174108857 -1.294842057461119 -1.3350844734812124 -1.336632258712762 -1.3381800439443026 -0.4218911868713739 -0.273303804643335 0.57178693177866 0.7791901528052982 0.8178847835938509 0.9045607565602091 0.8581271996139442 0.7219220992382397 +36398,0.11828585893682218,2,-0.45594246196530447 -0.5101149450692729 -0.666441253455024 -0.8351498436931184 -0.9636160179111107 -1.0410052794882159 -1.1942360174108857 -1.294842057461119 -1.3350844734812124 -1.336632258712762 -1.3381800439443026 -0.4218911868713739 -0.273303804643335 0.57178693177866 0.7791901528052982 0.8178847835938509 0.9045607565602091 0.8581271996139442 0.7219220992382397 0.5346400862216482 +36399,-0.14328984519379323,2,-0.5101149450692729 -0.666441253455024 -0.8351498436931184 -0.9636160179111107 -1.0410052794882159 -1.1942360174108857 -1.294842057461119 -1.3350844734812124 -1.336632258712762 -1.3381800439443026 -0.4218911868713739 -0.273303804643335 0.57178693177866 0.7791901528052982 0.8178847835938509 0.9045607565602091 0.8581271996139442 0.7219220992382397 0.5346400862216482 0.11828585893682218 +36400,-0.4838025961330546,2,-0.666441253455024 -0.8351498436931184 -0.9636160179111107 -1.0410052794882159 -1.1942360174108857 -1.294842057461119 -1.3350844734812124 -1.336632258712762 -1.3381800439443026 -0.4218911868713739 -0.273303804643335 0.57178693177866 0.7791901528052982 0.8178847835938509 0.9045607565602091 0.8581271996139442 0.7219220992382397 0.5346400862216482 0.11828585893682218 -0.14328984519379323 +36401,-0.5952431328040904,2,-0.8351498436931184 -0.9636160179111107 -1.0410052794882159 -1.1942360174108857 -1.294842057461119 -1.3350844734812124 -1.336632258712762 -1.3381800439443026 -0.4218911868713739 -0.273303804643335 0.57178693177866 0.7791901528052982 0.8178847835938509 0.9045607565602091 0.8581271996139442 0.7219220992382397 0.5346400862216482 0.11828585893682218 -0.14328984519379323 -0.4838025961330546 +36402,-0.7794295753576006,2,-0.9636160179111107 -1.0410052794882159 -1.1942360174108857 -1.294842057461119 -1.3350844734812124 -1.336632258712762 -1.3381800439443026 -0.4218911868713739 -0.273303804643335 0.57178693177866 0.7791901528052982 0.8178847835938509 0.9045607565602091 0.8581271996139442 0.7219220992382397 0.5346400862216482 0.11828585893682218 -0.14328984519379323 -0.4838025961330546 -0.5952431328040904 +36403,-0.9543293065218578,2,-1.0410052794882159 -1.1942360174108857 -1.294842057461119 -1.3350844734812124 -1.336632258712762 -1.3381800439443026 -0.4218911868713739 -0.273303804643335 0.57178693177866 0.7791901528052982 0.8178847835938509 0.9045607565602091 0.8581271996139442 0.7219220992382397 0.5346400862216482 0.11828585893682218 -0.14328984519379323 -0.4838025961330546 -0.5952431328040904 -0.7794295753576006 +36404,-1.0100495748573757,2,-1.1942360174108857 -1.294842057461119 -1.3350844734812124 -1.336632258712762 -1.3381800439443026 -0.4218911868713739 -0.273303804643335 0.57178693177866 0.7791901528052982 0.8178847835938509 0.9045607565602091 0.8581271996139442 0.7219220992382397 0.5346400862216482 0.11828585893682218 -0.14328984519379323 -0.4838025961330546 -0.5952431328040904 -0.7794295753576006 -0.9543293065218578 +36405,-1.1091078296760681,2,-1.294842057461119 -1.3350844734812124 -1.336632258712762 -1.3381800439443026 -0.4218911868713739 -0.273303804643335 0.57178693177866 0.7791901528052982 0.8178847835938509 0.9045607565602091 0.8581271996139442 0.7219220992382397 0.5346400862216482 0.11828585893682218 -0.14328984519379323 -0.4838025961330546 -0.5952431328040904 -0.7794295753576006 -0.9543293065218578 -1.0100495748573757 +36406,-1.2778164199141626,2,-1.3350844734812124 -1.336632258712762 -1.3381800439443026 -0.4218911868713739 -0.273303804643335 0.57178693177866 0.7791901528052982 0.8178847835938509 0.9045607565602091 0.8581271996139442 0.7219220992382397 0.5346400862216482 0.11828585893682218 -0.14328984519379323 -0.4838025961330546 -0.5952431328040904 -0.7794295753576006 -0.9543293065218578 -1.0100495748573757 -1.1091078296760681 +36407,-1.3768746747328553,2,-1.336632258712762 -1.3381800439443026 -0.4218911868713739 -0.273303804643335 0.57178693177866 0.7791901528052982 0.8178847835938509 0.9045607565602091 0.8581271996139442 0.7219220992382397 0.5346400862216482 0.11828585893682218 -0.14328984519379323 -0.4838025961330546 -0.5952431328040904 -0.7794295753576006 -0.9543293065218578 -1.0100495748573757 -1.1091078296760681 -1.2778164199141626 +36408,-1.585825680991034,2,-1.3381800439443026 -0.4218911868713739 -0.273303804643335 0.57178693177866 0.7791901528052982 0.8178847835938509 0.9045607565602091 0.8581271996139442 0.7219220992382397 0.5346400862216482 0.11828585893682218 -0.14328984519379323 -0.4838025961330546 -0.5952431328040904 -0.7794295753576006 -0.9543293065218578 -1.0100495748573757 -1.1091078296760681 -1.2778164199141626 -1.3768746747328553 +36409,-1.6167813856218833,2,-0.4218911868713739 -0.273303804643335 0.57178693177866 0.7791901528052982 0.8178847835938509 0.9045607565602091 0.8581271996139442 0.7219220992382397 0.5346400862216482 0.11828585893682218 -0.14328984519379323 -0.4838025961330546 -0.5952431328040904 -0.7794295753576006 -0.9543293065218578 -1.0100495748573757 -1.1091078296760681 -1.2778164199141626 -1.3768746747328553 -1.585825680991034 +36410,-1.6848839358097356,2,-0.273303804643335 0.57178693177866 0.7791901528052982 0.8178847835938509 0.9045607565602091 0.8581271996139442 0.7219220992382397 0.5346400862216482 0.11828585893682218 -0.14328984519379323 -0.4838025961330546 -0.5952431328040904 -0.7794295753576006 -0.9543293065218578 -1.0100495748573757 -1.1091078296760681 -1.2778164199141626 -1.3768746747328553 -1.585825680991034 -1.6167813856218833 +36411,-1.6864317210412763,2,0.57178693177866 0.7791901528052982 0.8178847835938509 0.9045607565602091 0.8581271996139442 0.7219220992382397 0.5346400862216482 0.11828585893682218 -0.14328984519379323 -0.4838025961330546 -0.5952431328040904 -0.7794295753576006 -0.9543293065218578 -1.0100495748573757 -1.1091078296760681 -1.2778164199141626 -1.3768746747328553 -1.585825680991034 -1.6167813856218833 -1.6848839358097356 +36412,-1.6941706471989886,2,0.7791901528052982 0.8178847835938509 0.9045607565602091 0.8581271996139442 0.7219220992382397 0.5346400862216482 0.11828585893682218 -0.14328984519379323 -0.4838025961330546 -0.5952431328040904 -0.7794295753576006 -0.9543293065218578 -1.0100495748573757 -1.1091078296760681 -1.2778164199141626 -1.3768746747328553 -1.585825680991034 -1.6167813856218833 -1.6848839358097356 -1.6864317210412763 +36413,-0.999215078236582,2,0.8178847835938509 0.9045607565602091 0.8581271996139442 0.7219220992382397 0.5346400862216482 0.11828585893682218 -0.14328984519379323 -0.4838025961330546 -0.5952431328040904 -0.7794295753576006 -0.9543293065218578 -1.0100495748573757 -1.1091078296760681 -1.2778164199141626 -1.3768746747328553 -1.585825680991034 -1.6167813856218833 -1.6848839358097356 -1.6864317210412763 -1.6941706471989886 +36414,-0.39712662316670516,2,0.9045607565602091 0.8581271996139442 0.7219220992382397 0.5346400862216482 0.11828585893682218 -0.14328984519379323 -0.4838025961330546 -0.5952431328040904 -0.7794295753576006 -0.9543293065218578 -1.0100495748573757 -1.1091078296760681 -1.2778164199141626 -1.3768746747328553 -1.585825680991034 -1.6167813856218833 -1.6848839358097356 -1.6864317210412763 -1.6941706471989886 -0.999215078236582 +36415,-0.3955788379351557,2,0.8581271996139442 0.7219220992382397 0.5346400862216482 0.11828585893682218 -0.14328984519379323 -0.4838025961330546 -0.5952431328040904 -0.7794295753576006 -0.9543293065218578 -1.0100495748573757 -1.1091078296760681 -1.2778164199141626 -1.3768746747328553 -1.585825680991034 -1.6167813856218833 -1.6848839358097356 -1.6864317210412763 -1.6941706471989886 -0.999215078236582 -0.39712662316670516 +36416,-0.1076907848683308,2,0.7219220992382397 0.5346400862216482 0.11828585893682218 -0.14328984519379323 -0.4838025961330546 -0.5952431328040904 -0.7794295753576006 -0.9543293065218578 -1.0100495748573757 -1.1091078296760681 -1.2778164199141626 -1.3768746747328553 -1.585825680991034 -1.6167813856218833 -1.6848839358097356 -1.6864317210412763 -1.6941706471989886 -0.999215078236582 -0.39712662316670516 -0.3955788379351557 +36417,-0.15102877135150553,2,0.5346400862216482 0.11828585893682218 -0.14328984519379323 -0.4838025961330546 -0.5952431328040904 -0.7794295753576006 -0.9543293065218578 -1.0100495748573757 -1.1091078296760681 -1.2778164199141626 -1.3768746747328553 -1.585825680991034 -1.6167813856218833 -1.6848839358097356 -1.6864317210412763 -1.6941706471989886 -0.999215078236582 -0.39712662316670516 -0.3955788379351557 -0.1076907848683308 +36418,-0.5704785690994129,2,0.11828585893682218 -0.14328984519379323 -0.4838025961330546 -0.5952431328040904 -0.7794295753576006 -0.9543293065218578 -1.0100495748573757 -1.1091078296760681 -1.2778164199141626 -1.3768746747328553 -1.585825680991034 -1.6167813856218833 -1.6848839358097356 -1.6864317210412763 -1.6941706471989886 -0.999215078236582 -0.39712662316670516 -0.3955788379351557 -0.1076907848683308 -0.15102877135150553 +36419,-0.9125391052702237,2,-0.14328984519379323 -0.4838025961330546 -0.5952431328040904 -0.7794295753576006 -0.9543293065218578 -1.0100495748573757 -1.1091078296760681 -1.2778164199141626 -1.3768746747328553 -1.585825680991034 -1.6167813856218833 -1.6848839358097356 -1.6864317210412763 -1.6941706471989886 -0.999215078236582 -0.39712662316670516 -0.3955788379351557 -0.1076907848683308 -0.15102877135150553 -0.5704785690994129 +36420,-0.9032523938809707,2,-0.4838025961330546 -0.5952431328040904 -0.7794295753576006 -0.9543293065218578 -1.0100495748573757 -1.1091078296760681 -1.2778164199141626 -1.3768746747328553 -1.585825680991034 -1.6167813856218833 -1.6848839358097356 -1.6864317210412763 -1.6941706471989886 -0.999215078236582 -0.39712662316670516 -0.3955788379351557 -0.1076907848683308 -0.15102877135150553 -0.5704785690994129 -0.9125391052702237 +36421,-0.8831311858709241,2,-0.5952431328040904 -0.7794295753576006 -0.9543293065218578 -1.0100495748573757 -1.1091078296760681 -1.2778164199141626 -1.3768746747328553 -1.585825680991034 -1.6167813856218833 -1.6848839358097356 -1.6864317210412763 -1.6941706471989886 -0.999215078236582 -0.39712662316670516 -0.3955788379351557 -0.1076907848683308 -0.15102877135150553 -0.5704785690994129 -0.9125391052702237 -0.9032523938809707 +36422,-0.952781521290317,2,-0.7794295753576006 -0.9543293065218578 -1.0100495748573757 -1.1091078296760681 -1.2778164199141626 -1.3768746747328553 -1.585825680991034 -1.6167813856218833 -1.6848839358097356 -1.6864317210412763 -1.6941706471989886 -0.999215078236582 -0.39712662316670516 -0.3955788379351557 -0.1076907848683308 -0.15102877135150553 -0.5704785690994129 -0.9125391052702237 -0.9032523938809707 -0.8831311858709241 +36423,-0.9589726622164886,2,-0.9543293065218578 -1.0100495748573757 -1.1091078296760681 -1.2778164199141626 -1.3768746747328553 -1.585825680991034 -1.6167813856218833 -1.6848839358097356 -1.6864317210412763 -1.6941706471989886 -0.999215078236582 -0.39712662316670516 -0.3955788379351557 -0.1076907848683308 -0.15102877135150553 -0.5704785690994129 -0.9125391052702237 -0.9032523938809707 -0.8831311858709241 -0.952781521290317 +36424,-1.003858433931204,2,-1.0100495748573757 -1.1091078296760681 -1.2778164199141626 -1.3768746747328553 -1.585825680991034 -1.6167813856218833 -1.6848839358097356 -1.6864317210412763 -1.6941706471989886 -0.999215078236582 -0.39712662316670516 -0.3955788379351557 -0.1076907848683308 -0.15102877135150553 -0.5704785690994129 -0.9125391052702237 -0.9032523938809707 -0.8831311858709241 -0.952781521290317 -0.9589726622164886 +36425,-1.036361923793594,2,-1.1091078296760681 -1.2778164199141626 -1.3768746747328553 -1.585825680991034 -1.6167813856218833 -1.6848839358097356 -1.6864317210412763 -1.6941706471989886 -0.999215078236582 -0.39712662316670516 -0.3955788379351557 -0.1076907848683308 -0.15102877135150553 -0.5704785690994129 -0.9125391052702237 -0.9032523938809707 -0.8831311858709241 -0.952781521290317 -0.9589726622164886 -1.003858433931204 +36426,-1.0379097090251346,2,-1.2778164199141626 -1.3768746747328553 -1.585825680991034 -1.6167813856218833 -1.6848839358097356 -1.6864317210412763 -1.6941706471989886 -0.999215078236582 -0.39712662316670516 -0.3955788379351557 -0.1076907848683308 -0.15102877135150553 -0.5704785690994129 -0.9125391052702237 -0.9032523938809707 -0.8831311858709241 -0.952781521290317 -0.9589726622164886 -1.003858433931204 -1.036361923793594 +36427,-1.02243185670971,2,-1.3768746747328553 -1.585825680991034 -1.6167813856218833 -1.6848839358097356 -1.6864317210412763 -1.6941706471989886 -0.999215078236582 -0.39712662316670516 -0.3955788379351557 -0.1076907848683308 -0.15102877135150553 -0.5704785690994129 -0.9125391052702237 -0.9032523938809707 -0.8831311858709241 -0.952781521290317 -0.9589726622164886 -1.003858433931204 -1.036361923793594 -1.0379097090251346 +36428,-1.0812476955083092,2,-1.585825680991034 -1.6167813856218833 -1.6848839358097356 -1.6864317210412763 -1.6941706471989886 -0.999215078236582 -0.39712662316670516 -0.3955788379351557 -0.1076907848683308 -0.15102877135150553 -0.5704785690994129 -0.9125391052702237 -0.9032523938809707 -0.8831311858709241 -0.952781521290317 -0.9589726622164886 -1.003858433931204 -1.036361923793594 -1.0379097090251346 -1.02243185670971 +36429,-1.050291990877469,2,-1.6167813856218833 -1.6848839358097356 -1.6864317210412763 -1.6941706471989886 -0.999215078236582 -0.39712662316670516 -0.3955788379351557 -0.1076907848683308 -0.15102877135150553 -0.5704785690994129 -0.9125391052702237 -0.9032523938809707 -0.8831311858709241 -0.952781521290317 -0.9589726622164886 -1.003858433931204 -1.036361923793594 -1.0379097090251346 -1.02243185670971 -1.0812476955083092 +36430,-1.050291990877469,2,-1.6848839358097356 -1.6864317210412763 -1.6941706471989886 -0.999215078236582 -0.39712662316670516 -0.3955788379351557 -0.1076907848683308 -0.15102877135150553 -0.5704785690994129 -0.9125391052702237 -0.9032523938809707 -0.8831311858709241 -0.952781521290317 -0.9589726622164886 -1.003858433931204 -1.036361923793594 -1.0379097090251346 -1.02243185670971 -1.0812476955083092 -1.050291990877469 +36431,-1.0657698431928935,2,-1.6864317210412763 -1.6941706471989886 -0.999215078236582 -0.39712662316670516 -0.3955788379351557 -0.1076907848683308 -0.15102877135150553 -0.5704785690994129 -0.9125391052702237 -0.9032523938809707 -0.8831311858709241 -0.952781521290317 -0.9589726622164886 -1.003858433931204 -1.036361923793594 -1.0379097090251346 -1.02243185670971 -1.0812476955083092 -1.050291990877469 -1.050291990877469 +36432,-1.2050705140316795,2,-1.6941706471989886 -0.999215078236582 -0.39712662316670516 -0.3955788379351557 -0.1076907848683308 -0.15102877135150553 -0.5704785690994129 -0.9125391052702237 -0.9032523938809707 -0.8831311858709241 -0.952781521290317 -0.9589726622164886 -1.003858433931204 -1.036361923793594 -1.0379097090251346 -1.02243185670971 -1.0812476955083092 -1.050291990877469 -1.050291990877469 -1.0657698431928935 +36433,-1.2190005811155544,2,-0.999215078236582 -0.39712662316670516 -0.3955788379351557 -0.1076907848683308 -0.15102877135150553 -0.5704785690994129 -0.9125391052702237 -0.9032523938809707 -0.8831311858709241 -0.952781521290317 -0.9589726622164886 -1.003858433931204 -1.036361923793594 -1.0379097090251346 -1.02243185670971 -1.0812476955083092 -1.050291990877469 -1.050291990877469 -1.0657698431928935 -1.2050705140316795 +36434,-1.243765144820232,2,-0.39712662316670516 -0.3955788379351557 -0.1076907848683308 -0.15102877135150553 -0.5704785690994129 -0.9125391052702237 -0.9032523938809707 -0.8831311858709241 -0.952781521290317 -0.9589726622164886 -1.003858433931204 -1.036361923793594 -1.0379097090251346 -1.02243185670971 -1.0812476955083092 -1.050291990877469 -1.050291990877469 -1.0657698431928935 -1.2050705140316795 -1.2190005811155544 +36435,-1.2143572254209325,2,-0.3955788379351557 -0.1076907848683308 -0.15102877135150553 -0.5704785690994129 -0.9125391052702237 -0.9032523938809707 -0.8831311858709241 -0.952781521290317 -0.9589726622164886 -1.003858433931204 -1.036361923793594 -1.0379097090251346 -1.02243185670971 -1.0812476955083092 -1.050291990877469 -1.050291990877469 -1.0657698431928935 -1.2050705140316795 -1.2190005811155544 -1.243765144820232 +36436,-1.078152125045228,2,-0.1076907848683308 -0.15102877135150553 -0.5704785690994129 -0.9125391052702237 -0.9032523938809707 -0.8831311858709241 -0.952781521290317 -0.9589726622164886 -1.003858433931204 -1.036361923793594 -1.0379097090251346 -1.02243185670971 -1.0812476955083092 -1.050291990877469 -1.050291990877469 -1.0657698431928935 -1.2050705140316795 -1.2190005811155544 -1.243765144820232 -1.2143572254209325 +36437,-0.9883805816157882,2,-0.15102877135150553 -0.5704785690994129 -0.9125391052702237 -0.9032523938809707 -0.8831311858709241 -0.952781521290317 -0.9589726622164886 -1.003858433931204 -1.036361923793594 -1.0379097090251346 -1.02243185670971 -1.0812476955083092 -1.050291990877469 -1.050291990877469 -1.0657698431928935 -1.2050705140316795 -1.2190005811155544 -1.243765144820232 -1.2143572254209325 -1.078152125045228 +36438,-0.8351498436931184,2,-0.5704785690994129 -0.9125391052702237 -0.9032523938809707 -0.8831311858709241 -0.952781521290317 -0.9589726622164886 -1.003858433931204 -1.036361923793594 -1.0379097090251346 -1.02243185670971 -1.0812476955083092 -1.050291990877469 -1.050291990877469 -1.0657698431928935 -1.2050705140316795 -1.2190005811155544 -1.243765144820232 -1.2143572254209325 -1.078152125045228 -0.9883805816157882 +36439,-0.6169121260456778,2,-0.9125391052702237 -0.9032523938809707 -0.8831311858709241 -0.952781521290317 -0.9589726622164886 -1.003858433931204 -1.036361923793594 -1.0379097090251346 -1.02243185670971 -1.0812476955083092 -1.050291990877469 -1.050291990877469 -1.0657698431928935 -1.2050705140316795 -1.2190005811155544 -1.243765144820232 -1.2143572254209325 -1.078152125045228 -0.9883805816157882 -0.8351498436931184 +36440,-0.4404646096498799,2,-0.9032523938809707 -0.8831311858709241 -0.952781521290317 -0.9589726622164886 -1.003858433931204 -1.036361923793594 -1.0379097090251346 -1.02243185670971 -1.0812476955083092 -1.050291990877469 -1.050291990877469 -1.0657698431928935 -1.2050705140316795 -1.2190005811155544 -1.243765144820232 -1.2143572254209325 -1.078152125045228 -0.9883805816157882 -0.8351498436931184 -0.6169121260456778 +36441,-0.4373690391867985,2,-0.8831311858709241 -0.952781521290317 -0.9589726622164886 -1.003858433931204 -1.036361923793594 -1.0379097090251346 -1.02243185670971 -1.0812476955083092 -1.050291990877469 -1.050291990877469 -1.0657698431928935 -1.2050705140316795 -1.2190005811155544 -1.243765144820232 -1.2143572254209325 -1.078152125045228 -0.9883805816157882 -0.8351498436931184 -0.6169121260456778 -0.4404646096498799 +36442,-0.28413830126412865,2,-0.952781521290317 -0.9589726622164886 -1.003858433931204 -1.036361923793594 -1.0379097090251346 -1.02243185670971 -1.0812476955083092 -1.050291990877469 -1.050291990877469 -1.0657698431928935 -1.2050705140316795 -1.2190005811155544 -1.243765144820232 -1.2143572254209325 -1.078152125045228 -0.9883805816157882 -0.8351498436931184 -0.6169121260456778 -0.4404646096498799 -0.4373690391867985 +36443,-0.3506930662204403,2,-0.9589726622164886 -1.003858433931204 -1.036361923793594 -1.0379097090251346 -1.02243185670971 -1.0812476955083092 -1.050291990877469 -1.050291990877469 -1.0657698431928935 -1.2050705140316795 -1.2190005811155544 -1.243765144820232 -1.2143572254209325 -1.078152125045228 -0.9883805816157882 -0.8351498436931184 -0.6169121260456778 -0.4404646096498799 -0.4373690391867985 -0.28413830126412865 +36444,-0.3166417911265097,2,-1.003858433931204 -1.036361923793594 -1.0379097090251346 -1.02243185670971 -1.0812476955083092 -1.050291990877469 -1.050291990877469 -1.0657698431928935 -1.2050705140316795 -1.2190005811155544 -1.243765144820232 -1.2143572254209325 -1.078152125045228 -0.9883805816157882 -0.8351498436931184 -0.6169121260456778 -0.4404646096498799 -0.4373690391867985 -0.28413830126412865 -0.3506930662204403 +36445,-0.34604971052580935,2,-1.036361923793594 -1.0379097090251346 -1.02243185670971 -1.0812476955083092 -1.050291990877469 -1.050291990877469 -1.0657698431928935 -1.2050705140316795 -1.2190005811155544 -1.243765144820232 -1.2143572254209325 -1.078152125045228 -0.9883805816157882 -0.8351498436931184 -0.6169121260456778 -0.4404646096498799 -0.4373690391867985 -0.28413830126412865 -0.3506930662204403 -0.3166417911265097 +36446,-0.46058581765992657,2,-1.0379097090251346 -1.02243185670971 -1.0812476955083092 -1.050291990877469 -1.050291990877469 -1.0657698431928935 -1.2050705140316795 -1.2190005811155544 -1.243765144820232 -1.2143572254209325 -1.078152125045228 -0.9883805816157882 -0.8351498436931184 -0.6169121260456778 -0.4404646096498799 -0.4373690391867985 -0.28413830126412865 -0.3506930662204403 -0.3166417911265097 -0.34604971052580935 +36447,-0.6060776294248841,2,-1.02243185670971 -1.0812476955083092 -1.050291990877469 -1.050291990877469 -1.0657698431928935 -1.2050705140316795 -1.2190005811155544 -1.243765144820232 -1.2143572254209325 -1.078152125045228 -0.9883805816157882 -0.8351498436931184 -0.6169121260456778 -0.4404646096498799 -0.4373690391867985 -0.28413830126412865 -0.3506930662204403 -0.3166417911265097 -0.34604971052580935 -0.46058581765992657 +36448,-0.7577605821160132,2,-1.0812476955083092 -1.050291990877469 -1.050291990877469 -1.0657698431928935 -1.2050705140316795 -1.2190005811155544 -1.243765144820232 -1.2143572254209325 -1.078152125045228 -0.9883805816157882 -0.8351498436931184 -0.6169121260456778 -0.4404646096498799 -0.4373690391867985 -0.28413830126412865 -0.3506930662204403 -0.3166417911265097 -0.34604971052580935 -0.46058581765992657 -0.6060776294248841 +36449,-0.7840729310522314,2,-1.050291990877469 -1.050291990877469 -1.0657698431928935 -1.2050705140316795 -1.2190005811155544 -1.243765144820232 -1.2143572254209325 -1.078152125045228 -0.9883805816157882 -0.8351498436931184 -0.6169121260456778 -0.4404646096498799 -0.4373690391867985 -0.28413830126412865 -0.3506930662204403 -0.3166417911265097 -0.34604971052580935 -0.46058581765992657 -0.6060776294248841 -0.7577605821160132 +36450,-1.0146929305519976,2,-1.050291990877469 -1.0657698431928935 -1.2050705140316795 -1.2190005811155544 -1.243765144820232 -1.2143572254209325 -1.078152125045228 -0.9883805816157882 -0.8351498436931184 -0.6169121260456778 -0.4404646096498799 -0.4373690391867985 -0.28413830126412865 -0.3506930662204403 -0.3166417911265097 -0.34604971052580935 -0.46058581765992657 -0.6060776294248841 -0.7577605821160132 -0.7840729310522314 +36451,-1.0394574942566752,2,-1.0657698431928935 -1.2050705140316795 -1.2190005811155544 -1.243765144820232 -1.2143572254209325 -1.078152125045228 -0.9883805816157882 -0.8351498436931184 -0.6169121260456778 -0.4404646096498799 -0.4373690391867985 -0.28413830126412865 -0.3506930662204403 -0.3166417911265097 -0.34604971052580935 -0.46058581765992657 -0.6060776294248841 -0.7577605821160132 -0.7840729310522314 -1.0146929305519976 +36452,-1.2669819232933601,2,-1.2050705140316795 -1.2190005811155544 -1.243765144820232 -1.2143572254209325 -1.078152125045228 -0.9883805816157882 -0.8351498436931184 -0.6169121260456778 -0.4404646096498799 -0.4373690391867985 -0.28413830126412865 -0.3506930662204403 -0.3166417911265097 -0.34604971052580935 -0.46058581765992657 -0.6060776294248841 -0.7577605821160132 -0.7840729310522314 -1.0146929305519976 -1.0394574942566752 +36453,-1.2592429971356567,2,-1.2190005811155544 -1.243765144820232 -1.2143572254209325 -1.078152125045228 -0.9883805816157882 -0.8351498436931184 -0.6169121260456778 -0.4404646096498799 -0.4373690391867985 -0.28413830126412865 -0.3506930662204403 -0.3166417911265097 -0.34604971052580935 -0.46058581765992657 -0.6060776294248841 -0.7577605821160132 -0.7840729310522314 -1.0146929305519976 -1.0394574942566752 -1.2669819232933601 +36454,-1.4341427282999137,2,-1.243765144820232 -1.2143572254209325 -1.078152125045228 -0.9883805816157882 -0.8351498436931184 -0.6169121260456778 -0.4404646096498799 -0.4373690391867985 -0.28413830126412865 -0.3506930662204403 -0.3166417911265097 -0.34604971052580935 -0.46058581765992657 -0.6060776294248841 -0.7577605821160132 -0.7840729310522314 -1.0146929305519976 -1.0394574942566752 -1.2669819232933601 -1.2592429971356567 +36455,-1.4449772249207076,2,-1.2143572254209325 -1.078152125045228 -0.9883805816157882 -0.8351498436931184 -0.6169121260456778 -0.4404646096498799 -0.4373690391867985 -0.28413830126412865 -0.3506930662204403 -0.3166417911265097 -0.34604971052580935 -0.46058581765992657 -0.6060776294248841 -0.7577605821160132 -0.7840729310522314 -1.0146929305519976 -1.0394574942566752 -1.2669819232933601 -1.2592429971356567 -1.4341427282999137 +36456,-1.4604550772361233,2,-1.078152125045228 -0.9883805816157882 -0.8351498436931184 -0.6169121260456778 -0.4404646096498799 -0.4373690391867985 -0.28413830126412865 -0.3506930662204403 -0.3166417911265097 -0.34604971052580935 -0.46058581765992657 -0.6060776294248841 -0.7577605821160132 -0.7840729310522314 -1.0146929305519976 -1.0394574942566752 -1.2669819232933601 -1.2592429971356567 -1.4341427282999137 -1.4449772249207076 +36457,-1.539392124044778,2,-0.9883805816157882 -0.8351498436931184 -0.6169121260456778 -0.4404646096498799 -0.4373690391867985 -0.28413830126412865 -0.3506930662204403 -0.3166417911265097 -0.34604971052580935 -0.46058581765992657 -0.6060776294248841 -0.7577605821160132 -0.7840729310522314 -1.0146929305519976 -1.0394574942566752 -1.2669819232933601 -1.2592429971356567 -1.4341427282999137 -1.4449772249207076 -1.4604550772361233 +36458,-1.527009842192435,2,-0.8351498436931184 -0.6169121260456778 -0.4404646096498799 -0.4373690391867985 -0.28413830126412865 -0.3506930662204403 -0.3166417911265097 -0.34604971052580935 -0.46058581765992657 -0.6060776294248841 -0.7577605821160132 -0.7840729310522314 -1.0146929305519976 -1.0394574942566752 -1.2669819232933601 -1.2592429971356567 -1.4341427282999137 -1.4449772249207076 -1.4604550772361233 -1.539392124044778 +36459,-1.45271615107842,2,-0.6169121260456778 -0.4404646096498799 -0.4373690391867985 -0.28413830126412865 -0.3506930662204403 -0.3166417911265097 -0.34604971052580935 -0.46058581765992657 -0.6060776294248841 -0.7577605821160132 -0.7840729310522314 -1.0146929305519976 -1.0394574942566752 -1.2669819232933601 -1.2592429971356567 -1.4341427282999137 -1.4449772249207076 -1.4604550772361233 -1.539392124044778 -1.527009842192435 +36460,-1.1911404469478044,2,-0.4404646096498799 -0.4373690391867985 -0.28413830126412865 -0.3506930662204403 -0.3166417911265097 -0.34604971052580935 -0.46058581765992657 -0.6060776294248841 -0.7577605821160132 -0.7840729310522314 -1.0146929305519976 -1.0394574942566752 -1.2669819232933601 -1.2592429971356567 -1.4341427282999137 -1.4449772249207076 -1.4604550772361233 -1.539392124044778 -1.527009842192435 -1.45271615107842 +36461,-0.9450425951326047,2,-0.4373690391867985 -0.28413830126412865 -0.3506930662204403 -0.3166417911265097 -0.34604971052580935 -0.46058581765992657 -0.6060776294248841 -0.7577605821160132 -0.7840729310522314 -1.0146929305519976 -1.0394574942566752 -1.2669819232933601 -1.2592429971356567 -1.4341427282999137 -1.4449772249207076 -1.4604550772361233 -1.539392124044778 -1.527009842192435 -1.45271615107842 -1.1911404469478044 +36462,-0.6076254146564247,2,-0.28413830126412865 -0.3506930662204403 -0.3166417911265097 -0.34604971052580935 -0.46058581765992657 -0.6060776294248841 -0.7577605821160132 -0.7840729310522314 -1.0146929305519976 -1.0394574942566752 -1.2669819232933601 -1.2592429971356567 -1.4341427282999137 -1.4449772249207076 -1.4604550772361233 -1.539392124044778 -1.527009842192435 -1.45271615107842 -1.1911404469478044 -0.9450425951326047 +36463,-0.4079611197874988,2,-0.3506930662204403 -0.3166417911265097 -0.34604971052580935 -0.46058581765992657 -0.6060776294248841 -0.7577605821160132 -0.7840729310522314 -1.0146929305519976 -1.0394574942566752 -1.2669819232933601 -1.2592429971356567 -1.4341427282999137 -1.4449772249207076 -1.4604550772361233 -1.539392124044778 -1.527009842192435 -1.45271615107842 -1.1911404469478044 -0.9450425951326047 -0.6076254146564247 +36464,-0.2624693080225413,2,-0.3166417911265097 -0.34604971052580935 -0.46058581765992657 -0.6060776294248841 -0.7577605821160132 -0.7840729310522314 -1.0146929305519976 -1.0394574942566752 -1.2669819232933601 -1.2592429971356567 -1.4341427282999137 -1.4449772249207076 -1.4604550772361233 -1.539392124044778 -1.527009842192435 -1.45271615107842 -1.1911404469478044 -0.9450425951326047 -0.6076254146564247 -0.4079611197874988 +36465,-0.29187722742184097,2,-0.34604971052580935 -0.46058581765992657 -0.6060776294248841 -0.7577605821160132 -0.7840729310522314 -1.0146929305519976 -1.0394574942566752 -1.2669819232933601 -1.2592429971356567 -1.4341427282999137 -1.4449772249207076 -1.4604550772361233 -1.539392124044778 -1.527009842192435 -1.45271615107842 -1.1911404469478044 -0.9450425951326047 -0.6076254146564247 -0.4079611197874988 -0.2624693080225413 +36466,-0.24389588524403535,2,-0.46058581765992657 -0.6060776294248841 -0.7577605821160132 -0.7840729310522314 -1.0146929305519976 -1.0394574942566752 -1.2669819232933601 -1.2592429971356567 -1.4341427282999137 -1.4449772249207076 -1.4604550772361233 -1.539392124044778 -1.527009842192435 -1.45271615107842 -1.1911404469478044 -0.9450425951326047 -0.6076254146564247 -0.4079611197874988 -0.2624693080225413 -0.29187722742184097 +36467,-0.24389588524403535,2,-0.6060776294248841 -0.7577605821160132 -0.7840729310522314 -1.0146929305519976 -1.0394574942566752 -1.2669819232933601 -1.2592429971356567 -1.4341427282999137 -1.4449772249207076 -1.4604550772361233 -1.539392124044778 -1.527009842192435 -1.45271615107842 -1.1911404469478044 -0.9450425951326047 -0.6076254146564247 -0.4079611197874988 -0.2624693080225413 -0.29187722742184097 -0.24389588524403535 +36468,-0.324380717284222,2,-0.7577605821160132 -0.7840729310522314 -1.0146929305519976 -1.0394574942566752 -1.2669819232933601 -1.2592429971356567 -1.4341427282999137 -1.4449772249207076 -1.4604550772361233 -1.539392124044778 -1.527009842192435 -1.45271615107842 -1.1911404469478044 -0.9450425951326047 -0.6076254146564247 -0.4079611197874988 -0.2624693080225413 -0.29187722742184097 -0.24389588524403535 -0.24389588524403535 +36469,-0.3955788379351557,2,-0.7840729310522314 -1.0146929305519976 -1.0394574942566752 -1.2669819232933601 -1.2592429971356567 -1.4341427282999137 -1.4449772249207076 -1.4604550772361233 -1.539392124044778 -1.527009842192435 -1.45271615107842 -1.1911404469478044 -0.9450425951326047 -0.6076254146564247 -0.4079611197874988 -0.2624693080225413 -0.29187722742184097 -0.24389588524403535 -0.24389588524403535 -0.324380717284222 +36470,-0.6122687703510556,2,-1.0146929305519976 -1.0394574942566752 -1.2669819232933601 -1.2592429971356567 -1.4341427282999137 -1.4449772249207076 -1.4604550772361233 -1.539392124044778 -1.527009842192435 -1.45271615107842 -1.1911404469478044 -0.9450425951326047 -0.6076254146564247 -0.4079611197874988 -0.2624693080225413 -0.29187722742184097 -0.24389588524403535 -0.24389588524403535 -0.324380717284222 -0.3955788379351557 +36471,-0.62465105220339,2,-1.0394574942566752 -1.2669819232933601 -1.2592429971356567 -1.4341427282999137 -1.4449772249207076 -1.4604550772361233 -1.539392124044778 -1.527009842192435 -1.45271615107842 -1.1911404469478044 -0.9450425951326047 -0.6076254146564247 -0.4079611197874988 -0.2624693080225413 -0.29187722742184097 -0.24389588524403535 -0.24389588524403535 -0.324380717284222 -0.3955788379351557 -0.6122687703510556 +36472,-0.7066836694751262,2,-1.2669819232933601 -1.2592429971356567 -1.4341427282999137 -1.4449772249207076 -1.4604550772361233 -1.539392124044778 -1.527009842192435 -1.45271615107842 -1.1911404469478044 -0.9450425951326047 -0.6076254146564247 -0.4079611197874988 -0.2624693080225413 -0.29187722742184097 -0.24389588524403535 -0.24389588524403535 -0.324380717284222 -0.3955788379351557 -0.6122687703510556 -0.62465105220339 +36473,-0.8521754812400837,2,-1.2592429971356567 -1.4341427282999137 -1.4449772249207076 -1.4604550772361233 -1.539392124044778 -1.527009842192435 -1.45271615107842 -1.1911404469478044 -0.9450425951326047 -0.6076254146564247 -0.4079611197874988 -0.2624693080225413 -0.29187722742184097 -0.24389588524403535 -0.24389588524403535 -0.324380717284222 -0.3955788379351557 -0.6122687703510556 -0.62465105220339 -0.7066836694751262 +36474,-0.9450425951326047,2,-1.4341427282999137 -1.4449772249207076 -1.4604550772361233 -1.539392124044778 -1.527009842192435 -1.45271615107842 -1.1911404469478044 -0.9450425951326047 -0.6076254146564247 -0.4079611197874988 -0.2624693080225413 -0.29187722742184097 -0.24389588524403535 -0.24389588524403535 -0.324380717284222 -0.3955788379351557 -0.6122687703510556 -0.62465105220339 -0.7066836694751262 -0.8521754812400837 +36475,-1.0379097090251346,2,-1.4449772249207076 -1.4604550772361233 -1.539392124044778 -1.527009842192435 -1.45271615107842 -1.1911404469478044 -0.9450425951326047 -0.6076254146564247 -0.4079611197874988 -0.2624693080225413 -0.29187722742184097 -0.24389588524403535 -0.24389588524403535 -0.324380717284222 -0.3955788379351557 -0.6122687703510556 -0.62465105220339 -0.7066836694751262 -0.8521754812400837 -0.9450425951326047 +36476,-1.1122034001391496,2,-1.4604550772361233 -1.539392124044778 -1.527009842192435 -1.45271615107842 -1.1911404469478044 -0.9450425951326047 -0.6076254146564247 -0.4079611197874988 -0.2624693080225413 -0.29187722742184097 -0.24389588524403535 -0.24389588524403535 -0.324380717284222 -0.3955788379351557 -0.6122687703510556 -0.62465105220339 -0.7066836694751262 -0.8521754812400837 -0.9450425951326047 -1.0379097090251346 +36477,-1.0796999102767686,2,-1.539392124044778 -1.527009842192435 -1.45271615107842 -1.1911404469478044 -0.9450425951326047 -0.6076254146564247 -0.4079611197874988 -0.2624693080225413 -0.29187722742184097 -0.24389588524403535 -0.24389588524403535 -0.324380717284222 -0.3955788379351557 -0.6122687703510556 -0.62465105220339 -0.7066836694751262 -0.8521754812400837 -0.9450425951326047 -1.0379097090251346 -1.1122034001391496 +36478,-1.243765144820232,2,-1.527009842192435 -1.45271615107842 -1.1911404469478044 -0.9450425951326047 -0.6076254146564247 -0.4079611197874988 -0.2624693080225413 -0.29187722742184097 -0.24389588524403535 -0.24389588524403535 -0.324380717284222 -0.3955788379351557 -0.6122687703510556 -0.62465105220339 -0.7066836694751262 -0.8521754812400837 -0.9450425951326047 -1.0379097090251346 -1.1122034001391496 -1.0796999102767686 +36479,-1.336632258712762,2,-1.45271615107842 -1.1911404469478044 -0.9450425951326047 -0.6076254146564247 -0.4079611197874988 -0.2624693080225413 -0.29187722742184097 -0.24389588524403535 -0.24389588524403535 -0.324380717284222 -0.3955788379351557 -0.6122687703510556 -0.62465105220339 -0.7066836694751262 -0.8521754812400837 -0.9450425951326047 -1.0379097090251346 -1.1122034001391496 -1.0796999102767686 -1.243765144820232 +36480,-1.262338567598738,2,-1.1911404469478044 -0.9450425951326047 -0.6076254146564247 -0.4079611197874988 -0.2624693080225413 -0.29187722742184097 -0.24389588524403535 -0.24389588524403535 -0.324380717284222 -0.3955788379351557 -0.6122687703510556 -0.62465105220339 -0.7066836694751262 -0.8521754812400837 -0.9450425951326047 -1.0379097090251346 -1.1122034001391496 -1.0796999102767686 -1.243765144820232 -1.336632258712762 +36481,-1.4140215202898672,2,-0.9450425951326047 -0.6076254146564247 -0.4079611197874988 -0.2624693080225413 -0.29187722742184097 -0.24389588524403535 -0.24389588524403535 -0.324380717284222 -0.3955788379351557 -0.6122687703510556 -0.62465105220339 -0.7066836694751262 -0.8521754812400837 -0.9450425951326047 -1.0379097090251346 -1.1122034001391496 -1.0796999102767686 -1.243765144820232 -1.336632258712762 -1.262338567598738 +36482,-1.4883152114038822,2,-0.6076254146564247 -0.4079611197874988 -0.2624693080225413 -0.29187722742184097 -0.24389588524403535 -0.24389588524403535 -0.324380717284222 -0.3955788379351557 -0.6122687703510556 -0.62465105220339 -0.7066836694751262 -0.8521754812400837 -0.9450425951326047 -1.0379097090251346 -1.1122034001391496 -1.0796999102767686 -1.243765144820232 -1.336632258712762 -1.262338567598738 -1.4140215202898672 +36483,-1.4666462181622948,2,-0.4079611197874988 -0.2624693080225413 -0.29187722742184097 -0.24389588524403535 -0.24389588524403535 -0.324380717284222 -0.3955788379351557 -0.6122687703510556 -0.62465105220339 -0.7066836694751262 -0.8521754812400837 -0.9450425951326047 -1.0379097090251346 -1.1122034001391496 -1.0796999102767686 -1.243765144820232 -1.336632258712762 -1.262338567598738 -1.4140215202898672 -1.4883152114038822 +36484,-0.943494809901064,2,-0.2624693080225413 -0.29187722742184097 -0.24389588524403535 -0.24389588524403535 -0.324380717284222 -0.3955788379351557 -0.6122687703510556 -0.62465105220339 -0.7066836694751262 -0.8521754812400837 -0.9450425951326047 -1.0379097090251346 -1.1122034001391496 -1.0796999102767686 -1.243765144820232 -1.336632258712762 -1.262338567598738 -1.4140215202898672 -1.4883152114038822 -1.4666462181622948 +36485,-0.4884459518276855,2,-0.29187722742184097 -0.24389588524403535 -0.24389588524403535 -0.324380717284222 -0.3955788379351557 -0.6122687703510556 -0.62465105220339 -0.7066836694751262 -0.8521754812400837 -0.9450425951326047 -1.0379097090251346 -1.1122034001391496 -1.0796999102767686 -1.243765144820232 -1.336632258712762 -1.262338567598738 -1.4140215202898672 -1.4883152114038822 -1.4666462181622948 -0.943494809901064 +36486,-0.16960219413001149,2,-0.24389588524403535 -0.24389588524403535 -0.324380717284222 -0.3955788379351557 -0.6122687703510556 -0.62465105220339 -0.7066836694751262 -0.8521754812400837 -0.9450425951326047 -1.0379097090251346 -1.1122034001391496 -1.0796999102767686 -1.243765144820232 -1.336632258712762 -1.262338567598738 -1.4140215202898672 -1.4883152114038822 -1.4666462181622948 -0.943494809901064 -0.4884459518276855 +36487,0.014584248423498673,2,-0.24389588524403535 -0.324380717284222 -0.3955788379351557 -0.6122687703510556 -0.62465105220339 -0.7066836694751262 -0.8521754812400837 -0.9450425951326047 -1.0379097090251346 -1.1122034001391496 -1.0796999102767686 -1.243765144820232 -1.336632258712762 -1.262338567598738 -1.4140215202898672 -1.4883152114038822 -1.4666462181622948 -0.943494809901064 -0.4884459518276855 -0.16960219413001149 +36488,0.14924156356766252,2,-0.324380717284222 -0.3955788379351557 -0.6122687703510556 -0.62465105220339 -0.7066836694751262 -0.8521754812400837 -0.9450425951326047 -1.0379097090251346 -1.1122034001391496 -1.0796999102767686 -1.243765144820232 -1.336632258712762 -1.262338567598738 -1.4140215202898672 -1.4883152114038822 -1.4666462181622948 -0.943494809901064 -0.4884459518276855 -0.16960219413001149 0.014584248423498673 +36489,0.2637776707017797,2,-0.3955788379351557 -0.6122687703510556 -0.62465105220339 -0.7066836694751262 -0.8521754812400837 -0.9450425951326047 -1.0379097090251346 -1.1122034001391496 -1.0796999102767686 -1.243765144820232 -1.336632258712762 -1.262338567598738 -1.4140215202898672 -1.4883152114038822 -1.4666462181622948 -0.943494809901064 -0.4884459518276855 -0.16960219413001149 0.014584248423498673 0.14924156356766252 +36490,0.2792555230171955,2,-0.6122687703510556 -0.62465105220339 -0.7066836694751262 -0.8521754812400837 -0.9450425951326047 -1.0379097090251346 -1.1122034001391496 -1.0796999102767686 -1.243765144820232 -1.336632258712762 -1.262338567598738 -1.4140215202898672 -1.4883152114038822 -1.4666462181622948 -0.943494809901064 -0.4884459518276855 -0.16960219413001149 0.014584248423498673 0.14924156356766252 0.2637776707017797 +36491,0.2111529728293432,2,-0.62465105220339 -0.7066836694751262 -0.8521754812400837 -0.9450425951326047 -1.0379097090251346 -1.1122034001391496 -1.0796999102767686 -1.243765144820232 -1.336632258712762 -1.262338567598738 -1.4140215202898672 -1.4883152114038822 -1.4666462181622948 -0.943494809901064 -0.4884459518276855 -0.16960219413001149 0.014584248423498673 0.14924156356766252 0.2637776707017797 0.2792555230171955 +36492,0.1089991475475692,2,-0.7066836694751262 -0.8521754812400837 -0.9450425951326047 -1.0379097090251346 -1.1122034001391496 -1.0796999102767686 -1.243765144820232 -1.336632258712762 -1.262338567598738 -1.4140215202898672 -1.4883152114038822 -1.4666462181622948 -0.943494809901064 -0.4884459518276855 -0.16960219413001149 0.014584248423498673 0.14924156356766252 0.2637776707017797 0.2792555230171955 0.2111529728293432 +36493,-0.11697749625758379,2,-0.8521754812400837 -0.9450425951326047 -1.0379097090251346 -1.1122034001391496 -1.0796999102767686 -1.243765144820232 -1.336632258712762 -1.262338567598738 -1.4140215202898672 -1.4883152114038822 -1.4666462181622948 -0.943494809901064 -0.4884459518276855 -0.16960219413001149 0.014584248423498673 0.14924156356766252 0.2637776707017797 0.2792555230171955 0.2111529728293432 0.1089991475475692 +36494,-0.12935977810991817,2,-0.9450425951326047 -1.0379097090251346 -1.1122034001391496 -1.0796999102767686 -1.243765144820232 -1.336632258712762 -1.262338567598738 -1.4140215202898672 -1.4883152114038822 -1.4666462181622948 -0.943494809901064 -0.4884459518276855 -0.16960219413001149 0.014584248423498673 0.14924156356766252 0.2637776707017797 0.2792555230171955 0.2111529728293432 0.1089991475475692 -0.11697749625758379 +36495,-0.33985856959964655,2,-1.0379097090251346 -1.1122034001391496 -1.0796999102767686 -1.243765144820232 -1.336632258712762 -1.262338567598738 -1.4140215202898672 -1.4883152114038822 -1.4666462181622948 -0.943494809901064 -0.4884459518276855 -0.16960219413001149 0.014584248423498673 0.14924156356766252 0.2637776707017797 0.2792555230171955 0.2111529728293432 0.1089991475475692 -0.11697749625758379 -0.12935977810991817 +36496,-0.4838025961330546,2,-1.1122034001391496 -1.0796999102767686 -1.243765144820232 -1.336632258712762 -1.262338567598738 -1.4140215202898672 -1.4883152114038822 -1.4666462181622948 -0.943494809901064 -0.4884459518276855 -0.16960219413001149 0.014584248423498673 0.14924156356766252 0.2637776707017797 0.2792555230171955 0.2111529728293432 0.1089991475475692 -0.11697749625758379 -0.12935977810991817 -0.33985856959964655 +36497,-0.7159703808643704,2,-1.0796999102767686 -1.243765144820232 -1.336632258712762 -1.262338567598738 -1.4140215202898672 -1.4883152114038822 -1.4666462181622948 -0.943494809901064 -0.4884459518276855 -0.16960219413001149 0.014584248423498673 0.14924156356766252 0.2637776707017797 0.2792555230171955 0.2111529728293432 0.1089991475475692 -0.11697749625758379 -0.12935977810991817 -0.33985856959964655 -0.4838025961330546 +36498,-0.9558770917533984,2,-1.243765144820232 -1.336632258712762 -1.262338567598738 -1.4140215202898672 -1.4883152114038822 -1.4666462181622948 -0.943494809901064 -0.4884459518276855 -0.16960219413001149 0.014584248423498673 0.14924156356766252 0.2637776707017797 0.2792555230171955 0.2111529728293432 0.1089991475475692 -0.11697749625758379 -0.12935977810991817 -0.33985856959964655 -0.4838025961330546 -0.7159703808643704 +36499,-1.087438836434481,2,-1.336632258712762 -1.262338567598738 -1.4140215202898672 -1.4883152114038822 -1.4666462181622948 -0.943494809901064 -0.4884459518276855 -0.16960219413001149 0.014584248423498673 0.14924156356766252 0.2637776707017797 0.2792555230171955 0.2111529728293432 0.1089991475475692 -0.11697749625758379 -0.12935977810991817 -0.33985856959964655 -0.4838025961330546 -0.7159703808643704 -0.9558770917533984 +36500,-1.1168467558337805,2,-1.262338567598738 -1.4140215202898672 -1.4883152114038822 -1.4666462181622948 -0.943494809901064 -0.4884459518276855 -0.16960219413001149 0.014584248423498673 0.14924156356766252 0.2637776707017797 0.2792555230171955 0.2111529728293432 0.1089991475475692 -0.11697749625758379 -0.12935977810991817 -0.33985856959964655 -0.4838025961330546 -0.7159703808643704 -0.9558770917533984 -1.087438836434481 +36501,-1.2190005811155544,2,-1.4140215202898672 -1.4883152114038822 -1.4666462181622948 -0.943494809901064 -0.4884459518276855 -0.16960219413001149 0.014584248423498673 0.14924156356766252 0.2637776707017797 0.2792555230171955 0.2111529728293432 0.1089991475475692 -0.11697749625758379 -0.12935977810991817 -0.33985856959964655 -0.4838025961330546 -0.7159703808643704 -0.9558770917533984 -1.087438836434481 -1.1168467558337805 +36502,-1.3227021916288781,2,-1.4883152114038822 -1.4666462181622948 -0.943494809901064 -0.4884459518276855 -0.16960219413001149 0.014584248423498673 0.14924156356766252 0.2637776707017797 0.2792555230171955 0.2111529728293432 0.1089991475475692 -0.11697749625758379 -0.12935977810991817 -0.33985856959964655 -0.4838025961330546 -0.7159703808643704 -0.9558770917533984 -1.087438836434481 -1.1168467558337805 -1.2190005811155544 +36503,-1.4372382987629952,2,-1.4666462181622948 -0.943494809901064 -0.4884459518276855 -0.16960219413001149 0.014584248423498673 0.14924156356766252 0.2637776707017797 0.2792555230171955 0.2111529728293432 0.1089991475475692 -0.11697749625758379 -0.12935977810991817 -0.33985856959964655 -0.4838025961330546 -0.7159703808643704 -0.9558770917533984 -1.087438836434481 -1.1168467558337805 -1.2190005811155544 -1.3227021916288781 +36504,-1.4898629966354229,2,-0.943494809901064 -0.4884459518276855 -0.16960219413001149 0.014584248423498673 0.14924156356766252 0.2637776707017797 0.2792555230171955 0.2111529728293432 0.1089991475475692 -0.11697749625758379 -0.12935977810991817 -0.33985856959964655 -0.4838025961330546 -0.7159703808643704 -0.9558770917533984 -1.087438836434481 -1.1168467558337805 -1.2190005811155544 -1.3227021916288781 -1.4372382987629952 +36505,-1.557965546823284,2,-0.4884459518276855 -0.16960219413001149 0.014584248423498673 0.14924156356766252 0.2637776707017797 0.2792555230171955 0.2111529728293432 0.1089991475475692 -0.11697749625758379 -0.12935977810991817 -0.33985856959964655 -0.4838025961330546 -0.7159703808643704 -0.9558770917533984 -1.087438836434481 -1.1168467558337805 -1.2190005811155544 -1.3227021916288781 -1.4372382987629952 -1.4898629966354229 +36506,-1.618329170853424,2,-0.16960219413001149 0.014584248423498673 0.14924156356766252 0.2637776707017797 0.2792555230171955 0.2111529728293432 0.1089991475475692 -0.11697749625758379 -0.12935977810991817 -0.33985856959964655 -0.4838025961330546 -0.7159703808643704 -0.9558770917533984 -1.087438836434481 -1.1168467558337805 -1.2190005811155544 -1.3227021916288781 -1.4372382987629952 -1.4898629966354229 -1.557965546823284 +36507,-1.6338070231688397,2,0.014584248423498673 0.14924156356766252 0.2637776707017797 0.2792555230171955 0.2111529728293432 0.1089991475475692 -0.11697749625758379 -0.12935977810991817 -0.33985856959964655 -0.4838025961330546 -0.7159703808643704 -0.9558770917533984 -1.087438836434481 -1.1168467558337805 -1.2190005811155544 -1.3227021916288781 -1.4372382987629952 -1.4898629966354229 -1.557965546823284 -1.618329170853424 +36508,-1.192688232179345,2,0.14924156356766252 0.2637776707017797 0.2792555230171955 0.2111529728293432 0.1089991475475692 -0.11697749625758379 -0.12935977810991817 -0.33985856959964655 -0.4838025961330546 -0.7159703808643704 -0.9558770917533984 -1.087438836434481 -1.1168467558337805 -1.2190005811155544 -1.3227021916288781 -1.4372382987629952 -1.4898629966354229 -1.557965546823284 -1.618329170853424 -1.6338070231688397 +36509,-0.6865624614650707,2,0.2637776707017797 0.2792555230171955 0.2111529728293432 0.1089991475475692 -0.11697749625758379 -0.12935977810991817 -0.33985856959964655 -0.4838025961330546 -0.7159703808643704 -0.9558770917533984 -1.087438836434481 -1.1168467558337805 -1.2190005811155544 -1.3227021916288781 -1.4372382987629952 -1.4898629966354229 -1.557965546823284 -1.618329170853424 -1.6338070231688397 -1.192688232179345 +36510,-0.6013246535437922,2,0.2792555230171955 0.2111529728293432 0.1089991475475692 -0.11697749625758379 -0.12935977810991817 -0.33985856959964655 -0.4838025961330546 -0.7159703808643704 -0.9558770917533984 -1.087438836434481 -1.1168467558337805 -1.2190005811155544 -1.3227021916288781 -1.4372382987629952 -1.4898629966354229 -1.557965546823284 -1.618329170853424 -1.6338070231688397 -1.192688232179345 -0.6865624614650707 +36511,-0.34140635483118725,2,0.2111529728293432 0.1089991475475692 -0.11697749625758379 -0.12935977810991817 -0.33985856959964655 -0.4838025961330546 -0.7159703808643704 -0.9558770917533984 -1.087438836434481 -1.1168467558337805 -1.2190005811155544 -1.3227021916288781 -1.4372382987629952 -1.4898629966354229 -1.557965546823284 -1.618329170853424 -1.6338070231688397 -1.192688232179345 -0.6865624614650707 -0.6013246535437922 +36512,0.09816465092677551,2,0.1089991475475692 -0.11697749625758379 -0.12935977810991817 -0.33985856959964655 -0.4838025961330546 -0.7159703808643704 -0.9558770917533984 -1.087438836434481 -1.1168467558337805 -1.2190005811155544 -1.3227021916288781 -1.4372382987629952 -1.4898629966354229 -1.557965546823284 -1.618329170853424 -1.6338070231688397 -1.192688232179345 -0.6865624614650707 -0.6013246535437922 -0.34140635483118725 +36513,0.07804344291672885,2,-0.11697749625758379 -0.12935977810991817 -0.33985856959964655 -0.4838025961330546 -0.7159703808643704 -0.9558770917533984 -1.087438836434481 -1.1168467558337805 -1.2190005811155544 -1.3227021916288781 -1.4372382987629952 -1.4898629966354229 -1.557965546823284 -1.618329170853424 -1.6338070231688397 -1.192688232179345 -0.6865624614650707 -0.6013246535437922 -0.34140635483118725 0.09816465092677551 +36514,0.11828585893682218,2,-0.12935977810991817 -0.33985856959964655 -0.4838025961330546 -0.7159703808643704 -0.9558770917533984 -1.087438836434481 -1.1168467558337805 -1.2190005811155544 -1.3227021916288781 -1.4372382987629952 -1.4898629966354229 -1.557965546823284 -1.618329170853424 -1.6338070231688397 -1.192688232179345 -0.6865624614650707 -0.6013246535437922 -0.34140635483118725 0.09816465092677551 0.07804344291672885 +36515,0.08113901337981025,2,-0.33985856959964655 -0.4838025961330546 -0.7159703808643704 -0.9558770917533984 -1.087438836434481 -1.1168467558337805 -1.2190005811155544 -1.3227021916288781 -1.4372382987629952 -1.4898629966354229 -1.557965546823284 -1.618329170853424 -1.6338070231688397 -1.192688232179345 -0.6865624614650707 -0.6013246535437922 -0.34140635483118725 0.09816465092677551 0.07804344291672885 0.11828585893682218 +36516,-0.09840407347907781,2,-0.4838025961330546 -0.7159703808643704 -0.9558770917533984 -1.087438836434481 -1.1168467558337805 -1.2190005811155544 -1.3227021916288781 -1.4372382987629952 -1.4898629966354229 -1.557965546823284 -1.618329170853424 -1.6338070231688397 -1.192688232179345 -0.6865624614650707 -0.6013246535437922 -0.34140635483118725 0.09816465092677551 0.07804344291672885 0.11828585893682218 0.08113901337981025 +36517,-0.24080031478094516,2,-0.7159703808643704 -0.9558770917533984 -1.087438836434481 -1.1168467558337805 -1.2190005811155544 -1.3227021916288781 -1.4372382987629952 -1.4898629966354229 -1.557965546823284 -1.618329170853424 -1.6338070231688397 -1.192688232179345 -0.6865624614650707 -0.6013246535437922 -0.34140635483118725 0.09816465092677551 0.07804344291672885 0.11828585893682218 0.08113901337981025 -0.09840407347907781 +36518,-0.5209494416900665,2,-0.9558770917533984 -1.087438836434481 -1.1168467558337805 -1.2190005811155544 -1.3227021916288781 -1.4372382987629952 -1.4898629966354229 -1.557965546823284 -1.618329170853424 -1.6338070231688397 -1.192688232179345 -0.6865624614650707 -0.6013246535437922 -0.34140635483118725 0.09816465092677551 0.07804344291672885 0.11828585893682218 0.08113901337981025 -0.09840407347907781 -0.24080031478094516 +36519,-0.6912058171597016,2,-1.087438836434481 -1.1168467558337805 -1.2190005811155544 -1.3227021916288781 -1.4372382987629952 -1.4898629966354229 -1.557965546823284 -1.618329170853424 -1.6338070231688397 -1.192688232179345 -0.6865624614650707 -0.6013246535437922 -0.34140635483118725 0.09816465092677551 0.07804344291672885 0.11828585893682218 0.08113901337981025 -0.09840407347907781 -0.24080031478094516 -0.5209494416900665 +36520,-0.8738444744816711,2,-1.1168467558337805 -1.2190005811155544 -1.3227021916288781 -1.4372382987629952 -1.4898629966354229 -1.557965546823284 -1.618329170853424 -1.6338070231688397 -1.192688232179345 -0.6865624614650707 -0.6013246535437922 -0.34140635483118725 0.09816465092677551 0.07804344291672885 0.11828585893682218 0.08113901337981025 -0.09840407347907781 -0.24080031478094516 -0.5209494416900665 -0.6912058171597016 +36521,-0.9264691723540988,2,-1.2190005811155544 -1.3227021916288781 -1.4372382987629952 -1.4898629966354229 -1.557965546823284 -1.618329170853424 -1.6338070231688397 -1.192688232179345 -0.6865624614650707 -0.6013246535437922 -0.34140635483118725 0.09816465092677551 0.07804344291672885 0.11828585893682218 0.08113901337981025 -0.09840407347907781 -0.24080031478094516 -0.5209494416900665 -0.6912058171597016 -0.8738444744816711 +36522,-1.1694714537062083,2,-1.3227021916288781 -1.4372382987629952 -1.4898629966354229 -1.557965546823284 -1.618329170853424 -1.6338070231688397 -1.192688232179345 -0.6865624614650707 -0.6013246535437922 -0.34140635483118725 0.09816465092677551 0.07804344291672885 0.11828585893682218 0.08113901337981025 -0.09840407347907781 -0.24080031478094516 -0.5209494416900665 -0.6912058171597016 -0.8738444744816711 -0.9264691723540988 +36523,-1.192688232179345,2,-1.4372382987629952 -1.4898629966354229 -1.557965546823284 -1.618329170853424 -1.6338070231688397 -1.192688232179345 -0.6865624614650707 -0.6013246535437922 -0.34140635483118725 0.09816465092677551 0.07804344291672885 0.11828585893682218 0.08113901337981025 -0.09840407347907781 -0.24080031478094516 -0.5209494416900665 -0.6912058171597016 -0.8738444744816711 -0.9264691723540988 -1.1694714537062083 +36524,-1.3103199097765437,2,-1.4898629966354229 -1.557965546823284 -1.618329170853424 -1.6338070231688397 -1.192688232179345 -0.6865624614650707 -0.6013246535437922 -0.34140635483118725 0.09816465092677551 0.07804344291672885 0.11828585893682218 0.08113901337981025 -0.09840407347907781 -0.24080031478094516 -0.5209494416900665 -0.6912058171597016 -0.8738444744816711 -0.9264691723540988 -1.1694714537062083 -1.192688232179345 +36525,-1.290198701766497,2,-1.557965546823284 -1.618329170853424 -1.6338070231688397 -1.192688232179345 -0.6865624614650707 -0.6013246535437922 -0.34140635483118725 0.09816465092677551 0.07804344291672885 0.11828585893682218 0.08113901337981025 -0.09840407347907781 -0.24080031478094516 -0.5209494416900665 -0.6912058171597016 -0.8738444744816711 -0.9264691723540988 -1.1694714537062083 -1.192688232179345 -1.3103199097765437 +36526,-1.2824597756087848,2,-1.618329170853424 -1.6338070231688397 -1.192688232179345 -0.6865624614650707 -0.6013246535437922 -0.34140635483118725 0.09816465092677551 0.07804344291672885 0.11828585893682218 0.08113901337981025 -0.09840407347907781 -0.24080031478094516 -0.5209494416900665 -0.6912058171597016 -0.8738444744816711 -0.9264691723540988 -1.1694714537062083 -1.192688232179345 -1.3103199097765437 -1.290198701766497 +36527,-1.243765144820232,2,-1.6338070231688397 -1.192688232179345 -0.6865624614650707 -0.6013246535437922 -0.34140635483118725 0.09816465092677551 0.07804344291672885 0.11828585893682218 0.08113901337981025 -0.09840407347907781 -0.24080031478094516 -0.5209494416900665 -0.6912058171597016 -0.8738444744816711 -0.9264691723540988 -1.1694714537062083 -1.192688232179345 -1.3103199097765437 -1.290198701766497 -1.2824597756087848 +36528,-1.1911404469478044,2,-1.192688232179345 -0.6865624614650707 -0.6013246535437922 -0.34140635483118725 0.09816465092677551 0.07804344291672885 0.11828585893682218 0.08113901337981025 -0.09840407347907781 -0.24080031478094516 -0.5209494416900665 -0.6912058171597016 -0.8738444744816711 -0.9264691723540988 -1.1694714537062083 -1.192688232179345 -1.3103199097765437 -1.290198701766497 -1.2824597756087848 -1.243765144820232 +36529,-1.1772103798639204,2,-0.6865624614650707 -0.6013246535437922 -0.34140635483118725 0.09816465092677551 0.07804344291672885 0.11828585893682218 0.08113901337981025 -0.09840407347907781 -0.24080031478094516 -0.5209494416900665 -0.6912058171597016 -0.8738444744816711 -0.9264691723540988 -1.1694714537062083 -1.192688232179345 -1.3103199097765437 -1.290198701766497 -1.2824597756087848 -1.243765144820232 -1.1911404469478044 +36530,-1.2066182992632202,2,-0.6013246535437922 -0.34140635483118725 0.09816465092677551 0.07804344291672885 0.11828585893682218 0.08113901337981025 -0.09840407347907781 -0.24080031478094516 -0.5209494416900665 -0.6912058171597016 -0.8738444744816711 -0.9264691723540988 -1.1694714537062083 -1.192688232179345 -1.3103199097765437 -1.290198701766497 -1.2824597756087848 -1.243765144820232 -1.1911404469478044 -1.1772103798639204 +36531,-1.2406695743571508,2,-0.34140635483118725 0.09816465092677551 0.07804344291672885 0.11828585893682218 0.08113901337981025 -0.09840407347907781 -0.24080031478094516 -0.5209494416900665 -0.6912058171597016 -0.8738444744816711 -0.9264691723540988 -1.1694714537062083 -1.192688232179345 -1.3103199097765437 -1.290198701766497 -1.2824597756087848 -1.243765144820232 -1.1911404469478044 -1.1772103798639204 -1.2066182992632202 +36532,-1.1091078296760681,2,0.09816465092677551 0.07804344291672885 0.11828585893682218 0.08113901337981025 -0.09840407347907781 -0.24080031478094516 -0.5209494416900665 -0.6912058171597016 -0.8738444744816711 -0.9264691723540988 -1.1694714537062083 -1.192688232179345 -1.3103199097765437 -1.290198701766497 -1.2824597756087848 -1.243765144820232 -1.1911404469478044 -1.1772103798639204 -1.2066182992632202 -1.2406695743571508 +36533,-0.8521754812400837,2,0.07804344291672885 0.11828585893682218 0.08113901337981025 -0.09840407347907781 -0.24080031478094516 -0.5209494416900665 -0.6912058171597016 -0.8738444744816711 -0.9264691723540988 -1.1694714537062083 -1.192688232179345 -1.3103199097765437 -1.290198701766497 -1.2824597756087848 -1.243765144820232 -1.1911404469478044 -1.1772103798639204 -1.2066182992632202 -1.2406695743571508 -1.1091078296760681 +36534,-0.5348795087739504,2,0.11828585893682218 0.08113901337981025 -0.09840407347907781 -0.24080031478094516 -0.5209494416900665 -0.6912058171597016 -0.8738444744816711 -0.9264691723540988 -1.1694714537062083 -1.192688232179345 -1.3103199097765437 -1.290198701766497 -1.2824597756087848 -1.243765144820232 -1.1911404469478044 -1.1772103798639204 -1.2066182992632202 -1.2406695743571508 -1.1091078296760681 -0.8521754812400837 +36535,-0.3321196434419343,2,0.08113901337981025 -0.09840407347907781 -0.24080031478094516 -0.5209494416900665 -0.6912058171597016 -0.8738444744816711 -0.9264691723540988 -1.1694714537062083 -1.192688232179345 -1.3103199097765437 -1.290198701766497 -1.2824597756087848 -1.243765144820232 -1.1911404469478044 -1.1772103798639204 -1.2066182992632202 -1.2406695743571508 -1.1091078296760681 -0.8521754812400837 -0.5348795087739504 +36536,-0.22996581816015146,2,-0.09840407347907781 -0.24080031478094516 -0.5209494416900665 -0.6912058171597016 -0.8738444744816711 -0.9264691723540988 -1.1694714537062083 -1.192688232179345 -1.3103199097765437 -1.290198701766497 -1.2824597756087848 -1.243765144820232 -1.1911404469478044 -1.1772103798639204 -1.2066182992632202 -1.2406695743571508 -1.1091078296760681 -0.8521754812400837 -0.5348795087739504 -0.3321196434419343 +36537,-0.03649266421738833,2,-0.24080031478094516 -0.5209494416900665 -0.6912058171597016 -0.8738444744816711 -0.9264691723540988 -1.1694714537062083 -1.192688232179345 -1.3103199097765437 -1.290198701766497 -1.2824597756087848 -1.243765144820232 -1.1911404469478044 -1.1772103798639204 -1.2066182992632202 -1.2406695743571508 -1.1091078296760681 -0.8521754812400837 -0.5348795087739504 -0.3321196434419343 -0.22996581816015146 +36538,-0.011728100512719579,2,-0.5209494416900665 -0.6912058171597016 -0.8738444744816711 -0.9264691723540988 -1.1694714537062083 -1.192688232179345 -1.3103199097765437 -1.290198701766497 -1.2824597756087848 -1.243765144820232 -1.1911404469478044 -1.1772103798639204 -1.2066182992632202 -1.2406695743571508 -1.1091078296760681 -0.8521754812400837 -0.5348795087739504 -0.3321196434419343 -0.22996581816015146 -0.03649266421738833 +36539,-0.05042273130127221,2,-0.6912058171597016 -0.8738444744816711 -0.9264691723540988 -1.1694714537062083 -1.192688232179345 -1.3103199097765437 -1.290198701766497 -1.2824597756087848 -1.243765144820232 -1.1911404469478044 -1.1772103798639204 -1.2066182992632202 -1.2406695743571508 -1.1091078296760681 -0.8521754812400837 -0.5348795087739504 -0.3321196434419343 -0.22996581816015146 -0.03649266421738833 -0.011728100512719579 +36540,-0.14948098611996483,2,-0.8738444744816711 -0.9264691723540988 -1.1694714537062083 -1.192688232179345 -1.3103199097765437 -1.290198701766497 -1.2824597756087848 -1.243765144820232 -1.1911404469478044 -1.1772103798639204 -1.2066182992632202 -1.2406695743571508 -1.1091078296760681 -0.8521754812400837 -0.5348795087739504 -0.3321196434419343 -0.22996581816015146 -0.03649266421738833 -0.011728100512719579 -0.05042273130127221 +36541,-0.4079611197874988,2,-0.9264691723540988 -1.1694714537062083 -1.192688232179345 -1.3103199097765437 -1.290198701766497 -1.2824597756087848 -1.243765144820232 -1.1911404469478044 -1.1772103798639204 -1.2066182992632202 -1.2406695743571508 -1.1091078296760681 -0.8521754812400837 -0.5348795087739504 -0.3321196434419343 -0.22996581816015146 -0.03649266421738833 -0.011728100512719579 -0.05042273130127221 -0.14948098611996483 +36542,-0.4079611197874988,2,-1.1694714537062083 -1.192688232179345 -1.3103199097765437 -1.290198701766497 -1.2824597756087848 -1.243765144820232 -1.1911404469478044 -1.1772103798639204 -1.2066182992632202 -1.2406695743571508 -1.1091078296760681 -0.8521754812400837 -0.5348795087739504 -0.3321196434419343 -0.22996581816015146 -0.03649266421738833 -0.011728100512719579 -0.05042273130127221 -0.14948098611996483 -0.4079611197874988 +36543,-0.7175181660959199,2,-1.192688232179345 -1.3103199097765437 -1.290198701766497 -1.2824597756087848 -1.243765144820232 -1.1911404469478044 -1.1772103798639204 -1.2066182992632202 -1.2406695743571508 -1.1091078296760681 -0.8521754812400837 -0.5348795087739504 -0.3321196434419343 -0.22996581816015146 -0.03649266421738833 -0.011728100512719579 -0.05042273130127221 -0.14948098611996483 -0.4079611197874988 -0.4079611197874988 +36544,-0.7949074276730251,2,-1.3103199097765437 -1.290198701766497 -1.2824597756087848 -1.243765144820232 -1.1911404469478044 -1.1772103798639204 -1.2066182992632202 -1.2406695743571508 -1.1091078296760681 -0.8521754812400837 -0.5348795087739504 -0.3321196434419343 -0.22996581816015146 -0.03649266421738833 -0.011728100512719579 -0.05042273130127221 -0.14948098611996483 -0.4079611197874988 -0.4079611197874988 -0.7175181660959199 +36545,-0.90170460864943,2,-1.290198701766497 -1.2824597756087848 -1.243765144820232 -1.1911404469478044 -1.1772103798639204 -1.2066182992632202 -1.2406695743571508 -1.1091078296760681 -0.8521754812400837 -0.5348795087739504 -0.3321196434419343 -0.22996581816015146 -0.03649266421738833 -0.011728100512719579 -0.05042273130127221 -0.14948098611996483 -0.4079611197874988 -0.4079611197874988 -0.7175181660959199 -0.7949074276730251 +36546,-0.9094435348071335,2,-1.2824597756087848 -1.243765144820232 -1.1911404469478044 -1.1772103798639204 -1.2066182992632202 -1.2406695743571508 -1.1091078296760681 -0.8521754812400837 -0.5348795087739504 -0.3321196434419343 -0.22996581816015146 -0.03649266421738833 -0.011728100512719579 -0.05042273130127221 -0.14948098611996483 -0.4079611197874988 -0.4079611197874988 -0.7175181660959199 -0.7949074276730251 -0.90170460864943 +36547,-0.910991320038683,2,-1.243765144820232 -1.1911404469478044 -1.1772103798639204 -1.2066182992632202 -1.2406695743571508 -1.1091078296760681 -0.8521754812400837 -0.5348795087739504 -0.3321196434419343 -0.22996581816015146 -0.03649266421738833 -0.011728100512719579 -0.05042273130127221 -0.14948098611996483 -0.4079611197874988 -0.4079611197874988 -0.7175181660959199 -0.7949074276730251 -0.90170460864943 -0.9094435348071335 +36548,-0.9140868905017644,2,-1.1911404469478044 -1.1772103798639204 -1.2066182992632202 -1.2406695743571508 -1.1091078296760681 -0.8521754812400837 -0.5348795087739504 -0.3321196434419343 -0.22996581816015146 -0.03649266421738833 -0.011728100512719579 -0.05042273130127221 -0.14948098611996483 -0.4079611197874988 -0.4079611197874988 -0.7175181660959199 -0.7949074276730251 -0.90170460864943 -0.9094435348071335 -0.910991320038683 +36549,-1.1075600444445275,2,-1.1772103798639204 -1.2066182992632202 -1.2406695743571508 -1.1091078296760681 -0.8521754812400837 -0.5348795087739504 -0.3321196434419343 -0.22996581816015146 -0.03649266421738833 -0.011728100512719579 -0.05042273130127221 -0.14948098611996483 -0.4079611197874988 -0.4079611197874988 -0.7175181660959199 -0.7949074276730251 -0.90170460864943 -0.9094435348071335 -0.910991320038683 -0.9140868905017644 +36550,-1.2190005811155544,2,-1.2066182992632202 -1.2406695743571508 -1.1091078296760681 -0.8521754812400837 -0.5348795087739504 -0.3321196434419343 -0.22996581816015146 -0.03649266421738833 -0.011728100512719579 -0.05042273130127221 -0.14948098611996483 -0.4079611197874988 -0.4079611197874988 -0.7175181660959199 -0.7949074276730251 -0.90170460864943 -0.9094435348071335 -0.910991320038683 -0.9140868905017644 -1.1075600444445275 +36551,-1.2190005811155544,2,-1.2406695743571508 -1.1091078296760681 -0.8521754812400837 -0.5348795087739504 -0.3321196434419343 -0.22996581816015146 -0.03649266421738833 -0.011728100512719579 -0.05042273130127221 -0.14948098611996483 -0.4079611197874988 -0.4079611197874988 -0.7175181660959199 -0.7949074276730251 -0.90170460864943 -0.9094435348071335 -0.910991320038683 -0.9140868905017644 -1.1075600444445275 -1.2190005811155544 +36552,-1.0796999102767686,2,-1.1091078296760681 -0.8521754812400837 -0.5348795087739504 -0.3321196434419343 -0.22996581816015146 -0.03649266421738833 -0.011728100512719579 -0.05042273130127221 -0.14948098611996483 -0.4079611197874988 -0.4079611197874988 -0.7175181660959199 -0.7949074276730251 -0.90170460864943 -0.9094435348071335 -0.910991320038683 -0.9140868905017644 -1.1075600444445275 -1.2190005811155544 -1.2190005811155544 +36553,-0.9651638031426514,2,-0.8521754812400837 -0.5348795087739504 -0.3321196434419343 -0.22996581816015146 -0.03649266421738833 -0.011728100512719579 -0.05042273130127221 -0.14948098611996483 -0.4079611197874988 -0.4079611197874988 -0.7175181660959199 -0.7949074276730251 -0.90170460864943 -0.9094435348071335 -0.910991320038683 -0.9140868905017644 -1.1075600444445275 -1.2190005811155544 -1.2190005811155544 -1.0796999102767686 +36554,-1.0889866216660216,2,-0.5348795087739504 -0.3321196434419343 -0.22996581816015146 -0.03649266421738833 -0.011728100512719579 -0.05042273130127221 -0.14948098611996483 -0.4079611197874988 -0.4079611197874988 -0.7175181660959199 -0.7949074276730251 -0.90170460864943 -0.9094435348071335 -0.910991320038683 -0.9140868905017644 -1.1075600444445275 -1.2190005811155544 -1.2190005811155544 -1.0796999102767686 -0.9651638031426514 +36555,-1.036361923793594,2,-0.3321196434419343 -0.22996581816015146 -0.03649266421738833 -0.011728100512719579 -0.05042273130127221 -0.14948098611996483 -0.4079611197874988 -0.4079611197874988 -0.7175181660959199 -0.7949074276730251 -0.90170460864943 -0.9094435348071335 -0.910991320038683 -0.9140868905017644 -1.1075600444445275 -1.2190005811155544 -1.2190005811155544 -1.0796999102767686 -0.9651638031426514 -1.0889866216660216 +36556,-0.9631386693373133,2,-0.22996581816015146 -0.03649266421738833 -0.011728100512719579 -0.05042273130127221 -0.14948098611996483 -0.4079611197874988 -0.4079611197874988 -0.7175181660959199 -0.7949074276730251 -0.90170460864943 -0.9094435348071335 -0.910991320038683 -0.9140868905017644 -1.1075600444445275 -1.2190005811155544 -1.2190005811155544 -1.0796999102767686 -0.9651638031426514 -1.0889866216660216 -1.036361923793594 +36557,-0.7593083673475539,2,-0.03649266421738833 -0.011728100512719579 -0.05042273130127221 -0.14948098611996483 -0.4079611197874988 -0.4079611197874988 -0.7175181660959199 -0.7949074276730251 -0.90170460864943 -0.9094435348071335 -0.910991320038683 -0.9140868905017644 -1.1075600444445275 -1.2190005811155544 -1.2190005811155544 -1.0796999102767686 -0.9651638031426514 -1.0889866216660216 -1.036361923793594 -0.9631386693373133 +36558,-0.36307534807277464,2,-0.011728100512719579 -0.05042273130127221 -0.14948098611996483 -0.4079611197874988 -0.4079611197874988 -0.7175181660959199 -0.7949074276730251 -0.90170460864943 -0.9094435348071335 -0.910991320038683 -0.9140868905017644 -1.1075600444445275 -1.2190005811155544 -1.2190005811155544 -1.0796999102767686 -0.9651638031426514 -1.0889866216660216 -1.036361923793594 -0.9631386693373133 -0.7593083673475539 +36559,-0.2222268920024392,2,-0.05042273130127221 -0.14948098611996483 -0.4079611197874988 -0.4079611197874988 -0.7175181660959199 -0.7949074276730251 -0.90170460864943 -0.9094435348071335 -0.910991320038683 -0.9140868905017644 -1.1075600444445275 -1.2190005811155544 -1.2190005811155544 -1.0796999102767686 -0.9651638031426514 -1.0889866216660216 -1.036361923793594 -0.9631386693373133 -0.7593083673475539 -0.36307534807277464 +36560,-0.09995185871061851,2,-0.14948098611996483 -0.4079611197874988 -0.4079611197874988 -0.7175181660959199 -0.7949074276730251 -0.90170460864943 -0.9094435348071335 -0.910991320038683 -0.9140868905017644 -1.1075600444445275 -1.2190005811155544 -1.2190005811155544 -1.0796999102767686 -0.9651638031426514 -1.0889866216660216 -1.036361923793594 -0.9631386693373133 -0.7593083673475539 -0.36307534807277464 -0.2222268920024392 +36561,-0.04732716083818202,2,-0.4079611197874988 -0.4079611197874988 -0.7175181660959199 -0.7949074276730251 -0.90170460864943 -0.9094435348071335 -0.910991320038683 -0.9140868905017644 -1.1075600444445275 -1.2190005811155544 -1.2190005811155544 -1.0796999102767686 -0.9651638031426514 -1.0889866216660216 -1.036361923793594 -0.9631386693373133 -0.7593083673475539 -0.36307534807277464 -0.2222268920024392 -0.09995185871061851 +36562,-0.025658167596594655,2,-0.4079611197874988 -0.7175181660959199 -0.7949074276730251 -0.90170460864943 -0.9094435348071335 -0.910991320038683 -0.9140868905017644 -1.1075600444445275 -1.2190005811155544 -1.2190005811155544 -1.0796999102767686 -0.9651638031426514 -1.0889866216660216 -1.036361923793594 -0.9631386693373133 -0.7593083673475539 -0.36307534807277464 -0.2222268920024392 -0.09995185871061851 -0.04732716083818202 +36563,-0.019467026670423066,2,-0.7175181660959199 -0.7949074276730251 -0.90170460864943 -0.9094435348071335 -0.910991320038683 -0.9140868905017644 -1.1075600444445275 -1.2190005811155544 -1.2190005811155544 -1.0796999102767686 -0.9651638031426514 -1.0889866216660216 -1.036361923793594 -0.9631386693373133 -0.7593083673475539 -0.36307534807277464 -0.2222268920024392 -0.09995185871061851 -0.04732716083818202 -0.025658167596594655 +36564,-0.1076907848683308,2,-0.7949074276730251 -0.90170460864943 -0.9094435348071335 -0.910991320038683 -0.9140868905017644 -1.1075600444445275 -1.2190005811155544 -1.2190005811155544 -1.0796999102767686 -0.9651638031426514 -1.0889866216660216 -1.036361923793594 -0.9631386693373133 -0.7593083673475539 -0.36307534807277464 -0.2222268920024392 -0.09995185871061851 -0.04732716083818202 -0.025658167596594655 -0.019467026670423066 +36565,-0.29652058311646307,2,-0.90170460864943 -0.9094435348071335 -0.910991320038683 -0.9140868905017644 -1.1075600444445275 -1.2190005811155544 -1.2190005811155544 -1.0796999102767686 -0.9651638031426514 -1.0889866216660216 -1.036361923793594 -0.9631386693373133 -0.7593083673475539 -0.36307534807277464 -0.2222268920024392 -0.09995185871061851 -0.04732716083818202 -0.025658167596594655 -0.019467026670423066 -0.1076907848683308 +36566,-0.4095089050190395,2,-0.9094435348071335 -0.910991320038683 -0.9140868905017644 -1.1075600444445275 -1.2190005811155544 -1.2190005811155544 -1.0796999102767686 -0.9651638031426514 -1.0889866216660216 -1.036361923793594 -0.9631386693373133 -0.7593083673475539 -0.36307534807277464 -0.2222268920024392 -0.09995185871061851 -0.04732716083818202 -0.025658167596594655 -0.019467026670423066 -0.1076907848683308 -0.29652058311646307 +36567,-0.41879561640829255,2,-0.910991320038683 -0.9140868905017644 -1.1075600444445275 -1.2190005811155544 -1.2190005811155544 -1.0796999102767686 -0.9651638031426514 -1.0889866216660216 -1.036361923793594 -0.9631386693373133 -0.7593083673475539 -0.36307534807277464 -0.2222268920024392 -0.09995185871061851 -0.04732716083818202 -0.025658167596594655 -0.019467026670423066 -0.1076907848683308 -0.29652058311646307 -0.4095089050190395 +36568,-0.6834668910019893,2,-0.9140868905017644 -1.1075600444445275 -1.2190005811155544 -1.2190005811155544 -1.0796999102767686 -0.9651638031426514 -1.0889866216660216 -1.036361923793594 -0.9631386693373133 -0.7593083673475539 -0.36307534807277464 -0.2222268920024392 -0.09995185871061851 -0.04732716083818202 -0.025658167596594655 -0.019467026670423066 -0.1076907848683308 -0.29652058311646307 -0.4095089050190395 -0.41879561640829255 +36569,-0.6726323943811956,2,-1.1075600444445275 -1.2190005811155544 -1.2190005811155544 -1.0796999102767686 -0.9651638031426514 -1.0889866216660216 -1.036361923793594 -0.9631386693373133 -0.7593083673475539 -0.36307534807277464 -0.2222268920024392 -0.09995185871061851 -0.04732716083818202 -0.025658167596594655 -0.019467026670423066 -0.1076907848683308 -0.29652058311646307 -0.4095089050190395 -0.41879561640829255 -0.6834668910019893 +36570,-0.6231032669718494,2,-1.2190005811155544 -1.2190005811155544 -1.0796999102767686 -0.9651638031426514 -1.0889866216660216 -1.036361923793594 -0.9631386693373133 -0.7593083673475539 -0.36307534807277464 -0.2222268920024392 -0.09995185871061851 -0.04732716083818202 -0.025658167596594655 -0.019467026670423066 -0.1076907848683308 -0.29652058311646307 -0.4095089050190395 -0.41879561640829255 -0.6834668910019893 -0.6726323943811956 +36571,-0.6973969580858732,2,-1.2190005811155544 -1.0796999102767686 -0.9651638031426514 -1.0889866216660216 -1.036361923793594 -0.9631386693373133 -0.7593083673475539 -0.36307534807277464 -0.2222268920024392 -0.09995185871061851 -0.04732716083818202 -0.025658167596594655 -0.019467026670423066 -0.1076907848683308 -0.29652058311646307 -0.4095089050190395 -0.41879561640829255 -0.6834668910019893 -0.6726323943811956 -0.6231032669718494 +36572,-0.7685950787368069,2,-1.0796999102767686 -0.9651638031426514 -1.0889866216660216 -1.036361923793594 -0.9631386693373133 -0.7593083673475539 -0.36307534807277464 -0.2222268920024392 -0.09995185871061851 -0.04732716083818202 -0.025658167596594655 -0.019467026670423066 -0.1076907848683308 -0.29652058311646307 -0.4095089050190395 -0.41879561640829255 -0.6834668910019893 -0.6726323943811956 -0.6231032669718494 -0.6973969580858732 +36573,-0.7531172264213823,2,-0.9651638031426514 -1.0889866216660216 -1.036361923793594 -0.9631386693373133 -0.7593083673475539 -0.36307534807277464 -0.2222268920024392 -0.09995185871061851 -0.04732716083818202 -0.025658167596594655 -0.019467026670423066 -0.1076907848683308 -0.29652058311646307 -0.4095089050190395 -0.41879561640829255 -0.6834668910019893 -0.6726323943811956 -0.6231032669718494 -0.6973969580858732 -0.7685950787368069 +36574,-0.7531172264213823,2,-1.0889866216660216 -1.036361923793594 -0.9631386693373133 -0.7593083673475539 -0.36307534807277464 -0.2222268920024392 -0.09995185871061851 -0.04732716083818202 -0.025658167596594655 -0.019467026670423066 -0.1076907848683308 -0.29652058311646307 -0.4095089050190395 -0.41879561640829255 -0.6834668910019893 -0.6726323943811956 -0.6231032669718494 -0.6973969580858732 -0.7685950787368069 -0.7531172264213823 +36575,-1.2561474266725665,2,-1.036361923793594 -0.9631386693373133 -0.7593083673475539 -0.36307534807277464 -0.2222268920024392 -0.09995185871061851 -0.04732716083818202 -0.025658167596594655 -0.019467026670423066 -0.1076907848683308 -0.29652058311646307 -0.4095089050190395 -0.41879561640829255 -0.6834668910019893 -0.6726323943811956 -0.6231032669718494 -0.6973969580858732 -0.7685950787368069 -0.7531172264213823 -0.7531172264213823 +36576,-1.4774807147830886,2,-0.9631386693373133 -0.7593083673475539 -0.36307534807277464 -0.2222268920024392 -0.09995185871061851 -0.04732716083818202 -0.025658167596594655 -0.019467026670423066 -0.1076907848683308 -0.29652058311646307 -0.4095089050190395 -0.41879561640829255 -0.6834668910019893 -0.6726323943811956 -0.6231032669718494 -0.6973969580858732 -0.7685950787368069 -0.7531172264213823 -0.7531172264213823 -1.2561474266725665 +36577,-1.5966601776118365,2,-0.7593083673475539 -0.36307534807277464 -0.2222268920024392 -0.09995185871061851 -0.04732716083818202 -0.025658167596594655 -0.019467026670423066 -0.1076907848683308 -0.29652058311646307 -0.4095089050190395 -0.41879561640829255 -0.6834668910019893 -0.6726323943811956 -0.6231032669718494 -0.6973969580858732 -0.7685950787368069 -0.7531172264213823 -0.7531172264213823 -1.2561474266725665 -1.4774807147830886 +36578,-1.7050051438197822,2,-0.36307534807277464 -0.2222268920024392 -0.09995185871061851 -0.04732716083818202 -0.025658167596594655 -0.019467026670423066 -0.1076907848683308 -0.29652058311646307 -0.4095089050190395 -0.41879561640829255 -0.6834668910019893 -0.6726323943811956 -0.6231032669718494 -0.6973969580858732 -0.7685950787368069 -0.7531172264213823 -0.7531172264213823 -1.2561474266725665 -1.4774807147830886 -1.5966601776118365 +36579,-1.609042459464171,2,-0.2222268920024392 -0.09995185871061851 -0.04732716083818202 -0.025658167596594655 -0.019467026670423066 -0.1076907848683308 -0.29652058311646307 -0.4095089050190395 -0.41879561640829255 -0.6834668910019893 -0.6726323943811956 -0.6231032669718494 -0.6973969580858732 -0.7685950787368069 -0.7531172264213823 -0.7531172264213823 -1.2561474266725665 -1.4774807147830886 -1.5966601776118365 -1.7050051438197822 +36580,-1.2979376279242092,2,-0.09995185871061851 -0.04732716083818202 -0.025658167596594655 -0.019467026670423066 -0.1076907848683308 -0.29652058311646307 -0.4095089050190395 -0.41879561640829255 -0.6834668910019893 -0.6726323943811956 -0.6231032669718494 -0.6973969580858732 -0.7685950787368069 -0.7531172264213823 -0.7531172264213823 -1.2561474266725665 -1.4774807147830886 -1.5966601776118365 -1.7050051438197822 -1.609042459464171 +36581,-0.7268048774851729,2,-0.04732716083818202 -0.025658167596594655 -0.019467026670423066 -0.1076907848683308 -0.29652058311646307 -0.4095089050190395 -0.41879561640829255 -0.6834668910019893 -0.6726323943811956 -0.6231032669718494 -0.6973969580858732 -0.7685950787368069 -0.7531172264213823 -0.7531172264213823 -1.2561474266725665 -1.4774807147830886 -1.5966601776118365 -1.7050051438197822 -1.609042459464171 -1.2979376279242092 +36582,-0.29342501265338167,2,-0.025658167596594655 -0.019467026670423066 -0.1076907848683308 -0.29652058311646307 -0.4095089050190395 -0.41879561640829255 -0.6834668910019893 -0.6726323943811956 -0.6231032669718494 -0.6973969580858732 -0.7685950787368069 -0.7531172264213823 -0.7531172264213823 -1.2561474266725665 -1.4774807147830886 -1.5966601776118365 -1.7050051438197822 -1.609042459464171 -1.2979376279242092 -0.7268048774851729 +36583,-0.09840407347907781,2,-0.019467026670423066 -0.1076907848683308 -0.29652058311646307 -0.4095089050190395 -0.41879561640829255 -0.6834668910019893 -0.6726323943811956 -0.6231032669718494 -0.6973969580858732 -0.7685950787368069 -0.7531172264213823 -0.7531172264213823 -1.2561474266725665 -1.4774807147830886 -1.5966601776118365 -1.7050051438197822 -1.609042459464171 -1.2979376279242092 -0.7268048774851729 -0.29342501265338167 +36584,0.045539953054339014,2,-0.1076907848683308 -0.29652058311646307 -0.4095089050190395 -0.41879561640829255 -0.6834668910019893 -0.6726323943811956 -0.6231032669718494 -0.6973969580858732 -0.7685950787368069 -0.7531172264213823 -0.7531172264213823 -1.2561474266725665 -1.4774807147830886 -1.5966601776118365 -1.7050051438197822 -1.609042459464171 -1.2979376279242092 -0.7268048774851729 -0.29342501265338167 -0.09840407347907781 +36585,0.16007606018845622,2,-0.29652058311646307 -0.4095089050190395 -0.41879561640829255 -0.6834668910019893 -0.6726323943811956 -0.6231032669718494 -0.6973969580858732 -0.7685950787368069 -0.7531172264213823 -0.7531172264213823 -1.2561474266725665 -1.4774807147830886 -1.5966601776118365 -1.7050051438197822 -1.609042459464171 -1.2979376279242092 -0.7268048774851729 -0.29342501265338167 -0.09840407347907781 0.045539953054339014 +36586,0.2854466639433671,2,-0.4095089050190395 -0.41879561640829255 -0.6834668910019893 -0.6726323943811956 -0.6231032669718494 -0.6973969580858732 -0.7685950787368069 -0.7531172264213823 -0.7531172264213823 -1.2561474266725665 -1.4774807147830886 -1.5966601776118365 -1.7050051438197822 -1.609042459464171 -1.2979376279242092 -0.7268048774851729 -0.29342501265338167 -0.09840407347907781 0.045539953054339014 0.16007606018845622 +36587,0.20186626144009023,2,-0.41879561640829255 -0.6834668910019893 -0.6726323943811956 -0.6231032669718494 -0.6973969580858732 -0.7685950787368069 -0.7531172264213823 -0.7531172264213823 -1.2561474266725665 -1.4774807147830886 -1.5966601776118365 -1.7050051438197822 -1.609042459464171 -1.2979376279242092 -0.7268048774851729 -0.29342501265338167 -0.09840407347907781 0.045539953054339014 0.16007606018845622 0.2854466639433671 +36588,0.06720894629592637,2,-0.6834668910019893 -0.6726323943811956 -0.6231032669718494 -0.6973969580858732 -0.7685950787368069 -0.7531172264213823 -0.7531172264213823 -1.2561474266725665 -1.4774807147830886 -1.5966601776118365 -1.7050051438197822 -1.609042459464171 -1.2979376279242092 -0.7268048774851729 -0.29342501265338167 -0.09840407347907781 0.045539953054339014 0.16007606018845622 0.2854466639433671 0.20186626144009023 +36589,-0.17424554982463358,2,-0.6726323943811956 -0.6231032669718494 -0.6973969580858732 -0.7685950787368069 -0.7531172264213823 -0.7531172264213823 -1.2561474266725665 -1.4774807147830886 -1.5966601776118365 -1.7050051438197822 -1.609042459464171 -1.2979376279242092 -0.7268048774851729 -0.29342501265338167 -0.09840407347907781 0.045539953054339014 0.16007606018845622 0.2854466639433671 0.20186626144009023 0.06720894629592637 +36590,-0.46058581765992657,2,-0.6231032669718494 -0.6973969580858732 -0.7685950787368069 -0.7531172264213823 -0.7531172264213823 -1.2561474266725665 -1.4774807147830886 -1.5966601776118365 -1.7050051438197822 -1.609042459464171 -1.2979376279242092 -0.7268048774851729 -0.29342501265338167 -0.09840407347907781 0.045539953054339014 0.16007606018845622 0.2854466639433671 0.20186626144009023 0.06720894629592637 -0.17424554982463358 +36591,-0.7469260854952195,2,-0.6973969580858732 -0.7685950787368069 -0.7531172264213823 -0.7531172264213823 -1.2561474266725665 -1.4774807147830886 -1.5966601776118365 -1.7050051438197822 -1.609042459464171 -1.2979376279242092 -0.7268048774851729 -0.29342501265338167 -0.09840407347907781 0.045539953054339014 0.16007606018845622 0.2854466639433671 0.20186626144009023 0.06720894629592637 -0.17424554982463358 -0.46058581765992657 +36592,-0.7484738707267602,2,-0.7685950787368069 -0.7531172264213823 -0.7531172264213823 -1.2561474266725665 -1.4774807147830886 -1.5966601776118365 -1.7050051438197822 -1.609042459464171 -1.2979376279242092 -0.7268048774851729 -0.29342501265338167 -0.09840407347907781 0.045539953054339014 0.16007606018845622 0.2854466639433671 0.20186626144009023 0.06720894629592637 -0.17424554982463358 -0.46058581765992657 -0.7469260854952195 +36593,-0.9140868905017644,2,-0.7531172264213823 -0.7531172264213823 -1.2561474266725665 -1.4774807147830886 -1.5966601776118365 -1.7050051438197822 -1.609042459464171 -1.2979376279242092 -0.7268048774851729 -0.29342501265338167 -0.09840407347907781 0.045539953054339014 0.16007606018845622 0.2854466639433671 0.20186626144009023 0.06720894629592637 -0.17424554982463358 -0.46058581765992657 -0.7469260854952195 -0.7484738707267602 +36594,-0.9451511846488789,2,-0.7531172264213823 -1.2561474266725665 -1.4774807147830886 -1.5966601776118365 -1.7050051438197822 -1.609042459464171 -1.2979376279242092 -0.7268048774851729 -0.29342501265338167 -0.09840407347907781 0.045539953054339014 0.16007606018845622 0.2854466639433671 0.20186626144009023 0.06720894629592637 -0.17424554982463358 -0.46058581765992657 -0.7469260854952195 -0.7484738707267602 -0.9140868905017644 +36595,-0.9961195077734918,2,-1.2561474266725665 -1.4774807147830886 -1.5966601776118365 -1.7050051438197822 -1.609042459464171 -1.2979376279242092 -0.7268048774851729 -0.29342501265338167 -0.09840407347907781 0.045539953054339014 0.16007606018845622 0.2854466639433671 0.20186626144009023 0.06720894629592637 -0.17424554982463358 -0.46058581765992657 -0.7469260854952195 -0.7484738707267602 -0.9140868905017644 -0.9451511846488789 +36596,-1.008501789625835,2,-1.4774807147830886 -1.5966601776118365 -1.7050051438197822 -1.609042459464171 -1.2979376279242092 -0.7268048774851729 -0.29342501265338167 -0.09840407347907781 0.045539953054339014 0.16007606018845622 0.2854466639433671 0.20186626144009023 0.06720894629592637 -0.17424554982463358 -0.46058581765992657 -0.7469260854952195 -0.7484738707267602 -0.9140868905017644 -0.9451511846488789 -0.9961195077734918 +36597,-1.3196066211657966,2,-1.5966601776118365 -1.7050051438197822 -1.609042459464171 -1.2979376279242092 -0.7268048774851729 -0.29342501265338167 -0.09840407347907781 0.045539953054339014 0.16007606018845622 0.2854466639433671 0.20186626144009023 0.06720894629592637 -0.17424554982463358 -0.46058581765992657 -0.7469260854952195 -0.7484738707267602 -0.9140868905017644 -0.9451511846488789 -0.9961195077734918 -1.008501789625835 +36598,-1.3459189701020149,2,-1.7050051438197822 -1.609042459464171 -1.2979376279242092 -0.7268048774851729 -0.29342501265338167 -0.09840407347907781 0.045539953054339014 0.16007606018845622 0.2854466639433671 0.20186626144009023 0.06720894629592637 -0.17424554982463358 -0.46058581765992657 -0.7469260854952195 -0.7484738707267602 -0.9140868905017644 -0.9451511846488789 -0.9961195077734918 -1.008501789625835 -1.3196066211657966 +36599,-1.4635506476992135,2,-1.609042459464171 -1.2979376279242092 -0.7268048774851729 -0.29342501265338167 -0.09840407347907781 0.045539953054339014 0.16007606018845622 0.2854466639433671 0.20186626144009023 0.06720894629592637 -0.17424554982463358 -0.46058581765992657 -0.7469260854952195 -0.7484738707267602 -0.9140868905017644 -0.9451511846488789 -0.9961195077734918 -1.008501789625835 -1.3196066211657966 -1.3459189701020149 +36600,-1.5796345400648715,2,-1.2979376279242092 -0.7268048774851729 -0.29342501265338167 -0.09840407347907781 0.045539953054339014 0.16007606018845622 0.2854466639433671 0.20186626144009023 0.06720894629592637 -0.17424554982463358 -0.46058581765992657 -0.7469260854952195 -0.7484738707267602 -0.9140868905017644 -0.9451511846488789 -0.9961195077734918 -1.008501789625835 -1.3196066211657966 -1.3459189701020149 -1.4635506476992135 +36601,-1.627615882242677,2,-0.7268048774851729 -0.29342501265338167 -0.09840407347907781 0.045539953054339014 0.16007606018845622 0.2854466639433671 0.20186626144009023 0.06720894629592637 -0.17424554982463358 -0.46058581765992657 -0.7469260854952195 -0.7484738707267602 -0.9140868905017644 -0.9451511846488789 -0.9961195077734918 -1.008501789625835 -1.3196066211657966 -1.3459189701020149 -1.4635506476992135 -1.5796345400648715 +36602,-1.775265446540186,2,-0.29342501265338167 -0.09840407347907781 0.045539953054339014 0.16007606018845622 0.2854466639433671 0.20186626144009023 0.06720894629592637 -0.17424554982463358 -0.46058581765992657 -0.7469260854952195 -0.7484738707267602 -0.9140868905017644 -0.9451511846488789 -0.9961195077734918 -1.008501789625835 -1.3196066211657966 -1.3459189701020149 -1.4635506476992135 -1.5796345400648715 -1.627615882242677 +36603,-1.6136858151587932,2,-0.09840407347907781 0.045539953054339014 0.16007606018845622 0.2854466639433671 0.20186626144009023 0.06720894629592637 -0.17424554982463358 -0.46058581765992657 -0.7469260854952195 -0.7484738707267602 -0.9140868905017644 -0.9451511846488789 -0.9961195077734918 -1.008501789625835 -1.3196066211657966 -1.3459189701020149 -1.4635506476992135 -1.5796345400648715 -1.627615882242677 -1.775265446540186 +36604,-1.5761877194003566,2,0.045539953054339014 0.16007606018845622 0.2854466639433671 0.20186626144009023 0.06720894629592637 -0.17424554982463358 -0.46058581765992657 -0.7469260854952195 -0.7484738707267602 -0.9140868905017644 -0.9451511846488789 -0.9961195077734918 -1.008501789625835 -1.3196066211657966 -1.3459189701020149 -1.4635506476992135 -1.5796345400648715 -1.627615882242677 -1.775265446540186 -1.6136858151587932 +36605,-0.6494156159080676,2,0.16007606018845622 0.2854466639433671 0.20186626144009023 0.06720894629592637 -0.17424554982463358 -0.46058581765992657 -0.7469260854952195 -0.7484738707267602 -0.9140868905017644 -0.9451511846488789 -0.9961195077734918 -1.008501789625835 -1.3196066211657966 -1.3459189701020149 -1.4635506476992135 -1.5796345400648715 -1.627615882242677 -1.775265446540186 -1.6136858151587932 -1.5761877194003566 +36606,-0.12781199287837747,2,0.2854466639433671 0.20186626144009023 0.06720894629592637 -0.17424554982463358 -0.46058581765992657 -0.7469260854952195 -0.7484738707267602 -0.9140868905017644 -0.9451511846488789 -0.9961195077734918 -1.008501789625835 -1.3196066211657966 -1.3459189701020149 -1.4635506476992135 -1.5796345400648715 -1.627615882242677 -1.775265446540186 -1.6136858151587932 -1.5761877194003566 -0.6494156159080676 +36607,0.16007606018845622,2,0.20186626144009023 0.06720894629592637 -0.17424554982463358 -0.46058581765992657 -0.7469260854952195 -0.7484738707267602 -0.9140868905017644 -0.9451511846488789 -0.9961195077734918 -1.008501789625835 -1.3196066211657966 -1.3459189701020149 -1.4635506476992135 -1.5796345400648715 -1.627615882242677 -1.775265446540186 -1.6136858151587932 -1.5761877194003566 -0.6494156159080676 -0.12781199287837747 +36608,0.3566447845943007,2,0.06720894629592637 -0.17424554982463358 -0.46058581765992657 -0.7469260854952195 -0.7484738707267602 -0.9140868905017644 -0.9451511846488789 -0.9961195077734918 -1.008501789625835 -1.3196066211657966 -1.3459189701020149 -1.4635506476992135 -1.5796345400648715 -1.627615882242677 -1.775265446540186 -1.6136858151587932 -1.5761877194003566 -0.6494156159080676 -0.12781199287837747 0.16007606018845622 +36609,0.443320757560659,2,-0.17424554982463358 -0.46058581765992657 -0.7469260854952195 -0.7484738707267602 -0.9140868905017644 -0.9451511846488789 -0.9961195077734918 -1.008501789625835 -1.3196066211657966 -1.3459189701020149 -1.4635506476992135 -1.5796345400648715 -1.627615882242677 -1.775265446540186 -1.6136858151587932 -1.5761877194003566 -0.6494156159080676 -0.12781199287837747 0.16007606018845622 0.3566447845943007 +36610,0.44951189848683054,2,-0.46058581765992657 -0.7469260854952195 -0.7484738707267602 -0.9140868905017644 -0.9451511846488789 -0.9961195077734918 -1.008501789625835 -1.3196066211657966 -1.3459189701020149 -1.4635506476992135 -1.5796345400648715 -1.627615882242677 -1.775265446540186 -1.6136858151587932 -1.5761877194003566 -0.6494156159080676 -0.12781199287837747 0.16007606018845622 0.3566447845943007 0.443320757560659 +36611,0.45415525418145264,2,-0.7469260854952195 -0.7484738707267602 -0.9140868905017644 -0.9451511846488789 -0.9961195077734918 -1.008501789625835 -1.3196066211657966 -1.3459189701020149 -1.4635506476992135 -1.5796345400648715 -1.627615882242677 -1.775265446540186 -1.6136858151587932 -1.5761877194003566 -0.6494156159080676 -0.12781199287837747 0.16007606018845622 0.3566447845943007 0.443320757560659 0.44951189848683054 +36612,0.3380713618157948,2,-0.7484738707267602 -0.9140868905017644 -0.9451511846488789 -0.9961195077734918 -1.008501789625835 -1.3196066211657966 -1.3459189701020149 -1.4635506476992135 -1.5796345400648715 -1.627615882242677 -1.775265446540186 -1.6136858151587932 -1.5761877194003566 -0.6494156159080676 -0.12781199287837747 0.16007606018845622 0.3566447845943007 0.443320757560659 0.44951189848683054 0.45415525418145264 +36613,0.3164023685742074,2,-0.9140868905017644 -0.9451511846488789 -0.9961195077734918 -1.008501789625835 -1.3196066211657966 -1.3459189701020149 -1.4635506476992135 -1.5796345400648715 -1.627615882242677 -1.775265446540186 -1.6136858151587932 -1.5761877194003566 -0.6494156159080676 -0.12781199287837747 0.16007606018845622 0.3566447845943007 0.443320757560659 0.44951189848683054 0.45415525418145264 0.3380713618157948 +36614,-0.16960219413001149,2,-0.9451511846488789 -0.9961195077734918 -1.008501789625835 -1.3196066211657966 -1.3459189701020149 -1.4635506476992135 -1.5796345400648715 -1.627615882242677 -1.775265446540186 -1.6136858151587932 -1.5761877194003566 -0.6494156159080676 -0.12781199287837747 0.16007606018845622 0.3566447845943007 0.443320757560659 0.44951189848683054 0.45415525418145264 0.3380713618157948 0.3164023685742074 +36615,-0.3491452809888996,2,-0.9961195077734918 -1.008501789625835 -1.3196066211657966 -1.3459189701020149 -1.4635506476992135 -1.5796345400648715 -1.627615882242677 -1.775265446540186 -1.6136858151587932 -1.5761877194003566 -0.6494156159080676 -0.12781199287837747 0.16007606018845622 0.3566447845943007 0.443320757560659 0.44951189848683054 0.45415525418145264 0.3380713618157948 0.3164023685742074 -0.16960219413001149 +36616,-0.3491452809888996,2,-1.008501789625835 -1.3196066211657966 -1.3459189701020149 -1.4635506476992135 -1.5796345400648715 -1.627615882242677 -1.775265446540186 -1.6136858151587932 -1.5761877194003566 -0.6494156159080676 -0.12781199287837747 0.16007606018845622 0.3566447845943007 0.443320757560659 0.44951189848683054 0.45415525418145264 0.3380713618157948 0.3164023685742074 -0.16960219413001149 -0.3491452809888996 +36617,-0.4760636699753511,2,-1.3196066211657966 -1.3459189701020149 -1.4635506476992135 -1.5796345400648715 -1.627615882242677 -1.775265446540186 -1.6136858151587932 -1.5761877194003566 -0.6494156159080676 -0.12781199287837747 0.16007606018845622 0.3566447845943007 0.443320757560659 0.44951189848683054 0.45415525418145264 0.3380713618157948 0.3164023685742074 -0.16960219413001149 -0.3491452809888996 -0.3491452809888996 +36618,-0.6571545420657711,2,-1.3459189701020149 -1.4635506476992135 -1.5796345400648715 -1.627615882242677 -1.775265446540186 -1.6136858151587932 -1.5761877194003566 -0.6494156159080676 -0.12781199287837747 0.16007606018845622 0.3566447845943007 0.443320757560659 0.44951189848683054 0.45415525418145264 0.3380713618157948 0.3164023685742074 -0.16960219413001149 -0.3491452809888996 -0.3491452809888996 -0.4760636699753511 +36619,-0.8397931993877406,2,-1.4635506476992135 -1.5796345400648715 -1.627615882242677 -1.775265446540186 -1.6136858151587932 -1.5761877194003566 -0.6494156159080676 -0.12781199287837747 0.16007606018845622 0.3566447845943007 0.443320757560659 0.44951189848683054 0.45415525418145264 0.3380713618157948 0.3164023685742074 -0.16960219413001149 -0.3491452809888996 -0.3491452809888996 -0.4760636699753511 -0.6571545420657711 +36620,-1.0626742727298033,2,-1.5796345400648715 -1.627615882242677 -1.775265446540186 -1.6136858151587932 -1.5761877194003566 -0.6494156159080676 -0.12781199287837747 0.16007606018845622 0.3566447845943007 0.443320757560659 0.44951189848683054 0.45415525418145264 0.3380713618157948 0.3164023685742074 -0.16960219413001149 -0.3491452809888996 -0.3491452809888996 -0.4760636699753511 -0.6571545420657711 -0.8397931993877406 +36621,-1.1400635343069085,2,-1.627615882242677 -1.775265446540186 -1.6136858151587932 -1.5761877194003566 -0.6494156159080676 -0.12781199287837747 0.16007606018845622 0.3566447845943007 0.443320757560659 0.44951189848683054 0.45415525418145264 0.3380713618157948 0.3164023685742074 -0.16960219413001149 -0.3491452809888996 -0.3491452809888996 -0.4760636699753511 -0.6571545420657711 -0.8397931993877406 -1.0626742727298033 +36622,-1.229835077736357,2,-1.775265446540186 -1.6136858151587932 -1.5761877194003566 -0.6494156159080676 -0.12781199287837747 0.16007606018845622 0.3566447845943007 0.443320757560659 0.44951189848683054 0.45415525418145264 0.3380713618157948 0.3164023685742074 -0.16960219413001149 -0.3491452809888996 -0.3491452809888996 -0.4760636699753511 -0.6571545420657711 -0.8397931993877406 -1.0626742727298033 -1.1400635343069085 +36623,-1.3474667553335555,2,-1.6136858151587932 -1.5761877194003566 -0.6494156159080676 -0.12781199287837747 0.16007606018845622 0.3566447845943007 0.443320757560659 0.44951189848683054 0.45415525418145264 0.3380713618157948 0.3164023685742074 -0.16960219413001149 -0.3491452809888996 -0.3491452809888996 -0.4760636699753511 -0.6571545420657711 -0.8397931993877406 -1.0626742727298033 -1.1400635343069085 -1.229835077736357 +36624,-1.3474667553335555,2,-1.5761877194003566 -0.6494156159080676 -0.12781199287837747 0.16007606018845622 0.3566447845943007 0.443320757560659 0.44951189848683054 0.45415525418145264 0.3380713618157948 0.3164023685742074 -0.16960219413001149 -0.3491452809888996 -0.3491452809888996 -0.4760636699753511 -0.6571545420657711 -0.8397931993877406 -1.0626742727298033 -1.1400635343069085 -1.229835077736357 -1.3474667553335555 +36625,-1.3846136008905676,2,-0.6494156159080676 -0.12781199287837747 0.16007606018845622 0.3566447845943007 0.443320757560659 0.44951189848683054 0.45415525418145264 0.3380713618157948 0.3164023685742074 -0.16960219413001149 -0.3491452809888996 -0.3491452809888996 -0.4760636699753511 -0.6571545420657711 -0.8397931993877406 -1.0626742727298033 -1.1400635343069085 -1.229835077736357 -1.3474667553335555 -1.3474667553335555 +36626,-1.350562325796637,2,-0.12781199287837747 0.16007606018845622 0.3566447845943007 0.443320757560659 0.44951189848683054 0.45415525418145264 0.3380713618157948 0.3164023685742074 -0.16960219413001149 -0.3491452809888996 -0.3491452809888996 -0.4760636699753511 -0.6571545420657711 -0.8397931993877406 -1.0626742727298033 -1.1400635343069085 -1.229835077736357 -1.3474667553335555 -1.3474667553335555 -1.3846136008905676 +36627,-1.2917464869980377,2,0.16007606018845622 0.3566447845943007 0.443320757560659 0.44951189848683054 0.45415525418145264 0.3380713618157948 0.3164023685742074 -0.16960219413001149 -0.3491452809888996 -0.3491452809888996 -0.4760636699753511 -0.6571545420657711 -0.8397931993877406 -1.0626742727298033 -1.1400635343069085 -1.229835077736357 -1.3474667553335555 -1.3474667553335555 -1.3846136008905676 -1.350562325796637 +36628,-1.0487442056459282,2,0.3566447845943007 0.443320757560659 0.44951189848683054 0.45415525418145264 0.3380713618157948 0.3164023685742074 -0.16960219413001149 -0.3491452809888996 -0.3491452809888996 -0.4760636699753511 -0.6571545420657711 -0.8397931993877406 -1.0626742727298033 -1.1400635343069085 -1.229835077736357 -1.3474667553335555 -1.3474667553335555 -1.3846136008905676 -1.350562325796637 -1.2917464869980377 +36629,-0.6772757500758178,2,0.443320757560659 0.44951189848683054 0.45415525418145264 0.3380713618157948 0.3164023685742074 -0.16960219413001149 -0.3491452809888996 -0.3491452809888996 -0.4760636699753511 -0.6571545420657711 -0.8397931993877406 -1.0626742727298033 -1.1400635343069085 -1.229835077736357 -1.3474667553335555 -1.3474667553335555 -1.3846136008905676 -1.350562325796637 -1.2917464869980377 -1.0487442056459282 +36630,-0.6429544037941836,2,0.44951189848683054 0.45415525418145264 0.3380713618157948 0.3164023685742074 -0.16960219413001149 -0.3491452809888996 -0.3491452809888996 -0.4760636699753511 -0.6571545420657711 -0.8397931993877406 -1.0626742727298033 -1.1400635343069085 -1.229835077736357 -1.3474667553335555 -1.3474667553335555 -1.3846136008905676 -1.350562325796637 -1.2917464869980377 -1.0487442056459282 -0.6772757500758178 +36631,-0.22996581816015146,2,0.45415525418145264 0.3380713618157948 0.3164023685742074 -0.16960219413001149 -0.3491452809888996 -0.3491452809888996 -0.4760636699753511 -0.6571545420657711 -0.8397931993877406 -1.0626742727298033 -1.1400635343069085 -1.229835077736357 -1.3474667553335555 -1.3474667553335555 -1.3846136008905676 -1.350562325796637 -1.2917464869980377 -1.0487442056459282 -0.6772757500758178 -0.6429544037941836 +36632,-0.08602179162673464,2,0.3380713618157948 0.3164023685742074 -0.16960219413001149 -0.3491452809888996 -0.3491452809888996 -0.4760636699753511 -0.6571545420657711 -0.8397931993877406 -1.0626742727298033 -1.1400635343069085 -1.229835077736357 -1.3474667553335555 -1.3474667553335555 -1.3846136008905676 -1.350562325796637 -1.2917464869980377 -1.0487442056459282 -0.6772757500758178 -0.6429544037941836 -0.22996581816015146 +36633,0.03625324166508603,2,0.3164023685742074 -0.16960219413001149 -0.3491452809888996 -0.3491452809888996 -0.4760636699753511 -0.6571545420657711 -0.8397931993877406 -1.0626742727298033 -1.1400635343069085 -1.229835077736357 -1.3474667553335555 -1.3474667553335555 -1.3846136008905676 -1.350562325796637 -1.2917464869980377 -1.0487442056459282 -0.6772757500758178 -0.6429544037941836 -0.22996581816015146 -0.08602179162673464 +36634,0.08113901337981025,2,-0.16960219413001149 -0.3491452809888996 -0.3491452809888996 -0.4760636699753511 -0.6571545420657711 -0.8397931993877406 -1.0626742727298033 -1.1400635343069085 -1.229835077736357 -1.3474667553335555 -1.3474667553335555 -1.3846136008905676 -1.350562325796637 -1.2917464869980377 -1.0487442056459282 -0.6772757500758178 -0.6429544037941836 -0.22996581816015146 -0.08602179162673464 0.03625324166508603 +36635,0.03780102689662673,2,-0.3491452809888996 -0.3491452809888996 -0.4760636699753511 -0.6571545420657711 -0.8397931993877406 -1.0626742727298033 -1.1400635343069085 -1.229835077736357 -1.3474667553335555 -1.3474667553335555 -1.3846136008905676 -1.350562325796637 -1.2917464869980377 -1.0487442056459282 -0.6772757500758178 -0.6429544037941836 -0.22996581816015146 -0.08602179162673464 0.03625324166508603 0.08113901337981025 +36636,-0.07828286546903115,2,-0.3491452809888996 -0.4760636699753511 -0.6571545420657711 -0.8397931993877406 -1.0626742727298033 -1.1400635343069085 -1.229835077736357 -1.3474667553335555 -1.3474667553335555 -1.3846136008905676 -1.350562325796637 -1.2917464869980377 -1.0487442056459282 -0.6772757500758178 -0.6429544037941836 -0.22996581816015146 -0.08602179162673464 0.03625324166508603 0.08113901337981025 0.03780102689662673 +36637,-0.08756957685828413,2,-0.4760636699753511 -0.6571545420657711 -0.8397931993877406 -1.0626742727298033 -1.1400635343069085 -1.229835077736357 -1.3474667553335555 -1.3474667553335555 -1.3846136008905676 -1.350562325796637 -1.2917464869980377 -1.0487442056459282 -0.6772757500758178 -0.6429544037941836 -0.22996581816015146 -0.08602179162673464 0.03625324166508603 0.08113901337981025 0.03780102689662673 -0.07828286546903115 +36638,-0.5178538712269851,2,-0.6571545420657711 -0.8397931993877406 -1.0626742727298033 -1.1400635343069085 -1.229835077736357 -1.3474667553335555 -1.3474667553335555 -1.3846136008905676 -1.350562325796637 -1.2917464869980377 -1.0487442056459282 -0.6772757500758178 -0.6429544037941836 -0.22996581816015146 -0.08602179162673464 0.03625324166508603 0.08113901337981025 0.03780102689662673 -0.07828286546903115 -0.08756957685828413 +36639,-0.5178538712269851,2,-0.8397931993877406 -1.0626742727298033 -1.1400635343069085 -1.229835077736357 -1.3474667553335555 -1.3474667553335555 -1.3846136008905676 -1.350562325796637 -1.2917464869980377 -1.0487442056459282 -0.6772757500758178 -0.6429544037941836 -0.22996581816015146 -0.08602179162673464 0.03625324166508603 0.08113901337981025 0.03780102689662673 -0.07828286546903115 -0.08756957685828413 -0.5178538712269851 +36640,-0.7856207162837722,2,-1.0626742727298033 -1.1400635343069085 -1.229835077736357 -1.3474667553335555 -1.3474667553335555 -1.3846136008905676 -1.350562325796637 -1.2917464869980377 -1.0487442056459282 -0.6772757500758178 -0.6429544037941836 -0.22996581816015146 -0.08602179162673464 0.03625324166508603 0.08113901337981025 0.03780102689662673 -0.07828286546903115 -0.08756957685828413 -0.5178538712269851 -0.5178538712269851 +36641,-0.7949074276730251,2,-1.1400635343069085 -1.229835077736357 -1.3474667553335555 -1.3474667553335555 -1.3846136008905676 -1.350562325796637 -1.2917464869980377 -1.0487442056459282 -0.6772757500758178 -0.6429544037941836 -0.22996581816015146 -0.08602179162673464 0.03625324166508603 0.08113901337981025 0.03780102689662673 -0.07828286546903115 -0.08756957685828413 -0.5178538712269851 -0.5178538712269851 -0.7856207162837722 +36642,-0.8630099778608774,2,-1.229835077736357 -1.3474667553335555 -1.3474667553335555 -1.3846136008905676 -1.350562325796637 -1.2917464869980377 -1.0487442056459282 -0.6772757500758178 -0.6429544037941836 -0.22996581816015146 -0.08602179162673464 0.03625324166508603 0.08113901337981025 0.03780102689662673 -0.07828286546903115 -0.08756957685828413 -0.5178538712269851 -0.5178538712269851 -0.7856207162837722 -0.7949074276730251 +36643,-0.7531172264213823,2,-1.3474667553335555 -1.3474667553335555 -1.3846136008905676 -1.350562325796637 -1.2917464869980377 -1.0487442056459282 -0.6772757500758178 -0.6429544037941836 -0.22996581816015146 -0.08602179162673464 0.03625324166508603 0.08113901337981025 0.03780102689662673 -0.07828286546903115 -0.08756957685828413 -0.5178538712269851 -0.5178538712269851 -0.7856207162837722 -0.7949074276730251 -0.8630099778608774 +36644,-0.7531172264213823,2,-1.3474667553335555 -1.3846136008905676 -1.350562325796637 -1.2917464869980377 -1.0487442056459282 -0.6772757500758178 -0.6429544037941836 -0.22996581816015146 -0.08602179162673464 0.03625324166508603 0.08113901337981025 0.03780102689662673 -0.07828286546903115 -0.08756957685828413 -0.5178538712269851 -0.5178538712269851 -0.7856207162837722 -0.7949074276730251 -0.8630099778608774 -0.7531172264213823 +36645,-0.754665011652923,2,-1.3846136008905676 -1.350562325796637 -1.2917464869980377 -1.0487442056459282 -0.6772757500758178 -0.6429544037941836 -0.22996581816015146 -0.08602179162673464 0.03625324166508603 0.08113901337981025 0.03780102689662673 -0.07828286546903115 -0.08756957685828413 -0.5178538712269851 -0.5178538712269851 -0.7856207162837722 -0.7949074276730251 -0.8630099778608774 -0.7531172264213823 -0.7531172264213823 +36646,-0.7933596424414756,2,-1.350562325796637 -1.2917464869980377 -1.0487442056459282 -0.6772757500758178 -0.6429544037941836 -0.22996581816015146 -0.08602179162673464 0.03625324166508603 0.08113901337981025 0.03780102689662673 -0.07828286546903115 -0.08756957685828413 -0.5178538712269851 -0.5178538712269851 -0.7856207162837722 -0.7949074276730251 -0.8630099778608774 -0.7531172264213823 -0.7531172264213823 -0.754665011652923 +36647,-0.8041941390622781,2,-1.2917464869980377 -1.0487442056459282 -0.6772757500758178 -0.6429544037941836 -0.22996581816015146 -0.08602179162673464 0.03625324166508603 0.08113901337981025 0.03780102689662673 -0.07828286546903115 -0.08756957685828413 -0.5178538712269851 -0.5178538712269851 -0.7856207162837722 -0.7949074276730251 -0.8630099778608774 -0.7531172264213823 -0.7531172264213823 -0.754665011652923 -0.7933596424414756 +36648,-0.8320542732300282,2,-1.0487442056459282 -0.6772757500758178 -0.6429544037941836 -0.22996581816015146 -0.08602179162673464 0.03625324166508603 0.08113901337981025 0.03780102689662673 -0.07828286546903115 -0.08756957685828413 -0.5178538712269851 -0.5178538712269851 -0.7856207162837722 -0.7949074276730251 -0.8630099778608774 -0.7531172264213823 -0.7531172264213823 -0.754665011652923 -0.7933596424414756 -0.8041941390622781 +36649,-0.8831311858709241,2,-0.6772757500758178 -0.6429544037941836 -0.22996581816015146 -0.08602179162673464 0.03625324166508603 0.08113901337981025 0.03780102689662673 -0.07828286546903115 -0.08756957685828413 -0.5178538712269851 -0.5178538712269851 -0.7856207162837722 -0.7949074276730251 -0.8630099778608774 -0.7531172264213823 -0.7531172264213823 -0.754665011652923 -0.7933596424414756 -0.8041941390622781 -0.8320542732300282 +36650,-1.1115785572290617,2,-0.6429544037941836 -0.22996581816015146 -0.08602179162673464 0.03625324166508603 0.08113901337981025 0.03780102689662673 -0.07828286546903115 -0.08756957685828413 -0.5178538712269851 -0.5178538712269851 -0.7856207162837722 -0.7949074276730251 -0.8630099778608774 -0.7531172264213823 -0.7531172264213823 -0.754665011652923 -0.7933596424414756 -0.8041941390622781 -0.8320542732300282 -0.8831311858709241 +36651,-0.9543293065218578,2,-0.22996581816015146 -0.08602179162673464 0.03625324166508603 0.08113901337981025 0.03780102689662673 -0.07828286546903115 -0.08756957685828413 -0.5178538712269851 -0.5178538712269851 -0.7856207162837722 -0.7949074276730251 -0.8630099778608774 -0.7531172264213823 -0.7531172264213823 -0.754665011652923 -0.7933596424414756 -0.8041941390622781 -0.8320542732300282 -0.8831311858709241 -1.1115785572290617 +36652,-0.8197920263014248,2,-0.08602179162673464 0.03625324166508603 0.08113901337981025 0.03780102689662673 -0.07828286546903115 -0.08756957685828413 -0.5178538712269851 -0.5178538712269851 -0.7856207162837722 -0.7949074276730251 -0.8630099778608774 -0.7531172264213823 -0.7531172264213823 -0.754665011652923 -0.7933596424414756 -0.8041941390622781 -0.8320542732300282 -0.8831311858709241 -1.1115785572290617 -0.9543293065218578 +36653,-0.5936953475725497,2,0.03625324166508603 0.08113901337981025 0.03780102689662673 -0.07828286546903115 -0.08756957685828413 -0.5178538712269851 -0.5178538712269851 -0.7856207162837722 -0.7949074276730251 -0.8630099778608774 -0.7531172264213823 -0.7531172264213823 -0.754665011652923 -0.7933596424414756 -0.8041941390622781 -0.8320542732300282 -0.8831311858709241 -1.1115785572290617 -0.9543293065218578 -0.8197920263014248 +36654,-0.5519051463209157,2,0.08113901337981025 0.03780102689662673 -0.07828286546903115 -0.08756957685828413 -0.5178538712269851 -0.5178538712269851 -0.7856207162837722 -0.7949074276730251 -0.8630099778608774 -0.7531172264213823 -0.7531172264213823 -0.754665011652923 -0.7933596424414756 -0.8041941390622781 -0.8320542732300282 -0.8831311858709241 -1.1115785572290617 -0.9543293065218578 -0.8197920263014248 -0.5936953475725497 +36655,-0.3878399117774522,2,0.03780102689662673 -0.07828286546903115 -0.08756957685828413 -0.5178538712269851 -0.5178538712269851 -0.7856207162837722 -0.7949074276730251 -0.8630099778608774 -0.7531172264213823 -0.7531172264213823 -0.754665011652923 -0.7933596424414756 -0.8041941390622781 -0.8320542732300282 -0.8831311858709241 -1.1115785572290617 -0.9543293065218578 -0.8197920263014248 -0.5936953475725497 -0.5519051463209157 +36656,-0.24080031478094516,2,-0.07828286546903115 -0.08756957685828413 -0.5178538712269851 -0.5178538712269851 -0.7856207162837722 -0.7949074276730251 -0.8630099778608774 -0.7531172264213823 -0.7531172264213823 -0.754665011652923 -0.7933596424414756 -0.8041941390622781 -0.8320542732300282 -0.8831311858709241 -1.1115785572290617 -0.9543293065218578 -0.8197920263014248 -0.5936953475725497 -0.5519051463209157 -0.3878399117774522 +36657,-0.18043669075080518,2,-0.08756957685828413 -0.5178538712269851 -0.5178538712269851 -0.7856207162837722 -0.7949074276730251 -0.8630099778608774 -0.7531172264213823 -0.7531172264213823 -0.754665011652923 -0.7933596424414756 -0.8041941390622781 -0.8320542732300282 -0.8831311858709241 -1.1115785572290617 -0.9543293065218578 -0.8197920263014248 -0.5936953475725497 -0.5519051463209157 -0.3878399117774522 -0.24080031478094516 +36658,-0.17931735042565938,2,-0.5178538712269851 -0.5178538712269851 -0.7856207162837722 -0.7949074276730251 -0.8630099778608774 -0.7531172264213823 -0.7531172264213823 -0.754665011652923 -0.7933596424414756 -0.8041941390622781 -0.8320542732300282 -0.8831311858709241 -1.1115785572290617 -0.9543293065218578 -0.8197920263014248 -0.5936953475725497 -0.5519051463209157 -0.3878399117774522 -0.24080031478094516 -0.18043669075080518 +36659,-0.17114997936155218,2,-0.5178538712269851 -0.7856207162837722 -0.7949074276730251 -0.8630099778608774 -0.7531172264213823 -0.7531172264213823 -0.754665011652923 -0.7933596424414756 -0.8041941390622781 -0.8320542732300282 -0.8831311858709241 -1.1115785572290617 -0.9543293065218578 -0.8197920263014248 -0.5936953475725497 -0.5519051463209157 -0.3878399117774522 -0.24080031478094516 -0.18043669075080518 -0.17931735042565938 +36660,-0.19127118737159884,2,-0.7856207162837722 -0.7949074276730251 -0.8630099778608774 -0.7531172264213823 -0.7531172264213823 -0.754665011652923 -0.7933596424414756 -0.8041941390622781 -0.8320542732300282 -0.8831311858709241 -1.1115785572290617 -0.9543293065218578 -0.8197920263014248 -0.5936953475725497 -0.5519051463209157 -0.3878399117774522 -0.24080031478094516 -0.18043669075080518 -0.17931735042565938 -0.17114997936155218 +36661,-1.8203151435696698,2,-0.7949074276730251 -0.8630099778608774 -0.7531172264213823 -0.7531172264213823 -0.754665011652923 -0.7933596424414756 -0.8041941390622781 -0.8320542732300282 -0.8831311858709241 -1.1115785572290617 -0.9543293065218578 -0.8197920263014248 -0.5936953475725497 -0.5519051463209157 -0.3878399117774522 -0.24080031478094516 -0.18043669075080518 -0.17931735042565938 -0.17114997936155218 -0.19127118737159884 +36662,-1.8203151435696698,2,-0.8630099778608774 -0.7531172264213823 -0.7531172264213823 -0.754665011652923 -0.7933596424414756 -0.8041941390622781 -0.8320542732300282 -0.8831311858709241 -1.1115785572290617 -0.9543293065218578 -0.8197920263014248 -0.5936953475725497 -0.5519051463209157 -0.3878399117774522 -0.24080031478094516 -0.18043669075080518 -0.17931735042565938 -0.17114997936155218 -0.19127118737159884 -1.8203151435696698 +36663,-0.5936953475725497,2,-0.7531172264213823 -0.7531172264213823 -0.754665011652923 -0.7933596424414756 -0.8041941390622781 -0.8320542732300282 -0.8831311858709241 -1.1115785572290617 -0.9543293065218578 -0.8197920263014248 -0.5936953475725497 -0.5519051463209157 -0.3878399117774522 -0.24080031478094516 -0.18043669075080518 -0.17931735042565938 -0.17114997936155218 -0.19127118737159884 -1.8203151435696698 -1.8203151435696698 +36664,-0.6070866827776865,2,-0.7531172264213823 -0.754665011652923 -0.7933596424414756 -0.8041941390622781 -0.8320542732300282 -0.8831311858709241 -1.1115785572290617 -0.9543293065218578 -0.8197920263014248 -0.5936953475725497 -0.5519051463209157 -0.3878399117774522 -0.24080031478094516 -0.18043669075080518 -0.17931735042565938 -0.17114997936155218 -0.19127118737159884 -1.8203151435696698 -1.8203151435696698 -0.5936953475725497 +36665,-0.6834668910019893,2,-0.754665011652923 -0.7933596424414756 -0.8041941390622781 -0.8320542732300282 -0.8831311858709241 -1.1115785572290617 -0.9543293065218578 -0.8197920263014248 -0.5936953475725497 -0.5519051463209157 -0.3878399117774522 -0.24080031478094516 -0.18043669075080518 -0.17931735042565938 -0.17114997936155218 -0.19127118737159884 -1.8203151435696698 -1.8203151435696698 -0.5936953475725497 -0.6070866827776865 +36666,-0.8196719913776939,2,-0.7933596424414756 -0.8041941390622781 -0.8320542732300282 -0.8831311858709241 -1.1115785572290617 -0.9543293065218578 -0.8197920263014248 -0.5936953475725497 -0.5519051463209157 -0.3878399117774522 -0.24080031478094516 -0.18043669075080518 -0.17931735042565938 -0.17114997936155218 -0.19127118737159884 -1.8203151435696698 -1.8203151435696698 -0.5936953475725497 -0.6070866827776865 -0.6834668910019893 +36667,-0.8506276960085343,2,-0.8041941390622781 -0.8320542732300282 -0.8831311858709241 -1.1115785572290617 -0.9543293065218578 -0.8197920263014248 -0.5936953475725497 -0.5519051463209157 -0.3878399117774522 -0.24080031478094516 -0.18043669075080518 -0.17931735042565938 -0.17114997936155218 -0.19127118737159884 -1.8203151435696698 -1.8203151435696698 -0.5936953475725497 -0.6070866827776865 -0.6834668910019893 -0.8196719913776939 +36668,-0.9125391052702237,2,-0.8320542732300282 -0.8831311858709241 -1.1115785572290617 -0.9543293065218578 -0.8197920263014248 -0.5936953475725497 -0.5519051463209157 -0.3878399117774522 -0.24080031478094516 -0.18043669075080518 -0.17931735042565938 -0.17114997936155218 -0.19127118737159884 -1.8203151435696698 -1.8203151435696698 -0.5936953475725497 -0.6070866827776865 -0.6834668910019893 -0.8196719913776939 -0.8506276960085343 +36669,-0.989928366847329,2,-0.8831311858709241 -1.1115785572290617 -0.9543293065218578 -0.8197920263014248 -0.5936953475725497 -0.5519051463209157 -0.3878399117774522 -0.24080031478094516 -0.18043669075080518 -0.17931735042565938 -0.17114997936155218 -0.19127118737159884 -1.8203151435696698 -1.8203151435696698 -0.5936953475725497 -0.6070866827776865 -0.6834668910019893 -0.8196719913776939 -0.8506276960085343 -0.9125391052702237 +36670,-1.0331664962637324,2,-1.1115785572290617 -0.9543293065218578 -0.8197920263014248 -0.5936953475725497 -0.5519051463209157 -0.3878399117774522 -0.24080031478094516 -0.18043669075080518 -0.17931735042565938 -0.17114997936155218 -0.19127118737159884 -1.8203151435696698 -1.8203151435696698 -0.5936953475725497 -0.6070866827776865 -0.6834668910019893 -0.8196719913776939 -0.8506276960085343 -0.9125391052702237 -0.989928366847329 +36671,-1.6817384367358712,2,-0.9543293065218578 -0.8197920263014248 -0.5936953475725497 -0.5519051463209157 -0.3878399117774522 -0.24080031478094516 -0.18043669075080518 -0.17931735042565938 -0.17114997936155218 -0.19127118737159884 -1.8203151435696698 -1.8203151435696698 -0.5936953475725497 -0.6070866827776865 -0.6834668910019893 -0.8196719913776939 -0.8506276960085343 -0.9125391052702237 -0.989928366847329 -1.0331664962637324 +36672,-0.9744505145319043,2,-0.8197920263014248 -0.5936953475725497 -0.5519051463209157 -0.3878399117774522 -0.24080031478094516 -0.18043669075080518 -0.17931735042565938 -0.17114997936155218 -0.19127118737159884 -1.8203151435696698 -1.8203151435696698 -0.5936953475725497 -0.6070866827776865 -0.6834668910019893 -0.8196719913776939 -0.8506276960085343 -0.9125391052702237 -0.989928366847329 -1.0331664962637324 -1.6817384367358712 +36673,-1.0518397761090097,2,-0.5936953475725497 -0.5519051463209157 -0.3878399117774522 -0.24080031478094516 -0.18043669075080518 -0.17931735042565938 -0.17114997936155218 -0.19127118737159884 -1.8203151435696698 -1.8203151435696698 -0.5936953475725497 -0.6070866827776865 -0.6834668910019893 -0.8196719913776939 -0.8506276960085343 -0.9125391052702237 -0.989928366847329 -1.0331664962637324 -1.6817384367358712 -0.9744505145319043 +36674,-1.036361923793594,2,-0.5519051463209157 -0.3878399117774522 -0.24080031478094516 -0.18043669075080518 -0.17931735042565938 -0.17114997936155218 -0.19127118737159884 -1.8203151435696698 -1.8203151435696698 -0.5936953475725497 -0.6070866827776865 -0.6834668910019893 -0.8196719913776939 -0.8506276960085343 -0.9125391052702237 -0.989928366847329 -1.0331664962637324 -1.6817384367358712 -0.9744505145319043 -1.0518397761090097 +36675,-1.0673176284244341,2,-0.3878399117774522 -0.24080031478094516 -0.18043669075080518 -0.17931735042565938 -0.17114997936155218 -0.19127118737159884 -1.8203151435696698 -1.8203151435696698 -0.5936953475725497 -0.6070866827776865 -0.6834668910019893 -0.8196719913776939 -0.8506276960085343 -0.9125391052702237 -0.989928366847329 -1.0331664962637324 -1.6817384367358712 -0.9744505145319043 -1.0518397761090097 -1.036361923793594 +36676,-1.0007628634681227,2,-0.24080031478094516 -0.18043669075080518 -0.17931735042565938 -0.17114997936155218 -0.19127118737159884 -1.8203151435696698 -1.8203151435696698 -0.5936953475725497 -0.6070866827776865 -0.6834668910019893 -0.8196719913776939 -0.8506276960085343 -0.9125391052702237 -0.989928366847329 -1.0331664962637324 -1.6817384367358712 -0.9744505145319043 -1.0518397761090097 -1.036361923793594 -1.0673176284244341 +36677,-0.7608561525790946,2,-0.18043669075080518 -0.17931735042565938 -0.17114997936155218 -0.19127118737159884 -1.8203151435696698 -1.8203151435696698 -0.5936953475725497 -0.6070866827776865 -0.6834668910019893 -0.8196719913776939 -0.8506276960085343 -0.9125391052702237 -0.989928366847329 -1.0331664962637324 -1.6817384367358712 -0.9744505145319043 -1.0518397761090097 -1.036361923793594 -1.0673176284244341 -1.0007628634681227 +36678,-0.7238964337922481,2,-0.17931735042565938 -0.17114997936155218 -0.19127118737159884 -1.8203151435696698 -1.8203151435696698 -0.5936953475725497 -0.6070866827776865 -0.6834668910019893 -0.8196719913776939 -0.8506276960085343 -0.9125391052702237 -0.989928366847329 -1.0331664962637324 -1.6817384367358712 -0.9744505145319043 -1.0518397761090097 -1.036361923793594 -1.0673176284244341 -1.0007628634681227 -0.7608561525790946 +36679,-0.4961848779853978,2,-0.17114997936155218 -0.19127118737159884 -1.8203151435696698 -1.8203151435696698 -0.5936953475725497 -0.6070866827776865 -0.6834668910019893 -0.8196719913776939 -0.8506276960085343 -0.9125391052702237 -0.989928366847329 -1.0331664962637324 -1.6817384367358712 -0.9744505145319043 -1.0518397761090097 -1.036361923793594 -1.0673176284244341 -1.0007628634681227 -0.7608561525790946 -0.7238964337922481 +36680,-0.20365346922394204,2,-0.19127118737159884 -1.8203151435696698 -1.8203151435696698 -0.5936953475725497 -0.6070866827776865 -0.6834668910019893 -0.8196719913776939 -0.8506276960085343 -0.9125391052702237 -0.989928366847329 -1.0331664962637324 -1.6817384367358712 -0.9744505145319043 -1.0518397761090097 -1.036361923793594 -1.0673176284244341 -1.0007628634681227 -0.7608561525790946 -0.7238964337922481 -0.4961848779853978 +36681,-0.20055789876085184,2,-1.8203151435696698 -1.8203151435696698 -0.5936953475725497 -0.6070866827776865 -0.6834668910019893 -0.8196719913776939 -0.8506276960085343 -0.9125391052702237 -0.989928366847329 -1.0331664962637324 -1.6817384367358712 -0.9744505145319043 -1.0518397761090097 -1.036361923793594 -1.0673176284244341 -1.0007628634681227 -0.7608561525790946 -0.7238964337922481 -0.4961848779853978 -0.20365346922394204 +36682,-0.09840407347907781,2,-1.8203151435696698 -0.5936953475725497 -0.6070866827776865 -0.6834668910019893 -0.8196719913776939 -0.8506276960085343 -0.9125391052702237 -0.989928366847329 -1.0331664962637324 -1.6817384367358712 -0.9744505145319043 -1.0518397761090097 -1.036361923793594 -1.0673176284244341 -1.0007628634681227 -0.7608561525790946 -0.7238964337922481 -0.4961848779853978 -0.20365346922394204 -0.20055789876085184 +36683,-0.10614299963678131,2,-0.5936953475725497 -0.6070866827776865 -0.6834668910019893 -0.8196719913776939 -0.8506276960085343 -0.9125391052702237 -0.989928366847329 -1.0331664962637324 -1.6817384367358712 -0.9744505145319043 -1.0518397761090097 -1.036361923793594 -1.0673176284244341 -1.0007628634681227 -0.7608561525790946 -0.7238964337922481 -0.4961848779853978 -0.20365346922394204 -0.20055789876085184 -0.09840407347907781 +36684,-0.3352152139050157,2,-0.6070866827776865 -0.6834668910019893 -0.8196719913776939 -0.8506276960085343 -0.9125391052702237 -0.989928366847329 -1.0331664962637324 -1.6817384367358712 -0.9744505145319043 -1.0518397761090097 -1.036361923793594 -1.0673176284244341 -1.0007628634681227 -0.7608561525790946 -0.7238964337922481 -0.4961848779853978 -0.20365346922394204 -0.20055789876085184 -0.09840407347907781 -0.10614299963678131 +36685,-0.4946370927538571,2,-0.6834668910019893 -0.8196719913776939 -0.8506276960085343 -0.9125391052702237 -0.989928366847329 -1.0331664962637324 -1.6817384367358712 -0.9744505145319043 -1.0518397761090097 -1.036361923793594 -1.0673176284244341 -1.0007628634681227 -0.7608561525790946 -0.7238964337922481 -0.4961848779853978 -0.20365346922394204 -0.20055789876085184 -0.09840407347907781 -0.10614299963678131 -0.3352152139050157 +36686,-0.6029820589618027,2,-0.8196719913776939 -0.8506276960085343 -0.9125391052702237 -0.989928366847329 -1.0331664962637324 -1.6817384367358712 -0.9744505145319043 -1.0518397761090097 -1.036361923793594 -1.0673176284244341 -1.0007628634681227 -0.7608561525790946 -0.7238964337922481 -0.4961848779853978 -0.20365346922394204 -0.20055789876085184 -0.09840407347907781 -0.10614299963678131 -0.3352152139050157 -0.4946370927538571 +36687,-0.633937763592643,2,-0.8506276960085343 -0.9125391052702237 -0.989928366847329 -1.0331664962637324 -1.6817384367358712 -0.9744505145319043 -1.0518397761090097 -1.036361923793594 -1.0673176284244341 -1.0007628634681227 -0.7608561525790946 -0.7238964337922481 -0.4961848779853978 -0.20365346922394204 -0.20055789876085184 -0.09840407347907781 -0.10614299963678131 -0.3352152139050157 -0.4946370927538571 -0.6029820589618027 +36688,-0.7794295753576006,2,-0.9125391052702237 -0.989928366847329 -1.0331664962637324 -1.6817384367358712 -0.9744505145319043 -1.0518397761090097 -1.036361923793594 -1.0673176284244341 -1.0007628634681227 -0.7608561525790946 -0.7238964337922481 -0.4961848779853978 -0.20365346922394204 -0.20055789876085184 -0.09840407347907781 -0.10614299963678131 -0.3352152139050157 -0.4946370927538571 -0.6029820589618027 -0.633937763592643 +36689,-0.8165764209146125,2,-0.989928366847329 -1.0331664962637324 -1.6817384367358712 -0.9744505145319043 -1.0518397761090097 -1.036361923793594 -1.0673176284244341 -1.0007628634681227 -0.7608561525790946 -0.7238964337922481 -0.4961848779853978 -0.20365346922394204 -0.20055789876085184 -0.09840407347907781 -0.10614299963678131 -0.3352152139050157 -0.4946370927538571 -0.6029820589618027 -0.633937763592643 -0.7794295753576006 +36690,-1.0023106486996634,2,-1.0331664962637324 -1.6817384367358712 -0.9744505145319043 -1.0518397761090097 -1.036361923793594 -1.0673176284244341 -1.0007628634681227 -0.7608561525790946 -0.7238964337922481 -0.4961848779853978 -0.20365346922394204 -0.20055789876085184 -0.09840407347907781 -0.10614299963678131 -0.3352152139050157 -0.4946370927538571 -0.6029820589618027 -0.633937763592643 -0.7794295753576006 -0.8165764209146125 +36691,-1.0889866216660216,2,-1.6817384367358712 -0.9744505145319043 -1.0518397761090097 -1.036361923793594 -1.0673176284244341 -1.0007628634681227 -0.7608561525790946 -0.7238964337922481 -0.4961848779853978 -0.20365346922394204 -0.20055789876085184 -0.09840407347907781 -0.10614299963678131 -0.3352152139050157 -0.4946370927538571 -0.6029820589618027 -0.633937763592643 -0.7794295753576006 -0.8165764209146125 -1.0023106486996634 +36692,-1.1276812524545743,2,-0.9744505145319043 -1.0518397761090097 -1.036361923793594 -1.0673176284244341 -1.0007628634681227 -0.7608561525790946 -0.7238964337922481 -0.4961848779853978 -0.20365346922394204 -0.20055789876085184 -0.09840407347907781 -0.10614299963678131 -0.3352152139050157 -0.4946370927538571 -0.6029820589618027 -0.633937763592643 -0.7794295753576006 -0.8165764209146125 -1.0023106486996634 -1.0889866216660216 +36693,-1.1539936013907925,2,-1.0518397761090097 -1.036361923793594 -1.0673176284244341 -1.0007628634681227 -0.7608561525790946 -0.7238964337922481 -0.4961848779853978 -0.20365346922394204 -0.20055789876085184 -0.09840407347907781 -0.10614299963678131 -0.3352152139050157 -0.4946370927538571 -0.6029820589618027 -0.633937763592643 -0.7794295753576006 -0.8165764209146125 -1.0023106486996634 -1.0889866216660216 -1.1276812524545743 +36694,-1.1539936013907925,2,-1.036361923793594 -1.0673176284244341 -1.0007628634681227 -0.7608561525790946 -0.7238964337922481 -0.4961848779853978 -0.20365346922394204 -0.20055789876085184 -0.09840407347907781 -0.10614299963678131 -0.3352152139050157 -0.4946370927538571 -0.6029820589618027 -0.633937763592643 -0.7794295753576006 -0.8165764209146125 -1.0023106486996634 -1.0889866216660216 -1.1276812524545743 -1.1539936013907925 +36695,-1.2545996414410259,2,-1.0673176284244341 -1.0007628634681227 -0.7608561525790946 -0.7238964337922481 -0.4961848779853978 -0.20365346922394204 -0.20055789876085184 -0.09840407347907781 -0.10614299963678131 -0.3352152139050157 -0.4946370927538571 -0.6029820589618027 -0.633937763592643 -0.7794295753576006 -0.8165764209146125 -1.0023106486996634 -1.0889866216660216 -1.1276812524545743 -1.1539936013907925 -1.1539936013907925 +36696,-1.2824597756087848,2,-1.0007628634681227 -0.7608561525790946 -0.7238964337922481 -0.4961848779853978 -0.20365346922394204 -0.20055789876085184 -0.09840407347907781 -0.10614299963678131 -0.3352152139050157 -0.4946370927538571 -0.6029820589618027 -0.633937763592643 -0.7794295753576006 -0.8165764209146125 -1.0023106486996634 -1.0889866216660216 -1.1276812524545743 -1.1539936013907925 -1.1539936013907925 -1.2545996414410259 +36697,-1.3613968224174307,2,-0.7608561525790946 -0.7238964337922481 -0.4961848779853978 -0.20365346922394204 -0.20055789876085184 -0.09840407347907781 -0.10614299963678131 -0.3352152139050157 -0.4946370927538571 -0.6029820589618027 -0.633937763592643 -0.7794295753576006 -0.8165764209146125 -1.0023106486996634 -1.0889866216660216 -1.1276812524545743 -1.1539936013907925 -1.1539936013907925 -1.2545996414410259 -1.2824597756087848 +36698,-1.3474667553335555,2,-0.7238964337922481 -0.4961848779853978 -0.20365346922394204 -0.20055789876085184 -0.09840407347907781 -0.10614299963678131 -0.3352152139050157 -0.4946370927538571 -0.6029820589618027 -0.633937763592643 -0.7794295753576006 -0.8165764209146125 -1.0023106486996634 -1.0889866216660216 -1.1276812524545743 -1.1539936013907925 -1.1539936013907925 -1.2545996414410259 -1.2824597756087848 -1.3613968224174307 +36699,-1.2360262186625197,2,-0.4961848779853978 -0.20365346922394204 -0.20055789876085184 -0.09840407347907781 -0.10614299963678131 -0.3352152139050157 -0.4946370927538571 -0.6029820589618027 -0.633937763592643 -0.7794295753576006 -0.8165764209146125 -1.0023106486996634 -1.0889866216660216 -1.1276812524545743 -1.1539936013907925 -1.1539936013907925 -1.2545996414410259 -1.2824597756087848 -1.3613968224174307 -1.3474667553335555 +36700,-1.0982733330552745,2,-0.20365346922394204 -0.20055789876085184 -0.09840407347907781 -0.10614299963678131 -0.3352152139050157 -0.4946370927538571 -0.6029820589618027 -0.633937763592643 -0.7794295753576006 -0.8165764209146125 -1.0023106486996634 -1.0889866216660216 -1.1276812524545743 -1.1539936013907925 -1.1539936013907925 -1.2545996414410259 -1.2824597756087848 -1.3613968224174307 -1.3474667553335555 -1.2360262186625197 +36701,-0.9698071588372823,2,-0.20055789876085184 -0.09840407347907781 -0.10614299963678131 -0.3352152139050157 -0.4946370927538571 -0.6029820589618027 -0.633937763592643 -0.7794295753576006 -0.8165764209146125 -1.0023106486996634 -1.0889866216660216 -1.1276812524545743 -1.1539936013907925 -1.1539936013907925 -1.2545996414410259 -1.2824597756087848 -1.3613968224174307 -1.3474667553335555 -1.2360262186625197 -1.0982733330552745 +36702,-0.6045298441933433,2,-0.09840407347907781 -0.10614299963678131 -0.3352152139050157 -0.4946370927538571 -0.6029820589618027 -0.633937763592643 -0.7794295753576006 -0.8165764209146125 -1.0023106486996634 -1.0889866216660216 -1.1276812524545743 -1.1539936013907925 -1.1539936013907925 -1.2545996414410259 -1.2824597756087848 -1.3613968224174307 -1.3474667553335555 -1.2360262186625197 -1.0982733330552745 -0.9698071588372823 +36703,-0.3893876970089929,2,-0.10614299963678131 -0.3352152139050157 -0.4946370927538571 -0.6029820589618027 -0.633937763592643 -0.7794295753576006 -0.8165764209146125 -1.0023106486996634 -1.0889866216660216 -1.1276812524545743 -1.1539936013907925 -1.1539936013907925 -1.2545996414410259 -1.2824597756087848 -1.3613968224174307 -1.3474667553335555 -1.2360262186625197 -1.0982733330552745 -0.9698071588372823 -0.6045298441933433 +36704,-0.14638541565688343,2,-0.3352152139050157 -0.4946370927538571 -0.6029820589618027 -0.633937763592643 -0.7794295753576006 -0.8165764209146125 -1.0023106486996634 -1.0889866216660216 -1.1276812524545743 -1.1539936013907925 -1.1539936013907925 -1.2545996414410259 -1.2824597756087848 -1.3613968224174307 -1.3474667553335555 -1.2360262186625197 -1.0982733330552745 -0.9698071588372823 -0.6045298441933433 -0.3893876970089929 +36705,-0.01637145620734167,2,-0.4946370927538571 -0.6029820589618027 -0.633937763592643 -0.7794295753576006 -0.8165764209146125 -1.0023106486996634 -1.0889866216660216 -1.1276812524545743 -1.1539936013907925 -1.1539936013907925 -1.2545996414410259 -1.2824597756087848 -1.3613968224174307 -1.3474667553335555 -1.2360262186625197 -1.0982733330552745 -0.9698071588372823 -0.6045298441933433 -0.3893876970089929 -0.14638541565688343 +36706,0.05792223490668219,2,-0.6029820589618027 -0.633937763592643 -0.7794295753576006 -0.8165764209146125 -1.0023106486996634 -1.0889866216660216 -1.1276812524545743 -1.1539936013907925 -1.1539936013907925 -1.2545996414410259 -1.2824597756087848 -1.3613968224174307 -1.3474667553335555 -1.2360262186625197 -1.0982733330552745 -0.9698071588372823 -0.6045298441933433 -0.3893876970089929 -0.14638541565688343 -0.01637145620734167 +36707,0.08887793953752253,2,-0.633937763592643 -0.7794295753576006 -0.8165764209146125 -1.0023106486996634 -1.0889866216660216 -1.1276812524545743 -1.1539936013907925 -1.1539936013907925 -1.2545996414410259 -1.2824597756087848 -1.3613968224174307 -1.3474667553335555 -1.2360262186625197 -1.0982733330552745 -0.9698071588372823 -0.6045298441933433 -0.3893876970089929 -0.14638541565688343 -0.01637145620734167 0.05792223490668219 +36708,0.02696653027583305,2,-0.7794295753576006 -0.8165764209146125 -1.0023106486996634 -1.0889866216660216 -1.1276812524545743 -1.1539936013907925 -1.1539936013907925 -1.2545996414410259 -1.2824597756087848 -1.3613968224174307 -1.3474667553335555 -1.2360262186625197 -1.0982733330552745 -0.9698071588372823 -0.6045298441933433 -0.3893876970089929 -0.14638541565688343 -0.01637145620734167 0.05792223490668219 0.08887793953752253 +36709,-0.04887494606973151,2,-0.8165764209146125 -1.0023106486996634 -1.0889866216660216 -1.1276812524545743 -1.1539936013907925 -1.1539936013907925 -1.2545996414410259 -1.2824597756087848 -1.3613968224174307 -1.3474667553335555 -1.2360262186625197 -1.0982733330552745 -0.9698071588372823 -0.6045298441933433 -0.3893876970089929 -0.14638541565688343 -0.01637145620734167 0.05792223490668219 0.08887793953752253 0.02696653027583305 +36710,-0.2624693080225413,2,-1.0023106486996634 -1.0889866216660216 -1.1276812524545743 -1.1539936013907925 -1.1539936013907925 -1.2545996414410259 -1.2824597756087848 -1.3613968224174307 -1.3474667553335555 -1.2360262186625197 -1.0982733330552745 -0.9698071588372823 -0.6045298441933433 -0.3893876970089929 -0.14638541565688343 -0.01637145620734167 0.05792223490668219 0.08887793953752253 0.02696653027583305 -0.04887494606973151 +36711,-0.4389168244183392,2,-1.0889866216660216 -1.1276812524545743 -1.1539936013907925 -1.1539936013907925 -1.2545996414410259 -1.2824597756087848 -1.3613968224174307 -1.3474667553335555 -1.2360262186625197 -1.0982733330552745 -0.9698071588372823 -0.6045298441933433 -0.3893876970089929 -0.14638541565688343 -0.01637145620734167 0.05792223490668219 0.08887793953752253 0.02696653027583305 -0.04887494606973151 -0.2624693080225413 +36712,-0.582860850951756,2,-1.1276812524545743 -1.1539936013907925 -1.1539936013907925 -1.2545996414410259 -1.2824597756087848 -1.3613968224174307 -1.3474667553335555 -1.2360262186625197 -1.0982733330552745 -0.9698071588372823 -0.6045298441933433 -0.3893876970089929 -0.14638541565688343 -0.01637145620734167 0.05792223490668219 0.08887793953752253 0.02696653027583305 -0.04887494606973151 -0.2624693080225413 -0.4389168244183392 +36713,-0.6122687703510556,2,-1.1539936013907925 -1.1539936013907925 -1.2545996414410259 -1.2824597756087848 -1.3613968224174307 -1.3474667553335555 -1.2360262186625197 -1.0982733330552745 -0.9698071588372823 -0.6045298441933433 -0.3893876970089929 -0.14638541565688343 -0.01637145620734167 0.05792223490668219 0.08887793953752253 0.02696653027583305 -0.04887494606973151 -0.2624693080225413 -0.4389168244183392 -0.582860850951756 +36714,-0.6633456829919426,2,-1.1539936013907925 -1.2545996414410259 -1.2824597756087848 -1.3613968224174307 -1.3474667553335555 -1.2360262186625197 -1.0982733330552745 -0.9698071588372823 -0.6045298441933433 -0.3893876970089929 -0.14638541565688343 -0.01637145620734167 0.05792223490668219 0.08887793953752253 0.02696653027583305 -0.04887494606973151 -0.2624693080225413 -0.4389168244183392 -0.582860850951756 -0.6122687703510556 +36715,-0.7407349445690479,2,-1.2545996414410259 -1.2824597756087848 -1.3613968224174307 -1.3474667553335555 -1.2360262186625197 -1.0982733330552745 -0.9698071588372823 -0.6045298441933433 -0.3893876970089929 -0.14638541565688343 -0.01637145620734167 0.05792223490668219 0.08887793953752253 0.02696653027583305 -0.04887494606973151 -0.2624693080225413 -0.4389168244183392 -0.582860850951756 -0.6122687703510556 -0.6633456829919426 +36716,-0.8428887698508307,2,-1.2824597756087848 -1.3613968224174307 -1.3474667553335555 -1.2360262186625197 -1.0982733330552745 -0.9698071588372823 -0.6045298441933433 -0.3893876970089929 -0.14638541565688343 -0.01637145620734167 0.05792223490668219 0.08887793953752253 0.02696653027583305 -0.04887494606973151 -0.2624693080225413 -0.4389168244183392 -0.582860850951756 -0.6122687703510556 -0.6633456829919426 -0.7407349445690479 +36717,-0.9078957495755928,2,-1.3613968224174307 -1.3474667553335555 -1.2360262186625197 -1.0982733330552745 -0.9698071588372823 -0.6045298441933433 -0.3893876970089929 -0.14638541565688343 -0.01637145620734167 0.05792223490668219 0.08887793953752253 0.02696653027583305 -0.04887494606973151 -0.2624693080225413 -0.4389168244183392 -0.582860850951756 -0.6122687703510556 -0.6633456829919426 -0.7407349445690479 -0.8428887698508307 +36718,-0.9914761520788696,2,-1.3474667553335555 -1.2360262186625197 -1.0982733330552745 -0.9698071588372823 -0.6045298441933433 -0.3893876970089929 -0.14638541565688343 -0.01637145620734167 0.05792223490668219 0.08887793953752253 0.02696653027583305 -0.04887494606973151 -0.2624693080225413 -0.4389168244183392 -0.582860850951756 -0.6122687703510556 -0.6633456829919426 -0.7407349445690479 -0.8428887698508307 -0.9078957495755928 +36719,-1.050291990877469,2,-1.2360262186625197 -1.0982733330552745 -0.9698071588372823 -0.6045298441933433 -0.3893876970089929 -0.14638541565688343 -0.01637145620734167 0.05792223490668219 0.08887793953752253 0.02696653027583305 -0.04887494606973151 -0.2624693080225413 -0.4389168244183392 -0.582860850951756 -0.6122687703510556 -0.6633456829919426 -0.7407349445690479 -0.8428887698508307 -0.9078957495755928 -0.9914761520788696 +36720,-1.110655614907609,2,-1.0982733330552745 -0.9698071588372823 -0.6045298441933433 -0.3893876970089929 -0.14638541565688343 -0.01637145620734167 0.05792223490668219 0.08887793953752253 0.02696653027583305 -0.04887494606973151 -0.2624693080225413 -0.4389168244183392 -0.582860850951756 -0.6122687703510556 -0.6633456829919426 -0.7407349445690479 -0.8428887698508307 -0.9078957495755928 -0.9914761520788696 -1.050291990877469 +36721,-1.0982733330552745,2,-0.9698071588372823 -0.6045298441933433 -0.3893876970089929 -0.14638541565688343 -0.01637145620734167 0.05792223490668219 0.08887793953752253 0.02696653027583305 -0.04887494606973151 -0.2624693080225413 -0.4389168244183392 -0.582860850951756 -0.6122687703510556 -0.6633456829919426 -0.7407349445690479 -0.8428887698508307 -0.9078957495755928 -0.9914761520788696 -1.050291990877469 -1.110655614907609 +36722,-1.0626742727298033,2,-0.6045298441933433 -0.3893876970089929 -0.14638541565688343 -0.01637145620734167 0.05792223490668219 0.08887793953752253 0.02696653027583305 -0.04887494606973151 -0.2624693080225413 -0.4389168244183392 -0.582860850951756 -0.6122687703510556 -0.6633456829919426 -0.7407349445690479 -0.8428887698508307 -0.9078957495755928 -0.9914761520788696 -1.050291990877469 -1.110655614907609 -1.0982733330552745 +36723,-1.1162191601876565,2,-0.3893876970089929 -0.14638541565688343 -0.01637145620734167 0.05792223490668219 0.08887793953752253 0.02696653027583305 -0.04887494606973151 -0.2624693080225413 -0.4389168244183392 -0.582860850951756 -0.6122687703510556 -0.6633456829919426 -0.7407349445690479 -0.8428887698508307 -0.9078957495755928 -0.9914761520788696 -1.050291990877469 -1.110655614907609 -1.0982733330552745 -1.0626742727298033 +36724,-1.1942360174108857,2,-0.14638541565688343 -0.01637145620734167 0.05792223490668219 0.08887793953752253 0.02696653027583305 -0.04887494606973151 -0.2624693080225413 -0.4389168244183392 -0.582860850951756 -0.6122687703510556 -0.6633456829919426 -0.7407349445690479 -0.8428887698508307 -0.9078957495755928 -0.9914761520788696 -1.050291990877469 -1.110655614907609 -1.0982733330552745 -1.0626742727298033 -1.1162191601876565 +36725,-0.9961195077734918,2,-0.01637145620734167 0.05792223490668219 0.08887793953752253 0.02696653027583305 -0.04887494606973151 -0.2624693080225413 -0.4389168244183392 -0.582860850951756 -0.6122687703510556 -0.6633456829919426 -0.7407349445690479 -0.8428887698508307 -0.9078957495755928 -0.9914761520788696 -1.050291990877469 -1.110655614907609 -1.0982733330552745 -1.0626742727298033 -1.1162191601876565 -1.1942360174108857 +36726,-0.582860850951756,2,0.05792223490668219 0.08887793953752253 0.02696653027583305 -0.04887494606973151 -0.2624693080225413 -0.4389168244183392 -0.582860850951756 -0.6122687703510556 -0.6633456829919426 -0.7407349445690479 -0.8428887698508307 -0.9078957495755928 -0.9914761520788696 -1.050291990877469 -1.110655614907609 -1.0982733330552745 -1.0626742727298033 -1.1162191601876565 -1.1942360174108857 -0.9961195077734918 +36727,-0.45439467673375494,2,0.08887793953752253 0.02696653027583305 -0.04887494606973151 -0.2624693080225413 -0.4389168244183392 -0.582860850951756 -0.6122687703510556 -0.6633456829919426 -0.7407349445690479 -0.8428887698508307 -0.9078957495755928 -0.9914761520788696 -1.050291990877469 -1.110655614907609 -1.0982733330552745 -1.0626742727298033 -1.1162191601876565 -1.1942360174108857 -0.9961195077734918 -0.582860850951756 +36728,-0.29187722742184097,2,0.02696653027583305 -0.04887494606973151 -0.2624693080225413 -0.4389168244183392 -0.582860850951756 -0.6122687703510556 -0.6633456829919426 -0.7407349445690479 -0.8428887698508307 -0.9078957495755928 -0.9914761520788696 -1.050291990877469 -1.110655614907609 -1.0982733330552745 -1.0626742727298033 -1.1162191601876565 -1.1942360174108857 -0.9961195077734918 -0.582860850951756 -0.45439467673375494 +36729,-0.11852528148912447,2,-0.04887494606973151 -0.2624693080225413 -0.4389168244183392 -0.582860850951756 -0.6122687703510556 -0.6633456829919426 -0.7407349445690479 -0.8428887698508307 -0.9078957495755928 -0.9914761520788696 -1.050291990877469 -1.110655614907609 -1.0982733330552745 -1.0626742727298033 -1.1162191601876565 -1.1942360174108857 -0.9961195077734918 -0.582860850951756 -0.45439467673375494 -0.29187722742184097 +36730,-0.024110382365053955,2,-0.2624693080225413 -0.4389168244183392 -0.582860850951756 -0.6122687703510556 -0.6633456829919426 -0.7407349445690479 -0.8428887698508307 -0.9078957495755928 -0.9914761520788696 -1.050291990877469 -1.110655614907609 -1.0982733330552745 -1.0626742727298033 -1.1162191601876565 -1.1942360174108857 -0.9961195077734918 -0.582860850951756 -0.45439467673375494 -0.29187722742184097 -0.11852528148912447 +36731,-0.03494487898584764,2,-0.4389168244183392 -0.582860850951756 -0.6122687703510556 -0.6633456829919426 -0.7407349445690479 -0.8428887698508307 -0.9078957495755928 -0.9914761520788696 -1.050291990877469 -1.110655614907609 -1.0982733330552745 -1.0626742727298033 -1.1162191601876565 -1.1942360174108857 -0.9961195077734918 -0.582860850951756 -0.45439467673375494 -0.29187722742184097 -0.11852528148912447 -0.024110382365053955 +36732,-0.07363950977440026,2,-0.582860850951756 -0.6122687703510556 -0.6633456829919426 -0.7407349445690479 -0.8428887698508307 -0.9078957495755928 -0.9914761520788696 -1.050291990877469 -1.110655614907609 -1.0982733330552745 -1.0626742727298033 -1.1162191601876565 -1.1942360174108857 -0.9961195077734918 -0.582860850951756 -0.45439467673375494 -0.29187722742184097 -0.11852528148912447 -0.024110382365053955 -0.03494487898584764 +36733,-0.10614299963678131,2,-0.6122687703510556 -0.6633456829919426 -0.7407349445690479 -0.8428887698508307 -0.9078957495755928 -0.9914761520788696 -1.050291990877469 -1.110655614907609 -1.0982733330552745 -1.0626742727298033 -1.1162191601876565 -1.1942360174108857 -0.9961195077734918 -0.582860850951756 -0.45439467673375494 -0.29187722742184097 -0.11852528148912447 -0.024110382365053955 -0.03494487898584764 -0.07363950977440026 +36734,-0.273303804643335,2,-0.6633456829919426 -0.7407349445690479 -0.8428887698508307 -0.9078957495755928 -0.9914761520788696 -1.050291990877469 -1.110655614907609 -1.0982733330552745 -1.0626742727298033 -1.1162191601876565 -1.1942360174108857 -0.9961195077734918 -0.582860850951756 -0.45439467673375494 -0.29187722742184097 -0.11852528148912447 -0.024110382365053955 -0.03494487898584764 -0.07363950977440026 -0.10614299963678131 +36735,-0.41879561640829255,2,-0.7407349445690479 -0.8428887698508307 -0.9078957495755928 -0.9914761520788696 -1.050291990877469 -1.110655614907609 -1.0982733330552745 -1.0626742727298033 -1.1162191601876565 -1.1942360174108857 -0.9961195077734918 -0.582860850951756 -0.45439467673375494 -0.29187722742184097 -0.11852528148912447 -0.024110382365053955 -0.03494487898584764 -0.07363950977440026 -0.10614299963678131 -0.273303804643335 +36736,-0.5008282336800198,2,-0.8428887698508307 -0.9078957495755928 -0.9914761520788696 -1.050291990877469 -1.110655614907609 -1.0982733330552745 -1.0626742727298033 -1.1162191601876565 -1.1942360174108857 -0.9961195077734918 -0.582860850951756 -0.45439467673375494 -0.29187722742184097 -0.11852528148912447 -0.024110382365053955 -0.03494487898584764 -0.07363950977440026 -0.10614299963678131 -0.273303804643335 -0.41879561640829255 +36737,-0.6370333340557244,2,-0.9078957495755928 -0.9914761520788696 -1.050291990877469 -1.110655614907609 -1.0982733330552745 -1.0626742727298033 -1.1162191601876565 -1.1942360174108857 -0.9961195077734918 -0.582860850951756 -0.45439467673375494 -0.29187722742184097 -0.11852528148912447 -0.024110382365053955 -0.03494487898584764 -0.07363950977440026 -0.10614299963678131 -0.273303804643335 -0.41879561640829255 -0.5008282336800198 +36738,-0.6973969580858732,2,-0.9914761520788696 -1.050291990877469 -1.110655614907609 -1.0982733330552745 -1.0626742727298033 -1.1162191601876565 -1.1942360174108857 -0.9961195077734918 -0.582860850951756 -0.45439467673375494 -0.29187722742184097 -0.11852528148912447 -0.024110382365053955 -0.03494487898584764 -0.07363950977440026 -0.10614299963678131 -0.273303804643335 -0.41879561640829255 -0.5008282336800198 -0.6370333340557244 +36739,-0.6385811192872651,2,-1.050291990877469 -1.110655614907609 -1.0982733330552745 -1.0626742727298033 -1.1162191601876565 -1.1942360174108857 -0.9961195077734918 -0.582860850951756 -0.45439467673375494 -0.29187722742184097 -0.11852528148912447 -0.024110382365053955 -0.03494487898584764 -0.07363950977440026 -0.10614299963678131 -0.273303804643335 -0.41879561640829255 -0.5008282336800198 -0.6370333340557244 -0.6973969580858732 +36740,-0.6912058171597016,2,-1.110655614907609 -1.0982733330552745 -1.0626742727298033 -1.1162191601876565 -1.1942360174108857 -0.9961195077734918 -0.582860850951756 -0.45439467673375494 -0.29187722742184097 -0.11852528148912447 -0.024110382365053955 -0.03494487898584764 -0.07363950977440026 -0.10614299963678131 -0.273303804643335 -0.41879561640829255 -0.5008282336800198 -0.6370333340557244 -0.6973969580858732 -0.6385811192872651 +36741,-0.7422827298005886,2,-1.0982733330552745 -1.0626742727298033 -1.1162191601876565 -1.1942360174108857 -0.9961195077734918 -0.582860850951756 -0.45439467673375494 -0.29187722742184097 -0.11852528148912447 -0.024110382365053955 -0.03494487898584764 -0.07363950977440026 -0.10614299963678131 -0.273303804643335 -0.41879561640829255 -0.5008282336800198 -0.6370333340557244 -0.6973969580858732 -0.6385811192872651 -0.6912058171597016 +36742,-0.8103852799884409,2,-1.0626742727298033 -1.1162191601876565 -1.1942360174108857 -0.9961195077734918 -0.582860850951756 -0.45439467673375494 -0.29187722742184097 -0.11852528148912447 -0.024110382365053955 -0.03494487898584764 -0.07363950977440026 -0.10614299963678131 -0.273303804643335 -0.41879561640829255 -0.5008282336800198 -0.6370333340557244 -0.6973969580858732 -0.6385811192872651 -0.6912058171597016 -0.7422827298005886 +36743,-0.7871685015153128,2,-1.1162191601876565 -1.1942360174108857 -0.9961195077734918 -0.582860850951756 -0.45439467673375494 -0.29187722742184097 -0.11852528148912447 -0.024110382365053955 -0.03494487898584764 -0.07363950977440026 -0.10614299963678131 -0.273303804643335 -0.41879561640829255 -0.5008282336800198 -0.6370333340557244 -0.6973969580858732 -0.6385811192872651 -0.6912058171597016 -0.7422827298005886 -0.8103852799884409 +36744,-0.7654995082737255,2,-1.1942360174108857 -0.9961195077734918 -0.582860850951756 -0.45439467673375494 -0.29187722742184097 -0.11852528148912447 -0.024110382365053955 -0.03494487898584764 -0.07363950977440026 -0.10614299963678131 -0.273303804643335 -0.41879561640829255 -0.5008282336800198 -0.6370333340557244 -0.6973969580858732 -0.6385811192872651 -0.6912058171597016 -0.7422827298005886 -0.8103852799884409 -0.7871685015153128 +36745,-0.8041941390622781,2,-0.9961195077734918 -0.582860850951756 -0.45439467673375494 -0.29187722742184097 -0.11852528148912447 -0.024110382365053955 -0.03494487898584764 -0.07363950977440026 -0.10614299963678131 -0.273303804643335 -0.41879561640829255 -0.5008282336800198 -0.6370333340557244 -0.6973969580858732 -0.6385811192872651 -0.6912058171597016 -0.7422827298005886 -0.8103852799884409 -0.7871685015153128 -0.7654995082737255 +36746,-0.8181242061461532,2,-0.582860850951756 -0.45439467673375494 -0.29187722742184097 -0.11852528148912447 -0.024110382365053955 -0.03494487898584764 -0.07363950977440026 -0.10614299963678131 -0.273303804643335 -0.41879561640829255 -0.5008282336800198 -0.6370333340557244 -0.6973969580858732 -0.6385811192872651 -0.6912058171597016 -0.7422827298005886 -0.8103852799884409 -0.7871685015153128 -0.7654995082737255 -0.8041941390622781 +36747,-0.8150286356830718,2,-0.45439467673375494 -0.29187722742184097 -0.11852528148912447 -0.024110382365053955 -0.03494487898584764 -0.07363950977440026 -0.10614299963678131 -0.273303804643335 -0.41879561640829255 -0.5008282336800198 -0.6370333340557244 -0.6973969580858732 -0.6385811192872651 -0.6912058171597016 -0.7422827298005886 -0.8103852799884409 -0.7871685015153128 -0.7654995082737255 -0.8041941390622781 -0.8181242061461532 +36748,-0.8320542732300282,2,-0.29187722742184097 -0.11852528148912447 -0.024110382365053955 -0.03494487898584764 -0.07363950977440026 -0.10614299963678131 -0.273303804643335 -0.41879561640829255 -0.5008282336800198 -0.6370333340557244 -0.6973969580858732 -0.6385811192872651 -0.6912058171597016 -0.7422827298005886 -0.8103852799884409 -0.7871685015153128 -0.7654995082737255 -0.8041941390622781 -0.8181242061461532 -0.8150286356830718 +36749,-0.7654995082737255,2,-0.11852528148912447 -0.024110382365053955 -0.03494487898584764 -0.07363950977440026 -0.10614299963678131 -0.273303804643335 -0.41879561640829255 -0.5008282336800198 -0.6370333340557244 -0.6973969580858732 -0.6385811192872651 -0.6912058171597016 -0.7422827298005886 -0.8103852799884409 -0.7871685015153128 -0.7654995082737255 -0.8041941390622781 -0.8181242061461532 -0.8150286356830718 -0.8320542732300282 +36750,-0.6973969580858732,2,-0.024110382365053955 -0.03494487898584764 -0.07363950977440026 -0.10614299963678131 -0.273303804643335 -0.41879561640829255 -0.5008282336800198 -0.6370333340557244 -0.6973969580858732 -0.6385811192872651 -0.6912058171597016 -0.7422827298005886 -0.8103852799884409 -0.7871685015153128 -0.7654995082737255 -0.8041941390622781 -0.8181242061461532 -0.8150286356830718 -0.8320542732300282 -0.7654995082737255 +36751,-0.46677695858609813,2,-0.03494487898584764 -0.07363950977440026 -0.10614299963678131 -0.273303804643335 -0.41879561640829255 -0.5008282336800198 -0.6370333340557244 -0.6973969580858732 -0.6385811192872651 -0.6912058171597016 -0.7422827298005886 -0.8103852799884409 -0.7871685015153128 -0.7654995082737255 -0.8041941390622781 -0.8181242061461532 -0.8150286356830718 -0.8320542732300282 -0.7654995082737255 -0.6973969580858732 +36752,-0.22687024769707007,2,-0.07363950977440026 -0.10614299963678131 -0.273303804643335 -0.41879561640829255 -0.5008282336800198 -0.6370333340557244 -0.6973969580858732 -0.6385811192872651 -0.6912058171597016 -0.7422827298005886 -0.8103852799884409 -0.7871685015153128 -0.7654995082737255 -0.8041941390622781 -0.8181242061461532 -0.8150286356830718 -0.8320542732300282 -0.7654995082737255 -0.6973969580858732 -0.46677695858609813 +36753,-0.1076907848683308,2,-0.10614299963678131 -0.273303804643335 -0.41879561640829255 -0.5008282336800198 -0.6370333340557244 -0.6973969580858732 -0.6385811192872651 -0.6912058171597016 -0.7422827298005886 -0.8103852799884409 -0.7871685015153128 -0.7654995082737255 -0.8041941390622781 -0.8181242061461532 -0.8150286356830718 -0.8320542732300282 -0.7654995082737255 -0.6973969580858732 -0.46677695858609813 -0.22687024769707007 +36754,-0.05970944269052519,2,-0.273303804643335 -0.41879561640829255 -0.5008282336800198 -0.6370333340557244 -0.6973969580858732 -0.6385811192872651 -0.6912058171597016 -0.7422827298005886 -0.8103852799884409 -0.7871685015153128 -0.7654995082737255 -0.8041941390622781 -0.8181242061461532 -0.8150286356830718 -0.8320542732300282 -0.7654995082737255 -0.6973969580858732 -0.46677695858609813 -0.22687024769707007 -0.1076907848683308 +36755,-0.04577937560664132,2,-0.41879561640829255 -0.5008282336800198 -0.6370333340557244 -0.6973969580858732 -0.6385811192872651 -0.6912058171597016 -0.7422827298005886 -0.8103852799884409 -0.7871685015153128 -0.7654995082737255 -0.8041941390622781 -0.8181242061461532 -0.8150286356830718 -0.8320542732300282 -0.7654995082737255 -0.6973969580858732 -0.46677695858609813 -0.22687024769707007 -0.1076907848683308 -0.05970944269052519 +36756,-0.030301523291225544,2,-0.5008282336800198 -0.6370333340557244 -0.6973969580858732 -0.6385811192872651 -0.6912058171597016 -0.7422827298005886 -0.8103852799884409 -0.7871685015153128 -0.7654995082737255 -0.8041941390622781 -0.8181242061461532 -0.8150286356830718 -0.8320542732300282 -0.7654995082737255 -0.6973969580858732 -0.46677695858609813 -0.22687024769707007 -0.1076907848683308 -0.05970944269052519 -0.04577937560664132 +36757,-0.13709870426763043,2,-0.6370333340557244 -0.6973969580858732 -0.6385811192872651 -0.6912058171597016 -0.7422827298005886 -0.8103852799884409 -0.7871685015153128 -0.7654995082737255 -0.8041941390622781 -0.8181242061461532 -0.8150286356830718 -0.8320542732300282 -0.7654995082737255 -0.6973969580858732 -0.46677695858609813 -0.22687024769707007 -0.1076907848683308 -0.05970944269052519 -0.04577937560664132 -0.030301523291225544 +36758,-0.2624693080225413,2,-0.6973969580858732 -0.6385811192872651 -0.6912058171597016 -0.7422827298005886 -0.8103852799884409 -0.7871685015153128 -0.7654995082737255 -0.8041941390622781 -0.8181242061461532 -0.8150286356830718 -0.8320542732300282 -0.7654995082737255 -0.6973969580858732 -0.46677695858609813 -0.22687024769707007 -0.1076907848683308 -0.05970944269052519 -0.04577937560664132 -0.030301523291225544 -0.13709870426763043 +36759,-0.35997977760969324,2,-0.6385811192872651 -0.6912058171597016 -0.7422827298005886 -0.8103852799884409 -0.7871685015153128 -0.7654995082737255 -0.8041941390622781 -0.8181242061461532 -0.8150286356830718 -0.8320542732300282 -0.7654995082737255 -0.6973969580858732 -0.46677695858609813 -0.22687024769707007 -0.1076907848683308 -0.05970944269052519 -0.04577937560664132 -0.030301523291225544 -0.13709870426763043 -0.2624693080225413 +36760,-0.3770054151566497,2,-0.6912058171597016 -0.7422827298005886 -0.8103852799884409 -0.7871685015153128 -0.7654995082737255 -0.8041941390622781 -0.8181242061461532 -0.8150286356830718 -0.8320542732300282 -0.7654995082737255 -0.6973969580858732 -0.46677695858609813 -0.22687024769707007 -0.1076907848683308 -0.05970944269052519 -0.04577937560664132 -0.030301523291225544 -0.13709870426763043 -0.2624693080225413 -0.35997977760969324 +36761,-0.4373690391867985,2,-0.7422827298005886 -0.8103852799884409 -0.7871685015153128 -0.7654995082737255 -0.8041941390622781 -0.8181242061461532 -0.8150286356830718 -0.8320542732300282 -0.7654995082737255 -0.6973969580858732 -0.46677695858609813 -0.22687024769707007 -0.1076907848683308 -0.05970944269052519 -0.04577937560664132 -0.030301523291225544 -0.13709870426763043 -0.2624693080225413 -0.35997977760969324 -0.3770054151566497 +36762,-0.4420123948814206,2,-0.8103852799884409 -0.7871685015153128 -0.7654995082737255 -0.8041941390622781 -0.8181242061461532 -0.8150286356830718 -0.8320542732300282 -0.7654995082737255 -0.6973969580858732 -0.46677695858609813 -0.22687024769707007 -0.1076907848683308 -0.05970944269052519 -0.04577937560664132 -0.030301523291225544 -0.13709870426763043 -0.2624693080225413 -0.35997977760969324 -0.3770054151566497 -0.4373690391867985 +36763,-0.3801009856197399,2,-0.7871685015153128 -0.7654995082737255 -0.8041941390622781 -0.8181242061461532 -0.8150286356830718 -0.8320542732300282 -0.7654995082737255 -0.6973969580858732 -0.46677695858609813 -0.22687024769707007 -0.1076907848683308 -0.05970944269052519 -0.04577937560664132 -0.030301523291225544 -0.13709870426763043 -0.2624693080225413 -0.35997977760969324 -0.3770054151566497 -0.4373690391867985 -0.4420123948814206 +36764,-0.333667428673475,2,-0.7654995082737255 -0.8041941390622781 -0.8181242061461532 -0.8150286356830718 -0.8320542732300282 -0.7654995082737255 -0.6973969580858732 -0.46677695858609813 -0.22687024769707007 -0.1076907848683308 -0.05970944269052519 -0.04577937560664132 -0.030301523291225544 -0.13709870426763043 -0.2624693080225413 -0.35997977760969324 -0.3770054151566497 -0.4373690391867985 -0.4420123948814206 -0.3801009856197399 +36765,-0.3801009856197399,2,-0.8041941390622781 -0.8181242061461532 -0.8150286356830718 -0.8320542732300282 -0.7654995082737255 -0.6973969580858732 -0.46677695858609813 -0.22687024769707007 -0.1076907848683308 -0.05970944269052519 -0.04577937560664132 -0.030301523291225544 -0.13709870426763043 -0.2624693080225413 -0.35997977760969324 -0.3770054151566497 -0.4373690391867985 -0.4420123948814206 -0.3801009856197399 -0.333667428673475 +36766,-0.3785532003881992,2,-0.8181242061461532 -0.8150286356830718 -0.8320542732300282 -0.7654995082737255 -0.6973969580858732 -0.46677695858609813 -0.22687024769707007 -0.1076907848683308 -0.05970944269052519 -0.04577937560664132 -0.030301523291225544 -0.13709870426763043 -0.2624693080225413 -0.35997977760969324 -0.3770054151566497 -0.4373690391867985 -0.4420123948814206 -0.3801009856197399 -0.333667428673475 -0.3801009856197399 +36767,-0.36617091853585604,2,-0.8150286356830718 -0.8320542732300282 -0.7654995082737255 -0.6973969580858732 -0.46677695858609813 -0.22687024769707007 -0.1076907848683308 -0.05970944269052519 -0.04577937560664132 -0.030301523291225544 -0.13709870426763043 -0.2624693080225413 -0.35997977760969324 -0.3770054151566497 -0.4373690391867985 -0.4420123948814206 -0.3801009856197399 -0.333667428673475 -0.3801009856197399 -0.3785532003881992 +36768,-0.40641333455594936,2,-0.8320542732300282 -0.7654995082737255 -0.6973969580858732 -0.46677695858609813 -0.22687024769707007 -0.1076907848683308 -0.05970944269052519 -0.04577937560664132 -0.030301523291225544 -0.13709870426763043 -0.2624693080225413 -0.35997977760969324 -0.3770054151566497 -0.4373690391867985 -0.4420123948814206 -0.3801009856197399 -0.333667428673475 -0.3801009856197399 -0.3785532003881992 -0.36617091853585604 +36769,-0.41879561640829255,2,-0.7654995082737255 -0.6973969580858732 -0.46677695858609813 -0.22687024769707007 -0.1076907848683308 -0.05970944269052519 -0.04577937560664132 -0.030301523291225544 -0.13709870426763043 -0.2624693080225413 -0.35997977760969324 -0.3770054151566497 -0.4373690391867985 -0.4420123948814206 -0.3801009856197399 -0.333667428673475 -0.3801009856197399 -0.3785532003881992 -0.36617091853585604 -0.40641333455594936 +36770,-0.445107965344502,2,-0.6973969580858732 -0.46677695858609813 -0.22687024769707007 -0.1076907848683308 -0.05970944269052519 -0.04577937560664132 -0.030301523291225544 -0.13709870426763043 -0.2624693080225413 -0.35997977760969324 -0.3770054151566497 -0.4373690391867985 -0.4420123948814206 -0.3801009856197399 -0.333667428673475 -0.3801009856197399 -0.3785532003881992 -0.36617091853585604 -0.40641333455594936 -0.41879561640829255 +36771,-0.44665575057605145,2,-0.46677695858609813 -0.22687024769707007 -0.1076907848683308 -0.05970944269052519 -0.04577937560664132 -0.030301523291225544 -0.13709870426763043 -0.2624693080225413 -0.35997977760969324 -0.3770054151566497 -0.4373690391867985 -0.4420123948814206 -0.3801009856197399 -0.333667428673475 -0.3801009856197399 -0.3785532003881992 -0.36617091853585604 -0.40641333455594936 -0.41879561640829255 -0.445107965344502 +36772,-0.4868981665961448,2,-0.22687024769707007 -0.1076907848683308 -0.05970944269052519 -0.04577937560664132 -0.030301523291225544 -0.13709870426763043 -0.2624693080225413 -0.35997977760969324 -0.3770054151566497 -0.4373690391867985 -0.4420123948814206 -0.3801009856197399 -0.333667428673475 -0.3801009856197399 -0.3785532003881992 -0.36617091853585604 -0.40641333455594936 -0.41879561640829255 -0.445107965344502 -0.44665575057605145 +36773,-0.4095089050190395,2,-0.1076907848683308 -0.05970944269052519 -0.04577937560664132 -0.030301523291225544 -0.13709870426763043 -0.2624693080225413 -0.35997977760969324 -0.3770054151566497 -0.4373690391867985 -0.4420123948814206 -0.3801009856197399 -0.333667428673475 -0.3801009856197399 -0.3785532003881992 -0.36617091853585604 -0.40641333455594936 -0.41879561640829255 -0.445107965344502 -0.44665575057605145 -0.4868981665961448 +36774,-0.2206791067708985,2,-0.05970944269052519 -0.04577937560664132 -0.030301523291225544 -0.13709870426763043 -0.2624693080225413 -0.35997977760969324 -0.3770054151566497 -0.4373690391867985 -0.4420123948814206 -0.3801009856197399 -0.333667428673475 -0.3801009856197399 -0.3785532003881992 -0.36617091853585604 -0.40641333455594936 -0.41879561640829255 -0.445107965344502 -0.44665575057605145 -0.4868981665961448 -0.4095089050190395 +36775,-0.2067490396870234,2,-0.04577937560664132 -0.030301523291225544 -0.13709870426763043 -0.2624693080225413 -0.35997977760969324 -0.3770054151566497 -0.4373690391867985 -0.4420123948814206 -0.3801009856197399 -0.333667428673475 -0.3801009856197399 -0.3785532003881992 -0.36617091853585604 -0.40641333455594936 -0.41879561640829255 -0.445107965344502 -0.44665575057605145 -0.4868981665961448 -0.4095089050190395 -0.2206791067708985 +36776,-0.13709870426763043,2,-0.030301523291225544 -0.13709870426763043 -0.2624693080225413 -0.35997977760969324 -0.3770054151566497 -0.4373690391867985 -0.4420123948814206 -0.3801009856197399 -0.333667428673475 -0.3801009856197399 -0.3785532003881992 -0.36617091853585604 -0.40641333455594936 -0.41879561640829255 -0.445107965344502 -0.44665575057605145 -0.4868981665961448 -0.4095089050190395 -0.2206791067708985 -0.2067490396870234 +36777,-0.04887494606973151,2,-0.13709870426763043 -0.2624693080225413 -0.35997977760969324 -0.3770054151566497 -0.4373690391867985 -0.4420123948814206 -0.3801009856197399 -0.333667428673475 -0.3801009856197399 -0.3785532003881992 -0.36617091853585604 -0.40641333455594936 -0.41879561640829255 -0.445107965344502 -0.44665575057605145 -0.4868981665961448 -0.4095089050190395 -0.2206791067708985 -0.2067490396870234 -0.13709870426763043 +36778,-0.05970944269052519,2,-0.2624693080225413 -0.35997977760969324 -0.3770054151566497 -0.4373690391867985 -0.4420123948814206 -0.3801009856197399 -0.333667428673475 -0.3801009856197399 -0.3785532003881992 -0.36617091853585604 -0.40641333455594936 -0.41879561640829255 -0.445107965344502 -0.44665575057605145 -0.4868981665961448 -0.4095089050190395 -0.2206791067708985 -0.2067490396870234 -0.13709870426763043 -0.04887494606973151 +36779,0.014584248423498673,2,-0.35997977760969324 -0.3770054151566497 -0.4373690391867985 -0.4420123948814206 -0.3801009856197399 -0.333667428673475 -0.3801009856197399 -0.3785532003881992 -0.36617091853585604 -0.40641333455594936 -0.41879561640829255 -0.445107965344502 -0.44665575057605145 -0.4868981665961448 -0.4095089050190395 -0.2206791067708985 -0.2067490396870234 -0.13709870426763043 -0.04887494606973151 -0.05970944269052519 +36780,-0.058161657458975696,2,-0.3770054151566497 -0.4373690391867985 -0.4420123948814206 -0.3801009856197399 -0.333667428673475 -0.3801009856197399 -0.3785532003881992 -0.36617091853585604 -0.40641333455594936 -0.41879561640829255 -0.445107965344502 -0.44665575057605145 -0.4868981665961448 -0.4095089050190395 -0.2206791067708985 -0.2067490396870234 -0.13709870426763043 -0.04887494606973151 -0.05970944269052519 0.014584248423498673 +36781,-0.12781199287837747,2,-0.4373690391867985 -0.4420123948814206 -0.3801009856197399 -0.333667428673475 -0.3801009856197399 -0.3785532003881992 -0.36617091853585604 -0.40641333455594936 -0.41879561640829255 -0.445107965344502 -0.44665575057605145 -0.4868981665961448 -0.4095089050190395 -0.2206791067708985 -0.2067490396870234 -0.13709870426763043 -0.04887494606973151 -0.05970944269052519 0.014584248423498673 -0.058161657458975696 +36782,-0.2067490396870234,2,-0.4420123948814206 -0.3801009856197399 -0.333667428673475 -0.3801009856197399 -0.3785532003881992 -0.36617091853585604 -0.40641333455594936 -0.41879561640829255 -0.445107965344502 -0.44665575057605145 -0.4868981665961448 -0.4095089050190395 -0.2206791067708985 -0.2067490396870234 -0.13709870426763043 -0.04887494606973151 -0.05970944269052519 0.014584248423498673 -0.058161657458975696 -0.12781199287837747 +36783,-0.3119984354318876,2,-0.3801009856197399 -0.333667428673475 -0.3801009856197399 -0.3785532003881992 -0.36617091853585604 -0.40641333455594936 -0.41879561640829255 -0.445107965344502 -0.44665575057605145 -0.4868981665961448 -0.4095089050190395 -0.2206791067708985 -0.2067490396870234 -0.13709870426763043 -0.04887494606973151 -0.05970944269052519 0.014584248423498673 -0.058161657458975696 -0.12781199287837747 -0.2067490396870234 +36784,-0.3119984354318876,2,-0.333667428673475 -0.3801009856197399 -0.3785532003881992 -0.36617091853585604 -0.40641333455594936 -0.41879561640829255 -0.445107965344502 -0.44665575057605145 -0.4868981665961448 -0.4095089050190395 -0.2206791067708985 -0.2067490396870234 -0.13709870426763043 -0.04887494606973151 -0.05970944269052519 0.014584248423498673 -0.058161657458975696 -0.12781199287837747 -0.2067490396870234 -0.3119984354318876 +36785,-0.30425950927417533,2,-0.3801009856197399 -0.3785532003881992 -0.36617091853585604 -0.40641333455594936 -0.41879561640829255 -0.445107965344502 -0.44665575057605145 -0.4868981665961448 -0.4095089050190395 -0.2206791067708985 -0.2067490396870234 -0.13709870426763043 -0.04887494606973151 -0.05970944269052519 0.014584248423498673 -0.058161657458975696 -0.12781199287837747 -0.2067490396870234 -0.3119984354318876 -0.3119984354318876 +36786,-0.30116393881109393,2,-0.3785532003881992 -0.36617091853585604 -0.40641333455594936 -0.41879561640829255 -0.445107965344502 -0.44665575057605145 -0.4868981665961448 -0.4095089050190395 -0.2206791067708985 -0.2067490396870234 -0.13709870426763043 -0.04887494606973151 -0.05970944269052519 0.014584248423498673 -0.058161657458975696 -0.12781199287837747 -0.2067490396870234 -0.3119984354318876 -0.3119984354318876 -0.30425950927417533 +36787,-0.30580729450571603,2,-0.36617091853585604 -0.40641333455594936 -0.41879561640829255 -0.445107965344502 -0.44665575057605145 -0.4868981665961448 -0.4095089050190395 -0.2206791067708985 -0.2067490396870234 -0.13709870426763043 -0.04887494606973151 -0.05970944269052519 0.014584248423498673 -0.058161657458975696 -0.12781199287837747 -0.2067490396870234 -0.3119984354318876 -0.3119984354318876 -0.30425950927417533 -0.30116393881109393 +36788,-0.30425950927417533,2,-0.40641333455594936 -0.41879561640829255 -0.445107965344502 -0.44665575057605145 -0.4868981665961448 -0.4095089050190395 -0.2206791067708985 -0.2067490396870234 -0.13709870426763043 -0.04887494606973151 -0.05970944269052519 0.014584248423498673 -0.058161657458975696 -0.12781199287837747 -0.2067490396870234 -0.3119984354318876 -0.3119984354318876 -0.30425950927417533 -0.30116393881109393 -0.30580729450571603 +36789,-0.3739098446935683,2,-0.41879561640829255 -0.445107965344502 -0.44665575057605145 -0.4868981665961448 -0.4095089050190395 -0.2206791067708985 -0.2067490396870234 -0.13709870426763043 -0.04887494606973151 -0.05970944269052519 0.014584248423498673 -0.058161657458975696 -0.12781199287837747 -0.2067490396870234 -0.3119984354318876 -0.3119984354318876 -0.30425950927417533 -0.30116393881109393 -0.30580729450571603 -0.30425950927417533 +36790,-0.41724783117675185,2,-0.445107965344502 -0.44665575057605145 -0.4868981665961448 -0.4095089050190395 -0.2206791067708985 -0.2067490396870234 -0.13709870426763043 -0.04887494606973151 -0.05970944269052519 0.014584248423498673 -0.058161657458975696 -0.12781199287837747 -0.2067490396870234 -0.3119984354318876 -0.3119984354318876 -0.30425950927417533 -0.30116393881109393 -0.30580729450571603 -0.30425950927417533 -0.3739098446935683 +36791,-0.40486554932440866,2,-0.44665575057605145 -0.4868981665961448 -0.4095089050190395 -0.2206791067708985 -0.2067490396870234 -0.13709870426763043 -0.04887494606973151 -0.05970944269052519 0.014584248423498673 -0.058161657458975696 -0.12781199287837747 -0.2067490396870234 -0.3119984354318876 -0.3119984354318876 -0.30425950927417533 -0.30116393881109393 -0.30580729450571603 -0.30425950927417533 -0.3739098446935683 -0.41724783117675185 +36792,-0.4838025961330546,2,-0.4868981665961448 -0.4095089050190395 -0.2206791067708985 -0.2067490396870234 -0.13709870426763043 -0.04887494606973151 -0.05970944269052519 0.014584248423498673 -0.058161657458975696 -0.12781199287837747 -0.2067490396870234 -0.3119984354318876 -0.3119984354318876 -0.30425950927417533 -0.30116393881109393 -0.30580729450571603 -0.30425950927417533 -0.3739098446935683 -0.41724783117675185 -0.40486554932440866 +36793,-0.3909354822405336,2,-0.4095089050190395 -0.2206791067708985 -0.2067490396870234 -0.13709870426763043 -0.04887494606973151 -0.05970944269052519 0.014584248423498673 -0.058161657458975696 -0.12781199287837747 -0.2067490396870234 -0.3119984354318876 -0.3119984354318876 -0.30425950927417533 -0.30116393881109393 -0.30580729450571603 -0.30425950927417533 -0.3739098446935683 -0.41724783117675185 -0.40486554932440866 -0.4838025961330546 +36794,-0.536427294005491,2,-0.2206791067708985 -0.2067490396870234 -0.13709870426763043 -0.04887494606973151 -0.05970944269052519 0.014584248423498673 -0.058161657458975696 -0.12781199287837747 -0.2067490396870234 -0.3119984354318876 -0.3119984354318876 -0.30425950927417533 -0.30116393881109393 -0.30580729450571603 -0.30425950927417533 -0.3739098446935683 -0.41724783117675185 -0.40486554932440866 -0.4838025961330546 -0.3909354822405336 +36795,-0.5611918577101599,2,-0.2067490396870234 -0.13709870426763043 -0.04887494606973151 -0.05970944269052519 0.014584248423498673 -0.058161657458975696 -0.12781199287837747 -0.2067490396870234 -0.3119984354318876 -0.3119984354318876 -0.30425950927417533 -0.30116393881109393 -0.30580729450571603 -0.30425950927417533 -0.3739098446935683 -0.41724783117675185 -0.40486554932440866 -0.4838025961330546 -0.3909354822405336 -0.536427294005491 +36796,-0.4838025961330546,2,-0.13709870426763043 -0.04887494606973151 -0.05970944269052519 0.014584248423498673 -0.058161657458975696 -0.12781199287837747 -0.2067490396870234 -0.3119984354318876 -0.3119984354318876 -0.30425950927417533 -0.30116393881109393 -0.30580729450571603 -0.30425950927417533 -0.3739098446935683 -0.41724783117675185 -0.40486554932440866 -0.4838025961330546 -0.3909354822405336 -0.536427294005491 -0.5611918577101599 +36797,-0.4296301130290862,2,-0.04887494606973151 -0.05970944269052519 0.014584248423498673 -0.058161657458975696 -0.12781199287837747 -0.2067490396870234 -0.3119984354318876 -0.3119984354318876 -0.30425950927417533 -0.30116393881109393 -0.30580729450571603 -0.30425950927417533 -0.3739098446935683 -0.41724783117675185 -0.40486554932440866 -0.4838025961330546 -0.3909354822405336 -0.536427294005491 -0.5611918577101599 -0.4838025961330546 +36798,-0.3212851468211406,2,-0.05970944269052519 0.014584248423498673 -0.058161657458975696 -0.12781199287837747 -0.2067490396870234 -0.3119984354318876 -0.3119984354318876 -0.30425950927417533 -0.30116393881109393 -0.30580729450571603 -0.30425950927417533 -0.3739098446935683 -0.41724783117675185 -0.40486554932440866 -0.4838025961330546 -0.3909354822405336 -0.536427294005491 -0.5611918577101599 -0.4838025961330546 -0.4296301130290862 +36799,-0.14948098611996483,2,0.014584248423498673 -0.058161657458975696 -0.12781199287837747 -0.2067490396870234 -0.3119984354318876 -0.3119984354318876 -0.30425950927417533 -0.30116393881109393 -0.30580729450571603 -0.30425950927417533 -0.3739098446935683 -0.41724783117675185 -0.40486554932440866 -0.4838025961330546 -0.3909354822405336 -0.536427294005491 -0.5611918577101599 -0.4838025961330546 -0.4296301130290862 -0.3212851468211406 +36800,-0.056613872227435,2,-0.058161657458975696 -0.12781199287837747 -0.2067490396870234 -0.3119984354318876 -0.3119984354318876 -0.30425950927417533 -0.30116393881109393 -0.30580729450571603 -0.30425950927417533 -0.3739098446935683 -0.41724783117675185 -0.40486554932440866 -0.4838025961330546 -0.3909354822405336 -0.536427294005491 -0.5611918577101599 -0.4838025961330546 -0.4296301130290862 -0.3212851468211406 -0.14948098611996483 +36801,0.02696653027583305,2,-0.12781199287837747 -0.2067490396870234 -0.3119984354318876 -0.3119984354318876 -0.30425950927417533 -0.30116393881109393 -0.30580729450571603 -0.30425950927417533 -0.3739098446935683 -0.41724783117675185 -0.40486554932440866 -0.4838025961330546 -0.3909354822405336 -0.536427294005491 -0.5611918577101599 -0.4838025961330546 -0.4296301130290862 -0.3212851468211406 -0.14948098611996483 -0.056613872227435 +36802,0.05792223490668219,2,-0.2067490396870234 -0.3119984354318876 -0.3119984354318876 -0.30425950927417533 -0.30116393881109393 -0.30580729450571603 -0.30425950927417533 -0.3739098446935683 -0.41724783117675185 -0.40486554932440866 -0.4838025961330546 -0.3909354822405336 -0.536427294005491 -0.5611918577101599 -0.4838025961330546 -0.4296301130290862 -0.3212851468211406 -0.14948098611996483 -0.056613872227435 0.02696653027583305 +36803,0.10280800662139761,2,-0.3119984354318876 -0.3119984354318876 -0.30425950927417533 -0.30116393881109393 -0.30580729450571603 -0.30425950927417533 -0.3739098446935683 -0.41724783117675185 -0.40486554932440866 -0.4838025961330546 -0.3909354822405336 -0.536427294005491 -0.5611918577101599 -0.4838025961330546 -0.4296301130290862 -0.3212851468211406 -0.14948098611996483 -0.056613872227435 0.02696653027583305 0.05792223490668219 +36804,0.008393107497327084,2,-0.3119984354318876 -0.30425950927417533 -0.30116393881109393 -0.30580729450571603 -0.30425950927417533 -0.3739098446935683 -0.41724783117675185 -0.40486554932440866 -0.4838025961330546 -0.3909354822405336 -0.536427294005491 -0.5611918577101599 -0.4838025961330546 -0.4296301130290862 -0.3212851468211406 -0.14948098611996483 -0.056613872227435 0.02696653027583305 0.05792223490668219 0.10280800662139761 +36805,-0.10614299963678131,2,-0.30425950927417533 -0.30116393881109393 -0.30580729450571603 -0.30425950927417533 -0.3739098446935683 -0.41724783117675185 -0.40486554932440866 -0.4838025961330546 -0.3909354822405336 -0.536427294005491 -0.5611918577101599 -0.4838025961330546 -0.4296301130290862 -0.3212851468211406 -0.14948098611996483 -0.056613872227435 0.02696653027583305 0.05792223490668219 0.10280800662139761 0.008393107497327084 +36806,-0.24234810001249465,2,-0.30116393881109393 -0.30580729450571603 -0.30425950927417533 -0.3739098446935683 -0.41724783117675185 -0.40486554932440866 -0.4838025961330546 -0.3909354822405336 -0.536427294005491 -0.5611918577101599 -0.4838025961330546 -0.4296301130290862 -0.3212851468211406 -0.14948098611996483 -0.056613872227435 0.02696653027583305 0.05792223490668219 0.10280800662139761 0.008393107497327084 -0.10614299963678131 +36807,-0.3212851468211406,2,-0.30580729450571603 -0.30425950927417533 -0.3739098446935683 -0.41724783117675185 -0.40486554932440866 -0.4838025961330546 -0.3909354822405336 -0.536427294005491 -0.5611918577101599 -0.4838025961330546 -0.4296301130290862 -0.3212851468211406 -0.14948098611996483 -0.056613872227435 0.02696653027583305 0.05792223490668219 0.10280800662139761 0.008393107497327084 -0.10614299963678131 -0.24234810001249465 +36808,-0.4280823277975455,2,-0.30425950927417533 -0.3739098446935683 -0.41724783117675185 -0.40486554932440866 -0.4838025961330546 -0.3909354822405336 -0.536427294005491 -0.5611918577101599 -0.4838025961330546 -0.4296301130290862 -0.3212851468211406 -0.14948098611996483 -0.056613872227435 0.02696653027583305 0.05792223490668219 0.10280800662139761 0.008393107497327084 -0.10614299963678131 -0.24234810001249465 -0.3212851468211406 +36809,-0.4946370927538571,2,-0.3739098446935683 -0.41724783117675185 -0.40486554932440866 -0.4838025961330546 -0.3909354822405336 -0.536427294005491 -0.5611918577101599 -0.4838025961330546 -0.4296301130290862 -0.3212851468211406 -0.14948098611996483 -0.056613872227435 0.02696653027583305 0.05792223490668219 0.10280800662139761 0.008393107497327084 -0.10614299963678131 -0.24234810001249465 -0.3212851468211406 -0.4280823277975455 +36810,-0.5379750792370318,2,-0.41724783117675185 -0.40486554932440866 -0.4838025961330546 -0.3909354822405336 -0.536427294005491 -0.5611918577101599 -0.4838025961330546 -0.4296301130290862 -0.3212851468211406 -0.14948098611996483 -0.056613872227435 0.02696653027583305 0.05792223490668219 0.10280800662139761 0.008393107497327084 -0.10614299963678131 -0.24234810001249465 -0.3212851468211406 -0.4280823277975455 -0.4946370927538571 +36811,-0.5611918577101599,2,-0.40486554932440866 -0.4838025961330546 -0.3909354822405336 -0.536427294005491 -0.5611918577101599 -0.4838025961330546 -0.4296301130290862 -0.3212851468211406 -0.14948098611996483 -0.056613872227435 0.02696653027583305 0.05792223490668219 0.10280800662139761 0.008393107497327084 -0.10614299963678131 -0.24234810001249465 -0.3212851468211406 -0.4280823277975455 -0.4946370927538571 -0.5379750792370318 +36812,-0.6370333340557244,2,-0.4838025961330546 -0.3909354822405336 -0.536427294005491 -0.5611918577101599 -0.4838025961330546 -0.4296301130290862 -0.3212851468211406 -0.14948098611996483 -0.056613872227435 0.02696653027583305 0.05792223490668219 0.10280800662139761 0.008393107497327084 -0.10614299963678131 -0.24234810001249465 -0.3212851468211406 -0.4280823277975455 -0.4946370927538571 -0.5379750792370318 -0.5611918577101599 +36813,-0.6370333340557244,2,-0.3909354822405336 -0.536427294005491 -0.5611918577101599 -0.4838025961330546 -0.4296301130290862 -0.3212851468211406 -0.14948098611996483 -0.056613872227435 0.02696653027583305 0.05792223490668219 0.10280800662139761 0.008393107497327084 -0.10614299963678131 -0.24234810001249465 -0.3212851468211406 -0.4280823277975455 -0.4946370927538571 -0.5379750792370318 -0.5611918577101599 -0.6370333340557244 +36814,-0.6633456829919426,2,-0.536427294005491 -0.5611918577101599 -0.4838025961330546 -0.4296301130290862 -0.3212851468211406 -0.14948098611996483 -0.056613872227435 0.02696653027583305 0.05792223490668219 0.10280800662139761 0.008393107497327084 -0.10614299963678131 -0.24234810001249465 -0.3212851468211406 -0.4280823277975455 -0.4946370927538571 -0.5379750792370318 -0.5611918577101599 -0.6370333340557244 -0.6370333340557244 +36815,-0.6509634011396083,2,-0.5611918577101599 -0.4838025961330546 -0.4296301130290862 -0.3212851468211406 -0.14948098611996483 -0.056613872227435 0.02696653027583305 0.05792223490668219 0.10280800662139761 0.008393107497327084 -0.10614299963678131 -0.24234810001249465 -0.3212851468211406 -0.4280823277975455 -0.4946370927538571 -0.5379750792370318 -0.5611918577101599 -0.6370333340557244 -0.6370333340557244 -0.6633456829919426 +36816,-0.601434273730262,2,-0.4838025961330546 -0.4296301130290862 -0.3212851468211406 -0.14948098611996483 -0.056613872227435 0.02696653027583305 0.05792223490668219 0.10280800662139761 0.008393107497327084 -0.10614299963678131 -0.24234810001249465 -0.3212851468211406 -0.4280823277975455 -0.4946370927538571 -0.5379750792370318 -0.5611918577101599 -0.6370333340557244 -0.6370333340557244 -0.6633456829919426 -0.6509634011396083 +36817,-0.5983387032671718,2,-0.4296301130290862 -0.3212851468211406 -0.14948098611996483 -0.056613872227435 0.02696653027583305 0.05792223490668219 0.10280800662139761 0.008393107497327084 -0.10614299963678131 -0.24234810001249465 -0.3212851468211406 -0.4280823277975455 -0.4946370927538571 -0.5379750792370318 -0.5611918577101599 -0.6370333340557244 -0.6370333340557244 -0.6633456829919426 -0.6509634011396083 -0.601434273730262 +36818,-0.5859564214148374,2,-0.3212851468211406 -0.14948098611996483 -0.056613872227435 0.02696653027583305 0.05792223490668219 0.10280800662139761 0.008393107497327084 -0.10614299963678131 -0.24234810001249465 -0.3212851468211406 -0.4280823277975455 -0.4946370927538571 -0.5379750792370318 -0.5611918577101599 -0.6370333340557244 -0.6370333340557244 -0.6633456829919426 -0.6509634011396083 -0.601434273730262 -0.5983387032671718 +36819,-0.573574139562503,2,-0.14948098611996483 -0.056613872227435 0.02696653027583305 0.05792223490668219 0.10280800662139761 0.008393107497327084 -0.10614299963678131 -0.24234810001249465 -0.3212851468211406 -0.4280823277975455 -0.4946370927538571 -0.5379750792370318 -0.5611918577101599 -0.6370333340557244 -0.6370333340557244 -0.6633456829919426 -0.6509634011396083 -0.601434273730262 -0.5983387032671718 -0.5859564214148374 +36820,-0.5255927973846974,2,-0.056613872227435 0.02696653027583305 0.05792223490668219 0.10280800662139761 0.008393107497327084 -0.10614299963678131 -0.24234810001249465 -0.3212851468211406 -0.4280823277975455 -0.4946370927538571 -0.5379750792370318 -0.5611918577101599 -0.6370333340557244 -0.6370333340557244 -0.6633456829919426 -0.6509634011396083 -0.601434273730262 -0.5983387032671718 -0.5859564214148374 -0.573574139562503 +36821,-0.4280823277975455,2,0.02696653027583305 0.05792223490668219 0.10280800662139761 0.008393107497327084 -0.10614299963678131 -0.24234810001249465 -0.3212851468211406 -0.4280823277975455 -0.4946370927538571 -0.5379750792370318 -0.5611918577101599 -0.6370333340557244 -0.6370333340557244 -0.6633456829919426 -0.6509634011396083 -0.601434273730262 -0.5983387032671718 -0.5859564214148374 -0.573574139562503 -0.5255927973846974 +36822,-0.3909354822405336,2,0.05792223490668219 0.10280800662139761 0.008393107497327084 -0.10614299963678131 -0.24234810001249465 -0.3212851468211406 -0.4280823277975455 -0.4946370927538571 -0.5379750792370318 -0.5611918577101599 -0.6370333340557244 -0.6370333340557244 -0.6633456829919426 -0.6509634011396083 -0.601434273730262 -0.5983387032671718 -0.5859564214148374 -0.573574139562503 -0.5255927973846974 -0.4280823277975455 +36823,-0.273303804643335,2,0.10280800662139761 0.008393107497327084 -0.10614299963678131 -0.24234810001249465 -0.3212851468211406 -0.4280823277975455 -0.4946370927538571 -0.5379750792370318 -0.5611918577101599 -0.6370333340557244 -0.6370333340557244 -0.6633456829919426 -0.6509634011396083 -0.601434273730262 -0.5983387032671718 -0.5859564214148374 -0.573574139562503 -0.5255927973846974 -0.4280823277975455 -0.3909354822405336 +36824,-0.09840407347907781,2,0.008393107497327084 -0.10614299963678131 -0.24234810001249465 -0.3212851468211406 -0.4280823277975455 -0.4946370927538571 -0.5379750792370318 -0.5611918577101599 -0.6370333340557244 -0.6370333340557244 -0.6633456829919426 -0.6509634011396083 -0.601434273730262 -0.5983387032671718 -0.5859564214148374 -0.573574139562503 -0.5255927973846974 -0.4280823277975455 -0.3909354822405336 -0.273303804643335 +36825,-0.008632530049629385,2,-0.10614299963678131 -0.24234810001249465 -0.3212851468211406 -0.4280823277975455 -0.4946370927538571 -0.5379750792370318 -0.5611918577101599 -0.6370333340557244 -0.6370333340557244 -0.6633456829919426 -0.6509634011396083 -0.601434273730262 -0.5983387032671718 -0.5859564214148374 -0.573574139562503 -0.5255927973846974 -0.4280823277975455 -0.3909354822405336 -0.273303804643335 -0.09840407347907781 +36826,-0.002441389123466596,2,-0.24234810001249465 -0.3212851468211406 -0.4280823277975455 -0.4946370927538571 -0.5379750792370318 -0.5611918577101599 -0.6370333340557244 -0.6370333340557244 -0.6633456829919426 -0.6509634011396083 -0.601434273730262 -0.5983387032671718 -0.5859564214148374 -0.573574139562503 -0.5255927973846974 -0.4280823277975455 -0.3909354822405336 -0.273303804643335 -0.09840407347907781 -0.008632530049629385 +36827,-0.011728100512719579,2,-0.3212851468211406 -0.4280823277975455 -0.4946370927538571 -0.5379750792370318 -0.5611918577101599 -0.6370333340557244 -0.6370333340557244 -0.6633456829919426 -0.6509634011396083 -0.601434273730262 -0.5983387032671718 -0.5859564214148374 -0.573574139562503 -0.5255927973846974 -0.4280823277975455 -0.3909354822405336 -0.273303804643335 -0.09840407347907781 -0.008632530049629385 -0.002441389123466596 +36828,-0.1634110532038399,2,-0.4280823277975455 -0.4946370927538571 -0.5379750792370318 -0.5611918577101599 -0.6370333340557244 -0.6370333340557244 -0.6633456829919426 -0.6509634011396083 -0.601434273730262 -0.5983387032671718 -0.5859564214148374 -0.573574139562503 -0.5255927973846974 -0.4280823277975455 -0.3909354822405336 -0.273303804643335 -0.09840407347907781 -0.008632530049629385 -0.002441389123466596 -0.011728100512719579 +36829,-0.36307534807277464,2,-0.4946370927538571 -0.5379750792370318 -0.5611918577101599 -0.6370333340557244 -0.6370333340557244 -0.6633456829919426 -0.6509634011396083 -0.601434273730262 -0.5983387032671718 -0.5859564214148374 -0.573574139562503 -0.5255927973846974 -0.4280823277975455 -0.3909354822405336 -0.273303804643335 -0.09840407347907781 -0.008632530049629385 -0.002441389123466596 -0.011728100512719579 -0.1634110532038399 +36830,-0.2516348114017388,2,-0.5379750792370318 -0.5611918577101599 -0.6370333340557244 -0.6370333340557244 -0.6633456829919426 -0.6509634011396083 -0.601434273730262 -0.5983387032671718 -0.5859564214148374 -0.573574139562503 -0.5255927973846974 -0.4280823277975455 -0.3909354822405336 -0.273303804643335 -0.09840407347907781 -0.008632530049629385 -0.002441389123466596 -0.011728100512719579 -0.1634110532038399 -0.36307534807277464 +36831,-0.33985856959964655,2,-0.5611918577101599 -0.6370333340557244 -0.6370333340557244 -0.6633456829919426 -0.6509634011396083 -0.601434273730262 -0.5983387032671718 -0.5859564214148374 -0.573574139562503 -0.5255927973846974 -0.4280823277975455 -0.3909354822405336 -0.273303804643335 -0.09840407347907781 -0.008632530049629385 -0.002441389123466596 -0.011728100512719579 -0.1634110532038399 -0.36307534807277464 -0.2516348114017388 +36832,-0.4992804484484792,2,-0.6370333340557244 -0.6370333340557244 -0.6633456829919426 -0.6509634011396083 -0.601434273730262 -0.5983387032671718 -0.5859564214148374 -0.573574139562503 -0.5255927973846974 -0.4280823277975455 -0.3909354822405336 -0.273303804643335 -0.09840407347907781 -0.008632530049629385 -0.002441389123466596 -0.011728100512719579 -0.1634110532038399 -0.36307534807277464 -0.2516348114017388 -0.33985856959964655 +36833,-0.5720263543309624,2,-0.6370333340557244 -0.6633456829919426 -0.6509634011396083 -0.601434273730262 -0.5983387032671718 -0.5859564214148374 -0.573574139562503 -0.5255927973846974 -0.4280823277975455 -0.3909354822405336 -0.273303804643335 -0.09840407347907781 -0.008632530049629385 -0.002441389123466596 -0.011728100512719579 -0.1634110532038399 -0.36307534807277464 -0.2516348114017388 -0.33985856959964655 -0.4992804484484792 +36834,-0.6494156159080676,2,-0.6633456829919426 -0.6509634011396083 -0.601434273730262 -0.5983387032671718 -0.5859564214148374 -0.573574139562503 -0.5255927973846974 -0.4280823277975455 -0.3909354822405336 -0.273303804643335 -0.09840407347907781 -0.008632530049629385 -0.002441389123466596 -0.011728100512719579 -0.1634110532038399 -0.36307534807277464 -0.2516348114017388 -0.33985856959964655 -0.4992804484484792 -0.5720263543309624 +36835,-0.7391871593375072,2,-0.6509634011396083 -0.601434273730262 -0.5983387032671718 -0.5859564214148374 -0.573574139562503 -0.5255927973846974 -0.4280823277975455 -0.3909354822405336 -0.273303804643335 -0.09840407347907781 -0.008632530049629385 -0.002441389123466596 -0.011728100512719579 -0.1634110532038399 -0.36307534807277464 -0.2516348114017388 -0.33985856959964655 -0.4992804484484792 -0.5720263543309624 -0.6494156159080676 +36836,-0.763951723042176,2,-0.601434273730262 -0.5983387032671718 -0.5859564214148374 -0.573574139562503 -0.5255927973846974 -0.4280823277975455 -0.3909354822405336 -0.273303804643335 -0.09840407347907781 -0.008632530049629385 -0.002441389123466596 -0.011728100512719579 -0.1634110532038399 -0.36307534807277464 -0.2516348114017388 -0.33985856959964655 -0.4992804484484792 -0.5720263543309624 -0.6494156159080676 -0.7391871593375072 +36837,-0.8692011187870402,2,-0.5983387032671718 -0.5859564214148374 -0.573574139562503 -0.5255927973846974 -0.4280823277975455 -0.3909354822405336 -0.273303804643335 -0.09840407347907781 -0.008632530049629385 -0.002441389123466596 -0.011728100512719579 -0.1634110532038399 -0.36307534807277464 -0.2516348114017388 -0.33985856959964655 -0.4992804484484792 -0.5720263543309624 -0.6494156159080676 -0.7391871593375072 -0.763951723042176 +36838,-0.920278031427936,2,-0.5859564214148374 -0.573574139562503 -0.5255927973846974 -0.4280823277975455 -0.3909354822405336 -0.273303804643335 -0.09840407347907781 -0.008632530049629385 -0.002441389123466596 -0.011728100512719579 -0.1634110532038399 -0.36307534807277464 -0.2516348114017388 -0.33985856959964655 -0.4992804484484792 -0.5720263543309624 -0.6494156159080676 -0.7391871593375072 -0.763951723042176 -0.8692011187870402 +36839,-0.9589726622164886,2,-0.573574139562503 -0.5255927973846974 -0.4280823277975455 -0.3909354822405336 -0.273303804643335 -0.09840407347907781 -0.008632530049629385 -0.002441389123466596 -0.011728100512719579 -0.1634110532038399 -0.36307534807277464 -0.2516348114017388 -0.33985856959964655 -0.4992804484484792 -0.5720263543309624 -0.6494156159080676 -0.7391871593375072 -0.763951723042176 -0.8692011187870402 -0.920278031427936 +36840,-1.073508769350597,2,-0.5255927973846974 -0.4280823277975455 -0.3909354822405336 -0.273303804643335 -0.09840407347907781 -0.008632530049629385 -0.002441389123466596 -0.011728100512719579 -0.1634110532038399 -0.36307534807277464 -0.2516348114017388 -0.33985856959964655 -0.4992804484484792 -0.5720263543309624 -0.6494156159080676 -0.7391871593375072 -0.763951723042176 -0.8692011187870402 -0.920278031427936 -0.9589726622164886 +36841,-1.0967255478237339,2,-0.4280823277975455 -0.3909354822405336 -0.273303804643335 -0.09840407347907781 -0.008632530049629385 -0.002441389123466596 -0.011728100512719579 -0.1634110532038399 -0.36307534807277464 -0.2516348114017388 -0.33985856959964655 -0.4992804484484792 -0.5720263543309624 -0.6494156159080676 -0.7391871593375072 -0.763951723042176 -0.8692011187870402 -0.920278031427936 -0.9589726622164886 -1.073508769350597 +36842,-1.0951777625921932,2,-0.3909354822405336 -0.273303804643335 -0.09840407347907781 -0.008632530049629385 -0.002441389123466596 -0.011728100512719579 -0.1634110532038399 -0.36307534807277464 -0.2516348114017388 -0.33985856959964655 -0.4992804484484792 -0.5720263543309624 -0.6494156159080676 -0.7391871593375072 -0.763951723042176 -0.8692011187870402 -0.920278031427936 -0.9589726622164886 -1.073508769350597 -1.0967255478237339 +36843,-1.1075600444445275,2,-0.273303804643335 -0.09840407347907781 -0.008632530049629385 -0.002441389123466596 -0.011728100512719579 -0.1634110532038399 -0.36307534807277464 -0.2516348114017388 -0.33985856959964655 -0.4992804484484792 -0.5720263543309624 -0.6494156159080676 -0.7391871593375072 -0.763951723042176 -0.8692011187870402 -0.920278031427936 -0.9589726622164886 -1.073508769350597 -1.0967255478237339 -1.0951777625921932 +36844,-1.1091078296760681,2,-0.09840407347907781 -0.008632530049629385 -0.002441389123466596 -0.011728100512719579 -0.1634110532038399 -0.36307534807277464 -0.2516348114017388 -0.33985856959964655 -0.4992804484484792 -0.5720263543309624 -0.6494156159080676 -0.7391871593375072 -0.763951723042176 -0.8692011187870402 -0.920278031427936 -0.9589726622164886 -1.073508769350597 -1.0967255478237339 -1.0951777625921932 -1.1075600444445275 +36845,-1.027075212404341,2,-0.008632530049629385 -0.002441389123466596 -0.011728100512719579 -0.1634110532038399 -0.36307534807277464 -0.2516348114017388 -0.33985856959964655 -0.4992804484484792 -0.5720263543309624 -0.6494156159080676 -0.7391871593375072 -0.763951723042176 -0.8692011187870402 -0.920278031427936 -0.9589726622164886 -1.073508769350597 -1.0967255478237339 -1.0951777625921932 -1.1075600444445275 -1.1091078296760681 +36846,-0.6788235353073673,2,-0.002441389123466596 -0.011728100512719579 -0.1634110532038399 -0.36307534807277464 -0.2516348114017388 -0.33985856959964655 -0.4992804484484792 -0.5720263543309624 -0.6494156159080676 -0.7391871593375072 -0.763951723042176 -0.8692011187870402 -0.920278031427936 -0.9589726622164886 -1.073508769350597 -1.0967255478237339 -1.0951777625921932 -1.1075600444445275 -1.1091078296760681 -1.027075212404341 +36847,-0.2516348114017388,2,-0.011728100512719579 -0.1634110532038399 -0.36307534807277464 -0.2516348114017388 -0.33985856959964655 -0.4992804484484792 -0.5720263543309624 -0.6494156159080676 -0.7391871593375072 -0.763951723042176 -0.8692011187870402 -0.920278031427936 -0.9589726622164886 -1.073508769350597 -1.0967255478237339 -1.0951777625921932 -1.1075600444445275 -1.1091078296760681 -1.027075212404341 -0.6788235353073673 +36848,0.05637444967513269,2,-0.1634110532038399 -0.36307534807277464 -0.2516348114017388 -0.33985856959964655 -0.4992804484484792 -0.5720263543309624 -0.6494156159080676 -0.7391871593375072 -0.763951723042176 -0.8692011187870402 -0.920278031427936 -0.9589726622164886 -1.073508769350597 -1.0967255478237339 -1.0951777625921932 -1.1075600444445275 -1.1091078296760681 -1.027075212404341 -0.6788235353073673 -0.2516348114017388 +36849,0.2637776707017797,2,-0.36307534807277464 -0.2516348114017388 -0.33985856959964655 -0.4992804484484792 -0.5720263543309624 -0.6494156159080676 -0.7391871593375072 -0.763951723042176 -0.8692011187870402 -0.920278031427936 -0.9589726622164886 -1.073508769350597 -1.0967255478237339 -1.0951777625921932 -1.1075600444445275 -1.1091078296760681 -1.027075212404341 -0.6788235353073673 -0.2516348114017388 0.05637444967513269 +36850,0.3365235765842541,2,-0.2516348114017388 -0.33985856959964655 -0.4992804484484792 -0.5720263543309624 -0.6494156159080676 -0.7391871593375072 -0.763951723042176 -0.8692011187870402 -0.920278031427936 -0.9589726622164886 -1.073508769350597 -1.0967255478237339 -1.0951777625921932 -1.1075600444445275 -1.1091078296760681 -1.027075212404341 -0.6788235353073673 -0.2516348114017388 0.05637444967513269 0.2637776707017797 +36851,0.37831377783589687,2,-0.33985856959964655 -0.4992804484484792 -0.5720263543309624 -0.6494156159080676 -0.7391871593375072 -0.763951723042176 -0.8692011187870402 -0.920278031427936 -0.9589726622164886 -1.073508769350597 -1.0967255478237339 -1.0951777625921932 -1.1075600444445275 -1.1091078296760681 -1.027075212404341 -0.6788235353073673 -0.2516348114017388 0.05637444967513269 0.2637776707017797 0.3365235765842541 +36852,0.38140934829897827,2,-0.4992804484484792 -0.5720263543309624 -0.6494156159080676 -0.7391871593375072 -0.763951723042176 -0.8692011187870402 -0.920278031427936 -0.9589726622164886 -1.073508769350597 -1.0967255478237339 -1.0951777625921932 -1.1075600444445275 -1.1091078296760681 -1.027075212404341 -0.6788235353073673 -0.2516348114017388 0.05637444967513269 0.2637776707017797 0.3365235765842541 0.37831377783589687 +36853,0.24056089222864285,2,-0.5720263543309624 -0.6494156159080676 -0.7391871593375072 -0.763951723042176 -0.8692011187870402 -0.920278031427936 -0.9589726622164886 -1.073508769350597 -1.0967255478237339 -1.0951777625921932 -1.1075600444445275 -1.1091078296760681 -1.027075212404341 -0.6788235353073673 -0.2516348114017388 0.05637444967513269 0.2637776707017797 0.3365235765842541 0.37831377783589687 0.38140934829897827 +36854,-0.024110382365053955,2,-0.6494156159080676 -0.7391871593375072 -0.763951723042176 -0.8692011187870402 -0.920278031427936 -0.9589726622164886 -1.073508769350597 -1.0967255478237339 -1.0951777625921932 -1.1075600444445275 -1.1091078296760681 -1.027075212404341 -0.6788235353073673 -0.2516348114017388 0.05637444967513269 0.2637776707017797 0.3365235765842541 0.37831377783589687 0.38140934829897827 0.24056089222864285 +36855,-0.2175835363078171,2,-0.7391871593375072 -0.763951723042176 -0.8692011187870402 -0.920278031427936 -0.9589726622164886 -1.073508769350597 -1.0967255478237339 -1.0951777625921932 -1.1075600444445275 -1.1091078296760681 -1.027075212404341 -0.6788235353073673 -0.2516348114017388 0.05637444967513269 0.2637776707017797 0.3365235765842541 0.37831377783589687 0.38140934829897827 0.24056089222864285 -0.024110382365053955 +36856,-0.36462313330431534,2,-0.763951723042176 -0.8692011187870402 -0.920278031427936 -0.9589726622164886 -1.073508769350597 -1.0967255478237339 -1.0951777625921932 -1.1075600444445275 -1.1091078296760681 -1.027075212404341 -0.6788235353073673 -0.2516348114017388 0.05637444967513269 0.2637776707017797 0.3365235765842541 0.37831377783589687 0.38140934829897827 0.24056089222864285 -0.024110382365053955 -0.2175835363078171 +36857,-0.4791592404384325,2,-0.8692011187870402 -0.920278031427936 -0.9589726622164886 -1.073508769350597 -1.0967255478237339 -1.0951777625921932 -1.1075600444445275 -1.1091078296760681 -1.027075212404341 -0.6788235353073673 -0.2516348114017388 0.05637444967513269 0.2637776707017797 0.3365235765842541 0.37831377783589687 0.38140934829897827 0.24056089222864285 -0.024110382365053955 -0.2175835363078171 -0.36462313330431534 +36858,-0.6323899783611023,2,-0.920278031427936 -0.9589726622164886 -1.073508769350597 -1.0967255478237339 -1.0951777625921932 -1.1075600444445275 -1.1091078296760681 -1.027075212404341 -0.6788235353073673 -0.2516348114017388 0.05637444967513269 0.2637776707017797 0.3365235765842541 0.37831377783589687 0.38140934829897827 0.24056089222864285 -0.024110382365053955 -0.2175835363078171 -0.36462313330431534 -0.4791592404384325 +36859,-0.6881102466966202,2,-0.9589726622164886 -1.073508769350597 -1.0967255478237339 -1.0951777625921932 -1.1075600444445275 -1.1091078296760681 -1.027075212404341 -0.6788235353073673 -0.2516348114017388 0.05637444967513269 0.2637776707017797 0.3365235765842541 0.37831377783589687 0.38140934829897827 0.24056089222864285 -0.024110382365053955 -0.2175835363078171 -0.36462313330431534 -0.4791592404384325 -0.6323899783611023 +36860,-0.8041941390622781,2,-1.073508769350597 -1.0967255478237339 -1.0951777625921932 -1.1075600444445275 -1.1091078296760681 -1.027075212404341 -0.6788235353073673 -0.2516348114017388 0.05637444967513269 0.2637776707017797 0.3365235765842541 0.37831377783589687 0.38140934829897827 0.24056089222864285 -0.024110382365053955 -0.2175835363078171 -0.36462313330431534 -0.4791592404384325 -0.6323899783611023 -0.6881102466966202 +36861,-0.8305064879984876,2,-1.0967255478237339 -1.0951777625921932 -1.1075600444445275 -1.1091078296760681 -1.027075212404341 -0.6788235353073673 -0.2516348114017388 0.05637444967513269 0.2637776707017797 0.3365235765842541 0.37831377783589687 0.38140934829897827 0.24056089222864285 -0.024110382365053955 -0.2175835363078171 -0.36462313330431534 -0.4791592404384325 -0.6323899783611023 -0.6881102466966202 -0.8041941390622781 +36862,-0.8305064879984876,2,-1.0951777625921932 -1.1075600444445275 -1.1091078296760681 -1.027075212404341 -0.6788235353073673 -0.2516348114017388 0.05637444967513269 0.2637776707017797 0.3365235765842541 0.37831377783589687 0.38140934829897827 0.24056089222864285 -0.024110382365053955 -0.2175835363078171 -0.36462313330431534 -0.4791592404384325 -0.6323899783611023 -0.6881102466966202 -0.8041941390622781 -0.8305064879984876 +36863,-0.8057419242938189,2,-1.1075600444445275 -1.1091078296760681 -1.027075212404341 -0.6788235353073673 -0.2516348114017388 0.05637444967513269 0.2637776707017797 0.3365235765842541 0.37831377783589687 0.38140934829897827 0.24056089222864285 -0.024110382365053955 -0.2175835363078171 -0.36462313330431534 -0.4791592404384325 -0.6323899783611023 -0.6881102466966202 -0.8041941390622781 -0.8305064879984876 -0.8305064879984876 +36864,-0.8305064879984876,2,-1.1091078296760681 -1.027075212404341 -0.6788235353073673 -0.2516348114017388 0.05637444967513269 0.2637776707017797 0.3365235765842541 0.37831377783589687 0.38140934829897827 0.24056089222864285 -0.024110382365053955 -0.2175835363078171 -0.36462313330431534 -0.4791592404384325 -0.6323899783611023 -0.6881102466966202 -0.8041941390622781 -0.8305064879984876 -0.8305064879984876 -0.8057419242938189 +36865,-0.8676533335554995,2,-1.027075212404341 -0.6788235353073673 -0.2516348114017388 0.05637444967513269 0.2637776707017797 0.3365235765842541 0.37831377783589687 0.38140934829897827 0.24056089222864285 -0.024110382365053955 -0.2175835363078171 -0.36462313330431534 -0.4791592404384325 -0.6323899783611023 -0.6881102466966202 -0.8041941390622781 -0.8305064879984876 -0.8305064879984876 -0.8057419242938189 -0.8305064879984876 +36866,-0.8057419242938189,2,-0.6788235353073673 -0.2516348114017388 0.05637444967513269 0.2637776707017797 0.3365235765842541 0.37831377783589687 0.38140934829897827 0.24056089222864285 -0.024110382365053955 -0.2175835363078171 -0.36462313330431534 -0.4791592404384325 -0.6323899783611023 -0.6881102466966202 -0.8041941390622781 -0.8305064879984876 -0.8305064879984876 -0.8057419242938189 -0.8305064879984876 -0.8676533335554995 +36867,-0.7995507833676472,2,-0.2516348114017388 0.05637444967513269 0.2637776707017797 0.3365235765842541 0.37831377783589687 0.38140934829897827 0.24056089222864285 -0.024110382365053955 -0.2175835363078171 -0.36462313330431534 -0.4791592404384325 -0.6323899783611023 -0.6881102466966202 -0.8041941390622781 -0.8305064879984876 -0.8305064879984876 -0.8057419242938189 -0.8305064879984876 -0.8676533335554995 -0.8057419242938189 +36868,-0.763951723042176,2,0.05637444967513269 0.2637776707017797 0.3365235765842541 0.37831377783589687 0.38140934829897827 0.24056089222864285 -0.024110382365053955 -0.2175835363078171 -0.36462313330431534 -0.4791592404384325 -0.6323899783611023 -0.6881102466966202 -0.8041941390622781 -0.8305064879984876 -0.8305064879984876 -0.8057419242938189 -0.8305064879984876 -0.8676533335554995 -0.8057419242938189 -0.7995507833676472 +36869,-0.6865624614650707,2,0.2637776707017797 0.3365235765842541 0.37831377783589687 0.38140934829897827 0.24056089222864285 -0.024110382365053955 -0.2175835363078171 -0.36462313330431534 -0.4791592404384325 -0.6323899783611023 -0.6881102466966202 -0.8041941390622781 -0.8305064879984876 -0.8305064879984876 -0.8057419242938189 -0.8305064879984876 -0.8676533335554995 -0.8057419242938189 -0.7995507833676472 -0.763951723042176 +36870,-0.24234810001249465,2,0.3365235765842541 0.37831377783589687 0.38140934829897827 0.24056089222864285 -0.024110382365053955 -0.2175835363078171 -0.36462313330431534 -0.4791592404384325 -0.6323899783611023 -0.6881102466966202 -0.8041941390622781 -0.8305064879984876 -0.8305064879984876 -0.8057419242938189 -0.8305064879984876 -0.8676533335554995 -0.8057419242938189 -0.7995507833676472 -0.763951723042176 -0.6865624614650707 +36871,-0.09840407347907781,2,0.37831377783589687 0.38140934829897827 0.24056089222864285 -0.024110382365053955 -0.2175835363078171 -0.36462313330431534 -0.4791592404384325 -0.6323899783611023 -0.6881102466966202 -0.8041941390622781 -0.8305064879984876 -0.8305064879984876 -0.8057419242938189 -0.8305064879984876 -0.8676533335554995 -0.8057419242938189 -0.7995507833676472 -0.763951723042176 -0.6865624614650707 -0.24234810001249465 +36872,0.01613203365503937,2,0.38140934829897827 0.24056089222864285 -0.024110382365053955 -0.2175835363078171 -0.36462313330431534 -0.4791592404384325 -0.6323899783611023 -0.6881102466966202 -0.8041941390622781 -0.8305064879984876 -0.8305064879984876 -0.8057419242938189 -0.8305064879984876 -0.8676533335554995 -0.8057419242938189 -0.7995507833676472 -0.763951723042176 -0.6865624614650707 -0.24234810001249465 -0.09840407347907781 +36873,0.008393107497327084,2,0.24056089222864285 -0.024110382365053955 -0.2175835363078171 -0.36462313330431534 -0.4791592404384325 -0.6323899783611023 -0.6881102466966202 -0.8041941390622781 -0.8305064879984876 -0.8305064879984876 -0.8057419242938189 -0.8305064879984876 -0.8676533335554995 -0.8057419242938189 -0.7995507833676472 -0.763951723042176 -0.6865624614650707 -0.24234810001249465 -0.09840407347907781 0.01613203365503937 +36874,-0.04577937560664132,2,-0.024110382365053955 -0.2175835363078171 -0.36462313330431534 -0.4791592404384325 -0.6323899783611023 -0.6881102466966202 -0.8041941390622781 -0.8305064879984876 -0.8305064879984876 -0.8057419242938189 -0.8305064879984876 -0.8676533335554995 -0.8057419242938189 -0.7995507833676472 -0.763951723042176 -0.6865624614650707 -0.24234810001249465 -0.09840407347907781 0.01613203365503937 0.008393107497327084 +36875,-0.06899615407977817,2,-0.2175835363078171 -0.36462313330431534 -0.4791592404384325 -0.6323899783611023 -0.6881102466966202 -0.8041941390622781 -0.8305064879984876 -0.8305064879984876 -0.8057419242938189 -0.8305064879984876 -0.8676533335554995 -0.8057419242938189 -0.7995507833676472 -0.763951723042176 -0.6865624614650707 -0.24234810001249465 -0.09840407347907781 0.01613203365503937 0.008393107497327084 -0.04577937560664132 +36876,-0.14638541565688343,2,-0.36462313330431534 -0.4791592404384325 -0.6323899783611023 -0.6881102466966202 -0.8041941390622781 -0.8305064879984876 -0.8305064879984876 -0.8057419242938189 -0.8305064879984876 -0.8676533335554995 -0.8057419242938189 -0.7995507833676472 -0.763951723042176 -0.6865624614650707 -0.24234810001249465 -0.09840407347907781 0.01613203365503937 0.008393107497327084 -0.04577937560664132 -0.06899615407977817 +36877,-0.2129401806131862,2,-0.4791592404384325 -0.6323899783611023 -0.6881102466966202 -0.8041941390622781 -0.8305064879984876 -0.8305064879984876 -0.8057419242938189 -0.8305064879984876 -0.8676533335554995 -0.8057419242938189 -0.7995507833676472 -0.763951723042176 -0.6865624614650707 -0.24234810001249465 -0.09840407347907781 0.01613203365503937 0.008393107497327084 -0.04577937560664132 -0.06899615407977817 -0.14638541565688343 +36878,-0.3491452809888996,2,-0.6323899783611023 -0.6881102466966202 -0.8041941390622781 -0.8305064879984876 -0.8305064879984876 -0.8057419242938189 -0.8305064879984876 -0.8676533335554995 -0.8057419242938189 -0.7995507833676472 -0.763951723042176 -0.6865624614650707 -0.24234810001249465 -0.09840407347907781 0.01613203365503937 0.008393107497327084 -0.04577937560664132 -0.06899615407977817 -0.14638541565688343 -0.2129401806131862 +36879,-0.46987252904917953,2,-0.6881102466966202 -0.8041941390622781 -0.8305064879984876 -0.8305064879984876 -0.8057419242938189 -0.8305064879984876 -0.8676533335554995 -0.8057419242938189 -0.7995507833676472 -0.763951723042176 -0.6865624614650707 -0.24234810001249465 -0.09840407347907781 0.01613203365503937 0.008393107497327084 -0.04577937560664132 -0.06899615407977817 -0.14638541565688343 -0.2129401806131862 -0.3491452809888996 +36880,-0.7949074276730251,2,-0.8041941390622781 -0.8305064879984876 -0.8305064879984876 -0.8057419242938189 -0.8305064879984876 -0.8676533335554995 -0.8057419242938189 -0.7995507833676472 -0.763951723042176 -0.6865624614650707 -0.24234810001249465 -0.09840407347907781 0.01613203365503937 0.008393107497327084 -0.04577937560664132 -0.06899615407977817 -0.14638541565688343 -0.2129401806131862 -0.3491452809888996 -0.46987252904917953 +36881,-0.8521754812400837,2,-0.8305064879984876 -0.8305064879984876 -0.8057419242938189 -0.8305064879984876 -0.8676533335554995 -0.8057419242938189 -0.7995507833676472 -0.763951723042176 -0.6865624614650707 -0.24234810001249465 -0.09840407347907781 0.01613203365503937 0.008393107497327084 -0.04577937560664132 -0.06899615407977817 -0.14638541565688343 -0.2129401806131862 -0.3491452809888996 -0.46987252904917953 -0.7949074276730251 +36882,-0.8599144073977872,2,-0.8305064879984876 -0.8057419242938189 -0.8305064879984876 -0.8676533335554995 -0.8057419242938189 -0.7995507833676472 -0.763951723042176 -0.6865624614650707 -0.24234810001249465 -0.09840407347907781 0.01613203365503937 0.008393107497327084 -0.04577937560664132 -0.06899615407977817 -0.14638541565688343 -0.2129401806131862 -0.3491452809888996 -0.46987252904917953 -0.7949074276730251 -0.8521754812400837 +36883,-0.8305064879984876,2,-0.8057419242938189 -0.8305064879984876 -0.8676533335554995 -0.8057419242938189 -0.7995507833676472 -0.763951723042176 -0.6865624614650707 -0.24234810001249465 -0.09840407347907781 0.01613203365503937 0.008393107497327084 -0.04577937560664132 -0.06899615407977817 -0.14638541565688343 -0.2129401806131862 -0.3491452809888996 -0.46987252904917953 -0.7949074276730251 -0.8521754812400837 -0.8599144073977872 +36884,-0.8041941390622781,2,-0.8305064879984876 -0.8676533335554995 -0.8057419242938189 -0.7995507833676472 -0.763951723042176 -0.6865624614650707 -0.24234810001249465 -0.09840407347907781 0.01613203365503937 0.008393107497327084 -0.04577937560664132 -0.06899615407977817 -0.14638541565688343 -0.2129401806131862 -0.3491452809888996 -0.46987252904917953 -0.7949074276730251 -0.8521754812400837 -0.8599144073977872 -0.8305064879984876 +36885,-0.791811857209935,2,-0.8676533335554995 -0.8057419242938189 -0.7995507833676472 -0.763951723042176 -0.6865624614650707 -0.24234810001249465 -0.09840407347907781 0.01613203365503937 0.008393107497327084 -0.04577937560664132 -0.06899615407977817 -0.14638541565688343 -0.2129401806131862 -0.3491452809888996 -0.46987252904917953 -0.7949074276730251 -0.8521754812400837 -0.8599144073977872 -0.8305064879984876 -0.8041941390622781 +36886,-0.6463200454449775,2,-0.8057419242938189 -0.7995507833676472 -0.763951723042176 -0.6865624614650707 -0.24234810001249465 -0.09840407347907781 0.01613203365503937 0.008393107497327084 -0.04577937560664132 -0.06899615407977817 -0.14638541565688343 -0.2129401806131862 -0.3491452809888996 -0.46987252904917953 -0.7949074276730251 -0.8521754812400837 -0.8599144073977872 -0.8305064879984876 -0.8041941390622781 -0.791811857209935 +36887,-0.6349639376170046,2,-0.7995507833676472 -0.763951723042176 -0.6865624614650707 -0.24234810001249465 -0.09840407347907781 0.01613203365503937 0.008393107497327084 -0.04577937560664132 -0.06899615407977817 -0.14638541565688343 -0.2129401806131862 -0.3491452809888996 -0.46987252904917953 -0.7949074276730251 -0.8521754812400837 -0.8599144073977872 -0.8305064879984876 -0.8041941390622781 -0.791811857209935 -0.6463200454449775 +36888,-0.4327256834921676,2,-0.763951723042176 -0.6865624614650707 -0.24234810001249465 -0.09840407347907781 0.01613203365503937 0.008393107497327084 -0.04577937560664132 -0.06899615407977817 -0.14638541565688343 -0.2129401806131862 -0.3491452809888996 -0.46987252904917953 -0.7949074276730251 -0.8521754812400837 -0.8599144073977872 -0.8305064879984876 -0.8041941390622781 -0.791811857209935 -0.6463200454449775 -0.6349639376170046 +36889,-0.40486554932440866,2,-0.6865624614650707 -0.24234810001249465 -0.09840407347907781 0.01613203365503937 0.008393107497327084 -0.04577937560664132 -0.06899615407977817 -0.14638541565688343 -0.2129401806131862 -0.3491452809888996 -0.46987252904917953 -0.7949074276730251 -0.8521754812400837 -0.8599144073977872 -0.8305064879984876 -0.8041941390622781 -0.791811857209935 -0.6463200454449775 -0.6349639376170046 -0.4327256834921676 +36890,-0.3119984354318876,2,-0.24234810001249465 -0.09840407347907781 0.01613203365503937 0.008393107497327084 -0.04577937560664132 -0.06899615407977817 -0.14638541565688343 -0.2129401806131862 -0.3491452809888996 -0.46987252904917953 -0.7949074276730251 -0.8521754812400837 -0.8599144073977872 -0.8305064879984876 -0.8041941390622781 -0.791811857209935 -0.6463200454449775 -0.6349639376170046 -0.4327256834921676 -0.40486554932440866 +36891,-0.3290240729788441,2,-0.09840407347907781 0.01613203365503937 0.008393107497327084 -0.04577937560664132 -0.06899615407977817 -0.14638541565688343 -0.2129401806131862 -0.3491452809888996 -0.46987252904917953 -0.7949074276730251 -0.8521754812400837 -0.8599144073977872 -0.8305064879984876 -0.8041941390622781 -0.791811857209935 -0.6463200454449775 -0.6349639376170046 -0.4327256834921676 -0.40486554932440866 -0.3119984354318876 +36892,-0.3506930662204403,2,0.01613203365503937 0.008393107497327084 -0.04577937560664132 -0.06899615407977817 -0.14638541565688343 -0.2129401806131862 -0.3491452809888996 -0.46987252904917953 -0.7949074276730251 -0.8521754812400837 -0.8599144073977872 -0.8305064879984876 -0.8041941390622781 -0.791811857209935 -0.6463200454449775 -0.6349639376170046 -0.4327256834921676 -0.40486554932440866 -0.3119984354318876 -0.3290240729788441 +36893,-0.3506930662204403,2,0.008393107497327084 -0.04577937560664132 -0.06899615407977817 -0.14638541565688343 -0.2129401806131862 -0.3491452809888996 -0.46987252904917953 -0.7949074276730251 -0.8521754812400837 -0.8599144073977872 -0.8305064879984876 -0.8041941390622781 -0.791811857209935 -0.6463200454449775 -0.6349639376170046 -0.4327256834921676 -0.40486554932440866 -0.3119984354318876 -0.3290240729788441 -0.3506930662204403 +36894,-0.39712662316670516,2,-0.04577937560664132 -0.06899615407977817 -0.14638541565688343 -0.2129401806131862 -0.3491452809888996 -0.46987252904917953 -0.7949074276730251 -0.8521754812400837 -0.8599144073977872 -0.8305064879984876 -0.8041941390622781 -0.791811857209935 -0.6463200454449775 -0.6349639376170046 -0.4327256834921676 -0.40486554932440866 -0.3119984354318876 -0.3290240729788441 -0.3506930662204403 -0.3506930662204403 +36895,-0.4373690391867985,2,-0.06899615407977817 -0.14638541565688343 -0.2129401806131862 -0.3491452809888996 -0.46987252904917953 -0.7949074276730251 -0.8521754812400837 -0.8599144073977872 -0.8305064879984876 -0.8041941390622781 -0.791811857209935 -0.6463200454449775 -0.6349639376170046 -0.4327256834921676 -0.40486554932440866 -0.3119984354318876 -0.3290240729788441 -0.3506930662204403 -0.3506930662204403 -0.39712662316670516 +36896,-0.4538957368655418,2,-0.14638541565688343 -0.2129401806131862 -0.3491452809888996 -0.46987252904917953 -0.7949074276730251 -0.8521754812400837 -0.8599144073977872 -0.8305064879984876 -0.8041941390622781 -0.791811857209935 -0.6463200454449775 -0.6349639376170046 -0.4327256834921676 -0.40486554932440866 -0.3119984354318876 -0.3290240729788441 -0.3506930662204403 -0.3506930662204403 -0.39712662316670516 -0.4373690391867985 +36897,-0.48999373705922616,2,-0.2129401806131862 -0.3491452809888996 -0.46987252904917953 -0.7949074276730251 -0.8521754812400837 -0.8599144073977872 -0.8305064879984876 -0.8041941390622781 -0.791811857209935 -0.6463200454449775 -0.6349639376170046 -0.4327256834921676 -0.40486554932440866 -0.3119984354318876 -0.3290240729788441 -0.3506930662204403 -0.3506930662204403 -0.39712662316670516 -0.4373690391867985 -0.4538957368655418 +36898,-0.4776114552068918,2,-0.3491452809888996 -0.46987252904917953 -0.7949074276730251 -0.8521754812400837 -0.8599144073977872 -0.8305064879984876 -0.8041941390622781 -0.791811857209935 -0.6463200454449775 -0.6349639376170046 -0.4327256834921676 -0.40486554932440866 -0.3119984354318876 -0.3290240729788441 -0.3506930662204403 -0.3506930662204403 -0.39712662316670516 -0.4373690391867985 -0.4538957368655418 -0.48999373705922616 +36899,-0.5534529315524563,2,-0.46987252904917953 -0.7949074276730251 -0.8521754812400837 -0.8599144073977872 -0.8305064879984876 -0.8041941390622781 -0.791811857209935 -0.6463200454449775 -0.6349639376170046 -0.4327256834921676 -0.40486554932440866 -0.3119984354318876 -0.3290240729788441 -0.3506930662204403 -0.3506930662204403 -0.39712662316670516 -0.4373690391867985 -0.4538957368655418 -0.48999373705922616 -0.4776114552068918 +36900,-0.6556067568342304,2,-0.7949074276730251 -0.8521754812400837 -0.8599144073977872 -0.8305064879984876 -0.8041941390622781 -0.791811857209935 -0.6463200454449775 -0.6349639376170046 -0.4327256834921676 -0.40486554932440866 -0.3119984354318876 -0.3290240729788441 -0.3506930662204403 -0.3506930662204403 -0.39712662316670516 -0.4373690391867985 -0.4538957368655418 -0.48999373705922616 -0.4776114552068918 -0.5534529315524563 +36901,-0.750021655958301,2,-0.8521754812400837 -0.8599144073977872 -0.8305064879984876 -0.8041941390622781 -0.791811857209935 -0.6463200454449775 -0.6349639376170046 -0.4327256834921676 -0.40486554932440866 -0.3119984354318876 -0.3290240729788441 -0.3506930662204403 -0.3506930662204403 -0.39712662316670516 -0.4373690391867985 -0.4538957368655418 -0.48999373705922616 -0.4776114552068918 -0.5534529315524563 -0.6556067568342304 +36902,-0.8475321255454529,2,-0.8599144073977872 -0.8305064879984876 -0.8041941390622781 -0.791811857209935 -0.6463200454449775 -0.6349639376170046 -0.4327256834921676 -0.40486554932440866 -0.3119984354318876 -0.3290240729788441 -0.3506930662204403 -0.3506930662204403 -0.39712662316670516 -0.4373690391867985 -0.4538957368655418 -0.48999373705922616 -0.4776114552068918 -0.5534529315524563 -0.6556067568342304 -0.750021655958301 +36903,-0.8738246922386209,2,-0.8305064879984876 -0.8041941390622781 -0.791811857209935 -0.6463200454449775 -0.6349639376170046 -0.4327256834921676 -0.40486554932440866 -0.3119984354318876 -0.3290240729788441 -0.3506930662204403 -0.3506930662204403 -0.39712662316670516 -0.4373690391867985 -0.4538957368655418 -0.48999373705922616 -0.4776114552068918 -0.5534529315524563 -0.6556067568342304 -0.750021655958301 -0.8475321255454529 +36904,-0.9605204474480293,2,-0.8041941390622781 -0.791811857209935 -0.6463200454449775 -0.6349639376170046 -0.4327256834921676 -0.40486554932440866 -0.3119984354318876 -0.3290240729788441 -0.3506930662204403 -0.3506930662204403 -0.39712662316670516 -0.4373690391867985 -0.4538957368655418 -0.48999373705922616 -0.4776114552068918 -0.5534529315524563 -0.6556067568342304 -0.750021655958301 -0.8475321255454529 -0.8738246922386209 +36905,-1.073508769350597,2,-0.791811857209935 -0.6463200454449775 -0.6349639376170046 -0.4327256834921676 -0.40486554932440866 -0.3119984354318876 -0.3290240729788441 -0.3506930662204403 -0.3506930662204403 -0.39712662316670516 -0.4373690391867985 -0.4538957368655418 -0.48999373705922616 -0.4776114552068918 -0.5534529315524563 -0.6556067568342304 -0.750021655958301 -0.8475321255454529 -0.8738246922386209 -0.9605204474480293 +36906,-1.129229037686115,2,-0.6463200454449775 -0.6349639376170046 -0.4327256834921676 -0.40486554932440866 -0.3119984354318876 -0.3290240729788441 -0.3506930662204403 -0.3506930662204403 -0.39712662316670516 -0.4373690391867985 -0.4538957368655418 -0.48999373705922616 -0.4776114552068918 -0.5534529315524563 -0.6556067568342304 -0.750021655958301 -0.8475321255454529 -0.8738246922386209 -0.9605204474480293 -1.073508769350597 +36907,-1.1416113195384492,2,-0.6349639376170046 -0.4327256834921676 -0.40486554932440866 -0.3119984354318876 -0.3290240729788441 -0.3506930662204403 -0.3506930662204403 -0.39712662316670516 -0.4373690391867985 -0.4538957368655418 -0.48999373705922616 -0.4776114552068918 -0.5534529315524563 -0.6556067568342304 -0.750021655958301 -0.8475321255454529 -0.8738246922386209 -0.9605204474480293 -1.073508769350597 -1.129229037686115 +36908,-1.2190005811155544,2,-0.4327256834921676 -0.40486554932440866 -0.3119984354318876 -0.3290240729788441 -0.3506930662204403 -0.3506930662204403 -0.39712662316670516 -0.4373690391867985 -0.4538957368655418 -0.48999373705922616 -0.4776114552068918 -0.5534529315524563 -0.6556067568342304 -0.750021655958301 -0.8475321255454529 -0.8738246922386209 -0.9605204474480293 -1.073508769350597 -1.129229037686115 -1.1416113195384492 +36909,-1.308772124545003,2,-0.40486554932440866 -0.3119984354318876 -0.3290240729788441 -0.3506930662204403 -0.3506930662204403 -0.39712662316670516 -0.4373690391867985 -0.4538957368655418 -0.48999373705922616 -0.4776114552068918 -0.5534529315524563 -0.6556067568342304 -0.750021655958301 -0.8475321255454529 -0.8738246922386209 -0.9605204474480293 -1.073508769350597 -1.129229037686115 -1.1416113195384492 -1.2190005811155544 +36910,-1.4124737350583176,2,-0.3119984354318876 -0.3290240729788441 -0.3506930662204403 -0.3506930662204403 -0.39712662316670516 -0.4373690391867985 -0.4538957368655418 -0.48999373705922616 -0.4776114552068918 -0.5534529315524563 -0.6556067568342304 -0.750021655958301 -0.8475321255454529 -0.8738246922386209 -0.9605204474480293 -1.073508769350597 -1.129229037686115 -1.1416113195384492 -1.2190005811155544 -1.308772124545003 +36911,-1.4248560169106608,2,-0.3290240729788441 -0.3506930662204403 -0.3506930662204403 -0.39712662316670516 -0.4373690391867985 -0.4538957368655418 -0.48999373705922616 -0.4776114552068918 -0.5534529315524563 -0.6556067568342304 -0.750021655958301 -0.8475321255454529 -0.8738246922386209 -0.9605204474480293 -1.073508769350597 -1.129229037686115 -1.1416113195384492 -1.2190005811155544 -1.308772124545003 -1.4124737350583176 +36912,-1.4774807147830886,2,-0.3506930662204403 -0.3506930662204403 -0.39712662316670516 -0.4373690391867985 -0.4538957368655418 -0.48999373705922616 -0.4776114552068918 -0.5534529315524563 -0.6556067568342304 -0.750021655958301 -0.8475321255454529 -0.8738246922386209 -0.9605204474480293 -1.073508769350597 -1.129229037686115 -1.1416113195384492 -1.2190005811155544 -1.308772124545003 -1.4124737350583176 -1.4248560169106608 +36913,-1.5409399092763187,2,-0.3506930662204403 -0.39712662316670516 -0.4373690391867985 -0.4538957368655418 -0.48999373705922616 -0.4776114552068918 -0.5534529315524563 -0.6556067568342304 -0.750021655958301 -0.8475321255454529 -0.8738246922386209 -0.9605204474480293 -1.073508769350597 -1.129229037686115 -1.1416113195384492 -1.2190005811155544 -1.308772124545003 -1.4124737350583176 -1.4248560169106608 -1.4774807147830886 +36914,-1.632259237937299,2,-0.39712662316670516 -0.4373690391867985 -0.4538957368655418 -0.48999373705922616 -0.4776114552068918 -0.5534529315524563 -0.6556067568342304 -0.750021655958301 -0.8475321255454529 -0.8738246922386209 -0.9605204474480293 -1.073508769350597 -1.129229037686115 -1.1416113195384492 -1.2190005811155544 -1.308772124545003 -1.4124737350583176 -1.4248560169106608 -1.4774807147830886 -1.5409399092763187 +36915,-1.75762984169221,2,-0.4373690391867985 -0.4538957368655418 -0.48999373705922616 -0.4776114552068918 -0.5534529315524563 -0.6556067568342304 -0.750021655958301 -0.8475321255454529 -0.8738246922386209 -0.9605204474480293 -1.073508769350597 -1.129229037686115 -1.1416113195384492 -1.2190005811155544 -1.308772124545003 -1.4124737350583176 -1.4248560169106608 -1.4774807147830886 -1.5409399092763187 -1.632259237937299 +36916,-1.5982079628433774,2,-0.4538957368655418 -0.48999373705922616 -0.4776114552068918 -0.5534529315524563 -0.6556067568342304 -0.750021655958301 -0.8475321255454529 -0.8738246922386209 -0.9605204474480293 -1.073508769350597 -1.129229037686115 -1.1416113195384492 -1.2190005811155544 -1.308772124545003 -1.4124737350583176 -1.4248560169106608 -1.4774807147830886 -1.5409399092763187 -1.632259237937299 -1.75762984169221 +36917,-1.2700774937564503,2,-0.48999373705922616 -0.4776114552068918 -0.5534529315524563 -0.6556067568342304 -0.750021655958301 -0.8475321255454529 -0.8738246922386209 -0.9605204474480293 -1.073508769350597 -1.129229037686115 -1.1416113195384492 -1.2190005811155544 -1.308772124545003 -1.4124737350583176 -1.4248560169106608 -1.4774807147830886 -1.5409399092763187 -1.632259237937299 -1.75762984169221 -1.5982079628433774 +36918,-1.0471964204143875,2,-0.4776114552068918 -0.5534529315524563 -0.6556067568342304 -0.750021655958301 -0.8475321255454529 -0.8738246922386209 -0.9605204474480293 -1.073508769350597 -1.129229037686115 -1.1416113195384492 -1.2190005811155544 -1.308772124545003 -1.4124737350583176 -1.4248560169106608 -1.4774807147830886 -1.5409399092763187 -1.632259237937299 -1.75762984169221 -1.5982079628433774 -1.2700774937564503 +36919,-0.8351498436931184,2,-0.5534529315524563 -0.6556067568342304 -0.750021655958301 -0.8475321255454529 -0.8738246922386209 -0.9605204474480293 -1.073508769350597 -1.129229037686115 -1.1416113195384492 -1.2190005811155544 -1.308772124545003 -1.4124737350583176 -1.4248560169106608 -1.4774807147830886 -1.5409399092763187 -1.632259237937299 -1.75762984169221 -1.5982079628433774 -1.2700774937564503 -1.0471964204143875 +36920,-0.675727964844277,2,-0.6556067568342304 -0.750021655958301 -0.8475321255454529 -0.8738246922386209 -0.9605204474480293 -1.073508769350597 -1.129229037686115 -1.1416113195384492 -1.2190005811155544 -1.308772124545003 -1.4124737350583176 -1.4248560169106608 -1.4774807147830886 -1.5409399092763187 -1.632259237937299 -1.75762984169221 -1.5982079628433774 -1.2700774937564503 -1.0471964204143875 -0.8351498436931184 +36921,-0.6122687703510556,2,-0.750021655958301 -0.8475321255454529 -0.8738246922386209 -0.9605204474480293 -1.073508769350597 -1.129229037686115 -1.1416113195384492 -1.2190005811155544 -1.308772124545003 -1.4124737350583176 -1.4248560169106608 -1.4774807147830886 -1.5409399092763187 -1.632259237937299 -1.75762984169221 -1.5982079628433774 -1.2700774937564503 -1.0471964204143875 -0.8351498436931184 -0.675727964844277 +36922,-0.601434273730262,2,-0.8475321255454529 -0.8738246922386209 -0.9605204474480293 -1.073508769350597 -1.129229037686115 -1.1416113195384492 -1.2190005811155544 -1.308772124545003 -1.4124737350583176 -1.4248560169106608 -1.4774807147830886 -1.5409399092763187 -1.632259237937299 -1.75762984169221 -1.5982079628433774 -1.2700774937564503 -1.0471964204143875 -0.8351498436931184 -0.675727964844277 -0.6122687703510556 +36923,-0.601434273730262,2,-0.8738246922386209 -0.9605204474480293 -1.073508769350597 -1.129229037686115 -1.1416113195384492 -1.2190005811155544 -1.308772124545003 -1.4124737350583176 -1.4248560169106608 -1.4774807147830886 -1.5409399092763187 -1.632259237937299 -1.75762984169221 -1.5982079628433774 -1.2700774937564503 -1.0471964204143875 -0.8351498436931184 -0.675727964844277 -0.6122687703510556 -0.601434273730262 +36924,-0.6556067568342304,2,-0.9605204474480293 -1.073508769350597 -1.129229037686115 -1.1416113195384492 -1.2190005811155544 -1.308772124545003 -1.4124737350583176 -1.4248560169106608 -1.4774807147830886 -1.5409399092763187 -1.632259237937299 -1.75762984169221 -1.5982079628433774 -1.2700774937564503 -1.0471964204143875 -0.8351498436931184 -0.675727964844277 -0.6122687703510556 -0.601434273730262 -0.601434273730262 +36925,-0.9342080985118111,2,-1.073508769350597 -1.129229037686115 -1.1416113195384492 -1.2190005811155544 -1.308772124545003 -1.4124737350583176 -1.4248560169106608 -1.4774807147830886 -1.5409399092763187 -1.632259237937299 -1.75762984169221 -1.5982079628433774 -1.2700774937564503 -1.0471964204143875 -0.8351498436931184 -0.675727964844277 -0.6122687703510556 -0.601434273730262 -0.601434273730262 -0.6556067568342304 +36926,-1.0657698431928935,2,-1.129229037686115 -1.1416113195384492 -1.2190005811155544 -1.308772124545003 -1.4124737350583176 -1.4248560169106608 -1.4774807147830886 -1.5409399092763187 -1.632259237937299 -1.75762984169221 -1.5982079628433774 -1.2700774937564503 -1.0471964204143875 -0.8351498436931184 -0.675727964844277 -0.6122687703510556 -0.601434273730262 -0.601434273730262 -0.6556067568342304 -0.9342080985118111 +36927,-1.2747208494510724,2,-1.1416113195384492 -1.2190005811155544 -1.308772124545003 -1.4124737350583176 -1.4248560169106608 -1.4774807147830886 -1.5409399092763187 -1.632259237937299 -1.75762984169221 -1.5982079628433774 -1.2700774937564503 -1.0471964204143875 -0.8351498436931184 -0.675727964844277 -0.6122687703510556 -0.601434273730262 -0.601434273730262 -0.6556067568342304 -0.9342080985118111 -1.0657698431928935 +36928,-1.304128768850372,2,-1.2190005811155544 -1.308772124545003 -1.4124737350583176 -1.4248560169106608 -1.4774807147830886 -1.5409399092763187 -1.632259237937299 -1.75762984169221 -1.5982079628433774 -1.2700774937564503 -1.0471964204143875 -0.8351498436931184 -0.675727964844277 -0.6122687703510556 -0.601434273730262 -0.601434273730262 -0.6556067568342304 -0.9342080985118111 -1.0657698431928935 -1.2747208494510724 +36929,-1.4140215202898672,2,-1.308772124545003 -1.4124737350583176 -1.4248560169106608 -1.4774807147830886 -1.5409399092763187 -1.632259237937299 -1.75762984169221 -1.5982079628433774 -1.2700774937564503 -1.0471964204143875 -0.8351498436931184 -0.675727964844277 -0.6122687703510556 -0.601434273730262 -0.601434273730262 -0.6556067568342304 -0.9342080985118111 -1.0657698431928935 -1.2747208494510724 -1.304128768850372 +36930,-1.6105902446957117,2,-1.4124737350583176 -1.4248560169106608 -1.4774807147830886 -1.5409399092763187 -1.632259237937299 -1.75762984169221 -1.5982079628433774 -1.2700774937564503 -1.0471964204143875 -0.8351498436931184 -0.675727964844277 -0.6122687703510556 -0.601434273730262 -0.601434273730262 -0.6556067568342304 -0.9342080985118111 -1.0657698431928935 -1.2747208494510724 -1.304128768850372 -1.4140215202898672 +36931,-1.6013035333064587,2,-1.4248560169106608 -1.4774807147830886 -1.5409399092763187 -1.632259237937299 -1.75762984169221 -1.5982079628433774 -1.2700774937564503 -1.0471964204143875 -0.8351498436931184 -0.675727964844277 -0.6122687703510556 -0.601434273730262 -0.601434273730262 -0.6556067568342304 -0.9342080985118111 -1.0657698431928935 -1.2747208494510724 -1.304128768850372 -1.4140215202898672 -1.6105902446957117 +36932,-1.7731076940076345,2,-1.4774807147830886 -1.5409399092763187 -1.632259237937299 -1.75762984169221 -1.5982079628433774 -1.2700774937564503 -1.0471964204143875 -0.8351498436931184 -0.675727964844277 -0.6122687703510556 -0.601434273730262 -0.601434273730262 -0.6556067568342304 -0.9342080985118111 -1.0657698431928935 -1.2747208494510724 -1.304128768850372 -1.4140215202898672 -1.6105902446957117 -1.6013035333064587 +36933,-1.8504969555847397,2,-1.5409399092763187 -1.632259237937299 -1.75762984169221 -1.5982079628433774 -1.2700774937564503 -1.0471964204143875 -0.8351498436931184 -0.675727964844277 -0.6122687703510556 -0.601434273730262 -0.601434273730262 -0.6556067568342304 -0.9342080985118111 -1.0657698431928935 -1.2747208494510724 -1.304128768850372 -1.4140215202898672 -1.6105902446957117 -1.6013035333064587 -1.7731076940076345 +36934,-1.927886217161845,2,-1.632259237937299 -1.75762984169221 -1.5982079628433774 -1.2700774937564503 -1.0471964204143875 -0.8351498436931184 -0.675727964844277 -0.6122687703510556 -0.601434273730262 -0.601434273730262 -0.6556067568342304 -0.9342080985118111 -1.0657698431928935 -1.2747208494510724 -1.304128768850372 -1.4140215202898672 -1.6105902446957117 -1.6013035333064587 -1.7731076940076345 -1.8504969555847397 +36935,-2.043970109527503,2,-1.75762984169221 -1.5982079628433774 -1.2700774937564503 -1.0471964204143875 -0.8351498436931184 -0.675727964844277 -0.6122687703510556 -0.601434273730262 -0.601434273730262 -0.6556067568342304 -0.9342080985118111 -1.0657698431928935 -1.2747208494510724 -1.304128768850372 -1.4140215202898672 -1.6105902446957117 -1.6013035333064587 -1.7731076940076345 -1.8504969555847397 -1.927886217161845 +36936,-2.0563523913798374,2,-1.5982079628433774 -1.2700774937564503 -1.0471964204143875 -0.8351498436931184 -0.675727964844277 -0.6122687703510556 -0.601434273730262 -0.601434273730262 -0.6556067568342304 -0.9342080985118111 -1.0657698431928935 -1.2747208494510724 -1.304128768850372 -1.4140215202898672 -1.6105902446957117 -1.6013035333064587 -1.7731076940076345 -1.8504969555847397 -1.927886217161845 -2.043970109527503 +36937,-2.043970109527503,2,-1.2700774937564503 -1.0471964204143875 -0.8351498436931184 -0.675727964844277 -0.6122687703510556 -0.601434273730262 -0.601434273730262 -0.6556067568342304 -0.9342080985118111 -1.0657698431928935 -1.2747208494510724 -1.304128768850372 -1.4140215202898672 -1.6105902446957117 -1.6013035333064587 -1.7731076940076345 -1.8504969555847397 -1.927886217161845 -2.043970109527503 -2.0563523913798374 +36938,-2.0315878276751596,2,-1.0471964204143875 -0.8351498436931184 -0.675727964844277 -0.6122687703510556 -0.601434273730262 -0.601434273730262 -0.6556067568342304 -0.9342080985118111 -1.0657698431928935 -1.2747208494510724 -1.304128768850372 -1.4140215202898672 -1.6105902446957117 -1.6013035333064587 -1.7731076940076345 -1.8504969555847397 -1.927886217161845 -2.043970109527503 -2.0563523913798374 -2.043970109527503 +36939,-1.9945610600703105,2,-0.8351498436931184 -0.675727964844277 -0.6122687703510556 -0.601434273730262 -0.601434273730262 -0.6556067568342304 -0.9342080985118111 -1.0657698431928935 -1.2747208494510724 -1.304128768850372 -1.4140215202898672 -1.6105902446957117 -1.6013035333064587 -1.7731076940076345 -1.8504969555847397 -1.927886217161845 -2.043970109527503 -2.0563523913798374 -2.043970109527503 -2.0315878276751596 +36940,-1.8566880965109025,2,-0.675727964844277 -0.6122687703510556 -0.601434273730262 -0.601434273730262 -0.6556067568342304 -0.9342080985118111 -1.0657698431928935 -1.2747208494510724 -1.304128768850372 -1.4140215202898672 -1.6105902446957117 -1.6013035333064587 -1.7731076940076345 -1.8504969555847397 -1.927886217161845 -2.043970109527503 -2.0563523913798374 -2.043970109527503 -2.0315878276751596 -1.9945610600703105 +36941,-1.3257977620919683,2,-0.6122687703510556 -0.601434273730262 -0.601434273730262 -0.6556067568342304 -0.9342080985118111 -1.0657698431928935 -1.2747208494510724 -1.304128768850372 -1.4140215202898672 -1.6105902446957117 -1.6013035333064587 -1.7731076940076345 -1.8504969555847397 -1.927886217161845 -2.043970109527503 -2.0563523913798374 -2.043970109527503 -2.0315878276751596 -1.9945610600703105 -1.8566880965109025 +36942,-1.2325635711201286,2,-0.601434273730262 -0.601434273730262 -0.6556067568342304 -0.9342080985118111 -1.0657698431928935 -1.2747208494510724 -1.304128768850372 -1.4140215202898672 -1.6105902446957117 -1.6013035333064587 -1.7731076940076345 -1.8504969555847397 -1.927886217161845 -2.043970109527503 -2.0563523913798374 -2.043970109527503 -2.0315878276751596 -1.9945610600703105 -1.8566880965109025 -1.3257977620919683 +36943,-0.7840729310522314,2,-0.601434273730262 -0.6556067568342304 -0.9342080985118111 -1.0657698431928935 -1.2747208494510724 -1.304128768850372 -1.4140215202898672 -1.6105902446957117 -1.6013035333064587 -1.7731076940076345 -1.8504969555847397 -1.927886217161845 -2.043970109527503 -2.0563523913798374 -2.043970109527503 -2.0315878276751596 -1.9945610600703105 -1.8566880965109025 -1.3257977620919683 -1.2325635711201286 +36944,-0.264017093254082,2,-0.6556067568342304 -0.9342080985118111 -1.0657698431928935 -1.2747208494510724 -1.304128768850372 -1.4140215202898672 -1.6105902446957117 -1.6013035333064587 -1.7731076940076345 -1.8504969555847397 -1.927886217161845 -2.043970109527503 -2.0563523913798374 -2.043970109527503 -2.0315878276751596 -1.9945610600703105 -1.8566880965109025 -1.3257977620919683 -1.2325635711201286 -0.7840729310522314 +36945,-0.1649588384353894,2,-0.9342080985118111 -1.0657698431928935 -1.2747208494510724 -1.304128768850372 -1.4140215202898672 -1.6105902446957117 -1.6013035333064587 -1.7731076940076345 -1.8504969555847397 -1.927886217161845 -2.043970109527503 -2.0563523913798374 -2.043970109527503 -2.0315878276751596 -1.9945610600703105 -1.8566880965109025 -1.3257977620919683 -1.2325635711201286 -0.7840729310522314 -0.264017093254082 +36946,-0.12007306672066517,2,-1.0657698431928935 -1.2747208494510724 -1.304128768850372 -1.4140215202898672 -1.6105902446957117 -1.6013035333064587 -1.7731076940076345 -1.8504969555847397 -1.927886217161845 -2.043970109527503 -2.0563523913798374 -2.043970109527503 -2.0315878276751596 -1.9945610600703105 -1.8566880965109025 -1.3257977620919683 -1.2325635711201286 -0.7840729310522314 -0.264017093254082 -0.1649588384353894 +36947,-0.09840407347907781,2,-1.2747208494510724 -1.304128768850372 -1.4140215202898672 -1.6105902446957117 -1.6013035333064587 -1.7731076940076345 -1.8504969555847397 -1.927886217161845 -2.043970109527503 -2.0563523913798374 -2.043970109527503 -2.0315878276751596 -1.9945610600703105 -1.8566880965109025 -1.3257977620919683 -1.2325635711201286 -0.7840729310522314 -0.264017093254082 -0.1649588384353894 -0.12007306672066517 +36948,-0.10005917470920217,2,-1.304128768850372 -1.4140215202898672 -1.6105902446957117 -1.6013035333064587 -1.7731076940076345 -1.8504969555847397 -1.927886217161845 -2.043970109527503 -2.0563523913798374 -2.043970109527503 -2.0315878276751596 -1.9945610600703105 -1.8566880965109025 -1.3257977620919683 -1.2325635711201286 -0.7840729310522314 -0.264017093254082 -0.1649588384353894 -0.12007306672066517 -0.09840407347907781 +36949,-0.15102877135150553,2,-1.4140215202898672 -1.6105902446957117 -1.6013035333064587 -1.7731076940076345 -1.8504969555847397 -1.927886217161845 -2.043970109527503 -2.0563523913798374 -2.043970109527503 -2.0315878276751596 -1.9945610600703105 -1.8566880965109025 -1.3257977620919683 -1.2325635711201286 -0.7840729310522314 -0.264017093254082 -0.1649588384353894 -0.12007306672066517 -0.09840407347907781 -0.10005917470920217 +36950,-0.620007696508768,2,-1.6105902446957117 -1.6013035333064587 -1.7731076940076345 -1.8504969555847397 -1.927886217161845 -2.043970109527503 -2.0563523913798374 -2.043970109527503 -2.0315878276751596 -1.9945610600703105 -1.8566880965109025 -1.3257977620919683 -1.2325635711201286 -0.7840729310522314 -0.264017093254082 -0.1649588384353894 -0.12007306672066517 -0.09840407347907781 -0.10005917470920217 -0.15102877135150553 +36951,-0.671084609149655,2,-1.6013035333064587 -1.7731076940076345 -1.8504969555847397 -1.927886217161845 -2.043970109527503 -2.0563523913798374 -2.043970109527503 -2.0315878276751596 -1.9945610600703105 -1.8566880965109025 -1.3257977620919683 -1.2325635711201286 -0.7840729310522314 -0.264017093254082 -0.1649588384353894 -0.12007306672066517 -0.09840407347907781 -0.10005917470920217 -0.15102877135150553 -0.620007696508768 +36952,-0.90170460864943,2,-1.7731076940076345 -1.8504969555847397 -1.927886217161845 -2.043970109527503 -2.0563523913798374 -2.043970109527503 -2.0315878276751596 -1.9945610600703105 -1.8566880965109025 -1.3257977620919683 -1.2325635711201286 -0.7840729310522314 -0.264017093254082 -0.1649588384353894 -0.12007306672066517 -0.09840407347907781 -0.10005917470920217 -0.15102877135150553 -0.620007696508768 -0.671084609149655 +36953,-0.9063479643440521,2,-1.8504969555847397 -1.927886217161845 -2.043970109527503 -2.0563523913798374 -2.043970109527503 -2.0315878276751596 -1.9945610600703105 -1.8566880965109025 -1.3257977620919683 -1.2325635711201286 -0.7840729310522314 -0.264017093254082 -0.1649588384353894 -0.12007306672066517 -0.09840407347907781 -0.10005917470920217 -0.15102877135150553 -0.620007696508768 -0.671084609149655 -0.90170460864943 +36954,-0.9063479643440521,2,-1.927886217161845 -2.043970109527503 -2.0563523913798374 -2.043970109527503 -2.0315878276751596 -1.9945610600703105 -1.8566880965109025 -1.3257977620919683 -1.2325635711201286 -0.7840729310522314 -0.264017093254082 -0.1649588384353894 -0.12007306672066517 -0.09840407347907781 -0.10005917470920217 -0.15102877135150553 -0.620007696508768 -0.671084609149655 -0.90170460864943 -0.9063479643440521 +36955,-1.1524458161592517,2,-2.043970109527503 -2.0563523913798374 -2.043970109527503 -2.0315878276751596 -1.9945610600703105 -1.8566880965109025 -1.3257977620919683 -1.2325635711201286 -0.7840729310522314 -0.264017093254082 -0.1649588384353894 -0.12007306672066517 -0.09840407347907781 -0.10005917470920217 -0.15102877135150553 -0.620007696508768 -0.671084609149655 -0.90170460864943 -0.9063479643440521 -0.9063479643440521 +36956,-1.3335366882496718,2,-2.0563523913798374 -2.043970109527503 -2.0315878276751596 -1.9945610600703105 -1.8566880965109025 -1.3257977620919683 -1.2325635711201286 -0.7840729310522314 -0.264017093254082 -0.1649588384353894 -0.12007306672066517 -0.09840407347907781 -0.10005917470920217 -0.15102877135150553 -0.620007696508768 -0.671084609149655 -0.90170460864943 -0.9063479643440521 -0.9063479643440521 -1.1524458161592517 +36957,-1.4620028624676729,2,-2.043970109527503 -2.0315878276751596 -1.9945610600703105 -1.8566880965109025 -1.3257977620919683 -1.2325635711201286 -0.7840729310522314 -0.264017093254082 -0.1649588384353894 -0.12007306672066517 -0.09840407347907781 -0.10005917470920217 -0.15102877135150553 -0.620007696508768 -0.671084609149655 -0.90170460864943 -0.9063479643440521 -0.9063479643440521 -1.1524458161592517 -1.3335366882496718 +36958,-1.5006974932562254,2,-2.0315878276751596 -1.9945610600703105 -1.8566880965109025 -1.3257977620919683 -1.2325635711201286 -0.7840729310522314 -0.264017093254082 -0.1649588384353894 -0.12007306672066517 -0.09840407347907781 -0.10005917470920217 -0.15102877135150553 -0.620007696508768 -0.671084609149655 -0.90170460864943 -0.9063479643440521 -0.9063479643440521 -1.1524458161592517 -1.3335366882496718 -1.4620028624676729 +36959,-1.692622861967439,2,-1.9945610600703105 -1.8566880965109025 -1.3257977620919683 -1.2325635711201286 -0.7840729310522314 -0.264017093254082 -0.1649588384353894 -0.12007306672066517 -0.09840407347907781 -0.10005917470920217 -0.15102877135150553 -0.620007696508768 -0.671084609149655 -0.90170460864943 -0.9063479643440521 -0.9063479643440521 -1.1524458161592517 -1.3335366882496718 -1.4620028624676729 -1.5006974932562254 +36960,-1.6678582982627703,2,-1.8566880965109025 -1.3257977620919683 -1.2325635711201286 -0.7840729310522314 -0.264017093254082 -0.1649588384353894 -0.12007306672066517 -0.09840407347907781 -0.10005917470920217 -0.15102877135150553 -0.620007696508768 -0.671084609149655 -0.90170460864943 -0.9063479643440521 -0.9063479643440521 -1.1524458161592517 -1.3335366882496718 -1.4620028624676729 -1.5006974932562254 -1.692622861967439 +36961,-1.590469036685665,2,-1.3257977620919683 -1.2325635711201286 -0.7840729310522314 -0.264017093254082 -0.1649588384353894 -0.12007306672066517 -0.09840407347907781 -0.10005917470920217 -0.15102877135150553 -0.620007696508768 -0.671084609149655 -0.90170460864943 -0.9063479643440521 -0.9063479643440521 -1.1524458161592517 -1.3335366882496718 -1.4620028624676729 -1.5006974932562254 -1.692622861967439 -1.6678582982627703 +36962,-1.8133501100277278,2,-1.2325635711201286 -0.7840729310522314 -0.264017093254082 -0.1649588384353894 -0.12007306672066517 -0.09840407347907781 -0.10005917470920217 -0.15102877135150553 -0.620007696508768 -0.671084609149655 -0.90170460864943 -0.9063479643440521 -0.9063479643440521 -1.1524458161592517 -1.3335366882496718 -1.4620028624676729 -1.5006974932562254 -1.692622861967439 -1.6678582982627703 -1.590469036685665 +36963,-1.7003617881251514,2,-0.7840729310522314 -0.264017093254082 -0.1649588384353894 -0.12007306672066517 -0.09840407347907781 -0.10005917470920217 -0.15102877135150553 -0.620007696508768 -0.671084609149655 -0.90170460864943 -0.9063479643440521 -0.9063479643440521 -1.1524458161592517 -1.3335366882496718 -1.4620028624676729 -1.5006974932562254 -1.692622861967439 -1.6678582982627703 -1.590469036685665 -1.8133501100277278 +36964,-1.5316531978870658,2,-0.264017093254082 -0.1649588384353894 -0.12007306672066517 -0.09840407347907781 -0.10005917470920217 -0.15102877135150553 -0.620007696508768 -0.671084609149655 -0.90170460864943 -0.9063479643440521 -0.9063479643440521 -1.1524458161592517 -1.3335366882496718 -1.4620028624676729 -1.5006974932562254 -1.692622861967439 -1.6678582982627703 -1.590469036685665 -1.8133501100277278 -1.7003617881251514 +36965,-0.7268048774851729,2,-0.1649588384353894 -0.12007306672066517 -0.09840407347907781 -0.10005917470920217 -0.15102877135150553 -0.620007696508768 -0.671084609149655 -0.90170460864943 -0.9063479643440521 -0.9063479643440521 -1.1524458161592517 -1.3335366882496718 -1.4620028624676729 -1.5006974932562254 -1.692622861967439 -1.6678582982627703 -1.590469036685665 -1.8133501100277278 -1.7003617881251514 -1.5316531978870658 +36966,-0.324380717284222,2,-0.12007306672066517 -0.09840407347907781 -0.10005917470920217 -0.15102877135150553 -0.620007696508768 -0.671084609149655 -0.90170460864943 -0.9063479643440521 -0.9063479643440521 -1.1524458161592517 -1.3335366882496718 -1.4620028624676729 -1.5006974932562254 -1.692622861967439 -1.6678582982627703 -1.590469036685665 -1.8133501100277278 -1.7003617881251514 -1.5316531978870658 -0.7268048774851729 +36967,-0.056613872227435,2,-0.09840407347907781 -0.10005917470920217 -0.15102877135150553 -0.620007696508768 -0.671084609149655 -0.90170460864943 -0.9063479643440521 -0.9063479643440521 -1.1524458161592517 -1.3335366882496718 -1.4620028624676729 -1.5006974932562254 -1.692622861967439 -1.6678582982627703 -1.590469036685665 -1.8133501100277278 -1.7003617881251514 -1.5316531978870658 -0.7268048774851729 -0.324380717284222 +36968,0.02541874504429235,2,-0.10005917470920217 -0.15102877135150553 -0.620007696508768 -0.671084609149655 -0.90170460864943 -0.9063479643440521 -0.9063479643440521 -1.1524458161592517 -1.3335366882496718 -1.4620028624676729 -1.5006974932562254 -1.692622861967439 -1.6678582982627703 -1.590469036685665 -1.8133501100277278 -1.7003617881251514 -1.5316531978870658 -0.7268048774851729 -0.324380717284222 -0.056613872227435 +36969,0.24520424792327375,2,-0.15102877135150553 -0.620007696508768 -0.671084609149655 -0.90170460864943 -0.9063479643440521 -0.9063479643440521 -1.1524458161592517 -1.3335366882496718 -1.4620028624676729 -1.5006974932562254 -1.692622861967439 -1.6678582982627703 -1.590469036685665 -1.8133501100277278 -1.7003617881251514 -1.5316531978870658 -0.7268048774851729 -0.324380717284222 -0.056613872227435 0.02541874504429235 +36970,0.46034639510762426,2,-0.620007696508768 -0.671084609149655 -0.90170460864943 -0.9063479643440521 -0.9063479643440521 -1.1524458161592517 -1.3335366882496718 -1.4620028624676729 -1.5006974932562254 -1.692622861967439 -1.6678582982627703 -1.590469036685665 -1.8133501100277278 -1.7003617881251514 -1.5316531978870658 -0.7268048774851729 -0.324380717284222 -0.056613872227435 0.02541874504429235 0.24520424792327375 +36971,0.46963310649687723,2,-0.671084609149655 -0.90170460864943 -0.9063479643440521 -0.9063479643440521 -1.1524458161592517 -1.3335366882496718 -1.4620028624676729 -1.5006974932562254 -1.692622861967439 -1.6678582982627703 -1.590469036685665 -1.8133501100277278 -1.7003617881251514 -1.5316531978870658 -0.7268048774851729 -0.324380717284222 -0.056613872227435 0.02541874504429235 0.24520424792327375 0.46034639510762426 +36972,0.25603874454406744,2,-0.90170460864943 -0.9063479643440521 -0.9063479643440521 -1.1524458161592517 -1.3335366882496718 -1.4620028624676729 -1.5006974932562254 -1.692622861967439 -1.6678582982627703 -1.590469036685665 -1.8133501100277278 -1.7003617881251514 -1.5316531978870658 -0.7268048774851729 -0.324380717284222 -0.056613872227435 0.02541874504429235 0.24520424792327375 0.46034639510762426 0.46963310649687723 +36973,0.05947002013822289,2,-0.9063479643440521 -0.9063479643440521 -1.1524458161592517 -1.3335366882496718 -1.4620028624676729 -1.5006974932562254 -1.692622861967439 -1.6678582982627703 -1.590469036685665 -1.8133501100277278 -1.7003617881251514 -1.5316531978870658 -0.7268048774851729 -0.324380717284222 -0.056613872227435 0.02541874504429235 0.24520424792327375 0.46034639510762426 0.46963310649687723 0.25603874454406744 +36974,-0.2500870261701981,2,-0.9063479643440521 -1.1524458161592517 -1.3335366882496718 -1.4620028624676729 -1.5006974932562254 -1.692622861967439 -1.6678582982627703 -1.590469036685665 -1.8133501100277278 -1.7003617881251514 -1.5316531978870658 -0.7268048774851729 -0.324380717284222 -0.056613872227435 0.02541874504429235 0.24520424792327375 0.46034639510762426 0.46963310649687723 0.25603874454406744 0.05947002013822289 +36975,-0.4420123948814206,2,-1.1524458161592517 -1.3335366882496718 -1.4620028624676729 -1.5006974932562254 -1.692622861967439 -1.6678582982627703 -1.590469036685665 -1.8133501100277278 -1.7003617881251514 -1.5316531978870658 -0.7268048774851729 -0.324380717284222 -0.056613872227435 0.02541874504429235 0.24520424792327375 0.46034639510762426 0.46963310649687723 0.25603874454406744 0.05947002013822289 -0.2500870261701981 +36976,-0.7391871593375072,2,-1.3335366882496718 -1.4620028624676729 -1.5006974932562254 -1.692622861967439 -1.6678582982627703 -1.590469036685665 -1.8133501100277278 -1.7003617881251514 -1.5316531978870658 -0.7268048774851729 -0.324380717284222 -0.056613872227435 0.02541874504429235 0.24520424792327375 0.46034639510762426 0.46963310649687723 0.25603874454406744 0.05947002013822289 -0.2500870261701981 -0.4420123948814206 +36977,-0.8041941390622781,2,-1.4620028624676729 -1.5006974932562254 -1.692622861967439 -1.6678582982627703 -1.590469036685665 -1.8133501100277278 -1.7003617881251514 -1.5316531978870658 -0.7268048774851729 -0.324380717284222 -0.056613872227435 0.02541874504429235 0.24520424792327375 0.46034639510762426 0.46963310649687723 0.25603874454406744 0.05947002013822289 -0.2500870261701981 -0.4420123948814206 -0.7391871593375072 +36978,-1.0115973600889163,2,-1.5006974932562254 -1.692622861967439 -1.6678582982627703 -1.590469036685665 -1.8133501100277278 -1.7003617881251514 -1.5316531978870658 -0.7268048774851729 -0.324380717284222 -0.056613872227435 0.02541874504429235 0.24520424792327375 0.46034639510762426 0.46963310649687723 0.25603874454406744 0.05947002013822289 -0.2500870261701981 -0.4420123948814206 -0.7391871593375072 -0.8041941390622781 +36979,-0.9605204474480293,2,-1.692622861967439 -1.6678582982627703 -1.590469036685665 -1.8133501100277278 -1.7003617881251514 -1.5316531978870658 -0.7268048774851729 -0.324380717284222 -0.056613872227435 0.02541874504429235 0.24520424792327375 0.46034639510762426 0.46963310649687723 0.25603874454406744 0.05947002013822289 -0.2500870261701981 -0.4420123948814206 -0.7391871593375072 -0.8041941390622781 -1.0115973600889163 +36980,-1.1152989706022398,2,-1.6678582982627703 -1.590469036685665 -1.8133501100277278 -1.7003617881251514 -1.5316531978870658 -0.7268048774851729 -0.324380717284222 -0.056613872227435 0.02541874504429235 0.24520424792327375 0.46034639510762426 0.46963310649687723 0.25603874454406744 0.05947002013822289 -0.2500870261701981 -0.4420123948814206 -0.7391871593375072 -0.8041941390622781 -1.0115973600889163 -0.9605204474480293 +36981,-1.1663758832431268,2,-1.590469036685665 -1.8133501100277278 -1.7003617881251514 -1.5316531978870658 -0.7268048774851729 -0.324380717284222 -0.056613872227435 0.02541874504429235 0.24520424792327375 0.46034639510762426 0.46963310649687723 0.25603874454406744 0.05947002013822289 -0.2500870261701981 -0.4420123948814206 -0.7391871593375072 -0.8041941390622781 -1.0115973600889163 -0.9605204474480293 -1.1152989706022398 +36982,-1.3490145405650964,2,-1.8133501100277278 -1.7003617881251514 -1.5316531978870658 -0.7268048774851729 -0.324380717284222 -0.056613872227435 0.02541874504429235 0.24520424792327375 0.46034639510762426 0.46963310649687723 0.25603874454406744 0.05947002013822289 -0.2500870261701981 -0.4420123948814206 -0.7391871593375072 -0.8041941390622781 -1.0115973600889163 -0.9605204474480293 -1.1152989706022398 -1.1663758832431268 +36983,-1.4000914532059834,2,-1.7003617881251514 -1.5316531978870658 -0.7268048774851729 -0.324380717284222 -0.056613872227435 0.02541874504429235 0.24520424792327375 0.46034639510762426 0.46963310649687723 0.25603874454406744 0.05947002013822289 -0.2500870261701981 -0.4420123948814206 -0.7391871593375072 -0.8041941390622781 -1.0115973600889163 -0.9605204474480293 -1.1152989706022398 -1.1663758832431268 -1.3490145405650964 +36984,-1.387709171353649,2,-1.5316531978870658 -0.7268048774851729 -0.324380717284222 -0.056613872227435 0.02541874504429235 0.24520424792327375 0.46034639510762426 0.46963310649687723 0.25603874454406744 0.05947002013822289 -0.2500870261701981 -0.4420123948814206 -0.7391871593375072 -0.8041941390622781 -1.0115973600889163 -0.9605204474480293 -1.1152989706022398 -1.1663758832431268 -1.3490145405650964 -1.4000914532059834 +36985,-1.4000914532059834,2,-0.7268048774851729 -0.324380717284222 -0.056613872227435 0.02541874504429235 0.24520424792327375 0.46034639510762426 0.46963310649687723 0.25603874454406744 0.05947002013822289 -0.2500870261701981 -0.4420123948814206 -0.7391871593375072 -0.8041941390622781 -1.0115973600889163 -0.9605204474480293 -1.1152989706022398 -1.1663758832431268 -1.3490145405650964 -1.4000914532059834 -1.387709171353649 +36986,-1.4264038021422016,2,-0.324380717284222 -0.056613872227435 0.02541874504429235 0.24520424792327375 0.46034639510762426 0.46963310649687723 0.25603874454406744 0.05947002013822289 -0.2500870261701981 -0.4420123948814206 -0.7391871593375072 -0.8041941390622781 -1.0115973600889163 -0.9605204474480293 -1.1152989706022398 -1.1663758832431268 -1.3490145405650964 -1.4000914532059834 -1.387709171353649 -1.4000914532059834 +36987,-1.3490145405650964,2,-0.056613872227435 0.02541874504429235 0.24520424792327375 0.46034639510762426 0.46963310649687723 0.25603874454406744 0.05947002013822289 -0.2500870261701981 -0.4420123948814206 -0.7391871593375072 -0.8041941390622781 -1.0115973600889163 -0.9605204474480293 -1.1152989706022398 -1.1663758832431268 -1.3490145405650964 -1.4000914532059834 -1.387709171353649 -1.4000914532059834 -1.4264038021422016 +36988,-1.1400635343069085,2,0.02541874504429235 0.24520424792327375 0.46034639510762426 0.46963310649687723 0.25603874454406744 0.05947002013822289 -0.2500870261701981 -0.4420123948814206 -0.7391871593375072 -0.8041941390622781 -1.0115973600889163 -0.9605204474480293 -1.1152989706022398 -1.1663758832431268 -1.3490145405650964 -1.4000914532059834 -1.387709171353649 -1.4000914532059834 -1.4264038021422016 -1.3490145405650964 +36989,-0.5627396429417093,2,0.24520424792327375 0.46034639510762426 0.46963310649687723 0.25603874454406744 0.05947002013822289 -0.2500870261701981 -0.4420123948814206 -0.7391871593375072 -0.8041941390622781 -1.0115973600889163 -0.9605204474480293 -1.1152989706022398 -1.1663758832431268 -1.3490145405650964 -1.4000914532059834 -1.387709171353649 -1.4000914532059834 -1.4264038021422016 -1.3490145405650964 -1.1400635343069085 +36990,-0.014823670975800974,2,0.46034639510762426 0.46963310649687723 0.25603874454406744 0.05947002013822289 -0.2500870261701981 -0.4420123948814206 -0.7391871593375072 -0.8041941390622781 -1.0115973600889163 -0.9605204474480293 -1.1152989706022398 -1.1663758832431268 -1.3490145405650964 -1.4000914532059834 -1.387709171353649 -1.4000914532059834 -1.4264038021422016 -1.3490145405650964 -1.1400635343069085 -0.5627396429417093 +36991,0.3876004892251499,2,0.46963310649687723 0.25603874454406744 0.05947002013822289 -0.2500870261701981 -0.4420123948814206 -0.7391871593375072 -0.8041941390622781 -1.0115973600889163 -0.9605204474480293 -1.1152989706022398 -1.1663758832431268 -1.3490145405650964 -1.4000914532059834 -1.387709171353649 -1.4000914532059834 -1.4264038021422016 -1.3490145405650964 -1.1400635343069085 -0.5627396429417093 -0.014823670975800974 +36992,0.75287780386908,2,0.25603874454406744 0.05947002013822289 -0.2500870261701981 -0.4420123948814206 -0.7391871593375072 -0.8041941390622781 -1.0115973600889163 -0.9605204474480293 -1.1152989706022398 -1.1663758832431268 -1.3490145405650964 -1.4000914532059834 -1.387709171353649 -1.4000914532059834 -1.4264038021422016 -1.3490145405650964 -1.1400635343069085 -0.5627396429417093 -0.014823670975800974 0.3876004892251499 +36993,0.9432553873487618,2,0.05947002013822289 -0.2500870261701981 -0.4420123948814206 -0.7391871593375072 -0.8041941390622781 -1.0115973600889163 -0.9605204474480293 -1.1152989706022398 -1.1663758832431268 -1.3490145405650964 -1.4000914532059834 -1.387709171353649 -1.4000914532059834 -1.4264038021422016 -1.3490145405650964 -1.1400635343069085 -0.5627396429417093 -0.014823670975800974 0.3876004892251499 0.75287780386908 +36994,1.108868407123766,2,-0.2500870261701981 -0.4420123948814206 -0.7391871593375072 -0.8041941390622781 -1.0115973600889163 -0.9605204474480293 -1.1152989706022398 -1.1663758832431268 -1.3490145405650964 -1.4000914532059834 -1.387709171353649 -1.4000914532059834 -1.4264038021422016 -1.3490145405650964 -1.1400635343069085 -0.5627396429417093 -0.014823670975800974 0.3876004892251499 0.75287780386908 0.9432553873487618 +36995,0.9649243805903491,2,-0.4420123948814206 -0.7391871593375072 -0.8041941390622781 -1.0115973600889163 -0.9605204474480293 -1.1152989706022398 -1.1663758832431268 -1.3490145405650964 -1.4000914532059834 -1.387709171353649 -1.4000914532059834 -1.4264038021422016 -1.3490145405650964 -1.1400635343069085 -0.5627396429417093 -0.014823670975800974 0.3876004892251499 0.75287780386908 0.9432553873487618 1.108868407123766 +36996,0.7652600857214231,2,-0.7391871593375072 -0.8041941390622781 -1.0115973600889163 -0.9605204474480293 -1.1152989706022398 -1.1663758832431268 -1.3490145405650964 -1.4000914532059834 -1.387709171353649 -1.4000914532059834 -1.4264038021422016 -1.3490145405650964 -1.1400635343069085 -0.5627396429417093 -0.014823670975800974 0.3876004892251499 0.75287780386908 0.9432553873487618 1.108868407123766 0.9649243805903491 +36997,0.4990410258961769,2,-0.8041941390622781 -1.0115973600889163 -0.9605204474480293 -1.1152989706022398 -1.1663758832431268 -1.3490145405650964 -1.4000914532059834 -1.387709171353649 -1.4000914532059834 -1.4264038021422016 -1.3490145405650964 -1.1400635343069085 -0.5627396429417093 -0.014823670975800974 0.3876004892251499 0.75287780386908 0.9432553873487618 1.108868407123766 0.9649243805903491 0.7652600857214231 +36998,0.3566447845943007,2,-1.0115973600889163 -0.9605204474480293 -1.1152989706022398 -1.1663758832431268 -1.3490145405650964 -1.4000914532059834 -1.387709171353649 -1.4000914532059834 -1.4264038021422016 -1.3490145405650964 -1.1400635343069085 -0.5627396429417093 -0.014823670975800974 0.3876004892251499 0.75287780386908 0.9432553873487618 1.108868407123766 0.9649243805903491 0.7652600857214231 0.4990410258961769 +36999,0.3334280061211727,2,-0.9605204474480293 -1.1152989706022398 -1.1663758832431268 -1.3490145405650964 -1.4000914532059834 -1.387709171353649 -1.4000914532059834 -1.4264038021422016 -1.3490145405650964 -1.1400635343069085 -0.5627396429417093 -0.014823670975800974 0.3876004892251499 0.75287780386908 0.9432553873487618 1.108868407123766 0.9649243805903491 0.7652600857214231 0.4990410258961769 0.3566447845943007 +37000,0.16936277157770918,2,-1.1152989706022398 -1.1663758832431268 -1.3490145405650964 -1.4000914532059834 -1.387709171353649 -1.4000914532059834 -1.4264038021422016 -1.3490145405650964 -1.1400635343069085 -0.5627396429417093 -0.014823670975800974 0.3876004892251499 0.75287780386908 0.9432553873487618 1.108868407123766 0.9649243805903491 0.7652600857214231 0.4990410258961769 0.3566447845943007 0.3334280061211727 +37001,0.05792223490668219,2,-1.1663758832431268 -1.3490145405650964 -1.4000914532059834 -1.387709171353649 -1.4000914532059834 -1.4264038021422016 -1.3490145405650964 -1.1400635343069085 -0.5627396429417093 -0.014823670975800974 0.3876004892251499 0.75287780386908 0.9432553873487618 1.108868407123766 0.9649243805903491 0.7652600857214231 0.4990410258961769 0.3566447845943007 0.3334280061211727 0.16936277157770918 +37002,0.005297537034245689,2,-1.3490145405650964 -1.4000914532059834 -1.387709171353649 -1.4000914532059834 -1.4264038021422016 -1.3490145405650964 -1.1400635343069085 -0.5627396429417093 -0.014823670975800974 0.3876004892251499 0.75287780386908 0.9432553873487618 1.108868407123766 0.9649243805903491 0.7652600857214231 0.4990410258961769 0.3566447845943007 0.3334280061211727 0.16936277157770918 0.05792223490668219 +37003,-0.264017093254082,2,-1.4000914532059834 -1.387709171353649 -1.4000914532059834 -1.4264038021422016 -1.3490145405650964 -1.1400635343069085 -0.5627396429417093 -0.014823670975800974 0.3876004892251499 0.75287780386908 0.9432553873487618 1.108868407123766 0.9649243805903491 0.7652600857214231 0.4990410258961769 0.3566447845943007 0.3334280061211727 0.16936277157770918 0.05792223490668219 0.005297537034245689 +37004,-0.4311778982606269,2,-1.387709171353649 -1.4000914532059834 -1.4264038021422016 -1.3490145405650964 -1.1400635343069085 -0.5627396429417093 -0.014823670975800974 0.3876004892251499 0.75287780386908 0.9432553873487618 1.108868407123766 0.9649243805903491 0.7652600857214231 0.4990410258961769 0.3566447845943007 0.3334280061211727 0.16936277157770918 0.05792223490668219 0.005297537034245689 -0.264017093254082 +37005,-0.4961848779853978,2,-1.4000914532059834 -1.4264038021422016 -1.3490145405650964 -1.1400635343069085 -0.5627396429417093 -0.014823670975800974 0.3876004892251499 0.75287780386908 0.9432553873487618 1.108868407123766 0.9649243805903491 0.7652600857214231 0.4990410258961769 0.3566447845943007 0.3334280061211727 0.16936277157770918 0.05792223490668219 0.005297537034245689 -0.264017093254082 -0.4311778982606269 +37006,-0.6122687703510556,2,-1.4264038021422016 -1.3490145405650964 -1.1400635343069085 -0.5627396429417093 -0.014823670975800974 0.3876004892251499 0.75287780386908 0.9432553873487618 1.108868407123766 0.9649243805903491 0.7652600857214231 0.4990410258961769 0.3566447845943007 0.3334280061211727 0.16936277157770918 0.05792223490668219 0.005297537034245689 -0.264017093254082 -0.4311778982606269 -0.4961848779853978 +37007,-0.6385811192872651,2,-1.3490145405650964 -1.1400635343069085 -0.5627396429417093 -0.014823670975800974 0.3876004892251499 0.75287780386908 0.9432553873487618 1.108868407123766 0.9649243805903491 0.7652600857214231 0.4990410258961769 0.3566447845943007 0.3334280061211727 0.16936277157770918 0.05792223490668219 0.005297537034245689 -0.264017093254082 -0.4311778982606269 -0.4961848779853978 -0.6122687703510556 +37008,-0.5859564214148374,2,-1.1400635343069085 -0.5627396429417093 -0.014823670975800974 0.3876004892251499 0.75287780386908 0.9432553873487618 1.108868407123766 0.9649243805903491 0.7652600857214231 0.4990410258961769 0.3566447845943007 0.3334280061211727 0.16936277157770918 0.05792223490668219 0.005297537034245689 -0.264017093254082 -0.4311778982606269 -0.4961848779853978 -0.6122687703510556 -0.6385811192872651 +37009,-0.5998864884987125,2,-0.5627396429417093 -0.014823670975800974 0.3876004892251499 0.75287780386908 0.9432553873487618 1.108868407123766 0.9649243805903491 0.7652600857214231 0.4990410258961769 0.3566447845943007 0.3334280061211727 0.16936277157770918 0.05792223490668219 0.005297537034245689 -0.264017093254082 -0.4311778982606269 -0.4961848779853978 -0.6122687703510556 -0.6385811192872651 -0.5859564214148374 +37010,-0.5998864884987125,2,-0.014823670975800974 0.3876004892251499 0.75287780386908 0.9432553873487618 1.108868407123766 0.9649243805903491 0.7652600857214231 0.4990410258961769 0.3566447845943007 0.3334280061211727 0.16936277157770918 0.05792223490668219 0.005297537034245689 -0.264017093254082 -0.4311778982606269 -0.4961848779853978 -0.6122687703510556 -0.6385811192872651 -0.5859564214148374 -0.5998864884987125 +37011,-0.5302361530793195,2,0.3876004892251499 0.75287780386908 0.9432553873487618 1.108868407123766 0.9649243805903491 0.7652600857214231 0.4990410258961769 0.3566447845943007 0.3334280061211727 0.16936277157770918 0.05792223490668219 0.005297537034245689 -0.264017093254082 -0.4311778982606269 -0.4961848779853978 -0.6122687703510556 -0.6385811192872651 -0.5859564214148374 -0.5998864884987125 -0.5998864884987125 +37012,-0.3878399117774522,2,0.75287780386908 0.9432553873487618 1.108868407123766 0.9649243805903491 0.7652600857214231 0.4990410258961769 0.3566447845943007 0.3334280061211727 0.16936277157770918 0.05792223490668219 0.005297537034245689 -0.264017093254082 -0.4311778982606269 -0.4961848779853978 -0.6122687703510556 -0.6385811192872651 -0.5859564214148374 -0.5998864884987125 -0.5998864884987125 -0.5302361530793195 +37013,-0.18043669075080518,2,0.9432553873487618 1.108868407123766 0.9649243805903491 0.7652600857214231 0.4990410258961769 0.3566447845943007 0.3334280061211727 0.16936277157770918 0.05792223490668219 0.005297537034245689 -0.264017093254082 -0.4311778982606269 -0.4961848779853978 -0.6122687703510556 -0.6385811192872651 -0.5859564214148374 -0.5998864884987125 -0.5998864884987125 -0.5302361530793195 -0.3878399117774522 +37014,-0.01637145620734167,2,1.108868407123766 0.9649243805903491 0.7652600857214231 0.4990410258961769 0.3566447845943007 0.3334280061211727 0.16936277157770918 0.05792223490668219 0.005297537034245689 -0.264017093254082 -0.4311778982606269 -0.4961848779853978 -0.6122687703510556 -0.6385811192872651 -0.5859564214148374 -0.5998864884987125 -0.5998864884987125 -0.5302361530793195 -0.3878399117774522 -0.18043669075080518 +37015,-0.058161657458975696,2,0.9649243805903491 0.7652600857214231 0.4990410258961769 0.3566447845943007 0.3334280061211727 0.16936277157770918 0.05792223490668219 0.005297537034245689 -0.264017093254082 -0.4311778982606269 -0.4961848779853978 -0.6122687703510556 -0.6385811192872651 -0.5859564214148374 -0.5998864884987125 -0.5998864884987125 -0.5302361530793195 -0.3878399117774522 -0.18043669075080518 -0.01637145620734167 +37016,-0.09995185871061851,2,0.7652600857214231 0.4990410258961769 0.3566447845943007 0.3334280061211727 0.16936277157770918 0.05792223490668219 0.005297537034245689 -0.264017093254082 -0.4311778982606269 -0.4961848779853978 -0.6122687703510556 -0.6385811192872651 -0.5859564214148374 -0.5998864884987125 -0.5998864884987125 -0.5302361530793195 -0.3878399117774522 -0.18043669075080518 -0.01637145620734167 -0.058161657458975696 +37017,-0.3909354822405336,2,0.4990410258961769 0.3566447845943007 0.3334280061211727 0.16936277157770918 0.05792223490668219 0.005297537034245689 -0.264017093254082 -0.4311778982606269 -0.4961848779853978 -0.6122687703510556 -0.6385811192872651 -0.5859564214148374 -0.5998864884987125 -0.5998864884987125 -0.5302361530793195 -0.3878399117774522 -0.18043669075080518 -0.01637145620734167 -0.058161657458975696 -0.09995185871061851 +37018,-0.38474434131436197,2,0.3566447845943007 0.3334280061211727 0.16936277157770918 0.05792223490668219 0.005297537034245689 -0.264017093254082 -0.4311778982606269 -0.4961848779853978 -0.6122687703510556 -0.6385811192872651 -0.5859564214148374 -0.5998864884987125 -0.5998864884987125 -0.5302361530793195 -0.3878399117774522 -0.18043669075080518 -0.01637145620734167 -0.058161657458975696 -0.09995185871061851 -0.3909354822405336 +37019,-0.44665575057605145,2,0.3334280061211727 0.16936277157770918 0.05792223490668219 0.005297537034245689 -0.264017093254082 -0.4311778982606269 -0.4961848779853978 -0.6122687703510556 -0.6385811192872651 -0.5859564214148374 -0.5998864884987125 -0.5998864884987125 -0.5302361530793195 -0.3878399117774522 -0.18043669075080518 -0.01637145620734167 -0.058161657458975696 -0.09995185871061851 -0.3909354822405336 -0.38474434131436197 +37020,-0.41879561640829255,2,0.16936277157770918 0.05792223490668219 0.005297537034245689 -0.264017093254082 -0.4311778982606269 -0.4961848779853978 -0.6122687703510556 -0.6385811192872651 -0.5859564214148374 -0.5998864884987125 -0.5998864884987125 -0.5302361530793195 -0.3878399117774522 -0.18043669075080518 -0.01637145620734167 -0.058161657458975696 -0.09995185871061851 -0.3909354822405336 -0.38474434131436197 -0.44665575057605145 +37021,-0.3367629991365564,2,0.05792223490668219 0.005297537034245689 -0.264017093254082 -0.4311778982606269 -0.4961848779853978 -0.6122687703510556 -0.6385811192872651 -0.5859564214148374 -0.5998864884987125 -0.5998864884987125 -0.5302361530793195 -0.3878399117774522 -0.18043669075080518 -0.01637145620734167 -0.058161657458975696 -0.09995185871061851 -0.3909354822405336 -0.38474434131436197 -0.44665575057605145 -0.41879561640829255 +37022,-0.28413830126412865,2,0.005297537034245689 -0.264017093254082 -0.4311778982606269 -0.4961848779853978 -0.6122687703510556 -0.6385811192872651 -0.5859564214148374 -0.5998864884987125 -0.5998864884987125 -0.5302361530793195 -0.3878399117774522 -0.18043669075080518 -0.01637145620734167 -0.058161657458975696 -0.09995185871061851 -0.3909354822405336 -0.38474434131436197 -0.44665575057605145 -0.41879561640829255 -0.3367629991365564 +37023,-0.34140635483118725,2,-0.264017093254082 -0.4311778982606269 -0.4961848779853978 -0.6122687703510556 -0.6385811192872651 -0.5859564214148374 -0.5998864884987125 -0.5998864884987125 -0.5302361530793195 -0.3878399117774522 -0.18043669075080518 -0.01637145620734167 -0.058161657458975696 -0.09995185871061851 -0.3909354822405336 -0.38474434131436197 -0.44665575057605145 -0.41879561640829255 -0.3367629991365564 -0.28413830126412865 +37024,-0.29342501265338167,2,-0.4311778982606269 -0.4961848779853978 -0.6122687703510556 -0.6385811192872651 -0.5859564214148374 -0.5998864884987125 -0.5998864884987125 -0.5302361530793195 -0.3878399117774522 -0.18043669075080518 -0.01637145620734167 -0.058161657458975696 -0.09995185871061851 -0.3909354822405336 -0.38474434131436197 -0.44665575057605145 -0.41879561640829255 -0.3367629991365564 -0.28413830126412865 -0.34140635483118725 +37025,-0.5085671598377322,2,-0.4961848779853978 -0.6122687703510556 -0.6385811192872651 -0.5859564214148374 -0.5998864884987125 -0.5998864884987125 -0.5302361530793195 -0.3878399117774522 -0.18043669075080518 -0.01637145620734167 -0.058161657458975696 -0.09995185871061851 -0.3909354822405336 -0.38474434131436197 -0.44665575057605145 -0.41879561640829255 -0.3367629991365564 -0.28413830126412865 -0.34140635483118725 -0.29342501265338167 +37026,-0.7995507833676472,2,-0.6122687703510556 -0.6385811192872651 -0.5859564214148374 -0.5998864884987125 -0.5998864884987125 -0.5302361530793195 -0.3878399117774522 -0.18043669075080518 -0.01637145620734167 -0.058161657458975696 -0.09995185871061851 -0.3909354822405336 -0.38474434131436197 -0.44665575057605145 -0.41879561640829255 -0.3367629991365564 -0.28413830126412865 -0.34140635483118725 -0.29342501265338167 -0.5085671598377322 +37027,-0.8692011187870402,2,-0.6385811192872651 -0.5859564214148374 -0.5998864884987125 -0.5998864884987125 -0.5302361530793195 -0.3878399117774522 -0.18043669075080518 -0.01637145620734167 -0.058161657458975696 -0.09995185871061851 -0.3909354822405336 -0.38474434131436197 -0.44665575057605145 -0.41879561640829255 -0.3367629991365564 -0.28413830126412865 -0.34140635483118725 -0.29342501265338167 -0.5085671598377322 -0.7995507833676472 +37028,-0.8955134677232585,2,-0.5859564214148374 -0.5998864884987125 -0.5998864884987125 -0.5302361530793195 -0.3878399117774522 -0.18043669075080518 -0.01637145620734167 -0.058161657458975696 -0.09995185871061851 -0.3909354822405336 -0.38474434131436197 -0.44665575057605145 -0.41879561640829255 -0.3367629991365564 -0.28413830126412865 -0.34140635483118725 -0.29342501265338167 -0.5085671598377322 -0.7995507833676472 -0.8692011187870402 +37029,-0.754665011652923,2,-0.5998864884987125 -0.5998864884987125 -0.5302361530793195 -0.3878399117774522 -0.18043669075080518 -0.01637145620734167 -0.058161657458975696 -0.09995185871061851 -0.3909354822405336 -0.38474434131436197 -0.44665575057605145 -0.41879561640829255 -0.3367629991365564 -0.28413830126412865 -0.34140635483118725 -0.29342501265338167 -0.5085671598377322 -0.7995507833676472 -0.8692011187870402 -0.8955134677232585 +37030,-0.8057419242938189,2,-0.5998864884987125 -0.5302361530793195 -0.3878399117774522 -0.18043669075080518 -0.01637145620734167 -0.058161657458975696 -0.09995185871061851 -0.3909354822405336 -0.38474434131436197 -0.44665575057605145 -0.41879561640829255 -0.3367629991365564 -0.28413830126412865 -0.34140635483118725 -0.29342501265338167 -0.5085671598377322 -0.7995507833676472 -0.8692011187870402 -0.8955134677232585 -0.754665011652923 +37031,-0.8707489040185808,2,-0.5302361530793195 -0.3878399117774522 -0.18043669075080518 -0.01637145620734167 -0.058161657458975696 -0.09995185871061851 -0.3909354822405336 -0.38474434131436197 -0.44665575057605145 -0.41879561640829255 -0.3367629991365564 -0.28413830126412865 -0.34140635483118725 -0.29342501265338167 -0.5085671598377322 -0.7995507833676472 -0.8692011187870402 -0.8955134677232585 -0.754665011652923 -0.8057419242938189 +37032,-0.9605204474480293,2,-0.3878399117774522 -0.18043669075080518 -0.01637145620734167 -0.058161657458975696 -0.09995185871061851 -0.3909354822405336 -0.38474434131436197 -0.44665575057605145 -0.41879561640829255 -0.3367629991365564 -0.28413830126412865 -0.34140635483118725 -0.29342501265338167 -0.5085671598377322 -0.7995507833676472 -0.8692011187870402 -0.8955134677232585 -0.754665011652923 -0.8057419242938189 -0.8707489040185808 +37033,-0.8955134677232585,2,-0.18043669075080518 -0.01637145620734167 -0.058161657458975696 -0.09995185871061851 -0.3909354822405336 -0.38474434131436197 -0.44665575057605145 -0.41879561640829255 -0.3367629991365564 -0.28413830126412865 -0.34140635483118725 -0.29342501265338167 -0.5085671598377322 -0.7995507833676472 -0.8692011187870402 -0.8955134677232585 -0.754665011652923 -0.8057419242938189 -0.8707489040185808 -0.9605204474480293 +37034,-0.8537232664716244,2,-0.01637145620734167 -0.058161657458975696 -0.09995185871061851 -0.3909354822405336 -0.38474434131436197 -0.44665575057605145 -0.41879561640829255 -0.3367629991365564 -0.28413830126412865 -0.34140635483118725 -0.29342501265338167 -0.5085671598377322 -0.7995507833676472 -0.8692011187870402 -0.8955134677232585 -0.754665011652923 -0.8057419242938189 -0.8707489040185808 -0.9605204474480293 -0.8955134677232585 +37035,-0.822767561840784,2,-0.058161657458975696 -0.09995185871061851 -0.3909354822405336 -0.38474434131436197 -0.44665575057605145 -0.41879561640829255 -0.3367629991365564 -0.28413830126412865 -0.34140635483118725 -0.29342501265338167 -0.5085671598377322 -0.7995507833676472 -0.8692011187870402 -0.8955134677232585 -0.754665011652923 -0.8057419242938189 -0.8707489040185808 -0.9605204474480293 -0.8955134677232585 -0.8537232664716244 +37036,-0.7887162867468536,2,-0.09995185871061851 -0.3909354822405336 -0.38474434131436197 -0.44665575057605145 -0.41879561640829255 -0.3367629991365564 -0.28413830126412865 -0.34140635483118725 -0.29342501265338167 -0.5085671598377322 -0.7995507833676472 -0.8692011187870402 -0.8955134677232585 -0.754665011652923 -0.8057419242938189 -0.8707489040185808 -0.9605204474480293 -0.8955134677232585 -0.8537232664716244 -0.822767561840784 +37037,-0.8305064879984876,2,-0.3909354822405336 -0.38474434131436197 -0.44665575057605145 -0.41879561640829255 -0.3367629991365564 -0.28413830126412865 -0.34140635483118725 -0.29342501265338167 -0.5085671598377322 -0.7995507833676472 -0.8692011187870402 -0.8955134677232585 -0.754665011652923 -0.8057419242938189 -0.8707489040185808 -0.9605204474480293 -0.8955134677232585 -0.8537232664716244 -0.822767561840784 -0.7887162867468536 +37038,-0.7376393741059666,2,-0.38474434131436197 -0.44665575057605145 -0.41879561640829255 -0.3367629991365564 -0.28413830126412865 -0.34140635483118725 -0.29342501265338167 -0.5085671598377322 -0.7995507833676472 -0.8692011187870402 -0.8955134677232585 -0.754665011652923 -0.8057419242938189 -0.8707489040185808 -0.9605204474480293 -0.8955134677232585 -0.8537232664716244 -0.822767561840784 -0.7887162867468536 -0.8305064879984876 +37039,-0.633937763592643,2,-0.44665575057605145 -0.41879561640829255 -0.3367629991365564 -0.28413830126412865 -0.34140635483118725 -0.29342501265338167 -0.5085671598377322 -0.7995507833676472 -0.8692011187870402 -0.8955134677232585 -0.754665011652923 -0.8057419242938189 -0.8707489040185808 -0.9605204474480293 -0.8955134677232585 -0.8537232664716244 -0.822767561840784 -0.7887162867468536 -0.8305064879984876 -0.7376393741059666 +37040,-0.5054715893746508,2,-0.41879561640829255 -0.3367629991365564 -0.28413830126412865 -0.34140635483118725 -0.29342501265338167 -0.5085671598377322 -0.7995507833676472 -0.8692011187870402 -0.8955134677232585 -0.754665011652923 -0.8057419242938189 -0.8707489040185808 -0.9605204474480293 -0.8955134677232585 -0.8537232664716244 -0.822767561840784 -0.7887162867468536 -0.8305064879984876 -0.7376393741059666 -0.633937763592643 +37041,-0.30271172404263463,2,-0.3367629991365564 -0.28413830126412865 -0.34140635483118725 -0.29342501265338167 -0.5085671598377322 -0.7995507833676472 -0.8692011187870402 -0.8955134677232585 -0.754665011652923 -0.8057419242938189 -0.8707489040185808 -0.9605204474480293 -0.8955134677232585 -0.8537232664716244 -0.822767561840784 -0.7887162867468536 -0.8305064879984876 -0.7376393741059666 -0.633937763592643 -0.5054715893746508 +37042,-0.11852528148912447,2,-0.28413830126412865 -0.34140635483118725 -0.29342501265338167 -0.5085671598377322 -0.7995507833676472 -0.8692011187870402 -0.8955134677232585 -0.754665011652923 -0.8057419242938189 -0.8707489040185808 -0.9605204474480293 -0.8955134677232585 -0.8537232664716244 -0.822767561840784 -0.7887162867468536 -0.8305064879984876 -0.7376393741059666 -0.633937763592643 -0.5054715893746508 -0.30271172404263463 +37043,-0.28413830126412865,2,-0.34140635483118725 -0.29342501265338167 -0.5085671598377322 -0.7995507833676472 -0.8692011187870402 -0.8955134677232585 -0.754665011652923 -0.8057419242938189 -0.8707489040185808 -0.9605204474480293 -0.8955134677232585 -0.8537232664716244 -0.822767561840784 -0.7887162867468536 -0.8305064879984876 -0.7376393741059666 -0.633937763592643 -0.5054715893746508 -0.30271172404263463 -0.11852528148912447 +37044,-0.273303804643335,2,-0.29342501265338167 -0.5085671598377322 -0.7995507833676472 -0.8692011187870402 -0.8955134677232585 -0.754665011652923 -0.8057419242938189 -0.8707489040185808 -0.9605204474480293 -0.8955134677232585 -0.8537232664716244 -0.822767561840784 -0.7887162867468536 -0.8305064879984876 -0.7376393741059666 -0.633937763592643 -0.5054715893746508 -0.30271172404263463 -0.11852528148912447 -0.28413830126412865 +37045,-0.41724783117675185,2,-0.5085671598377322 -0.7995507833676472 -0.8692011187870402 -0.8955134677232585 -0.754665011652923 -0.8057419242938189 -0.8707489040185808 -0.9605204474480293 -0.8955134677232585 -0.8537232664716244 -0.822767561840784 -0.7887162867468536 -0.8305064879984876 -0.7376393741059666 -0.633937763592643 -0.5054715893746508 -0.30271172404263463 -0.11852528148912447 -0.28413830126412865 -0.273303804643335 +37046,-0.4265345425660048,2,-0.7995507833676472 -0.8692011187870402 -0.8955134677232585 -0.754665011652923 -0.8057419242938189 -0.8707489040185808 -0.9605204474480293 -0.8955134677232585 -0.8537232664716244 -0.822767561840784 -0.7887162867468536 -0.8305064879984876 -0.7376393741059666 -0.633937763592643 -0.5054715893746508 -0.30271172404263463 -0.11852528148912447 -0.28413830126412865 -0.273303804643335 -0.41724783117675185 +37047,-0.5426184349316627,2,-0.8692011187870402 -0.8955134677232585 -0.754665011652923 -0.8057419242938189 -0.8707489040185808 -0.9605204474480293 -0.8955134677232585 -0.8537232664716244 -0.822767561840784 -0.7887162867468536 -0.8305064879984876 -0.7376393741059666 -0.633937763592643 -0.5054715893746508 -0.30271172404263463 -0.11852528148912447 -0.28413830126412865 -0.273303804643335 -0.41724783117675185 -0.4265345425660048 +37048,-0.4946370927538571,2,-0.8955134677232585 -0.754665011652923 -0.8057419242938189 -0.8707489040185808 -0.9605204474480293 -0.8955134677232585 -0.8537232664716244 -0.822767561840784 -0.7887162867468536 -0.8305064879984876 -0.7376393741059666 -0.633937763592643 -0.5054715893746508 -0.30271172404263463 -0.11852528148912447 -0.28413830126412865 -0.273303804643335 -0.41724783117675185 -0.4265345425660048 -0.5426184349316627 +37049,-0.5936953475725497,2,-0.754665011652923 -0.8057419242938189 -0.8707489040185808 -0.9605204474480293 -0.8955134677232585 -0.8537232664716244 -0.822767561840784 -0.7887162867468536 -0.8305064879984876 -0.7376393741059666 -0.633937763592643 -0.5054715893746508 -0.30271172404263463 -0.11852528148912447 -0.28413830126412865 -0.273303804643335 -0.41724783117675185 -0.4265345425660048 -0.5426184349316627 -0.4946370927538571 +37050,-0.7391871593375072,2,-0.8057419242938189 -0.8707489040185808 -0.9605204474480293 -0.8955134677232585 -0.8537232664716244 -0.822767561840784 -0.7887162867468536 -0.8305064879984876 -0.7376393741059666 -0.633937763592643 -0.5054715893746508 -0.30271172404263463 -0.11852528148912447 -0.28413830126412865 -0.273303804643335 -0.41724783117675185 -0.4265345425660048 -0.5426184349316627 -0.4946370927538571 -0.5936953475725497 +37051,-0.8305064879984876,2,-0.8707489040185808 -0.9605204474480293 -0.8955134677232585 -0.8537232664716244 -0.822767561840784 -0.7887162867468536 -0.8305064879984876 -0.7376393741059666 -0.633937763592643 -0.5054715893746508 -0.30271172404263463 -0.11852528148912447 -0.28413830126412865 -0.273303804643335 -0.41724783117675185 -0.4265345425660048 -0.5426184349316627 -0.4946370927538571 -0.5936953475725497 -0.7391871593375072 +37052,-0.8568188369347058,2,-0.9605204474480293 -0.8955134677232585 -0.8537232664716244 -0.822767561840784 -0.7887162867468536 -0.8305064879984876 -0.7376393741059666 -0.633937763592643 -0.5054715893746508 -0.30271172404263463 -0.11852528148912447 -0.28413830126412865 -0.273303804643335 -0.41724783117675185 -0.4265345425660048 -0.5426184349316627 -0.4946370927538571 -0.5936953475725497 -0.7391871593375072 -0.8305064879984876 +37053,-0.8459843403139121,2,-0.8955134677232585 -0.8537232664716244 -0.822767561840784 -0.7887162867468536 -0.8305064879984876 -0.7376393741059666 -0.633937763592643 -0.5054715893746508 -0.30271172404263463 -0.11852528148912447 -0.28413830126412865 -0.273303804643335 -0.41724783117675185 -0.4265345425660048 -0.5426184349316627 -0.4946370927538571 -0.5936953475725497 -0.7391871593375072 -0.8305064879984876 -0.8568188369347058 +37054,-0.7902640719783942,2,-0.8537232664716244 -0.822767561840784 -0.7887162867468536 -0.8305064879984876 -0.7376393741059666 -0.633937763592643 -0.5054715893746508 -0.30271172404263463 -0.11852528148912447 -0.28413830126412865 -0.273303804643335 -0.41724783117675185 -0.4265345425660048 -0.5426184349316627 -0.4946370927538571 -0.5936953475725497 -0.7391871593375072 -0.8305064879984876 -0.8568188369347058 -0.8459843403139121 +37055,-0.8057419242938189,2,-0.822767561840784 -0.7887162867468536 -0.8305064879984876 -0.7376393741059666 -0.633937763592643 -0.5054715893746508 -0.30271172404263463 -0.11852528148912447 -0.28413830126412865 -0.273303804643335 -0.41724783117675185 -0.4265345425660048 -0.5426184349316627 -0.4946370927538571 -0.5936953475725497 -0.7391871593375072 -0.8305064879984876 -0.8568188369347058 -0.8459843403139121 -0.7902640719783942 +37056,-0.7902640719783942,2,-0.7887162867468536 -0.8305064879984876 -0.7376393741059666 -0.633937763592643 -0.5054715893746508 -0.30271172404263463 -0.11852528148912447 -0.28413830126412865 -0.273303804643335 -0.41724783117675185 -0.4265345425660048 -0.5426184349316627 -0.4946370927538571 -0.5936953475725497 -0.7391871593375072 -0.8305064879984876 -0.8568188369347058 -0.8459843403139121 -0.7902640719783942 -0.8057419242938189 +37057,-0.7654995082737255,2,-0.8305064879984876 -0.7376393741059666 -0.633937763592643 -0.5054715893746508 -0.30271172404263463 -0.11852528148912447 -0.28413830126412865 -0.273303804643335 -0.41724783117675185 -0.4265345425660048 -0.5426184349316627 -0.4946370927538571 -0.5936953475725497 -0.7391871593375072 -0.8305064879984876 -0.8568188369347058 -0.8459843403139121 -0.7902640719783942 -0.8057419242938189 -0.7902640719783942 +37058,-0.7654995082737255,2,-0.7376393741059666 -0.633937763592643 -0.5054715893746508 -0.30271172404263463 -0.11852528148912447 -0.28413830126412865 -0.273303804643335 -0.41724783117675185 -0.4265345425660048 -0.5426184349316627 -0.4946370927538571 -0.5936953475725497 -0.7391871593375072 -0.8305064879984876 -0.8568188369347058 -0.8459843403139121 -0.7902640719783942 -0.8057419242938189 -0.7902640719783942 -0.7654995082737255 +37059,-0.7515694411898416,2,-0.633937763592643 -0.5054715893746508 -0.30271172404263463 -0.11852528148912447 -0.28413830126412865 -0.273303804643335 -0.41724783117675185 -0.4265345425660048 -0.5426184349316627 -0.4946370927538571 -0.5936953475725497 -0.7391871593375072 -0.8305064879984876 -0.8568188369347058 -0.8459843403139121 -0.7902640719783942 -0.8057419242938189 -0.7902640719783942 -0.7654995082737255 -0.7654995082737255 +37060,-0.7268048774851729,2,-0.5054715893746508 -0.30271172404263463 -0.11852528148912447 -0.28413830126412865 -0.273303804643335 -0.41724783117675185 -0.4265345425660048 -0.5426184349316627 -0.4946370927538571 -0.5936953475725497 -0.7391871593375072 -0.8305064879984876 -0.8568188369347058 -0.8459843403139121 -0.7902640719783942 -0.8057419242938189 -0.7902640719783942 -0.7654995082737255 -0.7654995082737255 -0.7515694411898416 +37061,-0.6912058171597016,2,-0.30271172404263463 -0.11852528148912447 -0.28413830126412865 -0.273303804643335 -0.41724783117675185 -0.4265345425660048 -0.5426184349316627 -0.4946370927538571 -0.5936953475725497 -0.7391871593375072 -0.8305064879984876 -0.8568188369347058 -0.8459843403139121 -0.7902640719783942 -0.8057419242938189 -0.7902640719783942 -0.7654995082737255 -0.7654995082737255 -0.7515694411898416 -0.7268048774851729 +37062,-0.5255927973846974,2,-0.11852528148912447 -0.28413830126412865 -0.273303804643335 -0.41724783117675185 -0.4265345425660048 -0.5426184349316627 -0.4946370927538571 -0.5936953475725497 -0.7391871593375072 -0.8305064879984876 -0.8568188369347058 -0.8459843403139121 -0.7902640719783942 -0.8057419242938189 -0.7902640719783942 -0.7654995082737255 -0.7654995082737255 -0.7515694411898416 -0.7268048774851729 -0.6912058171597016 +37063,-0.44665575057605145,2,-0.28413830126412865 -0.273303804643335 -0.41724783117675185 -0.4265345425660048 -0.5426184349316627 -0.4946370927538571 -0.5936953475725497 -0.7391871593375072 -0.8305064879984876 -0.8568188369347058 -0.8459843403139121 -0.7902640719783942 -0.8057419242938189 -0.7902640719783942 -0.7654995082737255 -0.7654995082737255 -0.7515694411898416 -0.7268048774851729 -0.6912058171597016 -0.5255927973846974 +37064,-0.35997977760969324,2,-0.273303804643335 -0.41724783117675185 -0.4265345425660048 -0.5426184349316627 -0.4946370927538571 -0.5936953475725497 -0.7391871593375072 -0.8305064879984876 -0.8568188369347058 -0.8459843403139121 -0.7902640719783942 -0.8057419242938189 -0.7902640719783942 -0.7654995082737255 -0.7654995082737255 -0.7515694411898416 -0.7268048774851729 -0.6912058171597016 -0.5255927973846974 -0.44665575057605145 +37065,-0.34140635483118725,2,-0.41724783117675185 -0.4265345425660048 -0.5426184349316627 -0.4946370927538571 -0.5936953475725497 -0.7391871593375072 -0.8305064879984876 -0.8568188369347058 -0.8459843403139121 -0.7902640719783942 -0.8057419242938189 -0.7902640719783942 -0.7654995082737255 -0.7654995082737255 -0.7515694411898416 -0.7268048774851729 -0.6912058171597016 -0.5255927973846974 -0.44665575057605145 -0.35997977760969324 +37066,-0.30425950927417533,2,-0.4265345425660048 -0.5426184349316627 -0.4946370927538571 -0.5936953475725497 -0.7391871593375072 -0.8305064879984876 -0.8568188369347058 -0.8459843403139121 -0.7902640719783942 -0.8057419242938189 -0.7902640719783942 -0.7654995082737255 -0.7654995082737255 -0.7515694411898416 -0.7268048774851729 -0.6912058171597016 -0.5255927973846974 -0.44665575057605145 -0.35997977760969324 -0.34140635483118725 +37067,-0.315094005894969,2,-0.5426184349316627 -0.4946370927538571 -0.5936953475725497 -0.7391871593375072 -0.8305064879984876 -0.8568188369347058 -0.8459843403139121 -0.7902640719783942 -0.8057419242938189 -0.7902640719783942 -0.7654995082737255 -0.7654995082737255 -0.7515694411898416 -0.7268048774851729 -0.6912058171597016 -0.5255927973846974 -0.44665575057605145 -0.35997977760969324 -0.34140635483118725 -0.30425950927417533 +37068,-0.4079611197874988,2,-0.4946370927538571 -0.5936953475725497 -0.7391871593375072 -0.8305064879984876 -0.8568188369347058 -0.8459843403139121 -0.7902640719783942 -0.8057419242938189 -0.7902640719783942 -0.7654995082737255 -0.7654995082737255 -0.7515694411898416 -0.7268048774851729 -0.6912058171597016 -0.5255927973846974 -0.44665575057605145 -0.35997977760969324 -0.34140635483118725 -0.30425950927417533 -0.315094005894969 +37069,-0.5008282336800198,2,-0.5936953475725497 -0.7391871593375072 -0.8305064879984876 -0.8568188369347058 -0.8459843403139121 -0.7902640719783942 -0.8057419242938189 -0.7902640719783942 -0.7654995082737255 -0.7654995082737255 -0.7515694411898416 -0.7268048774851729 -0.6912058171597016 -0.5255927973846974 -0.44665575057605145 -0.35997977760969324 -0.34140635483118725 -0.30425950927417533 -0.315094005894969 -0.4079611197874988 +37070,-0.5627396429417093,2,-0.7391871593375072 -0.8305064879984876 -0.8568188369347058 -0.8459843403139121 -0.7902640719783942 -0.8057419242938189 -0.7902640719783942 -0.7654995082737255 -0.7654995082737255 -0.7515694411898416 -0.7268048774851729 -0.6912058171597016 -0.5255927973846974 -0.44665575057605145 -0.35997977760969324 -0.34140635483118725 -0.30425950927417533 -0.315094005894969 -0.4079611197874988 -0.5008282336800198 +37071,-0.6292944078980209,2,-0.8305064879984876 -0.8568188369347058 -0.8459843403139121 -0.7902640719783942 -0.8057419242938189 -0.7902640719783942 -0.7654995082737255 -0.7654995082737255 -0.7515694411898416 -0.7268048774851729 -0.6912058171597016 -0.5255927973846974 -0.44665575057605145 -0.35997977760969324 -0.34140635483118725 -0.30425950927417533 -0.315094005894969 -0.4079611197874988 -0.5008282336800198 -0.5627396429417093 +37072,-0.6865624614650707,2,-0.8568188369347058 -0.8459843403139121 -0.7902640719783942 -0.8057419242938189 -0.7902640719783942 -0.7654995082737255 -0.7654995082737255 -0.7515694411898416 -0.7268048774851729 -0.6912058171597016 -0.5255927973846974 -0.44665575057605145 -0.35997977760969324 -0.34140635483118725 -0.30425950927417533 -0.315094005894969 -0.4079611197874988 -0.5008282336800198 -0.5627396429417093 -0.6292944078980209 +37073,-0.7856207162837722,2,-0.8459843403139121 -0.7902640719783942 -0.8057419242938189 -0.7902640719783942 -0.7654995082737255 -0.7654995082737255 -0.7515694411898416 -0.7268048774851729 -0.6912058171597016 -0.5255927973846974 -0.44665575057605145 -0.35997977760969324 -0.34140635483118725 -0.30425950927417533 -0.315094005894969 -0.4079611197874988 -0.5008282336800198 -0.5627396429417093 -0.6292944078980209 -0.6865624614650707 +37074,-0.9048001791125114,2,-0.7902640719783942 -0.8057419242938189 -0.7902640719783942 -0.7654995082737255 -0.7654995082737255 -0.7515694411898416 -0.7268048774851729 -0.6912058171597016 -0.5255927973846974 -0.44665575057605145 -0.35997977760969324 -0.34140635483118725 -0.30425950927417533 -0.315094005894969 -0.4079611197874988 -0.5008282336800198 -0.5627396429417093 -0.6292944078980209 -0.6865624614650707 -0.7856207162837722 +37075,-1.013145145320457,2,-0.8057419242938189 -0.7902640719783942 -0.7654995082737255 -0.7654995082737255 -0.7515694411898416 -0.7268048774851729 -0.6912058171597016 -0.5255927973846974 -0.44665575057605145 -0.35997977760969324 -0.34140635483118725 -0.30425950927417533 -0.315094005894969 -0.4079611197874988 -0.5008282336800198 -0.5627396429417093 -0.6292944078980209 -0.6865624614650707 -0.7856207162837722 -0.9048001791125114 +37076,-1.013145145320457,2,-0.7902640719783942 -0.7654995082737255 -0.7654995082737255 -0.7515694411898416 -0.7268048774851729 -0.6912058171597016 -0.5255927973846974 -0.44665575057605145 -0.35997977760969324 -0.34140635483118725 -0.30425950927417533 -0.315094005894969 -0.4079611197874988 -0.5008282336800198 -0.5627396429417093 -0.6292944078980209 -0.6865624614650707 -0.7856207162837722 -0.9048001791125114 -1.013145145320457 +37077,-0.8970612529547991,2,-0.7654995082737255 -0.7654995082737255 -0.7515694411898416 -0.7268048774851729 -0.6912058171597016 -0.5255927973846974 -0.44665575057605145 -0.35997977760969324 -0.34140635483118725 -0.30425950927417533 -0.315094005894969 -0.4079611197874988 -0.5008282336800198 -0.5627396429417093 -0.6292944078980209 -0.6865624614650707 -0.7856207162837722 -0.9048001791125114 -1.013145145320457 -1.013145145320457 +37078,-0.989928366847329,2,-0.7654995082737255 -0.7515694411898416 -0.7268048774851729 -0.6912058171597016 -0.5255927973846974 -0.44665575057605145 -0.35997977760969324 -0.34140635483118725 -0.30425950927417533 -0.315094005894969 -0.4079611197874988 -0.5008282336800198 -0.5627396429417093 -0.6292944078980209 -0.6865624614650707 -0.7856207162837722 -0.9048001791125114 -1.013145145320457 -1.013145145320457 -0.8970612529547991 +37079,-1.0889866216660216,2,-0.7515694411898416 -0.7268048774851729 -0.6912058171597016 -0.5255927973846974 -0.44665575057605145 -0.35997977760969324 -0.34140635483118725 -0.30425950927417533 -0.315094005894969 -0.4079611197874988 -0.5008282336800198 -0.5627396429417093 -0.6292944078980209 -0.6865624614650707 -0.7856207162837722 -0.9048001791125114 -1.013145145320457 -1.013145145320457 -0.8970612529547991 -0.989928366847329 +37080,-1.1044644739814462,2,-0.7268048774851729 -0.6912058171597016 -0.5255927973846974 -0.44665575057605145 -0.35997977760969324 -0.34140635483118725 -0.30425950927417533 -0.315094005894969 -0.4079611197874988 -0.5008282336800198 -0.5627396429417093 -0.6292944078980209 -0.6865624614650707 -0.7856207162837722 -0.9048001791125114 -1.013145145320457 -1.013145145320457 -0.8970612529547991 -0.989928366847329 -1.0889866216660216 +37081,-1.1787581650954613,2,-0.6912058171597016 -0.5255927973846974 -0.44665575057605145 -0.35997977760969324 -0.34140635483118725 -0.30425950927417533 -0.315094005894969 -0.4079611197874988 -0.5008282336800198 -0.5627396429417093 -0.6292944078980209 -0.6865624614650707 -0.7856207162837722 -0.9048001791125114 -1.013145145320457 -1.013145145320457 -0.8970612529547991 -0.989928366847329 -1.0889866216660216 -1.1044644739814462 +37082,-1.2561474266725665,2,-0.5255927973846974 -0.44665575057605145 -0.35997977760969324 -0.34140635483118725 -0.30425950927417533 -0.315094005894969 -0.4079611197874988 -0.5008282336800198 -0.5627396429417093 -0.6292944078980209 -0.6865624614650707 -0.7856207162837722 -0.9048001791125114 -1.013145145320457 -1.013145145320457 -0.8970612529547991 -0.989928366847329 -1.0889866216660216 -1.1044644739814462 -1.1787581650954613 +37083,-1.369135748575143,2,-0.44665575057605145 -0.35997977760969324 -0.34140635483118725 -0.30425950927417533 -0.315094005894969 -0.4079611197874988 -0.5008282336800198 -0.5627396429417093 -0.6292944078980209 -0.6865624614650707 -0.7856207162837722 -0.9048001791125114 -1.013145145320457 -1.013145145320457 -0.8970612529547991 -0.989928366847329 -1.0889866216660216 -1.1044644739814462 -1.1787581650954613 -1.2561474266725665 +37084,-1.3072243393134624,2,-0.35997977760969324 -0.34140635483118725 -0.30425950927417533 -0.315094005894969 -0.4079611197874988 -0.5008282336800198 -0.5627396429417093 -0.6292944078980209 -0.6865624614650707 -0.7856207162837722 -0.9048001791125114 -1.013145145320457 -1.013145145320457 -0.8970612529547991 -0.989928366847329 -1.0889866216660216 -1.1044644739814462 -1.1787581650954613 -1.2561474266725665 -1.369135748575143 +37085,-1.1539936013907925,2,-0.34140635483118725 -0.30425950927417533 -0.315094005894969 -0.4079611197874988 -0.5008282336800198 -0.5627396429417093 -0.6292944078980209 -0.6865624614650707 -0.7856207162837722 -0.9048001791125114 -1.013145145320457 -1.013145145320457 -0.8970612529547991 -0.989928366847329 -1.0889866216660216 -1.1044644739814462 -1.1787581650954613 -1.2561474266725665 -1.369135748575143 -1.3072243393134624 +37086,-1.017788501015088,2,-0.30425950927417533 -0.315094005894969 -0.4079611197874988 -0.5008282336800198 -0.5627396429417093 -0.6292944078980209 -0.6865624614650707 -0.7856207162837722 -0.9048001791125114 -1.013145145320457 -1.013145145320457 -0.8970612529547991 -0.989928366847329 -1.0889866216660216 -1.1044644739814462 -1.1787581650954613 -1.2561474266725665 -1.369135748575143 -1.3072243393134624 -1.1539936013907925 +37087,-0.8831311858709241,2,-0.315094005894969 -0.4079611197874988 -0.5008282336800198 -0.5627396429417093 -0.6292944078980209 -0.6865624614650707 -0.7856207162837722 -0.9048001791125114 -1.013145145320457 -1.013145145320457 -0.8970612529547991 -0.989928366847329 -1.0889866216660216 -1.1044644739814462 -1.1787581650954613 -1.2561474266725665 -1.369135748575143 -1.3072243393134624 -1.1539936013907925 -1.017788501015088 +37088,-0.8041941390622781,2,-0.4079611197874988 -0.5008282336800198 -0.5627396429417093 -0.6292944078980209 -0.6865624614650707 -0.7856207162837722 -0.9048001791125114 -1.013145145320457 -1.013145145320457 -0.8970612529547991 -0.989928366847329 -1.0889866216660216 -1.1044644739814462 -1.1787581650954613 -1.2561474266725665 -1.369135748575143 -1.3072243393134624 -1.1539936013907925 -1.017788501015088 -0.8831311858709241 +37089,-0.7562127968844725,2,-0.5008282336800198 -0.5627396429417093 -0.6292944078980209 -0.6865624614650707 -0.7856207162837722 -0.9048001791125114 -1.013145145320457 -1.013145145320457 -0.8970612529547991 -0.989928366847329 -1.0889866216660216 -1.1044644739814462 -1.1787581650954613 -1.2561474266725665 -1.369135748575143 -1.3072243393134624 -1.1539936013907925 -1.017788501015088 -0.8831311858709241 -0.8041941390622781 +37090,-0.7856207162837722,2,-0.5627396429417093 -0.6292944078980209 -0.6865624614650707 -0.7856207162837722 -0.9048001791125114 -1.013145145320457 -1.013145145320457 -0.8970612529547991 -0.989928366847329 -1.0889866216660216 -1.1044644739814462 -1.1787581650954613 -1.2561474266725665 -1.369135748575143 -1.3072243393134624 -1.1539936013907925 -1.017788501015088 -0.8831311858709241 -0.8041941390622781 -0.7562127968844725 +37091,-0.7685950787368069,2,-0.6292944078980209 -0.6865624614650707 -0.7856207162837722 -0.9048001791125114 -1.013145145320457 -1.013145145320457 -0.8970612529547991 -0.989928366847329 -1.0889866216660216 -1.1044644739814462 -1.1787581650954613 -1.2561474266725665 -1.369135748575143 -1.3072243393134624 -1.1539936013907925 -1.017788501015088 -0.8831311858709241 -0.8041941390622781 -0.7562127968844725 -0.7856207162837722 +37092,-0.8614621926293367,2,-0.6865624614650707 -0.7856207162837722 -0.9048001791125114 -1.013145145320457 -1.013145145320457 -0.8970612529547991 -0.989928366847329 -1.0889866216660216 -1.1044644739814462 -1.1787581650954613 -1.2561474266725665 -1.369135748575143 -1.3072243393134624 -1.1539936013907925 -1.017788501015088 -0.8831311858709241 -0.8041941390622781 -0.7562127968844725 -0.7856207162837722 -0.7685950787368069 +37093,-0.9589726622164886,2,-0.7856207162837722 -0.9048001791125114 -1.013145145320457 -1.013145145320457 -0.8970612529547991 -0.989928366847329 -1.0889866216660216 -1.1044644739814462 -1.1787581650954613 -1.2561474266725665 -1.369135748575143 -1.3072243393134624 -1.1539936013907925 -1.017788501015088 -0.8831311858709241 -0.8041941390622781 -0.7562127968844725 -0.7856207162837722 -0.7685950787368069 -0.8614621926293367 +37094,-1.2035227288001387,2,-0.9048001791125114 -1.013145145320457 -1.013145145320457 -0.8970612529547991 -0.989928366847329 -1.0889866216660216 -1.1044644739814462 -1.1787581650954613 -1.2561474266725665 -1.369135748575143 -1.3072243393134624 -1.1539936013907925 -1.017788501015088 -0.8831311858709241 -0.8041941390622781 -0.7562127968844725 -0.7856207162837722 -0.7685950787368069 -0.8614621926293367 -0.9589726622164886 +37095,-1.2545996414410259,2,-1.013145145320457 -1.013145145320457 -0.8970612529547991 -0.989928366847329 -1.0889866216660216 -1.1044644739814462 -1.1787581650954613 -1.2561474266725665 -1.369135748575143 -1.3072243393134624 -1.1539936013907925 -1.017788501015088 -0.8831311858709241 -0.8041941390622781 -0.7562127968844725 -0.7856207162837722 -0.7685950787368069 -0.8614621926293367 -0.9589726622164886 -1.2035227288001387 +37096,-1.3567534667228085,2,-1.013145145320457 -0.8970612529547991 -0.989928366847329 -1.0889866216660216 -1.1044644739814462 -1.1787581650954613 -1.2561474266725665 -1.369135748575143 -1.3072243393134624 -1.1539936013907925 -1.017788501015088 -0.8831311858709241 -0.8041941390622781 -0.7562127968844725 -0.7856207162837722 -0.7685950787368069 -0.8614621926293367 -0.9589726622164886 -1.2035227288001387 -1.2545996414410259 +37097,-1.378422459964396,2,-0.8970612529547991 -0.989928366847329 -1.0889866216660216 -1.1044644739814462 -1.1787581650954613 -1.2561474266725665 -1.369135748575143 -1.3072243393134624 -1.1539936013907925 -1.017788501015088 -0.8831311858709241 -0.8041941390622781 -0.7562127968844725 -0.7856207162837722 -0.7685950787368069 -0.8614621926293367 -0.9589726622164886 -1.2035227288001387 -1.2545996414410259 -1.3567534667228085 +37098,-1.5517744058971124,2,-0.989928366847329 -1.0889866216660216 -1.1044644739814462 -1.1787581650954613 -1.2561474266725665 -1.369135748575143 -1.3072243393134624 -1.1539936013907925 -1.017788501015088 -0.8831311858709241 -0.8041941390622781 -0.7562127968844725 -0.7856207162837722 -0.7685950787368069 -0.8614621926293367 -0.9589726622164886 -1.2035227288001387 -1.2545996414410259 -1.3567534667228085 -1.378422459964396 +37099,-1.5796345400648715,2,-1.0889866216660216 -1.1044644739814462 -1.1787581650954613 -1.2561474266725665 -1.369135748575143 -1.3072243393134624 -1.1539936013907925 -1.017788501015088 -0.8831311858709241 -0.8041941390622781 -0.7562127968844725 -0.7856207162837722 -0.7685950787368069 -0.8614621926293367 -0.9589726622164886 -1.2035227288001387 -1.2545996414410259 -1.3567534667228085 -1.378422459964396 -1.5517744058971124 +37100,-1.7096484995144043,2,-1.1044644739814462 -1.1787581650954613 -1.2561474266725665 -1.369135748575143 -1.3072243393134624 -1.1539936013907925 -1.017788501015088 -0.8831311858709241 -0.8041941390622781 -0.7562127968844725 -0.7856207162837722 -0.7685950787368069 -0.8614621926293367 -0.9589726622164886 -1.2035227288001387 -1.2545996414410259 -1.3567534667228085 -1.378422459964396 -1.5517744058971124 -1.5796345400648715 +37101,-1.7081007142828637,2,-1.1787581650954613 -1.2561474266725665 -1.369135748575143 -1.3072243393134624 -1.1539936013907925 -1.017788501015088 -0.8831311858709241 -0.8041941390622781 -0.7562127968844725 -0.7856207162837722 -0.7685950787368069 -0.8614621926293367 -0.9589726622164886 -1.2035227288001387 -1.2545996414410259 -1.3567534667228085 -1.378422459964396 -1.5517744058971124 -1.5796345400648715 -1.7096484995144043 +37102,-1.7870377610915096,2,-1.2561474266725665 -1.369135748575143 -1.3072243393134624 -1.1539936013907925 -1.017788501015088 -0.8831311858709241 -0.8041941390622781 -0.7562127968844725 -0.7856207162837722 -0.7685950787368069 -0.8614621926293367 -0.9589726622164886 -1.2035227288001387 -1.2545996414410259 -1.3567534667228085 -1.378422459964396 -1.5517744058971124 -1.5796345400648715 -1.7096484995144043 -1.7081007142828637 +37103,-1.8381146737323966,2,-1.369135748575143 -1.3072243393134624 -1.1539936013907925 -1.017788501015088 -0.8831311858709241 -0.8041941390622781 -0.7562127968844725 -0.7856207162837722 -0.7685950787368069 -0.8614621926293367 -0.9589726622164886 -1.2035227288001387 -1.2545996414410259 -1.3567534667228085 -1.378422459964396 -1.5517744058971124 -1.5796345400648715 -1.7096484995144043 -1.7081007142828637 -1.7870377610915096 +37104,-1.9031216534571676,2,-1.3072243393134624 -1.1539936013907925 -1.017788501015088 -0.8831311858709241 -0.8041941390622781 -0.7562127968844725 -0.7856207162837722 -0.7685950787368069 -0.8614621926293367 -0.9589726622164886 -1.2035227288001387 -1.2545996414410259 -1.3567534667228085 -1.378422459964396 -1.5517744058971124 -1.5796345400648715 -1.7096484995144043 -1.7081007142828637 -1.7870377610915096 -1.8381146737323966 +37105,-1.9031216534571676,2,-1.1539936013907925 -1.017788501015088 -0.8831311858709241 -0.8041941390622781 -0.7562127968844725 -0.7856207162837722 -0.7685950787368069 -0.8614621926293367 -0.9589726622164886 -1.2035227288001387 -1.2545996414410259 -1.3567534667228085 -1.378422459964396 -1.5517744058971124 -1.5796345400648715 -1.7096484995144043 -1.7081007142828637 -1.7870377610915096 -1.8381146737323966 -1.9031216534571676 +37106,-2.0192055458228255,2,-1.017788501015088 -0.8831311858709241 -0.8041941390622781 -0.7562127968844725 -0.7856207162837722 -0.7685950787368069 -0.8614621926293367 -0.9589726622164886 -1.2035227288001387 -1.2545996414410259 -1.3567534667228085 -1.378422459964396 -1.5517744058971124 -1.5796345400648715 -1.7096484995144043 -1.7081007142828637 -1.7870377610915096 -1.8381146737323966 -1.9031216534571676 -1.9031216534571676 +37107,-2.0749258141583433,2,-0.8831311858709241 -0.8041941390622781 -0.7562127968844725 -0.7856207162837722 -0.7685950787368069 -0.8614621926293367 -0.9589726622164886 -1.2035227288001387 -1.2545996414410259 -1.3567534667228085 -1.378422459964396 -1.5517744058971124 -1.5796345400648715 -1.7096484995144043 -1.7081007142828637 -1.7870377610915096 -1.8381146737323966 -1.9031216534571676 -1.9031216534571676 -2.0192055458228255 +37108,-1.9356251433195573,2,-0.8041941390622781 -0.7562127968844725 -0.7856207162837722 -0.7685950787368069 -0.8614621926293367 -0.9589726622164886 -1.2035227288001387 -1.2545996414410259 -1.3567534667228085 -1.378422459964396 -1.5517744058971124 -1.5796345400648715 -1.7096484995144043 -1.7081007142828637 -1.7870377610915096 -1.8381146737323966 -1.9031216534571676 -1.9031216534571676 -2.0192055458228255 -2.0749258141583433 +37109,-1.6477370902527237,2,-0.7562127968844725 -0.7856207162837722 -0.7685950787368069 -0.8614621926293367 -0.9589726622164886 -1.2035227288001387 -1.2545996414410259 -1.3567534667228085 -1.378422459964396 -1.5517744058971124 -1.5796345400648715 -1.7096484995144043 -1.7081007142828637 -1.7870377610915096 -1.8381146737323966 -1.9031216534571676 -1.9031216534571676 -2.0192055458228255 -2.0749258141583433 -1.9356251433195573 +37110,-1.2979376279242092,2,-0.7856207162837722 -0.7685950787368069 -0.8614621926293367 -0.9589726622164886 -1.2035227288001387 -1.2545996414410259 -1.3567534667228085 -1.378422459964396 -1.5517744058971124 -1.5796345400648715 -1.7096484995144043 -1.7081007142828637 -1.7870377610915096 -1.8381146737323966 -1.9031216534571676 -1.9031216534571676 -2.0192055458228255 -2.0749258141583433 -1.9356251433195573 -1.6477370902527237 +37111,-1.1137511853706992,2,-0.7685950787368069 -0.8614621926293367 -0.9589726622164886 -1.2035227288001387 -1.2545996414410259 -1.3567534667228085 -1.378422459964396 -1.5517744058971124 -1.5796345400648715 -1.7096484995144043 -1.7081007142828637 -1.7870377610915096 -1.8381146737323966 -1.9031216534571676 -1.9031216534571676 -2.0192055458228255 -2.0749258141583433 -1.9356251433195573 -1.6477370902527237 -1.2979376279242092 +37112,-0.9698071588372823,2,-0.8614621926293367 -0.9589726622164886 -1.2035227288001387 -1.2545996414410259 -1.3567534667228085 -1.378422459964396 -1.5517744058971124 -1.5796345400648715 -1.7096484995144043 -1.7081007142828637 -1.7870377610915096 -1.8381146737323966 -1.9031216534571676 -1.9031216534571676 -2.0192055458228255 -2.0749258141583433 -1.9356251433195573 -1.6477370902527237 -1.2979376279242092 -1.1137511853706992 +37113,-0.8815834006393833,2,-0.9589726622164886 -1.2035227288001387 -1.2545996414410259 -1.3567534667228085 -1.378422459964396 -1.5517744058971124 -1.5796345400648715 -1.7096484995144043 -1.7081007142828637 -1.7870377610915096 -1.8381146737323966 -1.9031216534571676 -1.9031216534571676 -2.0192055458228255 -2.0749258141583433 -1.9356251433195573 -1.6477370902527237 -1.2979376279242092 -1.1137511853706992 -0.9698071588372823 +37114,-0.8537232664716244,2,-1.2035227288001387 -1.2545996414410259 -1.3567534667228085 -1.378422459964396 -1.5517744058971124 -1.5796345400648715 -1.7096484995144043 -1.7081007142828637 -1.7870377610915096 -1.8381146737323966 -1.9031216534571676 -1.9031216534571676 -2.0192055458228255 -2.0749258141583433 -1.9356251433195573 -1.6477370902527237 -1.2979376279242092 -1.1137511853706992 -0.9698071588372823 -0.8815834006393833 +37115,-0.8722966892501304,2,-1.2545996414410259 -1.3567534667228085 -1.378422459964396 -1.5517744058971124 -1.5796345400648715 -1.7096484995144043 -1.7081007142828637 -1.7870377610915096 -1.8381146737323966 -1.9031216534571676 -1.9031216534571676 -2.0192055458228255 -2.0749258141583433 -1.9356251433195573 -1.6477370902527237 -1.2979376279242092 -1.1137511853706992 -0.9698071588372823 -0.8815834006393833 -0.8537232664716244 +37116,-0.9790938702265353,2,-1.3567534667228085 -1.378422459964396 -1.5517744058971124 -1.5796345400648715 -1.7096484995144043 -1.7081007142828637 -1.7870377610915096 -1.8381146737323966 -1.9031216534571676 -1.9031216534571676 -2.0192055458228255 -2.0749258141583433 -1.9356251433195573 -1.6477370902527237 -1.2979376279242092 -1.1137511853706992 -0.9698071588372823 -0.8815834006393833 -0.8537232664716244 -0.8722966892501304 +37117,-1.1137511853706992,2,-1.378422459964396 -1.5517744058971124 -1.5796345400648715 -1.7096484995144043 -1.7081007142828637 -1.7870377610915096 -1.8381146737323966 -1.9031216534571676 -1.9031216534571676 -2.0192055458228255 -2.0749258141583433 -1.9356251433195573 -1.6477370902527237 -1.2979376279242092 -1.1137511853706992 -0.9698071588372823 -0.8815834006393833 -0.8537232664716244 -0.8722966892501304 -0.9790938702265353 +37118,-1.2035227288001387,2,-1.5517744058971124 -1.5796345400648715 -1.7096484995144043 -1.7081007142828637 -1.7870377610915096 -1.8381146737323966 -1.9031216534571676 -1.9031216534571676 -2.0192055458228255 -2.0749258141583433 -1.9356251433195573 -1.6477370902527237 -1.2979376279242092 -1.1137511853706992 -0.9698071588372823 -0.8815834006393833 -0.8537232664716244 -0.8722966892501304 -0.9790938702265353 -1.1137511853706992 +37119,-1.3892569565851896,2,-1.5796345400648715 -1.7096484995144043 -1.7081007142828637 -1.7870377610915096 -1.8381146737323966 -1.9031216534571676 -1.9031216534571676 -2.0192055458228255 -2.0749258141583433 -1.9356251433195573 -1.6477370902527237 -1.2979376279242092 -1.1137511853706992 -0.9698071588372823 -0.8815834006393833 -0.8537232664716244 -0.8722966892501304 -0.9790938702265353 -1.1137511853706992 -1.2035227288001387 +37120,-1.4031870236690736,2,-1.7096484995144043 -1.7081007142828637 -1.7870377610915096 -1.8381146737323966 -1.9031216534571676 -1.9031216534571676 -2.0192055458228255 -2.0749258141583433 -1.9356251433195573 -1.6477370902527237 -1.2979376279242092 -1.1137511853706992 -0.9698071588372823 -0.8815834006393833 -0.8537232664716244 -0.8722966892501304 -0.9790938702265353 -1.1137511853706992 -1.2035227288001387 -1.3892569565851896 +37121,-1.4372382987629952,2,-1.7081007142828637 -1.7870377610915096 -1.8381146737323966 -1.9031216534571676 -1.9031216534571676 -2.0192055458228255 -2.0749258141583433 -1.9356251433195573 -1.6477370902527237 -1.2979376279242092 -1.1137511853706992 -0.9698071588372823 -0.8815834006393833 -0.8537232664716244 -0.8722966892501304 -0.9790938702265353 -1.1137511853706992 -1.2035227288001387 -1.3892569565851896 -1.4031870236690736 +37122,-1.4403338692260765,2,-1.7870377610915096 -1.8381146737323966 -1.9031216534571676 -1.9031216534571676 -2.0192055458228255 -2.0749258141583433 -1.9356251433195573 -1.6477370902527237 -1.2979376279242092 -1.1137511853706992 -0.9698071588372823 -0.8815834006393833 -0.8537232664716244 -0.8722966892501304 -0.9790938702265353 -1.1137511853706992 -1.2035227288001387 -1.3892569565851896 -1.4031870236690736 -1.4372382987629952 +37123,-1.5672522582125281,2,-1.8381146737323966 -1.9031216534571676 -1.9031216534571676 -2.0192055458228255 -2.0749258141583433 -1.9356251433195573 -1.6477370902527237 -1.2979376279242092 -1.1137511853706992 -0.9698071588372823 -0.8815834006393833 -0.8537232664716244 -0.8722966892501304 -0.9790938702265353 -1.1137511853706992 -1.2035227288001387 -1.3892569565851896 -1.4031870236690736 -1.4372382987629952 -1.4403338692260765 +37124,-1.5688000434440776,2,-1.9031216534571676 -1.9031216534571676 -2.0192055458228255 -2.0749258141583433 -1.9356251433195573 -1.6477370902527237 -1.2979376279242092 -1.1137511853706992 -0.9698071588372823 -0.8815834006393833 -0.8537232664716244 -0.8722966892501304 -0.9790938702265353 -1.1137511853706992 -1.2035227288001387 -1.3892569565851896 -1.4031870236690736 -1.4372382987629952 -1.4403338692260765 -1.5672522582125281 +37125,-1.6957184324305292,2,-1.9031216534571676 -2.0192055458228255 -2.0749258141583433 -1.9356251433195573 -1.6477370902527237 -1.2979376279242092 -1.1137511853706992 -0.9698071588372823 -0.8815834006393833 -0.8537232664716244 -0.8722966892501304 -0.9790938702265353 -1.1137511853706992 -1.2035227288001387 -1.3892569565851896 -1.4031870236690736 -1.4372382987629952 -1.4403338692260765 -1.5672522582125281 -1.5688000434440776 +37126,-1.7081007142828637,2,-2.0192055458228255 -2.0749258141583433 -1.9356251433195573 -1.6477370902527237 -1.2979376279242092 -1.1137511853706992 -0.9698071588372823 -0.8815834006393833 -0.8537232664716244 -0.8722966892501304 -0.9790938702265353 -1.1137511853706992 -1.2035227288001387 -1.3892569565851896 -1.4031870236690736 -1.4372382987629952 -1.4403338692260765 -1.5672522582125281 -1.5688000434440776 -1.6957184324305292 +37127,-1.836566888500856,2,-2.0749258141583433 -1.9356251433195573 -1.6477370902527237 -1.2979376279242092 -1.1137511853706992 -0.9698071588372823 -0.8815834006393833 -0.8537232664716244 -0.8722966892501304 -0.9790938702265353 -1.1137511853706992 -1.2035227288001387 -1.3892569565851896 -1.4031870236690736 -1.4372382987629952 -1.4403338692260765 -1.5672522582125281 -1.5688000434440776 -1.6957184324305292 -1.7081007142828637 +37128,-1.7870377610915096,2,-1.9356251433195573 -1.6477370902527237 -1.2979376279242092 -1.1137511853706992 -0.9698071588372823 -0.8815834006393833 -0.8537232664716244 -0.8722966892501304 -0.9790938702265353 -1.1137511853706992 -1.2035227288001387 -1.3892569565851896 -1.4031870236690736 -1.4372382987629952 -1.4403338692260765 -1.5672522582125281 -1.5688000434440776 -1.6957184324305292 -1.7081007142828637 -1.836566888500856 +37129,-1.799420042943844,2,-1.6477370902527237 -1.2979376279242092 -1.1137511853706992 -0.9698071588372823 -0.8815834006393833 -0.8537232664716244 -0.8722966892501304 -0.9790938702265353 -1.1137511853706992 -1.2035227288001387 -1.3892569565851896 -1.4031870236690736 -1.4372382987629952 -1.4403338692260765 -1.5672522582125281 -1.5688000434440776 -1.6957184324305292 -1.7081007142828637 -1.836566888500856 -1.7870377610915096 +37130,-1.774655479239175,2,-1.2979376279242092 -1.1137511853706992 -0.9698071588372823 -0.8815834006393833 -0.8537232664716244 -0.8722966892501304 -0.9790938702265353 -1.1137511853706992 -1.2035227288001387 -1.3892569565851896 -1.4031870236690736 -1.4372382987629952 -1.4403338692260765 -1.5672522582125281 -1.5688000434440776 -1.6957184324305292 -1.7081007142828637 -1.836566888500856 -1.7870377610915096 -1.799420042943844 +37131,-1.776203264470716,2,-1.1137511853706992 -0.9698071588372823 -0.8815834006393833 -0.8537232664716244 -0.8722966892501304 -0.9790938702265353 -1.1137511853706992 -1.2035227288001387 -1.3892569565851896 -1.4031870236690736 -1.4372382987629952 -1.4403338692260765 -1.5672522582125281 -1.5688000434440776 -1.6957184324305292 -1.7081007142828637 -1.836566888500856 -1.7870377610915096 -1.799420042943844 -1.774655479239175 +37132,-1.8040633986384749,2,-0.9698071588372823 -0.8815834006393833 -0.8537232664716244 -0.8722966892501304 -0.9790938702265353 -1.1137511853706992 -1.2035227288001387 -1.3892569565851896 -1.4031870236690736 -1.4372382987629952 -1.4403338692260765 -1.5672522582125281 -1.5688000434440776 -1.6957184324305292 -1.7081007142828637 -1.836566888500856 -1.7870377610915096 -1.799420042943844 -1.774655479239175 -1.776203264470716 +37133,-1.5502266206655717,2,-0.8815834006393833 -0.8537232664716244 -0.8722966892501304 -0.9790938702265353 -1.1137511853706992 -1.2035227288001387 -1.3892569565851896 -1.4031870236690736 -1.4372382987629952 -1.4403338692260765 -1.5672522582125281 -1.5688000434440776 -1.6957184324305292 -1.7081007142828637 -1.836566888500856 -1.7870377610915096 -1.799420042943844 -1.774655479239175 -1.776203264470716 -1.8040633986384749 +37134,-1.1555413866223332,2,-0.8537232664716244 -0.8722966892501304 -0.9790938702265353 -1.1137511853706992 -1.2035227288001387 -1.3892569565851896 -1.4031870236690736 -1.4372382987629952 -1.4403338692260765 -1.5672522582125281 -1.5688000434440776 -1.6957184324305292 -1.7081007142828637 -1.836566888500856 -1.7870377610915096 -1.799420042943844 -1.774655479239175 -1.776203264470716 -1.8040633986384749 -1.5502266206655717 +37135,-0.7407349445690479,2,-0.8722966892501304 -0.9790938702265353 -1.1137511853706992 -1.2035227288001387 -1.3892569565851896 -1.4031870236690736 -1.4372382987629952 -1.4403338692260765 -1.5672522582125281 -1.5688000434440776 -1.6957184324305292 -1.7081007142828637 -1.836566888500856 -1.7870377610915096 -1.799420042943844 -1.774655479239175 -1.776203264470716 -1.8040633986384749 -1.5502266206655717 -1.1555413866223332 +37136,-0.5116627303008136,2,-0.9790938702265353 -1.1137511853706992 -1.2035227288001387 -1.3892569565851896 -1.4031870236690736 -1.4372382987629952 -1.4403338692260765 -1.5672522582125281 -1.5688000434440776 -1.6957184324305292 -1.7081007142828637 -1.836566888500856 -1.7870377610915096 -1.799420042943844 -1.774655479239175 -1.776203264470716 -1.8040633986384749 -1.5502266206655717 -1.1555413866223332 -0.7407349445690479 +37137,-0.5116627303008136,2,-1.1137511853706992 -1.2035227288001387 -1.3892569565851896 -1.4031870236690736 -1.4372382987629952 -1.4403338692260765 -1.5672522582125281 -1.5688000434440776 -1.6957184324305292 -1.7081007142828637 -1.836566888500856 -1.7870377610915096 -1.799420042943844 -1.774655479239175 -1.776203264470716 -1.8040633986384749 -1.5502266206655717 -1.1555413866223332 -0.7407349445690479 -0.5116627303008136 +37138,-0.3259285025157627,2,-1.2035227288001387 -1.3892569565851896 -1.4031870236690736 -1.4372382987629952 -1.4403338692260765 -1.5672522582125281 -1.5688000434440776 -1.6957184324305292 -1.7081007142828637 -1.836566888500856 -1.7870377610915096 -1.799420042943844 -1.774655479239175 -1.776203264470716 -1.8040633986384749 -1.5502266206655717 -1.1555413866223332 -0.7407349445690479 -0.5116627303008136 -0.5116627303008136 +37139,-0.3770054151566497,2,-1.3892569565851896 -1.4031870236690736 -1.4372382987629952 -1.4403338692260765 -1.5672522582125281 -1.5688000434440776 -1.6957184324305292 -1.7081007142828637 -1.836566888500856 -1.7870377610915096 -1.799420042943844 -1.774655479239175 -1.776203264470716 -1.8040633986384749 -1.5502266206655717 -1.1555413866223332 -0.7407349445690479 -0.5116627303008136 -0.5116627303008136 -0.3259285025157627 +37140,-0.39712662316670516,2,-1.4031870236690736 -1.4372382987629952 -1.4403338692260765 -1.5672522582125281 -1.5688000434440776 -1.6957184324305292 -1.7081007142828637 -1.836566888500856 -1.7870377610915096 -1.799420042943844 -1.774655479239175 -1.776203264470716 -1.8040633986384749 -1.5502266206655717 -1.1555413866223332 -0.7407349445690479 -0.5116627303008136 -0.5116627303008136 -0.3259285025157627 -0.3770054151566497 +37141,-0.3893876970089929,2,-1.4372382987629952 -1.4403338692260765 -1.5672522582125281 -1.5688000434440776 -1.6957184324305292 -1.7081007142828637 -1.836566888500856 -1.7870377610915096 -1.799420042943844 -1.774655479239175 -1.776203264470716 -1.8040633986384749 -1.5502266206655717 -1.1555413866223332 -0.7407349445690479 -0.5116627303008136 -0.5116627303008136 -0.3259285025157627 -0.3770054151566497 -0.39712662316670516 +37142,-0.5333317235424098,2,-1.4403338692260765 -1.5672522582125281 -1.5688000434440776 -1.6957184324305292 -1.7081007142828637 -1.836566888500856 -1.7870377610915096 -1.799420042943844 -1.774655479239175 -1.776203264470716 -1.8040633986384749 -1.5502266206655717 -1.1555413866223332 -0.7407349445690479 -0.5116627303008136 -0.5116627303008136 -0.3259285025157627 -0.3770054151566497 -0.39712662316670516 -0.3893876970089929 +37143,-0.6834668910019893,2,-1.5672522582125281 -1.5688000434440776 -1.6957184324305292 -1.7081007142828637 -1.836566888500856 -1.7870377610915096 -1.799420042943844 -1.774655479239175 -1.776203264470716 -1.8040633986384749 -1.5502266206655717 -1.1555413866223332 -0.7407349445690479 -0.5116627303008136 -0.5116627303008136 -0.3259285025157627 -0.3770054151566497 -0.39712662316670516 -0.3893876970089929 -0.5333317235424098 +37144,-0.8103852799884409,2,-1.5688000434440776 -1.6957184324305292 -1.7081007142828637 -1.836566888500856 -1.7870377610915096 -1.799420042943844 -1.774655479239175 -1.776203264470716 -1.8040633986384749 -1.5502266206655717 -1.1555413866223332 -0.7407349445690479 -0.5116627303008136 -0.5116627303008136 -0.3259285025157627 -0.3770054151566497 -0.39712662316670516 -0.3893876970089929 -0.5333317235424098 -0.6834668910019893 +37145,-0.9373036689748925,2,-1.6957184324305292 -1.7081007142828637 -1.836566888500856 -1.7870377610915096 -1.799420042943844 -1.774655479239175 -1.776203264470716 -1.8040633986384749 -1.5502266206655717 -1.1555413866223332 -0.7407349445690479 -0.5116627303008136 -0.5116627303008136 -0.3259285025157627 -0.3770054151566497 -0.39712662316670516 -0.3893876970089929 -0.5333317235424098 -0.6834668910019893 -0.8103852799884409 +37146,-1.0255274271727914,2,-1.7081007142828637 -1.836566888500856 -1.7870377610915096 -1.799420042943844 -1.774655479239175 -1.776203264470716 -1.8040633986384749 -1.5502266206655717 -1.1555413866223332 -0.7407349445690479 -0.5116627303008136 -0.5116627303008136 -0.3259285025157627 -0.3770054151566497 -0.39712662316670516 -0.3893876970089929 -0.5333317235424098 -0.6834668910019893 -0.8103852799884409 -0.9373036689748925 +37147,-1.0518397761090097,2,-1.836566888500856 -1.7870377610915096 -1.799420042943844 -1.774655479239175 -1.776203264470716 -1.8040633986384749 -1.5502266206655717 -1.1555413866223332 -0.7407349445690479 -0.5116627303008136 -0.5116627303008136 -0.3259285025157627 -0.3770054151566497 -0.39712662316670516 -0.3893876970089929 -0.5333317235424098 -0.6834668910019893 -0.8103852799884409 -0.9373036689748925 -1.0255274271727914 +37148,-1.2576952119041072,2,-1.7870377610915096 -1.799420042943844 -1.774655479239175 -1.776203264470716 -1.8040633986384749 -1.5502266206655717 -1.1555413866223332 -0.7407349445690479 -0.5116627303008136 -0.5116627303008136 -0.3259285025157627 -0.3770054151566497 -0.39712662316670516 -0.3893876970089929 -0.5333317235424098 -0.6834668910019893 -0.8103852799884409 -0.9373036689748925 -1.0255274271727914 -1.0518397761090097 +37149,-1.2700774937564503,2,-1.799420042943844 -1.774655479239175 -1.776203264470716 -1.8040633986384749 -1.5502266206655717 -1.1555413866223332 -0.7407349445690479 -0.5116627303008136 -0.5116627303008136 -0.3259285025157627 -0.3770054151566497 -0.39712662316670516 -0.3893876970089929 -0.5333317235424098 -0.6834668910019893 -0.8103852799884409 -0.9373036689748925 -1.0255274271727914 -1.0518397761090097 -1.2576952119041072 +37150,-1.387709171353649,2,-1.774655479239175 -1.776203264470716 -1.8040633986384749 -1.5502266206655717 -1.1555413866223332 -0.7407349445690479 -0.5116627303008136 -0.5116627303008136 -0.3259285025157627 -0.3770054151566497 -0.39712662316670516 -0.3893876970089929 -0.5333317235424098 -0.6834668910019893 -0.8103852799884409 -0.9373036689748925 -1.0255274271727914 -1.0518397761090097 -1.2576952119041072 -1.2700774937564503 +37151,-1.4914107818669724,2,-1.776203264470716 -1.8040633986384749 -1.5502266206655717 -1.1555413866223332 -0.7407349445690479 -0.5116627303008136 -0.5116627303008136 -0.3259285025157627 -0.3770054151566497 -0.39712662316670516 -0.3893876970089929 -0.5333317235424098 -0.6834668910019893 -0.8103852799884409 -0.9373036689748925 -1.0255274271727914 -1.0518397761090097 -1.2576952119041072 -1.2700774937564503 -1.387709171353649 +37152,-1.5672522582125281,2,-1.8040633986384749 -1.5502266206655717 -1.1555413866223332 -0.7407349445690479 -0.5116627303008136 -0.5116627303008136 -0.3259285025157627 -0.3770054151566497 -0.39712662316670516 -0.3893876970089929 -0.5333317235424098 -0.6834668910019893 -0.8103852799884409 -0.9373036689748925 -1.0255274271727914 -1.0518397761090097 -1.2576952119041072 -1.2700774937564503 -1.387709171353649 -1.4914107818669724 +37153,-1.5935646071487464,2,-1.5502266206655717 -1.1555413866223332 -0.7407349445690479 -0.5116627303008136 -0.5116627303008136 -0.3259285025157627 -0.3770054151566497 -0.39712662316670516 -0.3893876970089929 -0.5333317235424098 -0.6834668910019893 -0.8103852799884409 -0.9373036689748925 -1.0255274271727914 -1.0518397761090097 -1.2576952119041072 -1.2700774937564503 -1.387709171353649 -1.4914107818669724 -1.5672522582125281 +37154,-1.5440354797394,2,-1.1555413866223332 -0.7407349445690479 -0.5116627303008136 -0.5116627303008136 -0.3259285025157627 -0.3770054151566497 -0.39712662316670516 -0.3893876970089929 -0.5333317235424098 -0.6834668910019893 -0.8103852799884409 -0.9373036689748925 -1.0255274271727914 -1.0518397761090097 -1.2576952119041072 -1.2700774937564503 -1.387709171353649 -1.4914107818669724 -1.5672522582125281 -1.5935646071487464 +37155,-1.502245278487766,2,-0.7407349445690479 -0.5116627303008136 -0.5116627303008136 -0.3259285025157627 -0.3770054151566497 -0.39712662316670516 -0.3893876970089929 -0.5333317235424098 -0.6834668910019893 -0.8103852799884409 -0.9373036689748925 -1.0255274271727914 -1.0518397761090097 -1.2576952119041072 -1.2700774937564503 -1.387709171353649 -1.4914107818669724 -1.5672522582125281 -1.5935646071487464 -1.5440354797394 +37156,-1.5920168219172057,2,-0.5116627303008136 -0.5116627303008136 -0.3259285025157627 -0.3770054151566497 -0.39712662316670516 -0.3893876970089929 -0.5333317235424098 -0.6834668910019893 -0.8103852799884409 -0.9373036689748925 -1.0255274271727914 -1.0518397761090097 -1.2576952119041072 -1.2700774937564503 -1.387709171353649 -1.4914107818669724 -1.5672522582125281 -1.5935646071487464 -1.5440354797394 -1.502245278487766 +37157,-1.29948541315575,2,-0.5116627303008136 -0.3259285025157627 -0.3770054151566497 -0.39712662316670516 -0.3893876970089929 -0.5333317235424098 -0.6834668910019893 -0.8103852799884409 -0.9373036689748925 -1.0255274271727914 -1.0518397761090097 -1.2576952119041072 -1.2700774937564503 -1.387709171353649 -1.4914107818669724 -1.5672522582125281 -1.5935646071487464 -1.5440354797394 -1.502245278487766 -1.5920168219172057 +37158,-0.8103852799884409,2,-0.3259285025157627 -0.3770054151566497 -0.39712662316670516 -0.3893876970089929 -0.5333317235424098 -0.6834668910019893 -0.8103852799884409 -0.9373036689748925 -1.0255274271727914 -1.0518397761090097 -1.2576952119041072 -1.2700774937564503 -1.387709171353649 -1.4914107818669724 -1.5672522582125281 -1.5935646071487464 -1.5440354797394 -1.502245278487766 -1.5920168219172057 -1.29948541315575 +37159,-0.3739098446935683,2,-0.3770054151566497 -0.39712662316670516 -0.3893876970089929 -0.5333317235424098 -0.6834668910019893 -0.8103852799884409 -0.9373036689748925 -1.0255274271727914 -1.0518397761090097 -1.2576952119041072 -1.2700774937564503 -1.387709171353649 -1.4914107818669724 -1.5672522582125281 -1.5935646071487464 -1.5440354797394 -1.502245278487766 -1.5920168219172057 -1.29948541315575 -0.8103852799884409 +37160,-0.04577937560664132,2,-0.39712662316670516 -0.3893876970089929 -0.5333317235424098 -0.6834668910019893 -0.8103852799884409 -0.9373036689748925 -1.0255274271727914 -1.0518397761090097 -1.2576952119041072 -1.2700774937564503 -1.387709171353649 -1.4914107818669724 -1.5672522582125281 -1.5935646071487464 -1.5440354797394 -1.502245278487766 -1.5920168219172057 -1.29948541315575 -0.8103852799884409 -0.3739098446935683 +37161,0.2127007580608927,2,-0.3893876970089929 -0.5333317235424098 -0.6834668910019893 -0.8103852799884409 -0.9373036689748925 -1.0255274271727914 -1.0518397761090097 -1.2576952119041072 -1.2700774937564503 -1.387709171353649 -1.4914107818669724 -1.5672522582125281 -1.5935646071487464 -1.5440354797394 -1.502245278487766 -1.5920168219172057 -1.29948541315575 -0.8103852799884409 -0.3739098446935683 -0.04577937560664132 +37162,0.3767659926043474,2,-0.5333317235424098 -0.6834668910019893 -0.8103852799884409 -0.9373036689748925 -1.0255274271727914 -1.0518397761090097 -1.2576952119041072 -1.2700774937564503 -1.387709171353649 -1.4914107818669724 -1.5672522582125281 -1.5935646071487464 -1.5440354797394 -1.502245278487766 -1.5920168219172057 -1.29948541315575 -0.8103852799884409 -0.3739098446935683 -0.04577937560664132 0.2127007580608927 +37163,0.3674792812151032,2,-0.6834668910019893 -0.8103852799884409 -0.9373036689748925 -1.0255274271727914 -1.0518397761090097 -1.2576952119041072 -1.2700774937564503 -1.387709171353649 -1.4914107818669724 -1.5672522582125281 -1.5935646071487464 -1.5440354797394 -1.502245278487766 -1.5920168219172057 -1.29948541315575 -0.8103852799884409 -0.3739098446935683 -0.04577937560664132 0.2127007580608927 0.3767659926043474 +37164,0.34735807320504775,2,-0.8103852799884409 -0.9373036689748925 -1.0255274271727914 -1.0518397761090097 -1.2576952119041072 -1.2700774937564503 -1.387709171353649 -1.4914107818669724 -1.5672522582125281 -1.5935646071487464 -1.5440354797394 -1.502245278487766 -1.5920168219172057 -1.29948541315575 -0.8103852799884409 -0.3739098446935683 -0.04577937560664132 0.2127007580608927 0.3767659926043474 0.3674792812151032 +37165,0.20031847620854953,2,-0.9373036689748925 -1.0255274271727914 -1.0518397761090097 -1.2576952119041072 -1.2700774937564503 -1.387709171353649 -1.4914107818669724 -1.5672522582125281 -1.5935646071487464 -1.5440354797394 -1.502245278487766 -1.5920168219172057 -1.29948541315575 -0.8103852799884409 -0.3739098446935683 -0.04577937560664132 0.2127007580608927 0.3767659926043474 0.3674792812151032 0.34735807320504775 +37166,-0.12007306672066517,2,-1.0255274271727914 -1.0518397761090097 -1.2576952119041072 -1.2700774937564503 -1.387709171353649 -1.4914107818669724 -1.5672522582125281 -1.5935646071487464 -1.5440354797394 -1.502245278487766 -1.5920168219172057 -1.29948541315575 -0.8103852799884409 -0.3739098446935683 -0.04577937560664132 0.2127007580608927 0.3767659926043474 0.3674792812151032 0.34735807320504775 0.20031847620854953 +37167,-0.4095089050190395,2,-1.0518397761090097 -1.2576952119041072 -1.2700774937564503 -1.387709171353649 -1.4914107818669724 -1.5672522582125281 -1.5935646071487464 -1.5440354797394 -1.502245278487766 -1.5920168219172057 -1.29948541315575 -0.8103852799884409 -0.3739098446935683 -0.04577937560664132 0.2127007580608927 0.3767659926043474 0.3674792812151032 0.34735807320504775 0.20031847620854953 -0.12007306672066517 +37168,-0.5008282336800198,2,-1.2576952119041072 -1.2700774937564503 -1.387709171353649 -1.4914107818669724 -1.5672522582125281 -1.5935646071487464 -1.5440354797394 -1.502245278487766 -1.5920168219172057 -1.29948541315575 -0.8103852799884409 -0.3739098446935683 -0.04577937560664132 0.2127007580608927 0.3767659926043474 0.3674792812151032 0.34735807320504775 0.20031847620854953 -0.12007306672066517 -0.4095089050190395 +37169,-0.7268048774851729,2,-1.2700774937564503 -1.387709171353649 -1.4914107818669724 -1.5672522582125281 -1.5935646071487464 -1.5440354797394 -1.502245278487766 -1.5920168219172057 -1.29948541315575 -0.8103852799884409 -0.3739098446935683 -0.04577937560664132 0.2127007580608927 0.3767659926043474 0.3674792812151032 0.34735807320504775 0.20031847620854953 -0.12007306672066517 -0.4095089050190395 -0.5008282336800198 +37170,-0.8490799107769935,2,-1.387709171353649 -1.4914107818669724 -1.5672522582125281 -1.5935646071487464 -1.5440354797394 -1.502245278487766 -1.5920168219172057 -1.29948541315575 -0.8103852799884409 -0.3739098446935683 -0.04577937560664132 0.2127007580608927 0.3767659926043474 0.3674792812151032 0.34735807320504775 0.20031847620854953 -0.12007306672066517 -0.4095089050190395 -0.5008282336800198 -0.7268048774851729 +37171,-0.9481381655956861,2,-1.4914107818669724 -1.5672522582125281 -1.5935646071487464 -1.5440354797394 -1.502245278487766 -1.5920168219172057 -1.29948541315575 -0.8103852799884409 -0.3739098446935683 -0.04577937560664132 0.2127007580608927 0.3767659926043474 0.3674792812151032 0.34735807320504775 0.20031847620854953 -0.12007306672066517 -0.4095089050190395 -0.5008282336800198 -0.7268048774851729 -0.8490799107769935 +37172,-0.9481381655956861,2,-1.5672522582125281 -1.5935646071487464 -1.5440354797394 -1.502245278487766 -1.5920168219172057 -1.29948541315575 -0.8103852799884409 -0.3739098446935683 -0.04577937560664132 0.2127007580608927 0.3767659926043474 0.3674792812151032 0.34735807320504775 0.20031847620854953 -0.12007306672066517 -0.4095089050190395 -0.5008282336800198 -0.7268048774851729 -0.8490799107769935 -0.9481381655956861 +37173,-1.0394574942566752,2,-1.5935646071487464 -1.5440354797394 -1.502245278487766 -1.5920168219172057 -1.29948541315575 -0.8103852799884409 -0.3739098446935683 -0.04577937560664132 0.2127007580608927 0.3767659926043474 0.3674792812151032 0.34735807320504775 0.20031847620854953 -0.12007306672066517 -0.4095089050190395 -0.5008282336800198 -0.7268048774851729 -0.8490799107769935 -0.9481381655956861 -0.9481381655956861 +37174,-1.1168467558337805,2,-1.5440354797394 -1.502245278487766 -1.5920168219172057 -1.29948541315575 -0.8103852799884409 -0.3739098446935683 -0.04577937560664132 0.2127007580608927 0.3767659926043474 0.3674792812151032 0.34735807320504775 0.20031847620854953 -0.12007306672066517 -0.4095089050190395 -0.5008282336800198 -0.7268048774851729 -0.8490799107769935 -0.9481381655956861 -0.9481381655956861 -1.0394574942566752 +37175,-1.1431591047699987,2,-1.502245278487766 -1.5920168219172057 -1.29948541315575 -0.8103852799884409 -0.3739098446935683 -0.04577937560664132 0.2127007580608927 0.3767659926043474 0.3674792812151032 0.34735807320504775 0.20031847620854953 -0.12007306672066517 -0.4095089050190395 -0.5008282336800198 -0.7268048774851729 -0.8490799107769935 -0.9481381655956861 -0.9481381655956861 -1.0394574942566752 -1.1168467558337805 +37176,-1.220548366347104,2,-1.5920168219172057 -1.29948541315575 -0.8103852799884409 -0.3739098446935683 -0.04577937560664132 0.2127007580608927 0.3767659926043474 0.3674792812151032 0.34735807320504775 0.20031847620854953 -0.12007306672066517 -0.4095089050190395 -0.5008282336800198 -0.7268048774851729 -0.8490799107769935 -0.9481381655956861 -0.9481381655956861 -1.0394574942566752 -1.1168467558337805 -1.1431591047699987 +37177,-1.285555346071866,2,-1.29948541315575 -0.8103852799884409 -0.3739098446935683 -0.04577937560664132 0.2127007580608927 0.3767659926043474 0.3674792812151032 0.34735807320504775 0.20031847620854953 -0.12007306672066517 -0.4095089050190395 -0.5008282336800198 -0.7268048774851729 -0.8490799107769935 -0.9481381655956861 -0.9481381655956861 -1.0394574942566752 -1.1168467558337805 -1.1431591047699987 -1.220548366347104 +37178,-1.234478433430979,2,-0.8103852799884409 -0.3739098446935683 -0.04577937560664132 0.2127007580608927 0.3767659926043474 0.3674792812151032 0.34735807320504775 0.20031847620854953 -0.12007306672066517 -0.4095089050190395 -0.5008282336800198 -0.7268048774851729 -0.8490799107769935 -0.9481381655956861 -0.9481381655956861 -1.0394574942566752 -1.1168467558337805 -1.1431591047699987 -1.220548366347104 -1.285555346071866 +37179,-1.3118676950080843,2,-0.3739098446935683 -0.04577937560664132 0.2127007580608927 0.3767659926043474 0.3674792812151032 0.34735807320504775 0.20031847620854953 -0.12007306672066517 -0.4095089050190395 -0.5008282336800198 -0.7268048774851729 -0.8490799107769935 -0.9481381655956861 -0.9481381655956861 -1.0394574942566752 -1.1168467558337805 -1.1431591047699987 -1.220548366347104 -1.285555346071866 -1.234478433430979 +37180,-1.3165110507027153,2,-0.04577937560664132 0.2127007580608927 0.3767659926043474 0.3674792812151032 0.34735807320504775 0.20031847620854953 -0.12007306672066517 -0.4095089050190395 -0.5008282336800198 -0.7268048774851729 -0.8490799107769935 -0.9481381655956861 -0.9481381655956861 -1.0394574942566752 -1.1168467558337805 -1.1431591047699987 -1.220548366347104 -1.285555346071866 -1.234478433430979 -1.3118676950080843 +37181,-1.1741148094008391,2,0.2127007580608927 0.3767659926043474 0.3674792812151032 0.34735807320504775 0.20031847620854953 -0.12007306672066517 -0.4095089050190395 -0.5008282336800198 -0.7268048774851729 -0.8490799107769935 -0.9481381655956861 -0.9481381655956861 -1.0394574942566752 -1.1168467558337805 -1.1431591047699987 -1.220548366347104 -1.285555346071866 -1.234478433430979 -1.3118676950080843 -1.3165110507027153 +37182,-0.5163060859954445,2,0.3767659926043474 0.3674792812151032 0.34735807320504775 0.20031847620854953 -0.12007306672066517 -0.4095089050190395 -0.5008282336800198 -0.7268048774851729 -0.8490799107769935 -0.9481381655956861 -0.9481381655956861 -1.0394574942566752 -1.1168467558337805 -1.1431591047699987 -1.220548366347104 -1.285555346071866 -1.234478433430979 -1.3118676950080843 -1.3165110507027153 -1.1741148094008391 +37183,-0.005536959586547991,2,0.3674792812151032 0.34735807320504775 0.20031847620854953 -0.12007306672066517 -0.4095089050190395 -0.5008282336800198 -0.7268048774851729 -0.8490799107769935 -0.9481381655956861 -0.9481381655956861 -1.0394574942566752 -1.1168467558337805 -1.1431591047699987 -1.220548366347104 -1.285555346071866 -1.234478433430979 -1.3118676950080843 -1.3165110507027153 -1.1741148094008391 -0.5163060859954445 +37184,0.39688720061440286,2,0.34735807320504775 0.20031847620854953 -0.12007306672066517 -0.4095089050190395 -0.5008282336800198 -0.7268048774851729 -0.8490799107769935 -0.9481381655956861 -0.9481381655956861 -1.0394574942566752 -1.1168467558337805 -1.1431591047699987 -1.220548366347104 -1.285555346071866 -1.234478433430979 -1.3118676950080843 -1.3165110507027153 -1.1741148094008391 -0.5163060859954445 -0.005536959586547991 +37185,0.7575211595637109,2,0.20031847620854953 -0.12007306672066517 -0.4095089050190395 -0.5008282336800198 -0.7268048774851729 -0.8490799107769935 -0.9481381655956861 -0.9481381655956861 -1.0394574942566752 -1.1168467558337805 -1.1431591047699987 -1.220548366347104 -1.285555346071866 -1.234478433430979 -1.3118676950080843 -1.3165110507027153 -1.1741148094008391 -0.5163060859954445 -0.005536959586547991 0.39688720061440286 +37186,0.9850455886003958,2,-0.12007306672066517 -0.4095089050190395 -0.5008282336800198 -0.7268048774851729 -0.8490799107769935 -0.9481381655956861 -0.9481381655956861 -1.0394574942566752 -1.1168467558337805 -1.1431591047699987 -1.220548366347104 -1.285555346071866 -1.234478433430979 -1.3118676950080843 -1.3165110507027153 -1.1741148094008391 -0.5163060859954445 -0.005536959586547991 0.39688720061440286 0.7575211595637109 +37187,1.016001293231245,2,-0.4095089050190395 -0.5008282336800198 -0.7268048774851729 -0.8490799107769935 -0.9481381655956861 -0.9481381655956861 -1.0394574942566752 -1.1168467558337805 -1.1431591047699987 -1.220548366347104 -1.285555346071866 -1.234478433430979 -1.3118676950080843 -1.3165110507027153 -1.1741148094008391 -0.5163060859954445 -0.005536959586547991 0.39688720061440286 0.7575211595637109 0.9850455886003958 +37188,0.8720572666978281,2,-0.5008282336800198 -0.7268048774851729 -0.8490799107769935 -0.9481381655956861 -0.9481381655956861 -1.0394574942566752 -1.1168467558337805 -1.1431591047699987 -1.220548366347104 -1.285555346071866 -1.234478433430979 -1.3118676950080843 -1.3165110507027153 -1.1741148094008391 -0.5163060859954445 -0.005536959586547991 0.39688720061440286 0.7575211595637109 0.9850455886003958 1.016001293231245 +37189,0.6042904216410411,2,-0.7268048774851729 -0.8490799107769935 -0.9481381655956861 -0.9481381655956861 -1.0394574942566752 -1.1168467558337805 -1.1431591047699987 -1.220548366347104 -1.285555346071866 -1.234478433430979 -1.3118676950080843 -1.3165110507027153 -1.1741148094008391 -0.5163060859954445 -0.005536959586547991 0.39688720061440286 0.7575211595637109 0.9850455886003958 1.016001293231245 0.8720572666978281 +37190,0.12912035555761586,2,-0.8490799107769935 -0.9481381655956861 -0.9481381655956861 -1.0394574942566752 -1.1168467558337805 -1.1431591047699987 -1.220548366347104 -1.285555346071866 -1.234478433430979 -1.3118676950080843 -1.3165110507027153 -1.1741148094008391 -0.5163060859954445 -0.005536959586547991 0.39688720061440286 0.7575211595637109 0.9850455886003958 1.016001293231245 0.8720572666978281 0.6042904216410411 +37191,-0.16960219413001149,2,-0.9481381655956861 -0.9481381655956861 -1.0394574942566752 -1.1168467558337805 -1.1431591047699987 -1.220548366347104 -1.285555346071866 -1.234478433430979 -1.3118676950080843 -1.3165110507027153 -1.1741148094008391 -0.5163060859954445 -0.005536959586547991 0.39688720061440286 0.7575211595637109 0.9850455886003958 1.016001293231245 0.8720572666978281 0.6042904216410411 0.12912035555761586 +37192,-0.29652058311646307,2,-0.9481381655956861 -1.0394574942566752 -1.1168467558337805 -1.1431591047699987 -1.220548366347104 -1.285555346071866 -1.234478433430979 -1.3118676950080843 -1.3165110507027153 -1.1741148094008391 -0.5163060859954445 -0.005536959586547991 0.39688720061440286 0.7575211595637109 0.9850455886003958 1.016001293231245 0.8720572666978281 0.6042904216410411 0.12912035555761586 -0.16960219413001149 +37193,-0.46677695858609813,2,-1.0394574942566752 -1.1168467558337805 -1.1431591047699987 -1.220548366347104 -1.285555346071866 -1.234478433430979 -1.3118676950080843 -1.3165110507027153 -1.1741148094008391 -0.5163060859954445 -0.005536959586547991 0.39688720061440286 0.7575211595637109 0.9850455886003958 1.016001293231245 0.8720572666978281 0.6042904216410411 0.12912035555761586 -0.16960219413001149 -0.29652058311646307 +37194,-0.5642874281732501,2,-1.1168467558337805 -1.1431591047699987 -1.220548366347104 -1.285555346071866 -1.234478433430979 -1.3118676950080843 -1.3165110507027153 -1.1741148094008391 -0.5163060859954445 -0.005536959586547991 0.39688720061440286 0.7575211595637109 0.9850455886003958 1.016001293231245 0.8720572666978281 0.6042904216410411 0.12912035555761586 -0.16960219413001149 -0.29652058311646307 -0.46677695858609813 +37195,-0.6138165555825964,2,-1.1431591047699987 -1.220548366347104 -1.285555346071866 -1.234478433430979 -1.3118676950080843 -1.3165110507027153 -1.1741148094008391 -0.5163060859954445 -0.005536959586547991 0.39688720061440286 0.7575211595637109 0.9850455886003958 1.016001293231245 0.8720572666978281 0.6042904216410411 0.12912035555761586 -0.16960219413001149 -0.29652058311646307 -0.46677695858609813 -0.5642874281732501 +37196,-0.666441253455024,2,-1.220548366347104 -1.285555346071866 -1.234478433430979 -1.3118676950080843 -1.3165110507027153 -1.1741148094008391 -0.5163060859954445 -0.005536959586547991 0.39688720061440286 0.7575211595637109 0.9850455886003958 1.016001293231245 0.8720572666978281 0.6042904216410411 0.12912035555761586 -0.16960219413001149 -0.29652058311646307 -0.46677695858609813 -0.5642874281732501 -0.6138165555825964 +37197,-0.8444365550823715,2,-1.285555346071866 -1.234478433430979 -1.3118676950080843 -1.3165110507027153 -1.1741148094008391 -0.5163060859954445 -0.005536959586547991 0.39688720061440286 0.7575211595637109 0.9850455886003958 1.016001293231245 0.8720572666978281 0.6042904216410411 0.12912035555761586 -0.16960219413001149 -0.29652058311646307 -0.46677695858609813 -0.5642874281732501 -0.6138165555825964 -0.666441253455024 +37198,-0.910991320038683,2,-1.234478433430979 -1.3118676950080843 -1.3165110507027153 -1.1741148094008391 -0.5163060859954445 -0.005536959586547991 0.39688720061440286 0.7575211595637109 0.9850455886003958 1.016001293231245 0.8720572666978281 0.6042904216410411 0.12912035555761586 -0.16960219413001149 -0.29652058311646307 -0.46677695858609813 -0.5642874281732501 -0.6138165555825964 -0.666441253455024 -0.8444365550823715 +37199,-1.0410052794882159,2,-1.3118676950080843 -1.3165110507027153 -1.1741148094008391 -0.5163060859954445 -0.005536959586547991 0.39688720061440286 0.7575211595637109 0.9850455886003958 1.016001293231245 0.8720572666978281 0.6042904216410411 0.12912035555761586 -0.16960219413001149 -0.29652058311646307 -0.46677695858609813 -0.5642874281732501 -0.6138165555825964 -0.666441253455024 -0.8444365550823715 -0.910991320038683 +37200,-1.1447068900015396,2,-1.3165110507027153 -1.1741148094008391 -0.5163060859954445 -0.005536959586547991 0.39688720061440286 0.7575211595637109 0.9850455886003958 1.016001293231245 0.8720572666978281 0.6042904216410411 0.12912035555761586 -0.16960219413001149 -0.29652058311646307 -0.46677695858609813 -0.5642874281732501 -0.6138165555825964 -0.666441253455024 -0.8444365550823715 -0.910991320038683 -1.0410052794882159 +37201,-1.0796999102767686,2,-1.1741148094008391 -0.5163060859954445 -0.005536959586547991 0.39688720061440286 0.7575211595637109 0.9850455886003958 1.016001293231245 0.8720572666978281 0.6042904216410411 0.12912035555761586 -0.16960219413001149 -0.29652058311646307 -0.46677695858609813 -0.5642874281732501 -0.6138165555825964 -0.666441253455024 -0.8444365550823715 -0.910991320038683 -1.0410052794882159 -1.1447068900015396 +37202,-1.0286229976358816,2,-0.5163060859954445 -0.005536959586547991 0.39688720061440286 0.7575211595637109 0.9850455886003958 1.016001293231245 0.8720572666978281 0.6042904216410411 0.12912035555761586 -0.16960219413001149 -0.29652058311646307 -0.46677695858609813 -0.5642874281732501 -0.6138165555825964 -0.666441253455024 -0.8444365550823715 -0.910991320038683 -1.0410052794882159 -1.1447068900015396 -1.0796999102767686 +37203,-1.1570891718538738,2,-0.005536959586547991 0.39688720061440286 0.7575211595637109 0.9850455886003958 1.016001293231245 0.8720572666978281 0.6042904216410411 0.12912035555761586 -0.16960219413001149 -0.29652058311646307 -0.46677695858609813 -0.5642874281732501 -0.6138165555825964 -0.666441253455024 -0.8444365550823715 -0.910991320038683 -1.0410052794882159 -1.1447068900015396 -1.0796999102767686 -1.0286229976358816 +37204,-1.050291990877469,2,0.39688720061440286 0.7575211595637109 0.9850455886003958 1.016001293231245 0.8720572666978281 0.6042904216410411 0.12912035555761586 -0.16960219413001149 -0.29652058311646307 -0.46677695858609813 -0.5642874281732501 -0.6138165555825964 -0.666441253455024 -0.8444365550823715 -0.910991320038683 -1.0410052794882159 -1.1447068900015396 -1.0796999102767686 -1.0286229976358816 -1.1570891718538738 +37205,-0.6602501125288612,2,0.7575211595637109 0.9850455886003958 1.016001293231245 0.8720572666978281 0.6042904216410411 0.12912035555761586 -0.16960219413001149 -0.29652058311646307 -0.46677695858609813 -0.5642874281732501 -0.6138165555825964 -0.666441253455024 -0.8444365550823715 -0.910991320038683 -1.0410052794882159 -1.1447068900015396 -1.0796999102767686 -1.0286229976358816 -1.1570891718538738 -1.050291990877469 +37206,-0.25473038186482905,2,0.9850455886003958 1.016001293231245 0.8720572666978281 0.6042904216410411 0.12912035555761586 -0.16960219413001149 -0.29652058311646307 -0.46677695858609813 -0.5642874281732501 -0.6138165555825964 -0.666441253455024 -0.8444365550823715 -0.910991320038683 -1.0410052794882159 -1.1447068900015396 -1.0796999102767686 -1.0286229976358816 -1.1570891718538738 -1.050291990877469 -0.6602501125288612 +37207,0.14150263740995023,2,1.016001293231245 0.8720572666978281 0.6042904216410411 0.12912035555761586 -0.16960219413001149 -0.29652058311646307 -0.46677695858609813 -0.5642874281732501 -0.6138165555825964 -0.666441253455024 -0.8444365550823715 -0.910991320038683 -1.0410052794882159 -1.1447068900015396 -1.0796999102767686 -1.0286229976358816 -1.1570891718538738 -1.050291990877469 -0.6602501125288612 -0.25473038186482905 +37208,0.7188265287751583,2,0.8720572666978281 0.6042904216410411 0.12912035555761586 -0.16960219413001149 -0.29652058311646307 -0.46677695858609813 -0.5642874281732501 -0.6138165555825964 -0.666441253455024 -0.8444365550823715 -0.910991320038683 -1.0410052794882159 -1.1447068900015396 -1.0796999102767686 -1.0286229976358816 -1.1570891718538738 -1.050291990877469 -0.6602501125288612 -0.25473038186482905 0.14150263740995023 +37209,0.9231341793387151,2,0.6042904216410411 0.12912035555761586 -0.16960219413001149 -0.29652058311646307 -0.46677695858609813 -0.5642874281732501 -0.6138165555825964 -0.666441253455024 -0.8444365550823715 -0.910991320038683 -1.0410052794882159 -1.1447068900015396 -1.0796999102767686 -1.0286229976358816 -1.1570891718538738 -1.050291990877469 -0.6602501125288612 -0.25473038186482905 0.14150263740995023 0.7188265287751583 +37210,1.2079266619424585,2,0.12912035555761586 -0.16960219413001149 -0.29652058311646307 -0.46677695858609813 -0.5642874281732501 -0.6138165555825964 -0.666441253455024 -0.8444365550823715 -0.910991320038683 -1.0410052794882159 -1.1447068900015396 -1.0796999102767686 -1.0286229976358816 -1.1570891718538738 -1.050291990877469 -0.6602501125288612 -0.25473038186482905 0.14150263740995023 0.7188265287751583 0.9231341793387151 +37211,1.223404514257883,2,-0.16960219413001149 -0.29652058311646307 -0.46677695858609813 -0.5642874281732501 -0.6138165555825964 -0.666441253455024 -0.8444365550823715 -0.910991320038683 -1.0410052794882159 -1.1447068900015396 -1.0796999102767686 -1.0286229976358816 -1.1570891718538738 -1.050291990877469 -0.6602501125288612 -0.25473038186482905 0.14150263740995023 0.7188265287751583 0.9231341793387151 1.2079266619424585 +37212,1.2017355210162957,2,-0.29652058311646307 -0.46677695858609813 -0.5642874281732501 -0.6138165555825964 -0.666441253455024 -0.8444365550823715 -0.910991320038683 -1.0410052794882159 -1.1447068900015396 -1.0796999102767686 -1.0286229976358816 -1.1570891718538738 -1.050291990877469 -0.6602501125288612 -0.25473038186482905 0.14150263740995023 0.7188265287751583 0.9231341793387151 1.2079266619424585 1.223404514257883 +37213,0.8209803540569323,2,-0.46677695858609813 -0.5642874281732501 -0.6138165555825964 -0.666441253455024 -0.8444365550823715 -0.910991320038683 -1.0410052794882159 -1.1447068900015396 -1.0796999102767686 -1.0286229976358816 -1.1570891718538738 -1.050291990877469 -0.6602501125288612 -0.25473038186482905 0.14150263740995023 0.7188265287751583 0.9231341793387151 1.2079266619424585 1.223404514257883 1.2017355210162957 +37214,0.5547612942316947,2,-0.5642874281732501 -0.6138165555825964 -0.666441253455024 -0.8444365550823715 -0.910991320038683 -1.0410052794882159 -1.1447068900015396 -1.0796999102767686 -1.0286229976358816 -1.1570891718538738 -1.050291990877469 -0.6602501125288612 -0.25473038186482905 0.14150263740995023 0.7188265287751583 0.9231341793387151 1.2079266619424585 1.223404514257883 1.2017355210162957 0.8209803540569323 +37215,0.322593509500379,2,-0.6138165555825964 -0.666441253455024 -0.8444365550823715 -0.910991320038683 -1.0410052794882159 -1.1447068900015396 -1.0796999102767686 -1.0286229976358816 -1.1570891718538738 -1.050291990877469 -0.6602501125288612 -0.25473038186482905 0.14150263740995023 0.7188265287751583 0.9231341793387151 1.2079266619424585 1.223404514257883 1.2017355210162957 0.8209803540569323 0.5547612942316947 +37216,0.014584248423498673,2,-0.666441253455024 -0.8444365550823715 -0.910991320038683 -1.0410052794882159 -1.1447068900015396 -1.0796999102767686 -1.0286229976358816 -1.1570891718538738 -1.050291990877469 -0.6602501125288612 -0.25473038186482905 0.14150263740995023 0.7188265287751583 0.9231341793387151 1.2079266619424585 1.223404514257883 1.2017355210162957 0.8209803540569323 0.5547612942316947 0.322593509500379 +37217,-0.19591454306622974,2,-0.8444365550823715 -0.910991320038683 -1.0410052794882159 -1.1447068900015396 -1.0796999102767686 -1.0286229976358816 -1.1570891718538738 -1.050291990877469 -0.6602501125288612 -0.25473038186482905 0.14150263740995023 0.7188265287751583 0.9231341793387151 1.2079266619424585 1.223404514257883 1.2017355210162957 0.8209803540569323 0.5547612942316947 0.322593509500379 0.014584248423498673 +37218,-0.3228329320526813,2,-0.910991320038683 -1.0410052794882159 -1.1447068900015396 -1.0796999102767686 -1.0286229976358816 -1.1570891718538738 -1.050291990877469 -0.6602501125288612 -0.25473038186482905 0.14150263740995023 0.7188265287751583 0.9231341793387151 1.2079266619424585 1.223404514257883 1.2017355210162957 0.8209803540569323 0.5547612942316947 0.322593509500379 0.014584248423498673 -0.19591454306622974 +37219,-0.30425950927417533,2,-1.0410052794882159 -1.1447068900015396 -1.0796999102767686 -1.0286229976358816 -1.1570891718538738 -1.050291990877469 -0.6602501125288612 -0.25473038186482905 0.14150263740995023 0.7188265287751583 0.9231341793387151 1.2079266619424585 1.223404514257883 1.2017355210162957 0.8209803540569323 0.5547612942316947 0.322593509500379 0.014584248423498673 -0.19591454306622974 -0.3228329320526813 +37220,-0.20055789876085184,2,-1.1447068900015396 -1.0796999102767686 -1.0286229976358816 -1.1570891718538738 -1.050291990877469 -0.6602501125288612 -0.25473038186482905 0.14150263740995023 0.7188265287751583 0.9231341793387151 1.2079266619424585 1.223404514257883 1.2017355210162957 0.8209803540569323 0.5547612942316947 0.322593509500379 0.014584248423498673 -0.19591454306622974 -0.3228329320526813 -0.30425950927417533 +37221,-0.41879561640829255,2,-1.0796999102767686 -1.0286229976358816 -1.1570891718538738 -1.050291990877469 -0.6602501125288612 -0.25473038186482905 0.14150263740995023 0.7188265287751583 0.9231341793387151 1.2079266619424585 1.223404514257883 1.2017355210162957 0.8209803540569323 0.5547612942316947 0.322593509500379 0.014584248423498673 -0.19591454306622974 -0.3228329320526813 -0.30425950927417533 -0.20055789876085184 +37222,-0.47142031428072023,2,-1.0286229976358816 -1.1570891718538738 -1.050291990877469 -0.6602501125288612 -0.25473038186482905 0.14150263740995023 0.7188265287751583 0.9231341793387151 1.2079266619424585 1.223404514257883 1.2017355210162957 0.8209803540569323 0.5547612942316947 0.322593509500379 0.014584248423498673 -0.19591454306622974 -0.3228329320526813 -0.30425950927417533 -0.20055789876085184 -0.41879561640829255 +37223,-0.5039238041431101,2,-1.1570891718538738 -1.050291990877469 -0.6602501125288612 -0.25473038186482905 0.14150263740995023 0.7188265287751583 0.9231341793387151 1.2079266619424585 1.223404514257883 1.2017355210162957 0.8209803540569323 0.5547612942316947 0.322593509500379 0.014584248423498673 -0.19591454306622974 -0.3228329320526813 -0.30425950927417533 -0.20055789876085184 -0.41879561640829255 -0.47142031428072023 +37224,-0.6509634011396083,2,-1.050291990877469 -0.6602501125288612 -0.25473038186482905 0.14150263740995023 0.7188265287751583 0.9231341793387151 1.2079266619424585 1.223404514257883 1.2017355210162957 0.8209803540569323 0.5547612942316947 0.322593509500379 0.014584248423498673 -0.19591454306622974 -0.3228329320526813 -0.30425950927417533 -0.20055789876085184 -0.41879561640829255 -0.47142031428072023 -0.5039238041431101 +37225,-0.6912058171597016,2,-0.6602501125288612 -0.25473038186482905 0.14150263740995023 0.7188265287751583 0.9231341793387151 1.2079266619424585 1.223404514257883 1.2017355210162957 0.8209803540569323 0.5547612942316947 0.322593509500379 0.014584248423498673 -0.19591454306622974 -0.3228329320526813 -0.30425950927417533 -0.20055789876085184 -0.41879561640829255 -0.47142031428072023 -0.5039238041431101 -0.6509634011396083 +37226,-0.6648934682234834,2,-0.25473038186482905 0.14150263740995023 0.7188265287751583 0.9231341793387151 1.2079266619424585 1.223404514257883 1.2017355210162957 0.8209803540569323 0.5547612942316947 0.322593509500379 0.014584248423498673 -0.19591454306622974 -0.3228329320526813 -0.30425950927417533 -0.20055789876085184 -0.41879561640829255 -0.47142031428072023 -0.5039238041431101 -0.6509634011396083 -0.6912058171597016 +37227,-0.7268048774851729,2,0.14150263740995023 0.7188265287751583 0.9231341793387151 1.2079266619424585 1.223404514257883 1.2017355210162957 0.8209803540569323 0.5547612942316947 0.322593509500379 0.014584248423498673 -0.19591454306622974 -0.3228329320526813 -0.30425950927417533 -0.20055789876085184 -0.41879561640829255 -0.47142031428072023 -0.5039238041431101 -0.6509634011396083 -0.6912058171597016 -0.6648934682234834 +37228,-0.7268048774851729,2,0.7188265287751583 0.9231341793387151 1.2079266619424585 1.223404514257883 1.2017355210162957 0.8209803540569323 0.5547612942316947 0.322593509500379 0.014584248423498673 -0.19591454306622974 -0.3228329320526813 -0.30425950927417533 -0.20055789876085184 -0.41879561640829255 -0.47142031428072023 -0.5039238041431101 -0.6509634011396083 -0.6912058171597016 -0.6648934682234834 -0.7268048774851729 +37229,-0.7484738707267602,2,0.9231341793387151 1.2079266619424585 1.223404514257883 1.2017355210162957 0.8209803540569323 0.5547612942316947 0.322593509500379 0.014584248423498673 -0.19591454306622974 -0.3228329320526813 -0.30425950927417533 -0.20055789876085184 -0.41879561640829255 -0.47142031428072023 -0.5039238041431101 -0.6509634011396083 -0.6912058171597016 -0.6648934682234834 -0.7268048774851729 -0.7268048774851729 +37230,-0.8150286356830718,2,1.2079266619424585 1.223404514257883 1.2017355210162957 0.8209803540569323 0.5547612942316947 0.322593509500379 0.014584248423498673 -0.19591454306622974 -0.3228329320526813 -0.30425950927417533 -0.20055789876085184 -0.41879561640829255 -0.47142031428072023 -0.5039238041431101 -0.6509634011396083 -0.6912058171597016 -0.6648934682234834 -0.7268048774851729 -0.7268048774851729 -0.7484738707267602 +37231,-0.7484738707267602,2,1.223404514257883 1.2017355210162957 0.8209803540569323 0.5547612942316947 0.322593509500379 0.014584248423498673 -0.19591454306622974 -0.3228329320526813 -0.30425950927417533 -0.20055789876085184 -0.41879561640829255 -0.47142031428072023 -0.5039238041431101 -0.6509634011396083 -0.6912058171597016 -0.6648934682234834 -0.7268048774851729 -0.7268048774851729 -0.7484738707267602 -0.8150286356830718 +37232,-0.5209494416900665,2,1.2017355210162957 0.8209803540569323 0.5547612942316947 0.322593509500379 0.014584248423498673 -0.19591454306622974 -0.3228329320526813 -0.30425950927417533 -0.20055789876085184 -0.41879561640829255 -0.47142031428072023 -0.5039238041431101 -0.6509634011396083 -0.6912058171597016 -0.6648934682234834 -0.7268048774851729 -0.7268048774851729 -0.7484738707267602 -0.8150286356830718 -0.7484738707267602 +37233,-0.2717560194117943,2,0.8209803540569323 0.5547612942316947 0.322593509500379 0.014584248423498673 -0.19591454306622974 -0.3228329320526813 -0.30425950927417533 -0.20055789876085184 -0.41879561640829255 -0.47142031428072023 -0.5039238041431101 -0.6509634011396083 -0.6912058171597016 -0.6648934682234834 -0.7268048774851729 -0.7268048774851729 -0.7484738707267602 -0.8150286356830718 -0.7484738707267602 -0.5209494416900665 +37234,-0.2082968249185641,2,0.5547612942316947 0.322593509500379 0.014584248423498673 -0.19591454306622974 -0.3228329320526813 -0.30425950927417533 -0.20055789876085184 -0.41879561640829255 -0.47142031428072023 -0.5039238041431101 -0.6509634011396083 -0.6912058171597016 -0.6648934682234834 -0.7268048774851729 -0.7268048774851729 -0.7484738707267602 -0.8150286356830718 -0.7484738707267602 -0.5209494416900665 -0.2717560194117943 +37235,-0.273303804643335,2,0.322593509500379 0.014584248423498673 -0.19591454306622974 -0.3228329320526813 -0.30425950927417533 -0.20055789876085184 -0.41879561640829255 -0.47142031428072023 -0.5039238041431101 -0.6509634011396083 -0.6912058171597016 -0.6648934682234834 -0.7268048774851729 -0.7268048774851729 -0.7484738707267602 -0.8150286356830718 -0.7484738707267602 -0.5209494416900665 -0.2717560194117943 -0.2082968249185641 +37236,-0.315094005894969,2,0.014584248423498673 -0.19591454306622974 -0.3228329320526813 -0.30425950927417533 -0.20055789876085184 -0.41879561640829255 -0.47142031428072023 -0.5039238041431101 -0.6509634011396083 -0.6912058171597016 -0.6648934682234834 -0.7268048774851729 -0.7268048774851729 -0.7484738707267602 -0.8150286356830718 -0.7484738707267602 -0.5209494416900665 -0.2717560194117943 -0.2082968249185641 -0.273303804643335 +37237,-0.44820353580759215,2,-0.19591454306622974 -0.3228329320526813 -0.30425950927417533 -0.20055789876085184 -0.41879561640829255 -0.47142031428072023 -0.5039238041431101 -0.6509634011396083 -0.6912058171597016 -0.6648934682234834 -0.7268048774851729 -0.7268048774851729 -0.7484738707267602 -0.8150286356830718 -0.7484738707267602 -0.5209494416900665 -0.2717560194117943 -0.2082968249185641 -0.273303804643335 -0.315094005894969 +37238,-0.5441662201632034,2,-0.3228329320526813 -0.30425950927417533 -0.20055789876085184 -0.41879561640829255 -0.47142031428072023 -0.5039238041431101 -0.6509634011396083 -0.6912058171597016 -0.6648934682234834 -0.7268048774851729 -0.7268048774851729 -0.7484738707267602 -0.8150286356830718 -0.7484738707267602 -0.5209494416900665 -0.2717560194117943 -0.2082968249185641 -0.273303804643335 -0.315094005894969 -0.44820353580759215 +37239,-0.5936953475725497,2,-0.30425950927417533 -0.20055789876085184 -0.41879561640829255 -0.47142031428072023 -0.5039238041431101 -0.6509634011396083 -0.6912058171597016 -0.6648934682234834 -0.7268048774851729 -0.7268048774851729 -0.7484738707267602 -0.8150286356830718 -0.7484738707267602 -0.5209494416900665 -0.2717560194117943 -0.2082968249185641 -0.273303804643335 -0.315094005894969 -0.44820353580759215 -0.5441662201632034 +37240,-0.62465105220339,2,-0.20055789876085184 -0.41879561640829255 -0.47142031428072023 -0.5039238041431101 -0.6509634011396083 -0.6912058171597016 -0.6648934682234834 -0.7268048774851729 -0.7268048774851729 -0.7484738707267602 -0.8150286356830718 -0.7484738707267602 -0.5209494416900665 -0.2717560194117943 -0.2082968249185641 -0.273303804643335 -0.315094005894969 -0.44820353580759215 -0.5441662201632034 -0.5936953475725497 +37241,-0.6602501125288612,2,-0.41879561640829255 -0.47142031428072023 -0.5039238041431101 -0.6509634011396083 -0.6912058171597016 -0.6648934682234834 -0.7268048774851729 -0.7268048774851729 -0.7484738707267602 -0.8150286356830718 -0.7484738707267602 -0.5209494416900665 -0.2717560194117943 -0.2082968249185641 -0.273303804643335 -0.315094005894969 -0.44820353580759215 -0.5441662201632034 -0.5936953475725497 -0.62465105220339 +37242,-0.6571545420657711,2,-0.47142031428072023 -0.5039238041431101 -0.6509634011396083 -0.6912058171597016 -0.6648934682234834 -0.7268048774851729 -0.7268048774851729 -0.7484738707267602 -0.8150286356830718 -0.7484738707267602 -0.5209494416900665 -0.2717560194117943 -0.2082968249185641 -0.273303804643335 -0.315094005894969 -0.44820353580759215 -0.5441662201632034 -0.5936953475725497 -0.62465105220339 -0.6602501125288612 +37243,-0.652511186371149,2,-0.5039238041431101 -0.6509634011396083 -0.6912058171597016 -0.6648934682234834 -0.7268048774851729 -0.7268048774851729 -0.7484738707267602 -0.8150286356830718 -0.7484738707267602 -0.5209494416900665 -0.2717560194117943 -0.2082968249185641 -0.273303804643335 -0.315094005894969 -0.44820353580759215 -0.5441662201632034 -0.5936953475725497 -0.62465105220339 -0.6602501125288612 -0.6571545420657711 +37244,-0.6912058171597016,2,-0.6509634011396083 -0.6912058171597016 -0.6648934682234834 -0.7268048774851729 -0.7268048774851729 -0.7484738707267602 -0.8150286356830718 -0.7484738707267602 -0.5209494416900665 -0.2717560194117943 -0.2082968249185641 -0.273303804643335 -0.315094005894969 -0.44820353580759215 -0.5441662201632034 -0.5936953475725497 -0.62465105220339 -0.6602501125288612 -0.6571545420657711 -0.652511186371149 +37245,-0.6912058171597016,2,-0.6912058171597016 -0.6648934682234834 -0.7268048774851729 -0.7268048774851729 -0.7484738707267602 -0.8150286356830718 -0.7484738707267602 -0.5209494416900665 -0.2717560194117943 -0.2082968249185641 -0.273303804643335 -0.315094005894969 -0.44820353580759215 -0.5441662201632034 -0.5936953475725497 -0.62465105220339 -0.6602501125288612 -0.6571545420657711 -0.652511186371149 -0.6912058171597016 +37246,-0.7159703808643704,2,-0.6648934682234834 -0.7268048774851729 -0.7268048774851729 -0.7484738707267602 -0.8150286356830718 -0.7484738707267602 -0.5209494416900665 -0.2717560194117943 -0.2082968249185641 -0.273303804643335 -0.315094005894969 -0.44820353580759215 -0.5441662201632034 -0.5936953475725497 -0.62465105220339 -0.6602501125288612 -0.6571545420657711 -0.652511186371149 -0.6912058171597016 -0.6912058171597016 +37247,-0.7422827298005886,2,-0.7268048774851729 -0.7268048774851729 -0.7484738707267602 -0.8150286356830718 -0.7484738707267602 -0.5209494416900665 -0.2717560194117943 -0.2082968249185641 -0.273303804643335 -0.315094005894969 -0.44820353580759215 -0.5441662201632034 -0.5936953475725497 -0.62465105220339 -0.6602501125288612 -0.6571545420657711 -0.652511186371149 -0.6912058171597016 -0.6912058171597016 -0.7159703808643704 +37248,-0.7809773605891412,2,-0.7268048774851729 -0.7484738707267602 -0.8150286356830718 -0.7484738707267602 -0.5209494416900665 -0.2717560194117943 -0.2082968249185641 -0.273303804643335 -0.315094005894969 -0.44820353580759215 -0.5441662201632034 -0.5936953475725497 -0.62465105220339 -0.6602501125288612 -0.6571545420657711 -0.652511186371149 -0.6912058171597016 -0.6912058171597016 -0.7159703808643704 -0.7422827298005886 +37249,-0.7809773605891412,2,-0.7484738707267602 -0.8150286356830718 -0.7484738707267602 -0.5209494416900665 -0.2717560194117943 -0.2082968249185641 -0.273303804643335 -0.315094005894969 -0.44820353580759215 -0.5441662201632034 -0.5936953475725497 -0.62465105220339 -0.6602501125288612 -0.6571545420657711 -0.652511186371149 -0.6912058171597016 -0.6912058171597016 -0.7159703808643704 -0.7422827298005886 -0.7809773605891412 +37250,-0.7670472935052661,2,-0.8150286356830718 -0.7484738707267602 -0.5209494416900665 -0.2717560194117943 -0.2082968249185641 -0.273303804643335 -0.315094005894969 -0.44820353580759215 -0.5441662201632034 -0.5936953475725497 -0.62465105220339 -0.6602501125288612 -0.6571545420657711 -0.652511186371149 -0.6912058171597016 -0.6912058171597016 -0.7159703808643704 -0.7422827298005886 -0.7809773605891412 -0.7809773605891412 +37251,-0.7268048774851729,2,-0.7484738707267602 -0.5209494416900665 -0.2717560194117943 -0.2082968249185641 -0.273303804643335 -0.315094005894969 -0.44820353580759215 -0.5441662201632034 -0.5936953475725497 -0.62465105220339 -0.6602501125288612 -0.6571545420657711 -0.652511186371149 -0.6912058171597016 -0.6912058171597016 -0.7159703808643704 -0.7422827298005886 -0.7809773605891412 -0.7809773605891412 -0.7670472935052661 +37252,-0.7856207162837722,2,-0.5209494416900665 -0.2717560194117943 -0.2082968249185641 -0.273303804643335 -0.315094005894969 -0.44820353580759215 -0.5441662201632034 -0.5936953475725497 -0.62465105220339 -0.6602501125288612 -0.6571545420657711 -0.652511186371149 -0.6912058171597016 -0.6912058171597016 -0.7159703808643704 -0.7422827298005886 -0.7809773605891412 -0.7809773605891412 -0.7670472935052661 -0.7268048774851729 +37253,-0.7469260854952195,2,-0.2717560194117943 -0.2082968249185641 -0.273303804643335 -0.315094005894969 -0.44820353580759215 -0.5441662201632034 -0.5936953475725497 -0.62465105220339 -0.6602501125288612 -0.6571545420657711 -0.652511186371149 -0.6912058171597016 -0.6912058171597016 -0.7159703808643704 -0.7422827298005886 -0.7809773605891412 -0.7809773605891412 -0.7670472935052661 -0.7268048774851729 -0.7856207162837722 +37254,-0.6989447433174139,2,-0.2082968249185641 -0.273303804643335 -0.315094005894969 -0.44820353580759215 -0.5441662201632034 -0.5936953475725497 -0.62465105220339 -0.6602501125288612 -0.6571545420657711 -0.652511186371149 -0.6912058171597016 -0.6912058171597016 -0.7159703808643704 -0.7422827298005886 -0.7809773605891412 -0.7809773605891412 -0.7670472935052661 -0.7268048774851729 -0.7856207162837722 -0.7469260854952195 +37255,-0.6494156159080676,2,-0.273303804643335 -0.315094005894969 -0.44820353580759215 -0.5441662201632034 -0.5936953475725497 -0.62465105220339 -0.6602501125288612 -0.6571545420657711 -0.652511186371149 -0.6912058171597016 -0.6912058171597016 -0.7159703808643704 -0.7422827298005886 -0.7809773605891412 -0.7809773605891412 -0.7670472935052661 -0.7268048774851729 -0.7856207162837722 -0.7469260854952195 -0.6989447433174139 +37256,-0.6989447433174139,2,-0.315094005894969 -0.44820353580759215 -0.5441662201632034 -0.5936953475725497 -0.62465105220339 -0.6602501125288612 -0.6571545420657711 -0.652511186371149 -0.6912058171597016 -0.6912058171597016 -0.7159703808643704 -0.7422827298005886 -0.7809773605891412 -0.7809773605891412 -0.7670472935052661 -0.7268048774851729 -0.7856207162837722 -0.7469260854952195 -0.6989447433174139 -0.6494156159080676 +37257,-0.7562127968844725,2,-0.44820353580759215 -0.5441662201632034 -0.5936953475725497 -0.62465105220339 -0.6602501125288612 -0.6571545420657711 -0.652511186371149 -0.6912058171597016 -0.6912058171597016 -0.7159703808643704 -0.7422827298005886 -0.7809773605891412 -0.7809773605891412 -0.7670472935052661 -0.7268048774851729 -0.7856207162837722 -0.7469260854952195 -0.6989447433174139 -0.6494156159080676 -0.6989447433174139 +37258,-0.8336020584615778,2,-0.5441662201632034 -0.5936953475725497 -0.62465105220339 -0.6602501125288612 -0.6571545420657711 -0.652511186371149 -0.6912058171597016 -0.6912058171597016 -0.7159703808643704 -0.7422827298005886 -0.7809773605891412 -0.7809773605891412 -0.7670472935052661 -0.7268048774851729 -0.7856207162837722 -0.7469260854952195 -0.6989447433174139 -0.6494156159080676 -0.6989447433174139 -0.7562127968844725 +37259,-0.8908701120286363,2,-0.5936953475725497 -0.62465105220339 -0.6602501125288612 -0.6571545420657711 -0.652511186371149 -0.6912058171597016 -0.6912058171597016 -0.7159703808643704 -0.7422827298005886 -0.7809773605891412 -0.7809773605891412 -0.7670472935052661 -0.7268048774851729 -0.7856207162837722 -0.7469260854952195 -0.6989447433174139 -0.6494156159080676 -0.6989447433174139 -0.7562127968844725 -0.8336020584615778 +37260,-0.9496859508272356,2,-0.62465105220339 -0.6602501125288612 -0.6571545420657711 -0.652511186371149 -0.6912058171597016 -0.6912058171597016 -0.7159703808643704 -0.7422827298005886 -0.7809773605891412 -0.7809773605891412 -0.7670472935052661 -0.7268048774851729 -0.7856207162837722 -0.7469260854952195 -0.6989447433174139 -0.6494156159080676 -0.6989447433174139 -0.7562127968844725 -0.8336020584615778 -0.8908701120286363 +37261,-1.0564831318036405,2,-0.6602501125288612 -0.6571545420657711 -0.652511186371149 -0.6912058171597016 -0.6912058171597016 -0.7159703808643704 -0.7422827298005886 -0.7809773605891412 -0.7809773605891412 -0.7670472935052661 -0.7268048774851729 -0.7856207162837722 -0.7469260854952195 -0.6989447433174139 -0.6494156159080676 -0.6989447433174139 -0.7562127968844725 -0.8336020584615778 -0.8908701120286363 -0.9496859508272356 +37262,-1.0998211182868152,2,-0.6571545420657711 -0.652511186371149 -0.6912058171597016 -0.6912058171597016 -0.7159703808643704 -0.7422827298005886 -0.7809773605891412 -0.7809773605891412 -0.7670472935052661 -0.7268048774851729 -0.7856207162837722 -0.7469260854952195 -0.6989447433174139 -0.6494156159080676 -0.6989447433174139 -0.7562127968844725 -0.8336020584615778 -0.8908701120286363 -0.9496859508272356 -1.0564831318036405 +37263,-1.2035227288001387,2,-0.652511186371149 -0.6912058171597016 -0.6912058171597016 -0.7159703808643704 -0.7422827298005886 -0.7809773605891412 -0.7809773605891412 -0.7670472935052661 -0.7268048774851729 -0.7856207162837722 -0.7469260854952195 -0.6989447433174139 -0.6494156159080676 -0.6989447433174139 -0.7562127968844725 -0.8336020584615778 -0.8908701120286363 -0.9496859508272356 -1.0564831318036405 -1.0998211182868152 +37264,-1.2236439368101855,2,-0.6912058171597016 -0.6912058171597016 -0.7159703808643704 -0.7422827298005886 -0.7809773605891412 -0.7809773605891412 -0.7670472935052661 -0.7268048774851729 -0.7856207162837722 -0.7469260854952195 -0.6989447433174139 -0.6494156159080676 -0.6989447433174139 -0.7562127968844725 -0.8336020584615778 -0.8908701120286363 -0.9496859508272356 -1.0564831318036405 -1.0998211182868152 -1.2035227288001387 +37265,-1.285555346071866,2,-0.6912058171597016 -0.7159703808643704 -0.7422827298005886 -0.7809773605891412 -0.7809773605891412 -0.7670472935052661 -0.7268048774851729 -0.7856207162837722 -0.7469260854952195 -0.6989447433174139 -0.6494156159080676 -0.6989447433174139 -0.7562127968844725 -0.8336020584615778 -0.8908701120286363 -0.9496859508272356 -1.0564831318036405 -1.0998211182868152 -1.2035227288001387 -1.2236439368101855 +37266,-1.3118676950080843,2,-0.7159703808643704 -0.7422827298005886 -0.7809773605891412 -0.7809773605891412 -0.7670472935052661 -0.7268048774851729 -0.7856207162837722 -0.7469260854952195 -0.6989447433174139 -0.6494156159080676 -0.6989447433174139 -0.7562127968844725 -0.8336020584615778 -0.8908701120286363 -0.9496859508272356 -1.0564831318036405 -1.0998211182868152 -1.2035227288001387 -1.2236439368101855 -1.285555346071866 +37267,-1.383065815659018,2,-0.7422827298005886 -0.7809773605891412 -0.7809773605891412 -0.7670472935052661 -0.7268048774851729 -0.7856207162837722 -0.7469260854952195 -0.6989447433174139 -0.6494156159080676 -0.6989447433174139 -0.7562127968844725 -0.8336020584615778 -0.8908701120286363 -0.9496859508272356 -1.0564831318036405 -1.0998211182868152 -1.2035227288001387 -1.2236439368101855 -1.285555346071866 -1.3118676950080843 +37268,-1.4898629966354229,2,-0.7809773605891412 -0.7809773605891412 -0.7670472935052661 -0.7268048774851729 -0.7856207162837722 -0.7469260854952195 -0.6989447433174139 -0.6494156159080676 -0.6989447433174139 -0.7562127968844725 -0.8336020584615778 -0.8908701120286363 -0.9496859508272356 -1.0564831318036405 -1.0998211182868152 -1.2035227288001387 -1.2236439368101855 -1.285555346071866 -1.3118676950080843 -1.383065815659018 +37269,-1.5796345400648715,2,-0.7809773605891412 -0.7670472935052661 -0.7268048774851729 -0.7856207162837722 -0.7469260854952195 -0.6989447433174139 -0.6494156159080676 -0.6989447433174139 -0.7562127968844725 -0.8336020584615778 -0.8908701120286363 -0.9496859508272356 -1.0564831318036405 -1.0998211182868152 -1.2035227288001387 -1.2236439368101855 -1.285555346071866 -1.3118676950080843 -1.383065815659018 -1.4898629966354229 +37270,-1.6198769560849646,2,-0.7670472935052661 -0.7268048774851729 -0.7856207162837722 -0.7469260854952195 -0.6989447433174139 -0.6494156159080676 -0.6989447433174139 -0.7562127968844725 -0.8336020584615778 -0.8908701120286363 -0.9496859508272356 -1.0564831318036405 -1.0998211182868152 -1.2035227288001387 -1.2236439368101855 -1.285555346071866 -1.3118676950080843 -1.383065815659018 -1.4898629966354229 -1.5796345400648715 +37271,-1.7189352109036573,2,-0.7268048774851729 -0.7856207162837722 -0.7469260854952195 -0.6989447433174139 -0.6494156159080676 -0.6989447433174139 -0.7562127968844725 -0.8336020584615778 -0.8908701120286363 -0.9496859508272356 -1.0564831318036405 -1.0998211182868152 -1.2035227288001387 -1.2236439368101855 -1.285555346071866 -1.3118676950080843 -1.383065815659018 -1.4898629966354229 -1.5796345400648715 -1.6198769560849646 +37272,-1.720482996135198,2,-0.7856207162837722 -0.7469260854952195 -0.6989447433174139 -0.6494156159080676 -0.6989447433174139 -0.7562127968844725 -0.8336020584615778 -0.8908701120286363 -0.9496859508272356 -1.0564831318036405 -1.0998211182868152 -1.2035227288001387 -1.2236439368101855 -1.285555346071866 -1.3118676950080843 -1.383065815659018 -1.4898629966354229 -1.5796345400648715 -1.6198769560849646 -1.7189352109036573 +37273,-1.7963244724807625,2,-0.7469260854952195 -0.6989447433174139 -0.6494156159080676 -0.6989447433174139 -0.7562127968844725 -0.8336020584615778 -0.8908701120286363 -0.9496859508272356 -1.0564831318036405 -1.0998211182868152 -1.2035227288001387 -1.2236439368101855 -1.285555346071866 -1.3118676950080843 -1.383065815659018 -1.4898629966354229 -1.5796345400648715 -1.6198769560849646 -1.7189352109036573 -1.720482996135198 +37274,-1.8241846066485214,2,-0.6989447433174139 -0.6494156159080676 -0.6989447433174139 -0.7562127968844725 -0.8336020584615778 -0.8908701120286363 -0.9496859508272356 -1.0564831318036405 -1.0998211182868152 -1.2035227288001387 -1.2236439368101855 -1.285555346071866 -1.3118676950080843 -1.383065815659018 -1.4898629966354229 -1.5796345400648715 -1.6198769560849646 -1.7189352109036573 -1.720482996135198 -1.7963244724807625 +37275,-1.955746351329604,2,-0.6494156159080676 -0.6989447433174139 -0.7562127968844725 -0.8336020584615778 -0.8908701120286363 -0.9496859508272356 -1.0564831318036405 -1.0998211182868152 -1.2035227288001387 -1.2236439368101855 -1.285555346071866 -1.3118676950080843 -1.383065815659018 -1.4898629966354229 -1.5796345400648715 -1.6198769560849646 -1.7189352109036573 -1.720482996135198 -1.7963244724807625 -1.8241846066485214 +37276,-1.9541985660980545,2,-0.6989447433174139 -0.7562127968844725 -0.8336020584615778 -0.8908701120286363 -0.9496859508272356 -1.0564831318036405 -1.0998211182868152 -1.2035227288001387 -1.2236439368101855 -1.285555346071866 -1.3118676950080843 -1.383065815659018 -1.4898629966354229 -1.5796345400648715 -1.6198769560849646 -1.7189352109036573 -1.720482996135198 -1.7963244724807625 -1.8241846066485214 -1.955746351329604 +37277,-1.766916553081463,2,-0.7562127968844725 -0.8336020584615778 -0.8908701120286363 -0.9496859508272356 -1.0564831318036405 -1.0998211182868152 -1.2035227288001387 -1.2236439368101855 -1.285555346071866 -1.3118676950080843 -1.383065815659018 -1.4898629966354229 -1.5796345400648715 -1.6198769560849646 -1.7189352109036573 -1.720482996135198 -1.7963244724807625 -1.8241846066485214 -1.955746351329604 -1.9541985660980545 +37278,-1.3985436679744425,2,-0.8336020584615778 -0.8908701120286363 -0.9496859508272356 -1.0564831318036405 -1.0998211182868152 -1.2035227288001387 -1.2236439368101855 -1.285555346071866 -1.3118676950080843 -1.383065815659018 -1.4898629966354229 -1.5796345400648715 -1.6198769560849646 -1.7189352109036573 -1.720482996135198 -1.7963244724807625 -1.8241846066485214 -1.955746351329604 -1.9541985660980545 -1.766916553081463 +37279,-1.059578702266722,2,-0.8908701120286363 -0.9496859508272356 -1.0564831318036405 -1.0998211182868152 -1.2035227288001387 -1.2236439368101855 -1.285555346071866 -1.3118676950080843 -1.383065815659018 -1.4898629966354229 -1.5796345400648715 -1.6198769560849646 -1.7189352109036573 -1.720482996135198 -1.7963244724807625 -1.8241846066485214 -1.955746351329604 -1.9541985660980545 -1.766916553081463 -1.3985436679744425 +37280,-0.8630099778608774,2,-0.9496859508272356 -1.0564831318036405 -1.0998211182868152 -1.2035227288001387 -1.2236439368101855 -1.285555346071866 -1.3118676950080843 -1.383065815659018 -1.4898629966354229 -1.5796345400648715 -1.6198769560849646 -1.7189352109036573 -1.720482996135198 -1.7963244724807625 -1.8241846066485214 -1.955746351329604 -1.9541985660980545 -1.766916553081463 -1.3985436679744425 -1.059578702266722 +37281,-0.7268048774851729,2,-1.0564831318036405 -1.0998211182868152 -1.2035227288001387 -1.2236439368101855 -1.285555346071866 -1.3118676950080843 -1.383065815659018 -1.4898629966354229 -1.5796345400648715 -1.6198769560849646 -1.7189352109036573 -1.720482996135198 -1.7963244724807625 -1.8241846066485214 -1.955746351329604 -1.9541985660980545 -1.766916553081463 -1.3985436679744425 -1.059578702266722 -0.8630099778608774 +37282,-0.6556067568342304,2,-1.0998211182868152 -1.2035227288001387 -1.2236439368101855 -1.285555346071866 -1.3118676950080843 -1.383065815659018 -1.4898629966354229 -1.5796345400648715 -1.6198769560849646 -1.7189352109036573 -1.720482996135198 -1.7963244724807625 -1.8241846066485214 -1.955746351329604 -1.9541985660980545 -1.766916553081463 -1.3985436679744425 -1.059578702266722 -0.8630099778608774 -0.7268048774851729 +37283,-0.6556067568342304,2,-1.2035227288001387 -1.2236439368101855 -1.285555346071866 -1.3118676950080843 -1.383065815659018 -1.4898629966354229 -1.5796345400648715 -1.6198769560849646 -1.7189352109036573 -1.720482996135198 -1.7963244724807625 -1.8241846066485214 -1.955746351329604 -1.9541985660980545 -1.766916553081463 -1.3985436679744425 -1.059578702266722 -0.8630099778608774 -0.7268048774851729 -0.6556067568342304 +37284,-0.6881102466966202,2,-1.2236439368101855 -1.285555346071866 -1.3118676950080843 -1.383065815659018 -1.4898629966354229 -1.5796345400648715 -1.6198769560849646 -1.7189352109036573 -1.720482996135198 -1.7963244724807625 -1.8241846066485214 -1.955746351329604 -1.9541985660980545 -1.766916553081463 -1.3985436679744425 -1.059578702266722 -0.8630099778608774 -0.7268048774851729 -0.6556067568342304 -0.6556067568342304 +37285,-0.7685950787368069,2,-1.285555346071866 -1.3118676950080843 -1.383065815659018 -1.4898629966354229 -1.5796345400648715 -1.6198769560849646 -1.7189352109036573 -1.720482996135198 -1.7963244724807625 -1.8241846066485214 -1.955746351329604 -1.9541985660980545 -1.766916553081463 -1.3985436679744425 -1.059578702266722 -0.8630099778608774 -0.7268048774851729 -0.6556067568342304 -0.6556067568342304 -0.6881102466966202 +37286,-0.8831311858709241,2,-1.3118676950080843 -1.383065815659018 -1.4898629966354229 -1.5796345400648715 -1.6198769560849646 -1.7189352109036573 -1.720482996135198 -1.7963244724807625 -1.8241846066485214 -1.955746351329604 -1.9541985660980545 -1.766916553081463 -1.3985436679744425 -1.059578702266722 -0.8630099778608774 -0.7268048774851729 -0.6556067568342304 -0.6556067568342304 -0.6881102466966202 -0.7685950787368069 +37287,-0.9605204474480293,2,-1.383065815659018 -1.4898629966354229 -1.5796345400648715 -1.6198769560849646 -1.7189352109036573 -1.720482996135198 -1.7963244724807625 -1.8241846066485214 -1.955746351329604 -1.9541985660980545 -1.766916553081463 -1.3985436679744425 -1.059578702266722 -0.8630099778608774 -0.7268048774851729 -0.6556067568342304 -0.6556067568342304 -0.6881102466966202 -0.7685950787368069 -0.8831311858709241 +37288,-1.0379097090251346,2,-1.4898629966354229 -1.5796345400648715 -1.6198769560849646 -1.7189352109036573 -1.720482996135198 -1.7963244724807625 -1.8241846066485214 -1.955746351329604 -1.9541985660980545 -1.766916553081463 -1.3985436679744425 -1.059578702266722 -0.8630099778608774 -0.7268048774851729 -0.6556067568342304 -0.6556067568342304 -0.6881102466966202 -0.7685950787368069 -0.8831311858709241 -0.9605204474480293 +37289,-1.0766043398136873,2,-1.5796345400648715 -1.6198769560849646 -1.7189352109036573 -1.720482996135198 -1.7963244724807625 -1.8241846066485214 -1.955746351329604 -1.9541985660980545 -1.766916553081463 -1.3985436679744425 -1.059578702266722 -0.8630099778608774 -0.7268048774851729 -0.6556067568342304 -0.6556067568342304 -0.6881102466966202 -0.7685950787368069 -0.8831311858709241 -0.9605204474480293 -1.0379097090251346 +37290,-1.0982733330552745,2,-1.6198769560849646 -1.7189352109036573 -1.720482996135198 -1.7963244724807625 -1.8241846066485214 -1.955746351329604 -1.9541985660980545 -1.766916553081463 -1.3985436679744425 -1.059578702266722 -0.8630099778608774 -0.7268048774851729 -0.6556067568342304 -0.6556067568342304 -0.6881102466966202 -0.7685950787368069 -0.8831311858709241 -0.9605204474480293 -1.0379097090251346 -1.0766043398136873 +37291,-1.0905344068975622,2,-1.7189352109036573 -1.720482996135198 -1.7963244724807625 -1.8241846066485214 -1.955746351329604 -1.9541985660980545 -1.766916553081463 -1.3985436679744425 -1.059578702266722 -0.8630099778608774 -0.7268048774851729 -0.6556067568342304 -0.6556067568342304 -0.6881102466966202 -0.7685950787368069 -0.8831311858709241 -0.9605204474480293 -1.0379097090251346 -1.0766043398136873 -1.0982733330552745 +37292,-1.0905344068975622,2,-1.720482996135198 -1.7963244724807625 -1.8241846066485214 -1.955746351329604 -1.9541985660980545 -1.766916553081463 -1.3985436679744425 -1.059578702266722 -0.8630099778608774 -0.7268048774851729 -0.6556067568342304 -0.6556067568342304 -0.6881102466966202 -0.7685950787368069 -0.8831311858709241 -0.9605204474480293 -1.0379097090251346 -1.0766043398136873 -1.0982733330552745 -1.0905344068975622 +37293,-1.1307768229176556,2,-1.7963244724807625 -1.8241846066485214 -1.955746351329604 -1.9541985660980545 -1.766916553081463 -1.3985436679744425 -1.059578702266722 -0.8630099778608774 -0.7268048774851729 -0.6556067568342304 -0.6556067568342304 -0.6881102466966202 -0.7685950787368069 -0.8831311858709241 -0.9605204474480293 -1.0379097090251346 -1.0766043398136873 -1.0982733330552745 -1.0905344068975622 -1.0905344068975622 +37294,-1.1570891718538738,2,-1.8241846066485214 -1.955746351329604 -1.9541985660980545 -1.766916553081463 -1.3985436679744425 -1.059578702266722 -0.8630099778608774 -0.7268048774851729 -0.6556067568342304 -0.6556067568342304 -0.6881102466966202 -0.7685950787368069 -0.8831311858709241 -0.9605204474480293 -1.0379097090251346 -1.0766043398136873 -1.0982733330552745 -1.0905344068975622 -1.0905344068975622 -1.1307768229176556 +37295,-1.129229037686115,2,-1.955746351329604 -1.9541985660980545 -1.766916553081463 -1.3985436679744425 -1.059578702266722 -0.8630099778608774 -0.7268048774851729 -0.6556067568342304 -0.6556067568342304 -0.6881102466966202 -0.7685950787368069 -0.8831311858709241 -0.9605204474480293 -1.0379097090251346 -1.0766043398136873 -1.0982733330552745 -1.0905344068975622 -1.0905344068975622 -1.1307768229176556 -1.1570891718538738 +37296,-1.1942360174108857,2,-1.9541985660980545 -1.766916553081463 -1.3985436679744425 -1.059578702266722 -0.8630099778608774 -0.7268048774851729 -0.6556067568342304 -0.6556067568342304 -0.6881102466966202 -0.7685950787368069 -0.8831311858709241 -0.9605204474480293 -1.0379097090251346 -1.0766043398136873 -1.0982733330552745 -1.0905344068975622 -1.0905344068975622 -1.1307768229176556 -1.1570891718538738 -1.129229037686115 +37297,-1.1942360174108857,2,-1.766916553081463 -1.3985436679744425 -1.059578702266722 -0.8630099778608774 -0.7268048774851729 -0.6556067568342304 -0.6556067568342304 -0.6881102466966202 -0.7685950787368069 -0.8831311858709241 -0.9605204474480293 -1.0379097090251346 -1.0766043398136873 -1.0982733330552745 -1.0905344068975622 -1.0905344068975622 -1.1307768229176556 -1.1570891718538738 -1.129229037686115 -1.1942360174108857 +37298,-1.1679236684746674,2,-1.3985436679744425 -1.059578702266722 -0.8630099778608774 -0.7268048774851729 -0.6556067568342304 -0.6556067568342304 -0.6881102466966202 -0.7685950787368069 -0.8831311858709241 -0.9605204474480293 -1.0379097090251346 -1.0766043398136873 -1.0982733330552745 -1.0905344068975622 -1.0905344068975622 -1.1307768229176556 -1.1570891718538738 -1.129229037686115 -1.1942360174108857 -1.1942360174108857 +37299,-1.1787581650954613,2,-1.059578702266722 -0.8630099778608774 -0.7268048774851729 -0.6556067568342304 -0.6556067568342304 -0.6881102466966202 -0.7685950787368069 -0.8831311858709241 -0.9605204474480293 -1.0379097090251346 -1.0766043398136873 -1.0982733330552745 -1.0905344068975622 -1.0905344068975622 -1.1307768229176556 -1.1570891718538738 -1.129229037686115 -1.1942360174108857 -1.1942360174108857 -1.1679236684746674 +37300,-1.1942360174108857,2,-0.8630099778608774 -0.7268048774851729 -0.6556067568342304 -0.6556067568342304 -0.6881102466966202 -0.7685950787368069 -0.8831311858709241 -0.9605204474480293 -1.0379097090251346 -1.0766043398136873 -1.0982733330552745 -1.0905344068975622 -1.0905344068975622 -1.1307768229176556 -1.1570891718538738 -1.129229037686115 -1.1942360174108857 -1.1942360174108857 -1.1679236684746674 -1.1787581650954613 +37301,-1.1632803127800455,2,-0.7268048774851729 -0.6556067568342304 -0.6556067568342304 -0.6881102466966202 -0.7685950787368069 -0.8831311858709241 -0.9605204474480293 -1.0379097090251346 -1.0766043398136873 -1.0982733330552745 -1.0905344068975622 -1.0905344068975622 -1.1307768229176556 -1.1570891718538738 -1.129229037686115 -1.1942360174108857 -1.1942360174108857 -1.1679236684746674 -1.1787581650954613 -1.1942360174108857 +37302,-1.0766043398136873,2,-0.6556067568342304 -0.6556067568342304 -0.6881102466966202 -0.7685950787368069 -0.8831311858709241 -0.9605204474480293 -1.0379097090251346 -1.0766043398136873 -1.0982733330552745 -1.0905344068975622 -1.0905344068975622 -1.1307768229176556 -1.1570891718538738 -1.129229037686115 -1.1942360174108857 -1.1942360174108857 -1.1679236684746674 -1.1787581650954613 -1.1942360174108857 -1.1632803127800455 +37303,-0.9698071588372823,2,-0.6556067568342304 -0.6881102466966202 -0.7685950787368069 -0.8831311858709241 -0.9605204474480293 -1.0379097090251346 -1.0766043398136873 -1.0982733330552745 -1.0905344068975622 -1.0905344068975622 -1.1307768229176556 -1.1570891718538738 -1.129229037686115 -1.1942360174108857 -1.1942360174108857 -1.1679236684746674 -1.1787581650954613 -1.1942360174108857 -1.1632803127800455 -1.0766043398136873 +37304,-0.9496859508272356,2,-0.6881102466966202 -0.7685950787368069 -0.8831311858709241 -0.9605204474480293 -1.0379097090251346 -1.0766043398136873 -1.0982733330552745 -1.0905344068975622 -1.0905344068975622 -1.1307768229176556 -1.1570891718538738 -1.129229037686115 -1.1942360174108857 -1.1942360174108857 -1.1679236684746674 -1.1787581650954613 -1.1942360174108857 -1.1632803127800455 -1.0766043398136873 -0.9698071588372823 +37305,-0.8831311858709241,2,-0.7685950787368069 -0.8831311858709241 -0.9605204474480293 -1.0379097090251346 -1.0766043398136873 -1.0982733330552745 -1.0905344068975622 -1.0905344068975622 -1.1307768229176556 -1.1570891718538738 -1.129229037686115 -1.1942360174108857 -1.1942360174108857 -1.1679236684746674 -1.1787581650954613 -1.1942360174108857 -1.1632803127800455 -1.0766043398136873 -0.9698071588372823 -0.9496859508272356 +37306,-0.8103852799884409,2,-0.8831311858709241 -0.9605204474480293 -1.0379097090251346 -1.0766043398136873 -1.0982733330552745 -1.0905344068975622 -1.0905344068975622 -1.1307768229176556 -1.1570891718538738 -1.129229037686115 -1.1942360174108857 -1.1942360174108857 -1.1679236684746674 -1.1787581650954613 -1.1942360174108857 -1.1632803127800455 -1.0766043398136873 -0.9698071588372823 -0.9496859508272356 -0.8831311858709241 +37307,-0.7902640719783942,2,-0.9605204474480293 -1.0379097090251346 -1.0766043398136873 -1.0982733330552745 -1.0905344068975622 -1.0905344068975622 -1.1307768229176556 -1.1570891718538738 -1.129229037686115 -1.1942360174108857 -1.1942360174108857 -1.1679236684746674 -1.1787581650954613 -1.1942360174108857 -1.1632803127800455 -1.0766043398136873 -0.9698071588372823 -0.9496859508272356 -0.8831311858709241 -0.8103852799884409 +37308,-0.7949074276730251,2,-1.0379097090251346 -1.0766043398136873 -1.0982733330552745 -1.0905344068975622 -1.0905344068975622 -1.1307768229176556 -1.1570891718538738 -1.129229037686115 -1.1942360174108857 -1.1942360174108857 -1.1679236684746674 -1.1787581650954613 -1.1942360174108857 -1.1632803127800455 -1.0766043398136873 -0.9698071588372823 -0.9496859508272356 -0.8831311858709241 -0.8103852799884409 -0.7902640719783942 +37309,-0.8305064879984876,2,-1.0766043398136873 -1.0982733330552745 -1.0905344068975622 -1.0905344068975622 -1.1307768229176556 -1.1570891718538738 -1.129229037686115 -1.1942360174108857 -1.1942360174108857 -1.1679236684746674 -1.1787581650954613 -1.1942360174108857 -1.1632803127800455 -1.0766043398136873 -0.9698071588372823 -0.9496859508272356 -0.8831311858709241 -0.8103852799884409 -0.7902640719783942 -0.7949074276730251 +37310,-0.9450425951326047,2,-1.0982733330552745 -1.0905344068975622 -1.0905344068975622 -1.1307768229176556 -1.1570891718538738 -1.129229037686115 -1.1942360174108857 -1.1942360174108857 -1.1679236684746674 -1.1787581650954613 -1.1942360174108857 -1.1632803127800455 -1.0766043398136873 -0.9698071588372823 -0.9496859508272356 -0.8831311858709241 -0.8103852799884409 -0.7902640719783942 -0.7949074276730251 -0.8305064879984876 +37311,-0.9852850111526981,2,-1.0905344068975622 -1.0905344068975622 -1.1307768229176556 -1.1570891718538738 -1.129229037686115 -1.1942360174108857 -1.1942360174108857 -1.1679236684746674 -1.1787581650954613 -1.1942360174108857 -1.1632803127800455 -1.0766043398136873 -0.9698071588372823 -0.9496859508272356 -0.8831311858709241 -0.8103852799884409 -0.7902640719783942 -0.7949074276730251 -0.8305064879984876 -0.9450425951326047 +37312,-1.0379097090251346,2,-1.0905344068975622 -1.1307768229176556 -1.1570891718538738 -1.129229037686115 -1.1942360174108857 -1.1942360174108857 -1.1679236684746674 -1.1787581650954613 -1.1942360174108857 -1.1632803127800455 -1.0766043398136873 -0.9698071588372823 -0.9496859508272356 -0.8831311858709241 -0.8103852799884409 -0.7902640719783942 -0.7949074276730251 -0.8305064879984876 -0.9450425951326047 -0.9852850111526981 +37313,-1.1539936013907925,2,-1.1307768229176556 -1.1570891718538738 -1.129229037686115 -1.1942360174108857 -1.1942360174108857 -1.1679236684746674 -1.1787581650954613 -1.1942360174108857 -1.1632803127800455 -1.0766043398136873 -0.9698071588372823 -0.9496859508272356 -0.8831311858709241 -0.8103852799884409 -0.7902640719783942 -0.7949074276730251 -0.8305064879984876 -0.9450425951326047 -0.9852850111526981 -1.0379097090251346 +37314,-1.1462546752330802,2,-1.1570891718538738 -1.129229037686115 -1.1942360174108857 -1.1942360174108857 -1.1679236684746674 -1.1787581650954613 -1.1942360174108857 -1.1632803127800455 -1.0766043398136873 -0.9698071588372823 -0.9496859508272356 -0.8831311858709241 -0.8103852799884409 -0.7902640719783942 -0.7949074276730251 -0.8305064879984876 -0.9450425951326047 -0.9852850111526981 -1.0379097090251346 -1.1539936013907925 +37315,-1.129229037686115,2,-1.129229037686115 -1.1942360174108857 -1.1942360174108857 -1.1679236684746674 -1.1787581650954613 -1.1942360174108857 -1.1632803127800455 -1.0766043398136873 -0.9698071588372823 -0.9496859508272356 -0.8831311858709241 -0.8103852799884409 -0.7902640719783942 -0.7949074276730251 -0.8305064879984876 -0.9450425951326047 -0.9852850111526981 -1.0379097090251346 -1.1539936013907925 -1.1462546752330802 +37316,-1.2313828629678978,2,-1.1942360174108857 -1.1942360174108857 -1.1679236684746674 -1.1787581650954613 -1.1942360174108857 -1.1632803127800455 -1.0766043398136873 -0.9698071588372823 -0.9496859508272356 -0.8831311858709241 -0.8103852799884409 -0.7902640719783942 -0.7949074276730251 -0.8305064879984876 -0.9450425951326047 -0.9852850111526981 -1.0379097090251346 -1.1539936013907925 -1.1462546752330802 -1.129229037686115 +37317,-1.2576952119041072,2,-1.1942360174108857 -1.1679236684746674 -1.1787581650954613 -1.1942360174108857 -1.1632803127800455 -1.0766043398136873 -0.9698071588372823 -0.9496859508272356 -0.8831311858709241 -0.8103852799884409 -0.7902640719783942 -0.7949074276730251 -0.8305064879984876 -0.9450425951326047 -0.9852850111526981 -1.0379097090251346 -1.1539936013907925 -1.1462546752330802 -1.129229037686115 -1.2313828629678978 +37318,-1.3350844734812124,2,-1.1679236684746674 -1.1787581650954613 -1.1942360174108857 -1.1632803127800455 -1.0766043398136873 -0.9698071588372823 -0.9496859508272356 -0.8831311858709241 -0.8103852799884409 -0.7902640719783942 -0.7949074276730251 -0.8305064879984876 -0.9450425951326047 -0.9852850111526981 -1.0379097090251346 -1.1539936013907925 -1.1462546752330802 -1.129229037686115 -1.2313828629678978 -1.2576952119041072 +37319,-1.3861613861221083,2,-1.1787581650954613 -1.1942360174108857 -1.1632803127800455 -1.0766043398136873 -0.9698071588372823 -0.9496859508272356 -0.8831311858709241 -0.8103852799884409 -0.7902640719783942 -0.7949074276730251 -0.8305064879984876 -0.9450425951326047 -0.9852850111526981 -1.0379097090251346 -1.1539936013907925 -1.1462546752330802 -1.129229037686115 -1.2313828629678978 -1.2576952119041072 -1.3350844734812124 +37320,-1.4124737350583176,2,-1.1942360174108857 -1.1632803127800455 -1.0766043398136873 -0.9698071588372823 -0.9496859508272356 -0.8831311858709241 -0.8103852799884409 -0.7902640719783942 -0.7949074276730251 -0.8305064879984876 -0.9450425951326047 -0.9852850111526981 -1.0379097090251346 -1.1539936013907925 -1.1462546752330802 -1.129229037686115 -1.2313828629678978 -1.2576952119041072 -1.3350844734812124 -1.3861613861221083 +37321,-1.502245278487766,2,-1.1632803127800455 -1.0766043398136873 -0.9698071588372823 -0.9496859508272356 -0.8831311858709241 -0.8103852799884409 -0.7902640719783942 -0.7949074276730251 -0.8305064879984876 -0.9450425951326047 -0.9852850111526981 -1.0379097090251346 -1.1539936013907925 -1.1462546752330802 -1.129229037686115 -1.2313828629678978 -1.2576952119041072 -1.3350844734812124 -1.3861613861221083 -1.4124737350583176 +37322,-1.4635506476992135,2,-1.0766043398136873 -0.9698071588372823 -0.9496859508272356 -0.8831311858709241 -0.8103852799884409 -0.7902640719783942 -0.7949074276730251 -0.8305064879984876 -0.9450425951326047 -0.9852850111526981 -1.0379097090251346 -1.1539936013907925 -1.1462546752330802 -1.129229037686115 -1.2313828629678978 -1.2576952119041072 -1.3350844734812124 -1.3861613861221083 -1.4124737350583176 -1.502245278487766 +37323,-1.5239142717293535,2,-0.9698071588372823 -0.9496859508272356 -0.8831311858709241 -0.8103852799884409 -0.7902640719783942 -0.7949074276730251 -0.8305064879984876 -0.9450425951326047 -0.9852850111526981 -1.0379097090251346 -1.1539936013907925 -1.1462546752330802 -1.129229037686115 -1.2313828629678978 -1.2576952119041072 -1.3350844734812124 -1.3861613861221083 -1.4124737350583176 -1.502245278487766 -1.4635506476992135 +37324,-1.5239142717293535,2,-0.9496859508272356 -0.8831311858709241 -0.8103852799884409 -0.7902640719783942 -0.7949074276730251 -0.8305064879984876 -0.9450425951326047 -0.9852850111526981 -1.0379097090251346 -1.1539936013907925 -1.1462546752330802 -1.129229037686115 -1.2313828629678978 -1.2576952119041072 -1.3350844734812124 -1.3861613861221083 -1.4124737350583176 -1.502245278487766 -1.4635506476992135 -1.5239142717293535 +37325,-1.3861613861221083,2,-0.8831311858709241 -0.8103852799884409 -0.7902640719783942 -0.7949074276730251 -0.8305064879984876 -0.9450425951326047 -0.9852850111526981 -1.0379097090251346 -1.1539936013907925 -1.1462546752330802 -1.129229037686115 -1.2313828629678978 -1.2576952119041072 -1.3350844734812124 -1.3861613861221083 -1.4124737350583176 -1.502245278487766 -1.4635506476992135 -1.5239142717293535 -1.5239142717293535 +37326,-1.1539936013907925,2,-0.8103852799884409 -0.7902640719783942 -0.7949074276730251 -0.8305064879984876 -0.9450425951326047 -0.9852850111526981 -1.0379097090251346 -1.1539936013907925 -1.1462546752330802 -1.129229037686115 -1.2313828629678978 -1.2576952119041072 -1.3350844734812124 -1.3861613861221083 -1.4124737350583176 -1.502245278487766 -1.4635506476992135 -1.5239142717293535 -1.5239142717293535 -1.3861613861221083 +37327,-0.9311125280487297,2,-0.7902640719783942 -0.7949074276730251 -0.8305064879984876 -0.9450425951326047 -0.9852850111526981 -1.0379097090251346 -1.1539936013907925 -1.1462546752330802 -1.129229037686115 -1.2313828629678978 -1.2576952119041072 -1.3350844734812124 -1.3861613861221083 -1.4124737350583176 -1.502245278487766 -1.4635506476992135 -1.5239142717293535 -1.5239142717293535 -1.3861613861221083 -1.1539936013907925 +37328,-0.7685950787368069,2,-0.7949074276730251 -0.8305064879984876 -0.9450425951326047 -0.9852850111526981 -1.0379097090251346 -1.1539936013907925 -1.1462546752330802 -1.129229037686115 -1.2313828629678978 -1.2576952119041072 -1.3350844734812124 -1.3861613861221083 -1.4124737350583176 -1.502245278487766 -1.4635506476992135 -1.5239142717293535 -1.5239142717293535 -1.3861613861221083 -1.1539936013907925 -0.9311125280487297 +37329,-0.6509634011396083,2,-0.8305064879984876 -0.9450425951326047 -0.9852850111526981 -1.0379097090251346 -1.1539936013907925 -1.1462546752330802 -1.129229037686115 -1.2313828629678978 -1.2576952119041072 -1.3350844734812124 -1.3861613861221083 -1.4124737350583176 -1.502245278487766 -1.4635506476992135 -1.5239142717293535 -1.5239142717293535 -1.3861613861221083 -1.1539936013907925 -0.9311125280487297 -0.7685950787368069 +37330,-0.582860850951756,2,-0.9450425951326047 -0.9852850111526981 -1.0379097090251346 -1.1539936013907925 -1.1462546752330802 -1.129229037686115 -1.2313828629678978 -1.2576952119041072 -1.3350844734812124 -1.3861613861221083 -1.4124737350583176 -1.502245278487766 -1.4635506476992135 -1.5239142717293535 -1.5239142717293535 -1.3861613861221083 -1.1539936013907925 -0.9311125280487297 -0.7685950787368069 -0.6509634011396083 +37331,-0.573574139562503,2,-0.9852850111526981 -1.0379097090251346 -1.1539936013907925 -1.1462546752330802 -1.129229037686115 -1.2313828629678978 -1.2576952119041072 -1.3350844734812124 -1.3861613861221083 -1.4124737350583176 -1.502245278487766 -1.4635506476992135 -1.5239142717293535 -1.5239142717293535 -1.3861613861221083 -1.1539936013907925 -0.9311125280487297 -0.7685950787368069 -0.6509634011396083 -0.582860850951756 +37332,-0.5627396429417093,2,-1.0379097090251346 -1.1539936013907925 -1.1462546752330802 -1.129229037686115 -1.2313828629678978 -1.2576952119041072 -1.3350844734812124 -1.3861613861221083 -1.4124737350583176 -1.502245278487766 -1.4635506476992135 -1.5239142717293535 -1.5239142717293535 -1.3861613861221083 -1.1539936013907925 -0.9311125280487297 -0.7685950787368069 -0.6509634011396083 -0.582860850951756 -0.573574139562503 +37333,-0.582860850951756,2,-1.1539936013907925 -1.1462546752330802 -1.129229037686115 -1.2313828629678978 -1.2576952119041072 -1.3350844734812124 -1.3861613861221083 -1.4124737350583176 -1.502245278487766 -1.4635506476992135 -1.5239142717293535 -1.5239142717293535 -1.3861613861221083 -1.1539936013907925 -0.9311125280487297 -0.7685950787368069 -0.6509634011396083 -0.582860850951756 -0.573574139562503 -0.5627396429417093 +37334,-0.6989447433174139,2,-1.1462546752330802 -1.129229037686115 -1.2313828629678978 -1.2576952119041072 -1.3350844734812124 -1.3861613861221083 -1.4124737350583176 -1.502245278487766 -1.4635506476992135 -1.5239142717293535 -1.5239142717293535 -1.3861613861221083 -1.1539936013907925 -0.9311125280487297 -0.7685950787368069 -0.6509634011396083 -0.582860850951756 -0.573574139562503 -0.5627396429417093 -0.582860850951756 +37335,-0.8289587027669468,2,-1.129229037686115 -1.2313828629678978 -1.2576952119041072 -1.3350844734812124 -1.3861613861221083 -1.4124737350583176 -1.502245278487766 -1.4635506476992135 -1.5239142717293535 -1.5239142717293535 -1.3861613861221083 -1.1539936013907925 -0.9311125280487297 -0.7685950787368069 -0.6509634011396083 -0.582860850951756 -0.573574139562503 -0.5627396429417093 -0.582860850951756 -0.6989447433174139 +37336,-0.9450425951326047,2,-1.2313828629678978 -1.2576952119041072 -1.3350844734812124 -1.3861613861221083 -1.4124737350583176 -1.502245278487766 -1.4635506476992135 -1.5239142717293535 -1.5239142717293535 -1.3861613861221083 -1.1539936013907925 -0.9311125280487297 -0.7685950787368069 -0.6509634011396083 -0.582860850951756 -0.573574139562503 -0.5627396429417093 -0.582860850951756 -0.6989447433174139 -0.8289587027669468 +37337,-1.0379097090251346,2,-1.2576952119041072 -1.3350844734812124 -1.3861613861221083 -1.4124737350583176 -1.502245278487766 -1.4635506476992135 -1.5239142717293535 -1.5239142717293535 -1.3861613861221083 -1.1539936013907925 -0.9311125280487297 -0.7685950787368069 -0.6509634011396083 -0.582860850951756 -0.573574139562503 -0.5627396429417093 -0.582860850951756 -0.6989447433174139 -0.8289587027669468 -0.9450425951326047 +37338,-1.110655614907609,2,-1.3350844734812124 -1.3861613861221083 -1.4124737350583176 -1.502245278487766 -1.4635506476992135 -1.5239142717293535 -1.5239142717293535 -1.3861613861221083 -1.1539936013907925 -0.9311125280487297 -0.7685950787368069 -0.6509634011396083 -0.582860850951756 -0.573574139562503 -0.5627396429417093 -0.582860850951756 -0.6989447433174139 -0.8289587027669468 -0.9450425951326047 -1.0379097090251346 +37339,-1.1416113195384492,2,-1.3861613861221083 -1.4124737350583176 -1.502245278487766 -1.4635506476992135 -1.5239142717293535 -1.5239142717293535 -1.3861613861221083 -1.1539936013907925 -0.9311125280487297 -0.7685950787368069 -0.6509634011396083 -0.582860850951756 -0.573574139562503 -0.5627396429417093 -0.582860850951756 -0.6989447433174139 -0.8289587027669468 -0.9450425951326047 -1.0379097090251346 -1.110655614907609 +37340,-1.1416113195384492,2,-1.4124737350583176 -1.502245278487766 -1.4635506476992135 -1.5239142717293535 -1.5239142717293535 -1.3861613861221083 -1.1539936013907925 -0.9311125280487297 -0.7685950787368069 -0.6509634011396083 -0.582860850951756 -0.573574139562503 -0.5627396429417093 -0.582860850951756 -0.6989447433174139 -0.8289587027669468 -0.9450425951326047 -1.0379097090251346 -1.110655614907609 -1.1416113195384492 +37341,-1.2313828629678978,2,-1.502245278487766 -1.4635506476992135 -1.5239142717293535 -1.5239142717293535 -1.3861613861221083 -1.1539936013907925 -0.9311125280487297 -0.7685950787368069 -0.6509634011396083 -0.582860850951756 -0.573574139562503 -0.5627396429417093 -0.582860850951756 -0.6989447433174139 -0.8289587027669468 -0.9450425951326047 -1.0379097090251346 -1.110655614907609 -1.1416113195384492 -1.1416113195384492 +37342,-1.271625278987991,2,-1.4635506476992135 -1.5239142717293535 -1.5239142717293535 -1.3861613861221083 -1.1539936013907925 -0.9311125280487297 -0.7685950787368069 -0.6509634011396083 -0.582860850951756 -0.573574139562503 -0.5627396429417093 -0.582860850951756 -0.6989447433174139 -0.8289587027669468 -0.9450425951326047 -1.0379097090251346 -1.110655614907609 -1.1416113195384492 -1.1416113195384492 -1.2313828629678978 +37343,-1.392352527048271,2,-1.5239142717293535 -1.5239142717293535 -1.3861613861221083 -1.1539936013907925 -0.9311125280487297 -0.7685950787368069 -0.6509634011396083 -0.582860850951756 -0.573574139562503 -0.5627396429417093 -0.582860850951756 -0.6989447433174139 -0.8289587027669468 -0.9450425951326047 -1.0379097090251346 -1.110655614907609 -1.1416113195384492 -1.1416113195384492 -1.2313828629678978 -1.271625278987991 +37344,-1.4635506476992135,2,-1.5239142717293535 -1.3861613861221083 -1.1539936013907925 -0.9311125280487297 -0.7685950787368069 -0.6509634011396083 -0.582860850951756 -0.573574139562503 -0.5627396429417093 -0.582860850951756 -0.6989447433174139 -0.8289587027669468 -0.9450425951326047 -1.0379097090251346 -1.110655614907609 -1.1416113195384492 -1.1416113195384492 -1.2313828629678978 -1.271625278987991 -1.392352527048271 +37345,-1.5130797751085598,2,-1.3861613861221083 -1.1539936013907925 -0.9311125280487297 -0.7685950787368069 -0.6509634011396083 -0.582860850951756 -0.573574139562503 -0.5627396429417093 -0.582860850951756 -0.6989447433174139 -0.8289587027669468 -0.9450425951326047 -1.0379097090251346 -1.110655614907609 -1.1416113195384492 -1.1416113195384492 -1.2313828629678978 -1.271625278987991 -1.392352527048271 -1.4635506476992135 +37346,-1.527009842192435,2,-1.1539936013907925 -0.9311125280487297 -0.7685950787368069 -0.6509634011396083 -0.582860850951756 -0.573574139562503 -0.5627396429417093 -0.582860850951756 -0.6989447433174139 -0.8289587027669468 -0.9450425951326047 -1.0379097090251346 -1.110655614907609 -1.1416113195384492 -1.1416113195384492 -1.2313828629678978 -1.271625278987991 -1.392352527048271 -1.4635506476992135 -1.5130797751085598 +37347,-1.5146275603401005,2,-0.9311125280487297 -0.7685950787368069 -0.6509634011396083 -0.582860850951756 -0.573574139562503 -0.5627396429417093 -0.582860850951756 -0.6989447433174139 -0.8289587027669468 -0.9450425951326047 -1.0379097090251346 -1.110655614907609 -1.1416113195384492 -1.1416113195384492 -1.2313828629678978 -1.271625278987991 -1.392352527048271 -1.4635506476992135 -1.5130797751085598 -1.527009842192435 +37348,-1.5130797751085598,2,-0.7685950787368069 -0.6509634011396083 -0.582860850951756 -0.573574139562503 -0.5627396429417093 -0.582860850951756 -0.6989447433174139 -0.8289587027669468 -0.9450425951326047 -1.0379097090251346 -1.110655614907609 -1.1416113195384492 -1.1416113195384492 -1.2313828629678978 -1.271625278987991 -1.392352527048271 -1.4635506476992135 -1.5130797751085598 -1.527009842192435 -1.5146275603401005 +37349,-1.383065815659018,2,-0.6509634011396083 -0.582860850951756 -0.573574139562503 -0.5627396429417093 -0.582860850951756 -0.6989447433174139 -0.8289587027669468 -0.9450425951326047 -1.0379097090251346 -1.110655614907609 -1.1416113195384492 -1.1416113195384492 -1.2313828629678978 -1.271625278987991 -1.392352527048271 -1.4635506476992135 -1.5130797751085598 -1.527009842192435 -1.5146275603401005 -1.5130797751085598 +37350,-1.0471964204143875,2,-0.582860850951756 -0.573574139562503 -0.5627396429417093 -0.582860850951756 -0.6989447433174139 -0.8289587027669468 -0.9450425951326047 -1.0379097090251346 -1.110655614907609 -1.1416113195384492 -1.1416113195384492 -1.2313828629678978 -1.271625278987991 -1.392352527048271 -1.4635506476992135 -1.5130797751085598 -1.527009842192435 -1.5146275603401005 -1.5130797751085598 -1.383065815659018 +37351,-0.7763340048945192,2,-0.573574139562503 -0.5627396429417093 -0.582860850951756 -0.6989447433174139 -0.8289587027669468 -0.9450425951326047 -1.0379097090251346 -1.110655614907609 -1.1416113195384492 -1.1416113195384492 -1.2313828629678978 -1.271625278987991 -1.392352527048271 -1.4635506476992135 -1.5130797751085598 -1.527009842192435 -1.5146275603401005 -1.5130797751085598 -1.383065815659018 -1.0471964204143875 +37352,-0.5936953475725497,2,-0.5627396429417093 -0.582860850951756 -0.6989447433174139 -0.8289587027669468 -0.9450425951326047 -1.0379097090251346 -1.110655614907609 -1.1416113195384492 -1.1416113195384492 -1.2313828629678978 -1.271625278987991 -1.392352527048271 -1.4635506476992135 -1.5130797751085598 -1.527009842192435 -1.5146275603401005 -1.5130797751085598 -1.383065815659018 -1.0471964204143875 -0.7763340048945192 +37353,-0.45594246196530447,2,-0.582860850951756 -0.6989447433174139 -0.8289587027669468 -0.9450425951326047 -1.0379097090251346 -1.110655614907609 -1.1416113195384492 -1.1416113195384492 -1.2313828629678978 -1.271625278987991 -1.392352527048271 -1.4635506476992135 -1.5130797751085598 -1.527009842192435 -1.5146275603401005 -1.5130797751085598 -1.383065815659018 -1.0471964204143875 -0.7763340048945192 -0.5936953475725497 +37354,-0.3770054151566497,2,-0.6989447433174139 -0.8289587027669468 -0.9450425951326047 -1.0379097090251346 -1.110655614907609 -1.1416113195384492 -1.1416113195384492 -1.2313828629678978 -1.271625278987991 -1.392352527048271 -1.4635506476992135 -1.5130797751085598 -1.527009842192435 -1.5146275603401005 -1.5130797751085598 -1.383065815659018 -1.0471964204143875 -0.7763340048945192 -0.5936953475725497 -0.45594246196530447 +37355,-0.3352152139050157,2,-0.8289587027669468 -0.9450425951326047 -1.0379097090251346 -1.110655614907609 -1.1416113195384492 -1.1416113195384492 -1.2313828629678978 -1.271625278987991 -1.392352527048271 -1.4635506476992135 -1.5130797751085598 -1.527009842192435 -1.5146275603401005 -1.5130797751085598 -1.383065815659018 -1.0471964204143875 -0.7763340048945192 -0.5936953475725497 -0.45594246196530447 -0.3770054151566497 +37356,-0.36307534807277464,2,-0.9450425951326047 -1.0379097090251346 -1.110655614907609 -1.1416113195384492 -1.1416113195384492 -1.2313828629678978 -1.271625278987991 -1.392352527048271 -1.4635506476992135 -1.5130797751085598 -1.527009842192435 -1.5146275603401005 -1.5130797751085598 -1.383065815659018 -1.0471964204143875 -0.7763340048945192 -0.5936953475725497 -0.45594246196530447 -0.3770054151566497 -0.3352152139050157 +37357,-0.44975132103913285,2,-1.0379097090251346 -1.110655614907609 -1.1416113195384492 -1.1416113195384492 -1.2313828629678978 -1.271625278987991 -1.392352527048271 -1.4635506476992135 -1.5130797751085598 -1.527009842192435 -1.5146275603401005 -1.5130797751085598 -1.383065815659018 -1.0471964204143875 -0.7763340048945192 -0.5936953475725497 -0.45594246196530447 -0.3770054151566497 -0.3352152139050157 -0.36307534807277464 +37358,-0.5611918577101599,2,-1.110655614907609 -1.1416113195384492 -1.1416113195384492 -1.2313828629678978 -1.271625278987991 -1.392352527048271 -1.4635506476992135 -1.5130797751085598 -1.527009842192435 -1.5146275603401005 -1.5130797751085598 -1.383065815659018 -1.0471964204143875 -0.7763340048945192 -0.5936953475725497 -0.45594246196530447 -0.3770054151566497 -0.3352152139050157 -0.36307534807277464 -0.44975132103913285 +37359,-0.6169121260456778,2,-1.1416113195384492 -1.1416113195384492 -1.2313828629678978 -1.271625278987991 -1.392352527048271 -1.4635506476992135 -1.5130797751085598 -1.527009842192435 -1.5146275603401005 -1.5130797751085598 -1.383065815659018 -1.0471964204143875 -0.7763340048945192 -0.5936953475725497 -0.45594246196530447 -0.3770054151566497 -0.3352152139050157 -0.36307534807277464 -0.44975132103913285 -0.5611918577101599 +37360,-0.675727964844277,2,-1.1416113195384492 -1.2313828629678978 -1.271625278987991 -1.392352527048271 -1.4635506476992135 -1.5130797751085598 -1.527009842192435 -1.5146275603401005 -1.5130797751085598 -1.383065815659018 -1.0471964204143875 -0.7763340048945192 -0.5936953475725497 -0.45594246196530447 -0.3770054151566497 -0.3352152139050157 -0.36307534807277464 -0.44975132103913285 -0.5611918577101599 -0.6169121260456778 +37361,-0.7175181660959199,2,-1.2313828629678978 -1.271625278987991 -1.392352527048271 -1.4635506476992135 -1.5130797751085598 -1.527009842192435 -1.5146275603401005 -1.5130797751085598 -1.383065815659018 -1.0471964204143875 -0.7763340048945192 -0.5936953475725497 -0.45594246196530447 -0.3770054151566497 -0.3352152139050157 -0.36307534807277464 -0.44975132103913285 -0.5611918577101599 -0.6169121260456778 -0.675727964844277 +37362,-0.7391871593375072,2,-1.271625278987991 -1.392352527048271 -1.4635506476992135 -1.5130797751085598 -1.527009842192435 -1.5146275603401005 -1.5130797751085598 -1.383065815659018 -1.0471964204143875 -0.7763340048945192 -0.5936953475725497 -0.45594246196530447 -0.3770054151566497 -0.3352152139050157 -0.36307534807277464 -0.44975132103913285 -0.5611918577101599 -0.6169121260456778 -0.675727964844277 -0.7175181660959199 +37363,-0.7144225956328297,2,-1.392352527048271 -1.4635506476992135 -1.5130797751085598 -1.527009842192435 -1.5146275603401005 -1.5130797751085598 -1.383065815659018 -1.0471964204143875 -0.7763340048945192 -0.5936953475725497 -0.45594246196530447 -0.3770054151566497 -0.3352152139050157 -0.36307534807277464 -0.44975132103913285 -0.5611918577101599 -0.6169121260456778 -0.675727964844277 -0.7175181660959199 -0.7391871593375072 +37364,-0.7531172264213823,2,-1.4635506476992135 -1.5130797751085598 -1.527009842192435 -1.5146275603401005 -1.5130797751085598 -1.383065815659018 -1.0471964204143875 -0.7763340048945192 -0.5936953475725497 -0.45594246196530447 -0.3770054151566497 -0.3352152139050157 -0.36307534807277464 -0.44975132103913285 -0.5611918577101599 -0.6169121260456778 -0.675727964844277 -0.7175181660959199 -0.7391871593375072 -0.7144225956328297 +37365,-0.791811857209935,2,-1.5130797751085598 -1.527009842192435 -1.5146275603401005 -1.5130797751085598 -1.383065815659018 -1.0471964204143875 -0.7763340048945192 -0.5936953475725497 -0.45594246196530447 -0.3770054151566497 -0.3352152139050157 -0.36307534807277464 -0.44975132103913285 -0.5611918577101599 -0.6169121260456778 -0.675727964844277 -0.7175181660959199 -0.7391871593375072 -0.7144225956328297 -0.7531172264213823 +37366,-0.8057419242938189,2,-1.527009842192435 -1.5146275603401005 -1.5130797751085598 -1.383065815659018 -1.0471964204143875 -0.7763340048945192 -0.5936953475725497 -0.45594246196530447 -0.3770054151566497 -0.3352152139050157 -0.36307534807277464 -0.44975132103913285 -0.5611918577101599 -0.6169121260456778 -0.675727964844277 -0.7175181660959199 -0.7391871593375072 -0.7144225956328297 -0.7531172264213823 -0.791811857209935 +37367,-0.8181242061461532,2,-1.5146275603401005 -1.5130797751085598 -1.383065815659018 -1.0471964204143875 -0.7763340048945192 -0.5936953475725497 -0.45594246196530447 -0.3770054151566497 -0.3352152139050157 -0.36307534807277464 -0.44975132103913285 -0.5611918577101599 -0.6169121260456778 -0.675727964844277 -0.7175181660959199 -0.7391871593375072 -0.7144225956328297 -0.7531172264213823 -0.791811857209935 -0.8057419242938189 +37368,-0.8181242061461532,2,-1.5130797751085598 -1.383065815659018 -1.0471964204143875 -0.7763340048945192 -0.5936953475725497 -0.45594246196530447 -0.3770054151566497 -0.3352152139050157 -0.36307534807277464 -0.44975132103913285 -0.5611918577101599 -0.6169121260456778 -0.675727964844277 -0.7175181660959199 -0.7391871593375072 -0.7144225956328297 -0.7531172264213823 -0.791811857209935 -0.8057419242938189 -0.8181242061461532 +37369,-0.8320542732300282,2,-1.383065815659018 -1.0471964204143875 -0.7763340048945192 -0.5936953475725497 -0.45594246196530447 -0.3770054151566497 -0.3352152139050157 -0.36307534807277464 -0.44975132103913285 -0.5611918577101599 -0.6169121260456778 -0.675727964844277 -0.7175181660959199 -0.7391871593375072 -0.7144225956328297 -0.7531172264213823 -0.791811857209935 -0.8057419242938189 -0.8181242061461532 -0.8181242061461532 +37370,-0.7933596424414756,2,-1.0471964204143875 -0.7763340048945192 -0.5936953475725497 -0.45594246196530447 -0.3770054151566497 -0.3352152139050157 -0.36307534807277464 -0.44975132103913285 -0.5611918577101599 -0.6169121260456778 -0.675727964844277 -0.7175181660959199 -0.7391871593375072 -0.7144225956328297 -0.7531172264213823 -0.791811857209935 -0.8057419242938189 -0.8181242061461532 -0.8181242061461532 -0.8320542732300282 +37371,-0.791811857209935,2,-0.7763340048945192 -0.5936953475725497 -0.45594246196530447 -0.3770054151566497 -0.3352152139050157 -0.36307534807277464 -0.44975132103913285 -0.5611918577101599 -0.6169121260456778 -0.675727964844277 -0.7175181660959199 -0.7391871593375072 -0.7144225956328297 -0.7531172264213823 -0.791811857209935 -0.8057419242938189 -0.8181242061461532 -0.8181242061461532 -0.8320542732300282 -0.7933596424414756 +37372,-0.822767561840784,2,-0.5936953475725497 -0.45594246196530447 -0.3770054151566497 -0.3352152139050157 -0.36307534807277464 -0.44975132103913285 -0.5611918577101599 -0.6169121260456778 -0.675727964844277 -0.7175181660959199 -0.7391871593375072 -0.7144225956328297 -0.7531172264213823 -0.791811857209935 -0.8057419242938189 -0.8181242061461532 -0.8181242061461532 -0.8320542732300282 -0.7933596424414756 -0.791811857209935 +37373,-0.7701428639683475,2,-0.45594246196530447 -0.3770054151566497 -0.3352152139050157 -0.36307534807277464 -0.44975132103913285 -0.5611918577101599 -0.6169121260456778 -0.675727964844277 -0.7175181660959199 -0.7391871593375072 -0.7144225956328297 -0.7531172264213823 -0.791811857209935 -0.8057419242938189 -0.8181242061461532 -0.8181242061461532 -0.8320542732300282 -0.7933596424414756 -0.791811857209935 -0.822767561840784 +37374,-0.7082314547066669,2,-0.3770054151566497 -0.3352152139050157 -0.36307534807277464 -0.44975132103913285 -0.5611918577101599 -0.6169121260456778 -0.675727964844277 -0.7175181660959199 -0.7391871593375072 -0.7144225956328297 -0.7531172264213823 -0.791811857209935 -0.8057419242938189 -0.8181242061461532 -0.8181242061461532 -0.8320542732300282 -0.7933596424414756 -0.791811857209935 -0.822767561840784 -0.7701428639683475 +37375,-0.62465105220339,2,-0.3352152139050157 -0.36307534807277464 -0.44975132103913285 -0.5611918577101599 -0.6169121260456778 -0.675727964844277 -0.7175181660959199 -0.7391871593375072 -0.7144225956328297 -0.7531172264213823 -0.791811857209935 -0.8057419242938189 -0.8181242061461532 -0.8181242061461532 -0.8320542732300282 -0.7933596424414756 -0.791811857209935 -0.822767561840784 -0.7701428639683475 -0.7082314547066669 +37376,-0.5008282336800198,2,-0.36307534807277464 -0.44975132103913285 -0.5611918577101599 -0.6169121260456778 -0.675727964844277 -0.7175181660959199 -0.7391871593375072 -0.7144225956328297 -0.7531172264213823 -0.791811857209935 -0.8057419242938189 -0.8181242061461532 -0.8181242061461532 -0.8320542732300282 -0.7933596424414756 -0.791811857209935 -0.822767561840784 -0.7701428639683475 -0.7082314547066669 -0.62465105220339 +37377,-0.4079611197874988,2,-0.44975132103913285 -0.5611918577101599 -0.6169121260456778 -0.675727964844277 -0.7175181660959199 -0.7391871593375072 -0.7144225956328297 -0.7531172264213823 -0.791811857209935 -0.8057419242938189 -0.8181242061461532 -0.8181242061461532 -0.8320542732300282 -0.7933596424414756 -0.791811857209935 -0.822767561840784 -0.7701428639683475 -0.7082314547066669 -0.62465105220339 -0.5008282336800198 +37378,-0.29806836834800376,2,-0.5611918577101599 -0.6169121260456778 -0.675727964844277 -0.7175181660959199 -0.7391871593375072 -0.7144225956328297 -0.7531172264213823 -0.791811857209935 -0.8057419242938189 -0.8181242061461532 -0.8181242061461532 -0.8320542732300282 -0.7933596424414756 -0.791811857209935 -0.822767561840784 -0.7701428639683475 -0.7082314547066669 -0.62465105220339 -0.5008282336800198 -0.4079611197874988 +37379,-0.28413830126412865,2,-0.6169121260456778 -0.675727964844277 -0.7175181660959199 -0.7391871593375072 -0.7144225956328297 -0.7531172264213823 -0.791811857209935 -0.8057419242938189 -0.8181242061461532 -0.8181242061461532 -0.8320542732300282 -0.7933596424414756 -0.791811857209935 -0.822767561840784 -0.7701428639683475 -0.7082314547066669 -0.62465105220339 -0.5008282336800198 -0.4079611197874988 -0.29806836834800376 +37380,-0.2748515898748757,2,-0.675727964844277 -0.7175181660959199 -0.7391871593375072 -0.7144225956328297 -0.7531172264213823 -0.791811857209935 -0.8057419242938189 -0.8181242061461532 -0.8181242061461532 -0.8320542732300282 -0.7933596424414756 -0.791811857209935 -0.822767561840784 -0.7701428639683475 -0.7082314547066669 -0.62465105220339 -0.5008282336800198 -0.4079611197874988 -0.29806836834800376 -0.28413830126412865 +37381,-0.30890286496879743,2,-0.7175181660959199 -0.7391871593375072 -0.7144225956328297 -0.7531172264213823 -0.791811857209935 -0.8057419242938189 -0.8181242061461532 -0.8181242061461532 -0.8320542732300282 -0.7933596424414756 -0.791811857209935 -0.822767561840784 -0.7701428639683475 -0.7082314547066669 -0.62465105220339 -0.5008282336800198 -0.4079611197874988 -0.29806836834800376 -0.28413830126412865 -0.2748515898748757 +37382,-0.4420123948814206,2,-0.7391871593375072 -0.7144225956328297 -0.7531172264213823 -0.791811857209935 -0.8057419242938189 -0.8181242061461532 -0.8181242061461532 -0.8320542732300282 -0.7933596424414756 -0.791811857209935 -0.822767561840784 -0.7701428639683475 -0.7082314547066669 -0.62465105220339 -0.5008282336800198 -0.4079611197874988 -0.29806836834800376 -0.28413830126412865 -0.2748515898748757 -0.30890286496879743 +37383,-0.5488095758578255,2,-0.7144225956328297 -0.7531172264213823 -0.791811857209935 -0.8057419242938189 -0.8181242061461532 -0.8181242061461532 -0.8320542732300282 -0.7933596424414756 -0.791811857209935 -0.822767561840784 -0.7701428639683475 -0.7082314547066669 -0.62465105220339 -0.5008282336800198 -0.4079611197874988 -0.29806836834800376 -0.28413830126412865 -0.2748515898748757 -0.30890286496879743 -0.4420123948814206 +37384,-0.6060776294248841,2,-0.7531172264213823 -0.791811857209935 -0.8057419242938189 -0.8181242061461532 -0.8181242061461532 -0.8320542732300282 -0.7933596424414756 -0.791811857209935 -0.822767561840784 -0.7701428639683475 -0.7082314547066669 -0.62465105220339 -0.5008282336800198 -0.4079611197874988 -0.29806836834800376 -0.28413830126412865 -0.2748515898748757 -0.30890286496879743 -0.4420123948814206 -0.5488095758578255 +37385,-0.6354855488241837,2,-0.791811857209935 -0.8057419242938189 -0.8181242061461532 -0.8181242061461532 -0.8320542732300282 -0.7933596424414756 -0.791811857209935 -0.822767561840784 -0.7701428639683475 -0.7082314547066669 -0.62465105220339 -0.5008282336800198 -0.4079611197874988 -0.29806836834800376 -0.28413830126412865 -0.2748515898748757 -0.30890286496879743 -0.4420123948814206 -0.5488095758578255 -0.6060776294248841 +37386,-0.7159703808643704,2,-0.8057419242938189 -0.8181242061461532 -0.8181242061461532 -0.8320542732300282 -0.7933596424414756 -0.791811857209935 -0.822767561840784 -0.7701428639683475 -0.7082314547066669 -0.62465105220339 -0.5008282336800198 -0.4079611197874988 -0.29806836834800376 -0.28413830126412865 -0.2748515898748757 -0.30890286496879743 -0.4420123948814206 -0.5488095758578255 -0.6060776294248841 -0.6354855488241837 +37387,-0.7902640719783942,2,-0.8181242061461532 -0.8181242061461532 -0.8320542732300282 -0.7933596424414756 -0.791811857209935 -0.822767561840784 -0.7701428639683475 -0.7082314547066669 -0.62465105220339 -0.5008282336800198 -0.4079611197874988 -0.29806836834800376 -0.28413830126412865 -0.2748515898748757 -0.30890286496879743 -0.4420123948814206 -0.5488095758578255 -0.6060776294248841 -0.6354855488241837 -0.7159703808643704 +37388,-0.8320542732300282,2,-0.8181242061461532 -0.8320542732300282 -0.7933596424414756 -0.791811857209935 -0.822767561840784 -0.7701428639683475 -0.7082314547066669 -0.62465105220339 -0.5008282336800198 -0.4079611197874988 -0.29806836834800376 -0.28413830126412865 -0.2748515898748757 -0.30890286496879743 -0.4420123948814206 -0.5488095758578255 -0.6060776294248841 -0.6354855488241837 -0.7159703808643704 -0.7902640719783942 +37389,-0.8831311858709241,2,-0.8320542732300282 -0.7933596424414756 -0.791811857209935 -0.822767561840784 -0.7701428639683475 -0.7082314547066669 -0.62465105220339 -0.5008282336800198 -0.4079611197874988 -0.29806836834800376 -0.28413830126412865 -0.2748515898748757 -0.30890286496879743 -0.4420123948814206 -0.5488095758578255 -0.6060776294248841 -0.6354855488241837 -0.7159703808643704 -0.7902640719783942 -0.8320542732300282 +37390,-0.9744505145319043,2,-0.7933596424414756 -0.791811857209935 -0.822767561840784 -0.7701428639683475 -0.7082314547066669 -0.62465105220339 -0.5008282336800198 -0.4079611197874988 -0.29806836834800376 -0.28413830126412865 -0.2748515898748757 -0.30890286496879743 -0.4420123948814206 -0.5488095758578255 -0.6060776294248841 -0.6354855488241837 -0.7159703808643704 -0.7902640719783942 -0.8320542732300282 -0.8831311858709241 +37391,-1.027075212404341,2,-0.791811857209935 -0.822767561840784 -0.7701428639683475 -0.7082314547066669 -0.62465105220339 -0.5008282336800198 -0.4079611197874988 -0.29806836834800376 -0.28413830126412865 -0.2748515898748757 -0.30890286496879743 -0.4420123948814206 -0.5488095758578255 -0.6060776294248841 -0.6354855488241837 -0.7159703808643704 -0.7902640719783942 -0.8320542732300282 -0.8831311858709241 -0.9744505145319043 +37392,-1.078152125045228,2,-0.822767561840784 -0.7701428639683475 -0.7082314547066669 -0.62465105220339 -0.5008282336800198 -0.4079611197874988 -0.29806836834800376 -0.28413830126412865 -0.2748515898748757 -0.30890286496879743 -0.4420123948814206 -0.5488095758578255 -0.6060776294248841 -0.6354855488241837 -0.7159703808643704 -0.7902640719783942 -0.8320542732300282 -0.8831311858709241 -0.9744505145319043 -1.027075212404341 +37393,-1.036361923793594,2,-0.7701428639683475 -0.7082314547066669 -0.62465105220339 -0.5008282336800198 -0.4079611197874988 -0.29806836834800376 -0.28413830126412865 -0.2748515898748757 -0.30890286496879743 -0.4420123948814206 -0.5488095758578255 -0.6060776294248841 -0.6354855488241837 -0.7159703808643704 -0.7902640719783942 -0.8320542732300282 -0.8831311858709241 -0.9744505145319043 -1.027075212404341 -1.078152125045228 +37394,-1.1060122592129868,2,-0.7082314547066669 -0.62465105220339 -0.5008282336800198 -0.4079611197874988 -0.29806836834800376 -0.28413830126412865 -0.2748515898748757 -0.30890286496879743 -0.4420123948814206 -0.5488095758578255 -0.6060776294248841 -0.6354855488241837 -0.7159703808643704 -0.7902640719783942 -0.8320542732300282 -0.8831311858709241 -0.9744505145319043 -1.027075212404341 -1.078152125045228 -1.036361923793594 +37395,-1.3211544063973373,2,-0.62465105220339 -0.5008282336800198 -0.4079611197874988 -0.29806836834800376 -0.28413830126412865 -0.2748515898748757 -0.30890286496879743 -0.4420123948814206 -0.5488095758578255 -0.6060776294248841 -0.6354855488241837 -0.7159703808643704 -0.7902640719783942 -0.8320542732300282 -0.8831311858709241 -0.9744505145319043 -1.027075212404341 -1.078152125045228 -1.036361923793594 -1.1060122592129868 +37396,-1.2282872925048076,2,-0.5008282336800198 -0.4079611197874988 -0.29806836834800376 -0.28413830126412865 -0.2748515898748757 -0.30890286496879743 -0.4420123948814206 -0.5488095758578255 -0.6060776294248841 -0.6354855488241837 -0.7159703808643704 -0.7902640719783942 -0.8320542732300282 -0.8831311858709241 -0.9744505145319043 -1.027075212404341 -1.078152125045228 -1.036361923793594 -1.1060122592129868 -1.3211544063973373 +37397,-1.0673176284244341,2,-0.4079611197874988 -0.29806836834800376 -0.28413830126412865 -0.2748515898748757 -0.30890286496879743 -0.4420123948814206 -0.5488095758578255 -0.6060776294248841 -0.6354855488241837 -0.7159703808643704 -0.7902640719783942 -0.8320542732300282 -0.8831311858709241 -0.9744505145319043 -1.027075212404341 -1.078152125045228 -1.036361923793594 -1.1060122592129868 -1.3211544063973373 -1.2282872925048076 +37398,-0.7716906491998883,2,-0.29806836834800376 -0.28413830126412865 -0.2748515898748757 -0.30890286496879743 -0.4420123948814206 -0.5488095758578255 -0.6060776294248841 -0.6354855488241837 -0.7159703808643704 -0.7902640719783942 -0.8320542732300282 -0.8831311858709241 -0.9744505145319043 -1.027075212404341 -1.078152125045228 -1.036361923793594 -1.1060122592129868 -1.3211544063973373 -1.2282872925048076 -1.0673176284244341 +37399,-0.5209494416900665,2,-0.28413830126412865 -0.2748515898748757 -0.30890286496879743 -0.4420123948814206 -0.5488095758578255 -0.6060776294248841 -0.6354855488241837 -0.7159703808643704 -0.7902640719783942 -0.8320542732300282 -0.8831311858709241 -0.9744505145319043 -1.027075212404341 -1.078152125045228 -1.036361923793594 -1.1060122592129868 -1.3211544063973373 -1.2282872925048076 -1.0673176284244341 -0.7716906491998883 +37400,-0.36307534807277464,2,-0.2748515898748757 -0.30890286496879743 -0.4420123948814206 -0.5488095758578255 -0.6060776294248841 -0.6354855488241837 -0.7159703808643704 -0.7902640719783942 -0.8320542732300282 -0.8831311858709241 -0.9744505145319043 -1.027075212404341 -1.078152125045228 -1.036361923793594 -1.1060122592129868 -1.3211544063973373 -1.2282872925048076 -1.0673176284244341 -0.7716906491998883 -0.5209494416900665 +37401,-0.2748515898748757,2,-0.30890286496879743 -0.4420123948814206 -0.5488095758578255 -0.6060776294248841 -0.6354855488241837 -0.7159703808643704 -0.7902640719783942 -0.8320542732300282 -0.8831311858709241 -0.9744505145319043 -1.027075212404341 -1.078152125045228 -1.036361923793594 -1.1060122592129868 -1.3211544063973373 -1.2282872925048076 -1.0673176284244341 -0.7716906491998883 -0.5209494416900665 -0.36307534807277464 +37402,-0.12007306672066517,2,-0.4420123948814206 -0.5488095758578255 -0.6060776294248841 -0.6354855488241837 -0.7159703808643704 -0.7902640719783942 -0.8320542732300282 -0.8831311858709241 -0.9744505145319043 -1.027075212404341 -1.078152125045228 -1.036361923793594 -1.1060122592129868 -1.3211544063973373 -1.2282872925048076 -1.0673176284244341 -0.7716906491998883 -0.5209494416900665 -0.36307534807277464 -0.2748515898748757 +37403,-0.0535183017643536,2,-0.5488095758578255 -0.6060776294248841 -0.6354855488241837 -0.7159703808643704 -0.7902640719783942 -0.8320542732300282 -0.8831311858709241 -0.9744505145319043 -1.027075212404341 -1.078152125045228 -1.036361923793594 -1.1060122592129868 -1.3211544063973373 -1.2282872925048076 -1.0673176284244341 -0.7716906491998883 -0.5209494416900665 -0.36307534807277464 -0.2748515898748757 -0.12007306672066517 +37404,-0.08756957685828413,2,-0.6060776294248841 -0.6354855488241837 -0.7159703808643704 -0.7902640719783942 -0.8320542732300282 -0.8831311858709241 -0.9744505145319043 -1.027075212404341 -1.078152125045228 -1.036361923793594 -1.1060122592129868 -1.3211544063973373 -1.2282872925048076 -1.0673176284244341 -0.7716906491998883 -0.5209494416900665 -0.36307534807277464 -0.2748515898748757 -0.12007306672066517 -0.0535183017643536 +37405,-0.23460917385478236,2,-0.6354855488241837 -0.7159703808643704 -0.7902640719783942 -0.8320542732300282 -0.8831311858709241 -0.9744505145319043 -1.027075212404341 -1.078152125045228 -1.036361923793594 -1.1060122592129868 -1.3211544063973373 -1.2282872925048076 -1.0673176284244341 -0.7716906491998883 -0.5209494416900665 -0.36307534807277464 -0.2748515898748757 -0.12007306672066517 -0.0535183017643536 -0.08756957685828413 +37406,-0.4296301130290862,2,-0.7159703808643704 -0.7902640719783942 -0.8320542732300282 -0.8831311858709241 -0.9744505145319043 -1.027075212404341 -1.078152125045228 -1.036361923793594 -1.1060122592129868 -1.3211544063973373 -1.2282872925048076 -1.0673176284244341 -0.7716906491998883 -0.5209494416900665 -0.36307534807277464 -0.2748515898748757 -0.12007306672066517 -0.0535183017643536 -0.08756957685828413 -0.23460917385478236 +37407,-0.6726323943811956,2,-0.7902640719783942 -0.8320542732300282 -0.8831311858709241 -0.9744505145319043 -1.027075212404341 -1.078152125045228 -1.036361923793594 -1.1060122592129868 -1.3211544063973373 -1.2282872925048076 -1.0673176284244341 -0.7716906491998883 -0.5209494416900665 -0.36307534807277464 -0.2748515898748757 -0.12007306672066517 -0.0535183017643536 -0.08756957685828413 -0.23460917385478236 -0.4296301130290862 +37408,-0.6803713205389079,2,-0.8320542732300282 -0.8831311858709241 -0.9744505145319043 -1.027075212404341 -1.078152125045228 -1.036361923793594 -1.1060122592129868 -1.3211544063973373 -1.2282872925048076 -1.0673176284244341 -0.7716906491998883 -0.5209494416900665 -0.36307534807277464 -0.2748515898748757 -0.12007306672066517 -0.0535183017643536 -0.08756957685828413 -0.23460917385478236 -0.4296301130290862 -0.6726323943811956 +37409,-0.7995507833676472,2,-0.8831311858709241 -0.9744505145319043 -1.027075212404341 -1.078152125045228 -1.036361923793594 -1.1060122592129868 -1.3211544063973373 -1.2282872925048076 -1.0673176284244341 -0.7716906491998883 -0.5209494416900665 -0.36307534807277464 -0.2748515898748757 -0.12007306672066517 -0.0535183017643536 -0.08756957685828413 -0.23460917385478236 -0.4296301130290862 -0.6726323943811956 -0.6803713205389079 +37410,-0.8955134677232585,2,-0.9744505145319043 -1.027075212404341 -1.078152125045228 -1.036361923793594 -1.1060122592129868 -1.3211544063973373 -1.2282872925048076 -1.0673176284244341 -0.7716906491998883 -0.5209494416900665 -0.36307534807277464 -0.2748515898748757 -0.12007306672066517 -0.0535183017643536 -0.08756957685828413 -0.23460917385478236 -0.4296301130290862 -0.6726323943811956 -0.6803713205389079 -0.7995507833676472 +37411,-0.938851454206442,2,-1.027075212404341 -1.078152125045228 -1.036361923793594 -1.1060122592129868 -1.3211544063973373 -1.2282872925048076 -1.0673176284244341 -0.7716906491998883 -0.5209494416900665 -0.36307534807277464 -0.2748515898748757 -0.12007306672066517 -0.0535183017643536 -0.08756957685828413 -0.23460917385478236 -0.4296301130290862 -0.6726323943811956 -0.6803713205389079 -0.7995507833676472 -0.8955134677232585 +37412,-0.9961195077734918,2,-1.078152125045228 -1.036361923793594 -1.1060122592129868 -1.3211544063973373 -1.2282872925048076 -1.0673176284244341 -0.7716906491998883 -0.5209494416900665 -0.36307534807277464 -0.2748515898748757 -0.12007306672066517 -0.0535183017643536 -0.08756957685828413 -0.23460917385478236 -0.4296301130290862 -0.6726323943811956 -0.6803713205389079 -0.7995507833676472 -0.8955134677232585 -0.938851454206442 +37413,-1.1942360174108857,2,-1.036361923793594 -1.1060122592129868 -1.3211544063973373 -1.2282872925048076 -1.0673176284244341 -0.7716906491998883 -0.5209494416900665 -0.36307534807277464 -0.2748515898748757 -0.12007306672066517 -0.0535183017643536 -0.08756957685828413 -0.23460917385478236 -0.4296301130290862 -0.6726323943811956 -0.6803713205389079 -0.7995507833676472 -0.8955134677232585 -0.938851454206442 -0.9961195077734918 +37414,-1.0115973600889163,2,-1.1060122592129868 -1.3211544063973373 -1.2282872925048076 -1.0673176284244341 -0.7716906491998883 -0.5209494416900665 -0.36307534807277464 -0.2748515898748757 -0.12007306672066517 -0.0535183017643536 -0.08756957685828413 -0.23460917385478236 -0.4296301130290862 -0.6726323943811956 -0.6803713205389079 -0.7995507833676472 -0.8955134677232585 -0.938851454206442 -0.9961195077734918 -1.1942360174108857 +37415,-0.9682593736057415,2,-1.3211544063973373 -1.2282872925048076 -1.0673176284244341 -0.7716906491998883 -0.5209494416900665 -0.36307534807277464 -0.2748515898748757 -0.12007306672066517 -0.0535183017643536 -0.08756957685828413 -0.23460917385478236 -0.4296301130290862 -0.6726323943811956 -0.6803713205389079 -0.7995507833676472 -0.8955134677232585 -0.938851454206442 -0.9961195077734918 -1.1942360174108857 -1.0115973600889163 +37416,-1.0796999102767686,2,-1.2282872925048076 -1.0673176284244341 -0.7716906491998883 -0.5209494416900665 -0.36307534807277464 -0.2748515898748757 -0.12007306672066517 -0.0535183017643536 -0.08756957685828413 -0.23460917385478236 -0.4296301130290862 -0.6726323943811956 -0.6803713205389079 -0.7995507833676472 -0.8955134677232585 -0.938851454206442 -0.9961195077734918 -1.1942360174108857 -1.0115973600889163 -0.9682593736057415 +37417,-1.0657698431928935,2,-1.0673176284244341 -0.7716906491998883 -0.5209494416900665 -0.36307534807277464 -0.2748515898748757 -0.12007306672066517 -0.0535183017643536 -0.08756957685828413 -0.23460917385478236 -0.4296301130290862 -0.6726323943811956 -0.6803713205389079 -0.7995507833676472 -0.8955134677232585 -0.938851454206442 -0.9961195077734918 -1.1942360174108857 -1.0115973600889163 -0.9682593736057415 -1.0796999102767686 +37418,-1.008501789625835,2,-0.7716906491998883 -0.5209494416900665 -0.36307534807277464 -0.2748515898748757 -0.12007306672066517 -0.0535183017643536 -0.08756957685828413 -0.23460917385478236 -0.4296301130290862 -0.6726323943811956 -0.6803713205389079 -0.7995507833676472 -0.8955134677232585 -0.938851454206442 -0.9961195077734918 -1.1942360174108857 -1.0115973600889163 -0.9682593736057415 -1.0796999102767686 -1.0657698431928935 +37419,-1.0239796419412508,2,-0.5209494416900665 -0.36307534807277464 -0.2748515898748757 -0.12007306672066517 -0.0535183017643536 -0.08756957685828413 -0.23460917385478236 -0.4296301130290862 -0.6726323943811956 -0.6803713205389079 -0.7995507833676472 -0.8955134677232585 -0.938851454206442 -0.9961195077734918 -1.1942360174108857 -1.0115973600889163 -0.9682593736057415 -1.0796999102767686 -1.0657698431928935 -1.008501789625835 +37420,-1.1416113195384492,2,-0.36307534807277464 -0.2748515898748757 -0.12007306672066517 -0.0535183017643536 -0.08756957685828413 -0.23460917385478236 -0.4296301130290862 -0.6726323943811956 -0.6803713205389079 -0.7995507833676472 -0.8955134677232585 -0.938851454206442 -0.9961195077734918 -1.1942360174108857 -1.0115973600889163 -0.9682593736057415 -1.0796999102767686 -1.0657698431928935 -1.008501789625835 -1.0239796419412508 +37421,-1.0673176284244341,2,-0.2748515898748757 -0.12007306672066517 -0.0535183017643536 -0.08756957685828413 -0.23460917385478236 -0.4296301130290862 -0.6726323943811956 -0.6803713205389079 -0.7995507833676472 -0.8955134677232585 -0.938851454206442 -0.9961195077734918 -1.1942360174108857 -1.0115973600889163 -0.9682593736057415 -1.0796999102767686 -1.0657698431928935 -1.008501789625835 -1.0239796419412508 -1.1416113195384492 +37422,-0.8908701120286363,2,-0.12007306672066517 -0.0535183017643536 -0.08756957685828413 -0.23460917385478236 -0.4296301130290862 -0.6726323943811956 -0.6803713205389079 -0.7995507833676472 -0.8955134677232585 -0.938851454206442 -0.9961195077734918 -1.1942360174108857 -1.0115973600889163 -0.9682593736057415 -1.0796999102767686 -1.0657698431928935 -1.008501789625835 -1.0239796419412508 -1.1416113195384492 -1.0673176284244341 +37423,-0.643224474981896,2,-0.0535183017643536 -0.08756957685828413 -0.23460917385478236 -0.4296301130290862 -0.6726323943811956 -0.6803713205389079 -0.7995507833676472 -0.8955134677232585 -0.938851454206442 -0.9961195077734918 -1.1942360174108857 -1.0115973600889163 -0.9682593736057415 -1.0796999102767686 -1.0657698431928935 -1.008501789625835 -1.0239796419412508 -1.1416113195384492 -1.0673176284244341 -0.8908701120286363 +37424,-0.38164877085128057,2,-0.08756957685828413 -0.23460917385478236 -0.4296301130290862 -0.6726323943811956 -0.6803713205389079 -0.7995507833676472 -0.8955134677232585 -0.938851454206442 -0.9961195077734918 -1.1942360174108857 -1.0115973600889163 -0.9682593736057415 -1.0796999102767686 -1.0657698431928935 -1.008501789625835 -1.0239796419412508 -1.1416113195384492 -1.0673176284244341 -0.8908701120286363 -0.643224474981896 +37425,-0.19127118737159884,2,-0.23460917385478236 -0.4296301130290862 -0.6726323943811956 -0.6803713205389079 -0.7995507833676472 -0.8955134677232585 -0.938851454206442 -0.9961195077734918 -1.1942360174108857 -1.0115973600889163 -0.9682593736057415 -1.0796999102767686 -1.0657698431928935 -1.008501789625835 -1.0239796419412508 -1.1416113195384492 -1.0673176284244341 -0.8908701120286363 -0.643224474981896 -0.38164877085128057 +37426,-0.008632530049629385,2,-0.4296301130290862 -0.6726323943811956 -0.6803713205389079 -0.7995507833676472 -0.8955134677232585 -0.938851454206442 -0.9961195077734918 -1.1942360174108857 -1.0115973600889163 -0.9682593736057415 -1.0796999102767686 -1.0657698431928935 -1.008501789625835 -1.0239796419412508 -1.1416113195384492 -1.0673176284244341 -0.8908701120286363 -0.643224474981896 -0.38164877085128057 -0.19127118737159884 +37427,0.25294317408098604,2,-0.6726323943811956 -0.6803713205389079 -0.7995507833676472 -0.8955134677232585 -0.938851454206442 -0.9961195077734918 -1.1942360174108857 -1.0115973600889163 -0.9682593736057415 -1.0796999102767686 -1.0657698431928935 -1.008501789625835 -1.0239796419412508 -1.1416113195384492 -1.0673176284244341 -0.8908701120286363 -0.643224474981896 -0.38164877085128057 -0.19127118737159884 -0.008632530049629385 +37428,0.34581028797350705,2,-0.6803713205389079 -0.7995507833676472 -0.8955134677232585 -0.938851454206442 -0.9961195077734918 -1.1942360174108857 -1.0115973600889163 -0.9682593736057415 -1.0796999102767686 -1.0657698431928935 -1.008501789625835 -1.0239796419412508 -1.1416113195384492 -1.0673176284244341 -0.8908701120286363 -0.643224474981896 -0.38164877085128057 -0.19127118737159884 -0.008632530049629385 0.25294317408098604 +37429,0.24520424792327375,2,-0.7995507833676472 -0.8955134677232585 -0.938851454206442 -0.9961195077734918 -1.1942360174108857 -1.0115973600889163 -0.9682593736057415 -1.0796999102767686 -1.0657698431928935 -1.008501789625835 -1.0239796419412508 -1.1416113195384492 -1.0673176284244341 -0.8908701120286363 -0.643224474981896 -0.38164877085128057 -0.19127118737159884 -0.008632530049629385 0.25294317408098604 0.34581028797350705 +37430,0.0006541813396235972,2,-0.8955134677232585 -0.938851454206442 -0.9961195077734918 -1.1942360174108857 -1.0115973600889163 -0.9682593736057415 -1.0796999102767686 -1.0657698431928935 -1.008501789625835 -1.0239796419412508 -1.1416113195384492 -1.0673176284244341 -0.8908701120286363 -0.643224474981896 -0.38164877085128057 -0.19127118737159884 -0.008632530049629385 0.25294317408098604 0.34581028797350705 0.24520424792327375 +37431,-0.14019427473071183,2,-0.938851454206442 -0.9961195077734918 -1.1942360174108857 -1.0115973600889163 -0.9682593736057415 -1.0796999102767686 -1.0657698431928935 -1.008501789625835 -1.0239796419412508 -1.1416113195384492 -1.0673176284244341 -0.8908701120286363 -0.643224474981896 -0.38164877085128057 -0.19127118737159884 -0.008632530049629385 0.25294317408098604 0.34581028797350705 0.24520424792327375 0.0006541813396235972 +37432,-0.19127118737159884,2,-0.9961195077734918 -1.1942360174108857 -1.0115973600889163 -0.9682593736057415 -1.0796999102767686 -1.0657698431928935 -1.008501789625835 -1.0239796419412508 -1.1416113195384492 -1.0673176284244341 -0.8908701120286363 -0.643224474981896 -0.38164877085128057 -0.19127118737159884 -0.008632530049629385 0.25294317408098604 0.34581028797350705 0.24520424792327375 0.0006541813396235972 -0.14019427473071183 +37433,-0.38474434131436197,2,-1.1942360174108857 -1.0115973600889163 -0.9682593736057415 -1.0796999102767686 -1.0657698431928935 -1.008501789625835 -1.0239796419412508 -1.1416113195384492 -1.0673176284244341 -0.8908701120286363 -0.643224474981896 -0.38164877085128057 -0.19127118737159884 -0.008632530049629385 0.25294317408098604 0.34581028797350705 0.24520424792327375 0.0006541813396235972 -0.14019427473071183 -0.19127118737159884 +37434,-0.5194016564585259,2,-1.0115973600889163 -0.9682593736057415 -1.0796999102767686 -1.0657698431928935 -1.008501789625835 -1.0239796419412508 -1.1416113195384492 -1.0673176284244341 -0.8908701120286363 -0.643224474981896 -0.38164877085128057 -0.19127118737159884 -0.008632530049629385 0.25294317408098604 0.34581028797350705 0.24520424792327375 0.0006541813396235972 -0.14019427473071183 -0.19127118737159884 -0.38474434131436197 +37435,-0.5224972269216073,2,-0.9682593736057415 -1.0796999102767686 -1.0657698431928935 -1.008501789625835 -1.0239796419412508 -1.1416113195384492 -1.0673176284244341 -0.8908701120286363 -0.643224474981896 -0.38164877085128057 -0.19127118737159884 -0.008632530049629385 0.25294317408098604 0.34581028797350705 0.24520424792327375 0.0006541813396235972 -0.14019427473071183 -0.19127118737159884 -0.38474434131436197 -0.5194016564585259 +37436,-0.5611918577101599,2,-1.0796999102767686 -1.0657698431928935 -1.008501789625835 -1.0239796419412508 -1.1416113195384492 -1.0673176284244341 -0.8908701120286363 -0.643224474981896 -0.38164877085128057 -0.19127118737159884 -0.008632530049629385 0.25294317408098604 0.34581028797350705 0.24520424792327375 0.0006541813396235972 -0.14019427473071183 -0.19127118737159884 -0.38474434131436197 -0.5194016564585259 -0.5224972269216073 +37437,-0.5875042066463781,2,-1.0657698431928935 -1.008501789625835 -1.0239796419412508 -1.1416113195384492 -1.0673176284244341 -0.8908701120286363 -0.643224474981896 -0.38164877085128057 -0.19127118737159884 -0.008632530049629385 0.25294317408098604 0.34581028797350705 0.24520424792327375 0.0006541813396235972 -0.14019427473071183 -0.19127118737159884 -0.38474434131436197 -0.5194016564585259 -0.5224972269216073 -0.5611918577101599 +37438,-0.7283526627167135,2,-1.008501789625835 -1.0239796419412508 -1.1416113195384492 -1.0673176284244341 -0.8908701120286363 -0.643224474981896 -0.38164877085128057 -0.19127118737159884 -0.008632530049629385 0.25294317408098604 0.34581028797350705 0.24520424792327375 0.0006541813396235972 -0.14019427473071183 -0.19127118737159884 -0.38474434131436197 -0.5194016564585259 -0.5224972269216073 -0.5611918577101599 -0.5875042066463781 +37439,-0.8320542732300282,2,-1.0239796419412508 -1.1416113195384492 -1.0673176284244341 -0.8908701120286363 -0.643224474981896 -0.38164877085128057 -0.19127118737159884 -0.008632530049629385 0.25294317408098604 0.34581028797350705 0.24520424792327375 0.0006541813396235972 -0.14019427473071183 -0.19127118737159884 -0.38474434131436197 -0.5194016564585259 -0.5224972269216073 -0.5611918577101599 -0.5875042066463781 -0.7283526627167135 +37440,-0.8692011187870402,2,-1.1416113195384492 -1.0673176284244341 -0.8908701120286363 -0.643224474981896 -0.38164877085128057 -0.19127118737159884 -0.008632530049629385 0.25294317408098604 0.34581028797350705 0.24520424792327375 0.0006541813396235972 -0.14019427473071183 -0.19127118737159884 -0.38474434131436197 -0.5194016564585259 -0.5224972269216073 -0.5611918577101599 -0.5875042066463781 -0.7283526627167135 -0.8320542732300282 +37441,-0.9078957495755928,2,-1.0673176284244341 -0.8908701120286363 -0.643224474981896 -0.38164877085128057 -0.19127118737159884 -0.008632530049629385 0.25294317408098604 0.34581028797350705 0.24520424792327375 0.0006541813396235972 -0.14019427473071183 -0.19127118737159884 -0.38474434131436197 -0.5194016564585259 -0.5224972269216073 -0.5611918577101599 -0.5875042066463781 -0.7283526627167135 -0.8320542732300282 -0.8692011187870402 +37442,-0.9605204474480293,2,-0.8908701120286363 -0.643224474981896 -0.38164877085128057 -0.19127118737159884 -0.008632530049629385 0.25294317408098604 0.34581028797350705 0.24520424792327375 0.0006541813396235972 -0.14019427473071183 -0.19127118737159884 -0.38474434131436197 -0.5194016564585259 -0.5224972269216073 -0.5611918577101599 -0.5875042066463781 -0.7283526627167135 -0.8320542732300282 -0.8692011187870402 -0.9078957495755928 +37443,-1.0379097090251346,2,-0.643224474981896 -0.38164877085128057 -0.19127118737159884 -0.008632530049629385 0.25294317408098604 0.34581028797350705 0.24520424792327375 0.0006541813396235972 -0.14019427473071183 -0.19127118737159884 -0.38474434131436197 -0.5194016564585259 -0.5224972269216073 -0.5611918577101599 -0.5875042066463781 -0.7283526627167135 -0.8320542732300282 -0.8692011187870402 -0.9078957495755928 -0.9605204474480293 +37444,-1.073508769350597,2,-0.38164877085128057 -0.19127118737159884 -0.008632530049629385 0.25294317408098604 0.34581028797350705 0.24520424792327375 0.0006541813396235972 -0.14019427473071183 -0.19127118737159884 -0.38474434131436197 -0.5194016564585259 -0.5224972269216073 -0.5611918577101599 -0.5875042066463781 -0.7283526627167135 -0.8320542732300282 -0.8692011187870402 -0.9078957495755928 -0.9605204474480293 -1.0379097090251346 +37445,-0.8506276960085343,2,-0.19127118737159884 -0.008632530049629385 0.25294317408098604 0.34581028797350705 0.24520424792327375 0.0006541813396235972 -0.14019427473071183 -0.19127118737159884 -0.38474434131436197 -0.5194016564585259 -0.5224972269216073 -0.5611918577101599 -0.5875042066463781 -0.7283526627167135 -0.8320542732300282 -0.8692011187870402 -0.9078957495755928 -0.9605204474480293 -1.0379097090251346 -1.073508769350597 +37446,-0.40641333455594936,2,-0.008632530049629385 0.25294317408098604 0.34581028797350705 0.24520424792327375 0.0006541813396235972 -0.14019427473071183 -0.19127118737159884 -0.38474434131436197 -0.5194016564585259 -0.5224972269216073 -0.5611918577101599 -0.5875042066463781 -0.7283526627167135 -0.8320542732300282 -0.8692011187870402 -0.9078957495755928 -0.9605204474480293 -1.0379097090251346 -1.073508769350597 -0.8506276960085343 +37447,0.08733015430598183,2,0.25294317408098604 0.34581028797350705 0.24520424792327375 0.0006541813396235972 -0.14019427473071183 -0.19127118737159884 -0.38474434131436197 -0.5194016564585259 -0.5224972269216073 -0.5611918577101599 -0.5875042066463781 -0.7283526627167135 -0.8320542732300282 -0.8692011187870402 -0.9078957495755928 -0.9605204474480293 -1.0379097090251346 -1.073508769350597 -0.8506276960085343 -0.40641333455594936 +37448,0.4278429052452432,2,0.34581028797350705 0.24520424792327375 0.0006541813396235972 -0.14019427473071183 -0.19127118737159884 -0.38474434131436197 -0.5194016564585259 -0.5224972269216073 -0.5611918577101599 -0.5875042066463781 -0.7283526627167135 -0.8320542732300282 -0.8692011187870402 -0.9078957495755928 -0.9605204474480293 -1.0379097090251346 -1.073508769350597 -0.8506276960085343 -0.40641333455594936 0.08733015430598183 +37449,0.6863230389127685,2,0.24520424792327375 0.0006541813396235972 -0.14019427473071183 -0.19127118737159884 -0.38474434131436197 -0.5194016564585259 -0.5224972269216073 -0.5611918577101599 -0.5875042066463781 -0.7283526627167135 -0.8320542732300282 -0.8692011187870402 -0.9078957495755928 -0.9605204474480293 -1.0379097090251346 -1.073508769350597 -0.8506276960085343 -0.40641333455594936 0.08733015430598183 0.4278429052452432 +37450,0.8643183405401158,2,0.0006541813396235972 -0.14019427473071183 -0.19127118737159884 -0.38474434131436197 -0.5194016564585259 -0.5224972269216073 -0.5611918577101599 -0.5875042066463781 -0.7283526627167135 -0.8320542732300282 -0.8692011187870402 -0.9078957495755928 -0.9605204474480293 -1.0379097090251346 -1.073508769350597 -0.8506276960085343 -0.40641333455594936 0.08733015430598183 0.4278429052452432 0.6863230389127685 +37451,0.8318148506777348,2,-0.14019427473071183 -0.19127118737159884 -0.38474434131436197 -0.5194016564585259 -0.5224972269216073 -0.5611918577101599 -0.5875042066463781 -0.7283526627167135 -0.8320542732300282 -0.8692011187870402 -0.9078957495755928 -0.9605204474480293 -1.0379097090251346 -1.073508769350597 -0.8506276960085343 -0.40641333455594936 0.08733015430598183 0.4278429052452432 0.6863230389127685 0.8643183405401158 +37452,0.7281132401644113,2,-0.19127118737159884 -0.38474434131436197 -0.5194016564585259 -0.5224972269216073 -0.5611918577101599 -0.5875042066463781 -0.7283526627167135 -0.8320542732300282 -0.8692011187870402 -0.9078957495755928 -0.9605204474480293 -1.0379097090251346 -1.073508769350597 -0.8506276960085343 -0.40641333455594936 0.08733015430598183 0.4278429052452432 0.6863230389127685 0.8643183405401158 0.8318148506777348 +37453,0.4897543145069239,2,-0.38474434131436197 -0.5194016564585259 -0.5224972269216073 -0.5611918577101599 -0.5875042066463781 -0.7283526627167135 -0.8320542732300282 -0.8692011187870402 -0.9078957495755928 -0.9605204474480293 -1.0379097090251346 -1.073508769350597 -0.8506276960085343 -0.40641333455594936 0.08733015430598183 0.4278429052452432 0.6863230389127685 0.8643183405401158 0.8318148506777348 0.7281132401644113 +37454,0.24365646269173305,2,-0.5194016564585259 -0.5224972269216073 -0.5611918577101599 -0.5875042066463781 -0.7283526627167135 -0.8320542732300282 -0.8692011187870402 -0.9078957495755928 -0.9605204474480293 -1.0379097090251346 -1.073508769350597 -0.8506276960085343 -0.40641333455594936 0.08733015430598183 0.4278429052452432 0.6863230389127685 0.8643183405401158 0.8318148506777348 0.7281132401644113 0.4897543145069239 +37455,0.105903577084479,2,-0.5224972269216073 -0.5611918577101599 -0.5875042066463781 -0.7283526627167135 -0.8320542732300282 -0.8692011187870402 -0.9078957495755928 -0.9605204474480293 -1.0379097090251346 -1.073508769350597 -0.8506276960085343 -0.40641333455594936 0.08733015430598183 0.4278429052452432 0.6863230389127685 0.8643183405401158 0.8318148506777348 0.7281132401644113 0.4897543145069239 0.24365646269173305 +37456,-0.09840407347907781,2,-0.5611918577101599 -0.5875042066463781 -0.7283526627167135 -0.8320542732300282 -0.8692011187870402 -0.9078957495755928 -0.9605204474480293 -1.0379097090251346 -1.073508769350597 -0.8506276960085343 -0.40641333455594936 0.08733015430598183 0.4278429052452432 0.6863230389127685 0.8643183405401158 0.8318148506777348 0.7281132401644113 0.4897543145069239 0.24365646269173305 0.105903577084479 +37457,-0.09530850301598763,2,-0.5875042066463781 -0.7283526627167135 -0.8320542732300282 -0.8692011187870402 -0.9078957495755928 -0.9605204474480293 -1.0379097090251346 -1.073508769350597 -0.8506276960085343 -0.40641333455594936 0.08733015430598183 0.4278429052452432 0.6863230389127685 0.8643183405401158 0.8318148506777348 0.7281132401644113 0.4897543145069239 0.24365646269173305 0.105903577084479 -0.09840407347907781 +37458,-0.3166417911265097,2,-0.7283526627167135 -0.8320542732300282 -0.8692011187870402 -0.9078957495755928 -0.9605204474480293 -1.0379097090251346 -1.073508769350597 -0.8506276960085343 -0.40641333455594936 0.08733015430598183 0.4278429052452432 0.6863230389127685 0.8643183405401158 0.8318148506777348 0.7281132401644113 0.4897543145069239 0.24365646269173305 0.105903577084479 -0.09840407347907781 -0.09530850301598763 +37459,-0.3537886366835216,2,-0.8320542732300282 -0.8692011187870402 -0.9078957495755928 -0.9605204474480293 -1.0379097090251346 -1.073508769350597 -0.8506276960085343 -0.40641333455594936 0.08733015430598183 0.4278429052452432 0.6863230389127685 0.8643183405401158 0.8318148506777348 0.7281132401644113 0.4897543145069239 0.24365646269173305 0.105903577084479 -0.09840407347907781 -0.09530850301598763 -0.3166417911265097 +37460,-0.36462313330431534,2,-0.8692011187870402 -0.9078957495755928 -0.9605204474480293 -1.0379097090251346 -1.073508769350597 -0.8506276960085343 -0.40641333455594936 0.08733015430598183 0.4278429052452432 0.6863230389127685 0.8643183405401158 0.8318148506777348 0.7281132401644113 0.4897543145069239 0.24365646269173305 0.105903577084479 -0.09840407347907781 -0.09530850301598763 -0.3166417911265097 -0.3537886366835216 +37461,-0.40641333455594936,2,-0.9078957495755928 -0.9605204474480293 -1.0379097090251346 -1.073508769350597 -0.8506276960085343 -0.40641333455594936 0.08733015430598183 0.4278429052452432 0.6863230389127685 0.8643183405401158 0.8318148506777348 0.7281132401644113 0.4897543145069239 0.24365646269173305 0.105903577084479 -0.09840407347907781 -0.09530850301598763 -0.3166417911265097 -0.3537886366835216 -0.36462313330431534 +37462,-0.36617091853585604,2,-0.9605204474480293 -1.0379097090251346 -1.073508769350597 -0.8506276960085343 -0.40641333455594936 0.08733015430598183 0.4278429052452432 0.6863230389127685 0.8643183405401158 0.8318148506777348 0.7281132401644113 0.4897543145069239 0.24365646269173305 0.105903577084479 -0.09840407347907781 -0.09530850301598763 -0.3166417911265097 -0.3537886366835216 -0.36462313330431534 -0.40641333455594936 +37463,-0.46832474381763883,2,-1.0379097090251346 -1.073508769350597 -0.8506276960085343 -0.40641333455594936 0.08733015430598183 0.4278429052452432 0.6863230389127685 0.8643183405401158 0.8318148506777348 0.7281132401644113 0.4897543145069239 0.24365646269173305 0.105903577084479 -0.09840407347907781 -0.09530850301598763 -0.3166417911265097 -0.3537886366835216 -0.36462313330431534 -0.40641333455594936 -0.36617091853585604 +37464,-0.6509634011396083,2,-1.073508769350597 -0.8506276960085343 -0.40641333455594936 0.08733015430598183 0.4278429052452432 0.6863230389127685 0.8643183405401158 0.8318148506777348 0.7281132401644113 0.4897543145069239 0.24365646269173305 0.105903577084479 -0.09840407347907781 -0.09530850301598763 -0.3166417911265097 -0.3537886366835216 -0.36462313330431534 -0.40641333455594936 -0.36617091853585604 -0.46832474381763883 +37465,-0.7113270251697483,2,-0.8506276960085343 -0.40641333455594936 0.08733015430598183 0.4278429052452432 0.6863230389127685 0.8643183405401158 0.8318148506777348 0.7281132401644113 0.4897543145069239 0.24365646269173305 0.105903577084479 -0.09840407347907781 -0.09530850301598763 -0.3166417911265097 -0.3537886366835216 -0.36462313330431534 -0.40641333455594936 -0.36617091853585604 -0.46832474381763883 -0.6509634011396083 +37466,-0.791811857209935,2,-0.40641333455594936 0.08733015430598183 0.4278429052452432 0.6863230389127685 0.8643183405401158 0.8318148506777348 0.7281132401644113 0.4897543145069239 0.24365646269173305 0.105903577084479 -0.09840407347907781 -0.09530850301598763 -0.3166417911265097 -0.3537886366835216 -0.36462313330431534 -0.40641333455594936 -0.36617091853585604 -0.46832474381763883 -0.6509634011396083 -0.7113270251697483 +37467,-0.8041941390622781,2,0.08733015430598183 0.4278429052452432 0.6863230389127685 0.8643183405401158 0.8318148506777348 0.7281132401644113 0.4897543145069239 0.24365646269173305 0.105903577084479 -0.09840407347907781 -0.09530850301598763 -0.3166417911265097 -0.3537886366835216 -0.36462313330431534 -0.40641333455594936 -0.36617091853585604 -0.46832474381763883 -0.6509634011396083 -0.7113270251697483 -0.791811857209935 +37468,-0.8103852799884409,2,0.4278429052452432 0.6863230389127685 0.8643183405401158 0.8318148506777348 0.7281132401644113 0.4897543145069239 0.24365646269173305 0.105903577084479 -0.09840407347907781 -0.09530850301598763 -0.3166417911265097 -0.3537886366835216 -0.36462313330431534 -0.40641333455594936 -0.36617091853585604 -0.46832474381763883 -0.6509634011396083 -0.7113270251697483 -0.791811857209935 -0.8041941390622781 +37469,-0.8212197766092346,2,0.6863230389127685 0.8643183405401158 0.8318148506777348 0.7281132401644113 0.4897543145069239 0.24365646269173305 0.105903577084479 -0.09840407347907781 -0.09530850301598763 -0.3166417911265097 -0.3537886366835216 -0.36462313330431534 -0.40641333455594936 -0.36617091853585604 -0.46832474381763883 -0.6509634011396083 -0.7113270251697483 -0.791811857209935 -0.8041941390622781 -0.8103852799884409 +37470,-0.7268048774851729,2,0.8643183405401158 0.8318148506777348 0.7281132401644113 0.4897543145069239 0.24365646269173305 0.105903577084479 -0.09840407347907781 -0.09530850301598763 -0.3166417911265097 -0.3537886366835216 -0.36462313330431534 -0.40641333455594936 -0.36617091853585604 -0.46832474381763883 -0.6509634011396083 -0.7113270251697483 -0.791811857209935 -0.8041941390622781 -0.8103852799884409 -0.8212197766092346 +37471,-0.6679890386865736,2,0.8318148506777348 0.7281132401644113 0.4897543145069239 0.24365646269173305 0.105903577084479 -0.09840407347907781 -0.09530850301598763 -0.3166417911265097 -0.3537886366835216 -0.36462313330431534 -0.40641333455594936 -0.36617091853585604 -0.46832474381763883 -0.6509634011396083 -0.7113270251697483 -0.791811857209935 -0.8041941390622781 -0.8103852799884409 -0.8212197766092346 -0.7268048774851729 +37472,-0.6060776294248841,2,0.7281132401644113 0.4897543145069239 0.24365646269173305 0.105903577084479 -0.09840407347907781 -0.09530850301598763 -0.3166417911265097 -0.3537886366835216 -0.36462313330431534 -0.40641333455594936 -0.36617091853585604 -0.46832474381763883 -0.6509634011396083 -0.7113270251697483 -0.791811857209935 -0.8041941390622781 -0.8103852799884409 -0.8212197766092346 -0.7268048774851729 -0.6679890386865736 +37473,-0.45903803242838587,2,0.4897543145069239 0.24365646269173305 0.105903577084479 -0.09840407347907781 -0.09530850301598763 -0.3166417911265097 -0.3537886366835216 -0.36462313330431534 -0.40641333455594936 -0.36617091853585604 -0.46832474381763883 -0.6509634011396083 -0.7113270251697483 -0.791811857209935 -0.8041941390622781 -0.8103852799884409 -0.8212197766092346 -0.7268048774851729 -0.6679890386865736 -0.6060776294248841 +37474,-0.29652058311646307,2,0.24365646269173305 0.105903577084479 -0.09840407347907781 -0.09530850301598763 -0.3166417911265097 -0.3537886366835216 -0.36462313330431534 -0.40641333455594936 -0.36617091853585604 -0.46832474381763883 -0.6509634011396083 -0.7113270251697483 -0.791811857209935 -0.8041941390622781 -0.8103852799884409 -0.8212197766092346 -0.7268048774851729 -0.6679890386865736 -0.6060776294248841 -0.45903803242838587 +37475,-0.25318259663328835,2,0.105903577084479 -0.09840407347907781 -0.09530850301598763 -0.3166417911265097 -0.3537886366835216 -0.36462313330431534 -0.40641333455594936 -0.36617091853585604 -0.46832474381763883 -0.6509634011396083 -0.7113270251697483 -0.791811857209935 -0.8041941390622781 -0.8103852799884409 -0.8212197766092346 -0.7268048774851729 -0.6679890386865736 -0.6060776294248841 -0.45903803242838587 -0.29652058311646307 +37476,-0.28413830126412865,2,-0.09840407347907781 -0.09530850301598763 -0.3166417911265097 -0.3537886366835216 -0.36462313330431534 -0.40641333455594936 -0.36617091853585604 -0.46832474381763883 -0.6509634011396083 -0.7113270251697483 -0.791811857209935 -0.8041941390622781 -0.8103852799884409 -0.8212197766092346 -0.7268048774851729 -0.6679890386865736 -0.6060776294248841 -0.45903803242838587 -0.29652058311646307 -0.25318259663328835 +37477,-0.30425950927417533,2,-0.09530850301598763 -0.3166417911265097 -0.3537886366835216 -0.36462313330431534 -0.40641333455594936 -0.36617091853585604 -0.46832474381763883 -0.6509634011396083 -0.7113270251697483 -0.791811857209935 -0.8041941390622781 -0.8103852799884409 -0.8212197766092346 -0.7268048774851729 -0.6679890386865736 -0.6060776294248841 -0.45903803242838587 -0.29652058311646307 -0.25318259663328835 -0.28413830126412865 +37478,-0.46677695858609813,2,-0.3166417911265097 -0.3537886366835216 -0.36462313330431534 -0.40641333455594936 -0.36617091853585604 -0.46832474381763883 -0.6509634011396083 -0.7113270251697483 -0.791811857209935 -0.8041941390622781 -0.8103852799884409 -0.8212197766092346 -0.7268048774851729 -0.6679890386865736 -0.6060776294248841 -0.45903803242838587 -0.29652058311646307 -0.25318259663328835 -0.28413830126412865 -0.30425950927417533 +37479,-0.5952431328040904,2,-0.3537886366835216 -0.36462313330431534 -0.40641333455594936 -0.36617091853585604 -0.46832474381763883 -0.6509634011396083 -0.7113270251697483 -0.791811857209935 -0.8041941390622781 -0.8103852799884409 -0.8212197766092346 -0.7268048774851729 -0.6679890386865736 -0.6060776294248841 -0.45903803242838587 -0.29652058311646307 -0.25318259663328835 -0.28413830126412865 -0.30425950927417533 -0.46677695858609813 +37480,-0.6602501125288612,2,-0.36462313330431534 -0.40641333455594936 -0.36617091853585604 -0.46832474381763883 -0.6509634011396083 -0.7113270251697483 -0.791811857209935 -0.8041941390622781 -0.8103852799884409 -0.8212197766092346 -0.7268048774851729 -0.6679890386865736 -0.6060776294248841 -0.45903803242838587 -0.29652058311646307 -0.25318259663328835 -0.28413830126412865 -0.30425950927417533 -0.46677695858609813 -0.5952431328040904 +37481,-0.7082314547066669,2,-0.40641333455594936 -0.36617091853585604 -0.46832474381763883 -0.6509634011396083 -0.7113270251697483 -0.791811857209935 -0.8041941390622781 -0.8103852799884409 -0.8212197766092346 -0.7268048774851729 -0.6679890386865736 -0.6060776294248841 -0.45903803242838587 -0.29652058311646307 -0.25318259663328835 -0.28413830126412865 -0.30425950927417533 -0.46677695858609813 -0.5952431328040904 -0.6602501125288612 +37482,-0.7159703808643704,2,-0.36617091853585604 -0.46832474381763883 -0.6509634011396083 -0.7113270251697483 -0.791811857209935 -0.8041941390622781 -0.8103852799884409 -0.8212197766092346 -0.7268048774851729 -0.6679890386865736 -0.6060776294248841 -0.45903803242838587 -0.29652058311646307 -0.25318259663328835 -0.28413830126412865 -0.30425950927417533 -0.46677695858609813 -0.5952431328040904 -0.6602501125288612 -0.7082314547066669 +37483,-0.7670472935052661,2,-0.46832474381763883 -0.6509634011396083 -0.7113270251697483 -0.791811857209935 -0.8041941390622781 -0.8103852799884409 -0.8212197766092346 -0.7268048774851729 -0.6679890386865736 -0.6060776294248841 -0.45903803242838587 -0.29652058311646307 -0.25318259663328835 -0.28413830126412865 -0.30425950927417533 -0.46677695858609813 -0.5952431328040904 -0.6602501125288612 -0.7082314547066669 -0.7159703808643704 +37484,-0.8552710517031651,2,-0.6509634011396083 -0.7113270251697483 -0.791811857209935 -0.8041941390622781 -0.8103852799884409 -0.8212197766092346 -0.7268048774851729 -0.6679890386865736 -0.6060776294248841 -0.45903803242838587 -0.29652058311646307 -0.25318259663328835 -0.28413830126412865 -0.30425950927417533 -0.46677695858609813 -0.5952431328040904 -0.6602501125288612 -0.7082314547066669 -0.7159703808643704 -0.7670472935052661 +37485,-0.8692011187870402,2,-0.7113270251697483 -0.791811857209935 -0.8041941390622781 -0.8103852799884409 -0.8212197766092346 -0.7268048774851729 -0.6679890386865736 -0.6060776294248841 -0.45903803242838587 -0.29652058311646307 -0.25318259663328835 -0.28413830126412865 -0.30425950927417533 -0.46677695858609813 -0.5952431328040904 -0.6602501125288612 -0.7082314547066669 -0.7159703808643704 -0.7670472935052661 -0.8552710517031651 +37486,-0.920278031427936,2,-0.791811857209935 -0.8041941390622781 -0.8103852799884409 -0.8212197766092346 -0.7268048774851729 -0.6679890386865736 -0.6060776294248841 -0.45903803242838587 -0.29652058311646307 -0.25318259663328835 -0.28413830126412865 -0.30425950927417533 -0.46677695858609813 -0.5952431328040904 -0.6602501125288612 -0.7082314547066669 -0.7159703808643704 -0.7670472935052661 -0.8552710517031651 -0.8692011187870402 +37487,-0.971354944068823,2,-0.8041941390622781 -0.8103852799884409 -0.8212197766092346 -0.7268048774851729 -0.6679890386865736 -0.6060776294248841 -0.45903803242838587 -0.29652058311646307 -0.25318259663328835 -0.28413830126412865 -0.30425950927417533 -0.46677695858609813 -0.5952431328040904 -0.6602501125288612 -0.7082314547066669 -0.7159703808643704 -0.7670472935052661 -0.8552710517031651 -0.8692011187870402 -0.920278031427936 +37488,-1.101368903518356,2,-0.8103852799884409 -0.8212197766092346 -0.7268048774851729 -0.6679890386865736 -0.6060776294248841 -0.45903803242838587 -0.29652058311646307 -0.25318259663328835 -0.28413830126412865 -0.30425950927417533 -0.46677695858609813 -0.5952431328040904 -0.6602501125288612 -0.7082314547066669 -0.7159703808643704 -0.7670472935052661 -0.8552710517031651 -0.8692011187870402 -0.920278031427936 -0.971354944068823 +37489,-1.1400635343069085,2,-0.8212197766092346 -0.7268048774851729 -0.6679890386865736 -0.6060776294248841 -0.45903803242838587 -0.29652058311646307 -0.25318259663328835 -0.28413830126412865 -0.30425950927417533 -0.46677695858609813 -0.5952431328040904 -0.6602501125288612 -0.7082314547066669 -0.7159703808643704 -0.7670472935052661 -0.8552710517031651 -0.8692011187870402 -0.920278031427936 -0.971354944068823 -1.101368903518356 +37490,-1.1416113195384492,2,-0.7268048774851729 -0.6679890386865736 -0.6060776294248841 -0.45903803242838587 -0.29652058311646307 -0.25318259663328835 -0.28413830126412865 -0.30425950927417533 -0.46677695858609813 -0.5952431328040904 -0.6602501125288612 -0.7082314547066669 -0.7159703808643704 -0.7670472935052661 -0.8552710517031651 -0.8692011187870402 -0.920278031427936 -0.971354944068823 -1.101368903518356 -1.1400635343069085 +37491,-1.059578702266722,2,-0.6679890386865736 -0.6060776294248841 -0.45903803242838587 -0.29652058311646307 -0.25318259663328835 -0.28413830126412865 -0.30425950927417533 -0.46677695858609813 -0.5952431328040904 -0.6602501125288612 -0.7082314547066669 -0.7159703808643704 -0.7670472935052661 -0.8552710517031651 -0.8692011187870402 -0.920278031427936 -0.971354944068823 -1.101368903518356 -1.1400635343069085 -1.1416113195384492 +37492,-1.050291990877469,2,-0.6060776294248841 -0.45903803242838587 -0.29652058311646307 -0.25318259663328835 -0.28413830126412865 -0.30425950927417533 -0.46677695858609813 -0.5952431328040904 -0.6602501125288612 -0.7082314547066669 -0.7159703808643704 -0.7670472935052661 -0.8552710517031651 -0.8692011187870402 -0.920278031427936 -0.971354944068823 -1.101368903518356 -1.1400635343069085 -1.1416113195384492 -1.059578702266722 +37493,-1.0379097090251346,2,-0.45903803242838587 -0.29652058311646307 -0.25318259663328835 -0.28413830126412865 -0.30425950927417533 -0.46677695858609813 -0.5952431328040904 -0.6602501125288612 -0.7082314547066669 -0.7159703808643704 -0.7670472935052661 -0.8552710517031651 -0.8692011187870402 -0.920278031427936 -0.971354944068823 -1.101368903518356 -1.1400635343069085 -1.1416113195384492 -1.059578702266722 -1.050291990877469 +37494,-0.9032523938809707,2,-0.29652058311646307 -0.25318259663328835 -0.28413830126412865 -0.30425950927417533 -0.46677695858609813 -0.5952431328040904 -0.6602501125288612 -0.7082314547066669 -0.7159703808643704 -0.7670472935052661 -0.8552710517031651 -0.8692011187870402 -0.920278031427936 -0.971354944068823 -1.101368903518356 -1.1400635343069085 -1.1416113195384492 -1.059578702266722 -1.050291990877469 -1.0379097090251346 +37495,-0.8057419242938189,2,-0.25318259663328835 -0.28413830126412865 -0.30425950927417533 -0.46677695858609813 -0.5952431328040904 -0.6602501125288612 -0.7082314547066669 -0.7159703808643704 -0.7670472935052661 -0.8552710517031651 -0.8692011187870402 -0.920278031427936 -0.971354944068823 -1.101368903518356 -1.1400635343069085 -1.1416113195384492 -1.059578702266722 -1.050291990877469 -1.0379097090251346 -0.9032523938809707 +37496,-0.7670472935052661,2,-0.28413830126412865 -0.30425950927417533 -0.46677695858609813 -0.5952431328040904 -0.6602501125288612 -0.7082314547066669 -0.7159703808643704 -0.7670472935052661 -0.8552710517031651 -0.8692011187870402 -0.920278031427936 -0.971354944068823 -1.101368903518356 -1.1400635343069085 -1.1416113195384492 -1.059578702266722 -1.050291990877469 -1.0379097090251346 -0.9032523938809707 -0.8057419242938189 +37497,-0.661797897760402,2,-0.30425950927417533 -0.46677695858609813 -0.5952431328040904 -0.6602501125288612 -0.7082314547066669 -0.7159703808643704 -0.7670472935052661 -0.8552710517031651 -0.8692011187870402 -0.920278031427936 -0.971354944068823 -1.101368903518356 -1.1400635343069085 -1.1416113195384492 -1.059578702266722 -1.050291990877469 -1.0379097090251346 -0.9032523938809707 -0.8057419242938189 -0.7670472935052661 +37498,-0.6292944078980209,2,-0.46677695858609813 -0.5952431328040904 -0.6602501125288612 -0.7082314547066669 -0.7159703808643704 -0.7670472935052661 -0.8552710517031651 -0.8692011187870402 -0.920278031427936 -0.971354944068823 -1.101368903518356 -1.1400635343069085 -1.1416113195384492 -1.059578702266722 -1.050291990877469 -1.0379097090251346 -0.9032523938809707 -0.8057419242938189 -0.7670472935052661 -0.661797897760402 +37499,-0.5642874281732501,2,-0.5952431328040904 -0.6602501125288612 -0.7082314547066669 -0.7159703808643704 -0.7670472935052661 -0.8552710517031651 -0.8692011187870402 -0.920278031427936 -0.971354944068823 -1.101368903518356 -1.1400635343069085 -1.1416113195384492 -1.059578702266722 -1.050291990877469 -1.0379097090251346 -0.9032523938809707 -0.8057419242938189 -0.7670472935052661 -0.661797897760402 -0.6292944078980209 +37500,-0.5317839383108602,2,-0.6602501125288612 -0.7082314547066669 -0.7159703808643704 -0.7670472935052661 -0.8552710517031651 -0.8692011187870402 -0.920278031427936 -0.971354944068823 -1.101368903518356 -1.1400635343069085 -1.1416113195384492 -1.059578702266722 -1.050291990877469 -1.0379097090251346 -0.9032523938809707 -0.8057419242938189 -0.7670472935052661 -0.661797897760402 -0.6292944078980209 -0.5642874281732501 +37501,-0.5395228644685724,2,-0.7082314547066669 -0.7159703808643704 -0.7670472935052661 -0.8552710517031651 -0.8692011187870402 -0.920278031427936 -0.971354944068823 -1.101368903518356 -1.1400635343069085 -1.1416113195384492 -1.059578702266722 -1.050291990877469 -1.0379097090251346 -0.9032523938809707 -0.8057419242938189 -0.7670472935052661 -0.661797897760402 -0.6292944078980209 -0.5642874281732501 -0.5317839383108602 +37502,-0.5611918577101599,2,-0.7159703808643704 -0.7670472935052661 -0.8552710517031651 -0.8692011187870402 -0.920278031427936 -0.971354944068823 -1.101368903518356 -1.1400635343069085 -1.1416113195384492 -1.059578702266722 -1.050291990877469 -1.0379097090251346 -0.9032523938809707 -0.8057419242938189 -0.7670472935052661 -0.661797897760402 -0.6292944078980209 -0.5642874281732501 -0.5317839383108602 -0.5395228644685724 +37503,-0.6648934682234834,2,-0.7670472935052661 -0.8552710517031651 -0.8692011187870402 -0.920278031427936 -0.971354944068823 -1.101368903518356 -1.1400635343069085 -1.1416113195384492 -1.059578702266722 -1.050291990877469 -1.0379097090251346 -0.9032523938809707 -0.8057419242938189 -0.7670472935052661 -0.661797897760402 -0.6292944078980209 -0.5642874281732501 -0.5317839383108602 -0.5395228644685724 -0.5611918577101599 +37504,-0.6989447433174139,2,-0.8552710517031651 -0.8692011187870402 -0.920278031427936 -0.971354944068823 -1.101368903518356 -1.1400635343069085 -1.1416113195384492 -1.059578702266722 -1.050291990877469 -1.0379097090251346 -0.9032523938809707 -0.8057419242938189 -0.7670472935052661 -0.661797897760402 -0.6292944078980209 -0.5642874281732501 -0.5317839383108602 -0.5395228644685724 -0.5611918577101599 -0.6648934682234834 +37505,-0.7097792399382076,2,-0.8692011187870402 -0.920278031427936 -0.971354944068823 -1.101368903518356 -1.1400635343069085 -1.1416113195384492 -1.059578702266722 -1.050291990877469 -1.0379097090251346 -0.9032523938809707 -0.8057419242938189 -0.7670472935052661 -0.661797897760402 -0.6292944078980209 -0.5642874281732501 -0.5317839383108602 -0.5395228644685724 -0.5611918577101599 -0.6648934682234834 -0.6989447433174139 +37506,-0.7175181660959199,2,-0.920278031427936 -0.971354944068823 -1.101368903518356 -1.1400635343069085 -1.1416113195384492 -1.059578702266722 -1.050291990877469 -1.0379097090251346 -0.9032523938809707 -0.8057419242938189 -0.7670472935052661 -0.661797897760402 -0.6292944078980209 -0.5642874281732501 -0.5317839383108602 -0.5395228644685724 -0.5611918577101599 -0.6648934682234834 -0.6989447433174139 -0.7097792399382076 +37507,-0.6772757500758178,2,-0.971354944068823 -1.101368903518356 -1.1400635343069085 -1.1416113195384492 -1.059578702266722 -1.050291990877469 -1.0379097090251346 -0.9032523938809707 -0.8057419242938189 -0.7670472935052661 -0.661797897760402 -0.6292944078980209 -0.5642874281732501 -0.5317839383108602 -0.5395228644685724 -0.5611918577101599 -0.6648934682234834 -0.6989447433174139 -0.7097792399382076 -0.7175181660959199 +37508,-0.6509634011396083,2,-1.101368903518356 -1.1400635343069085 -1.1416113195384492 -1.059578702266722 -1.050291990877469 -1.0379097090251346 -0.9032523938809707 -0.8057419242938189 -0.7670472935052661 -0.661797897760402 -0.6292944078980209 -0.5642874281732501 -0.5317839383108602 -0.5395228644685724 -0.5611918577101599 -0.6648934682234834 -0.6989447433174139 -0.7097792399382076 -0.7175181660959199 -0.6772757500758178 +37509,-0.6633456829919426,2,-1.1400635343069085 -1.1416113195384492 -1.059578702266722 -1.050291990877469 -1.0379097090251346 -0.9032523938809707 -0.8057419242938189 -0.7670472935052661 -0.661797897760402 -0.6292944078980209 -0.5642874281732501 -0.5317839383108602 -0.5395228644685724 -0.5611918577101599 -0.6648934682234834 -0.6989447433174139 -0.7097792399382076 -0.7175181660959199 -0.6772757500758178 -0.6509634011396083 +37510,-0.675727964844277,2,-1.1416113195384492 -1.059578702266722 -1.050291990877469 -1.0379097090251346 -0.9032523938809707 -0.8057419242938189 -0.7670472935052661 -0.661797897760402 -0.6292944078980209 -0.5642874281732501 -0.5317839383108602 -0.5395228644685724 -0.5611918577101599 -0.6648934682234834 -0.6989447433174139 -0.7097792399382076 -0.7175181660959199 -0.6772757500758178 -0.6509634011396083 -0.6633456829919426 +37511,-0.6261988374349308,2,-1.059578702266722 -1.050291990877469 -1.0379097090251346 -0.9032523938809707 -0.8057419242938189 -0.7670472935052661 -0.661797897760402 -0.6292944078980209 -0.5642874281732501 -0.5317839383108602 -0.5395228644685724 -0.5611918577101599 -0.6648934682234834 -0.6989447433174139 -0.7097792399382076 -0.7175181660959199 -0.6772757500758178 -0.6509634011396083 -0.6633456829919426 -0.675727964844277 +37512,-0.6385811192872651,2,-1.050291990877469 -1.0379097090251346 -0.9032523938809707 -0.8057419242938189 -0.7670472935052661 -0.661797897760402 -0.6292944078980209 -0.5642874281732501 -0.5317839383108602 -0.5395228644685724 -0.5611918577101599 -0.6648934682234834 -0.6989447433174139 -0.7097792399382076 -0.7175181660959199 -0.6772757500758178 -0.6509634011396083 -0.6633456829919426 -0.675727964844277 -0.6261988374349308 +37513,-0.6401289045188147,2,-1.0379097090251346 -0.9032523938809707 -0.8057419242938189 -0.7670472935052661 -0.661797897760402 -0.6292944078980209 -0.5642874281732501 -0.5317839383108602 -0.5395228644685724 -0.5611918577101599 -0.6648934682234834 -0.6989447433174139 -0.7097792399382076 -0.7175181660959199 -0.6772757500758178 -0.6509634011396083 -0.6633456829919426 -0.675727964844277 -0.6261988374349308 -0.6385811192872651 +37514,-0.6788235353073673,2,-0.9032523938809707 -0.8057419242938189 -0.7670472935052661 -0.661797897760402 -0.6292944078980209 -0.5642874281732501 -0.5317839383108602 -0.5395228644685724 -0.5611918577101599 -0.6648934682234834 -0.6989447433174139 -0.7097792399382076 -0.7175181660959199 -0.6772757500758178 -0.6509634011396083 -0.6633456829919426 -0.675727964844277 -0.6261988374349308 -0.6385811192872651 -0.6401289045188147 +37515,-0.6509634011396083,2,-0.8057419242938189 -0.7670472935052661 -0.661797897760402 -0.6292944078980209 -0.5642874281732501 -0.5317839383108602 -0.5395228644685724 -0.5611918577101599 -0.6648934682234834 -0.6989447433174139 -0.7097792399382076 -0.7175181660959199 -0.6772757500758178 -0.6509634011396083 -0.6633456829919426 -0.675727964844277 -0.6261988374349308 -0.6385811192872651 -0.6401289045188147 -0.6788235353073673 +37516,-0.661797897760402,2,-0.7670472935052661 -0.661797897760402 -0.6292944078980209 -0.5642874281732501 -0.5317839383108602 -0.5395228644685724 -0.5611918577101599 -0.6648934682234834 -0.6989447433174139 -0.7097792399382076 -0.7175181660959199 -0.6772757500758178 -0.6509634011396083 -0.6633456829919426 -0.675727964844277 -0.6261988374349308 -0.6385811192872651 -0.6401289045188147 -0.6788235353073673 -0.6509634011396083 +37517,-0.6122687703510556,2,-0.661797897760402 -0.6292944078980209 -0.5642874281732501 -0.5317839383108602 -0.5395228644685724 -0.5611918577101599 -0.6648934682234834 -0.6989447433174139 -0.7097792399382076 -0.7175181660959199 -0.6772757500758178 -0.6509634011396083 -0.6633456829919426 -0.675727964844277 -0.6261988374349308 -0.6385811192872651 -0.6401289045188147 -0.6788235353073673 -0.6509634011396083 -0.661797897760402 +37518,-0.5550007167839971,2,-0.6292944078980209 -0.5642874281732501 -0.5317839383108602 -0.5395228644685724 -0.5611918577101599 -0.6648934682234834 -0.6989447433174139 -0.7097792399382076 -0.7175181660959199 -0.6772757500758178 -0.6509634011396083 -0.6633456829919426 -0.675727964844277 -0.6261988374349308 -0.6385811192872651 -0.6401289045188147 -0.6788235353073673 -0.6509634011396083 -0.661797897760402 -0.6122687703510556 +37519,-0.46832474381763883,2,-0.5642874281732501 -0.5317839383108602 -0.5395228644685724 -0.5611918577101599 -0.6648934682234834 -0.6989447433174139 -0.7097792399382076 -0.7175181660959199 -0.6772757500758178 -0.6509634011396083 -0.6633456829919426 -0.675727964844277 -0.6261988374349308 -0.6385811192872651 -0.6401289045188147 -0.6788235353073673 -0.6509634011396083 -0.661797897760402 -0.6122687703510556 -0.5550007167839971 +37520,-0.3506930662204403,2,-0.5317839383108602 -0.5395228644685724 -0.5611918577101599 -0.6648934682234834 -0.6989447433174139 -0.7097792399382076 -0.7175181660959199 -0.6772757500758178 -0.6509634011396083 -0.6633456829919426 -0.675727964844277 -0.6261988374349308 -0.6385811192872651 -0.6401289045188147 -0.6788235353073673 -0.6509634011396083 -0.661797897760402 -0.6122687703510556 -0.5550007167839971 -0.46832474381763883 +37521,-0.1680544088984708,2,-0.5395228644685724 -0.5611918577101599 -0.6648934682234834 -0.6989447433174139 -0.7097792399382076 -0.7175181660959199 -0.6772757500758178 -0.6509634011396083 -0.6633456829919426 -0.675727964844277 -0.6261988374349308 -0.6385811192872651 -0.6401289045188147 -0.6788235353073673 -0.6509634011396083 -0.661797897760402 -0.6122687703510556 -0.5550007167839971 -0.46832474381763883 -0.3506930662204403 +37522,-0.1603154827407585,2,-0.5611918577101599 -0.6648934682234834 -0.6989447433174139 -0.7097792399382076 -0.7175181660959199 -0.6772757500758178 -0.6509634011396083 -0.6633456829919426 -0.675727964844277 -0.6261988374349308 -0.6385811192872651 -0.6401289045188147 -0.6788235353073673 -0.6509634011396083 -0.661797897760402 -0.6122687703510556 -0.5550007167839971 -0.46832474381763883 -0.3506930662204403 -0.1680544088984708 +37523,-0.14793320088842413,2,-0.6648934682234834 -0.6989447433174139 -0.7097792399382076 -0.7175181660959199 -0.6772757500758178 -0.6509634011396083 -0.6633456829919426 -0.675727964844277 -0.6261988374349308 -0.6385811192872651 -0.6401289045188147 -0.6788235353073673 -0.6509634011396083 -0.661797897760402 -0.6122687703510556 -0.5550007167839971 -0.46832474381763883 -0.3506930662204403 -0.1680544088984708 -0.1603154827407585 +37524,-0.18508004644543605,2,-0.6989447433174139 -0.7097792399382076 -0.7175181660959199 -0.6772757500758178 -0.6509634011396083 -0.6633456829919426 -0.675727964844277 -0.6261988374349308 -0.6385811192872651 -0.6401289045188147 -0.6788235353073673 -0.6509634011396083 -0.661797897760402 -0.6122687703510556 -0.5550007167839971 -0.46832474381763883 -0.3506930662204403 -0.1680544088984708 -0.1603154827407585 -0.14793320088842413 +37525,-0.2624693080225413,2,-0.7097792399382076 -0.7175181660959199 -0.6772757500758178 -0.6509634011396083 -0.6633456829919426 -0.675727964844277 -0.6261988374349308 -0.6385811192872651 -0.6401289045188147 -0.6788235353073673 -0.6509634011396083 -0.661797897760402 -0.6122687703510556 -0.5550007167839971 -0.46832474381763883 -0.3506930662204403 -0.1680544088984708 -0.1603154827407585 -0.14793320088842413 -0.18508004644543605 +37526,-0.49154152229076686,2,-0.7175181660959199 -0.6772757500758178 -0.6509634011396083 -0.6633456829919426 -0.675727964844277 -0.6261988374349308 -0.6385811192872651 -0.6401289045188147 -0.6788235353073673 -0.6509634011396083 -0.661797897760402 -0.6122687703510556 -0.5550007167839971 -0.46832474381763883 -0.3506930662204403 -0.1680544088984708 -0.1603154827407585 -0.14793320088842413 -0.18508004644543605 -0.2624693080225413 +37527,-0.6138165555825964,2,-0.6772757500758178 -0.6509634011396083 -0.6633456829919426 -0.675727964844277 -0.6261988374349308 -0.6385811192872651 -0.6401289045188147 -0.6788235353073673 -0.6509634011396083 -0.661797897760402 -0.6122687703510556 -0.5550007167839971 -0.46832474381763883 -0.3506930662204403 -0.1680544088984708 -0.1603154827407585 -0.14793320088842413 -0.18508004644543605 -0.2624693080225413 -0.49154152229076686 +37528,-0.7268048774851729,2,-0.6509634011396083 -0.6633456829919426 -0.675727964844277 -0.6261988374349308 -0.6385811192872651 -0.6401289045188147 -0.6788235353073673 -0.6509634011396083 -0.661797897760402 -0.6122687703510556 -0.5550007167839971 -0.46832474381763883 -0.3506930662204403 -0.1680544088984708 -0.1603154827407585 -0.14793320088842413 -0.18508004644543605 -0.2624693080225413 -0.49154152229076686 -0.6138165555825964 +37529,-0.7670472935052661,2,-0.6633456829919426 -0.675727964844277 -0.6261988374349308 -0.6385811192872651 -0.6401289045188147 -0.6788235353073673 -0.6509634011396083 -0.661797897760402 -0.6122687703510556 -0.5550007167839971 -0.46832474381763883 -0.3506930662204403 -0.1680544088984708 -0.1603154827407585 -0.14793320088842413 -0.18508004644543605 -0.2624693080225413 -0.49154152229076686 -0.6138165555825964 -0.7268048774851729 +37530,-0.8738444744816711,2,-0.675727964844277 -0.6261988374349308 -0.6385811192872651 -0.6401289045188147 -0.6788235353073673 -0.6509634011396083 -0.661797897760402 -0.6122687703510556 -0.5550007167839971 -0.46832474381763883 -0.3506930662204403 -0.1680544088984708 -0.1603154827407585 -0.14793320088842413 -0.18508004644543605 -0.2624693080225413 -0.49154152229076686 -0.6138165555825964 -0.7268048774851729 -0.7670472935052661 +37531,-0.8459843403139121,2,-0.6261988374349308 -0.6385811192872651 -0.6401289045188147 -0.6788235353073673 -0.6509634011396083 -0.661797897760402 -0.6122687703510556 -0.5550007167839971 -0.46832474381763883 -0.3506930662204403 -0.1680544088984708 -0.1603154827407585 -0.14793320088842413 -0.18508004644543605 -0.2624693080225413 -0.49154152229076686 -0.6138165555825964 -0.7268048774851729 -0.7670472935052661 -0.8738444744816711 +37532,-0.8583666221662465,2,-0.6385811192872651 -0.6401289045188147 -0.6788235353073673 -0.6509634011396083 -0.661797897760402 -0.6122687703510556 -0.5550007167839971 -0.46832474381763883 -0.3506930662204403 -0.1680544088984708 -0.1603154827407585 -0.14793320088842413 -0.18508004644543605 -0.2624693080225413 -0.49154152229076686 -0.6138165555825964 -0.7268048774851729 -0.7670472935052661 -0.8738444744816711 -0.8459843403139121 +37533,-0.8196719913776939,2,-0.6401289045188147 -0.6788235353073673 -0.6509634011396083 -0.661797897760402 -0.6122687703510556 -0.5550007167839971 -0.46832474381763883 -0.3506930662204403 -0.1680544088984708 -0.1603154827407585 -0.14793320088842413 -0.18508004644543605 -0.2624693080225413 -0.49154152229076686 -0.6138165555825964 -0.7268048774851729 -0.7670472935052661 -0.8738444744816711 -0.8459843403139121 -0.8583666221662465 +37534,-0.8057419242938189,2,-0.6788235353073673 -0.6509634011396083 -0.661797897760402 -0.6122687703510556 -0.5550007167839971 -0.46832474381763883 -0.3506930662204403 -0.1680544088984708 -0.1603154827407585 -0.14793320088842413 -0.18508004644543605 -0.2624693080225413 -0.49154152229076686 -0.6138165555825964 -0.7268048774851729 -0.7670472935052661 -0.8738444744816711 -0.8459843403139121 -0.8583666221662465 -0.8196719913776939 +37535,-0.8583666221662465,2,-0.6509634011396083 -0.661797897760402 -0.6122687703510556 -0.5550007167839971 -0.46832474381763883 -0.3506930662204403 -0.1680544088984708 -0.1603154827407585 -0.14793320088842413 -0.18508004644543605 -0.2624693080225413 -0.49154152229076686 -0.6138165555825964 -0.7268048774851729 -0.7670472935052661 -0.8738444744816711 -0.8459843403139121 -0.8583666221662465 -0.8196719913776939 -0.8057419242938189 +37536,-0.8970612529547991,2,-0.661797897760402 -0.6122687703510556 -0.5550007167839971 -0.46832474381763883 -0.3506930662204403 -0.1680544088984708 -0.1603154827407585 -0.14793320088842413 -0.18508004644543605 -0.2624693080225413 -0.49154152229076686 -0.6138165555825964 -0.7268048774851729 -0.7670472935052661 -0.8738444744816711 -0.8459843403139121 -0.8583666221662465 -0.8196719913776939 -0.8057419242938189 -0.8583666221662465 +37537,-0.9078957495755928,2,-0.6122687703510556 -0.5550007167839971 -0.46832474381763883 -0.3506930662204403 -0.1680544088984708 -0.1603154827407585 -0.14793320088842413 -0.18508004644543605 -0.2624693080225413 -0.49154152229076686 -0.6138165555825964 -0.7268048774851729 -0.7670472935052661 -0.8738444744816711 -0.8459843403139121 -0.8583666221662465 -0.8196719913776939 -0.8057419242938189 -0.8583666221662465 -0.8970612529547991 +37538,-0.9218258166594767,2,-0.5550007167839971 -0.46832474381763883 -0.3506930662204403 -0.1680544088984708 -0.1603154827407585 -0.14793320088842413 -0.18508004644543605 -0.2624693080225413 -0.49154152229076686 -0.6138165555825964 -0.7268048774851729 -0.7670472935052661 -0.8738444744816711 -0.8459843403139121 -0.8583666221662465 -0.8196719913776939 -0.8057419242938189 -0.8583666221662465 -0.8970612529547991 -0.9078957495755928 +37539,-0.9481381655956861,2,-0.46832474381763883 -0.3506930662204403 -0.1680544088984708 -0.1603154827407585 -0.14793320088842413 -0.18508004644543605 -0.2624693080225413 -0.49154152229076686 -0.6138165555825964 -0.7268048774851729 -0.7670472935052661 -0.8738444744816711 -0.8459843403139121 -0.8583666221662465 -0.8196719913776939 -0.8057419242938189 -0.8583666221662465 -0.8970612529547991 -0.9078957495755928 -0.9218258166594767 +37540,-0.9373036689748925,2,-0.3506930662204403 -0.1680544088984708 -0.1603154827407585 -0.14793320088842413 -0.18508004644543605 -0.2624693080225413 -0.49154152229076686 -0.6138165555825964 -0.7268048774851729 -0.7670472935052661 -0.8738444744816711 -0.8459843403139121 -0.8583666221662465 -0.8196719913776939 -0.8057419242938189 -0.8583666221662465 -0.8970612529547991 -0.9078957495755928 -0.9218258166594767 -0.9481381655956861 +37541,-0.9403992394379826,2,-0.1680544088984708 -0.1603154827407585 -0.14793320088842413 -0.18508004644543605 -0.2624693080225413 -0.49154152229076686 -0.6138165555825964 -0.7268048774851729 -0.7670472935052661 -0.8738444744816711 -0.8459843403139121 -0.8583666221662465 -0.8196719913776939 -0.8057419242938189 -0.8583666221662465 -0.8970612529547991 -0.9078957495755928 -0.9218258166594767 -0.9481381655956861 -0.9373036689748925 +37542,-0.9218258166594767,2,-0.1603154827407585 -0.14793320088842413 -0.18508004644543605 -0.2624693080225413 -0.49154152229076686 -0.6138165555825964 -0.7268048774851729 -0.7670472935052661 -0.8738444744816711 -0.8459843403139121 -0.8583666221662465 -0.8196719913776939 -0.8057419242938189 -0.8583666221662465 -0.8970612529547991 -0.9078957495755928 -0.9218258166594767 -0.9481381655956861 -0.9373036689748925 -0.9403992394379826 +37543,-0.8336020584615778,2,-0.14793320088842413 -0.18508004644543605 -0.2624693080225413 -0.49154152229076686 -0.6138165555825964 -0.7268048774851729 -0.7670472935052661 -0.8738444744816711 -0.8459843403139121 -0.8583666221662465 -0.8196719913776939 -0.8057419242938189 -0.8583666221662465 -0.8970612529547991 -0.9078957495755928 -0.9218258166594767 -0.9481381655956861 -0.9373036689748925 -0.9403992394379826 -0.9218258166594767 +37544,-0.7964552129045658,2,-0.18508004644543605 -0.2624693080225413 -0.49154152229076686 -0.6138165555825964 -0.7268048774851729 -0.7670472935052661 -0.8738444744816711 -0.8459843403139121 -0.8583666221662465 -0.8196719913776939 -0.8057419242938189 -0.8583666221662465 -0.8970612529547991 -0.9078957495755928 -0.9218258166594767 -0.9481381655956861 -0.9373036689748925 -0.9403992394379826 -0.9218258166594767 -0.8336020584615778 +37545,-0.8243153470723248,2,-0.2624693080225413 -0.49154152229076686 -0.6138165555825964 -0.7268048774851729 -0.7670472935052661 -0.8738444744816711 -0.8459843403139121 -0.8583666221662465 -0.8196719913776939 -0.8057419242938189 -0.8583666221662465 -0.8970612529547991 -0.9078957495755928 -0.9218258166594767 -0.9481381655956861 -0.9373036689748925 -0.9403992394379826 -0.9218258166594767 -0.8336020584615778 -0.7964552129045658 +37546,-0.8630099778608774,2,-0.49154152229076686 -0.6138165555825964 -0.7268048774851729 -0.7670472935052661 -0.8738444744816711 -0.8459843403139121 -0.8583666221662465 -0.8196719913776939 -0.8057419242938189 -0.8583666221662465 -0.8970612529547991 -0.9078957495755928 -0.9218258166594767 -0.9481381655956861 -0.9373036689748925 -0.9403992394379826 -0.9218258166594767 -0.8336020584615778 -0.7964552129045658 -0.8243153470723248 +37547,-0.8707489040185808,2,-0.6138165555825964 -0.7268048774851729 -0.7670472935052661 -0.8738444744816711 -0.8459843403139121 -0.8583666221662465 -0.8196719913776939 -0.8057419242938189 -0.8583666221662465 -0.8970612529547991 -0.9078957495755928 -0.9218258166594767 -0.9481381655956861 -0.9373036689748925 -0.9403992394379826 -0.9218258166594767 -0.8336020584615778 -0.7964552129045658 -0.8243153470723248 -0.8630099778608774 +37548,-0.8599144073977872,2,-0.7268048774851729 -0.7670472935052661 -0.8738444744816711 -0.8459843403139121 -0.8583666221662465 -0.8196719913776939 -0.8057419242938189 -0.8583666221662465 -0.8970612529547991 -0.9078957495755928 -0.9218258166594767 -0.9481381655956861 -0.9373036689748925 -0.9403992394379826 -0.9218258166594767 -0.8336020584615778 -0.7964552129045658 -0.8243153470723248 -0.8630099778608774 -0.8707489040185808 +37549,-0.8351498436931184,2,-0.7670472935052661 -0.8738444744816711 -0.8459843403139121 -0.8583666221662465 -0.8196719913776939 -0.8057419242938189 -0.8583666221662465 -0.8970612529547991 -0.9078957495755928 -0.9218258166594767 -0.9481381655956861 -0.9373036689748925 -0.9403992394379826 -0.9218258166594767 -0.8336020584615778 -0.7964552129045658 -0.8243153470723248 -0.8630099778608774 -0.8707489040185808 -0.8599144073977872 +37550,-0.8939656824917177,2,-0.8738444744816711 -0.8459843403139121 -0.8583666221662465 -0.8196719913776939 -0.8057419242938189 -0.8583666221662465 -0.8970612529547991 -0.9078957495755928 -0.9218258166594767 -0.9481381655956861 -0.9373036689748925 -0.9403992394379826 -0.9218258166594767 -0.8336020584615778 -0.7964552129045658 -0.8243153470723248 -0.8630099778608774 -0.8707489040185808 -0.8599144073977872 -0.8351498436931184 +37551,-0.9078957495755928,2,-0.8459843403139121 -0.8583666221662465 -0.8196719913776939 -0.8057419242938189 -0.8583666221662465 -0.8970612529547991 -0.9078957495755928 -0.9218258166594767 -0.9481381655956861 -0.9373036689748925 -0.9403992394379826 -0.9218258166594767 -0.8336020584615778 -0.7964552129045658 -0.8243153470723248 -0.8630099778608774 -0.8707489040185808 -0.8599144073977872 -0.8351498436931184 -0.8939656824917177 +37552,-0.9558770917533984,2,-0.8583666221662465 -0.8196719913776939 -0.8057419242938189 -0.8583666221662465 -0.8970612529547991 -0.9078957495755928 -0.9218258166594767 -0.9481381655956861 -0.9373036689748925 -0.9403992394379826 -0.9218258166594767 -0.8336020584615778 -0.7964552129045658 -0.8243153470723248 -0.8630099778608774 -0.8707489040185808 -0.8599144073977872 -0.8351498436931184 -0.8939656824917177 -0.9078957495755928 +37553,-0.8552710517031651,2,-0.8196719913776939 -0.8057419242938189 -0.8583666221662465 -0.8970612529547991 -0.9078957495755928 -0.9218258166594767 -0.9481381655956861 -0.9373036689748925 -0.9403992394379826 -0.9218258166594767 -0.8336020584615778 -0.7964552129045658 -0.8243153470723248 -0.8630099778608774 -0.8707489040185808 -0.8599144073977872 -0.8351498436931184 -0.8939656824917177 -0.9078957495755928 -0.9558770917533984 +37554,-1.0239796419412508,2,-0.8057419242938189 -0.8583666221662465 -0.8970612529547991 -0.9078957495755928 -0.9218258166594767 -0.9481381655956861 -0.9373036689748925 -0.9403992394379826 -0.9218258166594767 -0.8336020584615778 -0.7964552129045658 -0.8243153470723248 -0.8630099778608774 -0.8707489040185808 -0.8599144073977872 -0.8351498436931184 -0.8939656824917177 -0.9078957495755928 -0.9558770917533984 -0.8552710517031651 +37555,-1.078152125045228,2,-0.8583666221662465 -0.8970612529547991 -0.9078957495755928 -0.9218258166594767 -0.9481381655956861 -0.9373036689748925 -0.9403992394379826 -0.9218258166594767 -0.8336020584615778 -0.7964552129045658 -0.8243153470723248 -0.8630099778608774 -0.8707489040185808 -0.8599144073977872 -0.8351498436931184 -0.8939656824917177 -0.9078957495755928 -0.9558770917533984 -0.8552710517031651 -1.0239796419412508 +37556,-1.1416113195384492,2,-0.8970612529547991 -0.9078957495755928 -0.9218258166594767 -0.9481381655956861 -0.9373036689748925 -0.9403992394379826 -0.9218258166594767 -0.8336020584615778 -0.7964552129045658 -0.8243153470723248 -0.8630099778608774 -0.8707489040185808 -0.8599144073977872 -0.8351498436931184 -0.8939656824917177 -0.9078957495755928 -0.9558770917533984 -0.8552710517031651 -1.0239796419412508 -1.078152125045228 +37557,-1.050291990877469,2,-0.9078957495755928 -0.9218258166594767 -0.9481381655956861 -0.9373036689748925 -0.9403992394379826 -0.9218258166594767 -0.8336020584615778 -0.7964552129045658 -0.8243153470723248 -0.8630099778608774 -0.8707489040185808 -0.8599144073977872 -0.8351498436931184 -0.8939656824917177 -0.9078957495755928 -0.9558770917533984 -0.8552710517031651 -1.0239796419412508 -1.078152125045228 -1.1416113195384492 +37558,-1.2313828629678978,2,-0.9218258166594767 -0.9481381655956861 -0.9373036689748925 -0.9403992394379826 -0.9218258166594767 -0.8336020584615778 -0.7964552129045658 -0.8243153470723248 -0.8630099778608774 -0.8707489040185808 -0.8599144073977872 -0.8351498436931184 -0.8939656824917177 -0.9078957495755928 -0.9558770917533984 -0.8552710517031651 -1.0239796419412508 -1.078152125045228 -1.1416113195384492 -1.050291990877469 +37559,-1.1354201786122864,2,-0.9481381655956861 -0.9373036689748925 -0.9403992394379826 -0.9218258166594767 -0.8336020584615778 -0.7964552129045658 -0.8243153470723248 -0.8630099778608774 -0.8707489040185808 -0.8599144073977872 -0.8351498436931184 -0.8939656824917177 -0.9078957495755928 -0.9558770917533984 -0.8552710517031651 -1.0239796419412508 -1.078152125045228 -1.1416113195384492 -1.050291990877469 -1.2313828629678978 +37560,-1.3211544063973373,2,-0.9373036689748925 -0.9403992394379826 -0.9218258166594767 -0.8336020584615778 -0.7964552129045658 -0.8243153470723248 -0.8630099778608774 -0.8707489040185808 -0.8599144073977872 -0.8351498436931184 -0.8939656824917177 -0.9078957495755928 -0.9558770917533984 -0.8552710517031651 -1.0239796419412508 -1.078152125045228 -1.1416113195384492 -1.050291990877469 -1.2313828629678978 -1.1354201786122864 +37561,-1.3459189701020149,2,-0.9403992394379826 -0.9218258166594767 -0.8336020584615778 -0.7964552129045658 -0.8243153470723248 -0.8630099778608774 -0.8707489040185808 -0.8599144073977872 -0.8351498436931184 -0.8939656824917177 -0.9078957495755928 -0.9558770917533984 -0.8552710517031651 -1.0239796419412508 -1.078152125045228 -1.1416113195384492 -1.050291990877469 -1.2313828629678978 -1.1354201786122864 -1.3211544063973373 +37562,-1.3304411177865902,2,-0.9218258166594767 -0.8336020584615778 -0.7964552129045658 -0.8243153470723248 -0.8630099778608774 -0.8707489040185808 -0.8599144073977872 -0.8351498436931184 -0.8939656824917177 -0.9078957495755928 -0.9558770917533984 -0.8552710517031651 -1.0239796419412508 -1.078152125045228 -1.1416113195384492 -1.050291990877469 -1.2313828629678978 -1.1354201786122864 -1.3211544063973373 -1.3459189701020149 +37563,-1.4124737350583176,2,-0.8336020584615778 -0.7964552129045658 -0.8243153470723248 -0.8630099778608774 -0.8707489040185808 -0.8599144073977872 -0.8351498436931184 -0.8939656824917177 -0.9078957495755928 -0.9558770917533984 -0.8552710517031651 -1.0239796419412508 -1.078152125045228 -1.1416113195384492 -1.050291990877469 -1.2313828629678978 -1.1354201786122864 -1.3211544063973373 -1.3459189701020149 -1.3304411177865902 +37564,-1.4233082316791201,2,-0.7964552129045658 -0.8243153470723248 -0.8630099778608774 -0.8707489040185808 -0.8599144073977872 -0.8351498436931184 -0.8939656824917177 -0.9078957495755928 -0.9558770917533984 -0.8552710517031651 -1.0239796419412508 -1.078152125045228 -1.1416113195384492 -1.050291990877469 -1.2313828629678978 -1.1354201786122864 -1.3211544063973373 -1.3459189701020149 -1.3304411177865902 -1.4124737350583176 +37565,-1.243765144820232,2,-0.8243153470723248 -0.8630099778608774 -0.8707489040185808 -0.8599144073977872 -0.8351498436931184 -0.8939656824917177 -0.9078957495755928 -0.9558770917533984 -0.8552710517031651 -1.0239796419412508 -1.078152125045228 -1.1416113195384492 -1.050291990877469 -1.2313828629678978 -1.1354201786122864 -1.3211544063973373 -1.3459189701020149 -1.3304411177865902 -1.4124737350583176 -1.4233082316791201 +37566,-0.980641655458076,2,-0.8630099778608774 -0.8707489040185808 -0.8599144073977872 -0.8351498436931184 -0.8939656824917177 -0.9078957495755928 -0.9558770917533984 -0.8552710517031651 -1.0239796419412508 -1.078152125045228 -1.1416113195384492 -1.050291990877469 -1.2313828629678978 -1.1354201786122864 -1.3211544063973373 -1.3459189701020149 -1.3304411177865902 -1.4124737350583176 -1.4233082316791201 -1.243765144820232 +37567,-0.7066836694751262,2,-0.8707489040185808 -0.8599144073977872 -0.8351498436931184 -0.8939656824917177 -0.9078957495755928 -0.9558770917533984 -0.8552710517031651 -1.0239796419412508 -1.078152125045228 -1.1416113195384492 -1.050291990877469 -1.2313828629678978 -1.1354201786122864 -1.3211544063973373 -1.3459189701020149 -1.3304411177865902 -1.4124737350583176 -1.4233082316791201 -1.243765144820232 -0.980641655458076 +37568,-0.6060776294248841,2,-0.8599144073977872 -0.8351498436931184 -0.8939656824917177 -0.9078957495755928 -0.9558770917533984 -0.8552710517031651 -1.0239796419412508 -1.078152125045228 -1.1416113195384492 -1.050291990877469 -1.2313828629678978 -1.1354201786122864 -1.3211544063973373 -1.3459189701020149 -1.3304411177865902 -1.4124737350583176 -1.4233082316791201 -1.243765144820232 -0.980641655458076 -0.7066836694751262 +37569,-0.5519051463209157,2,-0.8351498436931184 -0.8939656824917177 -0.9078957495755928 -0.9558770917533984 -0.8552710517031651 -1.0239796419412508 -1.078152125045228 -1.1416113195384492 -1.050291990877469 -1.2313828629678978 -1.1354201786122864 -1.3211544063973373 -1.3459189701020149 -1.3304411177865902 -1.4124737350583176 -1.4233082316791201 -1.243765144820232 -0.980641655458076 -0.7066836694751262 -0.6060776294248841 +37570,-0.5317839383108602,2,-0.8939656824917177 -0.9078957495755928 -0.9558770917533984 -0.8552710517031651 -1.0239796419412508 -1.078152125045228 -1.1416113195384492 -1.050291990877469 -1.2313828629678978 -1.1354201786122864 -1.3211544063973373 -1.3459189701020149 -1.3304411177865902 -1.4124737350583176 -1.4233082316791201 -1.243765144820232 -0.980641655458076 -0.7066836694751262 -0.6060776294248841 -0.5519051463209157 +37571,-0.46832474381763883,2,-0.9078957495755928 -0.9558770917533984 -0.8552710517031651 -1.0239796419412508 -1.078152125045228 -1.1416113195384492 -1.050291990877469 -1.2313828629678978 -1.1354201786122864 -1.3211544063973373 -1.3459189701020149 -1.3304411177865902 -1.4124737350583176 -1.4233082316791201 -1.243765144820232 -0.980641655458076 -0.7066836694751262 -0.6060776294248841 -0.5519051463209157 -0.5317839383108602 +37572,-0.4280823277975455,2,-0.9558770917533984 -0.8552710517031651 -1.0239796419412508 -1.078152125045228 -1.1416113195384492 -1.050291990877469 -1.2313828629678978 -1.1354201786122864 -1.3211544063973373 -1.3459189701020149 -1.3304411177865902 -1.4124737350583176 -1.4233082316791201 -1.243765144820232 -0.980641655458076 -0.7066836694751262 -0.6060776294248841 -0.5519051463209157 -0.5317839383108602 -0.46832474381763883 +37573,-0.5132105155323631,2,-0.8552710517031651 -1.0239796419412508 -1.078152125045228 -1.1416113195384492 -1.050291990877469 -1.2313828629678978 -1.1354201786122864 -1.3211544063973373 -1.3459189701020149 -1.3304411177865902 -1.4124737350583176 -1.4233082316791201 -1.243765144820232 -0.980641655458076 -0.7066836694751262 -0.6060776294248841 -0.5519051463209157 -0.5317839383108602 -0.46832474381763883 -0.4280823277975455 +37574,-0.666441253455024,2,-1.0239796419412508 -1.078152125045228 -1.1416113195384492 -1.050291990877469 -1.2313828629678978 -1.1354201786122864 -1.3211544063973373 -1.3459189701020149 -1.3304411177865902 -1.4124737350583176 -1.4233082316791201 -1.243765144820232 -0.980641655458076 -0.7066836694751262 -0.6060776294248841 -0.5519051463209157 -0.5317839383108602 -0.46832474381763883 -0.4280823277975455 -0.5132105155323631 +37575,-0.6788235353073673,2,-1.078152125045228 -1.1416113195384492 -1.050291990877469 -1.2313828629678978 -1.1354201786122864 -1.3211544063973373 -1.3459189701020149 -1.3304411177865902 -1.4124737350583176 -1.4233082316791201 -1.243765144820232 -0.980641655458076 -0.7066836694751262 -0.6060776294248841 -0.5519051463209157 -0.5317839383108602 -0.46832474381763883 -0.4280823277975455 -0.5132105155323631 -0.666441253455024 +37576,-0.8305064879984876,2,-1.1416113195384492 -1.050291990877469 -1.2313828629678978 -1.1354201786122864 -1.3211544063973373 -1.3459189701020149 -1.3304411177865902 -1.4124737350583176 -1.4233082316791201 -1.243765144820232 -0.980641655458076 -0.7066836694751262 -0.6060776294248841 -0.5519051463209157 -0.5317839383108602 -0.46832474381763883 -0.4280823277975455 -0.5132105155323631 -0.666441253455024 -0.6788235353073673 +37577,-0.8506276960085343,2,-1.050291990877469 -1.2313828629678978 -1.1354201786122864 -1.3211544063973373 -1.3459189701020149 -1.3304411177865902 -1.4124737350583176 -1.4233082316791201 -1.243765144820232 -0.980641655458076 -0.7066836694751262 -0.6060776294248841 -0.5519051463209157 -0.5317839383108602 -0.46832474381763883 -0.4280823277975455 -0.5132105155323631 -0.666441253455024 -0.6788235353073673 -0.8305064879984876 +37578,-0.9558770917533984,2,-1.2313828629678978 -1.1354201786122864 -1.3211544063973373 -1.3459189701020149 -1.3304411177865902 -1.4124737350583176 -1.4233082316791201 -1.243765144820232 -0.980641655458076 -0.7066836694751262 -0.6060776294248841 -0.5519051463209157 -0.5317839383108602 -0.46832474381763883 -0.4280823277975455 -0.5132105155323631 -0.666441253455024 -0.6788235353073673 -0.8305064879984876 -0.8506276960085343 +37579,-1.013145145320457,2,-1.1354201786122864 -1.3211544063973373 -1.3459189701020149 -1.3304411177865902 -1.4124737350583176 -1.4233082316791201 -1.243765144820232 -0.980641655458076 -0.7066836694751262 -0.6060776294248841 -0.5519051463209157 -0.5317839383108602 -0.46832474381763883 -0.4280823277975455 -0.5132105155323631 -0.666441253455024 -0.6788235353073673 -0.8305064879984876 -0.8506276960085343 -0.9558770917533984 +37580,-1.064222057961344,2,-1.3211544063973373 -1.3459189701020149 -1.3304411177865902 -1.4124737350583176 -1.4233082316791201 -1.243765144820232 -0.980641655458076 -0.7066836694751262 -0.6060776294248841 -0.5519051463209157 -0.5317839383108602 -0.46832474381763883 -0.4280823277975455 -0.5132105155323631 -0.666441253455024 -0.6788235353073673 -0.8305064879984876 -0.8506276960085343 -0.9558770917533984 -1.013145145320457 +37581,-1.1029166887498967,2,-1.3459189701020149 -1.3304411177865902 -1.4124737350583176 -1.4233082316791201 -1.243765144820232 -0.980641655458076 -0.7066836694751262 -0.6060776294248841 -0.5519051463209157 -0.5317839383108602 -0.46832474381763883 -0.4280823277975455 -0.5132105155323631 -0.666441253455024 -0.6788235353073673 -0.8305064879984876 -0.8506276960085343 -0.9558770917533984 -1.013145145320457 -1.064222057961344 +37582,-1.192688232179345,2,-1.3304411177865902 -1.4124737350583176 -1.4233082316791201 -1.243765144820232 -0.980641655458076 -0.7066836694751262 -0.6060776294248841 -0.5519051463209157 -0.5317839383108602 -0.46832474381763883 -0.4280823277975455 -0.5132105155323631 -0.666441253455024 -0.6788235353073673 -0.8305064879984876 -0.8506276960085343 -0.9558770917533984 -1.013145145320457 -1.064222057961344 -1.1029166887498967 +37583,-1.2453129300517727,2,-1.4124737350583176 -1.4233082316791201 -1.243765144820232 -0.980641655458076 -0.7066836694751262 -0.6060776294248841 -0.5519051463209157 -0.5317839383108602 -0.46832474381763883 -0.4280823277975455 -0.5132105155323631 -0.666441253455024 -0.6788235353073673 -0.8305064879984876 -0.8506276960085343 -0.9558770917533984 -1.013145145320457 -1.064222057961344 -1.1029166887498967 -1.192688232179345 +37584,-1.2809119903772441,2,-1.4233082316791201 -1.243765144820232 -0.980641655458076 -0.7066836694751262 -0.6060776294248841 -0.5519051463209157 -0.5317839383108602 -0.46832474381763883 -0.4280823277975455 -0.5132105155323631 -0.666441253455024 -0.6788235353073673 -0.8305064879984876 -0.8506276960085343 -0.9558770917533984 -1.013145145320457 -1.064222057961344 -1.1029166887498967 -1.192688232179345 -1.2453129300517727 +37585,-1.3722313190382243,2,-1.243765144820232 -0.980641655458076 -0.7066836694751262 -0.6060776294248841 -0.5519051463209157 -0.5317839383108602 -0.46832474381763883 -0.4280823277975455 -0.5132105155323631 -0.666441253455024 -0.6788235353073673 -0.8305064879984876 -0.8506276960085343 -0.9558770917533984 -1.013145145320457 -1.064222057961344 -1.1029166887498967 -1.192688232179345 -1.2453129300517727 -1.2809119903772441 +37586,-1.4867674261723416,2,-0.980641655458076 -0.7066836694751262 -0.6060776294248841 -0.5519051463209157 -0.5317839383108602 -0.46832474381763883 -0.4280823277975455 -0.5132105155323631 -0.666441253455024 -0.6788235353073673 -0.8305064879984876 -0.8506276960085343 -0.9558770917533984 -1.013145145320457 -1.064222057961344 -1.1029166887498967 -1.192688232179345 -1.2453129300517727 -1.2809119903772441 -1.3722313190382243 +37587,-1.632259237937299,2,-0.7066836694751262 -0.6060776294248841 -0.5519051463209157 -0.5317839383108602 -0.46832474381763883 -0.4280823277975455 -0.5132105155323631 -0.666441253455024 -0.6788235353073673 -0.8305064879984876 -0.8506276960085343 -0.9558770917533984 -1.013145145320457 -1.064222057961344 -1.1029166887498967 -1.192688232179345 -1.2453129300517727 -1.2809119903772441 -1.3722313190382243 -1.4867674261723416 +37588,-1.4589072920045827,2,-0.6060776294248841 -0.5519051463209157 -0.5317839383108602 -0.46832474381763883 -0.4280823277975455 -0.5132105155323631 -0.666441253455024 -0.6788235353073673 -0.8305064879984876 -0.8506276960085343 -0.9558770917533984 -1.013145145320457 -1.064222057961344 -1.1029166887498967 -1.192688232179345 -1.2453129300517727 -1.2809119903772441 -1.3722313190382243 -1.4867674261723416 -1.632259237937299 +37589,-1.2282872925048076,2,-0.5519051463209157 -0.5317839383108602 -0.46832474381763883 -0.4280823277975455 -0.5132105155323631 -0.666441253455024 -0.6788235353073673 -0.8305064879984876 -0.8506276960085343 -0.9558770917533984 -1.013145145320457 -1.064222057961344 -1.1029166887498967 -1.192688232179345 -1.2453129300517727 -1.2809119903772441 -1.3722313190382243 -1.4867674261723416 -1.632259237937299 -1.4589072920045827 +37590,-0.49154152229076686,2,-0.5317839383108602 -0.46832474381763883 -0.4280823277975455 -0.5132105155323631 -0.666441253455024 -0.6788235353073673 -0.8305064879984876 -0.8506276960085343 -0.9558770917533984 -1.013145145320457 -1.064222057961344 -1.1029166887498967 -1.192688232179345 -1.2453129300517727 -1.2809119903772441 -1.3722313190382243 -1.4867674261723416 -1.632259237937299 -1.4589072920045827 -1.2282872925048076 +37591,-0.06590058361668798,2,-0.46832474381763883 -0.4280823277975455 -0.5132105155323631 -0.666441253455024 -0.6788235353073673 -0.8305064879984876 -0.8506276960085343 -0.9558770917533984 -1.013145145320457 -1.064222057961344 -1.1029166887498967 -1.192688232179345 -1.2453129300517727 -1.2809119903772441 -1.3722313190382243 -1.4867674261723416 -1.632259237937299 -1.4589072920045827 -1.2282872925048076 -0.49154152229076686 +37592,0.14614599310458112,2,-0.4280823277975455 -0.5132105155323631 -0.666441253455024 -0.6788235353073673 -0.8305064879984876 -0.8506276960085343 -0.9558770917533984 -1.013145145320457 -1.064222057961344 -1.1029166887498967 -1.192688232179345 -1.2453129300517727 -1.2809119903772441 -1.3722313190382243 -1.4867674261723416 -1.632259237937299 -1.4589072920045827 -1.2282872925048076 -0.49154152229076686 -0.06590058361668798 +37593,0.30092451625879163,2,-0.5132105155323631 -0.666441253455024 -0.6788235353073673 -0.8305064879984876 -0.8506276960085343 -0.9558770917533984 -1.013145145320457 -1.064222057961344 -1.1029166887498967 -1.192688232179345 -1.2453129300517727 -1.2809119903772441 -1.3722313190382243 -1.4867674261723416 -1.632259237937299 -1.4589072920045827 -1.2282872925048076 -0.49154152229076686 -0.06590058361668798 0.14614599310458112 +37594,0.30402008672187303,2,-0.666441253455024 -0.6788235353073673 -0.8305064879984876 -0.8506276960085343 -0.9558770917533984 -1.013145145320457 -1.064222057961344 -1.1029166887498967 -1.192688232179345 -1.2453129300517727 -1.2809119903772441 -1.3722313190382243 -1.4867674261723416 -1.632259237937299 -1.4589072920045827 -1.2282872925048076 -0.49154152229076686 -0.06590058361668798 0.14614599310458112 0.30092451625879163 +37595,0.34581028797350705,2,-0.6788235353073673 -0.8305064879984876 -0.8506276960085343 -0.9558770917533984 -1.013145145320457 -1.064222057961344 -1.1029166887498967 -1.192688232179345 -1.2453129300517727 -1.2809119903772441 -1.3722313190382243 -1.4867674261723416 -1.632259237937299 -1.4589072920045827 -1.2282872925048076 -0.49154152229076686 -0.06590058361668798 0.14614599310458112 0.30092451625879163 0.30402008672187303 +37596,0.23901310699710215,2,-0.8305064879984876 -0.8506276960085343 -0.9558770917533984 -1.013145145320457 -1.064222057961344 -1.1029166887498967 -1.192688232179345 -1.2453129300517727 -1.2809119903772441 -1.3722313190382243 -1.4867674261723416 -1.632259237937299 -1.4589072920045827 -1.2282872925048076 -0.49154152229076686 -0.06590058361668798 0.14614599310458112 0.30092451625879163 0.30402008672187303 0.34581028797350705 +37597,0.03625324166508603,2,-0.8506276960085343 -0.9558770917533984 -1.013145145320457 -1.064222057961344 -1.1029166887498967 -1.192688232179345 -1.2453129300517727 -1.2809119903772441 -1.3722313190382243 -1.4867674261723416 -1.632259237937299 -1.4589072920045827 -1.2282872925048076 -0.49154152229076686 -0.06590058361668798 0.14614599310458112 0.30092451625879163 0.30402008672187303 0.34581028797350705 0.23901310699710215 +37598,0.0037497518027049923,2,-0.9558770917533984 -1.013145145320457 -1.064222057961344 -1.1029166887498967 -1.192688232179345 -1.2453129300517727 -1.2809119903772441 -1.3722313190382243 -1.4867674261723416 -1.632259237937299 -1.4589072920045827 -1.2282872925048076 -0.49154152229076686 -0.06590058361668798 0.14614599310458112 0.30092451625879163 0.30402008672187303 0.34581028797350705 0.23901310699710215 0.03625324166508603 +37599,-0.30580729450571603,2,-1.013145145320457 -1.064222057961344 -1.1029166887498967 -1.192688232179345 -1.2453129300517727 -1.2809119903772441 -1.3722313190382243 -1.4867674261723416 -1.632259237937299 -1.4589072920045827 -1.2282872925048076 -0.49154152229076686 -0.06590058361668798 0.14614599310458112 0.30092451625879163 0.30402008672187303 0.34581028797350705 0.23901310699710215 0.03625324166508603 0.0037497518027049923 +37600,-0.34759749575735005,2,-1.064222057961344 -1.1029166887498967 -1.192688232179345 -1.2453129300517727 -1.2809119903772441 -1.3722313190382243 -1.4867674261723416 -1.632259237937299 -1.4589072920045827 -1.2282872925048076 -0.49154152229076686 -0.06590058361668798 0.14614599310458112 0.30092451625879163 0.30402008672187303 0.34581028797350705 0.23901310699710215 0.03625324166508603 0.0037497518027049923 -0.30580729450571603 +37601,-0.4296301130290862,2,-1.1029166887498967 -1.192688232179345 -1.2453129300517727 -1.2809119903772441 -1.3722313190382243 -1.4867674261723416 -1.632259237937299 -1.4589072920045827 -1.2282872925048076 -0.49154152229076686 -0.06590058361668798 0.14614599310458112 0.30092451625879163 0.30402008672187303 0.34581028797350705 0.23901310699710215 0.03625324166508603 0.0037497518027049923 -0.30580729450571603 -0.34759749575735005 +37602,-0.6463200454449775,2,-1.192688232179345 -1.2453129300517727 -1.2809119903772441 -1.3722313190382243 -1.4867674261723416 -1.632259237937299 -1.4589072920045827 -1.2282872925048076 -0.49154152229076686 -0.06590058361668798 0.14614599310458112 0.30092451625879163 0.30402008672187303 0.34581028797350705 0.23901310699710215 0.03625324166508603 0.0037497518027049923 -0.30580729450571603 -0.34759749575735005 -0.4296301130290862 +37603,-0.8831311858709241,2,-1.2453129300517727 -1.2809119903772441 -1.3722313190382243 -1.4867674261723416 -1.632259237937299 -1.4589072920045827 -1.2282872925048076 -0.49154152229076686 -0.06590058361668798 0.14614599310458112 0.30092451625879163 0.30402008672187303 0.34581028797350705 0.23901310699710215 0.03625324166508603 0.0037497518027049923 -0.30580729450571603 -0.34759749575735005 -0.4296301130290862 -0.6463200454449775 +37604,-0.8831311858709241,2,-1.2809119903772441 -1.3722313190382243 -1.4867674261723416 -1.632259237937299 -1.4589072920045827 -1.2282872925048076 -0.49154152229076686 -0.06590058361668798 0.14614599310458112 0.30092451625879163 0.30402008672187303 0.34581028797350705 0.23901310699710215 0.03625324166508603 0.0037497518027049923 -0.30580729450571603 -0.34759749575735005 -0.4296301130290862 -0.6463200454449775 -0.8831311858709241 +37605,-1.1152989706022398,2,-1.3722313190382243 -1.4867674261723416 -1.632259237937299 -1.4589072920045827 -1.2282872925048076 -0.49154152229076686 -0.06590058361668798 0.14614599310458112 0.30092451625879163 0.30402008672187303 0.34581028797350705 0.23901310699710215 0.03625324166508603 0.0037497518027049923 -0.30580729450571603 -0.34759749575735005 -0.4296301130290862 -0.6463200454449775 -0.8831311858709241 -0.8831311858709241 +37606,-1.1431591047699987,2,-1.4867674261723416 -1.632259237937299 -1.4589072920045827 -1.2282872925048076 -0.49154152229076686 -0.06590058361668798 0.14614599310458112 0.30092451625879163 0.30402008672187303 0.34581028797350705 0.23901310699710215 0.03625324166508603 0.0037497518027049923 -0.30580729450571603 -0.34759749575735005 -0.4296301130290862 -0.6463200454449775 -0.8831311858709241 -0.8831311858709241 -1.1152989706022398 +37607,-1.1679236684746674,2,-1.632259237937299 -1.4589072920045827 -1.2282872925048076 -0.49154152229076686 -0.06590058361668798 0.14614599310458112 0.30092451625879163 0.30402008672187303 0.34581028797350705 0.23901310699710215 0.03625324166508603 0.0037497518027049923 -0.30580729450571603 -0.34759749575735005 -0.4296301130290862 -0.6463200454449775 -0.8831311858709241 -0.8831311858709241 -1.1152989706022398 -1.1431591047699987 +37608,-1.1416113195384492,2,-1.4589072920045827 -1.2282872925048076 -0.49154152229076686 -0.06590058361668798 0.14614599310458112 0.30092451625879163 0.30402008672187303 0.34581028797350705 0.23901310699710215 0.03625324166508603 0.0037497518027049923 -0.30580729450571603 -0.34759749575735005 -0.4296301130290862 -0.6463200454449775 -0.8831311858709241 -0.8831311858709241 -1.1152989706022398 -1.1431591047699987 -1.1679236684746674 +37609,-1.1307768229176556,2,-1.2282872925048076 -0.49154152229076686 -0.06590058361668798 0.14614599310458112 0.30092451625879163 0.30402008672187303 0.34581028797350705 0.23901310699710215 0.03625324166508603 0.0037497518027049923 -0.30580729450571603 -0.34759749575735005 -0.4296301130290862 -0.6463200454449775 -0.8831311858709241 -0.8831311858709241 -1.1152989706022398 -1.1431591047699987 -1.1679236684746674 -1.1416113195384492 +37610,-1.1586369570854145,2,-0.49154152229076686 -0.06590058361668798 0.14614599310458112 0.30092451625879163 0.30402008672187303 0.34581028797350705 0.23901310699710215 0.03625324166508603 0.0037497518027049923 -0.30580729450571603 -0.34759749575735005 -0.4296301130290862 -0.6463200454449775 -0.8831311858709241 -0.8831311858709241 -1.1152989706022398 -1.1431591047699987 -1.1679236684746674 -1.1416113195384492 -1.1307768229176556 +37611,-1.234478433430979,2,-0.06590058361668798 0.14614599310458112 0.30092451625879163 0.30402008672187303 0.34581028797350705 0.23901310699710215 0.03625324166508603 0.0037497518027049923 -0.30580729450571603 -0.34759749575735005 -0.4296301130290862 -0.6463200454449775 -0.8831311858709241 -0.8831311858709241 -1.1152989706022398 -1.1431591047699987 -1.1679236684746674 -1.1416113195384492 -1.1307768229176556 -1.1586369570854145 +37612,-1.1091078296760681,2,0.14614599310458112 0.30092451625879163 0.30402008672187303 0.34581028797350705 0.23901310699710215 0.03625324166508603 0.0037497518027049923 -0.30580729450571603 -0.34759749575735005 -0.4296301130290862 -0.6463200454449775 -0.8831311858709241 -0.8831311858709241 -1.1152989706022398 -1.1431591047699987 -1.1679236684746674 -1.1416113195384492 -1.1307768229176556 -1.1586369570854145 -1.234478433430979 +37613,-1.0796999102767686,2,0.30092451625879163 0.30402008672187303 0.34581028797350705 0.23901310699710215 0.03625324166508603 0.0037497518027049923 -0.30580729450571603 -0.34759749575735005 -0.4296301130290862 -0.6463200454449775 -0.8831311858709241 -0.8831311858709241 -1.1152989706022398 -1.1431591047699987 -1.1679236684746674 -1.1416113195384492 -1.1307768229176556 -1.1586369570854145 -1.234478433430979 -1.1091078296760681 +37614,-0.6726323943811956,2,0.30402008672187303 0.34581028797350705 0.23901310699710215 0.03625324166508603 0.0037497518027049923 -0.30580729450571603 -0.34759749575735005 -0.4296301130290862 -0.6463200454449775 -0.8831311858709241 -0.8831311858709241 -1.1152989706022398 -1.1431591047699987 -1.1679236684746674 -1.1416113195384492 -1.1307768229176556 -1.1586369570854145 -1.234478433430979 -1.1091078296760681 -1.0796999102767686 +37615,-0.5627396429417093,2,0.34581028797350705 0.23901310699710215 0.03625324166508603 0.0037497518027049923 -0.30580729450571603 -0.34759749575735005 -0.4296301130290862 -0.6463200454449775 -0.8831311858709241 -0.8831311858709241 -1.1152989706022398 -1.1431591047699987 -1.1679236684746674 -1.1416113195384492 -1.1307768229176556 -1.1586369570854145 -1.234478433430979 -1.1091078296760681 -1.0796999102767686 -0.6726323943811956 +37616,-0.3785532003881992,2,0.23901310699710215 0.03625324166508603 0.0037497518027049923 -0.30580729450571603 -0.34759749575735005 -0.4296301130290862 -0.6463200454449775 -0.8831311858709241 -0.8831311858709241 -1.1152989706022398 -1.1431591047699987 -1.1679236684746674 -1.1416113195384492 -1.1307768229176556 -1.1586369570854145 -1.234478433430979 -1.1091078296760681 -1.0796999102767686 -0.6726323943811956 -0.5627396429417093 +37617,-0.29342501265338167,2,0.03625324166508603 0.0037497518027049923 -0.30580729450571603 -0.34759749575735005 -0.4296301130290862 -0.6463200454449775 -0.8831311858709241 -0.8831311858709241 -1.1152989706022398 -1.1431591047699987 -1.1679236684746674 -1.1416113195384492 -1.1307768229176556 -1.1586369570854145 -1.234478433430979 -1.1091078296760681 -1.0796999102767686 -0.6726323943811956 -0.5627396429417093 -0.3785532003881992 +37618,-0.273303804643335,2,0.0037497518027049923 -0.30580729450571603 -0.34759749575735005 -0.4296301130290862 -0.6463200454449775 -0.8831311858709241 -0.8831311858709241 -1.1152989706022398 -1.1431591047699987 -1.1679236684746674 -1.1416113195384492 -1.1307768229176556 -1.1586369570854145 -1.234478433430979 -1.1091078296760681 -1.0796999102767686 -0.6726323943811956 -0.5627396429417093 -0.3785532003881992 -0.29342501265338167 +37619,-0.23460917385478236,2,-0.30580729450571603 -0.34759749575735005 -0.4296301130290862 -0.6463200454449775 -0.8831311858709241 -0.8831311858709241 -1.1152989706022398 -1.1431591047699987 -1.1679236684746674 -1.1416113195384492 -1.1307768229176556 -1.1586369570854145 -1.234478433430979 -1.1091078296760681 -1.0796999102767686 -0.6726323943811956 -0.5627396429417093 -0.3785532003881992 -0.29342501265338167 -0.273303804643335 +37620,-0.2160357510762764,2,-0.34759749575735005 -0.4296301130290862 -0.6463200454449775 -0.8831311858709241 -0.8831311858709241 -1.1152989706022398 -1.1431591047699987 -1.1679236684746674 -1.1416113195384492 -1.1307768229176556 -1.1586369570854145 -1.234478433430979 -1.1091078296760681 -1.0796999102767686 -0.6726323943811956 -0.5627396429417093 -0.3785532003881992 -0.29342501265338167 -0.273303804643335 -0.23460917385478236 +37621,-0.273303804643335,2,-0.4296301130290862 -0.6463200454449775 -0.8831311858709241 -0.8831311858709241 -1.1152989706022398 -1.1431591047699987 -1.1679236684746674 -1.1416113195384492 -1.1307768229176556 -1.1586369570854145 -1.234478433430979 -1.1091078296760681 -1.0796999102767686 -0.6726323943811956 -0.5627396429417093 -0.3785532003881992 -0.29342501265338167 -0.273303804643335 -0.23460917385478236 -0.2160357510762764 +37622,-0.4079611197874988,2,-0.6463200454449775 -0.8831311858709241 -0.8831311858709241 -1.1152989706022398 -1.1431591047699987 -1.1679236684746674 -1.1416113195384492 -1.1307768229176556 -1.1586369570854145 -1.234478433430979 -1.1091078296760681 -1.0796999102767686 -0.6726323943811956 -0.5627396429417093 -0.3785532003881992 -0.29342501265338167 -0.273303804643335 -0.23460917385478236 -0.2160357510762764 -0.273303804643335 +37623,-0.6354855488241837,2,-0.8831311858709241 -0.8831311858709241 -1.1152989706022398 -1.1431591047699987 -1.1679236684746674 -1.1416113195384492 -1.1307768229176556 -1.1586369570854145 -1.234478433430979 -1.1091078296760681 -1.0796999102767686 -0.6726323943811956 -0.5627396429417093 -0.3785532003881992 -0.29342501265338167 -0.273303804643335 -0.23460917385478236 -0.2160357510762764 -0.273303804643335 -0.4079611197874988 +37624,-0.7175181660959199,2,-0.8831311858709241 -1.1152989706022398 -1.1431591047699987 -1.1679236684746674 -1.1416113195384492 -1.1307768229176556 -1.1586369570854145 -1.234478433430979 -1.1091078296760681 -1.0796999102767686 -0.6726323943811956 -0.5627396429417093 -0.3785532003881992 -0.29342501265338167 -0.273303804643335 -0.23460917385478236 -0.2160357510762764 -0.273303804643335 -0.4079611197874988 -0.6354855488241837 +37625,-0.7902640719783942,2,-1.1152989706022398 -1.1431591047699987 -1.1679236684746674 -1.1416113195384492 -1.1307768229176556 -1.1586369570854145 -1.234478433430979 -1.1091078296760681 -1.0796999102767686 -0.6726323943811956 -0.5627396429417093 -0.3785532003881992 -0.29342501265338167 -0.273303804643335 -0.23460917385478236 -0.2160357510762764 -0.273303804643335 -0.4079611197874988 -0.6354855488241837 -0.7175181660959199 +37626,-0.8614621926293367,2,-1.1431591047699987 -1.1679236684746674 -1.1416113195384492 -1.1307768229176556 -1.1586369570854145 -1.234478433430979 -1.1091078296760681 -1.0796999102767686 -0.6726323943811956 -0.5627396429417093 -0.3785532003881992 -0.29342501265338167 -0.273303804643335 -0.23460917385478236 -0.2160357510762764 -0.273303804643335 -0.4079611197874988 -0.6354855488241837 -0.7175181660959199 -0.7902640719783942 +37627,-0.8459843403139121,2,-1.1679236684746674 -1.1416113195384492 -1.1307768229176556 -1.1586369570854145 -1.234478433430979 -1.1091078296760681 -1.0796999102767686 -0.6726323943811956 -0.5627396429417093 -0.3785532003881992 -0.29342501265338167 -0.273303804643335 -0.23460917385478236 -0.2160357510762764 -0.273303804643335 -0.4079611197874988 -0.6354855488241837 -0.7175181660959199 -0.7902640719783942 -0.8614621926293367 +37628,-0.8970612529547991,2,-1.1416113195384492 -1.1307768229176556 -1.1586369570854145 -1.234478433430979 -1.1091078296760681 -1.0796999102767686 -0.6726323943811956 -0.5627396429417093 -0.3785532003881992 -0.29342501265338167 -0.273303804643335 -0.23460917385478236 -0.2160357510762764 -0.273303804643335 -0.4079611197874988 -0.6354855488241837 -0.7175181660959199 -0.7902640719783942 -0.8614621926293367 -0.8459843403139121 +37629,-0.8955134677232585,2,-1.1307768229176556 -1.1586369570854145 -1.234478433430979 -1.1091078296760681 -1.0796999102767686 -0.6726323943811956 -0.5627396429417093 -0.3785532003881992 -0.29342501265338167 -0.273303804643335 -0.23460917385478236 -0.2160357510762764 -0.273303804643335 -0.4079611197874988 -0.6354855488241837 -0.7175181660959199 -0.7902640719783942 -0.8614621926293367 -0.8459843403139121 -0.8970612529547991 +37630,-0.9342080985118111,2,-1.1586369570854145 -1.234478433430979 -1.1091078296760681 -1.0796999102767686 -0.6726323943811956 -0.5627396429417093 -0.3785532003881992 -0.29342501265338167 -0.273303804643335 -0.23460917385478236 -0.2160357510762764 -0.273303804643335 -0.4079611197874988 -0.6354855488241837 -0.7175181660959199 -0.7902640719783942 -0.8614621926293367 -0.8459843403139121 -0.8970612529547991 -0.8955134677232585 +37631,-0.9481381655956861,2,-1.234478433430979 -1.1091078296760681 -1.0796999102767686 -0.6726323943811956 -0.5627396429417093 -0.3785532003881992 -0.29342501265338167 -0.273303804643335 -0.23460917385478236 -0.2160357510762764 -0.273303804643335 -0.4079611197874988 -0.6354855488241837 -0.7175181660959199 -0.7902640719783942 -0.8614621926293367 -0.8459843403139121 -0.8970612529547991 -0.8955134677232585 -0.9342080985118111 +37632,-1.0255274271727914,2,-1.1091078296760681 -1.0796999102767686 -0.6726323943811956 -0.5627396429417093 -0.3785532003881992 -0.29342501265338167 -0.273303804643335 -0.23460917385478236 -0.2160357510762764 -0.273303804643335 -0.4079611197874988 -0.6354855488241837 -0.7175181660959199 -0.7902640719783942 -0.8614621926293367 -0.8459843403139121 -0.8970612529547991 -0.8955134677232585 -0.9342080985118111 -0.9481381655956861 +37633,-1.0766043398136873,2,-1.0796999102767686 -0.6726323943811956 -0.5627396429417093 -0.3785532003881992 -0.29342501265338167 -0.273303804643335 -0.23460917385478236 -0.2160357510762764 -0.273303804643335 -0.4079611197874988 -0.6354855488241837 -0.7175181660959199 -0.7902640719783942 -0.8614621926293367 -0.8459843403139121 -0.8970612529547991 -0.8955134677232585 -0.9342080985118111 -0.9481381655956861 -1.0255274271727914 +37634,-1.0889866216660216,2,-0.6726323943811956 -0.5627396429417093 -0.3785532003881992 -0.29342501265338167 -0.273303804643335 -0.23460917385478236 -0.2160357510762764 -0.273303804643335 -0.4079611197874988 -0.6354855488241837 -0.7175181660959199 -0.7902640719783942 -0.8614621926293367 -0.8459843403139121 -0.8970612529547991 -0.8955134677232585 -0.9342080985118111 -0.9481381655956861 -1.0255274271727914 -1.0766043398136873 +37635,-1.0812476955083092,2,-0.5627396429417093 -0.3785532003881992 -0.29342501265338167 -0.273303804643335 -0.23460917385478236 -0.2160357510762764 -0.273303804643335 -0.4079611197874988 -0.6354855488241837 -0.7175181660959199 -0.7902640719783942 -0.8614621926293367 -0.8459843403139121 -0.8970612529547991 -0.8955134677232585 -0.9342080985118111 -0.9481381655956861 -1.0255274271727914 -1.0766043398136873 -1.0889866216660216 +37636,-1.0812476955083092,2,-0.3785532003881992 -0.29342501265338167 -0.273303804643335 -0.23460917385478236 -0.2160357510762764 -0.273303804643335 -0.4079611197874988 -0.6354855488241837 -0.7175181660959199 -0.7902640719783942 -0.8614621926293367 -0.8459843403139121 -0.8970612529547991 -0.8955134677232585 -0.9342080985118111 -0.9481381655956861 -1.0255274271727914 -1.0766043398136873 -1.0889866216660216 -1.0812476955083092 +37637,-0.9961195077734918,2,-0.29342501265338167 -0.273303804643335 -0.23460917385478236 -0.2160357510762764 -0.273303804643335 -0.4079611197874988 -0.6354855488241837 -0.7175181660959199 -0.7902640719783942 -0.8614621926293367 -0.8459843403139121 -0.8970612529547991 -0.8955134677232585 -0.9342080985118111 -0.9481381655956861 -1.0255274271727914 -1.0766043398136873 -1.0889866216660216 -1.0812476955083092 -1.0812476955083092 +37638,-0.7391871593375072,2,-0.273303804643335 -0.23460917385478236 -0.2160357510762764 -0.273303804643335 -0.4079611197874988 -0.6354855488241837 -0.7175181660959199 -0.7902640719783942 -0.8614621926293367 -0.8459843403139121 -0.8970612529547991 -0.8955134677232585 -0.9342080985118111 -0.9481381655956861 -1.0255274271727914 -1.0766043398136873 -1.0889866216660216 -1.0812476955083092 -1.0812476955083092 -0.9961195077734918 +37639,-0.5441662201632034,2,-0.23460917385478236 -0.2160357510762764 -0.273303804643335 -0.4079611197874988 -0.6354855488241837 -0.7175181660959199 -0.7902640719783942 -0.8614621926293367 -0.8459843403139121 -0.8970612529547991 -0.8955134677232585 -0.9342080985118111 -0.9481381655956861 -1.0255274271727914 -1.0766043398136873 -1.0889866216660216 -1.0812476955083092 -1.0812476955083092 -0.9961195077734918 -0.7391871593375072 +37640,-0.36617091853585604,2,-0.2160357510762764 -0.273303804643335 -0.4079611197874988 -0.6354855488241837 -0.7175181660959199 -0.7902640719783942 -0.8614621926293367 -0.8459843403139121 -0.8970612529547991 -0.8955134677232585 -0.9342080985118111 -0.9481381655956861 -1.0255274271727914 -1.0766043398136873 -1.0889866216660216 -1.0812476955083092 -1.0812476955083092 -0.9961195077734918 -0.7391871593375072 -0.5441662201632034 +37641,-0.20055789876085184,2,-0.273303804643335 -0.4079611197874988 -0.6354855488241837 -0.7175181660959199 -0.7902640719783942 -0.8614621926293367 -0.8459843403139121 -0.8970612529547991 -0.8955134677232585 -0.9342080985118111 -0.9481381655956861 -1.0255274271727914 -1.0766043398136873 -1.0889866216660216 -1.0812476955083092 -1.0812476955083092 -0.9961195077734918 -0.7391871593375072 -0.5441662201632034 -0.36617091853585604 +37642,-0.14638541565688343,2,-0.4079611197874988 -0.6354855488241837 -0.7175181660959199 -0.7902640719783942 -0.8614621926293367 -0.8459843403139121 -0.8970612529547991 -0.8955134677232585 -0.9342080985118111 -0.9481381655956861 -1.0255274271727914 -1.0766043398136873 -1.0889866216660216 -1.0812476955083092 -1.0812476955083092 -0.9961195077734918 -0.7391871593375072 -0.5441662201632034 -0.36617091853585604 -0.20055789876085184 +37643,-0.1076907848683308,2,-0.6354855488241837 -0.7175181660959199 -0.7902640719783942 -0.8614621926293367 -0.8459843403139121 -0.8970612529547991 -0.8955134677232585 -0.9342080985118111 -0.9481381655956861 -1.0255274271727914 -1.0766043398136873 -1.0889866216660216 -1.0812476955083092 -1.0812476955083092 -0.9961195077734918 -0.7391871593375072 -0.5441662201632034 -0.36617091853585604 -0.20055789876085184 -0.14638541565688343 +37644,-0.07363950977440026,2,-0.7175181660959199 -0.7902640719783942 -0.8614621926293367 -0.8459843403139121 -0.8970612529547991 -0.8955134677232585 -0.9342080985118111 -0.9481381655956861 -1.0255274271727914 -1.0766043398136873 -1.0889866216660216 -1.0812476955083092 -1.0812476955083092 -0.9961195077734918 -0.7391871593375072 -0.5441662201632034 -0.36617091853585604 -0.20055789876085184 -0.14638541565688343 -0.1076907848683308 +37645,-0.15257655658304622,2,-0.7902640719783942 -0.8614621926293367 -0.8459843403139121 -0.8970612529547991 -0.8955134677232585 -0.9342080985118111 -0.9481381655956861 -1.0255274271727914 -1.0766043398136873 -1.0889866216660216 -1.0812476955083092 -1.0812476955083092 -0.9961195077734918 -0.7391871593375072 -0.5441662201632034 -0.36617091853585604 -0.20055789876085184 -0.14638541565688343 -0.1076907848683308 -0.07363950977440026 +37646,-0.4373690391867985,2,-0.8614621926293367 -0.8459843403139121 -0.8970612529547991 -0.8955134677232585 -0.9342080985118111 -0.9481381655956861 -1.0255274271727914 -1.0766043398136873 -1.0889866216660216 -1.0812476955083092 -1.0812476955083092 -0.9961195077734918 -0.7391871593375072 -0.5441662201632034 -0.36617091853585604 -0.20055789876085184 -0.14638541565688343 -0.1076907848683308 -0.07363950977440026 -0.15257655658304622 +37647,-0.6215554817403086,2,-0.8459843403139121 -0.8970612529547991 -0.8955134677232585 -0.9342080985118111 -0.9481381655956861 -1.0255274271727914 -1.0766043398136873 -1.0889866216660216 -1.0812476955083092 -1.0812476955083092 -0.9961195077734918 -0.7391871593375072 -0.5441662201632034 -0.36617091853585604 -0.20055789876085184 -0.14638541565688343 -0.1076907848683308 -0.07363950977440026 -0.15257655658304622 -0.4373690391867985 +37648,-0.7066836694751262,2,-0.8970612529547991 -0.8955134677232585 -0.9342080985118111 -0.9481381655956861 -1.0255274271727914 -1.0766043398136873 -1.0889866216660216 -1.0812476955083092 -1.0812476955083092 -0.9961195077734918 -0.7391871593375072 -0.5441662201632034 -0.36617091853585604 -0.20055789876085184 -0.14638541565688343 -0.1076907848683308 -0.07363950977440026 -0.15257655658304622 -0.4373690391867985 -0.6215554817403086 +37649,-0.7887162867468536,2,-0.8955134677232585 -0.9342080985118111 -0.9481381655956861 -1.0255274271727914 -1.0766043398136873 -1.0889866216660216 -1.0812476955083092 -1.0812476955083092 -0.9961195077734918 -0.7391871593375072 -0.5441662201632034 -0.36617091853585604 -0.20055789876085184 -0.14638541565688343 -0.1076907848683308 -0.07363950977440026 -0.15257655658304622 -0.4373690391867985 -0.6215554817403086 -0.7066836694751262 +37650,-0.989928366847329,2,-0.9342080985118111 -0.9481381655956861 -1.0255274271727914 -1.0766043398136873 -1.0889866216660216 -1.0812476955083092 -1.0812476955083092 -0.9961195077734918 -0.7391871593375072 -0.5441662201632034 -0.36617091853585604 -0.20055789876085184 -0.14638541565688343 -0.1076907848683308 -0.07363950977440026 -0.15257655658304622 -0.4373690391867985 -0.6215554817403086 -0.7066836694751262 -0.7887162867468536 +37651,-1.0115973600889163,2,-0.9481381655956861 -1.0255274271727914 -1.0766043398136873 -1.0889866216660216 -1.0812476955083092 -1.0812476955083092 -0.9961195077734918 -0.7391871593375072 -0.5441662201632034 -0.36617091853585604 -0.20055789876085184 -0.14638541565688343 -0.1076907848683308 -0.07363950977440026 -0.15257655658304622 -0.4373690391867985 -0.6215554817403086 -0.7066836694751262 -0.7887162867468536 -0.989928366847329 +37652,-1.0750565545821464,2,-1.0255274271727914 -1.0766043398136873 -1.0889866216660216 -1.0812476955083092 -1.0812476955083092 -0.9961195077734918 -0.7391871593375072 -0.5441662201632034 -0.36617091853585604 -0.20055789876085184 -0.14638541565688343 -0.1076907848683308 -0.07363950977440026 -0.15257655658304622 -0.4373690391867985 -0.6215554817403086 -0.7066836694751262 -0.7887162867468536 -0.989928366847329 -1.0115973600889163 +37653,-1.1524458161592517,2,-1.0766043398136873 -1.0889866216660216 -1.0812476955083092 -1.0812476955083092 -0.9961195077734918 -0.7391871593375072 -0.5441662201632034 -0.36617091853585604 -0.20055789876085184 -0.14638541565688343 -0.1076907848683308 -0.07363950977440026 -0.15257655658304622 -0.4373690391867985 -0.6215554817403086 -0.7066836694751262 -0.7887162867468536 -0.989928366847329 -1.0115973600889163 -1.0750565545821464 +37654,-1.2174527958840138,2,-1.0889866216660216 -1.0812476955083092 -1.0812476955083092 -0.9961195077734918 -0.7391871593375072 -0.5441662201632034 -0.36617091853585604 -0.20055789876085184 -0.14638541565688343 -0.1076907848683308 -0.07363950977440026 -0.15257655658304622 -0.4373690391867985 -0.6215554817403086 -0.7066836694751262 -0.7887162867468536 -0.989928366847329 -1.0115973600889163 -1.0750565545821464 -1.1524458161592517 +37655,-1.4124737350583176,2,-1.0812476955083092 -1.0812476955083092 -0.9961195077734918 -0.7391871593375072 -0.5441662201632034 -0.36617091853585604 -0.20055789876085184 -0.14638541565688343 -0.1076907848683308 -0.07363950977440026 -0.15257655658304622 -0.4373690391867985 -0.6215554817403086 -0.7066836694751262 -0.7887162867468536 -0.989928366847329 -1.0115973600889163 -1.0750565545821464 -1.1524458161592517 -1.2174527958840138 +37656,-1.5672522582125281,2,-1.0812476955083092 -0.9961195077734918 -0.7391871593375072 -0.5441662201632034 -0.36617091853585604 -0.20055789876085184 -0.14638541565688343 -0.1076907848683308 -0.07363950977440026 -0.15257655658304622 -0.4373690391867985 -0.6215554817403086 -0.7066836694751262 -0.7887162867468536 -0.989928366847329 -1.0115973600889163 -1.0750565545821464 -1.1524458161592517 -1.2174527958840138 -1.4124737350583176 +37657,-1.5285576274239756,2,-0.9961195077734918 -0.7391871593375072 -0.5441662201632034 -0.36617091853585604 -0.20055789876085184 -0.14638541565688343 -0.1076907848683308 -0.07363950977440026 -0.15257655658304622 -0.4373690391867985 -0.6215554817403086 -0.7066836694751262 -0.7887162867468536 -0.989928366847329 -1.0115973600889163 -1.0750565545821464 -1.1524458161592517 -1.2174527958840138 -1.4124737350583176 -1.5672522582125281 +37658,-1.5920168219172057,2,-0.7391871593375072 -0.5441662201632034 -0.36617091853585604 -0.20055789876085184 -0.14638541565688343 -0.1076907848683308 -0.07363950977440026 -0.15257655658304622 -0.4373690391867985 -0.6215554817403086 -0.7066836694751262 -0.7887162867468536 -0.989928366847329 -1.0115973600889163 -1.0750565545821464 -1.1524458161592517 -1.2174527958840138 -1.4124737350583176 -1.5672522582125281 -1.5285576274239756 +37659,-1.6709538687258516,2,-0.5441662201632034 -0.36617091853585604 -0.20055789876085184 -0.14638541565688343 -0.1076907848683308 -0.07363950977440026 -0.15257655658304622 -0.4373690391867985 -0.6215554817403086 -0.7066836694751262 -0.7887162867468536 -0.989928366847329 -1.0115973600889163 -1.0750565545821464 -1.1524458161592517 -1.2174527958840138 -1.4124737350583176 -1.5672522582125281 -1.5285576274239756 -1.5920168219172057 +37660,-1.7003617881251514,2,-0.36617091853585604 -0.20055789876085184 -0.14638541565688343 -0.1076907848683308 -0.07363950977440026 -0.15257655658304622 -0.4373690391867985 -0.6215554817403086 -0.7066836694751262 -0.7887162867468536 -0.989928366847329 -1.0115973600889163 -1.0750565545821464 -1.1524458161592517 -1.2174527958840138 -1.4124737350583176 -1.5672522582125281 -1.5285576274239756 -1.5920168219172057 -1.6709538687258516 +37661,-1.4728373590884665,2,-0.20055789876085184 -0.14638541565688343 -0.1076907848683308 -0.07363950977440026 -0.15257655658304622 -0.4373690391867985 -0.6215554817403086 -0.7066836694751262 -0.7887162867468536 -0.989928366847329 -1.0115973600889163 -1.0750565545821464 -1.1524458161592517 -1.2174527958840138 -1.4124737350583176 -1.5672522582125281 -1.5285576274239756 -1.5920168219172057 -1.6709538687258516 -1.7003617881251514 +37662,-0.5627396429417093,2,-0.14638541565688343 -0.1076907848683308 -0.07363950977440026 -0.15257655658304622 -0.4373690391867985 -0.6215554817403086 -0.7066836694751262 -0.7887162867468536 -0.989928366847329 -1.0115973600889163 -1.0750565545821464 -1.1524458161592517 -1.2174527958840138 -1.4124737350583176 -1.5672522582125281 -1.5285576274239756 -1.5920168219172057 -1.6709538687258516 -1.7003617881251514 -1.4728373590884665 +37663,-0.5627396429417093,2,-0.1076907848683308 -0.07363950977440026 -0.15257655658304622 -0.4373690391867985 -0.6215554817403086 -0.7066836694751262 -0.7887162867468536 -0.989928366847329 -1.0115973600889163 -1.0750565545821464 -1.1524458161592517 -1.2174527958840138 -1.4124737350583176 -1.5672522582125281 -1.5285576274239756 -1.5920168219172057 -1.6709538687258516 -1.7003617881251514 -1.4728373590884665 -0.5627396429417093 +37664,-0.18508004644543605,2,-0.07363950977440026 -0.15257655658304622 -0.4373690391867985 -0.6215554817403086 -0.7066836694751262 -0.7887162867468536 -0.989928366847329 -1.0115973600889163 -1.0750565545821464 -1.1524458161592517 -1.2174527958840138 -1.4124737350583176 -1.5672522582125281 -1.5285576274239756 -1.5920168219172057 -1.6709538687258516 -1.7003617881251514 -1.4728373590884665 -0.5627396429417093 -0.5627396429417093 +37665,-0.007084744818088688,2,-0.15257655658304622 -0.4373690391867985 -0.6215554817403086 -0.7066836694751262 -0.7887162867468536 -0.989928366847329 -1.0115973600889163 -1.0750565545821464 -1.1524458161592517 -1.2174527958840138 -1.4124737350583176 -1.5672522582125281 -1.5285576274239756 -1.5920168219172057 -1.6709538687258516 -1.7003617881251514 -1.4728373590884665 -0.5627396429417093 -0.5627396429417093 -0.18508004644543605 +37666,0.04708773828587971,2,-0.4373690391867985 -0.6215554817403086 -0.7066836694751262 -0.7887162867468536 -0.989928366847329 -1.0115973600889163 -1.0750565545821464 -1.1524458161592517 -1.2174527958840138 -1.4124737350583176 -1.5672522582125281 -1.5285576274239756 -1.5920168219172057 -1.6709538687258516 -1.7003617881251514 -1.4728373590884665 -0.5627396429417093 -0.5627396429417093 -0.18508004644543605 -0.007084744818088688 +37667,0.08113901337981025,2,-0.6215554817403086 -0.7066836694751262 -0.7887162867468536 -0.989928366847329 -1.0115973600889163 -1.0750565545821464 -1.1524458161592517 -1.2174527958840138 -1.4124737350583176 -1.5672522582125281 -1.5285576274239756 -1.5920168219172057 -1.6709538687258516 -1.7003617881251514 -1.4728373590884665 -0.5627396429417093 -0.5627396429417093 -0.18508004644543605 -0.007084744818088688 0.04708773828587971 +37668,0.02541874504429235,2,-0.7066836694751262 -0.7887162867468536 -0.989928366847329 -1.0115973600889163 -1.0750565545821464 -1.1524458161592517 -1.2174527958840138 -1.4124737350583176 -1.5672522582125281 -1.5285576274239756 -1.5920168219172057 -1.6709538687258516 -1.7003617881251514 -1.4728373590884665 -0.5627396429417093 -0.5627396429417093 -0.18508004644543605 -0.007084744818088688 0.04708773828587971 0.08113901337981025 +37669,-0.15721991227767712,2,-0.7887162867468536 -0.989928366847329 -1.0115973600889163 -1.0750565545821464 -1.1524458161592517 -1.2174527958840138 -1.4124737350583176 -1.5672522582125281 -1.5285576274239756 -1.5920168219172057 -1.6709538687258516 -1.7003617881251514 -1.4728373590884665 -0.5627396429417093 -0.5627396429417093 -0.18508004644543605 -0.007084744818088688 0.04708773828587971 0.08113901337981025 0.02541874504429235 +37670,-0.39867440839824586,2,-0.989928366847329 -1.0115973600889163 -1.0750565545821464 -1.1524458161592517 -1.2174527958840138 -1.4124737350583176 -1.5672522582125281 -1.5285576274239756 -1.5920168219172057 -1.6709538687258516 -1.7003617881251514 -1.4728373590884665 -0.5627396429417093 -0.5627396429417093 -0.18508004644543605 -0.007084744818088688 0.04708773828587971 0.08113901337981025 0.02541874504429235 -0.15721991227767712 +37671,-0.5503573610893662,2,-1.0115973600889163 -1.0750565545821464 -1.1524458161592517 -1.2174527958840138 -1.4124737350583176 -1.5672522582125281 -1.5285576274239756 -1.5920168219172057 -1.6709538687258516 -1.7003617881251514 -1.4728373590884665 -0.5627396429417093 -0.5627396429417093 -0.18508004644543605 -0.007084744818088688 0.04708773828587971 0.08113901337981025 0.02541874504429235 -0.15721991227767712 -0.39867440839824586 +37672,-0.675727964844277,2,-1.0750565545821464 -1.1524458161592517 -1.2174527958840138 -1.4124737350583176 -1.5672522582125281 -1.5285576274239756 -1.5920168219172057 -1.6709538687258516 -1.7003617881251514 -1.4728373590884665 -0.5627396429417093 -0.5627396429417093 -0.18508004644543605 -0.007084744818088688 0.04708773828587971 0.08113901337981025 0.02541874504429235 -0.15721991227767712 -0.39867440839824586 -0.5503573610893662 +37673,-0.7995507833676472,2,-1.1524458161592517 -1.2174527958840138 -1.4124737350583176 -1.5672522582125281 -1.5285576274239756 -1.5920168219172057 -1.6709538687258516 -1.7003617881251514 -1.4728373590884665 -0.5627396429417093 -0.5627396429417093 -0.18508004644543605 -0.007084744818088688 0.04708773828587971 0.08113901337981025 0.02541874504429235 -0.15721991227767712 -0.39867440839824586 -0.5503573610893662 -0.675727964844277 +37674,-1.0023106486996634,2,-1.2174527958840138 -1.4124737350583176 -1.5672522582125281 -1.5285576274239756 -1.5920168219172057 -1.6709538687258516 -1.7003617881251514 -1.4728373590884665 -0.5627396429417093 -0.5627396429417093 -0.18508004644543605 -0.007084744818088688 0.04708773828587971 0.08113901337981025 0.02541874504429235 -0.15721991227767712 -0.39867440839824586 -0.5503573610893662 -0.675727964844277 -0.7995507833676472 +37675,-1.050291990877469,2,-1.4124737350583176 -1.5672522582125281 -1.5285576274239756 -1.5920168219172057 -1.6709538687258516 -1.7003617881251514 -1.4728373590884665 -0.5627396429417093 -0.5627396429417093 -0.18508004644543605 -0.007084744818088688 0.04708773828587971 0.08113901337981025 0.02541874504429235 -0.15721991227767712 -0.39867440839824586 -0.5503573610893662 -0.675727964844277 -0.7995507833676472 -1.0023106486996634 +37676,-1.1168467558337805,2,-1.5672522582125281 -1.5285576274239756 -1.5920168219172057 -1.6709538687258516 -1.7003617881251514 -1.4728373590884665 -0.5627396429417093 -0.5627396429417093 -0.18508004644543605 -0.007084744818088688 0.04708773828587971 0.08113901337981025 0.02541874504429235 -0.15721991227767712 -0.39867440839824586 -0.5503573610893662 -0.675727964844277 -0.7995507833676472 -1.0023106486996634 -1.050291990877469 +37677,-1.3056765540819129,2,-1.5285576274239756 -1.5920168219172057 -1.6709538687258516 -1.7003617881251514 -1.4728373590884665 -0.5627396429417093 -0.5627396429417093 -0.18508004644543605 -0.007084744818088688 0.04708773828587971 0.08113901337981025 0.02541874504429235 -0.15721991227767712 -0.39867440839824586 -0.5503573610893662 -0.675727964844277 -0.7995507833676472 -1.0023106486996634 -1.050291990877469 -1.1168467558337805 +37678,-1.3350844734812124,2,-1.5920168219172057 -1.6709538687258516 -1.7003617881251514 -1.4728373590884665 -0.5627396429417093 -0.5627396429417093 -0.18508004644543605 -0.007084744818088688 0.04708773828587971 0.08113901337981025 0.02541874504429235 -0.15721991227767712 -0.39867440839824586 -0.5503573610893662 -0.675727964844277 -0.7995507833676472 -1.0023106486996634 -1.050291990877469 -1.1168467558337805 -1.3056765540819129 +37679,-1.4140215202898672,2,-1.6709538687258516 -1.7003617881251514 -1.4728373590884665 -0.5627396429417093 -0.5627396429417093 -0.18508004644543605 -0.007084744818088688 0.04708773828587971 0.08113901337981025 0.02541874504429235 -0.15721991227767712 -0.39867440839824586 -0.5503573610893662 -0.675727964844277 -0.7995507833676472 -1.0023106486996634 -1.050291990877469 -1.1168467558337805 -1.3056765540819129 -1.3350844734812124 +37680,-1.4264038021422016,2,-1.7003617881251514 -1.4728373590884665 -0.5627396429417093 -0.5627396429417093 -0.18508004644543605 -0.007084744818088688 0.04708773828587971 0.08113901337981025 0.02541874504429235 -0.15721991227767712 -0.39867440839824586 -0.5503573610893662 -0.675727964844277 -0.7995507833676472 -1.0023106486996634 -1.050291990877469 -1.1168467558337805 -1.3056765540819129 -1.3350844734812124 -1.4140215202898672 +37681,-1.5037930637193069,2,-1.4728373590884665 -0.5627396429417093 -0.5627396429417093 -0.18508004644543605 -0.007084744818088688 0.04708773828587971 0.08113901337981025 0.02541874504429235 -0.15721991227767712 -0.39867440839824586 -0.5503573610893662 -0.675727964844277 -0.7995507833676472 -1.0023106486996634 -1.050291990877469 -1.1168467558337805 -1.3056765540819129 -1.3350844734812124 -1.4140215202898672 -1.4264038021422016 +37682,-1.5161753455716411,2,-0.5627396429417093 -0.5627396429417093 -0.18508004644543605 -0.007084744818088688 0.04708773828587971 0.08113901337981025 0.02541874504429235 -0.15721991227767712 -0.39867440839824586 -0.5503573610893662 -0.675727964844277 -0.7995507833676472 -1.0023106486996634 -1.050291990877469 -1.1168467558337805 -1.3056765540819129 -1.3350844734812124 -1.4140215202898672 -1.4264038021422016 -1.5037930637193069 +37683,-1.5796345400648715,2,-0.5627396429417093 -0.18508004644543605 -0.007084744818088688 0.04708773828587971 0.08113901337981025 0.02541874504429235 -0.15721991227767712 -0.39867440839824586 -0.5503573610893662 -0.675727964844277 -0.7995507833676472 -1.0023106486996634 -1.050291990877469 -1.1168467558337805 -1.3056765540819129 -1.3350844734812124 -1.4140215202898672 -1.4264038021422016 -1.5037930637193069 -1.5161753455716411 +37684,-1.443429439689167,2,-0.18508004644543605 -0.007084744818088688 0.04708773828587971 0.08113901337981025 0.02541874504429235 -0.15721991227767712 -0.39867440839824586 -0.5503573610893662 -0.675727964844277 -0.7995507833676472 -1.0023106486996634 -1.050291990877469 -1.1168467558337805 -1.3056765540819129 -1.3350844734812124 -1.4140215202898672 -1.4264038021422016 -1.5037930637193069 -1.5161753455716411 -1.5796345400648715 +37685,-1.1447068900015396,2,-0.007084744818088688 0.04708773828587971 0.08113901337981025 0.02541874504429235 -0.15721991227767712 -0.39867440839824586 -0.5503573610893662 -0.675727964844277 -0.7995507833676472 -1.0023106486996634 -1.050291990877469 -1.1168467558337805 -1.3056765540819129 -1.3350844734812124 -1.4140215202898672 -1.4264038021422016 -1.5037930637193069 -1.5161753455716411 -1.5796345400648715 -1.443429439689167 +37686,-0.8815834006393833,2,0.04708773828587971 0.08113901337981025 0.02541874504429235 -0.15721991227767712 -0.39867440839824586 -0.5503573610893662 -0.675727964844277 -0.7995507833676472 -1.0023106486996634 -1.050291990877469 -1.1168467558337805 -1.3056765540819129 -1.3350844734812124 -1.4140215202898672 -1.4264038021422016 -1.5037930637193069 -1.5161753455716411 -1.5796345400648715 -1.443429439689167 -1.1447068900015396 +37687,-0.6989447433174139,2,0.08113901337981025 0.02541874504429235 -0.15721991227767712 -0.39867440839824586 -0.5503573610893662 -0.675727964844277 -0.7995507833676472 -1.0023106486996634 -1.050291990877469 -1.1168467558337805 -1.3056765540819129 -1.3350844734812124 -1.4140215202898672 -1.4264038021422016 -1.5037930637193069 -1.5161753455716411 -1.5796345400648715 -1.443429439689167 -1.1447068900015396 -0.8815834006393833 +37688,-0.4791592404384325,2,0.02541874504429235 -0.15721991227767712 -0.39867440839824586 -0.5503573610893662 -0.675727964844277 -0.7995507833676472 -1.0023106486996634 -1.050291990877469 -1.1168467558337805 -1.3056765540819129 -1.3350844734812124 -1.4140215202898672 -1.4264038021422016 -1.5037930637193069 -1.5161753455716411 -1.5796345400648715 -1.443429439689167 -1.1447068900015396 -0.8815834006393833 -0.6989447433174139 +37689,-0.4745158847438104,2,-0.15721991227767712 -0.39867440839824586 -0.5503573610893662 -0.675727964844277 -0.7995507833676472 -1.0023106486996634 -1.050291990877469 -1.1168467558337805 -1.3056765540819129 -1.3350844734812124 -1.4140215202898672 -1.4264038021422016 -1.5037930637193069 -1.5161753455716411 -1.5796345400648715 -1.443429439689167 -1.1447068900015396 -0.8815834006393833 -0.6989447433174139 -0.4791592404384325 +37690,-0.4946370927538571,2,-0.39867440839824586 -0.5503573610893662 -0.675727964844277 -0.7995507833676472 -1.0023106486996634 -1.050291990877469 -1.1168467558337805 -1.3056765540819129 -1.3350844734812124 -1.4140215202898672 -1.4264038021422016 -1.5037930637193069 -1.5161753455716411 -1.5796345400648715 -1.443429439689167 -1.1447068900015396 -0.8815834006393833 -0.6989447433174139 -0.4791592404384325 -0.4745158847438104 +37691,-0.5147583007639037,2,-0.5503573610893662 -0.675727964844277 -0.7995507833676472 -1.0023106486996634 -1.050291990877469 -1.1168467558337805 -1.3056765540819129 -1.3350844734812124 -1.4140215202898672 -1.4264038021422016 -1.5037930637193069 -1.5161753455716411 -1.5796345400648715 -1.443429439689167 -1.1447068900015396 -0.8815834006393833 -0.6989447433174139 -0.4791592404384325 -0.4745158847438104 -0.4946370927538571 +37692,-0.601434273730262,2,-0.675727964844277 -0.7995507833676472 -1.0023106486996634 -1.050291990877469 -1.1168467558337805 -1.3056765540819129 -1.3350844734812124 -1.4140215202898672 -1.4264038021422016 -1.5037930637193069 -1.5161753455716411 -1.5796345400648715 -1.443429439689167 -1.1447068900015396 -0.8815834006393833 -0.6989447433174139 -0.4791592404384325 -0.4745158847438104 -0.4946370927538571 -0.5147583007639037 +37693,-0.620007696508768,2,-0.7995507833676472 -1.0023106486996634 -1.050291990877469 -1.1168467558337805 -1.3056765540819129 -1.3350844734812124 -1.4140215202898672 -1.4264038021422016 -1.5037930637193069 -1.5161753455716411 -1.5796345400648715 -1.443429439689167 -1.1447068900015396 -0.8815834006393833 -0.6989447433174139 -0.4791592404384325 -0.4745158847438104 -0.4946370927538571 -0.5147583007639037 -0.601434273730262 +37694,-0.6865624614650707,2,-1.0023106486996634 -1.050291990877469 -1.1168467558337805 -1.3056765540819129 -1.3350844734812124 -1.4140215202898672 -1.4264038021422016 -1.5037930637193069 -1.5161753455716411 -1.5796345400648715 -1.443429439689167 -1.1447068900015396 -0.8815834006393833 -0.6989447433174139 -0.4791592404384325 -0.4745158847438104 -0.4946370927538571 -0.5147583007639037 -0.601434273730262 -0.620007696508768 +37695,-0.7469260854952195,2,-1.050291990877469 -1.1168467558337805 -1.3056765540819129 -1.3350844734812124 -1.4140215202898672 -1.4264038021422016 -1.5037930637193069 -1.5161753455716411 -1.5796345400648715 -1.443429439689167 -1.1447068900015396 -0.8815834006393833 -0.6989447433174139 -0.4791592404384325 -0.4745158847438104 -0.4946370927538571 -0.5147583007639037 -0.601434273730262 -0.620007696508768 -0.6865624614650707 +37696,-0.8289587027669468,2,-1.1168467558337805 -1.3056765540819129 -1.3350844734812124 -1.4140215202898672 -1.4264038021422016 -1.5037930637193069 -1.5161753455716411 -1.5796345400648715 -1.443429439689167 -1.1447068900015396 -0.8815834006393833 -0.6989447433174139 -0.4791592404384325 -0.4745158847438104 -0.4946370927538571 -0.5147583007639037 -0.601434273730262 -0.620007696508768 -0.6865624614650707 -0.7469260854952195 +37697,-0.9403992394379826,2,-1.3056765540819129 -1.3350844734812124 -1.4140215202898672 -1.4264038021422016 -1.5037930637193069 -1.5161753455716411 -1.5796345400648715 -1.443429439689167 -1.1447068900015396 -0.8815834006393833 -0.6989447433174139 -0.4791592404384325 -0.4745158847438104 -0.4946370927538571 -0.5147583007639037 -0.601434273730262 -0.620007696508768 -0.6865624614650707 -0.7469260854952195 -0.8289587027669468 +37698,-0.8939656824917177,2,-1.3350844734812124 -1.4140215202898672 -1.4264038021422016 -1.5037930637193069 -1.5161753455716411 -1.5796345400648715 -1.443429439689167 -1.1447068900015396 -0.8815834006393833 -0.6989447433174139 -0.4791592404384325 -0.4745158847438104 -0.4946370927538571 -0.5147583007639037 -0.601434273730262 -0.620007696508768 -0.6865624614650707 -0.7469260854952195 -0.8289587027669468 -0.9403992394379826 +37699,-0.8939656824917177,2,-1.4140215202898672 -1.4264038021422016 -1.5037930637193069 -1.5161753455716411 -1.5796345400648715 -1.443429439689167 -1.1447068900015396 -0.8815834006393833 -0.6989447433174139 -0.4791592404384325 -0.4745158847438104 -0.4946370927538571 -0.5147583007639037 -0.601434273730262 -0.620007696508768 -0.6865624614650707 -0.7469260854952195 -0.8289587027669468 -0.9403992394379826 -0.8939656824917177 +37700,-0.9233736018910174,2,-1.4264038021422016 -1.5037930637193069 -1.5161753455716411 -1.5796345400648715 -1.443429439689167 -1.1447068900015396 -0.8815834006393833 -0.6989447433174139 -0.4791592404384325 -0.4745158847438104 -0.4946370927538571 -0.5147583007639037 -0.601434273730262 -0.620007696508768 -0.6865624614650707 -0.7469260854952195 -0.8289587027669468 -0.9403992394379826 -0.8939656824917177 -0.8939656824917177 +37701,-0.8846789711024647,2,-1.5037930637193069 -1.5161753455716411 -1.5796345400648715 -1.443429439689167 -1.1447068900015396 -0.8815834006393833 -0.6989447433174139 -0.4791592404384325 -0.4745158847438104 -0.4946370927538571 -0.5147583007639037 -0.601434273730262 -0.620007696508768 -0.6865624614650707 -0.7469260854952195 -0.8289587027669468 -0.9403992394379826 -0.8939656824917177 -0.8939656824917177 -0.9233736018910174 +37702,-0.9342080985118111,2,-1.5161753455716411 -1.5796345400648715 -1.443429439689167 -1.1447068900015396 -0.8815834006393833 -0.6989447433174139 -0.4791592404384325 -0.4745158847438104 -0.4946370927538571 -0.5147583007639037 -0.601434273730262 -0.620007696508768 -0.6865624614650707 -0.7469260854952195 -0.8289587027669468 -0.9403992394379826 -0.8939656824917177 -0.8939656824917177 -0.9233736018910174 -0.8846789711024647 +37703,-0.9744505145319043,2,-1.5796345400648715 -1.443429439689167 -1.1447068900015396 -0.8815834006393833 -0.6989447433174139 -0.4791592404384325 -0.4745158847438104 -0.4946370927538571 -0.5147583007639037 -0.601434273730262 -0.620007696508768 -0.6865624614650707 -0.7469260854952195 -0.8289587027669468 -0.9403992394379826 -0.8939656824917177 -0.8939656824917177 -0.9233736018910174 -0.8846789711024647 -0.9342080985118111 +37704,-1.0115973600889163,2,-1.443429439689167 -1.1447068900015396 -0.8815834006393833 -0.6989447433174139 -0.4791592404384325 -0.4745158847438104 -0.4946370927538571 -0.5147583007639037 -0.601434273730262 -0.620007696508768 -0.6865624614650707 -0.7469260854952195 -0.8289587027669468 -0.9403992394379826 -0.8939656824917177 -0.8939656824917177 -0.9233736018910174 -0.8846789711024647 -0.9342080985118111 -0.9744505145319043 +37705,-1.0239796419412508,2,-1.1447068900015396 -0.8815834006393833 -0.6989447433174139 -0.4791592404384325 -0.4745158847438104 -0.4946370927538571 -0.5147583007639037 -0.601434273730262 -0.620007696508768 -0.6865624614650707 -0.7469260854952195 -0.8289587027669468 -0.9403992394379826 -0.8939656824917177 -0.8939656824917177 -0.9233736018910174 -0.8846789711024647 -0.9342080985118111 -0.9744505145319043 -1.0115973600889163 +37706,-0.9589726622164886,2,-0.8815834006393833 -0.6989447433174139 -0.4791592404384325 -0.4745158847438104 -0.4946370927538571 -0.5147583007639037 -0.601434273730262 -0.620007696508768 -0.6865624614650707 -0.7469260854952195 -0.8289587027669468 -0.9403992394379826 -0.8939656824917177 -0.8939656824917177 -0.9233736018910174 -0.8846789711024647 -0.9342080985118111 -0.9744505145319043 -1.0115973600889163 -1.0239796419412508 +37707,-0.9589726622164886,2,-0.6989447433174139 -0.4791592404384325 -0.4745158847438104 -0.4946370927538571 -0.5147583007639037 -0.601434273730262 -0.620007696508768 -0.6865624614650707 -0.7469260854952195 -0.8289587027669468 -0.9403992394379826 -0.8939656824917177 -0.8939656824917177 -0.9233736018910174 -0.8846789711024647 -0.9342080985118111 -0.9744505145319043 -1.0115973600889163 -1.0239796419412508 -0.9589726622164886 +37708,-0.9496859508272356,2,-0.4791592404384325 -0.4745158847438104 -0.4946370927538571 -0.5147583007639037 -0.601434273730262 -0.620007696508768 -0.6865624614650707 -0.7469260854952195 -0.8289587027669468 -0.9403992394379826 -0.8939656824917177 -0.8939656824917177 -0.9233736018910174 -0.8846789711024647 -0.9342080985118111 -0.9744505145319043 -1.0115973600889163 -1.0239796419412508 -0.9589726622164886 -0.9589726622164886 +37709,-0.8336020584615778,2,-0.4745158847438104 -0.4946370927538571 -0.5147583007639037 -0.601434273730262 -0.620007696508768 -0.6865624614650707 -0.7469260854952195 -0.8289587027669468 -0.9403992394379826 -0.8939656824917177 -0.8939656824917177 -0.9233736018910174 -0.8846789711024647 -0.9342080985118111 -0.9744505145319043 -1.0115973600889163 -1.0239796419412508 -0.9589726622164886 -0.9589726622164886 -0.9496859508272356 +37710,-0.6308421931295616,2,-0.4946370927538571 -0.5147583007639037 -0.601434273730262 -0.620007696508768 -0.6865624614650707 -0.7469260854952195 -0.8289587027669468 -0.9403992394379826 -0.8939656824917177 -0.8939656824917177 -0.9233736018910174 -0.8846789711024647 -0.9342080985118111 -0.9744505145319043 -1.0115973600889163 -1.0239796419412508 -0.9589726622164886 -0.9589726622164886 -0.9496859508272356 -0.8336020584615778 +37711,-0.45749024719684517,2,-0.5147583007639037 -0.601434273730262 -0.620007696508768 -0.6865624614650707 -0.7469260854952195 -0.8289587027669468 -0.9403992394379826 -0.8939656824917177 -0.8939656824917177 -0.9233736018910174 -0.8846789711024647 -0.9342080985118111 -0.9744505145319043 -1.0115973600889163 -1.0239796419412508 -0.9589726622164886 -0.9589726622164886 -0.9496859508272356 -0.8336020584615778 -0.6308421931295616 +37712,-0.3259285025157627,2,-0.601434273730262 -0.620007696508768 -0.6865624614650707 -0.7469260854952195 -0.8289587027669468 -0.9403992394379826 -0.8939656824917177 -0.8939656824917177 -0.9233736018910174 -0.8846789711024647 -0.9342080985118111 -0.9744505145319043 -1.0115973600889163 -1.0239796419412508 -0.9589726622164886 -0.9589726622164886 -0.9496859508272356 -0.8336020584615778 -0.6308421931295616 -0.45749024719684517 +37713,-0.24234810001249465,2,-0.620007696508768 -0.6865624614650707 -0.7469260854952195 -0.8289587027669468 -0.9403992394379826 -0.8939656824917177 -0.8939656824917177 -0.9233736018910174 -0.8846789711024647 -0.9342080985118111 -0.9744505145319043 -1.0115973600889163 -1.0239796419412508 -0.9589726622164886 -0.9589726622164886 -0.9496859508272356 -0.8336020584615778 -0.6308421931295616 -0.45749024719684517 -0.3259285025157627 +37714,-0.30116393881109393,2,-0.6865624614650707 -0.7469260854952195 -0.8289587027669468 -0.9403992394379826 -0.8939656824917177 -0.8939656824917177 -0.9233736018910174 -0.8846789711024647 -0.9342080985118111 -0.9744505145319043 -1.0115973600889163 -1.0239796419412508 -0.9589726622164886 -0.9589726622164886 -0.9496859508272356 -0.8336020584615778 -0.6308421931295616 -0.45749024719684517 -0.3259285025157627 -0.24234810001249465 +37715,-0.3305718582103936,2,-0.7469260854952195 -0.8289587027669468 -0.9403992394379826 -0.8939656824917177 -0.8939656824917177 -0.9233736018910174 -0.8846789711024647 -0.9342080985118111 -0.9744505145319043 -1.0115973600889163 -1.0239796419412508 -0.9589726622164886 -0.9589726622164886 -0.9496859508272356 -0.8336020584615778 -0.6308421931295616 -0.45749024719684517 -0.3259285025157627 -0.24234810001249465 -0.30116393881109393 +37716,-0.36617091853585604,2,-0.8289587027669468 -0.9403992394379826 -0.8939656824917177 -0.8939656824917177 -0.9233736018910174 -0.8846789711024647 -0.9342080985118111 -0.9744505145319043 -1.0115973600889163 -1.0239796419412508 -0.9589726622164886 -0.9589726622164886 -0.9496859508272356 -0.8336020584615778 -0.6308421931295616 -0.45749024719684517 -0.3259285025157627 -0.24234810001249465 -0.30116393881109393 -0.3305718582103936 +37717,-0.582860850951756,2,-0.9403992394379826 -0.8939656824917177 -0.8939656824917177 -0.9233736018910174 -0.8846789711024647 -0.9342080985118111 -0.9744505145319043 -1.0115973600889163 -1.0239796419412508 -0.9589726622164886 -0.9589726622164886 -0.9496859508272356 -0.8336020584615778 -0.6308421931295616 -0.45749024719684517 -0.3259285025157627 -0.24234810001249465 -0.30116393881109393 -0.3305718582103936 -0.36617091853585604 +37718,-0.6726323943811956,2,-0.8939656824917177 -0.8939656824917177 -0.9233736018910174 -0.8846789711024647 -0.9342080985118111 -0.9744505145319043 -1.0115973600889163 -1.0239796419412508 -0.9589726622164886 -0.9589726622164886 -0.9496859508272356 -0.8336020584615778 -0.6308421931295616 -0.45749024719684517 -0.3259285025157627 -0.24234810001249465 -0.30116393881109393 -0.3305718582103936 -0.36617091853585604 -0.582860850951756 +37719,-0.7066836694751262,2,-0.8939656824917177 -0.9233736018910174 -0.8846789711024647 -0.9342080985118111 -0.9744505145319043 -1.0115973600889163 -1.0239796419412508 -0.9589726622164886 -0.9589726622164886 -0.9496859508272356 -0.8336020584615778 -0.6308421931295616 -0.45749024719684517 -0.3259285025157627 -0.24234810001249465 -0.30116393881109393 -0.3305718582103936 -0.36617091853585604 -0.582860850951756 -0.6726323943811956 +37720,-0.7701428639683475,2,-0.9233736018910174 -0.8846789711024647 -0.9342080985118111 -0.9744505145319043 -1.0115973600889163 -1.0239796419412508 -0.9589726622164886 -0.9589726622164886 -0.9496859508272356 -0.8336020584615778 -0.6308421931295616 -0.45749024719684517 -0.3259285025157627 -0.24234810001249465 -0.30116393881109393 -0.3305718582103936 -0.36617091853585604 -0.582860850951756 -0.6726323943811956 -0.7066836694751262 +37721,-0.791811857209935,2,-0.8846789711024647 -0.9342080985118111 -0.9744505145319043 -1.0115973600889163 -1.0239796419412508 -0.9589726622164886 -0.9589726622164886 -0.9496859508272356 -0.8336020584615778 -0.6308421931295616 -0.45749024719684517 -0.3259285025157627 -0.24234810001249465 -0.30116393881109393 -0.3305718582103936 -0.36617091853585604 -0.582860850951756 -0.6726323943811956 -0.7066836694751262 -0.7701428639683475 +37722,-0.822767561840784,2,-0.9342080985118111 -0.9744505145319043 -1.0115973600889163 -1.0239796419412508 -0.9589726622164886 -0.9589726622164886 -0.9496859508272356 -0.8336020584615778 -0.6308421931295616 -0.45749024719684517 -0.3259285025157627 -0.24234810001249465 -0.30116393881109393 -0.3305718582103936 -0.36617091853585604 -0.582860850951756 -0.6726323943811956 -0.7066836694751262 -0.7701428639683475 -0.791811857209935 +37723,-0.8444365550823715,2,-0.9744505145319043 -1.0115973600889163 -1.0239796419412508 -0.9589726622164886 -0.9589726622164886 -0.9496859508272356 -0.8336020584615778 -0.6308421931295616 -0.45749024719684517 -0.3259285025157627 -0.24234810001249465 -0.30116393881109393 -0.3305718582103936 -0.36617091853585604 -0.582860850951756 -0.6726323943811956 -0.7066836694751262 -0.7701428639683475 -0.791811857209935 -0.822767561840784 +37724,-0.9357558837433517,2,-1.0115973600889163 -1.0239796419412508 -0.9589726622164886 -0.9589726622164886 -0.9496859508272356 -0.8336020584615778 -0.6308421931295616 -0.45749024719684517 -0.3259285025157627 -0.24234810001249465 -0.30116393881109393 -0.3305718582103936 -0.36617091853585604 -0.582860850951756 -0.6726323943811956 -0.7066836694751262 -0.7701428639683475 -0.791811857209935 -0.822767561840784 -0.8444365550823715 +37725,-0.9852850111526981,2,-1.0239796419412508 -0.9589726622164886 -0.9589726622164886 -0.9496859508272356 -0.8336020584615778 -0.6308421931295616 -0.45749024719684517 -0.3259285025157627 -0.24234810001249465 -0.30116393881109393 -0.3305718582103936 -0.36617091853585604 -0.582860850951756 -0.6726323943811956 -0.7066836694751262 -0.7701428639683475 -0.791811857209935 -0.822767561840784 -0.8444365550823715 -0.9357558837433517 +37726,-0.9852850111526981,2,-0.9589726622164886 -0.9589726622164886 -0.9496859508272356 -0.8336020584615778 -0.6308421931295616 -0.45749024719684517 -0.3259285025157627 -0.24234810001249465 -0.30116393881109393 -0.3305718582103936 -0.36617091853585604 -0.582860850951756 -0.6726323943811956 -0.7066836694751262 -0.7701428639683475 -0.791811857209935 -0.822767561840784 -0.8444365550823715 -0.9357558837433517 -0.9852850111526981 +37727,-0.9729027293003637,2,-0.9589726622164886 -0.9496859508272356 -0.8336020584615778 -0.6308421931295616 -0.45749024719684517 -0.3259285025157627 -0.24234810001249465 -0.30116393881109393 -0.3305718582103936 -0.36617091853585604 -0.582860850951756 -0.6726323943811956 -0.7066836694751262 -0.7701428639683475 -0.791811857209935 -0.822767561840784 -0.8444365550823715 -0.9357558837433517 -0.9852850111526981 -0.9852850111526981 +37728,-1.0115973600889163,2,-0.9496859508272356 -0.8336020584615778 -0.6308421931295616 -0.45749024719684517 -0.3259285025157627 -0.24234810001249465 -0.30116393881109393 -0.3305718582103936 -0.36617091853585604 -0.582860850951756 -0.6726323943811956 -0.7066836694751262 -0.7701428639683475 -0.791811857209935 -0.822767561840784 -0.8444365550823715 -0.9357558837433517 -0.9852850111526981 -0.9852850111526981 -0.9729027293003637 +37729,-1.0796999102767686,2,-0.8336020584615778 -0.6308421931295616 -0.45749024719684517 -0.3259285025157627 -0.24234810001249465 -0.30116393881109393 -0.3305718582103936 -0.36617091853585604 -0.582860850951756 -0.6726323943811956 -0.7066836694751262 -0.7701428639683475 -0.791811857209935 -0.822767561840784 -0.8444365550823715 -0.9357558837433517 -0.9852850111526981 -0.9852850111526981 -0.9729027293003637 -1.0115973600889163 +37730,-1.0936299773606524,2,-0.6308421931295616 -0.45749024719684517 -0.3259285025157627 -0.24234810001249465 -0.30116393881109393 -0.3305718582103936 -0.36617091853585604 -0.582860850951756 -0.6726323943811956 -0.7066836694751262 -0.7701428639683475 -0.791811857209935 -0.822767561840784 -0.8444365550823715 -0.9357558837433517 -0.9852850111526981 -0.9852850111526981 -0.9729027293003637 -1.0115973600889163 -1.0796999102767686 +37731,-1.1369679638438273,2,-0.45749024719684517 -0.3259285025157627 -0.24234810001249465 -0.30116393881109393 -0.3305718582103936 -0.36617091853585604 -0.582860850951756 -0.6726323943811956 -0.7066836694751262 -0.7701428639683475 -0.791811857209935 -0.822767561840784 -0.8444365550823715 -0.9357558837433517 -0.9852850111526981 -0.9852850111526981 -0.9729027293003637 -1.0115973600889163 -1.0796999102767686 -1.0936299773606524 +37732,-1.1369679638438273,2,-0.3259285025157627 -0.24234810001249465 -0.30116393881109393 -0.3305718582103936 -0.36617091853585604 -0.582860850951756 -0.6726323943811956 -0.7066836694751262 -0.7701428639683475 -0.791811857209935 -0.822767561840784 -0.8444365550823715 -0.9357558837433517 -0.9852850111526981 -0.9852850111526981 -0.9729027293003637 -1.0115973600889163 -1.0796999102767686 -1.0936299773606524 -1.1369679638438273 +37733,-1.0982733330552745,2,-0.24234810001249465 -0.30116393881109393 -0.3305718582103936 -0.36617091853585604 -0.582860850951756 -0.6726323943811956 -0.7066836694751262 -0.7701428639683475 -0.791811857209935 -0.822767561840784 -0.8444365550823715 -0.9357558837433517 -0.9852850111526981 -0.9852850111526981 -0.9729027293003637 -1.0115973600889163 -1.0796999102767686 -1.0936299773606524 -1.1369679638438273 -1.1369679638438273 +37734,-1.0286229976358816,2,-0.30116393881109393 -0.3305718582103936 -0.36617091853585604 -0.582860850951756 -0.6726323943811956 -0.7066836694751262 -0.7701428639683475 -0.791811857209935 -0.822767561840784 -0.8444365550823715 -0.9357558837433517 -0.9852850111526981 -0.9852850111526981 -0.9729027293003637 -1.0115973600889163 -1.0796999102767686 -1.0936299773606524 -1.1369679638438273 -1.1369679638438273 -1.0982733330552745 +37735,-0.9651638031426514,2,-0.3305718582103936 -0.36617091853585604 -0.582860850951756 -0.6726323943811956 -0.7066836694751262 -0.7701428639683475 -0.791811857209935 -0.822767561840784 -0.8444365550823715 -0.9357558837433517 -0.9852850111526981 -0.9852850111526981 -0.9729027293003637 -1.0115973600889163 -1.0796999102767686 -1.0936299773606524 -1.1369679638438273 -1.1369679638438273 -1.0982733330552745 -1.0286229976358816 +37736,-1.0379097090251346,2,-0.36617091853585604 -0.582860850951756 -0.6726323943811956 -0.7066836694751262 -0.7701428639683475 -0.791811857209935 -0.822767561840784 -0.8444365550823715 -0.9357558837433517 -0.9852850111526981 -0.9852850111526981 -0.9729027293003637 -1.0115973600889163 -1.0796999102767686 -1.0936299773606524 -1.1369679638438273 -1.1369679638438273 -1.0982733330552745 -1.0286229976358816 -0.9651638031426514 +37737,-0.8722966892501304,2,-0.582860850951756 -0.6726323943811956 -0.7066836694751262 -0.7701428639683475 -0.791811857209935 -0.822767561840784 -0.8444365550823715 -0.9357558837433517 -0.9852850111526981 -0.9852850111526981 -0.9729027293003637 -1.0115973600889163 -1.0796999102767686 -1.0936299773606524 -1.1369679638438273 -1.1369679638438273 -1.0982733330552745 -1.0286229976358816 -0.9651638031426514 -1.0379097090251346 +37738,-0.6989447433174139,2,-0.6726323943811956 -0.7066836694751262 -0.7701428639683475 -0.791811857209935 -0.822767561840784 -0.8444365550823715 -0.9357558837433517 -0.9852850111526981 -0.9852850111526981 -0.9729027293003637 -1.0115973600889163 -1.0796999102767686 -1.0936299773606524 -1.1369679638438273 -1.1369679638438273 -1.0982733330552745 -1.0286229976358816 -0.9651638031426514 -1.0379097090251346 -0.8722966892501304 +37739,-0.6850146762335301,2,-0.7066836694751262 -0.7701428639683475 -0.791811857209935 -0.822767561840784 -0.8444365550823715 -0.9357558837433517 -0.9852850111526981 -0.9852850111526981 -0.9729027293003637 -1.0115973600889163 -1.0796999102767686 -1.0936299773606524 -1.1369679638438273 -1.1369679638438273 -1.0982733330552745 -1.0286229976358816 -0.9651638031426514 -1.0379097090251346 -0.8722966892501304 -0.6989447433174139 +37740,-0.7159703808643704,2,-0.7701428639683475 -0.791811857209935 -0.822767561840784 -0.8444365550823715 -0.9357558837433517 -0.9852850111526981 -0.9852850111526981 -0.9729027293003637 -1.0115973600889163 -1.0796999102767686 -1.0936299773606524 -1.1369679638438273 -1.1369679638438273 -1.0982733330552745 -1.0286229976358816 -0.9651638031426514 -1.0379097090251346 -0.8722966892501304 -0.6989447433174139 -0.6850146762335301 +37741,-0.7469260854952195,2,-0.791811857209935 -0.822767561840784 -0.8444365550823715 -0.9357558837433517 -0.9852850111526981 -0.9852850111526981 -0.9729027293003637 -1.0115973600889163 -1.0796999102767686 -1.0936299773606524 -1.1369679638438273 -1.1369679638438273 -1.0982733330552745 -1.0286229976358816 -0.9651638031426514 -1.0379097090251346 -0.8722966892501304 -0.6989447433174139 -0.6850146762335301 -0.7159703808643704 +37742,-0.8831311858709241,2,-0.822767561840784 -0.8444365550823715 -0.9357558837433517 -0.9852850111526981 -0.9852850111526981 -0.9729027293003637 -1.0115973600889163 -1.0796999102767686 -1.0936299773606524 -1.1369679638438273 -1.1369679638438273 -1.0982733330552745 -1.0286229976358816 -0.9651638031426514 -1.0379097090251346 -0.8722966892501304 -0.6989447433174139 -0.6850146762335301 -0.7159703808643704 -0.7469260854952195 +37743,-0.938851454206442,2,-0.8444365550823715 -0.9357558837433517 -0.9852850111526981 -0.9852850111526981 -0.9729027293003637 -1.0115973600889163 -1.0796999102767686 -1.0936299773606524 -1.1369679638438273 -1.1369679638438273 -1.0982733330552745 -1.0286229976358816 -0.9651638031426514 -1.0379097090251346 -0.8722966892501304 -0.6989447433174139 -0.6850146762335301 -0.7159703808643704 -0.7469260854952195 -0.8831311858709241 +37744,-0.9698071588372823,2,-0.9357558837433517 -0.9852850111526981 -0.9852850111526981 -0.9729027293003637 -1.0115973600889163 -1.0796999102767686 -1.0936299773606524 -1.1369679638438273 -1.1369679638438273 -1.0982733330552745 -1.0286229976358816 -0.9651638031426514 -1.0379097090251346 -0.8722966892501304 -0.6989447433174139 -0.6850146762335301 -0.7159703808643704 -0.7469260854952195 -0.8831311858709241 -0.938851454206442 +37745,-0.971354944068823,2,-0.9852850111526981 -0.9852850111526981 -0.9729027293003637 -1.0115973600889163 -1.0796999102767686 -1.0936299773606524 -1.1369679638438273 -1.1369679638438273 -1.0982733330552745 -1.0286229976358816 -0.9651638031426514 -1.0379097090251346 -0.8722966892501304 -0.6989447433174139 -0.6850146762335301 -0.7159703808643704 -0.7469260854952195 -0.8831311858709241 -0.938851454206442 -0.9698071588372823 +37746,-0.989928366847329,2,-0.9852850111526981 -0.9729027293003637 -1.0115973600889163 -1.0796999102767686 -1.0936299773606524 -1.1369679638438273 -1.1369679638438273 -1.0982733330552745 -1.0286229976358816 -0.9651638031426514 -1.0379097090251346 -0.8722966892501304 -0.6989447433174139 -0.6850146762335301 -0.7159703808643704 -0.7469260854952195 -0.8831311858709241 -0.938851454206442 -0.9698071588372823 -0.971354944068823 +37747,-0.999215078236582,2,-0.9729027293003637 -1.0115973600889163 -1.0796999102767686 -1.0936299773606524 -1.1369679638438273 -1.1369679638438273 -1.0982733330552745 -1.0286229976358816 -0.9651638031426514 -1.0379097090251346 -0.8722966892501304 -0.6989447433174139 -0.6850146762335301 -0.7159703808643704 -0.7469260854952195 -0.8831311858709241 -0.938851454206442 -0.9698071588372823 -0.971354944068823 -0.989928366847329 +37748,-1.0115973600889163,2,-1.0115973600889163 -1.0796999102767686 -1.0936299773606524 -1.1369679638438273 -1.1369679638438273 -1.0982733330552745 -1.0286229976358816 -0.9651638031426514 -1.0379097090251346 -0.8722966892501304 -0.6989447433174139 -0.6850146762335301 -0.7159703808643704 -0.7469260854952195 -0.8831311858709241 -0.938851454206442 -0.9698071588372823 -0.971354944068823 -0.989928366847329 -0.999215078236582 +37749,-1.1029166887498967,2,-1.0796999102767686 -1.0936299773606524 -1.1369679638438273 -1.1369679638438273 -1.0982733330552745 -1.0286229976358816 -0.9651638031426514 -1.0379097090251346 -0.8722966892501304 -0.6989447433174139 -0.6850146762335301 -0.7159703808643704 -0.7469260854952195 -0.8831311858709241 -0.938851454206442 -0.9698071588372823 -0.971354944068823 -0.989928366847329 -0.999215078236582 -1.0115973600889163 +37750,-1.1663758832431268,2,-1.0936299773606524 -1.1369679638438273 -1.1369679638438273 -1.0982733330552745 -1.0286229976358816 -0.9651638031426514 -1.0379097090251346 -0.8722966892501304 -0.6989447433174139 -0.6850146762335301 -0.7159703808643704 -0.7469260854952195 -0.8831311858709241 -0.938851454206442 -0.9698071588372823 -0.971354944068823 -0.989928366847329 -0.999215078236582 -1.0115973600889163 -1.1029166887498967 +37751,-1.1663758832431268,2,-1.1369679638438273 -1.1369679638438273 -1.0982733330552745 -1.0286229976358816 -0.9651638031426514 -1.0379097090251346 -0.8722966892501304 -0.6989447433174139 -0.6850146762335301 -0.7159703808643704 -0.7469260854952195 -0.8831311858709241 -0.938851454206442 -0.9698071588372823 -0.971354944068823 -0.989928366847329 -0.999215078236582 -1.0115973600889163 -1.1029166887498967 -1.1663758832431268 +37752,-1.35984903718589,2,-1.1369679638438273 -1.0982733330552745 -1.0286229976358816 -0.9651638031426514 -1.0379097090251346 -0.8722966892501304 -0.6989447433174139 -0.6850146762335301 -0.7159703808643704 -0.7469260854952195 -0.8831311858709241 -0.938851454206442 -0.9698071588372823 -0.971354944068823 -0.989928366847329 -0.999215078236582 -1.0115973600889163 -1.1029166887498967 -1.1663758832431268 -1.1663758832431268 +37753,-1.35984903718589,2,-1.0982733330552745 -1.0286229976358816 -0.9651638031426514 -1.0379097090251346 -0.8722966892501304 -0.6989447433174139 -0.6850146762335301 -0.7159703808643704 -0.7469260854952195 -0.8831311858709241 -0.938851454206442 -0.9698071588372823 -0.971354944068823 -0.989928366847329 -0.999215078236582 -1.0115973600889163 -1.1029166887498967 -1.1663758832431268 -1.1663758832431268 -1.35984903718589 +37754,-1.525462056960894,2,-1.0286229976358816 -0.9651638031426514 -1.0379097090251346 -0.8722966892501304 -0.6989447433174139 -0.6850146762335301 -0.7159703808643704 -0.7469260854952195 -0.8831311858709241 -0.938851454206442 -0.9698071588372823 -0.971354944068823 -0.989928366847329 -0.999215078236582 -1.0115973600889163 -1.1029166887498967 -1.1663758832431268 -1.1663758832431268 -1.35984903718589 -1.35984903718589 +37755,-1.6013035333064587,2,-0.9651638031426514 -1.0379097090251346 -0.8722966892501304 -0.6989447433174139 -0.6850146762335301 -0.7159703808643704 -0.7469260854952195 -0.8831311858709241 -0.938851454206442 -0.9698071588372823 -0.971354944068823 -0.989928366847329 -0.999215078236582 -1.0115973600889163 -1.1029166887498967 -1.1663758832431268 -1.1663758832431268 -1.35984903718589 -1.35984903718589 -1.525462056960894 +37756,-1.4047348089006142,2,-1.0379097090251346 -0.8722966892501304 -0.6989447433174139 -0.6850146762335301 -0.7159703808643704 -0.7469260854952195 -0.8831311858709241 -0.938851454206442 -0.9698071588372823 -0.971354944068823 -0.989928366847329 -0.999215078236582 -1.0115973600889163 -1.1029166887498967 -1.1663758832431268 -1.1663758832431268 -1.35984903718589 -1.35984903718589 -1.525462056960894 -1.6013035333064587 +37757,-1.4047348089006142,2,-0.8722966892501304 -0.6989447433174139 -0.6850146762335301 -0.7159703808643704 -0.7469260854952195 -0.8831311858709241 -0.938851454206442 -0.9698071588372823 -0.971354944068823 -0.989928366847329 -0.999215078236582 -1.0115973600889163 -1.1029166887498967 -1.1663758832431268 -1.1663758832431268 -1.35984903718589 -1.35984903718589 -1.525462056960894 -1.6013035333064587 -1.4047348089006142 +37758,-0.8428887698508307,2,-0.6989447433174139 -0.6850146762335301 -0.7159703808643704 -0.7469260854952195 -0.8831311858709241 -0.938851454206442 -0.9698071588372823 -0.971354944068823 -0.989928366847329 -0.999215078236582 -1.0115973600889163 -1.1029166887498967 -1.1663758832431268 -1.1663758832431268 -1.35984903718589 -1.35984903718589 -1.525462056960894 -1.6013035333064587 -1.4047348089006142 -1.4047348089006142 +37759,-0.7995507833676472,2,-0.6850146762335301 -0.7159703808643704 -0.7469260854952195 -0.8831311858709241 -0.938851454206442 -0.9698071588372823 -0.971354944068823 -0.989928366847329 -0.999215078236582 -1.0115973600889163 -1.1029166887498967 -1.1663758832431268 -1.1663758832431268 -1.35984903718589 -1.35984903718589 -1.525462056960894 -1.6013035333064587 -1.4047348089006142 -1.4047348089006142 -0.8428887698508307 +37760,-0.7097792399382076,2,-0.7159703808643704 -0.7469260854952195 -0.8831311858709241 -0.938851454206442 -0.9698071588372823 -0.971354944068823 -0.989928366847329 -0.999215078236582 -1.0115973600889163 -1.1029166887498967 -1.1663758832431268 -1.1663758832431268 -1.35984903718589 -1.35984903718589 -1.525462056960894 -1.6013035333064587 -1.4047348089006142 -1.4047348089006142 -0.8428887698508307 -0.7995507833676472 +37761,-0.4961848779853978,2,-0.7469260854952195 -0.8831311858709241 -0.938851454206442 -0.9698071588372823 -0.971354944068823 -0.989928366847329 -0.999215078236582 -1.0115973600889163 -1.1029166887498967 -1.1663758832431268 -1.1663758832431268 -1.35984903718589 -1.35984903718589 -1.525462056960894 -1.6013035333064587 -1.4047348089006142 -1.4047348089006142 -0.8428887698508307 -0.7995507833676472 -0.7097792399382076 +37762,-0.5054715893746508,2,-0.8831311858709241 -0.938851454206442 -0.9698071588372823 -0.971354944068823 -0.989928366847329 -0.999215078236582 -1.0115973600889163 -1.1029166887498967 -1.1663758832431268 -1.1663758832431268 -1.35984903718589 -1.35984903718589 -1.525462056960894 -1.6013035333064587 -1.4047348089006142 -1.4047348089006142 -0.8428887698508307 -0.7995507833676472 -0.7097792399382076 -0.4961848779853978 +37763,-0.5054715893746508,2,-0.938851454206442 -0.9698071588372823 -0.971354944068823 -0.989928366847329 -0.999215078236582 -1.0115973600889163 -1.1029166887498967 -1.1663758832431268 -1.1663758832431268 -1.35984903718589 -1.35984903718589 -1.525462056960894 -1.6013035333064587 -1.4047348089006142 -1.4047348089006142 -0.8428887698508307 -0.7995507833676472 -0.7097792399382076 -0.4961848779853978 -0.5054715893746508 +37764,-0.5720263543309624,2,-0.9698071588372823 -0.971354944068823 -0.989928366847329 -0.999215078236582 -1.0115973600889163 -1.1029166887498967 -1.1663758832431268 -1.1663758832431268 -1.35984903718589 -1.35984903718589 -1.525462056960894 -1.6013035333064587 -1.4047348089006142 -1.4047348089006142 -0.8428887698508307 -0.7995507833676472 -0.7097792399382076 -0.4961848779853978 -0.5054715893746508 -0.5054715893746508 +37765,-0.5952431328040904,2,-0.971354944068823 -0.989928366847329 -0.999215078236582 -1.0115973600889163 -1.1029166887498967 -1.1663758832431268 -1.1663758832431268 -1.35984903718589 -1.35984903718589 -1.525462056960894 -1.6013035333064587 -1.4047348089006142 -1.4047348089006142 -0.8428887698508307 -0.7995507833676472 -0.7097792399382076 -0.4961848779853978 -0.5054715893746508 -0.5054715893746508 -0.5720263543309624 +37766,-0.8088374947569001,2,-0.989928366847329 -0.999215078236582 -1.0115973600889163 -1.1029166887498967 -1.1663758832431268 -1.1663758832431268 -1.35984903718589 -1.35984903718589 -1.525462056960894 -1.6013035333064587 -1.4047348089006142 -1.4047348089006142 -0.8428887698508307 -0.7995507833676472 -0.7097792399382076 -0.4961848779853978 -0.5054715893746508 -0.5054715893746508 -0.5720263543309624 -0.5952431328040904 +37767,-0.8413409846192812,2,-0.999215078236582 -1.0115973600889163 -1.1029166887498967 -1.1663758832431268 -1.1663758832431268 -1.35984903718589 -1.35984903718589 -1.525462056960894 -1.6013035333064587 -1.4047348089006142 -1.4047348089006142 -0.8428887698508307 -0.7995507833676472 -0.7097792399382076 -0.4961848779853978 -0.5054715893746508 -0.5054715893746508 -0.5720263543309624 -0.5952431328040904 -0.8088374947569001 +37768,-0.8506276960085343,2,-1.0115973600889163 -1.1029166887498967 -1.1663758832431268 -1.1663758832431268 -1.35984903718589 -1.35984903718589 -1.525462056960894 -1.6013035333064587 -1.4047348089006142 -1.4047348089006142 -0.8428887698508307 -0.7995507833676472 -0.7097792399382076 -0.4961848779853978 -0.5054715893746508 -0.5054715893746508 -0.5720263543309624 -0.5952431328040904 -0.8088374947569001 -0.8413409846192812 +37769,-0.8614621926293367,2,-1.1029166887498967 -1.1663758832431268 -1.1663758832431268 -1.35984903718589 -1.35984903718589 -1.525462056960894 -1.6013035333064587 -1.4047348089006142 -1.4047348089006142 -0.8428887698508307 -0.7995507833676472 -0.7097792399382076 -0.4961848779853978 -0.5054715893746508 -0.5054715893746508 -0.5720263543309624 -0.5952431328040904 -0.8088374947569001 -0.8413409846192812 -0.8506276960085343 +37770,-0.943494809901064,2,-1.1663758832431268 -1.1663758832431268 -1.35984903718589 -1.35984903718589 -1.525462056960894 -1.6013035333064587 -1.4047348089006142 -1.4047348089006142 -0.8428887698508307 -0.7995507833676472 -0.7097792399382076 -0.4961848779853978 -0.5054715893746508 -0.5054715893746508 -0.5720263543309624 -0.5952431328040904 -0.8088374947569001 -0.8413409846192812 -0.8506276960085343 -0.8614621926293367 +37771,-0.9883805816157882,2,-1.1663758832431268 -1.35984903718589 -1.35984903718589 -1.525462056960894 -1.6013035333064587 -1.4047348089006142 -1.4047348089006142 -0.8428887698508307 -0.7995507833676472 -0.7097792399382076 -0.4961848779853978 -0.5054715893746508 -0.5054715893746508 -0.5720263543309624 -0.5952431328040904 -0.8088374947569001 -0.8413409846192812 -0.8506276960085343 -0.8614621926293367 -0.943494809901064 +37772,-0.9481381655956861,2,-1.35984903718589 -1.35984903718589 -1.525462056960894 -1.6013035333064587 -1.4047348089006142 -1.4047348089006142 -0.8428887698508307 -0.7995507833676472 -0.7097792399382076 -0.4961848779853978 -0.5054715893746508 -0.5054715893746508 -0.5720263543309624 -0.5952431328040904 -0.8088374947569001 -0.8413409846192812 -0.8506276960085343 -0.8614621926293367 -0.943494809901064 -0.9883805816157882 +37773,-0.9605204474480293,2,-1.35984903718589 -1.525462056960894 -1.6013035333064587 -1.4047348089006142 -1.4047348089006142 -0.8428887698508307 -0.7995507833676472 -0.7097792399382076 -0.4961848779853978 -0.5054715893746508 -0.5054715893746508 -0.5720263543309624 -0.5952431328040904 -0.8088374947569001 -0.8413409846192812 -0.8506276960085343 -0.8614621926293367 -0.943494809901064 -0.9883805816157882 -0.9481381655956861 +37774,-0.9868327963842388,2,-1.525462056960894 -1.6013035333064587 -1.4047348089006142 -1.4047348089006142 -0.8428887698508307 -0.7995507833676472 -0.7097792399382076 -0.4961848779853978 -0.5054715893746508 -0.5054715893746508 -0.5720263543309624 -0.5952431328040904 -0.8088374947569001 -0.8413409846192812 -0.8506276960085343 -0.8614621926293367 -0.943494809901064 -0.9883805816157882 -0.9481381655956861 -0.9605204474480293 +37775,-1.013145145320457,2,-1.6013035333064587 -1.4047348089006142 -1.4047348089006142 -0.8428887698508307 -0.7995507833676472 -0.7097792399382076 -0.4961848779853978 -0.5054715893746508 -0.5054715893746508 -0.5720263543309624 -0.5952431328040904 -0.8088374947569001 -0.8413409846192812 -0.8506276960085343 -0.8614621926293367 -0.943494809901064 -0.9883805816157882 -0.9481381655956861 -0.9605204474480293 -0.9868327963842388 +37776,-1.0766043398136873,2,-1.4047348089006142 -1.4047348089006142 -0.8428887698508307 -0.7995507833676472 -0.7097792399382076 -0.4961848779853978 -0.5054715893746508 -0.5054715893746508 -0.5720263543309624 -0.5952431328040904 -0.8088374947569001 -0.8413409846192812 -0.8506276960085343 -0.8614621926293367 -0.943494809901064 -0.9883805816157882 -0.9481381655956861 -0.9605204474480293 -0.9868327963842388 -1.013145145320457 +37777,-1.1029166887498967,2,-1.4047348089006142 -0.8428887698508307 -0.7995507833676472 -0.7097792399382076 -0.4961848779853978 -0.5054715893746508 -0.5054715893746508 -0.5720263543309624 -0.5952431328040904 -0.8088374947569001 -0.8413409846192812 -0.8506276960085343 -0.8614621926293367 -0.943494809901064 -0.9883805816157882 -0.9481381655956861 -0.9605204474480293 -0.9868327963842388 -1.013145145320457 -1.0766043398136873 +37778,-1.1276812524545743,2,-0.8428887698508307 -0.7995507833676472 -0.7097792399382076 -0.4961848779853978 -0.5054715893746508 -0.5054715893746508 -0.5720263543309624 -0.5952431328040904 -0.8088374947569001 -0.8413409846192812 -0.8506276960085343 -0.8614621926293367 -0.943494809901064 -0.9883805816157882 -0.9481381655956861 -0.9605204474480293 -0.9868327963842388 -1.013145145320457 -1.0766043398136873 -1.1029166887498967 +37779,-1.1338723933807457,2,-0.7995507833676472 -0.7097792399382076 -0.4961848779853978 -0.5054715893746508 -0.5054715893746508 -0.5720263543309624 -0.5952431328040904 -0.8088374947569001 -0.8413409846192812 -0.8506276960085343 -0.8614621926293367 -0.943494809901064 -0.9883805816157882 -0.9481381655956861 -0.9605204474480293 -0.9868327963842388 -1.013145145320457 -1.0766043398136873 -1.1029166887498967 -1.1276812524545743 +37780,-1.180305950327002,2,-0.7097792399382076 -0.4961848779853978 -0.5054715893746508 -0.5054715893746508 -0.5720263543309624 -0.5952431328040904 -0.8088374947569001 -0.8413409846192812 -0.8506276960085343 -0.8614621926293367 -0.943494809901064 -0.9883805816157882 -0.9481381655956861 -0.9605204474480293 -0.9868327963842388 -1.013145145320457 -1.0766043398136873 -1.1029166887498967 -1.1276812524545743 -1.1338723933807457 +37781,-1.1911404469478044,2,-0.4961848779853978 -0.5054715893746508 -0.5054715893746508 -0.5720263543309624 -0.5952431328040904 -0.8088374947569001 -0.8413409846192812 -0.8506276960085343 -0.8614621926293367 -0.943494809901064 -0.9883805816157882 -0.9481381655956861 -0.9605204474480293 -0.9868327963842388 -1.013145145320457 -1.0766043398136873 -1.1029166887498967 -1.1276812524545743 -1.1338723933807457 -1.180305950327002 +37782,-1.1508980309277022,2,-0.5054715893746508 -0.5054715893746508 -0.5720263543309624 -0.5952431328040904 -0.8088374947569001 -0.8413409846192812 -0.8506276960085343 -0.8614621926293367 -0.943494809901064 -0.9883805816157882 -0.9481381655956861 -0.9605204474480293 -0.9868327963842388 -1.013145145320457 -1.0766043398136873 -1.1029166887498967 -1.1276812524545743 -1.1338723933807457 -1.180305950327002 -1.1911404469478044 +37783,-1.1261334672230334,2,-0.5054715893746508 -0.5720263543309624 -0.5952431328040904 -0.8088374947569001 -0.8413409846192812 -0.8506276960085343 -0.8614621926293367 -0.943494809901064 -0.9883805816157882 -0.9481381655956861 -0.9605204474480293 -0.9868327963842388 -1.013145145320457 -1.0766043398136873 -1.1029166887498967 -1.1276812524545743 -1.1338723933807457 -1.180305950327002 -1.1911404469478044 -1.1508980309277022 +37784,-1.1601847423169553,2,-0.5720263543309624 -0.5952431328040904 -0.8088374947569001 -0.8413409846192812 -0.8506276960085343 -0.8614621926293367 -0.943494809901064 -0.9883805816157882 -0.9481381655956861 -0.9605204474480293 -0.9868327963842388 -1.013145145320457 -1.0766043398136873 -1.1029166887498967 -1.1276812524545743 -1.1338723933807457 -1.180305950327002 -1.1911404469478044 -1.1508980309277022 -1.1261334672230334 +37785,-1.1586369570854145,2,-0.5952431328040904 -0.8088374947569001 -0.8413409846192812 -0.8506276960085343 -0.8614621926293367 -0.943494809901064 -0.9883805816157882 -0.9481381655956861 -0.9605204474480293 -0.9868327963842388 -1.013145145320457 -1.0766043398136873 -1.1029166887498967 -1.1276812524545743 -1.1338723933807457 -1.180305950327002 -1.1911404469478044 -1.1508980309277022 -1.1261334672230334 -1.1601847423169553 +37786,-1.1617325275485046,2,-0.8088374947569001 -0.8413409846192812 -0.8506276960085343 -0.8614621926293367 -0.943494809901064 -0.9883805816157882 -0.9481381655956861 -0.9605204474480293 -0.9868327963842388 -1.013145145320457 -1.0766043398136873 -1.1029166887498967 -1.1276812524545743 -1.1338723933807457 -1.180305950327002 -1.1911404469478044 -1.1508980309277022 -1.1261334672230334 -1.1601847423169553 -1.1586369570854145 +37787,-1.0580309170351812,2,-0.8413409846192812 -0.8506276960085343 -0.8614621926293367 -0.943494809901064 -0.9883805816157882 -0.9481381655956861 -0.9605204474480293 -0.9868327963842388 -1.013145145320457 -1.0766043398136873 -1.1029166887498967 -1.1276812524545743 -1.1338723933807457 -1.180305950327002 -1.1911404469478044 -1.1508980309277022 -1.1261334672230334 -1.1601847423169553 -1.1586369570854145 -1.1617325275485046 +37788,-1.0146929305519976,2,-0.8506276960085343 -0.8614621926293367 -0.943494809901064 -0.9883805816157882 -0.9481381655956861 -0.9605204474480293 -0.9868327963842388 -1.013145145320457 -1.0766043398136873 -1.1029166887498967 -1.1276812524545743 -1.1338723933807457 -1.180305950327002 -1.1911404469478044 -1.1508980309277022 -1.1261334672230334 -1.1601847423169553 -1.1586369570854145 -1.1617325275485046 -1.0580309170351812 +37789,-0.9326603132802703,2,-0.8614621926293367 -0.943494809901064 -0.9883805816157882 -0.9481381655956861 -0.9605204474480293 -0.9868327963842388 -1.013145145320457 -1.0766043398136873 -1.1029166887498967 -1.1276812524545743 -1.1338723933807457 -1.180305950327002 -1.1911404469478044 -1.1508980309277022 -1.1261334672230334 -1.1601847423169553 -1.1586369570854145 -1.1617325275485046 -1.0580309170351812 -1.0146929305519976 +37790,-0.8831311858709241,2,-0.943494809901064 -0.9883805816157882 -0.9481381655956861 -0.9605204474480293 -0.9868327963842388 -1.013145145320457 -1.0766043398136873 -1.1029166887498967 -1.1276812524545743 -1.1338723933807457 -1.180305950327002 -1.1911404469478044 -1.1508980309277022 -1.1261334672230334 -1.1601847423169553 -1.1586369570854145 -1.1617325275485046 -1.0580309170351812 -1.0146929305519976 -0.9326603132802703 +37791,-0.8722966892501304,2,-0.9883805816157882 -0.9481381655956861 -0.9605204474480293 -0.9868327963842388 -1.013145145320457 -1.0766043398136873 -1.1029166887498967 -1.1276812524545743 -1.1338723933807457 -1.180305950327002 -1.1911404469478044 -1.1508980309277022 -1.1261334672230334 -1.1601847423169553 -1.1586369570854145 -1.1617325275485046 -1.0580309170351812 -1.0146929305519976 -0.9326603132802703 -0.8831311858709241 +37792,-0.8521754812400837,2,-0.9481381655956861 -0.9605204474480293 -0.9868327963842388 -1.013145145320457 -1.0766043398136873 -1.1029166887498967 -1.1276812524545743 -1.1338723933807457 -1.180305950327002 -1.1911404469478044 -1.1508980309277022 -1.1261334672230334 -1.1601847423169553 -1.1586369570854145 -1.1617325275485046 -1.0580309170351812 -1.0146929305519976 -0.9326603132802703 -0.8831311858709241 -0.8722966892501304 +37793,-0.8537232664716244,2,-0.9605204474480293 -0.9868327963842388 -1.013145145320457 -1.0766043398136873 -1.1029166887498967 -1.1276812524545743 -1.1338723933807457 -1.180305950327002 -1.1911404469478044 -1.1508980309277022 -1.1261334672230334 -1.1601847423169553 -1.1586369570854145 -1.1617325275485046 -1.0580309170351812 -1.0146929305519976 -0.9326603132802703 -0.8831311858709241 -0.8722966892501304 -0.8521754812400837 +37794,-0.8366976289246592,2,-0.9868327963842388 -1.013145145320457 -1.0766043398136873 -1.1029166887498967 -1.1276812524545743 -1.1338723933807457 -1.180305950327002 -1.1911404469478044 -1.1508980309277022 -1.1261334672230334 -1.1601847423169553 -1.1586369570854145 -1.1617325275485046 -1.0580309170351812 -1.0146929305519976 -0.9326603132802703 -0.8831311858709241 -0.8722966892501304 -0.8521754812400837 -0.8537232664716244 +37795,-0.8181242061461532,2,-1.013145145320457 -1.0766043398136873 -1.1029166887498967 -1.1276812524545743 -1.1338723933807457 -1.180305950327002 -1.1911404469478044 -1.1508980309277022 -1.1261334672230334 -1.1601847423169553 -1.1586369570854145 -1.1617325275485046 -1.0580309170351812 -1.0146929305519976 -0.9326603132802703 -0.8831311858709241 -0.8722966892501304 -0.8521754812400837 -0.8537232664716244 -0.8366976289246592 +37796,-0.7933596424414756,2,-1.0766043398136873 -1.1029166887498967 -1.1276812524545743 -1.1338723933807457 -1.180305950327002 -1.1911404469478044 -1.1508980309277022 -1.1261334672230334 -1.1601847423169553 -1.1586369570854145 -1.1617325275485046 -1.0580309170351812 -1.0146929305519976 -0.9326603132802703 -0.8831311858709241 -0.8722966892501304 -0.8521754812400837 -0.8537232664716244 -0.8366976289246592 -0.8181242061461532 +37797,-0.8552710517031651,2,-1.1029166887498967 -1.1276812524545743 -1.1338723933807457 -1.180305950327002 -1.1911404469478044 -1.1508980309277022 -1.1261334672230334 -1.1601847423169553 -1.1586369570854145 -1.1617325275485046 -1.0580309170351812 -1.0146929305519976 -0.9326603132802703 -0.8831311858709241 -0.8722966892501304 -0.8521754812400837 -0.8537232664716244 -0.8366976289246592 -0.8181242061461532 -0.7933596424414756 +37798,-0.8815834006393833,2,-1.1276812524545743 -1.1338723933807457 -1.180305950327002 -1.1911404469478044 -1.1508980309277022 -1.1261334672230334 -1.1601847423169553 -1.1586369570854145 -1.1617325275485046 -1.0580309170351812 -1.0146929305519976 -0.9326603132802703 -0.8831311858709241 -0.8722966892501304 -0.8521754812400837 -0.8537232664716244 -0.8366976289246592 -0.8181242061461532 -0.7933596424414756 -0.8552710517031651 +37799,-0.9326603132802703,2,-1.1338723933807457 -1.180305950327002 -1.1911404469478044 -1.1508980309277022 -1.1261334672230334 -1.1601847423169553 -1.1586369570854145 -1.1617325275485046 -1.0580309170351812 -1.0146929305519976 -0.9326603132802703 -0.8831311858709241 -0.8722966892501304 -0.8521754812400837 -0.8537232664716244 -0.8366976289246592 -0.8181242061461532 -0.7933596424414756 -0.8552710517031651 -0.8815834006393833 +37800,-0.9790938702265353,2,-1.180305950327002 -1.1911404469478044 -1.1508980309277022 -1.1261334672230334 -1.1601847423169553 -1.1586369570854145 -1.1617325275485046 -1.0580309170351812 -1.0146929305519976 -0.9326603132802703 -0.8831311858709241 -0.8722966892501304 -0.8521754812400837 -0.8537232664716244 -0.8366976289246592 -0.8181242061461532 -0.7933596424414756 -0.8552710517031651 -0.8815834006393833 -0.9326603132802703 +37801,-1.050291990877469,2,-1.1911404469478044 -1.1508980309277022 -1.1261334672230334 -1.1601847423169553 -1.1586369570854145 -1.1617325275485046 -1.0580309170351812 -1.0146929305519976 -0.9326603132802703 -0.8831311858709241 -0.8722966892501304 -0.8521754812400837 -0.8537232664716244 -0.8366976289246592 -0.8181242061461532 -0.7933596424414756 -0.8552710517031651 -0.8815834006393833 -0.9326603132802703 -0.9790938702265353 +37802,-1.1152989706022398,2,-1.1508980309277022 -1.1261334672230334 -1.1601847423169553 -1.1586369570854145 -1.1617325275485046 -1.0580309170351812 -1.0146929305519976 -0.9326603132802703 -0.8831311858709241 -0.8722966892501304 -0.8521754812400837 -0.8537232664716244 -0.8366976289246592 -0.8181242061461532 -0.7933596424414756 -0.8552710517031651 -0.8815834006393833 -0.9326603132802703 -0.9790938702265353 -1.050291990877469 +37803,-1.1539936013907925,2,-1.1261334672230334 -1.1601847423169553 -1.1586369570854145 -1.1617325275485046 -1.0580309170351812 -1.0146929305519976 -0.9326603132802703 -0.8831311858709241 -0.8722966892501304 -0.8521754812400837 -0.8537232664716244 -0.8366976289246592 -0.8181242061461532 -0.7933596424414756 -0.8552710517031651 -0.8815834006393833 -0.9326603132802703 -0.9790938702265353 -1.050291990877469 -1.1152989706022398 +37804,-1.23912178912561,2,-1.1601847423169553 -1.1586369570854145 -1.1617325275485046 -1.0580309170351812 -1.0146929305519976 -0.9326603132802703 -0.8831311858709241 -0.8722966892501304 -0.8521754812400837 -0.8537232664716244 -0.8366976289246592 -0.8181242061461532 -0.7933596424414756 -0.8552710517031651 -0.8815834006393833 -0.9326603132802703 -0.9790938702265353 -1.050291990877469 -1.1152989706022398 -1.1539936013907925 +37805,-1.183401520790092,2,-1.1586369570854145 -1.1617325275485046 -1.0580309170351812 -1.0146929305519976 -0.9326603132802703 -0.8831311858709241 -0.8722966892501304 -0.8521754812400837 -0.8537232664716244 -0.8366976289246592 -0.8181242061461532 -0.7933596424414756 -0.8552710517031651 -0.8815834006393833 -0.9326603132802703 -0.9790938702265353 -1.050291990877469 -1.1152989706022398 -1.1539936013907925 -1.23912178912561 +37806,-1.0564831318036405,2,-1.1617325275485046 -1.0580309170351812 -1.0146929305519976 -0.9326603132802703 -0.8831311858709241 -0.8722966892501304 -0.8521754812400837 -0.8537232664716244 -0.8366976289246592 -0.8181242061461532 -0.7933596424414756 -0.8552710517031651 -0.8815834006393833 -0.9326603132802703 -0.9790938702265353 -1.050291990877469 -1.1152989706022398 -1.1539936013907925 -1.23912178912561 -1.183401520790092 +37807,-1.0054062191627446,2,-1.0580309170351812 -1.0146929305519976 -0.9326603132802703 -0.8831311858709241 -0.8722966892501304 -0.8521754812400837 -0.8537232664716244 -0.8366976289246592 -0.8181242061461532 -0.7933596424414756 -0.8552710517031651 -0.8815834006393833 -0.9326603132802703 -0.9790938702265353 -1.050291990877469 -1.1152989706022398 -1.1539936013907925 -1.23912178912561 -1.183401520790092 -1.0564831318036405 +37808,-1.0471964204143875,2,-1.0146929305519976 -0.9326603132802703 -0.8831311858709241 -0.8722966892501304 -0.8521754812400837 -0.8537232664716244 -0.8366976289246592 -0.8181242061461532 -0.7933596424414756 -0.8552710517031651 -0.8815834006393833 -0.9326603132802703 -0.9790938702265353 -1.050291990877469 -1.1152989706022398 -1.1539936013907925 -1.23912178912561 -1.183401520790092 -1.0564831318036405 -1.0054062191627446 +37809,-1.1632803127800455,2,-0.9326603132802703 -0.8831311858709241 -0.8722966892501304 -0.8521754812400837 -0.8537232664716244 -0.8366976289246592 -0.8181242061461532 -0.7933596424414756 -0.8552710517031651 -0.8815834006393833 -0.9326603132802703 -0.9790938702265353 -1.050291990877469 -1.1152989706022398 -1.1539936013907925 -1.23912178912561 -1.183401520790092 -1.0564831318036405 -1.0054062191627446 -1.0471964204143875 +37810,-1.1338723933807457,2,-0.8831311858709241 -0.8722966892501304 -0.8521754812400837 -0.8537232664716244 -0.8366976289246592 -0.8181242061461532 -0.7933596424414756 -0.8552710517031651 -0.8815834006393833 -0.9326603132802703 -0.9790938702265353 -1.050291990877469 -1.1152989706022398 -1.1539936013907925 -1.23912178912561 -1.183401520790092 -1.0564831318036405 -1.0054062191627446 -1.0471964204143875 -1.1632803127800455 +37811,-1.1029166887498967,2,-0.8722966892501304 -0.8521754812400837 -0.8537232664716244 -0.8366976289246592 -0.8181242061461532 -0.7933596424414756 -0.8552710517031651 -0.8815834006393833 -0.9326603132802703 -0.9790938702265353 -1.050291990877469 -1.1152989706022398 -1.1539936013907925 -1.23912178912561 -1.183401520790092 -1.0564831318036405 -1.0054062191627446 -1.0471964204143875 -1.1632803127800455 -1.1338723933807457 +37812,-0.9759982997634451,2,-0.8521754812400837 -0.8537232664716244 -0.8366976289246592 -0.8181242061461532 -0.7933596424414756 -0.8552710517031651 -0.8815834006393833 -0.9326603132802703 -0.9790938702265353 -1.050291990877469 -1.1152989706022398 -1.1539936013907925 -1.23912178912561 -1.183401520790092 -1.0564831318036405 -1.0054062191627446 -1.0471964204143875 -1.1632803127800455 -1.1338723933807457 -1.1029166887498967 +37813,-0.9961195077734918,2,-0.8537232664716244 -0.8366976289246592 -0.8181242061461532 -0.7933596424414756 -0.8552710517031651 -0.8815834006393833 -0.9326603132802703 -0.9790938702265353 -1.050291990877469 -1.1152989706022398 -1.1539936013907925 -1.23912178912561 -1.183401520790092 -1.0564831318036405 -1.0054062191627446 -1.0471964204143875 -1.1632803127800455 -1.1338723933807457 -1.1029166887498967 -0.9759982997634451 +37814,-1.0704131988875156,2,-0.8366976289246592 -0.8181242061461532 -0.7933596424414756 -0.8552710517031651 -0.8815834006393833 -0.9326603132802703 -0.9790938702265353 -1.050291990877469 -1.1152989706022398 -1.1539936013907925 -1.23912178912561 -1.183401520790092 -1.0564831318036405 -1.0054062191627446 -1.0471964204143875 -1.1632803127800455 -1.1338723933807457 -1.1029166887498967 -0.9759982997634451 -0.9961195077734918 +37815,-1.1710192389377578,2,-0.8181242061461532 -0.7933596424414756 -0.8552710517031651 -0.8815834006393833 -0.9326603132802703 -0.9790938702265353 -1.050291990877469 -1.1152989706022398 -1.1539936013907925 -1.23912178912561 -1.183401520790092 -1.0564831318036405 -1.0054062191627446 -1.0471964204143875 -1.1632803127800455 -1.1338723933807457 -1.1029166887498967 -0.9759982997634451 -0.9961195077734918 -1.0704131988875156 +37816,-1.2654341380618195,2,-0.7933596424414756 -0.8552710517031651 -0.8815834006393833 -0.9326603132802703 -0.9790938702265353 -1.050291990877469 -1.1152989706022398 -1.1539936013907925 -1.23912178912561 -1.183401520790092 -1.0564831318036405 -1.0054062191627446 -1.0471964204143875 -1.1632803127800455 -1.1338723933807457 -1.1029166887498967 -0.9759982997634451 -0.9961195077734918 -1.0704131988875156 -1.1710192389377578 +37817,-1.4078303793636955,2,-0.8552710517031651 -0.8815834006393833 -0.9326603132802703 -0.9790938702265353 -1.050291990877469 -1.1152989706022398 -1.1539936013907925 -1.23912178912561 -1.183401520790092 -1.0564831318036405 -1.0054062191627446 -1.0471964204143875 -1.1632803127800455 -1.1338723933807457 -1.1029166887498967 -0.9759982997634451 -0.9961195077734918 -1.0704131988875156 -1.1710192389377578 -1.2654341380618195 +37818,-1.4635506476992135,2,-0.8815834006393833 -0.9326603132802703 -0.9790938702265353 -1.050291990877469 -1.1152989706022398 -1.1539936013907925 -1.23912178912561 -1.183401520790092 -1.0564831318036405 -1.0054062191627446 -1.0471964204143875 -1.1632803127800455 -1.1338723933807457 -1.1029166887498967 -0.9759982997634451 -0.9961195077734918 -1.0704131988875156 -1.1710192389377578 -1.2654341380618195 -1.4078303793636955 +37819,-1.5920168219172057,2,-0.9326603132802703 -0.9790938702265353 -1.050291990877469 -1.1152989706022398 -1.1539936013907925 -1.23912178912561 -1.183401520790092 -1.0564831318036405 -1.0054062191627446 -1.0471964204143875 -1.1632803127800455 -1.1338723933807457 -1.1029166887498967 -0.9759982997634451 -0.9961195077734918 -1.0704131988875156 -1.1710192389377578 -1.2654341380618195 -1.4078303793636955 -1.4635506476992135 +37820,-1.6307114527057585,2,-0.9790938702265353 -1.050291990877469 -1.1152989706022398 -1.1539936013907925 -1.23912178912561 -1.183401520790092 -1.0564831318036405 -1.0054062191627446 -1.0471964204143875 -1.1632803127800455 -1.1338723933807457 -1.1029166887498967 -0.9759982997634451 -0.9961195077734918 -1.0704131988875156 -1.1710192389377578 -1.2654341380618195 -1.4078303793636955 -1.4635506476992135 -1.5920168219172057 +37821,-1.7978722577123032,2,-1.050291990877469 -1.1152989706022398 -1.1539936013907925 -1.23912178912561 -1.183401520790092 -1.0564831318036405 -1.0054062191627446 -1.0471964204143875 -1.1632803127800455 -1.1338723933807457 -1.1029166887498967 -0.9759982997634451 -0.9961195077734918 -1.0704131988875156 -1.1710192389377578 -1.2654341380618195 -1.4078303793636955 -1.4635506476992135 -1.5920168219172057 -1.6307114527057585 +37822,-1.8241846066485214,2,-1.1152989706022398 -1.1539936013907925 -1.23912178912561 -1.183401520790092 -1.0564831318036405 -1.0054062191627446 -1.0471964204143875 -1.1632803127800455 -1.1338723933807457 -1.1029166887498967 -0.9759982997634451 -0.9961195077734918 -1.0704131988875156 -1.1710192389377578 -1.2654341380618195 -1.4078303793636955 -1.4635506476992135 -1.5920168219172057 -1.6307114527057585 -1.7978722577123032 +37823,-1.9139561500779612,2,-1.1539936013907925 -1.23912178912561 -1.183401520790092 -1.0564831318036405 -1.0054062191627446 -1.0471964204143875 -1.1632803127800455 -1.1338723933807457 -1.1029166887498967 -0.9759982997634451 -0.9961195077734918 -1.0704131988875156 -1.1710192389377578 -1.2654341380618195 -1.4078303793636955 -1.4635506476992135 -1.5920168219172057 -1.6307114527057585 -1.7978722577123032 -1.8241846066485214 +37824,-2.0176577605912844,2,-1.23912178912561 -1.183401520790092 -1.0564831318036405 -1.0054062191627446 -1.0471964204143875 -1.1632803127800455 -1.1338723933807457 -1.1029166887498967 -0.9759982997634451 -0.9961195077734918 -1.0704131988875156 -1.1710192389377578 -1.2654341380618195 -1.4078303793636955 -1.4635506476992135 -1.5920168219172057 -1.6307114527057585 -1.7978722577123032 -1.8241846066485214 -1.9139561500779612 +37825,-2.1198115858730673,2,-1.183401520790092 -1.0564831318036405 -1.0054062191627446 -1.0471964204143875 -1.1632803127800455 -1.1338723933807457 -1.1029166887498967 -0.9759982997634451 -0.9961195077734918 -1.0704131988875156 -1.1710192389377578 -1.2654341380618195 -1.4078303793636955 -1.4635506476992135 -1.5920168219172057 -1.6307114527057585 -1.7978722577123032 -1.8241846066485214 -1.9139561500779612 -2.0176577605912844 +37826,-2.1337416529569424,2,-1.0564831318036405 -1.0054062191627446 -1.0471964204143875 -1.1632803127800455 -1.1338723933807457 -1.1029166887498967 -0.9759982997634451 -0.9961195077734918 -1.0704131988875156 -1.1710192389377578 -1.2654341380618195 -1.4078303793636955 -1.4635506476992135 -1.5920168219172057 -1.6307114527057585 -1.7978722577123032 -1.8241846066485214 -1.9139561500779612 -2.0176577605912844 -2.1198115858730673 +37827,-3.2873059860252694,2,-1.0054062191627446 -1.0471964204143875 -1.1632803127800455 -1.1338723933807457 -1.1029166887498967 -0.9759982997634451 -0.9961195077734918 -1.0704131988875156 -1.1710192389377578 -1.2654341380618195 -1.4078303793636955 -1.4635506476992135 -1.5920168219172057 -1.6307114527057585 -1.7978722577123032 -1.8241846066485214 -1.9139561500779612 -2.0176577605912844 -2.1198115858730673 -2.1337416529569424 +37828,-3.2873059860252694,2,-1.0471964204143875 -1.1632803127800455 -1.1338723933807457 -1.1029166887498967 -0.9759982997634451 -0.9961195077734918 -1.0704131988875156 -1.1710192389377578 -1.2654341380618195 -1.4078303793636955 -1.4635506476992135 -1.5920168219172057 -1.6307114527057585 -1.7978722577123032 -1.8241846066485214 -1.9139561500779612 -2.0176577605912844 -2.1198115858730673 -2.1337416529569424 -3.2873059860252694 +37829,-1.8583906602656026,2,-1.1632803127800455 -1.1338723933807457 -1.1029166887498967 -0.9759982997634451 -0.9961195077734918 -1.0704131988875156 -1.1710192389377578 -1.2654341380618195 -1.4078303793636955 -1.4635506476992135 -1.5920168219172057 -1.6307114527057585 -1.7978722577123032 -1.8241846066485214 -1.9139561500779612 -2.0176577605912844 -2.1198115858730673 -2.1337416529569424 -3.2873059860252694 -3.2873059860252694 +37830,-1.8583906602656026,2,-1.1338723933807457 -1.1029166887498967 -0.9759982997634451 -0.9961195077734918 -1.0704131988875156 -1.1710192389377578 -1.2654341380618195 -1.4078303793636955 -1.4635506476992135 -1.5920168219172057 -1.6307114527057585 -1.7978722577123032 -1.8241846066485214 -1.9139561500779612 -2.0176577605912844 -2.1198115858730673 -2.1337416529569424 -3.2873059860252694 -3.2873059860252694 -1.8583906602656026 +37831,-1.8583906602656026,2,-1.1029166887498967 -0.9759982997634451 -0.9961195077734918 -1.0704131988875156 -1.1710192389377578 -1.2654341380618195 -1.4078303793636955 -1.4635506476992135 -1.5920168219172057 -1.6307114527057585 -1.7978722577123032 -1.8241846066485214 -1.9139561500779612 -2.0176577605912844 -2.1198115858730673 -2.1337416529569424 -3.2873059860252694 -3.2873059860252694 -1.8583906602656026 -1.8583906602656026 +37832,-1.494506352330054,2,-0.9759982997634451 -0.9961195077734918 -1.0704131988875156 -1.1710192389377578 -1.2654341380618195 -1.4078303793636955 -1.4635506476992135 -1.5920168219172057 -1.6307114527057585 -1.7978722577123032 -1.8241846066485214 -1.9139561500779612 -2.0176577605912844 -2.1198115858730673 -2.1337416529569424 -3.2873059860252694 -3.2873059860252694 -1.8583906602656026 -1.8583906602656026 -1.8583906602656026 +37833,-1.494506352330054,2,-0.9961195077734918 -1.0704131988875156 -1.1710192389377578 -1.2654341380618195 -1.4078303793636955 -1.4635506476992135 -1.5920168219172057 -1.6307114527057585 -1.7978722577123032 -1.8241846066485214 -1.9139561500779612 -2.0176577605912844 -2.1198115858730673 -2.1337416529569424 -3.2873059860252694 -3.2873059860252694 -1.8583906602656026 -1.8583906602656026 -1.8583906602656026 -1.494506352330054 +37834,-1.494506352330054,2,-1.0704131988875156 -1.1710192389377578 -1.2654341380618195 -1.4078303793636955 -1.4635506476992135 -1.5920168219172057 -1.6307114527057585 -1.7978722577123032 -1.8241846066485214 -1.9139561500779612 -2.0176577605912844 -2.1198115858730673 -2.1337416529569424 -3.2873059860252694 -3.2873059860252694 -1.8583906602656026 -1.8583906602656026 -1.8583906602656026 -1.494506352330054 -1.494506352330054 +37835,-1.6697156405406208,2,-1.1710192389377578 -1.2654341380618195 -1.4078303793636955 -1.4635506476992135 -1.5920168219172057 -1.6307114527057585 -1.7978722577123032 -1.8241846066485214 -1.9139561500779612 -2.0176577605912844 -2.1198115858730673 -2.1337416529569424 -3.2873059860252694 -3.2873059860252694 -1.8583906602656026 -1.8583906602656026 -1.8583906602656026 -1.494506352330054 -1.494506352330054 -1.494506352330054 +37836,-1.6697156405406208,2,-1.2654341380618195 -1.4078303793636955 -1.4635506476992135 -1.5920168219172057 -1.6307114527057585 -1.7978722577123032 -1.8241846066485214 -1.9139561500779612 -2.0176577605912844 -2.1198115858730673 -2.1337416529569424 -3.2873059860252694 -3.2873059860252694 -1.8583906602656026 -1.8583906602656026 -1.8583906602656026 -1.494506352330054 -1.494506352330054 -1.494506352330054 -1.6697156405406208 +37837,-1.6697156405406208,2,-1.4078303793636955 -1.4635506476992135 -1.5920168219172057 -1.6307114527057585 -1.7978722577123032 -1.8241846066485214 -1.9139561500779612 -2.0176577605912844 -2.1198115858730673 -2.1337416529569424 -3.2873059860252694 -3.2873059860252694 -1.8583906602656026 -1.8583906602656026 -1.8583906602656026 -1.494506352330054 -1.494506352330054 -1.494506352330054 -1.6697156405406208 -1.6697156405406208 +37838,-2.1715076126065744,2,-1.4635506476992135 -1.5920168219172057 -1.6307114527057585 -1.7978722577123032 -1.8241846066485214 -1.9139561500779612 -2.0176577605912844 -2.1198115858730673 -2.1337416529569424 -3.2873059860252694 -3.2873059860252694 -1.8583906602656026 -1.8583906602656026 -1.8583906602656026 -1.494506352330054 -1.494506352330054 -1.494506352330054 -1.6697156405406208 -1.6697156405406208 -1.6697156405406208 +37839,-2.1715076126065744,2,-1.5920168219172057 -1.6307114527057585 -1.7978722577123032 -1.8241846066485214 -1.9139561500779612 -2.0176577605912844 -2.1198115858730673 -2.1337416529569424 -3.2873059860252694 -3.2873059860252694 -1.8583906602656026 -1.8583906602656026 -1.8583906602656026 -1.494506352330054 -1.494506352330054 -1.494506352330054 -1.6697156405406208 -1.6697156405406208 -1.6697156405406208 -2.1715076126065744 +37840,-2.1715076126065744,2,-1.6307114527057585 -1.7978722577123032 -1.8241846066485214 -1.9139561500779612 -2.0176577605912844 -2.1198115858730673 -2.1337416529569424 -3.2873059860252694 -3.2873059860252694 -1.8583906602656026 -1.8583906602656026 -1.8583906602656026 -1.494506352330054 -1.494506352330054 -1.494506352330054 -1.6697156405406208 -1.6697156405406208 -1.6697156405406208 -2.1715076126065744 -2.1715076126065744 +37841,-2.6440464437963787,2,-1.7978722577123032 -1.8241846066485214 -1.9139561500779612 -2.0176577605912844 -2.1198115858730673 -2.1337416529569424 -3.2873059860252694 -3.2873059860252694 -1.8583906602656026 -1.8583906602656026 -1.8583906602656026 -1.494506352330054 -1.494506352330054 -1.494506352330054 -1.6697156405406208 -1.6697156405406208 -1.6697156405406208 -2.1715076126065744 -2.1715076126065744 -2.1715076126065744 +37842,-2.6440464437963787,2,-1.8241846066485214 -1.9139561500779612 -2.0176577605912844 -2.1198115858730673 -2.1337416529569424 -3.2873059860252694 -3.2873059860252694 -1.8583906602656026 -1.8583906602656026 -1.8583906602656026 -1.494506352330054 -1.494506352330054 -1.494506352330054 -1.6697156405406208 -1.6697156405406208 -1.6697156405406208 -2.1715076126065744 -2.1715076126065744 -2.1715076126065744 -2.6440464437963787 +37843,-2.6440464437963787,2,-1.9139561500779612 -2.0176577605912844 -2.1198115858730673 -2.1337416529569424 -3.2873059860252694 -3.2873059860252694 -1.8583906602656026 -1.8583906602656026 -1.8583906602656026 -1.494506352330054 -1.494506352330054 -1.494506352330054 -1.6697156405406208 -1.6697156405406208 -1.6697156405406208 -2.1715076126065744 -2.1715076126065744 -2.1715076126065744 -2.6440464437963787 -2.6440464437963787 +37844,-3.029290187927205,2,-2.0176577605912844 -2.1198115858730673 -2.1337416529569424 -3.2873059860252694 -3.2873059860252694 -1.8583906602656026 -1.8583906602656026 -1.8583906602656026 -1.494506352330054 -1.494506352330054 -1.494506352330054 -1.6697156405406208 -1.6697156405406208 -1.6697156405406208 -2.1715076126065744 -2.1715076126065744 -2.1715076126065744 -2.6440464437963787 -2.6440464437963787 -2.6440464437963787 +37845,-3.029290187927205,2,-2.1198115858730673 -2.1337416529569424 -3.2873059860252694 -3.2873059860252694 -1.8583906602656026 -1.8583906602656026 -1.8583906602656026 -1.494506352330054 -1.494506352330054 -1.494506352330054 -1.6697156405406208 -1.6697156405406208 -1.6697156405406208 -2.1715076126065744 -2.1715076126065744 -2.1715076126065744 -2.6440464437963787 -2.6440464437963787 -2.6440464437963787 -3.029290187927205 +37846,-3.029290187927205,2,-2.1337416529569424 -3.2873059860252694 -3.2873059860252694 -1.8583906602656026 -1.8583906602656026 -1.8583906602656026 -1.494506352330054 -1.494506352330054 -1.494506352330054 -1.6697156405406208 -1.6697156405406208 -1.6697156405406208 -2.1715076126065744 -2.1715076126065744 -2.1715076126065744 -2.6440464437963787 -2.6440464437963787 -2.6440464437963787 -3.029290187927205 -3.029290187927205 +37847,-2.9263624700296518,2,-3.2873059860252694 -3.2873059860252694 -1.8583906602656026 -1.8583906602656026 -1.8583906602656026 -1.494506352330054 -1.494506352330054 -1.494506352330054 -1.6697156405406208 -1.6697156405406208 -1.6697156405406208 -2.1715076126065744 -2.1715076126065744 -2.1715076126065744 -2.6440464437963787 -2.6440464437963787 -2.6440464437963787 -3.029290187927205 -3.029290187927205 -3.029290187927205 +37848,-2.9263624700296518,2,-3.2873059860252694 -1.8583906602656026 -1.8583906602656026 -1.8583906602656026 -1.494506352330054 -1.494506352330054 -1.494506352330054 -1.6697156405406208 -1.6697156405406208 -1.6697156405406208 -2.1715076126065744 -2.1715076126065744 -2.1715076126065744 -2.6440464437963787 -2.6440464437963787 -2.6440464437963787 -3.029290187927205 -3.029290187927205 -3.029290187927205 -2.9263624700296518 +37849,-2.9263624700296518,2,-1.8583906602656026 -1.8583906602656026 -1.8583906602656026 -1.494506352330054 -1.494506352330054 -1.494506352330054 -1.6697156405406208 -1.6697156405406208 -1.6697156405406208 -2.1715076126065744 -2.1715076126065744 -2.1715076126065744 -2.6440464437963787 -2.6440464437963787 -2.6440464437963787 -3.029290187927205 -3.029290187927205 -3.029290187927205 -2.9263624700296518 -2.9263624700296518 +37850,-3.1645666171639886,2,-1.8583906602656026 -1.8583906602656026 -1.494506352330054 -1.494506352330054 -1.494506352330054 -1.6697156405406208 -1.6697156405406208 -1.6697156405406208 -2.1715076126065744 -2.1715076126065744 -2.1715076126065744 -2.6440464437963787 -2.6440464437963787 -2.6440464437963787 -3.029290187927205 -3.029290187927205 -3.029290187927205 -2.9263624700296518 -2.9263624700296518 -2.9263624700296518 +37851,-2.1523150757354483,2,-1.8583906602656026 -1.494506352330054 -1.494506352330054 -1.494506352330054 -1.6697156405406208 -1.6697156405406208 -1.6697156405406208 -2.1715076126065744 -2.1715076126065744 -2.1715076126065744 -2.6440464437963787 -2.6440464437963787 -2.6440464437963787 -3.029290187927205 -3.029290187927205 -3.029290187927205 -2.9263624700296518 -2.9263624700296518 -2.9263624700296518 -3.1645666171639886 +37852,-2.2157742702286787,2,-1.494506352330054 -1.494506352330054 -1.494506352330054 -1.6697156405406208 -1.6697156405406208 -1.6697156405406208 -2.1715076126065744 -2.1715076126065744 -2.1715076126065744 -2.6440464437963787 -2.6440464437963787 -2.6440464437963787 -3.029290187927205 -3.029290187927205 -3.029290187927205 -2.9263624700296518 -2.9263624700296518 -2.9263624700296518 -3.1645666171639886 -2.1523150757354483 +37853,-1.918599505772592,2,-1.494506352330054 -1.494506352330054 -1.6697156405406208 -1.6697156405406208 -1.6697156405406208 -2.1715076126065744 -2.1715076126065744 -2.1715076126065744 -2.6440464437963787 -2.6440464437963787 -2.6440464437963787 -3.029290187927205 -3.029290187927205 -3.029290187927205 -2.9263624700296518 -2.9263624700296518 -2.9263624700296518 -3.1645666171639886 -2.1523150757354483 -2.2157742702286787 +37854,-1.119942326296862,2,-1.494506352330054 -1.6697156405406208 -1.6697156405406208 -1.6697156405406208 -2.1715076126065744 -2.1715076126065744 -2.1715076126065744 -2.6440464437963787 -2.6440464437963787 -2.6440464437963787 -3.029290187927205 -3.029290187927205 -3.029290187927205 -2.9263624700296518 -2.9263624700296518 -2.9263624700296518 -3.1645666171639886 -2.1523150757354483 -2.2157742702286787 -1.918599505772592 +37855,-0.9698071588372823,2,-1.6697156405406208 -1.6697156405406208 -1.6697156405406208 -2.1715076126065744 -2.1715076126065744 -2.1715076126065744 -2.6440464437963787 -2.6440464437963787 -2.6440464437963787 -3.029290187927205 -3.029290187927205 -3.029290187927205 -2.9263624700296518 -2.9263624700296518 -2.9263624700296518 -3.1645666171639886 -2.1523150757354483 -2.2157742702286787 -1.918599505772592 -1.119942326296862 +37856,-0.7283526627167135,2,-1.6697156405406208 -1.6697156405406208 -2.1715076126065744 -2.1715076126065744 -2.1715076126065744 -2.6440464437963787 -2.6440464437963787 -2.6440464437963787 -3.029290187927205 -3.029290187927205 -3.029290187927205 -2.9263624700296518 -2.9263624700296518 -2.9263624700296518 -3.1645666171639886 -2.1523150757354483 -2.2157742702286787 -1.918599505772592 -1.119942326296862 -0.9698071588372823 +37857,-0.6138165555825964,2,-1.6697156405406208 -2.1715076126065744 -2.1715076126065744 -2.1715076126065744 -2.6440464437963787 -2.6440464437963787 -2.6440464437963787 -3.029290187927205 -3.029290187927205 -3.029290187927205 -2.9263624700296518 -2.9263624700296518 -2.9263624700296518 -3.1645666171639886 -2.1523150757354483 -2.2157742702286787 -1.918599505772592 -1.119942326296862 -0.9698071588372823 -0.7283526627167135 +37858,-0.6029820589618027,2,-2.1715076126065744 -2.1715076126065744 -2.1715076126065744 -2.6440464437963787 -2.6440464437963787 -2.6440464437963787 -3.029290187927205 -3.029290187927205 -3.029290187927205 -2.9263624700296518 -2.9263624700296518 -2.9263624700296518 -3.1645666171639886 -2.1523150757354483 -2.2157742702286787 -1.918599505772592 -1.119942326296862 -0.9698071588372823 -0.7283526627167135 -0.6138165555825964 +37859,-0.5519051463209157,2,-2.1715076126065744 -2.1715076126065744 -2.6440464437963787 -2.6440464437963787 -2.6440464437963787 -3.029290187927205 -3.029290187927205 -3.029290187927205 -2.9263624700296518 -2.9263624700296518 -2.9263624700296518 -3.1645666171639886 -2.1523150757354483 -2.2157742702286787 -1.918599505772592 -1.119942326296862 -0.9698071588372823 -0.7283526627167135 -0.6138165555825964 -0.6029820589618027 +37860,-0.5611918577101599,2,-2.1715076126065744 -2.6440464437963787 -2.6440464437963787 -2.6440464437963787 -3.029290187927205 -3.029290187927205 -3.029290187927205 -2.9263624700296518 -2.9263624700296518 -2.9263624700296518 -3.1645666171639886 -2.1523150757354483 -2.2157742702286787 -1.918599505772592 -1.119942326296862 -0.9698071588372823 -0.7283526627167135 -0.6138165555825964 -0.6029820589618027 -0.5519051463209157 +37861,-0.694301387622783,2,-2.6440464437963787 -2.6440464437963787 -2.6440464437963787 -3.029290187927205 -3.029290187927205 -3.029290187927205 -2.9263624700296518 -2.9263624700296518 -2.9263624700296518 -3.1645666171639886 -2.1523150757354483 -2.2157742702286787 -1.918599505772592 -1.119942326296862 -0.9698071588372823 -0.7283526627167135 -0.6138165555825964 -0.6029820589618027 -0.5519051463209157 -0.5611918577101599 +37862,-0.8382454141561998,2,-2.6440464437963787 -2.6440464437963787 -3.029290187927205 -3.029290187927205 -3.029290187927205 -2.9263624700296518 -2.9263624700296518 -2.9263624700296518 -3.1645666171639886 -2.1523150757354483 -2.2157742702286787 -1.918599505772592 -1.119942326296862 -0.9698071588372823 -0.7283526627167135 -0.6138165555825964 -0.6029820589618027 -0.5519051463209157 -0.5611918577101599 -0.694301387622783 +37863,-1.059578702266722,2,-2.6440464437963787 -3.029290187927205 -3.029290187927205 -3.029290187927205 -2.9263624700296518 -2.9263624700296518 -2.9263624700296518 -3.1645666171639886 -2.1523150757354483 -2.2157742702286787 -1.918599505772592 -1.119942326296862 -0.9698071588372823 -0.7283526627167135 -0.6138165555825964 -0.6029820589618027 -0.5519051463209157 -0.5611918577101599 -0.694301387622783 -0.8382454141561998 +37864,-1.1447068900015396,2,-3.029290187927205 -3.029290187927205 -3.029290187927205 -2.9263624700296518 -2.9263624700296518 -2.9263624700296518 -3.1645666171639886 -2.1523150757354483 -2.2157742702286787 -1.918599505772592 -1.119942326296862 -0.9698071588372823 -0.7283526627167135 -0.6138165555825964 -0.6029820589618027 -0.5519051463209157 -0.5611918577101599 -0.694301387622783 -0.8382454141561998 -1.059578702266722 +37865,-1.290198701766497,2,-3.029290187927205 -3.029290187927205 -2.9263624700296518 -2.9263624700296518 -2.9263624700296518 -3.1645666171639886 -2.1523150757354483 -2.2157742702286787 -1.918599505772592 -1.119942326296862 -0.9698071588372823 -0.7283526627167135 -0.6138165555825964 -0.6029820589618027 -0.5519051463209157 -0.5611918577101599 -0.694301387622783 -0.8382454141561998 -1.059578702266722 -1.1447068900015396 +37866,-1.3846136008905676,2,-3.029290187927205 -2.9263624700296518 -2.9263624700296518 -2.9263624700296518 -3.1645666171639886 -2.1523150757354483 -2.2157742702286787 -1.918599505772592 -1.119942326296862 -0.9698071588372823 -0.7283526627167135 -0.6138165555825964 -0.6029820589618027 -0.5519051463209157 -0.5611918577101599 -0.694301387622783 -0.8382454141561998 -1.059578702266722 -1.1447068900015396 -1.290198701766497 +37867,-1.4650984329307541,2,-2.9263624700296518 -2.9263624700296518 -2.9263624700296518 -3.1645666171639886 -2.1523150757354483 -2.2157742702286787 -1.918599505772592 -1.119942326296862 -0.9698071588372823 -0.7283526627167135 -0.6138165555825964 -0.6029820589618027 -0.5519051463209157 -0.5611918577101599 -0.694301387622783 -0.8382454141561998 -1.059578702266722 -1.1447068900015396 -1.290198701766497 -1.3846136008905676 +37868,-1.5935646071487464,2,-2.9263624700296518 -2.9263624700296518 -3.1645666171639886 -2.1523150757354483 -2.2157742702286787 -1.918599505772592 -1.119942326296862 -0.9698071588372823 -0.7283526627167135 -0.6138165555825964 -0.6029820589618027 -0.5519051463209157 -0.5611918577101599 -0.694301387622783 -0.8382454141561998 -1.059578702266722 -1.1447068900015396 -1.290198701766497 -1.3846136008905676 -1.4650984329307541 +37869,-1.5734433991386998,2,-2.9263624700296518 -3.1645666171639886 -2.1523150757354483 -2.2157742702286787 -1.918599505772592 -1.119942326296862 -0.9698071588372823 -0.7283526627167135 -0.6138165555825964 -0.6029820589618027 -0.5519051463209157 -0.5611918577101599 -0.694301387622783 -0.8382454141561998 -1.059578702266722 -1.1447068900015396 -1.290198701766497 -1.3846136008905676 -1.4650984329307541 -1.5935646071487464 +37870,-1.848949170353199,2,-3.1645666171639886 -2.1523150757354483 -2.2157742702286787 -1.918599505772592 -1.119942326296862 -0.9698071588372823 -0.7283526627167135 -0.6138165555825964 -0.6029820589618027 -0.5519051463209157 -0.5611918577101599 -0.694301387622783 -0.8382454141561998 -1.059578702266722 -1.1447068900015396 -1.290198701766497 -1.3846136008905676 -1.4650984329307541 -1.5935646071487464 -1.5734433991386998 +37871,-1.918599505772592,2,-2.1523150757354483 -2.2157742702286787 -1.918599505772592 -1.119942326296862 -0.9698071588372823 -0.7283526627167135 -0.6138165555825964 -0.6029820589618027 -0.5519051463209157 -0.5611918577101599 -0.694301387622783 -0.8382454141561998 -1.059578702266722 -1.1447068900015396 -1.290198701766497 -1.3846136008905676 -1.4650984329307541 -1.5935646071487464 -1.5734433991386998 -1.848949170353199 +37872,-1.9541985660980545,2,-2.2157742702286787 -1.918599505772592 -1.119942326296862 -0.9698071588372823 -0.7283526627167135 -0.6138165555825964 -0.6029820589618027 -0.5519051463209157 -0.5611918577101599 -0.694301387622783 -0.8382454141561998 -1.059578702266722 -1.1447068900015396 -1.290198701766497 -1.3846136008905676 -1.4650984329307541 -1.5935646071487464 -1.5734433991386998 -1.848949170353199 -1.918599505772592 +37873,-1.992893196886607,2,-1.918599505772592 -1.119942326296862 -0.9698071588372823 -0.7283526627167135 -0.6138165555825964 -0.6029820589618027 -0.5519051463209157 -0.5611918577101599 -0.694301387622783 -0.8382454141561998 -1.059578702266722 -1.1447068900015396 -1.290198701766497 -1.3846136008905676 -1.4650984329307541 -1.5935646071487464 -1.5734433991386998 -1.848949170353199 -1.918599505772592 -1.9541985660980545 +37874,-2.1105248744838145,2,-1.119942326296862 -0.9698071588372823 -0.7283526627167135 -0.6138165555825964 -0.6029820589618027 -0.5519051463209157 -0.5611918577101599 -0.694301387622783 -0.8382454141561998 -1.059578702266722 -1.1447068900015396 -1.290198701766497 -1.3846136008905676 -1.4650984329307541 -1.5935646071487464 -1.5734433991386998 -1.848949170353199 -1.918599505772592 -1.9541985660980545 -1.992893196886607 +37875,-2.108977089252265,2,-0.9698071588372823 -0.7283526627167135 -0.6138165555825964 -0.6029820589618027 -0.5519051463209157 -0.5611918577101599 -0.694301387622783 -0.8382454141561998 -1.059578702266722 -1.1447068900015396 -1.290198701766497 -1.3846136008905676 -1.4650984329307541 -1.5935646071487464 -1.5734433991386998 -1.848949170353199 -1.918599505772592 -1.9541985660980545 -1.992893196886607 -2.1105248744838145 +37876,-2.1337416529569424,2,-0.7283526627167135 -0.6138165555825964 -0.6029820589618027 -0.5519051463209157 -0.5611918577101599 -0.694301387622783 -0.8382454141561998 -1.059578702266722 -1.1447068900015396 -1.290198701766497 -1.3846136008905676 -1.4650984329307541 -1.5935646071487464 -1.5734433991386998 -1.848949170353199 -1.918599505772592 -1.9541985660980545 -1.992893196886607 -2.1105248744838145 -2.108977089252265 +37877,-1.9170517205410513,2,-0.6138165555825964 -0.6029820589618027 -0.5519051463209157 -0.5611918577101599 -0.694301387622783 -0.8382454141561998 -1.059578702266722 -1.1447068900015396 -1.290198701766497 -1.3846136008905676 -1.4650984329307541 -1.5935646071487464 -1.5734433991386998 -1.848949170353199 -1.918599505772592 -1.9541985660980545 -1.992893196886607 -2.1105248744838145 -2.108977089252265 -2.1337416529569424 +37878,-0.8924178972601771,2,-0.6029820589618027 -0.5519051463209157 -0.5611918577101599 -0.694301387622783 -0.8382454141561998 -1.059578702266722 -1.1447068900015396 -1.290198701766497 -1.3846136008905676 -1.4650984329307541 -1.5935646071487464 -1.5734433991386998 -1.848949170353199 -1.918599505772592 -1.9541985660980545 -1.992893196886607 -2.1105248744838145 -2.108977089252265 -2.1337416529569424 -1.9170517205410513 +37879,-0.6494156159080676,2,-0.5519051463209157 -0.5611918577101599 -0.694301387622783 -0.8382454141561998 -1.059578702266722 -1.1447068900015396 -1.290198701766497 -1.3846136008905676 -1.4650984329307541 -1.5935646071487464 -1.5734433991386998 -1.848949170353199 -1.918599505772592 -1.9541985660980545 -1.992893196886607 -2.1105248744838145 -2.108977089252265 -2.1337416529569424 -1.9170517205410513 -0.8924178972601771 +37880,-0.6494156159080676,2,-0.5611918577101599 -0.694301387622783 -0.8382454141561998 -1.059578702266722 -1.1447068900015396 -1.290198701766497 -1.3846136008905676 -1.4650984329307541 -1.5935646071487464 -1.5734433991386998 -1.848949170353199 -1.918599505772592 -1.9541985660980545 -1.992893196886607 -2.1105248744838145 -2.108977089252265 -2.1337416529569424 -1.9170517205410513 -0.8924178972601771 -0.6494156159080676 +37881,-0.4079611197874988,2,-0.694301387622783 -0.8382454141561998 -1.059578702266722 -1.1447068900015396 -1.290198701766497 -1.3846136008905676 -1.4650984329307541 -1.5935646071487464 -1.5734433991386998 -1.848949170353199 -1.918599505772592 -1.9541985660980545 -1.992893196886607 -2.1105248744838145 -2.108977089252265 -2.1337416529569424 -1.9170517205410513 -0.8924178972601771 -0.6494156159080676 -0.6494156159080676 +37882,-0.3739098446935683,2,-0.8382454141561998 -1.059578702266722 -1.1447068900015396 -1.290198701766497 -1.3846136008905676 -1.4650984329307541 -1.5935646071487464 -1.5734433991386998 -1.848949170353199 -1.918599505772592 -1.9541985660980545 -1.992893196886607 -2.1105248744838145 -2.108977089252265 -2.1337416529569424 -1.9170517205410513 -0.8924178972601771 -0.6494156159080676 -0.6494156159080676 -0.4079611197874988 +37883,-0.3119984354318876,2,-1.059578702266722 -1.1447068900015396 -1.290198701766497 -1.3846136008905676 -1.4650984329307541 -1.5935646071487464 -1.5734433991386998 -1.848949170353199 -1.918599505772592 -1.9541985660980545 -1.992893196886607 -2.1105248744838145 -2.108977089252265 -2.1337416529569424 -1.9170517205410513 -0.8924178972601771 -0.6494156159080676 -0.6494156159080676 -0.4079611197874988 -0.3739098446935683 +37884,-0.19127118737159884,2,-1.1447068900015396 -1.290198701766497 -1.3846136008905676 -1.4650984329307541 -1.5935646071487464 -1.5734433991386998 -1.848949170353199 -1.918599505772592 -1.9541985660980545 -1.992893196886607 -2.1105248744838145 -2.108977089252265 -2.1337416529569424 -1.9170517205410513 -0.8924178972601771 -0.6494156159080676 -0.6494156159080676 -0.4079611197874988 -0.3739098446935683 -0.3119984354318876 +37885,-0.38319655608282127,2,-1.290198701766497 -1.3846136008905676 -1.4650984329307541 -1.5935646071487464 -1.5734433991386998 -1.848949170353199 -1.918599505772592 -1.9541985660980545 -1.992893196886607 -2.1105248744838145 -2.108977089252265 -2.1337416529569424 -1.9170517205410513 -0.8924178972601771 -0.6494156159080676 -0.6494156159080676 -0.4079611197874988 -0.3739098446935683 -0.3119984354318876 -0.19127118737159884 +37886,-0.573574139562503,2,-1.3846136008905676 -1.4650984329307541 -1.5935646071487464 -1.5734433991386998 -1.848949170353199 -1.918599505772592 -1.9541985660980545 -1.992893196886607 -2.1105248744838145 -2.108977089252265 -2.1337416529569424 -1.9170517205410513 -0.8924178972601771 -0.6494156159080676 -0.6494156159080676 -0.4079611197874988 -0.3739098446935683 -0.3119984354318876 -0.19127118737159884 -0.38319655608282127 +37887,-0.7175181660959199,2,-1.4650984329307541 -1.5935646071487464 -1.5734433991386998 -1.848949170353199 -1.918599505772592 -1.9541985660980545 -1.992893196886607 -2.1105248744838145 -2.108977089252265 -2.1337416529569424 -1.9170517205410513 -0.8924178972601771 -0.6494156159080676 -0.6494156159080676 -0.4079611197874988 -0.3739098446935683 -0.3119984354318876 -0.19127118737159884 -0.38319655608282127 -0.573574139562503 +37888,-0.782525145820682,2,-1.5935646071487464 -1.5734433991386998 -1.848949170353199 -1.918599505772592 -1.9541985660980545 -1.992893196886607 -2.1105248744838145 -2.108977089252265 -2.1337416529569424 -1.9170517205410513 -0.8924178972601771 -0.6494156159080676 -0.6494156159080676 -0.4079611197874988 -0.3739098446935683 -0.3119984354318876 -0.19127118737159884 -0.38319655608282127 -0.573574139562503 -0.7175181660959199 +37889,-0.8939656824917177,2,-1.5734433991386998 -1.848949170353199 -1.918599505772592 -1.9541985660980545 -1.992893196886607 -2.1105248744838145 -2.108977089252265 -2.1337416529569424 -1.9170517205410513 -0.8924178972601771 -0.6494156159080676 -0.6494156159080676 -0.4079611197874988 -0.3739098446935683 -0.3119984354318876 -0.19127118737159884 -0.38319655608282127 -0.573574139562503 -0.7175181660959199 -0.782525145820682 +37890,-0.9589726622164886,2,-1.848949170353199 -1.918599505772592 -1.9541985660980545 -1.992893196886607 -2.1105248744838145 -2.108977089252265 -2.1337416529569424 -1.9170517205410513 -0.8924178972601771 -0.6494156159080676 -0.6494156159080676 -0.4079611197874988 -0.3739098446935683 -0.3119984354318876 -0.19127118737159884 -0.38319655608282127 -0.573574139562503 -0.7175181660959199 -0.782525145820682 -0.8939656824917177 +37891,-1.1230378967599521,2,-1.918599505772592 -1.9541985660980545 -1.992893196886607 -2.1105248744838145 -2.108977089252265 -2.1337416529569424 -1.9170517205410513 -0.8924178972601771 -0.6494156159080676 -0.6494156159080676 -0.4079611197874988 -0.3739098446935683 -0.3119984354318876 -0.19127118737159884 -0.38319655608282127 -0.573574139562503 -0.7175181660959199 -0.782525145820682 -0.8939656824917177 -0.9589726622164886 +37892,-1.1942360174108857,2,-1.9541985660980545 -1.992893196886607 -2.1105248744838145 -2.108977089252265 -2.1337416529569424 -1.9170517205410513 -0.8924178972601771 -0.6494156159080676 -0.6494156159080676 -0.4079611197874988 -0.3739098446935683 -0.3119984354318876 -0.19127118737159884 -0.38319655608282127 -0.573574139562503 -0.7175181660959199 -0.782525145820682 -0.8939656824917177 -0.9589726622164886 -1.1230378967599521 +37893,-1.248408500514863,2,-1.992893196886607 -2.1105248744838145 -2.108977089252265 -2.1337416529569424 -1.9170517205410513 -0.8924178972601771 -0.6494156159080676 -0.6494156159080676 -0.4079611197874988 -0.3739098446935683 -0.3119984354318876 -0.19127118737159884 -0.38319655608282127 -0.573574139562503 -0.7175181660959199 -0.782525145820682 -0.8939656824917177 -0.9589726622164886 -1.1230378967599521 -1.1942360174108857 +37894,-1.2840075608403254,2,-2.1105248744838145 -2.108977089252265 -2.1337416529569424 -1.9170517205410513 -0.8924178972601771 -0.6494156159080676 -0.6494156159080676 -0.4079611197874988 -0.3739098446935683 -0.3119984354318876 -0.19127118737159884 -0.38319655608282127 -0.573574139562503 -0.7175181660959199 -0.782525145820682 -0.8939656824917177 -0.9589726622164886 -1.1230378967599521 -1.1942360174108857 -1.248408500514863 +37895,-1.2561474266725665,2,-2.108977089252265 -2.1337416529569424 -1.9170517205410513 -0.8924178972601771 -0.6494156159080676 -0.6494156159080676 -0.4079611197874988 -0.3739098446935683 -0.3119984354318876 -0.19127118737159884 -0.38319655608282127 -0.573574139562503 -0.7175181660959199 -0.782525145820682 -0.8939656824917177 -0.9589726622164886 -1.1230378967599521 -1.1942360174108857 -1.248408500514863 -1.2840075608403254 +37896,-1.2809119903772441,2,-2.1337416529569424 -1.9170517205410513 -0.8924178972601771 -0.6494156159080676 -0.6494156159080676 -0.4079611197874988 -0.3739098446935683 -0.3119984354318876 -0.19127118737159884 -0.38319655608282127 -0.573574139562503 -0.7175181660959199 -0.782525145820682 -0.8939656824917177 -0.9589726622164886 -1.1230378967599521 -1.1942360174108857 -1.248408500514863 -1.2840075608403254 -1.2561474266725665 +37897,-1.2035227288001387,2,-1.9170517205410513 -0.8924178972601771 -0.6494156159080676 -0.6494156159080676 -0.4079611197874988 -0.3739098446935683 -0.3119984354318876 -0.19127118737159884 -0.38319655608282127 -0.573574139562503 -0.7175181660959199 -0.782525145820682 -0.8939656824917177 -0.9589726622164886 -1.1230378967599521 -1.1942360174108857 -1.248408500514863 -1.2840075608403254 -1.2561474266725665 -1.2809119903772441 +37898,-1.2035227288001387,2,-0.8924178972601771 -0.6494156159080676 -0.6494156159080676 -0.4079611197874988 -0.3739098446935683 -0.3119984354318876 -0.19127118737159884 -0.38319655608282127 -0.573574139562503 -0.7175181660959199 -0.782525145820682 -0.8939656824917177 -0.9589726622164886 -1.1230378967599521 -1.1942360174108857 -1.248408500514863 -1.2840075608403254 -1.2561474266725665 -1.2809119903772441 -1.2035227288001387 +37899,-1.3335366882496718,2,-0.6494156159080676 -0.6494156159080676 -0.4079611197874988 -0.3739098446935683 -0.3119984354318876 -0.19127118737159884 -0.38319655608282127 -0.573574139562503 -0.7175181660959199 -0.782525145820682 -0.8939656824917177 -0.9589726622164886 -1.1230378967599521 -1.1942360174108857 -1.248408500514863 -1.2840075608403254 -1.2561474266725665 -1.2809119903772441 -1.2035227288001387 -1.2035227288001387 +37900,-1.2499562857464037,2,-0.6494156159080676 -0.4079611197874988 -0.3739098446935683 -0.3119984354318876 -0.19127118737159884 -0.38319655608282127 -0.573574139562503 -0.7175181660959199 -0.782525145820682 -0.8939656824917177 -0.9589726622164886 -1.1230378967599521 -1.1942360174108857 -1.248408500514863 -1.2840075608403254 -1.2561474266725665 -1.2809119903772441 -1.2035227288001387 -1.2035227288001387 -1.3335366882496718 +37901,-0.9698071588372823,2,-0.4079611197874988 -0.3739098446935683 -0.3119984354318876 -0.19127118737159884 -0.38319655608282127 -0.573574139562503 -0.7175181660959199 -0.782525145820682 -0.8939656824917177 -0.9589726622164886 -1.1230378967599521 -1.1942360174108857 -1.248408500514863 -1.2840075608403254 -1.2561474266725665 -1.2809119903772441 -1.2035227288001387 -1.2035227288001387 -1.3335366882496718 -1.2499562857464037 +37902,-0.7268048774851729,2,-0.3739098446935683 -0.3119984354318876 -0.19127118737159884 -0.38319655608282127 -0.573574139562503 -0.7175181660959199 -0.782525145820682 -0.8939656824917177 -0.9589726622164886 -1.1230378967599521 -1.1942360174108857 -1.248408500514863 -1.2840075608403254 -1.2561474266725665 -1.2809119903772441 -1.2035227288001387 -1.2035227288001387 -1.3335366882496718 -1.2499562857464037 -0.9698071588372823 +37903,-0.5441662201632034,2,-0.3119984354318876 -0.19127118737159884 -0.38319655608282127 -0.573574139562503 -0.7175181660959199 -0.782525145820682 -0.8939656824917177 -0.9589726622164886 -1.1230378967599521 -1.1942360174108857 -1.248408500514863 -1.2840075608403254 -1.2561474266725665 -1.2809119903772441 -1.2035227288001387 -1.2035227288001387 -1.3335366882496718 -1.2499562857464037 -0.9698071588372823 -0.7268048774851729 +37904,-0.3785532003881992,2,-0.19127118737159884 -0.38319655608282127 -0.573574139562503 -0.7175181660959199 -0.782525145820682 -0.8939656824917177 -0.9589726622164886 -1.1230378967599521 -1.1942360174108857 -1.248408500514863 -1.2840075608403254 -1.2561474266725665 -1.2809119903772441 -1.2035227288001387 -1.2035227288001387 -1.3335366882496718 -1.2499562857464037 -0.9698071588372823 -0.7268048774851729 -0.5441662201632034 +37905,-0.29187722742184097,2,-0.38319655608282127 -0.573574139562503 -0.7175181660959199 -0.782525145820682 -0.8939656824917177 -0.9589726622164886 -1.1230378967599521 -1.1942360174108857 -1.248408500514863 -1.2840075608403254 -1.2561474266725665 -1.2809119903772441 -1.2035227288001387 -1.2035227288001387 -1.3335366882496718 -1.2499562857464037 -0.9698071588372823 -0.7268048774851729 -0.5441662201632034 -0.3785532003881992 +37906,-0.2624693080225413,2,-0.573574139562503 -0.7175181660959199 -0.782525145820682 -0.8939656824917177 -0.9589726622164886 -1.1230378967599521 -1.1942360174108857 -1.248408500514863 -1.2840075608403254 -1.2561474266725665 -1.2809119903772441 -1.2035227288001387 -1.2035227288001387 -1.3335366882496718 -1.2499562857464037 -0.9698071588372823 -0.7268048774851729 -0.5441662201632034 -0.3785532003881992 -0.29187722742184097 +37907,-0.273303804643335,2,-0.7175181660959199 -0.782525145820682 -0.8939656824917177 -0.9589726622164886 -1.1230378967599521 -1.1942360174108857 -1.248408500514863 -1.2840075608403254 -1.2561474266725665 -1.2809119903772441 -1.2035227288001387 -1.2035227288001387 -1.3335366882496718 -1.2499562857464037 -0.9698071588372823 -0.7268048774851729 -0.5441662201632034 -0.3785532003881992 -0.29187722742184097 -0.2624693080225413 +37908,-0.30116393881109393,2,-0.782525145820682 -0.8939656824917177 -0.9589726622164886 -1.1230378967599521 -1.1942360174108857 -1.248408500514863 -1.2840075608403254 -1.2561474266725665 -1.2809119903772441 -1.2035227288001387 -1.2035227288001387 -1.3335366882496718 -1.2499562857464037 -0.9698071588372823 -0.7268048774851729 -0.5441662201632034 -0.3785532003881992 -0.29187722742184097 -0.2624693080225413 -0.273303804643335 +37909,-0.29187722742184097,2,-0.8939656824917177 -0.9589726622164886 -1.1230378967599521 -1.1942360174108857 -1.248408500514863 -1.2840075608403254 -1.2561474266725665 -1.2809119903772441 -1.2035227288001387 -1.2035227288001387 -1.3335366882496718 -1.2499562857464037 -0.9698071588372823 -0.7268048774851729 -0.5441662201632034 -0.3785532003881992 -0.29187722742184097 -0.2624693080225413 -0.273303804643335 -0.30116393881109393 +37910,-0.46677695858609813,2,-0.9589726622164886 -1.1230378967599521 -1.1942360174108857 -1.248408500514863 -1.2840075608403254 -1.2561474266725665 -1.2809119903772441 -1.2035227288001387 -1.2035227288001387 -1.3335366882496718 -1.2499562857464037 -0.9698071588372823 -0.7268048774851729 -0.5441662201632034 -0.3785532003881992 -0.29187722742184097 -0.2624693080225413 -0.273303804643335 -0.30116393881109393 -0.29187722742184097 +37911,-0.7902640719783942,2,-1.1230378967599521 -1.1942360174108857 -1.248408500514863 -1.2840075608403254 -1.2561474266725665 -1.2809119903772441 -1.2035227288001387 -1.2035227288001387 -1.3335366882496718 -1.2499562857464037 -0.9698071588372823 -0.7268048774851729 -0.5441662201632034 -0.3785532003881992 -0.29187722742184097 -0.2624693080225413 -0.273303804643335 -0.30116393881109393 -0.29187722742184097 -0.46677695858609813 +37912,-0.8041941390622781,2,-1.1942360174108857 -1.248408500514863 -1.2840075608403254 -1.2561474266725665 -1.2809119903772441 -1.2035227288001387 -1.2035227288001387 -1.3335366882496718 -1.2499562857464037 -0.9698071588372823 -0.7268048774851729 -0.5441662201632034 -0.3785532003881992 -0.29187722742184097 -0.2624693080225413 -0.273303804643335 -0.30116393881109393 -0.29187722742184097 -0.46677695858609813 -0.7902640719783942 +37913,-0.9032523938809707,2,-1.248408500514863 -1.2840075608403254 -1.2561474266725665 -1.2809119903772441 -1.2035227288001387 -1.2035227288001387 -1.3335366882496718 -1.2499562857464037 -0.9698071588372823 -0.7268048774851729 -0.5441662201632034 -0.3785532003881992 -0.29187722742184097 -0.2624693080225413 -0.273303804643335 -0.30116393881109393 -0.29187722742184097 -0.46677695858609813 -0.7902640719783942 -0.8041941390622781 +37914,-1.1447068900015396,2,-1.2840075608403254 -1.2561474266725665 -1.2809119903772441 -1.2035227288001387 -1.2035227288001387 -1.3335366882496718 -1.2499562857464037 -0.9698071588372823 -0.7268048774851729 -0.5441662201632034 -0.3785532003881992 -0.29187722742184097 -0.2624693080225413 -0.273303804643335 -0.30116393881109393 -0.29187722742184097 -0.46677695858609813 -0.7902640719783942 -0.8041941390622781 -0.9032523938809707 +37915,-1.0239796419412508,2,-1.2561474266725665 -1.2809119903772441 -1.2035227288001387 -1.2035227288001387 -1.3335366882496718 -1.2499562857464037 -0.9698071588372823 -0.7268048774851729 -0.5441662201632034 -0.3785532003881992 -0.29187722742184097 -0.2624693080225413 -0.273303804643335 -0.30116393881109393 -0.29187722742184097 -0.46677695858609813 -0.7902640719783942 -0.8041941390622781 -0.9032523938809707 -1.1447068900015396 +37916,-1.0487442056459282,2,-1.2809119903772441 -1.2035227288001387 -1.2035227288001387 -1.3335366882496718 -1.2499562857464037 -0.9698071588372823 -0.7268048774851729 -0.5441662201632034 -0.3785532003881992 -0.29187722742184097 -0.2624693080225413 -0.273303804643335 -0.30116393881109393 -0.29187722742184097 -0.46677695858609813 -0.7902640719783942 -0.8041941390622781 -0.9032523938809707 -1.1447068900015396 -1.0239796419412508 +37917,-1.0348141385620444,2,-1.2035227288001387 -1.2035227288001387 -1.3335366882496718 -1.2499562857464037 -0.9698071588372823 -0.7268048774851729 -0.5441662201632034 -0.3785532003881992 -0.29187722742184097 -0.2624693080225413 -0.273303804643335 -0.30116393881109393 -0.29187722742184097 -0.46677695858609813 -0.7902640719783942 -0.8041941390622781 -0.9032523938809707 -1.1447068900015396 -1.0239796419412508 -1.0487442056459282 +37918,-1.2979376279242092,2,-1.2035227288001387 -1.3335366882496718 -1.2499562857464037 -0.9698071588372823 -0.7268048774851729 -0.5441662201632034 -0.3785532003881992 -0.29187722742184097 -0.2624693080225413 -0.273303804643335 -0.30116393881109393 -0.29187722742184097 -0.46677695858609813 -0.7902640719783942 -0.8041941390622781 -0.9032523938809707 -1.1447068900015396 -1.0239796419412508 -1.0487442056459282 -1.0348141385620444 +37919,-1.110655614907609,2,-1.3335366882496718 -1.2499562857464037 -0.9698071588372823 -0.7268048774851729 -0.5441662201632034 -0.3785532003881992 -0.29187722742184097 -0.2624693080225413 -0.273303804643335 -0.30116393881109393 -0.29187722742184097 -0.46677695858609813 -0.7902640719783942 -0.8041941390622781 -0.9032523938809707 -1.1447068900015396 -1.0239796419412508 -1.0487442056459282 -1.0348141385620444 -1.2979376279242092 +37920,-1.383065815659018,2,-1.2499562857464037 -0.9698071588372823 -0.7268048774851729 -0.5441662201632034 -0.3785532003881992 -0.29187722742184097 -0.2624693080225413 -0.273303804643335 -0.30116393881109393 -0.29187722742184097 -0.46677695858609813 -0.7902640719783942 -0.8041941390622781 -0.9032523938809707 -1.1447068900015396 -1.0239796419412508 -1.0487442056459282 -1.0348141385620444 -1.2979376279242092 -1.110655614907609 +37921,-1.5332009831186064,2,-0.9698071588372823 -0.7268048774851729 -0.5441662201632034 -0.3785532003881992 -0.29187722742184097 -0.2624693080225413 -0.273303804643335 -0.30116393881109393 -0.29187722742184097 -0.46677695858609813 -0.7902640719783942 -0.8041941390622781 -0.9032523938809707 -1.1447068900015396 -1.0239796419412508 -1.0487442056459282 -1.0348141385620444 -1.2979376279242092 -1.110655614907609 -1.383065815659018 +37922,-1.525462056960894,2,-0.7268048774851729 -0.5441662201632034 -0.3785532003881992 -0.29187722742184097 -0.2624693080225413 -0.273303804643335 -0.30116393881109393 -0.29187722742184097 -0.46677695858609813 -0.7902640719783942 -0.8041941390622781 -0.9032523938809707 -1.1447068900015396 -1.0239796419412508 -1.0487442056459282 -1.0348141385620444 -1.2979376279242092 -1.110655614907609 -1.383065815659018 -1.5332009831186064 +37923,-1.6430937345580927,2,-0.5441662201632034 -0.3785532003881992 -0.29187722742184097 -0.2624693080225413 -0.273303804643335 -0.30116393881109393 -0.29187722742184097 -0.46677695858609813 -0.7902640719783942 -0.8041941390622781 -0.9032523938809707 -1.1447068900015396 -1.0239796419412508 -1.0487442056459282 -1.0348141385620444 -1.2979376279242092 -1.110655614907609 -1.383065815659018 -1.5332009831186064 -1.525462056960894 +37924,-1.6430937345580927,2,-0.3785532003881992 -0.29187722742184097 -0.2624693080225413 -0.273303804643335 -0.30116393881109393 -0.29187722742184097 -0.46677695858609813 -0.7902640719783942 -0.8041941390622781 -0.9032523938809707 -1.1447068900015396 -1.0239796419412508 -1.0487442056459282 -1.0348141385620444 -1.2979376279242092 -1.110655614907609 -1.383065815659018 -1.5332009831186064 -1.525462056960894 -1.6430937345580927 +37925,-1.5688000434440776,2,-0.29187722742184097 -0.2624693080225413 -0.273303804643335 -0.30116393881109393 -0.29187722742184097 -0.46677695858609813 -0.7902640719783942 -0.8041941390622781 -0.9032523938809707 -1.1447068900015396 -1.0239796419412508 -1.0487442056459282 -1.0348141385620444 -1.2979376279242092 -1.110655614907609 -1.383065815659018 -1.5332009831186064 -1.525462056960894 -1.6430937345580927 -1.6430937345580927 +37926,-0.2624693080225413,2,-0.2624693080225413 -0.273303804643335 -0.30116393881109393 -0.29187722742184097 -0.46677695858609813 -0.7902640719783942 -0.8041941390622781 -0.9032523938809707 -1.1447068900015396 -1.0239796419412508 -1.0487442056459282 -1.0348141385620444 -1.2979376279242092 -1.110655614907609 -1.383065815659018 -1.5332009831186064 -1.525462056960894 -1.6430937345580927 -1.6430937345580927 -1.5688000434440776 +37927,0.06566116106438567,2,-0.273303804643335 -0.30116393881109393 -0.29187722742184097 -0.46677695858609813 -0.7902640719783942 -0.8041941390622781 -0.9032523938809707 -1.1447068900015396 -1.0239796419412508 -1.0487442056459282 -1.0348141385620444 -1.2979376279242092 -1.110655614907609 -1.383065815659018 -1.5332009831186064 -1.525462056960894 -1.6430937345580927 -1.6430937345580927 -1.5688000434440776 -0.2624693080225413 +37928,0.4061739120036558,2,-0.30116393881109393 -0.29187722742184097 -0.46677695858609813 -0.7902640719783942 -0.8041941390622781 -0.9032523938809707 -1.1447068900015396 -1.0239796419412508 -1.0487442056459282 -1.0348141385620444 -1.2979376279242092 -1.110655614907609 -1.383065815659018 -1.5332009831186064 -1.525462056960894 -1.6430937345580927 -1.6430937345580927 -1.5688000434440776 -0.2624693080225413 0.06566116106438567 +37929,0.49130209973846456,2,-0.29187722742184097 -0.46677695858609813 -0.7902640719783942 -0.8041941390622781 -0.9032523938809707 -1.1447068900015396 -1.0239796419412508 -1.0487442056459282 -1.0348141385620444 -1.2979376279242092 -1.110655614907609 -1.383065815659018 -1.5332009831186064 -1.525462056960894 -1.6430937345580927 -1.6430937345580927 -1.5688000434440776 -0.2624693080225413 0.06566116106438567 0.4061739120036558 +37930,0.5485701533055232,2,-0.46677695858609813 -0.7902640719783942 -0.8041941390622781 -0.9032523938809707 -1.1447068900015396 -1.0239796419412508 -1.0487442056459282 -1.0348141385620444 -1.2979376279242092 -1.110655614907609 -1.383065815659018 -1.5332009831186064 -1.525462056960894 -1.6430937345580927 -1.6430937345580927 -1.5688000434440776 -0.2624693080225413 0.06566116106438567 0.4061739120036558 0.49130209973846456 +37931,0.5795258579363636,2,-0.7902640719783942 -0.8041941390622781 -0.9032523938809707 -1.1447068900015396 -1.0239796419412508 -1.0487442056459282 -1.0348141385620444 -1.2979376279242092 -1.110655614907609 -1.383065815659018 -1.5332009831186064 -1.525462056960894 -1.6430937345580927 -1.6430937345580927 -1.5688000434440776 -0.2624693080225413 0.06566116106438567 0.4061739120036558 0.49130209973846456 0.5485701533055232 +37932,0.5129710929800607,2,-0.8041941390622781 -0.9032523938809707 -1.1447068900015396 -1.0239796419412508 -1.0487442056459282 -1.0348141385620444 -1.2979376279242092 -1.110655614907609 -1.383065815659018 -1.5332009831186064 -1.525462056960894 -1.6430937345580927 -1.6430937345580927 -1.5688000434440776 -0.2624693080225413 0.06566116106438567 0.4061739120036558 0.49130209973846456 0.5485701533055232 0.5795258579363636 +37933,0.46653753603379583,2,-0.9032523938809707 -1.1447068900015396 -1.0239796419412508 -1.0487442056459282 -1.0348141385620444 -1.2979376279242092 -1.110655614907609 -1.383065815659018 -1.5332009831186064 -1.525462056960894 -1.6430937345580927 -1.6430937345580927 -1.5688000434440776 -0.2624693080225413 0.06566116106438567 0.4061739120036558 0.49130209973846456 0.5485701533055232 0.5795258579363636 0.5129710929800607 +37934,0.24984760361789585,2,-1.1447068900015396 -1.0239796419412508 -1.0487442056459282 -1.0348141385620444 -1.2979376279242092 -1.110655614907609 -1.383065815659018 -1.5332009831186064 -1.525462056960894 -1.6430937345580927 -1.6430937345580927 -1.5688000434440776 -0.2624693080225413 0.06566116106438567 0.4061739120036558 0.49130209973846456 0.5485701533055232 0.5795258579363636 0.5129710929800607 0.46653753603379583 +37935,-0.09685628824752832,2,-1.0239796419412508 -1.0487442056459282 -1.0348141385620444 -1.2979376279242092 -1.110655614907609 -1.383065815659018 -1.5332009831186064 -1.525462056960894 -1.6430937345580927 -1.6430937345580927 -1.5688000434440776 -0.2624693080225413 0.06566116106438567 0.4061739120036558 0.49130209973846456 0.5485701533055232 0.5795258579363636 0.5129710929800607 0.46653753603379583 0.24984760361789585 +37936,-0.46677695858609813,2,-1.0487442056459282 -1.0348141385620444 -1.2979376279242092 -1.110655614907609 -1.383065815659018 -1.5332009831186064 -1.525462056960894 -1.6430937345580927 -1.6430937345580927 -1.5688000434440776 -0.2624693080225413 0.06566116106438567 0.4061739120036558 0.49130209973846456 0.5485701533055232 0.5795258579363636 0.5129710929800607 0.46653753603379583 0.24984760361789585 -0.09685628824752832 +37937,-0.7299004479482543,2,-1.0348141385620444 -1.2979376279242092 -1.110655614907609 -1.383065815659018 -1.5332009831186064 -1.525462056960894 -1.6430937345580927 -1.6430937345580927 -1.5688000434440776 -0.2624693080225413 0.06566116106438567 0.4061739120036558 0.49130209973846456 0.5485701533055232 0.5795258579363636 0.5129710929800607 0.46653753603379583 0.24984760361789585 -0.09685628824752832 -0.46677695858609813 +37938,-0.8258631323038654,2,-1.2979376279242092 -1.110655614907609 -1.383065815659018 -1.5332009831186064 -1.525462056960894 -1.6430937345580927 -1.6430937345580927 -1.5688000434440776 -0.2624693080225413 0.06566116106438567 0.4061739120036558 0.49130209973846456 0.5485701533055232 0.5795258579363636 0.5129710929800607 0.46653753603379583 0.24984760361789585 -0.09685628824752832 -0.46677695858609813 -0.7299004479482543 +37939,-0.9481381655956861,2,-1.110655614907609 -1.383065815659018 -1.5332009831186064 -1.525462056960894 -1.6430937345580927 -1.6430937345580927 -1.5688000434440776 -0.2624693080225413 0.06566116106438567 0.4061739120036558 0.49130209973846456 0.5485701533055232 0.5795258579363636 0.5129710929800607 0.46653753603379583 0.24984760361789585 -0.09685628824752832 -0.46677695858609813 -0.7299004479482543 -0.8258631323038654 +37940,-0.9868327963842388,2,-1.383065815659018 -1.5332009831186064 -1.525462056960894 -1.6430937345580927 -1.6430937345580927 -1.5688000434440776 -0.2624693080225413 0.06566116106438567 0.4061739120036558 0.49130209973846456 0.5485701533055232 0.5795258579363636 0.5129710929800607 0.46653753603379583 0.24984760361789585 -0.09685628824752832 -0.46677695858609813 -0.7299004479482543 -0.8258631323038654 -0.9481381655956861 +37941,-1.064222057961344,2,-1.5332009831186064 -1.525462056960894 -1.6430937345580927 -1.6430937345580927 -1.5688000434440776 -0.2624693080225413 0.06566116106438567 0.4061739120036558 0.49130209973846456 0.5485701533055232 0.5795258579363636 0.5129710929800607 0.46653753603379583 0.24984760361789585 -0.09685628824752832 -0.46677695858609813 -0.7299004479482543 -0.8258631323038654 -0.9481381655956861 -0.9868327963842388 +37942,-1.1276812524545743,2,-1.525462056960894 -1.6430937345580927 -1.6430937345580927 -1.5688000434440776 -0.2624693080225413 0.06566116106438567 0.4061739120036558 0.49130209973846456 0.5485701533055232 0.5795258579363636 0.5129710929800607 0.46653753603379583 0.24984760361789585 -0.09685628824752832 -0.46677695858609813 -0.7299004479482543 -0.8258631323038654 -0.9481381655956861 -0.9868327963842388 -1.064222057961344 +37943,-1.443429439689167,2,-1.6430937345580927 -1.6430937345580927 -1.5688000434440776 -0.2624693080225413 0.06566116106438567 0.4061739120036558 0.49130209973846456 0.5485701533055232 0.5795258579363636 0.5129710929800607 0.46653753603379583 0.24984760361789585 -0.09685628824752832 -0.46677695858609813 -0.7299004479482543 -0.8258631323038654 -0.9481381655956861 -0.9868327963842388 -1.064222057961344 -1.1276812524545743 +37944,-1.5424876945078594,2,-1.6430937345580927 -1.5688000434440776 -0.2624693080225413 0.06566116106438567 0.4061739120036558 0.49130209973846456 0.5485701533055232 0.5795258579363636 0.5129710929800607 0.46653753603379583 0.24984760361789585 -0.09685628824752832 -0.46677695858609813 -0.7299004479482543 -0.8258631323038654 -0.9481381655956861 -0.9868327963842388 -1.064222057961344 -1.1276812524545743 -1.443429439689167 +37945,-1.4743851443200071,2,-1.5688000434440776 -0.2624693080225413 0.06566116106438567 0.4061739120036558 0.49130209973846456 0.5485701533055232 0.5795258579363636 0.5129710929800607 0.46653753603379583 0.24984760361789585 -0.09685628824752832 -0.46677695858609813 -0.7299004479482543 -0.8258631323038654 -0.9481381655956861 -0.9868327963842388 -1.064222057961344 -1.1276812524545743 -1.443429439689167 -1.5424876945078594 +37946,-1.545583264970941,2,-0.2624693080225413 0.06566116106438567 0.4061739120036558 0.49130209973846456 0.5485701533055232 0.5795258579363636 0.5129710929800607 0.46653753603379583 0.24984760361789585 -0.09685628824752832 -0.46677695858609813 -0.7299004479482543 -0.8258631323038654 -0.9481381655956861 -0.9868327963842388 -1.064222057961344 -1.1276812524545743 -1.443429439689167 -1.5424876945078594 -1.4743851443200071 +37947,-1.7406042041452447,2,0.06566116106438567 0.4061739120036558 0.49130209973846456 0.5485701533055232 0.5795258579363636 0.5129710929800607 0.46653753603379583 0.24984760361789585 -0.09685628824752832 -0.46677695858609813 -0.7299004479482543 -0.8258631323038654 -0.9481381655956861 -0.9868327963842388 -1.064222057961344 -1.1276812524545743 -1.443429439689167 -1.5424876945078594 -1.4743851443200071 -1.545583264970941 +37948,-1.7406042041452447,2,0.4061739120036558 0.49130209973846456 0.5485701533055232 0.5795258579363636 0.5129710929800607 0.46653753603379583 0.24984760361789585 -0.09685628824752832 -0.46677695858609813 -0.7299004479482543 -0.8258631323038654 -0.9481381655956861 -0.9868327963842388 -1.064222057961344 -1.1276812524545743 -1.443429439689167 -1.5424876945078594 -1.4743851443200071 -1.545583264970941 -1.7406042041452447 +37949,-1.1168467558337805,2,0.49130209973846456 0.5485701533055232 0.5795258579363636 0.5129710929800607 0.46653753603379583 0.24984760361789585 -0.09685628824752832 -0.46677695858609813 -0.7299004479482543 -0.8258631323038654 -0.9481381655956861 -0.9868327963842388 -1.064222057961344 -1.1276812524545743 -1.443429439689167 -1.5424876945078594 -1.4743851443200071 -1.545583264970941 -1.7406042041452447 -1.7406042041452447 +37950,0.24056089222864285,2,0.5485701533055232 0.5795258579363636 0.5129710929800607 0.46653753603379583 0.24984760361789585 -0.09685628824752832 -0.46677695858609813 -0.7299004479482543 -0.8258631323038654 -0.9481381655956861 -0.9868327963842388 -1.064222057961344 -1.1276812524545743 -1.443429439689167 -1.5424876945078594 -1.4743851443200071 -1.545583264970941 -1.7406042041452447 -1.7406042041452447 -1.1168467558337805 +37951,0.24056089222864285,2,0.5795258579363636 0.5129710929800607 0.46653753603379583 0.24984760361789585 -0.09685628824752832 -0.46677695858609813 -0.7299004479482543 -0.8258631323038654 -0.9481381655956861 -0.9868327963842388 -1.064222057961344 -1.1276812524545743 -1.443429439689167 -1.5424876945078594 -1.4743851443200071 -1.545583264970941 -1.7406042041452447 -1.7406042041452447 -1.1168467558337805 0.24056089222864285 +37952,0.8209803540569323,2,0.5129710929800607 0.46653753603379583 0.24984760361789585 -0.09685628824752832 -0.46677695858609813 -0.7299004479482543 -0.8258631323038654 -0.9481381655956861 -0.9868327963842388 -1.064222057961344 -1.1276812524545743 -1.443429439689167 -1.5424876945078594 -1.4743851443200071 -1.545583264970941 -1.7406042041452447 -1.7406042041452447 -1.1168467558337805 0.24056089222864285 0.24056089222864285 +37953,0.8519360586877814,2,0.46653753603379583 0.24984760361789585 -0.09685628824752832 -0.46677695858609813 -0.7299004479482543 -0.8258631323038654 -0.9481381655956861 -0.9868327963842388 -1.064222057961344 -1.1276812524545743 -1.443429439689167 -1.5424876945078594 -1.4743851443200071 -1.545583264970941 -1.7406042041452447 -1.7406042041452447 -1.1168467558337805 0.24056089222864285 0.24056089222864285 0.8209803540569323 +37954,0.9246819645702558,2,0.24984760361789585 -0.09685628824752832 -0.46677695858609813 -0.7299004479482543 -0.8258631323038654 -0.9481381655956861 -0.9868327963842388 -1.064222057961344 -1.1276812524545743 -1.443429439689167 -1.5424876945078594 -1.4743851443200071 -1.545583264970941 -1.7406042041452447 -1.7406042041452447 -1.1168467558337805 0.24056089222864285 0.24056089222864285 0.8209803540569323 0.8519360586877814 +37955,0.9138474679494621,2,-0.09685628824752832 -0.46677695858609813 -0.7299004479482543 -0.8258631323038654 -0.9481381655956861 -0.9868327963842388 -1.064222057961344 -1.1276812524545743 -1.443429439689167 -1.5424876945078594 -1.4743851443200071 -1.545583264970941 -1.7406042041452447 -1.7406042041452447 -1.1168467558337805 0.24056089222864285 0.24056089222864285 0.8209803540569323 0.8519360586877814 0.9246819645702558 +37956,0.9324208907279681,2,-0.46677695858609813 -0.7299004479482543 -0.8258631323038654 -0.9481381655956861 -0.9868327963842388 -1.064222057961344 -1.1276812524545743 -1.443429439689167 -1.5424876945078594 -1.4743851443200071 -1.545583264970941 -1.7406042041452447 -1.7406042041452447 -1.1168467558337805 0.24056089222864285 0.24056089222864285 0.8209803540569323 0.8519360586877814 0.9246819645702558 0.9138474679494621 +37957,0.9030129713286684,2,-0.7299004479482543 -0.8258631323038654 -0.9481381655956861 -0.9868327963842388 -1.064222057961344 -1.1276812524545743 -1.443429439689167 -1.5424876945078594 -1.4743851443200071 -1.545583264970941 -1.7406042041452447 -1.7406042041452447 -1.1168467558337805 0.24056089222864285 0.24056089222864285 0.8209803540569323 0.8519360586877814 0.9246819645702558 0.9138474679494621 0.9324208907279681 +37958,0.6987053207651116,2,-0.8258631323038654 -0.9481381655956861 -0.9868327963842388 -1.064222057961344 -1.1276812524545743 -1.443429439689167 -1.5424876945078594 -1.4743851443200071 -1.545583264970941 -1.7406042041452447 -1.7406042041452447 -1.1168467558337805 0.24056089222864285 0.24056089222864285 0.8209803540569323 0.8519360586877814 0.9246819645702558 0.9138474679494621 0.9324208907279681 0.9030129713286684 +37959,0.3906960596882313,2,-0.9481381655956861 -0.9868327963842388 -1.064222057961344 -1.1276812524545743 -1.443429439689167 -1.5424876945078594 -1.4743851443200071 -1.545583264970941 -1.7406042041452447 -1.7406042041452447 -1.1168467558337805 0.24056089222864285 0.24056089222864285 0.8209803540569323 0.8519360586877814 0.9246819645702558 0.9138474679494621 0.9324208907279681 0.9030129713286684 0.6987053207651116 +37960,0.11983364416836288,2,-0.9868327963842388 -1.064222057961344 -1.1276812524545743 -1.443429439689167 -1.5424876945078594 -1.4743851443200071 -1.545583264970941 -1.7406042041452447 -1.7406042041452447 -1.1168467558337805 0.24056089222864285 0.24056089222864285 0.8209803540569323 0.8519360586877814 0.9246819645702558 0.9138474679494621 0.9324208907279681 0.9030129713286684 0.6987053207651116 0.3906960596882313 +37961,-0.13864648949917113,2,-1.064222057961344 -1.1276812524545743 -1.443429439689167 -1.5424876945078594 -1.4743851443200071 -1.545583264970941 -1.7406042041452447 -1.7406042041452447 -1.1168467558337805 0.24056089222864285 0.24056089222864285 0.8209803540569323 0.8519360586877814 0.9246819645702558 0.9138474679494621 0.9324208907279681 0.9030129713286684 0.6987053207651116 0.3906960596882313 0.11983364416836288 +37962,-0.3119984354318876,2,-1.1276812524545743 -1.443429439689167 -1.5424876945078594 -1.4743851443200071 -1.545583264970941 -1.7406042041452447 -1.7406042041452447 -1.1168467558337805 0.24056089222864285 0.24056089222864285 0.8209803540569323 0.8519360586877814 0.9246819645702558 0.9138474679494621 0.9324208907279681 0.9030129713286684 0.6987053207651116 0.3906960596882313 0.11983364416836288 -0.13864648949917113 +37963,-0.4838025961330546,2,-1.443429439689167 -1.5424876945078594 -1.4743851443200071 -1.545583264970941 -1.7406042041452447 -1.7406042041452447 -1.1168467558337805 0.24056089222864285 0.24056089222864285 0.8209803540569323 0.8519360586877814 0.9246819645702558 0.9138474679494621 0.9324208907279681 0.9030129713286684 0.6987053207651116 0.3906960596882313 0.11983364416836288 -0.13864648949917113 -0.3119984354318876 +37964,-0.5720263543309624,2,-1.5424876945078594 -1.4743851443200071 -1.545583264970941 -1.7406042041452447 -1.7406042041452447 -1.1168467558337805 0.24056089222864285 0.24056089222864285 0.8209803540569323 0.8519360586877814 0.9246819645702558 0.9138474679494621 0.9324208907279681 0.9030129713286684 0.6987053207651116 0.3906960596882313 0.11983364416836288 -0.13864648949917113 -0.3119984354318876 -0.4838025961330546 +37965,-0.9094435348071335,2,-1.4743851443200071 -1.545583264970941 -1.7406042041452447 -1.7406042041452447 -1.1168467558337805 0.24056089222864285 0.24056089222864285 0.8209803540569323 0.8519360586877814 0.9246819645702558 0.9138474679494621 0.9324208907279681 0.9030129713286684 0.6987053207651116 0.3906960596882313 0.11983364416836288 -0.13864648949917113 -0.3119984354318876 -0.4838025961330546 -0.5720263543309624 +37966,-0.9094435348071335,2,-1.545583264970941 -1.7406042041452447 -1.7406042041452447 -1.1168467558337805 0.24056089222864285 0.24056089222864285 0.8209803540569323 0.8519360586877814 0.9246819645702558 0.9138474679494621 0.9324208907279681 0.9030129713286684 0.6987053207651116 0.3906960596882313 0.11983364416836288 -0.13864648949917113 -0.3119984354318876 -0.4838025961330546 -0.5720263543309624 -0.9094435348071335 +37967,-0.8970612529547991,2,-1.7406042041452447 -1.7406042041452447 -1.1168467558337805 0.24056089222864285 0.24056089222864285 0.8209803540569323 0.8519360586877814 0.9246819645702558 0.9138474679494621 0.9324208907279681 0.9030129713286684 0.6987053207651116 0.3906960596882313 0.11983364416836288 -0.13864648949917113 -0.3119984354318876 -0.4838025961330546 -0.5720263543309624 -0.9094435348071335 -0.9094435348071335 +37968,-1.064222057961344,2,-1.7406042041452447 -1.1168467558337805 0.24056089222864285 0.24056089222864285 0.8209803540569323 0.8519360586877814 0.9246819645702558 0.9138474679494621 0.9324208907279681 0.9030129713286684 0.6987053207651116 0.3906960596882313 0.11983364416836288 -0.13864648949917113 -0.3119984354318876 -0.4838025961330546 -0.5720263543309624 -0.9094435348071335 -0.9094435348071335 -0.8970612529547991 +37969,-0.971354944068823,2,-1.1168467558337805 0.24056089222864285 0.24056089222864285 0.8209803540569323 0.8519360586877814 0.9246819645702558 0.9138474679494621 0.9324208907279681 0.9030129713286684 0.6987053207651116 0.3906960596882313 0.11983364416836288 -0.13864648949917113 -0.3119984354318876 -0.4838025961330546 -0.5720263543309624 -0.9094435348071335 -0.9094435348071335 -0.8970612529547991 -1.064222057961344 +37970,-1.0007628634681227,2,0.24056089222864285 0.24056089222864285 0.8209803540569323 0.8519360586877814 0.9246819645702558 0.9138474679494621 0.9324208907279681 0.9030129713286684 0.6987053207651116 0.3906960596882313 0.11983364416836288 -0.13864648949917113 -0.3119984354318876 -0.4838025961330546 -0.5720263543309624 -0.9094435348071335 -0.9094435348071335 -0.8970612529547991 -1.064222057961344 -0.971354944068823 +37971,-1.1601847423169553,2,0.24056089222864285 0.8209803540569323 0.8519360586877814 0.9246819645702558 0.9138474679494621 0.9324208907279681 0.9030129713286684 0.6987053207651116 0.3906960596882313 0.11983364416836288 -0.13864648949917113 -0.3119984354318876 -0.4838025961330546 -0.5720263543309624 -0.9094435348071335 -0.9094435348071335 -0.8970612529547991 -1.064222057961344 -0.971354944068823 -1.0007628634681227 +37972,-0.8444365550823715,2,0.8209803540569323 0.8519360586877814 0.9246819645702558 0.9138474679494621 0.9324208907279681 0.9030129713286684 0.6987053207651116 0.3906960596882313 0.11983364416836288 -0.13864648949917113 -0.3119984354318876 -0.4838025961330546 -0.5720263543309624 -0.9094435348071335 -0.9094435348071335 -0.8970612529547991 -1.064222057961344 -0.971354944068823 -1.0007628634681227 -1.1601847423169553 +37973,-0.8444365550823715,2,0.8519360586877814 0.9246819645702558 0.9138474679494621 0.9324208907279681 0.9030129713286684 0.6987053207651116 0.3906960596882313 0.11983364416836288 -0.13864648949917113 -0.3119984354318876 -0.4838025961330546 -0.5720263543309624 -0.9094435348071335 -0.9094435348071335 -0.8970612529547991 -1.064222057961344 -0.971354944068823 -1.0007628634681227 -1.1601847423169553 -0.8444365550823715 +37974,0.2777077377856548,2,0.9246819645702558 0.9138474679494621 0.9324208907279681 0.9030129713286684 0.6987053207651116 0.3906960596882313 0.11983364416836288 -0.13864648949917113 -0.3119984354318876 -0.4838025961330546 -0.5720263543309624 -0.9094435348071335 -0.9094435348071335 -0.8970612529547991 -1.064222057961344 -0.971354944068823 -1.0007628634681227 -1.1601847423169553 -0.8444365550823715 -0.8444365550823715 +37975,0.6538195490503874,2,0.9138474679494621 0.9324208907279681 0.9030129713286684 0.6987053207651116 0.3906960596882313 0.11983364416836288 -0.13864648949917113 -0.3119984354318876 -0.4838025961330546 -0.5720263543309624 -0.9094435348071335 -0.9094435348071335 -0.8970612529547991 -1.064222057961344 -0.971354944068823 -1.0007628634681227 -1.1601847423169553 -0.8444365550823715 -0.8444365550823715 0.2777077377856548 +37976,0.7095398173859053,2,0.9324208907279681 0.9030129713286684 0.6987053207651116 0.3906960596882313 0.11983364416836288 -0.13864648949917113 -0.3119984354318876 -0.4838025961330546 -0.5720263543309624 -0.9094435348071335 -0.9094435348071335 -0.8970612529547991 -1.064222057961344 -0.971354944068823 -1.0007628634681227 -1.1601847423169553 -0.8444365550823715 -0.8444365550823715 0.2777077377856548 0.6538195490503874 +37977,1.0082623670735327,2,0.9030129713286684 0.6987053207651116 0.3906960596882313 0.11983364416836288 -0.13864648949917113 -0.3119984354318876 -0.4838025961330546 -0.5720263543309624 -0.9094435348071335 -0.9094435348071335 -0.8970612529547991 -1.064222057961344 -0.971354944068823 -1.0007628634681227 -1.1601847423169553 -0.8444365550823715 -0.8444365550823715 0.2777077377856548 0.6538195490503874 0.7095398173859053 +37978,1.0082623670735327,2,0.6987053207651116 0.3906960596882313 0.11983364416836288 -0.13864648949917113 -0.3119984354318876 -0.4838025961330546 -0.5720263543309624 -0.9094435348071335 -0.9094435348071335 -0.8970612529547991 -1.064222057961344 -0.971354944068823 -1.0007628634681227 -1.1601847423169553 -0.8444365550823715 -0.8444365550823715 0.2777077377856548 0.6538195490503874 0.7095398173859053 1.0082623670735327 +37979,0.9432553873487618,2,0.3906960596882313 0.11983364416836288 -0.13864648949917113 -0.3119984354318876 -0.4838025961330546 -0.5720263543309624 -0.9094435348071335 -0.9094435348071335 -0.8970612529547991 -1.064222057961344 -0.971354944068823 -1.0007628634681227 -1.1601847423169553 -0.8444365550823715 -0.8444365550823715 0.2777077377856548 0.6538195490503874 0.7095398173859053 1.0082623670735327 1.0082623670735327 +37980,0.8875351190132439,2,0.11983364416836288 -0.13864648949917113 -0.3119984354318876 -0.4838025961330546 -0.5720263543309624 -0.9094435348071335 -0.9094435348071335 -0.8970612529547991 -1.064222057961344 -0.971354944068823 -1.0007628634681227 -1.1601847423169553 -0.8444365550823715 -0.8444365550823715 0.2777077377856548 0.6538195490503874 0.7095398173859053 1.0082623670735327 1.0082623670735327 0.9432553873487618 +37981,0.8008591460468856,2,-0.13864648949917113 -0.3119984354318876 -0.4838025961330546 -0.5720263543309624 -0.9094435348071335 -0.9094435348071335 -0.8970612529547991 -1.064222057961344 -0.971354944068823 -1.0007628634681227 -1.1601847423169553 -0.8444365550823715 -0.8444365550823715 0.2777077377856548 0.6538195490503874 0.7095398173859053 1.0082623670735327 1.0082623670735327 0.9432553873487618 0.8875351190132439 +37982,0.5609524351578663,2,-0.3119984354318876 -0.4838025961330546 -0.5720263543309624 -0.9094435348071335 -0.9094435348071335 -0.8970612529547991 -1.064222057961344 -0.971354944068823 -1.0007628634681227 -1.1601847423169553 -0.8444365550823715 -0.8444365550823715 0.2777077377856548 0.6538195490503874 0.7095398173859053 1.0082623670735327 1.0082623670735327 0.9432553873487618 0.8875351190132439 0.8008591460468856 +37983,0.2730643820910327,2,-0.4838025961330546 -0.5720263543309624 -0.9094435348071335 -0.9094435348071335 -0.8970612529547991 -1.064222057961344 -0.971354944068823 -1.0007628634681227 -1.1601847423169553 -0.8444365550823715 -0.8444365550823715 0.2777077377856548 0.6538195490503874 0.7095398173859053 1.0082623670735327 1.0082623670735327 0.9432553873487618 0.8875351190132439 0.8008591460468856 0.5609524351578663 +37984,-0.03649266421738833,2,-0.5720263543309624 -0.9094435348071335 -0.9094435348071335 -0.8970612529547991 -1.064222057961344 -0.971354944068823 -1.0007628634681227 -1.1601847423169553 -0.8444365550823715 -0.8444365550823715 0.2777077377856548 0.6538195490503874 0.7095398173859053 1.0082623670735327 1.0082623670735327 0.9432553873487618 0.8875351190132439 0.8008591460468856 0.5609524351578663 0.2730643820910327 +37985,-0.28413830126412865,2,-0.9094435348071335 -0.9094435348071335 -0.8970612529547991 -1.064222057961344 -0.971354944068823 -1.0007628634681227 -1.1601847423169553 -0.8444365550823715 -0.8444365550823715 0.2777077377856548 0.6538195490503874 0.7095398173859053 1.0082623670735327 1.0082623670735327 0.9432553873487618 0.8875351190132439 0.8008591460468856 0.5609524351578663 0.2730643820910327 -0.03649266421738833 +37986,-0.4311778982606269,2,-0.9094435348071335 -0.8970612529547991 -1.064222057961344 -0.971354944068823 -1.0007628634681227 -1.1601847423169553 -0.8444365550823715 -0.8444365550823715 0.2777077377856548 0.6538195490503874 0.7095398173859053 1.0082623670735327 1.0082623670735327 0.9432553873487618 0.8875351190132439 0.8008591460468856 0.5609524351578663 0.2730643820910327 -0.03649266421738833 -0.28413830126412865 +37987,-0.5859564214148374,2,-0.8970612529547991 -1.064222057961344 -0.971354944068823 -1.0007628634681227 -1.1601847423169553 -0.8444365550823715 -0.8444365550823715 0.2777077377856548 0.6538195490503874 0.7095398173859053 1.0082623670735327 1.0082623670735327 0.9432553873487618 0.8875351190132439 0.8008591460468856 0.5609524351578663 0.2730643820910327 -0.03649266421738833 -0.28413830126412865 -0.4311778982606269 +37988,-0.7794295753576006,2,-1.064222057961344 -0.971354944068823 -1.0007628634681227 -1.1601847423169553 -0.8444365550823715 -0.8444365550823715 0.2777077377856548 0.6538195490503874 0.7095398173859053 1.0082623670735327 1.0082623670735327 0.9432553873487618 0.8875351190132439 0.8008591460468856 0.5609524351578663 0.2730643820910327 -0.03649266421738833 -0.28413830126412865 -0.4311778982606269 -0.5859564214148374 +37989,-0.9218258166594767,2,-0.971354944068823 -1.0007628634681227 -1.1601847423169553 -0.8444365550823715 -0.8444365550823715 0.2777077377856548 0.6538195490503874 0.7095398173859053 1.0082623670735327 1.0082623670735327 0.9432553873487618 0.8875351190132439 0.8008591460468856 0.5609524351578663 0.2730643820910327 -0.03649266421738833 -0.28413830126412865 -0.4311778982606269 -0.5859564214148374 -0.7794295753576006 +37990,-0.9496859508272356,2,-1.0007628634681227 -1.1601847423169553 -0.8444365550823715 -0.8444365550823715 0.2777077377856548 0.6538195490503874 0.7095398173859053 1.0082623670735327 1.0082623670735327 0.9432553873487618 0.8875351190132439 0.8008591460468856 0.5609524351578663 0.2730643820910327 -0.03649266421738833 -0.28413830126412865 -0.4311778982606269 -0.5859564214148374 -0.7794295753576006 -0.9218258166594767 +37991,-1.0379097090251346,2,-1.1601847423169553 -0.8444365550823715 -0.8444365550823715 0.2777077377856548 0.6538195490503874 0.7095398173859053 1.0082623670735327 1.0082623670735327 0.9432553873487618 0.8875351190132439 0.8008591460468856 0.5609524351578663 0.2730643820910327 -0.03649266421738833 -0.28413830126412865 -0.4311778982606269 -0.5859564214148374 -0.7794295753576006 -0.9218258166594767 -0.9496859508272356 +37992,-1.1663758832431268,2,-0.8444365550823715 -0.8444365550823715 0.2777077377856548 0.6538195490503874 0.7095398173859053 1.0082623670735327 1.0082623670735327 0.9432553873487618 0.8875351190132439 0.8008591460468856 0.5609524351578663 0.2730643820910327 -0.03649266421738833 -0.28413830126412865 -0.4311778982606269 -0.5859564214148374 -0.7794295753576006 -0.9218258166594767 -0.9496859508272356 -1.0379097090251346 +37993,-1.201974943568598,2,-0.8444365550823715 0.2777077377856548 0.6538195490503874 0.7095398173859053 1.0082623670735327 1.0082623670735327 0.9432553873487618 0.8875351190132439 0.8008591460468856 0.5609524351578663 0.2730643820910327 -0.03649266421738833 -0.28413830126412865 -0.4311778982606269 -0.5859564214148374 -0.7794295753576006 -0.9218258166594767 -0.9496859508272356 -1.0379097090251346 -1.1663758832431268 +37994,-1.2809119903772441,2,0.2777077377856548 0.6538195490503874 0.7095398173859053 1.0082623670735327 1.0082623670735327 0.9432553873487618 0.8875351190132439 0.8008591460468856 0.5609524351578663 0.2730643820910327 -0.03649266421738833 -0.28413830126412865 -0.4311778982606269 -0.5859564214148374 -0.7794295753576006 -0.9218258166594767 -0.9496859508272356 -1.0379097090251346 -1.1663758832431268 -1.201974943568598 +37995,-1.3103199097765437,2,0.6538195490503874 0.7095398173859053 1.0082623670735327 1.0082623670735327 0.9432553873487618 0.8875351190132439 0.8008591460468856 0.5609524351578663 0.2730643820910327 -0.03649266421738833 -0.28413830126412865 -0.4311778982606269 -0.5859564214148374 -0.7794295753576006 -0.9218258166594767 -0.9496859508272356 -1.0379097090251346 -1.1663758832431268 -1.201974943568598 -1.2809119903772441 +37996,-1.1524458161592517,2,0.7095398173859053 1.0082623670735327 1.0082623670735327 0.9432553873487618 0.8875351190132439 0.8008591460468856 0.5609524351578663 0.2730643820910327 -0.03649266421738833 -0.28413830126412865 -0.4311778982606269 -0.5859564214148374 -0.7794295753576006 -0.9218258166594767 -0.9496859508272356 -1.0379097090251346 -1.1663758832431268 -1.201974943568598 -1.2809119903772441 -1.3103199097765437 +37997,-1.036361923793594,2,1.0082623670735327 1.0082623670735327 0.9432553873487618 0.8875351190132439 0.8008591460468856 0.5609524351578663 0.2730643820910327 -0.03649266421738833 -0.28413830126412865 -0.4311778982606269 -0.5859564214148374 -0.7794295753576006 -0.9218258166594767 -0.9496859508272356 -1.0379097090251346 -1.1663758832431268 -1.201974943568598 -1.2809119903772441 -1.3103199097765437 -1.1524458161592517 +37998,-0.1092385700998715,2,1.0082623670735327 0.9432553873487618 0.8875351190132439 0.8008591460468856 0.5609524351578663 0.2730643820910327 -0.03649266421738833 -0.28413830126412865 -0.4311778982606269 -0.5859564214148374 -0.7794295753576006 -0.9218258166594767 -0.9496859508272356 -1.0379097090251346 -1.1663758832431268 -1.201974943568598 -1.2809119903772441 -1.3103199097765437 -1.1524458161592517 -1.036361923793594 +37999,0.2684210263964018,2,0.9432553873487618 0.8875351190132439 0.8008591460468856 0.5609524351578663 0.2730643820910327 -0.03649266421738833 -0.28413830126412865 -0.4311778982606269 -0.5859564214148374 -0.7794295753576006 -0.9218258166594767 -0.9496859508272356 -1.0379097090251346 -1.1663758832431268 -1.201974943568598 -1.2809119903772441 -1.3103199097765437 -1.1524458161592517 -1.036361923793594 -0.1092385700998715 +38000,0.5005888111277176,2,0.8875351190132439 0.8008591460468856 0.5609524351578663 0.2730643820910327 -0.03649266421738833 -0.28413830126412865 -0.4311778982606269 -0.5859564214148374 -0.7794295753576006 -0.9218258166594767 -0.9496859508272356 -1.0379097090251346 -1.1663758832431268 -1.201974943568598 -1.2809119903772441 -1.3103199097765437 -1.1524458161592517 -1.036361923793594 -0.1092385700998715 0.2684210263964018 +38001,0.5888125693256165,2,0.8008591460468856 0.5609524351578663 0.2730643820910327 -0.03649266421738833 -0.28413830126412865 -0.4311778982606269 -0.5859564214148374 -0.7794295753576006 -0.9218258166594767 -0.9496859508272356 -1.0379097090251346 -1.1663758832431268 -1.201974943568598 -1.2809119903772441 -1.3103199097765437 -1.1524458161592517 -1.036361923793594 -0.1092385700998715 0.2684210263964018 0.5005888111277176 +38002,0.6058382068725817,2,0.5609524351578663 0.2730643820910327 -0.03649266421738833 -0.28413830126412865 -0.4311778982606269 -0.5859564214148374 -0.7794295753576006 -0.9218258166594767 -0.9496859508272356 -1.0379097090251346 -1.1663758832431268 -1.201974943568598 -1.2809119903772441 -1.3103199097765437 -1.1524458161592517 -1.036361923793594 -0.1092385700998715 0.2684210263964018 0.5005888111277176 0.5888125693256165 +38003,0.6367939115034221,2,0.2730643820910327 -0.03649266421738833 -0.28413830126412865 -0.4311778982606269 -0.5859564214148374 -0.7794295753576006 -0.9218258166594767 -0.9496859508272356 -1.0379097090251346 -1.1663758832431268 -1.201974943568598 -1.2809119903772441 -1.3103199097765437 -1.1524458161592517 -1.036361923793594 -0.1092385700998715 0.2684210263964018 0.5005888111277176 0.5888125693256165 0.6058382068725817 +38004,0.44796411325528984,2,-0.03649266421738833 -0.28413830126412865 -0.4311778982606269 -0.5859564214148374 -0.7794295753576006 -0.9218258166594767 -0.9496859508272356 -1.0379097090251346 -1.1663758832431268 -1.201974943568598 -1.2809119903772441 -1.3103199097765437 -1.1524458161592517 -1.036361923793594 -0.1092385700998715 0.2684210263964018 0.5005888111277176 0.5888125693256165 0.6058382068725817 0.6367939115034221 +38005,0.3752182073728067,2,-0.28413830126412865 -0.4311778982606269 -0.5859564214148374 -0.7794295753576006 -0.9218258166594767 -0.9496859508272356 -1.0379097090251346 -1.1663758832431268 -1.201974943568598 -1.2809119903772441 -1.3103199097765437 -1.1524458161592517 -1.036361923793594 -0.1092385700998715 0.2684210263964018 0.5005888111277176 0.5888125693256165 0.6058382068725817 0.6367939115034221 0.44796411325528984 +38006,0.08268679861135095,2,-0.4311778982606269 -0.5859564214148374 -0.7794295753576006 -0.9218258166594767 -0.9496859508272356 -1.0379097090251346 -1.1663758832431268 -1.201974943568598 -1.2809119903772441 -1.3103199097765437 -1.1524458161592517 -1.036361923793594 -0.1092385700998715 0.2684210263964018 0.5005888111277176 0.5888125693256165 0.6058382068725817 0.6367939115034221 0.44796411325528984 0.3752182073728067 +38007,-0.264017093254082,2,-0.5859564214148374 -0.7794295753576006 -0.9218258166594767 -0.9496859508272356 -1.0379097090251346 -1.1663758832431268 -1.201974943568598 -1.2809119903772441 -1.3103199097765437 -1.1524458161592517 -1.036361923793594 -0.1092385700998715 0.2684210263964018 0.5005888111277176 0.5888125693256165 0.6058382068725817 0.6367939115034221 0.44796411325528984 0.3752182073728067 0.08268679861135095 +38008,-0.44665575057605145,2,-0.7794295753576006 -0.9218258166594767 -0.9496859508272356 -1.0379097090251346 -1.1663758832431268 -1.201974943568598 -1.2809119903772441 -1.3103199097765437 -1.1524458161592517 -1.036361923793594 -0.1092385700998715 0.2684210263964018 0.5005888111277176 0.5888125693256165 0.6058382068725817 0.6367939115034221 0.44796411325528984 0.3752182073728067 0.08268679861135095 -0.264017093254082 +38009,-0.6184599112772184,2,-0.9218258166594767 -0.9496859508272356 -1.0379097090251346 -1.1663758832431268 -1.201974943568598 -1.2809119903772441 -1.3103199097765437 -1.1524458161592517 -1.036361923793594 -0.1092385700998715 0.2684210263964018 0.5005888111277176 0.5888125693256165 0.6058382068725817 0.6367939115034221 0.44796411325528984 0.3752182073728067 0.08268679861135095 -0.264017093254082 -0.44665575057605145 +38010,-0.8119330652199815,2,-0.9496859508272356 -1.0379097090251346 -1.1663758832431268 -1.201974943568598 -1.2809119903772441 -1.3103199097765437 -1.1524458161592517 -1.036361923793594 -0.1092385700998715 0.2684210263964018 0.5005888111277176 0.5888125693256165 0.6058382068725817 0.6367939115034221 0.44796411325528984 0.3752182073728067 0.08268679861135095 -0.264017093254082 -0.44665575057605145 -0.6184599112772184 +38011,-0.8181242061461532,2,-1.0379097090251346 -1.1663758832431268 -1.201974943568598 -1.2809119903772441 -1.3103199097765437 -1.1524458161592517 -1.036361923793594 -0.1092385700998715 0.2684210263964018 0.5005888111277176 0.5888125693256165 0.6058382068725817 0.6367939115034221 0.44796411325528984 0.3752182073728067 0.08268679861135095 -0.264017093254082 -0.44665575057605145 -0.6184599112772184 -0.8119330652199815 +38012,-0.9465903803641454,2,-1.1663758832431268 -1.201974943568598 -1.2809119903772441 -1.3103199097765437 -1.1524458161592517 -1.036361923793594 -0.1092385700998715 0.2684210263964018 0.5005888111277176 0.5888125693256165 0.6058382068725817 0.6367939115034221 0.44796411325528984 0.3752182073728067 0.08268679861135095 -0.264017093254082 -0.44665575057605145 -0.6184599112772184 -0.8119330652199815 -0.8181242061461532 +38013,-1.1276812524545743,2,-1.201974943568598 -1.2809119903772441 -1.3103199097765437 -1.1524458161592517 -1.036361923793594 -0.1092385700998715 0.2684210263964018 0.5005888111277176 0.5888125693256165 0.6058382068725817 0.6367939115034221 0.44796411325528984 0.3752182073728067 0.08268679861135095 -0.264017093254082 -0.44665575057605145 -0.6184599112772184 -0.8119330652199815 -0.8181242061461532 -0.9465903803641454 +38014,-1.192688232179345,2,-1.2809119903772441 -1.3103199097765437 -1.1524458161592517 -1.036361923793594 -0.1092385700998715 0.2684210263964018 0.5005888111277176 0.5888125693256165 0.6058382068725817 0.6367939115034221 0.44796411325528984 0.3752182073728067 0.08268679861135095 -0.264017093254082 -0.44665575057605145 -0.6184599112772184 -0.8119330652199815 -0.8181242061461532 -0.9465903803641454 -1.1276812524545743 +38015,-1.243765144820232,2,-1.3103199097765437 -1.1524458161592517 -1.036361923793594 -0.1092385700998715 0.2684210263964018 0.5005888111277176 0.5888125693256165 0.6058382068725817 0.6367939115034221 0.44796411325528984 0.3752182073728067 0.08268679861135095 -0.264017093254082 -0.44665575057605145 -0.6184599112772184 -0.8119330652199815 -0.8181242061461532 -0.9465903803641454 -1.1276812524545743 -1.192688232179345 +38016,-1.3722313190382243,2,-1.1524458161592517 -1.036361923793594 -0.1092385700998715 0.2684210263964018 0.5005888111277176 0.5888125693256165 0.6058382068725817 0.6367939115034221 0.44796411325528984 0.3752182073728067 0.08268679861135095 -0.264017093254082 -0.44665575057605145 -0.6184599112772184 -0.8119330652199815 -0.8181242061461532 -0.9465903803641454 -1.1276812524545743 -1.192688232179345 -1.243765144820232 +38017,-1.4233082316791201,2,-1.036361923793594 -0.1092385700998715 0.2684210263964018 0.5005888111277176 0.5888125693256165 0.6058382068725817 0.6367939115034221 0.44796411325528984 0.3752182073728067 0.08268679861135095 -0.264017093254082 -0.44665575057605145 -0.6184599112772184 -0.8119330652199815 -0.8181242061461532 -0.9465903803641454 -1.1276812524545743 -1.192688232179345 -1.243765144820232 -1.3722313190382243 +38018,-1.4511683658468704,2,-0.1092385700998715 0.2684210263964018 0.5005888111277176 0.5888125693256165 0.6058382068725817 0.6367939115034221 0.44796411325528984 0.3752182073728067 0.08268679861135095 -0.264017093254082 -0.44665575057605145 -0.6184599112772184 -0.8119330652199815 -0.8181242061461532 -0.9465903803641454 -1.1276812524545743 -1.192688232179345 -1.243765144820232 -1.3722313190382243 -1.4233082316791201 +38019,-1.4000914532059834,2,0.2684210263964018 0.5005888111277176 0.5888125693256165 0.6058382068725817 0.6367939115034221 0.44796411325528984 0.3752182073728067 0.08268679861135095 -0.264017093254082 -0.44665575057605145 -0.6184599112772184 -0.8119330652199815 -0.8181242061461532 -0.9465903803641454 -1.1276812524545743 -1.192688232179345 -1.243765144820232 -1.3722313190382243 -1.4233082316791201 -1.4511683658468704 +38020,-1.4465250101522482,2,0.5005888111277176 0.5888125693256165 0.6058382068725817 0.6367939115034221 0.44796411325528984 0.3752182073728067 0.08268679861135095 -0.264017093254082 -0.44665575057605145 -0.6184599112772184 -0.8119330652199815 -0.8181242061461532 -0.9465903803641454 -1.1276812524545743 -1.192688232179345 -1.243765144820232 -1.3722313190382243 -1.4233082316791201 -1.4511683658468704 -1.4000914532059834 +38021,-1.294842057461119,2,0.5888125693256165 0.6058382068725817 0.6367939115034221 0.44796411325528984 0.3752182073728067 0.08268679861135095 -0.264017093254082 -0.44665575057605145 -0.6184599112772184 -0.8119330652199815 -0.8181242061461532 -0.9465903803641454 -1.1276812524545743 -1.192688232179345 -1.243765144820232 -1.3722313190382243 -1.4233082316791201 -1.4511683658468704 -1.4000914532059834 -1.4465250101522482 +38022,-0.9125391052702237,2,0.6058382068725817 0.6367939115034221 0.44796411325528984 0.3752182073728067 0.08268679861135095 -0.264017093254082 -0.44665575057605145 -0.6184599112772184 -0.8119330652199815 -0.8181242061461532 -0.9465903803641454 -1.1276812524545743 -1.192688232179345 -1.243765144820232 -1.3722313190382243 -1.4233082316791201 -1.4511683658468704 -1.4000914532059834 -1.4465250101522482 -1.294842057461119 +38023,-0.601434273730262,2,0.6367939115034221 0.44796411325528984 0.3752182073728067 0.08268679861135095 -0.264017093254082 -0.44665575057605145 -0.6184599112772184 -0.8119330652199815 -0.8181242061461532 -0.9465903803641454 -1.1276812524545743 -1.192688232179345 -1.243765144820232 -1.3722313190382243 -1.4233082316791201 -1.4511683658468704 -1.4000914532059834 -1.4465250101522482 -1.294842057461119 -0.9125391052702237 +38024,-0.23460917385478236,2,0.44796411325528984 0.3752182073728067 0.08268679861135095 -0.264017093254082 -0.44665575057605145 -0.6184599112772184 -0.8119330652199815 -0.8181242061461532 -0.9465903803641454 -1.1276812524545743 -1.192688232179345 -1.243765144820232 -1.3722313190382243 -1.4233082316791201 -1.4511683658468704 -1.4000914532059834 -1.4465250101522482 -1.294842057461119 -0.9125391052702237 -0.601434273730262 +38025,0.12447699986298497,2,0.3752182073728067 0.08268679861135095 -0.264017093254082 -0.44665575057605145 -0.6184599112772184 -0.8119330652199815 -0.8181242061461532 -0.9465903803641454 -1.1276812524545743 -1.192688232179345 -1.243765144820232 -1.3722313190382243 -1.4233082316791201 -1.4511683658468704 -1.4000914532059834 -1.4465250101522482 -1.294842057461119 -0.9125391052702237 -0.601434273730262 -0.23460917385478236 +38026,0.2699688116279425,2,0.08268679861135095 -0.264017093254082 -0.44665575057605145 -0.6184599112772184 -0.8119330652199815 -0.8181242061461532 -0.9465903803641454 -1.1276812524545743 -1.192688232179345 -1.243765144820232 -1.3722313190382243 -1.4233082316791201 -1.4511683658468704 -1.4000914532059834 -1.4465250101522482 -1.294842057461119 -0.9125391052702237 -0.601434273730262 -0.23460917385478236 0.12447699986298497 +38027,0.23901310699710215,2,-0.264017093254082 -0.44665575057605145 -0.6184599112772184 -0.8119330652199815 -0.8181242061461532 -0.9465903803641454 -1.1276812524545743 -1.192688232179345 -1.243765144820232 -1.3722313190382243 -1.4233082316791201 -1.4511683658468704 -1.4000914532059834 -1.4465250101522482 -1.294842057461119 -0.9125391052702237 -0.601434273730262 -0.23460917385478236 0.12447699986298497 0.2699688116279425 +38028,0.08578236907443235,2,-0.44665575057605145 -0.6184599112772184 -0.8119330652199815 -0.8181242061461532 -0.9465903803641454 -1.1276812524545743 -1.192688232179345 -1.243765144820232 -1.3722313190382243 -1.4233082316791201 -1.4511683658468704 -1.4000914532059834 -1.4465250101522482 -1.294842057461119 -0.9125391052702237 -0.601434273730262 -0.23460917385478236 0.12447699986298497 0.2699688116279425 0.23901310699710215 +38029,-0.08911736208982483,2,-0.6184599112772184 -0.8119330652199815 -0.8181242061461532 -0.9465903803641454 -1.1276812524545743 -1.192688232179345 -1.243765144820232 -1.3722313190382243 -1.4233082316791201 -1.4511683658468704 -1.4000914532059834 -1.4465250101522482 -1.294842057461119 -0.9125391052702237 -0.601434273730262 -0.23460917385478236 0.12447699986298497 0.2699688116279425 0.23901310699710215 0.08578236907443235 +38030,-0.30580729450571603,2,-0.8119330652199815 -0.8181242061461532 -0.9465903803641454 -1.1276812524545743 -1.192688232179345 -1.243765144820232 -1.3722313190382243 -1.4233082316791201 -1.4511683658468704 -1.4000914532059834 -1.4465250101522482 -1.294842057461119 -0.9125391052702237 -0.601434273730262 -0.23460917385478236 0.12447699986298497 0.2699688116279425 0.23901310699710215 0.08578236907443235 -0.08911736208982483 +38031,-0.6540589716026897,2,-0.8181242061461532 -0.9465903803641454 -1.1276812524545743 -1.192688232179345 -1.243765144820232 -1.3722313190382243 -1.4233082316791201 -1.4511683658468704 -1.4000914532059834 -1.4465250101522482 -1.294842057461119 -0.9125391052702237 -0.601434273730262 -0.23460917385478236 0.12447699986298497 0.2699688116279425 0.23901310699710215 0.08578236907443235 -0.08911736208982483 -0.30580729450571603 +38032,-0.7066836694751262,2,-0.9465903803641454 -1.1276812524545743 -1.192688232179345 -1.243765144820232 -1.3722313190382243 -1.4233082316791201 -1.4511683658468704 -1.4000914532059834 -1.4465250101522482 -1.294842057461119 -0.9125391052702237 -0.601434273730262 -0.23460917385478236 0.12447699986298497 0.2699688116279425 0.23901310699710215 0.08578236907443235 -0.08911736208982483 -0.30580729450571603 -0.6540589716026897 +38033,-0.7577605821160132,2,-1.1276812524545743 -1.192688232179345 -1.243765144820232 -1.3722313190382243 -1.4233082316791201 -1.4511683658468704 -1.4000914532059834 -1.4465250101522482 -1.294842057461119 -0.9125391052702237 -0.601434273730262 -0.23460917385478236 0.12447699986298497 0.2699688116279425 0.23901310699710215 0.08578236907443235 -0.08911736208982483 -0.30580729450571603 -0.6540589716026897 -0.7066836694751262 +38034,-0.8459843403139121,2,-1.192688232179345 -1.243765144820232 -1.3722313190382243 -1.4233082316791201 -1.4511683658468704 -1.4000914532059834 -1.4465250101522482 -1.294842057461119 -0.9125391052702237 -0.601434273730262 -0.23460917385478236 0.12447699986298497 0.2699688116279425 0.23901310699710215 0.08578236907443235 -0.08911736208982483 -0.30580729450571603 -0.6540589716026897 -0.7066836694751262 -0.7577605821160132 +38035,-0.9481381655956861,2,-1.243765144820232 -1.3722313190382243 -1.4233082316791201 -1.4511683658468704 -1.4000914532059834 -1.4465250101522482 -1.294842057461119 -0.9125391052702237 -0.601434273730262 -0.23460917385478236 0.12447699986298497 0.2699688116279425 0.23901310699710215 0.08578236907443235 -0.08911736208982483 -0.30580729450571603 -0.6540589716026897 -0.7066836694751262 -0.7577605821160132 -0.8459843403139121 +38036,-0.9605204474480293,2,-1.3722313190382243 -1.4233082316791201 -1.4511683658468704 -1.4000914532059834 -1.4465250101522482 -1.294842057461119 -0.9125391052702237 -0.601434273730262 -0.23460917385478236 0.12447699986298497 0.2699688116279425 0.23901310699710215 0.08578236907443235 -0.08911736208982483 -0.30580729450571603 -0.6540589716026897 -0.7066836694751262 -0.7577605821160132 -0.8459843403139121 -0.9481381655956861 +38037,-1.0255274271727914,2,-1.4233082316791201 -1.4511683658468704 -1.4000914532059834 -1.4465250101522482 -1.294842057461119 -0.9125391052702237 -0.601434273730262 -0.23460917385478236 0.12447699986298497 0.2699688116279425 0.23901310699710215 0.08578236907443235 -0.08911736208982483 -0.30580729450571603 -0.6540589716026897 -0.7066836694751262 -0.7577605821160132 -0.8459843403139121 -0.9481381655956861 -0.9605204474480293 +38038,-1.0750565545821464,2,-1.4511683658468704 -1.4000914532059834 -1.4465250101522482 -1.294842057461119 -0.9125391052702237 -0.601434273730262 -0.23460917385478236 0.12447699986298497 0.2699688116279425 0.23901310699710215 0.08578236907443235 -0.08911736208982483 -0.30580729450571603 -0.6540589716026897 -0.7066836694751262 -0.7577605821160132 -0.8459843403139121 -0.9481381655956861 -0.9605204474480293 -1.0255274271727914 +38039,-1.0889866216660216,2,-1.4000914532059834 -1.4465250101522482 -1.294842057461119 -0.9125391052702237 -0.601434273730262 -0.23460917385478236 0.12447699986298497 0.2699688116279425 0.23901310699710215 0.08578236907443235 -0.08911736208982483 -0.30580729450571603 -0.6540589716026897 -0.7066836694751262 -0.7577605821160132 -0.8459843403139121 -0.9481381655956861 -0.9605204474480293 -1.0255274271727914 -1.0750565545821464 +38040,-1.2050705140316795,2,-1.4465250101522482 -1.294842057461119 -0.9125391052702237 -0.601434273730262 -0.23460917385478236 0.12447699986298497 0.2699688116279425 0.23901310699710215 0.08578236907443235 -0.08911736208982483 -0.30580729450571603 -0.6540589716026897 -0.7066836694751262 -0.7577605821160132 -0.8459843403139121 -0.9481381655956861 -0.9605204474480293 -1.0255274271727914 -1.0750565545821464 -1.0889866216660216 +38041,-1.2824597756087848,2,-1.294842057461119 -0.9125391052702237 -0.601434273730262 -0.23460917385478236 0.12447699986298497 0.2699688116279425 0.23901310699710215 0.08578236907443235 -0.08911736208982483 -0.30580729450571603 -0.6540589716026897 -0.7066836694751262 -0.7577605821160132 -0.8459843403139121 -0.9481381655956861 -0.9605204474480293 -1.0255274271727914 -1.0750565545821464 -1.0889866216660216 -1.2050705140316795 +38042,-1.308772124545003,2,-0.9125391052702237 -0.601434273730262 -0.23460917385478236 0.12447699986298497 0.2699688116279425 0.23901310699710215 0.08578236907443235 -0.08911736208982483 -0.30580729450571603 -0.6540589716026897 -0.7066836694751262 -0.7577605821160132 -0.8459843403139121 -0.9481381655956861 -0.9605204474480293 -1.0255274271727914 -1.0750565545821464 -1.0889866216660216 -1.2050705140316795 -1.2824597756087848 +38043,-1.3892569565851896,2,-0.601434273730262 -0.23460917385478236 0.12447699986298497 0.2699688116279425 0.23901310699710215 0.08578236907443235 -0.08911736208982483 -0.30580729450571603 -0.6540589716026897 -0.7066836694751262 -0.7577605821160132 -0.8459843403139121 -0.9481381655956861 -0.9605204474480293 -1.0255274271727914 -1.0750565545821464 -1.0889866216660216 -1.2050705140316795 -1.2824597756087848 -1.308772124545003 +38044,-1.1431591047699987,2,-0.23460917385478236 0.12447699986298497 0.2699688116279425 0.23901310699710215 0.08578236907443235 -0.08911736208982483 -0.30580729450571603 -0.6540589716026897 -0.7066836694751262 -0.7577605821160132 -0.8459843403139121 -0.9481381655956861 -0.9605204474480293 -1.0255274271727914 -1.0750565545821464 -1.0889866216660216 -1.2050705140316795 -1.2824597756087848 -1.308772124545003 -1.3892569565851896 +38045,-1.1447068900015396,2,0.12447699986298497 0.2699688116279425 0.23901310699710215 0.08578236907443235 -0.08911736208982483 -0.30580729450571603 -0.6540589716026897 -0.7066836694751262 -0.7577605821160132 -0.8459843403139121 -0.9481381655956861 -0.9605204474480293 -1.0255274271727914 -1.0750565545821464 -1.0889866216660216 -1.2050705140316795 -1.2824597756087848 -1.308772124545003 -1.3892569565851896 -1.1431591047699987 +38046,-0.5348795087739504,2,0.2699688116279425 0.23901310699710215 0.08578236907443235 -0.08911736208982483 -0.30580729450571603 -0.6540589716026897 -0.7066836694751262 -0.7577605821160132 -0.8459843403139121 -0.9481381655956861 -0.9605204474480293 -1.0255274271727914 -1.0750565545821464 -1.0889866216660216 -1.2050705140316795 -1.2824597756087848 -1.308772124545003 -1.3892569565851896 -1.1431591047699987 -1.1447068900015396 +38047,-0.29342501265338167,2,0.23901310699710215 0.08578236907443235 -0.08911736208982483 -0.30580729450571603 -0.6540589716026897 -0.7066836694751262 -0.7577605821160132 -0.8459843403139121 -0.9481381655956861 -0.9605204474480293 -1.0255274271727914 -1.0750565545821464 -1.0889866216660216 -1.2050705140316795 -1.2824597756087848 -1.308772124545003 -1.3892569565851896 -1.1431591047699987 -1.1447068900015396 -0.5348795087739504 +38048,-0.07983065070057185,2,0.08578236907443235 -0.08911736208982483 -0.30580729450571603 -0.6540589716026897 -0.7066836694751262 -0.7577605821160132 -0.8459843403139121 -0.9481381655956861 -0.9605204474480293 -1.0255274271727914 -1.0750565545821464 -1.0889866216660216 -1.2050705140316795 -1.2824597756087848 -1.308772124545003 -1.3892569565851896 -1.1431591047699987 -1.1447068900015396 -0.5348795087739504 -0.29342501265338167 +38049,0.04708773828587971,2,-0.08911736208982483 -0.30580729450571603 -0.6540589716026897 -0.7066836694751262 -0.7577605821160132 -0.8459843403139121 -0.9481381655956861 -0.9605204474480293 -1.0255274271727914 -1.0750565545821464 -1.0889866216660216 -1.2050705140316795 -1.2824597756087848 -1.308772124545003 -1.3892569565851896 -1.1431591047699987 -1.1447068900015396 -0.5348795087739504 -0.29342501265338167 -0.07983065070057185 +38050,0.03780102689662673,2,-0.30580729450571603 -0.6540589716026897 -0.7066836694751262 -0.7577605821160132 -0.8459843403139121 -0.9481381655956861 -0.9605204474480293 -1.0255274271727914 -1.0750565545821464 -1.0889866216660216 -1.2050705140316795 -1.2824597756087848 -1.308772124545003 -1.3892569565851896 -1.1431591047699987 -1.1447068900015396 -0.5348795087739504 -0.29342501265338167 -0.07983065070057185 0.04708773828587971 +38051,0.05637444967513269,2,-0.6540589716026897 -0.7066836694751262 -0.7577605821160132 -0.8459843403139121 -0.9481381655956861 -0.9605204474480293 -1.0255274271727914 -1.0750565545821464 -1.0889866216660216 -1.2050705140316795 -1.2824597756087848 -1.308772124545003 -1.3892569565851896 -1.1431591047699987 -1.1447068900015396 -0.5348795087739504 -0.29342501265338167 -0.07983065070057185 0.04708773828587971 0.03780102689662673 +38052,0.017679818886580066,2,-0.7066836694751262 -0.7577605821160132 -0.8459843403139121 -0.9481381655956861 -0.9605204474480293 -1.0255274271727914 -1.0750565545821464 -1.0889866216660216 -1.2050705140316795 -1.2824597756087848 -1.308772124545003 -1.3892569565851896 -1.1431591047699987 -1.1447068900015396 -0.5348795087739504 -0.29342501265338167 -0.07983065070057185 0.04708773828587971 0.03780102689662673 0.05637444967513269 +38053,-0.15567212704613642,2,-0.7577605821160132 -0.8459843403139121 -0.9481381655956861 -0.9605204474480293 -1.0255274271727914 -1.0750565545821464 -1.0889866216660216 -1.2050705140316795 -1.2824597756087848 -1.308772124545003 -1.3892569565851896 -1.1431591047699987 -1.1447068900015396 -0.5348795087739504 -0.29342501265338167 -0.07983065070057185 0.04708773828587971 0.03780102689662673 0.05637444967513269 0.017679818886580066 +38054,-0.23151360339169216,2,-0.8459843403139121 -0.9481381655956861 -0.9605204474480293 -1.0255274271727914 -1.0750565545821464 -1.0889866216660216 -1.2050705140316795 -1.2824597756087848 -1.308772124545003 -1.3892569565851896 -1.1431591047699987 -1.1447068900015396 -0.5348795087739504 -0.29342501265338167 -0.07983065070057185 0.04708773828587971 0.03780102689662673 0.05637444967513269 0.017679818886580066 -0.15567212704613642 +38055,-0.40641333455594936,2,-0.9481381655956861 -0.9605204474480293 -1.0255274271727914 -1.0750565545821464 -1.0889866216660216 -1.2050705140316795 -1.2824597756087848 -1.308772124545003 -1.3892569565851896 -1.1431591047699987 -1.1447068900015396 -0.5348795087739504 -0.29342501265338167 -0.07983065070057185 0.04708773828587971 0.03780102689662673 0.05637444967513269 0.017679818886580066 -0.15567212704613642 -0.23151360339169216 +38056,-0.46677695858609813,2,-0.9605204474480293 -1.0255274271727914 -1.0750565545821464 -1.0889866216660216 -1.2050705140316795 -1.2824597756087848 -1.308772124545003 -1.3892569565851896 -1.1431591047699987 -1.1447068900015396 -0.5348795087739504 -0.29342501265338167 -0.07983065070057185 0.04708773828587971 0.03780102689662673 0.05637444967513269 0.017679818886580066 -0.15567212704613642 -0.23151360339169216 -0.40641333455594936 +38057,-0.5348795087739504,2,-1.0255274271727914 -1.0750565545821464 -1.0889866216660216 -1.2050705140316795 -1.2824597756087848 -1.308772124545003 -1.3892569565851896 -1.1431591047699987 -1.1447068900015396 -0.5348795087739504 -0.29342501265338167 -0.07983065070057185 0.04708773828587971 0.03780102689662673 0.05637444967513269 0.017679818886580066 -0.15567212704613642 -0.23151360339169216 -0.40641333455594936 -0.46677695858609813 +38058,-0.5859564214148374,2,-1.0750565545821464 -1.0889866216660216 -1.2050705140316795 -1.2824597756087848 -1.308772124545003 -1.3892569565851896 -1.1431591047699987 -1.1447068900015396 -0.5348795087739504 -0.29342501265338167 -0.07983065070057185 0.04708773828587971 0.03780102689662673 0.05637444967513269 0.017679818886580066 -0.15567212704613642 -0.23151360339169216 -0.40641333455594936 -0.46677695858609813 -0.5348795087739504 +38059,-0.5998864884987125,2,-1.0889866216660216 -1.2050705140316795 -1.2824597756087848 -1.308772124545003 -1.3892569565851896 -1.1431591047699987 -1.1447068900015396 -0.5348795087739504 -0.29342501265338167 -0.07983065070057185 0.04708773828587971 0.03780102689662673 0.05637444967513269 0.017679818886580066 -0.15567212704613642 -0.23151360339169216 -0.40641333455594936 -0.46677695858609813 -0.5348795087739504 -0.5859564214148374 +38060,-0.62465105220339,2,-1.2050705140316795 -1.2824597756087848 -1.308772124545003 -1.3892569565851896 -1.1431591047699987 -1.1447068900015396 -0.5348795087739504 -0.29342501265338167 -0.07983065070057185 0.04708773828587971 0.03780102689662673 0.05637444967513269 0.017679818886580066 -0.15567212704613642 -0.23151360339169216 -0.40641333455594936 -0.46677695858609813 -0.5348795087739504 -0.5859564214148374 -0.5998864884987125 +38061,-0.6896580319281609,2,-1.2824597756087848 -1.308772124545003 -1.3892569565851896 -1.1431591047699987 -1.1447068900015396 -0.5348795087739504 -0.29342501265338167 -0.07983065070057185 0.04708773828587971 0.03780102689662673 0.05637444967513269 0.017679818886580066 -0.15567212704613642 -0.23151360339169216 -0.40641333455594936 -0.46677695858609813 -0.5348795087739504 -0.5859564214148374 -0.5998864884987125 -0.62465105220339 +38062,-0.6896580319281609,2,-1.308772124545003 -1.3892569565851896 -1.1431591047699987 -1.1447068900015396 -0.5348795087739504 -0.29342501265338167 -0.07983065070057185 0.04708773828587971 0.03780102689662673 0.05637444967513269 0.017679818886580066 -0.15567212704613642 -0.23151360339169216 -0.40641333455594936 -0.46677695858609813 -0.5348795087739504 -0.5859564214148374 -0.5998864884987125 -0.62465105220339 -0.6896580319281609 +38063,-0.7670472935052661,2,-1.3892569565851896 -1.1431591047699987 -1.1447068900015396 -0.5348795087739504 -0.29342501265338167 -0.07983065070057185 0.04708773828587971 0.03780102689662673 0.05637444967513269 0.017679818886580066 -0.15567212704613642 -0.23151360339169216 -0.40641333455594936 -0.46677695858609813 -0.5348795087739504 -0.5859564214148374 -0.5998864884987125 -0.62465105220339 -0.6896580319281609 -0.6896580319281609 +38064,-0.7020403137804953,2,-1.1431591047699987 -1.1447068900015396 -0.5348795087739504 -0.29342501265338167 -0.07983065070057185 0.04708773828587971 0.03780102689662673 0.05637444967513269 0.017679818886580066 -0.15567212704613642 -0.23151360339169216 -0.40641333455594936 -0.46677695858609813 -0.5348795087739504 -0.5859564214148374 -0.5998864884987125 -0.62465105220339 -0.6896580319281609 -0.6896580319281609 -0.7670472935052661 +38065,-0.7531172264213823,2,-1.1447068900015396 -0.5348795087739504 -0.29342501265338167 -0.07983065070057185 0.04708773828587971 0.03780102689662673 0.05637444967513269 0.017679818886580066 -0.15567212704613642 -0.23151360339169216 -0.40641333455594936 -0.46677695858609813 -0.5348795087739504 -0.5859564214148374 -0.5998864884987125 -0.62465105220339 -0.6896580319281609 -0.6896580319281609 -0.7670472935052661 -0.7020403137804953 +38066,-0.7407349445690479,2,-0.5348795087739504 -0.29342501265338167 -0.07983065070057185 0.04708773828587971 0.03780102689662673 0.05637444967513269 0.017679818886580066 -0.15567212704613642 -0.23151360339169216 -0.40641333455594936 -0.46677695858609813 -0.5348795087739504 -0.5859564214148374 -0.5998864884987125 -0.62465105220339 -0.6896580319281609 -0.6896580319281609 -0.7670472935052661 -0.7020403137804953 -0.7531172264213823 +38067,-0.7608561525790946,2,-0.29342501265338167 -0.07983065070057185 0.04708773828587971 0.03780102689662673 0.05637444967513269 0.017679818886580066 -0.15567212704613642 -0.23151360339169216 -0.40641333455594936 -0.46677695858609813 -0.5348795087739504 -0.5859564214148374 -0.5998864884987125 -0.62465105220339 -0.6896580319281609 -0.6896580319281609 -0.7670472935052661 -0.7020403137804953 -0.7531172264213823 -0.7407349445690479 +38068,-0.7577605821160132,2,-0.07983065070057185 0.04708773828587971 0.03780102689662673 0.05637444967513269 0.017679818886580066 -0.15567212704613642 -0.23151360339169216 -0.40641333455594936 -0.46677695858609813 -0.5348795087739504 -0.5859564214148374 -0.5998864884987125 -0.62465105220339 -0.6896580319281609 -0.6896580319281609 -0.7670472935052661 -0.7020403137804953 -0.7531172264213823 -0.7407349445690479 -0.7608561525790946 +38069,-0.7268048774851729,2,0.04708773828587971 0.03780102689662673 0.05637444967513269 0.017679818886580066 -0.15567212704613642 -0.23151360339169216 -0.40641333455594936 -0.46677695858609813 -0.5348795087739504 -0.5859564214148374 -0.5998864884987125 -0.62465105220339 -0.6896580319281609 -0.6896580319281609 -0.7670472935052661 -0.7020403137804953 -0.7531172264213823 -0.7407349445690479 -0.7608561525790946 -0.7577605821160132 +38070,-0.7175181660959199,2,0.03780102689662673 0.05637444967513269 0.017679818886580066 -0.15567212704613642 -0.23151360339169216 -0.40641333455594936 -0.46677695858609813 -0.5348795087739504 -0.5859564214148374 -0.5998864884987125 -0.62465105220339 -0.6896580319281609 -0.6896580319281609 -0.7670472935052661 -0.7020403137804953 -0.7531172264213823 -0.7407349445690479 -0.7608561525790946 -0.7577605821160132 -0.7268048774851729 +38071,-0.7268048774851729,2,0.05637444967513269 0.017679818886580066 -0.15567212704613642 -0.23151360339169216 -0.40641333455594936 -0.46677695858609813 -0.5348795087739504 -0.5859564214148374 -0.5998864884987125 -0.62465105220339 -0.6896580319281609 -0.6896580319281609 -0.7670472935052661 -0.7020403137804953 -0.7531172264213823 -0.7407349445690479 -0.7608561525790946 -0.7577605821160132 -0.7268048774851729 -0.7175181660959199 +38072,-0.6401289045188147,2,0.017679818886580066 -0.15567212704613642 -0.23151360339169216 -0.40641333455594936 -0.46677695858609813 -0.5348795087739504 -0.5859564214148374 -0.5998864884987125 -0.62465105220339 -0.6896580319281609 -0.6896580319281609 -0.7670472935052661 -0.7020403137804953 -0.7531172264213823 -0.7407349445690479 -0.7608561525790946 -0.7577605821160132 -0.7268048774851729 -0.7175181660959199 -0.7268048774851729 +38073,-0.5627396429417093,2,-0.15567212704613642 -0.23151360339169216 -0.40641333455594936 -0.46677695858609813 -0.5348795087739504 -0.5859564214148374 -0.5998864884987125 -0.62465105220339 -0.6896580319281609 -0.6896580319281609 -0.7670472935052661 -0.7020403137804953 -0.7531172264213823 -0.7407349445690479 -0.7608561525790946 -0.7577605821160132 -0.7268048774851729 -0.7175181660959199 -0.7268048774851729 -0.6401289045188147 +38074,-0.4946370927538571,2,-0.23151360339169216 -0.40641333455594936 -0.46677695858609813 -0.5348795087739504 -0.5859564214148374 -0.5998864884987125 -0.62465105220339 -0.6896580319281609 -0.6896580319281609 -0.7670472935052661 -0.7020403137804953 -0.7531172264213823 -0.7407349445690479 -0.7608561525790946 -0.7577605821160132 -0.7268048774851729 -0.7175181660959199 -0.7268048774851729 -0.6401289045188147 -0.5627396429417093 +38075,-0.5333317235424098,2,-0.40641333455594936 -0.46677695858609813 -0.5348795087739504 -0.5859564214148374 -0.5998864884987125 -0.62465105220339 -0.6896580319281609 -0.6896580319281609 -0.7670472935052661 -0.7020403137804953 -0.7531172264213823 -0.7407349445690479 -0.7608561525790946 -0.7577605821160132 -0.7268048774851729 -0.7175181660959199 -0.7268048774851729 -0.6401289045188147 -0.5627396429417093 -0.4946370927538571 +38076,-0.4280823277975455,2,-0.46677695858609813 -0.5348795087739504 -0.5859564214148374 -0.5998864884987125 -0.62465105220339 -0.6896580319281609 -0.6896580319281609 -0.7670472935052661 -0.7020403137804953 -0.7531172264213823 -0.7407349445690479 -0.7608561525790946 -0.7577605821160132 -0.7268048774851729 -0.7175181660959199 -0.7268048774851729 -0.6401289045188147 -0.5627396429417093 -0.4946370927538571 -0.5333317235424098 +38077,-0.4280823277975455,2,-0.5348795087739504 -0.5859564214148374 -0.5998864884987125 -0.62465105220339 -0.6896580319281609 -0.6896580319281609 -0.7670472935052661 -0.7020403137804953 -0.7531172264213823 -0.7407349445690479 -0.7608561525790946 -0.7577605821160132 -0.7268048774851729 -0.7175181660959199 -0.7268048774851729 -0.6401289045188147 -0.5627396429417093 -0.4946370927538571 -0.5333317235424098 -0.4280823277975455 +38078,-0.4389168244183392,2,-0.5859564214148374 -0.5998864884987125 -0.62465105220339 -0.6896580319281609 -0.6896580319281609 -0.7670472935052661 -0.7020403137804953 -0.7531172264213823 -0.7407349445690479 -0.7608561525790946 -0.7577605821160132 -0.7268048774851729 -0.7175181660959199 -0.7268048774851729 -0.6401289045188147 -0.5627396429417093 -0.4946370927538571 -0.5333317235424098 -0.4280823277975455 -0.4280823277975455 +38079,-0.4946370927538571,2,-0.5998864884987125 -0.62465105220339 -0.6896580319281609 -0.6896580319281609 -0.7670472935052661 -0.7020403137804953 -0.7531172264213823 -0.7407349445690479 -0.7608561525790946 -0.7577605821160132 -0.7268048774851729 -0.7175181660959199 -0.7268048774851729 -0.6401289045188147 -0.5627396429417093 -0.4946370927538571 -0.5333317235424098 -0.4280823277975455 -0.4280823277975455 -0.4389168244183392 +38080,-0.573574139562503,2,-0.62465105220339 -0.6896580319281609 -0.6896580319281609 -0.7670472935052661 -0.7020403137804953 -0.7531172264213823 -0.7407349445690479 -0.7608561525790946 -0.7577605821160132 -0.7268048774851729 -0.7175181660959199 -0.7268048774851729 -0.6401289045188147 -0.5627396429417093 -0.4946370927538571 -0.5333317235424098 -0.4280823277975455 -0.4280823277975455 -0.4389168244183392 -0.4946370927538571 +38081,-0.6029820589618027,2,-0.6896580319281609 -0.6896580319281609 -0.7670472935052661 -0.7020403137804953 -0.7531172264213823 -0.7407349445690479 -0.7608561525790946 -0.7577605821160132 -0.7268048774851729 -0.7175181660959199 -0.7268048774851729 -0.6401289045188147 -0.5627396429417093 -0.4946370927538571 -0.5333317235424098 -0.4280823277975455 -0.4280823277975455 -0.4389168244183392 -0.4946370927538571 -0.573574139562503 +38082,-0.5983387032671718,2,-0.6896580319281609 -0.7670472935052661 -0.7020403137804953 -0.7531172264213823 -0.7407349445690479 -0.7608561525790946 -0.7577605821160132 -0.7268048774851729 -0.7175181660959199 -0.7268048774851729 -0.6401289045188147 -0.5627396429417093 -0.4946370927538571 -0.5333317235424098 -0.4280823277975455 -0.4280823277975455 -0.4389168244183392 -0.4946370927538571 -0.573574139562503 -0.6029820589618027 +38083,-0.6277466226664714,2,-0.7670472935052661 -0.7020403137804953 -0.7531172264213823 -0.7407349445690479 -0.7608561525790946 -0.7577605821160132 -0.7268048774851729 -0.7175181660959199 -0.7268048774851729 -0.6401289045188147 -0.5627396429417093 -0.4946370927538571 -0.5333317235424098 -0.4280823277975455 -0.4280823277975455 -0.4389168244183392 -0.4946370927538571 -0.573574139562503 -0.6029820589618027 -0.5983387032671718 +38084,-0.6370333340557244,2,-0.7020403137804953 -0.7531172264213823 -0.7407349445690479 -0.7608561525790946 -0.7577605821160132 -0.7268048774851729 -0.7175181660959199 -0.7268048774851729 -0.6401289045188147 -0.5627396429417093 -0.4946370927538571 -0.5333317235424098 -0.4280823277975455 -0.4280823277975455 -0.4389168244183392 -0.4946370927538571 -0.573574139562503 -0.6029820589618027 -0.5983387032671718 -0.6277466226664714 +38085,-0.7020403137804953,2,-0.7531172264213823 -0.7407349445690479 -0.7608561525790946 -0.7577605821160132 -0.7268048774851729 -0.7175181660959199 -0.7268048774851729 -0.6401289045188147 -0.5627396429417093 -0.4946370927538571 -0.5333317235424098 -0.4280823277975455 -0.4280823277975455 -0.4389168244183392 -0.4946370927538571 -0.573574139562503 -0.6029820589618027 -0.5983387032671718 -0.6277466226664714 -0.6370333340557244 +38086,-0.7020403137804953,2,-0.7407349445690479 -0.7608561525790946 -0.7577605821160132 -0.7268048774851729 -0.7175181660959199 -0.7268048774851729 -0.6401289045188147 -0.5627396429417093 -0.4946370927538571 -0.5333317235424098 -0.4280823277975455 -0.4280823277975455 -0.4389168244183392 -0.4946370927538571 -0.573574139562503 -0.6029820589618027 -0.5983387032671718 -0.6277466226664714 -0.6370333340557244 -0.7020403137804953 +38087,-0.7144225956328297,2,-0.7608561525790946 -0.7577605821160132 -0.7268048774851729 -0.7175181660959199 -0.7268048774851729 -0.6401289045188147 -0.5627396429417093 -0.4946370927538571 -0.5333317235424098 -0.4280823277975455 -0.4280823277975455 -0.4389168244183392 -0.4946370927538571 -0.573574139562503 -0.6029820589618027 -0.5983387032671718 -0.6277466226664714 -0.6370333340557244 -0.7020403137804953 -0.7020403137804953 +38088,-0.7144225956328297,2,-0.7577605821160132 -0.7268048774851729 -0.7175181660959199 -0.7268048774851729 -0.6401289045188147 -0.5627396429417093 -0.4946370927538571 -0.5333317235424098 -0.4280823277975455 -0.4280823277975455 -0.4389168244183392 -0.4946370927538571 -0.573574139562503 -0.6029820589618027 -0.5983387032671718 -0.6277466226664714 -0.6370333340557244 -0.7020403137804953 -0.7020403137804953 -0.7144225956328297 +38089,-0.7283526627167135,2,-0.7268048774851729 -0.7175181660959199 -0.7268048774851729 -0.6401289045188147 -0.5627396429417093 -0.4946370927538571 -0.5333317235424098 -0.4280823277975455 -0.4280823277975455 -0.4389168244183392 -0.4946370927538571 -0.573574139562503 -0.6029820589618027 -0.5983387032671718 -0.6277466226664714 -0.6370333340557244 -0.7020403137804953 -0.7020403137804953 -0.7144225956328297 -0.7144225956328297 +38090,-0.791811857209935,2,-0.7175181660959199 -0.7268048774851729 -0.6401289045188147 -0.5627396429417093 -0.4946370927538571 -0.5333317235424098 -0.4280823277975455 -0.4280823277975455 -0.4389168244183392 -0.4946370927538571 -0.573574139562503 -0.6029820589618027 -0.5983387032671718 -0.6277466226664714 -0.6370333340557244 -0.7020403137804953 -0.7020403137804953 -0.7144225956328297 -0.7144225956328297 -0.7283526627167135 +38091,-0.8599144073977872,2,-0.7268048774851729 -0.6401289045188147 -0.5627396429417093 -0.4946370927538571 -0.5333317235424098 -0.4280823277975455 -0.4280823277975455 -0.4389168244183392 -0.4946370927538571 -0.573574139562503 -0.6029820589618027 -0.5983387032671718 -0.6277466226664714 -0.6370333340557244 -0.7020403137804953 -0.7020403137804953 -0.7144225956328297 -0.7144225956328297 -0.7283526627167135 -0.791811857209935 +38092,-0.8506276960085343,2,-0.6401289045188147 -0.5627396429417093 -0.4946370927538571 -0.5333317235424098 -0.4280823277975455 -0.4280823277975455 -0.4389168244183392 -0.4946370927538571 -0.573574139562503 -0.6029820589618027 -0.5983387032671718 -0.6277466226664714 -0.6370333340557244 -0.7020403137804953 -0.7020403137804953 -0.7144225956328297 -0.7144225956328297 -0.7283526627167135 -0.791811857209935 -0.8599144073977872 +38093,-0.6896580319281609,2,-0.5627396429417093 -0.4946370927538571 -0.5333317235424098 -0.4280823277975455 -0.4280823277975455 -0.4389168244183392 -0.4946370927538571 -0.573574139562503 -0.6029820589618027 -0.5983387032671718 -0.6277466226664714 -0.6370333340557244 -0.7020403137804953 -0.7020403137804953 -0.7144225956328297 -0.7144225956328297 -0.7283526627167135 -0.791811857209935 -0.8599144073977872 -0.8506276960085343 +38094,-0.45594246196530447,2,-0.4946370927538571 -0.5333317235424098 -0.4280823277975455 -0.4280823277975455 -0.4389168244183392 -0.4946370927538571 -0.573574139562503 -0.6029820589618027 -0.5983387032671718 -0.6277466226664714 -0.6370333340557244 -0.7020403137804953 -0.7020403137804953 -0.7144225956328297 -0.7144225956328297 -0.7283526627167135 -0.791811857209935 -0.8599144073977872 -0.8506276960085343 -0.6896580319281609 +38095,-0.3305718582103936,2,-0.5333317235424098 -0.4280823277975455 -0.4280823277975455 -0.4389168244183392 -0.4946370927538571 -0.573574139562503 -0.6029820589618027 -0.5983387032671718 -0.6277466226664714 -0.6370333340557244 -0.7020403137804953 -0.7020403137804953 -0.7144225956328297 -0.7144225956328297 -0.7283526627167135 -0.791811857209935 -0.8599144073977872 -0.8506276960085343 -0.6896580319281609 -0.45594246196530447 +38096,-0.24389588524403535,2,-0.4280823277975455 -0.4280823277975455 -0.4389168244183392 -0.4946370927538571 -0.573574139562503 -0.6029820589618027 -0.5983387032671718 -0.6277466226664714 -0.6370333340557244 -0.7020403137804953 -0.7020403137804953 -0.7144225956328297 -0.7144225956328297 -0.7283526627167135 -0.791811857209935 -0.8599144073977872 -0.8506276960085343 -0.6896580319281609 -0.45594246196530447 -0.3305718582103936 +38097,-0.18043669075080518,2,-0.4280823277975455 -0.4389168244183392 -0.4946370927538571 -0.573574139562503 -0.6029820589618027 -0.5983387032671718 -0.6277466226664714 -0.6370333340557244 -0.7020403137804953 -0.7020403137804953 -0.7144225956328297 -0.7144225956328297 -0.7283526627167135 -0.791811857209935 -0.8599144073977872 -0.8506276960085343 -0.6896580319281609 -0.45594246196530447 -0.3305718582103936 -0.24389588524403535 +38098,-0.13864648949917113,2,-0.4389168244183392 -0.4946370927538571 -0.573574139562503 -0.6029820589618027 -0.5983387032671718 -0.6277466226664714 -0.6370333340557244 -0.7020403137804953 -0.7020403137804953 -0.7144225956328297 -0.7144225956328297 -0.7283526627167135 -0.791811857209935 -0.8599144073977872 -0.8506276960085343 -0.6896580319281609 -0.45594246196530447 -0.3305718582103936 -0.24389588524403535 -0.18043669075080518 +38099,-0.11697749625758379,2,-0.4946370927538571 -0.573574139562503 -0.6029820589618027 -0.5983387032671718 -0.6277466226664714 -0.6370333340557244 -0.7020403137804953 -0.7020403137804953 -0.7144225956328297 -0.7144225956328297 -0.7283526627167135 -0.791811857209935 -0.8599144073977872 -0.8506276960085343 -0.6896580319281609 -0.45594246196530447 -0.3305718582103936 -0.24389588524403535 -0.18043669075080518 -0.13864648949917113 +38100,-0.18972340214005814,2,-0.573574139562503 -0.6029820589618027 -0.5983387032671718 -0.6277466226664714 -0.6370333340557244 -0.7020403137804953 -0.7020403137804953 -0.7144225956328297 -0.7144225956328297 -0.7283526627167135 -0.791811857209935 -0.8599144073977872 -0.8506276960085343 -0.6896580319281609 -0.45594246196530447 -0.3305718582103936 -0.24389588524403535 -0.18043669075080518 -0.13864648949917113 -0.11697749625758379 +38101,-0.3119984354318876,2,-0.6029820589618027 -0.5983387032671718 -0.6277466226664714 -0.6370333340557244 -0.7020403137804953 -0.7020403137804953 -0.7144225956328297 -0.7144225956328297 -0.7283526627167135 -0.791811857209935 -0.8599144073977872 -0.8506276960085343 -0.6896580319281609 -0.45594246196530447 -0.3305718582103936 -0.24389588524403535 -0.18043669075080518 -0.13864648949917113 -0.11697749625758379 -0.18972340214005814 +38102,-0.29342501265338167,2,-0.5983387032671718 -0.6277466226664714 -0.6370333340557244 -0.7020403137804953 -0.7020403137804953 -0.7144225956328297 -0.7144225956328297 -0.7283526627167135 -0.791811857209935 -0.8599144073977872 -0.8506276960085343 -0.6896580319281609 -0.45594246196530447 -0.3305718582103936 -0.24389588524403535 -0.18043669075080518 -0.13864648949917113 -0.11697749625758379 -0.18972340214005814 -0.3119984354318876 +38103,-0.4884459518276855,2,-0.6277466226664714 -0.6370333340557244 -0.7020403137804953 -0.7020403137804953 -0.7144225956328297 -0.7144225956328297 -0.7283526627167135 -0.791811857209935 -0.8599144073977872 -0.8506276960085343 -0.6896580319281609 -0.45594246196530447 -0.3305718582103936 -0.24389588524403535 -0.18043669075080518 -0.13864648949917113 -0.11697749625758379 -0.18972340214005814 -0.3119984354318876 -0.29342501265338167 +38104,-0.6385811192872651,2,-0.6370333340557244 -0.7020403137804953 -0.7020403137804953 -0.7144225956328297 -0.7144225956328297 -0.7283526627167135 -0.791811857209935 -0.8599144073977872 -0.8506276960085343 -0.6896580319281609 -0.45594246196530447 -0.3305718582103936 -0.24389588524403535 -0.18043669075080518 -0.13864648949917113 -0.11697749625758379 -0.18972340214005814 -0.3119984354318876 -0.29342501265338167 -0.4884459518276855 +38105,-0.7066836694751262,2,-0.7020403137804953 -0.7020403137804953 -0.7144225956328297 -0.7144225956328297 -0.7283526627167135 -0.791811857209935 -0.8599144073977872 -0.8506276960085343 -0.6896580319281609 -0.45594246196530447 -0.3305718582103936 -0.24389588524403535 -0.18043669075080518 -0.13864648949917113 -0.11697749625758379 -0.18972340214005814 -0.3119984354318876 -0.29342501265338167 -0.4884459518276855 -0.6385811192872651 +38106,-0.7763340048945192,2,-0.7020403137804953 -0.7144225956328297 -0.7144225956328297 -0.7283526627167135 -0.791811857209935 -0.8599144073977872 -0.8506276960085343 -0.6896580319281609 -0.45594246196530447 -0.3305718582103936 -0.24389588524403535 -0.18043669075080518 -0.13864648949917113 -0.11697749625758379 -0.18972340214005814 -0.3119984354318876 -0.29342501265338167 -0.4884459518276855 -0.6385811192872651 -0.7066836694751262 +38107,-0.7933596424414756,2,-0.7144225956328297 -0.7144225956328297 -0.7283526627167135 -0.791811857209935 -0.8599144073977872 -0.8506276960085343 -0.6896580319281609 -0.45594246196530447 -0.3305718582103936 -0.24389588524403535 -0.18043669075080518 -0.13864648949917113 -0.11697749625758379 -0.18972340214005814 -0.3119984354318876 -0.29342501265338167 -0.4884459518276855 -0.6385811192872651 -0.7066836694751262 -0.7763340048945192 +38108,-0.8305064879984876,2,-0.7144225956328297 -0.7283526627167135 -0.791811857209935 -0.8599144073977872 -0.8506276960085343 -0.6896580319281609 -0.45594246196530447 -0.3305718582103936 -0.24389588524403535 -0.18043669075080518 -0.13864648949917113 -0.11697749625758379 -0.18972340214005814 -0.3119984354318876 -0.29342501265338167 -0.4884459518276855 -0.6385811192872651 -0.7066836694751262 -0.7763340048945192 -0.7933596424414756 +38109,-0.8692011187870402,2,-0.7283526627167135 -0.791811857209935 -0.8599144073977872 -0.8506276960085343 -0.6896580319281609 -0.45594246196530447 -0.3305718582103936 -0.24389588524403535 -0.18043669075080518 -0.13864648949917113 -0.11697749625758379 -0.18972340214005814 -0.3119984354318876 -0.29342501265338167 -0.4884459518276855 -0.6385811192872651 -0.7066836694751262 -0.7763340048945192 -0.7933596424414756 -0.8305064879984876 +38110,-0.8815834006393833,2,-0.791811857209935 -0.8599144073977872 -0.8506276960085343 -0.6896580319281609 -0.45594246196530447 -0.3305718582103936 -0.24389588524403535 -0.18043669075080518 -0.13864648949917113 -0.11697749625758379 -0.18972340214005814 -0.3119984354318876 -0.29342501265338167 -0.4884459518276855 -0.6385811192872651 -0.7066836694751262 -0.7763340048945192 -0.7933596424414756 -0.8305064879984876 -0.8692011187870402 +38111,-0.8815834006393833,2,-0.8599144073977872 -0.8506276960085343 -0.6896580319281609 -0.45594246196530447 -0.3305718582103936 -0.24389588524403535 -0.18043669075080518 -0.13864648949917113 -0.11697749625758379 -0.18972340214005814 -0.3119984354318876 -0.29342501265338167 -0.4884459518276855 -0.6385811192872651 -0.7066836694751262 -0.7763340048945192 -0.7933596424414756 -0.8305064879984876 -0.8692011187870402 -0.8815834006393833 +38112,-0.9589726622164886,2,-0.8506276960085343 -0.6896580319281609 -0.45594246196530447 -0.3305718582103936 -0.24389588524403535 -0.18043669075080518 -0.13864648949917113 -0.11697749625758379 -0.18972340214005814 -0.3119984354318876 -0.29342501265338167 -0.4884459518276855 -0.6385811192872651 -0.7066836694751262 -0.7763340048945192 -0.7933596424414756 -0.8305064879984876 -0.8692011187870402 -0.8815834006393833 -0.8815834006393833 +38113,-1.050291990877469,2,-0.6896580319281609 -0.45594246196530447 -0.3305718582103936 -0.24389588524403535 -0.18043669075080518 -0.13864648949917113 -0.11697749625758379 -0.18972340214005814 -0.3119984354318876 -0.29342501265338167 -0.4884459518276855 -0.6385811192872651 -0.7066836694751262 -0.7763340048945192 -0.7933596424414756 -0.8305064879984876 -0.8692011187870402 -0.8815834006393833 -0.8815834006393833 -0.9589726622164886 +38114,-1.064222057961344,2,-0.45594246196530447 -0.3305718582103936 -0.24389588524403535 -0.18043669075080518 -0.13864648949917113 -0.11697749625758379 -0.18972340214005814 -0.3119984354318876 -0.29342501265338167 -0.4884459518276855 -0.6385811192872651 -0.7066836694751262 -0.7763340048945192 -0.7933596424414756 -0.8305064879984876 -0.8692011187870402 -0.8815834006393833 -0.8815834006393833 -0.9589726622164886 -1.050291990877469 +38115,-1.0812476955083092,2,-0.3305718582103936 -0.24389588524403535 -0.18043669075080518 -0.13864648949917113 -0.11697749625758379 -0.18972340214005814 -0.3119984354318876 -0.29342501265338167 -0.4884459518276855 -0.6385811192872651 -0.7066836694751262 -0.7763340048945192 -0.7933596424414756 -0.8305064879984876 -0.8692011187870402 -0.8815834006393833 -0.8815834006393833 -0.9589726622164886 -1.050291990877469 -1.064222057961344 +38116,-1.027075212404341,2,-0.24389588524403535 -0.18043669075080518 -0.13864648949917113 -0.11697749625758379 -0.18972340214005814 -0.3119984354318876 -0.29342501265338167 -0.4884459518276855 -0.6385811192872651 -0.7066836694751262 -0.7763340048945192 -0.7933596424414756 -0.8305064879984876 -0.8692011187870402 -0.8815834006393833 -0.8815834006393833 -0.9589726622164886 -1.050291990877469 -1.064222057961344 -1.0812476955083092 +38117,-0.9729027293003637,2,-0.18043669075080518 -0.13864648949917113 -0.11697749625758379 -0.18972340214005814 -0.3119984354318876 -0.29342501265338167 -0.4884459518276855 -0.6385811192872651 -0.7066836694751262 -0.7763340048945192 -0.7933596424414756 -0.8305064879984876 -0.8692011187870402 -0.8815834006393833 -0.8815834006393833 -0.9589726622164886 -1.050291990877469 -1.064222057961344 -1.0812476955083092 -1.027075212404341 +38118,-0.8444365550823715,2,-0.13864648949917113 -0.11697749625758379 -0.18972340214005814 -0.3119984354318876 -0.29342501265338167 -0.4884459518276855 -0.6385811192872651 -0.7066836694751262 -0.7763340048945192 -0.7933596424414756 -0.8305064879984876 -0.8692011187870402 -0.8815834006393833 -0.8815834006393833 -0.9589726622164886 -1.050291990877469 -1.064222057961344 -1.0812476955083092 -1.027075212404341 -0.9729027293003637 +38119,-0.8103852799884409,2,-0.11697749625758379 -0.18972340214005814 -0.3119984354318876 -0.29342501265338167 -0.4884459518276855 -0.6385811192872651 -0.7066836694751262 -0.7763340048945192 -0.7933596424414756 -0.8305064879984876 -0.8692011187870402 -0.8815834006393833 -0.8815834006393833 -0.9589726622164886 -1.050291990877469 -1.064222057961344 -1.0812476955083092 -1.027075212404341 -0.9729027293003637 -0.8444365550823715 +38120,-0.633937763592643,2,-0.18972340214005814 -0.3119984354318876 -0.29342501265338167 -0.4884459518276855 -0.6385811192872651 -0.7066836694751262 -0.7763340048945192 -0.7933596424414756 -0.8305064879984876 -0.8692011187870402 -0.8815834006393833 -0.8815834006393833 -0.9589726622164886 -1.050291990877469 -1.064222057961344 -1.0812476955083092 -1.027075212404341 -0.9729027293003637 -0.8444365550823715 -0.8103852799884409 +38121,-0.5813130657202153,2,-0.3119984354318876 -0.29342501265338167 -0.4884459518276855 -0.6385811192872651 -0.7066836694751262 -0.7763340048945192 -0.7933596424414756 -0.8305064879984876 -0.8692011187870402 -0.8815834006393833 -0.8815834006393833 -0.9589726622164886 -1.050291990877469 -1.064222057961344 -1.0812476955083092 -1.027075212404341 -0.9729027293003637 -0.8444365550823715 -0.8103852799884409 -0.633937763592643 +38122,-0.5627396429417093,2,-0.29342501265338167 -0.4884459518276855 -0.6385811192872651 -0.7066836694751262 -0.7763340048945192 -0.7933596424414756 -0.8305064879984876 -0.8692011187870402 -0.8815834006393833 -0.8815834006393833 -0.9589726622164886 -1.050291990877469 -1.064222057961344 -1.0812476955083092 -1.027075212404341 -0.9729027293003637 -0.8444365550823715 -0.8103852799884409 -0.633937763592643 -0.5813130657202153 +38123,-0.6308421931295616,2,-0.4884459518276855 -0.6385811192872651 -0.7066836694751262 -0.7763340048945192 -0.7933596424414756 -0.8305064879984876 -0.8692011187870402 -0.8815834006393833 -0.8815834006393833 -0.9589726622164886 -1.050291990877469 -1.064222057961344 -1.0812476955083092 -1.027075212404341 -0.9729027293003637 -0.8444365550823715 -0.8103852799884409 -0.633937763592643 -0.5813130657202153 -0.5627396429417093 +38124,-0.6122687703510556,2,-0.6385811192872651 -0.7066836694751262 -0.7763340048945192 -0.7933596424414756 -0.8305064879984876 -0.8692011187870402 -0.8815834006393833 -0.8815834006393833 -0.9589726622164886 -1.050291990877469 -1.064222057961344 -1.0812476955083092 -1.027075212404341 -0.9729027293003637 -0.8444365550823715 -0.8103852799884409 -0.633937763592643 -0.5813130657202153 -0.5627396429417093 -0.6308421931295616 +38125,-0.601434273730262,2,-0.7066836694751262 -0.7763340048945192 -0.7933596424414756 -0.8305064879984876 -0.8692011187870402 -0.8815834006393833 -0.8815834006393833 -0.9589726622164886 -1.050291990877469 -1.064222057961344 -1.0812476955083092 -1.027075212404341 -0.9729027293003637 -0.8444365550823715 -0.8103852799884409 -0.633937763592643 -0.5813130657202153 -0.5627396429417093 -0.6308421931295616 -0.6122687703510556 +38126,-0.6587023272973206,2,-0.7763340048945192 -0.7933596424414756 -0.8305064879984876 -0.8692011187870402 -0.8815834006393833 -0.8815834006393833 -0.9589726622164886 -1.050291990877469 -1.064222057961344 -1.0812476955083092 -1.027075212404341 -0.9729027293003637 -0.8444365550823715 -0.8103852799884409 -0.633937763592643 -0.5813130657202153 -0.5627396429417093 -0.6308421931295616 -0.6122687703510556 -0.601434273730262 +38127,-0.6973969580858732,2,-0.7933596424414756 -0.8305064879984876 -0.8692011187870402 -0.8815834006393833 -0.8815834006393833 -0.9589726622164886 -1.050291990877469 -1.064222057961344 -1.0812476955083092 -1.027075212404341 -0.9729027293003637 -0.8444365550823715 -0.8103852799884409 -0.633937763592643 -0.5813130657202153 -0.5627396429417093 -0.6308421931295616 -0.6122687703510556 -0.601434273730262 -0.6587023272973206 +38128,-0.7082314547066669,2,-0.8305064879984876 -0.8692011187870402 -0.8815834006393833 -0.8815834006393833 -0.9589726622164886 -1.050291990877469 -1.064222057961344 -1.0812476955083092 -1.027075212404341 -0.9729027293003637 -0.8444365550823715 -0.8103852799884409 -0.633937763592643 -0.5813130657202153 -0.5627396429417093 -0.6308421931295616 -0.6122687703510556 -0.601434273730262 -0.6587023272973206 -0.6973969580858732 +38129,-0.7856207162837722,2,-0.8692011187870402 -0.8815834006393833 -0.8815834006393833 -0.9589726622164886 -1.050291990877469 -1.064222057961344 -1.0812476955083092 -1.027075212404341 -0.9729027293003637 -0.8444365550823715 -0.8103852799884409 -0.633937763592643 -0.5813130657202153 -0.5627396429417093 -0.6308421931295616 -0.6122687703510556 -0.601434273730262 -0.6587023272973206 -0.6973969580858732 -0.7082314547066669 +38130,-0.7871685015153128,2,-0.8815834006393833 -0.8815834006393833 -0.9589726622164886 -1.050291990877469 -1.064222057961344 -1.0812476955083092 -1.027075212404341 -0.9729027293003637 -0.8444365550823715 -0.8103852799884409 -0.633937763592643 -0.5813130657202153 -0.5627396429417093 -0.6308421931295616 -0.6122687703510556 -0.601434273730262 -0.6587023272973206 -0.6973969580858732 -0.7082314547066669 -0.7856207162837722 +38131,-0.8057419242938189,2,-0.8815834006393833 -0.9589726622164886 -1.050291990877469 -1.064222057961344 -1.0812476955083092 -1.027075212404341 -0.9729027293003637 -0.8444365550823715 -0.8103852799884409 -0.633937763592643 -0.5813130657202153 -0.5627396429417093 -0.6308421931295616 -0.6122687703510556 -0.601434273730262 -0.6587023272973206 -0.6973969580858732 -0.7082314547066669 -0.7856207162837722 -0.7871685015153128 +38132,-0.8305064879984876,2,-0.9589726622164886 -1.050291990877469 -1.064222057961344 -1.0812476955083092 -1.027075212404341 -0.9729027293003637 -0.8444365550823715 -0.8103852799884409 -0.633937763592643 -0.5813130657202153 -0.5627396429417093 -0.6308421931295616 -0.6122687703510556 -0.601434273730262 -0.6587023272973206 -0.6973969580858732 -0.7082314547066669 -0.7856207162837722 -0.7871685015153128 -0.8057419242938189 +38133,-0.8041941390622781,2,-1.050291990877469 -1.064222057961344 -1.0812476955083092 -1.027075212404341 -0.9729027293003637 -0.8444365550823715 -0.8103852799884409 -0.633937763592643 -0.5813130657202153 -0.5627396429417093 -0.6308421931295616 -0.6122687703510556 -0.601434273730262 -0.6587023272973206 -0.6973969580858732 -0.7082314547066669 -0.7856207162837722 -0.7871685015153128 -0.8057419242938189 -0.8305064879984876 +38134,-0.8428887698508307,2,-1.064222057961344 -1.0812476955083092 -1.027075212404341 -0.9729027293003637 -0.8444365550823715 -0.8103852799884409 -0.633937763592643 -0.5813130657202153 -0.5627396429417093 -0.6308421931295616 -0.6122687703510556 -0.601434273730262 -0.6587023272973206 -0.6973969580858732 -0.7082314547066669 -0.7856207162837722 -0.7871685015153128 -0.8057419242938189 -0.8305064879984876 -0.8041941390622781 +38135,-0.8692011187870402,2,-1.0812476955083092 -1.027075212404341 -0.9729027293003637 -0.8444365550823715 -0.8103852799884409 -0.633937763592643 -0.5813130657202153 -0.5627396429417093 -0.6308421931295616 -0.6122687703510556 -0.601434273730262 -0.6587023272973206 -0.6973969580858732 -0.7082314547066669 -0.7856207162837722 -0.7871685015153128 -0.8057419242938189 -0.8305064879984876 -0.8041941390622781 -0.8428887698508307 +38136,-0.8955134677232585,2,-1.027075212404341 -0.9729027293003637 -0.8444365550823715 -0.8103852799884409 -0.633937763592643 -0.5813130657202153 -0.5627396429417093 -0.6308421931295616 -0.6122687703510556 -0.601434273730262 -0.6587023272973206 -0.6973969580858732 -0.7082314547066669 -0.7856207162837722 -0.7871685015153128 -0.8057419242938189 -0.8305064879984876 -0.8041941390622781 -0.8428887698508307 -0.8692011187870402 +38137,-0.9465903803641454,2,-0.9729027293003637 -0.8444365550823715 -0.8103852799884409 -0.633937763592643 -0.5813130657202153 -0.5627396429417093 -0.6308421931295616 -0.6122687703510556 -0.601434273730262 -0.6587023272973206 -0.6973969580858732 -0.7082314547066669 -0.7856207162837722 -0.7871685015153128 -0.8057419242938189 -0.8305064879984876 -0.8041941390622781 -0.8428887698508307 -0.8692011187870402 -0.8955134677232585 +38138,-0.920278031427936,2,-0.8444365550823715 -0.8103852799884409 -0.633937763592643 -0.5813130657202153 -0.5627396429417093 -0.6308421931295616 -0.6122687703510556 -0.601434273730262 -0.6587023272973206 -0.6973969580858732 -0.7082314547066669 -0.7856207162837722 -0.7871685015153128 -0.8057419242938189 -0.8305064879984876 -0.8041941390622781 -0.8428887698508307 -0.8692011187870402 -0.8955134677232585 -0.9465903803641454 +38139,-0.9373036689748925,2,-0.8103852799884409 -0.633937763592643 -0.5813130657202153 -0.5627396429417093 -0.6308421931295616 -0.6122687703510556 -0.601434273730262 -0.6587023272973206 -0.6973969580858732 -0.7082314547066669 -0.7856207162837722 -0.7871685015153128 -0.8057419242938189 -0.8305064879984876 -0.8041941390622781 -0.8428887698508307 -0.8692011187870402 -0.8955134677232585 -0.9465903803641454 -0.920278031427936 +38140,-0.943494809901064,2,-0.633937763592643 -0.5813130657202153 -0.5627396429417093 -0.6308421931295616 -0.6122687703510556 -0.601434273730262 -0.6587023272973206 -0.6973969580858732 -0.7082314547066669 -0.7856207162837722 -0.7871685015153128 -0.8057419242938189 -0.8305064879984876 -0.8041941390622781 -0.8428887698508307 -0.8692011187870402 -0.8955134677232585 -0.9465903803641454 -0.920278031427936 -0.9373036689748925 +38141,-0.910991320038683,2,-0.5813130657202153 -0.5627396429417093 -0.6308421931295616 -0.6122687703510556 -0.601434273730262 -0.6587023272973206 -0.6973969580858732 -0.7082314547066669 -0.7856207162837722 -0.7871685015153128 -0.8057419242938189 -0.8305064879984876 -0.8041941390622781 -0.8428887698508307 -0.8692011187870402 -0.8955134677232585 -0.9465903803641454 -0.920278031427936 -0.9373036689748925 -0.943494809901064 +38142,-0.8630099778608774,2,-0.5627396429417093 -0.6308421931295616 -0.6122687703510556 -0.601434273730262 -0.6587023272973206 -0.6973969580858732 -0.7082314547066669 -0.7856207162837722 -0.7871685015153128 -0.8057419242938189 -0.8305064879984876 -0.8041941390622781 -0.8428887698508307 -0.8692011187870402 -0.8955134677232585 -0.9465903803641454 -0.920278031427936 -0.9373036689748925 -0.943494809901064 -0.910991320038683 +38143,-0.7562127968844725,2,-0.6308421931295616 -0.6122687703510556 -0.601434273730262 -0.6587023272973206 -0.6973969580858732 -0.7082314547066669 -0.7856207162837722 -0.7871685015153128 -0.8057419242938189 -0.8305064879984876 -0.8041941390622781 -0.8428887698508307 -0.8692011187870402 -0.8955134677232585 -0.9465903803641454 -0.920278031427936 -0.9373036689748925 -0.943494809901064 -0.910991320038683 -0.8630099778608774 +38144,-0.6881102466966202,2,-0.6122687703510556 -0.601434273730262 -0.6587023272973206 -0.6973969580858732 -0.7082314547066669 -0.7856207162837722 -0.7871685015153128 -0.8057419242938189 -0.8305064879984876 -0.8041941390622781 -0.8428887698508307 -0.8692011187870402 -0.8955134677232585 -0.9465903803641454 -0.920278031427936 -0.9373036689748925 -0.943494809901064 -0.910991320038683 -0.8630099778608774 -0.7562127968844725 +38145,-0.6401289045188147,2,-0.601434273730262 -0.6587023272973206 -0.6973969580858732 -0.7082314547066669 -0.7856207162837722 -0.7871685015153128 -0.8057419242938189 -0.8305064879984876 -0.8041941390622781 -0.8428887698508307 -0.8692011187870402 -0.8955134677232585 -0.9465903803641454 -0.920278031427936 -0.9373036689748925 -0.943494809901064 -0.910991320038683 -0.8630099778608774 -0.7562127968844725 -0.6881102466966202 +38146,-0.601434273730262,2,-0.6587023272973206 -0.6973969580858732 -0.7082314547066669 -0.7856207162837722 -0.7871685015153128 -0.8057419242938189 -0.8305064879984876 -0.8041941390622781 -0.8428887698508307 -0.8692011187870402 -0.8955134677232585 -0.9465903803641454 -0.920278031427936 -0.9373036689748925 -0.943494809901064 -0.910991320038683 -0.8630099778608774 -0.7562127968844725 -0.6881102466966202 -0.6401289045188147 +38147,-0.5116627303008136,2,-0.6973969580858732 -0.7082314547066669 -0.7856207162837722 -0.7871685015153128 -0.8057419242938189 -0.8305064879984876 -0.8041941390622781 -0.8428887698508307 -0.8692011187870402 -0.8955134677232585 -0.9465903803641454 -0.920278031427936 -0.9373036689748925 -0.943494809901064 -0.910991320038683 -0.8630099778608774 -0.7562127968844725 -0.6881102466966202 -0.6401289045188147 -0.601434273730262 +38148,-0.4853503813646041,2,-0.7082314547066669 -0.7856207162837722 -0.7871685015153128 -0.8057419242938189 -0.8305064879984876 -0.8041941390622781 -0.8428887698508307 -0.8692011187870402 -0.8955134677232585 -0.9465903803641454 -0.920278031427936 -0.9373036689748925 -0.943494809901064 -0.910991320038683 -0.8630099778608774 -0.7562127968844725 -0.6881102466966202 -0.6401289045188147 -0.601434273730262 -0.5116627303008136 +38149,-0.45903803242838587,2,-0.7856207162837722 -0.7871685015153128 -0.8057419242938189 -0.8305064879984876 -0.8041941390622781 -0.8428887698508307 -0.8692011187870402 -0.8955134677232585 -0.9465903803641454 -0.920278031427936 -0.9373036689748925 -0.943494809901064 -0.910991320038683 -0.8630099778608774 -0.7562127968844725 -0.6881102466966202 -0.6401289045188147 -0.601434273730262 -0.5116627303008136 -0.4853503813646041 +38150,-0.46987252904917953,2,-0.7871685015153128 -0.8057419242938189 -0.8305064879984876 -0.8041941390622781 -0.8428887698508307 -0.8692011187870402 -0.8955134677232585 -0.9465903803641454 -0.920278031427936 -0.9373036689748925 -0.943494809901064 -0.910991320038683 -0.8630099778608774 -0.7562127968844725 -0.6881102466966202 -0.6401289045188147 -0.601434273730262 -0.5116627303008136 -0.4853503813646041 -0.45903803242838587 +38151,-0.5333317235424098,2,-0.8057419242938189 -0.8305064879984876 -0.8041941390622781 -0.8428887698508307 -0.8692011187870402 -0.8955134677232585 -0.9465903803641454 -0.920278031427936 -0.9373036689748925 -0.943494809901064 -0.910991320038683 -0.8630099778608774 -0.7562127968844725 -0.6881102466966202 -0.6401289045188147 -0.601434273730262 -0.5116627303008136 -0.4853503813646041 -0.45903803242838587 -0.46987252904917953 +38152,-0.5348795087739504,2,-0.8305064879984876 -0.8041941390622781 -0.8428887698508307 -0.8692011187870402 -0.8955134677232585 -0.9465903803641454 -0.920278031427936 -0.9373036689748925 -0.943494809901064 -0.910991320038683 -0.8630099778608774 -0.7562127968844725 -0.6881102466966202 -0.6401289045188147 -0.601434273730262 -0.5116627303008136 -0.4853503813646041 -0.45903803242838587 -0.46987252904917953 -0.5333317235424098 +38153,-0.5054715893746508,2,-0.8041941390622781 -0.8428887698508307 -0.8692011187870402 -0.8955134677232585 -0.9465903803641454 -0.920278031427936 -0.9373036689748925 -0.943494809901064 -0.910991320038683 -0.8630099778608774 -0.7562127968844725 -0.6881102466966202 -0.6401289045188147 -0.601434273730262 -0.5116627303008136 -0.4853503813646041 -0.45903803242838587 -0.46987252904917953 -0.5333317235424098 -0.5348795087739504 +38154,-0.49154152229076686,2,-0.8428887698508307 -0.8692011187870402 -0.8955134677232585 -0.9465903803641454 -0.920278031427936 -0.9373036689748925 -0.943494809901064 -0.910991320038683 -0.8630099778608774 -0.7562127968844725 -0.6881102466966202 -0.6401289045188147 -0.601434273730262 -0.5116627303008136 -0.4853503813646041 -0.45903803242838587 -0.46987252904917953 -0.5333317235424098 -0.5348795087739504 -0.5054715893746508 +38155,-0.45903803242838587,2,-0.8692011187870402 -0.8955134677232585 -0.9465903803641454 -0.920278031427936 -0.9373036689748925 -0.943494809901064 -0.910991320038683 -0.8630099778608774 -0.7562127968844725 -0.6881102466966202 -0.6401289045188147 -0.601434273730262 -0.5116627303008136 -0.4853503813646041 -0.45903803242838587 -0.46987252904917953 -0.5333317235424098 -0.5348795087739504 -0.5054715893746508 -0.49154152229076686 +38156,-0.45749024719684517,2,-0.8955134677232585 -0.9465903803641454 -0.920278031427936 -0.9373036689748925 -0.943494809901064 -0.910991320038683 -0.8630099778608774 -0.7562127968844725 -0.6881102466966202 -0.6401289045188147 -0.601434273730262 -0.5116627303008136 -0.4853503813646041 -0.45903803242838587 -0.46987252904917953 -0.5333317235424098 -0.5348795087739504 -0.5054715893746508 -0.49154152229076686 -0.45903803242838587 +38157,-0.5085671598377322,2,-0.9465903803641454 -0.920278031427936 -0.9373036689748925 -0.943494809901064 -0.910991320038683 -0.8630099778608774 -0.7562127968844725 -0.6881102466966202 -0.6401289045188147 -0.601434273730262 -0.5116627303008136 -0.4853503813646041 -0.45903803242838587 -0.46987252904917953 -0.5333317235424098 -0.5348795087739504 -0.5054715893746508 -0.49154152229076686 -0.45903803242838587 -0.45749024719684517 +38158,-0.5209494416900665,2,-0.920278031427936 -0.9373036689748925 -0.943494809901064 -0.910991320038683 -0.8630099778608774 -0.7562127968844725 -0.6881102466966202 -0.6401289045188147 -0.601434273730262 -0.5116627303008136 -0.4853503813646041 -0.45903803242838587 -0.46987252904917953 -0.5333317235424098 -0.5348795087739504 -0.5054715893746508 -0.49154152229076686 -0.45903803242838587 -0.45749024719684517 -0.5085671598377322 +38159,-0.5348795087739504,2,-0.9373036689748925 -0.943494809901064 -0.910991320038683 -0.8630099778608774 -0.7562127968844725 -0.6881102466966202 -0.6401289045188147 -0.601434273730262 -0.5116627303008136 -0.4853503813646041 -0.45903803242838587 -0.46987252904917953 -0.5333317235424098 -0.5348795087739504 -0.5054715893746508 -0.49154152229076686 -0.45903803242838587 -0.45749024719684517 -0.5085671598377322 -0.5209494416900665 +38160,-0.5085671598377322,2,-0.943494809901064 -0.910991320038683 -0.8630099778608774 -0.7562127968844725 -0.6881102466966202 -0.6401289045188147 -0.601434273730262 -0.5116627303008136 -0.4853503813646041 -0.45903803242838587 -0.46987252904917953 -0.5333317235424098 -0.5348795087739504 -0.5054715893746508 -0.49154152229076686 -0.45903803242838587 -0.45749024719684517 -0.5085671598377322 -0.5209494416900665 -0.5348795087739504 +38161,-0.5209494416900665,2,-0.910991320038683 -0.8630099778608774 -0.7562127968844725 -0.6881102466966202 -0.6401289045188147 -0.601434273730262 -0.5116627303008136 -0.4853503813646041 -0.45903803242838587 -0.46987252904917953 -0.5333317235424098 -0.5348795087739504 -0.5054715893746508 -0.49154152229076686 -0.45903803242838587 -0.45749024719684517 -0.5085671598377322 -0.5209494416900665 -0.5348795087739504 -0.5085671598377322 +38162,-0.5333317235424098,2,-0.8630099778608774 -0.7562127968844725 -0.6881102466966202 -0.6401289045188147 -0.601434273730262 -0.5116627303008136 -0.4853503813646041 -0.45903803242838587 -0.46987252904917953 -0.5333317235424098 -0.5348795087739504 -0.5054715893746508 -0.49154152229076686 -0.45903803242838587 -0.45749024719684517 -0.5085671598377322 -0.5209494416900665 -0.5348795087739504 -0.5085671598377322 -0.5209494416900665 +38163,-0.5286883678477788,2,-0.7562127968844725 -0.6881102466966202 -0.6401289045188147 -0.601434273730262 -0.5116627303008136 -0.4853503813646041 -0.45903803242838587 -0.46987252904917953 -0.5333317235424098 -0.5348795087739504 -0.5054715893746508 -0.49154152229076686 -0.45903803242838587 -0.45749024719684517 -0.5085671598377322 -0.5209494416900665 -0.5348795087739504 -0.5085671598377322 -0.5209494416900665 -0.5333317235424098 +38164,-0.4760636699753511,2,-0.6881102466966202 -0.6401289045188147 -0.601434273730262 -0.5116627303008136 -0.4853503813646041 -0.45903803242838587 -0.46987252904917953 -0.5333317235424098 -0.5348795087739504 -0.5054715893746508 -0.49154152229076686 -0.45903803242838587 -0.45749024719684517 -0.5085671598377322 -0.5209494416900665 -0.5348795087739504 -0.5085671598377322 -0.5209494416900665 -0.5333317235424098 -0.5286883678477788 +38165,-0.46677695858609813,2,-0.6401289045188147 -0.601434273730262 -0.5116627303008136 -0.4853503813646041 -0.45903803242838587 -0.46987252904917953 -0.5333317235424098 -0.5348795087739504 -0.5054715893746508 -0.49154152229076686 -0.45903803242838587 -0.45749024719684517 -0.5085671598377322 -0.5209494416900665 -0.5348795087739504 -0.5085671598377322 -0.5209494416900665 -0.5333317235424098 -0.5286883678477788 -0.4760636699753511 +38166,-0.41879561640829255,2,-0.601434273730262 -0.5116627303008136 -0.4853503813646041 -0.45903803242838587 -0.46987252904917953 -0.5333317235424098 -0.5348795087739504 -0.5054715893746508 -0.49154152229076686 -0.45903803242838587 -0.45749024719684517 -0.5085671598377322 -0.5209494416900665 -0.5348795087739504 -0.5085671598377322 -0.5209494416900665 -0.5333317235424098 -0.5286883678477788 -0.4760636699753511 -0.46677695858609813 +38167,-0.273303804643335,2,-0.5116627303008136 -0.4853503813646041 -0.45903803242838587 -0.46987252904917953 -0.5333317235424098 -0.5348795087739504 -0.5054715893746508 -0.49154152229076686 -0.45903803242838587 -0.45749024719684517 -0.5085671598377322 -0.5209494416900665 -0.5348795087739504 -0.5085671598377322 -0.5209494416900665 -0.5333317235424098 -0.5286883678477788 -0.4760636699753511 -0.46677695858609813 -0.41879561640829255 +38168,-0.23460917385478236,2,-0.4853503813646041 -0.45903803242838587 -0.46987252904917953 -0.5333317235424098 -0.5348795087739504 -0.5054715893746508 -0.49154152229076686 -0.45903803242838587 -0.45749024719684517 -0.5085671598377322 -0.5209494416900665 -0.5348795087739504 -0.5085671598377322 -0.5209494416900665 -0.5333317235424098 -0.5286883678477788 -0.4760636699753511 -0.46677695858609813 -0.41879561640829255 -0.273303804643335 +38169,-0.14638541565688343,2,-0.45903803242838587 -0.46987252904917953 -0.5333317235424098 -0.5348795087739504 -0.5054715893746508 -0.49154152229076686 -0.45903803242838587 -0.45749024719684517 -0.5085671598377322 -0.5209494416900665 -0.5348795087739504 -0.5085671598377322 -0.5209494416900665 -0.5333317235424098 -0.5286883678477788 -0.4760636699753511 -0.46677695858609813 -0.41879561640829255 -0.273303804643335 -0.23460917385478236 +38170,-0.07828286546903115,2,-0.46987252904917953 -0.5333317235424098 -0.5348795087739504 -0.5054715893746508 -0.49154152229076686 -0.45903803242838587 -0.45749024719684517 -0.5085671598377322 -0.5209494416900665 -0.5348795087739504 -0.5085671598377322 -0.5209494416900665 -0.5333317235424098 -0.5286883678477788 -0.4760636699753511 -0.46677695858609813 -0.41879561640829255 -0.273303804643335 -0.23460917385478236 -0.14638541565688343 +38171,-0.07828286546903115,2,-0.5333317235424098 -0.5348795087739504 -0.5054715893746508 -0.49154152229076686 -0.45903803242838587 -0.45749024719684517 -0.5085671598377322 -0.5209494416900665 -0.5348795087739504 -0.5085671598377322 -0.5209494416900665 -0.5333317235424098 -0.5286883678477788 -0.4760636699753511 -0.46677695858609813 -0.41879561640829255 -0.273303804643335 -0.23460917385478236 -0.14638541565688343 -0.07828286546903115 +38172,-0.08756957685828413,2,-0.5348795087739504 -0.5054715893746508 -0.49154152229076686 -0.45903803242838587 -0.45749024719684517 -0.5085671598377322 -0.5209494416900665 -0.5348795087739504 -0.5085671598377322 -0.5209494416900665 -0.5333317235424098 -0.5286883678477788 -0.4760636699753511 -0.46677695858609813 -0.41879561640829255 -0.273303804643335 -0.23460917385478236 -0.14638541565688343 -0.07828286546903115 -0.07828286546903115 +38173,-0.11852528148912447,2,-0.5054715893746508 -0.49154152229076686 -0.45903803242838587 -0.45749024719684517 -0.5085671598377322 -0.5209494416900665 -0.5348795087739504 -0.5085671598377322 -0.5209494416900665 -0.5333317235424098 -0.5286883678477788 -0.4760636699753511 -0.46677695858609813 -0.41879561640829255 -0.273303804643335 -0.23460917385478236 -0.14638541565688343 -0.07828286546903115 -0.07828286546903115 -0.08756957685828413 +38174,-0.23306138862324166,2,-0.49154152229076686 -0.45903803242838587 -0.45749024719684517 -0.5085671598377322 -0.5209494416900665 -0.5348795087739504 -0.5085671598377322 -0.5209494416900665 -0.5333317235424098 -0.5286883678477788 -0.4760636699753511 -0.46677695858609813 -0.41879561640829255 -0.273303804643335 -0.23460917385478236 -0.14638541565688343 -0.07828286546903115 -0.07828286546903115 -0.08756957685828413 -0.11852528148912447 +38175,-0.273303804643335,2,-0.45903803242838587 -0.45749024719684517 -0.5085671598377322 -0.5209494416900665 -0.5348795087739504 -0.5085671598377322 -0.5209494416900665 -0.5333317235424098 -0.5286883678477788 -0.4760636699753511 -0.46677695858609813 -0.41879561640829255 -0.273303804643335 -0.23460917385478236 -0.14638541565688343 -0.07828286546903115 -0.07828286546903115 -0.08756957685828413 -0.11852528148912447 -0.23306138862324166 +38176,-0.35997977760969324,2,-0.45749024719684517 -0.5085671598377322 -0.5209494416900665 -0.5348795087739504 -0.5085671598377322 -0.5209494416900665 -0.5333317235424098 -0.5286883678477788 -0.4760636699753511 -0.46677695858609813 -0.41879561640829255 -0.273303804643335 -0.23460917385478236 -0.14638541565688343 -0.07828286546903115 -0.07828286546903115 -0.08756957685828413 -0.11852528148912447 -0.23306138862324166 -0.273303804643335 +38177,-0.356884207146603,2,-0.5085671598377322 -0.5209494416900665 -0.5348795087739504 -0.5085671598377322 -0.5209494416900665 -0.5333317235424098 -0.5286883678477788 -0.4760636699753511 -0.46677695858609813 -0.41879561640829255 -0.273303804643335 -0.23460917385478236 -0.14638541565688343 -0.07828286546903115 -0.07828286546903115 -0.08756957685828413 -0.11852528148912447 -0.23306138862324166 -0.273303804643335 -0.35997977760969324 +38178,-0.38319655608282127,2,-0.5209494416900665 -0.5348795087739504 -0.5085671598377322 -0.5209494416900665 -0.5333317235424098 -0.5286883678477788 -0.4760636699753511 -0.46677695858609813 -0.41879561640829255 -0.273303804643335 -0.23460917385478236 -0.14638541565688343 -0.07828286546903115 -0.07828286546903115 -0.08756957685828413 -0.11852528148912447 -0.23306138862324166 -0.273303804643335 -0.35997977760969324 -0.356884207146603 +38179,-0.3537886366835216,2,-0.5348795087739504 -0.5085671598377322 -0.5209494416900665 -0.5333317235424098 -0.5286883678477788 -0.4760636699753511 -0.46677695858609813 -0.41879561640829255 -0.273303804643335 -0.23460917385478236 -0.14638541565688343 -0.07828286546903115 -0.07828286546903115 -0.08756957685828413 -0.11852528148912447 -0.23306138862324166 -0.273303804643335 -0.35997977760969324 -0.356884207146603 -0.38319655608282127 +38180,-0.3537886366835216,2,-0.5085671598377322 -0.5209494416900665 -0.5333317235424098 -0.5286883678477788 -0.4760636699753511 -0.46677695858609813 -0.41879561640829255 -0.273303804643335 -0.23460917385478236 -0.14638541565688343 -0.07828286546903115 -0.07828286546903115 -0.08756957685828413 -0.11852528148912447 -0.23306138862324166 -0.273303804643335 -0.35997977760969324 -0.356884207146603 -0.38319655608282127 -0.3537886366835216 +38181,-0.3553364219150623,2,-0.5209494416900665 -0.5333317235424098 -0.5286883678477788 -0.4760636699753511 -0.46677695858609813 -0.41879561640829255 -0.273303804643335 -0.23460917385478236 -0.14638541565688343 -0.07828286546903115 -0.07828286546903115 -0.08756957685828413 -0.11852528148912447 -0.23306138862324166 -0.273303804643335 -0.35997977760969324 -0.356884207146603 -0.38319655608282127 -0.3537886366835216 -0.3537886366835216 +38182,-0.3785532003881992,2,-0.5333317235424098 -0.5286883678477788 -0.4760636699753511 -0.46677695858609813 -0.41879561640829255 -0.273303804643335 -0.23460917385478236 -0.14638541565688343 -0.07828286546903115 -0.07828286546903115 -0.08756957685828413 -0.11852528148912447 -0.23306138862324166 -0.273303804643335 -0.35997977760969324 -0.356884207146603 -0.38319655608282127 -0.3537886366835216 -0.3537886366835216 -0.3553364219150623 +38183,-0.3924832674720743,2,-0.5286883678477788 -0.4760636699753511 -0.46677695858609813 -0.41879561640829255 -0.273303804643335 -0.23460917385478236 -0.14638541565688343 -0.07828286546903115 -0.07828286546903115 -0.08756957685828413 -0.11852528148912447 -0.23306138862324166 -0.273303804643335 -0.35997977760969324 -0.356884207146603 -0.38319655608282127 -0.3537886366835216 -0.3537886366835216 -0.3553364219150623 -0.3785532003881992 +38184,-0.3785532003881992,2,-0.4760636699753511 -0.46677695858609813 -0.41879561640829255 -0.273303804643335 -0.23460917385478236 -0.14638541565688343 -0.07828286546903115 -0.07828286546903115 -0.08756957685828413 -0.11852528148912447 -0.23306138862324166 -0.273303804643335 -0.35997977760969324 -0.356884207146603 -0.38319655608282127 -0.3537886366835216 -0.3537886366835216 -0.3553364219150623 -0.3785532003881992 -0.3924832674720743 +38185,-0.3924832674720743,2,-0.46677695858609813 -0.41879561640829255 -0.273303804643335 -0.23460917385478236 -0.14638541565688343 -0.07828286546903115 -0.07828286546903115 -0.08756957685828413 -0.11852528148912447 -0.23306138862324166 -0.273303804643335 -0.35997977760969324 -0.356884207146603 -0.38319655608282127 -0.3537886366835216 -0.3537886366835216 -0.3553364219150623 -0.3785532003881992 -0.3924832674720743 -0.3785532003881992 +38186,-0.3785532003881992,2,-0.41879561640829255 -0.273303804643335 -0.23460917385478236 -0.14638541565688343 -0.07828286546903115 -0.07828286546903115 -0.08756957685828413 -0.11852528148912447 -0.23306138862324166 -0.273303804643335 -0.35997977760969324 -0.356884207146603 -0.38319655608282127 -0.3537886366835216 -0.3537886366835216 -0.3553364219150623 -0.3785532003881992 -0.3924832674720743 -0.3785532003881992 -0.3924832674720743 +38187,-0.4296301130290862,2,-0.273303804643335 -0.23460917385478236 -0.14638541565688343 -0.07828286546903115 -0.07828286546903115 -0.08756957685828413 -0.11852528148912447 -0.23306138862324166 -0.273303804643335 -0.35997977760969324 -0.356884207146603 -0.38319655608282127 -0.3537886366835216 -0.3537886366835216 -0.3553364219150623 -0.3785532003881992 -0.3924832674720743 -0.3785532003881992 -0.3924832674720743 -0.3785532003881992 +38188,-0.3893876970089929,2,-0.23460917385478236 -0.14638541565688343 -0.07828286546903115 -0.07828286546903115 -0.08756957685828413 -0.11852528148912447 -0.23306138862324166 -0.273303804643335 -0.35997977760969324 -0.356884207146603 -0.38319655608282127 -0.3537886366835216 -0.3537886366835216 -0.3553364219150623 -0.3785532003881992 -0.3924832674720743 -0.3785532003881992 -0.3924832674720743 -0.3785532003881992 -0.4296301130290862 +38189,-0.25318259663328835,2,-0.14638541565688343 -0.07828286546903115 -0.07828286546903115 -0.08756957685828413 -0.11852528148912447 -0.23306138862324166 -0.273303804643335 -0.35997977760969324 -0.356884207146603 -0.38319655608282127 -0.3537886366835216 -0.3537886366835216 -0.3553364219150623 -0.3785532003881992 -0.3924832674720743 -0.3785532003881992 -0.3924832674720743 -0.3785532003881992 -0.4296301130290862 -0.3893876970089929 +38190,-0.051970516532812906,2,-0.07828286546903115 -0.07828286546903115 -0.08756957685828413 -0.11852528148912447 -0.23306138862324166 -0.273303804643335 -0.35997977760969324 -0.356884207146603 -0.38319655608282127 -0.3537886366835216 -0.3537886366835216 -0.3553364219150623 -0.3785532003881992 -0.3924832674720743 -0.3785532003881992 -0.3924832674720743 -0.3785532003881992 -0.4296301130290862 -0.3893876970089929 -0.25318259663328835 +38191,0.1043557918529383,2,-0.07828286546903115 -0.08756957685828413 -0.11852528148912447 -0.23306138862324166 -0.273303804643335 -0.35997977760969324 -0.356884207146603 -0.38319655608282127 -0.3537886366835216 -0.3537886366835216 -0.3553364219150623 -0.3785532003881992 -0.3924832674720743 -0.3785532003881992 -0.3924832674720743 -0.3785532003881992 -0.4296301130290862 -0.3893876970089929 -0.25318259663328835 -0.051970516532812906 +38192,0.18019726819850287,2,-0.08756957685828413 -0.11852528148912447 -0.23306138862324166 -0.273303804643335 -0.35997977760969324 -0.356884207146603 -0.38319655608282127 -0.3537886366835216 -0.3537886366835216 -0.3553364219150623 -0.3785532003881992 -0.3924832674720743 -0.3785532003881992 -0.3924832674720743 -0.3785532003881992 -0.4296301130290862 -0.3893876970089929 -0.25318259663328835 -0.051970516532812906 0.1043557918529383 +38193,0.3349757913527134,2,-0.11852528148912447 -0.23306138862324166 -0.273303804643335 -0.35997977760969324 -0.356884207146603 -0.38319655608282127 -0.3537886366835216 -0.3537886366835216 -0.3553364219150623 -0.3785532003881992 -0.3924832674720743 -0.3785532003881992 -0.3924832674720743 -0.3785532003881992 -0.4296301130290862 -0.3893876970089929 -0.25318259663328835 -0.051970516532812906 0.1043557918529383 0.18019726819850287 +38194,0.39843498584594356,2,-0.23306138862324166 -0.273303804643335 -0.35997977760969324 -0.356884207146603 -0.38319655608282127 -0.3537886366835216 -0.3537886366835216 -0.3553364219150623 -0.3785532003881992 -0.3924832674720743 -0.3785532003881992 -0.3924832674720743 -0.3785532003881992 -0.4296301130290862 -0.3893876970089929 -0.25318259663328835 -0.051970516532812906 0.1043557918529383 0.18019726819850287 0.3349757913527134 +38195,0.39843498584594356,2,-0.273303804643335 -0.35997977760969324 -0.356884207146603 -0.38319655608282127 -0.3537886366835216 -0.3537886366835216 -0.3553364219150623 -0.3785532003881992 -0.3924832674720743 -0.3785532003881992 -0.3924832674720743 -0.3785532003881992 -0.4296301130290862 -0.3893876970089929 -0.25318259663328835 -0.051970516532812906 0.1043557918529383 0.18019726819850287 0.3349757913527134 0.39843498584594356 +38196,0.3179501538057481,2,-0.35997977760969324 -0.356884207146603 -0.38319655608282127 -0.3537886366835216 -0.3537886366835216 -0.3553364219150623 -0.3785532003881992 -0.3924832674720743 -0.3785532003881992 -0.3924832674720743 -0.3785532003881992 -0.4296301130290862 -0.3893876970089929 -0.25318259663328835 -0.051970516532812906 0.1043557918529383 0.18019726819850287 0.3349757913527134 0.39843498584594356 0.39843498584594356 +38197,0.2668732411648611,2,-0.356884207146603 -0.38319655608282127 -0.3537886366835216 -0.3537886366835216 -0.3553364219150623 -0.3785532003881992 -0.3924832674720743 -0.3785532003881992 -0.3924832674720743 -0.3785532003881992 -0.4296301130290862 -0.3893876970089929 -0.25318259663328835 -0.051970516532812906 0.1043557918529383 0.18019726819850287 0.3349757913527134 0.39843498584594356 0.39843498584594356 0.3179501538057481 +38198,0.07185230199055727,2,-0.38319655608282127 -0.3537886366835216 -0.3537886366835216 -0.3553364219150623 -0.3785532003881992 -0.3924832674720743 -0.3785532003881992 -0.3924832674720743 -0.3785532003881992 -0.4296301130290862 -0.3893876970089929 -0.25318259663328835 -0.051970516532812906 0.1043557918529383 0.18019726819850287 0.3349757913527134 0.39843498584594356 0.39843498584594356 0.3179501538057481 0.2668732411648611 +38199,-0.12471642241528727,2,-0.3537886366835216 -0.3537886366835216 -0.3553364219150623 -0.3785532003881992 -0.3924832674720743 -0.3785532003881992 -0.3924832674720743 -0.3785532003881992 -0.4296301130290862 -0.3893876970089929 -0.25318259663328835 -0.051970516532812906 0.1043557918529383 0.18019726819850287 0.3349757913527134 0.39843498584594356 0.39843498584594356 0.3179501538057481 0.2668732411648611 0.07185230199055727 +38200,-0.19746232829777044,2,-0.3537886366835216 -0.3553364219150623 -0.3785532003881992 -0.3924832674720743 -0.3785532003881992 -0.3924832674720743 -0.3785532003881992 -0.4296301130290862 -0.3893876970089929 -0.25318259663328835 -0.051970516532812906 0.1043557918529383 0.18019726819850287 0.3349757913527134 0.39843498584594356 0.39843498584594356 0.3179501538057481 0.2668732411648611 0.07185230199055727 -0.12471642241528727 +38201,-0.29806836834800376,2,-0.3553364219150623 -0.3785532003881992 -0.3924832674720743 -0.3785532003881992 -0.3924832674720743 -0.3785532003881992 -0.4296301130290862 -0.3893876970089929 -0.25318259663328835 -0.051970516532812906 0.1043557918529383 0.18019726819850287 0.3349757913527134 0.39843498584594356 0.39843498584594356 0.3179501538057481 0.2668732411648611 0.07185230199055727 -0.12471642241528727 -0.19746232829777044 +38202,-0.3924832674720743,2,-0.3785532003881992 -0.3924832674720743 -0.3785532003881992 -0.3924832674720743 -0.3785532003881992 -0.4296301130290862 -0.3893876970089929 -0.25318259663328835 -0.051970516532812906 0.1043557918529383 0.18019726819850287 0.3349757913527134 0.39843498584594356 0.39843498584594356 0.3179501538057481 0.2668732411648611 0.07185230199055727 -0.12471642241528727 -0.19746232829777044 -0.29806836834800376 +38203,-0.4946370927538571,2,-0.3924832674720743 -0.3785532003881992 -0.3924832674720743 -0.3785532003881992 -0.4296301130290862 -0.3893876970089929 -0.25318259663328835 -0.051970516532812906 0.1043557918529383 0.18019726819850287 0.3349757913527134 0.39843498584594356 0.39843498584594356 0.3179501538057481 0.2668732411648611 0.07185230199055727 -0.12471642241528727 -0.19746232829777044 -0.29806836834800376 -0.3924832674720743 +38204,-0.5472617906262848,2,-0.3785532003881992 -0.3924832674720743 -0.3785532003881992 -0.4296301130290862 -0.3893876970089929 -0.25318259663328835 -0.051970516532812906 0.1043557918529383 0.18019726819850287 0.3349757913527134 0.39843498584594356 0.39843498584594356 0.3179501538057481 0.2668732411648611 0.07185230199055727 -0.12471642241528727 -0.19746232829777044 -0.29806836834800376 -0.3924832674720743 -0.4946370927538571 +38205,-0.5457140053947441,2,-0.3924832674720743 -0.3785532003881992 -0.4296301130290862 -0.3893876970089929 -0.25318259663328835 -0.051970516532812906 0.1043557918529383 0.18019726819850287 0.3349757913527134 0.39843498584594356 0.39843498584594356 0.3179501538057481 0.2668732411648611 0.07185230199055727 -0.12471642241528727 -0.19746232829777044 -0.29806836834800376 -0.3924832674720743 -0.4946370927538571 -0.5472617906262848 +38206,-0.5457140053947441,2,-0.3785532003881992 -0.4296301130290862 -0.3893876970089929 -0.25318259663328835 -0.051970516532812906 0.1043557918529383 0.18019726819850287 0.3349757913527134 0.39843498584594356 0.39843498584594356 0.3179501538057481 0.2668732411648611 0.07185230199055727 -0.12471642241528727 -0.19746232829777044 -0.29806836834800376 -0.3924832674720743 -0.4946370927538571 -0.5472617906262848 -0.5457140053947441 +38207,-0.5580962872470785,2,-0.4296301130290862 -0.3893876970089929 -0.25318259663328835 -0.051970516532812906 0.1043557918529383 0.18019726819850287 0.3349757913527134 0.39843498584594356 0.39843498584594356 0.3179501538057481 0.2668732411648611 0.07185230199055727 -0.12471642241528727 -0.19746232829777044 -0.29806836834800376 -0.3924832674720743 -0.4946370927538571 -0.5472617906262848 -0.5457140053947441 -0.5457140053947441 +38208,-0.6231032669718494,2,-0.3893876970089929 -0.25318259663328835 -0.051970516532812906 0.1043557918529383 0.18019726819850287 0.3349757913527134 0.39843498584594356 0.39843498584594356 0.3179501538057481 0.2668732411648611 0.07185230199055727 -0.12471642241528727 -0.19746232829777044 -0.29806836834800376 -0.3924832674720743 -0.4946370927538571 -0.5472617906262848 -0.5457140053947441 -0.5457140053947441 -0.5580962872470785 +38209,-0.6370333340557244,2,-0.25318259663328835 -0.051970516532812906 0.1043557918529383 0.18019726819850287 0.3349757913527134 0.39843498584594356 0.39843498584594356 0.3179501538057481 0.2668732411648611 0.07185230199055727 -0.12471642241528727 -0.19746232829777044 -0.29806836834800376 -0.3924832674720743 -0.4946370927538571 -0.5472617906262848 -0.5457140053947441 -0.5457140053947441 -0.5580962872470785 -0.6231032669718494 +38210,-0.6370333340557244,2,-0.051970516532812906 0.1043557918529383 0.18019726819850287 0.3349757913527134 0.39843498584594356 0.39843498584594356 0.3179501538057481 0.2668732411648611 0.07185230199055727 -0.12471642241528727 -0.19746232829777044 -0.29806836834800376 -0.3924832674720743 -0.4946370927538571 -0.5472617906262848 -0.5457140053947441 -0.5457140053947441 -0.5580962872470785 -0.6231032669718494 -0.6370333340557244 +38211,-0.7051358842435766,2,0.1043557918529383 0.18019726819850287 0.3349757913527134 0.39843498584594356 0.39843498584594356 0.3179501538057481 0.2668732411648611 0.07185230199055727 -0.12471642241528727 -0.19746232829777044 -0.29806836834800376 -0.3924832674720743 -0.4946370927538571 -0.5472617906262848 -0.5457140053947441 -0.5457140053947441 -0.5580962872470785 -0.6231032669718494 -0.6370333340557244 -0.6370333340557244 +38212,-0.6215554817403086,2,0.18019726819850287 0.3349757913527134 0.39843498584594356 0.39843498584594356 0.3179501538057481 0.2668732411648611 0.07185230199055727 -0.12471642241528727 -0.19746232829777044 -0.29806836834800376 -0.3924832674720743 -0.4946370927538571 -0.5472617906262848 -0.5457140053947441 -0.5457140053947441 -0.5580962872470785 -0.6231032669718494 -0.6370333340557244 -0.6370333340557244 -0.7051358842435766 +38213,-0.3723620594620276,2,0.3349757913527134 0.39843498584594356 0.39843498584594356 0.3179501538057481 0.2668732411648611 0.07185230199055727 -0.12471642241528727 -0.19746232829777044 -0.29806836834800376 -0.3924832674720743 -0.4946370927538571 -0.5472617906262848 -0.5457140053947441 -0.5457140053947441 -0.5580962872470785 -0.6231032669718494 -0.6370333340557244 -0.6370333340557244 -0.7051358842435766 -0.6215554817403086 +38214,-0.024110382365053955,2,0.39843498584594356 0.39843498584594356 0.3179501538057481 0.2668732411648611 0.07185230199055727 -0.12471642241528727 -0.19746232829777044 -0.29806836834800376 -0.3924832674720743 -0.4946370927538571 -0.5472617906262848 -0.5457140053947441 -0.5457140053947441 -0.5580962872470785 -0.6231032669718494 -0.6370333340557244 -0.6370333340557244 -0.7051358842435766 -0.6215554817403086 -0.3723620594620276 +38215,0.23282196607093936,2,0.39843498584594356 0.3179501538057481 0.2668732411648611 0.07185230199055727 -0.12471642241528727 -0.19746232829777044 -0.29806836834800376 -0.3924832674720743 -0.4946370927538571 -0.5472617906262848 -0.5457140053947441 -0.5457140053947441 -0.5580962872470785 -0.6231032669718494 -0.6370333340557244 -0.6370333340557244 -0.7051358842435766 -0.6215554817403086 -0.3723620594620276 -0.024110382365053955 +38216,0.40462612677210635,2,0.3179501538057481 0.2668732411648611 0.07185230199055727 -0.12471642241528727 -0.19746232829777044 -0.29806836834800376 -0.3924832674720743 -0.4946370927538571 -0.5472617906262848 -0.5457140053947441 -0.5457140053947441 -0.5580962872470785 -0.6231032669718494 -0.6370333340557244 -0.6370333340557244 -0.7051358842435766 -0.6215554817403086 -0.3723620594620276 -0.024110382365053955 0.23282196607093936 +38217,0.4943976702015548,2,0.2668732411648611 0.07185230199055727 -0.12471642241528727 -0.19746232829777044 -0.29806836834800376 -0.3924832674720743 -0.4946370927538571 -0.5472617906262848 -0.5457140053947441 -0.5457140053947441 -0.5580962872470785 -0.6231032669718494 -0.6370333340557244 -0.6370333340557244 -0.7051358842435766 -0.6215554817403086 -0.3723620594620276 -0.024110382365053955 0.23282196607093936 0.40462612677210635 +38218,0.6398894819665123,2,0.07185230199055727 -0.12471642241528727 -0.19746232829777044 -0.29806836834800376 -0.3924832674720743 -0.4946370927538571 -0.5472617906262848 -0.5457140053947441 -0.5457140053947441 -0.5580962872470785 -0.6231032669718494 -0.6370333340557244 -0.6370333340557244 -0.7051358842435766 -0.6215554817403086 -0.3723620594620276 -0.024110382365053955 0.23282196607093936 0.40462612677210635 0.4943976702015548 +38219,0.5872647840940758,2,-0.12471642241528727 -0.19746232829777044 -0.29806836834800376 -0.3924832674720743 -0.4946370927538571 -0.5472617906262848 -0.5457140053947441 -0.5457140053947441 -0.5580962872470785 -0.6231032669718494 -0.6370333340557244 -0.6370333340557244 -0.7051358842435766 -0.6215554817403086 -0.3723620594620276 -0.024110382365053955 0.23282196607093936 0.40462612677210635 0.4943976702015548 0.6398894819665123 +38220,0.4123650529298186,2,-0.19746232829777044 -0.29806836834800376 -0.3924832674720743 -0.4946370927538571 -0.5472617906262848 -0.5457140053947441 -0.5457140053947441 -0.5580962872470785 -0.6231032669718494 -0.6370333340557244 -0.6370333340557244 -0.7051358842435766 -0.6215554817403086 -0.3723620594620276 -0.024110382365053955 0.23282196607093936 0.40462612677210635 0.4943976702015548 0.6398894819665123 0.5872647840940758 +38221,0.4061739120036558,2,-0.29806836834800376 -0.3924832674720743 -0.4946370927538571 -0.5472617906262848 -0.5457140053947441 -0.5457140053947441 -0.5580962872470785 -0.6231032669718494 -0.6370333340557244 -0.6370333340557244 -0.7051358842435766 -0.6215554817403086 -0.3723620594620276 -0.024110382365053955 0.23282196607093936 0.40462612677210635 0.4943976702015548 0.6398894819665123 0.5872647840940758 0.4123650529298186 +38222,0.23127418083938986,2,-0.3924832674720743 -0.4946370927538571 -0.5472617906262848 -0.5457140053947441 -0.5457140053947441 -0.5580962872470785 -0.6231032669718494 -0.6370333340557244 -0.6370333340557244 -0.7051358842435766 -0.6215554817403086 -0.3723620594620276 -0.024110382365053955 0.23282196607093936 0.40462612677210635 0.4943976702015548 0.6398894819665123 0.5872647840940758 0.4123650529298186 0.4061739120036558 +38223,-0.03184930852276624,2,-0.4946370927538571 -0.5472617906262848 -0.5457140053947441 -0.5457140053947441 -0.5580962872470785 -0.6231032669718494 -0.6370333340557244 -0.6370333340557244 -0.7051358842435766 -0.6215554817403086 -0.3723620594620276 -0.024110382365053955 0.23282196607093936 0.40462612677210635 0.4943976702015548 0.6398894819665123 0.5872647840940758 0.4123650529298186 0.4061739120036558 0.23127418083938986 +38224,-0.24234810001249465,2,-0.5472617906262848 -0.5457140053947441 -0.5457140053947441 -0.5580962872470785 -0.6231032669718494 -0.6370333340557244 -0.6370333340557244 -0.7051358842435766 -0.6215554817403086 -0.3723620594620276 -0.024110382365053955 0.23282196607093936 0.40462612677210635 0.4943976702015548 0.6398894819665123 0.5872647840940758 0.4123650529298186 0.4061739120036558 0.23127418083938986 -0.03184930852276624 +38225,-0.29961615357954446,2,-0.5457140053947441 -0.5457140053947441 -0.5580962872470785 -0.6231032669718494 -0.6370333340557244 -0.6370333340557244 -0.7051358842435766 -0.6215554817403086 -0.3723620594620276 -0.024110382365053955 0.23282196607093936 0.40462612677210635 0.4943976702015548 0.6398894819665123 0.5872647840940758 0.4123650529298186 0.4061739120036558 0.23127418083938986 -0.03184930852276624 -0.24234810001249465 +38226,-0.41724783117675185,2,-0.5457140053947441 -0.5580962872470785 -0.6231032669718494 -0.6370333340557244 -0.6370333340557244 -0.7051358842435766 -0.6215554817403086 -0.3723620594620276 -0.024110382365053955 0.23282196607093936 0.40462612677210635 0.4943976702015548 0.6398894819665123 0.5872647840940758 0.4123650529298186 0.4061739120036558 0.23127418083938986 -0.03184930852276624 -0.24234810001249465 -0.29961615357954446 +38227,-0.4884459518276855,2,-0.5580962872470785 -0.6231032669718494 -0.6370333340557244 -0.6370333340557244 -0.7051358842435766 -0.6215554817403086 -0.3723620594620276 -0.024110382365053955 0.23282196607093936 0.40462612677210635 0.4943976702015548 0.6398894819665123 0.5872647840940758 0.4123650529298186 0.4061739120036558 0.23127418083938986 -0.03184930852276624 -0.24234810001249465 -0.29961615357954446 -0.41724783117675185 +38228,-0.5596440724786191,2,-0.6231032669718494 -0.6370333340557244 -0.6370333340557244 -0.7051358842435766 -0.6215554817403086 -0.3723620594620276 -0.024110382365053955 0.23282196607093936 0.40462612677210635 0.4943976702015548 0.6398894819665123 0.5872647840940758 0.4123650529298186 0.4061739120036558 0.23127418083938986 -0.03184930852276624 -0.24234810001249465 -0.29961615357954446 -0.41724783117675185 -0.4884459518276855 +38229,-0.5859564214148374,2,-0.6370333340557244 -0.6370333340557244 -0.7051358842435766 -0.6215554817403086 -0.3723620594620276 -0.024110382365053955 0.23282196607093936 0.40462612677210635 0.4943976702015548 0.6398894819665123 0.5872647840940758 0.4123650529298186 0.4061739120036558 0.23127418083938986 -0.03184930852276624 -0.24234810001249465 -0.29961615357954446 -0.41724783117675185 -0.4884459518276855 -0.5596440724786191 +38230,-0.6633456829919426,2,-0.6370333340557244 -0.7051358842435766 -0.6215554817403086 -0.3723620594620276 -0.024110382365053955 0.23282196607093936 0.40462612677210635 0.4943976702015548 0.6398894819665123 0.5872647840940758 0.4123650529298186 0.4061739120036558 0.23127418083938986 -0.03184930852276624 -0.24234810001249465 -0.29961615357954446 -0.41724783117675185 -0.4884459518276855 -0.5596440724786191 -0.5859564214148374 +38231,-0.6571545420657711,2,-0.7051358842435766 -0.6215554817403086 -0.3723620594620276 -0.024110382365053955 0.23282196607093936 0.40462612677210635 0.4943976702015548 0.6398894819665123 0.5872647840940758 0.4123650529298186 0.4061739120036558 0.23127418083938986 -0.03184930852276624 -0.24234810001249465 -0.29961615357954446 -0.41724783117675185 -0.4884459518276855 -0.5596440724786191 -0.5859564214148374 -0.6633456829919426 +38232,-0.675727964844277,2,-0.6215554817403086 -0.3723620594620276 -0.024110382365053955 0.23282196607093936 0.40462612677210635 0.4943976702015548 0.6398894819665123 0.5872647840940758 0.4123650529298186 0.4061739120036558 0.23127418083938986 -0.03184930852276624 -0.24234810001249465 -0.29961615357954446 -0.41724783117675185 -0.4884459518276855 -0.5596440724786191 -0.5859564214148374 -0.6633456829919426 -0.6571545420657711 +38233,-0.6881102466966202,2,-0.3723620594620276 -0.024110382365053955 0.23282196607093936 0.40462612677210635 0.4943976702015548 0.6398894819665123 0.5872647840940758 0.4123650529298186 0.4061739120036558 0.23127418083938986 -0.03184930852276624 -0.24234810001249465 -0.29961615357954446 -0.41724783117675185 -0.4884459518276855 -0.5596440724786191 -0.5859564214148374 -0.6633456829919426 -0.6571545420657711 -0.675727964844277 +38234,-0.6896580319281609,2,-0.024110382365053955 0.23282196607093936 0.40462612677210635 0.4943976702015548 0.6398894819665123 0.5872647840940758 0.4123650529298186 0.4061739120036558 0.23127418083938986 -0.03184930852276624 -0.24234810001249465 -0.29961615357954446 -0.41724783117675185 -0.4884459518276855 -0.5596440724786191 -0.5859564214148374 -0.6633456829919426 -0.6571545420657711 -0.675727964844277 -0.6881102466966202 +38235,-0.6323899783611023,2,0.23282196607093936 0.40462612677210635 0.4943976702015548 0.6398894819665123 0.5872647840940758 0.4123650529298186 0.4061739120036558 0.23127418083938986 -0.03184930852276624 -0.24234810001249465 -0.29961615357954446 -0.41724783117675185 -0.4884459518276855 -0.5596440724786191 -0.5859564214148374 -0.6633456829919426 -0.6571545420657711 -0.675727964844277 -0.6881102466966202 -0.6896580319281609 +38236,-0.5302361530793195,2,0.40462612677210635 0.4943976702015548 0.6398894819665123 0.5872647840940758 0.4123650529298186 0.4061739120036558 0.23127418083938986 -0.03184930852276624 -0.24234810001249465 -0.29961615357954446 -0.41724783117675185 -0.4884459518276855 -0.5596440724786191 -0.5859564214148374 -0.6633456829919426 -0.6571545420657711 -0.675727964844277 -0.6881102466966202 -0.6896580319281609 -0.6323899783611023 +38237,-0.34140635483118725,2,0.4943976702015548 0.6398894819665123 0.5872647840940758 0.4123650529298186 0.4061739120036558 0.23127418083938986 -0.03184930852276624 -0.24234810001249465 -0.29961615357954446 -0.41724783117675185 -0.4884459518276855 -0.5596440724786191 -0.5859564214148374 -0.6633456829919426 -0.6571545420657711 -0.675727964844277 -0.6881102466966202 -0.6896580319281609 -0.6323899783611023 -0.5302361530793195 +38238,-0.25318259663328835,2,0.6398894819665123 0.5872647840940758 0.4123650529298186 0.4061739120036558 0.23127418083938986 -0.03184930852276624 -0.24234810001249465 -0.29961615357954446 -0.41724783117675185 -0.4884459518276855 -0.5596440724786191 -0.5859564214148374 -0.6633456829919426 -0.6571545420657711 -0.675727964844277 -0.6881102466966202 -0.6896580319281609 -0.6323899783611023 -0.5302361530793195 -0.34140635483118725 +38239,-0.25318259663328835,2,0.5872647840940758 0.4123650529298186 0.4061739120036558 0.23127418083938986 -0.03184930852276624 -0.24234810001249465 -0.29961615357954446 -0.41724783117675185 -0.4884459518276855 -0.5596440724786191 -0.5859564214148374 -0.6633456829919426 -0.6571545420657711 -0.675727964844277 -0.6881102466966202 -0.6896580319281609 -0.6323899783611023 -0.5302361530793195 -0.34140635483118725 -0.25318259663328835 +38240,-0.23460917385478236,2,0.4123650529298186 0.4061739120036558 0.23127418083938986 -0.03184930852276624 -0.24234810001249465 -0.29961615357954446 -0.41724783117675185 -0.4884459518276855 -0.5596440724786191 -0.5859564214148374 -0.6633456829919426 -0.6571545420657711 -0.675727964844277 -0.6881102466966202 -0.6896580319281609 -0.6323899783611023 -0.5302361530793195 -0.34140635483118725 -0.25318259663328835 -0.25318259663328835 +38241,-0.14948098611996483,2,0.4061739120036558 0.23127418083938986 -0.03184930852276624 -0.24234810001249465 -0.29961615357954446 -0.41724783117675185 -0.4884459518276855 -0.5596440724786191 -0.5859564214148374 -0.6633456829919426 -0.6571545420657711 -0.675727964844277 -0.6881102466966202 -0.6896580319281609 -0.6323899783611023 -0.5302361530793195 -0.34140635483118725 -0.25318259663328835 -0.25318259663328835 -0.23460917385478236 +38242,-0.12626420764683677,2,0.23127418083938986 -0.03184930852276624 -0.24234810001249465 -0.29961615357954446 -0.41724783117675185 -0.4884459518276855 -0.5596440724786191 -0.5859564214148374 -0.6633456829919426 -0.6571545420657711 -0.675727964844277 -0.6881102466966202 -0.6896580319281609 -0.6323899783611023 -0.5302361530793195 -0.34140635483118725 -0.25318259663328835 -0.25318259663328835 -0.23460917385478236 -0.14948098611996483 +38243,-0.13709870426763043,2,-0.03184930852276624 -0.24234810001249465 -0.29961615357954446 -0.41724783117675185 -0.4884459518276855 -0.5596440724786191 -0.5859564214148374 -0.6633456829919426 -0.6571545420657711 -0.675727964844277 -0.6881102466966202 -0.6896580319281609 -0.6323899783611023 -0.5302361530793195 -0.34140635483118725 -0.25318259663328835 -0.25318259663328835 -0.23460917385478236 -0.14948098611996483 -0.12626420764683677 +38244,-0.2144879658447357,2,-0.24234810001249465 -0.29961615357954446 -0.41724783117675185 -0.4884459518276855 -0.5596440724786191 -0.5859564214148374 -0.6633456829919426 -0.6571545420657711 -0.675727964844277 -0.6881102466966202 -0.6896580319281609 -0.6323899783611023 -0.5302361530793195 -0.34140635483118725 -0.25318259663328835 -0.25318259663328835 -0.23460917385478236 -0.14948098611996483 -0.12626420764683677 -0.13709870426763043 +38245,-0.2717560194117943,2,-0.29961615357954446 -0.41724783117675185 -0.4884459518276855 -0.5596440724786191 -0.5859564214148374 -0.6633456829919426 -0.6571545420657711 -0.675727964844277 -0.6881102466966202 -0.6896580319281609 -0.6323899783611023 -0.5302361530793195 -0.34140635483118725 -0.25318259663328835 -0.25318259663328835 -0.23460917385478236 -0.14948098611996483 -0.12626420764683677 -0.13709870426763043 -0.2144879658447357 +38246,-0.30271172404263463,2,-0.41724783117675185 -0.4884459518276855 -0.5596440724786191 -0.5859564214148374 -0.6633456829919426 -0.6571545420657711 -0.675727964844277 -0.6881102466966202 -0.6896580319281609 -0.6323899783611023 -0.5302361530793195 -0.34140635483118725 -0.25318259663328835 -0.25318259663328835 -0.23460917385478236 -0.14948098611996483 -0.12626420764683677 -0.13709870426763043 -0.2144879658447357 -0.2717560194117943 +38247,-0.3352152139050157,2,-0.4884459518276855 -0.5596440724786191 -0.5859564214148374 -0.6633456829919426 -0.6571545420657711 -0.675727964844277 -0.6881102466966202 -0.6896580319281609 -0.6323899783611023 -0.5302361530793195 -0.34140635483118725 -0.25318259663328835 -0.25318259663328835 -0.23460917385478236 -0.14948098611996483 -0.12626420764683677 -0.13709870426763043 -0.2144879658447357 -0.2717560194117943 -0.30271172404263463 +38248,-0.39867440839824586,2,-0.5596440724786191 -0.5859564214148374 -0.6633456829919426 -0.6571545420657711 -0.675727964844277 -0.6881102466966202 -0.6896580319281609 -0.6323899783611023 -0.5302361530793195 -0.34140635483118725 -0.25318259663328835 -0.25318259663328835 -0.23460917385478236 -0.14948098611996483 -0.12626420764683677 -0.13709870426763043 -0.2144879658447357 -0.2717560194117943 -0.30271172404263463 -0.3352152139050157 +38249,-0.41724783117675185,2,-0.5859564214148374 -0.6633456829919426 -0.6571545420657711 -0.675727964844277 -0.6881102466966202 -0.6896580319281609 -0.6323899783611023 -0.5302361530793195 -0.34140635483118725 -0.25318259663328835 -0.25318259663328835 -0.23460917385478236 -0.14948098611996483 -0.12626420764683677 -0.13709870426763043 -0.2144879658447357 -0.2717560194117943 -0.30271172404263463 -0.3352152139050157 -0.39867440839824586 +38250,-0.4296301130290862,2,-0.6633456829919426 -0.6571545420657711 -0.675727964844277 -0.6881102466966202 -0.6896580319281609 -0.6323899783611023 -0.5302361530793195 -0.34140635483118725 -0.25318259663328835 -0.25318259663328835 -0.23460917385478236 -0.14948098611996483 -0.12626420764683677 -0.13709870426763043 -0.2144879658447357 -0.2717560194117943 -0.30271172404263463 -0.3352152139050157 -0.39867440839824586 -0.41724783117675185 +38251,-0.4311778982606269,2,-0.6571545420657711 -0.675727964844277 -0.6881102466966202 -0.6896580319281609 -0.6323899783611023 -0.5302361530793195 -0.34140635483118725 -0.25318259663328835 -0.25318259663328835 -0.23460917385478236 -0.14948098611996483 -0.12626420764683677 -0.13709870426763043 -0.2144879658447357 -0.2717560194117943 -0.30271172404263463 -0.3352152139050157 -0.39867440839824586 -0.41724783117675185 -0.4296301130290862 +38252,-0.45749024719684517,2,-0.675727964844277 -0.6881102466966202 -0.6896580319281609 -0.6323899783611023 -0.5302361530793195 -0.34140635483118725 -0.25318259663328835 -0.25318259663328835 -0.23460917385478236 -0.14948098611996483 -0.12626420764683677 -0.13709870426763043 -0.2144879658447357 -0.2717560194117943 -0.30271172404263463 -0.3352152139050157 -0.39867440839824586 -0.41724783117675185 -0.4296301130290862 -0.4311778982606269 +38253,-0.4822548109015139,2,-0.6881102466966202 -0.6896580319281609 -0.6323899783611023 -0.5302361530793195 -0.34140635483118725 -0.25318259663328835 -0.25318259663328835 -0.23460917385478236 -0.14948098611996483 -0.12626420764683677 -0.13709870426763043 -0.2144879658447357 -0.2717560194117943 -0.30271172404263463 -0.3352152139050157 -0.39867440839824586 -0.41724783117675185 -0.4296301130290862 -0.4311778982606269 -0.45749024719684517 +38254,-0.5209494416900665,2,-0.6896580319281609 -0.6323899783611023 -0.5302361530793195 -0.34140635483118725 -0.25318259663328835 -0.25318259663328835 -0.23460917385478236 -0.14948098611996483 -0.12626420764683677 -0.13709870426763043 -0.2144879658447357 -0.2717560194117943 -0.30271172404263463 -0.3352152139050157 -0.39867440839824586 -0.41724783117675185 -0.4296301130290862 -0.4311778982606269 -0.45749024719684517 -0.4822548109015139 +38255,-0.5333317235424098,2,-0.6323899783611023 -0.5302361530793195 -0.34140635483118725 -0.25318259663328835 -0.25318259663328835 -0.23460917385478236 -0.14948098611996483 -0.12626420764683677 -0.13709870426763043 -0.2144879658447357 -0.2717560194117943 -0.30271172404263463 -0.3352152139050157 -0.39867440839824586 -0.41724783117675185 -0.4296301130290862 -0.4311778982606269 -0.45749024719684517 -0.4822548109015139 -0.5209494416900665 +38256,-0.5472617906262848,2,-0.5302361530793195 -0.34140635483118725 -0.25318259663328835 -0.25318259663328835 -0.23460917385478236 -0.14948098611996483 -0.12626420764683677 -0.13709870426763043 -0.2144879658447357 -0.2717560194117943 -0.30271172404263463 -0.3352152139050157 -0.39867440839824586 -0.41724783117675185 -0.4296301130290862 -0.4311778982606269 -0.45749024719684517 -0.4822548109015139 -0.5209494416900665 -0.5333317235424098 +38257,-0.5596440724786191,2,-0.34140635483118725 -0.25318259663328835 -0.25318259663328835 -0.23460917385478236 -0.14948098611996483 -0.12626420764683677 -0.13709870426763043 -0.2144879658447357 -0.2717560194117943 -0.30271172404263463 -0.3352152139050157 -0.39867440839824586 -0.41724783117675185 -0.4296301130290862 -0.4311778982606269 -0.45749024719684517 -0.4822548109015139 -0.5209494416900665 -0.5333317235424098 -0.5472617906262848 +38258,-0.5859564214148374,2,-0.25318259663328835 -0.25318259663328835 -0.23460917385478236 -0.14948098611996483 -0.12626420764683677 -0.13709870426763043 -0.2144879658447357 -0.2717560194117943 -0.30271172404263463 -0.3352152139050157 -0.39867440839824586 -0.41724783117675185 -0.4296301130290862 -0.4311778982606269 -0.45749024719684517 -0.4822548109015139 -0.5209494416900665 -0.5333317235424098 -0.5472617906262848 -0.5596440724786191 +38259,-0.6277466226664714,2,-0.25318259663328835 -0.23460917385478236 -0.14948098611996483 -0.12626420764683677 -0.13709870426763043 -0.2144879658447357 -0.2717560194117943 -0.30271172404263463 -0.3352152139050157 -0.39867440839824586 -0.41724783117675185 -0.4296301130290862 -0.4311778982606269 -0.45749024719684517 -0.4822548109015139 -0.5209494416900665 -0.5333317235424098 -0.5472617906262848 -0.5596440724786191 -0.5859564214148374 +38260,-0.6292944078980209,2,-0.23460917385478236 -0.14948098611996483 -0.12626420764683677 -0.13709870426763043 -0.2144879658447357 -0.2717560194117943 -0.30271172404263463 -0.3352152139050157 -0.39867440839824586 -0.41724783117675185 -0.4296301130290862 -0.4311778982606269 -0.45749024719684517 -0.4822548109015139 -0.5209494416900665 -0.5333317235424098 -0.5472617906262848 -0.5596440724786191 -0.5859564214148374 -0.6277466226664714 +38261,-0.5348795087739504,2,-0.14948098611996483 -0.12626420764683677 -0.13709870426763043 -0.2144879658447357 -0.2717560194117943 -0.30271172404263463 -0.3352152139050157 -0.39867440839824586 -0.41724783117675185 -0.4296301130290862 -0.4311778982606269 -0.45749024719684517 -0.4822548109015139 -0.5209494416900665 -0.5333317235424098 -0.5472617906262848 -0.5596440724786191 -0.5859564214148374 -0.6277466226664714 -0.6292944078980209 +38262,-0.45749024719684517,2,-0.12626420764683677 -0.13709870426763043 -0.2144879658447357 -0.2717560194117943 -0.30271172404263463 -0.3352152139050157 -0.39867440839824586 -0.41724783117675185 -0.4296301130290862 -0.4311778982606269 -0.45749024719684517 -0.4822548109015139 -0.5209494416900665 -0.5333317235424098 -0.5472617906262848 -0.5596440724786191 -0.5859564214148374 -0.6277466226664714 -0.6292944078980209 -0.5348795087739504 +38263,-0.34140635483118725,2,-0.13709870426763043 -0.2144879658447357 -0.2717560194117943 -0.30271172404263463 -0.3352152139050157 -0.39867440839824586 -0.41724783117675185 -0.4296301130290862 -0.4311778982606269 -0.45749024719684517 -0.4822548109015139 -0.5209494416900665 -0.5333317235424098 -0.5472617906262848 -0.5596440724786191 -0.5859564214148374 -0.6277466226664714 -0.6292944078980209 -0.5348795087739504 -0.45749024719684517 +38264,-0.30735507973725673,2,-0.2144879658447357 -0.2717560194117943 -0.30271172404263463 -0.3352152139050157 -0.39867440839824586 -0.41724783117675185 -0.4296301130290862 -0.4311778982606269 -0.45749024719684517 -0.4822548109015139 -0.5209494416900665 -0.5333317235424098 -0.5472617906262848 -0.5596440724786191 -0.5859564214148374 -0.6277466226664714 -0.6292944078980209 -0.5348795087739504 -0.45749024719684517 -0.34140635483118725 +38265,-0.25318259663328835,2,-0.2717560194117943 -0.30271172404263463 -0.3352152139050157 -0.39867440839824586 -0.41724783117675185 -0.4296301130290862 -0.4311778982606269 -0.45749024719684517 -0.4822548109015139 -0.5209494416900665 -0.5333317235424098 -0.5472617906262848 -0.5596440724786191 -0.5859564214148374 -0.6277466226664714 -0.6292944078980209 -0.5348795087739504 -0.45749024719684517 -0.34140635483118725 -0.30735507973725673 +38266,-0.25318259663328835,2,-0.30271172404263463 -0.3352152139050157 -0.39867440839824586 -0.41724783117675185 -0.4296301130290862 -0.4311778982606269 -0.45749024719684517 -0.4822548109015139 -0.5209494416900665 -0.5333317235424098 -0.5472617906262848 -0.5596440724786191 -0.5859564214148374 -0.6277466226664714 -0.6292944078980209 -0.5348795087739504 -0.45749024719684517 -0.34140635483118725 -0.30735507973725673 -0.25318259663328835 +38267,-0.273303804643335,2,-0.3352152139050157 -0.39867440839824586 -0.41724783117675185 -0.4296301130290862 -0.4311778982606269 -0.45749024719684517 -0.4822548109015139 -0.5209494416900665 -0.5333317235424098 -0.5472617906262848 -0.5596440724786191 -0.5859564214148374 -0.6277466226664714 -0.6292944078980209 -0.5348795087739504 -0.45749024719684517 -0.34140635483118725 -0.30735507973725673 -0.25318259663328835 -0.25318259663328835 +38268,-0.3878399117774522,2,-0.39867440839824586 -0.41724783117675185 -0.4296301130290862 -0.4311778982606269 -0.45749024719684517 -0.4822548109015139 -0.5209494416900665 -0.5333317235424098 -0.5472617906262848 -0.5596440724786191 -0.5859564214148374 -0.6277466226664714 -0.6292944078980209 -0.5348795087739504 -0.45749024719684517 -0.34140635483118725 -0.30735507973725673 -0.25318259663328835 -0.25318259663328835 -0.273303804643335 +38269,-0.46677695858609813,2,-0.41724783117675185 -0.4296301130290862 -0.4311778982606269 -0.45749024719684517 -0.4822548109015139 -0.5209494416900665 -0.5333317235424098 -0.5472617906262848 -0.5596440724786191 -0.5859564214148374 -0.6277466226664714 -0.6292944078980209 -0.5348795087739504 -0.45749024719684517 -0.34140635483118725 -0.30735507973725673 -0.25318259663328835 -0.25318259663328835 -0.273303804643335 -0.3878399117774522 +38270,-0.6556067568342304,2,-0.4296301130290862 -0.4311778982606269 -0.45749024719684517 -0.4822548109015139 -0.5209494416900665 -0.5333317235424098 -0.5472617906262848 -0.5596440724786191 -0.5859564214148374 -0.6277466226664714 -0.6292944078980209 -0.5348795087739504 -0.45749024719684517 -0.34140635483118725 -0.30735507973725673 -0.25318259663328835 -0.25318259663328835 -0.273303804643335 -0.3878399117774522 -0.46677695858609813 +38271,-0.7593083673475539,2,-0.4311778982606269 -0.45749024719684517 -0.4822548109015139 -0.5209494416900665 -0.5333317235424098 -0.5472617906262848 -0.5596440724786191 -0.5859564214148374 -0.6277466226664714 -0.6292944078980209 -0.5348795087739504 -0.45749024719684517 -0.34140635483118725 -0.30735507973725673 -0.25318259663328835 -0.25318259663328835 -0.273303804643335 -0.3878399117774522 -0.46677695858609813 -0.6556067568342304 +38272,-0.7716906491998883,2,-0.45749024719684517 -0.4822548109015139 -0.5209494416900665 -0.5333317235424098 -0.5472617906262848 -0.5596440724786191 -0.5859564214148374 -0.6277466226664714 -0.6292944078980209 -0.5348795087739504 -0.45749024719684517 -0.34140635483118725 -0.30735507973725673 -0.25318259663328835 -0.25318259663328835 -0.273303804643335 -0.3878399117774522 -0.46677695858609813 -0.6556067568342304 -0.7593083673475539 +38273,-0.8212197766092346,2,-0.4822548109015139 -0.5209494416900665 -0.5333317235424098 -0.5472617906262848 -0.5596440724786191 -0.5859564214148374 -0.6277466226664714 -0.6292944078980209 -0.5348795087739504 -0.45749024719684517 -0.34140635483118725 -0.30735507973725673 -0.25318259663328835 -0.25318259663328835 -0.273303804643335 -0.3878399117774522 -0.46677695858609813 -0.6556067568342304 -0.7593083673475539 -0.7716906491998883 +38274,-0.8707489040185808,2,-0.5209494416900665 -0.5333317235424098 -0.5472617906262848 -0.5596440724786191 -0.5859564214148374 -0.6277466226664714 -0.6292944078980209 -0.5348795087739504 -0.45749024719684517 -0.34140635483118725 -0.30735507973725673 -0.25318259663328835 -0.25318259663328835 -0.273303804643335 -0.3878399117774522 -0.46677695858609813 -0.6556067568342304 -0.7593083673475539 -0.7716906491998883 -0.8212197766092346 +38275,-0.9078957495755928,2,-0.5333317235424098 -0.5472617906262848 -0.5596440724786191 -0.5859564214148374 -0.6277466226664714 -0.6292944078980209 -0.5348795087739504 -0.45749024719684517 -0.34140635483118725 -0.30735507973725673 -0.25318259663328835 -0.25318259663328835 -0.273303804643335 -0.3878399117774522 -0.46677695858609813 -0.6556067568342304 -0.7593083673475539 -0.7716906491998883 -0.8212197766092346 -0.8707489040185808 +38276,-0.9094435348071335,2,-0.5472617906262848 -0.5596440724786191 -0.5859564214148374 -0.6277466226664714 -0.6292944078980209 -0.5348795087739504 -0.45749024719684517 -0.34140635483118725 -0.30735507973725673 -0.25318259663328835 -0.25318259663328835 -0.273303804643335 -0.3878399117774522 -0.46677695858609813 -0.6556067568342304 -0.7593083673475539 -0.7716906491998883 -0.8212197766092346 -0.8707489040185808 -0.9078957495755928 +38277,-0.9342080985118111,2,-0.5596440724786191 -0.5859564214148374 -0.6277466226664714 -0.6292944078980209 -0.5348795087739504 -0.45749024719684517 -0.34140635483118725 -0.30735507973725673 -0.25318259663328835 -0.25318259663328835 -0.273303804643335 -0.3878399117774522 -0.46677695858609813 -0.6556067568342304 -0.7593083673475539 -0.7716906491998883 -0.8212197766092346 -0.8707489040185808 -0.9078957495755928 -0.9094435348071335 +38278,-1.0239796419412508,2,-0.5859564214148374 -0.6277466226664714 -0.6292944078980209 -0.5348795087739504 -0.45749024719684517 -0.34140635483118725 -0.30735507973725673 -0.25318259663328835 -0.25318259663328835 -0.273303804643335 -0.3878399117774522 -0.46677695858609813 -0.6556067568342304 -0.7593083673475539 -0.7716906491998883 -0.8212197766092346 -0.8707489040185808 -0.9078957495755928 -0.9094435348071335 -0.9342080985118111 +38279,-1.0626742727298033,2,-0.6277466226664714 -0.6292944078980209 -0.5348795087739504 -0.45749024719684517 -0.34140635483118725 -0.30735507973725673 -0.25318259663328835 -0.25318259663328835 -0.273303804643335 -0.3878399117774522 -0.46677695858609813 -0.6556067568342304 -0.7593083673475539 -0.7716906491998883 -0.8212197766092346 -0.8707489040185808 -0.9078957495755928 -0.9094435348071335 -0.9342080985118111 -1.0239796419412508 +38280,-1.1276812524545743,2,-0.6292944078980209 -0.5348795087739504 -0.45749024719684517 -0.34140635483118725 -0.30735507973725673 -0.25318259663328835 -0.25318259663328835 -0.273303804643335 -0.3878399117774522 -0.46677695858609813 -0.6556067568342304 -0.7593083673475539 -0.7716906491998883 -0.8212197766092346 -0.8707489040185808 -0.9078957495755928 -0.9094435348071335 -0.9342080985118111 -1.0239796419412508 -1.0626742727298033 +38281,-1.1787581650954613,2,-0.5348795087739504 -0.45749024719684517 -0.34140635483118725 -0.30735507973725673 -0.25318259663328835 -0.25318259663328835 -0.273303804643335 -0.3878399117774522 -0.46677695858609813 -0.6556067568342304 -0.7593083673475539 -0.7716906491998883 -0.8212197766092346 -0.8707489040185808 -0.9078957495755928 -0.9094435348071335 -0.9342080985118111 -1.0239796419412508 -1.0626742727298033 -1.1276812524545743 +38282,-1.2035227288001387,2,-0.45749024719684517 -0.34140635483118725 -0.30735507973725673 -0.25318259663328835 -0.25318259663328835 -0.273303804643335 -0.3878399117774522 -0.46677695858609813 -0.6556067568342304 -0.7593083673475539 -0.7716906491998883 -0.8212197766092346 -0.8707489040185808 -0.9078957495755928 -0.9094435348071335 -0.9342080985118111 -1.0239796419412508 -1.0626742727298033 -1.1276812524545743 -1.1787581650954613 +38283,-1.3908047418167304,2,-0.34140635483118725 -0.30735507973725673 -0.25318259663328835 -0.25318259663328835 -0.273303804643335 -0.3878399117774522 -0.46677695858609813 -0.6556067568342304 -0.7593083673475539 -0.7716906491998883 -0.8212197766092346 -0.8707489040185808 -0.9078957495755928 -0.9094435348071335 -0.9342080985118111 -1.0239796419412508 -1.0626742727298033 -1.1276812524545743 -1.1787581650954613 -1.2035227288001387 +38284,-1.183401520790092,2,-0.30735507973725673 -0.25318259663328835 -0.25318259663328835 -0.273303804643335 -0.3878399117774522 -0.46677695858609813 -0.6556067568342304 -0.7593083673475539 -0.7716906491998883 -0.8212197766092346 -0.8707489040185808 -0.9078957495755928 -0.9094435348071335 -0.9342080985118111 -1.0239796419412508 -1.0626742727298033 -1.1276812524545743 -1.1787581650954613 -1.2035227288001387 -1.3908047418167304 +38285,-0.8088374947569001,2,-0.25318259663328835 -0.25318259663328835 -0.273303804643335 -0.3878399117774522 -0.46677695858609813 -0.6556067568342304 -0.7593083673475539 -0.7716906491998883 -0.8212197766092346 -0.8707489040185808 -0.9078957495755928 -0.9094435348071335 -0.9342080985118111 -1.0239796419412508 -1.0626742727298033 -1.1276812524545743 -1.1787581650954613 -1.2035227288001387 -1.3908047418167304 -1.183401520790092 +38286,-0.2144879658447357,2,-0.25318259663328835 -0.273303804643335 -0.3878399117774522 -0.46677695858609813 -0.6556067568342304 -0.7593083673475539 -0.7716906491998883 -0.8212197766092346 -0.8707489040185808 -0.9078957495755928 -0.9094435348071335 -0.9342080985118111 -1.0239796419412508 -1.0626742727298033 -1.1276812524545743 -1.1787581650954613 -1.2035227288001387 -1.3908047418167304 -1.183401520790092 -0.8088374947569001 +38287,0.07649565768517935,2,-0.273303804643335 -0.3878399117774522 -0.46677695858609813 -0.6556067568342304 -0.7593083673475539 -0.7716906491998883 -0.8212197766092346 -0.8707489040185808 -0.9078957495755928 -0.9094435348071335 -0.9342080985118111 -1.0239796419412508 -1.0626742727298033 -1.1276812524545743 -1.1787581650954613 -1.2035227288001387 -1.3908047418167304 -1.183401520790092 -0.8088374947569001 -0.2144879658447357 +38288,0.2699688116279425,2,-0.3878399117774522 -0.46677695858609813 -0.6556067568342304 -0.7593083673475539 -0.7716906491998883 -0.8212197766092346 -0.8707489040185808 -0.9078957495755928 -0.9094435348071335 -0.9342080985118111 -1.0239796419412508 -1.0626742727298033 -1.1276812524545743 -1.1787581650954613 -1.2035227288001387 -1.3908047418167304 -1.183401520790092 -0.8088374947569001 -0.2144879658447357 0.07649565768517935 +38289,0.4154606233929,2,-0.46677695858609813 -0.6556067568342304 -0.7593083673475539 -0.7716906491998883 -0.8212197766092346 -0.8707489040185808 -0.9078957495755928 -0.9094435348071335 -0.9342080985118111 -1.0239796419412508 -1.0626742727298033 -1.1276812524545743 -1.1787581650954613 -1.2035227288001387 -1.3908047418167304 -1.183401520790092 -0.8088374947569001 -0.2144879658447357 0.07649565768517935 0.2699688116279425 +38290,0.5686913613155699,2,-0.6556067568342304 -0.7593083673475539 -0.7716906491998883 -0.8212197766092346 -0.8707489040185808 -0.9078957495755928 -0.9094435348071335 -0.9342080985118111 -1.0239796419412508 -1.0626742727298033 -1.1276812524545743 -1.1787581650954613 -1.2035227288001387 -1.3908047418167304 -1.183401520790092 -0.8088374947569001 -0.2144879658447357 0.07649565768517935 0.2699688116279425 0.4154606233929 +38291,0.6073859921041225,2,-0.7593083673475539 -0.7716906491998883 -0.8212197766092346 -0.8707489040185808 -0.9078957495755928 -0.9094435348071335 -0.9342080985118111 -1.0239796419412508 -1.0626742727298033 -1.1276812524545743 -1.1787581650954613 -1.2035227288001387 -1.3908047418167304 -1.183401520790092 -0.8088374947569001 -0.2144879658447357 0.07649565768517935 0.2699688116279425 0.4154606233929 0.5686913613155699 +38292,0.5888125693256165,2,-0.7716906491998883 -0.8212197766092346 -0.8707489040185808 -0.9078957495755928 -0.9094435348071335 -0.9342080985118111 -1.0239796419412508 -1.0626742727298033 -1.1276812524545743 -1.1787581650954613 -1.2035227288001387 -1.3908047418167304 -1.183401520790092 -0.8088374947569001 -0.2144879658447357 0.07649565768517935 0.2699688116279425 0.4154606233929 0.5686913613155699 0.6073859921041225 +38293,0.5826214283994537,2,-0.8212197766092346 -0.8707489040185808 -0.9078957495755928 -0.9094435348071335 -0.9342080985118111 -1.0239796419412508 -1.0626742727298033 -1.1276812524545743 -1.1787581650954613 -1.2035227288001387 -1.3908047418167304 -1.183401520790092 -0.8088374947569001 -0.2144879658447357 0.07649565768517935 0.2699688116279425 0.4154606233929 0.5686913613155699 0.6073859921041225 0.5888125693256165 +38294,0.44796411325528984,2,-0.8707489040185808 -0.9078957495755928 -0.9094435348071335 -0.9342080985118111 -1.0239796419412508 -1.0626742727298033 -1.1276812524545743 -1.1787581650954613 -1.2035227288001387 -1.3908047418167304 -1.183401520790092 -0.8088374947569001 -0.2144879658447357 0.07649565768517935 0.2699688116279425 0.4154606233929 0.5686913613155699 0.6073859921041225 0.5888125693256165 0.5826214283994537 +38295,0.17091055680924988,2,-0.9078957495755928 -0.9094435348071335 -0.9342080985118111 -1.0239796419412508 -1.0626742727298033 -1.1276812524545743 -1.1787581650954613 -1.2035227288001387 -1.3908047418167304 -1.183401520790092 -0.8088374947569001 -0.2144879658447357 0.07649565768517935 0.2699688116279425 0.4154606233929 0.5686913613155699 0.6073859921041225 0.5888125693256165 0.5826214283994537 0.44796411325528984 +38296,-0.04113601991201923,2,-0.9094435348071335 -0.9342080985118111 -1.0239796419412508 -1.0626742727298033 -1.1276812524545743 -1.1787581650954613 -1.2035227288001387 -1.3908047418167304 -1.183401520790092 -0.8088374947569001 -0.2144879658447357 0.07649565768517935 0.2699688116279425 0.4154606233929 0.5686913613155699 0.6073859921041225 0.5888125693256165 0.5826214283994537 0.44796411325528984 0.17091055680924988 +38297,-0.06744836884822868,2,-0.9342080985118111 -1.0239796419412508 -1.0626742727298033 -1.1276812524545743 -1.1787581650954613 -1.2035227288001387 -1.3908047418167304 -1.183401520790092 -0.8088374947569001 -0.2144879658447357 0.07649565768517935 0.2699688116279425 0.4154606233929 0.5686913613155699 0.6073859921041225 0.5888125693256165 0.5826214283994537 0.44796411325528984 0.17091055680924988 -0.04113601991201923 +38298,-0.4420123948814206,2,-1.0239796419412508 -1.0626742727298033 -1.1276812524545743 -1.1787581650954613 -1.2035227288001387 -1.3908047418167304 -1.183401520790092 -0.8088374947569001 -0.2144879658447357 0.07649565768517935 0.2699688116279425 0.4154606233929 0.5686913613155699 0.6073859921041225 0.5888125693256165 0.5826214283994537 0.44796411325528984 0.17091055680924988 -0.04113601991201923 -0.06744836884822868 +38299,-0.47142031428072023,2,-1.0626742727298033 -1.1276812524545743 -1.1787581650954613 -1.2035227288001387 -1.3908047418167304 -1.183401520790092 -0.8088374947569001 -0.2144879658447357 0.07649565768517935 0.2699688116279425 0.4154606233929 0.5686913613155699 0.6073859921041225 0.5888125693256165 0.5826214283994537 0.44796411325528984 0.17091055680924988 -0.04113601991201923 -0.06744836884822868 -0.4420123948814206 +38300,-0.7283526627167135,2,-1.1276812524545743 -1.1787581650954613 -1.2035227288001387 -1.3908047418167304 -1.183401520790092 -0.8088374947569001 -0.2144879658447357 0.07649565768517935 0.2699688116279425 0.4154606233929 0.5686913613155699 0.6073859921041225 0.5888125693256165 0.5826214283994537 0.44796411325528984 0.17091055680924988 -0.04113601991201923 -0.06744836884822868 -0.4420123948814206 -0.47142031428072023 +38301,-0.7314482331797949,2,-1.1787581650954613 -1.2035227288001387 -1.3908047418167304 -1.183401520790092 -0.8088374947569001 -0.2144879658447357 0.07649565768517935 0.2699688116279425 0.4154606233929 0.5686913613155699 0.6073859921041225 0.5888125693256165 0.5826214283994537 0.44796411325528984 0.17091055680924988 -0.04113601991201923 -0.06744836884822868 -0.4420123948814206 -0.47142031428072023 -0.7283526627167135 +38302,-0.9512337360587764,2,-1.2035227288001387 -1.3908047418167304 -1.183401520790092 -0.8088374947569001 -0.2144879658447357 0.07649565768517935 0.2699688116279425 0.4154606233929 0.5686913613155699 0.6073859921041225 0.5888125693256165 0.5826214283994537 0.44796411325528984 0.17091055680924988 -0.04113601991201923 -0.06744836884822868 -0.4420123948814206 -0.47142031428072023 -0.7283526627167135 -0.7314482331797949 +38303,-0.9450425951326047,2,-1.3908047418167304 -1.183401520790092 -0.8088374947569001 -0.2144879658447357 0.07649565768517935 0.2699688116279425 0.4154606233929 0.5686913613155699 0.6073859921041225 0.5888125693256165 0.5826214283994537 0.44796411325528984 0.17091055680924988 -0.04113601991201923 -0.06744836884822868 -0.4420123948814206 -0.47142031428072023 -0.7283526627167135 -0.7314482331797949 -0.9512337360587764 +38304,-1.0796999102767686,2,-1.183401520790092 -0.8088374947569001 -0.2144879658447357 0.07649565768517935 0.2699688116279425 0.4154606233929 0.5686913613155699 0.6073859921041225 0.5888125693256165 0.5826214283994537 0.44796411325528984 0.17091055680924988 -0.04113601991201923 -0.06744836884822868 -0.4420123948814206 -0.47142031428072023 -0.7283526627167135 -0.7314482331797949 -0.9512337360587764 -0.9450425951326047 +38305,-1.0239796419412508,2,-0.8088374947569001 -0.2144879658447357 0.07649565768517935 0.2699688116279425 0.4154606233929 0.5686913613155699 0.6073859921041225 0.5888125693256165 0.5826214283994537 0.44796411325528984 0.17091055680924988 -0.04113601991201923 -0.06744836884822868 -0.4420123948814206 -0.47142031428072023 -0.7283526627167135 -0.7314482331797949 -0.9512337360587764 -0.9450425951326047 -1.0796999102767686 +38306,-1.0379097090251346,2,-0.2144879658447357 0.07649565768517935 0.2699688116279425 0.4154606233929 0.5686913613155699 0.6073859921041225 0.5888125693256165 0.5826214283994537 0.44796411325528984 0.17091055680924988 -0.04113601991201923 -0.06744836884822868 -0.4420123948814206 -0.47142031428072023 -0.7283526627167135 -0.7314482331797949 -0.9512337360587764 -0.9450425951326047 -1.0796999102767686 -1.0239796419412508 +38307,-1.1091078296760681,2,0.07649565768517935 0.2699688116279425 0.4154606233929 0.5686913613155699 0.6073859921041225 0.5888125693256165 0.5826214283994537 0.44796411325528984 0.17091055680924988 -0.04113601991201923 -0.06744836884822868 -0.4420123948814206 -0.47142031428072023 -0.7283526627167135 -0.7314482331797949 -0.9512337360587764 -0.9450425951326047 -1.0796999102767686 -1.0239796419412508 -1.0379097090251346 +38308,-0.7066836694751262,2,0.2699688116279425 0.4154606233929 0.5686913613155699 0.6073859921041225 0.5888125693256165 0.5826214283994537 0.44796411325528984 0.17091055680924988 -0.04113601991201923 -0.06744836884822868 -0.4420123948814206 -0.47142031428072023 -0.7283526627167135 -0.7314482331797949 -0.9512337360587764 -0.9450425951326047 -1.0796999102767686 -1.0239796419412508 -1.0379097090251346 -1.1091078296760681 +38309,-0.09840407347907781,2,0.4154606233929 0.5686913613155699 0.6073859921041225 0.5888125693256165 0.5826214283994537 0.44796411325528984 0.17091055680924988 -0.04113601991201923 -0.06744836884822868 -0.4420123948814206 -0.47142031428072023 -0.7283526627167135 -0.7314482331797949 -0.9512337360587764 -0.9450425951326047 -1.0796999102767686 -1.0239796419412508 -1.0379097090251346 -1.1091078296760681 -0.7066836694751262 +38310,0.3148545833426667,2,0.5686913613155699 0.6073859921041225 0.5888125693256165 0.5826214283994537 0.44796411325528984 0.17091055680924988 -0.04113601991201923 -0.06744836884822868 -0.4420123948814206 -0.47142031428072023 -0.7283526627167135 -0.7314482331797949 -0.9512337360587764 -0.9450425951326047 -1.0796999102767686 -1.0239796419412508 -1.0379097090251346 -1.1091078296760681 -0.7066836694751262 -0.09840407347907781 +38311,0.4804676031176709,2,0.6073859921041225 0.5888125693256165 0.5826214283994537 0.44796411325528984 0.17091055680924988 -0.04113601991201923 -0.06744836884822868 -0.4420123948814206 -0.47142031428072023 -0.7283526627167135 -0.7314482331797949 -0.9512337360587764 -0.9450425951326047 -1.0796999102767686 -1.0239796419412508 -1.0379097090251346 -1.1091078296760681 -0.7066836694751262 -0.09840407347907781 0.3148545833426667 +38312,0.6321505558088,2,0.5888125693256165 0.5826214283994537 0.44796411325528984 0.17091055680924988 -0.04113601991201923 -0.06744836884822868 -0.4420123948814206 -0.47142031428072023 -0.7283526627167135 -0.7314482331797949 -0.9512337360587764 -0.9450425951326047 -1.0796999102767686 -1.0239796419412508 -1.0379097090251346 -1.1091078296760681 -0.7066836694751262 -0.09840407347907781 0.3148545833426667 0.4804676031176709 +38313,0.6275072001141692,2,0.5826214283994537 0.44796411325528984 0.17091055680924988 -0.04113601991201923 -0.06744836884822868 -0.4420123948814206 -0.47142031428072023 -0.7283526627167135 -0.7314482331797949 -0.9512337360587764 -0.9450425951326047 -1.0796999102767686 -1.0239796419412508 -1.0379097090251346 -1.1091078296760681 -0.7066836694751262 -0.09840407347907781 0.3148545833426667 0.4804676031176709 0.6321505558088 +38314,0.5623378738155869,2,0.44796411325528984 0.17091055680924988 -0.04113601991201923 -0.06744836884822868 -0.4420123948814206 -0.47142031428072023 -0.7283526627167135 -0.7314482331797949 -0.9512337360587764 -0.9450425951326047 -1.0796999102767686 -1.0239796419412508 -1.0379097090251346 -1.1091078296760681 -0.7066836694751262 -0.09840407347907781 0.3148545833426667 0.4804676031176709 0.6321505558088 0.6275072001141692 +38315,0.47605263118244423,2,0.17091055680924988 -0.04113601991201923 -0.06744836884822868 -0.4420123948814206 -0.47142031428072023 -0.7283526627167135 -0.7314482331797949 -0.9512337360587764 -0.9450425951326047 -1.0796999102767686 -1.0239796419412508 -1.0379097090251346 -1.1091078296760681 -0.7066836694751262 -0.09840407347907781 0.3148545833426667 0.4804676031176709 0.6321505558088 0.6275072001141692 0.5623378738155869 +38316,0.01115533532456496,2,-0.04113601991201923 -0.06744836884822868 -0.4420123948814206 -0.47142031428072023 -0.7283526627167135 -0.7314482331797949 -0.9512337360587764 -0.9450425951326047 -1.0796999102767686 -1.0239796419412508 -1.0379097090251346 -1.1091078296760681 -0.7066836694751262 -0.09840407347907781 0.3148545833426667 0.4804676031176709 0.6321505558088 0.6275072001141692 0.5623378738155869 0.47605263118244423 +38317,0.0398647404870887,2,-0.06744836884822868 -0.4420123948814206 -0.47142031428072023 -0.7283526627167135 -0.7314482331797949 -0.9512337360587764 -0.9450425951326047 -1.0796999102767686 -1.0239796419412508 -1.0379097090251346 -1.1091078296760681 -0.7066836694751262 -0.09840407347907781 0.3148545833426667 0.4804676031176709 0.6321505558088 0.6275072001141692 0.5623378738155869 0.47605263118244423 0.01115533532456496 +38318,-0.3100379074203385,2,-0.4420123948814206 -0.47142031428072023 -0.7283526627167135 -0.7314482331797949 -0.9512337360587764 -0.9450425951326047 -1.0796999102767686 -1.0239796419412508 -1.0379097090251346 -1.1091078296760681 -0.7066836694751262 -0.09840407347907781 0.3148545833426667 0.4804676031176709 0.6321505558088 0.6275072001141692 0.5623378738155869 0.47605263118244423 0.01115533532456496 0.0398647404870887 +38319,-0.39612056276620017,2,-0.47142031428072023 -0.7283526627167135 -0.7314482331797949 -0.9512337360587764 -0.9450425951326047 -1.0796999102767686 -1.0239796419412508 -1.0379097090251346 -1.1091078296760681 -0.7066836694751262 -0.09840407347907781 0.3148545833426667 0.4804676031176709 0.6321505558088 0.6275072001141692 0.5623378738155869 0.47605263118244423 0.01115533532456496 0.0398647404870887 -0.3100379074203385 +38320,-0.8339632082973397,2,-0.7283526627167135 -0.7314482331797949 -0.9512337360587764 -0.9450425951326047 -1.0796999102767686 -1.0239796419412508 -1.0379097090251346 -1.1091078296760681 -0.7066836694751262 -0.09840407347907781 0.3148545833426667 0.4804676031176709 0.6321505558088 0.6275072001141692 0.5623378738155869 0.47605263118244423 0.01115533532456496 0.0398647404870887 -0.3100379074203385 -0.39612056276620017 +38321,-1.0079858612669137,2,-0.7314482331797949 -0.9512337360587764 -0.9450425951326047 -1.0796999102767686 -1.0239796419412508 -1.0379097090251346 -1.1091078296760681 -0.7066836694751262 -0.09840407347907781 0.3148545833426667 0.4804676031176709 0.6321505558088 0.6275072001141692 0.5623378738155869 0.47605263118244423 0.01115533532456496 0.0398647404870887 -0.3100379074203385 -0.39612056276620017 -0.8339632082973397 +38322,-0.9947586939144686,2,-0.9512337360587764 -0.9450425951326047 -1.0796999102767686 -1.0239796419412508 -1.0379097090251346 -1.1091078296760681 -0.7066836694751262 -0.09840407347907781 0.3148545833426667 0.4804676031176709 0.6321505558088 0.6275072001141692 0.5623378738155869 0.47605263118244423 0.01115533532456496 0.0398647404870887 -0.3100379074203385 -0.39612056276620017 -0.8339632082973397 -1.0079858612669137 +38323,-1.1191684336810916,2,-0.9450425951326047 -1.0796999102767686 -1.0239796419412508 -1.0379097090251346 -1.1091078296760681 -0.7066836694751262 -0.09840407347907781 0.3148545833426667 0.4804676031176709 0.6321505558088 0.6275072001141692 0.5623378738155869 0.47605263118244423 0.01115533532456496 0.0398647404870887 -0.3100379074203385 -0.39612056276620017 -0.8339632082973397 -1.0079858612669137 -0.9947586939144686 +38324,-1.262957681691358,2,-1.0796999102767686 -1.0239796419412508 -1.0379097090251346 -1.1091078296760681 -0.7066836694751262 -0.09840407347907781 0.3148545833426667 0.4804676031176709 0.6321505558088 0.6275072001141692 0.5623378738155869 0.47605263118244423 0.01115533532456496 0.0398647404870887 -0.3100379074203385 -0.39612056276620017 -0.8339632082973397 -1.0079858612669137 -0.9947586939144686 -1.1191684336810916 +38325,-1.262957681691358,2,-1.0239796419412508 -1.0379097090251346 -1.1091078296760681 -0.7066836694751262 -0.09840407347907781 0.3148545833426667 0.4804676031176709 0.6321505558088 0.6275072001141692 0.5623378738155869 0.47605263118244423 0.01115533532456496 0.0398647404870887 -0.3100379074203385 -0.39612056276620017 -0.8339632082973397 -1.0079858612669137 -0.9947586939144686 -1.1191684336810916 -1.262957681691358 +38326,-1.262957681691358,2,-1.0379097090251346 -1.1091078296760681 -0.7066836694751262 -0.09840407347907781 0.3148545833426667 0.4804676031176709 0.6321505558088 0.6275072001141692 0.5623378738155869 0.47605263118244423 0.01115533532456496 0.0398647404870887 -0.3100379074203385 -0.39612056276620017 -0.8339632082973397 -1.0079858612669137 -0.9947586939144686 -1.1191684336810916 -1.262957681691358 -1.262957681691358 +38327,-1.26899404409437,2,-1.1091078296760681 -0.7066836694751262 -0.09840407347907781 0.3148545833426667 0.4804676031176709 0.6321505558088 0.6275072001141692 0.5623378738155869 0.47605263118244423 0.01115533532456496 0.0398647404870887 -0.3100379074203385 -0.39612056276620017 -0.8339632082973397 -1.0079858612669137 -0.9947586939144686 -1.1191684336810916 -1.262957681691358 -1.262957681691358 -1.262957681691358 +38328,-1.26899404409437,2,-0.7066836694751262 -0.09840407347907781 0.3148545833426667 0.4804676031176709 0.6321505558088 0.6275072001141692 0.5623378738155869 0.47605263118244423 0.01115533532456496 0.0398647404870887 -0.3100379074203385 -0.39612056276620017 -0.8339632082973397 -1.0079858612669137 -0.9947586939144686 -1.1191684336810916 -1.262957681691358 -1.262957681691358 -1.262957681691358 -1.26899404409437 +38329,-1.26899404409437,2,-0.09840407347907781 0.3148545833426667 0.4804676031176709 0.6321505558088 0.6275072001141692 0.5623378738155869 0.47605263118244423 0.01115533532456496 0.0398647404870887 -0.3100379074203385 -0.39612056276620017 -0.8339632082973397 -1.0079858612669137 -0.9947586939144686 -1.1191684336810916 -1.262957681691358 -1.262957681691358 -1.262957681691358 -1.26899404409437 -1.26899404409437 +38330,-1.351955332505027,2,0.3148545833426667 0.4804676031176709 0.6321505558088 0.6275072001141692 0.5623378738155869 0.47605263118244423 0.01115533532456496 0.0398647404870887 -0.3100379074203385 -0.39612056276620017 -0.8339632082973397 -1.0079858612669137 -0.9947586939144686 -1.1191684336810916 -1.262957681691358 -1.262957681691358 -1.262957681691358 -1.26899404409437 -1.26899404409437 -1.26899404409437 +38331,-1.664453170753379,2,0.4804676031176709 0.6321505558088 0.6275072001141692 0.5623378738155869 0.47605263118244423 0.01115533532456496 0.0398647404870887 -0.3100379074203385 -0.39612056276620017 -0.8339632082973397 -1.0079858612669137 -0.9947586939144686 -1.1191684336810916 -1.262957681691358 -1.262957681691358 -1.262957681691358 -1.26899404409437 -1.26899404409437 -1.26899404409437 -1.351955332505027 +38332,-1.664453170753379,2,0.6321505558088 0.6275072001141692 0.5623378738155869 0.47605263118244423 0.01115533532456496 0.0398647404870887 -0.3100379074203385 -0.39612056276620017 -0.8339632082973397 -1.0079858612669137 -0.9947586939144686 -1.1191684336810916 -1.262957681691358 -1.262957681691358 -1.262957681691358 -1.26899404409437 -1.26899404409437 -1.26899404409437 -1.351955332505027 -1.664453170753379 +38333,-0.13431269085085015,2,0.6275072001141692 0.5623378738155869 0.47605263118244423 0.01115533532456496 0.0398647404870887 -0.3100379074203385 -0.39612056276620017 -0.8339632082973397 -1.0079858612669137 -0.9947586939144686 -1.1191684336810916 -1.262957681691358 -1.262957681691358 -1.262957681691358 -1.26899404409437 -1.26899404409437 -1.26899404409437 -1.351955332505027 -1.664453170753379 -1.664453170753379 +38334,-0.13431269085085015,2,0.5623378738155869 0.47605263118244423 0.01115533532456496 0.0398647404870887 -0.3100379074203385 -0.39612056276620017 -0.8339632082973397 -1.0079858612669137 -0.9947586939144686 -1.1191684336810916 -1.262957681691358 -1.262957681691358 -1.262957681691358 -1.26899404409437 -1.26899404409437 -1.26899404409437 -1.351955332505027 -1.664453170753379 -1.664453170753379 -0.13431269085085015 +38335,-0.13431269085085015,2,0.47605263118244423 0.01115533532456496 0.0398647404870887 -0.3100379074203385 -0.39612056276620017 -0.8339632082973397 -1.0079858612669137 -0.9947586939144686 -1.1191684336810916 -1.262957681691358 -1.262957681691358 -1.262957681691358 -1.26899404409437 -1.26899404409437 -1.26899404409437 -1.351955332505027 -1.664453170753379 -1.664453170753379 -0.13431269085085015 -0.13431269085085015 +38336,0.5245794822166248,2,0.01115533532456496 0.0398647404870887 -0.3100379074203385 -0.39612056276620017 -0.8339632082973397 -1.0079858612669137 -0.9947586939144686 -1.1191684336810916 -1.262957681691358 -1.262957681691358 -1.262957681691358 -1.26899404409437 -1.26899404409437 -1.26899404409437 -1.351955332505027 -1.664453170753379 -1.664453170753379 -0.13431269085085015 -0.13431269085085015 -0.13431269085085015 +38337,0.5245794822166248,2,0.0398647404870887 -0.3100379074203385 -0.39612056276620017 -0.8339632082973397 -1.0079858612669137 -0.9947586939144686 -1.1191684336810916 -1.262957681691358 -1.262957681691358 -1.262957681691358 -1.26899404409437 -1.26899404409437 -1.26899404409437 -1.351955332505027 -1.664453170753379 -1.664453170753379 -0.13431269085085015 -0.13431269085085015 -0.13431269085085015 0.5245794822166248 +38338,0.5245794822166248,2,-0.3100379074203385 -0.39612056276620017 -0.8339632082973397 -1.0079858612669137 -0.9947586939144686 -1.1191684336810916 -1.262957681691358 -1.262957681691358 -1.262957681691358 -1.26899404409437 -1.26899404409437 -1.26899404409437 -1.351955332505027 -1.664453170753379 -1.664453170753379 -0.13431269085085015 -0.13431269085085015 -0.13431269085085015 0.5245794822166248 0.5245794822166248 +38339,0.44749977768582944,2,-0.39612056276620017 -0.8339632082973397 -1.0079858612669137 -0.9947586939144686 -1.1191684336810916 -1.262957681691358 -1.262957681691358 -1.262957681691358 -1.26899404409437 -1.26899404409437 -1.26899404409437 -1.351955332505027 -1.664453170753379 -1.664453170753379 -0.13431269085085015 -0.13431269085085015 -0.13431269085085015 0.5245794822166248 0.5245794822166248 0.5245794822166248 +38340,0.44749977768582944,2,-0.8339632082973397 -1.0079858612669137 -0.9947586939144686 -1.1191684336810916 -1.262957681691358 -1.262957681691358 -1.262957681691358 -1.26899404409437 -1.26899404409437 -1.26899404409437 -1.351955332505027 -1.664453170753379 -1.664453170753379 -0.13431269085085015 -0.13431269085085015 -0.13431269085085015 0.5245794822166248 0.5245794822166248 0.5245794822166248 0.44749977768582944 +38341,0.44749977768582944,2,-1.0079858612669137 -0.9947586939144686 -1.1191684336810916 -1.262957681691358 -1.262957681691358 -1.262957681691358 -1.26899404409437 -1.26899404409437 -1.26899404409437 -1.351955332505027 -1.664453170753379 -1.664453170753379 -0.13431269085085015 -0.13431269085085015 -0.13431269085085015 0.5245794822166248 0.5245794822166248 0.5245794822166248 0.44749977768582944 0.44749977768582944 +38342,-0.7953717632424856,2,-0.9947586939144686 -1.1191684336810916 -1.262957681691358 -1.262957681691358 -1.262957681691358 -1.26899404409437 -1.26899404409437 -1.26899404409437 -1.351955332505027 -1.664453170753379 -1.664453170753379 -0.13431269085085015 -0.13431269085085015 -0.13431269085085015 0.5245794822166248 0.5245794822166248 0.5245794822166248 0.44749977768582944 0.44749977768582944 0.44749977768582944 +38343,-0.7953717632424856,2,-1.1191684336810916 -1.262957681691358 -1.262957681691358 -1.262957681691358 -1.26899404409437 -1.26899404409437 -1.26899404409437 -1.351955332505027 -1.664453170753379 -1.664453170753379 -0.13431269085085015 -0.13431269085085015 -0.13431269085085015 0.5245794822166248 0.5245794822166248 0.5245794822166248 0.44749977768582944 0.44749977768582944 0.44749977768582944 -0.7953717632424856 +38344,-0.7953717632424856,2,-1.262957681691358 -1.262957681691358 -1.262957681691358 -1.26899404409437 -1.26899404409437 -1.26899404409437 -1.351955332505027 -1.664453170753379 -1.664453170753379 -0.13431269085085015 -0.13431269085085015 -0.13431269085085015 0.5245794822166248 0.5245794822166248 0.5245794822166248 0.44749977768582944 0.44749977768582944 0.44749977768582944 -0.7953717632424856 -0.7953717632424856 +38345,-1.3723860975613749,2,-1.262957681691358 -1.262957681691358 -1.26899404409437 -1.26899404409437 -1.26899404409437 -1.351955332505027 -1.664453170753379 -1.664453170753379 -0.13431269085085015 -0.13431269085085015 -0.13431269085085015 0.5245794822166248 0.5245794822166248 0.5245794822166248 0.44749977768582944 0.44749977768582944 0.44749977768582944 -0.7953717632424856 -0.7953717632424856 -0.7953717632424856 +38346,-1.3723860975613749,2,-1.262957681691358 -1.26899404409437 -1.26899404409437 -1.26899404409437 -1.351955332505027 -1.664453170753379 -1.664453170753379 -0.13431269085085015 -0.13431269085085015 -0.13431269085085015 0.5245794822166248 0.5245794822166248 0.5245794822166248 0.44749977768582944 0.44749977768582944 0.44749977768582944 -0.7953717632424856 -0.7953717632424856 -0.7953717632424856 -1.3723860975613749 +38347,-1.3723860975613749,2,-1.26899404409437 -1.26899404409437 -1.26899404409437 -1.351955332505027 -1.664453170753379 -1.664453170753379 -0.13431269085085015 -0.13431269085085015 -0.13431269085085015 0.5245794822166248 0.5245794822166248 0.5245794822166248 0.44749977768582944 0.44749977768582944 0.44749977768582944 -0.7953717632424856 -0.7953717632424856 -0.7953717632424856 -1.3723860975613749 -1.3723860975613749 +38348,-1.7399850900526248,2,-1.26899404409437 -1.26899404409437 -1.351955332505027 -1.664453170753379 -1.664453170753379 -0.13431269085085015 -0.13431269085085015 -0.13431269085085015 0.5245794822166248 0.5245794822166248 0.5245794822166248 0.44749977768582944 0.44749977768582944 0.44749977768582944 -0.7953717632424856 -0.7953717632424856 -0.7953717632424856 -1.3723860975613749 -1.3723860975613749 -1.3723860975613749 +38349,-1.7399850900526248,2,-1.26899404409437 -1.351955332505027 -1.664453170753379 -1.664453170753379 -0.13431269085085015 -0.13431269085085015 -0.13431269085085015 0.5245794822166248 0.5245794822166248 0.5245794822166248 0.44749977768582944 0.44749977768582944 0.44749977768582944 -0.7953717632424856 -0.7953717632424856 -0.7953717632424856 -1.3723860975613749 -1.3723860975613749 -1.3723860975613749 -1.7399850900526248 +38350,-1.7399850900526248,2,-1.351955332505027 -1.664453170753379 -1.664453170753379 -0.13431269085085015 -0.13431269085085015 -0.13431269085085015 0.5245794822166248 0.5245794822166248 0.5245794822166248 0.44749977768582944 0.44749977768582944 0.44749977768582944 -0.7953717632424856 -0.7953717632424856 -0.7953717632424856 -1.3723860975613749 -1.3723860975613749 -1.3723860975613749 -1.7399850900526248 -1.7399850900526248 +38351,-1.931446123194387,2,-1.664453170753379 -1.664453170753379 -0.13431269085085015 -0.13431269085085015 -0.13431269085085015 0.5245794822166248 0.5245794822166248 0.5245794822166248 0.44749977768582944 0.44749977768582944 0.44749977768582944 -0.7953717632424856 -0.7953717632424856 -0.7953717632424856 -1.3723860975613749 -1.3723860975613749 -1.3723860975613749 -1.7399850900526248 -1.7399850900526248 -1.7399850900526248 +38352,-1.931446123194387,2,-1.664453170753379 -0.13431269085085015 -0.13431269085085015 -0.13431269085085015 0.5245794822166248 0.5245794822166248 0.5245794822166248 0.44749977768582944 0.44749977768582944 0.44749977768582944 -0.7953717632424856 -0.7953717632424856 -0.7953717632424856 -1.3723860975613749 -1.3723860975613749 -1.3723860975613749 -1.7399850900526248 -1.7399850900526248 -1.7399850900526248 -1.931446123194387 +38353,-1.931446123194387,2,-0.13431269085085015 -0.13431269085085015 -0.13431269085085015 0.5245794822166248 0.5245794822166248 0.5245794822166248 0.44749977768582944 0.44749977768582944 0.44749977768582944 -0.7953717632424856 -0.7953717632424856 -0.7953717632424856 -1.3723860975613749 -1.3723860975613749 -1.3723860975613749 -1.7399850900526248 -1.7399850900526248 -1.7399850900526248 -1.931446123194387 -1.931446123194387 +38354,-1.8302209690515425,2,-0.13431269085085015 -0.13431269085085015 0.5245794822166248 0.5245794822166248 0.5245794822166248 0.44749977768582944 0.44749977768582944 0.44749977768582944 -0.7953717632424856 -0.7953717632424856 -0.7953717632424856 -1.3723860975613749 -1.3723860975613749 -1.3723860975613749 -1.7399850900526248 -1.7399850900526248 -1.7399850900526248 -1.931446123194387 -1.931446123194387 -1.931446123194387 +38355,-1.8302209690515425,2,-0.13431269085085015 0.5245794822166248 0.5245794822166248 0.5245794822166248 0.44749977768582944 0.44749977768582944 0.44749977768582944 -0.7953717632424856 -0.7953717632424856 -0.7953717632424856 -1.3723860975613749 -1.3723860975613749 -1.3723860975613749 -1.7399850900526248 -1.7399850900526248 -1.7399850900526248 -1.931446123194387 -1.931446123194387 -1.931446123194387 -1.8302209690515425 +38356,-1.9896428479003752,2,0.5245794822166248 0.5245794822166248 0.5245794822166248 0.44749977768582944 0.44749977768582944 0.44749977768582944 -0.7953717632424856 -0.7953717632424856 -0.7953717632424856 -1.3723860975613749 -1.3723860975613749 -1.3723860975613749 -1.7399850900526248 -1.7399850900526248 -1.7399850900526248 -1.931446123194387 -1.931446123194387 -1.931446123194387 -1.8302209690515425 -1.8302209690515425 +38357,-0.2353830664705527,2,0.5245794822166248 0.5245794822166248 0.44749977768582944 0.44749977768582944 0.44749977768582944 -0.7953717632424856 -0.7953717632424856 -0.7953717632424856 -1.3723860975613749 -1.3723860975613749 -1.3723860975613749 -1.7399850900526248 -1.7399850900526248 -1.7399850900526248 -1.931446123194387 -1.931446123194387 -1.931446123194387 -1.8302209690515425 -1.8302209690515425 -1.9896428479003752 +38358,-0.2353830664705527,2,0.5245794822166248 0.44749977768582944 0.44749977768582944 0.44749977768582944 -0.7953717632424856 -0.7953717632424856 -0.7953717632424856 -1.3723860975613749 -1.3723860975613749 -1.3723860975613749 -1.7399850900526248 -1.7399850900526248 -1.7399850900526248 -1.931446123194387 -1.931446123194387 -1.931446123194387 -1.8302209690515425 -1.8302209690515425 -1.9896428479003752 -0.2353830664705527 +38359,-0.2353830664705527,2,0.44749977768582944 0.44749977768582944 0.44749977768582944 -0.7953717632424856 -0.7953717632424856 -0.7953717632424856 -1.3723860975613749 -1.3723860975613749 -1.3723860975613749 -1.7399850900526248 -1.7399850900526248 -1.7399850900526248 -1.931446123194387 -1.931446123194387 -1.931446123194387 -1.8302209690515425 -1.8302209690515425 -1.9896428479003752 -0.2353830664705527 -0.2353830664705527 +38360,0.4826345024418314,2,0.44749977768582944 0.44749977768582944 -0.7953717632424856 -0.7953717632424856 -0.7953717632424856 -1.3723860975613749 -1.3723860975613749 -1.3723860975613749 -1.7399850900526248 -1.7399850900526248 -1.7399850900526248 -1.931446123194387 -1.931446123194387 -1.931446123194387 -1.8302209690515425 -1.8302209690515425 -1.9896428479003752 -0.2353830664705527 -0.2353830664705527 -0.2353830664705527 +38361,0.4826345024418314,2,0.44749977768582944 -0.7953717632424856 -0.7953717632424856 -0.7953717632424856 -1.3723860975613749 -1.3723860975613749 -1.3723860975613749 -1.7399850900526248 -1.7399850900526248 -1.7399850900526248 -1.931446123194387 -1.931446123194387 -1.931446123194387 -1.8302209690515425 -1.8302209690515425 -1.9896428479003752 -0.2353830664705527 -0.2353830664705527 -0.2353830664705527 0.4826345024418314 +38362,0.4826345024418314,2,-0.7953717632424856 -0.7953717632424856 -0.7953717632424856 -1.3723860975613749 -1.3723860975613749 -1.3723860975613749 -1.7399850900526248 -1.7399850900526248 -1.7399850900526248 -1.931446123194387 -1.931446123194387 -1.931446123194387 -1.8302209690515425 -1.8302209690515425 -1.9896428479003752 -0.2353830664705527 -0.2353830664705527 -0.2353830664705527 0.4826345024418314 0.4826345024418314 +38363,0.3552517778859106,2,-0.7953717632424856 -0.7953717632424856 -1.3723860975613749 -1.3723860975613749 -1.3723860975613749 -1.7399850900526248 -1.7399850900526248 -1.7399850900526248 -1.931446123194387 -1.931446123194387 -1.931446123194387 -1.8302209690515425 -1.8302209690515425 -1.9896428479003752 -0.2353830664705527 -0.2353830664705527 -0.2353830664705527 0.4826345024418314 0.4826345024418314 0.4826345024418314 +38364,0.3552517778859106,2,-0.7953717632424856 -1.3723860975613749 -1.3723860975613749 -1.3723860975613749 -1.7399850900526248 -1.7399850900526248 -1.7399850900526248 -1.931446123194387 -1.931446123194387 -1.931446123194387 -1.8302209690515425 -1.8302209690515425 -1.9896428479003752 -0.2353830664705527 -0.2353830664705527 -0.2353830664705527 0.4826345024418314 0.4826345024418314 0.4826345024418314 0.3552517778859106 +38365,0.3552517778859106,2,-1.3723860975613749 -1.3723860975613749 -1.3723860975613749 -1.7399850900526248 -1.7399850900526248 -1.7399850900526248 -1.931446123194387 -1.931446123194387 -1.931446123194387 -1.8302209690515425 -1.8302209690515425 -1.9896428479003752 -0.2353830664705527 -0.2353830664705527 -0.2353830664705527 0.4826345024418314 0.4826345024418314 0.4826345024418314 0.3552517778859106 0.3552517778859106 +38366,-0.9937978299261807,2,-1.3723860975613749 -1.3723860975613749 -1.7399850900526248 -1.7399850900526248 -1.7399850900526248 -1.931446123194387 -1.931446123194387 -1.931446123194387 -1.8302209690515425 -1.8302209690515425 -1.9896428479003752 -0.2353830664705527 -0.2353830664705527 -0.2353830664705527 0.4826345024418314 0.4826345024418314 0.4826345024418314 0.3552517778859106 0.3552517778859106 0.3552517778859106 +38367,-0.9937978299261807,2,-1.3723860975613749 -1.7399850900526248 -1.7399850900526248 -1.7399850900526248 -1.931446123194387 -1.931446123194387 -1.931446123194387 -1.8302209690515425 -1.8302209690515425 -1.9896428479003752 -0.2353830664705527 -0.2353830664705527 -0.2353830664705527 0.4826345024418314 0.4826345024418314 0.4826345024418314 0.3552517778859106 0.3552517778859106 0.3552517778859106 -0.9937978299261807 +38368,-0.9937978299261807,2,-1.7399850900526248 -1.7399850900526248 -1.7399850900526248 -1.931446123194387 -1.931446123194387 -1.931446123194387 -1.8302209690515425 -1.8302209690515425 -1.9896428479003752 -0.2353830664705527 -0.2353830664705527 -0.2353830664705527 0.4826345024418314 0.4826345024418314 0.4826345024418314 0.3552517778859106 0.3552517778859106 0.3552517778859106 -0.9937978299261807 -0.9937978299261807 +38369,-1.6423198419423224,2,-1.7399850900526248 -1.7399850900526248 -1.931446123194387 -1.931446123194387 -1.931446123194387 -1.8302209690515425 -1.8302209690515425 -1.9896428479003752 -0.2353830664705527 -0.2353830664705527 -0.2353830664705527 0.4826345024418314 0.4826345024418314 0.4826345024418314 0.3552517778859106 0.3552517778859106 0.3552517778859106 -0.9937978299261807 -0.9937978299261807 -0.9937978299261807 +38370,-1.6423198419423224,2,-1.7399850900526248 -1.931446123194387 -1.931446123194387 -1.931446123194387 -1.8302209690515425 -1.8302209690515425 -1.9896428479003752 -0.2353830664705527 -0.2353830664705527 -0.2353830664705527 0.4826345024418314 0.4826345024418314 0.4826345024418314 0.3552517778859106 0.3552517778859106 0.3552517778859106 -0.9937978299261807 -0.9937978299261807 -0.9937978299261807 -1.6423198419423224 +38371,-1.6423198419423224,2,-1.931446123194387 -1.931446123194387 -1.931446123194387 -1.8302209690515425 -1.8302209690515425 -1.9896428479003752 -0.2353830664705527 -0.2353830664705527 -0.2353830664705527 0.4826345024418314 0.4826345024418314 0.4826345024418314 0.3552517778859106 0.3552517778859106 0.3552517778859106 -0.9937978299261807 -0.9937978299261807 -0.9937978299261807 -1.6423198419423224 -1.6423198419423224 +38372,-1.866129586423315,2,-1.931446123194387 -1.931446123194387 -1.8302209690515425 -1.8302209690515425 -1.9896428479003752 -0.2353830664705527 -0.2353830664705527 -0.2353830664705527 0.4826345024418314 0.4826345024418314 0.4826345024418314 0.3552517778859106 0.3552517778859106 0.3552517778859106 -0.9937978299261807 -0.9937978299261807 -0.9937978299261807 -1.6423198419423224 -1.6423198419423224 -1.6423198419423224 +38373,-1.866129586423315,2,-1.931446123194387 -1.8302209690515425 -1.8302209690515425 -1.9896428479003752 -0.2353830664705527 -0.2353830664705527 -0.2353830664705527 0.4826345024418314 0.4826345024418314 0.4826345024418314 0.3552517778859106 0.3552517778859106 0.3552517778859106 -0.9937978299261807 -0.9937978299261807 -0.9937978299261807 -1.6423198419423224 -1.6423198419423224 -1.6423198419423224 -1.866129586423315 +38374,-1.866129586423315,2,-1.8302209690515425 -1.8302209690515425 -1.9896428479003752 -0.2353830664705527 -0.2353830664705527 -0.2353830664705527 0.4826345024418314 0.4826345024418314 0.4826345024418314 0.3552517778859106 0.3552517778859106 0.3552517778859106 -0.9937978299261807 -0.9937978299261807 -0.9937978299261807 -1.6423198419423224 -1.6423198419423224 -1.6423198419423224 -1.866129586423315 -1.866129586423315 +38375,-1.8596288884508423,2,-1.8302209690515425 -1.9896428479003752 -0.2353830664705527 -0.2353830664705527 -0.2353830664705527 0.4826345024418314 0.4826345024418314 0.4826345024418314 0.3552517778859106 0.3552517778859106 0.3552517778859106 -0.9937978299261807 -0.9937978299261807 -0.9937978299261807 -1.6423198419423224 -1.6423198419423224 -1.6423198419423224 -1.866129586423315 -1.866129586423315 -1.866129586423315 +38376,-1.8596288884508423,2,-1.9896428479003752 -0.2353830664705527 -0.2353830664705527 -0.2353830664705527 0.4826345024418314 0.4826345024418314 0.4826345024418314 0.3552517778859106 0.3552517778859106 0.3552517778859106 -0.9937978299261807 -0.9937978299261807 -0.9937978299261807 -1.6423198419423224 -1.6423198419423224 -1.6423198419423224 -1.866129586423315 -1.866129586423315 -1.866129586423315 -1.8596288884508423 +38377,-1.8596288884508423,2,-0.2353830664705527 -0.2353830664705527 -0.2353830664705527 0.4826345024418314 0.4826345024418314 0.4826345024418314 0.3552517778859106 0.3552517778859106 0.3552517778859106 -0.9937978299261807 -0.9937978299261807 -0.9937978299261807 -1.6423198419423224 -1.6423198419423224 -1.6423198419423224 -1.866129586423315 -1.866129586423315 -1.866129586423315 -1.8596288884508423 -1.8596288884508423 +38378,-1.8766545259977987,2,-0.2353830664705527 -0.2353830664705527 0.4826345024418314 0.4826345024418314 0.4826345024418314 0.3552517778859106 0.3552517778859106 0.3552517778859106 -0.9937978299261807 -0.9937978299261807 -0.9937978299261807 -1.6423198419423224 -1.6423198419423224 -1.6423198419423224 -1.866129586423315 -1.866129586423315 -1.866129586423315 -1.8596288884508423 -1.8596288884508423 -1.8596288884508423 +38379,-1.8766545259977987,2,-0.2353830664705527 0.4826345024418314 0.4826345024418314 0.4826345024418314 0.3552517778859106 0.3552517778859106 0.3552517778859106 -0.9937978299261807 -0.9937978299261807 -0.9937978299261807 -1.6423198419423224 -1.6423198419423224 -1.6423198419423224 -1.866129586423315 -1.866129586423315 -1.866129586423315 -1.8596288884508423 -1.8596288884508423 -1.8596288884508423 -1.8766545259977987 +38380,-1.8766545259977987,2,0.4826345024418314 0.4826345024418314 0.4826345024418314 0.3552517778859106 0.3552517778859106 0.3552517778859106 -0.9937978299261807 -0.9937978299261807 -0.9937978299261807 -1.6423198419423224 -1.6423198419423224 -1.6423198419423224 -1.866129586423315 -1.866129586423315 -1.866129586423315 -1.8596288884508423 -1.8596288884508423 -1.8596288884508423 -1.8766545259977987 -1.8766545259977987 +38381,-0.2440506637671859,2,0.4826345024418314 0.4826345024418314 0.3552517778859106 0.3552517778859106 0.3552517778859106 -0.9937978299261807 -0.9937978299261807 -0.9937978299261807 -1.6423198419423224 -1.6423198419423224 -1.6423198419423224 -1.866129586423315 -1.866129586423315 -1.866129586423315 -1.8596288884508423 -1.8596288884508423 -1.8596288884508423 -1.8766545259977987 -1.8766545259977987 -1.8766545259977987 +38382,-0.2440506637671859,2,0.4826345024418314 0.3552517778859106 0.3552517778859106 0.3552517778859106 -0.9937978299261807 -0.9937978299261807 -0.9937978299261807 -1.6423198419423224 -1.6423198419423224 -1.6423198419423224 -1.866129586423315 -1.866129586423315 -1.866129586423315 -1.8596288884508423 -1.8596288884508423 -1.8596288884508423 -1.8766545259977987 -1.8766545259977987 -1.8766545259977987 -0.2440506637671859 +38383,-0.2440506637671859,2,0.3552517778859106 0.3552517778859106 0.3552517778859106 -0.9937978299261807 -0.9937978299261807 -0.9937978299261807 -1.6423198419423224 -1.6423198419423224 -1.6423198419423224 -1.866129586423315 -1.866129586423315 -1.866129586423315 -1.8596288884508423 -1.8596288884508423 -1.8596288884508423 -1.8766545259977987 -1.8766545259977987 -1.8766545259977987 -0.2440506637671859 -0.2440506637671859 +38384,0.24520424792327375,2,0.3552517778859106 0.3552517778859106 -0.9937978299261807 -0.9937978299261807 -0.9937978299261807 -1.6423198419423224 -1.6423198419423224 -1.6423198419423224 -1.866129586423315 -1.866129586423315 -1.866129586423315 -1.8596288884508423 -1.8596288884508423 -1.8596288884508423 -1.8766545259977987 -1.8766545259977987 -1.8766545259977987 -0.2440506637671859 -0.2440506637671859 -0.2440506637671859 +38385,0.24520424792327375,2,0.3552517778859106 -0.9937978299261807 -0.9937978299261807 -0.9937978299261807 -1.6423198419423224 -1.6423198419423224 -1.6423198419423224 -1.866129586423315 -1.866129586423315 -1.866129586423315 -1.8596288884508423 -1.8596288884508423 -1.8596288884508423 -1.8766545259977987 -1.8766545259977987 -1.8766545259977987 -0.2440506637671859 -0.2440506637671859 -0.2440506637671859 0.24520424792327375 +38386,0.24520424792327375,2,-0.9937978299261807 -0.9937978299261807 -0.9937978299261807 -1.6423198419423224 -1.6423198419423224 -1.6423198419423224 -1.866129586423315 -1.866129586423315 -1.866129586423315 -1.8596288884508423 -1.8596288884508423 -1.8596288884508423 -1.8766545259977987 -1.8766545259977987 -1.8766545259977987 -0.2440506637671859 -0.2440506637671859 -0.2440506637671859 0.24520424792327375 0.24520424792327375 +38387,0.04786163090165006,2,-0.9937978299261807 -0.9937978299261807 -1.6423198419423224 -1.6423198419423224 -1.6423198419423224 -1.866129586423315 -1.866129586423315 -1.866129586423315 -1.8596288884508423 -1.8596288884508423 -1.8596288884508423 -1.8766545259977987 -1.8766545259977987 -1.8766545259977987 -0.2440506637671859 -0.2440506637671859 -0.2440506637671859 0.24520424792327375 0.24520424792327375 0.24520424792327375 +38388,0.04786163090165006,2,-0.9937978299261807 -1.6423198419423224 -1.6423198419423224 -1.6423198419423224 -1.866129586423315 -1.866129586423315 -1.866129586423315 -1.8596288884508423 -1.8596288884508423 -1.8596288884508423 -1.8766545259977987 -1.8766545259977987 -1.8766545259977987 -0.2440506637671859 -0.2440506637671859 -0.2440506637671859 0.24520424792327375 0.24520424792327375 0.24520424792327375 0.04786163090165006 +38389,0.04786163090165006,2,-1.6423198419423224 -1.6423198419423224 -1.6423198419423224 -1.866129586423315 -1.866129586423315 -1.866129586423315 -1.8596288884508423 -1.8596288884508423 -1.8596288884508423 -1.8766545259977987 -1.8766545259977987 -1.8766545259977987 -0.2440506637671859 -0.2440506637671859 -0.2440506637671859 0.24520424792327375 0.24520424792327375 0.24520424792327375 0.04786163090165006 0.04786163090165006 +38390,-0.7811321391122918,2,-1.6423198419423224 -1.6423198419423224 -1.866129586423315 -1.866129586423315 -1.866129586423315 -1.8596288884508423 -1.8596288884508423 -1.8596288884508423 -1.8766545259977987 -1.8766545259977987 -1.8766545259977987 -0.2440506637671859 -0.2440506637671859 -0.2440506637671859 0.24520424792327375 0.24520424792327375 0.24520424792327375 0.04786163090165006 0.04786163090165006 0.04786163090165006 +38391,-0.7811321391122918,2,-1.6423198419423224 -1.866129586423315 -1.866129586423315 -1.866129586423315 -1.8596288884508423 -1.8596288884508423 -1.8596288884508423 -1.8766545259977987 -1.8766545259977987 -1.8766545259977987 -0.2440506637671859 -0.2440506637671859 -0.2440506637671859 0.24520424792327375 0.24520424792327375 0.24520424792327375 0.04786163090165006 0.04786163090165006 0.04786163090165006 -0.7811321391122918 +38392,-0.7811321391122918,2,-1.866129586423315 -1.866129586423315 -1.866129586423315 -1.8596288884508423 -1.8596288884508423 -1.8596288884508423 -1.8766545259977987 -1.8766545259977987 -1.8766545259977987 -0.2440506637671859 -0.2440506637671859 -0.2440506637671859 0.24520424792327375 0.24520424792327375 0.24520424792327375 0.04786163090165006 0.04786163090165006 0.04786163090165006 -0.7811321391122918 -0.7811321391122918 +38393,-0.9993698567597324,2,-1.866129586423315 -1.866129586423315 -1.8596288884508423 -1.8596288884508423 -1.8596288884508423 -1.8766545259977987 -1.8766545259977987 -1.8766545259977987 -0.2440506637671859 -0.2440506637671859 -0.2440506637671859 0.24520424792327375 0.24520424792327375 0.24520424792327375 0.04786163090165006 0.04786163090165006 0.04786163090165006 -0.7811321391122918 -0.7811321391122918 -0.7811321391122918 +38394,-0.9993698567597324,2,-1.866129586423315 -1.8596288884508423 -1.8596288884508423 -1.8596288884508423 -1.8766545259977987 -1.8766545259977987 -1.8766545259977987 -0.2440506637671859 -0.2440506637671859 -0.2440506637671859 0.24520424792327375 0.24520424792327375 0.24520424792327375 0.04786163090165006 0.04786163090165006 0.04786163090165006 -0.7811321391122918 -0.7811321391122918 -0.7811321391122918 -0.9993698567597324 +38395,-0.9993698567597324,2,-1.8596288884508423 -1.8596288884508423 -1.8596288884508423 -1.8766545259977987 -1.8766545259977987 -1.8766545259977987 -0.2440506637671859 -0.2440506637671859 -0.2440506637671859 0.24520424792327375 0.24520424792327375 0.24520424792327375 0.04786163090165006 0.04786163090165006 0.04786163090165006 -0.7811321391122918 -0.7811321391122918 -0.7811321391122918 -0.9993698567597324 -0.9993698567597324 +38396,-1.1205614403894817,2,-1.8596288884508423 -1.8596288884508423 -1.8766545259977987 -1.8766545259977987 -1.8766545259977987 -0.2440506637671859 -0.2440506637671859 -0.2440506637671859 0.24520424792327375 0.24520424792327375 0.24520424792327375 0.04786163090165006 0.04786163090165006 0.04786163090165006 -0.7811321391122918 -0.7811321391122918 -0.7811321391122918 -0.9993698567597324 -0.9993698567597324 -0.9993698567597324 +38397,-1.1205614403894817,2,-1.8596288884508423 -1.8766545259977987 -1.8766545259977987 -1.8766545259977987 -0.2440506637671859 -0.2440506637671859 -0.2440506637671859 0.24520424792327375 0.24520424792327375 0.24520424792327375 0.04786163090165006 0.04786163090165006 0.04786163090165006 -0.7811321391122918 -0.7811321391122918 -0.7811321391122918 -0.9993698567597324 -0.9993698567597324 -0.9993698567597324 -1.1205614403894817 +38398,-1.1205614403894817,2,-1.8766545259977987 -1.8766545259977987 -1.8766545259977987 -0.2440506637671859 -0.2440506637671859 -0.2440506637671859 0.24520424792327375 0.24520424792327375 0.24520424792327375 0.04786163090165006 0.04786163090165006 0.04786163090165006 -0.7811321391122918 -0.7811321391122918 -0.7811321391122918 -0.9993698567597324 -0.9993698567597324 -0.9993698567597324 -1.1205614403894817 -1.1205614403894817 +38399,-1.2833884467477057,2,-1.8766545259977987 -1.8766545259977987 -0.2440506637671859 -0.2440506637671859 -0.2440506637671859 0.24520424792327375 0.24520424792327375 0.24520424792327375 0.04786163090165006 0.04786163090165006 0.04786163090165006 -0.7811321391122918 -0.7811321391122918 -0.7811321391122918 -0.9993698567597324 -0.9993698567597324 -0.9993698567597324 -1.1205614403894817 -1.1205614403894817 -1.1205614403894817 +38400,-1.2833884467477057,2,-1.8766545259977987 -0.2440506637671859 -0.2440506637671859 -0.2440506637671859 0.24520424792327375 0.24520424792327375 0.24520424792327375 0.04786163090165006 0.04786163090165006 0.04786163090165006 -0.7811321391122918 -0.7811321391122918 -0.7811321391122918 -0.9993698567597324 -0.9993698567597324 -0.9993698567597324 -1.1205614403894817 -1.1205614403894817 -1.1205614403894817 -1.2833884467477057 +38401,-1.2833884467477057,2,-0.2440506637671859 -0.2440506637671859 -0.2440506637671859 0.24520424792327375 0.24520424792327375 0.24520424792327375 0.04786163090165006 0.04786163090165006 0.04786163090165006 -0.7811321391122918 -0.7811321391122918 -0.7811321391122918 -0.9993698567597324 -0.9993698567597324 -0.9993698567597324 -1.1205614403894817 -1.1205614403894817 -1.1205614403894817 -1.2833884467477057 -1.2833884467477057 +38402,-1.4112355068730869,2,-0.2440506637671859 -0.2440506637671859 0.24520424792327375 0.24520424792327375 0.24520424792327375 0.04786163090165006 0.04786163090165006 0.04786163090165006 -0.7811321391122918 -0.7811321391122918 -0.7811321391122918 -0.9993698567597324 -0.9993698567597324 -0.9993698567597324 -1.1205614403894817 -1.1205614403894817 -1.1205614403894817 -1.2833884467477057 -1.2833884467477057 -1.2833884467477057 +38403,-1.4112355068730869,2,-0.2440506637671859 0.24520424792327375 0.24520424792327375 0.24520424792327375 0.04786163090165006 0.04786163090165006 0.04786163090165006 -0.7811321391122918 -0.7811321391122918 -0.7811321391122918 -0.9993698567597324 -0.9993698567597324 -0.9993698567597324 -1.1205614403894817 -1.1205614403894817 -1.1205614403894817 -1.2833884467477057 -1.2833884467477057 -1.2833884467477057 -1.4112355068730869 +38404,-1.3635637217415912,2,0.24520424792327375 0.24520424792327375 0.24520424792327375 0.04786163090165006 0.04786163090165006 0.04786163090165006 -0.7811321391122918 -0.7811321391122918 -0.7811321391122918 -0.9993698567597324 -0.9993698567597324 -0.9993698567597324 -1.1205614403894817 -1.1205614403894817 -1.1205614403894817 -1.2833884467477057 -1.2833884467477057 -1.2833884467477057 -1.4112355068730869 -1.4112355068730869 +38405,-1.2419078025423815,2,0.24520424792327375 0.24520424792327375 0.04786163090165006 0.04786163090165006 0.04786163090165006 -0.7811321391122918 -0.7811321391122918 -0.7811321391122918 -0.9993698567597324 -0.9993698567597324 -0.9993698567597324 -1.1205614403894817 -1.1205614403894817 -1.1205614403894817 -1.2833884467477057 -1.2833884467477057 -1.2833884467477057 -1.4112355068730869 -1.4112355068730869 -1.3635637217415912 +38406,-1.2419078025423815,2,0.24520424792327375 0.04786163090165006 0.04786163090165006 0.04786163090165006 -0.7811321391122918 -0.7811321391122918 -0.7811321391122918 -0.9993698567597324 -0.9993698567597324 -0.9993698567597324 -1.1205614403894817 -1.1205614403894817 -1.1205614403894817 -1.2833884467477057 -1.2833884467477057 -1.2833884467477057 -1.4112355068730869 -1.4112355068730869 -1.3635637217415912 -1.2419078025423815 +38407,-1.2419078025423815,2,0.04786163090165006 0.04786163090165006 0.04786163090165006 -0.7811321391122918 -0.7811321391122918 -0.7811321391122918 -0.9993698567597324 -0.9993698567597324 -0.9993698567597324 -1.1205614403894817 -1.1205614403894817 -1.1205614403894817 -1.2833884467477057 -1.2833884467477057 -1.2833884467477057 -1.4112355068730869 -1.4112355068730869 -1.3635637217415912 -1.2419078025423815 -1.2419078025423815 +38408,-1.11498941355593,2,0.04786163090165006 0.04786163090165006 -0.7811321391122918 -0.7811321391122918 -0.7811321391122918 -0.9993698567597324 -0.9993698567597324 -0.9993698567597324 -1.1205614403894817 -1.1205614403894817 -1.1205614403894817 -1.2833884467477057 -1.2833884467477057 -1.2833884467477057 -1.4112355068730869 -1.4112355068730869 -1.3635637217415912 -1.2419078025423815 -1.2419078025423815 -1.2419078025423815 +38409,-1.11498941355593,2,0.04786163090165006 -0.7811321391122918 -0.7811321391122918 -0.7811321391122918 -0.9993698567597324 -0.9993698567597324 -0.9993698567597324 -1.1205614403894817 -1.1205614403894817 -1.1205614403894817 -1.2833884467477057 -1.2833884467477057 -1.2833884467477057 -1.4112355068730869 -1.4112355068730869 -1.3635637217415912 -1.2419078025423815 -1.2419078025423815 -1.2419078025423815 -1.11498941355593 +38410,-1.11498941355593,2,-0.7811321391122918 -0.7811321391122918 -0.7811321391122918 -0.9993698567597324 -0.9993698567597324 -0.9993698567597324 -1.1205614403894817 -1.1205614403894817 -1.1205614403894817 -1.2833884467477057 -1.2833884467477057 -1.2833884467477057 -1.4112355068730869 -1.4112355068730869 -1.3635637217415912 -1.2419078025423815 -1.2419078025423815 -1.2419078025423815 -1.11498941355593 -1.11498941355593 +38411,-1.0854267156334798,2,-0.7811321391122918 -0.7811321391122918 -0.9993698567597324 -0.9993698567597324 -0.9993698567597324 -1.1205614403894817 -1.1205614403894817 -1.1205614403894817 -1.2833884467477057 -1.2833884467477057 -1.2833884467477057 -1.4112355068730869 -1.4112355068730869 -1.3635637217415912 -1.2419078025423815 -1.2419078025423815 -1.2419078025423815 -1.11498941355593 -1.11498941355593 -1.11498941355593 +38412,-1.0854267156334798,2,-0.7811321391122918 -0.9993698567597324 -0.9993698567597324 -0.9993698567597324 -1.1205614403894817 -1.1205614403894817 -1.1205614403894817 -1.2833884467477057 -1.2833884467477057 -1.2833884467477057 -1.4112355068730869 -1.4112355068730869 -1.3635637217415912 -1.2419078025423815 -1.2419078025423815 -1.2419078025423815 -1.11498941355593 -1.11498941355593 -1.11498941355593 -1.0854267156334798 +38413,-1.0854267156334798,2,-0.9993698567597324 -0.9993698567597324 -0.9993698567597324 -1.1205614403894817 -1.1205614403894817 -1.1205614403894817 -1.2833884467477057 -1.2833884467477057 -1.2833884467477057 -1.4112355068730869 -1.4112355068730869 -1.3635637217415912 -1.2419078025423815 -1.2419078025423815 -1.2419078025423815 -1.11498941355593 -1.11498941355593 -1.11498941355593 -1.0854267156334798 -1.0854267156334798 +38414,-1.1696262322293676,2,-0.9993698567597324 -0.9993698567597324 -1.1205614403894817 -1.1205614403894817 -1.1205614403894817 -1.2833884467477057 -1.2833884467477057 -1.2833884467477057 -1.4112355068730869 -1.4112355068730869 -1.3635637217415912 -1.2419078025423815 -1.2419078025423815 -1.2419078025423815 -1.11498941355593 -1.11498941355593 -1.11498941355593 -1.0854267156334798 -1.0854267156334798 -1.0854267156334798 +38415,-1.1696262322293676,2,-0.9993698567597324 -1.1205614403894817 -1.1205614403894817 -1.1205614403894817 -1.2833884467477057 -1.2833884467477057 -1.2833884467477057 -1.4112355068730869 -1.4112355068730869 -1.3635637217415912 -1.2419078025423815 -1.2419078025423815 -1.2419078025423815 -1.11498941355593 -1.11498941355593 -1.11498941355593 -1.0854267156334798 -1.0854267156334798 -1.0854267156334798 -1.1696262322293676 +38416,-1.1696262322293676,2,-1.1205614403894817 -1.1205614403894817 -1.1205614403894817 -1.2833884467477057 -1.2833884467477057 -1.2833884467477057 -1.4112355068730869 -1.4112355068730869 -1.3635637217415912 -1.2419078025423815 -1.2419078025423815 -1.2419078025423815 -1.11498941355593 -1.11498941355593 -1.11498941355593 -1.0854267156334798 -1.0854267156334798 -1.0854267156334798 -1.1696262322293676 -1.1696262322293676 +38417,-1.325333426522499,2,-1.1205614403894817 -1.1205614403894817 -1.2833884467477057 -1.2833884467477057 -1.2833884467477057 -1.4112355068730869 -1.4112355068730869 -1.3635637217415912 -1.2419078025423815 -1.2419078025423815 -1.2419078025423815 -1.11498941355593 -1.11498941355593 -1.11498941355593 -1.0854267156334798 -1.0854267156334798 -1.0854267156334798 -1.1696262322293676 -1.1696262322293676 -1.1696262322293676 +38418,-1.325333426522499,2,-1.1205614403894817 -1.2833884467477057 -1.2833884467477057 -1.2833884467477057 -1.4112355068730869 -1.4112355068730869 -1.3635637217415912 -1.2419078025423815 -1.2419078025423815 -1.2419078025423815 -1.11498941355593 -1.11498941355593 -1.11498941355593 -1.0854267156334798 -1.0854267156334798 -1.0854267156334798 -1.1696262322293676 -1.1696262322293676 -1.1696262322293676 -1.325333426522499 +38419,-1.325333426522499,2,-1.2833884467477057 -1.2833884467477057 -1.2833884467477057 -1.4112355068730869 -1.4112355068730869 -1.3635637217415912 -1.2419078025423815 -1.2419078025423815 -1.2419078025423815 -1.11498941355593 -1.11498941355593 -1.11498941355593 -1.0854267156334798 -1.0854267156334798 -1.0854267156334798 -1.1696262322293676 -1.1696262322293676 -1.1696262322293676 -1.325333426522499 -1.325333426522499 +38420,-1.416962312229798,2,-1.2833884467477057 -1.2833884467477057 -1.4112355068730869 -1.4112355068730869 -1.3635637217415912 -1.2419078025423815 -1.2419078025423815 -1.2419078025423815 -1.11498941355593 -1.11498941355593 -1.11498941355593 -1.0854267156334798 -1.0854267156334798 -1.0854267156334798 -1.1696262322293676 -1.1696262322293676 -1.1696262322293676 -1.325333426522499 -1.325333426522499 -1.325333426522499 +38421,-1.416962312229798,2,-1.2833884467477057 -1.4112355068730869 -1.4112355068730869 -1.3635637217415912 -1.2419078025423815 -1.2419078025423815 -1.2419078025423815 -1.11498941355593 -1.11498941355593 -1.11498941355593 -1.0854267156334798 -1.0854267156334798 -1.0854267156334798 -1.1696262322293676 -1.1696262322293676 -1.1696262322293676 -1.325333426522499 -1.325333426522499 -1.325333426522499 -1.416962312229798 +38422,-1.416962312229798,2,-1.4112355068730869 -1.4112355068730869 -1.3635637217415912 -1.2419078025423815 -1.2419078025423815 -1.2419078025423815 -1.11498941355593 -1.11498941355593 -1.11498941355593 -1.0854267156334798 -1.0854267156334798 -1.0854267156334798 -1.1696262322293676 -1.1696262322293676 -1.1696262322293676 -1.325333426522499 -1.325333426522499 -1.325333426522499 -1.416962312229798 -1.416962312229798 +38423,-1.4641697617918332,2,-1.4112355068730869 -1.3635637217415912 -1.2419078025423815 -1.2419078025423815 -1.2419078025423815 -1.11498941355593 -1.11498941355593 -1.11498941355593 -1.0854267156334798 -1.0854267156334798 -1.0854267156334798 -1.1696262322293676 -1.1696262322293676 -1.1696262322293676 -1.325333426522499 -1.325333426522499 -1.325333426522499 -1.416962312229798 -1.416962312229798 -1.416962312229798 +38424,-1.4641697617918332,2,-1.3635637217415912 -1.2419078025423815 -1.2419078025423815 -1.2419078025423815 -1.11498941355593 -1.11498941355593 -1.11498941355593 -1.0854267156334798 -1.0854267156334798 -1.0854267156334798 -1.1696262322293676 -1.1696262322293676 -1.1696262322293676 -1.325333426522499 -1.325333426522499 -1.325333426522499 -1.416962312229798 -1.416962312229798 -1.416962312229798 -1.4641697617918332 +38425,-1.4641697617918332,2,-1.2419078025423815 -1.2419078025423815 -1.2419078025423815 -1.11498941355593 -1.11498941355593 -1.11498941355593 -1.0854267156334798 -1.0854267156334798 -1.0854267156334798 -1.1696262322293676 -1.1696262322293676 -1.1696262322293676 -1.325333426522499 -1.325333426522499 -1.325333426522499 -1.416962312229798 -1.416962312229798 -1.416962312229798 -1.4641697617918332 -1.4641697617918332 +38426,-1.5330462045954558,2,-1.2419078025423815 -1.2419078025423815 -1.11498941355593 -1.11498941355593 -1.11498941355593 -1.0854267156334798 -1.0854267156334798 -1.0854267156334798 -1.1696262322293676 -1.1696262322293676 -1.1696262322293676 -1.325333426522499 -1.325333426522499 -1.325333426522499 -1.416962312229798 -1.416962312229798 -1.416962312229798 -1.4641697617918332 -1.4641697617918332 -1.4641697617918332 +38427,-1.5330462045954558,2,-1.2419078025423815 -1.11498941355593 -1.11498941355593 -1.11498941355593 -1.0854267156334798 -1.0854267156334798 -1.0854267156334798 -1.1696262322293676 -1.1696262322293676 -1.1696262322293676 -1.325333426522499 -1.325333426522499 -1.325333426522499 -1.416962312229798 -1.416962312229798 -1.416962312229798 -1.4641697617918332 -1.4641697617918332 -1.4641697617918332 -1.5330462045954558 +38428,-1.5972792917044476,2,-1.11498941355593 -1.11498941355593 -1.11498941355593 -1.0854267156334798 -1.0854267156334798 -1.0854267156334798 -1.1696262322293676 -1.1696262322293676 -1.1696262322293676 -1.325333426522499 -1.325333426522499 -1.325333426522499 -1.416962312229798 -1.416962312229798 -1.416962312229798 -1.4641697617918332 -1.4641697617918332 -1.4641697617918332 -1.5330462045954558 -1.5330462045954558 +38429,-1.207856527448451,2,-1.11498941355593 -1.11498941355593 -1.0854267156334798 -1.0854267156334798 -1.0854267156334798 -1.1696262322293676 -1.1696262322293676 -1.1696262322293676 -1.325333426522499 -1.325333426522499 -1.325333426522499 -1.416962312229798 -1.416962312229798 -1.416962312229798 -1.4641697617918332 -1.4641697617918332 -1.4641697617918332 -1.5330462045954558 -1.5330462045954558 -1.5972792917044476 +38430,-1.207856527448451,2,-1.11498941355593 -1.0854267156334798 -1.0854267156334798 -1.0854267156334798 -1.1696262322293676 -1.1696262322293676 -1.1696262322293676 -1.325333426522499 -1.325333426522499 -1.325333426522499 -1.416962312229798 -1.416962312229798 -1.416962312229798 -1.4641697617918332 -1.4641697617918332 -1.4641697617918332 -1.5330462045954558 -1.5330462045954558 -1.5972792917044476 -1.207856527448451 +38431,-1.207856527448451,2,-1.0854267156334798 -1.0854267156334798 -1.0854267156334798 -1.1696262322293676 -1.1696262322293676 -1.1696262322293676 -1.325333426522499 -1.325333426522499 -1.325333426522499 -1.416962312229798 -1.416962312229798 -1.416962312229798 -1.4641697617918332 -1.4641697617918332 -1.4641697617918332 -1.5330462045954558 -1.5330462045954558 -1.5972792917044476 -1.207856527448451 -1.207856527448451 +38432,-0.7933596424414756,2,-1.0854267156334798 -1.0854267156334798 -1.1696262322293676 -1.1696262322293676 -1.1696262322293676 -1.325333426522499 -1.325333426522499 -1.325333426522499 -1.416962312229798 -1.416962312229798 -1.416962312229798 -1.4641697617918332 -1.4641697617918332 -1.4641697617918332 -1.5330462045954558 -1.5330462045954558 -1.5972792917044476 -1.207856527448451 -1.207856527448451 -1.207856527448451 +38433,-0.7933596424414756,2,-1.0854267156334798 -1.1696262322293676 -1.1696262322293676 -1.1696262322293676 -1.325333426522499 -1.325333426522499 -1.325333426522499 -1.416962312229798 -1.416962312229798 -1.416962312229798 -1.4641697617918332 -1.4641697617918332 -1.4641697617918332 -1.5330462045954558 -1.5330462045954558 -1.5972792917044476 -1.207856527448451 -1.207856527448451 -1.207856527448451 -0.7933596424414756 +38434,-0.7933596424414756,2,-1.1696262322293676 -1.1696262322293676 -1.1696262322293676 -1.325333426522499 -1.325333426522499 -1.325333426522499 -1.416962312229798 -1.416962312229798 -1.416962312229798 -1.4641697617918332 -1.4641697617918332 -1.4641697617918332 -1.5330462045954558 -1.5330462045954558 -1.5972792917044476 -1.207856527448451 -1.207856527448451 -1.207856527448451 -0.7933596424414756 -0.7933596424414756 +38435,-0.888393655658166,2,-1.1696262322293676 -1.1696262322293676 -1.325333426522499 -1.325333426522499 -1.325333426522499 -1.416962312229798 -1.416962312229798 -1.416962312229798 -1.4641697617918332 -1.4641697617918332 -1.4641697617918332 -1.5330462045954558 -1.5330462045954558 -1.5972792917044476 -1.207856527448451 -1.207856527448451 -1.207856527448451 -0.7933596424414756 -0.7933596424414756 -0.7933596424414756 +38436,-0.888393655658166,2,-1.1696262322293676 -1.325333426522499 -1.325333426522499 -1.325333426522499 -1.416962312229798 -1.416962312229798 -1.416962312229798 -1.4641697617918332 -1.4641697617918332 -1.4641697617918332 -1.5330462045954558 -1.5330462045954558 -1.5972792917044476 -1.207856527448451 -1.207856527448451 -1.207856527448451 -0.7933596424414756 -0.7933596424414756 -0.7933596424414756 -0.888393655658166 +38437,-0.888393655658166,2,-1.325333426522499 -1.325333426522499 -1.325333426522499 -1.416962312229798 -1.416962312229798 -1.416962312229798 -1.4641697617918332 -1.4641697617918332 -1.4641697617918332 -1.5330462045954558 -1.5330462045954558 -1.5972792917044476 -1.207856527448451 -1.207856527448451 -1.207856527448451 -0.7933596424414756 -0.7933596424414756 -0.7933596424414756 -0.888393655658166 -0.888393655658166 +38438,-1.5085911979370883,2,-1.325333426522499 -1.325333426522499 -1.416962312229798 -1.416962312229798 -1.416962312229798 -1.4641697617918332 -1.4641697617918332 -1.4641697617918332 -1.5330462045954558 -1.5330462045954558 -1.5972792917044476 -1.207856527448451 -1.207856527448451 -1.207856527448451 -0.7933596424414756 -0.7933596424414756 -0.7933596424414756 -0.888393655658166 -0.888393655658166 -0.888393655658166 +38439,-1.5085911979370883,2,-1.325333426522499 -1.416962312229798 -1.416962312229798 -1.416962312229798 -1.4641697617918332 -1.4641697617918332 -1.4641697617918332 -1.5330462045954558 -1.5330462045954558 -1.5972792917044476 -1.207856527448451 -1.207856527448451 -1.207856527448451 -0.7933596424414756 -0.7933596424414756 -0.7933596424414756 -0.888393655658166 -0.888393655658166 -0.888393655658166 -1.5085911979370883 +38440,-1.5085911979370883,2,-1.416962312229798 -1.416962312229798 -1.416962312229798 -1.4641697617918332 -1.4641697617918332 -1.4641697617918332 -1.5330462045954558 -1.5330462045954558 -1.5972792917044476 -1.207856527448451 -1.207856527448451 -1.207856527448451 -0.7933596424414756 -0.7933596424414756 -0.7933596424414756 -0.888393655658166 -0.888393655658166 -0.888393655658166 -1.5085911979370883 -1.5085911979370883 +38441,-1.9464596399403509,2,-1.416962312229798 -1.416962312229798 -1.4641697617918332 -1.4641697617918332 -1.4641697617918332 -1.5330462045954558 -1.5330462045954558 -1.5972792917044476 -1.207856527448451 -1.207856527448451 -1.207856527448451 -0.7933596424414756 -0.7933596424414756 -0.7933596424414756 -0.888393655658166 -0.888393655658166 -0.888393655658166 -1.5085911979370883 -1.5085911979370883 -1.5085911979370883 +38442,-1.9464596399403509,2,-1.416962312229798 -1.4641697617918332 -1.4641697617918332 -1.4641697617918332 -1.5330462045954558 -1.5330462045954558 -1.5972792917044476 -1.207856527448451 -1.207856527448451 -1.207856527448451 -0.7933596424414756 -0.7933596424414756 -0.7933596424414756 -0.888393655658166 -0.888393655658166 -0.888393655658166 -1.5085911979370883 -1.5085911979370883 -1.5085911979370883 -1.9464596399403509 +38443,-1.9464596399403509,2,-1.4641697617918332 -1.4641697617918332 -1.4641697617918332 -1.5330462045954558 -1.5330462045954558 -1.5972792917044476 -1.207856527448451 -1.207856527448451 -1.207856527448451 -0.7933596424414756 -0.7933596424414756 -0.7933596424414756 -0.888393655658166 -0.888393655658166 -0.888393655658166 -1.5085911979370883 -1.5085911979370883 -1.5085911979370883 -1.9464596399403509 -1.9464596399403509 +38444,-1.9037407675497873,2,-1.4641697617918332 -1.4641697617918332 -1.5330462045954558 -1.5330462045954558 -1.5972792917044476 -1.207856527448451 -1.207856527448451 -1.207856527448451 -0.7933596424414756 -0.7933596424414756 -0.7933596424414756 -0.888393655658166 -0.888393655658166 -0.888393655658166 -1.5085911979370883 -1.5085911979370883 -1.5085911979370883 -1.9464596399403509 -1.9464596399403509 -1.9464596399403509 +38445,-1.9037407675497873,2,-1.4641697617918332 -1.5330462045954558 -1.5330462045954558 -1.5972792917044476 -1.207856527448451 -1.207856527448451 -1.207856527448451 -0.7933596424414756 -0.7933596424414756 -0.7933596424414756 -0.888393655658166 -0.888393655658166 -0.888393655658166 -1.5085911979370883 -1.5085911979370883 -1.5085911979370883 -1.9464596399403509 -1.9464596399403509 -1.9464596399403509 -1.9037407675497873 +38446,-1.9037407675497873,2,-1.5330462045954558 -1.5330462045954558 -1.5972792917044476 -1.207856527448451 -1.207856527448451 -1.207856527448451 -0.7933596424414756 -0.7933596424414756 -0.7933596424414756 -0.888393655658166 -0.888393655658166 -0.888393655658166 -1.5085911979370883 -1.5085911979370883 -1.5085911979370883 -1.9464596399403509 -1.9464596399403509 -1.9464596399403509 -1.9037407675497873 -1.9037407675497873 +38447,-2.2614339345591645,2,-1.5330462045954558 -1.5972792917044476 -1.207856527448451 -1.207856527448451 -1.207856527448451 -0.7933596424414756 -0.7933596424414756 -0.7933596424414756 -0.888393655658166 -0.888393655658166 -0.888393655658166 -1.5085911979370883 -1.5085911979370883 -1.5085911979370883 -1.9464596399403509 -1.9464596399403509 -1.9464596399403509 -1.9037407675497873 -1.9037407675497873 -1.9037407675497873 +38448,-2.2614339345591645,2,-1.5972792917044476 -1.207856527448451 -1.207856527448451 -1.207856527448451 -0.7933596424414756 -0.7933596424414756 -0.7933596424414756 -0.888393655658166 -0.888393655658166 -0.888393655658166 -1.5085911979370883 -1.5085911979370883 -1.5085911979370883 -1.9464596399403509 -1.9464596399403509 -1.9464596399403509 -1.9037407675497873 -1.9037407675497873 -1.9037407675497873 -2.2614339345591645 +38449,-2.2614339345591645,2,-1.207856527448451 -1.207856527448451 -1.207856527448451 -0.7933596424414756 -0.7933596424414756 -0.7933596424414756 -0.888393655658166 -0.888393655658166 -0.888393655658166 -1.5085911979370883 -1.5085911979370883 -1.5085911979370883 -1.9464596399403509 -1.9464596399403509 -1.9464596399403509 -1.9037407675497873 -1.9037407675497873 -1.9037407675497873 -2.2614339345591645 -2.2614339345591645 +38450,-2.3564679477758546,2,-1.207856527448451 -1.207856527448451 -0.7933596424414756 -0.7933596424414756 -0.7933596424414756 -0.888393655658166 -0.888393655658166 -0.888393655658166 -1.5085911979370883 -1.5085911979370883 -1.5085911979370883 -1.9464596399403509 -1.9464596399403509 -1.9464596399403509 -1.9037407675497873 -1.9037407675497873 -1.9037407675497873 -2.2614339345591645 -2.2614339345591645 -2.2614339345591645 +38451,-2.3564679477758546,2,-1.207856527448451 -0.7933596424414756 -0.7933596424414756 -0.7933596424414756 -0.888393655658166 -0.888393655658166 -0.888393655658166 -1.5085911979370883 -1.5085911979370883 -1.5085911979370883 -1.9464596399403509 -1.9464596399403509 -1.9464596399403509 -1.9037407675497873 -1.9037407675497873 -1.9037407675497873 -2.2614339345591645 -2.2614339345591645 -2.2614339345591645 -2.3564679477758546 +38452,-2.3564679477758546,2,-0.7933596424414756 -0.7933596424414756 -0.7933596424414756 -0.888393655658166 -0.888393655658166 -0.888393655658166 -1.5085911979370883 -1.5085911979370883 -1.5085911979370883 -1.9464596399403509 -1.9464596399403509 -1.9464596399403509 -1.9037407675497873 -1.9037407675497873 -1.9037407675497873 -2.2614339345591645 -2.2614339345591645 -2.2614339345591645 -2.3564679477758546 -2.3564679477758546 +38453,-1.1139059638938498,2,-0.7933596424414756 -0.7933596424414756 -0.888393655658166 -0.888393655658166 -0.888393655658166 -1.5085911979370883 -1.5085911979370883 -1.5085911979370883 -1.9464596399403509 -1.9464596399403509 -1.9464596399403509 -1.9037407675497873 -1.9037407675497873 -1.9037407675497873 -2.2614339345591645 -2.2614339345591645 -2.2614339345591645 -2.3564679477758546 -2.3564679477758546 -2.3564679477758546 +38454,-1.1139059638938498,2,-0.7933596424414756 -0.888393655658166 -0.888393655658166 -0.888393655658166 -1.5085911979370883 -1.5085911979370883 -1.5085911979370883 -1.9464596399403509 -1.9464596399403509 -1.9464596399403509 -1.9037407675497873 -1.9037407675497873 -1.9037407675497873 -2.2614339345591645 -2.2614339345591645 -2.2614339345591645 -2.3564679477758546 -2.3564679477758546 -2.3564679477758546 -1.1139059638938498 +38455,-1.1139059638938498,2,-0.888393655658166 -0.888393655658166 -0.888393655658166 -1.5085911979370883 -1.5085911979370883 -1.5085911979370883 -1.9464596399403509 -1.9464596399403509 -1.9464596399403509 -1.9037407675497873 -1.9037407675497873 -1.9037407675497873 -2.2614339345591645 -2.2614339345591645 -2.2614339345591645 -2.3564679477758546 -2.3564679477758546 -2.3564679477758546 -1.1139059638938498 -1.1139059638938498 +38456,-0.8366976289246592,2,-0.888393655658166 -0.888393655658166 -1.5085911979370883 -1.5085911979370883 -1.5085911979370883 -1.9464596399403509 -1.9464596399403509 -1.9464596399403509 -1.9037407675497873 -1.9037407675497873 -1.9037407675497873 -2.2614339345591645 -2.2614339345591645 -2.2614339345591645 -2.3564679477758546 -2.3564679477758546 -2.3564679477758546 -1.1139059638938498 -1.1139059638938498 -1.1139059638938498 +38457,-0.8366976289246592,2,-0.888393655658166 -1.5085911979370883 -1.5085911979370883 -1.5085911979370883 -1.9464596399403509 -1.9464596399403509 -1.9464596399403509 -1.9037407675497873 -1.9037407675497873 -1.9037407675497873 -2.2614339345591645 -2.2614339345591645 -2.2614339345591645 -2.3564679477758546 -2.3564679477758546 -2.3564679477758546 -1.1139059638938498 -1.1139059638938498 -1.1139059638938498 -0.8366976289246592 +38458,-0.8366976289246592,2,-1.5085911979370883 -1.5085911979370883 -1.5085911979370883 -1.9464596399403509 -1.9464596399403509 -1.9464596399403509 -1.9037407675497873 -1.9037407675497873 -1.9037407675497873 -2.2614339345591645 -2.2614339345591645 -2.2614339345591645 -2.3564679477758546 -2.3564679477758546 -2.3564679477758546 -1.1139059638938498 -1.1139059638938498 -1.1139059638938498 -0.8366976289246592 -0.8366976289246592 +38459,-0.9834276688748474,2,-1.5085911979370883 -1.5085911979370883 -1.9464596399403509 -1.9464596399403509 -1.9464596399403509 -1.9037407675497873 -1.9037407675497873 -1.9037407675497873 -2.2614339345591645 -2.2614339345591645 -2.2614339345591645 -2.3564679477758546 -2.3564679477758546 -2.3564679477758546 -1.1139059638938498 -1.1139059638938498 -1.1139059638938498 -0.8366976289246592 -0.8366976289246592 -0.8366976289246592 +38460,-0.9834276688748474,2,-1.5085911979370883 -1.9464596399403509 -1.9464596399403509 -1.9464596399403509 -1.9037407675497873 -1.9037407675497873 -1.9037407675497873 -2.2614339345591645 -2.2614339345591645 -2.2614339345591645 -2.3564679477758546 -2.3564679477758546 -2.3564679477758546 -1.1139059638938498 -1.1139059638938498 -1.1139059638938498 -0.8366976289246592 -0.8366976289246592 -0.8366976289246592 -0.9834276688748474 +38461,-0.9834276688748474,2,-1.9464596399403509 -1.9464596399403509 -1.9464596399403509 -1.9037407675497873 -1.9037407675497873 -1.9037407675497873 -2.2614339345591645 -2.2614339345591645 -2.2614339345591645 -2.3564679477758546 -2.3564679477758546 -2.3564679477758546 -1.1139059638938498 -1.1139059638938498 -1.1139059638938498 -0.8366976289246592 -0.8366976289246592 -0.8366976289246592 -0.9834276688748474 -0.9834276688748474 +38462,-1.192688232179345,2,-1.9464596399403509 -1.9464596399403509 -1.9037407675497873 -1.9037407675497873 -1.9037407675497873 -2.2614339345591645 -2.2614339345591645 -2.2614339345591645 -2.3564679477758546 -2.3564679477758546 -2.3564679477758546 -1.1139059638938498 -1.1139059638938498 -1.1139059638938498 -0.8366976289246592 -0.8366976289246592 -0.8366976289246592 -0.9834276688748474 -0.9834276688748474 -0.9834276688748474 +38463,-1.192688232179345,2,-1.9464596399403509 -1.9037407675497873 -1.9037407675497873 -1.9037407675497873 -2.2614339345591645 -2.2614339345591645 -2.2614339345591645 -2.3564679477758546 -2.3564679477758546 -2.3564679477758546 -1.1139059638938498 -1.1139059638938498 -1.1139059638938498 -0.8366976289246592 -0.8366976289246592 -0.8366976289246592 -0.9834276688748474 -0.9834276688748474 -0.9834276688748474 -1.192688232179345 +38464,-1.192688232179345,2,-1.9037407675497873 -1.9037407675497873 -1.9037407675497873 -2.2614339345591645 -2.2614339345591645 -2.2614339345591645 -2.3564679477758546 -2.3564679477758546 -2.3564679477758546 -1.1139059638938498 -1.1139059638938498 -1.1139059638938498 -0.8366976289246592 -0.8366976289246592 -0.8366976289246592 -0.9834276688748474 -0.9834276688748474 -0.9834276688748474 -1.192688232179345 -1.192688232179345 +38465,-1.2710061648953712,2,-1.9037407675497873 -1.9037407675497873 -2.2614339345591645 -2.2614339345591645 -2.2614339345591645 -2.3564679477758546 -2.3564679477758546 -2.3564679477758546 -1.1139059638938498 -1.1139059638938498 -1.1139059638938498 -0.8366976289246592 -0.8366976289246592 -0.8366976289246592 -0.9834276688748474 -0.9834276688748474 -0.9834276688748474 -1.192688232179345 -1.192688232179345 -1.192688232179345 +38466,-1.2710061648953712,2,-1.9037407675497873 -2.2614339345591645 -2.2614339345591645 -2.2614339345591645 -2.3564679477758546 -2.3564679477758546 -2.3564679477758546 -1.1139059638938498 -1.1139059638938498 -1.1139059638938498 -0.8366976289246592 -0.8366976289246592 -0.8366976289246592 -0.9834276688748474 -0.9834276688748474 -0.9834276688748474 -1.192688232179345 -1.192688232179345 -1.192688232179345 -1.2710061648953712 +38467,-1.2710061648953712,2,-2.2614339345591645 -2.2614339345591645 -2.2614339345591645 -2.3564679477758546 -2.3564679477758546 -2.3564679477758546 -1.1139059638938498 -1.1139059638938498 -1.1139059638938498 -0.8366976289246592 -0.8366976289246592 -0.8366976289246592 -0.9834276688748474 -0.9834276688748474 -0.9834276688748474 -1.192688232179345 -1.192688232179345 -1.192688232179345 -1.2710061648953712 -1.2710061648953712 +38468,-1.2960802856463587,2,-2.2614339345591645 -2.2614339345591645 -2.3564679477758546 -2.3564679477758546 -2.3564679477758546 -1.1139059638938498 -1.1139059638938498 -1.1139059638938498 -0.8366976289246592 -0.8366976289246592 -0.8366976289246592 -0.9834276688748474 -0.9834276688748474 -0.9834276688748474 -1.192688232179345 -1.192688232179345 -1.192688232179345 -1.2710061648953712 -1.2710061648953712 -1.2710061648953712 +38469,-1.2960802856463587,2,-2.2614339345591645 -2.3564679477758546 -2.3564679477758546 -2.3564679477758546 -1.1139059638938498 -1.1139059638938498 -1.1139059638938498 -0.8366976289246592 -0.8366976289246592 -0.8366976289246592 -0.9834276688748474 -0.9834276688748474 -0.9834276688748474 -1.192688232179345 -1.192688232179345 -1.192688232179345 -1.2710061648953712 -1.2710061648953712 -1.2710061648953712 -1.2960802856463587 +38470,-1.2960802856463587,2,-2.3564679477758546 -2.3564679477758546 -2.3564679477758546 -1.1139059638938498 -1.1139059638938498 -1.1139059638938498 -0.8366976289246592 -0.8366976289246592 -0.8366976289246592 -0.9834276688748474 -0.9834276688748474 -0.9834276688748474 -1.192688232179345 -1.192688232179345 -1.192688232179345 -1.2710061648953712 -1.2710061648953712 -1.2710061648953712 -1.2960802856463587 -1.2960802856463587 +38471,-1.3192970641194868,2,-2.3564679477758546 -2.3564679477758546 -1.1139059638938498 -1.1139059638938498 -1.1139059638938498 -0.8366976289246592 -0.8366976289246592 -0.8366976289246592 -0.9834276688748474 -0.9834276688748474 -0.9834276688748474 -1.192688232179345 -1.192688232179345 -1.192688232179345 -1.2710061648953712 -1.2710061648953712 -1.2710061648953712 -1.2960802856463587 -1.2960802856463587 -1.2960802856463587 +38472,-1.3192970641194868,2,-2.3564679477758546 -1.1139059638938498 -1.1139059638938498 -1.1139059638938498 -0.8366976289246592 -0.8366976289246592 -0.8366976289246592 -0.9834276688748474 -0.9834276688748474 -0.9834276688748474 -1.192688232179345 -1.192688232179345 -1.192688232179345 -1.2710061648953712 -1.2710061648953712 -1.2710061648953712 -1.2960802856463587 -1.2960802856463587 -1.2960802856463587 -1.3192970641194868 +38473,-1.3192970641194868,2,-1.1139059638938498 -1.1139059638938498 -1.1139059638938498 -0.8366976289246592 -0.8366976289246592 -0.8366976289246592 -0.9834276688748474 -0.9834276688748474 -0.9834276688748474 -1.192688232179345 -1.192688232179345 -1.192688232179345 -1.2710061648953712 -1.2710061648953712 -1.2710061648953712 -1.2960802856463587 -1.2960802856463587 -1.2960802856463587 -1.3192970641194868 -1.3192970641194868 +38474,-1.3370965942822224,2,-1.1139059638938498 -1.1139059638938498 -0.8366976289246592 -0.8366976289246592 -0.8366976289246592 -0.9834276688748474 -0.9834276688748474 -0.9834276688748474 -1.192688232179345 -1.192688232179345 -1.192688232179345 -1.2710061648953712 -1.2710061648953712 -1.2710061648953712 -1.2960802856463587 -1.2960802856463587 -1.2960802856463587 -1.3192970641194868 -1.3192970641194868 -1.3192970641194868 +38475,-1.3370965942822224,2,-1.1139059638938498 -0.8366976289246592 -0.8366976289246592 -0.8366976289246592 -0.9834276688748474 -0.9834276688748474 -0.9834276688748474 -1.192688232179345 -1.192688232179345 -1.192688232179345 -1.2710061648953712 -1.2710061648953712 -1.2710061648953712 -1.2960802856463587 -1.2960802856463587 -1.2960802856463587 -1.3192970641194868 -1.3192970641194868 -1.3192970641194868 -1.3370965942822224 +38476,-1.4815049563850997,2,-0.8366976289246592 -0.8366976289246592 -0.8366976289246592 -0.9834276688748474 -0.9834276688748474 -0.9834276688748474 -1.192688232179345 -1.192688232179345 -1.192688232179345 -1.2710061648953712 -1.2710061648953712 -1.2710061648953712 -1.2960802856463587 -1.2960802856463587 -1.2960802856463587 -1.3192970641194868 -1.3192970641194868 -1.3192970641194868 -1.3370965942822224 -1.3370965942822224 +38477,-1.1281455880240348,2,-0.8366976289246592 -0.8366976289246592 -0.9834276688748474 -0.9834276688748474 -0.9834276688748474 -1.192688232179345 -1.192688232179345 -1.192688232179345 -1.2710061648953712 -1.2710061648953712 -1.2710061648953712 -1.2960802856463587 -1.2960802856463587 -1.2960802856463587 -1.3192970641194868 -1.3192970641194868 -1.3192970641194868 -1.3370965942822224 -1.3370965942822224 -1.4815049563850997 +38478,-1.1281455880240348,2,-0.8366976289246592 -0.9834276688748474 -0.9834276688748474 -0.9834276688748474 -1.192688232179345 -1.192688232179345 -1.192688232179345 -1.2710061648953712 -1.2710061648953712 -1.2710061648953712 -1.2960802856463587 -1.2960802856463587 -1.2960802856463587 -1.3192970641194868 -1.3192970641194868 -1.3192970641194868 -1.3370965942822224 -1.3370965942822224 -1.4815049563850997 -1.1281455880240348 +38479,-1.1281455880240348,2,-0.9834276688748474 -0.9834276688748474 -0.9834276688748474 -1.192688232179345 -1.192688232179345 -1.192688232179345 -1.2710061648953712 -1.2710061648953712 -1.2710061648953712 -1.2960802856463587 -1.2960802856463587 -1.2960802856463587 -1.3192970641194868 -1.3192970641194868 -1.3192970641194868 -1.3370965942822224 -1.3370965942822224 -1.4815049563850997 -1.1281455880240348 -1.1281455880240348 +38480,-0.8147190786367619,2,-0.9834276688748474 -0.9834276688748474 -1.192688232179345 -1.192688232179345 -1.192688232179345 -1.2710061648953712 -1.2710061648953712 -1.2710061648953712 -1.2960802856463587 -1.2960802856463587 -1.2960802856463587 -1.3192970641194868 -1.3192970641194868 -1.3192970641194868 -1.3370965942822224 -1.3370965942822224 -1.4815049563850997 -1.1281455880240348 -1.1281455880240348 -1.1281455880240348 +38481,-0.8147190786367619,2,-0.9834276688748474 -1.192688232179345 -1.192688232179345 -1.192688232179345 -1.2710061648953712 -1.2710061648953712 -1.2710061648953712 -1.2960802856463587 -1.2960802856463587 -1.2960802856463587 -1.3192970641194868 -1.3192970641194868 -1.3192970641194868 -1.3370965942822224 -1.3370965942822224 -1.4815049563850997 -1.1281455880240348 -1.1281455880240348 -1.1281455880240348 -0.8147190786367619 +38482,-0.8147190786367619,2,-1.192688232179345 -1.192688232179345 -1.192688232179345 -1.2710061648953712 -1.2710061648953712 -1.2710061648953712 -1.2960802856463587 -1.2960802856463587 -1.2960802856463587 -1.3192970641194868 -1.3192970641194868 -1.3192970641194868 -1.3370965942822224 -1.3370965942822224 -1.4815049563850997 -1.1281455880240348 -1.1281455880240348 -1.1281455880240348 -0.8147190786367619 -0.8147190786367619 +38483,-0.9321959777108099,2,-1.192688232179345 -1.192688232179345 -1.2710061648953712 -1.2710061648953712 -1.2710061648953712 -1.2960802856463587 -1.2960802856463587 -1.2960802856463587 -1.3192970641194868 -1.3192970641194868 -1.3192970641194868 -1.3370965942822224 -1.3370965942822224 -1.4815049563850997 -1.1281455880240348 -1.1281455880240348 -1.1281455880240348 -0.8147190786367619 -0.8147190786367619 -0.8147190786367619 +38484,-0.9321959777108099,2,-1.192688232179345 -1.2710061648953712 -1.2710061648953712 -1.2710061648953712 -1.2960802856463587 -1.2960802856463587 -1.2960802856463587 -1.3192970641194868 -1.3192970641194868 -1.3192970641194868 -1.3370965942822224 -1.3370965942822224 -1.4815049563850997 -1.1281455880240348 -1.1281455880240348 -1.1281455880240348 -0.8147190786367619 -0.8147190786367619 -0.8147190786367619 -0.9321959777108099 +38485,-0.9321959777108099,2,-1.2710061648953712 -1.2710061648953712 -1.2710061648953712 -1.2960802856463587 -1.2960802856463587 -1.2960802856463587 -1.3192970641194868 -1.3192970641194868 -1.3192970641194868 -1.3370965942822224 -1.3370965942822224 -1.4815049563850997 -1.1281455880240348 -1.1281455880240348 -1.1281455880240348 -0.8147190786367619 -0.8147190786367619 -0.8147190786367619 -0.9321959777108099 -0.9321959777108099 +38486,-1.1300029303018853,2,-1.2710061648953712 -1.2710061648953712 -1.2960802856463587 -1.2960802856463587 -1.2960802856463587 -1.3192970641194868 -1.3192970641194868 -1.3192970641194868 -1.3370965942822224 -1.3370965942822224 -1.4815049563850997 -1.1281455880240348 -1.1281455880240348 -1.1281455880240348 -0.8147190786367619 -0.8147190786367619 -0.8147190786367619 -0.9321959777108099 -0.9321959777108099 -0.9321959777108099 +38487,-1.1300029303018853,2,-1.2710061648953712 -1.2960802856463587 -1.2960802856463587 -1.2960802856463587 -1.3192970641194868 -1.3192970641194868 -1.3192970641194868 -1.3370965942822224 -1.3370965942822224 -1.4815049563850997 -1.1281455880240348 -1.1281455880240348 -1.1281455880240348 -0.8147190786367619 -0.8147190786367619 -0.8147190786367619 -0.9321959777108099 -0.9321959777108099 -0.9321959777108099 -1.1300029303018853 +38488,-1.1300029303018853,2,-1.2960802856463587 -1.2960802856463587 -1.2960802856463587 -1.3192970641194868 -1.3192970641194868 -1.3192970641194868 -1.3370965942822224 -1.3370965942822224 -1.4815049563850997 -1.1281455880240348 -1.1281455880240348 -1.1281455880240348 -0.8147190786367619 -0.8147190786367619 -0.8147190786367619 -0.9321959777108099 -0.9321959777108099 -0.9321959777108099 -1.1300029303018853 -1.1300029303018853 +38489,-1.338644379513763,2,-1.2960802856463587 -1.2960802856463587 -1.3192970641194868 -1.3192970641194868 -1.3192970641194868 -1.3370965942822224 -1.3370965942822224 -1.4815049563850997 -1.1281455880240348 -1.1281455880240348 -1.1281455880240348 -0.8147190786367619 -0.8147190786367619 -0.8147190786367619 -0.9321959777108099 -0.9321959777108099 -0.9321959777108099 -1.1300029303018853 -1.1300029303018853 -1.1300029303018853 +38490,-1.338644379513763,2,-1.2960802856463587 -1.3192970641194868 -1.3192970641194868 -1.3192970641194868 -1.3370965942822224 -1.3370965942822224 -1.4815049563850997 -1.1281455880240348 -1.1281455880240348 -1.1281455880240348 -0.8147190786367619 -0.8147190786367619 -0.8147190786367619 -0.9321959777108099 -0.9321959777108099 -0.9321959777108099 -1.1300029303018853 -1.1300029303018853 -1.1300029303018853 -1.338644379513763 +38491,-1.338644379513763,2,-1.3192970641194868 -1.3192970641194868 -1.3192970641194868 -1.3370965942822224 -1.3370965942822224 -1.4815049563850997 -1.1281455880240348 -1.1281455880240348 -1.1281455880240348 -0.8147190786367619 -0.8147190786367619 -0.8147190786367619 -0.9321959777108099 -0.9321959777108099 -0.9321959777108099 -1.1300029303018853 -1.1300029303018853 -1.1300029303018853 -1.338644379513763 -1.338644379513763 +38492,-1.3083077889755426,2,-1.3192970641194868 -1.3192970641194868 -1.3370965942822224 -1.3370965942822224 -1.4815049563850997 -1.1281455880240348 -1.1281455880240348 -1.1281455880240348 -0.8147190786367619 -0.8147190786367619 -0.8147190786367619 -0.9321959777108099 -0.9321959777108099 -0.9321959777108099 -1.1300029303018853 -1.1300029303018853 -1.1300029303018853 -1.338644379513763 -1.338644379513763 -1.338644379513763 +38493,-1.42257713996835,2,-1.3192970641194868 -1.3370965942822224 -1.3370965942822224 -1.4815049563850997 -1.1281455880240348 -1.1281455880240348 -1.1281455880240348 -0.8147190786367619 -0.8147190786367619 -0.8147190786367619 -0.9321959777108099 -0.9321959777108099 -0.9321959777108099 -1.1300029303018853 -1.1300029303018853 -1.1300029303018853 -1.338644379513763 -1.338644379513763 -1.338644379513763 -1.3083077889755426 +38494,-1.576590562391242,2,-1.3370965942822224 -1.3370965942822224 -1.4815049563850997 -1.1281455880240348 -1.1281455880240348 -1.1281455880240348 -0.8147190786367619 -0.8147190786367619 -0.8147190786367619 -0.9321959777108099 -0.9321959777108099 -0.9321959777108099 -1.1300029303018853 -1.1300029303018853 -1.1300029303018853 -1.338644379513763 -1.338644379513763 -1.338644379513763 -1.3083077889755426 -1.42257713996835 +38495,-1.6962859537336883,2,-1.3370965942822224 -1.4815049563850997 -1.1281455880240348 -1.1281455880240348 -1.1281455880240348 -0.8147190786367619 -0.8147190786367619 -0.8147190786367619 -0.9321959777108099 -0.9321959777108099 -0.9321959777108099 -1.1300029303018853 -1.1300029303018853 -1.1300029303018853 -1.338644379513763 -1.338644379513763 -1.338644379513763 -1.3083077889755426 -1.42257713996835 -1.576590562391242 +38496,-1.572901674307664,2,-1.4815049563850997 -1.1281455880240348 -1.1281455880240348 -1.1281455880240348 -0.8147190786367619 -0.8147190786367619 -0.8147190786367619 -0.9321959777108099 -0.9321959777108099 -0.9321959777108099 -1.1300029303018853 -1.1300029303018853 -1.1300029303018853 -1.338644379513763 -1.338644379513763 -1.338644379513763 -1.3083077889755426 -1.42257713996835 -1.576590562391242 -1.6962859537336883 +38497,-1.7736236223665558,2,-1.1281455880240348 -1.1281455880240348 -1.1281455880240348 -0.8147190786367619 -0.8147190786367619 -0.8147190786367619 -0.9321959777108099 -0.9321959777108099 -0.9321959777108099 -1.1300029303018853 -1.1300029303018853 -1.1300029303018853 -1.338644379513763 -1.338644379513763 -1.338644379513763 -1.3083077889755426 -1.42257713996835 -1.576590562391242 -1.6962859537336883 -1.572901674307664 +38498,-1.7312658999665396,2,-1.1281455880240348 -1.1281455880240348 -0.8147190786367619 -0.8147190786367619 -0.8147190786367619 -0.9321959777108099 -0.9321959777108099 -0.9321959777108099 -1.1300029303018853 -1.1300029303018853 -1.1300029303018853 -1.338644379513763 -1.338644379513763 -1.338644379513763 -1.3083077889755426 -1.42257713996835 -1.576590562391242 -1.6962859537336883 -1.572901674307664 -1.7736236223665558 +38499,-0.5952431328040904,2,-1.1281455880240348 -0.8147190786367619 -0.8147190786367619 -0.8147190786367619 -0.9321959777108099 -0.9321959777108099 -0.9321959777108099 -1.1300029303018853 -1.1300029303018853 -1.1300029303018853 -1.338644379513763 -1.338644379513763 -1.338644379513763 -1.3083077889755426 -1.42257713996835 -1.576590562391242 -1.6962859537336883 -1.572901674307664 -1.7736236223665558 -1.7312658999665396 +38500,-0.4807070256699732,2,-0.8147190786367619 -0.8147190786367619 -0.8147190786367619 -0.9321959777108099 -0.9321959777108099 -0.9321959777108099 -1.1300029303018853 -1.1300029303018853 -1.1300029303018853 -1.338644379513763 -1.338644379513763 -1.338644379513763 -1.3083077889755426 -1.42257713996835 -1.576590562391242 -1.6962859537336883 -1.572901674307664 -1.7736236223665558 -1.7312658999665396 -0.5952431328040904 +38501,-0.39867440839824586,2,-0.8147190786367619 -0.8147190786367619 -0.9321959777108099 -0.9321959777108099 -0.9321959777108099 -1.1300029303018853 -1.1300029303018853 -1.1300029303018853 -1.338644379513763 -1.338644379513763 -1.338644379513763 -1.3083077889755426 -1.42257713996835 -1.576590562391242 -1.6962859537336883 -1.572901674307664 -1.7736236223665558 -1.7312658999665396 -0.5952431328040904 -0.4807070256699732 +38502,-0.3104506502003469,2,-0.8147190786367619 -0.9321959777108099 -0.9321959777108099 -0.9321959777108099 -1.1300029303018853 -1.1300029303018853 -1.1300029303018853 -1.338644379513763 -1.338644379513763 -1.338644379513763 -1.3083077889755426 -1.42257713996835 -1.576590562391242 -1.6962859537336883 -1.572901674307664 -1.7736236223665558 -1.7312658999665396 -0.5952431328040904 -0.4807070256699732 -0.39867440839824586 +38503,-0.17579333505618308,2,-0.9321959777108099 -0.9321959777108099 -0.9321959777108099 -1.1300029303018853 -1.1300029303018853 -1.1300029303018853 -1.338644379513763 -1.338644379513763 -1.338644379513763 -1.3083077889755426 -1.42257713996835 -1.576590562391242 -1.6962859537336883 -1.572901674307664 -1.7736236223665558 -1.7312658999665396 -0.5952431328040904 -0.4807070256699732 -0.39867440839824586 -0.3104506502003469 +38504,-0.04887494606973151,2,-0.9321959777108099 -0.9321959777108099 -1.1300029303018853 -1.1300029303018853 -1.1300029303018853 -1.338644379513763 -1.338644379513763 -1.338644379513763 -1.3083077889755426 -1.42257713996835 -1.576590562391242 -1.6962859537336883 -1.572901674307664 -1.7736236223665558 -1.7312658999665396 -0.5952431328040904 -0.4807070256699732 -0.39867440839824586 -0.3104506502003469 -0.17579333505618308 +38505,0.017679818886580066,2,-0.9321959777108099 -1.1300029303018853 -1.1300029303018853 -1.1300029303018853 -1.338644379513763 -1.338644379513763 -1.338644379513763 -1.3083077889755426 -1.42257713996835 -1.576590562391242 -1.6962859537336883 -1.572901674307664 -1.7736236223665558 -1.7312658999665396 -0.5952431328040904 -0.4807070256699732 -0.39867440839824586 -0.3104506502003469 -0.17579333505618308 -0.04887494606973151 +38506,0.06566116106438567,2,-1.1300029303018853 -1.1300029303018853 -1.1300029303018853 -1.338644379513763 -1.338644379513763 -1.338644379513763 -1.3083077889755426 -1.42257713996835 -1.576590562391242 -1.6962859537336883 -1.572901674307664 -1.7736236223665558 -1.7312658999665396 -0.5952431328040904 -0.4807070256699732 -0.39867440839824586 -0.3104506502003469 -0.17579333505618308 -0.04887494606973151 0.017679818886580066 +38507,0.08887793953752253,2,-1.1300029303018853 -1.1300029303018853 -1.338644379513763 -1.338644379513763 -1.338644379513763 -1.3083077889755426 -1.42257713996835 -1.576590562391242 -1.6962859537336883 -1.572901674307664 -1.7736236223665558 -1.7312658999665396 -0.5952431328040904 -0.4807070256699732 -0.39867440839824586 -0.3104506502003469 -0.17579333505618308 -0.04887494606973151 0.017679818886580066 0.06566116106438567 +38508,-0.03494487898584764,2,-1.1300029303018853 -1.338644379513763 -1.338644379513763 -1.338644379513763 -1.3083077889755426 -1.42257713996835 -1.576590562391242 -1.6962859537336883 -1.572901674307664 -1.7736236223665558 -1.7312658999665396 -0.5952431328040904 -0.4807070256699732 -0.39867440839824586 -0.3104506502003469 -0.17579333505618308 -0.04887494606973151 0.017679818886580066 0.06566116106438567 0.08887793953752253 +38509,-0.04423159037510062,2,-1.338644379513763 -1.338644379513763 -1.338644379513763 -1.3083077889755426 -1.42257713996835 -1.576590562391242 -1.6962859537336883 -1.572901674307664 -1.7736236223665558 -1.7312658999665396 -0.5952431328040904 -0.4807070256699732 -0.39867440839824586 -0.3104506502003469 -0.17579333505618308 -0.04887494606973151 0.017679818886580066 0.06566116106438567 0.08887793953752253 -0.03494487898584764 +38510,-0.14019427473071183,2,-1.338644379513763 -1.338644379513763 -1.3083077889755426 -1.42257713996835 -1.576590562391242 -1.6962859537336883 -1.572901674307664 -1.7736236223665558 -1.7312658999665396 -0.5952431328040904 -0.4807070256699732 -0.39867440839824586 -0.3104506502003469 -0.17579333505618308 -0.04887494606973151 0.017679818886580066 0.06566116106438567 0.08887793953752253 -0.03494487898584764 -0.04423159037510062 +38511,-0.23151360339169216,2,-1.338644379513763 -1.3083077889755426 -1.42257713996835 -1.576590562391242 -1.6962859537336883 -1.572901674307664 -1.7736236223665558 -1.7312658999665396 -0.5952431328040904 -0.4807070256699732 -0.39867440839824586 -0.3104506502003469 -0.17579333505618308 -0.04887494606973151 0.017679818886580066 0.06566116106438567 0.08887793953752253 -0.03494487898584764 -0.04423159037510062 -0.14019427473071183 +38512,-0.3259285025157627,2,-1.3083077889755426 -1.42257713996835 -1.576590562391242 -1.6962859537336883 -1.572901674307664 -1.7736236223665558 -1.7312658999665396 -0.5952431328040904 -0.4807070256699732 -0.39867440839824586 -0.3104506502003469 -0.17579333505618308 -0.04887494606973151 0.017679818886580066 0.06566116106438567 0.08887793953752253 -0.03494487898584764 -0.04423159037510062 -0.14019427473071183 -0.23151360339169216 +38513,-0.38629212654590267,2,-1.42257713996835 -1.576590562391242 -1.6962859537336883 -1.572901674307664 -1.7736236223665558 -1.7312658999665396 -0.5952431328040904 -0.4807070256699732 -0.39867440839824586 -0.3104506502003469 -0.17579333505618308 -0.04887494606973151 0.017679818886580066 0.06566116106438567 0.08887793953752253 -0.03494487898584764 -0.04423159037510062 -0.14019427473071183 -0.23151360339169216 -0.3259285025157627 +38514,-0.5488095758578255,2,-1.576590562391242 -1.6962859537336883 -1.572901674307664 -1.7736236223665558 -1.7312658999665396 -0.5952431328040904 -0.4807070256699732 -0.39867440839824586 -0.3104506502003469 -0.17579333505618308 -0.04887494606973151 0.017679818886580066 0.06566116106438567 0.08887793953752253 -0.03494487898584764 -0.04423159037510062 -0.14019427473071183 -0.23151360339169216 -0.3259285025157627 -0.38629212654590267 +38515,-0.5875042066463781,2,-1.6962859537336883 -1.572901674307664 -1.7736236223665558 -1.7312658999665396 -0.5952431328040904 -0.4807070256699732 -0.39867440839824586 -0.3104506502003469 -0.17579333505618308 -0.04887494606973151 0.017679818886580066 0.06566116106438567 0.08887793953752253 -0.03494487898584764 -0.04423159037510062 -0.14019427473071183 -0.23151360339169216 -0.3259285025157627 -0.38629212654590267 -0.5488095758578255 +38516,-0.615364340814137,2,-1.572901674307664 -1.7736236223665558 -1.7312658999665396 -0.5952431328040904 -0.4807070256699732 -0.39867440839824586 -0.3104506502003469 -0.17579333505618308 -0.04887494606973151 0.017679818886580066 0.06566116106438567 0.08887793953752253 -0.03494487898584764 -0.04423159037510062 -0.14019427473071183 -0.23151360339169216 -0.3259285025157627 -0.38629212654590267 -0.5488095758578255 -0.5875042066463781 +38517,-0.6989447433174139,2,-1.7736236223665558 -1.7312658999665396 -0.5952431328040904 -0.4807070256699732 -0.39867440839824586 -0.3104506502003469 -0.17579333505618308 -0.04887494606973151 0.017679818886580066 0.06566116106438567 0.08887793953752253 -0.03494487898584764 -0.04423159037510062 -0.14019427473071183 -0.23151360339169216 -0.3259285025157627 -0.38629212654590267 -0.5488095758578255 -0.5875042066463781 -0.615364340814137 +38518,-0.7980029981361065,2,-1.7312658999665396 -0.5952431328040904 -0.4807070256699732 -0.39867440839824586 -0.3104506502003469 -0.17579333505618308 -0.04887494606973151 0.017679818886580066 0.06566116106438567 0.08887793953752253 -0.03494487898584764 -0.04423159037510062 -0.14019427473071183 -0.23151360339169216 -0.3259285025157627 -0.38629212654590267 -0.5488095758578255 -0.5875042066463781 -0.615364340814137 -0.6989447433174139 +38519,-0.8692011187870402,2,-0.5952431328040904 -0.4807070256699732 -0.39867440839824586 -0.3104506502003469 -0.17579333505618308 -0.04887494606973151 0.017679818886580066 0.06566116106438567 0.08887793953752253 -0.03494487898584764 -0.04423159037510062 -0.14019427473071183 -0.23151360339169216 -0.3259285025157627 -0.38629212654590267 -0.5488095758578255 -0.5875042066463781 -0.615364340814137 -0.6989447433174139 -0.7980029981361065 +38520,-0.8970612529547991,2,-0.4807070256699732 -0.39867440839824586 -0.3104506502003469 -0.17579333505618308 -0.04887494606973151 0.017679818886580066 0.06566116106438567 0.08887793953752253 -0.03494487898584764 -0.04423159037510062 -0.14019427473071183 -0.23151360339169216 -0.3259285025157627 -0.38629212654590267 -0.5488095758578255 -0.5875042066463781 -0.615364340814137 -0.6989447433174139 -0.7980029981361065 -0.8692011187870402 +38521,-0.994571722541951,2,-0.39867440839824586 -0.3104506502003469 -0.17579333505618308 -0.04887494606973151 0.017679818886580066 0.06566116106438567 0.08887793953752253 -0.03494487898584764 -0.04423159037510062 -0.14019427473071183 -0.23151360339169216 -0.3259285025157627 -0.38629212654590267 -0.5488095758578255 -0.5875042066463781 -0.615364340814137 -0.6989447433174139 -0.7980029981361065 -0.8692011187870402 -0.8970612529547991 +38522,-1.02243185670971,2,-0.3104506502003469 -0.17579333505618308 -0.04887494606973151 0.017679818886580066 0.06566116106438567 0.08887793953752253 -0.03494487898584764 -0.04423159037510062 -0.14019427473071183 -0.23151360339169216 -0.3259285025157627 -0.38629212654590267 -0.5488095758578255 -0.5875042066463781 -0.615364340814137 -0.6989447433174139 -0.7980029981361065 -0.8692011187870402 -0.8970612529547991 -0.994571722541951 +38523,-1.059578702266722,2,-0.17579333505618308 -0.04887494606973151 0.017679818886580066 0.06566116106438567 0.08887793953752253 -0.03494487898584764 -0.04423159037510062 -0.14019427473071183 -0.23151360339169216 -0.3259285025157627 -0.38629212654590267 -0.5488095758578255 -0.5875042066463781 -0.615364340814137 -0.6989447433174139 -0.7980029981361065 -0.8692011187870402 -0.8970612529547991 -0.994571722541951 -1.02243185670971 +38524,-0.8815834006393833,2,-0.04887494606973151 0.017679818886580066 0.06566116106438567 0.08887793953752253 -0.03494487898584764 -0.04423159037510062 -0.14019427473071183 -0.23151360339169216 -0.3259285025157627 -0.38629212654590267 -0.5488095758578255 -0.5875042066463781 -0.615364340814137 -0.6989447433174139 -0.7980029981361065 -0.8692011187870402 -0.8970612529547991 -0.994571722541951 -1.02243185670971 -1.059578702266722 +38525,-0.8614621926293367,2,0.017679818886580066 0.06566116106438567 0.08887793953752253 -0.03494487898584764 -0.04423159037510062 -0.14019427473071183 -0.23151360339169216 -0.3259285025157627 -0.38629212654590267 -0.5488095758578255 -0.5875042066463781 -0.615364340814137 -0.6989447433174139 -0.7980029981361065 -0.8692011187870402 -0.8970612529547991 -0.994571722541951 -1.02243185670971 -1.059578702266722 -0.8815834006393833 +38526,-0.4389168244183392,2,0.06566116106438567 0.08887793953752253 -0.03494487898584764 -0.04423159037510062 -0.14019427473071183 -0.23151360339169216 -0.3259285025157627 -0.38629212654590267 -0.5488095758578255 -0.5875042066463781 -0.615364340814137 -0.6989447433174139 -0.7980029981361065 -0.8692011187870402 -0.8970612529547991 -0.994571722541951 -1.02243185670971 -1.059578702266722 -0.8815834006393833 -0.8614621926293367 +38527,-0.3352152139050157,2,0.08887793953752253 -0.03494487898584764 -0.04423159037510062 -0.14019427473071183 -0.23151360339169216 -0.3259285025157627 -0.38629212654590267 -0.5488095758578255 -0.5875042066463781 -0.615364340814137 -0.6989447433174139 -0.7980029981361065 -0.8692011187870402 -0.8970612529547991 -0.994571722541951 -1.02243185670971 -1.059578702266722 -0.8815834006393833 -0.8614621926293367 -0.4389168244183392 +38528,-0.2624693080225413,2,-0.03494487898584764 -0.04423159037510062 -0.14019427473071183 -0.23151360339169216 -0.3259285025157627 -0.38629212654590267 -0.5488095758578255 -0.5875042066463781 -0.615364340814137 -0.6989447433174139 -0.7980029981361065 -0.8692011187870402 -0.8970612529547991 -0.994571722541951 -1.02243185670971 -1.059578702266722 -0.8815834006393833 -0.8614621926293367 -0.4389168244183392 -0.3352152139050157 +38529,-0.20055789876085184,2,-0.04423159037510062 -0.14019427473071183 -0.23151360339169216 -0.3259285025157627 -0.38629212654590267 -0.5488095758578255 -0.5875042066463781 -0.615364340814137 -0.6989447433174139 -0.7980029981361065 -0.8692011187870402 -0.8970612529547991 -0.994571722541951 -1.02243185670971 -1.059578702266722 -0.8815834006393833 -0.8614621926293367 -0.4389168244183392 -0.3352152139050157 -0.2624693080225413 +38530,-0.25318259663328835,2,-0.14019427473071183 -0.23151360339169216 -0.3259285025157627 -0.38629212654590267 -0.5488095758578255 -0.5875042066463781 -0.615364340814137 -0.6989447433174139 -0.7980029981361065 -0.8692011187870402 -0.8970612529547991 -0.994571722541951 -1.02243185670971 -1.059578702266722 -0.8815834006393833 -0.8614621926293367 -0.4389168244183392 -0.3352152139050157 -0.2624693080225413 -0.20055789876085184 +38531,-0.273303804643335,2,-0.23151360339169216 -0.3259285025157627 -0.38629212654590267 -0.5488095758578255 -0.5875042066463781 -0.615364340814137 -0.6989447433174139 -0.7980029981361065 -0.8692011187870402 -0.8970612529547991 -0.994571722541951 -1.02243185670971 -1.059578702266722 -0.8815834006393833 -0.8614621926293367 -0.4389168244183392 -0.3352152139050157 -0.2624693080225413 -0.20055789876085184 -0.25318259663328835 +38532,-0.30425950927417533,2,-0.3259285025157627 -0.38629212654590267 -0.5488095758578255 -0.5875042066463781 -0.615364340814137 -0.6989447433174139 -0.7980029981361065 -0.8692011187870402 -0.8970612529547991 -0.994571722541951 -1.02243185670971 -1.059578702266722 -0.8815834006393833 -0.8614621926293367 -0.4389168244183392 -0.3352152139050157 -0.2624693080225413 -0.20055789876085184 -0.25318259663328835 -0.273303804643335 +38533,-0.3259285025157627,2,-0.38629212654590267 -0.5488095758578255 -0.5875042066463781 -0.615364340814137 -0.6989447433174139 -0.7980029981361065 -0.8692011187870402 -0.8970612529547991 -0.994571722541951 -1.02243185670971 -1.059578702266722 -0.8815834006393833 -0.8614621926293367 -0.4389168244183392 -0.3352152139050157 -0.2624693080225413 -0.20055789876085184 -0.25318259663328835 -0.273303804643335 -0.30425950927417533 +38534,-0.45284689150221424,2,-0.5488095758578255 -0.5875042066463781 -0.615364340814137 -0.6989447433174139 -0.7980029981361065 -0.8692011187870402 -0.8970612529547991 -0.994571722541951 -1.02243185670971 -1.059578702266722 -0.8815834006393833 -0.8614621926293367 -0.4389168244183392 -0.3352152139050157 -0.2624693080225413 -0.20055789876085184 -0.25318259663328835 -0.273303804643335 -0.30425950927417533 -0.3259285025157627 +38535,-0.5859564214148374,2,-0.5875042066463781 -0.615364340814137 -0.6989447433174139 -0.7980029981361065 -0.8692011187870402 -0.8970612529547991 -0.994571722541951 -1.02243185670971 -1.059578702266722 -0.8815834006393833 -0.8614621926293367 -0.4389168244183392 -0.3352152139050157 -0.2624693080225413 -0.20055789876085184 -0.25318259663328835 -0.273303804643335 -0.30425950927417533 -0.3259285025157627 -0.45284689150221424 +38536,-0.6912058171597016,2,-0.615364340814137 -0.6989447433174139 -0.7980029981361065 -0.8692011187870402 -0.8970612529547991 -0.994571722541951 -1.02243185670971 -1.059578702266722 -0.8815834006393833 -0.8614621926293367 -0.4389168244183392 -0.3352152139050157 -0.2624693080225413 -0.20055789876085184 -0.25318259663328835 -0.273303804643335 -0.30425950927417533 -0.3259285025157627 -0.45284689150221424 -0.5859564214148374 +38537,-0.822767561840784,2,-0.6989447433174139 -0.7980029981361065 -0.8692011187870402 -0.8970612529547991 -0.994571722541951 -1.02243185670971 -1.059578702266722 -0.8815834006393833 -0.8614621926293367 -0.4389168244183392 -0.3352152139050157 -0.2624693080225413 -0.20055789876085184 -0.25318259663328835 -0.273303804643335 -0.30425950927417533 -0.3259285025157627 -0.45284689150221424 -0.5859564214148374 -0.6912058171597016 +38538,-0.9883805816157882,2,-0.7980029981361065 -0.8692011187870402 -0.8970612529547991 -0.994571722541951 -1.02243185670971 -1.059578702266722 -0.8815834006393833 -0.8614621926293367 -0.4389168244183392 -0.3352152139050157 -0.2624693080225413 -0.20055789876085184 -0.25318259663328835 -0.273303804643335 -0.30425950927417533 -0.3259285025157627 -0.45284689150221424 -0.5859564214148374 -0.6912058171597016 -0.822767561840784 +38539,-1.0533875613405503,2,-0.8692011187870402 -0.8970612529547991 -0.994571722541951 -1.02243185670971 -1.059578702266722 -0.8815834006393833 -0.8614621926293367 -0.4389168244183392 -0.3352152139050157 -0.2624693080225413 -0.20055789876085184 -0.25318259663328835 -0.273303804643335 -0.30425950927417533 -0.3259285025157627 -0.45284689150221424 -0.5859564214148374 -0.6912058171597016 -0.822767561840784 -0.9883805816157882 +38540,-1.1508980309277022,2,-0.8970612529547991 -0.994571722541951 -1.02243185670971 -1.059578702266722 -0.8815834006393833 -0.8614621926293367 -0.4389168244183392 -0.3352152139050157 -0.2624693080225413 -0.20055789876085184 -0.25318259663328835 -0.273303804643335 -0.30425950927417533 -0.3259285025157627 -0.45284689150221424 -0.5859564214148374 -0.6912058171597016 -0.822767561840784 -0.9883805816157882 -1.0533875613405503 +38541,-1.1416113195384492,2,-0.994571722541951 -1.02243185670971 -1.059578702266722 -0.8815834006393833 -0.8614621926293367 -0.4389168244183392 -0.3352152139050157 -0.2624693080225413 -0.20055789876085184 -0.25318259663328835 -0.273303804643335 -0.30425950927417533 -0.3259285025157627 -0.45284689150221424 -0.5859564214148374 -0.6912058171597016 -0.822767561840784 -0.9883805816157882 -1.0533875613405503 -1.1508980309277022 +38542,-1.1431591047699987,2,-1.02243185670971 -1.059578702266722 -0.8815834006393833 -0.8614621926293367 -0.4389168244183392 -0.3352152139050157 -0.2624693080225413 -0.20055789876085184 -0.25318259663328835 -0.273303804643335 -0.30425950927417533 -0.3259285025157627 -0.45284689150221424 -0.5859564214148374 -0.6912058171597016 -0.822767561840784 -0.9883805816157882 -1.0533875613405503 -1.1508980309277022 -1.1416113195384492 +38543,-1.308772124545003,2,-1.059578702266722 -0.8815834006393833 -0.8614621926293367 -0.4389168244183392 -0.3352152139050157 -0.2624693080225413 -0.20055789876085184 -0.25318259663328835 -0.273303804643335 -0.30425950927417533 -0.3259285025157627 -0.45284689150221424 -0.5859564214148374 -0.6912058171597016 -0.822767561840784 -0.9883805816157882 -1.0533875613405503 -1.1508980309277022 -1.1416113195384492 -1.1431591047699987 +38544,-1.3722313190382243,2,-0.8815834006393833 -0.8614621926293367 -0.4389168244183392 -0.3352152139050157 -0.2624693080225413 -0.20055789876085184 -0.25318259663328835 -0.273303804643335 -0.30425950927417533 -0.3259285025157627 -0.45284689150221424 -0.5859564214148374 -0.6912058171597016 -0.822767561840784 -0.9883805816157882 -1.0533875613405503 -1.1508980309277022 -1.1416113195384492 -1.1431591047699987 -1.308772124545003 +38545,-1.5037930637193069,2,-0.8614621926293367 -0.4389168244183392 -0.3352152139050157 -0.2624693080225413 -0.20055789876085184 -0.25318259663328835 -0.273303804643335 -0.30425950927417533 -0.3259285025157627 -0.45284689150221424 -0.5859564214148374 -0.6912058171597016 -0.822767561840784 -0.9883805816157882 -1.0533875613405503 -1.1508980309277022 -1.1416113195384492 -1.1431591047699987 -1.308772124545003 -1.3722313190382243 +38546,-1.6291636674742176,2,-0.4389168244183392 -0.3352152139050157 -0.2624693080225413 -0.20055789876085184 -0.25318259663328835 -0.273303804643335 -0.30425950927417533 -0.3259285025157627 -0.45284689150221424 -0.5859564214148374 -0.6912058171597016 -0.822767561840784 -0.9883805816157882 -1.0533875613405503 -1.1508980309277022 -1.1416113195384492 -1.1431591047699987 -1.308772124545003 -1.3722313190382243 -1.5037930637193069 +38547,-1.6214247413165055,2,-0.3352152139050157 -0.2624693080225413 -0.20055789876085184 -0.25318259663328835 -0.273303804643335 -0.30425950927417533 -0.3259285025157627 -0.45284689150221424 -0.5859564214148374 -0.6912058171597016 -0.822767561840784 -0.9883805816157882 -1.0533875613405503 -1.1508980309277022 -1.1416113195384492 -1.1431591047699987 -1.308772124545003 -1.3722313190382243 -1.5037930637193069 -1.6291636674742176 +38548,-1.271625278987991,2,-0.2624693080225413 -0.20055789876085184 -0.25318259663328835 -0.273303804643335 -0.30425950927417533 -0.3259285025157627 -0.45284689150221424 -0.5859564214148374 -0.6912058171597016 -0.822767561840784 -0.9883805816157882 -1.0533875613405503 -1.1508980309277022 -1.1416113195384492 -1.1431591047699987 -1.308772124545003 -1.3722313190382243 -1.5037930637193069 -1.6291636674742176 -1.6214247413165055 +38549,-1.0657698431928935,2,-0.20055789876085184 -0.25318259663328835 -0.273303804643335 -0.30425950927417533 -0.3259285025157627 -0.45284689150221424 -0.5859564214148374 -0.6912058171597016 -0.822767561840784 -0.9883805816157882 -1.0533875613405503 -1.1508980309277022 -1.1416113195384492 -1.1431591047699987 -1.308772124545003 -1.3722313190382243 -1.5037930637193069 -1.6291636674742176 -1.6214247413165055 -1.271625278987991 +38550,-0.90170460864943,2,-0.25318259663328835 -0.273303804643335 -0.30425950927417533 -0.3259285025157627 -0.45284689150221424 -0.5859564214148374 -0.6912058171597016 -0.822767561840784 -0.9883805816157882 -1.0533875613405503 -1.1508980309277022 -1.1416113195384492 -1.1431591047699987 -1.308772124545003 -1.3722313190382243 -1.5037930637193069 -1.6291636674742176 -1.6214247413165055 -1.271625278987991 -1.0657698431928935 +38551,-0.7283526627167135,2,-0.273303804643335 -0.30425950927417533 -0.3259285025157627 -0.45284689150221424 -0.5859564214148374 -0.6912058171597016 -0.822767561840784 -0.9883805816157882 -1.0533875613405503 -1.1508980309277022 -1.1416113195384492 -1.1431591047699987 -1.308772124545003 -1.3722313190382243 -1.5037930637193069 -1.6291636674742176 -1.6214247413165055 -1.271625278987991 -1.0657698431928935 -0.90170460864943 +38552,-0.62465105220339,2,-0.30425950927417533 -0.3259285025157627 -0.45284689150221424 -0.5859564214148374 -0.6912058171597016 -0.822767561840784 -0.9883805816157882 -1.0533875613405503 -1.1508980309277022 -1.1416113195384492 -1.1431591047699987 -1.308772124545003 -1.3722313190382243 -1.5037930637193069 -1.6291636674742176 -1.6214247413165055 -1.271625278987991 -1.0657698431928935 -0.90170460864943 -0.7283526627167135 +38553,-0.5534529315524563,2,-0.3259285025157627 -0.45284689150221424 -0.5859564214148374 -0.6912058171597016 -0.822767561840784 -0.9883805816157882 -1.0533875613405503 -1.1508980309277022 -1.1416113195384492 -1.1431591047699987 -1.308772124545003 -1.3722313190382243 -1.5037930637193069 -1.6291636674742176 -1.6214247413165055 -1.271625278987991 -1.0657698431928935 -0.90170460864943 -0.7283526627167135 -0.62465105220339 +38554,-0.5302361530793195,2,-0.45284689150221424 -0.5859564214148374 -0.6912058171597016 -0.822767561840784 -0.9883805816157882 -1.0533875613405503 -1.1508980309277022 -1.1416113195384492 -1.1431591047699987 -1.308772124545003 -1.3722313190382243 -1.5037930637193069 -1.6291636674742176 -1.6214247413165055 -1.271625278987991 -1.0657698431928935 -0.90170460864943 -0.7283526627167135 -0.62465105220339 -0.5534529315524563 +38555,-0.5441662201632034,2,-0.5859564214148374 -0.6912058171597016 -0.822767561840784 -0.9883805816157882 -1.0533875613405503 -1.1508980309277022 -1.1416113195384492 -1.1431591047699987 -1.308772124545003 -1.3722313190382243 -1.5037930637193069 -1.6291636674742176 -1.6214247413165055 -1.271625278987991 -1.0657698431928935 -0.90170460864943 -0.7283526627167135 -0.62465105220339 -0.5534529315524563 -0.5302361530793195 +38556,-0.5936953475725497,2,-0.6912058171597016 -0.822767561840784 -0.9883805816157882 -1.0533875613405503 -1.1508980309277022 -1.1416113195384492 -1.1431591047699987 -1.308772124545003 -1.3722313190382243 -1.5037930637193069 -1.6291636674742176 -1.6214247413165055 -1.271625278987991 -1.0657698431928935 -0.90170460864943 -0.7283526627167135 -0.62465105220339 -0.5534529315524563 -0.5302361530793195 -0.5441662201632034 +38557,-0.6138165555825964,2,-0.822767561840784 -0.9883805816157882 -1.0533875613405503 -1.1508980309277022 -1.1416113195384492 -1.1431591047699987 -1.308772124545003 -1.3722313190382243 -1.5037930637193069 -1.6291636674742176 -1.6214247413165055 -1.271625278987991 -1.0657698431928935 -0.90170460864943 -0.7283526627167135 -0.62465105220339 -0.5534529315524563 -0.5302361530793195 -0.5441662201632034 -0.5936953475725497 +38558,-0.7949074276730251,2,-0.9883805816157882 -1.0533875613405503 -1.1508980309277022 -1.1416113195384492 -1.1431591047699987 -1.308772124545003 -1.3722313190382243 -1.5037930637193069 -1.6291636674742176 -1.6214247413165055 -1.271625278987991 -1.0657698431928935 -0.90170460864943 -0.7283526627167135 -0.62465105220339 -0.5534529315524563 -0.5302361530793195 -0.5441662201632034 -0.5936953475725497 -0.6138165555825964 +38559,-0.9357558837433517,2,-1.0533875613405503 -1.1508980309277022 -1.1416113195384492 -1.1431591047699987 -1.308772124545003 -1.3722313190382243 -1.5037930637193069 -1.6291636674742176 -1.6214247413165055 -1.271625278987991 -1.0657698431928935 -0.90170460864943 -0.7283526627167135 -0.62465105220339 -0.5534529315524563 -0.5302361530793195 -0.5441662201632034 -0.5936953475725497 -0.6138165555825964 -0.7949074276730251 +38560,-1.0394574942566752,2,-1.1508980309277022 -1.1416113195384492 -1.1431591047699987 -1.308772124545003 -1.3722313190382243 -1.5037930637193069 -1.6291636674742176 -1.6214247413165055 -1.271625278987991 -1.0657698431928935 -0.90170460864943 -0.7283526627167135 -0.62465105220339 -0.5534529315524563 -0.5302361530793195 -0.5441662201632034 -0.5936953475725497 -0.6138165555825964 -0.7949074276730251 -0.9357558837433517 +38561,-1.1524458161592517,2,-1.1416113195384492 -1.1431591047699987 -1.308772124545003 -1.3722313190382243 -1.5037930637193069 -1.6291636674742176 -1.6214247413165055 -1.271625278987991 -1.0657698431928935 -0.90170460864943 -0.7283526627167135 -0.62465105220339 -0.5534529315524563 -0.5302361530793195 -0.5441662201632034 -0.5936953475725497 -0.6138165555825964 -0.7949074276730251 -0.9357558837433517 -1.0394574942566752 +38562,-1.387709171353649,2,-1.1431591047699987 -1.308772124545003 -1.3722313190382243 -1.5037930637193069 -1.6291636674742176 -1.6214247413165055 -1.271625278987991 -1.0657698431928935 -0.90170460864943 -0.7283526627167135 -0.62465105220339 -0.5534529315524563 -0.5302361530793195 -0.5441662201632034 -0.5936953475725497 -0.6138165555825964 -0.7949074276730251 -0.9357558837433517 -1.0394574942566752 -1.1524458161592517 +38563,-1.3644923928805208,2,-1.308772124545003 -1.3722313190382243 -1.5037930637193069 -1.6291636674742176 -1.6214247413165055 -1.271625278987991 -1.0657698431928935 -0.90170460864943 -0.7283526627167135 -0.62465105220339 -0.5534529315524563 -0.5302361530793195 -0.5441662201632034 -0.5936953475725497 -0.6138165555825964 -0.7949074276730251 -0.9357558837433517 -1.0394574942566752 -1.1524458161592517 -1.387709171353649 +38564,-1.4062825941321548,2,-1.3722313190382243 -1.5037930637193069 -1.6291636674742176 -1.6214247413165055 -1.271625278987991 -1.0657698431928935 -0.90170460864943 -0.7283526627167135 -0.62465105220339 -0.5534529315524563 -0.5302361530793195 -0.5441662201632034 -0.5936953475725497 -0.6138165555825964 -0.7949074276730251 -0.9357558837433517 -1.0394574942566752 -1.1524458161592517 -1.387709171353649 -1.3644923928805208 +38565,-1.641545949326552,2,-1.5037930637193069 -1.6291636674742176 -1.6214247413165055 -1.271625278987991 -1.0657698431928935 -0.90170460864943 -0.7283526627167135 -0.62465105220339 -0.5534529315524563 -0.5302361530793195 -0.5441662201632034 -0.5936953475725497 -0.6138165555825964 -0.7949074276730251 -0.9357558837433517 -1.0394574942566752 -1.1524458161592517 -1.387709171353649 -1.3644923928805208 -1.4062825941321548 +38566,-1.6585715868735174,2,-1.6291636674742176 -1.6214247413165055 -1.271625278987991 -1.0657698431928935 -0.90170460864943 -0.7283526627167135 -0.62465105220339 -0.5534529315524563 -0.5302361530793195 -0.5441662201632034 -0.5936953475725497 -0.6138165555825964 -0.7949074276730251 -0.9357558837433517 -1.0394574942566752 -1.1524458161592517 -1.387709171353649 -1.3644923928805208 -1.4062825941321548 -1.641545949326552 +38567,-1.8257323918800623,2,-1.6214247413165055 -1.271625278987991 -1.0657698431928935 -0.90170460864943 -0.7283526627167135 -0.62465105220339 -0.5534529315524563 -0.5302361530793195 -0.5441662201632034 -0.5936953475725497 -0.6138165555825964 -0.7949074276730251 -0.9357558837433517 -1.0394574942566752 -1.1524458161592517 -1.387709171353649 -1.3644923928805208 -1.4062825941321548 -1.641545949326552 -1.6585715868735174 +38568,-1.8830004454471208,2,-1.271625278987991 -1.0657698431928935 -0.90170460864943 -0.7283526627167135 -0.62465105220339 -0.5534529315524563 -0.5302361530793195 -0.5441662201632034 -0.5936953475725497 -0.6138165555825964 -0.7949074276730251 -0.9357558837433517 -1.0394574942566752 -1.1524458161592517 -1.387709171353649 -1.3644923928805208 -1.4062825941321548 -1.641545949326552 -1.6585715868735174 -1.8257323918800623 +38569,-1.9108605796148797,2,-1.0657698431928935 -0.90170460864943 -0.7283526627167135 -0.62465105220339 -0.5534529315524563 -0.5302361530793195 -0.5441662201632034 -0.5936953475725497 -0.6138165555825964 -0.7949074276730251 -0.9357558837433517 -1.0394574942566752 -1.1524458161592517 -1.387709171353649 -1.3644923928805208 -1.4062825941321548 -1.641545949326552 -1.6585715868735174 -1.8257323918800623 -1.8830004454471208 +38570,-1.9526507808665137,2,-0.90170460864943 -0.7283526627167135 -0.62465105220339 -0.5534529315524563 -0.5302361530793195 -0.5441662201632034 -0.5936953475725497 -0.6138165555825964 -0.7949074276730251 -0.9357558837433517 -1.0394574942566752 -1.1524458161592517 -1.387709171353649 -1.3644923928805208 -1.4062825941321548 -1.641545949326552 -1.6585715868735174 -1.8257323918800623 -1.8830004454471208 -1.9108605796148797 +38571,-1.9665808479503977,2,-0.7283526627167135 -0.62465105220339 -0.5534529315524563 -0.5302361530793195 -0.5441662201632034 -0.5936953475725497 -0.6138165555825964 -0.7949074276730251 -0.9357558837433517 -1.0394574942566752 -1.1524458161592517 -1.387709171353649 -1.3644923928805208 -1.4062825941321548 -1.641545949326552 -1.6585715868735174 -1.8257323918800623 -1.8830004454471208 -1.9108605796148797 -1.9526507808665137 +38572,-1.5115319898770192,2,-0.62465105220339 -0.5534529315524563 -0.5302361530793195 -0.5441662201632034 -0.5936953475725497 -0.6138165555825964 -0.7949074276730251 -0.9357558837433517 -1.0394574942566752 -1.1524458161592517 -1.387709171353649 -1.3644923928805208 -1.4062825941321548 -1.641545949326552 -1.6585715868735174 -1.8257323918800623 -1.8830004454471208 -1.9108605796148797 -1.9526507808665137 -1.9665808479503977 +38573,-1.1741148094008391,2,-0.5534529315524563 -0.5302361530793195 -0.5441662201632034 -0.5936953475725497 -0.6138165555825964 -0.7949074276730251 -0.9357558837433517 -1.0394574942566752 -1.1524458161592517 -1.387709171353649 -1.3644923928805208 -1.4062825941321548 -1.641545949326552 -1.6585715868735174 -1.8257323918800623 -1.8830004454471208 -1.9108605796148797 -1.9526507808665137 -1.9665808479503977 -1.5115319898770192 +38574,-0.9264691723540988,2,-0.5302361530793195 -0.5441662201632034 -0.5936953475725497 -0.6138165555825964 -0.7949074276730251 -0.9357558837433517 -1.0394574942566752 -1.1524458161592517 -1.387709171353649 -1.3644923928805208 -1.4062825941321548 -1.641545949326552 -1.6585715868735174 -1.8257323918800623 -1.8830004454471208 -1.9108605796148797 -1.9526507808665137 -1.9665808479503977 -1.5115319898770192 -1.1741148094008391 +38575,-0.582860850951756,2,-0.5441662201632034 -0.5936953475725497 -0.6138165555825964 -0.7949074276730251 -0.9357558837433517 -1.0394574942566752 -1.1524458161592517 -1.387709171353649 -1.3644923928805208 -1.4062825941321548 -1.641545949326552 -1.6585715868735174 -1.8257323918800623 -1.8830004454471208 -1.9108605796148797 -1.9526507808665137 -1.9665808479503977 -1.5115319898770192 -1.1741148094008391 -0.9264691723540988 +38576,-0.4404646096498799,2,-0.5936953475725497 -0.6138165555825964 -0.7949074276730251 -0.9357558837433517 -1.0394574942566752 -1.1524458161592517 -1.387709171353649 -1.3644923928805208 -1.4062825941321548 -1.641545949326552 -1.6585715868735174 -1.8257323918800623 -1.8830004454471208 -1.9108605796148797 -1.9526507808665137 -1.9665808479503977 -1.5115319898770192 -1.1741148094008391 -0.9264691723540988 -0.582860850951756 +38577,-0.36152756284123394,2,-0.6138165555825964 -0.7949074276730251 -0.9357558837433517 -1.0394574942566752 -1.1524458161592517 -1.387709171353649 -1.3644923928805208 -1.4062825941321548 -1.641545949326552 -1.6585715868735174 -1.8257323918800623 -1.8830004454471208 -1.9108605796148797 -1.9526507808665137 -1.9665808479503977 -1.5115319898770192 -1.1741148094008391 -0.9264691723540988 -0.582860850951756 -0.4404646096498799 +38578,-0.40641333455594936,2,-0.7949074276730251 -0.9357558837433517 -1.0394574942566752 -1.1524458161592517 -1.387709171353649 -1.3644923928805208 -1.4062825941321548 -1.641545949326552 -1.6585715868735174 -1.8257323918800623 -1.8830004454471208 -1.9108605796148797 -1.9526507808665137 -1.9665808479503977 -1.5115319898770192 -1.1741148094008391 -0.9264691723540988 -0.582860850951756 -0.4404646096498799 -0.36152756284123394 +38579,-0.39712662316670516,2,-0.9357558837433517 -1.0394574942566752 -1.1524458161592517 -1.387709171353649 -1.3644923928805208 -1.4062825941321548 -1.641545949326552 -1.6585715868735174 -1.8257323918800623 -1.8830004454471208 -1.9108605796148797 -1.9526507808665137 -1.9665808479503977 -1.5115319898770192 -1.1741148094008391 -0.9264691723540988 -0.582860850951756 -0.4404646096498799 -0.36152756284123394 -0.40641333455594936 +38580,-0.356884207146603,2,-1.0394574942566752 -1.1524458161592517 -1.387709171353649 -1.3644923928805208 -1.4062825941321548 -1.641545949326552 -1.6585715868735174 -1.8257323918800623 -1.8830004454471208 -1.9108605796148797 -1.9526507808665137 -1.9665808479503977 -1.5115319898770192 -1.1741148094008391 -0.9264691723540988 -0.582860850951756 -0.4404646096498799 -0.36152756284123394 -0.40641333455594936 -0.39712662316670516 +38581,-0.4373690391867985,2,-1.1524458161592517 -1.387709171353649 -1.3644923928805208 -1.4062825941321548 -1.641545949326552 -1.6585715868735174 -1.8257323918800623 -1.8830004454471208 -1.9108605796148797 -1.9526507808665137 -1.9665808479503977 -1.5115319898770192 -1.1741148094008391 -0.9264691723540988 -0.582860850951756 -0.4404646096498799 -0.36152756284123394 -0.40641333455594936 -0.39712662316670516 -0.356884207146603 +38582,-0.6060776294248841,2,-1.387709171353649 -1.3644923928805208 -1.4062825941321548 -1.641545949326552 -1.6585715868735174 -1.8257323918800623 -1.8830004454471208 -1.9108605796148797 -1.9526507808665137 -1.9665808479503977 -1.5115319898770192 -1.1741148094008391 -0.9264691723540988 -0.582860850951756 -0.4404646096498799 -0.36152756284123394 -0.40641333455594936 -0.39712662316670516 -0.356884207146603 -0.4373690391867985 +38583,-0.8939656824917177,2,-1.3644923928805208 -1.4062825941321548 -1.641545949326552 -1.6585715868735174 -1.8257323918800623 -1.8830004454471208 -1.9108605796148797 -1.9526507808665137 -1.9665808479503977 -1.5115319898770192 -1.1741148094008391 -0.9264691723540988 -0.582860850951756 -0.4404646096498799 -0.36152756284123394 -0.40641333455594936 -0.39712662316670516 -0.356884207146603 -0.4373690391867985 -0.6060776294248841 +38584,-1.0054062191627446,2,-1.4062825941321548 -1.641545949326552 -1.6585715868735174 -1.8257323918800623 -1.8830004454471208 -1.9108605796148797 -1.9526507808665137 -1.9665808479503977 -1.5115319898770192 -1.1741148094008391 -0.9264691723540988 -0.582860850951756 -0.4404646096498799 -0.36152756284123394 -0.40641333455594936 -0.39712662316670516 -0.356884207146603 -0.4373690391867985 -0.6060776294248841 -0.8939656824917177 +38585,-1.1508980309277022,2,-1.641545949326552 -1.6585715868735174 -1.8257323918800623 -1.8830004454471208 -1.9108605796148797 -1.9526507808665137 -1.9665808479503977 -1.5115319898770192 -1.1741148094008391 -0.9264691723540988 -0.582860850951756 -0.4404646096498799 -0.36152756284123394 -0.40641333455594936 -0.39712662316670516 -0.356884207146603 -0.4373690391867985 -0.6060776294248841 -0.8939656824917177 -1.0054062191627446 +38586,-1.1818537355585514,2,-1.6585715868735174 -1.8257323918800623 -1.8830004454471208 -1.9108605796148797 -1.9526507808665137 -1.9665808479503977 -1.5115319898770192 -1.1741148094008391 -0.9264691723540988 -0.582860850951756 -0.4404646096498799 -0.36152756284123394 -0.40641333455594936 -0.39712662316670516 -0.356884207146603 -0.4373690391867985 -0.6060776294248841 -0.8939656824917177 -1.0054062191627446 -1.1508980309277022 +38587,-1.2468607152833135,2,-1.8257323918800623 -1.8830004454471208 -1.9108605796148797 -1.9526507808665137 -1.9665808479503977 -1.5115319898770192 -1.1741148094008391 -0.9264691723540988 -0.582860850951756 -0.4404646096498799 -0.36152756284123394 -0.40641333455594936 -0.39712662316670516 -0.356884207146603 -0.4373690391867985 -0.6060776294248841 -0.8939656824917177 -1.0054062191627446 -1.1508980309277022 -1.1818537355585514 +38588,-1.5146275603401005,2,-1.8830004454471208 -1.9108605796148797 -1.9526507808665137 -1.9665808479503977 -1.5115319898770192 -1.1741148094008391 -0.9264691723540988 -0.582860850951756 -0.4404646096498799 -0.36152756284123394 -0.40641333455594936 -0.39712662316670516 -0.356884207146603 -0.4373690391867985 -0.6060776294248841 -0.8939656824917177 -1.0054062191627446 -1.1508980309277022 -1.1818537355585514 -1.2468607152833135 +38589,-1.5780867548333306,2,-1.9108605796148797 -1.9526507808665137 -1.9665808479503977 -1.5115319898770192 -1.1741148094008391 -0.9264691723540988 -0.582860850951756 -0.4404646096498799 -0.36152756284123394 -0.40641333455594936 -0.39712662316670516 -0.356884207146603 -0.4373690391867985 -0.6060776294248841 -0.8939656824917177 -1.0054062191627446 -1.1508980309277022 -1.1818537355585514 -1.2468607152833135 -1.5146275603401005 +38590,-1.7081007142828637,2,-1.9526507808665137 -1.9665808479503977 -1.5115319898770192 -1.1741148094008391 -0.9264691723540988 -0.582860850951756 -0.4404646096498799 -0.36152756284123394 -0.40641333455594936 -0.39712662316670516 -0.356884207146603 -0.4373690391867985 -0.6060776294248841 -0.8939656824917177 -1.0054062191627446 -1.1508980309277022 -1.1818537355585514 -1.2468607152833135 -1.5146275603401005 -1.5780867548333306 +38591,-1.7096484995144043,2,-1.9665808479503977 -1.5115319898770192 -1.1741148094008391 -0.9264691723540988 -0.582860850951756 -0.4404646096498799 -0.36152756284123394 -0.40641333455594936 -0.39712662316670516 -0.356884207146603 -0.4373690391867985 -0.6060776294248841 -0.8939656824917177 -1.0054062191627446 -1.1508980309277022 -1.1818537355585514 -1.2468607152833135 -1.5146275603401005 -1.5780867548333306 -1.7081007142828637 +38592,-1.836566888500856,2,-1.5115319898770192 -1.1741148094008391 -0.9264691723540988 -0.582860850951756 -0.4404646096498799 -0.36152756284123394 -0.40641333455594936 -0.39712662316670516 -0.356884207146603 -0.4373690391867985 -0.6060776294248841 -0.8939656824917177 -1.0054062191627446 -1.1508980309277022 -1.1818537355585514 -1.2468607152833135 -1.5146275603401005 -1.5780867548333306 -1.7081007142828637 -1.7096484995144043 +38593,-1.8628792374370742,2,-1.1741148094008391 -0.9264691723540988 -0.582860850951756 -0.4404646096498799 -0.36152756284123394 -0.40641333455594936 -0.39712662316670516 -0.356884207146603 -0.4373690391867985 -0.6060776294248841 -0.8939656824917177 -1.0054062191627446 -1.1508980309277022 -1.1818537355585514 -1.2468607152833135 -1.5146275603401005 -1.5780867548333306 -1.7081007142828637 -1.7096484995144043 -1.836566888500856 +38594,-1.8891915863732924,2,-0.9264691723540988 -0.582860850951756 -0.4404646096498799 -0.36152756284123394 -0.40641333455594936 -0.39712662316670516 -0.356884207146603 -0.4373690391867985 -0.6060776294248841 -0.8939656824917177 -1.0054062191627446 -1.1508980309277022 -1.1818537355585514 -1.2468607152833135 -1.5146275603401005 -1.5780867548333306 -1.7081007142828637 -1.7096484995144043 -1.836566888500856 -1.8628792374370742 +38595,-1.9541985660980545,2,-0.582860850951756 -0.4404646096498799 -0.36152756284123394 -0.40641333455594936 -0.39712662316670516 -0.356884207146603 -0.4373690391867985 -0.6060776294248841 -0.8939656824917177 -1.0054062191627446 -1.1508980309277022 -1.1818537355585514 -1.2468607152833135 -1.5146275603401005 -1.5780867548333306 -1.7081007142828637 -1.7096484995144043 -1.836566888500856 -1.8628792374370742 -1.8891915863732924 +38596,-1.9449118547088102,2,-0.4404646096498799 -0.36152756284123394 -0.40641333455594936 -0.39712662316670516 -0.356884207146603 -0.4373690391867985 -0.6060776294248841 -0.8939656824917177 -1.0054062191627446 -1.1508980309277022 -1.1818537355585514 -1.2468607152833135 -1.5146275603401005 -1.5780867548333306 -1.7081007142828637 -1.7096484995144043 -1.836566888500856 -1.8628792374370742 -1.8891915863732924 -1.9541985660980545 +38597,-1.5424876945078594,2,-0.36152756284123394 -0.40641333455594936 -0.39712662316670516 -0.356884207146603 -0.4373690391867985 -0.6060776294248841 -0.8939656824917177 -1.0054062191627446 -1.1508980309277022 -1.1818537355585514 -1.2468607152833135 -1.5146275603401005 -1.5780867548333306 -1.7081007142828637 -1.7096484995144043 -1.836566888500856 -1.8628792374370742 -1.8891915863732924 -1.9541985660980545 -1.9449118547088102 +38598,-1.0998211182868152,2,-0.40641333455594936 -0.39712662316670516 -0.356884207146603 -0.4373690391867985 -0.6060776294248841 -0.8939656824917177 -1.0054062191627446 -1.1508980309277022 -1.1818537355585514 -1.2468607152833135 -1.5146275603401005 -1.5780867548333306 -1.7081007142828637 -1.7096484995144043 -1.836566888500856 -1.8628792374370742 -1.8891915863732924 -1.9541985660980545 -1.9449118547088102 -1.5424876945078594 +38599,-0.7716906491998883,2,-0.39712662316670516 -0.356884207146603 -0.4373690391867985 -0.6060776294248841 -0.8939656824917177 -1.0054062191627446 -1.1508980309277022 -1.1818537355585514 -1.2468607152833135 -1.5146275603401005 -1.5780867548333306 -1.7081007142828637 -1.7096484995144043 -1.836566888500856 -1.8628792374370742 -1.8891915863732924 -1.9541985660980545 -1.9449118547088102 -1.5424876945078594 -1.0998211182868152 +38600,-0.5379750792370318,2,-0.356884207146603 -0.4373690391867985 -0.6060776294248841 -0.8939656824917177 -1.0054062191627446 -1.1508980309277022 -1.1818537355585514 -1.2468607152833135 -1.5146275603401005 -1.5780867548333306 -1.7081007142828637 -1.7096484995144043 -1.836566888500856 -1.8628792374370742 -1.8891915863732924 -1.9541985660980545 -1.9449118547088102 -1.5424876945078594 -1.0998211182868152 -0.7716906491998883 +38601,-0.4079611197874988,2,-0.4373690391867985 -0.6060776294248841 -0.8939656824917177 -1.0054062191627446 -1.1508980309277022 -1.1818537355585514 -1.2468607152833135 -1.5146275603401005 -1.5780867548333306 -1.7081007142828637 -1.7096484995144043 -1.836566888500856 -1.8628792374370742 -1.8891915863732924 -1.9541985660980545 -1.9449118547088102 -1.5424876945078594 -1.0998211182868152 -0.7716906491998883 -0.5379750792370318 +38602,-0.3770054151566497,2,-0.6060776294248841 -0.8939656824917177 -1.0054062191627446 -1.1508980309277022 -1.1818537355585514 -1.2468607152833135 -1.5146275603401005 -1.5780867548333306 -1.7081007142828637 -1.7096484995144043 -1.836566888500856 -1.8628792374370742 -1.8891915863732924 -1.9541985660980545 -1.9449118547088102 -1.5424876945078594 -1.0998211182868152 -0.7716906491998883 -0.5379750792370318 -0.4079611197874988 +38603,-0.4389168244183392,2,-0.8939656824917177 -1.0054062191627446 -1.1508980309277022 -1.1818537355585514 -1.2468607152833135 -1.5146275603401005 -1.5780867548333306 -1.7081007142828637 -1.7096484995144043 -1.836566888500856 -1.8628792374370742 -1.8891915863732924 -1.9541985660980545 -1.9449118547088102 -1.5424876945078594 -1.0998211182868152 -0.7716906491998883 -0.5379750792370318 -0.4079611197874988 -0.3770054151566497 +38604,-0.4760636699753511,2,-1.0054062191627446 -1.1508980309277022 -1.1818537355585514 -1.2468607152833135 -1.5146275603401005 -1.5780867548333306 -1.7081007142828637 -1.7096484995144043 -1.836566888500856 -1.8628792374370742 -1.8891915863732924 -1.9541985660980545 -1.9449118547088102 -1.5424876945078594 -1.0998211182868152 -0.7716906491998883 -0.5379750792370318 -0.4079611197874988 -0.3770054151566497 -0.4389168244183392 +38605,-0.671084609149655,2,-1.1508980309277022 -1.1818537355585514 -1.2468607152833135 -1.5146275603401005 -1.5780867548333306 -1.7081007142828637 -1.7096484995144043 -1.836566888500856 -1.8628792374370742 -1.8891915863732924 -1.9541985660980545 -1.9449118547088102 -1.5424876945078594 -1.0998211182868152 -0.7716906491998883 -0.5379750792370318 -0.4079611197874988 -0.3770054151566497 -0.4389168244183392 -0.4760636699753511 +38606,-0.7716906491998883,2,-1.1818537355585514 -1.2468607152833135 -1.5146275603401005 -1.5780867548333306 -1.7081007142828637 -1.7096484995144043 -1.836566888500856 -1.8628792374370742 -1.8891915863732924 -1.9541985660980545 -1.9449118547088102 -1.5424876945078594 -1.0998211182868152 -0.7716906491998883 -0.5379750792370318 -0.4079611197874988 -0.3770054151566497 -0.4389168244183392 -0.4760636699753511 -0.671084609149655 +38607,-0.8599144073977872,2,-1.2468607152833135 -1.5146275603401005 -1.5780867548333306 -1.7081007142828637 -1.7096484995144043 -1.836566888500856 -1.8628792374370742 -1.8891915863732924 -1.9541985660980545 -1.9449118547088102 -1.5424876945078594 -1.0998211182868152 -0.7716906491998883 -0.5379750792370318 -0.4079611197874988 -0.3770054151566497 -0.4389168244183392 -0.4760636699753511 -0.671084609149655 -0.7716906491998883 +38608,-0.8939656824917177,2,-1.5146275603401005 -1.5780867548333306 -1.7081007142828637 -1.7096484995144043 -1.836566888500856 -1.8628792374370742 -1.8891915863732924 -1.9541985660980545 -1.9449118547088102 -1.5424876945078594 -1.0998211182868152 -0.7716906491998883 -0.5379750792370318 -0.4079611197874988 -0.3770054151566497 -0.4389168244183392 -0.4760636699753511 -0.671084609149655 -0.7716906491998883 -0.8599144073977872 +38609,-0.9311125280487297,2,-1.5780867548333306 -1.7081007142828637 -1.7096484995144043 -1.836566888500856 -1.8628792374370742 -1.8891915863732924 -1.9541985660980545 -1.9449118547088102 -1.5424876945078594 -1.0998211182868152 -0.7716906491998883 -0.5379750792370318 -0.4079611197874988 -0.3770054151566497 -0.4389168244183392 -0.4760636699753511 -0.671084609149655 -0.7716906491998883 -0.8599144073977872 -0.8939656824917177 +38610,-1.0146929305519976,2,-1.7081007142828637 -1.7096484995144043 -1.836566888500856 -1.8628792374370742 -1.8891915863732924 -1.9541985660980545 -1.9449118547088102 -1.5424876945078594 -1.0998211182868152 -0.7716906491998883 -0.5379750792370318 -0.4079611197874988 -0.3770054151566497 -0.4389168244183392 -0.4760636699753511 -0.671084609149655 -0.7716906491998883 -0.8599144073977872 -0.8939656824917177 -0.9311125280487297 +38611,-1.180305950327002,2,-1.7096484995144043 -1.836566888500856 -1.8628792374370742 -1.8891915863732924 -1.9541985660980545 -1.9449118547088102 -1.5424876945078594 -1.0998211182868152 -0.7716906491998883 -0.5379750792370318 -0.4079611197874988 -0.3770054151566497 -0.4389168244183392 -0.4760636699753511 -0.671084609149655 -0.7716906491998883 -0.8599144073977872 -0.8939656824917177 -0.9311125280487297 -1.0146929305519976 +38612,-1.2050705140316795,2,-1.836566888500856 -1.8628792374370742 -1.8891915863732924 -1.9541985660980545 -1.9449118547088102 -1.5424876945078594 -1.0998211182868152 -0.7716906491998883 -0.5379750792370318 -0.4079611197874988 -0.3770054151566497 -0.4389168244183392 -0.4760636699753511 -0.671084609149655 -0.7716906491998883 -0.8599144073977872 -0.8939656824917177 -0.9311125280487297 -1.0146929305519976 -1.180305950327002 +38613,-1.2313828629678978,2,-1.8628792374370742 -1.8891915863732924 -1.9541985660980545 -1.9449118547088102 -1.5424876945078594 -1.0998211182868152 -0.7716906491998883 -0.5379750792370318 -0.4079611197874988 -0.3770054151566497 -0.4389168244183392 -0.4760636699753511 -0.671084609149655 -0.7716906491998883 -0.8599144073977872 -0.8939656824917177 -0.9311125280487297 -1.0146929305519976 -1.180305950327002 -1.2050705140316795 +38614,-1.2050705140316795,2,-1.8891915863732924 -1.9541985660980545 -1.9449118547088102 -1.5424876945078594 -1.0998211182868152 -0.7716906491998883 -0.5379750792370318 -0.4079611197874988 -0.3770054151566497 -0.4389168244183392 -0.4760636699753511 -0.671084609149655 -0.7716906491998883 -0.8599144073977872 -0.8939656824917177 -0.9311125280487297 -1.0146929305519976 -1.180305950327002 -1.2050705140316795 -1.2313828629678978 +38615,-1.192688232179345,2,-1.9541985660980545 -1.9449118547088102 -1.5424876945078594 -1.0998211182868152 -0.7716906491998883 -0.5379750792370318 -0.4079611197874988 -0.3770054151566497 -0.4389168244183392 -0.4760636699753511 -0.671084609149655 -0.7716906491998883 -0.8599144073977872 -0.8939656824917177 -0.9311125280487297 -1.0146929305519976 -1.180305950327002 -1.2050705140316795 -1.2313828629678978 -1.2050705140316795 +38616,-1.2561474266725665,2,-1.9449118547088102 -1.5424876945078594 -1.0998211182868152 -0.7716906491998883 -0.5379750792370318 -0.4079611197874988 -0.3770054151566497 -0.4389168244183392 -0.4760636699753511 -0.671084609149655 -0.7716906491998883 -0.8599144073977872 -0.8939656824917177 -0.9311125280487297 -1.0146929305519976 -1.180305950327002 -1.2050705140316795 -1.2313828629678978 -1.2050705140316795 -1.192688232179345 +38617,-1.3985436679744425,2,-1.5424876945078594 -1.0998211182868152 -0.7716906491998883 -0.5379750792370318 -0.4079611197874988 -0.3770054151566497 -0.4389168244183392 -0.4760636699753511 -0.671084609149655 -0.7716906491998883 -0.8599144073977872 -0.8939656824917177 -0.9311125280487297 -1.0146929305519976 -1.180305950327002 -1.2050705140316795 -1.2313828629678978 -1.2050705140316795 -1.192688232179345 -1.2561474266725665 +38618,-1.4372382987629952,2,-1.0998211182868152 -0.7716906491998883 -0.5379750792370318 -0.4079611197874988 -0.3770054151566497 -0.4389168244183392 -0.4760636699753511 -0.671084609149655 -0.7716906491998883 -0.8599144073977872 -0.8939656824917177 -0.9311125280487297 -1.0146929305519976 -1.180305950327002 -1.2050705140316795 -1.2313828629678978 -1.2050705140316795 -1.192688232179345 -1.2561474266725665 -1.3985436679744425 +38619,-1.4542639363099605,2,-0.7716906491998883 -0.5379750792370318 -0.4079611197874988 -0.3770054151566497 -0.4389168244183392 -0.4760636699753511 -0.671084609149655 -0.7716906491998883 -0.8599144073977872 -0.8939656824917177 -0.9311125280487297 -1.0146929305519976 -1.180305950327002 -1.2050705140316795 -1.2313828629678978 -1.2050705140316795 -1.192688232179345 -1.2561474266725665 -1.3985436679744425 -1.4372382987629952 +38620,-1.3567534667228085,2,-0.5379750792370318 -0.4079611197874988 -0.3770054151566497 -0.4389168244183392 -0.4760636699753511 -0.671084609149655 -0.7716906491998883 -0.8599144073977872 -0.8939656824917177 -0.9311125280487297 -1.0146929305519976 -1.180305950327002 -1.2050705140316795 -1.2313828629678978 -1.2050705140316795 -1.192688232179345 -1.2561474266725665 -1.3985436679744425 -1.4372382987629952 -1.4542639363099605 +38621,-1.1725670241692985,2,-0.4079611197874988 -0.3770054151566497 -0.4389168244183392 -0.4760636699753511 -0.671084609149655 -0.7716906491998883 -0.8599144073977872 -0.8939656824917177 -0.9311125280487297 -1.0146929305519976 -1.180305950327002 -1.2050705140316795 -1.2313828629678978 -1.2050705140316795 -1.192688232179345 -1.2561474266725665 -1.3985436679744425 -1.4372382987629952 -1.4542639363099605 -1.3567534667228085 +38622,-1.0162407157835471,2,-0.3770054151566497 -0.4389168244183392 -0.4760636699753511 -0.671084609149655 -0.7716906491998883 -0.8599144073977872 -0.8939656824917177 -0.9311125280487297 -1.0146929305519976 -1.180305950327002 -1.2050705140316795 -1.2313828629678978 -1.2050705140316795 -1.192688232179345 -1.2561474266725665 -1.3985436679744425 -1.4372382987629952 -1.4542639363099605 -1.3567534667228085 -1.1725670241692985 +38623,-1.027075212404341,2,-0.4389168244183392 -0.4760636699753511 -0.671084609149655 -0.7716906491998883 -0.8599144073977872 -0.8939656824917177 -0.9311125280487297 -1.0146929305519976 -1.180305950327002 -1.2050705140316795 -1.2313828629678978 -1.2050705140316795 -1.192688232179345 -1.2561474266725665 -1.3985436679744425 -1.4372382987629952 -1.4542639363099605 -1.3567534667228085 -1.1725670241692985 -1.0162407157835471 +38624,-0.8506276960085343,2,-0.4760636699753511 -0.671084609149655 -0.7716906491998883 -0.8599144073977872 -0.8939656824917177 -0.9311125280487297 -1.0146929305519976 -1.180305950327002 -1.2050705140316795 -1.2313828629678978 -1.2050705140316795 -1.192688232179345 -1.2561474266725665 -1.3985436679744425 -1.4372382987629952 -1.4542639363099605 -1.3567534667228085 -1.1725670241692985 -1.0162407157835471 -1.027075212404341 +38625,-0.8614621926293367,2,-0.671084609149655 -0.7716906491998883 -0.8599144073977872 -0.8939656824917177 -0.9311125280487297 -1.0146929305519976 -1.180305950327002 -1.2050705140316795 -1.2313828629678978 -1.2050705140316795 -1.192688232179345 -1.2561474266725665 -1.3985436679744425 -1.4372382987629952 -1.4542639363099605 -1.3567534667228085 -1.1725670241692985 -1.0162407157835471 -1.027075212404341 -0.8506276960085343 +38626,-0.8196719913776939,2,-0.7716906491998883 -0.8599144073977872 -0.8939656824917177 -0.9311125280487297 -1.0146929305519976 -1.180305950327002 -1.2050705140316795 -1.2313828629678978 -1.2050705140316795 -1.192688232179345 -1.2561474266725665 -1.3985436679744425 -1.4372382987629952 -1.4542639363099605 -1.3567534667228085 -1.1725670241692985 -1.0162407157835471 -1.027075212404341 -0.8506276960085343 -0.8614621926293367 +38627,-0.8103852799884409,2,-0.8599144073977872 -0.8939656824917177 -0.9311125280487297 -1.0146929305519976 -1.180305950327002 -1.2050705140316795 -1.2313828629678978 -1.2050705140316795 -1.192688232179345 -1.2561474266725665 -1.3985436679744425 -1.4372382987629952 -1.4542639363099605 -1.3567534667228085 -1.1725670241692985 -1.0162407157835471 -1.027075212404341 -0.8506276960085343 -0.8614621926293367 -0.8196719913776939 +38628,-0.7995507833676472,2,-0.8939656824917177 -0.9311125280487297 -1.0146929305519976 -1.180305950327002 -1.2050705140316795 -1.2313828629678978 -1.2050705140316795 -1.192688232179345 -1.2561474266725665 -1.3985436679744425 -1.4372382987629952 -1.4542639363099605 -1.3567534667228085 -1.1725670241692985 -1.0162407157835471 -1.027075212404341 -0.8506276960085343 -0.8614621926293367 -0.8196719913776939 -0.8103852799884409 +38629,-0.8212197766092346,2,-0.9311125280487297 -1.0146929305519976 -1.180305950327002 -1.2050705140316795 -1.2313828629678978 -1.2050705140316795 -1.192688232179345 -1.2561474266725665 -1.3985436679744425 -1.4372382987629952 -1.4542639363099605 -1.3567534667228085 -1.1725670241692985 -1.0162407157835471 -1.027075212404341 -0.8506276960085343 -0.8614621926293367 -0.8196719913776939 -0.8103852799884409 -0.7995507833676472 +38630,-0.8707489040185808,2,-1.0146929305519976 -1.180305950327002 -1.2050705140316795 -1.2313828629678978 -1.2050705140316795 -1.192688232179345 -1.2561474266725665 -1.3985436679744425 -1.4372382987629952 -1.4542639363099605 -1.3567534667228085 -1.1725670241692985 -1.0162407157835471 -1.027075212404341 -0.8506276960085343 -0.8614621926293367 -0.8196719913776939 -0.8103852799884409 -0.7995507833676472 -0.8212197766092346 +38631,-1.0162407157835471,2,-1.180305950327002 -1.2050705140316795 -1.2313828629678978 -1.2050705140316795 -1.192688232179345 -1.2561474266725665 -1.3985436679744425 -1.4372382987629952 -1.4542639363099605 -1.3567534667228085 -1.1725670241692985 -1.0162407157835471 -1.027075212404341 -0.8506276960085343 -0.8614621926293367 -0.8196719913776939 -0.8103852799884409 -0.7995507833676472 -0.8212197766092346 -0.8707489040185808 +38632,-1.027075212404341,2,-1.2050705140316795 -1.2313828629678978 -1.2050705140316795 -1.192688232179345 -1.2561474266725665 -1.3985436679744425 -1.4372382987629952 -1.4542639363099605 -1.3567534667228085 -1.1725670241692985 -1.0162407157835471 -1.027075212404341 -0.8506276960085343 -0.8614621926293367 -0.8196719913776939 -0.8103852799884409 -0.7995507833676472 -0.8212197766092346 -0.8707489040185808 -1.0162407157835471 +38633,-1.0936299773606524,2,-1.2313828629678978 -1.2050705140316795 -1.192688232179345 -1.2561474266725665 -1.3985436679744425 -1.4372382987629952 -1.4542639363099605 -1.3567534667228085 -1.1725670241692985 -1.0162407157835471 -1.027075212404341 -0.8506276960085343 -0.8614621926293367 -0.8196719913776939 -0.8103852799884409 -0.7995507833676472 -0.8212197766092346 -0.8707489040185808 -1.0162407157835471 -1.027075212404341 +38634,-1.1029166887498967,2,-1.2050705140316795 -1.192688232179345 -1.2561474266725665 -1.3985436679744425 -1.4372382987629952 -1.4542639363099605 -1.3567534667228085 -1.1725670241692985 -1.0162407157835471 -1.027075212404341 -0.8506276960085343 -0.8614621926293367 -0.8196719913776939 -0.8103852799884409 -0.7995507833676472 -0.8212197766092346 -0.8707489040185808 -1.0162407157835471 -1.027075212404341 -1.0936299773606524 +38635,-1.1679236684746674,2,-1.192688232179345 -1.2561474266725665 -1.3985436679744425 -1.4372382987629952 -1.4542639363099605 -1.3567534667228085 -1.1725670241692985 -1.0162407157835471 -1.027075212404341 -0.8506276960085343 -0.8614621926293367 -0.8196719913776939 -0.8103852799884409 -0.7995507833676472 -0.8212197766092346 -0.8707489040185808 -1.0162407157835471 -1.027075212404341 -1.0936299773606524 -1.1029166887498967 +38636,-1.2190005811155544,2,-1.2561474266725665 -1.3985436679744425 -1.4372382987629952 -1.4542639363099605 -1.3567534667228085 -1.1725670241692985 -1.0162407157835471 -1.027075212404341 -0.8506276960085343 -0.8614621926293367 -0.8196719913776939 -0.8103852799884409 -0.7995507833676472 -0.8212197766092346 -0.8707489040185808 -1.0162407157835471 -1.027075212404341 -1.0936299773606524 -1.1029166887498967 -1.1679236684746674 +38637,-1.2050705140316795,2,-1.3985436679744425 -1.4372382987629952 -1.4542639363099605 -1.3567534667228085 -1.1725670241692985 -1.0162407157835471 -1.027075212404341 -0.8506276960085343 -0.8614621926293367 -0.8196719913776939 -0.8103852799884409 -0.7995507833676472 -0.8212197766092346 -0.8707489040185808 -1.0162407157835471 -1.027075212404341 -1.0936299773606524 -1.1029166887498967 -1.1679236684746674 -1.2190005811155544 +38638,-1.294842057461119,2,-1.4372382987629952 -1.4542639363099605 -1.3567534667228085 -1.1725670241692985 -1.0162407157835471 -1.027075212404341 -0.8506276960085343 -0.8614621926293367 -0.8196719913776939 -0.8103852799884409 -0.7995507833676472 -0.8212197766092346 -0.8707489040185808 -1.0162407157835471 -1.027075212404341 -1.0936299773606524 -1.1029166887498967 -1.1679236684746674 -1.2190005811155544 -1.2050705140316795 +38639,-1.2963898426926599,2,-1.4542639363099605 -1.3567534667228085 -1.1725670241692985 -1.0162407157835471 -1.027075212404341 -0.8506276960085343 -0.8614621926293367 -0.8196719913776939 -0.8103852799884409 -0.7995507833676472 -0.8212197766092346 -0.8707489040185808 -1.0162407157835471 -1.027075212404341 -1.0936299773606524 -1.1029166887498967 -1.1679236684746674 -1.2190005811155544 -1.2050705140316795 -1.294842057461119 +38640,-1.192688232179345,2,-1.3567534667228085 -1.1725670241692985 -1.0162407157835471 -1.027075212404341 -0.8506276960085343 -0.8614621926293367 -0.8196719913776939 -0.8103852799884409 -0.7995507833676472 -0.8212197766092346 -0.8707489040185808 -1.0162407157835471 -1.027075212404341 -1.0936299773606524 -1.1029166887498967 -1.1679236684746674 -1.2190005811155544 -1.2050705140316795 -1.294842057461119 -1.2963898426926599 +38641,-1.1663758832431268,2,-1.1725670241692985 -1.0162407157835471 -1.027075212404341 -0.8506276960085343 -0.8614621926293367 -0.8196719913776939 -0.8103852799884409 -0.7995507833676472 -0.8212197766092346 -0.8707489040185808 -1.0162407157835471 -1.027075212404341 -1.0936299773606524 -1.1029166887498967 -1.1679236684746674 -1.2190005811155544 -1.2050705140316795 -1.294842057461119 -1.2963898426926599 -1.192688232179345 +38642,-1.1276812524545743,2,-1.0162407157835471 -1.027075212404341 -0.8506276960085343 -0.8614621926293367 -0.8196719913776939 -0.8103852799884409 -0.7995507833676472 -0.8212197766092346 -0.8707489040185808 -1.0162407157835471 -1.027075212404341 -1.0936299773606524 -1.1029166887498967 -1.1679236684746674 -1.2190005811155544 -1.2050705140316795 -1.294842057461119 -1.2963898426926599 -1.192688232179345 -1.1663758832431268 +38643,-1.132324608149205,2,-1.027075212404341 -0.8506276960085343 -0.8614621926293367 -0.8196719913776939 -0.8103852799884409 -0.7995507833676472 -0.8212197766092346 -0.8707489040185808 -1.0162407157835471 -1.027075212404341 -1.0936299773606524 -1.1029166887498967 -1.1679236684746674 -1.2190005811155544 -1.2050705140316795 -1.294842057461119 -1.2963898426926599 -1.192688232179345 -1.1663758832431268 -1.1276812524545743 +38644,-1.0611264874982627,2,-0.8506276960085343 -0.8614621926293367 -0.8196719913776939 -0.8103852799884409 -0.7995507833676472 -0.8212197766092346 -0.8707489040185808 -1.0162407157835471 -1.027075212404341 -1.0936299773606524 -1.1029166887498967 -1.1679236684746674 -1.2190005811155544 -1.2050705140316795 -1.294842057461119 -1.2963898426926599 -1.192688232179345 -1.1663758832431268 -1.1276812524545743 -1.132324608149205 +38645,-0.9419470246695234,2,-0.8614621926293367 -0.8196719913776939 -0.8103852799884409 -0.7995507833676472 -0.8212197766092346 -0.8707489040185808 -1.0162407157835471 -1.027075212404341 -1.0936299773606524 -1.1029166887498967 -1.1679236684746674 -1.2190005811155544 -1.2050705140316795 -1.294842057461119 -1.2963898426926599 -1.192688232179345 -1.1663758832431268 -1.1276812524545743 -1.132324608149205 -1.0611264874982627 +38646,-0.822767561840784,2,-0.8196719913776939 -0.8103852799884409 -0.7995507833676472 -0.8212197766092346 -0.8707489040185808 -1.0162407157835471 -1.027075212404341 -1.0936299773606524 -1.1029166887498967 -1.1679236684746674 -1.2190005811155544 -1.2050705140316795 -1.294842057461119 -1.2963898426926599 -1.192688232179345 -1.1663758832431268 -1.1276812524545743 -1.132324608149205 -1.0611264874982627 -0.9419470246695234 +38647,-0.7515694411898416,2,-0.8103852799884409 -0.7995507833676472 -0.8212197766092346 -0.8707489040185808 -1.0162407157835471 -1.027075212404341 -1.0936299773606524 -1.1029166887498967 -1.1679236684746674 -1.2190005811155544 -1.2050705140316795 -1.294842057461119 -1.2963898426926599 -1.192688232179345 -1.1663758832431268 -1.1276812524545743 -1.132324608149205 -1.0611264874982627 -0.9419470246695234 -0.822767561840784 +38648,-0.750021655958301,2,-0.7995507833676472 -0.8212197766092346 -0.8707489040185808 -1.0162407157835471 -1.027075212404341 -1.0936299773606524 -1.1029166887498967 -1.1679236684746674 -1.2190005811155544 -1.2050705140316795 -1.294842057461119 -1.2963898426926599 -1.192688232179345 -1.1663758832431268 -1.1276812524545743 -1.132324608149205 -1.0611264874982627 -0.9419470246695234 -0.822767561840784 -0.7515694411898416 +38649,-0.7949074276730251,2,-0.8212197766092346 -0.8707489040185808 -1.0162407157835471 -1.027075212404341 -1.0936299773606524 -1.1029166887498967 -1.1679236684746674 -1.2190005811155544 -1.2050705140316795 -1.294842057461119 -1.2963898426926599 -1.192688232179345 -1.1663758832431268 -1.1276812524545743 -1.132324608149205 -1.0611264874982627 -0.9419470246695234 -0.822767561840784 -0.7515694411898416 -0.750021655958301 +38650,-0.7716906491998883,2,-0.8707489040185808 -1.0162407157835471 -1.027075212404341 -1.0936299773606524 -1.1029166887498967 -1.1679236684746674 -1.2190005811155544 -1.2050705140316795 -1.294842057461119 -1.2963898426926599 -1.192688232179345 -1.1663758832431268 -1.1276812524545743 -1.132324608149205 -1.0611264874982627 -0.9419470246695234 -0.822767561840784 -0.7515694411898416 -0.750021655958301 -0.7949074276730251 +38651,-0.7794295753576006,2,-1.0162407157835471 -1.027075212404341 -1.0936299773606524 -1.1029166887498967 -1.1679236684746674 -1.2190005811155544 -1.2050705140316795 -1.294842057461119 -1.2963898426926599 -1.192688232179345 -1.1663758832431268 -1.1276812524545743 -1.132324608149205 -1.0611264874982627 -0.9419470246695234 -0.822767561840784 -0.7515694411898416 -0.750021655958301 -0.7949074276730251 -0.7716906491998883 +38652,-0.7902640719783942,2,-1.027075212404341 -1.0936299773606524 -1.1029166887498967 -1.1679236684746674 -1.2190005811155544 -1.2050705140316795 -1.294842057461119 -1.2963898426926599 -1.192688232179345 -1.1663758832431268 -1.1276812524545743 -1.132324608149205 -1.0611264874982627 -0.9419470246695234 -0.822767561840784 -0.7515694411898416 -0.750021655958301 -0.7949074276730251 -0.7716906491998883 -0.7794295753576006 +38653,-0.8165764209146125,2,-1.0936299773606524 -1.1029166887498967 -1.1679236684746674 -1.2190005811155544 -1.2050705140316795 -1.294842057461119 -1.2963898426926599 -1.192688232179345 -1.1663758832431268 -1.1276812524545743 -1.132324608149205 -1.0611264874982627 -0.9419470246695234 -0.822767561840784 -0.7515694411898416 -0.750021655958301 -0.7949074276730251 -0.7716906491998883 -0.7794295753576006 -0.7902640719783942 +38654,-0.8165764209146125,2,-1.1029166887498967 -1.1679236684746674 -1.2190005811155544 -1.2050705140316795 -1.294842057461119 -1.2963898426926599 -1.192688232179345 -1.1663758832431268 -1.1276812524545743 -1.132324608149205 -1.0611264874982627 -0.9419470246695234 -0.822767561840784 -0.7515694411898416 -0.750021655958301 -0.7949074276730251 -0.7716906491998883 -0.7794295753576006 -0.7902640719783942 -0.8165764209146125 +38655,-0.8583666221662465,2,-1.1679236684746674 -1.2190005811155544 -1.2050705140316795 -1.294842057461119 -1.2963898426926599 -1.192688232179345 -1.1663758832431268 -1.1276812524545743 -1.132324608149205 -1.0611264874982627 -0.9419470246695234 -0.822767561840784 -0.7515694411898416 -0.750021655958301 -0.7949074276730251 -0.7716906491998883 -0.7794295753576006 -0.7902640719783942 -0.8165764209146125 -0.8165764209146125 +38656,-0.8707489040185808,2,-1.2190005811155544 -1.2050705140316795 -1.294842057461119 -1.2963898426926599 -1.192688232179345 -1.1663758832431268 -1.1276812524545743 -1.132324608149205 -1.0611264874982627 -0.9419470246695234 -0.822767561840784 -0.7515694411898416 -0.750021655958301 -0.7949074276730251 -0.7716906491998883 -0.7794295753576006 -0.7902640719783942 -0.8165764209146125 -0.8165764209146125 -0.8583666221662465 +38657,-0.971354944068823,2,-1.2050705140316795 -1.294842057461119 -1.2963898426926599 -1.192688232179345 -1.1663758832431268 -1.1276812524545743 -1.132324608149205 -1.0611264874982627 -0.9419470246695234 -0.822767561840784 -0.7515694411898416 -0.750021655958301 -0.7949074276730251 -0.7716906491998883 -0.7794295753576006 -0.7902640719783942 -0.8165764209146125 -0.8165764209146125 -0.8583666221662465 -0.8707489040185808 +38658,-1.0858910512029403,2,-1.294842057461119 -1.2963898426926599 -1.192688232179345 -1.1663758832431268 -1.1276812524545743 -1.132324608149205 -1.0611264874982627 -0.9419470246695234 -0.822767561840784 -0.7515694411898416 -0.750021655958301 -0.7949074276730251 -0.7716906491998883 -0.7794295753576006 -0.7902640719783942 -0.8165764209146125 -0.8165764209146125 -0.8583666221662465 -0.8707489040185808 -0.971354944068823 +38659,-1.0766043398136873,2,-1.2963898426926599 -1.192688232179345 -1.1663758832431268 -1.1276812524545743 -1.132324608149205 -1.0611264874982627 -0.9419470246695234 -0.822767561840784 -0.7515694411898416 -0.750021655958301 -0.7949074276730251 -0.7716906491998883 -0.7794295753576006 -0.7902640719783942 -0.8165764209146125 -0.8165764209146125 -0.8583666221662465 -0.8707489040185808 -0.971354944068823 -1.0858910512029403 +38660,-1.1152989706022398,2,-1.192688232179345 -1.1663758832431268 -1.1276812524545743 -1.132324608149205 -1.0611264874982627 -0.9419470246695234 -0.822767561840784 -0.7515694411898416 -0.750021655958301 -0.7949074276730251 -0.7716906491998883 -0.7794295753576006 -0.7902640719783942 -0.8165764209146125 -0.8165764209146125 -0.8583666221662465 -0.8707489040185808 -0.971354944068823 -1.0858910512029403 -1.0766043398136873 +38661,-1.2190005811155544,2,-1.1663758832431268 -1.1276812524545743 -1.132324608149205 -1.0611264874982627 -0.9419470246695234 -0.822767561840784 -0.7515694411898416 -0.750021655958301 -0.7949074276730251 -0.7716906491998883 -0.7794295753576006 -0.7902640719783942 -0.8165764209146125 -0.8165764209146125 -0.8583666221662465 -0.8707489040185808 -0.971354944068823 -1.0858910512029403 -1.0766043398136873 -1.1152989706022398 +38662,-1.2840075608403254,2,-1.1276812524545743 -1.132324608149205 -1.0611264874982627 -0.9419470246695234 -0.822767561840784 -0.7515694411898416 -0.750021655958301 -0.7949074276730251 -0.7716906491998883 -0.7794295753576006 -0.7902640719783942 -0.8165764209146125 -0.8165764209146125 -0.8583666221662465 -0.8707489040185808 -0.971354944068823 -1.0858910512029403 -1.0766043398136873 -1.1152989706022398 -1.2190005811155544 +38663,-1.3613968224174307,2,-1.132324608149205 -1.0611264874982627 -0.9419470246695234 -0.822767561840784 -0.7515694411898416 -0.750021655958301 -0.7949074276730251 -0.7716906491998883 -0.7794295753576006 -0.7902640719783942 -0.8165764209146125 -0.8165764209146125 -0.8583666221662465 -0.8707489040185808 -0.971354944068823 -1.0858910512029403 -1.0766043398136873 -1.1152989706022398 -1.2190005811155544 -1.2840075608403254 +38664,-1.4248560169106608,2,-1.0611264874982627 -0.9419470246695234 -0.822767561840784 -0.7515694411898416 -0.750021655958301 -0.7949074276730251 -0.7716906491998883 -0.7794295753576006 -0.7902640719783942 -0.8165764209146125 -0.8165764209146125 -0.8583666221662465 -0.8707489040185808 -0.971354944068823 -1.0858910512029403 -1.0766043398136873 -1.1152989706022398 -1.2190005811155544 -1.2840075608403254 -1.3613968224174307 +38665,-1.4898629966354229,2,-0.9419470246695234 -0.822767561840784 -0.7515694411898416 -0.750021655958301 -0.7949074276730251 -0.7716906491998883 -0.7794295753576006 -0.7902640719783942 -0.8165764209146125 -0.8165764209146125 -0.8583666221662465 -0.8707489040185808 -0.971354944068823 -1.0858910512029403 -1.0766043398136873 -1.1152989706022398 -1.2190005811155544 -1.2840075608403254 -1.3613968224174307 -1.4248560169106608 +38666,-1.5672522582125281,2,-0.822767561840784 -0.7515694411898416 -0.750021655958301 -0.7949074276730251 -0.7716906491998883 -0.7794295753576006 -0.7902640719783942 -0.8165764209146125 -0.8165764209146125 -0.8583666221662465 -0.8707489040185808 -0.971354944068823 -1.0858910512029403 -1.0766043398136873 -1.1152989706022398 -1.2190005811155544 -1.2840075608403254 -1.3613968224174307 -1.4248560169106608 -1.4898629966354229 +38667,-1.6013035333064587,2,-0.7515694411898416 -0.750021655958301 -0.7949074276730251 -0.7716906491998883 -0.7794295753576006 -0.7902640719783942 -0.8165764209146125 -0.8165764209146125 -0.8583666221662465 -0.8707489040185808 -0.971354944068823 -1.0858910512029403 -1.0766043398136873 -1.1152989706022398 -1.2190005811155544 -1.2840075608403254 -1.3613968224174307 -1.4248560169106608 -1.4898629966354229 -1.5672522582125281 +38668,-1.192688232179345,2,-0.750021655958301 -0.7949074276730251 -0.7716906491998883 -0.7794295753576006 -0.7902640719783942 -0.8165764209146125 -0.8165764209146125 -0.8583666221662465 -0.8707489040185808 -0.971354944068823 -1.0858910512029403 -1.0766043398136873 -1.1152989706022398 -1.2190005811155544 -1.2840075608403254 -1.3613968224174307 -1.4248560169106608 -1.4898629966354229 -1.5672522582125281 -1.6013035333064587 +38669,-0.8722966892501304,2,-0.7949074276730251 -0.7716906491998883 -0.7794295753576006 -0.7902640719783942 -0.8165764209146125 -0.8165764209146125 -0.8583666221662465 -0.8707489040185808 -0.971354944068823 -1.0858910512029403 -1.0766043398136873 -1.1152989706022398 -1.2190005811155544 -1.2840075608403254 -1.3613968224174307 -1.4248560169106608 -1.4898629966354229 -1.5672522582125281 -1.6013035333064587 -1.192688232179345 +38670,-0.6370333340557244,2,-0.7716906491998883 -0.7794295753576006 -0.7902640719783942 -0.8165764209146125 -0.8165764209146125 -0.8583666221662465 -0.8707489040185808 -0.971354944068823 -1.0858910512029403 -1.0766043398136873 -1.1152989706022398 -1.2190005811155544 -1.2840075608403254 -1.3613968224174307 -1.4248560169106608 -1.4898629966354229 -1.5672522582125281 -1.6013035333064587 -1.192688232179345 -0.8722966892501304 +38671,-0.4389168244183392,2,-0.7794295753576006 -0.7902640719783942 -0.8165764209146125 -0.8165764209146125 -0.8583666221662465 -0.8707489040185808 -0.971354944068823 -1.0858910512029403 -1.0766043398136873 -1.1152989706022398 -1.2190005811155544 -1.2840075608403254 -1.3613968224174307 -1.4248560169106608 -1.4898629966354229 -1.5672522582125281 -1.6013035333064587 -1.192688232179345 -0.8722966892501304 -0.6370333340557244 +38672,-0.4404646096498799,2,-0.7902640719783942 -0.8165764209146125 -0.8165764209146125 -0.8583666221662465 -0.8707489040185808 -0.971354944068823 -1.0858910512029403 -1.0766043398136873 -1.1152989706022398 -1.2190005811155544 -1.2840075608403254 -1.3613968224174307 -1.4248560169106608 -1.4898629966354229 -1.5672522582125281 -1.6013035333064587 -1.192688232179345 -0.8722966892501304 -0.6370333340557244 -0.4389168244183392 +38673,-0.2144879658447357,2,-0.8165764209146125 -0.8165764209146125 -0.8583666221662465 -0.8707489040185808 -0.971354944068823 -1.0858910512029403 -1.0766043398136873 -1.1152989706022398 -1.2190005811155544 -1.2840075608403254 -1.3613968224174307 -1.4248560169106608 -1.4898629966354229 -1.5672522582125281 -1.6013035333064587 -1.192688232179345 -0.8722966892501304 -0.6370333340557244 -0.4389168244183392 -0.4404646096498799 +38674,-0.19591454306622974,2,-0.8165764209146125 -0.8583666221662465 -0.8707489040185808 -0.971354944068823 -1.0858910512029403 -1.0766043398136873 -1.1152989706022398 -1.2190005811155544 -1.2840075608403254 -1.3613968224174307 -1.4248560169106608 -1.4898629966354229 -1.5672522582125281 -1.6013035333064587 -1.192688232179345 -0.8722966892501304 -0.6370333340557244 -0.4389168244183392 -0.4404646096498799 -0.2144879658447357 +38675,-0.2144879658447357,2,-0.8583666221662465 -0.8707489040185808 -0.971354944068823 -1.0858910512029403 -1.0766043398136873 -1.1152989706022398 -1.2190005811155544 -1.2840075608403254 -1.3613968224174307 -1.4248560169106608 -1.4898629966354229 -1.5672522582125281 -1.6013035333064587 -1.192688232179345 -0.8722966892501304 -0.6370333340557244 -0.4389168244183392 -0.4404646096498799 -0.2144879658447357 -0.19591454306622974 +38676,-0.23306138862324166,2,-0.8707489040185808 -0.971354944068823 -1.0858910512029403 -1.0766043398136873 -1.1152989706022398 -1.2190005811155544 -1.2840075608403254 -1.3613968224174307 -1.4248560169106608 -1.4898629966354229 -1.5672522582125281 -1.6013035333064587 -1.192688232179345 -0.8722966892501304 -0.6370333340557244 -0.4389168244183392 -0.4404646096498799 -0.2144879658447357 -0.19591454306622974 -0.2144879658447357 +38677,-0.30116393881109393,2,-0.971354944068823 -1.0858910512029403 -1.0766043398136873 -1.1152989706022398 -1.2190005811155544 -1.2840075608403254 -1.3613968224174307 -1.4248560169106608 -1.4898629966354229 -1.5672522582125281 -1.6013035333064587 -1.192688232179345 -0.8722966892501304 -0.6370333340557244 -0.4389168244183392 -0.4404646096498799 -0.2144879658447357 -0.19591454306622974 -0.2144879658447357 -0.23306138862324166 +38678,-0.6973969580858732,2,-1.0858910512029403 -1.0766043398136873 -1.1152989706022398 -1.2190005811155544 -1.2840075608403254 -1.3613968224174307 -1.4248560169106608 -1.4898629966354229 -1.5672522582125281 -1.6013035333064587 -1.192688232179345 -0.8722966892501304 -0.6370333340557244 -0.4389168244183392 -0.4404646096498799 -0.2144879658447357 -0.19591454306622974 -0.2144879658447357 -0.23306138862324166 -0.30116393881109393 +38679,-0.8196719913776939,2,-1.0766043398136873 -1.1152989706022398 -1.2190005811155544 -1.2840075608403254 -1.3613968224174307 -1.4248560169106608 -1.4898629966354229 -1.5672522582125281 -1.6013035333064587 -1.192688232179345 -0.8722966892501304 -0.6370333340557244 -0.4389168244183392 -0.4404646096498799 -0.2144879658447357 -0.19591454306622974 -0.2144879658447357 -0.23306138862324166 -0.30116393881109393 -0.6973969580858732 +38680,-0.90170460864943,2,-1.1152989706022398 -1.2190005811155544 -1.2840075608403254 -1.3613968224174307 -1.4248560169106608 -1.4898629966354229 -1.5672522582125281 -1.6013035333064587 -1.192688232179345 -0.8722966892501304 -0.6370333340557244 -0.4389168244183392 -0.4404646096498799 -0.2144879658447357 -0.19591454306622974 -0.2144879658447357 -0.23306138862324166 -0.30116393881109393 -0.6973969580858732 -0.8196719913776939 +38681,-0.9450425951326047,2,-1.2190005811155544 -1.2840075608403254 -1.3613968224174307 -1.4248560169106608 -1.4898629966354229 -1.5672522582125281 -1.6013035333064587 -1.192688232179345 -0.8722966892501304 -0.6370333340557244 -0.4389168244183392 -0.4404646096498799 -0.2144879658447357 -0.19591454306622974 -0.2144879658447357 -0.23306138862324166 -0.30116393881109393 -0.6973969580858732 -0.8196719913776939 -0.90170460864943 +38682,-1.0626742727298033,2,-1.2840075608403254 -1.3613968224174307 -1.4248560169106608 -1.4898629966354229 -1.5672522582125281 -1.6013035333064587 -1.192688232179345 -0.8722966892501304 -0.6370333340557244 -0.4389168244183392 -0.4404646096498799 -0.2144879658447357 -0.19591454306622974 -0.2144879658447357 -0.23306138862324166 -0.30116393881109393 -0.6973969580858732 -0.8196719913776939 -0.90170460864943 -0.9450425951326047 +38683,-1.0379097090251346,2,-1.3613968224174307 -1.4248560169106608 -1.4898629966354229 -1.5672522582125281 -1.6013035333064587 -1.192688232179345 -0.8722966892501304 -0.6370333340557244 -0.4389168244183392 -0.4404646096498799 -0.2144879658447357 -0.19591454306622974 -0.2144879658447357 -0.23306138862324166 -0.30116393881109393 -0.6973969580858732 -0.8196719913776939 -0.90170460864943 -0.9450425951326047 -1.0626742727298033 +38684,-1.1957838026424266,2,-1.4248560169106608 -1.4898629966354229 -1.5672522582125281 -1.6013035333064587 -1.192688232179345 -0.8722966892501304 -0.6370333340557244 -0.4389168244183392 -0.4404646096498799 -0.2144879658447357 -0.19591454306622974 -0.2144879658447357 -0.23306138862324166 -0.30116393881109393 -0.6973969580858732 -0.8196719913776939 -0.90170460864943 -0.9450425951326047 -1.0626742727298033 -1.0379097090251346 +38685,-1.1942360174108857,2,-1.4898629966354229 -1.5672522582125281 -1.6013035333064587 -1.192688232179345 -0.8722966892501304 -0.6370333340557244 -0.4389168244183392 -0.4404646096498799 -0.2144879658447357 -0.19591454306622974 -0.2144879658447357 -0.23306138862324166 -0.30116393881109393 -0.6973969580858732 -0.8196719913776939 -0.90170460864943 -0.9450425951326047 -1.0626742727298033 -1.0379097090251346 -1.1957838026424266 +38686,-1.387709171353649,2,-1.5672522582125281 -1.6013035333064587 -1.192688232179345 -0.8722966892501304 -0.6370333340557244 -0.4389168244183392 -0.4404646096498799 -0.2144879658447357 -0.19591454306622974 -0.2144879658447357 -0.23306138862324166 -0.30116393881109393 -0.6973969580858732 -0.8196719913776939 -0.90170460864943 -0.9450425951326047 -1.0626742727298033 -1.0379097090251346 -1.1957838026424266 -1.1942360174108857 +38687,-1.5424876945078594,2,-1.6013035333064587 -1.192688232179345 -0.8722966892501304 -0.6370333340557244 -0.4389168244183392 -0.4404646096498799 -0.2144879658447357 -0.19591454306622974 -0.2144879658447357 -0.23306138862324166 -0.30116393881109393 -0.6973969580858732 -0.8196719913776939 -0.90170460864943 -0.9450425951326047 -1.0626742727298033 -1.0379097090251346 -1.1957838026424266 -1.1942360174108857 -1.387709171353649 +38688,-1.6167813856218833,2,-1.192688232179345 -0.8722966892501304 -0.6370333340557244 -0.4389168244183392 -0.4404646096498799 -0.2144879658447357 -0.19591454306622974 -0.2144879658447357 -0.23306138862324166 -0.30116393881109393 -0.6973969580858732 -0.8196719913776939 -0.90170460864943 -0.9450425951326047 -1.0626742727298033 -1.0379097090251346 -1.1957838026424266 -1.1942360174108857 -1.387709171353649 -1.5424876945078594 +38689,-1.6817883653466454,2,-0.8722966892501304 -0.6370333340557244 -0.4389168244183392 -0.4404646096498799 -0.2144879658447357 -0.19591454306622974 -0.2144879658447357 -0.23306138862324166 -0.30116393881109393 -0.6973969580858732 -0.8196719913776939 -0.90170460864943 -0.9450425951326047 -1.0626742727298033 -1.0379097090251346 -1.1957838026424266 -1.1942360174108857 -1.387709171353649 -1.5424876945078594 -1.6167813856218833 +38690,-1.7081007142828637,2,-0.6370333340557244 -0.4389168244183392 -0.4404646096498799 -0.2144879658447357 -0.19591454306622974 -0.2144879658447357 -0.23306138862324166 -0.30116393881109393 -0.6973969580858732 -0.8196719913776939 -0.90170460864943 -0.9450425951326047 -1.0626742727298033 -1.0379097090251346 -1.1957838026424266 -1.1942360174108857 -1.387709171353649 -1.5424876945078594 -1.6167813856218833 -1.6817883653466454 +38691,-1.6678582982627703,2,-0.4389168244183392 -0.4404646096498799 -0.2144879658447357 -0.19591454306622974 -0.2144879658447357 -0.23306138862324166 -0.30116393881109393 -0.6973969580858732 -0.8196719913776939 -0.90170460864943 -0.9450425951326047 -1.0626742727298033 -1.0379097090251346 -1.1957838026424266 -1.1942360174108857 -1.387709171353649 -1.5424876945078594 -1.6167813856218833 -1.6817883653466454 -1.7081007142828637 +38692,-1.0750565545821464,2,-0.4404646096498799 -0.2144879658447357 -0.19591454306622974 -0.2144879658447357 -0.23306138862324166 -0.30116393881109393 -0.6973969580858732 -0.8196719913776939 -0.90170460864943 -0.9450425951326047 -1.0626742727298033 -1.0379097090251346 -1.1957838026424266 -1.1942360174108857 -1.387709171353649 -1.5424876945078594 -1.6167813856218833 -1.6817883653466454 -1.7081007142828637 -1.6678582982627703 +38693,-0.4280823277975455,2,-0.2144879658447357 -0.19591454306622974 -0.2144879658447357 -0.23306138862324166 -0.30116393881109393 -0.6973969580858732 -0.8196719913776939 -0.90170460864943 -0.9450425951326047 -1.0626742727298033 -1.0379097090251346 -1.1957838026424266 -1.1942360174108857 -1.387709171353649 -1.5424876945078594 -1.6167813856218833 -1.6817883653466454 -1.7081007142828637 -1.6678582982627703 -1.0750565545821464 +38694,-0.008632530049629385,2,-0.19591454306622974 -0.2144879658447357 -0.23306138862324166 -0.30116393881109393 -0.6973969580858732 -0.8196719913776939 -0.90170460864943 -0.9450425951326047 -1.0626742727298033 -1.0379097090251346 -1.1957838026424266 -1.1942360174108857 -1.387709171353649 -1.5424876945078594 -1.6167813856218833 -1.6817883653466454 -1.7081007142828637 -1.6678582982627703 -1.0750565545821464 -0.4280823277975455 +38695,0.3767659926043474,2,-0.2144879658447357 -0.23306138862324166 -0.30116393881109393 -0.6973969580858732 -0.8196719913776939 -0.90170460864943 -0.9450425951326047 -1.0626742727298033 -1.0379097090251346 -1.1957838026424266 -1.1942360174108857 -1.387709171353649 -1.5424876945078594 -1.6167813856218833 -1.6817883653466454 -1.7081007142828637 -1.6678582982627703 -1.0750565545821464 -0.4280823277975455 -0.008632530049629385 +38696,0.49130209973846456,2,-0.23306138862324166 -0.30116393881109393 -0.6973969580858732 -0.8196719913776939 -0.90170460864943 -0.9450425951326047 -1.0626742727298033 -1.0379097090251346 -1.1957838026424266 -1.1942360174108857 -1.387709171353649 -1.5424876945078594 -1.6167813856218833 -1.6817883653466454 -1.7081007142828637 -1.6678582982627703 -1.0750565545821464 -0.4280823277975455 -0.008632530049629385 0.3767659926043474 +38697,0.5980992807148695,2,-0.30116393881109393 -0.6973969580858732 -0.8196719913776939 -0.90170460864943 -0.9450425951326047 -1.0626742727298033 -1.0379097090251346 -1.1957838026424266 -1.1942360174108857 -1.387709171353649 -1.5424876945078594 -1.6167813856218833 -1.6817883653466454 -1.7081007142828637 -1.6678582982627703 -1.0750565545821464 -0.4280823277975455 -0.008632530049629385 0.3767659926043474 0.49130209973846456 +38698,0.6073859921041225,2,-0.6973969580858732 -0.8196719913776939 -0.90170460864943 -0.9450425951326047 -1.0626742727298033 -1.0379097090251346 -1.1957838026424266 -1.1942360174108857 -1.387709171353649 -1.5424876945078594 -1.6167813856218833 -1.6817883653466454 -1.7081007142828637 -1.6678582982627703 -1.0750565545821464 -0.4280823277975455 -0.008632530049629385 0.3767659926043474 0.49130209973846456 0.5980992807148695 +38699,0.6275072001141692,2,-0.8196719913776939 -0.90170460864943 -0.9450425951326047 -1.0626742727298033 -1.0379097090251346 -1.1957838026424266 -1.1942360174108857 -1.387709171353649 -1.5424876945078594 -1.6167813856218833 -1.6817883653466454 -1.7081007142828637 -1.6678582982627703 -1.0750565545821464 -0.4280823277975455 -0.008632530049629385 0.3767659926043474 0.49130209973846456 0.5980992807148695 0.6073859921041225 +38700,0.5888125693256165,2,-0.90170460864943 -0.9450425951326047 -1.0626742727298033 -1.0379097090251346 -1.1957838026424266 -1.1942360174108857 -1.387709171353649 -1.5424876945078594 -1.6167813856218833 -1.6817883653466454 -1.7081007142828637 -1.6678582982627703 -1.0750565545821464 -0.4280823277975455 -0.008632530049629385 0.3767659926043474 0.49130209973846456 0.5980992807148695 0.6073859921041225 0.6275072001141692 +38701,0.4355818314029555,2,-0.9450425951326047 -1.0626742727298033 -1.0379097090251346 -1.1957838026424266 -1.1942360174108857 -1.387709171353649 -1.5424876945078594 -1.6167813856218833 -1.6817883653466454 -1.7081007142828637 -1.6678582982627703 -1.0750565545821464 -0.4280823277975455 -0.008632530049629385 0.3767659926043474 0.49130209973846456 0.5980992807148695 0.6073859921041225 0.6275072001141692 0.5888125693256165 +38702,0.045539953054339014,2,-1.0626742727298033 -1.0379097090251346 -1.1957838026424266 -1.1942360174108857 -1.387709171353649 -1.5424876945078594 -1.6167813856218833 -1.6817883653466454 -1.7081007142828637 -1.6678582982627703 -1.0750565545821464 -0.4280823277975455 -0.008632530049629385 0.3767659926043474 0.49130209973846456 0.5980992807148695 0.6073859921041225 0.6275072001141692 0.5888125693256165 0.4355818314029555 +38703,-0.14174205996225253,2,-1.0379097090251346 -1.1957838026424266 -1.1942360174108857 -1.387709171353649 -1.5424876945078594 -1.6167813856218833 -1.6817883653466454 -1.7081007142828637 -1.6678582982627703 -1.0750565545821464 -0.4280823277975455 -0.008632530049629385 0.3767659926043474 0.49130209973846456 0.5980992807148695 0.6073859921041225 0.6275072001141692 0.5888125693256165 0.4355818314029555 0.045539953054339014 +38704,-0.29652058311646307,2,-1.1957838026424266 -1.1942360174108857 -1.387709171353649 -1.5424876945078594 -1.6167813856218833 -1.6817883653466454 -1.7081007142828637 -1.6678582982627703 -1.0750565545821464 -0.4280823277975455 -0.008632530049629385 0.3767659926043474 0.49130209973846456 0.5980992807148695 0.6073859921041225 0.6275072001141692 0.5888125693256165 0.4355818314029555 0.045539953054339014 -0.14174205996225253 +38705,-0.44975132103913285,2,-1.1942360174108857 -1.387709171353649 -1.5424876945078594 -1.6167813856218833 -1.6817883653466454 -1.7081007142828637 -1.6678582982627703 -1.0750565545821464 -0.4280823277975455 -0.008632530049629385 0.3767659926043474 0.49130209973846456 0.5980992807148695 0.6073859921041225 0.6275072001141692 0.5888125693256165 0.4355818314029555 0.045539953054339014 -0.14174205996225253 -0.29652058311646307 +38706,-0.62465105220339,2,-1.387709171353649 -1.5424876945078594 -1.6167813856218833 -1.6817883653466454 -1.7081007142828637 -1.6678582982627703 -1.0750565545821464 -0.4280823277975455 -0.008632530049629385 0.3767659926043474 0.49130209973846456 0.5980992807148695 0.6073859921041225 0.6275072001141692 0.5888125693256165 0.4355818314029555 0.045539953054339014 -0.14174205996225253 -0.29652058311646307 -0.44975132103913285 +38707,-0.8568188369347058,2,-1.5424876945078594 -1.6167813856218833 -1.6817883653466454 -1.7081007142828637 -1.6678582982627703 -1.0750565545821464 -0.4280823277975455 -0.008632530049629385 0.3767659926043474 0.49130209973846456 0.5980992807148695 0.6073859921041225 0.6275072001141692 0.5888125693256165 0.4355818314029555 0.045539953054339014 -0.14174205996225253 -0.29652058311646307 -0.44975132103913285 -0.62465105220339 +38708,-0.8444365550823715,2,-1.6167813856218833 -1.6817883653466454 -1.7081007142828637 -1.6678582982627703 -1.0750565545821464 -0.4280823277975455 -0.008632530049629385 0.3767659926043474 0.49130209973846456 0.5980992807148695 0.6073859921041225 0.6275072001141692 0.5888125693256165 0.4355818314029555 0.045539953054339014 -0.14174205996225253 -0.29652058311646307 -0.44975132103913285 -0.62465105220339 -0.8568188369347058 +38709,-0.8320542732300282,2,-1.6817883653466454 -1.7081007142828637 -1.6678582982627703 -1.0750565545821464 -0.4280823277975455 -0.008632530049629385 0.3767659926043474 0.49130209973846456 0.5980992807148695 0.6073859921041225 0.6275072001141692 0.5888125693256165 0.4355818314029555 0.045539953054339014 -0.14174205996225253 -0.29652058311646307 -0.44975132103913285 -0.62465105220339 -0.8568188369347058 -0.8444365550823715 +38710,-0.9094435348071335,2,-1.7081007142828637 -1.6678582982627703 -1.0750565545821464 -0.4280823277975455 -0.008632530049629385 0.3767659926043474 0.49130209973846456 0.5980992807148695 0.6073859921041225 0.6275072001141692 0.5888125693256165 0.4355818314029555 0.045539953054339014 -0.14174205996225253 -0.29652058311646307 -0.44975132103913285 -0.62465105220339 -0.8568188369347058 -0.8444365550823715 -0.8320542732300282 +38711,-0.9961195077734918,2,-1.6678582982627703 -1.0750565545821464 -0.4280823277975455 -0.008632530049629385 0.3767659926043474 0.49130209973846456 0.5980992807148695 0.6073859921041225 0.6275072001141692 0.5888125693256165 0.4355818314029555 0.045539953054339014 -0.14174205996225253 -0.29652058311646307 -0.44975132103913285 -0.62465105220339 -0.8568188369347058 -0.8444365550823715 -0.8320542732300282 -0.9094435348071335 +38712,-1.1152989706022398,2,-1.0750565545821464 -0.4280823277975455 -0.008632530049629385 0.3767659926043474 0.49130209973846456 0.5980992807148695 0.6073859921041225 0.6275072001141692 0.5888125693256165 0.4355818314029555 0.045539953054339014 -0.14174205996225253 -0.29652058311646307 -0.44975132103913285 -0.62465105220339 -0.8568188369347058 -0.8444365550823715 -0.8320542732300282 -0.9094435348071335 -0.9961195077734918 +38713,-1.243765144820232,2,-0.4280823277975455 -0.008632530049629385 0.3767659926043474 0.49130209973846456 0.5980992807148695 0.6073859921041225 0.6275072001141692 0.5888125693256165 0.4355818314029555 0.045539953054339014 -0.14174205996225253 -0.29652058311646307 -0.44975132103913285 -0.62465105220339 -0.8568188369347058 -0.8444365550823715 -0.8320542732300282 -0.9094435348071335 -0.9961195077734918 -1.1152989706022398 +38714,-1.3211544063973373,2,-0.008632530049629385 0.3767659926043474 0.49130209973846456 0.5980992807148695 0.6073859921041225 0.6275072001141692 0.5888125693256165 0.4355818314029555 0.045539953054339014 -0.14174205996225253 -0.29652058311646307 -0.44975132103913285 -0.62465105220339 -0.8568188369347058 -0.8444365550823715 -0.8320542732300282 -0.9094435348071335 -0.9961195077734918 -1.1152989706022398 -1.243765144820232 +38715,-1.2035227288001387,2,0.3767659926043474 0.49130209973846456 0.5980992807148695 0.6073859921041225 0.6275072001141692 0.5888125693256165 0.4355818314029555 0.045539953054339014 -0.14174205996225253 -0.29652058311646307 -0.44975132103913285 -0.62465105220339 -0.8568188369347058 -0.8444365550823715 -0.8320542732300282 -0.9094435348071335 -0.9961195077734918 -1.1152989706022398 -1.243765144820232 -1.3211544063973373 +38716,-0.615364340814137,2,0.49130209973846456 0.5980992807148695 0.6073859921041225 0.6275072001141692 0.5888125693256165 0.4355818314029555 0.045539953054339014 -0.14174205996225253 -0.29652058311646307 -0.44975132103913285 -0.62465105220339 -0.8568188369347058 -0.8444365550823715 -0.8320542732300282 -0.9094435348071335 -0.9961195077734918 -1.1152989706022398 -1.243765144820232 -1.3211544063973373 -1.2035227288001387 +38717,0.02696653027583305,2,0.5980992807148695 0.6073859921041225 0.6275072001141692 0.5888125693256165 0.4355818314029555 0.045539953054339014 -0.14174205996225253 -0.29652058311646307 -0.44975132103913285 -0.62465105220339 -0.8568188369347058 -0.8444365550823715 -0.8320542732300282 -0.9094435348071335 -0.9961195077734918 -1.1152989706022398 -1.243765144820232 -1.3211544063973373 -1.2035227288001387 -0.615364340814137 +38718,0.5532135090001541,2,0.6073859921041225 0.6275072001141692 0.5888125693256165 0.4355818314029555 0.045539953054339014 -0.14174205996225253 -0.29652058311646307 -0.44975132103913285 -0.62465105220339 -0.8568188369347058 -0.8444365550823715 -0.8320542732300282 -0.9094435348071335 -0.9961195077734918 -1.1152989706022398 -1.243765144820232 -1.3211544063973373 -1.2035227288001387 -0.615364340814137 0.02696653027583305 +38719,0.7312088106274927,2,0.6275072001141692 0.5888125693256165 0.4355818314029555 0.045539953054339014 -0.14174205996225253 -0.29652058311646307 -0.44975132103913285 -0.62465105220339 -0.8568188369347058 -0.8444365550823715 -0.8320542732300282 -0.9094435348071335 -0.9961195077734918 -1.1152989706022398 -1.243765144820232 -1.3211544063973373 -1.2035227288001387 -0.615364340814137 0.02696653027583305 0.5532135090001541 +38720,0.9231341793387151,2,0.5888125693256165 0.4355818314029555 0.045539953054339014 -0.14174205996225253 -0.29652058311646307 -0.44975132103913285 -0.62465105220339 -0.8568188369347058 -0.8444365550823715 -0.8320542732300282 -0.9094435348071335 -0.9961195077734918 -1.1152989706022398 -1.243765144820232 -1.3211544063973373 -1.2035227288001387 -0.615364340814137 0.02696653027583305 0.5532135090001541 0.7312088106274927 +38721,1.071721561566754,2,0.4355818314029555 0.045539953054339014 -0.14174205996225253 -0.29652058311646307 -0.44975132103913285 -0.62465105220339 -0.8568188369347058 -0.8444365550823715 -0.8320542732300282 -0.9094435348071335 -0.9961195077734918 -1.1152989706022398 -1.243765144820232 -1.3211544063973373 -1.2035227288001387 -0.615364340814137 0.02696653027583305 0.5532135090001541 0.7312088106274927 0.9231341793387151 +38722,1.0036190113789016,2,0.045539953054339014 -0.14174205996225253 -0.29652058311646307 -0.44975132103913285 -0.62465105220339 -0.8568188369347058 -0.8444365550823715 -0.8320542732300282 -0.9094435348071335 -0.9961195077734918 -1.1152989706022398 -1.243765144820232 -1.3211544063973373 -1.2035227288001387 -0.615364340814137 0.02696653027583305 0.5532135090001541 0.7312088106274927 0.9231341793387151 1.071721561566754 +38723,1.0129057227681548,2,-0.14174205996225253 -0.29652058311646307 -0.44975132103913285 -0.62465105220339 -0.8568188369347058 -0.8444365550823715 -0.8320542732300282 -0.9094435348071335 -0.9961195077734918 -1.1152989706022398 -1.243765144820232 -1.3211544063973373 -1.2035227288001387 -0.615364340814137 0.02696653027583305 0.5532135090001541 0.7312088106274927 0.9231341793387151 1.071721561566754 1.0036190113789016 +38724,0.9277775350333372,2,-0.29652058311646307 -0.44975132103913285 -0.62465105220339 -0.8568188369347058 -0.8444365550823715 -0.8320542732300282 -0.9094435348071335 -0.9961195077734918 -1.1152989706022398 -1.243765144820232 -1.3211544063973373 -1.2035227288001387 -0.615364340814137 0.02696653027583305 0.5532135090001541 0.7312088106274927 0.9231341793387151 1.071721561566754 1.0036190113789016 1.0129057227681548 +38725,0.762164515258333,2,-0.44975132103913285 -0.62465105220339 -0.8568188369347058 -0.8444365550823715 -0.8320542732300282 -0.9094435348071335 -0.9961195077734918 -1.1152989706022398 -1.243765144820232 -1.3211544063973373 -1.2035227288001387 -0.615364340814137 0.02696653027583305 0.5532135090001541 0.7312088106274927 0.9231341793387151 1.071721561566754 1.0036190113789016 1.0129057227681548 0.9277775350333372 +38726,0.4309384757083246,2,-0.62465105220339 -0.8568188369347058 -0.8444365550823715 -0.8320542732300282 -0.9094435348071335 -0.9961195077734918 -1.1152989706022398 -1.243765144820232 -1.3211544063973373 -1.2035227288001387 -0.615364340814137 0.02696653027583305 0.5532135090001541 0.7312088106274927 0.9231341793387151 1.071721561566754 1.0036190113789016 1.0129057227681548 0.9277775350333372 0.762164515258333 +38727,0.18329283866158427,2,-0.8568188369347058 -0.8444365550823715 -0.8320542732300282 -0.9094435348071335 -0.9961195077734918 -1.1152989706022398 -1.243765144820232 -1.3211544063973373 -1.2035227288001387 -0.615364340814137 0.02696653027583305 0.5532135090001541 0.7312088106274927 0.9231341793387151 1.071721561566754 1.0036190113789016 1.0129057227681548 0.9277775350333372 0.762164515258333 0.4309384757083246 +38728,0.09197351000060393,2,-0.8444365550823715 -0.8320542732300282 -0.9094435348071335 -0.9961195077734918 -1.1152989706022398 -1.243765144820232 -1.3211544063973373 -1.2035227288001387 -0.615364340814137 0.02696653027583305 0.5532135090001541 0.7312088106274927 0.9231341793387151 1.071721561566754 1.0036190113789016 1.0129057227681548 0.9277775350333372 0.762164515258333 0.4309384757083246 0.18329283866158427 +38729,-0.06744836884822868,2,-0.8320542732300282 -0.9094435348071335 -0.9961195077734918 -1.1152989706022398 -1.243765144820232 -1.3211544063973373 -1.2035227288001387 -0.615364340814137 0.02696653027583305 0.5532135090001541 0.7312088106274927 0.9231341793387151 1.071721561566754 1.0036190113789016 1.0129057227681548 0.9277775350333372 0.762164515258333 0.4309384757083246 0.18329283866158427 0.09197351000060393 +38730,-0.2671126637171634,2,-0.9094435348071335 -0.9961195077734918 -1.1152989706022398 -1.243765144820232 -1.3211544063973373 -1.2035227288001387 -0.615364340814137 0.02696653027583305 0.5532135090001541 0.7312088106274927 0.9231341793387151 1.071721561566754 1.0036190113789016 1.0129057227681548 0.9277775350333372 0.762164515258333 0.4309384757083246 0.18329283866158427 0.09197351000060393 -0.06744836884822868 +38731,-0.2779471603379571,2,-0.9961195077734918 -1.1152989706022398 -1.243765144820232 -1.3211544063973373 -1.2035227288001387 -0.615364340814137 0.02696653027583305 0.5532135090001541 0.7312088106274927 0.9231341793387151 1.071721561566754 1.0036190113789016 1.0129057227681548 0.9277775350333372 0.762164515258333 0.4309384757083246 0.18329283866158427 0.09197351000060393 -0.06744836884822868 -0.2671126637171634 +38732,-0.6772757500758178,2,-1.1152989706022398 -1.243765144820232 -1.3211544063973373 -1.2035227288001387 -0.615364340814137 0.02696653027583305 0.5532135090001541 0.7312088106274927 0.9231341793387151 1.071721561566754 1.0036190113789016 1.0129057227681548 0.9277775350333372 0.762164515258333 0.4309384757083246 0.18329283866158427 0.09197351000060393 -0.06744836884822868 -0.2671126637171634 -0.2779471603379571 +38733,-0.6788235353073673,2,-1.243765144820232 -1.3211544063973373 -1.2035227288001387 -0.615364340814137 0.02696653027583305 0.5532135090001541 0.7312088106274927 0.9231341793387151 1.071721561566754 1.0036190113789016 1.0129057227681548 0.9277775350333372 0.762164515258333 0.4309384757083246 0.18329283866158427 0.09197351000060393 -0.06744836884822868 -0.2671126637171634 -0.2779471603379571 -0.6772757500758178 +38734,-0.7562127968844725,2,-1.3211544063973373 -1.2035227288001387 -0.615364340814137 0.02696653027583305 0.5532135090001541 0.7312088106274927 0.9231341793387151 1.071721561566754 1.0036190113789016 1.0129057227681548 0.9277775350333372 0.762164515258333 0.4309384757083246 0.18329283866158427 0.09197351000060393 -0.06744836884822868 -0.2671126637171634 -0.2779471603379571 -0.6772757500758178 -0.6788235353073673 +38735,-0.7933596424414756,2,-1.2035227288001387 -0.615364340814137 0.02696653027583305 0.5532135090001541 0.7312088106274927 0.9231341793387151 1.071721561566754 1.0036190113789016 1.0129057227681548 0.9277775350333372 0.762164515258333 0.4309384757083246 0.18329283866158427 0.09197351000060393 -0.06744836884822868 -0.2671126637171634 -0.2779471603379571 -0.6772757500758178 -0.6788235353073673 -0.7562127968844725 +38736,-0.9605204474480293,2,-0.615364340814137 0.02696653027583305 0.5532135090001541 0.7312088106274927 0.9231341793387151 1.071721561566754 1.0036190113789016 1.0129057227681548 0.9277775350333372 0.762164515258333 0.4309384757083246 0.18329283866158427 0.09197351000060393 -0.06744836884822868 -0.2671126637171634 -0.2779471603379571 -0.6772757500758178 -0.6788235353073673 -0.7562127968844725 -0.7933596424414756 +38737,-1.0239796419412508,2,0.02696653027583305 0.5532135090001541 0.7312088106274927 0.9231341793387151 1.071721561566754 1.0036190113789016 1.0129057227681548 0.9277775350333372 0.762164515258333 0.4309384757083246 0.18329283866158427 0.09197351000060393 -0.06744836884822868 -0.2671126637171634 -0.2779471603379571 -0.6772757500758178 -0.6788235353073673 -0.7562127968844725 -0.7933596424414756 -0.9605204474480293 +38738,-1.1679236684746674,2,0.5532135090001541 0.7312088106274927 0.9231341793387151 1.071721561566754 1.0036190113789016 1.0129057227681548 0.9277775350333372 0.762164515258333 0.4309384757083246 0.18329283866158427 0.09197351000060393 -0.06744836884822868 -0.2671126637171634 -0.2779471603379571 -0.6772757500758178 -0.6788235353073673 -0.7562127968844725 -0.7933596424414756 -0.9605204474480293 -1.0239796419412508 +38739,-1.1710192389377578,2,0.7312088106274927 0.9231341793387151 1.071721561566754 1.0036190113789016 1.0129057227681548 0.9277775350333372 0.762164515258333 0.4309384757083246 0.18329283866158427 0.09197351000060393 -0.06744836884822868 -0.2671126637171634 -0.2779471603379571 -0.6772757500758178 -0.6788235353073673 -0.7562127968844725 -0.7933596424414756 -0.9605204474480293 -1.0239796419412508 -1.1679236684746674 +38740,-0.5147583007639037,2,0.9231341793387151 1.071721561566754 1.0036190113789016 1.0129057227681548 0.9277775350333372 0.762164515258333 0.4309384757083246 0.18329283866158427 0.09197351000060393 -0.06744836884822868 -0.2671126637171634 -0.2779471603379571 -0.6772757500758178 -0.6788235353073673 -0.7562127968844725 -0.7933596424414756 -0.9605204474480293 -1.0239796419412508 -1.1679236684746674 -1.1710192389377578 +38741,0.09352129523214463,2,1.071721561566754 1.0036190113789016 1.0129057227681548 0.9277775350333372 0.762164515258333 0.4309384757083246 0.18329283866158427 0.09197351000060393 -0.06744836884822868 -0.2671126637171634 -0.2779471603379571 -0.6772757500758178 -0.6788235353073673 -0.7562127968844725 -0.7933596424414756 -0.9605204474480293 -1.0239796419412508 -1.1679236684746674 -1.1710192389377578 -0.5147583007639037 +38742,0.5594046499263169,2,1.0036190113789016 1.0129057227681548 0.9277775350333372 0.762164515258333 0.4309384757083246 0.18329283866158427 0.09197351000060393 -0.06744836884822868 -0.2671126637171634 -0.2779471603379571 -0.6772757500758178 -0.6788235353073673 -0.7562127968844725 -0.7933596424414756 -0.9605204474480293 -1.0239796419412508 -1.1679236684746674 -1.1710192389377578 -0.5147583007639037 0.09352129523214463 +38743,0.5578568646947761,2,1.0129057227681548 0.9277775350333372 0.762164515258333 0.4309384757083246 0.18329283866158427 0.09197351000060393 -0.06744836884822868 -0.2671126637171634 -0.2779471603379571 -0.6772757500758178 -0.6788235353073673 -0.7562127968844725 -0.7933596424414756 -0.9605204474480293 -1.0239796419412508 -1.1679236684746674 -1.1710192389377578 -0.5147583007639037 0.09352129523214463 0.5594046499263169 +38744,1.118155118513019,2,0.9277775350333372 0.762164515258333 0.4309384757083246 0.18329283866158427 0.09197351000060393 -0.06744836884822868 -0.2671126637171634 -0.2779471603379571 -0.6772757500758178 -0.6788235353073673 -0.7562127968844725 -0.7933596424414756 -0.9605204474480293 -1.0239796419412508 -1.1679236684746674 -1.1710192389377578 -0.5147583007639037 0.09352129523214463 0.5594046499263169 0.5578568646947761 +38745,1.2528124336571829,2,0.762164515258333 0.4309384757083246 0.18329283866158427 0.09197351000060393 -0.06744836884822868 -0.2671126637171634 -0.2779471603379571 -0.6772757500758178 -0.6788235353073673 -0.7562127968844725 -0.7933596424414756 -0.9605204474480293 -1.0239796419412508 -1.1679236684746674 -1.1710192389377578 -0.5147583007639037 0.09352129523214463 0.5594046499263169 0.5578568646947761 1.118155118513019 +38746,1.1305374003653532,2,0.4309384757083246 0.18329283866158427 0.09197351000060393 -0.06744836884822868 -0.2671126637171634 -0.2779471603379571 -0.6772757500758178 -0.6788235353073673 -0.7562127968844725 -0.7933596424414756 -0.9605204474480293 -1.0239796419412508 -1.1679236684746674 -1.1710192389377578 -0.5147583007639037 0.09352129523214463 0.5594046499263169 0.5578568646947761 1.118155118513019 1.2528124336571829 +38747,1.043861427398995,2,0.18329283866158427 0.09197351000060393 -0.06744836884822868 -0.2671126637171634 -0.2779471603379571 -0.6772757500758178 -0.6788235353073673 -0.7562127968844725 -0.7933596424414756 -0.9605204474480293 -1.0239796419412508 -1.1679236684746674 -1.1710192389377578 -0.5147583007639037 0.09352129523214463 0.5594046499263169 0.5578568646947761 1.118155118513019 1.2528124336571829 1.1305374003653532 +38748,0.9169430384125435,2,0.09197351000060393 -0.06744836884822868 -0.2671126637171634 -0.2779471603379571 -0.6772757500758178 -0.6788235353073673 -0.7562127968844725 -0.7933596424414756 -0.9605204474480293 -1.0239796419412508 -1.1679236684746674 -1.1710192389377578 -0.5147583007639037 0.09352129523214463 0.5594046499263169 0.5578568646947761 1.118155118513019 1.2528124336571829 1.1305374003653532 1.043861427398995 +38749,0.7141831730805274,2,-0.06744836884822868 -0.2671126637171634 -0.2779471603379571 -0.6772757500758178 -0.6788235353073673 -0.7562127968844725 -0.7933596424414756 -0.9605204474480293 -1.0239796419412508 -1.1679236684746674 -1.1710192389377578 -0.5147583007639037 0.09352129523214463 0.5594046499263169 0.5578568646947761 1.118155118513019 1.2528124336571829 1.1305374003653532 1.043861427398995 0.9169430384125435 +38750,0.29473337533262006,2,-0.2671126637171634 -0.2779471603379571 -0.6772757500758178 -0.6788235353073673 -0.7562127968844725 -0.7933596424414756 -0.9605204474480293 -1.0239796419412508 -1.1679236684746674 -1.1710192389377578 -0.5147583007639037 0.09352129523214463 0.5594046499263169 0.5578568646947761 1.118155118513019 1.2528124336571829 1.1305374003653532 1.043861427398995 0.9169430384125435 0.7141831730805274 +38751,-0.20210568399239254,2,-0.2779471603379571 -0.6772757500758178 -0.6788235353073673 -0.7562127968844725 -0.7933596424414756 -0.9605204474480293 -1.0239796419412508 -1.1679236684746674 -1.1710192389377578 -0.5147583007639037 0.09352129523214463 0.5594046499263169 0.5578568646947761 1.118155118513019 1.2528124336571829 1.1305374003653532 1.043861427398995 0.9169430384125435 0.7141831730805274 0.29473337533262006 +38752,-0.24389588524403535,2,-0.6772757500758178 -0.6788235353073673 -0.7562127968844725 -0.7933596424414756 -0.9605204474480293 -1.0239796419412508 -1.1679236684746674 -1.1710192389377578 -0.5147583007639037 0.09352129523214463 0.5594046499263169 0.5578568646947761 1.118155118513019 1.2528124336571829 1.1305374003653532 1.043861427398995 0.9169430384125435 0.7141831730805274 0.29473337533262006 -0.20210568399239254 +38753,-0.29961615357954446,2,-0.6788235353073673 -0.7562127968844725 -0.7933596424414756 -0.9605204474480293 -1.0239796419412508 -1.1679236684746674 -1.1710192389377578 -0.5147583007639037 0.09352129523214463 0.5594046499263169 0.5578568646947761 1.118155118513019 1.2528124336571829 1.1305374003653532 1.043861427398995 0.9169430384125435 0.7141831730805274 0.29473337533262006 -0.20210568399239254 -0.24389588524403535 +38754,-0.5859564214148374,2,-0.7562127968844725 -0.7933596424414756 -0.9605204474480293 -1.0239796419412508 -1.1679236684746674 -1.1710192389377578 -0.5147583007639037 0.09352129523214463 0.5594046499263169 0.5578568646947761 1.118155118513019 1.2528124336571829 1.1305374003653532 1.043861427398995 0.9169430384125435 0.7141831730805274 0.29473337533262006 -0.20210568399239254 -0.24389588524403535 -0.29961615357954446 +38755,-0.5967909180356311,2,-0.7933596424414756 -0.9605204474480293 -1.0239796419412508 -1.1679236684746674 -1.1710192389377578 -0.5147583007639037 0.09352129523214463 0.5594046499263169 0.5578568646947761 1.118155118513019 1.2528124336571829 1.1305374003653532 1.043861427398995 0.9169430384125435 0.7141831730805274 0.29473337533262006 -0.20210568399239254 -0.24389588524403535 -0.29961615357954446 -0.5859564214148374 +38756,-0.7051358842435766,2,-0.9605204474480293 -1.0239796419412508 -1.1679236684746674 -1.1710192389377578 -0.5147583007639037 0.09352129523214463 0.5594046499263169 0.5578568646947761 1.118155118513019 1.2528124336571829 1.1305374003653532 1.043861427398995 0.9169430384125435 0.7141831730805274 0.29473337533262006 -0.20210568399239254 -0.24389588524403535 -0.29961615357954446 -0.5859564214148374 -0.5967909180356311 +38757,-0.9078957495755928,2,-1.0239796419412508 -1.1679236684746674 -1.1710192389377578 -0.5147583007639037 0.09352129523214463 0.5594046499263169 0.5578568646947761 1.118155118513019 1.2528124336571829 1.1305374003653532 1.043861427398995 0.9169430384125435 0.7141831730805274 0.29473337533262006 -0.20210568399239254 -0.24389588524403535 -0.29961615357954446 -0.5859564214148374 -0.5967909180356311 -0.7051358842435766 +38758,-0.9605204474480293,2,-1.1679236684746674 -1.1710192389377578 -0.5147583007639037 0.09352129523214463 0.5594046499263169 0.5578568646947761 1.118155118513019 1.2528124336571829 1.1305374003653532 1.043861427398995 0.9169430384125435 0.7141831730805274 0.29473337533262006 -0.20210568399239254 -0.24389588524403535 -0.29961615357954446 -0.5859564214148374 -0.5967909180356311 -0.7051358842435766 -0.9078957495755928 +38759,-1.0007628634681227,2,-1.1710192389377578 -0.5147583007639037 0.09352129523214463 0.5594046499263169 0.5578568646947761 1.118155118513019 1.2528124336571829 1.1305374003653532 1.043861427398995 0.9169430384125435 0.7141831730805274 0.29473337533262006 -0.20210568399239254 -0.24389588524403535 -0.29961615357954446 -0.5859564214148374 -0.5967909180356311 -0.7051358842435766 -0.9078957495755928 -0.9605204474480293 +38760,-1.0858910512029403,2,-0.5147583007639037 0.09352129523214463 0.5594046499263169 0.5578568646947761 1.118155118513019 1.2528124336571829 1.1305374003653532 1.043861427398995 0.9169430384125435 0.7141831730805274 0.29473337533262006 -0.20210568399239254 -0.24389588524403535 -0.29961615357954446 -0.5859564214148374 -0.5967909180356311 -0.7051358842435766 -0.9078957495755928 -0.9605204474480293 -1.0007628634681227 +38761,-1.1152989706022398,2,0.09352129523214463 0.5594046499263169 0.5578568646947761 1.118155118513019 1.2528124336571829 1.1305374003653532 1.043861427398995 0.9169430384125435 0.7141831730805274 0.29473337533262006 -0.20210568399239254 -0.24389588524403535 -0.29961615357954446 -0.5859564214148374 -0.5967909180356311 -0.7051358842435766 -0.9078957495755928 -0.9605204474480293 -1.0007628634681227 -1.0858910512029403 +38762,-1.1539936013907925,2,0.5594046499263169 0.5578568646947761 1.118155118513019 1.2528124336571829 1.1305374003653532 1.043861427398995 0.9169430384125435 0.7141831730805274 0.29473337533262006 -0.20210568399239254 -0.24389588524403535 -0.29961615357954446 -0.5859564214148374 -0.5967909180356311 -0.7051358842435766 -0.9078957495755928 -0.9605204474480293 -1.0007628634681227 -1.0858910512029403 -1.1152989706022398 +38763,-1.1694714537062083,2,0.5578568646947761 1.118155118513019 1.2528124336571829 1.1305374003653532 1.043861427398995 0.9169430384125435 0.7141831730805274 0.29473337533262006 -0.20210568399239254 -0.24389588524403535 -0.29961615357954446 -0.5859564214148374 -0.5967909180356311 -0.7051358842435766 -0.9078957495755928 -0.9605204474480293 -1.0007628634681227 -1.0858910512029403 -1.1152989706022398 -1.1539936013907925 +38764,-0.8521754812400837,2,1.118155118513019 1.2528124336571829 1.1305374003653532 1.043861427398995 0.9169430384125435 0.7141831730805274 0.29473337533262006 -0.20210568399239254 -0.24389588524403535 -0.29961615357954446 -0.5859564214148374 -0.5967909180356311 -0.7051358842435766 -0.9078957495755928 -0.9605204474480293 -1.0007628634681227 -1.0858910512029403 -1.1152989706022398 -1.1539936013907925 -1.1694714537062083 +38765,-0.41879561640829255,2,1.2528124336571829 1.1305374003653532 1.043861427398995 0.9169430384125435 0.7141831730805274 0.29473337533262006 -0.20210568399239254 -0.24389588524403535 -0.29961615357954446 -0.5859564214148374 -0.5967909180356311 -0.7051358842435766 -0.9078957495755928 -0.9605204474480293 -1.0007628634681227 -1.0858910512029403 -1.1152989706022398 -1.1539936013907925 -1.1694714537062083 -0.8521754812400837 +38766,-0.1076907848683308,2,1.1305374003653532 1.043861427398995 0.9169430384125435 0.7141831730805274 0.29473337533262006 -0.20210568399239254 -0.24389588524403535 -0.29961615357954446 -0.5859564214148374 -0.5967909180356311 -0.7051358842435766 -0.9078957495755928 -0.9605204474480293 -1.0007628634681227 -1.0858910512029403 -1.1152989706022398 -1.1539936013907925 -1.1694714537062083 -0.8521754812400837 -0.41879561640829255 +38767,0.1089991475475692,2,1.043861427398995 0.9169430384125435 0.7141831730805274 0.29473337533262006 -0.20210568399239254 -0.24389588524403535 -0.29961615357954446 -0.5859564214148374 -0.5967909180356311 -0.7051358842435766 -0.9078957495755928 -0.9605204474480293 -1.0007628634681227 -1.0858910512029403 -1.1152989706022398 -1.1539936013907925 -1.1694714537062083 -0.8521754812400837 -0.41879561640829255 -0.1076907848683308 +38768,0.19103176481929654,2,0.9169430384125435 0.7141831730805274 0.29473337533262006 -0.20210568399239254 -0.24389588524403535 -0.29961615357954446 -0.5859564214148374 -0.5967909180356311 -0.7051358842435766 -0.9078957495755928 -0.9605204474480293 -1.0007628634681227 -1.0858910512029403 -1.1152989706022398 -1.1539936013907925 -1.1694714537062083 -0.8521754812400837 -0.41879561640829255 -0.1076907848683308 0.1089991475475692 +38769,0.25913431500714884,2,0.7141831730805274 0.29473337533262006 -0.20210568399239254 -0.24389588524403535 -0.29961615357954446 -0.5859564214148374 -0.5967909180356311 -0.7051358842435766 -0.9078957495755928 -0.9605204474480293 -1.0007628634681227 -1.0858910512029403 -1.1152989706022398 -1.1539936013907925 -1.1694714537062083 -0.8521754812400837 -0.41879561640829255 -0.1076907848683308 0.1089991475475692 0.19103176481929654 +38770,0.24056089222864285,2,0.29473337533262006 -0.20210568399239254 -0.24389588524403535 -0.29961615357954446 -0.5859564214148374 -0.5967909180356311 -0.7051358842435766 -0.9078957495755928 -0.9605204474480293 -1.0007628634681227 -1.0858910512029403 -1.1152989706022398 -1.1539936013907925 -1.1694714537062083 -0.8521754812400837 -0.41879561640829255 -0.1076907848683308 0.1089991475475692 0.19103176481929654 0.25913431500714884 +38771,0.0037497518027049923,2,-0.20210568399239254 -0.24389588524403535 -0.29961615357954446 -0.5859564214148374 -0.5967909180356311 -0.7051358842435766 -0.9078957495755928 -0.9605204474480293 -1.0007628634681227 -1.0858910512029403 -1.1152989706022398 -1.1539936013907925 -1.1694714537062083 -0.8521754812400837 -0.41879561640829255 -0.1076907848683308 0.1089991475475692 0.19103176481929654 0.25913431500714884 0.24056089222864285 +38772,-0.1076907848683308,2,-0.24389588524403535 -0.29961615357954446 -0.5859564214148374 -0.5967909180356311 -0.7051358842435766 -0.9078957495755928 -0.9605204474480293 -1.0007628634681227 -1.0858910512029403 -1.1152989706022398 -1.1539936013907925 -1.1694714537062083 -0.8521754812400837 -0.41879561640829255 -0.1076907848683308 0.1089991475475692 0.19103176481929654 0.25913431500714884 0.24056089222864285 0.0037497518027049923 +38773,-0.30735507973725673,2,-0.29961615357954446 -0.5859564214148374 -0.5967909180356311 -0.7051358842435766 -0.9078957495755928 -0.9605204474480293 -1.0007628634681227 -1.0858910512029403 -1.1152989706022398 -1.1539936013907925 -1.1694714537062083 -0.8521754812400837 -0.41879561640829255 -0.1076907848683308 0.1089991475475692 0.19103176481929654 0.25913431500714884 0.24056089222864285 0.0037497518027049923 -0.1076907848683308 +38774,-0.4265345425660048,2,-0.5859564214148374 -0.5967909180356311 -0.7051358842435766 -0.9078957495755928 -0.9605204474480293 -1.0007628634681227 -1.0858910512029403 -1.1152989706022398 -1.1539936013907925 -1.1694714537062083 -0.8521754812400837 -0.41879561640829255 -0.1076907848683308 0.1089991475475692 0.19103176481929654 0.25913431500714884 0.24056089222864285 0.0037497518027049923 -0.1076907848683308 -0.30735507973725673 +38775,-0.5720263543309624,2,-0.5967909180356311 -0.7051358842435766 -0.9078957495755928 -0.9605204474480293 -1.0007628634681227 -1.0858910512029403 -1.1152989706022398 -1.1539936013907925 -1.1694714537062083 -0.8521754812400837 -0.41879561640829255 -0.1076907848683308 0.1089991475475692 0.19103176481929654 0.25913431500714884 0.24056089222864285 0.0037497518027049923 -0.1076907848683308 -0.30735507973725673 -0.4265345425660048 +38776,-0.633937763592643,2,-0.7051358842435766 -0.9078957495755928 -0.9605204474480293 -1.0007628634681227 -1.0858910512029403 -1.1152989706022398 -1.1539936013907925 -1.1694714537062083 -0.8521754812400837 -0.41879561640829255 -0.1076907848683308 0.1089991475475692 0.19103176481929654 0.25913431500714884 0.24056089222864285 0.0037497518027049923 -0.1076907848683308 -0.30735507973725673 -0.4265345425660048 -0.5720263543309624 +38777,-0.6648934682234834,2,-0.9078957495755928 -0.9605204474480293 -1.0007628634681227 -1.0858910512029403 -1.1152989706022398 -1.1539936013907925 -1.1694714537062083 -0.8521754812400837 -0.41879561640829255 -0.1076907848683308 0.1089991475475692 0.19103176481929654 0.25913431500714884 0.24056089222864285 0.0037497518027049923 -0.1076907848683308 -0.30735507973725673 -0.4265345425660048 -0.5720263543309624 -0.633937763592643 +38778,-0.6927536023912423,2,-0.9605204474480293 -1.0007628634681227 -1.0858910512029403 -1.1152989706022398 -1.1539936013907925 -1.1694714537062083 -0.8521754812400837 -0.41879561640829255 -0.1076907848683308 0.1089991475475692 0.19103176481929654 0.25913431500714884 0.24056089222864285 0.0037497518027049923 -0.1076907848683308 -0.30735507973725673 -0.4265345425660048 -0.5720263543309624 -0.633937763592643 -0.6648934682234834 +38779,-0.7020403137804953,2,-1.0007628634681227 -1.0858910512029403 -1.1152989706022398 -1.1539936013907925 -1.1694714537062083 -0.8521754812400837 -0.41879561640829255 -0.1076907848683308 0.1089991475475692 0.19103176481929654 0.25913431500714884 0.24056089222864285 0.0037497518027049923 -0.1076907848683308 -0.30735507973725673 -0.4265345425660048 -0.5720263543309624 -0.633937763592643 -0.6648934682234834 -0.6927536023912423 +38780,-0.7020403137804953,2,-1.0858910512029403 -1.1152989706022398 -1.1539936013907925 -1.1694714537062083 -0.8521754812400837 -0.41879561640829255 -0.1076907848683308 0.1089991475475692 0.19103176481929654 0.25913431500714884 0.24056089222864285 0.0037497518027049923 -0.1076907848683308 -0.30735507973725673 -0.4265345425660048 -0.5720263543309624 -0.633937763592643 -0.6648934682234834 -0.6927536023912423 -0.7020403137804953 +38781,-0.791811857209935,2,-1.1152989706022398 -1.1539936013907925 -1.1694714537062083 -0.8521754812400837 -0.41879561640829255 -0.1076907848683308 0.1089991475475692 0.19103176481929654 0.25913431500714884 0.24056089222864285 0.0037497518027049923 -0.1076907848683308 -0.30735507973725673 -0.4265345425660048 -0.5720263543309624 -0.633937763592643 -0.6648934682234834 -0.6927536023912423 -0.7020403137804953 -0.7020403137804953 +38782,-0.8305064879984876,2,-1.1539936013907925 -1.1694714537062083 -0.8521754812400837 -0.41879561640829255 -0.1076907848683308 0.1089991475475692 0.19103176481929654 0.25913431500714884 0.24056089222864285 0.0037497518027049923 -0.1076907848683308 -0.30735507973725673 -0.4265345425660048 -0.5720263543309624 -0.633937763592643 -0.6648934682234834 -0.6927536023912423 -0.7020403137804953 -0.7020403137804953 -0.791811857209935 +38783,-0.8444365550823715,2,-1.1694714537062083 -0.8521754812400837 -0.41879561640829255 -0.1076907848683308 0.1089991475475692 0.19103176481929654 0.25913431500714884 0.24056089222864285 0.0037497518027049923 -0.1076907848683308 -0.30735507973725673 -0.4265345425660048 -0.5720263543309624 -0.633937763592643 -0.6648934682234834 -0.6927536023912423 -0.7020403137804953 -0.7020403137804953 -0.791811857209935 -0.8305064879984876 +38784,-0.9094435348071335,2,-0.8521754812400837 -0.41879561640829255 -0.1076907848683308 0.1089991475475692 0.19103176481929654 0.25913431500714884 0.24056089222864285 0.0037497518027049923 -0.1076907848683308 -0.30735507973725673 -0.4265345425660048 -0.5720263543309624 -0.633937763592643 -0.6648934682234834 -0.6927536023912423 -0.7020403137804953 -0.7020403137804953 -0.791811857209935 -0.8305064879984876 -0.8444365550823715 +38785,-0.9094435348071335,2,-0.41879561640829255 -0.1076907848683308 0.1089991475475692 0.19103176481929654 0.25913431500714884 0.24056089222864285 0.0037497518027049923 -0.1076907848683308 -0.30735507973725673 -0.4265345425660048 -0.5720263543309624 -0.633937763592643 -0.6648934682234834 -0.6927536023912423 -0.7020403137804953 -0.7020403137804953 -0.791811857209935 -0.8305064879984876 -0.8444365550823715 -0.9094435348071335 +38786,-0.8444365550823715,2,-0.1076907848683308 0.1089991475475692 0.19103176481929654 0.25913431500714884 0.24056089222864285 0.0037497518027049923 -0.1076907848683308 -0.30735507973725673 -0.4265345425660048 -0.5720263543309624 -0.633937763592643 -0.6648934682234834 -0.6927536023912423 -0.7020403137804953 -0.7020403137804953 -0.791811857209935 -0.8305064879984876 -0.8444365550823715 -0.9094435348071335 -0.9094435348071335 +38787,-0.9048001791125114,2,0.1089991475475692 0.19103176481929654 0.25913431500714884 0.24056089222864285 0.0037497518027049923 -0.1076907848683308 -0.30735507973725673 -0.4265345425660048 -0.5720263543309624 -0.633937763592643 -0.6648934682234834 -0.6927536023912423 -0.7020403137804953 -0.7020403137804953 -0.791811857209935 -0.8305064879984876 -0.8444365550823715 -0.9094435348071335 -0.9094435348071335 -0.8444365550823715 +38788,-0.7856207162837722,2,0.19103176481929654 0.25913431500714884 0.24056089222864285 0.0037497518027049923 -0.1076907848683308 -0.30735507973725673 -0.4265345425660048 -0.5720263543309624 -0.633937763592643 -0.6648934682234834 -0.6927536023912423 -0.7020403137804953 -0.7020403137804953 -0.791811857209935 -0.8305064879984876 -0.8444365550823715 -0.9094435348071335 -0.9094435348071335 -0.8444365550823715 -0.9048001791125114 +38789,-0.6401289045188147,2,0.25913431500714884 0.24056089222864285 0.0037497518027049923 -0.1076907848683308 -0.30735507973725673 -0.4265345425660048 -0.5720263543309624 -0.633937763592643 -0.6648934682234834 -0.6927536023912423 -0.7020403137804953 -0.7020403137804953 -0.791811857209935 -0.8305064879984876 -0.8444365550823715 -0.9094435348071335 -0.9094435348071335 -0.8444365550823715 -0.9048001791125114 -0.7856207162837722 +38790,-0.601434273730262,2,0.24056089222864285 0.0037497518027049923 -0.1076907848683308 -0.30735507973725673 -0.4265345425660048 -0.5720263543309624 -0.633937763592643 -0.6648934682234834 -0.6927536023912423 -0.7020403137804953 -0.7020403137804953 -0.791811857209935 -0.8305064879984876 -0.8444365550823715 -0.9094435348071335 -0.9094435348071335 -0.8444365550823715 -0.9048001791125114 -0.7856207162837722 -0.6401289045188147 +38791,-0.5070193746061915,2,0.0037497518027049923 -0.1076907848683308 -0.30735507973725673 -0.4265345425660048 -0.5720263543309624 -0.633937763592643 -0.6648934682234834 -0.6927536023912423 -0.7020403137804953 -0.7020403137804953 -0.791811857209935 -0.8305064879984876 -0.8444365550823715 -0.9094435348071335 -0.9094435348071335 -0.8444365550823715 -0.9048001791125114 -0.7856207162837722 -0.6401289045188147 -0.601434273730262 +38792,-0.5240450121531567,2,-0.1076907848683308 -0.30735507973725673 -0.4265345425660048 -0.5720263543309624 -0.633937763592643 -0.6648934682234834 -0.6927536023912423 -0.7020403137804953 -0.7020403137804953 -0.791811857209935 -0.8305064879984876 -0.8444365550823715 -0.9094435348071335 -0.9094435348071335 -0.8444365550823715 -0.9048001791125114 -0.7856207162837722 -0.6401289045188147 -0.601434273730262 -0.5070193746061915 +38793,-0.7066836694751262,2,-0.30735507973725673 -0.4265345425660048 -0.5720263543309624 -0.633937763592643 -0.6648934682234834 -0.6927536023912423 -0.7020403137804953 -0.7020403137804953 -0.791811857209935 -0.8305064879984876 -0.8444365550823715 -0.9094435348071335 -0.9094435348071335 -0.8444365550823715 -0.9048001791125114 -0.7856207162837722 -0.6401289045188147 -0.601434273730262 -0.5070193746061915 -0.5240450121531567 +38794,-0.6989447433174139,2,-0.4265345425660048 -0.5720263543309624 -0.633937763592643 -0.6648934682234834 -0.6927536023912423 -0.7020403137804953 -0.7020403137804953 -0.791811857209935 -0.8305064879984876 -0.8444365550823715 -0.9094435348071335 -0.9094435348071335 -0.8444365550823715 -0.9048001791125114 -0.7856207162837722 -0.6401289045188147 -0.601434273730262 -0.5070193746061915 -0.5240450121531567 -0.7066836694751262 +38795,-0.7190659513274605,2,-0.5720263543309624 -0.633937763592643 -0.6648934682234834 -0.6927536023912423 -0.7020403137804953 -0.7020403137804953 -0.791811857209935 -0.8305064879984876 -0.8444365550823715 -0.9094435348071335 -0.9094435348071335 -0.8444365550823715 -0.9048001791125114 -0.7856207162837722 -0.6401289045188147 -0.601434273730262 -0.5070193746061915 -0.5240450121531567 -0.7066836694751262 -0.6989447433174139 +38796,-0.5534529315524563,2,-0.633937763592643 -0.6648934682234834 -0.6927536023912423 -0.7020403137804953 -0.7020403137804953 -0.791811857209935 -0.8305064879984876 -0.8444365550823715 -0.9094435348071335 -0.9094435348071335 -0.8444365550823715 -0.9048001791125114 -0.7856207162837722 -0.6401289045188147 -0.601434273730262 -0.5070193746061915 -0.5240450121531567 -0.7066836694751262 -0.6989447433174139 -0.7190659513274605 +38797,-0.6788235353073673,2,-0.6648934682234834 -0.6927536023912423 -0.7020403137804953 -0.7020403137804953 -0.791811857209935 -0.8305064879984876 -0.8444365550823715 -0.9094435348071335 -0.9094435348071335 -0.8444365550823715 -0.9048001791125114 -0.7856207162837722 -0.6401289045188147 -0.601434273730262 -0.5070193746061915 -0.5240450121531567 -0.7066836694751262 -0.6989447433174139 -0.7190659513274605 -0.5534529315524563 +38798,-0.8924178972601771,2,-0.6927536023912423 -0.7020403137804953 -0.7020403137804953 -0.791811857209935 -0.8305064879984876 -0.8444365550823715 -0.9094435348071335 -0.9094435348071335 -0.8444365550823715 -0.9048001791125114 -0.7856207162837722 -0.6401289045188147 -0.601434273730262 -0.5070193746061915 -0.5240450121531567 -0.7066836694751262 -0.6989447433174139 -0.7190659513274605 -0.5534529315524563 -0.6788235353073673 +38799,-0.9698071588372823,2,-0.7020403137804953 -0.7020403137804953 -0.791811857209935 -0.8305064879984876 -0.8444365550823715 -0.9094435348071335 -0.9094435348071335 -0.8444365550823715 -0.9048001791125114 -0.7856207162837722 -0.6401289045188147 -0.601434273730262 -0.5070193746061915 -0.5240450121531567 -0.7066836694751262 -0.6989447433174139 -0.7190659513274605 -0.5534529315524563 -0.6788235353073673 -0.8924178972601771 +38800,-1.0951777625921932,2,-0.7020403137804953 -0.791811857209935 -0.8305064879984876 -0.8444365550823715 -0.9094435348071335 -0.9094435348071335 -0.8444365550823715 -0.9048001791125114 -0.7856207162837722 -0.6401289045188147 -0.601434273730262 -0.5070193746061915 -0.5240450121531567 -0.7066836694751262 -0.6989447433174139 -0.7190659513274605 -0.5534529315524563 -0.6788235353073673 -0.8924178972601771 -0.9698071588372823 +38801,-1.1725670241692985,2,-0.791811857209935 -0.8305064879984876 -0.8444365550823715 -0.9094435348071335 -0.9094435348071335 -0.8444365550823715 -0.9048001791125114 -0.7856207162837722 -0.6401289045188147 -0.601434273730262 -0.5070193746061915 -0.5240450121531567 -0.7066836694751262 -0.6989447433174139 -0.7190659513274605 -0.5534529315524563 -0.6788235353073673 -0.8924178972601771 -0.9698071588372823 -1.0951777625921932 +38802,-1.2066182992632202,2,-0.8305064879984876 -0.8444365550823715 -0.9094435348071335 -0.9094435348071335 -0.8444365550823715 -0.9048001791125114 -0.7856207162837722 -0.6401289045188147 -0.601434273730262 -0.5070193746061915 -0.5240450121531567 -0.7066836694751262 -0.6989447433174139 -0.7190659513274605 -0.5534529315524563 -0.6788235353073673 -0.8924178972601771 -0.9698071588372823 -1.0951777625921932 -1.1725670241692985 +38803,-1.308772124545003,2,-0.8444365550823715 -0.9094435348071335 -0.9094435348071335 -0.8444365550823715 -0.9048001791125114 -0.7856207162837722 -0.6401289045188147 -0.601434273730262 -0.5070193746061915 -0.5240450121531567 -0.7066836694751262 -0.6989447433174139 -0.7190659513274605 -0.5534529315524563 -0.6788235353073673 -0.8924178972601771 -0.9698071588372823 -1.0951777625921932 -1.1725670241692985 -1.2066182992632202 +38804,-1.3103199097765437,2,-0.9094435348071335 -0.9094435348071335 -0.8444365550823715 -0.9048001791125114 -0.7856207162837722 -0.6401289045188147 -0.601434273730262 -0.5070193746061915 -0.5240450121531567 -0.7066836694751262 -0.6989447433174139 -0.7190659513274605 -0.5534529315524563 -0.6788235353073673 -0.8924178972601771 -0.9698071588372823 -1.0951777625921932 -1.1725670241692985 -1.2066182992632202 -1.308772124545003 +38805,-1.5037930637193069,2,-0.9094435348071335 -0.8444365550823715 -0.9048001791125114 -0.7856207162837722 -0.6401289045188147 -0.601434273730262 -0.5070193746061915 -0.5240450121531567 -0.7066836694751262 -0.6989447433174139 -0.7190659513274605 -0.5534529315524563 -0.6788235353073673 -0.8924178972601771 -0.9698071588372823 -1.0951777625921932 -1.1725670241692985 -1.2066182992632202 -1.308772124545003 -1.3103199097765437 +38806,-1.5037930637193069,2,-0.8444365550823715 -0.9048001791125114 -0.7856207162837722 -0.6401289045188147 -0.601434273730262 -0.5070193746061915 -0.5240450121531567 -0.7066836694751262 -0.6989447433174139 -0.7190659513274605 -0.5534529315524563 -0.6788235353073673 -0.8924178972601771 -0.9698071588372823 -1.0951777625921932 -1.1725670241692985 -1.2066182992632202 -1.308772124545003 -1.3103199097765437 -1.5037930637193069 +38807,-1.6307114527057585,2,-0.9048001791125114 -0.7856207162837722 -0.6401289045188147 -0.601434273730262 -0.5070193746061915 -0.5240450121531567 -0.7066836694751262 -0.6989447433174139 -0.7190659513274605 -0.5534529315524563 -0.6788235353073673 -0.8924178972601771 -0.9698071588372823 -1.0951777625921932 -1.1725670241692985 -1.2066182992632202 -1.308772124545003 -1.3103199097765437 -1.5037930637193069 -1.5037930637193069 +38808,-1.6709538687258516,2,-0.7856207162837722 -0.6401289045188147 -0.601434273730262 -0.5070193746061915 -0.5240450121531567 -0.7066836694751262 -0.6989447433174139 -0.7190659513274605 -0.5534529315524563 -0.6788235353073673 -0.8924178972601771 -0.9698071588372823 -1.0951777625921932 -1.1725670241692985 -1.2066182992632202 -1.308772124545003 -1.3103199097765437 -1.5037930637193069 -1.5037930637193069 -1.6307114527057585 +38809,-1.7607254121552913,2,-0.6401289045188147 -0.601434273730262 -0.5070193746061915 -0.5240450121531567 -0.7066836694751262 -0.6989447433174139 -0.7190659513274605 -0.5534529315524563 -0.6788235353073673 -0.8924178972601771 -0.9698071588372823 -1.0951777625921932 -1.1725670241692985 -1.2066182992632202 -1.308772124545003 -1.3103199097765437 -1.5037930637193069 -1.5037930637193069 -1.6307114527057585 -1.6709538687258516 +38810,-1.799420042943844,2,-0.601434273730262 -0.5070193746061915 -0.5240450121531567 -0.7066836694751262 -0.6989447433174139 -0.7190659513274605 -0.5534529315524563 -0.6788235353073673 -0.8924178972601771 -0.9698071588372823 -1.0951777625921932 -1.1725670241692985 -1.2066182992632202 -1.308772124545003 -1.3103199097765437 -1.5037930637193069 -1.5037930637193069 -1.6307114527057585 -1.6709538687258516 -1.7607254121552913 +38811,-1.6817883653466454,2,-0.5070193746061915 -0.5240450121531567 -0.7066836694751262 -0.6989447433174139 -0.7190659513274605 -0.5534529315524563 -0.6788235353073673 -0.8924178972601771 -0.9698071588372823 -1.0951777625921932 -1.1725670241692985 -1.2066182992632202 -1.308772124545003 -1.3103199097765437 -1.5037930637193069 -1.5037930637193069 -1.6307114527057585 -1.6709538687258516 -1.7607254121552913 -1.799420042943844 +38812,-1.3583012519543494,2,-0.5240450121531567 -0.7066836694751262 -0.6989447433174139 -0.7190659513274605 -0.5534529315524563 -0.6788235353073673 -0.8924178972601771 -0.9698071588372823 -1.0951777625921932 -1.1725670241692985 -1.2066182992632202 -1.308772124545003 -1.3103199097765437 -1.5037930637193069 -1.5037930637193069 -1.6307114527057585 -1.6709538687258516 -1.7607254121552913 -1.799420042943844 -1.6817883653466454 +38813,-1.0286229976358816,2,-0.7066836694751262 -0.6989447433174139 -0.7190659513274605 -0.5534529315524563 -0.6788235353073673 -0.8924178972601771 -0.9698071588372823 -1.0951777625921932 -1.1725670241692985 -1.2066182992632202 -1.308772124545003 -1.3103199097765437 -1.5037930637193069 -1.5037930637193069 -1.6307114527057585 -1.6709538687258516 -1.7607254121552913 -1.799420042943844 -1.6817883653466454 -1.3583012519543494 +38814,-0.7577605821160132,2,-0.6989447433174139 -0.7190659513274605 -0.5534529315524563 -0.6788235353073673 -0.8924178972601771 -0.9698071588372823 -1.0951777625921932 -1.1725670241692985 -1.2066182992632202 -1.308772124545003 -1.3103199097765437 -1.5037930637193069 -1.5037930637193069 -1.6307114527057585 -1.6709538687258516 -1.7607254121552913 -1.799420042943844 -1.6817883653466454 -1.3583012519543494 -1.0286229976358816 +38815,-0.4961848779853978,2,-0.7190659513274605 -0.5534529315524563 -0.6788235353073673 -0.8924178972601771 -0.9698071588372823 -1.0951777625921932 -1.1725670241692985 -1.2066182992632202 -1.308772124545003 -1.3103199097765437 -1.5037930637193069 -1.5037930637193069 -1.6307114527057585 -1.6709538687258516 -1.7607254121552913 -1.799420042943844 -1.6817883653466454 -1.3583012519543494 -1.0286229976358816 -0.7577605821160132 +38816,-0.3506930662204403,2,-0.5534529315524563 -0.6788235353073673 -0.8924178972601771 -0.9698071588372823 -1.0951777625921932 -1.1725670241692985 -1.2066182992632202 -1.308772124545003 -1.3103199097765437 -1.5037930637193069 -1.5037930637193069 -1.6307114527057585 -1.6709538687258516 -1.7607254121552913 -1.799420042943844 -1.6817883653466454 -1.3583012519543494 -1.0286229976358816 -0.7577605821160132 -0.4961848779853978 +38817,-0.273303804643335,2,-0.6788235353073673 -0.8924178972601771 -0.9698071588372823 -1.0951777625921932 -1.1725670241692985 -1.2066182992632202 -1.308772124545003 -1.3103199097765437 -1.5037930637193069 -1.5037930637193069 -1.6307114527057585 -1.6709538687258516 -1.7607254121552913 -1.799420042943844 -1.6817883653466454 -1.3583012519543494 -1.0286229976358816 -0.7577605821160132 -0.4961848779853978 -0.3506930662204403 +38818,-0.24389588524403535,2,-0.8924178972601771 -0.9698071588372823 -1.0951777625921932 -1.1725670241692985 -1.2066182992632202 -1.308772124545003 -1.3103199097765437 -1.5037930637193069 -1.5037930637193069 -1.6307114527057585 -1.6709538687258516 -1.7607254121552913 -1.799420042943844 -1.6817883653466454 -1.3583012519543494 -1.0286229976358816 -0.7577605821160132 -0.4961848779853978 -0.3506930662204403 -0.273303804643335 +38819,-0.2052012544554827,2,-0.9698071588372823 -1.0951777625921932 -1.1725670241692985 -1.2066182992632202 -1.308772124545003 -1.3103199097765437 -1.5037930637193069 -1.5037930637193069 -1.6307114527057585 -1.6709538687258516 -1.7607254121552913 -1.799420042943844 -1.6817883653466454 -1.3583012519543494 -1.0286229976358816 -0.7577605821160132 -0.4961848779853978 -0.3506930662204403 -0.273303804643335 -0.24389588524403535 +38820,-0.2237746772339887,2,-1.0951777625921932 -1.1725670241692985 -1.2066182992632202 -1.308772124545003 -1.3103199097765437 -1.5037930637193069 -1.5037930637193069 -1.6307114527057585 -1.6709538687258516 -1.7607254121552913 -1.799420042943844 -1.6817883653466454 -1.3583012519543494 -1.0286229976358816 -0.7577605821160132 -0.4961848779853978 -0.3506930662204403 -0.273303804643335 -0.24389588524403535 -0.2052012544554827 +38821,-0.3893876970089929,2,-1.1725670241692985 -1.2066182992632202 -1.308772124545003 -1.3103199097765437 -1.5037930637193069 -1.5037930637193069 -1.6307114527057585 -1.6709538687258516 -1.7607254121552913 -1.799420042943844 -1.6817883653466454 -1.3583012519543494 -1.0286229976358816 -0.7577605821160132 -0.4961848779853978 -0.3506930662204403 -0.273303804643335 -0.24389588524403535 -0.2052012544554827 -0.2237746772339887 +38822,-0.3893876970089929,2,-1.2066182992632202 -1.308772124545003 -1.3103199097765437 -1.5037930637193069 -1.5037930637193069 -1.6307114527057585 -1.6709538687258516 -1.7607254121552913 -1.799420042943844 -1.6817883653466454 -1.3583012519543494 -1.0286229976358816 -0.7577605821160132 -0.4961848779853978 -0.3506930662204403 -0.273303804643335 -0.24389588524403535 -0.2052012544554827 -0.2237746772339887 -0.3893876970089929 +38823,-0.6401289045188147,2,-1.308772124545003 -1.3103199097765437 -1.5037930637193069 -1.5037930637193069 -1.6307114527057585 -1.6709538687258516 -1.7607254121552913 -1.799420042943844 -1.6817883653466454 -1.3583012519543494 -1.0286229976358816 -0.7577605821160132 -0.4961848779853978 -0.3506930662204403 -0.273303804643335 -0.24389588524403535 -0.2052012544554827 -0.2237746772339887 -0.3893876970089929 -0.3893876970089929 +38824,-0.8614621926293367,2,-1.3103199097765437 -1.5037930637193069 -1.5037930637193069 -1.6307114527057585 -1.6709538687258516 -1.7607254121552913 -1.799420042943844 -1.6817883653466454 -1.3583012519543494 -1.0286229976358816 -0.7577605821160132 -0.4961848779853978 -0.3506930662204403 -0.273303804643335 -0.24389588524403535 -0.2052012544554827 -0.2237746772339887 -0.3893876970089929 -0.3893876970089929 -0.6401289045188147 +38825,-0.8815834006393833,2,-1.5037930637193069 -1.5037930637193069 -1.6307114527057585 -1.6709538687258516 -1.7607254121552913 -1.799420042943844 -1.6817883653466454 -1.3583012519543494 -1.0286229976358816 -0.7577605821160132 -0.4961848779853978 -0.3506930662204403 -0.273303804643335 -0.24389588524403535 -0.2052012544554827 -0.2237746772339887 -0.3893876970089929 -0.3893876970089929 -0.6401289045188147 -0.8614621926293367 +38826,-1.0162407157835471,2,-1.5037930637193069 -1.6307114527057585 -1.6709538687258516 -1.7607254121552913 -1.799420042943844 -1.6817883653466454 -1.3583012519543494 -1.0286229976358816 -0.7577605821160132 -0.4961848779853978 -0.3506930662204403 -0.273303804643335 -0.24389588524403535 -0.2052012544554827 -0.2237746772339887 -0.3893876970089929 -0.3893876970089929 -0.6401289045188147 -0.8614621926293367 -0.8815834006393833 +38827,-1.0394574942566752,2,-1.6307114527057585 -1.6709538687258516 -1.7607254121552913 -1.799420042943844 -1.6817883653466454 -1.3583012519543494 -1.0286229976358816 -0.7577605821160132 -0.4961848779853978 -0.3506930662204403 -0.273303804643335 -0.24389588524403535 -0.2052012544554827 -0.2237746772339887 -0.3893876970089929 -0.3893876970089929 -0.6401289045188147 -0.8614621926293367 -0.8815834006393833 -1.0162407157835471 +38828,-1.1044644739814462,2,-1.6709538687258516 -1.7607254121552913 -1.799420042943844 -1.6817883653466454 -1.3583012519543494 -1.0286229976358816 -0.7577605821160132 -0.4961848779853978 -0.3506930662204403 -0.273303804643335 -0.24389588524403535 -0.2052012544554827 -0.2237746772339887 -0.3893876970089929 -0.3893876970089929 -0.6401289045188147 -0.8614621926293367 -0.8815834006393833 -1.0162407157835471 -1.0394574942566752 +38829,-1.220548366347104,2,-1.7607254121552913 -1.799420042943844 -1.6817883653466454 -1.3583012519543494 -1.0286229976358816 -0.7577605821160132 -0.4961848779853978 -0.3506930662204403 -0.273303804643335 -0.24389588524403535 -0.2052012544554827 -0.2237746772339887 -0.3893876970089929 -0.3893876970089929 -0.6401289045188147 -0.8614621926293367 -0.8815834006393833 -1.0162407157835471 -1.0394574942566752 -1.1044644739814462 +38830,-1.387709171353649,2,-1.799420042943844 -1.6817883653466454 -1.3583012519543494 -1.0286229976358816 -0.7577605821160132 -0.4961848779853978 -0.3506930662204403 -0.273303804643335 -0.24389588524403535 -0.2052012544554827 -0.2237746772339887 -0.3893876970089929 -0.3893876970089929 -0.6401289045188147 -0.8614621926293367 -0.8815834006393833 -1.0162407157835471 -1.0394574942566752 -1.1044644739814462 -1.220548366347104 +38831,-1.4140215202898672,2,-1.6817883653466454 -1.3583012519543494 -1.0286229976358816 -0.7577605821160132 -0.4961848779853978 -0.3506930662204403 -0.273303804643335 -0.24389588524403535 -0.2052012544554827 -0.2237746772339887 -0.3893876970089929 -0.3893876970089929 -0.6401289045188147 -0.8614621926293367 -0.8815834006393833 -1.0162407157835471 -1.0394574942566752 -1.1044644739814462 -1.220548366347104 -1.387709171353649 +38832,-1.5796345400648715,2,-1.3583012519543494 -1.0286229976358816 -0.7577605821160132 -0.4961848779853978 -0.3506930662204403 -0.273303804643335 -0.24389588524403535 -0.2052012544554827 -0.2237746772339887 -0.3893876970089929 -0.3893876970089929 -0.6401289045188147 -0.8614621926293367 -0.8815834006393833 -1.0162407157835471 -1.0394574942566752 -1.1044644739814462 -1.220548366347104 -1.387709171353649 -1.4140215202898672 +38833,-1.618329170853424,2,-1.0286229976358816 -0.7577605821160132 -0.4961848779853978 -0.3506930662204403 -0.273303804643335 -0.24389588524403535 -0.2052012544554827 -0.2237746772339887 -0.3893876970089929 -0.3893876970089929 -0.6401289045188147 -0.8614621926293367 -0.8815834006393833 -1.0162407157835471 -1.0394574942566752 -1.1044644739814462 -1.220548366347104 -1.387709171353649 -1.4140215202898672 -1.5796345400648715 +38834,-1.5548699763601939,2,-0.7577605821160132 -0.4961848779853978 -0.3506930662204403 -0.273303804643335 -0.24389588524403535 -0.2052012544554827 -0.2237746772339887 -0.3893876970089929 -0.3893876970089929 -0.6401289045188147 -0.8614621926293367 -0.8815834006393833 -1.0162407157835471 -1.0394574942566752 -1.1044644739814462 -1.220548366347104 -1.387709171353649 -1.4140215202898672 -1.5796345400648715 -1.618329170853424 +38835,-1.4914107818669724,2,-0.4961848779853978 -0.3506930662204403 -0.273303804643335 -0.24389588524403535 -0.2052012544554827 -0.2237746772339887 -0.3893876970089929 -0.3893876970089929 -0.6401289045188147 -0.8614621926293367 -0.8815834006393833 -1.0162407157835471 -1.0394574942566752 -1.1044644739814462 -1.220548366347104 -1.387709171353649 -1.4140215202898672 -1.5796345400648715 -1.618329170853424 -1.5548699763601939 +38836,-1.1230378967599521,2,-0.3506930662204403 -0.273303804643335 -0.24389588524403535 -0.2052012544554827 -0.2237746772339887 -0.3893876970089929 -0.3893876970089929 -0.6401289045188147 -0.8614621926293367 -0.8815834006393833 -1.0162407157835471 -1.0394574942566752 -1.1044644739814462 -1.220548366347104 -1.387709171353649 -1.4140215202898672 -1.5796345400648715 -1.618329170853424 -1.5548699763601939 -1.4914107818669724 +38837,-0.45129910627067354,2,-0.273303804643335 -0.24389588524403535 -0.2052012544554827 -0.2237746772339887 -0.3893876970089929 -0.3893876970089929 -0.6401289045188147 -0.8614621926293367 -0.8815834006393833 -1.0162407157835471 -1.0394574942566752 -1.1044644739814462 -1.220548366347104 -1.387709171353649 -1.4140215202898672 -1.5796345400648715 -1.618329170853424 -1.5548699763601939 -1.4914107818669724 -1.1230378967599521 +38838,-0.1680544088984708,2,-0.24389588524403535 -0.2052012544554827 -0.2237746772339887 -0.3893876970089929 -0.3893876970089929 -0.6401289045188147 -0.8614621926293367 -0.8815834006393833 -1.0162407157835471 -1.0394574942566752 -1.1044644739814462 -1.220548366347104 -1.387709171353649 -1.4140215202898672 -1.5796345400648715 -1.618329170853424 -1.5548699763601939 -1.4914107818669724 -1.1230378967599521 -0.45129910627067354 +38839,0.2854466639433671,2,-0.2052012544554827 -0.2237746772339887 -0.3893876970089929 -0.3893876970089929 -0.6401289045188147 -0.8614621926293367 -0.8815834006393833 -1.0162407157835471 -1.0394574942566752 -1.1044644739814462 -1.220548366347104 -1.387709171353649 -1.4140215202898672 -1.5796345400648715 -1.618329170853424 -1.5548699763601939 -1.4914107818669724 -1.1230378967599521 -0.45129910627067354 -0.1680544088984708 +38840,0.46963310649687723,2,-0.2237746772339887 -0.3893876970089929 -0.3893876970089929 -0.6401289045188147 -0.8614621926293367 -0.8815834006393833 -1.0162407157835471 -1.0394574942566752 -1.1044644739814462 -1.220548366347104 -1.387709171353649 -1.4140215202898672 -1.5796345400648715 -1.618329170853424 -1.5548699763601939 -1.4914107818669724 -1.1230378967599521 -0.45129910627067354 -0.1680544088984708 0.2854466639433671 +38841,0.5609524351578663,2,-0.3893876970089929 -0.3893876970089929 -0.6401289045188147 -0.8614621926293367 -0.8815834006393833 -1.0162407157835471 -1.0394574942566752 -1.1044644739814462 -1.220548366347104 -1.387709171353649 -1.4140215202898672 -1.5796345400648715 -1.618329170853424 -1.5548699763601939 -1.4914107818669724 -1.1230378967599521 -0.45129910627067354 -0.1680544088984708 0.2854466639433671 0.46963310649687723 +38842,0.5795258579363636,2,-0.3893876970089929 -0.6401289045188147 -0.8614621926293367 -0.8815834006393833 -1.0162407157835471 -1.0394574942566752 -1.1044644739814462 -1.220548366347104 -1.387709171353649 -1.4140215202898672 -1.5796345400648715 -1.618329170853424 -1.5548699763601939 -1.4914107818669724 -1.1230378967599521 -0.45129910627067354 -0.1680544088984708 0.2854466639433671 0.46963310649687723 0.5609524351578663 +38843,0.5299967305270172,2,-0.6401289045188147 -0.8614621926293367 -0.8815834006393833 -1.0162407157835471 -1.0394574942566752 -1.1044644739814462 -1.220548366347104 -1.387709171353649 -1.4140215202898672 -1.5796345400648715 -1.618329170853424 -1.5548699763601939 -1.4914107818669724 -1.1230378967599521 -0.45129910627067354 -0.1680544088984708 0.2854466639433671 0.46963310649687723 0.5609524351578663 0.5795258579363636 +38844,0.5609524351578663,2,-0.8614621926293367 -0.8815834006393833 -1.0162407157835471 -1.0394574942566752 -1.1044644739814462 -1.220548366347104 -1.387709171353649 -1.4140215202898672 -1.5796345400648715 -1.618329170853424 -1.5548699763601939 -1.4914107818669724 -1.1230378967599521 -0.45129910627067354 -0.1680544088984708 0.2854466639433671 0.46963310649687723 0.5609524351578663 0.5795258579363636 0.5299967305270172 +38845,0.3690270664466439,2,-0.8815834006393833 -1.0162407157835471 -1.0394574942566752 -1.1044644739814462 -1.220548366347104 -1.387709171353649 -1.4140215202898672 -1.5796345400648715 -1.618329170853424 -1.5548699763601939 -1.4914107818669724 -1.1230378967599521 -0.45129910627067354 -0.1680544088984708 0.2854466639433671 0.46963310649687723 0.5609524351578663 0.5795258579363636 0.5299967305270172 0.5609524351578663 +38846,0.05792223490668219,2,-1.0162407157835471 -1.0394574942566752 -1.1044644739814462 -1.220548366347104 -1.387709171353649 -1.4140215202898672 -1.5796345400648715 -1.618329170853424 -1.5548699763601939 -1.4914107818669724 -1.1230378967599521 -0.45129910627067354 -0.1680544088984708 0.2854466639433671 0.46963310649687723 0.5609524351578663 0.5795258579363636 0.5299967305270172 0.5609524351578663 0.3690270664466439 +38847,-0.2052012544554827,2,-1.0394574942566752 -1.1044644739814462 -1.220548366347104 -1.387709171353649 -1.4140215202898672 -1.5796345400648715 -1.618329170853424 -1.5548699763601939 -1.4914107818669724 -1.1230378967599521 -0.45129910627067354 -0.1680544088984708 0.2854466639433671 0.46963310649687723 0.5609524351578663 0.5795258579363636 0.5299967305270172 0.5609524351578663 0.3690270664466439 0.05792223490668219 +38848,-0.25473038186482905,2,-1.1044644739814462 -1.220548366347104 -1.387709171353649 -1.4140215202898672 -1.5796345400648715 -1.618329170853424 -1.5548699763601939 -1.4914107818669724 -1.1230378967599521 -0.45129910627067354 -0.1680544088984708 0.2854466639433671 0.46963310649687723 0.5609524351578663 0.5795258579363636 0.5299967305270172 0.5609524351578663 0.3690270664466439 0.05792223490668219 -0.2052012544554827 +38849,-0.4157000459452023,2,-1.220548366347104 -1.387709171353649 -1.4140215202898672 -1.5796345400648715 -1.618329170853424 -1.5548699763601939 -1.4914107818669724 -1.1230378967599521 -0.45129910627067354 -0.1680544088984708 0.2854466639433671 0.46963310649687723 0.5609524351578663 0.5795258579363636 0.5299967305270172 0.5609524351578663 0.3690270664466439 0.05792223490668219 -0.2052012544554827 -0.25473038186482905 +38850,-0.5844086361832967,2,-1.387709171353649 -1.4140215202898672 -1.5796345400648715 -1.618329170853424 -1.5548699763601939 -1.4914107818669724 -1.1230378967599521 -0.45129910627067354 -0.1680544088984708 0.2854466639433671 0.46963310649687723 0.5609524351578663 0.5795258579363636 0.5299967305270172 0.5609524351578663 0.3690270664466439 0.05792223490668219 -0.2052012544554827 -0.25473038186482905 -0.4157000459452023 +38851,-0.763951723042176,2,-1.4140215202898672 -1.5796345400648715 -1.618329170853424 -1.5548699763601939 -1.4914107818669724 -1.1230378967599521 -0.45129910627067354 -0.1680544088984708 0.2854466639433671 0.46963310649687723 0.5609524351578663 0.5795258579363636 0.5299967305270172 0.5609524351578663 0.3690270664466439 0.05792223490668219 -0.2052012544554827 -0.25473038186482905 -0.4157000459452023 -0.5844086361832967 +38852,-0.7670472935052661,2,-1.5796345400648715 -1.618329170853424 -1.5548699763601939 -1.4914107818669724 -1.1230378967599521 -0.45129910627067354 -0.1680544088984708 0.2854466639433671 0.46963310649687723 0.5609524351578663 0.5795258579363636 0.5299967305270172 0.5609524351578663 0.3690270664466439 0.05792223490668219 -0.2052012544554827 -0.25473038186482905 -0.4157000459452023 -0.5844086361832967 -0.763951723042176 +38853,-0.8305064879984876,2,-1.618329170853424 -1.5548699763601939 -1.4914107818669724 -1.1230378967599521 -0.45129910627067354 -0.1680544088984708 0.2854466639433671 0.46963310649687723 0.5609524351578663 0.5795258579363636 0.5299967305270172 0.5609524351578663 0.3690270664466439 0.05792223490668219 -0.2052012544554827 -0.25473038186482905 -0.4157000459452023 -0.5844086361832967 -0.763951723042176 -0.7670472935052661 +38854,-0.8320542732300282,2,-1.5548699763601939 -1.4914107818669724 -1.1230378967599521 -0.45129910627067354 -0.1680544088984708 0.2854466639433671 0.46963310649687723 0.5609524351578663 0.5795258579363636 0.5299967305270172 0.5609524351578663 0.3690270664466439 0.05792223490668219 -0.2052012544554827 -0.25473038186482905 -0.4157000459452023 -0.5844086361832967 -0.763951723042176 -0.7670472935052661 -0.8305064879984876 +38855,-0.9605204474480293,2,-1.4914107818669724 -1.1230378967599521 -0.45129910627067354 -0.1680544088984708 0.2854466639433671 0.46963310649687723 0.5609524351578663 0.5795258579363636 0.5299967305270172 0.5609524351578663 0.3690270664466439 0.05792223490668219 -0.2052012544554827 -0.25473038186482905 -0.4157000459452023 -0.5844086361832967 -0.763951723042176 -0.7670472935052661 -0.8305064879984876 -0.8320542732300282 +38856,-1.0379097090251346,2,-1.1230378967599521 -0.45129910627067354 -0.1680544088984708 0.2854466639433671 0.46963310649687723 0.5609524351578663 0.5795258579363636 0.5299967305270172 0.5609524351578663 0.3690270664466439 0.05792223490668219 -0.2052012544554827 -0.25473038186482905 -0.4157000459452023 -0.5844086361832967 -0.763951723042176 -0.7670472935052661 -0.8305064879984876 -0.8320542732300282 -0.9605204474480293 +38857,-1.0255274271727914,2,-0.45129910627067354 -0.1680544088984708 0.2854466639433671 0.46963310649687723 0.5609524351578663 0.5795258579363636 0.5299967305270172 0.5609524351578663 0.3690270664466439 0.05792223490668219 -0.2052012544554827 -0.25473038186482905 -0.4157000459452023 -0.5844086361832967 -0.763951723042176 -0.7670472935052661 -0.8305064879984876 -0.8320542732300282 -0.9605204474480293 -1.0379097090251346 +38858,-1.0657698431928935,2,-0.1680544088984708 0.2854466639433671 0.46963310649687723 0.5609524351578663 0.5795258579363636 0.5299967305270172 0.5609524351578663 0.3690270664466439 0.05792223490668219 -0.2052012544554827 -0.25473038186482905 -0.4157000459452023 -0.5844086361832967 -0.763951723042176 -0.7670472935052661 -0.8305064879984876 -0.8320542732300282 -0.9605204474480293 -1.0379097090251346 -1.0255274271727914 +38859,-0.9264691723540988,2,0.2854466639433671 0.46963310649687723 0.5609524351578663 0.5795258579363636 0.5299967305270172 0.5609524351578663 0.3690270664466439 0.05792223490668219 -0.2052012544554827 -0.25473038186482905 -0.4157000459452023 -0.5844086361832967 -0.763951723042176 -0.7670472935052661 -0.8305064879984876 -0.8320542732300282 -0.9605204474480293 -1.0379097090251346 -1.0255274271727914 -1.0657698431928935 +38860,-0.264017093254082,2,0.46963310649687723 0.5609524351578663 0.5795258579363636 0.5299967305270172 0.5609524351578663 0.3690270664466439 0.05792223490668219 -0.2052012544554827 -0.25473038186482905 -0.4157000459452023 -0.5844086361832967 -0.763951723042176 -0.7670472935052661 -0.8305064879984876 -0.8320542732300282 -0.9605204474480293 -1.0379097090251346 -1.0255274271727914 -1.0657698431928935 -0.9264691723540988 +38861,0.2838988787118264,2,0.5609524351578663 0.5795258579363636 0.5299967305270172 0.5609524351578663 0.3690270664466439 0.05792223490668219 -0.2052012544554827 -0.25473038186482905 -0.4157000459452023 -0.5844086361832967 -0.763951723042176 -0.7670472935052661 -0.8305064879984876 -0.8320542732300282 -0.9605204474480293 -1.0379097090251346 -1.0255274271727914 -1.0657698431928935 -0.9264691723540988 -0.264017093254082 +38862,0.7234698844697803,2,0.5795258579363636 0.5299967305270172 0.5609524351578663 0.3690270664466439 0.05792223490668219 -0.2052012544554827 -0.25473038186482905 -0.4157000459452023 -0.5844086361832967 -0.763951723042176 -0.7670472935052661 -0.8305064879984876 -0.8320542732300282 -0.9605204474480293 -1.0379097090251346 -1.0255274271727914 -1.0657698431928935 -0.9264691723540988 -0.264017093254082 0.2838988787118264 +38863,1.0562437092513381,2,0.5299967305270172 0.5609524351578663 0.3690270664466439 0.05792223490668219 -0.2052012544554827 -0.25473038186482905 -0.4157000459452023 -0.5844086361832967 -0.763951723042176 -0.7670472935052661 -0.8305064879984876 -0.8320542732300282 -0.9605204474480293 -1.0379097090251346 -1.0255274271727914 -1.0657698431928935 -0.9264691723540988 -0.264017093254082 0.2838988787118264 0.7234698844697803 +38864,1.1289896151338126,2,0.5609524351578663 0.3690270664466439 0.05792223490668219 -0.2052012544554827 -0.25473038186482905 -0.4157000459452023 -0.5844086361832967 -0.763951723042176 -0.7670472935052661 -0.8305064879984876 -0.8320542732300282 -0.9605204474480293 -1.0379097090251346 -1.0255274271727914 -1.0657698431928935 -0.9264691723540988 -0.264017093254082 0.2838988787118264 0.7234698844697803 1.0562437092513381 +38865,1.1630408902277432,2,0.3690270664466439 0.05792223490668219 -0.2052012544554827 -0.25473038186482905 -0.4157000459452023 -0.5844086361832967 -0.763951723042176 -0.7670472935052661 -0.8305064879984876 -0.8320542732300282 -0.9605204474480293 -1.0379097090251346 -1.0255274271727914 -1.0657698431928935 -0.9264691723540988 -0.264017093254082 0.2838988787118264 0.7234698844697803 1.0562437092513381 1.1289896151338126 +38866,1.2017355210162957,2,0.05792223490668219 -0.2052012544554827 -0.25473038186482905 -0.4157000459452023 -0.5844086361832967 -0.763951723042176 -0.7670472935052661 -0.8305064879984876 -0.8320542732300282 -0.9605204474480293 -1.0379097090251346 -1.0255274271727914 -1.0657698431928935 -0.9264691723540988 -0.264017093254082 0.2838988787118264 0.7234698844697803 1.0562437092513381 1.1289896151338126 1.1630408902277432 +38867,1.223404514257883,2,-0.2052012544554827 -0.25473038186482905 -0.4157000459452023 -0.5844086361832967 -0.763951723042176 -0.7670472935052661 -0.8305064879984876 -0.8320542732300282 -0.9605204474480293 -1.0379097090251346 -1.0255274271727914 -1.0657698431928935 -0.9264691723540988 -0.264017093254082 0.2838988787118264 0.7234698844697803 1.0562437092513381 1.1289896151338126 1.1630408902277432 1.2017355210162957 +38868,1.1630408902277432,2,-0.25473038186482905 -0.4157000459452023 -0.5844086361832967 -0.763951723042176 -0.7670472935052661 -0.8305064879984876 -0.8320542732300282 -0.9605204474480293 -1.0379097090251346 -1.0255274271727914 -1.0657698431928935 -0.9264691723540988 -0.264017093254082 0.2838988787118264 0.7234698844697803 1.0562437092513381 1.1289896151338126 1.1630408902277432 1.2017355210162957 1.223404514257883 +38869,0.9370642464225901,2,-0.4157000459452023 -0.5844086361832967 -0.763951723042176 -0.7670472935052661 -0.8305064879984876 -0.8320542732300282 -0.9605204474480293 -1.0379097090251346 -1.0255274271727914 -1.0657698431928935 -0.9264691723540988 -0.264017093254082 0.2838988787118264 0.7234698844697803 1.0562437092513381 1.1289896151338126 1.1630408902277432 1.2017355210162957 1.223404514257883 1.1630408902277432 +38870,0.6073859921041225,2,-0.5844086361832967 -0.763951723042176 -0.7670472935052661 -0.8305064879984876 -0.8320542732300282 -0.9605204474480293 -1.0379097090251346 -1.0255274271727914 -1.0657698431928935 -0.9264691723540988 -0.264017093254082 0.2838988787118264 0.7234698844697803 1.0562437092513381 1.1289896151338126 1.1630408902277432 1.2017355210162957 1.223404514257883 1.1630408902277432 0.9370642464225901 +38871,0.29009001963799796,2,-0.763951723042176 -0.7670472935052661 -0.8305064879984876 -0.8320542732300282 -0.9605204474480293 -1.0379097090251346 -1.0255274271727914 -1.0657698431928935 -0.9264691723540988 -0.264017093254082 0.2838988787118264 0.7234698844697803 1.0562437092513381 1.1289896151338126 1.1630408902277432 1.2017355210162957 1.223404514257883 1.1630408902277432 0.9370642464225901 0.6073859921041225 +38872,0.07804344291672885,2,-0.7670472935052661 -0.8305064879984876 -0.8320542732300282 -0.9605204474480293 -1.0379097090251346 -1.0255274271727914 -1.0657698431928935 -0.9264691723540988 -0.264017093254082 0.2838988787118264 0.7234698844697803 1.0562437092513381 1.1289896151338126 1.1630408902277432 1.2017355210162957 1.223404514257883 1.1630408902277432 0.9370642464225901 0.6073859921041225 0.29009001963799796 +38873,-0.06899615407977817,2,-0.8305064879984876 -0.8320542732300282 -0.9605204474480293 -1.0379097090251346 -1.0255274271727914 -1.0657698431928935 -0.9264691723540988 -0.264017093254082 0.2838988787118264 0.7234698844697803 1.0562437092513381 1.1289896151338126 1.1630408902277432 1.2017355210162957 1.223404514257883 1.1630408902277432 0.9370642464225901 0.6073859921041225 0.29009001963799796 0.07804344291672885 +38874,-0.23925252954940446,2,-0.8320542732300282 -0.9605204474480293 -1.0379097090251346 -1.0255274271727914 -1.0657698431928935 -0.9264691723540988 -0.264017093254082 0.2838988787118264 0.7234698844697803 1.0562437092513381 1.1289896151338126 1.1630408902277432 1.2017355210162957 1.223404514257883 1.1630408902277432 0.9370642464225901 0.6073859921041225 0.29009001963799796 0.07804344291672885 -0.06899615407977817 +38875,-0.3290240729788441,2,-0.9605204474480293 -1.0379097090251346 -1.0255274271727914 -1.0657698431928935 -0.9264691723540988 -0.264017093254082 0.2838988787118264 0.7234698844697803 1.0562437092513381 1.1289896151338126 1.1630408902277432 1.2017355210162957 1.223404514257883 1.1630408902277432 0.9370642464225901 0.6073859921041225 0.29009001963799796 0.07804344291672885 -0.06899615407977817 -0.23925252954940446 +38876,-0.3924832674720743,2,-1.0379097090251346 -1.0255274271727914 -1.0657698431928935 -0.9264691723540988 -0.264017093254082 0.2838988787118264 0.7234698844697803 1.0562437092513381 1.1289896151338126 1.1630408902277432 1.2017355210162957 1.223404514257883 1.1630408902277432 0.9370642464225901 0.6073859921041225 0.29009001963799796 0.07804344291672885 -0.06899615407977817 -0.23925252954940446 -0.3290240729788441 +38877,-0.5348795087739504,2,-1.0255274271727914 -1.0657698431928935 -0.9264691723540988 -0.264017093254082 0.2838988787118264 0.7234698844697803 1.0562437092513381 1.1289896151338126 1.1630408902277432 1.2017355210162957 1.223404514257883 1.1630408902277432 0.9370642464225901 0.6073859921041225 0.29009001963799796 0.07804344291672885 -0.06899615407977817 -0.23925252954940446 -0.3290240729788441 -0.3924832674720743 +38878,-0.5859564214148374,2,-1.0657698431928935 -0.9264691723540988 -0.264017093254082 0.2838988787118264 0.7234698844697803 1.0562437092513381 1.1289896151338126 1.1630408902277432 1.2017355210162957 1.223404514257883 1.1630408902277432 0.9370642464225901 0.6073859921041225 0.29009001963799796 0.07804344291672885 -0.06899615407977817 -0.23925252954940446 -0.3290240729788441 -0.3924832674720743 -0.5348795087739504 +38879,-0.7407349445690479,2,-0.9264691723540988 -0.264017093254082 0.2838988787118264 0.7234698844697803 1.0562437092513381 1.1289896151338126 1.1630408902277432 1.2017355210162957 1.223404514257883 1.1630408902277432 0.9370642464225901 0.6073859921041225 0.29009001963799796 0.07804344291672885 -0.06899615407977817 -0.23925252954940446 -0.3290240729788441 -0.3924832674720743 -0.5348795087739504 -0.5859564214148374 +38880,-0.7794295753576006,2,-0.264017093254082 0.2838988787118264 0.7234698844697803 1.0562437092513381 1.1289896151338126 1.1630408902277432 1.2017355210162957 1.223404514257883 1.1630408902277432 0.9370642464225901 0.6073859921041225 0.29009001963799796 0.07804344291672885 -0.06899615407977817 -0.23925252954940446 -0.3290240729788441 -0.3924832674720743 -0.5348795087739504 -0.5859564214148374 -0.7407349445690479 +38881,-0.8305064879984876,2,0.2838988787118264 0.7234698844697803 1.0562437092513381 1.1289896151338126 1.1630408902277432 1.2017355210162957 1.223404514257883 1.1630408902277432 0.9370642464225901 0.6073859921041225 0.29009001963799796 0.07804344291672885 -0.06899615407977817 -0.23925252954940446 -0.3290240729788441 -0.3924832674720743 -0.5348795087739504 -0.5859564214148374 -0.7407349445690479 -0.7794295753576006 +38882,-0.8955134677232585,2,0.7234698844697803 1.0562437092513381 1.1289896151338126 1.1630408902277432 1.2017355210162957 1.223404514257883 1.1630408902277432 0.9370642464225901 0.6073859921041225 0.29009001963799796 0.07804344291672885 -0.06899615407977817 -0.23925252954940446 -0.3290240729788441 -0.3924832674720743 -0.5348795087739504 -0.5859564214148374 -0.7407349445690479 -0.7794295753576006 -0.8305064879984876 +38883,-0.7268048774851729,2,1.0562437092513381 1.1289896151338126 1.1630408902277432 1.2017355210162957 1.223404514257883 1.1630408902277432 0.9370642464225901 0.6073859921041225 0.29009001963799796 0.07804344291672885 -0.06899615407977817 -0.23925252954940446 -0.3290240729788441 -0.3924832674720743 -0.5348795087739504 -0.5859564214148374 -0.7407349445690479 -0.7794295753576006 -0.8305064879984876 -0.8955134677232585 +38884,-0.15567212704613642,2,1.1289896151338126 1.1630408902277432 1.2017355210162957 1.223404514257883 1.1630408902277432 0.9370642464225901 0.6073859921041225 0.29009001963799796 0.07804344291672885 -0.06899615407977817 -0.23925252954940446 -0.3290240729788441 -0.3924832674720743 -0.5348795087739504 -0.5859564214148374 -0.7407349445690479 -0.7794295753576006 -0.8305064879984876 -0.8955134677232585 -0.7268048774851729 +38885,0.3953394153828534,2,1.1630408902277432 1.2017355210162957 1.223404514257883 1.1630408902277432 0.9370642464225901 0.6073859921041225 0.29009001963799796 0.07804344291672885 -0.06899615407977817 -0.23925252954940446 -0.3290240729788441 -0.3924832674720743 -0.5348795087739504 -0.5859564214148374 -0.7407349445690479 -0.7794295753576006 -0.8305064879984876 -0.8955134677232585 -0.7268048774851729 -0.15567212704613642 +38886,0.8488404882246913,2,1.2017355210162957 1.223404514257883 1.1630408902277432 0.9370642464225901 0.6073859921041225 0.29009001963799796 0.07804344291672885 -0.06899615407977817 -0.23925252954940446 -0.3290240729788441 -0.3924832674720743 -0.5348795087739504 -0.5859564214148374 -0.7407349445690479 -0.7794295753576006 -0.8305064879984876 -0.8955134677232585 -0.7268048774851729 -0.15567212704613642 0.3953394153828534 +38887,1.1197029037445596,2,1.223404514257883 1.1630408902277432 0.9370642464225901 0.6073859921041225 0.29009001963799796 0.07804344291672885 -0.06899615407977817 -0.23925252954940446 -0.3290240729788441 -0.3924832674720743 -0.5348795087739504 -0.5859564214148374 -0.7407349445690479 -0.7794295753576006 -0.8305064879984876 -0.8955134677232585 -0.7268048774851729 -0.15567212704613642 0.3953394153828534 0.8488404882246913 +38888,1.181614313006249,2,1.1630408902277432 0.9370642464225901 0.6073859921041225 0.29009001963799796 0.07804344291672885 -0.06899615407977817 -0.23925252954940446 -0.3290240729788441 -0.3924832674720743 -0.5348795087739504 -0.5859564214148374 -0.7407349445690479 -0.7794295753576006 -0.8305064879984876 -0.8955134677232585 -0.7268048774851729 -0.15567212704613642 0.3953394153828534 0.8488404882246913 1.1197029037445596 +38889,1.2435257222679297,2,0.9370642464225901 0.6073859921041225 0.29009001963799796 0.07804344291672885 -0.06899615407977817 -0.23925252954940446 -0.3290240729788441 -0.3924832674720743 -0.5348795087739504 -0.5859564214148374 -0.7407349445690479 -0.7794295753576006 -0.8305064879984876 -0.8955134677232585 -0.7268048774851729 -0.15567212704613642 0.3953394153828534 0.8488404882246913 1.1197029037445596 1.181614313006249 +38890,1.3054371315296105,2,0.6073859921041225 0.29009001963799796 0.07804344291672885 -0.06899615407977817 -0.23925252954940446 -0.3290240729788441 -0.3924832674720743 -0.5348795087739504 -0.5859564214148374 -0.7407349445690479 -0.7794295753576006 -0.8305064879984876 -0.8955134677232585 -0.7268048774851729 -0.15567212704613642 0.3953394153828534 0.8488404882246913 1.1197029037445596 1.181614313006249 1.2435257222679297 +38891,1.330201695234288,2,0.29009001963799796 0.07804344291672885 -0.06899615407977817 -0.23925252954940446 -0.3290240729788441 -0.3924832674720743 -0.5348795087739504 -0.5859564214148374 -0.7407349445690479 -0.7794295753576006 -0.8305064879984876 -0.8955134677232585 -0.7268048774851729 -0.15567212704613642 0.3953394153828534 0.8488404882246913 1.1197029037445596 1.181614313006249 1.2435257222679297 1.3054371315296105 +38892,1.2079266619424585,2,0.07804344291672885 -0.06899615407977817 -0.23925252954940446 -0.3290240729788441 -0.3924832674720743 -0.5348795087739504 -0.5859564214148374 -0.7407349445690479 -0.7794295753576006 -0.8305064879984876 -0.8955134677232585 -0.7268048774851729 -0.15567212704613642 0.3953394153828534 0.8488404882246913 1.1197029037445596 1.181614313006249 1.2435257222679297 1.3054371315296105 1.330201695234288 +38893,0.9943322999896488,2,-0.06899615407977817 -0.23925252954940446 -0.3290240729788441 -0.3924832674720743 -0.5348795087739504 -0.5859564214148374 -0.7407349445690479 -0.7794295753576006 -0.8305064879984876 -0.8955134677232585 -0.7268048774851729 -0.15567212704613642 0.3953394153828534 0.8488404882246913 1.1197029037445596 1.181614313006249 1.2435257222679297 1.3054371315296105 1.330201695234288 1.2079266619424585 +38894,0.6476284081242158,2,-0.23925252954940446 -0.3290240729788441 -0.3924832674720743 -0.5348795087739504 -0.5859564214148374 -0.7407349445690479 -0.7794295753576006 -0.8305064879984876 -0.8955134677232585 -0.7268048774851729 -0.15567212704613642 0.3953394153828534 0.8488404882246913 1.1197029037445596 1.181614313006249 1.2435257222679297 1.3054371315296105 1.330201695234288 1.2079266619424585 0.9943322999896488 +38895,0.29782894579570146,2,-0.3290240729788441 -0.3924832674720743 -0.5348795087739504 -0.5859564214148374 -0.7407349445690479 -0.7794295753576006 -0.8305064879984876 -0.8955134677232585 -0.7268048774851729 -0.15567212704613642 0.3953394153828534 0.8488404882246913 1.1197029037445596 1.181614313006249 1.2435257222679297 1.3054371315296105 1.330201695234288 1.2079266619424585 0.9943322999896488 0.6476284081242158 +38896,0.17245834204079058,2,-0.3924832674720743 -0.5348795087739504 -0.5859564214148374 -0.7407349445690479 -0.7794295753576006 -0.8305064879984876 -0.8955134677232585 -0.7268048774851729 -0.15567212704613642 0.3953394153828534 0.8488404882246913 1.1197029037445596 1.181614313006249 1.2435257222679297 1.3054371315296105 1.330201695234288 1.2079266619424585 0.9943322999896488 0.6476284081242158 0.29782894579570146 +38897,0.019227604118129564,2,-0.5348795087739504 -0.5859564214148374 -0.7407349445690479 -0.7794295753576006 -0.8305064879984876 -0.8955134677232585 -0.7268048774851729 -0.15567212704613642 0.3953394153828534 0.8488404882246913 1.1197029037445596 1.181614313006249 1.2435257222679297 1.3054371315296105 1.330201695234288 1.2079266619424585 0.9943322999896488 0.6476284081242158 0.29782894579570146 0.17245834204079058 +38898,-0.1076907848683308,2,-0.5859564214148374 -0.7407349445690479 -0.7794295753576006 -0.8305064879984876 -0.8955134677232585 -0.7268048774851729 -0.15567212704613642 0.3953394153828534 0.8488404882246913 1.1197029037445596 1.181614313006249 1.2435257222679297 1.3054371315296105 1.330201695234288 1.2079266619424585 0.9943322999896488 0.6476284081242158 0.29782894579570146 0.17245834204079058 0.019227604118129564 +38899,-0.18508004644543605,2,-0.7407349445690479 -0.7794295753576006 -0.8305064879984876 -0.8955134677232585 -0.7268048774851729 -0.15567212704613642 0.3953394153828534 0.8488404882246913 1.1197029037445596 1.181614313006249 1.2435257222679297 1.3054371315296105 1.330201695234288 1.2079266619424585 0.9943322999896488 0.6476284081242158 0.29782894579570146 0.17245834204079058 0.019227604118129564 -0.1076907848683308 +38900,-0.40486554932440866,2,-0.7794295753576006 -0.8305064879984876 -0.8955134677232585 -0.7268048774851729 -0.15567212704613642 0.3953394153828534 0.8488404882246913 1.1197029037445596 1.181614313006249 1.2435257222679297 1.3054371315296105 1.330201695234288 1.2079266619424585 0.9943322999896488 0.6476284081242158 0.29782894579570146 0.17245834204079058 0.019227604118129564 -0.1076907848683308 -0.18508004644543605 +38901,-0.41724783117675185,2,-0.8305064879984876 -0.8955134677232585 -0.7268048774851729 -0.15567212704613642 0.3953394153828534 0.8488404882246913 1.1197029037445596 1.181614313006249 1.2435257222679297 1.3054371315296105 1.330201695234288 1.2079266619424585 0.9943322999896488 0.6476284081242158 0.29782894579570146 0.17245834204079058 0.019227604118129564 -0.1076907848683308 -0.18508004644543605 -0.40486554932440866 +38902,-0.5596440724786191,2,-0.8955134677232585 -0.7268048774851729 -0.15567212704613642 0.3953394153828534 0.8488404882246913 1.1197029037445596 1.181614313006249 1.2435257222679297 1.3054371315296105 1.330201695234288 1.2079266619424585 0.9943322999896488 0.6476284081242158 0.29782894579570146 0.17245834204079058 0.019227604118129564 -0.1076907848683308 -0.18508004644543605 -0.40486554932440866 -0.41724783117675185 +38903,-0.610720985119515,2,-0.7268048774851729 -0.15567212704613642 0.3953394153828534 0.8488404882246913 1.1197029037445596 1.181614313006249 1.2435257222679297 1.3054371315296105 1.330201695234288 1.2079266619424585 0.9943322999896488 0.6476284081242158 0.29782894579570146 0.17245834204079058 0.019227604118129564 -0.1076907848683308 -0.18508004644543605 -0.40486554932440866 -0.41724783117675185 -0.5596440724786191 +38904,-0.7268048774851729,2,-0.15567212704613642 0.3953394153828534 0.8488404882246913 1.1197029037445596 1.181614313006249 1.2435257222679297 1.3054371315296105 1.330201695234288 1.2079266619424585 0.9943322999896488 0.6476284081242158 0.29782894579570146 0.17245834204079058 0.019227604118129564 -0.1076907848683308 -0.18508004644543605 -0.40486554932440866 -0.41724783117675185 -0.5596440724786191 -0.610720985119515 +38905,-0.8475321255454529,2,0.3953394153828534 0.8488404882246913 1.1197029037445596 1.181614313006249 1.2435257222679297 1.3054371315296105 1.330201695234288 1.2079266619424585 0.9943322999896488 0.6476284081242158 0.29782894579570146 0.17245834204079058 0.019227604118129564 -0.1076907848683308 -0.18508004644543605 -0.40486554932440866 -0.41724783117675185 -0.5596440724786191 -0.610720985119515 -0.7268048774851729 +38906,-0.791811857209935,2,0.8488404882246913 1.1197029037445596 1.181614313006249 1.2435257222679297 1.3054371315296105 1.330201695234288 1.2079266619424585 0.9943322999896488 0.6476284081242158 0.29782894579570146 0.17245834204079058 0.019227604118129564 -0.1076907848683308 -0.18508004644543605 -0.40486554932440866 -0.41724783117675185 -0.5596440724786191 -0.610720985119515 -0.7268048774851729 -0.8475321255454529 +38907,-0.6447722602134367,2,1.1197029037445596 1.181614313006249 1.2435257222679297 1.3054371315296105 1.330201695234288 1.2079266619424585 0.9943322999896488 0.6476284081242158 0.29782894579570146 0.17245834204079058 0.019227604118129564 -0.1076907848683308 -0.18508004644543605 -0.40486554932440866 -0.41724783117675185 -0.5596440724786191 -0.610720985119515 -0.7268048774851729 -0.8475321255454529 -0.791811857209935 +38908,-0.24234810001249465,2,1.181614313006249 1.2435257222679297 1.3054371315296105 1.330201695234288 1.2079266619424585 0.9943322999896488 0.6476284081242158 0.29782894579570146 0.17245834204079058 0.019227604118129564 -0.1076907848683308 -0.18508004644543605 -0.40486554932440866 -0.41724783117675185 -0.5596440724786191 -0.610720985119515 -0.7268048774851729 -0.8475321255454529 -0.791811857209935 -0.6447722602134367 +38909,0.2204396842185962,2,1.2435257222679297 1.3054371315296105 1.330201695234288 1.2079266619424585 0.9943322999896488 0.6476284081242158 0.29782894579570146 0.17245834204079058 0.019227604118129564 -0.1076907848683308 -0.18508004644543605 -0.40486554932440866 -0.41724783117675185 -0.5596440724786191 -0.610720985119515 -0.7268048774851729 -0.8475321255454529 -0.791811857209935 -0.6447722602134367 -0.24234810001249465 +38910,0.734304381090574,2,1.3054371315296105 1.330201695234288 1.2079266619424585 0.9943322999896488 0.6476284081242158 0.29782894579570146 0.17245834204079058 0.019227604118129564 -0.1076907848683308 -0.18508004644543605 -0.40486554932440866 -0.41724783117675185 -0.5596440724786191 -0.610720985119515 -0.7268048774851729 -0.8475321255454529 -0.791811857209935 -0.6447722602134367 -0.24234810001249465 0.2204396842185962 +38911,0.9246819645702558,2,1.330201695234288 1.2079266619424585 0.9943322999896488 0.6476284081242158 0.29782894579570146 0.17245834204079058 0.019227604118129564 -0.1076907848683308 -0.18508004644543605 -0.40486554932440866 -0.41724783117675185 -0.5596440724786191 -0.610720985119515 -0.7268048774851729 -0.8475321255454529 -0.791811857209935 -0.6447722602134367 -0.24234810001249465 0.2204396842185962 0.734304381090574 +38912,1.048504783093626,2,1.2079266619424585 0.9943322999896488 0.6476284081242158 0.29782894579570146 0.17245834204079058 0.019227604118129564 -0.1076907848683308 -0.18508004644543605 -0.40486554932440866 -0.41724783117675185 -0.5596440724786191 -0.610720985119515 -0.7268048774851729 -0.8475321255454529 -0.791811857209935 -0.6447722602134367 -0.24234810001249465 0.2204396842185962 0.734304381090574 0.9246819645702558 +38913,1.1491108231438594,2,0.9943322999896488 0.6476284081242158 0.29782894579570146 0.17245834204079058 0.019227604118129564 -0.1076907848683308 -0.18508004644543605 -0.40486554932440866 -0.41724783117675185 -0.5596440724786191 -0.610720985119515 -0.7268048774851729 -0.8475321255454529 -0.791811857209935 -0.6447722602134367 -0.24234810001249465 0.2204396842185962 0.734304381090574 0.9246819645702558 1.048504783093626 +38914,1.2125700176370895,2,0.6476284081242158 0.29782894579570146 0.17245834204079058 0.019227604118129564 -0.1076907848683308 -0.18508004644543605 -0.40486554932440866 -0.41724783117675185 -0.5596440724786191 -0.610720985119515 -0.7268048774851729 -0.8475321255454529 -0.791811857209935 -0.6447722602134367 -0.24234810001249465 0.2204396842185962 0.734304381090574 0.9246819645702558 1.048504783093626 1.1491108231438594 +38915,1.1707798163854555,2,0.29782894579570146 0.17245834204079058 0.019227604118129564 -0.1076907848683308 -0.18508004644543605 -0.40486554932440866 -0.41724783117675185 -0.5596440724786191 -0.610720985119515 -0.7268048774851729 -0.8475321255454529 -0.791811857209935 -0.6447722602134367 -0.24234810001249465 0.2204396842185962 0.734304381090574 0.9246819645702558 1.048504783093626 1.1491108231438594 1.2125700176370895 +38916,1.0051667966104425,2,0.17245834204079058 0.019227604118129564 -0.1076907848683308 -0.18508004644543605 -0.40486554932440866 -0.41724783117675185 -0.5596440724786191 -0.610720985119515 -0.7268048774851729 -0.8475321255454529 -0.791811857209935 -0.6447722602134367 -0.24234810001249465 0.2204396842185962 0.734304381090574 0.9246819645702558 1.048504783093626 1.1491108231438594 1.2125700176370895 1.1707798163854555 +38917,0.748234448174458,2,0.019227604118129564 -0.1076907848683308 -0.18508004644543605 -0.40486554932440866 -0.41724783117675185 -0.5596440724786191 -0.610720985119515 -0.7268048774851729 -0.8475321255454529 -0.791811857209935 -0.6447722602134367 -0.24234810001249465 0.2204396842185962 0.734304381090574 0.9246819645702558 1.048504783093626 1.1491108231438594 1.2125700176370895 1.1707798163854555 1.0051667966104425 +38918,0.443320757560659,2,-0.1076907848683308 -0.18508004644543605 -0.40486554932440866 -0.41724783117675185 -0.5596440724786191 -0.610720985119515 -0.7268048774851729 -0.8475321255454529 -0.791811857209935 -0.6447722602134367 -0.24234810001249465 0.2204396842185962 0.734304381090574 0.9246819645702558 1.048504783093626 1.1491108231438594 1.2125700176370895 1.1707798163854555 1.0051667966104425 0.748234448174458 +38919,0.23127418083938986,2,-0.18508004644543605 -0.40486554932440866 -0.41724783117675185 -0.5596440724786191 -0.610720985119515 -0.7268048774851729 -0.8475321255454529 -0.791811857209935 -0.6447722602134367 -0.24234810001249465 0.2204396842185962 0.734304381090574 0.9246819645702558 1.048504783093626 1.1491108231438594 1.2125700176370895 1.1707798163854555 1.0051667966104425 0.748234448174458 0.443320757560659 +38920,0.13376371125223796,2,-0.40486554932440866 -0.41724783117675185 -0.5596440724786191 -0.610720985119515 -0.7268048774851729 -0.8475321255454529 -0.791811857209935 -0.6447722602134367 -0.24234810001249465 0.2204396842185962 0.734304381090574 0.9246819645702558 1.048504783093626 1.1491108231438594 1.2125700176370895 1.1707798163854555 1.0051667966104425 0.748234448174458 0.443320757560659 0.23127418083938986 +38921,-0.06435279838514728,2,-0.41724783117675185 -0.5596440724786191 -0.610720985119515 -0.7268048774851729 -0.8475321255454529 -0.791811857209935 -0.6447722602134367 -0.24234810001249465 0.2204396842185962 0.734304381090574 0.9246819645702558 1.048504783093626 1.1491108231438594 1.2125700176370895 1.1707798163854555 1.0051667966104425 0.748234448174458 0.443320757560659 0.23127418083938986 0.13376371125223796 +38922,-0.19127118737159884,2,-0.5596440724786191 -0.610720985119515 -0.7268048774851729 -0.8475321255454529 -0.791811857209935 -0.6447722602134367 -0.24234810001249465 0.2204396842185962 0.734304381090574 0.9246819645702558 1.048504783093626 1.1491108231438594 1.2125700176370895 1.1707798163854555 1.0051667966104425 0.748234448174458 0.443320757560659 0.23127418083938986 0.13376371125223796 -0.06435279838514728 +38923,-0.23770474431786376,2,-0.610720985119515 -0.7268048774851729 -0.8475321255454529 -0.791811857209935 -0.6447722602134367 -0.24234810001249465 0.2204396842185962 0.734304381090574 0.9246819645702558 1.048504783093626 1.1491108231438594 1.2125700176370895 1.1707798163854555 1.0051667966104425 0.748234448174458 0.443320757560659 0.23127418083938986 0.13376371125223796 -0.06435279838514728 -0.19127118737159884 +38924,-0.3537886366835216,2,-0.7268048774851729 -0.8475321255454529 -0.791811857209935 -0.6447722602134367 -0.24234810001249465 0.2204396842185962 0.734304381090574 0.9246819645702558 1.048504783093626 1.1491108231438594 1.2125700176370895 1.1707798163854555 1.0051667966104425 0.748234448174458 0.443320757560659 0.23127418083938986 0.13376371125223796 -0.06435279838514728 -0.19127118737159884 -0.23770474431786376 +38925,-0.5085671598377322,2,-0.8475321255454529 -0.791811857209935 -0.6447722602134367 -0.24234810001249465 0.2204396842185962 0.734304381090574 0.9246819645702558 1.048504783093626 1.1491108231438594 1.2125700176370895 1.1707798163854555 1.0051667966104425 0.748234448174458 0.443320757560659 0.23127418083938986 0.13376371125223796 -0.06435279838514728 -0.19127118737159884 -0.23770474431786376 -0.3537886366835216 +38926,-0.6370333340557244,2,-0.791811857209935 -0.6447722602134367 -0.24234810001249465 0.2204396842185962 0.734304381090574 0.9246819645702558 1.048504783093626 1.1491108231438594 1.2125700176370895 1.1707798163854555 1.0051667966104425 0.748234448174458 0.443320757560659 0.23127418083938986 0.13376371125223796 -0.06435279838514728 -0.19127118737159884 -0.23770474431786376 -0.3537886366835216 -0.5085671598377322 +38927,-0.7144225956328297,2,-0.6447722602134367 -0.24234810001249465 0.2204396842185962 0.734304381090574 0.9246819645702558 1.048504783093626 1.1491108231438594 1.2125700176370895 1.1707798163854555 1.0051667966104425 0.748234448174458 0.443320757560659 0.23127418083938986 0.13376371125223796 -0.06435279838514728 -0.19127118737159884 -0.23770474431786376 -0.3537886366835216 -0.5085671598377322 -0.6370333340557244 +38928,-0.791811857209935,2,-0.24234810001249465 0.2204396842185962 0.734304381090574 0.9246819645702558 1.048504783093626 1.1491108231438594 1.2125700176370895 1.1707798163854555 1.0051667966104425 0.748234448174458 0.443320757560659 0.23127418083938986 0.13376371125223796 -0.06435279838514728 -0.19127118737159884 -0.23770474431786376 -0.3537886366835216 -0.5085671598377322 -0.6370333340557244 -0.7144225956328297 +38929,-0.8305064879984876,2,0.2204396842185962 0.734304381090574 0.9246819645702558 1.048504783093626 1.1491108231438594 1.2125700176370895 1.1707798163854555 1.0051667966104425 0.748234448174458 0.443320757560659 0.23127418083938986 0.13376371125223796 -0.06435279838514728 -0.19127118737159884 -0.23770474431786376 -0.3537886366835216 -0.5085671598377322 -0.6370333340557244 -0.7144225956328297 -0.791811857209935 +38930,-0.8955134677232585,2,0.734304381090574 0.9246819645702558 1.048504783093626 1.1491108231438594 1.2125700176370895 1.1707798163854555 1.0051667966104425 0.748234448174458 0.443320757560659 0.23127418083938986 0.13376371125223796 -0.06435279838514728 -0.19127118737159884 -0.23770474431786376 -0.3537886366835216 -0.5085671598377322 -0.6370333340557244 -0.7144225956328297 -0.791811857209935 -0.8305064879984876 +38931,-0.8382454141561998,2,0.9246819645702558 1.048504783093626 1.1491108231438594 1.2125700176370895 1.1707798163854555 1.0051667966104425 0.748234448174458 0.443320757560659 0.23127418083938986 0.13376371125223796 -0.06435279838514728 -0.19127118737159884 -0.23770474431786376 -0.3537886366835216 -0.5085671598377322 -0.6370333340557244 -0.7144225956328297 -0.791811857209935 -0.8305064879984876 -0.8955134677232585 +38932,-0.2624693080225413,2,1.048504783093626 1.1491108231438594 1.2125700176370895 1.1707798163854555 1.0051667966104425 0.748234448174458 0.443320757560659 0.23127418083938986 0.13376371125223796 -0.06435279838514728 -0.19127118737159884 -0.23770474431786376 -0.3537886366835216 -0.5085671598377322 -0.6370333340557244 -0.7144225956328297 -0.791811857209935 -0.8305064879984876 -0.8955134677232585 -0.8382454141561998 +38933,0.16471941588308708,2,1.1491108231438594 1.2125700176370895 1.1707798163854555 1.0051667966104425 0.748234448174458 0.443320757560659 0.23127418083938986 0.13376371125223796 -0.06435279838514728 -0.19127118737159884 -0.23770474431786376 -0.3537886366835216 -0.5085671598377322 -0.6370333340557244 -0.7144225956328297 -0.791811857209935 -0.8305064879984876 -0.8955134677232585 -0.8382454141561998 -0.2624693080225413 +38934,0.5795258579363636,2,1.2125700176370895 1.1707798163854555 1.0051667966104425 0.748234448174458 0.443320757560659 0.23127418083938986 0.13376371125223796 -0.06435279838514728 -0.19127118737159884 -0.23770474431786376 -0.3537886366835216 -0.5085671598377322 -0.6370333340557244 -0.7144225956328297 -0.791811857209935 -0.8305064879984876 -0.8955134677232585 -0.8382454141561998 -0.2624693080225413 0.16471941588308708 +38935,0.8875351190132439,2,1.1707798163854555 1.0051667966104425 0.748234448174458 0.443320757560659 0.23127418083938986 0.13376371125223796 -0.06435279838514728 -0.19127118737159884 -0.23770474431786376 -0.3537886366835216 -0.5085671598377322 -0.6370333340557244 -0.7144225956328297 -0.791811857209935 -0.8305064879984876 -0.8955134677232585 -0.8382454141561998 -0.2624693080225413 0.16471941588308708 0.5795258579363636 +38936,0.9122996827179214,2,1.0051667966104425 0.748234448174458 0.443320757560659 0.23127418083938986 0.13376371125223796 -0.06435279838514728 -0.19127118737159884 -0.23770474431786376 -0.3537886366835216 -0.5085671598377322 -0.6370333340557244 -0.7144225956328297 -0.791811857209935 -0.8305064879984876 -0.8955134677232585 -0.8382454141561998 -0.2624693080225413 0.16471941588308708 0.5795258579363636 0.8875351190132439 +38937,1.0407658569359137,2,0.748234448174458 0.443320757560659 0.23127418083938986 0.13376371125223796 -0.06435279838514728 -0.19127118737159884 -0.23770474431786376 -0.3537886366835216 -0.5085671598377322 -0.6370333340557244 -0.7144225956328297 -0.791811857209935 -0.8305064879984876 -0.8955134677232585 -0.8382454141561998 -0.2624693080225413 0.16471941588308708 0.5795258579363636 0.8875351190132439 0.9122996827179214 +38938,0.9773066624426923,2,0.443320757560659 0.23127418083938986 0.13376371125223796 -0.06435279838514728 -0.19127118737159884 -0.23770474431786376 -0.3537886366835216 -0.5085671598377322 -0.6370333340557244 -0.7144225956328297 -0.791811857209935 -0.8305064879984876 -0.8955134677232585 -0.8382454141561998 -0.2624693080225413 0.16471941588308708 0.5795258579363636 0.8875351190132439 0.9122996827179214 1.0407658569359137 +38939,1.0036190113789016,2,0.23127418083938986 0.13376371125223796 -0.06435279838514728 -0.19127118737159884 -0.23770474431786376 -0.3537886366835216 -0.5085671598377322 -0.6370333340557244 -0.7144225956328297 -0.791811857209935 -0.8305064879984876 -0.8955134677232585 -0.8382454141561998 -0.2624693080225413 0.16471941588308708 0.5795258579363636 0.8875351190132439 0.9122996827179214 1.0407658569359137 0.9773066624426923 +38940,0.8240759245200224,2,0.13376371125223796 -0.06435279838514728 -0.19127118737159884 -0.23770474431786376 -0.3537886366835216 -0.5085671598377322 -0.6370333340557244 -0.7144225956328297 -0.791811857209935 -0.8305064879984876 -0.8955134677232585 -0.8382454141561998 -0.2624693080225413 0.16471941588308708 0.5795258579363636 0.8875351190132439 0.9122996827179214 1.0407658569359137 0.9773066624426923 1.0036190113789016 +38941,0.5609524351578663,2,-0.06435279838514728 -0.19127118737159884 -0.23770474431786376 -0.3537886366835216 -0.5085671598377322 -0.6370333340557244 -0.7144225956328297 -0.791811857209935 -0.8305064879984876 -0.8955134677232585 -0.8382454141561998 -0.2624693080225413 0.16471941588308708 0.5795258579363636 0.8875351190132439 0.9122996827179214 1.0407658569359137 0.9773066624426923 1.0036190113789016 0.8240759245200224 +38942,0.2838988787118264,2,-0.19127118737159884 -0.23770474431786376 -0.3537886366835216 -0.5085671598377322 -0.6370333340557244 -0.7144225956328297 -0.791811857209935 -0.8305064879984876 -0.8955134677232585 -0.8382454141561998 -0.2624693080225413 0.16471941588308708 0.5795258579363636 0.8875351190132439 0.9122996827179214 1.0407658569359137 0.9773066624426923 1.0036190113789016 0.8240759245200224 0.5609524351578663 +38943,0.03160988597046394,2,-0.23770474431786376 -0.3537886366835216 -0.5085671598377322 -0.6370333340557244 -0.7144225956328297 -0.791811857209935 -0.8305064879984876 -0.8955134677232585 -0.8382454141561998 -0.2624693080225413 0.16471941588308708 0.5795258579363636 0.8875351190132439 0.9122996827179214 1.0407658569359137 0.9773066624426923 1.0036190113789016 0.8240759245200224 0.5609524351578663 0.2838988787118264 +38944,-0.15257655658304622,2,-0.3537886366835216 -0.5085671598377322 -0.6370333340557244 -0.7144225956328297 -0.791811857209935 -0.8305064879984876 -0.8955134677232585 -0.8382454141561998 -0.2624693080225413 0.16471941588308708 0.5795258579363636 0.8875351190132439 0.9122996827179214 1.0407658569359137 0.9773066624426923 1.0036190113789016 0.8240759245200224 0.5609524351578663 0.2838988787118264 0.03160988597046394 +38945,-0.29961615357954446,2,-0.5085671598377322 -0.6370333340557244 -0.7144225956328297 -0.791811857209935 -0.8305064879984876 -0.8955134677232585 -0.8382454141561998 -0.2624693080225413 0.16471941588308708 0.5795258579363636 0.8875351190132439 0.9122996827179214 1.0407658569359137 0.9773066624426923 1.0036190113789016 0.8240759245200224 0.5609524351578663 0.2838988787118264 0.03160988597046394 -0.15257655658304622 +38946,-0.38319655608282127,2,-0.6370333340557244 -0.7144225956328297 -0.791811857209935 -0.8305064879984876 -0.8955134677232585 -0.8382454141561998 -0.2624693080225413 0.16471941588308708 0.5795258579363636 0.8875351190132439 0.9122996827179214 1.0407658569359137 0.9773066624426923 1.0036190113789016 0.8240759245200224 0.5609524351578663 0.2838988787118264 0.03160988597046394 -0.15257655658304622 -0.29961615357954446 +38947,-0.4420123948814206,2,-0.7144225956328297 -0.791811857209935 -0.8305064879984876 -0.8955134677232585 -0.8382454141561998 -0.2624693080225413 0.16471941588308708 0.5795258579363636 0.8875351190132439 0.9122996827179214 1.0407658569359137 0.9773066624426923 1.0036190113789016 0.8240759245200224 0.5609524351578663 0.2838988787118264 0.03160988597046394 -0.15257655658304622 -0.29961615357954446 -0.38319655608282127 +38948,-0.610720985119515,2,-0.791811857209935 -0.8305064879984876 -0.8955134677232585 -0.8382454141561998 -0.2624693080225413 0.16471941588308708 0.5795258579363636 0.8875351190132439 0.9122996827179214 1.0407658569359137 0.9773066624426923 1.0036190113789016 0.8240759245200224 0.5609524351578663 0.2838988787118264 0.03160988597046394 -0.15257655658304622 -0.29961615357954446 -0.38319655608282127 -0.4420123948814206 +38949,-0.6370333340557244,2,-0.8305064879984876 -0.8955134677232585 -0.8382454141561998 -0.2624693080225413 0.16471941588308708 0.5795258579363636 0.8875351190132439 0.9122996827179214 1.0407658569359137 0.9773066624426923 1.0036190113789016 0.8240759245200224 0.5609524351578663 0.2838988787118264 0.03160988597046394 -0.15257655658304622 -0.29961615357954446 -0.38319655608282127 -0.4420123948814206 -0.610720985119515 +38950,-0.7685950787368069,2,-0.8955134677232585 -0.8382454141561998 -0.2624693080225413 0.16471941588308708 0.5795258579363636 0.8875351190132439 0.9122996827179214 1.0407658569359137 0.9773066624426923 1.0036190113789016 0.8240759245200224 0.5609524351578663 0.2838988787118264 0.03160988597046394 -0.15257655658304622 -0.29961615357954446 -0.38319655608282127 -0.4420123948814206 -0.610720985119515 -0.6370333340557244 +38951,-0.782525145820682,2,-0.8382454141561998 -0.2624693080225413 0.16471941588308708 0.5795258579363636 0.8875351190132439 0.9122996827179214 1.0407658569359137 0.9773066624426923 1.0036190113789016 0.8240759245200224 0.5609524351578663 0.2838988787118264 0.03160988597046394 -0.15257655658304622 -0.29961615357954446 -0.38319655608282127 -0.4420123948814206 -0.610720985119515 -0.6370333340557244 -0.7685950787368069 +38952,-0.8428887698508307,2,-0.2624693080225413 0.16471941588308708 0.5795258579363636 0.8875351190132439 0.9122996827179214 1.0407658569359137 0.9773066624426923 1.0036190113789016 0.8240759245200224 0.5609524351578663 0.2838988787118264 0.03160988597046394 -0.15257655658304622 -0.29961615357954446 -0.38319655608282127 -0.4420123948814206 -0.610720985119515 -0.6370333340557244 -0.7685950787368069 -0.782525145820682 +38953,-0.8165764209146125,2,0.16471941588308708 0.5795258579363636 0.8875351190132439 0.9122996827179214 1.0407658569359137 0.9773066624426923 1.0036190113789016 0.8240759245200224 0.5609524351578663 0.2838988787118264 0.03160988597046394 -0.15257655658304622 -0.29961615357954446 -0.38319655608282127 -0.4420123948814206 -0.610720985119515 -0.6370333340557244 -0.7685950787368069 -0.782525145820682 -0.8428887698508307 +38954,-0.8336020584615778,2,0.5795258579363636 0.8875351190132439 0.9122996827179214 1.0407658569359137 0.9773066624426923 1.0036190113789016 0.8240759245200224 0.5609524351578663 0.2838988787118264 0.03160988597046394 -0.15257655658304622 -0.29961615357954446 -0.38319655608282127 -0.4420123948814206 -0.610720985119515 -0.6370333340557244 -0.7685950787368069 -0.782525145820682 -0.8428887698508307 -0.8165764209146125 +38955,-0.8196719913776939,2,0.8875351190132439 0.9122996827179214 1.0407658569359137 0.9773066624426923 1.0036190113789016 0.8240759245200224 0.5609524351578663 0.2838988787118264 0.03160988597046394 -0.15257655658304622 -0.29961615357954446 -0.38319655608282127 -0.4420123948814206 -0.610720985119515 -0.6370333340557244 -0.7685950787368069 -0.782525145820682 -0.8428887698508307 -0.8165764209146125 -0.8336020584615778 +38956,-0.5998864884987125,2,0.9122996827179214 1.0407658569359137 0.9773066624426923 1.0036190113789016 0.8240759245200224 0.5609524351578663 0.2838988787118264 0.03160988597046394 -0.15257655658304622 -0.29961615357954446 -0.38319655608282127 -0.4420123948814206 -0.610720985119515 -0.6370333340557244 -0.7685950787368069 -0.782525145820682 -0.8428887698508307 -0.8165764209146125 -0.8336020584615778 -0.8196719913776939 +38957,-0.16960219413001149,2,1.0407658569359137 0.9773066624426923 1.0036190113789016 0.8240759245200224 0.5609524351578663 0.2838988787118264 0.03160988597046394 -0.15257655658304622 -0.29961615357954446 -0.38319655608282127 -0.4420123948814206 -0.610720985119515 -0.6370333340557244 -0.7685950787368069 -0.782525145820682 -0.8428887698508307 -0.8165764209146125 -0.8336020584615778 -0.8196719913776939 -0.5998864884987125 +38958,0.2854466639433671,2,0.9773066624426923 1.0036190113789016 0.8240759245200224 0.5609524351578663 0.2838988787118264 0.03160988597046394 -0.15257655658304622 -0.29961615357954446 -0.38319655608282127 -0.4420123948814206 -0.610720985119515 -0.6370333340557244 -0.7685950787368069 -0.782525145820682 -0.8428887698508307 -0.8165764209146125 -0.8336020584615778 -0.8196719913776939 -0.5998864884987125 -0.16960219413001149 +38959,0.7404955220167456,2,1.0036190113789016 0.8240759245200224 0.5609524351578663 0.2838988787118264 0.03160988597046394 -0.15257655658304622 -0.29961615357954446 -0.38319655608282127 -0.4420123948814206 -0.610720985119515 -0.6370333340557244 -0.7685950787368069 -0.782525145820682 -0.8428887698508307 -0.8165764209146125 -0.8336020584615778 -0.8196719913776939 -0.5998864884987125 -0.16960219413001149 0.2854466639433671 +38960,0.9773066624426923,2,0.8240759245200224 0.5609524351578663 0.2838988787118264 0.03160988597046394 -0.15257655658304622 -0.29961615357954446 -0.38319655608282127 -0.4420123948814206 -0.610720985119515 -0.6370333340557244 -0.7685950787368069 -0.782525145820682 -0.8428887698508307 -0.8165764209146125 -0.8336020584615778 -0.8196719913776939 -0.5998864884987125 -0.16960219413001149 0.2854466639433671 0.7404955220167456 +38961,1.1413718969861557,2,0.5609524351578663 0.2838988787118264 0.03160988597046394 -0.15257655658304622 -0.29961615357954446 -0.38319655608282127 -0.4420123948814206 -0.610720985119515 -0.6370333340557244 -0.7685950787368069 -0.782525145820682 -0.8428887698508307 -0.8165764209146125 -0.8336020584615778 -0.8196719913776939 -0.5998864884987125 -0.16960219413001149 0.2854466639433671 0.7404955220167456 0.9773066624426923 +38962,1.159945319764653,2,0.2838988787118264 0.03160988597046394 -0.15257655658304622 -0.29961615357954446 -0.38319655608282127 -0.4420123948814206 -0.610720985119515 -0.6370333340557244 -0.7685950787368069 -0.782525145820682 -0.8428887698508307 -0.8165764209146125 -0.8336020584615778 -0.8196719913776939 -0.5998864884987125 -0.16960219413001149 0.2854466639433671 0.7404955220167456 0.9773066624426923 1.1413718969861557 +38963,1.1042250514291438,2,0.03160988597046394 -0.15257655658304622 -0.29961615357954446 -0.38319655608282127 -0.4420123948814206 -0.610720985119515 -0.6370333340557244 -0.7685950787368069 -0.782525145820682 -0.8428887698508307 -0.8165764209146125 -0.8336020584615778 -0.8196719913776939 -0.5998864884987125 -0.16960219413001149 0.2854466639433671 0.7404955220167456 0.9773066624426923 1.1413718969861557 1.159945319764653 +38964,0.9401598168856804,2,-0.15257655658304622 -0.29961615357954446 -0.38319655608282127 -0.4420123948814206 -0.610720985119515 -0.6370333340557244 -0.7685950787368069 -0.782525145820682 -0.8428887698508307 -0.8165764209146125 -0.8336020584615778 -0.8196719913776939 -0.5998864884987125 -0.16960219413001149 0.2854466639433671 0.7404955220167456 0.9773066624426923 1.1413718969861557 1.159945319764653 1.1042250514291438 +38965,0.8039547165099759,2,-0.29961615357954446 -0.38319655608282127 -0.4420123948814206 -0.610720985119515 -0.6370333340557244 -0.7685950787368069 -0.782525145820682 -0.8428887698508307 -0.8165764209146125 -0.8336020584615778 -0.8196719913776939 -0.5998864884987125 -0.16960219413001149 0.2854466639433671 0.7404955220167456 0.9773066624426923 1.1413718969861557 1.159945319764653 1.1042250514291438 0.9401598168856804 +38966,0.280803308248745,2,-0.38319655608282127 -0.4420123948814206 -0.610720985119515 -0.6370333340557244 -0.7685950787368069 -0.782525145820682 -0.8428887698508307 -0.8165764209146125 -0.8336020584615778 -0.8196719913776939 -0.5998864884987125 -0.16960219413001149 0.2854466639433671 0.7404955220167456 0.9773066624426923 1.1413718969861557 1.159945319764653 1.1042250514291438 0.9401598168856804 0.8039547165099759 +38967,0.04863552351742921,2,-0.4420123948814206 -0.610720985119515 -0.6370333340557244 -0.7685950787368069 -0.782525145820682 -0.8428887698508307 -0.8165764209146125 -0.8336020584615778 -0.8196719913776939 -0.5998864884987125 -0.16960219413001149 0.2854466639433671 0.7404955220167456 0.9773066624426923 1.1413718969861557 1.159945319764653 1.1042250514291438 0.9401598168856804 0.8039547165099759 0.280803308248745 +38968,-0.09530850301598763,2,-0.610720985119515 -0.6370333340557244 -0.7685950787368069 -0.782525145820682 -0.8428887698508307 -0.8165764209146125 -0.8336020584615778 -0.8196719913776939 -0.5998864884987125 -0.16960219413001149 0.2854466639433671 0.7404955220167456 0.9773066624426923 1.1413718969861557 1.159945319764653 1.1042250514291438 0.9401598168856804 0.8039547165099759 0.280803308248745 0.04863552351742921 +38969,-0.3181895763580504,2,-0.6370333340557244 -0.7685950787368069 -0.782525145820682 -0.8428887698508307 -0.8165764209146125 -0.8336020584615778 -0.8196719913776939 -0.5998864884987125 -0.16960219413001149 0.2854466639433671 0.7404955220167456 0.9773066624426923 1.1413718969861557 1.159945319764653 1.1042250514291438 0.9401598168856804 0.8039547165099759 0.280803308248745 0.04863552351742921 -0.09530850301598763 +38970,-0.45439467673375494,2,-0.7685950787368069 -0.782525145820682 -0.8428887698508307 -0.8165764209146125 -0.8336020584615778 -0.8196719913776939 -0.5998864884987125 -0.16960219413001149 0.2854466639433671 0.7404955220167456 0.9773066624426923 1.1413718969861557 1.159945319764653 1.1042250514291438 0.9401598168856804 0.8039547165099759 0.280803308248745 0.04863552351742921 -0.09530850301598763 -0.3181895763580504 +38971,-0.4946370927538571,2,-0.782525145820682 -0.8428887698508307 -0.8165764209146125 -0.8336020584615778 -0.8196719913776939 -0.5998864884987125 -0.16960219413001149 0.2854466639433671 0.7404955220167456 0.9773066624426923 1.1413718969861557 1.159945319764653 1.1042250514291438 0.9401598168856804 0.8039547165099759 0.280803308248745 0.04863552351742921 -0.09530850301598763 -0.3181895763580504 -0.45439467673375494 +38972,-0.4992804484484792,2,-0.8428887698508307 -0.8165764209146125 -0.8336020584615778 -0.8196719913776939 -0.5998864884987125 -0.16960219413001149 0.2854466639433671 0.7404955220167456 0.9773066624426923 1.1413718969861557 1.159945319764653 1.1042250514291438 0.9401598168856804 0.8039547165099759 0.280803308248745 0.04863552351742921 -0.09530850301598763 -0.3181895763580504 -0.45439467673375494 -0.4946370927538571 +38973,-0.5720263543309624,2,-0.8165764209146125 -0.8336020584615778 -0.8196719913776939 -0.5998864884987125 -0.16960219413001149 0.2854466639433671 0.7404955220167456 0.9773066624426923 1.1413718969861557 1.159945319764653 1.1042250514291438 0.9401598168856804 0.8039547165099759 0.280803308248745 0.04863552351742921 -0.09530850301598763 -0.3181895763580504 -0.45439467673375494 -0.4946370927538571 -0.4992804484484792 +38974,-0.5952431328040904,2,-0.8336020584615778 -0.8196719913776939 -0.5998864884987125 -0.16960219413001149 0.2854466639433671 0.7404955220167456 0.9773066624426923 1.1413718969861557 1.159945319764653 1.1042250514291438 0.9401598168856804 0.8039547165099759 0.280803308248745 0.04863552351742921 -0.09530850301598763 -0.3181895763580504 -0.45439467673375494 -0.4946370927538571 -0.4992804484484792 -0.5720263543309624 +38975,-0.5844086361832967,2,-0.8196719913776939 -0.5998864884987125 -0.16960219413001149 0.2854466639433671 0.7404955220167456 0.9773066624426923 1.1413718969861557 1.159945319764653 1.1042250514291438 0.9401598168856804 0.8039547165099759 0.280803308248745 0.04863552351742921 -0.09530850301598763 -0.3181895763580504 -0.45439467673375494 -0.4946370927538571 -0.4992804484484792 -0.5720263543309624 -0.5952431328040904 +38976,-0.7268048774851729,2,-0.5998864884987125 -0.16960219413001149 0.2854466639433671 0.7404955220167456 0.9773066624426923 1.1413718969861557 1.159945319764653 1.1042250514291438 0.9401598168856804 0.8039547165099759 0.280803308248745 0.04863552351742921 -0.09530850301598763 -0.3181895763580504 -0.45439467673375494 -0.4946370927538571 -0.4992804484484792 -0.5720263543309624 -0.5952431328040904 -0.5844086361832967 +38977,-0.712874810401289,2,-0.16960219413001149 0.2854466639433671 0.7404955220167456 0.9773066624426923 1.1413718969861557 1.159945319764653 1.1042250514291438 0.9401598168856804 0.8039547165099759 0.280803308248745 0.04863552351742921 -0.09530850301598763 -0.3181895763580504 -0.45439467673375494 -0.4946370927538571 -0.4992804484484792 -0.5720263543309624 -0.5952431328040904 -0.5844086361832967 -0.7268048774851729 +38978,-0.8739405360694993,2,0.2854466639433671 0.7404955220167456 0.9773066624426923 1.1413718969861557 1.159945319764653 1.1042250514291438 0.9401598168856804 0.8039547165099759 0.280803308248745 0.04863552351742921 -0.09530850301598763 -0.3181895763580504 -0.45439467673375494 -0.4946370927538571 -0.4992804484484792 -0.5720263543309624 -0.5952431328040904 -0.5844086361832967 -0.7268048774851729 -0.712874810401289 +38979,-0.671084609149655,2,0.7404955220167456 0.9773066624426923 1.1413718969861557 1.159945319764653 1.1042250514291438 0.9401598168856804 0.8039547165099759 0.280803308248745 0.04863552351742921 -0.09530850301598763 -0.3181895763580504 -0.45439467673375494 -0.4946370927538571 -0.4992804484484792 -0.5720263543309624 -0.5952431328040904 -0.5844086361832967 -0.7268048774851729 -0.712874810401289 -0.8739405360694993 +38980,-0.40641333455594936,2,0.9773066624426923 1.1413718969861557 1.159945319764653 1.1042250514291438 0.9401598168856804 0.8039547165099759 0.280803308248745 0.04863552351742921 -0.09530850301598763 -0.3181895763580504 -0.45439467673375494 -0.4946370927538571 -0.4992804484484792 -0.5720263543309624 -0.5952431328040904 -0.5844086361832967 -0.7268048774851729 -0.712874810401289 -0.8739405360694993 -0.671084609149655 +38981,0.13995485217840953,2,1.1413718969861557 1.159945319764653 1.1042250514291438 0.9401598168856804 0.8039547165099759 0.280803308248745 0.04863552351742921 -0.09530850301598763 -0.3181895763580504 -0.45439467673375494 -0.4946370927538571 -0.4992804484484792 -0.5720263543309624 -0.5952431328040904 -0.5844086361832967 -0.7268048774851729 -0.712874810401289 -0.8739405360694993 -0.671084609149655 -0.40641333455594936 +38982,0.6027426364095004,2,1.159945319764653 1.1042250514291438 0.9401598168856804 0.8039547165099759 0.280803308248745 0.04863552351742921 -0.09530850301598763 -0.3181895763580504 -0.45439467673375494 -0.4946370927538571 -0.4992804484484792 -0.5720263543309624 -0.5952431328040904 -0.5844086361832967 -0.7268048774851729 -0.712874810401289 -0.8739405360694993 -0.671084609149655 -0.40641333455594936 0.13995485217840953 +38983,1.0221924341574078,2,1.1042250514291438 0.9401598168856804 0.8039547165099759 0.280803308248745 0.04863552351742921 -0.09530850301598763 -0.3181895763580504 -0.45439467673375494 -0.4946370927538571 -0.4992804484484792 -0.5720263543309624 -0.5952431328040904 -0.5844086361832967 -0.7268048774851729 -0.712874810401289 -0.8739405360694993 -0.671084609149655 -0.40641333455594936 0.13995485217840953 0.6027426364095004 +38984,1.2946026349088169,2,0.9401598168856804 0.8039547165099759 0.280803308248745 0.04863552351742921 -0.09530850301598763 -0.3181895763580504 -0.45439467673375494 -0.4946370927538571 -0.4992804484484792 -0.5720263543309624 -0.5952431328040904 -0.5844086361832967 -0.7268048774851729 -0.712874810401289 -0.8739405360694993 -0.671084609149655 -0.40641333455594936 0.13995485217840953 0.6027426364095004 1.0221924341574078 +38985,1.2048310914793772,2,0.8039547165099759 0.280803308248745 0.04863552351742921 -0.09530850301598763 -0.3181895763580504 -0.45439467673375494 -0.4946370927538571 -0.4992804484484792 -0.5720263543309624 -0.5952431328040904 -0.5844086361832967 -0.7268048774851729 -0.712874810401289 -0.8739405360694993 -0.671084609149655 -0.40641333455594936 0.13995485217840953 0.6027426364095004 1.0221924341574078 1.2946026349088169 +38986,1.178518742543159,2,0.280803308248745 0.04863552351742921 -0.09530850301598763 -0.3181895763580504 -0.45439467673375494 -0.4946370927538571 -0.4992804484484792 -0.5720263543309624 -0.5952431328040904 -0.5844086361832967 -0.7268048774851729 -0.712874810401289 -0.8739405360694993 -0.671084609149655 -0.40641333455594936 0.13995485217840953 0.6027426364095004 1.0221924341574078 1.2946026349088169 1.2048310914793772 +38987,1.0964861252714315,2,0.04863552351742921 -0.09530850301598763 -0.3181895763580504 -0.45439467673375494 -0.4946370927538571 -0.4992804484484792 -0.5720263543309624 -0.5952431328040904 -0.5844086361832967 -0.7268048774851729 -0.712874810401289 -0.8739405360694993 -0.671084609149655 -0.40641333455594936 0.13995485217840953 0.6027426364095004 1.0221924341574078 1.2946026349088169 1.2048310914793772 1.178518742543159 +38988,0.997427870452739,2,-0.09530850301598763 -0.3181895763580504 -0.45439467673375494 -0.4946370927538571 -0.4992804484484792 -0.5720263543309624 -0.5952431328040904 -0.5844086361832967 -0.7268048774851729 -0.712874810401289 -0.8739405360694993 -0.671084609149655 -0.40641333455594936 0.13995485217840953 0.6027426364095004 1.0221924341574078 1.2946026349088169 1.2048310914793772 1.178518742543159 1.0964861252714315 +38989,0.5965514954833288,2,-0.3181895763580504 -0.45439467673375494 -0.4946370927538571 -0.4992804484484792 -0.5720263543309624 -0.5952431328040904 -0.5844086361832967 -0.7268048774851729 -0.712874810401289 -0.8739405360694993 -0.671084609149655 -0.40641333455594936 0.13995485217840953 0.6027426364095004 1.0221924341574078 1.2946026349088169 1.2048310914793772 1.178518742543159 1.0964861252714315 0.997427870452739 +38990,0.29473337533262006,2,-0.45439467673375494 -0.4946370927538571 -0.4992804484484792 -0.5720263543309624 -0.5952431328040904 -0.5844086361832967 -0.7268048774851729 -0.712874810401289 -0.8739405360694993 -0.671084609149655 -0.40641333455594936 0.13995485217840953 0.6027426364095004 1.0221924341574078 1.2946026349088169 1.2048310914793772 1.178518742543159 1.0964861252714315 0.997427870452739 0.5965514954833288 +38991,0.023870959812751655,2,-0.4946370927538571 -0.4992804484484792 -0.5720263543309624 -0.5952431328040904 -0.5844086361832967 -0.7268048774851729 -0.712874810401289 -0.8739405360694993 -0.671084609149655 -0.40641333455594936 0.13995485217840953 0.6027426364095004 1.0221924341574078 1.2946026349088169 1.2048310914793772 1.178518742543159 1.0964861252714315 0.997427870452739 0.5965514954833288 0.29473337533262006 +38992,-0.08602179162673464,2,-0.4992804484484792 -0.5720263543309624 -0.5952431328040904 -0.5844086361832967 -0.7268048774851729 -0.712874810401289 -0.8739405360694993 -0.671084609149655 -0.40641333455594936 0.13995485217840953 0.6027426364095004 1.0221924341574078 1.2946026349088169 1.2048310914793772 1.178518742543159 1.0964861252714315 0.997427870452739 0.5965514954833288 0.29473337533262006 0.023870959812751655 +38993,-0.20365346922394204,2,-0.5720263543309624 -0.5952431328040904 -0.5844086361832967 -0.7268048774851729 -0.712874810401289 -0.8739405360694993 -0.671084609149655 -0.40641333455594936 0.13995485217840953 0.6027426364095004 1.0221924341574078 1.2946026349088169 1.2048310914793772 1.178518742543159 1.0964861252714315 0.997427870452739 0.5965514954833288 0.29473337533262006 0.023870959812751655 -0.08602179162673464 +38994,-0.3553364219150623,2,-0.5952431328040904 -0.5844086361832967 -0.7268048774851729 -0.712874810401289 -0.8739405360694993 -0.671084609149655 -0.40641333455594936 0.13995485217840953 0.6027426364095004 1.0221924341574078 1.2946026349088169 1.2048310914793772 1.178518742543159 1.0964861252714315 0.997427870452739 0.5965514954833288 0.29473337533262006 0.023870959812751655 -0.08602179162673464 -0.20365346922394204 +38995,-0.4389168244183392,2,-0.5844086361832967 -0.7268048774851729 -0.712874810401289 -0.8739405360694993 -0.671084609149655 -0.40641333455594936 0.13995485217840953 0.6027426364095004 1.0221924341574078 1.2946026349088169 1.2048310914793772 1.178518742543159 1.0964861252714315 0.997427870452739 0.5965514954833288 0.29473337533262006 0.023870959812751655 -0.08602179162673464 -0.20365346922394204 -0.3553364219150623 +38996,-0.610720985119515,2,-0.7268048774851729 -0.712874810401289 -0.8739405360694993 -0.671084609149655 -0.40641333455594936 0.13995485217840953 0.6027426364095004 1.0221924341574078 1.2946026349088169 1.2048310914793772 1.178518742543159 1.0964861252714315 0.997427870452739 0.5965514954833288 0.29473337533262006 0.023870959812751655 -0.08602179162673464 -0.20365346922394204 -0.3553364219150623 -0.4389168244183392 +38997,-0.6494156159080676,2,-0.712874810401289 -0.8739405360694993 -0.671084609149655 -0.40641333455594936 0.13995485217840953 0.6027426364095004 1.0221924341574078 1.2946026349088169 1.2048310914793772 1.178518742543159 1.0964861252714315 0.997427870452739 0.5965514954833288 0.29473337533262006 0.023870959812751655 -0.08602179162673464 -0.20365346922394204 -0.3553364219150623 -0.4389168244183392 -0.610720985119515 +38998,-0.7268048774851729,2,-0.8739405360694993 -0.671084609149655 -0.40641333455594936 0.13995485217840953 0.6027426364095004 1.0221924341574078 1.2946026349088169 1.2048310914793772 1.178518742543159 1.0964861252714315 0.997427870452739 0.5965514954833288 0.29473337533262006 0.023870959812751655 -0.08602179162673464 -0.20365346922394204 -0.3553364219150623 -0.4389168244183392 -0.610720985119515 -0.6494156159080676 +38999,-0.8165764209146125,2,-0.671084609149655 -0.40641333455594936 0.13995485217840953 0.6027426364095004 1.0221924341574078 1.2946026349088169 1.2048310914793772 1.178518742543159 1.0964861252714315 0.997427870452739 0.5965514954833288 0.29473337533262006 0.023870959812751655 -0.08602179162673464 -0.20365346922394204 -0.3553364219150623 -0.4389168244183392 -0.610720985119515 -0.6494156159080676 -0.7268048774851729 +39000,-0.8289587027669468,2,-0.40641333455594936 0.13995485217840953 0.6027426364095004 1.0221924341574078 1.2946026349088169 1.2048310914793772 1.178518742543159 1.0964861252714315 0.997427870452739 0.5965514954833288 0.29473337533262006 0.023870959812751655 -0.08602179162673464 -0.20365346922394204 -0.3553364219150623 -0.4389168244183392 -0.610720985119515 -0.6494156159080676 -0.7268048774851729 -0.8165764209146125 +39001,-0.8815834006393833,2,0.13995485217840953 0.6027426364095004 1.0221924341574078 1.2946026349088169 1.2048310914793772 1.178518742543159 1.0964861252714315 0.997427870452739 0.5965514954833288 0.29473337533262006 0.023870959812751655 -0.08602179162673464 -0.20365346922394204 -0.3553364219150623 -0.4389168244183392 -0.610720985119515 -0.6494156159080676 -0.7268048774851729 -0.8165764209146125 -0.8289587027669468 +39002,-0.9249213871225581,2,0.6027426364095004 1.0221924341574078 1.2946026349088169 1.2048310914793772 1.178518742543159 1.0964861252714315 0.997427870452739 0.5965514954833288 0.29473337533262006 0.023870959812751655 -0.08602179162673464 -0.20365346922394204 -0.3553364219150623 -0.4389168244183392 -0.610720985119515 -0.6494156159080676 -0.7268048774851729 -0.8165764209146125 -0.8289587027669468 -0.8815834006393833 +39003,-0.7840729310522314,2,1.0221924341574078 1.2946026349088169 1.2048310914793772 1.178518742543159 1.0964861252714315 0.997427870452739 0.5965514954833288 0.29473337533262006 0.023870959812751655 -0.08602179162673464 -0.20365346922394204 -0.3553364219150623 -0.4389168244183392 -0.610720985119515 -0.6494156159080676 -0.7268048774851729 -0.8165764209146125 -0.8289587027669468 -0.8815834006393833 -0.9249213871225581 +39004,-0.24389588524403535,2,1.2946026349088169 1.2048310914793772 1.178518742543159 1.0964861252714315 0.997427870452739 0.5965514954833288 0.29473337533262006 0.023870959812751655 -0.08602179162673464 -0.20365346922394204 -0.3553364219150623 -0.4389168244183392 -0.610720985119515 -0.6494156159080676 -0.7268048774851729 -0.8165764209146125 -0.8289587027669468 -0.8815834006393833 -0.9249213871225581 -0.7840729310522314 +39005,0.3102112276480446,2,1.2048310914793772 1.178518742543159 1.0964861252714315 0.997427870452739 0.5965514954833288 0.29473337533262006 0.023870959812751655 -0.08602179162673464 -0.20365346922394204 -0.3553364219150623 -0.4389168244183392 -0.610720985119515 -0.6494156159080676 -0.7268048774851729 -0.8165764209146125 -0.8289587027669468 -0.8815834006393833 -0.9249213871225581 -0.7840729310522314 -0.24389588524403535 +39006,0.7760945823422168,2,1.178518742543159 1.0964861252714315 0.997427870452739 0.5965514954833288 0.29473337533262006 0.023870959812751655 -0.08602179162673464 -0.20365346922394204 -0.3553364219150623 -0.4389168244183392 -0.610720985119515 -0.6494156159080676 -0.7268048774851729 -0.8165764209146125 -0.8289587027669468 -0.8815834006393833 -0.9249213871225581 -0.7840729310522314 -0.24389588524403535 0.3102112276480446 +39007,1.1042250514291438,2,1.0964861252714315 0.997427870452739 0.5965514954833288 0.29473337533262006 0.023870959812751655 -0.08602179162673464 -0.20365346922394204 -0.3553364219150623 -0.4389168244183392 -0.610720985119515 -0.6494156159080676 -0.7268048774851729 -0.8165764209146125 -0.8289587027669468 -0.8815834006393833 -0.9249213871225581 -0.7840729310522314 -0.24389588524403535 0.3102112276480446 0.7760945823422168 +39008,1.2497168631941014,2,0.997427870452739 0.5965514954833288 0.29473337533262006 0.023870959812751655 -0.08602179162673464 -0.20365346922394204 -0.3553364219150623 -0.4389168244183392 -0.610720985119515 -0.6494156159080676 -0.7268048774851729 -0.8165764209146125 -0.8289587027669468 -0.8815834006393833 -0.9249213871225581 -0.7840729310522314 -0.24389588524403535 0.3102112276480446 0.7760945823422168 1.1042250514291438 +39009,1.3054371315296105,2,0.5965514954833288 0.29473337533262006 0.023870959812751655 -0.08602179162673464 -0.20365346922394204 -0.3553364219150623 -0.4389168244183392 -0.610720985119515 -0.6494156159080676 -0.7268048774851729 -0.8165764209146125 -0.8289587027669468 -0.8815834006393833 -0.9249213871225581 -0.7840729310522314 -0.24389588524403535 0.3102112276480446 0.7760945823422168 1.1042250514291438 1.2497168631941014 +39010,1.3224627690765758,2,0.29473337533262006 0.023870959812751655 -0.08602179162673464 -0.20365346922394204 -0.3553364219150623 -0.4389168244183392 -0.610720985119515 -0.6494156159080676 -0.7268048774851729 -0.8165764209146125 -0.8289587027669468 -0.8815834006393833 -0.9249213871225581 -0.7840729310522314 -0.24389588524403535 0.3102112276480446 0.7760945823422168 1.1042250514291438 1.2497168631941014 1.3054371315296105 +39011,1.5484394128817287,2,0.023870959812751655 -0.08602179162673464 -0.20365346922394204 -0.3553364219150623 -0.4389168244183392 -0.610720985119515 -0.6494156159080676 -0.7268048774851729 -0.8165764209146125 -0.8289587027669468 -0.8815834006393833 -0.9249213871225581 -0.7840729310522314 -0.24389588524403535 0.3102112276480446 0.7760945823422168 1.1042250514291438 1.2497168631941014 1.3054371315296105 1.3224627690765758 +39012,1.1413718969861557,2,-0.08602179162673464 -0.20365346922394204 -0.3553364219150623 -0.4389168244183392 -0.610720985119515 -0.6494156159080676 -0.7268048774851729 -0.8165764209146125 -0.8289587027669468 -0.8815834006393833 -0.9249213871225581 -0.7840729310522314 -0.24389588524403535 0.3102112276480446 0.7760945823422168 1.1042250514291438 1.2497168631941014 1.3054371315296105 1.3224627690765758 1.5484394128817287 +39013,0.9169430384125435,2,-0.20365346922394204 -0.3553364219150623 -0.4389168244183392 -0.610720985119515 -0.6494156159080676 -0.7268048774851729 -0.8165764209146125 -0.8289587027669468 -0.8815834006393833 -0.9249213871225581 -0.7840729310522314 -0.24389588524403535 0.3102112276480446 0.7760945823422168 1.1042250514291438 1.2497168631941014 1.3054371315296105 1.3224627690765758 1.5484394128817287 1.1413718969861557 +39014,0.4959454554330955,2,-0.3553364219150623 -0.4389168244183392 -0.610720985119515 -0.6494156159080676 -0.7268048774851729 -0.8165764209146125 -0.8289587027669468 -0.8815834006393833 -0.9249213871225581 -0.7840729310522314 -0.24389588524403535 0.3102112276480446 0.7760945823422168 1.1042250514291438 1.2497168631941014 1.3054371315296105 1.3224627690765758 1.5484394128817287 1.1413718969861557 0.9169430384125435 +39015,0.23436975130248006,2,-0.4389168244183392 -0.610720985119515 -0.6494156159080676 -0.7268048774851729 -0.8165764209146125 -0.8289587027669468 -0.8815834006393833 -0.9249213871225581 -0.7840729310522314 -0.24389588524403535 0.3102112276480446 0.7760945823422168 1.1042250514291438 1.2497168631941014 1.3054371315296105 1.3224627690765758 1.5484394128817287 1.1413718969861557 0.9169430384125435 0.4959454554330955 +39016,0.15078934879920322,2,-0.610720985119515 -0.6494156159080676 -0.7268048774851729 -0.8165764209146125 -0.8289587027669468 -0.8815834006393833 -0.9249213871225581 -0.7840729310522314 -0.24389588524403535 0.3102112276480446 0.7760945823422168 1.1042250514291438 1.2497168631941014 1.3054371315296105 1.3224627690765758 1.5484394128817287 1.1413718969861557 0.9169430384125435 0.4959454554330955 0.23436975130248006 +39017,0.02696653027583305,2,-0.6494156159080676 -0.7268048774851729 -0.8165764209146125 -0.8289587027669468 -0.8815834006393833 -0.9249213871225581 -0.7840729310522314 -0.24389588524403535 0.3102112276480446 0.7760945823422168 1.1042250514291438 1.2497168631941014 1.3054371315296105 1.3224627690765758 1.5484394128817287 1.1413718969861557 0.9169430384125435 0.4959454554330955 0.23436975130248006 0.15078934879920322 +39018,-0.15721991227767712,2,-0.7268048774851729 -0.8165764209146125 -0.8289587027669468 -0.8815834006393833 -0.9249213871225581 -0.7840729310522314 -0.24389588524403535 0.3102112276480446 0.7760945823422168 1.1042250514291438 1.2497168631941014 1.3054371315296105 1.3224627690765758 1.5484394128817287 1.1413718969861557 0.9169430384125435 0.4959454554330955 0.23436975130248006 0.15078934879920322 0.02696653027583305 +39019,-0.273303804643335,2,-0.8165764209146125 -0.8289587027669468 -0.8815834006393833 -0.9249213871225581 -0.7840729310522314 -0.24389588524403535 0.3102112276480446 0.7760945823422168 1.1042250514291438 1.2497168631941014 1.3054371315296105 1.3224627690765758 1.5484394128817287 1.1413718969861557 0.9169430384125435 0.4959454554330955 0.23436975130248006 0.15078934879920322 0.02696653027583305 -0.15721991227767712 +39020,-0.19127118737159884,2,-0.8289587027669468 -0.8815834006393833 -0.9249213871225581 -0.7840729310522314 -0.24389588524403535 0.3102112276480446 0.7760945823422168 1.1042250514291438 1.2497168631941014 1.3054371315296105 1.3224627690765758 1.5484394128817287 1.1413718969861557 0.9169430384125435 0.4959454554330955 0.23436975130248006 0.15078934879920322 0.02696653027583305 -0.15721991227767712 -0.273303804643335 +39021,-0.2253224624655294,2,-0.8815834006393833 -0.9249213871225581 -0.7840729310522314 -0.24389588524403535 0.3102112276480446 0.7760945823422168 1.1042250514291438 1.2497168631941014 1.3054371315296105 1.3224627690765758 1.5484394128817287 1.1413718969861557 0.9169430384125435 0.4959454554330955 0.23436975130248006 0.15078934879920322 0.02696653027583305 -0.15721991227767712 -0.273303804643335 -0.19127118737159884 +39022,-0.2748515898748757,2,-0.9249213871225581 -0.7840729310522314 -0.24389588524403535 0.3102112276480446 0.7760945823422168 1.1042250514291438 1.2497168631941014 1.3054371315296105 1.3224627690765758 1.5484394128817287 1.1413718969861557 0.9169430384125435 0.4959454554330955 0.23436975130248006 0.15078934879920322 0.02696653027583305 -0.15721991227767712 -0.273303804643335 -0.19127118737159884 -0.2253224624655294 +39023,-0.40331776409286796,2,-0.7840729310522314 -0.24389588524403535 0.3102112276480446 0.7760945823422168 1.1042250514291438 1.2497168631941014 1.3054371315296105 1.3224627690765758 1.5484394128817287 1.1413718969861557 0.9169430384125435 0.4959454554330955 0.23436975130248006 0.15078934879920322 0.02696653027583305 -0.15721991227767712 -0.273303804643335 -0.19127118737159884 -0.2253224624655294 -0.2748515898748757 +39024,-0.5008282336800198,2,-0.24389588524403535 0.3102112276480446 0.7760945823422168 1.1042250514291438 1.2497168631941014 1.3054371315296105 1.3224627690765758 1.5484394128817287 1.1413718969861557 0.9169430384125435 0.4959454554330955 0.23436975130248006 0.15078934879920322 0.02696653027583305 -0.15721991227767712 -0.273303804643335 -0.19127118737159884 -0.2253224624655294 -0.2748515898748757 -0.40331776409286796 +39025,-0.610720985119515,2,0.3102112276480446 0.7760945823422168 1.1042250514291438 1.2497168631941014 1.3054371315296105 1.3224627690765758 1.5484394128817287 1.1413718969861557 0.9169430384125435 0.4959454554330955 0.23436975130248006 0.15078934879920322 0.02696653027583305 -0.15721991227767712 -0.273303804643335 -0.19127118737159884 -0.2253224624655294 -0.2748515898748757 -0.40331776409286796 -0.5008282336800198 +39026,-0.7034831692339416,2,0.7760945823422168 1.1042250514291438 1.2497168631941014 1.3054371315296105 1.3224627690765758 1.5484394128817287 1.1413718969861557 0.9169430384125435 0.4959454554330955 0.23436975130248006 0.15078934879920322 0.02696653027583305 -0.15721991227767712 -0.273303804643335 -0.19127118737159884 -0.2253224624655294 -0.2748515898748757 -0.40331776409286796 -0.5008282336800198 -0.610720985119515 +39027,-0.4992804484484792,2,1.1042250514291438 1.2497168631941014 1.3054371315296105 1.3224627690765758 1.5484394128817287 1.1413718969861557 0.9169430384125435 0.4959454554330955 0.23436975130248006 0.15078934879920322 0.02696653027583305 -0.15721991227767712 -0.273303804643335 -0.19127118737159884 -0.2253224624655294 -0.2748515898748757 -0.40331776409286796 -0.5008282336800198 -0.610720985119515 -0.7034831692339416 +39028,-0.07054393931131887,2,1.2497168631941014 1.3054371315296105 1.3224627690765758 1.5484394128817287 1.1413718969861557 0.9169430384125435 0.4959454554330955 0.23436975130248006 0.15078934879920322 0.02696653027583305 -0.15721991227767712 -0.273303804643335 -0.19127118737159884 -0.2253224624655294 -0.2748515898748757 -0.40331776409286796 -0.5008282336800198 -0.610720985119515 -0.7034831692339416 -0.4992804484484792 +39029,0.4727286769599586,2,1.3054371315296105 1.3224627690765758 1.5484394128817287 1.1413718969861557 0.9169430384125435 0.4959454554330955 0.23436975130248006 0.15078934879920322 0.02696653027583305 -0.15721991227767712 -0.273303804643335 -0.19127118737159884 -0.2253224624655294 -0.2748515898748757 -0.40331776409286796 -0.5008282336800198 -0.610720985119515 -0.7034831692339416 -0.4992804484484792 -0.07054393931131887 +39030,0.8024069312784263,2,1.3224627690765758 1.5484394128817287 1.1413718969861557 0.9169430384125435 0.4959454554330955 0.23436975130248006 0.15078934879920322 0.02696653027583305 -0.15721991227767712 -0.273303804643335 -0.19127118737159884 -0.2253224624655294 -0.2748515898748757 -0.40331776409286796 -0.5008282336800198 -0.610720985119515 -0.7034831692339416 -0.4992804484484792 -0.07054393931131887 0.4727286769599586 +39031,1.0887471991137192,2,1.5484394128817287 1.1413718969861557 0.9169430384125435 0.4959454554330955 0.23436975130248006 0.15078934879920322 0.02696653027583305 -0.15721991227767712 -0.273303804643335 -0.19127118737159884 -0.2253224624655294 -0.2748515898748757 -0.40331776409286796 -0.5008282336800198 -0.610720985119515 -0.7034831692339416 -0.4992804484484792 -0.07054393931131887 0.4727286769599586 0.8024069312784263 +39032,1.450928943294577,2,1.1413718969861557 0.9169430384125435 0.4959454554330955 0.23436975130248006 0.15078934879920322 0.02696653027583305 -0.15721991227767712 -0.273303804643335 -0.19127118737159884 -0.2253224624655294 -0.2748515898748757 -0.40331776409286796 -0.5008282336800198 -0.610720985119515 -0.7034831692339416 -0.4992804484484792 -0.07054393931131887 0.4727286769599586 0.8024069312784263 1.0887471991137192 +39033,1.1970921653216648,2,0.9169430384125435 0.4959454554330955 0.23436975130248006 0.15078934879920322 0.02696653027583305 -0.15721991227767712 -0.273303804643335 -0.19127118737159884 -0.2253224624655294 -0.2748515898748757 -0.40331776409286796 -0.5008282336800198 -0.610720985119515 -0.7034831692339416 -0.4992804484484792 -0.07054393931131887 0.4727286769599586 0.8024069312784263 1.0887471991137192 1.450928943294577 +39034,1.1336329708284434,2,0.4959454554330955 0.23436975130248006 0.15078934879920322 0.02696653027583305 -0.15721991227767712 -0.273303804643335 -0.19127118737159884 -0.2253224624655294 -0.2748515898748757 -0.40331776409286796 -0.5008282336800198 -0.610720985119515 -0.7034831692339416 -0.4992804484484792 -0.07054393931131887 0.4727286769599586 0.8024069312784263 1.0887471991137192 1.450928943294577 1.1970921653216648 +39035,1.178518742543159,2,0.23436975130248006 0.15078934879920322 0.02696653027583305 -0.15721991227767712 -0.273303804643335 -0.19127118737159884 -0.2253224624655294 -0.2748515898748757 -0.40331776409286796 -0.5008282336800198 -0.610720985119515 -0.7034831692339416 -0.4992804484484792 -0.07054393931131887 0.4727286769599586 0.8024069312784263 1.0887471991137192 1.450928943294577 1.1970921653216648 1.1336329708284434 +39036,1.209474447174008,2,0.15078934879920322 0.02696653027583305 -0.15721991227767712 -0.273303804643335 -0.19127118737159884 -0.2253224624655294 -0.2748515898748757 -0.40331776409286796 -0.5008282336800198 -0.610720985119515 -0.7034831692339416 -0.4992804484484792 -0.07054393931131887 0.4727286769599586 0.8024069312784263 1.0887471991137192 1.450928943294577 1.1970921653216648 1.1336329708284434 1.178518742543159 +39037,0.9494465282749334,2,0.02696653027583305 -0.15721991227767712 -0.273303804643335 -0.19127118737159884 -0.2253224624655294 -0.2748515898748757 -0.40331776409286796 -0.5008282336800198 -0.610720985119515 -0.7034831692339416 -0.4992804484484792 -0.07054393931131887 0.4727286769599586 0.8024069312784263 1.0887471991137192 1.450928943294577 1.1970921653216648 1.1336329708284434 1.178518742543159 1.209474447174008 +39038,0.5423790123793604,2,-0.15721991227767712 -0.273303804643335 -0.19127118737159884 -0.2253224624655294 -0.2748515898748757 -0.40331776409286796 -0.5008282336800198 -0.610720985119515 -0.7034831692339416 -0.4992804484484792 -0.07054393931131887 0.4727286769599586 0.8024069312784263 1.0887471991137192 1.450928943294577 1.1970921653216648 1.1336329708284434 1.178518742543159 1.209474447174008 0.9494465282749334 +39039,0.3179501538057481,2,-0.273303804643335 -0.19127118737159884 -0.2253224624655294 -0.2748515898748757 -0.40331776409286796 -0.5008282336800198 -0.610720985119515 -0.7034831692339416 -0.4992804484484792 -0.07054393931131887 0.4727286769599586 0.8024069312784263 1.0887471991137192 1.450928943294577 1.1970921653216648 1.1336329708284434 1.178518742543159 1.209474447174008 0.9494465282749334 0.5423790123793604 +39040,0.1616238454199969,2,-0.19127118737159884 -0.2253224624655294 -0.2748515898748757 -0.40331776409286796 -0.5008282336800198 -0.610720985119515 -0.7034831692339416 -0.4992804484484792 -0.07054393931131887 0.4727286769599586 0.8024069312784263 1.0887471991137192 1.450928943294577 1.1970921653216648 1.1336329708284434 1.178518742543159 1.209474447174008 0.9494465282749334 0.5423790123793604 0.3179501538057481 +39041,-0.04732716083818202,2,-0.2253224624655294 -0.2748515898748757 -0.40331776409286796 -0.5008282336800198 -0.610720985119515 -0.7034831692339416 -0.4992804484484792 -0.07054393931131887 0.4727286769599586 0.8024069312784263 1.0887471991137192 1.450928943294577 1.1970921653216648 1.1336329708284434 1.178518742543159 1.209474447174008 0.9494465282749334 0.5423790123793604 0.3179501538057481 0.1616238454199969 +39042,-0.18508004644543605,2,-0.2748515898748757 -0.40331776409286796 -0.5008282336800198 -0.610720985119515 -0.7034831692339416 -0.4992804484484792 -0.07054393931131887 0.4727286769599586 0.8024069312784263 1.0887471991137192 1.450928943294577 1.1970921653216648 1.1336329708284434 1.178518742543159 1.209474447174008 0.9494465282749334 0.5423790123793604 0.3179501538057481 0.1616238454199969 -0.04732716083818202 +39043,-0.2144879658447357,2,-0.40331776409286796 -0.5008282336800198 -0.610720985119515 -0.7034831692339416 -0.4992804484484792 -0.07054393931131887 0.4727286769599586 0.8024069312784263 1.0887471991137192 1.450928943294577 1.1970921653216648 1.1336329708284434 1.178518742543159 1.209474447174008 0.9494465282749334 0.5423790123793604 0.3179501538057481 0.1616238454199969 -0.04732716083818202 -0.18508004644543605 +39044,-0.3104506502003469,2,-0.5008282336800198 -0.610720985119515 -0.7034831692339416 -0.4992804484484792 -0.07054393931131887 0.4727286769599586 0.8024069312784263 1.0887471991137192 1.450928943294577 1.1970921653216648 1.1336329708284434 1.178518742543159 1.209474447174008 0.9494465282749334 0.5423790123793604 0.3179501538057481 0.1616238454199969 -0.04732716083818202 -0.18508004644543605 -0.2144879658447357 +39045,-0.5132105155323631,2,-0.610720985119515 -0.7034831692339416 -0.4992804484484792 -0.07054393931131887 0.4727286769599586 0.8024069312784263 1.0887471991137192 1.450928943294577 1.1970921653216648 1.1336329708284434 1.178518742543159 1.209474447174008 0.9494465282749334 0.5423790123793604 0.3179501538057481 0.1616238454199969 -0.04732716083818202 -0.18508004644543605 -0.2144879658447357 -0.3104506502003469 +39046,-0.5983387032671718,2,-0.7034831692339416 -0.4992804484484792 -0.07054393931131887 0.4727286769599586 0.8024069312784263 1.0887471991137192 1.450928943294577 1.1970921653216648 1.1336329708284434 1.178518742543159 1.209474447174008 0.9494465282749334 0.5423790123793604 0.3179501538057481 0.1616238454199969 -0.04732716083818202 -0.18508004644543605 -0.2144879658447357 -0.3104506502003469 -0.5132105155323631 +39047,-0.6076254146564247,2,-0.4992804484484792 -0.07054393931131887 0.4727286769599586 0.8024069312784263 1.0887471991137192 1.450928943294577 1.1970921653216648 1.1336329708284434 1.178518742543159 1.209474447174008 0.9494465282749334 0.5423790123793604 0.3179501538057481 0.1616238454199969 -0.04732716083818202 -0.18508004644543605 -0.2144879658447357 -0.3104506502003469 -0.5132105155323631 -0.5983387032671718 +39048,-0.6323899783611023,2,-0.07054393931131887 0.4727286769599586 0.8024069312784263 1.0887471991137192 1.450928943294577 1.1970921653216648 1.1336329708284434 1.178518742543159 1.209474447174008 0.9494465282749334 0.5423790123793604 0.3179501538057481 0.1616238454199969 -0.04732716083818202 -0.18508004644543605 -0.2144879658447357 -0.3104506502003469 -0.5132105155323631 -0.5983387032671718 -0.6076254146564247 +39049,-0.6571545420657711,2,0.4727286769599586 0.8024069312784263 1.0887471991137192 1.450928943294577 1.1970921653216648 1.1336329708284434 1.178518742543159 1.209474447174008 0.9494465282749334 0.5423790123793604 0.3179501538057481 0.1616238454199969 -0.04732716083818202 -0.18508004644543605 -0.2144879658447357 -0.3104506502003469 -0.5132105155323631 -0.5983387032671718 -0.6076254146564247 -0.6323899783611023 +39050,-0.694301387622783,2,0.8024069312784263 1.0887471991137192 1.450928943294577 1.1970921653216648 1.1336329708284434 1.178518742543159 1.209474447174008 0.9494465282749334 0.5423790123793604 0.3179501538057481 0.1616238454199969 -0.04732716083818202 -0.18508004644543605 -0.2144879658447357 -0.3104506502003469 -0.5132105155323631 -0.5983387032671718 -0.6076254146564247 -0.6323899783611023 -0.6571545420657711 +39051,-0.5611918577101599,2,1.0887471991137192 1.450928943294577 1.1970921653216648 1.1336329708284434 1.178518742543159 1.209474447174008 0.9494465282749334 0.5423790123793604 0.3179501538057481 0.1616238454199969 -0.04732716083818202 -0.18508004644543605 -0.2144879658447357 -0.3104506502003469 -0.5132105155323631 -0.5983387032671718 -0.6076254146564247 -0.6323899783611023 -0.6571545420657711 -0.694301387622783 +39052,-0.2206791067708985,2,1.450928943294577 1.1970921653216648 1.1336329708284434 1.178518742543159 1.209474447174008 0.9494465282749334 0.5423790123793604 0.3179501538057481 0.1616238454199969 -0.04732716083818202 -0.18508004644543605 -0.2144879658447357 -0.3104506502003469 -0.5132105155323631 -0.5983387032671718 -0.6076254146564247 -0.6323899783611023 -0.6571545420657711 -0.694301387622783 -0.5611918577101599 +39053,0.12447699986298497,2,1.1970921653216648 1.1336329708284434 1.178518742543159 1.209474447174008 0.9494465282749334 0.5423790123793604 0.3179501538057481 0.1616238454199969 -0.04732716083818202 -0.18508004644543605 -0.2144879658447357 -0.3104506502003469 -0.5132105155323631 -0.5983387032671718 -0.6076254146564247 -0.6323899783611023 -0.6571545420657711 -0.694301387622783 -0.5611918577101599 -0.2206791067708985 +39054,0.4402251870975776,2,1.1336329708284434 1.178518742543159 1.209474447174008 0.9494465282749334 0.5423790123793604 0.3179501538057481 0.1616238454199969 -0.04732716083818202 -0.18508004644543605 -0.2144879658447357 -0.3104506502003469 -0.5132105155323631 -0.5983387032671718 -0.6076254146564247 -0.6323899783611023 -0.6571545420657711 -0.694301387622783 -0.5611918577101599 -0.2206791067708985 0.12447699986298497 +39055,0.6863230389127685,2,1.178518742543159 1.209474447174008 0.9494465282749334 0.5423790123793604 0.3179501538057481 0.1616238454199969 -0.04732716083818202 -0.18508004644543605 -0.2144879658447357 -0.3104506502003469 -0.5132105155323631 -0.5983387032671718 -0.6076254146564247 -0.6323899783611023 -0.6571545420657711 -0.694301387622783 -0.5611918577101599 -0.2206791067708985 0.12447699986298497 0.4402251870975776 +39056,0.8318148506777348,2,1.209474447174008 0.9494465282749334 0.5423790123793604 0.3179501538057481 0.1616238454199969 -0.04732716083818202 -0.18508004644543605 -0.2144879658447357 -0.3104506502003469 -0.5132105155323631 -0.5983387032671718 -0.6076254146564247 -0.6323899783611023 -0.6571545420657711 -0.694301387622783 -0.5611918577101599 -0.2206791067708985 0.12447699986298497 0.4402251870975776 0.6863230389127685 +39057,0.8318148506777348,2,0.9494465282749334 0.5423790123793604 0.3179501538057481 0.1616238454199969 -0.04732716083818202 -0.18508004644543605 -0.2144879658447357 -0.3104506502003469 -0.5132105155323631 -0.5983387032671718 -0.6076254146564247 -0.6323899783611023 -0.6571545420657711 -0.694301387622783 -0.5611918577101599 -0.2206791067708985 0.12447699986298497 0.4402251870975776 0.6863230389127685 0.8318148506777348 +39058,0.8952740451709561,2,0.5423790123793604 0.3179501538057481 0.1616238454199969 -0.04732716083818202 -0.18508004644543605 -0.2144879658447357 -0.3104506502003469 -0.5132105155323631 -0.5983387032671718 -0.6076254146564247 -0.6323899783611023 -0.6571545420657711 -0.694301387622783 -0.5611918577101599 -0.2206791067708985 0.12447699986298497 0.4402251870975776 0.6863230389127685 0.8318148506777348 0.8318148506777348 +39059,0.8519360586877814,2,0.3179501538057481 0.1616238454199969 -0.04732716083818202 -0.18508004644543605 -0.2144879658447357 -0.3104506502003469 -0.5132105155323631 -0.5983387032671718 -0.6076254146564247 -0.6323899783611023 -0.6571545420657711 -0.694301387622783 -0.5611918577101599 -0.2206791067708985 0.12447699986298497 0.4402251870975776 0.6863230389127685 0.8318148506777348 0.8318148506777348 0.8952740451709561 +39060,0.8318148506777348,2,0.1616238454199969 -0.04732716083818202 -0.18508004644543605 -0.2144879658447357 -0.3104506502003469 -0.5132105155323631 -0.5983387032671718 -0.6076254146564247 -0.6323899783611023 -0.6571545420657711 -0.694301387622783 -0.5611918577101599 -0.2206791067708985 0.12447699986298497 0.4402251870975776 0.6863230389127685 0.8318148506777348 0.8318148506777348 0.8952740451709561 0.8519360586877814 +39061,0.650723978587306,2,-0.04732716083818202 -0.18508004644543605 -0.2144879658447357 -0.3104506502003469 -0.5132105155323631 -0.5983387032671718 -0.6076254146564247 -0.6323899783611023 -0.6571545420657711 -0.694301387622783 -0.5611918577101599 -0.2206791067708985 0.12447699986298497 0.4402251870975776 0.6863230389127685 0.8318148506777348 0.8318148506777348 0.8952740451709561 0.8519360586877814 0.8318148506777348 +39062,0.2219874694501369,2,-0.18508004644543605 -0.2144879658447357 -0.3104506502003469 -0.5132105155323631 -0.5983387032671718 -0.6076254146564247 -0.6323899783611023 -0.6571545420657711 -0.694301387622783 -0.5611918577101599 -0.2206791067708985 0.12447699986298497 0.4402251870975776 0.6863230389127685 0.8318148506777348 0.8318148506777348 0.8952740451709561 0.8519360586877814 0.8318148506777348 0.650723978587306 +39063,0.03780102689662673,2,-0.2144879658447357 -0.3104506502003469 -0.5132105155323631 -0.5983387032671718 -0.6076254146564247 -0.6323899783611023 -0.6571545420657711 -0.694301387622783 -0.5611918577101599 -0.2206791067708985 0.12447699986298497 0.4402251870975776 0.6863230389127685 0.8318148506777348 0.8318148506777348 0.8952740451709561 0.8519360586877814 0.8318148506777348 0.650723978587306 0.2219874694501369 +39064,-0.1076907848683308,2,-0.3104506502003469 -0.5132105155323631 -0.5983387032671718 -0.6076254146564247 -0.6323899783611023 -0.6571545420657711 -0.694301387622783 -0.5611918577101599 -0.2206791067708985 0.12447699986298497 0.4402251870975776 0.6863230389127685 0.8318148506777348 0.8318148506777348 0.8952740451709561 0.8519360586877814 0.8318148506777348 0.650723978587306 0.2219874694501369 0.03780102689662673 +39065,-0.15412434181458692,2,-0.5132105155323631 -0.5983387032671718 -0.6076254146564247 -0.6323899783611023 -0.6571545420657711 -0.694301387622783 -0.5611918577101599 -0.2206791067708985 0.12447699986298497 0.4402251870975776 0.6863230389127685 0.8318148506777348 0.8318148506777348 0.8952740451709561 0.8519360586877814 0.8318148506777348 0.650723978587306 0.2219874694501369 0.03780102689662673 -0.1076907848683308 +39066,-0.29806836834800376,2,-0.5983387032671718 -0.6076254146564247 -0.6323899783611023 -0.6571545420657711 -0.694301387622783 -0.5611918577101599 -0.2206791067708985 0.12447699986298497 0.4402251870975776 0.6863230389127685 0.8318148506777348 0.8318148506777348 0.8952740451709561 0.8519360586877814 0.8318148506777348 0.650723978587306 0.2219874694501369 0.03780102689662673 -0.1076907848683308 -0.15412434181458692 +39067,-0.41724783117675185,2,-0.6076254146564247 -0.6323899783611023 -0.6571545420657711 -0.694301387622783 -0.5611918577101599 -0.2206791067708985 0.12447699986298497 0.4402251870975776 0.6863230389127685 0.8318148506777348 0.8318148506777348 0.8952740451709561 0.8519360586877814 0.8318148506777348 0.650723978587306 0.2219874694501369 0.03780102689662673 -0.1076907848683308 -0.15412434181458692 -0.29806836834800376 +39068,-0.4760636699753511,2,-0.6323899783611023 -0.6571545420657711 -0.694301387622783 -0.5611918577101599 -0.2206791067708985 0.12447699986298497 0.4402251870975776 0.6863230389127685 0.8318148506777348 0.8318148506777348 0.8952740451709561 0.8519360586877814 0.8318148506777348 0.650723978587306 0.2219874694501369 0.03780102689662673 -0.1076907848683308 -0.15412434181458692 -0.29806836834800376 -0.41724783117675185 +39069,-0.5720263543309624,2,-0.6571545420657711 -0.694301387622783 -0.5611918577101599 -0.2206791067708985 0.12447699986298497 0.4402251870975776 0.6863230389127685 0.8318148506777348 0.8318148506777348 0.8952740451709561 0.8519360586877814 0.8318148506777348 0.650723978587306 0.2219874694501369 0.03780102689662673 -0.1076907848683308 -0.15412434181458692 -0.29806836834800376 -0.41724783117675185 -0.4760636699753511 +39070,-0.6308421931295616,2,-0.694301387622783 -0.5611918577101599 -0.2206791067708985 0.12447699986298497 0.4402251870975776 0.6863230389127685 0.8318148506777348 0.8318148506777348 0.8952740451709561 0.8519360586877814 0.8318148506777348 0.650723978587306 0.2219874694501369 0.03780102689662673 -0.1076907848683308 -0.15412434181458692 -0.29806836834800376 -0.41724783117675185 -0.4760636699753511 -0.5720263543309624 +39071,-0.7144225956328297,2,-0.5611918577101599 -0.2206791067708985 0.12447699986298497 0.4402251870975776 0.6863230389127685 0.8318148506777348 0.8318148506777348 0.8952740451709561 0.8519360586877814 0.8318148506777348 0.650723978587306 0.2219874694501369 0.03780102689662673 -0.1076907848683308 -0.15412434181458692 -0.29806836834800376 -0.41724783117675185 -0.4760636699753511 -0.5720263543309624 -0.6308421931295616 +39072,-0.7268048774851729,2,-0.2206791067708985 0.12447699986298497 0.4402251870975776 0.6863230389127685 0.8318148506777348 0.8318148506777348 0.8952740451709561 0.8519360586877814 0.8318148506777348 0.650723978587306 0.2219874694501369 0.03780102689662673 -0.1076907848683308 -0.15412434181458692 -0.29806836834800376 -0.41724783117675185 -0.4760636699753511 -0.5720263543309624 -0.6308421931295616 -0.7144225956328297 +39073,-0.8041941390622781,2,0.12447699986298497 0.4402251870975776 0.6863230389127685 0.8318148506777348 0.8318148506777348 0.8952740451709561 0.8519360586877814 0.8318148506777348 0.650723978587306 0.2219874694501369 0.03780102689662673 -0.1076907848683308 -0.15412434181458692 -0.29806836834800376 -0.41724783117675185 -0.4760636699753511 -0.5720263543309624 -0.6308421931295616 -0.7144225956328297 -0.7268048774851729 +39074,-0.822767561840784,2,0.4402251870975776 0.6863230389127685 0.8318148506777348 0.8318148506777348 0.8952740451709561 0.8519360586877814 0.8318148506777348 0.650723978587306 0.2219874694501369 0.03780102689662673 -0.1076907848683308 -0.15412434181458692 -0.29806836834800376 -0.41724783117675185 -0.4760636699753511 -0.5720263543309624 -0.6308421931295616 -0.7144225956328297 -0.7268048774851729 -0.8041941390622781 +39075,-0.7469260854952195,2,0.6863230389127685 0.8318148506777348 0.8318148506777348 0.8952740451709561 0.8519360586877814 0.8318148506777348 0.650723978587306 0.2219874694501369 0.03780102689662673 -0.1076907848683308 -0.15412434181458692 -0.29806836834800376 -0.41724783117675185 -0.4760636699753511 -0.5720263543309624 -0.6308421931295616 -0.7144225956328297 -0.7268048774851729 -0.8041941390622781 -0.822767561840784 +39076,-0.4265345425660048,2,0.8318148506777348 0.8318148506777348 0.8952740451709561 0.8519360586877814 0.8318148506777348 0.650723978587306 0.2219874694501369 0.03780102689662673 -0.1076907848683308 -0.15412434181458692 -0.29806836834800376 -0.41724783117675185 -0.4760636699753511 -0.5720263543309624 -0.6308421931295616 -0.7144225956328297 -0.7268048774851729 -0.8041941390622781 -0.822767561840784 -0.7469260854952195 +39077,-0.04887494606973151,2,0.8318148506777348 0.8952740451709561 0.8519360586877814 0.8318148506777348 0.650723978587306 0.2219874694501369 0.03780102689662673 -0.1076907848683308 -0.15412434181458692 -0.29806836834800376 -0.41724783117675185 -0.4760636699753511 -0.5720263543309624 -0.6308421931295616 -0.7144225956328297 -0.7268048774851729 -0.8041941390622781 -0.822767561840784 -0.7469260854952195 -0.4265345425660048 +39078,0.3086634424164951,2,0.8952740451709561 0.8519360586877814 0.8318148506777348 0.650723978587306 0.2219874694501369 0.03780102689662673 -0.1076907848683308 -0.15412434181458692 -0.29806836834800376 -0.41724783117675185 -0.4760636699753511 -0.5720263543309624 -0.6308421931295616 -0.7144225956328297 -0.7268048774851729 -0.8041941390622781 -0.822767561840784 -0.7469260854952195 -0.4265345425660048 -0.04887494606973151 +39079,0.6089337773356631,2,0.8519360586877814 0.8318148506777348 0.650723978587306 0.2219874694501369 0.03780102689662673 -0.1076907848683308 -0.15412434181458692 -0.29806836834800376 -0.41724783117675185 -0.4760636699753511 -0.5720263543309624 -0.6308421931295616 -0.7144225956328297 -0.7268048774851729 -0.8041941390622781 -0.822767561840784 -0.7469260854952195 -0.4265345425660048 -0.04887494606973151 0.3086634424164951 +39080,0.7451388777113765,2,0.8318148506777348 0.650723978587306 0.2219874694501369 0.03780102689662673 -0.1076907848683308 -0.15412434181458692 -0.29806836834800376 -0.41724783117675185 -0.4760636699753511 -0.5720263543309624 -0.6308421931295616 -0.7144225956328297 -0.7268048774851729 -0.8041941390622781 -0.822767561840784 -0.7469260854952195 -0.4265345425660048 -0.04887494606973151 0.3086634424164951 0.6089337773356631 +39081,0.8225281392884818,2,0.650723978587306 0.2219874694501369 0.03780102689662673 -0.1076907848683308 -0.15412434181458692 -0.29806836834800376 -0.41724783117675185 -0.4760636699753511 -0.5720263543309624 -0.6308421931295616 -0.7144225956328297 -0.7268048774851729 -0.8041941390622781 -0.822767561840784 -0.7469260854952195 -0.4265345425660048 -0.04887494606973151 0.3086634424164951 0.6089337773356631 0.7451388777113765 +39082,0.8705094814662874,2,0.2219874694501369 0.03780102689662673 -0.1076907848683308 -0.15412434181458692 -0.29806836834800376 -0.41724783117675185 -0.4760636699753511 -0.5720263543309624 -0.6308421931295616 -0.7144225956328297 -0.7268048774851729 -0.8041941390622781 -0.822767561840784 -0.7469260854952195 -0.4265345425660048 -0.04887494606973151 0.3086634424164951 0.6089337773356631 0.7451388777113765 0.8225281392884818 +39083,0.8441971325300691,2,0.03780102689662673 -0.1076907848683308 -0.15412434181458692 -0.29806836834800376 -0.41724783117675185 -0.4760636699753511 -0.5720263543309624 -0.6308421931295616 -0.7144225956328297 -0.7268048774851729 -0.8041941390622781 -0.822767561840784 -0.7469260854952195 -0.4265345425660048 -0.04887494606973151 0.3086634424164951 0.6089337773356631 0.7451388777113765 0.8225281392884818 0.8705094814662874 +39084,0.7544255891006295,2,-0.1076907848683308 -0.15412434181458692 -0.29806836834800376 -0.41724783117675185 -0.4760636699753511 -0.5720263543309624 -0.6308421931295616 -0.7144225956328297 -0.7268048774851729 -0.8041941390622781 -0.822767561840784 -0.7469260854952195 -0.4265345425660048 -0.04887494606973151 0.3086634424164951 0.6089337773356631 0.7451388777113765 0.8225281392884818 0.8705094814662874 0.8441971325300691 +39085,0.5207100191377643,2,-0.15412434181458692 -0.29806836834800376 -0.41724783117675185 -0.4760636699753511 -0.5720263543309624 -0.6308421931295616 -0.7144225956328297 -0.7268048774851729 -0.8041941390622781 -0.822767561840784 -0.7469260854952195 -0.4265345425660048 -0.04887494606973151 0.3086634424164951 0.6089337773356631 0.7451388777113765 0.8225281392884818 0.8705094814662874 0.8441971325300691 0.7544255891006295 +39086,0.12602478509453446,2,-0.29806836834800376 -0.41724783117675185 -0.4760636699753511 -0.5720263543309624 -0.6308421931295616 -0.7144225956328297 -0.7268048774851729 -0.8041941390622781 -0.822767561840784 -0.7469260854952195 -0.4265345425660048 -0.04887494606973151 0.3086634424164951 0.6089337773356631 0.7451388777113765 0.8225281392884818 0.8705094814662874 0.8441971325300691 0.7544255891006295 0.5207100191377643 +39087,-0.11542971102603429,2,-0.41724783117675185 -0.4760636699753511 -0.5720263543309624 -0.6308421931295616 -0.7144225956328297 -0.7268048774851729 -0.8041941390622781 -0.822767561840784 -0.7469260854952195 -0.4265345425660048 -0.04887494606973151 0.3086634424164951 0.6089337773356631 0.7451388777113765 0.8225281392884818 0.8705094814662874 0.8441971325300691 0.7544255891006295 0.5207100191377643 0.12602478509453446 +39088,-0.2222268920024392,2,-0.4760636699753511 -0.5720263543309624 -0.6308421931295616 -0.7144225956328297 -0.7268048774851729 -0.8041941390622781 -0.822767561840784 -0.7469260854952195 -0.4265345425660048 -0.04887494606973151 0.3086634424164951 0.6089337773356631 0.7451388777113765 0.8225281392884818 0.8705094814662874 0.8441971325300691 0.7544255891006295 0.5207100191377643 0.12602478509453446 -0.11542971102603429 +39089,-0.315094005894969,2,-0.5720263543309624 -0.6308421931295616 -0.7144225956328297 -0.7268048774851729 -0.8041941390622781 -0.822767561840784 -0.7469260854952195 -0.4265345425660048 -0.04887494606973151 0.3086634424164951 0.6089337773356631 0.7451388777113765 0.8225281392884818 0.8705094814662874 0.8441971325300691 0.7544255891006295 0.5207100191377643 0.12602478509453446 -0.11542971102603429 -0.2222268920024392 +39090,-0.45439467673375494,2,-0.6308421931295616 -0.7144225956328297 -0.7268048774851729 -0.8041941390622781 -0.822767561840784 -0.7469260854952195 -0.4265345425660048 -0.04887494606973151 0.3086634424164951 0.6089337773356631 0.7451388777113765 0.8225281392884818 0.8705094814662874 0.8441971325300691 0.7544255891006295 0.5207100191377643 0.12602478509453446 -0.11542971102603429 -0.2222268920024392 -0.315094005894969 +39091,-0.4760636699753511,2,-0.7144225956328297 -0.7268048774851729 -0.8041941390622781 -0.822767561840784 -0.7469260854952195 -0.4265345425660048 -0.04887494606973151 0.3086634424164951 0.6089337773356631 0.7451388777113765 0.8225281392884818 0.8705094814662874 0.8441971325300691 0.7544255891006295 0.5207100191377643 0.12602478509453446 -0.11542971102603429 -0.2222268920024392 -0.315094005894969 -0.45439467673375494 +39092,-0.5240450121531567,2,-0.7268048774851729 -0.8041941390622781 -0.822767561840784 -0.7469260854952195 -0.4265345425660048 -0.04887494606973151 0.3086634424164951 0.6089337773356631 0.7451388777113765 0.8225281392884818 0.8705094814662874 0.8441971325300691 0.7544255891006295 0.5207100191377643 0.12602478509453446 -0.11542971102603429 -0.2222268920024392 -0.315094005894969 -0.45439467673375494 -0.4760636699753511 +39093,-0.5844086361832967,2,-0.8041941390622781 -0.822767561840784 -0.7469260854952195 -0.4265345425660048 -0.04887494606973151 0.3086634424164951 0.6089337773356631 0.7451388777113765 0.8225281392884818 0.8705094814662874 0.8441971325300691 0.7544255891006295 0.5207100191377643 0.12602478509453446 -0.11542971102603429 -0.2222268920024392 -0.315094005894969 -0.45439467673375494 -0.4760636699753511 -0.5240450121531567 +39094,-0.5859564214148374,2,-0.822767561840784 -0.7469260854952195 -0.4265345425660048 -0.04887494606973151 0.3086634424164951 0.6089337773356631 0.7451388777113765 0.8225281392884818 0.8705094814662874 0.8441971325300691 0.7544255891006295 0.5207100191377643 0.12602478509453446 -0.11542971102603429 -0.2222268920024392 -0.315094005894969 -0.45439467673375494 -0.4760636699753511 -0.5240450121531567 -0.5844086361832967 +39095,-0.6679890386865736,2,-0.7469260854952195 -0.4265345425660048 -0.04887494606973151 0.3086634424164951 0.6089337773356631 0.7451388777113765 0.8225281392884818 0.8705094814662874 0.8441971325300691 0.7544255891006295 0.5207100191377643 0.12602478509453446 -0.11542971102603429 -0.2222268920024392 -0.315094005894969 -0.45439467673375494 -0.4760636699753511 -0.5240450121531567 -0.5844086361832967 -0.5859564214148374 +39096,-0.6912058171597016,2,-0.4265345425660048 -0.04887494606973151 0.3086634424164951 0.6089337773356631 0.7451388777113765 0.8225281392884818 0.8705094814662874 0.8441971325300691 0.7544255891006295 0.5207100191377643 0.12602478509453446 -0.11542971102603429 -0.2222268920024392 -0.315094005894969 -0.45439467673375494 -0.4760636699753511 -0.5240450121531567 -0.5844086361832967 -0.5859564214148374 -0.6679890386865736 +39097,-0.6494156159080676,2,-0.04887494606973151 0.3086634424164951 0.6089337773356631 0.7451388777113765 0.8225281392884818 0.8705094814662874 0.8441971325300691 0.7544255891006295 0.5207100191377643 0.12602478509453446 -0.11542971102603429 -0.2222268920024392 -0.315094005894969 -0.45439467673375494 -0.4760636699753511 -0.5240450121531567 -0.5844086361832967 -0.5859564214148374 -0.6679890386865736 -0.6912058171597016 +39098,-0.6556067568342304,2,0.3086634424164951 0.6089337773356631 0.7451388777113765 0.8225281392884818 0.8705094814662874 0.8441971325300691 0.7544255891006295 0.5207100191377643 0.12602478509453446 -0.11542971102603429 -0.2222268920024392 -0.315094005894969 -0.45439467673375494 -0.4760636699753511 -0.5240450121531567 -0.5844086361832967 -0.5859564214148374 -0.6679890386865736 -0.6912058171597016 -0.6494156159080676 +39099,-0.6587023272973206,2,0.6089337773356631 0.7451388777113765 0.8225281392884818 0.8705094814662874 0.8441971325300691 0.7544255891006295 0.5207100191377643 0.12602478509453446 -0.11542971102603429 -0.2222268920024392 -0.315094005894969 -0.45439467673375494 -0.4760636699753511 -0.5240450121531567 -0.5844086361832967 -0.5859564214148374 -0.6679890386865736 -0.6912058171597016 -0.6494156159080676 -0.6556067568342304 +39100,-0.5441662201632034,2,0.7451388777113765 0.8225281392884818 0.8705094814662874 0.8441971325300691 0.7544255891006295 0.5207100191377643 0.12602478509453446 -0.11542971102603429 -0.2222268920024392 -0.315094005894969 -0.45439467673375494 -0.4760636699753511 -0.5240450121531567 -0.5844086361832967 -0.5859564214148374 -0.6679890386865736 -0.6912058171597016 -0.6494156159080676 -0.6556067568342304 -0.6587023272973206 +39101,-0.24234810001249465,2,0.8225281392884818 0.8705094814662874 0.8441971325300691 0.7544255891006295 0.5207100191377643 0.12602478509453446 -0.11542971102603429 -0.2222268920024392 -0.315094005894969 -0.45439467673375494 -0.4760636699753511 -0.5240450121531567 -0.5844086361832967 -0.5859564214148374 -0.6679890386865736 -0.6912058171597016 -0.6494156159080676 -0.6556067568342304 -0.6587023272973206 -0.5441662201632034 +39102,0.14305042264149093,2,0.8705094814662874 0.8441971325300691 0.7544255891006295 0.5207100191377643 0.12602478509453446 -0.11542971102603429 -0.2222268920024392 -0.315094005894969 -0.45439467673375494 -0.4760636699753511 -0.5240450121531567 -0.5844086361832967 -0.5859564214148374 -0.6679890386865736 -0.6912058171597016 -0.6494156159080676 -0.6556067568342304 -0.6587023272973206 -0.5441662201632034 -0.24234810001249465 +39103,0.5129710929800607,2,0.8441971325300691 0.7544255891006295 0.5207100191377643 0.12602478509453446 -0.11542971102603429 -0.2222268920024392 -0.315094005894969 -0.45439467673375494 -0.4760636699753511 -0.5240450121531567 -0.5844086361832967 -0.5859564214148374 -0.6679890386865736 -0.6912058171597016 -0.6494156159080676 -0.6556067568342304 -0.6587023272973206 -0.5441662201632034 -0.24234810001249465 0.14305042264149093 +39104,0.7064442469228239,2,0.7544255891006295 0.5207100191377643 0.12602478509453446 -0.11542971102603429 -0.2222268920024392 -0.315094005894969 -0.45439467673375494 -0.4760636699753511 -0.5240450121531567 -0.5844086361832967 -0.5859564214148374 -0.6679890386865736 -0.6912058171597016 -0.6494156159080676 -0.6556067568342304 -0.6587023272973206 -0.5441662201632034 -0.24234810001249465 0.14305042264149093 0.5129710929800607 +39105,0.7404955220167456,2,0.5207100191377643 0.12602478509453446 -0.11542971102603429 -0.2222268920024392 -0.315094005894969 -0.45439467673375494 -0.4760636699753511 -0.5240450121531567 -0.5844086361832967 -0.5859564214148374 -0.6679890386865736 -0.6912058171597016 -0.6494156159080676 -0.6556067568342304 -0.6587023272973206 -0.5441662201632034 -0.24234810001249465 0.14305042264149093 0.5129710929800607 0.7064442469228239 +39106,0.6971575355335708,2,0.12602478509453446 -0.11542971102603429 -0.2222268920024392 -0.315094005894969 -0.45439467673375494 -0.4760636699753511 -0.5240450121531567 -0.5844086361832967 -0.5859564214148374 -0.6679890386865736 -0.6912058171597016 -0.6494156159080676 -0.6556067568342304 -0.6587023272973206 -0.5441662201632034 -0.24234810001249465 0.14305042264149093 0.5129710929800607 0.7064442469228239 0.7404955220167456 +39107,0.613577133030294,2,-0.11542971102603429 -0.2222268920024392 -0.315094005894969 -0.45439467673375494 -0.4760636699753511 -0.5240450121531567 -0.5844086361832967 -0.5859564214148374 -0.6679890386865736 -0.6912058171597016 -0.6494156159080676 -0.6556067568342304 -0.6587023272973206 -0.5441662201632034 -0.24234810001249465 0.14305042264149093 0.5129710929800607 0.7064442469228239 0.7404955220167456 0.6971575355335708 +39108,0.6398894819665123,2,-0.2222268920024392 -0.315094005894969 -0.45439467673375494 -0.4760636699753511 -0.5240450121531567 -0.5844086361832967 -0.5859564214148374 -0.6679890386865736 -0.6912058171597016 -0.6494156159080676 -0.6556067568342304 -0.6587023272973206 -0.5441662201632034 -0.24234810001249465 0.14305042264149093 0.5129710929800607 0.7064442469228239 0.7404955220167456 0.6971575355335708 0.613577133030294 +39109,0.4758242474230488,2,-0.315094005894969 -0.45439467673375494 -0.4760636699753511 -0.5240450121531567 -0.5844086361832967 -0.5859564214148374 -0.6679890386865736 -0.6912058171597016 -0.6494156159080676 -0.6556067568342304 -0.6587023272973206 -0.5441662201632034 -0.24234810001249465 0.14305042264149093 0.5129710929800607 0.7064442469228239 0.7404955220167456 0.6971575355335708 0.613577133030294 0.6398894819665123 +39110,0.2219874694501369,2,-0.45439467673375494 -0.4760636699753511 -0.5240450121531567 -0.5844086361832967 -0.5859564214148374 -0.6679890386865736 -0.6912058171597016 -0.6494156159080676 -0.6556067568342304 -0.6587023272973206 -0.5441662201632034 -0.24234810001249465 0.14305042264149093 0.5129710929800607 0.7064442469228239 0.7404955220167456 0.6971575355335708 0.613577133030294 0.6398894819665123 0.4758242474230488 +39111,-0.025658167596594655,2,-0.4760636699753511 -0.5240450121531567 -0.5844086361832967 -0.5859564214148374 -0.6679890386865736 -0.6912058171597016 -0.6494156159080676 -0.6556067568342304 -0.6587023272973206 -0.5441662201632034 -0.24234810001249465 0.14305042264149093 0.5129710929800607 0.7064442469228239 0.7404955220167456 0.6971575355335708 0.613577133030294 0.6398894819665123 0.4758242474230488 0.2219874694501369 +39112,-0.1603154827407585,2,-0.5240450121531567 -0.5844086361832967 -0.5859564214148374 -0.6679890386865736 -0.6912058171597016 -0.6494156159080676 -0.6556067568342304 -0.6587023272973206 -0.5441662201632034 -0.24234810001249465 0.14305042264149093 0.5129710929800607 0.7064442469228239 0.7404955220167456 0.6971575355335708 0.613577133030294 0.6398894819665123 0.4758242474230488 0.2219874694501369 -0.025658167596594655 +39113,-0.282590516032588,2,-0.5844086361832967 -0.5859564214148374 -0.6679890386865736 -0.6912058171597016 -0.6494156159080676 -0.6556067568342304 -0.6587023272973206 -0.5441662201632034 -0.24234810001249465 0.14305042264149093 0.5129710929800607 0.7064442469228239 0.7404955220167456 0.6971575355335708 0.613577133030294 0.6398894819665123 0.4758242474230488 0.2219874694501369 -0.025658167596594655 -0.1603154827407585 +39114,-0.40486554932440866,2,-0.5859564214148374 -0.6679890386865736 -0.6912058171597016 -0.6494156159080676 -0.6556067568342304 -0.6587023272973206 -0.5441662201632034 -0.24234810001249465 0.14305042264149093 0.5129710929800607 0.7064442469228239 0.7404955220167456 0.6971575355335708 0.613577133030294 0.6398894819665123 0.4758242474230488 0.2219874694501369 -0.025658167596594655 -0.1603154827407585 -0.282590516032588 +39115,-0.5008282336800198,2,-0.6679890386865736 -0.6912058171597016 -0.6494156159080676 -0.6556067568342304 -0.6587023272973206 -0.5441662201632034 -0.24234810001249465 0.14305042264149093 0.5129710929800607 0.7064442469228239 0.7404955220167456 0.6971575355335708 0.613577133030294 0.6398894819665123 0.4758242474230488 0.2219874694501369 -0.025658167596594655 -0.1603154827407585 -0.282590516032588 -0.40486554932440866 +39116,-0.5194016564585259,2,-0.6912058171597016 -0.6494156159080676 -0.6556067568342304 -0.6587023272973206 -0.5441662201632034 -0.24234810001249465 0.14305042264149093 0.5129710929800607 0.7064442469228239 0.7404955220167456 0.6971575355335708 0.613577133030294 0.6398894819665123 0.4758242474230488 0.2219874694501369 -0.025658167596594655 -0.1603154827407585 -0.282590516032588 -0.40486554932440866 -0.5008282336800198 +39117,-0.6076254146564247,2,-0.6494156159080676 -0.6556067568342304 -0.6587023272973206 -0.5441662201632034 -0.24234810001249465 0.14305042264149093 0.5129710929800607 0.7064442469228239 0.7404955220167456 0.6971575355335708 0.613577133030294 0.6398894819665123 0.4758242474230488 0.2219874694501369 -0.025658167596594655 -0.1603154827407585 -0.282590516032588 -0.40486554932440866 -0.5008282336800198 -0.5194016564585259 +39118,-0.6231032669718494,2,-0.6556067568342304 -0.6587023272973206 -0.5441662201632034 -0.24234810001249465 0.14305042264149093 0.5129710929800607 0.7064442469228239 0.7404955220167456 0.6971575355335708 0.613577133030294 0.6398894819665123 0.4758242474230488 0.2219874694501369 -0.025658167596594655 -0.1603154827407585 -0.282590516032588 -0.40486554932440866 -0.5008282336800198 -0.5194016564585259 -0.6076254146564247 +39119,-0.6803713205389079,2,-0.6587023272973206 -0.5441662201632034 -0.24234810001249465 0.14305042264149093 0.5129710929800607 0.7064442469228239 0.7404955220167456 0.6971575355335708 0.613577133030294 0.6398894819665123 0.4758242474230488 0.2219874694501369 -0.025658167596594655 -0.1603154827407585 -0.282590516032588 -0.40486554932440866 -0.5008282336800198 -0.5194016564585259 -0.6076254146564247 -0.6231032669718494 +39120,-0.7144225956328297,2,-0.5441662201632034 -0.24234810001249465 0.14305042264149093 0.5129710929800607 0.7064442469228239 0.7404955220167456 0.6971575355335708 0.613577133030294 0.6398894819665123 0.4758242474230488 0.2219874694501369 -0.025658167596594655 -0.1603154827407585 -0.282590516032588 -0.40486554932440866 -0.5008282336800198 -0.5194016564585259 -0.6076254146564247 -0.6231032669718494 -0.6803713205389079 +39121,-0.7531172264213823,2,-0.24234810001249465 0.14305042264149093 0.5129710929800607 0.7064442469228239 0.7404955220167456 0.6971575355335708 0.613577133030294 0.6398894819665123 0.4758242474230488 0.2219874694501369 -0.025658167596594655 -0.1603154827407585 -0.282590516032588 -0.40486554932440866 -0.5008282336800198 -0.5194016564585259 -0.6076254146564247 -0.6231032669718494 -0.6803713205389079 -0.7144225956328297 +39122,-0.7624039378106353,2,0.14305042264149093 0.5129710929800607 0.7064442469228239 0.7404955220167456 0.6971575355335708 0.613577133030294 0.6398894819665123 0.4758242474230488 0.2219874694501369 -0.025658167596594655 -0.1603154827407585 -0.282590516032588 -0.40486554932440866 -0.5008282336800198 -0.5194016564585259 -0.6076254146564247 -0.6231032669718494 -0.6803713205389079 -0.7144225956328297 -0.7531172264213823 +39123,-0.6958491728543237,2,0.5129710929800607 0.7064442469228239 0.7404955220167456 0.6971575355335708 0.613577133030294 0.6398894819665123 0.4758242474230488 0.2219874694501369 -0.025658167596594655 -0.1603154827407585 -0.282590516032588 -0.40486554932440866 -0.5008282336800198 -0.5194016564585259 -0.6076254146564247 -0.6231032669718494 -0.6803713205389079 -0.7144225956328297 -0.7531172264213823 -0.7624039378106353 +39124,-0.3893876970089929,2,0.7064442469228239 0.7404955220167456 0.6971575355335708 0.613577133030294 0.6398894819665123 0.4758242474230488 0.2219874694501369 -0.025658167596594655 -0.1603154827407585 -0.282590516032588 -0.40486554932440866 -0.5008282336800198 -0.5194016564585259 -0.6076254146564247 -0.6231032669718494 -0.6803713205389079 -0.7144225956328297 -0.7531172264213823 -0.7624039378106353 -0.6958491728543237 +39125,-0.01637145620734167,2,0.7404955220167456 0.6971575355335708 0.613577133030294 0.6398894819665123 0.4758242474230488 0.2219874694501369 -0.025658167596594655 -0.1603154827407585 -0.282590516032588 -0.40486554932440866 -0.5008282336800198 -0.5194016564585259 -0.6076254146564247 -0.6231032669718494 -0.6803713205389079 -0.7144225956328297 -0.7531172264213823 -0.7624039378106353 -0.6958491728543237 -0.3893876970089929 +39126,0.29318559010107936,2,0.6971575355335708 0.613577133030294 0.6398894819665123 0.4758242474230488 0.2219874694501369 -0.025658167596594655 -0.1603154827407585 -0.282590516032588 -0.40486554932440866 -0.5008282336800198 -0.5194016564585259 -0.6076254146564247 -0.6231032669718494 -0.6803713205389079 -0.7144225956328297 -0.7531172264213823 -0.7624039378106353 -0.6958491728543237 -0.3893876970089929 -0.01637145620734167 +39127,0.5485701533055232,2,0.613577133030294 0.6398894819665123 0.4758242474230488 0.2219874694501369 -0.025658167596594655 -0.1603154827407585 -0.282590516032588 -0.40486554932440866 -0.5008282336800198 -0.5194016564585259 -0.6076254146564247 -0.6231032669718494 -0.6803713205389079 -0.7144225956328297 -0.7531172264213823 -0.7624039378106353 -0.6958491728543237 -0.3893876970089929 -0.01637145620734167 0.29318559010107936 +39128,0.7497822334059986,2,0.6398894819665123 0.4758242474230488 0.2219874694501369 -0.025658167596594655 -0.1603154827407585 -0.282590516032588 -0.40486554932440866 -0.5008282336800198 -0.5194016564585259 -0.6076254146564247 -0.6231032669718494 -0.6803713205389079 -0.7144225956328297 -0.7531172264213823 -0.7624039378106353 -0.6958491728543237 -0.3893876970089929 -0.01637145620734167 0.29318559010107936 0.5485701533055232 +39129,0.7760945823422168,2,0.4758242474230488 0.2219874694501369 -0.025658167596594655 -0.1603154827407585 -0.282590516032588 -0.40486554932440866 -0.5008282336800198 -0.5194016564585259 -0.6076254146564247 -0.6231032669718494 -0.6803713205389079 -0.7144225956328297 -0.7531172264213823 -0.7624039378106353 -0.6958491728543237 -0.3893876970089929 -0.01637145620734167 0.29318559010107936 0.5485701533055232 0.7497822334059986 +39130,0.7497822334059986,2,0.2219874694501369 -0.025658167596594655 -0.1603154827407585 -0.282590516032588 -0.40486554932440866 -0.5008282336800198 -0.5194016564585259 -0.6076254146564247 -0.6231032669718494 -0.6803713205389079 -0.7144225956328297 -0.7531172264213823 -0.7624039378106353 -0.6958491728543237 -0.3893876970089929 -0.01637145620734167 0.29318559010107936 0.5485701533055232 0.7497822334059986 0.7760945823422168 +39131,0.6584629047450182,2,-0.025658167596594655 -0.1603154827407585 -0.282590516032588 -0.40486554932440866 -0.5008282336800198 -0.5194016564585259 -0.6076254146564247 -0.6231032669718494 -0.6803713205389079 -0.7144225956328297 -0.7531172264213823 -0.7624039378106353 -0.6958491728543237 -0.3893876970089929 -0.01637145620734167 0.29318559010107936 0.5485701533055232 0.7497822334059986 0.7760945823422168 0.7497822334059986 +39132,0.5238055896008544,2,-0.1603154827407585 -0.282590516032588 -0.40486554932440866 -0.5008282336800198 -0.5194016564585259 -0.6076254146564247 -0.6231032669718494 -0.6803713205389079 -0.7144225956328297 -0.7531172264213823 -0.7624039378106353 -0.6958491728543237 -0.3893876970089929 -0.01637145620734167 0.29318559010107936 0.5485701533055232 0.7497822334059986 0.7760945823422168 0.7497822334059986 0.6584629047450182 +39133,0.18329283866158427,2,-0.282590516032588 -0.40486554932440866 -0.5008282336800198 -0.5194016564585259 -0.6076254146564247 -0.6231032669718494 -0.6803713205389079 -0.7144225956328297 -0.7531172264213823 -0.7624039378106353 -0.6958491728543237 -0.3893876970089929 -0.01637145620734167 0.29318559010107936 0.5485701533055232 0.7497822334059986 0.7760945823422168 0.7497822334059986 0.6584629047450182 0.5238055896008544 +39134,-0.1649588384353894,2,-0.40486554932440866 -0.5008282336800198 -0.5194016564585259 -0.6076254146564247 -0.6231032669718494 -0.6803713205389079 -0.7144225956328297 -0.7531172264213823 -0.7624039378106353 -0.6958491728543237 -0.3893876970089929 -0.01637145620734167 0.29318559010107936 0.5485701533055232 0.7497822334059986 0.7760945823422168 0.7497822334059986 0.6584629047450182 0.5238055896008544 0.18329283866158427 +39135,-0.3491452809888996,2,-0.5008282336800198 -0.5194016564585259 -0.6076254146564247 -0.6231032669718494 -0.6803713205389079 -0.7144225956328297 -0.7531172264213823 -0.7624039378106353 -0.6958491728543237 -0.3893876970089929 -0.01637145620734167 0.29318559010107936 0.5485701533055232 0.7497822334059986 0.7760945823422168 0.7497822334059986 0.6584629047450182 0.5238055896008544 0.18329283866158427 -0.1649588384353894 +39136,-0.39867440839824586,2,-0.5194016564585259 -0.6076254146564247 -0.6231032669718494 -0.6803713205389079 -0.7144225956328297 -0.7531172264213823 -0.7624039378106353 -0.6958491728543237 -0.3893876970089929 -0.01637145620734167 0.29318559010107936 0.5485701533055232 0.7497822334059986 0.7760945823422168 0.7497822334059986 0.6584629047450182 0.5238055896008544 0.18329283866158427 -0.1649588384353894 -0.3491452809888996 +39137,-0.4822548109015139,2,-0.6076254146564247 -0.6231032669718494 -0.6803713205389079 -0.7144225956328297 -0.7531172264213823 -0.7624039378106353 -0.6958491728543237 -0.3893876970089929 -0.01637145620734167 0.29318559010107936 0.5485701533055232 0.7497822334059986 0.7760945823422168 0.7497822334059986 0.6584629047450182 0.5238055896008544 0.18329283866158427 -0.1649588384353894 -0.3491452809888996 -0.39867440839824586 +39138,-0.5441662201632034,2,-0.6231032669718494 -0.6803713205389079 -0.7144225956328297 -0.7531172264213823 -0.7624039378106353 -0.6958491728543237 -0.3893876970089929 -0.01637145620734167 0.29318559010107936 0.5485701533055232 0.7497822334059986 0.7760945823422168 0.7497822334059986 0.6584629047450182 0.5238055896008544 0.18329283866158427 -0.1649588384353894 -0.3491452809888996 -0.39867440839824586 -0.4822548109015139 +39139,-0.5441662201632034,2,-0.6803713205389079 -0.7144225956328297 -0.7531172264213823 -0.7624039378106353 -0.6958491728543237 -0.3893876970089929 -0.01637145620734167 0.29318559010107936 0.5485701533055232 0.7497822334059986 0.7760945823422168 0.7497822334059986 0.6584629047450182 0.5238055896008544 0.18329283866158427 -0.1649588384353894 -0.3491452809888996 -0.39867440839824586 -0.4822548109015139 -0.5441662201632034 +39140,-0.5070193746061915,2,-0.7144225956328297 -0.7531172264213823 -0.7624039378106353 -0.6958491728543237 -0.3893876970089929 -0.01637145620734167 0.29318559010107936 0.5485701533055232 0.7497822334059986 0.7760945823422168 0.7497822334059986 0.6584629047450182 0.5238055896008544 0.18329283866158427 -0.1649588384353894 -0.3491452809888996 -0.39867440839824586 -0.4822548109015139 -0.5441662201632034 -0.5441662201632034 +39141,-0.5209494416900665,2,-0.7531172264213823 -0.7624039378106353 -0.6958491728543237 -0.3893876970089929 -0.01637145620734167 0.29318559010107936 0.5485701533055232 0.7497822334059986 0.7760945823422168 0.7497822334059986 0.6584629047450182 0.5238055896008544 0.18329283866158427 -0.1649588384353894 -0.3491452809888996 -0.39867440839824586 -0.4822548109015139 -0.5441662201632034 -0.5441662201632034 -0.5070193746061915 +39142,-0.5859564214148374,2,-0.7624039378106353 -0.6958491728543237 -0.3893876970089929 -0.01637145620734167 0.29318559010107936 0.5485701533055232 0.7497822334059986 0.7760945823422168 0.7497822334059986 0.6584629047450182 0.5238055896008544 0.18329283866158427 -0.1649588384353894 -0.3491452809888996 -0.39867440839824586 -0.4822548109015139 -0.5441662201632034 -0.5441662201632034 -0.5070193746061915 -0.5209494416900665 +39143,-0.5333317235424098,2,-0.6958491728543237 -0.3893876970089929 -0.01637145620734167 0.29318559010107936 0.5485701533055232 0.7497822334059986 0.7760945823422168 0.7497822334059986 0.6584629047450182 0.5238055896008544 0.18329283866158427 -0.1649588384353894 -0.3491452809888996 -0.39867440839824586 -0.4822548109015139 -0.5441662201632034 -0.5441662201632034 -0.5070193746061915 -0.5209494416900665 -0.5859564214148374 +39144,-0.4946370927538571,2,-0.3893876970089929 -0.01637145620734167 0.29318559010107936 0.5485701533055232 0.7497822334059986 0.7760945823422168 0.7497822334059986 0.6584629047450182 0.5238055896008544 0.18329283866158427 -0.1649588384353894 -0.3491452809888996 -0.39867440839824586 -0.4822548109015139 -0.5441662201632034 -0.5441662201632034 -0.5070193746061915 -0.5209494416900665 -0.5859564214148374 -0.5333317235424098 +39145,-0.5333317235424098,2,-0.01637145620734167 0.29318559010107936 0.5485701533055232 0.7497822334059986 0.7760945823422168 0.7497822334059986 0.6584629047450182 0.5238055896008544 0.18329283866158427 -0.1649588384353894 -0.3491452809888996 -0.39867440839824586 -0.4822548109015139 -0.5441662201632034 -0.5441662201632034 -0.5070193746061915 -0.5209494416900665 -0.5859564214148374 -0.5333317235424098 -0.4946370927538571 +39146,-0.5720263543309624,2,0.29318559010107936 0.5485701533055232 0.7497822334059986 0.7760945823422168 0.7497822334059986 0.6584629047450182 0.5238055896008544 0.18329283866158427 -0.1649588384353894 -0.3491452809888996 -0.39867440839824586 -0.4822548109015139 -0.5441662201632034 -0.5441662201632034 -0.5070193746061915 -0.5209494416900665 -0.5859564214148374 -0.5333317235424098 -0.4946370927538571 -0.5333317235424098 +39147,-0.5410706497001132,2,0.5485701533055232 0.7497822334059986 0.7760945823422168 0.7497822334059986 0.6584629047450182 0.5238055896008544 0.18329283866158427 -0.1649588384353894 -0.3491452809888996 -0.39867440839824586 -0.4822548109015139 -0.5441662201632034 -0.5441662201632034 -0.5070193746061915 -0.5209494416900665 -0.5859564214148374 -0.5333317235424098 -0.4946370927538571 -0.5333317235424098 -0.5720263543309624 +39148,-0.41724783117675185,2,0.7497822334059986 0.7760945823422168 0.7497822334059986 0.6584629047450182 0.5238055896008544 0.18329283866158427 -0.1649588384353894 -0.3491452809888996 -0.39867440839824586 -0.4822548109015139 -0.5441662201632034 -0.5441662201632034 -0.5070193746061915 -0.5209494416900665 -0.5859564214148374 -0.5333317235424098 -0.4946370927538571 -0.5333317235424098 -0.5720263543309624 -0.5410706497001132 +39149,-0.324380717284222,2,0.7760945823422168 0.7497822334059986 0.6584629047450182 0.5238055896008544 0.18329283866158427 -0.1649588384353894 -0.3491452809888996 -0.39867440839824586 -0.4822548109015139 -0.5441662201632034 -0.5441662201632034 -0.5070193746061915 -0.5209494416900665 -0.5859564214148374 -0.5333317235424098 -0.4946370927538571 -0.5333317235424098 -0.5720263543309624 -0.5410706497001132 -0.41724783117675185 +39150,-0.22687024769707007,2,0.7497822334059986 0.6584629047450182 0.5238055896008544 0.18329283866158427 -0.1649588384353894 -0.3491452809888996 -0.39867440839824586 -0.4822548109015139 -0.5441662201632034 -0.5441662201632034 -0.5070193746061915 -0.5209494416900665 -0.5859564214148374 -0.5333317235424098 -0.4946370927538571 -0.5333317235424098 -0.5720263543309624 -0.5410706497001132 -0.41724783117675185 -0.324380717284222 +39151,-0.06280501315360658,2,0.6584629047450182 0.5238055896008544 0.18329283866158427 -0.1649588384353894 -0.3491452809888996 -0.39867440839824586 -0.4822548109015139 -0.5441662201632034 -0.5441662201632034 -0.5070193746061915 -0.5209494416900665 -0.5859564214148374 -0.5333317235424098 -0.4946370927538571 -0.5333317235424098 -0.5720263543309624 -0.5410706497001132 -0.41724783117675185 -0.324380717284222 -0.22687024769707007 +39152,0.07804344291672885,2,0.5238055896008544 0.18329283866158427 -0.1649588384353894 -0.3491452809888996 -0.39867440839824586 -0.4822548109015139 -0.5441662201632034 -0.5441662201632034 -0.5070193746061915 -0.5209494416900665 -0.5859564214148374 -0.5333317235424098 -0.4946370927538571 -0.5333317235424098 -0.5720263543309624 -0.5410706497001132 -0.41724783117675185 -0.324380717284222 -0.22687024769707007 -0.06280501315360658 +39153,0.19103176481929654,2,0.18329283866158427 -0.1649588384353894 -0.3491452809888996 -0.39867440839824586 -0.4822548109015139 -0.5441662201632034 -0.5441662201632034 -0.5070193746061915 -0.5209494416900665 -0.5859564214148374 -0.5333317235424098 -0.4946370927538571 -0.5333317235424098 -0.5720263543309624 -0.5410706497001132 -0.41724783117675185 -0.324380717284222 -0.22687024769707007 -0.06280501315360658 0.07804344291672885 +39154,0.24365646269173305,2,-0.1649588384353894 -0.3491452809888996 -0.39867440839824586 -0.4822548109015139 -0.5441662201632034 -0.5441662201632034 -0.5070193746061915 -0.5209494416900665 -0.5859564214148374 -0.5333317235424098 -0.4946370927538571 -0.5333317235424098 -0.5720263543309624 -0.5410706497001132 -0.41724783117675185 -0.324380717284222 -0.22687024769707007 -0.06280501315360658 0.07804344291672885 0.19103176481929654 +39155,0.2235352546816864,2,-0.3491452809888996 -0.39867440839824586 -0.4822548109015139 -0.5441662201632034 -0.5441662201632034 -0.5070193746061915 -0.5209494416900665 -0.5859564214148374 -0.5333317235424098 -0.4946370927538571 -0.5333317235424098 -0.5720263543309624 -0.5410706497001132 -0.41724783117675185 -0.324380717284222 -0.22687024769707007 -0.06280501315360658 0.07804344291672885 0.19103176481929654 0.24365646269173305 +39156,0.13995485217840953,2,-0.39867440839824586 -0.4822548109015139 -0.5441662201632034 -0.5441662201632034 -0.5070193746061915 -0.5209494416900665 -0.5859564214148374 -0.5333317235424098 -0.4946370927538571 -0.5333317235424098 -0.5720263543309624 -0.5410706497001132 -0.41724783117675185 -0.324380717284222 -0.22687024769707007 -0.06280501315360658 0.07804344291672885 0.19103176481929654 0.24365646269173305 0.2235352546816864 +39157,-0.07673508023748166,2,-0.4822548109015139 -0.5441662201632034 -0.5441662201632034 -0.5070193746061915 -0.5209494416900665 -0.5859564214148374 -0.5333317235424098 -0.4946370927538571 -0.5333317235424098 -0.5720263543309624 -0.5410706497001132 -0.41724783117675185 -0.324380717284222 -0.22687024769707007 -0.06280501315360658 0.07804344291672885 0.19103176481929654 0.24365646269173305 0.2235352546816864 0.13995485217840953 +39158,-0.2237746772339887,2,-0.5441662201632034 -0.5441662201632034 -0.5070193746061915 -0.5209494416900665 -0.5859564214148374 -0.5333317235424098 -0.4946370927538571 -0.5333317235424098 -0.5720263543309624 -0.5410706497001132 -0.41724783117675185 -0.324380717284222 -0.22687024769707007 -0.06280501315360658 0.07804344291672885 0.19103176481929654 0.24365646269173305 0.2235352546816864 0.13995485217840953 -0.07673508023748166 +39159,-0.33985856959964655,2,-0.5441662201632034 -0.5070193746061915 -0.5209494416900665 -0.5859564214148374 -0.5333317235424098 -0.4946370927538571 -0.5333317235424098 -0.5720263543309624 -0.5410706497001132 -0.41724783117675185 -0.324380717284222 -0.22687024769707007 -0.06280501315360658 0.07804344291672885 0.19103176481929654 0.24365646269173305 0.2235352546816864 0.13995485217840953 -0.07673508023748166 -0.2237746772339887 +39160,-0.4079611197874988,2,-0.5070193746061915 -0.5209494416900665 -0.5859564214148374 -0.5333317235424098 -0.4946370927538571 -0.5333317235424098 -0.5720263543309624 -0.5410706497001132 -0.41724783117675185 -0.324380717284222 -0.22687024769707007 -0.06280501315360658 0.07804344291672885 0.19103176481929654 0.24365646269173305 0.2235352546816864 0.13995485217840953 -0.07673508023748166 -0.2237746772339887 -0.33985856959964655 +39161,-0.4420123948814206,2,-0.5209494416900665 -0.5859564214148374 -0.5333317235424098 -0.4946370927538571 -0.5333317235424098 -0.5720263543309624 -0.5410706497001132 -0.41724783117675185 -0.324380717284222 -0.22687024769707007 -0.06280501315360658 0.07804344291672885 0.19103176481929654 0.24365646269173305 0.2235352546816864 0.13995485217840953 -0.07673508023748166 -0.2237746772339887 -0.33985856959964655 -0.4079611197874988 +39162,-0.4435601801129613,2,-0.5859564214148374 -0.5333317235424098 -0.4946370927538571 -0.5333317235424098 -0.5720263543309624 -0.5410706497001132 -0.41724783117675185 -0.324380717284222 -0.22687024769707007 -0.06280501315360658 0.07804344291672885 0.19103176481929654 0.24365646269173305 0.2235352546816864 0.13995485217840953 -0.07673508023748166 -0.2237746772339887 -0.33985856959964655 -0.4079611197874988 -0.4420123948814206 +39163,-0.5085671598377322,2,-0.5333317235424098 -0.4946370927538571 -0.5333317235424098 -0.5720263543309624 -0.5410706497001132 -0.41724783117675185 -0.324380717284222 -0.22687024769707007 -0.06280501315360658 0.07804344291672885 0.19103176481929654 0.24365646269173305 0.2235352546816864 0.13995485217840953 -0.07673508023748166 -0.2237746772339887 -0.33985856959964655 -0.4079611197874988 -0.4420123948814206 -0.4435601801129613 +39164,-0.5472617906262848,2,-0.4946370927538571 -0.5333317235424098 -0.5720263543309624 -0.5410706497001132 -0.41724783117675185 -0.324380717284222 -0.22687024769707007 -0.06280501315360658 0.07804344291672885 0.19103176481929654 0.24365646269173305 0.2235352546816864 0.13995485217840953 -0.07673508023748166 -0.2237746772339887 -0.33985856959964655 -0.4079611197874988 -0.4420123948814206 -0.4435601801129613 -0.5085671598377322 +39165,-0.6494156159080676,2,-0.5333317235424098 -0.5720263543309624 -0.5410706497001132 -0.41724783117675185 -0.324380717284222 -0.22687024769707007 -0.06280501315360658 0.07804344291672885 0.19103176481929654 0.24365646269173305 0.2235352546816864 0.13995485217840953 -0.07673508023748166 -0.2237746772339887 -0.33985856959964655 -0.4079611197874988 -0.4420123948814206 -0.4435601801129613 -0.5085671598377322 -0.5472617906262848 +39166,-0.6881102466966202,2,-0.5720263543309624 -0.5410706497001132 -0.41724783117675185 -0.324380717284222 -0.22687024769707007 -0.06280501315360658 0.07804344291672885 0.19103176481929654 0.24365646269173305 0.2235352546816864 0.13995485217840953 -0.07673508023748166 -0.2237746772339887 -0.33985856959964655 -0.4079611197874988 -0.4420123948814206 -0.4435601801129613 -0.5085671598377322 -0.5472617906262848 -0.6494156159080676 +39167,-0.6881102466966202,2,-0.5410706497001132 -0.41724783117675185 -0.324380717284222 -0.22687024769707007 -0.06280501315360658 0.07804344291672885 0.19103176481929654 0.24365646269173305 0.2235352546816864 0.13995485217840953 -0.07673508023748166 -0.2237746772339887 -0.33985856959964655 -0.4079611197874988 -0.4420123948814206 -0.4435601801129613 -0.5085671598377322 -0.5472617906262848 -0.6494156159080676 -0.6881102466966202 +39168,-0.6509634011396083,2,-0.41724783117675185 -0.324380717284222 -0.22687024769707007 -0.06280501315360658 0.07804344291672885 0.19103176481929654 0.24365646269173305 0.2235352546816864 0.13995485217840953 -0.07673508023748166 -0.2237746772339887 -0.33985856959964655 -0.4079611197874988 -0.4420123948814206 -0.4435601801129613 -0.5085671598377322 -0.5472617906262848 -0.6494156159080676 -0.6881102466966202 -0.6881102466966202 +39169,-0.62465105220339,2,-0.324380717284222 -0.22687024769707007 -0.06280501315360658 0.07804344291672885 0.19103176481929654 0.24365646269173305 0.2235352546816864 0.13995485217840953 -0.07673508023748166 -0.2237746772339887 -0.33985856959964655 -0.4079611197874988 -0.4420123948814206 -0.4435601801129613 -0.5085671598377322 -0.5472617906262848 -0.6494156159080676 -0.6881102466966202 -0.6881102466966202 -0.6509634011396083 +39170,-0.8298873739058678,2,-0.22687024769707007 -0.06280501315360658 0.07804344291672885 0.19103176481929654 0.24365646269173305 0.2235352546816864 0.13995485217840953 -0.07673508023748166 -0.2237746772339887 -0.33985856959964655 -0.4079611197874988 -0.4420123948814206 -0.4435601801129613 -0.5085671598377322 -0.5472617906262848 -0.6494156159080676 -0.6881102466966202 -0.6881102466966202 -0.6509634011396083 -0.62465105220339 +39171,-0.5163060859954445,2,-0.06280501315360658 0.07804344291672885 0.19103176481929654 0.24365646269173305 0.2235352546816864 0.13995485217840953 -0.07673508023748166 -0.2237746772339887 -0.33985856959964655 -0.4079611197874988 -0.4420123948814206 -0.4435601801129613 -0.5085671598377322 -0.5472617906262848 -0.6494156159080676 -0.6881102466966202 -0.6881102466966202 -0.6509634011396083 -0.62465105220339 -0.8298873739058678 +39172,-0.3553364219150623,2,0.07804344291672885 0.19103176481929654 0.24365646269173305 0.2235352546816864 0.13995485217840953 -0.07673508023748166 -0.2237746772339887 -0.33985856959964655 -0.4079611197874988 -0.4420123948814206 -0.4435601801129613 -0.5085671598377322 -0.5472617906262848 -0.6494156159080676 -0.6881102466966202 -0.6881102466966202 -0.6509634011396083 -0.62465105220339 -0.8298873739058678 -0.5163060859954445 +39173,-0.273303804643335,2,0.19103176481929654 0.24365646269173305 0.2235352546816864 0.13995485217840953 -0.07673508023748166 -0.2237746772339887 -0.33985856959964655 -0.4079611197874988 -0.4420123948814206 -0.4435601801129613 -0.5085671598377322 -0.5472617906262848 -0.6494156159080676 -0.6881102466966202 -0.6881102466966202 -0.6509634011396083 -0.62465105220339 -0.8298873739058678 -0.5163060859954445 -0.3553364219150623 +39174,-0.14638541565688343,2,0.24365646269173305 0.2235352546816864 0.13995485217840953 -0.07673508023748166 -0.2237746772339887 -0.33985856959964655 -0.4079611197874988 -0.4420123948814206 -0.4435601801129613 -0.5085671598377322 -0.5472617906262848 -0.6494156159080676 -0.6881102466966202 -0.6881102466966202 -0.6509634011396083 -0.62465105220339 -0.8298873739058678 -0.5163060859954445 -0.3553364219150623 -0.273303804643335 +39175,-0.08756957685828413,2,0.2235352546816864 0.13995485217840953 -0.07673508023748166 -0.2237746772339887 -0.33985856959964655 -0.4079611197874988 -0.4420123948814206 -0.4435601801129613 -0.5085671598377322 -0.5472617906262848 -0.6494156159080676 -0.6881102466966202 -0.6881102466966202 -0.6509634011396083 -0.62465105220339 -0.8298873739058678 -0.5163060859954445 -0.3553364219150623 -0.273303804643335 -0.14638541565688343 +39176,-0.030301523291225544,2,0.13995485217840953 -0.07673508023748166 -0.2237746772339887 -0.33985856959964655 -0.4079611197874988 -0.4420123948814206 -0.4435601801129613 -0.5085671598377322 -0.5472617906262848 -0.6494156159080676 -0.6881102466966202 -0.6881102466966202 -0.6509634011396083 -0.62465105220339 -0.8298873739058678 -0.5163060859954445 -0.3553364219150623 -0.273303804643335 -0.14638541565688343 -0.08756957685828413 +39177,-0.03958823468047853,2,-0.07673508023748166 -0.2237746772339887 -0.33985856959964655 -0.4079611197874988 -0.4420123948814206 -0.4435601801129613 -0.5085671598377322 -0.5472617906262848 -0.6494156159080676 -0.6881102466966202 -0.6881102466966202 -0.6509634011396083 -0.62465105220339 -0.8298873739058678 -0.5163060859954445 -0.3553364219150623 -0.273303804643335 -0.14638541565688343 -0.08756957685828413 -0.030301523291225544 +39178,-0.13709870426763043,2,-0.2237746772339887 -0.33985856959964655 -0.4079611197874988 -0.4420123948814206 -0.4435601801129613 -0.5085671598377322 -0.5472617906262848 -0.6494156159080676 -0.6881102466966202 -0.6881102466966202 -0.6509634011396083 -0.62465105220339 -0.8298873739058678 -0.5163060859954445 -0.3553364219150623 -0.273303804643335 -0.14638541565688343 -0.08756957685828413 -0.030301523291225544 -0.03958823468047853 +39179,-0.24389588524403535,2,-0.33985856959964655 -0.4079611197874988 -0.4420123948814206 -0.4435601801129613 -0.5085671598377322 -0.5472617906262848 -0.6494156159080676 -0.6881102466966202 -0.6881102466966202 -0.6509634011396083 -0.62465105220339 -0.8298873739058678 -0.5163060859954445 -0.3553364219150623 -0.273303804643335 -0.14638541565688343 -0.08756957685828413 -0.030301523291225544 -0.03958823468047853 -0.13709870426763043 +39180,-0.3878399117774522,2,-0.4079611197874988 -0.4420123948814206 -0.4435601801129613 -0.5085671598377322 -0.5472617906262848 -0.6494156159080676 -0.6881102466966202 -0.6881102466966202 -0.6509634011396083 -0.62465105220339 -0.8298873739058678 -0.5163060859954445 -0.3553364219150623 -0.273303804643335 -0.14638541565688343 -0.08756957685828413 -0.030301523291225544 -0.03958823468047853 -0.13709870426763043 -0.24389588524403535 +39181,-0.45594246196530447,2,-0.4420123948814206 -0.4435601801129613 -0.5085671598377322 -0.5472617906262848 -0.6494156159080676 -0.6881102466966202 -0.6881102466966202 -0.6509634011396083 -0.62465105220339 -0.8298873739058678 -0.5163060859954445 -0.3553364219150623 -0.273303804643335 -0.14638541565688343 -0.08756957685828413 -0.030301523291225544 -0.03958823468047853 -0.13709870426763043 -0.24389588524403535 -0.3878399117774522 +39182,-0.5039238041431101,2,-0.4435601801129613 -0.5085671598377322 -0.5472617906262848 -0.6494156159080676 -0.6881102466966202 -0.6881102466966202 -0.6509634011396083 -0.62465105220339 -0.8298873739058678 -0.5163060859954445 -0.3553364219150623 -0.273303804643335 -0.14638541565688343 -0.08756957685828413 -0.030301523291225544 -0.03958823468047853 -0.13709870426763043 -0.24389588524403535 -0.3878399117774522 -0.45594246196530447 +39183,-0.4853503813646041,2,-0.5085671598377322 -0.5472617906262848 -0.6494156159080676 -0.6881102466966202 -0.6881102466966202 -0.6509634011396083 -0.62465105220339 -0.8298873739058678 -0.5163060859954445 -0.3553364219150623 -0.273303804643335 -0.14638541565688343 -0.08756957685828413 -0.030301523291225544 -0.03958823468047853 -0.13709870426763043 -0.24389588524403535 -0.3878399117774522 -0.45594246196530447 -0.5039238041431101 +39184,-0.5008282336800198,2,-0.5472617906262848 -0.6494156159080676 -0.6881102466966202 -0.6881102466966202 -0.6509634011396083 -0.62465105220339 -0.8298873739058678 -0.5163060859954445 -0.3553364219150623 -0.273303804643335 -0.14638541565688343 -0.08756957685828413 -0.030301523291225544 -0.03958823468047853 -0.13709870426763043 -0.24389588524403535 -0.3878399117774522 -0.45594246196530447 -0.5039238041431101 -0.4853503813646041 +39185,-0.5132105155323631,2,-0.6494156159080676 -0.6881102466966202 -0.6881102466966202 -0.6509634011396083 -0.62465105220339 -0.8298873739058678 -0.5163060859954445 -0.3553364219150623 -0.273303804643335 -0.14638541565688343 -0.08756957685828413 -0.030301523291225544 -0.03958823468047853 -0.13709870426763043 -0.24389588524403535 -0.3878399117774522 -0.45594246196530447 -0.5039238041431101 -0.4853503813646041 -0.5008282336800198 +39186,-0.4822548109015139,2,-0.6881102466966202 -0.6881102466966202 -0.6509634011396083 -0.62465105220339 -0.8298873739058678 -0.5163060859954445 -0.3553364219150623 -0.273303804643335 -0.14638541565688343 -0.08756957685828413 -0.030301523291225544 -0.03958823468047853 -0.13709870426763043 -0.24389588524403535 -0.3878399117774522 -0.45594246196530447 -0.5039238041431101 -0.4853503813646041 -0.5008282336800198 -0.5132105155323631 +39187,-0.5472617906262848,2,-0.6881102466966202 -0.6509634011396083 -0.62465105220339 -0.8298873739058678 -0.5163060859954445 -0.3553364219150623 -0.273303804643335 -0.14638541565688343 -0.08756957685828413 -0.030301523291225544 -0.03958823468047853 -0.13709870426763043 -0.24389588524403535 -0.3878399117774522 -0.45594246196530447 -0.5039238041431101 -0.4853503813646041 -0.5008282336800198 -0.5132105155323631 -0.4822548109015139 +39188,-0.5596440724786191,2,-0.6509634011396083 -0.62465105220339 -0.8298873739058678 -0.5163060859954445 -0.3553364219150623 -0.273303804643335 -0.14638541565688343 -0.08756957685828413 -0.030301523291225544 -0.03958823468047853 -0.13709870426763043 -0.24389588524403535 -0.3878399117774522 -0.45594246196530447 -0.5039238041431101 -0.4853503813646041 -0.5008282336800198 -0.5132105155323631 -0.4822548109015139 -0.5472617906262848 +39189,-0.5720263543309624,2,-0.62465105220339 -0.8298873739058678 -0.5163060859954445 -0.3553364219150623 -0.273303804643335 -0.14638541565688343 -0.08756957685828413 -0.030301523291225544 -0.03958823468047853 -0.13709870426763043 -0.24389588524403535 -0.3878399117774522 -0.45594246196530447 -0.5039238041431101 -0.4853503813646041 -0.5008282336800198 -0.5132105155323631 -0.4822548109015139 -0.5472617906262848 -0.5596440724786191 +39190,-0.5333317235424098,2,-0.8298873739058678 -0.5163060859954445 -0.3553364219150623 -0.273303804643335 -0.14638541565688343 -0.08756957685828413 -0.030301523291225544 -0.03958823468047853 -0.13709870426763043 -0.24389588524403535 -0.3878399117774522 -0.45594246196530447 -0.5039238041431101 -0.4853503813646041 -0.5008282336800198 -0.5132105155323631 -0.4822548109015139 -0.5472617906262848 -0.5596440724786191 -0.5720263543309624 +39191,-0.5333317235424098,2,-0.5163060859954445 -0.3553364219150623 -0.273303804643335 -0.14638541565688343 -0.08756957685828413 -0.030301523291225544 -0.03958823468047853 -0.13709870426763043 -0.24389588524403535 -0.3878399117774522 -0.45594246196530447 -0.5039238041431101 -0.4853503813646041 -0.5008282336800198 -0.5132105155323631 -0.4822548109015139 -0.5472617906262848 -0.5596440724786191 -0.5720263543309624 -0.5333317235424098 +39192,-0.5348795087739504,2,-0.3553364219150623 -0.273303804643335 -0.14638541565688343 -0.08756957685828413 -0.030301523291225544 -0.03958823468047853 -0.13709870426763043 -0.24389588524403535 -0.3878399117774522 -0.45594246196530447 -0.5039238041431101 -0.4853503813646041 -0.5008282336800198 -0.5132105155323631 -0.4822548109015139 -0.5472617906262848 -0.5596440724786191 -0.5720263543309624 -0.5333317235424098 -0.5333317235424098 +39193,-0.5240450121531567,2,-0.273303804643335 -0.14638541565688343 -0.08756957685828413 -0.030301523291225544 -0.03958823468047853 -0.13709870426763043 -0.24389588524403535 -0.3878399117774522 -0.45594246196530447 -0.5039238041431101 -0.4853503813646041 -0.5008282336800198 -0.5132105155323631 -0.4822548109015139 -0.5472617906262848 -0.5596440724786191 -0.5720263543309624 -0.5333317235424098 -0.5333317235424098 -0.5348795087739504 +39194,-0.5224972269216073,2,-0.14638541565688343 -0.08756957685828413 -0.030301523291225544 -0.03958823468047853 -0.13709870426763043 -0.24389588524403535 -0.3878399117774522 -0.45594246196530447 -0.5039238041431101 -0.4853503813646041 -0.5008282336800198 -0.5132105155323631 -0.4822548109015139 -0.5472617906262848 -0.5596440724786191 -0.5720263543309624 -0.5333317235424098 -0.5333317235424098 -0.5348795087739504 -0.5240450121531567 +39195,-0.5302361530793195,2,-0.08756957685828413 -0.030301523291225544 -0.03958823468047853 -0.13709870426763043 -0.24389588524403535 -0.3878399117774522 -0.45594246196530447 -0.5039238041431101 -0.4853503813646041 -0.5008282336800198 -0.5132105155323631 -0.4822548109015139 -0.5472617906262848 -0.5596440724786191 -0.5720263543309624 -0.5333317235424098 -0.5333317235424098 -0.5348795087739504 -0.5240450121531567 -0.5224972269216073 +39196,-0.4868981665961448,2,-0.030301523291225544 -0.03958823468047853 -0.13709870426763043 -0.24389588524403535 -0.3878399117774522 -0.45594246196530447 -0.5039238041431101 -0.4853503813646041 -0.5008282336800198 -0.5132105155323631 -0.4822548109015139 -0.5472617906262848 -0.5596440724786191 -0.5720263543309624 -0.5333317235424098 -0.5333317235424098 -0.5348795087739504 -0.5240450121531567 -0.5224972269216073 -0.5302361530793195 +39197,-0.40022219362978656,2,-0.03958823468047853 -0.13709870426763043 -0.24389588524403535 -0.3878399117774522 -0.45594246196530447 -0.5039238041431101 -0.4853503813646041 -0.5008282336800198 -0.5132105155323631 -0.4822548109015139 -0.5472617906262848 -0.5596440724786191 -0.5720263543309624 -0.5333317235424098 -0.5333317235424098 -0.5348795087739504 -0.5240450121531567 -0.5224972269216073 -0.5302361530793195 -0.4868981665961448 +39198,-0.24544367047557605,2,-0.13709870426763043 -0.24389588524403535 -0.3878399117774522 -0.45594246196530447 -0.5039238041431101 -0.4853503813646041 -0.5008282336800198 -0.5132105155323631 -0.4822548109015139 -0.5472617906262848 -0.5596440724786191 -0.5720263543309624 -0.5333317235424098 -0.5333317235424098 -0.5348795087739504 -0.5240450121531567 -0.5224972269216073 -0.5302361530793195 -0.4868981665961448 -0.40022219362978656 +39199,-0.09840407347907781,2,-0.24389588524403535 -0.3878399117774522 -0.45594246196530447 -0.5039238041431101 -0.4853503813646041 -0.5008282336800198 -0.5132105155323631 -0.4822548109015139 -0.5472617906262848 -0.5596440724786191 -0.5720263543309624 -0.5333317235424098 -0.5333317235424098 -0.5348795087739504 -0.5240450121531567 -0.5224972269216073 -0.5302361530793195 -0.4868981665961448 -0.40022219362978656 -0.24544367047557605 +39200,0.04708773828587971,2,-0.3878399117774522 -0.45594246196530447 -0.5039238041431101 -0.4853503813646041 -0.5008282336800198 -0.5132105155323631 -0.4822548109015139 -0.5472617906262848 -0.5596440724786191 -0.5720263543309624 -0.5333317235424098 -0.5333317235424098 -0.5348795087739504 -0.5240450121531567 -0.5224972269216073 -0.5302361530793195 -0.4868981665961448 -0.40022219362978656 -0.24544367047557605 -0.09840407347907781 +39201,0.07649565768517935,2,-0.45594246196530447 -0.5039238041431101 -0.4853503813646041 -0.5008282336800198 -0.5132105155323631 -0.4822548109015139 -0.5472617906262848 -0.5596440724786191 -0.5720263543309624 -0.5333317235424098 -0.5333317235424098 -0.5348795087739504 -0.5240450121531567 -0.5224972269216073 -0.5302361530793195 -0.4868981665961448 -0.40022219362978656 -0.24544367047557605 -0.09840407347907781 0.04708773828587971 +39202,0.14459820787303163,2,-0.5039238041431101 -0.4853503813646041 -0.5008282336800198 -0.5132105155323631 -0.4822548109015139 -0.5472617906262848 -0.5596440724786191 -0.5720263543309624 -0.5333317235424098 -0.5333317235424098 -0.5348795087739504 -0.5240450121531567 -0.5224972269216073 -0.5302361530793195 -0.4868981665961448 -0.40022219362978656 -0.24544367047557605 -0.09840407347907781 0.04708773828587971 0.07649565768517935 +39203,0.09506908046368533,2,-0.4853503813646041 -0.5008282336800198 -0.5132105155323631 -0.4822548109015139 -0.5472617906262848 -0.5596440724786191 -0.5720263543309624 -0.5333317235424098 -0.5333317235424098 -0.5348795087739504 -0.5240450121531567 -0.5224972269216073 -0.5302361530793195 -0.4868981665961448 -0.40022219362978656 -0.24544367047557605 -0.09840407347907781 0.04708773828587971 0.07649565768517935 0.14459820787303163 +39204,0.12447699986298497,2,-0.5008282336800198 -0.5132105155323631 -0.4822548109015139 -0.5472617906262848 -0.5596440724786191 -0.5720263543309624 -0.5333317235424098 -0.5333317235424098 -0.5348795087739504 -0.5240450121531567 -0.5224972269216073 -0.5302361530793195 -0.4868981665961448 -0.40022219362978656 -0.24544367047557605 -0.09840407347907781 0.04708773828587971 0.07649565768517935 0.14459820787303163 0.09506908046368533 +39205,0.01613203365503937,2,-0.5132105155323631 -0.4822548109015139 -0.5472617906262848 -0.5596440724786191 -0.5720263543309624 -0.5333317235424098 -0.5333317235424098 -0.5348795087739504 -0.5240450121531567 -0.5224972269216073 -0.5302361530793195 -0.4868981665961448 -0.40022219362978656 -0.24544367047557605 -0.09840407347907781 0.04708773828587971 0.07649565768517935 0.14459820787303163 0.09506908046368533 0.12447699986298497 +39206,-0.18972340214005814,2,-0.4822548109015139 -0.5472617906262848 -0.5596440724786191 -0.5720263543309624 -0.5333317235424098 -0.5333317235424098 -0.5348795087739504 -0.5240450121531567 -0.5224972269216073 -0.5302361530793195 -0.4868981665961448 -0.40022219362978656 -0.24544367047557605 -0.09840407347907781 0.04708773828587971 0.07649565768517935 0.14459820787303163 0.09506908046368533 0.12447699986298497 0.01613203365503937 +39207,-0.34140635483118725,2,-0.5472617906262848 -0.5596440724786191 -0.5720263543309624 -0.5333317235424098 -0.5333317235424098 -0.5348795087739504 -0.5240450121531567 -0.5224972269216073 -0.5302361530793195 -0.4868981665961448 -0.40022219362978656 -0.24544367047557605 -0.09840407347907781 0.04708773828587971 0.07649565768517935 0.14459820787303163 0.09506908046368533 0.12447699986298497 0.01613203365503937 -0.18972340214005814 +39208,-0.4868981665961448,2,-0.5596440724786191 -0.5720263543309624 -0.5333317235424098 -0.5333317235424098 -0.5348795087739504 -0.5240450121531567 -0.5224972269216073 -0.5302361530793195 -0.4868981665961448 -0.40022219362978656 -0.24544367047557605 -0.09840407347907781 0.04708773828587971 0.07649565768517935 0.14459820787303163 0.09506908046368533 0.12447699986298497 0.01613203365503937 -0.18972340214005814 -0.34140635483118725 +39209,-0.573574139562503,2,-0.5720263543309624 -0.5333317235424098 -0.5333317235424098 -0.5348795087739504 -0.5240450121531567 -0.5224972269216073 -0.5302361530793195 -0.4868981665961448 -0.40022219362978656 -0.24544367047557605 -0.09840407347907781 0.04708773828587971 0.07649565768517935 0.14459820787303163 0.09506908046368533 0.12447699986298497 0.01613203365503937 -0.18972340214005814 -0.34140635483118725 -0.4868981665961448 +39210,-0.6122687703510556,2,-0.5333317235424098 -0.5333317235424098 -0.5348795087739504 -0.5240450121531567 -0.5224972269216073 -0.5302361530793195 -0.4868981665961448 -0.40022219362978656 -0.24544367047557605 -0.09840407347907781 0.04708773828587971 0.07649565768517935 0.14459820787303163 0.09506908046368533 0.12447699986298497 0.01613203365503937 -0.18972340214005814 -0.34140635483118725 -0.4868981665961448 -0.573574139562503 +39211,-0.7020403137804953,2,-0.5333317235424098 -0.5348795087739504 -0.5240450121531567 -0.5224972269216073 -0.5302361530793195 -0.4868981665961448 -0.40022219362978656 -0.24544367047557605 -0.09840407347907781 0.04708773828587971 0.07649565768517935 0.14459820787303163 0.09506908046368533 0.12447699986298497 0.01613203365503937 -0.18972340214005814 -0.34140635483118725 -0.4868981665961448 -0.573574139562503 -0.6122687703510556 +39212,-0.7933596424414756,2,-0.5348795087739504 -0.5240450121531567 -0.5224972269216073 -0.5302361530793195 -0.4868981665961448 -0.40022219362978656 -0.24544367047557605 -0.09840407347907781 0.04708773828587971 0.07649565768517935 0.14459820787303163 0.09506908046368533 0.12447699986298497 0.01613203365503937 -0.18972340214005814 -0.34140635483118725 -0.4868981665961448 -0.573574139562503 -0.6122687703510556 -0.7020403137804953 +39213,-0.8320542732300282,2,-0.5240450121531567 -0.5224972269216073 -0.5302361530793195 -0.4868981665961448 -0.40022219362978656 -0.24544367047557605 -0.09840407347907781 0.04708773828587971 0.07649565768517935 0.14459820787303163 0.09506908046368533 0.12447699986298497 0.01613203365503937 -0.18972340214005814 -0.34140635483118725 -0.4868981665961448 -0.573574139562503 -0.6122687703510556 -0.7020403137804953 -0.7933596424414756 +39214,-0.8955134677232585,2,-0.5224972269216073 -0.5302361530793195 -0.4868981665961448 -0.40022219362978656 -0.24544367047557605 -0.09840407347907781 0.04708773828587971 0.07649565768517935 0.14459820787303163 0.09506908046368533 0.12447699986298497 0.01613203365503937 -0.18972340214005814 -0.34140635483118725 -0.4868981665961448 -0.573574139562503 -0.6122687703510556 -0.7020403137804953 -0.7933596424414756 -0.8320542732300282 +39215,-0.9357558837433517,2,-0.5302361530793195 -0.4868981665961448 -0.40022219362978656 -0.24544367047557605 -0.09840407347907781 0.04708773828587971 0.07649565768517935 0.14459820787303163 0.09506908046368533 0.12447699986298497 0.01613203365503937 -0.18972340214005814 -0.34140635483118725 -0.4868981665961448 -0.573574139562503 -0.6122687703510556 -0.7020403137804953 -0.7933596424414756 -0.8320542732300282 -0.8955134677232585 +39216,-0.9868327963842388,2,-0.4868981665961448 -0.40022219362978656 -0.24544367047557605 -0.09840407347907781 0.04708773828587971 0.07649565768517935 0.14459820787303163 0.09506908046368533 0.12447699986298497 0.01613203365503937 -0.18972340214005814 -0.34140635483118725 -0.4868981665961448 -0.573574139562503 -0.6122687703510556 -0.7020403137804953 -0.7933596424414756 -0.8320542732300282 -0.8955134677232585 -0.9357558837433517 +39217,-0.9744505145319043,2,-0.40022219362978656 -0.24544367047557605 -0.09840407347907781 0.04708773828587971 0.07649565768517935 0.14459820787303163 0.09506908046368533 0.12447699986298497 0.01613203365503937 -0.18972340214005814 -0.34140635483118725 -0.4868981665961448 -0.573574139562503 -0.6122687703510556 -0.7020403137804953 -0.7933596424414756 -0.8320542732300282 -0.8955134677232585 -0.9357558837433517 -0.9868327963842388 +39218,-0.9759982997634451,2,-0.24544367047557605 -0.09840407347907781 0.04708773828587971 0.07649565768517935 0.14459820787303163 0.09506908046368533 0.12447699986298497 0.01613203365503937 -0.18972340214005814 -0.34140635483118725 -0.4868981665961448 -0.573574139562503 -0.6122687703510556 -0.7020403137804953 -0.7933596424414756 -0.8320542732300282 -0.8955134677232585 -0.9357558837433517 -0.9868327963842388 -0.9744505145319043 +39219,-0.994571722541951,2,-0.09840407347907781 0.04708773828587971 0.07649565768517935 0.14459820787303163 0.09506908046368533 0.12447699986298497 0.01613203365503937 -0.18972340214005814 -0.34140635483118725 -0.4868981665961448 -0.573574139562503 -0.6122687703510556 -0.7020403137804953 -0.7933596424414756 -0.8320542732300282 -0.8955134677232585 -0.9357558837433517 -0.9868327963842388 -0.9744505145319043 -0.9759982997634451 +39220,-0.8924178972601771,2,0.04708773828587971 0.07649565768517935 0.14459820787303163 0.09506908046368533 0.12447699986298497 0.01613203365503937 -0.18972340214005814 -0.34140635483118725 -0.4868981665961448 -0.573574139562503 -0.6122687703510556 -0.7020403137804953 -0.7933596424414756 -0.8320542732300282 -0.8955134677232585 -0.9357558837433517 -0.9868327963842388 -0.9744505145319043 -0.9759982997634451 -0.994571722541951 +39221,-0.5936953475725497,2,0.07649565768517935 0.14459820787303163 0.09506908046368533 0.12447699986298497 0.01613203365503937 -0.18972340214005814 -0.34140635483118725 -0.4868981665961448 -0.573574139562503 -0.6122687703510556 -0.7020403137804953 -0.7933596424414756 -0.8320542732300282 -0.8955134677232585 -0.9357558837433517 -0.9868327963842388 -0.9744505145319043 -0.9759982997634451 -0.994571722541951 -0.8924178972601771 +39222,-0.3785532003881992,2,0.14459820787303163 0.09506908046368533 0.12447699986298497 0.01613203365503937 -0.18972340214005814 -0.34140635483118725 -0.4868981665961448 -0.573574139562503 -0.6122687703510556 -0.7020403137804953 -0.7933596424414756 -0.8320542732300282 -0.8955134677232585 -0.9357558837433517 -0.9868327963842388 -0.9744505145319043 -0.9759982997634451 -0.994571722541951 -0.8924178972601771 -0.5936953475725497 +39223,-0.14793320088842413,2,0.09506908046368533 0.12447699986298497 0.01613203365503937 -0.18972340214005814 -0.34140635483118725 -0.4868981665961448 -0.573574139562503 -0.6122687703510556 -0.7020403137804953 -0.7933596424414756 -0.8320542732300282 -0.8955134677232585 -0.9357558837433517 -0.9868327963842388 -0.9744505145319043 -0.9759982997634451 -0.994571722541951 -0.8924178972601771 -0.5936953475725497 -0.3785532003881992 +39224,-0.02101481190197256,2,0.12447699986298497 0.01613203365503937 -0.18972340214005814 -0.34140635483118725 -0.4868981665961448 -0.573574139562503 -0.6122687703510556 -0.7020403137804953 -0.7933596424414756 -0.8320542732300282 -0.8955134677232585 -0.9357558837433517 -0.9868327963842388 -0.9744505145319043 -0.9759982997634451 -0.994571722541951 -0.8924178972601771 -0.5936953475725497 -0.3785532003881992 -0.14793320088842413 +39225,0.05637444967513269,2,0.01613203365503937 -0.18972340214005814 -0.34140635483118725 -0.4868981665961448 -0.573574139562503 -0.6122687703510556 -0.7020403137804953 -0.7933596424414756 -0.8320542732300282 -0.8955134677232585 -0.9357558837433517 -0.9868327963842388 -0.9744505145319043 -0.9759982997634451 -0.994571722541951 -0.8924178972601771 -0.5936953475725497 -0.3785532003881992 -0.14793320088842413 -0.02101481190197256 +39226,0.17091055680924988,2,-0.18972340214005814 -0.34140635483118725 -0.4868981665961448 -0.573574139562503 -0.6122687703510556 -0.7020403137804953 -0.7933596424414756 -0.8320542732300282 -0.8955134677232585 -0.9357558837433517 -0.9868327963842388 -0.9744505145319043 -0.9759982997634451 -0.994571722541951 -0.8924178972601771 -0.5936953475725497 -0.3785532003881992 -0.14793320088842413 -0.02101481190197256 0.05637444967513269 +39227,0.2204396842185962,2,-0.34140635483118725 -0.4868981665961448 -0.573574139562503 -0.6122687703510556 -0.7020403137804953 -0.7933596424414756 -0.8320542732300282 -0.8955134677232585 -0.9357558837433517 -0.9868327963842388 -0.9744505145319043 -0.9759982997634451 -0.994571722541951 -0.8924178972601771 -0.5936953475725497 -0.3785532003881992 -0.14793320088842413 -0.02101481190197256 0.05637444967513269 0.17091055680924988 +39228,0.18174505343004357,2,-0.4868981665961448 -0.573574139562503 -0.6122687703510556 -0.7020403137804953 -0.7933596424414756 -0.8320542732300282 -0.8955134677232585 -0.9357558837433517 -0.9868327963842388 -0.9744505145319043 -0.9759982997634451 -0.994571722541951 -0.8924178972601771 -0.5936953475725497 -0.3785532003881992 -0.14793320088842413 -0.02101481190197256 0.05637444967513269 0.17091055680924988 0.2204396842185962 +39229,0.07959122814826955,2,-0.573574139562503 -0.6122687703510556 -0.7020403137804953 -0.7933596424414756 -0.8320542732300282 -0.8955134677232585 -0.9357558837433517 -0.9868327963842388 -0.9744505145319043 -0.9759982997634451 -0.994571722541951 -0.8924178972601771 -0.5936953475725497 -0.3785532003881992 -0.14793320088842413 -0.02101481190197256 0.05637444967513269 0.17091055680924988 0.2204396842185962 0.18174505343004357 +39230,-0.01637145620734167,2,-0.6122687703510556 -0.7020403137804953 -0.7933596424414756 -0.8320542732300282 -0.8955134677232585 -0.9357558837433517 -0.9868327963842388 -0.9744505145319043 -0.9759982997634451 -0.994571722541951 -0.8924178972601771 -0.5936953475725497 -0.3785532003881992 -0.14793320088842413 -0.02101481190197256 0.05637444967513269 0.17091055680924988 0.2204396842185962 0.18174505343004357 0.07959122814826955 +39231,-0.25318259663328835,2,-0.7020403137804953 -0.7933596424414756 -0.8320542732300282 -0.8955134677232585 -0.9357558837433517 -0.9868327963842388 -0.9744505145319043 -0.9759982997634451 -0.994571722541951 -0.8924178972601771 -0.5936953475725497 -0.3785532003881992 -0.14793320088842413 -0.02101481190197256 0.05637444967513269 0.17091055680924988 0.2204396842185962 0.18174505343004357 0.07959122814826955 -0.01637145620734167 +39232,-0.4807070256699732,2,-0.7933596424414756 -0.8320542732300282 -0.8955134677232585 -0.9357558837433517 -0.9868327963842388 -0.9744505145319043 -0.9759982997634451 -0.994571722541951 -0.8924178972601771 -0.5936953475725497 -0.3785532003881992 -0.14793320088842413 -0.02101481190197256 0.05637444967513269 0.17091055680924988 0.2204396842185962 0.18174505343004357 0.07959122814826955 -0.01637145620734167 -0.25318259663328835 +39233,-0.6323899783611023,2,-0.8320542732300282 -0.8955134677232585 -0.9357558837433517 -0.9868327963842388 -0.9744505145319043 -0.9759982997634451 -0.994571722541951 -0.8924178972601771 -0.5936953475725497 -0.3785532003881992 -0.14793320088842413 -0.02101481190197256 0.05637444967513269 0.17091055680924988 0.2204396842185962 0.18174505343004357 0.07959122814826955 -0.01637145620734167 -0.25318259663328835 -0.4807070256699732 +39234,-0.7283526627167135,2,-0.8955134677232585 -0.9357558837433517 -0.9868327963842388 -0.9744505145319043 -0.9759982997634451 -0.994571722541951 -0.8924178972601771 -0.5936953475725497 -0.3785532003881992 -0.14793320088842413 -0.02101481190197256 0.05637444967513269 0.17091055680924988 0.2204396842185962 0.18174505343004357 0.07959122814826955 -0.01637145620734167 -0.25318259663328835 -0.4807070256699732 -0.6323899783611023 +39235,-0.7933596424414756,2,-0.9357558837433517 -0.9868327963842388 -0.9744505145319043 -0.9759982997634451 -0.994571722541951 -0.8924178972601771 -0.5936953475725497 -0.3785532003881992 -0.14793320088842413 -0.02101481190197256 0.05637444967513269 0.17091055680924988 0.2204396842185962 0.18174505343004357 0.07959122814826955 -0.01637145620734167 -0.25318259663328835 -0.4807070256699732 -0.6323899783611023 -0.7283526627167135 +39236,-0.8134808504515311,2,-0.9868327963842388 -0.9744505145319043 -0.9759982997634451 -0.994571722541951 -0.8924178972601771 -0.5936953475725497 -0.3785532003881992 -0.14793320088842413 -0.02101481190197256 0.05637444967513269 0.17091055680924988 0.2204396842185962 0.18174505343004357 0.07959122814826955 -0.01637145620734167 -0.25318259663328835 -0.4807070256699732 -0.6323899783611023 -0.7283526627167135 -0.7933596424414756 +39237,-0.9233736018910174,2,-0.9744505145319043 -0.9759982997634451 -0.994571722541951 -0.8924178972601771 -0.5936953475725497 -0.3785532003881992 -0.14793320088842413 -0.02101481190197256 0.05637444967513269 0.17091055680924988 0.2204396842185962 0.18174505343004357 0.07959122814826955 -0.01637145620734167 -0.25318259663328835 -0.4807070256699732 -0.6323899783611023 -0.7283526627167135 -0.7933596424414756 -0.8134808504515311 +39238,-1.0162407157835471,2,-0.9759982997634451 -0.994571722541951 -0.8924178972601771 -0.5936953475725497 -0.3785532003881992 -0.14793320088842413 -0.02101481190197256 0.05637444967513269 0.17091055680924988 0.2204396842185962 0.18174505343004357 0.07959122814826955 -0.01637145620734167 -0.25318259663328835 -0.4807070256699732 -0.6323899783611023 -0.7283526627167135 -0.7933596424414756 -0.8134808504515311 -0.9233736018910174 +39239,-1.0255274271727914,2,-0.994571722541951 -0.8924178972601771 -0.5936953475725497 -0.3785532003881992 -0.14793320088842413 -0.02101481190197256 0.05637444967513269 0.17091055680924988 0.2204396842185962 0.18174505343004357 0.07959122814826955 -0.01637145620734167 -0.25318259663328835 -0.4807070256699732 -0.6323899783611023 -0.7283526627167135 -0.7933596424414756 -0.8134808504515311 -0.9233736018910174 -1.0162407157835471 +39240,-1.1338723933807457,2,-0.8924178972601771 -0.5936953475725497 -0.3785532003881992 -0.14793320088842413 -0.02101481190197256 0.05637444967513269 0.17091055680924988 0.2204396842185962 0.18174505343004357 0.07959122814826955 -0.01637145620734167 -0.25318259663328835 -0.4807070256699732 -0.6323899783611023 -0.7283526627167135 -0.7933596424414756 -0.8134808504515311 -0.9233736018910174 -1.0162407157835471 -1.0255274271727914 +39241,-1.1818537355585514,2,-0.5936953475725497 -0.3785532003881992 -0.14793320088842413 -0.02101481190197256 0.05637444967513269 0.17091055680924988 0.2204396842185962 0.18174505343004357 0.07959122814826955 -0.01637145620734167 -0.25318259663328835 -0.4807070256699732 -0.6323899783611023 -0.7283526627167135 -0.7933596424414756 -0.8134808504515311 -0.9233736018910174 -1.0162407157835471 -1.0255274271727914 -1.1338723933807457 +39242,-1.229835077736357,2,-0.3785532003881992 -0.14793320088842413 -0.02101481190197256 0.05637444967513269 0.17091055680924988 0.2204396842185962 0.18174505343004357 0.07959122814826955 -0.01637145620734167 -0.25318259663328835 -0.4807070256699732 -0.6323899783611023 -0.7283526627167135 -0.7933596424414756 -0.8134808504515311 -0.9233736018910174 -1.0162407157835471 -1.0255274271727914 -1.1338723933807457 -1.1818537355585514 +39243,-1.2979376279242092,2,-0.14793320088842413 -0.02101481190197256 0.05637444967513269 0.17091055680924988 0.2204396842185962 0.18174505343004357 0.07959122814826955 -0.01637145620734167 -0.25318259663328835 -0.4807070256699732 -0.6323899783611023 -0.7283526627167135 -0.7933596424414756 -0.8134808504515311 -0.9233736018910174 -1.0162407157835471 -1.0255274271727914 -1.1338723933807457 -1.1818537355585514 -1.229835077736357 +39244,-1.0286229976358816,2,-0.02101481190197256 0.05637444967513269 0.17091055680924988 0.2204396842185962 0.18174505343004357 0.07959122814826955 -0.01637145620734167 -0.25318259663328835 -0.4807070256699732 -0.6323899783611023 -0.7283526627167135 -0.7933596424414756 -0.8134808504515311 -0.9233736018910174 -1.0162407157835471 -1.0255274271727914 -1.1338723933807457 -1.1818537355585514 -1.229835077736357 -1.2979376279242092 +39245,-0.6308421931295616,2,0.05637444967513269 0.17091055680924988 0.2204396842185962 0.18174505343004357 0.07959122814826955 -0.01637145620734167 -0.25318259663328835 -0.4807070256699732 -0.6323899783611023 -0.7283526627167135 -0.7933596424414756 -0.8134808504515311 -0.9233736018910174 -1.0162407157835471 -1.0255274271727914 -1.1338723933807457 -1.1818537355585514 -1.229835077736357 -1.2979376279242092 -1.0286229976358816 +39246,-0.3367629991365564,2,0.17091055680924988 0.2204396842185962 0.18174505343004357 0.07959122814826955 -0.01637145620734167 -0.25318259663328835 -0.4807070256699732 -0.6323899783611023 -0.7283526627167135 -0.7933596424414756 -0.8134808504515311 -0.9233736018910174 -1.0162407157835471 -1.0255274271727914 -1.1338723933807457 -1.1818537355585514 -1.229835077736357 -1.2979376279242092 -1.0286229976358816 -0.6308421931295616 +39247,-0.07673508023748166,2,0.2204396842185962 0.18174505343004357 0.07959122814826955 -0.01637145620734167 -0.25318259663328835 -0.4807070256699732 -0.6323899783611023 -0.7283526627167135 -0.7933596424414756 -0.8134808504515311 -0.9233736018910174 -1.0162407157835471 -1.0255274271727914 -1.1338723933807457 -1.1818537355585514 -1.229835077736357 -1.2979376279242092 -1.0286229976358816 -0.6308421931295616 -0.3367629991365564 +39248,0.17245834204079058,2,0.18174505343004357 0.07959122814826955 -0.01637145620734167 -0.25318259663328835 -0.4807070256699732 -0.6323899783611023 -0.7283526627167135 -0.7933596424414756 -0.8134808504515311 -0.9233736018910174 -1.0162407157835471 -1.0255274271727914 -1.1338723933807457 -1.1818537355585514 -1.229835077736357 -1.2979376279242092 -1.0286229976358816 -0.6308421931295616 -0.3367629991365564 -0.07673508023748166 +39249,0.2746121673225734,2,0.07959122814826955 -0.01637145620734167 -0.25318259663328835 -0.4807070256699732 -0.6323899783611023 -0.7283526627167135 -0.7933596424414756 -0.8134808504515311 -0.9233736018910174 -1.0162407157835471 -1.0255274271727914 -1.1338723933807457 -1.1818537355585514 -1.229835077736357 -1.2979376279242092 -1.0286229976358816 -0.6308421931295616 -0.3367629991365564 -0.07673508023748166 0.17245834204079058 +39250,0.4061739120036558,2,-0.01637145620734167 -0.25318259663328835 -0.4807070256699732 -0.6323899783611023 -0.7283526627167135 -0.7933596424414756 -0.8134808504515311 -0.9233736018910174 -1.0162407157835471 -1.0255274271727914 -1.1338723933807457 -1.1818537355585514 -1.229835077736357 -1.2979376279242092 -1.0286229976358816 -0.6308421931295616 -0.3367629991365564 -0.07673508023748166 0.17245834204079058 0.2746121673225734 +39251,0.3365235765842541,2,-0.25318259663328835 -0.4807070256699732 -0.6323899783611023 -0.7283526627167135 -0.7933596424414756 -0.8134808504515311 -0.9233736018910174 -1.0162407157835471 -1.0255274271727914 -1.1338723933807457 -1.1818537355585514 -1.229835077736357 -1.2979376279242092 -1.0286229976358816 -0.6308421931295616 -0.3367629991365564 -0.07673508023748166 0.17245834204079058 0.2746121673225734 0.4061739120036558 +39252,0.2854466639433671,2,-0.4807070256699732 -0.6323899783611023 -0.7283526627167135 -0.7933596424414756 -0.8134808504515311 -0.9233736018910174 -1.0162407157835471 -1.0255274271727914 -1.1338723933807457 -1.1818537355585514 -1.229835077736357 -1.2979376279242092 -1.0286229976358816 -0.6308421931295616 -0.3367629991365564 -0.07673508023748166 0.17245834204079058 0.2746121673225734 0.4061739120036558 0.3365235765842541 +39253,0.12447699986298497,2,-0.6323899783611023 -0.7283526627167135 -0.7933596424414756 -0.8134808504515311 -0.9233736018910174 -1.0162407157835471 -1.0255274271727914 -1.1338723933807457 -1.1818537355585514 -1.229835077736357 -1.2979376279242092 -1.0286229976358816 -0.6308421931295616 -0.3367629991365564 -0.07673508023748166 0.17245834204079058 0.2746121673225734 0.4061739120036558 0.3365235765842541 0.2854466639433671 +39254,0.006845322265786387,2,-0.7283526627167135 -0.7933596424414756 -0.8134808504515311 -0.9233736018910174 -1.0162407157835471 -1.0255274271727914 -1.1338723933807457 -1.1818537355585514 -1.229835077736357 -1.2979376279242092 -1.0286229976358816 -0.6308421931295616 -0.3367629991365564 -0.07673508023748166 0.17245834204079058 0.2746121673225734 0.4061739120036558 0.3365235765842541 0.2854466639433671 0.12447699986298497 +39255,-0.24080031478094516,2,-0.7933596424414756 -0.8134808504515311 -0.9233736018910174 -1.0162407157835471 -1.0255274271727914 -1.1338723933807457 -1.1818537355585514 -1.229835077736357 -1.2979376279242092 -1.0286229976358816 -0.6308421931295616 -0.3367629991365564 -0.07673508023748166 0.17245834204079058 0.2746121673225734 0.4061739120036558 0.3365235765842541 0.2854466639433671 0.12447699986298497 0.006845322265786387 +39256,-0.36617091853585604,2,-0.8134808504515311 -0.9233736018910174 -1.0162407157835471 -1.0255274271727914 -1.1338723933807457 -1.1818537355585514 -1.229835077736357 -1.2979376279242092 -1.0286229976358816 -0.6308421931295616 -0.3367629991365564 -0.07673508023748166 0.17245834204079058 0.2746121673225734 0.4061739120036558 0.3365235765842541 0.2854466639433671 0.12447699986298497 0.006845322265786387 -0.24080031478094516 +39257,-0.45439467673375494,2,-0.9233736018910174 -1.0162407157835471 -1.0255274271727914 -1.1338723933807457 -1.1818537355585514 -1.229835077736357 -1.2979376279242092 -1.0286229976358816 -0.6308421931295616 -0.3367629991365564 -0.07673508023748166 0.17245834204079058 0.2746121673225734 0.4061739120036558 0.3365235765842541 0.2854466639433671 0.12447699986298497 0.006845322265786387 -0.24080031478094516 -0.36617091853585604 +39258,-0.5472617906262848,2,-1.0162407157835471 -1.0255274271727914 -1.1338723933807457 -1.1818537355585514 -1.229835077736357 -1.2979376279242092 -1.0286229976358816 -0.6308421931295616 -0.3367629991365564 -0.07673508023748166 0.17245834204079058 0.2746121673225734 0.4061739120036558 0.3365235765842541 0.2854466639433671 0.12447699986298497 0.006845322265786387 -0.24080031478094516 -0.36617091853585604 -0.45439467673375494 +39259,-0.6494156159080676,2,-1.0255274271727914 -1.1338723933807457 -1.1818537355585514 -1.229835077736357 -1.2979376279242092 -1.0286229976358816 -0.6308421931295616 -0.3367629991365564 -0.07673508023748166 0.17245834204079058 0.2746121673225734 0.4061739120036558 0.3365235765842541 0.2854466639433671 0.12447699986298497 0.006845322265786387 -0.24080031478094516 -0.36617091853585604 -0.45439467673375494 -0.5472617906262848 +39260,-0.6896580319281609,2,-1.1338723933807457 -1.1818537355585514 -1.229835077736357 -1.2979376279242092 -1.0286229976358816 -0.6308421931295616 -0.3367629991365564 -0.07673508023748166 0.17245834204079058 0.2746121673225734 0.4061739120036558 0.3365235765842541 0.2854466639433671 0.12447699986298497 0.006845322265786387 -0.24080031478094516 -0.36617091853585604 -0.45439467673375494 -0.5472617906262848 -0.6494156159080676 +39261,-0.6509634011396083,2,-1.1818537355585514 -1.229835077736357 -1.2979376279242092 -1.0286229976358816 -0.6308421931295616 -0.3367629991365564 -0.07673508023748166 0.17245834204079058 0.2746121673225734 0.4061739120036558 0.3365235765842541 0.2854466639433671 0.12447699986298497 0.006845322265786387 -0.24080031478094516 -0.36617091853585604 -0.45439467673375494 -0.5472617906262848 -0.6494156159080676 -0.6896580319281609 +39262,-0.6370333340557244,2,-1.229835077736357 -1.2979376279242092 -1.0286229976358816 -0.6308421931295616 -0.3367629991365564 -0.07673508023748166 0.17245834204079058 0.2746121673225734 0.4061739120036558 0.3365235765842541 0.2854466639433671 0.12447699986298497 0.006845322265786387 -0.24080031478094516 -0.36617091853585604 -0.45439467673375494 -0.5472617906262848 -0.6494156159080676 -0.6896580319281609 -0.6509634011396083 +39263,-0.7144225956328297,2,-1.2979376279242092 -1.0286229976358816 -0.6308421931295616 -0.3367629991365564 -0.07673508023748166 0.17245834204079058 0.2746121673225734 0.4061739120036558 0.3365235765842541 0.2854466639433671 0.12447699986298497 0.006845322265786387 -0.24080031478094516 -0.36617091853585604 -0.45439467673375494 -0.5472617906262848 -0.6494156159080676 -0.6896580319281609 -0.6509634011396083 -0.6370333340557244 +39264,-0.7283526627167135,2,-1.0286229976358816 -0.6308421931295616 -0.3367629991365564 -0.07673508023748166 0.17245834204079058 0.2746121673225734 0.4061739120036558 0.3365235765842541 0.2854466639433671 0.12447699986298497 0.006845322265786387 -0.24080031478094516 -0.36617091853585604 -0.45439467673375494 -0.5472617906262848 -0.6494156159080676 -0.6896580319281609 -0.6509634011396083 -0.6370333340557244 -0.7144225956328297 +39265,-0.8320542732300282,2,-0.6308421931295616 -0.3367629991365564 -0.07673508023748166 0.17245834204079058 0.2746121673225734 0.4061739120036558 0.3365235765842541 0.2854466639433671 0.12447699986298497 0.006845322265786387 -0.24080031478094516 -0.36617091853585604 -0.45439467673375494 -0.5472617906262848 -0.6494156159080676 -0.6896580319281609 -0.6509634011396083 -0.6370333340557244 -0.7144225956328297 -0.7283526627167135 +39266,-0.9233736018910174,2,-0.3367629991365564 -0.07673508023748166 0.17245834204079058 0.2746121673225734 0.4061739120036558 0.3365235765842541 0.2854466639433671 0.12447699986298497 0.006845322265786387 -0.24080031478094516 -0.36617091853585604 -0.45439467673375494 -0.5472617906262848 -0.6494156159080676 -0.6896580319281609 -0.6509634011396083 -0.6370333340557244 -0.7144225956328297 -0.7283526627167135 -0.8320542732300282 +39267,-0.8738444744816711,2,-0.07673508023748166 0.17245834204079058 0.2746121673225734 0.4061739120036558 0.3365235765842541 0.2854466639433671 0.12447699986298497 0.006845322265786387 -0.24080031478094516 -0.36617091853585604 -0.45439467673375494 -0.5472617906262848 -0.6494156159080676 -0.6896580319281609 -0.6509634011396083 -0.6370333340557244 -0.7144225956328297 -0.7283526627167135 -0.8320542732300282 -0.9233736018910174 +39268,-0.6865624614650707,2,0.17245834204079058 0.2746121673225734 0.4061739120036558 0.3365235765842541 0.2854466639433671 0.12447699986298497 0.006845322265786387 -0.24080031478094516 -0.36617091853585604 -0.45439467673375494 -0.5472617906262848 -0.6494156159080676 -0.6896580319281609 -0.6509634011396083 -0.6370333340557244 -0.7144225956328297 -0.7283526627167135 -0.8320542732300282 -0.9233736018910174 -0.8738444744816711 +39269,-0.49154152229076686,2,0.2746121673225734 0.4061739120036558 0.3365235765842541 0.2854466639433671 0.12447699986298497 0.006845322265786387 -0.24080031478094516 -0.36617091853585604 -0.45439467673375494 -0.5472617906262848 -0.6494156159080676 -0.6896580319281609 -0.6509634011396083 -0.6370333340557244 -0.7144225956328297 -0.7283526627167135 -0.8320542732300282 -0.9233736018910174 -0.8738444744816711 -0.6865624614650707 +39270,-0.273303804643335,2,0.4061739120036558 0.3365235765842541 0.2854466639433671 0.12447699986298497 0.006845322265786387 -0.24080031478094516 -0.36617091853585604 -0.45439467673375494 -0.5472617906262848 -0.6494156159080676 -0.6896580319281609 -0.6509634011396083 -0.6370333340557244 -0.7144225956328297 -0.7283526627167135 -0.8320542732300282 -0.9233736018910174 -0.8738444744816711 -0.6865624614650707 -0.49154152229076686 +39271,-0.1092385700998715,2,0.3365235765842541 0.2854466639433671 0.12447699986298497 0.006845322265786387 -0.24080031478094516 -0.36617091853585604 -0.45439467673375494 -0.5472617906262848 -0.6494156159080676 -0.6896580319281609 -0.6509634011396083 -0.6370333340557244 -0.7144225956328297 -0.7283526627167135 -0.8320542732300282 -0.9233736018910174 -0.8738444744816711 -0.6865624614650707 -0.49154152229076686 -0.273303804643335 +39272,-0.014823670975800974,2,0.2854466639433671 0.12447699986298497 0.006845322265786387 -0.24080031478094516 -0.36617091853585604 -0.45439467673375494 -0.5472617906262848 -0.6494156159080676 -0.6896580319281609 -0.6509634011396083 -0.6370333340557244 -0.7144225956328297 -0.7283526627167135 -0.8320542732300282 -0.9233736018910174 -0.8738444744816711 -0.6865624614650707 -0.49154152229076686 -0.273303804643335 -0.1092385700998715 +39273,0.1089991475475692,2,0.12447699986298497 0.006845322265786387 -0.24080031478094516 -0.36617091853585604 -0.45439467673375494 -0.5472617906262848 -0.6494156159080676 -0.6896580319281609 -0.6509634011396083 -0.6370333340557244 -0.7144225956328297 -0.7283526627167135 -0.8320542732300282 -0.9233736018910174 -0.8738444744816711 -0.6865624614650707 -0.49154152229076686 -0.273303804643335 -0.1092385700998715 -0.014823670975800974 +39274,0.20186626144009023,2,0.006845322265786387 -0.24080031478094516 -0.36617091853585604 -0.45439467673375494 -0.5472617906262848 -0.6494156159080676 -0.6896580319281609 -0.6509634011396083 -0.6370333340557244 -0.7144225956328297 -0.7283526627167135 -0.8320542732300282 -0.9233736018910174 -0.8738444744816711 -0.6865624614650707 -0.49154152229076686 -0.273303804643335 -0.1092385700998715 -0.014823670975800974 0.1089991475475692 +39275,0.19103176481929654,2,-0.24080031478094516 -0.36617091853585604 -0.45439467673375494 -0.5472617906262848 -0.6494156159080676 -0.6896580319281609 -0.6509634011396083 -0.6370333340557244 -0.7144225956328297 -0.7283526627167135 -0.8320542732300282 -0.9233736018910174 -0.8738444744816711 -0.6865624614650707 -0.49154152229076686 -0.273303804643335 -0.1092385700998715 -0.014823670975800974 0.1089991475475692 0.20186626144009023 +39276,0.10280800662139761,2,-0.36617091853585604 -0.45439467673375494 -0.5472617906262848 -0.6494156159080676 -0.6896580319281609 -0.6509634011396083 -0.6370333340557244 -0.7144225956328297 -0.7283526627167135 -0.8320542732300282 -0.9233736018910174 -0.8738444744816711 -0.6865624614650707 -0.49154152229076686 -0.273303804643335 -0.1092385700998715 -0.014823670975800974 0.1089991475475692 0.20186626144009023 0.19103176481929654 +39277,0.01613203365503937,2,-0.45439467673375494 -0.5472617906262848 -0.6494156159080676 -0.6896580319281609 -0.6509634011396083 -0.6370333340557244 -0.7144225956328297 -0.7283526627167135 -0.8320542732300282 -0.9233736018910174 -0.8738444744816711 -0.6865624614650707 -0.49154152229076686 -0.273303804643335 -0.1092385700998715 -0.014823670975800974 0.1089991475475692 0.20186626144009023 0.19103176481929654 0.10280800662139761 +39278,-0.1076907848683308,2,-0.5472617906262848 -0.6494156159080676 -0.6896580319281609 -0.6509634011396083 -0.6370333340557244 -0.7144225956328297 -0.7283526627167135 -0.8320542732300282 -0.9233736018910174 -0.8738444744816711 -0.6865624614650707 -0.49154152229076686 -0.273303804643335 -0.1092385700998715 -0.014823670975800974 0.1089991475475692 0.20186626144009023 0.19103176481929654 0.10280800662139761 0.01613203365503937 +39279,-0.28413830126412865,2,-0.6494156159080676 -0.6896580319281609 -0.6509634011396083 -0.6370333340557244 -0.7144225956328297 -0.7283526627167135 -0.8320542732300282 -0.9233736018910174 -0.8738444744816711 -0.6865624614650707 -0.49154152229076686 -0.273303804643335 -0.1092385700998715 -0.014823670975800974 0.1089991475475692 0.20186626144009023 0.19103176481929654 0.10280800662139761 0.01613203365503937 -0.1076907848683308 +39280,-0.4079611197874988,2,-0.6896580319281609 -0.6509634011396083 -0.6370333340557244 -0.7144225956328297 -0.7283526627167135 -0.8320542732300282 -0.9233736018910174 -0.8738444744816711 -0.6865624614650707 -0.49154152229076686 -0.273303804643335 -0.1092385700998715 -0.014823670975800974 0.1089991475475692 0.20186626144009023 0.19103176481929654 0.10280800662139761 0.01613203365503937 -0.1076907848683308 -0.28413830126412865 +39281,-0.5008282336800198,2,-0.6509634011396083 -0.6370333340557244 -0.7144225956328297 -0.7283526627167135 -0.8320542732300282 -0.9233736018910174 -0.8738444744816711 -0.6865624614650707 -0.49154152229076686 -0.273303804643335 -0.1092385700998715 -0.014823670975800974 0.1089991475475692 0.20186626144009023 0.19103176481929654 0.10280800662139761 0.01613203365503937 -0.1076907848683308 -0.28413830126412865 -0.4079611197874988 +39282,-0.5348795087739504,2,-0.6370333340557244 -0.7144225956328297 -0.7283526627167135 -0.8320542732300282 -0.9233736018910174 -0.8738444744816711 -0.6865624614650707 -0.49154152229076686 -0.273303804643335 -0.1092385700998715 -0.014823670975800974 0.1089991475475692 0.20186626144009023 0.19103176481929654 0.10280800662139761 0.01613203365503937 -0.1076907848683308 -0.28413830126412865 -0.4079611197874988 -0.5008282336800198 +39283,-0.6509634011396083,2,-0.7144225956328297 -0.7283526627167135 -0.8320542732300282 -0.9233736018910174 -0.8738444744816711 -0.6865624614650707 -0.49154152229076686 -0.273303804643335 -0.1092385700998715 -0.014823670975800974 0.1089991475475692 0.20186626144009023 0.19103176481929654 0.10280800662139761 0.01613203365503937 -0.1076907848683308 -0.28413830126412865 -0.4079611197874988 -0.5008282336800198 -0.5348795087739504 +39284,-0.7159703808643704,2,-0.7283526627167135 -0.8320542732300282 -0.9233736018910174 -0.8738444744816711 -0.6865624614650707 -0.49154152229076686 -0.273303804643335 -0.1092385700998715 -0.014823670975800974 0.1089991475475692 0.20186626144009023 0.19103176481929654 0.10280800662139761 0.01613203365503937 -0.1076907848683308 -0.28413830126412865 -0.4079611197874988 -0.5008282336800198 -0.5348795087739504 -0.6509634011396083 +39285,-0.7670472935052661,2,-0.8320542732300282 -0.9233736018910174 -0.8738444744816711 -0.6865624614650707 -0.49154152229076686 -0.273303804643335 -0.1092385700998715 -0.014823670975800974 0.1089991475475692 0.20186626144009023 0.19103176481929654 0.10280800662139761 0.01613203365503937 -0.1076907848683308 -0.28413830126412865 -0.4079611197874988 -0.5008282336800198 -0.5348795087739504 -0.6509634011396083 -0.7159703808643704 +39286,-0.8320542732300282,2,-0.9233736018910174 -0.8738444744816711 -0.6865624614650707 -0.49154152229076686 -0.273303804643335 -0.1092385700998715 -0.014823670975800974 0.1089991475475692 0.20186626144009023 0.19103176481929654 0.10280800662139761 0.01613203365503937 -0.1076907848683308 -0.28413830126412865 -0.4079611197874988 -0.5008282336800198 -0.5348795087739504 -0.6509634011396083 -0.7159703808643704 -0.7670472935052661 +39287,-0.8955134677232585,2,-0.8738444744816711 -0.6865624614650707 -0.49154152229076686 -0.273303804643335 -0.1092385700998715 -0.014823670975800974 0.1089991475475692 0.20186626144009023 0.19103176481929654 0.10280800662139761 0.01613203365503937 -0.1076907848683308 -0.28413830126412865 -0.4079611197874988 -0.5008282336800198 -0.5348795087739504 -0.6509634011396083 -0.7159703808643704 -0.7670472935052661 -0.8320542732300282 +39288,-0.8552710517031651,2,-0.6865624614650707 -0.49154152229076686 -0.273303804643335 -0.1092385700998715 -0.014823670975800974 0.1089991475475692 0.20186626144009023 0.19103176481929654 0.10280800662139761 0.01613203365503937 -0.1076907848683308 -0.28413830126412865 -0.4079611197874988 -0.5008282336800198 -0.5348795087739504 -0.6509634011396083 -0.7159703808643704 -0.7670472935052661 -0.8320542732300282 -0.8955134677232585 +39289,-0.8661055483239588,2,-0.49154152229076686 -0.273303804643335 -0.1092385700998715 -0.014823670975800974 0.1089991475475692 0.20186626144009023 0.19103176481929654 0.10280800662139761 0.01613203365503937 -0.1076907848683308 -0.28413830126412865 -0.4079611197874988 -0.5008282336800198 -0.5348795087739504 -0.6509634011396083 -0.7159703808643704 -0.7670472935052661 -0.8320542732300282 -0.8955134677232585 -0.8552710517031651 +39290,-0.9063479643440521,2,-0.273303804643335 -0.1092385700998715 -0.014823670975800974 0.1089991475475692 0.20186626144009023 0.19103176481929654 0.10280800662139761 0.01613203365503937 -0.1076907848683308 -0.28413830126412865 -0.4079611197874988 -0.5008282336800198 -0.5348795087739504 -0.6509634011396083 -0.7159703808643704 -0.7670472935052661 -0.8320542732300282 -0.8955134677232585 -0.8552710517031651 -0.8661055483239588 +39291,-0.8459843403139121,2,-0.1092385700998715 -0.014823670975800974 0.1089991475475692 0.20186626144009023 0.19103176481929654 0.10280800662139761 0.01613203365503937 -0.1076907848683308 -0.28413830126412865 -0.4079611197874988 -0.5008282336800198 -0.5348795087739504 -0.6509634011396083 -0.7159703808643704 -0.7670472935052661 -0.8320542732300282 -0.8955134677232585 -0.8552710517031651 -0.8661055483239588 -0.9063479643440521 +39292,-0.7422827298005886,2,-0.014823670975800974 0.1089991475475692 0.20186626144009023 0.19103176481929654 0.10280800662139761 0.01613203365503937 -0.1076907848683308 -0.28413830126412865 -0.4079611197874988 -0.5008282336800198 -0.5348795087739504 -0.6509634011396083 -0.7159703808643704 -0.7670472935052661 -0.8320542732300282 -0.8955134677232585 -0.8552710517031651 -0.8661055483239588 -0.9063479643440521 -0.8459843403139121 +39293,-0.5209494416900665,2,0.1089991475475692 0.20186626144009023 0.19103176481929654 0.10280800662139761 0.01613203365503937 -0.1076907848683308 -0.28413830126412865 -0.4079611197874988 -0.5008282336800198 -0.5348795087739504 -0.6509634011396083 -0.7159703808643704 -0.7670472935052661 -0.8320542732300282 -0.8955134677232585 -0.8552710517031651 -0.8661055483239588 -0.9063479643440521 -0.8459843403139121 -0.7422827298005886 +39294,-0.29806836834800376,2,0.20186626144009023 0.19103176481929654 0.10280800662139761 0.01613203365503937 -0.1076907848683308 -0.28413830126412865 -0.4079611197874988 -0.5008282336800198 -0.5348795087739504 -0.6509634011396083 -0.7159703808643704 -0.7670472935052661 -0.8320542732300282 -0.8955134677232585 -0.8552710517031651 -0.8661055483239588 -0.9063479643440521 -0.8459843403139121 -0.7422827298005886 -0.5209494416900665 +39295,-0.08756957685828413,2,0.19103176481929654 0.10280800662139761 0.01613203365503937 -0.1076907848683308 -0.28413830126412865 -0.4079611197874988 -0.5008282336800198 -0.5348795087739504 -0.6509634011396083 -0.7159703808643704 -0.7670472935052661 -0.8320542732300282 -0.8955134677232585 -0.8552710517031651 -0.8661055483239588 -0.9063479643440521 -0.8459843403139121 -0.7422827298005886 -0.5209494416900665 -0.29806836834800376 +39296,0.09816465092677551,2,0.10280800662139761 0.01613203365503937 -0.1076907848683308 -0.28413830126412865 -0.4079611197874988 -0.5008282336800198 -0.5348795087739504 -0.6509634011396083 -0.7159703808643704 -0.7670472935052661 -0.8320542732300282 -0.8955134677232585 -0.8552710517031651 -0.8661055483239588 -0.9063479643440521 -0.8459843403139121 -0.7422827298005886 -0.5209494416900665 -0.29806836834800376 -0.08756957685828413 +39297,0.12912035555761586,2,0.01613203365503937 -0.1076907848683308 -0.28413830126412865 -0.4079611197874988 -0.5008282336800198 -0.5348795087739504 -0.6509634011396083 -0.7159703808643704 -0.7670472935052661 -0.8320542732300282 -0.8955134677232585 -0.8552710517031651 -0.8661055483239588 -0.9063479643440521 -0.8459843403139121 -0.7422827298005886 -0.5209494416900665 -0.29806836834800376 -0.08756957685828413 0.09816465092677551 +39298,0.23282196607093936,2,-0.1076907848683308 -0.28413830126412865 -0.4079611197874988 -0.5008282336800198 -0.5348795087739504 -0.6509634011396083 -0.7159703808643704 -0.7670472935052661 -0.8320542732300282 -0.8955134677232585 -0.8552710517031651 -0.8661055483239588 -0.9063479643440521 -0.8459843403139121 -0.7422827298005886 -0.5209494416900665 -0.29806836834800376 -0.08756957685828413 0.09816465092677551 0.12912035555761586 +39299,0.20186626144009023,2,-0.28413830126412865 -0.4079611197874988 -0.5008282336800198 -0.5348795087739504 -0.6509634011396083 -0.7159703808643704 -0.7670472935052661 -0.8320542732300282 -0.8955134677232585 -0.8552710517031651 -0.8661055483239588 -0.9063479643440521 -0.8459843403139121 -0.7422827298005886 -0.5209494416900665 -0.29806836834800376 -0.08756957685828413 0.09816465092677551 0.12912035555761586 0.23282196607093936 +39300,0.13531149648378746,2,-0.4079611197874988 -0.5008282336800198 -0.5348795087739504 -0.6509634011396083 -0.7159703808643704 -0.7670472935052661 -0.8320542732300282 -0.8955134677232585 -0.8552710517031651 -0.8661055483239588 -0.9063479643440521 -0.8459843403139121 -0.7422827298005886 -0.5209494416900665 -0.29806836834800376 -0.08756957685828413 0.09816465092677551 0.12912035555761586 0.23282196607093936 0.20186626144009023 +39301,0.105903577084479,2,-0.5008282336800198 -0.5348795087739504 -0.6509634011396083 -0.7159703808643704 -0.7670472935052661 -0.8320542732300282 -0.8955134677232585 -0.8552710517031651 -0.8661055483239588 -0.9063479643440521 -0.8459843403139121 -0.7422827298005886 -0.5209494416900665 -0.29806836834800376 -0.08756957685828413 0.09816465092677551 0.12912035555761586 0.23282196607093936 0.20186626144009023 0.13531149648378746 +39302,-0.02101481190197256,2,-0.5348795087739504 -0.6509634011396083 -0.7159703808643704 -0.7670472935052661 -0.8320542732300282 -0.8955134677232585 -0.8552710517031651 -0.8661055483239588 -0.9063479643440521 -0.8459843403139121 -0.7422827298005886 -0.5209494416900665 -0.29806836834800376 -0.08756957685828413 0.09816465092677551 0.12912035555761586 0.23282196607093936 0.20186626144009023 0.13531149648378746 0.105903577084479 +39303,-0.2113923953816455,2,-0.6509634011396083 -0.7159703808643704 -0.7670472935052661 -0.8320542732300282 -0.8955134677232585 -0.8552710517031651 -0.8661055483239588 -0.9063479643440521 -0.8459843403139121 -0.7422827298005886 -0.5209494416900665 -0.29806836834800376 -0.08756957685828413 0.09816465092677551 0.12912035555761586 0.23282196607093936 0.20186626144009023 0.13531149648378746 0.105903577084479 -0.02101481190197256 +39304,-0.33985856959964655,2,-0.7159703808643704 -0.7670472935052661 -0.8320542732300282 -0.8955134677232585 -0.8552710517031651 -0.8661055483239588 -0.9063479643440521 -0.8459843403139121 -0.7422827298005886 -0.5209494416900665 -0.29806836834800376 -0.08756957685828413 0.09816465092677551 0.12912035555761586 0.23282196607093936 0.20186626144009023 0.13531149648378746 0.105903577084479 -0.02101481190197256 -0.2113923953816455 +39305,-0.4311778982606269,2,-0.7670472935052661 -0.8320542732300282 -0.8955134677232585 -0.8552710517031651 -0.8661055483239588 -0.9063479643440521 -0.8459843403139121 -0.7422827298005886 -0.5209494416900665 -0.29806836834800376 -0.08756957685828413 0.09816465092677551 0.12912035555761586 0.23282196607093936 0.20186626144009023 0.13531149648378746 0.105903577084479 -0.02101481190197256 -0.2113923953816455 -0.33985856959964655 +39306,-0.46987252904917953,2,-0.8320542732300282 -0.8955134677232585 -0.8552710517031651 -0.8661055483239588 -0.9063479643440521 -0.8459843403139121 -0.7422827298005886 -0.5209494416900665 -0.29806836834800376 -0.08756957685828413 0.09816465092677551 0.12912035555761586 0.23282196607093936 0.20186626144009023 0.13531149648378746 0.105903577084479 -0.02101481190197256 -0.2113923953816455 -0.33985856959964655 -0.4311778982606269 +39307,-0.573574139562503,2,-0.8955134677232585 -0.8552710517031651 -0.8661055483239588 -0.9063479643440521 -0.8459843403139121 -0.7422827298005886 -0.5209494416900665 -0.29806836834800376 -0.08756957685828413 0.09816465092677551 0.12912035555761586 0.23282196607093936 0.20186626144009023 0.13531149648378746 0.105903577084479 -0.02101481190197256 -0.2113923953816455 -0.33985856959964655 -0.4311778982606269 -0.46987252904917953 +39308,-0.6772757500758178,2,-0.8552710517031651 -0.8661055483239588 -0.9063479643440521 -0.8459843403139121 -0.7422827298005886 -0.5209494416900665 -0.29806836834800376 -0.08756957685828413 0.09816465092677551 0.12912035555761586 0.23282196607093936 0.20186626144009023 0.13531149648378746 0.105903577084479 -0.02101481190197256 -0.2113923953816455 -0.33985856959964655 -0.4311778982606269 -0.46987252904917953 -0.573574139562503 +39309,-0.7020403137804953,2,-0.8661055483239588 -0.9063479643440521 -0.8459843403139121 -0.7422827298005886 -0.5209494416900665 -0.29806836834800376 -0.08756957685828413 0.09816465092677551 0.12912035555761586 0.23282196607093936 0.20186626144009023 0.13531149648378746 0.105903577084479 -0.02101481190197256 -0.2113923953816455 -0.33985856959964655 -0.4311778982606269 -0.46987252904917953 -0.573574139562503 -0.6772757500758178 +39310,-0.7794295753576006,2,-0.9063479643440521 -0.8459843403139121 -0.7422827298005886 -0.5209494416900665 -0.29806836834800376 -0.08756957685828413 0.09816465092677551 0.12912035555761586 0.23282196607093936 0.20186626144009023 0.13531149648378746 0.105903577084479 -0.02101481190197256 -0.2113923953816455 -0.33985856959964655 -0.4311778982606269 -0.46987252904917953 -0.573574139562503 -0.6772757500758178 -0.7020403137804953 +39311,-0.8057419242938189,2,-0.8459843403139121 -0.7422827298005886 -0.5209494416900665 -0.29806836834800376 -0.08756957685828413 0.09816465092677551 0.12912035555761586 0.23282196607093936 0.20186626144009023 0.13531149648378746 0.105903577084479 -0.02101481190197256 -0.2113923953816455 -0.33985856959964655 -0.4311778982606269 -0.46987252904917953 -0.573574139562503 -0.6772757500758178 -0.7020403137804953 -0.7794295753576006 +39312,-0.8707489040185808,2,-0.7422827298005886 -0.5209494416900665 -0.29806836834800376 -0.08756957685828413 0.09816465092677551 0.12912035555761586 0.23282196607093936 0.20186626144009023 0.13531149648378746 0.105903577084479 -0.02101481190197256 -0.2113923953816455 -0.33985856959964655 -0.4311778982606269 -0.46987252904917953 -0.573574139562503 -0.6772757500758178 -0.7020403137804953 -0.7794295753576006 -0.8057419242938189 +39313,-0.9094435348071335,2,-0.5209494416900665 -0.29806836834800376 -0.08756957685828413 0.09816465092677551 0.12912035555761586 0.23282196607093936 0.20186626144009023 0.13531149648378746 0.105903577084479 -0.02101481190197256 -0.2113923953816455 -0.33985856959964655 -0.4311778982606269 -0.46987252904917953 -0.573574139562503 -0.6772757500758178 -0.7020403137804953 -0.7794295753576006 -0.8057419242938189 -0.8707489040185808 +39314,-0.8707489040185808,2,-0.29806836834800376 -0.08756957685828413 0.09816465092677551 0.12912035555761586 0.23282196607093936 0.20186626144009023 0.13531149648378746 0.105903577084479 -0.02101481190197256 -0.2113923953816455 -0.33985856959964655 -0.4311778982606269 -0.46987252904917953 -0.573574139562503 -0.6772757500758178 -0.7020403137804953 -0.7794295753576006 -0.8057419242938189 -0.8707489040185808 -0.9094435348071335 +39315,-0.8707489040185808,2,-0.08756957685828413 0.09816465092677551 0.12912035555761586 0.23282196607093936 0.20186626144009023 0.13531149648378746 0.105903577084479 -0.02101481190197256 -0.2113923953816455 -0.33985856959964655 -0.4311778982606269 -0.46987252904917953 -0.573574139562503 -0.6772757500758178 -0.7020403137804953 -0.7794295753576006 -0.8057419242938189 -0.8707489040185808 -0.9094435348071335 -0.8707489040185808 +39316,-0.6896580319281609,2,0.09816465092677551 0.12912035555761586 0.23282196607093936 0.20186626144009023 0.13531149648378746 0.105903577084479 -0.02101481190197256 -0.2113923953816455 -0.33985856959964655 -0.4311778982606269 -0.46987252904917953 -0.573574139562503 -0.6772757500758178 -0.7020403137804953 -0.7794295753576006 -0.8057419242938189 -0.8707489040185808 -0.9094435348071335 -0.8707489040185808 -0.8707489040185808 +39317,-0.4095089050190395,2,0.12912035555761586 0.23282196607093936 0.20186626144009023 0.13531149648378746 0.105903577084479 -0.02101481190197256 -0.2113923953816455 -0.33985856959964655 -0.4311778982606269 -0.46987252904917953 -0.573574139562503 -0.6772757500758178 -0.7020403137804953 -0.7794295753576006 -0.8057419242938189 -0.8707489040185808 -0.9094435348071335 -0.8707489040185808 -0.8707489040185808 -0.6896580319281609 +39318,-0.18198447598234585,2,0.23282196607093936 0.20186626144009023 0.13531149648378746 0.105903577084479 -0.02101481190197256 -0.2113923953816455 -0.33985856959964655 -0.4311778982606269 -0.46987252904917953 -0.573574139562503 -0.6772757500758178 -0.7020403137804953 -0.7794295753576006 -0.8057419242938189 -0.8707489040185808 -0.9094435348071335 -0.8707489040185808 -0.8707489040185808 -0.6896580319281609 -0.4095089050190395 +39319,0.03625324166508603,2,0.20186626144009023 0.13531149648378746 0.105903577084479 -0.02101481190197256 -0.2113923953816455 -0.33985856959964655 -0.4311778982606269 -0.46987252904917953 -0.573574139562503 -0.6772757500758178 -0.7020403137804953 -0.7794295753576006 -0.8057419242938189 -0.8707489040185808 -0.9094435348071335 -0.8707489040185808 -0.8707489040185808 -0.6896580319281609 -0.4095089050190395 -0.18198447598234585 +39320,0.24984760361789585,2,0.13531149648378746 0.105903577084479 -0.02101481190197256 -0.2113923953816455 -0.33985856959964655 -0.4311778982606269 -0.46987252904917953 -0.573574139562503 -0.6772757500758178 -0.7020403137804953 -0.7794295753576006 -0.8057419242938189 -0.8707489040185808 -0.9094435348071335 -0.8707489040185808 -0.8707489040185808 -0.6896580319281609 -0.4095089050190395 -0.18198447598234585 0.03625324166508603 +39321,0.3148545833426667,2,0.105903577084479 -0.02101481190197256 -0.2113923953816455 -0.33985856959964655 -0.4311778982606269 -0.46987252904917953 -0.573574139562503 -0.6772757500758178 -0.7020403137804953 -0.7794295753576006 -0.8057419242938189 -0.8707489040185808 -0.9094435348071335 -0.8707489040185808 -0.8707489040185808 -0.6896580319281609 -0.4095089050190395 -0.18198447598234585 0.03625324166508603 0.24984760361789585 +39322,0.4154606233929,2,-0.02101481190197256 -0.2113923953816455 -0.33985856959964655 -0.4311778982606269 -0.46987252904917953 -0.573574139562503 -0.6772757500758178 -0.7020403137804953 -0.7794295753576006 -0.8057419242938189 -0.8707489040185808 -0.9094435348071335 -0.8707489040185808 -0.8707489040185808 -0.6896580319281609 -0.4095089050190395 -0.18198447598234585 0.03625324166508603 0.24984760361789585 0.3148545833426667 +39323,0.5036843815908078,2,-0.2113923953816455 -0.33985856959964655 -0.4311778982606269 -0.46987252904917953 -0.573574139562503 -0.6772757500758178 -0.7020403137804953 -0.7794295753576006 -0.8057419242938189 -0.8707489040185808 -0.9094435348071335 -0.8707489040185808 -0.8707489040185808 -0.6896580319281609 -0.4095089050190395 -0.18198447598234585 0.03625324166508603 0.24984760361789585 0.3148545833426667 0.4154606233929 +39324,0.4262951200137025,2,-0.33985856959964655 -0.4311778982606269 -0.46987252904917953 -0.573574139562503 -0.6772757500758178 -0.7020403137804953 -0.7794295753576006 -0.8057419242938189 -0.8707489040185808 -0.9094435348071335 -0.8707489040185808 -0.8707489040185808 -0.6896580319281609 -0.4095089050190395 -0.18198447598234585 0.03625324166508603 0.24984760361789585 0.3148545833426667 0.4154606233929 0.5036843815908078 +39325,0.3767659926043474,2,-0.4311778982606269 -0.46987252904917953 -0.573574139562503 -0.6772757500758178 -0.7020403137804953 -0.7794295753576006 -0.8057419242938189 -0.8707489040185808 -0.9094435348071335 -0.8707489040185808 -0.8707489040185808 -0.6896580319281609 -0.4095089050190395 -0.18198447598234585 0.03625324166508603 0.24984760361789585 0.3148545833426667 0.4154606233929 0.5036843815908078 0.4262951200137025 +39326,0.16781498634616848,2,-0.46987252904917953 -0.573574139562503 -0.6772757500758178 -0.7020403137804953 -0.7794295753576006 -0.8057419242938189 -0.8707489040185808 -0.9094435348071335 -0.8707489040185808 -0.8707489040185808 -0.6896580319281609 -0.4095089050190395 -0.18198447598234585 0.03625324166508603 0.24984760361789585 0.3148545833426667 0.4154606233929 0.5036843815908078 0.4262951200137025 0.3767659926043474 +39327,0.07649565768517935,2,-0.573574139562503 -0.6772757500758178 -0.7020403137804953 -0.7794295753576006 -0.8057419242938189 -0.8707489040185808 -0.9094435348071335 -0.8707489040185808 -0.8707489040185808 -0.6896580319281609 -0.4095089050190395 -0.18198447598234585 0.03625324166508603 0.24984760361789585 0.3148545833426667 0.4154606233929 0.5036843815908078 0.4262951200137025 0.3767659926043474 0.16781498634616848 +39328,-0.03184930852276624,2,-0.6772757500758178 -0.7020403137804953 -0.7794295753576006 -0.8057419242938189 -0.8707489040185808 -0.9094435348071335 -0.8707489040185808 -0.8707489040185808 -0.6896580319281609 -0.4095089050190395 -0.18198447598234585 0.03625324166508603 0.24984760361789585 0.3148545833426667 0.4154606233929 0.5036843815908078 0.4262951200137025 0.3767659926043474 0.16781498634616848 0.07649565768517935 +39329,-0.11078635533141219,2,-0.7020403137804953 -0.7794295753576006 -0.8057419242938189 -0.8707489040185808 -0.9094435348071335 -0.8707489040185808 -0.8707489040185808 -0.6896580319281609 -0.4095089050190395 -0.18198447598234585 0.03625324166508603 0.24984760361789585 0.3148545833426667 0.4154606233929 0.5036843815908078 0.4262951200137025 0.3767659926043474 0.16781498634616848 0.07649565768517935 -0.03184930852276624 +39330,-0.17579333505618308,2,-0.7794295753576006 -0.8057419242938189 -0.8707489040185808 -0.9094435348071335 -0.8707489040185808 -0.8707489040185808 -0.6896580319281609 -0.4095089050190395 -0.18198447598234585 0.03625324166508603 0.24984760361789585 0.3148545833426667 0.4154606233929 0.5036843815908078 0.4262951200137025 0.3767659926043474 0.16781498634616848 0.07649565768517935 -0.03184930852276624 -0.11078635533141219 +39331,-0.29187722742184097,2,-0.8057419242938189 -0.8707489040185808 -0.9094435348071335 -0.8707489040185808 -0.8707489040185808 -0.6896580319281609 -0.4095089050190395 -0.18198447598234585 0.03625324166508603 0.24984760361789585 0.3148545833426667 0.4154606233929 0.5036843815908078 0.4262951200137025 0.3767659926043474 0.16781498634616848 0.07649565768517935 -0.03184930852276624 -0.11078635533141219 -0.17579333505618308 +39332,-0.44820353580759215,2,-0.8707489040185808 -0.9094435348071335 -0.8707489040185808 -0.8707489040185808 -0.6896580319281609 -0.4095089050190395 -0.18198447598234585 0.03625324166508603 0.24984760361789585 0.3148545833426667 0.4154606233929 0.5036843815908078 0.4262951200137025 0.3767659926043474 0.16781498634616848 0.07649565768517935 -0.03184930852276624 -0.11078635533141219 -0.17579333505618308 -0.29187722742184097 +39333,-0.5255927973846974,2,-0.9094435348071335 -0.8707489040185808 -0.8707489040185808 -0.6896580319281609 -0.4095089050190395 -0.18198447598234585 0.03625324166508603 0.24984760361789585 0.3148545833426667 0.4154606233929 0.5036843815908078 0.4262951200137025 0.3767659926043474 0.16781498634616848 0.07649565768517935 -0.03184930852276624 -0.11078635533141219 -0.17579333505618308 -0.29187722742184097 -0.44820353580759215 +39334,-0.7206137365590013,2,-0.8707489040185808 -0.8707489040185808 -0.6896580319281609 -0.4095089050190395 -0.18198447598234585 0.03625324166508603 0.24984760361789585 0.3148545833426667 0.4154606233929 0.5036843815908078 0.4262951200137025 0.3767659926043474 0.16781498634616848 0.07649565768517935 -0.03184930852276624 -0.11078635533141219 -0.17579333505618308 -0.29187722742184097 -0.44820353580759215 -0.5255927973846974 +39335,-0.8088374947569001,2,-0.8707489040185808 -0.6896580319281609 -0.4095089050190395 -0.18198447598234585 0.03625324166508603 0.24984760361789585 0.3148545833426667 0.4154606233929 0.5036843815908078 0.4262951200137025 0.3767659926043474 0.16781498634616848 0.07649565768517935 -0.03184930852276624 -0.11078635533141219 -0.17579333505618308 -0.29187722742184097 -0.44820353580759215 -0.5255927973846974 -0.7206137365590013 +39336,-0.8986090381863399,2,-0.6896580319281609 -0.4095089050190395 -0.18198447598234585 0.03625324166508603 0.24984760361789585 0.3148545833426667 0.4154606233929 0.5036843815908078 0.4262951200137025 0.3767659926043474 0.16781498634616848 0.07649565768517935 -0.03184930852276624 -0.11078635533141219 -0.17579333505618308 -0.29187722742184097 -0.44820353580759215 -0.5255927973846974 -0.7206137365590013 -0.8088374947569001 +39337,-0.9001568234178893,2,-0.4095089050190395 -0.18198447598234585 0.03625324166508603 0.24984760361789585 0.3148545833426667 0.4154606233929 0.5036843815908078 0.4262951200137025 0.3767659926043474 0.16781498634616848 0.07649565768517935 -0.03184930852276624 -0.11078635533141219 -0.17579333505618308 -0.29187722742184097 -0.44820353580759215 -0.5255927973846974 -0.7206137365590013 -0.8088374947569001 -0.8986090381863399 +39338,-1.0301707828674223,2,-0.18198447598234585 0.03625324166508603 0.24984760361789585 0.3148545833426667 0.4154606233929 0.5036843815908078 0.4262951200137025 0.3767659926043474 0.16781498634616848 0.07649565768517935 -0.03184930852276624 -0.11078635533141219 -0.17579333505618308 -0.29187722742184097 -0.44820353580759215 -0.5255927973846974 -0.7206137365590013 -0.8088374947569001 -0.8986090381863399 -0.9001568234178893 +39339,-1.0936299773606524,2,0.03625324166508603 0.24984760361789585 0.3148545833426667 0.4154606233929 0.5036843815908078 0.4262951200137025 0.3767659926043474 0.16781498634616848 0.07649565768517935 -0.03184930852276624 -0.11078635533141219 -0.17579333505618308 -0.29187722742184097 -0.44820353580759215 -0.5255927973846974 -0.7206137365590013 -0.8088374947569001 -0.8986090381863399 -0.9001568234178893 -1.0301707828674223 +39340,-0.7082314547066669,2,0.24984760361789585 0.3148545833426667 0.4154606233929 0.5036843815908078 0.4262951200137025 0.3767659926043474 0.16781498634616848 0.07649565768517935 -0.03184930852276624 -0.11078635533141219 -0.17579333505618308 -0.29187722742184097 -0.44820353580759215 -0.5255927973846974 -0.7206137365590013 -0.8088374947569001 -0.8986090381863399 -0.9001568234178893 -1.0301707828674223 -1.0936299773606524 +39341,-0.15412434181458692,2,0.3148545833426667 0.4154606233929 0.5036843815908078 0.4262951200137025 0.3767659926043474 0.16781498634616848 0.07649565768517935 -0.03184930852276624 -0.11078635533141219 -0.17579333505618308 -0.29187722742184097 -0.44820353580759215 -0.5255927973846974 -0.7206137365590013 -0.8088374947569001 -0.8986090381863399 -0.9001568234178893 -1.0301707828674223 -1.0936299773606524 -0.7082314547066669 +39342,0.13221592602069726,2,0.4154606233929 0.5036843815908078 0.4262951200137025 0.3767659926043474 0.16781498634616848 0.07649565768517935 -0.03184930852276624 -0.11078635533141219 -0.17579333505618308 -0.29187722742184097 -0.44820353580759215 -0.5255927973846974 -0.7206137365590013 -0.8088374947569001 -0.8986090381863399 -0.9001568234178893 -1.0301707828674223 -1.0936299773606524 -0.7082314547066669 -0.15412434181458692 +39343,0.6445328376611345,2,0.5036843815908078 0.4262951200137025 0.3767659926043474 0.16781498634616848 0.07649565768517935 -0.03184930852276624 -0.11078635533141219 -0.17579333505618308 -0.29187722742184097 -0.44820353580759215 -0.5255927973846974 -0.7206137365590013 -0.8088374947569001 -0.8986090381863399 -0.9001568234178893 -1.0301707828674223 -1.0936299773606524 -0.7082314547066669 -0.15412434181458692 0.13221592602069726 +39344,0.6445328376611345,2,0.4262951200137025 0.3767659926043474 0.16781498634616848 0.07649565768517935 -0.03184930852276624 -0.11078635533141219 -0.17579333505618308 -0.29187722742184097 -0.44820353580759215 -0.5255927973846974 -0.7206137365590013 -0.8088374947569001 -0.8986090381863399 -0.9001568234178893 -1.0301707828674223 -1.0936299773606524 -0.7082314547066669 -0.15412434181458692 0.13221592602069726 0.6445328376611345 +39345,0.7993113608153449,2,0.3767659926043474 0.16781498634616848 0.07649565768517935 -0.03184930852276624 -0.11078635533141219 -0.17579333505618308 -0.29187722742184097 -0.44820353580759215 -0.5255927973846974 -0.7206137365590013 -0.8088374947569001 -0.8986090381863399 -0.9001568234178893 -1.0301707828674223 -1.0936299773606524 -0.7082314547066669 -0.15412434181458692 0.13221592602069726 0.6445328376611345 0.6445328376611345 +39346,0.9262297498017965,2,0.16781498634616848 0.07649565768517935 -0.03184930852276624 -0.11078635533141219 -0.17579333505618308 -0.29187722742184097 -0.44820353580759215 -0.5255927973846974 -0.7206137365590013 -0.8088374947569001 -0.8986090381863399 -0.9001568234178893 -1.0301707828674223 -1.0936299773606524 -0.7082314547066669 -0.15412434181458692 0.13221592602069726 0.6445328376611345 0.6445328376611345 0.7993113608153449 +39347,0.9850455886003958,2,0.07649565768517935 -0.03184930852276624 -0.11078635533141219 -0.17579333505618308 -0.29187722742184097 -0.44820353580759215 -0.5255927973846974 -0.7206137365590013 -0.8088374947569001 -0.8986090381863399 -0.9001568234178893 -1.0301707828674223 -1.0936299773606524 -0.7082314547066669 -0.15412434181458692 0.13221592602069726 0.6445328376611345 0.6445328376611345 0.7993113608153449 0.9262297498017965 +39348,1.0237402193889484,2,-0.03184930852276624 -0.11078635533141219 -0.17579333505618308 -0.29187722742184097 -0.44820353580759215 -0.5255927973846974 -0.7206137365590013 -0.8088374947569001 -0.8986090381863399 -0.9001568234178893 -1.0301707828674223 -1.0936299773606524 -0.7082314547066669 -0.15412434181458692 0.13221592602069726 0.6445328376611345 0.6445328376611345 0.7993113608153449 0.9262297498017965 0.9850455886003958 +39349,0.9370642464225901,2,-0.11078635533141219 -0.17579333505618308 -0.29187722742184097 -0.44820353580759215 -0.5255927973846974 -0.7206137365590013 -0.8088374947569001 -0.8986090381863399 -0.9001568234178893 -1.0301707828674223 -1.0936299773606524 -0.7082314547066669 -0.15412434181458692 0.13221592602069726 0.6445328376611345 0.6445328376611345 0.7993113608153449 0.9262297498017965 0.9850455886003958 1.0237402193889484 +39350,0.75287780386908,2,-0.17579333505618308 -0.29187722742184097 -0.44820353580759215 -0.5255927973846974 -0.7206137365590013 -0.8088374947569001 -0.8986090381863399 -0.9001568234178893 -1.0301707828674223 -1.0936299773606524 -0.7082314547066669 -0.15412434181458692 0.13221592602069726 0.6445328376611345 0.6445328376611345 0.7993113608153449 0.9262297498017965 0.9850455886003958 1.0237402193889484 0.9370642464225901 +39351,0.443320757560659,2,-0.29187722742184097 -0.44820353580759215 -0.5255927973846974 -0.7206137365590013 -0.8088374947569001 -0.8986090381863399 -0.9001568234178893 -1.0301707828674223 -1.0936299773606524 -0.7082314547066669 -0.15412434181458692 0.13221592602069726 0.6445328376611345 0.6445328376611345 0.7993113608153449 0.9262297498017965 0.9850455886003958 1.0237402193889484 0.9370642464225901 0.75287780386908 +39352,0.07649565768517935,2,-0.44820353580759215 -0.5255927973846974 -0.7206137365590013 -0.8088374947569001 -0.8986090381863399 -0.9001568234178893 -1.0301707828674223 -1.0936299773606524 -0.7082314547066669 -0.15412434181458692 0.13221592602069726 0.6445328376611345 0.6445328376611345 0.7993113608153449 0.9262297498017965 0.9850455886003958 1.0237402193889484 0.9370642464225901 0.75287780386908 0.443320757560659 +39353,-0.05042273130127221,2,-0.5255927973846974 -0.7206137365590013 -0.8088374947569001 -0.8986090381863399 -0.9001568234178893 -1.0301707828674223 -1.0936299773606524 -0.7082314547066669 -0.15412434181458692 0.13221592602069726 0.6445328376611345 0.6445328376611345 0.7993113608153449 0.9262297498017965 0.9850455886003958 1.0237402193889484 0.9370642464225901 0.75287780386908 0.443320757560659 0.07649565768517935 +39354,-0.12471642241528727,2,-0.7206137365590013 -0.8088374947569001 -0.8986090381863399 -0.9001568234178893 -1.0301707828674223 -1.0936299773606524 -0.7082314547066669 -0.15412434181458692 0.13221592602069726 0.6445328376611345 0.6445328376611345 0.7993113608153449 0.9262297498017965 0.9850455886003958 1.0237402193889484 0.9370642464225901 0.75287780386908 0.443320757560659 0.07649565768517935 -0.05042273130127221 +39355,-0.22841803292861076,2,-0.8088374947569001 -0.8986090381863399 -0.9001568234178893 -1.0301707828674223 -1.0936299773606524 -0.7082314547066669 -0.15412434181458692 0.13221592602069726 0.6445328376611345 0.6445328376611345 0.7993113608153449 0.9262297498017965 0.9850455886003958 1.0237402193889484 0.9370642464225901 0.75287780386908 0.443320757560659 0.07649565768517935 -0.05042273130127221 -0.12471642241528727 +39356,-0.3553364219150623,2,-0.8986090381863399 -0.9001568234178893 -1.0301707828674223 -1.0936299773606524 -0.7082314547066669 -0.15412434181458692 0.13221592602069726 0.6445328376611345 0.6445328376611345 0.7993113608153449 0.9262297498017965 0.9850455886003958 1.0237402193889484 0.9370642464225901 0.75287780386908 0.443320757560659 0.07649565768517935 -0.05042273130127221 -0.12471642241528727 -0.22841803292861076 +39357,-0.4853503813646041,2,-0.9001568234178893 -1.0301707828674223 -1.0936299773606524 -0.7082314547066669 -0.15412434181458692 0.13221592602069726 0.6445328376611345 0.6445328376611345 0.7993113608153449 0.9262297498017965 0.9850455886003958 1.0237402193889484 0.9370642464225901 0.75287780386908 0.443320757560659 0.07649565768517935 -0.05042273130127221 -0.12471642241528727 -0.22841803292861076 -0.3553364219150623 +39358,-0.5875042066463781,2,-1.0301707828674223 -1.0936299773606524 -0.7082314547066669 -0.15412434181458692 0.13221592602069726 0.6445328376611345 0.6445328376611345 0.7993113608153449 0.9262297498017965 0.9850455886003958 1.0237402193889484 0.9370642464225901 0.75287780386908 0.443320757560659 0.07649565768517935 -0.05042273130127221 -0.12471642241528727 -0.22841803292861076 -0.3553364219150623 -0.4853503813646041 +39359,-0.7422827298005886,2,-1.0936299773606524 -0.7082314547066669 -0.15412434181458692 0.13221592602069726 0.6445328376611345 0.6445328376611345 0.7993113608153449 0.9262297498017965 0.9850455886003958 1.0237402193889484 0.9370642464225901 0.75287780386908 0.443320757560659 0.07649565768517935 -0.05042273130127221 -0.12471642241528727 -0.22841803292861076 -0.3553364219150623 -0.4853503813646041 -0.5875042066463781 +39360,-0.7283526627167135,2,-0.7082314547066669 -0.15412434181458692 0.13221592602069726 0.6445328376611345 0.6445328376611345 0.7993113608153449 0.9262297498017965 0.9850455886003958 1.0237402193889484 0.9370642464225901 0.75287780386908 0.443320757560659 0.07649565768517935 -0.05042273130127221 -0.12471642241528727 -0.22841803292861076 -0.3553364219150623 -0.4853503813646041 -0.5875042066463781 -0.7422827298005886 +39361,-0.7670472935052661,2,-0.15412434181458692 0.13221592602069726 0.6445328376611345 0.6445328376611345 0.7993113608153449 0.9262297498017965 0.9850455886003958 1.0237402193889484 0.9370642464225901 0.75287780386908 0.443320757560659 0.07649565768517935 -0.05042273130127221 -0.12471642241528727 -0.22841803292861076 -0.3553364219150623 -0.4853503813646041 -0.5875042066463781 -0.7422827298005886 -0.7283526627167135 +39362,-0.9233736018910174,2,0.13221592602069726 0.6445328376611345 0.6445328376611345 0.7993113608153449 0.9262297498017965 0.9850455886003958 1.0237402193889484 0.9370642464225901 0.75287780386908 0.443320757560659 0.07649565768517935 -0.05042273130127221 -0.12471642241528727 -0.22841803292861076 -0.3553364219150623 -0.4853503813646041 -0.5875042066463781 -0.7422827298005886 -0.7283526627167135 -0.7670472935052661 +39363,-0.9496859508272356,2,0.6445328376611345 0.6445328376611345 0.7993113608153449 0.9262297498017965 0.9850455886003958 1.0237402193889484 0.9370642464225901 0.75287780386908 0.443320757560659 0.07649565768517935 -0.05042273130127221 -0.12471642241528727 -0.22841803292861076 -0.3553364219150623 -0.4853503813646041 -0.5875042066463781 -0.7422827298005886 -0.7283526627167135 -0.7670472935052661 -0.9233736018910174 +39364,-0.5519051463209157,2,0.6445328376611345 0.7993113608153449 0.9262297498017965 0.9850455886003958 1.0237402193889484 0.9370642464225901 0.75287780386908 0.443320757560659 0.07649565768517935 -0.05042273130127221 -0.12471642241528727 -0.22841803292861076 -0.3553364219150623 -0.4853503813646041 -0.5875042066463781 -0.7422827298005886 -0.7283526627167135 -0.7670472935052661 -0.9233736018910174 -0.9496859508272356 +39365,0.05792223490668219,2,0.7993113608153449 0.9262297498017965 0.9850455886003958 1.0237402193889484 0.9370642464225901 0.75287780386908 0.443320757560659 0.07649565768517935 -0.05042273130127221 -0.12471642241528727 -0.22841803292861076 -0.3553364219150623 -0.4853503813646041 -0.5875042066463781 -0.7422827298005886 -0.7283526627167135 -0.7670472935052661 -0.9233736018910174 -0.9496859508272356 -0.5519051463209157 +39366,0.7714512266475859,2,0.9262297498017965 0.9850455886003958 1.0237402193889484 0.9370642464225901 0.75287780386908 0.443320757560659 0.07649565768517935 -0.05042273130127221 -0.12471642241528727 -0.22841803292861076 -0.3553364219150623 -0.4853503813646041 -0.5875042066463781 -0.7422827298005886 -0.7283526627167135 -0.7670472935052661 -0.9233736018910174 -0.9496859508272356 -0.5519051463209157 0.05792223490668219 +39367,0.9076563270232905,2,0.9850455886003958 1.0237402193889484 0.9370642464225901 0.75287780386908 0.443320757560659 0.07649565768517935 -0.05042273130127221 -0.12471642241528727 -0.22841803292861076 -0.3553364219150623 -0.4853503813646041 -0.5875042066463781 -0.7422827298005886 -0.7283526627167135 -0.7670472935052661 -0.9233736018910174 -0.9496859508272356 -0.5519051463209157 0.05792223490668219 0.7714512266475859 +39368,1.1305374003653532,2,1.0237402193889484 0.9370642464225901 0.75287780386908 0.443320757560659 0.07649565768517935 -0.05042273130127221 -0.12471642241528727 -0.22841803292861076 -0.3553364219150623 -0.4853503813646041 -0.5875042066463781 -0.7422827298005886 -0.7283526627167135 -0.7670472935052661 -0.9233736018910174 -0.9496859508272356 -0.5519051463209157 0.05792223490668219 0.7714512266475859 0.9076563270232905 +39369,1.2125700176370895,2,0.9370642464225901 0.75287780386908 0.443320757560659 0.07649565768517935 -0.05042273130127221 -0.12471642241528727 -0.22841803292861076 -0.3553364219150623 -0.4853503813646041 -0.5875042066463781 -0.7422827298005886 -0.7283526627167135 -0.7670472935052661 -0.9233736018910174 -0.9496859508272356 -0.5519051463209157 0.05792223490668219 0.7714512266475859 0.9076563270232905 1.1305374003653532 +39370,1.2574557893518137,2,0.75287780386908 0.443320757560659 0.07649565768517935 -0.05042273130127221 -0.12471642241528727 -0.22841803292861076 -0.3553364219150623 -0.4853503813646041 -0.5875042066463781 -0.7422827298005886 -0.7283526627167135 -0.7670472935052661 -0.9233736018910174 -0.9496859508272356 -0.5519051463209157 0.05792223490668219 0.7714512266475859 0.9076563270232905 1.1305374003653532 1.2125700176370895 +39371,1.2868637087511132,2,0.443320757560659 0.07649565768517935 -0.05042273130127221 -0.12471642241528727 -0.22841803292861076 -0.3553364219150623 -0.4853503813646041 -0.5875042066463781 -0.7422827298005886 -0.7283526627167135 -0.7670472935052661 -0.9233736018910174 -0.9496859508272356 -0.5519051463209157 0.05792223490668219 0.7714512266475859 0.9076563270232905 1.1305374003653532 1.2125700176370895 1.2574557893518137 +39372,1.285315923519564,2,0.07649565768517935 -0.05042273130127221 -0.12471642241528727 -0.22841803292861076 -0.3553364219150623 -0.4853503813646041 -0.5875042066463781 -0.7422827298005886 -0.7283526627167135 -0.7670472935052661 -0.9233736018910174 -0.9496859508272356 -0.5519051463209157 0.05792223490668219 0.7714512266475859 0.9076563270232905 1.1305374003653532 1.2125700176370895 1.2574557893518137 1.2868637087511132 +39373,1.1119639775868473,2,-0.05042273130127221 -0.12471642241528727 -0.22841803292861076 -0.3553364219150623 -0.4853503813646041 -0.5875042066463781 -0.7422827298005886 -0.7283526627167135 -0.7670472935052661 -0.9233736018910174 -0.9496859508272356 -0.5519051463209157 0.05792223490668219 0.7714512266475859 0.9076563270232905 1.1305374003653532 1.2125700176370895 1.2574557893518137 1.2868637087511132 1.285315923519564 +39374,0.9989756556842796,2,-0.12471642241528727 -0.22841803292861076 -0.3553364219150623 -0.4853503813646041 -0.5875042066463781 -0.7422827298005886 -0.7283526627167135 -0.7670472935052661 -0.9233736018910174 -0.9496859508272356 -0.5519051463209157 0.05792223490668219 0.7714512266475859 0.9076563270232905 1.1305374003653532 1.2125700176370895 1.2574557893518137 1.2868637087511132 1.285315923519564 1.1119639775868473 +39375,0.6770363275235243,2,-0.22841803292861076 -0.3553364219150623 -0.4853503813646041 -0.5875042066463781 -0.7422827298005886 -0.7283526627167135 -0.7670472935052661 -0.9233736018910174 -0.9496859508272356 -0.5519051463209157 0.05792223490668219 0.7714512266475859 0.9076563270232905 1.1305374003653532 1.2125700176370895 1.2574557893518137 1.2868637087511132 1.285315923519564 1.1119639775868473 0.9989756556842796 +39376,0.39688720061440286,2,-0.3553364219150623 -0.4853503813646041 -0.5875042066463781 -0.7422827298005886 -0.7283526627167135 -0.7670472935052661 -0.9233736018910174 -0.9496859508272356 -0.5519051463209157 0.05792223490668219 0.7714512266475859 0.9076563270232905 1.1305374003653532 1.2125700176370895 1.2574557893518137 1.2868637087511132 1.285315923519564 1.1119639775868473 0.9989756556842796 0.6770363275235243 +39377,0.14150263740995023,2,-0.4853503813646041 -0.5875042066463781 -0.7422827298005886 -0.7283526627167135 -0.7670472935052661 -0.9233736018910174 -0.9496859508272356 -0.5519051463209157 0.05792223490668219 0.7714512266475859 0.9076563270232905 1.1305374003653532 1.2125700176370895 1.2574557893518137 1.2868637087511132 1.285315923519564 1.1119639775868473 0.9989756556842796 0.6770363275235243 0.39688720061440286 +39378,0.02077538934967026,2,-0.5875042066463781 -0.7422827298005886 -0.7283526627167135 -0.7670472935052661 -0.9233736018910174 -0.9496859508272356 -0.5519051463209157 0.05792223490668219 0.7714512266475859 0.9076563270232905 1.1305374003653532 1.2125700176370895 1.2574557893518137 1.2868637087511132 1.285315923519564 1.1119639775868473 0.9989756556842796 0.6770363275235243 0.39688720061440286 0.14150263740995023 +39379,-0.07054393931131887,2,-0.7422827298005886 -0.7283526627167135 -0.7670472935052661 -0.9233736018910174 -0.9496859508272356 -0.5519051463209157 0.05792223490668219 0.7714512266475859 0.9076563270232905 1.1305374003653532 1.2125700176370895 1.2574557893518137 1.2868637087511132 1.285315923519564 1.1119639775868473 0.9989756556842796 0.6770363275235243 0.39688720061440286 0.14150263740995023 0.02077538934967026 +39380,-0.324380717284222,2,-0.7283526627167135 -0.7670472935052661 -0.9233736018910174 -0.9496859508272356 -0.5519051463209157 0.05792223490668219 0.7714512266475859 0.9076563270232905 1.1305374003653532 1.2125700176370895 1.2574557893518137 1.2868637087511132 1.285315923519564 1.1119639775868473 0.9989756556842796 0.6770363275235243 0.39688720061440286 0.14150263740995023 0.02077538934967026 -0.07054393931131887 +39381,-0.30271172404263463,2,-0.7670472935052661 -0.9233736018910174 -0.9496859508272356 -0.5519051463209157 0.05792223490668219 0.7714512266475859 0.9076563270232905 1.1305374003653532 1.2125700176370895 1.2574557893518137 1.2868637087511132 1.285315923519564 1.1119639775868473 0.9989756556842796 0.6770363275235243 0.39688720061440286 0.14150263740995023 0.02077538934967026 -0.07054393931131887 -0.324380717284222 +39382,-0.46677695858609813,2,-0.9233736018910174 -0.9496859508272356 -0.5519051463209157 0.05792223490668219 0.7714512266475859 0.9076563270232905 1.1305374003653532 1.2125700176370895 1.2574557893518137 1.2868637087511132 1.285315923519564 1.1119639775868473 0.9989756556842796 0.6770363275235243 0.39688720061440286 0.14150263740995023 0.02077538934967026 -0.07054393931131887 -0.324380717284222 -0.30271172404263463 +39383,-0.5967909180356311,2,-0.9496859508272356 -0.5519051463209157 0.05792223490668219 0.7714512266475859 0.9076563270232905 1.1305374003653532 1.2125700176370895 1.2574557893518137 1.2868637087511132 1.285315923519564 1.1119639775868473 0.9989756556842796 0.6770363275235243 0.39688720061440286 0.14150263740995023 0.02077538934967026 -0.07054393931131887 -0.324380717284222 -0.30271172404263463 -0.46677695858609813 +39384,-0.6803713205389079,2,-0.5519051463209157 0.05792223490668219 0.7714512266475859 0.9076563270232905 1.1305374003653532 1.2125700176370895 1.2574557893518137 1.2868637087511132 1.285315923519564 1.1119639775868473 0.9989756556842796 0.6770363275235243 0.39688720061440286 0.14150263740995023 0.02077538934967026 -0.07054393931131887 -0.324380717284222 -0.30271172404263463 -0.46677695858609813 -0.5967909180356311 +39385,-0.6803713205389079,2,0.05792223490668219 0.7714512266475859 0.9076563270232905 1.1305374003653532 1.2125700176370895 1.2574557893518137 1.2868637087511132 1.285315923519564 1.1119639775868473 0.9989756556842796 0.6770363275235243 0.39688720061440286 0.14150263740995023 0.02077538934967026 -0.07054393931131887 -0.324380717284222 -0.30271172404263463 -0.46677695858609813 -0.5967909180356311 -0.6803713205389079 +39386,-0.7159703808643704,2,0.7714512266475859 0.9076563270232905 1.1305374003653532 1.2125700176370895 1.2574557893518137 1.2868637087511132 1.285315923519564 1.1119639775868473 0.9989756556842796 0.6770363275235243 0.39688720061440286 0.14150263740995023 0.02077538934967026 -0.07054393931131887 -0.324380717284222 -0.30271172404263463 -0.46677695858609813 -0.5967909180356311 -0.6803713205389079 -0.6803713205389079 +39387,-0.8057419242938189,2,0.9076563270232905 1.1305374003653532 1.2125700176370895 1.2574557893518137 1.2868637087511132 1.285315923519564 1.1119639775868473 0.9989756556842796 0.6770363275235243 0.39688720061440286 0.14150263740995023 0.02077538934967026 -0.07054393931131887 -0.324380717284222 -0.30271172404263463 -0.46677695858609813 -0.5967909180356311 -0.6803713205389079 -0.6803713205389079 -0.7159703808643704 +39388,-0.41879561640829255,2,1.1305374003653532 1.2125700176370895 1.2574557893518137 1.2868637087511132 1.285315923519564 1.1119639775868473 0.9989756556842796 0.6770363275235243 0.39688720061440286 0.14150263740995023 0.02077538934967026 -0.07054393931131887 -0.324380717284222 -0.30271172404263463 -0.46677695858609813 -0.5967909180356311 -0.6803713205389079 -0.6803713205389079 -0.7159703808643704 -0.8057419242938189 +39389,-0.056613872227435,2,1.2125700176370895 1.2574557893518137 1.2868637087511132 1.285315923519564 1.1119639775868473 0.9989756556842796 0.6770363275235243 0.39688720061440286 0.14150263740995023 0.02077538934967026 -0.07054393931131887 -0.324380717284222 -0.30271172404263463 -0.46677695858609813 -0.5967909180356311 -0.6803713205389079 -0.6803713205389079 -0.7159703808643704 -0.8057419242938189 -0.41879561640829255 +39390,0.46963310649687723,2,1.2574557893518137 1.2868637087511132 1.285315923519564 1.1119639775868473 0.9989756556842796 0.6770363275235243 0.39688720061440286 0.14150263740995023 0.02077538934967026 -0.07054393931131887 -0.324380717284222 -0.30271172404263463 -0.46677695858609813 -0.5967909180356311 -0.6803713205389079 -0.6803713205389079 -0.7159703808643704 -0.8057419242938189 -0.41879561640829255 -0.056613872227435 +39391,0.4711808917284179,2,1.2868637087511132 1.285315923519564 1.1119639775868473 0.9989756556842796 0.6770363275235243 0.39688720061440286 0.14150263740995023 0.02077538934967026 -0.07054393931131887 -0.324380717284222 -0.30271172404263463 -0.46677695858609813 -0.5967909180356311 -0.6803713205389079 -0.6803713205389079 -0.7159703808643704 -0.8057419242938189 -0.41879561640829255 -0.056613872227435 0.46963310649687723 +39392,0.5330923009901074,2,1.285315923519564 1.1119639775868473 0.9989756556842796 0.6770363275235243 0.39688720061440286 0.14150263740995023 0.02077538934967026 -0.07054393931131887 -0.324380717284222 -0.30271172404263463 -0.46677695858609813 -0.5967909180356311 -0.6803713205389079 -0.6803713205389079 -0.7159703808643704 -0.8057419242938189 -0.41879561640829255 -0.056613872227435 0.46963310649687723 0.4711808917284179 +39393,0.5640480056209477,2,1.1119639775868473 0.9989756556842796 0.6770363275235243 0.39688720061440286 0.14150263740995023 0.02077538934967026 -0.07054393931131887 -0.324380717284222 -0.30271172404263463 -0.46677695858609813 -0.5967909180356311 -0.6803713205389079 -0.6803713205389079 -0.7159703808643704 -0.8057419242938189 -0.41879561640829255 -0.056613872227435 0.46963310649687723 0.4711808917284179 0.5330923009901074 +39394,0.5005888111277176,2,0.9989756556842796 0.6770363275235243 0.39688720061440286 0.14150263740995023 0.02077538934967026 -0.07054393931131887 -0.324380717284222 -0.30271172404263463 -0.46677695858609813 -0.5967909180356311 -0.6803713205389079 -0.6803713205389079 -0.7159703808643704 -0.8057419242938189 -0.41879561640829255 -0.056613872227435 0.46963310649687723 0.4711808917284179 0.5330923009901074 0.5640480056209477 +39395,0.46344196557070566,2,0.6770363275235243 0.39688720061440286 0.14150263740995023 0.02077538934967026 -0.07054393931131887 -0.324380717284222 -0.30271172404263463 -0.46677695858609813 -0.5967909180356311 -0.6803713205389079 -0.6803713205389079 -0.7159703808643704 -0.8057419242938189 -0.41879561640829255 -0.056613872227435 0.46963310649687723 0.4711808917284179 0.5330923009901074 0.5640480056209477 0.5005888111277176 +39396,0.39843498584594356,2,0.39688720061440286 0.14150263740995023 0.02077538934967026 -0.07054393931131887 -0.324380717284222 -0.30271172404263463 -0.46677695858609813 -0.5967909180356311 -0.6803713205389079 -0.6803713205389079 -0.7159703808643704 -0.8057419242938189 -0.41879561640829255 -0.056613872227435 0.46963310649687723 0.4711808917284179 0.5330923009901074 0.5640480056209477 0.5005888111277176 0.46344196557070566 +39397,0.24675203315481445,2,0.14150263740995023 0.02077538934967026 -0.07054393931131887 -0.324380717284222 -0.30271172404263463 -0.46677695858609813 -0.5967909180356311 -0.6803713205389079 -0.6803713205389079 -0.7159703808643704 -0.8057419242938189 -0.41879561640829255 -0.056613872227435 0.46963310649687723 0.4711808917284179 0.5330923009901074 0.5640480056209477 0.5005888111277176 0.46344196557070566 0.39843498584594356 +39398,0.045539953054339014,2,0.02077538934967026 -0.07054393931131887 -0.324380717284222 -0.30271172404263463 -0.46677695858609813 -0.5967909180356311 -0.6803713205389079 -0.6803713205389079 -0.7159703808643704 -0.8057419242938189 -0.41879561640829255 -0.056613872227435 0.46963310649687723 0.4711808917284179 0.5330923009901074 0.5640480056209477 0.5005888111277176 0.46344196557070566 0.39843498584594356 0.24675203315481445 +39399,-0.06590058361668798,2,-0.07054393931131887 -0.324380717284222 -0.30271172404263463 -0.46677695858609813 -0.5967909180356311 -0.6803713205389079 -0.6803713205389079 -0.7159703808643704 -0.8057419242938189 -0.41879561640829255 -0.056613872227435 0.46963310649687723 0.4711808917284179 0.5330923009901074 0.5640480056209477 0.5005888111277176 0.46344196557070566 0.39843498584594356 0.24675203315481445 0.045539953054339014 +39400,-0.2129401806131862,2,-0.324380717284222 -0.30271172404263463 -0.46677695858609813 -0.5967909180356311 -0.6803713205389079 -0.6803713205389079 -0.7159703808643704 -0.8057419242938189 -0.41879561640829255 -0.056613872227435 0.46963310649687723 0.4711808917284179 0.5330923009901074 0.5640480056209477 0.5005888111277176 0.46344196557070566 0.39843498584594356 0.24675203315481445 0.045539953054339014 -0.06590058361668798 +39401,-0.25318259663328835,2,-0.30271172404263463 -0.46677695858609813 -0.5967909180356311 -0.6803713205389079 -0.6803713205389079 -0.7159703808643704 -0.8057419242938189 -0.41879561640829255 -0.056613872227435 0.46963310649687723 0.4711808917284179 0.5330923009901074 0.5640480056209477 0.5005888111277176 0.46344196557070566 0.39843498584594356 0.24675203315481445 0.045539953054339014 -0.06590058361668798 -0.2129401806131862 +39402,-0.22687024769707007,2,-0.46677695858609813 -0.5967909180356311 -0.6803713205389079 -0.6803713205389079 -0.7159703808643704 -0.8057419242938189 -0.41879561640829255 -0.056613872227435 0.46963310649687723 0.4711808917284179 0.5330923009901074 0.5640480056209477 0.5005888111277176 0.46344196557070566 0.39843498584594356 0.24675203315481445 0.045539953054339014 -0.06590058361668798 -0.2129401806131862 -0.25318259663328835 +39403,-0.2655648784856227,2,-0.5967909180356311 -0.6803713205389079 -0.6803713205389079 -0.7159703808643704 -0.8057419242938189 -0.41879561640829255 -0.056613872227435 0.46963310649687723 0.4711808917284179 0.5330923009901074 0.5640480056209477 0.5005888111277176 0.46344196557070566 0.39843498584594356 0.24675203315481445 0.045539953054339014 -0.06590058361668798 -0.2129401806131862 -0.25318259663328835 -0.22687024769707007 +39404,-0.3290240729788441,2,-0.6803713205389079 -0.6803713205389079 -0.7159703808643704 -0.8057419242938189 -0.41879561640829255 -0.056613872227435 0.46963310649687723 0.4711808917284179 0.5330923009901074 0.5640480056209477 0.5005888111277176 0.46344196557070566 0.39843498584594356 0.24675203315481445 0.045539953054339014 -0.06590058361668798 -0.2129401806131862 -0.25318259663328835 -0.22687024769707007 -0.2655648784856227 +39405,-0.34295414006272795,2,-0.6803713205389079 -0.7159703808643704 -0.8057419242938189 -0.41879561640829255 -0.056613872227435 0.46963310649687723 0.4711808917284179 0.5330923009901074 0.5640480056209477 0.5005888111277176 0.46344196557070566 0.39843498584594356 0.24675203315481445 0.045539953054339014 -0.06590058361668798 -0.2129401806131862 -0.25318259663328835 -0.22687024769707007 -0.2655648784856227 -0.3290240729788441 +39406,-0.4327256834921676,2,-0.7159703808643704 -0.8057419242938189 -0.41879561640829255 -0.056613872227435 0.46963310649687723 0.4711808917284179 0.5330923009901074 0.5640480056209477 0.5005888111277176 0.46344196557070566 0.39843498584594356 0.24675203315481445 0.045539953054339014 -0.06590058361668798 -0.2129401806131862 -0.25318259663328835 -0.22687024769707007 -0.2655648784856227 -0.3290240729788441 -0.34295414006272795 +39407,-0.5224972269216073,2,-0.8057419242938189 -0.41879561640829255 -0.056613872227435 0.46963310649687723 0.4711808917284179 0.5330923009901074 0.5640480056209477 0.5005888111277176 0.46344196557070566 0.39843498584594356 0.24675203315481445 0.045539953054339014 -0.06590058361668798 -0.2129401806131862 -0.25318259663328835 -0.22687024769707007 -0.2655648784856227 -0.3290240729788441 -0.34295414006272795 -0.4327256834921676 +39408,-0.6385811192872651,2,-0.41879561640829255 -0.056613872227435 0.46963310649687723 0.4711808917284179 0.5330923009901074 0.5640480056209477 0.5005888111277176 0.46344196557070566 0.39843498584594356 0.24675203315481445 0.045539953054339014 -0.06590058361668798 -0.2129401806131862 -0.25318259663328835 -0.22687024769707007 -0.2655648784856227 -0.3290240729788441 -0.34295414006272795 -0.4327256834921676 -0.5224972269216073 +39409,-0.7283526627167135,2,-0.056613872227435 0.46963310649687723 0.4711808917284179 0.5330923009901074 0.5640480056209477 0.5005888111277176 0.46344196557070566 0.39843498584594356 0.24675203315481445 0.045539953054339014 -0.06590058361668798 -0.2129401806131862 -0.25318259663328835 -0.22687024769707007 -0.2655648784856227 -0.3290240729788441 -0.34295414006272795 -0.4327256834921676 -0.5224972269216073 -0.6385811192872651 +39410,-0.7004925285489546,2,0.46963310649687723 0.4711808917284179 0.5330923009901074 0.5640480056209477 0.5005888111277176 0.46344196557070566 0.39843498584594356 0.24675203315481445 0.045539953054339014 -0.06590058361668798 -0.2129401806131862 -0.25318259663328835 -0.22687024769707007 -0.2655648784856227 -0.3290240729788441 -0.34295414006272795 -0.4327256834921676 -0.5224972269216073 -0.6385811192872651 -0.7283526627167135 +39411,-0.7670472935052661,2,0.4711808917284179 0.5330923009901074 0.5640480056209477 0.5005888111277176 0.46344196557070566 0.39843498584594356 0.24675203315481445 0.045539953054339014 -0.06590058361668798 -0.2129401806131862 -0.25318259663328835 -0.22687024769707007 -0.2655648784856227 -0.3290240729788441 -0.34295414006272795 -0.4327256834921676 -0.5224972269216073 -0.6385811192872651 -0.7283526627167135 -0.7004925285489546 +39412,-0.5936953475725497,2,0.5330923009901074 0.5640480056209477 0.5005888111277176 0.46344196557070566 0.39843498584594356 0.24675203315481445 0.045539953054339014 -0.06590058361668798 -0.2129401806131862 -0.25318259663328835 -0.22687024769707007 -0.2655648784856227 -0.3290240729788441 -0.34295414006272795 -0.4327256834921676 -0.5224972269216073 -0.6385811192872651 -0.7283526627167135 -0.7004925285489546 -0.7670472935052661 +39413,-0.3708142742304869,2,0.5640480056209477 0.5005888111277176 0.46344196557070566 0.39843498584594356 0.24675203315481445 0.045539953054339014 -0.06590058361668798 -0.2129401806131862 -0.25318259663328835 -0.22687024769707007 -0.2655648784856227 -0.3290240729788441 -0.34295414006272795 -0.4327256834921676 -0.5224972269216073 -0.6385811192872651 -0.7283526627167135 -0.7004925285489546 -0.7670472935052661 -0.5936953475725497 +39414,0.06101780536976358,2,0.5005888111277176 0.46344196557070566 0.39843498584594356 0.24675203315481445 0.045539953054339014 -0.06590058361668798 -0.2129401806131862 -0.25318259663328835 -0.22687024769707007 -0.2655648784856227 -0.3290240729788441 -0.34295414006272795 -0.4327256834921676 -0.5224972269216073 -0.6385811192872651 -0.7283526627167135 -0.7004925285489546 -0.7670472935052661 -0.5936953475725497 -0.3708142742304869 +39415,0.14150263740995023,2,0.46344196557070566 0.39843498584594356 0.24675203315481445 0.045539953054339014 -0.06590058361668798 -0.2129401806131862 -0.25318259663328835 -0.22687024769707007 -0.2655648784856227 -0.3290240729788441 -0.34295414006272795 -0.4327256834921676 -0.5224972269216073 -0.6385811192872651 -0.7283526627167135 -0.7004925285489546 -0.7670472935052661 -0.5936953475725497 -0.3708142742304869 0.06101780536976358 +39416,0.30247230149033233,2,0.39843498584594356 0.24675203315481445 0.045539953054339014 -0.06590058361668798 -0.2129401806131862 -0.25318259663328835 -0.22687024769707007 -0.2655648784856227 -0.3290240729788441 -0.34295414006272795 -0.4327256834921676 -0.5224972269216073 -0.6385811192872651 -0.7283526627167135 -0.7004925285489546 -0.7670472935052661 -0.5936953475725497 -0.3708142742304869 0.06101780536976358 0.14150263740995023 +39417,0.3752182073728067,2,0.24675203315481445 0.045539953054339014 -0.06590058361668798 -0.2129401806131862 -0.25318259663328835 -0.22687024769707007 -0.2655648784856227 -0.3290240729788441 -0.34295414006272795 -0.4327256834921676 -0.5224972269216073 -0.6385811192872651 -0.7283526627167135 -0.7004925285489546 -0.7670472935052661 -0.5936953475725497 -0.3708142742304869 0.06101780536976358 0.14150263740995023 0.30247230149033233 +39418,0.3752182073728067,2,0.045539953054339014 -0.06590058361668798 -0.2129401806131862 -0.25318259663328835 -0.22687024769707007 -0.2655648784856227 -0.3290240729788441 -0.34295414006272795 -0.4327256834921676 -0.5224972269216073 -0.6385811192872651 -0.7283526627167135 -0.7004925285489546 -0.7670472935052661 -0.5936953475725497 -0.3708142742304869 0.06101780536976358 0.14150263740995023 0.30247230149033233 0.3752182073728067 +39419,0.39843498584594356,2,-0.06590058361668798 -0.2129401806131862 -0.25318259663328835 -0.22687024769707007 -0.2655648784856227 -0.3290240729788441 -0.34295414006272795 -0.4327256834921676 -0.5224972269216073 -0.6385811192872651 -0.7283526627167135 -0.7004925285489546 -0.7670472935052661 -0.5936953475725497 -0.3708142742304869 0.06101780536976358 0.14150263740995023 0.30247230149033233 0.3752182073728067 0.3752182073728067 +39420,0.37831377783589687,2,-0.2129401806131862 -0.25318259663328835 -0.22687024769707007 -0.2655648784856227 -0.3290240729788441 -0.34295414006272795 -0.4327256834921676 -0.5224972269216073 -0.6385811192872651 -0.7283526627167135 -0.7004925285489546 -0.7670472935052661 -0.5936953475725497 -0.3708142742304869 0.06101780536976358 0.14150263740995023 0.30247230149033233 0.3752182073728067 0.3752182073728067 0.39843498584594356 +39421,0.2838988787118264,2,-0.25318259663328835 -0.22687024769707007 -0.2655648784856227 -0.3290240729788441 -0.34295414006272795 -0.4327256834921676 -0.5224972269216073 -0.6385811192872651 -0.7283526627167135 -0.7004925285489546 -0.7670472935052661 -0.5936953475725497 -0.3708142742304869 0.06101780536976358 0.14150263740995023 0.30247230149033233 0.3752182073728067 0.3752182073728067 0.39843498584594356 0.37831377783589687 +39422,0.05792223490668219,2,-0.22687024769707007 -0.2655648784856227 -0.3290240729788441 -0.34295414006272795 -0.4327256834921676 -0.5224972269216073 -0.6385811192872651 -0.7283526627167135 -0.7004925285489546 -0.7670472935052661 -0.5936953475725497 -0.3708142742304869 0.06101780536976358 0.14150263740995023 0.30247230149033233 0.3752182073728067 0.3752182073728067 0.39843498584594356 0.37831377783589687 0.2838988787118264 +39423,-0.14948098611996483,2,-0.2655648784856227 -0.3290240729788441 -0.34295414006272795 -0.4327256834921676 -0.5224972269216073 -0.6385811192872651 -0.7283526627167135 -0.7004925285489546 -0.7670472935052661 -0.5936953475725497 -0.3708142742304869 0.06101780536976358 0.14150263740995023 0.30247230149033233 0.3752182073728067 0.3752182073728067 0.39843498584594356 0.37831377783589687 0.2838988787118264 0.05792223490668219 +39424,-0.4079611197874988,2,-0.3290240729788441 -0.34295414006272795 -0.4327256834921676 -0.5224972269216073 -0.6385811192872651 -0.7283526627167135 -0.7004925285489546 -0.7670472935052661 -0.5936953475725497 -0.3708142742304869 0.06101780536976358 0.14150263740995023 0.30247230149033233 0.3752182073728067 0.3752182073728067 0.39843498584594356 0.37831377783589687 0.2838988787118264 0.05792223490668219 -0.14948098611996483 +39425,-0.46677695858609813,2,-0.34295414006272795 -0.4327256834921676 -0.5224972269216073 -0.6385811192872651 -0.7283526627167135 -0.7004925285489546 -0.7670472935052661 -0.5936953475725497 -0.3708142742304869 0.06101780536976358 0.14150263740995023 0.30247230149033233 0.3752182073728067 0.3752182073728067 0.39843498584594356 0.37831377783589687 0.2838988787118264 0.05792223490668219 -0.14948098611996483 -0.4079611197874988 +39426,-0.5348795087739504,2,-0.4327256834921676 -0.5224972269216073 -0.6385811192872651 -0.7283526627167135 -0.7004925285489546 -0.7670472935052661 -0.5936953475725497 -0.3708142742304869 0.06101780536976358 0.14150263740995023 0.30247230149033233 0.3752182073728067 0.3752182073728067 0.39843498584594356 0.37831377783589687 0.2838988787118264 0.05792223490668219 -0.14948098611996483 -0.4079611197874988 -0.46677695858609813 +39427,-0.6261988374349308,2,-0.5224972269216073 -0.6385811192872651 -0.7283526627167135 -0.7004925285489546 -0.7670472935052661 -0.5936953475725497 -0.3708142742304869 0.06101780536976358 0.14150263740995023 0.30247230149033233 0.3752182073728067 0.3752182073728067 0.39843498584594356 0.37831377783589687 0.2838988787118264 0.05792223490668219 -0.14948098611996483 -0.4079611197874988 -0.46677695858609813 -0.5348795087739504 +39428,-0.7902640719783942,2,-0.6385811192872651 -0.7283526627167135 -0.7004925285489546 -0.7670472935052661 -0.5936953475725497 -0.3708142742304869 0.06101780536976358 0.14150263740995023 0.30247230149033233 0.3752182073728067 0.3752182073728067 0.39843498584594356 0.37831377783589687 0.2838988787118264 0.05792223490668219 -0.14948098611996483 -0.4079611197874988 -0.46677695858609813 -0.5348795087739504 -0.6261988374349308 +39429,-0.9326603132802703,2,-0.7283526627167135 -0.7004925285489546 -0.7670472935052661 -0.5936953475725497 -0.3708142742304869 0.06101780536976358 0.14150263740995023 0.30247230149033233 0.3752182073728067 0.3752182073728067 0.39843498584594356 0.37831377783589687 0.2838988787118264 0.05792223490668219 -0.14948098611996483 -0.4079611197874988 -0.46677695858609813 -0.5348795087739504 -0.6261988374349308 -0.7902640719783942 +39430,-0.9218258166594767,2,-0.7004925285489546 -0.7670472935052661 -0.5936953475725497 -0.3708142742304869 0.06101780536976358 0.14150263740995023 0.30247230149033233 0.3752182073728067 0.3752182073728067 0.39843498584594356 0.37831377783589687 0.2838988787118264 0.05792223490668219 -0.14948098611996483 -0.4079611197874988 -0.46677695858609813 -0.5348795087739504 -0.6261988374349308 -0.7902640719783942 -0.9326603132802703 +39431,-0.9605204474480293,2,-0.7670472935052661 -0.5936953475725497 -0.3708142742304869 0.06101780536976358 0.14150263740995023 0.30247230149033233 0.3752182073728067 0.3752182073728067 0.39843498584594356 0.37831377783589687 0.2838988787118264 0.05792223490668219 -0.14948098611996483 -0.4079611197874988 -0.46677695858609813 -0.5348795087739504 -0.6261988374349308 -0.7902640719783942 -0.9326603132802703 -0.9218258166594767 +39432,-1.087438836434481,2,-0.5936953475725497 -0.3708142742304869 0.06101780536976358 0.14150263740995023 0.30247230149033233 0.3752182073728067 0.3752182073728067 0.39843498584594356 0.37831377783589687 0.2838988787118264 0.05792223490668219 -0.14948098611996483 -0.4079611197874988 -0.46677695858609813 -0.5348795087739504 -0.6261988374349308 -0.7902640719783942 -0.9326603132802703 -0.9218258166594767 -0.9605204474480293 +39433,-1.1710192389377578,2,-0.3708142742304869 0.06101780536976358 0.14150263740995023 0.30247230149033233 0.3752182073728067 0.3752182073728067 0.39843498584594356 0.37831377783589687 0.2838988787118264 0.05792223490668219 -0.14948098611996483 -0.4079611197874988 -0.46677695858609813 -0.5348795087739504 -0.6261988374349308 -0.7902640719783942 -0.9326603132802703 -0.9218258166594767 -0.9605204474480293 -1.087438836434481 +39434,-1.2050705140316795,2,0.06101780536976358 0.14150263740995023 0.30247230149033233 0.3752182073728067 0.3752182073728067 0.39843498584594356 0.37831377783589687 0.2838988787118264 0.05792223490668219 -0.14948098611996483 -0.4079611197874988 -0.46677695858609813 -0.5348795087739504 -0.6261988374349308 -0.7902640719783942 -0.9326603132802703 -0.9218258166594767 -0.9605204474480293 -1.087438836434481 -1.1710192389377578 +39435,-1.2963898426926599,2,0.14150263740995023 0.30247230149033233 0.3752182073728067 0.3752182073728067 0.39843498584594356 0.37831377783589687 0.2838988787118264 0.05792223490668219 -0.14948098611996483 -0.4079611197874988 -0.46677695858609813 -0.5348795087739504 -0.6261988374349308 -0.7902640719783942 -0.9326603132802703 -0.9218258166594767 -0.9605204474480293 -1.087438836434481 -1.1710192389377578 -1.2050705140316795 +39436,-0.8336020584615778,2,0.30247230149033233 0.3752182073728067 0.3752182073728067 0.39843498584594356 0.37831377783589687 0.2838988787118264 0.05792223490668219 -0.14948098611996483 -0.4079611197874988 -0.46677695858609813 -0.5348795087739504 -0.6261988374349308 -0.7902640719783942 -0.9326603132802703 -0.9218258166594767 -0.9605204474480293 -1.087438836434481 -1.1710192389377578 -1.2050705140316795 -1.2963898426926599 +39437,-0.356884207146603,2,0.3752182073728067 0.3752182073728067 0.39843498584594356 0.37831377783589687 0.2838988787118264 0.05792223490668219 -0.14948098611996483 -0.4079611197874988 -0.46677695858609813 -0.5348795087739504 -0.6261988374349308 -0.7902640719783942 -0.9326603132802703 -0.9218258166594767 -0.9605204474480293 -1.087438836434481 -1.1710192389377578 -1.2050705140316795 -1.2963898426926599 -0.8336020584615778 +39438,-0.04577937560664132,2,0.3752182073728067 0.39843498584594356 0.37831377783589687 0.2838988787118264 0.05792223490668219 -0.14948098611996483 -0.4079611197874988 -0.46677695858609813 -0.5348795087739504 -0.6261988374349308 -0.7902640719783942 -0.9326603132802703 -0.9218258166594767 -0.9605204474480293 -1.087438836434481 -1.1710192389377578 -1.2050705140316795 -1.2963898426926599 -0.8336020584615778 -0.356884207146603 +39439,0.2653254559333204,2,0.39843498584594356 0.37831377783589687 0.2838988787118264 0.05792223490668219 -0.14948098611996483 -0.4079611197874988 -0.46677695858609813 -0.5348795087739504 -0.6261988374349308 -0.7902640719783942 -0.9326603132802703 -0.9218258166594767 -0.9605204474480293 -1.087438836434481 -1.1710192389377578 -1.2050705140316795 -1.2963898426926599 -0.8336020584615778 -0.356884207146603 -0.04577937560664132 +39440,0.4835631735807611,2,0.37831377783589687 0.2838988787118264 0.05792223490668219 -0.14948098611996483 -0.4079611197874988 -0.46677695858609813 -0.5348795087739504 -0.6261988374349308 -0.7902640719783942 -0.9326603132802703 -0.9218258166594767 -0.9605204474480293 -1.087438836434481 -1.1710192389377578 -1.2050705140316795 -1.2963898426926599 -0.8336020584615778 -0.356884207146603 -0.04577937560664132 0.2653254559333204 +39441,0.5671435760840291,2,0.2838988787118264 0.05792223490668219 -0.14948098611996483 -0.4079611197874988 -0.46677695858609813 -0.5348795087739504 -0.6261988374349308 -0.7902640719783942 -0.9326603132802703 -0.9218258166594767 -0.9605204474480293 -1.087438836434481 -1.1710192389377578 -1.2050705140316795 -1.2963898426926599 -0.8336020584615778 -0.356884207146603 -0.04577937560664132 0.2653254559333204 0.4835631735807611 +39442,0.7033486764597336,2,0.05792223490668219 -0.14948098611996483 -0.4079611197874988 -0.46677695858609813 -0.5348795087739504 -0.6261988374349308 -0.7902640719783942 -0.9326603132802703 -0.9218258166594767 -0.9605204474480293 -1.087438836434481 -1.1710192389377578 -1.2050705140316795 -1.2963898426926599 -0.8336020584615778 -0.356884207146603 -0.04577937560664132 0.2653254559333204 0.4835631735807611 0.5671435760840291 +39443,0.7544255891006295,2,-0.14948098611996483 -0.4079611197874988 -0.46677695858609813 -0.5348795087739504 -0.6261988374349308 -0.7902640719783942 -0.9326603132802703 -0.9218258166594767 -0.9605204474480293 -1.087438836434481 -1.1710192389377578 -1.2050705140316795 -1.2963898426926599 -0.8336020584615778 -0.356884207146603 -0.04577937560664132 0.2653254559333204 0.4835631735807611 0.5671435760840291 0.7033486764597336 +39444,0.7729990118791267,2,-0.4079611197874988 -0.46677695858609813 -0.5348795087739504 -0.6261988374349308 -0.7902640719783942 -0.9326603132802703 -0.9218258166594767 -0.9605204474480293 -1.087438836434481 -1.1710192389377578 -1.2050705140316795 -1.2963898426926599 -0.8336020584615778 -0.356884207146603 -0.04577937560664132 0.2653254559333204 0.4835631735807611 0.5671435760840291 0.7033486764597336 0.7544255891006295 +39445,0.7033486764597336,2,-0.46677695858609813 -0.5348795087739504 -0.6261988374349308 -0.7902640719783942 -0.9326603132802703 -0.9218258166594767 -0.9605204474480293 -1.087438836434481 -1.1710192389377578 -1.2050705140316795 -1.2963898426926599 -0.8336020584615778 -0.356884207146603 -0.04577937560664132 0.2653254559333204 0.4835631735807611 0.5671435760840291 0.7033486764597336 0.7544255891006295 0.7729990118791267 +39446,0.5299967305270172,2,-0.5348795087739504 -0.6261988374349308 -0.7902640719783942 -0.9326603132802703 -0.9218258166594767 -0.9605204474480293 -1.087438836434481 -1.1710192389377578 -1.2050705140316795 -1.2963898426926599 -0.8336020584615778 -0.356884207146603 -0.04577937560664132 0.2653254559333204 0.4835631735807611 0.5671435760840291 0.7033486764597336 0.7544255891006295 0.7729990118791267 0.7033486764597336 +39447,0.24365646269173305,2,-0.6261988374349308 -0.7902640719783942 -0.9326603132802703 -0.9218258166594767 -0.9605204474480293 -1.087438836434481 -1.1710192389377578 -1.2050705140316795 -1.2963898426926599 -0.8336020584615778 -0.356884207146603 -0.04577937560664132 0.2653254559333204 0.4835631735807611 0.5671435760840291 0.7033486764597336 0.7544255891006295 0.7729990118791267 0.7033486764597336 0.5299967305270172 +39448,-0.03494487898584764,2,-0.7902640719783942 -0.9326603132802703 -0.9218258166594767 -0.9605204474480293 -1.087438836434481 -1.1710192389377578 -1.2050705140316795 -1.2963898426926599 -0.8336020584615778 -0.356884207146603 -0.04577937560664132 0.2653254559333204 0.4835631735807611 0.5671435760840291 0.7033486764597336 0.7544255891006295 0.7729990118791267 0.7033486764597336 0.5299967305270172 0.24365646269173305 +39449,-0.2516348114017388,2,-0.9326603132802703 -0.9218258166594767 -0.9605204474480293 -1.087438836434481 -1.1710192389377578 -1.2050705140316795 -1.2963898426926599 -0.8336020584615778 -0.356884207146603 -0.04577937560664132 0.2653254559333204 0.4835631735807611 0.5671435760840291 0.7033486764597336 0.7544255891006295 0.7729990118791267 0.7033486764597336 0.5299967305270172 0.24365646269173305 -0.03494487898584764 +39450,-0.38164877085128057,2,-0.9218258166594767 -0.9605204474480293 -1.087438836434481 -1.1710192389377578 -1.2050705140316795 -1.2963898426926599 -0.8336020584615778 -0.356884207146603 -0.04577937560664132 0.2653254559333204 0.4835631735807611 0.5671435760840291 0.7033486764597336 0.7544255891006295 0.7729990118791267 0.7033486764597336 0.5299967305270172 0.24365646269173305 -0.03494487898584764 -0.2516348114017388 +39451,-0.41879561640829255,2,-0.9605204474480293 -1.087438836434481 -1.1710192389377578 -1.2050705140316795 -1.2963898426926599 -0.8336020584615778 -0.356884207146603 -0.04577937560664132 0.2653254559333204 0.4835631735807611 0.5671435760840291 0.7033486764597336 0.7544255891006295 0.7729990118791267 0.7033486764597336 0.5299967305270172 0.24365646269173305 -0.03494487898584764 -0.2516348114017388 -0.38164877085128057 +39452,-0.5085671598377322,2,-1.087438836434481 -1.1710192389377578 -1.2050705140316795 -1.2963898426926599 -0.8336020584615778 -0.356884207146603 -0.04577937560664132 0.2653254559333204 0.4835631735807611 0.5671435760840291 0.7033486764597336 0.7544255891006295 0.7729990118791267 0.7033486764597336 0.5299967305270172 0.24365646269173305 -0.03494487898584764 -0.2516348114017388 -0.38164877085128057 -0.41879561640829255 +39453,-0.573574139562503,2,-1.1710192389377578 -1.2050705140316795 -1.2963898426926599 -0.8336020584615778 -0.356884207146603 -0.04577937560664132 0.2653254559333204 0.4835631735807611 0.5671435760840291 0.7033486764597336 0.7544255891006295 0.7729990118791267 0.7033486764597336 0.5299967305270172 0.24365646269173305 -0.03494487898584764 -0.2516348114017388 -0.38164877085128057 -0.41879561640829255 -0.5085671598377322 +39454,-0.62465105220339,2,-1.2050705140316795 -1.2963898426926599 -0.8336020584615778 -0.356884207146603 -0.04577937560664132 0.2653254559333204 0.4835631735807611 0.5671435760840291 0.7033486764597336 0.7544255891006295 0.7729990118791267 0.7033486764597336 0.5299967305270172 0.24365646269173305 -0.03494487898584764 -0.2516348114017388 -0.38164877085128057 -0.41879561640829255 -0.5085671598377322 -0.573574139562503 +39455,-0.7020403137804953,2,-1.2963898426926599 -0.8336020584615778 -0.356884207146603 -0.04577937560664132 0.2653254559333204 0.4835631735807611 0.5671435760840291 0.7033486764597336 0.7544255891006295 0.7729990118791267 0.7033486764597336 0.5299967305270172 0.24365646269173305 -0.03494487898584764 -0.2516348114017388 -0.38164877085128057 -0.41879561640829255 -0.5085671598377322 -0.573574139562503 -0.62465105220339 +39456,-0.7794295753576006,2,-0.8336020584615778 -0.356884207146603 -0.04577937560664132 0.2653254559333204 0.4835631735807611 0.5671435760840291 0.7033486764597336 0.7544255891006295 0.7729990118791267 0.7033486764597336 0.5299967305270172 0.24365646269173305 -0.03494487898584764 -0.2516348114017388 -0.38164877085128057 -0.41879561640829255 -0.5085671598377322 -0.573574139562503 -0.62465105220339 -0.7020403137804953 +39457,-0.8320542732300282,2,-0.356884207146603 -0.04577937560664132 0.2653254559333204 0.4835631735807611 0.5671435760840291 0.7033486764597336 0.7544255891006295 0.7729990118791267 0.7033486764597336 0.5299967305270172 0.24365646269173305 -0.03494487898584764 -0.2516348114017388 -0.38164877085128057 -0.41879561640829255 -0.5085671598377322 -0.573574139562503 -0.62465105220339 -0.7020403137804953 -0.7794295753576006 +39458,-0.8041941390622781,2,-0.04577937560664132 0.2653254559333204 0.4835631735807611 0.5671435760840291 0.7033486764597336 0.7544255891006295 0.7729990118791267 0.7033486764597336 0.5299967305270172 0.24365646269173305 -0.03494487898584764 -0.2516348114017388 -0.38164877085128057 -0.41879561640829255 -0.5085671598377322 -0.573574139562503 -0.62465105220339 -0.7020403137804953 -0.7794295753576006 -0.8320542732300282 +39459,-0.7082314547066669,2,0.2653254559333204 0.4835631735807611 0.5671435760840291 0.7033486764597336 0.7544255891006295 0.7729990118791267 0.7033486764597336 0.5299967305270172 0.24365646269173305 -0.03494487898584764 -0.2516348114017388 -0.38164877085128057 -0.41879561640829255 -0.5085671598377322 -0.573574139562503 -0.62465105220339 -0.7020403137804953 -0.7794295753576006 -0.8320542732300282 -0.8041941390622781 +39460,-0.6060776294248841,2,0.4835631735807611 0.5671435760840291 0.7033486764597336 0.7544255891006295 0.7729990118791267 0.7033486764597336 0.5299967305270172 0.24365646269173305 -0.03494487898584764 -0.2516348114017388 -0.38164877085128057 -0.41879561640829255 -0.5085671598377322 -0.573574139562503 -0.62465105220339 -0.7020403137804953 -0.7794295753576006 -0.8320542732300282 -0.8041941390622781 -0.7082314547066669 +39461,-0.14174205996225253,2,0.5671435760840291 0.7033486764597336 0.7544255891006295 0.7729990118791267 0.7033486764597336 0.5299967305270172 0.24365646269173305 -0.03494487898584764 -0.2516348114017388 -0.38164877085128057 -0.41879561640829255 -0.5085671598377322 -0.573574139562503 -0.62465105220339 -0.7020403137804953 -0.7794295753576006 -0.8320542732300282 -0.8041941390622781 -0.7082314547066669 -0.6060776294248841 +39462,0.19103176481929654,2,0.7033486764597336 0.7544255891006295 0.7729990118791267 0.7033486764597336 0.5299967305270172 0.24365646269173305 -0.03494487898584764 -0.2516348114017388 -0.38164877085128057 -0.41879561640829255 -0.5085671598377322 -0.573574139562503 -0.62465105220339 -0.7020403137804953 -0.7794295753576006 -0.8320542732300282 -0.8041941390622781 -0.7082314547066669 -0.6060776294248841 -0.14174205996225253 +39463,0.5408312271478108,2,0.7544255891006295 0.7729990118791267 0.7033486764597336 0.5299967305270172 0.24365646269173305 -0.03494487898584764 -0.2516348114017388 -0.38164877085128057 -0.41879561640829255 -0.5085671598377322 -0.573574139562503 -0.62465105220339 -0.7020403137804953 -0.7794295753576006 -0.8320542732300282 -0.8041941390622781 -0.7082314547066669 -0.6060776294248841 -0.14174205996225253 0.19103176481929654 +39464,0.7126353878489867,2,0.7729990118791267 0.7033486764597336 0.5299967305270172 0.24365646269173305 -0.03494487898584764 -0.2516348114017388 -0.38164877085128057 -0.41879561640829255 -0.5085671598377322 -0.573574139562503 -0.62465105220339 -0.7020403137804953 -0.7794295753576006 -0.8320542732300282 -0.8041941390622781 -0.7082314547066669 -0.6060776294248841 -0.14174205996225253 0.19103176481929654 0.5408312271478108 +39465,0.8318148506777348,2,0.7033486764597336 0.5299967305270172 0.24365646269173305 -0.03494487898584764 -0.2516348114017388 -0.38164877085128057 -0.41879561640829255 -0.5085671598377322 -0.573574139562503 -0.62465105220339 -0.7020403137804953 -0.7794295753576006 -0.8320542732300282 -0.8041941390622781 -0.7082314547066669 -0.6060776294248841 -0.14174205996225253 0.19103176481929654 0.5408312271478108 0.7126353878489867 +39466,0.8039547165099759,2,0.5299967305270172 0.24365646269173305 -0.03494487898584764 -0.2516348114017388 -0.38164877085128057 -0.41879561640829255 -0.5085671598377322 -0.573574139562503 -0.62465105220339 -0.7020403137804953 -0.7794295753576006 -0.8320542732300282 -0.8041941390622781 -0.7082314547066669 -0.6060776294248841 -0.14174205996225253 0.19103176481929654 0.5408312271478108 0.7126353878489867 0.8318148506777348 +39467,0.7327565958590333,2,0.24365646269173305 -0.03494487898584764 -0.2516348114017388 -0.38164877085128057 -0.41879561640829255 -0.5085671598377322 -0.573574139562503 -0.62465105220339 -0.7020403137804953 -0.7794295753576006 -0.8320542732300282 -0.8041941390622781 -0.7082314547066669 -0.6060776294248841 -0.14174205996225253 0.19103176481929654 0.5408312271478108 0.7126353878489867 0.8318148506777348 0.8039547165099759 +39468,0.622863844419547,2,-0.03494487898584764 -0.2516348114017388 -0.38164877085128057 -0.41879561640829255 -0.5085671598377322 -0.573574139562503 -0.62465105220339 -0.7020403137804953 -0.7794295753576006 -0.8320542732300282 -0.8041941390622781 -0.7082314547066669 -0.6060776294248841 -0.14174205996225253 0.19103176481929654 0.5408312271478108 0.7126353878489867 0.8318148506777348 0.8039547165099759 0.7327565958590333 +39469,0.5052321668223485,2,-0.2516348114017388 -0.38164877085128057 -0.41879561640829255 -0.5085671598377322 -0.573574139562503 -0.62465105220339 -0.7020403137804953 -0.7794295753576006 -0.8320542732300282 -0.8041941390622781 -0.7082314547066669 -0.6060776294248841 -0.14174205996225253 0.19103176481929654 0.5408312271478108 0.7126353878489867 0.8318148506777348 0.8039547165099759 0.7327565958590333 0.622863844419547 +39470,0.2065096171347211,2,-0.38164877085128057 -0.41879561640829255 -0.5085671598377322 -0.573574139562503 -0.62465105220339 -0.7020403137804953 -0.7794295753576006 -0.8320542732300282 -0.8041941390622781 -0.7082314547066669 -0.6060776294248841 -0.14174205996225253 0.19103176481929654 0.5408312271478108 0.7126353878489867 0.8318148506777348 0.8039547165099759 0.7327565958590333 0.622863844419547 0.5052321668223485 +39471,-0.06744836884822868,2,-0.41879561640829255 -0.5085671598377322 -0.573574139562503 -0.62465105220339 -0.7020403137804953 -0.7794295753576006 -0.8320542732300282 -0.8041941390622781 -0.7082314547066669 -0.6060776294248841 -0.14174205996225253 0.19103176481929654 0.5408312271478108 0.7126353878489867 0.8318148506777348 0.8039547165099759 0.7327565958590333 0.622863844419547 0.5052321668223485 0.2065096171347211 +39472,-0.315094005894969,2,-0.5085671598377322 -0.573574139562503 -0.62465105220339 -0.7020403137804953 -0.7794295753576006 -0.8320542732300282 -0.8041941390622781 -0.7082314547066669 -0.6060776294248841 -0.14174205996225253 0.19103176481929654 0.5408312271478108 0.7126353878489867 0.8318148506777348 0.8039547165099759 0.7327565958590333 0.622863844419547 0.5052321668223485 0.2065096171347211 -0.06744836884822868 +39473,-0.5472617906262848,2,-0.573574139562503 -0.62465105220339 -0.7020403137804953 -0.7794295753576006 -0.8320542732300282 -0.8041941390622781 -0.7082314547066669 -0.6060776294248841 -0.14174205996225253 0.19103176481929654 0.5408312271478108 0.7126353878489867 0.8318148506777348 0.8039547165099759 0.7327565958590333 0.622863844419547 0.5052321668223485 0.2065096171347211 -0.06744836884822868 -0.315094005894969 +39474,-0.5240450121531567,2,-0.62465105220339 -0.7020403137804953 -0.7794295753576006 -0.8320542732300282 -0.8041941390622781 -0.7082314547066669 -0.6060776294248841 -0.14174205996225253 0.19103176481929654 0.5408312271478108 0.7126353878489867 0.8318148506777348 0.8039547165099759 0.7327565958590333 0.622863844419547 0.5052321668223485 0.2065096171347211 -0.06744836884822868 -0.315094005894969 -0.5472617906262848 +39475,-0.582860850951756,2,-0.7020403137804953 -0.7794295753576006 -0.8320542732300282 -0.8041941390622781 -0.7082314547066669 -0.6060776294248841 -0.14174205996225253 0.19103176481929654 0.5408312271478108 0.7126353878489867 0.8318148506777348 0.8039547165099759 0.7327565958590333 0.622863844419547 0.5052321668223485 0.2065096171347211 -0.06744836884822868 -0.315094005894969 -0.5472617906262848 -0.5240450121531567 +39476,-0.661797897760402,2,-0.7794295753576006 -0.8320542732300282 -0.8041941390622781 -0.7082314547066669 -0.6060776294248841 -0.14174205996225253 0.19103176481929654 0.5408312271478108 0.7126353878489867 0.8318148506777348 0.8039547165099759 0.7327565958590333 0.622863844419547 0.5052321668223485 0.2065096171347211 -0.06744836884822868 -0.315094005894969 -0.5472617906262848 -0.5240450121531567 -0.582860850951756 +39477,-0.6803713205389079,2,-0.8320542732300282 -0.8041941390622781 -0.7082314547066669 -0.6060776294248841 -0.14174205996225253 0.19103176481929654 0.5408312271478108 0.7126353878489867 0.8318148506777348 0.8039547165099759 0.7327565958590333 0.622863844419547 0.5052321668223485 0.2065096171347211 -0.06744836884822868 -0.315094005894969 -0.5472617906262848 -0.5240450121531567 -0.582860850951756 -0.661797897760402 +39478,-0.6633456829919426,2,-0.8041941390622781 -0.7082314547066669 -0.6060776294248841 -0.14174205996225253 0.19103176481929654 0.5408312271478108 0.7126353878489867 0.8318148506777348 0.8039547165099759 0.7327565958590333 0.622863844419547 0.5052321668223485 0.2065096171347211 -0.06744836884822868 -0.315094005894969 -0.5472617906262848 -0.5240450121531567 -0.582860850951756 -0.661797897760402 -0.6803713205389079 +39479,-0.7283526627167135,2,-0.7082314547066669 -0.6060776294248841 -0.14174205996225253 0.19103176481929654 0.5408312271478108 0.7126353878489867 0.8318148506777348 0.8039547165099759 0.7327565958590333 0.622863844419547 0.5052321668223485 0.2065096171347211 -0.06744836884822868 -0.315094005894969 -0.5472617906262848 -0.5240450121531567 -0.582860850951756 -0.661797897760402 -0.6803713205389079 -0.6633456829919426 +39480,-0.7391871593375072,2,-0.6060776294248841 -0.14174205996225253 0.19103176481929654 0.5408312271478108 0.7126353878489867 0.8318148506777348 0.8039547165099759 0.7327565958590333 0.622863844419547 0.5052321668223485 0.2065096171347211 -0.06744836884822868 -0.315094005894969 -0.5472617906262848 -0.5240450121531567 -0.582860850951756 -0.661797897760402 -0.6803713205389079 -0.6633456829919426 -0.7283526627167135 +39481,-0.7159703808643704,2,-0.14174205996225253 0.19103176481929654 0.5408312271478108 0.7126353878489867 0.8318148506777348 0.8039547165099759 0.7327565958590333 0.622863844419547 0.5052321668223485 0.2065096171347211 -0.06744836884822868 -0.315094005894969 -0.5472617906262848 -0.5240450121531567 -0.582860850951756 -0.661797897760402 -0.6803713205389079 -0.6633456829919426 -0.7283526627167135 -0.7391871593375072 +39482,-0.7144225956328297,2,0.19103176481929654 0.5408312271478108 0.7126353878489867 0.8318148506777348 0.8039547165099759 0.7327565958590333 0.622863844419547 0.5052321668223485 0.2065096171347211 -0.06744836884822868 -0.315094005894969 -0.5472617906262848 -0.5240450121531567 -0.582860850951756 -0.661797897760402 -0.6803713205389079 -0.6633456829919426 -0.7283526627167135 -0.7391871593375072 -0.7159703808643704 +39483,-0.6927536023912423,2,0.5408312271478108 0.7126353878489867 0.8318148506777348 0.8039547165099759 0.7327565958590333 0.622863844419547 0.5052321668223485 0.2065096171347211 -0.06744836884822868 -0.315094005894969 -0.5472617906262848 -0.5240450121531567 -0.582860850951756 -0.661797897760402 -0.6803713205389079 -0.6633456829919426 -0.7283526627167135 -0.7391871593375072 -0.7159703808643704 -0.7144225956328297 +39484,-0.7376393741059666,2,0.7126353878489867 0.8318148506777348 0.8039547165099759 0.7327565958590333 0.622863844419547 0.5052321668223485 0.2065096171347211 -0.06744836884822868 -0.315094005894969 -0.5472617906262848 -0.5240450121531567 -0.582860850951756 -0.661797897760402 -0.6803713205389079 -0.6633456829919426 -0.7283526627167135 -0.7391871593375072 -0.7159703808643704 -0.7144225956328297 -0.6927536023912423 +39485,-0.610720985119515,2,0.8318148506777348 0.8039547165099759 0.7327565958590333 0.622863844419547 0.5052321668223485 0.2065096171347211 -0.06744836884822868 -0.315094005894969 -0.5472617906262848 -0.5240450121531567 -0.582860850951756 -0.661797897760402 -0.6803713205389079 -0.6633456829919426 -0.7283526627167135 -0.7391871593375072 -0.7159703808643704 -0.7144225956328297 -0.6927536023912423 -0.7376393741059666 +39486,-0.3228329320526813,2,0.8039547165099759 0.7327565958590333 0.622863844419547 0.5052321668223485 0.2065096171347211 -0.06744836884822868 -0.315094005894969 -0.5472617906262848 -0.5240450121531567 -0.582860850951756 -0.661797897760402 -0.6803713205389079 -0.6633456829919426 -0.7283526627167135 -0.7391871593375072 -0.7159703808643704 -0.7144225956328297 -0.6927536023912423 -0.7376393741059666 -0.610720985119515 +39487,-0.2237746772339887,2,0.7327565958590333 0.622863844419547 0.5052321668223485 0.2065096171347211 -0.06744836884822868 -0.315094005894969 -0.5472617906262848 -0.5240450121531567 -0.582860850951756 -0.661797897760402 -0.6803713205389079 -0.6633456829919426 -0.7283526627167135 -0.7391871593375072 -0.7159703808643704 -0.7144225956328297 -0.6927536023912423 -0.7376393741059666 -0.610720985119515 -0.3228329320526813 +39488,-0.06744836884822868,2,0.622863844419547 0.5052321668223485 0.2065096171347211 -0.06744836884822868 -0.315094005894969 -0.5472617906262848 -0.5240450121531567 -0.582860850951756 -0.661797897760402 -0.6803713205389079 -0.6633456829919426 -0.7283526627167135 -0.7391871593375072 -0.7159703808643704 -0.7144225956328297 -0.6927536023912423 -0.7376393741059666 -0.610720985119515 -0.3228329320526813 -0.2237746772339887 +39489,0.12138142939990357,2,0.5052321668223485 0.2065096171347211 -0.06744836884822868 -0.315094005894969 -0.5472617906262848 -0.5240450121531567 -0.582860850951756 -0.661797897760402 -0.6803713205389079 -0.6633456829919426 -0.7283526627167135 -0.7391871593375072 -0.7159703808643704 -0.7144225956328297 -0.6927536023912423 -0.7376393741059666 -0.610720985119515 -0.3228329320526813 -0.2237746772339887 -0.06744836884822868 +39490,0.13531149648378746,2,0.2065096171347211 -0.06744836884822868 -0.315094005894969 -0.5472617906262848 -0.5240450121531567 -0.582860850951756 -0.661797897760402 -0.6803713205389079 -0.6633456829919426 -0.7283526627167135 -0.7391871593375072 -0.7159703808643704 -0.7144225956328297 -0.6927536023912423 -0.7376393741059666 -0.610720985119515 -0.3228329320526813 -0.2237746772339887 -0.06744836884822868 0.12138142939990357 +39491,0.16626720111462778,2,-0.06744836884822868 -0.315094005894969 -0.5472617906262848 -0.5240450121531567 -0.582860850951756 -0.661797897760402 -0.6803713205389079 -0.6633456829919426 -0.7283526627167135 -0.7391871593375072 -0.7159703808643704 -0.7144225956328297 -0.6927536023912423 -0.7376393741059666 -0.610720985119515 -0.3228329320526813 -0.2237746772339887 -0.06744836884822868 0.12138142939990357 0.13531149648378746 +39492,0.11673807370528148,2,-0.315094005894969 -0.5472617906262848 -0.5240450121531567 -0.582860850951756 -0.661797897760402 -0.6803713205389079 -0.6633456829919426 -0.7283526627167135 -0.7391871593375072 -0.7159703808643704 -0.7144225956328297 -0.6927536023912423 -0.7376393741059666 -0.610720985119515 -0.3228329320526813 -0.2237746772339887 -0.06744836884822868 0.12138142939990357 0.13531149648378746 0.16626720111462778 +39493,-0.02875373805967605,2,-0.5472617906262848 -0.5240450121531567 -0.582860850951756 -0.661797897760402 -0.6803713205389079 -0.6633456829919426 -0.7283526627167135 -0.7391871593375072 -0.7159703808643704 -0.7144225956328297 -0.6927536023912423 -0.7376393741059666 -0.610720985119515 -0.3228329320526813 -0.2237746772339887 -0.06744836884822868 0.12138142939990357 0.13531149648378746 0.16626720111462778 0.11673807370528148 +39494,-0.1587676975092178,2,-0.5240450121531567 -0.582860850951756 -0.661797897760402 -0.6803713205389079 -0.6633456829919426 -0.7283526627167135 -0.7391871593375072 -0.7159703808643704 -0.7144225956328297 -0.6927536023912423 -0.7376393741059666 -0.610720985119515 -0.3228329320526813 -0.2237746772339887 -0.06744836884822868 0.12138142939990357 0.13531149648378746 0.16626720111462778 0.11673807370528148 -0.02875373805967605 +39495,-0.38474434131436197,2,-0.582860850951756 -0.661797897760402 -0.6803713205389079 -0.6633456829919426 -0.7283526627167135 -0.7391871593375072 -0.7159703808643704 -0.7144225956328297 -0.6927536023912423 -0.7376393741059666 -0.610720985119515 -0.3228329320526813 -0.2237746772339887 -0.06744836884822868 0.12138142939990357 0.13531149648378746 0.16626720111462778 0.11673807370528148 -0.02875373805967605 -0.1587676975092178 +39496,-0.45749024719684517,2,-0.661797897760402 -0.6803713205389079 -0.6633456829919426 -0.7283526627167135 -0.7391871593375072 -0.7159703808643704 -0.7144225956328297 -0.6927536023912423 -0.7376393741059666 -0.610720985119515 -0.3228329320526813 -0.2237746772339887 -0.06744836884822868 0.12138142939990357 0.13531149648378746 0.16626720111462778 0.11673807370528148 -0.02875373805967605 -0.1587676975092178 -0.38474434131436197 +39497,-0.5611918577101599,2,-0.6803713205389079 -0.6633456829919426 -0.7283526627167135 -0.7391871593375072 -0.7159703808643704 -0.7144225956328297 -0.6927536023912423 -0.7376393741059666 -0.610720985119515 -0.3228329320526813 -0.2237746772339887 -0.06744836884822868 0.12138142939990357 0.13531149648378746 0.16626720111462778 0.11673807370528148 -0.02875373805967605 -0.1587676975092178 -0.38474434131436197 -0.45749024719684517 +39498,-0.6385811192872651,2,-0.6633456829919426 -0.7283526627167135 -0.7391871593375072 -0.7159703808643704 -0.7144225956328297 -0.6927536023912423 -0.7376393741059666 -0.610720985119515 -0.3228329320526813 -0.2237746772339887 -0.06744836884822868 0.12138142939990357 0.13531149648378746 0.16626720111462778 0.11673807370528148 -0.02875373805967605 -0.1587676975092178 -0.38474434131436197 -0.45749024719684517 -0.5611918577101599 +39499,-0.5983387032671718,2,-0.7283526627167135 -0.7391871593375072 -0.7159703808643704 -0.7144225956328297 -0.6927536023912423 -0.7376393741059666 -0.610720985119515 -0.3228329320526813 -0.2237746772339887 -0.06744836884822868 0.12138142939990357 0.13531149648378746 0.16626720111462778 0.11673807370528148 -0.02875373805967605 -0.1587676975092178 -0.38474434131436197 -0.45749024719684517 -0.5611918577101599 -0.6385811192872651 +39500,-0.6076254146564247,2,-0.7391871593375072 -0.7159703808643704 -0.7144225956328297 -0.6927536023912423 -0.7376393741059666 -0.610720985119515 -0.3228329320526813 -0.2237746772339887 -0.06744836884822868 0.12138142939990357 0.13531149648378746 0.16626720111462778 0.11673807370528148 -0.02875373805967605 -0.1587676975092178 -0.38474434131436197 -0.45749024719684517 -0.5611918577101599 -0.6385811192872651 -0.5983387032671718 +39501,-0.5998864884987125,2,-0.7159703808643704 -0.7144225956328297 -0.6927536023912423 -0.7376393741059666 -0.610720985119515 -0.3228329320526813 -0.2237746772339887 -0.06744836884822868 0.12138142939990357 0.13531149648378746 0.16626720111462778 0.11673807370528148 -0.02875373805967605 -0.1587676975092178 -0.38474434131436197 -0.45749024719684517 -0.5611918577101599 -0.6385811192872651 -0.5983387032671718 -0.6076254146564247 +39502,-0.5580962872470785,2,-0.7144225956328297 -0.6927536023912423 -0.7376393741059666 -0.610720985119515 -0.3228329320526813 -0.2237746772339887 -0.06744836884822868 0.12138142939990357 0.13531149648378746 0.16626720111462778 0.11673807370528148 -0.02875373805967605 -0.1587676975092178 -0.38474434131436197 -0.45749024719684517 -0.5611918577101599 -0.6385811192872651 -0.5983387032671718 -0.6076254146564247 -0.5998864884987125 +39503,-0.5859564214148374,2,-0.6927536023912423 -0.7376393741059666 -0.610720985119515 -0.3228329320526813 -0.2237746772339887 -0.06744836884822868 0.12138142939990357 0.13531149648378746 0.16626720111462778 0.11673807370528148 -0.02875373805967605 -0.1587676975092178 -0.38474434131436197 -0.45749024719684517 -0.5611918577101599 -0.6385811192872651 -0.5983387032671718 -0.6076254146564247 -0.5998864884987125 -0.5580962872470785 +39504,-0.5859564214148374,2,-0.7376393741059666 -0.610720985119515 -0.3228329320526813 -0.2237746772339887 -0.06744836884822868 0.12138142939990357 0.13531149648378746 0.16626720111462778 0.11673807370528148 -0.02875373805967605 -0.1587676975092178 -0.38474434131436197 -0.45749024719684517 -0.5611918577101599 -0.6385811192872651 -0.5983387032671718 -0.6076254146564247 -0.5998864884987125 -0.5580962872470785 -0.5859564214148374 +39505,-0.6231032669718494,2,-0.610720985119515 -0.3228329320526813 -0.2237746772339887 -0.06744836884822868 0.12138142939990357 0.13531149648378746 0.16626720111462778 0.11673807370528148 -0.02875373805967605 -0.1587676975092178 -0.38474434131436197 -0.45749024719684517 -0.5611918577101599 -0.6385811192872651 -0.5983387032671718 -0.6076254146564247 -0.5998864884987125 -0.5580962872470785 -0.5859564214148374 -0.5859564214148374 +39506,-0.62465105220339,2,-0.3228329320526813 -0.2237746772339887 -0.06744836884822868 0.12138142939990357 0.13531149648378746 0.16626720111462778 0.11673807370528148 -0.02875373805967605 -0.1587676975092178 -0.38474434131436197 -0.45749024719684517 -0.5611918577101599 -0.6385811192872651 -0.5983387032671718 -0.6076254146564247 -0.5998864884987125 -0.5580962872470785 -0.5859564214148374 -0.5859564214148374 -0.6231032669718494 +39507,-0.6385811192872651,2,-0.2237746772339887 -0.06744836884822868 0.12138142939990357 0.13531149648378746 0.16626720111462778 0.11673807370528148 -0.02875373805967605 -0.1587676975092178 -0.38474434131436197 -0.45749024719684517 -0.5611918577101599 -0.6385811192872651 -0.5983387032671718 -0.6076254146564247 -0.5998864884987125 -0.5580962872470785 -0.5859564214148374 -0.5859564214148374 -0.6231032669718494 -0.62465105220339 +39508,-0.5998864884987125,2,-0.06744836884822868 0.12138142939990357 0.13531149648378746 0.16626720111462778 0.11673807370528148 -0.02875373805967605 -0.1587676975092178 -0.38474434131436197 -0.45749024719684517 -0.5611918577101599 -0.6385811192872651 -0.5983387032671718 -0.6076254146564247 -0.5998864884987125 -0.5580962872470785 -0.5859564214148374 -0.5859564214148374 -0.6231032669718494 -0.62465105220339 -0.6385811192872651 +39509,-0.29187722742184097,2,0.12138142939990357 0.13531149648378746 0.16626720111462778 0.11673807370528148 -0.02875373805967605 -0.1587676975092178 -0.38474434131436197 -0.45749024719684517 -0.5611918577101599 -0.6385811192872651 -0.5983387032671718 -0.6076254146564247 -0.5998864884987125 -0.5580962872470785 -0.5859564214148374 -0.5859564214148374 -0.6231032669718494 -0.62465105220339 -0.6385811192872651 -0.5998864884987125 +39510,0.054826664443592,2,0.13531149648378746 0.16626720111462778 0.11673807370528148 -0.02875373805967605 -0.1587676975092178 -0.38474434131436197 -0.45749024719684517 -0.5611918577101599 -0.6385811192872651 -0.5983387032671718 -0.6076254146564247 -0.5998864884987125 -0.5580962872470785 -0.5859564214148374 -0.5859564214148374 -0.6231032669718494 -0.62465105220339 -0.6385811192872651 -0.5998864884987125 -0.29187722742184097 +39511,0.12447699986298497,2,0.16626720111462778 0.11673807370528148 -0.02875373805967605 -0.1587676975092178 -0.38474434131436197 -0.45749024719684517 -0.5611918577101599 -0.6385811192872651 -0.5983387032671718 -0.6076254146564247 -0.5998864884987125 -0.5580962872470785 -0.5859564214148374 -0.5859564214148374 -0.6231032669718494 -0.62465105220339 -0.6385811192872651 -0.5998864884987125 -0.29187722742184097 0.054826664443592 +39512,0.3566447845943007,2,0.11673807370528148 -0.02875373805967605 -0.1587676975092178 -0.38474434131436197 -0.45749024719684517 -0.5611918577101599 -0.6385811192872651 -0.5983387032671718 -0.6076254146564247 -0.5998864884987125 -0.5580962872470785 -0.5859564214148374 -0.5859564214148374 -0.6231032669718494 -0.62465105220339 -0.6385811192872651 -0.5998864884987125 -0.29187722742184097 0.054826664443592 0.12447699986298497 +39513,0.6754885422919747,2,-0.02875373805967605 -0.1587676975092178 -0.38474434131436197 -0.45749024719684517 -0.5611918577101599 -0.6385811192872651 -0.5983387032671718 -0.6076254146564247 -0.5998864884987125 -0.5580962872470785 -0.5859564214148374 -0.5859564214148374 -0.6231032669718494 -0.62465105220339 -0.6385811192872651 -0.5998864884987125 -0.29187722742184097 0.054826664443592 0.12447699986298497 0.3566447845943007 +39514,0.7312088106274927,2,-0.1587676975092178 -0.38474434131436197 -0.45749024719684517 -0.5611918577101599 -0.6385811192872651 -0.5983387032671718 -0.6076254146564247 -0.5998864884987125 -0.5580962872470785 -0.5859564214148374 -0.5859564214148374 -0.6231032669718494 -0.62465105220339 -0.6385811192872651 -0.5998864884987125 -0.29187722742184097 0.054826664443592 0.12447699986298497 0.3566447845943007 0.6754885422919747 +39515,0.7776423675737576,2,-0.38474434131436197 -0.45749024719684517 -0.5611918577101599 -0.6385811192872651 -0.5983387032671718 -0.6076254146564247 -0.5998864884987125 -0.5580962872470785 -0.5859564214148374 -0.5859564214148374 -0.6231032669718494 -0.62465105220339 -0.6385811192872651 -0.5998864884987125 -0.29187722742184097 0.054826664443592 0.12447699986298497 0.3566447845943007 0.6754885422919747 0.7312088106274927 +39516,0.7312088106274927,2,-0.45749024719684517 -0.5611918577101599 -0.6385811192872651 -0.5983387032671718 -0.6076254146564247 -0.5998864884987125 -0.5580962872470785 -0.5859564214148374 -0.5859564214148374 -0.6231032669718494 -0.62465105220339 -0.6385811192872651 -0.5998864884987125 -0.29187722742184097 0.054826664443592 0.12447699986298497 0.3566447845943007 0.6754885422919747 0.7312088106274927 0.7776423675737576 +39517,0.613577133030294,2,-0.5611918577101599 -0.6385811192872651 -0.5983387032671718 -0.6076254146564247 -0.5998864884987125 -0.5580962872470785 -0.5859564214148374 -0.5859564214148374 -0.6231032669718494 -0.62465105220339 -0.6385811192872651 -0.5998864884987125 -0.29187722742184097 0.054826664443592 0.12447699986298497 0.3566447845943007 0.6754885422919747 0.7312088106274927 0.7776423675737576 0.7312088106274927 +39518,0.3674792812151032,2,-0.6385811192872651 -0.5983387032671718 -0.6076254146564247 -0.5998864884987125 -0.5580962872470785 -0.5859564214148374 -0.5859564214148374 -0.6231032669718494 -0.62465105220339 -0.6385811192872651 -0.5998864884987125 -0.29187722742184097 0.054826664443592 0.12447699986298497 0.3566447845943007 0.6754885422919747 0.7312088106274927 0.7776423675737576 0.7312088106274927 0.613577133030294 +39519,0.13531149648378746,2,-0.5983387032671718 -0.6076254146564247 -0.5998864884987125 -0.5580962872470785 -0.5859564214148374 -0.5859564214148374 -0.6231032669718494 -0.62465105220339 -0.6385811192872651 -0.5998864884987125 -0.29187722742184097 0.054826664443592 0.12447699986298497 0.3566447845943007 0.6754885422919747 0.7312088106274927 0.7776423675737576 0.7312088106274927 0.613577133030294 0.3674792812151032 +39520,-0.06899615407977817,2,-0.6076254146564247 -0.5998864884987125 -0.5580962872470785 -0.5859564214148374 -0.5859564214148374 -0.6231032669718494 -0.62465105220339 -0.6385811192872651 -0.5998864884987125 -0.29187722742184097 0.054826664443592 0.12447699986298497 0.3566447845943007 0.6754885422919747 0.7312088106274927 0.7776423675737576 0.7312088106274927 0.613577133030294 0.3674792812151032 0.13531149648378746 +39521,-0.273303804643335,2,-0.5998864884987125 -0.5580962872470785 -0.5859564214148374 -0.5859564214148374 -0.6231032669718494 -0.62465105220339 -0.6385811192872651 -0.5998864884987125 -0.29187722742184097 0.054826664443592 0.12447699986298497 0.3566447845943007 0.6754885422919747 0.7312088106274927 0.7776423675737576 0.7312088106274927 0.613577133030294 0.3674792812151032 0.13531149648378746 -0.06899615407977817 +39522,-0.3522408514519809,2,-0.5580962872470785 -0.5859564214148374 -0.5859564214148374 -0.6231032669718494 -0.62465105220339 -0.6385811192872651 -0.5998864884987125 -0.29187722742184097 0.054826664443592 0.12447699986298497 0.3566447845943007 0.6754885422919747 0.7312088106274927 0.7776423675737576 0.7312088106274927 0.613577133030294 0.3674792812151032 0.13531149648378746 -0.06899615407977817 -0.273303804643335 +39523,-0.46987252904917953,2,-0.5859564214148374 -0.5859564214148374 -0.6231032669718494 -0.62465105220339 -0.6385811192872651 -0.5998864884987125 -0.29187722742184097 0.054826664443592 0.12447699986298497 0.3566447845943007 0.6754885422919747 0.7312088106274927 0.7776423675737576 0.7312088106274927 0.613577133030294 0.3674792812151032 0.13531149648378746 -0.06899615407977817 -0.273303804643335 -0.3522408514519809 +39524,-0.4420123948814206,2,-0.5859564214148374 -0.6231032669718494 -0.62465105220339 -0.6385811192872651 -0.5998864884987125 -0.29187722742184097 0.054826664443592 0.12447699986298497 0.3566447845943007 0.6754885422919747 0.7312088106274927 0.7776423675737576 0.7312088106274927 0.613577133030294 0.3674792812151032 0.13531149648378746 -0.06899615407977817 -0.273303804643335 -0.3522408514519809 -0.46987252904917953 +39525,-0.5132105155323631,2,-0.6231032669718494 -0.62465105220339 -0.6385811192872651 -0.5998864884987125 -0.29187722742184097 0.054826664443592 0.12447699986298497 0.3566447845943007 0.6754885422919747 0.7312088106274927 0.7776423675737576 0.7312088106274927 0.613577133030294 0.3674792812151032 0.13531149648378746 -0.06899615407977817 -0.273303804643335 -0.3522408514519809 -0.46987252904917953 -0.4420123948814206 +39526,-0.5844086361832967,2,-0.62465105220339 -0.6385811192872651 -0.5998864884987125 -0.29187722742184097 0.054826664443592 0.12447699986298497 0.3566447845943007 0.6754885422919747 0.7312088106274927 0.7776423675737576 0.7312088106274927 0.613577133030294 0.3674792812151032 0.13531149648378746 -0.06899615407977817 -0.273303804643335 -0.3522408514519809 -0.46987252904917953 -0.4420123948814206 -0.5132105155323631 +39527,-0.5859564214148374,2,-0.6385811192872651 -0.5998864884987125 -0.29187722742184097 0.054826664443592 0.12447699986298497 0.3566447845943007 0.6754885422919747 0.7312088106274927 0.7776423675737576 0.7312088106274927 0.613577133030294 0.3674792812151032 0.13531149648378746 -0.06899615407977817 -0.273303804643335 -0.3522408514519809 -0.46987252904917953 -0.4420123948814206 -0.5132105155323631 -0.5844086361832967 +39528,-0.6370333340557244,2,-0.5998864884987125 -0.29187722742184097 0.054826664443592 0.12447699986298497 0.3566447845943007 0.6754885422919747 0.7312088106274927 0.7776423675737576 0.7312088106274927 0.613577133030294 0.3674792812151032 0.13531149648378746 -0.06899615407977817 -0.273303804643335 -0.3522408514519809 -0.46987252904917953 -0.4420123948814206 -0.5132105155323631 -0.5844086361832967 -0.5859564214148374 +39529,-0.6633456829919426,2,-0.29187722742184097 0.054826664443592 0.12447699986298497 0.3566447845943007 0.6754885422919747 0.7312088106274927 0.7776423675737576 0.7312088106274927 0.613577133030294 0.3674792812151032 0.13531149648378746 -0.06899615407977817 -0.273303804643335 -0.3522408514519809 -0.46987252904917953 -0.4420123948814206 -0.5132105155323631 -0.5844086361832967 -0.5859564214148374 -0.6370333340557244 +39530,-0.7391871593375072,2,0.054826664443592 0.12447699986298497 0.3566447845943007 0.6754885422919747 0.7312088106274927 0.7776423675737576 0.7312088106274927 0.613577133030294 0.3674792812151032 0.13531149648378746 -0.06899615407977817 -0.273303804643335 -0.3522408514519809 -0.46987252904917953 -0.4420123948814206 -0.5132105155323631 -0.5844086361832967 -0.5859564214148374 -0.6370333340557244 -0.6633456829919426 +39531,-0.45903803242838587,2,0.12447699986298497 0.3566447845943007 0.6754885422919747 0.7312088106274927 0.7776423675737576 0.7312088106274927 0.613577133030294 0.3674792812151032 0.13531149648378746 -0.06899615407977817 -0.273303804643335 -0.3522408514519809 -0.46987252904917953 -0.4420123948814206 -0.5132105155323631 -0.5844086361832967 -0.5859564214148374 -0.6370333340557244 -0.6633456829919426 -0.7391871593375072 +39532,0.03780102689662673,2,0.3566447845943007 0.6754885422919747 0.7312088106274927 0.7776423675737576 0.7312088106274927 0.613577133030294 0.3674792812151032 0.13531149648378746 -0.06899615407977817 -0.273303804643335 -0.3522408514519809 -0.46987252904917953 -0.4420123948814206 -0.5132105155323631 -0.5844086361832967 -0.5859564214148374 -0.6370333340557244 -0.6633456829919426 -0.7391871593375072 -0.45903803242838587 +39533,0.5315445157585579,2,0.6754885422919747 0.7312088106274927 0.7776423675737576 0.7312088106274927 0.613577133030294 0.3674792812151032 0.13531149648378746 -0.06899615407977817 -0.273303804643335 -0.3522408514519809 -0.46987252904917953 -0.4420123948814206 -0.5132105155323631 -0.5844086361832967 -0.5859564214148374 -0.6370333340557244 -0.6633456829919426 -0.7391871593375072 -0.45903803242838587 0.03780102689662673 +39534,0.9757588772111427,2,0.7312088106274927 0.7776423675737576 0.7312088106274927 0.613577133030294 0.3674792812151032 0.13531149648378746 -0.06899615407977817 -0.273303804643335 -0.3522408514519809 -0.46987252904917953 -0.4420123948814206 -0.5132105155323631 -0.5844086361832967 -0.5859564214148374 -0.6370333340557244 -0.6633456829919426 -0.7391871593375072 -0.45903803242838587 0.03780102689662673 0.5315445157585579 +39535,1.1011294809660537,2,0.7776423675737576 0.7312088106274927 0.613577133030294 0.3674792812151032 0.13531149648378746 -0.06899615407977817 -0.273303804643335 -0.3522408514519809 -0.46987252904917953 -0.4420123948814206 -0.5132105155323631 -0.5844086361832967 -0.5859564214148374 -0.6370333340557244 -0.6633456829919426 -0.7391871593375072 -0.45903803242838587 0.03780102689662673 0.5315445157585579 0.9757588772111427 +39536,1.2125700176370895,2,0.7312088106274927 0.613577133030294 0.3674792812151032 0.13531149648378746 -0.06899615407977817 -0.273303804643335 -0.3522408514519809 -0.46987252904917953 -0.4420123948814206 -0.5132105155323631 -0.5844086361832967 -0.5859564214148374 -0.6370333340557244 -0.6633456829919426 -0.7391871593375072 -0.45903803242838587 0.03780102689662673 0.5315445157585579 0.9757588772111427 1.1011294809660537 +39537,1.2775769973618603,2,0.613577133030294 0.3674792812151032 0.13531149648378746 -0.06899615407977817 -0.273303804643335 -0.3522408514519809 -0.46987252904917953 -0.4420123948814206 -0.5132105155323631 -0.5844086361832967 -0.5859564214148374 -0.6370333340557244 -0.6633456829919426 -0.7391871593375072 -0.45903803242838587 0.03780102689662673 0.5315445157585579 0.9757588772111427 1.1011294809660537 1.2125700176370895 +39538,1.3596096146335876,2,0.3674792812151032 0.13531149648378746 -0.06899615407977817 -0.273303804643335 -0.3522408514519809 -0.46987252904917953 -0.4420123948814206 -0.5132105155323631 -0.5844086361832967 -0.5859564214148374 -0.6370333340557244 -0.6633456829919426 -0.7391871593375072 -0.45903803242838587 0.03780102689662673 0.5315445157585579 0.9757588772111427 1.1011294809660537 1.2125700176370895 1.2775769973618603 +39539,1.2775769973618603,2,0.13531149648378746 -0.06899615407977817 -0.273303804643335 -0.3522408514519809 -0.46987252904917953 -0.4420123948814206 -0.5132105155323631 -0.5844086361832967 -0.5859564214148374 -0.6370333340557244 -0.6633456829919426 -0.7391871593375072 -0.45903803242838587 0.03780102689662673 0.5315445157585579 0.9757588772111427 1.1011294809660537 1.2125700176370895 1.2775769973618603 1.3596096146335876 +39540,1.076364917261385,2,-0.06899615407977817 -0.273303804643335 -0.3522408514519809 -0.46987252904917953 -0.4420123948814206 -0.5132105155323631 -0.5844086361832967 -0.5859564214148374 -0.6370333340557244 -0.6633456829919426 -0.7391871593375072 -0.45903803242838587 0.03780102689662673 0.5315445157585579 0.9757588772111427 1.1011294809660537 1.2125700176370895 1.2775769973618603 1.3596096146335876 1.2775769973618603 +39541,0.8132414278992288,2,-0.273303804643335 -0.3522408514519809 -0.46987252904917953 -0.4420123948814206 -0.5132105155323631 -0.5844086361832967 -0.5859564214148374 -0.6370333340557244 -0.6633456829919426 -0.7391871593375072 -0.45903803242838587 0.03780102689662673 0.5315445157585579 0.9757588772111427 1.1011294809660537 1.2125700176370895 1.2775769973618603 1.3596096146335876 1.2775769973618603 1.076364917261385 +39542,0.5315445157585579,2,-0.3522408514519809 -0.46987252904917953 -0.4420123948814206 -0.5132105155323631 -0.5844086361832967 -0.5859564214148374 -0.6370333340557244 -0.6633456829919426 -0.7391871593375072 -0.45903803242838587 0.03780102689662673 0.5315445157585579 0.9757588772111427 1.1011294809660537 1.2125700176370895 1.2775769973618603 1.3596096146335876 1.2775769973618603 1.076364917261385 0.8132414278992288 +39543,0.24829981838635515,2,-0.46987252904917953 -0.4420123948814206 -0.5132105155323631 -0.5844086361832967 -0.5859564214148374 -0.6370333340557244 -0.6633456829919426 -0.7391871593375072 -0.45903803242838587 0.03780102689662673 0.5315445157585579 0.9757588772111427 1.1011294809660537 1.2125700176370895 1.2775769973618603 1.3596096146335876 1.2775769973618603 1.076364917261385 0.8132414278992288 0.5315445157585579 +39544,0.11983364416836288,2,-0.4420123948814206 -0.5132105155323631 -0.5844086361832967 -0.5859564214148374 -0.6370333340557244 -0.6633456829919426 -0.7391871593375072 -0.45903803242838587 0.03780102689662673 0.5315445157585579 0.9757588772111427 1.1011294809660537 1.2125700176370895 1.2775769973618603 1.3596096146335876 1.2775769973618603 1.076364917261385 0.8132414278992288 0.5315445157585579 0.24829981838635515 +39545,-0.02256259713351326,2,-0.5132105155323631 -0.5844086361832967 -0.5859564214148374 -0.6370333340557244 -0.6633456829919426 -0.7391871593375072 -0.45903803242838587 0.03780102689662673 0.5315445157585579 0.9757588772111427 1.1011294809660537 1.2125700176370895 1.2775769973618603 1.3596096146335876 1.2775769973618603 1.076364917261385 0.8132414278992288 0.5315445157585579 0.24829981838635515 0.11983364416836288 +39546,-0.14948098611996483,2,-0.5844086361832967 -0.5859564214148374 -0.6370333340557244 -0.6633456829919426 -0.7391871593375072 -0.45903803242838587 0.03780102689662673 0.5315445157585579 0.9757588772111427 1.1011294809660537 1.2125700176370895 1.2775769973618603 1.3596096146335876 1.2775769973618603 1.076364917261385 0.8132414278992288 0.5315445157585579 0.24829981838635515 0.11983364416836288 -0.02256259713351326 +39547,-0.2624693080225413,2,-0.5859564214148374 -0.6370333340557244 -0.6633456829919426 -0.7391871593375072 -0.45903803242838587 0.03780102689662673 0.5315445157585579 0.9757588772111427 1.1011294809660537 1.2125700176370895 1.2775769973618603 1.3596096146335876 1.2775769973618603 1.076364917261385 0.8132414278992288 0.5315445157585579 0.24829981838635515 0.11983364416836288 -0.02256259713351326 -0.14948098611996483 +39548,-0.33985856959964655,2,-0.6370333340557244 -0.6633456829919426 -0.7391871593375072 -0.45903803242838587 0.03780102689662673 0.5315445157585579 0.9757588772111427 1.1011294809660537 1.2125700176370895 1.2775769973618603 1.3596096146335876 1.2775769973618603 1.076364917261385 0.8132414278992288 0.5315445157585579 0.24829981838635515 0.11983364416836288 -0.02256259713351326 -0.14948098611996483 -0.2624693080225413 +39549,-0.41879561640829255,2,-0.6633456829919426 -0.7391871593375072 -0.45903803242838587 0.03780102689662673 0.5315445157585579 0.9757588772111427 1.1011294809660537 1.2125700176370895 1.2775769973618603 1.3596096146335876 1.2775769973618603 1.076364917261385 0.8132414278992288 0.5315445157585579 0.24829981838635515 0.11983364416836288 -0.02256259713351326 -0.14948098611996483 -0.2624693080225413 -0.33985856959964655 +39550,-0.5333317235424098,2,-0.7391871593375072 -0.45903803242838587 0.03780102689662673 0.5315445157585579 0.9757588772111427 1.1011294809660537 1.2125700176370895 1.2775769973618603 1.3596096146335876 1.2775769973618603 1.076364917261385 0.8132414278992288 0.5315445157585579 0.24829981838635515 0.11983364416836288 -0.02256259713351326 -0.14948098611996483 -0.2624693080225413 -0.33985856959964655 -0.41879561640829255 +39551,-0.610720985119515,2,-0.45903803242838587 0.03780102689662673 0.5315445157585579 0.9757588772111427 1.1011294809660537 1.2125700176370895 1.2775769973618603 1.3596096146335876 1.2775769973618603 1.076364917261385 0.8132414278992288 0.5315445157585579 0.24829981838635515 0.11983364416836288 -0.02256259713351326 -0.14948098611996483 -0.2624693080225413 -0.33985856959964655 -0.41879561640829255 -0.5333317235424098 +39552,-0.601434273730262,2,0.03780102689662673 0.5315445157585579 0.9757588772111427 1.1011294809660537 1.2125700176370895 1.2775769973618603 1.3596096146335876 1.2775769973618603 1.076364917261385 0.8132414278992288 0.5315445157585579 0.24829981838635515 0.11983364416836288 -0.02256259713351326 -0.14948098611996483 -0.2624693080225413 -0.33985856959964655 -0.41879561640829255 -0.5333317235424098 -0.610720985119515 +39553,-0.601434273730262,2,0.5315445157585579 0.9757588772111427 1.1011294809660537 1.2125700176370895 1.2775769973618603 1.3596096146335876 1.2775769973618603 1.076364917261385 0.8132414278992288 0.5315445157585579 0.24829981838635515 0.11983364416836288 -0.02256259713351326 -0.14948098611996483 -0.2624693080225413 -0.33985856959964655 -0.41879561640829255 -0.5333317235424098 -0.610720985119515 -0.601434273730262 +39554,-0.5859564214148374,2,0.9757588772111427 1.1011294809660537 1.2125700176370895 1.2775769973618603 1.3596096146335876 1.2775769973618603 1.076364917261385 0.8132414278992288 0.5315445157585579 0.24829981838635515 0.11983364416836288 -0.02256259713351326 -0.14948098611996483 -0.2624693080225413 -0.33985856959964655 -0.41879561640829255 -0.5333317235424098 -0.610720985119515 -0.601434273730262 -0.601434273730262 +39555,-0.4373690391867985,2,1.1011294809660537 1.2125700176370895 1.2775769973618603 1.3596096146335876 1.2775769973618603 1.076364917261385 0.8132414278992288 0.5315445157585579 0.24829981838635515 0.11983364416836288 -0.02256259713351326 -0.14948098611996483 -0.2624693080225413 -0.33985856959964655 -0.41879561640829255 -0.5333317235424098 -0.610720985119515 -0.601434273730262 -0.601434273730262 -0.5859564214148374 +39556,-0.2237746772339887,2,1.2125700176370895 1.2775769973618603 1.3596096146335876 1.2775769973618603 1.076364917261385 0.8132414278992288 0.5315445157585579 0.24829981838635515 0.11983364416836288 -0.02256259713351326 -0.14948098611996483 -0.2624693080225413 -0.33985856959964655 -0.41879561640829255 -0.5333317235424098 -0.610720985119515 -0.601434273730262 -0.601434273730262 -0.5859564214148374 -0.4373690391867985 +39557,0.13685928171532816,2,1.2775769973618603 1.3596096146335876 1.2775769973618603 1.076364917261385 0.8132414278992288 0.5315445157585579 0.24829981838635515 0.11983364416836288 -0.02256259713351326 -0.14948098611996483 -0.2624693080225413 -0.33985856959964655 -0.41879561640829255 -0.5333317235424098 -0.610720985119515 -0.601434273730262 -0.601434273730262 -0.5859564214148374 -0.4373690391867985 -0.2237746772339887 +39558,0.14006821104009817,2,1.3596096146335876 1.2775769973618603 1.076364917261385 0.8132414278992288 0.5315445157585579 0.24829981838635515 0.11983364416836288 -0.02256259713351326 -0.14948098611996483 -0.2624693080225413 -0.33985856959964655 -0.41879561640829255 -0.5333317235424098 -0.610720985119515 -0.601434273730262 -0.601434273730262 -0.5859564214148374 -0.4373690391867985 -0.2237746772339887 0.13685928171532816 +39559,0.42165176431907164,2,1.2775769973618603 1.076364917261385 0.8132414278992288 0.5315445157585579 0.24829981838635515 0.11983364416836288 -0.02256259713351326 -0.14948098611996483 -0.2624693080225413 -0.33985856959964655 -0.41879561640829255 -0.5333317235424098 -0.610720985119515 -0.601434273730262 -0.601434273730262 -0.5859564214148374 -0.4373690391867985 -0.2237746772339887 0.13685928171532816 0.14006821104009817 +39560,0.7575211595637109,2,1.076364917261385 0.8132414278992288 0.5315445157585579 0.24829981838635515 0.11983364416836288 -0.02256259713351326 -0.14948098611996483 -0.2624693080225413 -0.33985856959964655 -0.41879561640829255 -0.5333317235424098 -0.610720985119515 -0.601434273730262 -0.601434273730262 -0.5859564214148374 -0.4373690391867985 -0.2237746772339887 0.13685928171532816 0.14006821104009817 0.42165176431907164 +39561,0.8890829042447845,2,0.8132414278992288 0.5315445157585579 0.24829981838635515 0.11983364416836288 -0.02256259713351326 -0.14948098611996483 -0.2624693080225413 -0.33985856959964655 -0.41879561640829255 -0.5333317235424098 -0.610720985119515 -0.601434273730262 -0.601434273730262 -0.5859564214148374 -0.4373690391867985 -0.2237746772339887 0.13685928171532816 0.14006821104009817 0.42165176431907164 0.7575211595637109 +39562,0.743591092479827,2,0.5315445157585579 0.24829981838635515 0.11983364416836288 -0.02256259713351326 -0.14948098611996483 -0.2624693080225413 -0.33985856959964655 -0.41879561640829255 -0.5333317235424098 -0.610720985119515 -0.601434273730262 -0.601434273730262 -0.5859564214148374 -0.4373690391867985 -0.2237746772339887 0.13685928171532816 0.14006821104009817 0.42165176431907164 0.7575211595637109 0.8890829042447845 +39563,0.5671435760840291,2,0.24829981838635515 0.11983364416836288 -0.02256259713351326 -0.14948098611996483 -0.2624693080225413 -0.33985856959964655 -0.41879561640829255 -0.5333317235424098 -0.610720985119515 -0.601434273730262 -0.601434273730262 -0.5859564214148374 -0.4373690391867985 -0.2237746772339887 0.13685928171532816 0.14006821104009817 0.42165176431907164 0.7575211595637109 0.8890829042447845 0.743591092479827 +39564,0.40307834154056565,2,0.11983364416836288 -0.02256259713351326 -0.14948098611996483 -0.2624693080225413 -0.33985856959964655 -0.41879561640829255 -0.5333317235424098 -0.610720985119515 -0.601434273730262 -0.601434273730262 -0.5859564214148374 -0.4373690391867985 -0.2237746772339887 0.13685928171532816 0.14006821104009817 0.42165176431907164 0.7575211595637109 0.8890829042447845 0.743591092479827 0.5671435760840291 +39565,0.25139538884944534,2,-0.02256259713351326 -0.14948098611996483 -0.2624693080225413 -0.33985856959964655 -0.41879561640829255 -0.5333317235424098 -0.610720985119515 -0.601434273730262 -0.601434273730262 -0.5859564214148374 -0.4373690391867985 -0.2237746772339887 0.13685928171532816 0.14006821104009817 0.42165176431907164 0.7575211595637109 0.8890829042447845 0.743591092479827 0.5671435760840291 0.40307834154056565 +39566,-0.0008936038919258983,2,-0.14948098611996483 -0.2624693080225413 -0.33985856959964655 -0.41879561640829255 -0.5333317235424098 -0.610720985119515 -0.601434273730262 -0.601434273730262 -0.5859564214148374 -0.4373690391867985 -0.2237746772339887 0.13685928171532816 0.14006821104009817 0.42165176431907164 0.7575211595637109 0.8890829042447845 0.743591092479827 0.5671435760840291 0.40307834154056565 0.25139538884944534 +39567,-0.24389588524403535,2,-0.2624693080225413 -0.33985856959964655 -0.41879561640829255 -0.5333317235424098 -0.610720985119515 -0.601434273730262 -0.601434273730262 -0.5859564214148374 -0.4373690391867985 -0.2237746772339887 0.13685928171532816 0.14006821104009817 0.42165176431907164 0.7575211595637109 0.8890829042447845 0.743591092479827 0.5671435760840291 0.40307834154056565 0.25139538884944534 -0.0008936038919258983 +39568,-0.29806836834800376,2,-0.33985856959964655 -0.41879561640829255 -0.5333317235424098 -0.610720985119515 -0.601434273730262 -0.601434273730262 -0.5859564214148374 -0.4373690391867985 -0.2237746772339887 0.13685928171532816 0.14006821104009817 0.42165176431907164 0.7575211595637109 0.8890829042447845 0.743591092479827 0.5671435760840291 0.40307834154056565 0.25139538884944534 -0.0008936038919258983 -0.24389588524403535 +39569,-0.3909354822405336,2,-0.41879561640829255 -0.5333317235424098 -0.610720985119515 -0.601434273730262 -0.601434273730262 -0.5859564214148374 -0.4373690391867985 -0.2237746772339887 0.13685928171532816 0.14006821104009817 0.42165176431907164 0.7575211595637109 0.8890829042447845 0.743591092479827 0.5671435760840291 0.40307834154056565 0.25139538884944534 -0.0008936038919258983 -0.24389588524403535 -0.29806836834800376 +39570,-0.4822548109015139,2,-0.5333317235424098 -0.610720985119515 -0.601434273730262 -0.601434273730262 -0.5859564214148374 -0.4373690391867985 -0.2237746772339887 0.13685928171532816 0.14006821104009817 0.42165176431907164 0.7575211595637109 0.8890829042447845 0.743591092479827 0.5671435760840291 0.40307834154056565 0.25139538884944534 -0.0008936038919258983 -0.24389588524403535 -0.29806836834800376 -0.3909354822405336 +39571,-0.5457140053947441,2,-0.610720985119515 -0.601434273730262 -0.601434273730262 -0.5859564214148374 -0.4373690391867985 -0.2237746772339887 0.13685928171532816 0.14006821104009817 0.42165176431907164 0.7575211595637109 0.8890829042447845 0.743591092479827 0.5671435760840291 0.40307834154056565 0.25139538884944534 -0.0008936038919258983 -0.24389588524403535 -0.29806836834800376 -0.3909354822405336 -0.4822548109015139 +39572,-0.5844086361832967,2,-0.601434273730262 -0.601434273730262 -0.5859564214148374 -0.4373690391867985 -0.2237746772339887 0.13685928171532816 0.14006821104009817 0.42165176431907164 0.7575211595637109 0.8890829042447845 0.743591092479827 0.5671435760840291 0.40307834154056565 0.25139538884944534 -0.0008936038919258983 -0.24389588524403535 -0.29806836834800376 -0.3909354822405336 -0.4822548109015139 -0.5457140053947441 +39573,-0.5967909180356311,2,-0.601434273730262 -0.5859564214148374 -0.4373690391867985 -0.2237746772339887 0.13685928171532816 0.14006821104009817 0.42165176431907164 0.7575211595637109 0.8890829042447845 0.743591092479827 0.5671435760840291 0.40307834154056565 0.25139538884944534 -0.0008936038919258983 -0.24389588524403535 -0.29806836834800376 -0.3909354822405336 -0.4822548109015139 -0.5457140053947441 -0.5844086361832967 +39574,-0.610720985119515,2,-0.5859564214148374 -0.4373690391867985 -0.2237746772339887 0.13685928171532816 0.14006821104009817 0.42165176431907164 0.7575211595637109 0.8890829042447845 0.743591092479827 0.5671435760840291 0.40307834154056565 0.25139538884944534 -0.0008936038919258983 -0.24389588524403535 -0.29806836834800376 -0.3909354822405336 -0.4822548109015139 -0.5457140053947441 -0.5844086361832967 -0.5967909180356311 +39575,-0.5983387032671718,2,-0.4373690391867985 -0.2237746772339887 0.13685928171532816 0.14006821104009817 0.42165176431907164 0.7575211595637109 0.8890829042447845 0.743591092479827 0.5671435760840291 0.40307834154056565 0.25139538884944534 -0.0008936038919258983 -0.24389588524403535 -0.29806836834800376 -0.3909354822405336 -0.4822548109015139 -0.5457140053947441 -0.5844086361832967 -0.5967909180356311 -0.610720985119515 +39576,-0.5844086361832967,2,-0.2237746772339887 0.13685928171532816 0.14006821104009817 0.42165176431907164 0.7575211595637109 0.8890829042447845 0.743591092479827 0.5671435760840291 0.40307834154056565 0.25139538884944534 -0.0008936038919258983 -0.24389588524403535 -0.29806836834800376 -0.3909354822405336 -0.4822548109015139 -0.5457140053947441 -0.5844086361832967 -0.5967909180356311 -0.610720985119515 -0.5983387032671718 +39577,-0.5923322426818253,2,0.13685928171532816 0.14006821104009817 0.42165176431907164 0.7575211595637109 0.8890829042447845 0.743591092479827 0.5671435760840291 0.40307834154056565 0.25139538884944534 -0.0008936038919258983 -0.24389588524403535 -0.29806836834800376 -0.3909354822405336 -0.4822548109015139 -0.5457140053947441 -0.5844086361832967 -0.5967909180356311 -0.610720985119515 -0.5983387032671718 -0.5844086361832967 +39578,-0.6494156159080676,2,0.14006821104009817 0.42165176431907164 0.7575211595637109 0.8890829042447845 0.743591092479827 0.5671435760840291 0.40307834154056565 0.25139538884944534 -0.0008936038919258983 -0.24389588524403535 -0.29806836834800376 -0.3909354822405336 -0.4822548109015139 -0.5457140053947441 -0.5844086361832967 -0.5967909180356311 -0.610720985119515 -0.5983387032671718 -0.5844086361832967 -0.5923322426818253 +39579,-0.5240450121531567,2,0.42165176431907164 0.7575211595637109 0.8890829042447845 0.743591092479827 0.5671435760840291 0.40307834154056565 0.25139538884944534 -0.0008936038919258983 -0.24389588524403535 -0.29806836834800376 -0.3909354822405336 -0.4822548109015139 -0.5457140053947441 -0.5844086361832967 -0.5967909180356311 -0.610720985119515 -0.5983387032671718 -0.5844086361832967 -0.5923322426818253 -0.6494156159080676 +39580,-0.29187722742184097,2,0.7575211595637109 0.8890829042447845 0.743591092479827 0.5671435760840291 0.40307834154056565 0.25139538884944534 -0.0008936038919258983 -0.24389588524403535 -0.29806836834800376 -0.3909354822405336 -0.4822548109015139 -0.5457140053947441 -0.5844086361832967 -0.5967909180356311 -0.610720985119515 -0.5983387032671718 -0.5844086361832967 -0.5923322426818253 -0.6494156159080676 -0.5240450121531567 +39581,-0.07673508023748166,2,0.8890829042447845 0.743591092479827 0.5671435760840291 0.40307834154056565 0.25139538884944534 -0.0008936038919258983 -0.24389588524403535 -0.29806836834800376 -0.3909354822405336 -0.4822548109015139 -0.5457140053947441 -0.5844086361832967 -0.5967909180356311 -0.610720985119515 -0.5983387032671718 -0.5844086361832967 -0.5923322426818253 -0.6494156159080676 -0.5240450121531567 -0.29187722742184097 +39582,0.19257955005083724,2,0.743591092479827 0.5671435760840291 0.40307834154056565 0.25139538884944534 -0.0008936038919258983 -0.24389588524403535 -0.29806836834800376 -0.3909354822405336 -0.4822548109015139 -0.5457140053947441 -0.5844086361832967 -0.5967909180356311 -0.610720985119515 -0.5983387032671718 -0.5844086361832967 -0.5923322426818253 -0.6494156159080676 -0.5240450121531567 -0.29187722742184097 -0.07673508023748166 +39583,0.424747334782153,2,0.5671435760840291 0.40307834154056565 0.25139538884944534 -0.0008936038919258983 -0.24389588524403535 -0.29806836834800376 -0.3909354822405336 -0.4822548109015139 -0.5457140053947441 -0.5844086361832967 -0.5967909180356311 -0.610720985119515 -0.5983387032671718 -0.5844086361832967 -0.5923322426818253 -0.6494156159080676 -0.5240450121531567 -0.29187722742184097 -0.07673508023748166 0.19257955005083724 +39584,0.40307834154056565,2,0.40307834154056565 0.25139538884944534 -0.0008936038919258983 -0.24389588524403535 -0.29806836834800376 -0.3909354822405336 -0.4822548109015139 -0.5457140053947441 -0.5844086361832967 -0.5967909180356311 -0.610720985119515 -0.5983387032671718 -0.5844086361832967 -0.5923322426818253 -0.6494156159080676 -0.5240450121531567 -0.29187722742184097 -0.07673508023748166 0.19257955005083724 0.424747334782153 +39585,0.4727286769599586,2,0.25139538884944534 -0.0008936038919258983 -0.24389588524403535 -0.29806836834800376 -0.3909354822405336 -0.4822548109015139 -0.5457140053947441 -0.5844086361832967 -0.5967909180356311 -0.610720985119515 -0.5983387032671718 -0.5844086361832967 -0.5923322426818253 -0.6494156159080676 -0.5240450121531567 -0.29187722742184097 -0.07673508023748166 0.19257955005083724 0.424747334782153 0.40307834154056565 +39586,0.5857169988625351,2,-0.0008936038919258983 -0.24389588524403535 -0.29806836834800376 -0.3909354822405336 -0.4822548109015139 -0.5457140053947441 -0.5844086361832967 -0.5967909180356311 -0.610720985119515 -0.5983387032671718 -0.5844086361832967 -0.5923322426818253 -0.6494156159080676 -0.5240450121531567 -0.29187722742184097 -0.07673508023748166 0.19257955005083724 0.424747334782153 0.40307834154056565 0.4727286769599586 +39587,0.5036843815908078,2,-0.24389588524403535 -0.29806836834800376 -0.3909354822405336 -0.4822548109015139 -0.5457140053947441 -0.5844086361832967 -0.5967909180356311 -0.610720985119515 -0.5983387032671718 -0.5844086361832967 -0.5923322426818253 -0.6494156159080676 -0.5240450121531567 -0.29187722742184097 -0.07673508023748166 0.19257955005083724 0.424747334782153 0.40307834154056565 0.4727286769599586 0.5857169988625351 +39588,0.424747334782153,2,-0.29806836834800376 -0.3909354822405336 -0.4822548109015139 -0.5457140053947441 -0.5844086361832967 -0.5967909180356311 -0.610720985119515 -0.5983387032671718 -0.5844086361832967 -0.5923322426818253 -0.6494156159080676 -0.5240450121531567 -0.29187722742184097 -0.07673508023748166 0.19257955005083724 0.424747334782153 0.40307834154056565 0.4727286769599586 0.5857169988625351 0.5036843815908078 +39589,0.2699688116279425,2,-0.3909354822405336 -0.4822548109015139 -0.5457140053947441 -0.5844086361832967 -0.5967909180356311 -0.610720985119515 -0.5983387032671718 -0.5844086361832967 -0.5923322426818253 -0.6494156159080676 -0.5240450121531567 -0.29187722742184097 -0.07673508023748166 0.19257955005083724 0.424747334782153 0.40307834154056565 0.4727286769599586 0.5857169988625351 0.5036843815908078 0.424747334782153 +39590,0.0037497518027049923,2,-0.4822548109015139 -0.5457140053947441 -0.5844086361832967 -0.5967909180356311 -0.610720985119515 -0.5983387032671718 -0.5844086361832967 -0.5923322426818253 -0.6494156159080676 -0.5240450121531567 -0.29187722742184097 -0.07673508023748166 0.19257955005083724 0.424747334782153 0.40307834154056565 0.4727286769599586 0.5857169988625351 0.5036843815908078 0.424747334782153 0.2699688116279425 +39591,-0.13709870426763043,2,-0.5457140053947441 -0.5844086361832967 -0.5967909180356311 -0.610720985119515 -0.5983387032671718 -0.5844086361832967 -0.5923322426818253 -0.6494156159080676 -0.5240450121531567 -0.29187722742184097 -0.07673508023748166 0.19257955005083724 0.424747334782153 0.40307834154056565 0.4727286769599586 0.5857169988625351 0.5036843815908078 0.424747334782153 0.2699688116279425 0.0037497518027049923 +39592,-0.29497279788492237,2,-0.5844086361832967 -0.5967909180356311 -0.610720985119515 -0.5983387032671718 -0.5844086361832967 -0.5923322426818253 -0.6494156159080676 -0.5240450121531567 -0.29187722742184097 -0.07673508023748166 0.19257955005083724 0.424747334782153 0.40307834154056565 0.4727286769599586 0.5857169988625351 0.5036843815908078 0.424747334782153 0.2699688116279425 0.0037497518027049923 -0.13709870426763043 +39593,-0.3212851468211406,2,-0.5967909180356311 -0.610720985119515 -0.5983387032671718 -0.5844086361832967 -0.5923322426818253 -0.6494156159080676 -0.5240450121531567 -0.29187722742184097 -0.07673508023748166 0.19257955005083724 0.424747334782153 0.40307834154056565 0.4727286769599586 0.5857169988625351 0.5036843815908078 0.424747334782153 0.2699688116279425 0.0037497518027049923 -0.13709870426763043 -0.29497279788492237 +39594,-0.41724783117675185,2,-0.610720985119515 -0.5983387032671718 -0.5844086361832967 -0.5923322426818253 -0.6494156159080676 -0.5240450121531567 -0.29187722742184097 -0.07673508023748166 0.19257955005083724 0.424747334782153 0.40307834154056565 0.4727286769599586 0.5857169988625351 0.5036843815908078 0.424747334782153 0.2699688116279425 0.0037497518027049923 -0.13709870426763043 -0.29497279788492237 -0.3212851468211406 +39595,-0.46987252904917953,2,-0.5983387032671718 -0.5844086361832967 -0.5923322426818253 -0.6494156159080676 -0.5240450121531567 -0.29187722742184097 -0.07673508023748166 0.19257955005083724 0.424747334782153 0.40307834154056565 0.4727286769599586 0.5857169988625351 0.5036843815908078 0.424747334782153 0.2699688116279425 0.0037497518027049923 -0.13709870426763043 -0.29497279788492237 -0.3212851468211406 -0.41724783117675185 +39596,-0.5333317235424098,2,-0.5844086361832967 -0.5923322426818253 -0.6494156159080676 -0.5240450121531567 -0.29187722742184097 -0.07673508023748166 0.19257955005083724 0.424747334782153 0.40307834154056565 0.4727286769599586 0.5857169988625351 0.5036843815908078 0.424747334782153 0.2699688116279425 0.0037497518027049923 -0.13709870426763043 -0.29497279788492237 -0.3212851468211406 -0.41724783117675185 -0.46987252904917953 +39597,-0.5844086361832967,2,-0.5923322426818253 -0.6494156159080676 -0.5240450121531567 -0.29187722742184097 -0.07673508023748166 0.19257955005083724 0.424747334782153 0.40307834154056565 0.4727286769599586 0.5857169988625351 0.5036843815908078 0.424747334782153 0.2699688116279425 0.0037497518027049923 -0.13709870426763043 -0.29497279788492237 -0.3212851468211406 -0.41724783117675185 -0.46987252904917953 -0.5333317235424098 +39598,-0.661797897760402,2,-0.6494156159080676 -0.5240450121531567 -0.29187722742184097 -0.07673508023748166 0.19257955005083724 0.424747334782153 0.40307834154056565 0.4727286769599586 0.5857169988625351 0.5036843815908078 0.424747334782153 0.2699688116279425 0.0037497518027049923 -0.13709870426763043 -0.29497279788492237 -0.3212851468211406 -0.41724783117675185 -0.46987252904917953 -0.5333317235424098 -0.5844086361832967 +39599,-0.7531172264213823,2,-0.5240450121531567 -0.29187722742184097 -0.07673508023748166 0.19257955005083724 0.424747334782153 0.40307834154056565 0.4727286769599586 0.5857169988625351 0.5036843815908078 0.424747334782153 0.2699688116279425 0.0037497518027049923 -0.13709870426763043 -0.29497279788492237 -0.3212851468211406 -0.41724783117675185 -0.46987252904917953 -0.5333317235424098 -0.5844086361832967 -0.661797897760402 +39600,-0.7531172264213823,2,-0.29187722742184097 -0.07673508023748166 0.19257955005083724 0.424747334782153 0.40307834154056565 0.4727286769599586 0.5857169988625351 0.5036843815908078 0.424747334782153 0.2699688116279425 0.0037497518027049923 -0.13709870426763043 -0.29497279788492237 -0.3212851468211406 -0.41724783117675185 -0.46987252904917953 -0.5333317235424098 -0.5844086361832967 -0.661797897760402 -0.7531172264213823 +39601,-0.7531172264213823,2,-0.07673508023748166 0.19257955005083724 0.424747334782153 0.40307834154056565 0.4727286769599586 0.5857169988625351 0.5036843815908078 0.424747334782153 0.2699688116279425 0.0037497518027049923 -0.13709870426763043 -0.29497279788492237 -0.3212851468211406 -0.41724783117675185 -0.46987252904917953 -0.5333317235424098 -0.5844086361832967 -0.661797897760402 -0.7531172264213823 -0.7531172264213823 +39602,-0.7391871593375072,2,0.19257955005083724 0.424747334782153 0.40307834154056565 0.4727286769599586 0.5857169988625351 0.5036843815908078 0.424747334782153 0.2699688116279425 0.0037497518027049923 -0.13709870426763043 -0.29497279788492237 -0.3212851468211406 -0.41724783117675185 -0.46987252904917953 -0.5333317235424098 -0.5844086361832967 -0.661797897760402 -0.7531172264213823 -0.7531172264213823 -0.7531172264213823 +39603,-0.6602501125288612,2,0.424747334782153 0.40307834154056565 0.4727286769599586 0.5857169988625351 0.5036843815908078 0.424747334782153 0.2699688116279425 0.0037497518027049923 -0.13709870426763043 -0.29497279788492237 -0.3212851468211406 -0.41724783117675185 -0.46987252904917953 -0.5333317235424098 -0.5844086361832967 -0.661797897760402 -0.7531172264213823 -0.7531172264213823 -0.7531172264213823 -0.7391871593375072 +39604,-0.4760636699753511,2,0.40307834154056565 0.4727286769599586 0.5857169988625351 0.5036843815908078 0.424747334782153 0.2699688116279425 0.0037497518027049923 -0.13709870426763043 -0.29497279788492237 -0.3212851468211406 -0.41724783117675185 -0.46987252904917953 -0.5333317235424098 -0.5844086361832967 -0.661797897760402 -0.7531172264213823 -0.7531172264213823 -0.7531172264213823 -0.7391871593375072 -0.6602501125288612 +39605,-0.273303804643335,2,0.4727286769599586 0.5857169988625351 0.5036843815908078 0.424747334782153 0.2699688116279425 0.0037497518027049923 -0.13709870426763043 -0.29497279788492237 -0.3212851468211406 -0.41724783117675185 -0.46987252904917953 -0.5333317235424098 -0.5844086361832967 -0.661797897760402 -0.7531172264213823 -0.7531172264213823 -0.7531172264213823 -0.7391871593375072 -0.6602501125288612 -0.4760636699753511 +39606,-0.14019427473071183,2,0.5857169988625351 0.5036843815908078 0.424747334782153 0.2699688116279425 0.0037497518027049923 -0.13709870426763043 -0.29497279788492237 -0.3212851468211406 -0.41724783117675185 -0.46987252904917953 -0.5333317235424098 -0.5844086361832967 -0.661797897760402 -0.7531172264213823 -0.7531172264213823 -0.7531172264213823 -0.7391871593375072 -0.6602501125288612 -0.4760636699753511 -0.273303804643335 +39607,0.12447699986298497,2,0.5036843815908078 0.424747334782153 0.2699688116279425 0.0037497518027049923 -0.13709870426763043 -0.29497279788492237 -0.3212851468211406 -0.41724783117675185 -0.46987252904917953 -0.5333317235424098 -0.5844086361832967 -0.661797897760402 -0.7531172264213823 -0.7531172264213823 -0.7531172264213823 -0.7391871593375072 -0.6602501125288612 -0.4760636699753511 -0.273303804643335 -0.14019427473071183 +39608,0.14924156356766252,2,0.424747334782153 0.2699688116279425 0.0037497518027049923 -0.13709870426763043 -0.29497279788492237 -0.3212851468211406 -0.41724783117675185 -0.46987252904917953 -0.5333317235424098 -0.5844086361832967 -0.661797897760402 -0.7531172264213823 -0.7531172264213823 -0.7531172264213823 -0.7391871593375072 -0.6602501125288612 -0.4760636699753511 -0.273303804643335 -0.14019427473071183 0.12447699986298497 +39609,0.2219874694501369,2,0.2699688116279425 0.0037497518027049923 -0.13709870426763043 -0.29497279788492237 -0.3212851468211406 -0.41724783117675185 -0.46987252904917953 -0.5333317235424098 -0.5844086361832967 -0.661797897760402 -0.7531172264213823 -0.7531172264213823 -0.7531172264213823 -0.7391871593375072 -0.6602501125288612 -0.4760636699753511 -0.273303804643335 -0.14019427473071183 0.12447699986298497 0.14924156356766252 +39610,0.16317163065153759,2,0.0037497518027049923 -0.13709870426763043 -0.29497279788492237 -0.3212851468211406 -0.41724783117675185 -0.46987252904917953 -0.5333317235424098 -0.5844086361832967 -0.661797897760402 -0.7531172264213823 -0.7531172264213823 -0.7531172264213823 -0.7391871593375072 -0.6602501125288612 -0.4760636699753511 -0.273303804643335 -0.14019427473071183 0.12447699986298497 0.14924156356766252 0.2219874694501369 +39611,0.12447699986298497,2,-0.13709870426763043 -0.29497279788492237 -0.3212851468211406 -0.41724783117675185 -0.46987252904917953 -0.5333317235424098 -0.5844086361832967 -0.661797897760402 -0.7531172264213823 -0.7531172264213823 -0.7531172264213823 -0.7391871593375072 -0.6602501125288612 -0.4760636699753511 -0.273303804643335 -0.14019427473071183 0.12447699986298497 0.14924156356766252 0.2219874694501369 0.16317163065153759 +39612,0.03780102689662673,2,-0.29497279788492237 -0.3212851468211406 -0.41724783117675185 -0.46987252904917953 -0.5333317235424098 -0.5844086361832967 -0.661797897760402 -0.7531172264213823 -0.7531172264213823 -0.7531172264213823 -0.7391871593375072 -0.6602501125288612 -0.4760636699753511 -0.273303804643335 -0.14019427473071183 0.12447699986298497 0.14924156356766252 0.2219874694501369 0.16317163065153759 0.12447699986298497 +39613,-0.058161657458975696,2,-0.3212851468211406 -0.41724783117675185 -0.46987252904917953 -0.5333317235424098 -0.5844086361832967 -0.661797897760402 -0.7531172264213823 -0.7531172264213823 -0.7531172264213823 -0.7391871593375072 -0.6602501125288612 -0.4760636699753511 -0.273303804643335 -0.14019427473071183 0.12447699986298497 0.14924156356766252 0.2219874694501369 0.16317163065153759 0.12447699986298497 0.03780102689662673 +39614,-0.273303804643335,2,-0.41724783117675185 -0.46987252904917953 -0.5333317235424098 -0.5844086361832967 -0.661797897760402 -0.7531172264213823 -0.7531172264213823 -0.7531172264213823 -0.7391871593375072 -0.6602501125288612 -0.4760636699753511 -0.273303804643335 -0.14019427473071183 0.12447699986298497 0.14924156356766252 0.2219874694501369 0.16317163065153759 0.12447699986298497 0.03780102689662673 -0.058161657458975696 +39615,-0.4946370927538571,2,-0.46987252904917953 -0.5333317235424098 -0.5844086361832967 -0.661797897760402 -0.7531172264213823 -0.7531172264213823 -0.7531172264213823 -0.7391871593375072 -0.6602501125288612 -0.4760636699753511 -0.273303804643335 -0.14019427473071183 0.12447699986298497 0.14924156356766252 0.2219874694501369 0.16317163065153759 0.12447699986298497 0.03780102689662673 -0.058161657458975696 -0.273303804643335 +39616,-0.62465105220339,2,-0.5333317235424098 -0.5844086361832967 -0.661797897760402 -0.7531172264213823 -0.7531172264213823 -0.7531172264213823 -0.7391871593375072 -0.6602501125288612 -0.4760636699753511 -0.273303804643335 -0.14019427473071183 0.12447699986298497 0.14924156356766252 0.2219874694501369 0.16317163065153759 0.12447699986298497 0.03780102689662673 -0.058161657458975696 -0.273303804643335 -0.4946370927538571 +39617,-0.6819191057704487,2,-0.5844086361832967 -0.661797897760402 -0.7531172264213823 -0.7531172264213823 -0.7531172264213823 -0.7391871593375072 -0.6602501125288612 -0.4760636699753511 -0.273303804643335 -0.14019427473071183 0.12447699986298497 0.14924156356766252 0.2219874694501369 0.16317163065153759 0.12447699986298497 0.03780102689662673 -0.058161657458975696 -0.273303804643335 -0.4946370927538571 -0.62465105220339 +39618,-0.7299004479482543,2,-0.661797897760402 -0.7531172264213823 -0.7531172264213823 -0.7531172264213823 -0.7391871593375072 -0.6602501125288612 -0.4760636699753511 -0.273303804643335 -0.14019427473071183 0.12447699986298497 0.14924156356766252 0.2219874694501369 0.16317163065153759 0.12447699986298497 0.03780102689662673 -0.058161657458975696 -0.273303804643335 -0.4946370927538571 -0.62465105220339 -0.6819191057704487 +39619,-0.8444365550823715,2,-0.7531172264213823 -0.7531172264213823 -0.7531172264213823 -0.7391871593375072 -0.6602501125288612 -0.4760636699753511 -0.273303804643335 -0.14019427473071183 0.12447699986298497 0.14924156356766252 0.2219874694501369 0.16317163065153759 0.12447699986298497 0.03780102689662673 -0.058161657458975696 -0.273303804643335 -0.4946370927538571 -0.62465105220339 -0.6819191057704487 -0.7299004479482543 +39620,-0.8831311858709241,2,-0.7531172264213823 -0.7531172264213823 -0.7391871593375072 -0.6602501125288612 -0.4760636699753511 -0.273303804643335 -0.14019427473071183 0.12447699986298497 0.14924156356766252 0.2219874694501369 0.16317163065153759 0.12447699986298497 0.03780102689662673 -0.058161657458975696 -0.273303804643335 -0.4946370927538571 -0.62465105220339 -0.6819191057704487 -0.7299004479482543 -0.8444365550823715 +39621,-0.9357558837433517,2,-0.7531172264213823 -0.7391871593375072 -0.6602501125288612 -0.4760636699753511 -0.273303804643335 -0.14019427473071183 0.12447699986298497 0.14924156356766252 0.2219874694501369 0.16317163065153759 0.12447699986298497 0.03780102689662673 -0.058161657458975696 -0.273303804643335 -0.4946370927538571 -0.62465105220339 -0.6819191057704487 -0.7299004479482543 -0.8444365550823715 -0.8831311858709241 +39622,-1.0766043398136873,2,-0.7391871593375072 -0.6602501125288612 -0.4760636699753511 -0.273303804643335 -0.14019427473071183 0.12447699986298497 0.14924156356766252 0.2219874694501369 0.16317163065153759 0.12447699986298497 0.03780102689662673 -0.058161657458975696 -0.273303804643335 -0.4946370927538571 -0.62465105220339 -0.6819191057704487 -0.7299004479482543 -0.8444365550823715 -0.8831311858709241 -0.9357558837433517 +39623,-1.1679236684746674,2,-0.6602501125288612 -0.4760636699753511 -0.273303804643335 -0.14019427473071183 0.12447699986298497 0.14924156356766252 0.2219874694501369 0.16317163065153759 0.12447699986298497 0.03780102689662673 -0.058161657458975696 -0.273303804643335 -0.4946370927538571 -0.62465105220339 -0.6819191057704487 -0.7299004479482543 -0.8444365550823715 -0.8831311858709241 -0.9357558837433517 -1.0766043398136873 +39624,-1.1416113195384492,2,-0.4760636699753511 -0.273303804643335 -0.14019427473071183 0.12447699986298497 0.14924156356766252 0.2219874694501369 0.16317163065153759 0.12447699986298497 0.03780102689662673 -0.058161657458975696 -0.273303804643335 -0.4946370927538571 -0.62465105220339 -0.6819191057704487 -0.7299004479482543 -0.8444365550823715 -0.8831311858709241 -0.9357558837433517 -1.0766043398136873 -1.1679236684746674 +39625,-1.0936299773606524,2,-0.273303804643335 -0.14019427473071183 0.12447699986298497 0.14924156356766252 0.2219874694501369 0.16317163065153759 0.12447699986298497 0.03780102689662673 -0.058161657458975696 -0.273303804643335 -0.4946370927538571 -0.62465105220339 -0.6819191057704487 -0.7299004479482543 -0.8444365550823715 -0.8831311858709241 -0.9357558837433517 -1.0766043398136873 -1.1679236684746674 -1.1416113195384492 +39626,-1.248408500514863,2,-0.14019427473071183 0.12447699986298497 0.14924156356766252 0.2219874694501369 0.16317163065153759 0.12447699986298497 0.03780102689662673 -0.058161657458975696 -0.273303804643335 -0.4946370927538571 -0.62465105220339 -0.6819191057704487 -0.7299004479482543 -0.8444365550823715 -0.8831311858709241 -0.9357558837433517 -1.0766043398136873 -1.1679236684746674 -1.1416113195384492 -1.0936299773606524 +39627,-0.9233736018910174,2,0.12447699986298497 0.14924156356766252 0.2219874694501369 0.16317163065153759 0.12447699986298497 0.03780102689662673 -0.058161657458975696 -0.273303804643335 -0.4946370927538571 -0.62465105220339 -0.6819191057704487 -0.7299004479482543 -0.8444365550823715 -0.8831311858709241 -0.9357558837433517 -1.0766043398136873 -1.1679236684746674 -1.1416113195384492 -1.0936299773606524 -1.248408500514863 +39628,-0.62465105220339,2,0.14924156356766252 0.2219874694501369 0.16317163065153759 0.12447699986298497 0.03780102689662673 -0.058161657458975696 -0.273303804643335 -0.4946370927538571 -0.62465105220339 -0.6819191057704487 -0.7299004479482543 -0.8444365550823715 -0.8831311858709241 -0.9357558837433517 -1.0766043398136873 -1.1679236684746674 -1.1416113195384492 -1.0936299773606524 -1.248408500514863 -0.9233736018910174 +39629,-0.36462313330431534,2,0.2219874694501369 0.16317163065153759 0.12447699986298497 0.03780102689662673 -0.058161657458975696 -0.273303804643335 -0.4946370927538571 -0.62465105220339 -0.6819191057704487 -0.7299004479482543 -0.8444365550823715 -0.8831311858709241 -0.9357558837433517 -1.0766043398136873 -1.1679236684746674 -1.1416113195384492 -1.0936299773606524 -1.248408500514863 -0.9233736018910174 -0.62465105220339 +39630,-0.2144879658447357,2,0.16317163065153759 0.12447699986298497 0.03780102689662673 -0.058161657458975696 -0.273303804643335 -0.4946370927538571 -0.62465105220339 -0.6819191057704487 -0.7299004479482543 -0.8444365550823715 -0.8831311858709241 -0.9357558837433517 -1.0766043398136873 -1.1679236684746674 -1.1416113195384492 -1.0936299773606524 -1.248408500514863 -0.9233736018910174 -0.62465105220339 -0.36462313330431534 +39631,0.04708773828587971,2,0.12447699986298497 0.03780102689662673 -0.058161657458975696 -0.273303804643335 -0.4946370927538571 -0.62465105220339 -0.6819191057704487 -0.7299004479482543 -0.8444365550823715 -0.8831311858709241 -0.9357558837433517 -1.0766043398136873 -1.1679236684746674 -1.1416113195384492 -1.0936299773606524 -1.248408500514863 -0.9233736018910174 -0.62465105220339 -0.36462313330431534 -0.2144879658447357 +39632,0.25913431500714884,2,0.03780102689662673 -0.058161657458975696 -0.273303804643335 -0.4946370927538571 -0.62465105220339 -0.6819191057704487 -0.7299004479482543 -0.8444365550823715 -0.8831311858709241 -0.9357558837433517 -1.0766043398136873 -1.1679236684746674 -1.1416113195384492 -1.0936299773606524 -1.248408500514863 -0.9233736018910174 -0.62465105220339 -0.36462313330431534 -0.2144879658447357 0.04708773828587971 +39633,0.38605270399360037,2,-0.058161657458975696 -0.273303804643335 -0.4946370927538571 -0.62465105220339 -0.6819191057704487 -0.7299004479482543 -0.8444365550823715 -0.8831311858709241 -0.9357558837433517 -1.0766043398136873 -1.1679236684746674 -1.1416113195384492 -1.0936299773606524 -1.248408500514863 -0.9233736018910174 -0.62465105220339 -0.36462313330431534 -0.2144879658447357 0.04708773828587971 0.25913431500714884 +39634,0.3752182073728067,2,-0.273303804643335 -0.4946370927538571 -0.62465105220339 -0.6819191057704487 -0.7299004479482543 -0.8444365550823715 -0.8831311858709241 -0.9357558837433517 -1.0766043398136873 -1.1679236684746674 -1.1416113195384492 -1.0936299773606524 -1.248408500514863 -0.9233736018910174 -0.62465105220339 -0.36462313330431534 -0.2144879658447357 0.04708773828587971 0.25913431500714884 0.38605270399360037 +39635,0.40307834154056565,2,-0.4946370927538571 -0.62465105220339 -0.6819191057704487 -0.7299004479482543 -0.8444365550823715 -0.8831311858709241 -0.9357558837433517 -1.0766043398136873 -1.1679236684746674 -1.1416113195384492 -1.0936299773606524 -1.248408500514863 -0.9233736018910174 -0.62465105220339 -0.36462313330431534 -0.2144879658447357 0.04708773828587971 0.25913431500714884 0.38605270399360037 0.3752182073728067 +39636,0.3752182073728067,2,-0.62465105220339 -0.6819191057704487 -0.7299004479482543 -0.8444365550823715 -0.8831311858709241 -0.9357558837433517 -1.0766043398136873 -1.1679236684746674 -1.1416113195384492 -1.0936299773606524 -1.248408500514863 -0.9233736018910174 -0.62465105220339 -0.36462313330431534 -0.2144879658447357 0.04708773828587971 0.25913431500714884 0.38605270399360037 0.3752182073728067 0.40307834154056565 +39637,0.3179501538057481,2,-0.6819191057704487 -0.7299004479482543 -0.8444365550823715 -0.8831311858709241 -0.9357558837433517 -1.0766043398136873 -1.1679236684746674 -1.1416113195384492 -1.0936299773606524 -1.248408500514863 -0.9233736018910174 -0.62465105220339 -0.36462313330431534 -0.2144879658447357 0.04708773828587971 0.25913431500714884 0.38605270399360037 0.3752182073728067 0.40307834154056565 0.3752182073728067 +39638,0.04708773828587971,2,-0.7299004479482543 -0.8444365550823715 -0.8831311858709241 -0.9357558837433517 -1.0766043398136873 -1.1679236684746674 -1.1416113195384492 -1.0936299773606524 -1.248408500514863 -0.9233736018910174 -0.62465105220339 -0.36462313330431534 -0.2144879658447357 0.04708773828587971 0.25913431500714884 0.38605270399360037 0.3752182073728067 0.40307834154056565 0.3752182073728067 0.3179501538057481 +39639,-0.15567212704613642,2,-0.8444365550823715 -0.8831311858709241 -0.9357558837433517 -1.0766043398136873 -1.1679236684746674 -1.1416113195384492 -1.0936299773606524 -1.248408500514863 -0.9233736018910174 -0.62465105220339 -0.36462313330431534 -0.2144879658447357 0.04708773828587971 0.25913431500714884 0.38605270399360037 0.3752182073728067 0.40307834154056565 0.3752182073728067 0.3179501538057481 0.04708773828587971 +39640,-0.282590516032588,2,-0.8831311858709241 -0.9357558837433517 -1.0766043398136873 -1.1679236684746674 -1.1416113195384492 -1.0936299773606524 -1.248408500514863 -0.9233736018910174 -0.62465105220339 -0.36462313330431534 -0.2144879658447357 0.04708773828587971 0.25913431500714884 0.38605270399360037 0.3752182073728067 0.40307834154056565 0.3752182073728067 0.3179501538057481 0.04708773828587971 -0.15567212704613642 +39641,-0.41879561640829255,2,-0.9357558837433517 -1.0766043398136873 -1.1679236684746674 -1.1416113195384492 -1.0936299773606524 -1.248408500514863 -0.9233736018910174 -0.62465105220339 -0.36462313330431534 -0.2144879658447357 0.04708773828587971 0.25913431500714884 0.38605270399360037 0.3752182073728067 0.40307834154056565 0.3752182073728067 0.3179501538057481 0.04708773828587971 -0.15567212704613642 -0.282590516032588 +39642,-0.6122687703510556,2,-1.0766043398136873 -1.1679236684746674 -1.1416113195384492 -1.0936299773606524 -1.248408500514863 -0.9233736018910174 -0.62465105220339 -0.36462313330431534 -0.2144879658447357 0.04708773828587971 0.25913431500714884 0.38605270399360037 0.3752182073728067 0.40307834154056565 0.3752182073728067 0.3179501538057481 0.04708773828587971 -0.15567212704613642 -0.282590516032588 -0.41879561640829255 +39643,-0.6509634011396083,2,-1.1679236684746674 -1.1416113195384492 -1.0936299773606524 -1.248408500514863 -0.9233736018910174 -0.62465105220339 -0.36462313330431534 -0.2144879658447357 0.04708773828587971 0.25913431500714884 0.38605270399360037 0.3752182073728067 0.40307834154056565 0.3752182073728067 0.3179501538057481 0.04708773828587971 -0.15567212704613642 -0.282590516032588 -0.41879561640829255 -0.6122687703510556 +39644,-0.8444365550823715,2,-1.1416113195384492 -1.0936299773606524 -1.248408500514863 -0.9233736018910174 -0.62465105220339 -0.36462313330431534 -0.2144879658447357 0.04708773828587971 0.25913431500714884 0.38605270399360037 0.3752182073728067 0.40307834154056565 0.3752182073728067 0.3179501538057481 0.04708773828587971 -0.15567212704613642 -0.282590516032588 -0.41879561640829255 -0.6122687703510556 -0.6509634011396083 +39645,-0.9744505145319043,2,-1.0936299773606524 -1.248408500514863 -0.9233736018910174 -0.62465105220339 -0.36462313330431534 -0.2144879658447357 0.04708773828587971 0.25913431500714884 0.38605270399360037 0.3752182073728067 0.40307834154056565 0.3752182073728067 0.3179501538057481 0.04708773828587971 -0.15567212704613642 -0.282590516032588 -0.41879561640829255 -0.6122687703510556 -0.6509634011396083 -0.8444365550823715 +39646,-0.9667115883741921,2,-1.248408500514863 -0.9233736018910174 -0.62465105220339 -0.36462313330431534 -0.2144879658447357 0.04708773828587971 0.25913431500714884 0.38605270399360037 0.3752182073728067 0.40307834154056565 0.3752182073728067 0.3179501538057481 0.04708773828587971 -0.15567212704613642 -0.282590516032588 -0.41879561640829255 -0.6122687703510556 -0.6509634011396083 -0.8444365550823715 -0.9744505145319043 +39647,-1.0766043398136873,2,-0.9233736018910174 -0.62465105220339 -0.36462313330431534 -0.2144879658447357 0.04708773828587971 0.25913431500714884 0.38605270399360037 0.3752182073728067 0.40307834154056565 0.3752182073728067 0.3179501538057481 0.04708773828587971 -0.15567212704613642 -0.282590516032588 -0.41879561640829255 -0.6122687703510556 -0.6509634011396083 -0.8444365550823715 -0.9744505145319043 -0.9667115883741921 +39648,-1.1276812524545743,2,-0.62465105220339 -0.36462313330431534 -0.2144879658447357 0.04708773828587971 0.25913431500714884 0.38605270399360037 0.3752182073728067 0.40307834154056565 0.3752182073728067 0.3179501538057481 0.04708773828587971 -0.15567212704613642 -0.282590516032588 -0.41879561640829255 -0.6122687703510556 -0.6509634011396083 -0.8444365550823715 -0.9744505145319043 -0.9667115883741921 -1.0766043398136873 +39649,-1.1214901115284026,2,-0.36462313330431534 -0.2144879658447357 0.04708773828587971 0.25913431500714884 0.38605270399360037 0.3752182073728067 0.40307834154056565 0.3752182073728067 0.3179501538057481 0.04708773828587971 -0.15567212704613642 -0.282590516032588 -0.41879561640829255 -0.6122687703510556 -0.6509634011396083 -0.8444365550823715 -0.9744505145319043 -0.9667115883741921 -1.0766043398136873 -1.1276812524545743 +39650,-1.2700774937564503,2,-0.2144879658447357 0.04708773828587971 0.25913431500714884 0.38605270399360037 0.3752182073728067 0.40307834154056565 0.3752182073728067 0.3179501538057481 0.04708773828587971 -0.15567212704613642 -0.282590516032588 -0.41879561640829255 -0.6122687703510556 -0.6509634011396083 -0.8444365550823715 -0.9744505145319043 -0.9667115883741921 -1.0766043398136873 -1.1276812524545743 -1.1214901115284026 +39651,-0.7376393741059666,2,0.04708773828587971 0.25913431500714884 0.38605270399360037 0.3752182073728067 0.40307834154056565 0.3752182073728067 0.3179501538057481 0.04708773828587971 -0.15567212704613642 -0.282590516032588 -0.41879561640829255 -0.6122687703510556 -0.6509634011396083 -0.8444365550823715 -0.9744505145319043 -0.9667115883741921 -1.0766043398136873 -1.1276812524545743 -1.1214901115284026 -1.2700774937564503 +39652,-0.29187722742184097,2,0.25913431500714884 0.38605270399360037 0.3752182073728067 0.40307834154056565 0.3752182073728067 0.3179501538057481 0.04708773828587971 -0.15567212704613642 -0.282590516032588 -0.41879561640829255 -0.6122687703510556 -0.6509634011396083 -0.8444365550823715 -0.9744505145319043 -0.9667115883741921 -1.0766043398136873 -1.1276812524545743 -1.1214901115284026 -1.2700774937564503 -0.7376393741059666 +39653,0.01613203365503937,2,0.38605270399360037 0.3752182073728067 0.40307834154056565 0.3752182073728067 0.3179501538057481 0.04708773828587971 -0.15567212704613642 -0.282590516032588 -0.41879561640829255 -0.6122687703510556 -0.6509634011396083 -0.8444365550823715 -0.9744505145319043 -0.9667115883741921 -1.0766043398136873 -1.1276812524545743 -1.1214901115284026 -1.2700774937564503 -0.7376393741059666 -0.29187722742184097 +39654,0.3953394153828534,2,0.3752182073728067 0.40307834154056565 0.3752182073728067 0.3179501538057481 0.04708773828587971 -0.15567212704613642 -0.282590516032588 -0.41879561640829255 -0.6122687703510556 -0.6509634011396083 -0.8444365550823715 -0.9744505145319043 -0.9667115883741921 -1.0766043398136873 -1.1276812524545743 -1.1214901115284026 -1.2700774937564503 -0.7376393741059666 -0.29187722742184097 0.01613203365503937 +39655,0.6367939115034221,2,0.40307834154056565 0.3752182073728067 0.3179501538057481 0.04708773828587971 -0.15567212704613642 -0.282590516032588 -0.41879561640829255 -0.6122687703510556 -0.6509634011396083 -0.8444365550823715 -0.9744505145319043 -0.9667115883741921 -1.0766043398136873 -1.1276812524545743 -1.1214901115284026 -1.2700774937564503 -0.7376393741059666 -0.29187722742184097 0.01613203365503937 0.3953394153828534 +39656,0.8116936426676793,2,0.3752182073728067 0.3179501538057481 0.04708773828587971 -0.15567212704613642 -0.282590516032588 -0.41879561640829255 -0.6122687703510556 -0.6509634011396083 -0.8444365550823715 -0.9744505145319043 -0.9667115883741921 -1.0766043398136873 -1.1276812524545743 -1.1214901115284026 -1.2700774937564503 -0.7376393741059666 -0.29187722742184097 0.01613203365503937 0.3953394153828534 0.6367939115034221 +39657,0.8116936426676793,2,0.3179501538057481 0.04708773828587971 -0.15567212704613642 -0.282590516032588 -0.41879561640829255 -0.6122687703510556 -0.6509634011396083 -0.8444365550823715 -0.9744505145319043 -0.9667115883741921 -1.0766043398136873 -1.1276812524545743 -1.1214901115284026 -1.2700774937564503 -0.7376393741059666 -0.29187722742184097 0.01613203365503937 0.3953394153828534 0.6367939115034221 0.8116936426676793 +39658,0.8209803540569323,2,0.04708773828587971 -0.15567212704613642 -0.282590516032588 -0.41879561640829255 -0.6122687703510556 -0.6509634011396083 -0.8444365550823715 -0.9744505145319043 -0.9667115883741921 -1.0766043398136873 -1.1276812524545743 -1.1214901115284026 -1.2700774937564503 -0.7376393741059666 -0.29187722742184097 0.01613203365503937 0.3953394153828534 0.6367939115034221 0.8116936426676793 0.8116936426676793 +39659,0.8132414278992288,2,-0.15567212704613642 -0.282590516032588 -0.41879561640829255 -0.6122687703510556 -0.6509634011396083 -0.8444365550823715 -0.9744505145319043 -0.9667115883741921 -1.0766043398136873 -1.1276812524545743 -1.1214901115284026 -1.2700774937564503 -0.7376393741059666 -0.29187722742184097 0.01613203365503937 0.3953394153828534 0.6367939115034221 0.8116936426676793 0.8116936426676793 0.8209803540569323 +39660,0.7033486764597336,2,-0.282590516032588 -0.41879561640829255 -0.6122687703510556 -0.6509634011396083 -0.8444365550823715 -0.9744505145319043 -0.9667115883741921 -1.0766043398136873 -1.1276812524545743 -1.1214901115284026 -1.2700774937564503 -0.7376393741059666 -0.29187722742184097 0.01613203365503937 0.3953394153828534 0.6367939115034221 0.8116936426676793 0.8116936426676793 0.8209803540569323 0.8132414278992288 +39661,0.5439267976109011,2,-0.41879561640829255 -0.6122687703510556 -0.6509634011396083 -0.8444365550823715 -0.9744505145319043 -0.9667115883741921 -1.0766043398136873 -1.1276812524545743 -1.1214901115284026 -1.2700774937564503 -0.7376393741059666 -0.29187722742184097 0.01613203365503937 0.3953394153828534 0.6367939115034221 0.8116936426676793 0.8116936426676793 0.8209803540569323 0.8132414278992288 0.7033486764597336 +39662,0.29937673102724216,2,-0.6122687703510556 -0.6509634011396083 -0.8444365550823715 -0.9744505145319043 -0.9667115883741921 -1.0766043398136873 -1.1276812524545743 -1.1214901115284026 -1.2700774937564503 -0.7376393741059666 -0.29187722742184097 0.01613203365503937 0.3953394153828534 0.6367939115034221 0.8116936426676793 0.8116936426676793 0.8209803540569323 0.8132414278992288 0.7033486764597336 0.5439267976109011 +39663,0.008393107497327084,2,-0.6509634011396083 -0.8444365550823715 -0.9744505145319043 -0.9667115883741921 -1.0766043398136873 -1.1276812524545743 -1.1214901115284026 -1.2700774937564503 -0.7376393741059666 -0.29187722742184097 0.01613203365503937 0.3953394153828534 0.6367939115034221 0.8116936426676793 0.8116936426676793 0.8209803540569323 0.8132414278992288 0.7033486764597336 0.5439267976109011 0.29937673102724216 +39664,-0.09685628824752832,2,-0.8444365550823715 -0.9744505145319043 -0.9667115883741921 -1.0766043398136873 -1.1276812524545743 -1.1214901115284026 -1.2700774937564503 -0.7376393741059666 -0.29187722742184097 0.01613203365503937 0.3953394153828534 0.6367939115034221 0.8116936426676793 0.8116936426676793 0.8209803540569323 0.8132414278992288 0.7033486764597336 0.5439267976109011 0.29937673102724216 0.008393107497327084 +39665,-0.3104506502003469,2,-0.9744505145319043 -0.9667115883741921 -1.0766043398136873 -1.1276812524545743 -1.1214901115284026 -1.2700774937564503 -0.7376393741059666 -0.29187722742184097 0.01613203365503937 0.3953394153828534 0.6367939115034221 0.8116936426676793 0.8116936426676793 0.8209803540569323 0.8132414278992288 0.7033486764597336 0.5439267976109011 0.29937673102724216 0.008393107497327084 -0.09685628824752832 +39666,-0.5255927973846974,2,-0.9667115883741921 -1.0766043398136873 -1.1276812524545743 -1.1214901115284026 -1.2700774937564503 -0.7376393741059666 -0.29187722742184097 0.01613203365503937 0.3953394153828534 0.6367939115034221 0.8116936426676793 0.8116936426676793 0.8209803540569323 0.8132414278992288 0.7033486764597336 0.5439267976109011 0.29937673102724216 0.008393107497327084 -0.09685628824752832 -0.3104506502003469 +39667,-0.6323899783611023,2,-1.0766043398136873 -1.1276812524545743 -1.1214901115284026 -1.2700774937564503 -0.7376393741059666 -0.29187722742184097 0.01613203365503937 0.3953394153828534 0.6367939115034221 0.8116936426676793 0.8116936426676793 0.8209803540569323 0.8132414278992288 0.7033486764597336 0.5439267976109011 0.29937673102724216 0.008393107497327084 -0.09685628824752832 -0.3104506502003469 -0.5255927973846974 +39668,-0.7020403137804953,2,-1.1276812524545743 -1.1214901115284026 -1.2700774937564503 -0.7376393741059666 -0.29187722742184097 0.01613203365503937 0.3953394153828534 0.6367939115034221 0.8116936426676793 0.8116936426676793 0.8209803540569323 0.8132414278992288 0.7033486764597336 0.5439267976109011 0.29937673102724216 0.008393107497327084 -0.09685628824752832 -0.3104506502003469 -0.5255927973846974 -0.6323899783611023 +39669,-0.8181242061461532,2,-1.1214901115284026 -1.2700774937564503 -0.7376393741059666 -0.29187722742184097 0.01613203365503937 0.3953394153828534 0.6367939115034221 0.8116936426676793 0.8116936426676793 0.8209803540569323 0.8132414278992288 0.7033486764597336 0.5439267976109011 0.29937673102724216 0.008393107497327084 -0.09685628824752832 -0.3104506502003469 -0.5255927973846974 -0.6323899783611023 -0.7020403137804953 +39670,-0.8041941390622781,2,-1.2700774937564503 -0.7376393741059666 -0.29187722742184097 0.01613203365503937 0.3953394153828534 0.6367939115034221 0.8116936426676793 0.8116936426676793 0.8209803540569323 0.8132414278992288 0.7033486764597336 0.5439267976109011 0.29937673102724216 0.008393107497327084 -0.09685628824752832 -0.3104506502003469 -0.5255927973846974 -0.6323899783611023 -0.7020403137804953 -0.8181242061461532 +39671,-0.8955134677232585,2,-0.7376393741059666 -0.29187722742184097 0.01613203365503937 0.3953394153828534 0.6367939115034221 0.8116936426676793 0.8116936426676793 0.8209803540569323 0.8132414278992288 0.7033486764597336 0.5439267976109011 0.29937673102724216 0.008393107497327084 -0.09685628824752832 -0.3104506502003469 -0.5255927973846974 -0.6323899783611023 -0.7020403137804953 -0.8181242061461532 -0.8041941390622781 +39672,-0.9218258166594767,2,-0.29187722742184097 0.01613203365503937 0.3953394153828534 0.6367939115034221 0.8116936426676793 0.8116936426676793 0.8209803540569323 0.8132414278992288 0.7033486764597336 0.5439267976109011 0.29937673102724216 0.008393107497327084 -0.09685628824752832 -0.3104506502003469 -0.5255927973846974 -0.6323899783611023 -0.7020403137804953 -0.8181242061461532 -0.8041941390622781 -0.8955134677232585 +39673,-0.9852850111526981,2,0.01613203365503937 0.3953394153828534 0.6367939115034221 0.8116936426676793 0.8116936426676793 0.8209803540569323 0.8132414278992288 0.7033486764597336 0.5439267976109011 0.29937673102724216 0.008393107497327084 -0.09685628824752832 -0.3104506502003469 -0.5255927973846974 -0.6323899783611023 -0.7020403137804953 -0.8181242061461532 -0.8041941390622781 -0.8955134677232585 -0.9218258166594767 +39674,-1.059578702266722,2,0.3953394153828534 0.6367939115034221 0.8116936426676793 0.8116936426676793 0.8209803540569323 0.8132414278992288 0.7033486764597336 0.5439267976109011 0.29937673102724216 0.008393107497327084 -0.09685628824752832 -0.3104506502003469 -0.5255927973846974 -0.6323899783611023 -0.7020403137804953 -0.8181242061461532 -0.8041941390622781 -0.8955134677232585 -0.9218258166594767 -0.9852850111526981 +39675,-0.6989447433174139,2,0.6367939115034221 0.8116936426676793 0.8116936426676793 0.8209803540569323 0.8132414278992288 0.7033486764597336 0.5439267976109011 0.29937673102724216 0.008393107497327084 -0.09685628824752832 -0.3104506502003469 -0.5255927973846974 -0.6323899783611023 -0.7020403137804953 -0.8181242061461532 -0.8041941390622781 -0.8955134677232585 -0.9218258166594767 -0.9852850111526981 -1.059578702266722 +39676,-0.2516348114017388,2,0.8116936426676793 0.8116936426676793 0.8209803540569323 0.8132414278992288 0.7033486764597336 0.5439267976109011 0.29937673102724216 0.008393107497327084 -0.09685628824752832 -0.3104506502003469 -0.5255927973846974 -0.6323899783611023 -0.7020403137804953 -0.8181242061461532 -0.8041941390622781 -0.8955134677232585 -0.9218258166594767 -0.9852850111526981 -1.059578702266722 -0.6989447433174139 +39677,0.09816465092677551,2,0.8116936426676793 0.8209803540569323 0.8132414278992288 0.7033486764597336 0.5439267976109011 0.29937673102724216 0.008393107497327084 -0.09685628824752832 -0.3104506502003469 -0.5255927973846974 -0.6323899783611023 -0.7020403137804953 -0.8181242061461532 -0.8041941390622781 -0.8955134677232585 -0.9218258166594767 -0.9852850111526981 -1.059578702266722 -0.6989447433174139 -0.2516348114017388 +39678,0.45879860987608356,2,0.8209803540569323 0.8132414278992288 0.7033486764597336 0.5439267976109011 0.29937673102724216 0.008393107497327084 -0.09685628824752832 -0.3104506502003469 -0.5255927973846974 -0.6323899783611023 -0.7020403137804953 -0.8181242061461532 -0.8041941390622781 -0.8955134677232585 -0.9218258166594767 -0.9852850111526981 -1.059578702266722 -0.6989447433174139 -0.2516348114017388 0.09816465092677551 +39679,0.6553673342819281,2,0.8132414278992288 0.7033486764597336 0.5439267976109011 0.29937673102724216 0.008393107497327084 -0.09685628824752832 -0.3104506502003469 -0.5255927973846974 -0.6323899783611023 -0.7020403137804953 -0.8181242061461532 -0.8041941390622781 -0.8955134677232585 -0.9218258166594767 -0.9852850111526981 -1.059578702266722 -0.6989447433174139 -0.2516348114017388 0.09816465092677551 0.45879860987608356 +39680,0.6584629047450182,2,0.7033486764597336 0.5439267976109011 0.29937673102724216 0.008393107497327084 -0.09685628824752832 -0.3104506502003469 -0.5255927973846974 -0.6323899783611023 -0.7020403137804953 -0.8181242061461532 -0.8041941390622781 -0.8955134677232585 -0.9218258166594767 -0.9852850111526981 -1.059578702266722 -0.6989447433174139 -0.2516348114017388 0.09816465092677551 0.45879860987608356 0.6553673342819281 +39681,0.5748825022417414,2,0.5439267976109011 0.29937673102724216 0.008393107497327084 -0.09685628824752832 -0.3104506502003469 -0.5255927973846974 -0.6323899783611023 -0.7020403137804953 -0.8181242061461532 -0.8041941390622781 -0.8955134677232585 -0.9218258166594767 -0.9852850111526981 -1.059578702266722 -0.6989447433174139 -0.2516348114017388 0.09816465092677551 0.45879860987608356 0.6553673342819281 0.6584629047450182 +39682,0.599647065946419,2,0.29937673102724216 0.008393107497327084 -0.09685628824752832 -0.3104506502003469 -0.5255927973846974 -0.6323899783611023 -0.7020403137804953 -0.8181242061461532 -0.8041941390622781 -0.8955134677232585 -0.9218258166594767 -0.9852850111526981 -1.059578702266722 -0.6989447433174139 -0.2516348114017388 0.09816465092677551 0.45879860987608356 0.6553673342819281 0.6584629047450182 0.5748825022417414 +39683,0.599647065946419,2,0.008393107497327084 -0.09685628824752832 -0.3104506502003469 -0.5255927973846974 -0.6323899783611023 -0.7020403137804953 -0.8181242061461532 -0.8041941390622781 -0.8955134677232585 -0.9218258166594767 -0.9852850111526981 -1.059578702266722 -0.6989447433174139 -0.2516348114017388 0.09816465092677551 0.45879860987608356 0.6553673342819281 0.6584629047450182 0.5748825022417414 0.599647065946419 +39684,0.5207100191377643,2,-0.09685628824752832 -0.3104506502003469 -0.5255927973846974 -0.6323899783611023 -0.7020403137804953 -0.8181242061461532 -0.8041941390622781 -0.8955134677232585 -0.9218258166594767 -0.9852850111526981 -1.059578702266722 -0.6989447433174139 -0.2516348114017388 0.09816465092677551 0.45879860987608356 0.6553673342819281 0.6584629047450182 0.5748825022417414 0.599647065946419 0.599647065946419 +39685,0.3767659926043474,2,-0.3104506502003469 -0.5255927973846974 -0.6323899783611023 -0.7020403137804953 -0.8181242061461532 -0.8041941390622781 -0.8955134677232585 -0.9218258166594767 -0.9852850111526981 -1.059578702266722 -0.6989447433174139 -0.2516348114017388 0.09816465092677551 0.45879860987608356 0.6553673342819281 0.6584629047450182 0.5748825022417414 0.599647065946419 0.599647065946419 0.5207100191377643 +39686,0.35819256982585024,2,-0.5255927973846974 -0.6323899783611023 -0.7020403137804953 -0.8181242061461532 -0.8041941390622781 -0.8955134677232585 -0.9218258166594767 -0.9852850111526981 -1.059578702266722 -0.6989447433174139 -0.2516348114017388 0.09816465092677551 0.45879860987608356 0.6553673342819281 0.6584629047450182 0.5748825022417414 0.599647065946419 0.599647065946419 0.5207100191377643 0.3767659926043474 +39687,-0.11852528148912447,2,-0.6323899783611023 -0.7020403137804953 -0.8181242061461532 -0.8041941390622781 -0.8955134677232585 -0.9218258166594767 -0.9852850111526981 -1.059578702266722 -0.6989447433174139 -0.2516348114017388 0.09816465092677551 0.45879860987608356 0.6553673342819281 0.6584629047450182 0.5748825022417414 0.599647065946419 0.599647065946419 0.5207100191377643 0.3767659926043474 0.35819256982585024 +39688,-0.2516348114017388,2,-0.7020403137804953 -0.8181242061461532 -0.8041941390622781 -0.8955134677232585 -0.9218258166594767 -0.9852850111526981 -1.059578702266722 -0.6989447433174139 -0.2516348114017388 0.09816465092677551 0.45879860987608356 0.6553673342819281 0.6584629047450182 0.5748825022417414 0.599647065946419 0.599647065946419 0.5207100191377643 0.3767659926043474 0.35819256982585024 -0.11852528148912447 +39689,-0.3135462206634283,2,-0.8181242061461532 -0.8041941390622781 -0.8955134677232585 -0.9218258166594767 -0.9852850111526981 -1.059578702266722 -0.6989447433174139 -0.2516348114017388 0.09816465092677551 0.45879860987608356 0.6553673342819281 0.6584629047450182 0.5748825022417414 0.599647065946419 0.599647065946419 0.5207100191377643 0.3767659926043474 0.35819256982585024 -0.11852528148912447 -0.2516348114017388 +39690,-0.4884459518276855,2,-0.8041941390622781 -0.8955134677232585 -0.9218258166594767 -0.9852850111526981 -1.059578702266722 -0.6989447433174139 -0.2516348114017388 0.09816465092677551 0.45879860987608356 0.6553673342819281 0.6584629047450182 0.5748825022417414 0.599647065946419 0.599647065946419 0.5207100191377643 0.3767659926043474 0.35819256982585024 -0.11852528148912447 -0.2516348114017388 -0.3135462206634283 +39691,-0.48999373705922616,2,-0.8955134677232585 -0.9218258166594767 -0.9852850111526981 -1.059578702266722 -0.6989447433174139 -0.2516348114017388 0.09816465092677551 0.45879860987608356 0.6553673342819281 0.6584629047450182 0.5748825022417414 0.599647065946419 0.599647065946419 0.5207100191377643 0.3767659926043474 0.35819256982585024 -0.11852528148912447 -0.2516348114017388 -0.3135462206634283 -0.4884459518276855 +39692,-0.6261988374349308,2,-0.9218258166594767 -0.9852850111526981 -1.059578702266722 -0.6989447433174139 -0.2516348114017388 0.09816465092677551 0.45879860987608356 0.6553673342819281 0.6584629047450182 0.5748825022417414 0.599647065946419 0.599647065946419 0.5207100191377643 0.3767659926043474 0.35819256982585024 -0.11852528148912447 -0.2516348114017388 -0.3135462206634283 -0.4884459518276855 -0.48999373705922616 +39693,-0.7407349445690479,2,-0.9852850111526981 -1.059578702266722 -0.6989447433174139 -0.2516348114017388 0.09816465092677551 0.45879860987608356 0.6553673342819281 0.6584629047450182 0.5748825022417414 0.599647065946419 0.599647065946419 0.5207100191377643 0.3767659926043474 0.35819256982585024 -0.11852528148912447 -0.2516348114017388 -0.3135462206634283 -0.4884459518276855 -0.48999373705922616 -0.6261988374349308 +39694,-0.7283526627167135,2,-1.059578702266722 -0.6989447433174139 -0.2516348114017388 0.09816465092677551 0.45879860987608356 0.6553673342819281 0.6584629047450182 0.5748825022417414 0.599647065946419 0.599647065946419 0.5207100191377643 0.3767659926043474 0.35819256982585024 -0.11852528148912447 -0.2516348114017388 -0.3135462206634283 -0.4884459518276855 -0.48999373705922616 -0.6261988374349308 -0.7407349445690479 +39695,-0.7701428639683475,2,-0.6989447433174139 -0.2516348114017388 0.09816465092677551 0.45879860987608356 0.6553673342819281 0.6584629047450182 0.5748825022417414 0.599647065946419 0.599647065946419 0.5207100191377643 0.3767659926043474 0.35819256982585024 -0.11852528148912447 -0.2516348114017388 -0.3135462206634283 -0.4884459518276855 -0.48999373705922616 -0.6261988374349308 -0.7407349445690479 -0.7283526627167135 +39696,-0.8119330652199815,2,-0.2516348114017388 0.09816465092677551 0.45879860987608356 0.6553673342819281 0.6584629047450182 0.5748825022417414 0.599647065946419 0.599647065946419 0.5207100191377643 0.3767659926043474 0.35819256982585024 -0.11852528148912447 -0.2516348114017388 -0.3135462206634283 -0.4884459518276855 -0.48999373705922616 -0.6261988374349308 -0.7407349445690479 -0.7283526627167135 -0.7701428639683475 +39697,-0.8676533335554995,2,0.09816465092677551 0.45879860987608356 0.6553673342819281 0.6584629047450182 0.5748825022417414 0.599647065946419 0.599647065946419 0.5207100191377643 0.3767659926043474 0.35819256982585024 -0.11852528148912447 -0.2516348114017388 -0.3135462206634283 -0.4884459518276855 -0.48999373705922616 -0.6261988374349308 -0.7407349445690479 -0.7283526627167135 -0.7701428639683475 -0.8119330652199815 +39698,-0.9264691723540988,2,0.45879860987608356 0.6553673342819281 0.6584629047450182 0.5748825022417414 0.599647065946419 0.599647065946419 0.5207100191377643 0.3767659926043474 0.35819256982585024 -0.11852528148912447 -0.2516348114017388 -0.3135462206634283 -0.4884459518276855 -0.48999373705922616 -0.6261988374349308 -0.7407349445690479 -0.7283526627167135 -0.7701428639683475 -0.8119330652199815 -0.8676533335554995 +39699,-0.5503573610893662,2,0.6553673342819281 0.6584629047450182 0.5748825022417414 0.599647065946419 0.599647065946419 0.5207100191377643 0.3767659926043474 0.35819256982585024 -0.11852528148912447 -0.2516348114017388 -0.3135462206634283 -0.4884459518276855 -0.48999373705922616 -0.6261988374349308 -0.7407349445690479 -0.7283526627167135 -0.7701428639683475 -0.8119330652199815 -0.8676533335554995 -0.9264691723540988 +39700,-0.2113923953816455,2,0.6584629047450182 0.5748825022417414 0.599647065946419 0.599647065946419 0.5207100191377643 0.3767659926043474 0.35819256982585024 -0.11852528148912447 -0.2516348114017388 -0.3135462206634283 -0.4884459518276855 -0.48999373705922616 -0.6261988374349308 -0.7407349445690479 -0.7283526627167135 -0.7701428639683475 -0.8119330652199815 -0.8676533335554995 -0.9264691723540988 -0.5503573610893662 +39701,-0.030301523291225544,2,0.5748825022417414 0.599647065946419 0.599647065946419 0.5207100191377643 0.3767659926043474 0.35819256982585024 -0.11852528148912447 -0.2516348114017388 -0.3135462206634283 -0.4884459518276855 -0.48999373705922616 -0.6261988374349308 -0.7407349445690479 -0.7283526627167135 -0.7701428639683475 -0.8119330652199815 -0.8676533335554995 -0.9264691723540988 -0.5503573610893662 -0.2113923953816455 +39702,0.2637776707017797,2,0.599647065946419 0.599647065946419 0.5207100191377643 0.3767659926043474 0.35819256982585024 -0.11852528148912447 -0.2516348114017388 -0.3135462206634283 -0.4884459518276855 -0.48999373705922616 -0.6261988374349308 -0.7407349445690479 -0.7283526627167135 -0.7701428639683475 -0.8119330652199815 -0.8676533335554995 -0.9264691723540988 -0.5503573610893662 -0.2113923953816455 -0.030301523291225544 +39703,0.46344196557070566,2,0.599647065946419 0.5207100191377643 0.3767659926043474 0.35819256982585024 -0.11852528148912447 -0.2516348114017388 -0.3135462206634283 -0.4884459518276855 -0.48999373705922616 -0.6261988374349308 -0.7407349445690479 -0.7283526627167135 -0.7701428639683475 -0.8119330652199815 -0.8676533335554995 -0.9264691723540988 -0.5503573610893662 -0.2113923953816455 -0.030301523291225544 0.2637776707017797 +39704,0.49284988497000526,2,0.5207100191377643 0.3767659926043474 0.35819256982585024 -0.11852528148912447 -0.2516348114017388 -0.3135462206634283 -0.4884459518276855 -0.48999373705922616 -0.6261988374349308 -0.7407349445690479 -0.7283526627167135 -0.7701428639683475 -0.8119330652199815 -0.8676533335554995 -0.9264691723540988 -0.5503573610893662 -0.2113923953816455 -0.030301523291225544 0.2637776707017797 0.46344196557070566 +39705,0.5501179385370639,2,0.3767659926043474 0.35819256982585024 -0.11852528148912447 -0.2516348114017388 -0.3135462206634283 -0.4884459518276855 -0.48999373705922616 -0.6261988374349308 -0.7407349445690479 -0.7283526627167135 -0.7701428639683475 -0.8119330652199815 -0.8676533335554995 -0.9264691723540988 -0.5503573610893662 -0.2113923953816455 -0.030301523291225544 0.2637776707017797 0.46344196557070566 0.49284988497000526 +39706,0.6383416967349717,2,0.35819256982585024 -0.11852528148912447 -0.2516348114017388 -0.3135462206634283 -0.4884459518276855 -0.48999373705922616 -0.6261988374349308 -0.7407349445690479 -0.7283526627167135 -0.7701428639683475 -0.8119330652199815 -0.8676533335554995 -0.9264691723540988 -0.5503573610893662 -0.2113923953816455 -0.030301523291225544 0.2637776707017797 0.46344196557070566 0.49284988497000526 0.5501179385370639 +39707,0.6383416967349717,2,-0.11852528148912447 -0.2516348114017388 -0.3135462206634283 -0.4884459518276855 -0.48999373705922616 -0.6261988374349308 -0.7407349445690479 -0.7283526627167135 -0.7701428639683475 -0.8119330652199815 -0.8676533335554995 -0.9264691723540988 -0.5503573610893662 -0.2113923953816455 -0.030301523291225544 0.2637776707017797 0.46344196557070566 0.49284988497000526 0.5501179385370639 0.6383416967349717 +39708,0.4943976702015548,2,-0.2516348114017388 -0.3135462206634283 -0.4884459518276855 -0.48999373705922616 -0.6261988374349308 -0.7407349445690479 -0.7283526627167135 -0.7701428639683475 -0.8119330652199815 -0.8676533335554995 -0.9264691723540988 -0.5503573610893662 -0.2113923953816455 -0.030301523291225544 0.2637776707017797 0.46344196557070566 0.49284988497000526 0.5501179385370639 0.6383416967349717 0.6383416967349717 +39709,0.3086634424164951,2,-0.3135462206634283 -0.4884459518276855 -0.48999373705922616 -0.6261988374349308 -0.7407349445690479 -0.7283526627167135 -0.7701428639683475 -0.8119330652199815 -0.8676533335554995 -0.9264691723540988 -0.5503573610893662 -0.2113923953816455 -0.030301523291225544 0.2637776707017797 0.46344196557070566 0.49284988497000526 0.5501179385370639 0.6383416967349717 0.6383416967349717 0.4943976702015548 +39710,0.3148545833426667,2,-0.4884459518276855 -0.48999373705922616 -0.6261988374349308 -0.7407349445690479 -0.7283526627167135 -0.7701428639683475 -0.8119330652199815 -0.8676533335554995 -0.9264691723540988 -0.5503573610893662 -0.2113923953816455 -0.030301523291225544 0.2637776707017797 0.46344196557070566 0.49284988497000526 0.5501179385370639 0.6383416967349717 0.6383416967349717 0.4943976702015548 0.3086634424164951 +39711,-0.056613872227435,2,-0.48999373705922616 -0.6261988374349308 -0.7407349445690479 -0.7283526627167135 -0.7701428639683475 -0.8119330652199815 -0.8676533335554995 -0.9264691723540988 -0.5503573610893662 -0.2113923953816455 -0.030301523291225544 0.2637776707017797 0.46344196557070566 0.49284988497000526 0.5501179385370639 0.6383416967349717 0.6383416967349717 0.4943976702015548 0.3086634424164951 0.3148545833426667 +39712,-0.13864648949917113,2,-0.6261988374349308 -0.7407349445690479 -0.7283526627167135 -0.7701428639683475 -0.8119330652199815 -0.8676533335554995 -0.9264691723540988 -0.5503573610893662 -0.2113923953816455 -0.030301523291225544 0.2637776707017797 0.46344196557070566 0.49284988497000526 0.5501179385370639 0.6383416967349717 0.6383416967349717 0.4943976702015548 0.3086634424164951 0.3148545833426667 -0.056613872227435 +39713,-0.2516348114017388,2,-0.7407349445690479 -0.7283526627167135 -0.7701428639683475 -0.8119330652199815 -0.8676533335554995 -0.9264691723540988 -0.5503573610893662 -0.2113923953816455 -0.030301523291225544 0.2637776707017797 0.46344196557070566 0.49284988497000526 0.5501179385370639 0.6383416967349717 0.6383416967349717 0.4943976702015548 0.3086634424164951 0.3148545833426667 -0.056613872227435 -0.13864648949917113 +39714,-0.36617091853585604,2,-0.7283526627167135 -0.7701428639683475 -0.8119330652199815 -0.8676533335554995 -0.9264691723540988 -0.5503573610893662 -0.2113923953816455 -0.030301523291225544 0.2637776707017797 0.46344196557070566 0.49284988497000526 0.5501179385370639 0.6383416967349717 0.6383416967349717 0.4943976702015548 0.3086634424164951 0.3148545833426667 -0.056613872227435 -0.13864648949917113 -0.2516348114017388 +39715,-0.3785532003881992,2,-0.7701428639683475 -0.8119330652199815 -0.8676533335554995 -0.9264691723540988 -0.5503573610893662 -0.2113923953816455 -0.030301523291225544 0.2637776707017797 0.46344196557070566 0.49284988497000526 0.5501179385370639 0.6383416967349717 0.6383416967349717 0.4943976702015548 0.3086634424164951 0.3148545833426667 -0.056613872227435 -0.13864648949917113 -0.2516348114017388 -0.36617091853585604 +39716,-0.993813372475917,2,-0.8119330652199815 -0.8676533335554995 -0.9264691723540988 -0.5503573610893662 -0.2113923953816455 -0.030301523291225544 0.2637776707017797 0.46344196557070566 0.49284988497000526 0.5501179385370639 0.6383416967349717 0.6383416967349717 0.4943976702015548 0.3086634424164951 0.3148545833426667 -0.056613872227435 -0.13864648949917113 -0.2516348114017388 -0.36617091853585604 -0.3785532003881992 +39717,-0.9484857511060177,2,-0.8676533335554995 -0.9264691723540988 -0.5503573610893662 -0.2113923953816455 -0.030301523291225544 0.2637776707017797 0.46344196557070566 0.49284988497000526 0.5501179385370639 0.6383416967349717 0.6383416967349717 0.4943976702015548 0.3086634424164951 0.3148545833426667 -0.056613872227435 -0.13864648949917113 -0.2516348114017388 -0.36617091853585604 -0.3785532003881992 -0.993813372475917 +39718,-1.8142271883771968,2,-0.9264691723540988 -0.5503573610893662 -0.2113923953816455 -0.030301523291225544 0.2637776707017797 0.46344196557070566 0.49284988497000526 0.5501179385370639 0.6383416967349717 0.6383416967349717 0.4943976702015548 0.3086634424164951 0.3148545833426667 -0.056613872227435 -0.13864648949917113 -0.2516348114017388 -0.36617091853585604 -0.3785532003881992 -0.993813372475917 -0.9484857511060177 +39719,-1.858287474531904,2,-0.5503573610893662 -0.2113923953816455 -0.030301523291225544 0.2637776707017797 0.46344196557070566 0.49284988497000526 0.5501179385370639 0.6383416967349717 0.6383416967349717 0.4943976702015548 0.3086634424164951 0.3148545833426667 -0.056613872227435 -0.13864648949917113 -0.2516348114017388 -0.36617091853585604 -0.3785532003881992 -0.993813372475917 -0.9484857511060177 -1.8142271883771968 +39720,-1.5338200972112261,2,-0.2113923953816455 -0.030301523291225544 0.2637776707017797 0.46344196557070566 0.49284988497000526 0.5501179385370639 0.6383416967349717 0.6383416967349717 0.4943976702015548 0.3086634424164951 0.3148545833426667 -0.056613872227435 -0.13864648949917113 -0.2516348114017388 -0.36617091853585604 -0.3785532003881992 -0.993813372475917 -0.9484857511060177 -1.8142271883771968 -1.858287474531904 +39721,-1.700722937960922,2,-0.030301523291225544 0.2637776707017797 0.46344196557070566 0.49284988497000526 0.5501179385370639 0.6383416967349717 0.6383416967349717 0.4943976702015548 0.3086634424164951 0.3148545833426667 -0.056613872227435 -0.13864648949917113 -0.2516348114017388 -0.36617091853585604 -0.3785532003881992 -0.993813372475917 -0.9484857511060177 -1.8142271883771968 -1.858287474531904 -1.5338200972112261 +39722,-1.4990981152352238,2,0.2637776707017797 0.46344196557070566 0.49284988497000526 0.5501179385370639 0.6383416967349717 0.6383416967349717 0.4943976702015548 0.3086634424164951 0.3148545833426667 -0.056613872227435 -0.13864648949917113 -0.2516348114017388 -0.36617091853585604 -0.3785532003881992 -0.993813372475917 -0.9484857511060177 -1.8142271883771968 -1.858287474531904 -1.5338200972112261 -1.700722937960922 +39723,-0.45903803242838587,2,0.46344196557070566 0.49284988497000526 0.5501179385370639 0.6383416967349717 0.6383416967349717 0.4943976702015548 0.3086634424164951 0.3148545833426667 -0.056613872227435 -0.13864648949917113 -0.2516348114017388 -0.36617091853585604 -0.3785532003881992 -0.993813372475917 -0.9484857511060177 -1.8142271883771968 -1.858287474531904 -1.5338200972112261 -1.700722937960922 -1.4990981152352238 +39724,-0.2237746772339887,2,0.49284988497000526 0.5501179385370639 0.6383416967349717 0.6383416967349717 0.4943976702015548 0.3086634424164951 0.3148545833426667 -0.056613872227435 -0.13864648949917113 -0.2516348114017388 -0.36617091853585604 -0.3785532003881992 -0.993813372475917 -0.9484857511060177 -1.8142271883771968 -1.858287474531904 -1.5338200972112261 -1.700722937960922 -1.4990981152352238 -0.45903803242838587 +39725,-0.003989174355007293,2,0.5501179385370639 0.6383416967349717 0.6383416967349717 0.4943976702015548 0.3086634424164951 0.3148545833426667 -0.056613872227435 -0.13864648949917113 -0.2516348114017388 -0.36617091853585604 -0.3785532003881992 -0.993813372475917 -0.9484857511060177 -1.8142271883771968 -1.858287474531904 -1.5338200972112261 -1.700722937960922 -1.4990981152352238 -0.45903803242838587 -0.2237746772339887 +39726,0.12447699986298497,2,0.6383416967349717 0.6383416967349717 0.4943976702015548 0.3086634424164951 0.3148545833426667 -0.056613872227435 -0.13864648949917113 -0.2516348114017388 -0.36617091853585604 -0.3785532003881992 -0.993813372475917 -0.9484857511060177 -1.8142271883771968 -1.858287474531904 -1.5338200972112261 -1.700722937960922 -1.4990981152352238 -0.45903803242838587 -0.2237746772339887 -0.003989174355007293 +39727,0.25294317408098604,2,0.6383416967349717 0.4943976702015548 0.3086634424164951 0.3148545833426667 -0.056613872227435 -0.13864648949917113 -0.2516348114017388 -0.36617091853585604 -0.3785532003881992 -0.993813372475917 -0.9484857511060177 -1.8142271883771968 -1.858287474531904 -1.5338200972112261 -1.700722937960922 -1.4990981152352238 -0.45903803242838587 -0.2237746772339887 -0.003989174355007293 0.12447699986298497 +39728,0.3752182073728067,2,0.4943976702015548 0.3086634424164951 0.3148545833426667 -0.056613872227435 -0.13864648949917113 -0.2516348114017388 -0.36617091853585604 -0.3785532003881992 -0.993813372475917 -0.9484857511060177 -1.8142271883771968 -1.858287474531904 -1.5338200972112261 -1.700722937960922 -1.4990981152352238 -0.45903803242838587 -0.2237746772339887 -0.003989174355007293 0.12447699986298497 0.25294317408098604 +39729,0.38605270399360037,2,0.3086634424164951 0.3148545833426667 -0.056613872227435 -0.13864648949917113 -0.2516348114017388 -0.36617091853585604 -0.3785532003881992 -0.993813372475917 -0.9484857511060177 -1.8142271883771968 -1.858287474531904 -1.5338200972112261 -1.700722937960922 -1.4990981152352238 -0.45903803242838587 -0.2237746772339887 -0.003989174355007293 0.12447699986298497 0.25294317408098604 0.3752182073728067 +39730,0.38605270399360037,2,0.3148545833426667 -0.056613872227435 -0.13864648949917113 -0.2516348114017388 -0.36617091853585604 -0.3785532003881992 -0.993813372475917 -0.9484857511060177 -1.8142271883771968 -1.858287474531904 -1.5338200972112261 -1.700722937960922 -1.4990981152352238 -0.45903803242838587 -0.2237746772339887 -0.003989174355007293 0.12447699986298497 0.25294317408098604 0.3752182073728067 0.38605270399360037 +39731,0.26068210023868954,2,-0.056613872227435 -0.13864648949917113 -0.2516348114017388 -0.36617091853585604 -0.3785532003881992 -0.993813372475917 -0.9484857511060177 -1.8142271883771968 -1.858287474531904 -1.5338200972112261 -1.700722937960922 -1.4990981152352238 -0.45903803242838587 -0.2237746772339887 -0.003989174355007293 0.12447699986298497 0.25294317408098604 0.3752182073728067 0.38605270399360037 0.38605270399360037 +39732,0.18329283866158427,2,-0.13864648949917113 -0.2516348114017388 -0.36617091853585604 -0.3785532003881992 -0.993813372475917 -0.9484857511060177 -1.8142271883771968 -1.858287474531904 -1.5338200972112261 -1.700722937960922 -1.4990981152352238 -0.45903803242838587 -0.2237746772339887 -0.003989174355007293 0.12447699986298497 0.25294317408098604 0.3752182073728067 0.38605270399360037 0.38605270399360037 0.26068210023868954 +39733,0.06720894629592637,2,-0.2516348114017388 -0.36617091853585604 -0.3785532003881992 -0.993813372475917 -0.9484857511060177 -1.8142271883771968 -1.858287474531904 -1.5338200972112261 -1.700722937960922 -1.4990981152352238 -0.45903803242838587 -0.2237746772339887 -0.003989174355007293 0.12447699986298497 0.25294317408098604 0.3752182073728067 0.38605270399360037 0.38605270399360037 0.26068210023868954 0.18329283866158427 +39734,-0.15257655658304622,2,-0.36617091853585604 -0.3785532003881992 -0.993813372475917 -0.9484857511060177 -1.8142271883771968 -1.858287474531904 -1.5338200972112261 -1.700722937960922 -1.4990981152352238 -0.45903803242838587 -0.2237746772339887 -0.003989174355007293 0.12447699986298497 0.25294317408098604 0.3752182073728067 0.38605270399360037 0.38605270399360037 0.26068210023868954 0.18329283866158427 0.06720894629592637 +39735,-0.324380717284222,2,-0.3785532003881992 -0.993813372475917 -0.9484857511060177 -1.8142271883771968 -1.858287474531904 -1.5338200972112261 -1.700722937960922 -1.4990981152352238 -0.45903803242838587 -0.2237746772339887 -0.003989174355007293 0.12447699986298497 0.25294317408098604 0.3752182073728067 0.38605270399360037 0.38605270399360037 0.26068210023868954 0.18329283866158427 0.06720894629592637 -0.15257655658304622 +39736,-0.38629212654590267,2,-0.993813372475917 -0.9484857511060177 -1.8142271883771968 -1.858287474531904 -1.5338200972112261 -1.700722937960922 -1.4990981152352238 -0.45903803242838587 -0.2237746772339887 -0.003989174355007293 0.12447699986298497 0.25294317408098604 0.3752182073728067 0.38605270399360037 0.38605270399360037 0.26068210023868954 0.18329283866158427 0.06720894629592637 -0.15257655658304622 -0.324380717284222 +39737,-0.5224972269216073,2,-0.9484857511060177 -1.8142271883771968 -1.858287474531904 -1.5338200972112261 -1.700722937960922 -1.4990981152352238 -0.45903803242838587 -0.2237746772339887 -0.003989174355007293 0.12447699986298497 0.25294317408098604 0.3752182073728067 0.38605270399360037 0.38605270399360037 0.26068210023868954 0.18329283866158427 0.06720894629592637 -0.15257655658304622 -0.324380717284222 -0.38629212654590267 +39738,-0.6494156159080676,2,-1.8142271883771968 -1.858287474531904 -1.5338200972112261 -1.700722937960922 -1.4990981152352238 -0.45903803242838587 -0.2237746772339887 -0.003989174355007293 0.12447699986298497 0.25294317408098604 0.3752182073728067 0.38605270399360037 0.38605270399360037 0.26068210023868954 0.18329283866158427 0.06720894629592637 -0.15257655658304622 -0.324380717284222 -0.38629212654590267 -0.5224972269216073 +39739,-0.7268048774851729,2,-1.858287474531904 -1.5338200972112261 -1.700722937960922 -1.4990981152352238 -0.45903803242838587 -0.2237746772339887 -0.003989174355007293 0.12447699986298497 0.25294317408098604 0.3752182073728067 0.38605270399360037 0.38605270399360037 0.26068210023868954 0.18329283866158427 0.06720894629592637 -0.15257655658304622 -0.324380717284222 -0.38629212654590267 -0.5224972269216073 -0.6494156159080676 +39740,-0.7794295753576006,2,-1.5338200972112261 -1.700722937960922 -1.4990981152352238 -0.45903803242838587 -0.2237746772339887 -0.003989174355007293 0.12447699986298497 0.25294317408098604 0.3752182073728067 0.38605270399360037 0.38605270399360037 0.26068210023868954 0.18329283866158427 0.06720894629592637 -0.15257655658304622 -0.324380717284222 -0.38629212654590267 -0.5224972269216073 -0.6494156159080676 -0.7268048774851729 +39741,-0.9094435348071335,2,-1.700722937960922 -1.4990981152352238 -0.45903803242838587 -0.2237746772339887 -0.003989174355007293 0.12447699986298497 0.25294317408098604 0.3752182073728067 0.38605270399360037 0.38605270399360037 0.26068210023868954 0.18329283866158427 0.06720894629592637 -0.15257655658304622 -0.324380717284222 -0.38629212654590267 -0.5224972269216073 -0.6494156159080676 -0.7268048774851729 -0.7794295753576006 +39742,-0.8955134677232585,2,-1.4990981152352238 -0.45903803242838587 -0.2237746772339887 -0.003989174355007293 0.12447699986298497 0.25294317408098604 0.3752182073728067 0.38605270399360037 0.38605270399360037 0.26068210023868954 0.18329283866158427 0.06720894629592637 -0.15257655658304622 -0.324380717284222 -0.38629212654590267 -0.5224972269216073 -0.6494156159080676 -0.7268048774851729 -0.7794295753576006 -0.9094435348071335 +39743,-0.999215078236582,2,-0.45903803242838587 -0.2237746772339887 -0.003989174355007293 0.12447699986298497 0.25294317408098604 0.3752182073728067 0.38605270399360037 0.38605270399360037 0.26068210023868954 0.18329283866158427 0.06720894629592637 -0.15257655658304622 -0.324380717284222 -0.38629212654590267 -0.5224972269216073 -0.6494156159080676 -0.7268048774851729 -0.7794295753576006 -0.9094435348071335 -0.8955134677232585 +39744,-1.0255274271727914,2,-0.2237746772339887 -0.003989174355007293 0.12447699986298497 0.25294317408098604 0.3752182073728067 0.38605270399360037 0.38605270399360037 0.26068210023868954 0.18329283866158427 0.06720894629592637 -0.15257655658304622 -0.324380717284222 -0.38629212654590267 -0.5224972269216073 -0.6494156159080676 -0.7268048774851729 -0.7794295753576006 -0.9094435348071335 -0.8955134677232585 -0.999215078236582 +39745,-1.0766043398136873,2,-0.003989174355007293 0.12447699986298497 0.25294317408098604 0.3752182073728067 0.38605270399360037 0.38605270399360037 0.26068210023868954 0.18329283866158427 0.06720894629592637 -0.15257655658304622 -0.324380717284222 -0.38629212654590267 -0.5224972269216073 -0.6494156159080676 -0.7268048774851729 -0.7794295753576006 -0.9094435348071335 -0.8955134677232585 -0.999215078236582 -1.0255274271727914 +39746,-1.1044644739814462,2,0.12447699986298497 0.25294317408098604 0.3752182073728067 0.38605270399360037 0.38605270399360037 0.26068210023868954 0.18329283866158427 0.06720894629592637 -0.15257655658304622 -0.324380717284222 -0.38629212654590267 -0.5224972269216073 -0.6494156159080676 -0.7268048774851729 -0.7794295753576006 -0.9094435348071335 -0.8955134677232585 -0.999215078236582 -1.0255274271727914 -1.0766043398136873 +39747,-0.8444365550823715,2,0.25294317408098604 0.3752182073728067 0.38605270399360037 0.38605270399360037 0.26068210023868954 0.18329283866158427 0.06720894629592637 -0.15257655658304622 -0.324380717284222 -0.38629212654590267 -0.5224972269216073 -0.6494156159080676 -0.7268048774851729 -0.7794295753576006 -0.9094435348071335 -0.8955134677232585 -0.999215078236582 -1.0255274271727914 -1.0766043398136873 -1.1044644739814462 +39748,-0.4853503813646041,2,0.3752182073728067 0.38605270399360037 0.38605270399360037 0.26068210023868954 0.18329283866158427 0.06720894629592637 -0.15257655658304622 -0.324380717284222 -0.38629212654590267 -0.5224972269216073 -0.6494156159080676 -0.7268048774851729 -0.7794295753576006 -0.9094435348071335 -0.8955134677232585 -0.999215078236582 -1.0255274271727914 -1.0766043398136873 -1.1044644739814462 -0.8444365550823715 +39749,-0.264017093254082,2,0.38605270399360037 0.38605270399360037 0.26068210023868954 0.18329283866158427 0.06720894629592637 -0.15257655658304622 -0.324380717284222 -0.38629212654590267 -0.5224972269216073 -0.6494156159080676 -0.7268048774851729 -0.7794295753576006 -0.9094435348071335 -0.8955134677232585 -0.999215078236582 -1.0255274271727914 -1.0766043398136873 -1.1044644739814462 -0.8444365550823715 -0.4853503813646041 +39750,-0.06899615407977817,2,0.38605270399360037 0.26068210023868954 0.18329283866158427 0.06720894629592637 -0.15257655658304622 -0.324380717284222 -0.38629212654590267 -0.5224972269216073 -0.6494156159080676 -0.7268048774851729 -0.7794295753576006 -0.9094435348071335 -0.8955134677232585 -0.999215078236582 -1.0255274271727914 -1.0766043398136873 -1.1044644739814462 -0.8444365550823715 -0.4853503813646041 -0.264017093254082 +39751,0.07494787245363867,2,0.26068210023868954 0.18329283866158427 0.06720894629592637 -0.15257655658304622 -0.324380717284222 -0.38629212654590267 -0.5224972269216073 -0.6494156159080676 -0.7268048774851729 -0.7794295753576006 -0.9094435348071335 -0.8955134677232585 -0.999215078236582 -1.0255274271727914 -1.0766043398136873 -1.1044644739814462 -0.8444365550823715 -0.4853503813646041 -0.264017093254082 -0.06899615407977817 +39752,0.22972639560784916,2,0.18329283866158427 0.06720894629592637 -0.15257655658304622 -0.324380717284222 -0.38629212654590267 -0.5224972269216073 -0.6494156159080676 -0.7268048774851729 -0.7794295753576006 -0.9094435348071335 -0.8955134677232585 -0.999215078236582 -1.0255274271727914 -1.0766043398136873 -1.1044644739814462 -0.8444365550823715 -0.4853503813646041 -0.264017093254082 -0.06899615407977817 0.07494787245363867 +39753,0.29473337533262006,2,0.06720894629592637 -0.15257655658304622 -0.324380717284222 -0.38629212654590267 -0.5224972269216073 -0.6494156159080676 -0.7268048774851729 -0.7794295753576006 -0.9094435348071335 -0.8955134677232585 -0.999215078236582 -1.0255274271727914 -1.0766043398136873 -1.1044644739814462 -0.8444365550823715 -0.4853503813646041 -0.264017093254082 -0.06899615407977817 0.07494787245363867 0.22972639560784916 +39754,0.3179501538057481,2,-0.15257655658304622 -0.324380717284222 -0.38629212654590267 -0.5224972269216073 -0.6494156159080676 -0.7268048774851729 -0.7794295753576006 -0.9094435348071335 -0.8955134677232585 -0.999215078236582 -1.0255274271727914 -1.0766043398136873 -1.1044644739814462 -0.8444365550823715 -0.4853503813646041 -0.264017093254082 -0.06899615407977817 0.07494787245363867 0.22972639560784916 0.29473337533262006 +39755,0.3086634424164951,2,-0.324380717284222 -0.38629212654590267 -0.5224972269216073 -0.6494156159080676 -0.7268048774851729 -0.7794295753576006 -0.9094435348071335 -0.8955134677232585 -0.999215078236582 -1.0255274271727914 -1.0766043398136873 -1.1044644739814462 -0.8444365550823715 -0.4853503813646041 -0.264017093254082 -0.06899615407977817 0.07494787245363867 0.22972639560784916 0.29473337533262006 0.3179501538057481 +39756,0.24984760361789585,2,-0.38629212654590267 -0.5224972269216073 -0.6494156159080676 -0.7268048774851729 -0.7794295753576006 -0.9094435348071335 -0.8955134677232585 -0.999215078236582 -1.0255274271727914 -1.0766043398136873 -1.1044644739814462 -0.8444365550823715 -0.4853503813646041 -0.264017093254082 -0.06899615407977817 0.07494787245363867 0.22972639560784916 0.29473337533262006 0.3179501538057481 0.3086634424164951 +39757,0.13376371125223796,2,-0.5224972269216073 -0.6494156159080676 -0.7268048774851729 -0.7794295753576006 -0.9094435348071335 -0.8955134677232585 -0.999215078236582 -1.0255274271727914 -1.0766043398136873 -1.1044644739814462 -0.8444365550823715 -0.4853503813646041 -0.264017093254082 -0.06899615407977817 0.07494787245363867 0.22972639560784916 0.29473337533262006 0.3179501538057481 0.3086634424164951 0.24984760361789585 +39758,-0.08756957685828413,2,-0.6494156159080676 -0.7268048774851729 -0.7794295753576006 -0.9094435348071335 -0.8955134677232585 -0.999215078236582 -1.0255274271727914 -1.0766043398136873 -1.1044644739814462 -0.8444365550823715 -0.4853503813646041 -0.264017093254082 -0.06899615407977817 0.07494787245363867 0.22972639560784916 0.29473337533262006 0.3179501538057481 0.3086634424164951 0.24984760361789585 0.13376371125223796 +39759,-0.2624693080225413,2,-0.7268048774851729 -0.7794295753576006 -0.9094435348071335 -0.8955134677232585 -0.999215078236582 -1.0255274271727914 -1.0766043398136873 -1.1044644739814462 -0.8444365550823715 -0.4853503813646041 -0.264017093254082 -0.06899615407977817 0.07494787245363867 0.22972639560784916 0.29473337533262006 0.3179501538057481 0.3086634424164951 0.24984760361789585 0.13376371125223796 -0.08756957685828413 +39760,-0.39712662316670516,2,-0.7794295753576006 -0.9094435348071335 -0.8955134677232585 -0.999215078236582 -1.0255274271727914 -1.0766043398136873 -1.1044644739814462 -0.8444365550823715 -0.4853503813646041 -0.264017093254082 -0.06899615407977817 0.07494787245363867 0.22972639560784916 0.29473337533262006 0.3179501538057481 0.3086634424164951 0.24984760361789585 0.13376371125223796 -0.08756957685828413 -0.2624693080225413 +39761,-0.41879561640829255,2,-0.9094435348071335 -0.8955134677232585 -0.999215078236582 -1.0255274271727914 -1.0766043398136873 -1.1044644739814462 -0.8444365550823715 -0.4853503813646041 -0.264017093254082 -0.06899615407977817 0.07494787245363867 0.22972639560784916 0.29473337533262006 0.3179501538057481 0.3086634424164951 0.24984760361789585 0.13376371125223796 -0.08756957685828413 -0.2624693080225413 -0.39712662316670516 +39762,-0.5348795087739504,2,-0.8955134677232585 -0.999215078236582 -1.0255274271727914 -1.0766043398136873 -1.1044644739814462 -0.8444365550823715 -0.4853503813646041 -0.264017093254082 -0.06899615407977817 0.07494787245363867 0.22972639560784916 0.29473337533262006 0.3179501538057481 0.3086634424164951 0.24984760361789585 0.13376371125223796 -0.08756957685828413 -0.2624693080225413 -0.39712662316670516 -0.41879561640829255 +39763,-0.610720985119515,2,-0.999215078236582 -1.0255274271727914 -1.0766043398136873 -1.1044644739814462 -0.8444365550823715 -0.4853503813646041 -0.264017093254082 -0.06899615407977817 0.07494787245363867 0.22972639560784916 0.29473337533262006 0.3179501538057481 0.3086634424164951 0.24984760361789585 0.13376371125223796 -0.08756957685828413 -0.2624693080225413 -0.39712662316670516 -0.41879561640829255 -0.5348795087739504 +39764,-0.7794295753576006,2,-1.0255274271727914 -1.0766043398136873 -1.1044644739814462 -0.8444365550823715 -0.4853503813646041 -0.264017093254082 -0.06899615407977817 0.07494787245363867 0.22972639560784916 0.29473337533262006 0.3179501538057481 0.3086634424164951 0.24984760361789585 0.13376371125223796 -0.08756957685828413 -0.2624693080225413 -0.39712662316670516 -0.41879561640829255 -0.5348795087739504 -0.610720985119515 +39765,-0.9094435348071335,2,-1.0766043398136873 -1.1044644739814462 -0.8444365550823715 -0.4853503813646041 -0.264017093254082 -0.06899615407977817 0.07494787245363867 0.22972639560784916 0.29473337533262006 0.3179501538057481 0.3086634424164951 0.24984760361789585 0.13376371125223796 -0.08756957685828413 -0.2624693080225413 -0.39712662316670516 -0.41879561640829255 -0.5348795087739504 -0.610720985119515 -0.7794295753576006 +39766,-0.9218258166594767,2,-1.1044644739814462 -0.8444365550823715 -0.4853503813646041 -0.264017093254082 -0.06899615407977817 0.07494787245363867 0.22972639560784916 0.29473337533262006 0.3179501538057481 0.3086634424164951 0.24984760361789585 0.13376371125223796 -0.08756957685828413 -0.2624693080225413 -0.39712662316670516 -0.41879561640829255 -0.5348795087739504 -0.610720985119515 -0.7794295753576006 -0.9094435348071335 +39767,-1.0379097090251346,2,-0.8444365550823715 -0.4853503813646041 -0.264017093254082 -0.06899615407977817 0.07494787245363867 0.22972639560784916 0.29473337533262006 0.3179501538057481 0.3086634424164951 0.24984760361789585 0.13376371125223796 -0.08756957685828413 -0.2624693080225413 -0.39712662316670516 -0.41879561640829255 -0.5348795087739504 -0.610720985119515 -0.7794295753576006 -0.9094435348071335 -0.9218258166594767 +39768,-1.0766043398136873,2,-0.4853503813646041 -0.264017093254082 -0.06899615407977817 0.07494787245363867 0.22972639560784916 0.29473337533262006 0.3179501538057481 0.3086634424164951 0.24984760361789585 0.13376371125223796 -0.08756957685828413 -0.2624693080225413 -0.39712662316670516 -0.41879561640829255 -0.5348795087739504 -0.610720985119515 -0.7794295753576006 -0.9094435348071335 -0.9218258166594767 -1.0379097090251346 +39769,-1.1539936013907925,2,-0.264017093254082 -0.06899615407977817 0.07494787245363867 0.22972639560784916 0.29473337533262006 0.3179501538057481 0.3086634424164951 0.24984760361789585 0.13376371125223796 -0.08756957685828413 -0.2624693080225413 -0.39712662316670516 -0.41879561640829255 -0.5348795087739504 -0.610720985119515 -0.7794295753576006 -0.9094435348071335 -0.9218258166594767 -1.0379097090251346 -1.0766043398136873 +39770,-1.0704131988875156,2,-0.06899615407977817 0.07494787245363867 0.22972639560784916 0.29473337533262006 0.3179501538057481 0.3086634424164951 0.24984760361789585 0.13376371125223796 -0.08756957685828413 -0.2624693080225413 -0.39712662316670516 -0.41879561640829255 -0.5348795087739504 -0.610720985119515 -0.7794295753576006 -0.9094435348071335 -0.9218258166594767 -1.0379097090251346 -1.0766043398136873 -1.1539936013907925 +39771,-0.675727964844277,2,0.07494787245363867 0.22972639560784916 0.29473337533262006 0.3179501538057481 0.3086634424164951 0.24984760361789585 0.13376371125223796 -0.08756957685828413 -0.2624693080225413 -0.39712662316670516 -0.41879561640829255 -0.5348795087739504 -0.610720985119515 -0.7794295753576006 -0.9094435348071335 -0.9218258166594767 -1.0379097090251346 -1.0766043398136873 -1.1539936013907925 -1.0704131988875156 +39772,-0.23460917385478236,2,0.22972639560784916 0.29473337533262006 0.3179501538057481 0.3086634424164951 0.24984760361789585 0.13376371125223796 -0.08756957685828413 -0.2624693080225413 -0.39712662316670516 -0.41879561640829255 -0.5348795087739504 -0.610720985119515 -0.7794295753576006 -0.9094435348071335 -0.9218258166594767 -1.0379097090251346 -1.0766043398136873 -1.1539936013907925 -1.0704131988875156 -0.675727964844277 +39773,0.17091055680924988,2,0.29473337533262006 0.3179501538057481 0.3086634424164951 0.24984760361789585 0.13376371125223796 -0.08756957685828413 -0.2624693080225413 -0.39712662316670516 -0.41879561640829255 -0.5348795087739504 -0.610720985119515 -0.7794295753576006 -0.9094435348071335 -0.9218258166594767 -1.0379097090251346 -1.0766043398136873 -1.1539936013907925 -1.0704131988875156 -0.675727964844277 -0.23460917385478236 +39774,0.3953394153828534,2,0.3179501538057481 0.3086634424164951 0.24984760361789585 0.13376371125223796 -0.08756957685828413 -0.2624693080225413 -0.39712662316670516 -0.41879561640829255 -0.5348795087739504 -0.610720985119515 -0.7794295753576006 -0.9094435348071335 -0.9218258166594767 -1.0379097090251346 -1.0766043398136873 -1.1539936013907925 -1.0704131988875156 -0.675727964844277 -0.23460917385478236 0.17091055680924988 +39775,0.5888125693256165,2,0.3086634424164951 0.24984760361789585 0.13376371125223796 -0.08756957685828413 -0.2624693080225413 -0.39712662316670516 -0.41879561640829255 -0.5348795087739504 -0.610720985119515 -0.7794295753576006 -0.9094435348071335 -0.9218258166594767 -1.0379097090251346 -1.0766043398136873 -1.1539936013907925 -1.0704131988875156 -0.675727964844277 -0.23460917385478236 0.17091055680924988 0.3953394153828534 +39776,0.7203743140066989,2,0.24984760361789585 0.13376371125223796 -0.08756957685828413 -0.2624693080225413 -0.39712662316670516 -0.41879561640829255 -0.5348795087739504 -0.610720985119515 -0.7794295753576006 -0.9094435348071335 -0.9218258166594767 -1.0379097090251346 -1.0766043398136873 -1.1539936013907925 -1.0704131988875156 -0.675727964844277 -0.23460917385478236 0.17091055680924988 0.3953394153828534 0.5888125693256165 +39777,0.8209803540569323,2,0.13376371125223796 -0.08756957685828413 -0.2624693080225413 -0.39712662316670516 -0.41879561640829255 -0.5348795087739504 -0.610720985119515 -0.7794295753576006 -0.9094435348071335 -0.9218258166594767 -1.0379097090251346 -1.0766043398136873 -1.1539936013907925 -1.0704131988875156 -0.675727964844277 -0.23460917385478236 0.17091055680924988 0.3953394153828534 0.5888125693256165 0.7203743140066989 +39778,0.8767006223924502,2,-0.08756957685828413 -0.2624693080225413 -0.39712662316670516 -0.41879561640829255 -0.5348795087739504 -0.610720985119515 -0.7794295753576006 -0.9094435348071335 -0.9218258166594767 -1.0379097090251346 -1.0766043398136873 -1.1539936013907925 -1.0704131988875156 -0.675727964844277 -0.23460917385478236 0.17091055680924988 0.3953394153828534 0.5888125693256165 0.7203743140066989 0.8209803540569323 +39779,0.8875351190132439,2,-0.2624693080225413 -0.39712662316670516 -0.41879561640829255 -0.5348795087739504 -0.610720985119515 -0.7794295753576006 -0.9094435348071335 -0.9218258166594767 -1.0379097090251346 -1.0766043398136873 -1.1539936013907925 -1.0704131988875156 -0.675727964844277 -0.23460917385478236 0.17091055680924988 0.3953394153828534 0.5888125693256165 0.7203743140066989 0.8209803540569323 0.8767006223924502 +39780,0.7544255891006295,2,-0.39712662316670516 -0.41879561640829255 -0.5348795087739504 -0.610720985119515 -0.7794295753576006 -0.9094435348071335 -0.9218258166594767 -1.0379097090251346 -1.0766043398136873 -1.1539936013907925 -1.0704131988875156 -0.675727964844277 -0.23460917385478236 0.17091055680924988 0.3953394153828534 0.5888125693256165 0.7203743140066989 0.8209803540569323 0.8767006223924502 0.8875351190132439 +39781,0.6104815625672126,2,-0.41879561640829255 -0.5348795087739504 -0.610720985119515 -0.7794295753576006 -0.9094435348071335 -0.9218258166594767 -1.0379097090251346 -1.0766043398136873 -1.1539936013907925 -1.0704131988875156 -0.675727964844277 -0.23460917385478236 0.17091055680924988 0.3953394153828534 0.5888125693256165 0.7203743140066989 0.8209803540569323 0.8767006223924502 0.8875351190132439 0.7544255891006295 +39782,0.3767659926043474,2,-0.5348795087739504 -0.610720985119515 -0.7794295753576006 -0.9094435348071335 -0.9218258166594767 -1.0379097090251346 -1.0766043398136873 -1.1539936013907925 -1.0704131988875156 -0.675727964844277 -0.23460917385478236 0.17091055680924988 0.3953394153828534 0.5888125693256165 0.7203743140066989 0.8209803540569323 0.8767006223924502 0.8875351190132439 0.7544255891006295 0.6104815625672126 +39783,0.05792223490668219,2,-0.610720985119515 -0.7794295753576006 -0.9094435348071335 -0.9218258166594767 -1.0379097090251346 -1.0766043398136873 -1.1539936013907925 -1.0704131988875156 -0.675727964844277 -0.23460917385478236 0.17091055680924988 0.3953394153828534 0.5888125693256165 0.7203743140066989 0.8209803540569323 0.8767006223924502 0.8875351190132439 0.7544255891006295 0.6104815625672126 0.3767659926043474 +39784,-0.07363950977440026,2,-0.7794295753576006 -0.9094435348071335 -0.9218258166594767 -1.0379097090251346 -1.0766043398136873 -1.1539936013907925 -1.0704131988875156 -0.675727964844277 -0.23460917385478236 0.17091055680924988 0.3953394153828534 0.5888125693256165 0.7203743140066989 0.8209803540569323 0.8767006223924502 0.8875351190132439 0.7544255891006295 0.6104815625672126 0.3767659926043474 0.05792223490668219 +39785,-0.2516348114017388,2,-0.9094435348071335 -0.9218258166594767 -1.0379097090251346 -1.0766043398136873 -1.1539936013907925 -1.0704131988875156 -0.675727964844277 -0.23460917385478236 0.17091055680924988 0.3953394153828534 0.5888125693256165 0.7203743140066989 0.8209803540569323 0.8767006223924502 0.8875351190132439 0.7544255891006295 0.6104815625672126 0.3767659926043474 0.05792223490668219 -0.07363950977440026 +39786,-0.28878165695875074,2,-0.9218258166594767 -1.0379097090251346 -1.0766043398136873 -1.1539936013907925 -1.0704131988875156 -0.675727964844277 -0.23460917385478236 0.17091055680924988 0.3953394153828534 0.5888125693256165 0.7203743140066989 0.8209803540569323 0.8767006223924502 0.8875351190132439 0.7544255891006295 0.6104815625672126 0.3767659926043474 0.05792223490668219 -0.07363950977440026 -0.2516348114017388 +39787,-0.4420123948814206,2,-1.0379097090251346 -1.0766043398136873 -1.1539936013907925 -1.0704131988875156 -0.675727964844277 -0.23460917385478236 0.17091055680924988 0.3953394153828534 0.5888125693256165 0.7203743140066989 0.8209803540569323 0.8767006223924502 0.8875351190132439 0.7544255891006295 0.6104815625672126 0.3767659926043474 0.05792223490668219 -0.07363950977440026 -0.2516348114017388 -0.28878165695875074 +39788,-0.5596440724786191,2,-1.0766043398136873 -1.1539936013907925 -1.0704131988875156 -0.675727964844277 -0.23460917385478236 0.17091055680924988 0.3953394153828534 0.5888125693256165 0.7203743140066989 0.8209803540569323 0.8767006223924502 0.8875351190132439 0.7544255891006295 0.6104815625672126 0.3767659926043474 0.05792223490668219 -0.07363950977440026 -0.2516348114017388 -0.28878165695875074 -0.4420123948814206 +39789,-0.6370333340557244,2,-1.1539936013907925 -1.0704131988875156 -0.675727964844277 -0.23460917385478236 0.17091055680924988 0.3953394153828534 0.5888125693256165 0.7203743140066989 0.8209803540569323 0.8767006223924502 0.8875351190132439 0.7544255891006295 0.6104815625672126 0.3767659926043474 0.05792223490668219 -0.07363950977440026 -0.2516348114017388 -0.28878165695875074 -0.4420123948814206 -0.5596440724786191 +39790,-0.703588099012036,2,-1.0704131988875156 -0.675727964844277 -0.23460917385478236 0.17091055680924988 0.3953394153828534 0.5888125693256165 0.7203743140066989 0.8209803540569323 0.8767006223924502 0.8875351190132439 0.7544255891006295 0.6104815625672126 0.3767659926043474 0.05792223490668219 -0.07363950977440026 -0.2516348114017388 -0.28878165695875074 -0.4420123948814206 -0.5596440724786191 -0.6370333340557244 +39791,-0.7391871593375072,2,-0.675727964844277 -0.23460917385478236 0.17091055680924988 0.3953394153828534 0.5888125693256165 0.7203743140066989 0.8209803540569323 0.8767006223924502 0.8875351190132439 0.7544255891006295 0.6104815625672126 0.3767659926043474 0.05792223490668219 -0.07363950977440026 -0.2516348114017388 -0.28878165695875074 -0.4420123948814206 -0.5596440724786191 -0.6370333340557244 -0.703588099012036 +39792,-0.7391871593375072,2,-0.23460917385478236 0.17091055680924988 0.3953394153828534 0.5888125693256165 0.7203743140066989 0.8209803540569323 0.8767006223924502 0.8875351190132439 0.7544255891006295 0.6104815625672126 0.3767659926043474 0.05792223490668219 -0.07363950977440026 -0.2516348114017388 -0.28878165695875074 -0.4420123948814206 -0.5596440724786191 -0.6370333340557244 -0.703588099012036 -0.7391871593375072 +39793,-0.7980029981361065,2,0.17091055680924988 0.3953394153828534 0.5888125693256165 0.7203743140066989 0.8209803540569323 0.8767006223924502 0.8875351190132439 0.7544255891006295 0.6104815625672126 0.3767659926043474 0.05792223490668219 -0.07363950977440026 -0.2516348114017388 -0.28878165695875074 -0.4420123948814206 -0.5596440724786191 -0.6370333340557244 -0.703588099012036 -0.7391871593375072 -0.7391871593375072 +39794,-0.8506276960085343,2,0.3953394153828534 0.5888125693256165 0.7203743140066989 0.8209803540569323 0.8767006223924502 0.8875351190132439 0.7544255891006295 0.6104815625672126 0.3767659926043474 0.05792223490668219 -0.07363950977440026 -0.2516348114017388 -0.28878165695875074 -0.4420123948814206 -0.5596440724786191 -0.6370333340557244 -0.703588099012036 -0.7391871593375072 -0.7391871593375072 -0.7980029981361065 +39795,-0.5209494416900665,2,0.5888125693256165 0.7203743140066989 0.8209803540569323 0.8767006223924502 0.8875351190132439 0.7544255891006295 0.6104815625672126 0.3767659926043474 0.05792223490668219 -0.07363950977440026 -0.2516348114017388 -0.28878165695875074 -0.4420123948814206 -0.5596440724786191 -0.6370333340557244 -0.703588099012036 -0.7391871593375072 -0.7391871593375072 -0.7980029981361065 -0.8506276960085343 +39796,-0.16960219413001149,2,0.7203743140066989 0.8209803540569323 0.8767006223924502 0.8875351190132439 0.7544255891006295 0.6104815625672126 0.3767659926043474 0.05792223490668219 -0.07363950977440026 -0.2516348114017388 -0.28878165695875074 -0.4420123948814206 -0.5596440724786191 -0.6370333340557244 -0.703588099012036 -0.7391871593375072 -0.7391871593375072 -0.7980029981361065 -0.8506276960085343 -0.5209494416900665 +39797,0.16781498634616848,2,0.8209803540569323 0.8767006223924502 0.8875351190132439 0.7544255891006295 0.6104815625672126 0.3767659926043474 0.05792223490668219 -0.07363950977440026 -0.2516348114017388 -0.28878165695875074 -0.4420123948814206 -0.5596440724786191 -0.6370333340557244 -0.703588099012036 -0.7391871593375072 -0.7391871593375072 -0.7980029981361065 -0.8506276960085343 -0.5209494416900665 -0.16960219413001149 +39798,0.5222578043693137,2,0.8767006223924502 0.8875351190132439 0.7544255891006295 0.6104815625672126 0.3767659926043474 0.05792223490668219 -0.07363950977440026 -0.2516348114017388 -0.28878165695875074 -0.4420123948814206 -0.5596440724786191 -0.6370333340557244 -0.703588099012036 -0.7391871593375072 -0.7391871593375072 -0.7980029981361065 -0.8506276960085343 -0.5209494416900665 -0.16960219413001149 0.16781498634616848 +39799,0.7760945823422168,2,0.8875351190132439 0.7544255891006295 0.6104815625672126 0.3767659926043474 0.05792223490668219 -0.07363950977440026 -0.2516348114017388 -0.28878165695875074 -0.4420123948814206 -0.5596440724786191 -0.6370333340557244 -0.703588099012036 -0.7391871593375072 -0.7391871593375072 -0.7980029981361065 -0.8506276960085343 -0.5209494416900665 -0.16960219413001149 0.16781498634616848 0.5222578043693137 +39800,0.8859873337817031,2,0.7544255891006295 0.6104815625672126 0.3767659926043474 0.05792223490668219 -0.07363950977440026 -0.2516348114017388 -0.28878165695875074 -0.4420123948814206 -0.5596440724786191 -0.6370333340557244 -0.703588099012036 -0.7391871593375072 -0.7391871593375072 -0.7980029981361065 -0.8506276960085343 -0.5209494416900665 -0.16960219413001149 0.16781498634616848 0.5222578043693137 0.7760945823422168 +39801,0.9308731054964273,2,0.6104815625672126 0.3767659926043474 0.05792223490668219 -0.07363950977440026 -0.2516348114017388 -0.28878165695875074 -0.4420123948814206 -0.5596440724786191 -0.6370333340557244 -0.703588099012036 -0.7391871593375072 -0.7391871593375072 -0.7980029981361065 -0.8506276960085343 -0.5209494416900665 -0.16960219413001149 0.16781498634616848 0.5222578043693137 0.7760945823422168 0.8859873337817031 +39802,0.8581271996139442,2,0.3767659926043474 0.05792223490668219 -0.07363950977440026 -0.2516348114017388 -0.28878165695875074 -0.4420123948814206 -0.5596440724786191 -0.6370333340557244 -0.703588099012036 -0.7391871593375072 -0.7391871593375072 -0.7980029981361065 -0.8506276960085343 -0.5209494416900665 -0.16960219413001149 0.16781498634616848 0.5222578043693137 0.7760945823422168 0.8859873337817031 0.9308731054964273 +39803,0.8302670654461852,2,0.05792223490668219 -0.07363950977440026 -0.2516348114017388 -0.28878165695875074 -0.4420123948814206 -0.5596440724786191 -0.6370333340557244 -0.703588099012036 -0.7391871593375072 -0.7391871593375072 -0.7980029981361065 -0.8506276960085343 -0.5209494416900665 -0.16960219413001149 0.16781498634616848 0.5222578043693137 0.7760945823422168 0.8859873337817031 0.9308731054964273 0.8581271996139442 +39804,0.5857169988625351,2,-0.07363950977440026 -0.2516348114017388 -0.28878165695875074 -0.4420123948814206 -0.5596440724786191 -0.6370333340557244 -0.703588099012036 -0.7391871593375072 -0.7391871593375072 -0.7980029981361065 -0.8506276960085343 -0.5209494416900665 -0.16960219413001149 0.16781498634616848 0.5222578043693137 0.7760945823422168 0.8859873337817031 0.9308731054964273 0.8581271996139442 0.8302670654461852 +39805,0.45725082464454286,2,-0.2516348114017388 -0.28878165695875074 -0.4420123948814206 -0.5596440724786191 -0.6370333340557244 -0.703588099012036 -0.7391871593375072 -0.7391871593375072 -0.7980029981361065 -0.8506276960085343 -0.5209494416900665 -0.16960219413001149 0.16781498634616848 0.5222578043693137 0.7760945823422168 0.8859873337817031 0.9308731054964273 0.8581271996139442 0.8302670654461852 0.5857169988625351 +39806,0.15388491926228462,2,-0.28878165695875074 -0.4420123948814206 -0.5596440724786191 -0.6370333340557244 -0.703588099012036 -0.7391871593375072 -0.7391871593375072 -0.7980029981361065 -0.8506276960085343 -0.5209494416900665 -0.16960219413001149 0.16781498634616848 0.5222578043693137 0.7760945823422168 0.8859873337817031 0.9308731054964273 0.8581271996139442 0.8302670654461852 0.5857169988625351 0.45725082464454286 +39807,-0.01637145620734167,2,-0.4420123948814206 -0.5596440724786191 -0.6370333340557244 -0.703588099012036 -0.7391871593375072 -0.7391871593375072 -0.7980029981361065 -0.8506276960085343 -0.5209494416900665 -0.16960219413001149 0.16781498634616848 0.5222578043693137 0.7760945823422168 0.8859873337817031 0.9308731054964273 0.8581271996139442 0.8302670654461852 0.5857169988625351 0.45725082464454286 0.15388491926228462 +39808,-0.23925252954940446,2,-0.5596440724786191 -0.6370333340557244 -0.703588099012036 -0.7391871593375072 -0.7391871593375072 -0.7980029981361065 -0.8506276960085343 -0.5209494416900665 -0.16960219413001149 0.16781498634616848 0.5222578043693137 0.7760945823422168 0.8859873337817031 0.9308731054964273 0.8581271996139442 0.8302670654461852 0.5857169988625351 0.45725082464454286 0.15388491926228462 -0.01637145620734167 +39809,-0.273303804643335,2,-0.6370333340557244 -0.703588099012036 -0.7391871593375072 -0.7391871593375072 -0.7980029981361065 -0.8506276960085343 -0.5209494416900665 -0.16960219413001149 0.16781498634616848 0.5222578043693137 0.7760945823422168 0.8859873337817031 0.9308731054964273 0.8581271996139442 0.8302670654461852 0.5857169988625351 0.45725082464454286 0.15388491926228462 -0.01637145620734167 -0.23925252954940446 +39810,-0.40331776409286796,2,-0.703588099012036 -0.7391871593375072 -0.7391871593375072 -0.7980029981361065 -0.8506276960085343 -0.5209494416900665 -0.16960219413001149 0.16781498634616848 0.5222578043693137 0.7760945823422168 0.8859873337817031 0.9308731054964273 0.8581271996139442 0.8302670654461852 0.5857169988625351 0.45725082464454286 0.15388491926228462 -0.01637145620734167 -0.23925252954940446 -0.273303804643335 +39811,-0.4296301130290862,2,-0.7391871593375072 -0.7391871593375072 -0.7980029981361065 -0.8506276960085343 -0.5209494416900665 -0.16960219413001149 0.16781498634616848 0.5222578043693137 0.7760945823422168 0.8859873337817031 0.9308731054964273 0.8581271996139442 0.8302670654461852 0.5857169988625351 0.45725082464454286 0.15388491926228462 -0.01637145620734167 -0.23925252954940446 -0.273303804643335 -0.40331776409286796 +39812,-0.620007696508768,2,-0.7391871593375072 -0.7980029981361065 -0.8506276960085343 -0.5209494416900665 -0.16960219413001149 0.16781498634616848 0.5222578043693137 0.7760945823422168 0.8859873337817031 0.9308731054964273 0.8581271996139442 0.8302670654461852 0.5857169988625351 0.45725082464454286 0.15388491926228462 -0.01637145620734167 -0.23925252954940446 -0.273303804643335 -0.40331776409286796 -0.4296301130290862 +39813,-0.6370333340557244,2,-0.7980029981361065 -0.8506276960085343 -0.5209494416900665 -0.16960219413001149 0.16781498634616848 0.5222578043693137 0.7760945823422168 0.8859873337817031 0.9308731054964273 0.8581271996139442 0.8302670654461852 0.5857169988625351 0.45725082464454286 0.15388491926228462 -0.01637145620734167 -0.23925252954940446 -0.273303804643335 -0.40331776409286796 -0.4296301130290862 -0.620007696508768 +39814,-0.7268048774851729,2,-0.8506276960085343 -0.5209494416900665 -0.16960219413001149 0.16781498634616848 0.5222578043693137 0.7760945823422168 0.8859873337817031 0.9308731054964273 0.8581271996139442 0.8302670654461852 0.5857169988625351 0.45725082464454286 0.15388491926228462 -0.01637145620734167 -0.23925252954940446 -0.273303804643335 -0.40331776409286796 -0.4296301130290862 -0.620007696508768 -0.6370333340557244 +39815,-0.7268048774851729,2,-0.5209494416900665 -0.16960219413001149 0.16781498634616848 0.5222578043693137 0.7760945823422168 0.8859873337817031 0.9308731054964273 0.8581271996139442 0.8302670654461852 0.5857169988625351 0.45725082464454286 0.15388491926228462 -0.01637145620734167 -0.23925252954940446 -0.273303804643335 -0.40331776409286796 -0.4296301130290862 -0.620007696508768 -0.6370333340557244 -0.7268048774851729 +39816,-0.8103852799884409,2,-0.16960219413001149 0.16781498634616848 0.5222578043693137 0.7760945823422168 0.8859873337817031 0.9308731054964273 0.8581271996139442 0.8302670654461852 0.5857169988625351 0.45725082464454286 0.15388491926228462 -0.01637145620734167 -0.23925252954940446 -0.273303804643335 -0.40331776409286796 -0.4296301130290862 -0.620007696508768 -0.6370333340557244 -0.7268048774851729 -0.7268048774851729 +39817,-0.7654995082737255,2,0.16781498634616848 0.5222578043693137 0.7760945823422168 0.8859873337817031 0.9308731054964273 0.8581271996139442 0.8302670654461852 0.5857169988625351 0.45725082464454286 0.15388491926228462 -0.01637145620734167 -0.23925252954940446 -0.273303804643335 -0.40331776409286796 -0.4296301130290862 -0.620007696508768 -0.6370333340557244 -0.7268048774851729 -0.7268048774851729 -0.8103852799884409 +39818,-0.7716906491998883,2,0.5222578043693137 0.7760945823422168 0.8859873337817031 0.9308731054964273 0.8581271996139442 0.8302670654461852 0.5857169988625351 0.45725082464454286 0.15388491926228462 -0.01637145620734167 -0.23925252954940446 -0.273303804643335 -0.40331776409286796 -0.4296301130290862 -0.620007696508768 -0.6370333340557244 -0.7268048774851729 -0.7268048774851729 -0.8103852799884409 -0.7654995082737255 +39819,-0.48999373705922616,2,0.7760945823422168 0.8859873337817031 0.9308731054964273 0.8581271996139442 0.8302670654461852 0.5857169988625351 0.45725082464454286 0.15388491926228462 -0.01637145620734167 -0.23925252954940446 -0.273303804643335 -0.40331776409286796 -0.4296301130290862 -0.620007696508768 -0.6370333340557244 -0.7268048774851729 -0.7268048774851729 -0.8103852799884409 -0.7654995082737255 -0.7716906491998883 +39820,-0.19127118737159884,2,0.8859873337817031 0.9308731054964273 0.8581271996139442 0.8302670654461852 0.5857169988625351 0.45725082464454286 0.15388491926228462 -0.01637145620734167 -0.23925252954940446 -0.273303804643335 -0.40331776409286796 -0.4296301130290862 -0.620007696508768 -0.6370333340557244 -0.7268048774851729 -0.7268048774851729 -0.8103852799884409 -0.7654995082737255 -0.7716906491998883 -0.48999373705922616 +39821,0.16007606018845622,2,0.9308731054964273 0.8581271996139442 0.8302670654461852 0.5857169988625351 0.45725082464454286 0.15388491926228462 -0.01637145620734167 -0.23925252954940446 -0.273303804643335 -0.40331776409286796 -0.4296301130290862 -0.620007696508768 -0.6370333340557244 -0.7268048774851729 -0.7268048774851729 -0.8103852799884409 -0.7654995082737255 -0.7716906491998883 -0.48999373705922616 -0.19127118737159884 +39822,0.3953394153828534,2,0.8581271996139442 0.8302670654461852 0.5857169988625351 0.45725082464454286 0.15388491926228462 -0.01637145620734167 -0.23925252954940446 -0.273303804643335 -0.40331776409286796 -0.4296301130290862 -0.620007696508768 -0.6370333340557244 -0.7268048774851729 -0.7268048774851729 -0.8103852799884409 -0.7654995082737255 -0.7716906491998883 -0.48999373705922616 -0.19127118737159884 0.16007606018845622 +39823,0.6352461262718814,2,0.8302670654461852 0.5857169988625351 0.45725082464454286 0.15388491926228462 -0.01637145620734167 -0.23925252954940446 -0.273303804643335 -0.40331776409286796 -0.4296301130290862 -0.620007696508768 -0.6370333340557244 -0.7268048774851729 -0.7268048774851729 -0.8103852799884409 -0.7654995082737255 -0.7716906491998883 -0.48999373705922616 -0.19127118737159884 0.16007606018845622 0.3953394153828534 +39824,0.7822857232683796,2,0.5857169988625351 0.45725082464454286 0.15388491926228462 -0.01637145620734167 -0.23925252954940446 -0.273303804643335 -0.40331776409286796 -0.4296301130290862 -0.620007696508768 -0.6370333340557244 -0.7268048774851729 -0.7268048774851729 -0.8103852799884409 -0.7654995082737255 -0.7716906491998883 -0.48999373705922616 -0.19127118737159884 0.16007606018845622 0.3953394153828534 0.6352461262718814 +39825,0.8209803540569323,2,0.45725082464454286 0.15388491926228462 -0.01637145620734167 -0.23925252954940446 -0.273303804643335 -0.40331776409286796 -0.4296301130290862 -0.620007696508768 -0.6370333340557244 -0.7268048774851729 -0.7268048774851729 -0.8103852799884409 -0.7654995082737255 -0.7716906491998883 -0.48999373705922616 -0.19127118737159884 0.16007606018845622 0.3953394153828534 0.6352461262718814 0.7822857232683796 +39826,0.7931202198891821,2,0.15388491926228462 -0.01637145620734167 -0.23925252954940446 -0.273303804643335 -0.40331776409286796 -0.4296301130290862 -0.620007696508768 -0.6370333340557244 -0.7268048774851729 -0.7268048774851729 -0.8103852799884409 -0.7654995082737255 -0.7716906491998883 -0.48999373705922616 -0.19127118737159884 0.16007606018845622 0.3953394153828534 0.6352461262718814 0.7822857232683796 0.8209803540569323 +39827,0.7637123004898737,2,-0.01637145620734167 -0.23925252954940446 -0.273303804643335 -0.40331776409286796 -0.4296301130290862 -0.620007696508768 -0.6370333340557244 -0.7268048774851729 -0.7268048774851729 -0.8103852799884409 -0.7654995082737255 -0.7716906491998883 -0.48999373705922616 -0.19127118737159884 0.16007606018845622 0.3953394153828534 0.6352461262718814 0.7822857232683796 0.8209803540569323 0.7931202198891821 +39828,0.6956097503020214,2,-0.23925252954940446 -0.273303804643335 -0.40331776409286796 -0.4296301130290862 -0.620007696508768 -0.6370333340557244 -0.7268048774851729 -0.7268048774851729 -0.8103852799884409 -0.7654995082737255 -0.7716906491998883 -0.48999373705922616 -0.19127118737159884 0.16007606018845622 0.3953394153828534 0.6352461262718814 0.7822857232683796 0.8209803540569323 0.7931202198891821 0.7637123004898737 +39829,0.5423790123793604,2,-0.273303804643335 -0.40331776409286796 -0.4296301130290862 -0.620007696508768 -0.6370333340557244 -0.7268048774851729 -0.7268048774851729 -0.8103852799884409 -0.7654995082737255 -0.7716906491998883 -0.48999373705922616 -0.19127118737159884 0.16007606018845622 0.3953394153828534 0.6352461262718814 0.7822857232683796 0.8209803540569323 0.7931202198891821 0.7637123004898737 0.6956097503020214 +39830,0.23436975130248006,2,-0.40331776409286796 -0.4296301130290862 -0.620007696508768 -0.6370333340557244 -0.7268048774851729 -0.7268048774851729 -0.8103852799884409 -0.7654995082737255 -0.7716906491998883 -0.48999373705922616 -0.19127118737159884 0.16007606018845622 0.3953394153828534 0.6352461262718814 0.7822857232683796 0.8209803540569323 0.7931202198891821 0.7637123004898737 0.6956097503020214 0.5423790123793604 +39831,-0.0008936038919258983,2,-0.4296301130290862 -0.620007696508768 -0.6370333340557244 -0.7268048774851729 -0.7268048774851729 -0.8103852799884409 -0.7654995082737255 -0.7716906491998883 -0.48999373705922616 -0.19127118737159884 0.16007606018845622 0.3953394153828534 0.6352461262718814 0.7822857232683796 0.8209803540569323 0.7931202198891821 0.7637123004898737 0.6956097503020214 0.5423790123793604 0.23436975130248006 +39832,-0.10614299963678131,2,-0.620007696508768 -0.6370333340557244 -0.7268048774851729 -0.7268048774851729 -0.8103852799884409 -0.7654995082737255 -0.7716906491998883 -0.48999373705922616 -0.19127118737159884 0.16007606018845622 0.3953394153828534 0.6352461262718814 0.7822857232683796 0.8209803540569323 0.7931202198891821 0.7637123004898737 0.6956097503020214 0.5423790123793604 0.23436975130248006 -0.0008936038919258983 +39833,-0.20210568399239254,2,-0.6370333340557244 -0.7268048774851729 -0.7268048774851729 -0.8103852799884409 -0.7654995082737255 -0.7716906491998883 -0.48999373705922616 -0.19127118737159884 0.16007606018845622 0.3953394153828534 0.6352461262718814 0.7822857232683796 0.8209803540569323 0.7931202198891821 0.7637123004898737 0.6956097503020214 0.5423790123793604 0.23436975130248006 -0.0008936038919258983 -0.10614299963678131 +39834,-0.2237746772339887,2,-0.7268048774851729 -0.7268048774851729 -0.8103852799884409 -0.7654995082737255 -0.7716906491998883 -0.48999373705922616 -0.19127118737159884 0.16007606018845622 0.3953394153828534 0.6352461262718814 0.7822857232683796 0.8209803540569323 0.7931202198891821 0.7637123004898737 0.6956097503020214 0.5423790123793604 0.23436975130248006 -0.0008936038919258983 -0.10614299963678131 -0.20210568399239254 +39835,-0.24853924093865745,2,-0.7268048774851729 -0.8103852799884409 -0.7654995082737255 -0.7716906491998883 -0.48999373705922616 -0.19127118737159884 0.16007606018845622 0.3953394153828534 0.6352461262718814 0.7822857232683796 0.8209803540569323 0.7931202198891821 0.7637123004898737 0.6956097503020214 0.5423790123793604 0.23436975130248006 -0.0008936038919258983 -0.10614299963678131 -0.20210568399239254 -0.2237746772339887 +39836,-0.2624693080225413,2,-0.8103852799884409 -0.7654995082737255 -0.7716906491998883 -0.48999373705922616 -0.19127118737159884 0.16007606018845622 0.3953394153828534 0.6352461262718814 0.7822857232683796 0.8209803540569323 0.7931202198891821 0.7637123004898737 0.6956097503020214 0.5423790123793604 0.23436975130248006 -0.0008936038919258983 -0.10614299963678131 -0.20210568399239254 -0.2237746772339887 -0.24853924093865745 +39837,-0.29961615357954446,2,-0.7654995082737255 -0.7716906491998883 -0.48999373705922616 -0.19127118737159884 0.16007606018845622 0.3953394153828534 0.6352461262718814 0.7822857232683796 0.8209803540569323 0.7931202198891821 0.7637123004898737 0.6956097503020214 0.5423790123793604 0.23436975130248006 -0.0008936038919258983 -0.10614299963678131 -0.20210568399239254 -0.2237746772339887 -0.24853924093865745 -0.2624693080225413 +39838,-0.3259285025157627,2,-0.7716906491998883 -0.48999373705922616 -0.19127118737159884 0.16007606018845622 0.3953394153828534 0.6352461262718814 0.7822857232683796 0.8209803540569323 0.7931202198891821 0.7637123004898737 0.6956097503020214 0.5423790123793604 0.23436975130248006 -0.0008936038919258983 -0.10614299963678131 -0.20210568399239254 -0.2237746772339887 -0.24853924093865745 -0.2624693080225413 -0.29961615357954446 +39839,-0.30116393881109393,2,-0.48999373705922616 -0.19127118737159884 0.16007606018845622 0.3953394153828534 0.6352461262718814 0.7822857232683796 0.8209803540569323 0.7931202198891821 0.7637123004898737 0.6956097503020214 0.5423790123793604 0.23436975130248006 -0.0008936038919258983 -0.10614299963678131 -0.20210568399239254 -0.2237746772339887 -0.24853924093865745 -0.2624693080225413 -0.29961615357954446 -0.3259285025157627 +39840,-0.3383107843680971,2,-0.19127118737159884 0.16007606018845622 0.3953394153828534 0.6352461262718814 0.7822857232683796 0.8209803540569323 0.7931202198891821 0.7637123004898737 0.6956097503020214 0.5423790123793604 0.23436975130248006 -0.0008936038919258983 -0.10614299963678131 -0.20210568399239254 -0.2237746772339887 -0.24853924093865745 -0.2624693080225413 -0.29961615357954446 -0.3259285025157627 -0.30116393881109393 +39841,-0.3259285025157627,2,0.16007606018845622 0.3953394153828534 0.6352461262718814 0.7822857232683796 0.8209803540569323 0.7931202198891821 0.7637123004898737 0.6956097503020214 0.5423790123793604 0.23436975130248006 -0.0008936038919258983 -0.10614299963678131 -0.20210568399239254 -0.2237746772339887 -0.24853924093865745 -0.2624693080225413 -0.29961615357954446 -0.3259285025157627 -0.30116393881109393 -0.3383107843680971 +39842,-0.3506930662204403,2,0.3953394153828534 0.6352461262718814 0.7822857232683796 0.8209803540569323 0.7931202198891821 0.7637123004898737 0.6956097503020214 0.5423790123793604 0.23436975130248006 -0.0008936038919258983 -0.10614299963678131 -0.20210568399239254 -0.2237746772339887 -0.24853924093865745 -0.2624693080225413 -0.29961615357954446 -0.3259285025157627 -0.30116393881109393 -0.3383107843680971 -0.3259285025157627 +39843,-0.2237746772339887,2,0.6352461262718814 0.7822857232683796 0.8209803540569323 0.7931202198891821 0.7637123004898737 0.6956097503020214 0.5423790123793604 0.23436975130248006 -0.0008936038919258983 -0.10614299963678131 -0.20210568399239254 -0.2237746772339887 -0.24853924093865745 -0.2624693080225413 -0.29961615357954446 -0.3259285025157627 -0.30116393881109393 -0.3383107843680971 -0.3259285025157627 -0.3506930662204403 +39844,0.017679818886580066,2,0.7822857232683796 0.8209803540569323 0.7931202198891821 0.7637123004898737 0.6956097503020214 0.5423790123793604 0.23436975130248006 -0.0008936038919258983 -0.10614299963678131 -0.20210568399239254 -0.2237746772339887 -0.24853924093865745 -0.2624693080225413 -0.29961615357954446 -0.3259285025157627 -0.30116393881109393 -0.3383107843680971 -0.3259285025157627 -0.3506930662204403 -0.2237746772339887 +39845,0.2111529728293432,2,0.8209803540569323 0.7931202198891821 0.7637123004898737 0.6956097503020214 0.5423790123793604 0.23436975130248006 -0.0008936038919258983 -0.10614299963678131 -0.20210568399239254 -0.2237746772339887 -0.24853924093865745 -0.2624693080225413 -0.29961615357954446 -0.3259285025157627 -0.30116393881109393 -0.3383107843680971 -0.3259285025157627 -0.3506930662204403 -0.2237746772339887 0.017679818886580066 +39846,0.46344196557070566,2,0.7931202198891821 0.7637123004898737 0.6956097503020214 0.5423790123793604 0.23436975130248006 -0.0008936038919258983 -0.10614299963678131 -0.20210568399239254 -0.2237746772339887 -0.24853924093865745 -0.2624693080225413 -0.29961615357954446 -0.3259285025157627 -0.30116393881109393 -0.3383107843680971 -0.3259285025157627 -0.3506930662204403 -0.2237746772339887 0.017679818886580066 0.2111529728293432 +39847,0.5532135090001541,2,0.7637123004898737 0.6956097503020214 0.5423790123793604 0.23436975130248006 -0.0008936038919258983 -0.10614299963678131 -0.20210568399239254 -0.2237746772339887 -0.24853924093865745 -0.2624693080225413 -0.29961615357954446 -0.3259285025157627 -0.30116393881109393 -0.3383107843680971 -0.3259285025157627 -0.3506930662204403 -0.2237746772339887 0.017679818886580066 0.2111529728293432 0.46344196557070566 +39848,0.6089337773356631,2,0.6956097503020214 0.5423790123793604 0.23436975130248006 -0.0008936038919258983 -0.10614299963678131 -0.20210568399239254 -0.2237746772339887 -0.24853924093865745 -0.2624693080225413 -0.29961615357954446 -0.3259285025157627 -0.30116393881109393 -0.3383107843680971 -0.3259285025157627 -0.3506930662204403 -0.2237746772339887 0.017679818886580066 0.2111529728293432 0.46344196557070566 0.5532135090001541 +39849,0.7822857232683796,2,0.5423790123793604 0.23436975130248006 -0.0008936038919258983 -0.10614299963678131 -0.20210568399239254 -0.2237746772339887 -0.24853924093865745 -0.2624693080225413 -0.29961615357954446 -0.3259285025157627 -0.30116393881109393 -0.3383107843680971 -0.3259285025157627 -0.3506930662204403 -0.2237746772339887 0.017679818886580066 0.2111529728293432 0.46344196557070566 0.5532135090001541 0.6089337773356631 +39850,0.8024069312784263,2,0.23436975130248006 -0.0008936038919258983 -0.10614299963678131 -0.20210568399239254 -0.2237746772339887 -0.24853924093865745 -0.2624693080225413 -0.29961615357954446 -0.3259285025157627 -0.30116393881109393 -0.3383107843680971 -0.3259285025157627 -0.3506930662204403 -0.2237746772339887 0.017679818886580066 0.2111529728293432 0.46344196557070566 0.5532135090001541 0.6089337773356631 0.7822857232683796 +39851,0.6197682739564656,2,-0.0008936038919258983 -0.10614299963678131 -0.20210568399239254 -0.2237746772339887 -0.24853924093865745 -0.2624693080225413 -0.29961615357954446 -0.3259285025157627 -0.30116393881109393 -0.3383107843680971 -0.3259285025157627 -0.3506930662204403 -0.2237746772339887 0.017679818886580066 0.2111529728293432 0.46344196557070566 0.5532135090001541 0.6089337773356631 0.7822857232683796 0.8024069312784263 +39852,0.49284988497000526,2,-0.10614299963678131 -0.20210568399239254 -0.2237746772339887 -0.24853924093865745 -0.2624693080225413 -0.29961615357954446 -0.3259285025157627 -0.30116393881109393 -0.3383107843680971 -0.3259285025157627 -0.3506930662204403 -0.2237746772339887 0.017679818886580066 0.2111529728293432 0.46344196557070566 0.5532135090001541 0.6089337773356631 0.7822857232683796 0.8024069312784263 0.6197682739564656 +39853,0.38605270399360037,2,-0.20210568399239254 -0.2237746772339887 -0.24853924093865745 -0.2624693080225413 -0.29961615357954446 -0.3259285025157627 -0.30116393881109393 -0.3383107843680971 -0.3259285025157627 -0.3506930662204403 -0.2237746772339887 0.017679818886580066 0.2111529728293432 0.46344196557070566 0.5532135090001541 0.6089337773356631 0.7822857232683796 0.8024069312784263 0.6197682739564656 0.49284988497000526 +39854,0.2219874694501369,2,-0.2237746772339887 -0.24853924093865745 -0.2624693080225413 -0.29961615357954446 -0.3259285025157627 -0.30116393881109393 -0.3383107843680971 -0.3259285025157627 -0.3506930662204403 -0.2237746772339887 0.017679818886580066 0.2111529728293432 0.46344196557070566 0.5532135090001541 0.6089337773356631 0.7822857232683796 0.8024069312784263 0.6197682739564656 0.49284988497000526 0.38605270399360037 +39855,0.04708773828587971,2,-0.24853924093865745 -0.2624693080225413 -0.29961615357954446 -0.3259285025157627 -0.30116393881109393 -0.3383107843680971 -0.3259285025157627 -0.3506930662204403 -0.2237746772339887 0.017679818886580066 0.2111529728293432 0.46344196557070566 0.5532135090001541 0.6089337773356631 0.7822857232683796 0.8024069312784263 0.6197682739564656 0.49284988497000526 0.38605270399360037 0.2219874694501369 +39856,-0.08447400639519394,2,-0.2624693080225413 -0.29961615357954446 -0.3259285025157627 -0.30116393881109393 -0.3383107843680971 -0.3259285025157627 -0.3506930662204403 -0.2237746772339887 0.017679818886580066 0.2111529728293432 0.46344196557070566 0.5532135090001541 0.6089337773356631 0.7822857232683796 0.8024069312784263 0.6197682739564656 0.49284988497000526 0.38605270399360037 0.2219874694501369 0.04708773828587971 +39857,-0.2113923953816455,2,-0.29961615357954446 -0.3259285025157627 -0.30116393881109393 -0.3383107843680971 -0.3259285025157627 -0.3506930662204403 -0.2237746772339887 0.017679818886580066 0.2111529728293432 0.46344196557070566 0.5532135090001541 0.6089337773356631 0.7822857232683796 0.8024069312784263 0.6197682739564656 0.49284988497000526 0.38605270399360037 0.2219874694501369 0.04708773828587971 -0.08447400639519394 +39858,-0.23460917385478236,2,-0.3259285025157627 -0.30116393881109393 -0.3383107843680971 -0.3259285025157627 -0.3506930662204403 -0.2237746772339887 0.017679818886580066 0.2111529728293432 0.46344196557070566 0.5532135090001541 0.6089337773356631 0.7822857232683796 0.8024069312784263 0.6197682739564656 0.49284988497000526 0.38605270399360037 0.2219874694501369 0.04708773828587971 -0.08447400639519394 -0.2113923953816455 +39859,-0.30580729450571603,2,-0.30116393881109393 -0.3383107843680971 -0.3259285025157627 -0.3506930662204403 -0.2237746772339887 0.017679818886580066 0.2111529728293432 0.46344196557070566 0.5532135090001541 0.6089337773356631 0.7822857232683796 0.8024069312784263 0.6197682739564656 0.49284988497000526 0.38605270399360037 0.2219874694501369 0.04708773828587971 -0.08447400639519394 -0.2113923953816455 -0.23460917385478236 +39860,-0.2763993751064164,2,-0.3383107843680971 -0.3259285025157627 -0.3506930662204403 -0.2237746772339887 0.017679818886580066 0.2111529728293432 0.46344196557070566 0.5532135090001541 0.6089337773356631 0.7822857232683796 0.8024069312784263 0.6197682739564656 0.49284988497000526 0.38605270399360037 0.2219874694501369 0.04708773828587971 -0.08447400639519394 -0.2113923953816455 -0.23460917385478236 -0.30580729450571603 +39861,-0.2624693080225413,2,-0.3259285025157627 -0.3506930662204403 -0.2237746772339887 0.017679818886580066 0.2111529728293432 0.46344196557070566 0.5532135090001541 0.6089337773356631 0.7822857232683796 0.8024069312784263 0.6197682739564656 0.49284988497000526 0.38605270399360037 0.2219874694501369 0.04708773828587971 -0.08447400639519394 -0.2113923953816455 -0.23460917385478236 -0.30580729450571603 -0.2763993751064164 +39862,-0.30580729450571603,2,-0.3506930662204403 -0.2237746772339887 0.017679818886580066 0.2111529728293432 0.46344196557070566 0.5532135090001541 0.6089337773356631 0.7822857232683796 0.8024069312784263 0.6197682739564656 0.49284988497000526 0.38605270399360037 0.2219874694501369 0.04708773828587971 -0.08447400639519394 -0.2113923953816455 -0.23460917385478236 -0.30580729450571603 -0.2763993751064164 -0.2624693080225413 +39863,-0.34759749575735005,2,-0.2237746772339887 0.017679818886580066 0.2111529728293432 0.46344196557070566 0.5532135090001541 0.6089337773356631 0.7822857232683796 0.8024069312784263 0.6197682739564656 0.49284988497000526 0.38605270399360037 0.2219874694501369 0.04708773828587971 -0.08447400639519394 -0.2113923953816455 -0.23460917385478236 -0.30580729450571603 -0.2763993751064164 -0.2624693080225413 -0.30580729450571603 +39864,-0.41879561640829255,2,0.017679818886580066 0.2111529728293432 0.46344196557070566 0.5532135090001541 0.6089337773356631 0.7822857232683796 0.8024069312784263 0.6197682739564656 0.49284988497000526 0.38605270399360037 0.2219874694501369 0.04708773828587971 -0.08447400639519394 -0.2113923953816455 -0.23460917385478236 -0.30580729450571603 -0.2763993751064164 -0.2624693080225413 -0.30580729450571603 -0.34759749575735005 +39865,-0.3924832674720743,2,0.2111529728293432 0.46344196557070566 0.5532135090001541 0.6089337773356631 0.7822857232683796 0.8024069312784263 0.6197682739564656 0.49284988497000526 0.38605270399360037 0.2219874694501369 0.04708773828587971 -0.08447400639519394 -0.2113923953816455 -0.23460917385478236 -0.30580729450571603 -0.2763993751064164 -0.2624693080225413 -0.30580729450571603 -0.34759749575735005 -0.41879561640829255 +39866,-0.38474434131436197,2,0.46344196557070566 0.5532135090001541 0.6089337773356631 0.7822857232683796 0.8024069312784263 0.6197682739564656 0.49284988497000526 0.38605270399360037 0.2219874694501369 0.04708773828587971 -0.08447400639519394 -0.2113923953816455 -0.23460917385478236 -0.30580729450571603 -0.2763993751064164 -0.2624693080225413 -0.30580729450571603 -0.34759749575735005 -0.41879561640829255 -0.3924832674720743 +39867,-0.20055789876085184,2,0.5532135090001541 0.6089337773356631 0.7822857232683796 0.8024069312784263 0.6197682739564656 0.49284988497000526 0.38605270399360037 0.2219874694501369 0.04708773828587971 -0.08447400639519394 -0.2113923953816455 -0.23460917385478236 -0.30580729450571603 -0.2763993751064164 -0.2624693080225413 -0.30580729450571603 -0.34759749575735005 -0.41879561640829255 -0.3924832674720743 -0.38474434131436197 +39868,0.02696653027583305,2,0.6089337773356631 0.7822857232683796 0.8024069312784263 0.6197682739564656 0.49284988497000526 0.38605270399360037 0.2219874694501369 0.04708773828587971 -0.08447400639519394 -0.2113923953816455 -0.23460917385478236 -0.30580729450571603 -0.2763993751064164 -0.2624693080225413 -0.30580729450571603 -0.34759749575735005 -0.41879561640829255 -0.3924832674720743 -0.38474434131436197 -0.20055789876085184 +39869,0.2668732411648611,2,0.7822857232683796 0.8024069312784263 0.6197682739564656 0.49284988497000526 0.38605270399360037 0.2219874694501369 0.04708773828587971 -0.08447400639519394 -0.2113923953816455 -0.23460917385478236 -0.30580729450571603 -0.2763993751064164 -0.2624693080225413 -0.30580729450571603 -0.34759749575735005 -0.41879561640829255 -0.3924832674720743 -0.38474434131436197 -0.20055789876085184 0.02696653027583305 +39870,0.4804676031176709,2,0.8024069312784263 0.6197682739564656 0.49284988497000526 0.38605270399360037 0.2219874694501369 0.04708773828587971 -0.08447400639519394 -0.2113923953816455 -0.23460917385478236 -0.30580729450571603 -0.2763993751064164 -0.2624693080225413 -0.30580729450571603 -0.34759749575735005 -0.41879561640829255 -0.3924832674720743 -0.38474434131436197 -0.20055789876085184 0.02696653027583305 0.2668732411648611 +39871,0.5950037102517881,2,0.6197682739564656 0.49284988497000526 0.38605270399360037 0.2219874694501369 0.04708773828587971 -0.08447400639519394 -0.2113923953816455 -0.23460917385478236 -0.30580729450571603 -0.2763993751064164 -0.2624693080225413 -0.30580729450571603 -0.34759749575735005 -0.41879561640829255 -0.3924832674720743 -0.38474434131436197 -0.20055789876085184 0.02696653027583305 0.2668732411648611 0.4804676031176709 +39872,0.6151249182618348,2,0.49284988497000526 0.38605270399360037 0.2219874694501369 0.04708773828587971 -0.08447400639519394 -0.2113923953816455 -0.23460917385478236 -0.30580729450571603 -0.2763993751064164 -0.2624693080225413 -0.30580729450571603 -0.34759749575735005 -0.41879561640829255 -0.3924832674720743 -0.38474434131436197 -0.20055789876085184 0.02696653027583305 0.2668732411648611 0.4804676031176709 0.5950037102517881 +39873,0.6476284081242158,2,0.38605270399360037 0.2219874694501369 0.04708773828587971 -0.08447400639519394 -0.2113923953816455 -0.23460917385478236 -0.30580729450571603 -0.2763993751064164 -0.2624693080225413 -0.30580729450571603 -0.34759749575735005 -0.41879561640829255 -0.3924832674720743 -0.38474434131436197 -0.20055789876085184 0.02696653027583305 0.2668732411648611 0.4804676031176709 0.5950037102517881 0.6151249182618348 +39874,0.6770363275235243,2,0.2219874694501369 0.04708773828587971 -0.08447400639519394 -0.2113923953816455 -0.23460917385478236 -0.30580729450571603 -0.2763993751064164 -0.2624693080225413 -0.30580729450571603 -0.34759749575735005 -0.41879561640829255 -0.3924832674720743 -0.38474434131436197 -0.20055789876085184 0.02696653027583305 0.2668732411648611 0.4804676031176709 0.5950037102517881 0.6151249182618348 0.6476284081242158 +39875,0.7714512266475859,2,0.04708773828587971 -0.08447400639519394 -0.2113923953816455 -0.23460917385478236 -0.30580729450571603 -0.2763993751064164 -0.2624693080225413 -0.30580729450571603 -0.34759749575735005 -0.41879561640829255 -0.3924832674720743 -0.38474434131436197 -0.20055789876085184 0.02696653027583305 0.2668732411648611 0.4804676031176709 0.5950037102517881 0.6151249182618348 0.6476284081242158 0.6770363275235243 +39876,0.6878708241443179,2,-0.08447400639519394 -0.2113923953816455 -0.23460917385478236 -0.30580729450571603 -0.2763993751064164 -0.2624693080225413 -0.30580729450571603 -0.34759749575735005 -0.41879561640829255 -0.3924832674720743 -0.38474434131436197 -0.20055789876085184 0.02696653027583305 0.2668732411648611 0.4804676031176709 0.5950037102517881 0.6151249182618348 0.6476284081242158 0.6770363275235243 0.7714512266475859 +39877,0.5532135090001541,2,-0.2113923953816455 -0.23460917385478236 -0.30580729450571603 -0.2763993751064164 -0.2624693080225413 -0.30580729450571603 -0.34759749575735005 -0.41879561640829255 -0.3924832674720743 -0.38474434131436197 -0.20055789876085184 0.02696653027583305 0.2668732411648611 0.4804676031176709 0.5950037102517881 0.6151249182618348 0.6476284081242158 0.6770363275235243 0.7714512266475859 0.6878708241443179 +39878,0.3674792812151032,2,-0.23460917385478236 -0.30580729450571603 -0.2763993751064164 -0.2624693080225413 -0.30580729450571603 -0.34759749575735005 -0.41879561640829255 -0.3924832674720743 -0.38474434131436197 -0.20055789876085184 0.02696653027583305 0.2668732411648611 0.4804676031176709 0.5950037102517881 0.6151249182618348 0.6476284081242158 0.6770363275235243 0.7714512266475859 0.6878708241443179 0.5532135090001541 +39879,0.14924156356766252,2,-0.30580729450571603 -0.2763993751064164 -0.2624693080225413 -0.30580729450571603 -0.34759749575735005 -0.41879561640829255 -0.3924832674720743 -0.38474434131436197 -0.20055789876085184 0.02696653027583305 0.2668732411648611 0.4804676031176709 0.5950037102517881 0.6151249182618348 0.6476284081242158 0.6770363275235243 0.7714512266475859 0.6878708241443179 0.5532135090001541 0.3674792812151032 +39880,0.017679818886580066,2,-0.2763993751064164 -0.2624693080225413 -0.30580729450571603 -0.34759749575735005 -0.41879561640829255 -0.3924832674720743 -0.38474434131436197 -0.20055789876085184 0.02696653027583305 0.2668732411648611 0.4804676031176709 0.5950037102517881 0.6151249182618348 0.6476284081242158 0.6770363275235243 0.7714512266475859 0.6878708241443179 0.5532135090001541 0.3674792812151032 0.14924156356766252 +39881,-0.15567212704613642,2,-0.2624693080225413 -0.30580729450571603 -0.34759749575735005 -0.41879561640829255 -0.3924832674720743 -0.38474434131436197 -0.20055789876085184 0.02696653027583305 0.2668732411648611 0.4804676031176709 0.5950037102517881 0.6151249182618348 0.6476284081242158 0.6770363275235243 0.7714512266475859 0.6878708241443179 0.5532135090001541 0.3674792812151032 0.14924156356766252 0.017679818886580066 +39882,-0.23770474431786376,2,-0.30580729450571603 -0.34759749575735005 -0.41879561640829255 -0.3924832674720743 -0.38474434131436197 -0.20055789876085184 0.02696653027583305 0.2668732411648611 0.4804676031176709 0.5950037102517881 0.6151249182618348 0.6476284081242158 0.6770363275235243 0.7714512266475859 0.6878708241443179 0.5532135090001541 0.3674792812151032 0.14924156356766252 0.017679818886580066 -0.15567212704613642 +39883,-0.2500870261701981,2,-0.34759749575735005 -0.41879561640829255 -0.3924832674720743 -0.38474434131436197 -0.20055789876085184 0.02696653027583305 0.2668732411648611 0.4804676031176709 0.5950037102517881 0.6151249182618348 0.6476284081242158 0.6770363275235243 0.7714512266475859 0.6878708241443179 0.5532135090001541 0.3674792812151032 0.14924156356766252 0.017679818886580066 -0.15567212704613642 -0.23770474431786376 +39884,-0.34140635483118725,2,-0.41879561640829255 -0.3924832674720743 -0.38474434131436197 -0.20055789876085184 0.02696653027583305 0.2668732411648611 0.4804676031176709 0.5950037102517881 0.6151249182618348 0.6476284081242158 0.6770363275235243 0.7714512266475859 0.6878708241443179 0.5532135090001541 0.3674792812151032 0.14924156356766252 0.017679818886580066 -0.15567212704613642 -0.23770474431786376 -0.2500870261701981 +39885,-0.45594246196530447,2,-0.3924832674720743 -0.38474434131436197 -0.20055789876085184 0.02696653027583305 0.2668732411648611 0.4804676031176709 0.5950037102517881 0.6151249182618348 0.6476284081242158 0.6770363275235243 0.7714512266475859 0.6878708241443179 0.5532135090001541 0.3674792812151032 0.14924156356766252 0.017679818886580066 -0.15567212704613642 -0.23770474431786376 -0.2500870261701981 -0.34140635483118725 +39886,-0.5472617906262848,2,-0.38474434131436197 -0.20055789876085184 0.02696653027583305 0.2668732411648611 0.4804676031176709 0.5950037102517881 0.6151249182618348 0.6476284081242158 0.6770363275235243 0.7714512266475859 0.6878708241443179 0.5532135090001541 0.3674792812151032 0.14924156356766252 0.017679818886580066 -0.15567212704613642 -0.23770474431786376 -0.2500870261701981 -0.34140635483118725 -0.45594246196530447 +39887,-0.610720985119515,2,-0.20055789876085184 0.02696653027583305 0.2668732411648611 0.4804676031176709 0.5950037102517881 0.6151249182618348 0.6476284081242158 0.6770363275235243 0.7714512266475859 0.6878708241443179 0.5532135090001541 0.3674792812151032 0.14924156356766252 0.017679818886580066 -0.15567212704613642 -0.23770474431786376 -0.2500870261701981 -0.34140635483118725 -0.45594246196530447 -0.5472617906262848 +39888,-0.6370333340557244,2,0.02696653027583305 0.2668732411648611 0.4804676031176709 0.5950037102517881 0.6151249182618348 0.6476284081242158 0.6770363275235243 0.7714512266475859 0.6878708241443179 0.5532135090001541 0.3674792812151032 0.14924156356766252 0.017679818886580066 -0.15567212704613642 -0.23770474431786376 -0.2500870261701981 -0.34140635483118725 -0.45594246196530447 -0.5472617906262848 -0.610720985119515 +39889,-0.6509634011396083,2,0.2668732411648611 0.4804676031176709 0.5950037102517881 0.6151249182618348 0.6476284081242158 0.6770363275235243 0.7714512266475859 0.6878708241443179 0.5532135090001541 0.3674792812151032 0.14924156356766252 0.017679818886580066 -0.15567212704613642 -0.23770474431786376 -0.2500870261701981 -0.34140635483118725 -0.45594246196530447 -0.5472617906262848 -0.610720985119515 -0.6370333340557244 +39890,-0.661797897760402,2,0.4804676031176709 0.5950037102517881 0.6151249182618348 0.6476284081242158 0.6770363275235243 0.7714512266475859 0.6878708241443179 0.5532135090001541 0.3674792812151032 0.14924156356766252 0.017679818886580066 -0.15567212704613642 -0.23770474431786376 -0.2500870261701981 -0.34140635483118725 -0.45594246196530447 -0.5472617906262848 -0.610720985119515 -0.6370333340557244 -0.6509634011396083 +39891,-0.3212851468211406,2,0.5950037102517881 0.6151249182618348 0.6476284081242158 0.6770363275235243 0.7714512266475859 0.6878708241443179 0.5532135090001541 0.3674792812151032 0.14924156356766252 0.017679818886580066 -0.15567212704613642 -0.23770474431786376 -0.2500870261701981 -0.34140635483118725 -0.45594246196530447 -0.5472617906262848 -0.610720985119515 -0.6370333340557244 -0.6509634011396083 -0.661797897760402 +39892,-0.02101481190197256,2,0.6151249182618348 0.6476284081242158 0.6770363275235243 0.7714512266475859 0.6878708241443179 0.5532135090001541 0.3674792812151032 0.14924156356766252 0.017679818886580066 -0.15567212704613642 -0.23770474431786376 -0.2500870261701981 -0.34140635483118725 -0.45594246196530447 -0.5472617906262848 -0.610720985119515 -0.6370333340557244 -0.6509634011396083 -0.661797897760402 -0.3212851468211406 +39893,0.3071156571849544,2,0.6476284081242158 0.6770363275235243 0.7714512266475859 0.6878708241443179 0.5532135090001541 0.3674792812151032 0.14924156356766252 0.017679818886580066 -0.15567212704613642 -0.23770474431786376 -0.2500870261701981 -0.34140635483118725 -0.45594246196530447 -0.5472617906262848 -0.610720985119515 -0.6370333340557244 -0.6509634011396083 -0.661797897760402 -0.3212851468211406 -0.02101481190197256 +39894,0.49130209973846456,2,0.6770363275235243 0.7714512266475859 0.6878708241443179 0.5532135090001541 0.3674792812151032 0.14924156356766252 0.017679818886580066 -0.15567212704613642 -0.23770474431786376 -0.2500870261701981 -0.34140635483118725 -0.45594246196530447 -0.5472617906262848 -0.610720985119515 -0.6370333340557244 -0.6509634011396083 -0.661797897760402 -0.3212851468211406 -0.02101481190197256 0.3071156571849544 +39895,0.6367939115034221,2,0.7714512266475859 0.6878708241443179 0.5532135090001541 0.3674792812151032 0.14924156356766252 0.017679818886580066 -0.15567212704613642 -0.23770474431786376 -0.2500870261701981 -0.34140635483118725 -0.45594246196530447 -0.5472617906262848 -0.610720985119515 -0.6370333340557244 -0.6509634011396083 -0.661797897760402 -0.3212851468211406 -0.02101481190197256 0.3071156571849544 0.49130209973846456 +39896,0.8302670654461852,2,0.6878708241443179 0.5532135090001541 0.3674792812151032 0.14924156356766252 0.017679818886580066 -0.15567212704613642 -0.23770474431786376 -0.2500870261701981 -0.34140635483118725 -0.45594246196530447 -0.5472617906262848 -0.610720985119515 -0.6370333340557244 -0.6509634011396083 -0.661797897760402 -0.3212851468211406 -0.02101481190197256 0.3071156571849544 0.49130209973846456 0.6367939115034221 +39897,0.9184908236440842,2,0.5532135090001541 0.3674792812151032 0.14924156356766252 0.017679818886580066 -0.15567212704613642 -0.23770474431786376 -0.2500870261701981 -0.34140635483118725 -0.45594246196530447 -0.5472617906262848 -0.610720985119515 -0.6370333340557244 -0.6509634011396083 -0.661797897760402 -0.3212851468211406 -0.02101481190197256 0.3071156571849544 0.49130209973846456 0.6367939115034221 0.8302670654461852 +39898,1.0175490784627856,2,0.3674792812151032 0.14924156356766252 0.017679818886580066 -0.15567212704613642 -0.23770474431786376 -0.2500870261701981 -0.34140635483118725 -0.45594246196530447 -0.5472617906262848 -0.610720985119515 -0.6370333340557244 -0.6509634011396083 -0.661797897760402 -0.3212851468211406 -0.02101481190197256 0.3071156571849544 0.49130209973846456 0.6367939115034221 0.8302670654461852 0.9184908236440842 +39899,0.9757588772111427,2,0.14924156356766252 0.017679818886580066 -0.15567212704613642 -0.23770474431786376 -0.2500870261701981 -0.34140635483118725 -0.45594246196530447 -0.5472617906262848 -0.610720985119515 -0.6370333340557244 -0.6509634011396083 -0.661797897760402 -0.3212851468211406 -0.02101481190197256 0.3071156571849544 0.49130209973846456 0.6367939115034221 0.8302670654461852 0.9184908236440842 1.0175490784627856 +39900,0.9850455886003958,2,0.017679818886580066 -0.15567212704613642 -0.23770474431786376 -0.2500870261701981 -0.34140635483118725 -0.45594246196530447 -0.5472617906262848 -0.610720985119515 -0.6370333340557244 -0.6509634011396083 -0.661797897760402 -0.3212851468211406 -0.02101481190197256 0.3071156571849544 0.49130209973846456 0.6367939115034221 0.8302670654461852 0.9184908236440842 1.0175490784627856 0.9757588772111427 +39901,0.8333626359092754,2,-0.15567212704613642 -0.23770474431786376 -0.2500870261701981 -0.34140635483118725 -0.45594246196530447 -0.5472617906262848 -0.610720985119515 -0.6370333340557244 -0.6509634011396083 -0.661797897760402 -0.3212851468211406 -0.02101481190197256 0.3071156571849544 0.49130209973846456 0.6367939115034221 0.8302670654461852 0.9184908236440842 1.0175490784627856 0.9757588772111427 0.9850455886003958 +39902,0.5423790123793604,2,-0.23770474431786376 -0.2500870261701981 -0.34140635483118725 -0.45594246196530447 -0.5472617906262848 -0.610720985119515 -0.6370333340557244 -0.6509634011396083 -0.661797897760402 -0.3212851468211406 -0.02101481190197256 0.3071156571849544 0.49130209973846456 0.6367939115034221 0.8302670654461852 0.9184908236440842 1.0175490784627856 0.9757588772111427 0.9850455886003958 0.8333626359092754 +39903,0.2838988787118264,2,-0.2500870261701981 -0.34140635483118725 -0.45594246196530447 -0.5472617906262848 -0.610720985119515 -0.6370333340557244 -0.6509634011396083 -0.661797897760402 -0.3212851468211406 -0.02101481190197256 0.3071156571849544 0.49130209973846456 0.6367939115034221 0.8302670654461852 0.9184908236440842 1.0175490784627856 0.9757588772111427 0.9850455886003958 0.8333626359092754 0.5423790123793604 +39904,0.18019726819850287,2,-0.34140635483118725 -0.45594246196530447 -0.5472617906262848 -0.610720985119515 -0.6370333340557244 -0.6509634011396083 -0.661797897760402 -0.3212851468211406 -0.02101481190197256 0.3071156571849544 0.49130209973846456 0.6367939115034221 0.8302670654461852 0.9184908236440842 1.0175490784627856 0.9757588772111427 0.9850455886003958 0.8333626359092754 0.5423790123793604 0.2838988787118264 +39905,0.19877069097700883,2,-0.45594246196530447 -0.5472617906262848 -0.610720985119515 -0.6370333340557244 -0.6509634011396083 -0.661797897760402 -0.3212851468211406 -0.02101481190197256 0.3071156571849544 0.49130209973846456 0.6367939115034221 0.8302670654461852 0.9184908236440842 1.0175490784627856 0.9757588772111427 0.9850455886003958 0.8333626359092754 0.5423790123793604 0.2838988787118264 0.18019726819850287 +39906,0.07030451675901657,2,-0.5472617906262848 -0.610720985119515 -0.6370333340557244 -0.6509634011396083 -0.661797897760402 -0.3212851468211406 -0.02101481190197256 0.3071156571849544 0.49130209973846456 0.6367939115034221 0.8302670654461852 0.9184908236440842 1.0175490784627856 0.9757588772111427 0.9850455886003958 0.8333626359092754 0.5423790123793604 0.2838988787118264 0.18019726819850287 0.19877069097700883 +39907,-0.03184930852276624,2,-0.610720985119515 -0.6370333340557244 -0.6509634011396083 -0.661797897760402 -0.3212851468211406 -0.02101481190197256 0.3071156571849544 0.49130209973846456 0.6367939115034221 0.8302670654461852 0.9184908236440842 1.0175490784627856 0.9757588772111427 0.9850455886003958 0.8333626359092754 0.5423790123793604 0.2838988787118264 0.18019726819850287 0.19877069097700883 0.07030451675901657 +39908,-0.17424554982463358,2,-0.6370333340557244 -0.6509634011396083 -0.661797897760402 -0.3212851468211406 -0.02101481190197256 0.3071156571849544 0.49130209973846456 0.6367939115034221 0.8302670654461852 0.9184908236440842 1.0175490784627856 0.9757588772111427 0.9850455886003958 0.8333626359092754 0.5423790123793604 0.2838988787118264 0.18019726819850287 0.19877069097700883 0.07030451675901657 -0.03184930852276624 +39909,-0.264017093254082,2,-0.6509634011396083 -0.661797897760402 -0.3212851468211406 -0.02101481190197256 0.3071156571849544 0.49130209973846456 0.6367939115034221 0.8302670654461852 0.9184908236440842 1.0175490784627856 0.9757588772111427 0.9850455886003958 0.8333626359092754 0.5423790123793604 0.2838988787118264 0.18019726819850287 0.19877069097700883 0.07030451675901657 -0.03184930852276624 -0.17424554982463358 +39910,-0.315094005894969,2,-0.661797897760402 -0.3212851468211406 -0.02101481190197256 0.3071156571849544 0.49130209973846456 0.6367939115034221 0.8302670654461852 0.9184908236440842 1.0175490784627856 0.9757588772111427 0.9850455886003958 0.8333626359092754 0.5423790123793604 0.2838988787118264 0.18019726819850287 0.19877069097700883 0.07030451675901657 -0.03184930852276624 -0.17424554982463358 -0.264017093254082 +39911,-0.45749024719684517,2,-0.3212851468211406 -0.02101481190197256 0.3071156571849544 0.49130209973846456 0.6367939115034221 0.8302670654461852 0.9184908236440842 1.0175490784627856 0.9757588772111427 0.9850455886003958 0.8333626359092754 0.5423790123793604 0.2838988787118264 0.18019726819850287 0.19877069097700883 0.07030451675901657 -0.03184930852276624 -0.17424554982463358 -0.264017093254082 -0.315094005894969 +39912,-0.5488095758578255,2,-0.02101481190197256 0.3071156571849544 0.49130209973846456 0.6367939115034221 0.8302670654461852 0.9184908236440842 1.0175490784627856 0.9757588772111427 0.9850455886003958 0.8333626359092754 0.5423790123793604 0.2838988787118264 0.18019726819850287 0.19877069097700883 0.07030451675901657 -0.03184930852276624 -0.17424554982463358 -0.264017093254082 -0.315094005894969 -0.45749024719684517 +39913,-0.62465105220339,2,0.3071156571849544 0.49130209973846456 0.6367939115034221 0.8302670654461852 0.9184908236440842 1.0175490784627856 0.9757588772111427 0.9850455886003958 0.8333626359092754 0.5423790123793604 0.2838988787118264 0.18019726819850287 0.19877069097700883 0.07030451675901657 -0.03184930852276624 -0.17424554982463358 -0.264017093254082 -0.315094005894969 -0.45749024719684517 -0.5488095758578255 +39914,-0.5844086361832967,2,0.49130209973846456 0.6367939115034221 0.8302670654461852 0.9184908236440842 1.0175490784627856 0.9757588772111427 0.9850455886003958 0.8333626359092754 0.5423790123793604 0.2838988787118264 0.18019726819850287 0.19877069097700883 0.07030451675901657 -0.03184930852276624 -0.17424554982463358 -0.264017093254082 -0.315094005894969 -0.45749024719684517 -0.5488095758578255 -0.62465105220339 +39915,-0.07209172454285957,2,0.6367939115034221 0.8302670654461852 0.9184908236440842 1.0175490784627856 0.9757588772111427 0.9850455886003958 0.8333626359092754 0.5423790123793604 0.2838988787118264 0.18019726819850287 0.19877069097700883 0.07030451675901657 -0.03184930852276624 -0.17424554982463358 -0.264017093254082 -0.315094005894969 -0.45749024719684517 -0.5488095758578255 -0.62465105220339 -0.5844086361832967 +39916,0.3349757913527134,2,0.8302670654461852 0.9184908236440842 1.0175490784627856 0.9757588772111427 0.9850455886003958 0.8333626359092754 0.5423790123793604 0.2838988787118264 0.18019726819850287 0.19877069097700883 0.07030451675901657 -0.03184930852276624 -0.17424554982463358 -0.264017093254082 -0.315094005894969 -0.45749024719684517 -0.5488095758578255 -0.62465105220339 -0.5844086361832967 -0.07209172454285957 +39917,0.6367939115034221,2,0.9184908236440842 1.0175490784627856 0.9757588772111427 0.9850455886003958 0.8333626359092754 0.5423790123793604 0.2838988787118264 0.18019726819850287 0.19877069097700883 0.07030451675901657 -0.03184930852276624 -0.17424554982463358 -0.264017093254082 -0.315094005894969 -0.45749024719684517 -0.5488095758578255 -0.62465105220339 -0.5844086361832967 -0.07209172454285957 0.3349757913527134 +39918,1.0732693467982948,2,1.0175490784627856 0.9757588772111427 0.9850455886003958 0.8333626359092754 0.5423790123793604 0.2838988787118264 0.18019726819850287 0.19877069097700883 0.07030451675901657 -0.03184930852276624 -0.17424554982463358 -0.264017093254082 -0.315094005894969 -0.45749024719684517 -0.5488095758578255 -0.62465105220339 -0.5844086361832967 -0.07209172454285957 0.3349757913527134 0.6367939115034221 +39919,1.4308077352845214,2,0.9757588772111427 0.9850455886003958 0.8333626359092754 0.5423790123793604 0.2838988787118264 0.18019726819850287 0.19877069097700883 0.07030451675901657 -0.03184930852276624 -0.17424554982463358 -0.264017093254082 -0.315094005894969 -0.45749024719684517 -0.5488095758578255 -0.62465105220339 -0.5844086361832967 -0.07209172454285957 0.3349757913527134 0.6367939115034221 1.0732693467982948 +39920,1.5174837082508796,2,0.9850455886003958 0.8333626359092754 0.5423790123793604 0.2838988787118264 0.18019726819850287 0.19877069097700883 0.07030451675901657 -0.03184930852276624 -0.17424554982463358 -0.264017093254082 -0.315094005894969 -0.45749024719684517 -0.5488095758578255 -0.62465105220339 -0.5844086361832967 -0.07209172454285957 0.3349757913527134 0.6367939115034221 1.0732693467982948 1.4308077352845214 +39921,1.4772412922307863,2,0.8333626359092754 0.5423790123793604 0.2838988787118264 0.18019726819850287 0.19877069097700883 0.07030451675901657 -0.03184930852276624 -0.17424554982463358 -0.264017093254082 -0.315094005894969 -0.45749024719684517 -0.5488095758578255 -0.62465105220339 -0.5844086361832967 -0.07209172454285957 0.3349757913527134 0.6367939115034221 1.0732693467982948 1.4308077352845214 1.5174837082508796 +39922,1.6707144461735495,2,0.5423790123793604 0.2838988787118264 0.18019726819850287 0.19877069097700883 0.07030451675901657 -0.03184930852276624 -0.17424554982463358 -0.264017093254082 -0.315094005894969 -0.45749024719684517 -0.5488095758578255 -0.62465105220339 -0.5844086361832967 -0.07209172454285957 0.3349757913527134 0.6367939115034221 1.0732693467982948 1.4308077352845214 1.5174837082508796 1.4772412922307863 +39923,1.6970267951097677,2,0.2838988787118264 0.18019726819850287 0.19877069097700883 0.07030451675901657 -0.03184930852276624 -0.17424554982463358 -0.264017093254082 -0.315094005894969 -0.45749024719684517 -0.5488095758578255 -0.62465105220339 -0.5844086361832967 -0.07209172454285957 0.3349757913527134 0.6367939115034221 1.0732693467982948 1.4308077352845214 1.5174837082508796 1.4772412922307863 1.6707144461735495 +39924,1.741912566824492,2,0.18019726819850287 0.19877069097700883 0.07030451675901657 -0.03184930852276624 -0.17424554982463358 -0.264017093254082 -0.315094005894969 -0.45749024719684517 -0.5488095758578255 -0.62465105220339 -0.5844086361832967 -0.07209172454285957 0.3349757913527134 0.6367939115034221 1.0732693467982948 1.4308077352845214 1.5174837082508796 1.4772412922307863 1.6707144461735495 1.6970267951097677 +39925,1.6738100166366396,2,0.19877069097700883 0.07030451675901657 -0.03184930852276624 -0.17424554982463358 -0.264017093254082 -0.315094005894969 -0.45749024719684517 -0.5488095758578255 -0.62465105220339 -0.5844086361832967 -0.07209172454285957 0.3349757913527134 0.6367939115034221 1.0732693467982948 1.4308077352845214 1.5174837082508796 1.4772412922307863 1.6707144461735495 1.6970267951097677 1.741912566824492 +39926,1.3797308226436342,2,0.07030451675901657 -0.03184930852276624 -0.17424554982463358 -0.264017093254082 -0.315094005894969 -0.45749024719684517 -0.5488095758578255 -0.62465105220339 -0.5844086361832967 -0.07209172454285957 0.3349757913527134 0.6367939115034221 1.0732693467982948 1.4308077352845214 1.5174837082508796 1.4772412922307863 1.6707144461735495 1.6970267951097677 1.741912566824492 1.6738100166366396 +39927,1.062434850177501,2,-0.03184930852276624 -0.17424554982463358 -0.264017093254082 -0.315094005894969 -0.45749024719684517 -0.5488095758578255 -0.62465105220339 -0.5844086361832967 -0.07209172454285957 0.3349757913527134 0.6367939115034221 1.0732693467982948 1.4308077352845214 1.5174837082508796 1.4772412922307863 1.6707144461735495 1.6970267951097677 1.741912566824492 1.6738100166366396 1.3797308226436342 +39928,0.899917400865587,2,-0.17424554982463358 -0.264017093254082 -0.315094005894969 -0.45749024719684517 -0.5488095758578255 -0.62465105220339 -0.5844086361832967 -0.07209172454285957 0.3349757913527134 0.6367939115034221 1.0732693467982948 1.4308077352845214 1.5174837082508796 1.4772412922307863 1.6707144461735495 1.6970267951097677 1.741912566824492 1.6738100166366396 1.3797308226436342 1.062434850177501 +39929,0.6182204887249162,2,-0.264017093254082 -0.315094005894969 -0.45749024719684517 -0.5488095758578255 -0.62465105220339 -0.5844086361832967 -0.07209172454285957 0.3349757913527134 0.6367939115034221 1.0732693467982948 1.4308077352845214 1.5174837082508796 1.4772412922307863 1.6707144461735495 1.6970267951097677 1.741912566824492 1.6738100166366396 1.3797308226436342 1.062434850177501 0.899917400865587 +39930,0.37831377783589687,2,-0.315094005894969 -0.45749024719684517 -0.5488095758578255 -0.62465105220339 -0.5844086361832967 -0.07209172454285957 0.3349757913527134 0.6367939115034221 1.0732693467982948 1.4308077352845214 1.5174837082508796 1.4772412922307863 1.6707144461735495 1.6970267951097677 1.741912566824492 1.6738100166366396 1.3797308226436342 1.062434850177501 0.899917400865587 0.6182204887249162 +39931,0.4386774018660369,2,-0.45749024719684517 -0.5488095758578255 -0.62465105220339 -0.5844086361832967 -0.07209172454285957 0.3349757913527134 0.6367939115034221 1.0732693467982948 1.4308077352845214 1.5174837082508796 1.4772412922307863 1.6707144461735495 1.6970267951097677 1.741912566824492 1.6738100166366396 1.3797308226436342 1.062434850177501 0.899917400865587 0.6182204887249162 0.37831377783589687 +39932,0.17400612727234008,2,-0.5488095758578255 -0.62465105220339 -0.5844086361832967 -0.07209172454285957 0.3349757913527134 0.6367939115034221 1.0732693467982948 1.4308077352845214 1.5174837082508796 1.4772412922307863 1.6707144461735495 1.6970267951097677 1.741912566824492 1.6738100166366396 1.3797308226436342 1.062434850177501 0.899917400865587 0.6182204887249162 0.37831377783589687 0.4386774018660369 +39933,0.034705456433545334,2,-0.62465105220339 -0.5844086361832967 -0.07209172454285957 0.3349757913527134 0.6367939115034221 1.0732693467982948 1.4308077352845214 1.5174837082508796 1.4772412922307863 1.6707144461735495 1.6970267951097677 1.741912566824492 1.6738100166366396 1.3797308226436342 1.062434850177501 0.899917400865587 0.6182204887249162 0.37831377783589687 0.4386774018660369 0.17400612727234008 +39934,-0.025658167596594655,2,-0.5844086361832967 -0.07209172454285957 0.3349757913527134 0.6367939115034221 1.0732693467982948 1.4308077352845214 1.5174837082508796 1.4772412922307863 1.6707144461735495 1.6970267951097677 1.741912566824492 1.6738100166366396 1.3797308226436342 1.062434850177501 0.899917400865587 0.6182204887249162 0.37831377783589687 0.4386774018660369 0.17400612727234008 0.034705456433545334 +39935,-0.11852528148912447,2,-0.07209172454285957 0.3349757913527134 0.6367939115034221 1.0732693467982948 1.4308077352845214 1.5174837082508796 1.4772412922307863 1.6707144461735495 1.6970267951097677 1.741912566824492 1.6738100166366396 1.3797308226436342 1.062434850177501 0.899917400865587 0.6182204887249162 0.37831377783589687 0.4386774018660369 0.17400612727234008 0.034705456433545334 -0.025658167596594655 +39936,-0.2500870261701981,2,0.3349757913527134 0.6367939115034221 1.0732693467982948 1.4308077352845214 1.5174837082508796 1.4772412922307863 1.6707144461735495 1.6970267951097677 1.741912566824492 1.6738100166366396 1.3797308226436342 1.062434850177501 0.899917400865587 0.6182204887249162 0.37831377783589687 0.4386774018660369 0.17400612727234008 0.034705456433545334 -0.025658167596594655 -0.11852528148912447 +39937,-0.2748515898748757,2,0.6367939115034221 1.0732693467982948 1.4308077352845214 1.5174837082508796 1.4772412922307863 1.6707144461735495 1.6970267951097677 1.741912566824492 1.6738100166366396 1.3797308226436342 1.062434850177501 0.899917400865587 0.6182204887249162 0.37831377783589687 0.4386774018660369 0.17400612727234008 0.034705456433545334 -0.025658167596594655 -0.11852528148912447 -0.2500870261701981 +39938,-0.3104506502003469,2,1.0732693467982948 1.4308077352845214 1.5174837082508796 1.4772412922307863 1.6707144461735495 1.6970267951097677 1.741912566824492 1.6738100166366396 1.3797308226436342 1.062434850177501 0.899917400865587 0.6182204887249162 0.37831377783589687 0.4386774018660369 0.17400612727234008 0.034705456433545334 -0.025658167596594655 -0.11852528148912447 -0.2500870261701981 -0.2748515898748757 +39939,0.18174505343004357,2,1.4308077352845214 1.5174837082508796 1.4772412922307863 1.6707144461735495 1.6970267951097677 1.741912566824492 1.6738100166366396 1.3797308226436342 1.062434850177501 0.899917400865587 0.6182204887249162 0.37831377783589687 0.4386774018660369 0.17400612727234008 0.034705456433545334 -0.025658167596594655 -0.11852528148912447 -0.2500870261701981 -0.2748515898748757 -0.3104506502003469 +39940,0.6662018309027218,2,1.5174837082508796 1.4772412922307863 1.6707144461735495 1.6970267951097677 1.741912566824492 1.6738100166366396 1.3797308226436342 1.062434850177501 0.899917400865587 0.6182204887249162 0.37831377783589687 0.4386774018660369 0.17400612727234008 0.034705456433545334 -0.025658167596594655 -0.11852528148912447 -0.2500870261701981 -0.2748515898748757 -0.3104506502003469 0.18174505343004357 +39941,1.1011294809660537,2,1.4772412922307863 1.6707144461735495 1.6970267951097677 1.741912566824492 1.6738100166366396 1.3797308226436342 1.062434850177501 0.899917400865587 0.6182204887249162 0.37831377783589687 0.4386774018660369 0.17400612727234008 0.034705456433545334 -0.025658167596594655 -0.11852528148912447 -0.2500870261701981 -0.2748515898748757 -0.3104506502003469 0.18174505343004357 0.6662018309027218 +39942,1.4493811580630274,2,1.6707144461735495 1.6970267951097677 1.741912566824492 1.6738100166366396 1.3797308226436342 1.062434850177501 0.899917400865587 0.6182204887249162 0.37831377783589687 0.4386774018660369 0.17400612727234008 0.034705456433545334 -0.025658167596594655 -0.11852528148912447 -0.2500870261701981 -0.2748515898748757 -0.3104506502003469 0.18174505343004357 0.6662018309027218 1.1011294809660537 +39943,1.676905587099721,2,1.6970267951097677 1.741912566824492 1.6738100166366396 1.3797308226436342 1.062434850177501 0.899917400865587 0.6182204887249162 0.37831377783589687 0.4386774018660369 0.17400612727234008 0.034705456433545334 -0.025658167596594655 -0.11852528148912447 -0.2500870261701981 -0.2748515898748757 -0.3104506502003469 0.18174505343004357 0.6662018309027218 1.1011294809660537 1.4493811580630274 +39944,1.8053717613177132,2,1.741912566824492 1.6738100166366396 1.3797308226436342 1.062434850177501 0.899917400865587 0.6182204887249162 0.37831377783589687 0.4386774018660369 0.17400612727234008 0.034705456433545334 -0.025658167596594655 -0.11852528148912447 -0.2500870261701981 -0.2748515898748757 -0.3104506502003469 0.18174505343004357 0.6662018309027218 1.1011294809660537 1.4493811580630274 1.676905587099721 +39945,1.8146584727069661,2,1.6738100166366396 1.3797308226436342 1.062434850177501 0.899917400865587 0.6182204887249162 0.37831377783589687 0.4386774018660369 0.17400612727234008 0.034705456433545334 -0.025658167596594655 -0.11852528148912447 -0.2500870261701981 -0.2748515898748757 -0.3104506502003469 0.18174505343004357 0.6662018309027218 1.1011294809660537 1.4493811580630274 1.676905587099721 1.8053717613177132 +39946,1.797632835160001,2,1.3797308226436342 1.062434850177501 0.899917400865587 0.6182204887249162 0.37831377783589687 0.4386774018660369 0.17400612727234008 0.034705456433545334 -0.025658167596594655 -0.11852528148912447 -0.2500870261701981 -0.2748515898748757 -0.3104506502003469 0.18174505343004357 0.6662018309027218 1.1011294809660537 1.4493811580630274 1.676905587099721 1.8053717613177132 1.8146584727069661 +39947,1.6970267951097677,2,1.062434850177501 0.899917400865587 0.6182204887249162 0.37831377783589687 0.4386774018660369 0.17400612727234008 0.034705456433545334 -0.025658167596594655 -0.11852528148912447 -0.2500870261701981 -0.2748515898748757 -0.3104506502003469 0.18174505343004357 0.6662018309027218 1.1011294809660537 1.4493811580630274 1.676905587099721 1.8053717613177132 1.8146584727069661 1.797632835160001 +39948,1.6211853187642031,2,0.899917400865587 0.6182204887249162 0.37831377783589687 0.4386774018660369 0.17400612727234008 0.034705456433545334 -0.025658167596594655 -0.11852528148912447 -0.2500870261701981 -0.2748515898748757 -0.3104506502003469 0.18174505343004357 0.6662018309027218 1.1011294809660537 1.4493811580630274 1.676905587099721 1.8053717613177132 1.8146584727069661 1.797632835160001 1.6970267951097677 +39949,1.4989102854723737,2,0.6182204887249162 0.37831377783589687 0.4386774018660369 0.17400612727234008 0.034705456433545334 -0.025658167596594655 -0.11852528148912447 -0.2500870261701981 -0.2748515898748757 -0.3104506502003469 0.18174505343004357 0.6662018309027218 1.1011294809660537 1.4493811580630274 1.676905587099721 1.8053717613177132 1.8146584727069661 1.797632835160001 1.6970267951097677 1.6211853187642031 +39950,1.1738753868485368,2,0.37831377783589687 0.4386774018660369 0.17400612727234008 0.034705456433545334 -0.025658167596594655 -0.11852528148912447 -0.2500870261701981 -0.2748515898748757 -0.3104506502003469 0.18174505343004357 0.6662018309027218 1.1011294809660537 1.4493811580630274 1.676905587099721 1.8053717613177132 1.8146584727069661 1.797632835160001 1.6970267951097677 1.6211853187642031 1.4989102854723737 +39951,0.75287780386908,2,0.4386774018660369 0.17400612727234008 0.034705456433545334 -0.025658167596594655 -0.11852528148912447 -0.2500870261701981 -0.2748515898748757 -0.3104506502003469 0.18174505343004357 0.6662018309027218 1.1011294809660537 1.4493811580630274 1.676905587099721 1.8053717613177132 1.8146584727069661 1.797632835160001 1.6970267951097677 1.6211853187642031 1.4989102854723737 1.1738753868485368 +39952,0.6011948511779597,2,0.17400612727234008 0.034705456433545334 -0.025658167596594655 -0.11852528148912447 -0.2500870261701981 -0.2748515898748757 -0.3104506502003469 0.18174505343004357 0.6662018309027218 1.1011294809660537 1.4493811580630274 1.676905587099721 1.8053717613177132 1.8146584727069661 1.797632835160001 1.6970267951097677 1.6211853187642031 1.4989102854723737 1.1738753868485368 0.75287780386908 +39953,0.3241412947319197,2,0.034705456433545334 -0.025658167596594655 -0.11852528148912447 -0.2500870261701981 -0.2748515898748757 -0.3104506502003469 0.18174505343004357 0.6662018309027218 1.1011294809660537 1.4493811580630274 1.676905587099721 1.8053717613177132 1.8146584727069661 1.797632835160001 1.6970267951097677 1.6211853187642031 1.4989102854723737 1.1738753868485368 0.75287780386908 0.6011948511779597 +39954,0.19103176481929654,2,-0.025658167596594655 -0.11852528148912447 -0.2500870261701981 -0.2748515898748757 -0.3104506502003469 0.18174505343004357 0.6662018309027218 1.1011294809660537 1.4493811580630274 1.676905587099721 1.8053717613177132 1.8146584727069661 1.797632835160001 1.6970267951097677 1.6211853187642031 1.4989102854723737 1.1738753868485368 0.75287780386908 0.6011948511779597 0.3241412947319197 +39955,0.005297537034245689,2,-0.11852528148912447 -0.2500870261701981 -0.2748515898748757 -0.3104506502003469 0.18174505343004357 0.6662018309027218 1.1011294809660537 1.4493811580630274 1.676905587099721 1.8053717613177132 1.8146584727069661 1.797632835160001 1.6970267951097677 1.6211853187642031 1.4989102854723737 1.1738753868485368 0.75287780386908 0.6011948511779597 0.3241412947319197 0.19103176481929654 +39956,0.02077538934967026,2,-0.2500870261701981 -0.2748515898748757 -0.3104506502003469 0.18174505343004357 0.6662018309027218 1.1011294809660537 1.4493811580630274 1.676905587099721 1.8053717613177132 1.8146584727069661 1.797632835160001 1.6970267951097677 1.6211853187642031 1.4989102854723737 1.1738753868485368 0.75287780386908 0.6011948511779597 0.3241412947319197 0.19103176481929654 0.005297537034245689 +39957,-0.056613872227435,2,-0.2748515898748757 -0.3104506502003469 0.18174505343004357 0.6662018309027218 1.1011294809660537 1.4493811580630274 1.676905587099721 1.8053717613177132 1.8146584727069661 1.797632835160001 1.6970267951097677 1.6211853187642031 1.4989102854723737 1.1738753868485368 0.75287780386908 0.6011948511779597 0.3241412947319197 0.19103176481929654 0.005297537034245689 0.02077538934967026 +39958,-0.1587676975092178,2,-0.3104506502003469 0.18174505343004357 0.6662018309027218 1.1011294809660537 1.4493811580630274 1.676905587099721 1.8053717613177132 1.8146584727069661 1.797632835160001 1.6970267951097677 1.6211853187642031 1.4989102854723737 1.1738753868485368 0.75287780386908 0.6011948511779597 0.3241412947319197 0.19103176481929654 0.005297537034245689 0.02077538934967026 -0.056613872227435 +39959,-0.2500870261701981,2,0.18174505343004357 0.6662018309027218 1.1011294809660537 1.4493811580630274 1.676905587099721 1.8053717613177132 1.8146584727069661 1.797632835160001 1.6970267951097677 1.6211853187642031 1.4989102854723737 1.1738753868485368 0.75287780386908 0.6011948511779597 0.3241412947319197 0.19103176481929654 0.005297537034245689 0.02077538934967026 -0.056613872227435 -0.1587676975092178 +39960,-0.30116393881109393,2,0.6662018309027218 1.1011294809660537 1.4493811580630274 1.676905587099721 1.8053717613177132 1.8146584727069661 1.797632835160001 1.6970267951097677 1.6211853187642031 1.4989102854723737 1.1738753868485368 0.75287780386908 0.6011948511779597 0.3241412947319197 0.19103176481929654 0.005297537034245689 0.02077538934967026 -0.056613872227435 -0.1587676975092178 -0.2500870261701981 +39961,-0.40641333455594936,2,1.1011294809660537 1.4493811580630274 1.676905587099721 1.8053717613177132 1.8146584727069661 1.797632835160001 1.6970267951097677 1.6211853187642031 1.4989102854723737 1.1738753868485368 0.75287780386908 0.6011948511779597 0.3241412947319197 0.19103176481929654 0.005297537034245689 0.02077538934967026 -0.056613872227435 -0.1587676975092178 -0.2500870261701981 -0.30116393881109393 +39962,-0.38319655608282127,2,1.4493811580630274 1.676905587099721 1.8053717613177132 1.8146584727069661 1.797632835160001 1.6970267951097677 1.6211853187642031 1.4989102854723737 1.1738753868485368 0.75287780386908 0.6011948511779597 0.3241412947319197 0.19103176481929654 0.005297537034245689 0.02077538934967026 -0.056613872227435 -0.1587676975092178 -0.2500870261701981 -0.30116393881109393 -0.40641333455594936 +39963,-0.051970516532812906,2,1.676905587099721 1.8053717613177132 1.8146584727069661 1.797632835160001 1.6970267951097677 1.6211853187642031 1.4989102854723737 1.1738753868485368 0.75287780386908 0.6011948511779597 0.3241412947319197 0.19103176481929654 0.005297537034245689 0.02077538934967026 -0.056613872227435 -0.1587676975092178 -0.2500870261701981 -0.30116393881109393 -0.40641333455594936 -0.38319655608282127 +39964,0.2235352546816864,2,1.8053717613177132 1.8146584727069661 1.797632835160001 1.6970267951097677 1.6211853187642031 1.4989102854723737 1.1738753868485368 0.75287780386908 0.6011948511779597 0.3241412947319197 0.19103176481929654 0.005297537034245689 0.02077538934967026 -0.056613872227435 -0.1587676975092178 -0.2500870261701981 -0.30116393881109393 -0.40641333455594936 -0.38319655608282127 -0.051970516532812906 +39965,0.4711808917284179,2,1.8146584727069661 1.797632835160001 1.6970267951097677 1.6211853187642031 1.4989102854723737 1.1738753868485368 0.75287780386908 0.6011948511779597 0.3241412947319197 0.19103176481929654 0.005297537034245689 0.02077538934967026 -0.056613872227435 -0.1587676975092178 -0.2500870261701981 -0.30116393881109393 -0.40641333455594936 -0.38319655608282127 -0.051970516532812906 0.2235352546816864 +39966,0.8116936426676793,2,1.797632835160001 1.6970267951097677 1.6211853187642031 1.4989102854723737 1.1738753868485368 0.75287780386908 0.6011948511779597 0.3241412947319197 0.19103176481929654 0.005297537034245689 0.02077538934967026 -0.056613872227435 -0.1587676975092178 -0.2500870261701981 -0.30116393881109393 -0.40641333455594936 -0.38319655608282127 -0.051970516532812906 0.2235352546816864 0.4711808917284179 +39967,1.0283835750835792,2,1.6970267951097677 1.6211853187642031 1.4989102854723737 1.1738753868485368 0.75287780386908 0.6011948511779597 0.3241412947319197 0.19103176481929654 0.005297537034245689 0.02077538934967026 -0.056613872227435 -0.1587676975092178 -0.2500870261701981 -0.30116393881109393 -0.40641333455594936 -0.38319655608282127 -0.051970516532812906 0.2235352546816864 0.4711808917284179 0.8116936426676793 +39968,1.0593392797144197,2,1.6211853187642031 1.4989102854723737 1.1738753868485368 0.75287780386908 0.6011948511779597 0.3241412947319197 0.19103176481929654 0.005297537034245689 0.02077538934967026 -0.056613872227435 -0.1587676975092178 -0.2500870261701981 -0.30116393881109393 -0.40641333455594936 -0.38319655608282127 -0.051970516532812906 0.2235352546816864 0.4711808917284179 0.8116936426676793 1.0283835750835792 +39969,0.9308731054964273,2,1.4989102854723737 1.1738753868485368 0.75287780386908 0.6011948511779597 0.3241412947319197 0.19103176481929654 0.005297537034245689 0.02077538934967026 -0.056613872227435 -0.1587676975092178 -0.2500870261701981 -0.30116393881109393 -0.40641333455594936 -0.38319655608282127 -0.051970516532812906 0.2235352546816864 0.4711808917284179 0.8116936426676793 1.0283835750835792 1.0593392797144197 +39970,0.8890829042447845,2,1.1738753868485368 0.75287780386908 0.6011948511779597 0.3241412947319197 0.19103176481929654 0.005297537034245689 0.02077538934967026 -0.056613872227435 -0.1587676975092178 -0.2500870261701981 -0.30116393881109393 -0.40641333455594936 -0.38319655608282127 -0.051970516532812906 0.2235352546816864 0.4711808917284179 0.8116936426676793 1.0283835750835792 1.0593392797144197 0.9308731054964273 +39971,0.8906306894763341,2,0.75287780386908 0.6011948511779597 0.3241412947319197 0.19103176481929654 0.005297537034245689 0.02077538934967026 -0.056613872227435 -0.1587676975092178 -0.2500870261701981 -0.30116393881109393 -0.40641333455594936 -0.38319655608282127 -0.051970516532812906 0.2235352546816864 0.4711808917284179 0.8116936426676793 1.0283835750835792 1.0593392797144197 0.9308731054964273 0.8890829042447845 +39972,0.7157309583120769,2,0.6011948511779597 0.3241412947319197 0.19103176481929654 0.005297537034245689 0.02077538934967026 -0.056613872227435 -0.1587676975092178 -0.2500870261701981 -0.30116393881109393 -0.40641333455594936 -0.38319655608282127 -0.051970516532812906 0.2235352546816864 0.4711808917284179 0.8116936426676793 1.0283835750835792 1.0593392797144197 0.9308731054964273 0.8890829042447845 0.8906306894763341 +39973,0.5222578043693137,2,0.3241412947319197 0.19103176481929654 0.005297537034245689 0.02077538934967026 -0.056613872227435 -0.1587676975092178 -0.2500870261701981 -0.30116393881109393 -0.40641333455594936 -0.38319655608282127 -0.051970516532812906 0.2235352546816864 0.4711808917284179 0.8116936426676793 1.0283835750835792 1.0593392797144197 0.9308731054964273 0.8890829042447845 0.8906306894763341 0.7157309583120769 +39974,0.2219874694501369,2,0.19103176481929654 0.005297537034245689 0.02077538934967026 -0.056613872227435 -0.1587676975092178 -0.2500870261701981 -0.30116393881109393 -0.40641333455594936 -0.38319655608282127 -0.051970516532812906 0.2235352546816864 0.4711808917284179 0.8116936426676793 1.0283835750835792 1.0593392797144197 0.9308731054964273 0.8890829042447845 0.8906306894763341 0.7157309583120769 0.5222578043693137 +39975,0.005297537034245689,2,0.005297537034245689 0.02077538934967026 -0.056613872227435 -0.1587676975092178 -0.2500870261701981 -0.30116393881109393 -0.40641333455594936 -0.38319655608282127 -0.051970516532812906 0.2235352546816864 0.4711808917284179 0.8116936426676793 1.0283835750835792 1.0593392797144197 0.9308731054964273 0.8890829042447845 0.8906306894763341 0.7157309583120769 0.5222578043693137 0.2219874694501369 +39976,-0.12781199287837747,2,0.02077538934967026 -0.056613872227435 -0.1587676975092178 -0.2500870261701981 -0.30116393881109393 -0.40641333455594936 -0.38319655608282127 -0.051970516532812906 0.2235352546816864 0.4711808917284179 0.8116936426676793 1.0283835750835792 1.0593392797144197 0.9308731054964273 0.8890829042447845 0.8906306894763341 0.7157309583120769 0.5222578043693137 0.2219874694501369 0.005297537034245689 +39977,-0.2160357510762764,2,-0.056613872227435 -0.1587676975092178 -0.2500870261701981 -0.30116393881109393 -0.40641333455594936 -0.38319655608282127 -0.051970516532812906 0.2235352546816864 0.4711808917284179 0.8116936426676793 1.0283835750835792 1.0593392797144197 0.9308731054964273 0.8890829042447845 0.8906306894763341 0.7157309583120769 0.5222578043693137 0.2219874694501369 0.005297537034245689 -0.12781199287837747 +39978,-0.2763993751064164,2,-0.1587676975092178 -0.2500870261701981 -0.30116393881109393 -0.40641333455594936 -0.38319655608282127 -0.051970516532812906 0.2235352546816864 0.4711808917284179 0.8116936426676793 1.0283835750835792 1.0593392797144197 0.9308731054964273 0.8890829042447845 0.8906306894763341 0.7157309583120769 0.5222578043693137 0.2219874694501369 0.005297537034245689 -0.12781199287837747 -0.2160357510762764 +39979,-0.36617091853585604,2,-0.2500870261701981 -0.30116393881109393 -0.40641333455594936 -0.38319655608282127 -0.051970516532812906 0.2235352546816864 0.4711808917284179 0.8116936426676793 1.0283835750835792 1.0593392797144197 0.9308731054964273 0.8890829042447845 0.8906306894763341 0.7157309583120769 0.5222578043693137 0.2219874694501369 0.005297537034245689 -0.12781199287837747 -0.2160357510762764 -0.2763993751064164 +39980,-0.3785532003881992,2,-0.30116393881109393 -0.40641333455594936 -0.38319655608282127 -0.051970516532812906 0.2235352546816864 0.4711808917284179 0.8116936426676793 1.0283835750835792 1.0593392797144197 0.9308731054964273 0.8890829042447845 0.8906306894763341 0.7157309583120769 0.5222578043693137 0.2219874694501369 0.005297537034245689 -0.12781199287837747 -0.2160357510762764 -0.2763993751064164 -0.36617091853585604 +39981,-0.40486554932440866,2,-0.40641333455594936 -0.38319655608282127 -0.051970516532812906 0.2235352546816864 0.4711808917284179 0.8116936426676793 1.0283835750835792 1.0593392797144197 0.9308731054964273 0.8890829042447845 0.8906306894763341 0.7157309583120769 0.5222578043693137 0.2219874694501369 0.005297537034245689 -0.12781199287837747 -0.2160357510762764 -0.2763993751064164 -0.36617091853585604 -0.3785532003881992 +39982,-0.40486554932440866,2,-0.38319655608282127 -0.051970516532812906 0.2235352546816864 0.4711808917284179 0.8116936426676793 1.0283835750835792 1.0593392797144197 0.9308731054964273 0.8890829042447845 0.8906306894763341 0.7157309583120769 0.5222578043693137 0.2219874694501369 0.005297537034245689 -0.12781199287837747 -0.2160357510762764 -0.2763993751064164 -0.36617091853585604 -0.3785532003881992 -0.40486554932440866 +39983,-0.3785532003881992,2,-0.051970516532812906 0.2235352546816864 0.4711808917284179 0.8116936426676793 1.0283835750835792 1.0593392797144197 0.9308731054964273 0.8890829042447845 0.8906306894763341 0.7157309583120769 0.5222578043693137 0.2219874694501369 0.005297537034245689 -0.12781199287837747 -0.2160357510762764 -0.2763993751064164 -0.36617091853585604 -0.3785532003881992 -0.40486554932440866 -0.40486554932440866 +39984,-0.3924832674720743,2,0.2235352546816864 0.4711808917284179 0.8116936426676793 1.0283835750835792 1.0593392797144197 0.9308731054964273 0.8890829042447845 0.8906306894763341 0.7157309583120769 0.5222578043693137 0.2219874694501369 0.005297537034245689 -0.12781199287837747 -0.2160357510762764 -0.2763993751064164 -0.36617091853585604 -0.3785532003881992 -0.40486554932440866 -0.40486554932440866 -0.3785532003881992 +39985,-0.4311778982606269,2,0.4711808917284179 0.8116936426676793 1.0283835750835792 1.0593392797144197 0.9308731054964273 0.8890829042447845 0.8906306894763341 0.7157309583120769 0.5222578043693137 0.2219874694501369 0.005297537034245689 -0.12781199287837747 -0.2160357510762764 -0.2763993751064164 -0.36617091853585604 -0.3785532003881992 -0.40486554932440866 -0.40486554932440866 -0.3785532003881992 -0.3924832674720743 +39986,-0.41724783117675185,2,0.8116936426676793 1.0283835750835792 1.0593392797144197 0.9308731054964273 0.8890829042447845 0.8906306894763341 0.7157309583120769 0.5222578043693137 0.2219874694501369 0.005297537034245689 -0.12781199287837747 -0.2160357510762764 -0.2763993751064164 -0.36617091853585604 -0.3785532003881992 -0.40486554932440866 -0.40486554932440866 -0.3785532003881992 -0.3924832674720743 -0.4311778982606269 +39987,-0.2516348114017388,2,1.0283835750835792 1.0593392797144197 0.9308731054964273 0.8890829042447845 0.8906306894763341 0.7157309583120769 0.5222578043693137 0.2219874694501369 0.005297537034245689 -0.12781199287837747 -0.2160357510762764 -0.2763993751064164 -0.36617091853585604 -0.3785532003881992 -0.40486554932440866 -0.40486554932440866 -0.3785532003881992 -0.3924832674720743 -0.4311778982606269 -0.41724783117675185 +39988,-0.08756957685828413,2,1.0593392797144197 0.9308731054964273 0.8890829042447845 0.8906306894763341 0.7157309583120769 0.5222578043693137 0.2219874694501369 0.005297537034245689 -0.12781199287837747 -0.2160357510762764 -0.2763993751064164 -0.36617091853585604 -0.3785532003881992 -0.40486554932440866 -0.40486554932440866 -0.3785532003881992 -0.3924832674720743 -0.4311778982606269 -0.41724783117675185 -0.2516348114017388 +39989,0.08268679861135095,2,0.9308731054964273 0.8890829042447845 0.8906306894763341 0.7157309583120769 0.5222578043693137 0.2219874694501369 0.005297537034245689 -0.12781199287837747 -0.2160357510762764 -0.2763993751064164 -0.36617091853585604 -0.3785532003881992 -0.40486554932440866 -0.40486554932440866 -0.3785532003881992 -0.3924832674720743 -0.4311778982606269 -0.41724783117675185 -0.2516348114017388 -0.08756957685828413 +39990,0.25758652977560814,2,0.8890829042447845 0.8906306894763341 0.7157309583120769 0.5222578043693137 0.2219874694501369 0.005297537034245689 -0.12781199287837747 -0.2160357510762764 -0.2763993751064164 -0.36617091853585604 -0.3785532003881992 -0.40486554932440866 -0.40486554932440866 -0.3785532003881992 -0.3924832674720743 -0.4311778982606269 -0.41724783117675185 -0.2516348114017388 -0.08756957685828413 0.08268679861135095 +39991,0.34581028797350705,2,0.8906306894763341 0.7157309583120769 0.5222578043693137 0.2219874694501369 0.005297537034245689 -0.12781199287837747 -0.2160357510762764 -0.2763993751064164 -0.36617091853585604 -0.3785532003881992 -0.40486554932440866 -0.40486554932440866 -0.3785532003881992 -0.3924832674720743 -0.4311778982606269 -0.41724783117675185 -0.2516348114017388 -0.08756957685828413 0.08268679861135095 0.25758652977560814 +39992,0.46808532126533653,2,0.7157309583120769 0.5222578043693137 0.2219874694501369 0.005297537034245689 -0.12781199287837747 -0.2160357510762764 -0.2763993751064164 -0.36617091853585604 -0.3785532003881992 -0.40486554932440866 -0.40486554932440866 -0.3785532003881992 -0.3924832674720743 -0.4311778982606269 -0.41724783117675185 -0.2516348114017388 -0.08756957685828413 0.08268679861135095 0.25758652977560814 0.34581028797350705 +39993,0.5005888111277176,2,0.5222578043693137 0.2219874694501369 0.005297537034245689 -0.12781199287837747 -0.2160357510762764 -0.2763993751064164 -0.36617091853585604 -0.3785532003881992 -0.40486554932440866 -0.40486554932440866 -0.3785532003881992 -0.3924832674720743 -0.4311778982606269 -0.41724783117675185 -0.2516348114017388 -0.08756957685828413 0.08268679861135095 0.25758652977560814 0.34581028797350705 0.46808532126533653 +39994,0.4820153883492116,2,0.2219874694501369 0.005297537034245689 -0.12781199287837747 -0.2160357510762764 -0.2763993751064164 -0.36617091853585604 -0.3785532003881992 -0.40486554932440866 -0.40486554932440866 -0.3785532003881992 -0.3924832674720743 -0.4311778982606269 -0.41724783117675185 -0.2516348114017388 -0.08756957685828413 0.08268679861135095 0.25758652977560814 0.34581028797350705 0.46808532126533653 0.5005888111277176 +39995,0.40462612677210635,2,0.005297537034245689 -0.12781199287837747 -0.2160357510762764 -0.2763993751064164 -0.36617091853585604 -0.3785532003881992 -0.40486554932440866 -0.40486554932440866 -0.3785532003881992 -0.3924832674720743 -0.4311778982606269 -0.41724783117675185 -0.2516348114017388 -0.08756957685828413 0.08268679861135095 0.25758652977560814 0.34581028797350705 0.46808532126533653 0.5005888111277176 0.4820153883492116 +39996,0.3179501538057481,2,-0.12781199287837747 -0.2160357510762764 -0.2763993751064164 -0.36617091853585604 -0.3785532003881992 -0.40486554932440866 -0.40486554932440866 -0.3785532003881992 -0.3924832674720743 -0.4311778982606269 -0.41724783117675185 -0.2516348114017388 -0.08756957685828413 0.08268679861135095 0.25758652977560814 0.34581028797350705 0.46808532126533653 0.5005888111277176 0.4820153883492116 0.40462612677210635 +39997,0.2219874694501369,2,-0.2160357510762764 -0.2763993751064164 -0.36617091853585604 -0.3785532003881992 -0.40486554932440866 -0.40486554932440866 -0.3785532003881992 -0.3924832674720743 -0.4311778982606269 -0.41724783117675185 -0.2516348114017388 -0.08756957685828413 0.08268679861135095 0.25758652977560814 0.34581028797350705 0.46808532126533653 0.5005888111277176 0.4820153883492116 0.40462612677210635 0.3179501538057481 +39998,0.02696653027583305,2,-0.2763993751064164 -0.36617091853585604 -0.3785532003881992 -0.40486554932440866 -0.40486554932440866 -0.3785532003881992 -0.3924832674720743 -0.4311778982606269 -0.41724783117675185 -0.2516348114017388 -0.08756957685828413 0.08268679861135095 0.25758652977560814 0.34581028797350705 0.46808532126533653 0.5005888111277176 0.4820153883492116 0.40462612677210635 0.3179501538057481 0.2219874694501369 +39999,-0.1665066236669301,2,-0.36617091853585604 -0.3785532003881992 -0.40486554932440866 -0.40486554932440866 -0.3785532003881992 -0.3924832674720743 -0.4311778982606269 -0.41724783117675185 -0.2516348114017388 -0.08756957685828413 0.08268679861135095 0.25758652977560814 0.34581028797350705 0.46808532126533653 0.5005888111277176 0.4820153883492116 0.40462612677210635 0.3179501538057481 0.2219874694501369 0.02696653027583305 +40000,-0.2516348114017388,2,-0.3785532003881992 -0.40486554932440866 -0.40486554932440866 -0.3785532003881992 -0.3924832674720743 -0.4311778982606269 -0.41724783117675185 -0.2516348114017388 -0.08756957685828413 0.08268679861135095 0.25758652977560814 0.34581028797350705 0.46808532126533653 0.5005888111277176 0.4820153883492116 0.40462612677210635 0.3179501538057481 0.2219874694501369 0.02696653027583305 -0.1665066236669301 +40001,-0.29806836834800376,2,-0.40486554932440866 -0.40486554932440866 -0.3785532003881992 -0.3924832674720743 -0.4311778982606269 -0.41724783117675185 -0.2516348114017388 -0.08756957685828413 0.08268679861135095 0.25758652977560814 0.34581028797350705 0.46808532126533653 0.5005888111277176 0.4820153883492116 0.40462612677210635 0.3179501538057481 0.2219874694501369 0.02696653027583305 -0.1665066236669301 -0.2516348114017388 +40002,-0.30271172404263463,2,-0.40486554932440866 -0.3785532003881992 -0.3924832674720743 -0.4311778982606269 -0.41724783117675185 -0.2516348114017388 -0.08756957685828413 0.08268679861135095 0.25758652977560814 0.34581028797350705 0.46808532126533653 0.5005888111277176 0.4820153883492116 0.40462612677210635 0.3179501538057481 0.2219874694501369 0.02696653027583305 -0.1665066236669301 -0.2516348114017388 -0.29806836834800376 +40003,-0.3537886366835216,2,-0.3785532003881992 -0.3924832674720743 -0.4311778982606269 -0.41724783117675185 -0.2516348114017388 -0.08756957685828413 0.08268679861135095 0.25758652977560814 0.34581028797350705 0.46808532126533653 0.5005888111277176 0.4820153883492116 0.40462612677210635 0.3179501538057481 0.2219874694501369 0.02696653027583305 -0.1665066236669301 -0.2516348114017388 -0.29806836834800376 -0.30271172404263463 +40004,-0.3537886366835216,2,-0.3924832674720743 -0.4311778982606269 -0.41724783117675185 -0.2516348114017388 -0.08756957685828413 0.08268679861135095 0.25758652977560814 0.34581028797350705 0.46808532126533653 0.5005888111277176 0.4820153883492116 0.40462612677210635 0.3179501538057481 0.2219874694501369 0.02696653027583305 -0.1665066236669301 -0.2516348114017388 -0.29806836834800376 -0.30271172404263463 -0.3537886366835216 +40005,-0.3553364219150623,2,-0.4311778982606269 -0.41724783117675185 -0.2516348114017388 -0.08756957685828413 0.08268679861135095 0.25758652977560814 0.34581028797350705 0.46808532126533653 0.5005888111277176 0.4820153883492116 0.40462612677210635 0.3179501538057481 0.2219874694501369 0.02696653027583305 -0.1665066236669301 -0.2516348114017388 -0.29806836834800376 -0.30271172404263463 -0.3537886366835216 -0.3537886366835216 +40006,-0.3924832674720743,2,-0.41724783117675185 -0.2516348114017388 -0.08756957685828413 0.08268679861135095 0.25758652977560814 0.34581028797350705 0.46808532126533653 0.5005888111277176 0.4820153883492116 0.40462612677210635 0.3179501538057481 0.2219874694501369 0.02696653027583305 -0.1665066236669301 -0.2516348114017388 -0.29806836834800376 -0.30271172404263463 -0.3537886366835216 -0.3537886366835216 -0.3553364219150623 +40007,-0.394031052703615,2,-0.2516348114017388 -0.08756957685828413 0.08268679861135095 0.25758652977560814 0.34581028797350705 0.46808532126533653 0.5005888111277176 0.4820153883492116 0.40462612677210635 0.3179501538057481 0.2219874694501369 0.02696653027583305 -0.1665066236669301 -0.2516348114017388 -0.29806836834800376 -0.30271172404263463 -0.3537886366835216 -0.3537886366835216 -0.3553364219150623 -0.3924832674720743 +40008,-0.394031052703615,2,-0.08756957685828413 0.08268679861135095 0.25758652977560814 0.34581028797350705 0.46808532126533653 0.5005888111277176 0.4820153883492116 0.40462612677210635 0.3179501538057481 0.2219874694501369 0.02696653027583305 -0.1665066236669301 -0.2516348114017388 -0.29806836834800376 -0.30271172404263463 -0.3537886366835216 -0.3537886366835216 -0.3553364219150623 -0.3924832674720743 -0.394031052703615 +40009,-0.45903803242838587,2,0.08268679861135095 0.25758652977560814 0.34581028797350705 0.46808532126533653 0.5005888111277176 0.4820153883492116 0.40462612677210635 0.3179501538057481 0.2219874694501369 0.02696653027583305 -0.1665066236669301 -0.2516348114017388 -0.29806836834800376 -0.30271172404263463 -0.3537886366835216 -0.3537886366835216 -0.3553364219150623 -0.3924832674720743 -0.394031052703615 -0.394031052703615 +40010,-0.41879561640829255,2,0.25758652977560814 0.34581028797350705 0.46808532126533653 0.5005888111277176 0.4820153883492116 0.40462612677210635 0.3179501538057481 0.2219874694501369 0.02696653027583305 -0.1665066236669301 -0.2516348114017388 -0.29806836834800376 -0.30271172404263463 -0.3537886366835216 -0.3537886366835216 -0.3553364219150623 -0.3924832674720743 -0.394031052703615 -0.394031052703615 -0.45903803242838587 +40011,-0.25473038186482905,2,0.34581028797350705 0.46808532126533653 0.5005888111277176 0.4820153883492116 0.40462612677210635 0.3179501538057481 0.2219874694501369 0.02696653027583305 -0.1665066236669301 -0.2516348114017388 -0.29806836834800376 -0.30271172404263463 -0.3537886366835216 -0.3537886366835216 -0.3553364219150623 -0.3924832674720743 -0.394031052703615 -0.394031052703615 -0.45903803242838587 -0.41879561640829255 +40012,0.006845322265786387,2,0.46808532126533653 0.5005888111277176 0.4820153883492116 0.40462612677210635 0.3179501538057481 0.2219874694501369 0.02696653027583305 -0.1665066236669301 -0.2516348114017388 -0.29806836834800376 -0.30271172404263463 -0.3537886366835216 -0.3537886366835216 -0.3553364219150623 -0.3924832674720743 -0.394031052703615 -0.394031052703615 -0.45903803242838587 -0.41879561640829255 -0.25473038186482905 +40013,0.2096051875978025,2,0.5005888111277176 0.4820153883492116 0.40462612677210635 0.3179501538057481 0.2219874694501369 0.02696653027583305 -0.1665066236669301 -0.2516348114017388 -0.29806836834800376 -0.30271172404263463 -0.3537886366835216 -0.3537886366835216 -0.3553364219150623 -0.3924832674720743 -0.394031052703615 -0.394031052703615 -0.45903803242838587 -0.41879561640829255 -0.25473038186482905 0.006845322265786387 +40014,0.4324862609398653,2,0.4820153883492116 0.40462612677210635 0.3179501538057481 0.2219874694501369 0.02696653027583305 -0.1665066236669301 -0.2516348114017388 -0.29806836834800376 -0.30271172404263463 -0.3537886366835216 -0.3537886366835216 -0.3553364219150623 -0.3924832674720743 -0.394031052703615 -0.394031052703615 -0.45903803242838587 -0.41879561640829255 -0.25473038186482905 0.006845322265786387 0.2096051875978025 +40015,0.5934559250202474,2,0.40462612677210635 0.3179501538057481 0.2219874694501369 0.02696653027583305 -0.1665066236669301 -0.2516348114017388 -0.29806836834800376 -0.30271172404263463 -0.3537886366835216 -0.3537886366835216 -0.3553364219150623 -0.3924832674720743 -0.394031052703615 -0.394031052703615 -0.45903803242838587 -0.41879561640829255 -0.25473038186482905 0.006845322265786387 0.2096051875978025 0.4324862609398653 +40016,0.6754885422919747,2,0.3179501538057481 0.2219874694501369 0.02696653027583305 -0.1665066236669301 -0.2516348114017388 -0.29806836834800376 -0.30271172404263463 -0.3537886366835216 -0.3537886366835216 -0.3553364219150623 -0.3924832674720743 -0.394031052703615 -0.394031052703615 -0.45903803242838587 -0.41879561640829255 -0.25473038186482905 0.006845322265786387 0.2096051875978025 0.4324862609398653 0.5934559250202474 +40017,0.5980992807148695,2,0.2219874694501369 0.02696653027583305 -0.1665066236669301 -0.2516348114017388 -0.29806836834800376 -0.30271172404263463 -0.3537886366835216 -0.3537886366835216 -0.3553364219150623 -0.3924832674720743 -0.394031052703615 -0.394031052703615 -0.45903803242838587 -0.41879561640829255 -0.25473038186482905 0.006845322265786387 0.2096051875978025 0.4324862609398653 0.5934559250202474 0.6754885422919747 +40018,0.7126353878489867,2,0.02696653027583305 -0.1665066236669301 -0.2516348114017388 -0.29806836834800376 -0.30271172404263463 -0.3537886366835216 -0.3537886366835216 -0.3553364219150623 -0.3924832674720743 -0.394031052703615 -0.394031052703615 -0.45903803242838587 -0.41879561640829255 -0.25473038186482905 0.006845322265786387 0.2096051875978025 0.4324862609398653 0.5934559250202474 0.6754885422919747 0.5980992807148695 +40019,0.673940757060434,2,-0.1665066236669301 -0.2516348114017388 -0.29806836834800376 -0.30271172404263463 -0.3537886366835216 -0.3537886366835216 -0.3553364219150623 -0.3924832674720743 -0.394031052703615 -0.394031052703615 -0.45903803242838587 -0.41879561640829255 -0.25473038186482905 0.006845322265786387 0.2096051875978025 0.4324862609398653 0.5934559250202474 0.6754885422919747 0.5980992807148695 0.7126353878489867 +40020,0.5501179385370639,2,-0.2516348114017388 -0.29806836834800376 -0.30271172404263463 -0.3537886366835216 -0.3537886366835216 -0.3553364219150623 -0.3924832674720743 -0.394031052703615 -0.394031052703615 -0.45903803242838587 -0.41879561640829255 -0.25473038186482905 0.006845322265786387 0.2096051875978025 0.4324862609398653 0.5934559250202474 0.6754885422919747 0.5980992807148695 0.7126353878489867 0.673940757060434 +40021,0.4727286769599586,2,-0.29806836834800376 -0.30271172404263463 -0.3537886366835216 -0.3537886366835216 -0.3553364219150623 -0.3924832674720743 -0.394031052703615 -0.394031052703615 -0.45903803242838587 -0.41879561640829255 -0.25473038186482905 0.006845322265786387 0.2096051875978025 0.4324862609398653 0.5934559250202474 0.6754885422919747 0.5980992807148695 0.7126353878489867 0.673940757060434 0.5501179385370639 +40022,0.41855619385599024,2,-0.30271172404263463 -0.3537886366835216 -0.3537886366835216 -0.3553364219150623 -0.3924832674720743 -0.394031052703615 -0.394031052703615 -0.45903803242838587 -0.41879561640829255 -0.25473038186482905 0.006845322265786387 0.2096051875978025 0.4324862609398653 0.5934559250202474 0.6754885422919747 0.5980992807148695 0.7126353878489867 0.673940757060434 0.5501179385370639 0.4727286769599586 +40023,0.24210867746019235,2,-0.3537886366835216 -0.3537886366835216 -0.3553364219150623 -0.3924832674720743 -0.394031052703615 -0.394031052703615 -0.45903803242838587 -0.41879561640829255 -0.25473038186482905 0.006845322265786387 0.2096051875978025 0.4324862609398653 0.5934559250202474 0.6754885422919747 0.5980992807148695 0.7126353878489867 0.673940757060434 0.5501179385370639 0.4727286769599586 0.41855619385599024 +40024,0.2838988787118264,2,-0.3537886366835216 -0.3553364219150623 -0.3924832674720743 -0.394031052703615 -0.394031052703615 -0.45903803242838587 -0.41879561640829255 -0.25473038186482905 0.006845322265786387 0.2096051875978025 0.4324862609398653 0.5934559250202474 0.6754885422919747 0.5980992807148695 0.7126353878489867 0.673940757060434 0.5501179385370639 0.4727286769599586 0.41855619385599024 0.24210867746019235 +40025,0.18638840912467444,2,-0.3553364219150623 -0.3924832674720743 -0.394031052703615 -0.394031052703615 -0.45903803242838587 -0.41879561640829255 -0.25473038186482905 0.006845322265786387 0.2096051875978025 0.4324862609398653 0.5934559250202474 0.6754885422919747 0.5980992807148695 0.7126353878489867 0.673940757060434 0.5501179385370639 0.4727286769599586 0.41855619385599024 0.24210867746019235 0.2838988787118264 +40026,0.08268679861135095,2,-0.3924832674720743 -0.394031052703615 -0.394031052703615 -0.45903803242838587 -0.41879561640829255 -0.25473038186482905 0.006845322265786387 0.2096051875978025 0.4324862609398653 0.5934559250202474 0.6754885422919747 0.5980992807148695 0.7126353878489867 0.673940757060434 0.5501179385370639 0.4727286769599586 0.41855619385599024 0.24210867746019235 0.2838988787118264 0.18638840912467444 +40027,0.054826664443592,2,-0.394031052703615 -0.394031052703615 -0.45903803242838587 -0.41879561640829255 -0.25473038186482905 0.006845322265786387 0.2096051875978025 0.4324862609398653 0.5934559250202474 0.6754885422919747 0.5980992807148695 0.7126353878489867 0.673940757060434 0.5501179385370639 0.4727286769599586 0.41855619385599024 0.24210867746019235 0.2838988787118264 0.18638840912467444 0.08268679861135095 +40028,-0.17269776459309288,2,-0.394031052703615 -0.45903803242838587 -0.41879561640829255 -0.25473038186482905 0.006845322265786387 0.2096051875978025 0.4324862609398653 0.5934559250202474 0.6754885422919747 0.5980992807148695 0.7126353878489867 0.673940757060434 0.5501179385370639 0.4727286769599586 0.41855619385599024 0.24210867746019235 0.2838988787118264 0.18638840912467444 0.08268679861135095 0.054826664443592 +40029,-0.264017093254082,2,-0.45903803242838587 -0.41879561640829255 -0.25473038186482905 0.006845322265786387 0.2096051875978025 0.4324862609398653 0.5934559250202474 0.6754885422919747 0.5980992807148695 0.7126353878489867 0.673940757060434 0.5501179385370639 0.4727286769599586 0.41855619385599024 0.24210867746019235 0.2838988787118264 0.18638840912467444 0.08268679861135095 0.054826664443592 -0.17269776459309288 +40030,-0.34140635483118725,2,-0.41879561640829255 -0.25473038186482905 0.006845322265786387 0.2096051875978025 0.4324862609398653 0.5934559250202474 0.6754885422919747 0.5980992807148695 0.7126353878489867 0.673940757060434 0.5501179385370639 0.4727286769599586 0.41855619385599024 0.24210867746019235 0.2838988787118264 0.18638840912467444 0.08268679861135095 0.054826664443592 -0.17269776459309288 -0.264017093254082 +40031,-0.3924832674720743,2,-0.25473038186482905 0.006845322265786387 0.2096051875978025 0.4324862609398653 0.5934559250202474 0.6754885422919747 0.5980992807148695 0.7126353878489867 0.673940757060434 0.5501179385370639 0.4727286769599586 0.41855619385599024 0.24210867746019235 0.2838988787118264 0.18638840912467444 0.08268679861135095 0.054826664443592 -0.17269776459309288 -0.264017093254082 -0.34140635483118725 +40032,-0.46987252904917953,2,0.006845322265786387 0.2096051875978025 0.4324862609398653 0.5934559250202474 0.6754885422919747 0.5980992807148695 0.7126353878489867 0.673940757060434 0.5501179385370639 0.4727286769599586 0.41855619385599024 0.24210867746019235 0.2838988787118264 0.18638840912467444 0.08268679861135095 0.054826664443592 -0.17269776459309288 -0.264017093254082 -0.34140635483118725 -0.3924832674720743 +40033,-0.4961848779853978,2,0.2096051875978025 0.4324862609398653 0.5934559250202474 0.6754885422919747 0.5980992807148695 0.7126353878489867 0.673940757060434 0.5501179385370639 0.4727286769599586 0.41855619385599024 0.24210867746019235 0.2838988787118264 0.18638840912467444 0.08268679861135095 0.054826664443592 -0.17269776459309288 -0.264017093254082 -0.34140635483118725 -0.3924832674720743 -0.46987252904917953 +40034,-0.46677695858609813,2,0.4324862609398653 0.5934559250202474 0.6754885422919747 0.5980992807148695 0.7126353878489867 0.673940757060434 0.5501179385370639 0.4727286769599586 0.41855619385599024 0.24210867746019235 0.2838988787118264 0.18638840912467444 0.08268679861135095 0.054826664443592 -0.17269776459309288 -0.264017093254082 -0.34140635483118725 -0.3924832674720743 -0.46987252904917953 -0.4961848779853978 +40035,-0.19127118737159884,2,0.5934559250202474 0.6754885422919747 0.5980992807148695 0.7126353878489867 0.673940757060434 0.5501179385370639 0.4727286769599586 0.41855619385599024 0.24210867746019235 0.2838988787118264 0.18638840912467444 0.08268679861135095 0.054826664443592 -0.17269776459309288 -0.264017093254082 -0.34140635483118725 -0.3924832674720743 -0.46987252904917953 -0.4961848779853978 -0.46677695858609813 +40036,0.033157671202004635,2,0.6754885422919747 0.5980992807148695 0.7126353878489867 0.673940757060434 0.5501179385370639 0.4727286769599586 0.41855619385599024 0.24210867746019235 0.2838988787118264 0.18638840912467444 0.08268679861135095 0.054826664443592 -0.17269776459309288 -0.264017093254082 -0.34140635483118725 -0.3924832674720743 -0.46987252904917953 -0.4961848779853978 -0.46677695858609813 -0.19127118737159884 +40037,0.46653753603379583,2,0.5980992807148695 0.7126353878489867 0.673940757060434 0.5501179385370639 0.4727286769599586 0.41855619385599024 0.24210867746019235 0.2838988787118264 0.18638840912467444 0.08268679861135095 0.054826664443592 -0.17269776459309288 -0.264017093254082 -0.34140635483118725 -0.3924832674720743 -0.46987252904917953 -0.4961848779853978 -0.46677695858609813 -0.19127118737159884 0.033157671202004635 +40038,0.6336983410403407,2,0.7126353878489867 0.673940757060434 0.5501179385370639 0.4727286769599586 0.41855619385599024 0.24210867746019235 0.2838988787118264 0.18638840912467444 0.08268679861135095 0.054826664443592 -0.17269776459309288 -0.264017093254082 -0.34140635483118725 -0.3924832674720743 -0.46987252904917953 -0.4961848779853978 -0.46677695858609813 -0.19127118737159884 0.033157671202004635 0.46653753603379583 +40039,0.7590689447952516,2,0.673940757060434 0.5501179385370639 0.4727286769599586 0.41855619385599024 0.24210867746019235 0.2838988787118264 0.18638840912467444 0.08268679861135095 0.054826664443592 -0.17269776459309288 -0.264017093254082 -0.34140635483118725 -0.3924832674720743 -0.46987252904917953 -0.4961848779853978 -0.46677695858609813 -0.19127118737159884 0.033157671202004635 0.46653753603379583 0.6336983410403407 +40040,0.8828917633186217,2,0.5501179385370639 0.4727286769599586 0.41855619385599024 0.24210867746019235 0.2838988787118264 0.18638840912467444 0.08268679861135095 0.054826664443592 -0.17269776459309288 -0.264017093254082 -0.34140635483118725 -0.3924832674720743 -0.46987252904917953 -0.4961848779853978 -0.46677695858609813 -0.19127118737159884 0.033157671202004635 0.46653753603379583 0.6336983410403407 0.7590689447952516 +40041,0.8581271996139442,2,0.4727286769599586 0.41855619385599024 0.24210867746019235 0.2838988787118264 0.18638840912467444 0.08268679861135095 0.054826664443592 -0.17269776459309288 -0.264017093254082 -0.34140635483118725 -0.3924832674720743 -0.46987252904917953 -0.4961848779853978 -0.46677695858609813 -0.19127118737159884 0.033157671202004635 0.46653753603379583 0.6336983410403407 0.7590689447952516 0.8828917633186217 +40042,0.9184908236440842,2,0.41855619385599024 0.24210867746019235 0.2838988787118264 0.18638840912467444 0.08268679861135095 0.054826664443592 -0.17269776459309288 -0.264017093254082 -0.34140635483118725 -0.3924832674720743 -0.46987252904917953 -0.4961848779853978 -0.46677695858609813 -0.19127118737159884 0.033157671202004635 0.46653753603379583 0.6336983410403407 0.7590689447952516 0.8828917633186217 0.8581271996139442 +40043,0.8008591460468856,2,0.24210867746019235 0.2838988787118264 0.18638840912467444 0.08268679861135095 0.054826664443592 -0.17269776459309288 -0.264017093254082 -0.34140635483118725 -0.3924832674720743 -0.46987252904917953 -0.4961848779853978 -0.46677695858609813 -0.19127118737159884 0.033157671202004635 0.46653753603379583 0.6336983410403407 0.7590689447952516 0.8828917633186217 0.8581271996139442 0.9184908236440842 +40044,0.7497822334059986,2,0.2838988787118264 0.18638840912467444 0.08268679861135095 0.054826664443592 -0.17269776459309288 -0.264017093254082 -0.34140635483118725 -0.3924832674720743 -0.46987252904917953 -0.4961848779853978 -0.46677695858609813 -0.19127118737159884 0.033157671202004635 0.46653753603379583 0.6336983410403407 0.7590689447952516 0.8828917633186217 0.8581271996139442 0.9184908236440842 0.8008591460468856 +40045,0.4402251870975776,2,0.18638840912467444 0.08268679861135095 0.054826664443592 -0.17269776459309288 -0.264017093254082 -0.34140635483118725 -0.3924832674720743 -0.46987252904917953 -0.4961848779853978 -0.46677695858609813 -0.19127118737159884 0.033157671202004635 0.46653753603379583 0.6336983410403407 0.7590689447952516 0.8828917633186217 0.8581271996139442 0.9184908236440842 0.8008591460468856 0.7497822334059986 +40046,0.3086634424164951,2,0.08268679861135095 0.054826664443592 -0.17269776459309288 -0.264017093254082 -0.34140635483118725 -0.3924832674720743 -0.46987252904917953 -0.4961848779853978 -0.46677695858609813 -0.19127118737159884 0.033157671202004635 0.46653753603379583 0.6336983410403407 0.7590689447952516 0.8828917633186217 0.8581271996139442 0.9184908236440842 0.8008591460468856 0.7497822334059986 0.4402251870975776 +40047,0.09506908046368533,2,0.054826664443592 -0.17269776459309288 -0.264017093254082 -0.34140635483118725 -0.3924832674720743 -0.46987252904917953 -0.4961848779853978 -0.46677695858609813 -0.19127118737159884 0.033157671202004635 0.46653753603379583 0.6336983410403407 0.7590689447952516 0.8828917633186217 0.8581271996139442 0.9184908236440842 0.8008591460468856 0.7497822334059986 0.4402251870975776 0.3086634424164951 +40048,0.008393107497327084,2,-0.17269776459309288 -0.264017093254082 -0.34140635483118725 -0.3924832674720743 -0.46987252904917953 -0.4961848779853978 -0.46677695858609813 -0.19127118737159884 0.033157671202004635 0.46653753603379583 0.6336983410403407 0.7590689447952516 0.8828917633186217 0.8581271996139442 0.9184908236440842 0.8008591460468856 0.7497822334059986 0.4402251870975776 0.3086634424164951 0.09506908046368533 +40049,-0.14328984519379323,2,-0.264017093254082 -0.34140635483118725 -0.3924832674720743 -0.46987252904917953 -0.4961848779853978 -0.46677695858609813 -0.19127118737159884 0.033157671202004635 0.46653753603379583 0.6336983410403407 0.7590689447952516 0.8828917633186217 0.8581271996139442 0.9184908236440842 0.8008591460468856 0.7497822334059986 0.4402251870975776 0.3086634424164951 0.09506908046368533 0.008393107497327084 +40050,-0.14948098611996483,2,-0.34140635483118725 -0.3924832674720743 -0.46987252904917953 -0.4961848779853978 -0.46677695858609813 -0.19127118737159884 0.033157671202004635 0.46653753603379583 0.6336983410403407 0.7590689447952516 0.8828917633186217 0.8581271996139442 0.9184908236440842 0.8008591460468856 0.7497822334059986 0.4402251870975776 0.3086634424164951 0.09506908046368533 0.008393107497327084 -0.14328984519379323 +40051,-0.2763993751064164,2,-0.3924832674720743 -0.46987252904917953 -0.4961848779853978 -0.46677695858609813 -0.19127118737159884 0.033157671202004635 0.46653753603379583 0.6336983410403407 0.7590689447952516 0.8828917633186217 0.8581271996139442 0.9184908236440842 0.8008591460468856 0.7497822334059986 0.4402251870975776 0.3086634424164951 0.09506908046368533 0.008393107497327084 -0.14328984519379323 -0.14948098611996483 +40052,-0.2624693080225413,2,-0.46987252904917953 -0.4961848779853978 -0.46677695858609813 -0.19127118737159884 0.033157671202004635 0.46653753603379583 0.6336983410403407 0.7590689447952516 0.8828917633186217 0.8581271996139442 0.9184908236440842 0.8008591460468856 0.7497822334059986 0.4402251870975776 0.3086634424164951 0.09506908046368533 0.008393107497327084 -0.14328984519379323 -0.14948098611996483 -0.2763993751064164 +40053,-0.4157000459452023,2,-0.4961848779853978 -0.46677695858609813 -0.19127118737159884 0.033157671202004635 0.46653753603379583 0.6336983410403407 0.7590689447952516 0.8828917633186217 0.8581271996139442 0.9184908236440842 0.8008591460468856 0.7497822334059986 0.4402251870975776 0.3086634424164951 0.09506908046368533 0.008393107497327084 -0.14328984519379323 -0.14948098611996483 -0.2763993751064164 -0.2624693080225413 +40054,-0.45594246196530447,2,-0.46677695858609813 -0.19127118737159884 0.033157671202004635 0.46653753603379583 0.6336983410403407 0.7590689447952516 0.8828917633186217 0.8581271996139442 0.9184908236440842 0.8008591460468856 0.7497822334059986 0.4402251870975776 0.3086634424164951 0.09506908046368533 0.008393107497327084 -0.14328984519379323 -0.14948098611996483 -0.2763993751064164 -0.2624693080225413 -0.4157000459452023 +40055,-0.5209494416900665,2,-0.19127118737159884 0.033157671202004635 0.46653753603379583 0.6336983410403407 0.7590689447952516 0.8828917633186217 0.8581271996139442 0.9184908236440842 0.8008591460468856 0.7497822334059986 0.4402251870975776 0.3086634424164951 0.09506908046368533 0.008393107497327084 -0.14328984519379323 -0.14948098611996483 -0.2763993751064164 -0.2624693080225413 -0.4157000459452023 -0.45594246196530447 +40056,-0.5333317235424098,2,0.033157671202004635 0.46653753603379583 0.6336983410403407 0.7590689447952516 0.8828917633186217 0.8581271996139442 0.9184908236440842 0.8008591460468856 0.7497822334059986 0.4402251870975776 0.3086634424164951 0.09506908046368533 0.008393107497327084 -0.14328984519379323 -0.14948098611996483 -0.2763993751064164 -0.2624693080225413 -0.4157000459452023 -0.45594246196530447 -0.5209494416900665 +40057,-0.5163060859954445,2,0.46653753603379583 0.6336983410403407 0.7590689447952516 0.8828917633186217 0.8581271996139442 0.9184908236440842 0.8008591460468856 0.7497822334059986 0.4402251870975776 0.3086634424164951 0.09506908046368533 0.008393107497327084 -0.14328984519379323 -0.14948098611996483 -0.2763993751064164 -0.2624693080225413 -0.4157000459452023 -0.45594246196530447 -0.5209494416900665 -0.5333317235424098 +40058,-0.5255927973846974,2,0.6336983410403407 0.7590689447952516 0.8828917633186217 0.8581271996139442 0.9184908236440842 0.8008591460468856 0.7497822334059986 0.4402251870975776 0.3086634424164951 0.09506908046368533 0.008393107497327084 -0.14328984519379323 -0.14948098611996483 -0.2763993751064164 -0.2624693080225413 -0.4157000459452023 -0.45594246196530447 -0.5209494416900665 -0.5333317235424098 -0.5163060859954445 +40059,-0.18508004644543605,2,0.7590689447952516 0.8828917633186217 0.8581271996139442 0.9184908236440842 0.8008591460468856 0.7497822334059986 0.4402251870975776 0.3086634424164951 0.09506908046368533 0.008393107497327084 -0.14328984519379323 -0.14948098611996483 -0.2763993751064164 -0.2624693080225413 -0.4157000459452023 -0.45594246196530447 -0.5209494416900665 -0.5333317235424098 -0.5163060859954445 -0.5255927973846974 +40060,0.04708773828587971,2,0.8828917633186217 0.8581271996139442 0.9184908236440842 0.8008591460468856 0.7497822334059986 0.4402251870975776 0.3086634424164951 0.09506908046368533 0.008393107497327084 -0.14328984519379323 -0.14948098611996483 -0.2763993751064164 -0.2624693080225413 -0.4157000459452023 -0.45594246196530447 -0.5209494416900665 -0.5333317235424098 -0.5163060859954445 -0.5255927973846974 -0.18508004644543605 +40061,0.24984760361789585,2,0.8581271996139442 0.9184908236440842 0.8008591460468856 0.7497822334059986 0.4402251870975776 0.3086634424164951 0.09506908046368533 0.008393107497327084 -0.14328984519379323 -0.14948098611996483 -0.2763993751064164 -0.2624693080225413 -0.4157000459452023 -0.45594246196530447 -0.5209494416900665 -0.5333317235424098 -0.5163060859954445 -0.5255927973846974 -0.18508004644543605 0.04708773828587971 +40062,0.443320757560659,2,0.9184908236440842 0.8008591460468856 0.7497822334059986 0.4402251870975776 0.3086634424164951 0.09506908046368533 0.008393107497327084 -0.14328984519379323 -0.14948098611996483 -0.2763993751064164 -0.2624693080225413 -0.4157000459452023 -0.45594246196530447 -0.5209494416900665 -0.5333317235424098 -0.5163060859954445 -0.5255927973846974 -0.18508004644543605 0.04708773828587971 0.24984760361789585 +40063,0.6259594148826284,2,0.8008591460468856 0.7497822334059986 0.4402251870975776 0.3086634424164951 0.09506908046368533 0.008393107497327084 -0.14328984519379323 -0.14948098611996483 -0.2763993751064164 -0.2624693080225413 -0.4157000459452023 -0.45594246196530447 -0.5209494416900665 -0.5333317235424098 -0.5163060859954445 -0.5255927973846974 -0.18508004644543605 0.04708773828587971 0.24984760361789585 0.443320757560659 +40064,0.7683556561845045,2,0.7497822334059986 0.4402251870975776 0.3086634424164951 0.09506908046368533 0.008393107497327084 -0.14328984519379323 -0.14948098611996483 -0.2763993751064164 -0.2624693080225413 -0.4157000459452023 -0.45594246196530447 -0.5209494416900665 -0.5333317235424098 -0.5163060859954445 -0.5255927973846974 -0.18508004644543605 0.04708773828587971 0.24984760361789585 0.443320757560659 0.6259594148826284 +40065,0.8782484076239908,2,0.4402251870975776 0.3086634424164951 0.09506908046368533 0.008393107497327084 -0.14328984519379323 -0.14948098611996483 -0.2763993751064164 -0.2624693080225413 -0.4157000459452023 -0.45594246196530447 -0.5209494416900665 -0.5333317235424098 -0.5163060859954445 -0.5255927973846974 -0.18508004644543605 0.04708773828587971 0.24984760361789585 0.443320757560659 0.6259594148826284 0.7683556561845045 +40066,0.8983696156340375,2,0.3086634424164951 0.09506908046368533 0.008393107497327084 -0.14328984519379323 -0.14948098611996483 -0.2763993751064164 -0.2624693080225413 -0.4157000459452023 -0.45594246196530447 -0.5209494416900665 -0.5333317235424098 -0.5163060859954445 -0.5255927973846974 -0.18508004644543605 0.04708773828587971 0.24984760361789585 0.443320757560659 0.6259594148826284 0.7683556561845045 0.8782484076239908 +40067,0.8116936426676793,2,0.09506908046368533 0.008393107497327084 -0.14328984519379323 -0.14948098611996483 -0.2763993751064164 -0.2624693080225413 -0.4157000459452023 -0.45594246196530447 -0.5209494416900665 -0.5333317235424098 -0.5163060859954445 -0.5255927973846974 -0.18508004644543605 0.04708773828587971 0.24984760361789585 0.443320757560659 0.6259594148826284 0.7683556561845045 0.8782484076239908 0.8983696156340375 +40068,1.1305374003653532,2,0.008393107497327084 -0.14328984519379323 -0.14948098611996483 -0.2763993751064164 -0.2624693080225413 -0.4157000459452023 -0.45594246196530447 -0.5209494416900665 -0.5333317235424098 -0.5163060859954445 -0.5255927973846974 -0.18508004644543605 0.04708773828587971 0.24984760361789585 0.443320757560659 0.6259594148826284 0.7683556561845045 0.8782484076239908 0.8983696156340375 0.8116936426676793 +40069,1.0639826354090505,2,-0.14328984519379323 -0.14948098611996483 -0.2763993751064164 -0.2624693080225413 -0.4157000459452023 -0.45594246196530447 -0.5209494416900665 -0.5333317235424098 -0.5163060859954445 -0.5255927973846974 -0.18508004644543605 0.04708773828587971 0.24984760361789585 0.443320757560659 0.6259594148826284 0.7683556561845045 0.8782484076239908 0.8983696156340375 0.8116936426676793 1.1305374003653532 +40070,0.790024649426092,2,-0.14948098611996483 -0.2763993751064164 -0.2624693080225413 -0.4157000459452023 -0.45594246196530447 -0.5209494416900665 -0.5333317235424098 -0.5163060859954445 -0.5255927973846974 -0.18508004644543605 0.04708773828587971 0.24984760361789585 0.443320757560659 0.6259594148826284 0.7683556561845045 0.8782484076239908 0.8983696156340375 0.8116936426676793 1.1305374003653532 1.0639826354090505 +40071,0.6940619650704807,2,-0.2763993751064164 -0.2624693080225413 -0.4157000459452023 -0.45594246196530447 -0.5209494416900665 -0.5333317235424098 -0.5163060859954445 -0.5255927973846974 -0.18508004644543605 0.04708773828587971 0.24984760361789585 0.443320757560659 0.6259594148826284 0.7683556561845045 0.8782484076239908 0.8983696156340375 0.8116936426676793 1.1305374003653532 1.0639826354090505 0.790024649426092 +40072,0.6352461262718814,2,-0.2624693080225413 -0.4157000459452023 -0.45594246196530447 -0.5209494416900665 -0.5333317235424098 -0.5163060859954445 -0.5255927973846974 -0.18508004644543605 0.04708773828587971 0.24984760361789585 0.443320757560659 0.6259594148826284 0.7683556561845045 0.8782484076239908 0.8983696156340375 0.8116936426676793 1.1305374003653532 1.0639826354090505 0.790024649426092 0.6940619650704807 +40073,0.6259594148826284,2,-0.4157000459452023 -0.45594246196530447 -0.5209494416900665 -0.5333317235424098 -0.5163060859954445 -0.5255927973846974 -0.18508004644543605 0.04708773828587971 0.24984760361789585 0.443320757560659 0.6259594148826284 0.7683556561845045 0.8782484076239908 0.8983696156340375 0.8116936426676793 1.1305374003653532 1.0639826354090505 0.790024649426092 0.6940619650704807 0.6352461262718814 +40074,0.6244116296510878,2,-0.45594246196530447 -0.5209494416900665 -0.5333317235424098 -0.5163060859954445 -0.5255927973846974 -0.18508004644543605 0.04708773828587971 0.24984760361789585 0.443320757560659 0.6259594148826284 0.7683556561845045 0.8782484076239908 0.8983696156340375 0.8116936426676793 1.1305374003653532 1.0639826354090505 0.790024649426092 0.6940619650704807 0.6352461262718814 0.6259594148826284 +40075,0.46963310649687723,2,-0.5209494416900665 -0.5333317235424098 -0.5163060859954445 -0.5255927973846974 -0.18508004644543605 0.04708773828587971 0.24984760361789585 0.443320757560659 0.6259594148826284 0.7683556561845045 0.8782484076239908 0.8983696156340375 0.8116936426676793 1.1305374003653532 1.0639826354090505 0.790024649426092 0.6940619650704807 0.6352461262718814 0.6259594148826284 0.6244116296510878 +40076,0.30247230149033233,2,-0.5333317235424098 -0.5163060859954445 -0.5255927973846974 -0.18508004644543605 0.04708773828587971 0.24984760361789585 0.443320757560659 0.6259594148826284 0.7683556561845045 0.8782484076239908 0.8983696156340375 0.8116936426676793 1.1305374003653532 1.0639826354090505 0.790024649426092 0.6940619650704807 0.6352461262718814 0.6259594148826284 0.6244116296510878 0.46963310649687723 +40077,0.06875673152747587,2,-0.5163060859954445 -0.5255927973846974 -0.18508004644543605 0.04708773828587971 0.24984760361789585 0.443320757560659 0.6259594148826284 0.7683556561845045 0.8782484076239908 0.8983696156340375 0.8116936426676793 1.1305374003653532 1.0639826354090505 0.790024649426092 0.6940619650704807 0.6352461262718814 0.6259594148826284 0.6244116296510878 0.46963310649687723 0.30247230149033233 +40078,-0.008632530049629385,2,-0.5255927973846974 -0.18508004644543605 0.04708773828587971 0.24984760361789585 0.443320757560659 0.6259594148826284 0.7683556561845045 0.8782484076239908 0.8983696156340375 0.8116936426676793 1.1305374003653532 1.0639826354090505 0.790024649426092 0.6940619650704807 0.6352461262718814 0.6259594148826284 0.6244116296510878 0.46963310649687723 0.30247230149033233 0.06875673152747587 +40079,-0.061257227922065886,2,-0.18508004644543605 0.04708773828587971 0.24984760361789585 0.443320757560659 0.6259594148826284 0.7683556561845045 0.8782484076239908 0.8983696156340375 0.8116936426676793 1.1305374003653532 1.0639826354090505 0.790024649426092 0.6940619650704807 0.6352461262718814 0.6259594148826284 0.6244116296510878 0.46963310649687723 0.30247230149033233 0.06875673152747587 -0.008632530049629385 +40080,-0.07363950977440026,2,0.04708773828587971 0.24984760361789585 0.443320757560659 0.6259594148826284 0.7683556561845045 0.8782484076239908 0.8983696156340375 0.8116936426676793 1.1305374003653532 1.0639826354090505 0.790024649426092 0.6940619650704807 0.6352461262718814 0.6259594148826284 0.6244116296510878 0.46963310649687723 0.30247230149033233 0.06875673152747587 -0.008632530049629385 -0.061257227922065886 +40081,-0.18972340214005814,2,0.24984760361789585 0.443320757560659 0.6259594148826284 0.7683556561845045 0.8782484076239908 0.8983696156340375 0.8116936426676793 1.1305374003653532 1.0639826354090505 0.790024649426092 0.6940619650704807 0.6352461262718814 0.6259594148826284 0.6244116296510878 0.46963310649687723 0.30247230149033233 0.06875673152747587 -0.008632530049629385 -0.061257227922065886 -0.07363950977440026 +40082,-0.2206791067708985,2,0.443320757560659 0.6259594148826284 0.7683556561845045 0.8782484076239908 0.8983696156340375 0.8116936426676793 1.1305374003653532 1.0639826354090505 0.790024649426092 0.6940619650704807 0.6352461262718814 0.6259594148826284 0.6244116296510878 0.46963310649687723 0.30247230149033233 0.06875673152747587 -0.008632530049629385 -0.061257227922065886 -0.07363950977440026 -0.18972340214005814 +40083,0.03625324166508603,2,0.6259594148826284 0.7683556561845045 0.8782484076239908 0.8983696156340375 0.8116936426676793 1.1305374003653532 1.0639826354090505 0.790024649426092 0.6940619650704807 0.6352461262718814 0.6259594148826284 0.6244116296510878 0.46963310649687723 0.30247230149033233 0.06875673152747587 -0.008632530049629385 -0.061257227922065886 -0.07363950977440026 -0.18972340214005814 -0.2206791067708985 +40084,0.3256890799634604,2,0.7683556561845045 0.8782484076239908 0.8983696156340375 0.8116936426676793 1.1305374003653532 1.0639826354090505 0.790024649426092 0.6940619650704807 0.6352461262718814 0.6259594148826284 0.6244116296510878 0.46963310649687723 0.30247230149033233 0.06875673152747587 -0.008632530049629385 -0.061257227922065886 -0.07363950977440026 -0.18972340214005814 -0.2206791067708985 0.03625324166508603 +40085,0.5980992807148695,2,0.8782484076239908 0.8983696156340375 0.8116936426676793 1.1305374003653532 1.0639826354090505 0.790024649426092 0.6940619650704807 0.6352461262718814 0.6259594148826284 0.6244116296510878 0.46963310649687723 0.30247230149033233 0.06875673152747587 -0.008632530049629385 -0.061257227922065886 -0.07363950977440026 -0.18972340214005814 -0.2206791067708985 0.03625324166508603 0.3256890799634604 +40086,0.8596749848454849,2,0.8983696156340375 0.8116936426676793 1.1305374003653532 1.0639826354090505 0.790024649426092 0.6940619650704807 0.6352461262718814 0.6259594148826284 0.6244116296510878 0.46963310649687723 0.30247230149033233 0.06875673152747587 -0.008632530049629385 -0.061257227922065886 -0.07363950977440026 -0.18972340214005814 -0.2206791067708985 0.03625324166508603 0.3256890799634604 0.5980992807148695 +40087,1.0129057227681548,2,0.8116936426676793 1.1305374003653532 1.0639826354090505 0.790024649426092 0.6940619650704807 0.6352461262718814 0.6259594148826284 0.6244116296510878 0.46963310649687723 0.30247230149033233 0.06875673152747587 -0.008632530049629385 -0.061257227922065886 -0.07363950977440026 -0.18972340214005814 -0.2206791067708985 0.03625324166508603 0.3256890799634604 0.5980992807148695 0.8596749848454849 +40088,1.2063788767109178,2,1.1305374003653532 1.0639826354090505 0.790024649426092 0.6940619650704807 0.6352461262718814 0.6259594148826284 0.6244116296510878 0.46963310649687723 0.30247230149033233 0.06875673152747587 -0.008632530049629385 -0.061257227922065886 -0.07363950977440026 -0.18972340214005814 -0.2206791067708985 0.03625324166508603 0.3256890799634604 0.5980992807148695 0.8596749848454849 1.0129057227681548 +40089,1.2946026349088169,2,1.0639826354090505 0.790024649426092 0.6940619650704807 0.6352461262718814 0.6259594148826284 0.6244116296510878 0.46963310649687723 0.30247230149033233 0.06875673152747587 -0.008632530049629385 -0.061257227922065886 -0.07363950977440026 -0.18972340214005814 -0.2206791067708985 0.03625324166508603 0.3256890799634604 0.5980992807148695 0.8596749848454849 1.0129057227681548 1.2063788767109178 +40090,1.285315923519564,2,0.790024649426092 0.6940619650704807 0.6352461262718814 0.6259594148826284 0.6244116296510878 0.46963310649687723 0.30247230149033233 0.06875673152747587 -0.008632530049629385 -0.061257227922065886 -0.07363950977440026 -0.18972340214005814 -0.2206791067708985 0.03625324166508603 0.3256890799634604 0.5980992807148695 0.8596749848454849 1.0129057227681548 1.2063788767109178 1.2946026349088169 +40091,1.2357867961102176,2,0.6940619650704807 0.6352461262718814 0.6259594148826284 0.6244116296510878 0.46963310649687723 0.30247230149033233 0.06875673152747587 -0.008632530049629385 -0.061257227922065886 -0.07363950977440026 -0.18972340214005814 -0.2206791067708985 0.03625324166508603 0.3256890799634604 0.5980992807148695 0.8596749848454849 1.0129057227681548 1.2063788767109178 1.2946026349088169 1.285315923519564 +40092,1.1026772661976032,2,0.6352461262718814 0.6259594148826284 0.6244116296510878 0.46963310649687723 0.30247230149033233 0.06875673152747587 -0.008632530049629385 -0.061257227922065886 -0.07363950977440026 -0.18972340214005814 -0.2206791067708985 0.03625324166508603 0.3256890799634604 0.5980992807148695 0.8596749848454849 1.0129057227681548 1.2063788767109178 1.2946026349088169 1.285315923519564 1.2357867961102176 +40093,1.0036190113789016,2,0.6259594148826284 0.6244116296510878 0.46963310649687723 0.30247230149033233 0.06875673152747587 -0.008632530049629385 -0.061257227922065886 -0.07363950977440026 -0.18972340214005814 -0.2206791067708985 0.03625324166508603 0.3256890799634604 0.5980992807148695 0.8596749848454849 1.0129057227681548 1.2063788767109178 1.2946026349088169 1.285315923519564 1.2357867961102176 1.1026772661976032 +40094,0.8968218304024969,2,0.6244116296510878 0.46963310649687723 0.30247230149033233 0.06875673152747587 -0.008632530049629385 -0.061257227922065886 -0.07363950977440026 -0.18972340214005814 -0.2206791067708985 0.03625324166508603 0.3256890799634604 0.5980992807148695 0.8596749848454849 1.0129057227681548 1.2063788767109178 1.2946026349088169 1.285315923519564 1.2357867961102176 1.1026772661976032 1.0036190113789016 +40095,0.8302670654461852,2,0.46963310649687723 0.30247230149033233 0.06875673152747587 -0.008632530049629385 -0.061257227922065886 -0.07363950977440026 -0.18972340214005814 -0.2206791067708985 0.03625324166508603 0.3256890799634604 0.5980992807148695 0.8596749848454849 1.0129057227681548 1.2063788767109178 1.2946026349088169 1.285315923519564 1.2357867961102176 1.1026772661976032 1.0036190113789016 0.8968218304024969 +40096,0.6197682739564656,2,0.30247230149033233 0.06875673152747587 -0.008632530049629385 -0.061257227922065886 -0.07363950977440026 -0.18972340214005814 -0.2206791067708985 0.03625324166508603 0.3256890799634604 0.5980992807148695 0.8596749848454849 1.0129057227681548 1.2063788767109178 1.2946026349088169 1.285315923519564 1.2357867961102176 1.1026772661976032 1.0036190113789016 0.8968218304024969 0.8302670654461852 +40097,0.5578568646947761,2,0.06875673152747587 -0.008632530049629385 -0.061257227922065886 -0.07363950977440026 -0.18972340214005814 -0.2206791067708985 0.03625324166508603 0.3256890799634604 0.5980992807148695 0.8596749848454849 1.0129057227681548 1.2063788767109178 1.2946026349088169 1.285315923519564 1.2357867961102176 1.1026772661976032 1.0036190113789016 0.8968218304024969 0.8302670654461852 0.6197682739564656 +40098,0.5485701533055232,2,-0.008632530049629385 -0.061257227922065886 -0.07363950977440026 -0.18972340214005814 -0.2206791067708985 0.03625324166508603 0.3256890799634604 0.5980992807148695 0.8596749848454849 1.0129057227681548 1.2063788767109178 1.2946026349088169 1.285315923519564 1.2357867961102176 1.1026772661976032 1.0036190113789016 0.8968218304024969 0.8302670654461852 0.6197682739564656 0.5578568646947761 +40099,0.6213160591880064,2,-0.061257227922065886 -0.07363950977440026 -0.18972340214005814 -0.2206791067708985 0.03625324166508603 0.3256890799634604 0.5980992807148695 0.8596749848454849 1.0129057227681548 1.2063788767109178 1.2946026349088169 1.285315923519564 1.2357867961102176 1.1026772661976032 1.0036190113789016 0.8968218304024969 0.8302670654461852 0.6197682739564656 0.5578568646947761 0.5485701533055232 +40100,0.5748825022417414,2,-0.07363950977440026 -0.18972340214005814 -0.2206791067708985 0.03625324166508603 0.3256890799634604 0.5980992807148695 0.8596749848454849 1.0129057227681548 1.2063788767109178 1.2946026349088169 1.285315923519564 1.2357867961102176 1.1026772661976032 1.0036190113789016 0.8968218304024969 0.8302670654461852 0.6197682739564656 0.5578568646947761 0.5485701533055232 0.6213160591880064 +40101,0.6383416967349717,2,-0.18972340214005814 -0.2206791067708985 0.03625324166508603 0.3256890799634604 0.5980992807148695 0.8596749848454849 1.0129057227681548 1.2063788767109178 1.2946026349088169 1.285315923519564 1.2357867961102176 1.1026772661976032 1.0036190113789016 0.8968218304024969 0.8302670654461852 0.6197682739564656 0.5578568646947761 0.5485701533055232 0.6213160591880064 0.5748825022417414 +40102,0.5392834419162702,2,-0.2206791067708985 0.03625324166508603 0.3256890799634604 0.5980992807148695 0.8596749848454849 1.0129057227681548 1.2063788767109178 1.2946026349088169 1.285315923519564 1.2357867961102176 1.1026772661976032 1.0036190113789016 0.8968218304024969 0.8302670654461852 0.6197682739564656 0.5578568646947761 0.5485701533055232 0.6213160591880064 0.5748825022417414 0.6383416967349717 +40103,0.4139128381613593,2,0.03625324166508603 0.3256890799634604 0.5980992807148695 0.8596749848454849 1.0129057227681548 1.2063788767109178 1.2946026349088169 1.285315923519564 1.2357867961102176 1.1026772661976032 1.0036190113789016 0.8968218304024969 0.8302670654461852 0.6197682739564656 0.5578568646947761 0.5485701533055232 0.6213160591880064 0.5748825022417414 0.6383416967349717 0.5392834419162702 +40104,0.34271471751042565,2,0.3256890799634604 0.5980992807148695 0.8596749848454849 1.0129057227681548 1.2063788767109178 1.2946026349088169 1.285315923519564 1.2357867961102176 1.1026772661976032 1.0036190113789016 0.8968218304024969 0.8302670654461852 0.6197682739564656 0.5578568646947761 0.5485701533055232 0.6213160591880064 0.5748825022417414 0.6383416967349717 0.5392834419162702 0.4139128381613593 +40105,0.20186626144009023,2,0.5980992807148695 0.8596749848454849 1.0129057227681548 1.2063788767109178 1.2946026349088169 1.285315923519564 1.2357867961102176 1.1026772661976032 1.0036190113789016 0.8968218304024969 0.8302670654461852 0.6197682739564656 0.5578568646947761 0.5485701533055232 0.6213160591880064 0.5748825022417414 0.6383416967349717 0.5392834419162702 0.4139128381613593 0.34271471751042565 +40106,0.14305042264149093,2,0.8596749848454849 1.0129057227681548 1.2063788767109178 1.2946026349088169 1.285315923519564 1.2357867961102176 1.1026772661976032 1.0036190113789016 0.8968218304024969 0.8302670654461852 0.6197682739564656 0.5578568646947761 0.5485701533055232 0.6213160591880064 0.5748825022417414 0.6383416967349717 0.5392834419162702 0.4139128381613593 0.34271471751042565 0.20186626144009023 +40107,0.38450491876205967,2,1.0129057227681548 1.2063788767109178 1.2946026349088169 1.285315923519564 1.2357867961102176 1.1026772661976032 1.0036190113789016 0.8968218304024969 0.8302670654461852 0.6197682739564656 0.5578568646947761 0.5485701533055232 0.6213160591880064 0.5748825022417414 0.6383416967349717 0.5392834419162702 0.4139128381613593 0.34271471751042565 0.20186626144009023 0.14305042264149093 +40108,0.6553673342819281,2,1.2063788767109178 1.2946026349088169 1.285315923519564 1.2357867961102176 1.1026772661976032 1.0036190113789016 0.8968218304024969 0.8302670654461852 0.6197682739564656 0.5578568646947761 0.5485701533055232 0.6213160591880064 0.5748825022417414 0.6383416967349717 0.5392834419162702 0.4139128381613593 0.34271471751042565 0.20186626144009023 0.14305042264149093 0.38450491876205967 +40109,0.8983696156340375,2,1.2946026349088169 1.285315923519564 1.2357867961102176 1.1026772661976032 1.0036190113789016 0.8968218304024969 0.8302670654461852 0.6197682739564656 0.5578568646947761 0.5485701533055232 0.6213160591880064 0.5748825022417414 0.6383416967349717 0.5392834419162702 0.4139128381613593 0.34271471751042565 0.20186626144009023 0.14305042264149093 0.38450491876205967 0.6553673342819281 +40110,1.1305374003653532,2,1.285315923519564 1.2357867961102176 1.1026772661976032 1.0036190113789016 0.8968218304024969 0.8302670654461852 0.6197682739564656 0.5578568646947761 0.5485701533055232 0.6213160591880064 0.5748825022417414 0.6383416967349717 0.5392834419162702 0.4139128381613593 0.34271471751042565 0.20186626144009023 0.14305042264149093 0.38450491876205967 0.6553673342819281 0.8983696156340375 +40111,1.2651947155095171,2,1.2357867961102176 1.1026772661976032 1.0036190113789016 0.8968218304024969 0.8302670654461852 0.6197682739564656 0.5578568646947761 0.5485701533055232 0.6213160591880064 0.5748825022417414 0.6383416967349717 0.5392834419162702 0.4139128381613593 0.34271471751042565 0.20186626144009023 0.14305042264149093 0.38450491876205967 0.6553673342819281 0.8983696156340375 1.1305374003653532 +40112,1.4215210238952685,2,1.1026772661976032 1.0036190113789016 0.8968218304024969 0.8302670654461852 0.6197682739564656 0.5578568646947761 0.5485701533055232 0.6213160591880064 0.5748825022417414 0.6383416967349717 0.5392834419162702 0.4139128381613593 0.34271471751042565 0.20186626144009023 0.14305042264149093 0.38450491876205967 0.6553673342819281 0.8983696156340375 1.1305374003653532 1.2651947155095171 +40113,1.5283182048716821,2,1.0036190113789016 0.8968218304024969 0.8302670654461852 0.6197682739564656 0.5578568646947761 0.5485701533055232 0.6213160591880064 0.5748825022417414 0.6383416967349717 0.5392834419162702 0.4139128381613593 0.34271471751042565 0.20186626144009023 0.14305042264149093 0.38450491876205967 0.6553673342819281 0.8983696156340375 1.1305374003653532 1.2651947155095171 1.4215210238952685 +40114,1.574751761817938,2,0.8968218304024969 0.8302670654461852 0.6197682739564656 0.5578568646947761 0.5485701533055232 0.6213160591880064 0.5748825022417414 0.6383416967349717 0.5392834419162702 0.4139128381613593 0.34271471751042565 0.20186626144009023 0.14305042264149093 0.38450491876205967 0.6553673342819281 0.8983696156340375 1.1305374003653532 1.2651947155095171 1.4215210238952685 1.5283182048716821 +40115,1.5840384732071913,2,0.8302670654461852 0.6197682739564656 0.5578568646947761 0.5485701533055232 0.6213160591880064 0.5748825022417414 0.6383416967349717 0.5392834419162702 0.4139128381613593 0.34271471751042565 0.20186626144009023 0.14305042264149093 0.38450491876205967 0.6553673342819281 0.8983696156340375 1.1305374003653532 1.2651947155095171 1.4215210238952685 1.5283182048716821 1.574751761817938 +40116,1.2574557893518137,2,0.6197682739564656 0.5578568646947761 0.5485701533055232 0.6213160591880064 0.5748825022417414 0.6383416967349717 0.5392834419162702 0.4139128381613593 0.34271471751042565 0.20186626144009023 0.14305042264149093 0.38450491876205967 0.6553673342819281 0.8983696156340375 1.1305374003653532 1.2651947155095171 1.4215210238952685 1.5283182048716821 1.574751761817938 1.5840384732071913 +40117,1.0949383400398909,2,0.5578568646947761 0.5485701533055232 0.6213160591880064 0.5748825022417414 0.6383416967349717 0.5392834419162702 0.4139128381613593 0.34271471751042565 0.20186626144009023 0.14305042264149093 0.38450491876205967 0.6553673342819281 0.8983696156340375 1.1305374003653532 1.2651947155095171 1.4215210238952685 1.5283182048716821 1.574751761817938 1.5840384732071913 1.2574557893518137 +40118,0.8008591460468856,2,0.5485701533055232 0.6213160591880064 0.5748825022417414 0.6383416967349717 0.5392834419162702 0.4139128381613593 0.34271471751042565 0.20186626144009023 0.14305042264149093 0.38450491876205967 0.6553673342819281 0.8983696156340375 1.1305374003653532 1.2651947155095171 1.4215210238952685 1.5283182048716821 1.574751761817938 1.5840384732071913 1.2574557893518137 1.0949383400398909 +40119,0.4402251870975776,2,0.6213160591880064 0.5748825022417414 0.6383416967349717 0.5392834419162702 0.4139128381613593 0.34271471751042565 0.20186626144009023 0.14305042264149093 0.38450491876205967 0.6553673342819281 0.8983696156340375 1.1305374003653532 1.2651947155095171 1.4215210238952685 1.5283182048716821 1.574751761817938 1.5840384732071913 1.2574557893518137 1.0949383400398909 0.8008591460468856 +40120,0.2792555230171955,2,0.5748825022417414 0.6383416967349717 0.5392834419162702 0.4139128381613593 0.34271471751042565 0.20186626144009023 0.14305042264149093 0.38450491876205967 0.6553673342819281 0.8983696156340375 1.1305374003653532 1.2651947155095171 1.4215210238952685 1.5283182048716821 1.574751761817938 1.5840384732071913 1.2574557893518137 1.0949383400398909 0.8008591460468856 0.4402251870975776 +40121,0.23746532176556145,2,0.6383416967349717 0.5392834419162702 0.4139128381613593 0.34271471751042565 0.20186626144009023 0.14305042264149093 0.38450491876205967 0.6553673342819281 0.8983696156340375 1.1305374003653532 1.2651947155095171 1.4215210238952685 1.5283182048716821 1.574751761817938 1.5840384732071913 1.2574557893518137 1.0949383400398909 0.8008591460468856 0.4402251870975776 0.2792555230171955 +40122,-0.008632530049629385,2,0.5392834419162702 0.4139128381613593 0.34271471751042565 0.20186626144009023 0.14305042264149093 0.38450491876205967 0.6553673342819281 0.8983696156340375 1.1305374003653532 1.2651947155095171 1.4215210238952685 1.5283182048716821 1.574751761817938 1.5840384732071913 1.2574557893518137 1.0949383400398909 0.8008591460468856 0.4402251870975776 0.2792555230171955 0.23746532176556145 +40123,-0.17888890551926448,2,0.4139128381613593 0.34271471751042565 0.20186626144009023 0.14305042264149093 0.38450491876205967 0.6553673342819281 0.8983696156340375 1.1305374003653532 1.2651947155095171 1.4215210238952685 1.5283182048716821 1.574751761817938 1.5840384732071913 1.2574557893518137 1.0949383400398909 0.8008591460468856 0.4402251870975776 0.2792555230171955 0.23746532176556145 -0.008632530049629385 +40124,-0.3119984354318876,2,0.34271471751042565 0.20186626144009023 0.14305042264149093 0.38450491876205967 0.6553673342819281 0.8983696156340375 1.1305374003653532 1.2651947155095171 1.4215210238952685 1.5283182048716821 1.574751761817938 1.5840384732071913 1.2574557893518137 1.0949383400398909 0.8008591460468856 0.4402251870975776 0.2792555230171955 0.23746532176556145 -0.008632530049629385 -0.17888890551926448 +40125,-0.30271172404263463,2,0.20186626144009023 0.14305042264149093 0.38450491876205967 0.6553673342819281 0.8983696156340375 1.1305374003653532 1.2651947155095171 1.4215210238952685 1.5283182048716821 1.574751761817938 1.5840384732071913 1.2574557893518137 1.0949383400398909 0.8008591460468856 0.4402251870975776 0.2792555230171955 0.23746532176556145 -0.008632530049629385 -0.17888890551926448 -0.3119984354318876 +40126,-0.40486554932440866,2,0.14305042264149093 0.38450491876205967 0.6553673342819281 0.8983696156340375 1.1305374003653532 1.2651947155095171 1.4215210238952685 1.5283182048716821 1.574751761817938 1.5840384732071913 1.2574557893518137 1.0949383400398909 0.8008591460468856 0.4402251870975776 0.2792555230171955 0.23746532176556145 -0.008632530049629385 -0.17888890551926448 -0.3119984354318876 -0.30271172404263463 +40127,-0.5085671598377322,2,0.38450491876205967 0.6553673342819281 0.8983696156340375 1.1305374003653532 1.2651947155095171 1.4215210238952685 1.5283182048716821 1.574751761817938 1.5840384732071913 1.2574557893518137 1.0949383400398909 0.8008591460468856 0.4402251870975776 0.2792555230171955 0.23746532176556145 -0.008632530049629385 -0.17888890551926448 -0.3119984354318876 -0.30271172404263463 -0.40486554932440866 +40128,-0.5472617906262848,2,0.6553673342819281 0.8983696156340375 1.1305374003653532 1.2651947155095171 1.4215210238952685 1.5283182048716821 1.574751761817938 1.5840384732071913 1.2574557893518137 1.0949383400398909 0.8008591460468856 0.4402251870975776 0.2792555230171955 0.23746532176556145 -0.008632530049629385 -0.17888890551926448 -0.3119984354318876 -0.30271172404263463 -0.40486554932440866 -0.5085671598377322 +40129,-0.6509634011396083,2,0.8983696156340375 1.1305374003653532 1.2651947155095171 1.4215210238952685 1.5283182048716821 1.574751761817938 1.5840384732071913 1.2574557893518137 1.0949383400398909 0.8008591460468856 0.4402251870975776 0.2792555230171955 0.23746532176556145 -0.008632530049629385 -0.17888890551926448 -0.3119984354318876 -0.30271172404263463 -0.40486554932440866 -0.5085671598377322 -0.5472617906262848 +40130,-0.45439467673375494,2,1.1305374003653532 1.2651947155095171 1.4215210238952685 1.5283182048716821 1.574751761817938 1.5840384732071913 1.2574557893518137 1.0949383400398909 0.8008591460468856 0.4402251870975776 0.2792555230171955 0.23746532176556145 -0.008632530049629385 -0.17888890551926448 -0.3119984354318876 -0.30271172404263463 -0.40486554932440866 -0.5085671598377322 -0.5472617906262848 -0.6509634011396083 +40131,0.09506908046368533,2,1.2651947155095171 1.4215210238952685 1.5283182048716821 1.574751761817938 1.5840384732071913 1.2574557893518137 1.0949383400398909 0.8008591460468856 0.4402251870975776 0.2792555230171955 0.23746532176556145 -0.008632530049629385 -0.17888890551926448 -0.3119984354318876 -0.30271172404263463 -0.40486554932440866 -0.5085671598377322 -0.5472617906262848 -0.6509634011396083 -0.45439467673375494 +40132,0.5826214283994537,2,1.4215210238952685 1.5283182048716821 1.574751761817938 1.5840384732071913 1.2574557893518137 1.0949383400398909 0.8008591460468856 0.4402251870975776 0.2792555230171955 0.23746532176556145 -0.008632530049629385 -0.17888890551926448 -0.3119984354318876 -0.30271172404263463 -0.40486554932440866 -0.5085671598377322 -0.5472617906262848 -0.6509634011396083 -0.45439467673375494 0.09506908046368533 +40133,1.0082623670735327,2,1.5283182048716821 1.574751761817938 1.5840384732071913 1.2574557893518137 1.0949383400398909 0.8008591460468856 0.4402251870975776 0.2792555230171955 0.23746532176556145 -0.008632530049629385 -0.17888890551926448 -0.3119984354318876 -0.30271172404263463 -0.40486554932440866 -0.5085671598377322 -0.5472617906262848 -0.6509634011396083 -0.45439467673375494 0.09506908046368533 0.5826214283994537 +40134,1.3271061247712066,2,1.574751761817938 1.5840384732071913 1.2574557893518137 1.0949383400398909 0.8008591460468856 0.4402251870975776 0.2792555230171955 0.23746532176556145 -0.008632530049629385 -0.17888890551926448 -0.3119984354318876 -0.30271172404263463 -0.40486554932440866 -0.5085671598377322 -0.5472617906262848 -0.6509634011396083 -0.45439467673375494 0.09506908046368533 0.5826214283994537 1.0082623670735327 +40135,1.4215210238952685,2,1.5840384732071913 1.2574557893518137 1.0949383400398909 0.8008591460468856 0.4402251870975776 0.2792555230171955 0.23746532176556145 -0.008632530049629385 -0.17888890551926448 -0.3119984354318876 -0.30271172404263463 -0.40486554932440866 -0.5085671598377322 -0.5472617906262848 -0.6509634011396083 -0.45439467673375494 0.09506908046368533 0.5826214283994537 1.0082623670735327 1.3271061247712066 +40136,1.481884647925417,2,1.2574557893518137 1.0949383400398909 0.8008591460468856 0.4402251870975776 0.2792555230171955 0.23746532176556145 -0.008632530049629385 -0.17888890551926448 -0.3119984354318876 -0.30271172404263463 -0.40486554932440866 -0.5085671598377322 -0.5472617906262848 -0.6509634011396083 -0.45439467673375494 0.09506908046368533 0.5826214283994537 1.0082623670735327 1.3271061247712066 1.4215210238952685 +40137,1.5190314934824292,2,1.0949383400398909 0.8008591460468856 0.4402251870975776 0.2792555230171955 0.23746532176556145 -0.008632530049629385 -0.17888890551926448 -0.3119984354318876 -0.30271172404263463 -0.40486554932440866 -0.5085671598377322 -0.5472617906262848 -0.6509634011396083 -0.45439467673375494 0.09506908046368533 0.5826214283994537 1.0082623670735327 1.3271061247712066 1.4215210238952685 1.481884647925417 +40138,1.5654650504286851,2,0.8008591460468856 0.4402251870975776 0.2792555230171955 0.23746532176556145 -0.008632530049629385 -0.17888890551926448 -0.3119984354318876 -0.30271172404263463 -0.40486554932440866 -0.5085671598377322 -0.5472617906262848 -0.6509634011396083 -0.45439467673375494 0.09506908046368533 0.5826214283994537 1.0082623670735327 1.3271061247712066 1.4215210238952685 1.481884647925417 1.5190314934824292 +40139,1.4896235740831294,2,0.4402251870975776 0.2792555230171955 0.23746532176556145 -0.008632530049629385 -0.17888890551926448 -0.3119984354318876 -0.30271172404263463 -0.40486554932440866 -0.5085671598377322 -0.5472617906262848 -0.6509634011396083 -0.45439467673375494 0.09506908046368533 0.5826214283994537 1.0082623670735327 1.3271061247712066 1.4215210238952685 1.481884647925417 1.5190314934824292 1.5654650504286851 +40140,1.3936608897275182,2,0.2792555230171955 0.23746532176556145 -0.008632530049629385 -0.17888890551926448 -0.3119984354318876 -0.30271172404263463 -0.40486554932440866 -0.5085671598377322 -0.5472617906262848 -0.6509634011396083 -0.45439467673375494 0.09506908046368533 0.5826214283994537 1.0082623670735327 1.3271061247712066 1.4215210238952685 1.481884647925417 1.5190314934824292 1.5654650504286851 1.4896235740831294 +40141,1.209474447174008,2,0.23746532176556145 -0.008632530049629385 -0.17888890551926448 -0.3119984354318876 -0.30271172404263463 -0.40486554932440866 -0.5085671598377322 -0.5472617906262848 -0.6509634011396083 -0.45439467673375494 0.09506908046368533 0.5826214283994537 1.0082623670735327 1.3271061247712066 1.4215210238952685 1.481884647925417 1.5190314934824292 1.5654650504286851 1.4896235740831294 1.3936608897275182 +40142,0.8767006223924502,2,-0.008632530049629385 -0.17888890551926448 -0.3119984354318876 -0.30271172404263463 -0.40486554932440866 -0.5085671598377322 -0.5472617906262848 -0.6509634011396083 -0.45439467673375494 0.09506908046368533 0.5826214283994537 1.0082623670735327 1.3271061247712066 1.4215210238952685 1.481884647925417 1.5190314934824292 1.5654650504286851 1.4896235740831294 1.3936608897275182 1.209474447174008 +40143,0.5114233077485113,2,-0.17888890551926448 -0.3119984354318876 -0.30271172404263463 -0.40486554932440866 -0.5085671598377322 -0.5472617906262848 -0.6509634011396083 -0.45439467673375494 0.09506908046368533 0.5826214283994537 1.0082623670735327 1.3271061247712066 1.4215210238952685 1.481884647925417 1.5190314934824292 1.5654650504286851 1.4896235740831294 1.3936608897275182 1.209474447174008 0.8767006223924502 +40144,0.322593509500379,2,-0.3119984354318876 -0.30271172404263463 -0.40486554932440866 -0.5085671598377322 -0.5472617906262848 -0.6509634011396083 -0.45439467673375494 0.09506908046368533 0.5826214283994537 1.0082623670735327 1.3271061247712066 1.4215210238952685 1.481884647925417 1.5190314934824292 1.5654650504286851 1.4896235740831294 1.3936608897275182 1.209474447174008 0.8767006223924502 0.5114233077485113 +40145,0.24675203315481445,2,-0.30271172404263463 -0.40486554932440866 -0.5085671598377322 -0.5472617906262848 -0.6509634011396083 -0.45439467673375494 0.09506908046368533 0.5826214283994537 1.0082623670735327 1.3271061247712066 1.4215210238952685 1.481884647925417 1.5190314934824292 1.5654650504286851 1.4896235740831294 1.3936608897275182 1.209474447174008 0.8767006223924502 0.5114233077485113 0.322593509500379 +40146,-0.08137843593211255,2,-0.40486554932440866 -0.5085671598377322 -0.5472617906262848 -0.6509634011396083 -0.45439467673375494 0.09506908046368533 0.5826214283994537 1.0082623670735327 1.3271061247712066 1.4215210238952685 1.481884647925417 1.5190314934824292 1.5654650504286851 1.4896235740831294 1.3936608897275182 1.209474447174008 0.8767006223924502 0.5114233077485113 0.322593509500379 0.24675203315481445 +40147,-0.13090756334145887,2,-0.5085671598377322 -0.5472617906262848 -0.6509634011396083 -0.45439467673375494 0.09506908046368533 0.5826214283994537 1.0082623670735327 1.3271061247712066 1.4215210238952685 1.481884647925417 1.5190314934824292 1.5654650504286851 1.4896235740831294 1.3936608897275182 1.209474447174008 0.8767006223924502 0.5114233077485113 0.322593509500379 0.24675203315481445 -0.08137843593211255 +40148,-0.2500870261701981,2,-0.5472617906262848 -0.6509634011396083 -0.45439467673375494 0.09506908046368533 0.5826214283994537 1.0082623670735327 1.3271061247712066 1.4215210238952685 1.481884647925417 1.5190314934824292 1.5654650504286851 1.4896235740831294 1.3936608897275182 1.209474447174008 0.8767006223924502 0.5114233077485113 0.322593509500379 0.24675203315481445 -0.08137843593211255 -0.13090756334145887 +40149,-0.28878165695875074,2,-0.6509634011396083 -0.45439467673375494 0.09506908046368533 0.5826214283994537 1.0082623670735327 1.3271061247712066 1.4215210238952685 1.481884647925417 1.5190314934824292 1.5654650504286851 1.4896235740831294 1.3936608897275182 1.209474447174008 0.8767006223924502 0.5114233077485113 0.322593509500379 0.24675203315481445 -0.08137843593211255 -0.13090756334145887 -0.2500870261701981 +40150,-0.41724783117675185,2,-0.45439467673375494 0.09506908046368533 0.5826214283994537 1.0082623670735327 1.3271061247712066 1.4215210238952685 1.481884647925417 1.5190314934824292 1.5654650504286851 1.4896235740831294 1.3936608897275182 1.209474447174008 0.8767006223924502 0.5114233077485113 0.322593509500379 0.24675203315481445 -0.08137843593211255 -0.13090756334145887 -0.2500870261701981 -0.28878165695875074 +40151,-0.5255927973846974,2,0.09506908046368533 0.5826214283994537 1.0082623670735327 1.3271061247712066 1.4215210238952685 1.481884647925417 1.5190314934824292 1.5654650504286851 1.4896235740831294 1.3936608897275182 1.209474447174008 0.8767006223924502 0.5114233077485113 0.322593509500379 0.24675203315481445 -0.08137843593211255 -0.13090756334145887 -0.2500870261701981 -0.28878165695875074 -0.41724783117675185 +40152,-0.5472617906262848,2,0.5826214283994537 1.0082623670735327 1.3271061247712066 1.4215210238952685 1.481884647925417 1.5190314934824292 1.5654650504286851 1.4896235740831294 1.3936608897275182 1.209474447174008 0.8767006223924502 0.5114233077485113 0.322593509500379 0.24675203315481445 -0.08137843593211255 -0.13090756334145887 -0.2500870261701981 -0.28878165695875074 -0.41724783117675185 -0.5255927973846974 +40153,-0.573574139562503,2,1.0082623670735327 1.3271061247712066 1.4215210238952685 1.481884647925417 1.5190314934824292 1.5654650504286851 1.4896235740831294 1.3936608897275182 1.209474447174008 0.8767006223924502 0.5114233077485113 0.322593509500379 0.24675203315481445 -0.08137843593211255 -0.13090756334145887 -0.2500870261701981 -0.28878165695875074 -0.41724783117675185 -0.5255927973846974 -0.5472617906262848 +40154,-0.46987252904917953,2,1.3271061247712066 1.4215210238952685 1.481884647925417 1.5190314934824292 1.5654650504286851 1.4896235740831294 1.3936608897275182 1.209474447174008 0.8767006223924502 0.5114233077485113 0.322593509500379 0.24675203315481445 -0.08137843593211255 -0.13090756334145887 -0.2500870261701981 -0.28878165695875074 -0.41724783117675185 -0.5255927973846974 -0.5472617906262848 -0.573574139562503 +40155,-0.0008936038919258983,2,1.4215210238952685 1.481884647925417 1.5190314934824292 1.5654650504286851 1.4896235740831294 1.3936608897275182 1.209474447174008 0.8767006223924502 0.5114233077485113 0.322593509500379 0.24675203315481445 -0.08137843593211255 -0.13090756334145887 -0.2500870261701981 -0.28878165695875074 -0.41724783117675185 -0.5255927973846974 -0.5472617906262848 -0.573574139562503 -0.46987252904917953 +40156,0.46963310649687723,2,1.481884647925417 1.5190314934824292 1.5654650504286851 1.4896235740831294 1.3936608897275182 1.209474447174008 0.8767006223924502 0.5114233077485113 0.322593509500379 0.24675203315481445 -0.08137843593211255 -0.13090756334145887 -0.2500870261701981 -0.28878165695875074 -0.41724783117675185 -0.5255927973846974 -0.5472617906262848 -0.573574139562503 -0.46987252904917953 -0.0008936038919258983 +40157,0.8395537768354382,2,1.5190314934824292 1.5654650504286851 1.4896235740831294 1.3936608897275182 1.209474447174008 0.8767006223924502 0.5114233077485113 0.322593509500379 0.24675203315481445 -0.08137843593211255 -0.13090756334145887 -0.2500870261701981 -0.28878165695875074 -0.41724783117675185 -0.5255927973846974 -0.5472617906262848 -0.573574139562503 -0.46987252904917953 -0.0008936038919258983 0.46963310649687723 +40158,1.1398241117546062,2,1.5654650504286851 1.4896235740831294 1.3936608897275182 1.209474447174008 0.8767006223924502 0.5114233077485113 0.322593509500379 0.24675203315481445 -0.08137843593211255 -0.13090756334145887 -0.2500870261701981 -0.28878165695875074 -0.41724783117675185 -0.5255927973846974 -0.5472617906262848 -0.573574139562503 -0.46987252904917953 -0.0008936038919258983 0.46963310649687723 0.8395537768354382 +40159,1.285315923519564,2,1.4896235740831294 1.3936608897275182 1.209474447174008 0.8767006223924502 0.5114233077485113 0.322593509500379 0.24675203315481445 -0.08137843593211255 -0.13090756334145887 -0.2500870261701981 -0.28878165695875074 -0.41724783117675185 -0.5255927973846974 -0.5472617906262848 -0.573574139562503 -0.46987252904917953 -0.0008936038919258983 0.46963310649687723 0.8395537768354382 1.1398241117546062 +40160,1.4044953863483118,2,1.3936608897275182 1.209474447174008 0.8767006223924502 0.5114233077485113 0.322593509500379 0.24675203315481445 -0.08137843593211255 -0.13090756334145887 -0.2500870261701981 -0.28878165695875074 -0.41724783117675185 -0.5255927973846974 -0.5472617906262848 -0.573574139562503 -0.46987252904917953 -0.0008936038919258983 0.46963310649687723 0.8395537768354382 1.1398241117546062 1.285315923519564 +40161,1.4772412922307863,2,1.209474447174008 0.8767006223924502 0.5114233077485113 0.322593509500379 0.24675203315481445 -0.08137843593211255 -0.13090756334145887 -0.2500870261701981 -0.28878165695875074 -0.41724783117675185 -0.5255927973846974 -0.5472617906262848 -0.573574139562503 -0.46987252904917953 -0.0008936038919258983 0.46963310649687723 0.8395537768354382 1.1398241117546062 1.285315923519564 1.4044953863483118 +40162,1.4865280036200392,2,0.8767006223924502 0.5114233077485113 0.322593509500379 0.24675203315481445 -0.08137843593211255 -0.13090756334145887 -0.2500870261701981 -0.28878165695875074 -0.41724783117675185 -0.5255927973846974 -0.5472617906262848 -0.573574139562503 -0.46987252904917953 -0.0008936038919258983 0.46963310649687723 0.8395537768354382 1.1398241117546062 1.285315923519564 1.4044953863483118 1.4772412922307863 +40163,1.4586678694522803,2,0.5114233077485113 0.322593509500379 0.24675203315481445 -0.08137843593211255 -0.13090756334145887 -0.2500870261701981 -0.28878165695875074 -0.41724783117675185 -0.5255927973846974 -0.5472617906262848 -0.573574139562503 -0.46987252904917953 -0.0008936038919258983 0.46963310649687723 0.8395537768354382 1.1398241117546062 1.285315923519564 1.4044953863483118 1.4772412922307863 1.4865280036200392 +40164,1.4044953863483118,2,0.322593509500379 0.24675203315481445 -0.08137843593211255 -0.13090756334145887 -0.2500870261701981 -0.28878165695875074 -0.41724783117675185 -0.5255927973846974 -0.5472617906262848 -0.573574139562503 -0.46987252904917953 -0.0008936038919258983 0.46963310649687723 0.8395537768354382 1.1398241117546062 1.285315923519564 1.4044953863483118 1.4772412922307863 1.4865280036200392 1.4586678694522803 +40165,1.2311434404155954,2,0.24675203315481445 -0.08137843593211255 -0.13090756334145887 -0.2500870261701981 -0.28878165695875074 -0.41724783117675185 -0.5255927973846974 -0.5472617906262848 -0.573574139562503 -0.46987252904917953 -0.0008936038919258983 0.46963310649687723 0.8395537768354382 1.1398241117546062 1.285315923519564 1.4044953863483118 1.4772412922307863 1.4865280036200392 1.4586678694522803 1.4044953863483118 +40166,0.9308731054964273,2,-0.08137843593211255 -0.13090756334145887 -0.2500870261701981 -0.28878165695875074 -0.41724783117675185 -0.5255927973846974 -0.5472617906262848 -0.573574139562503 -0.46987252904917953 -0.0008936038919258983 0.46963310649687723 0.8395537768354382 1.1398241117546062 1.285315923519564 1.4044953863483118 1.4772412922307863 1.4865280036200392 1.4586678694522803 1.4044953863483118 1.2311434404155954 +40167,0.5671435760840291,2,-0.13090756334145887 -0.2500870261701981 -0.28878165695875074 -0.41724783117675185 -0.5255927973846974 -0.5472617906262848 -0.573574139562503 -0.46987252904917953 -0.0008936038919258983 0.46963310649687723 0.8395537768354382 1.1398241117546062 1.285315923519564 1.4044953863483118 1.4772412922307863 1.4865280036200392 1.4586678694522803 1.4044953863483118 1.2311434404155954 0.9308731054964273 +40168,0.34890585843659727,2,-0.2500870261701981 -0.28878165695875074 -0.41724783117675185 -0.5255927973846974 -0.5472617906262848 -0.573574139562503 -0.46987252904917953 -0.0008936038919258983 0.46963310649687723 0.8395537768354382 1.1398241117546062 1.285315923519564 1.4044953863483118 1.4772412922307863 1.4865280036200392 1.4586678694522803 1.4044953863483118 1.2311434404155954 0.9308731054964273 0.5671435760840291 +40169,0.13066814078915656,2,-0.28878165695875074 -0.41724783117675185 -0.5255927973846974 -0.5472617906262848 -0.573574139562503 -0.46987252904917953 -0.0008936038919258983 0.46963310649687723 0.8395537768354382 1.1398241117546062 1.285315923519564 1.4044953863483118 1.4772412922307863 1.4865280036200392 1.4586678694522803 1.4044953863483118 1.2311434404155954 0.9308731054964273 0.5671435760840291 0.34890585843659727 +40170,0.033157671202004635,2,-0.41724783117675185 -0.5255927973846974 -0.5472617906262848 -0.573574139562503 -0.46987252904917953 -0.0008936038919258983 0.46963310649687723 0.8395537768354382 1.1398241117546062 1.285315923519564 1.4044953863483118 1.4772412922307863 1.4865280036200392 1.4586678694522803 1.4044953863483118 1.2311434404155954 0.9308731054964273 0.5671435760840291 0.34890585843659727 0.13066814078915656 +40171,0.005297537034245689,2,-0.5255927973846974 -0.5472617906262848 -0.573574139562503 -0.46987252904917953 -0.0008936038919258983 0.46963310649687723 0.8395537768354382 1.1398241117546062 1.285315923519564 1.4044953863483118 1.4772412922307863 1.4865280036200392 1.4586678694522803 1.4044953863483118 1.2311434404155954 0.9308731054964273 0.5671435760840291 0.34890585843659727 0.13066814078915656 0.033157671202004635 +40172,-0.04732716083818202,2,-0.5472617906262848 -0.573574139562503 -0.46987252904917953 -0.0008936038919258983 0.46963310649687723 0.8395537768354382 1.1398241117546062 1.285315923519564 1.4044953863483118 1.4772412922307863 1.4865280036200392 1.4586678694522803 1.4044953863483118 1.2311434404155954 0.9308731054964273 0.5671435760840291 0.34890585843659727 0.13066814078915656 0.033157671202004635 0.005297537034245689 +40173,-0.13400313380454026,2,-0.573574139562503 -0.46987252904917953 -0.0008936038919258983 0.46963310649687723 0.8395537768354382 1.1398241117546062 1.285315923519564 1.4044953863483118 1.4772412922307863 1.4865280036200392 1.4586678694522803 1.4044953863483118 1.2311434404155954 0.9308731054964273 0.5671435760840291 0.34890585843659727 0.13066814078915656 0.033157671202004635 0.005297537034245689 -0.04732716083818202 +40174,-0.18508004644543605,2,-0.46987252904917953 -0.0008936038919258983 0.46963310649687723 0.8395537768354382 1.1398241117546062 1.285315923519564 1.4044953863483118 1.4772412922307863 1.4865280036200392 1.4586678694522803 1.4044953863483118 1.2311434404155954 0.9308731054964273 0.5671435760840291 0.34890585843659727 0.13066814078915656 0.033157671202004635 0.005297537034245689 -0.04732716083818202 -0.13400313380454026 +40175,-0.28723387172721004,2,-0.0008936038919258983 0.46963310649687723 0.8395537768354382 1.1398241117546062 1.285315923519564 1.4044953863483118 1.4772412922307863 1.4865280036200392 1.4586678694522803 1.4044953863483118 1.2311434404155954 0.9308731054964273 0.5671435760840291 0.34890585843659727 0.13066814078915656 0.033157671202004635 0.005297537034245689 -0.04732716083818202 -0.13400313380454026 -0.18508004644543605 +40176,-0.3274762877473034,2,0.46963310649687723 0.8395537768354382 1.1398241117546062 1.285315923519564 1.4044953863483118 1.4772412922307863 1.4865280036200392 1.4586678694522803 1.4044953863483118 1.2311434404155954 0.9308731054964273 0.5671435760840291 0.34890585843659727 0.13066814078915656 0.033157671202004635 0.005297537034245689 -0.04732716083818202 -0.13400313380454026 -0.18508004644543605 -0.28723387172721004 +40177,-0.3537886366835216,2,0.8395537768354382 1.1398241117546062 1.285315923519564 1.4044953863483118 1.4772412922307863 1.4865280036200392 1.4586678694522803 1.4044953863483118 1.2311434404155954 0.9308731054964273 0.5671435760840291 0.34890585843659727 0.13066814078915656 0.033157671202004635 0.005297537034245689 -0.04732716083818202 -0.13400313380454026 -0.18508004644543605 -0.28723387172721004 -0.3274762877473034 +40178,-0.33985856959964655,2,1.1398241117546062 1.285315923519564 1.4044953863483118 1.4772412922307863 1.4865280036200392 1.4586678694522803 1.4044953863483118 1.2311434404155954 0.9308731054964273 0.5671435760840291 0.34890585843659727 0.13066814078915656 0.033157671202004635 0.005297537034245689 -0.04732716083818202 -0.13400313380454026 -0.18508004644543605 -0.28723387172721004 -0.3274762877473034 -0.3537886366835216 +40179,0.08578236907443235,2,1.285315923519564 1.4044953863483118 1.4772412922307863 1.4865280036200392 1.4586678694522803 1.4044953863483118 1.2311434404155954 0.9308731054964273 0.5671435760840291 0.34890585843659727 0.13066814078915656 0.033157671202004635 0.005297537034245689 -0.04732716083818202 -0.13400313380454026 -0.18508004644543605 -0.28723387172721004 -0.3274762877473034 -0.3537886366835216 -0.33985856959964655 +40180,0.5021365963592582,2,1.4044953863483118 1.4772412922307863 1.4865280036200392 1.4586678694522803 1.4044953863483118 1.2311434404155954 0.9308731054964273 0.5671435760840291 0.34890585843659727 0.13066814078915656 0.033157671202004635 0.005297537034245689 -0.04732716083818202 -0.13400313380454026 -0.18508004644543605 -0.28723387172721004 -0.3274762877473034 -0.3537886366835216 -0.33985856959964655 0.08578236907443235 +40181,0.8209803540569323,2,1.4772412922307863 1.4865280036200392 1.4586678694522803 1.4044953863483118 1.2311434404155954 0.9308731054964273 0.5671435760840291 0.34890585843659727 0.13066814078915656 0.033157671202004635 0.005297537034245689 -0.04732716083818202 -0.13400313380454026 -0.18508004644543605 -0.28723387172721004 -0.3274762877473034 -0.3537886366835216 -0.33985856959964655 0.08578236907443235 0.5021365963592582 +40182,1.2404301518048484,2,1.4865280036200392 1.4586678694522803 1.4044953863483118 1.2311434404155954 0.9308731054964273 0.5671435760840291 0.34890585843659727 0.13066814078915656 0.033157671202004635 0.005297537034245689 -0.04732716083818202 -0.13400313380454026 -0.18508004644543605 -0.28723387172721004 -0.3274762877473034 -0.3537886366835216 -0.33985856959964655 0.08578236907443235 0.5021365963592582 0.8209803540569323 +40183,1.2404301518048484,2,1.4586678694522803 1.4044953863483118 1.2311434404155954 0.9308731054964273 0.5671435760840291 0.34890585843659727 0.13066814078915656 0.033157671202004635 0.005297537034245689 -0.04732716083818202 -0.13400313380454026 -0.18508004644543605 -0.28723387172721004 -0.3274762877473034 -0.3537886366835216 -0.33985856959964655 0.08578236907443235 0.5021365963592582 0.8209803540569323 1.2404301518048484 +40184,1.334845050928919,2,1.4044953863483118 1.2311434404155954 0.9308731054964273 0.5671435760840291 0.34890585843659727 0.13066814078915656 0.033157671202004635 0.005297537034245689 -0.04732716083818202 -0.13400313380454026 -0.18508004644543605 -0.28723387172721004 -0.3274762877473034 -0.3537886366835216 -0.33985856959964655 0.08578236907443235 0.5021365963592582 0.8209803540569323 1.2404301518048484 1.2404301518048484 +40185,1.4617634399153705,2,1.2311434404155954 0.9308731054964273 0.5671435760840291 0.34890585843659727 0.13066814078915656 0.033157671202004635 0.005297537034245689 -0.04732716083818202 -0.13400313380454026 -0.18508004644543605 -0.28723387172721004 -0.3274762877473034 -0.3537886366835216 -0.33985856959964655 0.08578236907443235 0.5021365963592582 0.8209803540569323 1.2404301518048484 1.2404301518048484 1.334845050928919 +40186,1.4137820977375648,2,0.9308731054964273 0.5671435760840291 0.34890585843659727 0.13066814078915656 0.033157671202004635 0.005297537034245689 -0.04732716083818202 -0.13400313380454026 -0.18508004644543605 -0.28723387172721004 -0.3274762877473034 -0.3537886366835216 -0.33985856959964655 0.08578236907443235 0.5021365963592582 0.8209803540569323 1.2404301518048484 1.2404301518048484 1.334845050928919 1.4617634399153705 +40187,1.5066492116300858,2,0.5671435760840291 0.34890585843659727 0.13066814078915656 0.033157671202004635 0.005297537034245689 -0.04732716083818202 -0.13400313380454026 -0.18508004644543605 -0.28723387172721004 -0.3274762877473034 -0.3537886366835216 -0.33985856959964655 0.08578236907443235 0.5021365963592582 0.8209803540569323 1.2404301518048484 1.2404301518048484 1.334845050928919 1.4617634399153705 1.4137820977375648 +40188,1.3952086749590589,2,0.34890585843659727 0.13066814078915656 0.033157671202004635 0.005297537034245689 -0.04732716083818202 -0.13400313380454026 -0.18508004644543605 -0.28723387172721004 -0.3274762877473034 -0.3537886366835216 -0.33985856959964655 0.08578236907443235 0.5021365963592582 0.8209803540569323 1.2404301518048484 1.2404301518048484 1.334845050928919 1.4617634399153705 1.4137820977375648 1.5066492116300858 +40189,1.159945319764653,2,0.13066814078915656 0.033157671202004635 0.005297537034245689 -0.04732716083818202 -0.13400313380454026 -0.18508004644543605 -0.28723387172721004 -0.3274762877473034 -0.3537886366835216 -0.33985856959964655 0.08578236907443235 0.5021365963592582 0.8209803540569323 1.2404301518048484 1.2404301518048484 1.334845050928919 1.4617634399153705 1.4137820977375648 1.5066492116300858 1.3952086749590589 +40190,1.0546959240197975,2,0.033157671202004635 0.005297537034245689 -0.04732716083818202 -0.13400313380454026 -0.18508004644543605 -0.28723387172721004 -0.3274762877473034 -0.3537886366835216 -0.33985856959964655 0.08578236907443235 0.5021365963592582 0.8209803540569323 1.2404301518048484 1.2404301518048484 1.334845050928919 1.4617634399153705 1.4137820977375648 1.5066492116300858 1.3952086749590589 1.159945319764653 +40191,0.7296610253959519,2,0.005297537034245689 -0.04732716083818202 -0.13400313380454026 -0.18508004644543605 -0.28723387172721004 -0.3274762877473034 -0.3537886366835216 -0.33985856959964655 0.08578236907443235 0.5021365963592582 0.8209803540569323 1.2404301518048484 1.2404301518048484 1.334845050928919 1.4617634399153705 1.4137820977375648 1.5066492116300858 1.3952086749590589 1.159945319764653 1.0546959240197975 +40192,0.4789198178861302,2,-0.04732716083818202 -0.13400313380454026 -0.18508004644543605 -0.28723387172721004 -0.3274762877473034 -0.3537886366835216 -0.33985856959964655 0.08578236907443235 0.5021365963592582 0.8209803540569323 1.2404301518048484 1.2404301518048484 1.334845050928919 1.4617634399153705 1.4137820977375648 1.5066492116300858 1.3952086749590589 1.159945319764653 1.0546959240197975 0.7296610253959519 +40193,0.26068210023868954,2,-0.13400313380454026 -0.18508004644543605 -0.28723387172721004 -0.3274762877473034 -0.3537886366835216 -0.33985856959964655 0.08578236907443235 0.5021365963592582 0.8209803540569323 1.2404301518048484 1.2404301518048484 1.334845050928919 1.4617634399153705 1.4137820977375648 1.5066492116300858 1.3952086749590589 1.159945319764653 1.0546959240197975 0.7296610253959519 0.4789198178861302 +40194,0.24210867746019235,2,-0.18508004644543605 -0.28723387172721004 -0.3274762877473034 -0.3537886366835216 -0.33985856959964655 0.08578236907443235 0.5021365963592582 0.8209803540569323 1.2404301518048484 1.2404301518048484 1.334845050928919 1.4617634399153705 1.4137820977375648 1.5066492116300858 1.3952086749590589 1.159945319764653 1.0546959240197975 0.7296610253959519 0.4789198178861302 0.26068210023868954 +40195,0.07340008722209797,2,-0.28723387172721004 -0.3274762877473034 -0.3537886366835216 -0.33985856959964655 0.08578236907443235 0.5021365963592582 0.8209803540569323 1.2404301518048484 1.2404301518048484 1.334845050928919 1.4617634399153705 1.4137820977375648 1.5066492116300858 1.3952086749590589 1.159945319764653 1.0546959240197975 0.7296610253959519 0.4789198178861302 0.26068210023868954 0.24210867746019235 +40196,0.034705456433545334,2,-0.3274762877473034 -0.3537886366835216 -0.33985856959964655 0.08578236907443235 0.5021365963592582 0.8209803540569323 1.2404301518048484 1.2404301518048484 1.334845050928919 1.4617634399153705 1.4137820977375648 1.5066492116300858 1.3952086749590589 1.159945319764653 1.0546959240197975 0.7296610253959519 0.4789198178861302 0.26068210023868954 0.24210867746019235 0.07340008722209797 +40197,0.02077538934967026,2,-0.3537886366835216 -0.33985856959964655 0.08578236907443235 0.5021365963592582 0.8209803540569323 1.2404301518048484 1.2404301518048484 1.334845050928919 1.4617634399153705 1.4137820977375648 1.5066492116300858 1.3952086749590589 1.159945319764653 1.0546959240197975 0.7296610253959519 0.4789198178861302 0.26068210023868954 0.24210867746019235 0.07340008722209797 0.034705456433545334 +40198,-0.08137843593211255,2,-0.33985856959964655 0.08578236907443235 0.5021365963592582 0.8209803540569323 1.2404301518048484 1.2404301518048484 1.334845050928919 1.4617634399153705 1.4137820977375648 1.5066492116300858 1.3952086749590589 1.159945319764653 1.0546959240197975 0.7296610253959519 0.4789198178861302 0.26068210023868954 0.24210867746019235 0.07340008722209797 0.034705456433545334 0.02077538934967026 +40199,-0.12007306672066517,2,0.08578236907443235 0.5021365963592582 0.8209803540569323 1.2404301518048484 1.2404301518048484 1.334845050928919 1.4617634399153705 1.4137820977375648 1.5066492116300858 1.3952086749590589 1.159945319764653 1.0546959240197975 0.7296610253959519 0.4789198178861302 0.26068210023868954 0.24210867746019235 0.07340008722209797 0.034705456433545334 0.02077538934967026 -0.08137843593211255 +40200,-0.18508004644543605,2,0.5021365963592582 0.8209803540569323 1.2404301518048484 1.2404301518048484 1.334845050928919 1.4617634399153705 1.4137820977375648 1.5066492116300858 1.3952086749590589 1.159945319764653 1.0546959240197975 0.7296610253959519 0.4789198178861302 0.26068210023868954 0.24210867746019235 0.07340008722209797 0.034705456433545334 0.02077538934967026 -0.08137843593211255 -0.12007306672066517 +40201,-0.18508004644543605,2,0.8209803540569323 1.2404301518048484 1.2404301518048484 1.334845050928919 1.4617634399153705 1.4137820977375648 1.5066492116300858 1.3952086749590589 1.159945319764653 1.0546959240197975 0.7296610253959519 0.4789198178861302 0.26068210023868954 0.24210867746019235 0.07340008722209797 0.034705456433545334 0.02077538934967026 -0.08137843593211255 -0.12007306672066517 -0.18508004644543605 +40202,-0.1680544088984708,2,1.2404301518048484 1.2404301518048484 1.334845050928919 1.4617634399153705 1.4137820977375648 1.5066492116300858 1.3952086749590589 1.159945319764653 1.0546959240197975 0.7296610253959519 0.4789198178861302 0.26068210023868954 0.24210867746019235 0.07340008722209797 0.034705456433545334 0.02077538934967026 -0.08137843593211255 -0.12007306672066517 -0.18508004644543605 -0.18508004644543605 +40203,0.02696653027583305,2,1.2404301518048484 1.334845050928919 1.4617634399153705 1.4137820977375648 1.5066492116300858 1.3952086749590589 1.159945319764653 1.0546959240197975 0.7296610253959519 0.4789198178861302 0.26068210023868954 0.24210867746019235 0.07340008722209797 0.034705456433545334 0.02077538934967026 -0.08137843593211255 -0.12007306672066517 -0.18508004644543605 -0.18508004644543605 -0.1680544088984708 +40204,0.2684210263964018,2,1.334845050928919 1.4617634399153705 1.4137820977375648 1.5066492116300858 1.3952086749590589 1.159945319764653 1.0546959240197975 0.7296610253959519 0.4789198178861302 0.26068210023868954 0.24210867746019235 0.07340008722209797 0.034705456433545334 0.02077538934967026 -0.08137843593211255 -0.12007306672066517 -0.18508004644543605 -0.18508004644543605 -0.1680544088984708 0.02696653027583305 +40205,0.6166727034933754,2,1.4617634399153705 1.4137820977375648 1.5066492116300858 1.3952086749590589 1.159945319764653 1.0546959240197975 0.7296610253959519 0.4789198178861302 0.26068210023868954 0.24210867746019235 0.07340008722209797 0.034705456433545334 0.02077538934967026 -0.08137843593211255 -0.12007306672066517 -0.18508004644543605 -0.18508004644543605 -0.1680544088984708 0.02696653027583305 0.2684210263964018 +40206,0.9571854544326368,2,1.4137820977375648 1.5066492116300858 1.3952086749590589 1.159945319764653 1.0546959240197975 0.7296610253959519 0.4789198178861302 0.26068210023868954 0.24210867746019235 0.07340008722209797 0.034705456433545334 0.02077538934967026 -0.08137843593211255 -0.12007306672066517 -0.18508004644543605 -0.18508004644543605 -0.1680544088984708 0.02696653027583305 0.2684210263964018 0.6166727034933754 +40207,1.2404301518048484,2,1.5066492116300858 1.3952086749590589 1.159945319764653 1.0546959240197975 0.7296610253959519 0.4789198178861302 0.26068210023868954 0.24210867746019235 0.07340008722209797 0.034705456433545334 0.02077538934967026 -0.08137843593211255 -0.12007306672066517 -0.18508004644543605 -0.18508004644543605 -0.1680544088984708 0.02696653027583305 0.2684210263964018 0.6166727034933754 0.9571854544326368 +40208,1.2481690779625607,2,1.3952086749590589 1.159945319764653 1.0546959240197975 0.7296610253959519 0.4789198178861302 0.26068210023868954 0.24210867746019235 0.07340008722209797 0.034705456433545334 0.02077538934967026 -0.08137843593211255 -0.12007306672066517 -0.18508004644543605 -0.18508004644543605 -0.1680544088984708 0.02696653027583305 0.2684210263964018 0.6166727034933754 0.9571854544326368 1.2404301518048484 +40209,1.4292599500529806,2,1.159945319764653 1.0546959240197975 0.7296610253959519 0.4789198178861302 0.26068210023868954 0.24210867746019235 0.07340008722209797 0.034705456433545334 0.02077538934967026 -0.08137843593211255 -0.12007306672066517 -0.18508004644543605 -0.18508004644543605 -0.1680544088984708 0.02696653027583305 0.2684210263964018 0.6166727034933754 0.9571854544326368 1.2404301518048484 1.2481690779625607 +40210,1.4880757888515799,2,1.0546959240197975 0.7296610253959519 0.4789198178861302 0.26068210023868954 0.24210867746019235 0.07340008722209797 0.034705456433545334 0.02077538934967026 -0.08137843593211255 -0.12007306672066517 -0.18508004644543605 -0.18508004644543605 -0.1680544088984708 0.02696653027583305 0.2684210263964018 0.6166727034933754 0.9571854544326368 1.2404301518048484 1.2481690779625607 1.4292599500529806 +40211,1.588681828901822,2,0.7296610253959519 0.4789198178861302 0.26068210023868954 0.24210867746019235 0.07340008722209797 0.034705456433545334 0.02077538934967026 -0.08137843593211255 -0.12007306672066517 -0.18508004644543605 -0.18508004644543605 -0.1680544088984708 0.02696653027583305 0.2684210263964018 0.6166727034933754 0.9571854544326368 1.2404301518048484 1.2481690779625607 1.4292599500529806 1.4880757888515799 +40212,1.460215654683821,2,0.4789198178861302 0.26068210023868954 0.24210867746019235 0.07340008722209797 0.034705456433545334 0.02077538934967026 -0.08137843593211255 -0.12007306672066517 -0.18508004644543605 -0.18508004644543605 -0.1680544088984708 0.02696653027583305 0.2684210263964018 0.6166727034933754 0.9571854544326368 1.2404301518048484 1.2481690779625607 1.4292599500529806 1.4880757888515799 1.588681828901822 +40213,1.4617634399153705,2,0.26068210023868954 0.24210867746019235 0.07340008722209797 0.034705456433545334 0.02077538934967026 -0.08137843593211255 -0.12007306672066517 -0.18508004644543605 -0.18508004644543605 -0.1680544088984708 0.02696653027583305 0.2684210263964018 0.6166727034933754 0.9571854544326368 1.2404301518048484 1.2481690779625607 1.4292599500529806 1.4880757888515799 1.588681828901822 1.460215654683821 +40214,1.223404514257883,2,0.24210867746019235 0.07340008722209797 0.034705456433545334 0.02077538934967026 -0.08137843593211255 -0.12007306672066517 -0.18508004644543605 -0.18508004644543605 -0.1680544088984708 0.02696653027583305 0.2684210263964018 0.6166727034933754 0.9571854544326368 1.2404301518048484 1.2481690779625607 1.4292599500529806 1.4880757888515799 1.588681828901822 1.460215654683821 1.4617634399153705 +40215,0.5950037102517881,2,0.07340008722209797 0.034705456433545334 0.02077538934967026 -0.08137843593211255 -0.12007306672066517 -0.18508004644543605 -0.18508004644543605 -0.1680544088984708 0.02696653027583305 0.2684210263964018 0.6166727034933754 0.9571854544326368 1.2404301518048484 1.2481690779625607 1.4292599500529806 1.4880757888515799 1.588681828901822 1.460215654683821 1.4617634399153705 1.223404514257883 +40216,0.5733347170102008,2,0.034705456433545334 0.02077538934967026 -0.08137843593211255 -0.12007306672066517 -0.18508004644543605 -0.18508004644543605 -0.1680544088984708 0.02696653027583305 0.2684210263964018 0.6166727034933754 0.9571854544326368 1.2404301518048484 1.2481690779625607 1.4292599500529806 1.4880757888515799 1.588681828901822 1.460215654683821 1.4617634399153705 1.223404514257883 0.5950037102517881 +40217,0.3365235765842541,2,0.02077538934967026 -0.08137843593211255 -0.12007306672066517 -0.18508004644543605 -0.18508004644543605 -0.1680544088984708 0.02696653027583305 0.2684210263964018 0.6166727034933754 0.9571854544326368 1.2404301518048484 1.2481690779625607 1.4292599500529806 1.4880757888515799 1.588681828901822 1.460215654683821 1.4617634399153705 1.223404514257883 0.5950037102517881 0.5733347170102008 +40218,0.20341404667163973,2,-0.08137843593211255 -0.12007306672066517 -0.18508004644543605 -0.18508004644543605 -0.1680544088984708 0.02696653027583305 0.2684210263964018 0.6166727034933754 0.9571854544326368 1.2404301518048484 1.2481690779625607 1.4292599500529806 1.4880757888515799 1.588681828901822 1.460215654683821 1.4617634399153705 1.223404514257883 0.5950037102517881 0.5733347170102008 0.3365235765842541 +40219,0.08733015430598183,2,-0.12007306672066517 -0.18508004644543605 -0.18508004644543605 -0.1680544088984708 0.02696653027583305 0.2684210263964018 0.6166727034933754 0.9571854544326368 1.2404301518048484 1.2481690779625607 1.4292599500529806 1.4880757888515799 1.588681828901822 1.460215654683821 1.4617634399153705 1.223404514257883 0.5950037102517881 0.5733347170102008 0.3365235765842541 0.20341404667163973 +40220,-0.05042273130127221,2,-0.18508004644543605 -0.18508004644543605 -0.1680544088984708 0.02696653027583305 0.2684210263964018 0.6166727034933754 0.9571854544326368 1.2404301518048484 1.2481690779625607 1.4292599500529806 1.4880757888515799 1.588681828901822 1.460215654683821 1.4617634399153705 1.223404514257883 0.5950037102517881 0.5733347170102008 0.3365235765842541 0.20341404667163973 0.08733015430598183 +40221,-0.02875373805967605,2,-0.18508004644543605 -0.1680544088984708 0.02696653027583305 0.2684210263964018 0.6166727034933754 0.9571854544326368 1.2404301518048484 1.2481690779625607 1.4292599500529806 1.4880757888515799 1.588681828901822 1.460215654683821 1.4617634399153705 1.223404514257883 0.5950037102517881 0.5733347170102008 0.3365235765842541 0.20341404667163973 0.08733015430598183 -0.05042273130127221 +40222,-0.10459521440524061,2,-0.1680544088984708 0.02696653027583305 0.2684210263964018 0.6166727034933754 0.9571854544326368 1.2404301518048484 1.2481690779625607 1.4292599500529806 1.4880757888515799 1.588681828901822 1.460215654683821 1.4617634399153705 1.223404514257883 0.5950037102517881 0.5733347170102008 0.3365235765842541 0.20341404667163973 0.08733015430598183 -0.05042273130127221 -0.02875373805967605 +40223,-0.13245534857299956,2,0.02696653027583305 0.2684210263964018 0.6166727034933754 0.9571854544326368 1.2404301518048484 1.2481690779625607 1.4292599500529806 1.4880757888515799 1.588681828901822 1.460215654683821 1.4617634399153705 1.223404514257883 0.5950037102517881 0.5733347170102008 0.3365235765842541 0.20341404667163973 0.08733015430598183 -0.05042273130127221 -0.02875373805967605 -0.10459521440524061 +40224,-0.2098446101501048,2,0.2684210263964018 0.6166727034933754 0.9571854544326368 1.2404301518048484 1.2481690779625607 1.4292599500529806 1.4880757888515799 1.588681828901822 1.460215654683821 1.4617634399153705 1.223404514257883 0.5950037102517881 0.5733347170102008 0.3365235765842541 0.20341404667163973 0.08733015430598183 -0.05042273130127221 -0.02875373805967605 -0.10459521440524061 -0.13245534857299956 +40225,-0.2098446101501048,2,0.6166727034933754 0.9571854544326368 1.2404301518048484 1.2481690779625607 1.4292599500529806 1.4880757888515799 1.588681828901822 1.460215654683821 1.4617634399153705 1.223404514257883 0.5950037102517881 0.5733347170102008 0.3365235765842541 0.20341404667163973 0.08733015430598183 -0.05042273130127221 -0.02875373805967605 -0.10459521440524061 -0.13245534857299956 -0.2098446101501048 +40226,-0.17888890551926448,2,0.9571854544326368 1.2404301518048484 1.2481690779625607 1.4292599500529806 1.4880757888515799 1.588681828901822 1.460215654683821 1.4617634399153705 1.223404514257883 0.5950037102517881 0.5733347170102008 0.3365235765842541 0.20341404667163973 0.08733015430598183 -0.05042273130127221 -0.02875373805967605 -0.10459521440524061 -0.13245534857299956 -0.2098446101501048 -0.2098446101501048 +40227,-0.019467026670423066,2,1.2404301518048484 1.2481690779625607 1.4292599500529806 1.4880757888515799 1.588681828901822 1.460215654683821 1.4617634399153705 1.223404514257883 0.5950037102517881 0.5733347170102008 0.3365235765842541 0.20341404667163973 0.08733015430598183 -0.05042273130127221 -0.02875373805967605 -0.10459521440524061 -0.13245534857299956 -0.2098446101501048 -0.2098446101501048 -0.17888890551926448 +40228,0.24520424792327375,2,1.2481690779625607 1.4292599500529806 1.4880757888515799 1.588681828901822 1.460215654683821 1.4617634399153705 1.223404514257883 0.5950037102517881 0.5733347170102008 0.3365235765842541 0.20341404667163973 0.08733015430598183 -0.05042273130127221 -0.02875373805967605 -0.10459521440524061 -0.13245534857299956 -0.2098446101501048 -0.2098446101501048 -0.17888890551926448 -0.019467026670423066 +40229,0.8318148506777348,2,1.4292599500529806 1.4880757888515799 1.588681828901822 1.460215654683821 1.4617634399153705 1.223404514257883 0.5950037102517881 0.5733347170102008 0.3365235765842541 0.20341404667163973 0.08733015430598183 -0.05042273130127221 -0.02875373805967605 -0.10459521440524061 -0.13245534857299956 -0.2098446101501048 -0.2098446101501048 -0.17888890551926448 -0.019467026670423066 0.24520424792327375 +40230,1.1893532391639525,2,1.4880757888515799 1.588681828901822 1.460215654683821 1.4617634399153705 1.223404514257883 0.5950037102517881 0.5733347170102008 0.3365235765842541 0.20341404667163973 0.08733015430598183 -0.05042273130127221 -0.02875373805967605 -0.10459521440524061 -0.13245534857299956 -0.2098446101501048 -0.2098446101501048 -0.17888890551926448 -0.019467026670423066 0.24520424792327375 0.8318148506777348 +40231,1.2141178028686301,2,1.588681828901822 1.460215654683821 1.4617634399153705 1.223404514257883 0.5950037102517881 0.5733347170102008 0.3365235765842541 0.20341404667163973 0.08733015430598183 -0.05042273130127221 -0.02875373805967605 -0.10459521440524061 -0.13245534857299956 -0.2098446101501048 -0.2098446101501048 -0.17888890551926448 -0.019467026670423066 0.24520424792327375 0.8318148506777348 1.1893532391639525 +40232,1.3456795475497125,2,1.460215654683821 1.4617634399153705 1.223404514257883 0.5950037102517881 0.5733347170102008 0.3365235765842541 0.20341404667163973 0.08733015430598183 -0.05042273130127221 -0.02875373805967605 -0.10459521440524061 -0.13245534857299956 -0.2098446101501048 -0.2098446101501048 -0.17888890551926448 -0.019467026670423066 0.24520424792327375 0.8318148506777348 1.1893532391639525 1.2141178028686301 +40233,1.3983042454221404,2,1.4617634399153705 1.223404514257883 0.5950037102517881 0.5733347170102008 0.3365235765842541 0.20341404667163973 0.08733015430598183 -0.05042273130127221 -0.02875373805967605 -0.10459521440524061 -0.13245534857299956 -0.2098446101501048 -0.2098446101501048 -0.17888890551926448 -0.019467026670423066 0.24520424792327375 0.8318148506777348 1.1893532391639525 1.2141178028686301 1.3456795475497125 +40234,1.3456795475497125,2,1.223404514257883 0.5950037102517881 0.5733347170102008 0.3365235765842541 0.20341404667163973 0.08733015430598183 -0.05042273130127221 -0.02875373805967605 -0.10459521440524061 -0.13245534857299956 -0.2098446101501048 -0.2098446101501048 -0.17888890551926448 -0.019467026670423066 0.24520424792327375 0.8318148506777348 1.1893532391639525 1.2141178028686301 1.3456795475497125 1.3983042454221404 +40235,1.3209149838450351,2,0.5950037102517881 0.5733347170102008 0.3365235765842541 0.20341404667163973 0.08733015430598183 -0.05042273130127221 -0.02875373805967605 -0.10459521440524061 -0.13245534857299956 -0.2098446101501048 -0.2098446101501048 -0.17888890551926448 -0.019467026670423066 0.24520424792327375 0.8318148506777348 1.1893532391639525 1.2141178028686301 1.3456795475497125 1.3983042454221404 1.3456795475497125 +40236,1.034574716009742,2,0.5733347170102008 0.3365235765842541 0.20341404667163973 0.08733015430598183 -0.05042273130127221 -0.02875373805967605 -0.10459521440524061 -0.13245534857299956 -0.2098446101501048 -0.2098446101501048 -0.17888890551926448 -0.019467026670423066 0.24520424792327375 0.8318148506777348 1.1893532391639525 1.2141178028686301 1.3456795475497125 1.3983042454221404 1.3456795475497125 1.3209149838450351 +40237,0.6151249182618348,2,0.3365235765842541 0.20341404667163973 0.08733015430598183 -0.05042273130127221 -0.02875373805967605 -0.10459521440524061 -0.13245534857299956 -0.2098446101501048 -0.2098446101501048 -0.17888890551926448 -0.019467026670423066 0.24520424792327375 0.8318148506777348 1.1893532391639525 1.2141178028686301 1.3456795475497125 1.3983042454221404 1.3456795475497125 1.3209149838450351 1.034574716009742 +40238,0.34735807320504775,2,0.20341404667163973 0.08733015430598183 -0.05042273130127221 -0.02875373805967605 -0.10459521440524061 -0.13245534857299956 -0.2098446101501048 -0.2098446101501048 -0.17888890551926448 -0.019467026670423066 0.24520424792327375 0.8318148506777348 1.1893532391639525 1.2141178028686301 1.3456795475497125 1.3983042454221404 1.3456795475497125 1.3209149838450351 1.034574716009742 0.6151249182618348 +40239,0.06875673152747587,2,0.08733015430598183 -0.05042273130127221 -0.02875373805967605 -0.10459521440524061 -0.13245534857299956 -0.2098446101501048 -0.2098446101501048 -0.17888890551926448 -0.019467026670423066 0.24520424792327375 0.8318148506777348 1.1893532391639525 1.2141178028686301 1.3456795475497125 1.3983042454221404 1.3456795475497125 1.3209149838450351 1.034574716009742 0.6151249182618348 0.34735807320504775 +40240,-0.02256259713351326,2,-0.05042273130127221 -0.02875373805967605 -0.10459521440524061 -0.13245534857299956 -0.2098446101501048 -0.2098446101501048 -0.17888890551926448 -0.019467026670423066 0.24520424792327375 0.8318148506777348 1.1893532391639525 1.2141178028686301 1.3456795475497125 1.3983042454221404 1.3456795475497125 1.3209149838450351 1.034574716009742 0.6151249182618348 0.34735807320504775 0.06875673152747587 +40241,-0.10459521440524061,2,-0.02875373805967605 -0.10459521440524061 -0.13245534857299956 -0.2098446101501048 -0.2098446101501048 -0.17888890551926448 -0.019467026670423066 0.24520424792327375 0.8318148506777348 1.1893532391639525 1.2141178028686301 1.3456795475497125 1.3983042454221404 1.3456795475497125 1.3209149838450351 1.034574716009742 0.6151249182618348 0.34735807320504775 0.06875673152747587 -0.02256259713351326 +40242,-0.13090756334145887,2,-0.10459521440524061 -0.13245534857299956 -0.2098446101501048 -0.2098446101501048 -0.17888890551926448 -0.019467026670423066 0.24520424792327375 0.8318148506777348 1.1893532391639525 1.2141178028686301 1.3456795475497125 1.3983042454221404 1.3456795475497125 1.3209149838450351 1.034574716009742 0.6151249182618348 0.34735807320504775 0.06875673152747587 -0.02256259713351326 -0.10459521440524061 +40243,-0.15721991227767712,2,-0.13245534857299956 -0.2098446101501048 -0.2098446101501048 -0.17888890551926448 -0.019467026670423066 0.24520424792327375 0.8318148506777348 1.1893532391639525 1.2141178028686301 1.3456795475497125 1.3983042454221404 1.3456795475497125 1.3209149838450351 1.034574716009742 0.6151249182618348 0.34735807320504775 0.06875673152747587 -0.02256259713351326 -0.10459521440524061 -0.13090756334145887 +40244,-0.2222268920024392,2,-0.2098446101501048 -0.2098446101501048 -0.17888890551926448 -0.019467026670423066 0.24520424792327375 0.8318148506777348 1.1893532391639525 1.2141178028686301 1.3456795475497125 1.3983042454221404 1.3456795475497125 1.3209149838450351 1.034574716009742 0.6151249182618348 0.34735807320504775 0.06875673152747587 -0.02256259713351326 -0.10459521440524061 -0.13090756334145887 -0.15721991227767712 +40245,-0.324380717284222,2,-0.2098446101501048 -0.17888890551926448 -0.019467026670423066 0.24520424792327375 0.8318148506777348 1.1893532391639525 1.2141178028686301 1.3456795475497125 1.3983042454221404 1.3456795475497125 1.3209149838450351 1.034574716009742 0.6151249182618348 0.34735807320504775 0.06875673152747587 -0.02256259713351326 -0.10459521440524061 -0.13090756334145887 -0.15721991227767712 -0.2222268920024392 +40246,-0.41724783117675185,2,-0.17888890551926448 -0.019467026670423066 0.24520424792327375 0.8318148506777348 1.1893532391639525 1.2141178028686301 1.3456795475497125 1.3983042454221404 1.3456795475497125 1.3209149838450351 1.034574716009742 0.6151249182618348 0.34735807320504775 0.06875673152747587 -0.02256259713351326 -0.10459521440524061 -0.13090756334145887 -0.15721991227767712 -0.2222268920024392 -0.324380717284222 +40247,-0.40486554932440866,2,-0.019467026670423066 0.24520424792327375 0.8318148506777348 1.1893532391639525 1.2141178028686301 1.3456795475497125 1.3983042454221404 1.3456795475497125 1.3209149838450351 1.034574716009742 0.6151249182618348 0.34735807320504775 0.06875673152747587 -0.02256259713351326 -0.10459521440524061 -0.13090756334145887 -0.15721991227767712 -0.2222268920024392 -0.324380717284222 -0.41724783117675185 +40248,-0.4435601801129613,2,0.24520424792327375 0.8318148506777348 1.1893532391639525 1.2141178028686301 1.3456795475497125 1.3983042454221404 1.3456795475497125 1.3209149838450351 1.034574716009742 0.6151249182618348 0.34735807320504775 0.06875673152747587 -0.02256259713351326 -0.10459521440524061 -0.13090756334145887 -0.15721991227767712 -0.2222268920024392 -0.324380717284222 -0.41724783117675185 -0.40486554932440866 +40249,-0.45594246196530447,2,0.8318148506777348 1.1893532391639525 1.2141178028686301 1.3456795475497125 1.3983042454221404 1.3456795475497125 1.3209149838450351 1.034574716009742 0.6151249182618348 0.34735807320504775 0.06875673152747587 -0.02256259713351326 -0.10459521440524061 -0.13090756334145887 -0.15721991227767712 -0.2222268920024392 -0.324380717284222 -0.41724783117675185 -0.40486554932440866 -0.4435601801129613 +40250,-0.33985856959964655,2,1.1893532391639525 1.2141178028686301 1.3456795475497125 1.3983042454221404 1.3456795475497125 1.3209149838450351 1.034574716009742 0.6151249182618348 0.34735807320504775 0.06875673152747587 -0.02256259713351326 -0.10459521440524061 -0.13090756334145887 -0.15721991227767712 -0.2222268920024392 -0.324380717284222 -0.41724783117675185 -0.40486554932440866 -0.4435601801129613 -0.45594246196530447 +40251,-0.3290240729788441,2,1.2141178028686301 1.3456795475497125 1.3983042454221404 1.3456795475497125 1.3209149838450351 1.034574716009742 0.6151249182618348 0.34735807320504775 0.06875673152747587 -0.02256259713351326 -0.10459521440524061 -0.13090756334145887 -0.15721991227767712 -0.2222268920024392 -0.324380717284222 -0.41724783117675185 -0.40486554932440866 -0.4435601801129613 -0.45594246196530447 -0.33985856959964655 +40252,-0.13864648949917113,2,1.3456795475497125 1.3983042454221404 1.3456795475497125 1.3209149838450351 1.034574716009742 0.6151249182618348 0.34735807320504775 0.06875673152747587 -0.02256259713351326 -0.10459521440524061 -0.13090756334145887 -0.15721991227767712 -0.2222268920024392 -0.324380717284222 -0.41724783117675185 -0.40486554932440866 -0.4435601801129613 -0.45594246196530447 -0.33985856959964655 -0.3290240729788441 +40253,0.017679818886580066,2,1.3983042454221404 1.3456795475497125 1.3209149838450351 1.034574716009742 0.6151249182618348 0.34735807320504775 0.06875673152747587 -0.02256259713351326 -0.10459521440524061 -0.13090756334145887 -0.15721991227767712 -0.2222268920024392 -0.324380717284222 -0.41724783117675185 -0.40486554932440866 -0.4435601801129613 -0.45594246196530447 -0.33985856959964655 -0.3290240729788441 -0.13864648949917113 +40254,0.14150263740995023,2,1.3456795475497125 1.3209149838450351 1.034574716009742 0.6151249182618348 0.34735807320504775 0.06875673152747587 -0.02256259713351326 -0.10459521440524061 -0.13090756334145887 -0.15721991227767712 -0.2222268920024392 -0.324380717284222 -0.41724783117675185 -0.40486554932440866 -0.4435601801129613 -0.45594246196530447 -0.33985856959964655 -0.3290240729788441 -0.13864648949917113 0.017679818886580066 +40255,0.3164023685742074,2,1.3209149838450351 1.034574716009742 0.6151249182618348 0.34735807320504775 0.06875673152747587 -0.02256259713351326 -0.10459521440524061 -0.13090756334145887 -0.15721991227767712 -0.2222268920024392 -0.324380717284222 -0.41724783117675185 -0.40486554932440866 -0.4435601801129613 -0.45594246196530447 -0.33985856959964655 -0.3290240729788441 -0.13864648949917113 0.017679818886580066 0.14150263740995023 +40256,0.46034639510762426,2,1.034574716009742 0.6151249182618348 0.34735807320504775 0.06875673152747587 -0.02256259713351326 -0.10459521440524061 -0.13090756334145887 -0.15721991227767712 -0.2222268920024392 -0.324380717284222 -0.41724783117675185 -0.40486554932440866 -0.4435601801129613 -0.45594246196530447 -0.33985856959964655 -0.3290240729788441 -0.13864648949917113 0.017679818886580066 0.14150263740995023 0.3164023685742074 +40257,0.6058382068725817,2,0.6151249182618348 0.34735807320504775 0.06875673152747587 -0.02256259713351326 -0.10459521440524061 -0.13090756334145887 -0.15721991227767712 -0.2222268920024392 -0.324380717284222 -0.41724783117675185 -0.40486554932440866 -0.4435601801129613 -0.45594246196530447 -0.33985856959964655 -0.3290240729788441 -0.13864648949917113 0.017679818886580066 0.14150263740995023 0.3164023685742074 0.46034639510762426 +40258,0.5857169988625351,2,0.34735807320504775 0.06875673152747587 -0.02256259713351326 -0.10459521440524061 -0.13090756334145887 -0.15721991227767712 -0.2222268920024392 -0.324380717284222 -0.41724783117675185 -0.40486554932440866 -0.4435601801129613 -0.45594246196530447 -0.33985856959964655 -0.3290240729788441 -0.13864648949917113 0.017679818886580066 0.14150263740995023 0.3164023685742074 0.46034639510762426 0.6058382068725817 +40259,0.5640480056209477,2,0.06875673152747587 -0.02256259713351326 -0.10459521440524061 -0.13090756334145887 -0.15721991227767712 -0.2222268920024392 -0.324380717284222 -0.41724783117675185 -0.40486554932440866 -0.4435601801129613 -0.45594246196530447 -0.33985856959964655 -0.3290240729788441 -0.13864648949917113 0.017679818886580066 0.14150263740995023 0.3164023685742074 0.46034639510762426 0.6058382068725817 0.5857169988625351 +40260,0.5238055896008544,2,-0.02256259713351326 -0.10459521440524061 -0.13090756334145887 -0.15721991227767712 -0.2222268920024392 -0.324380717284222 -0.41724783117675185 -0.40486554932440866 -0.4435601801129613 -0.45594246196530447 -0.33985856959964655 -0.3290240729788441 -0.13864648949917113 0.017679818886580066 0.14150263740995023 0.3164023685742074 0.46034639510762426 0.6058382068725817 0.5857169988625351 0.5640480056209477 +40261,0.23746532176556145,2,-0.10459521440524061 -0.13090756334145887 -0.15721991227767712 -0.2222268920024392 -0.324380717284222 -0.41724783117675185 -0.40486554932440866 -0.4435601801129613 -0.45594246196530447 -0.33985856959964655 -0.3290240729788441 -0.13864648949917113 0.017679818886580066 0.14150263740995023 0.3164023685742074 0.46034639510762426 0.6058382068725817 0.5857169988625351 0.5640480056209477 0.5238055896008544 +40262,0.19412733528238674,2,-0.13090756334145887 -0.15721991227767712 -0.2222268920024392 -0.324380717284222 -0.41724783117675185 -0.40486554932440866 -0.4435601801129613 -0.45594246196530447 -0.33985856959964655 -0.3290240729788441 -0.13864648949917113 0.017679818886580066 0.14150263740995023 0.3164023685742074 0.46034639510762426 0.6058382068725817 0.5857169988625351 0.5640480056209477 0.5238055896008544 0.23746532176556145 +40263,-0.18508004644543605,2,-0.15721991227767712 -0.2222268920024392 -0.324380717284222 -0.41724783117675185 -0.40486554932440866 -0.4435601801129613 -0.45594246196530447 -0.33985856959964655 -0.3290240729788441 -0.13864648949917113 0.017679818886580066 0.14150263740995023 0.3164023685742074 0.46034639510762426 0.6058382068725817 0.5857169988625351 0.5640480056209477 0.5238055896008544 0.23746532176556145 0.19412733528238674 +40264,-0.2500870261701981,2,-0.2222268920024392 -0.324380717284222 -0.41724783117675185 -0.40486554932440866 -0.4435601801129613 -0.45594246196530447 -0.33985856959964655 -0.3290240729788441 -0.13864648949917113 0.017679818886580066 0.14150263740995023 0.3164023685742074 0.46034639510762426 0.6058382068725817 0.5857169988625351 0.5640480056209477 0.5238055896008544 0.23746532176556145 0.19412733528238674 -0.18508004644543605 +40265,-0.2748515898748757,2,-0.324380717284222 -0.41724783117675185 -0.40486554932440866 -0.4435601801129613 -0.45594246196530447 -0.33985856959964655 -0.3290240729788441 -0.13864648949917113 0.017679818886580066 0.14150263740995023 0.3164023685742074 0.46034639510762426 0.6058382068725817 0.5857169988625351 0.5640480056209477 0.5238055896008544 0.23746532176556145 0.19412733528238674 -0.18508004644543605 -0.2500870261701981 +40266,-0.30116393881109393,2,-0.41724783117675185 -0.40486554932440866 -0.4435601801129613 -0.45594246196530447 -0.33985856959964655 -0.3290240729788441 -0.13864648949917113 0.017679818886580066 0.14150263740995023 0.3164023685742074 0.46034639510762426 0.6058382068725817 0.5857169988625351 0.5640480056209477 0.5238055896008544 0.23746532176556145 0.19412733528238674 -0.18508004644543605 -0.2500870261701981 -0.2748515898748757 +40267,-0.2624693080225413,2,-0.40486554932440866 -0.4435601801129613 -0.45594246196530447 -0.33985856959964655 -0.3290240729788441 -0.13864648949917113 0.017679818886580066 0.14150263740995023 0.3164023685742074 0.46034639510762426 0.6058382068725817 0.5857169988625351 0.5640480056209477 0.5238055896008544 0.23746532176556145 0.19412733528238674 -0.18508004644543605 -0.2500870261701981 -0.2748515898748757 -0.30116393881109393 +40268,-0.2748515898748757,2,-0.4435601801129613 -0.45594246196530447 -0.33985856959964655 -0.3290240729788441 -0.13864648949917113 0.017679818886580066 0.14150263740995023 0.3164023685742074 0.46034639510762426 0.6058382068725817 0.5857169988625351 0.5640480056209477 0.5238055896008544 0.23746532176556145 0.19412733528238674 -0.18508004644543605 -0.2500870261701981 -0.2748515898748757 -0.30116393881109393 -0.2624693080225413 +40269,-0.2237746772339887,2,-0.45594246196530447 -0.33985856959964655 -0.3290240729788441 -0.13864648949917113 0.017679818886580066 0.14150263740995023 0.3164023685742074 0.46034639510762426 0.6058382068725817 0.5857169988625351 0.5640480056209477 0.5238055896008544 0.23746532176556145 0.19412733528238674 -0.18508004644543605 -0.2500870261701981 -0.2748515898748757 -0.30116393881109393 -0.2624693080225413 -0.2748515898748757 +40270,-0.2763993751064164,2,-0.33985856959964655 -0.3290240729788441 -0.13864648949917113 0.017679818886580066 0.14150263740995023 0.3164023685742074 0.46034639510762426 0.6058382068725817 0.5857169988625351 0.5640480056209477 0.5238055896008544 0.23746532176556145 0.19412733528238674 -0.18508004644543605 -0.2500870261701981 -0.2748515898748757 -0.30116393881109393 -0.2624693080225413 -0.2748515898748757 -0.2237746772339887 +40271,-0.315094005894969,2,-0.3290240729788441 -0.13864648949917113 0.017679818886580066 0.14150263740995023 0.3164023685742074 0.46034639510762426 0.6058382068725817 0.5857169988625351 0.5640480056209477 0.5238055896008544 0.23746532176556145 0.19412733528238674 -0.18508004644543605 -0.2500870261701981 -0.2748515898748757 -0.30116393881109393 -0.2624693080225413 -0.2748515898748757 -0.2237746772339887 -0.2763993751064164 +40272,-0.34140635483118725,2,-0.13864648949917113 0.017679818886580066 0.14150263740995023 0.3164023685742074 0.46034639510762426 0.6058382068725817 0.5857169988625351 0.5640480056209477 0.5238055896008544 0.23746532176556145 0.19412733528238674 -0.18508004644543605 -0.2500870261701981 -0.2748515898748757 -0.30116393881109393 -0.2624693080225413 -0.2748515898748757 -0.2237746772339887 -0.2763993751064164 -0.315094005894969 +40273,-0.34140635483118725,2,0.017679818886580066 0.14150263740995023 0.3164023685742074 0.46034639510762426 0.6058382068725817 0.5857169988625351 0.5640480056209477 0.5238055896008544 0.23746532176556145 0.19412733528238674 -0.18508004644543605 -0.2500870261701981 -0.2748515898748757 -0.30116393881109393 -0.2624693080225413 -0.2748515898748757 -0.2237746772339887 -0.2763993751064164 -0.315094005894969 -0.34140635483118725 +40274,-0.3274762877473034,2,0.14150263740995023 0.3164023685742074 0.46034639510762426 0.6058382068725817 0.5857169988625351 0.5640480056209477 0.5238055896008544 0.23746532176556145 0.19412733528238674 -0.18508004644543605 -0.2500870261701981 -0.2748515898748757 -0.30116393881109393 -0.2624693080225413 -0.2748515898748757 -0.2237746772339887 -0.2763993751064164 -0.315094005894969 -0.34140635483118725 -0.34140635483118725 +40275,-0.30735507973725673,2,0.3164023685742074 0.46034639510762426 0.6058382068725817 0.5857169988625351 0.5640480056209477 0.5238055896008544 0.23746532176556145 0.19412733528238674 -0.18508004644543605 -0.2500870261701981 -0.2748515898748757 -0.30116393881109393 -0.2624693080225413 -0.2748515898748757 -0.2237746772339887 -0.2763993751064164 -0.315094005894969 -0.34140635483118725 -0.34140635483118725 -0.3274762877473034 +40276,-0.25318259663328835,2,0.46034639510762426 0.6058382068725817 0.5857169988625351 0.5640480056209477 0.5238055896008544 0.23746532176556145 0.19412733528238674 -0.18508004644543605 -0.2500870261701981 -0.2748515898748757 -0.30116393881109393 -0.2624693080225413 -0.2748515898748757 -0.2237746772339887 -0.2763993751064164 -0.315094005894969 -0.34140635483118725 -0.34140635483118725 -0.3274762877473034 -0.30735507973725673 +40277,-0.2624693080225413,2,0.6058382068725817 0.5857169988625351 0.5640480056209477 0.5238055896008544 0.23746532176556145 0.19412733528238674 -0.18508004644543605 -0.2500870261701981 -0.2748515898748757 -0.30116393881109393 -0.2624693080225413 -0.2748515898748757 -0.2237746772339887 -0.2763993751064164 -0.315094005894969 -0.34140635483118725 -0.34140635483118725 -0.3274762877473034 -0.30735507973725673 -0.25318259663328835 +40278,-0.24389588524403535,2,0.5857169988625351 0.5640480056209477 0.5238055896008544 0.23746532176556145 0.19412733528238674 -0.18508004644543605 -0.2500870261701981 -0.2748515898748757 -0.30116393881109393 -0.2624693080225413 -0.2748515898748757 -0.2237746772339887 -0.2763993751064164 -0.315094005894969 -0.34140635483118725 -0.34140635483118725 -0.3274762877473034 -0.30735507973725673 -0.25318259663328835 -0.2624693080225413 +40279,-0.17579333505618308,2,0.5640480056209477 0.5238055896008544 0.23746532176556145 0.19412733528238674 -0.18508004644543605 -0.2500870261701981 -0.2748515898748757 -0.30116393881109393 -0.2624693080225413 -0.2748515898748757 -0.2237746772339887 -0.2763993751064164 -0.315094005894969 -0.34140635483118725 -0.34140635483118725 -0.3274762877473034 -0.30735507973725673 -0.25318259663328835 -0.2624693080225413 -0.24389588524403535 +40280,-0.14948098611996483,2,0.5238055896008544 0.23746532176556145 0.19412733528238674 -0.18508004644543605 -0.2500870261701981 -0.2748515898748757 -0.30116393881109393 -0.2624693080225413 -0.2748515898748757 -0.2237746772339887 -0.2763993751064164 -0.315094005894969 -0.34140635483118725 -0.34140635483118725 -0.3274762877473034 -0.30735507973725673 -0.25318259663328835 -0.2624693080225413 -0.24389588524403535 -0.17579333505618308 +40281,-0.15102877135150553,2,0.23746532176556145 0.19412733528238674 -0.18508004644543605 -0.2500870261701981 -0.2748515898748757 -0.30116393881109393 -0.2624693080225413 -0.2748515898748757 -0.2237746772339887 -0.2763993751064164 -0.315094005894969 -0.34140635483118725 -0.34140635483118725 -0.3274762877473034 -0.30735507973725673 -0.25318259663328835 -0.2624693080225413 -0.24389588524403535 -0.17579333505618308 -0.14948098611996483 +40282,-0.13864648949917113,2,0.19412733528238674 -0.18508004644543605 -0.2500870261701981 -0.2748515898748757 -0.30116393881109393 -0.2624693080225413 -0.2748515898748757 -0.2237746772339887 -0.2763993751064164 -0.315094005894969 -0.34140635483118725 -0.34140635483118725 -0.3274762877473034 -0.30735507973725673 -0.25318259663328835 -0.2624693080225413 -0.24389588524403535 -0.17579333505618308 -0.14948098611996483 -0.15102877135150553 +40283,-0.08911736208982483,2,-0.18508004644543605 -0.2500870261701981 -0.2748515898748757 -0.30116393881109393 -0.2624693080225413 -0.2748515898748757 -0.2237746772339887 -0.2763993751064164 -0.315094005894969 -0.34140635483118725 -0.34140635483118725 -0.3274762877473034 -0.30735507973725673 -0.25318259663328835 -0.2624693080225413 -0.24389588524403535 -0.17579333505618308 -0.14948098611996483 -0.15102877135150553 -0.13864648949917113 +40284,-0.2113923953816455,2,-0.2500870261701981 -0.2748515898748757 -0.30116393881109393 -0.2624693080225413 -0.2748515898748757 -0.2237746772339887 -0.2763993751064164 -0.315094005894969 -0.34140635483118725 -0.34140635483118725 -0.3274762877473034 -0.30735507973725673 -0.25318259663328835 -0.2624693080225413 -0.24389588524403535 -0.17579333505618308 -0.14948098611996483 -0.15102877135150553 -0.13864648949917113 -0.08911736208982483 +40285,-0.2237746772339887,2,-0.2748515898748757 -0.30116393881109393 -0.2624693080225413 -0.2748515898748757 -0.2237746772339887 -0.2763993751064164 -0.315094005894969 -0.34140635483118725 -0.34140635483118725 -0.3274762877473034 -0.30735507973725673 -0.25318259663328835 -0.2624693080225413 -0.24389588524403535 -0.17579333505618308 -0.14948098611996483 -0.15102877135150553 -0.13864648949917113 -0.08911736208982483 -0.2113923953816455 +40286,-0.3785532003881992,2,-0.30116393881109393 -0.2624693080225413 -0.2748515898748757 -0.2237746772339887 -0.2763993751064164 -0.315094005894969 -0.34140635483118725 -0.34140635483118725 -0.3274762877473034 -0.30735507973725673 -0.25318259663328835 -0.2624693080225413 -0.24389588524403535 -0.17579333505618308 -0.14948098611996483 -0.15102877135150553 -0.13864648949917113 -0.08911736208982483 -0.2113923953816455 -0.2237746772339887 +40287,-0.5534529315524563,2,-0.2624693080225413 -0.2748515898748757 -0.2237746772339887 -0.2763993751064164 -0.315094005894969 -0.34140635483118725 -0.34140635483118725 -0.3274762877473034 -0.30735507973725673 -0.25318259663328835 -0.2624693080225413 -0.24389588524403535 -0.17579333505618308 -0.14948098611996483 -0.15102877135150553 -0.13864648949917113 -0.08911736208982483 -0.2113923953816455 -0.2237746772339887 -0.3785532003881992 +40288,-0.7840729310522314,2,-0.2748515898748757 -0.2237746772339887 -0.2763993751064164 -0.315094005894969 -0.34140635483118725 -0.34140635483118725 -0.3274762877473034 -0.30735507973725673 -0.25318259663328835 -0.2624693080225413 -0.24389588524403535 -0.17579333505618308 -0.14948098611996483 -0.15102877135150553 -0.13864648949917113 -0.08911736208982483 -0.2113923953816455 -0.2237746772339887 -0.3785532003881992 -0.5534529315524563 +40289,-0.8119330652199815,2,-0.2237746772339887 -0.2763993751064164 -0.315094005894969 -0.34140635483118725 -0.34140635483118725 -0.3274762877473034 -0.30735507973725673 -0.25318259663328835 -0.2624693080225413 -0.24389588524403535 -0.17579333505618308 -0.14948098611996483 -0.15102877135150553 -0.13864648949917113 -0.08911736208982483 -0.2113923953816455 -0.2237746772339887 -0.3785532003881992 -0.5534529315524563 -0.7840729310522314 +40290,-0.8181242061461532,2,-0.2763993751064164 -0.315094005894969 -0.34140635483118725 -0.34140635483118725 -0.3274762877473034 -0.30735507973725673 -0.25318259663328835 -0.2624693080225413 -0.24389588524403535 -0.17579333505618308 -0.14948098611996483 -0.15102877135150553 -0.13864648949917113 -0.08911736208982483 -0.2113923953816455 -0.2237746772339887 -0.3785532003881992 -0.5534529315524563 -0.7840729310522314 -0.8119330652199815 +40291,-0.9481381655956861,2,-0.315094005894969 -0.34140635483118725 -0.34140635483118725 -0.3274762877473034 -0.30735507973725673 -0.25318259663328835 -0.2624693080225413 -0.24389588524403535 -0.17579333505618308 -0.14948098611996483 -0.15102877135150553 -0.13864648949917113 -0.08911736208982483 -0.2113923953816455 -0.2237746772339887 -0.3785532003881992 -0.5534529315524563 -0.7840729310522314 -0.8119330652199815 -0.8181242061461532 +40292,-0.999215078236582,2,-0.34140635483118725 -0.34140635483118725 -0.3274762877473034 -0.30735507973725673 -0.25318259663328835 -0.2624693080225413 -0.24389588524403535 -0.17579333505618308 -0.14948098611996483 -0.15102877135150553 -0.13864648949917113 -0.08911736208982483 -0.2113923953816455 -0.2237746772339887 -0.3785532003881992 -0.5534529315524563 -0.7840729310522314 -0.8119330652199815 -0.8181242061461532 -0.9481381655956861 +40293,-1.064222057961344,2,-0.34140635483118725 -0.3274762877473034 -0.30735507973725673 -0.25318259663328835 -0.2624693080225413 -0.24389588524403535 -0.17579333505618308 -0.14948098611996483 -0.15102877135150553 -0.13864648949917113 -0.08911736208982483 -0.2113923953816455 -0.2237746772339887 -0.3785532003881992 -0.5534529315524563 -0.7840729310522314 -0.8119330652199815 -0.8181242061461532 -0.9481381655956861 -0.999215078236582 +40294,-1.0905344068975622,2,-0.3274762877473034 -0.30735507973725673 -0.25318259663328835 -0.2624693080225413 -0.24389588524403535 -0.17579333505618308 -0.14948098611996483 -0.15102877135150553 -0.13864648949917113 -0.08911736208982483 -0.2113923953816455 -0.2237746772339887 -0.3785532003881992 -0.5534529315524563 -0.7840729310522314 -0.8119330652199815 -0.8181242061461532 -0.9481381655956861 -0.999215078236582 -1.064222057961344 +40295,-1.2066182992632202,2,-0.30735507973725673 -0.25318259663328835 -0.2624693080225413 -0.24389588524403535 -0.17579333505618308 -0.14948098611996483 -0.15102877135150553 -0.13864648949917113 -0.08911736208982483 -0.2113923953816455 -0.2237746772339887 -0.3785532003881992 -0.5534529315524563 -0.7840729310522314 -0.8119330652199815 -0.8181242061461532 -0.9481381655956861 -0.999215078236582 -1.064222057961344 -1.0905344068975622 +40296,-1.2468607152833135,2,-0.25318259663328835 -0.2624693080225413 -0.24389588524403535 -0.17579333505618308 -0.14948098611996483 -0.15102877135150553 -0.13864648949917113 -0.08911736208982483 -0.2113923953816455 -0.2237746772339887 -0.3785532003881992 -0.5534529315524563 -0.7840729310522314 -0.8119330652199815 -0.8181242061461532 -0.9481381655956861 -0.999215078236582 -1.064222057961344 -1.0905344068975622 -1.2066182992632202 +40297,-1.2453129300517727,2,-0.2624693080225413 -0.24389588524403535 -0.17579333505618308 -0.14948098611996483 -0.15102877135150553 -0.13864648949917113 -0.08911736208982483 -0.2113923953816455 -0.2237746772339887 -0.3785532003881992 -0.5534529315524563 -0.7840729310522314 -0.8119330652199815 -0.8181242061461532 -0.9481381655956861 -0.999215078236582 -1.064222057961344 -1.0905344068975622 -1.2066182992632202 -1.2468607152833135 +40298,-1.2360262186625197,2,-0.24389588524403535 -0.17579333505618308 -0.14948098611996483 -0.15102877135150553 -0.13864648949917113 -0.08911736208982483 -0.2113923953816455 -0.2237746772339887 -0.3785532003881992 -0.5534529315524563 -0.7840729310522314 -0.8119330652199815 -0.8181242061461532 -0.9481381655956861 -0.999215078236582 -1.064222057961344 -1.0905344068975622 -1.2066182992632202 -1.2468607152833135 -1.2453129300517727 +40299,-1.059578702266722,2,-0.17579333505618308 -0.14948098611996483 -0.15102877135150553 -0.13864648949917113 -0.08911736208982483 -0.2113923953816455 -0.2237746772339887 -0.3785532003881992 -0.5534529315524563 -0.7840729310522314 -0.8119330652199815 -0.8181242061461532 -0.9481381655956861 -0.999215078236582 -1.064222057961344 -1.0905344068975622 -1.2066182992632202 -1.2468607152833135 -1.2453129300517727 -1.2360262186625197 +40300,-0.8630099778608774,2,-0.14948098611996483 -0.15102877135150553 -0.13864648949917113 -0.08911736208982483 -0.2113923953816455 -0.2237746772339887 -0.3785532003881992 -0.5534529315524563 -0.7840729310522314 -0.8119330652199815 -0.8181242061461532 -0.9481381655956861 -0.999215078236582 -1.064222057961344 -1.0905344068975622 -1.2066182992632202 -1.2468607152833135 -1.2453129300517727 -1.2360262186625197 -1.059578702266722 +40301,-0.6695368239181143,2,-0.15102877135150553 -0.13864648949917113 -0.08911736208982483 -0.2113923953816455 -0.2237746772339887 -0.3785532003881992 -0.5534529315524563 -0.7840729310522314 -0.8119330652199815 -0.8181242061461532 -0.9481381655956861 -0.999215078236582 -1.064222057961344 -1.0905344068975622 -1.2066182992632202 -1.2468607152833135 -1.2453129300517727 -1.2360262186625197 -1.059578702266722 -0.8630099778608774 +40302,-0.5441662201632034,2,-0.13864648949917113 -0.08911736208982483 -0.2113923953816455 -0.2237746772339887 -0.3785532003881992 -0.5534529315524563 -0.7840729310522314 -0.8119330652199815 -0.8181242061461532 -0.9481381655956861 -0.999215078236582 -1.064222057961344 -1.0905344068975622 -1.2066182992632202 -1.2468607152833135 -1.2453129300517727 -1.2360262186625197 -1.059578702266722 -0.8630099778608774 -0.6695368239181143 +40303,-0.34140635483118725,2,-0.08911736208982483 -0.2113923953816455 -0.2237746772339887 -0.3785532003881992 -0.5534529315524563 -0.7840729310522314 -0.8119330652199815 -0.8181242061461532 -0.9481381655956861 -0.999215078236582 -1.064222057961344 -1.0905344068975622 -1.2066182992632202 -1.2468607152833135 -1.2453129300517727 -1.2360262186625197 -1.059578702266722 -0.8630099778608774 -0.6695368239181143 -0.5441662201632034 +40304,-0.30425950927417533,2,-0.2113923953816455 -0.2237746772339887 -0.3785532003881992 -0.5534529315524563 -0.7840729310522314 -0.8119330652199815 -0.8181242061461532 -0.9481381655956861 -0.999215078236582 -1.064222057961344 -1.0905344068975622 -1.2066182992632202 -1.2468607152833135 -1.2453129300517727 -1.2360262186625197 -1.059578702266722 -0.8630099778608774 -0.6695368239181143 -0.5441662201632034 -0.34140635483118725 +40305,-0.3166417911265097,2,-0.2237746772339887 -0.3785532003881992 -0.5534529315524563 -0.7840729310522314 -0.8119330652199815 -0.8181242061461532 -0.9481381655956861 -0.999215078236582 -1.064222057961344 -1.0905344068975622 -1.2066182992632202 -1.2468607152833135 -1.2453129300517727 -1.2360262186625197 -1.059578702266722 -0.8630099778608774 -0.6695368239181143 -0.5441662201632034 -0.34140635483118725 -0.30425950927417533 +40306,-0.29187722742184097,2,-0.3785532003881992 -0.5534529315524563 -0.7840729310522314 -0.8119330652199815 -0.8181242061461532 -0.9481381655956861 -0.999215078236582 -1.064222057961344 -1.0905344068975622 -1.2066182992632202 -1.2468607152833135 -1.2453129300517727 -1.2360262186625197 -1.059578702266722 -0.8630099778608774 -0.6695368239181143 -0.5441662201632034 -0.34140635483118725 -0.30425950927417533 -0.3166417911265097 +40307,-0.4079611197874988,2,-0.5534529315524563 -0.7840729310522314 -0.8119330652199815 -0.8181242061461532 -0.9481381655956861 -0.999215078236582 -1.064222057961344 -1.0905344068975622 -1.2066182992632202 -1.2468607152833135 -1.2453129300517727 -1.2360262186625197 -1.059578702266722 -0.8630099778608774 -0.6695368239181143 -0.5441662201632034 -0.34140635483118725 -0.30425950927417533 -0.3166417911265097 -0.29187722742184097 +40308,-0.4992804484484792,2,-0.7840729310522314 -0.8119330652199815 -0.8181242061461532 -0.9481381655956861 -0.999215078236582 -1.064222057961344 -1.0905344068975622 -1.2066182992632202 -1.2468607152833135 -1.2453129300517727 -1.2360262186625197 -1.059578702266722 -0.8630099778608774 -0.6695368239181143 -0.5441662201632034 -0.34140635483118725 -0.30425950927417533 -0.3166417911265097 -0.29187722742184097 -0.4079611197874988 +40309,-0.652511186371149,2,-0.8119330652199815 -0.8181242061461532 -0.9481381655956861 -0.999215078236582 -1.064222057961344 -1.0905344068975622 -1.2066182992632202 -1.2468607152833135 -1.2453129300517727 -1.2360262186625197 -1.059578702266722 -0.8630099778608774 -0.6695368239181143 -0.5441662201632034 -0.34140635483118725 -0.30425950927417533 -0.3166417911265097 -0.29187722742184097 -0.4079611197874988 -0.4992804484484792 +40310,-0.7159703808643704,2,-0.8181242061461532 -0.9481381655956861 -0.999215078236582 -1.064222057961344 -1.0905344068975622 -1.2066182992632202 -1.2468607152833135 -1.2453129300517727 -1.2360262186625197 -1.059578702266722 -0.8630099778608774 -0.6695368239181143 -0.5441662201632034 -0.34140635483118725 -0.30425950927417533 -0.3166417911265097 -0.29187722742184097 -0.4079611197874988 -0.4992804484484792 -0.652511186371149 +40311,-0.8196719913776939,2,-0.9481381655956861 -0.999215078236582 -1.064222057961344 -1.0905344068975622 -1.2066182992632202 -1.2468607152833135 -1.2453129300517727 -1.2360262186625197 -1.059578702266722 -0.8630099778608774 -0.6695368239181143 -0.5441662201632034 -0.34140635483118725 -0.30425950927417533 -0.3166417911265097 -0.29187722742184097 -0.4079611197874988 -0.4992804484484792 -0.652511186371149 -0.7159703808643704 +40312,-0.8196719913776939,2,-0.999215078236582 -1.064222057961344 -1.0905344068975622 -1.2066182992632202 -1.2468607152833135 -1.2453129300517727 -1.2360262186625197 -1.059578702266722 -0.8630099778608774 -0.6695368239181143 -0.5441662201632034 -0.34140635483118725 -0.30425950927417533 -0.3166417911265097 -0.29187722742184097 -0.4079611197874988 -0.4992804484484792 -0.652511186371149 -0.7159703808643704 -0.8196719913776939 +40313,-0.8831311858709241,2,-1.064222057961344 -1.0905344068975622 -1.2066182992632202 -1.2468607152833135 -1.2453129300517727 -1.2360262186625197 -1.059578702266722 -0.8630099778608774 -0.6695368239181143 -0.5441662201632034 -0.34140635483118725 -0.30425950927417533 -0.3166417911265097 -0.29187722742184097 -0.4079611197874988 -0.4992804484484792 -0.652511186371149 -0.7159703808643704 -0.8196719913776939 -0.8196719913776939 +40314,-1.0146929305519976,2,-1.0905344068975622 -1.2066182992632202 -1.2468607152833135 -1.2453129300517727 -1.2360262186625197 -1.059578702266722 -0.8630099778608774 -0.6695368239181143 -0.5441662201632034 -0.34140635483118725 -0.30425950927417533 -0.3166417911265097 -0.29187722742184097 -0.4079611197874988 -0.4992804484484792 -0.652511186371149 -0.7159703808643704 -0.8196719913776939 -0.8196719913776939 -0.8831311858709241 +40315,-1.1214901115284026,2,-1.2066182992632202 -1.2468607152833135 -1.2453129300517727 -1.2360262186625197 -1.059578702266722 -0.8630099778608774 -0.6695368239181143 -0.5441662201632034 -0.34140635483118725 -0.30425950927417533 -0.3166417911265097 -0.29187722742184097 -0.4079611197874988 -0.4992804484484792 -0.652511186371149 -0.7159703808643704 -0.8196719913776939 -0.8196719913776939 -0.8831311858709241 -1.0146929305519976 +40316,-1.1230378967599521,2,-1.2468607152833135 -1.2453129300517727 -1.2360262186625197 -1.059578702266722 -0.8630099778608774 -0.6695368239181143 -0.5441662201632034 -0.34140635483118725 -0.30425950927417533 -0.3166417911265097 -0.29187722742184097 -0.4079611197874988 -0.4992804484484792 -0.652511186371149 -0.7159703808643704 -0.8196719913776939 -0.8196719913776939 -0.8831311858709241 -1.0146929305519976 -1.1214901115284026 +40317,-1.1911404469478044,2,-1.2453129300517727 -1.2360262186625197 -1.059578702266722 -0.8630099778608774 -0.6695368239181143 -0.5441662201632034 -0.34140635483118725 -0.30425950927417533 -0.3166417911265097 -0.29187722742184097 -0.4079611197874988 -0.4992804484484792 -0.652511186371149 -0.7159703808643704 -0.8196719913776939 -0.8196719913776939 -0.8831311858709241 -1.0146929305519976 -1.1214901115284026 -1.1230378967599521 +40318,-1.29948541315575,2,-1.2360262186625197 -1.059578702266722 -0.8630099778608774 -0.6695368239181143 -0.5441662201632034 -0.34140635483118725 -0.30425950927417533 -0.3166417911265097 -0.29187722742184097 -0.4079611197874988 -0.4992804484484792 -0.652511186371149 -0.7159703808643704 -0.8196719913776939 -0.8196719913776939 -0.8831311858709241 -1.0146929305519976 -1.1214901115284026 -1.1230378967599521 -1.1911404469478044 +40319,-1.3474667553335555,2,-1.059578702266722 -0.8630099778608774 -0.6695368239181143 -0.5441662201632034 -0.34140635483118725 -0.30425950927417533 -0.3166417911265097 -0.29187722742184097 -0.4079611197874988 -0.4992804484484792 -0.652511186371149 -0.7159703808643704 -0.8196719913776939 -0.8196719913776939 -0.8831311858709241 -1.0146929305519976 -1.1214901115284026 -1.1230378967599521 -1.1911404469478044 -1.29948541315575 +40320,-1.3706835338066836,2,-0.8630099778608774 -0.6695368239181143 -0.5441662201632034 -0.34140635483118725 -0.30425950927417533 -0.3166417911265097 -0.29187722742184097 -0.4079611197874988 -0.4992804484484792 -0.652511186371149 -0.7159703808643704 -0.8196719913776939 -0.8196719913776939 -0.8831311858709241 -1.0146929305519976 -1.1214901115284026 -1.1230378967599521 -1.1911404469478044 -1.29948541315575 -1.3474667553335555 +40321,-1.383065815659018,2,-0.6695368239181143 -0.5441662201632034 -0.34140635483118725 -0.30425950927417533 -0.3166417911265097 -0.29187722742184097 -0.4079611197874988 -0.4992804484484792 -0.652511186371149 -0.7159703808643704 -0.8196719913776939 -0.8196719913776939 -0.8831311858709241 -1.0146929305519976 -1.1214901115284026 -1.1230378967599521 -1.1911404469478044 -1.29948541315575 -1.3474667553335555 -1.3706835338066836 +40322,-1.201974943568598,2,-0.5441662201632034 -0.34140635483118725 -0.30425950927417533 -0.3166417911265097 -0.29187722742184097 -0.4079611197874988 -0.4992804484484792 -0.652511186371149 -0.7159703808643704 -0.8196719913776939 -0.8196719913776939 -0.8831311858709241 -1.0146929305519976 -1.1214901115284026 -1.1230378967599521 -1.1911404469478044 -1.29948541315575 -1.3474667553335555 -1.3706835338066836 -1.383065815659018 +40323,-0.910991320038683,2,-0.34140635483118725 -0.30425950927417533 -0.3166417911265097 -0.29187722742184097 -0.4079611197874988 -0.4992804484484792 -0.652511186371149 -0.7159703808643704 -0.8196719913776939 -0.8196719913776939 -0.8831311858709241 -1.0146929305519976 -1.1214901115284026 -1.1230378967599521 -1.1911404469478044 -1.29948541315575 -1.3474667553335555 -1.3706835338066836 -1.383065815659018 -1.201974943568598 +40324,-0.5457140053947441,2,-0.30425950927417533 -0.3166417911265097 -0.29187722742184097 -0.4079611197874988 -0.4992804484484792 -0.652511186371149 -0.7159703808643704 -0.8196719913776939 -0.8196719913776939 -0.8831311858709241 -1.0146929305519976 -1.1214901115284026 -1.1230378967599521 -1.1911404469478044 -1.29948541315575 -1.3474667553335555 -1.3706835338066836 -1.383065815659018 -1.201974943568598 -0.910991320038683 +40325,-0.18198447598234585,2,-0.3166417911265097 -0.29187722742184097 -0.4079611197874988 -0.4992804484484792 -0.652511186371149 -0.7159703808643704 -0.8196719913776939 -0.8196719913776939 -0.8831311858709241 -1.0146929305519976 -1.1214901115284026 -1.1230378967599521 -1.1911404469478044 -1.29948541315575 -1.3474667553335555 -1.3706835338066836 -1.383065815659018 -1.201974943568598 -0.910991320038683 -0.5457140053947441 +40326,0.06566116106438567,2,-0.29187722742184097 -0.4079611197874988 -0.4992804484484792 -0.652511186371149 -0.7159703808643704 -0.8196719913776939 -0.8196719913776939 -0.8831311858709241 -1.0146929305519976 -1.1214901115284026 -1.1230378967599521 -1.1911404469478044 -1.29948541315575 -1.3474667553335555 -1.3706835338066836 -1.383065815659018 -1.201974943568598 -0.910991320038683 -0.5457140053947441 -0.18198447598234585 +40327,0.16007606018845622,2,-0.4079611197874988 -0.4992804484484792 -0.652511186371149 -0.7159703808643704 -0.8196719913776939 -0.8196719913776939 -0.8831311858709241 -1.0146929305519976 -1.1214901115284026 -1.1230378967599521 -1.1911404469478044 -1.29948541315575 -1.3474667553335555 -1.3706835338066836 -1.383065815659018 -1.201974943568598 -0.910991320038683 -0.5457140053947441 -0.18198447598234585 0.06566116106438567 +40328,0.2792555230171955,2,-0.4992804484484792 -0.652511186371149 -0.7159703808643704 -0.8196719913776939 -0.8196719913776939 -0.8831311858709241 -1.0146929305519976 -1.1214901115284026 -1.1230378967599521 -1.1911404469478044 -1.29948541315575 -1.3474667553335555 -1.3706835338066836 -1.383065815659018 -1.201974943568598 -0.910991320038683 -0.5457140053947441 -0.18198447598234585 0.06566116106438567 0.16007606018845622 +40329,0.4402251870975776,2,-0.652511186371149 -0.7159703808643704 -0.8196719913776939 -0.8196719913776939 -0.8831311858709241 -1.0146929305519976 -1.1214901115284026 -1.1230378967599521 -1.1911404469478044 -1.29948541315575 -1.3474667553335555 -1.3706835338066836 -1.383065815659018 -1.201974943568598 -0.910991320038683 -0.5457140053947441 -0.18198447598234585 0.06566116106438567 0.16007606018845622 0.2792555230171955 +40330,0.6383416967349717,2,-0.7159703808643704 -0.8196719913776939 -0.8196719913776939 -0.8831311858709241 -1.0146929305519976 -1.1214901115284026 -1.1230378967599521 -1.1911404469478044 -1.29948541315575 -1.3474667553335555 -1.3706835338066836 -1.383065815659018 -1.201974943568598 -0.910991320038683 -0.5457140053947441 -0.18198447598234585 0.06566116106438567 0.16007606018845622 0.2792555230171955 0.4402251870975776 +40331,0.6398894819665123,2,-0.8196719913776939 -0.8196719913776939 -0.8831311858709241 -1.0146929305519976 -1.1214901115284026 -1.1230378967599521 -1.1911404469478044 -1.29948541315575 -1.3474667553335555 -1.3706835338066836 -1.383065815659018 -1.201974943568598 -0.910991320038683 -0.5457140053947441 -0.18198447598234585 0.06566116106438567 0.16007606018845622 0.2792555230171955 0.4402251870975776 0.6383416967349717 +40332,0.3674792812151032,2,-0.8196719913776939 -0.8831311858709241 -1.0146929305519976 -1.1214901115284026 -1.1230378967599521 -1.1911404469478044 -1.29948541315575 -1.3474667553335555 -1.3706835338066836 -1.383065815659018 -1.201974943568598 -0.910991320038683 -0.5457140053947441 -0.18198447598234585 0.06566116106438567 0.16007606018845622 0.2792555230171955 0.4402251870975776 0.6383416967349717 0.6398894819665123 +40333,0.35819256982585024,2,-0.8831311858709241 -1.0146929305519976 -1.1214901115284026 -1.1230378967599521 -1.1911404469478044 -1.29948541315575 -1.3474667553335555 -1.3706835338066836 -1.383065815659018 -1.201974943568598 -0.910991320038683 -0.5457140053947441 -0.18198447598234585 0.06566116106438567 0.16007606018845622 0.2792555230171955 0.4402251870975776 0.6383416967349717 0.6398894819665123 0.3674792812151032 +40334,0.35819256982585024,2,-1.0146929305519976 -1.1214901115284026 -1.1230378967599521 -1.1911404469478044 -1.29948541315575 -1.3474667553335555 -1.3706835338066836 -1.383065815659018 -1.201974943568598 -0.910991320038683 -0.5457140053947441 -0.18198447598234585 0.06566116106438567 0.16007606018845622 0.2792555230171955 0.4402251870975776 0.6383416967349717 0.6398894819665123 0.3674792812151032 0.35819256982585024 +40335,0.13066814078915656,2,-1.1214901115284026 -1.1230378967599521 -1.1911404469478044 -1.29948541315575 -1.3474667553335555 -1.3706835338066836 -1.383065815659018 -1.201974943568598 -0.910991320038683 -0.5457140053947441 -0.18198447598234585 0.06566116106438567 0.16007606018845622 0.2792555230171955 0.4402251870975776 0.6383416967349717 0.6398894819665123 0.3674792812151032 0.35819256982585024 0.35819256982585024 +40336,-0.08602179162673464,2,-1.1230378967599521 -1.1911404469478044 -1.29948541315575 -1.3474667553335555 -1.3706835338066836 -1.383065815659018 -1.201974943568598 -0.910991320038683 -0.5457140053947441 -0.18198447598234585 0.06566116106438567 0.16007606018845622 0.2792555230171955 0.4402251870975776 0.6383416967349717 0.6398894819665123 0.3674792812151032 0.35819256982585024 0.35819256982585024 0.13066814078915656 +40337,-0.28723387172721004,2,-1.1911404469478044 -1.29948541315575 -1.3474667553335555 -1.3706835338066836 -1.383065815659018 -1.201974943568598 -0.910991320038683 -0.5457140053947441 -0.18198447598234585 0.06566116106438567 0.16007606018845622 0.2792555230171955 0.4402251870975776 0.6383416967349717 0.6398894819665123 0.3674792812151032 0.35819256982585024 0.35819256982585024 0.13066814078915656 -0.08602179162673464 +40338,-0.23615695908632306,2,-1.29948541315575 -1.3474667553335555 -1.3706835338066836 -1.383065815659018 -1.201974943568598 -0.910991320038683 -0.5457140053947441 -0.18198447598234585 0.06566116106438567 0.16007606018845622 0.2792555230171955 0.4402251870975776 0.6383416967349717 0.6398894819665123 0.3674792812151032 0.35819256982585024 0.35819256982585024 0.13066814078915656 -0.08602179162673464 -0.28723387172721004 +40339,-0.394031052703615,2,-1.3474667553335555 -1.3706835338066836 -1.383065815659018 -1.201974943568598 -0.910991320038683 -0.5457140053947441 -0.18198447598234585 0.06566116106438567 0.16007606018845622 0.2792555230171955 0.4402251870975776 0.6383416967349717 0.6398894819665123 0.3674792812151032 0.35819256982585024 0.35819256982585024 0.13066814078915656 -0.08602179162673464 -0.28723387172721004 -0.23615695908632306 +40340,-0.4884459518276855,2,-1.3706835338066836 -1.383065815659018 -1.201974943568598 -0.910991320038683 -0.5457140053947441 -0.18198447598234585 0.06566116106438567 0.16007606018845622 0.2792555230171955 0.4402251870975776 0.6383416967349717 0.6398894819665123 0.3674792812151032 0.35819256982585024 0.35819256982585024 0.13066814078915656 -0.08602179162673464 -0.28723387172721004 -0.23615695908632306 -0.394031052703615 +40341,-0.62465105220339,2,-1.383065815659018 -1.201974943568598 -0.910991320038683 -0.5457140053947441 -0.18198447598234585 0.06566116106438567 0.16007606018845622 0.2792555230171955 0.4402251870975776 0.6383416967349717 0.6398894819665123 0.3674792812151032 0.35819256982585024 0.35819256982585024 0.13066814078915656 -0.08602179162673464 -0.28723387172721004 -0.23615695908632306 -0.394031052703615 -0.4884459518276855 +40342,-0.6633456829919426,2,-1.201974943568598 -0.910991320038683 -0.5457140053947441 -0.18198447598234585 0.06566116106438567 0.16007606018845622 0.2792555230171955 0.4402251870975776 0.6383416967349717 0.6398894819665123 0.3674792812151032 0.35819256982585024 0.35819256982585024 0.13066814078915656 -0.08602179162673464 -0.28723387172721004 -0.23615695908632306 -0.394031052703615 -0.4884459518276855 -0.62465105220339 +40343,-0.7020403137804953,2,-0.910991320038683 -0.5457140053947441 -0.18198447598234585 0.06566116106438567 0.16007606018845622 0.2792555230171955 0.4402251870975776 0.6383416967349717 0.6398894819665123 0.3674792812151032 0.35819256982585024 0.35819256982585024 0.13066814078915656 -0.08602179162673464 -0.28723387172721004 -0.23615695908632306 -0.394031052703615 -0.4884459518276855 -0.62465105220339 -0.6633456829919426 +40344,-0.620007696508768,2,-0.5457140053947441 -0.18198447598234585 0.06566116106438567 0.16007606018845622 0.2792555230171955 0.4402251870975776 0.6383416967349717 0.6398894819665123 0.3674792812151032 0.35819256982585024 0.35819256982585024 0.13066814078915656 -0.08602179162673464 -0.28723387172721004 -0.23615695908632306 -0.394031052703615 -0.4884459518276855 -0.62465105220339 -0.6633456829919426 -0.7020403137804953 +40345,-0.62465105220339,2,-0.18198447598234585 0.06566116106438567 0.16007606018845622 0.2792555230171955 0.4402251870975776 0.6383416967349717 0.6398894819665123 0.3674792812151032 0.35819256982585024 0.35819256982585024 0.13066814078915656 -0.08602179162673464 -0.28723387172721004 -0.23615695908632306 -0.394031052703615 -0.4884459518276855 -0.62465105220339 -0.6633456829919426 -0.7020403137804953 -0.620007696508768 +40346,-0.6215554817403086,2,0.06566116106438567 0.16007606018845622 0.2792555230171955 0.4402251870975776 0.6383416967349717 0.6398894819665123 0.3674792812151032 0.35819256982585024 0.35819256982585024 0.13066814078915656 -0.08602179162673464 -0.28723387172721004 -0.23615695908632306 -0.394031052703615 -0.4884459518276855 -0.62465105220339 -0.6633456829919426 -0.7020403137804953 -0.620007696508768 -0.62465105220339 +40347,-0.5333317235424098,2,0.16007606018845622 0.2792555230171955 0.4402251870975776 0.6383416967349717 0.6398894819665123 0.3674792812151032 0.35819256982585024 0.35819256982585024 0.13066814078915656 -0.08602179162673464 -0.28723387172721004 -0.23615695908632306 -0.394031052703615 -0.4884459518276855 -0.62465105220339 -0.6633456829919426 -0.7020403137804953 -0.620007696508768 -0.62465105220339 -0.6215554817403086 +40348,-0.3305718582103936,2,0.2792555230171955 0.4402251870975776 0.6383416967349717 0.6398894819665123 0.3674792812151032 0.35819256982585024 0.35819256982585024 0.13066814078915656 -0.08602179162673464 -0.28723387172721004 -0.23615695908632306 -0.394031052703615 -0.4884459518276855 -0.62465105220339 -0.6633456829919426 -0.7020403137804953 -0.620007696508768 -0.62465105220339 -0.6215554817403086 -0.5333317235424098 +40349,-0.11697749625758379,2,0.4402251870975776 0.6383416967349717 0.6398894819665123 0.3674792812151032 0.35819256982585024 0.35819256982585024 0.13066814078915656 -0.08602179162673464 -0.28723387172721004 -0.23615695908632306 -0.394031052703615 -0.4884459518276855 -0.62465105220339 -0.6633456829919426 -0.7020403137804953 -0.620007696508768 -0.62465105220339 -0.6215554817403086 -0.5333317235424098 -0.3305718582103936 +40350,0.04708773828587971,2,0.6383416967349717 0.6398894819665123 0.3674792812151032 0.35819256982585024 0.35819256982585024 0.13066814078915656 -0.08602179162673464 -0.28723387172721004 -0.23615695908632306 -0.394031052703615 -0.4884459518276855 -0.62465105220339 -0.6633456829919426 -0.7020403137804953 -0.620007696508768 -0.62465105220339 -0.6215554817403086 -0.5333317235424098 -0.3305718582103936 -0.11697749625758379 +40351,0.18329283866158427,2,0.6398894819665123 0.3674792812151032 0.35819256982585024 0.35819256982585024 0.13066814078915656 -0.08602179162673464 -0.28723387172721004 -0.23615695908632306 -0.394031052703615 -0.4884459518276855 -0.62465105220339 -0.6633456829919426 -0.7020403137804953 -0.620007696508768 -0.62465105220339 -0.6215554817403086 -0.5333317235424098 -0.3305718582103936 -0.11697749625758379 0.04708773828587971 +40352,0.20186626144009023,2,0.3674792812151032 0.35819256982585024 0.35819256982585024 0.13066814078915656 -0.08602179162673464 -0.28723387172721004 -0.23615695908632306 -0.394031052703615 -0.4884459518276855 -0.62465105220339 -0.6633456829919426 -0.7020403137804953 -0.620007696508768 -0.62465105220339 -0.6215554817403086 -0.5333317235424098 -0.3305718582103936 -0.11697749625758379 0.04708773828587971 0.18329283866158427 +40353,0.29009001963799796,2,0.35819256982585024 0.35819256982585024 0.13066814078915656 -0.08602179162673464 -0.28723387172721004 -0.23615695908632306 -0.394031052703615 -0.4884459518276855 -0.62465105220339 -0.6633456829919426 -0.7020403137804953 -0.620007696508768 -0.62465105220339 -0.6215554817403086 -0.5333317235424098 -0.3305718582103936 -0.11697749625758379 0.04708773828587971 0.18329283866158427 0.20186626144009023 +40354,0.39688720061440286,2,0.35819256982585024 0.13066814078915656 -0.08602179162673464 -0.28723387172721004 -0.23615695908632306 -0.394031052703615 -0.4884459518276855 -0.62465105220339 -0.6633456829919426 -0.7020403137804953 -0.620007696508768 -0.62465105220339 -0.6215554817403086 -0.5333317235424098 -0.3305718582103936 -0.11697749625758379 0.04708773828587971 0.18329283866158427 0.20186626144009023 0.29009001963799796 +40355,0.3953394153828534,2,0.13066814078915656 -0.08602179162673464 -0.28723387172721004 -0.23615695908632306 -0.394031052703615 -0.4884459518276855 -0.62465105220339 -0.6633456829919426 -0.7020403137804953 -0.620007696508768 -0.62465105220339 -0.6215554817403086 -0.5333317235424098 -0.3305718582103936 -0.11697749625758379 0.04708773828587971 0.18329283866158427 0.20186626144009023 0.29009001963799796 0.39688720061440286 +40356,0.07804344291672885,2,-0.08602179162673464 -0.28723387172721004 -0.23615695908632306 -0.394031052703615 -0.4884459518276855 -0.62465105220339 -0.6633456829919426 -0.7020403137804953 -0.620007696508768 -0.62465105220339 -0.6215554817403086 -0.5333317235424098 -0.3305718582103936 -0.11697749625758379 0.04708773828587971 0.18329283866158427 0.20186626144009023 0.29009001963799796 0.39688720061440286 0.3953394153828534 +40357,0.07804344291672885,2,-0.28723387172721004 -0.23615695908632306 -0.394031052703615 -0.4884459518276855 -0.62465105220339 -0.6633456829919426 -0.7020403137804953 -0.620007696508768 -0.62465105220339 -0.6215554817403086 -0.5333317235424098 -0.3305718582103936 -0.11697749625758379 0.04708773828587971 0.18329283866158427 0.20186626144009023 0.29009001963799796 0.39688720061440286 0.3953394153828534 0.07804344291672885 +40358,0.03780102689662673,2,-0.23615695908632306 -0.394031052703615 -0.4884459518276855 -0.62465105220339 -0.6633456829919426 -0.7020403137804953 -0.620007696508768 -0.62465105220339 -0.6215554817403086 -0.5333317235424098 -0.3305718582103936 -0.11697749625758379 0.04708773828587971 0.18329283866158427 0.20186626144009023 0.29009001963799796 0.39688720061440286 0.3953394153828534 0.07804344291672885 0.07804344291672885 +40359,-0.09840407347907781,2,-0.394031052703615 -0.4884459518276855 -0.62465105220339 -0.6633456829919426 -0.7020403137804953 -0.620007696508768 -0.62465105220339 -0.6215554817403086 -0.5333317235424098 -0.3305718582103936 -0.11697749625758379 0.04708773828587971 0.18329283866158427 0.20186626144009023 0.29009001963799796 0.39688720061440286 0.3953394153828534 0.07804344291672885 0.07804344291672885 0.03780102689662673 +40360,-0.19591454306622974,2,-0.4884459518276855 -0.62465105220339 -0.6633456829919426 -0.7020403137804953 -0.620007696508768 -0.62465105220339 -0.6215554817403086 -0.5333317235424098 -0.3305718582103936 -0.11697749625758379 0.04708773828587971 0.18329283866158427 0.20186626144009023 0.29009001963799796 0.39688720061440286 0.3953394153828534 0.07804344291672885 0.07804344291672885 0.03780102689662673 -0.09840407347907781 +40361,-0.264017093254082,2,-0.62465105220339 -0.6633456829919426 -0.7020403137804953 -0.620007696508768 -0.62465105220339 -0.6215554817403086 -0.5333317235424098 -0.3305718582103936 -0.11697749625758379 0.04708773828587971 0.18329283866158427 0.20186626144009023 0.29009001963799796 0.39688720061440286 0.3953394153828534 0.07804344291672885 0.07804344291672885 0.03780102689662673 -0.09840407347907781 -0.19591454306622974 +40362,-0.23770474431786376,2,-0.6633456829919426 -0.7020403137804953 -0.620007696508768 -0.62465105220339 -0.6215554817403086 -0.5333317235424098 -0.3305718582103936 -0.11697749625758379 0.04708773828587971 0.18329283866158427 0.20186626144009023 0.29009001963799796 0.39688720061440286 0.3953394153828534 0.07804344291672885 0.07804344291672885 0.03780102689662673 -0.09840407347907781 -0.19591454306622974 -0.264017093254082 +40363,-0.2624693080225413,2,-0.7020403137804953 -0.620007696508768 -0.62465105220339 -0.6215554817403086 -0.5333317235424098 -0.3305718582103936 -0.11697749625758379 0.04708773828587971 0.18329283866158427 0.20186626144009023 0.29009001963799796 0.39688720061440286 0.3953394153828534 0.07804344291672885 0.07804344291672885 0.03780102689662673 -0.09840407347907781 -0.19591454306622974 -0.264017093254082 -0.23770474431786376 +40364,-0.29187722742184097,2,-0.620007696508768 -0.62465105220339 -0.6215554817403086 -0.5333317235424098 -0.3305718582103936 -0.11697749625758379 0.04708773828587971 0.18329283866158427 0.20186626144009023 0.29009001963799796 0.39688720061440286 0.3953394153828534 0.07804344291672885 0.07804344291672885 0.03780102689662673 -0.09840407347907781 -0.19591454306622974 -0.264017093254082 -0.23770474431786376 -0.2624693080225413 +40365,-0.3166417911265097,2,-0.62465105220339 -0.6215554817403086 -0.5333317235424098 -0.3305718582103936 -0.11697749625758379 0.04708773828587971 0.18329283866158427 0.20186626144009023 0.29009001963799796 0.39688720061440286 0.3953394153828534 0.07804344291672885 0.07804344291672885 0.03780102689662673 -0.09840407347907781 -0.19591454306622974 -0.264017093254082 -0.23770474431786376 -0.2624693080225413 -0.29187722742184097 +40366,-0.3166417911265097,2,-0.6215554817403086 -0.5333317235424098 -0.3305718582103936 -0.11697749625758379 0.04708773828587971 0.18329283866158427 0.20186626144009023 0.29009001963799796 0.39688720061440286 0.3953394153828534 0.07804344291672885 0.07804344291672885 0.03780102689662673 -0.09840407347907781 -0.19591454306622974 -0.264017093254082 -0.23770474431786376 -0.2624693080225413 -0.29187722742184097 -0.3166417911265097 +40367,-0.3290240729788441,2,-0.5333317235424098 -0.3305718582103936 -0.11697749625758379 0.04708773828587971 0.18329283866158427 0.20186626144009023 0.29009001963799796 0.39688720061440286 0.3953394153828534 0.07804344291672885 0.07804344291672885 0.03780102689662673 -0.09840407347907781 -0.19591454306622974 -0.264017093254082 -0.23770474431786376 -0.2624693080225413 -0.29187722742184097 -0.3166417911265097 -0.3166417911265097 +40368,-0.3228329320526813,2,-0.3305718582103936 -0.11697749625758379 0.04708773828587971 0.18329283866158427 0.20186626144009023 0.29009001963799796 0.39688720061440286 0.3953394153828534 0.07804344291672885 0.07804344291672885 0.03780102689662673 -0.09840407347907781 -0.19591454306622974 -0.264017093254082 -0.23770474431786376 -0.2624693080225413 -0.29187722742184097 -0.3166417911265097 -0.3166417911265097 -0.3290240729788441 +40369,-0.3290240729788441,2,-0.11697749625758379 0.04708773828587971 0.18329283866158427 0.20186626144009023 0.29009001963799796 0.39688720061440286 0.3953394153828534 0.07804344291672885 0.07804344291672885 0.03780102689662673 -0.09840407347907781 -0.19591454306622974 -0.264017093254082 -0.23770474431786376 -0.2624693080225413 -0.29187722742184097 -0.3166417911265097 -0.3166417911265097 -0.3290240729788441 -0.3228329320526813 +40370,-0.34604971052580935,2,0.04708773828587971 0.18329283866158427 0.20186626144009023 0.29009001963799796 0.39688720061440286 0.3953394153828534 0.07804344291672885 0.07804344291672885 0.03780102689662673 -0.09840407347907781 -0.19591454306622974 -0.264017093254082 -0.23770474431786376 -0.2624693080225413 -0.29187722742184097 -0.3166417911265097 -0.3166417911265097 -0.3290240729788441 -0.3228329320526813 -0.3290240729788441 +40371,-0.28413830126412865,2,0.18329283866158427 0.20186626144009023 0.29009001963799796 0.39688720061440286 0.3953394153828534 0.07804344291672885 0.07804344291672885 0.03780102689662673 -0.09840407347907781 -0.19591454306622974 -0.264017093254082 -0.23770474431786376 -0.2624693080225413 -0.29187722742184097 -0.3166417911265097 -0.3166417911265097 -0.3290240729788441 -0.3228329320526813 -0.3290240729788441 -0.34604971052580935 +40372,-0.2052012544554827,2,0.20186626144009023 0.29009001963799796 0.39688720061440286 0.3953394153828534 0.07804344291672885 0.07804344291672885 0.03780102689662673 -0.09840407347907781 -0.19591454306622974 -0.264017093254082 -0.23770474431786376 -0.2624693080225413 -0.29187722742184097 -0.3166417911265097 -0.3166417911265097 -0.3290240729788441 -0.3228329320526813 -0.3290240729788441 -0.34604971052580935 -0.28413830126412865 +40373,-0.2052012544554827,2,0.29009001963799796 0.39688720061440286 0.3953394153828534 0.07804344291672885 0.07804344291672885 0.03780102689662673 -0.09840407347907781 -0.19591454306622974 -0.264017093254082 -0.23770474431786376 -0.2624693080225413 -0.29187722742184097 -0.3166417911265097 -0.3166417911265097 -0.3290240729788441 -0.3228329320526813 -0.3290240729788441 -0.34604971052580935 -0.28413830126412865 -0.2052012544554827 +40374,-0.04113601991201923,2,0.39688720061440286 0.3953394153828534 0.07804344291672885 0.07804344291672885 0.03780102689662673 -0.09840407347907781 -0.19591454306622974 -0.264017093254082 -0.23770474431786376 -0.2624693080225413 -0.29187722742184097 -0.3166417911265097 -0.3166417911265097 -0.3290240729788441 -0.3228329320526813 -0.3290240729788441 -0.34604971052580935 -0.28413830126412865 -0.2052012544554827 -0.2052012544554827 +40375,-0.030301523291225544,2,0.3953394153828534 0.07804344291672885 0.07804344291672885 0.03780102689662673 -0.09840407347907781 -0.19591454306622974 -0.264017093254082 -0.23770474431786376 -0.2624693080225413 -0.29187722742184097 -0.3166417911265097 -0.3166417911265097 -0.3290240729788441 -0.3228329320526813 -0.3290240729788441 -0.34604971052580935 -0.28413830126412865 -0.2052012544554827 -0.2052012544554827 -0.04113601991201923 +40376,0.06720894629592637,2,0.07804344291672885 0.07804344291672885 0.03780102689662673 -0.09840407347907781 -0.19591454306622974 -0.264017093254082 -0.23770474431786376 -0.2624693080225413 -0.29187722742184097 -0.3166417911265097 -0.3166417911265097 -0.3290240729788441 -0.3228329320526813 -0.3290240729788441 -0.34604971052580935 -0.28413830126412865 -0.2052012544554827 -0.2052012544554827 -0.04113601991201923 -0.030301523291225544 +40377,0.13531149648378746,2,0.07804344291672885 0.03780102689662673 -0.09840407347907781 -0.19591454306622974 -0.264017093254082 -0.23770474431786376 -0.2624693080225413 -0.29187722742184097 -0.3166417911265097 -0.3166417911265097 -0.3290240729788441 -0.3228329320526813 -0.3290240729788441 -0.34604971052580935 -0.28413830126412865 -0.2052012544554827 -0.2052012544554827 -0.04113601991201923 -0.030301523291225544 0.06720894629592637 +40378,0.2250830399132271,2,0.03780102689662673 -0.09840407347907781 -0.19591454306622974 -0.264017093254082 -0.23770474431786376 -0.2624693080225413 -0.29187722742184097 -0.3166417911265097 -0.3166417911265097 -0.3290240729788441 -0.3228329320526813 -0.3290240729788441 -0.34604971052580935 -0.28413830126412865 -0.2052012544554827 -0.2052012544554827 -0.04113601991201923 -0.030301523291225544 0.06720894629592637 0.13531149648378746 +40379,0.29473337533262006,2,-0.09840407347907781 -0.19591454306622974 -0.264017093254082 -0.23770474431786376 -0.2624693080225413 -0.29187722742184097 -0.3166417911265097 -0.3166417911265097 -0.3290240729788441 -0.3228329320526813 -0.3290240729788441 -0.34604971052580935 -0.28413830126412865 -0.2052012544554827 -0.2052012544554827 -0.04113601991201923 -0.030301523291225544 0.06720894629592637 0.13531149648378746 0.2250830399132271 +40380,0.18329283866158427,2,-0.19591454306622974 -0.264017093254082 -0.23770474431786376 -0.2624693080225413 -0.29187722742184097 -0.3166417911265097 -0.3166417911265097 -0.3290240729788441 -0.3228329320526813 -0.3290240729788441 -0.34604971052580935 -0.28413830126412865 -0.2052012544554827 -0.2052012544554827 -0.04113601991201923 -0.030301523291225544 0.06720894629592637 0.13531149648378746 0.2250830399132271 0.29473337533262006 +40381,0.17245834204079058,2,-0.264017093254082 -0.23770474431786376 -0.2624693080225413 -0.29187722742184097 -0.3166417911265097 -0.3166417911265097 -0.3290240729788441 -0.3228329320526813 -0.3290240729788441 -0.34604971052580935 -0.28413830126412865 -0.2052012544554827 -0.2052012544554827 -0.04113601991201923 -0.030301523291225544 0.06720894629592637 0.13531149648378746 0.2250830399132271 0.29473337533262006 0.18329283866158427 +40382,0.09971243615831621,2,-0.23770474431786376 -0.2624693080225413 -0.29187722742184097 -0.3166417911265097 -0.3166417911265097 -0.3290240729788441 -0.3228329320526813 -0.3290240729788441 -0.34604971052580935 -0.28413830126412865 -0.2052012544554827 -0.2052012544554827 -0.04113601991201923 -0.030301523291225544 0.06720894629592637 0.13531149648378746 0.2250830399132271 0.29473337533262006 0.18329283866158427 0.17245834204079058 +40383,-0.06744836884822868,2,-0.2624693080225413 -0.29187722742184097 -0.3166417911265097 -0.3166417911265097 -0.3290240729788441 -0.3228329320526813 -0.3290240729788441 -0.34604971052580935 -0.28413830126412865 -0.2052012544554827 -0.2052012544554827 -0.04113601991201923 -0.030301523291225544 0.06720894629592637 0.13531149648378746 0.2250830399132271 0.29473337533262006 0.18329283866158427 0.17245834204079058 0.09971243615831621 +40384,-0.11852528148912447,2,-0.29187722742184097 -0.3166417911265097 -0.3166417911265097 -0.3290240729788441 -0.3228329320526813 -0.3290240729788441 -0.34604971052580935 -0.28413830126412865 -0.2052012544554827 -0.2052012544554827 -0.04113601991201923 -0.030301523291225544 0.06720894629592637 0.13531149648378746 0.2250830399132271 0.29473337533262006 0.18329283866158427 0.17245834204079058 0.09971243615831621 -0.06744836884822868 +40385,-0.23770474431786376,2,-0.3166417911265097 -0.3166417911265097 -0.3290240729788441 -0.3228329320526813 -0.3290240729788441 -0.34604971052580935 -0.28413830126412865 -0.2052012544554827 -0.2052012544554827 -0.04113601991201923 -0.030301523291225544 0.06720894629592637 0.13531149648378746 0.2250830399132271 0.29473337533262006 0.18329283866158427 0.17245834204079058 0.09971243615831621 -0.06744836884822868 -0.11852528148912447 +40386,-0.2237746772339887,2,-0.3166417911265097 -0.3290240729788441 -0.3228329320526813 -0.3290240729788441 -0.34604971052580935 -0.28413830126412865 -0.2052012544554827 -0.2052012544554827 -0.04113601991201923 -0.030301523291225544 0.06720894629592637 0.13531149648378746 0.2250830399132271 0.29473337533262006 0.18329283866158427 0.17245834204079058 0.09971243615831621 -0.06744836884822868 -0.11852528148912447 -0.23770474431786376 +40387,-0.23460917385478236,2,-0.3290240729788441 -0.3228329320526813 -0.3290240729788441 -0.34604971052580935 -0.28413830126412865 -0.2052012544554827 -0.2052012544554827 -0.04113601991201923 -0.030301523291225544 0.06720894629592637 0.13531149648378746 0.2250830399132271 0.29473337533262006 0.18329283866158427 0.17245834204079058 0.09971243615831621 -0.06744836884822868 -0.11852528148912447 -0.23770474431786376 -0.2237746772339887 +40388,-0.23770474431786376,2,-0.3228329320526813 -0.3290240729788441 -0.34604971052580935 -0.28413830126412865 -0.2052012544554827 -0.2052012544554827 -0.04113601991201923 -0.030301523291225544 0.06720894629592637 0.13531149648378746 0.2250830399132271 0.29473337533262006 0.18329283866158427 0.17245834204079058 0.09971243615831621 -0.06744836884822868 -0.11852528148912447 -0.23770474431786376 -0.2237746772339887 -0.23460917385478236 +40389,-0.2624693080225413,2,-0.3290240729788441 -0.34604971052580935 -0.28413830126412865 -0.2052012544554827 -0.2052012544554827 -0.04113601991201923 -0.030301523291225544 0.06720894629592637 0.13531149648378746 0.2250830399132271 0.29473337533262006 0.18329283866158427 0.17245834204079058 0.09971243615831621 -0.06744836884822868 -0.11852528148912447 -0.23770474431786376 -0.2237746772339887 -0.23460917385478236 -0.23770474431786376 +40390,-0.3274762877473034,2,-0.34604971052580935 -0.28413830126412865 -0.2052012544554827 -0.2052012544554827 -0.04113601991201923 -0.030301523291225544 0.06720894629592637 0.13531149648378746 0.2250830399132271 0.29473337533262006 0.18329283866158427 0.17245834204079058 0.09971243615831621 -0.06744836884822868 -0.11852528148912447 -0.23770474431786376 -0.2237746772339887 -0.23460917385478236 -0.23770474431786376 -0.2624693080225413 +40391,-0.41724783117675185,2,-0.28413830126412865 -0.2052012544554827 -0.2052012544554827 -0.04113601991201923 -0.030301523291225544 0.06720894629592637 0.13531149648378746 0.2250830399132271 0.29473337533262006 0.18329283866158427 0.17245834204079058 0.09971243615831621 -0.06744836884822868 -0.11852528148912447 -0.23770474431786376 -0.2237746772339887 -0.23460917385478236 -0.23770474431786376 -0.2624693080225413 -0.3274762877473034 +40392,-0.5967909180356311,2,-0.2052012544554827 -0.2052012544554827 -0.04113601991201923 -0.030301523291225544 0.06720894629592637 0.13531149648378746 0.2250830399132271 0.29473337533262006 0.18329283866158427 0.17245834204079058 0.09971243615831621 -0.06744836884822868 -0.11852528148912447 -0.23770474431786376 -0.2237746772339887 -0.23460917385478236 -0.23770474431786376 -0.2624693080225413 -0.3274762877473034 -0.41724783117675185 +40393,-0.6556067568342304,2,-0.2052012544554827 -0.04113601991201923 -0.030301523291225544 0.06720894629592637 0.13531149648378746 0.2250830399132271 0.29473337533262006 0.18329283866158427 0.17245834204079058 0.09971243615831621 -0.06744836884822868 -0.11852528148912447 -0.23770474431786376 -0.2237746772339887 -0.23460917385478236 -0.23770474431786376 -0.2624693080225413 -0.3274762877473034 -0.41724783117675185 -0.5967909180356311 +40394,-0.6679890386865736,2,-0.04113601991201923 -0.030301523291225544 0.06720894629592637 0.13531149648378746 0.2250830399132271 0.29473337533262006 0.18329283866158427 0.17245834204079058 0.09971243615831621 -0.06744836884822868 -0.11852528148912447 -0.23770474431786376 -0.2237746772339887 -0.23460917385478236 -0.23770474431786376 -0.2624693080225413 -0.3274762877473034 -0.41724783117675185 -0.5967909180356311 -0.6556067568342304 +40395,-0.24234810001249465,2,-0.030301523291225544 0.06720894629592637 0.13531149648378746 0.2250830399132271 0.29473337533262006 0.18329283866158427 0.17245834204079058 0.09971243615831621 -0.06744836884822868 -0.11852528148912447 -0.23770474431786376 -0.2237746772339887 -0.23460917385478236 -0.23770474431786376 -0.2624693080225413 -0.3274762877473034 -0.41724783117675185 -0.5967909180356311 -0.6556067568342304 -0.6679890386865736 +40396,-0.09066514732136553,2,0.06720894629592637 0.13531149648378746 0.2250830399132271 0.29473337533262006 0.18329283866158427 0.17245834204079058 0.09971243615831621 -0.06744836884822868 -0.11852528148912447 -0.23770474431786376 -0.2237746772339887 -0.23460917385478236 -0.23770474431786376 -0.2624693080225413 -0.3274762877473034 -0.41724783117675185 -0.5967909180356311 -0.6556067568342304 -0.6679890386865736 -0.24234810001249465 +40397,0.24210867746019235,2,0.13531149648378746 0.2250830399132271 0.29473337533262006 0.18329283866158427 0.17245834204079058 0.09971243615831621 -0.06744836884822868 -0.11852528148912447 -0.23770474431786376 -0.2237746772339887 -0.23460917385478236 -0.23770474431786376 -0.2624693080225413 -0.3274762877473034 -0.41724783117675185 -0.5967909180356311 -0.6556067568342304 -0.6679890386865736 -0.24234810001249465 -0.09066514732136553 +40398,0.40153055630902496,2,0.2250830399132271 0.29473337533262006 0.18329283866158427 0.17245834204079058 0.09971243615831621 -0.06744836884822868 -0.11852528148912447 -0.23770474431786376 -0.2237746772339887 -0.23460917385478236 -0.23770474431786376 -0.2624693080225413 -0.3274762877473034 -0.41724783117675185 -0.5967909180356311 -0.6556067568342304 -0.6679890386865736 -0.24234810001249465 -0.09066514732136553 0.24210867746019235 +40399,0.5609524351578663,2,0.29473337533262006 0.18329283866158427 0.17245834204079058 0.09971243615831621 -0.06744836884822868 -0.11852528148912447 -0.23770474431786376 -0.2237746772339887 -0.23460917385478236 -0.23770474431786376 -0.2624693080225413 -0.3274762877473034 -0.41724783117675185 -0.5967909180356311 -0.6556067568342304 -0.6679890386865736 -0.24234810001249465 -0.09066514732136553 0.24210867746019235 0.40153055630902496 +40400,0.6662018309027218,2,0.18329283866158427 0.17245834204079058 0.09971243615831621 -0.06744836884822868 -0.11852528148912447 -0.23770474431786376 -0.2237746772339887 -0.23460917385478236 -0.23770474431786376 -0.2624693080225413 -0.3274762877473034 -0.41724783117675185 -0.5967909180356311 -0.6556067568342304 -0.6679890386865736 -0.24234810001249465 -0.09066514732136553 0.24210867746019235 0.40153055630902496 0.5609524351578663 +40401,0.7296610253959519,2,0.17245834204079058 0.09971243615831621 -0.06744836884822868 -0.11852528148912447 -0.23770474431786376 -0.2237746772339887 -0.23460917385478236 -0.23770474431786376 -0.2624693080225413 -0.3274762877473034 -0.41724783117675185 -0.5967909180356311 -0.6556067568342304 -0.6679890386865736 -0.24234810001249465 -0.09066514732136553 0.24210867746019235 0.40153055630902496 0.5609524351578663 0.6662018309027218 +40402,0.7312088106274927,2,0.09971243615831621 -0.06744836884822868 -0.11852528148912447 -0.23770474431786376 -0.2237746772339887 -0.23460917385478236 -0.23770474431786376 -0.2624693080225413 -0.3274762877473034 -0.41724783117675185 -0.5967909180356311 -0.6556067568342304 -0.6679890386865736 -0.24234810001249465 -0.09066514732136553 0.24210867746019235 0.40153055630902496 0.5609524351578663 0.6662018309027218 0.7296610253959519 +40403,0.8256237097515632,2,-0.06744836884822868 -0.11852528148912447 -0.23770474431786376 -0.2237746772339887 -0.23460917385478236 -0.23770474431786376 -0.2624693080225413 -0.3274762877473034 -0.41724783117675185 -0.5967909180356311 -0.6556067568342304 -0.6679890386865736 -0.24234810001249465 -0.09066514732136553 0.24210867746019235 0.40153055630902496 0.5609524351578663 0.6662018309027218 0.7296610253959519 0.7312088106274927 +40404,0.622863844419547,2,-0.11852528148912447 -0.23770474431786376 -0.2237746772339887 -0.23460917385478236 -0.23770474431786376 -0.2624693080225413 -0.3274762877473034 -0.41724783117675185 -0.5967909180356311 -0.6556067568342304 -0.6679890386865736 -0.24234810001249465 -0.09066514732136553 0.24210867746019235 0.40153055630902496 0.5609524351578663 0.6662018309027218 0.7296610253959519 0.7312088106274927 0.8256237097515632 +40405,0.6197682739564656,2,-0.23770474431786376 -0.2237746772339887 -0.23460917385478236 -0.23770474431786376 -0.2624693080225413 -0.3274762877473034 -0.41724783117675185 -0.5967909180356311 -0.6556067568342304 -0.6679890386865736 -0.24234810001249465 -0.09066514732136553 0.24210867746019235 0.40153055630902496 0.5609524351578663 0.6662018309027218 0.7296610253959519 0.7312088106274927 0.8256237097515632 0.622863844419547 +40406,0.4943976702015548,2,-0.2237746772339887 -0.23460917385478236 -0.23770474431786376 -0.2624693080225413 -0.3274762877473034 -0.41724783117675185 -0.5967909180356311 -0.6556067568342304 -0.6679890386865736 -0.24234810001249465 -0.09066514732136553 0.24210867746019235 0.40153055630902496 0.5609524351578663 0.6662018309027218 0.7296610253959519 0.7312088106274927 0.8256237097515632 0.622863844419547 0.6197682739564656 +40407,0.28699444917490774,2,-0.23460917385478236 -0.23770474431786376 -0.2624693080225413 -0.3274762877473034 -0.41724783117675185 -0.5967909180356311 -0.6556067568342304 -0.6679890386865736 -0.24234810001249465 -0.09066514732136553 0.24210867746019235 0.40153055630902496 0.5609524351578663 0.6662018309027218 0.7296610253959519 0.7312088106274927 0.8256237097515632 0.622863844419547 0.6197682739564656 0.4943976702015548 +40408,-0.0535183017643536,2,-0.23770474431786376 -0.2624693080225413 -0.3274762877473034 -0.41724783117675185 -0.5967909180356311 -0.6556067568342304 -0.6679890386865736 -0.24234810001249465 -0.09066514732136553 0.24210867746019235 0.40153055630902496 0.5609524351578663 0.6662018309027218 0.7296610253959519 0.7312088106274927 0.8256237097515632 0.622863844419547 0.6197682739564656 0.4943976702015548 0.28699444917490774 +40409,-0.2129401806131862,2,-0.2624693080225413 -0.3274762877473034 -0.41724783117675185 -0.5967909180356311 -0.6556067568342304 -0.6679890386865736 -0.24234810001249465 -0.09066514732136553 0.24210867746019235 0.40153055630902496 0.5609524351578663 0.6662018309027218 0.7296610253959519 0.7312088106274927 0.8256237097515632 0.622863844419547 0.6197682739564656 0.4943976702015548 0.28699444917490774 -0.0535183017643536 +40410,-0.28878165695875074,2,-0.3274762877473034 -0.41724783117675185 -0.5967909180356311 -0.6556067568342304 -0.6679890386865736 -0.24234810001249465 -0.09066514732136553 0.24210867746019235 0.40153055630902496 0.5609524351578663 0.6662018309027218 0.7296610253959519 0.7312088106274927 0.8256237097515632 0.622863844419547 0.6197682739564656 0.4943976702015548 0.28699444917490774 -0.0535183017643536 -0.2129401806131862 +40411,-0.3274762877473034,2,-0.41724783117675185 -0.5967909180356311 -0.6556067568342304 -0.6679890386865736 -0.24234810001249465 -0.09066514732136553 0.24210867746019235 0.40153055630902496 0.5609524351578663 0.6662018309027218 0.7296610253959519 0.7312088106274927 0.8256237097515632 0.622863844419547 0.6197682739564656 0.4943976702015548 0.28699444917490774 -0.0535183017643536 -0.2129401806131862 -0.28878165695875074 +40412,-0.3692664889989462,2,-0.5967909180356311 -0.6556067568342304 -0.6679890386865736 -0.24234810001249465 -0.09066514732136553 0.24210867746019235 0.40153055630902496 0.5609524351578663 0.6662018309027218 0.7296610253959519 0.7312088106274927 0.8256237097515632 0.622863844419547 0.6197682739564656 0.4943976702015548 0.28699444917490774 -0.0535183017643536 -0.2129401806131862 -0.28878165695875074 -0.3274762877473034 +40413,-0.4822548109015139,2,-0.6556067568342304 -0.6679890386865736 -0.24234810001249465 -0.09066514732136553 0.24210867746019235 0.40153055630902496 0.5609524351578663 0.6662018309027218 0.7296610253959519 0.7312088106274927 0.8256237097515632 0.622863844419547 0.6197682739564656 0.4943976702015548 0.28699444917490774 -0.0535183017643536 -0.2129401806131862 -0.28878165695875074 -0.3274762877473034 -0.3692664889989462 +40414,-0.5224972269216073,2,-0.6679890386865736 -0.24234810001249465 -0.09066514732136553 0.24210867746019235 0.40153055630902496 0.5609524351578663 0.6662018309027218 0.7296610253959519 0.7312088106274927 0.8256237097515632 0.622863844419547 0.6197682739564656 0.4943976702015548 0.28699444917490774 -0.0535183017643536 -0.2129401806131862 -0.28878165695875074 -0.3274762877473034 -0.3692664889989462 -0.4822548109015139 +40415,-0.5070193746061915,2,-0.24234810001249465 -0.09066514732136553 0.24210867746019235 0.40153055630902496 0.5609524351578663 0.6662018309027218 0.7296610253959519 0.7312088106274927 0.8256237097515632 0.622863844419547 0.6197682739564656 0.4943976702015548 0.28699444917490774 -0.0535183017643536 -0.2129401806131862 -0.28878165695875074 -0.3274762877473034 -0.3692664889989462 -0.4822548109015139 -0.5224972269216073 +40416,-0.5472617906262848,2,-0.09066514732136553 0.24210867746019235 0.40153055630902496 0.5609524351578663 0.6662018309027218 0.7296610253959519 0.7312088106274927 0.8256237097515632 0.622863844419547 0.6197682739564656 0.4943976702015548 0.28699444917490774 -0.0535183017643536 -0.2129401806131862 -0.28878165695875074 -0.3274762877473034 -0.3692664889989462 -0.4822548109015139 -0.5224972269216073 -0.5070193746061915 +40417,-0.5472617906262848,2,0.24210867746019235 0.40153055630902496 0.5609524351578663 0.6662018309027218 0.7296610253959519 0.7312088106274927 0.8256237097515632 0.622863844419547 0.6197682739564656 0.4943976702015548 0.28699444917490774 -0.0535183017643536 -0.2129401806131862 -0.28878165695875074 -0.3274762877473034 -0.3692664889989462 -0.4822548109015139 -0.5224972269216073 -0.5070193746061915 -0.5472617906262848 +40418,-0.5441662201632034,2,0.40153055630902496 0.5609524351578663 0.6662018309027218 0.7296610253959519 0.7312088106274927 0.8256237097515632 0.622863844419547 0.6197682739564656 0.4943976702015548 0.28699444917490774 -0.0535183017643536 -0.2129401806131862 -0.28878165695875074 -0.3274762877473034 -0.3692664889989462 -0.4822548109015139 -0.5224972269216073 -0.5070193746061915 -0.5472617906262848 -0.5472617906262848 +40419,-0.44975132103913285,2,0.5609524351578663 0.6662018309027218 0.7296610253959519 0.7312088106274927 0.8256237097515632 0.622863844419547 0.6197682739564656 0.4943976702015548 0.28699444917490774 -0.0535183017643536 -0.2129401806131862 -0.28878165695875074 -0.3274762877473034 -0.3692664889989462 -0.4822548109015139 -0.5224972269216073 -0.5070193746061915 -0.5472617906262848 -0.5472617906262848 -0.5441662201632034 +40420,-0.315094005894969,2,0.6662018309027218 0.7296610253959519 0.7312088106274927 0.8256237097515632 0.622863844419547 0.6197682739564656 0.4943976702015548 0.28699444917490774 -0.0535183017643536 -0.2129401806131862 -0.28878165695875074 -0.3274762877473034 -0.3692664889989462 -0.4822548109015139 -0.5224972269216073 -0.5070193746061915 -0.5472617906262848 -0.5472617906262848 -0.5441662201632034 -0.44975132103913285 +40421,-0.1076907848683308,2,0.7296610253959519 0.7312088106274927 0.8256237097515632 0.622863844419547 0.6197682739564656 0.4943976702015548 0.28699444917490774 -0.0535183017643536 -0.2129401806131862 -0.28878165695875074 -0.3274762877473034 -0.3692664889989462 -0.4822548109015139 -0.5224972269216073 -0.5070193746061915 -0.5472617906262848 -0.5472617906262848 -0.5441662201632034 -0.44975132103913285 -0.315094005894969 +40422,0.15233713403074392,2,0.7312088106274927 0.8256237097515632 0.622863844419547 0.6197682739564656 0.4943976702015548 0.28699444917490774 -0.0535183017643536 -0.2129401806131862 -0.28878165695875074 -0.3274762877473034 -0.3692664889989462 -0.4822548109015139 -0.5224972269216073 -0.5070193746061915 -0.5472617906262848 -0.5472617906262848 -0.5441662201632034 -0.44975132103913285 -0.315094005894969 -0.1076907848683308 +40423,0.24365646269173305,2,0.8256237097515632 0.622863844419547 0.6197682739564656 0.4943976702015548 0.28699444917490774 -0.0535183017643536 -0.2129401806131862 -0.28878165695875074 -0.3274762877473034 -0.3692664889989462 -0.4822548109015139 -0.5224972269216073 -0.5070193746061915 -0.5472617906262848 -0.5472617906262848 -0.5441662201632034 -0.44975132103913285 -0.315094005894969 -0.1076907848683308 0.15233713403074392 +40424,0.4835631735807611,2,0.622863844419547 0.6197682739564656 0.4943976702015548 0.28699444917490774 -0.0535183017643536 -0.2129401806131862 -0.28878165695875074 -0.3274762877473034 -0.3692664889989462 -0.4822548109015139 -0.5224972269216073 -0.5070193746061915 -0.5472617906262848 -0.5472617906262848 -0.5441662201632034 -0.44975132103913285 -0.315094005894969 -0.1076907848683308 0.15233713403074392 0.24365646269173305 +40425,0.6027426364095004,2,0.6197682739564656 0.4943976702015548 0.28699444917490774 -0.0535183017643536 -0.2129401806131862 -0.28878165695875074 -0.3274762877473034 -0.3692664889989462 -0.4822548109015139 -0.5224972269216073 -0.5070193746061915 -0.5472617906262848 -0.5472617906262848 -0.5441662201632034 -0.44975132103913285 -0.315094005894969 -0.1076907848683308 0.15233713403074392 0.24365646269173305 0.4835631735807611 +40426,0.581073643167913,2,0.4943976702015548 0.28699444917490774 -0.0535183017643536 -0.2129401806131862 -0.28878165695875074 -0.3274762877473034 -0.3692664889989462 -0.4822548109015139 -0.5224972269216073 -0.5070193746061915 -0.5472617906262848 -0.5472617906262848 -0.5441662201632034 -0.44975132103913285 -0.315094005894969 -0.1076907848683308 0.15233713403074392 0.24365646269173305 0.4835631735807611 0.6027426364095004 +40427,0.6042904216410411,2,0.28699444917490774 -0.0535183017643536 -0.2129401806131862 -0.28878165695875074 -0.3274762877473034 -0.3692664889989462 -0.4822548109015139 -0.5224972269216073 -0.5070193746061915 -0.5472617906262848 -0.5472617906262848 -0.5441662201632034 -0.44975132103913285 -0.315094005894969 -0.1076907848683308 0.15233713403074392 0.24365646269173305 0.4835631735807611 0.6027426364095004 0.581073643167913 +40428,0.49284988497000526,2,-0.0535183017643536 -0.2129401806131862 -0.28878165695875074 -0.3274762877473034 -0.3692664889989462 -0.4822548109015139 -0.5224972269216073 -0.5070193746061915 -0.5472617906262848 -0.5472617906262848 -0.5441662201632034 -0.44975132103913285 -0.315094005894969 -0.1076907848683308 0.15233713403074392 0.24365646269173305 0.4835631735807611 0.6027426364095004 0.581073643167913 0.6042904216410411 +40429,0.4959454554330955,2,-0.2129401806131862 -0.28878165695875074 -0.3274762877473034 -0.3692664889989462 -0.4822548109015139 -0.5224972269216073 -0.5070193746061915 -0.5472617906262848 -0.5472617906262848 -0.5441662201632034 -0.44975132103913285 -0.315094005894969 -0.1076907848683308 0.15233713403074392 0.24365646269173305 0.4835631735807611 0.6027426364095004 0.581073643167913 0.6042904216410411 0.49284988497000526 +40430,0.24520424792327375,2,-0.28878165695875074 -0.3274762877473034 -0.3692664889989462 -0.4822548109015139 -0.5224972269216073 -0.5070193746061915 -0.5472617906262848 -0.5472617906262848 -0.5441662201632034 -0.44975132103913285 -0.315094005894969 -0.1076907848683308 0.15233713403074392 0.24365646269173305 0.4835631735807611 0.6027426364095004 0.581073643167913 0.6042904216410411 0.49284988497000526 0.4959454554330955 +40431,0.03625324166508603,2,-0.3274762877473034 -0.3692664889989462 -0.4822548109015139 -0.5224972269216073 -0.5070193746061915 -0.5472617906262848 -0.5472617906262848 -0.5441662201632034 -0.44975132103913285 -0.315094005894969 -0.1076907848683308 0.15233713403074392 0.24365646269173305 0.4835631735807611 0.6027426364095004 0.581073643167913 0.6042904216410411 0.49284988497000526 0.4959454554330955 0.24520424792327375 +40432,-0.1634110532038399,2,-0.3692664889989462 -0.4822548109015139 -0.5224972269216073 -0.5070193746061915 -0.5472617906262848 -0.5472617906262848 -0.5441662201632034 -0.44975132103913285 -0.315094005894969 -0.1076907848683308 0.15233713403074392 0.24365646269173305 0.4835631735807611 0.6027426364095004 0.581073643167913 0.6042904216410411 0.49284988497000526 0.4959454554330955 0.24520424792327375 0.03625324166508603 +40433,-0.28723387172721004,2,-0.4822548109015139 -0.5224972269216073 -0.5070193746061915 -0.5472617906262848 -0.5472617906262848 -0.5441662201632034 -0.44975132103913285 -0.315094005894969 -0.1076907848683308 0.15233713403074392 0.24365646269173305 0.4835631735807611 0.6027426364095004 0.581073643167913 0.6042904216410411 0.49284988497000526 0.4959454554330955 0.24520424792327375 0.03625324166508603 -0.1634110532038399 +40434,-0.315094005894969,2,-0.5224972269216073 -0.5070193746061915 -0.5472617906262848 -0.5472617906262848 -0.5441662201632034 -0.44975132103913285 -0.315094005894969 -0.1076907848683308 0.15233713403074392 0.24365646269173305 0.4835631735807611 0.6027426364095004 0.581073643167913 0.6042904216410411 0.49284988497000526 0.4959454554330955 0.24520424792327375 0.03625324166508603 -0.1634110532038399 -0.28723387172721004 +40435,-0.3537886366835216,2,-0.5070193746061915 -0.5472617906262848 -0.5472617906262848 -0.5441662201632034 -0.44975132103913285 -0.315094005894969 -0.1076907848683308 0.15233713403074392 0.24365646269173305 0.4835631735807611 0.6027426364095004 0.581073643167913 0.6042904216410411 0.49284988497000526 0.4959454554330955 0.24520424792327375 0.03625324166508603 -0.1634110532038399 -0.28723387172721004 -0.315094005894969 +40436,-0.40486554932440866,2,-0.5472617906262848 -0.5472617906262848 -0.5441662201632034 -0.44975132103913285 -0.315094005894969 -0.1076907848683308 0.15233713403074392 0.24365646269173305 0.4835631735807611 0.6027426364095004 0.581073643167913 0.6042904216410411 0.49284988497000526 0.4959454554330955 0.24520424792327375 0.03625324166508603 -0.1634110532038399 -0.28723387172721004 -0.315094005894969 -0.3537886366835216 +40437,-0.4311778982606269,2,-0.5472617906262848 -0.5441662201632034 -0.44975132103913285 -0.315094005894969 -0.1076907848683308 0.15233713403074392 0.24365646269173305 0.4835631735807611 0.6027426364095004 0.581073643167913 0.6042904216410411 0.49284988497000526 0.4959454554330955 0.24520424792327375 0.03625324166508603 -0.1634110532038399 -0.28723387172721004 -0.315094005894969 -0.3537886366835216 -0.40486554932440866 +40438,-0.45594246196530447,2,-0.5441662201632034 -0.44975132103913285 -0.315094005894969 -0.1076907848683308 0.15233713403074392 0.24365646269173305 0.4835631735807611 0.6027426364095004 0.581073643167913 0.6042904216410411 0.49284988497000526 0.4959454554330955 0.24520424792327375 0.03625324166508603 -0.1634110532038399 -0.28723387172721004 -0.315094005894969 -0.3537886366835216 -0.40486554932440866 -0.4311778982606269 +40439,-0.46987252904917953,2,-0.44975132103913285 -0.315094005894969 -0.1076907848683308 0.15233713403074392 0.24365646269173305 0.4835631735807611 0.6027426364095004 0.581073643167913 0.6042904216410411 0.49284988497000526 0.4959454554330955 0.24520424792327375 0.03625324166508603 -0.1634110532038399 -0.28723387172721004 -0.315094005894969 -0.3537886366835216 -0.40486554932440866 -0.4311778982606269 -0.45594246196530447 +40440,-0.5101149450692729,2,-0.315094005894969 -0.1076907848683308 0.15233713403074392 0.24365646269173305 0.4835631735807611 0.6027426364095004 0.581073643167913 0.6042904216410411 0.49284988497000526 0.4959454554330955 0.24520424792327375 0.03625324166508603 -0.1634110532038399 -0.28723387172721004 -0.315094005894969 -0.3537886366835216 -0.40486554932440866 -0.4311778982606269 -0.45594246196530447 -0.46987252904917953 +40441,-0.5457140053947441,2,-0.1076907848683308 0.15233713403074392 0.24365646269173305 0.4835631735807611 0.6027426364095004 0.581073643167913 0.6042904216410411 0.49284988497000526 0.4959454554330955 0.24520424792327375 0.03625324166508603 -0.1634110532038399 -0.28723387172721004 -0.315094005894969 -0.3537886366835216 -0.40486554932440866 -0.4311778982606269 -0.45594246196530447 -0.46987252904917953 -0.5101149450692729 +40442,-0.6138165555825964,2,0.15233713403074392 0.24365646269173305 0.4835631735807611 0.6027426364095004 0.581073643167913 0.6042904216410411 0.49284988497000526 0.4959454554330955 0.24520424792327375 0.03625324166508603 -0.1634110532038399 -0.28723387172721004 -0.315094005894969 -0.3537886366835216 -0.40486554932440866 -0.4311778982606269 -0.45594246196530447 -0.46987252904917953 -0.5101149450692729 -0.5457140053947441 +40443,-0.5085671598377322,2,0.24365646269173305 0.4835631735807611 0.6027426364095004 0.581073643167913 0.6042904216410411 0.49284988497000526 0.4959454554330955 0.24520424792327375 0.03625324166508603 -0.1634110532038399 -0.28723387172721004 -0.315094005894969 -0.3537886366835216 -0.40486554932440866 -0.4311778982606269 -0.45594246196530447 -0.46987252904917953 -0.5101149450692729 -0.5457140053947441 -0.6138165555825964 +40444,-0.12162085195220587,2,0.4835631735807611 0.6027426364095004 0.581073643167913 0.6042904216410411 0.49284988497000526 0.4959454554330955 0.24520424792327375 0.03625324166508603 -0.1634110532038399 -0.28723387172721004 -0.315094005894969 -0.3537886366835216 -0.40486554932440866 -0.4311778982606269 -0.45594246196530447 -0.46987252904917953 -0.5101149450692729 -0.5457140053947441 -0.6138165555825964 -0.5085671598377322 +40445,0.18019726819850287,2,0.6027426364095004 0.581073643167913 0.6042904216410411 0.49284988497000526 0.4959454554330955 0.24520424792327375 0.03625324166508603 -0.1634110532038399 -0.28723387172721004 -0.315094005894969 -0.3537886366835216 -0.40486554932440866 -0.4311778982606269 -0.45594246196530447 -0.46987252904917953 -0.5101149450692729 -0.5457140053947441 -0.6138165555825964 -0.5085671598377322 -0.12162085195220587 +40446,0.3102112276480446,2,0.581073643167913 0.6042904216410411 0.49284988497000526 0.4959454554330955 0.24520424792327375 0.03625324166508603 -0.1634110532038399 -0.28723387172721004 -0.315094005894969 -0.3537886366835216 -0.40486554932440866 -0.4311778982606269 -0.45594246196530447 -0.46987252904917953 -0.5101149450692729 -0.5457140053947441 -0.6138165555825964 -0.5085671598377322 -0.12162085195220587 0.18019726819850287 +40447,0.4278429052452432,2,0.6042904216410411 0.49284988497000526 0.4959454554330955 0.24520424792327375 0.03625324166508603 -0.1634110532038399 -0.28723387172721004 -0.315094005894969 -0.3537886366835216 -0.40486554932440866 -0.4311778982606269 -0.45594246196530447 -0.46987252904917953 -0.5101149450692729 -0.5457140053947441 -0.6138165555825964 -0.5085671598377322 -0.12162085195220587 0.18019726819850287 0.3102112276480446 +40448,0.5114233077485113,2,0.49284988497000526 0.4959454554330955 0.24520424792327375 0.03625324166508603 -0.1634110532038399 -0.28723387172721004 -0.315094005894969 -0.3537886366835216 -0.40486554932440866 -0.4311778982606269 -0.45594246196530447 -0.46987252904917953 -0.5101149450692729 -0.5457140053947441 -0.6138165555825964 -0.5085671598377322 -0.12162085195220587 0.18019726819850287 0.3102112276480446 0.4278429052452432 +40449,0.6182204887249162,2,0.4959454554330955 0.24520424792327375 0.03625324166508603 -0.1634110532038399 -0.28723387172721004 -0.315094005894969 -0.3537886366835216 -0.40486554932440866 -0.4311778982606269 -0.45594246196530447 -0.46987252904917953 -0.5101149450692729 -0.5457140053947441 -0.6138165555825964 -0.5085671598377322 -0.12162085195220587 0.18019726819850287 0.3102112276480446 0.4278429052452432 0.5114233077485113 +40450,0.6863230389127685,2,0.24520424792327375 0.03625324166508603 -0.1634110532038399 -0.28723387172721004 -0.315094005894969 -0.3537886366835216 -0.40486554932440866 -0.4311778982606269 -0.45594246196530447 -0.46987252904917953 -0.5101149450692729 -0.5457140053947441 -0.6138165555825964 -0.5085671598377322 -0.12162085195220587 0.18019726819850287 0.3102112276480446 0.4278429052452432 0.5114233077485113 0.6182204887249162 +40451,0.7250176697013211,2,0.03625324166508603 -0.1634110532038399 -0.28723387172721004 -0.315094005894969 -0.3537886366835216 -0.40486554932440866 -0.4311778982606269 -0.45594246196530447 -0.46987252904917953 -0.5101149450692729 -0.5457140053947441 -0.6138165555825964 -0.5085671598377322 -0.12162085195220587 0.18019726819850287 0.3102112276480446 0.4278429052452432 0.5114233077485113 0.6182204887249162 0.6863230389127685 +40452,0.5532135090001541,2,-0.1634110532038399 -0.28723387172721004 -0.315094005894969 -0.3537886366835216 -0.40486554932440866 -0.4311778982606269 -0.45594246196530447 -0.46987252904917953 -0.5101149450692729 -0.5457140053947441 -0.6138165555825964 -0.5085671598377322 -0.12162085195220587 0.18019726819850287 0.3102112276480446 0.4278429052452432 0.5114233077485113 0.6182204887249162 0.6863230389127685 0.7250176697013211 +40453,0.5532135090001541,2,-0.28723387172721004 -0.315094005894969 -0.3537886366835216 -0.40486554932440866 -0.4311778982606269 -0.45594246196530447 -0.46987252904917953 -0.5101149450692729 -0.5457140053947441 -0.6138165555825964 -0.5085671598377322 -0.12162085195220587 0.18019726819850287 0.3102112276480446 0.4278429052452432 0.5114233077485113 0.6182204887249162 0.6863230389127685 0.7250176697013211 0.5532135090001541 +40454,0.49130209973846456,2,-0.315094005894969 -0.3537886366835216 -0.40486554932440866 -0.4311778982606269 -0.45594246196530447 -0.46987252904917953 -0.5101149450692729 -0.5457140053947441 -0.6138165555825964 -0.5085671598377322 -0.12162085195220587 0.18019726819850287 0.3102112276480446 0.4278429052452432 0.5114233077485113 0.6182204887249162 0.6863230389127685 0.7250176697013211 0.5532135090001541 0.5532135090001541 +40455,0.25758652977560814,2,-0.3537886366835216 -0.40486554932440866 -0.4311778982606269 -0.45594246196530447 -0.46987252904917953 -0.5101149450692729 -0.5457140053947441 -0.6138165555825964 -0.5085671598377322 -0.12162085195220587 0.18019726819850287 0.3102112276480446 0.4278429052452432 0.5114233077485113 0.6182204887249162 0.6863230389127685 0.7250176697013211 0.5532135090001541 0.5532135090001541 0.49130209973846456 +40456,-0.07673508023748166,2,-0.40486554932440866 -0.4311778982606269 -0.45594246196530447 -0.46987252904917953 -0.5101149450692729 -0.5457140053947441 -0.6138165555825964 -0.5085671598377322 -0.12162085195220587 0.18019726819850287 0.3102112276480446 0.4278429052452432 0.5114233077485113 0.6182204887249162 0.6863230389127685 0.7250176697013211 0.5532135090001541 0.5532135090001541 0.49130209973846456 0.25758652977560814 +40457,-0.17888890551926448,2,-0.4311778982606269 -0.45594246196530447 -0.46987252904917953 -0.5101149450692729 -0.5457140053947441 -0.6138165555825964 -0.5085671598377322 -0.12162085195220587 0.18019726819850287 0.3102112276480446 0.4278429052452432 0.5114233077485113 0.6182204887249162 0.6863230389127685 0.7250176697013211 0.5532135090001541 0.5532135090001541 0.49130209973846456 0.25758652977560814 -0.07673508023748166 +40458,-0.28878165695875074,2,-0.45594246196530447 -0.46987252904917953 -0.5101149450692729 -0.5457140053947441 -0.6138165555825964 -0.5085671598377322 -0.12162085195220587 0.18019726819850287 0.3102112276480446 0.4278429052452432 0.5114233077485113 0.6182204887249162 0.6863230389127685 0.7250176697013211 0.5532135090001541 0.5532135090001541 0.49130209973846456 0.25758652977560814 -0.07673508023748166 -0.17888890551926448 +40459,-0.3537886366835216,2,-0.46987252904917953 -0.5101149450692729 -0.5457140053947441 -0.6138165555825964 -0.5085671598377322 -0.12162085195220587 0.18019726819850287 0.3102112276480446 0.4278429052452432 0.5114233077485113 0.6182204887249162 0.6863230389127685 0.7250176697013211 0.5532135090001541 0.5532135090001541 0.49130209973846456 0.25758652977560814 -0.07673508023748166 -0.17888890551926448 -0.28878165695875074 +40460,-0.4435601801129613,2,-0.5101149450692729 -0.5457140053947441 -0.6138165555825964 -0.5085671598377322 -0.12162085195220587 0.18019726819850287 0.3102112276480446 0.4278429052452432 0.5114233077485113 0.6182204887249162 0.6863230389127685 0.7250176697013211 0.5532135090001541 0.5532135090001541 0.49130209973846456 0.25758652977560814 -0.07673508023748166 -0.17888890551926448 -0.28878165695875074 -0.3537886366835216 +40461,-0.5085671598377322,2,-0.5457140053947441 -0.6138165555825964 -0.5085671598377322 -0.12162085195220587 0.18019726819850287 0.3102112276480446 0.4278429052452432 0.5114233077485113 0.6182204887249162 0.6863230389127685 0.7250176697013211 0.5532135090001541 0.5532135090001541 0.49130209973846456 0.25758652977560814 -0.07673508023748166 -0.17888890551926448 -0.28878165695875074 -0.3537886366835216 -0.4435601801129613 +40462,-0.5983387032671718,2,-0.6138165555825964 -0.5085671598377322 -0.12162085195220587 0.18019726819850287 0.3102112276480446 0.4278429052452432 0.5114233077485113 0.6182204887249162 0.6863230389127685 0.7250176697013211 0.5532135090001541 0.5532135090001541 0.49130209973846456 0.25758652977560814 -0.07673508023748166 -0.17888890551926448 -0.28878165695875074 -0.3537886366835216 -0.4435601801129613 -0.5085671598377322 +40463,-0.62465105220339,2,-0.5085671598377322 -0.12162085195220587 0.18019726819850287 0.3102112276480446 0.4278429052452432 0.5114233077485113 0.6182204887249162 0.6863230389127685 0.7250176697013211 0.5532135090001541 0.5532135090001541 0.49130209973846456 0.25758652977560814 -0.07673508023748166 -0.17888890551926448 -0.28878165695875074 -0.3537886366835216 -0.4435601801129613 -0.5085671598377322 -0.5983387032671718 +40464,-0.7670472935052661,2,-0.12162085195220587 0.18019726819850287 0.3102112276480446 0.4278429052452432 0.5114233077485113 0.6182204887249162 0.6863230389127685 0.7250176697013211 0.5532135090001541 0.5532135090001541 0.49130209973846456 0.25758652977560814 -0.07673508023748166 -0.17888890551926448 -0.28878165695875074 -0.3537886366835216 -0.4435601801129613 -0.5085671598377322 -0.5983387032671718 -0.62465105220339 +40465,-0.7933596424414756,2,0.18019726819850287 0.3102112276480446 0.4278429052452432 0.5114233077485113 0.6182204887249162 0.6863230389127685 0.7250176697013211 0.5532135090001541 0.5532135090001541 0.49130209973846456 0.25758652977560814 -0.07673508023748166 -0.17888890551926448 -0.28878165695875074 -0.3537886366835216 -0.4435601801129613 -0.5085671598377322 -0.5983387032671718 -0.62465105220339 -0.7670472935052661 +40466,-0.7809773605891412,2,0.3102112276480446 0.4278429052452432 0.5114233077485113 0.6182204887249162 0.6863230389127685 0.7250176697013211 0.5532135090001541 0.5532135090001541 0.49130209973846456 0.25758652977560814 -0.07673508023748166 -0.17888890551926448 -0.28878165695875074 -0.3537886366835216 -0.4435601801129613 -0.5085671598377322 -0.5983387032671718 -0.62465105220339 -0.7670472935052661 -0.7933596424414756 +40467,-0.6741801796127364,2,0.4278429052452432 0.5114233077485113 0.6182204887249162 0.6863230389127685 0.7250176697013211 0.5532135090001541 0.5532135090001541 0.49130209973846456 0.25758652977560814 -0.07673508023748166 -0.17888890551926448 -0.28878165695875074 -0.3537886366835216 -0.4435601801129613 -0.5085671598377322 -0.5983387032671718 -0.62465105220339 -0.7670472935052661 -0.7933596424414756 -0.7809773605891412 +40468,-0.28723387172721004,2,0.5114233077485113 0.6182204887249162 0.6863230389127685 0.7250176697013211 0.5532135090001541 0.5532135090001541 0.49130209973846456 0.25758652977560814 -0.07673508023748166 -0.17888890551926448 -0.28878165695875074 -0.3537886366835216 -0.4435601801129613 -0.5085671598377322 -0.5983387032671718 -0.62465105220339 -0.7670472935052661 -0.7933596424414756 -0.7809773605891412 -0.6741801796127364 +40469,-0.024110382365053955,2,0.6182204887249162 0.6863230389127685 0.7250176697013211 0.5532135090001541 0.5532135090001541 0.49130209973846456 0.25758652977560814 -0.07673508023748166 -0.17888890551926448 -0.28878165695875074 -0.3537886366835216 -0.4435601801129613 -0.5085671598377322 -0.5983387032671718 -0.62465105220339 -0.7670472935052661 -0.7933596424414756 -0.7809773605891412 -0.6741801796127364 -0.28723387172721004 +40470,-0.02101481190197256,2,0.6863230389127685 0.7250176697013211 0.5532135090001541 0.5532135090001541 0.49130209973846456 0.25758652977560814 -0.07673508023748166 -0.17888890551926448 -0.28878165695875074 -0.3537886366835216 -0.4435601801129613 -0.5085671598377322 -0.5983387032671718 -0.62465105220339 -0.7670472935052661 -0.7933596424414756 -0.7809773605891412 -0.6741801796127364 -0.28723387172721004 -0.024110382365053955 +40471,0.14150263740995023,2,0.7250176697013211 0.5532135090001541 0.5532135090001541 0.49130209973846456 0.25758652977560814 -0.07673508023748166 -0.17888890551926448 -0.28878165695875074 -0.3537886366835216 -0.4435601801129613 -0.5085671598377322 -0.5983387032671718 -0.62465105220339 -0.7670472935052661 -0.7933596424414756 -0.7809773605891412 -0.6741801796127364 -0.28723387172721004 -0.024110382365053955 -0.02101481190197256 +40472,0.3086634424164951,2,0.5532135090001541 0.5532135090001541 0.49130209973846456 0.25758652977560814 -0.07673508023748166 -0.17888890551926448 -0.28878165695875074 -0.3537886366835216 -0.4435601801129613 -0.5085671598377322 -0.5983387032671718 -0.62465105220339 -0.7670472935052661 -0.7933596424414756 -0.7809773605891412 -0.6741801796127364 -0.28723387172721004 -0.024110382365053955 -0.02101481190197256 0.14150263740995023 +40473,0.4448685427922085,2,0.5532135090001541 0.49130209973846456 0.25758652977560814 -0.07673508023748166 -0.17888890551926448 -0.28878165695875074 -0.3537886366835216 -0.4435601801129613 -0.5085671598377322 -0.5983387032671718 -0.62465105220339 -0.7670472935052661 -0.7933596424414756 -0.7809773605891412 -0.6741801796127364 -0.28723387172721004 -0.024110382365053955 -0.02101481190197256 0.14150263740995023 0.3086634424164951 +40474,0.4742764621915081,2,0.49130209973846456 0.25758652977560814 -0.07673508023748166 -0.17888890551926448 -0.28878165695875074 -0.3537886366835216 -0.4435601801129613 -0.5085671598377322 -0.5983387032671718 -0.62465105220339 -0.7670472935052661 -0.7933596424414756 -0.7809773605891412 -0.6741801796127364 -0.28723387172721004 -0.024110382365053955 -0.02101481190197256 0.14150263740995023 0.3086634424164951 0.4448685427922085 +40475,0.5021365963592582,2,0.25758652977560814 -0.07673508023748166 -0.17888890551926448 -0.28878165695875074 -0.3537886366835216 -0.4435601801129613 -0.5085671598377322 -0.5983387032671718 -0.62465105220339 -0.7670472935052661 -0.7933596424414756 -0.7809773605891412 -0.6741801796127364 -0.28723387172721004 -0.024110382365053955 -0.02101481190197256 0.14150263740995023 0.3086634424164951 0.4448685427922085 0.4742764621915081 +40476,0.24056089222864285,2,-0.07673508023748166 -0.17888890551926448 -0.28878165695875074 -0.3537886366835216 -0.4435601801129613 -0.5085671598377322 -0.5983387032671718 -0.62465105220339 -0.7670472935052661 -0.7933596424414756 -0.7809773605891412 -0.6741801796127364 -0.28723387172721004 -0.024110382365053955 -0.02101481190197256 0.14150263740995023 0.3086634424164951 0.4448685427922085 0.4742764621915081 0.5021365963592582 +40477,0.2235352546816864,2,-0.17888890551926448 -0.28878165695875074 -0.3537886366835216 -0.4435601801129613 -0.5085671598377322 -0.5983387032671718 -0.62465105220339 -0.7670472935052661 -0.7933596424414756 -0.7809773605891412 -0.6741801796127364 -0.28723387172721004 -0.024110382365053955 -0.02101481190197256 0.14150263740995023 0.3086634424164951 0.4448685427922085 0.4742764621915081 0.5021365963592582 0.24056089222864285 +40478,0.07804344291672885,2,-0.28878165695875074 -0.3537886366835216 -0.4435601801129613 -0.5085671598377322 -0.5983387032671718 -0.62465105220339 -0.7670472935052661 -0.7933596424414756 -0.7809773605891412 -0.6741801796127364 -0.28723387172721004 -0.024110382365053955 -0.02101481190197256 0.14150263740995023 0.3086634424164951 0.4448685427922085 0.4742764621915081 0.5021365963592582 0.24056089222864285 0.2235352546816864 +40479,-0.14638541565688343,2,-0.3537886366835216 -0.4435601801129613 -0.5085671598377322 -0.5983387032671718 -0.62465105220339 -0.7670472935052661 -0.7933596424414756 -0.7809773605891412 -0.6741801796127364 -0.28723387172721004 -0.024110382365053955 -0.02101481190197256 0.14150263740995023 0.3086634424164951 0.4448685427922085 0.4742764621915081 0.5021365963592582 0.24056089222864285 0.2235352546816864 0.07804344291672885 +40480,-0.3119984354318876,2,-0.4435601801129613 -0.5085671598377322 -0.5983387032671718 -0.62465105220339 -0.7670472935052661 -0.7933596424414756 -0.7809773605891412 -0.6741801796127364 -0.28723387172721004 -0.024110382365053955 -0.02101481190197256 0.14150263740995023 0.3086634424164951 0.4448685427922085 0.4742764621915081 0.5021365963592582 0.24056089222864285 0.2235352546816864 0.07804344291672885 -0.14638541565688343 +40481,-0.394031052703615,2,-0.5085671598377322 -0.5983387032671718 -0.62465105220339 -0.7670472935052661 -0.7933596424414756 -0.7809773605891412 -0.6741801796127364 -0.28723387172721004 -0.024110382365053955 -0.02101481190197256 0.14150263740995023 0.3086634424164951 0.4448685427922085 0.4742764621915081 0.5021365963592582 0.24056089222864285 0.2235352546816864 0.07804344291672885 -0.14638541565688343 -0.3119984354318876 +40482,-0.445107965344502,2,-0.5983387032671718 -0.62465105220339 -0.7670472935052661 -0.7933596424414756 -0.7809773605891412 -0.6741801796127364 -0.28723387172721004 -0.024110382365053955 -0.02101481190197256 0.14150263740995023 0.3086634424164951 0.4448685427922085 0.4742764621915081 0.5021365963592582 0.24056089222864285 0.2235352546816864 0.07804344291672885 -0.14638541565688343 -0.3119984354318876 -0.394031052703615 +40483,-0.5085671598377322,2,-0.62465105220339 -0.7670472935052661 -0.7933596424414756 -0.7809773605891412 -0.6741801796127364 -0.28723387172721004 -0.024110382365053955 -0.02101481190197256 0.14150263740995023 0.3086634424164951 0.4448685427922085 0.4742764621915081 0.5021365963592582 0.24056089222864285 0.2235352546816864 0.07804344291672885 -0.14638541565688343 -0.3119984354318876 -0.394031052703615 -0.445107965344502 +40484,-0.5209494416900665,2,-0.7670472935052661 -0.7933596424414756 -0.7809773605891412 -0.6741801796127364 -0.28723387172721004 -0.024110382365053955 -0.02101481190197256 0.14150263740995023 0.3086634424164951 0.4448685427922085 0.4742764621915081 0.5021365963592582 0.24056089222864285 0.2235352546816864 0.07804344291672885 -0.14638541565688343 -0.3119984354318876 -0.394031052703615 -0.445107965344502 -0.5085671598377322 +40485,-0.5983387032671718,2,-0.7933596424414756 -0.7809773605891412 -0.6741801796127364 -0.28723387172721004 -0.024110382365053955 -0.02101481190197256 0.14150263740995023 0.3086634424164951 0.4448685427922085 0.4742764621915081 0.5021365963592582 0.24056089222864285 0.2235352546816864 0.07804344291672885 -0.14638541565688343 -0.3119984354318876 -0.394031052703615 -0.445107965344502 -0.5085671598377322 -0.5209494416900665 +40486,-0.6648934682234834,2,-0.7809773605891412 -0.6741801796127364 -0.28723387172721004 -0.024110382365053955 -0.02101481190197256 0.14150263740995023 0.3086634424164951 0.4448685427922085 0.4742764621915081 0.5021365963592582 0.24056089222864285 0.2235352546816864 0.07804344291672885 -0.14638541565688343 -0.3119984354318876 -0.394031052703615 -0.445107965344502 -0.5085671598377322 -0.5209494416900665 -0.5983387032671718 +40487,-0.6772757500758178,2,-0.6741801796127364 -0.28723387172721004 -0.024110382365053955 -0.02101481190197256 0.14150263740995023 0.3086634424164951 0.4448685427922085 0.4742764621915081 0.5021365963592582 0.24056089222864285 0.2235352546816864 0.07804344291672885 -0.14638541565688343 -0.3119984354318876 -0.394031052703615 -0.445107965344502 -0.5085671598377322 -0.5209494416900665 -0.5983387032671718 -0.6648934682234834 +40488,-0.7654995082737255,2,-0.28723387172721004 -0.024110382365053955 -0.02101481190197256 0.14150263740995023 0.3086634424164951 0.4448685427922085 0.4742764621915081 0.5021365963592582 0.24056089222864285 0.2235352546816864 0.07804344291672885 -0.14638541565688343 -0.3119984354318876 -0.394031052703615 -0.445107965344502 -0.5085671598377322 -0.5209494416900665 -0.5983387032671718 -0.6648934682234834 -0.6772757500758178 +40489,-0.7995507833676472,2,-0.024110382365053955 -0.02101481190197256 0.14150263740995023 0.3086634424164951 0.4448685427922085 0.4742764621915081 0.5021365963592582 0.24056089222864285 0.2235352546816864 0.07804344291672885 -0.14638541565688343 -0.3119984354318876 -0.394031052703615 -0.445107965344502 -0.5085671598377322 -0.5209494416900665 -0.5983387032671718 -0.6648934682234834 -0.6772757500758178 -0.7654995082737255 +40490,-0.8072897095253595,2,-0.02101481190197256 0.14150263740995023 0.3086634424164951 0.4448685427922085 0.4742764621915081 0.5021365963592582 0.24056089222864285 0.2235352546816864 0.07804344291672885 -0.14638541565688343 -0.3119984354318876 -0.394031052703615 -0.445107965344502 -0.5085671598377322 -0.5209494416900665 -0.5983387032671718 -0.6648934682234834 -0.6772757500758178 -0.7654995082737255 -0.7995507833676472 +40491,-0.6571545420657711,2,0.14150263740995023 0.3086634424164951 0.4448685427922085 0.4742764621915081 0.5021365963592582 0.24056089222864285 0.2235352546816864 0.07804344291672885 -0.14638541565688343 -0.3119984354318876 -0.394031052703615 -0.445107965344502 -0.5085671598377322 -0.5209494416900665 -0.5983387032671718 -0.6648934682234834 -0.6772757500758178 -0.7654995082737255 -0.7995507833676472 -0.8072897095253595 +40492,-0.4389168244183392,2,0.3086634424164951 0.4448685427922085 0.4742764621915081 0.5021365963592582 0.24056089222864285 0.2235352546816864 0.07804344291672885 -0.14638541565688343 -0.3119984354318876 -0.394031052703615 -0.445107965344502 -0.5085671598377322 -0.5209494416900665 -0.5983387032671718 -0.6648934682234834 -0.6772757500758178 -0.7654995082737255 -0.7995507833676472 -0.8072897095253595 -0.6571545420657711 +40493,-0.2624693080225413,2,0.4448685427922085 0.4742764621915081 0.5021365963592582 0.24056089222864285 0.2235352546816864 0.07804344291672885 -0.14638541565688343 -0.3119984354318876 -0.394031052703615 -0.445107965344502 -0.5085671598377322 -0.5209494416900665 -0.5983387032671718 -0.6648934682234834 -0.6772757500758178 -0.7654995082737255 -0.7995507833676472 -0.8072897095253595 -0.6571545420657711 -0.4389168244183392 +40494,-0.2144879658447357,2,0.4742764621915081 0.5021365963592582 0.24056089222864285 0.2235352546816864 0.07804344291672885 -0.14638541565688343 -0.3119984354318876 -0.394031052703615 -0.445107965344502 -0.5085671598377322 -0.5209494416900665 -0.5983387032671718 -0.6648934682234834 -0.6772757500758178 -0.7654995082737255 -0.7995507833676472 -0.8072897095253595 -0.6571545420657711 -0.4389168244183392 -0.2624693080225413 +40495,-0.15721991227767712,2,0.5021365963592582 0.24056089222864285 0.2235352546816864 0.07804344291672885 -0.14638541565688343 -0.3119984354318876 -0.394031052703615 -0.445107965344502 -0.5085671598377322 -0.5209494416900665 -0.5983387032671718 -0.6648934682234834 -0.6772757500758178 -0.7654995082737255 -0.7995507833676472 -0.8072897095253595 -0.6571545420657711 -0.4389168244183392 -0.2624693080225413 -0.2144879658447357 +40496,-0.09995185871061851,2,0.24056089222864285 0.2235352546816864 0.07804344291672885 -0.14638541565688343 -0.3119984354318876 -0.394031052703615 -0.445107965344502 -0.5085671598377322 -0.5209494416900665 -0.5983387032671718 -0.6648934682234834 -0.6772757500758178 -0.7654995082737255 -0.7995507833676472 -0.8072897095253595 -0.6571545420657711 -0.4389168244183392 -0.2624693080225413 -0.2144879658447357 -0.15721991227767712 +40497,-0.11697749625758379,2,0.2235352546816864 0.07804344291672885 -0.14638541565688343 -0.3119984354318876 -0.394031052703615 -0.445107965344502 -0.5085671598377322 -0.5209494416900665 -0.5983387032671718 -0.6648934682234834 -0.6772757500758178 -0.7654995082737255 -0.7995507833676472 -0.8072897095253595 -0.6571545420657711 -0.4389168244183392 -0.2624693080225413 -0.2144879658447357 -0.15721991227767712 -0.09995185871061851 +40498,-0.14638541565688343,2,0.07804344291672885 -0.14638541565688343 -0.3119984354318876 -0.394031052703615 -0.445107965344502 -0.5085671598377322 -0.5209494416900665 -0.5983387032671718 -0.6648934682234834 -0.6772757500758178 -0.7654995082737255 -0.7995507833676472 -0.8072897095253595 -0.6571545420657711 -0.4389168244183392 -0.2624693080225413 -0.2144879658447357 -0.15721991227767712 -0.09995185871061851 -0.11697749625758379 +40499,-0.1092385700998715,2,-0.14638541565688343 -0.3119984354318876 -0.394031052703615 -0.445107965344502 -0.5085671598377322 -0.5209494416900665 -0.5983387032671718 -0.6648934682234834 -0.6772757500758178 -0.7654995082737255 -0.7995507833676472 -0.8072897095253595 -0.6571545420657711 -0.4389168244183392 -0.2624693080225413 -0.2144879658447357 -0.15721991227767712 -0.09995185871061851 -0.11697749625758379 -0.14638541565688343 +40500,-0.11852528148912447,2,-0.3119984354318876 -0.394031052703615 -0.445107965344502 -0.5085671598377322 -0.5209494416900665 -0.5983387032671718 -0.6648934682234834 -0.6772757500758178 -0.7654995082737255 -0.7995507833676472 -0.8072897095253595 -0.6571545420657711 -0.4389168244183392 -0.2624693080225413 -0.2144879658447357 -0.15721991227767712 -0.09995185871061851 -0.11697749625758379 -0.14638541565688343 -0.1092385700998715 +40501,-0.1076907848683308,2,-0.394031052703615 -0.445107965344502 -0.5085671598377322 -0.5209494416900665 -0.5983387032671718 -0.6648934682234834 -0.6772757500758178 -0.7654995082737255 -0.7995507833676472 -0.8072897095253595 -0.6571545420657711 -0.4389168244183392 -0.2624693080225413 -0.2144879658447357 -0.15721991227767712 -0.09995185871061851 -0.11697749625758379 -0.14638541565688343 -0.1092385700998715 -0.11852528148912447 +40502,-0.2052012544554827,2,-0.445107965344502 -0.5085671598377322 -0.5209494416900665 -0.5983387032671718 -0.6648934682234834 -0.6772757500758178 -0.7654995082737255 -0.7995507833676472 -0.8072897095253595 -0.6571545420657711 -0.4389168244183392 -0.2624693080225413 -0.2144879658447357 -0.15721991227767712 -0.09995185871061851 -0.11697749625758379 -0.14638541565688343 -0.1092385700998715 -0.11852528148912447 -0.1076907848683308 +40503,-0.29342501265338167,2,-0.5085671598377322 -0.5209494416900665 -0.5983387032671718 -0.6648934682234834 -0.6772757500758178 -0.7654995082737255 -0.7995507833676472 -0.8072897095253595 -0.6571545420657711 -0.4389168244183392 -0.2624693080225413 -0.2144879658447357 -0.15721991227767712 -0.09995185871061851 -0.11697749625758379 -0.14638541565688343 -0.1092385700998715 -0.11852528148912447 -0.1076907848683308 -0.2052012544554827 +40504,-0.45594246196530447,2,-0.5209494416900665 -0.5983387032671718 -0.6648934682234834 -0.6772757500758178 -0.7654995082737255 -0.7995507833676472 -0.8072897095253595 -0.6571545420657711 -0.4389168244183392 -0.2624693080225413 -0.2144879658447357 -0.15721991227767712 -0.09995185871061851 -0.11697749625758379 -0.14638541565688343 -0.1092385700998715 -0.11852528148912447 -0.1076907848683308 -0.2052012544554827 -0.29342501265338167 +40505,-0.5132105155323631,2,-0.5983387032671718 -0.6648934682234834 -0.6772757500758178 -0.7654995082737255 -0.7995507833676472 -0.8072897095253595 -0.6571545420657711 -0.4389168244183392 -0.2624693080225413 -0.2144879658447357 -0.15721991227767712 -0.09995185871061851 -0.11697749625758379 -0.14638541565688343 -0.1092385700998715 -0.11852528148912447 -0.1076907848683308 -0.2052012544554827 -0.29342501265338167 -0.45594246196530447 +40506,-0.5596440724786191,2,-0.6648934682234834 -0.6772757500758178 -0.7654995082737255 -0.7995507833676472 -0.8072897095253595 -0.6571545420657711 -0.4389168244183392 -0.2624693080225413 -0.2144879658447357 -0.15721991227767712 -0.09995185871061851 -0.11697749625758379 -0.14638541565688343 -0.1092385700998715 -0.11852528148912447 -0.1076907848683308 -0.2052012544554827 -0.29342501265338167 -0.45594246196530447 -0.5132105155323631 +40507,-0.6122687703510556,2,-0.6772757500758178 -0.7654995082737255 -0.7995507833676472 -0.8072897095253595 -0.6571545420657711 -0.4389168244183392 -0.2624693080225413 -0.2144879658447357 -0.15721991227767712 -0.09995185871061851 -0.11697749625758379 -0.14638541565688343 -0.1092385700998715 -0.11852528148912447 -0.1076907848683308 -0.2052012544554827 -0.29342501265338167 -0.45594246196530447 -0.5132105155323631 -0.5596440724786191 +40508,-0.675727964844277,2,-0.7654995082737255 -0.7995507833676472 -0.8072897095253595 -0.6571545420657711 -0.4389168244183392 -0.2624693080225413 -0.2144879658447357 -0.15721991227767712 -0.09995185871061851 -0.11697749625758379 -0.14638541565688343 -0.1092385700998715 -0.11852528148912447 -0.1076907848683308 -0.2052012544554827 -0.29342501265338167 -0.45594246196530447 -0.5132105155323631 -0.5596440724786191 -0.6122687703510556 +40509,-0.7283526627167135,2,-0.7995507833676472 -0.8072897095253595 -0.6571545420657711 -0.4389168244183392 -0.2624693080225413 -0.2144879658447357 -0.15721991227767712 -0.09995185871061851 -0.11697749625758379 -0.14638541565688343 -0.1092385700998715 -0.11852528148912447 -0.1076907848683308 -0.2052012544554827 -0.29342501265338167 -0.45594246196530447 -0.5132105155323631 -0.5596440724786191 -0.6122687703510556 -0.675727964844277 +40510,-0.7670472935052661,2,-0.8072897095253595 -0.6571545420657711 -0.4389168244183392 -0.2624693080225413 -0.2144879658447357 -0.15721991227767712 -0.09995185871061851 -0.11697749625758379 -0.14638541565688343 -0.1092385700998715 -0.11852528148912447 -0.1076907848683308 -0.2052012544554827 -0.29342501265338167 -0.45594246196530447 -0.5132105155323631 -0.5596440724786191 -0.6122687703510556 -0.675727964844277 -0.7283526627167135 +40511,-0.8057419242938189,2,-0.6571545420657711 -0.4389168244183392 -0.2624693080225413 -0.2144879658447357 -0.15721991227767712 -0.09995185871061851 -0.11697749625758379 -0.14638541565688343 -0.1092385700998715 -0.11852528148912447 -0.1076907848683308 -0.2052012544554827 -0.29342501265338167 -0.45594246196530447 -0.5132105155323631 -0.5596440724786191 -0.6122687703510556 -0.675727964844277 -0.7283526627167135 -0.7670472935052661 +40512,-0.8305064879984876,2,-0.4389168244183392 -0.2624693080225413 -0.2144879658447357 -0.15721991227767712 -0.09995185871061851 -0.11697749625758379 -0.14638541565688343 -0.1092385700998715 -0.11852528148912447 -0.1076907848683308 -0.2052012544554827 -0.29342501265338167 -0.45594246196530447 -0.5132105155323631 -0.5596440724786191 -0.6122687703510556 -0.675727964844277 -0.7283526627167135 -0.7670472935052661 -0.8057419242938189 +40513,-0.8568188369347058,2,-0.2624693080225413 -0.2144879658447357 -0.15721991227767712 -0.09995185871061851 -0.11697749625758379 -0.14638541565688343 -0.1092385700998715 -0.11852528148912447 -0.1076907848683308 -0.2052012544554827 -0.29342501265338167 -0.45594246196530447 -0.5132105155323631 -0.5596440724786191 -0.6122687703510556 -0.675727964844277 -0.7283526627167135 -0.7670472935052661 -0.8057419242938189 -0.8305064879984876 +40514,-0.8692011187870402,2,-0.2144879658447357 -0.15721991227767712 -0.09995185871061851 -0.11697749625758379 -0.14638541565688343 -0.1092385700998715 -0.11852528148912447 -0.1076907848683308 -0.2052012544554827 -0.29342501265338167 -0.45594246196530447 -0.5132105155323631 -0.5596440724786191 -0.6122687703510556 -0.675727964844277 -0.7283526627167135 -0.7670472935052661 -0.8057419242938189 -0.8305064879984876 -0.8568188369347058 +40515,-0.7624039378106353,2,-0.15721991227767712 -0.09995185871061851 -0.11697749625758379 -0.14638541565688343 -0.1092385700998715 -0.11852528148912447 -0.1076907848683308 -0.2052012544554827 -0.29342501265338167 -0.45594246196530447 -0.5132105155323631 -0.5596440724786191 -0.6122687703510556 -0.675727964844277 -0.7283526627167135 -0.7670472935052661 -0.8057419242938189 -0.8305064879984876 -0.8568188369347058 -0.8692011187870402 +40516,-0.39867440839824586,2,-0.09995185871061851 -0.11697749625758379 -0.14638541565688343 -0.1092385700998715 -0.11852528148912447 -0.1076907848683308 -0.2052012544554827 -0.29342501265338167 -0.45594246196530447 -0.5132105155323631 -0.5596440724786191 -0.6122687703510556 -0.675727964844277 -0.7283526627167135 -0.7670472935052661 -0.8057419242938189 -0.8305064879984876 -0.8568188369347058 -0.8692011187870402 -0.7624039378106353 +40517,-0.29032944219029144,2,-0.11697749625758379 -0.14638541565688343 -0.1092385700998715 -0.11852528148912447 -0.1076907848683308 -0.2052012544554827 -0.29342501265338167 -0.45594246196530447 -0.5132105155323631 -0.5596440724786191 -0.6122687703510556 -0.675727964844277 -0.7283526627167135 -0.7670472935052661 -0.8057419242938189 -0.8305064879984876 -0.8568188369347058 -0.8692011187870402 -0.7624039378106353 -0.39867440839824586 +40518,-0.1618632679722992,2,-0.14638541565688343 -0.1092385700998715 -0.11852528148912447 -0.1076907848683308 -0.2052012544554827 -0.29342501265338167 -0.45594246196530447 -0.5132105155323631 -0.5596440724786191 -0.6122687703510556 -0.675727964844277 -0.7283526627167135 -0.7670472935052661 -0.8057419242938189 -0.8305064879984876 -0.8568188369347058 -0.8692011187870402 -0.7624039378106353 -0.39867440839824586 -0.29032944219029144 +40519,-0.007084744818088688,2,-0.1092385700998715 -0.11852528148912447 -0.1076907848683308 -0.2052012544554827 -0.29342501265338167 -0.45594246196530447 -0.5132105155323631 -0.5596440724786191 -0.6122687703510556 -0.675727964844277 -0.7283526627167135 -0.7670472935052661 -0.8057419242938189 -0.8305064879984876 -0.8568188369347058 -0.8692011187870402 -0.7624039378106353 -0.39867440839824586 -0.29032944219029144 -0.1618632679722992 +40520,0.043992167822798314,2,-0.11852528148912447 -0.1076907848683308 -0.2052012544554827 -0.29342501265338167 -0.45594246196530447 -0.5132105155323631 -0.5596440724786191 -0.6122687703510556 -0.675727964844277 -0.7283526627167135 -0.7670472935052661 -0.8057419242938189 -0.8305064879984876 -0.8568188369347058 -0.8692011187870402 -0.7624039378106353 -0.39867440839824586 -0.29032944219029144 -0.1618632679722992 -0.007084744818088688 +40521,0.09506908046368533,2,-0.1076907848683308 -0.2052012544554827 -0.29342501265338167 -0.45594246196530447 -0.5132105155323631 -0.5596440724786191 -0.6122687703510556 -0.675727964844277 -0.7283526627167135 -0.7670472935052661 -0.8057419242938189 -0.8305064879984876 -0.8568188369347058 -0.8692011187870402 -0.7624039378106353 -0.39867440839824586 -0.29032944219029144 -0.1618632679722992 -0.007084744818088688 0.043992167822798314 +40522,0.105903577084479,2,-0.2052012544554827 -0.29342501265338167 -0.45594246196530447 -0.5132105155323631 -0.5596440724786191 -0.6122687703510556 -0.675727964844277 -0.7283526627167135 -0.7670472935052661 -0.8057419242938189 -0.8305064879984876 -0.8568188369347058 -0.8692011187870402 -0.7624039378106353 -0.39867440839824586 -0.29032944219029144 -0.1618632679722992 -0.007084744818088688 0.043992167822798314 0.09506908046368533 +40523,0.06566116106438567,2,-0.29342501265338167 -0.45594246196530447 -0.5132105155323631 -0.5596440724786191 -0.6122687703510556 -0.675727964844277 -0.7283526627167135 -0.7670472935052661 -0.8057419242938189 -0.8305064879984876 -0.8568188369347058 -0.8692011187870402 -0.7624039378106353 -0.39867440839824586 -0.29032944219029144 -0.1618632679722992 -0.007084744818088688 0.043992167822798314 0.09506908046368533 0.105903577084479 +40524,0.04708773828587971,2,-0.45594246196530447 -0.5132105155323631 -0.5596440724786191 -0.6122687703510556 -0.675727964844277 -0.7283526627167135 -0.7670472935052661 -0.8057419242938189 -0.8305064879984876 -0.8568188369347058 -0.8692011187870402 -0.7624039378106353 -0.39867440839824586 -0.29032944219029144 -0.1618632679722992 -0.007084744818088688 0.043992167822798314 0.09506908046368533 0.105903577084479 0.06566116106438567 +40525,0.04708773828587971,2,-0.5132105155323631 -0.5596440724786191 -0.6122687703510556 -0.675727964844277 -0.7283526627167135 -0.7670472935052661 -0.8057419242938189 -0.8305064879984876 -0.8568188369347058 -0.8692011187870402 -0.7624039378106353 -0.39867440839824586 -0.29032944219029144 -0.1618632679722992 -0.007084744818088688 0.043992167822798314 0.09506908046368533 0.105903577084479 0.06566116106438567 0.04708773828587971 +40526,-0.056613872227435,2,-0.5596440724786191 -0.6122687703510556 -0.675727964844277 -0.7283526627167135 -0.7670472935052661 -0.8057419242938189 -0.8305064879984876 -0.8568188369347058 -0.8692011187870402 -0.7624039378106353 -0.39867440839824586 -0.29032944219029144 -0.1618632679722992 -0.007084744818088688 0.043992167822798314 0.09506908046368533 0.105903577084479 0.06566116106438567 0.04708773828587971 0.04708773828587971 +40527,-0.20365346922394204,2,-0.6122687703510556 -0.675727964844277 -0.7283526627167135 -0.7670472935052661 -0.8057419242938189 -0.8305064879984876 -0.8568188369347058 -0.8692011187870402 -0.7624039378106353 -0.39867440839824586 -0.29032944219029144 -0.1618632679722992 -0.007084744818088688 0.043992167822798314 0.09506908046368533 0.105903577084479 0.06566116106438567 0.04708773828587971 0.04708773828587971 -0.056613872227435 +40528,-0.324380717284222,2,-0.675727964844277 -0.7283526627167135 -0.7670472935052661 -0.8057419242938189 -0.8305064879984876 -0.8568188369347058 -0.8692011187870402 -0.7624039378106353 -0.39867440839824586 -0.29032944219029144 -0.1618632679722992 -0.007084744818088688 0.043992167822798314 0.09506908046368533 0.105903577084479 0.06566116106438567 0.04708773828587971 0.04708773828587971 -0.056613872227435 -0.20365346922394204 +40529,-0.45284689150221424,2,-0.7283526627167135 -0.7670472935052661 -0.8057419242938189 -0.8305064879984876 -0.8568188369347058 -0.8692011187870402 -0.7624039378106353 -0.39867440839824586 -0.29032944219029144 -0.1618632679722992 -0.007084744818088688 0.043992167822798314 0.09506908046368533 0.105903577084479 0.06566116106438567 0.04708773828587971 0.04708773828587971 -0.056613872227435 -0.20365346922394204 -0.324380717284222 +40530,-0.4822548109015139,2,-0.7670472935052661 -0.8057419242938189 -0.8305064879984876 -0.8568188369347058 -0.8692011187870402 -0.7624039378106353 -0.39867440839824586 -0.29032944219029144 -0.1618632679722992 -0.007084744818088688 0.043992167822798314 0.09506908046368533 0.105903577084479 0.06566116106438567 0.04708773828587971 0.04708773828587971 -0.056613872227435 -0.20365346922394204 -0.324380717284222 -0.45284689150221424 +40531,-0.5085671598377322,2,-0.8057419242938189 -0.8305064879984876 -0.8568188369347058 -0.8692011187870402 -0.7624039378106353 -0.39867440839824586 -0.29032944219029144 -0.1618632679722992 -0.007084744818088688 0.043992167822798314 0.09506908046368533 0.105903577084479 0.06566116106438567 0.04708773828587971 0.04708773828587971 -0.056613872227435 -0.20365346922394204 -0.324380717284222 -0.45284689150221424 -0.4822548109015139 +40532,-0.5611918577101599,2,-0.8305064879984876 -0.8568188369347058 -0.8692011187870402 -0.7624039378106353 -0.39867440839824586 -0.29032944219029144 -0.1618632679722992 -0.007084744818088688 0.043992167822798314 0.09506908046368533 0.105903577084479 0.06566116106438567 0.04708773828587971 0.04708773828587971 -0.056613872227435 -0.20365346922394204 -0.324380717284222 -0.45284689150221424 -0.4822548109015139 -0.5085671598377322 +40533,-0.573574139562503,2,-0.8568188369347058 -0.8692011187870402 -0.7624039378106353 -0.39867440839824586 -0.29032944219029144 -0.1618632679722992 -0.007084744818088688 0.043992167822798314 0.09506908046368533 0.105903577084479 0.06566116106438567 0.04708773828587971 0.04708773828587971 -0.056613872227435 -0.20365346922394204 -0.324380717284222 -0.45284689150221424 -0.4822548109015139 -0.5085671598377322 -0.5611918577101599 +40534,-0.6122687703510556,2,-0.8692011187870402 -0.7624039378106353 -0.39867440839824586 -0.29032944219029144 -0.1618632679722992 -0.007084744818088688 0.043992167822798314 0.09506908046368533 0.105903577084479 0.06566116106438567 0.04708773828587971 0.04708773828587971 -0.056613872227435 -0.20365346922394204 -0.324380717284222 -0.45284689150221424 -0.4822548109015139 -0.5085671598377322 -0.5611918577101599 -0.573574139562503 +40535,-0.6385811192872651,2,-0.7624039378106353 -0.39867440839824586 -0.29032944219029144 -0.1618632679722992 -0.007084744818088688 0.043992167822798314 0.09506908046368533 0.105903577084479 0.06566116106438567 0.04708773828587971 0.04708773828587971 -0.056613872227435 -0.20365346922394204 -0.324380717284222 -0.45284689150221424 -0.4822548109015139 -0.5085671598377322 -0.5611918577101599 -0.573574139562503 -0.6122687703510556 +40536,-0.652511186371149,2,-0.39867440839824586 -0.29032944219029144 -0.1618632679722992 -0.007084744818088688 0.043992167822798314 0.09506908046368533 0.105903577084479 0.06566116106438567 0.04708773828587971 0.04708773828587971 -0.056613872227435 -0.20365346922394204 -0.324380717284222 -0.45284689150221424 -0.4822548109015139 -0.5085671598377322 -0.5611918577101599 -0.573574139562503 -0.6122687703510556 -0.6385811192872651 +40537,-0.6896580319281609,2,-0.29032944219029144 -0.1618632679722992 -0.007084744818088688 0.043992167822798314 0.09506908046368533 0.105903577084479 0.06566116106438567 0.04708773828587971 0.04708773828587971 -0.056613872227435 -0.20365346922394204 -0.324380717284222 -0.45284689150221424 -0.4822548109015139 -0.5085671598377322 -0.5611918577101599 -0.573574139562503 -0.6122687703510556 -0.6385811192872651 -0.652511186371149 +40538,-0.6633456829919426,2,-0.1618632679722992 -0.007084744818088688 0.043992167822798314 0.09506908046368533 0.105903577084479 0.06566116106438567 0.04708773828587971 0.04708773828587971 -0.056613872227435 -0.20365346922394204 -0.324380717284222 -0.45284689150221424 -0.4822548109015139 -0.5085671598377322 -0.5611918577101599 -0.573574139562503 -0.6122687703510556 -0.6385811192872651 -0.652511186371149 -0.6896580319281609 +40539,-0.5844086361832967,2,-0.007084744818088688 0.043992167822798314 0.09506908046368533 0.105903577084479 0.06566116106438567 0.04708773828587971 0.04708773828587971 -0.056613872227435 -0.20365346922394204 -0.324380717284222 -0.45284689150221424 -0.4822548109015139 -0.5085671598377322 -0.5611918577101599 -0.573574139562503 -0.6122687703510556 -0.6385811192872651 -0.652511186371149 -0.6896580319281609 -0.6633456829919426 +40540,-0.45749024719684517,2,0.043992167822798314 0.09506908046368533 0.105903577084479 0.06566116106438567 0.04708773828587971 0.04708773828587971 -0.056613872227435 -0.20365346922394204 -0.324380717284222 -0.45284689150221424 -0.4822548109015139 -0.5085671598377322 -0.5611918577101599 -0.573574139562503 -0.6122687703510556 -0.6385811192872651 -0.652511186371149 -0.6896580319281609 -0.6633456829919426 -0.5844086361832967 +40541,-0.3506930662204403,2,0.09506908046368533 0.105903577084479 0.06566116106438567 0.04708773828587971 0.04708773828587971 -0.056613872227435 -0.20365346922394204 -0.324380717284222 -0.45284689150221424 -0.4822548109015139 -0.5085671598377322 -0.5611918577101599 -0.573574139562503 -0.6122687703510556 -0.6385811192872651 -0.652511186371149 -0.6896580319281609 -0.6633456829919426 -0.5844086361832967 -0.45749024719684517 +40542,-0.17114997936155218,2,0.105903577084479 0.06566116106438567 0.04708773828587971 0.04708773828587971 -0.056613872227435 -0.20365346922394204 -0.324380717284222 -0.45284689150221424 -0.4822548109015139 -0.5085671598377322 -0.5611918577101599 -0.573574139562503 -0.6122687703510556 -0.6385811192872651 -0.652511186371149 -0.6896580319281609 -0.6633456829919426 -0.5844086361832967 -0.45749024719684517 -0.3506930662204403 +40543,-0.13709870426763043,2,0.06566116106438567 0.04708773828587971 0.04708773828587971 -0.056613872227435 -0.20365346922394204 -0.324380717284222 -0.45284689150221424 -0.4822548109015139 -0.5085671598377322 -0.5611918577101599 -0.573574139562503 -0.6122687703510556 -0.6385811192872651 -0.652511186371149 -0.6896580319281609 -0.6633456829919426 -0.5844086361832967 -0.45749024719684517 -0.3506930662204403 -0.17114997936155218 +40544,-0.07054393931131887,2,0.04708773828587971 0.04708773828587971 -0.056613872227435 -0.20365346922394204 -0.324380717284222 -0.45284689150221424 -0.4822548109015139 -0.5085671598377322 -0.5611918577101599 -0.573574139562503 -0.6122687703510556 -0.6385811192872651 -0.652511186371149 -0.6896580319281609 -0.6633456829919426 -0.5844086361832967 -0.45749024719684517 -0.3506930662204403 -0.17114997936155218 -0.13709870426763043 +40545,0.017679818886580066,2,0.04708773828587971 -0.056613872227435 -0.20365346922394204 -0.324380717284222 -0.45284689150221424 -0.4822548109015139 -0.5085671598377322 -0.5611918577101599 -0.573574139562503 -0.6122687703510556 -0.6385811192872651 -0.652511186371149 -0.6896580319281609 -0.6633456829919426 -0.5844086361832967 -0.45749024719684517 -0.3506930662204403 -0.17114997936155218 -0.13709870426763043 -0.07054393931131887 +40546,0.07649565768517935,2,-0.056613872227435 -0.20365346922394204 -0.324380717284222 -0.45284689150221424 -0.4822548109015139 -0.5085671598377322 -0.5611918577101599 -0.573574139562503 -0.6122687703510556 -0.6385811192872651 -0.652511186371149 -0.6896580319281609 -0.6633456829919426 -0.5844086361832967 -0.45749024719684517 -0.3506930662204403 -0.17114997936155218 -0.13709870426763043 -0.07054393931131887 0.017679818886580066 +40547,0.11364250324219129,2,-0.20365346922394204 -0.324380717284222 -0.45284689150221424 -0.4822548109015139 -0.5085671598377322 -0.5611918577101599 -0.573574139562503 -0.6122687703510556 -0.6385811192872651 -0.652511186371149 -0.6896580319281609 -0.6633456829919426 -0.5844086361832967 -0.45749024719684517 -0.3506930662204403 -0.17114997936155218 -0.13709870426763043 -0.07054393931131887 0.017679818886580066 0.07649565768517935 +40548,0.09816465092677551,2,-0.324380717284222 -0.45284689150221424 -0.4822548109015139 -0.5085671598377322 -0.5611918577101599 -0.573574139562503 -0.6122687703510556 -0.6385811192872651 -0.652511186371149 -0.6896580319281609 -0.6633456829919426 -0.5844086361832967 -0.45749024719684517 -0.3506930662204403 -0.17114997936155218 -0.13709870426763043 -0.07054393931131887 0.017679818886580066 0.07649565768517935 0.11364250324219129 +40549,0.09816465092677551,2,-0.45284689150221424 -0.4822548109015139 -0.5085671598377322 -0.5611918577101599 -0.573574139562503 -0.6122687703510556 -0.6385811192872651 -0.652511186371149 -0.6896580319281609 -0.6633456829919426 -0.5844086361832967 -0.45749024719684517 -0.3506930662204403 -0.17114997936155218 -0.13709870426763043 -0.07054393931131887 0.017679818886580066 0.07649565768517935 0.11364250324219129 0.09816465092677551 +40550,0.06720894629592637,2,-0.4822548109015139 -0.5085671598377322 -0.5611918577101599 -0.573574139562503 -0.6122687703510556 -0.6385811192872651 -0.652511186371149 -0.6896580319281609 -0.6633456829919426 -0.5844086361832967 -0.45749024719684517 -0.3506930662204403 -0.17114997936155218 -0.13709870426763043 -0.07054393931131887 0.017679818886580066 0.07649565768517935 0.11364250324219129 0.09816465092677551 0.09816465092677551 +40551,-0.07673508023748166,2,-0.5085671598377322 -0.5611918577101599 -0.573574139562503 -0.6122687703510556 -0.6385811192872651 -0.652511186371149 -0.6896580319281609 -0.6633456829919426 -0.5844086361832967 -0.45749024719684517 -0.3506930662204403 -0.17114997936155218 -0.13709870426763043 -0.07054393931131887 0.017679818886580066 0.07649565768517935 0.11364250324219129 0.09816465092677551 0.09816465092677551 0.06720894629592637 +40552,-0.23151360339169216,2,-0.5611918577101599 -0.573574139562503 -0.6122687703510556 -0.6385811192872651 -0.652511186371149 -0.6896580319281609 -0.6633456829919426 -0.5844086361832967 -0.45749024719684517 -0.3506930662204403 -0.17114997936155218 -0.13709870426763043 -0.07054393931131887 0.017679818886580066 0.07649565768517935 0.11364250324219129 0.09816465092677551 0.09816465092677551 0.06720894629592637 -0.07673508023748166 +40553,-0.394031052703615,2,-0.573574139562503 -0.6122687703510556 -0.6385811192872651 -0.652511186371149 -0.6896580319281609 -0.6633456829919426 -0.5844086361832967 -0.45749024719684517 -0.3506930662204403 -0.17114997936155218 -0.13709870426763043 -0.07054393931131887 0.017679818886580066 0.07649565768517935 0.11364250324219129 0.09816465092677551 0.09816465092677551 0.06720894629592637 -0.07673508023748166 -0.23151360339169216 +40554,-0.45594246196530447,2,-0.6122687703510556 -0.6385811192872651 -0.652511186371149 -0.6896580319281609 -0.6633456829919426 -0.5844086361832967 -0.45749024719684517 -0.3506930662204403 -0.17114997936155218 -0.13709870426763043 -0.07054393931131887 0.017679818886580066 0.07649565768517935 0.11364250324219129 0.09816465092677551 0.09816465092677551 0.06720894629592637 -0.07673508023748166 -0.23151360339169216 -0.394031052703615 +40555,-0.4435601801129613,2,-0.6385811192872651 -0.652511186371149 -0.6896580319281609 -0.6633456829919426 -0.5844086361832967 -0.45749024719684517 -0.3506930662204403 -0.17114997936155218 -0.13709870426763043 -0.07054393931131887 0.017679818886580066 0.07649565768517935 0.11364250324219129 0.09816465092677551 0.09816465092677551 0.06720894629592637 -0.07673508023748166 -0.23151360339169216 -0.394031052703615 -0.45594246196530447 +40556,-0.45749024719684517,2,-0.652511186371149 -0.6896580319281609 -0.6633456829919426 -0.5844086361832967 -0.45749024719684517 -0.3506930662204403 -0.17114997936155218 -0.13709870426763043 -0.07054393931131887 0.017679818886580066 0.07649565768517935 0.11364250324219129 0.09816465092677551 0.09816465092677551 0.06720894629592637 -0.07673508023748166 -0.23151360339169216 -0.394031052703615 -0.45594246196530447 -0.4435601801129613 +40557,-0.62465105220339,2,-0.6896580319281609 -0.6633456829919426 -0.5844086361832967 -0.45749024719684517 -0.3506930662204403 -0.17114997936155218 -0.13709870426763043 -0.07054393931131887 0.017679818886580066 0.07649565768517935 0.11364250324219129 0.09816465092677551 0.09816465092677551 0.06720894629592637 -0.07673508023748166 -0.23151360339169216 -0.394031052703615 -0.45594246196530447 -0.4435601801129613 -0.45749024719684517 +40558,-0.6633456829919426,2,-0.6633456829919426 -0.5844086361832967 -0.45749024719684517 -0.3506930662204403 -0.17114997936155218 -0.13709870426763043 -0.07054393931131887 0.017679818886580066 0.07649565768517935 0.11364250324219129 0.09816465092677551 0.09816465092677551 0.06720894629592637 -0.07673508023748166 -0.23151360339169216 -0.394031052703615 -0.45594246196530447 -0.4435601801129613 -0.45749024719684517 -0.62465105220339 +40559,-0.7299004479482543,2,-0.5844086361832967 -0.45749024719684517 -0.3506930662204403 -0.17114997936155218 -0.13709870426763043 -0.07054393931131887 0.017679818886580066 0.07649565768517935 0.11364250324219129 0.09816465092677551 0.09816465092677551 0.06720894629592637 -0.07673508023748166 -0.23151360339169216 -0.394031052703615 -0.45594246196530447 -0.4435601801129613 -0.45749024719684517 -0.62465105220339 -0.6633456829919426 +40560,-0.8243153470723248,2,-0.45749024719684517 -0.3506930662204403 -0.17114997936155218 -0.13709870426763043 -0.07054393931131887 0.017679818886580066 0.07649565768517935 0.11364250324219129 0.09816465092677551 0.09816465092677551 0.06720894629592637 -0.07673508023748166 -0.23151360339169216 -0.394031052703615 -0.45594246196530447 -0.4435601801129613 -0.45749024719684517 -0.62465105220339 -0.6633456829919426 -0.7299004479482543 +40561,-0.8490799107769935,2,-0.3506930662204403 -0.17114997936155218 -0.13709870426763043 -0.07054393931131887 0.017679818886580066 0.07649565768517935 0.11364250324219129 0.09816465092677551 0.09816465092677551 0.06720894629592637 -0.07673508023748166 -0.23151360339169216 -0.394031052703615 -0.45594246196530447 -0.4435601801129613 -0.45749024719684517 -0.62465105220339 -0.6633456829919426 -0.7299004479482543 -0.8243153470723248 +40562,-0.9744505145319043,2,-0.17114997936155218 -0.13709870426763043 -0.07054393931131887 0.017679818886580066 0.07649565768517935 0.11364250324219129 0.09816465092677551 0.09816465092677551 0.06720894629592637 -0.07673508023748166 -0.23151360339169216 -0.394031052703615 -0.45594246196530447 -0.4435601801129613 -0.45749024719684517 -0.62465105220339 -0.6633456829919426 -0.7299004479482543 -0.8243153470723248 -0.8490799107769935 +40563,-0.6277466226664714,2,-0.13709870426763043 -0.07054393931131887 0.017679818886580066 0.07649565768517935 0.11364250324219129 0.09816465092677551 0.09816465092677551 0.06720894629592637 -0.07673508023748166 -0.23151360339169216 -0.394031052703615 -0.45594246196530447 -0.4435601801129613 -0.45749024719684517 -0.62465105220339 -0.6633456829919426 -0.7299004479482543 -0.8243153470723248 -0.8490799107769935 -0.9744505145319043 +40564,-0.41879561640829255,2,-0.07054393931131887 0.017679818886580066 0.07649565768517935 0.11364250324219129 0.09816465092677551 0.09816465092677551 0.06720894629592637 -0.07673508023748166 -0.23151360339169216 -0.394031052703615 -0.45594246196530447 -0.4435601801129613 -0.45749024719684517 -0.62465105220339 -0.6633456829919426 -0.7299004479482543 -0.8243153470723248 -0.8490799107769935 -0.9744505145319043 -0.6277466226664714 +40565,-0.12781199287837747,2,0.017679818886580066 0.07649565768517935 0.11364250324219129 0.09816465092677551 0.09816465092677551 0.06720894629592637 -0.07673508023748166 -0.23151360339169216 -0.394031052703615 -0.45594246196530447 -0.4435601801129613 -0.45749024719684517 -0.62465105220339 -0.6633456829919426 -0.7299004479482543 -0.8243153470723248 -0.8490799107769935 -0.9744505145319043 -0.6277466226664714 -0.41879561640829255 +40566,0.1089991475475692,2,0.07649565768517935 0.11364250324219129 0.09816465092677551 0.09816465092677551 0.06720894629592637 -0.07673508023748166 -0.23151360339169216 -0.394031052703615 -0.45594246196530447 -0.4435601801129613 -0.45749024719684517 -0.62465105220339 -0.6633456829919426 -0.7299004479482543 -0.8243153470723248 -0.8490799107769935 -0.9744505145319043 -0.6277466226664714 -0.41879561640829255 -0.12781199287837747 +40567,0.46653753603379583,2,0.11364250324219129 0.09816465092677551 0.09816465092677551 0.06720894629592637 -0.07673508023748166 -0.23151360339169216 -0.394031052703615 -0.45594246196530447 -0.4435601801129613 -0.45749024719684517 -0.62465105220339 -0.6633456829919426 -0.7299004479482543 -0.8243153470723248 -0.8490799107769935 -0.9744505145319043 -0.6277466226664714 -0.41879561640829255 -0.12781199287837747 0.1089991475475692 +40568,0.6213160591880064,2,0.09816465092677551 0.09816465092677551 0.06720894629592637 -0.07673508023748166 -0.23151360339169216 -0.394031052703615 -0.45594246196530447 -0.4435601801129613 -0.45749024719684517 -0.62465105220339 -0.6633456829919426 -0.7299004479482543 -0.8243153470723248 -0.8490799107769935 -0.9744505145319043 -0.6277466226664714 -0.41879561640829255 -0.12781199287837747 0.1089991475475692 0.46653753603379583 +40569,0.7575211595637109,2,0.09816465092677551 0.06720894629592637 -0.07673508023748166 -0.23151360339169216 -0.394031052703615 -0.45594246196530447 -0.4435601801129613 -0.45749024719684517 -0.62465105220339 -0.6633456829919426 -0.7299004479482543 -0.8243153470723248 -0.8490799107769935 -0.9744505145319043 -0.6277466226664714 -0.41879561640829255 -0.12781199287837747 0.1089991475475692 0.46653753603379583 0.6213160591880064 +40570,0.8132414278992288,2,0.06720894629592637 -0.07673508023748166 -0.23151360339169216 -0.394031052703615 -0.45594246196530447 -0.4435601801129613 -0.45749024719684517 -0.62465105220339 -0.6633456829919426 -0.7299004479482543 -0.8243153470723248 -0.8490799107769935 -0.9744505145319043 -0.6277466226664714 -0.41879561640829255 -0.12781199287837747 0.1089991475475692 0.46653753603379583 0.6213160591880064 0.7575211595637109 +40571,0.7931202198891821,2,-0.07673508023748166 -0.23151360339169216 -0.394031052703615 -0.45594246196530447 -0.4435601801129613 -0.45749024719684517 -0.62465105220339 -0.6633456829919426 -0.7299004479482543 -0.8243153470723248 -0.8490799107769935 -0.9744505145319043 -0.6277466226664714 -0.41879561640829255 -0.12781199287837747 0.1089991475475692 0.46653753603379583 0.6213160591880064 0.7575211595637109 0.8132414278992288 +40572,0.841101562066979,2,-0.23151360339169216 -0.394031052703615 -0.45594246196530447 -0.4435601801129613 -0.45749024719684517 -0.62465105220339 -0.6633456829919426 -0.7299004479482543 -0.8243153470723248 -0.8490799107769935 -0.9744505145319043 -0.6277466226664714 -0.41879561640829255 -0.12781199287837747 0.1089991475475692 0.46653753603379583 0.6213160591880064 0.7575211595637109 0.8132414278992288 0.7931202198891821 +40573,0.7946680051207228,2,-0.394031052703615 -0.45594246196530447 -0.4435601801129613 -0.45749024719684517 -0.62465105220339 -0.6633456829919426 -0.7299004479482543 -0.8243153470723248 -0.8490799107769935 -0.9744505145319043 -0.6277466226664714 -0.41879561640829255 -0.12781199287837747 0.1089991475475692 0.46653753603379583 0.6213160591880064 0.7575211595637109 0.8132414278992288 0.7931202198891821 0.841101562066979 +40574,0.6584629047450182,2,-0.45594246196530447 -0.4435601801129613 -0.45749024719684517 -0.62465105220339 -0.6633456829919426 -0.7299004479482543 -0.8243153470723248 -0.8490799107769935 -0.9744505145319043 -0.6277466226664714 -0.41879561640829255 -0.12781199287837747 0.1089991475475692 0.46653753603379583 0.6213160591880064 0.7575211595637109 0.8132414278992288 0.7931202198891821 0.841101562066979 0.7946680051207228 +40575,0.4711808917284179,2,-0.4435601801129613 -0.45749024719684517 -0.62465105220339 -0.6633456829919426 -0.7299004479482543 -0.8243153470723248 -0.8490799107769935 -0.9744505145319043 -0.6277466226664714 -0.41879561640829255 -0.12781199287837747 0.1089991475475692 0.46653753603379583 0.6213160591880064 0.7575211595637109 0.8132414278992288 0.7931202198891821 0.841101562066979 0.7946680051207228 0.6584629047450182 +40576,0.23127418083938986,2,-0.45749024719684517 -0.62465105220339 -0.6633456829919426 -0.7299004479482543 -0.8243153470723248 -0.8490799107769935 -0.9744505145319043 -0.6277466226664714 -0.41879561640829255 -0.12781199287837747 0.1089991475475692 0.46653753603379583 0.6213160591880064 0.7575211595637109 0.8132414278992288 0.7931202198891821 0.841101562066979 0.7946680051207228 0.6584629047450182 0.4711808917284179 +40577,0.07185230199055727,2,-0.62465105220339 -0.6633456829919426 -0.7299004479482543 -0.8243153470723248 -0.8490799107769935 -0.9744505145319043 -0.6277466226664714 -0.41879561640829255 -0.12781199287837747 0.1089991475475692 0.46653753603379583 0.6213160591880064 0.7575211595637109 0.8132414278992288 0.7931202198891821 0.841101562066979 0.7946680051207228 0.6584629047450182 0.4711808917284179 0.23127418083938986 +40578,-0.06590058361668798,2,-0.6633456829919426 -0.7299004479482543 -0.8243153470723248 -0.8490799107769935 -0.9744505145319043 -0.6277466226664714 -0.41879561640829255 -0.12781199287837747 0.1089991475475692 0.46653753603379583 0.6213160591880064 0.7575211595637109 0.8132414278992288 0.7931202198891821 0.841101562066979 0.7946680051207228 0.6584629047450182 0.4711808917284179 0.23127418083938986 0.07185230199055727 +40579,-0.12162085195220587,2,-0.7299004479482543 -0.8243153470723248 -0.8490799107769935 -0.9744505145319043 -0.6277466226664714 -0.41879561640829255 -0.12781199287837747 0.1089991475475692 0.46653753603379583 0.6213160591880064 0.7575211595637109 0.8132414278992288 0.7931202198891821 0.841101562066979 0.7946680051207228 0.6584629047450182 0.4711808917284179 0.23127418083938986 0.07185230199055727 -0.06590058361668798 +40580,-0.15567212704613642,2,-0.8243153470723248 -0.8490799107769935 -0.9744505145319043 -0.6277466226664714 -0.41879561640829255 -0.12781199287837747 0.1089991475475692 0.46653753603379583 0.6213160591880064 0.7575211595637109 0.8132414278992288 0.7931202198891821 0.841101562066979 0.7946680051207228 0.6584629047450182 0.4711808917284179 0.23127418083938986 0.07185230199055727 -0.06590058361668798 -0.12162085195220587 +40581,-0.3708142742304869,2,-0.8490799107769935 -0.9744505145319043 -0.6277466226664714 -0.41879561640829255 -0.12781199287837747 0.1089991475475692 0.46653753603379583 0.6213160591880064 0.7575211595637109 0.8132414278992288 0.7931202198891821 0.841101562066979 0.7946680051207228 0.6584629047450182 0.4711808917284179 0.23127418083938986 0.07185230199055727 -0.06590058361668798 -0.12162085195220587 -0.15567212704613642 +40582,-0.315094005894969,2,-0.9744505145319043 -0.6277466226664714 -0.41879561640829255 -0.12781199287837747 0.1089991475475692 0.46653753603379583 0.6213160591880064 0.7575211595637109 0.8132414278992288 0.7931202198891821 0.841101562066979 0.7946680051207228 0.6584629047450182 0.4711808917284179 0.23127418083938986 0.07185230199055727 -0.06590058361668798 -0.12162085195220587 -0.15567212704613642 -0.3708142742304869 +40583,-0.48999373705922616,2,-0.6277466226664714 -0.41879561640829255 -0.12781199287837747 0.1089991475475692 0.46653753603379583 0.6213160591880064 0.7575211595637109 0.8132414278992288 0.7931202198891821 0.841101562066979 0.7946680051207228 0.6584629047450182 0.4711808917284179 0.23127418083938986 0.07185230199055727 -0.06590058361668798 -0.12162085195220587 -0.15567212704613642 -0.3708142742304869 -0.315094005894969 +40584,-0.5240450121531567,2,-0.41879561640829255 -0.12781199287837747 0.1089991475475692 0.46653753603379583 0.6213160591880064 0.7575211595637109 0.8132414278992288 0.7931202198891821 0.841101562066979 0.7946680051207228 0.6584629047450182 0.4711808917284179 0.23127418083938986 0.07185230199055727 -0.06590058361668798 -0.12162085195220587 -0.15567212704613642 -0.3708142742304869 -0.315094005894969 -0.48999373705922616 +40585,-0.5859564214148374,2,-0.12781199287837747 0.1089991475475692 0.46653753603379583 0.6213160591880064 0.7575211595637109 0.8132414278992288 0.7931202198891821 0.841101562066979 0.7946680051207228 0.6584629047450182 0.4711808917284179 0.23127418083938986 0.07185230199055727 -0.06590058361668798 -0.12162085195220587 -0.15567212704613642 -0.3708142742304869 -0.315094005894969 -0.48999373705922616 -0.5240450121531567 +40586,-0.6385811192872651,2,0.1089991475475692 0.46653753603379583 0.6213160591880064 0.7575211595637109 0.8132414278992288 0.7931202198891821 0.841101562066979 0.7946680051207228 0.6584629047450182 0.4711808917284179 0.23127418083938986 0.07185230199055727 -0.06590058361668798 -0.12162085195220587 -0.15567212704613642 -0.3708142742304869 -0.315094005894969 -0.48999373705922616 -0.5240450121531567 -0.5859564214148374 +40587,-0.29497279788492237,2,0.46653753603379583 0.6213160591880064 0.7575211595637109 0.8132414278992288 0.7931202198891821 0.841101562066979 0.7946680051207228 0.6584629047450182 0.4711808917284179 0.23127418083938986 0.07185230199055727 -0.06590058361668798 -0.12162085195220587 -0.15567212704613642 -0.3708142742304869 -0.315094005894969 -0.48999373705922616 -0.5240450121531567 -0.5859564214148374 -0.6385811192872651 +40588,0.15233713403074392,2,0.6213160591880064 0.7575211595637109 0.8132414278992288 0.7931202198891821 0.841101562066979 0.7946680051207228 0.6584629047450182 0.4711808917284179 0.23127418083938986 0.07185230199055727 -0.06590058361668798 -0.12162085195220587 -0.15567212704613642 -0.3708142742304869 -0.315094005894969 -0.48999373705922616 -0.5240450121531567 -0.5859564214148374 -0.6385811192872651 -0.29497279788492237 +40589,0.6662018309027218,2,0.7575211595637109 0.8132414278992288 0.7931202198891821 0.841101562066979 0.7946680051207228 0.6584629047450182 0.4711808917284179 0.23127418083938986 0.07185230199055727 -0.06590058361668798 -0.12162085195220587 -0.15567212704613642 -0.3708142742304869 -0.315094005894969 -0.48999373705922616 -0.5240450121531567 -0.5859564214148374 -0.6385811192872651 -0.29497279788492237 0.15233713403074392 +40590,1.0748171320298443,2,0.8132414278992288 0.7931202198891821 0.841101562066979 0.7946680051207228 0.6584629047450182 0.4711808917284179 0.23127418083938986 0.07185230199055727 -0.06590058361668798 -0.12162085195220587 -0.15567212704613642 -0.3708142742304869 -0.315094005894969 -0.48999373705922616 -0.5240450121531567 -0.5859564214148374 -0.6385811192872651 -0.29497279788492237 0.15233713403074392 0.6662018309027218 +40591,1.4400944466737744,2,0.7931202198891821 0.841101562066979 0.7946680051207228 0.6584629047450182 0.4711808917284179 0.23127418083938986 0.07185230199055727 -0.06590058361668798 -0.12162085195220587 -0.15567212704613642 -0.3708142742304869 -0.315094005894969 -0.48999373705922616 -0.5240450121531567 -0.5859564214148374 -0.6385811192872651 -0.29497279788492237 0.15233713403074392 0.6662018309027218 1.0748171320298443 +40592,1.469502366073074,2,0.841101562066979 0.7946680051207228 0.6584629047450182 0.4711808917284179 0.23127418083938986 0.07185230199055727 -0.06590058361668798 -0.12162085195220587 -0.15567212704613642 -0.3708142742304869 -0.315094005894969 -0.48999373705922616 -0.5240450121531567 -0.5859564214148374 -0.6385811192872651 -0.29497279788492237 0.15233713403074392 0.6662018309027218 1.0748171320298443 1.4400944466737744 +40593,1.5871340436702814,2,0.7946680051207228 0.6584629047450182 0.4711808917284179 0.23127418083938986 0.07185230199055727 -0.06590058361668798 -0.12162085195220587 -0.15567212704613642 -0.3708142742304869 -0.315094005894969 -0.48999373705922616 -0.5240450121531567 -0.5859564214148374 -0.6385811192872651 -0.29497279788492237 0.15233713403074392 0.6662018309027218 1.0748171320298443 1.4400944466737744 1.469502366073074 +40594,1.5685606208917753,2,0.6584629047450182 0.4711808917284179 0.23127418083938986 0.07185230199055727 -0.06590058361668798 -0.12162085195220587 -0.15567212704613642 -0.3708142742304869 -0.315094005894969 -0.48999373705922616 -0.5240450121531567 -0.5859564214148374 -0.6385811192872651 -0.29497279788492237 0.15233713403074392 0.6662018309027218 1.0748171320298443 1.4400944466737744 1.469502366073074 1.5871340436702814 +40595,1.5484394128817287,2,0.4711808917284179 0.23127418083938986 0.07185230199055727 -0.06590058361668798 -0.12162085195220587 -0.15567212704613642 -0.3708142742304869 -0.315094005894969 -0.48999373705922616 -0.5240450121531567 -0.5859564214148374 -0.6385811192872651 -0.29497279788492237 0.15233713403074392 0.6662018309027218 1.0748171320298443 1.4400944466737744 1.469502366073074 1.5871340436702814 1.5685606208917753 +40596,1.5081969968616267,2,0.23127418083938986 0.07185230199055727 -0.06590058361668798 -0.12162085195220587 -0.15567212704613642 -0.3708142742304869 -0.315094005894969 -0.48999373705922616 -0.5240450121531567 -0.5859564214148374 -0.6385811192872651 -0.29497279788492237 0.15233713403074392 0.6662018309027218 1.0748171320298443 1.4400944466737744 1.469502366073074 1.5871340436702814 1.5685606208917753 1.5484394128817287 +40597,1.3456795475497125,2,0.07185230199055727 -0.06590058361668798 -0.12162085195220587 -0.15567212704613642 -0.3708142742304869 -0.315094005894969 -0.48999373705922616 -0.5240450121531567 -0.5859564214148374 -0.6385811192872651 -0.29497279788492237 0.15233713403074392 0.6662018309027218 1.0748171320298443 1.4400944466737744 1.469502366073074 1.5871340436702814 1.5685606208917753 1.5484394128817287 1.5081969968616267 +40598,1.2481690779625607,2,-0.06590058361668798 -0.12162085195220587 -0.15567212704613642 -0.3708142742304869 -0.315094005894969 -0.48999373705922616 -0.5240450121531567 -0.5859564214148374 -0.6385811192872651 -0.29497279788492237 0.15233713403074392 0.6662018309027218 1.0748171320298443 1.4400944466737744 1.469502366073074 1.5871340436702814 1.5685606208917753 1.5484394128817287 1.5081969968616267 1.3456795475497125 +40599,1.0701737763352133,2,-0.12162085195220587 -0.15567212704613642 -0.3708142742304869 -0.315094005894969 -0.48999373705922616 -0.5240450121531567 -0.5859564214148374 -0.6385811192872651 -0.29497279788492237 0.15233713403074392 0.6662018309027218 1.0748171320298443 1.4400944466737744 1.469502366073074 1.5871340436702814 1.5685606208917753 1.5484394128817287 1.5081969968616267 1.3456795475497125 1.2481690779625607 +40600,0.7699034414160453,2,-0.15567212704613642 -0.3708142742304869 -0.315094005894969 -0.48999373705922616 -0.5240450121531567 -0.5859564214148374 -0.6385811192872651 -0.29497279788492237 0.15233713403074392 0.6662018309027218 1.0748171320298443 1.4400944466737744 1.469502366073074 1.5871340436702814 1.5685606208917753 1.5484394128817287 1.5081969968616267 1.3456795475497125 1.2481690779625607 1.0701737763352133 +40601,0.5671435760840291,2,-0.3708142742304869 -0.315094005894969 -0.48999373705922616 -0.5240450121531567 -0.5859564214148374 -0.6385811192872651 -0.29497279788492237 0.15233713403074392 0.6662018309027218 1.0748171320298443 1.4400944466737744 1.469502366073074 1.5871340436702814 1.5685606208917753 1.5484394128817287 1.5081969968616267 1.3456795475497125 1.2481690779625607 1.0701737763352133 0.7699034414160453 +40602,0.37986156306743757,2,-0.315094005894969 -0.48999373705922616 -0.5240450121531567 -0.5859564214148374 -0.6385811192872651 -0.29497279788492237 0.15233713403074392 0.6662018309027218 1.0748171320298443 1.4400944466737744 1.469502366073074 1.5871340436702814 1.5685606208917753 1.5484394128817287 1.5081969968616267 1.3456795475497125 1.2481690779625607 1.0701737763352133 0.7699034414160453 0.5671435760840291 +40603,0.24829981838635515,2,-0.48999373705922616 -0.5240450121531567 -0.5859564214148374 -0.6385811192872651 -0.29497279788492237 0.15233713403074392 0.6662018309027218 1.0748171320298443 1.4400944466737744 1.469502366073074 1.5871340436702814 1.5685606208917753 1.5484394128817287 1.5081969968616267 1.3456795475497125 1.2481690779625607 1.0701737763352133 0.7699034414160453 0.5671435760840291 0.37986156306743757 +40604,0.16471941588308708,2,-0.5240450121531567 -0.5859564214148374 -0.6385811192872651 -0.29497279788492237 0.15233713403074392 0.6662018309027218 1.0748171320298443 1.4400944466737744 1.469502366073074 1.5871340436702814 1.5685606208917753 1.5484394128817287 1.5081969968616267 1.3456795475497125 1.2481690779625607 1.0701737763352133 0.7699034414160453 0.5671435760840291 0.37986156306743757 0.24829981838635515 +40605,-0.010180315281178881,2,-0.5859564214148374 -0.6385811192872651 -0.29497279788492237 0.15233713403074392 0.6662018309027218 1.0748171320298443 1.4400944466737744 1.469502366073074 1.5871340436702814 1.5685606208917753 1.5484394128817287 1.5081969968616267 1.3456795475497125 1.2481690779625607 1.0701737763352133 0.7699034414160453 0.5671435760840291 0.37986156306743757 0.24829981838635515 0.16471941588308708 +40606,-0.010180315281178881,2,-0.6385811192872651 -0.29497279788492237 0.15233713403074392 0.6662018309027218 1.0748171320298443 1.4400944466737744 1.469502366073074 1.5871340436702814 1.5685606208917753 1.5484394128817287 1.5081969968616267 1.3456795475497125 1.2481690779625607 1.0701737763352133 0.7699034414160453 0.5671435760840291 0.37986156306743757 0.24829981838635515 0.16471941588308708 -0.010180315281178881 +40607,-0.08292622116365325,2,-0.29497279788492237 0.15233713403074392 0.6662018309027218 1.0748171320298443 1.4400944466737744 1.469502366073074 1.5871340436702814 1.5685606208917753 1.5484394128817287 1.5081969968616267 1.3456795475497125 1.2481690779625607 1.0701737763352133 0.7699034414160453 0.5671435760840291 0.37986156306743757 0.24829981838635515 0.16471941588308708 -0.010180315281178881 -0.010180315281178881 +40608,-0.12316863718374657,2,0.15233713403074392 0.6662018309027218 1.0748171320298443 1.4400944466737744 1.469502366073074 1.5871340436702814 1.5685606208917753 1.5484394128817287 1.5081969968616267 1.3456795475497125 1.2481690779625607 1.0701737763352133 0.7699034414160453 0.5671435760840291 0.37986156306743757 0.24829981838635515 0.16471941588308708 -0.010180315281178881 -0.010180315281178881 -0.08292622116365325 +40609,-0.2222268920024392,2,0.6662018309027218 1.0748171320298443 1.4400944466737744 1.469502366073074 1.5871340436702814 1.5685606208917753 1.5484394128817287 1.5081969968616267 1.3456795475497125 1.2481690779625607 1.0701737763352133 0.7699034414160453 0.5671435760840291 0.37986156306743757 0.24829981838635515 0.16471941588308708 -0.010180315281178881 -0.010180315281178881 -0.08292622116365325 -0.12316863718374657 +40610,-0.2500870261701981,2,1.0748171320298443 1.4400944466737744 1.469502366073074 1.5871340436702814 1.5685606208917753 1.5484394128817287 1.5081969968616267 1.3456795475497125 1.2481690779625607 1.0701737763352133 0.7699034414160453 0.5671435760840291 0.37986156306743757 0.24829981838635515 0.16471941588308708 -0.010180315281178881 -0.010180315281178881 -0.08292622116365325 -0.12316863718374657 -0.2222268920024392 +40611,-0.06744836884822868,2,1.4400944466737744 1.469502366073074 1.5871340436702814 1.5685606208917753 1.5484394128817287 1.5081969968616267 1.3456795475497125 1.2481690779625607 1.0701737763352133 0.7699034414160453 0.5671435760840291 0.37986156306743757 0.24829981838635515 0.16471941588308708 -0.010180315281178881 -0.010180315281178881 -0.08292622116365325 -0.12316863718374657 -0.2222268920024392 -0.2500870261701981 +40612,0.5470223680739825,2,1.469502366073074 1.5871340436702814 1.5685606208917753 1.5484394128817287 1.5081969968616267 1.3456795475497125 1.2481690779625607 1.0701737763352133 0.7699034414160453 0.5671435760840291 0.37986156306743757 0.24829981838635515 0.16471941588308708 -0.010180315281178881 -0.010180315281178881 -0.08292622116365325 -0.12316863718374657 -0.2222268920024392 -0.2500870261701981 -0.06744836884822868 +40613,1.006714581841992,2,1.5871340436702814 1.5685606208917753 1.5484394128817287 1.5081969968616267 1.3456795475497125 1.2481690779625607 1.0701737763352133 0.7699034414160453 0.5671435760840291 0.37986156306743757 0.24829981838635515 0.16471941588308708 -0.010180315281178881 -0.010180315281178881 -0.08292622116365325 -0.12316863718374657 -0.2222268920024392 -0.2500870261701981 -0.06744836884822868 0.5470223680739825 +40614,1.5112925673247168,2,1.5685606208917753 1.5484394128817287 1.5081969968616267 1.3456795475497125 1.2481690779625607 1.0701737763352133 0.7699034414160453 0.5671435760840291 0.37986156306743757 0.24829981838635515 0.16471941588308708 -0.010180315281178881 -0.010180315281178881 -0.08292622116365325 -0.12316863718374657 -0.2222268920024392 -0.2500870261701981 -0.06744836884822868 0.5470223680739825 1.006714581841992 +40615,1.8827610228948184,2,1.5484394128817287 1.5081969968616267 1.3456795475497125 1.2481690779625607 1.0701737763352133 0.7699034414160453 0.5671435760840291 0.37986156306743757 0.24829981838635515 0.16471941588308708 -0.010180315281178881 -0.010180315281178881 -0.08292622116365325 -0.12316863718374657 -0.2222268920024392 -0.2500870261701981 -0.06744836884822868 0.5470223680739825 1.006714581841992 1.5112925673247168 +40616,1.995749344797395,2,1.5081969968616267 1.3456795475497125 1.2481690779625607 1.0701737763352133 0.7699034414160453 0.5671435760840291 0.37986156306743757 0.24829981838635515 0.16471941588308708 -0.010180315281178881 -0.010180315281178881 -0.08292622116365325 -0.12316863718374657 -0.2222268920024392 -0.2500870261701981 -0.06744836884822868 0.5470223680739825 1.006714581841992 1.5112925673247168 1.8827610228948184 +40617,2.1412411565623524,2,1.3456795475497125 1.2481690779625607 1.0701737763352133 0.7699034414160453 0.5671435760840291 0.37986156306743757 0.24829981838635515 0.16471941588308708 -0.010180315281178881 -0.010180315281178881 -0.08292622116365325 -0.12316863718374657 -0.2222268920024392 -0.2500870261701981 -0.06744836884822868 0.5470223680739825 1.006714581841992 1.5112925673247168 1.8827610228948184 1.995749344797395 +40618,2.079329747300663,2,1.2481690779625607 1.0701737763352133 0.7699034414160453 0.5671435760840291 0.37986156306743757 0.24829981838635515 0.16471941588308708 -0.010180315281178881 -0.010180315281178881 -0.08292622116365325 -0.12316863718374657 -0.2222268920024392 -0.2500870261701981 -0.06744836884822868 0.5470223680739825 1.006714581841992 1.5112925673247168 1.8827610228948184 1.995749344797395 2.1412411565623524 +40619,2.051469613132913,2,1.0701737763352133 0.7699034414160453 0.5671435760840291 0.37986156306743757 0.24829981838635515 0.16471941588308708 -0.010180315281178881 -0.010180315281178881 -0.08292622116365325 -0.12316863718374657 -0.2222268920024392 -0.2500870261701981 -0.06744836884822868 0.5470223680739825 1.006714581841992 1.5112925673247168 1.8827610228948184 1.995749344797395 2.1412411565623524 2.079329747300663 +40620,1.9477680026195894,2,0.7699034414160453 0.5671435760840291 0.37986156306743757 0.24829981838635515 0.16471941588308708 -0.010180315281178881 -0.010180315281178881 -0.08292622116365325 -0.12316863718374657 -0.2222268920024392 -0.2500870261701981 -0.06744836884822868 0.5470223680739825 1.006714581841992 1.5112925673247168 1.8827610228948184 1.995749344797395 2.1412411565623524 2.079329747300663 2.051469613132913 +40621,1.8672831705794026,2,0.5671435760840291 0.37986156306743757 0.24829981838635515 0.16471941588308708 -0.010180315281178881 -0.010180315281178881 -0.08292622116365325 -0.12316863718374657 -0.2222268920024392 -0.2500870261701981 -0.06744836884822868 0.5470223680739825 1.006714581841992 1.5112925673247168 1.8827610228948184 1.995749344797395 2.1412411565623524 2.079329747300663 2.051469613132913 1.9477680026195894 +40622,1.7511992782137449,2,0.37986156306743757 0.24829981838635515 0.16471941588308708 -0.010180315281178881 -0.010180315281178881 -0.08292622116365325 -0.12316863718374657 -0.2222268920024392 -0.2500870261701981 -0.06744836884822868 0.5470223680739825 1.006714581841992 1.5112925673247168 1.8827610228948184 1.995749344797395 2.1412411565623524 2.079329747300663 2.051469613132913 1.9477680026195894 1.8672831705794026 +40623,1.534509345797845,2,0.24829981838635515 0.16471941588308708 -0.010180315281178881 -0.010180315281178881 -0.08292622116365325 -0.12316863718374657 -0.2222268920024392 -0.2500870261701981 -0.06744836884822868 0.5470223680739825 1.006714581841992 1.5112925673247168 1.8827610228948184 1.995749344797395 2.1412411565623524 2.079329747300663 2.051469613132913 1.9477680026195894 1.8672831705794026 1.7511992782137449 +40624,1.1630408902277432,2,0.16471941588308708 -0.010180315281178881 -0.010180315281178881 -0.08292622116365325 -0.12316863718374657 -0.2222268920024392 -0.2500870261701981 -0.06744836884822868 0.5470223680739825 1.006714581841992 1.5112925673247168 1.8827610228948184 1.995749344797395 2.1412411565623524 2.079329747300663 2.051469613132913 1.9477680026195894 1.8672831705794026 1.7511992782137449 1.534509345797845 +40625,0.9540898839695554,2,-0.010180315281178881 -0.010180315281178881 -0.08292622116365325 -0.12316863718374657 -0.2222268920024392 -0.2500870261701981 -0.06744836884822868 0.5470223680739825 1.006714581841992 1.5112925673247168 1.8827610228948184 1.995749344797395 2.1412411565623524 2.079329747300663 2.051469613132913 1.9477680026195894 1.8672831705794026 1.7511992782137449 1.534509345797845 1.1630408902277432 +40626,0.7064442469228239,2,-0.010180315281178881 -0.08292622116365325 -0.12316863718374657 -0.2222268920024392 -0.2500870261701981 -0.06744836884822868 0.5470223680739825 1.006714581841992 1.5112925673247168 1.8827610228948184 1.995749344797395 2.1412411565623524 2.079329747300663 2.051469613132913 1.9477680026195894 1.8672831705794026 1.7511992782137449 1.534509345797845 1.1630408902277432 0.9540898839695554 +40627,0.5547612942316947,2,-0.08292622116365325 -0.12316863718374657 -0.2222268920024392 -0.2500870261701981 -0.06744836884822868 0.5470223680739825 1.006714581841992 1.5112925673247168 1.8827610228948184 1.995749344797395 2.1412411565623524 2.079329747300663 2.051469613132913 1.9477680026195894 1.8672831705794026 1.7511992782137449 1.534509345797845 1.1630408902277432 0.9540898839695554 0.7064442469228239 +40628,0.38295713353051897,2,-0.12316863718374657 -0.2222268920024392 -0.2500870261701981 -0.06744836884822868 0.5470223680739825 1.006714581841992 1.5112925673247168 1.8827610228948184 1.995749344797395 2.1412411565623524 2.079329747300663 2.051469613132913 1.9477680026195894 1.8672831705794026 1.7511992782137449 1.534509345797845 1.1630408902277432 0.9540898839695554 0.7064442469228239 0.5547612942316947 +40629,0.29163780486953866,2,-0.2222268920024392 -0.2500870261701981 -0.06744836884822868 0.5470223680739825 1.006714581841992 1.5112925673247168 1.8827610228948184 1.995749344797395 2.1412411565623524 2.079329747300663 2.051469613132913 1.9477680026195894 1.8672831705794026 1.7511992782137449 1.534509345797845 1.1630408902277432 0.9540898839695554 0.7064442469228239 0.5547612942316947 0.38295713353051897 +40630,0.2142485432924334,2,-0.2500870261701981 -0.06744836884822868 0.5470223680739825 1.006714581841992 1.5112925673247168 1.8827610228948184 1.995749344797395 2.1412411565623524 2.079329747300663 2.051469613132913 1.9477680026195894 1.8672831705794026 1.7511992782137449 1.534509345797845 1.1630408902277432 0.9540898839695554 0.7064442469228239 0.5547612942316947 0.38295713353051897 0.29163780486953866 +40631,0.14924156356766252,2,-0.06744836884822868 0.5470223680739825 1.006714581841992 1.5112925673247168 1.8827610228948184 1.995749344797395 2.1412411565623524 2.079329747300663 2.051469613132913 1.9477680026195894 1.8672831705794026 1.7511992782137449 1.534509345797845 1.1630408902277432 0.9540898839695554 0.7064442469228239 0.5547612942316947 0.38295713353051897 0.29163780486953866 0.2142485432924334 +40632,0.07494787245363867,2,0.5470223680739825 1.006714581841992 1.5112925673247168 1.8827610228948184 1.995749344797395 2.1412411565623524 2.079329747300663 2.051469613132913 1.9477680026195894 1.8672831705794026 1.7511992782137449 1.534509345797845 1.1630408902277432 0.9540898839695554 0.7064442469228239 0.5547612942316947 0.38295713353051897 0.29163780486953866 0.2142485432924334 0.14924156356766252 +40633,-0.030301523291225544,2,1.006714581841992 1.5112925673247168 1.8827610228948184 1.995749344797395 2.1412411565623524 2.079329747300663 2.051469613132913 1.9477680026195894 1.8672831705794026 1.7511992782137449 1.534509345797845 1.1630408902277432 0.9540898839695554 0.7064442469228239 0.5547612942316947 0.38295713353051897 0.29163780486953866 0.2142485432924334 0.14924156356766252 0.07494787245363867 +40634,-0.09376071778444693,2,1.5112925673247168 1.8827610228948184 1.995749344797395 2.1412411565623524 2.079329747300663 2.051469613132913 1.9477680026195894 1.8672831705794026 1.7511992782137449 1.534509345797845 1.1630408902277432 0.9540898839695554 0.7064442469228239 0.5547612942316947 0.38295713353051897 0.29163780486953866 0.2142485432924334 0.14924156356766252 0.07494787245363867 -0.030301523291225544 +40635,0.05947002013822289,2,1.8827610228948184 1.995749344797395 2.1412411565623524 2.079329747300663 2.051469613132913 1.9477680026195894 1.8672831705794026 1.7511992782137449 1.534509345797845 1.1630408902277432 0.9540898839695554 0.7064442469228239 0.5547612942316947 0.38295713353051897 0.29163780486953866 0.2142485432924334 0.14924156356766252 0.07494787245363867 -0.030301523291225544 -0.09376071778444693 +40636,0.42165176431907164,2,1.995749344797395 2.1412411565623524 2.079329747300663 2.051469613132913 1.9477680026195894 1.8672831705794026 1.7511992782137449 1.534509345797845 1.1630408902277432 0.9540898839695554 0.7064442469228239 0.5547612942316947 0.38295713353051897 0.29163780486953866 0.2142485432924334 0.14924156356766252 0.07494787245363867 -0.030301523291225544 -0.09376071778444693 0.05947002013822289 +40637,0.7404955220167456,2,2.1412411565623524 2.079329747300663 2.051469613132913 1.9477680026195894 1.8672831705794026 1.7511992782137449 1.534509345797845 1.1630408902277432 0.9540898839695554 0.7064442469228239 0.5547612942316947 0.38295713353051897 0.29163780486953866 0.2142485432924334 0.14924156356766252 0.07494787245363867 -0.030301523291225544 -0.09376071778444693 0.05947002013822289 0.42165176431907164 +40638,1.1227984742076498,2,2.079329747300663 2.051469613132913 1.9477680026195894 1.8672831705794026 1.7511992782137449 1.534509345797845 1.1630408902277432 0.9540898839695554 0.7064442469228239 0.5547612942316947 0.38295713353051897 0.29163780486953866 0.2142485432924334 0.14924156356766252 0.07494787245363867 -0.030301523291225544 -0.09376071778444693 0.05947002013822289 0.42165176431907164 0.7404955220167456 +40639,1.460215654683821,2,2.051469613132913 1.9477680026195894 1.8672831705794026 1.7511992782137449 1.534509345797845 1.1630408902277432 0.9540898839695554 0.7064442469228239 0.5547612942316947 0.38295713353051897 0.29163780486953866 0.2142485432924334 0.14924156356766252 0.07494787245363867 -0.030301523291225544 -0.09376071778444693 0.05947002013822289 0.42165176431907164 0.7404955220167456 1.1227984742076498 +40640,1.5964207550595344,2,1.9477680026195894 1.8672831705794026 1.7511992782137449 1.534509345797845 1.1630408902277432 0.9540898839695554 0.7064442469228239 0.5547612942316947 0.38295713353051897 0.29163780486953866 0.2142485432924334 0.14924156356766252 0.07494787245363867 -0.030301523291225544 -0.09376071778444693 0.05947002013822289 0.42165176431907164 0.7404955220167456 1.1227984742076498 1.460215654683821 +40641,1.6970267951097677,2,1.8672831705794026 1.7511992782137449 1.534509345797845 1.1630408902277432 0.9540898839695554 0.7064442469228239 0.5547612942316947 0.38295713353051897 0.29163780486953866 0.2142485432924334 0.14924156356766252 0.07494787245363867 -0.030301523291225544 -0.09376071778444693 0.05947002013822289 0.42165176431907164 0.7404955220167456 1.1227984742076498 1.460215654683821 1.5964207550595344 +40642,1.714052432656733,2,1.7511992782137449 1.534509345797845 1.1630408902277432 0.9540898839695554 0.7064442469228239 0.5547612942316947 0.38295713353051897 0.29163780486953866 0.2142485432924334 0.14924156356766252 0.07494787245363867 -0.030301523291225544 -0.09376071778444693 0.05947002013822289 0.42165176431907164 0.7404955220167456 1.1227984742076498 1.460215654683821 1.5964207550595344 1.6970267951097677 +40643,1.797632835160001,2,1.534509345797845 1.1630408902277432 0.9540898839695554 0.7064442469228239 0.5547612942316947 0.38295713353051897 0.29163780486953866 0.2142485432924334 0.14924156356766252 0.07494787245363867 -0.030301523291225544 -0.09376071778444693 0.05947002013822289 0.42165176431907164 0.7404955220167456 1.1227984742076498 1.460215654683821 1.5964207550595344 1.6970267951097677 1.714052432656733 +40644,1.7217913588144451,2,1.1630408902277432 0.9540898839695554 0.7064442469228239 0.5547612942316947 0.38295713353051897 0.29163780486953866 0.2142485432924334 0.14924156356766252 0.07494787245363867 -0.030301523291225544 -0.09376071778444693 0.05947002013822289 0.42165176431907164 0.7404955220167456 1.1227984742076498 1.460215654683821 1.5964207550595344 1.6970267951097677 1.714052432656733 1.797632835160001 +40645,1.5871340436702814,2,0.9540898839695554 0.7064442469228239 0.5547612942316947 0.38295713353051897 0.29163780486953866 0.2142485432924334 0.14924156356766252 0.07494787245363867 -0.030301523291225544 -0.09376071778444693 0.05947002013822289 0.42165176431907164 0.7404955220167456 1.1227984742076498 1.460215654683821 1.5964207550595344 1.6970267951097677 1.714052432656733 1.797632835160001 1.7217913588144451 +40646,1.3781830374120936,2,0.7064442469228239 0.5547612942316947 0.38295713353051897 0.29163780486953866 0.2142485432924334 0.14924156356766252 0.07494787245363867 -0.030301523291225544 -0.09376071778444693 0.05947002013822289 0.42165176431907164 0.7404955220167456 1.1227984742076498 1.460215654683821 1.5964207550595344 1.6970267951097677 1.714052432656733 1.797632835160001 1.7217913588144451 1.5871340436702814 +40647,1.1429196822176966,2,0.5547612942316947 0.38295713353051897 0.29163780486953866 0.2142485432924334 0.14924156356766252 0.07494787245363867 -0.030301523291225544 -0.09376071778444693 0.05947002013822289 0.42165176431907164 0.7404955220167456 1.1227984742076498 1.460215654683821 1.5964207550595344 1.6970267951097677 1.714052432656733 1.797632835160001 1.7217913588144451 1.5871340436702814 1.3781830374120936 +40648,0.7637123004898737,2,0.38295713353051897 0.29163780486953866 0.2142485432924334 0.14924156356766252 0.07494787245363867 -0.030301523291225544 -0.09376071778444693 0.05947002013822289 0.42165176431907164 0.7404955220167456 1.1227984742076498 1.460215654683821 1.5964207550595344 1.6970267951097677 1.714052432656733 1.797632835160001 1.7217913588144451 1.5871340436702814 1.3781830374120936 1.1429196822176966 +40649,0.5284489452954765,2,0.29163780486953866 0.2142485432924334 0.14924156356766252 0.07494787245363867 -0.030301523291225544 -0.09376071778444693 0.05947002013822289 0.42165176431907164 0.7404955220167456 1.1227984742076498 1.460215654683821 1.5964207550595344 1.6970267951097677 1.714052432656733 1.797632835160001 1.7217913588144451 1.5871340436702814 1.3781830374120936 1.1429196822176966 0.7637123004898737 +40650,0.3334280061211727,2,0.2142485432924334 0.14924156356766252 0.07494787245363867 -0.030301523291225544 -0.09376071778444693 0.05947002013822289 0.42165176431907164 0.7404955220167456 1.1227984742076498 1.460215654683821 1.5964207550595344 1.6970267951097677 1.714052432656733 1.797632835160001 1.7217913588144451 1.5871340436702814 1.3781830374120936 1.1429196822176966 0.7637123004898737 0.5284489452954765 +40651,0.23127418083938986,2,0.14924156356766252 0.07494787245363867 -0.030301523291225544 -0.09376071778444693 0.05947002013822289 0.42165176431907164 0.7404955220167456 1.1227984742076498 1.460215654683821 1.5964207550595344 1.6970267951097677 1.714052432656733 1.797632835160001 1.7217913588144451 1.5871340436702814 1.3781830374120936 1.1429196822176966 0.7637123004898737 0.5284489452954765 0.3334280061211727 +40652,0.15233713403074392,2,0.07494787245363867 -0.030301523291225544 -0.09376071778444693 0.05947002013822289 0.42165176431907164 0.7404955220167456 1.1227984742076498 1.460215654683821 1.5964207550595344 1.6970267951097677 1.714052432656733 1.797632835160001 1.7217913588144451 1.5871340436702814 1.3781830374120936 1.1429196822176966 0.7637123004898737 0.5284489452954765 0.3334280061211727 0.23127418083938986 +40653,-0.025658167596594655,2,-0.030301523291225544 -0.09376071778444693 0.05947002013822289 0.42165176431907164 0.7404955220167456 1.1227984742076498 1.460215654683821 1.5964207550595344 1.6970267951097677 1.714052432656733 1.797632835160001 1.7217913588144451 1.5871340436702814 1.3781830374120936 1.1429196822176966 0.7637123004898737 0.5284489452954765 0.3334280061211727 0.23127418083938986 0.15233713403074392 +40654,-0.10614299963678131,2,-0.09376071778444693 0.05947002013822289 0.42165176431907164 0.7404955220167456 1.1227984742076498 1.460215654683821 1.5964207550595344 1.6970267951097677 1.714052432656733 1.797632835160001 1.7217913588144451 1.5871340436702814 1.3781830374120936 1.1429196822176966 0.7637123004898737 0.5284489452954765 0.3334280061211727 0.23127418083938986 0.15233713403074392 -0.025658167596594655 +40655,-0.09376071778444693,2,0.05947002013822289 0.42165176431907164 0.7404955220167456 1.1227984742076498 1.460215654683821 1.5964207550595344 1.6970267951097677 1.714052432656733 1.797632835160001 1.7217913588144451 1.5871340436702814 1.3781830374120936 1.1429196822176966 0.7637123004898737 0.5284489452954765 0.3334280061211727 0.23127418083938986 0.15233713403074392 -0.025658167596594655 -0.10614299963678131 +40656,-0.26092152279099184,2,0.42165176431907164 0.7404955220167456 1.1227984742076498 1.460215654683821 1.5964207550595344 1.6970267951097677 1.714052432656733 1.797632835160001 1.7217913588144451 1.5871340436702814 1.3781830374120936 1.1429196822176966 0.7637123004898737 0.5284489452954765 0.3334280061211727 0.23127418083938986 0.15233713403074392 -0.025658167596594655 -0.10614299963678131 -0.09376071778444693 +40657,-0.2748515898748757,2,0.7404955220167456 1.1227984742076498 1.460215654683821 1.5964207550595344 1.6970267951097677 1.714052432656733 1.797632835160001 1.7217913588144451 1.5871340436702814 1.3781830374120936 1.1429196822176966 0.7637123004898737 0.5284489452954765 0.3334280061211727 0.23127418083938986 0.15233713403074392 -0.025658167596594655 -0.10614299963678131 -0.09376071778444693 -0.26092152279099184 +40658,-0.2763993751064164,2,1.1227984742076498 1.460215654683821 1.5964207550595344 1.6970267951097677 1.714052432656733 1.797632835160001 1.7217913588144451 1.5871340436702814 1.3781830374120936 1.1429196822176966 0.7637123004898737 0.5284489452954765 0.3334280061211727 0.23127418083938986 0.15233713403074392 -0.025658167596594655 -0.10614299963678131 -0.09376071778444693 -0.26092152279099184 -0.2748515898748757 +40659,-0.18972340214005814,2,1.460215654683821 1.5964207550595344 1.6970267951097677 1.714052432656733 1.797632835160001 1.7217913588144451 1.5871340436702814 1.3781830374120936 1.1429196822176966 0.7637123004898737 0.5284489452954765 0.3334280061211727 0.23127418083938986 0.15233713403074392 -0.025658167596594655 -0.10614299963678131 -0.09376071778444693 -0.26092152279099184 -0.2748515898748757 -0.2763993751064164 +40660,-0.03339709375430694,2,1.5964207550595344 1.6970267951097677 1.714052432656733 1.797632835160001 1.7217913588144451 1.5871340436702814 1.3781830374120936 1.1429196822176966 0.7637123004898737 0.5284489452954765 0.3334280061211727 0.23127418083938986 0.15233713403074392 -0.025658167596594655 -0.10614299963678131 -0.09376071778444693 -0.26092152279099184 -0.2748515898748757 -0.2763993751064164 -0.18972340214005814 +40661,0.30247230149033233,2,1.6970267951097677 1.714052432656733 1.797632835160001 1.7217913588144451 1.5871340436702814 1.3781830374120936 1.1429196822176966 0.7637123004898737 0.5284489452954765 0.3334280061211727 0.23127418083938986 0.15233713403074392 -0.025658167596594655 -0.10614299963678131 -0.09376071778444693 -0.26092152279099184 -0.2748515898748757 -0.2763993751064164 -0.18972340214005814 -0.03339709375430694 +40662,0.6120293477987534,2,1.714052432656733 1.797632835160001 1.7217913588144451 1.5871340436702814 1.3781830374120936 1.1429196822176966 0.7637123004898737 0.5284489452954765 0.3334280061211727 0.23127418083938986 0.15233713403074392 -0.025658167596594655 -0.10614299963678131 -0.09376071778444693 -0.26092152279099184 -0.2748515898748757 -0.2763993751064164 -0.18972340214005814 -0.03339709375430694 0.30247230149033233 +40663,1.0516003535567073,2,1.797632835160001 1.7217913588144451 1.5871340436702814 1.3781830374120936 1.1429196822176966 0.7637123004898737 0.5284489452954765 0.3334280061211727 0.23127418083938986 0.15233713403074392 -0.025658167596594655 -0.10614299963678131 -0.09376071778444693 -0.26092152279099184 -0.2748515898748757 -0.2763993751064164 -0.18972340214005814 -0.03339709375430694 0.30247230149033233 0.6120293477987534 +40664,1.269838071204148,2,1.7217913588144451 1.5871340436702814 1.3781830374120936 1.1429196822176966 0.7637123004898737 0.5284489452954765 0.3334280061211727 0.23127418083938986 0.15233713403074392 -0.025658167596594655 -0.10614299963678131 -0.09376071778444693 -0.26092152279099184 -0.2748515898748757 -0.2763993751064164 -0.18972340214005814 -0.03339709375430694 0.30247230149033233 0.6120293477987534 1.0516003535567073 +40665,1.3085327019927007,2,1.5871340436702814 1.3781830374120936 1.1429196822176966 0.7637123004898737 0.5284489452954765 0.3334280061211727 0.23127418083938986 0.15233713403074392 -0.025658167596594655 -0.10614299963678131 -0.09376071778444693 -0.26092152279099184 -0.2748515898748757 -0.2763993751064164 -0.18972340214005814 -0.03339709375430694 0.30247230149033233 0.6120293477987534 1.0516003535567073 1.269838071204148 +40666,1.3425839770866224,2,1.3781830374120936 1.1429196822176966 0.7637123004898737 0.5284489452954765 0.3334280061211727 0.23127418083938986 0.15233713403074392 -0.025658167596594655 -0.10614299963678131 -0.09376071778444693 -0.26092152279099184 -0.2748515898748757 -0.2763993751064164 -0.18972340214005814 -0.03339709375430694 0.30247230149033233 0.6120293477987534 1.0516003535567073 1.269838071204148 1.3085327019927007 +40667,1.4060431715798525,2,1.1429196822176966 0.7637123004898737 0.5284489452954765 0.3334280061211727 0.23127418083938986 0.15233713403074392 -0.025658167596594655 -0.10614299963678131 -0.09376071778444693 -0.26092152279099184 -0.2748515898748757 -0.2763993751064164 -0.18972340214005814 -0.03339709375430694 0.30247230149033233 0.6120293477987534 1.0516003535567073 1.269838071204148 1.3085327019927007 1.3425839770866224 +40668,1.4741457217677048,2,0.7637123004898737 0.5284489452954765 0.3334280061211727 0.23127418083938986 0.15233713403074392 -0.025658167596594655 -0.10614299963678131 -0.09376071778444693 -0.26092152279099184 -0.2748515898748757 -0.2763993751064164 -0.18972340214005814 -0.03339709375430694 0.30247230149033233 0.6120293477987534 1.0516003535567073 1.269838071204148 1.3085327019927007 1.3425839770866224 1.4060431715798525 +40669,1.3596096146335876,2,0.5284489452954765 0.3334280061211727 0.23127418083938986 0.15233713403074392 -0.025658167596594655 -0.10614299963678131 -0.09376071778444693 -0.26092152279099184 -0.2748515898748757 -0.2763993751064164 -0.18972340214005814 -0.03339709375430694 0.30247230149033233 0.6120293477987534 1.0516003535567073 1.269838071204148 1.3085327019927007 1.3425839770866224 1.4060431715798525 1.4741457217677048 +40670,1.1553019640700308,2,0.3334280061211727 0.23127418083938986 0.15233713403074392 -0.025658167596594655 -0.10614299963678131 -0.09376071778444693 -0.26092152279099184 -0.2748515898748757 -0.2763993751064164 -0.18972340214005814 -0.03339709375430694 0.30247230149033233 0.6120293477987534 1.0516003535567073 1.269838071204148 1.3085327019927007 1.3425839770866224 1.4060431715798525 1.4741457217677048 1.3596096146335876 +40671,0.9215863941071744,2,0.23127418083938986 0.15233713403074392 -0.025658167596594655 -0.10614299963678131 -0.09376071778444693 -0.26092152279099184 -0.2748515898748757 -0.2763993751064164 -0.18972340214005814 -0.03339709375430694 0.30247230149033233 0.6120293477987534 1.0516003535567073 1.269838071204148 1.3085327019927007 1.3425839770866224 1.4060431715798525 1.4741457217677048 1.3596096146335876 1.1553019640700308 +40672,0.5764302874732822,2,0.15233713403074392 -0.025658167596594655 -0.10614299963678131 -0.09376071778444693 -0.26092152279099184 -0.2748515898748757 -0.2763993751064164 -0.18972340214005814 -0.03339709375430694 0.30247230149033233 0.6120293477987534 1.0516003535567073 1.269838071204148 1.3085327019927007 1.3425839770866224 1.4060431715798525 1.4741457217677048 1.3596096146335876 1.1553019640700308 0.9215863941071744 +40673,0.4324862609398653,2,-0.025658167596594655 -0.10614299963678131 -0.09376071778444693 -0.26092152279099184 -0.2748515898748757 -0.2763993751064164 -0.18972340214005814 -0.03339709375430694 0.30247230149033233 0.6120293477987534 1.0516003535567073 1.269838071204148 1.3085327019927007 1.3425839770866224 1.4060431715798525 1.4741457217677048 1.3596096146335876 1.1553019640700308 0.9215863941071744 0.5764302874732822 +40674,0.271516596859492,2,-0.10614299963678131 -0.09376071778444693 -0.26092152279099184 -0.2748515898748757 -0.2763993751064164 -0.18972340214005814 -0.03339709375430694 0.30247230149033233 0.6120293477987534 1.0516003535567073 1.269838071204148 1.3085327019927007 1.3425839770866224 1.4060431715798525 1.4741457217677048 1.3596096146335876 1.1553019640700308 0.9215863941071744 0.5764302874732822 0.4324862609398653 +40675,0.14150263740995023,2,-0.09376071778444693 -0.26092152279099184 -0.2748515898748757 -0.2763993751064164 -0.18972340214005814 -0.03339709375430694 0.30247230149033233 0.6120293477987534 1.0516003535567073 1.269838071204148 1.3085327019927007 1.3425839770866224 1.4060431715798525 1.4741457217677048 1.3596096146335876 1.1553019640700308 0.9215863941071744 0.5764302874732822 0.4324862609398653 0.271516596859492 +40676,0.07649565768517935,2,-0.26092152279099184 -0.2748515898748757 -0.2763993751064164 -0.18972340214005814 -0.03339709375430694 0.30247230149033233 0.6120293477987534 1.0516003535567073 1.269838071204148 1.3085327019927007 1.3425839770866224 1.4060431715798525 1.4741457217677048 1.3596096146335876 1.1553019640700308 0.9215863941071744 0.5764302874732822 0.4324862609398653 0.271516596859492 0.14150263740995023 +40677,-0.10459521440524061,2,-0.2748515898748757 -0.2763993751064164 -0.18972340214005814 -0.03339709375430694 0.30247230149033233 0.6120293477987534 1.0516003535567073 1.269838071204148 1.3085327019927007 1.3425839770866224 1.4060431715798525 1.4741457217677048 1.3596096146335876 1.1553019640700308 0.9215863941071744 0.5764302874732822 0.4324862609398653 0.271516596859492 0.14150263740995023 0.07649565768517935 +40678,-0.051970516532812906,2,-0.2763993751064164 -0.18972340214005814 -0.03339709375430694 0.30247230149033233 0.6120293477987534 1.0516003535567073 1.269838071204148 1.3085327019927007 1.3425839770866224 1.4060431715798525 1.4741457217677048 1.3596096146335876 1.1553019640700308 0.9215863941071744 0.5764302874732822 0.4324862609398653 0.271516596859492 0.14150263740995023 0.07649565768517935 -0.10459521440524061 +40679,-0.17579333505618308,2,-0.18972340214005814 -0.03339709375430694 0.30247230149033233 0.6120293477987534 1.0516003535567073 1.269838071204148 1.3085327019927007 1.3425839770866224 1.4060431715798525 1.4741457217677048 1.3596096146335876 1.1553019640700308 0.9215863941071744 0.5764302874732822 0.4324862609398653 0.271516596859492 0.14150263740995023 0.07649565768517935 -0.10459521440524061 -0.051970516532812906 +40680,-0.23306138862324166,2,-0.03339709375430694 0.30247230149033233 0.6120293477987534 1.0516003535567073 1.269838071204148 1.3085327019927007 1.3425839770866224 1.4060431715798525 1.4741457217677048 1.3596096146335876 1.1553019640700308 0.9215863941071744 0.5764302874732822 0.4324862609398653 0.271516596859492 0.14150263740995023 0.07649565768517935 -0.10459521440524061 -0.051970516532812906 -0.17579333505618308 +40681,-0.20365346922394204,2,0.30247230149033233 0.6120293477987534 1.0516003535567073 1.269838071204148 1.3085327019927007 1.3425839770866224 1.4060431715798525 1.4741457217677048 1.3596096146335876 1.1553019640700308 0.9215863941071744 0.5764302874732822 0.4324862609398653 0.271516596859492 0.14150263740995023 0.07649565768517935 -0.10459521440524061 -0.051970516532812906 -0.17579333505618308 -0.23306138862324166 +40682,-0.2748515898748757,2,0.6120293477987534 1.0516003535567073 1.269838071204148 1.3085327019927007 1.3425839770866224 1.4060431715798525 1.4741457217677048 1.3596096146335876 1.1553019640700308 0.9215863941071744 0.5764302874732822 0.4324862609398653 0.271516596859492 0.14150263740995023 0.07649565768517935 -0.10459521440524061 -0.051970516532812906 -0.17579333505618308 -0.23306138862324166 -0.20365346922394204 +40683,-0.10614299963678131,2,1.0516003535567073 1.269838071204148 1.3085327019927007 1.3425839770866224 1.4060431715798525 1.4741457217677048 1.3596096146335876 1.1553019640700308 0.9215863941071744 0.5764302874732822 0.4324862609398653 0.271516596859492 0.14150263740995023 0.07649565768517935 -0.10459521440524061 -0.051970516532812906 -0.17579333505618308 -0.23306138862324166 -0.20365346922394204 -0.2748515898748757 +40684,0.04708773828587971,2,1.269838071204148 1.3085327019927007 1.3425839770866224 1.4060431715798525 1.4741457217677048 1.3596096146335876 1.1553019640700308 0.9215863941071744 0.5764302874732822 0.4324862609398653 0.271516596859492 0.14150263740995023 0.07649565768517935 -0.10459521440524061 -0.051970516532812906 -0.17579333505618308 -0.23306138862324166 -0.20365346922394204 -0.2748515898748757 -0.10614299963678131 +40685,0.5021365963592582,2,1.3085327019927007 1.3425839770866224 1.4060431715798525 1.4741457217677048 1.3596096146335876 1.1553019640700308 0.9215863941071744 0.5764302874732822 0.4324862609398653 0.271516596859492 0.14150263740995023 0.07649565768517935 -0.10459521440524061 -0.051970516532812906 -0.17579333505618308 -0.23306138862324166 -0.20365346922394204 -0.2748515898748757 -0.10614299963678131 0.04708773828587971 +40686,1.020644648925867,2,1.3425839770866224 1.4060431715798525 1.4741457217677048 1.3596096146335876 1.1553019640700308 0.9215863941071744 0.5764302874732822 0.4324862609398653 0.271516596859492 0.14150263740995023 0.07649565768517935 -0.10459521440524061 -0.051970516532812906 -0.17579333505618308 -0.23306138862324166 -0.20365346922394204 -0.2748515898748757 -0.10614299963678131 0.04708773828587971 0.5021365963592582 +40687,1.1645886754592838,2,1.4060431715798525 1.4741457217677048 1.3596096146335876 1.1553019640700308 0.9215863941071744 0.5764302874732822 0.4324862609398653 0.271516596859492 0.14150263740995023 0.07649565768517935 -0.10459521440524061 -0.051970516532812906 -0.17579333505618308 -0.23306138862324166 -0.20365346922394204 -0.2748515898748757 -0.10614299963678131 0.04708773828587971 0.5021365963592582 1.020644648925867 +40688,1.2265000847209646,2,1.4741457217677048 1.3596096146335876 1.1553019640700308 0.9215863941071744 0.5764302874732822 0.4324862609398653 0.271516596859492 0.14150263740995023 0.07649565768517935 -0.10459521440524061 -0.051970516532812906 -0.17579333505618308 -0.23306138862324166 -0.20365346922394204 -0.2748515898748757 -0.10614299963678131 0.04708773828587971 0.5021365963592582 1.020644648925867 1.1645886754592838 +40689,1.2172133733317116,2,1.3596096146335876 1.1553019640700308 0.9215863941071744 0.5764302874732822 0.4324862609398653 0.271516596859492 0.14150263740995023 0.07649565768517935 -0.10459521440524061 -0.051970516532812906 -0.17579333505618308 -0.23306138862324166 -0.20365346922394204 -0.2748515898748757 -0.10614299963678131 0.04708773828587971 0.5021365963592582 1.020644648925867 1.1645886754592838 1.2265000847209646 +40690,1.2249522994894237,2,1.1553019640700308 0.9215863941071744 0.5764302874732822 0.4324862609398653 0.271516596859492 0.14150263740995023 0.07649565768517935 -0.10459521440524061 -0.051970516532812906 -0.17579333505618308 -0.23306138862324166 -0.20365346922394204 -0.2748515898748757 -0.10614299963678131 0.04708773828587971 0.5021365963592582 1.020644648925867 1.1645886754592838 1.2265000847209646 1.2172133733317116 +40691,1.2497168631941014,2,0.9215863941071744 0.5764302874732822 0.4324862609398653 0.271516596859492 0.14150263740995023 0.07649565768517935 -0.10459521440524061 -0.051970516532812906 -0.17579333505618308 -0.23306138862324166 -0.20365346922394204 -0.2748515898748757 -0.10614299963678131 0.04708773828587971 0.5021365963592582 1.020644648925867 1.1645886754592838 1.2265000847209646 1.2172133733317116 1.2249522994894237 +40692,1.483432433156958,2,0.5764302874732822 0.4324862609398653 0.271516596859492 0.14150263740995023 0.07649565768517935 -0.10459521440524061 -0.051970516532812906 -0.17579333505618308 -0.23306138862324166 -0.20365346922394204 -0.2748515898748757 -0.10614299963678131 0.04708773828587971 0.5021365963592582 1.020644648925867 1.1645886754592838 1.2265000847209646 1.2172133733317116 1.2249522994894237 1.2497168631941014 +40693,1.4106865272744746,2,0.4324862609398653 0.271516596859492 0.14150263740995023 0.07649565768517935 -0.10459521440524061 -0.051970516532812906 -0.17579333505618308 -0.23306138862324166 -0.20365346922394204 -0.2748515898748757 -0.10614299963678131 0.04708773828587971 0.5021365963592582 1.020644648925867 1.1645886754592838 1.2265000847209646 1.2172133733317116 1.2249522994894237 1.2497168631941014 1.483432433156958 +40694,1.1351807560599843,2,0.271516596859492 0.14150263740995023 0.07649565768517935 -0.10459521440524061 -0.051970516532812906 -0.17579333505618308 -0.23306138862324166 -0.20365346922394204 -0.2748515898748757 -0.10614299963678131 0.04708773828587971 0.5021365963592582 1.020644648925867 1.1645886754592838 1.2265000847209646 1.2172133733317116 1.2249522994894237 1.2497168631941014 1.483432433156958 1.4106865272744746 +40695,0.8441971325300691,2,0.14150263740995023 0.07649565768517935 -0.10459521440524061 -0.051970516532812906 -0.17579333505618308 -0.23306138862324166 -0.20365346922394204 -0.2748515898748757 -0.10614299963678131 0.04708773828587971 0.5021365963592582 1.020644648925867 1.1645886754592838 1.2265000847209646 1.2172133733317116 1.2249522994894237 1.2497168631941014 1.483432433156958 1.4106865272744746 1.1351807560599843 +40696,0.5067799520538891,2,0.07649565768517935 -0.10459521440524061 -0.051970516532812906 -0.17579333505618308 -0.23306138862324166 -0.20365346922394204 -0.2748515898748757 -0.10614299963678131 0.04708773828587971 0.5021365963592582 1.020644648925867 1.1645886754592838 1.2265000847209646 1.2172133733317116 1.2249522994894237 1.2497168631941014 1.483432433156958 1.4106865272744746 1.1351807560599843 0.8441971325300691 +40697,0.15852827495691552,2,-0.10459521440524061 -0.051970516532812906 -0.17579333505618308 -0.23306138862324166 -0.20365346922394204 -0.2748515898748757 -0.10614299963678131 0.04708773828587971 0.5021365963592582 1.020644648925867 1.1645886754592838 1.2265000847209646 1.2172133733317116 1.2249522994894237 1.2497168631941014 1.483432433156958 1.4106865272744746 1.1351807560599843 0.8441971325300691 0.5067799520538891 +40698,0.02541874504429235,2,-0.051970516532812906 -0.17579333505618308 -0.23306138862324166 -0.20365346922394204 -0.2748515898748757 -0.10614299963678131 0.04708773828587971 0.5021365963592582 1.020644648925867 1.1645886754592838 1.2265000847209646 1.2172133733317116 1.2249522994894237 1.2497168631941014 1.483432433156958 1.4106865272744746 1.1351807560599843 0.8441971325300691 0.5067799520538891 0.15852827495691552 +40699,-0.007084744818088688,2,-0.17579333505618308 -0.23306138862324166 -0.20365346922394204 -0.2748515898748757 -0.10614299963678131 0.04708773828587971 0.5021365963592582 1.020644648925867 1.1645886754592838 1.2265000847209646 1.2172133733317116 1.2249522994894237 1.2497168631941014 1.483432433156958 1.4106865272744746 1.1351807560599843 0.8441971325300691 0.5067799520538891 0.15852827495691552 0.02541874504429235 +40700,-0.07673508023748166,2,-0.23306138862324166 -0.20365346922394204 -0.2748515898748757 -0.10614299963678131 0.04708773828587971 0.5021365963592582 1.020644648925867 1.1645886754592838 1.2265000847209646 1.2172133733317116 1.2249522994894237 1.2497168631941014 1.483432433156958 1.4106865272744746 1.1351807560599843 0.8441971325300691 0.5067799520538891 0.15852827495691552 0.02541874504429235 -0.007084744818088688 +40701,-0.10459521440524061,2,-0.20365346922394204 -0.2748515898748757 -0.10614299963678131 0.04708773828587971 0.5021365963592582 1.020644648925867 1.1645886754592838 1.2265000847209646 1.2172133733317116 1.2249522994894237 1.2497168631941014 1.483432433156958 1.4106865272744746 1.1351807560599843 0.8441971325300691 0.5067799520538891 0.15852827495691552 0.02541874504429235 -0.007084744818088688 -0.07673508023748166 +40702,-0.15257655658304622,2,-0.2748515898748757 -0.10614299963678131 0.04708773828587971 0.5021365963592582 1.020644648925867 1.1645886754592838 1.2265000847209646 1.2172133733317116 1.2249522994894237 1.2497168631941014 1.483432433156958 1.4106865272744746 1.1351807560599843 0.8441971325300691 0.5067799520538891 0.15852827495691552 0.02541874504429235 -0.007084744818088688 -0.07673508023748166 -0.10459521440524061 +40703,-0.2144879658447357,2,-0.10614299963678131 0.04708773828587971 0.5021365963592582 1.020644648925867 1.1645886754592838 1.2265000847209646 1.2172133733317116 1.2249522994894237 1.2497168631941014 1.483432433156958 1.4106865272744746 1.1351807560599843 0.8441971325300691 0.5067799520538891 0.15852827495691552 0.02541874504429235 -0.007084744818088688 -0.07673508023748166 -0.10459521440524061 -0.15257655658304622 +40704,-0.2175835363078171,2,0.04708773828587971 0.5021365963592582 1.020644648925867 1.1645886754592838 1.2265000847209646 1.2172133733317116 1.2249522994894237 1.2497168631941014 1.483432433156958 1.4106865272744746 1.1351807560599843 0.8441971325300691 0.5067799520538891 0.15852827495691552 0.02541874504429235 -0.007084744818088688 -0.07673508023748166 -0.10459521440524061 -0.15257655658304622 -0.2144879658447357 +40705,-0.36617091853585604,2,0.5021365963592582 1.020644648925867 1.1645886754592838 1.2265000847209646 1.2172133733317116 1.2249522994894237 1.2497168631941014 1.483432433156958 1.4106865272744746 1.1351807560599843 0.8441971325300691 0.5067799520538891 0.15852827495691552 0.02541874504429235 -0.007084744818088688 -0.07673508023748166 -0.10459521440524061 -0.15257655658304622 -0.2144879658447357 -0.2175835363078171 +40706,-0.3305718582103936,2,1.020644648925867 1.1645886754592838 1.2265000847209646 1.2172133733317116 1.2249522994894237 1.2497168631941014 1.483432433156958 1.4106865272744746 1.1351807560599843 0.8441971325300691 0.5067799520538891 0.15852827495691552 0.02541874504429235 -0.007084744818088688 -0.07673508023748166 -0.10459521440524061 -0.15257655658304622 -0.2144879658447357 -0.2175835363078171 -0.36617091853585604 +40707,-0.333667428673475,2,1.1645886754592838 1.2265000847209646 1.2172133733317116 1.2249522994894237 1.2497168631941014 1.483432433156958 1.4106865272744746 1.1351807560599843 0.8441971325300691 0.5067799520538891 0.15852827495691552 0.02541874504429235 -0.007084744818088688 -0.07673508023748166 -0.10459521440524061 -0.15257655658304622 -0.2144879658447357 -0.2175835363078171 -0.36617091853585604 -0.3305718582103936 +40708,-0.29342501265338167,2,1.2265000847209646 1.2172133733317116 1.2249522994894237 1.2497168631941014 1.483432433156958 1.4106865272744746 1.1351807560599843 0.8441971325300691 0.5067799520538891 0.15852827495691552 0.02541874504429235 -0.007084744818088688 -0.07673508023748166 -0.10459521440524061 -0.15257655658304622 -0.2144879658447357 -0.2175835363078171 -0.36617091853585604 -0.3305718582103936 -0.333667428673475 +40709,-0.12781199287837747,2,1.2172133733317116 1.2249522994894237 1.2497168631941014 1.483432433156958 1.4106865272744746 1.1351807560599843 0.8441971325300691 0.5067799520538891 0.15852827495691552 0.02541874504429235 -0.007084744818088688 -0.07673508023748166 -0.10459521440524061 -0.15257655658304622 -0.2144879658447357 -0.2175835363078171 -0.36617091853585604 -0.3305718582103936 -0.333667428673475 -0.29342501265338167 +40710,0.07804344291672885,2,1.2249522994894237 1.2497168631941014 1.483432433156958 1.4106865272744746 1.1351807560599843 0.8441971325300691 0.5067799520538891 0.15852827495691552 0.02541874504429235 -0.007084744818088688 -0.07673508023748166 -0.10459521440524061 -0.15257655658304622 -0.2144879658447357 -0.2175835363078171 -0.36617091853585604 -0.3305718582103936 -0.333667428673475 -0.29342501265338167 -0.12781199287837747 +40711,0.3272368651950011,2,1.2497168631941014 1.483432433156958 1.4106865272744746 1.1351807560599843 0.8441971325300691 0.5067799520538891 0.15852827495691552 0.02541874504429235 -0.007084744818088688 -0.07673508023748166 -0.10459521440524061 -0.15257655658304622 -0.2144879658447357 -0.2175835363078171 -0.36617091853585604 -0.3305718582103936 -0.333667428673475 -0.29342501265338167 -0.12781199287837747 0.07804344291672885 +40712,0.581073643167913,2,1.483432433156958 1.4106865272744746 1.1351807560599843 0.8441971325300691 0.5067799520538891 0.15852827495691552 0.02541874504429235 -0.007084744818088688 -0.07673508023748166 -0.10459521440524061 -0.15257655658304622 -0.2144879658447357 -0.2175835363078171 -0.36617091853585604 -0.3305718582103936 -0.333667428673475 -0.29342501265338167 -0.12781199287837747 0.07804344291672885 0.3272368651950011 +40713,0.7544255891006295,2,1.4106865272744746 1.1351807560599843 0.8441971325300691 0.5067799520538891 0.15852827495691552 0.02541874504429235 -0.007084744818088688 -0.07673508023748166 -0.10459521440524061 -0.15257655658304622 -0.2144879658447357 -0.2175835363078171 -0.36617091853585604 -0.3305718582103936 -0.333667428673475 -0.29342501265338167 -0.12781199287837747 0.07804344291672885 0.3272368651950011 0.581073643167913 +40714,0.8813439780870811,2,1.1351807560599843 0.8441971325300691 0.5067799520538891 0.15852827495691552 0.02541874504429235 -0.007084744818088688 -0.07673508023748166 -0.10459521440524061 -0.15257655658304622 -0.2144879658447357 -0.2175835363078171 -0.36617091853585604 -0.3305718582103936 -0.333667428673475 -0.29342501265338167 -0.12781199287837747 0.07804344291672885 0.3272368651950011 0.581073643167913 0.7544255891006295 +40715,1.0051667966104425,2,0.8441971325300691 0.5067799520538891 0.15852827495691552 0.02541874504429235 -0.007084744818088688 -0.07673508023748166 -0.10459521440524061 -0.15257655658304622 -0.2144879658447357 -0.2175835363078171 -0.36617091853585604 -0.3305718582103936 -0.333667428673475 -0.29342501265338167 -0.12781199287837747 0.07804344291672885 0.3272368651950011 0.581073643167913 0.7544255891006295 0.8813439780870811 +40716,0.8906306894763341,2,0.5067799520538891 0.15852827495691552 0.02541874504429235 -0.007084744818088688 -0.07673508023748166 -0.10459521440524061 -0.15257655658304622 -0.2144879658447357 -0.2175835363078171 -0.36617091853585604 -0.3305718582103936 -0.333667428673475 -0.29342501265338167 -0.12781199287837747 0.07804344291672885 0.3272368651950011 0.581073643167913 0.7544255891006295 0.8813439780870811 1.0051667966104425 +40717,0.7234698844697803,2,0.15852827495691552 0.02541874504429235 -0.007084744818088688 -0.07673508023748166 -0.10459521440524061 -0.15257655658304622 -0.2144879658447357 -0.2175835363078171 -0.36617091853585604 -0.3305718582103936 -0.333667428673475 -0.29342501265338167 -0.12781199287837747 0.07804344291672885 0.3272368651950011 0.581073643167913 0.7544255891006295 0.8813439780870811 1.0051667966104425 0.8906306894763341 +40718,0.424747334782153,2,0.02541874504429235 -0.007084744818088688 -0.07673508023748166 -0.10459521440524061 -0.15257655658304622 -0.2144879658447357 -0.2175835363078171 -0.36617091853585604 -0.3305718582103936 -0.333667428673475 -0.29342501265338167 -0.12781199287837747 0.07804344291672885 0.3272368651950011 0.581073643167913 0.7544255891006295 0.8813439780870811 1.0051667966104425 0.8906306894763341 0.7234698844697803 +40719,0.10126022138985691,2,-0.007084744818088688 -0.07673508023748166 -0.10459521440524061 -0.15257655658304622 -0.2144879658447357 -0.2175835363078171 -0.36617091853585604 -0.3305718582103936 -0.333667428673475 -0.29342501265338167 -0.12781199287837747 0.07804344291672885 0.3272368651950011 0.581073643167913 0.7544255891006295 0.8813439780870811 1.0051667966104425 0.8906306894763341 0.7234698844697803 0.424747334782153 +40720,-0.15567212704613642,2,-0.07673508023748166 -0.10459521440524061 -0.15257655658304622 -0.2144879658447357 -0.2175835363078171 -0.36617091853585604 -0.3305718582103936 -0.333667428673475 -0.29342501265338167 -0.12781199287837747 0.07804344291672885 0.3272368651950011 0.581073643167913 0.7544255891006295 0.8813439780870811 1.0051667966104425 0.8906306894763341 0.7234698844697803 0.424747334782153 0.10126022138985691 +40721,-0.3522408514519809,2,-0.10459521440524061 -0.15257655658304622 -0.2144879658447357 -0.2175835363078171 -0.36617091853585604 -0.3305718582103936 -0.333667428673475 -0.29342501265338167 -0.12781199287837747 0.07804344291672885 0.3272368651950011 0.581073643167913 0.7544255891006295 0.8813439780870811 1.0051667966104425 0.8906306894763341 0.7234698844697803 0.424747334782153 0.10126022138985691 -0.15567212704613642 +40722,-0.3893876970089929,2,-0.15257655658304622 -0.2144879658447357 -0.2175835363078171 -0.36617091853585604 -0.3305718582103936 -0.333667428673475 -0.29342501265338167 -0.12781199287837747 0.07804344291672885 0.3272368651950011 0.581073643167913 0.7544255891006295 0.8813439780870811 1.0051667966104425 0.8906306894763341 0.7234698844697803 0.424747334782153 0.10126022138985691 -0.15567212704613642 -0.3522408514519809 +40723,-0.4311778982606269,2,-0.2144879658447357 -0.2175835363078171 -0.36617091853585604 -0.3305718582103936 -0.333667428673475 -0.29342501265338167 -0.12781199287837747 0.07804344291672885 0.3272368651950011 0.581073643167913 0.7544255891006295 0.8813439780870811 1.0051667966104425 0.8906306894763341 0.7234698844697803 0.424747334782153 0.10126022138985691 -0.15567212704613642 -0.3522408514519809 -0.3893876970089929 +40724,-0.41724783117675185,2,-0.2175835363078171 -0.36617091853585604 -0.3305718582103936 -0.333667428673475 -0.29342501265338167 -0.12781199287837747 0.07804344291672885 0.3272368651950011 0.581073643167913 0.7544255891006295 0.8813439780870811 1.0051667966104425 0.8906306894763341 0.7234698844697803 0.424747334782153 0.10126022138985691 -0.15567212704613642 -0.3522408514519809 -0.3893876970089929 -0.4311778982606269 +40725,-0.40331776409286796,2,-0.36617091853585604 -0.3305718582103936 -0.333667428673475 -0.29342501265338167 -0.12781199287837747 0.07804344291672885 0.3272368651950011 0.581073643167913 0.7544255891006295 0.8813439780870811 1.0051667966104425 0.8906306894763341 0.7234698844697803 0.424747334782153 0.10126022138985691 -0.15567212704613642 -0.3522408514519809 -0.3893876970089929 -0.4311778982606269 -0.41724783117675185 +40726,-0.36152756284123394,2,-0.3305718582103936 -0.333667428673475 -0.29342501265338167 -0.12781199287837747 0.07804344291672885 0.3272368651950011 0.581073643167913 0.7544255891006295 0.8813439780870811 1.0051667966104425 0.8906306894763341 0.7234698844697803 0.424747334782153 0.10126022138985691 -0.15567212704613642 -0.3522408514519809 -0.3893876970089929 -0.4311778982606269 -0.41724783117675185 -0.40331776409286796 +40727,-0.3274762877473034,2,-0.333667428673475 -0.29342501265338167 -0.12781199287837747 0.07804344291672885 0.3272368651950011 0.581073643167913 0.7544255891006295 0.8813439780870811 1.0051667966104425 0.8906306894763341 0.7234698844697803 0.424747334782153 0.10126022138985691 -0.15567212704613642 -0.3522408514519809 -0.3893876970089929 -0.4311778982606269 -0.41724783117675185 -0.40331776409286796 -0.36152756284123394 +40728,-0.36617091853585604,2,-0.29342501265338167 -0.12781199287837747 0.07804344291672885 0.3272368651950011 0.581073643167913 0.7544255891006295 0.8813439780870811 1.0051667966104425 0.8906306894763341 0.7234698844697803 0.424747334782153 0.10126022138985691 -0.15567212704613642 -0.3522408514519809 -0.3893876970089929 -0.4311778982606269 -0.41724783117675185 -0.40331776409286796 -0.36152756284123394 -0.3274762877473034 +40729,-0.3537886366835216,2,-0.12781199287837747 0.07804344291672885 0.3272368651950011 0.581073643167913 0.7544255891006295 0.8813439780870811 1.0051667966104425 0.8906306894763341 0.7234698844697803 0.424747334782153 0.10126022138985691 -0.15567212704613642 -0.3522408514519809 -0.3893876970089929 -0.4311778982606269 -0.41724783117675185 -0.40331776409286796 -0.36152756284123394 -0.3274762877473034 -0.36617091853585604 +40730,-0.33985856959964655,2,0.07804344291672885 0.3272368651950011 0.581073643167913 0.7544255891006295 0.8813439780870811 1.0051667966104425 0.8906306894763341 0.7234698844697803 0.424747334782153 0.10126022138985691 -0.15567212704613642 -0.3522408514519809 -0.3893876970089929 -0.4311778982606269 -0.41724783117675185 -0.40331776409286796 -0.36152756284123394 -0.3274762877473034 -0.36617091853585604 -0.3537886366835216 +40731,-0.28878165695875074,2,0.3272368651950011 0.581073643167913 0.7544255891006295 0.8813439780870811 1.0051667966104425 0.8906306894763341 0.7234698844697803 0.424747334782153 0.10126022138985691 -0.15567212704613642 -0.3522408514519809 -0.3893876970089929 -0.4311778982606269 -0.41724783117675185 -0.40331776409286796 -0.36152756284123394 -0.3274762877473034 -0.36617091853585604 -0.3537886366835216 -0.33985856959964655 +40732,-0.2717560194117943,2,0.581073643167913 0.7544255891006295 0.8813439780870811 1.0051667966104425 0.8906306894763341 0.7234698844697803 0.424747334782153 0.10126022138985691 -0.15567212704613642 -0.3522408514519809 -0.3893876970089929 -0.4311778982606269 -0.41724783117675185 -0.40331776409286796 -0.36152756284123394 -0.3274762877473034 -0.36617091853585604 -0.3537886366835216 -0.33985856959964655 -0.28878165695875074 +40733,-0.18353226121388655,2,0.7544255891006295 0.8813439780870811 1.0051667966104425 0.8906306894763341 0.7234698844697803 0.424747334782153 0.10126022138985691 -0.15567212704613642 -0.3522408514519809 -0.3893876970089929 -0.4311778982606269 -0.41724783117675185 -0.40331776409286796 -0.36152756284123394 -0.3274762877473034 -0.36617091853585604 -0.3537886366835216 -0.33985856959964655 -0.28878165695875074 -0.2717560194117943 +40734,-0.09530850301598763,2,0.8813439780870811 1.0051667966104425 0.8906306894763341 0.7234698844697803 0.424747334782153 0.10126022138985691 -0.15567212704613642 -0.3522408514519809 -0.3893876970089929 -0.4311778982606269 -0.41724783117675185 -0.40331776409286796 -0.36152756284123394 -0.3274762877473034 -0.36617091853585604 -0.3537886366835216 -0.33985856959964655 -0.28878165695875074 -0.2717560194117943 -0.18353226121388655 +40735,-0.02875373805967605,2,1.0051667966104425 0.8906306894763341 0.7234698844697803 0.424747334782153 0.10126022138985691 -0.15567212704613642 -0.3522408514519809 -0.3893876970089929 -0.4311778982606269 -0.41724783117675185 -0.40331776409286796 -0.36152756284123394 -0.3274762877473034 -0.36617091853585604 -0.3537886366835216 -0.33985856959964655 -0.28878165695875074 -0.2717560194117943 -0.18353226121388655 -0.09530850301598763 +40736,0.02696653027583305,2,0.8906306894763341 0.7234698844697803 0.424747334782153 0.10126022138985691 -0.15567212704613642 -0.3522408514519809 -0.3893876970089929 -0.4311778982606269 -0.41724783117675185 -0.40331776409286796 -0.36152756284123394 -0.3274762877473034 -0.36617091853585604 -0.3537886366835216 -0.33985856959964655 -0.28878165695875074 -0.2717560194117943 -0.18353226121388655 -0.09530850301598763 -0.02875373805967605 +40737,0.12447699986298497,2,0.7234698844697803 0.424747334782153 0.10126022138985691 -0.15567212704613642 -0.3522408514519809 -0.3893876970089929 -0.4311778982606269 -0.41724783117675185 -0.40331776409286796 -0.36152756284123394 -0.3274762877473034 -0.36617091853585604 -0.3537886366835216 -0.33985856959964655 -0.28878165695875074 -0.2717560194117943 -0.18353226121388655 -0.09530850301598763 -0.02875373805967605 0.02696653027583305 +40738,0.2111529728293432,2,0.424747334782153 0.10126022138985691 -0.15567212704613642 -0.3522408514519809 -0.3893876970089929 -0.4311778982606269 -0.41724783117675185 -0.40331776409286796 -0.36152756284123394 -0.3274762877473034 -0.36617091853585604 -0.3537886366835216 -0.33985856959964655 -0.28878165695875074 -0.2717560194117943 -0.18353226121388655 -0.09530850301598763 -0.02875373805967605 0.02696653027583305 0.12447699986298497 +40739,0.25758652977560814,2,0.10126022138985691 -0.15567212704613642 -0.3522408514519809 -0.3893876970089929 -0.4311778982606269 -0.41724783117675185 -0.40331776409286796 -0.36152756284123394 -0.3274762877473034 -0.36617091853585604 -0.3537886366835216 -0.33985856959964655 -0.28878165695875074 -0.2717560194117943 -0.18353226121388655 -0.09530850301598763 -0.02875373805967605 0.02696653027583305 0.12447699986298497 0.2111529728293432 +40740,0.3674792812151032,2,-0.15567212704613642 -0.3522408514519809 -0.3893876970089929 -0.4311778982606269 -0.41724783117675185 -0.40331776409286796 -0.36152756284123394 -0.3274762877473034 -0.36617091853585604 -0.3537886366835216 -0.33985856959964655 -0.28878165695875074 -0.2717560194117943 -0.18353226121388655 -0.09530850301598763 -0.02875373805967605 0.02696653027583305 0.12447699986298497 0.2111529728293432 0.25758652977560814 +40741,0.3194979390372976,2,-0.3522408514519809 -0.3893876970089929 -0.4311778982606269 -0.41724783117675185 -0.40331776409286796 -0.36152756284123394 -0.3274762877473034 -0.36617091853585604 -0.3537886366835216 -0.33985856959964655 -0.28878165695875074 -0.2717560194117943 -0.18353226121388655 -0.09530850301598763 -0.02875373805967605 0.02696653027583305 0.12447699986298497 0.2111529728293432 0.25758652977560814 0.3674792812151032 +40742,0.16936277157770918,2,-0.3893876970089929 -0.4311778982606269 -0.41724783117675185 -0.40331776409286796 -0.36152756284123394 -0.3274762877473034 -0.36617091853585604 -0.3537886366835216 -0.33985856959964655 -0.28878165695875074 -0.2717560194117943 -0.18353226121388655 -0.09530850301598763 -0.02875373805967605 0.02696653027583305 0.12447699986298497 0.2111529728293432 0.25758652977560814 0.3674792812151032 0.3194979390372976 +40743,0.03625324166508603,2,-0.4311778982606269 -0.41724783117675185 -0.40331776409286796 -0.36152756284123394 -0.3274762877473034 -0.36617091853585604 -0.3537886366835216 -0.33985856959964655 -0.28878165695875074 -0.2717560194117943 -0.18353226121388655 -0.09530850301598763 -0.02875373805967605 0.02696653027583305 0.12447699986298497 0.2111529728293432 0.25758652977560814 0.3674792812151032 0.3194979390372976 0.16936277157770918 +40744,-0.1587676975092178,2,-0.41724783117675185 -0.40331776409286796 -0.36152756284123394 -0.3274762877473034 -0.36617091853585604 -0.3537886366835216 -0.33985856959964655 -0.28878165695875074 -0.2717560194117943 -0.18353226121388655 -0.09530850301598763 -0.02875373805967605 0.02696653027583305 0.12447699986298497 0.2111529728293432 0.25758652977560814 0.3674792812151032 0.3194979390372976 0.16936277157770918 0.03625324166508603 +40745,-0.2160357510762764,2,-0.40331776409286796 -0.36152756284123394 -0.3274762877473034 -0.36617091853585604 -0.3537886366835216 -0.33985856959964655 -0.28878165695875074 -0.2717560194117943 -0.18353226121388655 -0.09530850301598763 -0.02875373805967605 0.02696653027583305 0.12447699986298497 0.2111529728293432 0.25758652977560814 0.3674792812151032 0.3194979390372976 0.16936277157770918 0.03625324166508603 -0.1587676975092178 +40746,-0.2500870261701981,2,-0.36152756284123394 -0.3274762877473034 -0.36617091853585604 -0.3537886366835216 -0.33985856959964655 -0.28878165695875074 -0.2717560194117943 -0.18353226121388655 -0.09530850301598763 -0.02875373805967605 0.02696653027583305 0.12447699986298497 0.2111529728293432 0.25758652977560814 0.3674792812151032 0.3194979390372976 0.16936277157770918 0.03625324166508603 -0.1587676975092178 -0.2160357510762764 +40747,-0.23925252954940446,2,-0.3274762877473034 -0.36617091853585604 -0.3537886366835216 -0.33985856959964655 -0.28878165695875074 -0.2717560194117943 -0.18353226121388655 -0.09530850301598763 -0.02875373805967605 0.02696653027583305 0.12447699986298497 0.2111529728293432 0.25758652977560814 0.3674792812151032 0.3194979390372976 0.16936277157770918 0.03625324166508603 -0.1587676975092178 -0.2160357510762764 -0.2500870261701981 +40748,-0.264017093254082,2,-0.36617091853585604 -0.3537886366835216 -0.33985856959964655 -0.28878165695875074 -0.2717560194117943 -0.18353226121388655 -0.09530850301598763 -0.02875373805967605 0.02696653027583305 0.12447699986298497 0.2111529728293432 0.25758652977560814 0.3674792812151032 0.3194979390372976 0.16936277157770918 0.03625324166508603 -0.1587676975092178 -0.2160357510762764 -0.2500870261701981 -0.23925252954940446 +40749,-0.2763993751064164,2,-0.3537886366835216 -0.33985856959964655 -0.28878165695875074 -0.2717560194117943 -0.18353226121388655 -0.09530850301598763 -0.02875373805967605 0.02696653027583305 0.12447699986298497 0.2111529728293432 0.25758652977560814 0.3674792812151032 0.3194979390372976 0.16936277157770918 0.03625324166508603 -0.1587676975092178 -0.2160357510762764 -0.2500870261701981 -0.23925252954940446 -0.264017093254082 +40750,-0.2763993751064164,2,-0.33985856959964655 -0.28878165695875074 -0.2717560194117943 -0.18353226121388655 -0.09530850301598763 -0.02875373805967605 0.02696653027583305 0.12447699986298497 0.2111529728293432 0.25758652977560814 0.3674792812151032 0.3194979390372976 0.16936277157770918 0.03625324166508603 -0.1587676975092178 -0.2160357510762764 -0.2500870261701981 -0.23925252954940446 -0.264017093254082 -0.2763993751064164 +40751,-0.29032944219029144,2,-0.28878165695875074 -0.2717560194117943 -0.18353226121388655 -0.09530850301598763 -0.02875373805967605 0.02696653027583305 0.12447699986298497 0.2111529728293432 0.25758652977560814 0.3674792812151032 0.3194979390372976 0.16936277157770918 0.03625324166508603 -0.1587676975092178 -0.2160357510762764 -0.2500870261701981 -0.23925252954940446 -0.264017093254082 -0.2763993751064164 -0.2763993751064164 +40752,-0.30271172404263463,2,-0.2717560194117943 -0.18353226121388655 -0.09530850301598763 -0.02875373805967605 0.02696653027583305 0.12447699986298497 0.2111529728293432 0.25758652977560814 0.3674792812151032 0.3194979390372976 0.16936277157770918 0.03625324166508603 -0.1587676975092178 -0.2160357510762764 -0.2500870261701981 -0.23925252954940446 -0.264017093254082 -0.2763993751064164 -0.2763993751064164 -0.29032944219029144 +40753,-0.30271172404263463,2,-0.18353226121388655 -0.09530850301598763 -0.02875373805967605 0.02696653027583305 0.12447699986298497 0.2111529728293432 0.25758652977560814 0.3674792812151032 0.3194979390372976 0.16936277157770918 0.03625324166508603 -0.1587676975092178 -0.2160357510762764 -0.2500870261701981 -0.23925252954940446 -0.264017093254082 -0.2763993751064164 -0.2763993751064164 -0.29032944219029144 -0.30271172404263463 +40754,-0.30271172404263463,2,-0.09530850301598763 -0.02875373805967605 0.02696653027583305 0.12447699986298497 0.2111529728293432 0.25758652977560814 0.3674792812151032 0.3194979390372976 0.16936277157770918 0.03625324166508603 -0.1587676975092178 -0.2160357510762764 -0.2500870261701981 -0.23925252954940446 -0.264017093254082 -0.2763993751064164 -0.2763993751064164 -0.29032944219029144 -0.30271172404263463 -0.30271172404263463 +40755,-0.264017093254082,2,-0.02875373805967605 0.02696653027583305 0.12447699986298497 0.2111529728293432 0.25758652977560814 0.3674792812151032 0.3194979390372976 0.16936277157770918 0.03625324166508603 -0.1587676975092178 -0.2160357510762764 -0.2500870261701981 -0.23925252954940446 -0.264017093254082 -0.2763993751064164 -0.2763993751064164 -0.29032944219029144 -0.30271172404263463 -0.30271172404263463 -0.30271172404263463 +40756,-0.14019427473071183,2,0.02696653027583305 0.12447699986298497 0.2111529728293432 0.25758652977560814 0.3674792812151032 0.3194979390372976 0.16936277157770918 0.03625324166508603 -0.1587676975092178 -0.2160357510762764 -0.2500870261701981 -0.23925252954940446 -0.264017093254082 -0.2763993751064164 -0.2763993751064164 -0.29032944219029144 -0.30271172404263463 -0.30271172404263463 -0.30271172404263463 -0.264017093254082 +40757,-0.03649266421738833,2,0.12447699986298497 0.2111529728293432 0.25758652977560814 0.3674792812151032 0.3194979390372976 0.16936277157770918 0.03625324166508603 -0.1587676975092178 -0.2160357510762764 -0.2500870261701981 -0.23925252954940446 -0.264017093254082 -0.2763993751064164 -0.2763993751064164 -0.29032944219029144 -0.30271172404263463 -0.30271172404263463 -0.30271172404263463 -0.264017093254082 -0.14019427473071183 +40758,0.09816465092677551,2,0.2111529728293432 0.25758652977560814 0.3674792812151032 0.3194979390372976 0.16936277157770918 0.03625324166508603 -0.1587676975092178 -0.2160357510762764 -0.2500870261701981 -0.23925252954940446 -0.264017093254082 -0.2763993751064164 -0.2763993751064164 -0.29032944219029144 -0.30271172404263463 -0.30271172404263463 -0.30271172404263463 -0.264017093254082 -0.14019427473071183 -0.03649266421738833 +40759,0.23282196607093936,2,0.25758652977560814 0.3674792812151032 0.3194979390372976 0.16936277157770918 0.03625324166508603 -0.1587676975092178 -0.2160357510762764 -0.2500870261701981 -0.23925252954940446 -0.264017093254082 -0.2763993751064164 -0.2763993751064164 -0.29032944219029144 -0.30271172404263463 -0.30271172404263463 -0.30271172404263463 -0.264017093254082 -0.14019427473071183 -0.03649266421738833 0.09816465092677551 +40760,0.34581028797350705,2,0.3674792812151032 0.3194979390372976 0.16936277157770918 0.03625324166508603 -0.1587676975092178 -0.2160357510762764 -0.2500870261701981 -0.23925252954940446 -0.264017093254082 -0.2763993751064164 -0.2763993751064164 -0.29032944219029144 -0.30271172404263463 -0.30271172404263463 -0.30271172404263463 -0.264017093254082 -0.14019427473071183 -0.03649266421738833 0.09816465092677551 0.23282196607093936 +40761,0.4293906904767839,2,0.3194979390372976 0.16936277157770918 0.03625324166508603 -0.1587676975092178 -0.2160357510762764 -0.2500870261701981 -0.23925252954940446 -0.264017093254082 -0.2763993751064164 -0.2763993751064164 -0.29032944219029144 -0.30271172404263463 -0.30271172404263463 -0.30271172404263463 -0.264017093254082 -0.14019427473071183 -0.03649266421738833 0.09816465092677551 0.23282196607093936 0.34581028797350705 +40762,0.5129710929800607,2,0.16936277157770918 0.03625324166508603 -0.1587676975092178 -0.2160357510762764 -0.2500870261701981 -0.23925252954940446 -0.264017093254082 -0.2763993751064164 -0.2763993751064164 -0.29032944219029144 -0.30271172404263463 -0.30271172404263463 -0.30271172404263463 -0.264017093254082 -0.14019427473071183 -0.03649266421738833 0.09816465092677551 0.23282196607093936 0.34581028797350705 0.4293906904767839 +40763,0.49130209973846456,2,0.03625324166508603 -0.1587676975092178 -0.2160357510762764 -0.2500870261701981 -0.23925252954940446 -0.264017093254082 -0.2763993751064164 -0.2763993751064164 -0.29032944219029144 -0.30271172404263463 -0.30271172404263463 -0.30271172404263463 -0.264017093254082 -0.14019427473071183 -0.03649266421738833 0.09816465092677551 0.23282196607093936 0.34581028797350705 0.4293906904767839 0.5129710929800607 +40764,0.5114233077485113,2,-0.1587676975092178 -0.2160357510762764 -0.2500870261701981 -0.23925252954940446 -0.264017093254082 -0.2763993751064164 -0.2763993751064164 -0.29032944219029144 -0.30271172404263463 -0.30271172404263463 -0.30271172404263463 -0.264017093254082 -0.14019427473071183 -0.03649266421738833 0.09816465092677551 0.23282196607093936 0.34581028797350705 0.4293906904767839 0.5129710929800607 0.49130209973846456 +40765,0.4402251870975776,2,-0.2160357510762764 -0.2500870261701981 -0.23925252954940446 -0.264017093254082 -0.2763993751064164 -0.2763993751064164 -0.29032944219029144 -0.30271172404263463 -0.30271172404263463 -0.30271172404263463 -0.264017093254082 -0.14019427473071183 -0.03649266421738833 0.09816465092677551 0.23282196607093936 0.34581028797350705 0.4293906904767839 0.5129710929800607 0.49130209973846456 0.5114233077485113 +40766,0.3102112276480446,2,-0.2500870261701981 -0.23925252954940446 -0.264017093254082 -0.2763993751064164 -0.2763993751064164 -0.29032944219029144 -0.30271172404263463 -0.30271172404263463 -0.30271172404263463 -0.264017093254082 -0.14019427473071183 -0.03649266421738833 0.09816465092677551 0.23282196607093936 0.34581028797350705 0.4293906904767839 0.5129710929800607 0.49130209973846456 0.5114233077485113 0.4402251870975776 +40767,0.13995485217840953,2,-0.23925252954940446 -0.264017093254082 -0.2763993751064164 -0.2763993751064164 -0.29032944219029144 -0.30271172404263463 -0.30271172404263463 -0.30271172404263463 -0.264017093254082 -0.14019427473071183 -0.03649266421738833 0.09816465092677551 0.23282196607093936 0.34581028797350705 0.4293906904767839 0.5129710929800607 0.49130209973846456 0.5114233077485113 0.4402251870975776 0.3102112276480446 +40768,-0.030301523291225544,2,-0.264017093254082 -0.2763993751064164 -0.2763993751064164 -0.29032944219029144 -0.30271172404263463 -0.30271172404263463 -0.30271172404263463 -0.264017093254082 -0.14019427473071183 -0.03649266421738833 0.09816465092677551 0.23282196607093936 0.34581028797350705 0.4293906904767839 0.5129710929800607 0.49130209973846456 0.5114233077485113 0.4402251870975776 0.3102112276480446 0.13995485217840953 +40769,-0.15567212704613642,2,-0.2763993751064164 -0.2763993751064164 -0.29032944219029144 -0.30271172404263463 -0.30271172404263463 -0.30271172404263463 -0.264017093254082 -0.14019427473071183 -0.03649266421738833 0.09816465092677551 0.23282196607093936 0.34581028797350705 0.4293906904767839 0.5129710929800607 0.49130209973846456 0.5114233077485113 0.4402251870975776 0.3102112276480446 0.13995485217840953 -0.030301523291225544 +40770,-0.2253224624655294,2,-0.2763993751064164 -0.29032944219029144 -0.30271172404263463 -0.30271172404263463 -0.30271172404263463 -0.264017093254082 -0.14019427473071183 -0.03649266421738833 0.09816465092677551 0.23282196607093936 0.34581028797350705 0.4293906904767839 0.5129710929800607 0.49130209973846456 0.5114233077485113 0.4402251870975776 0.3102112276480446 0.13995485217840953 -0.030301523291225544 -0.15567212704613642 +40771,-0.2763993751064164,2,-0.29032944219029144 -0.30271172404263463 -0.30271172404263463 -0.30271172404263463 -0.264017093254082 -0.14019427473071183 -0.03649266421738833 0.09816465092677551 0.23282196607093936 0.34581028797350705 0.4293906904767839 0.5129710929800607 0.49130209973846456 0.5114233077485113 0.4402251870975776 0.3102112276480446 0.13995485217840953 -0.030301523291225544 -0.15567212704613642 -0.2253224624655294 +40772,-0.3801009856197399,2,-0.30271172404263463 -0.30271172404263463 -0.30271172404263463 -0.264017093254082 -0.14019427473071183 -0.03649266421738833 0.09816465092677551 0.23282196607093936 0.34581028797350705 0.4293906904767839 0.5129710929800607 0.49130209973846456 0.5114233077485113 0.4402251870975776 0.3102112276480446 0.13995485217840953 -0.030301523291225544 -0.15567212704613642 -0.2253224624655294 -0.2763993751064164 +40773,-0.36617091853585604,2,-0.30271172404263463 -0.30271172404263463 -0.264017093254082 -0.14019427473071183 -0.03649266421738833 0.09816465092677551 0.23282196607093936 0.34581028797350705 0.4293906904767839 0.5129710929800607 0.49130209973846456 0.5114233077485113 0.4402251870975776 0.3102112276480446 0.13995485217840953 -0.030301523291225544 -0.15567212704613642 -0.2253224624655294 -0.2763993751064164 -0.3801009856197399 +40774,-0.4435601801129613,2,-0.30271172404263463 -0.264017093254082 -0.14019427473071183 -0.03649266421738833 0.09816465092677551 0.23282196607093936 0.34581028797350705 0.4293906904767839 0.5129710929800607 0.49130209973846456 0.5114233077485113 0.4402251870975776 0.3102112276480446 0.13995485217840953 -0.030301523291225544 -0.15567212704613642 -0.2253224624655294 -0.2763993751064164 -0.3801009856197399 -0.36617091853585604 +40775,-0.4822548109015139,2,-0.264017093254082 -0.14019427473071183 -0.03649266421738833 0.09816465092677551 0.23282196607093936 0.34581028797350705 0.4293906904767839 0.5129710929800607 0.49130209973846456 0.5114233077485113 0.4402251870975776 0.3102112276480446 0.13995485217840953 -0.030301523291225544 -0.15567212704613642 -0.2253224624655294 -0.2763993751064164 -0.3801009856197399 -0.36617091853585604 -0.4435601801129613 +40776,-0.5085671598377322,2,-0.14019427473071183 -0.03649266421738833 0.09816465092677551 0.23282196607093936 0.34581028797350705 0.4293906904767839 0.5129710929800607 0.49130209973846456 0.5114233077485113 0.4402251870975776 0.3102112276480446 0.13995485217840953 -0.030301523291225544 -0.15567212704613642 -0.2253224624655294 -0.2763993751064164 -0.3801009856197399 -0.36617091853585604 -0.4435601801129613 -0.4822548109015139 +40777,-0.4961848779853978,2,-0.03649266421738833 0.09816465092677551 0.23282196607093936 0.34581028797350705 0.4293906904767839 0.5129710929800607 0.49130209973846456 0.5114233077485113 0.4402251870975776 0.3102112276480446 0.13995485217840953 -0.030301523291225544 -0.15567212704613642 -0.2253224624655294 -0.2763993751064164 -0.3801009856197399 -0.36617091853585604 -0.4435601801129613 -0.4822548109015139 -0.5085671598377322 +40778,-0.5085671598377322,2,0.09816465092677551 0.23282196607093936 0.34581028797350705 0.4293906904767839 0.5129710929800607 0.49130209973846456 0.5114233077485113 0.4402251870975776 0.3102112276480446 0.13995485217840953 -0.030301523291225544 -0.15567212704613642 -0.2253224624655294 -0.2763993751064164 -0.3801009856197399 -0.36617091853585604 -0.4435601801129613 -0.4822548109015139 -0.5085671598377322 -0.4961848779853978 +40779,-0.4760636699753511,2,0.23282196607093936 0.34581028797350705 0.4293906904767839 0.5129710929800607 0.49130209973846456 0.5114233077485113 0.4402251870975776 0.3102112276480446 0.13995485217840953 -0.030301523291225544 -0.15567212704613642 -0.2253224624655294 -0.2763993751064164 -0.3801009856197399 -0.36617091853585604 -0.4435601801129613 -0.4822548109015139 -0.5085671598377322 -0.4961848779853978 -0.5085671598377322 +40780,-0.24234810001249465,2,0.34581028797350705 0.4293906904767839 0.5129710929800607 0.49130209973846456 0.5114233077485113 0.4402251870975776 0.3102112276480446 0.13995485217840953 -0.030301523291225544 -0.15567212704613642 -0.2253224624655294 -0.2763993751064164 -0.3801009856197399 -0.36617091853585604 -0.4435601801129613 -0.4822548109015139 -0.5085671598377322 -0.4961848779853978 -0.5085671598377322 -0.4760636699753511 +40781,-0.04577937560664132,2,0.4293906904767839 0.5129710929800607 0.49130209973846456 0.5114233077485113 0.4402251870975776 0.3102112276480446 0.13995485217840953 -0.030301523291225544 -0.15567212704613642 -0.2253224624655294 -0.2763993751064164 -0.3801009856197399 -0.36617091853585604 -0.4435601801129613 -0.4822548109015139 -0.5085671598377322 -0.4961848779853978 -0.5085671598377322 -0.4760636699753511 -0.24234810001249465 +40782,0.09816465092677551,2,0.5129710929800607 0.49130209973846456 0.5114233077485113 0.4402251870975776 0.3102112276480446 0.13995485217840953 -0.030301523291225544 -0.15567212704613642 -0.2253224624655294 -0.2763993751064164 -0.3801009856197399 -0.36617091853585604 -0.4435601801129613 -0.4822548109015139 -0.5085671598377322 -0.4961848779853978 -0.5085671598377322 -0.4760636699753511 -0.24234810001249465 -0.04577937560664132 +40783,0.2854466639433671,2,0.49130209973846456 0.5114233077485113 0.4402251870975776 0.3102112276480446 0.13995485217840953 -0.030301523291225544 -0.15567212704613642 -0.2253224624655294 -0.2763993751064164 -0.3801009856197399 -0.36617091853585604 -0.4435601801129613 -0.4822548109015139 -0.5085671598377322 -0.4961848779853978 -0.5085671598377322 -0.4760636699753511 -0.24234810001249465 -0.04577937560664132 0.09816465092677551 +40784,0.37831377783589687,2,0.5114233077485113 0.4402251870975776 0.3102112276480446 0.13995485217840953 -0.030301523291225544 -0.15567212704613642 -0.2253224624655294 -0.2763993751064164 -0.3801009856197399 -0.36617091853585604 -0.4435601801129613 -0.4822548109015139 -0.5085671598377322 -0.4961848779853978 -0.5085671598377322 -0.4760636699753511 -0.24234810001249465 -0.04577937560664132 0.09816465092677551 0.2854466639433671 +40785,0.5609524351578663,2,0.4402251870975776 0.3102112276480446 0.13995485217840953 -0.030301523291225544 -0.15567212704613642 -0.2253224624655294 -0.2763993751064164 -0.3801009856197399 -0.36617091853585604 -0.4435601801129613 -0.4822548109015139 -0.5085671598377322 -0.4961848779853978 -0.5085671598377322 -0.4760636699753511 -0.24234810001249465 -0.04577937560664132 0.09816465092677551 0.2854466639433671 0.37831377783589687 +40786,0.6677496161342713,2,0.3102112276480446 0.13995485217840953 -0.030301523291225544 -0.15567212704613642 -0.2253224624655294 -0.2763993751064164 -0.3801009856197399 -0.36617091853585604 -0.4435601801129613 -0.4822548109015139 -0.5085671598377322 -0.4961848779853978 -0.5085671598377322 -0.4760636699753511 -0.24234810001249465 -0.04577937560664132 0.09816465092677551 0.2854466639433671 0.37831377783589687 0.5609524351578663 +40787,0.6584629047450182,2,0.13995485217840953 -0.030301523291225544 -0.15567212704613642 -0.2253224624655294 -0.2763993751064164 -0.3801009856197399 -0.36617091853585604 -0.4435601801129613 -0.4822548109015139 -0.5085671598377322 -0.4961848779853978 -0.5085671598377322 -0.4760636699753511 -0.24234810001249465 -0.04577937560664132 0.09816465092677551 0.2854466639433671 0.37831377783589687 0.5609524351578663 0.6677496161342713 +40788,0.6259594148826284,2,-0.030301523291225544 -0.15567212704613642 -0.2253224624655294 -0.2763993751064164 -0.3801009856197399 -0.36617091853585604 -0.4435601801129613 -0.4822548109015139 -0.5085671598377322 -0.4961848779853978 -0.5085671598377322 -0.4760636699753511 -0.24234810001249465 -0.04577937560664132 0.09816465092677551 0.2854466639433671 0.37831377783589687 0.5609524351578663 0.6677496161342713 0.6584629047450182 +40789,0.5686913613155699,2,-0.15567212704613642 -0.2253224624655294 -0.2763993751064164 -0.3801009856197399 -0.36617091853585604 -0.4435601801129613 -0.4822548109015139 -0.5085671598377322 -0.4961848779853978 -0.5085671598377322 -0.4760636699753511 -0.24234810001249465 -0.04577937560664132 0.09816465092677551 0.2854466639433671 0.37831377783589687 0.5609524351578663 0.6677496161342713 0.6584629047450182 0.6259594148826284 +40790,0.4835631735807611,2,-0.2253224624655294 -0.2763993751064164 -0.3801009856197399 -0.36617091853585604 -0.4435601801129613 -0.4822548109015139 -0.5085671598377322 -0.4961848779853978 -0.5085671598377322 -0.4760636699753511 -0.24234810001249465 -0.04577937560664132 0.09816465092677551 0.2854466639433671 0.37831377783589687 0.5609524351578663 0.6677496161342713 0.6584629047450182 0.6259594148826284 0.5686913613155699 +40791,0.3164023685742074,2,-0.2763993751064164 -0.3801009856197399 -0.36617091853585604 -0.4435601801129613 -0.4822548109015139 -0.5085671598377322 -0.4961848779853978 -0.5085671598377322 -0.4760636699753511 -0.24234810001249465 -0.04577937560664132 0.09816465092677551 0.2854466639433671 0.37831377783589687 0.5609524351578663 0.6677496161342713 0.6584629047450182 0.6259594148826284 0.5686913613155699 0.4835631735807611 +40792,0.06720894629592637,2,-0.3801009856197399 -0.36617091853585604 -0.4435601801129613 -0.4822548109015139 -0.5085671598377322 -0.4961848779853978 -0.5085671598377322 -0.4760636699753511 -0.24234810001249465 -0.04577937560664132 0.09816465092677551 0.2854466639433671 0.37831377783589687 0.5609524351578663 0.6677496161342713 0.6584629047450182 0.6259594148826284 0.5686913613155699 0.4835631735807611 0.3164023685742074 +40793,-0.02256259713351326,2,-0.36617091853585604 -0.4435601801129613 -0.4822548109015139 -0.5085671598377322 -0.4961848779853978 -0.5085671598377322 -0.4760636699753511 -0.24234810001249465 -0.04577937560664132 0.09816465092677551 0.2854466639433671 0.37831377783589687 0.5609524351578663 0.6677496161342713 0.6584629047450182 0.6259594148826284 0.5686913613155699 0.4835631735807611 0.3164023685742074 0.06720894629592637 +40794,-0.14948098611996483,2,-0.4435601801129613 -0.4822548109015139 -0.5085671598377322 -0.4961848779853978 -0.5085671598377322 -0.4760636699753511 -0.24234810001249465 -0.04577937560664132 0.09816465092677551 0.2854466639433671 0.37831377783589687 0.5609524351578663 0.6677496161342713 0.6584629047450182 0.6259594148826284 0.5686913613155699 0.4835631735807611 0.3164023685742074 0.06720894629592637 -0.02256259713351326 +40795,-0.1587676975092178,2,-0.4822548109015139 -0.5085671598377322 -0.4961848779853978 -0.5085671598377322 -0.4760636699753511 -0.24234810001249465 -0.04577937560664132 0.09816465092677551 0.2854466639433671 0.37831377783589687 0.5609524351578663 0.6677496161342713 0.6584629047450182 0.6259594148826284 0.5686913613155699 0.4835631735807611 0.3164023685742074 0.06720894629592637 -0.02256259713351326 -0.14948098611996483 +40796,-0.23770474431786376,2,-0.5085671598377322 -0.4961848779853978 -0.5085671598377322 -0.4760636699753511 -0.24234810001249465 -0.04577937560664132 0.09816465092677551 0.2854466639433671 0.37831377783589687 0.5609524351578663 0.6677496161342713 0.6584629047450182 0.6259594148826284 0.5686913613155699 0.4835631735807611 0.3164023685742074 0.06720894629592637 -0.02256259713351326 -0.14948098611996483 -0.1587676975092178 +40797,-0.3104506502003469,2,-0.4961848779853978 -0.5085671598377322 -0.4760636699753511 -0.24234810001249465 -0.04577937560664132 0.09816465092677551 0.2854466639433671 0.37831377783589687 0.5609524351578663 0.6677496161342713 0.6584629047450182 0.6259594148826284 0.5686913613155699 0.4835631735807611 0.3164023685742074 0.06720894629592637 -0.02256259713351326 -0.14948098611996483 -0.1587676975092178 -0.23770474431786376 +40798,-0.36617091853585604,2,-0.5085671598377322 -0.4760636699753511 -0.24234810001249465 -0.04577937560664132 0.09816465092677551 0.2854466639433671 0.37831377783589687 0.5609524351578663 0.6677496161342713 0.6584629047450182 0.6259594148826284 0.5686913613155699 0.4835631735807611 0.3164023685742074 0.06720894629592637 -0.02256259713351326 -0.14948098611996483 -0.1587676975092178 -0.23770474431786376 -0.3104506502003469 +40799,-0.45284689150221424,2,-0.4760636699753511 -0.24234810001249465 -0.04577937560664132 0.09816465092677551 0.2854466639433671 0.37831377783589687 0.5609524351578663 0.6677496161342713 0.6584629047450182 0.6259594148826284 0.5686913613155699 0.4835631735807611 0.3164023685742074 0.06720894629592637 -0.02256259713351326 -0.14948098611996483 -0.1587676975092178 -0.23770474431786376 -0.3104506502003469 -0.36617091853585604 +40800,-0.5255927973846974,2,-0.24234810001249465 -0.04577937560664132 0.09816465092677551 0.2854466639433671 0.37831377783589687 0.5609524351578663 0.6677496161342713 0.6584629047450182 0.6259594148826284 0.5686913613155699 0.4835631735807611 0.3164023685742074 0.06720894629592637 -0.02256259713351326 -0.14948098611996483 -0.1587676975092178 -0.23770474431786376 -0.3104506502003469 -0.36617091853585604 -0.45284689150221424 +40801,-0.5983387032671718,2,-0.04577937560664132 0.09816465092677551 0.2854466639433671 0.37831377783589687 0.5609524351578663 0.6677496161342713 0.6584629047450182 0.6259594148826284 0.5686913613155699 0.4835631735807611 0.3164023685742074 0.06720894629592637 -0.02256259713351326 -0.14948098611996483 -0.1587676975092178 -0.23770474431786376 -0.3104506502003469 -0.36617091853585604 -0.45284689150221424 -0.5255927973846974 +40802,-0.5983387032671718,2,0.09816465092677551 0.2854466639433671 0.37831377783589687 0.5609524351578663 0.6677496161342713 0.6584629047450182 0.6259594148826284 0.5686913613155699 0.4835631735807611 0.3164023685742074 0.06720894629592637 -0.02256259713351326 -0.14948098611996483 -0.1587676975092178 -0.23770474431786376 -0.3104506502003469 -0.36617091853585604 -0.45284689150221424 -0.5255927973846974 -0.5983387032671718 +40803,-0.4280823277975455,2,0.2854466639433671 0.37831377783589687 0.5609524351578663 0.6677496161342713 0.6584629047450182 0.6259594148826284 0.5686913613155699 0.4835631735807611 0.3164023685742074 0.06720894629592637 -0.02256259713351326 -0.14948098611996483 -0.1587676975092178 -0.23770474431786376 -0.3104506502003469 -0.36617091853585604 -0.45284689150221424 -0.5255927973846974 -0.5983387032671718 -0.5983387032671718 +40804,-0.13709870426763043,2,0.37831377783589687 0.5609524351578663 0.6677496161342713 0.6584629047450182 0.6259594148826284 0.5686913613155699 0.4835631735807611 0.3164023685742074 0.06720894629592637 -0.02256259713351326 -0.14948098611996483 -0.1587676975092178 -0.23770474431786376 -0.3104506502003469 -0.36617091853585604 -0.45284689150221424 -0.5255927973846974 -0.5983387032671718 -0.5983387032671718 -0.4280823277975455 +40805,0.07185230199055727,2,0.5609524351578663 0.6677496161342713 0.6584629047450182 0.6259594148826284 0.5686913613155699 0.4835631735807611 0.3164023685742074 0.06720894629592637 -0.02256259713351326 -0.14948098611996483 -0.1587676975092178 -0.23770474431786376 -0.3104506502003469 -0.36617091853585604 -0.45284689150221424 -0.5255927973846974 -0.5983387032671718 -0.5983387032671718 -0.4280823277975455 -0.13709870426763043 +40806,0.3256890799634604,2,0.6677496161342713 0.6584629047450182 0.6259594148826284 0.5686913613155699 0.4835631735807611 0.3164023685742074 0.06720894629592637 -0.02256259713351326 -0.14948098611996483 -0.1587676975092178 -0.23770474431786376 -0.3104506502003469 -0.36617091853585604 -0.45284689150221424 -0.5255927973846974 -0.5983387032671718 -0.5983387032671718 -0.4280823277975455 -0.13709870426763043 0.07185230199055727 +40807,0.5841692136309944,2,0.6584629047450182 0.6259594148826284 0.5686913613155699 0.4835631735807611 0.3164023685742074 0.06720894629592637 -0.02256259713351326 -0.14948098611996483 -0.1587676975092178 -0.23770474431786376 -0.3104506502003469 -0.36617091853585604 -0.45284689150221424 -0.5255927973846974 -0.5983387032671718 -0.5983387032671718 -0.4280823277975455 -0.13709870426763043 0.07185230199055727 0.3256890799634604 +40808,0.9231341793387151,2,0.6259594148826284 0.5686913613155699 0.4835631735807611 0.3164023685742074 0.06720894629592637 -0.02256259713351326 -0.14948098611996483 -0.1587676975092178 -0.23770474431786376 -0.3104506502003469 -0.36617091853585604 -0.45284689150221424 -0.5255927973846974 -0.5983387032671718 -0.5983387032671718 -0.4280823277975455 -0.13709870426763043 0.07185230199055727 0.3256890799634604 0.5841692136309944 +40809,0.9664721658218898,2,0.5686913613155699 0.4835631735807611 0.3164023685742074 0.06720894629592637 -0.02256259713351326 -0.14948098611996483 -0.1587676975092178 -0.23770474431786376 -0.3104506502003469 -0.36617091853585604 -0.45284689150221424 -0.5255927973846974 -0.5983387032671718 -0.5983387032671718 -0.4280823277975455 -0.13709870426763043 0.07185230199055727 0.3256890799634604 0.5841692136309944 0.9231341793387151 +40810,1.0933905548083502,2,0.4835631735807611 0.3164023685742074 0.06720894629592637 -0.02256259713351326 -0.14948098611996483 -0.1587676975092178 -0.23770474431786376 -0.3104506502003469 -0.36617091853585604 -0.45284689150221424 -0.5255927973846974 -0.5983387032671718 -0.5983387032671718 -0.4280823277975455 -0.13709870426763043 0.07185230199055727 0.3256890799634604 0.5841692136309944 0.9231341793387151 0.9664721658218898 +40811,1.1878054539324119,2,0.3164023685742074 0.06720894629592637 -0.02256259713351326 -0.14948098611996483 -0.1587676975092178 -0.23770474431786376 -0.3104506502003469 -0.36617091853585604 -0.45284689150221424 -0.5255927973846974 -0.5983387032671718 -0.5983387032671718 -0.4280823277975455 -0.13709870426763043 0.07185230199055727 0.3256890799634604 0.5841692136309944 0.9231341793387151 0.9664721658218898 1.0933905548083502 +40812,1.0546959240197975,2,0.06720894629592637 -0.02256259713351326 -0.14948098611996483 -0.1587676975092178 -0.23770474431786376 -0.3104506502003469 -0.36617091853585604 -0.45284689150221424 -0.5255927973846974 -0.5983387032671718 -0.5983387032671718 -0.4280823277975455 -0.13709870426763043 0.07185230199055727 0.3256890799634604 0.5841692136309944 0.9231341793387151 0.9664721658218898 1.0933905548083502 1.1878054539324119 +40813,1.0283835750835792,2,-0.02256259713351326 -0.14948098611996483 -0.1587676975092178 -0.23770474431786376 -0.3104506502003469 -0.36617091853585604 -0.45284689150221424 -0.5255927973846974 -0.5983387032671718 -0.5983387032671718 -0.4280823277975455 -0.13709870426763043 0.07185230199055727 0.3256890799634604 0.5841692136309944 0.9231341793387151 0.9664721658218898 1.0933905548083502 1.1878054539324119 1.0546959240197975 +40814,0.7915724346576326,2,-0.14948098611996483 -0.1587676975092178 -0.23770474431786376 -0.3104506502003469 -0.36617091853585604 -0.45284689150221424 -0.5255927973846974 -0.5983387032671718 -0.5983387032671718 -0.4280823277975455 -0.13709870426763043 0.07185230199055727 0.3256890799634604 0.5841692136309944 0.9231341793387151 0.9664721658218898 1.0933905548083502 1.1878054539324119 1.0546959240197975 1.0283835750835792 +40815,0.5423790123793604,2,-0.1587676975092178 -0.23770474431786376 -0.3104506502003469 -0.36617091853585604 -0.45284689150221424 -0.5255927973846974 -0.5983387032671718 -0.5983387032671718 -0.4280823277975455 -0.13709870426763043 0.07185230199055727 0.3256890799634604 0.5841692136309944 0.9231341793387151 0.9664721658218898 1.0933905548083502 1.1878054539324119 1.0546959240197975 1.0283835750835792 0.7915724346576326 +40816,0.25139538884944534,2,-0.23770474431786376 -0.3104506502003469 -0.36617091853585604 -0.45284689150221424 -0.5255927973846974 -0.5983387032671718 -0.5983387032671718 -0.4280823277975455 -0.13709870426763043 0.07185230199055727 0.3256890799634604 0.5841692136309944 0.9231341793387151 0.9664721658218898 1.0933905548083502 1.1878054539324119 1.0546959240197975 1.0283835750835792 0.7915724346576326 0.5423790123793604 +40817,0.023870959812751655,2,-0.3104506502003469 -0.36617091853585604 -0.45284689150221424 -0.5255927973846974 -0.5983387032671718 -0.5983387032671718 -0.4280823277975455 -0.13709870426763043 0.07185230199055727 0.3256890799634604 0.5841692136309944 0.9231341793387151 0.9664721658218898 1.0933905548083502 1.1878054539324119 1.0546959240197975 1.0283835750835792 0.7915724346576326 0.5423790123793604 0.25139538884944534 +40818,-0.030301523291225544,2,-0.36617091853585604 -0.45284689150221424 -0.5255927973846974 -0.5983387032671718 -0.5983387032671718 -0.4280823277975455 -0.13709870426763043 0.07185230199055727 0.3256890799634604 0.5841692136309944 0.9231341793387151 0.9664721658218898 1.0933905548083502 1.1878054539324119 1.0546959240197975 1.0283835750835792 0.7915724346576326 0.5423790123793604 0.25139538884944534 0.023870959812751655 +40819,-0.12007306672066517,2,-0.45284689150221424 -0.5255927973846974 -0.5983387032671718 -0.5983387032671718 -0.4280823277975455 -0.13709870426763043 0.07185230199055727 0.3256890799634604 0.5841692136309944 0.9231341793387151 0.9664721658218898 1.0933905548083502 1.1878054539324119 1.0546959240197975 1.0283835750835792 0.7915724346576326 0.5423790123793604 0.25139538884944534 0.023870959812751655 -0.030301523291225544 +40820,-0.14483763042533393,2,-0.5255927973846974 -0.5983387032671718 -0.5983387032671718 -0.4280823277975455 -0.13709870426763043 0.07185230199055727 0.3256890799634604 0.5841692136309944 0.9231341793387151 0.9664721658218898 1.0933905548083502 1.1878054539324119 1.0546959240197975 1.0283835750835792 0.7915724346576326 0.5423790123793604 0.25139538884944534 0.023870959812751655 -0.030301523291225544 -0.12007306672066517 +40821,-0.18508004644543605,2,-0.5983387032671718 -0.5983387032671718 -0.4280823277975455 -0.13709870426763043 0.07185230199055727 0.3256890799634604 0.5841692136309944 0.9231341793387151 0.9664721658218898 1.0933905548083502 1.1878054539324119 1.0546959240197975 1.0283835750835792 0.7915724346576326 0.5423790123793604 0.25139538884944534 0.023870959812751655 -0.030301523291225544 -0.12007306672066517 -0.14483763042533393 +40822,-0.2144879658447357,2,-0.5983387032671718 -0.4280823277975455 -0.13709870426763043 0.07185230199055727 0.3256890799634604 0.5841692136309944 0.9231341793387151 0.9664721658218898 1.0933905548083502 1.1878054539324119 1.0546959240197975 1.0283835750835792 0.7915724346576326 0.5423790123793604 0.25139538884944534 0.023870959812751655 -0.030301523291225544 -0.12007306672066517 -0.14483763042533393 -0.18508004644543605 +40823,-0.30271172404263463,2,-0.4280823277975455 -0.13709870426763043 0.07185230199055727 0.3256890799634604 0.5841692136309944 0.9231341793387151 0.9664721658218898 1.0933905548083502 1.1878054539324119 1.0546959240197975 1.0283835750835792 0.7915724346576326 0.5423790123793604 0.25139538884944534 0.023870959812751655 -0.030301523291225544 -0.12007306672066517 -0.14483763042533393 -0.18508004644543605 -0.2144879658447357 +40824,-0.3537886366835216,2,-0.13709870426763043 0.07185230199055727 0.3256890799634604 0.5841692136309944 0.9231341793387151 0.9664721658218898 1.0933905548083502 1.1878054539324119 1.0546959240197975 1.0283835750835792 0.7915724346576326 0.5423790123793604 0.25139538884944534 0.023870959812751655 -0.030301523291225544 -0.12007306672066517 -0.14483763042533393 -0.18508004644543605 -0.2144879658447357 -0.30271172404263463 +40825,-0.333667428673475,2,0.07185230199055727 0.3256890799634604 0.5841692136309944 0.9231341793387151 0.9664721658218898 1.0933905548083502 1.1878054539324119 1.0546959240197975 1.0283835750835792 0.7915724346576326 0.5423790123793604 0.25139538884944534 0.023870959812751655 -0.030301523291225544 -0.12007306672066517 -0.14483763042533393 -0.18508004644543605 -0.2144879658447357 -0.30271172404263463 -0.3537886366835216 +40826,-0.34604971052580935,2,0.3256890799634604 0.5841692136309944 0.9231341793387151 0.9664721658218898 1.0933905548083502 1.1878054539324119 1.0546959240197975 1.0283835750835792 0.7915724346576326 0.5423790123793604 0.25139538884944534 0.023870959812751655 -0.030301523291225544 -0.12007306672066517 -0.14483763042533393 -0.18508004644543605 -0.2144879658447357 -0.30271172404263463 -0.3537886366835216 -0.333667428673475 +40827,-0.3506930662204403,2,0.5841692136309944 0.9231341793387151 0.9664721658218898 1.0933905548083502 1.1878054539324119 1.0546959240197975 1.0283835750835792 0.7915724346576326 0.5423790123793604 0.25139538884944534 0.023870959812751655 -0.030301523291225544 -0.12007306672066517 -0.14483763042533393 -0.18508004644543605 -0.2144879658447357 -0.30271172404263463 -0.3537886366835216 -0.333667428673475 -0.34604971052580935 +40828,-0.282590516032588,2,0.9231341793387151 0.9664721658218898 1.0933905548083502 1.1878054539324119 1.0546959240197975 1.0283835750835792 0.7915724346576326 0.5423790123793604 0.25139538884944534 0.023870959812751655 -0.030301523291225544 -0.12007306672066517 -0.14483763042533393 -0.18508004644543605 -0.2144879658447357 -0.30271172404263463 -0.3537886366835216 -0.333667428673475 -0.34604971052580935 -0.3506930662204403 +40829,-0.15102877135150553,2,0.9664721658218898 1.0933905548083502 1.1878054539324119 1.0546959240197975 1.0283835750835792 0.7915724346576326 0.5423790123793604 0.25139538884944534 0.023870959812751655 -0.030301523291225544 -0.12007306672066517 -0.14483763042533393 -0.18508004644543605 -0.2144879658447357 -0.30271172404263463 -0.3537886366835216 -0.333667428673475 -0.34604971052580935 -0.3506930662204403 -0.282590516032588 +40830,0.02696653027583305,2,1.0933905548083502 1.1878054539324119 1.0546959240197975 1.0283835750835792 0.7915724346576326 0.5423790123793604 0.25139538884944534 0.023870959812751655 -0.030301523291225544 -0.12007306672066517 -0.14483763042533393 -0.18508004644543605 -0.2144879658447357 -0.30271172404263463 -0.3537886366835216 -0.333667428673475 -0.34604971052580935 -0.3506930662204403 -0.282590516032588 -0.15102877135150553 +40831,0.15078934879920322,2,1.1878054539324119 1.0546959240197975 1.0283835750835792 0.7915724346576326 0.5423790123793604 0.25139538884944534 0.023870959812751655 -0.030301523291225544 -0.12007306672066517 -0.14483763042533393 -0.18508004644543605 -0.2144879658447357 -0.30271172404263463 -0.3537886366835216 -0.333667428673475 -0.34604971052580935 -0.3506930662204403 -0.282590516032588 -0.15102877135150553 0.02696653027583305 +40832,0.4417729723291183,2,1.0546959240197975 1.0283835750835792 0.7915724346576326 0.5423790123793604 0.25139538884944534 0.023870959812751655 -0.030301523291225544 -0.12007306672066517 -0.14483763042533393 -0.18508004644543605 -0.2144879658447357 -0.30271172404263463 -0.3537886366835216 -0.333667428673475 -0.34604971052580935 -0.3506930662204403 -0.282590516032588 -0.15102877135150553 0.02696653027583305 0.15078934879920322 +40833,0.7404955220167456,2,1.0283835750835792 0.7915724346576326 0.5423790123793604 0.25139538884944534 0.023870959812751655 -0.030301523291225544 -0.12007306672066517 -0.14483763042533393 -0.18508004644543605 -0.2144879658447357 -0.30271172404263463 -0.3537886366835216 -0.333667428673475 -0.34604971052580935 -0.3506930662204403 -0.282590516032588 -0.15102877135150553 0.02696653027583305 0.15078934879920322 0.4417729723291183 +40834,0.8024069312784263,2,0.7915724346576326 0.5423790123793604 0.25139538884944534 0.023870959812751655 -0.030301523291225544 -0.12007306672066517 -0.14483763042533393 -0.18508004644543605 -0.2144879658447357 -0.30271172404263463 -0.3537886366835216 -0.333667428673475 -0.34604971052580935 -0.3506930662204403 -0.282590516032588 -0.15102877135150553 0.02696653027583305 0.15078934879920322 0.4417729723291183 0.7404955220167456 +40835,0.8441971325300691,2,0.5423790123793604 0.25139538884944534 0.023870959812751655 -0.030301523291225544 -0.12007306672066517 -0.14483763042533393 -0.18508004644543605 -0.2144879658447357 -0.30271172404263463 -0.3537886366835216 -0.333667428673475 -0.34604971052580935 -0.3506930662204403 -0.282590516032588 -0.15102877135150553 0.02696653027583305 0.15078934879920322 0.4417729723291183 0.7404955220167456 0.8024069312784263 +40836,0.7915724346576326,2,0.25139538884944534 0.023870959812751655 -0.030301523291225544 -0.12007306672066517 -0.14483763042533393 -0.18508004644543605 -0.2144879658447357 -0.30271172404263463 -0.3537886366835216 -0.333667428673475 -0.34604971052580935 -0.3506930662204403 -0.282590516032588 -0.15102877135150553 0.02696653027583305 0.15078934879920322 0.4417729723291183 0.7404955220167456 0.8024069312784263 0.8441971325300691 +40837,0.669297401365812,2,0.023870959812751655 -0.030301523291225544 -0.12007306672066517 -0.14483763042533393 -0.18508004644543605 -0.2144879658447357 -0.30271172404263463 -0.3537886366835216 -0.333667428673475 -0.34604971052580935 -0.3506930662204403 -0.282590516032588 -0.15102877135150553 0.02696653027583305 0.15078934879920322 0.4417729723291183 0.7404955220167456 0.8024069312784263 0.8441971325300691 0.7915724346576326 +40838,0.4371296166344962,2,-0.030301523291225544 -0.12007306672066517 -0.14483763042533393 -0.18508004644543605 -0.2144879658447357 -0.30271172404263463 -0.3537886366835216 -0.333667428673475 -0.34604971052580935 -0.3506930662204403 -0.282590516032588 -0.15102877135150553 0.02696653027583305 0.15078934879920322 0.4417729723291183 0.7404955220167456 0.8024069312784263 0.8441971325300691 0.7915724346576326 0.669297401365812 +40839,0.2142485432924334,2,-0.12007306672066517 -0.14483763042533393 -0.18508004644543605 -0.2144879658447357 -0.30271172404263463 -0.3537886366835216 -0.333667428673475 -0.34604971052580935 -0.3506930662204403 -0.282590516032588 -0.15102877135150553 0.02696653027583305 0.15078934879920322 0.4417729723291183 0.7404955220167456 0.8024069312784263 0.8441971325300691 0.7915724346576326 0.669297401365812 0.4371296166344962 +40840,0.028514315507373746,2,-0.14483763042533393 -0.18508004644543605 -0.2144879658447357 -0.30271172404263463 -0.3537886366835216 -0.333667428673475 -0.34604971052580935 -0.3506930662204403 -0.282590516032588 -0.15102877135150553 0.02696653027583305 0.15078934879920322 0.4417729723291183 0.7404955220167456 0.8024069312784263 0.8441971325300691 0.7915724346576326 0.669297401365812 0.4371296166344962 0.2142485432924334 +40841,-0.10614299963678131,2,-0.18508004644543605 -0.2144879658447357 -0.30271172404263463 -0.3537886366835216 -0.333667428673475 -0.34604971052580935 -0.3506930662204403 -0.282590516032588 -0.15102877135150553 0.02696653027583305 0.15078934879920322 0.4417729723291183 0.7404955220167456 0.8024069312784263 0.8441971325300691 0.7915724346576326 0.669297401365812 0.4371296166344962 0.2142485432924334 0.028514315507373746 +40842,-0.13555091903608096,2,-0.2144879658447357 -0.30271172404263463 -0.3537886366835216 -0.333667428673475 -0.34604971052580935 -0.3506930662204403 -0.282590516032588 -0.15102877135150553 0.02696653027583305 0.15078934879920322 0.4417729723291183 0.7404955220167456 0.8024069312784263 0.8441971325300691 0.7915724346576326 0.669297401365812 0.4371296166344962 0.2142485432924334 0.028514315507373746 -0.10614299963678131 +40843,-0.2052012544554827,2,-0.30271172404263463 -0.3537886366835216 -0.333667428673475 -0.34604971052580935 -0.3506930662204403 -0.282590516032588 -0.15102877135150553 0.02696653027583305 0.15078934879920322 0.4417729723291183 0.7404955220167456 0.8024069312784263 0.8441971325300691 0.7915724346576326 0.669297401365812 0.4371296166344962 0.2142485432924334 0.028514315507373746 -0.10614299963678131 -0.13555091903608096 +40844,-0.24699145570711675,2,-0.3537886366835216 -0.333667428673475 -0.34604971052580935 -0.3506930662204403 -0.282590516032588 -0.15102877135150553 0.02696653027583305 0.15078934879920322 0.4417729723291183 0.7404955220167456 0.8024069312784263 0.8441971325300691 0.7915724346576326 0.669297401365812 0.4371296166344962 0.2142485432924334 0.028514315507373746 -0.10614299963678131 -0.13555091903608096 -0.2052012544554827 +40845,-0.24699145570711675,2,-0.333667428673475 -0.34604971052580935 -0.3506930662204403 -0.282590516032588 -0.15102877135150553 0.02696653027583305 0.15078934879920322 0.4417729723291183 0.7404955220167456 0.8024069312784263 0.8441971325300691 0.7915724346576326 0.669297401365812 0.4371296166344962 0.2142485432924334 0.028514315507373746 -0.10614299963678131 -0.13555091903608096 -0.2052012544554827 -0.24699145570711675 +40846,-0.2624693080225413,2,-0.34604971052580935 -0.3506930662204403 -0.282590516032588 -0.15102877135150553 0.02696653027583305 0.15078934879920322 0.4417729723291183 0.7404955220167456 0.8024069312784263 0.8441971325300691 0.7915724346576326 0.669297401365812 0.4371296166344962 0.2142485432924334 0.028514315507373746 -0.10614299963678131 -0.13555091903608096 -0.2052012544554827 -0.24699145570711675 -0.24699145570711675 +40847,-0.2624693080225413,2,-0.3506930662204403 -0.282590516032588 -0.15102877135150553 0.02696653027583305 0.15078934879920322 0.4417729723291183 0.7404955220167456 0.8024069312784263 0.8441971325300691 0.7915724346576326 0.669297401365812 0.4371296166344962 0.2142485432924334 0.028514315507373746 -0.10614299963678131 -0.13555091903608096 -0.2052012544554827 -0.24699145570711675 -0.24699145570711675 -0.2624693080225413 +40848,-0.2624693080225413,2,-0.282590516032588 -0.15102877135150553 0.02696653027583305 0.15078934879920322 0.4417729723291183 0.7404955220167456 0.8024069312784263 0.8441971325300691 0.7915724346576326 0.669297401365812 0.4371296166344962 0.2142485432924334 0.028514315507373746 -0.10614299963678131 -0.13555091903608096 -0.2052012544554827 -0.24699145570711675 -0.24699145570711675 -0.2624693080225413 -0.2624693080225413 +40849,-0.2237746772339887,2,-0.15102877135150553 0.02696653027583305 0.15078934879920322 0.4417729723291183 0.7404955220167456 0.8024069312784263 0.8441971325300691 0.7915724346576326 0.669297401365812 0.4371296166344962 0.2142485432924334 0.028514315507373746 -0.10614299963678131 -0.13555091903608096 -0.2052012544554827 -0.24699145570711675 -0.24699145570711675 -0.2624693080225413 -0.2624693080225413 -0.2624693080225413 +40850,-0.2098446101501048,2,0.02696653027583305 0.15078934879920322 0.4417729723291183 0.7404955220167456 0.8024069312784263 0.8441971325300691 0.7915724346576326 0.669297401365812 0.4371296166344962 0.2142485432924334 0.028514315507373746 -0.10614299963678131 -0.13555091903608096 -0.2052012544554827 -0.24699145570711675 -0.24699145570711675 -0.2624693080225413 -0.2624693080225413 -0.2624693080225413 -0.2237746772339887 +40851,-0.23925252954940446,2,0.15078934879920322 0.4417729723291183 0.7404955220167456 0.8024069312784263 0.8441971325300691 0.7915724346576326 0.669297401365812 0.4371296166344962 0.2142485432924334 0.028514315507373746 -0.10614299963678131 -0.13555091903608096 -0.2052012544554827 -0.24699145570711675 -0.24699145570711675 -0.2624693080225413 -0.2624693080225413 -0.2624693080225413 -0.2237746772339887 -0.2098446101501048 +40852,-0.24080031478094516,2,0.4417729723291183 0.7404955220167456 0.8024069312784263 0.8441971325300691 0.7915724346576326 0.669297401365812 0.4371296166344962 0.2142485432924334 0.028514315507373746 -0.10614299963678131 -0.13555091903608096 -0.2052012544554827 -0.24699145570711675 -0.24699145570711675 -0.2624693080225413 -0.2624693080225413 -0.2624693080225413 -0.2237746772339887 -0.2098446101501048 -0.23925252954940446 +40853,-0.08756957685828413,2,0.7404955220167456 0.8024069312784263 0.8441971325300691 0.7915724346576326 0.669297401365812 0.4371296166344962 0.2142485432924334 0.028514315507373746 -0.10614299963678131 -0.13555091903608096 -0.2052012544554827 -0.24699145570711675 -0.24699145570711675 -0.2624693080225413 -0.2624693080225413 -0.2624693080225413 -0.2237746772339887 -0.2098446101501048 -0.23925252954940446 -0.24080031478094516 +40854,0.008393107497327084,2,0.8024069312784263 0.8441971325300691 0.7915724346576326 0.669297401365812 0.4371296166344962 0.2142485432924334 0.028514315507373746 -0.10614299963678131 -0.13555091903608096 -0.2052012544554827 -0.24699145570711675 -0.24699145570711675 -0.2624693080225413 -0.2624693080225413 -0.2624693080225413 -0.2237746772339887 -0.2098446101501048 -0.23925252954940446 -0.24080031478094516 -0.08756957685828413 +40855,0.19257955005083724,2,0.8441971325300691 0.7915724346576326 0.669297401365812 0.4371296166344962 0.2142485432924334 0.028514315507373746 -0.10614299963678131 -0.13555091903608096 -0.2052012544554827 -0.24699145570711675 -0.24699145570711675 -0.2624693080225413 -0.2624693080225413 -0.2624693080225413 -0.2237746772339887 -0.2098446101501048 -0.23925252954940446 -0.24080031478094516 -0.08756957685828413 0.008393107497327084 +40856,0.35819256982585024,2,0.7915724346576326 0.669297401365812 0.4371296166344962 0.2142485432924334 0.028514315507373746 -0.10614299963678131 -0.13555091903608096 -0.2052012544554827 -0.24699145570711675 -0.24699145570711675 -0.2624693080225413 -0.2624693080225413 -0.2624693080225413 -0.2237746772339887 -0.2098446101501048 -0.23925252954940446 -0.24080031478094516 -0.08756957685828413 0.008393107497327084 0.19257955005083724 +40857,0.5795258579363636,2,0.669297401365812 0.4371296166344962 0.2142485432924334 0.028514315507373746 -0.10614299963678131 -0.13555091903608096 -0.2052012544554827 -0.24699145570711675 -0.24699145570711675 -0.2624693080225413 -0.2624693080225413 -0.2624693080225413 -0.2237746772339887 -0.2098446101501048 -0.23925252954940446 -0.24080031478094516 -0.08756957685828413 0.008393107497327084 0.19257955005083724 0.35819256982585024 +40858,0.7281132401644113,2,0.4371296166344962 0.2142485432924334 0.028514315507373746 -0.10614299963678131 -0.13555091903608096 -0.2052012544554827 -0.24699145570711675 -0.24699145570711675 -0.2624693080225413 -0.2624693080225413 -0.2624693080225413 -0.2237746772339887 -0.2098446101501048 -0.23925252954940446 -0.24080031478094516 -0.08756957685828413 0.008393107497327084 0.19257955005083724 0.35819256982585024 0.5795258579363636 +40859,0.7652600857214231,2,0.2142485432924334 0.028514315507373746 -0.10614299963678131 -0.13555091903608096 -0.2052012544554827 -0.24699145570711675 -0.24699145570711675 -0.2624693080225413 -0.2624693080225413 -0.2624693080225413 -0.2237746772339887 -0.2098446101501048 -0.23925252954940446 -0.24080031478094516 -0.08756957685828413 0.008393107497327084 0.19257955005083724 0.35819256982585024 0.5795258579363636 0.7281132401644113 +40860,0.7729990118791267,2,0.028514315507373746 -0.10614299963678131 -0.13555091903608096 -0.2052012544554827 -0.24699145570711675 -0.24699145570711675 -0.2624693080225413 -0.2624693080225413 -0.2624693080225413 -0.2237746772339887 -0.2098446101501048 -0.23925252954940446 -0.24080031478094516 -0.08756957685828413 0.008393107497327084 0.19257955005083724 0.35819256982585024 0.5795258579363636 0.7281132401644113 0.7652600857214231 +40861,0.5625002203894071,2,-0.10614299963678131 -0.13555091903608096 -0.2052012544554827 -0.24699145570711675 -0.24699145570711675 -0.2624693080225413 -0.2624693080225413 -0.2624693080225413 -0.2237746772339887 -0.2098446101501048 -0.23925252954940446 -0.24080031478094516 -0.08756957685828413 0.008393107497327084 0.19257955005083724 0.35819256982585024 0.5795258579363636 0.7281132401644113 0.7652600857214231 0.7729990118791267 +40862,0.3891482744566906,2,-0.13555091903608096 -0.2052012544554827 -0.24699145570711675 -0.24699145570711675 -0.2624693080225413 -0.2624693080225413 -0.2624693080225413 -0.2237746772339887 -0.2098446101501048 -0.23925252954940446 -0.24080031478094516 -0.08756957685828413 0.008393107497327084 0.19257955005083724 0.35819256982585024 0.5795258579363636 0.7281132401644113 0.7652600857214231 0.7729990118791267 0.5625002203894071 +40863,0.15543270449383412,2,-0.2052012544554827 -0.24699145570711675 -0.24699145570711675 -0.2624693080225413 -0.2624693080225413 -0.2624693080225413 -0.2237746772339887 -0.2098446101501048 -0.23925252954940446 -0.24080031478094516 -0.08756957685828413 0.008393107497327084 0.19257955005083724 0.35819256982585024 0.5795258579363636 0.7281132401644113 0.7652600857214231 0.7729990118791267 0.5625002203894071 0.3891482744566906 +40864,-0.014823670975800974,2,-0.24699145570711675 -0.24699145570711675 -0.2624693080225413 -0.2624693080225413 -0.2624693080225413 -0.2237746772339887 -0.2098446101501048 -0.23925252954940446 -0.24080031478094516 -0.08756957685828413 0.008393107497327084 0.19257955005083724 0.35819256982585024 0.5795258579363636 0.7281132401644113 0.7652600857214231 0.7729990118791267 0.5625002203894071 0.3891482744566906 0.15543270449383412 +40865,-0.13090756334145887,2,-0.24699145570711675 -0.2624693080225413 -0.2624693080225413 -0.2624693080225413 -0.2237746772339887 -0.2098446101501048 -0.23925252954940446 -0.24080031478094516 -0.08756957685828413 0.008393107497327084 0.19257955005083724 0.35819256982585024 0.5795258579363636 0.7281132401644113 0.7652600857214231 0.7729990118791267 0.5625002203894071 0.3891482744566906 0.15543270449383412 -0.014823670975800974 +40866,-0.12007306672066517,2,-0.2624693080225413 -0.2624693080225413 -0.2624693080225413 -0.2237746772339887 -0.2098446101501048 -0.23925252954940446 -0.24080031478094516 -0.08756957685828413 0.008393107497327084 0.19257955005083724 0.35819256982585024 0.5795258579363636 0.7281132401644113 0.7652600857214231 0.7729990118791267 0.5625002203894071 0.3891482744566906 0.15543270449383412 -0.014823670975800974 -0.13090756334145887 +40867,-0.08137843593211255,2,-0.2624693080225413 -0.2624693080225413 -0.2237746772339887 -0.2098446101501048 -0.23925252954940446 -0.24080031478094516 -0.08756957685828413 0.008393107497327084 0.19257955005083724 0.35819256982585024 0.5795258579363636 0.7281132401644113 0.7652600857214231 0.7729990118791267 0.5625002203894071 0.3891482744566906 0.15543270449383412 -0.014823670975800974 -0.13090756334145887 -0.12007306672066517 +40868,-0.12007306672066517,2,-0.2624693080225413 -0.2237746772339887 -0.2098446101501048 -0.23925252954940446 -0.24080031478094516 -0.08756957685828413 0.008393107497327084 0.19257955005083724 0.35819256982585024 0.5795258579363636 0.7281132401644113 0.7652600857214231 0.7729990118791267 0.5625002203894071 0.3891482744566906 0.15543270449383412 -0.014823670975800974 -0.13090756334145887 -0.12007306672066517 -0.08137843593211255 +40869,-0.1587676975092178,2,-0.2237746772339887 -0.2098446101501048 -0.23925252954940446 -0.24080031478094516 -0.08756957685828413 0.008393107497327084 0.19257955005083724 0.35819256982585024 0.5795258579363636 0.7281132401644113 0.7652600857214231 0.7729990118791267 0.5625002203894071 0.3891482744566906 0.15543270449383412 -0.014823670975800974 -0.13090756334145887 -0.12007306672066517 -0.08137843593211255 -0.12007306672066517 +40870,-0.19901011352931114,2,-0.2098446101501048 -0.23925252954940446 -0.24080031478094516 -0.08756957685828413 0.008393107497327084 0.19257955005083724 0.35819256982585024 0.5795258579363636 0.7281132401644113 0.7652600857214231 0.7729990118791267 0.5625002203894071 0.3891482744566906 0.15543270449383412 -0.014823670975800974 -0.13090756334145887 -0.12007306672066517 -0.08137843593211255 -0.12007306672066517 -0.1587676975092178 +40871,-0.19746232829777044,2,-0.23925252954940446 -0.24080031478094516 -0.08756957685828413 0.008393107497327084 0.19257955005083724 0.35819256982585024 0.5795258579363636 0.7281132401644113 0.7652600857214231 0.7729990118791267 0.5625002203894071 0.3891482744566906 0.15543270449383412 -0.014823670975800974 -0.13090756334145887 -0.12007306672066517 -0.08137843593211255 -0.12007306672066517 -0.1587676975092178 -0.19901011352931114 +40872,-0.2113923953816455,2,-0.24080031478094516 -0.08756957685828413 0.008393107497327084 0.19257955005083724 0.35819256982585024 0.5795258579363636 0.7281132401644113 0.7652600857214231 0.7729990118791267 0.5625002203894071 0.3891482744566906 0.15543270449383412 -0.014823670975800974 -0.13090756334145887 -0.12007306672066517 -0.08137843593211255 -0.12007306672066517 -0.1587676975092178 -0.19901011352931114 -0.19746232829777044 +40873,-0.2098446101501048,2,-0.08756957685828413 0.008393107497327084 0.19257955005083724 0.35819256982585024 0.5795258579363636 0.7281132401644113 0.7652600857214231 0.7729990118791267 0.5625002203894071 0.3891482744566906 0.15543270449383412 -0.014823670975800974 -0.13090756334145887 -0.12007306672066517 -0.08137843593211255 -0.12007306672066517 -0.1587676975092178 -0.19901011352931114 -0.19746232829777044 -0.2113923953816455 +40874,-0.2113923953816455,2,0.008393107497327084 0.19257955005083724 0.35819256982585024 0.5795258579363636 0.7281132401644113 0.7652600857214231 0.7729990118791267 0.5625002203894071 0.3891482744566906 0.15543270449383412 -0.014823670975800974 -0.13090756334145887 -0.12007306672066517 -0.08137843593211255 -0.12007306672066517 -0.1587676975092178 -0.19901011352931114 -0.19746232829777044 -0.2113923953816455 -0.2098446101501048 +40875,-0.2624693080225413,2,0.19257955005083724 0.35819256982585024 0.5795258579363636 0.7281132401644113 0.7652600857214231 0.7729990118791267 0.5625002203894071 0.3891482744566906 0.15543270449383412 -0.014823670975800974 -0.13090756334145887 -0.12007306672066517 -0.08137843593211255 -0.12007306672066517 -0.1587676975092178 -0.19901011352931114 -0.19746232829777044 -0.2113923953816455 -0.2098446101501048 -0.2113923953816455 +40876,-0.25318259663328835,2,0.35819256982585024 0.5795258579363636 0.7281132401644113 0.7652600857214231 0.7729990118791267 0.5625002203894071 0.3891482744566906 0.15543270449383412 -0.014823670975800974 -0.13090756334145887 -0.12007306672066517 -0.08137843593211255 -0.12007306672066517 -0.1587676975092178 -0.19901011352931114 -0.19746232829777044 -0.2113923953816455 -0.2098446101501048 -0.2113923953816455 -0.2624693080225413 +40877,-0.18508004644543605,2,0.5795258579363636 0.7281132401644113 0.7652600857214231 0.7729990118791267 0.5625002203894071 0.3891482744566906 0.15543270449383412 -0.014823670975800974 -0.13090756334145887 -0.12007306672066517 -0.08137843593211255 -0.12007306672066517 -0.1587676975092178 -0.19901011352931114 -0.19746232829777044 -0.2113923953816455 -0.2098446101501048 -0.2113923953816455 -0.2624693080225413 -0.25318259663328835 +40878,-0.13864648949917113,2,0.7281132401644113 0.7652600857214231 0.7729990118791267 0.5625002203894071 0.3891482744566906 0.15543270449383412 -0.014823670975800974 -0.13090756334145887 -0.12007306672066517 -0.08137843593211255 -0.12007306672066517 -0.1587676975092178 -0.19901011352931114 -0.19746232829777044 -0.2113923953816455 -0.2098446101501048 -0.2113923953816455 -0.2624693080225413 -0.25318259663328835 -0.18508004644543605 +40879,-0.04577937560664132,2,0.7652600857214231 0.7729990118791267 0.5625002203894071 0.3891482744566906 0.15543270449383412 -0.014823670975800974 -0.13090756334145887 -0.12007306672066517 -0.08137843593211255 -0.12007306672066517 -0.1587676975092178 -0.19901011352931114 -0.19746232829777044 -0.2113923953816455 -0.2098446101501048 -0.2113923953816455 -0.2624693080225413 -0.25318259663328835 -0.18508004644543605 -0.13864648949917113 +40880,0.03625324166508603,2,0.7729990118791267 0.5625002203894071 0.3891482744566906 0.15543270449383412 -0.014823670975800974 -0.13090756334145887 -0.12007306672066517 -0.08137843593211255 -0.12007306672066517 -0.1587676975092178 -0.19901011352931114 -0.19746232829777044 -0.2113923953816455 -0.2098446101501048 -0.2113923953816455 -0.2624693080225413 -0.25318259663328835 -0.18508004644543605 -0.13864648949917113 -0.04577937560664132 +40881,0.13685928171532816,2,0.5625002203894071 0.3891482744566906 0.15543270449383412 -0.014823670975800974 -0.13090756334145887 -0.12007306672066517 -0.08137843593211255 -0.12007306672066517 -0.1587676975092178 -0.19901011352931114 -0.19746232829777044 -0.2113923953816455 -0.2098446101501048 -0.2113923953816455 -0.2624693080225413 -0.25318259663328835 -0.18508004644543605 -0.13864648949917113 -0.04577937560664132 0.03625324166508603 +40882,0.19257955005083724,2,0.3891482744566906 0.15543270449383412 -0.014823670975800974 -0.13090756334145887 -0.12007306672066517 -0.08137843593211255 -0.12007306672066517 -0.1587676975092178 -0.19901011352931114 -0.19746232829777044 -0.2113923953816455 -0.2098446101501048 -0.2113923953816455 -0.2624693080225413 -0.25318259663328835 -0.18508004644543605 -0.13864648949917113 -0.04577937560664132 0.03625324166508603 0.13685928171532816 +40883,0.2250830399132271,2,0.15543270449383412 -0.014823670975800974 -0.13090756334145887 -0.12007306672066517 -0.08137843593211255 -0.12007306672066517 -0.1587676975092178 -0.19901011352931114 -0.19746232829777044 -0.2113923953816455 -0.2098446101501048 -0.2113923953816455 -0.2624693080225413 -0.25318259663328835 -0.18508004644543605 -0.13864648949917113 -0.04577937560664132 0.03625324166508603 0.13685928171532816 0.19257955005083724 +40884,0.29628116056416076,2,-0.014823670975800974 -0.13090756334145887 -0.12007306672066517 -0.08137843593211255 -0.12007306672066517 -0.1587676975092178 -0.19901011352931114 -0.19746232829777044 -0.2113923953816455 -0.2098446101501048 -0.2113923953816455 -0.2624693080225413 -0.25318259663328835 -0.18508004644543605 -0.13864648949917113 -0.04577937560664132 0.03625324166508603 0.13685928171532816 0.19257955005083724 0.2250830399132271 +40885,0.24365646269173305,2,-0.13090756334145887 -0.12007306672066517 -0.08137843593211255 -0.12007306672066517 -0.1587676975092178 -0.19901011352931114 -0.19746232829777044 -0.2113923953816455 -0.2098446101501048 -0.2113923953816455 -0.2624693080225413 -0.25318259663328835 -0.18508004644543605 -0.13864648949917113 -0.04577937560664132 0.03625324166508603 0.13685928171532816 0.19257955005083724 0.2250830399132271 0.29628116056416076 +40886,0.18329283866158427,2,-0.12007306672066517 -0.08137843593211255 -0.12007306672066517 -0.1587676975092178 -0.19901011352931114 -0.19746232829777044 -0.2113923953816455 -0.2098446101501048 -0.2113923953816455 -0.2624693080225413 -0.25318259663328835 -0.18508004644543605 -0.13864648949917113 -0.04577937560664132 0.03625324166508603 0.13685928171532816 0.19257955005083724 0.2250830399132271 0.29628116056416076 0.24365646269173305 +40887,0.05792223490668219,2,-0.08137843593211255 -0.12007306672066517 -0.1587676975092178 -0.19901011352931114 -0.19746232829777044 -0.2113923953816455 -0.2098446101501048 -0.2113923953816455 -0.2624693080225413 -0.25318259663328835 -0.18508004644543605 -0.13864648949917113 -0.04577937560664132 0.03625324166508603 0.13685928171532816 0.19257955005083724 0.2250830399132271 0.29628116056416076 0.24365646269173305 0.18329283866158427 +40888,-0.04577937560664132,2,-0.12007306672066517 -0.1587676975092178 -0.19901011352931114 -0.19746232829777044 -0.2113923953816455 -0.2098446101501048 -0.2113923953816455 -0.2624693080225413 -0.25318259663328835 -0.18508004644543605 -0.13864648949917113 -0.04577937560664132 0.03625324166508603 0.13685928171532816 0.19257955005083724 0.2250830399132271 0.29628116056416076 0.24365646269173305 0.18329283866158427 0.05792223490668219 +40889,-0.09530850301598763,2,-0.1587676975092178 -0.19901011352931114 -0.19746232829777044 -0.2113923953816455 -0.2098446101501048 -0.2113923953816455 -0.2624693080225413 -0.25318259663328835 -0.18508004644543605 -0.13864648949917113 -0.04577937560664132 0.03625324166508603 0.13685928171532816 0.19257955005083724 0.2250830399132271 0.29628116056416076 0.24365646269173305 0.18329283866158427 0.05792223490668219 -0.04577937560664132 +40890,-0.06899615407977817,2,-0.19901011352931114 -0.19746232829777044 -0.2113923953816455 -0.2098446101501048 -0.2113923953816455 -0.2624693080225413 -0.25318259663328835 -0.18508004644543605 -0.13864648949917113 -0.04577937560664132 0.03625324166508603 0.13685928171532816 0.19257955005083724 0.2250830399132271 0.29628116056416076 0.24365646269173305 0.18329283866158427 0.05792223490668219 -0.04577937560664132 -0.09530850301598763 +40891,-0.09530850301598763,2,-0.19746232829777044 -0.2113923953816455 -0.2098446101501048 -0.2113923953816455 -0.2624693080225413 -0.25318259663328835 -0.18508004644543605 -0.13864648949917113 -0.04577937560664132 0.03625324166508603 0.13685928171532816 0.19257955005083724 0.2250830399132271 0.29628116056416076 0.24365646269173305 0.18329283866158427 0.05792223490668219 -0.04577937560664132 -0.09530850301598763 -0.06899615407977817 +40892,-0.12162085195220587,2,-0.2113923953816455 -0.2098446101501048 -0.2113923953816455 -0.2624693080225413 -0.25318259663328835 -0.18508004644543605 -0.13864648949917113 -0.04577937560664132 0.03625324166508603 0.13685928171532816 0.19257955005083724 0.2250830399132271 0.29628116056416076 0.24365646269173305 0.18329283866158427 0.05792223490668219 -0.04577937560664132 -0.09530850301598763 -0.06899615407977817 -0.09530850301598763 +40893,-0.12162085195220587,2,-0.2098446101501048 -0.2113923953816455 -0.2624693080225413 -0.25318259663328835 -0.18508004644543605 -0.13864648949917113 -0.04577937560664132 0.03625324166508603 0.13685928171532816 0.19257955005083724 0.2250830399132271 0.29628116056416076 0.24365646269173305 0.18329283866158427 0.05792223490668219 -0.04577937560664132 -0.09530850301598763 -0.06899615407977817 -0.09530850301598763 -0.12162085195220587 +40894,-0.1603154827407585,2,-0.2113923953816455 -0.2624693080225413 -0.25318259663328835 -0.18508004644543605 -0.13864648949917113 -0.04577937560664132 0.03625324166508603 0.13685928171532816 0.19257955005083724 0.2250830399132271 0.29628116056416076 0.24365646269173305 0.18329283866158427 0.05792223490668219 -0.04577937560664132 -0.09530850301598763 -0.06899615407977817 -0.09530850301598763 -0.12162085195220587 -0.12162085195220587 +40895,-0.18662783167697675,2,-0.2624693080225413 -0.25318259663328835 -0.18508004644543605 -0.13864648949917113 -0.04577937560664132 0.03625324166508603 0.13685928171532816 0.19257955005083724 0.2250830399132271 0.29628116056416076 0.24365646269173305 0.18329283866158427 0.05792223490668219 -0.04577937560664132 -0.09530850301598763 -0.06899615407977817 -0.09530850301598763 -0.12162085195220587 -0.12162085195220587 -0.1603154827407585 +40896,-0.18662783167697675,2,-0.25318259663328835 -0.18508004644543605 -0.13864648949917113 -0.04577937560664132 0.03625324166508603 0.13685928171532816 0.19257955005083724 0.2250830399132271 0.29628116056416076 0.24365646269173305 0.18329283866158427 0.05792223490668219 -0.04577937560664132 -0.09530850301598763 -0.06899615407977817 -0.09530850301598763 -0.12162085195220587 -0.12162085195220587 -0.1603154827407585 -0.18662783167697675 +40897,-0.18662783167697675,2,-0.18508004644543605 -0.13864648949917113 -0.04577937560664132 0.03625324166508603 0.13685928171532816 0.19257955005083724 0.2250830399132271 0.29628116056416076 0.24365646269173305 0.18329283866158427 0.05792223490668219 -0.04577937560664132 -0.09530850301598763 -0.06899615407977817 -0.09530850301598763 -0.12162085195220587 -0.12162085195220587 -0.1603154827407585 -0.18662783167697675 -0.18662783167697675 +40898,-0.17888890551926448,2,-0.13864648949917113 -0.04577937560664132 0.03625324166508603 0.13685928171532816 0.19257955005083724 0.2250830399132271 0.29628116056416076 0.24365646269173305 0.18329283866158427 0.05792223490668219 -0.04577937560664132 -0.09530850301598763 -0.06899615407977817 -0.09530850301598763 -0.12162085195220587 -0.12162085195220587 -0.1603154827407585 -0.18662783167697675 -0.18662783167697675 -0.18662783167697675 +40899,-0.18662783167697675,2,-0.04577937560664132 0.03625324166508603 0.13685928171532816 0.19257955005083724 0.2250830399132271 0.29628116056416076 0.24365646269173305 0.18329283866158427 0.05792223490668219 -0.04577937560664132 -0.09530850301598763 -0.06899615407977817 -0.09530850301598763 -0.12162085195220587 -0.12162085195220587 -0.1603154827407585 -0.18662783167697675 -0.18662783167697675 -0.18662783167697675 -0.17888890551926448 +40900,-0.09685628824752832,2,0.03625324166508603 0.13685928171532816 0.19257955005083724 0.2250830399132271 0.29628116056416076 0.24365646269173305 0.18329283866158427 0.05792223490668219 -0.04577937560664132 -0.09530850301598763 -0.06899615407977817 -0.09530850301598763 -0.12162085195220587 -0.12162085195220587 -0.1603154827407585 -0.18662783167697675 -0.18662783167697675 -0.18662783167697675 -0.17888890551926448 -0.18662783167697675 +40901,0.0022019665711642948,2,0.13685928171532816 0.19257955005083724 0.2250830399132271 0.29628116056416076 0.24365646269173305 0.18329283866158427 0.05792223490668219 -0.04577937560664132 -0.09530850301598763 -0.06899615407977817 -0.09530850301598763 -0.12162085195220587 -0.12162085195220587 -0.1603154827407585 -0.18662783167697675 -0.18662783167697675 -0.18662783167697675 -0.17888890551926448 -0.18662783167697675 -0.09685628824752832 +40902,0.09661686569523482,2,0.19257955005083724 0.2250830399132271 0.29628116056416076 0.24365646269173305 0.18329283866158427 0.05792223490668219 -0.04577937560664132 -0.09530850301598763 -0.06899615407977817 -0.09530850301598763 -0.12162085195220587 -0.12162085195220587 -0.1603154827407585 -0.18662783167697675 -0.18662783167697675 -0.18662783167697675 -0.17888890551926448 -0.18662783167697675 -0.09685628824752832 0.0022019665711642948 +40903,0.25294317408098604,2,0.2250830399132271 0.29628116056416076 0.24365646269173305 0.18329283866158427 0.05792223490668219 -0.04577937560664132 -0.09530850301598763 -0.06899615407977817 -0.09530850301598763 -0.12162085195220587 -0.12162085195220587 -0.1603154827407585 -0.18662783167697675 -0.18662783167697675 -0.18662783167697675 -0.17888890551926448 -0.18662783167697675 -0.09685628824752832 0.0022019665711642948 0.09661686569523482 +40904,0.3876004892251499,2,0.29628116056416076 0.24365646269173305 0.18329283866158427 0.05792223490668219 -0.04577937560664132 -0.09530850301598763 -0.06899615407977817 -0.09530850301598763 -0.12162085195220587 -0.12162085195220587 -0.1603154827407585 -0.18662783167697675 -0.18662783167697675 -0.18662783167697675 -0.17888890551926448 -0.18662783167697675 -0.09685628824752832 0.0022019665711642948 0.09661686569523482 0.25294317408098604 +40905,0.5501179385370639,2,0.24365646269173305 0.18329283866158427 0.05792223490668219 -0.04577937560664132 -0.09530850301598763 -0.06899615407977817 -0.09530850301598763 -0.12162085195220587 -0.12162085195220587 -0.1603154827407585 -0.18662783167697675 -0.18662783167697675 -0.18662783167697675 -0.17888890551926448 -0.18662783167697675 -0.09685628824752832 0.0022019665711642948 0.09661686569523482 0.25294317408098604 0.3876004892251499 +40906,0.6662018309027218,2,0.18329283866158427 0.05792223490668219 -0.04577937560664132 -0.09530850301598763 -0.06899615407977817 -0.09530850301598763 -0.12162085195220587 -0.12162085195220587 -0.1603154827407585 -0.18662783167697675 -0.18662783167697675 -0.18662783167697675 -0.17888890551926448 -0.18662783167697675 -0.09685628824752832 0.0022019665711642948 0.09661686569523482 0.25294317408098604 0.3876004892251499 0.5501179385370639 +40907,0.7637123004898737,2,0.05792223490668219 -0.04577937560664132 -0.09530850301598763 -0.06899615407977817 -0.09530850301598763 -0.12162085195220587 -0.12162085195220587 -0.1603154827407585 -0.18662783167697675 -0.18662783167697675 -0.18662783167697675 -0.17888890551926448 -0.18662783167697675 -0.09685628824752832 0.0022019665711642948 0.09661686569523482 0.25294317408098604 0.3876004892251499 0.5501179385370639 0.6662018309027218 +40908,0.8132414278992288,2,-0.04577937560664132 -0.09530850301598763 -0.06899615407977817 -0.09530850301598763 -0.12162085195220587 -0.12162085195220587 -0.1603154827407585 -0.18662783167697675 -0.18662783167697675 -0.18662783167697675 -0.17888890551926448 -0.18662783167697675 -0.09685628824752832 0.0022019665711642948 0.09661686569523482 0.25294317408098604 0.3876004892251499 0.5501179385370639 0.6662018309027218 0.7637123004898737 +40909,0.7637123004898737,2,-0.09530850301598763 -0.06899615407977817 -0.09530850301598763 -0.12162085195220587 -0.12162085195220587 -0.1603154827407585 -0.18662783167697675 -0.18662783167697675 -0.18662783167697675 -0.17888890551926448 -0.18662783167697675 -0.09685628824752832 0.0022019665711642948 0.09661686569523482 0.25294317408098604 0.3876004892251499 0.5501179385370639 0.6662018309027218 0.7637123004898737 0.8132414278992288 +40910,0.590360354557166,2,-0.06899615407977817 -0.09530850301598763 -0.12162085195220587 -0.12162085195220587 -0.1603154827407585 -0.18662783167697675 -0.18662783167697675 -0.18662783167697675 -0.17888890551926448 -0.18662783167697675 -0.09685628824752832 0.0022019665711642948 0.09661686569523482 0.25294317408098604 0.3876004892251499 0.5501179385370639 0.6662018309027218 0.7637123004898737 0.8132414278992288 0.7637123004898737 +40911,0.4293906904767839,2,-0.09530850301598763 -0.12162085195220587 -0.12162085195220587 -0.1603154827407585 -0.18662783167697675 -0.18662783167697675 -0.18662783167697675 -0.17888890551926448 -0.18662783167697675 -0.09685628824752832 0.0022019665711642948 0.09661686569523482 0.25294317408098604 0.3876004892251499 0.5501179385370639 0.6662018309027218 0.7637123004898737 0.8132414278992288 0.7637123004898737 0.590360354557166 +40912,0.18329283866158427,2,-0.12162085195220587 -0.12162085195220587 -0.1603154827407585 -0.18662783167697675 -0.18662783167697675 -0.18662783167697675 -0.17888890551926448 -0.18662783167697675 -0.09685628824752832 0.0022019665711642948 0.09661686569523482 0.25294317408098604 0.3876004892251499 0.5501179385370639 0.6662018309027218 0.7637123004898737 0.8132414278992288 0.7637123004898737 0.590360354557166 0.4293906904767839 +40913,0.023870959812751655,2,-0.12162085195220587 -0.1603154827407585 -0.18662783167697675 -0.18662783167697675 -0.18662783167697675 -0.17888890551926448 -0.18662783167697675 -0.09685628824752832 0.0022019665711642948 0.09661686569523482 0.25294317408098604 0.3876004892251499 0.5501179385370639 0.6662018309027218 0.7637123004898737 0.8132414278992288 0.7637123004898737 0.590360354557166 0.4293906904767839 0.18329283866158427 +40914,-0.09530850301598763,2,-0.1603154827407585 -0.18662783167697675 -0.18662783167697675 -0.18662783167697675 -0.17888890551926448 -0.18662783167697675 -0.09685628824752832 0.0022019665711642948 0.09661686569523482 0.25294317408098604 0.3876004892251499 0.5501179385370639 0.6662018309027218 0.7637123004898737 0.8132414278992288 0.7637123004898737 0.590360354557166 0.4293906904767839 0.18329283866158427 0.023870959812751655 +40915,-0.13400313380454026,2,-0.18662783167697675 -0.18662783167697675 -0.18662783167697675 -0.17888890551926448 -0.18662783167697675 -0.09685628824752832 0.0022019665711642948 0.09661686569523482 0.25294317408098604 0.3876004892251499 0.5501179385370639 0.6662018309027218 0.7637123004898737 0.8132414278992288 0.7637123004898737 0.590360354557166 0.4293906904767839 0.18329283866158427 0.023870959812751655 -0.09530850301598763 +40916,-0.1603154827407585,2,-0.18662783167697675 -0.18662783167697675 -0.17888890551926448 -0.18662783167697675 -0.09685628824752832 0.0022019665711642948 0.09661686569523482 0.25294317408098604 0.3876004892251499 0.5501179385370639 0.6662018309027218 0.7637123004898737 0.8132414278992288 0.7637123004898737 0.590360354557166 0.4293906904767839 0.18329283866158427 0.023870959812751655 -0.09530850301598763 -0.13400313380454026 +40917,-0.19901011352931114,2,-0.18662783167697675 -0.17888890551926448 -0.18662783167697675 -0.09685628824752832 0.0022019665711642948 0.09661686569523482 0.25294317408098604 0.3876004892251499 0.5501179385370639 0.6662018309027218 0.7637123004898737 0.8132414278992288 0.7637123004898737 0.590360354557166 0.4293906904767839 0.18329283866158427 0.023870959812751655 -0.09530850301598763 -0.13400313380454026 -0.1603154827407585 +40918,-0.2113923953816455,2,-0.17888890551926448 -0.18662783167697675 -0.09685628824752832 0.0022019665711642948 0.09661686569523482 0.25294317408098604 0.3876004892251499 0.5501179385370639 0.6662018309027218 0.7637123004898737 0.8132414278992288 0.7637123004898737 0.590360354557166 0.4293906904767839 0.18329283866158427 0.023870959812751655 -0.09530850301598763 -0.13400313380454026 -0.1603154827407585 -0.19901011352931114 +40919,-0.2516348114017388,2,-0.18662783167697675 -0.09685628824752832 0.0022019665711642948 0.09661686569523482 0.25294317408098604 0.3876004892251499 0.5501179385370639 0.6662018309027218 0.7637123004898737 0.8132414278992288 0.7637123004898737 0.590360354557166 0.4293906904767839 0.18329283866158427 0.023870959812751655 -0.09530850301598763 -0.13400313380454026 -0.1603154827407585 -0.19901011352931114 -0.2113923953816455 +40920,-0.3104506502003469,2,-0.09685628824752832 0.0022019665711642948 0.09661686569523482 0.25294317408098604 0.3876004892251499 0.5501179385370639 0.6662018309027218 0.7637123004898737 0.8132414278992288 0.7637123004898737 0.590360354557166 0.4293906904767839 0.18329283866158427 0.023870959812751655 -0.09530850301598763 -0.13400313380454026 -0.1603154827407585 -0.19901011352931114 -0.2113923953816455 -0.2516348114017388 +40921,-0.30271172404263463,2,0.0022019665711642948 0.09661686569523482 0.25294317408098604 0.3876004892251499 0.5501179385370639 0.6662018309027218 0.7637123004898737 0.8132414278992288 0.7637123004898737 0.590360354557166 0.4293906904767839 0.18329283866158427 0.023870959812751655 -0.09530850301598763 -0.13400313380454026 -0.1603154827407585 -0.19901011352931114 -0.2113923953816455 -0.2516348114017388 -0.3104506502003469 +40922,-0.3228329320526813,2,0.09661686569523482 0.25294317408098604 0.3876004892251499 0.5501179385370639 0.6662018309027218 0.7637123004898737 0.8132414278992288 0.7637123004898737 0.590360354557166 0.4293906904767839 0.18329283866158427 0.023870959812751655 -0.09530850301598763 -0.13400313380454026 -0.1603154827407585 -0.19901011352931114 -0.2113923953816455 -0.2516348114017388 -0.3104506502003469 -0.30271172404263463 +40923,-0.18508004644543605,2,0.25294317408098604 0.3876004892251499 0.5501179385370639 0.6662018309027218 0.7637123004898737 0.8132414278992288 0.7637123004898737 0.590360354557166 0.4293906904767839 0.18329283866158427 0.023870959812751655 -0.09530850301598763 -0.13400313380454026 -0.1603154827407585 -0.19901011352931114 -0.2113923953816455 -0.2516348114017388 -0.3104506502003469 -0.30271172404263463 -0.3228329320526813 +40924,-0.07983065070057185,2,0.3876004892251499 0.5501179385370639 0.6662018309027218 0.7637123004898737 0.8132414278992288 0.7637123004898737 0.590360354557166 0.4293906904767839 0.18329283866158427 0.023870959812751655 -0.09530850301598763 -0.13400313380454026 -0.1603154827407585 -0.19901011352931114 -0.2113923953816455 -0.2516348114017388 -0.3104506502003469 -0.30271172404263463 -0.3228329320526813 -0.18508004644543605 +40925,0.17245834204079058,2,0.5501179385370639 0.6662018309027218 0.7637123004898737 0.8132414278992288 0.7637123004898737 0.590360354557166 0.4293906904767839 0.18329283866158427 0.023870959812751655 -0.09530850301598763 -0.13400313380454026 -0.1603154827407585 -0.19901011352931114 -0.2113923953816455 -0.2516348114017388 -0.3104506502003469 -0.30271172404263463 -0.3228329320526813 -0.18508004644543605 -0.07983065070057185 +40926,0.49130209973846456,2,0.6662018309027218 0.7637123004898737 0.8132414278992288 0.7637123004898737 0.590360354557166 0.4293906904767839 0.18329283866158427 0.023870959812751655 -0.09530850301598763 -0.13400313380454026 -0.1603154827407585 -0.19901011352931114 -0.2113923953816455 -0.2516348114017388 -0.3104506502003469 -0.30271172404263463 -0.3228329320526813 -0.18508004644543605 -0.07983065070057185 0.17245834204079058 +40927,0.743591092479827,2,0.7637123004898737 0.8132414278992288 0.7637123004898737 0.590360354557166 0.4293906904767839 0.18329283866158427 0.023870959812751655 -0.09530850301598763 -0.13400313380454026 -0.1603154827407585 -0.19901011352931114 -0.2113923953816455 -0.2516348114017388 -0.3104506502003469 -0.30271172404263463 -0.3228329320526813 -0.18508004644543605 -0.07983065070057185 0.17245834204079058 0.49130209973846456 +40928,1.0051667966104425,2,0.8132414278992288 0.7637123004898737 0.590360354557166 0.4293906904767839 0.18329283866158427 0.023870959812751655 -0.09530850301598763 -0.13400313380454026 -0.1603154827407585 -0.19901011352931114 -0.2113923953816455 -0.2516348114017388 -0.3104506502003469 -0.30271172404263463 -0.3228329320526813 -0.18508004644543605 -0.07983065070057185 0.17245834204079058 0.49130209973846456 0.743591092479827 +40929,1.241977937036389,2,0.7637123004898737 0.590360354557166 0.4293906904767839 0.18329283866158427 0.023870959812751655 -0.09530850301598763 -0.13400313380454026 -0.1603154827407585 -0.19901011352931114 -0.2113923953816455 -0.2516348114017388 -0.3104506502003469 -0.30271172404263463 -0.3228329320526813 -0.18508004644543605 -0.07983065070057185 0.17245834204079058 0.49130209973846456 0.743591092479827 1.0051667966104425 +40930,1.3952086749590589,2,0.590360354557166 0.4293906904767839 0.18329283866158427 0.023870959812751655 -0.09530850301598763 -0.13400313380454026 -0.1603154827407585 -0.19901011352931114 -0.2113923953816455 -0.2516348114017388 -0.3104506502003469 -0.30271172404263463 -0.3228329320526813 -0.18508004644543605 -0.07983065070057185 0.17245834204079058 0.49130209973846456 0.743591092479827 1.0051667966104425 1.241977937036389 +40931,1.385921963569806,2,0.4293906904767839 0.18329283866158427 0.023870959812751655 -0.09530850301598763 -0.13400313380454026 -0.1603154827407585 -0.19901011352931114 -0.2113923953816455 -0.2516348114017388 -0.3104506502003469 -0.30271172404263463 -0.3228329320526813 -0.18508004644543605 -0.07983065070057185 0.17245834204079058 0.49130209973846456 0.743591092479827 1.0051667966104425 1.241977937036389 1.3952086749590589 +40932,1.390565319264428,2,0.18329283866158427 0.023870959812751655 -0.09530850301598763 -0.13400313380454026 -0.1603154827407585 -0.19901011352931114 -0.2113923953816455 -0.2516348114017388 -0.3104506502003469 -0.30271172404263463 -0.3228329320526813 -0.18508004644543605 -0.07983065070057185 0.17245834204079058 0.49130209973846456 0.743591092479827 1.0051667966104425 1.241977937036389 1.3952086749590589 1.385921963569806 +40933,1.2636469302779765,2,0.023870959812751655 -0.09530850301598763 -0.13400313380454026 -0.1603154827407585 -0.19901011352931114 -0.2113923953816455 -0.2516348114017388 -0.3104506502003469 -0.30271172404263463 -0.3228329320526813 -0.18508004644543605 -0.07983065070057185 0.17245834204079058 0.49130209973846456 0.743591092479827 1.0051667966104425 1.241977937036389 1.3952086749590589 1.385921963569806 1.390565319264428 +40934,1.085651628650638,2,-0.09530850301598763 -0.13400313380454026 -0.1603154827407585 -0.19901011352931114 -0.2113923953816455 -0.2516348114017388 -0.3104506502003469 -0.30271172404263463 -0.3228329320526813 -0.18508004644543605 -0.07983065070057185 0.17245834204079058 0.49130209973846456 0.743591092479827 1.0051667966104425 1.241977937036389 1.3952086749590589 1.385921963569806 1.390565319264428 1.2636469302779765 +40935,0.7497822334059986,2,-0.13400313380454026 -0.1603154827407585 -0.19901011352931114 -0.2113923953816455 -0.2516348114017388 -0.3104506502003469 -0.30271172404263463 -0.3228329320526813 -0.18508004644543605 -0.07983065070057185 0.17245834204079058 0.49130209973846456 0.743591092479827 1.0051667966104425 1.241977937036389 1.3952086749590589 1.385921963569806 1.390565319264428 1.2636469302779765 1.085651628650638 +40936,0.3705748516781846,2,-0.1603154827407585 -0.19901011352931114 -0.2113923953816455 -0.2516348114017388 -0.3104506502003469 -0.30271172404263463 -0.3228329320526813 -0.18508004644543605 -0.07983065070057185 0.17245834204079058 0.49130209973846456 0.743591092479827 1.0051667966104425 1.241977937036389 1.3952086749590589 1.385921963569806 1.390565319264428 1.2636469302779765 1.085651628650638 0.7497822334059986 +40937,0.2281786103763085,2,-0.19901011352931114 -0.2113923953816455 -0.2516348114017388 -0.3104506502003469 -0.30271172404263463 -0.3228329320526813 -0.18508004644543605 -0.07983065070057185 0.17245834204079058 0.49130209973846456 0.743591092479827 1.0051667966104425 1.241977937036389 1.3952086749590589 1.385921963569806 1.390565319264428 1.2636469302779765 1.085651628650638 0.7497822334059986 0.3705748516781846 +40938,0.08733015430598183,2,-0.2113923953816455 -0.2516348114017388 -0.3104506502003469 -0.30271172404263463 -0.3228329320526813 -0.18508004644543605 -0.07983065070057185 0.17245834204079058 0.49130209973846456 0.743591092479827 1.0051667966104425 1.241977937036389 1.3952086749590589 1.385921963569806 1.390565319264428 1.2636469302779765 1.085651628650638 0.7497822334059986 0.3705748516781846 0.2281786103763085 +40939,-0.002441389123466596,2,-0.2516348114017388 -0.3104506502003469 -0.30271172404263463 -0.3228329320526813 -0.18508004644543605 -0.07983065070057185 0.17245834204079058 0.49130209973846456 0.743591092479827 1.0051667966104425 1.241977937036389 1.3952086749590589 1.385921963569806 1.390565319264428 1.2636469302779765 1.085651628650638 0.7497822334059986 0.3705748516781846 0.2281786103763085 0.08733015430598183 +40940,-0.003989174355007293,2,-0.3104506502003469 -0.30271172404263463 -0.3228329320526813 -0.18508004644543605 -0.07983065070057185 0.17245834204079058 0.49130209973846456 0.743591092479827 1.0051667966104425 1.241977937036389 1.3952086749590589 1.385921963569806 1.390565319264428 1.2636469302779765 1.085651628650638 0.7497822334059986 0.3705748516781846 0.2281786103763085 0.08733015430598183 -0.002441389123466596 +40941,-0.0550660869958943,2,-0.30271172404263463 -0.3228329320526813 -0.18508004644543605 -0.07983065070057185 0.17245834204079058 0.49130209973846456 0.743591092479827 1.0051667966104425 1.241977937036389 1.3952086749590589 1.385921963569806 1.390565319264428 1.2636469302779765 1.085651628650638 0.7497822334059986 0.3705748516781846 0.2281786103763085 0.08733015430598183 -0.002441389123466596 -0.003989174355007293 +40942,-0.056613872227435,2,-0.3228329320526813 -0.18508004644543605 -0.07983065070057185 0.17245834204079058 0.49130209973846456 0.743591092479827 1.0051667966104425 1.241977937036389 1.3952086749590589 1.385921963569806 1.390565319264428 1.2636469302779765 1.085651628650638 0.7497822334059986 0.3705748516781846 0.2281786103763085 0.08733015430598183 -0.002441389123466596 -0.003989174355007293 -0.0550660869958943 +40943,-0.08137843593211255,2,-0.18508004644543605 -0.07983065070057185 0.17245834204079058 0.49130209973846456 0.743591092479827 1.0051667966104425 1.241977937036389 1.3952086749590589 1.385921963569806 1.390565319264428 1.2636469302779765 1.085651628650638 0.7497822334059986 0.3705748516781846 0.2281786103763085 0.08733015430598183 -0.002441389123466596 -0.003989174355007293 -0.0550660869958943 -0.056613872227435 +40944,-0.07209172454285957,2,-0.07983065070057185 0.17245834204079058 0.49130209973846456 0.743591092479827 1.0051667966104425 1.241977937036389 1.3952086749590589 1.385921963569806 1.390565319264428 1.2636469302779765 1.085651628650638 0.7497822334059986 0.3705748516781846 0.2281786103763085 0.08733015430598183 -0.002441389123466596 -0.003989174355007293 -0.0550660869958943 -0.056613872227435 -0.08137843593211255 +40945,-0.06899615407977817,2,0.17245834204079058 0.49130209973846456 0.743591092479827 1.0051667966104425 1.241977937036389 1.3952086749590589 1.385921963569806 1.390565319264428 1.2636469302779765 1.085651628650638 0.7497822334059986 0.3705748516781846 0.2281786103763085 0.08733015430598183 -0.002441389123466596 -0.003989174355007293 -0.0550660869958943 -0.056613872227435 -0.08137843593211255 -0.07209172454285957 +40946,-0.1603154827407585,2,0.49130209973846456 0.743591092479827 1.0051667966104425 1.241977937036389 1.3952086749590589 1.385921963569806 1.390565319264428 1.2636469302779765 1.085651628650638 0.7497822334059986 0.3705748516781846 0.2281786103763085 0.08733015430598183 -0.002441389123466596 -0.003989174355007293 -0.0550660869958943 -0.056613872227435 -0.08137843593211255 -0.07209172454285957 -0.06899615407977817 +40947,-0.09685628824752832,2,0.743591092479827 1.0051667966104425 1.241977937036389 1.3952086749590589 1.385921963569806 1.390565319264428 1.2636469302779765 1.085651628650638 0.7497822334059986 0.3705748516781846 0.2281786103763085 0.08733015430598183 -0.002441389123466596 -0.003989174355007293 -0.0550660869958943 -0.056613872227435 -0.08137843593211255 -0.07209172454285957 -0.06899615407977817 -0.1603154827407585 +40948,-0.06280501315360658,2,1.0051667966104425 1.241977937036389 1.3952086749590589 1.385921963569806 1.390565319264428 1.2636469302779765 1.085651628650638 0.7497822334059986 0.3705748516781846 0.2281786103763085 0.08733015430598183 -0.002441389123466596 -0.003989174355007293 -0.0550660869958943 -0.056613872227435 -0.08137843593211255 -0.07209172454285957 -0.06899615407977817 -0.1603154827407585 -0.09685628824752832 +40949,0.16007606018845622,2,1.241977937036389 1.3952086749590589 1.385921963569806 1.390565319264428 1.2636469302779765 1.085651628650638 0.7497822334059986 0.3705748516781846 0.2281786103763085 0.08733015430598183 -0.002441389123466596 -0.003989174355007293 -0.0550660869958943 -0.056613872227435 -0.08137843593211255 -0.07209172454285957 -0.06899615407977817 -0.1603154827407585 -0.09685628824752832 -0.06280501315360658 +40950,0.4943976702015548,2,1.3952086749590589 1.385921963569806 1.390565319264428 1.2636469302779765 1.085651628650638 0.7497822334059986 0.3705748516781846 0.2281786103763085 0.08733015430598183 -0.002441389123466596 -0.003989174355007293 -0.0550660869958943 -0.056613872227435 -0.08137843593211255 -0.07209172454285957 -0.06899615407977817 -0.1603154827407585 -0.09685628824752832 -0.06280501315360658 0.16007606018845622 +40951,0.8349104211408162,2,1.385921963569806 1.390565319264428 1.2636469302779765 1.085651628650638 0.7497822334059986 0.3705748516781846 0.2281786103763085 0.08733015430598183 -0.002441389123466596 -0.003989174355007293 -0.0550660869958943 -0.056613872227435 -0.08137843593211255 -0.07209172454285957 -0.06899615407977817 -0.1603154827407585 -0.09685628824752832 -0.06280501315360658 0.16007606018845622 0.4943976702015548 +40952,1.1522063936069495,2,1.390565319264428 1.2636469302779765 1.085651628650638 0.7497822334059986 0.3705748516781846 0.2281786103763085 0.08733015430598183 -0.002441389123466596 -0.003989174355007293 -0.0550660869958943 -0.056613872227435 -0.08137843593211255 -0.07209172454285957 -0.06899615407977817 -0.1603154827407585 -0.09685628824752832 -0.06280501315360658 0.16007606018845622 0.4943976702015548 0.8349104211408162 +40953,1.30698491676116,2,1.2636469302779765 1.085651628650638 0.7497822334059986 0.3705748516781846 0.2281786103763085 0.08733015430598183 -0.002441389123466596 -0.003989174355007293 -0.0550660869958943 -0.056613872227435 -0.08137843593211255 -0.07209172454285957 -0.06899615407977817 -0.1603154827407585 -0.09685628824752832 -0.06280501315360658 0.16007606018845622 0.4943976702015548 0.8349104211408162 1.1522063936069495 +40954,1.3704441112543813,2,1.085651628650638 0.7497822334059986 0.3705748516781846 0.2281786103763085 0.08733015430598183 -0.002441389123466596 -0.003989174355007293 -0.0550660869958943 -0.056613872227435 -0.08137843593211255 -0.07209172454285957 -0.06899615407977817 -0.1603154827407585 -0.09685628824752832 -0.06280501315360658 0.16007606018845622 0.4943976702015548 0.8349104211408162 1.1522063936069495 1.30698491676116 +40955,1.316271628150413,2,0.7497822334059986 0.3705748516781846 0.2281786103763085 0.08733015430598183 -0.002441389123466596 -0.003989174355007293 -0.0550660869958943 -0.056613872227435 -0.08137843593211255 -0.07209172454285957 -0.06899615407977817 -0.1603154827407585 -0.09685628824752832 -0.06280501315360658 0.16007606018845622 0.4943976702015548 0.8349104211408162 1.1522063936069495 1.30698491676116 1.3704441112543813 +40956,1.2032833062478365,2,0.3705748516781846 0.2281786103763085 0.08733015430598183 -0.002441389123466596 -0.003989174355007293 -0.0550660869958943 -0.056613872227435 -0.08137843593211255 -0.07209172454285957 -0.06899615407977817 -0.1603154827407585 -0.09685628824752832 -0.06280501315360658 0.16007606018845622 0.4943976702015548 0.8349104211408162 1.1522063936069495 1.30698491676116 1.3704441112543813 1.316271628150413 +40957,1.0608870649459603,2,0.2281786103763085 0.08733015430598183 -0.002441389123466596 -0.003989174355007293 -0.0550660869958943 -0.056613872227435 -0.08137843593211255 -0.07209172454285957 -0.06899615407977817 -0.1603154827407585 -0.09685628824752832 -0.06280501315360658 0.16007606018845622 0.4943976702015548 0.8349104211408162 1.1522063936069495 1.30698491676116 1.3704441112543813 1.316271628150413 1.2032833062478365 +40958,0.8705094814662874,2,0.08733015430598183 -0.002441389123466596 -0.003989174355007293 -0.0550660869958943 -0.056613872227435 -0.08137843593211255 -0.07209172454285957 -0.06899615407977817 -0.1603154827407585 -0.09685628824752832 -0.06280501315360658 0.16007606018845622 0.4943976702015548 0.8349104211408162 1.1522063936069495 1.30698491676116 1.3704441112543813 1.316271628150413 1.2032833062478365 1.0608870649459603 +40959,0.5036843815908078,2,-0.002441389123466596 -0.003989174355007293 -0.0550660869958943 -0.056613872227435 -0.08137843593211255 -0.07209172454285957 -0.06899615407977817 -0.1603154827407585 -0.09685628824752832 -0.06280501315360658 0.16007606018845622 0.4943976702015548 0.8349104211408162 1.1522063936069495 1.30698491676116 1.3704441112543813 1.316271628150413 1.2032833062478365 1.0608870649459603 0.8705094814662874 +40960,0.25449095931252674,2,-0.003989174355007293 -0.0550660869958943 -0.056613872227435 -0.08137843593211255 -0.07209172454285957 -0.06899615407977817 -0.1603154827407585 -0.09685628824752832 -0.06280501315360658 0.16007606018845622 0.4943976702015548 0.8349104211408162 1.1522063936069495 1.30698491676116 1.3704441112543813 1.316271628150413 1.2032833062478365 1.0608870649459603 0.8705094814662874 0.5036843815908078 +40961,0.1089991475475692,2,-0.0550660869958943 -0.056613872227435 -0.08137843593211255 -0.07209172454285957 -0.06899615407977817 -0.1603154827407585 -0.09685628824752832 -0.06280501315360658 0.16007606018845622 0.4943976702015548 0.8349104211408162 1.1522063936069495 1.30698491676116 1.3704441112543813 1.316271628150413 1.2032833062478365 1.0608870649459603 0.8705094814662874 0.5036843815908078 0.25449095931252674 +40962,0.00994089272887658,2,-0.056613872227435 -0.08137843593211255 -0.07209172454285957 -0.06899615407977817 -0.1603154827407585 -0.09685628824752832 -0.06280501315360658 0.16007606018845622 0.4943976702015548 0.8349104211408162 1.1522063936069495 1.30698491676116 1.3704441112543813 1.316271628150413 1.2032833062478365 1.0608870649459603 0.8705094814662874 0.5036843815908078 0.25449095931252674 0.1089991475475692 +40963,-0.04268380514355992,2,-0.08137843593211255 -0.07209172454285957 -0.06899615407977817 -0.1603154827407585 -0.09685628824752832 -0.06280501315360658 0.16007606018845622 0.4943976702015548 0.8349104211408162 1.1522063936069495 1.30698491676116 1.3704441112543813 1.316271628150413 1.2032833062478365 1.0608870649459603 0.8705094814662874 0.5036843815908078 0.25449095931252674 0.1089991475475692 0.00994089272887658 +40964,-0.08137843593211255,2,-0.07209172454285957 -0.06899615407977817 -0.1603154827407585 -0.09685628824752832 -0.06280501315360658 0.16007606018845622 0.4943976702015548 0.8349104211408162 1.1522063936069495 1.30698491676116 1.3704441112543813 1.316271628150413 1.2032833062478365 1.0608870649459603 0.8705094814662874 0.5036843815908078 0.25449095931252674 0.1089991475475692 0.00994089272887658 -0.04268380514355992 +40965,-0.08137843593211255,2,-0.06899615407977817 -0.1603154827407585 -0.09685628824752832 -0.06280501315360658 0.16007606018845622 0.4943976702015548 0.8349104211408162 1.1522063936069495 1.30698491676116 1.3704441112543813 1.316271628150413 1.2032833062478365 1.0608870649459603 0.8705094814662874 0.5036843815908078 0.25449095931252674 0.1089991475475692 0.00994089272887658 -0.04268380514355992 -0.08137843593211255 +40966,-0.09530850301598763,2,-0.1603154827407585 -0.09685628824752832 -0.06280501315360658 0.16007606018845622 0.4943976702015548 0.8349104211408162 1.1522063936069495 1.30698491676116 1.3704441112543813 1.316271628150413 1.2032833062478365 1.0608870649459603 0.8705094814662874 0.5036843815908078 0.25449095931252674 0.1089991475475692 0.00994089272887658 -0.04268380514355992 -0.08137843593211255 -0.08137843593211255 +40967,-0.1092385700998715,2,-0.09685628824752832 -0.06280501315360658 0.16007606018845622 0.4943976702015548 0.8349104211408162 1.1522063936069495 1.30698491676116 1.3704441112543813 1.316271628150413 1.2032833062478365 1.0608870649459603 0.8705094814662874 0.5036843815908078 0.25449095931252674 0.1089991475475692 0.00994089272887658 -0.04268380514355992 -0.08137843593211255 -0.08137843593211255 -0.09530850301598763 +40968,-0.1076907848683308,2,-0.06280501315360658 0.16007606018845622 0.4943976702015548 0.8349104211408162 1.1522063936069495 1.30698491676116 1.3704441112543813 1.316271628150413 1.2032833062478365 1.0608870649459603 0.8705094814662874 0.5036843815908078 0.25449095931252674 0.1089991475475692 0.00994089272887658 -0.04268380514355992 -0.08137843593211255 -0.08137843593211255 -0.09530850301598763 -0.1092385700998715 +40969,-0.10614299963678131,2,0.16007606018845622 0.4943976702015548 0.8349104211408162 1.1522063936069495 1.30698491676116 1.3704441112543813 1.316271628150413 1.2032833062478365 1.0608870649459603 0.8705094814662874 0.5036843815908078 0.25449095931252674 0.1089991475475692 0.00994089272887658 -0.04268380514355992 -0.08137843593211255 -0.08137843593211255 -0.09530850301598763 -0.1092385700998715 -0.1076907848683308 +40970,-0.1076907848683308,2,0.4943976702015548 0.8349104211408162 1.1522063936069495 1.30698491676116 1.3704441112543813 1.316271628150413 1.2032833062478365 1.0608870649459603 0.8705094814662874 0.5036843815908078 0.25449095931252674 0.1089991475475692 0.00994089272887658 -0.04268380514355992 -0.08137843593211255 -0.08137843593211255 -0.09530850301598763 -0.1092385700998715 -0.1076907848683308 -0.10614299963678131 +40971,-0.13245534857299956,2,0.8349104211408162 1.1522063936069495 1.30698491676116 1.3704441112543813 1.316271628150413 1.2032833062478365 1.0608870649459603 0.8705094814662874 0.5036843815908078 0.25449095931252674 0.1089991475475692 0.00994089272887658 -0.04268380514355992 -0.08137843593211255 -0.08137843593211255 -0.09530850301598763 -0.1092385700998715 -0.1076907848683308 -0.10614299963678131 -0.1076907848683308 +40972,-0.025658167596594655,2,1.1522063936069495 1.30698491676116 1.3704441112543813 1.316271628150413 1.2032833062478365 1.0608870649459603 0.8705094814662874 0.5036843815908078 0.25449095931252674 0.1089991475475692 0.00994089272887658 -0.04268380514355992 -0.08137843593211255 -0.08137843593211255 -0.09530850301598763 -0.1092385700998715 -0.1076907848683308 -0.10614299963678131 -0.1076907848683308 -0.13245534857299956 +40973,0.14305042264149093,2,1.30698491676116 1.3704441112543813 1.316271628150413 1.2032833062478365 1.0608870649459603 0.8705094814662874 0.5036843815908078 0.25449095931252674 0.1089991475475692 0.00994089272887658 -0.04268380514355992 -0.08137843593211255 -0.08137843593211255 -0.09530850301598763 -0.1092385700998715 -0.1076907848683308 -0.10614299963678131 -0.1076907848683308 -0.13245534857299956 -0.025658167596594655 +40974,0.3767659926043474,2,1.3704441112543813 1.316271628150413 1.2032833062478365 1.0608870649459603 0.8705094814662874 0.5036843815908078 0.25449095931252674 0.1089991475475692 0.00994089272887658 -0.04268380514355992 -0.08137843593211255 -0.08137843593211255 -0.09530850301598763 -0.1092385700998715 -0.1076907848683308 -0.10614299963678131 -0.1076907848683308 -0.13245534857299956 -0.025658167596594655 0.14305042264149093 +40975,0.6213160591880064,2,1.316271628150413 1.2032833062478365 1.0608870649459603 0.8705094814662874 0.5036843815908078 0.25449095931252674 0.1089991475475692 0.00994089272887658 -0.04268380514355992 -0.08137843593211255 -0.08137843593211255 -0.09530850301598763 -0.1092385700998715 -0.1076907848683308 -0.10614299963678131 -0.1076907848683308 -0.13245534857299956 -0.025658167596594655 0.14305042264149093 0.3767659926043474 +40976,0.8333626359092754,2,1.2032833062478365 1.0608870649459603 0.8705094814662874 0.5036843815908078 0.25449095931252674 0.1089991475475692 0.00994089272887658 -0.04268380514355992 -0.08137843593211255 -0.08137843593211255 -0.09530850301598763 -0.1092385700998715 -0.1076907848683308 -0.10614299963678131 -0.1076907848683308 -0.13245534857299956 -0.025658167596594655 0.14305042264149093 0.3767659926043474 0.6213160591880064 +40977,1.09029498434526,2,1.0608870649459603 0.8705094814662874 0.5036843815908078 0.25449095931252674 0.1089991475475692 0.00994089272887658 -0.04268380514355992 -0.08137843593211255 -0.08137843593211255 -0.09530850301598763 -0.1092385700998715 -0.1076907848683308 -0.10614299963678131 -0.1076907848683308 -0.13245534857299956 -0.025658167596594655 0.14305042264149093 0.3767659926043474 0.6213160591880064 0.8333626359092754 +40978,1.1336329708284434,2,0.8705094814662874 0.5036843815908078 0.25449095931252674 0.1089991475475692 0.00994089272887658 -0.04268380514355992 -0.08137843593211255 -0.08137843593211255 -0.09530850301598763 -0.1092385700998715 -0.1076907848683308 -0.10614299963678131 -0.1076907848683308 -0.13245534857299956 -0.025658167596594655 0.14305042264149093 0.3767659926043474 0.6213160591880064 0.8333626359092754 1.09029498434526 +40979,1.1614931049962025,2,0.5036843815908078 0.25449095931252674 0.1089991475475692 0.00994089272887658 -0.04268380514355992 -0.08137843593211255 -0.08137843593211255 -0.09530850301598763 -0.1092385700998715 -0.1076907848683308 -0.10614299963678131 -0.1076907848683308 -0.13245534857299956 -0.025658167596594655 0.14305042264149093 0.3767659926043474 0.6213160591880064 0.8333626359092754 1.09029498434526 1.1336329708284434 +40980,1.0887471991137192,2,0.25449095931252674 0.1089991475475692 0.00994089272887658 -0.04268380514355992 -0.08137843593211255 -0.08137843593211255 -0.09530850301598763 -0.1092385700998715 -0.1076907848683308 -0.10614299963678131 -0.1076907848683308 -0.13245534857299956 -0.025658167596594655 0.14305042264149093 0.3767659926043474 0.6213160591880064 0.8333626359092754 1.09029498434526 1.1336329708284434 1.1614931049962025 +40981,1.0144535079996955,2,0.1089991475475692 0.00994089272887658 -0.04268380514355992 -0.08137843593211255 -0.08137843593211255 -0.09530850301598763 -0.1092385700998715 -0.1076907848683308 -0.10614299963678131 -0.1076907848683308 -0.13245534857299956 -0.025658167596594655 0.14305042264149093 0.3767659926043474 0.6213160591880064 0.8333626359092754 1.09029498434526 1.1336329708284434 1.1614931049962025 1.0887471991137192 +40982,0.8426493472985285,2,0.00994089272887658 -0.04268380514355992 -0.08137843593211255 -0.08137843593211255 -0.09530850301598763 -0.1092385700998715 -0.1076907848683308 -0.10614299963678131 -0.1076907848683308 -0.13245534857299956 -0.025658167596594655 0.14305042264149093 0.3767659926043474 0.6213160591880064 0.8333626359092754 1.09029498434526 1.1336329708284434 1.1614931049962025 1.0887471991137192 1.0144535079996955 +40983,0.5795258579363636,2,-0.04268380514355992 -0.08137843593211255 -0.08137843593211255 -0.09530850301598763 -0.1092385700998715 -0.1076907848683308 -0.10614299963678131 -0.1076907848683308 -0.13245534857299956 -0.025658167596594655 0.14305042264149093 0.3767659926043474 0.6213160591880064 0.8333626359092754 1.09029498434526 1.1336329708284434 1.1614931049962025 1.0887471991137192 1.0144535079996955 0.8426493472985285 +40984,0.16471941588308708,2,-0.08137843593211255 -0.08137843593211255 -0.09530850301598763 -0.1092385700998715 -0.1076907848683308 -0.10614299963678131 -0.1076907848683308 -0.13245534857299956 -0.025658167596594655 0.14305042264149093 0.3767659926043474 0.6213160591880064 0.8333626359092754 1.09029498434526 1.1336329708284434 1.1614931049962025 1.0887471991137192 1.0144535079996955 0.8426493472985285 0.5795258579363636 +40985,0.00994089272887658,2,-0.08137843593211255 -0.09530850301598763 -0.1092385700998715 -0.1076907848683308 -0.10614299963678131 -0.1076907848683308 -0.13245534857299956 -0.025658167596594655 0.14305042264149093 0.3767659926043474 0.6213160591880064 0.8333626359092754 1.09029498434526 1.1336329708284434 1.1614931049962025 1.0887471991137192 1.0144535079996955 0.8426493472985285 0.5795258579363636 0.16471941588308708 +40986,-0.04268380514355992,2,-0.09530850301598763 -0.1092385700998715 -0.1076907848683308 -0.10614299963678131 -0.1076907848683308 -0.13245534857299956 -0.025658167596594655 0.14305042264149093 0.3767659926043474 0.6213160591880064 0.8333626359092754 1.09029498434526 1.1336329708284434 1.1614931049962025 1.0887471991137192 1.0144535079996955 0.8426493472985285 0.5795258579363636 0.16471941588308708 0.00994089272887658 +40987,-0.06744836884822868,2,-0.1092385700998715 -0.1076907848683308 -0.10614299963678131 -0.1076907848683308 -0.13245534857299956 -0.025658167596594655 0.14305042264149093 0.3767659926043474 0.6213160591880064 0.8333626359092754 1.09029498434526 1.1336329708284434 1.1614931049962025 1.0887471991137192 1.0144535079996955 0.8426493472985285 0.5795258579363636 0.16471941588308708 0.00994089272887658 -0.04268380514355992 +40988,-0.08137843593211255,2,-0.1076907848683308 -0.10614299963678131 -0.1076907848683308 -0.13245534857299956 -0.025658167596594655 0.14305042264149093 0.3767659926043474 0.6213160591880064 0.8333626359092754 1.09029498434526 1.1336329708284434 1.1614931049962025 1.0887471991137192 1.0144535079996955 0.8426493472985285 0.5795258579363636 0.16471941588308708 0.00994089272887658 -0.04268380514355992 -0.06744836884822868 +40989,-0.12007306672066517,2,-0.10614299963678131 -0.1076907848683308 -0.13245534857299956 -0.025658167596594655 0.14305042264149093 0.3767659926043474 0.6213160591880064 0.8333626359092754 1.09029498434526 1.1336329708284434 1.1614931049962025 1.0887471991137192 1.0144535079996955 0.8426493472985285 0.5795258579363636 0.16471941588308708 0.00994089272887658 -0.04268380514355992 -0.06744836884822868 -0.08137843593211255 +40990,-0.18508004644543605,2,-0.1076907848683308 -0.13245534857299956 -0.025658167596594655 0.14305042264149093 0.3767659926043474 0.6213160591880064 0.8333626359092754 1.09029498434526 1.1336329708284434 1.1614931049962025 1.0887471991137192 1.0144535079996955 0.8426493472985285 0.5795258579363636 0.16471941588308708 0.00994089272887658 -0.04268380514355992 -0.06744836884822868 -0.08137843593211255 -0.12007306672066517 +40991,-0.19746232829777044,2,-0.13245534857299956 -0.025658167596594655 0.14305042264149093 0.3767659926043474 0.6213160591880064 0.8333626359092754 1.09029498434526 1.1336329708284434 1.1614931049962025 1.0887471991137192 1.0144535079996955 0.8426493472985285 0.5795258579363636 0.16471941588308708 0.00994089272887658 -0.04268380514355992 -0.06744836884822868 -0.08137843593211255 -0.12007306672066517 -0.18508004644543605 +40992,-0.20210568399239254,2,-0.025658167596594655 0.14305042264149093 0.3767659926043474 0.6213160591880064 0.8333626359092754 1.09029498434526 1.1336329708284434 1.1614931049962025 1.0887471991137192 1.0144535079996955 0.8426493472985285 0.5795258579363636 0.16471941588308708 0.00994089272887658 -0.04268380514355992 -0.06744836884822868 -0.08137843593211255 -0.12007306672066517 -0.18508004644543605 -0.19746232829777044 +40993,-0.2113923953816455,2,0.14305042264149093 0.3767659926043474 0.6213160591880064 0.8333626359092754 1.09029498434526 1.1336329708284434 1.1614931049962025 1.0887471991137192 1.0144535079996955 0.8426493472985285 0.5795258579363636 0.16471941588308708 0.00994089272887658 -0.04268380514355992 -0.06744836884822868 -0.08137843593211255 -0.12007306672066517 -0.18508004644543605 -0.19746232829777044 -0.20210568399239254 +40994,-0.23615695908632306,2,0.3767659926043474 0.6213160591880064 0.8333626359092754 1.09029498434526 1.1336329708284434 1.1614931049962025 1.0887471991137192 1.0144535079996955 0.8426493472985285 0.5795258579363636 0.16471941588308708 0.00994089272887658 -0.04268380514355992 -0.06744836884822868 -0.08137843593211255 -0.12007306672066517 -0.18508004644543605 -0.19746232829777044 -0.20210568399239254 -0.2113923953816455 +40995,-0.2160357510762764,2,0.6213160591880064 0.8333626359092754 1.09029498434526 1.1336329708284434 1.1614931049962025 1.0887471991137192 1.0144535079996955 0.8426493472985285 0.5795258579363636 0.16471941588308708 0.00994089272887658 -0.04268380514355992 -0.06744836884822868 -0.08137843593211255 -0.12007306672066517 -0.18508004644543605 -0.19746232829777044 -0.20210568399239254 -0.2113923953816455 -0.23615695908632306 +40996,-0.07828286546903115,2,0.8333626359092754 1.09029498434526 1.1336329708284434 1.1614931049962025 1.0887471991137192 1.0144535079996955 0.8426493472985285 0.5795258579363636 0.16471941588308708 0.00994089272887658 -0.04268380514355992 -0.06744836884822868 -0.08137843593211255 -0.12007306672066517 -0.18508004644543605 -0.19746232829777044 -0.20210568399239254 -0.2113923953816455 -0.23615695908632306 -0.2160357510762764 +40997,0.04708773828587971,2,1.09029498434526 1.1336329708284434 1.1614931049962025 1.0887471991137192 1.0144535079996955 0.8426493472985285 0.5795258579363636 0.16471941588308708 0.00994089272887658 -0.04268380514355992 -0.06744836884822868 -0.08137843593211255 -0.12007306672066517 -0.18508004644543605 -0.19746232829777044 -0.20210568399239254 -0.2113923953816455 -0.23615695908632306 -0.2160357510762764 -0.07828286546903115 +40998,0.2235352546816864,2,1.1336329708284434 1.1614931049962025 1.0887471991137192 1.0144535079996955 0.8426493472985285 0.5795258579363636 0.16471941588308708 0.00994089272887658 -0.04268380514355992 -0.06744836884822868 -0.08137843593211255 -0.12007306672066517 -0.18508004644543605 -0.19746232829777044 -0.20210568399239254 -0.2113923953816455 -0.23615695908632306 -0.2160357510762764 -0.07828286546903115 0.04708773828587971 +40999,0.45260746894991194,2,1.1614931049962025 1.0887471991137192 1.0144535079996955 0.8426493472985285 0.5795258579363636 0.16471941588308708 0.00994089272887658 -0.04268380514355992 -0.06744836884822868 -0.08137843593211255 -0.12007306672066517 -0.18508004644543605 -0.19746232829777044 -0.20210568399239254 -0.2113923953816455 -0.23615695908632306 -0.2160357510762764 -0.07828286546903115 0.04708773828587971 0.2235352546816864 +41000,0.6987053207651116,2,1.0887471991137192 1.0144535079996955 0.8426493472985285 0.5795258579363636 0.16471941588308708 0.00994089272887658 -0.04268380514355992 -0.06744836884822868 -0.08137843593211255 -0.12007306672066517 -0.18508004644543605 -0.19746232829777044 -0.20210568399239254 -0.2113923953816455 -0.23615695908632306 -0.2160357510762764 -0.07828286546903115 0.04708773828587971 0.2235352546816864 0.45260746894991194 +41001,0.8705094814662874,2,1.0144535079996955 0.8426493472985285 0.5795258579363636 0.16471941588308708 0.00994089272887658 -0.04268380514355992 -0.06744836884822868 -0.08137843593211255 -0.12007306672066517 -0.18508004644543605 -0.19746232829777044 -0.20210568399239254 -0.2113923953816455 -0.23615695908632306 -0.2160357510762764 -0.07828286546903115 0.04708773828587971 0.2235352546816864 0.45260746894991194 0.6987053207651116 +41002,0.997427870452739,2,0.8426493472985285 0.5795258579363636 0.16471941588308708 0.00994089272887658 -0.04268380514355992 -0.06744836884822868 -0.08137843593211255 -0.12007306672066517 -0.18508004644543605 -0.19746232829777044 -0.20210568399239254 -0.2113923953816455 -0.23615695908632306 -0.2160357510762764 -0.07828286546903115 0.04708773828587971 0.2235352546816864 0.45260746894991194 0.6987053207651116 0.8705094814662874 +41003,0.9773066624426923,2,0.5795258579363636 0.16471941588308708 0.00994089272887658 -0.04268380514355992 -0.06744836884822868 -0.08137843593211255 -0.12007306672066517 -0.18508004644543605 -0.19746232829777044 -0.20210568399239254 -0.2113923953816455 -0.23615695908632306 -0.2160357510762764 -0.07828286546903115 0.04708773828587971 0.2235352546816864 0.45260746894991194 0.6987053207651116 0.8705094814662874 0.997427870452739 +41004,0.8828917633186217,2,0.16471941588308708 0.00994089272887658 -0.04268380514355992 -0.06744836884822868 -0.08137843593211255 -0.12007306672066517 -0.18508004644543605 -0.19746232829777044 -0.20210568399239254 -0.2113923953816455 -0.23615695908632306 -0.2160357510762764 -0.07828286546903115 0.04708773828587971 0.2235352546816864 0.45260746894991194 0.6987053207651116 0.8705094814662874 0.997427870452739 0.9773066624426923 +41005,0.8055025017415165,2,0.00994089272887658 -0.04268380514355992 -0.06744836884822868 -0.08137843593211255 -0.12007306672066517 -0.18508004644543605 -0.19746232829777044 -0.20210568399239254 -0.2113923953816455 -0.23615695908632306 -0.2160357510762764 -0.07828286546903115 0.04708773828587971 0.2235352546816864 0.45260746894991194 0.6987053207651116 0.8705094814662874 0.997427870452739 0.9773066624426923 0.8828917633186217 +41006,0.6166727034933754,2,-0.04268380514355992 -0.06744836884822868 -0.08137843593211255 -0.12007306672066517 -0.18508004644543605 -0.19746232829777044 -0.20210568399239254 -0.2113923953816455 -0.23615695908632306 -0.2160357510762764 -0.07828286546903115 0.04708773828587971 0.2235352546816864 0.45260746894991194 0.6987053207651116 0.8705094814662874 0.997427870452739 0.9773066624426923 0.8828917633186217 0.8055025017415165 +41007,0.4355818314029555,2,-0.06744836884822868 -0.08137843593211255 -0.12007306672066517 -0.18508004644543605 -0.19746232829777044 -0.20210568399239254 -0.2113923953816455 -0.23615695908632306 -0.2160357510762764 -0.07828286546903115 0.04708773828587971 0.2235352546816864 0.45260746894991194 0.6987053207651116 0.8705094814662874 0.997427870452739 0.9773066624426923 0.8828917633186217 0.8055025017415165 0.6166727034933754 +41008,0.19257955005083724,2,-0.08137843593211255 -0.12007306672066517 -0.18508004644543605 -0.19746232829777044 -0.20210568399239254 -0.2113923953816455 -0.23615695908632306 -0.2160357510762764 -0.07828286546903115 0.04708773828587971 0.2235352546816864 0.45260746894991194 0.6987053207651116 0.8705094814662874 0.997427870452739 0.9773066624426923 0.8828917633186217 0.8055025017415165 0.6166727034933754 0.4355818314029555 +41009,0.03625324166508603,2,-0.12007306672066517 -0.18508004644543605 -0.19746232829777044 -0.20210568399239254 -0.2113923953816455 -0.23615695908632306 -0.2160357510762764 -0.07828286546903115 0.04708773828587971 0.2235352546816864 0.45260746894991194 0.6987053207651116 0.8705094814662874 0.997427870452739 0.9773066624426923 0.8828917633186217 0.8055025017415165 0.6166727034933754 0.4355818314029555 0.19257955005083724 +41010,-0.030301523291225544,2,-0.18508004644543605 -0.19746232829777044 -0.20210568399239254 -0.2113923953816455 -0.23615695908632306 -0.2160357510762764 -0.07828286546903115 0.04708773828587971 0.2235352546816864 0.45260746894991194 0.6987053207651116 0.8705094814662874 0.997427870452739 0.9773066624426923 0.8828917633186217 0.8055025017415165 0.6166727034933754 0.4355818314029555 0.19257955005083724 0.03625324166508603 +41011,-0.04268380514355992,2,-0.19746232829777044 -0.20210568399239254 -0.2113923953816455 -0.23615695908632306 -0.2160357510762764 -0.07828286546903115 0.04708773828587971 0.2235352546816864 0.45260746894991194 0.6987053207651116 0.8705094814662874 0.997427870452739 0.9773066624426923 0.8828917633186217 0.8055025017415165 0.6166727034933754 0.4355818314029555 0.19257955005083724 0.03625324166508603 -0.030301523291225544 +41012,-0.03184930852276624,2,-0.20210568399239254 -0.2113923953816455 -0.23615695908632306 -0.2160357510762764 -0.07828286546903115 0.04708773828587971 0.2235352546816864 0.45260746894991194 0.6987053207651116 0.8705094814662874 0.997427870452739 0.9773066624426923 0.8828917633186217 0.8055025017415165 0.6166727034933754 0.4355818314029555 0.19257955005083724 0.03625324166508603 -0.030301523291225544 -0.04268380514355992 +41013,-0.08137843593211255,2,-0.2113923953816455 -0.23615695908632306 -0.2160357510762764 -0.07828286546903115 0.04708773828587971 0.2235352546816864 0.45260746894991194 0.6987053207651116 0.8705094814662874 0.997427870452739 0.9773066624426923 0.8828917633186217 0.8055025017415165 0.6166727034933754 0.4355818314029555 0.19257955005083724 0.03625324166508603 -0.030301523291225544 -0.04268380514355992 -0.03184930852276624 +41014,-0.12316863718374657,2,-0.23615695908632306 -0.2160357510762764 -0.07828286546903115 0.04708773828587971 0.2235352546816864 0.45260746894991194 0.6987053207651116 0.8705094814662874 0.997427870452739 0.9773066624426923 0.8828917633186217 0.8055025017415165 0.6166727034933754 0.4355818314029555 0.19257955005083724 0.03625324166508603 -0.030301523291225544 -0.04268380514355992 -0.03184930852276624 -0.08137843593211255 +41015,-0.09530850301598763,2,-0.2160357510762764 -0.07828286546903115 0.04708773828587971 0.2235352546816864 0.45260746894991194 0.6987053207651116 0.8705094814662874 0.997427870452739 0.9773066624426923 0.8828917633186217 0.8055025017415165 0.6166727034933754 0.4355818314029555 0.19257955005083724 0.03625324166508603 -0.030301523291225544 -0.04268380514355992 -0.03184930852276624 -0.08137843593211255 -0.12316863718374657 +41016,-0.09530850301598763,2,-0.07828286546903115 0.04708773828587971 0.2235352546816864 0.45260746894991194 0.6987053207651116 0.8705094814662874 0.997427870452739 0.9773066624426923 0.8828917633186217 0.8055025017415165 0.6166727034933754 0.4355818314029555 0.19257955005083724 0.03625324166508603 -0.030301523291225544 -0.04268380514355992 -0.03184930852276624 -0.08137843593211255 -0.12316863718374657 -0.09530850301598763 +41017,-0.1076907848683308,2,0.04708773828587971 0.2235352546816864 0.45260746894991194 0.6987053207651116 0.8705094814662874 0.997427870452739 0.9773066624426923 0.8828917633186217 0.8055025017415165 0.6166727034933754 0.4355818314029555 0.19257955005083724 0.03625324166508603 -0.030301523291225544 -0.04268380514355992 -0.03184930852276624 -0.08137843593211255 -0.12316863718374657 -0.09530850301598763 -0.09530850301598763 +41018,-0.1076907848683308,2,0.2235352546816864 0.45260746894991194 0.6987053207651116 0.8705094814662874 0.997427870452739 0.9773066624426923 0.8828917633186217 0.8055025017415165 0.6166727034933754 0.4355818314029555 0.19257955005083724 0.03625324166508603 -0.030301523291225544 -0.04268380514355992 -0.03184930852276624 -0.08137843593211255 -0.12316863718374657 -0.09530850301598763 -0.09530850301598763 -0.1076907848683308 +41019,-0.09685628824752832,2,0.45260746894991194 0.6987053207651116 0.8705094814662874 0.997427870452739 0.9773066624426923 0.8828917633186217 0.8055025017415165 0.6166727034933754 0.4355818314029555 0.19257955005083724 0.03625324166508603 -0.030301523291225544 -0.04268380514355992 -0.03184930852276624 -0.08137843593211255 -0.12316863718374657 -0.09530850301598763 -0.09530850301598763 -0.1076907848683308 -0.1076907848683308 +41020,-0.1076907848683308,2,0.6987053207651116 0.8705094814662874 0.997427870452739 0.9773066624426923 0.8828917633186217 0.8055025017415165 0.6166727034933754 0.4355818314029555 0.19257955005083724 0.03625324166508603 -0.030301523291225544 -0.04268380514355992 -0.03184930852276624 -0.08137843593211255 -0.12316863718374657 -0.09530850301598763 -0.09530850301598763 -0.1076907848683308 -0.1076907848683308 -0.09685628824752832 +41021,-0.025658167596594655,2,0.8705094814662874 0.997427870452739 0.9773066624426923 0.8828917633186217 0.8055025017415165 0.6166727034933754 0.4355818314029555 0.19257955005083724 0.03625324166508603 -0.030301523291225544 -0.04268380514355992 -0.03184930852276624 -0.08137843593211255 -0.12316863718374657 -0.09530850301598763 -0.09530850301598763 -0.1076907848683308 -0.1076907848683308 -0.09685628824752832 -0.1076907848683308 +41022,0.05637444967513269,2,0.997427870452739 0.9773066624426923 0.8828917633186217 0.8055025017415165 0.6166727034933754 0.4355818314029555 0.19257955005083724 0.03625324166508603 -0.030301523291225544 -0.04268380514355992 -0.03184930852276624 -0.08137843593211255 -0.12316863718374657 -0.09530850301598763 -0.09530850301598763 -0.1076907848683308 -0.1076907848683308 -0.09685628824752832 -0.1076907848683308 -0.025658167596594655 +41023,0.2792555230171955,2,0.9773066624426923 0.8828917633186217 0.8055025017415165 0.6166727034933754 0.4355818314029555 0.19257955005083724 0.03625324166508603 -0.030301523291225544 -0.04268380514355992 -0.03184930852276624 -0.08137843593211255 -0.12316863718374657 -0.09530850301598763 -0.09530850301598763 -0.1076907848683308 -0.1076907848683308 -0.09685628824752832 -0.1076907848683308 -0.025658167596594655 0.05637444967513269 +41024,0.44641632802374914,2,0.8828917633186217 0.8055025017415165 0.6166727034933754 0.4355818314029555 0.19257955005083724 0.03625324166508603 -0.030301523291225544 -0.04268380514355992 -0.03184930852276624 -0.08137843593211255 -0.12316863718374657 -0.09530850301598763 -0.09530850301598763 -0.1076907848683308 -0.1076907848683308 -0.09685628824752832 -0.1076907848683308 -0.025658167596594655 0.05637444967513269 0.2792555230171955 +41025,0.5733347170102008,2,0.8055025017415165 0.6166727034933754 0.4355818314029555 0.19257955005083724 0.03625324166508603 -0.030301523291225544 -0.04268380514355992 -0.03184930852276624 -0.08137843593211255 -0.12316863718374657 -0.09530850301598763 -0.09530850301598763 -0.1076907848683308 -0.1076907848683308 -0.09685628824752832 -0.1076907848683308 -0.025658167596594655 0.05637444967513269 0.2792555230171955 0.44641632802374914 +41026,0.7404955220167456,2,0.6166727034933754 0.4355818314029555 0.19257955005083724 0.03625324166508603 -0.030301523291225544 -0.04268380514355992 -0.03184930852276624 -0.08137843593211255 -0.12316863718374657 -0.09530850301598763 -0.09530850301598763 -0.1076907848683308 -0.1076907848683308 -0.09685628824752832 -0.1076907848683308 -0.025658167596594655 0.05637444967513269 0.2792555230171955 0.44641632802374914 0.5733347170102008 +41027,0.7157309583120769,2,0.4355818314029555 0.19257955005083724 0.03625324166508603 -0.030301523291225544 -0.04268380514355992 -0.03184930852276624 -0.08137843593211255 -0.12316863718374657 -0.09530850301598763 -0.09530850301598763 -0.1076907848683308 -0.1076907848683308 -0.09685628824752832 -0.1076907848683308 -0.025658167596594655 0.05637444967513269 0.2792555230171955 0.44641632802374914 0.5733347170102008 0.7404955220167456 +41028,0.6398894819665123,2,0.19257955005083724 0.03625324166508603 -0.030301523291225544 -0.04268380514355992 -0.03184930852276624 -0.08137843593211255 -0.12316863718374657 -0.09530850301598763 -0.09530850301598763 -0.1076907848683308 -0.1076907848683308 -0.09685628824752832 -0.1076907848683308 -0.025658167596594655 0.05637444967513269 0.2792555230171955 0.44641632802374914 0.5733347170102008 0.7404955220167456 0.7157309583120769 +41029,0.5423790123793604,2,0.03625324166508603 -0.030301523291225544 -0.04268380514355992 -0.03184930852276624 -0.08137843593211255 -0.12316863718374657 -0.09530850301598763 -0.09530850301598763 -0.1076907848683308 -0.1076907848683308 -0.09685628824752832 -0.1076907848683308 -0.025658167596594655 0.05637444967513269 0.2792555230171955 0.44641632802374914 0.5733347170102008 0.7404955220167456 0.7157309583120769 0.6398894819665123 +41030,0.37986156306743757,2,-0.030301523291225544 -0.04268380514355992 -0.03184930852276624 -0.08137843593211255 -0.12316863718374657 -0.09530850301598763 -0.09530850301598763 -0.1076907848683308 -0.1076907848683308 -0.09685628824752832 -0.1076907848683308 -0.025658167596594655 0.05637444967513269 0.2792555230171955 0.44641632802374914 0.5733347170102008 0.7404955220167456 0.7157309583120769 0.6398894819665123 0.5423790123793604 +41031,0.2235352546816864,2,-0.04268380514355992 -0.03184930852276624 -0.08137843593211255 -0.12316863718374657 -0.09530850301598763 -0.09530850301598763 -0.1076907848683308 -0.1076907848683308 -0.09685628824752832 -0.1076907848683308 -0.025658167596594655 0.05637444967513269 0.2792555230171955 0.44641632802374914 0.5733347170102008 0.7404955220167456 0.7157309583120769 0.6398894819665123 0.5423790123793604 0.37986156306743757 +41032,0.03780102689662673,2,-0.03184930852276624 -0.08137843593211255 -0.12316863718374657 -0.09530850301598763 -0.09530850301598763 -0.1076907848683308 -0.1076907848683308 -0.09685628824752832 -0.1076907848683308 -0.025658167596594655 0.05637444967513269 0.2792555230171955 0.44641632802374914 0.5733347170102008 0.7404955220167456 0.7157309583120769 0.6398894819665123 0.5423790123793604 0.37986156306743757 0.2235352546816864 +41033,-0.024110382365053955,2,-0.08137843593211255 -0.12316863718374657 -0.09530850301598763 -0.09530850301598763 -0.1076907848683308 -0.1076907848683308 -0.09685628824752832 -0.1076907848683308 -0.025658167596594655 0.05637444967513269 0.2792555230171955 0.44641632802374914 0.5733347170102008 0.7404955220167456 0.7157309583120769 0.6398894819665123 0.5423790123793604 0.37986156306743757 0.2235352546816864 0.03780102689662673 +41034,-0.01637145620734167,2,-0.12316863718374657 -0.09530850301598763 -0.09530850301598763 -0.1076907848683308 -0.1076907848683308 -0.09685628824752832 -0.1076907848683308 -0.025658167596594655 0.05637444967513269 0.2792555230171955 0.44641632802374914 0.5733347170102008 0.7404955220167456 0.7157309583120769 0.6398894819665123 0.5423790123793604 0.37986156306743757 0.2235352546816864 0.03780102689662673 -0.024110382365053955 +41035,-0.003989174355007293,2,-0.09530850301598763 -0.09530850301598763 -0.1076907848683308 -0.1076907848683308 -0.09685628824752832 -0.1076907848683308 -0.025658167596594655 0.05637444967513269 0.2792555230171955 0.44641632802374914 0.5733347170102008 0.7404955220167456 0.7157309583120769 0.6398894819665123 0.5423790123793604 0.37986156306743757 0.2235352546816864 0.03780102689662673 -0.024110382365053955 -0.01637145620734167 +41036,-0.09376071778444693,2,-0.09530850301598763 -0.1076907848683308 -0.1076907848683308 -0.09685628824752832 -0.1076907848683308 -0.025658167596594655 0.05637444967513269 0.2792555230171955 0.44641632802374914 0.5733347170102008 0.7404955220167456 0.7157309583120769 0.6398894819665123 0.5423790123793604 0.37986156306743757 0.2235352546816864 0.03780102689662673 -0.024110382365053955 -0.01637145620734167 -0.003989174355007293 +41037,-0.09376071778444693,2,-0.1076907848683308 -0.1076907848683308 -0.09685628824752832 -0.1076907848683308 -0.025658167596594655 0.05637444967513269 0.2792555230171955 0.44641632802374914 0.5733347170102008 0.7404955220167456 0.7157309583120769 0.6398894819665123 0.5423790123793604 0.37986156306743757 0.2235352546816864 0.03780102689662673 -0.024110382365053955 -0.01637145620734167 -0.003989174355007293 -0.09376071778444693 +41038,-0.08137843593211255,2,-0.1076907848683308 -0.09685628824752832 -0.1076907848683308 -0.025658167596594655 0.05637444967513269 0.2792555230171955 0.44641632802374914 0.5733347170102008 0.7404955220167456 0.7157309583120769 0.6398894819665123 0.5423790123793604 0.37986156306743757 0.2235352546816864 0.03780102689662673 -0.024110382365053955 -0.01637145620734167 -0.003989174355007293 -0.09376071778444693 -0.09376071778444693 +41039,-0.07054393931131887,2,-0.09685628824752832 -0.1076907848683308 -0.025658167596594655 0.05637444967513269 0.2792555230171955 0.44641632802374914 0.5733347170102008 0.7404955220167456 0.7157309583120769 0.6398894819665123 0.5423790123793604 0.37986156306743757 0.2235352546816864 0.03780102689662673 -0.024110382365053955 -0.01637145620734167 -0.003989174355007293 -0.09376071778444693 -0.09376071778444693 -0.08137843593211255 +41040,-0.13090756334145887,2,-0.1076907848683308 -0.025658167596594655 0.05637444967513269 0.2792555230171955 0.44641632802374914 0.5733347170102008 0.7404955220167456 0.7157309583120769 0.6398894819665123 0.5423790123793604 0.37986156306743757 0.2235352546816864 0.03780102689662673 -0.024110382365053955 -0.01637145620734167 -0.003989174355007293 -0.09376071778444693 -0.09376071778444693 -0.08137843593211255 -0.07054393931131887 +41041,-0.15721991227767712,2,-0.025658167596594655 0.05637444967513269 0.2792555230171955 0.44641632802374914 0.5733347170102008 0.7404955220167456 0.7157309583120769 0.6398894819665123 0.5423790123793604 0.37986156306743757 0.2235352546816864 0.03780102689662673 -0.024110382365053955 -0.01637145620734167 -0.003989174355007293 -0.09376071778444693 -0.09376071778444693 -0.08137843593211255 -0.07054393931131887 -0.13090756334145887 +41042,-0.1587676975092178,2,0.05637444967513269 0.2792555230171955 0.44641632802374914 0.5733347170102008 0.7404955220167456 0.7157309583120769 0.6398894819665123 0.5423790123793604 0.37986156306743757 0.2235352546816864 0.03780102689662673 -0.024110382365053955 -0.01637145620734167 -0.003989174355007293 -0.09376071778444693 -0.09376071778444693 -0.08137843593211255 -0.07054393931131887 -0.13090756334145887 -0.15721991227767712 +41043,-0.1680544088984708,2,0.2792555230171955 0.44641632802374914 0.5733347170102008 0.7404955220167456 0.7157309583120769 0.6398894819665123 0.5423790123793604 0.37986156306743757 0.2235352546816864 0.03780102689662673 -0.024110382365053955 -0.01637145620734167 -0.003989174355007293 -0.09376071778444693 -0.09376071778444693 -0.08137843593211255 -0.07054393931131887 -0.13090756334145887 -0.15721991227767712 -0.1587676975092178 +41044,-0.07673508023748166,2,0.44641632802374914 0.5733347170102008 0.7404955220167456 0.7157309583120769 0.6398894819665123 0.5423790123793604 0.37986156306743757 0.2235352546816864 0.03780102689662673 -0.024110382365053955 -0.01637145620734167 -0.003989174355007293 -0.09376071778444693 -0.09376071778444693 -0.08137843593211255 -0.07054393931131887 -0.13090756334145887 -0.15721991227767712 -0.1587676975092178 -0.1680544088984708 +41045,0.008393107497327084,2,0.5733347170102008 0.7404955220167456 0.7157309583120769 0.6398894819665123 0.5423790123793604 0.37986156306743757 0.2235352546816864 0.03780102689662673 -0.024110382365053955 -0.01637145620734167 -0.003989174355007293 -0.09376071778444693 -0.09376071778444693 -0.08137843593211255 -0.07054393931131887 -0.13090756334145887 -0.15721991227767712 -0.1587676975092178 -0.1680544088984708 -0.07673508023748166 +41046,0.09506908046368533,2,0.7404955220167456 0.7157309583120769 0.6398894819665123 0.5423790123793604 0.37986156306743757 0.2235352546816864 0.03780102689662673 -0.024110382365053955 -0.01637145620734167 -0.003989174355007293 -0.09376071778444693 -0.09376071778444693 -0.08137843593211255 -0.07054393931131887 -0.13090756334145887 -0.15721991227767712 -0.1587676975092178 -0.1680544088984708 -0.07673508023748166 0.008393107497327084 +41047,0.18174505343004357,2,0.7157309583120769 0.6398894819665123 0.5423790123793604 0.37986156306743757 0.2235352546816864 0.03780102689662673 -0.024110382365053955 -0.01637145620734167 -0.003989174355007293 -0.09376071778444693 -0.09376071778444693 -0.08137843593211255 -0.07054393931131887 -0.13090756334145887 -0.15721991227767712 -0.1587676975092178 -0.1680544088984708 -0.07673508023748166 0.008393107497327084 0.09506908046368533 +41048,0.37831377783589687,2,0.6398894819665123 0.5423790123793604 0.37986156306743757 0.2235352546816864 0.03780102689662673 -0.024110382365053955 -0.01637145620734167 -0.003989174355007293 -0.09376071778444693 -0.09376071778444693 -0.08137843593211255 -0.07054393931131887 -0.13090756334145887 -0.15721991227767712 -0.1587676975092178 -0.1680544088984708 -0.07673508023748166 0.008393107497327084 0.09506908046368533 0.18174505343004357 +41049,0.5129710929800607,2,0.5423790123793604 0.37986156306743757 0.2235352546816864 0.03780102689662673 -0.024110382365053955 -0.01637145620734167 -0.003989174355007293 -0.09376071778444693 -0.09376071778444693 -0.08137843593211255 -0.07054393931131887 -0.13090756334145887 -0.15721991227767712 -0.1587676975092178 -0.1680544088984708 -0.07673508023748166 0.008393107497327084 0.09506908046368533 0.18174505343004357 0.37831377783589687 +41050,0.6569151195134688,2,0.37986156306743757 0.2235352546816864 0.03780102689662673 -0.024110382365053955 -0.01637145620734167 -0.003989174355007293 -0.09376071778444693 -0.09376071778444693 -0.08137843593211255 -0.07054393931131887 -0.13090756334145887 -0.15721991227767712 -0.1587676975092178 -0.1680544088984708 -0.07673508023748166 0.008393107497327084 0.09506908046368533 0.18174505343004357 0.37831377783589687 0.5129710929800607 +41051,0.7358521663221236,2,0.2235352546816864 0.03780102689662673 -0.024110382365053955 -0.01637145620734167 -0.003989174355007293 -0.09376071778444693 -0.09376071778444693 -0.08137843593211255 -0.07054393931131887 -0.13090756334145887 -0.15721991227767712 -0.1587676975092178 -0.1680544088984708 -0.07673508023748166 0.008393107497327084 0.09506908046368533 0.18174505343004357 0.37831377783589687 0.5129710929800607 0.6569151195134688 +41052,0.7652600857214231,2,0.03780102689662673 -0.024110382365053955 -0.01637145620734167 -0.003989174355007293 -0.09376071778444693 -0.09376071778444693 -0.08137843593211255 -0.07054393931131887 -0.13090756334145887 -0.15721991227767712 -0.1587676975092178 -0.1680544088984708 -0.07673508023748166 0.008393107497327084 0.09506908046368533 0.18174505343004357 0.37831377783589687 0.5129710929800607 0.6569151195134688 0.7358521663221236 +41053,0.6306027705772593,2,-0.024110382365053955 -0.01637145620734167 -0.003989174355007293 -0.09376071778444693 -0.09376071778444693 -0.08137843593211255 -0.07054393931131887 -0.13090756334145887 -0.15721991227767712 -0.1587676975092178 -0.1680544088984708 -0.07673508023748166 0.008393107497327084 0.09506908046368533 0.18174505343004357 0.37831377783589687 0.5129710929800607 0.6569151195134688 0.7358521663221236 0.7652600857214231 +41054,0.44641632802374914,2,-0.01637145620734167 -0.003989174355007293 -0.09376071778444693 -0.09376071778444693 -0.08137843593211255 -0.07054393931131887 -0.13090756334145887 -0.15721991227767712 -0.1587676975092178 -0.1680544088984708 -0.07673508023748166 0.008393107497327084 0.09506908046368533 0.18174505343004357 0.37831377783589687 0.5129710929800607 0.6569151195134688 0.7358521663221236 0.7652600857214231 0.6306027705772593 +41055,0.25139538884944534,2,-0.003989174355007293 -0.09376071778444693 -0.09376071778444693 -0.08137843593211255 -0.07054393931131887 -0.13090756334145887 -0.15721991227767712 -0.1587676975092178 -0.1680544088984708 -0.07673508023748166 0.008393107497327084 0.09506908046368533 0.18174505343004357 0.37831377783589687 0.5129710929800607 0.6569151195134688 0.7358521663221236 0.7652600857214231 0.6306027705772593 0.44641632802374914 +41056,0.02696653027583305,2,-0.09376071778444693 -0.09376071778444693 -0.08137843593211255 -0.07054393931131887 -0.13090756334145887 -0.15721991227767712 -0.1587676975092178 -0.1680544088984708 -0.07673508023748166 0.008393107497327084 0.09506908046368533 0.18174505343004357 0.37831377783589687 0.5129710929800607 0.6569151195134688 0.7358521663221236 0.7652600857214231 0.6306027705772593 0.44641632802374914 0.25139538884944534 +41057,-0.1076907848683308,2,-0.09376071778444693 -0.08137843593211255 -0.07054393931131887 -0.13090756334145887 -0.15721991227767712 -0.1587676975092178 -0.1680544088984708 -0.07673508023748166 0.008393107497327084 0.09506908046368533 0.18174505343004357 0.37831377783589687 0.5129710929800607 0.6569151195134688 0.7358521663221236 0.7652600857214231 0.6306027705772593 0.44641632802374914 0.25139538884944534 0.02696653027583305 +41058,-0.08137843593211255,2,-0.08137843593211255 -0.07054393931131887 -0.13090756334145887 -0.15721991227767712 -0.1587676975092178 -0.1680544088984708 -0.07673508023748166 0.008393107497327084 0.09506908046368533 0.18174505343004357 0.37831377783589687 0.5129710929800607 0.6569151195134688 0.7358521663221236 0.7652600857214231 0.6306027705772593 0.44641632802374914 0.25139538884944534 0.02696653027583305 -0.1076907848683308 +41059,-0.09376071778444693,2,-0.07054393931131887 -0.13090756334145887 -0.15721991227767712 -0.1587676975092178 -0.1680544088984708 -0.07673508023748166 0.008393107497327084 0.09506908046368533 0.18174505343004357 0.37831377783589687 0.5129710929800607 0.6569151195134688 0.7358521663221236 0.7652600857214231 0.6306027705772593 0.44641632802374914 0.25139538884944534 0.02696653027583305 -0.1076907848683308 -0.08137843593211255 +41060,-0.12007306672066517,2,-0.13090756334145887 -0.15721991227767712 -0.1587676975092178 -0.1680544088984708 -0.07673508023748166 0.008393107497327084 0.09506908046368533 0.18174505343004357 0.37831377783589687 0.5129710929800607 0.6569151195134688 0.7358521663221236 0.7652600857214231 0.6306027705772593 0.44641632802374914 0.25139538884944534 0.02696653027583305 -0.1076907848683308 -0.08137843593211255 -0.09376071778444693 +41061,-0.1587676975092178,2,-0.15721991227767712 -0.1587676975092178 -0.1680544088984708 -0.07673508023748166 0.008393107497327084 0.09506908046368533 0.18174505343004357 0.37831377783589687 0.5129710929800607 0.6569151195134688 0.7358521663221236 0.7652600857214231 0.6306027705772593 0.44641632802374914 0.25139538884944534 0.02696653027583305 -0.1076907848683308 -0.08137843593211255 -0.09376071778444693 -0.12007306672066517 +41062,-0.18508004644543605,2,-0.1587676975092178 -0.1680544088984708 -0.07673508023748166 0.008393107497327084 0.09506908046368533 0.18174505343004357 0.37831377783589687 0.5129710929800607 0.6569151195134688 0.7358521663221236 0.7652600857214231 0.6306027705772593 0.44641632802374914 0.25139538884944534 0.02696653027583305 -0.1076907848683308 -0.08137843593211255 -0.09376071778444693 -0.12007306672066517 -0.1587676975092178 +41063,-0.19901011352931114,2,-0.1680544088984708 -0.07673508023748166 0.008393107497327084 0.09506908046368533 0.18174505343004357 0.37831377783589687 0.5129710929800607 0.6569151195134688 0.7358521663221236 0.7652600857214231 0.6306027705772593 0.44641632802374914 0.25139538884944534 0.02696653027583305 -0.1076907848683308 -0.08137843593211255 -0.09376071778444693 -0.12007306672066517 -0.1587676975092178 -0.18508004644543605 +41064,-0.1587676975092178,2,-0.07673508023748166 0.008393107497327084 0.09506908046368533 0.18174505343004357 0.37831377783589687 0.5129710929800607 0.6569151195134688 0.7358521663221236 0.7652600857214231 0.6306027705772593 0.44641632802374914 0.25139538884944534 0.02696653027583305 -0.1076907848683308 -0.08137843593211255 -0.09376071778444693 -0.12007306672066517 -0.1587676975092178 -0.18508004644543605 -0.19901011352931114 +41065,-0.13245534857299956,2,0.008393107497327084 0.09506908046368533 0.18174505343004357 0.37831377783589687 0.5129710929800607 0.6569151195134688 0.7358521663221236 0.7652600857214231 0.6306027705772593 0.44641632802374914 0.25139538884944534 0.02696653027583305 -0.1076907848683308 -0.08137843593211255 -0.09376071778444693 -0.12007306672066517 -0.1587676975092178 -0.18508004644543605 -0.19901011352931114 -0.1587676975092178 +41066,-0.14638541565688343,2,0.09506908046368533 0.18174505343004357 0.37831377783589687 0.5129710929800607 0.6569151195134688 0.7358521663221236 0.7652600857214231 0.6306027705772593 0.44641632802374914 0.25139538884944534 0.02696653027583305 -0.1076907848683308 -0.08137843593211255 -0.09376071778444693 -0.12007306672066517 -0.1587676975092178 -0.18508004644543605 -0.19901011352931114 -0.1587676975092178 -0.13245534857299956 +41067,-0.14019427473071183,2,0.18174505343004357 0.37831377783589687 0.5129710929800607 0.6569151195134688 0.7358521663221236 0.7652600857214231 0.6306027705772593 0.44641632802374914 0.25139538884944534 0.02696653027583305 -0.1076907848683308 -0.08137843593211255 -0.09376071778444693 -0.12007306672066517 -0.1587676975092178 -0.18508004644543605 -0.19901011352931114 -0.1587676975092178 -0.13245534857299956 -0.14638541565688343 +41068,-0.08911736208982483,2,0.37831377783589687 0.5129710929800607 0.6569151195134688 0.7358521663221236 0.7652600857214231 0.6306027705772593 0.44641632802374914 0.25139538884944534 0.02696653027583305 -0.1076907848683308 -0.08137843593211255 -0.09376071778444693 -0.12007306672066517 -0.1587676975092178 -0.18508004644543605 -0.19901011352931114 -0.1587676975092178 -0.13245534857299956 -0.14638541565688343 -0.14019427473071183 +41069,-0.010180315281178881,2,0.5129710929800607 0.6569151195134688 0.7358521663221236 0.7652600857214231 0.6306027705772593 0.44641632802374914 0.25139538884944534 0.02696653027583305 -0.1076907848683308 -0.08137843593211255 -0.09376071778444693 -0.12007306672066517 -0.1587676975092178 -0.18508004644543605 -0.19901011352931114 -0.1587676975092178 -0.13245534857299956 -0.14638541565688343 -0.14019427473071183 -0.08911736208982483 +41070,0.07649565768517935,2,0.6569151195134688 0.7358521663221236 0.7652600857214231 0.6306027705772593 0.44641632802374914 0.25139538884944534 0.02696653027583305 -0.1076907848683308 -0.08137843593211255 -0.09376071778444693 -0.12007306672066517 -0.1587676975092178 -0.18508004644543605 -0.19901011352931114 -0.1587676975092178 -0.13245534857299956 -0.14638541565688343 -0.14019427473071183 -0.08911736208982483 -0.010180315281178881 +41071,0.19257955005083724,2,0.7358521663221236 0.7652600857214231 0.6306027705772593 0.44641632802374914 0.25139538884944534 0.02696653027583305 -0.1076907848683308 -0.08137843593211255 -0.09376071778444693 -0.12007306672066517 -0.1587676975092178 -0.18508004644543605 -0.19901011352931114 -0.1587676975092178 -0.13245534857299956 -0.14638541565688343 -0.14019427473071183 -0.08911736208982483 -0.010180315281178881 0.07649565768517935 +41072,0.3380713618157948,2,0.7652600857214231 0.6306027705772593 0.44641632802374914 0.25139538884944534 0.02696653027583305 -0.1076907848683308 -0.08137843593211255 -0.09376071778444693 -0.12007306672066517 -0.1587676975092178 -0.18508004644543605 -0.19901011352931114 -0.1587676975092178 -0.13245534857299956 -0.14638541565688343 -0.14019427473071183 -0.08911736208982483 -0.010180315281178881 0.07649565768517935 0.19257955005083724 +41073,0.4417729723291183,2,0.6306027705772593 0.44641632802374914 0.25139538884944534 0.02696653027583305 -0.1076907848683308 -0.08137843593211255 -0.09376071778444693 -0.12007306672066517 -0.1587676975092178 -0.18508004644543605 -0.19901011352931114 -0.1587676975092178 -0.13245534857299956 -0.14638541565688343 -0.14019427473071183 -0.08911736208982483 -0.010180315281178881 0.07649565768517935 0.19257955005083724 0.3380713618157948 +41074,0.5919081397887067,2,0.44641632802374914 0.25139538884944534 0.02696653027583305 -0.1076907848683308 -0.08137843593211255 -0.09376071778444693 -0.12007306672066517 -0.1587676975092178 -0.18508004644543605 -0.19901011352931114 -0.1587676975092178 -0.13245534857299956 -0.14638541565688343 -0.14019427473071183 -0.08911736208982483 -0.010180315281178881 0.07649565768517935 0.19257955005083724 0.3380713618157948 0.4417729723291183 +41075,0.7281132401644113,2,0.25139538884944534 0.02696653027583305 -0.1076907848683308 -0.08137843593211255 -0.09376071778444693 -0.12007306672066517 -0.1587676975092178 -0.18508004644543605 -0.19901011352931114 -0.1587676975092178 -0.13245534857299956 -0.14638541565688343 -0.14019427473071183 -0.08911736208982483 -0.010180315281178881 0.07649565768517935 0.19257955005083724 0.3380713618157948 0.4417729723291183 0.5919081397887067 +41076,0.7172787435436175,2,0.02696653027583305 -0.1076907848683308 -0.08137843593211255 -0.09376071778444693 -0.12007306672066517 -0.1587676975092178 -0.18508004644543605 -0.19901011352931114 -0.1587676975092178 -0.13245534857299956 -0.14638541565688343 -0.14019427473071183 -0.08911736208982483 -0.010180315281178881 0.07649565768517935 0.19257955005083724 0.3380713618157948 0.4417729723291183 0.5919081397887067 0.7281132401644113 +41077,0.6785841127550649,2,-0.1076907848683308 -0.08137843593211255 -0.09376071778444693 -0.12007306672066517 -0.1587676975092178 -0.18508004644543605 -0.19901011352931114 -0.1587676975092178 -0.13245534857299956 -0.14638541565688343 -0.14019427473071183 -0.08911736208982483 -0.010180315281178881 0.07649565768517935 0.19257955005083724 0.3380713618157948 0.4417729723291183 0.5919081397887067 0.7281132401644113 0.7172787435436175 +41078,0.4820153883492116,2,-0.08137843593211255 -0.09376071778444693 -0.12007306672066517 -0.1587676975092178 -0.18508004644543605 -0.19901011352931114 -0.1587676975092178 -0.13245534857299956 -0.14638541565688343 -0.14019427473071183 -0.08911736208982483 -0.010180315281178881 0.07649565768517935 0.19257955005083724 0.3380713618157948 0.4417729723291183 0.5919081397887067 0.7281132401644113 0.7172787435436175 0.6785841127550649 +41079,0.3334280061211727,2,-0.09376071778444693 -0.12007306672066517 -0.1587676975092178 -0.18508004644543605 -0.19901011352931114 -0.1587676975092178 -0.13245534857299956 -0.14638541565688343 -0.14019427473071183 -0.08911736208982483 -0.010180315281178881 0.07649565768517935 0.19257955005083724 0.3380713618157948 0.4417729723291183 0.5919081397887067 0.7281132401644113 0.7172787435436175 0.6785841127550649 0.4820153883492116 +41080,0.09971243615831621,2,-0.12007306672066517 -0.1587676975092178 -0.18508004644543605 -0.19901011352931114 -0.1587676975092178 -0.13245534857299956 -0.14638541565688343 -0.14019427473071183 -0.08911736208982483 -0.010180315281178881 0.07649565768517935 0.19257955005083724 0.3380713618157948 0.4417729723291183 0.5919081397887067 0.7281132401644113 0.7172787435436175 0.6785841127550649 0.4820153883492116 0.3334280061211727 +41081,-0.0550660869958943,2,-0.1587676975092178 -0.18508004644543605 -0.19901011352931114 -0.1587676975092178 -0.13245534857299956 -0.14638541565688343 -0.14019427473071183 -0.08911736208982483 -0.010180315281178881 0.07649565768517935 0.19257955005083724 0.3380713618157948 0.4417729723291183 0.5919081397887067 0.7281132401644113 0.7172787435436175 0.6785841127550649 0.4820153883492116 0.3334280061211727 0.09971243615831621 +41082,-0.12007306672066517,2,-0.18508004644543605 -0.19901011352931114 -0.1587676975092178 -0.13245534857299956 -0.14638541565688343 -0.14019427473071183 -0.08911736208982483 -0.010180315281178881 0.07649565768517935 0.19257955005083724 0.3380713618157948 0.4417729723291183 0.5919081397887067 0.7281132401644113 0.7172787435436175 0.6785841127550649 0.4820153883492116 0.3334280061211727 0.09971243615831621 -0.0550660869958943 +41083,-0.18508004644543605,2,-0.19901011352931114 -0.1587676975092178 -0.13245534857299956 -0.14638541565688343 -0.14019427473071183 -0.08911736208982483 -0.010180315281178881 0.07649565768517935 0.19257955005083724 0.3380713618157948 0.4417729723291183 0.5919081397887067 0.7281132401644113 0.7172787435436175 0.6785841127550649 0.4820153883492116 0.3334280061211727 0.09971243615831621 -0.0550660869958943 -0.12007306672066517 +41084,-0.26092152279099184,2,-0.1587676975092178 -0.13245534857299956 -0.14638541565688343 -0.14019427473071183 -0.08911736208982483 -0.010180315281178881 0.07649565768517935 0.19257955005083724 0.3380713618157948 0.4417729723291183 0.5919081397887067 0.7281132401644113 0.7172787435436175 0.6785841127550649 0.4820153883492116 0.3334280061211727 0.09971243615831621 -0.0550660869958943 -0.12007306672066517 -0.18508004644543605 +41085,-0.29187722742184097,2,-0.13245534857299956 -0.14638541565688343 -0.14019427473071183 -0.08911736208982483 -0.010180315281178881 0.07649565768517935 0.19257955005083724 0.3380713618157948 0.4417729723291183 0.5919081397887067 0.7281132401644113 0.7172787435436175 0.6785841127550649 0.4820153883492116 0.3334280061211727 0.09971243615831621 -0.0550660869958943 -0.12007306672066517 -0.18508004644543605 -0.26092152279099184 +41086,-0.3770054151566497,2,-0.14638541565688343 -0.14019427473071183 -0.08911736208982483 -0.010180315281178881 0.07649565768517935 0.19257955005083724 0.3380713618157948 0.4417729723291183 0.5919081397887067 0.7281132401644113 0.7172787435436175 0.6785841127550649 0.4820153883492116 0.3334280061211727 0.09971243615831621 -0.0550660869958943 -0.12007306672066517 -0.18508004644543605 -0.26092152279099184 -0.29187722742184097 +41087,-0.44665575057605145,2,-0.14019427473071183 -0.08911736208982483 -0.010180315281178881 0.07649565768517935 0.19257955005083724 0.3380713618157948 0.4417729723291183 0.5919081397887067 0.7281132401644113 0.7172787435436175 0.6785841127550649 0.4820153883492116 0.3334280061211727 0.09971243615831621 -0.0550660869958943 -0.12007306672066517 -0.18508004644543605 -0.26092152279099184 -0.29187722742184097 -0.3770054151566497 +41088,-0.5163060859954445,2,-0.08911736208982483 -0.010180315281178881 0.07649565768517935 0.19257955005083724 0.3380713618157948 0.4417729723291183 0.5919081397887067 0.7281132401644113 0.7172787435436175 0.6785841127550649 0.4820153883492116 0.3334280061211727 0.09971243615831621 -0.0550660869958943 -0.12007306672066517 -0.18508004644543605 -0.26092152279099184 -0.29187722742184097 -0.3770054151566497 -0.44665575057605145 +41089,-0.4311778982606269,2,-0.010180315281178881 0.07649565768517935 0.19257955005083724 0.3380713618157948 0.4417729723291183 0.5919081397887067 0.7281132401644113 0.7172787435436175 0.6785841127550649 0.4820153883492116 0.3334280061211727 0.09971243615831621 -0.0550660869958943 -0.12007306672066517 -0.18508004644543605 -0.26092152279099184 -0.29187722742184097 -0.3770054151566497 -0.44665575057605145 -0.5163060859954445 +41090,-0.40331776409286796,2,0.07649565768517935 0.19257955005083724 0.3380713618157948 0.4417729723291183 0.5919081397887067 0.7281132401644113 0.7172787435436175 0.6785841127550649 0.4820153883492116 0.3334280061211727 0.09971243615831621 -0.0550660869958943 -0.12007306672066517 -0.18508004644543605 -0.26092152279099184 -0.29187722742184097 -0.3770054151566497 -0.44665575057605145 -0.5163060859954445 -0.4311778982606269 +41091,-0.3708142742304869,2,0.19257955005083724 0.3380713618157948 0.4417729723291183 0.5919081397887067 0.7281132401644113 0.7172787435436175 0.6785841127550649 0.4820153883492116 0.3334280061211727 0.09971243615831621 -0.0550660869958943 -0.12007306672066517 -0.18508004644543605 -0.26092152279099184 -0.29187722742184097 -0.3770054151566497 -0.44665575057605145 -0.5163060859954445 -0.4311778982606269 -0.40331776409286796 +41092,-0.06435279838514728,2,0.3380713618157948 0.4417729723291183 0.5919081397887067 0.7281132401644113 0.7172787435436175 0.6785841127550649 0.4820153883492116 0.3334280061211727 0.09971243615831621 -0.0550660869958943 -0.12007306672066517 -0.18508004644543605 -0.26092152279099184 -0.29187722742184097 -0.3770054151566497 -0.44665575057605145 -0.5163060859954445 -0.4311778982606269 -0.40331776409286796 -0.3708142742304869 +41093,0.11828585893682218,2,0.4417729723291183 0.5919081397887067 0.7281132401644113 0.7172787435436175 0.6785841127550649 0.4820153883492116 0.3334280061211727 0.09971243615831621 -0.0550660869958943 -0.12007306672066517 -0.18508004644543605 -0.26092152279099184 -0.29187722742184097 -0.3770054151566497 -0.44665575057605145 -0.5163060859954445 -0.4311778982606269 -0.40331776409286796 -0.3708142742304869 -0.06435279838514728 +41094,0.3891482744566906,2,0.5919081397887067 0.7281132401644113 0.7172787435436175 0.6785841127550649 0.4820153883492116 0.3334280061211727 0.09971243615831621 -0.0550660869958943 -0.12007306672066517 -0.18508004644543605 -0.26092152279099184 -0.29187722742184097 -0.3770054151566497 -0.44665575057605145 -0.5163060859954445 -0.4311778982606269 -0.40331776409286796 -0.3708142742304869 -0.06435279838514728 0.11828585893682218 +41095,0.6182204887249162,2,0.7281132401644113 0.7172787435436175 0.6785841127550649 0.4820153883492116 0.3334280061211727 0.09971243615831621 -0.0550660869958943 -0.12007306672066517 -0.18508004644543605 -0.26092152279099184 -0.29187722742184097 -0.3770054151566497 -0.44665575057605145 -0.5163060859954445 -0.4311778982606269 -0.40331776409286796 -0.3708142742304869 -0.06435279838514728 0.11828585893682218 0.3891482744566906 +41096,0.738947736785205,2,0.7172787435436175 0.6785841127550649 0.4820153883492116 0.3334280061211727 0.09971243615831621 -0.0550660869958943 -0.12007306672066517 -0.18508004644543605 -0.26092152279099184 -0.29187722742184097 -0.3770054151566497 -0.44665575057605145 -0.5163060859954445 -0.4311778982606269 -0.40331776409286796 -0.3708142742304869 -0.06435279838514728 0.11828585893682218 0.3891482744566906 0.6182204887249162 +41097,0.8318148506777348,2,0.6785841127550649 0.4820153883492116 0.3334280061211727 0.09971243615831621 -0.0550660869958943 -0.12007306672066517 -0.18508004644543605 -0.26092152279099184 -0.29187722742184097 -0.3770054151566497 -0.44665575057605145 -0.5163060859954445 -0.4311778982606269 -0.40331776409286796 -0.3708142742304869 -0.06435279838514728 0.11828585893682218 0.3891482744566906 0.6182204887249162 0.738947736785205 +41098,0.9494465282749334,2,0.4820153883492116 0.3334280061211727 0.09971243615831621 -0.0550660869958943 -0.12007306672066517 -0.18508004644543605 -0.26092152279099184 -0.29187722742184097 -0.3770054151566497 -0.44665575057605145 -0.5163060859954445 -0.4311778982606269 -0.40331776409286796 -0.3708142742304869 -0.06435279838514728 0.11828585893682218 0.3891482744566906 0.6182204887249162 0.738947736785205 0.8318148506777348 +41099,0.997427870452739,2,0.3334280061211727 0.09971243615831621 -0.0550660869958943 -0.12007306672066517 -0.18508004644543605 -0.26092152279099184 -0.29187722742184097 -0.3770054151566497 -0.44665575057605145 -0.5163060859954445 -0.4311778982606269 -0.40331776409286796 -0.3708142742304869 -0.06435279838514728 0.11828585893682218 0.3891482744566906 0.6182204887249162 0.738947736785205 0.8318148506777348 0.9494465282749334 +41100,0.9587332396641863,2,0.09971243615831621 -0.0550660869958943 -0.12007306672066517 -0.18508004644543605 -0.26092152279099184 -0.29187722742184097 -0.3770054151566497 -0.44665575057605145 -0.5163060859954445 -0.4311778982606269 -0.40331776409286796 -0.3708142742304869 -0.06435279838514728 0.11828585893682218 0.3891482744566906 0.6182204887249162 0.738947736785205 0.8318148506777348 0.9494465282749334 0.997427870452739 +41101,0.8705094814662874,2,-0.0550660869958943 -0.12007306672066517 -0.18508004644543605 -0.26092152279099184 -0.29187722742184097 -0.3770054151566497 -0.44665575057605145 -0.5163060859954445 -0.4311778982606269 -0.40331776409286796 -0.3708142742304869 -0.06435279838514728 0.11828585893682218 0.3891482744566906 0.6182204887249162 0.738947736785205 0.8318148506777348 0.9494465282749334 0.997427870452739 0.9587332396641863 +41102,0.6801318979866057,2,-0.12007306672066517 -0.18508004644543605 -0.26092152279099184 -0.29187722742184097 -0.3770054151566497 -0.44665575057605145 -0.5163060859954445 -0.4311778982606269 -0.40331776409286796 -0.3708142742304869 -0.06435279838514728 0.11828585893682218 0.3891482744566906 0.6182204887249162 0.738947736785205 0.8318148506777348 0.9494465282749334 0.997427870452739 0.9587332396641863 0.8705094814662874 +41103,0.40153055630902496,2,-0.18508004644543605 -0.26092152279099184 -0.29187722742184097 -0.3770054151566497 -0.44665575057605145 -0.5163060859954445 -0.4311778982606269 -0.40331776409286796 -0.3708142742304869 -0.06435279838514728 0.11828585893682218 0.3891482744566906 0.6182204887249162 0.738947736785205 0.8318148506777348 0.9494465282749334 0.997427870452739 0.9587332396641863 0.8705094814662874 0.6801318979866057 +41104,0.24056089222864285,2,-0.26092152279099184 -0.29187722742184097 -0.3770054151566497 -0.44665575057605145 -0.5163060859954445 -0.4311778982606269 -0.40331776409286796 -0.3708142742304869 -0.06435279838514728 0.11828585893682218 0.3891482744566906 0.6182204887249162 0.738947736785205 0.8318148506777348 0.9494465282749334 0.997427870452739 0.9587332396641863 0.8705094814662874 0.6801318979866057 0.40153055630902496 +41105,0.011488677960417278,2,-0.29187722742184097 -0.3770054151566497 -0.44665575057605145 -0.5163060859954445 -0.4311778982606269 -0.40331776409286796 -0.3708142742304869 -0.06435279838514728 0.11828585893682218 0.3891482744566906 0.6182204887249162 0.738947736785205 0.8318148506777348 0.9494465282749334 0.997427870452739 0.9587332396641863 0.8705094814662874 0.6801318979866057 0.40153055630902496 0.24056089222864285 +41106,0.02077538934967026,2,-0.3770054151566497 -0.44665575057605145 -0.5163060859954445 -0.4311778982606269 -0.40331776409286796 -0.3708142742304869 -0.06435279838514728 0.11828585893682218 0.3891482744566906 0.6182204887249162 0.738947736785205 0.8318148506777348 0.9494465282749334 0.997427870452739 0.9587332396641863 0.8705094814662874 0.6801318979866057 0.40153055630902496 0.24056089222864285 0.011488677960417278 +41107,-0.030301523291225544,2,-0.44665575057605145 -0.5163060859954445 -0.4311778982606269 -0.40331776409286796 -0.3708142742304869 -0.06435279838514728 0.11828585893682218 0.3891482744566906 0.6182204887249162 0.738947736785205 0.8318148506777348 0.9494465282749334 0.997427870452739 0.9587332396641863 0.8705094814662874 0.6801318979866057 0.40153055630902496 0.24056089222864285 0.011488677960417278 0.02077538934967026 +41108,-0.0550660869958943,2,-0.5163060859954445 -0.4311778982606269 -0.40331776409286796 -0.3708142742304869 -0.06435279838514728 0.11828585893682218 0.3891482744566906 0.6182204887249162 0.738947736785205 0.8318148506777348 0.9494465282749334 0.997427870452739 0.9587332396641863 0.8705094814662874 0.6801318979866057 0.40153055630902496 0.24056089222864285 0.011488677960417278 0.02077538934967026 -0.030301523291225544 +41109,-0.056613872227435,2,-0.4311778982606269 -0.40331776409286796 -0.3708142742304869 -0.06435279838514728 0.11828585893682218 0.3891482744566906 0.6182204887249162 0.738947736785205 0.8318148506777348 0.9494465282749334 0.997427870452739 0.9587332396641863 0.8705094814662874 0.6801318979866057 0.40153055630902496 0.24056089222864285 0.011488677960417278 0.02077538934967026 -0.030301523291225544 -0.0550660869958943 +41110,-0.12007306672066517,2,-0.40331776409286796 -0.3708142742304869 -0.06435279838514728 0.11828585893682218 0.3891482744566906 0.6182204887249162 0.738947736785205 0.8318148506777348 0.9494465282749334 0.997427870452739 0.9587332396641863 0.8705094814662874 0.6801318979866057 0.40153055630902496 0.24056089222864285 0.011488677960417278 0.02077538934967026 -0.030301523291225544 -0.0550660869958943 -0.056613872227435 +41111,-0.1076907848683308,2,-0.3708142742304869 -0.06435279838514728 0.11828585893682218 0.3891482744566906 0.6182204887249162 0.738947736785205 0.8318148506777348 0.9494465282749334 0.997427870452739 0.9587332396641863 0.8705094814662874 0.6801318979866057 0.40153055630902496 0.24056089222864285 0.011488677960417278 0.02077538934967026 -0.030301523291225544 -0.0550660869958943 -0.056613872227435 -0.12007306672066517 +41112,-0.13400313380454026,2,-0.06435279838514728 0.11828585893682218 0.3891482744566906 0.6182204887249162 0.738947736785205 0.8318148506777348 0.9494465282749334 0.997427870452739 0.9587332396641863 0.8705094814662874 0.6801318979866057 0.40153055630902496 0.24056089222864285 0.011488677960417278 0.02077538934967026 -0.030301523291225544 -0.0550660869958943 -0.056613872227435 -0.12007306672066517 -0.1076907848683308 +41113,-0.18662783167697675,2,0.11828585893682218 0.3891482744566906 0.6182204887249162 0.738947736785205 0.8318148506777348 0.9494465282749334 0.997427870452739 0.9587332396641863 0.8705094814662874 0.6801318979866057 0.40153055630902496 0.24056089222864285 0.011488677960417278 0.02077538934967026 -0.030301523291225544 -0.0550660869958943 -0.056613872227435 -0.12007306672066517 -0.1076907848683308 -0.13400313380454026 +41114,-0.17269776459309288,2,0.3891482744566906 0.6182204887249162 0.738947736785205 0.8318148506777348 0.9494465282749334 0.997427870452739 0.9587332396641863 0.8705094814662874 0.6801318979866057 0.40153055630902496 0.24056089222864285 0.011488677960417278 0.02077538934967026 -0.030301523291225544 -0.0550660869958943 -0.056613872227435 -0.12007306672066517 -0.1076907848683308 -0.13400313380454026 -0.18662783167697675 +41115,-0.09685628824752832,2,0.6182204887249162 0.738947736785205 0.8318148506777348 0.9494465282749334 0.997427870452739 0.9587332396641863 0.8705094814662874 0.6801318979866057 0.40153055630902496 0.24056089222864285 0.011488677960417278 0.02077538934967026 -0.030301523291225544 -0.0550660869958943 -0.056613872227435 -0.12007306672066517 -0.1076907848683308 -0.13400313380454026 -0.18662783167697675 -0.17269776459309288 +41116,-0.056613872227435,2,0.738947736785205 0.8318148506777348 0.9494465282749334 0.997427870452739 0.9587332396641863 0.8705094814662874 0.6801318979866057 0.40153055630902496 0.24056089222864285 0.011488677960417278 0.02077538934967026 -0.030301523291225544 -0.0550660869958943 -0.056613872227435 -0.12007306672066517 -0.1076907848683308 -0.13400313380454026 -0.18662783167697675 -0.17269776459309288 -0.09685628824752832 +41117,0.02696653027583305,2,0.8318148506777348 0.9494465282749334 0.997427870452739 0.9587332396641863 0.8705094814662874 0.6801318979866057 0.40153055630902496 0.24056089222864285 0.011488677960417278 0.02077538934967026 -0.030301523291225544 -0.0550660869958943 -0.056613872227435 -0.12007306672066517 -0.1076907848683308 -0.13400313380454026 -0.18662783167697675 -0.17269776459309288 -0.09685628824752832 -0.056613872227435 +41118,0.12602478509453446,2,0.9494465282749334 0.997427870452739 0.9587332396641863 0.8705094814662874 0.6801318979866057 0.40153055630902496 0.24056089222864285 0.011488677960417278 0.02077538934967026 -0.030301523291225544 -0.0550660869958943 -0.056613872227435 -0.12007306672066517 -0.1076907848683308 -0.13400313380454026 -0.18662783167697675 -0.17269776459309288 -0.09685628824752832 -0.056613872227435 0.02696653027583305 +41119,0.23282196607093936,2,0.997427870452739 0.9587332396641863 0.8705094814662874 0.6801318979866057 0.40153055630902496 0.24056089222864285 0.011488677960417278 0.02077538934967026 -0.030301523291225544 -0.0550660869958943 -0.056613872227435 -0.12007306672066517 -0.1076907848683308 -0.13400313380454026 -0.18662783167697675 -0.17269776459309288 -0.09685628824752832 -0.056613872227435 0.02696653027583305 0.12602478509453446 +41120,0.4231995495506123,2,0.9587332396641863 0.8705094814662874 0.6801318979866057 0.40153055630902496 0.24056089222864285 0.011488677960417278 0.02077538934967026 -0.030301523291225544 -0.0550660869958943 -0.056613872227435 -0.12007306672066517 -0.1076907848683308 -0.13400313380454026 -0.18662783167697675 -0.17269776459309288 -0.09685628824752832 -0.056613872227435 0.02696653027583305 0.12602478509453446 0.23282196607093936 +41121,0.5021365963592582,2,0.8705094814662874 0.6801318979866057 0.40153055630902496 0.24056089222864285 0.011488677960417278 0.02077538934967026 -0.030301523291225544 -0.0550660869958943 -0.056613872227435 -0.12007306672066517 -0.1076907848683308 -0.13400313380454026 -0.18662783167697675 -0.17269776459309288 -0.09685628824752832 -0.056613872227435 0.02696653027583305 0.12602478509453446 0.23282196607093936 0.4231995495506123 +41122,0.4820153883492116,2,0.6801318979866057 0.40153055630902496 0.24056089222864285 0.011488677960417278 0.02077538934967026 -0.030301523291225544 -0.0550660869958943 -0.056613872227435 -0.12007306672066517 -0.1076907848683308 -0.13400313380454026 -0.18662783167697675 -0.17269776459309288 -0.09685628824752832 -0.056613872227435 0.02696653027583305 0.12602478509453446 0.23282196607093936 0.4231995495506123 0.5021365963592582 +41123,0.5021365963592582,2,0.40153055630902496 0.24056089222864285 0.011488677960417278 0.02077538934967026 -0.030301523291225544 -0.0550660869958943 -0.056613872227435 -0.12007306672066517 -0.1076907848683308 -0.13400313380454026 -0.18662783167697675 -0.17269776459309288 -0.09685628824752832 -0.056613872227435 0.02696653027583305 0.12602478509453446 0.23282196607093936 0.4231995495506123 0.5021365963592582 0.4820153883492116 +41124,0.4711808917284179,2,0.24056089222864285 0.011488677960417278 0.02077538934967026 -0.030301523291225544 -0.0550660869958943 -0.056613872227435 -0.12007306672066517 -0.1076907848683308 -0.13400313380454026 -0.18662783167697675 -0.17269776459309288 -0.09685628824752832 -0.056613872227435 0.02696653027583305 0.12602478509453446 0.23282196607093936 0.4231995495506123 0.5021365963592582 0.4820153883492116 0.5021365963592582 +41125,0.3891482744566906,2,0.011488677960417278 0.02077538934967026 -0.030301523291225544 -0.0550660869958943 -0.056613872227435 -0.12007306672066517 -0.1076907848683308 -0.13400313380454026 -0.18662783167697675 -0.17269776459309288 -0.09685628824752832 -0.056613872227435 0.02696653027583305 0.12602478509453446 0.23282196607093936 0.4231995495506123 0.5021365963592582 0.4820153883492116 0.5021365963592582 0.4711808917284179 +41126,0.29473337533262006,2,0.02077538934967026 -0.030301523291225544 -0.0550660869958943 -0.056613872227435 -0.12007306672066517 -0.1076907848683308 -0.13400313380454026 -0.18662783167697675 -0.17269776459309288 -0.09685628824752832 -0.056613872227435 0.02696653027583305 0.12602478509453446 0.23282196607093936 0.4231995495506123 0.5021365963592582 0.4820153883492116 0.5021365963592582 0.4711808917284179 0.3891482744566906 +41127,0.16626720111462778,2,-0.030301523291225544 -0.0550660869958943 -0.056613872227435 -0.12007306672066517 -0.1076907848683308 -0.13400313380454026 -0.18662783167697675 -0.17269776459309288 -0.09685628824752832 -0.056613872227435 0.02696653027583305 0.12602478509453446 0.23282196607093936 0.4231995495506123 0.5021365963592582 0.4820153883492116 0.5021365963592582 0.4711808917284179 0.3891482744566906 0.29473337533262006 +41128,0.03625324166508603,2,-0.0550660869958943 -0.056613872227435 -0.12007306672066517 -0.1076907848683308 -0.13400313380454026 -0.18662783167697675 -0.17269776459309288 -0.09685628824752832 -0.056613872227435 0.02696653027583305 0.12602478509453446 0.23282196607093936 0.4231995495506123 0.5021365963592582 0.4820153883492116 0.5021365963592582 0.4711808917284179 0.3891482744566906 0.29473337533262006 0.16626720111462778 +41129,-0.07363950977440026,2,-0.056613872227435 -0.12007306672066517 -0.1076907848683308 -0.13400313380454026 -0.18662783167697675 -0.17269776459309288 -0.09685628824752832 -0.056613872227435 0.02696653027583305 0.12602478509453446 0.23282196607093936 0.4231995495506123 0.5021365963592582 0.4820153883492116 0.5021365963592582 0.4711808917284179 0.3891482744566906 0.29473337533262006 0.16626720111462778 0.03625324166508603 +41130,-0.04423159037510062,2,-0.12007306672066517 -0.1076907848683308 -0.13400313380454026 -0.18662783167697675 -0.17269776459309288 -0.09685628824752832 -0.056613872227435 0.02696653027583305 0.12602478509453446 0.23282196607093936 0.4231995495506123 0.5021365963592582 0.4820153883492116 0.5021365963592582 0.4711808917284179 0.3891482744566906 0.29473337533262006 0.16626720111462778 0.03625324166508603 -0.07363950977440026 +41131,-0.12162085195220587,2,-0.1076907848683308 -0.13400313380454026 -0.18662783167697675 -0.17269776459309288 -0.09685628824752832 -0.056613872227435 0.02696653027583305 0.12602478509453446 0.23282196607093936 0.4231995495506123 0.5021365963592582 0.4820153883492116 0.5021365963592582 0.4711808917284179 0.3891482744566906 0.29473337533262006 0.16626720111462778 0.03625324166508603 -0.07363950977440026 -0.04423159037510062 +41132,-0.14793320088842413,2,-0.13400313380454026 -0.18662783167697675 -0.17269776459309288 -0.09685628824752832 -0.056613872227435 0.02696653027583305 0.12602478509453446 0.23282196607093936 0.4231995495506123 0.5021365963592582 0.4820153883492116 0.5021365963592582 0.4711808917284179 0.3891482744566906 0.29473337533262006 0.16626720111462778 0.03625324166508603 -0.07363950977440026 -0.04423159037510062 -0.12162085195220587 +41133,-0.17424554982463358,2,-0.18662783167697675 -0.17269776459309288 -0.09685628824752832 -0.056613872227435 0.02696653027583305 0.12602478509453446 0.23282196607093936 0.4231995495506123 0.5021365963592582 0.4820153883492116 0.5021365963592582 0.4711808917284179 0.3891482744566906 0.29473337533262006 0.16626720111462778 0.03625324166508603 -0.07363950977440026 -0.04423159037510062 -0.12162085195220587 -0.14793320088842413 +41134,-0.19901011352931114,2,-0.17269776459309288 -0.09685628824752832 -0.056613872227435 0.02696653027583305 0.12602478509453446 0.23282196607093936 0.4231995495506123 0.5021365963592582 0.4820153883492116 0.5021365963592582 0.4711808917284179 0.3891482744566906 0.29473337533262006 0.16626720111462778 0.03625324166508603 -0.07363950977440026 -0.04423159037510062 -0.12162085195220587 -0.14793320088842413 -0.17424554982463358 +41135,-0.2129401806131862,2,-0.09685628824752832 -0.056613872227435 0.02696653027583305 0.12602478509453446 0.23282196607093936 0.4231995495506123 0.5021365963592582 0.4820153883492116 0.5021365963592582 0.4711808917284179 0.3891482744566906 0.29473337533262006 0.16626720111462778 0.03625324166508603 -0.07363950977440026 -0.04423159037510062 -0.12162085195220587 -0.14793320088842413 -0.17424554982463358 -0.19901011352931114 +41136,-0.23770474431786376,2,-0.056613872227435 0.02696653027583305 0.12602478509453446 0.23282196607093936 0.4231995495506123 0.5021365963592582 0.4820153883492116 0.5021365963592582 0.4711808917284179 0.3891482744566906 0.29473337533262006 0.16626720111462778 0.03625324166508603 -0.07363950977440026 -0.04423159037510062 -0.12162085195220587 -0.14793320088842413 -0.17424554982463358 -0.19901011352931114 -0.2129401806131862 +41137,-0.2763993751064164,2,0.02696653027583305 0.12602478509453446 0.23282196607093936 0.4231995495506123 0.5021365963592582 0.4820153883492116 0.5021365963592582 0.4711808917284179 0.3891482744566906 0.29473337533262006 0.16626720111462778 0.03625324166508603 -0.07363950977440026 -0.04423159037510062 -0.12162085195220587 -0.14793320088842413 -0.17424554982463358 -0.19901011352931114 -0.2129401806131862 -0.23770474431786376 +41138,-0.2763993751064164,2,0.12602478509453446 0.23282196607093936 0.4231995495506123 0.5021365963592582 0.4820153883492116 0.5021365963592582 0.4711808917284179 0.3891482744566906 0.29473337533262006 0.16626720111462778 0.03625324166508603 -0.07363950977440026 -0.04423159037510062 -0.12162085195220587 -0.14793320088842413 -0.17424554982463358 -0.19901011352931114 -0.2129401806131862 -0.23770474431786376 -0.2763993751064164 +41139,-0.2748515898748757,2,0.23282196607093936 0.4231995495506123 0.5021365963592582 0.4820153883492116 0.5021365963592582 0.4711808917284179 0.3891482744566906 0.29473337533262006 0.16626720111462778 0.03625324166508603 -0.07363950977440026 -0.04423159037510062 -0.12162085195220587 -0.14793320088842413 -0.17424554982463358 -0.19901011352931114 -0.2129401806131862 -0.23770474431786376 -0.2763993751064164 -0.2763993751064164 +41140,-0.17734112028772378,2,0.4231995495506123 0.5021365963592582 0.4820153883492116 0.5021365963592582 0.4711808917284179 0.3891482744566906 0.29473337533262006 0.16626720111462778 0.03625324166508603 -0.07363950977440026 -0.04423159037510062 -0.12162085195220587 -0.14793320088842413 -0.17424554982463358 -0.19901011352931114 -0.2129401806131862 -0.23770474431786376 -0.2763993751064164 -0.2763993751064164 -0.2748515898748757 +41141,-0.03649266421738833,2,0.5021365963592582 0.4820153883492116 0.5021365963592582 0.4711808917284179 0.3891482744566906 0.29473337533262006 0.16626720111462778 0.03625324166508603 -0.07363950977440026 -0.04423159037510062 -0.12162085195220587 -0.14793320088842413 -0.17424554982463358 -0.19901011352931114 -0.2129401806131862 -0.23770474431786376 -0.2763993751064164 -0.2763993751064164 -0.2748515898748757 -0.17734112028772378 +41142,0.05637444967513269,2,0.4820153883492116 0.5021365963592582 0.4711808917284179 0.3891482744566906 0.29473337533262006 0.16626720111462778 0.03625324166508603 -0.07363950977440026 -0.04423159037510062 -0.12162085195220587 -0.14793320088842413 -0.17424554982463358 -0.19901011352931114 -0.2129401806131862 -0.23770474431786376 -0.2763993751064164 -0.2763993751064164 -0.2748515898748757 -0.17734112028772378 -0.03649266421738833 +41143,0.16936277157770918,2,0.5021365963592582 0.4711808917284179 0.3891482744566906 0.29473337533262006 0.16626720111462778 0.03625324166508603 -0.07363950977440026 -0.04423159037510062 -0.12162085195220587 -0.14793320088842413 -0.17424554982463358 -0.19901011352931114 -0.2129401806131862 -0.23770474431786376 -0.2763993751064164 -0.2763993751064164 -0.2748515898748757 -0.17734112028772378 -0.03649266421738833 0.05637444967513269 +41144,0.2838988787118264,2,0.4711808917284179 0.3891482744566906 0.29473337533262006 0.16626720111462778 0.03625324166508603 -0.07363950977440026 -0.04423159037510062 -0.12162085195220587 -0.14793320088842413 -0.17424554982463358 -0.19901011352931114 -0.2129401806131862 -0.23770474431786376 -0.2763993751064164 -0.2763993751064164 -0.2748515898748757 -0.17734112028772378 -0.03649266421738833 0.05637444967513269 0.16936277157770918 +41145,0.3767659926043474,2,0.3891482744566906 0.29473337533262006 0.16626720111462778 0.03625324166508603 -0.07363950977440026 -0.04423159037510062 -0.12162085195220587 -0.14793320088842413 -0.17424554982463358 -0.19901011352931114 -0.2129401806131862 -0.23770474431786376 -0.2763993751064164 -0.2763993751064164 -0.2748515898748757 -0.17734112028772378 -0.03649266421738833 0.05637444967513269 0.16936277157770918 0.2838988787118264 +41146,0.434034046171406,2,0.29473337533262006 0.16626720111462778 0.03625324166508603 -0.07363950977440026 -0.04423159037510062 -0.12162085195220587 -0.14793320088842413 -0.17424554982463358 -0.19901011352931114 -0.2129401806131862 -0.23770474431786376 -0.2763993751064164 -0.2763993751064164 -0.2748515898748757 -0.17734112028772378 -0.03649266421738833 0.05637444967513269 0.16936277157770918 0.2838988787118264 0.3767659926043474 +41147,0.45415525418145264,2,0.16626720111462778 0.03625324166508603 -0.07363950977440026 -0.04423159037510062 -0.12162085195220587 -0.14793320088842413 -0.17424554982463358 -0.19901011352931114 -0.2129401806131862 -0.23770474431786376 -0.2763993751064164 -0.2763993751064164 -0.2748515898748757 -0.17734112028772378 -0.03649266421738833 0.05637444967513269 0.16936277157770918 0.2838988787118264 0.3767659926043474 0.434034046171406 +41148,0.45415525418145264,2,0.03625324166508603 -0.07363950977440026 -0.04423159037510062 -0.12162085195220587 -0.14793320088842413 -0.17424554982463358 -0.19901011352931114 -0.2129401806131862 -0.23770474431786376 -0.2763993751064164 -0.2763993751064164 -0.2748515898748757 -0.17734112028772378 -0.03649266421738833 0.05637444967513269 0.16936277157770918 0.2838988787118264 0.3767659926043474 0.434034046171406 0.45415525418145264 +41149,0.35819256982585024,2,-0.07363950977440026 -0.04423159037510062 -0.12162085195220587 -0.14793320088842413 -0.17424554982463358 -0.19901011352931114 -0.2129401806131862 -0.23770474431786376 -0.2763993751064164 -0.2763993751064164 -0.2748515898748757 -0.17734112028772378 -0.03649266421738833 0.05637444967513269 0.16936277157770918 0.2838988787118264 0.3767659926043474 0.434034046171406 0.45415525418145264 0.45415525418145264 +41150,0.24984760361789585,2,-0.04423159037510062 -0.12162085195220587 -0.14793320088842413 -0.17424554982463358 -0.19901011352931114 -0.2129401806131862 -0.23770474431786376 -0.2763993751064164 -0.2763993751064164 -0.2748515898748757 -0.17734112028772378 -0.03649266421738833 0.05637444967513269 0.16936277157770918 0.2838988787118264 0.3767659926043474 0.434034046171406 0.45415525418145264 0.45415525418145264 0.35819256982585024 +41151,0.13531149648378746,2,-0.12162085195220587 -0.14793320088842413 -0.17424554982463358 -0.19901011352931114 -0.2129401806131862 -0.23770474431786376 -0.2763993751064164 -0.2763993751064164 -0.2748515898748757 -0.17734112028772378 -0.03649266421738833 0.05637444967513269 0.16936277157770918 0.2838988787118264 0.3767659926043474 0.434034046171406 0.45415525418145264 0.45415525418145264 0.35819256982585024 0.24984760361789585 +41152,-0.05970944269052519,2,-0.14793320088842413 -0.17424554982463358 -0.19901011352931114 -0.2129401806131862 -0.23770474431786376 -0.2763993751064164 -0.2763993751064164 -0.2748515898748757 -0.17734112028772378 -0.03649266421738833 0.05637444967513269 0.16936277157770918 0.2838988787118264 0.3767659926043474 0.434034046171406 0.45415525418145264 0.45415525418145264 0.35819256982585024 0.24984760361789585 0.13531149648378746 +41153,-0.14483763042533393,2,-0.17424554982463358 -0.19901011352931114 -0.2129401806131862 -0.23770474431786376 -0.2763993751064164 -0.2763993751064164 -0.2748515898748757 -0.17734112028772378 -0.03649266421738833 0.05637444967513269 0.16936277157770918 0.2838988787118264 0.3767659926043474 0.434034046171406 0.45415525418145264 0.45415525418145264 0.35819256982585024 0.24984760361789585 0.13531149648378746 -0.05970944269052519 +41154,-0.18508004644543605,2,-0.19901011352931114 -0.2129401806131862 -0.23770474431786376 -0.2763993751064164 -0.2763993751064164 -0.2748515898748757 -0.17734112028772378 -0.03649266421738833 0.05637444967513269 0.16936277157770918 0.2838988787118264 0.3767659926043474 0.434034046171406 0.45415525418145264 0.45415525418145264 0.35819256982585024 0.24984760361789585 0.13531149648378746 -0.05970944269052519 -0.14483763042533393 +41155,-0.264017093254082,2,-0.2129401806131862 -0.23770474431786376 -0.2763993751064164 -0.2763993751064164 -0.2748515898748757 -0.17734112028772378 -0.03649266421738833 0.05637444967513269 0.16936277157770918 0.2838988787118264 0.3767659926043474 0.434034046171406 0.45415525418145264 0.45415525418145264 0.35819256982585024 0.24984760361789585 0.13531149648378746 -0.05970944269052519 -0.14483763042533393 -0.18508004644543605 +41156,-0.30271172404263463,2,-0.23770474431786376 -0.2763993751064164 -0.2763993751064164 -0.2748515898748757 -0.17734112028772378 -0.03649266421738833 0.05637444967513269 0.16936277157770918 0.2838988787118264 0.3767659926043474 0.434034046171406 0.45415525418145264 0.45415525418145264 0.35819256982585024 0.24984760361789585 0.13531149648378746 -0.05970944269052519 -0.14483763042533393 -0.18508004644543605 -0.264017093254082 +41157,-0.3801009856197399,2,-0.2763993751064164 -0.2763993751064164 -0.2748515898748757 -0.17734112028772378 -0.03649266421738833 0.05637444967513269 0.16936277157770918 0.2838988787118264 0.3767659926043474 0.434034046171406 0.45415525418145264 0.45415525418145264 0.35819256982585024 0.24984760361789585 0.13531149648378746 -0.05970944269052519 -0.14483763042533393 -0.18508004644543605 -0.264017093254082 -0.30271172404263463 +41158,-0.41879561640829255,2,-0.2763993751064164 -0.2748515898748757 -0.17734112028772378 -0.03649266421738833 0.05637444967513269 0.16936277157770918 0.2838988787118264 0.3767659926043474 0.434034046171406 0.45415525418145264 0.45415525418145264 0.35819256982585024 0.24984760361789585 0.13531149648378746 -0.05970944269052519 -0.14483763042533393 -0.18508004644543605 -0.264017093254082 -0.30271172404263463 -0.3801009856197399 +41159,-0.5348795087739504,2,-0.2748515898748757 -0.17734112028772378 -0.03649266421738833 0.05637444967513269 0.16936277157770918 0.2838988787118264 0.3767659926043474 0.434034046171406 0.45415525418145264 0.45415525418145264 0.35819256982585024 0.24984760361789585 0.13531149648378746 -0.05970944269052519 -0.14483763042533393 -0.18508004644543605 -0.264017093254082 -0.30271172404263463 -0.3801009856197399 -0.41879561640829255 +41160,-0.5998864884987125,2,-0.17734112028772378 -0.03649266421738833 0.05637444967513269 0.16936277157770918 0.2838988787118264 0.3767659926043474 0.434034046171406 0.45415525418145264 0.45415525418145264 0.35819256982585024 0.24984760361789585 0.13531149648378746 -0.05970944269052519 -0.14483763042533393 -0.18508004644543605 -0.264017093254082 -0.30271172404263463 -0.3801009856197399 -0.41879561640829255 -0.5348795087739504 +41161,-0.62465105220339,2,-0.03649266421738833 0.05637444967513269 0.16936277157770918 0.2838988787118264 0.3767659926043474 0.434034046171406 0.45415525418145264 0.45415525418145264 0.35819256982585024 0.24984760361789585 0.13531149648378746 -0.05970944269052519 -0.14483763042533393 -0.18508004644543605 -0.264017093254082 -0.30271172404263463 -0.3801009856197399 -0.41879561640829255 -0.5348795087739504 -0.5998864884987125 +41162,-0.6772757500758178,2,0.05637444967513269 0.16936277157770918 0.2838988787118264 0.3767659926043474 0.434034046171406 0.45415525418145264 0.45415525418145264 0.35819256982585024 0.24984760361789585 0.13531149648378746 -0.05970944269052519 -0.14483763042533393 -0.18508004644543605 -0.264017093254082 -0.30271172404263463 -0.3801009856197399 -0.41879561640829255 -0.5348795087739504 -0.5998864884987125 -0.62465105220339 +41163,-0.46677695858609813,2,0.16936277157770918 0.2838988787118264 0.3767659926043474 0.434034046171406 0.45415525418145264 0.45415525418145264 0.35819256982585024 0.24984760361789585 0.13531149648378746 -0.05970944269052519 -0.14483763042533393 -0.18508004644543605 -0.264017093254082 -0.30271172404263463 -0.3801009856197399 -0.41879561640829255 -0.5348795087739504 -0.5998864884987125 -0.62465105220339 -0.6772757500758178 +41164,-0.2129401806131862,2,0.2838988787118264 0.3767659926043474 0.434034046171406 0.45415525418145264 0.45415525418145264 0.35819256982585024 0.24984760361789585 0.13531149648378746 -0.05970944269052519 -0.14483763042533393 -0.18508004644543605 -0.264017093254082 -0.30271172404263463 -0.3801009856197399 -0.41879561640829255 -0.5348795087739504 -0.5998864884987125 -0.62465105220339 -0.6772757500758178 -0.46677695858609813 +41165,0.023870959812751655,2,0.3767659926043474 0.434034046171406 0.45415525418145264 0.45415525418145264 0.35819256982585024 0.24984760361789585 0.13531149648378746 -0.05970944269052519 -0.14483763042533393 -0.18508004644543605 -0.264017093254082 -0.30271172404263463 -0.3801009856197399 -0.41879561640829255 -0.5348795087739504 -0.5998864884987125 -0.62465105220339 -0.6772757500758178 -0.46677695858609813 -0.2129401806131862 +41166,0.19103176481929654,2,0.434034046171406 0.45415525418145264 0.45415525418145264 0.35819256982585024 0.24984760361789585 0.13531149648378746 -0.05970944269052519 -0.14483763042533393 -0.18508004644543605 -0.264017093254082 -0.30271172404263463 -0.3801009856197399 -0.41879561640829255 -0.5348795087739504 -0.5998864884987125 -0.62465105220339 -0.6772757500758178 -0.46677695858609813 -0.2129401806131862 0.023870959812751655 +41167,0.3767659926043474,2,0.45415525418145264 0.45415525418145264 0.35819256982585024 0.24984760361789585 0.13531149648378746 -0.05970944269052519 -0.14483763042533393 -0.18508004644543605 -0.264017093254082 -0.30271172404263463 -0.3801009856197399 -0.41879561640829255 -0.5348795087739504 -0.5998864884987125 -0.62465105220339 -0.6772757500758178 -0.46677695858609813 -0.2129401806131862 0.023870959812751655 0.19103176481929654 +41168,0.5129710929800607,2,0.45415525418145264 0.35819256982585024 0.24984760361789585 0.13531149648378746 -0.05970944269052519 -0.14483763042533393 -0.18508004644543605 -0.264017093254082 -0.30271172404263463 -0.3801009856197399 -0.41879561640829255 -0.5348795087739504 -0.5998864884987125 -0.62465105220339 -0.6772757500758178 -0.46677695858609813 -0.2129401806131862 0.023870959812751655 0.19103176481929654 0.3767659926043474 +41169,0.5501179385370639,2,0.35819256982585024 0.24984760361789585 0.13531149648378746 -0.05970944269052519 -0.14483763042533393 -0.18508004644543605 -0.264017093254082 -0.30271172404263463 -0.3801009856197399 -0.41879561640829255 -0.5348795087739504 -0.5998864884987125 -0.62465105220339 -0.6772757500758178 -0.46677695858609813 -0.2129401806131862 0.023870959812751655 0.19103176481929654 0.3767659926043474 0.5129710929800607 +41170,0.6662018309027218,2,0.24984760361789585 0.13531149648378746 -0.05970944269052519 -0.14483763042533393 -0.18508004644543605 -0.264017093254082 -0.30271172404263463 -0.3801009856197399 -0.41879561640829255 -0.5348795087739504 -0.5998864884987125 -0.62465105220339 -0.6772757500758178 -0.46677695858609813 -0.2129401806131862 0.023870959812751655 0.19103176481929654 0.3767659926043474 0.5129710929800607 0.5501179385370639 +41171,0.743591092479827,2,0.13531149648378746 -0.05970944269052519 -0.14483763042533393 -0.18508004644543605 -0.264017093254082 -0.30271172404263463 -0.3801009856197399 -0.41879561640829255 -0.5348795087739504 -0.5998864884987125 -0.62465105220339 -0.6772757500758178 -0.46677695858609813 -0.2129401806131862 0.023870959812751655 0.19103176481929654 0.3767659926043474 0.5129710929800607 0.5501179385370639 0.6662018309027218 +41172,0.7729990118791267,2,-0.05970944269052519 -0.14483763042533393 -0.18508004644543605 -0.264017093254082 -0.30271172404263463 -0.3801009856197399 -0.41879561640829255 -0.5348795087739504 -0.5998864884987125 -0.62465105220339 -0.6772757500758178 -0.46677695858609813 -0.2129401806131862 0.023870959812751655 0.19103176481929654 0.3767659926043474 0.5129710929800607 0.5501179385370639 0.6662018309027218 0.743591092479827 +41173,0.7931202198891821,2,-0.14483763042533393 -0.18508004644543605 -0.264017093254082 -0.30271172404263463 -0.3801009856197399 -0.41879561640829255 -0.5348795087739504 -0.5998864884987125 -0.62465105220339 -0.6772757500758178 -0.46677695858609813 -0.2129401806131862 0.023870959812751655 0.19103176481929654 0.3767659926043474 0.5129710929800607 0.5501179385370639 0.6662018309027218 0.743591092479827 0.7729990118791267 +41174,0.6894186093758586,2,-0.18508004644543605 -0.264017093254082 -0.30271172404263463 -0.3801009856197399 -0.41879561640829255 -0.5348795087739504 -0.5998864884987125 -0.62465105220339 -0.6772757500758178 -0.46677695858609813 -0.2129401806131862 0.023870959812751655 0.19103176481929654 0.3767659926043474 0.5129710929800607 0.5501179385370639 0.6662018309027218 0.743591092479827 0.7729990118791267 0.7931202198891821 +41175,0.4820153883492116,2,-0.264017093254082 -0.30271172404263463 -0.3801009856197399 -0.41879561640829255 -0.5348795087739504 -0.5998864884987125 -0.62465105220339 -0.6772757500758178 -0.46677695858609813 -0.2129401806131862 0.023870959812751655 0.19103176481929654 0.3767659926043474 0.5129710929800607 0.5501179385370639 0.6662018309027218 0.743591092479827 0.7729990118791267 0.7931202198891821 0.6894186093758586 +41176,0.23282196607093936,2,-0.30271172404263463 -0.3801009856197399 -0.41879561640829255 -0.5348795087739504 -0.5998864884987125 -0.62465105220339 -0.6772757500758178 -0.46677695858609813 -0.2129401806131862 0.023870959812751655 0.19103176481929654 0.3767659926043474 0.5129710929800607 0.5501179385370639 0.6662018309027218 0.743591092479827 0.7729990118791267 0.7931202198891821 0.6894186093758586 0.4820153883492116 +41177,0.05947002013822289,2,-0.3801009856197399 -0.41879561640829255 -0.5348795087739504 -0.5998864884987125 -0.62465105220339 -0.6772757500758178 -0.46677695858609813 -0.2129401806131862 0.023870959812751655 0.19103176481929654 0.3767659926043474 0.5129710929800607 0.5501179385370639 0.6662018309027218 0.743591092479827 0.7729990118791267 0.7931202198891821 0.6894186093758586 0.4820153883492116 0.23282196607093936 +41178,-0.017919241438882367,2,-0.41879561640829255 -0.5348795087739504 -0.5998864884987125 -0.62465105220339 -0.6772757500758178 -0.46677695858609813 -0.2129401806131862 0.023870959812751655 0.19103176481929654 0.3767659926043474 0.5129710929800607 0.5501179385370639 0.6662018309027218 0.743591092479827 0.7729990118791267 0.7931202198891821 0.6894186093758586 0.4820153883492116 0.23282196607093936 0.05947002013822289 +41179,-0.12162085195220587,2,-0.5348795087739504 -0.5998864884987125 -0.62465105220339 -0.6772757500758178 -0.46677695858609813 -0.2129401806131862 0.023870959812751655 0.19103176481929654 0.3767659926043474 0.5129710929800607 0.5501179385370639 0.6662018309027218 0.743591092479827 0.7729990118791267 0.7931202198891821 0.6894186093758586 0.4820153883492116 0.23282196607093936 0.05947002013822289 -0.017919241438882367 +41180,-0.19901011352931114,2,-0.5998864884987125 -0.62465105220339 -0.6772757500758178 -0.46677695858609813 -0.2129401806131862 0.023870959812751655 0.19103176481929654 0.3767659926043474 0.5129710929800607 0.5501179385370639 0.6662018309027218 0.743591092479827 0.7729990118791267 0.7931202198891821 0.6894186093758586 0.4820153883492116 0.23282196607093936 0.05947002013822289 -0.017919241438882367 -0.12162085195220587 +41181,-0.2113923953816455,2,-0.62465105220339 -0.6772757500758178 -0.46677695858609813 -0.2129401806131862 0.023870959812751655 0.19103176481929654 0.3767659926043474 0.5129710929800607 0.5501179385370639 0.6662018309027218 0.743591092479827 0.7729990118791267 0.7931202198891821 0.6894186093758586 0.4820153883492116 0.23282196607093936 0.05947002013822289 -0.017919241438882367 -0.12162085195220587 -0.19901011352931114 +41182,-0.34140635483118725,2,-0.6772757500758178 -0.46677695858609813 -0.2129401806131862 0.023870959812751655 0.19103176481929654 0.3767659926043474 0.5129710929800607 0.5501179385370639 0.6662018309027218 0.743591092479827 0.7729990118791267 0.7931202198891821 0.6894186093758586 0.4820153883492116 0.23282196607093936 0.05947002013822289 -0.017919241438882367 -0.12162085195220587 -0.19901011352931114 -0.2113923953816455 +41183,-0.3801009856197399,2,-0.46677695858609813 -0.2129401806131862 0.023870959812751655 0.19103176481929654 0.3767659926043474 0.5129710929800607 0.5501179385370639 0.6662018309027218 0.743591092479827 0.7729990118791267 0.7931202198891821 0.6894186093758586 0.4820153883492116 0.23282196607093936 0.05947002013822289 -0.017919241438882367 -0.12162085195220587 -0.19901011352931114 -0.2113923953816455 -0.34140635483118725 +41184,-0.4822548109015139,2,-0.2129401806131862 0.023870959812751655 0.19103176481929654 0.3767659926043474 0.5129710929800607 0.5501179385370639 0.6662018309027218 0.743591092479827 0.7729990118791267 0.7931202198891821 0.6894186093758586 0.4820153883492116 0.23282196607093936 0.05947002013822289 -0.017919241438882367 -0.12162085195220587 -0.19901011352931114 -0.2113923953816455 -0.34140635483118725 -0.3801009856197399 +41185,-0.5596440724786191,2,0.023870959812751655 0.19103176481929654 0.3767659926043474 0.5129710929800607 0.5501179385370639 0.6662018309027218 0.743591092479827 0.7729990118791267 0.7931202198891821 0.6894186093758586 0.4820153883492116 0.23282196607093936 0.05947002013822289 -0.017919241438882367 -0.12162085195220587 -0.19901011352931114 -0.2113923953816455 -0.34140635483118725 -0.3801009856197399 -0.4822548109015139 +41186,-0.615364340814137,2,0.19103176481929654 0.3767659926043474 0.5129710929800607 0.5501179385370639 0.6662018309027218 0.743591092479827 0.7729990118791267 0.7931202198891821 0.6894186093758586 0.4820153883492116 0.23282196607093936 0.05947002013822289 -0.017919241438882367 -0.12162085195220587 -0.19901011352931114 -0.2113923953816455 -0.34140635483118725 -0.3801009856197399 -0.4822548109015139 -0.5596440724786191 +41187,-0.3955788379351557,2,0.3767659926043474 0.5129710929800607 0.5501179385370639 0.6662018309027218 0.743591092479827 0.7729990118791267 0.7931202198891821 0.6894186093758586 0.4820153883492116 0.23282196607093936 0.05947002013822289 -0.017919241438882367 -0.12162085195220587 -0.19901011352931114 -0.2113923953816455 -0.34140635483118725 -0.3801009856197399 -0.4822548109015139 -0.5596440724786191 -0.615364340814137 +41188,-0.09840407347907781,2,0.5129710929800607 0.5501179385370639 0.6662018309027218 0.743591092479827 0.7729990118791267 0.7931202198891821 0.6894186093758586 0.4820153883492116 0.23282196607093936 0.05947002013822289 -0.017919241438882367 -0.12162085195220587 -0.19901011352931114 -0.2113923953816455 -0.34140635483118725 -0.3801009856197399 -0.4822548109015139 -0.5596440724786191 -0.615364340814137 -0.3955788379351557 +41189,0.19257955005083724,2,0.5501179385370639 0.6662018309027218 0.743591092479827 0.7729990118791267 0.7931202198891821 0.6894186093758586 0.4820153883492116 0.23282196607093936 0.05947002013822289 -0.017919241438882367 -0.12162085195220587 -0.19901011352931114 -0.2113923953816455 -0.34140635483118725 -0.3801009856197399 -0.4822548109015139 -0.5596440724786191 -0.615364340814137 -0.3955788379351557 -0.09840407347907781 +41190,0.5207100191377643,2,0.6662018309027218 0.743591092479827 0.7729990118791267 0.7931202198891821 0.6894186093758586 0.4820153883492116 0.23282196607093936 0.05947002013822289 -0.017919241438882367 -0.12162085195220587 -0.19901011352931114 -0.2113923953816455 -0.34140635483118725 -0.3801009856197399 -0.4822548109015139 -0.5596440724786191 -0.615364340814137 -0.3955788379351557 -0.09840407347907781 0.19257955005083724 +41191,0.7172787435436175,2,0.743591092479827 0.7729990118791267 0.7931202198891821 0.6894186093758586 0.4820153883492116 0.23282196607093936 0.05947002013822289 -0.017919241438882367 -0.12162085195220587 -0.19901011352931114 -0.2113923953816455 -0.34140635483118725 -0.3801009856197399 -0.4822548109015139 -0.5596440724786191 -0.615364340814137 -0.3955788379351557 -0.09840407347907781 0.19257955005083724 0.5207100191377643 +41192,0.9215863941071744,2,0.7729990118791267 0.7931202198891821 0.6894186093758586 0.4820153883492116 0.23282196607093936 0.05947002013822289 -0.017919241438882367 -0.12162085195220587 -0.19901011352931114 -0.2113923953816455 -0.34140635483118725 -0.3801009856197399 -0.4822548109015139 -0.5596440724786191 -0.615364340814137 -0.3955788379351557 -0.09840407347907781 0.19257955005083724 0.5207100191377643 0.7172787435436175 +41193,1.0732693467982948,2,0.7931202198891821 0.6894186093758586 0.4820153883492116 0.23282196607093936 0.05947002013822289 -0.017919241438882367 -0.12162085195220587 -0.19901011352931114 -0.2113923953816455 -0.34140635483118725 -0.3801009856197399 -0.4822548109015139 -0.5596440724786191 -0.615364340814137 -0.3955788379351557 -0.09840407347907781 0.19257955005083724 0.5207100191377643 0.7172787435436175 0.9215863941071744 +41194,1.0655304206405911,2,0.6894186093758586 0.4820153883492116 0.23282196607093936 0.05947002013822289 -0.017919241438882367 -0.12162085195220587 -0.19901011352931114 -0.2113923953816455 -0.34140635483118725 -0.3801009856197399 -0.4822548109015139 -0.5596440724786191 -0.615364340814137 -0.3955788379351557 -0.09840407347907781 0.19257955005083724 0.5207100191377643 0.7172787435436175 0.9215863941071744 1.0732693467982948 +41195,1.1800665277747084,2,0.4820153883492116 0.23282196607093936 0.05947002013822289 -0.017919241438882367 -0.12162085195220587 -0.19901011352931114 -0.2113923953816455 -0.34140635483118725 -0.3801009856197399 -0.4822548109015139 -0.5596440724786191 -0.615364340814137 -0.3955788379351557 -0.09840407347907781 0.19257955005083724 0.5207100191377643 0.7172787435436175 0.9215863941071744 1.0732693467982948 1.0655304206405911 +41196,1.209474447174008,2,0.23282196607093936 0.05947002013822289 -0.017919241438882367 -0.12162085195220587 -0.19901011352931114 -0.2113923953816455 -0.34140635483118725 -0.3801009856197399 -0.4822548109015139 -0.5596440724786191 -0.615364340814137 -0.3955788379351557 -0.09840407347907781 0.19257955005083724 0.5207100191377643 0.7172787435436175 0.9215863941071744 1.0732693467982948 1.0655304206405911 1.1800665277747084 +41197,1.1847098834693306,2,0.05947002013822289 -0.017919241438882367 -0.12162085195220587 -0.19901011352931114 -0.2113923953816455 -0.34140635483118725 -0.3801009856197399 -0.4822548109015139 -0.5596440724786191 -0.615364340814137 -0.3955788379351557 -0.09840407347907781 0.19257955005083724 0.5207100191377643 0.7172787435436175 0.9215863941071744 1.0732693467982948 1.0655304206405911 1.1800665277747084 1.209474447174008 +41198,1.0546959240197975,2,-0.017919241438882367 -0.12162085195220587 -0.19901011352931114 -0.2113923953816455 -0.34140635483118725 -0.3801009856197399 -0.4822548109015139 -0.5596440724786191 -0.615364340814137 -0.3955788379351557 -0.09840407347907781 0.19257955005083724 0.5207100191377643 0.7172787435436175 0.9215863941071744 1.0732693467982948 1.0655304206405911 1.1800665277747084 1.209474447174008 1.1847098834693306 +41199,0.9293253202648867,2,-0.12162085195220587 -0.19901011352931114 -0.2113923953816455 -0.34140635483118725 -0.3801009856197399 -0.4822548109015139 -0.5596440724786191 -0.615364340814137 -0.3955788379351557 -0.09840407347907781 0.19257955005083724 0.5207100191377643 0.7172787435436175 0.9215863941071744 1.0732693467982948 1.0655304206405911 1.1800665277747084 1.209474447174008 1.1847098834693306 1.0546959240197975 +41200,0.6863230389127685,2,-0.19901011352931114 -0.2113923953816455 -0.34140635483118725 -0.3801009856197399 -0.4822548109015139 -0.5596440724786191 -0.615364340814137 -0.3955788379351557 -0.09840407347907781 0.19257955005083724 0.5207100191377643 0.7172787435436175 0.9215863941071744 1.0732693467982948 1.0655304206405911 1.1800665277747084 1.209474447174008 1.1847098834693306 1.0546959240197975 0.9293253202648867 +41201,0.45415525418145264,2,-0.2113923953816455 -0.34140635483118725 -0.3801009856197399 -0.4822548109015139 -0.5596440724786191 -0.615364340814137 -0.3955788379351557 -0.09840407347907781 0.19257955005083724 0.5207100191377643 0.7172787435436175 0.9215863941071744 1.0732693467982948 1.0655304206405911 1.1800665277747084 1.209474447174008 1.1847098834693306 1.0546959240197975 0.9293253202648867 0.6863230389127685 +41202,0.29318559010107936,2,-0.34140635483118725 -0.3801009856197399 -0.4822548109015139 -0.5596440724786191 -0.615364340814137 -0.3955788379351557 -0.09840407347907781 0.19257955005083724 0.5207100191377643 0.7172787435436175 0.9215863941071744 1.0732693467982948 1.0655304206405911 1.1800665277747084 1.209474447174008 1.1847098834693306 1.0546959240197975 0.9293253202648867 0.6863230389127685 0.45415525418145264 +41203,0.11828585893682218,2,-0.3801009856197399 -0.4822548109015139 -0.5596440724786191 -0.615364340814137 -0.3955788379351557 -0.09840407347907781 0.19257955005083724 0.5207100191377643 0.7172787435436175 0.9215863941071744 1.0732693467982948 1.0655304206405911 1.1800665277747084 1.209474447174008 1.1847098834693306 1.0546959240197975 0.9293253202648867 0.6863230389127685 0.45415525418145264 0.29318559010107936 +41204,0.05947002013822289,2,-0.4822548109015139 -0.5596440724786191 -0.615364340814137 -0.3955788379351557 -0.09840407347907781 0.19257955005083724 0.5207100191377643 0.7172787435436175 0.9215863941071744 1.0732693467982948 1.0655304206405911 1.1800665277747084 1.209474447174008 1.1847098834693306 1.0546959240197975 0.9293253202648867 0.6863230389127685 0.45415525418145264 0.29318559010107936 0.11828585893682218 +41205,0.034705456433545334,2,-0.5596440724786191 -0.615364340814137 -0.3955788379351557 -0.09840407347907781 0.19257955005083724 0.5207100191377643 0.7172787435436175 0.9215863941071744 1.0732693467982948 1.0655304206405911 1.1800665277747084 1.209474447174008 1.1847098834693306 1.0546959240197975 0.9293253202648867 0.6863230389127685 0.45415525418145264 0.29318559010107936 0.11828585893682218 0.05947002013822289 +41206,-0.13400313380454026,2,-0.615364340814137 -0.3955788379351557 -0.09840407347907781 0.19257955005083724 0.5207100191377643 0.7172787435436175 0.9215863941071744 1.0732693467982948 1.0655304206405911 1.1800665277747084 1.209474447174008 1.1847098834693306 1.0546959240197975 0.9293253202648867 0.6863230389127685 0.45415525418145264 0.29318559010107936 0.11828585893682218 0.05947002013822289 0.034705456433545334 +41207,-0.19901011352931114,2,-0.3955788379351557 -0.09840407347907781 0.19257955005083724 0.5207100191377643 0.7172787435436175 0.9215863941071744 1.0732693467982948 1.0655304206405911 1.1800665277747084 1.209474447174008 1.1847098834693306 1.0546959240197975 0.9293253202648867 0.6863230389127685 0.45415525418145264 0.29318559010107936 0.11828585893682218 0.05947002013822289 0.034705456433545334 -0.13400313380454026 +41208,-0.2113923953816455,2,-0.09840407347907781 0.19257955005083724 0.5207100191377643 0.7172787435436175 0.9215863941071744 1.0732693467982948 1.0655304206405911 1.1800665277747084 1.209474447174008 1.1847098834693306 1.0546959240197975 0.9293253202648867 0.6863230389127685 0.45415525418145264 0.29318559010107936 0.11828585893682218 0.05947002013822289 0.034705456433545334 -0.13400313380454026 -0.19901011352931114 +41209,-0.30116393881109393,2,0.19257955005083724 0.5207100191377643 0.7172787435436175 0.9215863941071744 1.0732693467982948 1.0655304206405911 1.1800665277747084 1.209474447174008 1.1847098834693306 1.0546959240197975 0.9293253202648867 0.6863230389127685 0.45415525418145264 0.29318559010107936 0.11828585893682218 0.05947002013822289 0.034705456433545334 -0.13400313380454026 -0.19901011352931114 -0.2113923953816455 +41210,-0.30116393881109393,2,0.5207100191377643 0.7172787435436175 0.9215863941071744 1.0732693467982948 1.0655304206405911 1.1800665277747084 1.209474447174008 1.1847098834693306 1.0546959240197975 0.9293253202648867 0.6863230389127685 0.45415525418145264 0.29318559010107936 0.11828585893682218 0.05947002013822289 0.034705456433545334 -0.13400313380454026 -0.19901011352931114 -0.2113923953816455 -0.30116393881109393 +41211,-0.13090756334145887,2,0.7172787435436175 0.9215863941071744 1.0732693467982948 1.0655304206405911 1.1800665277747084 1.209474447174008 1.1847098834693306 1.0546959240197975 0.9293253202648867 0.6863230389127685 0.45415525418145264 0.29318559010107936 0.11828585893682218 0.05947002013822289 0.034705456433545334 -0.13400313380454026 -0.19901011352931114 -0.2113923953816455 -0.30116393881109393 -0.30116393881109393 +41212,0.22972639560784916,2,0.9215863941071744 1.0732693467982948 1.0655304206405911 1.1800665277747084 1.209474447174008 1.1847098834693306 1.0546959240197975 0.9293253202648867 0.6863230389127685 0.45415525418145264 0.29318559010107936 0.11828585893682218 0.05947002013822289 0.034705456433545334 -0.13400313380454026 -0.19901011352931114 -0.2113923953816455 -0.30116393881109393 -0.30116393881109393 -0.13090756334145887 +41213,0.5888125693256165,2,1.0732693467982948 1.0655304206405911 1.1800665277747084 1.209474447174008 1.1847098834693306 1.0546959240197975 0.9293253202648867 0.6863230389127685 0.45415525418145264 0.29318559010107936 0.11828585893682218 0.05947002013822289 0.034705456433545334 -0.13400313380454026 -0.19901011352931114 -0.2113923953816455 -0.30116393881109393 -0.30116393881109393 -0.13090756334145887 0.22972639560784916 +41214,0.9850455886003958,2,1.0655304206405911 1.1800665277747084 1.209474447174008 1.1847098834693306 1.0546959240197975 0.9293253202648867 0.6863230389127685 0.45415525418145264 0.29318559010107936 0.11828585893682218 0.05947002013822289 0.034705456433545334 -0.13400313380454026 -0.19901011352931114 -0.2113923953816455 -0.30116393881109393 -0.30116393881109393 -0.13090756334145887 0.22972639560784916 0.5888125693256165 +41215,1.2172133733317116,2,1.1800665277747084 1.209474447174008 1.1847098834693306 1.0546959240197975 0.9293253202648867 0.6863230389127685 0.45415525418145264 0.29318559010107936 0.11828585893682218 0.05947002013822289 0.034705456433545334 -0.13400313380454026 -0.19901011352931114 -0.2113923953816455 -0.30116393881109393 -0.30116393881109393 -0.13090756334145887 0.22972639560784916 0.5888125693256165 0.9850455886003958 +41216,1.358061829402047,2,1.209474447174008 1.1847098834693306 1.0546959240197975 0.9293253202648867 0.6863230389127685 0.45415525418145264 0.29318559010107936 0.11828585893682218 0.05947002013822289 0.034705456433545334 -0.13400313380454026 -0.19901011352931114 -0.2113923953816455 -0.30116393881109393 -0.30116393881109393 -0.13090756334145887 0.22972639560784916 0.5888125693256165 0.9850455886003958 1.2172133733317116 +41217,1.6057074664487874,2,1.1847098834693306 1.0546959240197975 0.9293253202648867 0.6863230389127685 0.45415525418145264 0.29318559010107936 0.11828585893682218 0.05947002013822289 0.034705456433545334 -0.13400313380454026 -0.19901011352931114 -0.2113923953816455 -0.30116393881109393 -0.30116393881109393 -0.13090756334145887 0.22972639560784916 0.5888125693256165 0.9850455886003958 1.2172133733317116 1.358061829402047 +41218,1.597968540291075,2,1.0546959240197975 0.9293253202648867 0.6863230389127685 0.45415525418145264 0.29318559010107936 0.11828585893682218 0.05947002013822289 0.034705456433545334 -0.13400313380454026 -0.19901011352931114 -0.2113923953816455 -0.30116393881109393 -0.30116393881109393 -0.13090756334145887 0.22972639560784916 0.5888125693256165 0.9850455886003958 1.2172133733317116 1.358061829402047 1.6057074664487874 +41219,1.6521410233950435,2,0.9293253202648867 0.6863230389127685 0.45415525418145264 0.29318559010107936 0.11828585893682218 0.05947002013822289 0.034705456433545334 -0.13400313380454026 -0.19901011352931114 -0.2113923953816455 -0.30116393881109393 -0.30116393881109393 -0.13090756334145887 0.22972639560784916 0.5888125693256165 0.9850455886003958 1.2172133733317116 1.358061829402047 1.6057074664487874 1.597968540291075 +41220,1.6707144461735495,2,0.6863230389127685 0.45415525418145264 0.29318559010107936 0.11828585893682218 0.05947002013822289 0.034705456433545334 -0.13400313380454026 -0.19901011352931114 -0.2113923953816455 -0.30116393881109393 -0.30116393881109393 -0.13090756334145887 0.22972639560784916 0.5888125693256165 0.9850455886003958 1.2172133733317116 1.358061829402047 1.6057074664487874 1.597968540291075 1.6521410233950435 +41221,1.5871340436702814,2,0.45415525418145264 0.29318559010107936 0.11828585893682218 0.05947002013822289 0.034705456433545334 -0.13400313380454026 -0.19901011352931114 -0.2113923953816455 -0.30116393881109393 -0.30116393881109393 -0.13090756334145887 0.22972639560784916 0.5888125693256165 0.9850455886003958 1.2172133733317116 1.358061829402047 1.6057074664487874 1.597968540291075 1.6521410233950435 1.6707144461735495 +41222,1.5391527014924757,2,0.29318559010107936 0.11828585893682218 0.05947002013822289 0.034705456433545334 -0.13400313380454026 -0.19901011352931114 -0.2113923953816455 -0.30116393881109393 -0.30116393881109393 -0.13090756334145887 0.22972639560784916 0.5888125693256165 0.9850455886003958 1.2172133733317116 1.358061829402047 1.6057074664487874 1.597968540291075 1.6521410233950435 1.6707144461735495 1.5871340436702814 +41223,1.2682902859726073,2,0.11828585893682218 0.05947002013822289 0.034705456433545334 -0.13400313380454026 -0.19901011352931114 -0.2113923953816455 -0.30116393881109393 -0.30116393881109393 -0.13090756334145887 0.22972639560784916 0.5888125693256165 0.9850455886003958 1.2172133733317116 1.358061829402047 1.6057074664487874 1.597968540291075 1.6521410233950435 1.6707144461735495 1.5871340436702814 1.5391527014924757 +41224,0.8488404882246913,2,0.05947002013822289 0.034705456433545334 -0.13400313380454026 -0.19901011352931114 -0.2113923953816455 -0.30116393881109393 -0.30116393881109393 -0.13090756334145887 0.22972639560784916 0.5888125693256165 0.9850455886003958 1.2172133733317116 1.358061829402047 1.6057074664487874 1.597968540291075 1.6521410233950435 1.6707144461735495 1.5871340436702814 1.5391527014924757 1.2682902859726073 +41225,0.6321505558088,2,0.034705456433545334 -0.13400313380454026 -0.19901011352931114 -0.2113923953816455 -0.30116393881109393 -0.30116393881109393 -0.13090756334145887 0.22972639560784916 0.5888125693256165 0.9850455886003958 1.2172133733317116 1.358061829402047 1.6057074664487874 1.597968540291075 1.6521410233950435 1.6707144461735495 1.5871340436702814 1.5391527014924757 1.2682902859726073 0.8488404882246913 +41226,0.4742764621915081,2,-0.13400313380454026 -0.19901011352931114 -0.2113923953816455 -0.30116393881109393 -0.30116393881109393 -0.13090756334145887 0.22972639560784916 0.5888125693256165 0.9850455886003958 1.2172133733317116 1.358061829402047 1.6057074664487874 1.597968540291075 1.6521410233950435 1.6707144461735495 1.5871340436702814 1.5391527014924757 1.2682902859726073 0.8488404882246913 0.6321505558088 +41227,0.35819256982585024,2,-0.19901011352931114 -0.2113923953816455 -0.30116393881109393 -0.30116393881109393 -0.13090756334145887 0.22972639560784916 0.5888125693256165 0.9850455886003958 1.2172133733317116 1.358061829402047 1.6057074664487874 1.597968540291075 1.6521410233950435 1.6707144461735495 1.5871340436702814 1.5391527014924757 1.2682902859726073 0.8488404882246913 0.6321505558088 0.4742764621915081 +41228,0.2157963285239741,2,-0.2113923953816455 -0.30116393881109393 -0.30116393881109393 -0.13090756334145887 0.22972639560784916 0.5888125693256165 0.9850455886003958 1.2172133733317116 1.358061829402047 1.6057074664487874 1.597968540291075 1.6521410233950435 1.6707144461735495 1.5871340436702814 1.5391527014924757 1.2682902859726073 0.8488404882246913 0.6321505558088 0.4742764621915081 0.35819256982585024 +41229,0.12447699986298497,2,-0.30116393881109393 -0.30116393881109393 -0.13090756334145887 0.22972639560784916 0.5888125693256165 0.9850455886003958 1.2172133733317116 1.358061829402047 1.6057074664487874 1.597968540291075 1.6521410233950435 1.6707144461735495 1.5871340436702814 1.5391527014924757 1.2682902859726073 0.8488404882246913 0.6321505558088 0.4742764621915081 0.35819256982585024 0.2157963285239741 +41230,0.07185230199055727,2,-0.30116393881109393 -0.13090756334145887 0.22972639560784916 0.5888125693256165 0.9850455886003958 1.2172133733317116 1.358061829402047 1.6057074664487874 1.597968540291075 1.6521410233950435 1.6707144461735495 1.5871340436702814 1.5391527014924757 1.2682902859726073 0.8488404882246913 0.6321505558088 0.4742764621915081 0.35819256982585024 0.2157963285239741 0.12447699986298497 +41231,-0.017919241438882367,2,-0.13090756334145887 0.22972639560784916 0.5888125693256165 0.9850455886003958 1.2172133733317116 1.358061829402047 1.6057074664487874 1.597968540291075 1.6521410233950435 1.6707144461735495 1.5871340436702814 1.5391527014924757 1.2682902859726073 0.8488404882246913 0.6321505558088 0.4742764621915081 0.35819256982585024 0.2157963285239741 0.12447699986298497 0.07185230199055727 +41232,-0.051970516532812906,2,0.22972639560784916 0.5888125693256165 0.9850455886003958 1.2172133733317116 1.358061829402047 1.6057074664487874 1.597968540291075 1.6521410233950435 1.6707144461735495 1.5871340436702814 1.5391527014924757 1.2682902859726073 0.8488404882246913 0.6321505558088 0.4742764621915081 0.35819256982585024 0.2157963285239741 0.12447699986298497 0.07185230199055727 -0.017919241438882367 +41233,-0.1603154827407585,2,0.5888125693256165 0.9850455886003958 1.2172133733317116 1.358061829402047 1.6057074664487874 1.597968540291075 1.6521410233950435 1.6707144461735495 1.5871340436702814 1.5391527014924757 1.2682902859726073 0.8488404882246913 0.6321505558088 0.4742764621915081 0.35819256982585024 0.2157963285239741 0.12447699986298497 0.07185230199055727 -0.017919241438882367 -0.051970516532812906 +41234,-0.17888890551926448,2,0.9850455886003958 1.2172133733317116 1.358061829402047 1.6057074664487874 1.597968540291075 1.6521410233950435 1.6707144461735495 1.5871340436702814 1.5391527014924757 1.2682902859726073 0.8488404882246913 0.6321505558088 0.4742764621915081 0.35819256982585024 0.2157963285239741 0.12447699986298497 0.07185230199055727 -0.017919241438882367 -0.051970516532812906 -0.1603154827407585 +41235,0.034705456433545334,2,1.2172133733317116 1.358061829402047 1.6057074664487874 1.597968540291075 1.6521410233950435 1.6707144461735495 1.5871340436702814 1.5391527014924757 1.2682902859726073 0.8488404882246913 0.6321505558088 0.4742764621915081 0.35819256982585024 0.2157963285239741 0.12447699986298497 0.07185230199055727 -0.017919241438882367 -0.051970516532812906 -0.1603154827407585 -0.17888890551926448 +41236,0.36593149598355373,2,1.358061829402047 1.6057074664487874 1.597968540291075 1.6521410233950435 1.6707144461735495 1.5871340436702814 1.5391527014924757 1.2682902859726073 0.8488404882246913 0.6321505558088 0.4742764621915081 0.35819256982585024 0.2157963285239741 0.12447699986298497 0.07185230199055727 -0.017919241438882367 -0.051970516532812906 -0.1603154827407585 -0.17888890551926448 0.034705456433545334 +41237,0.7048964616912744,2,1.6057074664487874 1.597968540291075 1.6521410233950435 1.6707144461735495 1.5871340436702814 1.5391527014924757 1.2682902859726073 0.8488404882246913 0.6321505558088 0.4742764621915081 0.35819256982585024 0.2157963285239741 0.12447699986298497 0.07185230199055727 -0.017919241438882367 -0.051970516532812906 -0.1603154827407585 -0.17888890551926448 0.034705456433545334 0.36593149598355373 +41238,1.1135117628183968,2,1.597968540291075 1.6521410233950435 1.6707144461735495 1.5871340436702814 1.5391527014924757 1.2682902859726073 0.8488404882246913 0.6321505558088 0.4742764621915081 0.35819256982585024 0.2157963285239741 0.12447699986298497 0.07185230199055727 -0.017919241438882367 -0.051970516532812906 -0.1603154827407585 -0.17888890551926448 0.034705456433545334 0.36593149598355373 0.7048964616912744 +41239,1.3503229032443347,2,1.6521410233950435 1.6707144461735495 1.5871340436702814 1.5391527014924757 1.2682902859726073 0.8488404882246913 0.6321505558088 0.4742764621915081 0.35819256982585024 0.2157963285239741 0.12447699986298497 0.07185230199055727 -0.017919241438882367 -0.051970516532812906 -0.1603154827407585 -0.17888890551926448 0.034705456433545334 0.36593149598355373 0.7048964616912744 1.1135117628183968 +41240,1.6149941778380315,2,1.6707144461735495 1.5871340436702814 1.5391527014924757 1.2682902859726073 0.8488404882246913 0.6321505558088 0.4742764621915081 0.35819256982585024 0.2157963285239741 0.12447699986298497 0.07185230199055727 -0.017919241438882367 -0.051970516532812906 -0.1603154827407585 -0.17888890551926448 0.034705456433545334 0.36593149598355373 0.7048964616912744 1.1135117628183968 1.3503229032443347 +41241,1.7109568621936426,2,1.5871340436702814 1.5391527014924757 1.2682902859726073 0.8488404882246913 0.6321505558088 0.4742764621915081 0.35819256982585024 0.2157963285239741 0.12447699986298497 0.07185230199055727 -0.017919241438882367 -0.051970516532812906 -0.1603154827407585 -0.17888890551926448 0.034705456433545334 0.36593149598355373 0.7048964616912744 1.1135117628183968 1.3503229032443347 1.6149941778380315 +41242,1.7914416942338383,2,1.5391527014924757 1.2682902859726073 0.8488404882246913 0.6321505558088 0.4742764621915081 0.35819256982585024 0.2157963285239741 0.12447699986298497 0.07185230199055727 -0.017919241438882367 -0.051970516532812906 -0.1603154827407585 -0.17888890551926448 0.034705456433545334 0.36593149598355373 0.7048964616912744 1.1135117628183968 1.3503229032443347 1.6149941778380315 1.7109568621936426 +41243,1.806919546549254,2,1.2682902859726073 0.8488404882246913 0.6321505558088 0.4742764621915081 0.35819256982585024 0.2157963285239741 0.12447699986298497 0.07185230199055727 -0.017919241438882367 -0.051970516532812906 -0.1603154827407585 -0.17888890551926448 0.034705456433545334 0.36593149598355373 0.7048964616912744 1.1135117628183968 1.3503229032443347 1.6149941778380315 1.7109568621936426 1.7914416942338383 +41244,1.7713204862237915,2,0.8488404882246913 0.6321505558088 0.4742764621915081 0.35819256982585024 0.2157963285239741 0.12447699986298497 0.07185230199055727 -0.017919241438882367 -0.051970516532812906 -0.1603154827407585 -0.17888890551926448 0.034705456433545334 0.36593149598355373 0.7048964616912744 1.1135117628183968 1.3503229032443347 1.6149941778380315 1.7109568621936426 1.7914416942338383 1.806919546549254 +41245,1.7063135064990207,2,0.6321505558088 0.4742764621915081 0.35819256982585024 0.2157963285239741 0.12447699986298497 0.07185230199055727 -0.017919241438882367 -0.051970516532812906 -0.1603154827407585 -0.17888890551926448 0.034705456433545334 0.36593149598355373 0.7048964616912744 1.1135117628183968 1.3503229032443347 1.6149941778380315 1.7109568621936426 1.7914416942338383 1.806919546549254 1.7713204862237915 +41246,1.5298659901032228,2,0.4742764621915081 0.35819256982585024 0.2157963285239741 0.12447699986298497 0.07185230199055727 -0.017919241438882367 -0.051970516532812906 -0.1603154827407585 -0.17888890551926448 0.034705456433545334 0.36593149598355373 0.7048964616912744 1.1135117628183968 1.3503229032443347 1.6149941778380315 1.7109568621936426 1.7914416942338383 1.806919546549254 1.7713204862237915 1.7063135064990207 +41247,1.297698205371907,2,0.35819256982585024 0.2157963285239741 0.12447699986298497 0.07185230199055727 -0.017919241438882367 -0.051970516532812906 -0.1603154827407585 -0.17888890551926448 0.034705456433545334 0.36593149598355373 0.7048964616912744 1.1135117628183968 1.3503229032443347 1.6149941778380315 1.7109568621936426 1.7914416942338383 1.806919546549254 1.7713204862237915 1.7063135064990207 1.5298659901032228 +41248,1.006714581841992,2,0.2157963285239741 0.12447699986298497 0.07185230199055727 -0.017919241438882367 -0.051970516532812906 -0.1603154827407585 -0.17888890551926448 0.034705456433545334 0.36593149598355373 0.7048964616912744 1.1135117628183968 1.3503229032443347 1.6149941778380315 1.7109568621936426 1.7914416942338383 1.806919546549254 1.7713204862237915 1.7063135064990207 1.5298659901032228 1.297698205371907 +41249,0.8008591460468856,2,0.12447699986298497 0.07185230199055727 -0.017919241438882367 -0.051970516532812906 -0.1603154827407585 -0.17888890551926448 0.034705456433545334 0.36593149598355373 0.7048964616912744 1.1135117628183968 1.3503229032443347 1.6149941778380315 1.7109568621936426 1.7914416942338383 1.806919546549254 1.7713204862237915 1.7063135064990207 1.5298659901032228 1.297698205371907 1.006714581841992 +41250,0.5888125693256165,2,0.07185230199055727 -0.017919241438882367 -0.051970516532812906 -0.1603154827407585 -0.17888890551926448 0.034705456433545334 0.36593149598355373 0.7048964616912744 1.1135117628183968 1.3503229032443347 1.6149941778380315 1.7109568621936426 1.7914416942338383 1.806919546549254 1.7713204862237915 1.7063135064990207 1.5298659901032228 1.297698205371907 1.006714581841992 0.8008591460468856 +41251,0.57178693177866,2,-0.017919241438882367 -0.051970516532812906 -0.1603154827407585 -0.17888890551926448 0.034705456433545334 0.36593149598355373 0.7048964616912744 1.1135117628183968 1.3503229032443347 1.6149941778380315 1.7109568621936426 1.7914416942338383 1.806919546549254 1.7713204862237915 1.7063135064990207 1.5298659901032228 1.297698205371907 1.006714581841992 0.8008591460468856 0.5888125693256165 +41252,0.41700840862444954,2,-0.051970516532812906 -0.1603154827407585 -0.17888890551926448 0.034705456433545334 0.36593149598355373 0.7048964616912744 1.1135117628183968 1.3503229032443347 1.6149941778380315 1.7109568621936426 1.7914416942338383 1.806919546549254 1.7713204862237915 1.7063135064990207 1.5298659901032228 1.297698205371907 1.006714581841992 0.8008591460468856 0.5888125693256165 0.57178693177866 +41253,0.34426250274196635,2,-0.1603154827407585 -0.17888890551926448 0.034705456433545334 0.36593149598355373 0.7048964616912744 1.1135117628183968 1.3503229032443347 1.6149941778380315 1.7109568621936426 1.7914416942338383 1.806919546549254 1.7713204862237915 1.7063135064990207 1.5298659901032228 1.297698205371907 1.006714581841992 0.8008591460468856 0.5888125693256165 0.57178693177866 0.41700840862444954 +41254,0.2142485432924334,2,-0.17888890551926448 0.034705456433545334 0.36593149598355373 0.7048964616912744 1.1135117628183968 1.3503229032443347 1.6149941778380315 1.7109568621936426 1.7914416942338383 1.806919546549254 1.7713204862237915 1.7063135064990207 1.5298659901032228 1.297698205371907 1.006714581841992 0.8008591460468856 0.5888125693256165 0.57178693177866 0.41700840862444954 0.34426250274196635 +41255,0.11828585893682218,2,0.034705456433545334 0.36593149598355373 0.7048964616912744 1.1135117628183968 1.3503229032443347 1.6149941778380315 1.7109568621936426 1.7914416942338383 1.806919546549254 1.7713204862237915 1.7063135064990207 1.5298659901032228 1.297698205371907 1.006714581841992 0.8008591460468856 0.5888125693256165 0.57178693177866 0.41700840862444954 0.34426250274196635 0.2142485432924334 +41256,0.02077538934967026,2,0.36593149598355373 0.7048964616912744 1.1135117628183968 1.3503229032443347 1.6149941778380315 1.7109568621936426 1.7914416942338383 1.806919546549254 1.7713204862237915 1.7063135064990207 1.5298659901032228 1.297698205371907 1.006714581841992 0.8008591460468856 0.5888125693256165 0.57178693177866 0.41700840862444954 0.34426250274196635 0.2142485432924334 0.11828585893682218 +41257,-0.030301523291225544,2,0.7048964616912744 1.1135117628183968 1.3503229032443347 1.6149941778380315 1.7109568621936426 1.7914416942338383 1.806919546549254 1.7713204862237915 1.7063135064990207 1.5298659901032228 1.297698205371907 1.006714581841992 0.8008591460468856 0.5888125693256165 0.57178693177866 0.41700840862444954 0.34426250274196635 0.2142485432924334 0.11828585893682218 0.02077538934967026 +41258,-0.04887494606973151,2,1.1135117628183968 1.3503229032443347 1.6149941778380315 1.7109568621936426 1.7914416942338383 1.806919546549254 1.7713204862237915 1.7063135064990207 1.5298659901032228 1.297698205371907 1.006714581841992 0.8008591460468856 0.5888125693256165 0.57178693177866 0.41700840862444954 0.34426250274196635 0.2142485432924334 0.11828585893682218 0.02077538934967026 -0.030301523291225544 +41259,0.12447699986298497,2,1.3503229032443347 1.6149941778380315 1.7109568621936426 1.7914416942338383 1.806919546549254 1.7713204862237915 1.7063135064990207 1.5298659901032228 1.297698205371907 1.006714581841992 0.8008591460468856 0.5888125693256165 0.57178693177866 0.41700840862444954 0.34426250274196635 0.2142485432924334 0.11828585893682218 0.02077538934967026 -0.030301523291225544 -0.04887494606973151 +41260,0.45570303941300216,2,1.6149941778380315 1.7109568621936426 1.7914416942338383 1.806919546549254 1.7713204862237915 1.7063135064990207 1.5298659901032228 1.297698205371907 1.006714581841992 0.8008591460468856 0.5888125693256165 0.57178693177866 0.41700840862444954 0.34426250274196635 0.2142485432924334 0.11828585893682218 0.02077538934967026 -0.030301523291225544 -0.04887494606973151 0.12447699986298497 +41261,0.790024649426092,2,1.7109568621936426 1.7914416942338383 1.806919546549254 1.7713204862237915 1.7063135064990207 1.5298659901032228 1.297698205371907 1.006714581841992 0.8008591460468856 0.5888125693256165 0.57178693177866 0.41700840862444954 0.34426250274196635 0.2142485432924334 0.11828585893682218 0.02077538934967026 -0.030301523291225544 -0.04887494606973151 0.12447699986298497 0.45570303941300216 +41262,1.1831620982377897,2,1.7914416942338383 1.806919546549254 1.7713204862237915 1.7063135064990207 1.5298659901032228 1.297698205371907 1.006714581841992 0.8008591460468856 0.5888125693256165 0.57178693177866 0.41700840862444954 0.34426250274196635 0.2142485432924334 0.11828585893682218 0.02077538934967026 -0.030301523291225544 -0.04887494606973151 0.12447699986298497 0.45570303941300216 0.790024649426092 +41263,1.4710501513046235,2,1.806919546549254 1.7713204862237915 1.7063135064990207 1.5298659901032228 1.297698205371907 1.006714581841992 0.8008591460468856 0.5888125693256165 0.57178693177866 0.41700840862444954 0.34426250274196635 0.2142485432924334 0.11828585893682218 0.02077538934967026 -0.030301523291225544 -0.04887494606973151 0.12447699986298497 0.45570303941300216 0.790024649426092 1.1831620982377897 +41264,1.7125046474251922,2,1.7713204862237915 1.7063135064990207 1.5298659901032228 1.297698205371907 1.006714581841992 0.8008591460468856 0.5888125693256165 0.57178693177866 0.41700840862444954 0.34426250274196635 0.2142485432924334 0.11828585893682218 0.02077538934967026 -0.030301523291225544 -0.04887494606973151 0.12447699986298497 0.45570303941300216 0.790024649426092 1.1831620982377897 1.4710501513046235 +41265,1.8781176672001965,2,1.7063135064990207 1.5298659901032228 1.297698205371907 1.006714581841992 0.8008591460468856 0.5888125693256165 0.57178693177866 0.41700840862444954 0.34426250274196635 0.2142485432924334 0.11828585893682218 0.02077538934967026 -0.030301523291225544 -0.04887494606973151 0.12447699986298497 0.45570303941300216 0.790024649426092 1.1831620982377897 1.4710501513046235 1.7125046474251922 +41266,1.9570547140088423,2,1.5298659901032228 1.297698205371907 1.006714581841992 0.8008591460468856 0.5888125693256165 0.57178693177866 0.41700840862444954 0.34426250274196635 0.2142485432924334 0.11828585893682218 0.02077538934967026 -0.030301523291225544 -0.04887494606973151 0.12447699986298497 0.45570303941300216 0.790024649426092 1.1831620982377897 1.4710501513046235 1.7125046474251922 1.8781176672001965 +41267,1.986462633408142,2,1.297698205371907 1.006714581841992 0.8008591460468856 0.5888125693256165 0.57178693177866 0.41700840862444954 0.34426250274196635 0.2142485432924334 0.11828585893682218 0.02077538934967026 -0.030301523291225544 -0.04887494606973151 0.12447699986298497 0.45570303941300216 0.790024649426092 1.1831620982377897 1.4710501513046235 1.7125046474251922 1.8781176672001965 1.9570547140088423 +41268,1.958602499240383,2,1.006714581841992 0.8008591460468856 0.5888125693256165 0.57178693177866 0.41700840862444954 0.34426250274196635 0.2142485432924334 0.11828585893682218 0.02077538934967026 -0.030301523291225544 -0.04887494606973151 0.12447699986298497 0.45570303941300216 0.790024649426092 1.1831620982377897 1.4710501513046235 1.7125046474251922 1.8781176672001965 1.9570547140088423 1.986462633408142 +41269,1.9384812912303364,2,0.8008591460468856 0.5888125693256165 0.57178693177866 0.41700840862444954 0.34426250274196635 0.2142485432924334 0.11828585893682218 0.02077538934967026 -0.030301523291225544 -0.04887494606973151 0.12447699986298497 0.45570303941300216 0.790024649426092 1.1831620982377897 1.4710501513046235 1.7125046474251922 1.8781176672001965 1.9570547140088423 1.986462633408142 1.958602499240383 +41270,1.7713204862237915,2,0.5888125693256165 0.57178693177866 0.41700840862444954 0.34426250274196635 0.2142485432924334 0.11828585893682218 0.02077538934967026 -0.030301523291225544 -0.04887494606973151 0.12447699986298497 0.45570303941300216 0.790024649426092 1.1831620982377897 1.4710501513046235 1.7125046474251922 1.8781176672001965 1.9570547140088423 1.986462633408142 1.958602499240383 1.9384812912303364 +41271,1.500458070703923,2,0.57178693177866 0.41700840862444954 0.34426250274196635 0.2142485432924334 0.11828585893682218 0.02077538934967026 -0.030301523291225544 -0.04887494606973151 0.12447699986298497 0.45570303941300216 0.790024649426092 1.1831620982377897 1.4710501513046235 1.7125046474251922 1.8781176672001965 1.9570547140088423 1.986462633408142 1.958602499240383 1.9384812912303364 1.7713204862237915 +41272,1.1429196822176966,2,0.41700840862444954 0.34426250274196635 0.2142485432924334 0.11828585893682218 0.02077538934967026 -0.030301523291225544 -0.04887494606973151 0.12447699986298497 0.45570303941300216 0.790024649426092 1.1831620982377897 1.4710501513046235 1.7125046474251922 1.8781176672001965 1.9570547140088423 1.986462633408142 1.958602499240383 1.9384812912303364 1.7713204862237915 1.500458070703923 +41273,0.8472927029931505,2,0.34426250274196635 0.2142485432924334 0.11828585893682218 0.02077538934967026 -0.030301523291225544 -0.04887494606973151 0.12447699986298497 0.45570303941300216 0.790024649426092 1.1831620982377897 1.4710501513046235 1.7125046474251922 1.8781176672001965 1.9570547140088423 1.986462633408142 1.958602499240383 1.9384812912303364 1.7713204862237915 1.500458070703923 1.1429196822176966 +41274,0.7079920321543646,2,0.2142485432924334 0.11828585893682218 0.02077538934967026 -0.030301523291225544 -0.04887494606973151 0.12447699986298497 0.45570303941300216 0.790024649426092 1.1831620982377897 1.4710501513046235 1.7125046474251922 1.8781176672001965 1.9570547140088423 1.986462633408142 1.958602499240383 1.9384812912303364 1.7713204862237915 1.500458070703923 1.1429196822176966 0.8472927029931505 +41275,0.5485701533055232,2,0.11828585893682218 0.02077538934967026 -0.030301523291225544 -0.04887494606973151 0.12447699986298497 0.45570303941300216 0.790024649426092 1.1831620982377897 1.4710501513046235 1.7125046474251922 1.8781176672001965 1.9570547140088423 1.986462633408142 1.958602499240383 1.9384812912303364 1.7713204862237915 1.500458070703923 1.1429196822176966 0.8472927029931505 0.7079920321543646 +41276,0.4092694824667372,2,0.02077538934967026 -0.030301523291225544 -0.04887494606973151 0.12447699986298497 0.45570303941300216 0.790024649426092 1.1831620982377897 1.4710501513046235 1.7125046474251922 1.8781176672001965 1.9570547140088423 1.986462633408142 1.958602499240383 1.9384812912303364 1.7713204862237915 1.500458070703923 1.1429196822176966 0.8472927029931505 0.7079920321543646 0.5485701533055232 +41277,0.3164023685742074,2,-0.030301523291225544 -0.04887494606973151 0.12447699986298497 0.45570303941300216 0.790024649426092 1.1831620982377897 1.4710501513046235 1.7125046474251922 1.8781176672001965 1.9570547140088423 1.986462633408142 1.958602499240383 1.9384812912303364 1.7713204862237915 1.500458070703923 1.1429196822176966 0.8472927029931505 0.7079920321543646 0.5485701533055232 0.4092694824667372 +41278,0.3194979390372976,2,-0.04887494606973151 0.12447699986298497 0.45570303941300216 0.790024649426092 1.1831620982377897 1.4710501513046235 1.7125046474251922 1.8781176672001965 1.9570547140088423 1.986462633408142 1.958602499240383 1.9384812912303364 1.7713204862237915 1.500458070703923 1.1429196822176966 0.8472927029931505 0.7079920321543646 0.5485701533055232 0.4092694824667372 0.3164023685742074 +41279,0.14614599310458112,2,0.12447699986298497 0.45570303941300216 0.790024649426092 1.1831620982377897 1.4710501513046235 1.7125046474251922 1.8781176672001965 1.9570547140088423 1.986462633408142 1.958602499240383 1.9384812912303364 1.7713204862237915 1.500458070703923 1.1429196822176966 0.8472927029931505 0.7079920321543646 0.5485701533055232 0.4092694824667372 0.3164023685742074 0.3194979390372976 +41280,0.09197351000060393,2,0.45570303941300216 0.790024649426092 1.1831620982377897 1.4710501513046235 1.7125046474251922 1.8781176672001965 1.9570547140088423 1.986462633408142 1.958602499240383 1.9384812912303364 1.7713204862237915 1.500458070703923 1.1429196822176966 0.8472927029931505 0.7079920321543646 0.5485701533055232 0.4092694824667372 0.3164023685742074 0.3194979390372976 0.14614599310458112 +41281,0.04708773828587971,2,0.790024649426092 1.1831620982377897 1.4710501513046235 1.7125046474251922 1.8781176672001965 1.9570547140088423 1.986462633408142 1.958602499240383 1.9384812912303364 1.7713204862237915 1.500458070703923 1.1429196822176966 0.8472927029931505 0.7079920321543646 0.5485701533055232 0.4092694824667372 0.3164023685742074 0.3194979390372976 0.14614599310458112 0.09197351000060393 +41282,-0.008632530049629385,2,1.1831620982377897 1.4710501513046235 1.7125046474251922 1.8781176672001965 1.9570547140088423 1.986462633408142 1.958602499240383 1.9384812912303364 1.7713204862237915 1.500458070703923 1.1429196822176966 0.8472927029931505 0.7079920321543646 0.5485701533055232 0.4092694824667372 0.3164023685742074 0.3194979390372976 0.14614599310458112 0.09197351000060393 0.04708773828587971 +41283,0.06101780536976358,2,1.4710501513046235 1.7125046474251922 1.8781176672001965 1.9570547140088423 1.986462633408142 1.958602499240383 1.9384812912303364 1.7713204862237915 1.500458070703923 1.1429196822176966 0.8472927029931505 0.7079920321543646 0.5485701533055232 0.4092694824667372 0.3164023685742074 0.3194979390372976 0.14614599310458112 0.09197351000060393 0.04708773828587971 -0.008632530049629385 +41284,0.3102112276480446,2,1.7125046474251922 1.8781176672001965 1.9570547140088423 1.986462633408142 1.958602499240383 1.9384812912303364 1.7713204862237915 1.500458070703923 1.1429196822176966 0.8472927029931505 0.7079920321543646 0.5485701533055232 0.4092694824667372 0.3164023685742074 0.3194979390372976 0.14614599310458112 0.09197351000060393 0.04708773828587971 -0.008632530049629385 0.06101780536976358 +41285,0.6182204887249162,2,1.8781176672001965 1.9570547140088423 1.986462633408142 1.958602499240383 1.9384812912303364 1.7713204862237915 1.500458070703923 1.1429196822176966 0.8472927029931505 0.7079920321543646 0.5485701533055232 0.4092694824667372 0.3164023685742074 0.3194979390372976 0.14614599310458112 0.09197351000060393 0.04708773828587971 -0.008632530049629385 0.06101780536976358 0.3102112276480446 +41286,1.0546959240197975,2,1.9570547140088423 1.986462633408142 1.958602499240383 1.9384812912303364 1.7713204862237915 1.500458070703923 1.1429196822176966 0.8472927029931505 0.7079920321543646 0.5485701533055232 0.4092694824667372 0.3164023685742074 0.3194979390372976 0.14614599310458112 0.09197351000060393 0.04708773828587971 -0.008632530049629385 0.06101780536976358 0.3102112276480446 0.6182204887249162 +41287,1.469502366073074,2,1.986462633408142 1.958602499240383 1.9384812912303364 1.7713204862237915 1.500458070703923 1.1429196822176966 0.8472927029931505 0.7079920321543646 0.5485701533055232 0.4092694824667372 0.3164023685742074 0.3194979390372976 0.14614599310458112 0.09197351000060393 0.04708773828587971 -0.008632530049629385 0.06101780536976358 0.3102112276480446 0.6182204887249162 1.0546959240197975 +41288,1.625828674458834,2,1.958602499240383 1.9384812912303364 1.7713204862237915 1.500458070703923 1.1429196822176966 0.8472927029931505 0.7079920321543646 0.5485701533055232 0.4092694824667372 0.3164023685742074 0.3194979390372976 0.14614599310458112 0.09197351000060393 0.04708773828587971 -0.008632530049629385 0.06101780536976358 0.3102112276480446 0.6182204887249162 1.0546959240197975 1.469502366073074 +41289,1.8518053182639782,2,1.9384812912303364 1.7713204862237915 1.500458070703923 1.1429196822176966 0.8472927029931505 0.7079920321543646 0.5485701533055232 0.4092694824667372 0.3164023685742074 0.3194979390372976 0.14614599310458112 0.09197351000060393 0.04708773828587971 -0.008632530049629385 0.06101780536976358 0.3102112276480446 0.6182204887249162 1.0546959240197975 1.469502366073074 1.625828674458834 +41290,1.916812297988749,2,1.7713204862237915 1.500458070703923 1.1429196822176966 0.8472927029931505 0.7079920321543646 0.5485701533055232 0.4092694824667372 0.3164023685742074 0.3194979390372976 0.14614599310458112 0.09197351000060393 0.04708773828587971 -0.008632530049629385 0.06101780536976358 0.3102112276480446 0.6182204887249162 1.0546959240197975 1.469502366073074 1.625828674458834 1.8518053182639782 +41291,1.916812297988749,2,1.500458070703923 1.1429196822176966 0.8472927029931505 0.7079920321543646 0.5485701533055232 0.4092694824667372 0.3164023685742074 0.3194979390372976 0.14614599310458112 0.09197351000060393 0.04708773828587971 -0.008632530049629385 0.06101780536976358 0.3102112276480446 0.6182204887249162 1.0546959240197975 1.469502366073074 1.625828674458834 1.8518053182639782 1.916812297988749 +41292,1.8409708216431844,2,1.1429196822176966 0.8472927029931505 0.7079920321543646 0.5485701533055232 0.4092694824667372 0.3164023685742074 0.3194979390372976 0.14614599310458112 0.09197351000060393 0.04708773828587971 -0.008632530049629385 0.06101780536976358 0.3102112276480446 0.6182204887249162 1.0546959240197975 1.469502366073074 1.625828674458834 1.8518053182639782 1.916812297988749 1.916812297988749 +41293,1.7635815600660791,2,0.8472927029931505 0.7079920321543646 0.5485701533055232 0.4092694824667372 0.3164023685742074 0.3194979390372976 0.14614599310458112 0.09197351000060393 0.04708773828587971 -0.008632530049629385 0.06101780536976358 0.3102112276480446 0.6182204887249162 1.0546959240197975 1.469502366073074 1.625828674458834 1.8518053182639782 1.916812297988749 1.916812297988749 1.8409708216431844 +41294,1.7032179360359392,2,0.7079920321543646 0.5485701533055232 0.4092694824667372 0.3164023685742074 0.3194979390372976 0.14614599310458112 0.09197351000060393 0.04708773828587971 -0.008632530049629385 0.06101780536976358 0.3102112276480446 0.6182204887249162 1.0546959240197975 1.469502366073074 1.625828674458834 1.8518053182639782 1.916812297988749 1.916812297988749 1.8409708216431844 1.7635815600660791 +41295,1.339488406623541,2,0.5485701533055232 0.4092694824667372 0.3164023685742074 0.3194979390372976 0.14614599310458112 0.09197351000060393 0.04708773828587971 -0.008632530049629385 0.06101780536976358 0.3102112276480446 0.6182204887249162 1.0546959240197975 1.469502366073074 1.625828674458834 1.8518053182639782 1.916812297988749 1.916812297988749 1.8409708216431844 1.7635815600660791 1.7032179360359392 +41296,0.9819500181373144,2,0.4092694824667372 0.3164023685742074 0.3194979390372976 0.14614599310458112 0.09197351000060393 0.04708773828587971 -0.008632530049629385 0.06101780536976358 0.3102112276480446 0.6182204887249162 1.0546959240197975 1.469502366073074 1.625828674458834 1.8518053182639782 1.916812297988749 1.916812297988749 1.8409708216431844 1.7635815600660791 1.7032179360359392 1.339488406623541 +41297,0.6584629047450182,2,0.3164023685742074 0.3194979390372976 0.14614599310458112 0.09197351000060393 0.04708773828587971 -0.008632530049629385 0.06101780536976358 0.3102112276480446 0.6182204887249162 1.0546959240197975 1.469502366073074 1.625828674458834 1.8518053182639782 1.916812297988749 1.916812297988749 1.8409708216431844 1.7635815600660791 1.7032179360359392 1.339488406623541 0.9819500181373144 +41298,0.4371296166344962,2,0.3194979390372976 0.14614599310458112 0.09197351000060393 0.04708773828587971 -0.008632530049629385 0.06101780536976358 0.3102112276480446 0.6182204887249162 1.0546959240197975 1.469502366073074 1.625828674458834 1.8518053182639782 1.916812297988749 1.916812297988749 1.8409708216431844 1.7635815600660791 1.7032179360359392 1.339488406623541 0.9819500181373144 0.6584629047450182 +41299,0.34581028797350705,2,0.14614599310458112 0.09197351000060393 0.04708773828587971 -0.008632530049629385 0.06101780536976358 0.3102112276480446 0.6182204887249162 1.0546959240197975 1.469502366073074 1.625828674458834 1.8518053182639782 1.916812297988749 1.916812297988749 1.8409708216431844 1.7635815600660791 1.7032179360359392 1.339488406623541 0.9819500181373144 0.6584629047450182 0.4371296166344962 +41300,0.25603874454406744,2,0.09197351000060393 0.04708773828587971 -0.008632530049629385 0.06101780536976358 0.3102112276480446 0.6182204887249162 1.0546959240197975 1.469502366073074 1.625828674458834 1.8518053182639782 1.916812297988749 1.916812297988749 1.8409708216431844 1.7635815600660791 1.7032179360359392 1.339488406623541 0.9819500181373144 0.6584629047450182 0.4371296166344962 0.34581028797350705 +41301,0.20341404667163973,2,0.04708773828587971 -0.008632530049629385 0.06101780536976358 0.3102112276480446 0.6182204887249162 1.0546959240197975 1.469502366073074 1.625828674458834 1.8518053182639782 1.916812297988749 1.916812297988749 1.8409708216431844 1.7635815600660791 1.7032179360359392 1.339488406623541 0.9819500181373144 0.6584629047450182 0.4371296166344962 0.34581028797350705 0.25603874454406744 +41302,0.15388491926228462,2,-0.008632530049629385 0.06101780536976358 0.3102112276480446 0.6182204887249162 1.0546959240197975 1.469502366073074 1.625828674458834 1.8518053182639782 1.916812297988749 1.916812297988749 1.8409708216431844 1.7635815600660791 1.7032179360359392 1.339488406623541 0.9819500181373144 0.6584629047450182 0.4371296166344962 0.34581028797350705 0.25603874454406744 0.20341404667163973 +41303,0.10126022138985691,2,0.06101780536976358 0.3102112276480446 0.6182204887249162 1.0546959240197975 1.469502366073074 1.625828674458834 1.8518053182639782 1.916812297988749 1.916812297988749 1.8409708216431844 1.7635815600660791 1.7032179360359392 1.339488406623541 0.9819500181373144 0.6584629047450182 0.4371296166344962 0.34581028797350705 0.25603874454406744 0.20341404667163973 0.15388491926228462 +41304,0.03625324166508603,2,0.3102112276480446 0.6182204887249162 1.0546959240197975 1.469502366073074 1.625828674458834 1.8518053182639782 1.916812297988749 1.916812297988749 1.8409708216431844 1.7635815600660791 1.7032179360359392 1.339488406623541 0.9819500181373144 0.6584629047450182 0.4371296166344962 0.34581028797350705 0.25603874454406744 0.20341404667163973 0.15388491926228462 0.10126022138985691 +41305,-0.03494487898584764,2,0.6182204887249162 1.0546959240197975 1.469502366073074 1.625828674458834 1.8518053182639782 1.916812297988749 1.916812297988749 1.8409708216431844 1.7635815600660791 1.7032179360359392 1.339488406623541 0.9819500181373144 0.6584629047450182 0.4371296166344962 0.34581028797350705 0.25603874454406744 0.20341404667163973 0.15388491926228462 0.10126022138985691 0.03625324166508603 +41306,0.00994089272887658,2,1.0546959240197975 1.469502366073074 1.625828674458834 1.8518053182639782 1.916812297988749 1.916812297988749 1.8409708216431844 1.7635815600660791 1.7032179360359392 1.339488406623541 0.9819500181373144 0.6584629047450182 0.4371296166344962 0.34581028797350705 0.25603874454406744 0.20341404667163973 0.15388491926228462 0.10126022138985691 0.03625324166508603 -0.03494487898584764 +41307,0.06256559060130429,2,1.469502366073074 1.625828674458834 1.8518053182639782 1.916812297988749 1.916812297988749 1.8409708216431844 1.7635815600660791 1.7032179360359392 1.339488406623541 0.9819500181373144 0.6584629047450182 0.4371296166344962 0.34581028797350705 0.25603874454406744 0.20341404667163973 0.15388491926228462 0.10126022138985691 0.03625324166508603 -0.03494487898584764 0.00994089272887658 +41308,0.4711808917284179,2,1.625828674458834 1.8518053182639782 1.916812297988749 1.916812297988749 1.8409708216431844 1.7635815600660791 1.7032179360359392 1.339488406623541 0.9819500181373144 0.6584629047450182 0.4371296166344962 0.34581028797350705 0.25603874454406744 0.20341404667163973 0.15388491926228462 0.10126022138985691 0.03625324166508603 -0.03494487898584764 0.00994089272887658 0.06256559060130429 +41309,0.6909663946073993,2,1.8518053182639782 1.916812297988749 1.916812297988749 1.8409708216431844 1.7635815600660791 1.7032179360359392 1.339488406623541 0.9819500181373144 0.6584629047450182 0.4371296166344962 0.34581028797350705 0.25603874454406744 0.20341404667163973 0.15388491926228462 0.10126022138985691 0.03625324166508603 -0.03494487898584764 0.00994089272887658 0.06256559060130429 0.4711808917284179 +41310,1.1878054539324119,2,1.916812297988749 1.916812297988749 1.8409708216431844 1.7635815600660791 1.7032179360359392 1.339488406623541 0.9819500181373144 0.6584629047450182 0.4371296166344962 0.34581028797350705 0.25603874454406744 0.20341404667163973 0.15388491926228462 0.10126022138985691 0.03625324166508603 -0.03494487898584764 0.00994089272887658 0.06256559060130429 0.4711808917284179 0.6909663946073993 +41311,1.5298659901032228,2,1.916812297988749 1.8409708216431844 1.7635815600660791 1.7032179360359392 1.339488406623541 0.9819500181373144 0.6584629047450182 0.4371296166344962 0.34581028797350705 0.25603874454406744 0.20341404667163973 0.15388491926228462 0.10126022138985691 0.03625324166508603 -0.03494487898584764 0.00994089272887658 0.06256559060130429 0.4711808917284179 0.6909663946073993 1.1878054539324119 +41312,1.6660710904789273,2,1.8409708216431844 1.7635815600660791 1.7032179360359392 1.339488406623541 0.9819500181373144 0.6584629047450182 0.4371296166344962 0.34581028797350705 0.25603874454406744 0.20341404667163973 0.15388491926228462 0.10126022138985691 0.03625324166508603 -0.03494487898584764 0.00994089272887658 0.06256559060130429 0.4711808917284179 0.6909663946073993 1.1878054539324119 1.5298659901032228 +41313,1.7542948486768262,2,1.7635815600660791 1.7032179360359392 1.339488406623541 0.9819500181373144 0.6584629047450182 0.4371296166344962 0.34581028797350705 0.25603874454406744 0.20341404667163973 0.15388491926228462 0.10126022138985691 0.03625324166508603 -0.03494487898584764 0.00994089272887658 0.06256559060130429 0.4711808917284179 0.6909663946073993 1.1878054539324119 1.5298659901032228 1.6660710904789273 +41314,1.8208496136331378,2,1.7032179360359392 1.339488406623541 0.9819500181373144 0.6584629047450182 0.4371296166344962 0.34581028797350705 0.25603874454406744 0.20341404667163973 0.15388491926228462 0.10126022138985691 0.03625324166508603 -0.03494487898584764 0.00994089272887658 0.06256559060130429 0.4711808917284179 0.6909663946073993 1.1878054539324119 1.5298659901032228 1.6660710904789273 1.7542948486768262 +41315,1.7511992782137449,2,1.339488406623541 0.9819500181373144 0.6584629047450182 0.4371296166344962 0.34581028797350705 0.25603874454406744 0.20341404667163973 0.15388491926228462 0.10126022138985691 0.03625324166508603 -0.03494487898584764 0.00994089272887658 0.06256559060130429 0.4711808917284179 0.6909663946073993 1.1878054539324119 1.5298659901032228 1.6660710904789273 1.7542948486768262 1.8208496136331378 +41316,1.6382109563111684,2,0.9819500181373144 0.6584629047450182 0.4371296166344962 0.34581028797350705 0.25603874454406744 0.20341404667163973 0.15388491926228462 0.10126022138985691 0.03625324166508603 -0.03494487898584764 0.00994089272887658 0.06256559060130429 0.4711808917284179 0.6909663946073993 1.1878054539324119 1.5298659901032228 1.6660710904789273 1.7542948486768262 1.8208496136331378 1.7511992782137449 +41317,1.6660710904789273,2,0.6584629047450182 0.4371296166344962 0.34581028797350705 0.25603874454406744 0.20341404667163973 0.15388491926228462 0.10126022138985691 0.03625324166508603 -0.03494487898584764 0.00994089272887658 0.06256559060130429 0.4711808917284179 0.6909663946073993 1.1878054539324119 1.5298659901032228 1.6660710904789273 1.7542948486768262 1.8208496136331378 1.7511992782137449 1.6382109563111684 +41318,1.5793951175125691,2,0.4371296166344962 0.34581028797350705 0.25603874454406744 0.20341404667163973 0.15388491926228462 0.10126022138985691 0.03625324166508603 -0.03494487898584764 0.00994089272887658 0.06256559060130429 0.4711808917284179 0.6909663946073993 1.1878054539324119 1.5298659901032228 1.6660710904789273 1.7542948486768262 1.8208496136331378 1.7511992782137449 1.6382109563111684 1.6660710904789273 +41319,1.2295956551840548,2,0.34581028797350705 0.25603874454406744 0.20341404667163973 0.15388491926228462 0.10126022138985691 0.03625324166508603 -0.03494487898584764 0.00994089272887658 0.06256559060130429 0.4711808917284179 0.6909663946073993 1.1878054539324119 1.5298659901032228 1.6660710904789273 1.7542948486768262 1.8208496136331378 1.7511992782137449 1.6382109563111684 1.6660710904789273 1.5793951175125691 +41320,0.9865933738319452,2,0.25603874454406744 0.20341404667163973 0.15388491926228462 0.10126022138985691 0.03625324166508603 -0.03494487898584764 0.00994089272887658 0.06256559060130429 0.4711808917284179 0.6909663946073993 1.1878054539324119 1.5298659901032228 1.6660710904789273 1.7542948486768262 1.8208496136331378 1.7511992782137449 1.6382109563111684 1.6660710904789273 1.5793951175125691 1.2295956551840548 +41321,0.8194325688253916,2,0.20341404667163973 0.15388491926228462 0.10126022138985691 0.03625324166508603 -0.03494487898584764 0.00994089272887658 0.06256559060130429 0.4711808917284179 0.6909663946073993 1.1878054539324119 1.5298659901032228 1.6660710904789273 1.7542948486768262 1.8208496136331378 1.7511992782137449 1.6382109563111684 1.6660710904789273 1.5793951175125691 1.2295956551840548 0.9865933738319452 +41322,0.6166727034933754,2,0.15388491926228462 0.10126022138985691 0.03625324166508603 -0.03494487898584764 0.00994089272887658 0.06256559060130429 0.4711808917284179 0.6909663946073993 1.1878054539324119 1.5298659901032228 1.6660710904789273 1.7542948486768262 1.8208496136331378 1.7511992782137449 1.6382109563111684 1.6660710904789273 1.5793951175125691 1.2295956551840548 0.9865933738319452 0.8194325688253916 +41323,0.5392834419162702,2,0.10126022138985691 0.03625324166508603 -0.03494487898584764 0.00994089272887658 0.06256559060130429 0.4711808917284179 0.6909663946073993 1.1878054539324119 1.5298659901032228 1.6660710904789273 1.7542948486768262 1.8208496136331378 1.7511992782137449 1.6382109563111684 1.6660710904789273 1.5793951175125691 1.2295956551840548 0.9865933738319452 0.8194325688253916 0.6166727034933754 +41324,0.5176144486746829,2,0.03625324166508603 -0.03494487898584764 0.00994089272887658 0.06256559060130429 0.4711808917284179 0.6909663946073993 1.1878054539324119 1.5298659901032228 1.6660710904789273 1.7542948486768262 1.8208496136331378 1.7511992782137449 1.6382109563111684 1.6660710904789273 1.5793951175125691 1.2295956551840548 0.9865933738319452 0.8194325688253916 0.6166727034933754 0.5392834419162702 +41325,0.434034046171406,2,-0.03494487898584764 0.00994089272887658 0.06256559060130429 0.4711808917284179 0.6909663946073993 1.1878054539324119 1.5298659901032228 1.6660710904789273 1.7542948486768262 1.8208496136331378 1.7511992782137449 1.6382109563111684 1.6660710904789273 1.5793951175125691 1.2295956551840548 0.9865933738319452 0.8194325688253916 0.6166727034933754 0.5392834419162702 0.5176144486746829 +41326,0.26068210023868954,2,0.00994089272887658 0.06256559060130429 0.4711808917284179 0.6909663946073993 1.1878054539324119 1.5298659901032228 1.6660710904789273 1.7542948486768262 1.8208496136331378 1.7511992782137449 1.6382109563111684 1.6660710904789273 1.5793951175125691 1.2295956551840548 0.9865933738319452 0.8194325688253916 0.6166727034933754 0.5392834419162702 0.5176144486746829 0.434034046171406 +41327,0.06566116106438567,2,0.06256559060130429 0.4711808917284179 0.6909663946073993 1.1878054539324119 1.5298659901032228 1.6660710904789273 1.7542948486768262 1.8208496136331378 1.7511992782137449 1.6382109563111684 1.6660710904789273 1.5793951175125691 1.2295956551840548 0.9865933738319452 0.8194325688253916 0.6166727034933754 0.5392834419162702 0.5176144486746829 0.434034046171406 0.26068210023868954 +41328,0.11828585893682218,2,0.4711808917284179 0.6909663946073993 1.1878054539324119 1.5298659901032228 1.6660710904789273 1.7542948486768262 1.8208496136331378 1.7511992782137449 1.6382109563111684 1.6660710904789273 1.5793951175125691 1.2295956551840548 0.9865933738319452 0.8194325688253916 0.6166727034933754 0.5392834419162702 0.5176144486746829 0.434034046171406 0.26068210023868954 0.06566116106438567 +41329,0.0517310939805106,2,0.6909663946073993 1.1878054539324119 1.5298659901032228 1.6660710904789273 1.7542948486768262 1.8208496136331378 1.7511992782137449 1.6382109563111684 1.6660710904789273 1.5793951175125691 1.2295956551840548 0.9865933738319452 0.8194325688253916 0.6166727034933754 0.5392834419162702 0.5176144486746829 0.434034046171406 0.26068210023868954 0.06566116106438567 0.11828585893682218 +41330,0.0517310939805106,2,1.1878054539324119 1.5298659901032228 1.6660710904789273 1.7542948486768262 1.8208496136331378 1.7511992782137449 1.6382109563111684 1.6660710904789273 1.5793951175125691 1.2295956551840548 0.9865933738319452 0.8194325688253916 0.6166727034933754 0.5392834419162702 0.5176144486746829 0.434034046171406 0.26068210023868954 0.06566116106438567 0.11828585893682218 0.0517310939805106 +41331,0.17245834204079058,2,1.5298659901032228 1.6660710904789273 1.7542948486768262 1.8208496136331378 1.7511992782137449 1.6382109563111684 1.6660710904789273 1.5793951175125691 1.2295956551840548 0.9865933738319452 0.8194325688253916 0.6166727034933754 0.5392834419162702 0.5176144486746829 0.434034046171406 0.26068210023868954 0.06566116106438567 0.11828585893682218 0.0517310939805106 0.0517310939805106 +41332,0.5145188782116015,2,1.6660710904789273 1.7542948486768262 1.8208496136331378 1.7511992782137449 1.6382109563111684 1.6660710904789273 1.5793951175125691 1.2295956551840548 0.9865933738319452 0.8194325688253916 0.6166727034933754 0.5392834419162702 0.5176144486746829 0.434034046171406 0.26068210023868954 0.06566116106438567 0.11828585893682218 0.0517310939805106 0.0517310939805106 0.17245834204079058 +41333,0.8132414278992288,2,1.7542948486768262 1.8208496136331378 1.7511992782137449 1.6382109563111684 1.6660710904789273 1.5793951175125691 1.2295956551840548 0.9865933738319452 0.8194325688253916 0.6166727034933754 0.5392834419162702 0.5176144486746829 0.434034046171406 0.26068210023868954 0.06566116106438567 0.11828585893682218 0.0517310939805106 0.0517310939805106 0.17245834204079058 0.5145188782116015 +41334,1.0469569978620852,2,1.8208496136331378 1.7511992782137449 1.6382109563111684 1.6660710904789273 1.5793951175125691 1.2295956551840548 0.9865933738319452 0.8194325688253916 0.6166727034933754 0.5392834419162702 0.5176144486746829 0.434034046171406 0.26068210023868954 0.06566116106438567 0.11828585893682218 0.0517310939805106 0.0517310939805106 0.17245834204079058 0.5145188782116015 0.8132414278992288 +41335,1.2713858564356888,2,1.7511992782137449 1.6382109563111684 1.6660710904789273 1.5793951175125691 1.2295956551840548 0.9865933738319452 0.8194325688253916 0.6166727034933754 0.5392834419162702 0.5176144486746829 0.434034046171406 0.26068210023868954 0.06566116106438567 0.11828585893682218 0.0517310939805106 0.0517310939805106 0.17245834204079058 0.5145188782116015 0.8132414278992288 1.0469569978620852 +41336,1.5159359230193388,2,1.6382109563111684 1.6660710904789273 1.5793951175125691 1.2295956551840548 0.9865933738319452 0.8194325688253916 0.6166727034933754 0.5392834419162702 0.5176144486746829 0.434034046171406 0.26068210023868954 0.06566116106438567 0.11828585893682218 0.0517310939805106 0.0517310939805106 0.17245834204079058 0.5145188782116015 0.8132414278992288 1.0469569978620852 1.2713858564356888 +41337,1.5561783390394321,2,1.6660710904789273 1.5793951175125691 1.2295956551840548 0.9865933738319452 0.8194325688253916 0.6166727034933754 0.5392834419162702 0.5176144486746829 0.434034046171406 0.26068210023868954 0.06566116106438567 0.11828585893682218 0.0517310939805106 0.0517310939805106 0.17245834204079058 0.5145188782116015 0.8132414278992288 1.0469569978620852 1.2713858564356888 1.5159359230193388 +41338,1.741912566824492,2,1.5793951175125691 1.2295956551840548 0.9865933738319452 0.8194325688253916 0.6166727034933754 0.5392834419162702 0.5176144486746829 0.434034046171406 0.26068210023868954 0.06566116106438567 0.11828585893682218 0.0517310939805106 0.0517310939805106 0.17245834204079058 0.5145188782116015 0.8132414278992288 1.0469569978620852 1.2713858564356888 1.5159359230193388 1.5561783390394321 +41339,1.8007284056230912,2,1.2295956551840548 0.9865933738319452 0.8194325688253916 0.6166727034933754 0.5392834419162702 0.5176144486746829 0.434034046171406 0.26068210023868954 0.06566116106438567 0.11828585893682218 0.0517310939805106 0.0517310939805106 0.17245834204079058 0.5145188782116015 0.8132414278992288 1.0469569978620852 1.2713858564356888 1.5159359230193388 1.5561783390394321 1.741912566824492 +41340,1.916812297988749,2,0.9865933738319452 0.8194325688253916 0.6166727034933754 0.5392834419162702 0.5176144486746829 0.434034046171406 0.26068210023868954 0.06566116106438567 0.11828585893682218 0.0517310939805106 0.0517310939805106 0.17245834204079058 0.5145188782116015 0.8132414278992288 1.0469569978620852 1.2713858564356888 1.5159359230193388 1.5561783390394321 1.741912566824492 1.8007284056230912 +41341,1.8038239760861725,2,0.8194325688253916 0.6166727034933754 0.5392834419162702 0.5176144486746829 0.434034046171406 0.26068210023868954 0.06566116106438567 0.11828585893682218 0.0517310939805106 0.0517310939805106 0.17245834204079058 0.5145188782116015 0.8132414278992288 1.0469569978620852 1.2713858564356888 1.5159359230193388 1.5561783390394321 1.741912566824492 1.8007284056230912 1.916812297988749 +41342,1.5701084061233161,2,0.6166727034933754 0.5392834419162702 0.5176144486746829 0.434034046171406 0.26068210023868954 0.06566116106438567 0.11828585893682218 0.0517310939805106 0.0517310939805106 0.17245834204079058 0.5145188782116015 0.8132414278992288 1.0469569978620852 1.2713858564356888 1.5159359230193388 1.5561783390394321 1.741912566824492 1.8007284056230912 1.916812297988749 1.8038239760861725 +41343,1.283768138288023,2,0.5392834419162702 0.5176144486746829 0.434034046171406 0.26068210023868954 0.06566116106438567 0.11828585893682218 0.0517310939805106 0.0517310939805106 0.17245834204079058 0.5145188782116015 0.8132414278992288 1.0469569978620852 1.2713858564356888 1.5159359230193388 1.5561783390394321 1.741912566824492 1.8007284056230912 1.916812297988749 1.8038239760861725 1.5701084061233161 +41344,1.0283835750835792,2,0.5176144486746829 0.434034046171406 0.26068210023868954 0.06566116106438567 0.11828585893682218 0.0517310939805106 0.0517310939805106 0.17245834204079058 0.5145188782116015 0.8132414278992288 1.0469569978620852 1.2713858564356888 1.5159359230193388 1.5561783390394321 1.741912566824492 1.8007284056230912 1.916812297988749 1.8038239760861725 1.5701084061233161 1.283768138288023 +41345,0.6367939115034221,2,0.434034046171406 0.26068210023868954 0.06566116106438567 0.11828585893682218 0.0517310939805106 0.0517310939805106 0.17245834204079058 0.5145188782116015 0.8132414278992288 1.0469569978620852 1.2713858564356888 1.5159359230193388 1.5561783390394321 1.741912566824492 1.8007284056230912 1.916812297988749 1.8038239760861725 1.5701084061233161 1.283768138288023 1.0283835750835792 +41346,0.5299967305270172,2,0.26068210023868954 0.06566116106438567 0.11828585893682218 0.0517310939805106 0.0517310939805106 0.17245834204079058 0.5145188782116015 0.8132414278992288 1.0469569978620852 1.2713858564356888 1.5159359230193388 1.5561783390394321 1.741912566824492 1.8007284056230912 1.916812297988749 1.8038239760861725 1.5701084061233161 1.283768138288023 1.0283835750835792 0.6367939115034221 +41347,0.5052321668223485,2,0.06566116106438567 0.11828585893682218 0.0517310939805106 0.0517310939805106 0.17245834204079058 0.5145188782116015 0.8132414278992288 1.0469569978620852 1.2713858564356888 1.5159359230193388 1.5561783390394321 1.741912566824492 1.8007284056230912 1.916812297988749 1.8038239760861725 1.5701084061233161 1.283768138288023 1.0283835750835792 0.6367939115034221 0.5299967305270172 +41348,0.35200142889967867,2,0.11828585893682218 0.0517310939805106 0.0517310939805106 0.17245834204079058 0.5145188782116015 0.8132414278992288 1.0469569978620852 1.2713858564356888 1.5159359230193388 1.5561783390394321 1.741912566824492 1.8007284056230912 1.916812297988749 1.8038239760861725 1.5701084061233161 1.283768138288023 1.0283835750835792 0.6367939115034221 0.5299967305270172 0.5052321668223485 +41349,0.29937673102724216,2,0.0517310939805106 0.0517310939805106 0.17245834204079058 0.5145188782116015 0.8132414278992288 1.0469569978620852 1.2713858564356888 1.5159359230193388 1.5561783390394321 1.741912566824492 1.8007284056230912 1.916812297988749 1.8038239760861725 1.5701084061233161 1.283768138288023 1.0283835750835792 0.6367939115034221 0.5299967305270172 0.5052321668223485 0.35200142889967867 +41350,0.3272368651950011,2,0.0517310939805106 0.17245834204079058 0.5145188782116015 0.8132414278992288 1.0469569978620852 1.2713858564356888 1.5159359230193388 1.5561783390394321 1.741912566824492 1.8007284056230912 1.916812297988749 1.8038239760861725 1.5701084061233161 1.283768138288023 1.0283835750835792 0.6367939115034221 0.5299967305270172 0.5052321668223485 0.35200142889967867 0.29937673102724216 +41351,0.16936277157770918,2,0.17245834204079058 0.5145188782116015 0.8132414278992288 1.0469569978620852 1.2713858564356888 1.5159359230193388 1.5561783390394321 1.741912566824492 1.8007284056230912 1.916812297988749 1.8038239760861725 1.5701084061233161 1.283768138288023 1.0283835750835792 0.6367939115034221 0.5299967305270172 0.5052321668223485 0.35200142889967867 0.29937673102724216 0.3272368651950011 +41352,0.11673807370528148,2,0.5145188782116015 0.8132414278992288 1.0469569978620852 1.2713858564356888 1.5159359230193388 1.5561783390394321 1.741912566824492 1.8007284056230912 1.916812297988749 1.8038239760861725 1.5701084061233161 1.283768138288023 1.0283835750835792 0.6367939115034221 0.5299967305270172 0.5052321668223485 0.35200142889967867 0.29937673102724216 0.3272368651950011 0.16936277157770918 +41353,0.11673807370528148,2,0.8132414278992288 1.0469569978620852 1.2713858564356888 1.5159359230193388 1.5561783390394321 1.741912566824492 1.8007284056230912 1.916812297988749 1.8038239760861725 1.5701084061233161 1.283768138288023 1.0283835750835792 0.6367939115034221 0.5299967305270172 0.5052321668223485 0.35200142889967867 0.29937673102724216 0.3272368651950011 0.16936277157770918 0.11673807370528148 +41354,0.11519028847373199,2,1.0469569978620852 1.2713858564356888 1.5159359230193388 1.5561783390394321 1.741912566824492 1.8007284056230912 1.916812297988749 1.8038239760861725 1.5701084061233161 1.283768138288023 1.0283835750835792 0.6367939115034221 0.5299967305270172 0.5052321668223485 0.35200142889967867 0.29937673102724216 0.3272368651950011 0.16936277157770918 0.11673807370528148 0.11673807370528148 +41355,0.3102112276480446,2,1.2713858564356888 1.5159359230193388 1.5561783390394321 1.741912566824492 1.8007284056230912 1.916812297988749 1.8038239760861725 1.5701084061233161 1.283768138288023 1.0283835750835792 0.6367939115034221 0.5299967305270172 0.5052321668223485 0.35200142889967867 0.29937673102724216 0.3272368651950011 0.16936277157770918 0.11673807370528148 0.11673807370528148 0.11519028847373199 +41356,0.5067799520538891,2,1.5159359230193388 1.5561783390394321 1.741912566824492 1.8007284056230912 1.916812297988749 1.8038239760861725 1.5701084061233161 1.283768138288023 1.0283835750835792 0.6367939115034221 0.5299967305270172 0.5052321668223485 0.35200142889967867 0.29937673102724216 0.3272368651950011 0.16936277157770918 0.11673807370528148 0.11673807370528148 0.11519028847373199 0.3102112276480446 +41357,0.8039547165099759,2,1.5561783390394321 1.741912566824492 1.8007284056230912 1.916812297988749 1.8038239760861725 1.5701084061233161 1.283768138288023 1.0283835750835792 0.6367939115034221 0.5299967305270172 0.5052321668223485 0.35200142889967867 0.29937673102724216 0.3272368651950011 0.16936277157770918 0.11673807370528148 0.11673807370528148 0.11519028847373199 0.3102112276480446 0.5067799520538891 +41358,1.2017355210162957,2,1.741912566824492 1.8007284056230912 1.916812297988749 1.8038239760861725 1.5701084061233161 1.283768138288023 1.0283835750835792 0.6367939115034221 0.5299967305270172 0.5052321668223485 0.35200142889967867 0.29937673102724216 0.3272368651950011 0.16936277157770918 0.11673807370528148 0.11673807370528148 0.11519028847373199 0.3102112276480446 0.5067799520538891 0.8039547165099759 +41359,1.525222634408592,2,1.8007284056230912 1.916812297988749 1.8038239760861725 1.5701084061233161 1.283768138288023 1.0283835750835792 0.6367939115034221 0.5299967305270172 0.5052321668223485 0.35200142889967867 0.29937673102724216 0.3272368651950011 0.16936277157770918 0.11673807370528148 0.11673807370528148 0.11519028847373199 0.3102112276480446 0.5067799520538891 0.8039547165099759 1.2017355210162957 +41360,1.727982499740608,2,1.916812297988749 1.8038239760861725 1.5701084061233161 1.283768138288023 1.0283835750835792 0.6367939115034221 0.5299967305270172 0.5052321668223485 0.35200142889967867 0.29937673102724216 0.3272368651950011 0.16936277157770918 0.11673807370528148 0.11673807370528148 0.11519028847373199 0.3102112276480446 0.5067799520538891 0.8039547165099759 1.2017355210162957 1.525222634408592 +41361,1.8610920296532312,2,1.8038239760861725 1.5701084061233161 1.283768138288023 1.0283835750835792 0.6367939115034221 0.5299967305270172 0.5052321668223485 0.35200142889967867 0.29937673102724216 0.3272368651950011 0.16936277157770918 0.11673807370528148 0.11673807370528148 0.11519028847373199 0.3102112276480446 0.5067799520538891 0.8039547165099759 1.2017355210162957 1.525222634408592 1.727982499740608 +41362,1.958602499240383,2,1.5701084061233161 1.283768138288023 1.0283835750835792 0.6367939115034221 0.5299967305270172 0.5052321668223485 0.35200142889967867 0.29937673102724216 0.3272368651950011 0.16936277157770918 0.11673807370528148 0.11673807370528148 0.11519028847373199 0.3102112276480446 0.5067799520538891 0.8039547165099759 1.2017355210162957 1.525222634408592 1.727982499740608 1.8610920296532312 +41363,2.0174183380389823,2,1.283768138288023 1.0283835750835792 0.6367939115034221 0.5299967305270172 0.5052321668223485 0.35200142889967867 0.29937673102724216 0.3272368651950011 0.16936277157770918 0.11673807370528148 0.11673807370528148 0.11519028847373199 0.3102112276480446 0.5067799520538891 0.8039547165099759 1.2017355210162957 1.525222634408592 1.727982499740608 1.8610920296532312 1.958602499240383 +41364,1.972532566324258,2,1.0283835750835792 0.6367939115034221 0.5299967305270172 0.5052321668223485 0.35200142889967867 0.29937673102724216 0.3272368651950011 0.16936277157770918 0.11673807370528148 0.11673807370528148 0.11519028847373199 0.3102112276480446 0.5067799520538891 0.8039547165099759 1.2017355210162957 1.525222634408592 1.727982499740608 1.8610920296532312 1.958602499240383 2.0174183380389823 +41365,1.9090733718310366,2,0.6367939115034221 0.5299967305270172 0.5052321668223485 0.35200142889967867 0.29937673102724216 0.3272368651950011 0.16936277157770918 0.11673807370528148 0.11673807370528148 0.11519028847373199 0.3102112276480446 0.5067799520538891 0.8039547165099759 1.2017355210162957 1.525222634408592 1.727982499740608 1.8610920296532312 1.958602499240383 2.0174183380389823 1.972532566324258 +41366,1.7542948486768262,2,0.5299967305270172 0.5052321668223485 0.35200142889967867 0.29937673102724216 0.3272368651950011 0.16936277157770918 0.11673807370528148 0.11673807370528148 0.11519028847373199 0.3102112276480446 0.5067799520538891 0.8039547165099759 1.2017355210162957 1.525222634408592 1.727982499740608 1.8610920296532312 1.958602499240383 2.0174183380389823 1.972532566324258 1.9090733718310366 +41367,1.6474976677004214,2,0.5052321668223485 0.35200142889967867 0.29937673102724216 0.3272368651950011 0.16936277157770918 0.11673807370528148 0.11673807370528148 0.11519028847373199 0.3102112276480446 0.5067799520538891 0.8039547165099759 1.2017355210162957 1.525222634408592 1.727982499740608 1.8610920296532312 1.958602499240383 2.0174183380389823 1.972532566324258 1.9090733718310366 1.7542948486768262 +41368,1.241977937036389,2,0.35200142889967867 0.29937673102724216 0.3272368651950011 0.16936277157770918 0.11673807370528148 0.11673807370528148 0.11519028847373199 0.3102112276480446 0.5067799520538891 0.8039547165099759 1.2017355210162957 1.525222634408592 1.727982499740608 1.8610920296532312 1.958602499240383 2.0174183380389823 1.972532566324258 1.9090733718310366 1.7542948486768262 1.6474976677004214 +41369,0.9494465282749334,2,0.29937673102724216 0.3272368651950011 0.16936277157770918 0.11673807370528148 0.11673807370528148 0.11519028847373199 0.3102112276480446 0.5067799520538891 0.8039547165099759 1.2017355210162957 1.525222634408592 1.727982499740608 1.8610920296532312 1.958602499240383 2.0174183380389823 1.972532566324258 1.9090733718310366 1.7542948486768262 1.6474976677004214 1.241977937036389 +41370,0.8039547165099759,2,0.3272368651950011 0.16936277157770918 0.11673807370528148 0.11673807370528148 0.11519028847373199 0.3102112276480446 0.5067799520538891 0.8039547165099759 1.2017355210162957 1.525222634408592 1.727982499740608 1.8610920296532312 1.958602499240383 2.0174183380389823 1.972532566324258 1.9090733718310366 1.7542948486768262 1.6474976677004214 1.241977937036389 0.9494465282749334 +41371,0.5686913613155699,2,0.16936277157770918 0.11673807370528148 0.11673807370528148 0.11519028847373199 0.3102112276480446 0.5067799520538891 0.8039547165099759 1.2017355210162957 1.525222634408592 1.727982499740608 1.8610920296532312 1.958602499240383 2.0174183380389823 1.972532566324258 1.9090733718310366 1.7542948486768262 1.6474976677004214 1.241977937036389 0.9494465282749334 0.8039547165099759 +41372,0.45260746894991194,2,0.11673807370528148 0.11673807370528148 0.11519028847373199 0.3102112276480446 0.5067799520538891 0.8039547165099759 1.2017355210162957 1.525222634408592 1.727982499740608 1.8610920296532312 1.958602499240383 2.0174183380389823 1.972532566324258 1.9090733718310366 1.7542948486768262 1.6474976677004214 1.241977937036389 0.9494465282749334 0.8039547165099759 0.5686913613155699 +41373,0.39843498584594356,2,0.11673807370528148 0.11519028847373199 0.3102112276480446 0.5067799520538891 0.8039547165099759 1.2017355210162957 1.525222634408592 1.727982499740608 1.8610920296532312 1.958602499240383 2.0174183380389823 1.972532566324258 1.9090733718310366 1.7542948486768262 1.6474976677004214 1.241977937036389 0.9494465282749334 0.8039547165099759 0.5686913613155699 0.45260746894991194 +41374,0.3349757913527134,2,0.11519028847373199 0.3102112276480446 0.5067799520538891 0.8039547165099759 1.2017355210162957 1.525222634408592 1.727982499740608 1.8610920296532312 1.958602499240383 2.0174183380389823 1.972532566324258 1.9090733718310366 1.7542948486768262 1.6474976677004214 1.241977937036389 0.9494465282749334 0.8039547165099759 0.5686913613155699 0.45260746894991194 0.39843498584594356 +41375,0.3380713618157948,2,0.3102112276480446 0.5067799520538891 0.8039547165099759 1.2017355210162957 1.525222634408592 1.727982499740608 1.8610920296532312 1.958602499240383 2.0174183380389823 1.972532566324258 1.9090733718310366 1.7542948486768262 1.6474976677004214 1.241977937036389 0.9494465282749334 0.8039547165099759 0.5686913613155699 0.45260746894991194 0.39843498584594356 0.3349757913527134 +41376,0.23127418083938986,2,0.5067799520538891 0.8039547165099759 1.2017355210162957 1.525222634408592 1.727982499740608 1.8610920296532312 1.958602499240383 2.0174183380389823 1.972532566324258 1.9090733718310366 1.7542948486768262 1.6474976677004214 1.241977937036389 0.9494465282749334 0.8039547165099759 0.5686913613155699 0.45260746894991194 0.39843498584594356 0.3349757913527134 0.3380713618157948 +41377,0.2823510934802857,2,0.8039547165099759 1.2017355210162957 1.525222634408592 1.727982499740608 1.8610920296532312 1.958602499240383 2.0174183380389823 1.972532566324258 1.9090733718310366 1.7542948486768262 1.6474976677004214 1.241977937036389 0.9494465282749334 0.8039547165099759 0.5686913613155699 0.45260746894991194 0.39843498584594356 0.3349757913527134 0.3380713618157948 0.23127418083938986 +41378,0.15543270449383412,2,1.2017355210162957 1.525222634408592 1.727982499740608 1.8610920296532312 1.958602499240383 2.0174183380389823 1.972532566324258 1.9090733718310366 1.7542948486768262 1.6474976677004214 1.241977937036389 0.9494465282749334 0.8039547165099759 0.5686913613155699 0.45260746894991194 0.39843498584594356 0.3349757913527134 0.3380713618157948 0.23127418083938986 0.2823510934802857 +41379,0.2730643820910327,2,1.525222634408592 1.727982499740608 1.8610920296532312 1.958602499240383 2.0174183380389823 1.972532566324258 1.9090733718310366 1.7542948486768262 1.6474976677004214 1.241977937036389 0.9494465282749334 0.8039547165099759 0.5686913613155699 0.45260746894991194 0.39843498584594356 0.3349757913527134 0.3380713618157948 0.23127418083938986 0.2823510934802857 0.15543270449383412 +41380,0.5625002203894071,2,1.727982499740608 1.8610920296532312 1.958602499240383 2.0174183380389823 1.972532566324258 1.9090733718310366 1.7542948486768262 1.6474976677004214 1.241977937036389 0.9494465282749334 0.8039547165099759 0.5686913613155699 0.45260746894991194 0.39843498584594356 0.3349757913527134 0.3380713618157948 0.23127418083938986 0.2823510934802857 0.15543270449383412 0.2730643820910327 +41381,0.8828917633186217,2,1.8610920296532312 1.958602499240383 2.0174183380389823 1.972532566324258 1.9090733718310366 1.7542948486768262 1.6474976677004214 1.241977937036389 0.9494465282749334 0.8039547165099759 0.5686913613155699 0.45260746894991194 0.39843498584594356 0.3349757913527134 0.3380713618157948 0.23127418083938986 0.2823510934802857 0.15543270449383412 0.2730643820910327 0.5625002203894071 +41382,0.20186626144009023,2,1.958602499240383 2.0174183380389823 1.972532566324258 1.9090733718310366 1.7542948486768262 1.6474976677004214 1.241977937036389 0.9494465282749334 0.8039547165099759 0.5686913613155699 0.45260746894991194 0.39843498584594356 0.3349757913527134 0.3380713618157948 0.23127418083938986 0.2823510934802857 0.15543270449383412 0.2730643820910327 0.5625002203894071 0.8828917633186217 +41383,2.027324163520855,2,2.0174183380389823 1.972532566324258 1.9090733718310366 1.7542948486768262 1.6474976677004214 1.241977937036389 0.9494465282749334 0.8039547165099759 0.5686913613155699 0.45260746894991194 0.39843498584594356 0.3349757913527134 0.3380713618157948 0.23127418083938986 0.2823510934802857 0.15543270449383412 0.2730643820910327 0.5625002203894071 0.8828917633186217 0.20186626144009023 +41384,1.6985745803413084,2,1.972532566324258 1.9090733718310366 1.7542948486768262 1.6474976677004214 1.241977937036389 0.9494465282749334 0.8039547165099759 0.5686913613155699 0.45260746894991194 0.39843498584594356 0.3349757913527134 0.3380713618157948 0.23127418083938986 0.2823510934802857 0.15543270449383412 0.2730643820910327 0.5625002203894071 0.8828917633186217 0.20186626144009023 2.027324163520855 +41385,1.7434603520560326,2,1.9090733718310366 1.7542948486768262 1.6474976677004214 1.241977937036389 0.9494465282749334 0.8039547165099759 0.5686913613155699 0.45260746894991194 0.39843498584594356 0.3349757913527134 0.3380713618157948 0.23127418083938986 0.2823510934802857 0.15543270449383412 0.2730643820910327 0.5625002203894071 0.8828917633186217 0.20186626144009023 2.027324163520855 1.6985745803413084 +41386,1.7898939090022974,2,1.7542948486768262 1.6474976677004214 1.241977937036389 0.9494465282749334 0.8039547165099759 0.5686913613155699 0.45260746894991194 0.39843498584594356 0.3349757913527134 0.3380713618157948 0.23127418083938986 0.2823510934802857 0.15543270449383412 0.2730643820910327 0.5625002203894071 0.8828917633186217 0.20186626144009023 2.027324163520855 1.6985745803413084 1.7434603520560326 +41387,1.8518053182639782,2,1.6474976677004214 1.241977937036389 0.9494465282749334 0.8039547165099759 0.5686913613155699 0.45260746894991194 0.39843498584594356 0.3349757913527134 0.3380713618157948 0.23127418083938986 0.2823510934802857 0.15543270449383412 0.2730643820910327 0.5625002203894071 0.8828917633186217 0.20186626144009023 2.027324163520855 1.6985745803413084 1.7434603520560326 1.7898939090022974 +41388,1.8440663921062659,2,1.241977937036389 0.9494465282749334 0.8039547165099759 0.5686913613155699 0.45260746894991194 0.39843498584594356 0.3349757913527134 0.3380713618157948 0.23127418083938986 0.2823510934802857 0.15543270449383412 0.2730643820910327 0.5625002203894071 0.8828917633186217 0.20186626144009023 2.027324163520855 1.6985745803413084 1.7434603520560326 1.7898939090022974 1.8518053182639782 +41389,1.797632835160001,2,0.9494465282749334 0.8039547165099759 0.5686913613155699 0.45260746894991194 0.39843498584594356 0.3349757913527134 0.3380713618157948 0.23127418083938986 0.2823510934802857 0.15543270449383412 0.2730643820910327 0.5625002203894071 0.8828917633186217 0.20186626144009023 2.027324163520855 1.6985745803413084 1.7434603520560326 1.7898939090022974 1.8518053182639782 1.8440663921062659 +41390,1.6722622314050901,2,0.8039547165099759 0.5686913613155699 0.45260746894991194 0.39843498584594356 0.3349757913527134 0.3380713618157948 0.23127418083938986 0.2823510934802857 0.15543270449383412 0.2730643820910327 0.5625002203894071 0.8828917633186217 0.20186626144009023 2.027324163520855 1.6985745803413084 1.7434603520560326 1.7898939090022974 1.8518053182639782 1.8440663921062659 1.797632835160001 +41391,1.3379406213920002,2,0.5686913613155699 0.45260746894991194 0.39843498584594356 0.3349757913527134 0.3380713618157948 0.23127418083938986 0.2823510934802857 0.15543270449383412 0.2730643820910327 0.5625002203894071 0.8828917633186217 0.20186626144009023 2.027324163520855 1.6985745803413084 1.7434603520560326 1.7898939090022974 1.8518053182639782 1.8440663921062659 1.797632835160001 1.6722622314050901 +41392,0.9896889442950266,2,0.45260746894991194 0.39843498584594356 0.3349757913527134 0.3380713618157948 0.23127418083938986 0.2823510934802857 0.15543270449383412 0.2730643820910327 0.5625002203894071 0.8828917633186217 0.20186626144009023 2.027324163520855 1.6985745803413084 1.7434603520560326 1.7898939090022974 1.8518053182639782 1.8440663921062659 1.797632835160001 1.6722622314050901 1.3379406213920002 +41393,0.7466866629429172,2,0.39843498584594356 0.3349757913527134 0.3380713618157948 0.23127418083938986 0.2823510934802857 0.15543270449383412 0.2730643820910327 0.5625002203894071 0.8828917633186217 0.20186626144009023 2.027324163520855 1.6985745803413084 1.7434603520560326 1.7898939090022974 1.8518053182639782 1.8440663921062659 1.797632835160001 1.6722622314050901 1.3379406213920002 0.9896889442950266 +41394,0.45260746894991194,2,0.3349757913527134 0.3380713618157948 0.23127418083938986 0.2823510934802857 0.15543270449383412 0.2730643820910327 0.5625002203894071 0.8828917633186217 0.20186626144009023 2.027324163520855 1.6985745803413084 1.7434603520560326 1.7898939090022974 1.8518053182639782 1.8440663921062659 1.797632835160001 1.6722622314050901 1.3379406213920002 0.9896889442950266 0.7466866629429172 +41395,0.35974035505739094,2,0.3380713618157948 0.23127418083938986 0.2823510934802857 0.15543270449383412 0.2730643820910327 0.5625002203894071 0.8828917633186217 0.20186626144009023 2.027324163520855 1.6985745803413084 1.7434603520560326 1.7898939090022974 1.8518053182639782 1.8440663921062659 1.797632835160001 1.6722622314050901 1.3379406213920002 0.9896889442950266 0.7466866629429172 0.45260746894991194 +41396,0.34581028797350705,2,0.23127418083938986 0.2823510934802857 0.15543270449383412 0.2730643820910327 0.5625002203894071 0.8828917633186217 0.20186626144009023 2.027324163520855 1.6985745803413084 1.7434603520560326 1.7898939090022974 1.8518053182639782 1.8440663921062659 1.797632835160001 1.6722622314050901 1.3379406213920002 0.9896889442950266 0.7466866629429172 0.45260746894991194 0.35974035505739094 +41397,0.2684210263964018,2,0.2823510934802857 0.15543270449383412 0.2730643820910327 0.5625002203894071 0.8828917633186217 0.20186626144009023 2.027324163520855 1.6985745803413084 1.7434603520560326 1.7898939090022974 1.8518053182639782 1.8440663921062659 1.797632835160001 1.6722622314050901 1.3379406213920002 0.9896889442950266 0.7466866629429172 0.45260746894991194 0.35974035505739094 0.34581028797350705 +41398,0.19257955005083724,2,0.15543270449383412 0.2730643820910327 0.5625002203894071 0.8828917633186217 0.20186626144009023 2.027324163520855 1.6985745803413084 1.7434603520560326 1.7898939090022974 1.8518053182639782 1.8440663921062659 1.797632835160001 1.6722622314050901 1.3379406213920002 0.9896889442950266 0.7466866629429172 0.45260746894991194 0.35974035505739094 0.34581028797350705 0.2684210263964018 +41399,0.06256559060130429,2,0.2730643820910327 0.5625002203894071 0.8828917633186217 0.20186626144009023 2.027324163520855 1.6985745803413084 1.7434603520560326 1.7898939090022974 1.8518053182639782 1.8440663921062659 1.797632835160001 1.6722622314050901 1.3379406213920002 0.9896889442950266 0.7466866629429172 0.45260746894991194 0.35974035505739094 0.34581028797350705 0.2684210263964018 0.19257955005083724 +41400,0.019227604118129564,2,0.5625002203894071 0.8828917633186217 0.20186626144009023 2.027324163520855 1.6985745803413084 1.7434603520560326 1.7898939090022974 1.8518053182639782 1.8440663921062659 1.797632835160001 1.6722622314050901 1.3379406213920002 0.9896889442950266 0.7466866629429172 0.45260746894991194 0.35974035505739094 0.34581028797350705 0.2684210263964018 0.19257955005083724 0.06256559060130429 +41401,0.07494787245363867,2,0.8828917633186217 0.20186626144009023 2.027324163520855 1.6985745803413084 1.7434603520560326 1.7898939090022974 1.8518053182639782 1.8440663921062659 1.797632835160001 1.6722622314050901 1.3379406213920002 0.9896889442950266 0.7466866629429172 0.45260746894991194 0.35974035505739094 0.34581028797350705 0.2684210263964018 0.19257955005083724 0.06256559060130429 0.019227604118129564 +41402,-0.030301523291225544,2,0.20186626144009023 2.027324163520855 1.6985745803413084 1.7434603520560326 1.7898939090022974 1.8518053182639782 1.8440663921062659 1.797632835160001 1.6722622314050901 1.3379406213920002 0.9896889442950266 0.7466866629429172 0.45260746894991194 0.35974035505739094 0.34581028797350705 0.2684210263964018 0.19257955005083724 0.06256559060130429 0.019227604118129564 0.07494787245363867 +41403,-0.0550660869958943,2,2.027324163520855 1.6985745803413084 1.7434603520560326 1.7898939090022974 1.8518053182639782 1.8440663921062659 1.797632835160001 1.6722622314050901 1.3379406213920002 0.9896889442950266 0.7466866629429172 0.45260746894991194 0.35974035505739094 0.34581028797350705 0.2684210263964018 0.19257955005083724 0.06256559060130429 0.019227604118129564 0.07494787245363867 -0.030301523291225544 +41404,0.045539953054339014,2,1.6985745803413084 1.7434603520560326 1.7898939090022974 1.8518053182639782 1.8440663921062659 1.797632835160001 1.6722622314050901 1.3379406213920002 0.9896889442950266 0.7466866629429172 0.45260746894991194 0.35974035505739094 0.34581028797350705 0.2684210263964018 0.19257955005083724 0.06256559060130429 0.019227604118129564 0.07494787245363867 -0.030301523291225544 -0.0550660869958943 +41405,0.2854466639433671,2,1.7434603520560326 1.7898939090022974 1.8518053182639782 1.8440663921062659 1.797632835160001 1.6722622314050901 1.3379406213920002 0.9896889442950266 0.7466866629429172 0.45260746894991194 0.35974035505739094 0.34581028797350705 0.2684210263964018 0.19257955005083724 0.06256559060130429 0.019227604118129564 0.07494787245363867 -0.030301523291225544 -0.0550660869958943 0.045539953054339014 +41406,0.49284988497000526,2,1.7898939090022974 1.8518053182639782 1.8440663921062659 1.797632835160001 1.6722622314050901 1.3379406213920002 0.9896889442950266 0.7466866629429172 0.45260746894991194 0.35974035505739094 0.34581028797350705 0.2684210263964018 0.19257955005083724 0.06256559060130429 0.019227604118129564 0.07494787245363867 -0.030301523291225544 -0.0550660869958943 0.045539953054339014 0.2854466639433671 +41407,0.7219220992382397,2,1.8518053182639782 1.8440663921062659 1.797632835160001 1.6722622314050901 1.3379406213920002 0.9896889442950266 0.7466866629429172 0.45260746894991194 0.35974035505739094 0.34581028797350705 0.2684210263964018 0.19257955005083724 0.06256559060130429 0.019227604118129564 0.07494787245363867 -0.030301523291225544 -0.0550660869958943 0.045539953054339014 0.2854466639433671 0.49284988497000526 +41408,0.978854447674233,2,1.8440663921062659 1.797632835160001 1.6722622314050901 1.3379406213920002 0.9896889442950266 0.7466866629429172 0.45260746894991194 0.35974035505739094 0.34581028797350705 0.2684210263964018 0.19257955005083724 0.06256559060130429 0.019227604118129564 0.07494787245363867 -0.030301523291225544 -0.0550660869958943 0.045539953054339014 0.2854466639433671 0.49284988497000526 0.7219220992382397 +41409,1.1026772661976032,2,1.797632835160001 1.6722622314050901 1.3379406213920002 0.9896889442950266 0.7466866629429172 0.45260746894991194 0.35974035505739094 0.34581028797350705 0.2684210263964018 0.19257955005083724 0.06256559060130429 0.019227604118129564 0.07494787245363867 -0.030301523291225544 -0.0550660869958943 0.045539953054339014 0.2854466639433671 0.49284988497000526 0.7219220992382397 0.978854447674233 +41410,1.2791247825934011,2,1.6722622314050901 1.3379406213920002 0.9896889442950266 0.7466866629429172 0.45260746894991194 0.35974035505739094 0.34581028797350705 0.2684210263964018 0.19257955005083724 0.06256559060130429 0.019227604118129564 0.07494787245363867 -0.030301523291225544 -0.0550660869958943 0.045539953054339014 0.2854466639433671 0.49284988497000526 0.7219220992382397 0.978854447674233 1.1026772661976032 +41411,1.209474447174008,2,1.3379406213920002 0.9896889442950266 0.7466866629429172 0.45260746894991194 0.35974035505739094 0.34581028797350705 0.2684210263964018 0.19257955005083724 0.06256559060130429 0.019227604118129564 0.07494787245363867 -0.030301523291225544 -0.0550660869958943 0.045539953054339014 0.2854466639433671 0.49284988497000526 0.7219220992382397 0.978854447674233 1.1026772661976032 1.2791247825934011 +41412,1.3193671986134943,2,0.9896889442950266 0.7466866629429172 0.45260746894991194 0.35974035505739094 0.34581028797350705 0.2684210263964018 0.19257955005083724 0.06256559060130429 0.019227604118129564 0.07494787245363867 -0.030301523291225544 -0.0550660869958943 0.045539953054339014 0.2854466639433671 0.49284988497000526 0.7219220992382397 0.978854447674233 1.1026772661976032 1.2791247825934011 1.209474447174008 +41413,1.2295956551840548,2,0.7466866629429172 0.45260746894991194 0.35974035505739094 0.34581028797350705 0.2684210263964018 0.19257955005083724 0.06256559060130429 0.019227604118129564 0.07494787245363867 -0.030301523291225544 -0.0550660869958943 0.045539953054339014 0.2854466639433671 0.49284988497000526 0.7219220992382397 0.978854447674233 1.1026772661976032 1.2791247825934011 1.209474447174008 1.3193671986134943 +41414,1.0454092126305445,2,0.45260746894991194 0.35974035505739094 0.34581028797350705 0.2684210263964018 0.19257955005083724 0.06256559060130429 0.019227604118129564 0.07494787245363867 -0.030301523291225544 -0.0550660869958943 0.045539953054339014 0.2854466639433671 0.49284988497000526 0.7219220992382397 0.978854447674233 1.1026772661976032 1.2791247825934011 1.209474447174008 1.3193671986134943 1.2295956551840548 +41415,0.8225281392884818,2,0.35974035505739094 0.34581028797350705 0.2684210263964018 0.19257955005083724 0.06256559060130429 0.019227604118129564 0.07494787245363867 -0.030301523291225544 -0.0550660869958943 0.045539953054339014 0.2854466639433671 0.49284988497000526 0.7219220992382397 0.978854447674233 1.1026772661976032 1.2791247825934011 1.209474447174008 1.3193671986134943 1.2295956551840548 1.0454092126305445 +41416,0.4727286769599586,2,0.34581028797350705 0.2684210263964018 0.19257955005083724 0.06256559060130429 0.019227604118129564 0.07494787245363867 -0.030301523291225544 -0.0550660869958943 0.045539953054339014 0.2854466639433671 0.49284988497000526 0.7219220992382397 0.978854447674233 1.1026772661976032 1.2791247825934011 1.209474447174008 1.3193671986134943 1.2295956551840548 1.0454092126305445 0.8225281392884818 +41417,0.29473337533262006,2,0.2684210263964018 0.19257955005083724 0.06256559060130429 0.019227604118129564 0.07494787245363867 -0.030301523291225544 -0.0550660869958943 0.045539953054339014 0.2854466639433671 0.49284988497000526 0.7219220992382397 0.978854447674233 1.1026772661976032 1.2791247825934011 1.209474447174008 1.3193671986134943 1.2295956551840548 1.0454092126305445 0.8225281392884818 0.4727286769599586 +41418,0.2173441137555148,2,0.19257955005083724 0.06256559060130429 0.019227604118129564 0.07494787245363867 -0.030301523291225544 -0.0550660869958943 0.045539953054339014 0.2854466639433671 0.49284988497000526 0.7219220992382397 0.978854447674233 1.1026772661976032 1.2791247825934011 1.209474447174008 1.3193671986134943 1.2295956551840548 1.0454092126305445 0.8225281392884818 0.4727286769599586 0.29473337533262006 +41419,0.13221592602069726,2,0.06256559060130429 0.019227604118129564 0.07494787245363867 -0.030301523291225544 -0.0550660869958943 0.045539953054339014 0.2854466639433671 0.49284988497000526 0.7219220992382397 0.978854447674233 1.1026772661976032 1.2791247825934011 1.209474447174008 1.3193671986134943 1.2295956551840548 1.0454092126305445 0.8225281392884818 0.4727286769599586 0.29473337533262006 0.2173441137555148 +41420,0.0006541813396235972,2,0.019227604118129564 0.07494787245363867 -0.030301523291225544 -0.0550660869958943 0.045539953054339014 0.2854466639433671 0.49284988497000526 0.7219220992382397 0.978854447674233 1.1026772661976032 1.2791247825934011 1.209474447174008 1.3193671986134943 1.2295956551840548 1.0454092126305445 0.8225281392884818 0.4727286769599586 0.29473337533262006 0.2173441137555148 0.13221592602069726 +41421,0.08887793953752253,2,0.07494787245363867 -0.030301523291225544 -0.0550660869958943 0.045539953054339014 0.2854466639433671 0.49284988497000526 0.7219220992382397 0.978854447674233 1.1026772661976032 1.2791247825934011 1.209474447174008 1.3193671986134943 1.2295956551840548 1.0454092126305445 0.8225281392884818 0.4727286769599586 0.29473337533262006 0.2173441137555148 0.13221592602069726 0.0006541813396235972 +41422,-0.01637145620734167,2,-0.030301523291225544 -0.0550660869958943 0.045539953054339014 0.2854466639433671 0.49284988497000526 0.7219220992382397 0.978854447674233 1.1026772661976032 1.2791247825934011 1.209474447174008 1.3193671986134943 1.2295956551840548 1.0454092126305445 0.8225281392884818 0.4727286769599586 0.29473337533262006 0.2173441137555148 0.13221592602069726 0.0006541813396235972 0.08887793953752253 +41423,-0.014823670975800974,2,-0.0550660869958943 0.045539953054339014 0.2854466639433671 0.49284988497000526 0.7219220992382397 0.978854447674233 1.1026772661976032 1.2791247825934011 1.209474447174008 1.3193671986134943 1.2295956551840548 1.0454092126305445 0.8225281392884818 0.4727286769599586 0.29473337533262006 0.2173441137555148 0.13221592602069726 0.0006541813396235972 0.08887793953752253 -0.01637145620734167 +41424,0.0006541813396235972,2,0.045539953054339014 0.2854466639433671 0.49284988497000526 0.7219220992382397 0.978854447674233 1.1026772661976032 1.2791247825934011 1.209474447174008 1.3193671986134943 1.2295956551840548 1.0454092126305445 0.8225281392884818 0.4727286769599586 0.29473337533262006 0.2173441137555148 0.13221592602069726 0.0006541813396235972 0.08887793953752253 -0.01637145620734167 -0.014823670975800974 +41425,0.1043557918529383,2,0.2854466639433671 0.49284988497000526 0.7219220992382397 0.978854447674233 1.1026772661976032 1.2791247825934011 1.209474447174008 1.3193671986134943 1.2295956551840548 1.0454092126305445 0.8225281392884818 0.4727286769599586 0.29473337533262006 0.2173441137555148 0.13221592602069726 0.0006541813396235972 0.08887793953752253 -0.01637145620734167 -0.014823670975800974 0.0006541813396235972 +41426,0.09042572476906323,2,0.49284988497000526 0.7219220992382397 0.978854447674233 1.1026772661976032 1.2791247825934011 1.209474447174008 1.3193671986134943 1.2295956551840548 1.0454092126305445 0.8225281392884818 0.4727286769599586 0.29473337533262006 0.2173441137555148 0.13221592602069726 0.0006541813396235972 0.08887793953752253 -0.01637145620734167 -0.014823670975800974 0.0006541813396235972 0.1043557918529383 +41427,0.04708773828587971,2,0.7219220992382397 0.978854447674233 1.1026772661976032 1.2791247825934011 1.209474447174008 1.3193671986134943 1.2295956551840548 1.0454092126305445 0.8225281392884818 0.4727286769599586 0.29473337533262006 0.2173441137555148 0.13221592602069726 0.0006541813396235972 0.08887793953752253 -0.01637145620734167 -0.014823670975800974 0.0006541813396235972 0.1043557918529383 0.09042572476906323 +41428,0.14614599310458112,2,0.978854447674233 1.1026772661976032 1.2791247825934011 1.209474447174008 1.3193671986134943 1.2295956551840548 1.0454092126305445 0.8225281392884818 0.4727286769599586 0.29473337533262006 0.2173441137555148 0.13221592602069726 0.0006541813396235972 0.08887793953752253 -0.01637145620734167 -0.014823670975800974 0.0006541813396235972 0.1043557918529383 0.09042572476906323 0.04708773828587971 +41429,0.34581028797350705,2,1.1026772661976032 1.2791247825934011 1.209474447174008 1.3193671986134943 1.2295956551840548 1.0454092126305445 0.8225281392884818 0.4727286769599586 0.29473337533262006 0.2173441137555148 0.13221592602069726 0.0006541813396235972 0.08887793953752253 -0.01637145620734167 -0.014823670975800974 0.0006541813396235972 0.1043557918529383 0.09042572476906323 0.04708773828587971 0.14614599310458112 +41430,0.6445328376611345,2,1.2791247825934011 1.209474447174008 1.3193671986134943 1.2295956551840548 1.0454092126305445 0.8225281392884818 0.4727286769599586 0.29473337533262006 0.2173441137555148 0.13221592602069726 0.0006541813396235972 0.08887793953752253 -0.01637145620734167 -0.014823670975800974 0.0006541813396235972 0.1043557918529383 0.09042572476906323 0.04708773828587971 0.14614599310458112 0.34581028797350705 +41431,1.02993136031512,2,1.209474447174008 1.3193671986134943 1.2295956551840548 1.0454092126305445 0.8225281392884818 0.4727286769599586 0.29473337533262006 0.2173441137555148 0.13221592602069726 0.0006541813396235972 0.08887793953752253 -0.01637145620734167 -0.014823670975800974 0.0006541813396235972 0.1043557918529383 0.09042572476906323 0.04708773828587971 0.14614599310458112 0.34581028797350705 0.6445328376611345 +41432,1.181614313006249,2,1.3193671986134943 1.2295956551840548 1.0454092126305445 0.8225281392884818 0.4727286769599586 0.29473337533262006 0.2173441137555148 0.13221592602069726 0.0006541813396235972 0.08887793953752253 -0.01637145620734167 -0.014823670975800974 0.0006541813396235972 0.1043557918529383 0.09042572476906323 0.04708773828587971 0.14614599310458112 0.34581028797350705 0.6445328376611345 1.02993136031512 +41433,1.2791247825934011,2,1.2295956551840548 1.0454092126305445 0.8225281392884818 0.4727286769599586 0.29473337533262006 0.2173441137555148 0.13221592602069726 0.0006541813396235972 0.08887793953752253 -0.01637145620734167 -0.014823670975800974 0.0006541813396235972 0.1043557918529383 0.09042572476906323 0.04708773828587971 0.14614599310458112 0.34581028797350705 0.6445328376611345 1.02993136031512 1.181614313006249 +41434,1.2481690779625607,2,1.0454092126305445 0.8225281392884818 0.4727286769599586 0.29473337533262006 0.2173441137555148 0.13221592602069726 0.0006541813396235972 0.08887793953752253 -0.01637145620734167 -0.014823670975800974 0.0006541813396235972 0.1043557918529383 0.09042572476906323 0.04708773828587971 0.14614599310458112 0.34581028797350705 0.6445328376611345 1.02993136031512 1.181614313006249 1.2791247825934011 +41435,1.2822203530564824,2,0.8225281392884818 0.4727286769599586 0.29473337533262006 0.2173441137555148 0.13221592602069726 0.0006541813396235972 0.08887793953752253 -0.01637145620734167 -0.014823670975800974 0.0006541813396235972 0.1043557918529383 0.09042572476906323 0.04708773828587971 0.14614599310458112 0.34581028797350705 0.6445328376611345 1.02993136031512 1.181614313006249 1.2791247825934011 1.2481690779625607 +41436,1.2574557893518137,2,0.4727286769599586 0.29473337533262006 0.2173441137555148 0.13221592602069726 0.0006541813396235972 0.08887793953752253 -0.01637145620734167 -0.014823670975800974 0.0006541813396235972 0.1043557918529383 0.09042572476906323 0.04708773828587971 0.14614599310458112 0.34581028797350705 0.6445328376611345 1.02993136031512 1.181614313006249 1.2791247825934011 1.2481690779625607 1.2822203530564824 +41437,1.1893532391639525,2,0.29473337533262006 0.2173441137555148 0.13221592602069726 0.0006541813396235972 0.08887793953752253 -0.01637145620734167 -0.014823670975800974 0.0006541813396235972 0.1043557918529383 0.09042572476906323 0.04708773828587971 0.14614599310458112 0.34581028797350705 0.6445328376611345 1.02993136031512 1.181614313006249 1.2791247825934011 1.2481690779625607 1.2822203530564824 1.2574557893518137 +41438,0.9618288101272677,2,0.2173441137555148 0.13221592602069726 0.0006541813396235972 0.08887793953752253 -0.01637145620734167 -0.014823670975800974 0.0006541813396235972 0.1043557918529383 0.09042572476906323 0.04708773828587971 0.14614599310458112 0.34581028797350705 0.6445328376611345 1.02993136031512 1.181614313006249 1.2791247825934011 1.2481690779625607 1.2822203530564824 1.2574557893518137 1.1893532391639525 +41439,0.7219220992382397,2,0.13221592602069726 0.0006541813396235972 0.08887793953752253 -0.01637145620734167 -0.014823670975800974 0.0006541813396235972 0.1043557918529383 0.09042572476906323 0.04708773828587971 0.14614599310458112 0.34581028797350705 0.6445328376611345 1.02993136031512 1.181614313006249 1.2791247825934011 1.2481690779625607 1.2822203530564824 1.2574557893518137 1.1893532391639525 0.9618288101272677 +41440,0.3690270664466439,2,0.0006541813396235972 0.08887793953752253 -0.01637145620734167 -0.014823670975800974 0.0006541813396235972 0.1043557918529383 0.09042572476906323 0.04708773828587971 0.14614599310458112 0.34581028797350705 0.6445328376611345 1.02993136031512 1.181614313006249 1.2791247825934011 1.2481690779625607 1.2822203530564824 1.2574557893518137 1.1893532391639525 0.9618288101272677 0.7219220992382397 +41441,0.29937673102724216,2,0.08887793953752253 -0.01637145620734167 -0.014823670975800974 0.0006541813396235972 0.1043557918529383 0.09042572476906323 0.04708773828587971 0.14614599310458112 0.34581028797350705 0.6445328376611345 1.02993136031512 1.181614313006249 1.2791247825934011 1.2481690779625607 1.2822203530564824 1.2574557893518137 1.1893532391639525 0.9618288101272677 0.7219220992382397 0.3690270664466439 +41442,0.14769377833612182,2,-0.01637145620734167 -0.014823670975800974 0.0006541813396235972 0.1043557918529383 0.09042572476906323 0.04708773828587971 0.14614599310458112 0.34581028797350705 0.6445328376611345 1.02993136031512 1.181614313006249 1.2791247825934011 1.2481690779625607 1.2822203530564824 1.2574557893518137 1.1893532391639525 0.9618288101272677 0.7219220992382397 0.3690270664466439 0.29937673102724216 +41443,0.1043557918529383,2,-0.014823670975800974 0.0006541813396235972 0.1043557918529383 0.09042572476906323 0.04708773828587971 0.14614599310458112 0.34581028797350705 0.6445328376611345 1.02993136031512 1.181614313006249 1.2791247825934011 1.2481690779625607 1.2822203530564824 1.2574557893518137 1.1893532391639525 0.9618288101272677 0.7219220992382397 0.3690270664466439 0.29937673102724216 0.14769377833612182 +41444,0.07804344291672885,2,0.0006541813396235972 0.1043557918529383 0.09042572476906323 0.04708773828587971 0.14614599310458112 0.34581028797350705 0.6445328376611345 1.02993136031512 1.181614313006249 1.2791247825934011 1.2481690779625607 1.2822203530564824 1.2574557893518137 1.1893532391639525 0.9618288101272677 0.7219220992382397 0.3690270664466439 0.29937673102724216 0.14769377833612182 0.1043557918529383 +41445,0.006845322265786387,2,0.1043557918529383 0.09042572476906323 0.04708773828587971 0.14614599310458112 0.34581028797350705 0.6445328376611345 1.02993136031512 1.181614313006249 1.2791247825934011 1.2481690779625607 1.2822203530564824 1.2574557893518137 1.1893532391639525 0.9618288101272677 0.7219220992382397 0.3690270664466439 0.29937673102724216 0.14769377833612182 0.1043557918529383 0.07804344291672885 +41446,-0.008632530049629385,2,0.09042572476906323 0.04708773828587971 0.14614599310458112 0.34581028797350705 0.6445328376611345 1.02993136031512 1.181614313006249 1.2791247825934011 1.2481690779625607 1.2822203530564824 1.2574557893518137 1.1893532391639525 0.9618288101272677 0.7219220992382397 0.3690270664466439 0.29937673102724216 0.14769377833612182 0.1043557918529383 0.07804344291672885 0.006845322265786387 +41447,0.11519028847373199,2,0.04708773828587971 0.14614599310458112 0.34581028797350705 0.6445328376611345 1.02993136031512 1.181614313006249 1.2791247825934011 1.2481690779625607 1.2822203530564824 1.2574557893518137 1.1893532391639525 0.9618288101272677 0.7219220992382397 0.3690270664466439 0.29937673102724216 0.14769377833612182 0.1043557918529383 0.07804344291672885 0.006845322265786387 -0.008632530049629385 +41448,-0.02256259713351326,2,0.14614599310458112 0.34581028797350705 0.6445328376611345 1.02993136031512 1.181614313006249 1.2791247825934011 1.2481690779625607 1.2822203530564824 1.2574557893518137 1.1893532391639525 0.9618288101272677 0.7219220992382397 0.3690270664466439 0.29937673102724216 0.14769377833612182 0.1043557918529383 0.07804344291672885 0.006845322265786387 -0.008632530049629385 0.11519028847373199 +41449,-0.008632530049629385,2,0.34581028797350705 0.6445328376611345 1.02993136031512 1.181614313006249 1.2791247825934011 1.2481690779625607 1.2822203530564824 1.2574557893518137 1.1893532391639525 0.9618288101272677 0.7219220992382397 0.3690270664466439 0.29937673102724216 0.14769377833612182 0.1043557918529383 0.07804344291672885 0.006845322265786387 -0.008632530049629385 0.11519028847373199 -0.02256259713351326 +41450,-0.02256259713351326,2,0.6445328376611345 1.02993136031512 1.181614313006249 1.2791247825934011 1.2481690779625607 1.2822203530564824 1.2574557893518137 1.1893532391639525 0.9618288101272677 0.7219220992382397 0.3690270664466439 0.29937673102724216 0.14769377833612182 0.1043557918529383 0.07804344291672885 0.006845322265786387 -0.008632530049629385 0.11519028847373199 -0.02256259713351326 -0.008632530049629385 +41451,0.04863552351742921,2,1.02993136031512 1.181614313006249 1.2791247825934011 1.2481690779625607 1.2822203530564824 1.2574557893518137 1.1893532391639525 0.9618288101272677 0.7219220992382397 0.3690270664466439 0.29937673102724216 0.14769377833612182 0.1043557918529383 0.07804344291672885 0.006845322265786387 -0.008632530049629385 0.11519028847373199 -0.02256259713351326 -0.008632530049629385 -0.02256259713351326 +41452,0.12138142939990357,2,1.181614313006249 1.2791247825934011 1.2481690779625607 1.2822203530564824 1.2574557893518137 1.1893532391639525 0.9618288101272677 0.7219220992382397 0.3690270664466439 0.29937673102724216 0.14769377833612182 0.1043557918529383 0.07804344291672885 0.006845322265786387 -0.008632530049629385 0.11519028847373199 -0.02256259713351326 -0.008632530049629385 -0.02256259713351326 0.04863552351742921 +41453,0.3690270664466439,2,1.2791247825934011 1.2481690779625607 1.2822203530564824 1.2574557893518137 1.1893532391639525 0.9618288101272677 0.7219220992382397 0.3690270664466439 0.29937673102724216 0.14769377833612182 0.1043557918529383 0.07804344291672885 0.006845322265786387 -0.008632530049629385 0.11519028847373199 -0.02256259713351326 -0.008632530049629385 -0.02256259713351326 0.04863552351742921 0.12138142939990357 +41454,0.6058382068725817,2,1.2481690779625607 1.2822203530564824 1.2574557893518137 1.1893532391639525 0.9618288101272677 0.7219220992382397 0.3690270664466439 0.29937673102724216 0.14769377833612182 0.1043557918529383 0.07804344291672885 0.006845322265786387 -0.008632530049629385 0.11519028847373199 -0.02256259713351326 -0.008632530049629385 -0.02256259713351326 0.04863552351742921 0.12138142939990357 0.3690270664466439 +41455,0.9695677362849799,2,1.2822203530564824 1.2574557893518137 1.1893532391639525 0.9618288101272677 0.7219220992382397 0.3690270664466439 0.29937673102724216 0.14769377833612182 0.1043557918529383 0.07804344291672885 0.006845322265786387 -0.008632530049629385 0.11519028847373199 -0.02256259713351326 -0.008632530049629385 -0.02256259713351326 0.04863552351742921 0.12138142939990357 0.3690270664466439 0.6058382068725817 +41456,1.048504783093626,2,1.2574557893518137 1.1893532391639525 0.9618288101272677 0.7219220992382397 0.3690270664466439 0.29937673102724216 0.14769377833612182 0.1043557918529383 0.07804344291672885 0.006845322265786387 -0.008632530049629385 0.11519028847373199 -0.02256259713351326 -0.008632530049629385 -0.02256259713351326 0.04863552351742921 0.12138142939990357 0.3690270664466439 0.6058382068725817 0.9695677362849799 +41457,1.1522063936069495,2,1.1893532391639525 0.9618288101272677 0.7219220992382397 0.3690270664466439 0.29937673102724216 0.14769377833612182 0.1043557918529383 0.07804344291672885 0.006845322265786387 -0.008632530049629385 0.11519028847373199 -0.02256259713351326 -0.008632530049629385 -0.02256259713351326 0.04863552351742921 0.12138142939990357 0.3690270664466439 0.6058382068725817 0.9695677362849799 1.048504783093626 +41458,1.2899592792141947,2,0.9618288101272677 0.7219220992382397 0.3690270664466439 0.29937673102724216 0.14769377833612182 0.1043557918529383 0.07804344291672885 0.006845322265786387 -0.008632530049629385 0.11519028847373199 -0.02256259713351326 -0.008632530049629385 -0.02256259713351326 0.04863552351742921 0.12138142939990357 0.3690270664466439 0.6058382068725817 0.9695677362849799 1.048504783093626 1.1522063936069495 +41459,1.297698205371907,2,0.7219220992382397 0.3690270664466439 0.29937673102724216 0.14769377833612182 0.1043557918529383 0.07804344291672885 0.006845322265786387 -0.008632530049629385 0.11519028847373199 -0.02256259713351326 -0.008632530049629385 -0.02256259713351326 0.04863552351742921 0.12138142939990357 0.3690270664466439 0.6058382068725817 0.9695677362849799 1.048504783093626 1.1522063936069495 1.2899592792141947 +41460,1.3503229032443347,2,0.3690270664466439 0.29937673102724216 0.14769377833612182 0.1043557918529383 0.07804344291672885 0.006845322265786387 -0.008632530049629385 0.11519028847373199 -0.02256259713351326 -0.008632530049629385 -0.02256259713351326 0.04863552351742921 0.12138142939990357 0.3690270664466439 0.6058382068725817 0.9695677362849799 1.048504783093626 1.1522063936069495 1.2899592792141947 1.297698205371907 +41461,1.2682902859726073,2,0.29937673102724216 0.14769377833612182 0.1043557918529383 0.07804344291672885 0.006845322265786387 -0.008632530049629385 0.11519028847373199 -0.02256259713351326 -0.008632530049629385 -0.02256259713351326 0.04863552351742921 0.12138142939990357 0.3690270664466439 0.6058382068725817 0.9695677362849799 1.048504783093626 1.1522063936069495 1.2899592792141947 1.297698205371907 1.3503229032443347 +41462,1.2481690779625607,2,0.14769377833612182 0.1043557918529383 0.07804344291672885 0.006845322265786387 -0.008632530049629385 0.11519028847373199 -0.02256259713351326 -0.008632530049629385 -0.02256259713351326 0.04863552351742921 0.12138142939990357 0.3690270664466439 0.6058382068725817 0.9695677362849799 1.048504783093626 1.1522063936069495 1.2899592792141947 1.297698205371907 1.3503229032443347 1.2682902859726073 +41463,1.034574716009742,2,0.1043557918529383 0.07804344291672885 0.006845322265786387 -0.008632530049629385 0.11519028847373199 -0.02256259713351326 -0.008632530049629385 -0.02256259713351326 0.04863552351742921 0.12138142939990357 0.3690270664466439 0.6058382068725817 0.9695677362849799 1.048504783093626 1.1522063936069495 1.2899592792141947 1.297698205371907 1.3503229032443347 1.2682902859726073 1.2481690779625607 +41464,0.7946680051207228,2,0.07804344291672885 0.006845322265786387 -0.008632530049629385 0.11519028847373199 -0.02256259713351326 -0.008632530049629385 -0.02256259713351326 0.04863552351742921 0.12138142939990357 0.3690270664466439 0.6058382068725817 0.9695677362849799 1.048504783093626 1.1522063936069495 1.2899592792141947 1.297698205371907 1.3503229032443347 1.2682902859726073 1.2481690779625607 1.034574716009742 +41465,0.6213160591880064,2,0.006845322265786387 -0.008632530049629385 0.11519028847373199 -0.02256259713351326 -0.008632530049629385 -0.02256259713351326 0.04863552351742921 0.12138142939990357 0.3690270664466439 0.6058382068725817 0.9695677362849799 1.048504783093626 1.1522063936069495 1.2899592792141947 1.297698205371907 1.3503229032443347 1.2682902859726073 1.2481690779625607 1.034574716009742 0.7946680051207228 +41466,0.4758242474230488,2,-0.008632530049629385 0.11519028847373199 -0.02256259713351326 -0.008632530049629385 -0.02256259713351326 0.04863552351742921 0.12138142939990357 0.3690270664466439 0.6058382068725817 0.9695677362849799 1.048504783093626 1.1522063936069495 1.2899592792141947 1.297698205371907 1.3503229032443347 1.2682902859726073 1.2481690779625607 1.034574716009742 0.7946680051207228 0.6213160591880064 +41467,0.4371296166344962,2,0.11519028847373199 -0.02256259713351326 -0.008632530049629385 -0.02256259713351326 0.04863552351742921 0.12138142939990357 0.3690270664466439 0.6058382068725817 0.9695677362849799 1.048504783093626 1.1522063936069495 1.2899592792141947 1.297698205371907 1.3503229032443347 1.2682902859726073 1.2481690779625607 1.034574716009742 0.7946680051207228 0.6213160591880064 0.4758242474230488 +41468,0.3721226369097253,2,-0.02256259713351326 -0.008632530049629385 -0.02256259713351326 0.04863552351742921 0.12138142939990357 0.3690270664466439 0.6058382068725817 0.9695677362849799 1.048504783093626 1.1522063936069495 1.2899592792141947 1.297698205371907 1.3503229032443347 1.2682902859726073 1.2481690779625607 1.034574716009742 0.7946680051207228 0.6213160591880064 0.4758242474230488 0.4371296166344962 +41469,0.3334280061211727,2,-0.008632530049629385 -0.02256259713351326 0.04863552351742921 0.12138142939990357 0.3690270664466439 0.6058382068725817 0.9695677362849799 1.048504783093626 1.1522063936069495 1.2899592792141947 1.297698205371907 1.3503229032443347 1.2682902859726073 1.2481690779625607 1.034574716009742 0.7946680051207228 0.6213160591880064 0.4758242474230488 0.4371296166344962 0.3721226369097253 +41470,0.2173441137555148,2,-0.02256259713351326 0.04863552351742921 0.12138142939990357 0.3690270664466439 0.6058382068725817 0.9695677362849799 1.048504783093626 1.1522063936069495 1.2899592792141947 1.297698205371907 1.3503229032443347 1.2682902859726073 1.2481690779625607 1.034574716009742 0.7946680051207228 0.6213160591880064 0.4758242474230488 0.4371296166344962 0.3721226369097253 0.3334280061211727 +41471,0.2173441137555148,2,0.04863552351742921 0.12138142939990357 0.3690270664466439 0.6058382068725817 0.9695677362849799 1.048504783093626 1.1522063936069495 1.2899592792141947 1.297698205371907 1.3503229032443347 1.2682902859726073 1.2481690779625607 1.034574716009742 0.7946680051207228 0.6213160591880064 0.4758242474230488 0.4371296166344962 0.3721226369097253 0.3334280061211727 0.2173441137555148 +41472,0.13995485217840953,2,0.12138142939990357 0.3690270664466439 0.6058382068725817 0.9695677362849799 1.048504783093626 1.1522063936069495 1.2899592792141947 1.297698205371907 1.3503229032443347 1.2682902859726073 1.2481690779625607 1.034574716009742 0.7946680051207228 0.6213160591880064 0.4758242474230488 0.4371296166344962 0.3721226369097253 0.3334280061211727 0.2173441137555148 0.2173441137555148 +41473,0.09971243615831621,2,0.3690270664466439 0.6058382068725817 0.9695677362849799 1.048504783093626 1.1522063936069495 1.2899592792141947 1.297698205371907 1.3503229032443347 1.2682902859726073 1.2481690779625607 1.034574716009742 0.7946680051207228 0.6213160591880064 0.4758242474230488 0.4371296166344962 0.3721226369097253 0.3334280061211727 0.2173441137555148 0.2173441137555148 0.13995485217840953 +41474,0.06101780536976358,2,0.6058382068725817 0.9695677362849799 1.048504783093626 1.1522063936069495 1.2899592792141947 1.297698205371907 1.3503229032443347 1.2682902859726073 1.2481690779625607 1.034574716009742 0.7946680051207228 0.6213160591880064 0.4758242474230488 0.4371296166344962 0.3721226369097253 0.3334280061211727 0.2173441137555148 0.2173441137555148 0.13995485217840953 0.09971243615831621 +41475,0.24829981838635515,2,0.9695677362849799 1.048504783093626 1.1522063936069495 1.2899592792141947 1.297698205371907 1.3503229032443347 1.2682902859726073 1.2481690779625607 1.034574716009742 0.7946680051207228 0.6213160591880064 0.4758242474230488 0.4371296166344962 0.3721226369097253 0.3334280061211727 0.2173441137555148 0.2173441137555148 0.13995485217840953 0.09971243615831621 0.06101780536976358 +41476,0.6011948511779597,2,1.048504783093626 1.1522063936069495 1.2899592792141947 1.297698205371907 1.3503229032443347 1.2682902859726073 1.2481690779625607 1.034574716009742 0.7946680051207228 0.6213160591880064 0.4758242474230488 0.4371296166344962 0.3721226369097253 0.3334280061211727 0.2173441137555148 0.2173441137555148 0.13995485217840953 0.09971243615831621 0.06101780536976358 0.24829981838635515 +41477,0.899917400865587,2,1.1522063936069495 1.2899592792141947 1.297698205371907 1.3503229032443347 1.2682902859726073 1.2481690779625607 1.034574716009742 0.7946680051207228 0.6213160591880064 0.4758242474230488 0.4371296166344962 0.3721226369097253 0.3334280061211727 0.2173441137555148 0.2173441137555148 0.13995485217840953 0.09971243615831621 0.06101780536976358 0.24829981838635515 0.6011948511779597 +41478,1.297698205371907,2,1.2899592792141947 1.297698205371907 1.3503229032443347 1.2682902859726073 1.2481690779625607 1.034574716009742 0.7946680051207228 0.6213160591880064 0.4758242474230488 0.4371296166344962 0.3721226369097253 0.3334280061211727 0.2173441137555148 0.2173441137555148 0.13995485217840953 0.09971243615831621 0.06101780536976358 0.24829981838635515 0.6011948511779597 0.899917400865587 +41479,1.576299547049479,2,1.297698205371907 1.3503229032443347 1.2682902859726073 1.2481690779625607 1.034574716009742 0.7946680051207228 0.6213160591880064 0.4758242474230488 0.4371296166344962 0.3721226369097253 0.3334280061211727 0.2173441137555148 0.2173441137555148 0.13995485217840953 0.09971243615831621 0.06101780536976358 0.24829981838635515 0.6011948511779597 0.899917400865587 1.297698205371907 +41480,1.9369335059987958,2,1.3503229032443347 1.2682902859726073 1.2481690779625607 1.034574716009742 0.7946680051207228 0.6213160591880064 0.4758242474230488 0.4371296166344962 0.3721226369097253 0.3334280061211727 0.2173441137555148 0.2173441137555148 0.13995485217840953 0.09971243615831621 0.06101780536976358 0.24829981838635515 0.6011948511779597 0.899917400865587 1.297698205371907 1.576299547049479 +41481,2.2372038409179638,2,1.2682902859726073 1.2481690779625607 1.034574716009742 0.7946680051207228 0.6213160591880064 0.4758242474230488 0.4371296166344962 0.3721226369097253 0.3334280061211727 0.2173441137555148 0.2173441137555148 0.13995485217840953 0.09971243615831621 0.06101780536976358 0.24829981838635515 0.6011948511779597 0.899917400865587 1.297698205371907 1.576299547049479 1.9369335059987958 +41482,2.412103572082221,2,1.2481690779625607 1.034574716009742 0.7946680051207228 0.6213160591880064 0.4758242474230488 0.4371296166344962 0.3721226369097253 0.3334280061211727 0.2173441137555148 0.2173441137555148 0.13995485217840953 0.09971243615831621 0.06101780536976358 0.24829981838635515 0.6011948511779597 0.899917400865587 1.297698205371907 1.576299547049479 1.9369335059987958 2.2372038409179638 +41483,2.2758984717065163,2,1.034574716009742 0.7946680051207228 0.6213160591880064 0.4758242474230488 0.4371296166344962 0.3721226369097253 0.3334280061211727 0.2173441137555148 0.2173441137555148 0.13995485217840953 0.09971243615831621 0.06101780536976358 0.24829981838635515 0.6011948511779597 0.899917400865587 1.297698205371907 1.576299547049479 1.9369335059987958 2.2372038409179638 2.412103572082221 +41484,2.0901642439214654,2,0.7946680051207228 0.6213160591880064 0.4758242474230488 0.4371296166344962 0.3721226369097253 0.3334280061211727 0.2173441137555148 0.2173441137555148 0.13995485217840953 0.09971243615831621 0.06101780536976358 0.24829981838635515 0.6011948511779597 0.899917400865587 1.297698205371907 1.576299547049479 1.9369335059987958 2.2372038409179638 2.412103572082221 2.2758984717065163 +41485,1.8688309558109435,2,0.6213160591880064 0.4758242474230488 0.4371296166344962 0.3721226369097253 0.3334280061211727 0.2173441137555148 0.2173441137555148 0.13995485217840953 0.09971243615831621 0.06101780536976358 0.24829981838635515 0.6011948511779597 0.899917400865587 1.297698205371907 1.576299547049479 1.9369335059987958 2.2372038409179638 2.412103572082221 2.2758984717065163 2.0901642439214654 +41486,1.597968540291075,2,0.4758242474230488 0.4371296166344962 0.3721226369097253 0.3334280061211727 0.2173441137555148 0.2173441137555148 0.13995485217840953 0.09971243615831621 0.06101780536976358 0.24829981838635515 0.6011948511779597 0.899917400865587 1.297698205371907 1.576299547049479 1.9369335059987958 2.2372038409179638 2.412103572082221 2.2758984717065163 2.0901642439214654 1.8688309558109435 +41487,1.4137820977375648,2,0.4371296166344962 0.3721226369097253 0.3334280061211727 0.2173441137555148 0.2173441137555148 0.13995485217840953 0.09971243615831621 0.06101780536976358 0.24829981838635515 0.6011948511779597 0.899917400865587 1.297698205371907 1.576299547049479 1.9369335059987958 2.2372038409179638 2.412103572082221 2.2758984717065163 2.0901642439214654 1.8688309558109435 1.597968540291075 +41488,1.1413718969861557,2,0.3721226369097253 0.3334280061211727 0.2173441137555148 0.2173441137555148 0.13995485217840953 0.09971243615831621 0.06101780536976358 0.24829981838635515 0.6011948511779597 0.899917400865587 1.297698205371907 1.576299547049479 1.9369335059987958 2.2372038409179638 2.412103572082221 2.2758984717065163 2.0901642439214654 1.8688309558109435 1.597968540291075 1.4137820977375648 +41489,0.9061085417917498,2,0.3334280061211727 0.2173441137555148 0.2173441137555148 0.13995485217840953 0.09971243615831621 0.06101780536976358 0.24829981838635515 0.6011948511779597 0.899917400865587 1.297698205371907 1.576299547049479 1.9369335059987958 2.2372038409179638 2.412103572082221 2.2758984717065163 2.0901642439214654 1.8688309558109435 1.597968540291075 1.4137820977375648 1.1413718969861557 +41490,0.7327565958590333,2,0.2173441137555148 0.2173441137555148 0.13995485217840953 0.09971243615831621 0.06101780536976358 0.24829981838635515 0.6011948511779597 0.899917400865587 1.297698205371907 1.576299547049479 1.9369335059987958 2.2372038409179638 2.412103572082221 2.2758984717065163 2.0901642439214654 1.8688309558109435 1.597968540291075 1.4137820977375648 1.1413718969861557 0.9061085417917498 +41491,0.7760945823422168,2,0.2173441137555148 0.13995485217840953 0.09971243615831621 0.06101780536976358 0.24829981838635515 0.6011948511779597 0.899917400865587 1.297698205371907 1.576299547049479 1.9369335059987958 2.2372038409179638 2.412103572082221 2.2758984717065163 2.0901642439214654 1.8688309558109435 1.597968540291075 1.4137820977375648 1.1413718969861557 0.9061085417917498 0.7327565958590333 +41492,0.7048964616912744,2,0.13995485217840953 0.09971243615831621 0.06101780536976358 0.24829981838635515 0.6011948511779597 0.899917400865587 1.297698205371907 1.576299547049479 1.9369335059987958 2.2372038409179638 2.412103572082221 2.2758984717065163 2.0901642439214654 1.8688309558109435 1.597968540291075 1.4137820977375648 1.1413718969861557 0.9061085417917498 0.7327565958590333 0.7760945823422168 +41493,0.5965514954833288,2,0.09971243615831621 0.06101780536976358 0.24829981838635515 0.6011948511779597 0.899917400865587 1.297698205371907 1.576299547049479 1.9369335059987958 2.2372038409179638 2.412103572082221 2.2758984717065163 2.0901642439214654 1.8688309558109435 1.597968540291075 1.4137820977375648 1.1413718969861557 0.9061085417917498 0.7327565958590333 0.7760945823422168 0.7048964616912744 +41494,0.44796411325528984,2,0.06101780536976358 0.24829981838635515 0.6011948511779597 0.899917400865587 1.297698205371907 1.576299547049479 1.9369335059987958 2.2372038409179638 2.412103572082221 2.2758984717065163 2.0901642439214654 1.8688309558109435 1.597968540291075 1.4137820977375648 1.1413718969861557 0.9061085417917498 0.7327565958590333 0.7760945823422168 0.7048964616912744 0.5965514954833288 +41495,0.4417729723291183,2,0.24829981838635515 0.6011948511779597 0.899917400865587 1.297698205371907 1.576299547049479 1.9369335059987958 2.2372038409179638 2.412103572082221 2.2758984717065163 2.0901642439214654 1.8688309558109435 1.597968540291075 1.4137820977375648 1.1413718969861557 0.9061085417917498 0.7327565958590333 0.7760945823422168 0.7048964616912744 0.5965514954833288 0.44796411325528984 +41496,0.4309384757083246,2,0.6011948511779597 0.899917400865587 1.297698205371907 1.576299547049479 1.9369335059987958 2.2372038409179638 2.412103572082221 2.2758984717065163 2.0901642439214654 1.8688309558109435 1.597968540291075 1.4137820977375648 1.1413718969861557 0.9061085417917498 0.7327565958590333 0.7760945823422168 0.7048964616912744 0.5965514954833288 0.44796411325528984 0.4417729723291183 +41497,0.29318559010107936,2,0.899917400865587 1.297698205371907 1.576299547049479 1.9369335059987958 2.2372038409179638 2.412103572082221 2.2758984717065163 2.0901642439214654 1.8688309558109435 1.597968540291075 1.4137820977375648 1.1413718969861557 0.9061085417917498 0.7327565958590333 0.7760945823422168 0.7048964616912744 0.5965514954833288 0.44796411325528984 0.4417729723291183 0.4309384757083246 +41498,0.3102112276480446,2,1.297698205371907 1.576299547049479 1.9369335059987958 2.2372038409179638 2.412103572082221 2.2758984717065163 2.0901642439214654 1.8688309558109435 1.597968540291075 1.4137820977375648 1.1413718969861557 0.9061085417917498 0.7327565958590333 0.7760945823422168 0.7048964616912744 0.5965514954833288 0.44796411325528984 0.4417729723291183 0.4309384757083246 0.29318559010107936 +41499,0.5330923009901074,2,1.576299547049479 1.9369335059987958 2.2372038409179638 2.412103572082221 2.2758984717065163 2.0901642439214654 1.8688309558109435 1.597968540291075 1.4137820977375648 1.1413718969861557 0.9061085417917498 0.7327565958590333 0.7760945823422168 0.7048964616912744 0.5965514954833288 0.44796411325528984 0.4417729723291183 0.4309384757083246 0.29318559010107936 0.3102112276480446 +41500,1.0314791455466608,2,1.9369335059987958 2.2372038409179638 2.412103572082221 2.2758984717065163 2.0901642439214654 1.8688309558109435 1.597968540291075 1.4137820977375648 1.1413718969861557 0.9061085417917498 0.7327565958590333 0.7760945823422168 0.7048964616912744 0.5965514954833288 0.44796411325528984 0.4417729723291183 0.4309384757083246 0.29318559010107936 0.3102112276480446 0.5330923009901074 +41501,1.460215654683821,2,2.2372038409179638 2.412103572082221 2.2758984717065163 2.0901642439214654 1.8688309558109435 1.597968540291075 1.4137820977375648 1.1413718969861557 0.9061085417917498 0.7327565958590333 0.7760945823422168 0.7048964616912744 0.5965514954833288 0.44796411325528984 0.4417729723291183 0.4309384757083246 0.29318559010107936 0.3102112276480446 0.5330923009901074 1.0314791455466608 +41502,1.9338379355357056,2,2.412103572082221 2.2758984717065163 2.0901642439214654 1.8688309558109435 1.597968540291075 1.4137820977375648 1.1413718969861557 0.9061085417917498 0.7327565958590333 0.7760945823422168 0.7048964616912744 0.5965514954833288 0.44796411325528984 0.4417729723291183 0.4309384757083246 0.29318559010107936 0.3102112276480446 0.5330923009901074 1.0314791455466608 1.460215654683821 +41503,2.1613623645723994,2,2.2758984717065163 2.0901642439214654 1.8688309558109435 1.597968540291075 1.4137820977375648 1.1413718969861557 0.9061085417917498 0.7327565958590333 0.7760945823422168 0.7048964616912744 0.5965514954833288 0.44796411325528984 0.4417729723291183 0.4309384757083246 0.29318559010107936 0.3102112276480446 0.5330923009901074 1.0314791455466608 1.460215654683821 1.9338379355357056 +41504,2.144336727025434,2,2.0901642439214654 1.8688309558109435 1.597968540291075 1.4137820977375648 1.1413718969861557 0.9061085417917498 0.7327565958590333 0.7760945823422168 0.7048964616912744 0.5965514954833288 0.44796411325528984 0.4417729723291183 0.4309384757083246 0.29318559010107936 0.3102112276480446 0.5330923009901074 1.0314791455466608 1.460215654683821 1.9338379355357056 2.1613623645723994 +41505,2.334714310505116,2,1.8688309558109435 1.597968540291075 1.4137820977375648 1.1413718969861557 0.9061085417917498 0.7327565958590333 0.7760945823422168 0.7048964616912744 0.5965514954833288 0.44796411325528984 0.4417729723291183 0.4309384757083246 0.29318559010107936 0.3102112276480446 0.5330923009901074 1.0314791455466608 1.460215654683821 1.9338379355357056 2.1613623645723994 2.144336727025434 +41506,2.217082632907917,2,1.597968540291075 1.4137820977375648 1.1413718969861557 0.9061085417917498 0.7327565958590333 0.7760945823422168 0.7048964616912744 0.5965514954833288 0.44796411325528984 0.4417729723291183 0.4309384757083246 0.29318559010107936 0.3102112276480446 0.5330923009901074 1.0314791455466608 1.460215654683821 1.9338379355357056 2.1613623645723994 2.144336727025434 2.334714310505116 +41507,2.1691012907301115,2,1.4137820977375648 1.1413718969861557 0.9061085417917498 0.7327565958590333 0.7760945823422168 0.7048964616912744 0.5965514954833288 0.44796411325528984 0.4417729723291183 0.4309384757083246 0.29318559010107936 0.3102112276480446 0.5330923009901074 1.0314791455466608 1.460215654683821 1.9338379355357056 2.1613623645723994 2.144336727025434 2.334714310505116 2.217082632907917 +41508,2.105642096236881,2,1.1413718969861557 0.9061085417917498 0.7327565958590333 0.7760945823422168 0.7048964616912744 0.5965514954833288 0.44796411325528984 0.4417729723291183 0.4309384757083246 0.29318559010107936 0.3102112276480446 0.5330923009901074 1.0314791455466608 1.460215654683821 1.9338379355357056 2.1613623645723994 2.144336727025434 2.334714310505116 2.217082632907917 2.1691012907301115 +41509,2.0437306869752008,2,0.9061085417917498 0.7327565958590333 0.7760945823422168 0.7048964616912744 0.5965514954833288 0.44796411325528984 0.4417729723291183 0.4309384757083246 0.29318559010107936 0.3102112276480446 0.5330923009901074 1.0314791455466608 1.460215654683821 1.9338379355357056 2.1613623645723994 2.144336727025434 2.334714310505116 2.217082632907917 2.1691012907301115 2.105642096236881 +41510,1.9152645127572083,2,0.7327565958590333 0.7760945823422168 0.7048964616912744 0.5965514954833288 0.44796411325528984 0.4417729723291183 0.4309384757083246 0.29318559010107936 0.3102112276480446 0.5330923009901074 1.0314791455466608 1.460215654683821 1.9338379355357056 2.1613623645723994 2.144336727025434 2.334714310505116 2.217082632907917 2.1691012907301115 2.105642096236881 2.0437306869752008 +41511,1.6041596812172378,2,0.7760945823422168 0.7048964616912744 0.5965514954833288 0.44796411325528984 0.4417729723291183 0.4309384757083246 0.29318559010107936 0.3102112276480446 0.5330923009901074 1.0314791455466608 1.460215654683821 1.9338379355357056 2.1613623645723994 2.144336727025434 2.334714310505116 2.217082632907917 2.1691012907301115 2.105642096236881 2.0437306869752008 1.9152645127572083 +41512,1.3054371315296105,2,0.7048964616912744 0.5965514954833288 0.44796411325528984 0.4417729723291183 0.4309384757083246 0.29318559010107936 0.3102112276480446 0.5330923009901074 1.0314791455466608 1.460215654683821 1.9338379355357056 2.1613623645723994 2.144336727025434 2.334714310505116 2.217082632907917 2.1691012907301115 2.105642096236881 2.0437306869752008 1.9152645127572083 1.6041596812172378 +41513,1.1104161923553066,2,0.5965514954833288 0.44796411325528984 0.4417729723291183 0.4309384757083246 0.29318559010107936 0.3102112276480446 0.5330923009901074 1.0314791455466608 1.460215654683821 1.9338379355357056 2.1613623645723994 2.144336727025434 2.334714310505116 2.217082632907917 2.1691012907301115 2.105642096236881 2.0437306869752008 1.9152645127572083 1.6041596812172378 1.3054371315296105 +41514,0.9061085417917498,2,0.44796411325528984 0.4417729723291183 0.4309384757083246 0.29318559010107936 0.3102112276480446 0.5330923009901074 1.0314791455466608 1.460215654683821 1.9338379355357056 2.1613623645723994 2.144336727025434 2.334714310505116 2.217082632907917 2.1691012907301115 2.105642096236881 2.0437306869752008 1.9152645127572083 1.6041596812172378 1.3054371315296105 1.1104161923553066 +41515,0.8101458574361385,2,0.4417729723291183 0.4309384757083246 0.29318559010107936 0.3102112276480446 0.5330923009901074 1.0314791455466608 1.460215654683821 1.9338379355357056 2.1613623645723994 2.144336727025434 2.334714310505116 2.217082632907917 2.1691012907301115 2.105642096236881 2.0437306869752008 1.9152645127572083 1.6041596812172378 1.3054371315296105 1.1104161923553066 0.9061085417917498 +41516,0.6553673342819281,2,0.4309384757083246 0.29318559010107936 0.3102112276480446 0.5330923009901074 1.0314791455466608 1.460215654683821 1.9338379355357056 2.1613623645723994 2.144336727025434 2.334714310505116 2.217082632907917 2.1691012907301115 2.105642096236881 2.0437306869752008 1.9152645127572083 1.6041596812172378 1.3054371315296105 1.1104161923553066 0.9061085417917498 0.8101458574361385 +41517,0.5779780727048228,2,0.29318559010107936 0.3102112276480446 0.5330923009901074 1.0314791455466608 1.460215654683821 1.9338379355357056 2.1613623645723994 2.144336727025434 2.334714310505116 2.217082632907917 2.1691012907301115 2.105642096236881 2.0437306869752008 1.9152645127572083 1.6041596812172378 1.3054371315296105 1.1104161923553066 0.9061085417917498 0.8101458574361385 0.6553673342819281 +41518,0.4477306950148671,2,0.3102112276480446 0.5330923009901074 1.0314791455466608 1.460215654683821 1.9338379355357056 2.1613623645723994 2.144336727025434 2.334714310505116 2.217082632907917 2.1691012907301115 2.105642096236881 2.0437306869752008 1.9152645127572083 1.6041596812172378 1.3054371315296105 1.1104161923553066 0.9061085417917498 0.8101458574361385 0.6553673342819281 0.5779780727048228 +41519,0.2854466639433671,2,0.5330923009901074 1.0314791455466608 1.460215654683821 1.9338379355357056 2.1613623645723994 2.144336727025434 2.334714310505116 2.217082632907917 2.1691012907301115 2.105642096236881 2.0437306869752008 1.9152645127572083 1.6041596812172378 1.3054371315296105 1.1104161923553066 0.9061085417917498 0.8101458574361385 0.6553673342819281 0.5779780727048228 0.4477306950148671 +41520,0.24984760361789585,2,1.0314791455466608 1.460215654683821 1.9338379355357056 2.1613623645723994 2.144336727025434 2.334714310505116 2.217082632907917 2.1691012907301115 2.105642096236881 2.0437306869752008 1.9152645127572083 1.6041596812172378 1.3054371315296105 1.1104161923553066 0.9061085417917498 0.8101458574361385 0.6553673342819281 0.5779780727048228 0.4477306950148671 0.2854466639433671 +41521,0.16626720111462778,2,1.460215654683821 1.9338379355357056 2.1613623645723994 2.144336727025434 2.334714310505116 2.217082632907917 2.1691012907301115 2.105642096236881 2.0437306869752008 1.9152645127572083 1.6041596812172378 1.3054371315296105 1.1104161923553066 0.9061085417917498 0.8101458574361385 0.6553673342819281 0.5779780727048228 0.4477306950148671 0.2854466639433671 0.24984760361789585 +41522,0.08578236907443235,2,1.9338379355357056 2.1613623645723994 2.144336727025434 2.334714310505116 2.217082632907917 2.1691012907301115 2.105642096236881 2.0437306869752008 1.9152645127572083 1.6041596812172378 1.3054371315296105 1.1104161923553066 0.9061085417917498 0.8101458574361385 0.6553673342819281 0.5779780727048228 0.4477306950148671 0.2854466639433671 0.24984760361789585 0.16626720111462778 +41523,0.762164515258333,2,2.1613623645723994 2.144336727025434 2.334714310505116 2.217082632907917 2.1691012907301115 2.105642096236881 2.0437306869752008 1.9152645127572083 1.6041596812172378 1.3054371315296105 1.1104161923553066 0.9061085417917498 0.8101458574361385 0.6553673342819281 0.5779780727048228 0.4477306950148671 0.2854466639433671 0.24984760361789585 0.16626720111462778 0.08578236907443235 +41524,0.8024069312784263,2,2.144336727025434 2.334714310505116 2.217082632907917 2.1691012907301115 2.105642096236881 2.0437306869752008 1.9152645127572083 1.6041596812172378 1.3054371315296105 1.1104161923553066 0.9061085417917498 0.8101458574361385 0.6553673342819281 0.5779780727048228 0.4477306950148671 0.2854466639433671 0.24984760361789585 0.16626720111462778 0.08578236907443235 0.762164515258333 +41525,1.1939965948585836,2,2.334714310505116 2.217082632907917 2.1691012907301115 2.105642096236881 2.0437306869752008 1.9152645127572083 1.6041596812172378 1.3054371315296105 1.1104161923553066 0.9061085417917498 0.8101458574361385 0.6553673342819281 0.5779780727048228 0.4477306950148671 0.2854466639433671 0.24984760361789585 0.16626720111462778 0.08578236907443235 0.762164515258333 0.8024069312784263 +41526,1.4323555205160707,2,2.217082632907917 2.1691012907301115 2.105642096236881 2.0437306869752008 1.9152645127572083 1.6041596812172378 1.3054371315296105 1.1104161923553066 0.9061085417917498 0.8101458574361385 0.6553673342819281 0.5779780727048228 0.4477306950148671 0.2854466639433671 0.24984760361789585 0.16626720111462778 0.08578236907443235 0.762164515258333 0.8024069312784263 1.1939965948585836 +41527,1.635115385848087,2,2.1691012907301115 2.105642096236881 2.0437306869752008 1.9152645127572083 1.6041596812172378 1.3054371315296105 1.1104161923553066 0.9061085417917498 0.8101458574361385 0.6553673342819281 0.5779780727048228 0.4477306950148671 0.2854466639433671 0.24984760361789585 0.16626720111462778 0.08578236907443235 0.762164515258333 0.8024069312784263 1.1939965948585836 1.4323555205160707 +41528,1.8084673317807947,2,2.105642096236881 2.0437306869752008 1.9152645127572083 1.6041596812172378 1.3054371315296105 1.1104161923553066 0.9061085417917498 0.8101458574361385 0.6553673342819281 0.5779780727048228 0.4477306950148671 0.2854466639433671 0.24984760361789585 0.16626720111462778 0.08578236907443235 0.762164515258333 0.8024069312784263 1.1939965948585836 1.4323555205160707 1.635115385848087 +41529,1.9802714924819704,2,2.0437306869752008 1.9152645127572083 1.6041596812172378 1.3054371315296105 1.1104161923553066 0.9061085417917498 0.8101458574361385 0.6553673342819281 0.5779780727048228 0.4477306950148671 0.2854466639433671 0.24984760361789585 0.16626720111462778 0.08578236907443235 0.762164515258333 0.8024069312784263 1.1939965948585836 1.4323555205160707 1.635115385848087 1.8084673317807947 +41530,1.9802714924819704,2,1.9152645127572083 1.6041596812172378 1.3054371315296105 1.1104161923553066 0.9061085417917498 0.8101458574361385 0.6553673342819281 0.5779780727048228 0.4477306950148671 0.2854466639433671 0.24984760361789585 0.16626720111462778 0.08578236907443235 0.762164515258333 0.8024069312784263 1.1939965948585836 1.4323555205160707 1.635115385848087 1.8084673317807947 1.9802714924819704 +41531,1.9431246469249586,2,1.6041596812172378 1.3054371315296105 1.1104161923553066 0.9061085417917498 0.8101458574361385 0.6553673342819281 0.5779780727048228 0.4477306950148671 0.2854466639433671 0.24984760361789585 0.16626720111462778 0.08578236907443235 0.762164515258333 0.8024069312784263 1.1939965948585836 1.4323555205160707 1.635115385848087 1.8084673317807947 1.9802714924819704 1.9802714924819704 +41532,1.88895216382099,2,1.3054371315296105 1.1104161923553066 0.9061085417917498 0.8101458574361385 0.6553673342819281 0.5779780727048228 0.4477306950148671 0.2854466639433671 0.24984760361789585 0.16626720111462778 0.08578236907443235 0.762164515258333 0.8024069312784263 1.1939965948585836 1.4323555205160707 1.635115385848087 1.8084673317807947 1.9802714924819704 1.9802714924819704 1.9431246469249586 +41533,1.7156002178882737,2,1.1104161923553066 0.9061085417917498 0.8101458574361385 0.6553673342819281 0.5779780727048228 0.4477306950148671 0.2854466639433671 0.24984760361789585 0.16626720111462778 0.08578236907443235 0.762164515258333 0.8024069312784263 1.1939965948585836 1.4323555205160707 1.635115385848087 1.8084673317807947 1.9802714924819704 1.9802714924819704 1.9431246469249586 1.88895216382099 +41534,1.5097447820931762,2,0.9061085417917498 0.8101458574361385 0.6553673342819281 0.5779780727048228 0.4477306950148671 0.2854466639433671 0.24984760361789585 0.16626720111462778 0.08578236907443235 0.762164515258333 0.8024069312784263 1.1939965948585836 1.4323555205160707 1.635115385848087 1.8084673317807947 1.9802714924819704 1.9802714924819704 1.9431246469249586 1.88895216382099 1.7156002178882737 +41535,1.3240105543081164,2,0.8101458574361385 0.6553673342819281 0.5779780727048228 0.4477306950148671 0.2854466639433671 0.24984760361789585 0.16626720111462778 0.08578236907443235 0.762164515258333 0.8024069312784263 1.1939965948585836 1.4323555205160707 1.635115385848087 1.8084673317807947 1.9802714924819704 1.9802714924819704 1.9431246469249586 1.88895216382099 1.7156002178882737 1.5097447820931762 +41536,0.9107518974863807,2,0.6553673342819281 0.5779780727048228 0.4477306950148671 0.2854466639433671 0.24984760361789585 0.16626720111462778 0.08578236907443235 0.762164515258333 0.8024069312784263 1.1939965948585836 1.4323555205160707 1.635115385848087 1.8084673317807947 1.9802714924819704 1.9802714924819704 1.9431246469249586 1.88895216382099 1.7156002178882737 1.5097447820931762 1.3240105543081164 +41537,0.5516657237686133,2,0.5779780727048228 0.4477306950148671 0.2854466639433671 0.24984760361789585 0.16626720111462778 0.08578236907443235 0.762164515258333 0.8024069312784263 1.1939965948585836 1.4323555205160707 1.635115385848087 1.8084673317807947 1.9802714924819704 1.9802714924819704 1.9431246469249586 1.88895216382099 1.7156002178882737 1.5097447820931762 1.3240105543081164 0.9107518974863807 +41538,0.40153055630902496,2,0.4477306950148671 0.2854466639433671 0.24984760361789585 0.16626720111462778 0.08578236907443235 0.762164515258333 0.8024069312784263 1.1939965948585836 1.4323555205160707 1.635115385848087 1.8084673317807947 1.9802714924819704 1.9802714924819704 1.9431246469249586 1.88895216382099 1.7156002178882737 1.5097447820931762 1.3240105543081164 0.9107518974863807 0.5516657237686133 +41539,0.280803308248745,2,0.2854466639433671 0.24984760361789585 0.16626720111462778 0.08578236907443235 0.762164515258333 0.8024069312784263 1.1939965948585836 1.4323555205160707 1.635115385848087 1.8084673317807947 1.9802714924819704 1.9802714924819704 1.9431246469249586 1.88895216382099 1.7156002178882737 1.5097447820931762 1.3240105543081164 0.9107518974863807 0.5516657237686133 0.40153055630902496 +41540,0.18793619435621514,2,0.24984760361789585 0.16626720111462778 0.08578236907443235 0.762164515258333 0.8024069312784263 1.1939965948585836 1.4323555205160707 1.635115385848087 1.8084673317807947 1.9802714924819704 1.9802714924819704 1.9431246469249586 1.88895216382099 1.7156002178882737 1.5097447820931762 1.3240105543081164 0.9107518974863807 0.5516657237686133 0.40153055630902496 0.280803308248745 +41541,0.12602478509453446,2,0.16626720111462778 0.08578236907443235 0.762164515258333 0.8024069312784263 1.1939965948585836 1.4323555205160707 1.635115385848087 1.8084673317807947 1.9802714924819704 1.9802714924819704 1.9431246469249586 1.88895216382099 1.7156002178882737 1.5097447820931762 1.3240105543081164 0.9107518974863807 0.5516657237686133 0.40153055630902496 0.280803308248745 0.18793619435621514 +41542,0.034705456433545334,2,0.08578236907443235 0.762164515258333 0.8024069312784263 1.1939965948585836 1.4323555205160707 1.635115385848087 1.8084673317807947 1.9802714924819704 1.9802714924819704 1.9431246469249586 1.88895216382099 1.7156002178882737 1.5097447820931762 1.3240105543081164 0.9107518974863807 0.5516657237686133 0.40153055630902496 0.280803308248745 0.18793619435621514 0.12602478509453446 +41543,-0.06899615407977817,2,0.762164515258333 0.8024069312784263 1.1939965948585836 1.4323555205160707 1.635115385848087 1.8084673317807947 1.9802714924819704 1.9802714924819704 1.9431246469249586 1.88895216382099 1.7156002178882737 1.5097447820931762 1.3240105543081164 0.9107518974863807 0.5516657237686133 0.40153055630902496 0.280803308248745 0.18793619435621514 0.12602478509453446 0.034705456433545334 +41544,-0.09530850301598763,2,0.8024069312784263 1.1939965948585836 1.4323555205160707 1.635115385848087 1.8084673317807947 1.9802714924819704 1.9802714924819704 1.9431246469249586 1.88895216382099 1.7156002178882737 1.5097447820931762 1.3240105543081164 0.9107518974863807 0.5516657237686133 0.40153055630902496 0.280803308248745 0.18793619435621514 0.12602478509453446 0.034705456433545334 -0.06899615407977817 +41545,-0.1076907848683308,2,1.1939965948585836 1.4323555205160707 1.635115385848087 1.8084673317807947 1.9802714924819704 1.9802714924819704 1.9431246469249586 1.88895216382099 1.7156002178882737 1.5097447820931762 1.3240105543081164 0.9107518974863807 0.5516657237686133 0.40153055630902496 0.280803308248745 0.18793619435621514 0.12602478509453446 0.034705456433545334 -0.06899615407977817 -0.09530850301598763 +41546,-0.14638541565688343,2,1.4323555205160707 1.635115385848087 1.8084673317807947 1.9802714924819704 1.9802714924819704 1.9431246469249586 1.88895216382099 1.7156002178882737 1.5097447820931762 1.3240105543081164 0.9107518974863807 0.5516657237686133 0.40153055630902496 0.280803308248745 0.18793619435621514 0.12602478509453446 0.034705456433545334 -0.06899615407977817 -0.09530850301598763 -0.1076907848683308 +41547,-0.06435279838514728,2,1.635115385848087 1.8084673317807947 1.9802714924819704 1.9802714924819704 1.9431246469249586 1.88895216382099 1.7156002178882737 1.5097447820931762 1.3240105543081164 0.9107518974863807 0.5516657237686133 0.40153055630902496 0.280803308248745 0.18793619435621514 0.12602478509453446 0.034705456433545334 -0.06899615407977817 -0.09530850301598763 -0.1076907848683308 -0.14638541565688343 +41548,0.15078934879920322,2,1.8084673317807947 1.9802714924819704 1.9802714924819704 1.9431246469249586 1.88895216382099 1.7156002178882737 1.5097447820931762 1.3240105543081164 0.9107518974863807 0.5516657237686133 0.40153055630902496 0.280803308248745 0.18793619435621514 0.12602478509453446 0.034705456433545334 -0.06899615407977817 -0.09530850301598763 -0.1076907848683308 -0.14638541565688343 -0.06435279838514728 +41549,0.434034046171406,2,1.9802714924819704 1.9802714924819704 1.9431246469249586 1.88895216382099 1.7156002178882737 1.5097447820931762 1.3240105543081164 0.9107518974863807 0.5516657237686133 0.40153055630902496 0.280803308248745 0.18793619435621514 0.12602478509453446 0.034705456433545334 -0.06899615407977817 -0.09530850301598763 -0.1076907848683308 -0.14638541565688343 -0.06435279838514728 0.15078934879920322 +41550,0.7296610253959519,2,1.9802714924819704 1.9431246469249586 1.88895216382099 1.7156002178882737 1.5097447820931762 1.3240105543081164 0.9107518974863807 0.5516657237686133 0.40153055630902496 0.280803308248745 0.18793619435621514 0.12602478509453446 0.034705456433545334 -0.06899615407977817 -0.09530850301598763 -0.1076907848683308 -0.14638541565688343 -0.06435279838514728 0.15078934879920322 0.434034046171406 +41551,0.9664721658218898,2,1.9431246469249586 1.88895216382099 1.7156002178882737 1.5097447820931762 1.3240105543081164 0.9107518974863807 0.5516657237686133 0.40153055630902496 0.280803308248745 0.18793619435621514 0.12602478509453446 0.034705456433545334 -0.06899615407977817 -0.09530850301598763 -0.1076907848683308 -0.14638541565688343 -0.06435279838514728 0.15078934879920322 0.434034046171406 0.7296610253959519 +41552,1.0098101523050733,2,1.88895216382099 1.7156002178882737 1.5097447820931762 1.3240105543081164 0.9107518974863807 0.5516657237686133 0.40153055630902496 0.280803308248745 0.18793619435621514 0.12602478509453446 0.034705456433545334 -0.06899615407977817 -0.09530850301598763 -0.1076907848683308 -0.14638541565688343 -0.06435279838514728 0.15078934879920322 0.434034046171406 0.7296610253959519 0.9664721658218898 +41553,1.2590035745833543,2,1.7156002178882737 1.5097447820931762 1.3240105543081164 0.9107518974863807 0.5516657237686133 0.40153055630902496 0.280803308248745 0.18793619435621514 0.12602478509453446 0.034705456433545334 -0.06899615407977817 -0.09530850301598763 -0.1076907848683308 -0.14638541565688343 -0.06435279838514728 0.15078934879920322 0.434034046171406 0.7296610253959519 0.9664721658218898 1.0098101523050733 +41554,1.3781830374120936,2,1.5097447820931762 1.3240105543081164 0.9107518974863807 0.5516657237686133 0.40153055630902496 0.280803308248745 0.18793619435621514 0.12602478509453446 0.034705456433545334 -0.06899615407977817 -0.09530850301598763 -0.1076907848683308 -0.14638541565688343 -0.06435279838514728 0.15078934879920322 0.434034046171406 0.7296610253959519 0.9664721658218898 1.0098101523050733 1.2590035745833543 +41555,1.3688963260228406,2,1.3240105543081164 0.9107518974863807 0.5516657237686133 0.40153055630902496 0.280803308248745 0.18793619435621514 0.12602478509453446 0.034705456433545334 -0.06899615407977817 -0.09530850301598763 -0.1076907848683308 -0.14638541565688343 -0.06435279838514728 0.15078934879920322 0.434034046171406 0.7296610253959519 0.9664721658218898 1.0098101523050733 1.2590035745833543 1.3781830374120936 +41556,1.269838071204148,2,0.9107518974863807 0.5516657237686133 0.40153055630902496 0.280803308248745 0.18793619435621514 0.12602478509453446 0.034705456433545334 -0.06899615407977817 -0.09530850301598763 -0.1076907848683308 -0.14638541565688343 -0.06435279838514728 0.15078934879920322 0.434034046171406 0.7296610253959519 0.9664721658218898 1.0098101523050733 1.2590035745833543 1.3781830374120936 1.3688963260228406 +41557,1.1800665277747084,2,0.5516657237686133 0.40153055630902496 0.280803308248745 0.18793619435621514 0.12602478509453446 0.034705456433545334 -0.06899615407977817 -0.09530850301598763 -0.1076907848683308 -0.14638541565688343 -0.06435279838514728 0.15078934879920322 0.434034046171406 0.7296610253959519 0.9664721658218898 1.0098101523050733 1.2590035745833543 1.3781830374120936 1.3688963260228406 1.269838071204148 +41558,0.9262297498017965,2,0.40153055630902496 0.280803308248745 0.18793619435621514 0.12602478509453446 0.034705456433545334 -0.06899615407977817 -0.09530850301598763 -0.1076907848683308 -0.14638541565688343 -0.06435279838514728 0.15078934879920322 0.434034046171406 0.7296610253959519 0.9664721658218898 1.0098101523050733 1.2590035745833543 1.3781830374120936 1.3688963260228406 1.269838071204148 1.1800665277747084 +41559,0.6367939115034221,2,0.280803308248745 0.18793619435621514 0.12602478509453446 0.034705456433545334 -0.06899615407977817 -0.09530850301598763 -0.1076907848683308 -0.14638541565688343 -0.06435279838514728 0.15078934879920322 0.434034046171406 0.7296610253959519 0.9664721658218898 1.0098101523050733 1.2590035745833543 1.3781830374120936 1.3688963260228406 1.269838071204148 1.1800665277747084 0.9262297498017965 +41560,0.4061739120036558,2,0.18793619435621514 0.12602478509453446 0.034705456433545334 -0.06899615407977817 -0.09530850301598763 -0.1076907848683308 -0.14638541565688343 -0.06435279838514728 0.15078934879920322 0.434034046171406 0.7296610253959519 0.9664721658218898 1.0098101523050733 1.2590035745833543 1.3781830374120936 1.3688963260228406 1.269838071204148 1.1800665277747084 0.9262297498017965 0.6367939115034221 +41561,0.2157963285239741,2,0.12602478509453446 0.034705456433545334 -0.06899615407977817 -0.09530850301598763 -0.1076907848683308 -0.14638541565688343 -0.06435279838514728 0.15078934879920322 0.434034046171406 0.7296610253959519 0.9664721658218898 1.0098101523050733 1.2590035745833543 1.3781830374120936 1.3688963260228406 1.269838071204148 1.1800665277747084 0.9262297498017965 0.6367939115034221 0.4061739120036558 +41562,0.12602478509453446,2,0.034705456433545334 -0.06899615407977817 -0.09530850301598763 -0.1076907848683308 -0.14638541565688343 -0.06435279838514728 0.15078934879920322 0.434034046171406 0.7296610253959519 0.9664721658218898 1.0098101523050733 1.2590035745833543 1.3781830374120936 1.3688963260228406 1.269838071204148 1.1800665277747084 0.9262297498017965 0.6367939115034221 0.4061739120036558 0.2157963285239741 +41563,0.08578236907443235,2,-0.06899615407977817 -0.09530850301598763 -0.1076907848683308 -0.14638541565688343 -0.06435279838514728 0.15078934879920322 0.434034046171406 0.7296610253959519 0.9664721658218898 1.0098101523050733 1.2590035745833543 1.3781830374120936 1.3688963260228406 1.269838071204148 1.1800665277747084 0.9262297498017965 0.6367939115034221 0.4061739120036558 0.2157963285239741 0.12602478509453446 +41564,0.05947002013822289,2,-0.09530850301598763 -0.1076907848683308 -0.14638541565688343 -0.06435279838514728 0.15078934879920322 0.434034046171406 0.7296610253959519 0.9664721658218898 1.0098101523050733 1.2590035745833543 1.3781830374120936 1.3688963260228406 1.269838071204148 1.1800665277747084 0.9262297498017965 0.6367939115034221 0.4061739120036558 0.2157963285239741 0.12602478509453446 0.08578236907443235 +41565,0.019227604118129564,2,-0.1076907848683308 -0.14638541565688343 -0.06435279838514728 0.15078934879920322 0.434034046171406 0.7296610253959519 0.9664721658218898 1.0098101523050733 1.2590035745833543 1.3781830374120936 1.3688963260228406 1.269838071204148 1.1800665277747084 0.9262297498017965 0.6367939115034221 0.4061739120036558 0.2157963285239741 0.12602478509453446 0.08578236907443235 0.05947002013822289 +41566,-0.030301523291225544,2,-0.14638541565688343 -0.06435279838514728 0.15078934879920322 0.434034046171406 0.7296610253959519 0.9664721658218898 1.0098101523050733 1.2590035745833543 1.3781830374120936 1.3688963260228406 1.269838071204148 1.1800665277747084 0.9262297498017965 0.6367939115034221 0.4061739120036558 0.2157963285239741 0.12602478509453446 0.08578236907443235 0.05947002013822289 0.019227604118129564 +41567,-0.04423159037510062,2,-0.06435279838514728 0.15078934879920322 0.434034046171406 0.7296610253959519 0.9664721658218898 1.0098101523050733 1.2590035745833543 1.3781830374120936 1.3688963260228406 1.269838071204148 1.1800665277747084 0.9262297498017965 0.6367939115034221 0.4061739120036558 0.2157963285239741 0.12602478509453446 0.08578236907443235 0.05947002013822289 0.019227604118129564 -0.030301523291225544 +41568,-0.024110382365053955,2,0.15078934879920322 0.434034046171406 0.7296610253959519 0.9664721658218898 1.0098101523050733 1.2590035745833543 1.3781830374120936 1.3688963260228406 1.269838071204148 1.1800665277747084 0.9262297498017965 0.6367939115034221 0.4061739120036558 0.2157963285239741 0.12602478509453446 0.08578236907443235 0.05947002013822289 0.019227604118129564 -0.030301523291225544 -0.04423159037510062 +41569,-0.030301523291225544,2,0.434034046171406 0.7296610253959519 0.9664721658218898 1.0098101523050733 1.2590035745833543 1.3781830374120936 1.3688963260228406 1.269838071204148 1.1800665277747084 0.9262297498017965 0.6367939115034221 0.4061739120036558 0.2157963285239741 0.12602478509453446 0.08578236907443235 0.05947002013822289 0.019227604118129564 -0.030301523291225544 -0.04423159037510062 -0.024110382365053955 +41570,-0.04732716083818202,2,0.7296610253959519 0.9664721658218898 1.0098101523050733 1.2590035745833543 1.3781830374120936 1.3688963260228406 1.269838071204148 1.1800665277747084 0.9262297498017965 0.6367939115034221 0.4061739120036558 0.2157963285239741 0.12602478509453446 0.08578236907443235 0.05947002013822289 0.019227604118129564 -0.030301523291225544 -0.04423159037510062 -0.024110382365053955 -0.030301523291225544 +41571,-0.051970516532812906,2,0.9664721658218898 1.0098101523050733 1.2590035745833543 1.3781830374120936 1.3688963260228406 1.269838071204148 1.1800665277747084 0.9262297498017965 0.6367939115034221 0.4061739120036558 0.2157963285239741 0.12602478509453446 0.08578236907443235 0.05947002013822289 0.019227604118129564 -0.030301523291225544 -0.04423159037510062 -0.024110382365053955 -0.030301523291225544 -0.04732716083818202 +41572,0.04708773828587971,2,1.0098101523050733 1.2590035745833543 1.3781830374120936 1.3688963260228406 1.269838071204148 1.1800665277747084 0.9262297498017965 0.6367939115034221 0.4061739120036558 0.2157963285239741 0.12602478509453446 0.08578236907443235 0.05947002013822289 0.019227604118129564 -0.030301523291225544 -0.04423159037510062 -0.024110382365053955 -0.030301523291225544 -0.04732716083818202 -0.051970516532812906 +41573,0.24984760361789585,2,1.2590035745833543 1.3781830374120936 1.3688963260228406 1.269838071204148 1.1800665277747084 0.9262297498017965 0.6367939115034221 0.4061739120036558 0.2157963285239741 0.12602478509453446 0.08578236907443235 0.05947002013822289 0.019227604118129564 -0.030301523291225544 -0.04423159037510062 -0.024110382365053955 -0.030301523291225544 -0.04732716083818202 -0.051970516532812906 0.04708773828587971 +41574,0.5005888111277176,2,1.3781830374120936 1.3688963260228406 1.269838071204148 1.1800665277747084 0.9262297498017965 0.6367939115034221 0.4061739120036558 0.2157963285239741 0.12602478509453446 0.08578236907443235 0.05947002013822289 0.019227604118129564 -0.030301523291225544 -0.04423159037510062 -0.024110382365053955 -0.030301523291225544 -0.04732716083818202 -0.051970516532812906 0.04708773828587971 0.24984760361789585 +41575,0.738947736785205,2,1.3688963260228406 1.269838071204148 1.1800665277747084 0.9262297498017965 0.6367939115034221 0.4061739120036558 0.2157963285239741 0.12602478509453446 0.08578236907443235 0.05947002013822289 0.019227604118129564 -0.030301523291225544 -0.04423159037510062 -0.024110382365053955 -0.030301523291225544 -0.04732716083818202 -0.051970516532812906 0.04708773828587971 0.24984760361789585 0.5005888111277176 +41576,0.8952740451709561,2,1.269838071204148 1.1800665277747084 0.9262297498017965 0.6367939115034221 0.4061739120036558 0.2157963285239741 0.12602478509453446 0.08578236907443235 0.05947002013822289 0.019227604118129564 -0.030301523291225544 -0.04423159037510062 -0.024110382365053955 -0.030301523291225544 -0.04732716083818202 -0.051970516532812906 0.04708773828587971 0.24984760361789585 0.5005888111277176 0.738947736785205 +41577,0.9664721658218898,2,1.1800665277747084 0.9262297498017965 0.6367939115034221 0.4061739120036558 0.2157963285239741 0.12602478509453446 0.08578236907443235 0.05947002013822289 0.019227604118129564 -0.030301523291225544 -0.04423159037510062 -0.024110382365053955 -0.030301523291225544 -0.04732716083818202 -0.051970516532812906 0.04708773828587971 0.24984760361789585 0.5005888111277176 0.738947736785205 0.8952740451709561 +41578,1.02993136031512,2,0.9262297498017965 0.6367939115034221 0.4061739120036558 0.2157963285239741 0.12602478509453446 0.08578236907443235 0.05947002013822289 0.019227604118129564 -0.030301523291225544 -0.04423159037510062 -0.024110382365053955 -0.030301523291225544 -0.04732716083818202 -0.051970516532812906 0.04708773828587971 0.24984760361789585 0.5005888111277176 0.738947736785205 0.8952740451709561 0.9664721658218898 +41579,1.1413718969861557,2,0.6367939115034221 0.4061739120036558 0.2157963285239741 0.12602478509453446 0.08578236907443235 0.05947002013822289 0.019227604118129564 -0.030301523291225544 -0.04423159037510062 -0.024110382365053955 -0.030301523291225544 -0.04732716083818202 -0.051970516532812906 0.04708773828587971 0.24984760361789585 0.5005888111277176 0.738947736785205 0.8952740451709561 0.9664721658218898 1.02993136031512 +41580,1.1135117628183968,2,0.4061739120036558 0.2157963285239741 0.12602478509453446 0.08578236907443235 0.05947002013822289 0.019227604118129564 -0.030301523291225544 -0.04423159037510062 -0.024110382365053955 -0.030301523291225544 -0.04732716083818202 -0.051970516532812906 0.04708773828587971 0.24984760361789585 0.5005888111277176 0.738947736785205 0.8952740451709561 0.9664721658218898 1.02993136031512 1.1413718969861557 +41581,1.0392180717043729,2,0.2157963285239741 0.12602478509453446 0.08578236907443235 0.05947002013822289 0.019227604118129564 -0.030301523291225544 -0.04423159037510062 -0.024110382365053955 -0.030301523291225544 -0.04732716083818202 -0.051970516532812906 0.04708773828587971 0.24984760361789585 0.5005888111277176 0.738947736785205 0.8952740451709561 0.9664721658218898 1.02993136031512 1.1413718969861557 1.1135117628183968 +41582,0.8534838439193221,2,0.12602478509453446 0.08578236907443235 0.05947002013822289 0.019227604118129564 -0.030301523291225544 -0.04423159037510062 -0.024110382365053955 -0.030301523291225544 -0.04732716083818202 -0.051970516532812906 0.04708773828587971 0.24984760361789585 0.5005888111277176 0.738947736785205 0.8952740451709561 0.9664721658218898 1.02993136031512 1.1413718969861557 1.1135117628183968 1.0392180717043729 +41583,0.669297401365812,2,0.08578236907443235 0.05947002013822289 0.019227604118129564 -0.030301523291225544 -0.04423159037510062 -0.024110382365053955 -0.030301523291225544 -0.04732716083818202 -0.051970516532812906 0.04708773828587971 0.24984760361789585 0.5005888111277176 0.738947736785205 0.8952740451709561 0.9664721658218898 1.02993136031512 1.1413718969861557 1.1135117628183968 1.0392180717043729 0.8534838439193221 +41584,0.39843498584594356,2,0.05947002013822289 0.019227604118129564 -0.030301523291225544 -0.04423159037510062 -0.024110382365053955 -0.030301523291225544 -0.04732716083818202 -0.051970516532812906 0.04708773828587971 0.24984760361789585 0.5005888111277176 0.738947736785205 0.8952740451709561 0.9664721658218898 1.02993136031512 1.1413718969861557 1.1135117628183968 1.0392180717043729 0.8534838439193221 0.669297401365812 +41585,0.23127418083938986,2,0.019227604118129564 -0.030301523291225544 -0.04423159037510062 -0.024110382365053955 -0.030301523291225544 -0.04732716083818202 -0.051970516532812906 0.04708773828587971 0.24984760361789585 0.5005888111277176 0.738947736785205 0.8952740451709561 0.9664721658218898 1.02993136031512 1.1413718969861557 1.1135117628183968 1.0392180717043729 0.8534838439193221 0.669297401365812 0.39843498584594356 +41586,0.11983364416836288,2,-0.030301523291225544 -0.04423159037510062 -0.024110382365053955 -0.030301523291225544 -0.04732716083818202 -0.051970516532812906 0.04708773828587971 0.24984760361789585 0.5005888111277176 0.738947736785205 0.8952740451709561 0.9664721658218898 1.02993136031512 1.1413718969861557 1.1135117628183968 1.0392180717043729 0.8534838439193221 0.669297401365812 0.39843498584594356 0.23127418083938986 +41587,0.07649565768517935,2,-0.04423159037510062 -0.024110382365053955 -0.030301523291225544 -0.04732716083818202 -0.051970516532812906 0.04708773828587971 0.24984760361789585 0.5005888111277176 0.738947736785205 0.8952740451709561 0.9664721658218898 1.02993136031512 1.1413718969861557 1.1135117628183968 1.0392180717043729 0.8534838439193221 0.669297401365812 0.39843498584594356 0.23127418083938986 0.11983364416836288 +41588,0.04708773828587971,2,-0.024110382365053955 -0.030301523291225544 -0.04732716083818202 -0.051970516532812906 0.04708773828587971 0.24984760361789585 0.5005888111277176 0.738947736785205 0.8952740451709561 0.9664721658218898 1.02993136031512 1.1413718969861557 1.1135117628183968 1.0392180717043729 0.8534838439193221 0.669297401365812 0.39843498584594356 0.23127418083938986 0.11983364416836288 0.07649565768517935 +41589,0.008393107497327084,2,-0.030301523291225544 -0.04732716083818202 -0.051970516532812906 0.04708773828587971 0.24984760361789585 0.5005888111277176 0.738947736785205 0.8952740451709561 0.9664721658218898 1.02993136031512 1.1413718969861557 1.1135117628183968 1.0392180717043729 0.8534838439193221 0.669297401365812 0.39843498584594356 0.23127418083938986 0.11983364416836288 0.07649565768517935 0.04708773828587971 +41590,-0.017919241438882367,2,-0.04732716083818202 -0.051970516532812906 0.04708773828587971 0.24984760361789585 0.5005888111277176 0.738947736785205 0.8952740451709561 0.9664721658218898 1.02993136031512 1.1413718969861557 1.1135117628183968 1.0392180717043729 0.8534838439193221 0.669297401365812 0.39843498584594356 0.23127418083938986 0.11983364416836288 0.07649565768517935 0.04708773828587971 0.008393107497327084 +41591,-0.04268380514355992,2,-0.051970516532812906 0.04708773828587971 0.24984760361789585 0.5005888111277176 0.738947736785205 0.8952740451709561 0.9664721658218898 1.02993136031512 1.1413718969861557 1.1135117628183968 1.0392180717043729 0.8534838439193221 0.669297401365812 0.39843498584594356 0.23127418083938986 0.11983364416836288 0.07649565768517935 0.04708773828587971 0.008393107497327084 -0.017919241438882367 +41592,-0.056613872227435,2,0.04708773828587971 0.24984760361789585 0.5005888111277176 0.738947736785205 0.8952740451709561 0.9664721658218898 1.02993136031512 1.1413718969861557 1.1135117628183968 1.0392180717043729 0.8534838439193221 0.669297401365812 0.39843498584594356 0.23127418083938986 0.11983364416836288 0.07649565768517935 0.04708773828587971 0.008393107497327084 -0.017919241438882367 -0.04268380514355992 +41593,-0.030301523291225544,2,0.24984760361789585 0.5005888111277176 0.738947736785205 0.8952740451709561 0.9664721658218898 1.02993136031512 1.1413718969861557 1.1135117628183968 1.0392180717043729 0.8534838439193221 0.669297401365812 0.39843498584594356 0.23127418083938986 0.11983364416836288 0.07649565768517935 0.04708773828587971 0.008393107497327084 -0.017919241438882367 -0.04268380514355992 -0.056613872227435 +41594,0.0037497518027049923,2,0.5005888111277176 0.738947736785205 0.8952740451709561 0.9664721658218898 1.02993136031512 1.1413718969861557 1.1135117628183968 1.0392180717043729 0.8534838439193221 0.669297401365812 0.39843498584594356 0.23127418083938986 0.11983364416836288 0.07649565768517935 0.04708773828587971 0.008393107497327084 -0.017919241438882367 -0.04268380514355992 -0.056613872227435 -0.030301523291225544 +41595,0.014584248423498673,2,0.738947736785205 0.8952740451709561 0.9664721658218898 1.02993136031512 1.1413718969861557 1.1135117628183968 1.0392180717043729 0.8534838439193221 0.669297401365812 0.39843498584594356 0.23127418083938986 0.11983364416836288 0.07649565768517935 0.04708773828587971 0.008393107497327084 -0.017919241438882367 -0.04268380514355992 -0.056613872227435 -0.030301523291225544 0.0037497518027049923 +41596,0.01613203365503937,2,0.8952740451709561 0.9664721658218898 1.02993136031512 1.1413718969861557 1.1135117628183968 1.0392180717043729 0.8534838439193221 0.669297401365812 0.39843498584594356 0.23127418083938986 0.11983364416836288 0.07649565768517935 0.04708773828587971 0.008393107497327084 -0.017919241438882367 -0.04268380514355992 -0.056613872227435 -0.030301523291225544 0.0037497518027049923 0.014584248423498673 +41597,0.09197351000060393,2,0.9664721658218898 1.02993136031512 1.1413718969861557 1.1135117628183968 1.0392180717043729 0.8534838439193221 0.669297401365812 0.39843498584594356 0.23127418083938986 0.11983364416836288 0.07649565768517935 0.04708773828587971 0.008393107497327084 -0.017919241438882367 -0.04268380514355992 -0.056613872227435 -0.030301523291225544 0.0037497518027049923 0.014584248423498673 0.01613203365503937 +41598,0.3241412947319197,2,1.02993136031512 1.1413718969861557 1.1135117628183968 1.0392180717043729 0.8534838439193221 0.669297401365812 0.39843498584594356 0.23127418083938986 0.11983364416836288 0.07649565768517935 0.04708773828587971 0.008393107497327084 -0.017919241438882367 -0.04268380514355992 -0.056613872227435 -0.030301523291225544 0.0037497518027049923 0.014584248423498673 0.01613203365503937 0.09197351000060393 +41599,0.49130209973846456,2,1.1413718969861557 1.1135117628183968 1.0392180717043729 0.8534838439193221 0.669297401365812 0.39843498584594356 0.23127418083938986 0.11983364416836288 0.07649565768517935 0.04708773828587971 0.008393107497327084 -0.017919241438882367 -0.04268380514355992 -0.056613872227435 -0.030301523291225544 0.0037497518027049923 0.014584248423498673 0.01613203365503937 0.09197351000060393 0.3241412947319197 +41600,0.8132414278992288,2,1.1135117628183968 1.0392180717043729 0.8534838439193221 0.669297401365812 0.39843498584594356 0.23127418083938986 0.11983364416836288 0.07649565768517935 0.04708773828587971 0.008393107497327084 -0.017919241438882367 -0.04268380514355992 -0.056613872227435 -0.030301523291225544 0.0037497518027049923 0.014584248423498673 0.01613203365503937 0.09197351000060393 0.3241412947319197 0.49130209973846456 +41601,0.9571854544326368,2,1.0392180717043729 0.8534838439193221 0.669297401365812 0.39843498584594356 0.23127418083938986 0.11983364416836288 0.07649565768517935 0.04708773828587971 0.008393107497327084 -0.017919241438882367 -0.04268380514355992 -0.056613872227435 -0.030301523291225544 0.0037497518027049923 0.014584248423498673 0.01613203365503937 0.09197351000060393 0.3241412947319197 0.49130209973846456 0.8132414278992288 +41602,1.190901024395502,2,0.8534838439193221 0.669297401365812 0.39843498584594356 0.23127418083938986 0.11983364416836288 0.07649565768517935 0.04708773828587971 0.008393107497327084 -0.017919241438882367 -0.04268380514355992 -0.056613872227435 -0.030301523291225544 0.0037497518027049923 0.014584248423498673 0.01613203365503937 0.09197351000060393 0.3241412947319197 0.49130209973846456 0.8132414278992288 0.9571854544326368 +41603,1.2156655881001708,2,0.669297401365812 0.39843498584594356 0.23127418083938986 0.11983364416836288 0.07649565768517935 0.04708773828587971 0.008393107497327084 -0.017919241438882367 -0.04268380514355992 -0.056613872227435 -0.030301523291225544 0.0037497518027049923 0.014584248423498673 0.01613203365503937 0.09197351000060393 0.3241412947319197 0.49130209973846456 0.8132414278992288 0.9571854544326368 1.190901024395502 +41604,1.2590035745833543,2,0.39843498584594356 0.23127418083938986 0.11983364416836288 0.07649565768517935 0.04708773828587971 0.008393107497327084 -0.017919241438882367 -0.04268380514355992 -0.056613872227435 -0.030301523291225544 0.0037497518027049923 0.014584248423498673 0.01613203365503937 0.09197351000060393 0.3241412947319197 0.49130209973846456 0.8132414278992288 0.9571854544326368 1.190901024395502 1.2156655881001708 +41605,1.1630408902277432,2,0.23127418083938986 0.11983364416836288 0.07649565768517935 0.04708773828587971 0.008393107497327084 -0.017919241438882367 -0.04268380514355992 -0.056613872227435 -0.030301523291225544 0.0037497518027049923 0.014584248423498673 0.01613203365503937 0.09197351000060393 0.3241412947319197 0.49130209973846456 0.8132414278992288 0.9571854544326368 1.190901024395502 1.2156655881001708 1.2590035745833543 +41606,0.8736050519293688,2,0.11983364416836288 0.07649565768517935 0.04708773828587971 0.008393107497327084 -0.017919241438882367 -0.04268380514355992 -0.056613872227435 -0.030301523291225544 0.0037497518027049923 0.014584248423498673 0.01613203365503937 0.09197351000060393 0.3241412947319197 0.49130209973846456 0.8132414278992288 0.9571854544326368 1.190901024395502 1.2156655881001708 1.2590035745833543 1.1630408902277432 +41607,0.7219220992382397,2,0.07649565768517935 0.04708773828587971 0.008393107497327084 -0.017919241438882367 -0.04268380514355992 -0.056613872227435 -0.030301523291225544 0.0037497518027049923 0.014584248423498673 0.01613203365503937 0.09197351000060393 0.3241412947319197 0.49130209973846456 0.8132414278992288 0.9571854544326368 1.190901024395502 1.2156655881001708 1.2590035745833543 1.1630408902277432 0.8736050519293688 +41608,0.46189418033916496,2,0.04708773828587971 0.008393107497327084 -0.017919241438882367 -0.04268380514355992 -0.056613872227435 -0.030301523291225544 0.0037497518027049923 0.014584248423498673 0.01613203365503937 0.09197351000060393 0.3241412947319197 0.49130209973846456 0.8132414278992288 0.9571854544326368 1.190901024395502 1.2156655881001708 1.2590035745833543 1.1630408902277432 0.8736050519293688 0.7219220992382397 +41609,0.24056089222864285,2,0.008393107497327084 -0.017919241438882367 -0.04268380514355992 -0.056613872227435 -0.030301523291225544 0.0037497518027049923 0.014584248423498673 0.01613203365503937 0.09197351000060393 0.3241412947319197 0.49130209973846456 0.8132414278992288 0.9571854544326368 1.190901024395502 1.2156655881001708 1.2590035745833543 1.1630408902277432 0.8736050519293688 0.7219220992382397 0.46189418033916496 +41610,0.15233713403074392,2,-0.017919241438882367 -0.04268380514355992 -0.056613872227435 -0.030301523291225544 0.0037497518027049923 0.014584248423498673 0.01613203365503937 0.09197351000060393 0.3241412947319197 0.49130209973846456 0.8132414278992288 0.9571854544326368 1.190901024395502 1.2156655881001708 1.2590035745833543 1.1630408902277432 0.8736050519293688 0.7219220992382397 0.46189418033916496 0.24056089222864285 +41611,0.09971243615831621,2,-0.04268380514355992 -0.056613872227435 -0.030301523291225544 0.0037497518027049923 0.014584248423498673 0.01613203365503937 0.09197351000060393 0.3241412947319197 0.49130209973846456 0.8132414278992288 0.9571854544326368 1.190901024395502 1.2156655881001708 1.2590035745833543 1.1630408902277432 0.8736050519293688 0.7219220992382397 0.46189418033916496 0.24056089222864285 0.15233713403074392 +41612,0.07494787245363867,2,-0.056613872227435 -0.030301523291225544 0.0037497518027049923 0.014584248423498673 0.01613203365503937 0.09197351000060393 0.3241412947319197 0.49130209973846456 0.8132414278992288 0.9571854544326368 1.190901024395502 1.2156655881001708 1.2590035745833543 1.1630408902277432 0.8736050519293688 0.7219220992382397 0.46189418033916496 0.24056089222864285 0.15233713403074392 0.09971243615831621 +41613,0.02232317458121096,2,-0.030301523291225544 0.0037497518027049923 0.014584248423498673 0.01613203365503937 0.09197351000060393 0.3241412947319197 0.49130209973846456 0.8132414278992288 0.9571854544326368 1.190901024395502 1.2156655881001708 1.2590035745833543 1.1630408902277432 0.8736050519293688 0.7219220992382397 0.46189418033916496 0.24056089222864285 0.15233713403074392 0.09971243615831621 0.07494787245363867 +41614,-0.07828286546903115,2,0.0037497518027049923 0.014584248423498673 0.01613203365503937 0.09197351000060393 0.3241412947319197 0.49130209973846456 0.8132414278992288 0.9571854544326368 1.190901024395502 1.2156655881001708 1.2590035745833543 1.1630408902277432 0.8736050519293688 0.7219220992382397 0.46189418033916496 0.24056089222864285 0.15233713403074392 0.09971243615831621 0.07494787245363867 0.02232317458121096 +41615,-0.02875373805967605,2,0.014584248423498673 0.01613203365503937 0.09197351000060393 0.3241412947319197 0.49130209973846456 0.8132414278992288 0.9571854544326368 1.190901024395502 1.2156655881001708 1.2590035745833543 1.1630408902277432 0.8736050519293688 0.7219220992382397 0.46189418033916496 0.24056089222864285 0.15233713403074392 0.09971243615831621 0.07494787245363867 0.02232317458121096 -0.07828286546903115 +41616,-0.12162085195220587,2,0.01613203365503937 0.09197351000060393 0.3241412947319197 0.49130209973846456 0.8132414278992288 0.9571854544326368 1.190901024395502 1.2156655881001708 1.2590035745833543 1.1630408902277432 0.8736050519293688 0.7219220992382397 0.46189418033916496 0.24056089222864285 0.15233713403074392 0.09971243615831621 0.07494787245363867 0.02232317458121096 -0.07828286546903115 -0.02875373805967605 +41617,-0.03649266421738833,2,0.09197351000060393 0.3241412947319197 0.49130209973846456 0.8132414278992288 0.9571854544326368 1.190901024395502 1.2156655881001708 1.2590035745833543 1.1630408902277432 0.8736050519293688 0.7219220992382397 0.46189418033916496 0.24056089222864285 0.15233713403074392 0.09971243615831621 0.07494787245363867 0.02232317458121096 -0.07828286546903115 -0.02875373805967605 -0.12162085195220587 +41618,-0.01637145620734167,2,0.3241412947319197 0.49130209973846456 0.8132414278992288 0.9571854544326368 1.190901024395502 1.2156655881001708 1.2590035745833543 1.1630408902277432 0.8736050519293688 0.7219220992382397 0.46189418033916496 0.24056089222864285 0.15233713403074392 0.09971243615831621 0.07494787245363867 0.02232317458121096 -0.07828286546903115 -0.02875373805967605 -0.12162085195220587 -0.03649266421738833 +41619,-0.019467026670423066,2,0.49130209973846456 0.8132414278992288 0.9571854544326368 1.190901024395502 1.2156655881001708 1.2590035745833543 1.1630408902277432 0.8736050519293688 0.7219220992382397 0.46189418033916496 0.24056089222864285 0.15233713403074392 0.09971243615831621 0.07494787245363867 0.02232317458121096 -0.07828286546903115 -0.02875373805967605 -0.12162085195220587 -0.03649266421738833 -0.01637145620734167 +41620,0.06875673152747587,2,0.8132414278992288 0.9571854544326368 1.190901024395502 1.2156655881001708 1.2590035745833543 1.1630408902277432 0.8736050519293688 0.7219220992382397 0.46189418033916496 0.24056089222864285 0.15233713403074392 0.09971243615831621 0.07494787245363867 0.02232317458121096 -0.07828286546903115 -0.02875373805967605 -0.12162085195220587 -0.03649266421738833 -0.01637145620734167 -0.019467026670423066 +41621,0.20186626144009023,2,0.9571854544326368 1.190901024395502 1.2156655881001708 1.2590035745833543 1.1630408902277432 0.8736050519293688 0.7219220992382397 0.46189418033916496 0.24056089222864285 0.15233713403074392 0.09971243615831621 0.07494787245363867 0.02232317458121096 -0.07828286546903115 -0.02875373805967605 -0.12162085195220587 -0.03649266421738833 -0.01637145620734167 -0.019467026670423066 0.06875673152747587 +41622,0.3953394153828534,2,1.190901024395502 1.2156655881001708 1.2590035745833543 1.1630408902277432 0.8736050519293688 0.7219220992382397 0.46189418033916496 0.24056089222864285 0.15233713403074392 0.09971243615831621 0.07494787245363867 0.02232317458121096 -0.07828286546903115 -0.02875373805967605 -0.12162085195220587 -0.03649266421738833 -0.01637145620734167 -0.019467026670423066 0.06875673152747587 0.20186626144009023 +41623,0.5547612942316947,2,1.2156655881001708 1.2590035745833543 1.1630408902277432 0.8736050519293688 0.7219220992382397 0.46189418033916496 0.24056089222864285 0.15233713403074392 0.09971243615831621 0.07494787245363867 0.02232317458121096 -0.07828286546903115 -0.02875373805967605 -0.12162085195220587 -0.03649266421738833 -0.01637145620734167 -0.019467026670423066 0.06875673152747587 0.20186626144009023 0.3953394153828534 +41624,0.7745467971106762,2,1.2590035745833543 1.1630408902277432 0.8736050519293688 0.7219220992382397 0.46189418033916496 0.24056089222864285 0.15233713403074392 0.09971243615831621 0.07494787245363867 0.02232317458121096 -0.07828286546903115 -0.02875373805967605 -0.12162085195220587 -0.03649266421738833 -0.01637145620734167 -0.019467026670423066 0.06875673152747587 0.20186626144009023 0.3953394153828534 0.5547612942316947 +41625,0.9293253202648867,2,1.1630408902277432 0.8736050519293688 0.7219220992382397 0.46189418033916496 0.24056089222864285 0.15233713403074392 0.09971243615831621 0.07494787245363867 0.02232317458121096 -0.07828286546903115 -0.02875373805967605 -0.12162085195220587 -0.03649266421738833 -0.01637145620734167 -0.019467026670423066 0.06875673152747587 0.20186626144009023 0.3953394153828534 0.5547612942316947 0.7745467971106762 +41626,1.025288004620498,2,0.8736050519293688 0.7219220992382397 0.46189418033916496 0.24056089222864285 0.15233713403074392 0.09971243615831621 0.07494787245363867 0.02232317458121096 -0.07828286546903115 -0.02875373805967605 -0.12162085195220587 -0.03649266421738833 -0.01637145620734167 -0.019467026670423066 0.06875673152747587 0.20186626144009023 0.3953394153828534 0.5547612942316947 0.7745467971106762 0.9293253202648867 +41627,1.0562437092513381,2,0.7219220992382397 0.46189418033916496 0.24056089222864285 0.15233713403074392 0.09971243615831621 0.07494787245363867 0.02232317458121096 -0.07828286546903115 -0.02875373805967605 -0.12162085195220587 -0.03649266421738833 -0.01637145620734167 -0.019467026670423066 0.06875673152747587 0.20186626144009023 0.3953394153828534 0.5547612942316947 0.7745467971106762 0.9293253202648867 1.025288004620498 +41628,1.016001293231245,2,0.46189418033916496 0.24056089222864285 0.15233713403074392 0.09971243615831621 0.07494787245363867 0.02232317458121096 -0.07828286546903115 -0.02875373805967605 -0.12162085195220587 -0.03649266421738833 -0.01637145620734167 -0.019467026670423066 0.06875673152747587 0.20186626144009023 0.3953394153828534 0.5547612942316947 0.7745467971106762 0.9293253202648867 1.025288004620498 1.0562437092513381 +41629,0.8736050519293688,2,0.24056089222864285 0.15233713403074392 0.09971243615831621 0.07494787245363867 0.02232317458121096 -0.07828286546903115 -0.02875373805967605 -0.12162085195220587 -0.03649266421738833 -0.01637145620734167 -0.019467026670423066 0.06875673152747587 0.20186626144009023 0.3953394153828534 0.5547612942316947 0.7745467971106762 0.9293253202648867 1.025288004620498 1.0562437092513381 1.016001293231245 +41630,0.7064442469228239,2,0.15233713403074392 0.09971243615831621 0.07494787245363867 0.02232317458121096 -0.07828286546903115 -0.02875373805967605 -0.12162085195220587 -0.03649266421738833 -0.01637145620734167 -0.019467026670423066 0.06875673152747587 0.20186626144009023 0.3953394153828534 0.5547612942316947 0.7745467971106762 0.9293253202648867 1.025288004620498 1.0562437092513381 1.016001293231245 0.8736050519293688 +41631,0.4835631735807611,2,0.09971243615831621 0.07494787245363867 0.02232317458121096 -0.07828286546903115 -0.02875373805967605 -0.12162085195220587 -0.03649266421738833 -0.01637145620734167 -0.019467026670423066 0.06875673152747587 0.20186626144009023 0.3953394153828534 0.5547612942316947 0.7745467971106762 0.9293253202648867 1.025288004620498 1.0562437092513381 1.016001293231245 0.8736050519293688 0.7064442469228239 +41632,0.25139538884944534,2,0.07494787245363867 0.02232317458121096 -0.07828286546903115 -0.02875373805967605 -0.12162085195220587 -0.03649266421738833 -0.01637145620734167 -0.019467026670423066 0.06875673152747587 0.20186626144009023 0.3953394153828534 0.5547612942316947 0.7745467971106762 0.9293253202648867 1.025288004620498 1.0562437092513381 1.016001293231245 0.8736050519293688 0.7064442469228239 0.4835631735807611 +41633,0.1074513623160285,2,0.02232317458121096 -0.07828286546903115 -0.02875373805967605 -0.12162085195220587 -0.03649266421738833 -0.01637145620734167 -0.019467026670423066 0.06875673152747587 0.20186626144009023 0.3953394153828534 0.5547612942316947 0.7745467971106762 0.9293253202648867 1.025288004620498 1.0562437092513381 1.016001293231245 0.8736050519293688 0.7064442469228239 0.4835631735807611 0.25139538884944534 +41634,0.08578236907443235,2,-0.07828286546903115 -0.02875373805967605 -0.12162085195220587 -0.03649266421738833 -0.01637145620734167 -0.019467026670423066 0.06875673152747587 0.20186626144009023 0.3953394153828534 0.5547612942316947 0.7745467971106762 0.9293253202648867 1.025288004620498 1.0562437092513381 1.016001293231245 0.8736050519293688 0.7064442469228239 0.4835631735807611 0.25139538884944534 0.1074513623160285 +41635,0.033157671202004635,2,-0.02875373805967605 -0.12162085195220587 -0.03649266421738833 -0.01637145620734167 -0.019467026670423066 0.06875673152747587 0.20186626144009023 0.3953394153828534 0.5547612942316947 0.7745467971106762 0.9293253202648867 1.025288004620498 1.0562437092513381 1.016001293231245 0.8736050519293688 0.7064442469228239 0.4835631735807611 0.25139538884944534 0.1074513623160285 0.08578236907443235 +41636,0.08578236907443235,2,-0.12162085195220587 -0.03649266421738833 -0.01637145620734167 -0.019467026670423066 0.06875673152747587 0.20186626144009023 0.3953394153828534 0.5547612942316947 0.7745467971106762 0.9293253202648867 1.025288004620498 1.0562437092513381 1.016001293231245 0.8736050519293688 0.7064442469228239 0.4835631735807611 0.25139538884944534 0.1074513623160285 0.08578236907443235 0.033157671202004635 +41637,0.033157671202004635,2,-0.03649266421738833 -0.01637145620734167 -0.019467026670423066 0.06875673152747587 0.20186626144009023 0.3953394153828534 0.5547612942316947 0.7745467971106762 0.9293253202648867 1.025288004620498 1.0562437092513381 1.016001293231245 0.8736050519293688 0.7064442469228239 0.4835631735807611 0.25139538884944534 0.1074513623160285 0.08578236907443235 0.033157671202004635 0.08578236907443235 +41638,0.03542721623758854,2,-0.01637145620734167 -0.019467026670423066 0.06875673152747587 0.20186626144009023 0.3953394153828534 0.5547612942316947 0.7745467971106762 0.9293253202648867 1.025288004620498 1.0562437092513381 1.016001293231245 0.8736050519293688 0.7064442469228239 0.4835631735807611 0.25139538884944534 0.1074513623160285 0.08578236907443235 0.033157671202004635 0.08578236907443235 0.033157671202004635 +41639,0.0379748814084256,2,-0.019467026670423066 0.06875673152747587 0.20186626144009023 0.3953394153828534 0.5547612942316947 0.7745467971106762 0.9293253202648867 1.025288004620498 1.0562437092513381 1.016001293231245 0.8736050519293688 0.7064442469228239 0.4835631735807611 0.25139538884944534 0.1074513623160285 0.08578236907443235 0.033157671202004635 0.08578236907443235 0.033157671202004635 0.03542721623758854 +41640,0.04052254657926267,2,0.06875673152747587 0.20186626144009023 0.3953394153828534 0.5547612942316947 0.7745467971106762 0.9293253202648867 1.025288004620498 1.0562437092513381 1.016001293231245 0.8736050519293688 0.7064442469228239 0.4835631735807611 0.25139538884944534 0.1074513623160285 0.08578236907443235 0.033157671202004635 0.08578236907443235 0.033157671202004635 0.03542721623758854 0.0379748814084256 +41641,0.043070211750099736,2,0.20186626144009023 0.3953394153828534 0.5547612942316947 0.7745467971106762 0.9293253202648867 1.025288004620498 1.0562437092513381 1.016001293231245 0.8736050519293688 0.7064442469228239 0.4835631735807611 0.25139538884944534 0.1074513623160285 0.08578236907443235 0.033157671202004635 0.08578236907443235 0.033157671202004635 0.03542721623758854 0.0379748814084256 0.04052254657926267 +41642,0.04708773828587971,2,0.3953394153828534 0.5547612942316947 0.7745467971106762 0.9293253202648867 1.025288004620498 1.0562437092513381 1.016001293231245 0.8736050519293688 0.7064442469228239 0.4835631735807611 0.25139538884944534 0.1074513623160285 0.08578236907443235 0.033157671202004635 0.08578236907443235 0.033157671202004635 0.03542721623758854 0.0379748814084256 0.04052254657926267 0.043070211750099736 +41643,-0.008632530049629385,2,0.5547612942316947 0.7745467971106762 0.9293253202648867 1.025288004620498 1.0562437092513381 1.016001293231245 0.8736050519293688 0.7064442469228239 0.4835631735807611 0.25139538884944534 0.1074513623160285 0.08578236907443235 0.033157671202004635 0.08578236907443235 0.033157671202004635 0.03542721623758854 0.0379748814084256 0.04052254657926267 0.043070211750099736 0.04708773828587971 +41644,0.14305042264149093,2,0.7745467971106762 0.9293253202648867 1.025288004620498 1.0562437092513381 1.016001293231245 0.8736050519293688 0.7064442469228239 0.4835631735807611 0.25139538884944534 0.1074513623160285 0.08578236907443235 0.033157671202004635 0.08578236907443235 0.033157671202004635 0.03542721623758854 0.0379748814084256 0.04052254657926267 0.043070211750099736 0.04708773828587971 -0.008632530049629385 +41645,0.2746121673225734,2,0.9293253202648867 1.025288004620498 1.0562437092513381 1.016001293231245 0.8736050519293688 0.7064442469228239 0.4835631735807611 0.25139538884944534 0.1074513623160285 0.08578236907443235 0.033157671202004635 0.08578236907443235 0.033157671202004635 0.03542721623758854 0.0379748814084256 0.04052254657926267 0.043070211750099736 0.04708773828587971 -0.008632530049629385 0.14305042264149093 +41646,0.5114233077485113,2,1.025288004620498 1.0562437092513381 1.016001293231245 0.8736050519293688 0.7064442469228239 0.4835631735807611 0.25139538884944534 0.1074513623160285 0.08578236907443235 0.033157671202004635 0.08578236907443235 0.033157671202004635 0.03542721623758854 0.0379748814084256 0.04052254657926267 0.043070211750099736 0.04708773828587971 -0.008632530049629385 0.14305042264149093 0.2746121673225734 +41647,0.7358521663221236,2,1.0562437092513381 1.016001293231245 0.8736050519293688 0.7064442469228239 0.4835631735807611 0.25139538884944534 0.1074513623160285 0.08578236907443235 0.033157671202004635 0.08578236907443235 0.033157671202004635 0.03542721623758854 0.0379748814084256 0.04052254657926267 0.043070211750099736 0.04708773828587971 -0.008632530049629385 0.14305042264149093 0.2746121673225734 0.5114233077485113 +41648,0.9958800852211894,2,1.016001293231245 0.8736050519293688 0.7064442469228239 0.4835631735807611 0.25139538884944534 0.1074513623160285 0.08578236907443235 0.033157671202004635 0.08578236907443235 0.033157671202004635 0.03542721623758854 0.0379748814084256 0.04052254657926267 0.043070211750099736 0.04708773828587971 -0.008632530049629385 0.14305042264149093 0.2746121673225734 0.5114233077485113 0.7358521663221236 +41649,1.1800665277747084,2,0.8736050519293688 0.7064442469228239 0.4835631735807611 0.25139538884944534 0.1074513623160285 0.08578236907443235 0.033157671202004635 0.08578236907443235 0.033157671202004635 0.03542721623758854 0.0379748814084256 0.04052254657926267 0.043070211750099736 0.04708773828587971 -0.008632530049629385 0.14305042264149093 0.2746121673225734 0.5114233077485113 0.7358521663221236 0.9958800852211894 +41650,1.325558339539666,2,0.7064442469228239 0.4835631735807611 0.25139538884944534 0.1074513623160285 0.08578236907443235 0.033157671202004635 0.08578236907443235 0.033157671202004635 0.03542721623758854 0.0379748814084256 0.04052254657926267 0.043070211750099736 0.04708773828587971 -0.008632530049629385 0.14305042264149093 0.2746121673225734 0.5114233077485113 0.7358521663221236 0.9958800852211894 1.1800665277747084 +41651,1.4431900171368646,2,0.4835631735807611 0.25139538884944534 0.1074513623160285 0.08578236907443235 0.033157671202004635 0.08578236907443235 0.033157671202004635 0.03542721623758854 0.0379748814084256 0.04052254657926267 0.043070211750099736 0.04708773828587971 -0.008632530049629385 0.14305042264149093 0.2746121673225734 0.5114233077485113 0.7358521663221236 0.9958800852211894 1.1800665277747084 1.325558339539666 +41652,1.4339033057476116,2,0.25139538884944534 0.1074513623160285 0.08578236907443235 0.033157671202004635 0.08578236907443235 0.033157671202004635 0.03542721623758854 0.0379748814084256 0.04052254657926267 0.043070211750099736 0.04708773828587971 -0.008632530049629385 0.14305042264149093 0.2746121673225734 0.5114233077485113 0.7358521663221236 0.9958800852211894 1.1800665277747084 1.325558339539666 1.4431900171368646 +41653,1.3518706884758753,2,0.1074513623160285 0.08578236907443235 0.033157671202004635 0.08578236907443235 0.033157671202004635 0.03542721623758854 0.0379748814084256 0.04052254657926267 0.043070211750099736 0.04708773828587971 -0.008632530049629385 0.14305042264149093 0.2746121673225734 0.5114233077485113 0.7358521663221236 0.9958800852211894 1.1800665277747084 1.325558339539666 1.4431900171368646 1.4339033057476116 +41654,1.1243462594391904,2,0.08578236907443235 0.033157671202004635 0.08578236907443235 0.033157671202004635 0.03542721623758854 0.0379748814084256 0.04052254657926267 0.043070211750099736 0.04708773828587971 -0.008632530049629385 0.14305042264149093 0.2746121673225734 0.5114233077485113 0.7358521663221236 0.9958800852211894 1.1800665277747084 1.325558339539666 1.4431900171368646 1.4339033057476116 1.3518706884758753 +41655,0.8116936426676793,2,0.033157671202004635 0.08578236907443235 0.033157671202004635 0.03542721623758854 0.0379748814084256 0.04052254657926267 0.043070211750099736 0.04708773828587971 -0.008632530049629385 0.14305042264149093 0.2746121673225734 0.5114233077485113 0.7358521663221236 0.9958800852211894 1.1800665277747084 1.325558339539666 1.4431900171368646 1.4339033057476116 1.3518706884758753 1.1243462594391904 +41656,0.5748825022417414,2,0.08578236907443235 0.033157671202004635 0.03542721623758854 0.0379748814084256 0.04052254657926267 0.043070211750099736 0.04708773828587971 -0.008632530049629385 0.14305042264149093 0.2746121673225734 0.5114233077485113 0.7358521663221236 0.9958800852211894 1.1800665277747084 1.325558339539666 1.4431900171368646 1.4339033057476116 1.3518706884758753 1.1243462594391904 0.8116936426676793 +41657,0.3334280061211727,2,0.033157671202004635 0.03542721623758854 0.0379748814084256 0.04052254657926267 0.043070211750099736 0.04708773828587971 -0.008632530049629385 0.14305042264149093 0.2746121673225734 0.5114233077485113 0.7358521663221236 0.9958800852211894 1.1800665277747084 1.325558339539666 1.4431900171368646 1.4339033057476116 1.3518706884758753 1.1243462594391904 0.8116936426676793 0.5748825022417414 +41658,0.19103176481929654,2,0.03542721623758854 0.0379748814084256 0.04052254657926267 0.043070211750099736 0.04708773828587971 -0.008632530049629385 0.14305042264149093 0.2746121673225734 0.5114233077485113 0.7358521663221236 0.9958800852211894 1.1800665277747084 1.325558339539666 1.4431900171368646 1.4339033057476116 1.3518706884758753 1.1243462594391904 0.8116936426676793 0.5748825022417414 0.3334280061211727 +41659,0.13840706694686883,2,0.0379748814084256 0.04052254657926267 0.043070211750099736 0.04708773828587971 -0.008632530049629385 0.14305042264149093 0.2746121673225734 0.5114233077485113 0.7358521663221236 0.9958800852211894 1.1800665277747084 1.325558339539666 1.4431900171368646 1.4339033057476116 1.3518706884758753 1.1243462594391904 0.8116936426676793 0.5748825022417414 0.3334280061211727 0.19103176481929654 +41660,0.0037497518027049923,2,0.04052254657926267 0.043070211750099736 0.04708773828587971 -0.008632530049629385 0.14305042264149093 0.2746121673225734 0.5114233077485113 0.7358521663221236 0.9958800852211894 1.1800665277747084 1.325558339539666 1.4431900171368646 1.4339033057476116 1.3518706884758753 1.1243462594391904 0.8116936426676793 0.5748825022417414 0.3334280061211727 0.19103176481929654 0.13840706694686883 +41661,-0.06590058361668798,2,0.043070211750099736 0.04708773828587971 -0.008632530049629385 0.14305042264149093 0.2746121673225734 0.5114233077485113 0.7358521663221236 0.9958800852211894 1.1800665277747084 1.325558339539666 1.4431900171368646 1.4339033057476116 1.3518706884758753 1.1243462594391904 0.8116936426676793 0.5748825022417414 0.3334280061211727 0.19103176481929654 0.13840706694686883 0.0037497518027049923 +41662,-0.04268380514355992,2,0.04708773828587971 -0.008632530049629385 0.14305042264149093 0.2746121673225734 0.5114233077485113 0.7358521663221236 0.9958800852211894 1.1800665277747084 1.325558339539666 1.4431900171368646 1.4339033057476116 1.3518706884758753 1.1243462594391904 0.8116936426676793 0.5748825022417414 0.3334280061211727 0.19103176481929654 0.13840706694686883 0.0037497518027049923 -0.06590058361668798 +41663,-0.06899615407977817,2,-0.008632530049629385 0.14305042264149093 0.2746121673225734 0.5114233077485113 0.7358521663221236 0.9958800852211894 1.1800665277747084 1.325558339539666 1.4431900171368646 1.4339033057476116 1.3518706884758753 1.1243462594391904 0.8116936426676793 0.5748825022417414 0.3334280061211727 0.19103176481929654 0.13840706694686883 0.0037497518027049923 -0.06590058361668798 -0.04268380514355992 +41664,-0.09530850301598763,2,0.14305042264149093 0.2746121673225734 0.5114233077485113 0.7358521663221236 0.9958800852211894 1.1800665277747084 1.325558339539666 1.4431900171368646 1.4339033057476116 1.3518706884758753 1.1243462594391904 0.8116936426676793 0.5748825022417414 0.3334280061211727 0.19103176481929654 0.13840706694686883 0.0037497518027049923 -0.06590058361668798 -0.04268380514355992 -0.06899615407977817 +41665,-0.1076907848683308,2,0.2746121673225734 0.5114233077485113 0.7358521663221236 0.9958800852211894 1.1800665277747084 1.325558339539666 1.4431900171368646 1.4339033057476116 1.3518706884758753 1.1243462594391904 0.8116936426676793 0.5748825022417414 0.3334280061211727 0.19103176481929654 0.13840706694686883 0.0037497518027049923 -0.06590058361668798 -0.04268380514355992 -0.06899615407977817 -0.09530850301598763 +41666,-0.056613872227435,2,0.5114233077485113 0.7358521663221236 0.9958800852211894 1.1800665277747084 1.325558339539666 1.4431900171368646 1.4339033057476116 1.3518706884758753 1.1243462594391904 0.8116936426676793 0.5748825022417414 0.3334280061211727 0.19103176481929654 0.13840706694686883 0.0037497518027049923 -0.06590058361668798 -0.04268380514355992 -0.06899615407977817 -0.09530850301598763 -0.1076907848683308 +41667,-0.04113601991201923,2,0.7358521663221236 0.9958800852211894 1.1800665277747084 1.325558339539666 1.4431900171368646 1.4339033057476116 1.3518706884758753 1.1243462594391904 0.8116936426676793 0.5748825022417414 0.3334280061211727 0.19103176481929654 0.13840706694686883 0.0037497518027049923 -0.06590058361668798 -0.04268380514355992 -0.06899615407977817 -0.09530850301598763 -0.1076907848683308 -0.056613872227435 +41668,0.03625324166508603,2,0.9958800852211894 1.1800665277747084 1.325558339539666 1.4431900171368646 1.4339033057476116 1.3518706884758753 1.1243462594391904 0.8116936426676793 0.5748825022417414 0.3334280061211727 0.19103176481929654 0.13840706694686883 0.0037497518027049923 -0.06590058361668798 -0.04268380514355992 -0.06899615407977817 -0.09530850301598763 -0.1076907848683308 -0.056613872227435 -0.04113601991201923 +41669,0.3566447845943007,2,1.1800665277747084 1.325558339539666 1.4431900171368646 1.4339033057476116 1.3518706884758753 1.1243462594391904 0.8116936426676793 0.5748825022417414 0.3334280061211727 0.19103176481929654 0.13840706694686883 0.0037497518027049923 -0.06590058361668798 -0.04268380514355992 -0.06899615407977817 -0.09530850301598763 -0.1076907848683308 -0.056613872227435 -0.04113601991201923 0.03625324166508603 +41670,0.590360354557166,2,1.325558339539666 1.4431900171368646 1.4339033057476116 1.3518706884758753 1.1243462594391904 0.8116936426676793 0.5748825022417414 0.3334280061211727 0.19103176481929654 0.13840706694686883 0.0037497518027049923 -0.06590058361668798 -0.04268380514355992 -0.06899615407977817 -0.09530850301598763 -0.1076907848683308 -0.056613872227435 -0.04113601991201923 0.03625324166508603 0.3566447845943007 +41671,0.9386120316541396,2,1.4431900171368646 1.4339033057476116 1.3518706884758753 1.1243462594391904 0.8116936426676793 0.5748825022417414 0.3334280061211727 0.19103176481929654 0.13840706694686883 0.0037497518027049923 -0.06590058361668798 -0.04268380514355992 -0.06899615407977817 -0.09530850301598763 -0.1076907848683308 -0.056613872227435 -0.04113601991201923 0.03625324166508603 0.3566447845943007 0.590360354557166 +41672,1.3425839770866224,2,1.4339033057476116 1.3518706884758753 1.1243462594391904 0.8116936426676793 0.5748825022417414 0.3334280061211727 0.19103176481929654 0.13840706694686883 0.0037497518027049923 -0.06590058361668798 -0.04268380514355992 -0.06899615407977817 -0.09530850301598763 -0.1076907848683308 -0.056613872227435 -0.04113601991201923 0.03625324166508603 0.3566447845943007 0.590360354557166 0.9386120316541396 +41673,1.5159359230193388,2,1.3518706884758753 1.1243462594391904 0.8116936426676793 0.5748825022417414 0.3334280061211727 0.19103176481929654 0.13840706694686883 0.0037497518027049923 -0.06590058361668798 -0.04268380514355992 -0.06899615407977817 -0.09530850301598763 -0.1076907848683308 -0.056613872227435 -0.04113601991201923 0.03625324166508603 0.3566447845943007 0.590360354557166 0.9386120316541396 1.3425839770866224 +41674,1.6970267951097677,2,1.1243462594391904 0.8116936426676793 0.5748825022417414 0.3334280061211727 0.19103176481929654 0.13840706694686883 0.0037497518027049923 -0.06590058361668798 -0.04268380514355992 -0.06899615407977817 -0.09530850301598763 -0.1076907848683308 -0.056613872227435 -0.04113601991201923 0.03625324166508603 0.3566447845943007 0.590360354557166 0.9386120316541396 1.3425839770866224 1.5159359230193388 +41675,1.816206257938507,2,0.8116936426676793 0.5748825022417414 0.3334280061211727 0.19103176481929654 0.13840706694686883 0.0037497518027049923 -0.06590058361668798 -0.04268380514355992 -0.06899615407977817 -0.09530850301598763 -0.1076907848683308 -0.056613872227435 -0.04113601991201923 0.03625324166508603 0.3566447845943007 0.590360354557166 0.9386120316541396 1.3425839770866224 1.5159359230193388 1.6970267951097677 +41676,1.8440663921062659,2,0.5748825022417414 0.3334280061211727 0.19103176481929654 0.13840706694686883 0.0037497518027049923 -0.06590058361668798 -0.04268380514355992 -0.06899615407977817 -0.09530850301598763 -0.1076907848683308 -0.056613872227435 -0.04113601991201923 0.03625324166508603 0.3566447845943007 0.590360354557166 0.9386120316541396 1.3425839770866224 1.5159359230193388 1.6970267951097677 1.816206257938507 +41677,1.7806071976130444,2,0.3334280061211727 0.19103176481929654 0.13840706694686883 0.0037497518027049923 -0.06590058361668798 -0.04268380514355992 -0.06899615407977817 -0.09530850301598763 -0.1076907848683308 -0.056613872227435 -0.04113601991201923 0.03625324166508603 0.3566447845943007 0.590360354557166 0.9386120316541396 1.3425839770866224 1.5159359230193388 1.6970267951097677 1.816206257938507 1.8440663921062659 +41678,1.6474976677004214,2,0.19103176481929654 0.13840706694686883 0.0037497518027049923 -0.06590058361668798 -0.04268380514355992 -0.06899615407977817 -0.09530850301598763 -0.1076907848683308 -0.056613872227435 -0.04113601991201923 0.03625324166508603 0.3566447845943007 0.590360354557166 0.9386120316541396 1.3425839770866224 1.5159359230193388 1.6970267951097677 1.816206257938507 1.8440663921062659 1.7806071976130444 +41679,1.4029476011167712,2,0.13840706694686883 0.0037497518027049923 -0.06590058361668798 -0.04268380514355992 -0.06899615407977817 -0.09530850301598763 -0.1076907848683308 -0.056613872227435 -0.04113601991201923 0.03625324166508603 0.3566447845943007 0.590360354557166 0.9386120316541396 1.3425839770866224 1.5159359230193388 1.6970267951097677 1.816206257938507 1.8440663921062659 1.7806071976130444 1.6474976677004214 +41680,1.0175490784627856,2,0.0037497518027049923 -0.06590058361668798 -0.04268380514355992 -0.06899615407977817 -0.09530850301598763 -0.1076907848683308 -0.056613872227435 -0.04113601991201923 0.03625324166508603 0.3566447845943007 0.590360354557166 0.9386120316541396 1.3425839770866224 1.5159359230193388 1.6970267951097677 1.816206257938507 1.8440663921062659 1.7806071976130444 1.6474976677004214 1.4029476011167712 +41681,0.7915724346576326,2,-0.06590058361668798 -0.04268380514355992 -0.06899615407977817 -0.09530850301598763 -0.1076907848683308 -0.056613872227435 -0.04113601991201923 0.03625324166508603 0.3566447845943007 0.590360354557166 0.9386120316541396 1.3425839770866224 1.5159359230193388 1.6970267951097677 1.816206257938507 1.8440663921062659 1.7806071976130444 1.6474976677004214 1.4029476011167712 1.0175490784627856 +41682,0.4758242474230488,2,-0.04268380514355992 -0.06899615407977817 -0.09530850301598763 -0.1076907848683308 -0.056613872227435 -0.04113601991201923 0.03625324166508603 0.3566447845943007 0.590360354557166 0.9386120316541396 1.3425839770866224 1.5159359230193388 1.6970267951097677 1.816206257938507 1.8440663921062659 1.7806071976130444 1.6474976677004214 1.4029476011167712 1.0175490784627856 0.7915724346576326 +41683,0.39688720061440286,2,-0.06899615407977817 -0.09530850301598763 -0.1076907848683308 -0.056613872227435 -0.04113601991201923 0.03625324166508603 0.3566447845943007 0.590360354557166 0.9386120316541396 1.3425839770866224 1.5159359230193388 1.6970267951097677 1.816206257938507 1.8440663921062659 1.7806071976130444 1.6474976677004214 1.4029476011167712 1.0175490784627856 0.7915724346576326 0.4758242474230488 +41684,0.3241412947319197,2,-0.09530850301598763 -0.1076907848683308 -0.056613872227435 -0.04113601991201923 0.03625324166508603 0.3566447845943007 0.590360354557166 0.9386120316541396 1.3425839770866224 1.5159359230193388 1.6970267951097677 1.816206257938507 1.8440663921062659 1.7806071976130444 1.6474976677004214 1.4029476011167712 1.0175490784627856 0.7915724346576326 0.4758242474230488 0.39688720061440286 +41685,0.20496183190318043,2,-0.1076907848683308 -0.056613872227435 -0.04113601991201923 0.03625324166508603 0.3566447845943007 0.590360354557166 0.9386120316541396 1.3425839770866224 1.5159359230193388 1.6970267951097677 1.816206257938507 1.8440663921062659 1.7806071976130444 1.6474976677004214 1.4029476011167712 1.0175490784627856 0.7915724346576326 0.4758242474230488 0.39688720061440286 0.3241412947319197 +41686,0.16626720111462778,2,-0.056613872227435 -0.04113601991201923 0.03625324166508603 0.3566447845943007 0.590360354557166 0.9386120316541396 1.3425839770866224 1.5159359230193388 1.6970267951097677 1.816206257938507 1.8440663921062659 1.7806071976130444 1.6474976677004214 1.4029476011167712 1.0175490784627856 0.7915724346576326 0.4758242474230488 0.39688720061440286 0.3241412947319197 0.20496183190318043 +41687,0.06101780536976358,2,-0.04113601991201923 0.03625324166508603 0.3566447845943007 0.590360354557166 0.9386120316541396 1.3425839770866224 1.5159359230193388 1.6970267951097677 1.816206257938507 1.8440663921062659 1.7806071976130444 1.6474976677004214 1.4029476011167712 1.0175490784627856 0.7915724346576326 0.4758242474230488 0.39688720061440286 0.3241412947319197 0.20496183190318043 0.16626720111462778 +41688,0.02232317458121096,2,0.03625324166508603 0.3566447845943007 0.590360354557166 0.9386120316541396 1.3425839770866224 1.5159359230193388 1.6970267951097677 1.816206257938507 1.8440663921062659 1.7806071976130444 1.6474976677004214 1.4029476011167712 1.0175490784627856 0.7915724346576326 0.4758242474230488 0.39688720061440286 0.3241412947319197 0.20496183190318043 0.16626720111462778 0.06101780536976358 +41689,0.00994089272887658,2,0.3566447845943007 0.590360354557166 0.9386120316541396 1.3425839770866224 1.5159359230193388 1.6970267951097677 1.816206257938507 1.8440663921062659 1.7806071976130444 1.6474976677004214 1.4029476011167712 1.0175490784627856 0.7915724346576326 0.4758242474230488 0.39688720061440286 0.3241412947319197 0.20496183190318043 0.16626720111462778 0.06101780536976358 0.02232317458121096 +41690,-0.01637145620734167,2,0.590360354557166 0.9386120316541396 1.3425839770866224 1.5159359230193388 1.6970267951097677 1.816206257938507 1.8440663921062659 1.7806071976130444 1.6474976677004214 1.4029476011167712 1.0175490784627856 0.7915724346576326 0.4758242474230488 0.39688720061440286 0.3241412947319197 0.20496183190318043 0.16626720111462778 0.06101780536976358 0.02232317458121096 0.00994089272887658 +41691,0.09197351000060393,2,0.9386120316541396 1.3425839770866224 1.5159359230193388 1.6970267951097677 1.816206257938507 1.8440663921062659 1.7806071976130444 1.6474976677004214 1.4029476011167712 1.0175490784627856 0.7915724346576326 0.4758242474230488 0.39688720061440286 0.3241412947319197 0.20496183190318043 0.16626720111462778 0.06101780536976358 0.02232317458121096 0.00994089272887658 -0.01637145620734167 +41692,0.34890585843659727,2,1.3425839770866224 1.5159359230193388 1.6970267951097677 1.816206257938507 1.8440663921062659 1.7806071976130444 1.6474976677004214 1.4029476011167712 1.0175490784627856 0.7915724346576326 0.4758242474230488 0.39688720061440286 0.3241412947319197 0.20496183190318043 0.16626720111462778 0.06101780536976358 0.02232317458121096 0.00994089272887658 -0.01637145620734167 0.09197351000060393 +41693,0.6677496161342713,2,1.5159359230193388 1.6970267951097677 1.816206257938507 1.8440663921062659 1.7806071976130444 1.6474976677004214 1.4029476011167712 1.0175490784627856 0.7915724346576326 0.4758242474230488 0.39688720061440286 0.3241412947319197 0.20496183190318043 0.16626720111462778 0.06101780536976358 0.02232317458121096 0.00994089272887658 -0.01637145620734167 0.09197351000060393 0.34890585843659727 +41694,1.016001293231245,2,1.6970267951097677 1.816206257938507 1.8440663921062659 1.7806071976130444 1.6474976677004214 1.4029476011167712 1.0175490784627856 0.7915724346576326 0.4758242474230488 0.39688720061440286 0.3241412947319197 0.20496183190318043 0.16626720111462778 0.06101780536976358 0.02232317458121096 0.00994089272887658 -0.01637145620734167 0.09197351000060393 0.34890585843659727 0.6677496161342713 +41695,1.3286539100027472,2,1.816206257938507 1.8440663921062659 1.7806071976130444 1.6474976677004214 1.4029476011167712 1.0175490784627856 0.7915724346576326 0.4758242474230488 0.39688720061440286 0.3241412947319197 0.20496183190318043 0.16626720111462778 0.06101780536976358 0.02232317458121096 0.00994089272887658 -0.01637145620734167 0.09197351000060393 0.34890585843659727 0.6677496161342713 1.016001293231245 +41696,1.588681828901822,2,1.8440663921062659 1.7806071976130444 1.6474976677004214 1.4029476011167712 1.0175490784627856 0.7915724346576326 0.4758242474230488 0.39688720061440286 0.3241412947319197 0.20496183190318043 0.16626720111462778 0.06101780536976358 0.02232317458121096 0.00994089272887658 -0.01637145620734167 0.09197351000060393 0.34890585843659727 0.6677496161342713 1.016001293231245 1.3286539100027472 +41697,1.7434603520560326,2,1.7806071976130444 1.6474976677004214 1.4029476011167712 1.0175490784627856 0.7915724346576326 0.4758242474230488 0.39688720061440286 0.3241412947319197 0.20496183190318043 0.16626720111462778 0.06101780536976358 0.02232317458121096 0.00994089272887658 -0.01637145620734167 0.09197351000060393 0.34890585843659727 0.6677496161342713 1.016001293231245 1.3286539100027472 1.588681828901822 +41698,1.88895216382099,2,1.6474976677004214 1.4029476011167712 1.0175490784627856 0.7915724346576326 0.4758242474230488 0.39688720061440286 0.3241412947319197 0.20496183190318043 0.16626720111462778 0.06101780536976358 0.02232317458121096 0.00994089272887658 -0.01637145620734167 0.09197351000060393 0.34890585843659727 0.6677496161342713 1.016001293231245 1.3286539100027472 1.588681828901822 1.7434603520560326 +41699,1.967889210629636,2,1.4029476011167712 1.0175490784627856 0.7915724346576326 0.4758242474230488 0.39688720061440286 0.3241412947319197 0.20496183190318043 0.16626720111462778 0.06101780536976358 0.02232317458121096 0.00994089272887658 -0.01637145620734167 0.09197351000060393 0.34890585843659727 0.6677496161342713 1.016001293231245 1.3286539100027472 1.588681828901822 1.7434603520560326 1.88895216382099 +41700,1.8812132376632777,2,1.0175490784627856 0.7915724346576326 0.4758242474230488 0.39688720061440286 0.3241412947319197 0.20496183190318043 0.16626720111462778 0.06101780536976358 0.02232317458121096 0.00994089272887658 -0.01637145620734167 0.09197351000060393 0.34890585843659727 0.6677496161342713 1.016001293231245 1.3286539100027472 1.588681828901822 1.7434603520560326 1.88895216382099 1.967889210629636 +41701,1.7171480031198143,2,0.7915724346576326 0.4758242474230488 0.39688720061440286 0.3241412947319197 0.20496183190318043 0.16626720111462778 0.06101780536976358 0.02232317458121096 0.00994089272887658 -0.01637145620734167 0.09197351000060393 0.34890585843659727 0.6677496161342713 1.016001293231245 1.3286539100027472 1.588681828901822 1.7434603520560326 1.88895216382099 1.967889210629636 1.8812132376632777 +41702,1.3750874669490123,2,0.4758242474230488 0.39688720061440286 0.3241412947319197 0.20496183190318043 0.16626720111462778 0.06101780536976358 0.02232317458121096 0.00994089272887658 -0.01637145620734167 0.09197351000060393 0.34890585843659727 0.6677496161342713 1.016001293231245 1.3286539100027472 1.588681828901822 1.7434603520560326 1.88895216382099 1.967889210629636 1.8812132376632777 1.7171480031198143 +41703,1.3596096146335876,2,0.39688720061440286 0.3241412947319197 0.20496183190318043 0.16626720111462778 0.06101780536976358 0.02232317458121096 0.00994089272887658 -0.01637145620734167 0.09197351000060393 0.34890585843659727 0.6677496161342713 1.016001293231245 1.3286539100027472 1.588681828901822 1.7434603520560326 1.88895216382099 1.967889210629636 1.8812132376632777 1.7171480031198143 1.3750874669490123 +41704,1.0454092126305445,2,0.3241412947319197 0.20496183190318043 0.16626720111462778 0.06101780536976358 0.02232317458121096 0.00994089272887658 -0.01637145620734167 0.09197351000060393 0.34890585843659727 0.6677496161342713 1.016001293231245 1.3286539100027472 1.588681828901822 1.7434603520560326 1.88895216382099 1.967889210629636 1.8812132376632777 1.7171480031198143 1.3750874669490123 1.3596096146335876 +41705,0.8596749848454849,2,0.20496183190318043 0.16626720111462778 0.06101780536976358 0.02232317458121096 0.00994089272887658 -0.01637145620734167 0.09197351000060393 0.34890585843659727 0.6677496161342713 1.016001293231245 1.3286539100027472 1.588681828901822 1.7434603520560326 1.88895216382099 1.967889210629636 1.8812132376632777 1.7171480031198143 1.3750874669490123 1.3596096146335876 1.0454092126305445 +41706,0.7048964616912744,2,0.16626720111462778 0.06101780536976358 0.02232317458121096 0.00994089272887658 -0.01637145620734167 0.09197351000060393 0.34890585843659727 0.6677496161342713 1.016001293231245 1.3286539100027472 1.588681828901822 1.7434603520560326 1.88895216382099 1.967889210629636 1.8812132376632777 1.7171480031198143 1.3750874669490123 1.3596096146335876 1.0454092126305445 0.8596749848454849 +41707,0.660010689976559,2,0.06101780536976358 0.02232317458121096 0.00994089272887658 -0.01637145620734167 0.09197351000060393 0.34890585843659727 0.6677496161342713 1.016001293231245 1.3286539100027472 1.588681828901822 1.7434603520560326 1.88895216382099 1.967889210629636 1.8812132376632777 1.7171480031198143 1.3750874669490123 1.3596096146335876 1.0454092126305445 0.8596749848454849 0.7048964616912744 +41708,0.5284489452954765,2,0.02232317458121096 0.00994089272887658 -0.01637145620734167 0.09197351000060393 0.34890585843659727 0.6677496161342713 1.016001293231245 1.3286539100027472 1.588681828901822 1.7434603520560326 1.88895216382099 1.967889210629636 1.8812132376632777 1.7171480031198143 1.3750874669490123 1.3596096146335876 1.0454092126305445 0.8596749848454849 0.7048964616912744 0.660010689976559 +41709,0.45570303941300216,2,0.00994089272887658 -0.01637145620734167 0.09197351000060393 0.34890585843659727 0.6677496161342713 1.016001293231245 1.3286539100027472 1.588681828901822 1.7434603520560326 1.88895216382099 1.967889210629636 1.8812132376632777 1.7171480031198143 1.3750874669490123 1.3596096146335876 1.0454092126305445 0.8596749848454849 0.7048964616912744 0.660010689976559 0.5284489452954765 +41710,0.36128814028893164,2,-0.01637145620734167 0.09197351000060393 0.34890585843659727 0.6677496161342713 1.016001293231245 1.3286539100027472 1.588681828901822 1.7434603520560326 1.88895216382099 1.967889210629636 1.8812132376632777 1.7171480031198143 1.3750874669490123 1.3596096146335876 1.0454092126305445 0.8596749848454849 0.7048964616912744 0.660010689976559 0.5284489452954765 0.45570303941300216 +41711,0.25603874454406744,2,0.09197351000060393 0.34890585843659727 0.6677496161342713 1.016001293231245 1.3286539100027472 1.588681828901822 1.7434603520560326 1.88895216382099 1.967889210629636 1.8812132376632777 1.7171480031198143 1.3750874669490123 1.3596096146335876 1.0454092126305445 0.8596749848454849 0.7048964616912744 0.660010689976559 0.5284489452954765 0.45570303941300216 0.36128814028893164 +41712,0.19103176481929654,2,0.34890585843659727 0.6677496161342713 1.016001293231245 1.3286539100027472 1.588681828901822 1.7434603520560326 1.88895216382099 1.967889210629636 1.8812132376632777 1.7171480031198143 1.3750874669490123 1.3596096146335876 1.0454092126305445 0.8596749848454849 0.7048964616912744 0.660010689976559 0.5284489452954765 0.45570303941300216 0.36128814028893164 0.25603874454406744 +41713,0.06101780536976358,2,0.6677496161342713 1.016001293231245 1.3286539100027472 1.588681828901822 1.7434603520560326 1.88895216382099 1.967889210629636 1.8812132376632777 1.7171480031198143 1.3750874669490123 1.3596096146335876 1.0454092126305445 0.8596749848454849 0.7048964616912744 0.660010689976559 0.5284489452954765 0.45570303941300216 0.36128814028893164 0.25603874454406744 0.19103176481929654 +41714,0.06101780536976358,2,1.016001293231245 1.3286539100027472 1.588681828901822 1.7434603520560326 1.88895216382099 1.967889210629636 1.8812132376632777 1.7171480031198143 1.3750874669490123 1.3596096146335876 1.0454092126305445 0.8596749848454849 0.7048964616912744 0.660010689976559 0.5284489452954765 0.45570303941300216 0.36128814028893164 0.25603874454406744 0.19103176481929654 0.06101780536976358 +41715,0.15388491926228462,2,1.3286539100027472 1.588681828901822 1.7434603520560326 1.88895216382099 1.967889210629636 1.8812132376632777 1.7171480031198143 1.3750874669490123 1.3596096146335876 1.0454092126305445 0.8596749848454849 0.7048964616912744 0.660010689976559 0.5284489452954765 0.45570303941300216 0.36128814028893164 0.25603874454406744 0.19103176481929654 0.06101780536976358 0.06101780536976358 +41716,0.45415525418145264,2,1.588681828901822 1.7434603520560326 1.88895216382099 1.967889210629636 1.8812132376632777 1.7171480031198143 1.3750874669490123 1.3596096146335876 1.0454092126305445 0.8596749848454849 0.7048964616912744 0.660010689976559 0.5284489452954765 0.45570303941300216 0.36128814028893164 0.25603874454406744 0.19103176481929654 0.06101780536976358 0.06101780536976358 0.15388491926228462 +41717,0.7637123004898737,2,1.7434603520560326 1.88895216382099 1.967889210629636 1.8812132376632777 1.7171480031198143 1.3750874669490123 1.3596096146335876 1.0454092126305445 0.8596749848454849 0.7048964616912744 0.660010689976559 0.5284489452954765 0.45570303941300216 0.36128814028893164 0.25603874454406744 0.19103176481929654 0.06101780536976358 0.06101780536976358 0.15388491926228462 0.45415525418145264 +41718,1.1011294809660537,2,1.88895216382099 1.967889210629636 1.8812132376632777 1.7171480031198143 1.3750874669490123 1.3596096146335876 1.0454092126305445 0.8596749848454849 0.7048964616912744 0.660010689976559 0.5284489452954765 0.45570303941300216 0.36128814028893164 0.25603874454406744 0.19103176481929654 0.06101780536976358 0.06101780536976358 0.15388491926228462 0.45415525418145264 0.7637123004898737 +41719,1.316271628150413,2,1.967889210629636 1.8812132376632777 1.7171480031198143 1.3750874669490123 1.3596096146335876 1.0454092126305445 0.8596749848454849 0.7048964616912744 0.660010689976559 0.5284489452954765 0.45570303941300216 0.36128814028893164 0.25603874454406744 0.19103176481929654 0.06101780536976358 0.06101780536976358 0.15388491926228462 0.45415525418145264 0.7637123004898737 1.1011294809660537 +41720,1.5499871981132693,2,1.8812132376632777 1.7171480031198143 1.3750874669490123 1.3596096146335876 1.0454092126305445 0.8596749848454849 0.7048964616912744 0.660010689976559 0.5284489452954765 0.45570303941300216 0.36128814028893164 0.25603874454406744 0.19103176481929654 0.06101780536976358 0.06101780536976358 0.15388491926228462 0.45415525418145264 0.7637123004898737 1.1011294809660537 1.316271628150413 +41721,1.7032179360359392,2,1.7171480031198143 1.3750874669490123 1.3596096146335876 1.0454092126305445 0.8596749848454849 0.7048964616912744 0.660010689976559 0.5284489452954765 0.45570303941300216 0.36128814028893164 0.25603874454406744 0.19103176481929654 0.06101780536976358 0.06101780536976358 0.15388491926228462 0.45415525418145264 0.7637123004898737 1.1011294809660537 1.316271628150413 1.5499871981132693 +41722,1.834779680717013,2,1.3750874669490123 1.3596096146335876 1.0454092126305445 0.8596749848454849 0.7048964616912744 0.660010689976559 0.5284489452954765 0.45570303941300216 0.36128814028893164 0.25603874454406744 0.19103176481929654 0.06101780536976358 0.06101780536976358 0.15388491926228462 0.45415525418145264 0.7637123004898737 1.1011294809660537 1.316271628150413 1.5499871981132693 1.7032179360359392 +41723,1.8904999490525307,2,1.3596096146335876 1.0454092126305445 0.8596749848454849 0.7048964616912744 0.660010689976559 0.5284489452954765 0.45570303941300216 0.36128814028893164 0.25603874454406744 0.19103176481929654 0.06101780536976358 0.06101780536976358 0.15388491926228462 0.45415525418145264 0.7637123004898737 1.1011294809660537 1.316271628150413 1.5499871981132693 1.7032179360359392 1.834779680717013 +41724,1.8316841102539314,2,1.0454092126305445 0.8596749848454849 0.7048964616912744 0.660010689976559 0.5284489452954765 0.45570303941300216 0.36128814028893164 0.25603874454406744 0.19103176481929654 0.06101780536976358 0.06101780536976358 0.15388491926228462 0.45415525418145264 0.7637123004898737 1.1011294809660537 1.316271628150413 1.5499871981132693 1.7032179360359392 1.834779680717013 1.8904999490525307 +41725,1.7527470634452855,2,0.8596749848454849 0.7048964616912744 0.660010689976559 0.5284489452954765 0.45570303941300216 0.36128814028893164 0.25603874454406744 0.19103176481929654 0.06101780536976358 0.06101780536976358 0.15388491926228462 0.45415525418145264 0.7637123004898737 1.1011294809660537 1.316271628150413 1.5499871981132693 1.7032179360359392 1.834779680717013 1.8904999490525307 1.8316841102539314 +41726,1.676905587099721,2,0.7048964616912744 0.660010689976559 0.5284489452954765 0.45570303941300216 0.36128814028893164 0.25603874454406744 0.19103176481929654 0.06101780536976358 0.06101780536976358 0.15388491926228462 0.45415525418145264 0.7637123004898737 1.1011294809660537 1.316271628150413 1.5499871981132693 1.7032179360359392 1.834779680717013 1.8904999490525307 1.8316841102539314 1.7527470634452855 +41727,1.4431900171368646,2,0.660010689976559 0.5284489452954765 0.45570303941300216 0.36128814028893164 0.25603874454406744 0.19103176481929654 0.06101780536976358 0.06101780536976358 0.15388491926228462 0.45415525418145264 0.7637123004898737 1.1011294809660537 1.316271628150413 1.5499871981132693 1.7032179360359392 1.834779680717013 1.8904999490525307 1.8316841102539314 1.7527470634452855 1.676905587099721 +41728,1.1614931049962025,2,0.5284489452954765 0.45570303941300216 0.36128814028893164 0.25603874454406744 0.19103176481929654 0.06101780536976358 0.06101780536976358 0.15388491926228462 0.45415525418145264 0.7637123004898737 1.1011294809660537 1.316271628150413 1.5499871981132693 1.7032179360359392 1.834779680717013 1.8904999490525307 1.8316841102539314 1.7527470634452855 1.676905587099721 1.4431900171368646 +41729,0.9138474679494621,2,0.45570303941300216 0.36128814028893164 0.25603874454406744 0.19103176481929654 0.06101780536976358 0.06101780536976358 0.15388491926228462 0.45415525418145264 0.7637123004898737 1.1011294809660537 1.316271628150413 1.5499871981132693 1.7032179360359392 1.834779680717013 1.8904999490525307 1.8316841102539314 1.7527470634452855 1.676905587099721 1.4431900171368646 1.1614931049962025 +41730,0.6429850524295937,2,0.36128814028893164 0.25603874454406744 0.19103176481929654 0.06101780536976358 0.06101780536976358 0.15388491926228462 0.45415525418145264 0.7637123004898737 1.1011294809660537 1.316271628150413 1.5499871981132693 1.7032179360359392 1.834779680717013 1.8904999490525307 1.8316841102539314 1.7527470634452855 1.676905587099721 1.4431900171368646 1.1614931049962025 0.9138474679494621 +41731,0.6460806228926751,2,0.25603874454406744 0.19103176481929654 0.06101780536976358 0.06101780536976358 0.15388491926228462 0.45415525418145264 0.7637123004898737 1.1011294809660537 1.316271628150413 1.5499871981132693 1.7032179360359392 1.834779680717013 1.8904999490525307 1.8316841102539314 1.7527470634452855 1.676905587099721 1.4431900171368646 1.1614931049962025 0.9138474679494621 0.6429850524295937 +41732,0.35819256982585024,2,0.19103176481929654 0.06101780536976358 0.06101780536976358 0.15388491926228462 0.45415525418145264 0.7637123004898737 1.1011294809660537 1.316271628150413 1.5499871981132693 1.7032179360359392 1.834779680717013 1.8904999490525307 1.8316841102539314 1.7527470634452855 1.676905587099721 1.4431900171368646 1.1614931049962025 0.9138474679494621 0.6429850524295937 0.6460806228926751 +41733,0.30092451625879163,2,0.06101780536976358 0.06101780536976358 0.15388491926228462 0.45415525418145264 0.7637123004898737 1.1011294809660537 1.316271628150413 1.5499871981132693 1.7032179360359392 1.834779680717013 1.8904999490525307 1.8316841102539314 1.7527470634452855 1.676905587099721 1.4431900171368646 1.1614931049962025 0.9138474679494621 0.6429850524295937 0.6460806228926751 0.35819256982585024 +41734,0.22972639560784916,2,0.06101780536976358 0.15388491926228462 0.45415525418145264 0.7637123004898737 1.1011294809660537 1.316271628150413 1.5499871981132693 1.7032179360359392 1.834779680717013 1.8904999490525307 1.8316841102539314 1.7527470634452855 1.676905587099721 1.4431900171368646 1.1614931049962025 0.9138474679494621 0.6429850524295937 0.6460806228926751 0.35819256982585024 0.30092451625879163 +41735,0.25449095931252674,2,0.15388491926228462 0.45415525418145264 0.7637123004898737 1.1011294809660537 1.316271628150413 1.5499871981132693 1.7032179360359392 1.834779680717013 1.8904999490525307 1.8316841102539314 1.7527470634452855 1.676905587099721 1.4431900171368646 1.1614931049962025 0.9138474679494621 0.6429850524295937 0.6460806228926751 0.35819256982585024 0.30092451625879163 0.22972639560784916 +41736,0.2157963285239741,2,0.45415525418145264 0.7637123004898737 1.1011294809660537 1.316271628150413 1.5499871981132693 1.7032179360359392 1.834779680717013 1.8904999490525307 1.8316841102539314 1.7527470634452855 1.676905587099721 1.4431900171368646 1.1614931049962025 0.9138474679494621 0.6429850524295937 0.6460806228926751 0.35819256982585024 0.30092451625879163 0.22972639560784916 0.25449095931252674 +41737,0.19103176481929654,2,0.7637123004898737 1.1011294809660537 1.316271628150413 1.5499871981132693 1.7032179360359392 1.834779680717013 1.8904999490525307 1.8316841102539314 1.7527470634452855 1.676905587099721 1.4431900171368646 1.1614931049962025 0.9138474679494621 0.6429850524295937 0.6460806228926751 0.35819256982585024 0.30092451625879163 0.22972639560784916 0.25449095931252674 0.2157963285239741 +41738,0.2157963285239741,2,1.1011294809660537 1.316271628150413 1.5499871981132693 1.7032179360359392 1.834779680717013 1.8904999490525307 1.8316841102539314 1.7527470634452855 1.676905587099721 1.4431900171368646 1.1614931049962025 0.9138474679494621 0.6429850524295937 0.6460806228926751 0.35819256982585024 0.30092451625879163 0.22972639560784916 0.25449095931252674 0.2157963285239741 0.19103176481929654 +41739,0.2854466639433671,2,1.316271628150413 1.5499871981132693 1.7032179360359392 1.834779680717013 1.8904999490525307 1.8316841102539314 1.7527470634452855 1.676905587099721 1.4431900171368646 1.1614931049962025 0.9138474679494621 0.6429850524295937 0.6460806228926751 0.35819256982585024 0.30092451625879163 0.22972639560784916 0.25449095931252674 0.2157963285239741 0.19103176481929654 0.2157963285239741 +41740,0.6476284081242158,2,1.5499871981132693 1.7032179360359392 1.834779680717013 1.8904999490525307 1.8316841102539314 1.7527470634452855 1.676905587099721 1.4431900171368646 1.1614931049962025 0.9138474679494621 0.6429850524295937 0.6460806228926751 0.35819256982585024 0.30092451625879163 0.22972639560784916 0.25449095931252674 0.2157963285239741 0.19103176481929654 0.2157963285239741 0.2854466639433671 +41741,0.9571854544326368,2,1.7032179360359392 1.834779680717013 1.8904999490525307 1.8316841102539314 1.7527470634452855 1.676905587099721 1.4431900171368646 1.1614931049962025 0.9138474679494621 0.6429850524295937 0.6460806228926751 0.35819256982585024 0.30092451625879163 0.22972639560784916 0.25449095931252674 0.2157963285239741 0.19103176481929654 0.2157963285239741 0.2854466639433671 0.6476284081242158 +41742,1.3054371315296105,2,1.834779680717013 1.8904999490525307 1.8316841102539314 1.7527470634452855 1.676905587099721 1.4431900171368646 1.1614931049962025 0.9138474679494621 0.6429850524295937 0.6460806228926751 0.35819256982585024 0.30092451625879163 0.22972639560784916 0.25449095931252674 0.2157963285239741 0.19103176481929654 0.2157963285239741 0.2854466639433671 0.6476284081242158 0.9571854544326368 +41743,1.534509345797845,2,1.8904999490525307 1.8316841102539314 1.7527470634452855 1.676905587099721 1.4431900171368646 1.1614931049962025 0.9138474679494621 0.6429850524295937 0.6460806228926751 0.35819256982585024 0.30092451625879163 0.22972639560784916 0.25449095931252674 0.2157963285239741 0.19103176481929654 0.2157963285239741 0.2854466639433671 0.6476284081242158 0.9571854544326368 1.3054371315296105 +41744,1.8518053182639782,2,1.8316841102539314 1.7527470634452855 1.676905587099721 1.4431900171368646 1.1614931049962025 0.9138474679494621 0.6429850524295937 0.6460806228926751 0.35819256982585024 0.30092451625879163 0.22972639560784916 0.25449095931252674 0.2157963285239741 0.19103176481929654 0.2157963285239741 0.2854466639433671 0.6476284081242158 0.9571854544326368 1.3054371315296105 1.534509345797845 +41745,1.9462202173880487,2,1.7527470634452855 1.676905587099721 1.4431900171368646 1.1614931049962025 0.9138474679494621 0.6429850524295937 0.6460806228926751 0.35819256982585024 0.30092451625879163 0.22972639560784916 0.25449095931252674 0.2157963285239741 0.19103176481929654 0.2157963285239741 0.2854466639433671 0.6476284081242158 0.9571854544326368 1.3054371315296105 1.534509345797845 1.8518053182639782 +41746,2.0808775325322126,2,1.676905587099721 1.4431900171368646 1.1614931049962025 0.9138474679494621 0.6429850524295937 0.6460806228926751 0.35819256982585024 0.30092451625879163 0.22972639560784916 0.25449095931252674 0.2157963285239741 0.19103176481929654 0.2157963285239741 0.2854466639433671 0.6476284081242158 0.9571854544326368 1.3054371315296105 1.534509345797845 1.8518053182639782 1.9462202173880487 +41747,2.0174183380389823,2,1.4431900171368646 1.1614931049962025 0.9138474679494621 0.6429850524295937 0.6460806228926751 0.35819256982585024 0.30092451625879163 0.22972639560784916 0.25449095931252674 0.2157963285239741 0.19103176481929654 0.2157963285239741 0.2854466639433671 0.6476284081242158 0.9571854544326368 1.3054371315296105 1.534509345797845 1.8518053182639782 1.9462202173880487 2.0808775325322126 +41748,1.986462633408142,2,1.1614931049962025 0.9138474679494621 0.6429850524295937 0.6460806228926751 0.35819256982585024 0.30092451625879163 0.22972639560784916 0.25449095931252674 0.2157963285239741 0.19103176481929654 0.2157963285239741 0.2854466639433671 0.6476284081242158 0.9571854544326368 1.3054371315296105 1.534509345797845 1.8518053182639782 1.9462202173880487 2.0808775325322126 2.0174183380389823 +41749,1.953959143545761,2,0.9138474679494621 0.6429850524295937 0.6460806228926751 0.35819256982585024 0.30092451625879163 0.22972639560784916 0.25449095931252674 0.2157963285239741 0.19103176481929654 0.2157963285239741 0.2854466639433671 0.6476284081242158 0.9571854544326368 1.3054371315296105 1.534509345797845 1.8518053182639782 1.9462202173880487 2.0808775325322126 2.0174183380389823 1.986462633408142 +41750,1.783702768076126,2,0.6429850524295937 0.6460806228926751 0.35819256982585024 0.30092451625879163 0.22972639560784916 0.25449095931252674 0.2157963285239741 0.19103176481929654 0.2157963285239741 0.2854466639433671 0.6476284081242158 0.9571854544326368 1.3054371315296105 1.534509345797845 1.8518053182639782 1.9462202173880487 2.0808775325322126 2.0174183380389823 1.986462633408142 1.953959143545761 +41751,1.588681828901822,2,0.6460806228926751 0.35819256982585024 0.30092451625879163 0.22972639560784916 0.25449095931252674 0.2157963285239741 0.19103176481929654 0.2157963285239741 0.2854466639433671 0.6476284081242158 0.9571854544326368 1.3054371315296105 1.534509345797845 1.8518053182639782 1.9462202173880487 2.0808775325322126 2.0174183380389823 1.986462633408142 1.953959143545761 1.783702768076126 +41752,1.3658007555597593,2,0.35819256982585024 0.30092451625879163 0.22972639560784916 0.25449095931252674 0.2157963285239741 0.19103176481929654 0.2157963285239741 0.2854466639433671 0.6476284081242158 0.9571854544326368 1.3054371315296105 1.534509345797845 1.8518053182639782 1.9462202173880487 2.0808775325322126 2.0174183380389823 1.986462633408142 1.953959143545761 1.783702768076126 1.588681828901822 +41753,1.002071226147361,2,0.30092451625879163 0.22972639560784916 0.25449095931252674 0.2157963285239741 0.19103176481929654 0.2157963285239741 0.2854466639433671 0.6476284081242158 0.9571854544326368 1.3054371315296105 1.534509345797845 1.8518053182639782 1.9462202173880487 2.0808775325322126 2.0174183380389823 1.986462633408142 1.953959143545761 1.783702768076126 1.588681828901822 1.3658007555597593 +41754,0.8240759245200224,2,0.22972639560784916 0.25449095931252674 0.2157963285239741 0.19103176481929654 0.2157963285239741 0.2854466639433671 0.6476284081242158 0.9571854544326368 1.3054371315296105 1.534509345797845 1.8518053182639782 1.9462202173880487 2.0808775325322126 2.0174183380389823 1.986462633408142 1.953959143545761 1.783702768076126 1.588681828901822 1.3658007555597593 1.002071226147361 +41755,0.7466866629429172,2,0.25449095931252674 0.2157963285239741 0.19103176481929654 0.2157963285239741 0.2854466639433671 0.6476284081242158 0.9571854544326368 1.3054371315296105 1.534509345797845 1.8518053182639782 1.9462202173880487 2.0808775325322126 2.0174183380389823 1.986462633408142 1.953959143545761 1.783702768076126 1.588681828901822 1.3658007555597593 1.002071226147361 0.8240759245200224 +41756,0.8132414278992288,2,0.2157963285239741 0.19103176481929654 0.2157963285239741 0.2854466639433671 0.6476284081242158 0.9571854544326368 1.3054371315296105 1.534509345797845 1.8518053182639782 1.9462202173880487 2.0808775325322126 2.0174183380389823 1.986462633408142 1.953959143545761 1.783702768076126 1.588681828901822 1.3658007555597593 1.002071226147361 0.8240759245200224 0.7466866629429172 +41757,0.6816796832181463,2,0.19103176481929654 0.2157963285239741 0.2854466639433671 0.6476284081242158 0.9571854544326368 1.3054371315296105 1.534509345797845 1.8518053182639782 1.9462202173880487 2.0808775325322126 2.0174183380389823 1.986462633408142 1.953959143545761 1.783702768076126 1.588681828901822 1.3658007555597593 1.002071226147361 0.8240759245200224 0.7466866629429172 0.8132414278992288 +41758,0.6027426364095004,2,0.2157963285239741 0.2854466639433671 0.6476284081242158 0.9571854544326368 1.3054371315296105 1.534509345797845 1.8518053182639782 1.9462202173880487 2.0808775325322126 2.0174183380389823 1.986462633408142 1.953959143545761 1.783702768076126 1.588681828901822 1.3658007555597593 1.002071226147361 0.8240759245200224 0.7466866629429172 0.8132414278992288 0.6816796832181463 +41759,0.6197682739564656,2,0.2854466639433671 0.6476284081242158 0.9571854544326368 1.3054371315296105 1.534509345797845 1.8518053182639782 1.9462202173880487 2.0808775325322126 2.0174183380389823 1.986462633408142 1.953959143545761 1.783702768076126 1.588681828901822 1.3658007555597593 1.002071226147361 0.8240759245200224 0.7466866629429172 0.8132414278992288 0.6816796832181463 0.6027426364095004 +41760,0.5857169988625351,2,0.6476284081242158 0.9571854544326368 1.3054371315296105 1.534509345797845 1.8518053182639782 1.9462202173880487 2.0808775325322126 2.0174183380389823 1.986462633408142 1.953959143545761 1.783702768076126 1.588681828901822 1.3658007555597593 1.002071226147361 0.8240759245200224 0.7466866629429172 0.8132414278992288 0.6816796832181463 0.6027426364095004 0.6197682739564656 +41761,0.5609524351578663,2,0.9571854544326368 1.3054371315296105 1.534509345797845 1.8518053182639782 1.9462202173880487 2.0808775325322126 2.0174183380389823 1.986462633408142 1.953959143545761 1.783702768076126 1.588681828901822 1.3658007555597593 1.002071226147361 0.8240759245200224 0.7466866629429172 0.8132414278992288 0.6816796832181463 0.6027426364095004 0.6197682739564656 0.5857169988625351 +41762,0.5253533748323951,2,1.3054371315296105 1.534509345797845 1.8518053182639782 1.9462202173880487 2.0808775325322126 2.0174183380389823 1.986462633408142 1.953959143545761 1.783702768076126 1.588681828901822 1.3658007555597593 1.002071226147361 0.8240759245200224 0.7466866629429172 0.8132414278992288 0.6816796832181463 0.6027426364095004 0.6197682739564656 0.5857169988625351 0.5609524351578663 +41763,0.6259594148826284,2,1.534509345797845 1.8518053182639782 1.9462202173880487 2.0808775325322126 2.0174183380389823 1.986462633408142 1.953959143545761 1.783702768076126 1.588681828901822 1.3658007555597593 1.002071226147361 0.8240759245200224 0.7466866629429172 0.8132414278992288 0.6816796832181463 0.6027426364095004 0.6197682739564656 0.5857169988625351 0.5609524351578663 0.5253533748323951 +41764,0.9664721658218898,2,1.8518053182639782 1.9462202173880487 2.0808775325322126 2.0174183380389823 1.986462633408142 1.953959143545761 1.783702768076126 1.588681828901822 1.3658007555597593 1.002071226147361 0.8240759245200224 0.7466866629429172 0.8132414278992288 0.6816796832181463 0.6027426364095004 0.6197682739564656 0.5857169988625351 0.5609524351578663 0.5253533748323951 0.6259594148826284 +41765,1.297698205371907,2,1.9462202173880487 2.0808775325322126 2.0174183380389823 1.986462633408142 1.953959143545761 1.783702768076126 1.588681828901822 1.3658007555597593 1.002071226147361 0.8240759245200224 0.7466866629429172 0.8132414278992288 0.6816796832181463 0.6027426364095004 0.6197682739564656 0.5857169988625351 0.5609524351578663 0.5253533748323951 0.6259594148826284 0.9664721658218898 +41766,1.7604859896029978,2,2.0808775325322126 2.0174183380389823 1.986462633408142 1.953959143545761 1.783702768076126 1.588681828901822 1.3658007555597593 1.002071226147361 0.8240759245200224 0.7466866629429172 0.8132414278992288 0.6816796832181463 0.6027426364095004 0.6197682739564656 0.5857169988625351 0.5609524351578663 0.5253533748323951 0.6259594148826284 0.9664721658218898 1.297698205371907 +41767,2.087068673458375,2,2.0174183380389823 1.986462633408142 1.953959143545761 1.783702768076126 1.588681828901822 1.3658007555597593 1.002071226147361 0.8240759245200224 0.7466866629429172 0.8132414278992288 0.6816796832181463 0.6027426364095004 0.6197682739564656 0.5857169988625351 0.5609524351578663 0.5253533748323951 0.6259594148826284 0.9664721658218898 1.297698205371907 1.7604859896029978 +41768,2.3254275991158626,2,1.986462633408142 1.953959143545761 1.783702768076126 1.588681828901822 1.3658007555597593 1.002071226147361 0.8240759245200224 0.7466866629429172 0.8132414278992288 0.6816796832181463 0.6027426364095004 0.6197682739564656 0.5857169988625351 0.5609524351578663 0.5253533748323951 0.6259594148826284 0.9664721658218898 1.297698205371907 1.7604859896029978 2.087068673458375 +41769,2.41055578685068,2,1.953959143545761 1.783702768076126 1.588681828901822 1.3658007555597593 1.002071226147361 0.8240759245200224 0.7466866629429172 0.8132414278992288 0.6816796832181463 0.6027426364095004 0.6197682739564656 0.5857169988625351 0.5609524351578663 0.5253533748323951 0.6259594148826284 0.9664721658218898 1.297698205371907 1.7604859896029978 2.087068673458375 2.3254275991158626 +41770,2.43996370624998,2,1.783702768076126 1.588681828901822 1.3658007555597593 1.002071226147361 0.8240759245200224 0.7466866629429172 0.8132414278992288 0.6816796832181463 0.6027426364095004 0.6197682739564656 0.5857169988625351 0.5609524351578663 0.5253533748323951 0.6259594148826284 0.9664721658218898 1.297698205371907 1.7604859896029978 2.087068673458375 2.3254275991158626 2.41055578685068 +41771,2.556047598615638,2,1.588681828901822 1.3658007555597593 1.002071226147361 0.8240759245200224 0.7466866629429172 0.8132414278992288 0.6816796832181463 0.6027426364095004 0.6197682739564656 0.5857169988625351 0.5609524351578663 0.5253533748323951 0.6259594148826284 0.9664721658218898 1.297698205371907 1.7604859896029978 2.087068673458375 2.3254275991158626 2.41055578685068 2.43996370624998 +41772,2.447702632407692,2,1.3658007555597593 1.002071226147361 0.8240759245200224 0.7466866629429172 0.8132414278992288 0.6816796832181463 0.6027426364095004 0.6197682739564656 0.5857169988625351 0.5609524351578663 0.5253533748323951 0.6259594148826284 0.9664721658218898 1.297698205371907 1.7604859896029978 2.087068673458375 2.3254275991158626 2.41055578685068 2.43996370624998 2.556047598615638 +41773,2.3532877332836217,2,1.002071226147361 0.8240759245200224 0.7466866629429172 0.8132414278992288 0.6816796832181463 0.6027426364095004 0.6197682739564656 0.5857169988625351 0.5609524351578663 0.5253533748323951 0.6259594148826284 0.9664721658218898 1.297698205371907 1.7604859896029978 2.087068673458375 2.3254275991158626 2.41055578685068 2.43996370624998 2.556047598615638 2.447702632407692 +41774,2.018966123270523,2,0.8240759245200224 0.7466866629429172 0.8132414278992288 0.6816796832181463 0.6027426364095004 0.6197682739564656 0.5857169988625351 0.5609524351578663 0.5253533748323951 0.6259594148826284 0.9664721658218898 1.297698205371907 1.7604859896029978 2.087068673458375 2.3254275991158626 2.41055578685068 2.43996370624998 2.556047598615638 2.447702632407692 2.3532877332836217 +41775,1.6629755200158371,2,0.7466866629429172 0.8132414278992288 0.6816796832181463 0.6027426364095004 0.6197682739564656 0.5857169988625351 0.5609524351578663 0.5253533748323951 0.6259594148826284 0.9664721658218898 1.297698205371907 1.7604859896029978 2.087068673458375 2.3254275991158626 2.41055578685068 2.43996370624998 2.556047598615638 2.447702632407692 2.3532877332836217 2.018966123270523 +41776,1.5097447820931762,2,0.8132414278992288 0.6816796832181463 0.6027426364095004 0.6197682739564656 0.5857169988625351 0.5609524351578663 0.5253533748323951 0.6259594148826284 0.9664721658218898 1.297698205371907 1.7604859896029978 2.087068673458375 2.3254275991158626 2.41055578685068 2.43996370624998 2.556047598615638 2.447702632407692 2.3532877332836217 2.018966123270523 1.6629755200158371 +41777,1.2156655881001708,2,0.6816796832181463 0.6027426364095004 0.6197682739564656 0.5857169988625351 0.5609524351578663 0.5253533748323951 0.6259594148826284 0.9664721658218898 1.297698205371907 1.7604859896029978 2.087068673458375 2.3254275991158626 2.41055578685068 2.43996370624998 2.556047598615638 2.447702632407692 2.3532877332836217 2.018966123270523 1.6629755200158371 1.5097447820931762 +41778,1.1042250514291438,2,0.6027426364095004 0.6197682739564656 0.5857169988625351 0.5609524351578663 0.5253533748323951 0.6259594148826284 0.9664721658218898 1.297698205371907 1.7604859896029978 2.087068673458375 2.3254275991158626 2.41055578685068 2.43996370624998 2.556047598615638 2.447702632407692 2.3532877332836217 2.018966123270523 1.6629755200158371 1.5097447820931762 1.2156655881001708 +41779,1.1073206218922251,2,0.6197682739564656 0.5857169988625351 0.5609524351578663 0.5253533748323951 0.6259594148826284 0.9664721658218898 1.297698205371907 1.7604859896029978 2.087068673458375 2.3254275991158626 2.41055578685068 2.43996370624998 2.556047598615638 2.447702632407692 2.3532877332836217 2.018966123270523 1.6629755200158371 1.5097447820931762 1.2156655881001708 1.1042250514291438 +41780,1.067078205872132,2,0.5857169988625351 0.5609524351578663 0.5253533748323951 0.6259594148826284 0.9664721658218898 1.297698205371907 1.7604859896029978 2.087068673458375 2.3254275991158626 2.41055578685068 2.43996370624998 2.556047598615638 2.447702632407692 2.3532877332836217 2.018966123270523 1.6629755200158371 1.5097447820931762 1.2156655881001708 1.1042250514291438 1.1073206218922251 +41781,0.9633765953588084,2,0.5609524351578663 0.5253533748323951 0.6259594148826284 0.9664721658218898 1.297698205371907 1.7604859896029978 2.087068673458375 2.3254275991158626 2.41055578685068 2.43996370624998 2.556047598615638 2.447702632407692 2.3532877332836217 2.018966123270523 1.6629755200158371 1.5097447820931762 1.2156655881001708 1.1042250514291438 1.1073206218922251 1.067078205872132 +41782,0.899917400865587,2,0.5253533748323951 0.6259594148826284 0.9664721658218898 1.297698205371907 1.7604859896029978 2.087068673458375 2.3254275991158626 2.41055578685068 2.43996370624998 2.556047598615638 2.447702632407692 2.3532877332836217 2.018966123270523 1.6629755200158371 1.5097447820931762 1.2156655881001708 1.1042250514291438 1.1073206218922251 1.067078205872132 0.9633765953588084 +41783,0.8596749848454849,2,0.6259594148826284 0.9664721658218898 1.297698205371907 1.7604859896029978 2.087068673458375 2.3254275991158626 2.41055578685068 2.43996370624998 2.556047598615638 2.447702632407692 2.3532877332836217 2.018966123270523 1.6629755200158371 1.5097447820931762 1.2156655881001708 1.1042250514291438 1.1073206218922251 1.067078205872132 0.9633765953588084 0.899917400865587 +41784,0.7822857232683796,2,0.9664721658218898 1.297698205371907 1.7604859896029978 2.087068673458375 2.3254275991158626 2.41055578685068 2.43996370624998 2.556047598615638 2.447702632407692 2.3532877332836217 2.018966123270523 1.6629755200158371 1.5097447820931762 1.2156655881001708 1.1042250514291438 1.1073206218922251 1.067078205872132 0.9633765953588084 0.899917400865587 0.8596749848454849 +41785,0.743591092479827,2,1.297698205371907 1.7604859896029978 2.087068673458375 2.3254275991158626 2.41055578685068 2.43996370624998 2.556047598615638 2.447702632407692 2.3532877332836217 2.018966123270523 1.6629755200158371 1.5097447820931762 1.2156655881001708 1.1042250514291438 1.1073206218922251 1.067078205872132 0.9633765953588084 0.899917400865587 0.8596749848454849 0.7822857232683796 +41786,0.7652600857214231,2,1.7604859896029978 2.087068673458375 2.3254275991158626 2.41055578685068 2.43996370624998 2.556047598615638 2.447702632407692 2.3532877332836217 2.018966123270523 1.6629755200158371 1.5097447820931762 1.2156655881001708 1.1042250514291438 1.1073206218922251 1.067078205872132 0.9633765953588084 0.899917400865587 0.8596749848454849 0.7822857232683796 0.743591092479827 +41787,0.8767006223924502,2,2.087068673458375 2.3254275991158626 2.41055578685068 2.43996370624998 2.556047598615638 2.447702632407692 2.3532877332836217 2.018966123270523 1.6629755200158371 1.5097447820931762 1.2156655881001708 1.1042250514291438 1.1073206218922251 1.067078205872132 0.9633765953588084 0.899917400865587 0.8596749848454849 0.7822857232683796 0.743591092479827 0.7652600857214231 +41788,1.2961504201403662,2,2.3254275991158626 2.41055578685068 2.43996370624998 2.556047598615638 2.447702632407692 2.3532877332836217 2.018966123270523 1.6629755200158371 1.5097447820931762 1.2156655881001708 1.1042250514291438 1.1073206218922251 1.067078205872132 0.9633765953588084 0.899917400865587 0.8596749848454849 0.7822857232683796 0.743591092479827 0.7652600857214231 0.8767006223924502 +41789,1.6536888086265842,2,2.41055578685068 2.43996370624998 2.556047598615638 2.447702632407692 2.3532877332836217 2.018966123270523 1.6629755200158371 1.5097447820931762 1.2156655881001708 1.1042250514291438 1.1073206218922251 1.067078205872132 0.9633765953588084 0.899917400865587 0.8596749848454849 0.7822857232683796 0.743591092479827 0.7652600857214231 0.8767006223924502 1.2961504201403662 +41790,1.9833670629450606,2,2.43996370624998 2.556047598615638 2.447702632407692 2.3532877332836217 2.018966123270523 1.6629755200158371 1.5097447820931762 1.2156655881001708 1.1042250514291438 1.1073206218922251 1.067078205872132 0.9633765953588084 0.899917400865587 0.8596749848454849 0.7822857232683796 0.743591092479827 0.7652600857214231 0.8767006223924502 1.2961504201403662 1.6536888086265842 +41791,2.2991152501796446,2,2.556047598615638 2.447702632407692 2.3532877332836217 2.018966123270523 1.6629755200158371 1.5097447820931762 1.2156655881001708 1.1042250514291438 1.1073206218922251 1.067078205872132 0.9633765953588084 0.899917400865587 0.8596749848454849 0.7822857232683796 0.743591092479827 0.7652600857214231 0.8767006223924502 1.2961504201403662 1.6536888086265842 1.9833670629450606 +41792,2.573073236162603,2,2.447702632407692 2.3532877332836217 2.018966123270523 1.6629755200158371 1.5097447820931762 1.2156655881001708 1.1042250514291438 1.1073206218922251 1.067078205872132 0.9633765953588084 0.899917400865587 0.8596749848454849 0.7822857232683796 0.743591092479827 0.7652600857214231 0.8767006223924502 1.2961504201403662 1.6536888086265842 1.9833670629450606 2.2991152501796446 +41793,2.652010282971249,2,2.3532877332836217 2.018966123270523 1.6629755200158371 1.5097447820931762 1.2156655881001708 1.1042250514291438 1.1073206218922251 1.067078205872132 0.9633765953588084 0.899917400865587 0.8596749848454849 0.7822857232683796 0.743591092479827 0.7652600857214231 0.8767006223924502 1.2961504201403662 1.6536888086265842 1.9833670629450606 2.2991152501796446 2.573073236162603 +41794,2.7108261217698484,2,2.018966123270523 1.6629755200158371 1.5097447820931762 1.2156655881001708 1.1042250514291438 1.1073206218922251 1.067078205872132 0.9633765953588084 0.899917400865587 0.8596749848454849 0.7822857232683796 0.743591092479827 0.7652600857214231 0.8767006223924502 1.2961504201403662 1.6536888086265842 1.9833670629450606 2.2991152501796446 2.573073236162603 2.652010282971249 +41795,2.6272457192665715,2,1.6629755200158371 1.5097447820931762 1.2156655881001708 1.1042250514291438 1.1073206218922251 1.067078205872132 0.9633765953588084 0.899917400865587 0.8596749848454849 0.7822857232683796 0.743591092479827 0.7652600857214231 0.8767006223924502 1.2961504201403662 1.6536888086265842 1.9833670629450606 2.2991152501796446 2.573073236162603 2.652010282971249 2.7108261217698484 +41796,2.3532877332836217,2,1.5097447820931762 1.2156655881001708 1.1042250514291438 1.1073206218922251 1.067078205872132 0.9633765953588084 0.899917400865587 0.8596749848454849 0.7822857232683796 0.743591092479827 0.7652600857214231 0.8767006223924502 1.2961504201403662 1.6536888086265842 1.9833670629450606 2.2991152501796446 2.573073236162603 2.652010282971249 2.7108261217698484 2.6272457192665715 +41797,2.2604206193910916,2,1.2156655881001708 1.1042250514291438 1.1073206218922251 1.067078205872132 0.9633765953588084 0.899917400865587 0.8596749848454849 0.7822857232683796 0.743591092479827 0.7652600857214231 0.8767006223924502 1.2961504201403662 1.6536888086265842 1.9833670629450606 2.2991152501796446 2.573073236162603 2.652010282971249 2.7108261217698484 2.6272457192665715 2.3532877332836217 +41798,2.0623041097537067,2,1.1042250514291438 1.1073206218922251 1.067078205872132 0.9633765953588084 0.899917400865587 0.8596749848454849 0.7822857232683796 0.743591092479827 0.7652600857214231 0.8767006223924502 1.2961504201403662 1.6536888086265842 1.9833670629450606 2.2991152501796446 2.573073236162603 2.652010282971249 2.7108261217698484 2.6272457192665715 2.3532877332836217 2.2604206193910916 +41799,1.7604859896029978,2,1.1073206218922251 1.067078205872132 0.9633765953588084 0.899917400865587 0.8596749848454849 0.7822857232683796 0.743591092479827 0.7652600857214231 0.8767006223924502 1.2961504201403662 1.6536888086265842 1.9833670629450606 2.2991152501796446 2.573073236162603 2.652010282971249 2.7108261217698484 2.6272457192665715 2.3532877332836217 2.2604206193910916 2.0623041097537067 +41800,1.585586258438732,2,1.067078205872132 0.9633765953588084 0.899917400865587 0.8596749848454849 0.7822857232683796 0.743591092479827 0.7652600857214231 0.8767006223924502 1.2961504201403662 1.6536888086265842 1.9833670629450606 2.2991152501796446 2.573073236162603 2.652010282971249 2.7108261217698484 2.6272457192665715 2.3532877332836217 2.2604206193910916 2.0623041097537067 1.7604859896029978 +41801,1.3332972656973694,2,0.9633765953588084 0.899917400865587 0.8596749848454849 0.7822857232683796 0.743591092479827 0.7652600857214231 0.8767006223924502 1.2961504201403662 1.6536888086265842 1.9833670629450606 2.2991152501796446 2.573073236162603 2.652010282971249 2.7108261217698484 2.6272457192665715 2.3532877332836217 2.2604206193910916 2.0623041097537067 1.7604859896029978 1.585586258438732 +41802,1.2203089437948018,2,0.899917400865587 0.8596749848454849 0.7822857232683796 0.743591092479827 0.7652600857214231 0.8767006223924502 1.2961504201403662 1.6536888086265842 1.9833670629450606 2.2991152501796446 2.573073236162603 2.652010282971249 2.7108261217698484 2.6272457192665715 2.3532877332836217 2.2604206193910916 2.0623041097537067 1.7604859896029978 1.585586258438732 1.3332972656973694 +41803,1.0423136421674544,2,0.8596749848454849 0.7822857232683796 0.743591092479827 0.7652600857214231 0.8767006223924502 1.2961504201403662 1.6536888086265842 1.9833670629450606 2.2991152501796446 2.573073236162603 2.652010282971249 2.7108261217698484 2.6272457192665715 2.3532877332836217 2.2604206193910916 2.0623041097537067 1.7604859896029978 1.585586258438732 1.3332972656973694 1.2203089437948018 +41804,0.9262297498017965,2,0.7822857232683796 0.743591092479827 0.7652600857214231 0.8767006223924502 1.2961504201403662 1.6536888086265842 1.9833670629450606 2.2991152501796446 2.573073236162603 2.652010282971249 2.7108261217698484 2.6272457192665715 2.3532877332836217 2.2604206193910916 2.0623041097537067 1.7604859896029978 1.585586258438732 1.3332972656973694 1.2203089437948018 1.0423136421674544 +41805,0.8596749848454849,2,0.743591092479827 0.7652600857214231 0.8767006223924502 1.2961504201403662 1.6536888086265842 1.9833670629450606 2.2991152501796446 2.573073236162603 2.652010282971249 2.7108261217698484 2.6272457192665715 2.3532877332836217 2.2604206193910916 2.0623041097537067 1.7604859896029978 1.585586258438732 1.3332972656973694 1.2203089437948018 1.0423136421674544 0.9262297498017965 +41806,0.7373999515536642,2,0.7652600857214231 0.8767006223924502 1.2961504201403662 1.6536888086265842 1.9833670629450606 2.2991152501796446 2.573073236162603 2.652010282971249 2.7108261217698484 2.6272457192665715 2.3532877332836217 2.2604206193910916 2.0623041097537067 1.7604859896029978 1.585586258438732 1.3332972656973694 1.2203089437948018 1.0423136421674544 0.9262297498017965 0.8596749848454849 +41807,0.7575211595637109,2,0.8767006223924502 1.2961504201403662 1.6536888086265842 1.9833670629450606 2.2991152501796446 2.573073236162603 2.652010282971249 2.7108261217698484 2.6272457192665715 2.3532877332836217 2.2604206193910916 2.0623041097537067 1.7604859896029978 1.585586258438732 1.3332972656973694 1.2203089437948018 1.0423136421674544 0.9262297498017965 0.8596749848454849 0.7373999515536642 +41808,0.7048964616912744,2,1.2961504201403662 1.6536888086265842 1.9833670629450606 2.2991152501796446 2.573073236162603 2.652010282971249 2.7108261217698484 2.6272457192665715 2.3532877332836217 2.2604206193910916 2.0623041097537067 1.7604859896029978 1.585586258438732 1.3332972656973694 1.2203089437948018 1.0423136421674544 0.9262297498017965 0.8596749848454849 0.7373999515536642 0.7575211595637109 +41809,0.6383416967349717,2,1.6536888086265842 1.9833670629450606 2.2991152501796446 2.573073236162603 2.652010282971249 2.7108261217698484 2.6272457192665715 2.3532877332836217 2.2604206193910916 2.0623041097537067 1.7604859896029978 1.585586258438732 1.3332972656973694 1.2203089437948018 1.0423136421674544 0.9262297498017965 0.8596749848454849 0.7373999515536642 0.7575211595637109 0.7048964616912744 +41810,0.7141831730805274,2,1.9833670629450606 2.2991152501796446 2.573073236162603 2.652010282971249 2.7108261217698484 2.6272457192665715 2.3532877332836217 2.2604206193910916 2.0623041097537067 1.7604859896029978 1.585586258438732 1.3332972656973694 1.2203089437948018 1.0423136421674544 0.9262297498017965 0.8596749848454849 0.7373999515536642 0.7575211595637109 0.7048964616912744 0.6383416967349717 +41811,0.7141831730805274,2,2.2991152501796446 2.573073236162603 2.652010282971249 2.7108261217698484 2.6272457192665715 2.3532877332836217 2.2604206193910916 2.0623041097537067 1.7604859896029978 1.585586258438732 1.3332972656973694 1.2203089437948018 1.0423136421674544 0.9262297498017965 0.8596749848454849 0.7373999515536642 0.7575211595637109 0.7048964616912744 0.6383416967349717 0.7141831730805274 +41812,1.0144535079996955,2,2.573073236162603 2.652010282971249 2.7108261217698484 2.6272457192665715 2.3532877332836217 2.2604206193910916 2.0623041097537067 1.7604859896029978 1.585586258438732 1.3332972656973694 1.2203089437948018 1.0423136421674544 0.9262297498017965 0.8596749848454849 0.7373999515536642 0.7575211595637109 0.7048964616912744 0.6383416967349717 0.7141831730805274 0.7141831730805274 +41813,1.450928943294577,2,2.652010282971249 2.7108261217698484 2.6272457192665715 2.3532877332836217 2.2604206193910916 2.0623041097537067 1.7604859896029978 1.585586258438732 1.3332972656973694 1.2203089437948018 1.0423136421674544 0.9262297498017965 0.8596749848454849 0.7373999515536642 0.7575211595637109 0.7048964616912744 0.6383416967349717 0.7141831730805274 0.7141831730805274 1.0144535079996955 +41814,1.8332318954854723,2,2.7108261217698484 2.6272457192665715 2.3532877332836217 2.2604206193910916 2.0623041097537067 1.7604859896029978 1.585586258438732 1.3332972656973694 1.2203089437948018 1.0423136421674544 0.9262297498017965 0.8596749848454849 0.7373999515536642 0.7575211595637109 0.7048964616912744 0.6383416967349717 0.7141831730805274 0.7141831730805274 1.0144535079996955 1.450928943294577 +41815,2.152075653183146,2,2.6272457192665715 2.3532877332836217 2.2604206193910916 2.0623041097537067 1.7604859896029978 1.585586258438732 1.3332972656973694 1.2203089437948018 1.0423136421674544 0.9262297498017965 0.8596749848454849 0.7373999515536642 0.7575211595637109 0.7048964616912744 0.6383416967349717 0.7141831730805274 0.7141831730805274 1.0144535079996955 1.450928943294577 1.8332318954854723 +41816,2.31614088772661,2,2.3532877332836217 2.2604206193910916 2.0623041097537067 1.7604859896029978 1.585586258438732 1.3332972656973694 1.2203089437948018 1.0423136421674544 0.9262297498017965 0.8596749848454849 0.7373999515536642 0.7575211595637109 0.7048964616912744 0.6383416967349717 0.7141831730805274 0.7141831730805274 1.0144535079996955 1.450928943294577 1.8332318954854723 2.152075653183146 +41817,2.3440010218943685,2,2.2604206193910916 2.0623041097537067 1.7604859896029978 1.585586258438732 1.3332972656973694 1.2203089437948018 1.0423136421674544 0.9262297498017965 0.8596749848454849 0.7373999515536642 0.7575211595637109 0.7048964616912744 0.6383416967349717 0.7141831730805274 0.7141831730805274 1.0144535079996955 1.450928943294577 1.8332318954854723 2.152075653183146 2.31614088772661 +41818,2.3037586058742754,2,2.0623041097537067 1.7604859896029978 1.585586258438732 1.3332972656973694 1.2203089437948018 1.0423136421674544 0.9262297498017965 0.8596749848454849 0.7373999515536642 0.7575211595637109 0.7048964616912744 0.6383416967349717 0.7141831730805274 0.7141831730805274 1.0144535079996955 1.450928943294577 1.8332318954854723 2.152075653183146 2.31614088772661 2.3440010218943685 +41819,2.294471894485022,2,1.7604859896029978 1.585586258438732 1.3332972656973694 1.2203089437948018 1.0423136421674544 0.9262297498017965 0.8596749848454849 0.7373999515536642 0.7575211595637109 0.7048964616912744 0.6383416967349717 0.7141831730805274 0.7141831730805274 1.0144535079996955 1.450928943294577 1.8332318954854723 2.152075653183146 2.31614088772661 2.3440010218943685 2.3037586058742754 +41820,2.148980082720065,2,1.585586258438732 1.3332972656973694 1.2203089437948018 1.0423136421674544 0.9262297498017965 0.8596749848454849 0.7373999515536642 0.7575211595637109 0.7048964616912744 0.6383416967349717 0.7141831730805274 0.7141831730805274 1.0144535079996955 1.450928943294577 1.8332318954854723 2.152075653183146 2.31614088772661 2.3440010218943685 2.3037586058742754 2.294471894485022 +41821,1.8765698819686558,2,1.3332972656973694 1.2203089437948018 1.0423136421674544 0.9262297498017965 0.8596749848454849 0.7373999515536642 0.7575211595637109 0.7048964616912744 0.6383416967349717 0.7141831730805274 0.7141831730805274 1.0144535079996955 1.450928943294577 1.8332318954854723 2.152075653183146 2.31614088772661 2.3440010218943685 2.3037586058742754 2.294471894485022 2.148980082720065 +41822,1.6784533723312616,2,1.2203089437948018 1.0423136421674544 0.9262297498017965 0.8596749848454849 0.7373999515536642 0.7575211595637109 0.7048964616912744 0.6383416967349717 0.7141831730805274 0.7141831730805274 1.0144535079996955 1.450928943294577 1.8332318954854723 2.152075653183146 2.31614088772661 2.3440010218943685 2.3037586058742754 2.294471894485022 2.148980082720065 1.8765698819686558 +41823,1.3688963260228406,2,1.0423136421674544 0.9262297498017965 0.8596749848454849 0.7373999515536642 0.7575211595637109 0.7048964616912744 0.6383416967349717 0.7141831730805274 0.7141831730805274 1.0144535079996955 1.450928943294577 1.8332318954854723 2.152075653183146 2.31614088772661 2.3440010218943685 2.3037586058742754 2.294471894485022 2.148980082720065 1.8765698819686558 1.6784533723312616 +41824,1.3456795475497125,2,0.9262297498017965 0.8596749848454849 0.7373999515536642 0.7575211595637109 0.7048964616912744 0.6383416967349717 0.7141831730805274 0.7141831730805274 1.0144535079996955 1.450928943294577 1.8332318954854723 2.152075653183146 2.31614088772661 2.3440010218943685 2.3037586058742754 2.294471894485022 2.148980082720065 1.8765698819686558 1.6784533723312616 1.3688963260228406 +41825,1.071721561566754,2,0.8596749848454849 0.7373999515536642 0.7575211595637109 0.7048964616912744 0.6383416967349717 0.7141831730805274 0.7141831730805274 1.0144535079996955 1.450928943294577 1.8332318954854723 2.152075653183146 2.31614088772661 2.3440010218943685 2.3037586058742754 2.294471894485022 2.148980082720065 1.8765698819686558 1.6784533723312616 1.3688963260228406 1.3456795475497125 +41826,0.9896889442950266,2,0.7373999515536642 0.7575211595637109 0.7048964616912744 0.6383416967349717 0.7141831730805274 0.7141831730805274 1.0144535079996955 1.450928943294577 1.8332318954854723 2.152075653183146 2.31614088772661 2.3440010218943685 2.3037586058742754 2.294471894485022 2.148980082720065 1.8765698819686558 1.6784533723312616 1.3688963260228406 1.3456795475497125 1.071721561566754 +41827,0.9246819645702558,2,0.7575211595637109 0.7048964616912744 0.6383416967349717 0.7141831730805274 0.7141831730805274 1.0144535079996955 1.450928943294577 1.8332318954854723 2.152075653183146 2.31614088772661 2.3440010218943685 2.3037586058742754 2.294471894485022 2.148980082720065 1.8765698819686558 1.6784533723312616 1.3688963260228406 1.3456795475497125 1.071721561566754 0.9896889442950266 +41828,0.9122996827179214,2,0.7048964616912744 0.6383416967349717 0.7141831730805274 0.7141831730805274 1.0144535079996955 1.450928943294577 1.8332318954854723 2.152075653183146 2.31614088772661 2.3440010218943685 2.3037586058742754 2.294471894485022 2.148980082720065 1.8765698819686558 1.6784533723312616 1.3688963260228406 1.3456795475497125 1.071721561566754 0.9896889442950266 0.9246819645702558 +41829,0.9107518974863807,2,0.6383416967349717 0.7141831730805274 0.7141831730805274 1.0144535079996955 1.450928943294577 1.8332318954854723 2.152075653183146 2.31614088772661 2.3440010218943685 2.3037586058742754 2.294471894485022 2.148980082720065 1.8765698819686558 1.6784533723312616 1.3688963260228406 1.3456795475497125 1.071721561566754 0.9896889442950266 0.9246819645702558 0.9122996827179214 +41830,0.8333626359092754,2,0.7141831730805274 0.7141831730805274 1.0144535079996955 1.450928943294577 1.8332318954854723 2.152075653183146 2.31614088772661 2.3440010218943685 2.3037586058742754 2.294471894485022 2.148980082720065 1.8765698819686558 1.6784533723312616 1.3688963260228406 1.3456795475497125 1.071721561566754 0.9896889442950266 0.9246819645702558 0.9122996827179214 0.9107518974863807 +41831,0.8333626359092754,2,0.7141831730805274 1.0144535079996955 1.450928943294577 1.8332318954854723 2.152075653183146 2.31614088772661 2.3440010218943685 2.3037586058742754 2.294471894485022 2.148980082720065 1.8765698819686558 1.6784533723312616 1.3688963260228406 1.3456795475497125 1.071721561566754 0.9896889442950266 0.9246819645702558 0.9122996827179214 0.9107518974863807 0.8333626359092754 +41832,0.7822857232683796,2,1.0144535079996955 1.450928943294577 1.8332318954854723 2.152075653183146 2.31614088772661 2.3440010218943685 2.3037586058742754 2.294471894485022 2.148980082720065 1.8765698819686558 1.6784533723312616 1.3688963260228406 1.3456795475497125 1.071721561566754 0.9896889442950266 0.9246819645702558 0.9122996827179214 0.9107518974863807 0.8333626359092754 0.8333626359092754 +41833,0.7312088106274927,2,1.450928943294577 1.8332318954854723 2.152075653183146 2.31614088772661 2.3440010218943685 2.3037586058742754 2.294471894485022 2.148980082720065 1.8765698819686558 1.6784533723312616 1.3688963260228406 1.3456795475497125 1.071721561566754 0.9896889442950266 0.9246819645702558 0.9122996827179214 0.9107518974863807 0.8333626359092754 0.8333626359092754 0.7822857232683796 +41834,0.8159262915390021,2,1.8332318954854723 2.152075653183146 2.31614088772661 2.3440010218943685 2.3037586058742754 2.294471894485022 2.148980082720065 1.8765698819686558 1.6784533723312616 1.3688963260228406 1.3456795475497125 1.071721561566754 0.9896889442950266 0.9246819645702558 0.9122996827179214 0.9107518974863807 0.8333626359092754 0.8333626359092754 0.7822857232683796 0.7312088106274927 +41835,0.9099407586572336,2,2.152075653183146 2.31614088772661 2.3440010218943685 2.3037586058742754 2.294471894485022 2.148980082720065 1.8765698819686558 1.6784533723312616 1.3688963260228406 1.3456795475497125 1.071721561566754 0.9896889442950266 0.9246819645702558 0.9122996827179214 0.9107518974863807 0.8333626359092754 0.8333626359092754 0.7822857232683796 0.7312088106274927 0.8159262915390021 +41836,1.0144535079996955,2,2.31614088772661 2.3440010218943685 2.3037586058742754 2.294471894485022 2.148980082720065 1.8765698819686558 1.6784533723312616 1.3688963260228406 1.3456795475497125 1.071721561566754 0.9896889442950266 0.9246819645702558 0.9122996827179214 0.9107518974863807 0.8333626359092754 0.8333626359092754 0.7822857232683796 0.7312088106274927 0.8159262915390021 0.9099407586572336 +41837,1.4013998158852217,2,2.3440010218943685 2.3037586058742754 2.294471894485022 2.148980082720065 1.8765698819686558 1.6784533723312616 1.3688963260228406 1.3456795475497125 1.071721561566754 0.9896889442950266 0.9246819645702558 0.9122996827179214 0.9107518974863807 0.8333626359092754 0.8333626359092754 0.7822857232683796 0.7312088106274927 0.8159262915390021 0.9099407586572336 1.0144535079996955 +41838,1.732625855435239,2,2.3037586058742754 2.294471894485022 2.148980082720065 1.8765698819686558 1.6784533723312616 1.3688963260228406 1.3456795475497125 1.071721561566754 0.9896889442950266 0.9246819645702558 0.9122996827179214 0.9107518974863807 0.8333626359092754 0.8333626359092754 0.7822857232683796 0.7312088106274927 0.8159262915390021 0.9099407586572336 1.0144535079996955 1.4013998158852217 +41839,1.944672432156508,2,2.294471894485022 2.148980082720065 1.8765698819686558 1.6784533723312616 1.3688963260228406 1.3456795475497125 1.071721561566754 0.9896889442950266 0.9246819645702558 0.9122996827179214 0.9107518974863807 0.8333626359092754 0.8333626359092754 0.7822857232683796 0.7312088106274927 0.8159262915390021 0.9099407586572336 1.0144535079996955 1.4013998158852217 1.732625855435239 +41840,1.9968738318179897,2,2.148980082720065 1.8765698819686558 1.6784533723312616 1.3688963260228406 1.3456795475497125 1.071721561566754 0.9896889442950266 0.9246819645702558 0.9122996827179214 0.9107518974863807 0.8333626359092754 0.8333626359092754 0.7822857232683796 0.7312088106274927 0.8159262915390021 0.9099407586572336 1.0144535079996955 1.4013998158852217 1.732625855435239 1.944672432156508 +41841,2.060756324522166,2,1.8765698819686558 1.6784533723312616 1.3688963260228406 1.3456795475497125 1.071721561566754 0.9896889442950266 0.9246819645702558 0.9122996827179214 0.9107518974863807 0.8333626359092754 0.8333626359092754 0.7822857232683796 0.7312088106274927 0.8159262915390021 0.9099407586572336 1.0144535079996955 1.4013998158852217 1.732625855435239 1.944672432156508 1.9968738318179897 +41842,2.116476592857675,2,1.6784533723312616 1.3688963260228406 1.3456795475497125 1.071721561566754 0.9896889442950266 0.9246819645702558 0.9122996827179214 0.9107518974863807 0.8333626359092754 0.8333626359092754 0.7822857232683796 0.7312088106274927 0.8159262915390021 0.9099407586572336 1.0144535079996955 1.4013998158852217 1.732625855435239 1.944672432156508 1.9968738318179897 2.060756324522166 +41843,1.9849148481766012,2,1.3688963260228406 1.3456795475497125 1.071721561566754 0.9896889442950266 0.9246819645702558 0.9122996827179214 0.9107518974863807 0.8333626359092754 0.8333626359092754 0.7822857232683796 0.7312088106274927 0.8159262915390021 0.9099407586572336 1.0144535079996955 1.4013998158852217 1.732625855435239 1.944672432156508 1.9968738318179897 2.060756324522166 2.116476592857675 +41844,1.9338379355357056,2,1.3456795475497125 1.071721561566754 0.9896889442950266 0.9246819645702558 0.9122996827179214 0.9107518974863807 0.8333626359092754 0.8333626359092754 0.7822857232683796 0.7312088106274927 0.8159262915390021 0.9099407586572336 1.0144535079996955 1.4013998158852217 1.732625855435239 1.944672432156508 1.9968738318179897 2.060756324522166 2.116476592857675 1.9849148481766012 +41845,1.8285885397908501,2,1.071721561566754 0.9896889442950266 0.9246819645702558 0.9122996827179214 0.9107518974863807 0.8333626359092754 0.8333626359092754 0.7822857232683796 0.7312088106274927 0.8159262915390021 0.9099407586572336 1.0144535079996955 1.4013998158852217 1.732625855435239 1.944672432156508 1.9968738318179897 2.060756324522166 2.116476592857675 1.9849148481766012 1.9338379355357056 +41846,1.7248869292775266,2,0.9896889442950266 0.9246819645702558 0.9122996827179214 0.9107518974863807 0.8333626359092754 0.8333626359092754 0.7822857232683796 0.7312088106274927 0.8159262915390021 0.9099407586572336 1.0144535079996955 1.4013998158852217 1.732625855435239 1.944672432156508 1.9968738318179897 2.060756324522166 2.116476592857675 1.9849148481766012 1.9338379355357056 1.8285885397908501 +41847,1.4772412922307863,2,0.9246819645702558 0.9122996827179214 0.9107518974863807 0.8333626359092754 0.8333626359092754 0.7822857232683796 0.7312088106274927 0.8159262915390021 0.9099407586572336 1.0144535079996955 1.4013998158852217 1.732625855435239 1.944672432156508 1.9968738318179897 2.060756324522166 2.116476592857675 1.9849148481766012 1.9338379355357056 1.8285885397908501 1.7248869292775266 +41848,1.2048310914793772,2,0.9122996827179214 0.9107518974863807 0.8333626359092754 0.8333626359092754 0.7822857232683796 0.7312088106274927 0.8159262915390021 0.9099407586572336 1.0144535079996955 1.4013998158852217 1.732625855435239 1.944672432156508 1.9968738318179897 2.060756324522166 2.116476592857675 1.9849148481766012 1.9338379355357056 1.8285885397908501 1.7248869292775266 1.4772412922307863 +41849,0.9680199510534393,2,0.9107518974863807 0.8333626359092754 0.8333626359092754 0.7822857232683796 0.7312088106274927 0.8159262915390021 0.9099407586572336 1.0144535079996955 1.4013998158852217 1.732625855435239 1.944672432156508 1.9968738318179897 2.060756324522166 2.116476592857675 1.9849148481766012 1.9338379355357056 1.8285885397908501 1.7248869292775266 1.4772412922307863 1.2048310914793772 +41850,0.8225281392884818,2,0.8333626359092754 0.8333626359092754 0.7822857232683796 0.7312088106274927 0.8159262915390021 0.9099407586572336 1.0144535079996955 1.4013998158852217 1.732625855435239 1.944672432156508 1.9968738318179897 2.060756324522166 2.116476592857675 1.9849148481766012 1.9338379355357056 1.8285885397908501 1.7248869292775266 1.4772412922307863 1.2048310914793772 0.9680199510534393 +41851,0.7188265287751583,2,0.8333626359092754 0.7822857232683796 0.7312088106274927 0.8159262915390021 0.9099407586572336 1.0144535079996955 1.4013998158852217 1.732625855435239 1.944672432156508 1.9968738318179897 2.060756324522166 2.116476592857675 1.9849148481766012 1.9338379355357056 1.8285885397908501 1.7248869292775266 1.4772412922307863 1.2048310914793772 0.9680199510534393 0.8225281392884818 +41852,0.6538195490503874,2,0.7822857232683796 0.7312088106274927 0.8159262915390021 0.9099407586572336 1.0144535079996955 1.4013998158852217 1.732625855435239 1.944672432156508 1.9968738318179897 2.060756324522166 2.116476592857675 1.9849148481766012 1.9338379355357056 1.8285885397908501 1.7248869292775266 1.4772412922307863 1.2048310914793772 0.9680199510534393 0.8225281392884818 0.7188265287751583 +41853,0.5764302874732822,2,0.7312088106274927 0.8159262915390021 0.9099407586572336 1.0144535079996955 1.4013998158852217 1.732625855435239 1.944672432156508 1.9968738318179897 2.060756324522166 2.116476592857675 1.9849148481766012 1.9338379355357056 1.8285885397908501 1.7248869292775266 1.4772412922307863 1.2048310914793772 0.9680199510534393 0.8225281392884818 0.7188265287751583 0.6538195490503874 +41854,0.5764302874732822,2,0.8159262915390021 0.9099407586572336 1.0144535079996955 1.4013998158852217 1.732625855435239 1.944672432156508 1.9968738318179897 2.060756324522166 2.116476592857675 1.9849148481766012 1.9338379355357056 1.8285885397908501 1.7248869292775266 1.4772412922307863 1.2048310914793772 0.9680199510534393 0.8225281392884818 0.7188265287751583 0.6538195490503874 0.5764302874732822 +41855,0.4990410258961769,2,0.9099407586572336 1.0144535079996955 1.4013998158852217 1.732625855435239 1.944672432156508 1.9968738318179897 2.060756324522166 2.116476592857675 1.9849148481766012 1.9338379355357056 1.8285885397908501 1.7248869292775266 1.4772412922307863 1.2048310914793772 0.9680199510534393 0.8225281392884818 0.7188265287751583 0.6538195490503874 0.5764302874732822 0.5764302874732822 +41856,0.4866587440438425,2,1.0144535079996955 1.4013998158852217 1.732625855435239 1.944672432156508 1.9968738318179897 2.060756324522166 2.116476592857675 1.9849148481766012 1.9338379355357056 1.8285885397908501 1.7248869292775266 1.4772412922307863 1.2048310914793772 0.9680199510534393 0.8225281392884818 0.7188265287751583 0.6538195490503874 0.5764302874732822 0.5764302874732822 0.4990410258961769 +41857,0.4727286769599586,2,1.4013998158852217 1.732625855435239 1.944672432156508 1.9968738318179897 2.060756324522166 2.116476592857675 1.9849148481766012 1.9338379355357056 1.8285885397908501 1.7248869292775266 1.4772412922307863 1.2048310914793772 0.9680199510534393 0.8225281392884818 0.7188265287751583 0.6538195490503874 0.5764302874732822 0.5764302874732822 0.4990410258961769 0.4866587440438425 +41858,0.434034046171406,2,1.732625855435239 1.944672432156508 1.9968738318179897 2.060756324522166 2.116476592857675 1.9849148481766012 1.9338379355357056 1.8285885397908501 1.7248869292775266 1.4772412922307863 1.2048310914793772 0.9680199510534393 0.8225281392884818 0.7188265287751583 0.6538195490503874 0.5764302874732822 0.5764302874732822 0.4990410258961769 0.4866587440438425 0.4727286769599586 +41859,0.5098755225169705,2,1.944672432156508 1.9968738318179897 2.060756324522166 2.116476592857675 1.9849148481766012 1.9338379355357056 1.8285885397908501 1.7248869292775266 1.4772412922307863 1.2048310914793772 0.9680199510534393 0.8225281392884818 0.7188265287751583 0.6538195490503874 0.5764302874732822 0.5764302874732822 0.4990410258961769 0.4866587440438425 0.4727286769599586 0.434034046171406 +41860,0.734304381090574,2,1.9968738318179897 2.060756324522166 2.116476592857675 1.9849148481766012 1.9338379355357056 1.8285885397908501 1.7248869292775266 1.4772412922307863 1.2048310914793772 0.9680199510534393 0.8225281392884818 0.7188265287751583 0.6538195490503874 0.5764302874732822 0.5764302874732822 0.4990410258961769 0.4866587440438425 0.4727286769599586 0.434034046171406 0.5098755225169705 +41861,0.9664721658218898,2,2.060756324522166 2.116476592857675 1.9849148481766012 1.9338379355357056 1.8285885397908501 1.7248869292775266 1.4772412922307863 1.2048310914793772 0.9680199510534393 0.8225281392884818 0.7188265287751583 0.6538195490503874 0.5764302874732822 0.5764302874732822 0.4990410258961769 0.4866587440438425 0.4727286769599586 0.434034046171406 0.5098755225169705 0.734304381090574 +41862,1.285315923519564,2,2.116476592857675 1.9849148481766012 1.9338379355357056 1.8285885397908501 1.7248869292775266 1.4772412922307863 1.2048310914793772 0.9680199510534393 0.8225281392884818 0.7188265287751583 0.6538195490503874 0.5764302874732822 0.5764302874732822 0.4990410258961769 0.4866587440438425 0.4727286769599586 0.434034046171406 0.5098755225169705 0.734304381090574 0.9664721658218898 +41863,1.5670128356602346,2,1.9849148481766012 1.9338379355357056 1.8285885397908501 1.7248869292775266 1.4772412922307863 1.2048310914793772 0.9680199510534393 0.8225281392884818 0.7188265287751583 0.6538195490503874 0.5764302874732822 0.5764302874732822 0.4990410258961769 0.4866587440438425 0.4727286769599586 0.434034046171406 0.5098755225169705 0.734304381090574 0.9664721658218898 1.285315923519564 +41864,1.7063135064990207,2,1.9338379355357056 1.8285885397908501 1.7248869292775266 1.4772412922307863 1.2048310914793772 0.9680199510534393 0.8225281392884818 0.7188265287751583 0.6538195490503874 0.5764302874732822 0.5764302874732822 0.4990410258961769 0.4866587440438425 0.4727286769599586 0.434034046171406 0.5098755225169705 0.734304381090574 0.9664721658218898 1.285315923519564 1.5670128356602346 +41865,1.7604859896029978,2,1.8285885397908501 1.7248869292775266 1.4772412922307863 1.2048310914793772 0.9680199510534393 0.8225281392884818 0.7188265287751583 0.6538195490503874 0.5764302874732822 0.5764302874732822 0.4990410258961769 0.4866587440438425 0.4727286769599586 0.434034046171406 0.5098755225169705 0.734304381090574 0.9664721658218898 1.285315923519564 1.5670128356602346 1.7063135064990207 +41866,1.8610920296532312,2,1.7248869292775266 1.4772412922307863 1.2048310914793772 0.9680199510534393 0.8225281392884818 0.7188265287751583 0.6538195490503874 0.5764302874732822 0.5764302874732822 0.4990410258961769 0.4866587440438425 0.4727286769599586 0.434034046171406 0.5098755225169705 0.734304381090574 0.9664721658218898 1.285315923519564 1.5670128356602346 1.7063135064990207 1.7604859896029978 +41867,1.8301363250223908,2,1.4772412922307863 1.2048310914793772 0.9680199510534393 0.8225281392884818 0.7188265287751583 0.6538195490503874 0.5764302874732822 0.5764302874732822 0.4990410258961769 0.4866587440438425 0.4727286769599586 0.434034046171406 0.5098755225169705 0.734304381090574 0.9664721658218898 1.285315923519564 1.5670128356602346 1.7063135064990207 1.7604859896029978 1.8610920296532312 +41868,1.806919546549254,2,1.2048310914793772 0.9680199510534393 0.8225281392884818 0.7188265287751583 0.6538195490503874 0.5764302874732822 0.5764302874732822 0.4990410258961769 0.4866587440438425 0.4727286769599586 0.434034046171406 0.5098755225169705 0.734304381090574 0.9664721658218898 1.285315923519564 1.5670128356602346 1.7063135064990207 1.7604859896029978 1.8610920296532312 1.8301363250223908 +41869,1.7341736406667796,2,0.9680199510534393 0.8225281392884818 0.7188265287751583 0.6538195490503874 0.5764302874732822 0.5764302874732822 0.4990410258961769 0.4866587440438425 0.4727286769599586 0.434034046171406 0.5098755225169705 0.734304381090574 0.9664721658218898 1.285315923519564 1.5670128356602346 1.7063135064990207 1.7604859896029978 1.8610920296532312 1.8301363250223908 1.806919546549254 +41870,1.6057074664487874,2,0.8225281392884818 0.7188265287751583 0.6538195490503874 0.5764302874732822 0.5764302874732822 0.4990410258961769 0.4866587440438425 0.4727286769599586 0.434034046171406 0.5098755225169705 0.734304381090574 0.9664721658218898 1.285315923519564 1.5670128356602346 1.7063135064990207 1.7604859896029978 1.8610920296532312 1.8301363250223908 1.806919546549254 1.7341736406667796 +41871,1.3983042454221404,2,0.7188265287751583 0.6538195490503874 0.5764302874732822 0.5764302874732822 0.4990410258961769 0.4866587440438425 0.4727286769599586 0.434034046171406 0.5098755225169705 0.734304381090574 0.9664721658218898 1.285315923519564 1.5670128356602346 1.7063135064990207 1.7604859896029978 1.8610920296532312 1.8301363250223908 1.806919546549254 1.7341736406667796 1.6057074664487874 +41872,1.0964861252714315,2,0.6538195490503874 0.5764302874732822 0.5764302874732822 0.4990410258961769 0.4866587440438425 0.4727286769599586 0.434034046171406 0.5098755225169705 0.734304381090574 0.9664721658218898 1.285315923519564 1.5670128356602346 1.7063135064990207 1.7604859896029978 1.8610920296532312 1.8301363250223908 1.806919546549254 1.7341736406667796 1.6057074664487874 1.3983042454221404 +41873,0.8240759245200224,2,0.5764302874732822 0.5764302874732822 0.4990410258961769 0.4866587440438425 0.4727286769599586 0.434034046171406 0.5098755225169705 0.734304381090574 0.9664721658218898 1.285315923519564 1.5670128356602346 1.7063135064990207 1.7604859896029978 1.8610920296532312 1.8301363250223908 1.806919546549254 1.7341736406667796 1.6057074664487874 1.3983042454221404 1.0964861252714315 +41874,0.6553673342819281,2,0.5764302874732822 0.4990410258961769 0.4866587440438425 0.4727286769599586 0.434034046171406 0.5098755225169705 0.734304381090574 0.9664721658218898 1.285315923519564 1.5670128356602346 1.7063135064990207 1.7604859896029978 1.8610920296532312 1.8301363250223908 1.806919546549254 1.7341736406667796 1.6057074664487874 1.3983042454221404 1.0964861252714315 0.8240759245200224 +41875,0.590360354557166,2,0.4990410258961769 0.4866587440438425 0.4727286769599586 0.434034046171406 0.5098755225169705 0.734304381090574 0.9664721658218898 1.285315923519564 1.5670128356602346 1.7063135064990207 1.7604859896029978 1.8610920296532312 1.8301363250223908 1.806919546549254 1.7341736406667796 1.6057074664487874 1.3983042454221404 1.0964861252714315 0.8240759245200224 0.6553673342819281 +41876,0.4990410258961769,2,0.4866587440438425 0.4727286769599586 0.434034046171406 0.5098755225169705 0.734304381090574 0.9664721658218898 1.285315923519564 1.5670128356602346 1.7063135064990207 1.7604859896029978 1.8610920296532312 1.8301363250223908 1.806919546549254 1.7341736406667796 1.6057074664487874 1.3983042454221404 1.0964861252714315 0.8240759245200224 0.6553673342819281 0.590360354557166 +41877,0.39688720061440286,2,0.4727286769599586 0.434034046171406 0.5098755225169705 0.734304381090574 0.9664721658218898 1.285315923519564 1.5670128356602346 1.7063135064990207 1.7604859896029978 1.8610920296532312 1.8301363250223908 1.806919546549254 1.7341736406667796 1.6057074664487874 1.3983042454221404 1.0964861252714315 0.8240759245200224 0.6553673342819281 0.590360354557166 0.4990410258961769 +41878,0.3194979390372976,2,0.434034046171406 0.5098755225169705 0.734304381090574 0.9664721658218898 1.285315923519564 1.5670128356602346 1.7063135064990207 1.7604859896029978 1.8610920296532312 1.8301363250223908 1.806919546549254 1.7341736406667796 1.6057074664487874 1.3983042454221404 1.0964861252714315 0.8240759245200224 0.6553673342819281 0.590360354557166 0.4990410258961769 0.39688720061440286 +41879,0.29473337533262006,2,0.5098755225169705 0.734304381090574 0.9664721658218898 1.285315923519564 1.5670128356602346 1.7063135064990207 1.7604859896029978 1.8610920296532312 1.8301363250223908 1.806919546549254 1.7341736406667796 1.6057074664487874 1.3983042454221404 1.0964861252714315 0.8240759245200224 0.6553673342819281 0.590360354557166 0.4990410258961769 0.39688720061440286 0.3194979390372976 +41880,0.2668732411648611,2,0.734304381090574 0.9664721658218898 1.285315923519564 1.5670128356602346 1.7063135064990207 1.7604859896029978 1.8610920296532312 1.8301363250223908 1.806919546549254 1.7341736406667796 1.6057074664487874 1.3983042454221404 1.0964861252714315 0.8240759245200224 0.6553673342819281 0.590360354557166 0.4990410258961769 0.39688720061440286 0.3194979390372976 0.29473337533262006 +41881,0.29163780486953866,2,0.9664721658218898 1.285315923519564 1.5670128356602346 1.7063135064990207 1.7604859896029978 1.8610920296532312 1.8301363250223908 1.806919546549254 1.7341736406667796 1.6057074664487874 1.3983042454221404 1.0964861252714315 0.8240759245200224 0.6553673342819281 0.590360354557166 0.4990410258961769 0.39688720061440286 0.3194979390372976 0.29473337533262006 0.2668732411648611 +41882,0.29009001963799796,2,1.285315923519564 1.5670128356602346 1.7063135064990207 1.7604859896029978 1.8610920296532312 1.8301363250223908 1.806919546549254 1.7341736406667796 1.6057074664487874 1.3983042454221404 1.0964861252714315 0.8240759245200224 0.6553673342819281 0.590360354557166 0.4990410258961769 0.39688720061440286 0.3194979390372976 0.29473337533262006 0.2668732411648611 0.29163780486953866 +41883,0.434034046171406,2,1.5670128356602346 1.7063135064990207 1.7604859896029978 1.8610920296532312 1.8301363250223908 1.806919546549254 1.7341736406667796 1.6057074664487874 1.3983042454221404 1.0964861252714315 0.8240759245200224 0.6553673342819281 0.590360354557166 0.4990410258961769 0.39688720061440286 0.3194979390372976 0.29473337533262006 0.2668732411648611 0.29163780486953866 0.29009001963799796 +41884,0.6182204887249162,2,1.7063135064990207 1.7604859896029978 1.8610920296532312 1.8301363250223908 1.806919546549254 1.7341736406667796 1.6057074664487874 1.3983042454221404 1.0964861252714315 0.8240759245200224 0.6553673342819281 0.590360354557166 0.4990410258961769 0.39688720061440286 0.3194979390372976 0.29473337533262006 0.2668732411648611 0.29163780486953866 0.29009001963799796 0.434034046171406 +41885,0.8689616962347378,2,1.7604859896029978 1.8610920296532312 1.8301363250223908 1.806919546549254 1.7341736406667796 1.6057074664487874 1.3983042454221404 1.0964861252714315 0.8240759245200224 0.6553673342819281 0.590360354557166 0.4990410258961769 0.39688720061440286 0.3194979390372976 0.29473337533262006 0.2668732411648611 0.29163780486953866 0.29009001963799796 0.434034046171406 0.6182204887249162 +41886,1.0593392797144197,2,1.8610920296532312 1.8301363250223908 1.806919546549254 1.7341736406667796 1.6057074664487874 1.3983042454221404 1.0964861252714315 0.8240759245200224 0.6553673342819281 0.590360354557166 0.4990410258961769 0.39688720061440286 0.3194979390372976 0.29473337533262006 0.2668732411648611 0.29163780486953866 0.29009001963799796 0.434034046171406 0.6182204887249162 0.8689616962347378 +41887,1.2775769973618603,2,1.8301363250223908 1.806919546549254 1.7341736406667796 1.6057074664487874 1.3983042454221404 1.0964861252714315 0.8240759245200224 0.6553673342819281 0.590360354557166 0.4990410258961769 0.39688720061440286 0.3194979390372976 0.29473337533262006 0.2668732411648611 0.29163780486953866 0.29009001963799796 0.434034046171406 0.6182204887249162 0.8689616962347378 1.0593392797144197 +41888,1.4973625002408328,2,1.806919546549254 1.7341736406667796 1.6057074664487874 1.3983042454221404 1.0964861252714315 0.8240759245200224 0.6553673342819281 0.590360354557166 0.4990410258961769 0.39688720061440286 0.3194979390372976 0.29473337533262006 0.2668732411648611 0.29163780486953866 0.29009001963799796 0.434034046171406 0.6182204887249162 0.8689616962347378 1.0593392797144197 1.2775769973618603 +41889,1.6242808892272844,2,1.7341736406667796 1.6057074664487874 1.3983042454221404 1.0964861252714315 0.8240759245200224 0.6553673342819281 0.590360354557166 0.4990410258961769 0.39688720061440286 0.3194979390372976 0.29473337533262006 0.2668732411648611 0.29163780486953866 0.29009001963799796 0.434034046171406 0.6182204887249162 0.8689616962347378 1.0593392797144197 1.2775769973618603 1.4973625002408328 +41890,1.6753578018681803,2,1.6057074664487874 1.3983042454221404 1.0964861252714315 0.8240759245200224 0.6553673342819281 0.590360354557166 0.4990410258961769 0.39688720061440286 0.3194979390372976 0.29473337533262006 0.2668732411648611 0.29163780486953866 0.29009001963799796 0.434034046171406 0.6182204887249162 0.8689616962347378 1.0593392797144197 1.2775769973618603 1.4973625002408328 1.6242808892272844 +41891,1.7511992782137449,2,1.3983042454221404 1.0964861252714315 0.8240759245200224 0.6553673342819281 0.590360354557166 0.4990410258961769 0.39688720061440286 0.3194979390372976 0.29473337533262006 0.2668732411648611 0.29163780486953866 0.29009001963799796 0.434034046171406 0.6182204887249162 0.8689616962347378 1.0593392797144197 1.2775769973618603 1.4973625002408328 1.6242808892272844 1.6753578018681803 +41892,1.7527470634452855,2,1.0964861252714315 0.8240759245200224 0.6553673342819281 0.590360354557166 0.4990410258961769 0.39688720061440286 0.3194979390372976 0.29473337533262006 0.2668732411648611 0.29163780486953866 0.29009001963799796 0.434034046171406 0.6182204887249162 0.8689616962347378 1.0593392797144197 1.2775769973618603 1.4973625002408328 1.6242808892272844 1.6753578018681803 1.7511992782137449 +41893,1.6800011575628024,2,0.8240759245200224 0.6553673342819281 0.590360354557166 0.4990410258961769 0.39688720061440286 0.3194979390372976 0.29473337533262006 0.2668732411648611 0.29163780486953866 0.29009001963799796 0.434034046171406 0.6182204887249162 0.8689616962347378 1.0593392797144197 1.2775769973618603 1.4973625002408328 1.6242808892272844 1.6753578018681803 1.7511992782137449 1.7527470634452855 +41894,1.500458070703923,2,0.6553673342819281 0.590360354557166 0.4990410258961769 0.39688720061440286 0.3194979390372976 0.29473337533262006 0.2668732411648611 0.29163780486953866 0.29009001963799796 0.434034046171406 0.6182204887249162 0.8689616962347378 1.0593392797144197 1.2775769973618603 1.4973625002408328 1.6242808892272844 1.6753578018681803 1.7511992782137449 1.7527470634452855 1.6800011575628024 +41895,1.2404301518048484,2,0.590360354557166 0.4990410258961769 0.39688720061440286 0.3194979390372976 0.29473337533262006 0.2668732411648611 0.29163780486953866 0.29009001963799796 0.434034046171406 0.6182204887249162 0.8689616962347378 1.0593392797144197 1.2775769973618603 1.4973625002408328 1.6242808892272844 1.6753578018681803 1.7511992782137449 1.7527470634452855 1.6800011575628024 1.500458070703923 +41896,1.006714581841992,2,0.4990410258961769 0.39688720061440286 0.3194979390372976 0.29473337533262006 0.2668732411648611 0.29163780486953866 0.29009001963799796 0.434034046171406 0.6182204887249162 0.8689616962347378 1.0593392797144197 1.2775769973618603 1.4973625002408328 1.6242808892272844 1.6753578018681803 1.7511992782137449 1.7527470634452855 1.6800011575628024 1.500458070703923 1.2404301518048484 +41897,0.8024069312784263,2,0.39688720061440286 0.3194979390372976 0.29473337533262006 0.2668732411648611 0.29163780486953866 0.29009001963799796 0.434034046171406 0.6182204887249162 0.8689616962347378 1.0593392797144197 1.2775769973618603 1.4973625002408328 1.6242808892272844 1.6753578018681803 1.7511992782137449 1.7527470634452855 1.6800011575628024 1.500458070703923 1.2404301518048484 1.006714581841992 +41898,0.6708451865973527,2,0.3194979390372976 0.29473337533262006 0.2668732411648611 0.29163780486953866 0.29009001963799796 0.434034046171406 0.6182204887249162 0.8689616962347378 1.0593392797144197 1.2775769973618603 1.4973625002408328 1.6242808892272844 1.6753578018681803 1.7511992782137449 1.7527470634452855 1.6800011575628024 1.500458070703923 1.2404301518048484 1.006714581841992 0.8024069312784263 +41899,0.5269011600639358,2,0.29473337533262006 0.2668732411648611 0.29163780486953866 0.29009001963799796 0.434034046171406 0.6182204887249162 0.8689616962347378 1.0593392797144197 1.2775769973618603 1.4973625002408328 1.6242808892272844 1.6753578018681803 1.7511992782137449 1.7527470634452855 1.6800011575628024 1.500458070703923 1.2404301518048484 1.006714581841992 0.8024069312784263 0.6708451865973527 +41900,0.4355818314029555,2,0.2668732411648611 0.29163780486953866 0.29009001963799796 0.434034046171406 0.6182204887249162 0.8689616962347378 1.0593392797144197 1.2775769973618603 1.4973625002408328 1.6242808892272844 1.6753578018681803 1.7511992782137449 1.7527470634452855 1.6800011575628024 1.500458070703923 1.2404301518048484 1.006714581841992 0.8024069312784263 0.6708451865973527 0.5269011600639358 +41901,0.424747334782153,2,0.29163780486953866 0.29009001963799796 0.434034046171406 0.6182204887249162 0.8689616962347378 1.0593392797144197 1.2775769973618603 1.4973625002408328 1.6242808892272844 1.6753578018681803 1.7511992782137449 1.7527470634452855 1.6800011575628024 1.500458070703923 1.2404301518048484 1.006714581841992 0.8024069312784263 0.6708451865973527 0.5269011600639358 0.4355818314029555 +41902,0.34426250274196635,2,0.29009001963799796 0.434034046171406 0.6182204887249162 0.8689616962347378 1.0593392797144197 1.2775769973618603 1.4973625002408328 1.6242808892272844 1.6753578018681803 1.7511992782137449 1.7527470634452855 1.6800011575628024 1.500458070703923 1.2404301518048484 1.006714581841992 0.8024069312784263 0.6708451865973527 0.5269011600639358 0.4355818314029555 0.424747334782153 +41903,0.3164023685742074,2,0.434034046171406 0.6182204887249162 0.8689616962347378 1.0593392797144197 1.2775769973618603 1.4973625002408328 1.6242808892272844 1.6753578018681803 1.7511992782137449 1.7527470634452855 1.6800011575628024 1.500458070703923 1.2404301518048484 1.006714581841992 0.8024069312784263 0.6708451865973527 0.5269011600639358 0.4355818314029555 0.424747334782153 0.34426250274196635 +41904,0.25449095931252674,2,0.6182204887249162 0.8689616962347378 1.0593392797144197 1.2775769973618603 1.4973625002408328 1.6242808892272844 1.6753578018681803 1.7511992782137449 1.7527470634452855 1.6800011575628024 1.500458070703923 1.2404301518048484 1.006714581841992 0.8024069312784263 0.6708451865973527 0.5269011600639358 0.4355818314029555 0.424747334782153 0.34426250274196635 0.3164023685742074 +41905,0.25449095931252674,2,0.8689616962347378 1.0593392797144197 1.2775769973618603 1.4973625002408328 1.6242808892272844 1.6753578018681803 1.7511992782137449 1.7527470634452855 1.6800011575628024 1.500458070703923 1.2404301518048484 1.006714581841992 0.8024069312784263 0.6708451865973527 0.5269011600639358 0.4355818314029555 0.424747334782153 0.34426250274196635 0.3164023685742074 0.25449095931252674 +41906,0.24365646269173305,2,1.0593392797144197 1.2775769973618603 1.4973625002408328 1.6242808892272844 1.6753578018681803 1.7511992782137449 1.7527470634452855 1.6800011575628024 1.500458070703923 1.2404301518048484 1.006714581841992 0.8024069312784263 0.6708451865973527 0.5269011600639358 0.4355818314029555 0.424747334782153 0.34426250274196635 0.3164023685742074 0.25449095931252674 0.25449095931252674 +41907,0.34581028797350705,2,1.2775769973618603 1.4973625002408328 1.6242808892272844 1.6753578018681803 1.7511992782137449 1.7527470634452855 1.6800011575628024 1.500458070703923 1.2404301518048484 1.006714581841992 0.8024069312784263 0.6708451865973527 0.5269011600639358 0.4355818314029555 0.424747334782153 0.34426250274196635 0.3164023685742074 0.25449095931252674 0.25449095931252674 0.24365646269173305 +41908,0.4835631735807611,2,1.4973625002408328 1.6242808892272844 1.6753578018681803 1.7511992782137449 1.7527470634452855 1.6800011575628024 1.500458070703923 1.2404301518048484 1.006714581841992 0.8024069312784263 0.6708451865973527 0.5269011600639358 0.4355818314029555 0.424747334782153 0.34426250274196635 0.3164023685742074 0.25449095931252674 0.25449095931252674 0.24365646269173305 0.34581028797350705 +41909,0.7172787435436175,2,1.6242808892272844 1.6753578018681803 1.7511992782137449 1.7527470634452855 1.6800011575628024 1.500458070703923 1.2404301518048484 1.006714581841992 0.8024069312784263 0.6708451865973527 0.5269011600639358 0.4355818314029555 0.424747334782153 0.34426250274196635 0.3164023685742074 0.25449095931252674 0.25449095931252674 0.24365646269173305 0.34581028797350705 0.4835631735807611 +41910,1.0794604877244662,2,1.6753578018681803 1.7511992782137449 1.7527470634452855 1.6800011575628024 1.500458070703923 1.2404301518048484 1.006714581841992 0.8024069312784263 0.6708451865973527 0.5269011600639358 0.4355818314029555 0.424747334782153 0.34426250274196635 0.3164023685742074 0.25449095931252674 0.25449095931252674 0.24365646269173305 0.34581028797350705 0.4835631735807611 0.7172787435436175 +41911,1.3209149838450351,2,1.7511992782137449 1.7527470634452855 1.6800011575628024 1.500458070703923 1.2404301518048484 1.006714581841992 0.8024069312784263 0.6708451865973527 0.5269011600639358 0.4355818314029555 0.424747334782153 0.34426250274196635 0.3164023685742074 0.25449095931252674 0.25449095931252674 0.24365646269173305 0.34581028797350705 0.4835631735807611 0.7172787435436175 1.0794604877244662 +41912,1.5608216947340632,2,1.7527470634452855 1.6800011575628024 1.500458070703923 1.2404301518048484 1.006714581841992 0.8024069312784263 0.6708451865973527 0.5269011600639358 0.4355818314029555 0.424747334782153 0.34426250274196635 0.3164023685742074 0.25449095931252674 0.25449095931252674 0.24365646269173305 0.34581028797350705 0.4835631735807611 0.7172787435436175 1.0794604877244662 1.3209149838450351 +41913,1.6892878689520554,2,1.6800011575628024 1.500458070703923 1.2404301518048484 1.006714581841992 0.8024069312784263 0.6708451865973527 0.5269011600639358 0.4355818314029555 0.424747334782153 0.34426250274196635 0.3164023685742074 0.25449095931252674 0.25449095931252674 0.24365646269173305 0.34581028797350705 0.4835631735807611 0.7172787435436175 1.0794604877244662 1.3209149838450351 1.5608216947340632 +41914,1.7527470634452855,2,1.500458070703923 1.2404301518048484 1.006714581841992 0.8024069312784263 0.6708451865973527 0.5269011600639358 0.4355818314029555 0.424747334782153 0.34426250274196635 0.3164023685742074 0.25449095931252674 0.25449095931252674 0.24365646269173305 0.34581028797350705 0.4835631735807611 0.7172787435436175 1.0794604877244662 1.3209149838450351 1.5608216947340632 1.6892878689520554 +41915,1.8440663921062659,2,1.2404301518048484 1.006714581841992 0.8024069312784263 0.6708451865973527 0.5269011600639358 0.4355818314029555 0.424747334782153 0.34426250274196635 0.3164023685742074 0.25449095931252674 0.25449095931252674 0.24365646269173305 0.34581028797350705 0.4835631735807611 0.7172787435436175 1.0794604877244662 1.3209149838450351 1.5608216947340632 1.6892878689520554 1.7527470634452855 +41916,1.7542948486768262,2,1.006714581841992 0.8024069312784263 0.6708451865973527 0.5269011600639358 0.4355818314029555 0.424747334782153 0.34426250274196635 0.3164023685742074 0.25449095931252674 0.25449095931252674 0.24365646269173305 0.34581028797350705 0.4835631735807611 0.7172787435436175 1.0794604877244662 1.3209149838450351 1.5608216947340632 1.6892878689520554 1.7527470634452855 1.8440663921062659 +41917,1.6892878689520554,2,0.8024069312784263 0.6708451865973527 0.5269011600639358 0.4355818314029555 0.424747334782153 0.34426250274196635 0.3164023685742074 0.25449095931252674 0.25449095931252674 0.24365646269173305 0.34581028797350705 0.4835631735807611 0.7172787435436175 1.0794604877244662 1.3209149838450351 1.5608216947340632 1.6892878689520554 1.7527470634452855 1.8440663921062659 1.7542948486768262 +41918,1.6366631710796276,2,0.6708451865973527 0.5269011600639358 0.4355818314029555 0.424747334782153 0.34426250274196635 0.3164023685742074 0.25449095931252674 0.25449095931252674 0.24365646269173305 0.34581028797350705 0.4835631735807611 0.7172787435436175 1.0794604877244662 1.3209149838450351 1.5608216947340632 1.6892878689520554 1.7527470634452855 1.8440663921062659 1.7542948486768262 1.6892878689520554 +41919,1.3317494804658287,2,0.5269011600639358 0.4355818314029555 0.424747334782153 0.34426250274196635 0.3164023685742074 0.25449095931252674 0.25449095931252674 0.24365646269173305 0.34581028797350705 0.4835631735807611 0.7172787435436175 1.0794604877244662 1.3209149838450351 1.5608216947340632 1.6892878689520554 1.7527470634452855 1.8440663921062659 1.7542948486768262 1.6892878689520554 1.6366631710796276 +41920,0.9711155215165207,2,0.4355818314029555 0.424747334782153 0.34426250274196635 0.3164023685742074 0.25449095931252674 0.25449095931252674 0.24365646269173305 0.34581028797350705 0.4835631735807611 0.7172787435436175 1.0794604877244662 1.3209149838450351 1.5608216947340632 1.6892878689520554 1.7527470634452855 1.8440663921062659 1.7542948486768262 1.6892878689520554 1.6366631710796276 1.3317494804658287 +41921,0.7931202198891821,2,0.424747334782153 0.34426250274196635 0.3164023685742074 0.25449095931252674 0.25449095931252674 0.24365646269173305 0.34581028797350705 0.4835631735807611 0.7172787435436175 1.0794604877244662 1.3209149838450351 1.5608216947340632 1.6892878689520554 1.7527470634452855 1.8440663921062659 1.7542948486768262 1.6892878689520554 1.6366631710796276 1.3317494804658287 0.9711155215165207 +41922,0.6708451865973527,2,0.34426250274196635 0.3164023685742074 0.25449095931252674 0.25449095931252674 0.24365646269173305 0.34581028797350705 0.4835631735807611 0.7172787435436175 1.0794604877244662 1.3209149838450351 1.5608216947340632 1.6892878689520554 1.7527470634452855 1.8440663921062659 1.7542948486768262 1.6892878689520554 1.6366631710796276 1.3317494804658287 0.9711155215165207 0.7931202198891821 +41923,0.5764302874732822,2,0.3164023685742074 0.25449095931252674 0.25449095931252674 0.24365646269173305 0.34581028797350705 0.4835631735807611 0.7172787435436175 1.0794604877244662 1.3209149838450351 1.5608216947340632 1.6892878689520554 1.7527470634452855 1.8440663921062659 1.7542948486768262 1.6892878689520554 1.6366631710796276 1.3317494804658287 0.9711155215165207 0.7931202198891821 0.6708451865973527 +41924,0.4108172676982779,2,0.25449095931252674 0.25449095931252674 0.24365646269173305 0.34581028797350705 0.4835631735807611 0.7172787435436175 1.0794604877244662 1.3209149838450351 1.5608216947340632 1.6892878689520554 1.7527470634452855 1.8440663921062659 1.7542948486768262 1.6892878689520554 1.6366631710796276 1.3317494804658287 0.9711155215165207 0.7931202198891821 0.6708451865973527 0.5764302874732822 +41925,0.3334280061211727,2,0.25449095931252674 0.24365646269173305 0.34581028797350705 0.4835631735807611 0.7172787435436175 1.0794604877244662 1.3209149838450351 1.5608216947340632 1.6892878689520554 1.7527470634452855 1.8440663921062659 1.7542948486768262 1.6892878689520554 1.6366631710796276 1.3317494804658287 0.9711155215165207 0.7931202198891821 0.6708451865973527 0.5764302874732822 0.4108172676982779 +41926,0.3721226369097253,2,0.24365646269173305 0.34581028797350705 0.4835631735807611 0.7172787435436175 1.0794604877244662 1.3209149838450351 1.5608216947340632 1.6892878689520554 1.7527470634452855 1.8440663921062659 1.7542948486768262 1.6892878689520554 1.6366631710796276 1.3317494804658287 0.9711155215165207 0.7931202198891821 0.6708451865973527 0.5764302874732822 0.4108172676982779 0.3334280061211727 +41927,0.22972639560784916,2,0.34581028797350705 0.4835631735807611 0.7172787435436175 1.0794604877244662 1.3209149838450351 1.5608216947340632 1.6892878689520554 1.7527470634452855 1.8440663921062659 1.7542948486768262 1.6892878689520554 1.6366631710796276 1.3317494804658287 0.9711155215165207 0.7931202198891821 0.6708451865973527 0.5764302874732822 0.4108172676982779 0.3334280061211727 0.3721226369097253 +41928,0.20341404667163973,2,0.4835631735807611 0.7172787435436175 1.0794604877244662 1.3209149838450351 1.5608216947340632 1.6892878689520554 1.7527470634452855 1.8440663921062659 1.7542948486768262 1.6892878689520554 1.6366631710796276 1.3317494804658287 0.9711155215165207 0.7931202198891821 0.6708451865973527 0.5764302874732822 0.4108172676982779 0.3334280061211727 0.3721226369097253 0.22972639560784916 +41929,0.20496183190318043,2,0.7172787435436175 1.0794604877244662 1.3209149838450351 1.5608216947340632 1.6892878689520554 1.7527470634452855 1.8440663921062659 1.7542948486768262 1.6892878689520554 1.6366631710796276 1.3317494804658287 0.9711155215165207 0.7931202198891821 0.6708451865973527 0.5764302874732822 0.4108172676982779 0.3334280061211727 0.3721226369097253 0.22972639560784916 0.20341404667163973 +41930,0.19103176481929654,2,1.0794604877244662 1.3209149838450351 1.5608216947340632 1.6892878689520554 1.7527470634452855 1.8440663921062659 1.7542948486768262 1.6892878689520554 1.6366631710796276 1.3317494804658287 0.9711155215165207 0.7931202198891821 0.6708451865973527 0.5764302874732822 0.4108172676982779 0.3334280061211727 0.3721226369097253 0.22972639560784916 0.20341404667163973 0.20496183190318043 +41931,0.2699688116279425,2,1.3209149838450351 1.5608216947340632 1.6892878689520554 1.7527470634452855 1.8440663921062659 1.7542948486768262 1.6892878689520554 1.6366631710796276 1.3317494804658287 0.9711155215165207 0.7931202198891821 0.6708451865973527 0.5764302874732822 0.4108172676982779 0.3334280061211727 0.3721226369097253 0.22972639560784916 0.20341404667163973 0.20496183190318043 0.19103176481929654 +41932,0.4835631735807611,2,1.5608216947340632 1.6892878689520554 1.7527470634452855 1.8440663921062659 1.7542948486768262 1.6892878689520554 1.6366631710796276 1.3317494804658287 0.9711155215165207 0.7931202198891821 0.6708451865973527 0.5764302874732822 0.4108172676982779 0.3334280061211727 0.3721226369097253 0.22972639560784916 0.20341404667163973 0.20496183190318043 0.19103176481929654 0.2699688116279425 +41933,0.7358521663221236,2,1.6892878689520554 1.7527470634452855 1.8440663921062659 1.7542948486768262 1.6892878689520554 1.6366631710796276 1.3317494804658287 0.9711155215165207 0.7931202198891821 0.6708451865973527 0.5764302874732822 0.4108172676982779 0.3334280061211727 0.3721226369097253 0.22972639560784916 0.20341404667163973 0.20496183190318043 0.19103176481929654 0.2699688116279425 0.4835631735807611 +41934,0.9773066624426923,2,1.7527470634452855 1.8440663921062659 1.7542948486768262 1.6892878689520554 1.6366631710796276 1.3317494804658287 0.9711155215165207 0.7931202198891821 0.6708451865973527 0.5764302874732822 0.4108172676982779 0.3334280061211727 0.3721226369097253 0.22972639560784916 0.20341404667163973 0.20496183190318043 0.19103176481929654 0.2699688116279425 0.4835631735807611 0.7358521663221236 +41935,1.2295956551840548,2,1.8440663921062659 1.7542948486768262 1.6892878689520554 1.6366631710796276 1.3317494804658287 0.9711155215165207 0.7931202198891821 0.6708451865973527 0.5764302874732822 0.4108172676982779 0.3334280061211727 0.3721226369097253 0.22972639560784916 0.20341404667163973 0.20496183190318043 0.19103176481929654 0.2699688116279425 0.4835631735807611 0.7358521663221236 0.9773066624426923 +41936,1.4137820977375648,2,1.7542948486768262 1.6892878689520554 1.6366631710796276 1.3317494804658287 0.9711155215165207 0.7931202198891821 0.6708451865973527 0.5764302874732822 0.4108172676982779 0.3334280061211727 0.3721226369097253 0.22972639560784916 0.20341404667163973 0.20496183190318043 0.19103176481929654 0.2699688116279425 0.4835631735807611 0.7358521663221236 0.9773066624426923 1.2295956551840548 +41937,1.500458070703923,2,1.6892878689520554 1.6366631710796276 1.3317494804658287 0.9711155215165207 0.7931202198891821 0.6708451865973527 0.5764302874732822 0.4108172676982779 0.3334280061211727 0.3721226369097253 0.22972639560784916 0.20341404667163973 0.20496183190318043 0.19103176481929654 0.2699688116279425 0.4835631735807611 0.7358521663221236 0.9773066624426923 1.2295956551840548 1.4137820977375648 +41938,1.7156002178882737,2,1.6366631710796276 1.3317494804658287 0.9711155215165207 0.7931202198891821 0.6708451865973527 0.5764302874732822 0.4108172676982779 0.3334280061211727 0.3721226369097253 0.22972639560784916 0.20341404667163973 0.20496183190318043 0.19103176481929654 0.2699688116279425 0.4835631735807611 0.7358521663221236 0.9773066624426923 1.2295956551840548 1.4137820977375648 1.500458070703923 +41939,1.7713204862237915,2,1.3317494804658287 0.9711155215165207 0.7931202198891821 0.6708451865973527 0.5764302874732822 0.4108172676982779 0.3334280061211727 0.3721226369097253 0.22972639560784916 0.20341404667163973 0.20496183190318043 0.19103176481929654 0.2699688116279425 0.4835631735807611 0.7358521663221236 0.9773066624426923 1.2295956551840548 1.4137820977375648 1.500458070703923 1.7156002178882737 +41940,1.7806071976130444,2,0.9711155215165207 0.7931202198891821 0.6708451865973527 0.5764302874732822 0.4108172676982779 0.3334280061211727 0.3721226369097253 0.22972639560784916 0.20341404667163973 0.20496183190318043 0.19103176481929654 0.2699688116279425 0.4835631735807611 0.7358521663221236 0.9773066624426923 1.2295956551840548 1.4137820977375648 1.500458070703923 1.7156002178882737 1.7713204862237915 +41941,1.7171480031198143,2,0.7931202198891821 0.6708451865973527 0.5764302874732822 0.4108172676982779 0.3334280061211727 0.3721226369097253 0.22972639560784916 0.20341404667163973 0.20496183190318043 0.19103176481929654 0.2699688116279425 0.4835631735807611 0.7358521663221236 0.9773066624426923 1.2295956551840548 1.4137820977375648 1.500458070703923 1.7156002178882737 1.7713204862237915 1.7806071976130444 +41942,1.5314137753347634,2,0.6708451865973527 0.5764302874732822 0.4108172676982779 0.3334280061211727 0.3721226369097253 0.22972639560784916 0.20341404667163973 0.20496183190318043 0.19103176481929654 0.2699688116279425 0.4835631735807611 0.7358521663221236 0.9773066624426923 1.2295956551840548 1.4137820977375648 1.500458070703923 1.7156002178882737 1.7713204862237915 1.7806071976130444 1.7171480031198143 +41943,1.2806725678249418,2,0.5764302874732822 0.4108172676982779 0.3334280061211727 0.3721226369097253 0.22972639560784916 0.20341404667163973 0.20496183190318043 0.19103176481929654 0.2699688116279425 0.4835631735807611 0.7358521663221236 0.9773066624426923 1.2295956551840548 1.4137820977375648 1.500458070703923 1.7156002178882737 1.7713204862237915 1.7806071976130444 1.7171480031198143 1.5314137753347634 +41944,0.9262297498017965,2,0.4108172676982779 0.3334280061211727 0.3721226369097253 0.22972639560784916 0.20341404667163973 0.20496183190318043 0.19103176481929654 0.2699688116279425 0.4835631735807611 0.7358521663221236 0.9773066624426923 1.2295956551840548 1.4137820977375648 1.500458070703923 1.7156002178882737 1.7713204862237915 1.7806071976130444 1.7171480031198143 1.5314137753347634 1.2806725678249418 +41945,0.7884768641945512,2,0.3334280061211727 0.3721226369097253 0.22972639560784916 0.20341404667163973 0.20496183190318043 0.19103176481929654 0.2699688116279425 0.4835631735807611 0.7358521663221236 0.9773066624426923 1.2295956551840548 1.4137820977375648 1.500458070703923 1.7156002178882737 1.7713204862237915 1.7806071976130444 1.7171480031198143 1.5314137753347634 1.2806725678249418 0.9262297498017965 +41946,0.669297401365812,2,0.3721226369097253 0.22972639560784916 0.20341404667163973 0.20496183190318043 0.19103176481929654 0.2699688116279425 0.4835631735807611 0.7358521663221236 0.9773066624426923 1.2295956551840548 1.4137820977375648 1.500458070703923 1.7156002178882737 1.7713204862237915 1.7806071976130444 1.7171480031198143 1.5314137753347634 1.2806725678249418 0.9262297498017965 0.7884768641945512 +41947,0.5532135090001541,2,0.22972639560784916 0.20341404667163973 0.20496183190318043 0.19103176481929654 0.2699688116279425 0.4835631735807611 0.7358521663221236 0.9773066624426923 1.2295956551840548 1.4137820977375648 1.500458070703923 1.7156002178882737 1.7713204862237915 1.7806071976130444 1.7171480031198143 1.5314137753347634 1.2806725678249418 0.9262297498017965 0.7884768641945512 0.669297401365812 +41948,0.5980992807148695,2,0.20341404667163973 0.20496183190318043 0.19103176481929654 0.2699688116279425 0.4835631735807611 0.7358521663221236 0.9773066624426923 1.2295956551840548 1.4137820977375648 1.500458070703923 1.7156002178882737 1.7713204862237915 1.7806071976130444 1.7171480031198143 1.5314137753347634 1.2806725678249418 0.9262297498017965 0.7884768641945512 0.669297401365812 0.5532135090001541 +41949,0.5021365963592582,2,0.20496183190318043 0.19103176481929654 0.2699688116279425 0.4835631735807611 0.7358521663221236 0.9773066624426923 1.2295956551840548 1.4137820977375648 1.500458070703923 1.7156002178882737 1.7713204862237915 1.7806071976130444 1.7171480031198143 1.5314137753347634 1.2806725678249418 0.9262297498017965 0.7884768641945512 0.669297401365812 0.5532135090001541 0.5980992807148695 +41950,0.46653753603379583,2,0.19103176481929654 0.2699688116279425 0.4835631735807611 0.7358521663221236 0.9773066624426923 1.2295956551840548 1.4137820977375648 1.500458070703923 1.7156002178882737 1.7713204862237915 1.7806071976130444 1.7171480031198143 1.5314137753347634 1.2806725678249418 0.9262297498017965 0.7884768641945512 0.669297401365812 0.5532135090001541 0.5980992807148695 0.5021365963592582 +41951,0.41855619385599024,2,0.2699688116279425 0.4835631735807611 0.7358521663221236 0.9773066624426923 1.2295956551840548 1.4137820977375648 1.500458070703923 1.7156002178882737 1.7713204862237915 1.7806071976130444 1.7171480031198143 1.5314137753347634 1.2806725678249418 0.9262297498017965 0.7884768641945512 0.669297401365812 0.5532135090001541 0.5980992807148695 0.5021365963592582 0.46653753603379583 +41952,0.3303324356580913,2,0.4835631735807611 0.7358521663221236 0.9773066624426923 1.2295956551840548 1.4137820977375648 1.500458070703923 1.7156002178882737 1.7713204862237915 1.7806071976130444 1.7171480031198143 1.5314137753347634 1.2806725678249418 0.9262297498017965 0.7884768641945512 0.669297401365812 0.5532135090001541 0.5980992807148695 0.5021365963592582 0.46653753603379583 0.41855619385599024 +41953,0.2668732411648611,2,0.7358521663221236 0.9773066624426923 1.2295956551840548 1.4137820977375648 1.500458070703923 1.7156002178882737 1.7713204862237915 1.7806071976130444 1.7171480031198143 1.5314137753347634 1.2806725678249418 0.9262297498017965 0.7884768641945512 0.669297401365812 0.5532135090001541 0.5980992807148695 0.5021365963592582 0.46653753603379583 0.41855619385599024 0.3303324356580913 +41954,0.322593509500379,2,0.9773066624426923 1.2295956551840548 1.4137820977375648 1.500458070703923 1.7156002178882737 1.7713204862237915 1.7806071976130444 1.7171480031198143 1.5314137753347634 1.2806725678249418 0.9262297498017965 0.7884768641945512 0.669297401365812 0.5532135090001541 0.5980992807148695 0.5021365963592582 0.46653753603379583 0.41855619385599024 0.3303324356580913 0.2668732411648611 +41955,0.29782894579570146,2,1.2295956551840548 1.4137820977375648 1.500458070703923 1.7156002178882737 1.7713204862237915 1.7806071976130444 1.7171480031198143 1.5314137753347634 1.2806725678249418 0.9262297498017965 0.7884768641945512 0.669297401365812 0.5532135090001541 0.5980992807148695 0.5021365963592582 0.46653753603379583 0.41855619385599024 0.3303324356580913 0.2668732411648611 0.322593509500379 +41956,0.6445328376611345,2,1.4137820977375648 1.500458070703923 1.7156002178882737 1.7713204862237915 1.7806071976130444 1.7171480031198143 1.5314137753347634 1.2806725678249418 0.9262297498017965 0.7884768641945512 0.669297401365812 0.5532135090001541 0.5980992807148695 0.5021365963592582 0.46653753603379583 0.41855619385599024 0.3303324356580913 0.2668732411648611 0.322593509500379 0.29782894579570146 +41957,0.9958800852211894,2,1.500458070703923 1.7156002178882737 1.7713204862237915 1.7806071976130444 1.7171480031198143 1.5314137753347634 1.2806725678249418 0.9262297498017965 0.7884768641945512 0.669297401365812 0.5532135090001541 0.5980992807148695 0.5021365963592582 0.46653753603379583 0.41855619385599024 0.3303324356580913 0.2668732411648611 0.322593509500379 0.29782894579570146 0.6445328376611345 +41958,1.3688963260228406,2,1.7156002178882737 1.7713204862237915 1.7806071976130444 1.7171480031198143 1.5314137753347634 1.2806725678249418 0.9262297498017965 0.7884768641945512 0.669297401365812 0.5532135090001541 0.5980992807148695 0.5021365963592582 0.46653753603379583 0.41855619385599024 0.3303324356580913 0.2668732411648611 0.322593509500379 0.29782894579570146 0.6445328376611345 0.9958800852211894 +41959,1.635115385848087,2,1.7713204862237915 1.7806071976130444 1.7171480031198143 1.5314137753347634 1.2806725678249418 0.9262297498017965 0.7884768641945512 0.669297401365812 0.5532135090001541 0.5980992807148695 0.5021365963592582 0.46653753603379583 0.41855619385599024 0.3303324356580913 0.2668732411648611 0.322593509500379 0.29782894579570146 0.6445328376611345 0.9958800852211894 1.3688963260228406 +41960,1.82549296932776,2,1.7806071976130444 1.7171480031198143 1.5314137753347634 1.2806725678249418 0.9262297498017965 0.7884768641945512 0.669297401365812 0.5532135090001541 0.5980992807148695 0.5021365963592582 0.46653753603379583 0.41855619385599024 0.3303324356580913 0.2668732411648611 0.322593509500379 0.29782894579570146 0.6445328376611345 0.9958800852211894 1.3688963260228406 1.635115385848087 +41961,1.8595442444216905,2,1.7171480031198143 1.5314137753347634 1.2806725678249418 0.9262297498017965 0.7884768641945512 0.669297401365812 0.5532135090001541 0.5980992807148695 0.5021365963592582 0.46653753603379583 0.41855619385599024 0.3303324356580913 0.2668732411648611 0.322593509500379 0.29782894579570146 0.6445328376611345 0.9958800852211894 1.3688963260228406 1.635115385848087 1.82549296932776 +41962,1.7635815600660791,2,1.5314137753347634 1.2806725678249418 0.9262297498017965 0.7884768641945512 0.669297401365812 0.5532135090001541 0.5980992807148695 0.5021365963592582 0.46653753603379583 0.41855619385599024 0.3303324356580913 0.2668732411648611 0.322593509500379 0.29782894579570146 0.6445328376611345 0.9958800852211894 1.3688963260228406 1.635115385848087 1.82549296932776 1.8595442444216905 +41963,1.6830967280258926,2,1.2806725678249418 0.9262297498017965 0.7884768641945512 0.669297401365812 0.5532135090001541 0.5980992807148695 0.5021365963592582 0.46653753603379583 0.41855619385599024 0.3303324356580913 0.2668732411648611 0.322593509500379 0.29782894579570146 0.6445328376611345 0.9958800852211894 1.3688963260228406 1.635115385848087 1.82549296932776 1.8595442444216905 1.7635815600660791 +41964,1.5453438424186385,2,0.9262297498017965 0.7884768641945512 0.669297401365812 0.5532135090001541 0.5980992807148695 0.5021365963592582 0.46653753603379583 0.41855619385599024 0.3303324356580913 0.2668732411648611 0.322593509500379 0.29782894579570146 0.6445328376611345 0.9958800852211894 1.3688963260228406 1.635115385848087 1.82549296932776 1.8595442444216905 1.7635815600660791 1.6830967280258926 +41965,1.4710501513046235,2,0.7884768641945512 0.669297401365812 0.5532135090001541 0.5980992807148695 0.5021365963592582 0.46653753603379583 0.41855619385599024 0.3303324356580913 0.2668732411648611 0.322593509500379 0.29782894579570146 0.6445328376611345 0.9958800852211894 1.3688963260228406 1.635115385848087 1.82549296932776 1.8595442444216905 1.7635815600660791 1.6830967280258926 1.5453438424186385 +41966,1.348775118012794,2,0.669297401365812 0.5532135090001541 0.5980992807148695 0.5021365963592582 0.46653753603379583 0.41855619385599024 0.3303324356580913 0.2668732411648611 0.322593509500379 0.29782894579570146 0.6445328376611345 0.9958800852211894 1.3688963260228406 1.635115385848087 1.82549296932776 1.8595442444216905 1.7635815600660791 1.6830967280258926 1.5453438424186385 1.4710501513046235 +41967,1.1754231720800774,2,0.5532135090001541 0.5980992807148695 0.5021365963592582 0.46653753603379583 0.41855619385599024 0.3303324356580913 0.2668732411648611 0.322593509500379 0.29782894579570146 0.6445328376611345 0.9958800852211894 1.3688963260228406 1.635115385848087 1.82549296932776 1.8595442444216905 1.7635815600660791 1.6830967280258926 1.5453438424186385 1.4710501513046235 1.348775118012794 +41968,1.006714581841992,2,0.5980992807148695 0.5021365963592582 0.46653753603379583 0.41855619385599024 0.3303324356580913 0.2668732411648611 0.322593509500379 0.29782894579570146 0.6445328376611345 0.9958800852211894 1.3688963260228406 1.635115385848087 1.82549296932776 1.8595442444216905 1.7635815600660791 1.6830967280258926 1.5453438424186385 1.4710501513046235 1.348775118012794 1.1754231720800774 +41969,0.8457449177616099,2,0.5021365963592582 0.46653753603379583 0.41855619385599024 0.3303324356580913 0.2668732411648611 0.322593509500379 0.29782894579570146 0.6445328376611345 0.9958800852211894 1.3688963260228406 1.635115385848087 1.82549296932776 1.8595442444216905 1.7635815600660791 1.6830967280258926 1.5453438424186385 1.4710501513046235 1.348775118012794 1.1754231720800774 1.006714581841992 +41970,0.7699034414160453,2,0.46653753603379583 0.41855619385599024 0.3303324356580913 0.2668732411648611 0.322593509500379 0.29782894579570146 0.6445328376611345 0.9958800852211894 1.3688963260228406 1.635115385848087 1.82549296932776 1.8595442444216905 1.7635815600660791 1.6830967280258926 1.5453438424186385 1.4710501513046235 1.348775118012794 1.1754231720800774 1.006714581841992 0.8457449177616099 +41971,0.7188265287751583,2,0.41855619385599024 0.3303324356580913 0.2668732411648611 0.322593509500379 0.29782894579570146 0.6445328376611345 0.9958800852211894 1.3688963260228406 1.635115385848087 1.82549296932776 1.8595442444216905 1.7635815600660791 1.6830967280258926 1.5453438424186385 1.4710501513046235 1.348775118012794 1.1754231720800774 1.006714581841992 0.8457449177616099 0.7699034414160453 +41972,0.6662018309027218,2,0.3303324356580913 0.2668732411648611 0.322593509500379 0.29782894579570146 0.6445328376611345 0.9958800852211894 1.3688963260228406 1.635115385848087 1.82549296932776 1.8595442444216905 1.7635815600660791 1.6830967280258926 1.5453438424186385 1.4710501513046235 1.348775118012794 1.1754231720800774 1.006714581841992 0.8457449177616099 0.7699034414160453 0.7188265287751583 +41973,0.6909663946073993,2,0.2668732411648611 0.322593509500379 0.29782894579570146 0.6445328376611345 0.9958800852211894 1.3688963260228406 1.635115385848087 1.82549296932776 1.8595442444216905 1.7635815600660791 1.6830967280258926 1.5453438424186385 1.4710501513046235 1.348775118012794 1.1754231720800774 1.006714581841992 0.8457449177616099 0.7699034414160453 0.7188265287751583 0.6662018309027218 +41974,0.6662018309027218,2,0.322593509500379 0.29782894579570146 0.6445328376611345 0.9958800852211894 1.3688963260228406 1.635115385848087 1.82549296932776 1.8595442444216905 1.7635815600660791 1.6830967280258926 1.5453438424186385 1.4710501513046235 1.348775118012794 1.1754231720800774 1.006714581841992 0.8457449177616099 0.7699034414160453 0.7188265287751583 0.6662018309027218 0.6909663946073993 +41975,0.5888125693256165,2,0.29782894579570146 0.6445328376611345 0.9958800852211894 1.3688963260228406 1.635115385848087 1.82549296932776 1.8595442444216905 1.7635815600660791 1.6830967280258926 1.5453438424186385 1.4710501513046235 1.348775118012794 1.1754231720800774 1.006714581841992 0.8457449177616099 0.7699034414160453 0.7188265287751583 0.6662018309027218 0.6909663946073993 0.6662018309027218 +41976,0.5377356566847294,2,0.6445328376611345 0.9958800852211894 1.3688963260228406 1.635115385848087 1.82549296932776 1.8595442444216905 1.7635815600660791 1.6830967280258926 1.5453438424186385 1.4710501513046235 1.348775118012794 1.1754231720800774 1.006714581841992 0.8457449177616099 0.7699034414160453 0.7188265287751583 0.6662018309027218 0.6909663946073993 0.6662018309027218 0.5888125693256165 +41977,0.4866587440438425,2,0.9958800852211894 1.3688963260228406 1.635115385848087 1.82549296932776 1.8595442444216905 1.7635815600660791 1.6830967280258926 1.5453438424186385 1.4710501513046235 1.348775118012794 1.1754231720800774 1.006714581841992 0.8457449177616099 0.7699034414160453 0.7188265287751583 0.6662018309027218 0.6909663946073993 0.6662018309027218 0.5888125693256165 0.5377356566847294 +41978,0.42165176431907164,2,1.3688963260228406 1.635115385848087 1.82549296932776 1.8595442444216905 1.7635815600660791 1.6830967280258926 1.5453438424186385 1.4710501513046235 1.348775118012794 1.1754231720800774 1.006714581841992 0.8457449177616099 0.7699034414160453 0.7188265287751583 0.6662018309027218 0.6909663946073993 0.6662018309027218 0.5888125693256165 0.5377356566847294 0.4866587440438425 +41979,0.4758242474230488,2,1.635115385848087 1.82549296932776 1.8595442444216905 1.7635815600660791 1.6830967280258926 1.5453438424186385 1.4710501513046235 1.348775118012794 1.1754231720800774 1.006714581841992 0.8457449177616099 0.7699034414160453 0.7188265287751583 0.6662018309027218 0.6909663946073993 0.6662018309027218 0.5888125693256165 0.5377356566847294 0.4866587440438425 0.42165176431907164 +41980,0.6662018309027218,2,1.82549296932776 1.8595442444216905 1.7635815600660791 1.6830967280258926 1.5453438424186385 1.4710501513046235 1.348775118012794 1.1754231720800774 1.006714581841992 0.8457449177616099 0.7699034414160453 0.7188265287751583 0.6662018309027218 0.6909663946073993 0.6662018309027218 0.5888125693256165 0.5377356566847294 0.4866587440438425 0.42165176431907164 0.4758242474230488 +41981,1.0005234409158204,2,1.8595442444216905 1.7635815600660791 1.6830967280258926 1.5453438424186385 1.4710501513046235 1.348775118012794 1.1754231720800774 1.006714581841992 0.8457449177616099 0.7699034414160453 0.7188265287751583 0.6662018309027218 0.6909663946073993 0.6662018309027218 0.5888125693256165 0.5377356566847294 0.4866587440438425 0.42165176431907164 0.4758242474230488 0.6662018309027218 +41982,1.325558339539666,2,1.7635815600660791 1.6830967280258926 1.5453438424186385 1.4710501513046235 1.348775118012794 1.1754231720800774 1.006714581841992 0.8457449177616099 0.7699034414160453 0.7188265287751583 0.6662018309027218 0.6909663946073993 0.6662018309027218 0.5888125693256165 0.5377356566847294 0.4866587440438425 0.42165176431907164 0.4758242474230488 0.6662018309027218 1.0005234409158204 +41983,1.5453438424186385,2,1.6830967280258926 1.5453438424186385 1.4710501513046235 1.348775118012794 1.1754231720800774 1.006714581841992 0.8457449177616099 0.7699034414160453 0.7188265287751583 0.6662018309027218 0.6909663946073993 0.6662018309027218 0.5888125693256165 0.5377356566847294 0.4866587440438425 0.42165176431907164 0.4758242474230488 0.6662018309027218 1.0005234409158204 1.325558339539666 +41984,1.6738100166366396,2,1.5453438424186385 1.4710501513046235 1.348775118012794 1.1754231720800774 1.006714581841992 0.8457449177616099 0.7699034414160453 0.7188265287751583 0.6662018309027218 0.6909663946073993 0.6662018309027218 0.5888125693256165 0.5377356566847294 0.4866587440438425 0.42165176431907164 0.4758242474230488 0.6662018309027218 1.0005234409158204 1.325558339539666 1.5453438424186385 +41985,1.6273764596903746,2,1.4710501513046235 1.348775118012794 1.1754231720800774 1.006714581841992 0.8457449177616099 0.7699034414160453 0.7188265287751583 0.6662018309027218 0.6909663946073993 0.6662018309027218 0.5888125693256165 0.5377356566847294 0.4866587440438425 0.42165176431907164 0.4758242474230488 0.6662018309027218 1.0005234409158204 1.325558339539666 1.5453438424186385 1.6738100166366396 +41986,1.616541963069581,2,1.348775118012794 1.1754231720800774 1.006714581841992 0.8457449177616099 0.7699034414160453 0.7188265287751583 0.6662018309027218 0.6909663946073993 0.6662018309027218 0.5888125693256165 0.5377356566847294 0.4866587440438425 0.42165176431907164 0.4758242474230488 0.6662018309027218 1.0005234409158204 1.325558339539666 1.5453438424186385 1.6738100166366396 1.6273764596903746 +41987,1.6382109563111684,2,1.1754231720800774 1.006714581841992 0.8457449177616099 0.7699034414160453 0.7188265287751583 0.6662018309027218 0.6909663946073993 0.6662018309027218 0.5888125693256165 0.5377356566847294 0.4866587440438425 0.42165176431907164 0.4758242474230488 0.6662018309027218 1.0005234409158204 1.325558339539666 1.5453438424186385 1.6738100166366396 1.6273764596903746 1.616541963069581 +41988,1.585586258438732,2,1.006714581841992 0.8457449177616099 0.7699034414160453 0.7188265287751583 0.6662018309027218 0.6909663946073993 0.6662018309027218 0.5888125693256165 0.5377356566847294 0.4866587440438425 0.42165176431907164 0.4758242474230488 0.6662018309027218 1.0005234409158204 1.325558339539666 1.5453438424186385 1.6738100166366396 1.6273764596903746 1.616541963069581 1.6382109563111684 +41989,1.523674849177051,2,0.8457449177616099 0.7699034414160453 0.7188265287751583 0.6662018309027218 0.6909663946073993 0.6662018309027218 0.5888125693256165 0.5377356566847294 0.4866587440438425 0.42165176431907164 0.4758242474230488 0.6662018309027218 1.0005234409158204 1.325558339539666 1.5453438424186385 1.6738100166366396 1.6273764596903746 1.616541963069581 1.6382109563111684 1.585586258438732 +41990,1.4029476011167712,2,0.7699034414160453 0.7188265287751583 0.6662018309027218 0.6909663946073993 0.6662018309027218 0.5888125693256165 0.5377356566847294 0.4866587440438425 0.42165176431907164 0.4758242474230488 0.6662018309027218 1.0005234409158204 1.325558339539666 1.5453438424186385 1.6738100166366396 1.6273764596903746 1.616541963069581 1.6382109563111684 1.585586258438732 1.523674849177051 +41991,1.1413718969861557,2,0.7188265287751583 0.6662018309027218 0.6909663946073993 0.6662018309027218 0.5888125693256165 0.5377356566847294 0.4866587440438425 0.42165176431907164 0.4758242474230488 0.6662018309027218 1.0005234409158204 1.325558339539666 1.5453438424186385 1.6738100166366396 1.6273764596903746 1.616541963069581 1.6382109563111684 1.585586258438732 1.523674849177051 1.4029476011167712 +41992,0.9246819645702558,2,0.6662018309027218 0.6909663946073993 0.6662018309027218 0.5888125693256165 0.5377356566847294 0.4866587440438425 0.42165176431907164 0.4758242474230488 0.6662018309027218 1.0005234409158204 1.325558339539666 1.5453438424186385 1.6738100166366396 1.6273764596903746 1.616541963069581 1.6382109563111684 1.585586258438732 1.523674849177051 1.4029476011167712 1.1413718969861557 +41993,0.7590689447952516,2,0.6909663946073993 0.6662018309027218 0.5888125693256165 0.5377356566847294 0.4866587440438425 0.42165176431907164 0.4758242474230488 0.6662018309027218 1.0005234409158204 1.325558339539666 1.5453438424186385 1.6738100166366396 1.6273764596903746 1.616541963069581 1.6382109563111684 1.585586258438732 1.523674849177051 1.4029476011167712 1.1413718969861557 0.9246819645702558 +41994,0.7079920321543646,2,0.6662018309027218 0.5888125693256165 0.5377356566847294 0.4866587440438425 0.42165176431907164 0.4758242474230488 0.6662018309027218 1.0005234409158204 1.325558339539666 1.5453438424186385 1.6738100166366396 1.6273764596903746 1.616541963069581 1.6382109563111684 1.585586258438732 1.523674849177051 1.4029476011167712 1.1413718969861557 0.9246819645702558 0.7590689447952516 +41995,0.5547612942316947,2,0.5888125693256165 0.5377356566847294 0.4866587440438425 0.42165176431907164 0.4758242474230488 0.6662018309027218 1.0005234409158204 1.325558339539666 1.5453438424186385 1.6738100166366396 1.6273764596903746 1.616541963069581 1.6382109563111684 1.585586258438732 1.523674849177051 1.4029476011167712 1.1413718969861557 0.9246819645702558 0.7590689447952516 0.7079920321543646 +41996,0.5408312271478108,2,0.5377356566847294 0.4866587440438425 0.42165176431907164 0.4758242474230488 0.6662018309027218 1.0005234409158204 1.325558339539666 1.5453438424186385 1.6738100166366396 1.6273764596903746 1.616541963069581 1.6382109563111684 1.585586258438732 1.523674849177051 1.4029476011167712 1.1413718969861557 0.9246819645702558 0.7590689447952516 0.7079920321543646 0.5547612942316947 +41997,0.5392834419162702,2,0.4866587440438425 0.42165176431907164 0.4758242474230488 0.6662018309027218 1.0005234409158204 1.325558339539666 1.5453438424186385 1.6738100166366396 1.6273764596903746 1.616541963069581 1.6382109563111684 1.585586258438732 1.523674849177051 1.4029476011167712 1.1413718969861557 0.9246819645702558 0.7590689447952516 0.7079920321543646 0.5547612942316947 0.5408312271478108 +41998,0.5501179385370639,2,0.42165176431907164 0.4758242474230488 0.6662018309027218 1.0005234409158204 1.325558339539666 1.5453438424186385 1.6738100166366396 1.6273764596903746 1.616541963069581 1.6382109563111684 1.585586258438732 1.523674849177051 1.4029476011167712 1.1413718969861557 0.9246819645702558 0.7590689447952516 0.7079920321543646 0.5547612942316947 0.5408312271478108 0.5392834419162702 +41999,0.45415525418145264,2,0.4758242474230488 0.6662018309027218 1.0005234409158204 1.325558339539666 1.5453438424186385 1.6738100166366396 1.6273764596903746 1.616541963069581 1.6382109563111684 1.585586258438732 1.523674849177051 1.4029476011167712 1.1413718969861557 0.9246819645702558 0.7590689447952516 0.7079920321543646 0.5547612942316947 0.5408312271478108 0.5392834419162702 0.5501179385370639 +42000,0.4990410258961769,2,0.6662018309027218 1.0005234409158204 1.325558339539666 1.5453438424186385 1.6738100166366396 1.6273764596903746 1.616541963069581 1.6382109563111684 1.585586258438732 1.523674849177051 1.4029476011167712 1.1413718969861557 0.9246819645702558 0.7590689447952516 0.7079920321543646 0.5547612942316947 0.5408312271478108 0.5392834419162702 0.5501179385370639 0.45415525418145264 +42001,0.4727286769599586,2,1.0005234409158204 1.325558339539666 1.5453438424186385 1.6738100166366396 1.6273764596903746 1.616541963069581 1.6382109563111684 1.585586258438732 1.523674849177051 1.4029476011167712 1.1413718969861557 0.9246819645702558 0.7590689447952516 0.7079920321543646 0.5547612942316947 0.5408312271478108 0.5392834419162702 0.5501179385370639 0.45415525418145264 0.4990410258961769 +42002,0.4123650529298186,2,1.325558339539666 1.5453438424186385 1.6738100166366396 1.6273764596903746 1.616541963069581 1.6382109563111684 1.585586258438732 1.523674849177051 1.4029476011167712 1.1413718969861557 0.9246819645702558 0.7590689447952516 0.7079920321543646 0.5547612942316947 0.5408312271478108 0.5392834419162702 0.5501179385370639 0.45415525418145264 0.4990410258961769 0.4727286769599586 +42003,0.44951189848683054,2,1.5453438424186385 1.6738100166366396 1.6273764596903746 1.616541963069581 1.6382109563111684 1.585586258438732 1.523674849177051 1.4029476011167712 1.1413718969861557 0.9246819645702558 0.7590689447952516 0.7079920321543646 0.5547612942316947 0.5408312271478108 0.5392834419162702 0.5501179385370639 0.45415525418145264 0.4990410258961769 0.4727286769599586 0.4123650529298186 +42004,0.711087602617446,2,1.6738100166366396 1.6273764596903746 1.616541963069581 1.6382109563111684 1.585586258438732 1.523674849177051 1.4029476011167712 1.1413718969861557 0.9246819645702558 0.7590689447952516 0.7079920321543646 0.5547612942316947 0.5408312271478108 0.5392834419162702 0.5501179385370639 0.45415525418145264 0.4990410258961769 0.4727286769599586 0.4123650529298186 0.44951189848683054 +42005,0.9184908236440842,2,1.6273764596903746 1.616541963069581 1.6382109563111684 1.585586258438732 1.523674849177051 1.4029476011167712 1.1413718969861557 0.9246819645702558 0.7590689447952516 0.7079920321543646 0.5547612942316947 0.5408312271478108 0.5392834419162702 0.5501179385370639 0.45415525418145264 0.4990410258961769 0.4727286769599586 0.4123650529298186 0.44951189848683054 0.711087602617446 +42006,1.2311434404155954,2,1.616541963069581 1.6382109563111684 1.585586258438732 1.523674849177051 1.4029476011167712 1.1413718969861557 0.9246819645702558 0.7590689447952516 0.7079920321543646 0.5547612942316947 0.5408312271478108 0.5392834419162702 0.5501179385370639 0.45415525418145264 0.4990410258961769 0.4727286769599586 0.4123650529298186 0.44951189848683054 0.711087602617446 0.9184908236440842 +42007,1.469502366073074,2,1.6382109563111684 1.585586258438732 1.523674849177051 1.4029476011167712 1.1413718969861557 0.9246819645702558 0.7590689447952516 0.7079920321543646 0.5547612942316947 0.5408312271478108 0.5392834419162702 0.5501179385370639 0.45415525418145264 0.4990410258961769 0.4727286769599586 0.4123650529298186 0.44951189848683054 0.711087602617446 0.9184908236440842 1.2311434404155954 +42008,1.6057074664487874,2,1.585586258438732 1.523674849177051 1.4029476011167712 1.1413718969861557 0.9246819645702558 0.7590689447952516 0.7079920321543646 0.5547612942316947 0.5408312271478108 0.5392834419162702 0.5501179385370639 0.45415525418145264 0.4990410258961769 0.4727286769599586 0.4123650529298186 0.44951189848683054 0.711087602617446 0.9184908236440842 1.2311434404155954 1.469502366073074 +42009,1.7063135064990207,2,1.523674849177051 1.4029476011167712 1.1413718969861557 0.9246819645702558 0.7590689447952516 0.7079920321543646 0.5547612942316947 0.5408312271478108 0.5392834419162702 0.5501179385370639 0.45415525418145264 0.4990410258961769 0.4727286769599586 0.4123650529298186 0.44951189848683054 0.711087602617446 0.9184908236440842 1.2311434404155954 1.469502366073074 1.6057074664487874 +42010,1.7063135064990207,2,1.4029476011167712 1.1413718969861557 0.9246819645702558 0.7590689447952516 0.7079920321543646 0.5547612942316947 0.5408312271478108 0.5392834419162702 0.5501179385370639 0.45415525418145264 0.4990410258961769 0.4727286769599586 0.4123650529298186 0.44951189848683054 0.711087602617446 0.9184908236440842 1.2311434404155954 1.469502366073074 1.6057074664487874 1.7063135064990207 +42011,1.6691666609420086,2,1.1413718969861557 0.9246819645702558 0.7590689447952516 0.7079920321543646 0.5547612942316947 0.5408312271478108 0.5392834419162702 0.5501179385370639 0.45415525418145264 0.4990410258961769 0.4727286769599586 0.4123650529298186 0.44951189848683054 0.711087602617446 0.9184908236440842 1.2311434404155954 1.469502366073074 1.6057074664487874 1.7063135064990207 1.7063135064990207 +42012,1.5577261242709817,2,0.9246819645702558 0.7590689447952516 0.7079920321543646 0.5547612942316947 0.5408312271478108 0.5392834419162702 0.5501179385370639 0.45415525418145264 0.4990410258961769 0.4727286769599586 0.4123650529298186 0.44951189848683054 0.711087602617446 0.9184908236440842 1.2311434404155954 1.469502366073074 1.6057074664487874 1.7063135064990207 1.7063135064990207 1.6691666609420086 +42013,1.450928943294577,2,0.7590689447952516 0.7079920321543646 0.5547612942316947 0.5408312271478108 0.5392834419162702 0.5501179385370639 0.45415525418145264 0.4990410258961769 0.4727286769599586 0.4123650529298186 0.44951189848683054 0.711087602617446 0.9184908236440842 1.2311434404155954 1.469502366073074 1.6057074664487874 1.7063135064990207 1.7063135064990207 1.6691666609420086 1.5577261242709817 +42014,1.325558339539666,2,0.7079920321543646 0.5547612942316947 0.5408312271478108 0.5392834419162702 0.5501179385370639 0.45415525418145264 0.4990410258961769 0.4727286769599586 0.4123650529298186 0.44951189848683054 0.711087602617446 0.9184908236440842 1.2311434404155954 1.469502366073074 1.6057074664487874 1.7063135064990207 1.7063135064990207 1.6691666609420086 1.5577261242709817 1.450928943294577 +42015,1.0918427695768007,2,0.5547612942316947 0.5408312271478108 0.5392834419162702 0.5501179385370639 0.45415525418145264 0.4990410258961769 0.4727286769599586 0.4123650529298186 0.44951189848683054 0.711087602617446 0.9184908236440842 1.2311434404155954 1.469502366073074 1.6057074664487874 1.7063135064990207 1.7063135064990207 1.6691666609420086 1.5577261242709817 1.450928943294577 1.325558339539666 +42016,0.8952740451709561,2,0.5408312271478108 0.5392834419162702 0.5501179385370639 0.45415525418145264 0.4990410258961769 0.4727286769599586 0.4123650529298186 0.44951189848683054 0.711087602617446 0.9184908236440842 1.2311434404155954 1.469502366073074 1.6057074664487874 1.7063135064990207 1.7063135064990207 1.6691666609420086 1.5577261242709817 1.450928943294577 1.325558339539666 1.0918427695768007 +42017,0.6801318979866057,2,0.5392834419162702 0.5501179385370639 0.45415525418145264 0.4990410258961769 0.4727286769599586 0.4123650529298186 0.44951189848683054 0.711087602617446 0.9184908236440842 1.2311434404155954 1.469502366073074 1.6057074664487874 1.7063135064990207 1.7063135064990207 1.6691666609420086 1.5577261242709817 1.450928943294577 1.325558339539666 1.0918427695768007 0.8952740451709561 +42018,0.6197682739564656,2,0.5501179385370639 0.45415525418145264 0.4990410258961769 0.4727286769599586 0.4123650529298186 0.44951189848683054 0.711087602617446 0.9184908236440842 1.2311434404155954 1.469502366073074 1.6057074664487874 1.7063135064990207 1.7063135064990207 1.6691666609420086 1.5577261242709817 1.450928943294577 1.325558339539666 1.0918427695768007 0.8952740451709561 0.6801318979866057 +42019,0.5594046499263169,2,0.45415525418145264 0.4990410258961769 0.4727286769599586 0.4123650529298186 0.44951189848683054 0.711087602617446 0.9184908236440842 1.2311434404155954 1.469502366073074 1.6057074664487874 1.7063135064990207 1.7063135064990207 1.6691666609420086 1.5577261242709817 1.450928943294577 1.325558339539666 1.0918427695768007 0.8952740451709561 0.6801318979866057 0.6197682739564656 +42020,0.5114233077485113,2,0.4990410258961769 0.4727286769599586 0.4123650529298186 0.44951189848683054 0.711087602617446 0.9184908236440842 1.2311434404155954 1.469502366073074 1.6057074664487874 1.7063135064990207 1.7063135064990207 1.6691666609420086 1.5577261242709817 1.450928943294577 1.325558339539666 1.0918427695768007 0.8952740451709561 0.6801318979866057 0.6197682739564656 0.5594046499263169 +42021,0.4402251870975776,2,0.4727286769599586 0.4123650529298186 0.44951189848683054 0.711087602617446 0.9184908236440842 1.2311434404155954 1.469502366073074 1.6057074664487874 1.7063135064990207 1.7063135064990207 1.6691666609420086 1.5577261242709817 1.450928943294577 1.325558339539666 1.0918427695768007 0.8952740451709561 0.6801318979866057 0.6197682739564656 0.5594046499263169 0.5114233077485113 +42022,0.4278429052452432,2,0.4123650529298186 0.44951189848683054 0.711087602617446 0.9184908236440842 1.2311434404155954 1.469502366073074 1.6057074664487874 1.7063135064990207 1.7063135064990207 1.6691666609420086 1.5577261242709817 1.450928943294577 1.325558339539666 1.0918427695768007 0.8952740451709561 0.6801318979866057 0.6197682739564656 0.5594046499263169 0.5114233077485113 0.4402251870975776 +42023,0.313306798111126,2,0.44951189848683054 0.711087602617446 0.9184908236440842 1.2311434404155954 1.469502366073074 1.6057074664487874 1.7063135064990207 1.7063135064990207 1.6691666609420086 1.5577261242709817 1.450928943294577 1.325558339539666 1.0918427695768007 0.8952740451709561 0.6801318979866057 0.6197682739564656 0.5594046499263169 0.5114233077485113 0.4402251870975776 0.4278429052452432 +42024,0.3210457242688383,2,0.711087602617446 0.9184908236440842 1.2311434404155954 1.469502366073074 1.6057074664487874 1.7063135064990207 1.7063135064990207 1.6691666609420086 1.5577261242709817 1.450928943294577 1.325558339539666 1.0918427695768007 0.8952740451709561 0.6801318979866057 0.6197682739564656 0.5594046499263169 0.5114233077485113 0.4402251870975776 0.4278429052452432 0.313306798111126 +42025,0.2730643820910327,2,0.9184908236440842 1.2311434404155954 1.469502366073074 1.6057074664487874 1.7063135064990207 1.7063135064990207 1.6691666609420086 1.5577261242709817 1.450928943294577 1.325558339539666 1.0918427695768007 0.8952740451709561 0.6801318979866057 0.6197682739564656 0.5594046499263169 0.5114233077485113 0.4402251870975776 0.4278429052452432 0.313306798111126 0.3210457242688383 +42026,0.2730643820910327,2,1.2311434404155954 1.469502366073074 1.6057074664487874 1.7063135064990207 1.7063135064990207 1.6691666609420086 1.5577261242709817 1.450928943294577 1.325558339539666 1.0918427695768007 0.8952740451709561 0.6801318979866057 0.6197682739564656 0.5594046499263169 0.5114233077485113 0.4402251870975776 0.4278429052452432 0.313306798111126 0.3210457242688383 0.2730643820910327 +42027,0.3566447845943007,2,1.469502366073074 1.6057074664487874 1.7063135064990207 1.7063135064990207 1.6691666609420086 1.5577261242709817 1.450928943294577 1.325558339539666 1.0918427695768007 0.8952740451709561 0.6801318979866057 0.6197682739564656 0.5594046499263169 0.5114233077485113 0.4402251870975776 0.4278429052452432 0.313306798111126 0.3210457242688383 0.2730643820910327 0.2730643820910327 +42028,0.6569151195134688,2,1.6057074664487874 1.7063135064990207 1.7063135064990207 1.6691666609420086 1.5577261242709817 1.450928943294577 1.325558339539666 1.0918427695768007 0.8952740451709561 0.6801318979866057 0.6197682739564656 0.5594046499263169 0.5114233077485113 0.4402251870975776 0.4278429052452432 0.313306798111126 0.3210457242688383 0.2730643820910327 0.2730643820910327 0.3566447845943007 +42029,0.9277775350333372,2,1.7063135064990207 1.7063135064990207 1.6691666609420086 1.5577261242709817 1.450928943294577 1.325558339539666 1.0918427695768007 0.8952740451709561 0.6801318979866057 0.6197682739564656 0.5594046499263169 0.5114233077485113 0.4402251870975776 0.4278429052452432 0.313306798111126 0.3210457242688383 0.2730643820910327 0.2730643820910327 0.3566447845943007 0.6569151195134688 +42030,1.1754231720800774,2,1.7063135064990207 1.6691666609420086 1.5577261242709817 1.450928943294577 1.325558339539666 1.0918427695768007 0.8952740451709561 0.6801318979866057 0.6197682739564656 0.5594046499263169 0.5114233077485113 0.4402251870975776 0.4278429052452432 0.313306798111126 0.3210457242688383 0.2730643820910327 0.2730643820910327 0.3566447845943007 0.6569151195134688 0.9277775350333372 +42031,1.4106865272744746,2,1.6691666609420086 1.5577261242709817 1.450928943294577 1.325558339539666 1.0918427695768007 0.8952740451709561 0.6801318979866057 0.6197682739564656 0.5594046499263169 0.5114233077485113 0.4402251870975776 0.4278429052452432 0.313306798111126 0.3210457242688383 0.2730643820910327 0.2730643820910327 0.3566447845943007 0.6569151195134688 0.9277775350333372 1.1754231720800774 +42032,1.616541963069581,2,1.5577261242709817 1.450928943294577 1.325558339539666 1.0918427695768007 0.8952740451709561 0.6801318979866057 0.6197682739564656 0.5594046499263169 0.5114233077485113 0.4402251870975776 0.4278429052452432 0.313306798111126 0.3210457242688383 0.2730643820910327 0.2730643820910327 0.3566447845943007 0.6569151195134688 0.9277775350333372 1.1754231720800774 1.4106865272744746 +42033,1.723339144045986,2,1.450928943294577 1.325558339539666 1.0918427695768007 0.8952740451709561 0.6801318979866057 0.6197682739564656 0.5594046499263169 0.5114233077485113 0.4402251870975776 0.4278429052452432 0.313306798111126 0.3210457242688383 0.2730643820910327 0.2730643820910327 0.3566447845943007 0.6569151195134688 0.9277775350333372 1.1754231720800774 1.4106865272744746 1.616541963069581 +42034,1.7821549828445853,2,1.325558339539666 1.0918427695768007 0.8952740451709561 0.6801318979866057 0.6197682739564656 0.5594046499263169 0.5114233077485113 0.4402251870975776 0.4278429052452432 0.313306798111126 0.3210457242688383 0.2730643820910327 0.2730643820910327 0.3566447845943007 0.6569151195134688 0.9277775350333372 1.1754231720800774 1.4106865272744746 1.616541963069581 1.723339144045986 +42035,1.630472030153456,2,1.0918427695768007 0.8952740451709561 0.6801318979866057 0.6197682739564656 0.5594046499263169 0.5114233077485113 0.4402251870975776 0.4278429052452432 0.313306798111126 0.3210457242688383 0.2730643820910327 0.2730643820910327 0.3566447845943007 0.6569151195134688 0.9277775350333372 1.1754231720800774 1.4106865272744746 1.616541963069581 1.723339144045986 1.7821549828445853 +42036,1.6335676006165374,2,0.8952740451709561 0.6801318979866057 0.6197682739564656 0.5594046499263169 0.5114233077485113 0.4402251870975776 0.4278429052452432 0.313306798111126 0.3210457242688383 0.2730643820910327 0.2730643820910327 0.3566447845943007 0.6569151195134688 0.9277775350333372 1.1754231720800774 1.4106865272744746 1.616541963069581 1.723339144045986 1.7821549828445853 1.630472030153456 +42037,1.5871340436702814,2,0.6801318979866057 0.6197682739564656 0.5594046499263169 0.5114233077485113 0.4402251870975776 0.4278429052452432 0.313306798111126 0.3210457242688383 0.2730643820910327 0.2730643820910327 0.3566447845943007 0.6569151195134688 0.9277775350333372 1.1754231720800774 1.4106865272744746 1.616541963069581 1.723339144045986 1.7821549828445853 1.630472030153456 1.6335676006165374 +42038,1.3828263931067157,2,0.6197682739564656 0.5594046499263169 0.5114233077485113 0.4402251870975776 0.4278429052452432 0.313306798111126 0.3210457242688383 0.2730643820910327 0.2730643820910327 0.3566447845943007 0.6569151195134688 0.9277775350333372 1.1754231720800774 1.4106865272744746 1.616541963069581 1.723339144045986 1.7821549828445853 1.630472030153456 1.6335676006165374 1.5871340436702814 +42039,1.2497168631941014,2,0.5594046499263169 0.5114233077485113 0.4402251870975776 0.4278429052452432 0.313306798111126 0.3210457242688383 0.2730643820910327 0.2730643820910327 0.3566447845943007 0.6569151195134688 0.9277775350333372 1.1754231720800774 1.4106865272744746 1.616541963069581 1.723339144045986 1.7821549828445853 1.630472030153456 1.6335676006165374 1.5871340436702814 1.3828263931067157 +42040,0.9865933738319452,2,0.5114233077485113 0.4402251870975776 0.4278429052452432 0.313306798111126 0.3210457242688383 0.2730643820910327 0.2730643820910327 0.3566447845943007 0.6569151195134688 0.9277775350333372 1.1754231720800774 1.4106865272744746 1.616541963069581 1.723339144045986 1.7821549828445853 1.630472030153456 1.6335676006165374 1.5871340436702814 1.3828263931067157 1.2497168631941014 +42041,0.7683556561845045,2,0.4402251870975776 0.4278429052452432 0.313306798111126 0.3210457242688383 0.2730643820910327 0.2730643820910327 0.3566447845943007 0.6569151195134688 0.9277775350333372 1.1754231720800774 1.4106865272744746 1.616541963069581 1.723339144045986 1.7821549828445853 1.630472030153456 1.6335676006165374 1.5871340436702814 1.3828263931067157 1.2497168631941014 0.9865933738319452 +42042,0.6553673342819281,2,0.4278429052452432 0.313306798111126 0.3210457242688383 0.2730643820910327 0.2730643820910327 0.3566447845943007 0.6569151195134688 0.9277775350333372 1.1754231720800774 1.4106865272744746 1.616541963069581 1.723339144045986 1.7821549828445853 1.630472030153456 1.6335676006165374 1.5871340436702814 1.3828263931067157 1.2497168631941014 0.9865933738319452 0.7683556561845045 +42043,0.5733347170102008,2,0.313306798111126 0.3210457242688383 0.2730643820910327 0.2730643820910327 0.3566447845943007 0.6569151195134688 0.9277775350333372 1.1754231720800774 1.4106865272744746 1.616541963069581 1.723339144045986 1.7821549828445853 1.630472030153456 1.6335676006165374 1.5871340436702814 1.3828263931067157 1.2497168631941014 0.9865933738319452 0.7683556561845045 0.6553673342819281 +42044,0.4897543145069239,2,0.3210457242688383 0.2730643820910327 0.2730643820910327 0.3566447845943007 0.6569151195134688 0.9277775350333372 1.1754231720800774 1.4106865272744746 1.616541963069581 1.723339144045986 1.7821549828445853 1.630472030153456 1.6335676006165374 1.5871340436702814 1.3828263931067157 1.2497168631941014 0.9865933738319452 0.7683556561845045 0.6553673342819281 0.5733347170102008 +42045,0.45260746894991194,2,0.2730643820910327 0.2730643820910327 0.3566447845943007 0.6569151195134688 0.9277775350333372 1.1754231720800774 1.4106865272744746 1.616541963069581 1.723339144045986 1.7821549828445853 1.630472030153456 1.6335676006165374 1.5871340436702814 1.3828263931067157 1.2497168631941014 0.9865933738319452 0.7683556561845045 0.6553673342819281 0.5733347170102008 0.4897543145069239 +42046,0.4293906904767839,2,0.2730643820910327 0.3566447845943007 0.6569151195134688 0.9277775350333372 1.1754231720800774 1.4106865272744746 1.616541963069581 1.723339144045986 1.7821549828445853 1.630472030153456 1.6335676006165374 1.5871340436702814 1.3828263931067157 1.2497168631941014 0.9865933738319452 0.7683556561845045 0.6553673342819281 0.5733347170102008 0.4897543145069239 0.45260746894991194 +42047,0.4417729723291183,2,0.3566447845943007 0.6569151195134688 0.9277775350333372 1.1754231720800774 1.4106865272744746 1.616541963069581 1.723339144045986 1.7821549828445853 1.630472030153456 1.6335676006165374 1.5871340436702814 1.3828263931067157 1.2497168631941014 0.9865933738319452 0.7683556561845045 0.6553673342819281 0.5733347170102008 0.4897543145069239 0.45260746894991194 0.4293906904767839 +42048,0.4061739120036558,2,0.6569151195134688 0.9277775350333372 1.1754231720800774 1.4106865272744746 1.616541963069581 1.723339144045986 1.7821549828445853 1.630472030153456 1.6335676006165374 1.5871340436702814 1.3828263931067157 1.2497168631941014 0.9865933738319452 0.7683556561845045 0.6553673342819281 0.5733347170102008 0.4897543145069239 0.45260746894991194 0.4293906904767839 0.4417729723291183 +42049,0.3705748516781846,2,0.9277775350333372 1.1754231720800774 1.4106865272744746 1.616541963069581 1.723339144045986 1.7821549828445853 1.630472030153456 1.6335676006165374 1.5871340436702814 1.3828263931067157 1.2497168631941014 0.9865933738319452 0.7683556561845045 0.6553673342819281 0.5733347170102008 0.4897543145069239 0.45260746894991194 0.4293906904767839 0.4417729723291183 0.4061739120036558 +42050,0.34581028797350705,2,1.1754231720800774 1.4106865272744746 1.616541963069581 1.723339144045986 1.7821549828445853 1.630472030153456 1.6335676006165374 1.5871340436702814 1.3828263931067157 1.2497168631941014 0.9865933738319452 0.7683556561845045 0.6553673342819281 0.5733347170102008 0.4897543145069239 0.45260746894991194 0.4293906904767839 0.4417729723291183 0.4061739120036558 0.3705748516781846 +42051,0.4711808917284179,2,1.4106865272744746 1.616541963069581 1.723339144045986 1.7821549828445853 1.630472030153456 1.6335676006165374 1.5871340436702814 1.3828263931067157 1.2497168631941014 0.9865933738319452 0.7683556561845045 0.6553673342819281 0.5733347170102008 0.4897543145069239 0.45260746894991194 0.4293906904767839 0.4417729723291183 0.4061739120036558 0.3705748516781846 0.34581028797350705 +42052,0.6770363275235243,2,1.616541963069581 1.723339144045986 1.7821549828445853 1.630472030153456 1.6335676006165374 1.5871340436702814 1.3828263931067157 1.2497168631941014 0.9865933738319452 0.7683556561845045 0.6553673342819281 0.5733347170102008 0.4897543145069239 0.45260746894991194 0.4293906904767839 0.4417729723291183 0.4061739120036558 0.3705748516781846 0.34581028797350705 0.4711808917284179 +42053,0.9587332396641863,2,1.723339144045986 1.7821549828445853 1.630472030153456 1.6335676006165374 1.5871340436702814 1.3828263931067157 1.2497168631941014 0.9865933738319452 0.7683556561845045 0.6553673342819281 0.5733347170102008 0.4897543145069239 0.45260746894991194 0.4293906904767839 0.4417729723291183 0.4061739120036558 0.3705748516781846 0.34581028797350705 0.4711808917284179 0.6770363275235243 +42054,1.2760292121303107,2,1.7821549828445853 1.630472030153456 1.6335676006165374 1.5871340436702814 1.3828263931067157 1.2497168631941014 0.9865933738319452 0.7683556561845045 0.6553673342819281 0.5733347170102008 0.4897543145069239 0.45260746894991194 0.4293906904767839 0.4417729723291183 0.4061739120036558 0.3705748516781846 0.34581028797350705 0.4711808917284179 0.6770363275235243 0.9587332396641863 +42055,1.4493811580630274,2,1.630472030153456 1.6335676006165374 1.5871340436702814 1.3828263931067157 1.2497168631941014 0.9865933738319452 0.7683556561845045 0.6553673342819281 0.5733347170102008 0.4897543145069239 0.45260746894991194 0.4293906904767839 0.4417729723291183 0.4061739120036558 0.3705748516781846 0.34581028797350705 0.4711808917284179 0.6770363275235243 0.9587332396641863 1.2760292121303107 +42056,1.6041596812172378,2,1.6335676006165374 1.5871340436702814 1.3828263931067157 1.2497168631941014 0.9865933738319452 0.7683556561845045 0.6553673342819281 0.5733347170102008 0.4897543145069239 0.45260746894991194 0.4293906904767839 0.4417729723291183 0.4061739120036558 0.3705748516781846 0.34581028797350705 0.4711808917284179 0.6770363275235243 0.9587332396641863 1.2760292121303107 1.4493811580630274 +42057,1.8193018284015972,2,1.5871340436702814 1.3828263931067157 1.2497168631941014 0.9865933738319452 0.7683556561845045 0.6553673342819281 0.5733347170102008 0.4897543145069239 0.45260746894991194 0.4293906904767839 0.4417729723291183 0.4061739120036558 0.3705748516781846 0.34581028797350705 0.4711808917284179 0.6770363275235243 0.9587332396641863 1.2760292121303107 1.4493811580630274 1.6041596812172378 +42058,1.797632835160001,2,1.3828263931067157 1.2497168631941014 0.9865933738319452 0.7683556561845045 0.6553673342819281 0.5733347170102008 0.4897543145069239 0.45260746894991194 0.4293906904767839 0.4417729723291183 0.4061739120036558 0.3705748516781846 0.34581028797350705 0.4711808917284179 0.6770363275235243 0.9587332396641863 1.2760292121303107 1.4493811580630274 1.6041596812172378 1.8193018284015972 +42059,1.879665452431737,2,1.2497168631941014 0.9865933738319452 0.7683556561845045 0.6553673342819281 0.5733347170102008 0.4897543145069239 0.45260746894991194 0.4293906904767839 0.4417729723291183 0.4061739120036558 0.3705748516781846 0.34581028797350705 0.4711808917284179 0.6770363275235243 0.9587332396641863 1.2760292121303107 1.4493811580630274 1.6041596812172378 1.8193018284015972 1.797632835160001 +42060,1.7775116271499543,2,0.9865933738319452 0.7683556561845045 0.6553673342819281 0.5733347170102008 0.4897543145069239 0.45260746894991194 0.4293906904767839 0.4417729723291183 0.4061739120036558 0.3705748516781846 0.34581028797350705 0.4711808917284179 0.6770363275235243 0.9587332396641863 1.2760292121303107 1.4493811580630274 1.6041596812172378 1.8193018284015972 1.797632835160001 1.879665452431737 +42061,1.6753578018681803,2,0.7683556561845045 0.6553673342819281 0.5733347170102008 0.4897543145069239 0.45260746894991194 0.4293906904767839 0.4417729723291183 0.4061739120036558 0.3705748516781846 0.34581028797350705 0.4711808917284179 0.6770363275235243 0.9587332396641863 1.2760292121303107 1.4493811580630274 1.6041596812172378 1.8193018284015972 1.797632835160001 1.879665452431737 1.7775116271499543 +42062,1.4230688091268178,2,0.6553673342819281 0.5733347170102008 0.4897543145069239 0.45260746894991194 0.4293906904767839 0.4417729723291183 0.4061739120036558 0.3705748516781846 0.34581028797350705 0.4711808917284179 0.6770363275235243 0.9587332396641863 1.2760292121303107 1.4493811580630274 1.6041596812172378 1.8193018284015972 1.797632835160001 1.879665452431737 1.7775116271499543 1.6753578018681803 +42063,1.2682902859726073,2,0.5733347170102008 0.4897543145069239 0.45260746894991194 0.4293906904767839 0.4417729723291183 0.4061739120036558 0.3705748516781846 0.34581028797350705 0.4711808917284179 0.6770363275235243 0.9587332396641863 1.2760292121303107 1.4493811580630274 1.6041596812172378 1.8193018284015972 1.797632835160001 1.879665452431737 1.7775116271499543 1.6753578018681803 1.4230688091268178 +42064,1.1243462594391904,2,0.4897543145069239 0.45260746894991194 0.4293906904767839 0.4417729723291183 0.4061739120036558 0.3705748516781846 0.34581028797350705 0.4711808917284179 0.6770363275235243 0.9587332396641863 1.2760292121303107 1.4493811580630274 1.6041596812172378 1.8193018284015972 1.797632835160001 1.879665452431737 1.7775116271499543 1.6753578018681803 1.4230688091268178 1.2682902859726073 +42065,0.9370642464225901,2,0.45260746894991194 0.4293906904767839 0.4417729723291183 0.4061739120036558 0.3705748516781846 0.34581028797350705 0.4711808917284179 0.6770363275235243 0.9587332396641863 1.2760292121303107 1.4493811580630274 1.6041596812172378 1.8193018284015972 1.797632835160001 1.879665452431737 1.7775116271499543 1.6753578018681803 1.4230688091268178 1.2682902859726073 1.1243462594391904 +42066,0.7513300186375393,2,0.4293906904767839 0.4417729723291183 0.4061739120036558 0.3705748516781846 0.34581028797350705 0.4711808917284179 0.6770363275235243 0.9587332396641863 1.2760292121303107 1.4493811580630274 1.6041596812172378 1.8193018284015972 1.797632835160001 1.879665452431737 1.7775116271499543 1.6753578018681803 1.4230688091268178 1.2682902859726073 1.1243462594391904 0.9370642464225901 +42067,0.6275072001141692,2,0.4417729723291183 0.4061739120036558 0.3705748516781846 0.34581028797350705 0.4711808917284179 0.6770363275235243 0.9587332396641863 1.2760292121303107 1.4493811580630274 1.6041596812172378 1.8193018284015972 1.797632835160001 1.879665452431737 1.7775116271499543 1.6753578018681803 1.4230688091268178 1.2682902859726073 1.1243462594391904 0.9370642464225901 0.7513300186375393 +42068,0.6027426364095004,2,0.4061739120036558 0.3705748516781846 0.34581028797350705 0.4711808917284179 0.6770363275235243 0.9587332396641863 1.2760292121303107 1.4493811580630274 1.6041596812172378 1.8193018284015972 1.797632835160001 1.879665452431737 1.7775116271499543 1.6753578018681803 1.4230688091268178 1.2682902859726073 1.1243462594391904 0.9370642464225901 0.7513300186375393 0.6275072001141692 +42069,0.5470223680739825,2,0.3705748516781846 0.34581028797350705 0.4711808917284179 0.6770363275235243 0.9587332396641863 1.2760292121303107 1.4493811580630274 1.6041596812172378 1.8193018284015972 1.797632835160001 1.879665452431737 1.7775116271499543 1.6753578018681803 1.4230688091268178 1.2682902859726073 1.1243462594391904 0.9370642464225901 0.7513300186375393 0.6275072001141692 0.6027426364095004 +42070,0.4990410258961769,2,0.34581028797350705 0.4711808917284179 0.6770363275235243 0.9587332396641863 1.2760292121303107 1.4493811580630274 1.6041596812172378 1.8193018284015972 1.797632835160001 1.879665452431737 1.7775116271499543 1.6753578018681803 1.4230688091268178 1.2682902859726073 1.1243462594391904 0.9370642464225901 0.7513300186375393 0.6275072001141692 0.6027426364095004 0.5470223680739825 +42071,0.4154606233929,2,0.4711808917284179 0.6770363275235243 0.9587332396641863 1.2760292121303107 1.4493811580630274 1.6041596812172378 1.8193018284015972 1.797632835160001 1.879665452431737 1.7775116271499543 1.6753578018681803 1.4230688091268178 1.2682902859726073 1.1243462594391904 0.9370642464225901 0.7513300186375393 0.6275072001141692 0.6027426364095004 0.5470223680739825 0.4990410258961769 +42072,0.4293906904767839,2,0.6770363275235243 0.9587332396641863 1.2760292121303107 1.4493811580630274 1.6041596812172378 1.8193018284015972 1.797632835160001 1.879665452431737 1.7775116271499543 1.6753578018681803 1.4230688091268178 1.2682902859726073 1.1243462594391904 0.9370642464225901 0.7513300186375393 0.6275072001141692 0.6027426364095004 0.5470223680739825 0.4990410258961769 0.4154606233929 +42073,0.4278429052452432,2,0.9587332396641863 1.2760292121303107 1.4493811580630274 1.6041596812172378 1.8193018284015972 1.797632835160001 1.879665452431737 1.7775116271499543 1.6753578018681803 1.4230688091268178 1.2682902859726073 1.1243462594391904 0.9370642464225901 0.7513300186375393 0.6275072001141692 0.6027426364095004 0.5470223680739825 0.4990410258961769 0.4154606233929 0.4293906904767839 +42074,0.45105968371837124,2,1.2760292121303107 1.4493811580630274 1.6041596812172378 1.8193018284015972 1.797632835160001 1.879665452431737 1.7775116271499543 1.6753578018681803 1.4230688091268178 1.2682902859726073 1.1243462594391904 0.9370642464225901 0.7513300186375393 0.6275072001141692 0.6027426364095004 0.5470223680739825 0.4990410258961769 0.4154606233929 0.4293906904767839 0.4278429052452432 +42075,0.44796411325528984,2,1.4493811580630274 1.6041596812172378 1.8193018284015972 1.797632835160001 1.879665452431737 1.7775116271499543 1.6753578018681803 1.4230688091268178 1.2682902859726073 1.1243462594391904 0.9370642464225901 0.7513300186375393 0.6275072001141692 0.6027426364095004 0.5470223680739825 0.4990410258961769 0.4154606233929 0.4293906904767839 0.4278429052452432 0.45105968371837124 +42076,0.6476284081242158,2,1.6041596812172378 1.8193018284015972 1.797632835160001 1.879665452431737 1.7775116271499543 1.6753578018681803 1.4230688091268178 1.2682902859726073 1.1243462594391904 0.9370642464225901 0.7513300186375393 0.6275072001141692 0.6027426364095004 0.5470223680739825 0.4990410258961769 0.4154606233929 0.4293906904767839 0.4278429052452432 0.45105968371837124 0.44796411325528984 +42077,0.8565794143824035,2,1.8193018284015972 1.797632835160001 1.879665452431737 1.7775116271499543 1.6753578018681803 1.4230688091268178 1.2682902859726073 1.1243462594391904 0.9370642464225901 0.7513300186375393 0.6275072001141692 0.6027426364095004 0.5470223680739825 0.4990410258961769 0.4154606233929 0.4293906904767839 0.4278429052452432 0.45105968371837124 0.44796411325528984 0.6476284081242158 +42078,1.1723276016169961,2,1.797632835160001 1.879665452431737 1.7775116271499543 1.6753578018681803 1.4230688091268178 1.2682902859726073 1.1243462594391904 0.9370642464225901 0.7513300186375393 0.6275072001141692 0.6027426364095004 0.5470223680739825 0.4990410258961769 0.4154606233929 0.4293906904767839 0.4278429052452432 0.45105968371837124 0.44796411325528984 0.6476284081242158 0.8565794143824035 +42079,1.460215654683821,2,1.879665452431737 1.7775116271499543 1.6753578018681803 1.4230688091268178 1.2682902859726073 1.1243462594391904 0.9370642464225901 0.7513300186375393 0.6275072001141692 0.6027426364095004 0.5470223680739825 0.4990410258961769 0.4154606233929 0.4293906904767839 0.4278429052452432 0.45105968371837124 0.44796411325528984 0.6476284081242158 0.8565794143824035 1.1723276016169961 +42080,1.6784533723312616,2,1.7775116271499543 1.6753578018681803 1.4230688091268178 1.2682902859726073 1.1243462594391904 0.9370642464225901 0.7513300186375393 0.6275072001141692 0.6027426364095004 0.5470223680739825 0.4990410258961769 0.4154606233929 0.4293906904767839 0.4278429052452432 0.45105968371837124 0.44796411325528984 0.6476284081242158 0.8565794143824035 1.1723276016169961 1.460215654683821 +42081,1.8518053182639782,2,1.6753578018681803 1.4230688091268178 1.2682902859726073 1.1243462594391904 0.9370642464225901 0.7513300186375393 0.6275072001141692 0.6027426364095004 0.5470223680739825 0.4990410258961769 0.4154606233929 0.4293906904767839 0.4278429052452432 0.45105968371837124 0.44796411325528984 0.6476284081242158 0.8565794143824035 1.1723276016169961 1.460215654683821 1.6784533723312616 +42082,1.9756281367873483,2,1.4230688091268178 1.2682902859726073 1.1243462594391904 0.9370642464225901 0.7513300186375393 0.6275072001141692 0.6027426364095004 0.5470223680739825 0.4990410258961769 0.4154606233929 0.4293906904767839 0.4278429052452432 0.45105968371837124 0.44796411325528984 0.6476284081242158 0.8565794143824035 1.1723276016169961 1.460215654683821 1.6784533723312616 1.8518053182639782 +42083,1.9431246469249586,2,1.2682902859726073 1.1243462594391904 0.9370642464225901 0.7513300186375393 0.6275072001141692 0.6027426364095004 0.5470223680739825 0.4990410258961769 0.4154606233929 0.4293906904767839 0.4278429052452432 0.45105968371837124 0.44796411325528984 0.6476284081242158 0.8565794143824035 1.1723276016169961 1.460215654683821 1.6784533723312616 1.8518053182639782 1.9756281367873483 +42084,1.9245512241464526,2,1.1243462594391904 0.9370642464225901 0.7513300186375393 0.6275072001141692 0.6027426364095004 0.5470223680739825 0.4990410258961769 0.4154606233929 0.4293906904767839 0.4278429052452432 0.45105968371837124 0.44796411325528984 0.6476284081242158 0.8565794143824035 1.1723276016169961 1.460215654683821 1.6784533723312616 1.8518053182639782 1.9756281367873483 1.9431246469249586 +42085,1.7341736406667796,2,0.9370642464225901 0.7513300186375393 0.6275072001141692 0.6027426364095004 0.5470223680739825 0.4990410258961769 0.4154606233929 0.4293906904767839 0.4278429052452432 0.45105968371837124 0.44796411325528984 0.6476284081242158 0.8565794143824035 1.1723276016169961 1.460215654683821 1.6784533723312616 1.8518053182639782 1.9756281367873483 1.9431246469249586 1.9245512241464526 +42086,1.525222634408592,2,0.7513300186375393 0.6275072001141692 0.6027426364095004 0.5470223680739825 0.4990410258961769 0.4154606233929 0.4293906904767839 0.4278429052452432 0.45105968371837124 0.44796411325528984 0.6476284081242158 0.8565794143824035 1.1723276016169961 1.460215654683821 1.6784533723312616 1.8518053182639782 1.9756281367873483 1.9431246469249586 1.9245512241464526 1.7341736406667796 +42087,1.2868637087511132,2,0.6275072001141692 0.6027426364095004 0.5470223680739825 0.4990410258961769 0.4154606233929 0.4293906904767839 0.4278429052452432 0.45105968371837124 0.44796411325528984 0.6476284081242158 0.8565794143824035 1.1723276016169961 1.460215654683821 1.6784533723312616 1.8518053182639782 1.9756281367873483 1.9431246469249586 1.9245512241464526 1.7341736406667796 1.525222634408592 +42088,0.9680199510534393,2,0.6027426364095004 0.5470223680739825 0.4990410258961769 0.4154606233929 0.4293906904767839 0.4278429052452432 0.45105968371837124 0.44796411325528984 0.6476284081242158 0.8565794143824035 1.1723276016169961 1.460215654683821 1.6784533723312616 1.8518053182639782 1.9756281367873483 1.9431246469249586 1.9245512241464526 1.7341736406667796 1.525222634408592 1.2868637087511132 +42089,0.711087602617446,2,0.5470223680739825 0.4990410258961769 0.4154606233929 0.4293906904767839 0.4278429052452432 0.45105968371837124 0.44796411325528984 0.6476284081242158 0.8565794143824035 1.1723276016169961 1.460215654683821 1.6784533723312616 1.8518053182639782 1.9756281367873483 1.9431246469249586 1.9245512241464526 1.7341736406667796 1.525222634408592 1.2868637087511132 0.9680199510534393 +42090,0.5841692136309944,2,0.4990410258961769 0.4154606233929 0.4293906904767839 0.4278429052452432 0.45105968371837124 0.44796411325528984 0.6476284081242158 0.8565794143824035 1.1723276016169961 1.460215654683821 1.6784533723312616 1.8518053182639782 1.9756281367873483 1.9431246469249586 1.9245512241464526 1.7341736406667796 1.525222634408592 1.2868637087511132 0.9680199510534393 0.711087602617446 +42091,0.5238055896008544,2,0.4154606233929 0.4293906904767839 0.4278429052452432 0.45105968371837124 0.44796411325528984 0.6476284081242158 0.8565794143824035 1.1723276016169961 1.460215654683821 1.6784533723312616 1.8518053182639782 1.9756281367873483 1.9431246469249586 1.9245512241464526 1.7341736406667796 1.525222634408592 1.2868637087511132 0.9680199510534393 0.711087602617446 0.5841692136309944 +42092,0.4278429052452432,2,0.4293906904767839 0.4278429052452432 0.45105968371837124 0.44796411325528984 0.6476284081242158 0.8565794143824035 1.1723276016169961 1.460215654683821 1.6784533723312616 1.8518053182639782 1.9756281367873483 1.9431246469249586 1.9245512241464526 1.7341736406667796 1.525222634408592 1.2868637087511132 0.9680199510534393 0.711087602617446 0.5841692136309944 0.5238055896008544 +42093,0.3674792812151032,2,0.4278429052452432 0.45105968371837124 0.44796411325528984 0.6476284081242158 0.8565794143824035 1.1723276016169961 1.460215654683821 1.6784533723312616 1.8518053182639782 1.9756281367873483 1.9431246469249586 1.9245512241464526 1.7341736406667796 1.525222634408592 1.2868637087511132 0.9680199510534393 0.711087602617446 0.5841692136309944 0.5238055896008544 0.4278429052452432 +42094,0.3210457242688383,2,0.45105968371837124 0.44796411325528984 0.6476284081242158 0.8565794143824035 1.1723276016169961 1.460215654683821 1.6784533723312616 1.8518053182639782 1.9756281367873483 1.9431246469249586 1.9245512241464526 1.7341736406667796 1.525222634408592 1.2868637087511132 0.9680199510534393 0.711087602617446 0.5841692136309944 0.5238055896008544 0.4278429052452432 0.3674792812151032 +42095,0.2792555230171955,2,0.44796411325528984 0.6476284081242158 0.8565794143824035 1.1723276016169961 1.460215654683821 1.6784533723312616 1.8518053182639782 1.9756281367873483 1.9431246469249586 1.9245512241464526 1.7341736406667796 1.525222634408592 1.2868637087511132 0.9680199510534393 0.711087602617446 0.5841692136309944 0.5238055896008544 0.4278429052452432 0.3674792812151032 0.3210457242688383 +42096,0.2854466639433671,2,0.6476284081242158 0.8565794143824035 1.1723276016169961 1.460215654683821 1.6784533723312616 1.8518053182639782 1.9756281367873483 1.9431246469249586 1.9245512241464526 1.7341736406667796 1.525222634408592 1.2868637087511132 0.9680199510534393 0.711087602617446 0.5841692136309944 0.5238055896008544 0.4278429052452432 0.3674792812151032 0.3210457242688383 0.2792555230171955 +42097,0.2235352546816864,2,0.8565794143824035 1.1723276016169961 1.460215654683821 1.6784533723312616 1.8518053182639782 1.9756281367873483 1.9431246469249586 1.9245512241464526 1.7341736406667796 1.525222634408592 1.2868637087511132 0.9680199510534393 0.711087602617446 0.5841692136309944 0.5238055896008544 0.4278429052452432 0.3674792812151032 0.3210457242688383 0.2792555230171955 0.2854466639433671 +42098,0.24829981838635515,2,1.1723276016169961 1.460215654683821 1.6784533723312616 1.8518053182639782 1.9756281367873483 1.9431246469249586 1.9245512241464526 1.7341736406667796 1.525222634408592 1.2868637087511132 0.9680199510534393 0.711087602617446 0.5841692136309944 0.5238055896008544 0.4278429052452432 0.3674792812151032 0.3210457242688383 0.2792555230171955 0.2854466639433671 0.2235352546816864 +42099,0.29628116056416076,2,1.460215654683821 1.6784533723312616 1.8518053182639782 1.9756281367873483 1.9431246469249586 1.9245512241464526 1.7341736406667796 1.525222634408592 1.2868637087511132 0.9680199510534393 0.711087602617446 0.5841692136309944 0.5238055896008544 0.4278429052452432 0.3674792812151032 0.3210457242688383 0.2792555230171955 0.2854466639433671 0.2235352546816864 0.24829981838635515 +42100,0.49284988497000526,2,1.6784533723312616 1.8518053182639782 1.9756281367873483 1.9431246469249586 1.9245512241464526 1.7341736406667796 1.525222634408592 1.2868637087511132 0.9680199510534393 0.711087602617446 0.5841692136309944 0.5238055896008544 0.4278429052452432 0.3674792812151032 0.3210457242688383 0.2792555230171955 0.2854466639433671 0.2235352546816864 0.24829981838635515 0.29628116056416076 +42101,0.7203743140066989,2,1.8518053182639782 1.9756281367873483 1.9431246469249586 1.9245512241464526 1.7341736406667796 1.525222634408592 1.2868637087511132 0.9680199510534393 0.711087602617446 0.5841692136309944 0.5238055896008544 0.4278429052452432 0.3674792812151032 0.3210457242688383 0.2792555230171955 0.2854466639433671 0.2235352546816864 0.24829981838635515 0.29628116056416076 0.49284988497000526 +42102,1.0129057227681548,2,1.9756281367873483 1.9431246469249586 1.9245512241464526 1.7341736406667796 1.525222634408592 1.2868637087511132 0.9680199510534393 0.711087602617446 0.5841692136309944 0.5238055896008544 0.4278429052452432 0.3674792812151032 0.3210457242688383 0.2792555230171955 0.2854466639433671 0.2235352546816864 0.24829981838635515 0.29628116056416076 0.49284988497000526 0.7203743140066989 +42103,1.2682902859726073,2,1.9431246469249586 1.9245512241464526 1.7341736406667796 1.525222634408592 1.2868637087511132 0.9680199510534393 0.711087602617446 0.5841692136309944 0.5238055896008544 0.4278429052452432 0.3674792812151032 0.3210457242688383 0.2792555230171955 0.2854466639433671 0.2235352546816864 0.24829981838635515 0.29628116056416076 0.49284988497000526 0.7203743140066989 1.0129057227681548 +42104,1.5190314934824292,2,1.9245512241464526 1.7341736406667796 1.525222634408592 1.2868637087511132 0.9680199510534393 0.711087602617446 0.5841692136309944 0.5238055896008544 0.4278429052452432 0.3674792812151032 0.3210457242688383 0.2792555230171955 0.2854466639433671 0.2235352546816864 0.24829981838635515 0.29628116056416076 0.49284988497000526 0.7203743140066989 1.0129057227681548 1.2682902859726073 +42105,1.6521410233950435,2,1.7341736406667796 1.525222634408592 1.2868637087511132 0.9680199510534393 0.711087602617446 0.5841692136309944 0.5238055896008544 0.4278429052452432 0.3674792812151032 0.3210457242688383 0.2792555230171955 0.2854466639433671 0.2235352546816864 0.24829981838635515 0.29628116056416076 0.49284988497000526 0.7203743140066989 1.0129057227681548 1.2682902859726073 1.5190314934824292 +42106,1.709409076962102,2,1.525222634408592 1.2868637087511132 0.9680199510534393 0.711087602617446 0.5841692136309944 0.5238055896008544 0.4278429052452432 0.3674792812151032 0.3210457242688383 0.2792555230171955 0.2854466639433671 0.2235352546816864 0.24829981838635515 0.29628116056416076 0.49284988497000526 0.7203743140066989 1.0129057227681548 1.2682902859726073 1.5190314934824292 1.6521410233950435 +42107,1.6985745803413084,2,1.2868637087511132 0.9680199510534393 0.711087602617446 0.5841692136309944 0.5238055896008544 0.4278429052452432 0.3674792812151032 0.3210457242688383 0.2792555230171955 0.2854466639433671 0.2235352546816864 0.24829981838635515 0.29628116056416076 0.49284988497000526 0.7203743140066989 1.0129057227681548 1.2682902859726073 1.5190314934824292 1.6521410233950435 1.709409076962102 +42108,1.7248869292775266,2,0.9680199510534393 0.711087602617446 0.5841692136309944 0.5238055896008544 0.4278429052452432 0.3674792812151032 0.3210457242688383 0.2792555230171955 0.2854466639433671 0.2235352546816864 0.24829981838635515 0.29628116056416076 0.49284988497000526 0.7203743140066989 1.0129057227681548 1.2682902859726073 1.5190314934824292 1.6521410233950435 1.709409076962102 1.6985745803413084 +42109,1.6567843790896744,2,0.711087602617446 0.5841692136309944 0.5238055896008544 0.4278429052452432 0.3674792812151032 0.3210457242688383 0.2792555230171955 0.2854466639433671 0.2235352546816864 0.24829981838635515 0.29628116056416076 0.49284988497000526 0.7203743140066989 1.0129057227681548 1.2682902859726073 1.5190314934824292 1.6521410233950435 1.709409076962102 1.6985745803413084 1.7248869292775266 +42110,1.532961560566304,2,0.5841692136309944 0.5238055896008544 0.4278429052452432 0.3674792812151032 0.3210457242688383 0.2792555230171955 0.2854466639433671 0.2235352546816864 0.24829981838635515 0.29628116056416076 0.49284988497000526 0.7203743140066989 1.0129057227681548 1.2682902859726073 1.5190314934824292 1.6521410233950435 1.709409076962102 1.6985745803413084 1.7248869292775266 1.6567843790896744 +42111,1.2961504201403662,2,0.5238055896008544 0.4278429052452432 0.3674792812151032 0.3210457242688383 0.2792555230171955 0.2854466639433671 0.2235352546816864 0.24829981838635515 0.29628116056416076 0.49284988497000526 0.7203743140066989 1.0129057227681548 1.2682902859726073 1.5190314934824292 1.6521410233950435 1.709409076962102 1.6985745803413084 1.7248869292775266 1.6567843790896744 1.532961560566304 +42112,1.020644648925867,2,0.4278429052452432 0.3674792812151032 0.3210457242688383 0.2792555230171955 0.2854466639433671 0.2235352546816864 0.24829981838635515 0.29628116056416076 0.49284988497000526 0.7203743140066989 1.0129057227681548 1.2682902859726073 1.5190314934824292 1.6521410233950435 1.709409076962102 1.6985745803413084 1.7248869292775266 1.6567843790896744 1.532961560566304 1.2961504201403662 +42113,0.7776423675737576,2,0.3674792812151032 0.3210457242688383 0.2792555230171955 0.2854466639433671 0.2235352546816864 0.24829981838635515 0.29628116056416076 0.49284988497000526 0.7203743140066989 1.0129057227681548 1.2682902859726073 1.5190314934824292 1.6521410233950435 1.709409076962102 1.6985745803413084 1.7248869292775266 1.6567843790896744 1.532961560566304 1.2961504201403662 1.020644648925867 +42114,0.6553673342819281,2,0.3210457242688383 0.2792555230171955 0.2854466639433671 0.2235352546816864 0.24829981838635515 0.29628116056416076 0.49284988497000526 0.7203743140066989 1.0129057227681548 1.2682902859726073 1.5190314934824292 1.6521410233950435 1.709409076962102 1.6985745803413084 1.7248869292775266 1.6567843790896744 1.532961560566304 1.2961504201403662 1.020644648925867 0.7776423675737576 +42115,0.5594046499263169,2,0.2792555230171955 0.2854466639433671 0.2235352546816864 0.24829981838635515 0.29628116056416076 0.49284988497000526 0.7203743140066989 1.0129057227681548 1.2682902859726073 1.5190314934824292 1.6521410233950435 1.709409076962102 1.6985745803413084 1.7248869292775266 1.6567843790896744 1.532961560566304 1.2961504201403662 1.020644648925867 0.7776423675737576 0.6553673342819281 +42116,0.5005888111277176,2,0.2854466639433671 0.2235352546816864 0.24829981838635515 0.29628116056416076 0.49284988497000526 0.7203743140066989 1.0129057227681548 1.2682902859726073 1.5190314934824292 1.6521410233950435 1.709409076962102 1.6985745803413084 1.7248869292775266 1.6567843790896744 1.532961560566304 1.2961504201403662 1.020644648925867 0.7776423675737576 0.6553673342819281 0.5594046499263169 +42117,0.5005888111277176,2,0.2235352546816864 0.24829981838635515 0.29628116056416076 0.49284988497000526 0.7203743140066989 1.0129057227681548 1.2682902859726073 1.5190314934824292 1.6521410233950435 1.709409076962102 1.6985745803413084 1.7248869292775266 1.6567843790896744 1.532961560566304 1.2961504201403662 1.020644648925867 0.7776423675737576 0.6553673342819281 0.5594046499263169 0.5005888111277176 +42118,0.4231995495506123,2,0.24829981838635515 0.29628116056416076 0.49284988497000526 0.7203743140066989 1.0129057227681548 1.2682902859726073 1.5190314934824292 1.6521410233950435 1.709409076962102 1.6985745803413084 1.7248869292775266 1.6567843790896744 1.532961560566304 1.2961504201403662 1.020644648925867 0.7776423675737576 0.6553673342819281 0.5594046499263169 0.5005888111277176 0.5005888111277176 +42119,0.34426250274196635,2,0.29628116056416076 0.49284988497000526 0.7203743140066989 1.0129057227681548 1.2682902859726073 1.5190314934824292 1.6521410233950435 1.709409076962102 1.6985745803413084 1.7248869292775266 1.6567843790896744 1.532961560566304 1.2961504201403662 1.020644648925867 0.7776423675737576 0.6553673342819281 0.5594046499263169 0.5005888111277176 0.5005888111277176 0.4231995495506123 +42120,0.37986156306743757,2,0.49284988497000526 0.7203743140066989 1.0129057227681548 1.2682902859726073 1.5190314934824292 1.6521410233950435 1.709409076962102 1.6985745803413084 1.7248869292775266 1.6567843790896744 1.532961560566304 1.2961504201403662 1.020644648925867 0.7776423675737576 0.6553673342819281 0.5594046499263169 0.5005888111277176 0.5005888111277176 0.4231995495506123 0.34426250274196635 +42121,0.29009001963799796,2,0.7203743140066989 1.0129057227681548 1.2682902859726073 1.5190314934824292 1.6521410233950435 1.709409076962102 1.6985745803413084 1.7248869292775266 1.6567843790896744 1.532961560566304 1.2961504201403662 1.020644648925867 0.7776423675737576 0.6553673342819281 0.5594046499263169 0.5005888111277176 0.5005888111277176 0.4231995495506123 0.34426250274196635 0.37986156306743757 +42122,0.2792555230171955,2,1.0129057227681548 1.2682902859726073 1.5190314934824292 1.6521410233950435 1.709409076962102 1.6985745803413084 1.7248869292775266 1.6567843790896744 1.532961560566304 1.2961504201403662 1.020644648925867 0.7776423675737576 0.6553673342819281 0.5594046499263169 0.5005888111277176 0.5005888111277176 0.4231995495506123 0.34426250274196635 0.37986156306743757 0.29009001963799796 +42123,0.35509699936276,2,1.2682902859726073 1.5190314934824292 1.6521410233950435 1.709409076962102 1.6985745803413084 1.7248869292775266 1.6567843790896744 1.532961560566304 1.2961504201403662 1.020644648925867 0.7776423675737576 0.6553673342819281 0.5594046499263169 0.5005888111277176 0.5005888111277176 0.4231995495506123 0.34426250274196635 0.37986156306743757 0.29009001963799796 0.2792555230171955 +42124,0.5021365963592582,2,1.5190314934824292 1.6521410233950435 1.709409076962102 1.6985745803413084 1.7248869292775266 1.6567843790896744 1.532961560566304 1.2961504201403662 1.020644648925867 0.7776423675737576 0.6553673342819281 0.5594046499263169 0.5005888111277176 0.5005888111277176 0.4231995495506123 0.34426250274196635 0.37986156306743757 0.29009001963799796 0.2792555230171955 0.35509699936276 +42125,0.7745467971106762,2,1.6521410233950435 1.709409076962102 1.6985745803413084 1.7248869292775266 1.6567843790896744 1.532961560566304 1.2961504201403662 1.020644648925867 0.7776423675737576 0.6553673342819281 0.5594046499263169 0.5005888111277176 0.5005888111277176 0.4231995495506123 0.34426250274196635 0.37986156306743757 0.29009001963799796 0.2792555230171955 0.35509699936276 0.5021365963592582 +42126,1.1119639775868473,2,1.709409076962102 1.6985745803413084 1.7248869292775266 1.6567843790896744 1.532961560566304 1.2961504201403662 1.020644648925867 0.7776423675737576 0.6553673342819281 0.5594046499263169 0.5005888111277176 0.5005888111277176 0.4231995495506123 0.34426250274196635 0.37986156306743757 0.29009001963799796 0.2792555230171955 0.35509699936276 0.5021365963592582 0.7745467971106762 +42127,1.3673485407913,2,1.6985745803413084 1.7248869292775266 1.6567843790896744 1.532961560566304 1.2961504201403662 1.020644648925867 0.7776423675737576 0.6553673342819281 0.5594046499263169 0.5005888111277176 0.5005888111277176 0.4231995495506123 0.34426250274196635 0.37986156306743757 0.29009001963799796 0.2792555230171955 0.35509699936276 0.5021365963592582 0.7745467971106762 1.1119639775868473 +42128,1.5685606208917753,2,1.7248869292775266 1.6567843790896744 1.532961560566304 1.2961504201403662 1.020644648925867 0.7776423675737576 0.6553673342819281 0.5594046499263169 0.5005888111277176 0.5005888111277176 0.4231995495506123 0.34426250274196635 0.37986156306743757 0.29009001963799796 0.2792555230171955 0.35509699936276 0.5021365963592582 0.7745467971106762 1.1119639775868473 1.3673485407913 +42129,1.7527470634452855,2,1.6567843790896744 1.532961560566304 1.2961504201403662 1.020644648925867 0.7776423675737576 0.6553673342819281 0.5594046499263169 0.5005888111277176 0.5005888111277176 0.4231995495506123 0.34426250274196635 0.37986156306743757 0.29009001963799796 0.2792555230171955 0.35509699936276 0.5021365963592582 0.7745467971106762 1.1119639775868473 1.3673485407913 1.5685606208917753 +42130,1.8223973988646784,2,1.532961560566304 1.2961504201403662 1.020644648925867 0.7776423675737576 0.6553673342819281 0.5594046499263169 0.5005888111277176 0.5005888111277176 0.4231995495506123 0.34426250274196635 0.37986156306743757 0.29009001963799796 0.2792555230171955 0.35509699936276 0.5021365963592582 0.7745467971106762 1.1119639775868473 1.3673485407913 1.5685606208917753 1.7527470634452855 +42131,1.779059412381495,2,1.2961504201403662 1.020644648925867 0.7776423675737576 0.6553673342819281 0.5594046499263169 0.5005888111277176 0.5005888111277176 0.4231995495506123 0.34426250274196635 0.37986156306743757 0.29009001963799796 0.2792555230171955 0.35509699936276 0.5021365963592582 0.7745467971106762 1.1119639775868473 1.3673485407913 1.5685606208917753 1.7527470634452855 1.8223973988646784 +42132,1.6366631710796276,2,1.020644648925867 0.7776423675737576 0.6553673342819281 0.5594046499263169 0.5005888111277176 0.5005888111277176 0.4231995495506123 0.34426250274196635 0.37986156306743757 0.29009001963799796 0.2792555230171955 0.35509699936276 0.5021365963592582 0.7745467971106762 1.1119639775868473 1.3673485407913 1.5685606208917753 1.7527470634452855 1.8223973988646784 1.779059412381495 +42133,1.6707144461735495,2,0.7776423675737576 0.6553673342819281 0.5594046499263169 0.5005888111277176 0.5005888111277176 0.4231995495506123 0.34426250274196635 0.37986156306743757 0.29009001963799796 0.2792555230171955 0.35509699936276 0.5021365963592582 0.7745467971106762 1.1119639775868473 1.3673485407913 1.5685606208917753 1.7527470634452855 1.8223973988646784 1.779059412381495 1.6366631710796276 +42134,1.4215210238952685,2,0.6553673342819281 0.5594046499263169 0.5005888111277176 0.5005888111277176 0.4231995495506123 0.34426250274196635 0.37986156306743757 0.29009001963799796 0.2792555230171955 0.35509699936276 0.5021365963592582 0.7745467971106762 1.1119639775868473 1.3673485407913 1.5685606208917753 1.7527470634452855 1.8223973988646784 1.779059412381495 1.6366631710796276 1.6707144461735495 +42135,1.1939965948585836,2,0.5594046499263169 0.5005888111277176 0.5005888111277176 0.4231995495506123 0.34426250274196635 0.37986156306743757 0.29009001963799796 0.2792555230171955 0.35509699936276 0.5021365963592582 0.7745467971106762 1.1119639775868473 1.3673485407913 1.5685606208917753 1.7527470634452855 1.8223973988646784 1.779059412381495 1.6366631710796276 1.6707144461735495 1.4215210238952685 +42136,0.9478987430433926,2,0.5005888111277176 0.5005888111277176 0.4231995495506123 0.34426250274196635 0.37986156306743757 0.29009001963799796 0.2792555230171955 0.35509699936276 0.5021365963592582 0.7745467971106762 1.1119639775868473 1.3673485407913 1.5685606208917753 1.7527470634452855 1.8223973988646784 1.779059412381495 1.6366631710796276 1.6707144461735495 1.4215210238952685 1.1939965948585836 +42137,0.734304381090574,2,0.5005888111277176 0.4231995495506123 0.34426250274196635 0.37986156306743757 0.29009001963799796 0.2792555230171955 0.35509699936276 0.5021365963592582 0.7745467971106762 1.1119639775868473 1.3673485407913 1.5685606208917753 1.7527470634452855 1.8223973988646784 1.779059412381495 1.6366631710796276 1.6707144461735495 1.4215210238952685 1.1939965948585836 0.9478987430433926 +42138,0.6429850524295937,2,0.4231995495506123 0.34426250274196635 0.37986156306743757 0.29009001963799796 0.2792555230171955 0.35509699936276 0.5021365963592582 0.7745467971106762 1.1119639775868473 1.3673485407913 1.5685606208917753 1.7527470634452855 1.8223973988646784 1.779059412381495 1.6366631710796276 1.6707144461735495 1.4215210238952685 1.1939965948585836 0.9478987430433926 0.734304381090574 +42139,0.5965514954833288,2,0.34426250274196635 0.37986156306743757 0.29009001963799796 0.2792555230171955 0.35509699936276 0.5021365963592582 0.7745467971106762 1.1119639775868473 1.3673485407913 1.5685606208917753 1.7527470634452855 1.8223973988646784 1.779059412381495 1.6366631710796276 1.6707144461735495 1.4215210238952685 1.1939965948585836 0.9478987430433926 0.734304381090574 0.6429850524295937 +42140,0.5005888111277176,2,0.37986156306743757 0.29009001963799796 0.2792555230171955 0.35509699936276 0.5021365963592582 0.7745467971106762 1.1119639775868473 1.3673485407913 1.5685606208917753 1.7527470634452855 1.8223973988646784 1.779059412381495 1.6366631710796276 1.6707144461735495 1.4215210238952685 1.1939965948585836 0.9478987430433926 0.734304381090574 0.6429850524295937 0.5965514954833288 +42141,0.5005888111277176,2,0.29009001963799796 0.2792555230171955 0.35509699936276 0.5021365963592582 0.7745467971106762 1.1119639775868473 1.3673485407913 1.5685606208917753 1.7527470634452855 1.8223973988646784 1.779059412381495 1.6366631710796276 1.6707144461735495 1.4215210238952685 1.1939965948585836 0.9478987430433926 0.734304381090574 0.6429850524295937 0.5965514954833288 0.5005888111277176 +42142,0.46344196557070566,2,0.2792555230171955 0.35509699936276 0.5021365963592582 0.7745467971106762 1.1119639775868473 1.3673485407913 1.5685606208917753 1.7527470634452855 1.8223973988646784 1.779059412381495 1.6366631710796276 1.6707144461735495 1.4215210238952685 1.1939965948585836 0.9478987430433926 0.734304381090574 0.6429850524295937 0.5965514954833288 0.5005888111277176 0.5005888111277176 +42143,0.4278429052452432,2,0.35509699936276 0.5021365963592582 0.7745467971106762 1.1119639775868473 1.3673485407913 1.5685606208917753 1.7527470634452855 1.8223973988646784 1.779059412381495 1.6366631710796276 1.6707144461735495 1.4215210238952685 1.1939965948585836 0.9478987430433926 0.734304381090574 0.6429850524295937 0.5965514954833288 0.5005888111277176 0.5005888111277176 0.46344196557070566 +42144,0.392243844919772,2,0.5021365963592582 0.7745467971106762 1.1119639775868473 1.3673485407913 1.5685606208917753 1.7527470634452855 1.8223973988646784 1.779059412381495 1.6366631710796276 1.6707144461735495 1.4215210238952685 1.1939965948585836 0.9478987430433926 0.734304381090574 0.6429850524295937 0.5965514954833288 0.5005888111277176 0.5005888111277176 0.46344196557070566 0.4278429052452432 +42145,0.3690270664466439,2,0.7745467971106762 1.1119639775868473 1.3673485407913 1.5685606208917753 1.7527470634452855 1.8223973988646784 1.779059412381495 1.6366631710796276 1.6707144461735495 1.4215210238952685 1.1939965948585836 0.9478987430433926 0.734304381090574 0.6429850524295937 0.5965514954833288 0.5005888111277176 0.5005888111277176 0.46344196557070566 0.4278429052452432 0.392243844919772 +42146,0.3906960596882313,2,1.1119639775868473 1.3673485407913 1.5685606208917753 1.7527470634452855 1.8223973988646784 1.779059412381495 1.6366631710796276 1.6707144461735495 1.4215210238952685 1.1939965948585836 0.9478987430433926 0.734304381090574 0.6429850524295937 0.5965514954833288 0.5005888111277176 0.5005888111277176 0.46344196557070566 0.4278429052452432 0.392243844919772 0.3690270664466439 +42147,0.4231995495506123,2,1.3673485407913 1.5685606208917753 1.7527470634452855 1.8223973988646784 1.779059412381495 1.6366631710796276 1.6707144461735495 1.4215210238952685 1.1939965948585836 0.9478987430433926 0.734304381090574 0.6429850524295937 0.5965514954833288 0.5005888111277176 0.5005888111277176 0.46344196557070566 0.4278429052452432 0.392243844919772 0.3690270664466439 0.3906960596882313 +42148,0.6306027705772593,2,1.5685606208917753 1.7527470634452855 1.8223973988646784 1.779059412381495 1.6366631710796276 1.6707144461735495 1.4215210238952685 1.1939965948585836 0.9478987430433926 0.734304381090574 0.6429850524295937 0.5965514954833288 0.5005888111277176 0.5005888111277176 0.46344196557070566 0.4278429052452432 0.392243844919772 0.3690270664466439 0.3906960596882313 0.4231995495506123 +42149,0.8751528371609095,2,1.7527470634452855 1.8223973988646784 1.779059412381495 1.6366631710796276 1.6707144461735495 1.4215210238952685 1.1939965948585836 0.9478987430433926 0.734304381090574 0.6429850524295937 0.5965514954833288 0.5005888111277176 0.5005888111277176 0.46344196557070566 0.4278429052452432 0.392243844919772 0.3690270664466439 0.3906960596882313 0.4231995495506123 0.6306027705772593 +42150,1.1630408902277432,2,1.8223973988646784 1.779059412381495 1.6366631710796276 1.6707144461735495 1.4215210238952685 1.1939965948585836 0.9478987430433926 0.734304381090574 0.6429850524295937 0.5965514954833288 0.5005888111277176 0.5005888111277176 0.46344196557070566 0.4278429052452432 0.392243844919772 0.3690270664466439 0.3906960596882313 0.4231995495506123 0.6306027705772593 0.8751528371609095 +42151,1.358061829402047,2,1.779059412381495 1.6366631710796276 1.6707144461735495 1.4215210238952685 1.1939965948585836 0.9478987430433926 0.734304381090574 0.6429850524295937 0.5965514954833288 0.5005888111277176 0.5005888111277176 0.46344196557070566 0.4278429052452432 0.392243844919772 0.3690270664466439 0.3906960596882313 0.4231995495506123 0.6306027705772593 0.8751528371609095 1.1630408902277432 +42152,1.523674849177051,2,1.6366631710796276 1.6707144461735495 1.4215210238952685 1.1939965948585836 0.9478987430433926 0.734304381090574 0.6429850524295937 0.5965514954833288 0.5005888111277176 0.5005888111277176 0.46344196557070566 0.4278429052452432 0.392243844919772 0.3690270664466439 0.3906960596882313 0.4231995495506123 0.6306027705772593 0.8751528371609095 1.1630408902277432 1.358061829402047 +42153,1.6428543120057904,2,1.6707144461735495 1.4215210238952685 1.1939965948585836 0.9478987430433926 0.734304381090574 0.6429850524295937 0.5965514954833288 0.5005888111277176 0.5005888111277176 0.46344196557070566 0.4278429052452432 0.392243844919772 0.3690270664466439 0.3906960596882313 0.4231995495506123 0.6306027705772593 0.8751528371609095 1.1630408902277432 1.358061829402047 1.523674849177051 +42154,1.7341736406667796,2,1.4215210238952685 1.1939965948585836 0.9478987430433926 0.734304381090574 0.6429850524295937 0.5965514954833288 0.5005888111277176 0.5005888111277176 0.46344196557070566 0.4278429052452432 0.392243844919772 0.3690270664466439 0.3906960596882313 0.4231995495506123 0.6306027705772593 0.8751528371609095 1.1630408902277432 1.358061829402047 1.523674849177051 1.6428543120057904 +42155,1.8394230364116437,2,1.1939965948585836 0.9478987430433926 0.734304381090574 0.6429850524295937 0.5965514954833288 0.5005888111277176 0.5005888111277176 0.46344196557070566 0.4278429052452432 0.392243844919772 0.3690270664466439 0.3906960596882313 0.4231995495506123 0.6306027705772593 0.8751528371609095 1.1630408902277432 1.358061829402047 1.523674849177051 1.6428543120057904 1.7341736406667796 +42156,1.8038239760861725,2,0.9478987430433926 0.734304381090574 0.6429850524295937 0.5965514954833288 0.5005888111277176 0.5005888111277176 0.46344196557070566 0.4278429052452432 0.392243844919772 0.3690270664466439 0.3906960596882313 0.4231995495506123 0.6306027705772593 0.8751528371609095 1.1630408902277432 1.358061829402047 1.523674849177051 1.6428543120057904 1.7341736406667796 1.8394230364116437 +42157,1.718695788351355,2,0.734304381090574 0.6429850524295937 0.5965514954833288 0.5005888111277176 0.5005888111277176 0.46344196557070566 0.4278429052452432 0.392243844919772 0.3690270664466439 0.3906960596882313 0.4231995495506123 0.6306027705772593 0.8751528371609095 1.1630408902277432 1.358061829402047 1.523674849177051 1.6428543120057904 1.7341736406667796 1.8394230364116437 1.8038239760861725 +42158,1.450928943294577,2,0.6429850524295937 0.5965514954833288 0.5005888111277176 0.5005888111277176 0.46344196557070566 0.4278429052452432 0.392243844919772 0.3690270664466439 0.3906960596882313 0.4231995495506123 0.6306027705772593 0.8751528371609095 1.1630408902277432 1.358061829402047 1.523674849177051 1.6428543120057904 1.7341736406667796 1.8394230364116437 1.8038239760861725 1.718695788351355 +42159,1.1320851855969027,2,0.5965514954833288 0.5005888111277176 0.5005888111277176 0.46344196557070566 0.4278429052452432 0.392243844919772 0.3690270664466439 0.3906960596882313 0.4231995495506123 0.6306027705772593 0.8751528371609095 1.1630408902277432 1.358061829402047 1.523674849177051 1.6428543120057904 1.7341736406667796 1.8394230364116437 1.8038239760861725 1.718695788351355 1.450928943294577 +42160,0.8674139110031972,2,0.5005888111277176 0.5005888111277176 0.46344196557070566 0.4278429052452432 0.392243844919772 0.3690270664466439 0.3906960596882313 0.4231995495506123 0.6306027705772593 0.8751528371609095 1.1630408902277432 1.358061829402047 1.523674849177051 1.6428543120057904 1.7341736406667796 1.8394230364116437 1.8038239760861725 1.718695788351355 1.450928943294577 1.1320851855969027 +42161,0.6120293477987534,2,0.5005888111277176 0.46344196557070566 0.4278429052452432 0.392243844919772 0.3690270664466439 0.3906960596882313 0.4231995495506123 0.6306027705772593 0.8751528371609095 1.1630408902277432 1.358061829402047 1.523674849177051 1.6428543120057904 1.7341736406667796 1.8394230364116437 1.8038239760861725 1.718695788351355 1.450928943294577 1.1320851855969027 0.8674139110031972 +42162,0.4882065292753832,2,0.46344196557070566 0.4278429052452432 0.392243844919772 0.3690270664466439 0.3906960596882313 0.4231995495506123 0.6306027705772593 0.8751528371609095 1.1630408902277432 1.358061829402047 1.523674849177051 1.6428543120057904 1.7341736406667796 1.8394230364116437 1.8038239760861725 1.718695788351355 1.450928943294577 1.1320851855969027 0.8674139110031972 0.6120293477987534 +42163,0.45260746894991194,2,0.4278429052452432 0.392243844919772 0.3690270664466439 0.3906960596882313 0.4231995495506123 0.6306027705772593 0.8751528371609095 1.1630408902277432 1.358061829402047 1.523674849177051 1.6428543120057904 1.7341736406667796 1.8394230364116437 1.8038239760861725 1.718695788351355 1.450928943294577 1.1320851855969027 0.8674139110031972 0.6120293477987534 0.4882065292753832 +42164,0.41700840862444954,2,0.392243844919772 0.3690270664466439 0.3906960596882313 0.4231995495506123 0.6306027705772593 0.8751528371609095 1.1630408902277432 1.358061829402047 1.523674849177051 1.6428543120057904 1.7341736406667796 1.8394230364116437 1.8038239760861725 1.718695788351355 1.450928943294577 1.1320851855969027 0.8674139110031972 0.6120293477987534 0.4882065292753832 0.45260746894991194 +42165,0.3690270664466439,2,0.3690270664466439 0.3906960596882313 0.4231995495506123 0.6306027705772593 0.8751528371609095 1.1630408902277432 1.358061829402047 1.523674849177051 1.6428543120057904 1.7341736406667796 1.8394230364116437 1.8038239760861725 1.718695788351355 1.450928943294577 1.1320851855969027 0.8674139110031972 0.6120293477987534 0.4882065292753832 0.45260746894991194 0.41700840862444954 +42166,0.3566447845943007,2,0.3906960596882313 0.4231995495506123 0.6306027705772593 0.8751528371609095 1.1630408902277432 1.358061829402047 1.523674849177051 1.6428543120057904 1.7341736406667796 1.8394230364116437 1.8038239760861725 1.718695788351355 1.450928943294577 1.1320851855969027 0.8674139110031972 0.6120293477987534 0.4882065292753832 0.45260746894991194 0.41700840862444954 0.3690270664466439 +42167,0.3674792812151032,2,0.4231995495506123 0.6306027705772593 0.8751528371609095 1.1630408902277432 1.358061829402047 1.523674849177051 1.6428543120057904 1.7341736406667796 1.8394230364116437 1.8038239760861725 1.718695788351355 1.450928943294577 1.1320851855969027 0.8674139110031972 0.6120293477987534 0.4882065292753832 0.45260746894991194 0.41700840862444954 0.3690270664466439 0.3566447845943007 +42168,0.3674792812151032,2,0.6306027705772593 0.8751528371609095 1.1630408902277432 1.358061829402047 1.523674849177051 1.6428543120057904 1.7341736406667796 1.8394230364116437 1.8038239760861725 1.718695788351355 1.450928943294577 1.1320851855969027 0.8674139110031972 0.6120293477987534 0.4882065292753832 0.45260746894991194 0.41700840862444954 0.3690270664466439 0.3566447845943007 0.3674792812151032 +42169,0.3674792812151032,2,0.8751528371609095 1.1630408902277432 1.358061829402047 1.523674849177051 1.6428543120057904 1.7341736406667796 1.8394230364116437 1.8038239760861725 1.718695788351355 1.450928943294577 1.1320851855969027 0.8674139110031972 0.6120293477987534 0.4882065292753832 0.45260746894991194 0.41700840862444954 0.3690270664466439 0.3566447845943007 0.3674792812151032 0.3674792812151032 +42170,0.392243844919772,2,1.1630408902277432 1.358061829402047 1.523674849177051 1.6428543120057904 1.7341736406667796 1.8394230364116437 1.8038239760861725 1.718695788351355 1.450928943294577 1.1320851855969027 0.8674139110031972 0.6120293477987534 0.4882065292753832 0.45260746894991194 0.41700840862444954 0.3690270664466439 0.3566447845943007 0.3674792812151032 0.3674792812151032 0.3674792812151032 +42171,0.4386774018660369,2,1.358061829402047 1.523674849177051 1.6428543120057904 1.7341736406667796 1.8394230364116437 1.8038239760861725 1.718695788351355 1.450928943294577 1.1320851855969027 0.8674139110031972 0.6120293477987534 0.4882065292753832 0.45260746894991194 0.41700840862444954 0.3690270664466439 0.3566447845943007 0.3674792812151032 0.3674792812151032 0.3674792812151032 0.392243844919772 +42172,0.5888125693256165,2,1.523674849177051 1.6428543120057904 1.7341736406667796 1.8394230364116437 1.8038239760861725 1.718695788351355 1.450928943294577 1.1320851855969027 0.8674139110031972 0.6120293477987534 0.4882065292753832 0.45260746894991194 0.41700840862444954 0.3690270664466439 0.3566447845943007 0.3674792812151032 0.3674792812151032 0.3674792812151032 0.392243844919772 0.4386774018660369 +42173,0.8024069312784263,2,1.6428543120057904 1.7341736406667796 1.8394230364116437 1.8038239760861725 1.718695788351355 1.450928943294577 1.1320851855969027 0.8674139110031972 0.6120293477987534 0.4882065292753832 0.45260746894991194 0.41700840862444954 0.3690270664466439 0.3566447845943007 0.3674792812151032 0.3674792812151032 0.3674792812151032 0.392243844919772 0.4386774018660369 0.5888125693256165 +42174,0.9401598168856804,2,1.7341736406667796 1.8394230364116437 1.8038239760861725 1.718695788351355 1.450928943294577 1.1320851855969027 0.8674139110031972 0.6120293477987534 0.4882065292753832 0.45260746894991194 0.41700840862444954 0.3690270664466439 0.3566447845943007 0.3674792812151032 0.3674792812151032 0.3674792812151032 0.392243844919772 0.4386774018660369 0.5888125693256165 0.8024069312784263 +42175,1.0237402193889484,2,1.8394230364116437 1.8038239760861725 1.718695788351355 1.450928943294577 1.1320851855969027 0.8674139110031972 0.6120293477987534 0.4882065292753832 0.45260746894991194 0.41700840862444954 0.3690270664466439 0.3566447845943007 0.3674792812151032 0.3674792812151032 0.3674792812151032 0.392243844919772 0.4386774018660369 0.5888125693256165 0.8024069312784263 0.9401598168856804 +42176,1.1568497493015715,2,1.8038239760861725 1.718695788351355 1.450928943294577 1.1320851855969027 0.8674139110031972 0.6120293477987534 0.4882065292753832 0.45260746894991194 0.41700840862444954 0.3690270664466439 0.3566447845943007 0.3674792812151032 0.3674792812151032 0.3674792812151032 0.392243844919772 0.4386774018660369 0.5888125693256165 0.8024069312784263 0.9401598168856804 1.0237402193889484 +42177,1.1568497493015715,2,1.718695788351355 1.450928943294577 1.1320851855969027 0.8674139110031972 0.6120293477987534 0.4882065292753832 0.45260746894991194 0.41700840862444954 0.3690270664466439 0.3566447845943007 0.3674792812151032 0.3674792812151032 0.3674792812151032 0.392243844919772 0.4386774018660369 0.5888125693256165 0.8024069312784263 0.9401598168856804 1.0237402193889484 1.1568497493015715 +42178,1.200187735784755,2,1.450928943294577 1.1320851855969027 0.8674139110031972 0.6120293477987534 0.4882065292753832 0.45260746894991194 0.41700840862444954 0.3690270664466439 0.3566447845943007 0.3674792812151032 0.3674792812151032 0.3674792812151032 0.392243844919772 0.4386774018660369 0.5888125693256165 0.8024069312784263 0.9401598168856804 1.0237402193889484 1.1568497493015715 1.1568497493015715 +42179,1.1119639775868473,2,1.1320851855969027 0.8674139110031972 0.6120293477987534 0.4882065292753832 0.45260746894991194 0.41700840862444954 0.3690270664466439 0.3566447845943007 0.3674792812151032 0.3674792812151032 0.3674792812151032 0.392243844919772 0.4386774018660369 0.5888125693256165 0.8024069312784263 0.9401598168856804 1.0237402193889484 1.1568497493015715 1.1568497493015715 1.200187735784755 +42180,1.1135117628183968,2,0.8674139110031972 0.6120293477987534 0.4882065292753832 0.45260746894991194 0.41700840862444954 0.3690270664466439 0.3566447845943007 0.3674792812151032 0.3674792812151032 0.3674792812151032 0.392243844919772 0.4386774018660369 0.5888125693256165 0.8024069312784263 0.9401598168856804 1.0237402193889484 1.1568497493015715 1.1568497493015715 1.200187735784755 1.1119639775868473 +42181,1.0949383400398909,2,0.6120293477987534 0.4882065292753832 0.45260746894991194 0.41700840862444954 0.3690270664466439 0.3566447845943007 0.3674792812151032 0.3674792812151032 0.3674792812151032 0.392243844919772 0.4386774018660369 0.5888125693256165 0.8024069312784263 0.9401598168856804 1.0237402193889484 1.1568497493015715 1.1568497493015715 1.200187735784755 1.1119639775868473 1.1135117628183968 +42182,0.9943322999896488,2,0.4882065292753832 0.45260746894991194 0.41700840862444954 0.3690270664466439 0.3566447845943007 0.3674792812151032 0.3674792812151032 0.3674792812151032 0.392243844919772 0.4386774018660369 0.5888125693256165 0.8024069312784263 0.9401598168856804 1.0237402193889484 1.1568497493015715 1.1568497493015715 1.200187735784755 1.1119639775868473 1.1135117628183968 1.0949383400398909 +42183,0.9401598168856804,2,0.45260746894991194 0.41700840862444954 0.3690270664466439 0.3566447845943007 0.3674792812151032 0.3674792812151032 0.3674792812151032 0.392243844919772 0.4386774018660369 0.5888125693256165 0.8024069312784263 0.9401598168856804 1.0237402193889484 1.1568497493015715 1.1568497493015715 1.200187735784755 1.1119639775868473 1.1135117628183968 1.0949383400398909 0.9943322999896488 +42184,0.8024069312784263,2,0.41700840862444954 0.3690270664466439 0.3566447845943007 0.3674792812151032 0.3674792812151032 0.3674792812151032 0.392243844919772 0.4386774018660369 0.5888125693256165 0.8024069312784263 0.9401598168856804 1.0237402193889484 1.1568497493015715 1.1568497493015715 1.200187735784755 1.1119639775868473 1.1135117628183968 1.0949383400398909 0.9943322999896488 0.9401598168856804 +42185,0.7219220992382397,2,0.3690270664466439 0.3566447845943007 0.3674792812151032 0.3674792812151032 0.3674792812151032 0.392243844919772 0.4386774018660369 0.5888125693256165 0.8024069312784263 0.9401598168856804 1.0237402193889484 1.1568497493015715 1.1568497493015715 1.200187735784755 1.1119639775868473 1.1135117628183968 1.0949383400398909 0.9943322999896488 0.9401598168856804 0.8024069312784263 +42186,0.6429850524295937,2,0.3566447845943007 0.3674792812151032 0.3674792812151032 0.3674792812151032 0.392243844919772 0.4386774018660369 0.5888125693256165 0.8024069312784263 0.9401598168856804 1.0237402193889484 1.1568497493015715 1.1568497493015715 1.200187735784755 1.1119639775868473 1.1135117628183968 1.0949383400398909 0.9943322999896488 0.9401598168856804 0.8024069312784263 0.7219220992382397 +42187,0.57178693177866,2,0.3674792812151032 0.3674792812151032 0.3674792812151032 0.392243844919772 0.4386774018660369 0.5888125693256165 0.8024069312784263 0.9401598168856804 1.0237402193889484 1.1568497493015715 1.1568497493015715 1.200187735784755 1.1119639775868473 1.1135117628183968 1.0949383400398909 0.9943322999896488 0.9401598168856804 0.8024069312784263 0.7219220992382397 0.6429850524295937 +42188,0.5114233077485113,2,0.3674792812151032 0.3674792812151032 0.392243844919772 0.4386774018660369 0.5888125693256165 0.8024069312784263 0.9401598168856804 1.0237402193889484 1.1568497493015715 1.1568497493015715 1.200187735784755 1.1119639775868473 1.1135117628183968 1.0949383400398909 0.9943322999896488 0.9401598168856804 0.8024069312784263 0.7219220992382397 0.6429850524295937 0.57178693177866 +42189,0.46344196557070566,2,0.3674792812151032 0.392243844919772 0.4386774018660369 0.5888125693256165 0.8024069312784263 0.9401598168856804 1.0237402193889484 1.1568497493015715 1.1568497493015715 1.200187735784755 1.1119639775868473 1.1135117628183968 1.0949383400398909 0.9943322999896488 0.9401598168856804 0.8024069312784263 0.7219220992382397 0.6429850524295937 0.57178693177866 0.5114233077485113 +42190,0.4278429052452432,2,0.392243844919772 0.4386774018660369 0.5888125693256165 0.8024069312784263 0.9401598168856804 1.0237402193889484 1.1568497493015715 1.1568497493015715 1.200187735784755 1.1119639775868473 1.1135117628183968 1.0949383400398909 0.9943322999896488 0.9401598168856804 0.8024069312784263 0.7219220992382397 0.6429850524295937 0.57178693177866 0.5114233077485113 0.46344196557070566 +42191,0.4154606233929,2,0.4386774018660369 0.5888125693256165 0.8024069312784263 0.9401598168856804 1.0237402193889484 1.1568497493015715 1.1568497493015715 1.200187735784755 1.1119639775868473 1.1135117628183968 1.0949383400398909 0.9943322999896488 0.9401598168856804 0.8024069312784263 0.7219220992382397 0.6429850524295937 0.57178693177866 0.5114233077485113 0.46344196557070566 0.4278429052452432 +42192,0.40307834154056565,2,0.5888125693256165 0.8024069312784263 0.9401598168856804 1.0237402193889484 1.1568497493015715 1.1568497493015715 1.200187735784755 1.1119639775868473 1.1135117628183968 1.0949383400398909 0.9943322999896488 0.9401598168856804 0.8024069312784263 0.7219220992382397 0.6429850524295937 0.57178693177866 0.5114233077485113 0.46344196557070566 0.4278429052452432 0.4154606233929 +42193,0.392243844919772,2,0.8024069312784263 0.9401598168856804 1.0237402193889484 1.1568497493015715 1.1568497493015715 1.200187735784755 1.1119639775868473 1.1135117628183968 1.0949383400398909 0.9943322999896488 0.9401598168856804 0.8024069312784263 0.7219220992382397 0.6429850524295937 0.57178693177866 0.5114233077485113 0.46344196557070566 0.4278429052452432 0.4154606233929 0.40307834154056565 +42194,0.37986156306743757,2,0.9401598168856804 1.0237402193889484 1.1568497493015715 1.1568497493015715 1.200187735784755 1.1119639775868473 1.1135117628183968 1.0949383400398909 0.9943322999896488 0.9401598168856804 0.8024069312784263 0.7219220992382397 0.6429850524295937 0.57178693177866 0.5114233077485113 0.46344196557070566 0.4278429052452432 0.4154606233929 0.40307834154056565 0.392243844919772 +42195,0.41855619385599024,2,1.0237402193889484 1.1568497493015715 1.1568497493015715 1.200187735784755 1.1119639775868473 1.1135117628183968 1.0949383400398909 0.9943322999896488 0.9401598168856804 0.8024069312784263 0.7219220992382397 0.6429850524295937 0.57178693177866 0.5114233077485113 0.46344196557070566 0.4278429052452432 0.4154606233929 0.40307834154056565 0.392243844919772 0.37986156306743757 +42196,0.5207100191377643,2,1.1568497493015715 1.1568497493015715 1.200187735784755 1.1119639775868473 1.1135117628183968 1.0949383400398909 0.9943322999896488 0.9401598168856804 0.8024069312784263 0.7219220992382397 0.6429850524295937 0.57178693177866 0.5114233077485113 0.46344196557070566 0.4278429052452432 0.4154606233929 0.40307834154056565 0.392243844919772 0.37986156306743757 0.41855619385599024 +42197,0.6476284081242158,2,1.1568497493015715 1.200187735784755 1.1119639775868473 1.1135117628183968 1.0949383400398909 0.9943322999896488 0.9401598168856804 0.8024069312784263 0.7219220992382397 0.6429850524295937 0.57178693177866 0.5114233077485113 0.46344196557070566 0.4278429052452432 0.4154606233929 0.40307834154056565 0.392243844919772 0.37986156306743757 0.41855619385599024 0.5207100191377643 +42198,0.8844395485501625,2,1.200187735784755 1.1119639775868473 1.1135117628183968 1.0949383400398909 0.9943322999896488 0.9401598168856804 0.8024069312784263 0.7219220992382397 0.6429850524295937 0.57178693177866 0.5114233077485113 0.46344196557070566 0.4278429052452432 0.4154606233929 0.40307834154056565 0.392243844919772 0.37986156306743757 0.41855619385599024 0.5207100191377643 0.6476284081242158 +42199,1.1320851855969027,2,1.1119639775868473 1.1135117628183968 1.0949383400398909 0.9943322999896488 0.9401598168856804 0.8024069312784263 0.7219220992382397 0.6429850524295937 0.57178693177866 0.5114233077485113 0.46344196557070566 0.4278429052452432 0.4154606233929 0.40307834154056565 0.392243844919772 0.37986156306743757 0.41855619385599024 0.5207100191377643 0.6476284081242158 0.8844395485501625 +42200,1.3224627690765758,2,1.1135117628183968 1.0949383400398909 0.9943322999896488 0.9401598168856804 0.8024069312784263 0.7219220992382397 0.6429850524295937 0.57178693177866 0.5114233077485113 0.46344196557070566 0.4278429052452432 0.4154606233929 0.40307834154056565 0.392243844919772 0.37986156306743757 0.41855619385599024 0.5207100191377643 0.6476284081242158 0.8844395485501625 1.1320851855969027 +42201,1.4122343125060242,2,1.0949383400398909 0.9943322999896488 0.9401598168856804 0.8024069312784263 0.7219220992382397 0.6429850524295937 0.57178693177866 0.5114233077485113 0.46344196557070566 0.4278429052452432 0.4154606233929 0.40307834154056565 0.392243844919772 0.37986156306743757 0.41855619385599024 0.5207100191377643 0.6476284081242158 0.8844395485501625 1.1320851855969027 1.3224627690765758 +42202,1.6041596812172378,2,0.9943322999896488 0.9401598168856804 0.8024069312784263 0.7219220992382397 0.6429850524295937 0.57178693177866 0.5114233077485113 0.46344196557070566 0.4278429052452432 0.4154606233929 0.40307834154056565 0.392243844919772 0.37986156306743757 0.41855619385599024 0.5207100191377643 0.6476284081242158 0.8844395485501625 1.1320851855969027 1.3224627690765758 1.4122343125060242 +42203,1.5964207550595344,2,0.9401598168856804 0.8024069312784263 0.7219220992382397 0.6429850524295937 0.57178693177866 0.5114233077485113 0.46344196557070566 0.4278429052452432 0.4154606233929 0.40307834154056565 0.392243844919772 0.37986156306743757 0.41855619385599024 0.5207100191377643 0.6476284081242158 0.8844395485501625 1.1320851855969027 1.3224627690765758 1.4122343125060242 1.6041596812172378 +42204,1.5623694799656038,2,0.8024069312784263 0.7219220992382397 0.6429850524295937 0.57178693177866 0.5114233077485113 0.46344196557070566 0.4278429052452432 0.4154606233929 0.40307834154056565 0.392243844919772 0.37986156306743757 0.41855619385599024 0.5207100191377643 0.6476284081242158 0.8844395485501625 1.1320851855969027 1.3224627690765758 1.4122343125060242 1.6041596812172378 1.5964207550595344 +42205,1.399852030653681,2,0.7219220992382397 0.6429850524295937 0.57178693177866 0.5114233077485113 0.46344196557070566 0.4278429052452432 0.4154606233929 0.40307834154056565 0.392243844919772 0.37986156306743757 0.41855619385599024 0.5207100191377643 0.6476284081242158 0.8844395485501625 1.1320851855969027 1.3224627690765758 1.4122343125060242 1.6041596812172378 1.5964207550595344 1.5623694799656038 +42206,1.1444674674492372,2,0.6429850524295937 0.57178693177866 0.5114233077485113 0.46344196557070566 0.4278429052452432 0.4154606233929 0.40307834154056565 0.392243844919772 0.37986156306743757 0.41855619385599024 0.5207100191377643 0.6476284081242158 0.8844395485501625 1.1320851855969027 1.3224627690765758 1.4122343125060242 1.6041596812172378 1.5964207550595344 1.5623694799656038 1.399852030653681 +42207,0.8596749848454849,2,0.57178693177866 0.5114233077485113 0.46344196557070566 0.4278429052452432 0.4154606233929 0.40307834154056565 0.392243844919772 0.37986156306743757 0.41855619385599024 0.5207100191377643 0.6476284081242158 0.8844395485501625 1.1320851855969027 1.3224627690765758 1.4122343125060242 1.6041596812172378 1.5964207550595344 1.5623694799656038 1.399852030653681 1.1444674674492372 +42208,0.6956097503020214,2,0.5114233077485113 0.46344196557070566 0.4278429052452432 0.4154606233929 0.40307834154056565 0.392243844919772 0.37986156306743757 0.41855619385599024 0.5207100191377643 0.6476284081242158 0.8844395485501625 1.1320851855969027 1.3224627690765758 1.4122343125060242 1.6041596812172378 1.5964207550595344 1.5623694799656038 1.399852030653681 1.1444674674492372 0.8596749848454849 +42209,0.613577133030294,2,0.46344196557070566 0.4278429052452432 0.4154606233929 0.40307834154056565 0.392243844919772 0.37986156306743757 0.41855619385599024 0.5207100191377643 0.6476284081242158 0.8844395485501625 1.1320851855969027 1.3224627690765758 1.4122343125060242 1.6041596812172378 1.5964207550595344 1.5623694799656038 1.399852030653681 1.1444674674492372 0.8596749848454849 0.6956097503020214 +42210,0.5361878714531888,2,0.4278429052452432 0.4154606233929 0.40307834154056565 0.392243844919772 0.37986156306743757 0.41855619385599024 0.5207100191377643 0.6476284081242158 0.8844395485501625 1.1320851855969027 1.3224627690765758 1.4122343125060242 1.6041596812172378 1.5964207550595344 1.5623694799656038 1.399852030653681 1.1444674674492372 0.8596749848454849 0.6956097503020214 0.613577133030294 +42211,0.5238055896008544,2,0.4154606233929 0.40307834154056565 0.392243844919772 0.37986156306743757 0.41855619385599024 0.5207100191377643 0.6476284081242158 0.8844395485501625 1.1320851855969027 1.3224627690765758 1.4122343125060242 1.6041596812172378 1.5964207550595344 1.5623694799656038 1.399852030653681 1.1444674674492372 0.8596749848454849 0.6956097503020214 0.613577133030294 0.5361878714531888 +42212,0.5005888111277176,2,0.40307834154056565 0.392243844919772 0.37986156306743757 0.41855619385599024 0.5207100191377643 0.6476284081242158 0.8844395485501625 1.1320851855969027 1.3224627690765758 1.4122343125060242 1.6041596812172378 1.5964207550595344 1.5623694799656038 1.399852030653681 1.1444674674492372 0.8596749848454849 0.6956097503020214 0.613577133030294 0.5361878714531888 0.5238055896008544 +42213,0.45260746894991194,2,0.392243844919772 0.37986156306743757 0.41855619385599024 0.5207100191377643 0.6476284081242158 0.8844395485501625 1.1320851855969027 1.3224627690765758 1.4122343125060242 1.6041596812172378 1.5964207550595344 1.5623694799656038 1.399852030653681 1.1444674674492372 0.8596749848454849 0.6956097503020214 0.613577133030294 0.5361878714531888 0.5238055896008544 0.5005888111277176 +42214,0.40462612677210635,2,0.37986156306743757 0.41855619385599024 0.5207100191377643 0.6476284081242158 0.8844395485501625 1.1320851855969027 1.3224627690765758 1.4122343125060242 1.6041596812172378 1.5964207550595344 1.5623694799656038 1.399852030653681 1.1444674674492372 0.8596749848454849 0.6956097503020214 0.613577133030294 0.5361878714531888 0.5238055896008544 0.5005888111277176 0.45260746894991194 +42215,0.3690270664466439,2,0.41855619385599024 0.5207100191377643 0.6476284081242158 0.8844395485501625 1.1320851855969027 1.3224627690765758 1.4122343125060242 1.6041596812172378 1.5964207550595344 1.5623694799656038 1.399852030653681 1.1444674674492372 0.8596749848454849 0.6956097503020214 0.613577133030294 0.5361878714531888 0.5238055896008544 0.5005888111277176 0.45260746894991194 0.40462612677210635 +42216,0.3086634424164951,2,0.5207100191377643 0.6476284081242158 0.8844395485501625 1.1320851855969027 1.3224627690765758 1.4122343125060242 1.6041596812172378 1.5964207550595344 1.5623694799656038 1.399852030653681 1.1444674674492372 0.8596749848454849 0.6956097503020214 0.613577133030294 0.5361878714531888 0.5238055896008544 0.5005888111277176 0.45260746894991194 0.40462612677210635 0.3690270664466439 +42217,0.2854466639433671,2,0.6476284081242158 0.8844395485501625 1.1320851855969027 1.3224627690765758 1.4122343125060242 1.6041596812172378 1.5964207550595344 1.5623694799656038 1.399852030653681 1.1444674674492372 0.8596749848454849 0.6956097503020214 0.613577133030294 0.5361878714531888 0.5238055896008544 0.5005888111277176 0.45260746894991194 0.40462612677210635 0.3690270664466439 0.3086634424164951 +42218,0.2730643820910327,2,0.8844395485501625 1.1320851855969027 1.3224627690765758 1.4122343125060242 1.6041596812172378 1.5964207550595344 1.5623694799656038 1.399852030653681 1.1444674674492372 0.8596749848454849 0.6956097503020214 0.613577133030294 0.5361878714531888 0.5238055896008544 0.5005888111277176 0.45260746894991194 0.40462612677210635 0.3690270664466439 0.3086634424164951 0.2854466639433671 +42219,0.3148545833426667,2,1.1320851855969027 1.3224627690765758 1.4122343125060242 1.6041596812172378 1.5964207550595344 1.5623694799656038 1.399852030653681 1.1444674674492372 0.8596749848454849 0.6956097503020214 0.613577133030294 0.5361878714531888 0.5238055896008544 0.5005888111277176 0.45260746894991194 0.40462612677210635 0.3690270664466439 0.3086634424164951 0.2854466639433671 0.2730643820910327 +42220,0.5423790123793604,2,1.3224627690765758 1.4122343125060242 1.6041596812172378 1.5964207550595344 1.5623694799656038 1.399852030653681 1.1444674674492372 0.8596749848454849 0.6956097503020214 0.613577133030294 0.5361878714531888 0.5238055896008544 0.5005888111277176 0.45260746894991194 0.40462612677210635 0.3690270664466439 0.3086634424164951 0.2854466639433671 0.2730643820910327 0.3148545833426667 +42221,0.738947736785205,2,1.4122343125060242 1.6041596812172378 1.5964207550595344 1.5623694799656038 1.399852030653681 1.1444674674492372 0.8596749848454849 0.6956097503020214 0.613577133030294 0.5361878714531888 0.5238055896008544 0.5005888111277176 0.45260746894991194 0.40462612677210635 0.3690270664466439 0.3086634424164951 0.2854466639433671 0.2730643820910327 0.3148545833426667 0.5423790123793604 +42222,1.0144535079996955,2,1.6041596812172378 1.5964207550595344 1.5623694799656038 1.399852030653681 1.1444674674492372 0.8596749848454849 0.6956097503020214 0.613577133030294 0.5361878714531888 0.5238055896008544 0.5005888111277176 0.45260746894991194 0.40462612677210635 0.3690270664466439 0.3086634424164951 0.2854466639433671 0.2730643820910327 0.3148545833426667 0.5423790123793604 0.738947736785205 +42223,1.2775769973618603,2,1.5964207550595344 1.5623694799656038 1.399852030653681 1.1444674674492372 0.8596749848454849 0.6956097503020214 0.613577133030294 0.5361878714531888 0.5238055896008544 0.5005888111277176 0.45260746894991194 0.40462612677210635 0.3690270664466439 0.3086634424164951 0.2854466639433671 0.2730643820910327 0.3148545833426667 0.5423790123793604 0.738947736785205 1.0144535079996955 +42224,1.4679545808415333,2,1.5623694799656038 1.399852030653681 1.1444674674492372 0.8596749848454849 0.6956097503020214 0.613577133030294 0.5361878714531888 0.5238055896008544 0.5005888111277176 0.45260746894991194 0.40462612677210635 0.3690270664466439 0.3086634424164951 0.2854466639433671 0.2730643820910327 0.3148545833426667 0.5423790123793604 0.738947736785205 1.0144535079996955 1.2775769973618603 +42225,1.5793951175125691,2,1.399852030653681 1.1444674674492372 0.8596749848454849 0.6956097503020214 0.613577133030294 0.5361878714531888 0.5238055896008544 0.5005888111277176 0.45260746894991194 0.40462612677210635 0.3690270664466439 0.3086634424164951 0.2854466639433671 0.2730643820910327 0.3148545833426667 0.5423790123793604 0.738947736785205 1.0144535079996955 1.2775769973618603 1.4679545808415333 +42226,1.7527470634452855,2,1.1444674674492372 0.8596749848454849 0.6956097503020214 0.613577133030294 0.5361878714531888 0.5238055896008544 0.5005888111277176 0.45260746894991194 0.40462612677210635 0.3690270664466439 0.3086634424164951 0.2854466639433671 0.2730643820910327 0.3148545833426667 0.5423790123793604 0.738947736785205 1.0144535079996955 1.2775769973618603 1.4679545808415333 1.5793951175125691 +42227,1.7960850499284602,2,0.8596749848454849 0.6956097503020214 0.613577133030294 0.5361878714531888 0.5238055896008544 0.5005888111277176 0.45260746894991194 0.40462612677210635 0.3690270664466439 0.3086634424164951 0.2854466639433671 0.2730643820910327 0.3148545833426667 0.5423790123793604 0.738947736785205 1.0144535079996955 1.2775769973618603 1.4679545808415333 1.5793951175125691 1.7527470634452855 +42228,1.7264347145090673,2,0.6956097503020214 0.613577133030294 0.5361878714531888 0.5238055896008544 0.5005888111277176 0.45260746894991194 0.40462612677210635 0.3690270664466439 0.3086634424164951 0.2854466639433671 0.2730643820910327 0.3148545833426667 0.5423790123793604 0.738947736785205 1.0144535079996955 1.2775769973618603 1.4679545808415333 1.5793951175125691 1.7527470634452855 1.7960850499284602 +42229,1.6057074664487874,2,0.613577133030294 0.5361878714531888 0.5238055896008544 0.5005888111277176 0.45260746894991194 0.40462612677210635 0.3690270664466439 0.3086634424164951 0.2854466639433671 0.2730643820910327 0.3148545833426667 0.5423790123793604 0.738947736785205 1.0144535079996955 1.2775769973618603 1.4679545808415333 1.5793951175125691 1.7527470634452855 1.7960850499284602 1.7264347145090673 +42230,1.297698205371907,2,0.5361878714531888 0.5238055896008544 0.5005888111277176 0.45260746894991194 0.40462612677210635 0.3690270664466439 0.3086634424164951 0.2854466639433671 0.2730643820910327 0.3148545833426667 0.5423790123793604 0.738947736785205 1.0144535079996955 1.2775769973618603 1.4679545808415333 1.5793951175125691 1.7527470634452855 1.7960850499284602 1.7264347145090673 1.6057074664487874 +42231,1.159945319764653,2,0.5238055896008544 0.5005888111277176 0.45260746894991194 0.40462612677210635 0.3690270664466439 0.3086634424164951 0.2854466639433671 0.2730643820910327 0.3148545833426667 0.5423790123793604 0.738947736785205 1.0144535079996955 1.2775769973618603 1.4679545808415333 1.5793951175125691 1.7527470634452855 1.7960850499284602 1.7264347145090673 1.6057074664487874 1.297698205371907 +42232,0.8426493472985285,2,0.5005888111277176 0.45260746894991194 0.40462612677210635 0.3690270664466439 0.3086634424164951 0.2854466639433671 0.2730643820910327 0.3148545833426667 0.5423790123793604 0.738947736785205 1.0144535079996955 1.2775769973618603 1.4679545808415333 1.5793951175125691 1.7527470634452855 1.7960850499284602 1.7264347145090673 1.6057074664487874 1.297698205371907 1.159945319764653 +42233,0.6801318979866057,2,0.45260746894991194 0.40462612677210635 0.3690270664466439 0.3086634424164951 0.2854466639433671 0.2730643820910327 0.3148545833426667 0.5423790123793604 0.738947736785205 1.0144535079996955 1.2775769973618603 1.4679545808415333 1.5793951175125691 1.7527470634452855 1.7960850499284602 1.7264347145090673 1.6057074664487874 1.297698205371907 1.159945319764653 0.8426493472985285 +42234,0.5733347170102008,2,0.40462612677210635 0.3690270664466439 0.3086634424164951 0.2854466639433671 0.2730643820910327 0.3148545833426667 0.5423790123793604 0.738947736785205 1.0144535079996955 1.2775769973618603 1.4679545808415333 1.5793951175125691 1.7527470634452855 1.7960850499284602 1.7264347145090673 1.6057074664487874 1.297698205371907 1.159945319764653 0.8426493472985285 0.6801318979866057 +42235,0.4882065292753832,2,0.3690270664466439 0.3086634424164951 0.2854466639433671 0.2730643820910327 0.3148545833426667 0.5423790123793604 0.738947736785205 1.0144535079996955 1.2775769973618603 1.4679545808415333 1.5793951175125691 1.7527470634452855 1.7960850499284602 1.7264347145090673 1.6057074664487874 1.297698205371907 1.159945319764653 0.8426493472985285 0.6801318979866057 0.5733347170102008 +42236,0.4402251870975776,2,0.3086634424164951 0.2854466639433671 0.2730643820910327 0.3148545833426667 0.5423790123793604 0.738947736785205 1.0144535079996955 1.2775769973618603 1.4679545808415333 1.5793951175125691 1.7527470634452855 1.7960850499284602 1.7264347145090673 1.6057074664487874 1.297698205371907 1.159945319764653 0.8426493472985285 0.6801318979866057 0.5733347170102008 0.4882065292753832 +42237,0.392243844919772,2,0.2854466639433671 0.2730643820910327 0.3148545833426667 0.5423790123793604 0.738947736785205 1.0144535079996955 1.2775769973618603 1.4679545808415333 1.5793951175125691 1.7527470634452855 1.7960850499284602 1.7264347145090673 1.6057074664487874 1.297698205371907 1.159945319764653 0.8426493472985285 0.6801318979866057 0.5733347170102008 0.4882065292753832 0.4402251870975776 +42238,0.3334280061211727,2,0.2730643820910327 0.3148545833426667 0.5423790123793604 0.738947736785205 1.0144535079996955 1.2775769973618603 1.4679545808415333 1.5793951175125691 1.7527470634452855 1.7960850499284602 1.7264347145090673 1.6057074664487874 1.297698205371907 1.159945319764653 0.8426493472985285 0.6801318979866057 0.5733347170102008 0.4882065292753832 0.4402251870975776 0.392243844919772 +42239,0.3102112276480446,2,0.3148545833426667 0.5423790123793604 0.738947736785205 1.0144535079996955 1.2775769973618603 1.4679545808415333 1.5793951175125691 1.7527470634452855 1.7960850499284602 1.7264347145090673 1.6057074664487874 1.297698205371907 1.159945319764653 0.8426493472985285 0.6801318979866057 0.5733347170102008 0.4882065292753832 0.4402251870975776 0.392243844919772 0.3334280061211727 +42240,0.20186626144009023,2,0.5423790123793604 0.738947736785205 1.0144535079996955 1.2775769973618603 1.4679545808415333 1.5793951175125691 1.7527470634452855 1.7960850499284602 1.7264347145090673 1.6057074664487874 1.297698205371907 1.159945319764653 0.8426493472985285 0.6801318979866057 0.5733347170102008 0.4882065292753832 0.4402251870975776 0.392243844919772 0.3334280061211727 0.3102112276480446 +42241,0.20186626144009023,2,0.738947736785205 1.0144535079996955 1.2775769973618603 1.4679545808415333 1.5793951175125691 1.7527470634452855 1.7960850499284602 1.7264347145090673 1.6057074664487874 1.297698205371907 1.159945319764653 0.8426493472985285 0.6801318979866057 0.5733347170102008 0.4882065292753832 0.4402251870975776 0.392243844919772 0.3334280061211727 0.3102112276480446 0.20186626144009023 +42242,0.20186626144009023,2,1.0144535079996955 1.2775769973618603 1.4679545808415333 1.5793951175125691 1.7527470634452855 1.7960850499284602 1.7264347145090673 1.6057074664487874 1.297698205371907 1.159945319764653 0.8426493472985285 0.6801318979866057 0.5733347170102008 0.4882065292753832 0.4402251870975776 0.392243844919772 0.3334280061211727 0.3102112276480446 0.20186626144009023 0.20186626144009023 +42243,0.2637776707017797,2,1.2775769973618603 1.4679545808415333 1.5793951175125691 1.7527470634452855 1.7960850499284602 1.7264347145090673 1.6057074664487874 1.297698205371907 1.159945319764653 0.8426493472985285 0.6801318979866057 0.5733347170102008 0.4882065292753832 0.4402251870975776 0.392243844919772 0.3334280061211727 0.3102112276480446 0.20186626144009023 0.20186626144009023 0.20186626144009023 +42244,0.5795258579363636,2,1.4679545808415333 1.5793951175125691 1.7527470634452855 1.7960850499284602 1.7264347145090673 1.6057074664487874 1.297698205371907 1.159945319764653 0.8426493472985285 0.6801318979866057 0.5733347170102008 0.4882065292753832 0.4402251870975776 0.392243844919772 0.3334280061211727 0.3102112276480446 0.20186626144009023 0.20186626144009023 0.20186626144009023 0.2637776707017797 +42245,0.8039547165099759,2,1.5793951175125691 1.7527470634452855 1.7960850499284602 1.7264347145090673 1.6057074664487874 1.297698205371907 1.159945319764653 0.8426493472985285 0.6801318979866057 0.5733347170102008 0.4882065292753832 0.4402251870975776 0.392243844919772 0.3334280061211727 0.3102112276480446 0.20186626144009023 0.20186626144009023 0.20186626144009023 0.2637776707017797 0.5795258579363636 +42246,1.076364917261385,2,1.7527470634452855 1.7960850499284602 1.7264347145090673 1.6057074664487874 1.297698205371907 1.159945319764653 0.8426493472985285 0.6801318979866057 0.5733347170102008 0.4882065292753832 0.4402251870975776 0.392243844919772 0.3334280061211727 0.3102112276480446 0.20186626144009023 0.20186626144009023 0.20186626144009023 0.2637776707017797 0.5795258579363636 0.8039547165099759 +42247,1.3596096146335876,2,1.7960850499284602 1.7264347145090673 1.6057074664487874 1.297698205371907 1.159945319764653 0.8426493472985285 0.6801318979866057 0.5733347170102008 0.4882065292753832 0.4402251870975776 0.392243844919772 0.3334280061211727 0.3102112276480446 0.20186626144009023 0.20186626144009023 0.20186626144009023 0.2637776707017797 0.5795258579363636 0.8039547165099759 1.076364917261385 +42248,1.630472030153456,2,1.7264347145090673 1.6057074664487874 1.297698205371907 1.159945319764653 0.8426493472985285 0.6801318979866057 0.5733347170102008 0.4882065292753832 0.4402251870975776 0.392243844919772 0.3334280061211727 0.3102112276480446 0.20186626144009023 0.20186626144009023 0.20186626144009023 0.2637776707017797 0.5795258579363636 0.8039547165099759 1.076364917261385 1.3596096146335876 +42249,1.8533531034955188,2,1.6057074664487874 1.297698205371907 1.159945319764653 0.8426493472985285 0.6801318979866057 0.5733347170102008 0.4882065292753832 0.4402251870975776 0.392243844919772 0.3334280061211727 0.3102112276480446 0.20186626144009023 0.20186626144009023 0.20186626144009023 0.2637776707017797 0.5795258579363636 0.8039547165099759 1.076364917261385 1.3596096146335876 1.630472030153456 +42250,2.0530173983644535,2,1.297698205371907 1.159945319764653 0.8426493472985285 0.6801318979866057 0.5733347170102008 0.4882065292753832 0.4402251870975776 0.392243844919772 0.3334280061211727 0.3102112276480446 0.20186626144009023 0.20186626144009023 0.20186626144009023 0.2637776707017797 0.5795258579363636 0.8039547165099759 1.076364917261385 1.3596096146335876 1.630472030153456 1.8533531034955188 +42251,1.9508635730826707,2,1.159945319764653 0.8426493472985285 0.6801318979866057 0.5733347170102008 0.4882065292753832 0.4402251870975776 0.392243844919772 0.3334280061211727 0.3102112276480446 0.20186626144009023 0.20186626144009023 0.20186626144009023 0.2637776707017797 0.5795258579363636 0.8039547165099759 1.076364917261385 1.3596096146335876 1.630472030153456 1.8533531034955188 2.0530173983644535 +42252,1.8904999490525307,2,0.8426493472985285 0.6801318979866057 0.5733347170102008 0.4882065292753832 0.4402251870975776 0.392243844919772 0.3334280061211727 0.3102112276480446 0.20186626144009023 0.20186626144009023 0.20186626144009023 0.2637776707017797 0.5795258579363636 0.8039547165099759 1.076364917261385 1.3596096146335876 1.630472030153456 1.8533531034955188 2.0530173983644535 1.9508635730826707 +42253,1.7604859896029978,2,0.6801318979866057 0.5733347170102008 0.4882065292753832 0.4402251870975776 0.392243844919772 0.3334280061211727 0.3102112276480446 0.20186626144009023 0.20186626144009023 0.20186626144009023 0.2637776707017797 0.5795258579363636 0.8039547165099759 1.076364917261385 1.3596096146335876 1.630472030153456 1.8533531034955188 2.0530173983644535 1.9508635730826707 1.8904999490525307 +42254,1.6320198153849967,2,0.5733347170102008 0.4882065292753832 0.4402251870975776 0.392243844919772 0.3334280061211727 0.3102112276480446 0.20186626144009023 0.20186626144009023 0.20186626144009023 0.2637776707017797 0.5795258579363636 0.8039547165099759 1.076364917261385 1.3596096146335876 1.630472030153456 1.8533531034955188 2.0530173983644535 1.9508635730826707 1.8904999490525307 1.7604859896029978 +42255,1.399852030653681,2,0.4882065292753832 0.4402251870975776 0.392243844919772 0.3334280061211727 0.3102112276480446 0.20186626144009023 0.20186626144009023 0.20186626144009023 0.2637776707017797 0.5795258579363636 0.8039547165099759 1.076364917261385 1.3596096146335876 1.630472030153456 1.8533531034955188 2.0530173983644535 1.9508635730826707 1.8904999490525307 1.7604859896029978 1.6320198153849967 +42256,1.0221924341574078,2,0.4402251870975776 0.392243844919772 0.3334280061211727 0.3102112276480446 0.20186626144009023 0.20186626144009023 0.20186626144009023 0.2637776707017797 0.5795258579363636 0.8039547165099759 1.076364917261385 1.3596096146335876 1.630472030153456 1.8533531034955188 2.0530173983644535 1.9508635730826707 1.8904999490525307 1.7604859896029978 1.6320198153849967 1.399852030653681 +42257,0.8008591460468856,2,0.392243844919772 0.3334280061211727 0.3102112276480446 0.20186626144009023 0.20186626144009023 0.20186626144009023 0.2637776707017797 0.5795258579363636 0.8039547165099759 1.076364917261385 1.3596096146335876 1.630472030153456 1.8533531034955188 2.0530173983644535 1.9508635730826707 1.8904999490525307 1.7604859896029978 1.6320198153849967 1.399852030653681 1.0221924341574078 +42258,0.590360354557166,2,0.3334280061211727 0.3102112276480446 0.20186626144009023 0.20186626144009023 0.20186626144009023 0.2637776707017797 0.5795258579363636 0.8039547165099759 1.076364917261385 1.3596096146335876 1.630472030153456 1.8533531034955188 2.0530173983644535 1.9508635730826707 1.8904999490525307 1.7604859896029978 1.6320198153849967 1.399852030653681 1.0221924341574078 0.8008591460468856 +42259,0.5547612942316947,2,0.3102112276480446 0.20186626144009023 0.20186626144009023 0.20186626144009023 0.2637776707017797 0.5795258579363636 0.8039547165099759 1.076364917261385 1.3596096146335876 1.630472030153456 1.8533531034955188 2.0530173983644535 1.9508635730826707 1.8904999490525307 1.7604859896029978 1.6320198153849967 1.399852030653681 1.0221924341574078 0.8008591460468856 0.590360354557166 +42260,0.45415525418145264,2,0.20186626144009023 0.20186626144009023 0.20186626144009023 0.2637776707017797 0.5795258579363636 0.8039547165099759 1.076364917261385 1.3596096146335876 1.630472030153456 1.8533531034955188 2.0530173983644535 1.9508635730826707 1.8904999490525307 1.7604859896029978 1.6320198153849967 1.399852030653681 1.0221924341574078 0.8008591460468856 0.590360354557166 0.5547612942316947 +42261,0.3210457242688383,2,0.20186626144009023 0.20186626144009023 0.2637776707017797 0.5795258579363636 0.8039547165099759 1.076364917261385 1.3596096146335876 1.630472030153456 1.8533531034955188 2.0530173983644535 1.9508635730826707 1.8904999490525307 1.7604859896029978 1.6320198153849967 1.399852030653681 1.0221924341574078 0.8008591460468856 0.590360354557166 0.5547612942316947 0.45415525418145264 +42262,0.24984760361789585,2,0.20186626144009023 0.2637776707017797 0.5795258579363636 0.8039547165099759 1.076364917261385 1.3596096146335876 1.630472030153456 1.8533531034955188 2.0530173983644535 1.9508635730826707 1.8904999490525307 1.7604859896029978 1.6320198153849967 1.399852030653681 1.0221924341574078 0.8008591460468856 0.590360354557166 0.5547612942316947 0.45415525418145264 0.3210457242688383 +42263,0.2266308251447678,2,0.2637776707017797 0.5795258579363636 0.8039547165099759 1.076364917261385 1.3596096146335876 1.630472030153456 1.8533531034955188 2.0530173983644535 1.9508635730826707 1.8904999490525307 1.7604859896029978 1.6320198153849967 1.399852030653681 1.0221924341574078 0.8008591460468856 0.590360354557166 0.5547612942316947 0.45415525418145264 0.3210457242688383 0.24984760361789585 +42264,0.20186626144009023,2,0.5795258579363636 0.8039547165099759 1.076364917261385 1.3596096146335876 1.630472030153456 1.8533531034955188 2.0530173983644535 1.9508635730826707 1.8904999490525307 1.7604859896029978 1.6320198153849967 1.399852030653681 1.0221924341574078 0.8008591460468856 0.590360354557166 0.5547612942316947 0.45415525418145264 0.3210457242688383 0.24984760361789585 0.2266308251447678 +42265,0.17710169773542148,2,0.8039547165099759 1.076364917261385 1.3596096146335876 1.630472030153456 1.8533531034955188 2.0530173983644535 1.9508635730826707 1.8904999490525307 1.7604859896029978 1.6320198153849967 1.399852030653681 1.0221924341574078 0.8008591460468856 0.590360354557166 0.5547612942316947 0.45415525418145264 0.3210457242688383 0.24984760361789585 0.2266308251447678 0.20186626144009023 +42266,0.16626720111462778,2,1.076364917261385 1.3596096146335876 1.630472030153456 1.8533531034955188 2.0530173983644535 1.9508635730826707 1.8904999490525307 1.7604859896029978 1.6320198153849967 1.399852030653681 1.0221924341574078 0.8008591460468856 0.590360354557166 0.5547612942316947 0.45415525418145264 0.3210457242688383 0.24984760361789585 0.2266308251447678 0.20186626144009023 0.17710169773542148 +42267,0.20186626144009023,2,1.3596096146335876 1.630472030153456 1.8533531034955188 2.0530173983644535 1.9508635730826707 1.8904999490525307 1.7604859896029978 1.6320198153849967 1.399852030653681 1.0221924341574078 0.8008591460468856 0.590360354557166 0.5547612942316947 0.45415525418145264 0.3210457242688383 0.24984760361789585 0.2266308251447678 0.20186626144009023 0.17710169773542148 0.16626720111462778 +42268,0.45725082464454286,2,1.630472030153456 1.8533531034955188 2.0530173983644535 1.9508635730826707 1.8904999490525307 1.7604859896029978 1.6320198153849967 1.399852030653681 1.0221924341574078 0.8008591460468856 0.590360354557166 0.5547612942316947 0.45415525418145264 0.3210457242688383 0.24984760361789585 0.2266308251447678 0.20186626144009023 0.17710169773542148 0.16626720111462778 0.20186626144009023 +42269,0.7048964616912744,2,1.8533531034955188 2.0530173983644535 1.9508635730826707 1.8904999490525307 1.7604859896029978 1.6320198153849967 1.399852030653681 1.0221924341574078 0.8008591460468856 0.590360354557166 0.5547612942316947 0.45415525418145264 0.3210457242688383 0.24984760361789585 0.2266308251447678 0.20186626144009023 0.17710169773542148 0.16626720111462778 0.20186626144009023 0.45725082464454286 +42270,1.0036190113789016,2,2.0530173983644535 1.9508635730826707 1.8904999490525307 1.7604859896029978 1.6320198153849967 1.399852030653681 1.0221924341574078 0.8008591460468856 0.590360354557166 0.5547612942316947 0.45415525418145264 0.3210457242688383 0.24984760361789585 0.2266308251447678 0.20186626144009023 0.17710169773542148 0.16626720111462778 0.20186626144009023 0.45725082464454286 0.7048964616912744 +42271,1.2590035745833543,2,1.9508635730826707 1.8904999490525307 1.7604859896029978 1.6320198153849967 1.399852030653681 1.0221924341574078 0.8008591460468856 0.590360354557166 0.5547612942316947 0.45415525418145264 0.3210457242688383 0.24984760361789585 0.2266308251447678 0.20186626144009023 0.17710169773542148 0.16626720111462778 0.20186626144009023 0.45725082464454286 0.7048964616912744 1.0036190113789016 +42272,1.441642231905324,2,1.8904999490525307 1.7604859896029978 1.6320198153849967 1.399852030653681 1.0221924341574078 0.8008591460468856 0.590360354557166 0.5547612942316947 0.45415525418145264 0.3210457242688383 0.24984760361789585 0.2266308251447678 0.20186626144009023 0.17710169773542148 0.16626720111462778 0.20186626144009023 0.45725082464454286 0.7048964616912744 1.0036190113789016 1.2590035745833543 +42273,1.649045452931962,2,1.7604859896029978 1.6320198153849967 1.399852030653681 1.0221924341574078 0.8008591460468856 0.590360354557166 0.5547612942316947 0.45415525418145264 0.3210457242688383 0.24984760361789585 0.2266308251447678 0.20186626144009023 0.17710169773542148 0.16626720111462778 0.20186626144009023 0.45725082464454286 0.7048964616912744 1.0036190113789016 1.2590035745833543 1.441642231905324 +42274,1.6536888086265842,2,1.6320198153849967 1.399852030653681 1.0221924341574078 0.8008591460468856 0.590360354557166 0.5547612942316947 0.45415525418145264 0.3210457242688383 0.24984760361789585 0.2266308251447678 0.20186626144009023 0.17710169773542148 0.16626720111462778 0.20186626144009023 0.45725082464454286 0.7048964616912744 1.0036190113789016 1.2590035745833543 1.441642231905324 1.649045452931962 +42275,1.532961560566304,2,1.399852030653681 1.0221924341574078 0.8008591460468856 0.590360354557166 0.5547612942316947 0.45415525418145264 0.3210457242688383 0.24984760361789585 0.2266308251447678 0.20186626144009023 0.17710169773542148 0.16626720111462778 0.20186626144009023 0.45725082464454286 0.7048964616912744 1.0036190113789016 1.2590035745833543 1.441642231905324 1.649045452931962 1.6536888086265842 +42276,1.3967564601905995,2,1.0221924341574078 0.8008591460468856 0.590360354557166 0.5547612942316947 0.45415525418145264 0.3210457242688383 0.24984760361789585 0.2266308251447678 0.20186626144009023 0.17710169773542148 0.16626720111462778 0.20186626144009023 0.45725082464454286 0.7048964616912744 1.0036190113789016 1.2590035745833543 1.441642231905324 1.649045452931962 1.6536888086265842 1.532961560566304 +42277,1.2203089437948018,2,0.8008591460468856 0.590360354557166 0.5547612942316947 0.45415525418145264 0.3210457242688383 0.24984760361789585 0.2266308251447678 0.20186626144009023 0.17710169773542148 0.16626720111462778 0.20186626144009023 0.45725082464454286 0.7048964616912744 1.0036190113789016 1.2590035745833543 1.441642231905324 1.649045452931962 1.6536888086265842 1.532961560566304 1.3967564601905995 +42278,1.1042250514291438,2,0.590360354557166 0.5547612942316947 0.45415525418145264 0.3210457242688383 0.24984760361789585 0.2266308251447678 0.20186626144009023 0.17710169773542148 0.16626720111462778 0.20186626144009023 0.45725082464454286 0.7048964616912744 1.0036190113789016 1.2590035745833543 1.441642231905324 1.649045452931962 1.6536888086265842 1.532961560566304 1.3967564601905995 1.2203089437948018 +42279,0.8859873337817031,2,0.5547612942316947 0.45415525418145264 0.3210457242688383 0.24984760361789585 0.2266308251447678 0.20186626144009023 0.17710169773542148 0.16626720111462778 0.20186626144009023 0.45725082464454286 0.7048964616912744 1.0036190113789016 1.2590035745833543 1.441642231905324 1.649045452931962 1.6536888086265842 1.532961560566304 1.3967564601905995 1.2203089437948018 1.1042250514291438 +42280,0.57178693177866,2,0.45415525418145264 0.3210457242688383 0.24984760361789585 0.2266308251447678 0.20186626144009023 0.17710169773542148 0.16626720111462778 0.20186626144009023 0.45725082464454286 0.7048964616912744 1.0036190113789016 1.2590035745833543 1.441642231905324 1.649045452931962 1.6536888086265842 1.532961560566304 1.3967564601905995 1.2203089437948018 1.1042250514291438 0.8859873337817031 +42281,0.3705748516781846,2,0.3210457242688383 0.24984760361789585 0.2266308251447678 0.20186626144009023 0.17710169773542148 0.16626720111462778 0.20186626144009023 0.45725082464454286 0.7048964616912744 1.0036190113789016 1.2590035745833543 1.441642231905324 1.649045452931962 1.6536888086265842 1.532961560566304 1.3967564601905995 1.2203089437948018 1.1042250514291438 0.8859873337817031 0.57178693177866 +42282,0.3102112276480446,2,0.24984760361789585 0.2266308251447678 0.20186626144009023 0.17710169773542148 0.16626720111462778 0.20186626144009023 0.45725082464454286 0.7048964616912744 1.0036190113789016 1.2590035745833543 1.441642231905324 1.649045452931962 1.6536888086265842 1.532961560566304 1.3967564601905995 1.2203089437948018 1.1042250514291438 0.8859873337817031 0.57178693177866 0.3705748516781846 +42283,0.29628116056416076,2,0.2266308251447678 0.20186626144009023 0.17710169773542148 0.16626720111462778 0.20186626144009023 0.45725082464454286 0.7048964616912744 1.0036190113789016 1.2590035745833543 1.441642231905324 1.649045452931962 1.6536888086265842 1.532961560566304 1.3967564601905995 1.2203089437948018 1.1042250514291438 0.8859873337817031 0.57178693177866 0.3705748516781846 0.3102112276480446 +42284,0.29628116056416076,2,0.20186626144009023 0.17710169773542148 0.16626720111462778 0.20186626144009023 0.45725082464454286 0.7048964616912744 1.0036190113789016 1.2590035745833543 1.441642231905324 1.649045452931962 1.6536888086265842 1.532961560566304 1.3967564601905995 1.2203089437948018 1.1042250514291438 0.8859873337817031 0.57178693177866 0.3705748516781846 0.3102112276480446 0.29628116056416076 +42285,0.24829981838635515,2,0.17710169773542148 0.16626720111462778 0.20186626144009023 0.45725082464454286 0.7048964616912744 1.0036190113789016 1.2590035745833543 1.441642231905324 1.649045452931962 1.6536888086265842 1.532961560566304 1.3967564601905995 1.2203089437948018 1.1042250514291438 0.8859873337817031 0.57178693177866 0.3705748516781846 0.3102112276480446 0.29628116056416076 0.29628116056416076 +42286,0.2250830399132271,2,0.16626720111462778 0.20186626144009023 0.45725082464454286 0.7048964616912744 1.0036190113789016 1.2590035745833543 1.441642231905324 1.649045452931962 1.6536888086265842 1.532961560566304 1.3967564601905995 1.2203089437948018 1.1042250514291438 0.8859873337817031 0.57178693177866 0.3705748516781846 0.3102112276480446 0.29628116056416076 0.29628116056416076 0.24829981838635515 +42287,0.20186626144009023,2,0.20186626144009023 0.45725082464454286 0.7048964616912744 1.0036190113789016 1.2590035745833543 1.441642231905324 1.649045452931962 1.6536888086265842 1.532961560566304 1.3967564601905995 1.2203089437948018 1.1042250514291438 0.8859873337817031 0.57178693177866 0.3705748516781846 0.3102112276480446 0.29628116056416076 0.29628116056416076 0.24829981838635515 0.2250830399132271 +42288,0.262229885470239,2,0.45725082464454286 0.7048964616912744 1.0036190113789016 1.2590035745833543 1.441642231905324 1.649045452931962 1.6536888086265842 1.532961560566304 1.3967564601905995 1.2203089437948018 1.1042250514291438 0.8859873337817031 0.57178693177866 0.3705748516781846 0.3102112276480446 0.29628116056416076 0.29628116056416076 0.24829981838635515 0.2250830399132271 0.20186626144009023 +42289,0.2250830399132271,2,0.7048964616912744 1.0036190113789016 1.2590035745833543 1.441642231905324 1.649045452931962 1.6536888086265842 1.532961560566304 1.3967564601905995 1.2203089437948018 1.1042250514291438 0.8859873337817031 0.57178693177866 0.3705748516781846 0.3102112276480446 0.29628116056416076 0.29628116056416076 0.24829981838635515 0.2250830399132271 0.20186626144009023 0.262229885470239 +42290,0.17555391250388078,2,1.0036190113789016 1.2590035745833543 1.441642231905324 1.649045452931962 1.6536888086265842 1.532961560566304 1.3967564601905995 1.2203089437948018 1.1042250514291438 0.8859873337817031 0.57178693177866 0.3705748516781846 0.3102112276480446 0.29628116056416076 0.29628116056416076 0.24829981838635515 0.2250830399132271 0.20186626144009023 0.262229885470239 0.2250830399132271 +42291,0.19877069097700883,2,1.2590035745833543 1.441642231905324 1.649045452931962 1.6536888086265842 1.532961560566304 1.3967564601905995 1.2203089437948018 1.1042250514291438 0.8859873337817031 0.57178693177866 0.3705748516781846 0.3102112276480446 0.29628116056416076 0.29628116056416076 0.24829981838635515 0.2250830399132271 0.20186626144009023 0.262229885470239 0.2250830399132271 0.17555391250388078 +42292,0.4386774018660369,2,1.441642231905324 1.649045452931962 1.6536888086265842 1.532961560566304 1.3967564601905995 1.2203089437948018 1.1042250514291438 0.8859873337817031 0.57178693177866 0.3705748516781846 0.3102112276480446 0.29628116056416076 0.29628116056416076 0.24829981838635515 0.2250830399132271 0.20186626144009023 0.262229885470239 0.2250830399132271 0.17555391250388078 0.19877069097700883 +42293,0.748234448174458,2,1.649045452931962 1.6536888086265842 1.532961560566304 1.3967564601905995 1.2203089437948018 1.1042250514291438 0.8859873337817031 0.57178693177866 0.3705748516781846 0.3102112276480446 0.29628116056416076 0.29628116056416076 0.24829981838635515 0.2250830399132271 0.20186626144009023 0.262229885470239 0.2250830399132271 0.17555391250388078 0.19877069097700883 0.4386774018660369 +42294,1.1042250514291438,2,1.6536888086265842 1.532961560566304 1.3967564601905995 1.2203089437948018 1.1042250514291438 0.8859873337817031 0.57178693177866 0.3705748516781846 0.3102112276480446 0.29628116056416076 0.29628116056416076 0.24829981838635515 0.2250830399132271 0.20186626144009023 0.262229885470239 0.2250830399132271 0.17555391250388078 0.19877069097700883 0.4386774018660369 0.748234448174458 +42295,1.3224627690765758,2,1.532961560566304 1.3967564601905995 1.2203089437948018 1.1042250514291438 0.8859873337817031 0.57178693177866 0.3705748516781846 0.3102112276480446 0.29628116056416076 0.29628116056416076 0.24829981838635515 0.2250830399132271 0.20186626144009023 0.262229885470239 0.2250830399132271 0.17555391250388078 0.19877069097700883 0.4386774018660369 0.748234448174458 1.1042250514291438 +42296,1.542248271955557,2,1.3967564601905995 1.2203089437948018 1.1042250514291438 0.8859873337817031 0.57178693177866 0.3705748516781846 0.3102112276480446 0.29628116056416076 0.29628116056416076 0.24829981838635515 0.2250830399132271 0.20186626144009023 0.262229885470239 0.2250830399132271 0.17555391250388078 0.19877069097700883 0.4386774018660369 0.748234448174458 1.1042250514291438 1.3224627690765758 +42297,1.6784533723312616,2,1.2203089437948018 1.1042250514291438 0.8859873337817031 0.57178693177866 0.3705748516781846 0.3102112276480446 0.29628116056416076 0.29628116056416076 0.24829981838635515 0.2250830399132271 0.20186626144009023 0.262229885470239 0.2250830399132271 0.17555391250388078 0.19877069097700883 0.4386774018660369 0.748234448174458 1.1042250514291438 1.3224627690765758 1.542248271955557 +42298,1.8904999490525307,2,1.1042250514291438 0.8859873337817031 0.57178693177866 0.3705748516781846 0.3102112276480446 0.29628116056416076 0.29628116056416076 0.24829981838635515 0.2250830399132271 0.20186626144009023 0.262229885470239 0.2250830399132271 0.17555391250388078 0.19877069097700883 0.4386774018660369 0.748234448174458 1.1042250514291438 1.3224627690765758 1.542248271955557 1.6784533723312616 +42299,1.88895216382099,2,0.8859873337817031 0.57178693177866 0.3705748516781846 0.3102112276480446 0.29628116056416076 0.29628116056416076 0.24829981838635515 0.2250830399132271 0.20186626144009023 0.262229885470239 0.2250830399132271 0.17555391250388078 0.19877069097700883 0.4386774018660369 0.748234448174458 1.1042250514291438 1.3224627690765758 1.542248271955557 1.6784533723312616 1.8904999490525307 +42300,1.7527470634452855,2,0.57178693177866 0.3705748516781846 0.3102112276480446 0.29628116056416076 0.29628116056416076 0.24829981838635515 0.2250830399132271 0.20186626144009023 0.262229885470239 0.2250830399132271 0.17555391250388078 0.19877069097700883 0.4386774018660369 0.748234448174458 1.1042250514291438 1.3224627690765758 1.542248271955557 1.6784533723312616 1.8904999490525307 1.88895216382099 +42301,1.478789077462327,2,0.3705748516781846 0.3102112276480446 0.29628116056416076 0.29628116056416076 0.24829981838635515 0.2250830399132271 0.20186626144009023 0.262229885470239 0.2250830399132271 0.17555391250388078 0.19877069097700883 0.4386774018660369 0.748234448174458 1.1042250514291438 1.3224627690765758 1.542248271955557 1.6784533723312616 1.8904999490525307 1.88895216382099 1.7527470634452855 +42302,1.159945319764653,2,0.3102112276480446 0.29628116056416076 0.29628116056416076 0.24829981838635515 0.2250830399132271 0.20186626144009023 0.262229885470239 0.2250830399132271 0.17555391250388078 0.19877069097700883 0.4386774018660369 0.748234448174458 1.1042250514291438 1.3224627690765758 1.542248271955557 1.6784533723312616 1.8904999490525307 1.88895216382099 1.7527470634452855 1.478789077462327 +42303,0.8333626359092754,2,0.29628116056416076 0.29628116056416076 0.24829981838635515 0.2250830399132271 0.20186626144009023 0.262229885470239 0.2250830399132271 0.17555391250388078 0.19877069097700883 0.4386774018660369 0.748234448174458 1.1042250514291438 1.3224627690765758 1.542248271955557 1.6784533723312616 1.8904999490525307 1.88895216382099 1.7527470634452855 1.478789077462327 1.159945319764653 +42304,0.6182204887249162,2,0.29628116056416076 0.24829981838635515 0.2250830399132271 0.20186626144009023 0.262229885470239 0.2250830399132271 0.17555391250388078 0.19877069097700883 0.4386774018660369 0.748234448174458 1.1042250514291438 1.3224627690765758 1.542248271955557 1.6784533723312616 1.8904999490525307 1.88895216382099 1.7527470634452855 1.478789077462327 1.159945319764653 0.8333626359092754 +42305,0.5114233077485113,2,0.24829981838635515 0.2250830399132271 0.20186626144009023 0.262229885470239 0.2250830399132271 0.17555391250388078 0.19877069097700883 0.4386774018660369 0.748234448174458 1.1042250514291438 1.3224627690765758 1.542248271955557 1.6784533723312616 1.8904999490525307 1.88895216382099 1.7527470634452855 1.478789077462327 1.159945319764653 0.8333626359092754 0.6182204887249162 +42306,0.4758242474230488,2,0.2250830399132271 0.20186626144009023 0.262229885470239 0.2250830399132271 0.17555391250388078 0.19877069097700883 0.4386774018660369 0.748234448174458 1.1042250514291438 1.3224627690765758 1.542248271955557 1.6784533723312616 1.8904999490525307 1.88895216382099 1.7527470634452855 1.478789077462327 1.159945319764653 0.8333626359092754 0.6182204887249162 0.5114233077485113 +42307,0.46344196557070566,2,0.20186626144009023 0.262229885470239 0.2250830399132271 0.17555391250388078 0.19877069097700883 0.4386774018660369 0.748234448174458 1.1042250514291438 1.3224627690765758 1.542248271955557 1.6784533723312616 1.8904999490525307 1.88895216382099 1.7527470634452855 1.478789077462327 1.159945319764653 0.8333626359092754 0.6182204887249162 0.5114233077485113 0.4758242474230488 +42308,0.4154606233929,2,0.262229885470239 0.2250830399132271 0.17555391250388078 0.19877069097700883 0.4386774018660369 0.748234448174458 1.1042250514291438 1.3224627690765758 1.542248271955557 1.6784533723312616 1.8904999490525307 1.88895216382099 1.7527470634452855 1.478789077462327 1.159945319764653 0.8333626359092754 0.6182204887249162 0.5114233077485113 0.4758242474230488 0.46344196557070566 +42309,0.4386774018660369,2,0.2250830399132271 0.17555391250388078 0.19877069097700883 0.4386774018660369 0.748234448174458 1.1042250514291438 1.3224627690765758 1.542248271955557 1.6784533723312616 1.8904999490525307 1.88895216382099 1.7527470634452855 1.478789077462327 1.159945319764653 0.8333626359092754 0.6182204887249162 0.5114233077485113 0.4758242474230488 0.46344196557070566 0.4154606233929 +42310,0.40153055630902496,2,0.17555391250388078 0.19877069097700883 0.4386774018660369 0.748234448174458 1.1042250514291438 1.3224627690765758 1.542248271955557 1.6784533723312616 1.8904999490525307 1.88895216382099 1.7527470634452855 1.478789077462327 1.159945319764653 0.8333626359092754 0.6182204887249162 0.5114233077485113 0.4758242474230488 0.46344196557070566 0.4154606233929 0.4386774018660369 +42311,0.434034046171406,2,0.19877069097700883 0.4386774018660369 0.748234448174458 1.1042250514291438 1.3224627690765758 1.542248271955557 1.6784533723312616 1.8904999490525307 1.88895216382099 1.7527470634452855 1.478789077462327 1.159945319764653 0.8333626359092754 0.6182204887249162 0.5114233077485113 0.4758242474230488 0.46344196557070566 0.4154606233929 0.4386774018660369 0.40153055630902496 +42312,0.4402251870975776,2,0.4386774018660369 0.748234448174458 1.1042250514291438 1.3224627690765758 1.542248271955557 1.6784533723312616 1.8904999490525307 1.88895216382099 1.7527470634452855 1.478789077462327 1.159945319764653 0.8333626359092754 0.6182204887249162 0.5114233077485113 0.4758242474230488 0.46344196557070566 0.4154606233929 0.4386774018660369 0.40153055630902496 0.434034046171406 +42313,0.4278429052452432,2,0.748234448174458 1.1042250514291438 1.3224627690765758 1.542248271955557 1.6784533723312616 1.8904999490525307 1.88895216382099 1.7527470634452855 1.478789077462327 1.159945319764653 0.8333626359092754 0.6182204887249162 0.5114233077485113 0.4758242474230488 0.46344196557070566 0.4154606233929 0.4386774018660369 0.40153055630902496 0.434034046171406 0.4402251870975776 +42314,0.4402251870975776,2,1.1042250514291438 1.3224627690765758 1.542248271955557 1.6784533723312616 1.8904999490525307 1.88895216382099 1.7527470634452855 1.478789077462327 1.159945319764653 0.8333626359092754 0.6182204887249162 0.5114233077485113 0.4758242474230488 0.46344196557070566 0.4154606233929 0.4386774018660369 0.40153055630902496 0.434034046171406 0.4402251870975776 0.4278429052452432 +42315,0.42010397908753094,2,1.3224627690765758 1.542248271955557 1.6784533723312616 1.8904999490525307 1.88895216382099 1.7527470634452855 1.478789077462327 1.159945319764653 0.8333626359092754 0.6182204887249162 0.5114233077485113 0.4758242474230488 0.46344196557070566 0.4154606233929 0.4386774018660369 0.40153055630902496 0.434034046171406 0.4402251870975776 0.4278429052452432 0.4402251870975776 +42316,0.5454745828424418,2,1.542248271955557 1.6784533723312616 1.8904999490525307 1.88895216382099 1.7527470634452855 1.478789077462327 1.159945319764653 0.8333626359092754 0.6182204887249162 0.5114233077485113 0.4758242474230488 0.46344196557070566 0.4154606233929 0.4386774018660369 0.40153055630902496 0.434034046171406 0.4402251870975776 0.4278429052452432 0.4402251870975776 0.42010397908753094 +42317,0.748234448174458,2,1.6784533723312616 1.8904999490525307 1.88895216382099 1.7527470634452855 1.478789077462327 1.159945319764653 0.8333626359092754 0.6182204887249162 0.5114233077485113 0.4758242474230488 0.46344196557070566 0.4154606233929 0.4386774018660369 0.40153055630902496 0.434034046171406 0.4402251870975776 0.4278429052452432 0.4402251870975776 0.42010397908753094 0.5454745828424418 +42318,0.9664721658218898,2,1.8904999490525307 1.88895216382099 1.7527470634452855 1.478789077462327 1.159945319764653 0.8333626359092754 0.6182204887249162 0.5114233077485113 0.4758242474230488 0.46344196557070566 0.4154606233929 0.4386774018660369 0.40153055630902496 0.434034046171406 0.4402251870975776 0.4278429052452432 0.4402251870975776 0.42010397908753094 0.5454745828424418 0.748234448174458 +42319,1.2125700176370895,2,1.88895216382099 1.7527470634452855 1.478789077462327 1.159945319764653 0.8333626359092754 0.6182204887249162 0.5114233077485113 0.4758242474230488 0.46344196557070566 0.4154606233929 0.4386774018660369 0.40153055630902496 0.434034046171406 0.4402251870975776 0.4278429052452432 0.4402251870975776 0.42010397908753094 0.5454745828424418 0.748234448174458 0.9664721658218898 +42320,1.4230688091268178,2,1.7527470634452855 1.478789077462327 1.159945319764653 0.8333626359092754 0.6182204887249162 0.5114233077485113 0.4758242474230488 0.46344196557070566 0.4154606233929 0.4386774018660369 0.40153055630902496 0.434034046171406 0.4402251870975776 0.4278429052452432 0.4402251870975776 0.42010397908753094 0.5454745828424418 0.748234448174458 0.9664721658218898 1.2125700176370895 +42321,1.4803368626938764,2,1.478789077462327 1.159945319764653 0.8333626359092754 0.6182204887249162 0.5114233077485113 0.4758242474230488 0.46344196557070566 0.4154606233929 0.4386774018660369 0.40153055630902496 0.434034046171406 0.4402251870975776 0.4278429052452432 0.4402251870975776 0.42010397908753094 0.5454745828424418 0.748234448174458 0.9664721658218898 1.2125700176370895 1.4230688091268178 +42322,1.6428543120057904,2,1.159945319764653 0.8333626359092754 0.6182204887249162 0.5114233077485113 0.4758242474230488 0.46344196557070566 0.4154606233929 0.4386774018660369 0.40153055630902496 0.434034046171406 0.4402251870975776 0.4278429052452432 0.4402251870975776 0.42010397908753094 0.5454745828424418 0.748234448174458 0.9664721658218898 1.2125700176370895 1.4230688091268178 1.4803368626938764 +42323,1.6149941778380315,2,0.8333626359092754 0.6182204887249162 0.5114233077485113 0.4758242474230488 0.46344196557070566 0.4154606233929 0.4386774018660369 0.40153055630902496 0.434034046171406 0.4402251870975776 0.4278429052452432 0.4402251870975776 0.42010397908753094 0.5454745828424418 0.748234448174458 0.9664721658218898 1.2125700176370895 1.4230688091268178 1.4803368626938764 1.6428543120057904 +42324,1.5515349833448102,2,0.6182204887249162 0.5114233077485113 0.4758242474230488 0.46344196557070566 0.4154606233929 0.4386774018660369 0.40153055630902496 0.434034046171406 0.4402251870975776 0.4278429052452432 0.4402251870975776 0.42010397908753094 0.5454745828424418 0.748234448174458 0.9664721658218898 1.2125700176370895 1.4230688091268178 1.4803368626938764 1.6428543120057904 1.6149941778380315 +42325,1.4524767285261175,2,0.5114233077485113 0.4758242474230488 0.46344196557070566 0.4154606233929 0.4386774018660369 0.40153055630902496 0.434034046171406 0.4402251870975776 0.4278429052452432 0.4402251870975776 0.42010397908753094 0.5454745828424418 0.748234448174458 0.9664721658218898 1.2125700176370895 1.4230688091268178 1.4803368626938764 1.6428543120057904 1.6149941778380315 1.5515349833448102 +42326,1.2713858564356888,2,0.4758242474230488 0.46344196557070566 0.4154606233929 0.4386774018660369 0.40153055630902496 0.434034046171406 0.4402251870975776 0.4278429052452432 0.4402251870975776 0.42010397908753094 0.5454745828424418 0.748234448174458 0.9664721658218898 1.2125700176370895 1.4230688091268178 1.4803368626938764 1.6428543120057904 1.6149941778380315 1.5515349833448102 1.4524767285261175 +42327,1.0330269307782014,2,0.46344196557070566 0.4154606233929 0.4386774018660369 0.40153055630902496 0.434034046171406 0.4402251870975776 0.4278429052452432 0.4402251870975776 0.42010397908753094 0.5454745828424418 0.748234448174458 0.9664721658218898 1.2125700176370895 1.4230688091268178 1.4803368626938764 1.6428543120057904 1.6149941778380315 1.5515349833448102 1.4524767285261175 1.2713858564356888 +42328,0.6987053207651116,2,0.4154606233929 0.4386774018660369 0.40153055630902496 0.434034046171406 0.4402251870975776 0.4278429052452432 0.4402251870975776 0.42010397908753094 0.5454745828424418 0.748234448174458 0.9664721658218898 1.2125700176370895 1.4230688091268178 1.4803368626938764 1.6428543120057904 1.6149941778380315 1.5515349833448102 1.4524767285261175 1.2713858564356888 1.0330269307782014 +42329,0.5346400862216482,2,0.4386774018660369 0.40153055630902496 0.434034046171406 0.4402251870975776 0.4278429052452432 0.4402251870975776 0.42010397908753094 0.5454745828424418 0.748234448174458 0.9664721658218898 1.2125700176370895 1.4230688091268178 1.4803368626938764 1.6428543120057904 1.6149941778380315 1.5515349833448102 1.4524767285261175 1.2713858564356888 1.0330269307782014 0.6987053207651116 +42330,0.34581028797350705,2,0.40153055630902496 0.434034046171406 0.4402251870975776 0.4278429052452432 0.4402251870975776 0.42010397908753094 0.5454745828424418 0.748234448174458 0.9664721658218898 1.2125700176370895 1.4230688091268178 1.4803368626938764 1.6428543120057904 1.6149941778380315 1.5515349833448102 1.4524767285261175 1.2713858564356888 1.0330269307782014 0.6987053207651116 0.5346400862216482 +42331,0.29318559010107936,2,0.434034046171406 0.4402251870975776 0.4278429052452432 0.4402251870975776 0.42010397908753094 0.5454745828424418 0.748234448174458 0.9664721658218898 1.2125700176370895 1.4230688091268178 1.4803368626938764 1.6428543120057904 1.6149941778380315 1.5515349833448102 1.4524767285261175 1.2713858564356888 1.0330269307782014 0.6987053207651116 0.5346400862216482 0.34581028797350705 +42332,0.2854466639433671,2,0.4402251870975776 0.4278429052452432 0.4402251870975776 0.42010397908753094 0.5454745828424418 0.748234448174458 0.9664721658218898 1.2125700176370895 1.4230688091268178 1.4803368626938764 1.6428543120057904 1.6149941778380315 1.5515349833448102 1.4524767285261175 1.2713858564356888 1.0330269307782014 0.6987053207651116 0.5346400862216482 0.34581028797350705 0.29318559010107936 +42333,0.2730643820910327,2,0.4278429052452432 0.4402251870975776 0.42010397908753094 0.5454745828424418 0.748234448174458 0.9664721658218898 1.2125700176370895 1.4230688091268178 1.4803368626938764 1.6428543120057904 1.6149941778380315 1.5515349833448102 1.4524767285261175 1.2713858564356888 1.0330269307782014 0.6987053207651116 0.5346400862216482 0.34581028797350705 0.29318559010107936 0.2854466639433671 +42334,0.23591753653402076,2,0.4402251870975776 0.42010397908753094 0.5454745828424418 0.748234448174458 0.9664721658218898 1.2125700176370895 1.4230688091268178 1.4803368626938764 1.6428543120057904 1.6149941778380315 1.5515349833448102 1.4524767285261175 1.2713858564356888 1.0330269307782014 0.6987053207651116 0.5346400862216482 0.34581028797350705 0.29318559010107936 0.2854466639433671 0.2730643820910327 +42335,0.18948397958775584,2,0.42010397908753094 0.5454745828424418 0.748234448174458 0.9664721658218898 1.2125700176370895 1.4230688091268178 1.4803368626938764 1.6428543120057904 1.6149941778380315 1.5515349833448102 1.4524767285261175 1.2713858564356888 1.0330269307782014 0.6987053207651116 0.5346400862216482 0.34581028797350705 0.29318559010107936 0.2854466639433671 0.2730643820910327 0.23591753653402076 +42336,0.16626720111462778,2,0.5454745828424418 0.748234448174458 0.9664721658218898 1.2125700176370895 1.4230688091268178 1.4803368626938764 1.6428543120057904 1.6149941778380315 1.5515349833448102 1.4524767285261175 1.2713858564356888 1.0330269307782014 0.6987053207651116 0.5346400862216482 0.34581028797350705 0.29318559010107936 0.2854466639433671 0.2730643820910327 0.23591753653402076 0.18948397958775584 +42337,0.14305042264149093,2,0.748234448174458 0.9664721658218898 1.2125700176370895 1.4230688091268178 1.4803368626938764 1.6428543120057904 1.6149941778380315 1.5515349833448102 1.4524767285261175 1.2713858564356888 1.0330269307782014 0.6987053207651116 0.5346400862216482 0.34581028797350705 0.29318559010107936 0.2854466639433671 0.2730643820910327 0.23591753653402076 0.18948397958775584 0.16626720111462778 +42338,0.18793619435621514,2,0.9664721658218898 1.2125700176370895 1.4230688091268178 1.4803368626938764 1.6428543120057904 1.6149941778380315 1.5515349833448102 1.4524767285261175 1.2713858564356888 1.0330269307782014 0.6987053207651116 0.5346400862216482 0.34581028797350705 0.29318559010107936 0.2854466639433671 0.2730643820910327 0.23591753653402076 0.18948397958775584 0.16626720111462778 0.14305042264149093 +42339,0.20186626144009023,2,1.2125700176370895 1.4230688091268178 1.4803368626938764 1.6428543120057904 1.6149941778380315 1.5515349833448102 1.4524767285261175 1.2713858564356888 1.0330269307782014 0.6987053207651116 0.5346400862216482 0.34581028797350705 0.29318559010107936 0.2854466639433671 0.2730643820910327 0.23591753653402076 0.18948397958775584 0.16626720111462778 0.14305042264149093 0.18793619435621514 +42340,0.3303324356580913,2,1.4230688091268178 1.4803368626938764 1.6428543120057904 1.6149941778380315 1.5515349833448102 1.4524767285261175 1.2713858564356888 1.0330269307782014 0.6987053207651116 0.5346400862216482 0.34581028797350705 0.29318559010107936 0.2854466639433671 0.2730643820910327 0.23591753653402076 0.18948397958775584 0.16626720111462778 0.14305042264149093 0.18793619435621514 0.20186626144009023 +42341,0.5609524351578663,2,1.4803368626938764 1.6428543120057904 1.6149941778380315 1.5515349833448102 1.4524767285261175 1.2713858564356888 1.0330269307782014 0.6987053207651116 0.5346400862216482 0.34581028797350705 0.29318559010107936 0.2854466639433671 0.2730643820910327 0.23591753653402076 0.18948397958775584 0.16626720111462778 0.14305042264149093 0.18793619435621514 0.20186626144009023 0.3303324356580913 +42342,0.7853812937314698,2,1.6428543120057904 1.6149941778380315 1.5515349833448102 1.4524767285261175 1.2713858564356888 1.0330269307782014 0.6987053207651116 0.5346400862216482 0.34581028797350705 0.29318559010107936 0.2854466639433671 0.2730643820910327 0.23591753653402076 0.18948397958775584 0.16626720111462778 0.14305042264149093 0.18793619435621514 0.20186626144009023 0.3303324356580913 0.5609524351578663 +42343,1.02993136031512,2,1.6149941778380315 1.5515349833448102 1.4524767285261175 1.2713858564356888 1.0330269307782014 0.6987053207651116 0.5346400862216482 0.34581028797350705 0.29318559010107936 0.2854466639433671 0.2730643820910327 0.23591753653402076 0.18948397958775584 0.16626720111462778 0.14305042264149093 0.18793619435621514 0.20186626144009023 0.3303324356580913 0.5609524351578663 0.7853812937314698 +42344,1.316271628150413,2,1.5515349833448102 1.4524767285261175 1.2713858564356888 1.0330269307782014 0.6987053207651116 0.5346400862216482 0.34581028797350705 0.29318559010107936 0.2854466639433671 0.2730643820910327 0.23591753653402076 0.18948397958775584 0.16626720111462778 0.14305042264149093 0.18793619435621514 0.20186626144009023 0.3303324356580913 0.5609524351578663 0.7853812937314698 1.02993136031512 +42345,1.481884647925417,2,1.4524767285261175 1.2713858564356888 1.0330269307782014 0.6987053207651116 0.5346400862216482 0.34581028797350705 0.29318559010107936 0.2854466639433671 0.2730643820910327 0.23591753653402076 0.18948397958775584 0.16626720111462778 0.14305042264149093 0.18793619435621514 0.20186626144009023 0.3303324356580913 0.5609524351578663 0.7853812937314698 1.02993136031512 1.316271628150413 +42346,1.6103508221434093,2,1.2713858564356888 1.0330269307782014 0.6987053207651116 0.5346400862216482 0.34581028797350705 0.29318559010107936 0.2854466639433671 0.2730643820910327 0.23591753653402076 0.18948397958775584 0.16626720111462778 0.14305042264149093 0.18793619435621514 0.20186626144009023 0.3303324356580913 0.5609524351578663 0.7853812937314698 1.02993136031512 1.316271628150413 1.481884647925417 +42347,1.7047657212674798,2,1.0330269307782014 0.6987053207651116 0.5346400862216482 0.34581028797350705 0.29318559010107936 0.2854466639433671 0.2730643820910327 0.23591753653402076 0.18948397958775584 0.16626720111462778 0.14305042264149093 0.18793619435621514 0.20186626144009023 0.3303324356580913 0.5609524351578663 0.7853812937314698 1.02993136031512 1.316271628150413 1.481884647925417 1.6103508221434093 +42348,1.616541963069581,2,0.6987053207651116 0.5346400862216482 0.34581028797350705 0.29318559010107936 0.2854466639433671 0.2730643820910327 0.23591753653402076 0.18948397958775584 0.16626720111462778 0.14305042264149093 0.18793619435621514 0.20186626144009023 0.3303324356580913 0.5609524351578663 0.7853812937314698 1.02993136031512 1.316271628150413 1.481884647925417 1.6103508221434093 1.7047657212674798 +42349,1.481884647925417,2,0.5346400862216482 0.34581028797350705 0.29318559010107936 0.2854466639433671 0.2730643820910327 0.23591753653402076 0.18948397958775584 0.16626720111462778 0.14305042264149093 0.18793619435621514 0.20186626144009023 0.3303324356580913 0.5609524351578663 0.7853812937314698 1.02993136031512 1.316271628150413 1.481884647925417 1.6103508221434093 1.7047657212674798 1.616541963069581 +42350,1.3967564601905995,2,0.34581028797350705 0.29318559010107936 0.2854466639433671 0.2730643820910327 0.23591753653402076 0.18948397958775584 0.16626720111462778 0.14305042264149093 0.18793619435621514 0.20186626144009023 0.3303324356580913 0.5609524351578663 0.7853812937314698 1.02993136031512 1.316271628150413 1.481884647925417 1.6103508221434093 1.7047657212674798 1.616541963069581 1.481884647925417 +42351,1.2203089437948018,2,0.29318559010107936 0.2854466639433671 0.2730643820910327 0.23591753653402076 0.18948397958775584 0.16626720111462778 0.14305042264149093 0.18793619435621514 0.20186626144009023 0.3303324356580913 0.5609524351578663 0.7853812937314698 1.02993136031512 1.316271628150413 1.481884647925417 1.6103508221434093 1.7047657212674798 1.616541963069581 1.481884647925417 1.3967564601905995 +42352,0.8720572666978281,2,0.2854466639433671 0.2730643820910327 0.23591753653402076 0.18948397958775584 0.16626720111462778 0.14305042264149093 0.18793619435621514 0.20186626144009023 0.3303324356580913 0.5609524351578663 0.7853812937314698 1.02993136031512 1.316271628150413 1.481884647925417 1.6103508221434093 1.7047657212674798 1.616541963069581 1.481884647925417 1.3967564601905995 1.2203089437948018 +42353,0.7033486764597336,2,0.2730643820910327 0.23591753653402076 0.18948397958775584 0.16626720111462778 0.14305042264149093 0.18793619435621514 0.20186626144009023 0.3303324356580913 0.5609524351578663 0.7853812937314698 1.02993136031512 1.316271628150413 1.481884647925417 1.6103508221434093 1.7047657212674798 1.616541963069581 1.481884647925417 1.3967564601905995 1.2203089437948018 0.8720572666978281 +42354,0.6213160591880064,2,0.23591753653402076 0.18948397958775584 0.16626720111462778 0.14305042264149093 0.18793619435621514 0.20186626144009023 0.3303324356580913 0.5609524351578663 0.7853812937314698 1.02993136031512 1.316271628150413 1.481884647925417 1.6103508221434093 1.7047657212674798 1.616541963069581 1.481884647925417 1.3967564601905995 1.2203089437948018 0.8720572666978281 0.7033486764597336 +42355,0.5841692136309944,2,0.18948397958775584 0.16626720111462778 0.14305042264149093 0.18793619435621514 0.20186626144009023 0.3303324356580913 0.5609524351578663 0.7853812937314698 1.02993136031512 1.316271628150413 1.481884647925417 1.6103508221434093 1.7047657212674798 1.616541963069581 1.481884647925417 1.3967564601905995 1.2203089437948018 0.8720572666978281 0.7033486764597336 0.6213160591880064 +42356,0.57178693177866,2,0.16626720111462778 0.14305042264149093 0.18793619435621514 0.20186626144009023 0.3303324356580913 0.5609524351578663 0.7853812937314698 1.02993136031512 1.316271628150413 1.481884647925417 1.6103508221434093 1.7047657212674798 1.616541963069581 1.481884647925417 1.3967564601905995 1.2203089437948018 0.8720572666978281 0.7033486764597336 0.6213160591880064 0.5841692136309944 +42357,0.5485701533055232,2,0.14305042264149093 0.18793619435621514 0.20186626144009023 0.3303324356580913 0.5609524351578663 0.7853812937314698 1.02993136031512 1.316271628150413 1.481884647925417 1.6103508221434093 1.7047657212674798 1.616541963069581 1.481884647925417 1.3967564601905995 1.2203089437948018 0.8720572666978281 0.7033486764597336 0.6213160591880064 0.5841692136309944 0.57178693177866 +42358,0.46498975080225513,2,0.18793619435621514 0.20186626144009023 0.3303324356580913 0.5609524351578663 0.7853812937314698 1.02993136031512 1.316271628150413 1.481884647925417 1.6103508221434093 1.7047657212674798 1.616541963069581 1.481884647925417 1.3967564601905995 1.2203089437948018 0.8720572666978281 0.7033486764597336 0.6213160591880064 0.5841692136309944 0.57178693177866 0.5485701533055232 +42359,0.45260746894991194,2,0.20186626144009023 0.3303324356580913 0.5609524351578663 0.7853812937314698 1.02993136031512 1.316271628150413 1.481884647925417 1.6103508221434093 1.7047657212674798 1.616541963069581 1.481884647925417 1.3967564601905995 1.2203089437948018 0.8720572666978281 0.7033486764597336 0.6213160591880064 0.5841692136309944 0.57178693177866 0.5485701533055232 0.46498975080225513 +42360,0.4851109588123018,2,0.3303324356580913 0.5609524351578663 0.7853812937314698 1.02993136031512 1.316271628150413 1.481884647925417 1.6103508221434093 1.7047657212674798 1.616541963069581 1.481884647925417 1.3967564601905995 1.2203089437948018 0.8720572666978281 0.7033486764597336 0.6213160591880064 0.5841692136309944 0.57178693177866 0.5485701533055232 0.46498975080225513 0.45260746894991194 +42361,0.5594046499263169,2,0.5609524351578663 0.7853812937314698 1.02993136031512 1.316271628150413 1.481884647925417 1.6103508221434093 1.7047657212674798 1.616541963069581 1.481884647925417 1.3967564601905995 1.2203089437948018 0.8720572666978281 0.7033486764597336 0.6213160591880064 0.5841692136309944 0.57178693177866 0.5485701533055232 0.46498975080225513 0.45260746894991194 0.4851109588123018 +42362,0.5965514954833288,2,0.7853812937314698 1.02993136031512 1.316271628150413 1.481884647925417 1.6103508221434093 1.7047657212674798 1.616541963069581 1.481884647925417 1.3967564601905995 1.2203089437948018 0.8720572666978281 0.7033486764597336 0.6213160591880064 0.5841692136309944 0.57178693177866 0.5485701533055232 0.46498975080225513 0.45260746894991194 0.4851109588123018 0.5594046499263169 +42363,0.5454745828424418,2,1.02993136031512 1.316271628150413 1.481884647925417 1.6103508221434093 1.7047657212674798 1.616541963069581 1.481884647925417 1.3967564601905995 1.2203089437948018 0.8720572666978281 0.7033486764597336 0.6213160591880064 0.5841692136309944 0.57178693177866 0.5485701533055232 0.46498975080225513 0.45260746894991194 0.4851109588123018 0.5594046499263169 0.5965514954833288 +42364,0.6213160591880064,2,1.316271628150413 1.481884647925417 1.6103508221434093 1.7047657212674798 1.616541963069581 1.481884647925417 1.3967564601905995 1.2203089437948018 0.8720572666978281 0.7033486764597336 0.6213160591880064 0.5841692136309944 0.57178693177866 0.5485701533055232 0.46498975080225513 0.45260746894991194 0.4851109588123018 0.5594046499263169 0.5965514954833288 0.5454745828424418 +42365,0.8024069312784263,2,1.481884647925417 1.6103508221434093 1.7047657212674798 1.616541963069581 1.481884647925417 1.3967564601905995 1.2203089437948018 0.8720572666978281 0.7033486764597336 0.6213160591880064 0.5841692136309944 0.57178693177866 0.5485701533055232 0.46498975080225513 0.45260746894991194 0.4851109588123018 0.5594046499263169 0.5965514954833288 0.5454745828424418 0.6213160591880064 +42366,1.0593392797144197,2,1.6103508221434093 1.7047657212674798 1.616541963069581 1.481884647925417 1.3967564601905995 1.2203089437948018 0.8720572666978281 0.7033486764597336 0.6213160591880064 0.5841692136309944 0.57178693177866 0.5485701533055232 0.46498975080225513 0.45260746894991194 0.4851109588123018 0.5594046499263169 0.5965514954833288 0.5454745828424418 0.6213160591880064 0.8024069312784263 +42367,1.3054371315296105,2,1.7047657212674798 1.616541963069581 1.481884647925417 1.3967564601905995 1.2203089437948018 0.8720572666978281 0.7033486764597336 0.6213160591880064 0.5841692136309944 0.57178693177866 0.5485701533055232 0.46498975080225513 0.45260746894991194 0.4851109588123018 0.5594046499263169 0.5965514954833288 0.5454745828424418 0.6213160591880064 0.8024069312784263 1.0593392797144197 +42368,1.6444020972373399,2,1.616541963069581 1.481884647925417 1.3967564601905995 1.2203089437948018 0.8720572666978281 0.7033486764597336 0.6213160591880064 0.5841692136309944 0.57178693177866 0.5485701533055232 0.46498975080225513 0.45260746894991194 0.4851109588123018 0.5594046499263169 0.5965514954833288 0.5454745828424418 0.6213160591880064 0.8024069312784263 1.0593392797144197 1.3054371315296105 +42369,2.0344439755859476,2,1.481884647925417 1.3967564601905995 1.2203089437948018 0.8720572666978281 0.7033486764597336 0.6213160591880064 0.5841692136309944 0.57178693177866 0.5485701533055232 0.46498975080225513 0.45260746894991194 0.4851109588123018 0.5594046499263169 0.5965514954833288 0.5454745828424418 0.6213160591880064 0.8024069312784263 1.0593392797144197 1.3054371315296105 1.6444020972373399 +42370,2.1907702839716987,2,1.3967564601905995 1.2203089437948018 0.8720572666978281 0.7033486764597336 0.6213160591880064 0.5841692136309944 0.57178693177866 0.5485701533055232 0.46498975080225513 0.45260746894991194 0.4851109588123018 0.5594046499263169 0.5965514954833288 0.5454745828424418 0.6213160591880064 0.8024069312784263 1.0593392797144197 1.3054371315296105 1.6444020972373399 2.0344439755859476 +42371,2.3873390083775434,2,1.2203089437948018 0.8720572666978281 0.7033486764597336 0.6213160591880064 0.5841692136309944 0.57178693177866 0.5485701533055232 0.46498975080225513 0.45260746894991194 0.4851109588123018 0.5594046499263169 0.5965514954833288 0.5454745828424418 0.6213160591880064 0.8024069312784263 1.0593392797144197 1.3054371315296105 1.6444020972373399 2.0344439755859476 2.1907702839716987 +42372,2.2155348476763765,2,0.8720572666978281 0.7033486764597336 0.6213160591880064 0.5841692136309944 0.57178693177866 0.5485701533055232 0.46498975080225513 0.45260746894991194 0.4851109588123018 0.5594046499263169 0.5965514954833288 0.5454745828424418 0.6213160591880064 0.8024069312784263 1.0593392797144197 1.3054371315296105 1.6444020972373399 2.0344439755859476 2.1907702839716987 2.3873390083775434 +42373,2.000392700492017,2,0.7033486764597336 0.6213160591880064 0.5841692136309944 0.57178693177866 0.5485701533055232 0.46498975080225513 0.45260746894991194 0.4851109588123018 0.5594046499263169 0.5965514954833288 0.5454745828424418 0.6213160591880064 0.8024069312784263 1.0593392797144197 1.3054371315296105 1.6444020972373399 2.0344439755859476 2.1907702839716987 2.3873390083775434 2.2155348476763765 +42374,1.5933251845964442,2,0.6213160591880064 0.5841692136309944 0.57178693177866 0.5485701533055232 0.46498975080225513 0.45260746894991194 0.4851109588123018 0.5594046499263169 0.5965514954833288 0.5454745828424418 0.6213160591880064 0.8024069312784263 1.0593392797144197 1.3054371315296105 1.6444020972373399 2.0344439755859476 2.1907702839716987 2.3873390083775434 2.2155348476763765 2.000392700492017 +42375,1.6459498824688807,2,0.5841692136309944 0.57178693177866 0.5485701533055232 0.46498975080225513 0.45260746894991194 0.4851109588123018 0.5594046499263169 0.5965514954833288 0.5454745828424418 0.6213160591880064 0.8024069312784263 1.0593392797144197 1.3054371315296105 1.6444020972373399 2.0344439755859476 2.1907702839716987 2.3873390083775434 2.2155348476763765 2.000392700492017 1.5933251845964442 +42376,1.4323555205160707,2,0.57178693177866 0.5485701533055232 0.46498975080225513 0.45260746894991194 0.4851109588123018 0.5594046499263169 0.5965514954833288 0.5454745828424418 0.6213160591880064 0.8024069312784263 1.0593392797144197 1.3054371315296105 1.6444020972373399 2.0344439755859476 2.1907702839716987 2.3873390083775434 2.2155348476763765 2.000392700492017 1.5933251845964442 1.6459498824688807 +42377,1.2357867961102176,2,0.5485701533055232 0.46498975080225513 0.45260746894991194 0.4851109588123018 0.5594046499263169 0.5965514954833288 0.5454745828424418 0.6213160591880064 0.8024069312784263 1.0593392797144197 1.3054371315296105 1.6444020972373399 2.0344439755859476 2.1907702839716987 2.3873390083775434 2.2155348476763765 2.000392700492017 1.5933251845964442 1.6459498824688807 1.4323555205160707 +42378,1.0887471991137192,2,0.46498975080225513 0.45260746894991194 0.4851109588123018 0.5594046499263169 0.5965514954833288 0.5454745828424418 0.6213160591880064 0.8024069312784263 1.0593392797144197 1.3054371315296105 1.6444020972373399 2.0344439755859476 2.1907702839716987 2.3873390083775434 2.2155348476763765 2.000392700492017 1.5933251845964442 1.6459498824688807 1.4323555205160707 1.2357867961102176 +42379,1.043861427398995,2,0.45260746894991194 0.4851109588123018 0.5594046499263169 0.5965514954833288 0.5454745828424418 0.6213160591880064 0.8024069312784263 1.0593392797144197 1.3054371315296105 1.6444020972373399 2.0344439755859476 2.1907702839716987 2.3873390083775434 2.2155348476763765 2.000392700492017 1.5933251845964442 1.6459498824688807 1.4323555205160707 1.2357867961102176 1.0887471991137192 +42380,1.011357937536614,2,0.4851109588123018 0.5594046499263169 0.5965514954833288 0.5454745828424418 0.6213160591880064 0.8024069312784263 1.0593392797144197 1.3054371315296105 1.6444020972373399 2.0344439755859476 2.1907702839716987 2.3873390083775434 2.2155348476763765 2.000392700492017 1.5933251845964442 1.6459498824688807 1.4323555205160707 1.2357867961102176 1.0887471991137192 1.043861427398995 +42381,1.011357937536614,2,0.5594046499263169 0.5965514954833288 0.5454745828424418 0.6213160591880064 0.8024069312784263 1.0593392797144197 1.3054371315296105 1.6444020972373399 2.0344439755859476 2.1907702839716987 2.3873390083775434 2.2155348476763765 2.000392700492017 1.5933251845964442 1.6459498824688807 1.4323555205160707 1.2357867961102176 1.0887471991137192 1.043861427398995 1.011357937536614 +42382,0.9633765953588084,2,0.5965514954833288 0.5454745828424418 0.6213160591880064 0.8024069312784263 1.0593392797144197 1.3054371315296105 1.6444020972373399 2.0344439755859476 2.1907702839716987 2.3873390083775434 2.2155348476763765 2.000392700492017 1.5933251845964442 1.6459498824688807 1.4323555205160707 1.2357867961102176 1.0887471991137192 1.043861427398995 1.011357937536614 1.011357937536614 +42383,0.9153952531810028,2,0.5454745828424418 0.6213160591880064 0.8024069312784263 1.0593392797144197 1.3054371315296105 1.6444020972373399 2.0344439755859476 2.1907702839716987 2.3873390083775434 2.2155348476763765 2.000392700492017 1.5933251845964442 1.6459498824688807 1.4323555205160707 1.2357867961102176 1.0887471991137192 1.043861427398995 1.011357937536614 1.011357937536614 0.9633765953588084 +42384,0.9045607565602091,2,0.6213160591880064 0.8024069312784263 1.0593392797144197 1.3054371315296105 1.6444020972373399 2.0344439755859476 2.1907702839716987 2.3873390083775434 2.2155348476763765 2.000392700492017 1.5933251845964442 1.6459498824688807 1.4323555205160707 1.2357867961102176 1.0887471991137192 1.043861427398995 1.011357937536614 1.011357937536614 0.9633765953588084 0.9153952531810028 +42385,0.9339686759595087,2,0.8024069312784263 1.0593392797144197 1.3054371315296105 1.6444020972373399 2.0344439755859476 2.1907702839716987 2.3873390083775434 2.2155348476763765 2.000392700492017 1.5933251845964442 1.6459498824688807 1.4323555205160707 1.2357867961102176 1.0887471991137192 1.043861427398995 1.011357937536614 1.011357937536614 0.9633765953588084 0.9153952531810028 0.9045607565602091 +42386,0.9215863941071744,2,1.0593392797144197 1.3054371315296105 1.6444020972373399 2.0344439755859476 2.1907702839716987 2.3873390083775434 2.2155348476763765 2.000392700492017 1.5933251845964442 1.6459498824688807 1.4323555205160707 1.2357867961102176 1.0887471991137192 1.043861427398995 1.011357937536614 1.011357937536614 0.9633765953588084 0.9153952531810028 0.9045607565602091 0.9339686759595087 +42387,0.862770555308575,2,1.3054371315296105 1.6444020972373399 2.0344439755859476 2.1907702839716987 2.3873390083775434 2.2155348476763765 2.000392700492017 1.5933251845964442 1.6459498824688807 1.4323555205160707 1.2357867961102176 1.0887471991137192 1.043861427398995 1.011357937536614 1.011357937536614 0.9633765953588084 0.9153952531810028 0.9045607565602091 0.9339686759595087 0.9215863941071744 +42388,1.1057728366606845,2,1.6444020972373399 2.0344439755859476 2.1907702839716987 2.3873390083775434 2.2155348476763765 2.000392700492017 1.5933251845964442 1.6459498824688807 1.4323555205160707 1.2357867961102176 1.0887471991137192 1.043861427398995 1.011357937536614 1.011357937536614 0.9633765953588084 0.9153952531810028 0.9045607565602091 0.9339686759595087 0.9215863941071744 0.862770555308575 +42389,1.311628272455782,2,2.0344439755859476 2.1907702839716987 2.3873390083775434 2.2155348476763765 2.000392700492017 1.5933251845964442 1.6459498824688807 1.4323555205160707 1.2357867961102176 1.0887471991137192 1.043861427398995 1.011357937536614 1.011357937536614 0.9633765953588084 0.9153952531810028 0.9045607565602091 0.9339686759595087 0.9215863941071744 0.862770555308575 1.1057728366606845 +42390,1.5685606208917753,2,2.1907702839716987 2.3873390083775434 2.2155348476763765 2.000392700492017 1.5933251845964442 1.6459498824688807 1.4323555205160707 1.2357867961102176 1.0887471991137192 1.043861427398995 1.011357937536614 1.011357937536614 0.9633765953588084 0.9153952531810028 0.9045607565602091 0.9339686759595087 0.9215863941071744 0.862770555308575 1.1057728366606845 1.311628272455782 +42391,1.8100151170123442,2,2.3873390083775434 2.2155348476763765 2.000392700492017 1.5933251845964442 1.6459498824688807 1.4323555205160707 1.2357867961102176 1.0887471991137192 1.043861427398995 1.011357937536614 1.011357937536614 0.9633765953588084 0.9153952531810028 0.9045607565602091 0.9339686759595087 0.9215863941071744 0.862770555308575 1.1057728366606845 1.311628272455782 1.5685606208917753 +42392,1.9044300161364058,2,2.2155348476763765 2.000392700492017 1.5933251845964442 1.6459498824688807 1.4323555205160707 1.2357867961102176 1.0887471991137192 1.043861427398995 1.011357937536614 1.011357937536614 0.9633765953588084 0.9153952531810028 0.9045607565602091 0.9339686759595087 0.9215863941071744 0.862770555308575 1.1057728366606845 1.311628272455782 1.5685606208917753 1.8100151170123442 +42393,2.2820896126326793,2,2.000392700492017 1.5933251845964442 1.6459498824688807 1.4323555205160707 1.2357867961102176 1.0887471991137192 1.043861427398995 1.011357937536614 1.011357937536614 0.9633765953588084 0.9153952531810028 0.9045607565602091 0.9339686759595087 0.9215863941071744 0.862770555308575 1.1057728366606845 1.311628272455782 1.5685606208917753 1.8100151170123442 1.9044300161364058 +42394,2.2232737738340798,2,1.5933251845964442 1.6459498824688807 1.4323555205160707 1.2357867961102176 1.0887471991137192 1.043861427398995 1.011357937536614 1.011357937536614 0.9633765953588084 0.9153952531810028 0.9045607565602091 0.9339686759595087 0.9215863941071744 0.862770555308575 1.1057728366606845 1.311628272455782 1.5685606208917753 1.8100151170123442 1.9044300161364058 2.2820896126326793 +42395,2.070043035911419,2,1.6459498824688807 1.4323555205160707 1.2357867961102176 1.0887471991137192 1.043861427398995 1.011357937536614 1.011357937536614 0.9633765953588084 0.9153952531810028 0.9045607565602091 0.9339686759595087 0.9215863941071744 0.862770555308575 1.1057728366606845 1.311628272455782 1.5685606208917753 1.8100151170123442 1.9044300161364058 2.2820896126326793 2.2232737738340798 +42396,1.9972971300289357,2,1.4323555205160707 1.2357867961102176 1.0887471991137192 1.043861427398995 1.011357937536614 1.011357937536614 0.9633765953588084 0.9153952531810028 0.9045607565602091 0.9339686759595087 0.9215863941071744 0.862770555308575 1.1057728366606845 1.311628272455782 1.5685606208917753 1.8100151170123442 1.9044300161364058 2.2820896126326793 2.2232737738340798 2.070043035911419 +42397,1.8904999490525307,2,1.2357867961102176 1.0887471991137192 1.043861427398995 1.011357937536614 1.011357937536614 0.9633765953588084 0.9153952531810028 0.9045607565602091 0.9339686759595087 0.9215863941071744 0.862770555308575 1.1057728366606845 1.311628272455782 1.5685606208917753 1.8100151170123442 1.9044300161364058 2.2820896126326793 2.2232737738340798 2.070043035911419 1.9972971300289357 +42398,1.7341736406667796,2,1.0887471991137192 1.043861427398995 1.011357937536614 1.011357937536614 0.9633765953588084 0.9153952531810028 0.9045607565602091 0.9339686759595087 0.9215863941071744 0.862770555308575 1.1057728366606845 1.311628272455782 1.5685606208917753 1.8100151170123442 1.9044300161364058 2.2820896126326793 2.2232737738340798 2.070043035911419 1.9972971300289357 1.8904999490525307 +42399,1.5778473322810285,2,1.043861427398995 1.011357937536614 1.011357937536614 0.9633765953588084 0.9153952531810028 0.9045607565602091 0.9339686759595087 0.9215863941071744 0.862770555308575 1.1057728366606845 1.311628272455782 1.5685606208917753 1.8100151170123442 1.9044300161364058 2.2820896126326793 2.2232737738340798 2.070043035911419 1.9972971300289357 1.8904999490525307 1.7341736406667796 +42400,1.3673485407913,2,1.011357937536614 1.011357937536614 0.9633765953588084 0.9153952531810028 0.9045607565602091 0.9339686759595087 0.9215863941071744 0.862770555308575 1.1057728366606845 1.311628272455782 1.5685606208917753 1.8100151170123442 1.9044300161364058 2.2820896126326793 2.2232737738340798 2.070043035911419 1.9972971300289357 1.8904999490525307 1.7341736406667796 1.5778473322810285 +42401,1.2559080041202642,2,1.011357937536614 0.9633765953588084 0.9153952531810028 0.9045607565602091 0.9339686759595087 0.9215863941071744 0.862770555308575 1.1057728366606845 1.311628272455782 1.5685606208917753 1.8100151170123442 1.9044300161364058 2.2820896126326793 2.2232737738340798 2.070043035911419 1.9972971300289357 1.8904999490525307 1.7341736406667796 1.5778473322810285 1.3673485407913 +42402,1.1553019640700308,2,0.9633765953588084 0.9153952531810028 0.9045607565602091 0.9339686759595087 0.9215863941071744 0.862770555308575 1.1057728366606845 1.311628272455782 1.5685606208917753 1.8100151170123442 1.9044300161364058 2.2820896126326793 2.2232737738340798 2.070043035911419 1.9972971300289357 1.8904999490525307 1.7341736406667796 1.5778473322810285 1.3673485407913 1.2559080041202642 +42403,1.1429196822176966,2,0.9153952531810028 0.9045607565602091 0.9339686759595087 0.9215863941071744 0.862770555308575 1.1057728366606845 1.311628272455782 1.5685606208917753 1.8100151170123442 1.9044300161364058 2.2820896126326793 2.2232737738340798 2.070043035911419 1.9972971300289357 1.8904999490525307 1.7341736406667796 1.5778473322810285 1.3673485407913 1.2559080041202642 1.1553019640700308 +42404,1.0841038434190973,2,0.9045607565602091 0.9339686759595087 0.9215863941071744 0.862770555308575 1.1057728366606845 1.311628272455782 1.5685606208917753 1.8100151170123442 1.9044300161364058 2.2820896126326793 2.2232737738340798 2.070043035911419 1.9972971300289357 1.8904999490525307 1.7341736406667796 1.5778473322810285 1.3673485407913 1.2559080041202642 1.1553019640700308 1.1429196822176966 +42405,1.0361225012412916,2,0.9339686759595087 0.9215863941071744 0.862770555308575 1.1057728366606845 1.311628272455782 1.5685606208917753 1.8100151170123442 1.9044300161364058 2.2820896126326793 2.2232737738340798 2.070043035911419 1.9972971300289357 1.8904999490525307 1.7341736406667796 1.5778473322810285 1.3673485407913 1.2559080041202642 1.1553019640700308 1.1429196822176966 1.0841038434190973 +42406,1.0314791455466608,2,0.9215863941071744 0.862770555308575 1.1057728366606845 1.311628272455782 1.5685606208917753 1.8100151170123442 1.9044300161364058 2.2820896126326793 2.2232737738340798 2.070043035911419 1.9972971300289357 1.8904999490525307 1.7341736406667796 1.5778473322810285 1.3673485407913 1.2559080041202642 1.1553019640700308 1.1429196822176966 1.0841038434190973 1.0361225012412916 +42407,1.043861427398995,2,0.862770555308575 1.1057728366606845 1.311628272455782 1.5685606208917753 1.8100151170123442 1.9044300161364058 2.2820896126326793 2.2232737738340798 2.070043035911419 1.9972971300289357 1.8904999490525307 1.7341736406667796 1.5778473322810285 1.3673485407913 1.2559080041202642 1.1553019640700308 1.1429196822176966 1.0841038434190973 1.0361225012412916 1.0314791455466608 +42408,1.0423136421674544,2,1.1057728366606845 1.311628272455782 1.5685606208917753 1.8100151170123442 1.9044300161364058 2.2820896126326793 2.2232737738340798 2.070043035911419 1.9972971300289357 1.8904999490525307 1.7341736406667796 1.5778473322810285 1.3673485407913 1.2559080041202642 1.1553019640700308 1.1429196822176966 1.0841038434190973 1.0361225012412916 1.0314791455466608 1.043861427398995 +42409,1.076364917261385,2,1.311628272455782 1.5685606208917753 1.8100151170123442 1.9044300161364058 2.2820896126326793 2.2232737738340798 2.070043035911419 1.9972971300289357 1.8904999490525307 1.7341736406667796 1.5778473322810285 1.3673485407913 1.2559080041202642 1.1553019640700308 1.1429196822176966 1.0841038434190973 1.0361225012412916 1.0314791455466608 1.043861427398995 1.0423136421674544 +42410,1.062434850177501,2,1.5685606208917753 1.8100151170123442 1.9044300161364058 2.2820896126326793 2.2232737738340798 2.070043035911419 1.9972971300289357 1.8904999490525307 1.7341736406667796 1.5778473322810285 1.3673485407913 1.2559080041202642 1.1553019640700308 1.1429196822176966 1.0841038434190973 1.0361225012412916 1.0314791455466608 1.043861427398995 1.0423136421674544 1.076364917261385 +42411,1.062434850177501,2,1.8100151170123442 1.9044300161364058 2.2820896126326793 2.2232737738340798 2.070043035911419 1.9972971300289357 1.8904999490525307 1.7341736406667796 1.5778473322810285 1.3673485407913 1.2559080041202642 1.1553019640700308 1.1429196822176966 1.0841038434190973 1.0361225012412916 1.0314791455466608 1.043861427398995 1.0423136421674544 1.076364917261385 1.062434850177501 +42412,1.2172133733317116,2,1.9044300161364058 2.2820896126326793 2.2232737738340798 2.070043035911419 1.9972971300289357 1.8904999490525307 1.7341736406667796 1.5778473322810285 1.3673485407913 1.2559080041202642 1.1553019640700308 1.1429196822176966 1.0841038434190973 1.0361225012412916 1.0314791455466608 1.043861427398995 1.0423136421674544 1.076364917261385 1.062434850177501 1.062434850177501 +42413,1.4958147150092922,2,2.2820896126326793 2.2232737738340798 2.070043035911419 1.9972971300289357 1.8904999490525307 1.7341736406667796 1.5778473322810285 1.3673485407913 1.2559080041202642 1.1553019640700308 1.1429196822176966 1.0841038434190973 1.0361225012412916 1.0314791455466608 1.043861427398995 1.0423136421674544 1.076364917261385 1.062434850177501 1.062434850177501 1.2172133733317116 +42414,1.7202435735828958,2,2.2232737738340798 2.070043035911419 1.9972971300289357 1.8904999490525307 1.7341736406667796 1.5778473322810285 1.3673485407913 1.2559080041202642 1.1553019640700308 1.1429196822176966 1.0841038434190973 1.0361225012412916 1.0314791455466608 1.043861427398995 1.0423136421674544 1.076364917261385 1.062434850177501 1.062434850177501 1.2172133733317116 1.4958147150092922 +42415,1.9059778013679554,2,2.070043035911419 1.9972971300289357 1.8904999490525307 1.7341736406667796 1.5778473322810285 1.3673485407913 1.2559080041202642 1.1553019640700308 1.1429196822176966 1.0841038434190973 1.0361225012412916 1.0314791455466608 1.043861427398995 1.0423136421674544 1.076364917261385 1.062434850177501 1.062434850177501 1.2172133733317116 1.4958147150092922 1.7202435735828958 +42416,2.152075653183146,2,1.9972971300289357 1.8904999490525307 1.7341736406667796 1.5778473322810285 1.3673485407913 1.2559080041202642 1.1553019640700308 1.1429196822176966 1.0841038434190973 1.0361225012412916 1.0314791455466608 1.043861427398995 1.0423136421674544 1.076364917261385 1.062434850177501 1.062434850177501 1.2172133733317116 1.4958147150092922 1.7202435735828958 1.9059778013679554 +42417,2.2433949818441263,2,1.8904999490525307 1.7341736406667796 1.5778473322810285 1.3673485407913 1.2559080041202642 1.1553019640700308 1.1429196822176966 1.0841038434190973 1.0361225012412916 1.0314791455466608 1.043861427398995 1.0423136421674544 1.076364917261385 1.062434850177501 1.062434850177501 1.2172133733317116 1.4958147150092922 1.7202435735828958 1.9059778013679554 2.152075653183146 +42418,2.297567464948104,2,1.7341736406667796 1.5778473322810285 1.3673485407913 1.2559080041202642 1.1553019640700308 1.1429196822176966 1.0841038434190973 1.0361225012412916 1.0314791455466608 1.043861427398995 1.0423136421674544 1.076364917261385 1.062434850177501 1.062434850177501 1.2172133733317116 1.4958147150092922 1.7202435735828958 1.9059778013679554 2.152075653183146 2.2433949818441263 +42419,2.2898285387903914,2,1.5778473322810285 1.3673485407913 1.2559080041202642 1.1553019640700308 1.1429196822176966 1.0841038434190973 1.0361225012412916 1.0314791455466608 1.043861427398995 1.0423136421674544 1.076364917261385 1.062434850177501 1.062434850177501 1.2172133733317116 1.4958147150092922 1.7202435735828958 1.9059778013679554 2.152075653183146 2.2433949818441263 2.297567464948104 +42420,2.232560485223333,2,1.3673485407913 1.2559080041202642 1.1553019640700308 1.1429196822176966 1.0841038434190973 1.0361225012412916 1.0314791455466608 1.043861427398995 1.0423136421674544 1.076364917261385 1.062434850177501 1.062434850177501 1.2172133733317116 1.4958147150092922 1.7202435735828958 1.9059778013679554 2.152075653183146 2.2433949818441263 2.297567464948104 2.2898285387903914 +42421,2.060756324522166,2,1.2559080041202642 1.1553019640700308 1.1429196822176966 1.0841038434190973 1.0361225012412916 1.0314791455466608 1.043861427398995 1.0423136421674544 1.076364917261385 1.062434850177501 1.062434850177501 1.2172133733317116 1.4958147150092922 1.7202435735828958 1.9059778013679554 2.152075653183146 2.2433949818441263 2.297567464948104 2.2898285387903914 2.232560485223333 +42422,1.9059778013679554,2,1.1553019640700308 1.1429196822176966 1.0841038434190973 1.0361225012412916 1.0314791455466608 1.043861427398995 1.0423136421674544 1.076364917261385 1.062434850177501 1.062434850177501 1.2172133733317116 1.4958147150092922 1.7202435735828958 1.9059778013679554 2.152075653183146 2.2433949818441263 2.297567464948104 2.2898285387903914 2.232560485223333 2.060756324522166 +42423,1.6474976677004214,2,1.1429196822176966 1.0841038434190973 1.0361225012412916 1.0314791455466608 1.043861427398995 1.0423136421674544 1.076364917261385 1.062434850177501 1.062434850177501 1.2172133733317116 1.4958147150092922 1.7202435735828958 1.9059778013679554 2.152075653183146 2.2433949818441263 2.297567464948104 2.2898285387903914 2.232560485223333 2.060756324522166 1.9059778013679554 +42424,1.3890175340328874,2,1.0841038434190973 1.0361225012412916 1.0314791455466608 1.043861427398995 1.0423136421674544 1.076364917261385 1.062434850177501 1.062434850177501 1.2172133733317116 1.4958147150092922 1.7202435735828958 1.9059778013679554 2.152075653183146 2.2433949818441263 2.297567464948104 2.2898285387903914 2.232560485223333 2.060756324522166 1.9059778013679554 1.6474976677004214 +42425,1.1831620982377897,2,1.0361225012412916 1.0314791455466608 1.043861427398995 1.0423136421674544 1.076364917261385 1.062434850177501 1.062434850177501 1.2172133733317116 1.4958147150092922 1.7202435735828958 1.9059778013679554 2.152075653183146 2.2433949818441263 2.297567464948104 2.2898285387903914 2.232560485223333 2.060756324522166 1.9059778013679554 1.6474976677004214 1.3890175340328874 +42426,1.0129057227681548,2,1.0314791455466608 1.043861427398995 1.0423136421674544 1.076364917261385 1.062434850177501 1.062434850177501 1.2172133733317116 1.4958147150092922 1.7202435735828958 1.9059778013679554 2.152075653183146 2.2433949818441263 2.297567464948104 2.2898285387903914 2.232560485223333 2.060756324522166 1.9059778013679554 1.6474976677004214 1.3890175340328874 1.1831620982377897 +42427,0.9525420987380148,2,1.043861427398995 1.0423136421674544 1.076364917261385 1.062434850177501 1.062434850177501 1.2172133733317116 1.4958147150092922 1.7202435735828958 1.9059778013679554 2.152075653183146 2.2433949818441263 2.297567464948104 2.2898285387903914 2.232560485223333 2.060756324522166 1.9059778013679554 1.6474976677004214 1.3890175340328874 1.1831620982377897 1.0129057227681548 +42428,0.8689616962347378,2,1.0423136421674544 1.076364917261385 1.062434850177501 1.062434850177501 1.2172133733317116 1.4958147150092922 1.7202435735828958 1.9059778013679554 2.152075653183146 2.2433949818441263 2.297567464948104 2.2898285387903914 2.232560485223333 2.060756324522166 1.9059778013679554 1.6474976677004214 1.3890175340328874 1.1831620982377897 1.0129057227681548 0.9525420987380148 +42429,0.7977635755838042,2,1.076364917261385 1.062434850177501 1.062434850177501 1.2172133733317116 1.4958147150092922 1.7202435735828958 1.9059778013679554 2.152075653183146 2.2433949818441263 2.297567464948104 2.2898285387903914 2.232560485223333 2.060756324522166 1.9059778013679554 1.6474976677004214 1.3890175340328874 1.1831620982377897 1.0129057227681548 0.9525420987380148 0.8689616962347378 +42430,0.7869290789630106,2,1.062434850177501 1.062434850177501 1.2172133733317116 1.4958147150092922 1.7202435735828958 1.9059778013679554 2.152075653183146 2.2433949818441263 2.297567464948104 2.2898285387903914 2.232560485223333 2.060756324522166 1.9059778013679554 1.6474976677004214 1.3890175340328874 1.1831620982377897 1.0129057227681548 0.9525420987380148 0.8689616962347378 0.7977635755838042 +42431,0.7729990118791267,2,1.062434850177501 1.2172133733317116 1.4958147150092922 1.7202435735828958 1.9059778013679554 2.152075653183146 2.2433949818441263 2.297567464948104 2.2898285387903914 2.232560485223333 2.060756324522166 1.9059778013679554 1.6474976677004214 1.3890175340328874 1.1831620982377897 1.0129057227681548 0.9525420987380148 0.8689616962347378 0.7977635755838042 0.7869290789630106 +42432,0.762164515258333,2,1.2172133733317116 1.4958147150092922 1.7202435735828958 1.9059778013679554 2.152075653183146 2.2433949818441263 2.297567464948104 2.2898285387903914 2.232560485223333 2.060756324522166 1.9059778013679554 1.6474976677004214 1.3890175340328874 1.1831620982377897 1.0129057227681548 0.9525420987380148 0.8689616962347378 0.7977635755838042 0.7869290789630106 0.7729990118791267 +42433,0.7497822334059986,2,1.4958147150092922 1.7202435735828958 1.9059778013679554 2.152075653183146 2.2433949818441263 2.297567464948104 2.2898285387903914 2.232560485223333 2.060756324522166 1.9059778013679554 1.6474976677004214 1.3890175340328874 1.1831620982377897 1.0129057227681548 0.9525420987380148 0.8689616962347378 0.7977635755838042 0.7869290789630106 0.7729990118791267 0.762164515258333 +42434,0.7373999515536642,2,1.7202435735828958 1.9059778013679554 2.152075653183146 2.2433949818441263 2.297567464948104 2.2898285387903914 2.232560485223333 2.060756324522166 1.9059778013679554 1.6474976677004214 1.3890175340328874 1.1831620982377897 1.0129057227681548 0.9525420987380148 0.8689616962347378 0.7977635755838042 0.7869290789630106 0.7729990118791267 0.762164515258333 0.7497822334059986 +42435,0.738947736785205,2,1.9059778013679554 2.152075653183146 2.2433949818441263 2.297567464948104 2.2898285387903914 2.232560485223333 2.060756324522166 1.9059778013679554 1.6474976677004214 1.3890175340328874 1.1831620982377897 1.0129057227681548 0.9525420987380148 0.8689616962347378 0.7977635755838042 0.7869290789630106 0.7729990118791267 0.762164515258333 0.7497822334059986 0.7373999515536642 +42436,0.9401598168856804,2,2.152075653183146 2.2433949818441263 2.297567464948104 2.2898285387903914 2.232560485223333 2.060756324522166 1.9059778013679554 1.6474976677004214 1.3890175340328874 1.1831620982377897 1.0129057227681548 0.9525420987380148 0.8689616962347378 0.7977635755838042 0.7869290789630106 0.7729990118791267 0.762164515258333 0.7497822334059986 0.7373999515536642 0.738947736785205 +42437,1.2032833062478365,2,2.2433949818441263 2.297567464948104 2.2898285387903914 2.232560485223333 2.060756324522166 1.9059778013679554 1.6474976677004214 1.3890175340328874 1.1831620982377897 1.0129057227681548 0.9525420987380148 0.8689616962347378 0.7977635755838042 0.7869290789630106 0.7729990118791267 0.762164515258333 0.7497822334059986 0.7373999515536642 0.738947736785205 0.9401598168856804 +42438,1.4400944466737744,2,2.297567464948104 2.2898285387903914 2.232560485223333 2.060756324522166 1.9059778013679554 1.6474976677004214 1.3890175340328874 1.1831620982377897 1.0129057227681548 0.9525420987380148 0.8689616962347378 0.7977635755838042 0.7869290789630106 0.7729990118791267 0.762164515258333 0.7497822334059986 0.7373999515536642 0.738947736785205 0.9401598168856804 1.2032833062478365 +42439,1.741912566824492,2,2.2898285387903914 2.232560485223333 2.060756324522166 1.9059778013679554 1.6474976677004214 1.3890175340328874 1.1831620982377897 1.0129057227681548 0.9525420987380148 0.8689616962347378 0.7977635755838042 0.7869290789630106 0.7729990118791267 0.762164515258333 0.7497822334059986 0.7373999515536642 0.738947736785205 0.9401598168856804 1.2032833062478365 1.4400944466737744 +42440,1.8208496136331378,2,2.232560485223333 2.060756324522166 1.9059778013679554 1.6474976677004214 1.3890175340328874 1.1831620982377897 1.0129057227681548 0.9525420987380148 0.8689616962347378 0.7977635755838042 0.7869290789630106 0.7729990118791267 0.762164515258333 0.7497822334059986 0.7373999515536642 0.738947736785205 0.9401598168856804 1.2032833062478365 1.4400944466737744 1.741912566824492 +42441,1.9338379355357056,2,2.060756324522166 1.9059778013679554 1.6474976677004214 1.3890175340328874 1.1831620982377897 1.0129057227681548 0.9525420987380148 0.8689616962347378 0.7977635755838042 0.7869290789630106 0.7729990118791267 0.762164515258333 0.7497822334059986 0.7373999515536642 0.738947736785205 0.9401598168856804 1.2032833062478365 1.4400944466737744 1.741912566824492 1.8208496136331378 +42442,2.0019404857235577,2,1.9059778013679554 1.6474976677004214 1.3890175340328874 1.1831620982377897 1.0129057227681548 0.9525420987380148 0.8689616962347378 0.7977635755838042 0.7869290789630106 0.7729990118791267 0.762164515258333 0.7497822334059986 0.7373999515536642 0.738947736785205 0.9401598168856804 1.2032833062478365 1.4400944466737744 1.741912566824492 1.8208496136331378 1.9338379355357056 +42443,1.9988449152604764,2,1.6474976677004214 1.3890175340328874 1.1831620982377897 1.0129057227681548 0.9525420987380148 0.8689616962347378 0.7977635755838042 0.7869290789630106 0.7729990118791267 0.762164515258333 0.7497822334059986 0.7373999515536642 0.738947736785205 0.9401598168856804 1.2032833062478365 1.4400944466737744 1.741912566824492 1.8208496136331378 1.9338379355357056 2.0019404857235577 +42444,1.9709847810927175,2,1.3890175340328874 1.1831620982377897 1.0129057227681548 0.9525420987380148 0.8689616962347378 0.7977635755838042 0.7869290789630106 0.7729990118791267 0.762164515258333 0.7497822334059986 0.7373999515536642 0.738947736785205 0.9401598168856804 1.2032833062478365 1.4400944466737744 1.741912566824492 1.8208496136331378 1.9338379355357056 2.0019404857235577 1.9988449152604764 +42445,1.816206257938507,2,1.1831620982377897 1.0129057227681548 0.9525420987380148 0.8689616962347378 0.7977635755838042 0.7869290789630106 0.7729990118791267 0.762164515258333 0.7497822334059986 0.7373999515536642 0.738947736785205 0.9401598168856804 1.2032833062478365 1.4400944466737744 1.741912566824492 1.8208496136331378 1.9338379355357056 2.0019404857235577 1.9988449152604764 1.9709847810927175 +42446,1.6707144461735495,2,1.0129057227681548 0.9525420987380148 0.8689616962347378 0.7977635755838042 0.7869290789630106 0.7729990118791267 0.762164515258333 0.7497822334059986 0.7373999515536642 0.738947736785205 0.9401598168856804 1.2032833062478365 1.4400944466737744 1.741912566824492 1.8208496136331378 1.9338379355357056 2.0019404857235577 1.9988449152604764 1.9709847810927175 1.816206257938507 +42447,1.3874697488013465,2,0.9525420987380148 0.8689616962347378 0.7977635755838042 0.7869290789630106 0.7729990118791267 0.762164515258333 0.7497822334059986 0.7373999515536642 0.738947736785205 0.9401598168856804 1.2032833062478365 1.4400944466737744 1.741912566824492 1.8208496136331378 1.9338379355357056 2.0019404857235577 1.9988449152604764 1.9709847810927175 1.816206257938507 1.6707144461735495 +42448,1.1491108231438594,2,0.8689616962347378 0.7977635755838042 0.7869290789630106 0.7729990118791267 0.762164515258333 0.7497822334059986 0.7373999515536642 0.738947736785205 0.9401598168856804 1.2032833062478365 1.4400944466737744 1.741912566824492 1.8208496136331378 1.9338379355357056 2.0019404857235577 1.9988449152604764 1.9709847810927175 1.816206257938507 1.6707144461735495 1.3874697488013465 +42449,0.9169430384125435,2,0.7977635755838042 0.7869290789630106 0.7729990118791267 0.762164515258333 0.7497822334059986 0.7373999515536642 0.738947736785205 0.9401598168856804 1.2032833062478365 1.4400944466737744 1.741912566824492 1.8208496136331378 1.9338379355357056 2.0019404857235577 1.9988449152604764 1.9709847810927175 1.816206257938507 1.6707144461735495 1.3874697488013465 1.1491108231438594 +42450,0.7141831730805274,2,0.7869290789630106 0.7729990118791267 0.762164515258333 0.7497822334059986 0.7373999515536642 0.738947736785205 0.9401598168856804 1.2032833062478365 1.4400944466737744 1.741912566824492 1.8208496136331378 1.9338379355357056 2.0019404857235577 1.9988449152604764 1.9709847810927175 1.816206257938507 1.6707144461735495 1.3874697488013465 1.1491108231438594 0.9169430384125435 +42451,0.6336983410403407,2,0.7729990118791267 0.762164515258333 0.7497822334059986 0.7373999515536642 0.738947736785205 0.9401598168856804 1.2032833062478365 1.4400944466737744 1.741912566824492 1.8208496136331378 1.9338379355357056 2.0019404857235577 1.9988449152604764 1.9709847810927175 1.816206257938507 1.6707144461735495 1.3874697488013465 1.1491108231438594 0.9169430384125435 0.7141831730805274 +42452,0.5671435760840291,2,0.762164515258333 0.7497822334059986 0.7373999515536642 0.738947736785205 0.9401598168856804 1.2032833062478365 1.4400944466737744 1.741912566824492 1.8208496136331378 1.9338379355357056 2.0019404857235577 1.9988449152604764 1.9709847810927175 1.816206257938507 1.6707144461735495 1.3874697488013465 1.1491108231438594 0.9169430384125435 0.7141831730805274 0.6336983410403407 +42453,0.4990410258961769,2,0.7497822334059986 0.7373999515536642 0.738947736785205 0.9401598168856804 1.2032833062478365 1.4400944466737744 1.741912566824492 1.8208496136331378 1.9338379355357056 2.0019404857235577 1.9988449152604764 1.9709847810927175 1.816206257938507 1.6707144461735495 1.3874697488013465 1.1491108231438594 0.9169430384125435 0.7141831730805274 0.6336983410403407 0.5671435760840291 +42454,0.5114233077485113,2,0.7373999515536642 0.738947736785205 0.9401598168856804 1.2032833062478365 1.4400944466737744 1.741912566824492 1.8208496136331378 1.9338379355357056 2.0019404857235577 1.9988449152604764 1.9709847810927175 1.816206257938507 1.6707144461735495 1.3874697488013465 1.1491108231438594 0.9169430384125435 0.7141831730805274 0.6336983410403407 0.5671435760840291 0.4990410258961769 +42455,0.45260746894991194,2,0.738947736785205 0.9401598168856804 1.2032833062478365 1.4400944466737744 1.741912566824492 1.8208496136331378 1.9338379355357056 2.0019404857235577 1.9988449152604764 1.9709847810927175 1.816206257938507 1.6707144461735495 1.3874697488013465 1.1491108231438594 0.9169430384125435 0.7141831730805274 0.6336983410403407 0.5671435760840291 0.4990410258961769 0.5114233077485113 +42456,0.4386774018660369,2,0.9401598168856804 1.2032833062478365 1.4400944466737744 1.741912566824492 1.8208496136331378 1.9338379355357056 2.0019404857235577 1.9988449152604764 1.9709847810927175 1.816206257938507 1.6707144461735495 1.3874697488013465 1.1491108231438594 0.9169430384125435 0.7141831730805274 0.6336983410403407 0.5671435760840291 0.4990410258961769 0.5114233077485113 0.45260746894991194 +42457,0.4386774018660369,2,1.2032833062478365 1.4400944466737744 1.741912566824492 1.8208496136331378 1.9338379355357056 2.0019404857235577 1.9988449152604764 1.9709847810927175 1.816206257938507 1.6707144461735495 1.3874697488013465 1.1491108231438594 0.9169430384125435 0.7141831730805274 0.6336983410403407 0.5671435760840291 0.4990410258961769 0.5114233077485113 0.45260746894991194 0.4386774018660369 +42458,0.4402251870975776,2,1.4400944466737744 1.741912566824492 1.8208496136331378 1.9338379355357056 2.0019404857235577 1.9988449152604764 1.9709847810927175 1.816206257938507 1.6707144461735495 1.3874697488013465 1.1491108231438594 0.9169430384125435 0.7141831730805274 0.6336983410403407 0.5671435760840291 0.4990410258961769 0.5114233077485113 0.45260746894991194 0.4386774018660369 0.4386774018660369 +42459,0.44796411325528984,2,1.741912566824492 1.8208496136331378 1.9338379355357056 2.0019404857235577 1.9988449152604764 1.9709847810927175 1.816206257938507 1.6707144461735495 1.3874697488013465 1.1491108231438594 0.9169430384125435 0.7141831730805274 0.6336983410403407 0.5671435760840291 0.4990410258961769 0.5114233077485113 0.45260746894991194 0.4386774018660369 0.4386774018660369 0.4402251870975776 +42460,0.5888125693256165,2,1.8208496136331378 1.9338379355357056 2.0019404857235577 1.9988449152604764 1.9709847810927175 1.816206257938507 1.6707144461735495 1.3874697488013465 1.1491108231438594 0.9169430384125435 0.7141831730805274 0.6336983410403407 0.5671435760840291 0.4990410258961769 0.5114233077485113 0.45260746894991194 0.4386774018660369 0.4386774018660369 0.4402251870975776 0.44796411325528984 +42461,0.8008591460468856,2,1.9338379355357056 2.0019404857235577 1.9988449152604764 1.9709847810927175 1.816206257938507 1.6707144461735495 1.3874697488013465 1.1491108231438594 0.9169430384125435 0.7141831730805274 0.6336983410403407 0.5671435760840291 0.4990410258961769 0.5114233077485113 0.45260746894991194 0.4386774018660369 0.4386774018660369 0.4402251870975776 0.44796411325528984 0.5888125693256165 +42462,1.043861427398995,2,2.0019404857235577 1.9988449152604764 1.9709847810927175 1.816206257938507 1.6707144461735495 1.3874697488013465 1.1491108231438594 0.9169430384125435 0.7141831730805274 0.6336983410403407 0.5671435760840291 0.4990410258961769 0.5114233077485113 0.45260746894991194 0.4386774018660369 0.4386774018660369 0.4402251870975776 0.44796411325528984 0.5888125693256165 0.8008591460468856 +42463,1.334845050928919,2,1.9988449152604764 1.9709847810927175 1.816206257938507 1.6707144461735495 1.3874697488013465 1.1491108231438594 0.9169430384125435 0.7141831730805274 0.6336983410403407 0.5671435760840291 0.4990410258961769 0.5114233077485113 0.45260746894991194 0.4386774018660369 0.4386774018660369 0.4402251870975776 0.44796411325528984 0.5888125693256165 0.8008591460468856 1.043861427398995 +42464,1.4989102854723737,2,1.9709847810927175 1.816206257938507 1.6707144461735495 1.3874697488013465 1.1491108231438594 0.9169430384125435 0.7141831730805274 0.6336983410403407 0.5671435760840291 0.4990410258961769 0.5114233077485113 0.45260746894991194 0.4386774018660369 0.4386774018660369 0.4402251870975776 0.44796411325528984 0.5888125693256165 0.8008591460468856 1.043861427398995 1.334845050928919 +42465,1.6320198153849967,2,1.816206257938507 1.6707144461735495 1.3874697488013465 1.1491108231438594 0.9169430384125435 0.7141831730805274 0.6336983410403407 0.5671435760840291 0.4990410258961769 0.5114233077485113 0.45260746894991194 0.4386774018660369 0.4386774018660369 0.4402251870975776 0.44796411325528984 0.5888125693256165 0.8008591460468856 1.043861427398995 1.334845050928919 1.4989102854723737 +42466,1.6877400837205148,2,1.6707144461735495 1.3874697488013465 1.1491108231438594 0.9169430384125435 0.7141831730805274 0.6336983410403407 0.5671435760840291 0.4990410258961769 0.5114233077485113 0.45260746894991194 0.4386774018660369 0.4386774018660369 0.4402251870975776 0.44796411325528984 0.5888125693256165 0.8008591460468856 1.043861427398995 1.334845050928919 1.4989102854723737 1.6320198153849967 +42467,1.6242808892272844,2,1.3874697488013465 1.1491108231438594 0.9169430384125435 0.7141831730805274 0.6336983410403407 0.5671435760840291 0.4990410258961769 0.5114233077485113 0.45260746894991194 0.4386774018660369 0.4386774018660369 0.4402251870975776 0.44796411325528984 0.5888125693256165 0.8008591460468856 1.043861427398995 1.334845050928919 1.4989102854723737 1.6320198153849967 1.6877400837205148 +42468,1.6428543120057904,2,1.1491108231438594 0.9169430384125435 0.7141831730805274 0.6336983410403407 0.5671435760840291 0.4990410258961769 0.5114233077485113 0.45260746894991194 0.4386774018660369 0.4386774018660369 0.4402251870975776 0.44796411325528984 0.5888125693256165 0.8008591460468856 1.043861427398995 1.334845050928919 1.4989102854723737 1.6320198153849967 1.6877400837205148 1.6242808892272844 +42469,1.4958147150092922,2,0.9169430384125435 0.7141831730805274 0.6336983410403407 0.5671435760840291 0.4990410258961769 0.5114233077485113 0.45260746894991194 0.4386774018660369 0.4386774018660369 0.4402251870975776 0.44796411325528984 0.5888125693256165 0.8008591460468856 1.043861427398995 1.334845050928919 1.4989102854723737 1.6320198153849967 1.6877400837205148 1.6242808892272844 1.6428543120057904 +42470,1.316271628150413,2,0.7141831730805274 0.6336983410403407 0.5671435760840291 0.4990410258961769 0.5114233077485113 0.45260746894991194 0.4386774018660369 0.4386774018660369 0.4402251870975776 0.44796411325528984 0.5888125693256165 0.8008591460468856 1.043861427398995 1.334845050928919 1.4989102854723737 1.6320198153849967 1.6877400837205148 1.6242808892272844 1.6428543120057904 1.4958147150092922 +42471,1.0918427695768007,2,0.6336983410403407 0.5671435760840291 0.4990410258961769 0.5114233077485113 0.45260746894991194 0.4386774018660369 0.4386774018660369 0.4402251870975776 0.44796411325528984 0.5888125693256165 0.8008591460468856 1.043861427398995 1.334845050928919 1.4989102854723737 1.6320198153849967 1.6877400837205148 1.6242808892272844 1.6428543120057904 1.4958147150092922 1.316271628150413 +42472,0.841101562066979,2,0.5671435760840291 0.4990410258961769 0.5114233077485113 0.45260746894991194 0.4386774018660369 0.4386774018660369 0.4402251870975776 0.44796411325528984 0.5888125693256165 0.8008591460468856 1.043861427398995 1.334845050928919 1.4989102854723737 1.6320198153849967 1.6877400837205148 1.6242808892272844 1.6428543120057904 1.4958147150092922 1.316271628150413 1.0918427695768007 +42473,0.7002531059966522,2,0.4990410258961769 0.5114233077485113 0.45260746894991194 0.4386774018660369 0.4386774018660369 0.4402251870975776 0.44796411325528984 0.5888125693256165 0.8008591460468856 1.043861427398995 1.334845050928919 1.4989102854723737 1.6320198153849967 1.6877400837205148 1.6242808892272844 1.6428543120057904 1.4958147150092922 1.316271628150413 1.0918427695768007 0.841101562066979 +42474,0.6058382068725817,2,0.5114233077485113 0.45260746894991194 0.4386774018660369 0.4386774018660369 0.4402251870975776 0.44796411325528984 0.5888125693256165 0.8008591460468856 1.043861427398995 1.334845050928919 1.4989102854723737 1.6320198153849967 1.6877400837205148 1.6242808892272844 1.6428543120057904 1.4958147150092922 1.316271628150413 1.0918427695768007 0.841101562066979 0.7002531059966522 +42475,0.5346400862216482,2,0.45260746894991194 0.4386774018660369 0.4386774018660369 0.4402251870975776 0.44796411325528984 0.5888125693256165 0.8008591460468856 1.043861427398995 1.334845050928919 1.4989102854723737 1.6320198153849967 1.6877400837205148 1.6242808892272844 1.6428543120057904 1.4958147150092922 1.316271628150413 1.0918427695768007 0.841101562066979 0.7002531059966522 0.6058382068725817 +42476,0.5377356566847294,2,0.4386774018660369 0.4386774018660369 0.4402251870975776 0.44796411325528984 0.5888125693256165 0.8008591460468856 1.043861427398995 1.334845050928919 1.4989102854723737 1.6320198153849967 1.6877400837205148 1.6242808892272844 1.6428543120057904 1.4958147150092922 1.316271628150413 1.0918427695768007 0.841101562066979 0.7002531059966522 0.6058382068725817 0.5346400862216482 +42477,0.4990410258961769,2,0.4386774018660369 0.4402251870975776 0.44796411325528984 0.5888125693256165 0.8008591460468856 1.043861427398995 1.334845050928919 1.4989102854723737 1.6320198153849967 1.6877400837205148 1.6242808892272844 1.6428543120057904 1.4958147150092922 1.316271628150413 1.0918427695768007 0.841101562066979 0.7002531059966522 0.6058382068725817 0.5346400862216482 0.5377356566847294 +42478,0.4386774018660369,2,0.4402251870975776 0.44796411325528984 0.5888125693256165 0.8008591460468856 1.043861427398995 1.334845050928919 1.4989102854723737 1.6320198153849967 1.6877400837205148 1.6242808892272844 1.6428543120057904 1.4958147150092922 1.316271628150413 1.0918427695768007 0.841101562066979 0.7002531059966522 0.6058382068725817 0.5346400862216482 0.5377356566847294 0.4990410258961769 +42479,0.40307834154056565,2,0.44796411325528984 0.5888125693256165 0.8008591460468856 1.043861427398995 1.334845050928919 1.4989102854723737 1.6320198153849967 1.6877400837205148 1.6242808892272844 1.6428543120057904 1.4958147150092922 1.316271628150413 1.0918427695768007 0.841101562066979 0.7002531059966522 0.6058382068725817 0.5346400862216482 0.5377356566847294 0.4990410258961769 0.4386774018660369 +42480,0.35509699936276,2,0.5888125693256165 0.8008591460468856 1.043861427398995 1.334845050928919 1.4989102854723737 1.6320198153849967 1.6877400837205148 1.6242808892272844 1.6428543120057904 1.4958147150092922 1.316271628150413 1.0918427695768007 0.841101562066979 0.7002531059966522 0.6058382068725817 0.5346400862216482 0.5377356566847294 0.4990410258961769 0.4386774018660369 0.40307834154056565 +42481,0.4061739120036558,2,0.8008591460468856 1.043861427398995 1.334845050928919 1.4989102854723737 1.6320198153849967 1.6877400837205148 1.6242808892272844 1.6428543120057904 1.4958147150092922 1.316271628150413 1.0918427695768007 0.841101562066979 0.7002531059966522 0.6058382068725817 0.5346400862216482 0.5377356566847294 0.4990410258961769 0.4386774018660369 0.40307834154056565 0.35509699936276 +42482,0.42010397908753094,2,1.043861427398995 1.334845050928919 1.4989102854723737 1.6320198153849967 1.6877400837205148 1.6242808892272844 1.6428543120057904 1.4958147150092922 1.316271628150413 1.0918427695768007 0.841101562066979 0.7002531059966522 0.6058382068725817 0.5346400862216482 0.5377356566847294 0.4990410258961769 0.4386774018660369 0.40307834154056565 0.35509699936276 0.4061739120036558 +42483,0.36593149598355373,2,1.334845050928919 1.4989102854723737 1.6320198153849967 1.6877400837205148 1.6242808892272844 1.6428543120057904 1.4958147150092922 1.316271628150413 1.0918427695768007 0.841101562066979 0.7002531059966522 0.6058382068725817 0.5346400862216482 0.5377356566847294 0.4990410258961769 0.4386774018660369 0.40307834154056565 0.35509699936276 0.4061739120036558 0.42010397908753094 +42484,0.6336983410403407,2,1.4989102854723737 1.6320198153849967 1.6877400837205148 1.6242808892272844 1.6428543120057904 1.4958147150092922 1.316271628150413 1.0918427695768007 0.841101562066979 0.7002531059966522 0.6058382068725817 0.5346400862216482 0.5377356566847294 0.4990410258961769 0.4386774018660369 0.40307834154056565 0.35509699936276 0.4061739120036558 0.42010397908753094 0.36593149598355373 +42485,0.7745467971106762,2,1.6320198153849967 1.6877400837205148 1.6242808892272844 1.6428543120057904 1.4958147150092922 1.316271628150413 1.0918427695768007 0.841101562066979 0.7002531059966522 0.6058382068725817 0.5346400862216482 0.5377356566847294 0.4990410258961769 0.4386774018660369 0.40307834154056565 0.35509699936276 0.4061739120036558 0.42010397908753094 0.36593149598355373 0.6336983410403407 +42486,1.048504783093626,2,1.6877400837205148 1.6242808892272844 1.6428543120057904 1.4958147150092922 1.316271628150413 1.0918427695768007 0.841101562066979 0.7002531059966522 0.6058382068725817 0.5346400862216482 0.5377356566847294 0.4990410258961769 0.4386774018660369 0.40307834154056565 0.35509699936276 0.4061739120036558 0.42010397908753094 0.36593149598355373 0.6336983410403407 0.7745467971106762 +42487,1.2590035745833543,2,1.6242808892272844 1.6428543120057904 1.4958147150092922 1.316271628150413 1.0918427695768007 0.841101562066979 0.7002531059966522 0.6058382068725817 0.5346400862216482 0.5377356566847294 0.4990410258961769 0.4386774018660369 0.40307834154056565 0.35509699936276 0.4061739120036558 0.42010397908753094 0.36593149598355373 0.6336983410403407 0.7745467971106762 1.048504783093626 +42488,1.4137820977375648,2,1.6428543120057904 1.4958147150092922 1.316271628150413 1.0918427695768007 0.841101562066979 0.7002531059966522 0.6058382068725817 0.5346400862216482 0.5377356566847294 0.4990410258961769 0.4386774018660369 0.40307834154056565 0.35509699936276 0.4061739120036558 0.42010397908753094 0.36593149598355373 0.6336983410403407 0.7745467971106762 1.048504783093626 1.2590035745833543 +42489,1.5143881377877981,2,1.4958147150092922 1.316271628150413 1.0918427695768007 0.841101562066979 0.7002531059966522 0.6058382068725817 0.5346400862216482 0.5377356566847294 0.4990410258961769 0.4386774018660369 0.40307834154056565 0.35509699936276 0.4061739120036558 0.42010397908753094 0.36593149598355373 0.6336983410403407 0.7745467971106762 1.048504783093626 1.2590035745833543 1.4137820977375648 +42490,1.5778473322810285,2,1.316271628150413 1.0918427695768007 0.841101562066979 0.7002531059966522 0.6058382068725817 0.5346400862216482 0.5377356566847294 0.4990410258961769 0.4386774018660369 0.40307834154056565 0.35509699936276 0.4061739120036558 0.42010397908753094 0.36593149598355373 0.6336983410403407 0.7745467971106762 1.048504783093626 1.2590035745833543 1.4137820977375648 1.5143881377877981 +42491,1.6242808892272844,2,1.0918427695768007 0.841101562066979 0.7002531059966522 0.6058382068725817 0.5346400862216482 0.5377356566847294 0.4990410258961769 0.4386774018660369 0.40307834154056565 0.35509699936276 0.4061739120036558 0.42010397908753094 0.36593149598355373 0.6336983410403407 0.7745467971106762 1.048504783093626 1.2590035745833543 1.4137820977375648 1.5143881377877981 1.5778473322810285 +42492,1.5685606208917753,2,0.841101562066979 0.7002531059966522 0.6058382068725817 0.5346400862216482 0.5377356566847294 0.4990410258961769 0.4386774018660369 0.40307834154056565 0.35509699936276 0.4061739120036558 0.42010397908753094 0.36593149598355373 0.6336983410403407 0.7745467971106762 1.048504783093626 1.2590035745833543 1.4137820977375648 1.5143881377877981 1.5778473322810285 1.6242808892272844 +42493,1.450928943294577,2,0.7002531059966522 0.6058382068725817 0.5346400862216482 0.5377356566847294 0.4990410258961769 0.4386774018660369 0.40307834154056565 0.35509699936276 0.4061739120036558 0.42010397908753094 0.36593149598355373 0.6336983410403407 0.7745467971106762 1.048504783093626 1.2590035745833543 1.4137820977375648 1.5143881377877981 1.5778473322810285 1.6242808892272844 1.5685606208917753 +42494,1.325558339539666,2,0.6058382068725817 0.5346400862216482 0.5377356566847294 0.4990410258961769 0.4386774018660369 0.40307834154056565 0.35509699936276 0.4061739120036558 0.42010397908753094 0.36593149598355373 0.6336983410403407 0.7745467971106762 1.048504783093626 1.2590035745833543 1.4137820977375648 1.5143881377877981 1.5778473322810285 1.6242808892272844 1.5685606208917753 1.450928943294577 +42495,1.1042250514291438,2,0.5346400862216482 0.5377356566847294 0.4990410258961769 0.4386774018660369 0.40307834154056565 0.35509699936276 0.4061739120036558 0.42010397908753094 0.36593149598355373 0.6336983410403407 0.7745467971106762 1.048504783093626 1.2590035745833543 1.4137820977375648 1.5143881377877981 1.5778473322810285 1.6242808892272844 1.5685606208917753 1.450928943294577 1.325558339539666 +42496,0.8581271996139442,2,0.5377356566847294 0.4990410258961769 0.4386774018660369 0.40307834154056565 0.35509699936276 0.4061739120036558 0.42010397908753094 0.36593149598355373 0.6336983410403407 0.7745467971106762 1.048504783093626 1.2590035745833543 1.4137820977375648 1.5143881377877981 1.5778473322810285 1.6242808892272844 1.5685606208917753 1.450928943294577 1.325558339539666 1.1042250514291438 +42497,0.711087602617446,2,0.4990410258961769 0.4386774018660369 0.40307834154056565 0.35509699936276 0.4061739120036558 0.42010397908753094 0.36593149598355373 0.6336983410403407 0.7745467971106762 1.048504783093626 1.2590035745833543 1.4137820977375648 1.5143881377877981 1.5778473322810285 1.6242808892272844 1.5685606208917753 1.450928943294577 1.325558339539666 1.1042250514291438 0.8581271996139442 +42498,0.6197682739564656,2,0.4386774018660369 0.40307834154056565 0.35509699936276 0.4061739120036558 0.42010397908753094 0.36593149598355373 0.6336983410403407 0.7745467971106762 1.048504783093626 1.2590035745833543 1.4137820977375648 1.5143881377877981 1.5778473322810285 1.6242808892272844 1.5685606208917753 1.450928943294577 1.325558339539666 1.1042250514291438 0.8581271996139442 0.711087602617446 +42499,0.5609524351578663,2,0.40307834154056565 0.35509699936276 0.4061739120036558 0.42010397908753094 0.36593149598355373 0.6336983410403407 0.7745467971106762 1.048504783093626 1.2590035745833543 1.4137820977375648 1.5143881377877981 1.5778473322810285 1.6242808892272844 1.5685606208917753 1.450928943294577 1.325558339539666 1.1042250514291438 0.8581271996139442 0.711087602617446 0.6197682739564656 +42500,0.5005888111277176,2,0.35509699936276 0.4061739120036558 0.42010397908753094 0.36593149598355373 0.6336983410403407 0.7745467971106762 1.048504783093626 1.2590035745833543 1.4137820977375648 1.5143881377877981 1.5778473322810285 1.6242808892272844 1.5685606208917753 1.450928943294577 1.325558339539666 1.1042250514291438 0.8581271996139442 0.711087602617446 0.6197682739564656 0.5609524351578663 +42501,0.4758242474230488,2,0.4061739120036558 0.42010397908753094 0.36593149598355373 0.6336983410403407 0.7745467971106762 1.048504783093626 1.2590035745833543 1.4137820977375648 1.5143881377877981 1.5778473322810285 1.6242808892272844 1.5685606208917753 1.450928943294577 1.325558339539666 1.1042250514291438 0.8581271996139442 0.711087602617446 0.6197682739564656 0.5609524351578663 0.5005888111277176 +42502,0.40462612677210635,2,0.42010397908753094 0.36593149598355373 0.6336983410403407 0.7745467971106762 1.048504783093626 1.2590035745833543 1.4137820977375648 1.5143881377877981 1.5778473322810285 1.6242808892272844 1.5685606208917753 1.450928943294577 1.325558339539666 1.1042250514291438 0.8581271996139442 0.711087602617446 0.6197682739564656 0.5609524351578663 0.5005888111277176 0.4758242474230488 +42503,0.3334280061211727,2,0.36593149598355373 0.6336983410403407 0.7745467971106762 1.048504783093626 1.2590035745833543 1.4137820977375648 1.5143881377877981 1.5778473322810285 1.6242808892272844 1.5685606208917753 1.450928943294577 1.325558339539666 1.1042250514291438 0.8581271996139442 0.711087602617446 0.6197682739564656 0.5609524351578663 0.5005888111277176 0.4758242474230488 0.40462612677210635 +42504,0.29782894579570146,2,0.6336983410403407 0.7745467971106762 1.048504783093626 1.2590035745833543 1.4137820977375648 1.5143881377877981 1.5778473322810285 1.6242808892272844 1.5685606208917753 1.450928943294577 1.325558339539666 1.1042250514291438 0.8581271996139442 0.711087602617446 0.6197682739564656 0.5609524351578663 0.5005888111277176 0.4758242474230488 0.40462612677210635 0.3334280061211727 +42505,0.29009001963799796,2,0.7745467971106762 1.048504783093626 1.2590035745833543 1.4137820977375648 1.5143881377877981 1.5778473322810285 1.6242808892272844 1.5685606208917753 1.450928943294577 1.325558339539666 1.1042250514291438 0.8581271996139442 0.711087602617446 0.6197682739564656 0.5609524351578663 0.5005888111277176 0.4758242474230488 0.40462612677210635 0.3334280061211727 0.29782894579570146 +42506,0.2792555230171955,2,1.048504783093626 1.2590035745833543 1.4137820977375648 1.5143881377877981 1.5778473322810285 1.6242808892272844 1.5685606208917753 1.450928943294577 1.325558339539666 1.1042250514291438 0.8581271996139442 0.711087602617446 0.6197682739564656 0.5609524351578663 0.5005888111277176 0.4758242474230488 0.40462612677210635 0.3334280061211727 0.29782894579570146 0.29009001963799796 +42507,0.29009001963799796,2,1.2590035745833543 1.4137820977375648 1.5143881377877981 1.5778473322810285 1.6242808892272844 1.5685606208917753 1.450928943294577 1.325558339539666 1.1042250514291438 0.8581271996139442 0.711087602617446 0.6197682739564656 0.5609524351578663 0.5005888111277176 0.4758242474230488 0.40462612677210635 0.3334280061211727 0.29782894579570146 0.29009001963799796 0.2792555230171955 +42508,0.46498975080225513,2,1.4137820977375648 1.5143881377877981 1.5778473322810285 1.6242808892272844 1.5685606208917753 1.450928943294577 1.325558339539666 1.1042250514291438 0.8581271996139442 0.711087602617446 0.6197682739564656 0.5609524351578663 0.5005888111277176 0.4758242474230488 0.40462612677210635 0.3334280061211727 0.29782894579570146 0.29009001963799796 0.2792555230171955 0.29009001963799796 +42509,0.6383416967349717,2,1.5143881377877981 1.5778473322810285 1.6242808892272844 1.5685606208917753 1.450928943294577 1.325558339539666 1.1042250514291438 0.8581271996139442 0.711087602617446 0.6197682739564656 0.5609524351578663 0.5005888111277176 0.4758242474230488 0.40462612677210635 0.3334280061211727 0.29782894579570146 0.29009001963799796 0.2792555230171955 0.29009001963799796 0.46498975080225513 +42510,0.9045607565602091,2,1.5778473322810285 1.6242808892272844 1.5685606208917753 1.450928943294577 1.325558339539666 1.1042250514291438 0.8581271996139442 0.711087602617446 0.6197682739564656 0.5609524351578663 0.5005888111277176 0.4758242474230488 0.40462612677210635 0.3334280061211727 0.29782894579570146 0.29009001963799796 0.2792555230171955 0.29009001963799796 0.46498975080225513 0.6383416967349717 +42511,1.1955443800901242,2,1.6242808892272844 1.5685606208917753 1.450928943294577 1.325558339539666 1.1042250514291438 0.8581271996139442 0.711087602617446 0.6197682739564656 0.5609524351578663 0.5005888111277176 0.4758242474230488 0.40462612677210635 0.3334280061211727 0.29782894579570146 0.29009001963799796 0.2792555230171955 0.29009001963799796 0.46498975080225513 0.6383416967349717 0.9045607565602091 +42512,1.3781830374120936,2,1.5685606208917753 1.450928943294577 1.325558339539666 1.1042250514291438 0.8581271996139442 0.711087602617446 0.6197682739564656 0.5609524351578663 0.5005888111277176 0.4758242474230488 0.40462612677210635 0.3334280061211727 0.29782894579570146 0.29009001963799796 0.2792555230171955 0.29009001963799796 0.46498975080225513 0.6383416967349717 0.9045607565602091 1.1955443800901242 +42513,1.4880757888515799,2,1.450928943294577 1.325558339539666 1.1042250514291438 0.8581271996139442 0.711087602617446 0.6197682739564656 0.5609524351578663 0.5005888111277176 0.4758242474230488 0.40462612677210635 0.3334280061211727 0.29782894579570146 0.29009001963799796 0.2792555230171955 0.29009001963799796 0.46498975080225513 0.6383416967349717 0.9045607565602091 1.1955443800901242 1.3781830374120936 +42514,1.6521410233950435,2,1.325558339539666 1.1042250514291438 0.8581271996139442 0.711087602617446 0.6197682739564656 0.5609524351578663 0.5005888111277176 0.4758242474230488 0.40462612677210635 0.3334280061211727 0.29782894579570146 0.29009001963799796 0.2792555230171955 0.29009001963799796 0.46498975080225513 0.6383416967349717 0.9045607565602091 1.1955443800901242 1.3781830374120936 1.4880757888515799 +42515,1.6707144461735495,2,1.1042250514291438 0.8581271996139442 0.711087602617446 0.6197682739564656 0.5609524351578663 0.5005888111277176 0.4758242474230488 0.40462612677210635 0.3334280061211727 0.29782894579570146 0.29009001963799796 0.2792555230171955 0.29009001963799796 0.46498975080225513 0.6383416967349717 0.9045607565602091 1.1955443800901242 1.3781830374120936 1.4880757888515799 1.6521410233950435 +42516,1.6707144461735495,2,0.8581271996139442 0.711087602617446 0.6197682739564656 0.5609524351578663 0.5005888111277176 0.4758242474230488 0.40462612677210635 0.3334280061211727 0.29782894579570146 0.29009001963799796 0.2792555230171955 0.29009001963799796 0.46498975080225513 0.6383416967349717 0.9045607565602091 1.1955443800901242 1.3781830374120936 1.4880757888515799 1.6521410233950435 1.6707144461735495 +42517,1.6428543120057904,2,0.711087602617446 0.6197682739564656 0.5609524351578663 0.5005888111277176 0.4758242474230488 0.40462612677210635 0.3334280061211727 0.29782894579570146 0.29009001963799796 0.2792555230171955 0.29009001963799796 0.46498975080225513 0.6383416967349717 0.9045607565602091 1.1955443800901242 1.3781830374120936 1.4880757888515799 1.6521410233950435 1.6707144461735495 1.6707144461735495 +42518,1.469502366073074,2,0.6197682739564656 0.5609524351578663 0.5005888111277176 0.4758242474230488 0.40462612677210635 0.3334280061211727 0.29782894579570146 0.29009001963799796 0.2792555230171955 0.29009001963799796 0.46498975080225513 0.6383416967349717 0.9045607565602091 1.1955443800901242 1.3781830374120936 1.4880757888515799 1.6521410233950435 1.6707144461735495 1.6707144461735495 1.6428543120057904 +42519,1.30698491676116,2,0.5609524351578663 0.5005888111277176 0.4758242474230488 0.40462612677210635 0.3334280061211727 0.29782894579570146 0.29009001963799796 0.2792555230171955 0.29009001963799796 0.46498975080225513 0.6383416967349717 0.9045607565602091 1.1955443800901242 1.3781830374120936 1.4880757888515799 1.6521410233950435 1.6707144461735495 1.6707144461735495 1.6428543120057904 1.469502366073074 +42520,1.025288004620498,2,0.5005888111277176 0.4758242474230488 0.40462612677210635 0.3334280061211727 0.29782894579570146 0.29009001963799796 0.2792555230171955 0.29009001963799796 0.46498975080225513 0.6383416967349717 0.9045607565602091 1.1955443800901242 1.3781830374120936 1.4880757888515799 1.6521410233950435 1.6707144461735495 1.6707144461735495 1.6428543120057904 1.469502366073074 1.30698491676116 +42521,0.8364582063723568,2,0.4758242474230488 0.40462612677210635 0.3334280061211727 0.29782894579570146 0.29009001963799796 0.2792555230171955 0.29009001963799796 0.46498975080225513 0.6383416967349717 0.9045607565602091 1.1955443800901242 1.3781830374120936 1.4880757888515799 1.6521410233950435 1.6707144461735495 1.6707144461735495 1.6428543120057904 1.469502366073074 1.30698491676116 1.025288004620498 +42522,0.7033486764597336,2,0.40462612677210635 0.3334280061211727 0.29782894579570146 0.29009001963799796 0.2792555230171955 0.29009001963799796 0.46498975080225513 0.6383416967349717 0.9045607565602091 1.1955443800901242 1.3781830374120936 1.4880757888515799 1.6521410233950435 1.6707144461735495 1.6707144461735495 1.6428543120057904 1.469502366073074 1.30698491676116 1.025288004620498 0.8364582063723568 +42523,0.6073859921041225,2,0.3334280061211727 0.29782894579570146 0.29009001963799796 0.2792555230171955 0.29009001963799796 0.46498975080225513 0.6383416967349717 0.9045607565602091 1.1955443800901242 1.3781830374120936 1.4880757888515799 1.6521410233950435 1.6707144461735495 1.6707144461735495 1.6428543120057904 1.469502366073074 1.30698491676116 1.025288004620498 0.8364582063723568 0.7033486764597336 +42524,0.57178693177866,2,0.29782894579570146 0.29009001963799796 0.2792555230171955 0.29009001963799796 0.46498975080225513 0.6383416967349717 0.9045607565602091 1.1955443800901242 1.3781830374120936 1.4880757888515799 1.6521410233950435 1.6707144461735495 1.6707144461735495 1.6428543120057904 1.469502366073074 1.30698491676116 1.025288004620498 0.8364582063723568 0.7033486764597336 0.6073859921041225 +42525,0.4882065292753832,2,0.29009001963799796 0.2792555230171955 0.29009001963799796 0.46498975080225513 0.6383416967349717 0.9045607565602091 1.1955443800901242 1.3781830374120936 1.4880757888515799 1.6521410233950435 1.6707144461735495 1.6707144461735495 1.6428543120057904 1.469502366073074 1.30698491676116 1.025288004620498 0.8364582063723568 0.7033486764597336 0.6073859921041225 0.57178693177866 +42526,0.4882065292753832,2,0.2792555230171955 0.29009001963799796 0.46498975080225513 0.6383416967349717 0.9045607565602091 1.1955443800901242 1.3781830374120936 1.4880757888515799 1.6521410233950435 1.6707144461735495 1.6707144461735495 1.6428543120057904 1.469502366073074 1.30698491676116 1.025288004620498 0.8364582063723568 0.7033486764597336 0.6073859921041225 0.57178693177866 0.4882065292753832 +42527,0.40462612677210635,2,0.29009001963799796 0.46498975080225513 0.6383416967349717 0.9045607565602091 1.1955443800901242 1.3781830374120936 1.4880757888515799 1.6521410233950435 1.6707144461735495 1.6707144461735495 1.6428543120057904 1.469502366073074 1.30698491676116 1.025288004620498 0.8364582063723568 0.7033486764597336 0.6073859921041225 0.57178693177866 0.4882065292753832 0.4882065292753832 +42528,0.3690270664466439,2,0.46498975080225513 0.6383416967349717 0.9045607565602091 1.1955443800901242 1.3781830374120936 1.4880757888515799 1.6521410233950435 1.6707144461735495 1.6707144461735495 1.6428543120057904 1.469502366073074 1.30698491676116 1.025288004620498 0.8364582063723568 0.7033486764597336 0.6073859921041225 0.57178693177866 0.4882065292753832 0.4882065292753832 0.40462612677210635 +42529,0.2792555230171955,2,0.6383416967349717 0.9045607565602091 1.1955443800901242 1.3781830374120936 1.4880757888515799 1.6521410233950435 1.6707144461735495 1.6707144461735495 1.6428543120057904 1.469502366073074 1.30698491676116 1.025288004620498 0.8364582063723568 0.7033486764597336 0.6073859921041225 0.57178693177866 0.4882065292753832 0.4882065292753832 0.40462612677210635 0.3690270664466439 +42530,0.2684210263964018,2,0.9045607565602091 1.1955443800901242 1.3781830374120936 1.4880757888515799 1.6521410233950435 1.6707144461735495 1.6707144461735495 1.6428543120057904 1.469502366073074 1.30698491676116 1.025288004620498 0.8364582063723568 0.7033486764597336 0.6073859921041225 0.57178693177866 0.4882065292753832 0.4882065292753832 0.40462612677210635 0.3690270664466439 0.2792555230171955 +42531,0.322593509500379,2,1.1955443800901242 1.3781830374120936 1.4880757888515799 1.6521410233950435 1.6707144461735495 1.6707144461735495 1.6428543120057904 1.469502366073074 1.30698491676116 1.025288004620498 0.8364582063723568 0.7033486764597336 0.6073859921041225 0.57178693177866 0.4882065292753832 0.4882065292753832 0.40462612677210635 0.3690270664466439 0.2792555230171955 0.2684210263964018 +42532,0.5594046499263169,2,1.3781830374120936 1.4880757888515799 1.6521410233950435 1.6707144461735495 1.6707144461735495 1.6428543120057904 1.469502366073074 1.30698491676116 1.025288004620498 0.8364582063723568 0.7033486764597336 0.6073859921041225 0.57178693177866 0.4882065292753832 0.4882065292753832 0.40462612677210635 0.3690270664466439 0.2792555230171955 0.2684210263964018 0.322593509500379 +42533,0.8318148506777348,2,1.4880757888515799 1.6521410233950435 1.6707144461735495 1.6707144461735495 1.6428543120057904 1.469502366073074 1.30698491676116 1.025288004620498 0.8364582063723568 0.7033486764597336 0.6073859921041225 0.57178693177866 0.4882065292753832 0.4882065292753832 0.40462612677210635 0.3690270664466439 0.2792555230171955 0.2684210263964018 0.322593509500379 0.5594046499263169 +42534,1.1119639775868473,2,1.6521410233950435 1.6707144461735495 1.6707144461735495 1.6428543120057904 1.469502366073074 1.30698491676116 1.025288004620498 0.8364582063723568 0.7033486764597336 0.6073859921041225 0.57178693177866 0.4882065292753832 0.4882065292753832 0.40462612677210635 0.3690270664466439 0.2792555230171955 0.2684210263964018 0.322593509500379 0.5594046499263169 0.8318148506777348 +42535,1.460215654683821,2,1.6707144461735495 1.6707144461735495 1.6428543120057904 1.469502366073074 1.30698491676116 1.025288004620498 0.8364582063723568 0.7033486764597336 0.6073859921041225 0.57178693177866 0.4882065292753832 0.4882065292753832 0.40462612677210635 0.3690270664466439 0.2792555230171955 0.2684210263964018 0.322593509500379 0.5594046499263169 0.8318148506777348 1.1119639775868473 +42536,1.6660710904789273,2,1.6707144461735495 1.6428543120057904 1.469502366073074 1.30698491676116 1.025288004620498 0.8364582063723568 0.7033486764597336 0.6073859921041225 0.57178693177866 0.4882065292753832 0.4882065292753832 0.40462612677210635 0.3690270664466439 0.2792555230171955 0.2684210263964018 0.322593509500379 0.5594046499263169 0.8318148506777348 1.1119639775868473 1.460215654683821 +42537,1.8502575330324376,2,1.6428543120057904 1.469502366073074 1.30698491676116 1.025288004620498 0.8364582063723568 0.7033486764597336 0.6073859921041225 0.57178693177866 0.4882065292753832 0.4882065292753832 0.40462612677210635 0.3690270664466439 0.2792555230171955 0.2684210263964018 0.322593509500379 0.5594046499263169 0.8318148506777348 1.1119639775868473 1.460215654683821 1.6660710904789273 +42538,1.935385720767255,2,1.469502366073074 1.30698491676116 1.025288004620498 0.8364582063723568 0.7033486764597336 0.6073859921041225 0.57178693177866 0.4882065292753832 0.4882065292753832 0.40462612677210635 0.3690270664466439 0.2792555230171955 0.2684210263964018 0.322593509500379 0.5594046499263169 0.8318148506777348 1.1119639775868473 1.460215654683821 1.6660710904789273 1.8502575330324376 +42539,1.9709847810927175,2,1.30698491676116 1.025288004620498 0.8364582063723568 0.7033486764597336 0.6073859921041225 0.57178693177866 0.4882065292753832 0.4882065292753832 0.40462612677210635 0.3690270664466439 0.2792555230171955 0.2684210263964018 0.322593509500379 0.5594046499263169 0.8318148506777348 1.1119639775868473 1.460215654683821 1.6660710904789273 1.8502575330324376 1.935385720767255 +42540,1.935385720767255,2,1.025288004620498 0.8364582063723568 0.7033486764597336 0.6073859921041225 0.57178693177866 0.4882065292753832 0.4882065292753832 0.40462612677210635 0.3690270664466439 0.2792555230171955 0.2684210263964018 0.322593509500379 0.5594046499263169 0.8318148506777348 1.1119639775868473 1.460215654683821 1.6660710904789273 1.8502575330324376 1.935385720767255 1.9709847810927175 +42541,1.8688309558109435,2,0.8364582063723568 0.7033486764597336 0.6073859921041225 0.57178693177866 0.4882065292753832 0.4882065292753832 0.40462612677210635 0.3690270664466439 0.2792555230171955 0.2684210263964018 0.322593509500379 0.5594046499263169 0.8318148506777348 1.1119639775868473 1.460215654683821 1.6660710904789273 1.8502575330324376 1.935385720767255 1.9709847810927175 1.935385720767255 +42542,1.6830967280258926,2,0.7033486764597336 0.6073859921041225 0.57178693177866 0.4882065292753832 0.4882065292753832 0.40462612677210635 0.3690270664466439 0.2792555230171955 0.2684210263964018 0.322593509500379 0.5594046499263169 0.8318148506777348 1.1119639775868473 1.460215654683821 1.6660710904789273 1.8502575330324376 1.935385720767255 1.9709847810927175 1.935385720767255 1.8688309558109435 +42543,1.4246165943583586,2,0.6073859921041225 0.57178693177866 0.4882065292753832 0.4882065292753832 0.40462612677210635 0.3690270664466439 0.2792555230171955 0.2684210263964018 0.322593509500379 0.5594046499263169 0.8318148506777348 1.1119639775868473 1.460215654683821 1.6660710904789273 1.8502575330324376 1.935385720767255 1.9709847810927175 1.935385720767255 1.8688309558109435 1.6830967280258926 +42544,1.0949383400398909,2,0.57178693177866 0.4882065292753832 0.4882065292753832 0.40462612677210635 0.3690270664466439 0.2792555230171955 0.2684210263964018 0.322593509500379 0.5594046499263169 0.8318148506777348 1.1119639775868473 1.460215654683821 1.6660710904789273 1.8502575330324376 1.935385720767255 1.9709847810927175 1.935385720767255 1.8688309558109435 1.6830967280258926 1.4246165943583586 +42545,0.8333626359092754,2,0.4882065292753832 0.4882065292753832 0.40462612677210635 0.3690270664466439 0.2792555230171955 0.2684210263964018 0.322593509500379 0.5594046499263169 0.8318148506777348 1.1119639775868473 1.460215654683821 1.6660710904789273 1.8502575330324376 1.935385720767255 1.9709847810927175 1.935385720767255 1.8688309558109435 1.6830967280258926 1.4246165943583586 1.0949383400398909 +42546,0.6909663946073993,2,0.4882065292753832 0.40462612677210635 0.3690270664466439 0.2792555230171955 0.2684210263964018 0.322593509500379 0.5594046499263169 0.8318148506777348 1.1119639775868473 1.460215654683821 1.6660710904789273 1.8502575330324376 1.935385720767255 1.9709847810927175 1.935385720767255 1.8688309558109435 1.6830967280258926 1.4246165943583586 1.0949383400398909 0.8333626359092754 +42547,0.5950037102517881,2,0.40462612677210635 0.3690270664466439 0.2792555230171955 0.2684210263964018 0.322593509500379 0.5594046499263169 0.8318148506777348 1.1119639775868473 1.460215654683821 1.6660710904789273 1.8502575330324376 1.935385720767255 1.9709847810927175 1.935385720767255 1.8688309558109435 1.6830967280258926 1.4246165943583586 1.0949383400398909 0.8333626359092754 0.6909663946073993 +42548,0.5454745828424418,2,0.3690270664466439 0.2792555230171955 0.2684210263964018 0.322593509500379 0.5594046499263169 0.8318148506777348 1.1119639775868473 1.460215654683821 1.6660710904789273 1.8502575330324376 1.935385720767255 1.9709847810927175 1.935385720767255 1.8688309558109435 1.6830967280258926 1.4246165943583586 1.0949383400398909 0.8333626359092754 0.6909663946073993 0.5950037102517881 +42549,0.46808532126533653,2,0.2792555230171955 0.2684210263964018 0.322593509500379 0.5594046499263169 0.8318148506777348 1.1119639775868473 1.460215654683821 1.6660710904789273 1.8502575330324376 1.935385720767255 1.9709847810927175 1.935385720767255 1.8688309558109435 1.6830967280258926 1.4246165943583586 1.0949383400398909 0.8333626359092754 0.6909663946073993 0.5950037102517881 0.5454745828424418 +42550,0.3690270664466439,2,0.2684210263964018 0.322593509500379 0.5594046499263169 0.8318148506777348 1.1119639775868473 1.460215654683821 1.6660710904789273 1.8502575330324376 1.935385720767255 1.9709847810927175 1.935385720767255 1.8688309558109435 1.6830967280258926 1.4246165943583586 1.0949383400398909 0.8333626359092754 0.6909663946073993 0.5950037102517881 0.5454745828424418 0.46808532126533653 +42551,0.262229885470239,2,0.322593509500379 0.5594046499263169 0.8318148506777348 1.1119639775868473 1.460215654683821 1.6660710904789273 1.8502575330324376 1.935385720767255 1.9709847810927175 1.935385720767255 1.8688309558109435 1.6830967280258926 1.4246165943583586 1.0949383400398909 0.8333626359092754 0.6909663946073993 0.5950037102517881 0.5454745828424418 0.46808532126533653 0.3690270664466439 +42552,0.2127007580608927,2,0.5594046499263169 0.8318148506777348 1.1119639775868473 1.460215654683821 1.6660710904789273 1.8502575330324376 1.935385720767255 1.9709847810927175 1.935385720767255 1.8688309558109435 1.6830967280258926 1.4246165943583586 1.0949383400398909 0.8333626359092754 0.6909663946073993 0.5950037102517881 0.5454745828424418 0.46808532126533653 0.3690270664466439 0.262229885470239 +42553,0.15388491926228462,2,0.8318148506777348 1.1119639775868473 1.460215654683821 1.6660710904789273 1.8502575330324376 1.935385720767255 1.9709847810927175 1.935385720767255 1.8688309558109435 1.6830967280258926 1.4246165943583586 1.0949383400398909 0.8333626359092754 0.6909663946073993 0.5950037102517881 0.5454745828424418 0.46808532126533653 0.3690270664466439 0.262229885470239 0.2127007580608927 +42554,0.16626720111462778,2,1.1119639775868473 1.460215654683821 1.6660710904789273 1.8502575330324376 1.935385720767255 1.9709847810927175 1.935385720767255 1.8688309558109435 1.6830967280258926 1.4246165943583586 1.0949383400398909 0.8333626359092754 0.6909663946073993 0.5950037102517881 0.5454745828424418 0.46808532126533653 0.3690270664466439 0.262229885470239 0.2127007580608927 0.15388491926228462 +42555,0.13995485217840953,2,1.460215654683821 1.6660710904789273 1.8502575330324376 1.935385720767255 1.9709847810927175 1.935385720767255 1.8688309558109435 1.6830967280258926 1.4246165943583586 1.0949383400398909 0.8333626359092754 0.6909663946073993 0.5950037102517881 0.5454745828424418 0.46808532126533653 0.3690270664466439 0.262229885470239 0.2127007580608927 0.15388491926228462 0.16626720111462778 +42556,0.443320757560659,2,1.6660710904789273 1.8502575330324376 1.935385720767255 1.9709847810927175 1.935385720767255 1.8688309558109435 1.6830967280258926 1.4246165943583586 1.0949383400398909 0.8333626359092754 0.6909663946073993 0.5950037102517881 0.5454745828424418 0.46808532126533653 0.3690270664466439 0.262229885470239 0.2127007580608927 0.15388491926228462 0.16626720111462778 0.13995485217840953 +42557,0.75287780386908,2,1.8502575330324376 1.935385720767255 1.9709847810927175 1.935385720767255 1.8688309558109435 1.6830967280258926 1.4246165943583586 1.0949383400398909 0.8333626359092754 0.6909663946073993 0.5950037102517881 0.5454745828424418 0.46808532126533653 0.3690270664466439 0.262229885470239 0.2127007580608927 0.15388491926228462 0.16626720111462778 0.13995485217840953 0.443320757560659 +42558,1.034574716009742,2,1.935385720767255 1.9709847810927175 1.935385720767255 1.8688309558109435 1.6830967280258926 1.4246165943583586 1.0949383400398909 0.8333626359092754 0.6909663946073993 0.5950037102517881 0.5454745828424418 0.46808532126533653 0.3690270664466439 0.262229885470239 0.2127007580608927 0.15388491926228462 0.16626720111462778 0.13995485217840953 0.443320757560659 0.75287780386908 +42559,1.2868637087511132,2,1.9709847810927175 1.935385720767255 1.8688309558109435 1.6830967280258926 1.4246165943583586 1.0949383400398909 0.8333626359092754 0.6909663946073993 0.5950037102517881 0.5454745828424418 0.46808532126533653 0.3690270664466439 0.262229885470239 0.2127007580608927 0.15388491926228462 0.16626720111462778 0.13995485217840953 0.443320757560659 0.75287780386908 1.034574716009742 +42560,1.5592739095025223,2,1.935385720767255 1.8688309558109435 1.6830967280258926 1.4246165943583586 1.0949383400398909 0.8333626359092754 0.6909663946073993 0.5950037102517881 0.5454745828424418 0.46808532126533653 0.3690270664466439 0.262229885470239 0.2127007580608927 0.15388491926228462 0.16626720111462778 0.13995485217840953 0.443320757560659 0.75287780386908 1.034574716009742 1.2868637087511132 +42561,1.658332164321215,2,1.8688309558109435 1.6830967280258926 1.4246165943583586 1.0949383400398909 0.8333626359092754 0.6909663946073993 0.5950037102517881 0.5454745828424418 0.46808532126533653 0.3690270664466439 0.262229885470239 0.2127007580608927 0.15388491926228462 0.16626720111462778 0.13995485217840953 0.443320757560659 0.75287780386908 1.034574716009742 1.2868637087511132 1.5592739095025223 +42562,1.7264347145090673,2,1.6830967280258926 1.4246165943583586 1.0949383400398909 0.8333626359092754 0.6909663946073993 0.5950037102517881 0.5454745828424418 0.46808532126533653 0.3690270664466439 0.262229885470239 0.2127007580608927 0.15388491926228462 0.16626720111462778 0.13995485217840953 0.443320757560659 0.75287780386908 1.034574716009742 1.2868637087511132 1.5592739095025223 1.658332164321215 +42563,1.7960850499284602,2,1.4246165943583586 1.0949383400398909 0.8333626359092754 0.6909663946073993 0.5950037102517881 0.5454745828424418 0.46808532126533653 0.3690270664466439 0.262229885470239 0.2127007580608927 0.15388491926228462 0.16626720111462778 0.13995485217840953 0.443320757560659 0.75287780386908 1.034574716009742 1.2868637087511132 1.5592739095025223 1.658332164321215 1.7264347145090673 +42564,1.769772700992242,2,1.0949383400398909 0.8333626359092754 0.6909663946073993 0.5950037102517881 0.5454745828424418 0.46808532126533653 0.3690270664466439 0.262229885470239 0.2127007580608927 0.15388491926228462 0.16626720111462778 0.13995485217840953 0.443320757560659 0.75287780386908 1.034574716009742 1.2868637087511132 1.5592739095025223 1.658332164321215 1.7264347145090673 1.7960850499284602 +42565,1.7527470634452855,2,0.8333626359092754 0.6909663946073993 0.5950037102517881 0.5454745828424418 0.46808532126533653 0.3690270664466439 0.262229885470239 0.2127007580608927 0.15388491926228462 0.16626720111462778 0.13995485217840953 0.443320757560659 0.75287780386908 1.034574716009742 1.2868637087511132 1.5592739095025223 1.658332164321215 1.7264347145090673 1.7960850499284602 1.769772700992242 +42566,1.5608216947340632,2,0.6909663946073993 0.5950037102517881 0.5454745828424418 0.46808532126533653 0.3690270664466439 0.262229885470239 0.2127007580608927 0.15388491926228462 0.16626720111462778 0.13995485217840953 0.443320757560659 0.75287780386908 1.034574716009742 1.2868637087511132 1.5592739095025223 1.658332164321215 1.7264347145090673 1.7960850499284602 1.769772700992242 1.7527470634452855 +42567,1.3472273327812534,2,0.5950037102517881 0.5454745828424418 0.46808532126533653 0.3690270664466439 0.262229885470239 0.2127007580608927 0.15388491926228462 0.16626720111462778 0.13995485217840953 0.443320757560659 0.75287780386908 1.034574716009742 1.2868637087511132 1.5592739095025223 1.658332164321215 1.7264347145090673 1.7960850499284602 1.769772700992242 1.7527470634452855 1.5608216947340632 +42568,1.0639826354090505,2,0.5454745828424418 0.46808532126533653 0.3690270664466439 0.262229885470239 0.2127007580608927 0.15388491926228462 0.16626720111462778 0.13995485217840953 0.443320757560659 0.75287780386908 1.034574716009742 1.2868637087511132 1.5592739095025223 1.658332164321215 1.7264347145090673 1.7960850499284602 1.769772700992242 1.7527470634452855 1.5608216947340632 1.3472273327812534 +42569,0.8225281392884818,2,0.46808532126533653 0.3690270664466439 0.262229885470239 0.2127007580608927 0.15388491926228462 0.16626720111462778 0.13995485217840953 0.443320757560659 0.75287780386908 1.034574716009742 1.2868637087511132 1.5592739095025223 1.658332164321215 1.7264347145090673 1.7960850499284602 1.769772700992242 1.7527470634452855 1.5608216947340632 1.3472273327812534 1.0639826354090505 +42570,0.6801318979866057,2,0.3690270664466439 0.262229885470239 0.2127007580608927 0.15388491926228462 0.16626720111462778 0.13995485217840953 0.443320757560659 0.75287780386908 1.034574716009742 1.2868637087511132 1.5592739095025223 1.658332164321215 1.7264347145090673 1.7960850499284602 1.769772700992242 1.7527470634452855 1.5608216947340632 1.3472273327812534 1.0639826354090505 0.8225281392884818 +42571,0.5841692136309944,2,0.262229885470239 0.2127007580608927 0.15388491926228462 0.16626720111462778 0.13995485217840953 0.443320757560659 0.75287780386908 1.034574716009742 1.2868637087511132 1.5592739095025223 1.658332164321215 1.7264347145090673 1.7960850499284602 1.769772700992242 1.7527470634452855 1.5608216947340632 1.3472273327812534 1.0639826354090505 0.8225281392884818 0.6801318979866057 +42572,0.5005888111277176,2,0.2127007580608927 0.15388491926228462 0.16626720111462778 0.13995485217840953 0.443320757560659 0.75287780386908 1.034574716009742 1.2868637087511132 1.5592739095025223 1.658332164321215 1.7264347145090673 1.7960850499284602 1.769772700992242 1.7527470634452855 1.5608216947340632 1.3472273327812534 1.0639826354090505 0.8225281392884818 0.6801318979866057 0.5841692136309944 +42573,0.4293906904767839,2,0.15388491926228462 0.16626720111462778 0.13995485217840953 0.443320757560659 0.75287780386908 1.034574716009742 1.2868637087511132 1.5592739095025223 1.658332164321215 1.7264347145090673 1.7960850499284602 1.769772700992242 1.7527470634452855 1.5608216947340632 1.3472273327812534 1.0639826354090505 0.8225281392884818 0.6801318979866057 0.5841692136309944 0.5005888111277176 +42574,0.37986156306743757,2,0.16626720111462778 0.13995485217840953 0.443320757560659 0.75287780386908 1.034574716009742 1.2868637087511132 1.5592739095025223 1.658332164321215 1.7264347145090673 1.7960850499284602 1.769772700992242 1.7527470634452855 1.5608216947340632 1.3472273327812534 1.0639826354090505 0.8225281392884818 0.6801318979866057 0.5841692136309944 0.5005888111277176 0.4293906904767839 +42575,0.3334280061211727,2,0.13995485217840953 0.443320757560659 0.75287780386908 1.034574716009742 1.2868637087511132 1.5592739095025223 1.658332164321215 1.7264347145090673 1.7960850499284602 1.769772700992242 1.7527470634452855 1.5608216947340632 1.3472273327812534 1.0639826354090505 0.8225281392884818 0.6801318979866057 0.5841692136309944 0.5005888111277176 0.4293906904767839 0.37986156306743757 +42576,0.313306798111126,2,0.443320757560659 0.75287780386908 1.034574716009742 1.2868637087511132 1.5592739095025223 1.658332164321215 1.7264347145090673 1.7960850499284602 1.769772700992242 1.7527470634452855 1.5608216947340632 1.3472273327812534 1.0639826354090505 0.8225281392884818 0.6801318979866057 0.5841692136309944 0.5005888111277176 0.4293906904767839 0.37986156306743757 0.3334280061211727 +42577,0.29009001963799796,2,0.75287780386908 1.034574716009742 1.2868637087511132 1.5592739095025223 1.658332164321215 1.7264347145090673 1.7960850499284602 1.769772700992242 1.7527470634452855 1.5608216947340632 1.3472273327812534 1.0639826354090505 0.8225281392884818 0.6801318979866057 0.5841692136309944 0.5005888111277176 0.4293906904767839 0.37986156306743757 0.3334280061211727 0.313306798111126 +42578,0.24984760361789585,2,1.034574716009742 1.2868637087511132 1.5592739095025223 1.658332164321215 1.7264347145090673 1.7960850499284602 1.769772700992242 1.7527470634452855 1.5608216947340632 1.3472273327812534 1.0639826354090505 0.8225281392884818 0.6801318979866057 0.5841692136309944 0.5005888111277176 0.4293906904767839 0.37986156306743757 0.3334280061211727 0.313306798111126 0.29009001963799796 +42579,0.24210867746019235,2,1.2868637087511132 1.5592739095025223 1.658332164321215 1.7264347145090673 1.7960850499284602 1.769772700992242 1.7527470634452855 1.5608216947340632 1.3472273327812534 1.0639826354090505 0.8225281392884818 0.6801318979866057 0.5841692136309944 0.5005888111277176 0.4293906904767839 0.37986156306743757 0.3334280061211727 0.313306798111126 0.29009001963799796 0.24984760361789585 +42580,0.49284988497000526,2,1.5592739095025223 1.658332164321215 1.7264347145090673 1.7960850499284602 1.769772700992242 1.7527470634452855 1.5608216947340632 1.3472273327812534 1.0639826354090505 0.8225281392884818 0.6801318979866057 0.5841692136309944 0.5005888111277176 0.4293906904767839 0.37986156306743757 0.3334280061211727 0.313306798111126 0.29009001963799796 0.24984760361789585 0.24210867746019235 +42581,0.7729990118791267,2,1.658332164321215 1.7264347145090673 1.7960850499284602 1.769772700992242 1.7527470634452855 1.5608216947340632 1.3472273327812534 1.0639826354090505 0.8225281392884818 0.6801318979866057 0.5841692136309944 0.5005888111277176 0.4293906904767839 0.37986156306743757 0.3334280061211727 0.313306798111126 0.29009001963799796 0.24984760361789585 0.24210867746019235 0.49284988497000526 +42582,1.1398241117546062,2,1.7264347145090673 1.7960850499284602 1.769772700992242 1.7527470634452855 1.5608216947340632 1.3472273327812534 1.0639826354090505 0.8225281392884818 0.6801318979866057 0.5841692136309944 0.5005888111277176 0.4293906904767839 0.37986156306743757 0.3334280061211727 0.313306798111126 0.29009001963799796 0.24984760361789585 0.24210867746019235 0.49284988497000526 0.7729990118791267 +42583,1.4029476011167712,2,1.7960850499284602 1.769772700992242 1.7527470634452855 1.5608216947340632 1.3472273327812534 1.0639826354090505 0.8225281392884818 0.6801318979866057 0.5841692136309944 0.5005888111277176 0.4293906904767839 0.37986156306743757 0.3334280061211727 0.313306798111126 0.29009001963799796 0.24984760361789585 0.24210867746019235 0.49284988497000526 0.7729990118791267 1.1398241117546062 +42584,1.588681828901822,2,1.769772700992242 1.7527470634452855 1.5608216947340632 1.3472273327812534 1.0639826354090505 0.8225281392884818 0.6801318979866057 0.5841692136309944 0.5005888111277176 0.4293906904767839 0.37986156306743757 0.3334280061211727 0.313306798111126 0.29009001963799796 0.24984760361789585 0.24210867746019235 0.49284988497000526 0.7729990118791267 1.1398241117546062 1.4029476011167712 +42585,1.7156002178882737,2,1.7527470634452855 1.5608216947340632 1.3472273327812534 1.0639826354090505 0.8225281392884818 0.6801318979866057 0.5841692136309944 0.5005888111277176 0.4293906904767839 0.37986156306743757 0.3334280061211727 0.313306798111126 0.29009001963799796 0.24984760361789585 0.24210867746019235 0.49284988497000526 0.7729990118791267 1.1398241117546062 1.4029476011167712 1.588681828901822 +42586,1.8641876001163125,2,1.5608216947340632 1.3472273327812534 1.0639826354090505 0.8225281392884818 0.6801318979866057 0.5841692136309944 0.5005888111277176 0.4293906904767839 0.37986156306743757 0.3334280061211727 0.313306798111126 0.29009001963799796 0.24984760361789585 0.24210867746019235 0.49284988497000526 0.7729990118791267 1.1398241117546062 1.4029476011167712 1.588681828901822 1.7156002178882737 +42587,1.88895216382099,2,1.3472273327812534 1.0639826354090505 0.8225281392884818 0.6801318979866057 0.5841692136309944 0.5005888111277176 0.4293906904767839 0.37986156306743757 0.3334280061211727 0.313306798111126 0.29009001963799796 0.24984760361789585 0.24210867746019235 0.49284988497000526 0.7729990118791267 1.1398241117546062 1.4029476011167712 1.588681828901822 1.7156002178882737 1.8641876001163125 +42588,1.8564486739586004,2,1.0639826354090505 0.8225281392884818 0.6801318979866057 0.5841692136309944 0.5005888111277176 0.4293906904767839 0.37986156306743757 0.3334280061211727 0.313306798111126 0.29009001963799796 0.24984760361789585 0.24210867746019235 0.49284988497000526 0.7729990118791267 1.1398241117546062 1.4029476011167712 1.588681828901822 1.7156002178882737 1.8641876001163125 1.88895216382099 +42589,1.7620337748345385,2,0.8225281392884818 0.6801318979866057 0.5841692136309944 0.5005888111277176 0.4293906904767839 0.37986156306743757 0.3334280061211727 0.313306798111126 0.29009001963799796 0.24984760361789585 0.24210867746019235 0.49284988497000526 0.7729990118791267 1.1398241117546062 1.4029476011167712 1.588681828901822 1.7156002178882737 1.8641876001163125 1.88895216382099 1.8564486739586004 +42590,1.5716561913548568,2,0.6801318979866057 0.5841692136309944 0.5005888111277176 0.4293906904767839 0.37986156306743757 0.3334280061211727 0.313306798111126 0.29009001963799796 0.24984760361789585 0.24210867746019235 0.49284988497000526 0.7729990118791267 1.1398241117546062 1.4029476011167712 1.588681828901822 1.7156002178882737 1.8641876001163125 1.88895216382099 1.8564486739586004 1.7620337748345385 +42591,1.260551359814895,2,0.5841692136309944 0.5005888111277176 0.4293906904767839 0.37986156306743757 0.3334280061211727 0.313306798111126 0.29009001963799796 0.24984760361789585 0.24210867746019235 0.49284988497000526 0.7729990118791267 1.1398241117546062 1.4029476011167712 1.588681828901822 1.7156002178882737 1.8641876001163125 1.88895216382099 1.8564486739586004 1.7620337748345385 1.5716561913548568 +42592,0.9587332396641863,2,0.5005888111277176 0.4293906904767839 0.37986156306743757 0.3334280061211727 0.313306798111126 0.29009001963799796 0.24984760361789585 0.24210867746019235 0.49284988497000526 0.7729990118791267 1.1398241117546062 1.4029476011167712 1.588681828901822 1.7156002178882737 1.8641876001163125 1.88895216382099 1.8564486739586004 1.7620337748345385 1.5716561913548568 1.260551359814895 +42593,0.7822857232683796,2,0.4293906904767839 0.37986156306743757 0.3334280061211727 0.313306798111126 0.29009001963799796 0.24984760361789585 0.24210867746019235 0.49284988497000526 0.7729990118791267 1.1398241117546062 1.4029476011167712 1.588681828901822 1.7156002178882737 1.8641876001163125 1.88895216382099 1.8564486739586004 1.7620337748345385 1.5716561913548568 1.260551359814895 0.9587332396641863 +42594,0.6089337773356631,2,0.37986156306743757 0.3334280061211727 0.313306798111126 0.29009001963799796 0.24984760361789585 0.24210867746019235 0.49284988497000526 0.7729990118791267 1.1398241117546062 1.4029476011167712 1.588681828901822 1.7156002178882737 1.8641876001163125 1.88895216382099 1.8564486739586004 1.7620337748345385 1.5716561913548568 1.260551359814895 0.9587332396641863 0.7822857232683796 +42595,0.5361878714531888,2,0.3334280061211727 0.313306798111126 0.29009001963799796 0.24984760361789585 0.24210867746019235 0.49284988497000526 0.7729990118791267 1.1398241117546062 1.4029476011167712 1.588681828901822 1.7156002178882737 1.8641876001163125 1.88895216382099 1.8564486739586004 1.7620337748345385 1.5716561913548568 1.260551359814895 0.9587332396641863 0.7822857232683796 0.6089337773356631 +42596,0.46498975080225513,2,0.313306798111126 0.29009001963799796 0.24984760361789585 0.24210867746019235 0.49284988497000526 0.7729990118791267 1.1398241117546062 1.4029476011167712 1.588681828901822 1.7156002178882737 1.8641876001163125 1.88895216382099 1.8564486739586004 1.7620337748345385 1.5716561913548568 1.260551359814895 0.9587332396641863 0.7822857232683796 0.6089337773356631 0.5361878714531888 +42597,0.41700840862444954,2,0.29009001963799796 0.24984760361789585 0.24210867746019235 0.49284988497000526 0.7729990118791267 1.1398241117546062 1.4029476011167712 1.588681828901822 1.7156002178882737 1.8641876001163125 1.88895216382099 1.8564486739586004 1.7620337748345385 1.5716561913548568 1.260551359814895 0.9587332396641863 0.7822857232683796 0.6089337773356631 0.5361878714531888 0.46498975080225513 +42598,0.34581028797350705,2,0.24984760361789585 0.24210867746019235 0.49284988497000526 0.7729990118791267 1.1398241117546062 1.4029476011167712 1.588681828901822 1.7156002178882737 1.8641876001163125 1.88895216382099 1.8564486739586004 1.7620337748345385 1.5716561913548568 1.260551359814895 0.9587332396641863 0.7822857232683796 0.6089337773356631 0.5361878714531888 0.46498975080225513 0.41700840862444954 +42599,0.3210457242688383,2,0.24210867746019235 0.49284988497000526 0.7729990118791267 1.1398241117546062 1.4029476011167712 1.588681828901822 1.7156002178882737 1.8641876001163125 1.88895216382099 1.8564486739586004 1.7620337748345385 1.5716561913548568 1.260551359814895 0.9587332396641863 0.7822857232683796 0.6089337773356631 0.5361878714531888 0.46498975080225513 0.41700840862444954 0.34581028797350705 +42600,0.2730643820910327,2,0.49284988497000526 0.7729990118791267 1.1398241117546062 1.4029476011167712 1.588681828901822 1.7156002178882737 1.8641876001163125 1.88895216382099 1.8564486739586004 1.7620337748345385 1.5716561913548568 1.260551359814895 0.9587332396641863 0.7822857232683796 0.6089337773356631 0.5361878714531888 0.46498975080225513 0.41700840862444954 0.34581028797350705 0.3210457242688383 +42601,0.23901310699710215,2,0.7729990118791267 1.1398241117546062 1.4029476011167712 1.588681828901822 1.7156002178882737 1.8641876001163125 1.88895216382099 1.8564486739586004 1.7620337748345385 1.5716561913548568 1.260551359814895 0.9587332396641863 0.7822857232683796 0.6089337773356631 0.5361878714531888 0.46498975080225513 0.41700840862444954 0.34581028797350705 0.3210457242688383 0.2730643820910327 +42602,0.25758652977560814,2,1.1398241117546062 1.4029476011167712 1.588681828901822 1.7156002178882737 1.8641876001163125 1.88895216382099 1.8564486739586004 1.7620337748345385 1.5716561913548568 1.260551359814895 0.9587332396641863 0.7822857232683796 0.6089337773356631 0.5361878714531888 0.46498975080225513 0.41700840862444954 0.34581028797350705 0.3210457242688383 0.2730643820910327 0.23901310699710215 +42603,0.23282196607093936,2,1.4029476011167712 1.588681828901822 1.7156002178882737 1.8641876001163125 1.88895216382099 1.8564486739586004 1.7620337748345385 1.5716561913548568 1.260551359814895 0.9587332396641863 0.7822857232683796 0.6089337773356631 0.5361878714531888 0.46498975080225513 0.41700840862444954 0.34581028797350705 0.3210457242688383 0.2730643820910327 0.23901310699710215 0.25758652977560814 +42604,0.4758242474230488,2,1.588681828901822 1.7156002178882737 1.8641876001163125 1.88895216382099 1.8564486739586004 1.7620337748345385 1.5716561913548568 1.260551359814895 0.9587332396641863 0.7822857232683796 0.6089337773356631 0.5361878714531888 0.46498975080225513 0.41700840862444954 0.34581028797350705 0.3210457242688383 0.2730643820910327 0.23901310699710215 0.25758652977560814 0.23282196607093936 +42605,0.7451388777113765,2,1.7156002178882737 1.8641876001163125 1.88895216382099 1.8564486739586004 1.7620337748345385 1.5716561913548568 1.260551359814895 0.9587332396641863 0.7822857232683796 0.6089337773356631 0.5361878714531888 0.46498975080225513 0.41700840862444954 0.34581028797350705 0.3210457242688383 0.2730643820910327 0.23901310699710215 0.25758652977560814 0.23282196607093936 0.4758242474230488 +42606,1.016001293231245,2,1.8641876001163125 1.88895216382099 1.8564486739586004 1.7620337748345385 1.5716561913548568 1.260551359814895 0.9587332396641863 0.7822857232683796 0.6089337773356631 0.5361878714531888 0.46498975080225513 0.41700840862444954 0.34581028797350705 0.3210457242688383 0.2730643820910327 0.23901310699710215 0.25758652977560814 0.23282196607093936 0.4758242474230488 0.7451388777113765 +42607,1.409138742042934,2,1.88895216382099 1.8564486739586004 1.7620337748345385 1.5716561913548568 1.260551359814895 0.9587332396641863 0.7822857232683796 0.6089337773356631 0.5361878714531888 0.46498975080225513 0.41700840862444954 0.34581028797350705 0.3210457242688383 0.2730643820910327 0.23901310699710215 0.25758652977560814 0.23282196607093936 0.4758242474230488 0.7451388777113765 1.016001293231245 +42608,1.649045452931962,2,1.8564486739586004 1.7620337748345385 1.5716561913548568 1.260551359814895 0.9587332396641863 0.7822857232683796 0.6089337773356631 0.5361878714531888 0.46498975080225513 0.41700840862444954 0.34581028797350705 0.3210457242688383 0.2730643820910327 0.23901310699710215 0.25758652977560814 0.23282196607093936 0.4758242474230488 0.7451388777113765 1.016001293231245 1.409138742042934 +42609,1.772868271455332,2,1.7620337748345385 1.5716561913548568 1.260551359814895 0.9587332396641863 0.7822857232683796 0.6089337773356631 0.5361878714531888 0.46498975080225513 0.41700840862444954 0.34581028797350705 0.3210457242688383 0.2730643820910327 0.23901310699710215 0.25758652977560814 0.23282196607093936 0.4758242474230488 0.7451388777113765 1.016001293231245 1.409138742042934 1.649045452931962 +42610,1.8208496136331378,2,1.5716561913548568 1.260551359814895 0.9587332396641863 0.7822857232683796 0.6089337773356631 0.5361878714531888 0.46498975080225513 0.41700840862444954 0.34581028797350705 0.3210457242688383 0.2730643820910327 0.23901310699710215 0.25758652977560814 0.23282196607093936 0.4758242474230488 0.7451388777113765 1.016001293231245 1.409138742042934 1.649045452931962 1.772868271455332 +42611,1.8997866604417837,2,1.260551359814895 0.9587332396641863 0.7822857232683796 0.6089337773356631 0.5361878714531888 0.46498975080225513 0.41700840862444954 0.34581028797350705 0.3210457242688383 0.2730643820910327 0.23901310699710215 0.25758652977560814 0.23282196607093936 0.4758242474230488 0.7451388777113765 1.016001293231245 1.409138742042934 1.649045452931962 1.772868271455332 1.8208496136331378 +42612,1.8641876001163125,2,0.9587332396641863 0.7822857232683796 0.6089337773356631 0.5361878714531888 0.46498975080225513 0.41700840862444954 0.34581028797350705 0.3210457242688383 0.2730643820910327 0.23901310699710215 0.25758652977560814 0.23282196607093936 0.4758242474230488 0.7451388777113765 1.016001293231245 1.409138742042934 1.649045452931962 1.772868271455332 1.8208496136331378 1.8997866604417837 +42613,1.7372692111298609,2,0.7822857232683796 0.6089337773356631 0.5361878714531888 0.46498975080225513 0.41700840862444954 0.34581028797350705 0.3210457242688383 0.2730643820910327 0.23901310699710215 0.25758652977560814 0.23282196607093936 0.4758242474230488 0.7451388777113765 1.016001293231245 1.409138742042934 1.649045452931962 1.772868271455332 1.8208496136331378 1.8997866604417837 1.8641876001163125 +42614,1.5360571310293856,2,0.6089337773356631 0.5361878714531888 0.46498975080225513 0.41700840862444954 0.34581028797350705 0.3210457242688383 0.2730643820910327 0.23901310699710215 0.25758652977560814 0.23282196607093936 0.4758242474230488 0.7451388777113765 1.016001293231245 1.409138742042934 1.649045452931962 1.772868271455332 1.8208496136331378 1.8997866604417837 1.8641876001163125 1.7372692111298609 +42615,1.2203089437948018,2,0.5361878714531888 0.46498975080225513 0.41700840862444954 0.34581028797350705 0.3210457242688383 0.2730643820910327 0.23901310699710215 0.25758652977560814 0.23282196607093936 0.4758242474230488 0.7451388777113765 1.016001293231245 1.409138742042934 1.649045452931962 1.772868271455332 1.8208496136331378 1.8997866604417837 1.8641876001163125 1.7372692111298609 1.5360571310293856 +42616,0.9107518974863807,2,0.46498975080225513 0.41700840862444954 0.34581028797350705 0.3210457242688383 0.2730643820910327 0.23901310699710215 0.25758652977560814 0.23282196607093936 0.4758242474230488 0.7451388777113765 1.016001293231245 1.409138742042934 1.649045452931962 1.772868271455332 1.8208496136331378 1.8997866604417837 1.8641876001163125 1.7372692111298609 1.5360571310293856 1.2203089437948018 +42617,0.7358521663221236,2,0.41700840862444954 0.34581028797350705 0.3210457242688383 0.2730643820910327 0.23901310699710215 0.25758652977560814 0.23282196607093936 0.4758242474230488 0.7451388777113765 1.016001293231245 1.409138742042934 1.649045452931962 1.772868271455332 1.8208496136331378 1.8997866604417837 1.8641876001163125 1.7372692111298609 1.5360571310293856 1.2203089437948018 0.9107518974863807 +42618,0.6213160591880064,2,0.34581028797350705 0.3210457242688383 0.2730643820910327 0.23901310699710215 0.25758652977560814 0.23282196607093936 0.4758242474230488 0.7451388777113765 1.016001293231245 1.409138742042934 1.649045452931962 1.772868271455332 1.8208496136331378 1.8997866604417837 1.8641876001163125 1.7372692111298609 1.5360571310293856 1.2203089437948018 0.9107518974863807 0.7358521663221236 +42619,0.5129710929800607,2,0.3210457242688383 0.2730643820910327 0.23901310699710215 0.25758652977560814 0.23282196607093936 0.4758242474230488 0.7451388777113765 1.016001293231245 1.409138742042934 1.649045452931962 1.772868271455332 1.8208496136331378 1.8997866604417837 1.8641876001163125 1.7372692111298609 1.5360571310293856 1.2203089437948018 0.9107518974863807 0.7358521663221236 0.6213160591880064 +42620,0.45260746894991194,2,0.2730643820910327 0.23901310699710215 0.25758652977560814 0.23282196607093936 0.4758242474230488 0.7451388777113765 1.016001293231245 1.409138742042934 1.649045452931962 1.772868271455332 1.8208496136331378 1.8997866604417837 1.8641876001163125 1.7372692111298609 1.5360571310293856 1.2203089437948018 0.9107518974863807 0.7358521663221236 0.6213160591880064 0.5129710929800607 +42621,0.4293906904767839,2,0.23901310699710215 0.25758652977560814 0.23282196607093936 0.4758242474230488 0.7451388777113765 1.016001293231245 1.409138742042934 1.649045452931962 1.772868271455332 1.8208496136331378 1.8997866604417837 1.8641876001163125 1.7372692111298609 1.5360571310293856 1.2203089437948018 0.9107518974863807 0.7358521663221236 0.6213160591880064 0.5129710929800607 0.45260746894991194 +42622,0.3690270664466439,2,0.25758652977560814 0.23282196607093936 0.4758242474230488 0.7451388777113765 1.016001293231245 1.409138742042934 1.649045452931962 1.772868271455332 1.8208496136331378 1.8997866604417837 1.8641876001163125 1.7372692111298609 1.5360571310293856 1.2203089437948018 0.9107518974863807 0.7358521663221236 0.6213160591880064 0.5129710929800607 0.45260746894991194 0.4293906904767839 +42623,0.262229885470239,2,0.23282196607093936 0.4758242474230488 0.7451388777113765 1.016001293231245 1.409138742042934 1.649045452931962 1.772868271455332 1.8208496136331378 1.8997866604417837 1.8641876001163125 1.7372692111298609 1.5360571310293856 1.2203089437948018 0.9107518974863807 0.7358521663221236 0.6213160591880064 0.5129710929800607 0.45260746894991194 0.4293906904767839 0.3690270664466439 +42624,0.23746532176556145,2,0.4758242474230488 0.7451388777113765 1.016001293231245 1.409138742042934 1.649045452931962 1.772868271455332 1.8208496136331378 1.8997866604417837 1.8641876001163125 1.7372692111298609 1.5360571310293856 1.2203089437948018 0.9107518974863807 0.7358521663221236 0.6213160591880064 0.5129710929800607 0.45260746894991194 0.4293906904767839 0.3690270664466439 0.262229885470239 +42625,0.2157963285239741,2,0.7451388777113765 1.016001293231245 1.409138742042934 1.649045452931962 1.772868271455332 1.8208496136331378 1.8997866604417837 1.8641876001163125 1.7372692111298609 1.5360571310293856 1.2203089437948018 0.9107518974863807 0.7358521663221236 0.6213160591880064 0.5129710929800607 0.45260746894991194 0.4293906904767839 0.3690270664466439 0.262229885470239 0.23746532176556145 +42626,0.2127007580608927,2,1.016001293231245 1.409138742042934 1.649045452931962 1.772868271455332 1.8208496136331378 1.8997866604417837 1.8641876001163125 1.7372692111298609 1.5360571310293856 1.2203089437948018 0.9107518974863807 0.7358521663221236 0.6213160591880064 0.5129710929800607 0.45260746894991194 0.4293906904767839 0.3690270664466439 0.262229885470239 0.23746532176556145 0.2157963285239741 +42627,0.18019726819850287,2,1.409138742042934 1.649045452931962 1.772868271455332 1.8208496136331378 1.8997866604417837 1.8641876001163125 1.7372692111298609 1.5360571310293856 1.2203089437948018 0.9107518974863807 0.7358521663221236 0.6213160591880064 0.5129710929800607 0.45260746894991194 0.4293906904767839 0.3690270664466439 0.262229885470239 0.23746532176556145 0.2157963285239741 0.2127007580608927 +42628,0.3566447845943007,2,1.649045452931962 1.772868271455332 1.8208496136331378 1.8997866604417837 1.8641876001163125 1.7372692111298609 1.5360571310293856 1.2203089437948018 0.9107518974863807 0.7358521663221236 0.6213160591880064 0.5129710929800607 0.45260746894991194 0.4293906904767839 0.3690270664466439 0.262229885470239 0.23746532176556145 0.2157963285239741 0.2127007580608927 0.18019726819850287 +42629,0.5702391465471105,2,1.772868271455332 1.8208496136331378 1.8997866604417837 1.8641876001163125 1.7372692111298609 1.5360571310293856 1.2203089437948018 0.9107518974863807 0.7358521663221236 0.6213160591880064 0.5129710929800607 0.45260746894991194 0.4293906904767839 0.3690270664466439 0.262229885470239 0.23746532176556145 0.2157963285239741 0.2127007580608927 0.18019726819850287 0.3566447845943007 +42630,0.8705094814662874,2,1.8208496136331378 1.8997866604417837 1.8641876001163125 1.7372692111298609 1.5360571310293856 1.2203089437948018 0.9107518974863807 0.7358521663221236 0.6213160591880064 0.5129710929800607 0.45260746894991194 0.4293906904767839 0.3690270664466439 0.262229885470239 0.23746532176556145 0.2157963285239741 0.2127007580608927 0.18019726819850287 0.3566447845943007 0.5702391465471105 +42631,1.1939965948585836,2,1.8997866604417837 1.8641876001163125 1.7372692111298609 1.5360571310293856 1.2203089437948018 0.9107518974863807 0.7358521663221236 0.6213160591880064 0.5129710929800607 0.45260746894991194 0.4293906904767839 0.3690270664466439 0.262229885470239 0.23746532176556145 0.2157963285239741 0.2127007580608927 0.18019726819850287 0.3566447845943007 0.5702391465471105 0.8705094814662874 +42632,1.4323555205160707,2,1.8641876001163125 1.7372692111298609 1.5360571310293856 1.2203089437948018 0.9107518974863807 0.7358521663221236 0.6213160591880064 0.5129710929800607 0.45260746894991194 0.4293906904767839 0.3690270664466439 0.262229885470239 0.23746532176556145 0.2157963285239741 0.2127007580608927 0.18019726819850287 0.3566447845943007 0.5702391465471105 0.8705094814662874 1.1939965948585836 +42633,1.597968540291075,2,1.7372692111298609 1.5360571310293856 1.2203089437948018 0.9107518974863807 0.7358521663221236 0.6213160591880064 0.5129710929800607 0.45260746894991194 0.4293906904767839 0.3690270664466439 0.262229885470239 0.23746532176556145 0.2157963285239741 0.2127007580608927 0.18019726819850287 0.3566447845943007 0.5702391465471105 0.8705094814662874 1.1939965948585836 1.4323555205160707 +42634,1.7357214258983202,2,1.5360571310293856 1.2203089437948018 0.9107518974863807 0.7358521663221236 0.6213160591880064 0.5129710929800607 0.45260746894991194 0.4293906904767839 0.3690270664466439 0.262229885470239 0.23746532176556145 0.2157963285239741 0.2127007580608927 0.18019726819850287 0.3566447845943007 0.5702391465471105 0.8705094814662874 1.1939965948585836 1.4323555205160707 1.597968540291075 +42635,1.7264347145090673,2,1.2203089437948018 0.9107518974863807 0.7358521663221236 0.6213160591880064 0.5129710929800607 0.45260746894991194 0.4293906904767839 0.3690270664466439 0.262229885470239 0.23746532176556145 0.2157963285239741 0.2127007580608927 0.18019726819850287 0.3566447845943007 0.5702391465471105 0.8705094814662874 1.1939965948585836 1.4323555205160707 1.597968540291075 1.7357214258983202 +42636,1.5995163255226157,2,0.9107518974863807 0.7358521663221236 0.6213160591880064 0.5129710929800607 0.45260746894991194 0.4293906904767839 0.3690270664466439 0.262229885470239 0.23746532176556145 0.2157963285239741 0.2127007580608927 0.18019726819850287 0.3566447845943007 0.5702391465471105 0.8705094814662874 1.1939965948585836 1.4323555205160707 1.597968540291075 1.7357214258983202 1.7264347145090673 +42637,1.4710501513046235,2,0.7358521663221236 0.6213160591880064 0.5129710929800607 0.45260746894991194 0.4293906904767839 0.3690270664466439 0.262229885470239 0.23746532176556145 0.2157963285239741 0.2127007580608927 0.18019726819850287 0.3566447845943007 0.5702391465471105 0.8705094814662874 1.1939965948585836 1.4323555205160707 1.597968540291075 1.7357214258983202 1.7264347145090673 1.5995163255226157 +42638,1.325558339539666,2,0.6213160591880064 0.5129710929800607 0.45260746894991194 0.4293906904767839 0.3690270664466439 0.262229885470239 0.23746532176556145 0.2157963285239741 0.2127007580608927 0.18019726819850287 0.3566447845943007 0.5702391465471105 0.8705094814662874 1.1939965948585836 1.4323555205160707 1.597968540291075 1.7357214258983202 1.7264347145090673 1.5995163255226157 1.4710501513046235 +42639,1.011357937536614,2,0.5129710929800607 0.45260746894991194 0.4293906904767839 0.3690270664466439 0.262229885470239 0.23746532176556145 0.2157963285239741 0.2127007580608927 0.18019726819850287 0.3566447845943007 0.5702391465471105 0.8705094814662874 1.1939965948585836 1.4323555205160707 1.597968540291075 1.7357214258983202 1.7264347145090673 1.5995163255226157 1.4710501513046235 1.325558339539666 +42640,0.6275072001141692,2,0.45260746894991194 0.4293906904767839 0.3690270664466439 0.262229885470239 0.23746532176556145 0.2157963285239741 0.2127007580608927 0.18019726819850287 0.3566447845943007 0.5702391465471105 0.8705094814662874 1.1939965948585836 1.4323555205160707 1.597968540291075 1.7357214258983202 1.7264347145090673 1.5995163255226157 1.4710501513046235 1.325558339539666 1.011357937536614 +42641,0.45879860987608356,2,0.4293906904767839 0.3690270664466439 0.262229885470239 0.23746532176556145 0.2157963285239741 0.2127007580608927 0.18019726819850287 0.3566447845943007 0.5702391465471105 0.8705094814662874 1.1939965948585836 1.4323555205160707 1.597968540291075 1.7357214258983202 1.7264347145090673 1.5995163255226157 1.4710501513046235 1.325558339539666 1.011357937536614 0.6275072001141692 +42642,0.35819256982585024,2,0.3690270664466439 0.262229885470239 0.23746532176556145 0.2157963285239741 0.2127007580608927 0.18019726819850287 0.3566447845943007 0.5702391465471105 0.8705094814662874 1.1939965948585836 1.4323555205160707 1.597968540291075 1.7357214258983202 1.7264347145090673 1.5995163255226157 1.4710501513046235 1.325558339539666 1.011357937536614 0.6275072001141692 0.45879860987608356 +42643,0.3102112276480446,2,0.262229885470239 0.23746532176556145 0.2157963285239741 0.2127007580608927 0.18019726819850287 0.3566447845943007 0.5702391465471105 0.8705094814662874 1.1939965948585836 1.4323555205160707 1.597968540291075 1.7357214258983202 1.7264347145090673 1.5995163255226157 1.4710501513046235 1.325558339539666 1.011357937536614 0.6275072001141692 0.45879860987608356 0.35819256982585024 +42644,0.262229885470239,2,0.23746532176556145 0.2157963285239741 0.2127007580608927 0.18019726819850287 0.3566447845943007 0.5702391465471105 0.8705094814662874 1.1939965948585836 1.4323555205160707 1.597968540291075 1.7357214258983202 1.7264347145090673 1.5995163255226157 1.4710501513046235 1.325558339539666 1.011357937536614 0.6275072001141692 0.45879860987608356 0.35819256982585024 0.3102112276480446 +42645,0.26068210023868954,2,0.2157963285239741 0.2127007580608927 0.18019726819850287 0.3566447845943007 0.5702391465471105 0.8705094814662874 1.1939965948585836 1.4323555205160707 1.597968540291075 1.7357214258983202 1.7264347145090673 1.5995163255226157 1.4710501513046235 1.325558339539666 1.011357937536614 0.6275072001141692 0.45879860987608356 0.35819256982585024 0.3102112276480446 0.262229885470239 +42646,0.271516596859492,2,0.2127007580608927 0.18019726819850287 0.3566447845943007 0.5702391465471105 0.8705094814662874 1.1939965948585836 1.4323555205160707 1.597968540291075 1.7357214258983202 1.7264347145090673 1.5995163255226157 1.4710501513046235 1.325558339539666 1.011357937536614 0.6275072001141692 0.45879860987608356 0.35819256982585024 0.3102112276480446 0.262229885470239 0.26068210023868954 +42647,0.34426250274196635,2,0.18019726819850287 0.3566447845943007 0.5702391465471105 0.8705094814662874 1.1939965948585836 1.4323555205160707 1.597968540291075 1.7357214258983202 1.7264347145090673 1.5995163255226157 1.4710501513046235 1.325558339539666 1.011357937536614 0.6275072001141692 0.45879860987608356 0.35819256982585024 0.3102112276480446 0.262229885470239 0.26068210023868954 0.271516596859492 +42648,0.3210457242688383,2,0.3566447845943007 0.5702391465471105 0.8705094814662874 1.1939965948585836 1.4323555205160707 1.597968540291075 1.7357214258983202 1.7264347145090673 1.5995163255226157 1.4710501513046235 1.325558339539666 1.011357937536614 0.6275072001141692 0.45879860987608356 0.35819256982585024 0.3102112276480446 0.262229885470239 0.26068210023868954 0.271516596859492 0.34426250274196635 +42649,0.3086634424164951,2,0.5702391465471105 0.8705094814662874 1.1939965948585836 1.4323555205160707 1.597968540291075 1.7357214258983202 1.7264347145090673 1.5995163255226157 1.4710501513046235 1.325558339539666 1.011357937536614 0.6275072001141692 0.45879860987608356 0.35819256982585024 0.3102112276480446 0.262229885470239 0.26068210023868954 0.271516596859492 0.34426250274196635 0.3210457242688383 +42650,0.262229885470239,2,0.8705094814662874 1.1939965948585836 1.4323555205160707 1.597968540291075 1.7357214258983202 1.7264347145090673 1.5995163255226157 1.4710501513046235 1.325558339539666 1.011357937536614 0.6275072001141692 0.45879860987608356 0.35819256982585024 0.3102112276480446 0.262229885470239 0.26068210023868954 0.271516596859492 0.34426250274196635 0.3210457242688383 0.3086634424164951 +42651,0.18019726819850287,2,1.1939965948585836 1.4323555205160707 1.597968540291075 1.7357214258983202 1.7264347145090673 1.5995163255226157 1.4710501513046235 1.325558339539666 1.011357937536614 0.6275072001141692 0.45879860987608356 0.35819256982585024 0.3102112276480446 0.262229885470239 0.26068210023868954 0.271516596859492 0.34426250274196635 0.3210457242688383 0.3086634424164951 0.262229885470239 +42652,0.2730643820910327,2,1.4323555205160707 1.597968540291075 1.7357214258983202 1.7264347145090673 1.5995163255226157 1.4710501513046235 1.325558339539666 1.011357937536614 0.6275072001141692 0.45879860987608356 0.35819256982585024 0.3102112276480446 0.262229885470239 0.26068210023868954 0.271516596859492 0.34426250274196635 0.3210457242688383 0.3086634424164951 0.262229885470239 0.18019726819850287 +42653,0.57178693177866,2,1.597968540291075 1.7357214258983202 1.7264347145090673 1.5995163255226157 1.4710501513046235 1.325558339539666 1.011357937536614 0.6275072001141692 0.45879860987608356 0.35819256982585024 0.3102112276480446 0.262229885470239 0.26068210023868954 0.271516596859492 0.34426250274196635 0.3210457242688383 0.3086634424164951 0.262229885470239 0.18019726819850287 0.2730643820910327 +42654,0.8116936426676793,2,1.7357214258983202 1.7264347145090673 1.5995163255226157 1.4710501513046235 1.325558339539666 1.011357937536614 0.6275072001141692 0.45879860987608356 0.35819256982585024 0.3102112276480446 0.262229885470239 0.26068210023868954 0.271516596859492 0.34426250274196635 0.3210457242688383 0.3086634424164951 0.262229885470239 0.18019726819850287 0.2730643820910327 0.57178693177866 +42655,1.1398241117546062,2,1.7264347145090673 1.5995163255226157 1.4710501513046235 1.325558339539666 1.011357937536614 0.6275072001141692 0.45879860987608356 0.35819256982585024 0.3102112276480446 0.262229885470239 0.26068210023868954 0.271516596859492 0.34426250274196635 0.3210457242688383 0.3086634424164951 0.262229885470239 0.18019726819850287 0.2730643820910327 0.57178693177866 0.8116936426676793 +42656,1.4230688091268178,2,1.5995163255226157 1.4710501513046235 1.325558339539666 1.011357937536614 0.6275072001141692 0.45879860987608356 0.35819256982585024 0.3102112276480446 0.262229885470239 0.26068210023868954 0.271516596859492 0.34426250274196635 0.3210457242688383 0.3086634424164951 0.262229885470239 0.18019726819850287 0.2730643820910327 0.57178693177866 0.8116936426676793 1.1398241117546062 +42657,1.6892878689520554,2,1.4710501513046235 1.325558339539666 1.011357937536614 0.6275072001141692 0.45879860987608356 0.35819256982585024 0.3102112276480446 0.262229885470239 0.26068210023868954 0.271516596859492 0.34426250274196635 0.3210457242688383 0.3086634424164951 0.262229885470239 0.18019726819850287 0.2730643820910327 0.57178693177866 0.8116936426676793 1.1398241117546062 1.4230688091268178 +42658,1.7434603520560326,2,1.325558339539666 1.011357937536614 0.6275072001141692 0.45879860987608356 0.35819256982585024 0.3102112276480446 0.262229885470239 0.26068210023868954 0.271516596859492 0.34426250274196635 0.3210457242688383 0.3086634424164951 0.262229885470239 0.18019726819850287 0.2730643820910327 0.57178693177866 0.8116936426676793 1.1398241117546062 1.4230688091268178 1.6892878689520554 +42659,1.7434603520560326,2,1.011357937536614 0.6275072001141692 0.45879860987608356 0.35819256982585024 0.3102112276480446 0.262229885470239 0.26068210023868954 0.271516596859492 0.34426250274196635 0.3210457242688383 0.3086634424164951 0.262229885470239 0.18019726819850287 0.2730643820910327 0.57178693177866 0.8116936426676793 1.1398241117546062 1.4230688091268178 1.6892878689520554 1.7434603520560326 +42660,1.6753578018681803,2,0.6275072001141692 0.45879860987608356 0.35819256982585024 0.3102112276480446 0.262229885470239 0.26068210023868954 0.271516596859492 0.34426250274196635 0.3210457242688383 0.3086634424164951 0.262229885470239 0.18019726819850287 0.2730643820910327 0.57178693177866 0.8116936426676793 1.1398241117546062 1.4230688091268178 1.6892878689520554 1.7434603520560326 1.7434603520560326 +42661,1.4973625002408328,2,0.45879860987608356 0.35819256982585024 0.3102112276480446 0.262229885470239 0.26068210023868954 0.271516596859492 0.34426250274196635 0.3210457242688383 0.3086634424164951 0.262229885470239 0.18019726819850287 0.2730643820910327 0.57178693177866 0.8116936426676793 1.1398241117546062 1.4230688091268178 1.6892878689520554 1.7434603520560326 1.7434603520560326 1.6753578018681803 +42662,1.3240105543081164,2,0.35819256982585024 0.3102112276480446 0.262229885470239 0.26068210023868954 0.271516596859492 0.34426250274196635 0.3210457242688383 0.3086634424164951 0.262229885470239 0.18019726819850287 0.2730643820910327 0.57178693177866 0.8116936426676793 1.1398241117546062 1.4230688091268178 1.6892878689520554 1.7434603520560326 1.7434603520560326 1.6753578018681803 1.4973625002408328 +42663,1.0655304206405911,2,0.3102112276480446 0.262229885470239 0.26068210023868954 0.271516596859492 0.34426250274196635 0.3210457242688383 0.3086634424164951 0.262229885470239 0.18019726819850287 0.2730643820910327 0.57178693177866 0.8116936426676793 1.1398241117546062 1.4230688091268178 1.6892878689520554 1.7434603520560326 1.7434603520560326 1.6753578018681803 1.4973625002408328 1.3240105543081164 +42664,0.6956097503020214,2,0.262229885470239 0.26068210023868954 0.271516596859492 0.34426250274196635 0.3210457242688383 0.3086634424164951 0.262229885470239 0.18019726819850287 0.2730643820910327 0.57178693177866 0.8116936426676793 1.1398241117546062 1.4230688091268178 1.6892878689520554 1.7434603520560326 1.7434603520560326 1.6753578018681803 1.4973625002408328 1.3240105543081164 1.0655304206405911 +42665,0.4804676031176709,2,0.26068210023868954 0.271516596859492 0.34426250274196635 0.3210457242688383 0.3086634424164951 0.262229885470239 0.18019726819850287 0.2730643820910327 0.57178693177866 0.8116936426676793 1.1398241117546062 1.4230688091268178 1.6892878689520554 1.7434603520560326 1.7434603520560326 1.6753578018681803 1.4973625002408328 1.3240105543081164 1.0655304206405911 0.6956097503020214 +42666,0.35819256982585024,2,0.271516596859492 0.34426250274196635 0.3210457242688383 0.3086634424164951 0.262229885470239 0.18019726819850287 0.2730643820910327 0.57178693177866 0.8116936426676793 1.1398241117546062 1.4230688091268178 1.6892878689520554 1.7434603520560326 1.7434603520560326 1.6753578018681803 1.4973625002408328 1.3240105543081164 1.0655304206405911 0.6956097503020214 0.4804676031176709 +42667,0.2854466639433671,2,0.34426250274196635 0.3210457242688383 0.3086634424164951 0.262229885470239 0.18019726819850287 0.2730643820910327 0.57178693177866 0.8116936426676793 1.1398241117546062 1.4230688091268178 1.6892878689520554 1.7434603520560326 1.7434603520560326 1.6753578018681803 1.4973625002408328 1.3240105543081164 1.0655304206405911 0.6956097503020214 0.4804676031176709 0.35819256982585024 +42668,0.23746532176556145,2,0.3210457242688383 0.3086634424164951 0.262229885470239 0.18019726819850287 0.2730643820910327 0.57178693177866 0.8116936426676793 1.1398241117546062 1.4230688091268178 1.6892878689520554 1.7434603520560326 1.7434603520560326 1.6753578018681803 1.4973625002408328 1.3240105543081164 1.0655304206405911 0.6956097503020214 0.4804676031176709 0.35819256982585024 0.2854466639433671 +42669,0.2266308251447678,2,0.3086634424164951 0.262229885470239 0.18019726819850287 0.2730643820910327 0.57178693177866 0.8116936426676793 1.1398241117546062 1.4230688091268178 1.6892878689520554 1.7434603520560326 1.7434603520560326 1.6753578018681803 1.4973625002408328 1.3240105543081164 1.0655304206405911 0.6956097503020214 0.4804676031176709 0.35819256982585024 0.2854466639433671 0.23746532176556145 +42670,0.2127007580608927,2,0.262229885470239 0.18019726819850287 0.2730643820910327 0.57178693177866 0.8116936426676793 1.1398241117546062 1.4230688091268178 1.6892878689520554 1.7434603520560326 1.7434603520560326 1.6753578018681803 1.4973625002408328 1.3240105543081164 1.0655304206405911 0.6956097503020214 0.4804676031176709 0.35819256982585024 0.2854466639433671 0.23746532176556145 0.2266308251447678 +42671,0.20031847620854953,2,0.18019726819850287 0.2730643820910327 0.57178693177866 0.8116936426676793 1.1398241117546062 1.4230688091268178 1.6892878689520554 1.7434603520560326 1.7434603520560326 1.6753578018681803 1.4973625002408328 1.3240105543081164 1.0655304206405911 0.6956097503020214 0.4804676031176709 0.35819256982585024 0.2854466639433671 0.23746532176556145 0.2266308251447678 0.2127007580608927 +42672,0.3102112276480446,2,0.2730643820910327 0.57178693177866 0.8116936426676793 1.1398241117546062 1.4230688091268178 1.6892878689520554 1.7434603520560326 1.7434603520560326 1.6753578018681803 1.4973625002408328 1.3240105543081164 1.0655304206405911 0.6956097503020214 0.4804676031176709 0.35819256982585024 0.2854466639433671 0.23746532176556145 0.2266308251447678 0.2127007580608927 0.20031847620854953 +42673,0.322593509500379,2,0.57178693177866 0.8116936426676793 1.1398241117546062 1.4230688091268178 1.6892878689520554 1.7434603520560326 1.7434603520560326 1.6753578018681803 1.4973625002408328 1.3240105543081164 1.0655304206405911 0.6956097503020214 0.4804676031176709 0.35819256982585024 0.2854466639433671 0.23746532176556145 0.2266308251447678 0.2127007580608927 0.20031847620854953 0.3102112276480446 +42674,0.30402008672187303,2,0.8116936426676793 1.1398241117546062 1.4230688091268178 1.6892878689520554 1.7434603520560326 1.7434603520560326 1.6753578018681803 1.4973625002408328 1.3240105543081164 1.0655304206405911 0.6956097503020214 0.4804676031176709 0.35819256982585024 0.2854466639433671 0.23746532176556145 0.2266308251447678 0.2127007580608927 0.20031847620854953 0.3102112276480446 0.322593509500379 +42675,0.29318559010107936,2,1.1398241117546062 1.4230688091268178 1.6892878689520554 1.7434603520560326 1.7434603520560326 1.6753578018681803 1.4973625002408328 1.3240105543081164 1.0655304206405911 0.6956097503020214 0.4804676031176709 0.35819256982585024 0.2854466639433671 0.23746532176556145 0.2266308251447678 0.2127007580608927 0.20031847620854953 0.3102112276480446 0.322593509500379 0.30402008672187303 +42676,0.3566447845943007,2,1.4230688091268178 1.6892878689520554 1.7434603520560326 1.7434603520560326 1.6753578018681803 1.4973625002408328 1.3240105543081164 1.0655304206405911 0.6956097503020214 0.4804676031176709 0.35819256982585024 0.2854466639433671 0.23746532176556145 0.2266308251447678 0.2127007580608927 0.20031847620854953 0.3102112276480446 0.322593509500379 0.30402008672187303 0.29318559010107936 +42677,0.49130209973846456,2,1.6892878689520554 1.7434603520560326 1.7434603520560326 1.6753578018681803 1.4973625002408328 1.3240105543081164 1.0655304206405911 0.6956097503020214 0.4804676031176709 0.35819256982585024 0.2854466639433671 0.23746532176556145 0.2266308251447678 0.2127007580608927 0.20031847620854953 0.3102112276480446 0.322593509500379 0.30402008672187303 0.29318559010107936 0.3566447845943007 +42678,0.7203743140066989,2,1.7434603520560326 1.7434603520560326 1.6753578018681803 1.4973625002408328 1.3240105543081164 1.0655304206405911 0.6956097503020214 0.4804676031176709 0.35819256982585024 0.2854466639433671 0.23746532176556145 0.2266308251447678 0.2127007580608927 0.20031847620854953 0.3102112276480446 0.322593509500379 0.30402008672187303 0.29318559010107936 0.3566447845943007 0.49130209973846456 +42679,0.8859873337817031,2,1.7434603520560326 1.6753578018681803 1.4973625002408328 1.3240105543081164 1.0655304206405911 0.6956097503020214 0.4804676031176709 0.35819256982585024 0.2854466639433671 0.23746532176556145 0.2266308251447678 0.2127007580608927 0.20031847620854953 0.3102112276480446 0.322593509500379 0.30402008672187303 0.29318559010107936 0.3566447845943007 0.49130209973846456 0.7203743140066989 +42680,1.067078205872132,2,1.6753578018681803 1.4973625002408328 1.3240105543081164 1.0655304206405911 0.6956097503020214 0.4804676031176709 0.35819256982585024 0.2854466639433671 0.23746532176556145 0.2266308251447678 0.2127007580608927 0.20031847620854953 0.3102112276480446 0.322593509500379 0.30402008672187303 0.29318559010107936 0.3566447845943007 0.49130209973846456 0.7203743140066989 0.8859873337817031 +42681,1.2791247825934011,2,1.4973625002408328 1.3240105543081164 1.0655304206405911 0.6956097503020214 0.4804676031176709 0.35819256982585024 0.2854466639433671 0.23746532176556145 0.2266308251447678 0.2127007580608927 0.20031847620854953 0.3102112276480446 0.322593509500379 0.30402008672187303 0.29318559010107936 0.3566447845943007 0.49130209973846456 0.7203743140066989 0.8859873337817031 1.067078205872132 +42682,1.2868637087511132,2,1.3240105543081164 1.0655304206405911 0.6956097503020214 0.4804676031176709 0.35819256982585024 0.2854466639433671 0.23746532176556145 0.2266308251447678 0.2127007580608927 0.20031847620854953 0.3102112276480446 0.322593509500379 0.30402008672187303 0.29318559010107936 0.3566447845943007 0.49130209973846456 0.7203743140066989 0.8859873337817031 1.067078205872132 1.2791247825934011 +42683,1.348775118012794,2,1.0655304206405911 0.6956097503020214 0.4804676031176709 0.35819256982585024 0.2854466639433671 0.23746532176556145 0.2266308251447678 0.2127007580608927 0.20031847620854953 0.3102112276480446 0.322593509500379 0.30402008672187303 0.29318559010107936 0.3566447845943007 0.49130209973846456 0.7203743140066989 0.8859873337817031 1.067078205872132 1.2791247825934011 1.2868637087511132 +42684,1.2357867961102176,2,0.6956097503020214 0.4804676031176709 0.35819256982585024 0.2854466639433671 0.23746532176556145 0.2266308251447678 0.2127007580608927 0.20031847620854953 0.3102112276480446 0.322593509500379 0.30402008672187303 0.29318559010107936 0.3566447845943007 0.49130209973846456 0.7203743140066989 0.8859873337817031 1.067078205872132 1.2791247825934011 1.2868637087511132 1.348775118012794 +42685,1.1491108231438594,2,0.4804676031176709 0.35819256982585024 0.2854466639433671 0.23746532176556145 0.2266308251447678 0.2127007580608927 0.20031847620854953 0.3102112276480446 0.322593509500379 0.30402008672187303 0.29318559010107936 0.3566447845943007 0.49130209973846456 0.7203743140066989 0.8859873337817031 1.067078205872132 1.2791247825934011 1.2868637087511132 1.348775118012794 1.2357867961102176 +42686,0.9773066624426923,2,0.35819256982585024 0.2854466639433671 0.23746532176556145 0.2266308251447678 0.2127007580608927 0.20031847620854953 0.3102112276480446 0.322593509500379 0.30402008672187303 0.29318559010107936 0.3566447845943007 0.49130209973846456 0.7203743140066989 0.8859873337817031 1.067078205872132 1.2791247825934011 1.2868637087511132 1.348775118012794 1.2357867961102176 1.1491108231438594 +42687,0.7157309583120769,2,0.2854466639433671 0.23746532176556145 0.2266308251447678 0.2127007580608927 0.20031847620854953 0.3102112276480446 0.322593509500379 0.30402008672187303 0.29318559010107936 0.3566447845943007 0.49130209973846456 0.7203743140066989 0.8859873337817031 1.067078205872132 1.2791247825934011 1.2868637087511132 1.348775118012794 1.2357867961102176 1.1491108231438594 0.9773066624426923 +42688,0.4758242474230488,2,0.23746532176556145 0.2266308251447678 0.2127007580608927 0.20031847620854953 0.3102112276480446 0.322593509500379 0.30402008672187303 0.29318559010107936 0.3566447845943007 0.49130209973846456 0.7203743140066989 0.8859873337817031 1.067078205872132 1.2791247825934011 1.2868637087511132 1.348775118012794 1.2357867961102176 1.1491108231438594 0.9773066624426923 0.7157309583120769 +42689,0.34735807320504775,2,0.2266308251447678 0.2127007580608927 0.20031847620854953 0.3102112276480446 0.322593509500379 0.30402008672187303 0.29318559010107936 0.3566447845943007 0.49130209973846456 0.7203743140066989 0.8859873337817031 1.067078205872132 1.2791247825934011 1.2868637087511132 1.348775118012794 1.2357867961102176 1.1491108231438594 0.9773066624426923 0.7157309583120769 0.4758242474230488 +42690,0.2730643820910327,2,0.2127007580608927 0.20031847620854953 0.3102112276480446 0.322593509500379 0.30402008672187303 0.29318559010107936 0.3566447845943007 0.49130209973846456 0.7203743140066989 0.8859873337817031 1.067078205872132 1.2791247825934011 1.2868637087511132 1.348775118012794 1.2357867961102176 1.1491108231438594 0.9773066624426923 0.7157309583120769 0.4758242474230488 0.34735807320504775 +42691,0.2127007580608927,2,0.20031847620854953 0.3102112276480446 0.322593509500379 0.30402008672187303 0.29318559010107936 0.3566447845943007 0.49130209973846456 0.7203743140066989 0.8859873337817031 1.067078205872132 1.2791247825934011 1.2868637087511132 1.348775118012794 1.2357867961102176 1.1491108231438594 0.9773066624426923 0.7157309583120769 0.4758242474230488 0.34735807320504775 0.2730643820910327 +42692,0.24675203315481445,2,0.3102112276480446 0.322593509500379 0.30402008672187303 0.29318559010107936 0.3566447845943007 0.49130209973846456 0.7203743140066989 0.8859873337817031 1.067078205872132 1.2791247825934011 1.2868637087511132 1.348775118012794 1.2357867961102176 1.1491108231438594 0.9773066624426923 0.7157309583120769 0.4758242474230488 0.34735807320504775 0.2730643820910327 0.2127007580608927 +42693,0.24984760361789585,2,0.322593509500379 0.30402008672187303 0.29318559010107936 0.3566447845943007 0.49130209973846456 0.7203743140066989 0.8859873337817031 1.067078205872132 1.2791247825934011 1.2868637087511132 1.348775118012794 1.2357867961102176 1.1491108231438594 0.9773066624426923 0.7157309583120769 0.4758242474230488 0.34735807320504775 0.2730643820910327 0.2127007580608927 0.24675203315481445 +42694,0.2142485432924334,2,0.30402008672187303 0.29318559010107936 0.3566447845943007 0.49130209973846456 0.7203743140066989 0.8859873337817031 1.067078205872132 1.2791247825934011 1.2868637087511132 1.348775118012794 1.2357867961102176 1.1491108231438594 0.9773066624426923 0.7157309583120769 0.4758242474230488 0.34735807320504775 0.2730643820910327 0.2127007580608927 0.24675203315481445 0.24984760361789585 +42695,0.13685928171532816,2,0.29318559010107936 0.3566447845943007 0.49130209973846456 0.7203743140066989 0.8859873337817031 1.067078205872132 1.2791247825934011 1.2868637087511132 1.348775118012794 1.2357867961102176 1.1491108231438594 0.9773066624426923 0.7157309583120769 0.4758242474230488 0.34735807320504775 0.2730643820910327 0.2127007580608927 0.24675203315481445 0.24984760361789585 0.2142485432924334 +42696,0.15388491926228462,2,0.3566447845943007 0.49130209973846456 0.7203743140066989 0.8859873337817031 1.067078205872132 1.2791247825934011 1.2868637087511132 1.348775118012794 1.2357867961102176 1.1491108231438594 0.9773066624426923 0.7157309583120769 0.4758242474230488 0.34735807320504775 0.2730643820910327 0.2127007580608927 0.24675203315481445 0.24984760361789585 0.2142485432924334 0.13685928171532816 +42697,0.16626720111462778,2,0.49130209973846456 0.7203743140066989 0.8859873337817031 1.067078205872132 1.2791247825934011 1.2868637087511132 1.348775118012794 1.2357867961102176 1.1491108231438594 0.9773066624426923 0.7157309583120769 0.4758242474230488 0.34735807320504775 0.2730643820910327 0.2127007580608927 0.24675203315481445 0.24984760361789585 0.2142485432924334 0.13685928171532816 0.15388491926228462 +42698,0.15388491926228462,2,0.7203743140066989 0.8859873337817031 1.067078205872132 1.2791247825934011 1.2868637087511132 1.348775118012794 1.2357867961102176 1.1491108231438594 0.9773066624426923 0.7157309583120769 0.4758242474230488 0.34735807320504775 0.2730643820910327 0.2127007580608927 0.24675203315481445 0.24984760361789585 0.2142485432924334 0.13685928171532816 0.15388491926228462 0.16626720111462778 +42699,0.14305042264149093,2,0.8859873337817031 1.067078205872132 1.2791247825934011 1.2868637087511132 1.348775118012794 1.2357867961102176 1.1491108231438594 0.9773066624426923 0.7157309583120769 0.4758242474230488 0.34735807320504775 0.2730643820910327 0.2127007580608927 0.24675203315481445 0.24984760361789585 0.2142485432924334 0.13685928171532816 0.15388491926228462 0.16626720111462778 0.15388491926228462 +42700,0.23127418083938986,2,1.067078205872132 1.2791247825934011 1.2868637087511132 1.348775118012794 1.2357867961102176 1.1491108231438594 0.9773066624426923 0.7157309583120769 0.4758242474230488 0.34735807320504775 0.2730643820910327 0.2127007580608927 0.24675203315481445 0.24984760361789585 0.2142485432924334 0.13685928171532816 0.15388491926228462 0.16626720111462778 0.15388491926228462 0.14305042264149093 +42701,0.36438371075201303,2,1.2791247825934011 1.2868637087511132 1.348775118012794 1.2357867961102176 1.1491108231438594 0.9773066624426923 0.7157309583120769 0.4758242474230488 0.34735807320504775 0.2730643820910327 0.2127007580608927 0.24675203315481445 0.24984760361789585 0.2142485432924334 0.13685928171532816 0.15388491926228462 0.16626720111462778 0.15388491926228462 0.14305042264149093 0.23127418083938986 +42702,0.45260746894991194,2,1.2868637087511132 1.348775118012794 1.2357867961102176 1.1491108231438594 0.9773066624426923 0.7157309583120769 0.4758242474230488 0.34735807320504775 0.2730643820910327 0.2127007580608927 0.24675203315481445 0.24984760361789585 0.2142485432924334 0.13685928171532816 0.15388491926228462 0.16626720111462778 0.15388491926228462 0.14305042264149093 0.23127418083938986 0.36438371075201303 +42703,0.5795258579363636,2,1.348775118012794 1.2357867961102176 1.1491108231438594 0.9773066624426923 0.7157309583120769 0.4758242474230488 0.34735807320504775 0.2730643820910327 0.2127007580608927 0.24675203315481445 0.24984760361789585 0.2142485432924334 0.13685928171532816 0.15388491926228462 0.16626720111462778 0.15388491926228462 0.14305042264149093 0.23127418083938986 0.36438371075201303 0.45260746894991194 +42704,0.7203743140066989,2,1.2357867961102176 1.1491108231438594 0.9773066624426923 0.7157309583120769 0.4758242474230488 0.34735807320504775 0.2730643820910327 0.2127007580608927 0.24675203315481445 0.24984760361789585 0.2142485432924334 0.13685928171532816 0.15388491926228462 0.16626720111462778 0.15388491926228462 0.14305042264149093 0.23127418083938986 0.36438371075201303 0.45260746894991194 0.5795258579363636 +42705,0.7822857232683796,2,1.1491108231438594 0.9773066624426923 0.7157309583120769 0.4758242474230488 0.34735807320504775 0.2730643820910327 0.2127007580608927 0.24675203315481445 0.24984760361789585 0.2142485432924334 0.13685928171532816 0.15388491926228462 0.16626720111462778 0.15388491926228462 0.14305042264149093 0.23127418083938986 0.36438371075201303 0.45260746894991194 0.5795258579363636 0.7203743140066989 +42706,0.9030129713286684,2,0.9773066624426923 0.7157309583120769 0.4758242474230488 0.34735807320504775 0.2730643820910327 0.2127007580608927 0.24675203315481445 0.24984760361789585 0.2142485432924334 0.13685928171532816 0.15388491926228462 0.16626720111462778 0.15388491926228462 0.14305042264149093 0.23127418083938986 0.36438371075201303 0.45260746894991194 0.5795258579363636 0.7203743140066989 0.7822857232683796 +42707,0.9184908236440842,2,0.7157309583120769 0.4758242474230488 0.34735807320504775 0.2730643820910327 0.2127007580608927 0.24675203315481445 0.24984760361789585 0.2142485432924334 0.13685928171532816 0.15388491926228462 0.16626720111462778 0.15388491926228462 0.14305042264149093 0.23127418083938986 0.36438371075201303 0.45260746894991194 0.5795258579363636 0.7203743140066989 0.7822857232683796 0.9030129713286684 +42708,0.9587332396641863,2,0.4758242474230488 0.34735807320504775 0.2730643820910327 0.2127007580608927 0.24675203315481445 0.24984760361789585 0.2142485432924334 0.13685928171532816 0.15388491926228462 0.16626720111462778 0.15388491926228462 0.14305042264149093 0.23127418083938986 0.36438371075201303 0.45260746894991194 0.5795258579363636 0.7203743140066989 0.7822857232683796 0.9030129713286684 0.9184908236440842 +42709,0.9494465282749334,2,0.34735807320504775 0.2730643820910327 0.2127007580608927 0.24675203315481445 0.24984760361789585 0.2142485432924334 0.13685928171532816 0.15388491926228462 0.16626720111462778 0.15388491926228462 0.14305042264149093 0.23127418083938986 0.36438371075201303 0.45260746894991194 0.5795258579363636 0.7203743140066989 0.7822857232683796 0.9030129713286684 0.9184908236440842 0.9587332396641863 +42710,0.8132414278992288,2,0.2730643820910327 0.2127007580608927 0.24675203315481445 0.24984760361789585 0.2142485432924334 0.13685928171532816 0.15388491926228462 0.16626720111462778 0.15388491926228462 0.14305042264149093 0.23127418083938986 0.36438371075201303 0.45260746894991194 0.5795258579363636 0.7203743140066989 0.7822857232683796 0.9030129713286684 0.9184908236440842 0.9587332396641863 0.9494465282749334 +42711,0.5315445157585579,2,0.2127007580608927 0.24675203315481445 0.24984760361789585 0.2142485432924334 0.13685928171532816 0.15388491926228462 0.16626720111462778 0.15388491926228462 0.14305042264149093 0.23127418083938986 0.36438371075201303 0.45260746894991194 0.5795258579363636 0.7203743140066989 0.7822857232683796 0.9030129713286684 0.9184908236440842 0.9587332396641863 0.9494465282749334 0.8132414278992288 +42712,0.3380713618157948,2,0.24675203315481445 0.24984760361789585 0.2142485432924334 0.13685928171532816 0.15388491926228462 0.16626720111462778 0.15388491926228462 0.14305042264149093 0.23127418083938986 0.36438371075201303 0.45260746894991194 0.5795258579363636 0.7203743140066989 0.7822857232683796 0.9030129713286684 0.9184908236440842 0.9587332396641863 0.9494465282749334 0.8132414278992288 0.5315445157585579 +42713,0.20186626144009023,2,0.24984760361789585 0.2142485432924334 0.13685928171532816 0.15388491926228462 0.16626720111462778 0.15388491926228462 0.14305042264149093 0.23127418083938986 0.36438371075201303 0.45260746894991194 0.5795258579363636 0.7203743140066989 0.7822857232683796 0.9030129713286684 0.9184908236440842 0.9587332396641863 0.9494465282749334 0.8132414278992288 0.5315445157585579 0.3380713618157948 +42714,0.24829981838635515,2,0.2142485432924334 0.13685928171532816 0.15388491926228462 0.16626720111462778 0.15388491926228462 0.14305042264149093 0.23127418083938986 0.36438371075201303 0.45260746894991194 0.5795258579363636 0.7203743140066989 0.7822857232683796 0.9030129713286684 0.9184908236440842 0.9587332396641863 0.9494465282749334 0.8132414278992288 0.5315445157585579 0.3380713618157948 0.20186626144009023 +42715,0.17864948296696218,2,0.13685928171532816 0.15388491926228462 0.16626720111462778 0.15388491926228462 0.14305042264149093 0.23127418083938986 0.36438371075201303 0.45260746894991194 0.5795258579363636 0.7203743140066989 0.7822857232683796 0.9030129713286684 0.9184908236440842 0.9587332396641863 0.9494465282749334 0.8132414278992288 0.5315445157585579 0.3380713618157948 0.20186626144009023 0.24829981838635515 +42716,-0.904335843543051,2,0.15388491926228462 0.16626720111462778 0.15388491926228462 0.14305042264149093 0.23127418083938986 0.36438371075201303 0.45260746894991194 0.5795258579363636 0.7203743140066989 0.7822857232683796 0.9030129713286684 0.9184908236440842 0.9587332396641863 0.9494465282749334 0.8132414278992288 0.5315445157585579 0.3380713618157948 0.20186626144009023 0.24829981838635515 0.17864948296696218 +42717,-0.904335843543051,2,0.16626720111462778 0.15388491926228462 0.14305042264149093 0.23127418083938986 0.36438371075201303 0.45260746894991194 0.5795258579363636 0.7203743140066989 0.7822857232683796 0.9030129713286684 0.9184908236440842 0.9587332396641863 0.9494465282749334 0.8132414278992288 0.5315445157585579 0.3380713618157948 0.20186626144009023 0.24829981838635515 0.17864948296696218 -0.904335843543051 +42718,-0.904335843543051,2,0.15388491926228462 0.14305042264149093 0.23127418083938986 0.36438371075201303 0.45260746894991194 0.5795258579363636 0.7203743140066989 0.7822857232683796 0.9030129713286684 0.9184908236440842 0.9587332396641863 0.9494465282749334 0.8132414278992288 0.5315445157585579 0.3380713618157948 0.20186626144009023 0.24829981838635515 0.17864948296696218 -0.904335843543051 -0.904335843543051 +42719,-1.108024380013988,2,0.14305042264149093 0.23127418083938986 0.36438371075201303 0.45260746894991194 0.5795258579363636 0.7203743140066989 0.7822857232683796 0.9030129713286684 0.9184908236440842 0.9587332396641863 0.9494465282749334 0.8132414278992288 0.5315445157585579 0.3380713618157948 0.20186626144009023 0.24829981838635515 0.17864948296696218 -0.904335843543051 -0.904335843543051 -0.904335843543051 +42720,0.17710169773542148,2,0.23127418083938986 0.36438371075201303 0.45260746894991194 0.5795258579363636 0.7203743140066989 0.7822857232683796 0.9030129713286684 0.9184908236440842 0.9587332396641863 0.9494465282749334 0.8132414278992288 0.5315445157585579 0.3380713618157948 0.20186626144009023 0.24829981838635515 0.17864948296696218 -0.904335843543051 -0.904335843543051 -0.904335843543051 -1.108024380013988 +42721,0.14924156356766252,2,0.36438371075201303 0.45260746894991194 0.5795258579363636 0.7203743140066989 0.7822857232683796 0.9030129713286684 0.9184908236440842 0.9587332396641863 0.9494465282749334 0.8132414278992288 0.5315445157585579 0.3380713618157948 0.20186626144009023 0.24829981838635515 0.17864948296696218 -0.904335843543051 -0.904335843543051 -0.904335843543051 -1.108024380013988 0.17710169773542148 +42722,0.18793619435621514,2,0.45260746894991194 0.5795258579363636 0.7203743140066989 0.7822857232683796 0.9030129713286684 0.9184908236440842 0.9587332396641863 0.9494465282749334 0.8132414278992288 0.5315445157585579 0.3380713618157948 0.20186626144009023 0.24829981838635515 0.17864948296696218 -0.904335843543051 -0.904335843543051 -0.904335843543051 -1.108024380013988 0.17710169773542148 0.14924156356766252 +42723,0.15233713403074392,2,0.5795258579363636 0.7203743140066989 0.7822857232683796 0.9030129713286684 0.9184908236440842 0.9587332396641863 0.9494465282749334 0.8132414278992288 0.5315445157585579 0.3380713618157948 0.20186626144009023 0.24829981838635515 0.17864948296696218 -0.904335843543051 -0.904335843543051 -0.904335843543051 -1.108024380013988 0.17710169773542148 0.14924156356766252 0.18793619435621514 +42724,0.29628116056416076,2,0.7203743140066989 0.7822857232683796 0.9030129713286684 0.9184908236440842 0.9587332396641863 0.9494465282749334 0.8132414278992288 0.5315445157585579 0.3380713618157948 0.20186626144009023 0.24829981838635515 0.17864948296696218 -0.904335843543051 -0.904335843543051 -0.904335843543051 -1.108024380013988 0.17710169773542148 0.14924156356766252 0.18793619435621514 0.15233713403074392 +42725,0.4835631735807611,2,0.7822857232683796 0.9030129713286684 0.9184908236440842 0.9587332396641863 0.9494465282749334 0.8132414278992288 0.5315445157585579 0.3380713618157948 0.20186626144009023 0.24829981838635515 0.17864948296696218 -0.904335843543051 -0.904335843543051 -0.904335843543051 -1.108024380013988 0.17710169773542148 0.14924156356766252 0.18793619435621514 0.15233713403074392 0.29628116056416076 +42726,0.6275072001141692,2,0.9030129713286684 0.9184908236440842 0.9587332396641863 0.9494465282749334 0.8132414278992288 0.5315445157585579 0.3380713618157948 0.20186626144009023 0.24829981838635515 0.17864948296696218 -0.904335843543051 -0.904335843543051 -0.904335843543051 -1.108024380013988 0.17710169773542148 0.14924156356766252 0.18793619435621514 0.15233713403074392 0.29628116056416076 0.4835631735807611 +42727,0.841101562066979,2,0.9184908236440842 0.9587332396641863 0.9494465282749334 0.8132414278992288 0.5315445157585579 0.3380713618157948 0.20186626144009023 0.24829981838635515 0.17864948296696218 -0.904335843543051 -0.904335843543051 -0.904335843543051 -1.108024380013988 0.17710169773542148 0.14924156356766252 0.18793619435621514 0.15233713403074392 0.29628116056416076 0.4835631735807611 0.6275072001141692 +42728,0.9401598168856804,2,0.9587332396641863 0.9494465282749334 0.8132414278992288 0.5315445157585579 0.3380713618157948 0.20186626144009023 0.24829981838635515 0.17864948296696218 -0.904335843543051 -0.904335843543051 -0.904335843543051 -1.108024380013988 0.17710169773542148 0.14924156356766252 0.18793619435621514 0.15233713403074392 0.29628116056416076 0.4835631735807611 0.6275072001141692 0.841101562066979 +42729,1.1413718969861557,2,0.9494465282749334 0.8132414278992288 0.5315445157585579 0.3380713618157948 0.20186626144009023 0.24829981838635515 0.17864948296696218 -0.904335843543051 -0.904335843543051 -0.904335843543051 -1.108024380013988 0.17710169773542148 0.14924156356766252 0.18793619435621514 0.15233713403074392 0.29628116056416076 0.4835631735807611 0.6275072001141692 0.841101562066979 0.9401598168856804 +42730,1.1924488096270427,2,0.8132414278992288 0.5315445157585579 0.3380713618157948 0.20186626144009023 0.24829981838635515 0.17864948296696218 -0.904335843543051 -0.904335843543051 -0.904335843543051 -1.108024380013988 0.17710169773542148 0.14924156356766252 0.18793619435621514 0.15233713403074392 0.29628116056416076 0.4835631735807611 0.6275072001141692 0.841101562066979 0.9401598168856804 1.1413718969861557 +42731,1.2481690779625607,2,0.5315445157585579 0.3380713618157948 0.20186626144009023 0.24829981838635515 0.17864948296696218 -0.904335843543051 -0.904335843543051 -0.904335843543051 -1.108024380013988 0.17710169773542148 0.14924156356766252 0.18793619435621514 0.15233713403074392 0.29628116056416076 0.4835631735807611 0.6275072001141692 0.841101562066979 0.9401598168856804 1.1413718969861557 1.1924488096270427 +42732,1.1227984742076498,2,0.3380713618157948 0.20186626144009023 0.24829981838635515 0.17864948296696218 -0.904335843543051 -0.904335843543051 -0.904335843543051 -1.108024380013988 0.17710169773542148 0.14924156356766252 0.18793619435621514 0.15233713403074392 0.29628116056416076 0.4835631735807611 0.6275072001141692 0.841101562066979 0.9401598168856804 1.1413718969861557 1.1924488096270427 1.2481690779625607 +42733,1.1026772661976032,2,0.20186626144009023 0.24829981838635515 0.17864948296696218 -0.904335843543051 -0.904335843543051 -0.904335843543051 -1.108024380013988 0.17710169773542148 0.14924156356766252 0.18793619435621514 0.15233713403074392 0.29628116056416076 0.4835631735807611 0.6275072001141692 0.841101562066979 0.9401598168856804 1.1413718969861557 1.1924488096270427 1.2481690779625607 1.1227984742076498 +42734,0.9478987430433926,2,0.24829981838635515 0.17864948296696218 -0.904335843543051 -0.904335843543051 -0.904335843543051 -1.108024380013988 0.17710169773542148 0.14924156356766252 0.18793619435621514 0.15233713403074392 0.29628116056416076 0.4835631735807611 0.6275072001141692 0.841101562066979 0.9401598168856804 1.1413718969861557 1.1924488096270427 1.2481690779625607 1.1227984742076498 1.1026772661976032 +42735,0.7637123004898737,2,0.17864948296696218 -0.904335843543051 -0.904335843543051 -0.904335843543051 -1.108024380013988 0.17710169773542148 0.14924156356766252 0.18793619435621514 0.15233713403074392 0.29628116056416076 0.4835631735807611 0.6275072001141692 0.841101562066979 0.9401598168856804 1.1413718969861557 1.1924488096270427 1.2481690779625607 1.1227984742076498 1.1026772661976032 0.9478987430433926 +42736,0.581073643167913,2,-0.904335843543051 -0.904335843543051 -0.904335843543051 -1.108024380013988 0.17710169773542148 0.14924156356766252 0.18793619435621514 0.15233713403074392 0.29628116056416076 0.4835631735807611 0.6275072001141692 0.841101562066979 0.9401598168856804 1.1413718969861557 1.1924488096270427 1.2481690779625607 1.1227984742076498 1.1026772661976032 0.9478987430433926 0.7637123004898737 +42737,0.4448685427922085,2,-0.904335843543051 -0.904335843543051 -1.108024380013988 0.17710169773542148 0.14924156356766252 0.18793619435621514 0.15233713403074392 0.29628116056416076 0.4835631735807611 0.6275072001141692 0.841101562066979 0.9401598168856804 1.1413718969861557 1.1924488096270427 1.2481690779625607 1.1227984742076498 1.1026772661976032 0.9478987430433926 0.7637123004898737 0.581073643167913 +42738,0.3690270664466439,2,-0.904335843543051 -1.108024380013988 0.17710169773542148 0.14924156356766252 0.18793619435621514 0.15233713403074392 0.29628116056416076 0.4835631735807611 0.6275072001141692 0.841101562066979 0.9401598168856804 1.1413718969861557 1.1924488096270427 1.2481690779625607 1.1227984742076498 1.1026772661976032 0.9478987430433926 0.7637123004898737 0.581073643167913 0.4448685427922085 +42739,0.2854466639433671,2,-1.108024380013988 0.17710169773542148 0.14924156356766252 0.18793619435621514 0.15233713403074392 0.29628116056416076 0.4835631735807611 0.6275072001141692 0.841101562066979 0.9401598168856804 1.1413718969861557 1.1924488096270427 1.2481690779625607 1.1227984742076498 1.1026772661976032 0.9478987430433926 0.7637123004898737 0.581073643167913 0.4448685427922085 0.3690270664466439 +42740,0.20186626144009023,2,0.17710169773542148 0.14924156356766252 0.18793619435621514 0.15233713403074392 0.29628116056416076 0.4835631735807611 0.6275072001141692 0.841101562066979 0.9401598168856804 1.1413718969861557 1.1924488096270427 1.2481690779625607 1.1227984742076498 1.1026772661976032 0.9478987430433926 0.7637123004898737 0.581073643167913 0.4448685427922085 0.3690270664466439 0.2854466639433671 +42741,0.14150263740995023,2,0.14924156356766252 0.18793619435621514 0.15233713403074392 0.29628116056416076 0.4835631735807611 0.6275072001141692 0.841101562066979 0.9401598168856804 1.1413718969861557 1.1924488096270427 1.2481690779625607 1.1227984742076498 1.1026772661976032 0.9478987430433926 0.7637123004898737 0.581073643167913 0.4448685427922085 0.3690270664466439 0.2854466639433671 0.20186626144009023 +42742,0.14305042264149093,2,0.18793619435621514 0.15233713403074392 0.29628116056416076 0.4835631735807611 0.6275072001141692 0.841101562066979 0.9401598168856804 1.1413718969861557 1.1924488096270427 1.2481690779625607 1.1227984742076498 1.1026772661976032 0.9478987430433926 0.7637123004898737 0.581073643167913 0.4448685427922085 0.3690270664466439 0.2854466639433671 0.20186626144009023 0.14150263740995023 +42743,0.09352129523214463,2,0.15233713403074392 0.29628116056416076 0.4835631735807611 0.6275072001141692 0.841101562066979 0.9401598168856804 1.1413718969861557 1.1924488096270427 1.2481690779625607 1.1227984742076498 1.1026772661976032 0.9478987430433926 0.7637123004898737 0.581073643167913 0.4448685427922085 0.3690270664466439 0.2854466639433671 0.20186626144009023 0.14150263740995023 0.14305042264149093 +42744,0.14305042264149093,2,0.29628116056416076 0.4835631735807611 0.6275072001141692 0.841101562066979 0.9401598168856804 1.1413718969861557 1.1924488096270427 1.2481690779625607 1.1227984742076498 1.1026772661976032 0.9478987430433926 0.7637123004898737 0.581073643167913 0.4448685427922085 0.3690270664466439 0.2854466639433671 0.20186626144009023 0.14150263740995023 0.14305042264149093 0.09352129523214463 +42745,0.09506908046368533,2,0.4835631735807611 0.6275072001141692 0.841101562066979 0.9401598168856804 1.1413718969861557 1.1924488096270427 1.2481690779625607 1.1227984742076498 1.1026772661976032 0.9478987430433926 0.7637123004898737 0.581073643167913 0.4448685427922085 0.3690270664466439 0.2854466639433671 0.20186626144009023 0.14150263740995023 0.14305042264149093 0.09352129523214463 0.14305042264149093 +42746,0.07030451675901657,2,0.6275072001141692 0.841101562066979 0.9401598168856804 1.1413718969861557 1.1924488096270427 1.2481690779625607 1.1227984742076498 1.1026772661976032 0.9478987430433926 0.7637123004898737 0.581073643167913 0.4448685427922085 0.3690270664466439 0.2854466639433671 0.20186626144009023 0.14150263740995023 0.14305042264149093 0.09352129523214463 0.14305042264149093 0.09506908046368533 +42747,0.07804344291672885,2,0.841101562066979 0.9401598168856804 1.1413718969861557 1.1924488096270427 1.2481690779625607 1.1227984742076498 1.1026772661976032 0.9478987430433926 0.7637123004898737 0.581073643167913 0.4448685427922085 0.3690270664466439 0.2854466639433671 0.20186626144009023 0.14150263740995023 0.14305042264149093 0.09352129523214463 0.14305042264149093 0.09506908046368533 0.07030451675901657 +42748,0.2838988787118264,2,0.9401598168856804 1.1413718969861557 1.1924488096270427 1.2481690779625607 1.1227984742076498 1.1026772661976032 0.9478987430433926 0.7637123004898737 0.581073643167913 0.4448685427922085 0.3690270664466439 0.2854466639433671 0.20186626144009023 0.14150263740995023 0.14305042264149093 0.09352129523214463 0.14305042264149093 0.09506908046368533 0.07030451675901657 0.07804344291672885 +42749,0.5377356566847294,2,1.1413718969861557 1.1924488096270427 1.2481690779625607 1.1227984742076498 1.1026772661976032 0.9478987430433926 0.7637123004898737 0.581073643167913 0.4448685427922085 0.3690270664466439 0.2854466639433671 0.20186626144009023 0.14150263740995023 0.14305042264149093 0.09352129523214463 0.14305042264149093 0.09506908046368533 0.07030451675901657 0.07804344291672885 0.2838988787118264 +42750,0.748234448174458,2,1.1924488096270427 1.2481690779625607 1.1227984742076498 1.1026772661976032 0.9478987430433926 0.7637123004898737 0.581073643167913 0.4448685427922085 0.3690270664466439 0.2854466639433671 0.20186626144009023 0.14150263740995023 0.14305042264149093 0.09352129523214463 0.14305042264149093 0.09506908046368533 0.07030451675901657 0.07804344291672885 0.2838988787118264 0.5377356566847294 +42751,0.9571854544326368,2,1.2481690779625607 1.1227984742076498 1.1026772661976032 0.9478987430433926 0.7637123004898737 0.581073643167913 0.4448685427922085 0.3690270664466439 0.2854466639433671 0.20186626144009023 0.14150263740995023 0.14305042264149093 0.09352129523214463 0.14305042264149093 0.09506908046368533 0.07030451675901657 0.07804344291672885 0.2838988787118264 0.5377356566847294 0.748234448174458 +42752,1.1630408902277432,2,1.1227984742076498 1.1026772661976032 0.9478987430433926 0.7637123004898737 0.581073643167913 0.4448685427922085 0.3690270664466439 0.2854466639433671 0.20186626144009023 0.14150263740995023 0.14305042264149093 0.09352129523214463 0.14305042264149093 0.09506908046368533 0.07030451675901657 0.07804344291672885 0.2838988787118264 0.5377356566847294 0.748234448174458 0.9571854544326368 +42753,1.3688963260228406,2,1.1026772661976032 0.9478987430433926 0.7637123004898737 0.581073643167913 0.4448685427922085 0.3690270664466439 0.2854466639433671 0.20186626144009023 0.14150263740995023 0.14305042264149093 0.09352129523214463 0.14305042264149093 0.09506908046368533 0.07030451675901657 0.07804344291672885 0.2838988787118264 0.5377356566847294 0.748234448174458 0.9571854544326368 1.1630408902277432 +42754,1.4323555205160707,2,0.9478987430433926 0.7637123004898737 0.581073643167913 0.4448685427922085 0.3690270664466439 0.2854466639433671 0.20186626144009023 0.14150263740995023 0.14305042264149093 0.09352129523214463 0.14305042264149093 0.09506908046368533 0.07030451675901657 0.07804344291672885 0.2838988787118264 0.5377356566847294 0.748234448174458 0.9571854544326368 1.1630408902277432 1.3688963260228406 +42755,1.450928943294577,2,0.7637123004898737 0.581073643167913 0.4448685427922085 0.3690270664466439 0.2854466639433671 0.20186626144009023 0.14150263740995023 0.14305042264149093 0.09352129523214463 0.14305042264149093 0.09506908046368533 0.07030451675901657 0.07804344291672885 0.2838988787118264 0.5377356566847294 0.748234448174458 0.9571854544326368 1.1630408902277432 1.3688963260228406 1.4323555205160707 +42756,1.3874697488013465,2,0.581073643167913 0.4448685427922085 0.3690270664466439 0.2854466639433671 0.20186626144009023 0.14150263740995023 0.14305042264149093 0.09352129523214463 0.14305042264149093 0.09506908046368533 0.07030451675901657 0.07804344291672885 0.2838988787118264 0.5377356566847294 0.748234448174458 0.9571854544326368 1.1630408902277432 1.3688963260228406 1.4323555205160707 1.450928943294577 +42757,1.2775769973618603,2,0.4448685427922085 0.3690270664466439 0.2854466639433671 0.20186626144009023 0.14150263740995023 0.14305042264149093 0.09352129523214463 0.14305042264149093 0.09506908046368533 0.07030451675901657 0.07804344291672885 0.2838988787118264 0.5377356566847294 0.748234448174458 0.9571854544326368 1.1630408902277432 1.3688963260228406 1.4323555205160707 1.450928943294577 1.3874697488013465 +42758,1.1738753868485368,2,0.3690270664466439 0.2854466639433671 0.20186626144009023 0.14150263740995023 0.14305042264149093 0.09352129523214463 0.14305042264149093 0.09506908046368533 0.07030451675901657 0.07804344291672885 0.2838988787118264 0.5377356566847294 0.748234448174458 0.9571854544326368 1.1630408902277432 1.3688963260228406 1.4323555205160707 1.450928943294577 1.3874697488013465 1.2775769973618603 +42759,0.9587332396641863,2,0.2854466639433671 0.20186626144009023 0.14150263740995023 0.14305042264149093 0.09352129523214463 0.14305042264149093 0.09506908046368533 0.07030451675901657 0.07804344291672885 0.2838988787118264 0.5377356566847294 0.748234448174458 0.9571854544326368 1.1630408902277432 1.3688963260228406 1.4323555205160707 1.450928943294577 1.3874697488013465 1.2775769973618603 1.1738753868485368 +42760,0.6677496161342713,2,0.20186626144009023 0.14150263740995023 0.14305042264149093 0.09352129523214463 0.14305042264149093 0.09506908046368533 0.07030451675901657 0.07804344291672885 0.2838988787118264 0.5377356566847294 0.748234448174458 0.9571854544326368 1.1630408902277432 1.3688963260228406 1.4323555205160707 1.450928943294577 1.3874697488013465 1.2775769973618603 1.1738753868485368 0.9587332396641863 +42761,0.5795258579363636,2,0.14150263740995023 0.14305042264149093 0.09352129523214463 0.14305042264149093 0.09506908046368533 0.07030451675901657 0.07804344291672885 0.2838988787118264 0.5377356566847294 0.748234448174458 0.9571854544326368 1.1630408902277432 1.3688963260228406 1.4323555205160707 1.450928943294577 1.3874697488013465 1.2775769973618603 1.1738753868485368 0.9587332396641863 0.6677496161342713 +42762,0.46498975080225513,2,0.14305042264149093 0.09352129523214463 0.14305042264149093 0.09506908046368533 0.07030451675901657 0.07804344291672885 0.2838988787118264 0.5377356566847294 0.748234448174458 0.9571854544326368 1.1630408902277432 1.3688963260228406 1.4323555205160707 1.450928943294577 1.3874697488013465 1.2775769973618603 1.1738753868485368 0.9587332396641863 0.6677496161342713 0.5795258579363636 +42763,0.3937916301513127,2,0.09352129523214463 0.14305042264149093 0.09506908046368533 0.07030451675901657 0.07804344291672885 0.2838988787118264 0.5377356566847294 0.748234448174458 0.9571854544326368 1.1630408902277432 1.3688963260228406 1.4323555205160707 1.450928943294577 1.3874697488013465 1.2775769973618603 1.1738753868485368 0.9587332396641863 0.6677496161342713 0.5795258579363636 0.46498975080225513 +42764,0.29782894579570146,2,0.14305042264149093 0.09506908046368533 0.07030451675901657 0.07804344291672885 0.2838988787118264 0.5377356566847294 0.748234448174458 0.9571854544326368 1.1630408902277432 1.3688963260228406 1.4323555205160707 1.450928943294577 1.3874697488013465 1.2775769973618603 1.1738753868485368 0.9587332396641863 0.6677496161342713 0.5795258579363636 0.46498975080225513 0.3937916301513127 +42765,0.2142485432924334,2,0.09506908046368533 0.07030451675901657 0.07804344291672885 0.2838988787118264 0.5377356566847294 0.748234448174458 0.9571854544326368 1.1630408902277432 1.3688963260228406 1.4323555205160707 1.450928943294577 1.3874697488013465 1.2775769973618603 1.1738753868485368 0.9587332396641863 0.6677496161342713 0.5795258579363636 0.46498975080225513 0.3937916301513127 0.29782894579570146 +42766,0.15543270449383412,2,0.07030451675901657 0.07804344291672885 0.2838988787118264 0.5377356566847294 0.748234448174458 0.9571854544326368 1.1630408902277432 1.3688963260228406 1.4323555205160707 1.450928943294577 1.3874697488013465 1.2775769973618603 1.1738753868485368 0.9587332396641863 0.6677496161342713 0.5795258579363636 0.46498975080225513 0.3937916301513127 0.29782894579570146 0.2142485432924334 +42767,0.15388491926228462,2,0.07804344291672885 0.2838988787118264 0.5377356566847294 0.748234448174458 0.9571854544326368 1.1630408902277432 1.3688963260228406 1.4323555205160707 1.450928943294577 1.3874697488013465 1.2775769973618603 1.1738753868485368 0.9587332396641863 0.6677496161342713 0.5795258579363636 0.46498975080225513 0.3937916301513127 0.29782894579570146 0.2142485432924334 0.15543270449383412 +42768,0.08268679861135095,2,0.2838988787118264 0.5377356566847294 0.748234448174458 0.9571854544326368 1.1630408902277432 1.3688963260228406 1.4323555205160707 1.450928943294577 1.3874697488013465 1.2775769973618603 1.1738753868485368 0.9587332396641863 0.6677496161342713 0.5795258579363636 0.46498975080225513 0.3937916301513127 0.29782894579570146 0.2142485432924334 0.15543270449383412 0.15388491926228462 +42769,0.09816465092677551,2,0.5377356566847294 0.748234448174458 0.9571854544326368 1.1630408902277432 1.3688963260228406 1.4323555205160707 1.450928943294577 1.3874697488013465 1.2775769973618603 1.1738753868485368 0.9587332396641863 0.6677496161342713 0.5795258579363636 0.46498975080225513 0.3937916301513127 0.29782894579570146 0.2142485432924334 0.15543270449383412 0.15388491926228462 0.08268679861135095 +42770,0.08423458384289165,2,0.748234448174458 0.9571854544326368 1.1630408902277432 1.3688963260228406 1.4323555205160707 1.450928943294577 1.3874697488013465 1.2775769973618603 1.1738753868485368 0.9587332396641863 0.6677496161342713 0.5795258579363636 0.46498975080225513 0.3937916301513127 0.29782894579570146 0.2142485432924334 0.15543270449383412 0.15388491926228462 0.08268679861135095 0.09816465092677551 +42771,0.09661686569523482,2,0.9571854544326368 1.1630408902277432 1.3688963260228406 1.4323555205160707 1.450928943294577 1.3874697488013465 1.2775769973618603 1.1738753868485368 0.9587332396641863 0.6677496161342713 0.5795258579363636 0.46498975080225513 0.3937916301513127 0.29782894579570146 0.2142485432924334 0.15543270449383412 0.15388491926228462 0.08268679861135095 0.09816465092677551 0.08423458384289165 +42772,0.3071156571849544,2,1.1630408902277432 1.3688963260228406 1.4323555205160707 1.450928943294577 1.3874697488013465 1.2775769973618603 1.1738753868485368 0.9587332396641863 0.6677496161342713 0.5795258579363636 0.46498975080225513 0.3937916301513127 0.29782894579570146 0.2142485432924334 0.15543270449383412 0.15388491926228462 0.08268679861135095 0.09816465092677551 0.08423458384289165 0.09661686569523482 +42773,0.5330923009901074,2,1.3688963260228406 1.4323555205160707 1.450928943294577 1.3874697488013465 1.2775769973618603 1.1738753868485368 0.9587332396641863 0.6677496161342713 0.5795258579363636 0.46498975080225513 0.3937916301513127 0.29782894579570146 0.2142485432924334 0.15543270449383412 0.15388491926228462 0.08268679861135095 0.09816465092677551 0.08423458384289165 0.09661686569523482 0.3071156571849544 +42774,0.7915724346576326,2,1.4323555205160707 1.450928943294577 1.3874697488013465 1.2775769973618603 1.1738753868485368 0.9587332396641863 0.6677496161342713 0.5795258579363636 0.46498975080225513 0.3937916301513127 0.29782894579570146 0.2142485432924334 0.15543270449383412 0.15388491926228462 0.08268679861135095 0.09816465092677551 0.08423458384289165 0.09661686569523482 0.3071156571849544 0.5330923009901074 +42775,1.0314791455466608,2,1.450928943294577 1.3874697488013465 1.2775769973618603 1.1738753868485368 0.9587332396641863 0.6677496161342713 0.5795258579363636 0.46498975080225513 0.3937916301513127 0.29782894579570146 0.2142485432924334 0.15543270449383412 0.15388491926228462 0.08268679861135095 0.09816465092677551 0.08423458384289165 0.09661686569523482 0.3071156571849544 0.5330923009901074 0.7915724346576326 +42776,1.218761158563261,2,1.3874697488013465 1.2775769973618603 1.1738753868485368 0.9587332396641863 0.6677496161342713 0.5795258579363636 0.46498975080225513 0.3937916301513127 0.29782894579570146 0.2142485432924334 0.15543270449383412 0.15388491926228462 0.08268679861135095 0.09816465092677551 0.08423458384289165 0.09661686569523482 0.3071156571849544 0.5330923009901074 0.7915724346576326 1.0314791455466608 +42777,1.3456795475497125,2,1.2775769973618603 1.1738753868485368 0.9587332396641863 0.6677496161342713 0.5795258579363636 0.46498975080225513 0.3937916301513127 0.29782894579570146 0.2142485432924334 0.15543270449383412 0.15388491926228462 0.08268679861135095 0.09816465092677551 0.08423458384289165 0.09661686569523482 0.3071156571849544 0.5330923009901074 0.7915724346576326 1.0314791455466608 1.218761158563261 +42778,1.441642231905324,2,1.1738753868485368 0.9587332396641863 0.6677496161342713 0.5795258579363636 0.46498975080225513 0.3937916301513127 0.29782894579570146 0.2142485432924334 0.15543270449383412 0.15388491926228462 0.08268679861135095 0.09816465092677551 0.08423458384289165 0.09661686569523482 0.3071156571849544 0.5330923009901074 0.7915724346576326 1.0314791455466608 1.218761158563261 1.3456795475497125 +42779,1.4323555205160707,2,0.9587332396641863 0.6677496161342713 0.5795258579363636 0.46498975080225513 0.3937916301513127 0.29782894579570146 0.2142485432924334 0.15543270449383412 0.15388491926228462 0.08268679861135095 0.09816465092677551 0.08423458384289165 0.09661686569523482 0.3071156571849544 0.5330923009901074 0.7915724346576326 1.0314791455466608 1.218761158563261 1.3456795475497125 1.441642231905324 +42780,1.3843741783382653,2,0.6677496161342713 0.5795258579363636 0.46498975080225513 0.3937916301513127 0.29782894579570146 0.2142485432924334 0.15543270449383412 0.15388491926228462 0.08268679861135095 0.09816465092677551 0.08423458384289165 0.09661686569523482 0.3071156571849544 0.5330923009901074 0.7915724346576326 1.0314791455466608 1.218761158563261 1.3456795475497125 1.441642231905324 1.4323555205160707 +42781,1.348775118012794,2,0.5795258579363636 0.46498975080225513 0.3937916301513127 0.29782894579570146 0.2142485432924334 0.15543270449383412 0.15388491926228462 0.08268679861135095 0.09816465092677551 0.08423458384289165 0.09661686569523482 0.3071156571849544 0.5330923009901074 0.7915724346576326 1.0314791455466608 1.218761158563261 1.3456795475497125 1.441642231905324 1.4323555205160707 1.3843741783382653 +42782,1.1738753868485368,2,0.46498975080225513 0.3937916301513127 0.29782894579570146 0.2142485432924334 0.15543270449383412 0.15388491926228462 0.08268679861135095 0.09816465092677551 0.08423458384289165 0.09661686569523482 0.3071156571849544 0.5330923009901074 0.7915724346576326 1.0314791455466608 1.218761158563261 1.3456795475497125 1.441642231905324 1.4323555205160707 1.3843741783382653 1.348775118012794 +42783,0.9277775350333372,2,0.3937916301513127 0.29782894579570146 0.2142485432924334 0.15543270449383412 0.15388491926228462 0.08268679861135095 0.09816465092677551 0.08423458384289165 0.09661686569523482 0.3071156571849544 0.5330923009901074 0.7915724346576326 1.0314791455466608 1.218761158563261 1.3456795475497125 1.441642231905324 1.4323555205160707 1.3843741783382653 1.348775118012794 1.1738753868485368 +42784,0.6584629047450182,2,0.29782894579570146 0.2142485432924334 0.15543270449383412 0.15388491926228462 0.08268679861135095 0.09816465092677551 0.08423458384289165 0.09661686569523482 0.3071156571849544 0.5330923009901074 0.7915724346576326 1.0314791455466608 1.218761158563261 1.3456795475497125 1.441642231905324 1.4323555205160707 1.3843741783382653 1.348775118012794 1.1738753868485368 0.9277775350333372 +42785,0.5346400862216482,2,0.2142485432924334 0.15543270449383412 0.15388491926228462 0.08268679861135095 0.09816465092677551 0.08423458384289165 0.09661686569523482 0.3071156571849544 0.5330923009901074 0.7915724346576326 1.0314791455466608 1.218761158563261 1.3456795475497125 1.441642231905324 1.4323555205160707 1.3843741783382653 1.348775118012794 1.1738753868485368 0.9277775350333372 0.6584629047450182 +42786,0.46653753603379583,2,0.15543270449383412 0.15388491926228462 0.08268679861135095 0.09816465092677551 0.08423458384289165 0.09661686569523482 0.3071156571849544 0.5330923009901074 0.7915724346576326 1.0314791455466608 1.218761158563261 1.3456795475497125 1.441642231905324 1.4323555205160707 1.3843741783382653 1.348775118012794 1.1738753868485368 0.9277775350333372 0.6584629047450182 0.5346400862216482 +42787,0.35819256982585024,2,0.15388491926228462 0.08268679861135095 0.09816465092677551 0.08423458384289165 0.09661686569523482 0.3071156571849544 0.5330923009901074 0.7915724346576326 1.0314791455466608 1.218761158563261 1.3456795475497125 1.441642231905324 1.4323555205160707 1.3843741783382653 1.348775118012794 1.1738753868485368 0.9277775350333372 0.6584629047450182 0.5346400862216482 0.46653753603379583 +42788,0.2854466639433671,2,0.08268679861135095 0.09816465092677551 0.08423458384289165 0.09661686569523482 0.3071156571849544 0.5330923009901074 0.7915724346576326 1.0314791455466608 1.218761158563261 1.3456795475497125 1.441642231905324 1.4323555205160707 1.3843741783382653 1.348775118012794 1.1738753868485368 0.9277775350333372 0.6584629047450182 0.5346400862216482 0.46653753603379583 0.35819256982585024 +42789,0.20186626144009023,2,0.09816465092677551 0.08423458384289165 0.09661686569523482 0.3071156571849544 0.5330923009901074 0.7915724346576326 1.0314791455466608 1.218761158563261 1.3456795475497125 1.441642231905324 1.4323555205160707 1.3843741783382653 1.348775118012794 1.1738753868485368 0.9277775350333372 0.6584629047450182 0.5346400862216482 0.46653753603379583 0.35819256982585024 0.2854466639433671 +42790,0.15388491926228462,2,0.08423458384289165 0.09661686569523482 0.3071156571849544 0.5330923009901074 0.7915724346576326 1.0314791455466608 1.218761158563261 1.3456795475497125 1.441642231905324 1.4323555205160707 1.3843741783382653 1.348775118012794 1.1738753868485368 0.9277775350333372 0.6584629047450182 0.5346400862216482 0.46653753603379583 0.35819256982585024 0.2854466639433671 0.20186626144009023 +42791,0.13066814078915656,2,0.09661686569523482 0.3071156571849544 0.5330923009901074 0.7915724346576326 1.0314791455466608 1.218761158563261 1.3456795475497125 1.441642231905324 1.4323555205160707 1.3843741783382653 1.348775118012794 1.1738753868485368 0.9277775350333372 0.6584629047450182 0.5346400862216482 0.46653753603379583 0.35819256982585024 0.2854466639433671 0.20186626144009023 0.15388491926228462 +42792,0.13066814078915656,2,0.3071156571849544 0.5330923009901074 0.7915724346576326 1.0314791455466608 1.218761158563261 1.3456795475497125 1.441642231905324 1.4323555205160707 1.3843741783382653 1.348775118012794 1.1738753868485368 0.9277775350333372 0.6584629047450182 0.5346400862216482 0.46653753603379583 0.35819256982585024 0.2854466639433671 0.20186626144009023 0.15388491926228462 0.13066814078915656 +42793,0.09506908046368533,2,0.5330923009901074 0.7915724346576326 1.0314791455466608 1.218761158563261 1.3456795475497125 1.441642231905324 1.4323555205160707 1.3843741783382653 1.348775118012794 1.1738753868485368 0.9277775350333372 0.6584629047450182 0.5346400862216482 0.46653753603379583 0.35819256982585024 0.2854466639433671 0.20186626144009023 0.15388491926228462 0.13066814078915656 0.13066814078915656 +42794,0.13066814078915656,2,0.7915724346576326 1.0314791455466608 1.218761158563261 1.3456795475497125 1.441642231905324 1.4323555205160707 1.3843741783382653 1.348775118012794 1.1738753868485368 0.9277775350333372 0.6584629047450182 0.5346400862216482 0.46653753603379583 0.35819256982585024 0.2854466639433671 0.20186626144009023 0.15388491926228462 0.13066814078915656 0.13066814078915656 0.09506908046368533 +42795,0.15233713403074392,2,1.0314791455466608 1.218761158563261 1.3456795475497125 1.441642231905324 1.4323555205160707 1.3843741783382653 1.348775118012794 1.1738753868485368 0.9277775350333372 0.6584629047450182 0.5346400862216482 0.46653753603379583 0.35819256982585024 0.2854466639433671 0.20186626144009023 0.15388491926228462 0.13066814078915656 0.13066814078915656 0.09506908046368533 0.13066814078915656 +42796,0.25913431500714884,2,1.218761158563261 1.3456795475497125 1.441642231905324 1.4323555205160707 1.3843741783382653 1.348775118012794 1.1738753868485368 0.9277775350333372 0.6584629047450182 0.5346400862216482 0.46653753603379583 0.35819256982585024 0.2854466639433671 0.20186626144009023 0.15388491926228462 0.13066814078915656 0.13066814078915656 0.09506908046368533 0.13066814078915656 0.15233713403074392 +42797,0.4820153883492116,2,1.3456795475497125 1.441642231905324 1.4323555205160707 1.3843741783382653 1.348775118012794 1.1738753868485368 0.9277775350333372 0.6584629047450182 0.5346400862216482 0.46653753603379583 0.35819256982585024 0.2854466639433671 0.20186626144009023 0.15388491926228462 0.13066814078915656 0.13066814078915656 0.09506908046368533 0.13066814078915656 0.15233713403074392 0.25913431500714884 +42798,0.7048964616912744,2,1.441642231905324 1.4323555205160707 1.3843741783382653 1.348775118012794 1.1738753868485368 0.9277775350333372 0.6584629047450182 0.5346400862216482 0.46653753603379583 0.35819256982585024 0.2854466639433671 0.20186626144009023 0.15388491926228462 0.13066814078915656 0.13066814078915656 0.09506908046368533 0.13066814078915656 0.15233713403074392 0.25913431500714884 0.4820153883492116 +42799,0.9958800852211894,2,1.4323555205160707 1.3843741783382653 1.348775118012794 1.1738753868485368 0.9277775350333372 0.6584629047450182 0.5346400862216482 0.46653753603379583 0.35819256982585024 0.2854466639433671 0.20186626144009023 0.15388491926228462 0.13066814078915656 0.13066814078915656 0.09506908046368533 0.13066814078915656 0.15233713403074392 0.25913431500714884 0.4820153883492116 0.7048964616912744 +42800,1.1986399505532055,2,1.3843741783382653 1.348775118012794 1.1738753868485368 0.9277775350333372 0.6584629047450182 0.5346400862216482 0.46653753603379583 0.35819256982585024 0.2854466639433671 0.20186626144009023 0.15388491926228462 0.13066814078915656 0.13066814078915656 0.09506908046368533 0.13066814078915656 0.15233713403074392 0.25913431500714884 0.4820153883492116 0.7048964616912744 0.9958800852211894 +42801,1.2357867961102176,2,1.348775118012794 1.1738753868485368 0.9277775350333372 0.6584629047450182 0.5346400862216482 0.46653753603379583 0.35819256982585024 0.2854466639433671 0.20186626144009023 0.15388491926228462 0.13066814078915656 0.13066814078915656 0.09506908046368533 0.13066814078915656 0.15233713403074392 0.25913431500714884 0.4820153883492116 0.7048964616912744 0.9958800852211894 1.1986399505532055 +42802,1.3704441112543813,2,1.1738753868485368 0.9277775350333372 0.6584629047450182 0.5346400862216482 0.46653753603379583 0.35819256982585024 0.2854466639433671 0.20186626144009023 0.15388491926228462 0.13066814078915656 0.13066814078915656 0.09506908046368533 0.13066814078915656 0.15233713403074392 0.25913431500714884 0.4820153883492116 0.7048964616912744 0.9958800852211894 1.1986399505532055 1.2357867961102176 +42803,1.3286539100027472,2,0.9277775350333372 0.6584629047450182 0.5346400862216482 0.46653753603379583 0.35819256982585024 0.2854466639433671 0.20186626144009023 0.15388491926228462 0.13066814078915656 0.13066814078915656 0.09506908046368533 0.13066814078915656 0.15233713403074392 0.25913431500714884 0.4820153883492116 0.7048964616912744 0.9958800852211894 1.1986399505532055 1.2357867961102176 1.3704441112543813 +42804,1.3549662589389655,2,0.6584629047450182 0.5346400862216482 0.46653753603379583 0.35819256982585024 0.2854466639433671 0.20186626144009023 0.15388491926228462 0.13066814078915656 0.13066814078915656 0.09506908046368533 0.13066814078915656 0.15233713403074392 0.25913431500714884 0.4820153883492116 0.7048964616912744 0.9958800852211894 1.1986399505532055 1.2357867961102176 1.3704441112543813 1.3286539100027472 +42805,1.2388823665733077,2,0.5346400862216482 0.46653753603379583 0.35819256982585024 0.2854466639433671 0.20186626144009023 0.15388491926228462 0.13066814078915656 0.13066814078915656 0.09506908046368533 0.13066814078915656 0.15233713403074392 0.25913431500714884 0.4820153883492116 0.7048964616912744 0.9958800852211894 1.1986399505532055 1.2357867961102176 1.3704441112543813 1.3286539100027472 1.3549662589389655 +42806,1.0701737763352133,2,0.46653753603379583 0.35819256982585024 0.2854466639433671 0.20186626144009023 0.15388491926228462 0.13066814078915656 0.13066814078915656 0.09506908046368533 0.13066814078915656 0.15233713403074392 0.25913431500714884 0.4820153883492116 0.7048964616912744 0.9958800852211894 1.1986399505532055 1.2357867961102176 1.3704441112543813 1.3286539100027472 1.3549662589389655 1.2388823665733077 +42807,0.8333626359092754,2,0.35819256982585024 0.2854466639433671 0.20186626144009023 0.15388491926228462 0.13066814078915656 0.13066814078915656 0.09506908046368533 0.13066814078915656 0.15233713403074392 0.25913431500714884 0.4820153883492116 0.7048964616912744 0.9958800852211894 1.1986399505532055 1.2357867961102176 1.3704441112543813 1.3286539100027472 1.3549662589389655 1.2388823665733077 1.0701737763352133 +42808,0.5222578043693137,2,0.2854466639433671 0.20186626144009023 0.15388491926228462 0.13066814078915656 0.13066814078915656 0.09506908046368533 0.13066814078915656 0.15233713403074392 0.25913431500714884 0.4820153883492116 0.7048964616912744 0.9958800852211894 1.1986399505532055 1.2357867961102176 1.3704441112543813 1.3286539100027472 1.3549662589389655 1.2388823665733077 1.0701737763352133 0.8333626359092754 +42809,0.3906960596882313,2,0.20186626144009023 0.15388491926228462 0.13066814078915656 0.13066814078915656 0.09506908046368533 0.13066814078915656 0.15233713403074392 0.25913431500714884 0.4820153883492116 0.7048964616912744 0.9958800852211894 1.1986399505532055 1.2357867961102176 1.3704441112543813 1.3286539100027472 1.3549662589389655 1.2388823665733077 1.0701737763352133 0.8333626359092754 0.5222578043693137 +42810,0.29782894579570146,2,0.15388491926228462 0.13066814078915656 0.13066814078915656 0.09506908046368533 0.13066814078915656 0.15233713403074392 0.25913431500714884 0.4820153883492116 0.7048964616912744 0.9958800852211894 1.1986399505532055 1.2357867961102176 1.3704441112543813 1.3286539100027472 1.3549662589389655 1.2388823665733077 1.0701737763352133 0.8333626359092754 0.5222578043693137 0.3906960596882313 +42811,0.20186626144009023,2,0.13066814078915656 0.13066814078915656 0.09506908046368533 0.13066814078915656 0.15233713403074392 0.25913431500714884 0.4820153883492116 0.7048964616912744 0.9958800852211894 1.1986399505532055 1.2357867961102176 1.3704441112543813 1.3286539100027472 1.3549662589389655 1.2388823665733077 1.0701737763352133 0.8333626359092754 0.5222578043693137 0.3906960596882313 0.29782894579570146 +42812,0.20186626144009023,2,0.13066814078915656 0.09506908046368533 0.13066814078915656 0.15233713403074392 0.25913431500714884 0.4820153883492116 0.7048964616912744 0.9958800852211894 1.1986399505532055 1.2357867961102176 1.3704441112543813 1.3286539100027472 1.3549662589389655 1.2388823665733077 1.0701737763352133 0.8333626359092754 0.5222578043693137 0.3906960596882313 0.29782894579570146 0.20186626144009023 +42813,0.16471941588308708,2,0.09506908046368533 0.13066814078915656 0.15233713403074392 0.25913431500714884 0.4820153883492116 0.7048964616912744 0.9958800852211894 1.1986399505532055 1.2357867961102176 1.3704441112543813 1.3286539100027472 1.3549662589389655 1.2388823665733077 1.0701737763352133 0.8333626359092754 0.5222578043693137 0.3906960596882313 0.29782894579570146 0.20186626144009023 0.20186626144009023 +42814,0.15388491926228462,2,0.13066814078915656 0.15233713403074392 0.25913431500714884 0.4820153883492116 0.7048964616912744 0.9958800852211894 1.1986399505532055 1.2357867961102176 1.3704441112543813 1.3286539100027472 1.3549662589389655 1.2388823665733077 1.0701737763352133 0.8333626359092754 0.5222578043693137 0.3906960596882313 0.29782894579570146 0.20186626144009023 0.20186626144009023 0.16471941588308708 +42815,0.14150263740995023,2,0.15233713403074392 0.25913431500714884 0.4820153883492116 0.7048964616912744 0.9958800852211894 1.1986399505532055 1.2357867961102176 1.3704441112543813 1.3286539100027472 1.3549662589389655 1.2388823665733077 1.0701737763352133 0.8333626359092754 0.5222578043693137 0.3906960596882313 0.29782894579570146 0.20186626144009023 0.20186626144009023 0.16471941588308708 0.15388491926228462 +42816,0.18948397958775584,2,0.25913431500714884 0.4820153883492116 0.7048964616912744 0.9958800852211894 1.1986399505532055 1.2357867961102176 1.3704441112543813 1.3286539100027472 1.3549662589389655 1.2388823665733077 1.0701737763352133 0.8333626359092754 0.5222578043693137 0.3906960596882313 0.29782894579570146 0.20186626144009023 0.20186626144009023 0.16471941588308708 0.15388491926228462 0.14150263740995023 +42817,0.2127007580608927,2,0.4820153883492116 0.7048964616912744 0.9958800852211894 1.1986399505532055 1.2357867961102176 1.3704441112543813 1.3286539100027472 1.3549662589389655 1.2388823665733077 1.0701737763352133 0.8333626359092754 0.5222578043693137 0.3906960596882313 0.29782894579570146 0.20186626144009023 0.20186626144009023 0.16471941588308708 0.15388491926228462 0.14150263740995023 0.18948397958775584 +42818,0.23436975130248006,2,0.7048964616912744 0.9958800852211894 1.1986399505532055 1.2357867961102176 1.3704441112543813 1.3286539100027472 1.3549662589389655 1.2388823665733077 1.0701737763352133 0.8333626359092754 0.5222578043693137 0.3906960596882313 0.29782894579570146 0.20186626144009023 0.20186626144009023 0.16471941588308708 0.15388491926228462 0.14150263740995023 0.18948397958775584 0.2127007580608927 +42819,0.2204396842185962,2,0.9958800852211894 1.1986399505532055 1.2357867961102176 1.3704441112543813 1.3286539100027472 1.3549662589389655 1.2388823665733077 1.0701737763352133 0.8333626359092754 0.5222578043693137 0.3906960596882313 0.29782894579570146 0.20186626144009023 0.20186626144009023 0.16471941588308708 0.15388491926228462 0.14150263740995023 0.18948397958775584 0.2127007580608927 0.23436975130248006 +42820,0.3086634424164951,2,1.1986399505532055 1.2357867961102176 1.3704441112543813 1.3286539100027472 1.3549662589389655 1.2388823665733077 1.0701737763352133 0.8333626359092754 0.5222578043693137 0.3906960596882313 0.29782894579570146 0.20186626144009023 0.20186626144009023 0.16471941588308708 0.15388491926228462 0.14150263740995023 0.18948397958775584 0.2127007580608927 0.23436975130248006 0.2204396842185962 +42821,0.46344196557070566,2,1.2357867961102176 1.3704441112543813 1.3286539100027472 1.3549662589389655 1.2388823665733077 1.0701737763352133 0.8333626359092754 0.5222578043693137 0.3906960596882313 0.29782894579570146 0.20186626144009023 0.20186626144009023 0.16471941588308708 0.15388491926228462 0.14150263740995023 0.18948397958775584 0.2127007580608927 0.23436975130248006 0.2204396842185962 0.3086634424164951 +42822,0.6445328376611345,2,1.3704441112543813 1.3286539100027472 1.3549662589389655 1.2388823665733077 1.0701737763352133 0.8333626359092754 0.5222578043693137 0.3906960596882313 0.29782894579570146 0.20186626144009023 0.20186626144009023 0.16471941588308708 0.15388491926228462 0.14150263740995023 0.18948397958775584 0.2127007580608927 0.23436975130248006 0.2204396842185962 0.3086634424164951 0.46344196557070566 +42823,0.8983696156340375,2,1.3286539100027472 1.3549662589389655 1.2388823665733077 1.0701737763352133 0.8333626359092754 0.5222578043693137 0.3906960596882313 0.29782894579570146 0.20186626144009023 0.20186626144009023 0.16471941588308708 0.15388491926228462 0.14150263740995023 0.18948397958775584 0.2127007580608927 0.23436975130248006 0.2204396842185962 0.3086634424164951 0.46344196557070566 0.6445328376611345 +42824,1.0918427695768007,2,1.3549662589389655 1.2388823665733077 1.0701737763352133 0.8333626359092754 0.5222578043693137 0.3906960596882313 0.29782894579570146 0.20186626144009023 0.20186626144009023 0.16471941588308708 0.15388491926228462 0.14150263740995023 0.18948397958775584 0.2127007580608927 0.23436975130248006 0.2204396842185962 0.3086634424164951 0.46344196557070566 0.6445328376611345 0.8983696156340375 +42825,1.2481690779625607,2,1.2388823665733077 1.0701737763352133 0.8333626359092754 0.5222578043693137 0.3906960596882313 0.29782894579570146 0.20186626144009023 0.20186626144009023 0.16471941588308708 0.15388491926228462 0.14150263740995023 0.18948397958775584 0.2127007580608927 0.23436975130248006 0.2204396842185962 0.3086634424164951 0.46344196557070566 0.6445328376611345 0.8983696156340375 1.0918427695768007 +42826,1.3750874669490123,2,1.0701737763352133 0.8333626359092754 0.5222578043693137 0.3906960596882313 0.29782894579570146 0.20186626144009023 0.20186626144009023 0.16471941588308708 0.15388491926228462 0.14150263740995023 0.18948397958775584 0.2127007580608927 0.23436975130248006 0.2204396842185962 0.3086634424164951 0.46344196557070566 0.6445328376611345 0.8983696156340375 1.0918427695768007 1.2481690779625607 +42827,1.4524767285261175,2,0.8333626359092754 0.5222578043693137 0.3906960596882313 0.29782894579570146 0.20186626144009023 0.20186626144009023 0.16471941588308708 0.15388491926228462 0.14150263740995023 0.18948397958775584 0.2127007580608927 0.23436975130248006 0.2204396842185962 0.3086634424164951 0.46344196557070566 0.6445328376611345 0.8983696156340375 1.0918427695768007 1.2481690779625607 1.3750874669490123 +42828,1.30698491676116,2,0.5222578043693137 0.3906960596882313 0.29782894579570146 0.20186626144009023 0.20186626144009023 0.16471941588308708 0.15388491926228462 0.14150263740995023 0.18948397958775584 0.2127007580608927 0.23436975130248006 0.2204396842185962 0.3086634424164951 0.46344196557070566 0.6445328376611345 0.8983696156340375 1.0918427695768007 1.2481690779625607 1.3750874669490123 1.4524767285261175 +42829,1.1011294809660537,2,0.3906960596882313 0.29782894579570146 0.20186626144009023 0.20186626144009023 0.16471941588308708 0.15388491926228462 0.14150263740995023 0.18948397958775584 0.2127007580608927 0.23436975130248006 0.2204396842185962 0.3086634424164951 0.46344196557070566 0.6445328376611345 0.8983696156340375 1.0918427695768007 1.2481690779625607 1.3750874669490123 1.4524767285261175 1.30698491676116 +42830,0.9184908236440842,2,0.29782894579570146 0.20186626144009023 0.20186626144009023 0.16471941588308708 0.15388491926228462 0.14150263740995023 0.18948397958775584 0.2127007580608927 0.23436975130248006 0.2204396842185962 0.3086634424164951 0.46344196557070566 0.6445328376611345 0.8983696156340375 1.0918427695768007 1.2481690779625607 1.3750874669490123 1.4524767285261175 1.30698491676116 1.1011294809660537 +42831,0.7064442469228239,2,0.20186626144009023 0.20186626144009023 0.16471941588308708 0.15388491926228462 0.14150263740995023 0.18948397958775584 0.2127007580608927 0.23436975130248006 0.2204396842185962 0.3086634424164951 0.46344196557070566 0.6445328376611345 0.8983696156340375 1.0918427695768007 1.2481690779625607 1.3750874669490123 1.4524767285261175 1.30698491676116 1.1011294809660537 0.9184908236440842 +42832,0.42010397908753094,2,0.20186626144009023 0.16471941588308708 0.15388491926228462 0.14150263740995023 0.18948397958775584 0.2127007580608927 0.23436975130248006 0.2204396842185962 0.3086634424164951 0.46344196557070566 0.6445328376611345 0.8983696156340375 1.0918427695768007 1.2481690779625607 1.3750874669490123 1.4524767285261175 1.30698491676116 1.1011294809660537 0.9184908236440842 0.7064442469228239 +42833,0.34581028797350705,2,0.16471941588308708 0.15388491926228462 0.14150263740995023 0.18948397958775584 0.2127007580608927 0.23436975130248006 0.2204396842185962 0.3086634424164951 0.46344196557070566 0.6445328376611345 0.8983696156340375 1.0918427695768007 1.2481690779625607 1.3750874669490123 1.4524767285261175 1.30698491676116 1.1011294809660537 0.9184908236440842 0.7064442469228239 0.42010397908753094 +42834,0.2730643820910327,2,0.15388491926228462 0.14150263740995023 0.18948397958775584 0.2127007580608927 0.23436975130248006 0.2204396842185962 0.3086634424164951 0.46344196557070566 0.6445328376611345 0.8983696156340375 1.0918427695768007 1.2481690779625607 1.3750874669490123 1.4524767285261175 1.30698491676116 1.1011294809660537 0.9184908236440842 0.7064442469228239 0.42010397908753094 0.34581028797350705 +42835,0.2792555230171955,2,0.14150263740995023 0.18948397958775584 0.2127007580608927 0.23436975130248006 0.2204396842185962 0.3086634424164951 0.46344196557070566 0.6445328376611345 0.8983696156340375 1.0918427695768007 1.2481690779625607 1.3750874669490123 1.4524767285261175 1.30698491676116 1.1011294809660537 0.9184908236440842 0.7064442469228239 0.42010397908753094 0.34581028797350705 0.2730643820910327 +42836,0.29163780486953866,2,0.18948397958775584 0.2127007580608927 0.23436975130248006 0.2204396842185962 0.3086634424164951 0.46344196557070566 0.6445328376611345 0.8983696156340375 1.0918427695768007 1.2481690779625607 1.3750874669490123 1.4524767285261175 1.30698491676116 1.1011294809660537 0.9184908236440842 0.7064442469228239 0.42010397908753094 0.34581028797350705 0.2730643820910327 0.2792555230171955 +42837,0.2684210263964018,2,0.2127007580608927 0.23436975130248006 0.2204396842185962 0.3086634424164951 0.46344196557070566 0.6445328376611345 0.8983696156340375 1.0918427695768007 1.2481690779625607 1.3750874669490123 1.4524767285261175 1.30698491676116 1.1011294809660537 0.9184908236440842 0.7064442469228239 0.42010397908753094 0.34581028797350705 0.2730643820910327 0.2792555230171955 0.29163780486953866 +42838,0.29628116056416076,2,0.23436975130248006 0.2204396842185962 0.3086634424164951 0.46344196557070566 0.6445328376611345 0.8983696156340375 1.0918427695768007 1.2481690779625607 1.3750874669490123 1.4524767285261175 1.30698491676116 1.1011294809660537 0.9184908236440842 0.7064442469228239 0.42010397908753094 0.34581028797350705 0.2730643820910327 0.2792555230171955 0.29163780486953866 0.2684210263964018 +42839,0.2668732411648611,2,0.2204396842185962 0.3086634424164951 0.46344196557070566 0.6445328376611345 0.8983696156340375 1.0918427695768007 1.2481690779625607 1.3750874669490123 1.4524767285261175 1.30698491676116 1.1011294809660537 0.9184908236440842 0.7064442469228239 0.42010397908753094 0.34581028797350705 0.2730643820910327 0.2792555230171955 0.29163780486953866 0.2684210263964018 0.29628116056416076 +42840,0.2668732411648611,2,0.3086634424164951 0.46344196557070566 0.6445328376611345 0.8983696156340375 1.0918427695768007 1.2481690779625607 1.3750874669490123 1.4524767285261175 1.30698491676116 1.1011294809660537 0.9184908236440842 0.7064442469228239 0.42010397908753094 0.34581028797350705 0.2730643820910327 0.2792555230171955 0.29163780486953866 0.2684210263964018 0.29628116056416076 0.2668732411648611 +42841,0.30092451625879163,2,0.46344196557070566 0.6445328376611345 0.8983696156340375 1.0918427695768007 1.2481690779625607 1.3750874669490123 1.4524767285261175 1.30698491676116 1.1011294809660537 0.9184908236440842 0.7064442469228239 0.42010397908753094 0.34581028797350705 0.2730643820910327 0.2792555230171955 0.29163780486953866 0.2684210263964018 0.29628116056416076 0.2668732411648611 0.2668732411648611 +42842,0.29937673102724216,2,0.6445328376611345 0.8983696156340375 1.0918427695768007 1.2481690779625607 1.3750874669490123 1.4524767285261175 1.30698491676116 1.1011294809660537 0.9184908236440842 0.7064442469228239 0.42010397908753094 0.34581028797350705 0.2730643820910327 0.2792555230171955 0.29163780486953866 0.2684210263964018 0.29628116056416076 0.2668732411648611 0.2668732411648611 0.30092451625879163 +42843,0.3272368651950011,2,0.8983696156340375 1.0918427695768007 1.2481690779625607 1.3750874669490123 1.4524767285261175 1.30698491676116 1.1011294809660537 0.9184908236440842 0.7064442469228239 0.42010397908753094 0.34581028797350705 0.2730643820910327 0.2792555230171955 0.29163780486953866 0.2684210263964018 0.29628116056416076 0.2668732411648611 0.2668732411648611 0.30092451625879163 0.29937673102724216 +42844,0.4448685427922085,2,1.0918427695768007 1.2481690779625607 1.3750874669490123 1.4524767285261175 1.30698491676116 1.1011294809660537 0.9184908236440842 0.7064442469228239 0.42010397908753094 0.34581028797350705 0.2730643820910327 0.2792555230171955 0.29163780486953866 0.2684210263964018 0.29628116056416076 0.2668732411648611 0.2668732411648611 0.30092451625879163 0.29937673102724216 0.3272368651950011 +42845,0.6011948511779597,2,1.2481690779625607 1.3750874669490123 1.4524767285261175 1.30698491676116 1.1011294809660537 0.9184908236440842 0.7064442469228239 0.42010397908753094 0.34581028797350705 0.2730643820910327 0.2792555230171955 0.29163780486953866 0.2684210263964018 0.29628116056416076 0.2668732411648611 0.2668732411648611 0.30092451625879163 0.29937673102724216 0.3272368651950011 0.4448685427922085 +42846,0.6553673342819281,2,1.3750874669490123 1.4524767285261175 1.30698491676116 1.1011294809660537 0.9184908236440842 0.7064442469228239 0.42010397908753094 0.34581028797350705 0.2730643820910327 0.2792555230171955 0.29163780486953866 0.2684210263964018 0.29628116056416076 0.2668732411648611 0.2668732411648611 0.30092451625879163 0.29937673102724216 0.3272368651950011 0.4448685427922085 0.6011948511779597 +42847,0.711087602617446,2,1.4524767285261175 1.30698491676116 1.1011294809660537 0.9184908236440842 0.7064442469228239 0.42010397908753094 0.34581028797350705 0.2730643820910327 0.2792555230171955 0.29163780486953866 0.2684210263964018 0.29628116056416076 0.2668732411648611 0.2668732411648611 0.30092451625879163 0.29937673102724216 0.3272368651950011 0.4448685427922085 0.6011948511779597 0.6553673342819281 +42848,0.9664721658218898,2,1.30698491676116 1.1011294809660537 0.9184908236440842 0.7064442469228239 0.42010397908753094 0.34581028797350705 0.2730643820910327 0.2792555230171955 0.29163780486953866 0.2684210263964018 0.29628116056416076 0.2668732411648611 0.2668732411648611 0.30092451625879163 0.29937673102724216 0.3272368651950011 0.4448685427922085 0.6011948511779597 0.6553673342819281 0.711087602617446 +42849,1.2342390108786767,2,1.1011294809660537 0.9184908236440842 0.7064442469228239 0.42010397908753094 0.34581028797350705 0.2730643820910327 0.2792555230171955 0.29163780486953866 0.2684210263964018 0.29628116056416076 0.2668732411648611 0.2668732411648611 0.30092451625879163 0.29937673102724216 0.3272368651950011 0.4448685427922085 0.6011948511779597 0.6553673342819281 0.711087602617446 0.9664721658218898 +42850,1.3828263931067157,2,0.9184908236440842 0.7064442469228239 0.42010397908753094 0.34581028797350705 0.2730643820910327 0.2792555230171955 0.29163780486953866 0.2684210263964018 0.29628116056416076 0.2668732411648611 0.2668732411648611 0.30092451625879163 0.29937673102724216 0.3272368651950011 0.4448685427922085 0.6011948511779597 0.6553673342819281 0.711087602617446 0.9664721658218898 1.2342390108786767 +42851,1.5205792787139698,2,0.7064442469228239 0.42010397908753094 0.34581028797350705 0.2730643820910327 0.2792555230171955 0.29163780486953866 0.2684210263964018 0.29628116056416076 0.2668732411648611 0.2668732411648611 0.30092451625879163 0.29937673102724216 0.3272368651950011 0.4448685427922085 0.6011948511779597 0.6553673342819281 0.711087602617446 0.9664721658218898 1.2342390108786767 1.3828263931067157 +42852,1.5066492116300858,2,0.42010397908753094 0.34581028797350705 0.2730643820910327 0.2792555230171955 0.29163780486953866 0.2684210263964018 0.29628116056416076 0.2668732411648611 0.2668732411648611 0.30092451625879163 0.29937673102724216 0.3272368651950011 0.4448685427922085 0.6011948511779597 0.6553673342819281 0.711087602617446 0.9664721658218898 1.2342390108786767 1.3828263931067157 1.5205792787139698 +42853,1.3704441112543813,2,0.34581028797350705 0.2730643820910327 0.2792555230171955 0.29163780486953866 0.2684210263964018 0.29628116056416076 0.2668732411648611 0.2668732411648611 0.30092451625879163 0.29937673102724216 0.3272368651950011 0.4448685427922085 0.6011948511779597 0.6553673342819281 0.711087602617446 0.9664721658218898 1.2342390108786767 1.3828263931067157 1.5205792787139698 1.5066492116300858 +42854,1.1847098834693306,2,0.2730643820910327 0.2792555230171955 0.29163780486953866 0.2684210263964018 0.29628116056416076 0.2668732411648611 0.2668732411648611 0.30092451625879163 0.29937673102724216 0.3272368651950011 0.4448685427922085 0.6011948511779597 0.6553673342819281 0.711087602617446 0.9664721658218898 1.2342390108786767 1.3828263931067157 1.5205792787139698 1.5066492116300858 1.3704441112543813 +42855,0.9773066624426923,2,0.2792555230171955 0.29163780486953866 0.2684210263964018 0.29628116056416076 0.2668732411648611 0.2668732411648611 0.30092451625879163 0.29937673102724216 0.3272368651950011 0.4448685427922085 0.6011948511779597 0.6553673342819281 0.711087602617446 0.9664721658218898 1.2342390108786767 1.3828263931067157 1.5205792787139698 1.5066492116300858 1.3704441112543813 1.1847098834693306 +42856,0.7126353878489867,2,0.29163780486953866 0.2684210263964018 0.29628116056416076 0.2668732411648611 0.2668732411648611 0.30092451625879163 0.29937673102724216 0.3272368651950011 0.4448685427922085 0.6011948511779597 0.6553673342819281 0.711087602617446 0.9664721658218898 1.2342390108786767 1.3828263931067157 1.5205792787139698 1.5066492116300858 1.3704441112543813 1.1847098834693306 0.9773066624426923 +42857,0.5563090794632355,2,0.2684210263964018 0.29628116056416076 0.2668732411648611 0.2668732411648611 0.30092451625879163 0.29937673102724216 0.3272368651950011 0.4448685427922085 0.6011948511779597 0.6553673342819281 0.711087602617446 0.9664721658218898 1.2342390108786767 1.3828263931067157 1.5205792787139698 1.5066492116300858 1.3704441112543813 1.1847098834693306 0.9773066624426923 0.7126353878489867 +42858,0.4882065292753832,2,0.29628116056416076 0.2668732411648611 0.2668732411648611 0.30092451625879163 0.29937673102724216 0.3272368651950011 0.4448685427922085 0.6011948511779597 0.6553673342819281 0.711087602617446 0.9664721658218898 1.2342390108786767 1.3828263931067157 1.5205792787139698 1.5066492116300858 1.3704441112543813 1.1847098834693306 0.9773066624426923 0.7126353878489867 0.5563090794632355 +42859,0.4293906904767839,2,0.2668732411648611 0.2668732411648611 0.30092451625879163 0.29937673102724216 0.3272368651950011 0.4448685427922085 0.6011948511779597 0.6553673342819281 0.711087602617446 0.9664721658218898 1.2342390108786767 1.3828263931067157 1.5205792787139698 1.5066492116300858 1.3704441112543813 1.1847098834693306 0.9773066624426923 0.7126353878489867 0.5563090794632355 0.4882065292753832 +42860,0.3179501538057481,2,0.2668732411648611 0.30092451625879163 0.29937673102724216 0.3272368651950011 0.4448685427922085 0.6011948511779597 0.6553673342819281 0.711087602617446 0.9664721658218898 1.2342390108786767 1.3828263931067157 1.5205792787139698 1.5066492116300858 1.3704441112543813 1.1847098834693306 0.9773066624426923 0.7126353878489867 0.5563090794632355 0.4882065292753832 0.4293906904767839 +42861,0.262229885470239,2,0.30092451625879163 0.29937673102724216 0.3272368651950011 0.4448685427922085 0.6011948511779597 0.6553673342819281 0.711087602617446 0.9664721658218898 1.2342390108786767 1.3828263931067157 1.5205792787139698 1.5066492116300858 1.3704441112543813 1.1847098834693306 0.9773066624426923 0.7126353878489867 0.5563090794632355 0.4882065292753832 0.4293906904767839 0.3179501538057481 +42862,0.17864948296696218,2,0.29937673102724216 0.3272368651950011 0.4448685427922085 0.6011948511779597 0.6553673342819281 0.711087602617446 0.9664721658218898 1.2342390108786767 1.3828263931067157 1.5205792787139698 1.5066492116300858 1.3704441112543813 1.1847098834693306 0.9773066624426923 0.7126353878489867 0.5563090794632355 0.4882065292753832 0.4293906904767839 0.3179501538057481 0.262229885470239 +42863,0.13066814078915656,2,0.3272368651950011 0.4448685427922085 0.6011948511779597 0.6553673342819281 0.711087602617446 0.9664721658218898 1.2342390108786767 1.3828263931067157 1.5205792787139698 1.5066492116300858 1.3704441112543813 1.1847098834693306 0.9773066624426923 0.7126353878489867 0.5563090794632355 0.4882065292753832 0.4293906904767839 0.3179501538057481 0.262229885470239 0.17864948296696218 +42864,0.105903577084479,2,0.4448685427922085 0.6011948511779597 0.6553673342819281 0.711087602617446 0.9664721658218898 1.2342390108786767 1.3828263931067157 1.5205792787139698 1.5066492116300858 1.3704441112543813 1.1847098834693306 0.9773066624426923 0.7126353878489867 0.5563090794632355 0.4882065292753832 0.4293906904767839 0.3179501538057481 0.262229885470239 0.17864948296696218 0.13066814078915656 +42865,0.07030451675901657,2,0.6011948511779597 0.6553673342819281 0.711087602617446 0.9664721658218898 1.2342390108786767 1.3828263931067157 1.5205792787139698 1.5066492116300858 1.3704441112543813 1.1847098834693306 0.9773066624426923 0.7126353878489867 0.5563090794632355 0.4882065292753832 0.4293906904767839 0.3179501538057481 0.262229885470239 0.17864948296696218 0.13066814078915656 0.105903577084479 +42866,0.033157671202004635,2,0.6553673342819281 0.711087602617446 0.9664721658218898 1.2342390108786767 1.3828263931067157 1.5205792787139698 1.5066492116300858 1.3704441112543813 1.1847098834693306 0.9773066624426923 0.7126353878489867 0.5563090794632355 0.4882065292753832 0.4293906904767839 0.3179501538057481 0.262229885470239 0.17864948296696218 0.13066814078915656 0.105903577084479 0.07030451675901657 +42867,0.054826664443592,2,0.711087602617446 0.9664721658218898 1.2342390108786767 1.3828263931067157 1.5205792787139698 1.5066492116300858 1.3704441112543813 1.1847098834693306 0.9773066624426923 0.7126353878489867 0.5563090794632355 0.4882065292753832 0.4293906904767839 0.3179501538057481 0.262229885470239 0.17864948296696218 0.13066814078915656 0.105903577084479 0.07030451675901657 0.033157671202004635 +42868,0.2746121673225734,2,0.9664721658218898 1.2342390108786767 1.3828263931067157 1.5205792787139698 1.5066492116300858 1.3704441112543813 1.1847098834693306 0.9773066624426923 0.7126353878489867 0.5563090794632355 0.4882065292753832 0.4293906904767839 0.3179501538057481 0.262229885470239 0.17864948296696218 0.13066814078915656 0.105903577084479 0.07030451675901657 0.033157671202004635 0.054826664443592 +42869,0.5501179385370639,2,1.2342390108786767 1.3828263931067157 1.5205792787139698 1.5066492116300858 1.3704441112543813 1.1847098834693306 0.9773066624426923 0.7126353878489867 0.5563090794632355 0.4882065292753832 0.4293906904767839 0.3179501538057481 0.262229885470239 0.17864948296696218 0.13066814078915656 0.105903577084479 0.07030451675901657 0.033157671202004635 0.054826664443592 0.2746121673225734 +42870,0.8503882734562319,2,1.3828263931067157 1.5205792787139698 1.5066492116300858 1.3704441112543813 1.1847098834693306 0.9773066624426923 0.7126353878489867 0.5563090794632355 0.4882065292753832 0.4293906904767839 0.3179501538057481 0.262229885470239 0.17864948296696218 0.13066814078915656 0.105903577084479 0.07030451675901657 0.033157671202004635 0.054826664443592 0.2746121673225734 0.5501179385370639 +42871,1.1413718969861557,2,1.5205792787139698 1.5066492116300858 1.3704441112543813 1.1847098834693306 0.9773066624426923 0.7126353878489867 0.5563090794632355 0.4882065292753832 0.4293906904767839 0.3179501538057481 0.262229885470239 0.17864948296696218 0.13066814078915656 0.105903577084479 0.07030451675901657 0.033157671202004635 0.054826664443592 0.2746121673225734 0.5501179385370639 0.8503882734562319 +42872,1.4246165943583586,2,1.5066492116300858 1.3704441112543813 1.1847098834693306 0.9773066624426923 0.7126353878489867 0.5563090794632355 0.4882065292753832 0.4293906904767839 0.3179501538057481 0.262229885470239 0.17864948296696218 0.13066814078915656 0.105903577084479 0.07030451675901657 0.033157671202004635 0.054826664443592 0.2746121673225734 0.5501179385370639 0.8503882734562319 1.1413718969861557 +42873,1.6242808892272844,2,1.3704441112543813 1.1847098834693306 0.9773066624426923 0.7126353878489867 0.5563090794632355 0.4882065292753832 0.4293906904767839 0.3179501538057481 0.262229885470239 0.17864948296696218 0.13066814078915656 0.105903577084479 0.07030451675901657 0.033157671202004635 0.054826664443592 0.2746121673225734 0.5501179385370639 0.8503882734562319 1.1413718969861557 1.4246165943583586 +42874,1.6923834394151367,2,1.1847098834693306 0.9773066624426923 0.7126353878489867 0.5563090794632355 0.4882065292753832 0.4293906904767839 0.3179501538057481 0.262229885470239 0.17864948296696218 0.13066814078915656 0.105903577084479 0.07030451675901657 0.033157671202004635 0.054826664443592 0.2746121673225734 0.5501179385370639 0.8503882734562319 1.1413718969861557 1.4246165943583586 1.6242808892272844 +42875,1.7063135064990207,2,0.9773066624426923 0.7126353878489867 0.5563090794632355 0.4882065292753832 0.4293906904767839 0.3179501538057481 0.262229885470239 0.17864948296696218 0.13066814078915656 0.105903577084479 0.07030451675901657 0.033157671202004635 0.054826664443592 0.2746121673225734 0.5501179385370639 0.8503882734562319 1.1413718969861557 1.4246165943583586 1.6242808892272844 1.6923834394151367 +42876,1.7016701508043897,2,0.7126353878489867 0.5563090794632355 0.4882065292753832 0.4293906904767839 0.3179501538057481 0.262229885470239 0.17864948296696218 0.13066814078915656 0.105903577084479 0.07030451675901657 0.033157671202004635 0.054826664443592 0.2746121673225734 0.5501179385370639 0.8503882734562319 1.1413718969861557 1.4246165943583586 1.6242808892272844 1.6923834394151367 1.7063135064990207 +42877,1.534509345797845,2,0.5563090794632355 0.4882065292753832 0.4293906904767839 0.3179501538057481 0.262229885470239 0.17864948296696218 0.13066814078915656 0.105903577084479 0.07030451675901657 0.033157671202004635 0.054826664443592 0.2746121673225734 0.5501179385370639 0.8503882734562319 1.1413718969861557 1.4246165943583586 1.6242808892272844 1.6923834394151367 1.7063135064990207 1.7016701508043897 +42878,1.3332972656973694,2,0.4882065292753832 0.4293906904767839 0.3179501538057481 0.262229885470239 0.17864948296696218 0.13066814078915656 0.105903577084479 0.07030451675901657 0.033157671202004635 0.054826664443592 0.2746121673225734 0.5501179385370639 0.8503882734562319 1.1413718969861557 1.4246165943583586 1.6242808892272844 1.6923834394151367 1.7063135064990207 1.7016701508043897 1.534509345797845 +42879,1.025288004620498,2,0.4293906904767839 0.3179501538057481 0.262229885470239 0.17864948296696218 0.13066814078915656 0.105903577084479 0.07030451675901657 0.033157671202004635 0.054826664443592 0.2746121673225734 0.5501179385370639 0.8503882734562319 1.1413718969861557 1.4246165943583586 1.6242808892272844 1.6923834394151367 1.7063135064990207 1.7016701508043897 1.534509345797845 1.3332972656973694 +42880,0.748234448174458,2,0.3179501538057481 0.262229885470239 0.17864948296696218 0.13066814078915656 0.105903577084479 0.07030451675901657 0.033157671202004635 0.054826664443592 0.2746121673225734 0.5501179385370639 0.8503882734562319 1.1413718969861557 1.4246165943583586 1.6242808892272844 1.6923834394151367 1.7063135064990207 1.7016701508043897 1.534509345797845 1.3332972656973694 1.025288004620498 +42881,0.6445328376611345,2,0.262229885470239 0.17864948296696218 0.13066814078915656 0.105903577084479 0.07030451675901657 0.033157671202004635 0.054826664443592 0.2746121673225734 0.5501179385370639 0.8503882734562319 1.1413718969861557 1.4246165943583586 1.6242808892272844 1.6923834394151367 1.7063135064990207 1.7016701508043897 1.534509345797845 1.3332972656973694 1.025288004620498 0.748234448174458 +42882,0.5129710929800607,2,0.17864948296696218 0.13066814078915656 0.105903577084479 0.07030451675901657 0.033157671202004635 0.054826664443592 0.2746121673225734 0.5501179385370639 0.8503882734562319 1.1413718969861557 1.4246165943583586 1.6242808892272844 1.6923834394151367 1.7063135064990207 1.7016701508043897 1.534509345797845 1.3332972656973694 1.025288004620498 0.748234448174458 0.6445328376611345 +42883,0.45260746894991194,2,0.13066814078915656 0.105903577084479 0.07030451675901657 0.033157671202004635 0.054826664443592 0.2746121673225734 0.5501179385370639 0.8503882734562319 1.1413718969861557 1.4246165943583586 1.6242808892272844 1.6923834394151367 1.7063135064990207 1.7016701508043897 1.534509345797845 1.3332972656973694 1.025288004620498 0.748234448174458 0.6445328376611345 0.5129710929800607 +42884,0.3566447845943007,2,0.105903577084479 0.07030451675901657 0.033157671202004635 0.054826664443592 0.2746121673225734 0.5501179385370639 0.8503882734562319 1.1413718969861557 1.4246165943583586 1.6242808892272844 1.6923834394151367 1.7063135064990207 1.7016701508043897 1.534509345797845 1.3332972656973694 1.025288004620498 0.748234448174458 0.6445328376611345 0.5129710929800607 0.45260746894991194 +42885,0.331880220889632,2,0.07030451675901657 0.033157671202004635 0.054826664443592 0.2746121673225734 0.5501179385370639 0.8503882734562319 1.1413718969861557 1.4246165943583586 1.6242808892272844 1.6923834394151367 1.7063135064990207 1.7016701508043897 1.534509345797845 1.3332972656973694 1.025288004620498 0.748234448174458 0.6445328376611345 0.5129710929800607 0.45260746894991194 0.3566447845943007 +42886,0.2838988787118264,2,0.033157671202004635 0.054826664443592 0.2746121673225734 0.5501179385370639 0.8503882734562319 1.1413718969861557 1.4246165943583586 1.6242808892272844 1.6923834394151367 1.7063135064990207 1.7016701508043897 1.534509345797845 1.3332972656973694 1.025288004620498 0.748234448174458 0.6445328376611345 0.5129710929800607 0.45260746894991194 0.3566447845943007 0.331880220889632 +42887,0.23746532176556145,2,0.054826664443592 0.2746121673225734 0.5501179385370639 0.8503882734562319 1.1413718969861557 1.4246165943583586 1.6242808892272844 1.6923834394151367 1.7063135064990207 1.7016701508043897 1.534509345797845 1.3332972656973694 1.025288004620498 0.748234448174458 0.6445328376611345 0.5129710929800607 0.45260746894991194 0.3566447845943007 0.331880220889632 0.2838988787118264 +42888,0.2142485432924334,2,0.2746121673225734 0.5501179385370639 0.8503882734562319 1.1413718969861557 1.4246165943583586 1.6242808892272844 1.6923834394151367 1.7063135064990207 1.7016701508043897 1.534509345797845 1.3332972656973694 1.025288004620498 0.748234448174458 0.6445328376611345 0.5129710929800607 0.45260746894991194 0.3566447845943007 0.331880220889632 0.2838988787118264 0.23746532176556145 +42889,0.23591753653402076,2,0.5501179385370639 0.8503882734562319 1.1413718969861557 1.4246165943583586 1.6242808892272844 1.6923834394151367 1.7063135064990207 1.7016701508043897 1.534509345797845 1.3332972656973694 1.025288004620498 0.748234448174458 0.6445328376611345 0.5129710929800607 0.45260746894991194 0.3566447845943007 0.331880220889632 0.2838988787118264 0.23746532176556145 0.2142485432924334 +42890,0.25758652977560814,2,0.8503882734562319 1.1413718969861557 1.4246165943583586 1.6242808892272844 1.6923834394151367 1.7063135064990207 1.7016701508043897 1.534509345797845 1.3332972656973694 1.025288004620498 0.748234448174458 0.6445328376611345 0.5129710929800607 0.45260746894991194 0.3566447845943007 0.331880220889632 0.2838988787118264 0.23746532176556145 0.2142485432924334 0.23591753653402076 +42891,0.23127418083938986,2,1.1413718969861557 1.4246165943583586 1.6242808892272844 1.6923834394151367 1.7063135064990207 1.7016701508043897 1.534509345797845 1.3332972656973694 1.025288004620498 0.748234448174458 0.6445328376611345 0.5129710929800607 0.45260746894991194 0.3566447845943007 0.331880220889632 0.2838988787118264 0.23746532176556145 0.2142485432924334 0.23591753653402076 0.25758652977560814 +42892,0.2792555230171955,2,1.4246165943583586 1.6242808892272844 1.6923834394151367 1.7063135064990207 1.7016701508043897 1.534509345797845 1.3332972656973694 1.025288004620498 0.748234448174458 0.6445328376611345 0.5129710929800607 0.45260746894991194 0.3566447845943007 0.331880220889632 0.2838988787118264 0.23746532176556145 0.2142485432924334 0.23591753653402076 0.25758652977560814 0.23127418083938986 +42893,0.424747334782153,2,1.6242808892272844 1.6923834394151367 1.7063135064990207 1.7016701508043897 1.534509345797845 1.3332972656973694 1.025288004620498 0.748234448174458 0.6445328376611345 0.5129710929800607 0.45260746894991194 0.3566447845943007 0.331880220889632 0.2838988787118264 0.23746532176556145 0.2142485432924334 0.23591753653402076 0.25758652977560814 0.23127418083938986 0.2792555230171955 +42894,0.5888125693256165,2,1.6923834394151367 1.7063135064990207 1.7016701508043897 1.534509345797845 1.3332972656973694 1.025288004620498 0.748234448174458 0.6445328376611345 0.5129710929800607 0.45260746894991194 0.3566447845943007 0.331880220889632 0.2838988787118264 0.23746532176556145 0.2142485432924334 0.23591753653402076 0.25758652977560814 0.23127418083938986 0.2792555230171955 0.424747334782153 +42895,0.7931202198891821,2,1.7063135064990207 1.7016701508043897 1.534509345797845 1.3332972656973694 1.025288004620498 0.748234448174458 0.6445328376611345 0.5129710929800607 0.45260746894991194 0.3566447845943007 0.331880220889632 0.2838988787118264 0.23746532176556145 0.2142485432924334 0.23591753653402076 0.25758652977560814 0.23127418083938986 0.2792555230171955 0.424747334782153 0.5888125693256165 +42896,1.016001293231245,2,1.7016701508043897 1.534509345797845 1.3332972656973694 1.025288004620498 0.748234448174458 0.6445328376611345 0.5129710929800607 0.45260746894991194 0.3566447845943007 0.331880220889632 0.2838988787118264 0.23746532176556145 0.2142485432924334 0.23591753653402076 0.25758652977560814 0.23127418083938986 0.2792555230171955 0.424747334782153 0.5888125693256165 0.7931202198891821 +42897,1.178518742543159,2,1.534509345797845 1.3332972656973694 1.025288004620498 0.748234448174458 0.6445328376611345 0.5129710929800607 0.45260746894991194 0.3566447845943007 0.331880220889632 0.2838988787118264 0.23746532176556145 0.2142485432924334 0.23591753653402076 0.25758652977560814 0.23127418083938986 0.2792555230171955 0.424747334782153 0.5888125693256165 0.7931202198891821 1.016001293231245 +42898,1.2497168631941014,2,1.3332972656973694 1.025288004620498 0.748234448174458 0.6445328376611345 0.5129710929800607 0.45260746894991194 0.3566447845943007 0.331880220889632 0.2838988787118264 0.23746532176556145 0.2142485432924334 0.23591753653402076 0.25758652977560814 0.23127418083938986 0.2792555230171955 0.424747334782153 0.5888125693256165 0.7931202198891821 1.016001293231245 1.178518742543159 +42899,1.2590035745833543,2,1.025288004620498 0.748234448174458 0.6445328376611345 0.5129710929800607 0.45260746894991194 0.3566447845943007 0.331880220889632 0.2838988787118264 0.23746532176556145 0.2142485432924334 0.23591753653402076 0.25758652977560814 0.23127418083938986 0.2792555230171955 0.424747334782153 0.5888125693256165 0.7931202198891821 1.016001293231245 1.178518742543159 1.2497168631941014 +42900,1.1955443800901242,2,0.748234448174458 0.6445328376611345 0.5129710929800607 0.45260746894991194 0.3566447845943007 0.331880220889632 0.2838988787118264 0.23746532176556145 0.2142485432924334 0.23591753653402076 0.25758652977560814 0.23127418083938986 0.2792555230171955 0.424747334782153 0.5888125693256165 0.7931202198891821 1.016001293231245 1.178518742543159 1.2497168631941014 1.2590035745833543 +42901,1.0639826354090505,2,0.6445328376611345 0.5129710929800607 0.45260746894991194 0.3566447845943007 0.331880220889632 0.2838988787118264 0.23746532176556145 0.2142485432924334 0.23591753653402076 0.25758652977560814 0.23127418083938986 0.2792555230171955 0.424747334782153 0.5888125693256165 0.7931202198891821 1.016001293231245 1.178518742543159 1.2497168631941014 1.2590035745833543 1.1955443800901242 +42902,0.899917400865587,2,0.5129710929800607 0.45260746894991194 0.3566447845943007 0.331880220889632 0.2838988787118264 0.23746532176556145 0.2142485432924334 0.23591753653402076 0.25758652977560814 0.23127418083938986 0.2792555230171955 0.424747334782153 0.5888125693256165 0.7931202198891821 1.016001293231245 1.178518742543159 1.2497168631941014 1.2590035745833543 1.1955443800901242 1.0639826354090505 +42903,0.6321505558088,2,0.45260746894991194 0.3566447845943007 0.331880220889632 0.2838988787118264 0.23746532176556145 0.2142485432924334 0.23591753653402076 0.25758652977560814 0.23127418083938986 0.2792555230171955 0.424747334782153 0.5888125693256165 0.7931202198891821 1.016001293231245 1.178518742543159 1.2497168631941014 1.2590035745833543 1.1955443800901242 1.0639826354090505 0.899917400865587 +42904,0.4293906904767839,2,0.3566447845943007 0.331880220889632 0.2838988787118264 0.23746532176556145 0.2142485432924334 0.23591753653402076 0.25758652977560814 0.23127418083938986 0.2792555230171955 0.424747334782153 0.5888125693256165 0.7931202198891821 1.016001293231245 1.178518742543159 1.2497168631941014 1.2590035745833543 1.1955443800901242 1.0639826354090505 0.899917400865587 0.6321505558088 +42905,0.29782894579570146,2,0.331880220889632 0.2838988787118264 0.23746532176556145 0.2142485432924334 0.23591753653402076 0.25758652977560814 0.23127418083938986 0.2792555230171955 0.424747334782153 0.5888125693256165 0.7931202198891821 1.016001293231245 1.178518742543159 1.2497168631941014 1.2590035745833543 1.1955443800901242 1.0639826354090505 0.899917400865587 0.6321505558088 0.4293906904767839 +42906,0.23901310699710215,2,0.2838988787118264 0.23746532176556145 0.2142485432924334 0.23591753653402076 0.25758652977560814 0.23127418083938986 0.2792555230171955 0.424747334782153 0.5888125693256165 0.7931202198891821 1.016001293231245 1.178518742543159 1.2497168631941014 1.2590035745833543 1.1955443800901242 1.0639826354090505 0.899917400865587 0.6321505558088 0.4293906904767839 0.29782894579570146 +42907,0.2266308251447678,2,0.23746532176556145 0.2142485432924334 0.23591753653402076 0.25758652977560814 0.23127418083938986 0.2792555230171955 0.424747334782153 0.5888125693256165 0.7931202198891821 1.016001293231245 1.178518742543159 1.2497168631941014 1.2590035745833543 1.1955443800901242 1.0639826354090505 0.899917400865587 0.6321505558088 0.4293906904767839 0.29782894579570146 0.23901310699710215 +42908,0.18948397958775584,2,0.2142485432924334 0.23591753653402076 0.25758652977560814 0.23127418083938986 0.2792555230171955 0.424747334782153 0.5888125693256165 0.7931202198891821 1.016001293231245 1.178518742543159 1.2497168631941014 1.2590035745833543 1.1955443800901242 1.0639826354090505 0.899917400865587 0.6321505558088 0.4293906904767839 0.29782894579570146 0.23901310699710215 0.2266308251447678 +42909,0.16626720111462778,2,0.23591753653402076 0.25758652977560814 0.23127418083938986 0.2792555230171955 0.424747334782153 0.5888125693256165 0.7931202198891821 1.016001293231245 1.178518742543159 1.2497168631941014 1.2590035745833543 1.1955443800901242 1.0639826354090505 0.899917400865587 0.6321505558088 0.4293906904767839 0.29782894579570146 0.23901310699710215 0.2266308251447678 0.18948397958775584 +42910,0.18948397958775584,2,0.25758652977560814 0.23127418083938986 0.2792555230171955 0.424747334782153 0.5888125693256165 0.7931202198891821 1.016001293231245 1.178518742543159 1.2497168631941014 1.2590035745833543 1.1955443800901242 1.0639826354090505 0.899917400865587 0.6321505558088 0.4293906904767839 0.29782894579570146 0.23901310699710215 0.2266308251447678 0.18948397958775584 0.16626720111462778 +42911,0.18948397958775584,2,0.23127418083938986 0.2792555230171955 0.424747334782153 0.5888125693256165 0.7931202198891821 1.016001293231245 1.178518742543159 1.2497168631941014 1.2590035745833543 1.1955443800901242 1.0639826354090505 0.899917400865587 0.6321505558088 0.4293906904767839 0.29782894579570146 0.23901310699710215 0.2266308251447678 0.18948397958775584 0.16626720111462778 0.18948397958775584 +42912,0.2266308251447678,2,0.2792555230171955 0.424747334782153 0.5888125693256165 0.7931202198891821 1.016001293231245 1.178518742543159 1.2497168631941014 1.2590035745833543 1.1955443800901242 1.0639826354090505 0.899917400865587 0.6321505558088 0.4293906904767839 0.29782894579570146 0.23901310699710215 0.2266308251447678 0.18948397958775584 0.16626720111462778 0.18948397958775584 0.18948397958775584 +42913,0.2142485432924334,2,0.424747334782153 0.5888125693256165 0.7931202198891821 1.016001293231245 1.178518742543159 1.2497168631941014 1.2590035745833543 1.1955443800901242 1.0639826354090505 0.899917400865587 0.6321505558088 0.4293906904767839 0.29782894579570146 0.23901310699710215 0.2266308251447678 0.18948397958775584 0.16626720111462778 0.18948397958775584 0.18948397958775584 0.2266308251447678 +42914,0.2142485432924334,2,0.5888125693256165 0.7931202198891821 1.016001293231245 1.178518742543159 1.2497168631941014 1.2590035745833543 1.1955443800901242 1.0639826354090505 0.899917400865587 0.6321505558088 0.4293906904767839 0.29782894579570146 0.23901310699710215 0.2266308251447678 0.18948397958775584 0.16626720111462778 0.18948397958775584 0.18948397958775584 0.2266308251447678 0.2142485432924334 +42915,0.20186626144009023,2,0.7931202198891821 1.016001293231245 1.178518742543159 1.2497168631941014 1.2590035745833543 1.1955443800901242 1.0639826354090505 0.899917400865587 0.6321505558088 0.4293906904767839 0.29782894579570146 0.23901310699710215 0.2266308251447678 0.18948397958775584 0.16626720111462778 0.18948397958775584 0.18948397958775584 0.2266308251447678 0.2142485432924334 0.2142485432924334 +42916,0.2204396842185962,2,1.016001293231245 1.178518742543159 1.2497168631941014 1.2590035745833543 1.1955443800901242 1.0639826354090505 0.899917400865587 0.6321505558088 0.4293906904767839 0.29782894579570146 0.23901310699710215 0.2266308251447678 0.18948397958775584 0.16626720111462778 0.18948397958775584 0.18948397958775584 0.2266308251447678 0.2142485432924334 0.2142485432924334 0.20186626144009023 +42917,0.3287846504265506,2,1.178518742543159 1.2497168631941014 1.2590035745833543 1.1955443800901242 1.0639826354090505 0.899917400865587 0.6321505558088 0.4293906904767839 0.29782894579570146 0.23901310699710215 0.2266308251447678 0.18948397958775584 0.16626720111462778 0.18948397958775584 0.18948397958775584 0.2266308251447678 0.2142485432924334 0.2142485432924334 0.20186626144009023 0.2204396842185962 +42918,0.4820153883492116,2,1.2497168631941014 1.2590035745833543 1.1955443800901242 1.0639826354090505 0.899917400865587 0.6321505558088 0.4293906904767839 0.29782894579570146 0.23901310699710215 0.2266308251447678 0.18948397958775584 0.16626720111462778 0.18948397958775584 0.18948397958775584 0.2266308251447678 0.2142485432924334 0.2142485432924334 0.20186626144009023 0.2204396842185962 0.3287846504265506 +42919,0.6863230389127685,2,1.2590035745833543 1.1955443800901242 1.0639826354090505 0.899917400865587 0.6321505558088 0.4293906904767839 0.29782894579570146 0.23901310699710215 0.2266308251447678 0.18948397958775584 0.16626720111462778 0.18948397958775584 0.18948397958775584 0.2266308251447678 0.2142485432924334 0.2142485432924334 0.20186626144009023 0.2204396842185962 0.3287846504265506 0.4820153883492116 +42920,0.8674139110031972,2,1.1955443800901242 1.0639826354090505 0.899917400865587 0.6321505558088 0.4293906904767839 0.29782894579570146 0.23901310699710215 0.2266308251447678 0.18948397958775584 0.16626720111462778 0.18948397958775584 0.18948397958775584 0.2266308251447678 0.2142485432924334 0.2142485432924334 0.20186626144009023 0.2204396842185962 0.3287846504265506 0.4820153883492116 0.6863230389127685 +42921,1.1320851855969027,2,1.0639826354090505 0.899917400865587 0.6321505558088 0.4293906904767839 0.29782894579570146 0.23901310699710215 0.2266308251447678 0.18948397958775584 0.16626720111462778 0.18948397958775584 0.18948397958775584 0.2266308251447678 0.2142485432924334 0.2142485432924334 0.20186626144009023 0.2204396842185962 0.3287846504265506 0.4820153883492116 0.6863230389127685 0.8674139110031972 +42922,1.2775769973618603,2,0.899917400865587 0.6321505558088 0.4293906904767839 0.29782894579570146 0.23901310699710215 0.2266308251447678 0.18948397958775584 0.16626720111462778 0.18948397958775584 0.18948397958775584 0.2266308251447678 0.2142485432924334 0.2142485432924334 0.20186626144009023 0.2204396842185962 0.3287846504265506 0.4820153883492116 0.6863230389127685 0.8674139110031972 1.1320851855969027 +42923,1.3147238429188635,2,0.6321505558088 0.4293906904767839 0.29782894579570146 0.23901310699710215 0.2266308251447678 0.18948397958775584 0.16626720111462778 0.18948397958775584 0.18948397958775584 0.2266308251447678 0.2142485432924334 0.2142485432924334 0.20186626144009023 0.2204396842185962 0.3287846504265506 0.4820153883492116 0.6863230389127685 0.8674139110031972 1.1320851855969027 1.2775769973618603 +42924,1.2203089437948018,2,0.4293906904767839 0.29782894579570146 0.23901310699710215 0.2266308251447678 0.18948397958775584 0.16626720111462778 0.18948397958775584 0.18948397958775584 0.2266308251447678 0.2142485432924334 0.2142485432924334 0.20186626144009023 0.2204396842185962 0.3287846504265506 0.4820153883492116 0.6863230389127685 0.8674139110031972 1.1320851855969027 1.2775769973618603 1.3147238429188635 +42925,1.0655304206405911,2,0.29782894579570146 0.23901310699710215 0.2266308251447678 0.18948397958775584 0.16626720111462778 0.18948397958775584 0.18948397958775584 0.2266308251447678 0.2142485432924334 0.2142485432924334 0.20186626144009023 0.2204396842185962 0.3287846504265506 0.4820153883492116 0.6863230389127685 0.8674139110031972 1.1320851855969027 1.2775769973618603 1.3147238429188635 1.2203089437948018 +42926,0.8596749848454849,2,0.23901310699710215 0.2266308251447678 0.18948397958775584 0.16626720111462778 0.18948397958775584 0.18948397958775584 0.2266308251447678 0.2142485432924334 0.2142485432924334 0.20186626144009023 0.2204396842185962 0.3287846504265506 0.4820153883492116 0.6863230389127685 0.8674139110031972 1.1320851855969027 1.2775769973618603 1.3147238429188635 1.2203089437948018 1.0655304206405911 +42927,0.6042904216410411,2,0.2266308251447678 0.18948397958775584 0.16626720111462778 0.18948397958775584 0.18948397958775584 0.2266308251447678 0.2142485432924334 0.2142485432924334 0.20186626144009023 0.2204396842185962 0.3287846504265506 0.4820153883492116 0.6863230389127685 0.8674139110031972 1.1320851855969027 1.2775769973618603 1.3147238429188635 1.2203089437948018 1.0655304206405911 0.8596749848454849 +42928,0.3937916301513127,2,0.18948397958775584 0.16626720111462778 0.18948397958775584 0.18948397958775584 0.2266308251447678 0.2142485432924334 0.2142485432924334 0.20186626144009023 0.2204396842185962 0.3287846504265506 0.4820153883492116 0.6863230389127685 0.8674139110031972 1.1320851855969027 1.2775769973618603 1.3147238429188635 1.2203089437948018 1.0655304206405911 0.8596749848454849 0.6042904216410411 +42929,0.30247230149033233,2,0.16626720111462778 0.18948397958775584 0.18948397958775584 0.2266308251447678 0.2142485432924334 0.2142485432924334 0.20186626144009023 0.2204396842185962 0.3287846504265506 0.4820153883492116 0.6863230389127685 0.8674139110031972 1.1320851855969027 1.2775769973618603 1.3147238429188635 1.2203089437948018 1.0655304206405911 0.8596749848454849 0.6042904216410411 0.3937916301513127 +42930,0.262229885470239,2,0.18948397958775584 0.18948397958775584 0.2266308251447678 0.2142485432924334 0.2142485432924334 0.20186626144009023 0.2204396842185962 0.3287846504265506 0.4820153883492116 0.6863230389127685 0.8674139110031972 1.1320851855969027 1.2775769973618603 1.3147238429188635 1.2203089437948018 1.0655304206405911 0.8596749848454849 0.6042904216410411 0.3937916301513127 0.30247230149033233 +42931,0.20031847620854953,2,0.18948397958775584 0.2266308251447678 0.2142485432924334 0.2142485432924334 0.20186626144009023 0.2204396842185962 0.3287846504265506 0.4820153883492116 0.6863230389127685 0.8674139110031972 1.1320851855969027 1.2775769973618603 1.3147238429188635 1.2203089437948018 1.0655304206405911 0.8596749848454849 0.6042904216410411 0.3937916301513127 0.30247230149033233 0.262229885470239 +42932,0.17710169773542148,2,0.2266308251447678 0.2142485432924334 0.2142485432924334 0.20186626144009023 0.2204396842185962 0.3287846504265506 0.4820153883492116 0.6863230389127685 0.8674139110031972 1.1320851855969027 1.2775769973618603 1.3147238429188635 1.2203089437948018 1.0655304206405911 0.8596749848454849 0.6042904216410411 0.3937916301513127 0.30247230149033233 0.262229885470239 0.20031847620854953 +42933,0.18793619435621514,2,0.2142485432924334 0.2142485432924334 0.20186626144009023 0.2204396842185962 0.3287846504265506 0.4820153883492116 0.6863230389127685 0.8674139110031972 1.1320851855969027 1.2775769973618603 1.3147238429188635 1.2203089437948018 1.0655304206405911 0.8596749848454849 0.6042904216410411 0.3937916301513127 0.30247230149033233 0.262229885470239 0.20031847620854953 0.17710169773542148 +42934,0.20031847620854953,2,0.2142485432924334 0.20186626144009023 0.2204396842185962 0.3287846504265506 0.4820153883492116 0.6863230389127685 0.8674139110031972 1.1320851855969027 1.2775769973618603 1.3147238429188635 1.2203089437948018 1.0655304206405911 0.8596749848454849 0.6042904216410411 0.3937916301513127 0.30247230149033233 0.262229885470239 0.20031847620854953 0.17710169773542148 0.18793619435621514 +42935,0.2730643820910327,2,0.20186626144009023 0.2204396842185962 0.3287846504265506 0.4820153883492116 0.6863230389127685 0.8674139110031972 1.1320851855969027 1.2775769973618603 1.3147238429188635 1.2203089437948018 1.0655304206405911 0.8596749848454849 0.6042904216410411 0.3937916301513127 0.30247230149033233 0.262229885470239 0.20031847620854953 0.17710169773542148 0.18793619435621514 0.20031847620854953 +42936,0.26068210023868954,2,0.2204396842185962 0.3287846504265506 0.4820153883492116 0.6863230389127685 0.8674139110031972 1.1320851855969027 1.2775769973618603 1.3147238429188635 1.2203089437948018 1.0655304206405911 0.8596749848454849 0.6042904216410411 0.3937916301513127 0.30247230149033233 0.262229885470239 0.20031847620854953 0.17710169773542148 0.18793619435621514 0.20031847620854953 0.2730643820910327 +42937,0.23746532176556145,2,0.3287846504265506 0.4820153883492116 0.6863230389127685 0.8674139110031972 1.1320851855969027 1.2775769973618603 1.3147238429188635 1.2203089437948018 1.0655304206405911 0.8596749848454849 0.6042904216410411 0.3937916301513127 0.30247230149033233 0.262229885470239 0.20031847620854953 0.17710169773542148 0.18793619435621514 0.20031847620854953 0.2730643820910327 0.26068210023868954 +42938,0.20341404667163973,2,0.4820153883492116 0.6863230389127685 0.8674139110031972 1.1320851855969027 1.2775769973618603 1.3147238429188635 1.2203089437948018 1.0655304206405911 0.8596749848454849 0.6042904216410411 0.3937916301513127 0.30247230149033233 0.262229885470239 0.20031847620854953 0.17710169773542148 0.18793619435621514 0.20031847620854953 0.2730643820910327 0.26068210023868954 0.23746532176556145 +42939,0.20186626144009023,2,0.6863230389127685 0.8674139110031972 1.1320851855969027 1.2775769973618603 1.3147238429188635 1.2203089437948018 1.0655304206405911 0.8596749848454849 0.6042904216410411 0.3937916301513127 0.30247230149033233 0.262229885470239 0.20031847620854953 0.17710169773542148 0.18793619435621514 0.20031847620854953 0.2730643820910327 0.26068210023868954 0.23746532176556145 0.20341404667163973 +42940,0.2637776707017797,2,0.8674139110031972 1.1320851855969027 1.2775769973618603 1.3147238429188635 1.2203089437948018 1.0655304206405911 0.8596749848454849 0.6042904216410411 0.3937916301513127 0.30247230149033233 0.262229885470239 0.20031847620854953 0.17710169773542148 0.18793619435621514 0.20031847620854953 0.2730643820910327 0.26068210023868954 0.23746532176556145 0.20341404667163973 0.20186626144009023 +42941,0.38450491876205967,2,1.1320851855969027 1.2775769973618603 1.3147238429188635 1.2203089437948018 1.0655304206405911 0.8596749848454849 0.6042904216410411 0.3937916301513127 0.30247230149033233 0.262229885470239 0.20031847620854953 0.17710169773542148 0.18793619435621514 0.20031847620854953 0.2730643820910327 0.26068210023868954 0.23746532176556145 0.20341404667163973 0.20186626144009023 0.2637776707017797 +42942,0.5423790123793604,2,1.2775769973618603 1.3147238429188635 1.2203089437948018 1.0655304206405911 0.8596749848454849 0.6042904216410411 0.3937916301513127 0.30247230149033233 0.262229885470239 0.20031847620854953 0.17710169773542148 0.18793619435621514 0.20031847620854953 0.2730643820910327 0.26068210023868954 0.23746532176556145 0.20341404667163973 0.20186626144009023 0.2637776707017797 0.38450491876205967 +42943,0.743591092479827,2,1.3147238429188635 1.2203089437948018 1.0655304206405911 0.8596749848454849 0.6042904216410411 0.3937916301513127 0.30247230149033233 0.262229885470239 0.20031847620854953 0.17710169773542148 0.18793619435621514 0.20031847620854953 0.2730643820910327 0.26068210023868954 0.23746532176556145 0.20341404667163973 0.20186626144009023 0.2637776707017797 0.38450491876205967 0.5423790123793604 +42944,0.9386120316541396,2,1.2203089437948018 1.0655304206405911 0.8596749848454849 0.6042904216410411 0.3937916301513127 0.30247230149033233 0.262229885470239 0.20031847620854953 0.17710169773542148 0.18793619435621514 0.20031847620854953 0.2730643820910327 0.26068210023868954 0.23746532176556145 0.20341404667163973 0.20186626144009023 0.2637776707017797 0.38450491876205967 0.5423790123793604 0.743591092479827 +42945,1.1026772661976032,2,1.0655304206405911 0.8596749848454849 0.6042904216410411 0.3937916301513127 0.30247230149033233 0.262229885470239 0.20031847620854953 0.17710169773542148 0.18793619435621514 0.20031847620854953 0.2730643820910327 0.26068210023868954 0.23746532176556145 0.20341404667163973 0.20186626144009023 0.2637776707017797 0.38450491876205967 0.5423790123793604 0.743591092479827 0.9386120316541396 +42946,1.2404301518048484,2,0.8596749848454849 0.6042904216410411 0.3937916301513127 0.30247230149033233 0.262229885470239 0.20031847620854953 0.17710169773542148 0.18793619435621514 0.20031847620854953 0.2730643820910327 0.26068210023868954 0.23746532176556145 0.20341404667163973 0.20186626144009023 0.2637776707017797 0.38450491876205967 0.5423790123793604 0.743591092479827 0.9386120316541396 1.1026772661976032 +42947,1.297698205371907,2,0.6042904216410411 0.3937916301513127 0.30247230149033233 0.262229885470239 0.20031847620854953 0.17710169773542148 0.18793619435621514 0.20031847620854953 0.2730643820910327 0.26068210023868954 0.23746532176556145 0.20341404667163973 0.20186626144009023 0.2637776707017797 0.38450491876205967 0.5423790123793604 0.743591092479827 0.9386120316541396 1.1026772661976032 1.2404301518048484 +42948,1.316271628150413,2,0.3937916301513127 0.30247230149033233 0.262229885470239 0.20031847620854953 0.17710169773542148 0.18793619435621514 0.20031847620854953 0.2730643820910327 0.26068210023868954 0.23746532176556145 0.20341404667163973 0.20186626144009023 0.2637776707017797 0.38450491876205967 0.5423790123793604 0.743591092479827 0.9386120316541396 1.1026772661976032 1.2404301518048484 1.297698205371907 +42949,1.209474447174008,2,0.30247230149033233 0.262229885470239 0.20031847620854953 0.17710169773542148 0.18793619435621514 0.20031847620854953 0.2730643820910327 0.26068210023868954 0.23746532176556145 0.20341404667163973 0.20186626144009023 0.2637776707017797 0.38450491876205967 0.5423790123793604 0.743591092479827 0.9386120316541396 1.1026772661976032 1.2404301518048484 1.297698205371907 1.316271628150413 +42950,1.016001293231245,2,0.262229885470239 0.20031847620854953 0.17710169773542148 0.18793619435621514 0.20031847620854953 0.2730643820910327 0.26068210023868954 0.23746532176556145 0.20341404667163973 0.20186626144009023 0.2637776707017797 0.38450491876205967 0.5423790123793604 0.743591092479827 0.9386120316541396 1.1026772661976032 1.2404301518048484 1.297698205371907 1.316271628150413 1.209474447174008 +42951,0.7915724346576326,2,0.20031847620854953 0.17710169773542148 0.18793619435621514 0.20031847620854953 0.2730643820910327 0.26068210023868954 0.23746532176556145 0.20341404667163973 0.20186626144009023 0.2637776707017797 0.38450491876205967 0.5423790123793604 0.743591092479827 0.9386120316541396 1.1026772661976032 1.2404301518048484 1.297698205371907 1.316271628150413 1.209474447174008 1.016001293231245 +42952,0.5532135090001541,2,0.17710169773542148 0.18793619435621514 0.20031847620854953 0.2730643820910327 0.26068210023868954 0.23746532176556145 0.20341404667163973 0.20186626144009023 0.2637776707017797 0.38450491876205967 0.5423790123793604 0.743591092479827 0.9386120316541396 1.1026772661976032 1.2404301518048484 1.297698205371907 1.316271628150413 1.209474447174008 1.016001293231245 0.7915724346576326 +42953,0.4417729723291183,2,0.18793619435621514 0.20031847620854953 0.2730643820910327 0.26068210023868954 0.23746532176556145 0.20341404667163973 0.20186626144009023 0.2637776707017797 0.38450491876205967 0.5423790123793604 0.743591092479827 0.9386120316541396 1.1026772661976032 1.2404301518048484 1.297698205371907 1.316271628150413 1.209474447174008 1.016001293231245 0.7915724346576326 0.5532135090001541 +42954,0.35819256982585024,2,0.20031847620854953 0.2730643820910327 0.26068210023868954 0.23746532176556145 0.20341404667163973 0.20186626144009023 0.2637776707017797 0.38450491876205967 0.5423790123793604 0.743591092479827 0.9386120316541396 1.1026772661976032 1.2404301518048484 1.297698205371907 1.316271628150413 1.209474447174008 1.016001293231245 0.7915724346576326 0.5532135090001541 0.4417729723291183 +42955,0.35819256982585024,2,0.2730643820910327 0.26068210023868954 0.23746532176556145 0.20341404667163973 0.20186626144009023 0.2637776707017797 0.38450491876205967 0.5423790123793604 0.743591092479827 0.9386120316541396 1.1026772661976032 1.2404301518048484 1.297698205371907 1.316271628150413 1.209474447174008 1.016001293231245 0.7915724346576326 0.5532135090001541 0.4417729723291183 0.35819256982585024 +42956,0.34426250274196635,2,0.26068210023868954 0.23746532176556145 0.20341404667163973 0.20186626144009023 0.2637776707017797 0.38450491876205967 0.5423790123793604 0.743591092479827 0.9386120316541396 1.1026772661976032 1.2404301518048484 1.297698205371907 1.316271628150413 1.209474447174008 1.016001293231245 0.7915724346576326 0.5532135090001541 0.4417729723291183 0.35819256982585024 0.35819256982585024 +42957,0.30556787195341373,2,0.23746532176556145 0.20341404667163973 0.20186626144009023 0.2637776707017797 0.38450491876205967 0.5423790123793604 0.743591092479827 0.9386120316541396 1.1026772661976032 1.2404301518048484 1.297698205371907 1.316271628150413 1.209474447174008 1.016001293231245 0.7915724346576326 0.5532135090001541 0.4417729723291183 0.35819256982585024 0.35819256982585024 0.34426250274196635 +42958,0.2792555230171955,2,0.20341404667163973 0.20186626144009023 0.2637776707017797 0.38450491876205967 0.5423790123793604 0.743591092479827 0.9386120316541396 1.1026772661976032 1.2404301518048484 1.297698205371907 1.316271628150413 1.209474447174008 1.016001293231245 0.7915724346576326 0.5532135090001541 0.4417729723291183 0.35819256982585024 0.35819256982585024 0.34426250274196635 0.30556787195341373 +42959,0.29163780486953866,2,0.20186626144009023 0.2637776707017797 0.38450491876205967 0.5423790123793604 0.743591092479827 0.9386120316541396 1.1026772661976032 1.2404301518048484 1.297698205371907 1.316271628150413 1.209474447174008 1.016001293231245 0.7915724346576326 0.5532135090001541 0.4417729723291183 0.35819256982585024 0.35819256982585024 0.34426250274196635 0.30556787195341373 0.2792555230171955 +42960,0.2250830399132271,2,0.2637776707017797 0.38450491876205967 0.5423790123793604 0.743591092479827 0.9386120316541396 1.1026772661976032 1.2404301518048484 1.297698205371907 1.316271628150413 1.209474447174008 1.016001293231245 0.7915724346576326 0.5532135090001541 0.4417729723291183 0.35819256982585024 0.35819256982585024 0.34426250274196635 0.30556787195341373 0.2792555230171955 0.29163780486953866 +42961,0.26068210023868954,2,0.38450491876205967 0.5423790123793604 0.743591092479827 0.9386120316541396 1.1026772661976032 1.2404301518048484 1.297698205371907 1.316271628150413 1.209474447174008 1.016001293231245 0.7915724346576326 0.5532135090001541 0.4417729723291183 0.35819256982585024 0.35819256982585024 0.34426250274196635 0.30556787195341373 0.2792555230171955 0.29163780486953866 0.2250830399132271 +42962,0.23901310699710215,2,0.5423790123793604 0.743591092479827 0.9386120316541396 1.1026772661976032 1.2404301518048484 1.297698205371907 1.316271628150413 1.209474447174008 1.016001293231245 0.7915724346576326 0.5532135090001541 0.4417729723291183 0.35819256982585024 0.35819256982585024 0.34426250274196635 0.30556787195341373 0.2792555230171955 0.29163780486953866 0.2250830399132271 0.26068210023868954 +42963,0.18174505343004357,2,0.743591092479827 0.9386120316541396 1.1026772661976032 1.2404301518048484 1.297698205371907 1.316271628150413 1.209474447174008 1.016001293231245 0.7915724346576326 0.5532135090001541 0.4417729723291183 0.35819256982585024 0.35819256982585024 0.34426250274196635 0.30556787195341373 0.2792555230171955 0.29163780486953866 0.2250830399132271 0.26068210023868954 0.23901310699710215 +42964,0.38450491876205967,2,0.9386120316541396 1.1026772661976032 1.2404301518048484 1.297698205371907 1.316271628150413 1.209474447174008 1.016001293231245 0.7915724346576326 0.5532135090001541 0.4417729723291183 0.35819256982585024 0.35819256982585024 0.34426250274196635 0.30556787195341373 0.2792555230171955 0.29163780486953866 0.2250830399132271 0.26068210023868954 0.23901310699710215 0.18174505343004357 +42965,0.6940619650704807,2,1.1026772661976032 1.2404301518048484 1.297698205371907 1.316271628150413 1.209474447174008 1.016001293231245 0.7915724346576326 0.5532135090001541 0.4417729723291183 0.35819256982585024 0.35819256982585024 0.34426250274196635 0.30556787195341373 0.2792555230171955 0.29163780486953866 0.2250830399132271 0.26068210023868954 0.23901310699710215 0.18174505343004357 0.38450491876205967 +42966,0.9865933738319452,2,1.2404301518048484 1.297698205371907 1.316271628150413 1.209474447174008 1.016001293231245 0.7915724346576326 0.5532135090001541 0.4417729723291183 0.35819256982585024 0.35819256982585024 0.34426250274196635 0.30556787195341373 0.2792555230171955 0.29163780486953866 0.2250830399132271 0.26068210023868954 0.23901310699710215 0.18174505343004357 0.38450491876205967 0.6940619650704807 +42967,1.3596096146335876,2,1.297698205371907 1.316271628150413 1.209474447174008 1.016001293231245 0.7915724346576326 0.5532135090001541 0.4417729723291183 0.35819256982585024 0.35819256982585024 0.34426250274196635 0.30556787195341373 0.2792555230171955 0.29163780486953866 0.2250830399132271 0.26068210023868954 0.23901310699710215 0.18174505343004357 0.38450491876205967 0.6940619650704807 0.9865933738319452 +42968,1.6923834394151367,2,1.316271628150413 1.209474447174008 1.016001293231245 0.7915724346576326 0.5532135090001541 0.4417729723291183 0.35819256982585024 0.35819256982585024 0.34426250274196635 0.30556787195341373 0.2792555230171955 0.29163780486953866 0.2250830399132271 0.26068210023868954 0.23901310699710215 0.18174505343004357 0.38450491876205967 0.6940619650704807 0.9865933738319452 1.3596096146335876 +42969,1.9369335059987958,2,1.209474447174008 1.016001293231245 0.7915724346576326 0.5532135090001541 0.4417729723291183 0.35819256982585024 0.35819256982585024 0.34426250274196635 0.30556787195341373 0.2792555230171955 0.29163780486953866 0.2250830399132271 0.26068210023868954 0.23901310699710215 0.18174505343004357 0.38450491876205967 0.6940619650704807 0.9865933738319452 1.3596096146335876 1.6923834394151367 +42970,2.0623041097537067,2,1.016001293231245 0.7915724346576326 0.5532135090001541 0.4417729723291183 0.35819256982585024 0.35819256982585024 0.34426250274196635 0.30556787195341373 0.2792555230171955 0.29163780486953866 0.2250830399132271 0.26068210023868954 0.23901310699710215 0.18174505343004357 0.38450491876205967 0.6940619650704807 0.9865933738319452 1.3596096146335876 1.6923834394151367 1.9369335059987958 +42971,2.0808775325322126,2,0.7915724346576326 0.5532135090001541 0.4417729723291183 0.35819256982585024 0.35819256982585024 0.34426250274196635 0.30556787195341373 0.2792555230171955 0.29163780486953866 0.2250830399132271 0.26068210023868954 0.23901310699710215 0.18174505343004357 0.38450491876205967 0.6940619650704807 0.9865933738319452 1.3596096146335876 1.6923834394151367 1.9369335059987958 2.0623041097537067 +42972,2.0127749823443604,2,0.5532135090001541 0.4417729723291183 0.35819256982585024 0.35819256982585024 0.34426250274196635 0.30556787195341373 0.2792555230171955 0.29163780486953866 0.2250830399132271 0.26068210023868954 0.23901310699710215 0.18174505343004357 0.38450491876205967 0.6940619650704807 0.9865933738319452 1.3596096146335876 1.6923834394151367 1.9369335059987958 2.0623041097537067 2.0808775325322126 +42973,1.8734743115055654,2,0.4417729723291183 0.35819256982585024 0.35819256982585024 0.34426250274196635 0.30556787195341373 0.2792555230171955 0.29163780486953866 0.2250830399132271 0.26068210023868954 0.23901310699710215 0.18174505343004357 0.38450491876205967 0.6940619650704807 0.9865933738319452 1.3596096146335876 1.6923834394151367 1.9369335059987958 2.0623041097537067 2.0808775325322126 2.0127749823443604 +42974,1.6459498824688807,2,0.35819256982585024 0.35819256982585024 0.34426250274196635 0.30556787195341373 0.2792555230171955 0.29163780486953866 0.2250830399132271 0.26068210023868954 0.23901310699710215 0.18174505343004357 0.38450491876205967 0.6940619650704807 0.9865933738319452 1.3596096146335876 1.6923834394151367 1.9369335059987958 2.0623041097537067 2.0808775325322126 2.0127749823443604 1.8734743115055654 +42975,1.381278607875175,2,0.35819256982585024 0.34426250274196635 0.30556787195341373 0.2792555230171955 0.29163780486953866 0.2250830399132271 0.26068210023868954 0.23901310699710215 0.18174505343004357 0.38450491876205967 0.6940619650704807 0.9865933738319452 1.3596096146335876 1.6923834394151367 1.9369335059987958 2.0623041097537067 2.0808775325322126 2.0127749823443604 1.8734743115055654 1.6459498824688807 +42976,1.053148138788248,2,0.34426250274196635 0.30556787195341373 0.2792555230171955 0.29163780486953866 0.2250830399132271 0.26068210023868954 0.23901310699710215 0.18174505343004357 0.38450491876205967 0.6940619650704807 0.9865933738319452 1.3596096146335876 1.6923834394151367 1.9369335059987958 2.0623041097537067 2.0808775325322126 2.0127749823443604 1.8734743115055654 1.6459498824688807 1.381278607875175 +42977,0.7714512266475859,2,0.30556787195341373 0.2792555230171955 0.29163780486953866 0.2250830399132271 0.26068210023868954 0.23901310699710215 0.18174505343004357 0.38450491876205967 0.6940619650704807 0.9865933738319452 1.3596096146335876 1.6923834394151367 1.9369335059987958 2.0623041097537067 2.0808775325322126 2.0127749823443604 1.8734743115055654 1.6459498824688807 1.381278607875175 1.053148138788248 +42978,0.5501179385370639,2,0.2792555230171955 0.29163780486953866 0.2250830399132271 0.26068210023868954 0.23901310699710215 0.18174505343004357 0.38450491876205967 0.6940619650704807 0.9865933738319452 1.3596096146335876 1.6923834394151367 1.9369335059987958 2.0623041097537067 2.0808775325322126 2.0127749823443604 1.8734743115055654 1.6459498824688807 1.381278607875175 1.053148138788248 0.7714512266475859 +42979,0.49130209973846456,2,0.29163780486953866 0.2250830399132271 0.26068210023868954 0.23901310699710215 0.18174505343004357 0.38450491876205967 0.6940619650704807 0.9865933738319452 1.3596096146335876 1.6923834394151367 1.9369335059987958 2.0623041097537067 2.0808775325322126 2.0127749823443604 1.8734743115055654 1.6459498824688807 1.381278607875175 1.053148138788248 0.7714512266475859 0.5501179385370639 +42980,0.3937916301513127,2,0.2250830399132271 0.26068210023868954 0.23901310699710215 0.18174505343004357 0.38450491876205967 0.6940619650704807 0.9865933738319452 1.3596096146335876 1.6923834394151367 1.9369335059987958 2.0623041097537067 2.0808775325322126 2.0127749823443604 1.8734743115055654 1.6459498824688807 1.381278607875175 1.053148138788248 0.7714512266475859 0.5501179385370639 0.49130209973846456 +42981,0.3349757913527134,2,0.26068210023868954 0.23901310699710215 0.18174505343004357 0.38450491876205967 0.6940619650704807 0.9865933738319452 1.3596096146335876 1.6923834394151367 1.9369335059987958 2.0623041097537067 2.0808775325322126 2.0127749823443604 1.8734743115055654 1.6459498824688807 1.381278607875175 1.053148138788248 0.7714512266475859 0.5501179385370639 0.49130209973846456 0.3937916301513127 +42982,0.3210457242688383,2,0.23901310699710215 0.18174505343004357 0.38450491876205967 0.6940619650704807 0.9865933738319452 1.3596096146335876 1.6923834394151367 1.9369335059987958 2.0623041097537067 2.0808775325322126 2.0127749823443604 1.8734743115055654 1.6459498824688807 1.381278607875175 1.053148138788248 0.7714512266475859 0.5501179385370639 0.49130209973846456 0.3937916301513127 0.3349757913527134 +42983,0.28699444917490774,2,0.18174505343004357 0.38450491876205967 0.6940619650704807 0.9865933738319452 1.3596096146335876 1.6923834394151367 1.9369335059987958 2.0623041097537067 2.0808775325322126 2.0127749823443604 1.8734743115055654 1.6459498824688807 1.381278607875175 1.053148138788248 0.7714512266475859 0.5501179385370639 0.49130209973846456 0.3937916301513127 0.3349757913527134 0.3210457242688383 +42984,0.2854466639433671,2,0.38450491876205967 0.6940619650704807 0.9865933738319452 1.3596096146335876 1.6923834394151367 1.9369335059987958 2.0623041097537067 2.0808775325322126 2.0127749823443604 1.8734743115055654 1.6459498824688807 1.381278607875175 1.053148138788248 0.7714512266475859 0.5501179385370639 0.49130209973846456 0.3937916301513127 0.3349757913527134 0.3210457242688383 0.28699444917490774 +42985,0.280803308248745,2,0.6940619650704807 0.9865933738319452 1.3596096146335876 1.6923834394151367 1.9369335059987958 2.0623041097537067 2.0808775325322126 2.0127749823443604 1.8734743115055654 1.6459498824688807 1.381278607875175 1.053148138788248 0.7714512266475859 0.5501179385370639 0.49130209973846456 0.3937916301513127 0.3349757913527134 0.3210457242688383 0.28699444917490774 0.2854466639433671 +42986,0.25449095931252674,2,0.9865933738319452 1.3596096146335876 1.6923834394151367 1.9369335059987958 2.0623041097537067 2.0808775325322126 2.0127749823443604 1.8734743115055654 1.6459498824688807 1.381278607875175 1.053148138788248 0.7714512266475859 0.5501179385370639 0.49130209973846456 0.3937916301513127 0.3349757913527134 0.3210457242688383 0.28699444917490774 0.2854466639433671 0.280803308248745 +42987,0.2235352546816864,2,1.3596096146335876 1.6923834394151367 1.9369335059987958 2.0623041097537067 2.0808775325322126 2.0127749823443604 1.8734743115055654 1.6459498824688807 1.381278607875175 1.053148138788248 0.7714512266475859 0.5501179385370639 0.49130209973846456 0.3937916301513127 0.3349757913527134 0.3210457242688383 0.28699444917490774 0.2854466639433671 0.280803308248745 0.25449095931252674 +42988,0.3179501538057481,2,1.6923834394151367 1.9369335059987958 2.0623041097537067 2.0808775325322126 2.0127749823443604 1.8734743115055654 1.6459498824688807 1.381278607875175 1.053148138788248 0.7714512266475859 0.5501179385370639 0.49130209973846456 0.3937916301513127 0.3349757913527134 0.3210457242688383 0.28699444917490774 0.2854466639433671 0.280803308248745 0.25449095931252674 0.2235352546816864 +42989,0.6476284081242158,2,1.9369335059987958 2.0623041097537067 2.0808775325322126 2.0127749823443604 1.8734743115055654 1.6459498824688807 1.381278607875175 1.053148138788248 0.7714512266475859 0.5501179385370639 0.49130209973846456 0.3937916301513127 0.3349757913527134 0.3210457242688383 0.28699444917490774 0.2854466639433671 0.280803308248745 0.25449095931252674 0.2235352546816864 0.3179501538057481 +42990,1.0144535079996955,2,2.0623041097537067 2.0808775325322126 2.0127749823443604 1.8734743115055654 1.6459498824688807 1.381278607875175 1.053148138788248 0.7714512266475859 0.5501179385370639 0.49130209973846456 0.3937916301513127 0.3349757913527134 0.3210457242688383 0.28699444917490774 0.2854466639433671 0.280803308248745 0.25449095931252674 0.2235352546816864 0.3179501538057481 0.6476284081242158 +42991,1.4989102854723737,2,2.0808775325322126 2.0127749823443604 1.8734743115055654 1.6459498824688807 1.381278607875175 1.053148138788248 0.7714512266475859 0.5501179385370639 0.49130209973846456 0.3937916301513127 0.3349757913527134 0.3210457242688383 0.28699444917490774 0.2854466639433671 0.280803308248745 0.25449095931252674 0.2235352546816864 0.3179501538057481 0.6476284081242158 1.0144535079996955 +42992,1.7372692111298609,2,2.0127749823443604 1.8734743115055654 1.6459498824688807 1.381278607875175 1.053148138788248 0.7714512266475859 0.5501179385370639 0.49130209973846456 0.3937916301513127 0.3349757913527134 0.3210457242688383 0.28699444917490774 0.2854466639433671 0.280803308248745 0.25449095931252674 0.2235352546816864 0.3179501538057481 0.6476284081242158 1.0144535079996955 1.4989102854723737 +42993,1.806919546549254,2,1.8734743115055654 1.6459498824688807 1.381278607875175 1.053148138788248 0.7714512266475859 0.5501179385370639 0.49130209973846456 0.3937916301513127 0.3349757913527134 0.3210457242688383 0.28699444917490774 0.2854466639433671 0.280803308248745 0.25449095931252674 0.2235352546816864 0.3179501538057481 0.6476284081242158 1.0144535079996955 1.4989102854723737 1.7372692111298609 +42994,1.977175922018889,2,1.6459498824688807 1.381278607875175 1.053148138788248 0.7714512266475859 0.5501179385370639 0.49130209973846456 0.3937916301513127 0.3349757913527134 0.3210457242688383 0.28699444917490774 0.2854466639433671 0.280803308248745 0.25449095931252674 0.2235352546816864 0.3179501538057481 0.6476284081242158 1.0144535079996955 1.4989102854723737 1.7372692111298609 1.806919546549254 +42995,1.9694369958611768,2,1.381278607875175 1.053148138788248 0.7714512266475859 0.5501179385370639 0.49130209973846456 0.3937916301513127 0.3349757913527134 0.3210457242688383 0.28699444917490774 0.2854466639433671 0.280803308248745 0.25449095931252674 0.2235352546816864 0.3179501538057481 0.6476284081242158 1.0144535079996955 1.4989102854723737 1.7372692111298609 1.806919546549254 1.977175922018889 +42996,1.9555069287773017,2,1.053148138788248 0.7714512266475859 0.5501179385370639 0.49130209973846456 0.3937916301513127 0.3349757913527134 0.3210457242688383 0.28699444917490774 0.2854466639433671 0.280803308248745 0.25449095931252674 0.2235352546816864 0.3179501538057481 0.6476284081242158 1.0144535079996955 1.4989102854723737 1.7372692111298609 1.806919546549254 1.977175922018889 1.9694369958611768 +42997,1.8904999490525307,2,0.7714512266475859 0.5501179385370639 0.49130209973846456 0.3937916301513127 0.3349757913527134 0.3210457242688383 0.28699444917490774 0.2854466639433671 0.280803308248745 0.25449095931252674 0.2235352546816864 0.3179501538057481 0.6476284081242158 1.0144535079996955 1.4989102854723737 1.7372692111298609 1.806919546549254 1.977175922018889 1.9694369958611768 1.9555069287773017 +42998,1.7078612917305613,2,0.5501179385370639 0.49130209973846456 0.3937916301513127 0.3349757913527134 0.3210457242688383 0.28699444917490774 0.2854466639433671 0.280803308248745 0.25449095931252674 0.2235352546816864 0.3179501538057481 0.6476284081242158 1.0144535079996955 1.4989102854723737 1.7372692111298609 1.806919546549254 1.977175922018889 1.9694369958611768 1.9555069287773017 1.8904999490525307 +42999,1.469502366073074,2,0.49130209973846456 0.3937916301513127 0.3349757913527134 0.3210457242688383 0.28699444917490774 0.2854466639433671 0.280803308248745 0.25449095931252674 0.2235352546816864 0.3179501538057481 0.6476284081242158 1.0144535079996955 1.4989102854723737 1.7372692111298609 1.806919546549254 1.977175922018889 1.9694369958611768 1.9555069287773017 1.8904999490525307 1.7078612917305613 +43000,1.1924488096270427,2,0.3937916301513127 0.3349757913527134 0.3210457242688383 0.28699444917490774 0.2854466639433671 0.280803308248745 0.25449095931252674 0.2235352546816864 0.3179501538057481 0.6476284081242158 1.0144535079996955 1.4989102854723737 1.7372692111298609 1.806919546549254 1.977175922018889 1.9694369958611768 1.9555069287773017 1.8904999490525307 1.7078612917305613 1.469502366073074 +43001,0.9014651860971277,2,0.3349757913527134 0.3210457242688383 0.28699444917490774 0.2854466639433671 0.280803308248745 0.25449095931252674 0.2235352546816864 0.3179501538057481 0.6476284081242158 1.0144535079996955 1.4989102854723737 1.7372692111298609 1.806919546549254 1.977175922018889 1.9694369958611768 1.9555069287773017 1.8904999490525307 1.7078612917305613 1.469502366073074 1.1924488096270427 +43002,0.75287780386908,2,0.3210457242688383 0.28699444917490774 0.2854466639433671 0.280803308248745 0.25449095931252674 0.2235352546816864 0.3179501538057481 0.6476284081242158 1.0144535079996955 1.4989102854723737 1.7372692111298609 1.806919546549254 1.977175922018889 1.9694369958611768 1.9555069287773017 1.8904999490525307 1.7078612917305613 1.469502366073074 1.1924488096270427 0.9014651860971277 +43003,0.6445328376611345,2,0.28699444917490774 0.2854466639433671 0.280803308248745 0.25449095931252674 0.2235352546816864 0.3179501538057481 0.6476284081242158 1.0144535079996955 1.4989102854723737 1.7372692111298609 1.806919546549254 1.977175922018889 1.9694369958611768 1.9555069287773017 1.8904999490525307 1.7078612917305613 1.469502366073074 1.1924488096270427 0.9014651860971277 0.75287780386908 +43004,0.6213160591880064,2,0.2854466639433671 0.280803308248745 0.25449095931252674 0.2235352546816864 0.3179501538057481 0.6476284081242158 1.0144535079996955 1.4989102854723737 1.7372692111298609 1.806919546549254 1.977175922018889 1.9694369958611768 1.9555069287773017 1.8904999490525307 1.7078612917305613 1.469502366073074 1.1924488096270427 0.9014651860971277 0.75287780386908 0.6445328376611345 +43005,0.4773720326545895,2,0.280803308248745 0.25449095931252674 0.2235352546816864 0.3179501538057481 0.6476284081242158 1.0144535079996955 1.4989102854723737 1.7372692111298609 1.806919546549254 1.977175922018889 1.9694369958611768 1.9555069287773017 1.8904999490525307 1.7078612917305613 1.469502366073074 1.1924488096270427 0.9014651860971277 0.75287780386908 0.6445328376611345 0.6213160591880064 +43006,0.45415525418145264,2,0.25449095931252674 0.2235352546816864 0.3179501538057481 0.6476284081242158 1.0144535079996955 1.4989102854723737 1.7372692111298609 1.806919546549254 1.977175922018889 1.9694369958611768 1.9555069287773017 1.8904999490525307 1.7078612917305613 1.469502366073074 1.1924488096270427 0.9014651860971277 0.75287780386908 0.6445328376611345 0.6213160591880064 0.4773720326545895 +43007,0.46963310649687723,2,0.2235352546816864 0.3179501538057481 0.6476284081242158 1.0144535079996955 1.4989102854723737 1.7372692111298609 1.806919546549254 1.977175922018889 1.9694369958611768 1.9555069287773017 1.8904999490525307 1.7078612917305613 1.469502366073074 1.1924488096270427 0.9014651860971277 0.75287780386908 0.6445328376611345 0.6213160591880064 0.4773720326545895 0.45415525418145264 +43008,0.44796411325528984,2,0.3179501538057481 0.6476284081242158 1.0144535079996955 1.4989102854723737 1.7372692111298609 1.806919546549254 1.977175922018889 1.9694369958611768 1.9555069287773017 1.8904999490525307 1.7078612917305613 1.469502366073074 1.1924488096270427 0.9014651860971277 0.75287780386908 0.6445328376611345 0.6213160591880064 0.4773720326545895 0.45415525418145264 0.46963310649687723 +43009,0.3117590128795853,2,0.6476284081242158 1.0144535079996955 1.4989102854723737 1.7372692111298609 1.806919546549254 1.977175922018889 1.9694369958611768 1.9555069287773017 1.8904999490525307 1.7078612917305613 1.469502366073074 1.1924488096270427 0.9014651860971277 0.75287780386908 0.6445328376611345 0.6213160591880064 0.4773720326545895 0.45415525418145264 0.46963310649687723 0.44796411325528984 +43010,0.3102112276480446,2,1.0144535079996955 1.4989102854723737 1.7372692111298609 1.806919546549254 1.977175922018889 1.9694369958611768 1.9555069287773017 1.8904999490525307 1.7078612917305613 1.469502366073074 1.1924488096270427 0.9014651860971277 0.75287780386908 0.6445328376611345 0.6213160591880064 0.4773720326545895 0.45415525418145264 0.46963310649687723 0.44796411325528984 0.3117590128795853 +43011,0.3164023685742074,2,1.4989102854723737 1.7372692111298609 1.806919546549254 1.977175922018889 1.9694369958611768 1.9555069287773017 1.8904999490525307 1.7078612917305613 1.469502366073074 1.1924488096270427 0.9014651860971277 0.75287780386908 0.6445328376611345 0.6213160591880064 0.4773720326545895 0.45415525418145264 0.46963310649687723 0.44796411325528984 0.3117590128795853 0.3102112276480446 +43012,0.5423790123793604,2,1.7372692111298609 1.806919546549254 1.977175922018889 1.9694369958611768 1.9555069287773017 1.8904999490525307 1.7078612917305613 1.469502366073074 1.1924488096270427 0.9014651860971277 0.75287780386908 0.6445328376611345 0.6213160591880064 0.4773720326545895 0.45415525418145264 0.46963310649687723 0.44796411325528984 0.3117590128795853 0.3102112276480446 0.3164023685742074 +43013,0.9231341793387151,2,1.806919546549254 1.977175922018889 1.9694369958611768 1.9555069287773017 1.8904999490525307 1.7078612917305613 1.469502366073074 1.1924488096270427 0.9014651860971277 0.75287780386908 0.6445328376611345 0.6213160591880064 0.4773720326545895 0.45415525418145264 0.46963310649687723 0.44796411325528984 0.3117590128795853 0.3102112276480446 0.3164023685742074 0.5423790123793604 +43014,1.3054371315296105,2,1.977175922018889 1.9694369958611768 1.9555069287773017 1.8904999490525307 1.7078612917305613 1.469502366073074 1.1924488096270427 0.9014651860971277 0.75287780386908 0.6445328376611345 0.6213160591880064 0.4773720326545895 0.45415525418145264 0.46963310649687723 0.44796411325528984 0.3117590128795853 0.3102112276480446 0.3164023685742074 0.5423790123793604 0.9231341793387151 +43015,1.8208496136331378,2,1.9694369958611768 1.9555069287773017 1.8904999490525307 1.7078612917305613 1.469502366073074 1.1924488096270427 0.9014651860971277 0.75287780386908 0.6445328376611345 0.6213160591880064 0.4773720326545895 0.45415525418145264 0.46963310649687723 0.44796411325528984 0.3117590128795853 0.3102112276480446 0.3164023685742074 0.5423790123793604 0.9231341793387151 1.3054371315296105 +43016,2.0483740426698227,2,1.9555069287773017 1.8904999490525307 1.7078612917305613 1.469502366073074 1.1924488096270427 0.9014651860971277 0.75287780386908 0.6445328376611345 0.6213160591880064 0.4773720326545895 0.45415525418145264 0.46963310649687723 0.44796411325528984 0.3117590128795853 0.3102112276480446 0.3164023685742074 0.5423790123793604 0.9231341793387151 1.3054371315296105 1.8208496136331378 +43017,2.254229478464929,2,1.8904999490525307 1.7078612917305613 1.469502366073074 1.1924488096270427 0.9014651860971277 0.75287780386908 0.6445328376611345 0.6213160591880064 0.4773720326545895 0.45415525418145264 0.46963310649687723 0.44796411325528984 0.3117590128795853 0.3102112276480446 0.3164023685742074 0.5423790123793604 0.9231341793387151 1.3054371315296105 1.8208496136331378 2.0483740426698227 +43018,2.3919823640721742,2,1.7078612917305613 1.469502366073074 1.1924488096270427 0.9014651860971277 0.75287780386908 0.6445328376611345 0.6213160591880064 0.4773720326545895 0.45415525418145264 0.46963310649687723 0.44796411325528984 0.3117590128795853 0.3102112276480446 0.3164023685742074 0.5423790123793604 0.9231341793387151 1.3054371315296105 1.8208496136331378 2.0483740426698227 2.254229478464929 +43019,2.4415114914815206,2,1.469502366073074 1.1924488096270427 0.9014651860971277 0.75287780386908 0.6445328376611345 0.6213160591880064 0.4773720326545895 0.45415525418145264 0.46963310649687723 0.44796411325528984 0.3117590128795853 0.3102112276480446 0.3164023685742074 0.5423790123793604 0.9231341793387151 1.3054371315296105 1.8208496136331378 2.0483740426698227 2.254229478464929 2.3919823640721742 +43020,2.4678238404177386,2,1.1924488096270427 0.9014651860971277 0.75287780386908 0.6445328376611345 0.6213160591880064 0.4773720326545895 0.45415525418145264 0.46963310649687723 0.44796411325528984 0.3117590128795853 0.3102112276480446 0.3164023685742074 0.5423790123793604 0.9231341793387151 1.3054371315296105 1.8208496136331378 2.0483740426698227 2.254229478464929 2.3919823640721742 2.4415114914815206 +43021,2.382695652682921,2,0.9014651860971277 0.75287780386908 0.6445328376611345 0.6213160591880064 0.4773720326545895 0.45415525418145264 0.46963310649687723 0.44796411325528984 0.3117590128795853 0.3102112276480446 0.3164023685742074 0.5423790123793604 0.9231341793387151 1.3054371315296105 1.8208496136331378 2.0483740426698227 2.254229478464929 2.3919823640721742 2.4415114914815206 2.4678238404177386 +43022,2.054565183595994,2,0.75287780386908 0.6445328376611345 0.6213160591880064 0.4773720326545895 0.45415525418145264 0.46963310649687723 0.44796411325528984 0.3117590128795853 0.3102112276480446 0.3164023685742074 0.5423790123793604 0.9231341793387151 1.3054371315296105 1.8208496136331378 2.0483740426698227 2.254229478464929 2.3919823640721742 2.4415114914815206 2.4678238404177386 2.382695652682921 +43023,1.7991806203915504,2,0.6445328376611345 0.6213160591880064 0.4773720326545895 0.45415525418145264 0.46963310649687723 0.44796411325528984 0.3117590128795853 0.3102112276480446 0.3164023685742074 0.5423790123793604 0.9231341793387151 1.3054371315296105 1.8208496136331378 2.0483740426698227 2.254229478464929 2.3919823640721742 2.4415114914815206 2.4678238404177386 2.382695652682921 2.054565183595994 +43024,1.483432433156958,2,0.6213160591880064 0.4773720326545895 0.45415525418145264 0.46963310649687723 0.44796411325528984 0.3117590128795853 0.3102112276480446 0.3164023685742074 0.5423790123793604 0.9231341793387151 1.3054371315296105 1.8208496136331378 2.0483740426698227 2.254229478464929 2.3919823640721742 2.4415114914815206 2.4678238404177386 2.382695652682921 2.054565183595994 1.7991806203915504 +43025,1.3704441112543813,2,0.4773720326545895 0.45415525418145264 0.46963310649687723 0.44796411325528984 0.3117590128795853 0.3102112276480446 0.3164023685742074 0.5423790123793604 0.9231341793387151 1.3054371315296105 1.8208496136331378 2.0483740426698227 2.254229478464929 2.3919823640721742 2.4415114914815206 2.4678238404177386 2.382695652682921 2.054565183595994 1.7991806203915504 1.483432433156958 +43026,1.223404514257883,2,0.45415525418145264 0.46963310649687723 0.44796411325528984 0.3117590128795853 0.3102112276480446 0.3164023685742074 0.5423790123793604 0.9231341793387151 1.3054371315296105 1.8208496136331378 2.0483740426698227 2.254229478464929 2.3919823640721742 2.4415114914815206 2.4678238404177386 2.382695652682921 2.054565183595994 1.7991806203915504 1.483432433156958 1.3704441112543813 +43027,1.1460152526807779,2,0.46963310649687723 0.44796411325528984 0.3117590128795853 0.3102112276480446 0.3164023685742074 0.5423790123793604 0.9231341793387151 1.3054371315296105 1.8208496136331378 2.0483740426698227 2.254229478464929 2.3919823640721742 2.4415114914815206 2.4678238404177386 2.382695652682921 2.054565183595994 1.7991806203915504 1.483432433156958 1.3704441112543813 1.223404514257883 +43028,1.0454092126305445,2,0.44796411325528984 0.3117590128795853 0.3102112276480446 0.3164023685742074 0.5423790123793604 0.9231341793387151 1.3054371315296105 1.8208496136331378 2.0483740426698227 2.254229478464929 2.3919823640721742 2.4415114914815206 2.4678238404177386 2.382695652682921 2.054565183595994 1.7991806203915504 1.483432433156958 1.3704441112543813 1.223404514257883 1.1460152526807779 +43029,0.8705094814662874,2,0.3117590128795853 0.3102112276480446 0.3164023685742074 0.5423790123793604 0.9231341793387151 1.3054371315296105 1.8208496136331378 2.0483740426698227 2.254229478464929 2.3919823640721742 2.4415114914815206 2.4678238404177386 2.382695652682921 2.054565183595994 1.7991806203915504 1.483432433156958 1.3704441112543813 1.223404514257883 1.1460152526807779 1.0454092126305445 +43030,0.8349104211408162,2,0.3102112276480446 0.3164023685742074 0.5423790123793604 0.9231341793387151 1.3054371315296105 1.8208496136331378 2.0483740426698227 2.254229478464929 2.3919823640721742 2.4415114914815206 2.4678238404177386 2.382695652682921 2.054565183595994 1.7991806203915504 1.483432433156958 1.3704441112543813 1.223404514257883 1.1460152526807779 1.0454092126305445 0.8705094814662874 +43031,0.7791901528052982,2,0.3164023685742074 0.5423790123793604 0.9231341793387151 1.3054371315296105 1.8208496136331378 2.0483740426698227 2.254229478464929 2.3919823640721742 2.4415114914815206 2.4678238404177386 2.382695652682921 2.054565183595994 1.7991806203915504 1.483432433156958 1.3704441112543813 1.223404514257883 1.1460152526807779 1.0454092126305445 0.8705094814662874 0.8349104211408162 +43032,0.734304381090574,2,0.5423790123793604 0.9231341793387151 1.3054371315296105 1.8208496136331378 2.0483740426698227 2.254229478464929 2.3919823640721742 2.4415114914815206 2.4678238404177386 2.382695652682921 2.054565183595994 1.7991806203915504 1.483432433156958 1.3704441112543813 1.223404514257883 1.1460152526807779 1.0454092126305445 0.8705094814662874 0.8349104211408162 0.7791901528052982 +43033,0.6801318979866057,2,0.9231341793387151 1.3054371315296105 1.8208496136331378 2.0483740426698227 2.254229478464929 2.3919823640721742 2.4415114914815206 2.4678238404177386 2.382695652682921 2.054565183595994 1.7991806203915504 1.483432433156958 1.3704441112543813 1.223404514257883 1.1460152526807779 1.0454092126305445 0.8705094814662874 0.8349104211408162 0.7791901528052982 0.734304381090574 +43034,0.6569151195134688,2,1.3054371315296105 1.8208496136331378 2.0483740426698227 2.254229478464929 2.3919823640721742 2.4415114914815206 2.4678238404177386 2.382695652682921 2.054565183595994 1.7991806203915504 1.483432433156958 1.3704441112543813 1.223404514257883 1.1460152526807779 1.0454092126305445 0.8705094814662874 0.8349104211408162 0.7791901528052982 0.734304381090574 0.6801318979866057 +43035,0.6971575355335708,2,1.8208496136331378 2.0483740426698227 2.254229478464929 2.3919823640721742 2.4415114914815206 2.4678238404177386 2.382695652682921 2.054565183595994 1.7991806203915504 1.483432433156958 1.3704441112543813 1.223404514257883 1.1460152526807779 1.0454092126305445 0.8705094814662874 0.8349104211408162 0.7791901528052982 0.734304381090574 0.6801318979866057 0.6569151195134688 +43036,1.0221924341574078,2,2.0483740426698227 2.254229478464929 2.3919823640721742 2.4415114914815206 2.4678238404177386 2.382695652682921 2.054565183595994 1.7991806203915504 1.483432433156958 1.3704441112543813 1.223404514257883 1.1460152526807779 1.0454092126305445 0.8705094814662874 0.8349104211408162 0.7791901528052982 0.734304381090574 0.6801318979866057 0.6569151195134688 0.6971575355335708 +43037,1.3425839770866224,2,2.254229478464929 2.3919823640721742 2.4415114914815206 2.4678238404177386 2.382695652682921 2.054565183595994 1.7991806203915504 1.483432433156958 1.3704441112543813 1.223404514257883 1.1460152526807779 1.0454092126305445 0.8705094814662874 0.8349104211408162 0.7791901528052982 0.734304381090574 0.6801318979866057 0.6569151195134688 0.6971575355335708 1.0221924341574078 +43038,1.5190314934824292,2,2.3919823640721742 2.4415114914815206 2.4678238404177386 2.382695652682921 2.054565183595994 1.7991806203915504 1.483432433156958 1.3704441112543813 1.223404514257883 1.1460152526807779 1.0454092126305445 0.8705094814662874 0.8349104211408162 0.7791901528052982 0.734304381090574 0.6801318979866057 0.6569151195134688 0.6971575355335708 1.0221924341574078 1.3425839770866224 +43039,2.0437306869752008,2,2.4415114914815206 2.4678238404177386 2.382695652682921 2.054565183595994 1.7991806203915504 1.483432433156958 1.3704441112543813 1.223404514257883 1.1460152526807779 1.0454092126305445 0.8705094814662874 0.8349104211408162 0.7791901528052982 0.734304381090574 0.6801318979866057 0.6569151195134688 0.6971575355335708 1.0221924341574078 1.3425839770866224 1.5190314934824292 +43040,2.1907702839716987,2,2.4678238404177386 2.382695652682921 2.054565183595994 1.7991806203915504 1.483432433156958 1.3704441112543813 1.223404514257883 1.1460152526807779 1.0454092126305445 0.8705094814662874 0.8349104211408162 0.7791901528052982 0.734304381090574 0.6801318979866057 0.6569151195134688 0.6971575355335708 1.0221924341574078 1.3425839770866224 1.5190314934824292 2.0437306869752008 +43041,2.415199142545302,2,2.382695652682921 2.054565183595994 1.7991806203915504 1.483432433156958 1.3704441112543813 1.223404514257883 1.1460152526807779 1.0454092126305445 0.8705094814662874 0.8349104211408162 0.7791901528052982 0.734304381090574 0.6801318979866057 0.6569151195134688 0.6971575355335708 1.0221924341574078 1.3425839770866224 1.5190314934824292 2.0437306869752008 2.1907702839716987 +43042,2.517352967827085,2,2.054565183595994 1.7991806203915504 1.483432433156958 1.3704441112543813 1.223404514257883 1.1460152526807779 1.0454092126305445 0.8705094814662874 0.8349104211408162 0.7791901528052982 0.734304381090574 0.6801318979866057 0.6569151195134688 0.6971575355335708 1.0221924341574078 1.3425839770866224 1.5190314934824292 2.0437306869752008 2.1907702839716987 2.415199142545302 +43043,2.56069095431026,2,1.7991806203915504 1.483432433156958 1.3704441112543813 1.223404514257883 1.1460152526807779 1.0454092126305445 0.8705094814662874 0.8349104211408162 0.7791901528052982 0.734304381090574 0.6801318979866057 0.6569151195134688 0.6971575355335708 1.0221924341574078 1.3425839770866224 1.5190314934824292 2.0437306869752008 2.1907702839716987 2.415199142545302 2.517352967827085 +43044,2.604028940793443,2,1.483432433156958 1.3704441112543813 1.223404514257883 1.1460152526807779 1.0454092126305445 0.8705094814662874 0.8349104211408162 0.7791901528052982 0.734304381090574 0.6801318979866057 0.6569151195134688 0.6971575355335708 1.0221924341574078 1.3425839770866224 1.5190314934824292 2.0437306869752008 2.1907702839716987 2.415199142545302 2.517352967827085 2.56069095431026 +43045,2.4709194108808203,2,1.3704441112543813 1.223404514257883 1.1460152526807779 1.0454092126305445 0.8705094814662874 0.8349104211408162 0.7791901528052982 0.734304381090574 0.6801318979866057 0.6569151195134688 0.6971575355335708 1.0221924341574078 1.3425839770866224 1.5190314934824292 2.0437306869752008 2.1907702839716987 2.415199142545302 2.517352967827085 2.56069095431026 2.604028940793443 +43046,2.272802901243426,2,1.223404514257883 1.1460152526807779 1.0454092126305445 0.8705094814662874 0.8349104211408162 0.7791901528052982 0.734304381090574 0.6801318979866057 0.6569151195134688 0.6971575355335708 1.0221924341574078 1.3425839770866224 1.5190314934824292 2.0437306869752008 2.1907702839716987 2.415199142545302 2.517352967827085 2.56069095431026 2.604028940793443 2.4709194108808203 +43047,1.9988449152604764,2,1.1460152526807779 1.0454092126305445 0.8705094814662874 0.8349104211408162 0.7791901528052982 0.734304381090574 0.6801318979866057 0.6569151195134688 0.6971575355335708 1.0221924341574078 1.3425839770866224 1.5190314934824292 2.0437306869752008 2.1907702839716987 2.415199142545302 2.517352967827085 2.56069095431026 2.604028940793443 2.4709194108808203 2.272802901243426 +43048,1.700122365572849,2,1.0454092126305445 0.8705094814662874 0.8349104211408162 0.7791901528052982 0.734304381090574 0.6801318979866057 0.6569151195134688 0.6971575355335708 1.0221924341574078 1.3425839770866224 1.5190314934824292 2.0437306869752008 2.1907702839716987 2.415199142545302 2.517352967827085 2.56069095431026 2.604028940793443 2.4709194108808203 2.272802901243426 1.9988449152604764 +43049,1.4849802183884986,2,0.8705094814662874 0.8349104211408162 0.7791901528052982 0.734304381090574 0.6801318979866057 0.6569151195134688 0.6971575355335708 1.0221924341574078 1.3425839770866224 1.5190314934824292 2.0437306869752008 2.1907702839716987 2.415199142545302 2.517352967827085 2.56069095431026 2.604028940793443 2.4709194108808203 2.272802901243426 1.9988449152604764 1.700122365572849 +43050,1.2559080041202642,2,0.8349104211408162 0.7791901528052982 0.734304381090574 0.6801318979866057 0.6569151195134688 0.6971575355335708 1.0221924341574078 1.3425839770866224 1.5190314934824292 2.0437306869752008 2.1907702839716987 2.415199142545302 2.517352967827085 2.56069095431026 2.604028940793443 2.4709194108808203 2.272802901243426 1.9988449152604764 1.700122365572849 1.4849802183884986 +43051,1.1212506889761003,2,0.7791901528052982 0.734304381090574 0.6801318979866057 0.6569151195134688 0.6971575355335708 1.0221924341574078 1.3425839770866224 1.5190314934824292 2.0437306869752008 2.1907702839716987 2.415199142545302 2.517352967827085 2.56069095431026 2.604028940793443 2.4709194108808203 2.272802901243426 1.9988449152604764 1.700122365572849 1.4849802183884986 1.2559080041202642 +43052,1.0005234409158204,2,0.734304381090574 0.6801318979866057 0.6569151195134688 0.6971575355335708 1.0221924341574078 1.3425839770866224 1.5190314934824292 2.0437306869752008 2.1907702839716987 2.415199142545302 2.517352967827085 2.56069095431026 2.604028940793443 2.4709194108808203 2.272802901243426 1.9988449152604764 1.700122365572849 1.4849802183884986 1.2559080041202642 1.1212506889761003 +43053,0.9339686759595087,2,0.6801318979866057 0.6569151195134688 0.6971575355335708 1.0221924341574078 1.3425839770866224 1.5190314934824292 2.0437306869752008 2.1907702839716987 2.415199142545302 2.517352967827085 2.56069095431026 2.604028940793443 2.4709194108808203 2.272802901243426 1.9988449152604764 1.700122365572849 1.4849802183884986 1.2559080041202642 1.1212506889761003 1.0005234409158204 +43054,0.8890829042447845,2,0.6569151195134688 0.6971575355335708 1.0221924341574078 1.3425839770866224 1.5190314934824292 2.0437306869752008 2.1907702839716987 2.415199142545302 2.517352967827085 2.56069095431026 2.604028940793443 2.4709194108808203 2.272802901243426 1.9988449152604764 1.700122365572849 1.4849802183884986 1.2559080041202642 1.1212506889761003 1.0005234409158204 0.9339686759595087 +43055,0.790024649426092,2,0.6971575355335708 1.0221924341574078 1.3425839770866224 1.5190314934824292 2.0437306869752008 2.1907702839716987 2.415199142545302 2.517352967827085 2.56069095431026 2.604028940793443 2.4709194108808203 2.272802901243426 1.9988449152604764 1.700122365572849 1.4849802183884986 1.2559080041202642 1.1212506889761003 1.0005234409158204 0.9339686759595087 0.8890829042447845 +43056,0.7559733743321702,2,1.0221924341574078 1.3425839770866224 1.5190314934824292 2.0437306869752008 2.1907702839716987 2.415199142545302 2.517352967827085 2.56069095431026 2.604028940793443 2.4709194108808203 2.272802901243426 1.9988449152604764 1.700122365572849 1.4849802183884986 1.2559080041202642 1.1212506889761003 1.0005234409158204 0.9339686759595087 0.8890829042447845 0.790024649426092 +43057,0.6306027705772593,2,1.3425839770866224 1.5190314934824292 2.0437306869752008 2.1907702839716987 2.415199142545302 2.517352967827085 2.56069095431026 2.604028940793443 2.4709194108808203 2.272802901243426 1.9988449152604764 1.700122365572849 1.4849802183884986 1.2559080041202642 1.1212506889761003 1.0005234409158204 0.9339686759595087 0.8890829042447845 0.790024649426092 0.7559733743321702 +43058,0.6662018309027218,2,1.5190314934824292 2.0437306869752008 2.1907702839716987 2.415199142545302 2.517352967827085 2.56069095431026 2.604028940793443 2.4709194108808203 2.272802901243426 1.9988449152604764 1.700122365572849 1.4849802183884986 1.2559080041202642 1.1212506889761003 1.0005234409158204 0.9339686759595087 0.8890829042447845 0.790024649426092 0.7559733743321702 0.6306027705772593 +43059,0.7250176697013211,2,2.0437306869752008 2.1907702839716987 2.415199142545302 2.517352967827085 2.56069095431026 2.604028940793443 2.4709194108808203 2.272802901243426 1.9988449152604764 1.700122365572849 1.4849802183884986 1.2559080041202642 1.1212506889761003 1.0005234409158204 0.9339686759595087 0.8890829042447845 0.790024649426092 0.7559733743321702 0.6306027705772593 0.6662018309027218 +43060,1.0887471991137192,2,2.1907702839716987 2.415199142545302 2.517352967827085 2.56069095431026 2.604028940793443 2.4709194108808203 2.272802901243426 1.9988449152604764 1.700122365572849 1.4849802183884986 1.2559080041202642 1.1212506889761003 1.0005234409158204 0.9339686759595087 0.8890829042447845 0.790024649426092 0.7559733743321702 0.6306027705772593 0.6662018309027218 0.7250176697013211 +43061,1.5453438424186385,2,2.415199142545302 2.517352967827085 2.56069095431026 2.604028940793443 2.4709194108808203 2.272802901243426 1.9988449152604764 1.700122365572849 1.4849802183884986 1.2559080041202642 1.1212506889761003 1.0005234409158204 0.9339686759595087 0.8890829042447845 0.790024649426092 0.7559733743321702 0.6306027705772593 0.6662018309027218 0.7250176697013211 1.0887471991137192 +43062,1.8966910899787024,2,2.517352967827085 2.56069095431026 2.604028940793443 2.4709194108808203 2.272802901243426 1.9988449152604764 1.700122365572849 1.4849802183884986 1.2559080041202642 1.1212506889761003 1.0005234409158204 0.9339686759595087 0.8890829042447845 0.790024649426092 0.7559733743321702 0.6306027705772593 0.6662018309027218 0.7250176697013211 1.0887471991137192 1.5453438424186385 +43063,2.2758984717065163,2,2.56069095431026 2.604028940793443 2.4709194108808203 2.272802901243426 1.9988449152604764 1.700122365572849 1.4849802183884986 1.2559080041202642 1.1212506889761003 1.0005234409158204 0.9339686759595087 0.8890829042447845 0.790024649426092 0.7559733743321702 0.6306027705772593 0.6662018309027218 0.7250176697013211 1.0887471991137192 1.5453438424186385 1.8966910899787024 +43064,2.4322247800922674,2,2.604028940793443 2.4709194108808203 2.272802901243426 1.9988449152604764 1.700122365572849 1.4849802183884986 1.2559080041202642 1.1212506889761003 1.0005234409158204 0.9339686759595087 0.8890829042447845 0.790024649426092 0.7559733743321702 0.6306027705772593 0.6662018309027218 0.7250176697013211 1.0887471991137192 1.5453438424186385 1.8966910899787024 2.2758984717065163 +43065,2.5189007530586256,2,2.4709194108808203 2.272802901243426 1.9988449152604764 1.700122365572849 1.4849802183884986 1.2559080041202642 1.1212506889761003 1.0005234409158204 0.9339686759595087 0.8890829042447845 0.790024649426092 0.7559733743321702 0.6306027705772593 0.6662018309027218 0.7250176697013211 1.0887471991137192 1.5453438424186385 1.8966910899787024 2.2758984717065163 2.4322247800922674 +43066,2.6086722964880655,2,2.272802901243426 1.9988449152604764 1.700122365572849 1.4849802183884986 1.2559080041202642 1.1212506889761003 1.0005234409158204 0.9339686759595087 0.8890829042447845 0.790024649426092 0.7559733743321702 0.6306027705772593 0.6662018309027218 0.7250176697013211 1.0887471991137192 1.5453438424186385 1.8966910899787024 2.2758984717065163 2.4322247800922674 2.5189007530586256 +43067,2.5544998133840973,2,1.9988449152604764 1.700122365572849 1.4849802183884986 1.2559080041202642 1.1212506889761003 1.0005234409158204 0.9339686759595087 0.8890829042447845 0.790024649426092 0.7559733743321702 0.6306027705772593 0.6662018309027218 0.7250176697013211 1.0887471991137192 1.5453438424186385 1.8966910899787024 2.2758984717065163 2.4322247800922674 2.5189007530586256 2.6086722964880655 +43068,2.5544998133840973,2,1.700122365572849 1.4849802183884986 1.2559080041202642 1.1212506889761003 1.0005234409158204 0.9339686759595087 0.8890829042447845 0.790024649426092 0.7559733743321702 0.6306027705772593 0.6662018309027218 0.7250176697013211 1.0887471991137192 1.5453438424186385 1.8966910899787024 2.2758984717065163 2.4322247800922674 2.5189007530586256 2.6086722964880655 2.5544998133840973 +43069,2.477110551806992,2,1.4849802183884986 1.2559080041202642 1.1212506889761003 1.0005234409158204 0.9339686759595087 0.8890829042447845 0.790024649426092 0.7559733743321702 0.6306027705772593 0.6662018309027218 0.7250176697013211 1.0887471991137192 1.5453438424186385 1.8966910899787024 2.2758984717065163 2.4322247800922674 2.5189007530586256 2.6086722964880655 2.5544998133840973 2.5544998133840973 +43070,2.3532877332836217,2,1.2559080041202642 1.1212506889761003 1.0005234409158204 0.9339686759595087 0.8890829042447845 0.790024649426092 0.7559733743321702 0.6306027705772593 0.6662018309027218 0.7250176697013211 1.0887471991137192 1.5453438424186385 1.8966910899787024 2.2758984717065163 2.4322247800922674 2.5189007530586256 2.6086722964880655 2.5544998133840973 2.5544998133840973 2.477110551806992 +43071,2.051469613132913,2,1.1212506889761003 1.0005234409158204 0.9339686759595087 0.8890829042447845 0.790024649426092 0.7559733743321702 0.6306027705772593 0.6662018309027218 0.7250176697013211 1.0887471991137192 1.5453438424186385 1.8966910899787024 2.2758984717065163 2.4322247800922674 2.5189007530586256 2.6086722964880655 2.5544998133840973 2.5544998133840973 2.477110551806992 2.3532877332836217 +43072,1.7852505533076666,2,1.0005234409158204 0.9339686759595087 0.8890829042447845 0.790024649426092 0.7559733743321702 0.6306027705772593 0.6662018309027218 0.7250176697013211 1.0887471991137192 1.5453438424186385 1.8966910899787024 2.2758984717065163 2.4322247800922674 2.5189007530586256 2.6086722964880655 2.5544998133840973 2.5544998133840973 2.477110551806992 2.3532877332836217 2.051469613132913 +43073,1.6088030369118687,2,0.9339686759595087 0.8890829042447845 0.790024649426092 0.7559733743321702 0.6306027705772593 0.6662018309027218 0.7250176697013211 1.0887471991137192 1.5453438424186385 1.8966910899787024 2.2758984717065163 2.4322247800922674 2.5189007530586256 2.6086722964880655 2.5544998133840973 2.5544998133840973 2.477110551806992 2.3532877332836217 2.051469613132913 1.7852505533076666 +43074,1.4431900171368646,2,0.8890829042447845 0.790024649426092 0.7559733743321702 0.6306027705772593 0.6662018309027218 0.7250176697013211 1.0887471991137192 1.5453438424186385 1.8966910899787024 2.2758984717065163 2.4322247800922674 2.5189007530586256 2.6086722964880655 2.5544998133840973 2.5544998133840973 2.477110551806992 2.3532877332836217 2.051469613132913 1.7852505533076666 1.6088030369118687 +43075,1.2404301518048484,2,0.790024649426092 0.7559733743321702 0.6306027705772593 0.6662018309027218 0.7250176697013211 1.0887471991137192 1.5453438424186385 1.8966910899787024 2.2758984717065163 2.4322247800922674 2.5189007530586256 2.6086722964880655 2.5544998133840973 2.5544998133840973 2.477110551806992 2.3532877332836217 2.051469613132913 1.7852505533076666 1.6088030369118687 1.4431900171368646 +43076,1.209474447174008,2,0.7559733743321702 0.6306027705772593 0.6662018309027218 0.7250176697013211 1.0887471991137192 1.5453438424186385 1.8966910899787024 2.2758984717065163 2.4322247800922674 2.5189007530586256 2.6086722964880655 2.5544998133840973 2.5544998133840973 2.477110551806992 2.3532877332836217 2.051469613132913 1.7852505533076666 1.6088030369118687 1.4431900171368646 1.2404301518048484 +43077,1.1320851855969027,2,0.6306027705772593 0.6662018309027218 0.7250176697013211 1.0887471991137192 1.5453438424186385 1.8966910899787024 2.2758984717065163 2.4322247800922674 2.5189007530586256 2.6086722964880655 2.5544998133840973 2.5544998133840973 2.477110551806992 2.3532877332836217 2.051469613132913 1.7852505533076666 1.6088030369118687 1.4431900171368646 1.2404301518048484 1.209474447174008 +43078,1.1212506889761003,2,0.6662018309027218 0.7250176697013211 1.0887471991137192 1.5453438424186385 1.8966910899787024 2.2758984717065163 2.4322247800922674 2.5189007530586256 2.6086722964880655 2.5544998133840973 2.5544998133840973 2.477110551806992 2.3532877332836217 2.051469613132913 1.7852505533076666 1.6088030369118687 1.4431900171368646 1.2404301518048484 1.209474447174008 1.1320851855969027 +43079,0.988141159063486,2,0.7250176697013211 1.0887471991137192 1.5453438424186385 1.8966910899787024 2.2758984717065163 2.4322247800922674 2.5189007530586256 2.6086722964880655 2.5544998133840973 2.5544998133840973 2.477110551806992 2.3532877332836217 2.051469613132913 1.7852505533076666 1.6088030369118687 1.4431900171368646 1.2404301518048484 1.209474447174008 1.1320851855969027 1.1212506889761003 +43080,0.9277775350333372,2,1.0887471991137192 1.5453438424186385 1.8966910899787024 2.2758984717065163 2.4322247800922674 2.5189007530586256 2.6086722964880655 2.5544998133840973 2.5544998133840973 2.477110551806992 2.3532877332836217 2.051469613132913 1.7852505533076666 1.6088030369118687 1.4431900171368646 1.2404301518048484 1.209474447174008 1.1320851855969027 1.1212506889761003 0.988141159063486 +43081,0.8565794143824035,2,1.5453438424186385 1.8966910899787024 2.2758984717065163 2.4322247800922674 2.5189007530586256 2.6086722964880655 2.5544998133840973 2.5544998133840973 2.477110551806992 2.3532877332836217 2.051469613132913 1.7852505533076666 1.6088030369118687 1.4431900171368646 1.2404301518048484 1.209474447174008 1.1320851855969027 1.1212506889761003 0.988141159063486 0.9277775350333372 +43082,0.8209803540569323,2,1.8966910899787024 2.2758984717065163 2.4322247800922674 2.5189007530586256 2.6086722964880655 2.5544998133840973 2.5544998133840973 2.477110551806992 2.3532877332836217 2.051469613132913 1.7852505533076666 1.6088030369118687 1.4431900171368646 1.2404301518048484 1.209474447174008 1.1320851855969027 1.1212506889761003 0.988141159063486 0.9277775350333372 0.8565794143824035 +43083,0.8736050519293688,2,2.2758984717065163 2.4322247800922674 2.5189007530586256 2.6086722964880655 2.5544998133840973 2.5544998133840973 2.477110551806992 2.3532877332836217 2.051469613132913 1.7852505533076666 1.6088030369118687 1.4431900171368646 1.2404301518048484 1.209474447174008 1.1320851855969027 1.1212506889761003 0.988141159063486 0.9277775350333372 0.8565794143824035 0.8209803540569323 +43084,1.223404514257883,2,2.4322247800922674 2.5189007530586256 2.6086722964880655 2.5544998133840973 2.5544998133840973 2.477110551806992 2.3532877332836217 2.051469613132913 1.7852505533076666 1.6088030369118687 1.4431900171368646 1.2404301518048484 1.209474447174008 1.1320851855969027 1.1212506889761003 0.988141159063486 0.9277775350333372 0.8565794143824035 0.8209803540569323 0.8736050519293688 +43085,1.6180897483011216,2,2.5189007530586256 2.6086722964880655 2.5544998133840973 2.5544998133840973 2.477110551806992 2.3532877332836217 2.051469613132913 1.7852505533076666 1.6088030369118687 1.4431900171368646 1.2404301518048484 1.209474447174008 1.1320851855969027 1.1212506889761003 0.988141159063486 0.9277775350333372 0.8565794143824035 0.8209803540569323 0.8736050519293688 1.223404514257883 +43086,2.2248215590656293,2,2.6086722964880655 2.5544998133840973 2.5544998133840973 2.477110551806992 2.3532877332836217 2.051469613132913 1.7852505533076666 1.6088030369118687 1.4431900171368646 1.2404301518048484 1.209474447174008 1.1320851855969027 1.1212506889761003 0.988141159063486 0.9277775350333372 0.8565794143824035 0.8209803540569323 0.8736050519293688 1.223404514257883 1.6180897483011216 +43087,2.517352967827085,2,2.5544998133840973 2.5544998133840973 2.477110551806992 2.3532877332836217 2.051469613132913 1.7852505533076666 1.6088030369118687 1.4431900171368646 1.2404301518048484 1.209474447174008 1.1320851855969027 1.1212506889761003 0.988141159063486 0.9277775350333372 0.8565794143824035 0.8209803540569323 0.8736050519293688 1.223404514257883 1.6180897483011216 2.2248215590656293 +43088,2.758807463947654,2,2.5544998133840973 2.477110551806992 2.3532877332836217 2.051469613132913 1.7852505533076666 1.6088030369118687 1.4431900171368646 1.2404301518048484 1.209474447174008 1.1320851855969027 1.1212506889761003 0.988141159063486 0.9277775350333372 0.8565794143824035 0.8209803540569323 0.8736050519293688 1.223404514257883 1.6180897483011216 2.2248215590656293 2.517352967827085 +43089,2.9646628997427515,2,2.477110551806992 2.3532877332836217 2.051469613132913 1.7852505533076666 1.6088030369118687 1.4431900171368646 1.2404301518048484 1.209474447174008 1.1320851855969027 1.1212506889761003 0.988141159063486 0.9277775350333372 0.8565794143824035 0.8209803540569323 0.8736050519293688 1.223404514257883 1.6180897483011216 2.2248215590656293 2.517352967827085 2.758807463947654 +43090,3.0188353828467287,2,2.3532877332836217 2.051469613132913 1.7852505533076666 1.6088030369118687 1.4431900171368646 1.2404301518048484 1.209474447174008 1.1320851855969027 1.1212506889761003 0.988141159063486 0.9277775350333372 0.8565794143824035 0.8209803540569323 0.8736050519293688 1.223404514257883 1.6180897483011216 2.2248215590656293 2.517352967827085 2.758807463947654 2.9646628997427515 +43091,2.754164108253023,2,2.051469613132913 1.7852505533076666 1.6088030369118687 1.4431900171368646 1.2404301518048484 1.209474447174008 1.1320851855969027 1.1212506889761003 0.988141159063486 0.9277775350333372 0.8565794143824035 0.8209803540569323 0.8736050519293688 1.223404514257883 1.6180897483011216 2.2248215590656293 2.517352967827085 2.758807463947654 2.9646628997427515 3.0188353828467287 +43092,2.604028940793443,2,1.7852505533076666 1.6088030369118687 1.4431900171368646 1.2404301518048484 1.209474447174008 1.1320851855969027 1.1212506889761003 0.988141159063486 0.9277775350333372 0.8565794143824035 0.8209803540569323 0.8736050519293688 1.223404514257883 1.6180897483011216 2.2248215590656293 2.517352967827085 2.758807463947654 2.9646628997427515 3.0188353828467287 2.754164108253023 +43093,2.43996370624998,2,1.6088030369118687 1.4431900171368646 1.2404301518048484 1.209474447174008 1.1320851855969027 1.1212506889761003 0.988141159063486 0.9277775350333372 0.8565794143824035 0.8209803540569323 0.8736050519293688 1.223404514257883 1.6180897483011216 2.2248215590656293 2.517352967827085 2.758807463947654 2.9646628997427515 3.0188353828467287 2.754164108253023 2.604028940793443 +43094,2.4136513573137615,2,1.4431900171368646 1.2404301518048484 1.209474447174008 1.1320851855969027 1.1212506889761003 0.988141159063486 0.9277775350333372 0.8565794143824035 0.8209803540569323 0.8736050519293688 1.223404514257883 1.6180897483011216 2.2248215590656293 2.517352967827085 2.758807463947654 2.9646628997427515 3.0188353828467287 2.754164108253023 2.604028940793443 2.43996370624998 +43095,2.320784243421232,2,1.2404301518048484 1.209474447174008 1.1320851855969027 1.1212506889761003 0.988141159063486 0.9277775350333372 0.8565794143824035 0.8209803540569323 0.8736050519293688 1.223404514257883 1.6180897483011216 2.2248215590656293 2.517352967827085 2.758807463947654 2.9646628997427515 3.0188353828467287 2.754164108253023 2.604028940793443 2.43996370624998 2.4136513573137615 +43096,2.1133810223945937,2,1.209474447174008 1.1320851855969027 1.1212506889761003 0.988141159063486 0.9277775350333372 0.8565794143824035 0.8209803540569323 0.8736050519293688 1.223404514257883 1.6180897483011216 2.2248215590656293 2.517352967827085 2.758807463947654 2.9646628997427515 3.0188353828467287 2.754164108253023 2.604028940793443 2.43996370624998 2.4136513573137615 2.320784243421232 +43097,1.9059778013679554,2,1.1320851855969027 1.1212506889761003 0.988141159063486 0.9277775350333372 0.8565794143824035 0.8209803540569323 0.8736050519293688 1.223404514257883 1.6180897483011216 2.2248215590656293 2.517352967827085 2.758807463947654 2.9646628997427515 3.0188353828467287 2.754164108253023 2.604028940793443 2.43996370624998 2.4136513573137615 2.320784243421232 2.1133810223945937 +43098,1.5515349833448102,2,1.1212506889761003 0.988141159063486 0.9277775350333372 0.8565794143824035 0.8209803540569323 0.8736050519293688 1.223404514257883 1.6180897483011216 2.2248215590656293 2.517352967827085 2.758807463947654 2.9646628997427515 3.0188353828467287 2.754164108253023 2.604028940793443 2.43996370624998 2.4136513573137615 2.320784243421232 2.1133810223945937 1.9059778013679554 +43099,1.27448142689877,2,0.988141159063486 0.9277775350333372 0.8565794143824035 0.8209803540569323 0.8736050519293688 1.223404514257883 1.6180897483011216 2.2248215590656293 2.517352967827085 2.758807463947654 2.9646628997427515 3.0188353828467287 2.754164108253023 2.604028940793443 2.43996370624998 2.4136513573137615 2.320784243421232 2.1133810223945937 1.9059778013679554 1.5515349833448102 +43100,1.1553019640700308,2,0.9277775350333372 0.8565794143824035 0.8209803540569323 0.8736050519293688 1.223404514257883 1.6180897483011216 2.2248215590656293 2.517352967827085 2.758807463947654 2.9646628997427515 3.0188353828467287 2.754164108253023 2.604028940793443 2.43996370624998 2.4136513573137615 2.320784243421232 2.1133810223945937 1.9059778013679554 1.5515349833448102 1.27448142689877 +43101,1.071721561566754,2,0.8565794143824035 0.8209803540569323 0.8736050519293688 1.223404514257883 1.6180897483011216 2.2248215590656293 2.517352967827085 2.758807463947654 2.9646628997427515 3.0188353828467287 2.754164108253023 2.604028940793443 2.43996370624998 2.4136513573137615 2.320784243421232 2.1133810223945937 1.9059778013679554 1.5515349833448102 1.27448142689877 1.1553019640700308 +43102,0.9773066624426923,2,0.8209803540569323 0.8736050519293688 1.223404514257883 1.6180897483011216 2.2248215590656293 2.517352967827085 2.758807463947654 2.9646628997427515 3.0188353828467287 2.754164108253023 2.604028940793443 2.43996370624998 2.4136513573137615 2.320784243421232 2.1133810223945937 1.9059778013679554 1.5515349833448102 1.27448142689877 1.1553019640700308 1.071721561566754 +43103,0.9401598168856804,2,0.8736050519293688 1.223404514257883 1.6180897483011216 2.2248215590656293 2.517352967827085 2.758807463947654 2.9646628997427515 3.0188353828467287 2.754164108253023 2.604028940793443 2.43996370624998 2.4136513573137615 2.320784243421232 2.1133810223945937 1.9059778013679554 1.5515349833448102 1.27448142689877 1.1553019640700308 1.071721561566754 0.9773066624426923 +43104,0.9169430384125435,2,1.223404514257883 1.6180897483011216 2.2248215590656293 2.517352967827085 2.758807463947654 2.9646628997427515 3.0188353828467287 2.754164108253023 2.604028940793443 2.43996370624998 2.4136513573137615 2.320784243421232 2.1133810223945937 1.9059778013679554 1.5515349833448102 1.27448142689877 1.1553019640700308 1.071721561566754 0.9773066624426923 0.9401598168856804 +43105,0.9277775350333372,2,1.6180897483011216 2.2248215590656293 2.517352967827085 2.758807463947654 2.9646628997427515 3.0188353828467287 2.754164108253023 2.604028940793443 2.43996370624998 2.4136513573137615 2.320784243421232 2.1133810223945937 1.9059778013679554 1.5515349833448102 1.27448142689877 1.1553019640700308 1.071721561566754 0.9773066624426923 0.9401598168856804 0.9169430384125435 +43106,0.8921784747078747,2,2.2248215590656293 2.517352967827085 2.758807463947654 2.9646628997427515 3.0188353828467287 2.754164108253023 2.604028940793443 2.43996370624998 2.4136513573137615 2.320784243421232 2.1133810223945937 1.9059778013679554 1.5515349833448102 1.27448142689877 1.1553019640700308 1.071721561566754 0.9773066624426923 0.9401598168856804 0.9169430384125435 0.9277775350333372 +43107,0.9138474679494621,2,2.517352967827085 2.758807463947654 2.9646628997427515 3.0188353828467287 2.754164108253023 2.604028940793443 2.43996370624998 2.4136513573137615 2.320784243421232 2.1133810223945937 1.9059778013679554 1.5515349833448102 1.27448142689877 1.1553019640700308 1.071721561566754 0.9773066624426923 0.9401598168856804 0.9169430384125435 0.9277775350333372 0.8921784747078747 +43108,1.376635252180553,2,2.758807463947654 2.9646628997427515 3.0188353828467287 2.754164108253023 2.604028940793443 2.43996370624998 2.4136513573137615 2.320784243421232 2.1133810223945937 1.9059778013679554 1.5515349833448102 1.27448142689877 1.1553019640700308 1.071721561566754 0.9773066624426923 0.9401598168856804 0.9169430384125435 0.9277775350333372 0.8921784747078747 0.9138474679494621 +43109,1.8223973988646784,2,2.9646628997427515 3.0188353828467287 2.754164108253023 2.604028940793443 2.43996370624998 2.4136513573137615 2.320784243421232 2.1133810223945937 1.9059778013679554 1.5515349833448102 1.27448142689877 1.1553019640700308 1.071721561566754 0.9773066624426923 0.9401598168856804 0.9169430384125435 0.9277775350333372 0.8921784747078747 0.9138474679494621 1.376635252180553 +43110,2.361026659441334,2,3.0188353828467287 2.754164108253023 2.604028940793443 2.43996370624998 2.4136513573137615 2.320784243421232 2.1133810223945937 1.9059778013679554 1.5515349833448102 1.27448142689877 1.1553019640700308 1.071721561566754 0.9773066624426923 0.9401598168856804 0.9169430384125435 0.9277775350333372 0.8921784747078747 0.9138474679494621 1.376635252180553 1.8223973988646784 +43111,2.679870417139008,2,2.754164108253023 2.604028940793443 2.43996370624998 2.4136513573137615 2.320784243421232 2.1133810223945937 1.9059778013679554 1.5515349833448102 1.27448142689877 1.1553019640700308 1.071721561566754 0.9773066624426923 0.9401598168856804 0.9169430384125435 0.9277775350333372 0.8921784747078747 0.9138474679494621 1.376635252180553 1.8223973988646784 2.361026659441334 +43112,2.7108261217698484,2,2.604028940793443 2.43996370624998 2.4136513573137615 2.320784243421232 2.1133810223945937 1.9059778013679554 1.5515349833448102 1.27448142689877 1.1553019640700308 1.071721561566754 0.9773066624426923 0.9401598168856804 0.9169430384125435 0.9277775350333372 0.8921784747078747 0.9138474679494621 1.376635252180553 1.8223973988646784 2.361026659441334 2.679870417139008 +43113,3.059077798866822,2,2.43996370624998 2.4136513573137615 2.320784243421232 2.1133810223945937 1.9059778013679554 1.5515349833448102 1.27448142689877 1.1553019640700308 1.071721561566754 0.9773066624426923 0.9401598168856804 0.9169430384125435 0.9277775350333372 0.8921784747078747 0.9138474679494621 1.376635252180553 1.8223973988646784 2.361026659441334 2.679870417139008 2.7108261217698484 +43114,3.164327194611686,2,2.4136513573137615 2.320784243421232 2.1133810223945937 1.9059778013679554 1.5515349833448102 1.27448142689877 1.1553019640700308 1.071721561566754 0.9773066624426923 0.9401598168856804 0.9169430384125435 0.9277775350333372 0.8921784747078747 0.9138474679494621 1.376635252180553 1.8223973988646784 2.361026659441334 2.679870417139008 2.7108261217698484 3.059077798866822 +43115,3.0420521613198566,2,2.320784243421232 2.1133810223945937 1.9059778013679554 1.5515349833448102 1.27448142689877 1.1553019640700308 1.071721561566754 0.9773066624426923 0.9401598168856804 0.9169430384125435 0.9277775350333372 0.8921784747078747 0.9138474679494621 1.376635252180553 1.8223973988646784 2.361026659441334 2.679870417139008 2.7108261217698484 3.059077798866822 3.164327194611686 +43116,3.0977724296553744,2,2.1133810223945937 1.9059778013679554 1.5515349833448102 1.27448142689877 1.1553019640700308 1.071721561566754 0.9773066624426923 0.9401598168856804 0.9169430384125435 0.9277775350333372 0.8921784747078747 0.9138474679494621 1.376635252180553 1.8223973988646784 2.361026659441334 2.679870417139008 2.7108261217698484 3.059077798866822 3.164327194611686 3.0420521613198566 +43117,3.0002619600682228,2,1.9059778013679554 1.5515349833448102 1.27448142689877 1.1553019640700308 1.071721561566754 0.9773066624426923 0.9401598168856804 0.9169430384125435 0.9277775350333372 0.8921784747078747 0.9138474679494621 1.376635252180553 1.8223973988646784 2.361026659441334 2.679870417139008 2.7108261217698484 3.059077798866822 3.164327194611686 3.0420521613198566 3.0977724296553744 +43118,2.6628447795920427,2,1.5515349833448102 1.27448142689877 1.1553019640700308 1.071721561566754 0.9773066624426923 0.9401598168856804 0.9169430384125435 0.9277775350333372 0.8921784747078747 0.9138474679494621 1.376635252180553 1.8223973988646784 2.361026659441334 2.679870417139008 2.7108261217698484 3.059077798866822 3.164327194611686 3.0420521613198566 3.0977724296553744 3.0002619600682228 +43119,2.545213101994844,2,1.27448142689877 1.1553019640700308 1.071721561566754 0.9773066624426923 0.9401598168856804 0.9169430384125435 0.9277775350333372 0.8921784747078747 0.9138474679494621 1.376635252180553 1.8223973988646784 2.361026659441334 2.679870417139008 2.7108261217698484 3.059077798866822 3.164327194611686 3.0420521613198566 3.0977724296553744 3.0002619600682228 2.6628447795920427 +43120,2.0437306869752008,2,1.1553019640700308 1.071721561566754 0.9773066624426923 0.9401598168856804 0.9169430384125435 0.9277775350333372 0.8921784747078747 0.9138474679494621 1.376635252180553 1.8223973988646784 2.361026659441334 2.679870417139008 2.7108261217698484 3.059077798866822 3.164327194611686 3.0420521613198566 3.0977724296553744 3.0002619600682228 2.6628447795920427 2.545213101994844 +43121,1.907525586599496,2,1.071721561566754 0.9773066624426923 0.9401598168856804 0.9169430384125435 0.9277775350333372 0.8921784747078747 0.9138474679494621 1.376635252180553 1.8223973988646784 2.361026659441334 2.679870417139008 2.7108261217698484 3.059077798866822 3.164327194611686 3.0420521613198566 3.0977724296553744 3.0002619600682228 2.6628447795920427 2.545213101994844 2.0437306869752008 +43122,1.7620337748345385,2,0.9773066624426923 0.9401598168856804 0.9169430384125435 0.9277775350333372 0.8921784747078747 0.9138474679494621 1.376635252180553 1.8223973988646784 2.361026659441334 2.679870417139008 2.7108261217698484 3.059077798866822 3.164327194611686 3.0420521613198566 3.0977724296553744 3.0002619600682228 2.6628447795920427 2.545213101994844 2.0437306869752008 1.907525586599496 +43123,1.6289242449219155,2,0.9401598168856804 0.9169430384125435 0.9277775350333372 0.8921784747078747 0.9138474679494621 1.376635252180553 1.8223973988646784 2.361026659441334 2.679870417139008 2.7108261217698484 3.059077798866822 3.164327194611686 3.0420521613198566 3.0977724296553744 3.0002619600682228 2.6628447795920427 2.545213101994844 2.0437306869752008 1.907525586599496 1.7620337748345385 +43124,1.5066492116300858,2,0.9169430384125435 0.9277775350333372 0.8921784747078747 0.9138474679494621 1.376635252180553 1.8223973988646784 2.361026659441334 2.679870417139008 2.7108261217698484 3.059077798866822 3.164327194611686 3.0420521613198566 3.0977724296553744 3.0002619600682228 2.6628447795920427 2.545213101994844 2.0437306869752008 1.907525586599496 1.7620337748345385 1.6289242449219155 +43125,1.3627051850966692,2,0.9277775350333372 0.8921784747078747 0.9138474679494621 1.376635252180553 1.8223973988646784 2.361026659441334 2.679870417139008 2.7108261217698484 3.059077798866822 3.164327194611686 3.0420521613198566 3.0977724296553744 3.0002619600682228 2.6628447795920427 2.545213101994844 2.0437306869752008 1.907525586599496 1.7620337748345385 1.6289242449219155 1.5066492116300858 +43126,1.30698491676116,2,0.8921784747078747 0.9138474679494621 1.376635252180553 1.8223973988646784 2.361026659441334 2.679870417139008 2.7108261217698484 3.059077798866822 3.164327194611686 3.0420521613198566 3.0977724296553744 3.0002619600682228 2.6628447795920427 2.545213101994844 2.0437306869752008 1.907525586599496 1.7620337748345385 1.6289242449219155 1.5066492116300858 1.3627051850966692 +43127,1.30698491676116,2,0.9138474679494621 1.376635252180553 1.8223973988646784 2.361026659441334 2.679870417139008 2.7108261217698484 3.059077798866822 3.164327194611686 3.0420521613198566 3.0977724296553744 3.0002619600682228 2.6628447795920427 2.545213101994844 2.0437306869752008 1.907525586599496 1.7620337748345385 1.6289242449219155 1.5066492116300858 1.3627051850966692 1.30698491676116 +43128,1.1630408902277432,2,1.376635252180553 1.8223973988646784 2.361026659441334 2.679870417139008 2.7108261217698484 3.059077798866822 3.164327194611686 3.0420521613198566 3.0977724296553744 3.0002619600682228 2.6628447795920427 2.545213101994844 2.0437306869752008 1.907525586599496 1.7620337748345385 1.6289242449219155 1.5066492116300858 1.3627051850966692 1.30698491676116 1.30698491676116 +43129,1.0748171320298443,2,1.8223973988646784 2.361026659441334 2.679870417139008 2.7108261217698484 3.059077798866822 3.164327194611686 3.0420521613198566 3.0977724296553744 3.0002619600682228 2.6628447795920427 2.545213101994844 2.0437306869752008 1.907525586599496 1.7620337748345385 1.6289242449219155 1.5066492116300858 1.3627051850966692 1.30698491676116 1.30698491676116 1.1630408902277432 +43130,0.9494465282749334,2,2.361026659441334 2.679870417139008 2.7108261217698484 3.059077798866822 3.164327194611686 3.0420521613198566 3.0977724296553744 3.0002619600682228 2.6628447795920427 2.545213101994844 2.0437306869752008 1.907525586599496 1.7620337748345385 1.6289242449219155 1.5066492116300858 1.3627051850966692 1.30698491676116 1.30698491676116 1.1630408902277432 1.0748171320298443 +43131,1.0036190113789016,2,2.679870417139008 2.7108261217698484 3.059077798866822 3.164327194611686 3.0420521613198566 3.0977724296553744 3.0002619600682228 2.6628447795920427 2.545213101994844 2.0437306869752008 1.907525586599496 1.7620337748345385 1.6289242449219155 1.5066492116300858 1.3627051850966692 1.30698491676116 1.30698491676116 1.1630408902277432 1.0748171320298443 0.9494465282749334 +43132,1.3967564601905995,2,2.7108261217698484 3.059077798866822 3.164327194611686 3.0420521613198566 3.0977724296553744 3.0002619600682228 2.6628447795920427 2.545213101994844 2.0437306869752008 1.907525586599496 1.7620337748345385 1.6289242449219155 1.5066492116300858 1.3627051850966692 1.30698491676116 1.30698491676116 1.1630408902277432 1.0748171320298443 0.9494465282749334 1.0036190113789016 +43133,1.732625855435239,2,3.059077798866822 3.164327194611686 3.0420521613198566 3.0977724296553744 3.0002619600682228 2.6628447795920427 2.545213101994844 2.0437306869752008 1.907525586599496 1.7620337748345385 1.6289242449219155 1.5066492116300858 1.3627051850966692 1.30698491676116 1.30698491676116 1.1630408902277432 1.0748171320298443 0.9494465282749334 1.0036190113789016 1.3967564601905995 +43134,2.0437306869752008,2,3.164327194611686 3.0420521613198566 3.0977724296553744 3.0002619600682228 2.6628447795920427 2.545213101994844 2.0437306869752008 1.907525586599496 1.7620337748345385 1.6289242449219155 1.5066492116300858 1.3627051850966692 1.30698491676116 1.30698491676116 1.1630408902277432 1.0748171320298443 0.9494465282749334 1.0036190113789016 1.3967564601905995 1.732625855435239 +43135,2.170649075961652,2,3.0420521613198566 3.0977724296553744 3.0002619600682228 2.6628447795920427 2.545213101994844 2.0437306869752008 1.907525586599496 1.7620337748345385 1.6289242449219155 1.5066492116300858 1.3627051850966692 1.30698491676116 1.30698491676116 1.1630408902277432 1.0748171320298443 0.9494465282749334 1.0036190113789016 1.3967564601905995 1.732625855435239 2.0437306869752008 +43136,2.4229380687030146,2,3.0977724296553744 3.0002619600682228 2.6628447795920427 2.545213101994844 2.0437306869752008 1.907525586599496 1.7620337748345385 1.6289242449219155 1.5066492116300858 1.3627051850966692 1.30698491676116 1.30698491676116 1.1630408902277432 1.0748171320298443 0.9494465282749334 1.0036190113789016 1.3967564601905995 1.732625855435239 2.0437306869752008 2.170649075961652 +43137,2.698443839917505,2,3.0002619600682228 2.6628447795920427 2.545213101994844 2.0437306869752008 1.907525586599496 1.7620337748345385 1.6289242449219155 1.5066492116300858 1.3627051850966692 1.30698491676116 1.30698491676116 1.1630408902277432 1.0748171320298443 0.9494465282749334 1.0036190113789016 1.3967564601905995 1.732625855435239 2.0437306869752008 2.170649075961652 2.4229380687030146 +43138,2.808336591357,2,2.6628447795920427 2.545213101994844 2.0437306869752008 1.907525586599496 1.7620337748345385 1.6289242449219155 1.5066492116300858 1.3627051850966692 1.30698491676116 1.30698491676116 1.1630408902277432 1.0748171320298443 0.9494465282749334 1.0036190113789016 1.3967564601905995 1.732625855435239 2.0437306869752008 2.170649075961652 2.4229380687030146 2.698443839917505 +43139,2.7928587390415758,2,2.545213101994844 2.0437306869752008 1.907525586599496 1.7620337748345385 1.6289242449219155 1.5066492116300858 1.3627051850966692 1.30698491676116 1.30698491676116 1.1630408902277432 1.0748171320298443 0.9494465282749334 1.0036190113789016 1.3967564601905995 1.732625855435239 2.0437306869752008 2.170649075961652 2.4229380687030146 2.698443839917505 2.808336591357 +43140,2.809884376588541,2,2.0437306869752008 1.907525586599496 1.7620337748345385 1.6289242449219155 1.5066492116300858 1.3627051850966692 1.30698491676116 1.30698491676116 1.1630408902277432 1.0748171320298443 0.9494465282749334 1.0036190113789016 1.3967564601905995 1.732625855435239 2.0437306869752008 2.170649075961652 2.4229380687030146 2.698443839917505 2.808336591357 2.7928587390415758 +43141,2.642723571581996,2,1.907525586599496 1.7620337748345385 1.6289242449219155 1.5066492116300858 1.3627051850966692 1.30698491676116 1.30698491676116 1.1630408902277432 1.0748171320298443 0.9494465282749334 1.0036190113789016 1.3967564601905995 1.732625855435239 2.0437306869752008 2.170649075961652 2.4229380687030146 2.698443839917505 2.808336591357 2.7928587390415758 2.809884376588541 +43142,2.40746021638759,2,1.7620337748345385 1.6289242449219155 1.5066492116300858 1.3627051850966692 1.30698491676116 1.30698491676116 1.1630408902277432 1.0748171320298443 0.9494465282749334 1.0036190113789016 1.3967564601905995 1.732625855435239 2.0437306869752008 2.170649075961652 2.4229380687030146 2.698443839917505 2.808336591357 2.7928587390415758 2.809884376588541 2.642723571581996 +43143,2.124215519015387,2,1.6289242449219155 1.5066492116300858 1.3627051850966692 1.30698491676116 1.30698491676116 1.1630408902277432 1.0748171320298443 0.9494465282749334 1.0036190113789016 1.3967564601905995 1.732625855435239 2.0437306869752008 2.170649075961652 2.4229380687030146 2.698443839917505 2.808336591357 2.7928587390415758 2.809884376588541 2.642723571581996 2.40746021638759 +43144,1.9663414253980953,2,1.5066492116300858 1.3627051850966692 1.30698491676116 1.30698491676116 1.1630408902277432 1.0748171320298443 0.9494465282749334 1.0036190113789016 1.3967564601905995 1.732625855435239 2.0437306869752008 2.170649075961652 2.4229380687030146 2.698443839917505 2.808336591357 2.7928587390415758 2.809884376588541 2.642723571581996 2.40746021638759 2.124215519015387 +43145,1.8858565933579,2,1.3627051850966692 1.30698491676116 1.30698491676116 1.1630408902277432 1.0748171320298443 0.9494465282749334 1.0036190113789016 1.3967564601905995 1.732625855435239 2.0437306869752008 2.170649075961652 2.4229380687030146 2.698443839917505 2.808336591357 2.7928587390415758 2.809884376588541 2.642723571581996 2.40746021638759 2.124215519015387 1.9663414253980953 +43146,1.772868271455332,2,1.30698491676116 1.30698491676116 1.1630408902277432 1.0748171320298443 0.9494465282749334 1.0036190113789016 1.3967564601905995 1.732625855435239 2.0437306869752008 2.170649075961652 2.4229380687030146 2.698443839917505 2.808336591357 2.7928587390415758 2.809884376588541 2.642723571581996 2.40746021638759 2.124215519015387 1.9663414253980953 1.8858565933579 +43147,1.8177540431700476,2,1.30698491676116 1.1630408902277432 1.0748171320298443 0.9494465282749334 1.0036190113789016 1.3967564601905995 1.732625855435239 2.0437306869752008 2.170649075961652 2.4229380687030146 2.698443839917505 2.808336591357 2.7928587390415758 2.809884376588541 2.642723571581996 2.40746021638759 2.124215519015387 1.9663414253980953 1.8858565933579 1.772868271455332 +43148,1.7295302849721488,2,1.1630408902277432 1.0748171320298443 0.9494465282749334 1.0036190113789016 1.3967564601905995 1.732625855435239 2.0437306869752008 2.170649075961652 2.4229380687030146 2.698443839917505 2.808336591357 2.7928587390415758 2.809884376588541 2.642723571581996 2.40746021638759 2.124215519015387 1.9663414253980953 1.8858565933579 1.772868271455332 1.8177540431700476 +43149,1.7496514929821954,2,1.0748171320298443 0.9494465282749334 1.0036190113789016 1.3967564601905995 1.732625855435239 2.0437306869752008 2.170649075961652 2.4229380687030146 2.698443839917505 2.808336591357 2.7928587390415758 2.809884376588541 2.642723571581996 2.40746021638759 2.124215519015387 1.9663414253980953 1.8858565933579 1.772868271455332 1.8177540431700476 1.7295302849721488 +43150,1.6892878689520554,2,0.9494465282749334 1.0036190113789016 1.3967564601905995 1.732625855435239 2.0437306869752008 2.170649075961652 2.4229380687030146 2.698443839917505 2.808336591357 2.7928587390415758 2.809884376588541 2.642723571581996 2.40746021638759 2.124215519015387 1.9663414253980953 1.8858565933579 1.772868271455332 1.8177540431700476 1.7295302849721488 1.7496514929821954 +43151,1.6784533723312616,2,1.0036190113789016 1.3967564601905995 1.732625855435239 2.0437306869752008 2.170649075961652 2.4229380687030146 2.698443839917505 2.808336591357 2.7928587390415758 2.809884376588541 2.642723571581996 2.40746021638759 2.124215519015387 1.9663414253980953 1.8858565933579 1.772868271455332 1.8177540431700476 1.7295302849721488 1.7496514929821954 1.6892878689520554 +43152,1.5499871981132693,2,1.3967564601905995 1.732625855435239 2.0437306869752008 2.170649075961652 2.4229380687030146 2.698443839917505 2.808336591357 2.7928587390415758 2.809884376588541 2.642723571581996 2.40746021638759 2.124215519015387 1.9663414253980953 1.8858565933579 1.772868271455332 1.8177540431700476 1.7295302849721488 1.7496514929821954 1.6892878689520554 1.6784533723312616 +43153,1.5298659901032228,2,1.732625855435239 2.0437306869752008 2.170649075961652 2.4229380687030146 2.698443839917505 2.808336591357 2.7928587390415758 2.809884376588541 2.642723571581996 2.40746021638759 2.124215519015387 1.9663414253980953 1.8858565933579 1.772868271455332 1.8177540431700476 1.7295302849721488 1.7496514929821954 1.6892878689520554 1.6784533723312616 1.5499871981132693 +43154,1.523674849177051,2,2.0437306869752008 2.170649075961652 2.4229380687030146 2.698443839917505 2.808336591357 2.7928587390415758 2.809884376588541 2.642723571581996 2.40746021638759 2.124215519015387 1.9663414253980953 1.8858565933579 1.772868271455332 1.8177540431700476 1.7295302849721488 1.7496514929821954 1.6892878689520554 1.6784533723312616 1.5499871981132693 1.5298659901032228 +43155,1.616541963069581,2,2.170649075961652 2.4229380687030146 2.698443839917505 2.808336591357 2.7928587390415758 2.809884376588541 2.642723571581996 2.40746021638759 2.124215519015387 1.9663414253980953 1.8858565933579 1.772868271455332 1.8177540431700476 1.7295302849721488 1.7496514929821954 1.6892878689520554 1.6784533723312616 1.5499871981132693 1.5298659901032228 1.523674849177051 +43156,1.9044300161364058,2,2.4229380687030146 2.698443839917505 2.808336591357 2.7928587390415758 2.809884376588541 2.642723571581996 2.40746021638759 2.124215519015387 1.9663414253980953 1.8858565933579 1.772868271455332 1.8177540431700476 1.7295302849721488 1.7496514929821954 1.6892878689520554 1.6784533723312616 1.5499871981132693 1.5298659901032228 1.523674849177051 1.616541963069581 +43157,2.3176886729581505,2,2.698443839917505 2.808336591357 2.7928587390415758 2.809884376588541 2.642723571581996 2.40746021638759 2.124215519015387 1.9663414253980953 1.8858565933579 1.772868271455332 1.8177540431700476 1.7295302849721488 1.7496514929821954 1.6892878689520554 1.6784533723312616 1.5499871981132693 1.5298659901032228 1.523674849177051 1.616541963069581 1.9044300161364058 +43158,2.5854555180149372,2,2.808336591357 2.7928587390415758 2.809884376588541 2.642723571581996 2.40746021638759 2.124215519015387 1.9663414253980953 1.8858565933579 1.772868271455332 1.8177540431700476 1.7295302849721488 1.7496514929821954 1.6892878689520554 1.6784533723312616 1.5499871981132693 1.5298659901032228 1.523674849177051 1.616541963069581 1.9044300161364058 2.3176886729581505 +43159,2.5916466589411002,2,2.7928587390415758 2.809884376588541 2.642723571581996 2.40746021638759 2.124215519015387 1.9663414253980953 1.8858565933579 1.772868271455332 1.8177540431700476 1.7295302849721488 1.7496514929821954 1.6892878689520554 1.6784533723312616 1.5499871981132693 1.5298659901032228 1.523674849177051 1.616541963069581 1.9044300161364058 2.3176886729581505 2.5854555180149372 +43160,2.6226023635719495,2,2.809884376588541 2.642723571581996 2.40746021638759 2.124215519015387 1.9663414253980953 1.8858565933579 1.772868271455332 1.8177540431700476 1.7295302849721488 1.7496514929821954 1.6892878689520554 1.6784533723312616 1.5499871981132693 1.5298659901032228 1.523674849177051 1.616541963069581 1.9044300161364058 2.3176886729581505 2.5854555180149372 2.5916466589411002 +43161,2.4384159210184393,2,2.642723571581996 2.40746021638759 2.124215519015387 1.9663414253980953 1.8858565933579 1.772868271455332 1.8177540431700476 1.7295302849721488 1.7496514929821954 1.6892878689520554 1.6784533723312616 1.5499871981132693 1.5298659901032228 1.523674849177051 1.616541963069581 1.9044300161364058 2.3176886729581505 2.5854555180149372 2.5916466589411002 2.6226023635719495 +43162,2.297567464948104,2,2.40746021638759 2.124215519015387 1.9663414253980953 1.8858565933579 1.772868271455332 1.8177540431700476 1.7295302849721488 1.7496514929821954 1.6892878689520554 1.6784533723312616 1.5499871981132693 1.5298659901032228 1.523674849177051 1.616541963069581 1.9044300161364058 2.3176886729581505 2.5854555180149372 2.5916466589411002 2.6226023635719495 2.4384159210184393 +43163,2.070043035911419,2,2.124215519015387 1.9663414253980953 1.8858565933579 1.772868271455332 1.8177540431700476 1.7295302849721488 1.7496514929821954 1.6892878689520554 1.6784533723312616 1.5499871981132693 1.5298659901032228 1.523674849177051 1.616541963069581 1.9044300161364058 2.3176886729581505 2.5854555180149372 2.5916466589411002 2.6226023635719495 2.4384159210184393 2.297567464948104 +43164,1.9152645127572083,2,1.9663414253980953 1.8858565933579 1.772868271455332 1.8177540431700476 1.7295302849721488 1.7496514929821954 1.6892878689520554 1.6784533723312616 1.5499871981132693 1.5298659901032228 1.523674849177051 1.616541963069581 1.9044300161364058 2.3176886729581505 2.5854555180149372 2.5916466589411002 2.6226023635719495 2.4384159210184393 2.297567464948104 2.070043035911419 +43165,1.6382109563111684,2,1.8858565933579 1.772868271455332 1.8177540431700476 1.7295302849721488 1.7496514929821954 1.6892878689520554 1.6784533723312616 1.5499871981132693 1.5298659901032228 1.523674849177051 1.616541963069581 1.9044300161364058 2.3176886729581505 2.5854555180149372 2.5916466589411002 2.6226023635719495 2.4384159210184393 2.297567464948104 2.070043035911419 1.9152645127572083 +43166,1.4013998158852217,2,1.772868271455332 1.8177540431700476 1.7295302849721488 1.7496514929821954 1.6892878689520554 1.6784533723312616 1.5499871981132693 1.5298659901032228 1.523674849177051 1.616541963069581 1.9044300161364058 2.3176886729581505 2.5854555180149372 2.5916466589411002 2.6226023635719495 2.4384159210184393 2.297567464948104 2.070043035911419 1.9152645127572083 1.6382109563111684 +43167,1.099581695734513,2,1.8177540431700476 1.7295302849721488 1.7496514929821954 1.6892878689520554 1.6784533723312616 1.5499871981132693 1.5298659901032228 1.523674849177051 1.616541963069581 1.9044300161364058 2.3176886729581505 2.5854555180149372 2.5916466589411002 2.6226023635719495 2.4384159210184393 2.297567464948104 2.070043035911419 1.9152645127572083 1.6382109563111684 1.4013998158852217 +43168,0.9757588772111427,2,1.7295302849721488 1.7496514929821954 1.6892878689520554 1.6784533723312616 1.5499871981132693 1.5298659901032228 1.523674849177051 1.616541963069581 1.9044300161364058 2.3176886729581505 2.5854555180149372 2.5916466589411002 2.6226023635719495 2.4384159210184393 2.297567464948104 2.070043035911419 1.9152645127572083 1.6382109563111684 1.4013998158852217 1.099581695734513 +43169,1.020644648925867,2,1.7496514929821954 1.6892878689520554 1.6784533723312616 1.5499871981132693 1.5298659901032228 1.523674849177051 1.616541963069581 1.9044300161364058 2.3176886729581505 2.5854555180149372 2.5916466589411002 2.6226023635719495 2.4384159210184393 2.297567464948104 2.070043035911419 1.9152645127572083 1.6382109563111684 1.4013998158852217 1.099581695734513 0.9757588772111427 +43170,0.9633765953588084,2,1.6892878689520554 1.6784533723312616 1.5499871981132693 1.5298659901032228 1.523674849177051 1.616541963069581 1.9044300161364058 2.3176886729581505 2.5854555180149372 2.5916466589411002 2.6226023635719495 2.4384159210184393 2.297567464948104 2.070043035911419 1.9152645127572083 1.6382109563111684 1.4013998158852217 1.099581695734513 0.9757588772111427 1.020644648925867 +43171,0.9757588772111427,2,1.6784533723312616 1.5499871981132693 1.5298659901032228 1.523674849177051 1.616541963069581 1.9044300161364058 2.3176886729581505 2.5854555180149372 2.5916466589411002 2.6226023635719495 2.4384159210184393 2.297567464948104 2.070043035911419 1.9152645127572083 1.6382109563111684 1.4013998158852217 1.099581695734513 0.9757588772111427 1.020644648925867 0.9633765953588084 +43172,0.9649243805903491,2,1.5499871981132693 1.5298659901032228 1.523674849177051 1.616541963069581 1.9044300161364058 2.3176886729581505 2.5854555180149372 2.5916466589411002 2.6226023635719495 2.4384159210184393 2.297567464948104 2.070043035911419 1.9152645127572083 1.6382109563111684 1.4013998158852217 1.099581695734513 0.9757588772111427 1.020644648925867 0.9633765953588084 0.9757588772111427 +43173,0.9277775350333372,2,1.5298659901032228 1.523674849177051 1.616541963069581 1.9044300161364058 2.3176886729581505 2.5854555180149372 2.5916466589411002 2.6226023635719495 2.4384159210184393 2.297567464948104 2.070043035911419 1.9152645127572083 1.6382109563111684 1.4013998158852217 1.099581695734513 0.9757588772111427 1.020644648925867 0.9633765953588084 0.9757588772111427 0.9649243805903491 +43174,0.9200386088756337,2,1.523674849177051 1.616541963069581 1.9044300161364058 2.3176886729581505 2.5854555180149372 2.5916466589411002 2.6226023635719495 2.4384159210184393 2.297567464948104 2.070043035911419 1.9152645127572083 1.6382109563111684 1.4013998158852217 1.099581695734513 0.9757588772111427 1.020644648925867 0.9633765953588084 0.9757588772111427 0.9649243805903491 0.9277775350333372 +43175,0.8875351190132439,2,1.616541963069581 1.9044300161364058 2.3176886729581505 2.5854555180149372 2.5916466589411002 2.6226023635719495 2.4384159210184393 2.297567464948104 2.070043035911419 1.9152645127572083 1.6382109563111684 1.4013998158852217 1.099581695734513 0.9757588772111427 1.020644648925867 0.9633765953588084 0.9757588772111427 0.9649243805903491 0.9277775350333372 0.9200386088756337 +43176,0.8209803540569323,2,1.9044300161364058 2.3176886729581505 2.5854555180149372 2.5916466589411002 2.6226023635719495 2.4384159210184393 2.297567464948104 2.070043035911419 1.9152645127572083 1.6382109563111684 1.4013998158852217 1.099581695734513 0.9757588772111427 1.020644648925867 0.9633765953588084 0.9757588772111427 0.9649243805903491 0.9277775350333372 0.9200386088756337 0.8875351190132439 +43177,0.8318148506777348,2,2.3176886729581505 2.5854555180149372 2.5916466589411002 2.6226023635719495 2.4384159210184393 2.297567464948104 2.070043035911419 1.9152645127572083 1.6382109563111684 1.4013998158852217 1.099581695734513 0.9757588772111427 1.020644648925867 0.9633765953588084 0.9757588772111427 0.9649243805903491 0.9277775350333372 0.9200386088756337 0.8875351190132439 0.8209803540569323 +43178,0.8318148506777348,2,2.5854555180149372 2.5916466589411002 2.6226023635719495 2.4384159210184393 2.297567464948104 2.070043035911419 1.9152645127572083 1.6382109563111684 1.4013998158852217 1.099581695734513 0.9757588772111427 1.020644648925867 0.9633765953588084 0.9757588772111427 0.9649243805903491 0.9277775350333372 0.9200386088756337 0.8875351190132439 0.8209803540569323 0.8318148506777348 +43179,0.8008591460468856,2,2.5916466589411002 2.6226023635719495 2.4384159210184393 2.297567464948104 2.070043035911419 1.9152645127572083 1.6382109563111684 1.4013998158852217 1.099581695734513 0.9757588772111427 1.020644648925867 0.9633765953588084 0.9757588772111427 0.9649243805903491 0.9277775350333372 0.9200386088756337 0.8875351190132439 0.8209803540569323 0.8318148506777348 0.8318148506777348 +43180,0.8488404882246913,2,2.6226023635719495 2.4384159210184393 2.297567464948104 2.070043035911419 1.9152645127572083 1.6382109563111684 1.4013998158852217 1.099581695734513 0.9757588772111427 1.020644648925867 0.9633765953588084 0.9757588772111427 0.9649243805903491 0.9277775350333372 0.9200386088756337 0.8875351190132439 0.8209803540569323 0.8318148506777348 0.8318148506777348 0.8008591460468856 +43181,1.057791494482879,2,2.4384159210184393 2.297567464948104 2.070043035911419 1.9152645127572083 1.6382109563111684 1.4013998158852217 1.099581695734513 0.9757588772111427 1.020644648925867 0.9633765953588084 0.9757588772111427 0.9649243805903491 0.9277775350333372 0.9200386088756337 0.8875351190132439 0.8209803540569323 0.8318148506777348 0.8318148506777348 0.8008591460468856 0.8488404882246913 +43182,1.2032833062478365,2,2.297567464948104 2.070043035911419 1.9152645127572083 1.6382109563111684 1.4013998158852217 1.099581695734513 0.9757588772111427 1.020644648925867 0.9633765953588084 0.9757588772111427 0.9649243805903491 0.9277775350333372 0.9200386088756337 0.8875351190132439 0.8209803540569323 0.8318148506777348 0.8318148506777348 0.8008591460468856 0.8488404882246913 1.057791494482879 +43183,1.3936608897275182,2,2.070043035911419 1.9152645127572083 1.6382109563111684 1.4013998158852217 1.099581695734513 0.9757588772111427 1.020644648925867 0.9633765953588084 0.9757588772111427 0.9649243805903491 0.9277775350333372 0.9200386088756337 0.8875351190132439 0.8209803540569323 0.8318148506777348 0.8318148506777348 0.8008591460468856 0.8488404882246913 1.057791494482879 1.2032833062478365 +43184,1.5530827685763509,2,1.9152645127572083 1.6382109563111684 1.4013998158852217 1.099581695734513 0.9757588772111427 1.020644648925867 0.9633765953588084 0.9757588772111427 0.9649243805903491 0.9277775350333372 0.9200386088756337 0.8875351190132439 0.8209803540569323 0.8318148506777348 0.8318148506777348 0.8008591460468856 0.8488404882246913 1.057791494482879 1.2032833062478365 1.3936608897275182 +43185,1.5360571310293856,2,1.6382109563111684 1.4013998158852217 1.099581695734513 0.9757588772111427 1.020644648925867 0.9633765953588084 0.9757588772111427 0.9649243805903491 0.9277775350333372 0.9200386088756337 0.8875351190132439 0.8209803540569323 0.8318148506777348 0.8318148506777348 0.8008591460468856 0.8488404882246913 1.057791494482879 1.2032833062478365 1.3936608897275182 1.5530827685763509 +43186,1.3410361918550817,2,1.4013998158852217 1.099581695734513 0.9757588772111427 1.020644648925867 0.9633765953588084 0.9757588772111427 0.9649243805903491 0.9277775350333372 0.9200386088756337 0.8875351190132439 0.8209803540569323 0.8318148506777348 0.8318148506777348 0.8008591460468856 0.8488404882246913 1.057791494482879 1.2032833062478365 1.3936608897275182 1.5530827685763509 1.5360571310293856 +43187,1.2388823665733077,2,1.099581695734513 0.9757588772111427 1.020644648925867 0.9633765953588084 0.9757588772111427 0.9649243805903491 0.9277775350333372 0.9200386088756337 0.8875351190132439 0.8209803540569323 0.8318148506777348 0.8318148506777348 0.8008591460468856 0.8488404882246913 1.057791494482879 1.2032833062478365 1.3936608897275182 1.5530827685763509 1.5360571310293856 1.3410361918550817 +43188,1.1939965948585836,2,0.9757588772111427 1.020644648925867 0.9633765953588084 0.9757588772111427 0.9649243805903491 0.9277775350333372 0.9200386088756337 0.8875351190132439 0.8209803540569323 0.8318148506777348 0.8318148506777348 0.8008591460468856 0.8488404882246913 1.057791494482879 1.2032833062478365 1.3936608897275182 1.5530827685763509 1.5360571310293856 1.3410361918550817 1.2388823665733077 +43189,1.2280478699525053,2,1.020644648925867 0.9633765953588084 0.9757588772111427 0.9649243805903491 0.9277775350333372 0.9200386088756337 0.8875351190132439 0.8209803540569323 0.8318148506777348 0.8318148506777348 0.8008591460468856 0.8488404882246913 1.057791494482879 1.2032833062478365 1.3936608897275182 1.5530827685763509 1.5360571310293856 1.3410361918550817 1.2388823665733077 1.1939965948585836 +43190,1.1212506889761003,2,0.9633765953588084 0.9757588772111427 0.9649243805903491 0.9277775350333372 0.9200386088756337 0.8875351190132439 0.8209803540569323 0.8318148506777348 0.8318148506777348 0.8008591460468856 0.8488404882246913 1.057791494482879 1.2032833062478365 1.3936608897275182 1.5530827685763509 1.5360571310293856 1.3410361918550817 1.2388823665733077 1.1939965948585836 1.2280478699525053 +43191,0.9122996827179214,2,0.9757588772111427 0.9649243805903491 0.9277775350333372 0.9200386088756337 0.8875351190132439 0.8209803540569323 0.8318148506777348 0.8318148506777348 0.8008591460468856 0.8488404882246913 1.057791494482879 1.2032833062478365 1.3936608897275182 1.5530827685763509 1.5360571310293856 1.3410361918550817 1.2388823665733077 1.1939965948585836 1.2280478699525053 1.1212506889761003 +43192,0.8209803540569323,2,0.9649243805903491 0.9277775350333372 0.9200386088756337 0.8875351190132439 0.8209803540569323 0.8318148506777348 0.8318148506777348 0.8008591460468856 0.8488404882246913 1.057791494482879 1.2032833062478365 1.3936608897275182 1.5530827685763509 1.5360571310293856 1.3410361918550817 1.2388823665733077 1.1939965948585836 1.2280478699525053 1.1212506889761003 0.9122996827179214 +43193,0.743591092479827,2,0.9277775350333372 0.9200386088756337 0.8875351190132439 0.8209803540569323 0.8318148506777348 0.8318148506777348 0.8008591460468856 0.8488404882246913 1.057791494482879 1.2032833062478365 1.3936608897275182 1.5530827685763509 1.5360571310293856 1.3410361918550817 1.2388823665733077 1.1939965948585836 1.2280478699525053 1.1212506889761003 0.9122996827179214 0.8209803540569323 +43194,0.7327565958590333,2,0.9200386088756337 0.8875351190132439 0.8209803540569323 0.8318148506777348 0.8318148506777348 0.8008591460468856 0.8488404882246913 1.057791494482879 1.2032833062478365 1.3936608897275182 1.5530827685763509 1.5360571310293856 1.3410361918550817 1.2388823665733077 1.1939965948585836 1.2280478699525053 1.1212506889761003 0.9122996827179214 0.8209803540569323 0.743591092479827 +43195,0.6971575355335708,2,0.8875351190132439 0.8209803540569323 0.8318148506777348 0.8318148506777348 0.8008591460468856 0.8488404882246913 1.057791494482879 1.2032833062478365 1.3936608897275182 1.5530827685763509 1.5360571310293856 1.3410361918550817 1.2388823665733077 1.1939965948585836 1.2280478699525053 1.1212506889761003 0.9122996827179214 0.8209803540569323 0.743591092479827 0.7327565958590333 +43196,0.6878708241443179,2,0.8209803540569323 0.8318148506777348 0.8318148506777348 0.8008591460468856 0.8488404882246913 1.057791494482879 1.2032833062478365 1.3936608897275182 1.5530827685763509 1.5360571310293856 1.3410361918550817 1.2388823665733077 1.1939965948585836 1.2280478699525053 1.1212506889761003 0.9122996827179214 0.8209803540569323 0.743591092479827 0.7327565958590333 0.6971575355335708 +43197,0.6770363275235243,2,0.8318148506777348 0.8318148506777348 0.8008591460468856 0.8488404882246913 1.057791494482879 1.2032833062478365 1.3936608897275182 1.5530827685763509 1.5360571310293856 1.3410361918550817 1.2388823665733077 1.1939965948585836 1.2280478699525053 1.1212506889761003 0.9122996827179214 0.8209803540569323 0.743591092479827 0.7327565958590333 0.6971575355335708 0.6878708241443179 +43198,0.6182204887249162,2,0.8318148506777348 0.8008591460468856 0.8488404882246913 1.057791494482879 1.2032833062478365 1.3936608897275182 1.5530827685763509 1.5360571310293856 1.3410361918550817 1.2388823665733077 1.1939965948585836 1.2280478699525053 1.1212506889761003 0.9122996827179214 0.8209803540569323 0.743591092479827 0.7327565958590333 0.6971575355335708 0.6878708241443179 0.6770363275235243 +43199,0.5826214283994537,2,0.8008591460468856 0.8488404882246913 1.057791494482879 1.2032833062478365 1.3936608897275182 1.5530827685763509 1.5360571310293856 1.3410361918550817 1.2388823665733077 1.1939965948585836 1.2280478699525053 1.1212506889761003 0.9122996827179214 0.8209803540569323 0.743591092479827 0.7327565958590333 0.6971575355335708 0.6878708241443179 0.6770363275235243 0.6182204887249162 +43200,0.4882065292753832,2,0.8488404882246913 1.057791494482879 1.2032833062478365 1.3936608897275182 1.5530827685763509 1.5360571310293856 1.3410361918550817 1.2388823665733077 1.1939965948585836 1.2280478699525053 1.1212506889761003 0.9122996827179214 0.8209803540569323 0.743591092479827 0.7327565958590333 0.6971575355335708 0.6878708241443179 0.6770363275235243 0.6182204887249162 0.5826214283994537 +43201,0.5377356566847294,2,1.057791494482879 1.2032833062478365 1.3936608897275182 1.5530827685763509 1.5360571310293856 1.3410361918550817 1.2388823665733077 1.1939965948585836 1.2280478699525053 1.1212506889761003 0.9122996827179214 0.8209803540569323 0.743591092479827 0.7327565958590333 0.6971575355335708 0.6878708241443179 0.6770363275235243 0.6182204887249162 0.5826214283994537 0.4882065292753832 +43202,0.4742764621915081,2,1.2032833062478365 1.3936608897275182 1.5530827685763509 1.5360571310293856 1.3410361918550817 1.2388823665733077 1.1939965948585836 1.2280478699525053 1.1212506889761003 0.9122996827179214 0.8209803540569323 0.743591092479827 0.7327565958590333 0.6971575355335708 0.6878708241443179 0.6770363275235243 0.6182204887249162 0.5826214283994537 0.4882065292753832 0.5377356566847294 +43203,0.4990410258961769,2,1.3936608897275182 1.5530827685763509 1.5360571310293856 1.3410361918550817 1.2388823665733077 1.1939965948585836 1.2280478699525053 1.1212506889761003 0.9122996827179214 0.8209803540569323 0.743591092479827 0.7327565958590333 0.6971575355335708 0.6878708241443179 0.6770363275235243 0.6182204887249162 0.5826214283994537 0.4882065292753832 0.5377356566847294 0.4742764621915081 +43204,0.664654045671181,2,1.5530827685763509 1.5360571310293856 1.3410361918550817 1.2388823665733077 1.1939965948585836 1.2280478699525053 1.1212506889761003 0.9122996827179214 0.8209803540569323 0.743591092479827 0.7327565958590333 0.6971575355335708 0.6878708241443179 0.6770363275235243 0.6182204887249162 0.5826214283994537 0.4882065292753832 0.5377356566847294 0.4742764621915081 0.4990410258961769 +43205,0.8751528371609095,2,1.5360571310293856 1.3410361918550817 1.2388823665733077 1.1939965948585836 1.2280478699525053 1.1212506889761003 0.9122996827179214 0.8209803540569323 0.743591092479827 0.7327565958590333 0.6971575355335708 0.6878708241443179 0.6770363275235243 0.6182204887249162 0.5826214283994537 0.4882065292753832 0.5377356566847294 0.4742764621915081 0.4990410258961769 0.664654045671181 +43206,1.2141178028686301,2,1.3410361918550817 1.2388823665733077 1.1939965948585836 1.2280478699525053 1.1212506889761003 0.9122996827179214 0.8209803540569323 0.743591092479827 0.7327565958590333 0.6971575355335708 0.6878708241443179 0.6770363275235243 0.6182204887249162 0.5826214283994537 0.4882065292753832 0.5377356566847294 0.4742764621915081 0.4990410258961769 0.664654045671181 0.8751528371609095 +43207,1.5097447820931762,2,1.2388823665733077 1.1939965948585836 1.2280478699525053 1.1212506889761003 0.9122996827179214 0.8209803540569323 0.743591092479827 0.7327565958590333 0.6971575355335708 0.6878708241443179 0.6770363275235243 0.6182204887249162 0.5826214283994537 0.4882065292753832 0.5377356566847294 0.4742764621915081 0.4990410258961769 0.664654045671181 0.8751528371609095 1.2141178028686301 +43208,1.6567843790896744,2,1.1939965948585836 1.2280478699525053 1.1212506889761003 0.9122996827179214 0.8209803540569323 0.743591092479827 0.7327565958590333 0.6971575355335708 0.6878708241443179 0.6770363275235243 0.6182204887249162 0.5826214283994537 0.4882065292753832 0.5377356566847294 0.4742764621915081 0.4990410258961769 0.664654045671181 0.8751528371609095 1.2141178028686301 1.5097447820931762 +43209,1.779059412381495,2,1.2280478699525053 1.1212506889761003 0.9122996827179214 0.8209803540569323 0.743591092479827 0.7327565958590333 0.6971575355335708 0.6878708241443179 0.6770363275235243 0.6182204887249162 0.5826214283994537 0.4882065292753832 0.5377356566847294 0.4742764621915081 0.4990410258961769 0.664654045671181 0.8751528371609095 1.2141178028686301 1.5097447820931762 1.6567843790896744 +43210,1.816206257938507,2,1.1212506889761003 0.9122996827179214 0.8209803540569323 0.743591092479827 0.7327565958590333 0.6971575355335708 0.6878708241443179 0.6770363275235243 0.6182204887249162 0.5826214283994537 0.4882065292753832 0.5377356566847294 0.4742764621915081 0.4990410258961769 0.664654045671181 0.8751528371609095 1.2141178028686301 1.5097447820931762 1.6567843790896744 1.779059412381495 +43211,1.8719265262740248,2,0.9122996827179214 0.8209803540569323 0.743591092479827 0.7327565958590333 0.6971575355335708 0.6878708241443179 0.6770363275235243 0.6182204887249162 0.5826214283994537 0.4882065292753832 0.5377356566847294 0.4742764621915081 0.4990410258961769 0.664654045671181 0.8751528371609095 1.2141178028686301 1.5097447820931762 1.6567843790896744 1.779059412381495 1.816206257938507 +43212,1.9245512241464526,2,0.8209803540569323 0.743591092479827 0.7327565958590333 0.6971575355335708 0.6878708241443179 0.6770363275235243 0.6182204887249162 0.5826214283994537 0.4882065292753832 0.5377356566847294 0.4742764621915081 0.4990410258961769 0.664654045671181 0.8751528371609095 1.2141178028686301 1.5097447820931762 1.6567843790896744 1.779059412381495 1.816206257938507 1.8719265262740248 +43213,1.8688309558109435,2,0.743591092479827 0.7327565958590333 0.6971575355335708 0.6878708241443179 0.6770363275235243 0.6182204887249162 0.5826214283994537 0.4882065292753832 0.5377356566847294 0.4742764621915081 0.4990410258961769 0.664654045671181 0.8751528371609095 1.2141178028686301 1.5097447820931762 1.6567843790896744 1.779059412381495 1.816206257938507 1.8719265262740248 1.9245512241464526 +43214,1.616541963069581,2,0.7327565958590333 0.6971575355335708 0.6878708241443179 0.6770363275235243 0.6182204887249162 0.5826214283994537 0.4882065292753832 0.5377356566847294 0.4742764621915081 0.4990410258961769 0.664654045671181 0.8751528371609095 1.2141178028686301 1.5097447820931762 1.6567843790896744 1.779059412381495 1.816206257938507 1.8719265262740248 1.9245512241464526 1.8688309558109435 +43215,1.218761158563261,2,0.6971575355335708 0.6878708241443179 0.6770363275235243 0.6182204887249162 0.5826214283994537 0.4882065292753832 0.5377356566847294 0.4742764621915081 0.4990410258961769 0.664654045671181 0.8751528371609095 1.2141178028686301 1.5097447820931762 1.6567843790896744 1.779059412381495 1.816206257938507 1.8719265262740248 1.9245512241464526 1.8688309558109435 1.616541963069581 +43216,1.0639826354090505,2,0.6878708241443179 0.6770363275235243 0.6182204887249162 0.5826214283994537 0.4882065292753832 0.5377356566847294 0.4742764621915081 0.4990410258961769 0.664654045671181 0.8751528371609095 1.2141178028686301 1.5097447820931762 1.6567843790896744 1.779059412381495 1.816206257938507 1.8719265262740248 1.9245512241464526 1.8688309558109435 1.616541963069581 1.218761158563261 +43217,0.9989756556842796,2,0.6770363275235243 0.6182204887249162 0.5826214283994537 0.4882065292753832 0.5377356566847294 0.4742764621915081 0.4990410258961769 0.664654045671181 0.8751528371609095 1.2141178028686301 1.5097447820931762 1.6567843790896744 1.779059412381495 1.816206257938507 1.8719265262740248 1.9245512241464526 1.8688309558109435 1.616541963069581 1.218761158563261 1.0639826354090505 +43218,0.8921784747078747,2,0.6182204887249162 0.5826214283994537 0.4882065292753832 0.5377356566847294 0.4742764621915081 0.4990410258961769 0.664654045671181 0.8751528371609095 1.2141178028686301 1.5097447820931762 1.6567843790896744 1.779059412381495 1.816206257938507 1.8719265262740248 1.9245512241464526 1.8688309558109435 1.616541963069581 1.218761158563261 1.0639826354090505 0.9989756556842796 +43219,0.8085980722045979,2,0.5826214283994537 0.4882065292753832 0.5377356566847294 0.4742764621915081 0.4990410258961769 0.664654045671181 0.8751528371609095 1.2141178028686301 1.5097447820931762 1.6567843790896744 1.779059412381495 1.816206257938507 1.8719265262740248 1.9245512241464526 1.8688309558109435 1.616541963069581 1.218761158563261 1.0639826354090505 0.9989756556842796 0.8921784747078747 +43220,0.7497822334059986,2,0.4882065292753832 0.5377356566847294 0.4742764621915081 0.4990410258961769 0.664654045671181 0.8751528371609095 1.2141178028686301 1.5097447820931762 1.6567843790896744 1.779059412381495 1.816206257938507 1.8719265262740248 1.9245512241464526 1.8688309558109435 1.616541963069581 1.218761158563261 1.0639826354090505 0.9989756556842796 0.8921784747078747 0.8085980722045979 +43221,0.762164515258333,2,0.5377356566847294 0.4742764621915081 0.4990410258961769 0.664654045671181 0.8751528371609095 1.2141178028686301 1.5097447820931762 1.6567843790896744 1.779059412381495 1.816206257938507 1.8719265262740248 1.9245512241464526 1.8688309558109435 1.616541963069581 1.218761158563261 1.0639826354090505 0.9989756556842796 0.8921784747078747 0.8085980722045979 0.7497822334059986 +43222,0.6538195490503874,2,0.4742764621915081 0.4990410258961769 0.664654045671181 0.8751528371609095 1.2141178028686301 1.5097447820931762 1.6567843790896744 1.779059412381495 1.816206257938507 1.8719265262740248 1.9245512241464526 1.8688309558109435 1.616541963069581 1.218761158563261 1.0639826354090505 0.9989756556842796 0.8921784747078747 0.8085980722045979 0.7497822334059986 0.762164515258333 +43223,0.6058382068725817,2,0.4990410258961769 0.664654045671181 0.8751528371609095 1.2141178028686301 1.5097447820931762 1.6567843790896744 1.779059412381495 1.816206257938507 1.8719265262740248 1.9245512241464526 1.8688309558109435 1.616541963069581 1.218761158563261 1.0639826354090505 0.9989756556842796 0.8921784747078747 0.8085980722045979 0.7497822334059986 0.762164515258333 0.6538195490503874 +43224,0.5702391465471105,2,0.664654045671181 0.8751528371609095 1.2141178028686301 1.5097447820931762 1.6567843790896744 1.779059412381495 1.816206257938507 1.8719265262740248 1.9245512241464526 1.8688309558109435 1.616541963069581 1.218761158563261 1.0639826354090505 0.9989756556842796 0.8921784747078747 0.8085980722045979 0.7497822334059986 0.762164515258333 0.6538195490503874 0.6058382068725817 +43225,0.6197682739564656,2,0.8751528371609095 1.2141178028686301 1.5097447820931762 1.6567843790896744 1.779059412381495 1.816206257938507 1.8719265262740248 1.9245512241464526 1.8688309558109435 1.616541963069581 1.218761158563261 1.0639826354090505 0.9989756556842796 0.8921784747078747 0.8085980722045979 0.7497822334059986 0.762164515258333 0.6538195490503874 0.6058382068725817 0.5702391465471105 +43226,0.5625002203894071,2,1.2141178028686301 1.5097447820931762 1.6567843790896744 1.779059412381495 1.816206257938507 1.8719265262740248 1.9245512241464526 1.8688309558109435 1.616541963069581 1.218761158563261 1.0639826354090505 0.9989756556842796 0.8921784747078747 0.8085980722045979 0.7497822334059986 0.762164515258333 0.6538195490503874 0.6058382068725817 0.5702391465471105 0.6197682739564656 +43227,0.5454745828424418,2,1.5097447820931762 1.6567843790896744 1.779059412381495 1.816206257938507 1.8719265262740248 1.9245512241464526 1.8688309558109435 1.616541963069581 1.218761158563261 1.0639826354090505 0.9989756556842796 0.8921784747078747 0.8085980722045979 0.7497822334059986 0.762164515258333 0.6538195490503874 0.6058382068725817 0.5702391465471105 0.6197682739564656 0.5625002203894071 +43228,0.7466866629429172,2,1.6567843790896744 1.779059412381495 1.816206257938507 1.8719265262740248 1.9245512241464526 1.8688309558109435 1.616541963069581 1.218761158563261 1.0639826354090505 0.9989756556842796 0.8921784747078747 0.8085980722045979 0.7497822334059986 0.762164515258333 0.6538195490503874 0.6058382068725817 0.5702391465471105 0.6197682739564656 0.5625002203894071 0.5454745828424418 +43229,0.9448031725803024,2,1.779059412381495 1.816206257938507 1.8719265262740248 1.9245512241464526 1.8688309558109435 1.616541963069581 1.218761158563261 1.0639826354090505 0.9989756556842796 0.8921784747078747 0.8085980722045979 0.7497822334059986 0.762164515258333 0.6538195490503874 0.6058382068725817 0.5702391465471105 0.6197682739564656 0.5625002203894071 0.5454745828424418 0.7466866629429172 +43230,1.1506586083754,2,1.816206257938507 1.8719265262740248 1.9245512241464526 1.8688309558109435 1.616541963069581 1.218761158563261 1.0639826354090505 0.9989756556842796 0.8921784747078747 0.8085980722045979 0.7497822334059986 0.762164515258333 0.6538195490503874 0.6058382068725817 0.5702391465471105 0.6197682739564656 0.5625002203894071 0.5454745828424418 0.7466866629429172 0.9448031725803024 +43231,1.3828263931067157,2,1.8719265262740248 1.9245512241464526 1.8688309558109435 1.616541963069581 1.218761158563261 1.0639826354090505 0.9989756556842796 0.8921784747078747 0.8085980722045979 0.7497822334059986 0.762164515258333 0.6538195490503874 0.6058382068725817 0.5702391465471105 0.6197682739564656 0.5625002203894071 0.5454745828424418 0.7466866629429172 0.9448031725803024 1.1506586083754 +43232,1.7248869292775266,2,1.9245512241464526 1.8688309558109435 1.616541963069581 1.218761158563261 1.0639826354090505 0.9989756556842796 0.8921784747078747 0.8085980722045979 0.7497822334059986 0.762164515258333 0.6538195490503874 0.6058382068725817 0.5702391465471105 0.6197682739564656 0.5625002203894071 0.5454745828424418 0.7466866629429172 0.9448031725803024 1.1506586083754 1.3828263931067157 +43233,1.7713204862237915,2,1.8688309558109435 1.616541963069581 1.218761158563261 1.0639826354090505 0.9989756556842796 0.8921784747078747 0.8085980722045979 0.7497822334059986 0.762164515258333 0.6538195490503874 0.6058382068725817 0.5702391465471105 0.6197682739564656 0.5625002203894071 0.5454745828424418 0.7466866629429172 0.9448031725803024 1.1506586083754 1.3828263931067157 1.7248869292775266 +43234,1.8332318954854723,2,1.616541963069581 1.218761158563261 1.0639826354090505 0.9989756556842796 0.8921784747078747 0.8085980722045979 0.7497822334059986 0.762164515258333 0.6538195490503874 0.6058382068725817 0.5702391465471105 0.6197682739564656 0.5625002203894071 0.5454745828424418 0.7466866629429172 0.9448031725803024 1.1506586083754 1.3828263931067157 1.7248869292775266 1.7713204862237915 +43235,1.7310780702036894,2,1.218761158563261 1.0639826354090505 0.9989756556842796 0.8921784747078747 0.8085980722045979 0.7497822334059986 0.762164515258333 0.6538195490503874 0.6058382068725817 0.5702391465471105 0.6197682739564656 0.5625002203894071 0.5454745828424418 0.7466866629429172 0.9448031725803024 1.1506586083754 1.3828263931067157 1.7248869292775266 1.7713204862237915 1.8332318954854723 +43236,1.7156002178882737,2,1.0639826354090505 0.9989756556842796 0.8921784747078747 0.8085980722045979 0.7497822334059986 0.762164515258333 0.6538195490503874 0.6058382068725817 0.5702391465471105 0.6197682739564656 0.5625002203894071 0.5454745828424418 0.7466866629429172 0.9448031725803024 1.1506586083754 1.3828263931067157 1.7248869292775266 1.7713204862237915 1.8332318954854723 1.7310780702036894 +43237,1.5623694799656038,2,0.9989756556842796 0.8921784747078747 0.8085980722045979 0.7497822334059986 0.762164515258333 0.6538195490503874 0.6058382068725817 0.5702391465471105 0.6197682739564656 0.5625002203894071 0.5454745828424418 0.7466866629429172 0.9448031725803024 1.1506586083754 1.3828263931067157 1.7248869292775266 1.7713204862237915 1.8332318954854723 1.7310780702036894 1.7156002178882737 +43238,1.4339033057476116,2,0.8921784747078747 0.8085980722045979 0.7497822334059986 0.762164515258333 0.6538195490503874 0.6058382068725817 0.5702391465471105 0.6197682739564656 0.5625002203894071 0.5454745828424418 0.7466866629429172 0.9448031725803024 1.1506586083754 1.3828263931067157 1.7248869292775266 1.7713204862237915 1.8332318954854723 1.7310780702036894 1.7156002178882737 1.5623694799656038 +43239,1.1661364606908244,2,0.8085980722045979 0.7497822334059986 0.762164515258333 0.6538195490503874 0.6058382068725817 0.5702391465471105 0.6197682739564656 0.5625002203894071 0.5454745828424418 0.7466866629429172 0.9448031725803024 1.1506586083754 1.3828263931067157 1.7248869292775266 1.7713204862237915 1.8332318954854723 1.7310780702036894 1.7156002178882737 1.5623694799656038 1.4339033057476116 +43240,0.9138474679494621,2,0.7497822334059986 0.762164515258333 0.6538195490503874 0.6058382068725817 0.5702391465471105 0.6197682739564656 0.5625002203894071 0.5454745828424418 0.7466866629429172 0.9448031725803024 1.1506586083754 1.3828263931067157 1.7248869292775266 1.7713204862237915 1.8332318954854723 1.7310780702036894 1.7156002178882737 1.5623694799656038 1.4339033057476116 1.1661364606908244 +43241,0.7884768641945512,2,0.762164515258333 0.6538195490503874 0.6058382068725817 0.5702391465471105 0.6197682739564656 0.5625002203894071 0.5454745828424418 0.7466866629429172 0.9448031725803024 1.1506586083754 1.3828263931067157 1.7248869292775266 1.7713204862237915 1.8332318954854723 1.7310780702036894 1.7156002178882737 1.5623694799656038 1.4339033057476116 1.1661364606908244 0.9138474679494621 +43242,0.711087602617446,2,0.6538195490503874 0.6058382068725817 0.5702391465471105 0.6197682739564656 0.5625002203894071 0.5454745828424418 0.7466866629429172 0.9448031725803024 1.1506586083754 1.3828263931067157 1.7248869292775266 1.7713204862237915 1.8332318954854723 1.7310780702036894 1.7156002178882737 1.5623694799656038 1.4339033057476116 1.1661364606908244 0.9138474679494621 0.7884768641945512 +43243,0.5594046499263169,2,0.6058382068725817 0.5702391465471105 0.6197682739564656 0.5625002203894071 0.5454745828424418 0.7466866629429172 0.9448031725803024 1.1506586083754 1.3828263931067157 1.7248869292775266 1.7713204862237915 1.8332318954854723 1.7310780702036894 1.7156002178882737 1.5623694799656038 1.4339033057476116 1.1661364606908244 0.9138474679494621 0.7884768641945512 0.711087602617446 +43244,0.46344196557070566,2,0.5702391465471105 0.6197682739564656 0.5625002203894071 0.5454745828424418 0.7466866629429172 0.9448031725803024 1.1506586083754 1.3828263931067157 1.7248869292775266 1.7713204862237915 1.8332318954854723 1.7310780702036894 1.7156002178882737 1.5623694799656038 1.4339033057476116 1.1661364606908244 0.9138474679494621 0.7884768641945512 0.711087602617446 0.5594046499263169 +43245,0.45260746894991194,2,0.6197682739564656 0.5625002203894071 0.5454745828424418 0.7466866629429172 0.9448031725803024 1.1506586083754 1.3828263931067157 1.7248869292775266 1.7713204862237915 1.8332318954854723 1.7310780702036894 1.7156002178882737 1.5623694799656038 1.4339033057476116 1.1661364606908244 0.9138474679494621 0.7884768641945512 0.711087602617446 0.5594046499263169 0.46344196557070566 +43246,0.42165176431907164,2,0.5625002203894071 0.5454745828424418 0.7466866629429172 0.9448031725803024 1.1506586083754 1.3828263931067157 1.7248869292775266 1.7713204862237915 1.8332318954854723 1.7310780702036894 1.7156002178882737 1.5623694799656038 1.4339033057476116 1.1661364606908244 0.9138474679494621 0.7884768641945512 0.711087602617446 0.5594046499263169 0.46344196557070566 0.45260746894991194 +43247,0.3334280061211727,2,0.5454745828424418 0.7466866629429172 0.9448031725803024 1.1506586083754 1.3828263931067157 1.7248869292775266 1.7713204862237915 1.8332318954854723 1.7310780702036894 1.7156002178882737 1.5623694799656038 1.4339033057476116 1.1661364606908244 0.9138474679494621 0.7884768641945512 0.711087602617446 0.5594046499263169 0.46344196557070566 0.45260746894991194 0.42165176431907164 +43248,0.2854466639433671,2,0.7466866629429172 0.9448031725803024 1.1506586083754 1.3828263931067157 1.7248869292775266 1.7713204862237915 1.8332318954854723 1.7310780702036894 1.7156002178882737 1.5623694799656038 1.4339033057476116 1.1661364606908244 0.9138474679494621 0.7884768641945512 0.711087602617446 0.5594046499263169 0.46344196557070566 0.45260746894991194 0.42165176431907164 0.3334280061211727 +43249,0.2266308251447678,2,0.9448031725803024 1.1506586083754 1.3828263931067157 1.7248869292775266 1.7713204862237915 1.8332318954854723 1.7310780702036894 1.7156002178882737 1.5623694799656038 1.4339033057476116 1.1661364606908244 0.9138474679494621 0.7884768641945512 0.711087602617446 0.5594046499263169 0.46344196557070566 0.45260746894991194 0.42165176431907164 0.3334280061211727 0.2854466639433671 +43250,0.16471941588308708,2,1.1506586083754 1.3828263931067157 1.7248869292775266 1.7713204862237915 1.8332318954854723 1.7310780702036894 1.7156002178882737 1.5623694799656038 1.4339033057476116 1.1661364606908244 0.9138474679494621 0.7884768641945512 0.711087602617446 0.5594046499263169 0.46344196557070566 0.45260746894991194 0.42165176431907164 0.3334280061211727 0.2854466639433671 0.2266308251447678 +43251,0.15852827495691552,2,1.3828263931067157 1.7248869292775266 1.7713204862237915 1.8332318954854723 1.7310780702036894 1.7156002178882737 1.5623694799656038 1.4339033057476116 1.1661364606908244 0.9138474679494621 0.7884768641945512 0.711087602617446 0.5594046499263169 0.46344196557070566 0.45260746894991194 0.42165176431907164 0.3334280061211727 0.2854466639433671 0.2266308251447678 0.16471941588308708 +43252,0.46034639510762426,2,1.7248869292775266 1.7713204862237915 1.8332318954854723 1.7310780702036894 1.7156002178882737 1.5623694799656038 1.4339033057476116 1.1661364606908244 0.9138474679494621 0.7884768641945512 0.711087602617446 0.5594046499263169 0.46344196557070566 0.45260746894991194 0.42165176431907164 0.3334280061211727 0.2854466639433671 0.2266308251447678 0.16471941588308708 0.15852827495691552 +43253,0.7203743140066989,2,1.7713204862237915 1.8332318954854723 1.7310780702036894 1.7156002178882737 1.5623694799656038 1.4339033057476116 1.1661364606908244 0.9138474679494621 0.7884768641945512 0.711087602617446 0.5594046499263169 0.46344196557070566 0.45260746894991194 0.42165176431907164 0.3334280061211727 0.2854466639433671 0.2266308251447678 0.16471941588308708 0.15852827495691552 0.46034639510762426 +43254,1.0964861252714315,2,1.8332318954854723 1.7310780702036894 1.7156002178882737 1.5623694799656038 1.4339033057476116 1.1661364606908244 0.9138474679494621 0.7884768641945512 0.711087602617446 0.5594046499263169 0.46344196557070566 0.45260746894991194 0.42165176431907164 0.3334280061211727 0.2854466639433671 0.2266308251447678 0.16471941588308708 0.15852827495691552 0.46034639510762426 0.7203743140066989 +43255,1.441642231905324,2,1.7310780702036894 1.7156002178882737 1.5623694799656038 1.4339033057476116 1.1661364606908244 0.9138474679494621 0.7884768641945512 0.711087602617446 0.5594046499263169 0.46344196557070566 0.45260746894991194 0.42165176431907164 0.3334280061211727 0.2854466639433671 0.2266308251447678 0.16471941588308708 0.15852827495691552 0.46034639510762426 0.7203743140066989 1.0964861252714315 +43256,1.6784533723312616,2,1.7156002178882737 1.5623694799656038 1.4339033057476116 1.1661364606908244 0.9138474679494621 0.7884768641945512 0.711087602617446 0.5594046499263169 0.46344196557070566 0.45260746894991194 0.42165176431907164 0.3334280061211727 0.2854466639433671 0.2266308251447678 0.16471941588308708 0.15852827495691552 0.46034639510762426 0.7203743140066989 1.0964861252714315 1.441642231905324 +43257,1.8533531034955188,2,1.5623694799656038 1.4339033057476116 1.1661364606908244 0.9138474679494621 0.7884768641945512 0.711087602617446 0.5594046499263169 0.46344196557070566 0.45260746894991194 0.42165176431907164 0.3334280061211727 0.2854466639433671 0.2266308251447678 0.16471941588308708 0.15852827495691552 0.46034639510762426 0.7203743140066989 1.0964861252714315 1.441642231905324 1.6784533723312616 +43258,1.9338379355357056,2,1.4339033057476116 1.1661364606908244 0.9138474679494621 0.7884768641945512 0.711087602617446 0.5594046499263169 0.46344196557070566 0.45260746894991194 0.42165176431907164 0.3334280061211727 0.2854466639433671 0.2266308251447678 0.16471941588308708 0.15852827495691552 0.46034639510762426 0.7203743140066989 1.0964861252714315 1.441642231905324 1.6784533723312616 1.8533531034955188 +43259,1.9415768616934177,2,1.1661364606908244 0.9138474679494621 0.7884768641945512 0.711087602617446 0.5594046499263169 0.46344196557070566 0.45260746894991194 0.42165176431907164 0.3334280061211727 0.2854466639433671 0.2266308251447678 0.16471941588308708 0.15852827495691552 0.46034639510762426 0.7203743140066989 1.0964861252714315 1.441642231905324 1.6784533723312616 1.8533531034955188 1.9338379355357056 +43260,1.898238875210243,2,0.9138474679494621 0.7884768641945512 0.711087602617446 0.5594046499263169 0.46344196557070566 0.45260746894991194 0.42165176431907164 0.3334280061211727 0.2854466639433671 0.2266308251447678 0.16471941588308708 0.15852827495691552 0.46034639510762426 0.7203743140066989 1.0964861252714315 1.441642231905324 1.6784533723312616 1.8533531034955188 1.9338379355357056 1.9415768616934177 +43261,1.779059412381495,2,0.7884768641945512 0.711087602617446 0.5594046499263169 0.46344196557070566 0.45260746894991194 0.42165176431907164 0.3334280061211727 0.2854466639433671 0.2266308251447678 0.16471941588308708 0.15852827495691552 0.46034639510762426 0.7203743140066989 1.0964861252714315 1.441642231905324 1.6784533723312616 1.8533531034955188 1.9338379355357056 1.9415768616934177 1.898238875210243 +43262,1.534509345797845,2,0.711087602617446 0.5594046499263169 0.46344196557070566 0.45260746894991194 0.42165176431907164 0.3334280061211727 0.2854466639433671 0.2266308251447678 0.16471941588308708 0.15852827495691552 0.46034639510762426 0.7203743140066989 1.0964861252714315 1.441642231905324 1.6784533723312616 1.8533531034955188 1.9338379355357056 1.9415768616934177 1.898238875210243 1.779059412381495 +43263,1.2141178028686301,2,0.5594046499263169 0.46344196557070566 0.45260746894991194 0.42165176431907164 0.3334280061211727 0.2854466639433671 0.2266308251447678 0.16471941588308708 0.15852827495691552 0.46034639510762426 0.7203743140066989 1.0964861252714315 1.441642231905324 1.6784533723312616 1.8533531034955188 1.9338379355357056 1.9415768616934177 1.898238875210243 1.779059412381495 1.534509345797845 +43264,0.9324208907279681,2,0.46344196557070566 0.45260746894991194 0.42165176431907164 0.3334280061211727 0.2854466639433671 0.2266308251447678 0.16471941588308708 0.15852827495691552 0.46034639510762426 0.7203743140066989 1.0964861252714315 1.441642231905324 1.6784533723312616 1.8533531034955188 1.9338379355357056 1.9415768616934177 1.898238875210243 1.779059412381495 1.534509345797845 1.2141178028686301 +43265,0.8116936426676793,2,0.45260746894991194 0.42165176431907164 0.3334280061211727 0.2854466639433671 0.2266308251447678 0.16471941588308708 0.15852827495691552 0.46034639510762426 0.7203743140066989 1.0964861252714315 1.441642231905324 1.6784533723312616 1.8533531034955188 1.9338379355357056 1.9415768616934177 1.898238875210243 1.779059412381495 1.534509345797845 1.2141178028686301 0.9324208907279681 +43266,0.6801318979866057,2,0.42165176431907164 0.3334280061211727 0.2854466639433671 0.2266308251447678 0.16471941588308708 0.15852827495691552 0.46034639510762426 0.7203743140066989 1.0964861252714315 1.441642231905324 1.6784533723312616 1.8533531034955188 1.9338379355357056 1.9415768616934177 1.898238875210243 1.779059412381495 1.534509345797845 1.2141178028686301 0.9324208907279681 0.8116936426676793 +43267,0.5594046499263169,2,0.3334280061211727 0.2854466639433671 0.2266308251447678 0.16471941588308708 0.15852827495691552 0.46034639510762426 0.7203743140066989 1.0964861252714315 1.441642231905324 1.6784533723312616 1.8533531034955188 1.9338379355357056 1.9415768616934177 1.898238875210243 1.779059412381495 1.534509345797845 1.2141178028686301 0.9324208907279681 0.8116936426676793 0.6801318979866057 +43268,0.5114233077485113,2,0.2854466639433671 0.2266308251447678 0.16471941588308708 0.15852827495691552 0.46034639510762426 0.7203743140066989 1.0964861252714315 1.441642231905324 1.6784533723312616 1.8533531034955188 1.9338379355357056 1.9415768616934177 1.898238875210243 1.779059412381495 1.534509345797845 1.2141178028686301 0.9324208907279681 0.8116936426676793 0.6801318979866057 0.5594046499263169 +43269,0.41700840862444954,2,0.2266308251447678 0.16471941588308708 0.15852827495691552 0.46034639510762426 0.7203743140066989 1.0964861252714315 1.441642231905324 1.6784533723312616 1.8533531034955188 1.9338379355357056 1.9415768616934177 1.898238875210243 1.779059412381495 1.534509345797845 1.2141178028686301 0.9324208907279681 0.8116936426676793 0.6801318979866057 0.5594046499263169 0.5114233077485113 +43270,0.40462612677210635,2,0.16471941588308708 0.15852827495691552 0.46034639510762426 0.7203743140066989 1.0964861252714315 1.441642231905324 1.6784533723312616 1.8533531034955188 1.9338379355357056 1.9415768616934177 1.898238875210243 1.779059412381495 1.534509345797845 1.2141178028686301 0.9324208907279681 0.8116936426676793 0.6801318979866057 0.5594046499263169 0.5114233077485113 0.41700840862444954 +43271,0.3210457242688383,2,0.15852827495691552 0.46034639510762426 0.7203743140066989 1.0964861252714315 1.441642231905324 1.6784533723312616 1.8533531034955188 1.9338379355357056 1.9415768616934177 1.898238875210243 1.779059412381495 1.534509345797845 1.2141178028686301 0.9324208907279681 0.8116936426676793 0.6801318979866057 0.5594046499263169 0.5114233077485113 0.41700840862444954 0.40462612677210635 +43272,0.262229885470239,2,0.46034639510762426 0.7203743140066989 1.0964861252714315 1.441642231905324 1.6784533723312616 1.8533531034955188 1.9338379355357056 1.9415768616934177 1.898238875210243 1.779059412381495 1.534509345797845 1.2141178028686301 0.9324208907279681 0.8116936426676793 0.6801318979866057 0.5594046499263169 0.5114233077485113 0.41700840862444954 0.40462612677210635 0.3210457242688383 +43273,0.2142485432924334,2,0.7203743140066989 1.0964861252714315 1.441642231905324 1.6784533723312616 1.8533531034955188 1.9338379355357056 1.9415768616934177 1.898238875210243 1.779059412381495 1.534509345797845 1.2141178028686301 0.9324208907279681 0.8116936426676793 0.6801318979866057 0.5594046499263169 0.5114233077485113 0.41700840862444954 0.40462612677210635 0.3210457242688383 0.262229885470239 +43274,0.20186626144009023,2,1.0964861252714315 1.441642231905324 1.6784533723312616 1.8533531034955188 1.9338379355357056 1.9415768616934177 1.898238875210243 1.779059412381495 1.534509345797845 1.2141178028686301 0.9324208907279681 0.8116936426676793 0.6801318979866057 0.5594046499263169 0.5114233077485113 0.41700840862444954 0.40462612677210635 0.3210457242688383 0.262229885470239 0.2142485432924334 +43275,0.17091055680924988,2,1.441642231905324 1.6784533723312616 1.8533531034955188 1.9338379355357056 1.9415768616934177 1.898238875210243 1.779059412381495 1.534509345797845 1.2141178028686301 0.9324208907279681 0.8116936426676793 0.6801318979866057 0.5594046499263169 0.5114233077485113 0.41700840862444954 0.40462612677210635 0.3210457242688383 0.262229885470239 0.2142485432924334 0.20186626144009023 +43276,0.45725082464454286,2,1.6784533723312616 1.8533531034955188 1.9338379355357056 1.9415768616934177 1.898238875210243 1.779059412381495 1.534509345797845 1.2141178028686301 0.9324208907279681 0.8116936426676793 0.6801318979866057 0.5594046499263169 0.5114233077485113 0.41700840862444954 0.40462612677210635 0.3210457242688383 0.262229885470239 0.2142485432924334 0.20186626144009023 0.17091055680924988 +43277,0.6662018309027218,2,1.8533531034955188 1.9338379355357056 1.9415768616934177 1.898238875210243 1.779059412381495 1.534509345797845 1.2141178028686301 0.9324208907279681 0.8116936426676793 0.6801318979866057 0.5594046499263169 0.5114233077485113 0.41700840862444954 0.40462612677210635 0.3210457242688383 0.262229885470239 0.2142485432924334 0.20186626144009023 0.17091055680924988 0.45725082464454286 +43278,0.90920411225484,2,1.9338379355357056 1.9415768616934177 1.898238875210243 1.779059412381495 1.534509345797845 1.2141178028686301 0.9324208907279681 0.8116936426676793 0.6801318979866057 0.5594046499263169 0.5114233077485113 0.41700840862444954 0.40462612677210635 0.3210457242688383 0.262229885470239 0.2142485432924334 0.20186626144009023 0.17091055680924988 0.45725082464454286 0.6662018309027218 +43279,1.1119639775868473,2,1.9415768616934177 1.898238875210243 1.779059412381495 1.534509345797845 1.2141178028686301 0.9324208907279681 0.8116936426676793 0.6801318979866057 0.5594046499263169 0.5114233077485113 0.41700840862444954 0.40462612677210635 0.3210457242688383 0.262229885470239 0.2142485432924334 0.20186626144009023 0.17091055680924988 0.45725082464454286 0.6662018309027218 0.90920411225484 +43280,1.3688963260228406,2,1.898238875210243 1.779059412381495 1.534509345797845 1.2141178028686301 0.9324208907279681 0.8116936426676793 0.6801318979866057 0.5594046499263169 0.5114233077485113 0.41700840862444954 0.40462612677210635 0.3210457242688383 0.262229885470239 0.2142485432924334 0.20186626144009023 0.17091055680924988 0.45725082464454286 0.6662018309027218 0.90920411225484 1.1119639775868473 +43281,1.5546305538078915,2,1.779059412381495 1.534509345797845 1.2141178028686301 0.9324208907279681 0.8116936426676793 0.6801318979866057 0.5594046499263169 0.5114233077485113 0.41700840862444954 0.40462612677210635 0.3210457242688383 0.262229885470239 0.2142485432924334 0.20186626144009023 0.17091055680924988 0.45725082464454286 0.6662018309027218 0.90920411225484 1.1119639775868473 1.3688963260228406 +43282,1.5809429027441098,2,1.534509345797845 1.2141178028686301 0.9324208907279681 0.8116936426676793 0.6801318979866057 0.5594046499263169 0.5114233077485113 0.41700840862444954 0.40462612677210635 0.3210457242688383 0.262229885470239 0.2142485432924334 0.20186626144009023 0.17091055680924988 0.45725082464454286 0.6662018309027218 0.90920411225484 1.1119639775868473 1.3688963260228406 1.5546305538078915 +43283,1.525222634408592,2,1.2141178028686301 0.9324208907279681 0.8116936426676793 0.6801318979866057 0.5594046499263169 0.5114233077485113 0.41700840862444954 0.40462612677210635 0.3210457242688383 0.262229885470239 0.2142485432924334 0.20186626144009023 0.17091055680924988 0.45725082464454286 0.6662018309027218 0.90920411225484 1.1119639775868473 1.3688963260228406 1.5546305538078915 1.5809429027441098 +43284,1.5159359230193388,2,0.9324208907279681 0.8116936426676793 0.6801318979866057 0.5594046499263169 0.5114233077485113 0.41700840862444954 0.40462612677210635 0.3210457242688383 0.262229885470239 0.2142485432924334 0.20186626144009023 0.17091055680924988 0.45725082464454286 0.6662018309027218 0.90920411225484 1.1119639775868473 1.3688963260228406 1.5546305538078915 1.5809429027441098 1.525222634408592 +43285,1.3642529703282185,2,0.8116936426676793 0.6801318979866057 0.5594046499263169 0.5114233077485113 0.41700840862444954 0.40462612677210635 0.3210457242688383 0.262229885470239 0.2142485432924334 0.20186626144009023 0.17091055680924988 0.45725082464454286 0.6662018309027218 0.90920411225484 1.1119639775868473 1.3688963260228406 1.5546305538078915 1.5809429027441098 1.525222634408592 1.5159359230193388 +43286,1.1026772661976032,2,0.6801318979866057 0.5594046499263169 0.5114233077485113 0.41700840862444954 0.40462612677210635 0.3210457242688383 0.262229885470239 0.2142485432924334 0.20186626144009023 0.17091055680924988 0.45725082464454286 0.6662018309027218 0.90920411225484 1.1119639775868473 1.3688963260228406 1.5546305538078915 1.5809429027441098 1.525222634408592 1.5159359230193388 1.3642529703282185 +43287,0.8565794143824035,2,0.5594046499263169 0.5114233077485113 0.41700840862444954 0.40462612677210635 0.3210457242688383 0.262229885470239 0.2142485432924334 0.20186626144009023 0.17091055680924988 0.45725082464454286 0.6662018309027218 0.90920411225484 1.1119639775868473 1.3688963260228406 1.5546305538078915 1.5809429027441098 1.525222634408592 1.5159359230193388 1.3642529703282185 1.1026772661976032 +43288,0.6306027705772593,2,0.5114233077485113 0.41700840862444954 0.40462612677210635 0.3210457242688383 0.262229885470239 0.2142485432924334 0.20186626144009023 0.17091055680924988 0.45725082464454286 0.6662018309027218 0.90920411225484 1.1119639775868473 1.3688963260228406 1.5546305538078915 1.5809429027441098 1.525222634408592 1.5159359230193388 1.3642529703282185 1.1026772661976032 0.8565794143824035 +43289,0.5114233077485113,2,0.41700840862444954 0.40462612677210635 0.3210457242688383 0.262229885470239 0.2142485432924334 0.20186626144009023 0.17091055680924988 0.45725082464454286 0.6662018309027218 0.90920411225484 1.1119639775868473 1.3688963260228406 1.5546305538078915 1.5809429027441098 1.525222634408592 1.5159359230193388 1.3642529703282185 1.1026772661976032 0.8565794143824035 0.6306027705772593 +43290,0.3937916301513127,2,0.40462612677210635 0.3210457242688383 0.262229885470239 0.2142485432924334 0.20186626144009023 0.17091055680924988 0.45725082464454286 0.6662018309027218 0.90920411225484 1.1119639775868473 1.3688963260228406 1.5546305538078915 1.5809429027441098 1.525222634408592 1.5159359230193388 1.3642529703282185 1.1026772661976032 0.8565794143824035 0.6306027705772593 0.5114233077485113 +43291,0.3210457242688383,2,0.3210457242688383 0.262229885470239 0.2142485432924334 0.20186626144009023 0.17091055680924988 0.45725082464454286 0.6662018309027218 0.90920411225484 1.1119639775868473 1.3688963260228406 1.5546305538078915 1.5809429027441098 1.525222634408592 1.5159359230193388 1.3642529703282185 1.1026772661976032 0.8565794143824035 0.6306027705772593 0.5114233077485113 0.3937916301513127 +43292,0.29782894579570146,2,0.262229885470239 0.2142485432924334 0.20186626144009023 0.17091055680924988 0.45725082464454286 0.6662018309027218 0.90920411225484 1.1119639775868473 1.3688963260228406 1.5546305538078915 1.5809429027441098 1.525222634408592 1.5159359230193388 1.3642529703282185 1.1026772661976032 0.8565794143824035 0.6306027705772593 0.5114233077485113 0.3937916301513127 0.3210457242688383 +43293,0.26068210023868954,2,0.2142485432924334 0.20186626144009023 0.17091055680924988 0.45725082464454286 0.6662018309027218 0.90920411225484 1.1119639775868473 1.3688963260228406 1.5546305538078915 1.5809429027441098 1.525222634408592 1.5159359230193388 1.3642529703282185 1.1026772661976032 0.8565794143824035 0.6306027705772593 0.5114233077485113 0.3937916301513127 0.3210457242688383 0.29782894579570146 +43294,0.2235352546816864,2,0.20186626144009023 0.17091055680924988 0.45725082464454286 0.6662018309027218 0.90920411225484 1.1119639775868473 1.3688963260228406 1.5546305538078915 1.5809429027441098 1.525222634408592 1.5159359230193388 1.3642529703282185 1.1026772661976032 0.8565794143824035 0.6306027705772593 0.5114233077485113 0.3937916301513127 0.3210457242688383 0.29782894579570146 0.26068210023868954 +43295,0.20031847620854953,2,0.17091055680924988 0.45725082464454286 0.6662018309027218 0.90920411225484 1.1119639775868473 1.3688963260228406 1.5546305538078915 1.5809429027441098 1.525222634408592 1.5159359230193388 1.3642529703282185 1.1026772661976032 0.8565794143824035 0.6306027705772593 0.5114233077485113 0.3937916301513127 0.3210457242688383 0.29782894579570146 0.26068210023868954 0.2235352546816864 +43296,0.18948397958775584,2,0.45725082464454286 0.6662018309027218 0.90920411225484 1.1119639775868473 1.3688963260228406 1.5546305538078915 1.5809429027441098 1.525222634408592 1.5159359230193388 1.3642529703282185 1.1026772661976032 0.8565794143824035 0.6306027705772593 0.5114233077485113 0.3937916301513127 0.3210457242688383 0.29782894579570146 0.26068210023868954 0.2235352546816864 0.20031847620854953 +43297,0.2127007580608927,2,0.6662018309027218 0.90920411225484 1.1119639775868473 1.3688963260228406 1.5546305538078915 1.5809429027441098 1.525222634408592 1.5159359230193388 1.3642529703282185 1.1026772661976032 0.8565794143824035 0.6306027705772593 0.5114233077485113 0.3937916301513127 0.3210457242688383 0.29782894579570146 0.26068210023868954 0.2235352546816864 0.20031847620854953 0.18948397958775584 +43298,0.2250830399132271,2,0.90920411225484 1.1119639775868473 1.3688963260228406 1.5546305538078915 1.5809429027441098 1.525222634408592 1.5159359230193388 1.3642529703282185 1.1026772661976032 0.8565794143824035 0.6306027705772593 0.5114233077485113 0.3937916301513127 0.3210457242688383 0.29782894579570146 0.26068210023868954 0.2235352546816864 0.20031847620854953 0.18948397958775584 0.2127007580608927 +43299,0.17245834204079058,2,1.1119639775868473 1.3688963260228406 1.5546305538078915 1.5809429027441098 1.525222634408592 1.5159359230193388 1.3642529703282185 1.1026772661976032 0.8565794143824035 0.6306027705772593 0.5114233077485113 0.3937916301513127 0.3210457242688383 0.29782894579570146 0.26068210023868954 0.2235352546816864 0.20031847620854953 0.18948397958775584 0.2127007580608927 0.2250830399132271 +43300,0.28699444917490774,2,1.3688963260228406 1.5546305538078915 1.5809429027441098 1.525222634408592 1.5159359230193388 1.3642529703282185 1.1026772661976032 0.8565794143824035 0.6306027705772593 0.5114233077485113 0.3937916301513127 0.3210457242688383 0.29782894579570146 0.26068210023868954 0.2235352546816864 0.20031847620854953 0.18948397958775584 0.2127007580608927 0.2250830399132271 0.17245834204079058 +43301,0.5470223680739825,2,1.5546305538078915 1.5809429027441098 1.525222634408592 1.5159359230193388 1.3642529703282185 1.1026772661976032 0.8565794143824035 0.6306027705772593 0.5114233077485113 0.3937916301513127 0.3210457242688383 0.29782894579570146 0.26068210023868954 0.2235352546816864 0.20031847620854953 0.18948397958775584 0.2127007580608927 0.2250830399132271 0.17245834204079058 0.28699444917490774 +43302,0.75287780386908,2,1.5809429027441098 1.525222634408592 1.5159359230193388 1.3642529703282185 1.1026772661976032 0.8565794143824035 0.6306027705772593 0.5114233077485113 0.3937916301513127 0.3210457242688383 0.29782894579570146 0.26068210023868954 0.2235352546816864 0.20031847620854953 0.18948397958775584 0.2127007580608927 0.2250830399132271 0.17245834204079058 0.28699444917490774 0.5470223680739825 +43303,1.0593392797144197,2,1.525222634408592 1.5159359230193388 1.3642529703282185 1.1026772661976032 0.8565794143824035 0.6306027705772593 0.5114233077485113 0.3937916301513127 0.3210457242688383 0.29782894579570146 0.26068210023868954 0.2235352546816864 0.20031847620854953 0.18948397958775584 0.2127007580608927 0.2250830399132271 0.17245834204079058 0.28699444917490774 0.5470223680739825 0.75287780386908 +43304,1.3286539100027472,2,1.5159359230193388 1.3642529703282185 1.1026772661976032 0.8565794143824035 0.6306027705772593 0.5114233077485113 0.3937916301513127 0.3210457242688383 0.29782894579570146 0.26068210023868954 0.2235352546816864 0.20031847620854953 0.18948397958775584 0.2127007580608927 0.2250830399132271 0.17245834204079058 0.28699444917490774 0.5470223680739825 0.75287780386908 1.0593392797144197 +43305,1.450928943294577,2,1.3642529703282185 1.1026772661976032 0.8565794143824035 0.6306027705772593 0.5114233077485113 0.3937916301513127 0.3210457242688383 0.29782894579570146 0.26068210023868954 0.2235352546816864 0.20031847620854953 0.18948397958775584 0.2127007580608927 0.2250830399132271 0.17245834204079058 0.28699444917490774 0.5470223680739825 0.75287780386908 1.0593392797144197 1.3286539100027472 +43306,1.6057074664487874,2,1.1026772661976032 0.8565794143824035 0.6306027705772593 0.5114233077485113 0.3937916301513127 0.3210457242688383 0.29782894579570146 0.26068210023868954 0.2235352546816864 0.20031847620854953 0.18948397958775584 0.2127007580608927 0.2250830399132271 0.17245834204079058 0.28699444917490774 0.5470223680739825 0.75287780386908 1.0593392797144197 1.3286539100027472 1.450928943294577 +43307,1.6691666609420086,2,0.8565794143824035 0.6306027705772593 0.5114233077485113 0.3937916301513127 0.3210457242688383 0.29782894579570146 0.26068210023868954 0.2235352546816864 0.20031847620854953 0.18948397958775584 0.2127007580608927 0.2250830399132271 0.17245834204079058 0.28699444917490774 0.5470223680739825 0.75287780386908 1.0593392797144197 1.3286539100027472 1.450928943294577 1.6057074664487874 +43308,1.6660710904789273,2,0.6306027705772593 0.5114233077485113 0.3937916301513127 0.3210457242688383 0.29782894579570146 0.26068210023868954 0.2235352546816864 0.20031847620854953 0.18948397958775584 0.2127007580608927 0.2250830399132271 0.17245834204079058 0.28699444917490774 0.5470223680739825 0.75287780386908 1.0593392797144197 1.3286539100027472 1.450928943294577 1.6057074664487874 1.6691666609420086 +43309,1.588681828901822,2,0.5114233077485113 0.3937916301513127 0.3210457242688383 0.29782894579570146 0.26068210023868954 0.2235352546816864 0.20031847620854953 0.18948397958775584 0.2127007580608927 0.2250830399132271 0.17245834204079058 0.28699444917490774 0.5470223680739825 0.75287780386908 1.0593392797144197 1.3286539100027472 1.450928943294577 1.6057074664487874 1.6691666609420086 1.6660710904789273 +43310,1.4339033057476116,2,0.3937916301513127 0.3210457242688383 0.29782894579570146 0.26068210023868954 0.2235352546816864 0.20031847620854953 0.18948397958775584 0.2127007580608927 0.2250830399132271 0.17245834204079058 0.28699444917490774 0.5470223680739825 0.75287780386908 1.0593392797144197 1.3286539100027472 1.450928943294577 1.6057074664487874 1.6691666609420086 1.6660710904789273 1.588681828901822 +43311,1.067078205872132,2,0.3210457242688383 0.29782894579570146 0.26068210023868954 0.2235352546816864 0.20031847620854953 0.18948397958775584 0.2127007580608927 0.2250830399132271 0.17245834204079058 0.28699444917490774 0.5470223680739825 0.75287780386908 1.0593392797144197 1.3286539100027472 1.450928943294577 1.6057074664487874 1.6691666609420086 1.6660710904789273 1.588681828901822 1.4339033057476116 +43312,0.8828917633186217,2,0.29782894579570146 0.26068210023868954 0.2235352546816864 0.20031847620854953 0.18948397958775584 0.2127007580608927 0.2250830399132271 0.17245834204079058 0.28699444917490774 0.5470223680739825 0.75287780386908 1.0593392797144197 1.3286539100027472 1.450928943294577 1.6057074664487874 1.6691666609420086 1.6660710904789273 1.588681828901822 1.4339033057476116 1.067078205872132 +43313,0.6785841127550649,2,0.26068210023868954 0.2235352546816864 0.20031847620854953 0.18948397958775584 0.2127007580608927 0.2250830399132271 0.17245834204079058 0.28699444917490774 0.5470223680739825 0.75287780386908 1.0593392797144197 1.3286539100027472 1.450928943294577 1.6057074664487874 1.6691666609420086 1.6660710904789273 1.588681828901822 1.4339033057476116 1.067078205872132 0.8828917633186217 +43314,0.5005888111277176,2,0.2235352546816864 0.20031847620854953 0.18948397958775584 0.2127007580608927 0.2250830399132271 0.17245834204079058 0.28699444917490774 0.5470223680739825 0.75287780386908 1.0593392797144197 1.3286539100027472 1.450928943294577 1.6057074664487874 1.6691666609420086 1.6660710904789273 1.588681828901822 1.4339033057476116 1.067078205872132 0.8828917633186217 0.6785841127550649 +43315,0.45725082464454286,2,0.20031847620854953 0.18948397958775584 0.2127007580608927 0.2250830399132271 0.17245834204079058 0.28699444917490774 0.5470223680739825 0.75287780386908 1.0593392797144197 1.3286539100027472 1.450928943294577 1.6057074664487874 1.6691666609420086 1.6660710904789273 1.588681828901822 1.4339033057476116 1.067078205872132 0.8828917633186217 0.6785841127550649 0.5005888111277176 +43316,0.3937916301513127,2,0.18948397958775584 0.2127007580608927 0.2250830399132271 0.17245834204079058 0.28699444917490774 0.5470223680739825 0.75287780386908 1.0593392797144197 1.3286539100027472 1.450928943294577 1.6057074664487874 1.6691666609420086 1.6660710904789273 1.588681828901822 1.4339033057476116 1.067078205872132 0.8828917633186217 0.6785841127550649 0.5005888111277176 0.45725082464454286 +43317,0.3241412947319197,2,0.2127007580608927 0.2250830399132271 0.17245834204079058 0.28699444917490774 0.5470223680739825 0.75287780386908 1.0593392797144197 1.3286539100027472 1.450928943294577 1.6057074664487874 1.6691666609420086 1.6660710904789273 1.588681828901822 1.4339033057476116 1.067078205872132 0.8828917633186217 0.6785841127550649 0.5005888111277176 0.45725082464454286 0.3937916301513127 +43318,0.2250830399132271,2,0.2250830399132271 0.17245834204079058 0.28699444917490774 0.5470223680739825 0.75287780386908 1.0593392797144197 1.3286539100027472 1.450928943294577 1.6057074664487874 1.6691666609420086 1.6660710904789273 1.588681828901822 1.4339033057476116 1.067078205872132 0.8828917633186217 0.6785841127550649 0.5005888111277176 0.45725082464454286 0.3937916301513127 0.3241412947319197 +43319,0.23591753653402076,2,0.17245834204079058 0.28699444917490774 0.5470223680739825 0.75287780386908 1.0593392797144197 1.3286539100027472 1.450928943294577 1.6057074664487874 1.6691666609420086 1.6660710904789273 1.588681828901822 1.4339033057476116 1.067078205872132 0.8828917633186217 0.6785841127550649 0.5005888111277176 0.45725082464454286 0.3937916301513127 0.3241412947319197 0.2250830399132271 +43320,0.2250830399132271,2,0.28699444917490774 0.5470223680739825 0.75287780386908 1.0593392797144197 1.3286539100027472 1.450928943294577 1.6057074664487874 1.6691666609420086 1.6660710904789273 1.588681828901822 1.4339033057476116 1.067078205872132 0.8828917633186217 0.6785841127550649 0.5005888111277176 0.45725082464454286 0.3937916301513127 0.3241412947319197 0.2250830399132271 0.23591753653402076 +43321,0.17710169773542148,2,0.5470223680739825 0.75287780386908 1.0593392797144197 1.3286539100027472 1.450928943294577 1.6057074664487874 1.6691666609420086 1.6660710904789273 1.588681828901822 1.4339033057476116 1.067078205872132 0.8828917633186217 0.6785841127550649 0.5005888111277176 0.45725082464454286 0.3937916301513127 0.3241412947319197 0.2250830399132271 0.23591753653402076 0.2250830399132271 +43322,0.18793619435621514,2,0.75287780386908 1.0593392797144197 1.3286539100027472 1.450928943294577 1.6057074664487874 1.6691666609420086 1.6660710904789273 1.588681828901822 1.4339033057476116 1.067078205872132 0.8828917633186217 0.6785841127550649 0.5005888111277176 0.45725082464454286 0.3937916301513127 0.3241412947319197 0.2250830399132271 0.23591753653402076 0.2250830399132271 0.17710169773542148 +43323,0.18174505343004357,2,1.0593392797144197 1.3286539100027472 1.450928943294577 1.6057074664487874 1.6691666609420086 1.6660710904789273 1.588681828901822 1.4339033057476116 1.067078205872132 0.8828917633186217 0.6785841127550649 0.5005888111277176 0.45725082464454286 0.3937916301513127 0.3241412947319197 0.2250830399132271 0.23591753653402076 0.2250830399132271 0.17710169773542148 0.18793619435621514 +43324,0.5207100191377643,2,1.3286539100027472 1.450928943294577 1.6057074664487874 1.6691666609420086 1.6660710904789273 1.588681828901822 1.4339033057476116 1.067078205872132 0.8828917633186217 0.6785841127550649 0.5005888111277176 0.45725082464454286 0.3937916301513127 0.3241412947319197 0.2250830399132271 0.23591753653402076 0.2250830399132271 0.17710169773542148 0.18793619435621514 0.18174505343004357 +43325,0.8828917633186217,2,1.450928943294577 1.6057074664487874 1.6691666609420086 1.6660710904789273 1.588681828901822 1.4339033057476116 1.067078205872132 0.8828917633186217 0.6785841127550649 0.5005888111277176 0.45725082464454286 0.3937916301513127 0.3241412947319197 0.2250830399132271 0.23591753653402076 0.2250830399132271 0.17710169773542148 0.18793619435621514 0.18174505343004357 0.5207100191377643 +43326,1.3379406213920002,2,1.6057074664487874 1.6691666609420086 1.6660710904789273 1.588681828901822 1.4339033057476116 1.067078205872132 0.8828917633186217 0.6785841127550649 0.5005888111277176 0.45725082464454286 0.3937916301513127 0.3241412947319197 0.2250830399132271 0.23591753653402076 0.2250830399132271 0.17710169773542148 0.18793619435621514 0.18174505343004357 0.5207100191377643 0.8828917633186217 +43327,1.7682249157607013,2,1.6691666609420086 1.6660710904789273 1.588681828901822 1.4339033057476116 1.067078205872132 0.8828917633186217 0.6785841127550649 0.5005888111277176 0.45725082464454286 0.3937916301513127 0.3241412947319197 0.2250830399132271 0.23591753653402076 0.2250830399132271 0.17710169773542148 0.18793619435621514 0.18174505343004357 0.5207100191377643 0.8828917633186217 1.3379406213920002 +43328,2.0421829017436597,2,1.6660710904789273 1.588681828901822 1.4339033057476116 1.067078205872132 0.8828917633186217 0.6785841127550649 0.5005888111277176 0.45725082464454286 0.3937916301513127 0.3241412947319197 0.2250830399132271 0.23591753653402076 0.2250830399132271 0.17710169773542148 0.18793619435621514 0.18174505343004357 0.5207100191377643 0.8828917633186217 1.3379406213920002 1.7682249157607013 +43329,2.111833237163053,2,1.588681828901822 1.4339033057476116 1.067078205872132 0.8828917633186217 0.6785841127550649 0.5005888111277176 0.45725082464454286 0.3937916301513127 0.3241412947319197 0.2250830399132271 0.23591753653402076 0.2250830399132271 0.17710169773542148 0.18793619435621514 0.18174505343004357 0.5207100191377643 0.8828917633186217 1.3379406213920002 1.7682249157607013 2.0421829017436597 +43330,2.2062481362871234,2,1.4339033057476116 1.067078205872132 0.8828917633186217 0.6785841127550649 0.5005888111277176 0.45725082464454286 0.3937916301513127 0.3241412947319197 0.2250830399132271 0.23591753653402076 0.2250830399132271 0.17710169773542148 0.18793619435621514 0.18174505343004357 0.5207100191377643 0.8828917633186217 1.3379406213920002 1.7682249157607013 2.0421829017436597 2.111833237163053 +43331,2.153623438414687,2,1.067078205872132 0.8828917633186217 0.6785841127550649 0.5005888111277176 0.45725082464454286 0.3937916301513127 0.3241412947319197 0.2250830399132271 0.23591753653402076 0.2250830399132271 0.17710169773542148 0.18793619435621514 0.18174505343004357 0.5207100191377643 0.8828917633186217 1.3379406213920002 1.7682249157607013 2.0421829017436597 2.111833237163053 2.2062481362871234 +43332,2.0344439755859476,2,0.8828917633186217 0.6785841127550649 0.5005888111277176 0.45725082464454286 0.3937916301513127 0.3241412947319197 0.2250830399132271 0.23591753653402076 0.2250830399132271 0.17710169773542148 0.18793619435621514 0.18174505343004357 0.5207100191377643 0.8828917633186217 1.3379406213920002 1.7682249157607013 2.0421829017436597 2.111833237163053 2.2062481362871234 2.153623438414687 +43333,1.898238875210243,2,0.6785841127550649 0.5005888111277176 0.45725082464454286 0.3937916301513127 0.3241412947319197 0.2250830399132271 0.23591753653402076 0.2250830399132271 0.17710169773542148 0.18793619435621514 0.18174505343004357 0.5207100191377643 0.8828917633186217 1.3379406213920002 1.7682249157607013 2.0421829017436597 2.111833237163053 2.2062481362871234 2.153623438414687 2.0344439755859476 +43334,1.5871340436702814,2,0.5005888111277176 0.45725082464454286 0.3937916301513127 0.3241412947319197 0.2250830399132271 0.23591753653402076 0.2250830399132271 0.17710169773542148 0.18793619435621514 0.18174505343004357 0.5207100191377643 0.8828917633186217 1.3379406213920002 1.7682249157607013 2.0421829017436597 2.111833237163053 2.2062481362871234 2.153623438414687 2.0344439755859476 1.898238875210243 +43335,1.3054371315296105,2,0.45725082464454286 0.3937916301513127 0.3241412947319197 0.2250830399132271 0.23591753653402076 0.2250830399132271 0.17710169773542148 0.18793619435621514 0.18174505343004357 0.5207100191377643 0.8828917633186217 1.3379406213920002 1.7682249157607013 2.0421829017436597 2.111833237163053 2.2062481362871234 2.153623438414687 2.0344439755859476 1.898238875210243 1.5871340436702814 +43336,1.1955443800901242,2,0.3937916301513127 0.3241412947319197 0.2250830399132271 0.23591753653402076 0.2250830399132271 0.17710169773542148 0.18793619435621514 0.18174505343004357 0.5207100191377643 0.8828917633186217 1.3379406213920002 1.7682249157607013 2.0421829017436597 2.111833237163053 2.2062481362871234 2.153623438414687 2.0344439755859476 1.898238875210243 1.5871340436702814 1.3054371315296105 +43337,1.011357937536614,2,0.3241412947319197 0.2250830399132271 0.23591753653402076 0.2250830399132271 0.17710169773542148 0.18793619435621514 0.18174505343004357 0.5207100191377643 0.8828917633186217 1.3379406213920002 1.7682249157607013 2.0421829017436597 2.111833237163053 2.2062481362871234 2.153623438414687 2.0344439755859476 1.898238875210243 1.5871340436702814 1.3054371315296105 1.1955443800901242 +43338,0.8256237097515632,2,0.2250830399132271 0.23591753653402076 0.2250830399132271 0.17710169773542148 0.18793619435621514 0.18174505343004357 0.5207100191377643 0.8828917633186217 1.3379406213920002 1.7682249157607013 2.0421829017436597 2.111833237163053 2.2062481362871234 2.153623438414687 2.0344439755859476 1.898238875210243 1.5871340436702814 1.3054371315296105 1.1955443800901242 1.011357937536614 +43339,0.7791901528052982,2,0.23591753653402076 0.2250830399132271 0.17710169773542148 0.18793619435621514 0.18174505343004357 0.5207100191377643 0.8828917633186217 1.3379406213920002 1.7682249157607013 2.0421829017436597 2.111833237163053 2.2062481362871234 2.153623438414687 2.0344439755859476 1.898238875210243 1.5871340436702814 1.3054371315296105 1.1955443800901242 1.011357937536614 0.8256237097515632 +43340,0.7265654549328705,2,0.2250830399132271 0.17710169773542148 0.18793619435621514 0.18174505343004357 0.5207100191377643 0.8828917633186217 1.3379406213920002 1.7682249157607013 2.0421829017436597 2.111833237163053 2.2062481362871234 2.153623438414687 2.0344439755859476 1.898238875210243 1.5871340436702814 1.3054371315296105 1.1955443800901242 1.011357937536614 0.8256237097515632 0.7791901528052982 +43341,0.7219220992382397,2,0.17710169773542148 0.18793619435621514 0.18174505343004357 0.5207100191377643 0.8828917633186217 1.3379406213920002 1.7682249157607013 2.0421829017436597 2.111833237163053 2.2062481362871234 2.153623438414687 2.0344439755859476 1.898238875210243 1.5871340436702814 1.3054371315296105 1.1955443800901242 1.011357937536614 0.8256237097515632 0.7791901528052982 0.7265654549328705 +43342,0.6445328376611345,2,0.18793619435621514 0.18174505343004357 0.5207100191377643 0.8828917633186217 1.3379406213920002 1.7682249157607013 2.0421829017436597 2.111833237163053 2.2062481362871234 2.153623438414687 2.0344439755859476 1.898238875210243 1.5871340436702814 1.3054371315296105 1.1955443800901242 1.011357937536614 0.8256237097515632 0.7791901528052982 0.7265654549328705 0.7219220992382397 +43343,0.6151249182618348,2,0.18174505343004357 0.5207100191377643 0.8828917633186217 1.3379406213920002 1.7682249157607013 2.0421829017436597 2.111833237163053 2.2062481362871234 2.153623438414687 2.0344439755859476 1.898238875210243 1.5871340436702814 1.3054371315296105 1.1955443800901242 1.011357937536614 0.8256237097515632 0.7791901528052982 0.7265654549328705 0.7219220992382397 0.6445328376611345 +43344,0.641437267198053,2,0.5207100191377643 0.8828917633186217 1.3379406213920002 1.7682249157607013 2.0421829017436597 2.111833237163053 2.2062481362871234 2.153623438414687 2.0344439755859476 1.898238875210243 1.5871340436702814 1.3054371315296105 1.1955443800901242 1.011357937536614 0.8256237097515632 0.7791901528052982 0.7265654549328705 0.7219220992382397 0.6445328376611345 0.6151249182618348 +43345,0.6058382068725817,2,0.8828917633186217 1.3379406213920002 1.7682249157607013 2.0421829017436597 2.111833237163053 2.2062481362871234 2.153623438414687 2.0344439755859476 1.898238875210243 1.5871340436702814 1.3054371315296105 1.1955443800901242 1.011357937536614 0.8256237097515632 0.7791901528052982 0.7265654549328705 0.7219220992382397 0.6445328376611345 0.6151249182618348 0.641437267198053 +43346,0.6058382068725817,2,1.3379406213920002 1.7682249157607013 2.0421829017436597 2.111833237163053 2.2062481362871234 2.153623438414687 2.0344439755859476 1.898238875210243 1.5871340436702814 1.3054371315296105 1.1955443800901242 1.011357937536614 0.8256237097515632 0.7791901528052982 0.7265654549328705 0.7219220992382397 0.6445328376611345 0.6151249182618348 0.641437267198053 0.6058382068725817 +43347,0.5733347170102008,2,1.7682249157607013 2.0421829017436597 2.111833237163053 2.2062481362871234 2.153623438414687 2.0344439755859476 1.898238875210243 1.5871340436702814 1.3054371315296105 1.1955443800901242 1.011357937536614 0.8256237097515632 0.7791901528052982 0.7265654549328705 0.7219220992382397 0.6445328376611345 0.6151249182618348 0.641437267198053 0.6058382068725817 0.6058382068725817 +43348,0.7838335084999292,2,2.0421829017436597 2.111833237163053 2.2062481362871234 2.153623438414687 2.0344439755859476 1.898238875210243 1.5871340436702814 1.3054371315296105 1.1955443800901242 1.011357937536614 0.8256237097515632 0.7791901528052982 0.7265654549328705 0.7219220992382397 0.6445328376611345 0.6151249182618348 0.641437267198053 0.6058382068725817 0.6058382068725817 0.5733347170102008 +43349,0.9664721658218898,2,2.111833237163053 2.2062481362871234 2.153623438414687 2.0344439755859476 1.898238875210243 1.5871340436702814 1.3054371315296105 1.1955443800901242 1.011357937536614 0.8256237097515632 0.7791901528052982 0.7265654549328705 0.7219220992382397 0.6445328376611345 0.6151249182618348 0.641437267198053 0.6058382068725817 0.6058382068725817 0.5733347170102008 0.7838335084999292 +43350,1.285315923519564,2,2.2062481362871234 2.153623438414687 2.0344439755859476 1.898238875210243 1.5871340436702814 1.3054371315296105 1.1955443800901242 1.011357937536614 0.8256237097515632 0.7791901528052982 0.7265654549328705 0.7219220992382397 0.6445328376611345 0.6151249182618348 0.641437267198053 0.6058382068725817 0.6058382068725817 0.5733347170102008 0.7838335084999292 0.9664721658218898 +43351,1.6149941778380315,2,2.153623438414687 2.0344439755859476 1.898238875210243 1.5871340436702814 1.3054371315296105 1.1955443800901242 1.011357937536614 0.8256237097515632 0.7791901528052982 0.7265654549328705 0.7219220992382397 0.6445328376611345 0.6151249182618348 0.641437267198053 0.6058382068725817 0.6058382068725817 0.5733347170102008 0.7838335084999292 0.9664721658218898 1.285315923519564 +43352,1.9632458549350051,2,2.0344439755859476 1.898238875210243 1.5871340436702814 1.3054371315296105 1.1955443800901242 1.011357937536614 0.8256237097515632 0.7791901528052982 0.7265654549328705 0.7219220992382397 0.6445328376611345 0.6151249182618348 0.641437267198053 0.6058382068725817 0.6058382068725817 0.5733347170102008 0.7838335084999292 0.9664721658218898 1.285315923519564 1.6149941778380315 +43353,2.1149288076261343,2,1.898238875210243 1.5871340436702814 1.3054371315296105 1.1955443800901242 1.011357937536614 0.8256237097515632 0.7791901528052982 0.7265654549328705 0.7219220992382397 0.6445328376611345 0.6151249182618348 0.641437267198053 0.6058382068725817 0.6058382068725817 0.5733347170102008 0.7838335084999292 0.9664721658218898 1.285315923519564 1.6149941778380315 1.9632458549350051 +43354,2.2248215590656293,2,1.5871340436702814 1.3054371315296105 1.1955443800901242 1.011357937536614 0.8256237097515632 0.7791901528052982 0.7265654549328705 0.7219220992382397 0.6445328376611345 0.6151249182618348 0.641437267198053 0.6058382068725817 0.6058382068725817 0.5733347170102008 0.7838335084999292 0.9664721658218898 1.285315923519564 1.6149941778380315 1.9632458549350051 2.1149288076261343 +43355,2.152075653183146,2,1.3054371315296105 1.1955443800901242 1.011357937536614 0.8256237097515632 0.7791901528052982 0.7265654549328705 0.7219220992382397 0.6445328376611345 0.6151249182618348 0.641437267198053 0.6058382068725817 0.6058382068725817 0.5733347170102008 0.7838335084999292 0.9664721658218898 1.285315923519564 1.6149941778380315 1.9632458549350051 2.1149288076261343 2.2248215590656293 +43356,1.9942015595658542,2,1.1955443800901242 1.011357937536614 0.8256237097515632 0.7791901528052982 0.7265654549328705 0.7219220992382397 0.6445328376611345 0.6151249182618348 0.641437267198053 0.6058382068725817 0.6058382068725817 0.5733347170102008 0.7838335084999292 0.9664721658218898 1.285315923519564 1.6149941778380315 1.9632458549350051 2.1149288076261343 2.2248215590656293 2.152075653183146 +43357,1.8641876001163125,2,1.011357937536614 0.8256237097515632 0.7791901528052982 0.7265654549328705 0.7219220992382397 0.6445328376611345 0.6151249182618348 0.641437267198053 0.6058382068725817 0.6058382068725817 0.5733347170102008 0.7838335084999292 0.9664721658218898 1.285315923519564 1.6149941778380315 1.9632458549350051 2.1149288076261343 2.2248215590656293 2.152075653183146 1.9942015595658542 +43358,1.6273764596903746,2,0.8256237097515632 0.7791901528052982 0.7265654549328705 0.7219220992382397 0.6445328376611345 0.6151249182618348 0.641437267198053 0.6058382068725817 0.6058382068725817 0.5733347170102008 0.7838335084999292 0.9664721658218898 1.285315923519564 1.6149941778380315 1.9632458549350051 2.1149288076261343 2.2248215590656293 2.152075653183146 1.9942015595658542 1.8641876001163125 +43359,1.3549662589389655,2,0.7791901528052982 0.7265654549328705 0.7219220992382397 0.6445328376611345 0.6151249182618348 0.641437267198053 0.6058382068725817 0.6058382068725817 0.5733347170102008 0.7838335084999292 0.9664721658218898 1.285315923519564 1.6149941778380315 1.9632458549350051 2.1149288076261343 2.2248215590656293 2.152075653183146 1.9942015595658542 1.8641876001163125 1.6273764596903746 +43360,1.1227984742076498,2,0.7265654549328705 0.7219220992382397 0.6445328376611345 0.6151249182618348 0.641437267198053 0.6058382068725817 0.6058382068725817 0.5733347170102008 0.7838335084999292 0.9664721658218898 1.285315923519564 1.6149941778380315 1.9632458549350051 2.1149288076261343 2.2248215590656293 2.152075653183146 1.9942015595658542 1.8641876001163125 1.6273764596903746 1.3549662589389655 +43361,0.997427870452739,2,0.7219220992382397 0.6445328376611345 0.6151249182618348 0.641437267198053 0.6058382068725817 0.6058382068725817 0.5733347170102008 0.7838335084999292 0.9664721658218898 1.285315923519564 1.6149941778380315 1.9632458549350051 2.1149288076261343 2.2248215590656293 2.152075653183146 1.9942015595658542 1.8641876001163125 1.6273764596903746 1.3549662589389655 1.1227984742076498 +43362,0.9231341793387151,2,0.6445328376611345 0.6151249182618348 0.641437267198053 0.6058382068725817 0.6058382068725817 0.5733347170102008 0.7838335084999292 0.9664721658218898 1.285315923519564 1.6149941778380315 1.9632458549350051 2.1149288076261343 2.2248215590656293 2.152075653183146 1.9942015595658542 1.8641876001163125 1.6273764596903746 1.3549662589389655 1.1227984742076498 0.997427870452739 +43363,0.7869290789630106,2,0.6151249182618348 0.641437267198053 0.6058382068725817 0.6058382068725817 0.5733347170102008 0.7838335084999292 0.9664721658218898 1.285315923519564 1.6149941778380315 1.9632458549350051 2.1149288076261343 2.2248215590656293 2.152075653183146 1.9942015595658542 1.8641876001163125 1.6273764596903746 1.3549662589389655 1.1227984742076498 0.997427870452739 0.9231341793387151 +43364,0.7265654549328705,2,0.641437267198053 0.6058382068725817 0.6058382068725817 0.5733347170102008 0.7838335084999292 0.9664721658218898 1.285315923519564 1.6149941778380315 1.9632458549350051 2.1149288076261343 2.2248215590656293 2.152075653183146 1.9942015595658542 1.8641876001163125 1.6273764596903746 1.3549662589389655 1.1227984742076498 0.997427870452739 0.9231341793387151 0.7869290789630106 +43365,0.6553673342819281,2,0.6058382068725817 0.6058382068725817 0.5733347170102008 0.7838335084999292 0.9664721658218898 1.285315923519564 1.6149941778380315 1.9632458549350051 2.1149288076261343 2.2248215590656293 2.152075653183146 1.9942015595658542 1.8641876001163125 1.6273764596903746 1.3549662589389655 1.1227984742076498 0.997427870452739 0.9231341793387151 0.7869290789630106 0.7265654549328705 +43366,0.6352461262718814,2,0.6058382068725817 0.5733347170102008 0.7838335084999292 0.9664721658218898 1.285315923519564 1.6149941778380315 1.9632458549350051 2.1149288076261343 2.2248215590656293 2.152075653183146 1.9942015595658542 1.8641876001163125 1.6273764596903746 1.3549662589389655 1.1227984742076498 0.997427870452739 0.9231341793387151 0.7869290789630106 0.7265654549328705 0.6553673342819281 +43367,0.5377356566847294,2,0.5733347170102008 0.7838335084999292 0.9664721658218898 1.285315923519564 1.6149941778380315 1.9632458549350051 2.1149288076261343 2.2248215590656293 2.152075653183146 1.9942015595658542 1.8641876001163125 1.6273764596903746 1.3549662589389655 1.1227984742076498 0.997427870452739 0.9231341793387151 0.7869290789630106 0.7265654549328705 0.6553673342819281 0.6352461262718814 +43368,0.4789198178861302,2,0.7838335084999292 0.9664721658218898 1.285315923519564 1.6149941778380315 1.9632458549350051 2.1149288076261343 2.2248215590656293 2.152075653183146 1.9942015595658542 1.8641876001163125 1.6273764596903746 1.3549662589389655 1.1227984742076498 0.997427870452739 0.9231341793387151 0.7869290789630106 0.7265654549328705 0.6553673342819281 0.6352461262718814 0.5377356566847294 +43369,0.4417729723291183,2,0.9664721658218898 1.285315923519564 1.6149941778380315 1.9632458549350051 2.1149288076261343 2.2248215590656293 2.152075653183146 1.9942015595658542 1.8641876001163125 1.6273764596903746 1.3549662589389655 1.1227984742076498 0.997427870452739 0.9231341793387151 0.7869290789630106 0.7265654549328705 0.6553673342819281 0.6352461262718814 0.5377356566847294 0.4789198178861302 +43370,0.44641632802374914,2,1.285315923519564 1.6149941778380315 1.9632458549350051 2.1149288076261343 2.2248215590656293 2.152075653183146 1.9942015595658542 1.8641876001163125 1.6273764596903746 1.3549662589389655 1.1227984742076498 0.997427870452739 0.9231341793387151 0.7869290789630106 0.7265654549328705 0.6553673342819281 0.6352461262718814 0.5377356566847294 0.4789198178861302 0.4417729723291183 +43371,0.36593149598355373,2,1.6149941778380315 1.9632458549350051 2.1149288076261343 2.2248215590656293 2.152075653183146 1.9942015595658542 1.8641876001163125 1.6273764596903746 1.3549662589389655 1.1227984742076498 0.997427870452739 0.9231341793387151 0.7869290789630106 0.7265654549328705 0.6553673342819281 0.6352461262718814 0.5377356566847294 0.4789198178861302 0.4417729723291183 0.44641632802374914 +43372,0.5578568646947761,2,1.9632458549350051 2.1149288076261343 2.2248215590656293 2.152075653183146 1.9942015595658542 1.8641876001163125 1.6273764596903746 1.3549662589389655 1.1227984742076498 0.997427870452739 0.9231341793387151 0.7869290789630106 0.7265654549328705 0.6553673342819281 0.6352461262718814 0.5377356566847294 0.4789198178861302 0.4417729723291183 0.44641632802374914 0.36593149598355373 +43373,0.7745467971106762,2,2.1149288076261343 2.2248215590656293 2.152075653183146 1.9942015595658542 1.8641876001163125 1.6273764596903746 1.3549662589389655 1.1227984742076498 0.997427870452739 0.9231341793387151 0.7869290789630106 0.7265654549328705 0.6553673342819281 0.6352461262718814 0.5377356566847294 0.4789198178861302 0.4417729723291183 0.44641632802374914 0.36593149598355373 0.5578568646947761 +43374,1.0144535079996955,2,2.2248215590656293 2.152075653183146 1.9942015595658542 1.8641876001163125 1.6273764596903746 1.3549662589389655 1.1227984742076498 0.997427870452739 0.9231341793387151 0.7869290789630106 0.7265654549328705 0.6553673342819281 0.6352461262718814 0.5377356566847294 0.4789198178861302 0.4417729723291183 0.44641632802374914 0.36593149598355373 0.5578568646947761 0.7745467971106762 +43375,1.2868637087511132,2,2.152075653183146 1.9942015595658542 1.8641876001163125 1.6273764596903746 1.3549662589389655 1.1227984742076498 0.997427870452739 0.9231341793387151 0.7869290789630106 0.7265654549328705 0.6553673342819281 0.6352461262718814 0.5377356566847294 0.4789198178861302 0.4417729723291183 0.44641632802374914 0.36593149598355373 0.5578568646947761 0.7745467971106762 1.0144535079996955 +43376,1.4524767285261175,2,1.9942015595658542 1.8641876001163125 1.6273764596903746 1.3549662589389655 1.1227984742076498 0.997427870452739 0.9231341793387151 0.7869290789630106 0.7265654549328705 0.6553673342819281 0.6352461262718814 0.5377356566847294 0.4789198178861302 0.4417729723291183 0.44641632802374914 0.36593149598355373 0.5578568646947761 0.7745467971106762 1.0144535079996955 1.2868637087511132 +43377,1.5716561913548568,2,1.8641876001163125 1.6273764596903746 1.3549662589389655 1.1227984742076498 0.997427870452739 0.9231341793387151 0.7869290789630106 0.7265654549328705 0.6553673342819281 0.6352461262718814 0.5377356566847294 0.4789198178861302 0.4417729723291183 0.44641632802374914 0.36593149598355373 0.5578568646947761 0.7745467971106762 1.0144535079996955 1.2868637087511132 1.4524767285261175 +43378,1.6320198153849967,2,1.6273764596903746 1.3549662589389655 1.1227984742076498 0.997427870452739 0.9231341793387151 0.7869290789630106 0.7265654549328705 0.6553673342819281 0.6352461262718814 0.5377356566847294 0.4789198178861302 0.4417729723291183 0.44641632802374914 0.36593149598355373 0.5578568646947761 0.7745467971106762 1.0144535079996955 1.2868637087511132 1.4524767285261175 1.5716561913548568 +43379,1.6413065267742497,2,1.3549662589389655 1.1227984742076498 0.997427870452739 0.9231341793387151 0.7869290789630106 0.7265654549328705 0.6553673342819281 0.6352461262718814 0.5377356566847294 0.4789198178861302 0.4417729723291183 0.44641632802374914 0.36593149598355373 0.5578568646947761 0.7745467971106762 1.0144535079996955 1.2868637087511132 1.4524767285261175 1.5716561913548568 1.6320198153849967 +43380,1.597968540291075,2,1.1227984742076498 0.997427870452739 0.9231341793387151 0.7869290789630106 0.7265654549328705 0.6553673342819281 0.6352461262718814 0.5377356566847294 0.4789198178861302 0.4417729723291183 0.44641632802374914 0.36593149598355373 0.5578568646947761 0.7745467971106762 1.0144535079996955 1.2868637087511132 1.4524767285261175 1.5716561913548568 1.6320198153849967 1.6413065267742497 +43381,1.4772412922307863,2,0.997427870452739 0.9231341793387151 0.7869290789630106 0.7265654549328705 0.6553673342819281 0.6352461262718814 0.5377356566847294 0.4789198178861302 0.4417729723291183 0.44641632802374914 0.36593149598355373 0.5578568646947761 0.7745467971106762 1.0144535079996955 1.2868637087511132 1.4524767285261175 1.5716561913548568 1.6320198153849967 1.6413065267742497 1.597968540291075 +43382,1.2528124336571829,2,0.9231341793387151 0.7869290789630106 0.7265654549328705 0.6553673342819281 0.6352461262718814 0.5377356566847294 0.4789198178861302 0.4417729723291183 0.44641632802374914 0.36593149598355373 0.5578568646947761 0.7745467971106762 1.0144535079996955 1.2868637087511132 1.4524767285261175 1.5716561913548568 1.6320198153849967 1.6413065267742497 1.597968540291075 1.4772412922307863 +43383,0.9958800852211894,2,0.7869290789630106 0.7265654549328705 0.6553673342819281 0.6352461262718814 0.5377356566847294 0.4789198178861302 0.4417729723291183 0.44641632802374914 0.36593149598355373 0.5578568646947761 0.7745467971106762 1.0144535079996955 1.2868637087511132 1.4524767285261175 1.5716561913548568 1.6320198153849967 1.6413065267742497 1.597968540291075 1.4772412922307863 1.2528124336571829 +43384,0.7791901528052982,2,0.7265654549328705 0.6553673342819281 0.6352461262718814 0.5377356566847294 0.4789198178861302 0.4417729723291183 0.44641632802374914 0.36593149598355373 0.5578568646947761 0.7745467971106762 1.0144535079996955 1.2868637087511132 1.4524767285261175 1.5716561913548568 1.6320198153849967 1.6413065267742497 1.597968540291075 1.4772412922307863 1.2528124336571829 0.9958800852211894 +43385,0.6011948511779597,2,0.6553673342819281 0.6352461262718814 0.5377356566847294 0.4789198178861302 0.4417729723291183 0.44641632802374914 0.36593149598355373 0.5578568646947761 0.7745467971106762 1.0144535079996955 1.2868637087511132 1.4524767285261175 1.5716561913548568 1.6320198153849967 1.6413065267742497 1.597968540291075 1.4772412922307863 1.2528124336571829 0.9958800852211894 0.7791901528052982 +43386,0.5578568646947761,2,0.6352461262718814 0.5377356566847294 0.4789198178861302 0.4417729723291183 0.44641632802374914 0.36593149598355373 0.5578568646947761 0.7745467971106762 1.0144535079996955 1.2868637087511132 1.4524767285261175 1.5716561913548568 1.6320198153849967 1.6413065267742497 1.597968540291075 1.4772412922307863 1.2528124336571829 0.9958800852211894 0.7791901528052982 0.6011948511779597 +43387,0.4773720326545895,2,0.5377356566847294 0.4789198178861302 0.4417729723291183 0.44641632802374914 0.36593149598355373 0.5578568646947761 0.7745467971106762 1.0144535079996955 1.2868637087511132 1.4524767285261175 1.5716561913548568 1.6320198153849967 1.6413065267742497 1.597968540291075 1.4772412922307863 1.2528124336571829 0.9958800852211894 0.7791901528052982 0.6011948511779597 0.5578568646947761 +43388,0.38140934829897827,2,0.4789198178861302 0.4417729723291183 0.44641632802374914 0.36593149598355373 0.5578568646947761 0.7745467971106762 1.0144535079996955 1.2868637087511132 1.4524767285261175 1.5716561913548568 1.6320198153849967 1.6413065267742497 1.597968540291075 1.4772412922307863 1.2528124336571829 0.9958800852211894 0.7791901528052982 0.6011948511779597 0.5578568646947761 0.4773720326545895 +43389,0.3210457242688383,2,0.4417729723291183 0.44641632802374914 0.36593149598355373 0.5578568646947761 0.7745467971106762 1.0144535079996955 1.2868637087511132 1.4524767285261175 1.5716561913548568 1.6320198153849967 1.6413065267742497 1.597968540291075 1.4772412922307863 1.2528124336571829 0.9958800852211894 0.7791901528052982 0.6011948511779597 0.5578568646947761 0.4773720326545895 0.38140934829897827 +43390,0.23746532176556145,2,0.44641632802374914 0.36593149598355373 0.5578568646947761 0.7745467971106762 1.0144535079996955 1.2868637087511132 1.4524767285261175 1.5716561913548568 1.6320198153849967 1.6413065267742497 1.597968540291075 1.4772412922307863 1.2528124336571829 0.9958800852211894 0.7791901528052982 0.6011948511779597 0.5578568646947761 0.4773720326545895 0.38140934829897827 0.3210457242688383 +43391,0.18948397958775584,2,0.36593149598355373 0.5578568646947761 0.7745467971106762 1.0144535079996955 1.2868637087511132 1.4524767285261175 1.5716561913548568 1.6320198153849967 1.6413065267742497 1.597968540291075 1.4772412922307863 1.2528124336571829 0.9958800852211894 0.7791901528052982 0.6011948511779597 0.5578568646947761 0.4773720326545895 0.38140934829897827 0.3210457242688383 0.23746532176556145 +43392,0.15388491926228462,2,0.5578568646947761 0.7745467971106762 1.0144535079996955 1.2868637087511132 1.4524767285261175 1.5716561913548568 1.6320198153849967 1.6413065267742497 1.597968540291075 1.4772412922307863 1.2528124336571829 0.9958800852211894 0.7791901528052982 0.6011948511779597 0.5578568646947761 0.4773720326545895 0.38140934829897827 0.3210457242688383 0.23746532176556145 0.18948397958775584 +43393,0.13685928171532816,2,0.7745467971106762 1.0144535079996955 1.2868637087511132 1.4524767285261175 1.5716561913548568 1.6320198153849967 1.6413065267742497 1.597968540291075 1.4772412922307863 1.2528124336571829 0.9958800852211894 0.7791901528052982 0.6011948511779597 0.5578568646947761 0.4773720326545895 0.38140934829897827 0.3210457242688383 0.23746532176556145 0.18948397958775584 0.15388491926228462 +43394,0.12447699986298497,2,1.0144535079996955 1.2868637087511132 1.4524767285261175 1.5716561913548568 1.6320198153849967 1.6413065267742497 1.597968540291075 1.4772412922307863 1.2528124336571829 0.9958800852211894 0.7791901528052982 0.6011948511779597 0.5578568646947761 0.4773720326545895 0.38140934829897827 0.3210457242688383 0.23746532176556145 0.18948397958775584 0.15388491926228462 0.13685928171532816 +43395,0.11364250324219129,2,1.2868637087511132 1.4524767285261175 1.5716561913548568 1.6320198153849967 1.6413065267742497 1.597968540291075 1.4772412922307863 1.2528124336571829 0.9958800852211894 0.7791901528052982 0.6011948511779597 0.5578568646947761 0.4773720326545895 0.38140934829897827 0.3210457242688383 0.23746532176556145 0.18948397958775584 0.15388491926228462 0.13685928171532816 0.12447699986298497 +43396,0.23746532176556145,2,1.4524767285261175 1.5716561913548568 1.6320198153849967 1.6413065267742497 1.597968540291075 1.4772412922307863 1.2528124336571829 0.9958800852211894 0.7791901528052982 0.6011948511779597 0.5578568646947761 0.4773720326545895 0.38140934829897827 0.3210457242688383 0.23746532176556145 0.18948397958775584 0.15388491926228462 0.13685928171532816 0.12447699986298497 0.11364250324219129 +43397,0.34735807320504775,2,1.5716561913548568 1.6320198153849967 1.6413065267742497 1.597968540291075 1.4772412922307863 1.2528124336571829 0.9958800852211894 0.7791901528052982 0.6011948511779597 0.5578568646947761 0.4773720326545895 0.38140934829897827 0.3210457242688383 0.23746532176556145 0.18948397958775584 0.15388491926228462 0.13685928171532816 0.12447699986298497 0.11364250324219129 0.23746532176556145 +43398,0.5764302874732822,2,1.6320198153849967 1.6413065267742497 1.597968540291075 1.4772412922307863 1.2528124336571829 0.9958800852211894 0.7791901528052982 0.6011948511779597 0.5578568646947761 0.4773720326545895 0.38140934829897827 0.3210457242688383 0.23746532176556145 0.18948397958775584 0.15388491926228462 0.13685928171532816 0.12447699986298497 0.11364250324219129 0.23746532176556145 0.34735807320504775 +43399,0.7962157903522635,2,1.6413065267742497 1.597968540291075 1.4772412922307863 1.2528124336571829 0.9958800852211894 0.7791901528052982 0.6011948511779597 0.5578568646947761 0.4773720326545895 0.38140934829897827 0.3210457242688383 0.23746532176556145 0.18948397958775584 0.15388491926228462 0.13685928171532816 0.12447699986298497 0.11364250324219129 0.23746532176556145 0.34735807320504775 0.5764302874732822 +43400,0.9680199510534393,2,1.597968540291075 1.4772412922307863 1.2528124336571829 0.9958800852211894 0.7791901528052982 0.6011948511779597 0.5578568646947761 0.4773720326545895 0.38140934829897827 0.3210457242688383 0.23746532176556145 0.18948397958775584 0.15388491926228462 0.13685928171532816 0.12447699986298497 0.11364250324219129 0.23746532176556145 0.34735807320504775 0.5764302874732822 0.7962157903522635 +43401,1.1491108231438594,2,1.4772412922307863 1.2528124336571829 0.9958800852211894 0.7791901528052982 0.6011948511779597 0.5578568646947761 0.4773720326545895 0.38140934829897827 0.3210457242688383 0.23746532176556145 0.18948397958775584 0.15388491926228462 0.13685928171532816 0.12447699986298497 0.11364250324219129 0.23746532176556145 0.34735807320504775 0.5764302874732822 0.7962157903522635 0.9680199510534393 +43402,1.2590035745833543,2,1.2528124336571829 0.9958800852211894 0.7791901528052982 0.6011948511779597 0.5578568646947761 0.4773720326545895 0.38140934829897827 0.3210457242688383 0.23746532176556145 0.18948397958775584 0.15388491926228462 0.13685928171532816 0.12447699986298497 0.11364250324219129 0.23746532176556145 0.34735807320504775 0.5764302874732822 0.7962157903522635 0.9680199510534393 1.1491108231438594 +43403,1.2265000847209646,2,0.9958800852211894 0.7791901528052982 0.6011948511779597 0.5578568646947761 0.4773720326545895 0.38140934829897827 0.3210457242688383 0.23746532176556145 0.18948397958775584 0.15388491926228462 0.13685928171532816 0.12447699986298497 0.11364250324219129 0.23746532176556145 0.34735807320504775 0.5764302874732822 0.7962157903522635 0.9680199510534393 1.1491108231438594 1.2590035745833543 +43404,1.1413718969861557,2,0.7791901528052982 0.6011948511779597 0.5578568646947761 0.4773720326545895 0.38140934829897827 0.3210457242688383 0.23746532176556145 0.18948397958775584 0.15388491926228462 0.13685928171532816 0.12447699986298497 0.11364250324219129 0.23746532176556145 0.34735807320504775 0.5764302874732822 0.7962157903522635 0.9680199510534393 1.1491108231438594 1.2590035745833543 1.2265000847209646 +43405,0.9680199510534393,2,0.6011948511779597 0.5578568646947761 0.4773720326545895 0.38140934829897827 0.3210457242688383 0.23746532176556145 0.18948397958775584 0.15388491926228462 0.13685928171532816 0.12447699986298497 0.11364250324219129 0.23746532176556145 0.34735807320504775 0.5764302874732822 0.7962157903522635 0.9680199510534393 1.1491108231438594 1.2590035745833543 1.2265000847209646 1.1413718969861557 +43406,0.7575211595637109,2,0.5578568646947761 0.4773720326545895 0.38140934829897827 0.3210457242688383 0.23746532176556145 0.18948397958775584 0.15388491926228462 0.13685928171532816 0.12447699986298497 0.11364250324219129 0.23746532176556145 0.34735807320504775 0.5764302874732822 0.7962157903522635 0.9680199510534393 1.1491108231438594 1.2590035745833543 1.2265000847209646 1.1413718969861557 0.9680199510534393 +43407,0.5114233077485113,2,0.4773720326545895 0.38140934829897827 0.3210457242688383 0.23746532176556145 0.18948397958775584 0.15388491926228462 0.13685928171532816 0.12447699986298497 0.11364250324219129 0.23746532176556145 0.34735807320504775 0.5764302874732822 0.7962157903522635 0.9680199510534393 1.1491108231438594 1.2590035745833543 1.2265000847209646 1.1413718969861557 0.9680199510534393 0.7575211595637109 +43408,0.38605270399360037,2,0.38140934829897827 0.3210457242688383 0.23746532176556145 0.18948397958775584 0.15388491926228462 0.13685928171532816 0.12447699986298497 0.11364250324219129 0.23746532176556145 0.34735807320504775 0.5764302874732822 0.7962157903522635 0.9680199510534393 1.1491108231438594 1.2590035745833543 1.2265000847209646 1.1413718969861557 0.9680199510534393 0.7575211595637109 0.5114233077485113 +43409,0.23436975130248006,2,0.3210457242688383 0.23746532176556145 0.18948397958775584 0.15388491926228462 0.13685928171532816 0.12447699986298497 0.11364250324219129 0.23746532176556145 0.34735807320504775 0.5764302874732822 0.7962157903522635 0.9680199510534393 1.1491108231438594 1.2590035745833543 1.2265000847209646 1.1413718969861557 0.9680199510534393 0.7575211595637109 0.5114233077485113 0.38605270399360037 +43410,0.24675203315481445,2,0.23746532176556145 0.18948397958775584 0.15388491926228462 0.13685928171532816 0.12447699986298497 0.11364250324219129 0.23746532176556145 0.34735807320504775 0.5764302874732822 0.7962157903522635 0.9680199510534393 1.1491108231438594 1.2590035745833543 1.2265000847209646 1.1413718969861557 0.9680199510534393 0.7575211595637109 0.5114233077485113 0.38605270399360037 0.23436975130248006 +43411,0.16781498634616848,2,0.18948397958775584 0.15388491926228462 0.13685928171532816 0.12447699986298497 0.11364250324219129 0.23746532176556145 0.34735807320504775 0.5764302874732822 0.7962157903522635 0.9680199510534393 1.1491108231438594 1.2590035745833543 1.2265000847209646 1.1413718969861557 0.9680199510534393 0.7575211595637109 0.5114233077485113 0.38605270399360037 0.23436975130248006 0.24675203315481445 +43412,0.09816465092677551,2,0.15388491926228462 0.13685928171532816 0.12447699986298497 0.11364250324219129 0.23746532176556145 0.34735807320504775 0.5764302874732822 0.7962157903522635 0.9680199510534393 1.1491108231438594 1.2590035745833543 1.2265000847209646 1.1413718969861557 0.9680199510534393 0.7575211595637109 0.5114233077485113 0.38605270399360037 0.23436975130248006 0.24675203315481445 0.16781498634616848 +43413,0.07959122814826955,2,0.13685928171532816 0.12447699986298497 0.11364250324219129 0.23746532176556145 0.34735807320504775 0.5764302874732822 0.7962157903522635 0.9680199510534393 1.1491108231438594 1.2590035745833543 1.2265000847209646 1.1413718969861557 0.9680199510534393 0.7575211595637109 0.5114233077485113 0.38605270399360037 0.23436975130248006 0.24675203315481445 0.16781498634616848 0.09816465092677551 +43414,0.05792223490668219,2,0.12447699986298497 0.11364250324219129 0.23746532176556145 0.34735807320504775 0.5764302874732822 0.7962157903522635 0.9680199510534393 1.1491108231438594 1.2590035745833543 1.2265000847209646 1.1413718969861557 0.9680199510534393 0.7575211595637109 0.5114233077485113 0.38605270399360037 0.23436975130248006 0.24675203315481445 0.16781498634616848 0.09816465092677551 0.07959122814826955 +43415,0.0022019665711642948,2,0.11364250324219129 0.23746532176556145 0.34735807320504775 0.5764302874732822 0.7962157903522635 0.9680199510534393 1.1491108231438594 1.2590035745833543 1.2265000847209646 1.1413718969861557 0.9680199510534393 0.7575211595637109 0.5114233077485113 0.38605270399360037 0.23436975130248006 0.24675203315481445 0.16781498634616848 0.09816465092677551 0.07959122814826955 0.05792223490668219 +43416,-0.06435279838514728,2,0.23746532176556145 0.34735807320504775 0.5764302874732822 0.7962157903522635 0.9680199510534393 1.1491108231438594 1.2590035745833543 1.2265000847209646 1.1413718969861557 0.9680199510534393 0.7575211595637109 0.5114233077485113 0.38605270399360037 0.23436975130248006 0.24675203315481445 0.16781498634616848 0.09816465092677551 0.07959122814826955 0.05792223490668219 0.0022019665711642948 +43417,-0.061257227922065886,2,0.34735807320504775 0.5764302874732822 0.7962157903522635 0.9680199510534393 1.1491108231438594 1.2590035745833543 1.2265000847209646 1.1413718969861557 0.9680199510534393 0.7575211595637109 0.5114233077485113 0.38605270399360037 0.23436975130248006 0.24675203315481445 0.16781498634616848 0.09816465092677551 0.07959122814826955 0.05792223490668219 0.0022019665711642948 -0.06435279838514728 +43418,-0.09685628824752832,2,0.5764302874732822 0.7962157903522635 0.9680199510534393 1.1491108231438594 1.2590035745833543 1.2265000847209646 1.1413718969861557 0.9680199510534393 0.7575211595637109 0.5114233077485113 0.38605270399360037 0.23436975130248006 0.24675203315481445 0.16781498634616848 0.09816465092677551 0.07959122814826955 0.05792223490668219 0.0022019665711642948 -0.06435279838514728 -0.061257227922065886 +43419,-0.11852528148912447,2,0.7962157903522635 0.9680199510534393 1.1491108231438594 1.2590035745833543 1.2265000847209646 1.1413718969861557 0.9680199510534393 0.7575211595637109 0.5114233077485113 0.38605270399360037 0.23436975130248006 0.24675203315481445 0.16781498634616848 0.09816465092677551 0.07959122814826955 0.05792223490668219 0.0022019665711642948 -0.06435279838514728 -0.061257227922065886 -0.09685628824752832 +43420,0.07185230199055727,2,0.9680199510534393 1.1491108231438594 1.2590035745833543 1.2265000847209646 1.1413718969861557 0.9680199510534393 0.7575211595637109 0.5114233077485113 0.38605270399360037 0.23436975130248006 0.24675203315481445 0.16781498634616848 0.09816465092677551 0.07959122814826955 0.05792223490668219 0.0022019665711642948 -0.06435279838514728 -0.061257227922065886 -0.09685628824752832 -0.11852528148912447 +43421,0.35509699936276,2,1.1491108231438594 1.2590035745833543 1.2265000847209646 1.1413718969861557 0.9680199510534393 0.7575211595637109 0.5114233077485113 0.38605270399360037 0.23436975130248006 0.24675203315481445 0.16781498634616848 0.09816465092677551 0.07959122814826955 0.05792223490668219 0.0022019665711642948 -0.06435279838514728 -0.061257227922065886 -0.09685628824752832 -0.11852528148912447 0.07185230199055727 +43422,0.6182204887249162,2,1.2590035745833543 1.2265000847209646 1.1413718969861557 0.9680199510534393 0.7575211595637109 0.5114233077485113 0.38605270399360037 0.23436975130248006 0.24675203315481445 0.16781498634616848 0.09816465092677551 0.07959122814826955 0.05792223490668219 0.0022019665711642948 -0.06435279838514728 -0.061257227922065886 -0.09685628824752832 -0.11852528148912447 0.07185230199055727 0.35509699936276 +43423,0.6909663946073993,2,1.2265000847209646 1.1413718969861557 0.9680199510534393 0.7575211595637109 0.5114233077485113 0.38605270399360037 0.23436975130248006 0.24675203315481445 0.16781498634616848 0.09816465092677551 0.07959122814826955 0.05792223490668219 0.0022019665711642948 -0.06435279838514728 -0.061257227922065886 -0.09685628824752832 -0.11852528148912447 0.07185230199055727 0.35509699936276 0.6182204887249162 +43424,0.7699034414160453,2,1.1413718969861557 0.9680199510534393 0.7575211595637109 0.5114233077485113 0.38605270399360037 0.23436975130248006 0.24675203315481445 0.16781498634616848 0.09816465092677551 0.07959122814826955 0.05792223490668219 0.0022019665711642948 -0.06435279838514728 -0.061257227922065886 -0.09685628824752832 -0.11852528148912447 0.07185230199055727 0.35509699936276 0.6182204887249162 0.6909663946073993 +43425,0.8767006223924502,2,0.9680199510534393 0.7575211595637109 0.5114233077485113 0.38605270399360037 0.23436975130248006 0.24675203315481445 0.16781498634616848 0.09816465092677551 0.07959122814826955 0.05792223490668219 0.0022019665711642948 -0.06435279838514728 -0.061257227922065886 -0.09685628824752832 -0.11852528148912447 0.07185230199055727 0.35509699936276 0.6182204887249162 0.6909663946073993 0.7699034414160453 +43426,0.9277775350333372,2,0.7575211595637109 0.5114233077485113 0.38605270399360037 0.23436975130248006 0.24675203315481445 0.16781498634616848 0.09816465092677551 0.07959122814826955 0.05792223490668219 0.0022019665711642948 -0.06435279838514728 -0.061257227922065886 -0.09685628824752832 -0.11852528148912447 0.07185230199055727 0.35509699936276 0.6182204887249162 0.6909663946073993 0.7699034414160453 0.8767006223924502 +43427,0.8395537768354382,2,0.5114233077485113 0.38605270399360037 0.23436975130248006 0.24675203315481445 0.16781498634616848 0.09816465092677551 0.07959122814826955 0.05792223490668219 0.0022019665711642948 -0.06435279838514728 -0.061257227922065886 -0.09685628824752832 -0.11852528148912447 0.07185230199055727 0.35509699936276 0.6182204887249162 0.6909663946073993 0.7699034414160453 0.8767006223924502 0.9277775350333372 +43428,0.8209803540569323,2,0.38605270399360037 0.23436975130248006 0.24675203315481445 0.16781498634616848 0.09816465092677551 0.07959122814826955 0.05792223490668219 0.0022019665711642948 -0.06435279838514728 -0.061257227922065886 -0.09685628824752832 -0.11852528148912447 0.07185230199055727 0.35509699936276 0.6182204887249162 0.6909663946073993 0.7699034414160453 0.8767006223924502 0.9277775350333372 0.8395537768354382 +43429,0.75287780386908,2,0.23436975130248006 0.24675203315481445 0.16781498634616848 0.09816465092677551 0.07959122814826955 0.05792223490668219 0.0022019665711642948 -0.06435279838514728 -0.061257227922065886 -0.09685628824752832 -0.11852528148912447 0.07185230199055727 0.35509699936276 0.6182204887249162 0.6909663946073993 0.7699034414160453 0.8767006223924502 0.9277775350333372 0.8395537768354382 0.8209803540569323 +43430,0.7048964616912744,2,0.24675203315481445 0.16781498634616848 0.09816465092677551 0.07959122814826955 0.05792223490668219 0.0022019665711642948 -0.06435279838514728 -0.061257227922065886 -0.09685628824752832 -0.11852528148912447 0.07185230199055727 0.35509699936276 0.6182204887249162 0.6909663946073993 0.7699034414160453 0.8767006223924502 0.9277775350333372 0.8395537768354382 0.8209803540569323 0.75287780386908 +43431,0.5315445157585579,2,0.16781498634616848 0.09816465092677551 0.07959122814826955 0.05792223490668219 0.0022019665711642948 -0.06435279838514728 -0.061257227922065886 -0.09685628824752832 -0.11852528148912447 0.07185230199055727 0.35509699936276 0.6182204887249162 0.6909663946073993 0.7699034414160453 0.8767006223924502 0.9277775350333372 0.8395537768354382 0.8209803540569323 0.75287780386908 0.7048964616912744 +43432,0.40153055630902496,2,0.09816465092677551 0.07959122814826955 0.05792223490668219 0.0022019665711642948 -0.06435279838514728 -0.061257227922065886 -0.09685628824752832 -0.11852528148912447 0.07185230199055727 0.35509699936276 0.6182204887249162 0.6909663946073993 0.7699034414160453 0.8767006223924502 0.9277775350333372 0.8395537768354382 0.8209803540569323 0.75287780386908 0.7048964616912744 0.5315445157585579 +43433,0.322593509500379,2,0.07959122814826955 0.05792223490668219 0.0022019665711642948 -0.06435279838514728 -0.061257227922065886 -0.09685628824752832 -0.11852528148912447 0.07185230199055727 0.35509699936276 0.6182204887249162 0.6909663946073993 0.7699034414160453 0.8767006223924502 0.9277775350333372 0.8395537768354382 0.8209803540569323 0.75287780386908 0.7048964616912744 0.5315445157585579 0.40153055630902496 +43434,0.3086634424164951,2,0.05792223490668219 0.0022019665711642948 -0.06435279838514728 -0.061257227922065886 -0.09685628824752832 -0.11852528148912447 0.07185230199055727 0.35509699936276 0.6182204887249162 0.6909663946073993 0.7699034414160453 0.8767006223924502 0.9277775350333372 0.8395537768354382 0.8209803540569323 0.75287780386908 0.7048964616912744 0.5315445157585579 0.40153055630902496 0.322593509500379 +43435,0.2838988787118264,2,0.0022019665711642948 -0.06435279838514728 -0.061257227922065886 -0.09685628824752832 -0.11852528148912447 0.07185230199055727 0.35509699936276 0.6182204887249162 0.6909663946073993 0.7699034414160453 0.8767006223924502 0.9277775350333372 0.8395537768354382 0.8209803540569323 0.75287780386908 0.7048964616912744 0.5315445157585579 0.40153055630902496 0.322593509500379 0.3086634424164951 +43436,0.2250830399132271,2,-0.06435279838514728 -0.061257227922065886 -0.09685628824752832 -0.11852528148912447 0.07185230199055727 0.35509699936276 0.6182204887249162 0.6909663946073993 0.7699034414160453 0.8767006223924502 0.9277775350333372 0.8395537768354382 0.8209803540569323 0.75287780386908 0.7048964616912744 0.5315445157585579 0.40153055630902496 0.322593509500379 0.3086634424164951 0.2838988787118264 +43437,0.12447699986298497,2,-0.061257227922065886 -0.09685628824752832 -0.11852528148912447 0.07185230199055727 0.35509699936276 0.6182204887249162 0.6909663946073993 0.7699034414160453 0.8767006223924502 0.9277775350333372 0.8395537768354382 0.8209803540569323 0.75287780386908 0.7048964616912744 0.5315445157585579 0.40153055630902496 0.322593509500379 0.3086634424164951 0.2838988787118264 0.2250830399132271 +43438,0.15388491926228462,2,-0.09685628824752832 -0.11852528148912447 0.07185230199055727 0.35509699936276 0.6182204887249162 0.6909663946073993 0.7699034414160453 0.8767006223924502 0.9277775350333372 0.8395537768354382 0.8209803540569323 0.75287780386908 0.7048964616912744 0.5315445157585579 0.40153055630902496 0.322593509500379 0.3086634424164951 0.2838988787118264 0.2250830399132271 0.12447699986298497 +43439,0.09506908046368533,2,-0.11852528148912447 0.07185230199055727 0.35509699936276 0.6182204887249162 0.6909663946073993 0.7699034414160453 0.8767006223924502 0.9277775350333372 0.8395537768354382 0.8209803540569323 0.75287780386908 0.7048964616912744 0.5315445157585579 0.40153055630902496 0.322593509500379 0.3086634424164951 0.2838988787118264 0.2250830399132271 0.12447699986298497 0.15388491926228462 +43440,0.07185230199055727,2,0.07185230199055727 0.35509699936276 0.6182204887249162 0.6909663946073993 0.7699034414160453 0.8767006223924502 0.9277775350333372 0.8395537768354382 0.8209803540569323 0.75287780386908 0.7048964616912744 0.5315445157585579 0.40153055630902496 0.322593509500379 0.3086634424164951 0.2838988787118264 0.2250830399132271 0.12447699986298497 0.15388491926228462 0.09506908046368533 +43441,0.07030451675901657,2,0.35509699936276 0.6182204887249162 0.6909663946073993 0.7699034414160453 0.8767006223924502 0.9277775350333372 0.8395537768354382 0.8209803540569323 0.75287780386908 0.7048964616912744 0.5315445157585579 0.40153055630902496 0.322593509500379 0.3086634424164951 0.2838988787118264 0.2250830399132271 0.12447699986298497 0.15388491926228462 0.09506908046368533 0.07185230199055727 +43442,0.08268679861135095,2,0.6182204887249162 0.6909663946073993 0.7699034414160453 0.8767006223924502 0.9277775350333372 0.8395537768354382 0.8209803540569323 0.75287780386908 0.7048964616912744 0.5315445157585579 0.40153055630902496 0.322593509500379 0.3086634424164951 0.2838988787118264 0.2250830399132271 0.12447699986298497 0.15388491926228462 0.09506908046368533 0.07185230199055727 0.07030451675901657 +43443,0.08887793953752253,2,0.6909663946073993 0.7699034414160453 0.8767006223924502 0.9277775350333372 0.8395537768354382 0.8209803540569323 0.75287780386908 0.7048964616912744 0.5315445157585579 0.40153055630902496 0.322593509500379 0.3086634424164951 0.2838988787118264 0.2250830399132271 0.12447699986298497 0.15388491926228462 0.09506908046368533 0.07185230199055727 0.07030451675901657 0.08268679861135095 +43444,0.19103176481929654,2,0.7699034414160453 0.8767006223924502 0.9277775350333372 0.8395537768354382 0.8209803540569323 0.75287780386908 0.7048964616912744 0.5315445157585579 0.40153055630902496 0.322593509500379 0.3086634424164951 0.2838988787118264 0.2250830399132271 0.12447699986298497 0.15388491926228462 0.09506908046368533 0.07185230199055727 0.07030451675901657 0.08268679861135095 0.08887793953752253 +43445,0.373670422141266,2,0.8767006223924502 0.9277775350333372 0.8395537768354382 0.8209803540569323 0.75287780386908 0.7048964616912744 0.5315445157585579 0.40153055630902496 0.322593509500379 0.3086634424164951 0.2838988787118264 0.2250830399132271 0.12447699986298497 0.15388491926228462 0.09506908046368533 0.07185230199055727 0.07030451675901657 0.08268679861135095 0.08887793953752253 0.19103176481929654 +43446,0.5284489452954765,2,0.9277775350333372 0.8395537768354382 0.8209803540569323 0.75287780386908 0.7048964616912744 0.5315445157585579 0.40153055630902496 0.322593509500379 0.3086634424164951 0.2838988787118264 0.2250830399132271 0.12447699986298497 0.15388491926228462 0.09506908046368533 0.07185230199055727 0.07030451675901657 0.08268679861135095 0.08887793953752253 0.19103176481929654 0.373670422141266 +43447,0.6398894819665123,2,0.8395537768354382 0.8209803540569323 0.75287780386908 0.7048964616912744 0.5315445157585579 0.40153055630902496 0.322593509500379 0.3086634424164951 0.2838988787118264 0.2250830399132271 0.12447699986298497 0.15388491926228462 0.09506908046368533 0.07185230199055727 0.07030451675901657 0.08268679861135095 0.08887793953752253 0.19103176481929654 0.373670422141266 0.5284489452954765 +43448,0.7853812937314698,2,0.8209803540569323 0.75287780386908 0.7048964616912744 0.5315445157585579 0.40153055630902496 0.322593509500379 0.3086634424164951 0.2838988787118264 0.2250830399132271 0.12447699986298497 0.15388491926228462 0.09506908046368533 0.07185230199055727 0.07030451675901657 0.08268679861135095 0.08887793953752253 0.19103176481929654 0.373670422141266 0.5284489452954765 0.6398894819665123 +43449,0.8797961928555316,2,0.75287780386908 0.7048964616912744 0.5315445157585579 0.40153055630902496 0.322593509500379 0.3086634424164951 0.2838988787118264 0.2250830399132271 0.12447699986298497 0.15388491926228462 0.09506908046368533 0.07185230199055727 0.07030451675901657 0.08268679861135095 0.08887793953752253 0.19103176481929654 0.373670422141266 0.5284489452954765 0.6398894819665123 0.7853812937314698 +43450,0.9169430384125435,2,0.7048964616912744 0.5315445157585579 0.40153055630902496 0.322593509500379 0.3086634424164951 0.2838988787118264 0.2250830399132271 0.12447699986298497 0.15388491926228462 0.09506908046368533 0.07185230199055727 0.07030451675901657 0.08268679861135095 0.08887793953752253 0.19103176481929654 0.373670422141266 0.5284489452954765 0.6398894819665123 0.7853812937314698 0.8797961928555316 +43451,0.9478987430433926,2,0.5315445157585579 0.40153055630902496 0.322593509500379 0.3086634424164951 0.2838988787118264 0.2250830399132271 0.12447699986298497 0.15388491926228462 0.09506908046368533 0.07185230199055727 0.07030451675901657 0.08268679861135095 0.08887793953752253 0.19103176481929654 0.373670422141266 0.5284489452954765 0.6398894819665123 0.7853812937314698 0.8797961928555316 0.9169430384125435 +43452,0.9184908236440842,2,0.40153055630902496 0.322593509500379 0.3086634424164951 0.2838988787118264 0.2250830399132271 0.12447699986298497 0.15388491926228462 0.09506908046368533 0.07185230199055727 0.07030451675901657 0.08268679861135095 0.08887793953752253 0.19103176481929654 0.373670422141266 0.5284489452954765 0.6398894819665123 0.7853812937314698 0.8797961928555316 0.9169430384125435 0.9478987430433926 +43453,0.8209803540569323,2,0.322593509500379 0.3086634424164951 0.2838988787118264 0.2250830399132271 0.12447699986298497 0.15388491926228462 0.09506908046368533 0.07185230199055727 0.07030451675901657 0.08268679861135095 0.08887793953752253 0.19103176481929654 0.373670422141266 0.5284489452954765 0.6398894819665123 0.7853812937314698 0.8797961928555316 0.9169430384125435 0.9478987430433926 0.9184908236440842 +43454,0.6956097503020214,2,0.3086634424164951 0.2838988787118264 0.2250830399132271 0.12447699986298497 0.15388491926228462 0.09506908046368533 0.07185230199055727 0.07030451675901657 0.08268679861135095 0.08887793953752253 0.19103176481929654 0.373670422141266 0.5284489452954765 0.6398894819665123 0.7853812937314698 0.8797961928555316 0.9169430384125435 0.9478987430433926 0.9184908236440842 0.8209803540569323 +43455,0.5485701533055232,2,0.2838988787118264 0.2250830399132271 0.12447699986298497 0.15388491926228462 0.09506908046368533 0.07185230199055727 0.07030451675901657 0.08268679861135095 0.08887793953752253 0.19103176481929654 0.373670422141266 0.5284489452954765 0.6398894819665123 0.7853812937314698 0.8797961928555316 0.9169430384125435 0.9478987430433926 0.9184908236440842 0.8209803540569323 0.6956097503020214 +43456,0.424747334782153,2,0.2250830399132271 0.12447699986298497 0.15388491926228462 0.09506908046368533 0.07185230199055727 0.07030451675901657 0.08268679861135095 0.08887793953752253 0.19103176481929654 0.373670422141266 0.5284489452954765 0.6398894819665123 0.7853812937314698 0.8797961928555316 0.9169430384125435 0.9478987430433926 0.9184908236440842 0.8209803540569323 0.6956097503020214 0.5485701533055232 +43457,0.30092451625879163,2,0.12447699986298497 0.15388491926228462 0.09506908046368533 0.07185230199055727 0.07030451675901657 0.08268679861135095 0.08887793953752253 0.19103176481929654 0.373670422141266 0.5284489452954765 0.6398894819665123 0.7853812937314698 0.8797961928555316 0.9169430384125435 0.9478987430433926 0.9184908236440842 0.8209803540569323 0.6956097503020214 0.5485701533055232 0.424747334782153 +43458,0.23436975130248006,2,0.15388491926228462 0.09506908046368533 0.07185230199055727 0.07030451675901657 0.08268679861135095 0.08887793953752253 0.19103176481929654 0.373670422141266 0.5284489452954765 0.6398894819665123 0.7853812937314698 0.8797961928555316 0.9169430384125435 0.9478987430433926 0.9184908236440842 0.8209803540569323 0.6956097503020214 0.5485701533055232 0.424747334782153 0.30092451625879163 +43459,0.18948397958775584,2,0.09506908046368533 0.07185230199055727 0.07030451675901657 0.08268679861135095 0.08887793953752253 0.19103176481929654 0.373670422141266 0.5284489452954765 0.6398894819665123 0.7853812937314698 0.8797961928555316 0.9169430384125435 0.9478987430433926 0.9184908236440842 0.8209803540569323 0.6956097503020214 0.5485701533055232 0.424747334782153 0.30092451625879163 0.23436975130248006 +43460,0.16471941588308708,2,0.07185230199055727 0.07030451675901657 0.08268679861135095 0.08887793953752253 0.19103176481929654 0.373670422141266 0.5284489452954765 0.6398894819665123 0.7853812937314698 0.8797961928555316 0.9169430384125435 0.9478987430433926 0.9184908236440842 0.8209803540569323 0.6956097503020214 0.5485701533055232 0.424747334782153 0.30092451625879163 0.23436975130248006 0.18948397958775584 +43461,0.07030451675901657,2,0.07030451675901657 0.08268679861135095 0.08887793953752253 0.19103176481929654 0.373670422141266 0.5284489452954765 0.6398894819665123 0.7853812937314698 0.8797961928555316 0.9169430384125435 0.9478987430433926 0.9184908236440842 0.8209803540569323 0.6956097503020214 0.5485701533055232 0.424747334782153 0.30092451625879163 0.23436975130248006 0.18948397958775584 0.16471941588308708 +43462,0.034705456433545334,2,0.08268679861135095 0.08887793953752253 0.19103176481929654 0.373670422141266 0.5284489452954765 0.6398894819665123 0.7853812937314698 0.8797961928555316 0.9169430384125435 0.9478987430433926 0.9184908236440842 0.8209803540569323 0.6956097503020214 0.5485701533055232 0.424747334782153 0.30092451625879163 0.23436975130248006 0.18948397958775584 0.16471941588308708 0.07030451675901657 +43463,0.05792223490668219,2,0.08887793953752253 0.19103176481929654 0.373670422141266 0.5284489452954765 0.6398894819665123 0.7853812937314698 0.8797961928555316 0.9169430384125435 0.9478987430433926 0.9184908236440842 0.8209803540569323 0.6956097503020214 0.5485701533055232 0.424747334782153 0.30092451625879163 0.23436975130248006 0.18948397958775584 0.16471941588308708 0.07030451675901657 0.034705456433545334 +43464,0.034705456433545334,2,0.19103176481929654 0.373670422141266 0.5284489452954765 0.6398894819665123 0.7853812937314698 0.8797961928555316 0.9169430384125435 0.9478987430433926 0.9184908236440842 0.8209803540569323 0.6956097503020214 0.5485701533055232 0.424747334782153 0.30092451625879163 0.23436975130248006 0.18948397958775584 0.16471941588308708 0.07030451675901657 0.034705456433545334 0.05792223490668219 +43465,0.034705456433545334,2,0.373670422141266 0.5284489452954765 0.6398894819665123 0.7853812937314698 0.8797961928555316 0.9169430384125435 0.9478987430433926 0.9184908236440842 0.8209803540569323 0.6956097503020214 0.5485701533055232 0.424747334782153 0.30092451625879163 0.23436975130248006 0.18948397958775584 0.16471941588308708 0.07030451675901657 0.034705456433545334 0.05792223490668219 0.034705456433545334 +43466,0.1043557918529383,2,0.5284489452954765 0.6398894819665123 0.7853812937314698 0.8797961928555316 0.9169430384125435 0.9478987430433926 0.9184908236440842 0.8209803540569323 0.6956097503020214 0.5485701533055232 0.424747334782153 0.30092451625879163 0.23436975130248006 0.18948397958775584 0.16471941588308708 0.07030451675901657 0.034705456433545334 0.05792223490668219 0.034705456433545334 0.034705456433545334 +43467,0.04708773828587971,2,0.6398894819665123 0.7853812937314698 0.8797961928555316 0.9169430384125435 0.9478987430433926 0.9184908236440842 0.8209803540569323 0.6956097503020214 0.5485701533055232 0.424747334782153 0.30092451625879163 0.23436975130248006 0.18948397958775584 0.16471941588308708 0.07030451675901657 0.034705456433545334 0.05792223490668219 0.034705456433545334 0.034705456433545334 0.1043557918529383 +43468,0.15852827495691552,2,0.7853812937314698 0.8797961928555316 0.9169430384125435 0.9478987430433926 0.9184908236440842 0.8209803540569323 0.6956097503020214 0.5485701533055232 0.424747334782153 0.30092451625879163 0.23436975130248006 0.18948397958775584 0.16471941588308708 0.07030451675901657 0.034705456433545334 0.05792223490668219 0.034705456433545334 0.034705456433545334 0.1043557918529383 0.04708773828587971 +43469,0.38295713353051897,2,0.8797961928555316 0.9169430384125435 0.9478987430433926 0.9184908236440842 0.8209803540569323 0.6956097503020214 0.5485701533055232 0.424747334782153 0.30092451625879163 0.23436975130248006 0.18948397958775584 0.16471941588308708 0.07030451675901657 0.034705456433545334 0.05792223490668219 0.034705456433545334 0.034705456433545334 0.1043557918529383 0.04708773828587971 0.15852827495691552 +43470,0.5563090794632355,2,0.9169430384125435 0.9478987430433926 0.9184908236440842 0.8209803540569323 0.6956097503020214 0.5485701533055232 0.424747334782153 0.30092451625879163 0.23436975130248006 0.18948397958775584 0.16471941588308708 0.07030451675901657 0.034705456433545334 0.05792223490668219 0.034705456433545334 0.034705456433545334 0.1043557918529383 0.04708773828587971 0.15852827495691552 0.38295713353051897 +43471,0.6971575355335708,2,0.9478987430433926 0.9184908236440842 0.8209803540569323 0.6956097503020214 0.5485701533055232 0.424747334782153 0.30092451625879163 0.23436975130248006 0.18948397958775584 0.16471941588308708 0.07030451675901657 0.034705456433545334 0.05792223490668219 0.034705456433545334 0.034705456433545334 0.1043557918529383 0.04708773828587971 0.15852827495691552 0.38295713353051897 0.5563090794632355 +43472,0.8797961928555316,2,0.9184908236440842 0.8209803540569323 0.6956097503020214 0.5485701533055232 0.424747334782153 0.30092451625879163 0.23436975130248006 0.18948397958775584 0.16471941588308708 0.07030451675901657 0.034705456433545334 0.05792223490668219 0.034705456433545334 0.034705456433545334 0.1043557918529383 0.04708773828587971 0.15852827495691552 0.38295713353051897 0.5563090794632355 0.6971575355335708 +43473,1.0376702864728322,2,0.8209803540569323 0.6956097503020214 0.5485701533055232 0.424747334782153 0.30092451625879163 0.23436975130248006 0.18948397958775584 0.16471941588308708 0.07030451675901657 0.034705456433545334 0.05792223490668219 0.034705456433545334 0.034705456433545334 0.1043557918529383 0.04708773828587971 0.15852827495691552 0.38295713353051897 0.5563090794632355 0.6971575355335708 0.8797961928555316 +43474,1.1769709573116183,2,0.6956097503020214 0.5485701533055232 0.424747334782153 0.30092451625879163 0.23436975130248006 0.18948397958775584 0.16471941588308708 0.07030451675901657 0.034705456433545334 0.05792223490668219 0.034705456433545334 0.034705456433545334 0.1043557918529383 0.04708773828587971 0.15852827495691552 0.38295713353051897 0.5563090794632355 0.6971575355335708 0.8797961928555316 1.0376702864728322 +43475,1.1769709573116183,2,0.5485701533055232 0.424747334782153 0.30092451625879163 0.23436975130248006 0.18948397958775584 0.16471941588308708 0.07030451675901657 0.034705456433545334 0.05792223490668219 0.034705456433545334 0.034705456433545334 0.1043557918529383 0.04708773828587971 0.15852827495691552 0.38295713353051897 0.5563090794632355 0.6971575355335708 0.8797961928555316 1.0376702864728322 1.1769709573116183 +43476,1.085651628650638,2,0.424747334782153 0.30092451625879163 0.23436975130248006 0.18948397958775584 0.16471941588308708 0.07030451675901657 0.034705456433545334 0.05792223490668219 0.034705456433545334 0.034705456433545334 0.1043557918529383 0.04708773828587971 0.15852827495691552 0.38295713353051897 0.5563090794632355 0.6971575355335708 0.8797961928555316 1.0376702864728322 1.1769709573116183 1.1769709573116183 +43477,0.9680199510534393,2,0.30092451625879163 0.23436975130248006 0.18948397958775584 0.16471941588308708 0.07030451675901657 0.034705456433545334 0.05792223490668219 0.034705456433545334 0.034705456433545334 0.1043557918529383 0.04708773828587971 0.15852827495691552 0.38295713353051897 0.5563090794632355 0.6971575355335708 0.8797961928555316 1.0376702864728322 1.1769709573116183 1.1769709573116183 1.085651628650638 +43478,0.734304381090574,2,0.23436975130248006 0.18948397958775584 0.16471941588308708 0.07030451675901657 0.034705456433545334 0.05792223490668219 0.034705456433545334 0.034705456433545334 0.1043557918529383 0.04708773828587971 0.15852827495691552 0.38295713353051897 0.5563090794632355 0.6971575355335708 0.8797961928555316 1.0376702864728322 1.1769709573116183 1.1769709573116183 1.085651628650638 0.9680199510534393 +43479,0.5315445157585579,2,0.18948397958775584 0.16471941588308708 0.07030451675901657 0.034705456433545334 0.05792223490668219 0.034705456433545334 0.034705456433545334 0.1043557918529383 0.04708773828587971 0.15852827495691552 0.38295713353051897 0.5563090794632355 0.6971575355335708 0.8797961928555316 1.0376702864728322 1.1769709573116183 1.1769709573116183 1.085651628650638 0.9680199510534393 0.734304381090574 +43480,0.4154606233929,2,0.16471941588308708 0.07030451675901657 0.034705456433545334 0.05792223490668219 0.034705456433545334 0.034705456433545334 0.1043557918529383 0.04708773828587971 0.15852827495691552 0.38295713353051897 0.5563090794632355 0.6971575355335708 0.8797961928555316 1.0376702864728322 1.1769709573116183 1.1769709573116183 1.085651628650638 0.9680199510534393 0.734304381090574 0.5315445157585579 +43481,0.3117590128795853,2,0.07030451675901657 0.034705456433545334 0.05792223490668219 0.034705456433545334 0.034705456433545334 0.1043557918529383 0.04708773828587971 0.15852827495691552 0.38295713353051897 0.5563090794632355 0.6971575355335708 0.8797961928555316 1.0376702864728322 1.1769709573116183 1.1769709573116183 1.085651628650638 0.9680199510534393 0.734304381090574 0.5315445157585579 0.4154606233929 +43482,0.24984760361789585,2,0.034705456433545334 0.05792223490668219 0.034705456433545334 0.034705456433545334 0.1043557918529383 0.04708773828587971 0.15852827495691552 0.38295713353051897 0.5563090794632355 0.6971575355335708 0.8797961928555316 1.0376702864728322 1.1769709573116183 1.1769709573116183 1.085651628650638 0.9680199510534393 0.734304381090574 0.5315445157585579 0.4154606233929 0.3117590128795853 +43483,0.2127007580608927,2,0.05792223490668219 0.034705456433545334 0.034705456433545334 0.1043557918529383 0.04708773828587971 0.15852827495691552 0.38295713353051897 0.5563090794632355 0.6971575355335708 0.8797961928555316 1.0376702864728322 1.1769709573116183 1.1769709573116183 1.085651628650638 0.9680199510534393 0.734304381090574 0.5315445157585579 0.4154606233929 0.3117590128795853 0.24984760361789585 +43484,0.16781498634616848,2,0.034705456433545334 0.034705456433545334 0.1043557918529383 0.04708773828587971 0.15852827495691552 0.38295713353051897 0.5563090794632355 0.6971575355335708 0.8797961928555316 1.0376702864728322 1.1769709573116183 1.1769709573116183 1.085651628650638 0.9680199510534393 0.734304381090574 0.5315445157585579 0.4154606233929 0.3117590128795853 0.24984760361789585 0.2127007580608927 +43485,0.11828585893682218,2,0.034705456433545334 0.1043557918529383 0.04708773828587971 0.15852827495691552 0.38295713353051897 0.5563090794632355 0.6971575355335708 0.8797961928555316 1.0376702864728322 1.1769709573116183 1.1769709573116183 1.085651628650638 0.9680199510534393 0.734304381090574 0.5315445157585579 0.4154606233929 0.3117590128795853 0.24984760361789585 0.2127007580608927 0.16781498634616848 +43486,0.11828585893682218,2,0.1043557918529383 0.04708773828587971 0.15852827495691552 0.38295713353051897 0.5563090794632355 0.6971575355335708 0.8797961928555316 1.0376702864728322 1.1769709573116183 1.1769709573116183 1.085651628650638 0.9680199510534393 0.734304381090574 0.5315445157585579 0.4154606233929 0.3117590128795853 0.24984760361789585 0.2127007580608927 0.16781498634616848 0.11828585893682218 +43487,0.105903577084479,2,0.04708773828587971 0.15852827495691552 0.38295713353051897 0.5563090794632355 0.6971575355335708 0.8797961928555316 1.0376702864728322 1.1769709573116183 1.1769709573116183 1.085651628650638 0.9680199510534393 0.734304381090574 0.5315445157585579 0.4154606233929 0.3117590128795853 0.24984760361789585 0.2127007580608927 0.16781498634616848 0.11828585893682218 0.11828585893682218 +43488,0.14150263740995023,2,0.15852827495691552 0.38295713353051897 0.5563090794632355 0.6971575355335708 0.8797961928555316 1.0376702864728322 1.1769709573116183 1.1769709573116183 1.085651628650638 0.9680199510534393 0.734304381090574 0.5315445157585579 0.4154606233929 0.3117590128795853 0.24984760361789585 0.2127007580608927 0.16781498634616848 0.11828585893682218 0.11828585893682218 0.105903577084479 +43489,0.16626720111462778,2,0.38295713353051897 0.5563090794632355 0.6971575355335708 0.8797961928555316 1.0376702864728322 1.1769709573116183 1.1769709573116183 1.085651628650638 0.9680199510534393 0.734304381090574 0.5315445157585579 0.4154606233929 0.3117590128795853 0.24984760361789585 0.2127007580608927 0.16781498634616848 0.11828585893682218 0.11828585893682218 0.105903577084479 0.14150263740995023 +43490,0.18948397958775584,2,0.5563090794632355 0.6971575355335708 0.8797961928555316 1.0376702864728322 1.1769709573116183 1.1769709573116183 1.085651628650638 0.9680199510534393 0.734304381090574 0.5315445157585579 0.4154606233929 0.3117590128795853 0.24984760361789585 0.2127007580608927 0.16781498634616848 0.11828585893682218 0.11828585893682218 0.105903577084479 0.14150263740995023 0.16626720111462778 +43491,0.14924156356766252,2,0.6971575355335708 0.8797961928555316 1.0376702864728322 1.1769709573116183 1.1769709573116183 1.085651628650638 0.9680199510534393 0.734304381090574 0.5315445157585579 0.4154606233929 0.3117590128795853 0.24984760361789585 0.2127007580608927 0.16781498634616848 0.11828585893682218 0.11828585893682218 0.105903577084479 0.14150263740995023 0.16626720111462778 0.18948397958775584 +43492,0.20186626144009023,2,0.8797961928555316 1.0376702864728322 1.1769709573116183 1.1769709573116183 1.085651628650638 0.9680199510534393 0.734304381090574 0.5315445157585579 0.4154606233929 0.3117590128795853 0.24984760361789585 0.2127007580608927 0.16781498634616848 0.11828585893682218 0.11828585893682218 0.105903577084479 0.14150263740995023 0.16626720111462778 0.18948397958775584 0.14924156356766252 +43493,0.2838988787118264,2,1.0376702864728322 1.1769709573116183 1.1769709573116183 1.085651628650638 0.9680199510534393 0.734304381090574 0.5315445157585579 0.4154606233929 0.3117590128795853 0.24984760361789585 0.2127007580608927 0.16781498634616848 0.11828585893682218 0.11828585893682218 0.105903577084479 0.14150263740995023 0.16626720111462778 0.18948397958775584 0.14924156356766252 0.20186626144009023 +43494,0.45879860987608356,2,1.1769709573116183 1.1769709573116183 1.085651628650638 0.9680199510534393 0.734304381090574 0.5315445157585579 0.4154606233929 0.3117590128795853 0.24984760361789585 0.2127007580608927 0.16781498634616848 0.11828585893682218 0.11828585893682218 0.105903577084479 0.14150263740995023 0.16626720111462778 0.18948397958775584 0.14924156356766252 0.20186626144009023 0.2838988787118264 +43495,0.5779780727048228,2,1.1769709573116183 1.085651628650638 0.9680199510534393 0.734304381090574 0.5315445157585579 0.4154606233929 0.3117590128795853 0.24984760361789585 0.2127007580608927 0.16781498634616848 0.11828585893682218 0.11828585893682218 0.105903577084479 0.14150263740995023 0.16626720111462778 0.18948397958775584 0.14924156356766252 0.20186626144009023 0.2838988787118264 0.45879860987608356 +43496,0.69251417983894,2,1.085651628650638 0.9680199510534393 0.734304381090574 0.5315445157585579 0.4154606233929 0.3117590128795853 0.24984760361789585 0.2127007580608927 0.16781498634616848 0.11828585893682218 0.11828585893682218 0.105903577084479 0.14150263740995023 0.16626720111462778 0.18948397958775584 0.14924156356766252 0.20186626144009023 0.2838988787118264 0.45879860987608356 0.5779780727048228 +43497,0.748234448174458,2,0.9680199510534393 0.734304381090574 0.5315445157585579 0.4154606233929 0.3117590128795853 0.24984760361789585 0.2127007580608927 0.16781498634616848 0.11828585893682218 0.11828585893682218 0.105903577084479 0.14150263740995023 0.16626720111462778 0.18948397958775584 0.14924156356766252 0.20186626144009023 0.2838988787118264 0.45879860987608356 0.5779780727048228 0.69251417983894 +43498,0.8596749848454849,2,0.734304381090574 0.5315445157585579 0.4154606233929 0.3117590128795853 0.24984760361789585 0.2127007580608927 0.16781498634616848 0.11828585893682218 0.11828585893682218 0.105903577084479 0.14150263740995023 0.16626720111462778 0.18948397958775584 0.14924156356766252 0.20186626144009023 0.2838988787118264 0.45879860987608356 0.5779780727048228 0.69251417983894 0.748234448174458 +43499,0.90920411225484,2,0.5315445157585579 0.4154606233929 0.3117590128795853 0.24984760361789585 0.2127007580608927 0.16781498634616848 0.11828585893682218 0.11828585893682218 0.105903577084479 0.14150263740995023 0.16626720111462778 0.18948397958775584 0.14924156356766252 0.20186626144009023 0.2838988787118264 0.45879860987608356 0.5779780727048228 0.69251417983894 0.748234448174458 0.8596749848454849 +43500,0.9401598168856804,2,0.4154606233929 0.3117590128795853 0.24984760361789585 0.2127007580608927 0.16781498634616848 0.11828585893682218 0.11828585893682218 0.105903577084479 0.14150263740995023 0.16626720111462778 0.18948397958775584 0.14924156356766252 0.20186626144009023 0.2838988787118264 0.45879860987608356 0.5779780727048228 0.69251417983894 0.748234448174458 0.8596749848454849 0.90920411225484 +43501,0.8859873337817031,2,0.3117590128795853 0.24984760361789585 0.2127007580608927 0.16781498634616848 0.11828585893682218 0.11828585893682218 0.105903577084479 0.14150263740995023 0.16626720111462778 0.18948397958775584 0.14924156356766252 0.20186626144009023 0.2838988787118264 0.45879860987608356 0.5779780727048228 0.69251417983894 0.748234448174458 0.8596749848454849 0.90920411225484 0.9401598168856804 +43502,0.738947736785205,2,0.24984760361789585 0.2127007580608927 0.16781498634616848 0.11828585893682218 0.11828585893682218 0.105903577084479 0.14150263740995023 0.16626720111462778 0.18948397958775584 0.14924156356766252 0.20186626144009023 0.2838988787118264 0.45879860987608356 0.5779780727048228 0.69251417983894 0.748234448174458 0.8596749848454849 0.90920411225484 0.9401598168856804 0.8859873337817031 +43503,0.5609524351578663,2,0.2127007580608927 0.16781498634616848 0.11828585893682218 0.11828585893682218 0.105903577084479 0.14150263740995023 0.16626720111462778 0.18948397958775584 0.14924156356766252 0.20186626144009023 0.2838988787118264 0.45879860987608356 0.5779780727048228 0.69251417983894 0.748234448174458 0.8596749848454849 0.90920411225484 0.9401598168856804 0.8859873337817031 0.738947736785205 +43504,0.3210457242688383,2,0.16781498634616848 0.11828585893682218 0.11828585893682218 0.105903577084479 0.14150263740995023 0.16626720111462778 0.18948397958775584 0.14924156356766252 0.20186626144009023 0.2838988787118264 0.45879860987608356 0.5779780727048228 0.69251417983894 0.748234448174458 0.8596749848454849 0.90920411225484 0.9401598168856804 0.8859873337817031 0.738947736785205 0.5609524351578663 +43505,0.2637776707017797,2,0.11828585893682218 0.11828585893682218 0.105903577084479 0.14150263740995023 0.16626720111462778 0.18948397958775584 0.14924156356766252 0.20186626144009023 0.2838988787118264 0.45879860987608356 0.5779780727048228 0.69251417983894 0.748234448174458 0.8596749848454849 0.90920411225484 0.9401598168856804 0.8859873337817031 0.738947736785205 0.5609524351578663 0.3210457242688383 +43506,0.16626720111462778,2,0.11828585893682218 0.105903577084479 0.14150263740995023 0.16626720111462778 0.18948397958775584 0.14924156356766252 0.20186626144009023 0.2838988787118264 0.45879860987608356 0.5779780727048228 0.69251417983894 0.748234448174458 0.8596749848454849 0.90920411225484 0.9401598168856804 0.8859873337817031 0.738947736785205 0.5609524351578663 0.3210457242688383 0.2637776707017797 +43507,0.11828585893682218,2,0.105903577084479 0.14150263740995023 0.16626720111462778 0.18948397958775584 0.14924156356766252 0.20186626144009023 0.2838988787118264 0.45879860987608356 0.5779780727048228 0.69251417983894 0.748234448174458 0.8596749848454849 0.90920411225484 0.9401598168856804 0.8859873337817031 0.738947736785205 0.5609524351578663 0.3210457242688383 0.2637776707017797 0.16626720111462778 +43508,0.07030451675901657,2,0.14150263740995023 0.16626720111462778 0.18948397958775584 0.14924156356766252 0.20186626144009023 0.2838988787118264 0.45879860987608356 0.5779780727048228 0.69251417983894 0.748234448174458 0.8596749848454849 0.90920411225484 0.9401598168856804 0.8859873337817031 0.738947736785205 0.5609524351578663 0.3210457242688383 0.2637776707017797 0.16626720111462778 0.11828585893682218 +43509,0.02232317458121096,2,0.16626720111462778 0.18948397958775584 0.14924156356766252 0.20186626144009023 0.2838988787118264 0.45879860987608356 0.5779780727048228 0.69251417983894 0.748234448174458 0.8596749848454849 0.90920411225484 0.9401598168856804 0.8859873337817031 0.738947736785205 0.5609524351578663 0.3210457242688383 0.2637776707017797 0.16626720111462778 0.11828585893682218 0.07030451675901657 +43510,-0.03649266421738833,2,0.18948397958775584 0.14924156356766252 0.20186626144009023 0.2838988787118264 0.45879860987608356 0.5779780727048228 0.69251417983894 0.748234448174458 0.8596749848454849 0.90920411225484 0.9401598168856804 0.8859873337817031 0.738947736785205 0.5609524351578663 0.3210457242688383 0.2637776707017797 0.16626720111462778 0.11828585893682218 0.07030451675901657 0.02232317458121096 +43511,-0.07209172454285957,2,0.14924156356766252 0.20186626144009023 0.2838988787118264 0.45879860987608356 0.5779780727048228 0.69251417983894 0.748234448174458 0.8596749848454849 0.90920411225484 0.9401598168856804 0.8859873337817031 0.738947736785205 0.5609524351578663 0.3210457242688383 0.2637776707017797 0.16626720111462778 0.11828585893682218 0.07030451675901657 0.02232317458121096 -0.03649266421738833 +43512,-0.13245534857299956,2,0.20186626144009023 0.2838988787118264 0.45879860987608356 0.5779780727048228 0.69251417983894 0.748234448174458 0.8596749848454849 0.90920411225484 0.9401598168856804 0.8859873337817031 0.738947736785205 0.5609524351578663 0.3210457242688383 0.2637776707017797 0.16626720111462778 0.11828585893682218 0.07030451675901657 0.02232317458121096 -0.03649266421738833 -0.07209172454285957 +43513,-0.15721991227767712,2,0.2838988787118264 0.45879860987608356 0.5779780727048228 0.69251417983894 0.748234448174458 0.8596749848454849 0.90920411225484 0.9401598168856804 0.8859873337817031 0.738947736785205 0.5609524351578663 0.3210457242688383 0.2637776707017797 0.16626720111462778 0.11828585893682218 0.07030451675901657 0.02232317458121096 -0.03649266421738833 -0.07209172454285957 -0.13245534857299956 +43514,-0.18198447598234585,2,0.45879860987608356 0.5779780727048228 0.69251417983894 0.748234448174458 0.8596749848454849 0.90920411225484 0.9401598168856804 0.8859873337817031 0.738947736785205 0.5609524351578663 0.3210457242688383 0.2637776707017797 0.16626720111462778 0.11828585893682218 0.07030451675901657 0.02232317458121096 -0.03649266421738833 -0.07209172454285957 -0.13245534857299956 -0.15721991227767712 +43515,-0.17114997936155218,2,0.5779780727048228 0.69251417983894 0.748234448174458 0.8596749848454849 0.90920411225484 0.9401598168856804 0.8859873337817031 0.738947736785205 0.5609524351578663 0.3210457242688383 0.2637776707017797 0.16626720111462778 0.11828585893682218 0.07030451675901657 0.02232317458121096 -0.03649266421738833 -0.07209172454285957 -0.13245534857299956 -0.15721991227767712 -0.18198447598234585 +43516,-0.005536959586547991,2,0.69251417983894 0.748234448174458 0.8596749848454849 0.90920411225484 0.9401598168856804 0.8859873337817031 0.738947736785205 0.5609524351578663 0.3210457242688383 0.2637776707017797 0.16626720111462778 0.11828585893682218 0.07030451675901657 0.02232317458121096 -0.03649266421738833 -0.07209172454285957 -0.13245534857299956 -0.15721991227767712 -0.18198447598234585 -0.17114997936155218 +43517,0.19257955005083724,2,0.748234448174458 0.8596749848454849 0.90920411225484 0.9401598168856804 0.8859873337817031 0.738947736785205 0.5609524351578663 0.3210457242688383 0.2637776707017797 0.16626720111462778 0.11828585893682218 0.07030451675901657 0.02232317458121096 -0.03649266421738833 -0.07209172454285957 -0.13245534857299956 -0.15721991227767712 -0.18198447598234585 -0.17114997936155218 -0.005536959586547991 +43518,0.3767659926043474,2,0.8596749848454849 0.90920411225484 0.9401598168856804 0.8859873337817031 0.738947736785205 0.5609524351578663 0.3210457242688383 0.2637776707017797 0.16626720111462778 0.11828585893682218 0.07030451675901657 0.02232317458121096 -0.03649266421738833 -0.07209172454285957 -0.13245534857299956 -0.15721991227767712 -0.18198447598234585 -0.17114997936155218 -0.005536959586547991 0.19257955005083724 +43519,0.5888125693256165,2,0.90920411225484 0.9401598168856804 0.8859873337817031 0.738947736785205 0.5609524351578663 0.3210457242688383 0.2637776707017797 0.16626720111462778 0.11828585893682218 0.07030451675901657 0.02232317458121096 -0.03649266421738833 -0.07209172454285957 -0.13245534857299956 -0.15721991227767712 -0.18198447598234585 -0.17114997936155218 -0.005536959586547991 0.19257955005083724 0.3767659926043474 +43520,0.7699034414160453,2,0.9401598168856804 0.8859873337817031 0.738947736785205 0.5609524351578663 0.3210457242688383 0.2637776707017797 0.16626720111462778 0.11828585893682218 0.07030451675901657 0.02232317458121096 -0.03649266421738833 -0.07209172454285957 -0.13245534857299956 -0.15721991227767712 -0.18198447598234585 -0.17114997936155218 -0.005536959586547991 0.19257955005083724 0.3767659926043474 0.5888125693256165 +43521,0.9865933738319452,2,0.8859873337817031 0.738947736785205 0.5609524351578663 0.3210457242688383 0.2637776707017797 0.16626720111462778 0.11828585893682218 0.07030451675901657 0.02232317458121096 -0.03649266421738833 -0.07209172454285957 -0.13245534857299956 -0.15721991227767712 -0.18198447598234585 -0.17114997936155218 -0.005536959586547991 0.19257955005083724 0.3767659926043474 0.5888125693256165 0.7699034414160453 +43522,1.0871994138821786,2,0.738947736785205 0.5609524351578663 0.3210457242688383 0.2637776707017797 0.16626720111462778 0.11828585893682218 0.07030451675901657 0.02232317458121096 -0.03649266421738833 -0.07209172454285957 -0.13245534857299956 -0.15721991227767712 -0.18198447598234585 -0.17114997936155218 -0.005536959586547991 0.19257955005083724 0.3767659926043474 0.5888125693256165 0.7699034414160453 0.9865933738319452 +43523,1.1227984742076498,2,0.5609524351578663 0.3210457242688383 0.2637776707017797 0.16626720111462778 0.11828585893682218 0.07030451675901657 0.02232317458121096 -0.03649266421738833 -0.07209172454285957 -0.13245534857299956 -0.15721991227767712 -0.18198447598234585 -0.17114997936155218 -0.005536959586547991 0.19257955005083724 0.3767659926043474 0.5888125693256165 0.7699034414160453 0.9865933738319452 1.0871994138821786 +43524,1.1413718969861557,2,0.3210457242688383 0.2637776707017797 0.16626720111462778 0.11828585893682218 0.07030451675901657 0.02232317458121096 -0.03649266421738833 -0.07209172454285957 -0.13245534857299956 -0.15721991227767712 -0.18198447598234585 -0.17114997936155218 -0.005536959586547991 0.19257955005083724 0.3767659926043474 0.5888125693256165 0.7699034414160453 0.9865933738319452 1.0871994138821786 1.1227984742076498 +43525,1.0500525683251667,2,0.2637776707017797 0.16626720111462778 0.11828585893682218 0.07030451675901657 0.02232317458121096 -0.03649266421738833 -0.07209172454285957 -0.13245534857299956 -0.15721991227767712 -0.18198447598234585 -0.17114997936155218 -0.005536959586547991 0.19257955005083724 0.3767659926043474 0.5888125693256165 0.7699034414160453 0.9865933738319452 1.0871994138821786 1.1227984742076498 1.1413718969861557 +43526,0.8147892131307695,2,0.16626720111462778 0.11828585893682218 0.07030451675901657 0.02232317458121096 -0.03649266421738833 -0.07209172454285957 -0.13245534857299956 -0.15721991227767712 -0.18198447598234585 -0.17114997936155218 -0.005536959586547991 0.19257955005083724 0.3767659926043474 0.5888125693256165 0.7699034414160453 0.9865933738319452 1.0871994138821786 1.1227984742076498 1.1413718969861557 1.0500525683251667 +43527,0.5671435760840291,2,0.11828585893682218 0.07030451675901657 0.02232317458121096 -0.03649266421738833 -0.07209172454285957 -0.13245534857299956 -0.15721991227767712 -0.18198447598234585 -0.17114997936155218 -0.005536959586547991 0.19257955005083724 0.3767659926043474 0.5888125693256165 0.7699034414160453 0.9865933738319452 1.0871994138821786 1.1227984742076498 1.1413718969861557 1.0500525683251667 0.8147892131307695 +43528,0.3674792812151032,2,0.07030451675901657 0.02232317458121096 -0.03649266421738833 -0.07209172454285957 -0.13245534857299956 -0.15721991227767712 -0.18198447598234585 -0.17114997936155218 -0.005536959586547991 0.19257955005083724 0.3767659926043474 0.5888125693256165 0.7699034414160453 0.9865933738319452 1.0871994138821786 1.1227984742076498 1.1413718969861557 1.0500525683251667 0.8147892131307695 0.5671435760840291 +43529,0.23901310699710215,2,0.02232317458121096 -0.03649266421738833 -0.07209172454285957 -0.13245534857299956 -0.15721991227767712 -0.18198447598234585 -0.17114997936155218 -0.005536959586547991 0.19257955005083724 0.3767659926043474 0.5888125693256165 0.7699034414160453 0.9865933738319452 1.0871994138821786 1.1227984742076498 1.1413718969861557 1.0500525683251667 0.8147892131307695 0.5671435760840291 0.3674792812151032 +43530,0.2746121673225734,2,-0.03649266421738833 -0.07209172454285957 -0.13245534857299956 -0.15721991227767712 -0.18198447598234585 -0.17114997936155218 -0.005536959586547991 0.19257955005083724 0.3767659926043474 0.5888125693256165 0.7699034414160453 0.9865933738319452 1.0871994138821786 1.1227984742076498 1.1413718969861557 1.0500525683251667 0.8147892131307695 0.5671435760840291 0.3674792812151032 0.23901310699710215 +43531,0.24984760361789585,2,-0.07209172454285957 -0.13245534857299956 -0.15721991227767712 -0.18198447598234585 -0.17114997936155218 -0.005536959586547991 0.19257955005083724 0.3767659926043474 0.5888125693256165 0.7699034414160453 0.9865933738319452 1.0871994138821786 1.1227984742076498 1.1413718969861557 1.0500525683251667 0.8147892131307695 0.5671435760840291 0.3674792812151032 0.23901310699710215 0.2746121673225734 +43532,0.2127007580608927,2,-0.13245534857299956 -0.15721991227767712 -0.18198447598234585 -0.17114997936155218 -0.005536959586547991 0.19257955005083724 0.3767659926043474 0.5888125693256165 0.7699034414160453 0.9865933738319452 1.0871994138821786 1.1227984742076498 1.1413718969861557 1.0500525683251667 0.8147892131307695 0.5671435760840291 0.3674792812151032 0.23901310699710215 0.2746121673225734 0.24984760361789585 +43533,0.2142485432924334,2,-0.15721991227767712 -0.18198447598234585 -0.17114997936155218 -0.005536959586547991 0.19257955005083724 0.3767659926043474 0.5888125693256165 0.7699034414160453 0.9865933738319452 1.0871994138821786 1.1227984742076498 1.1413718969861557 1.0500525683251667 0.8147892131307695 0.5671435760840291 0.3674792812151032 0.23901310699710215 0.2746121673225734 0.24984760361789585 0.2127007580608927 +43534,0.2142485432924334,2,-0.18198447598234585 -0.17114997936155218 -0.005536959586547991 0.19257955005083724 0.3767659926043474 0.5888125693256165 0.7699034414160453 0.9865933738319452 1.0871994138821786 1.1227984742076498 1.1413718969861557 1.0500525683251667 0.8147892131307695 0.5671435760840291 0.3674792812151032 0.23901310699710215 0.2746121673225734 0.24984760361789585 0.2127007580608927 0.2142485432924334 +43535,0.20186626144009023,2,-0.17114997936155218 -0.005536959586547991 0.19257955005083724 0.3767659926043474 0.5888125693256165 0.7699034414160453 0.9865933738319452 1.0871994138821786 1.1227984742076498 1.1413718969861557 1.0500525683251667 0.8147892131307695 0.5671435760840291 0.3674792812151032 0.23901310699710215 0.2746121673225734 0.24984760361789585 0.2127007580608927 0.2142485432924334 0.2142485432924334 +43536,0.20186626144009023,2,-0.005536959586547991 0.19257955005083724 0.3767659926043474 0.5888125693256165 0.7699034414160453 0.9865933738319452 1.0871994138821786 1.1227984742076498 1.1413718969861557 1.0500525683251667 0.8147892131307695 0.5671435760840291 0.3674792812151032 0.23901310699710215 0.2746121673225734 0.24984760361789585 0.2127007580608927 0.2142485432924334 0.2142485432924334 0.20186626144009023 +43537,0.2111529728293432,2,0.19257955005083724 0.3767659926043474 0.5888125693256165 0.7699034414160453 0.9865933738319452 1.0871994138821786 1.1227984742076498 1.1413718969861557 1.0500525683251667 0.8147892131307695 0.5671435760840291 0.3674792812151032 0.23901310699710215 0.2746121673225734 0.24984760361789585 0.2127007580608927 0.2142485432924334 0.2142485432924334 0.20186626144009023 0.20186626144009023 +43538,0.25603874454406744,2,0.3767659926043474 0.5888125693256165 0.7699034414160453 0.9865933738319452 1.0871994138821786 1.1227984742076498 1.1413718969861557 1.0500525683251667 0.8147892131307695 0.5671435760840291 0.3674792812151032 0.23901310699710215 0.2746121673225734 0.24984760361789585 0.2127007580608927 0.2142485432924334 0.2142485432924334 0.20186626144009023 0.20186626144009023 0.2111529728293432 +43539,0.2823510934802857,2,0.5888125693256165 0.7699034414160453 0.9865933738319452 1.0871994138821786 1.1227984742076498 1.1413718969861557 1.0500525683251667 0.8147892131307695 0.5671435760840291 0.3674792812151032 0.23901310699710215 0.2746121673225734 0.24984760361789585 0.2127007580608927 0.2142485432924334 0.2142485432924334 0.20186626144009023 0.20186626144009023 0.2111529728293432 0.25603874454406744 +43540,0.3380713618157948,2,0.7699034414160453 0.9865933738319452 1.0871994138821786 1.1227984742076498 1.1413718969861557 1.0500525683251667 0.8147892131307695 0.5671435760840291 0.3674792812151032 0.23901310699710215 0.2746121673225734 0.24984760361789585 0.2127007580608927 0.2142485432924334 0.2142485432924334 0.20186626144009023 0.20186626144009023 0.2111529728293432 0.25603874454406744 0.2823510934802857 +43541,0.4727286769599586,2,0.9865933738319452 1.0871994138821786 1.1227984742076498 1.1413718969861557 1.0500525683251667 0.8147892131307695 0.5671435760840291 0.3674792812151032 0.23901310699710215 0.2746121673225734 0.24984760361789585 0.2127007580608927 0.2142485432924334 0.2142485432924334 0.20186626144009023 0.20186626144009023 0.2111529728293432 0.25603874454406744 0.2823510934802857 0.3380713618157948 +43542,0.5315445157585579,2,1.0871994138821786 1.1227984742076498 1.1413718969861557 1.0500525683251667 0.8147892131307695 0.5671435760840291 0.3674792812151032 0.23901310699710215 0.2746121673225734 0.24984760361789585 0.2127007580608927 0.2142485432924334 0.2142485432924334 0.20186626144009023 0.20186626144009023 0.2111529728293432 0.25603874454406744 0.2823510934802857 0.3380713618157948 0.4727286769599586 +43543,0.6275072001141692,2,1.1227984742076498 1.1413718969861557 1.0500525683251667 0.8147892131307695 0.5671435760840291 0.3674792812151032 0.23901310699710215 0.2746121673225734 0.24984760361789585 0.2127007580608927 0.2142485432924334 0.2142485432924334 0.20186626144009023 0.20186626144009023 0.2111529728293432 0.25603874454406744 0.2823510934802857 0.3380713618157948 0.4727286769599586 0.5315445157585579 +43544,0.7497822334059986,2,1.1413718969861557 1.0500525683251667 0.8147892131307695 0.5671435760840291 0.3674792812151032 0.23901310699710215 0.2746121673225734 0.24984760361789585 0.2127007580608927 0.2142485432924334 0.2142485432924334 0.20186626144009023 0.20186626144009023 0.2111529728293432 0.25603874454406744 0.2823510934802857 0.3380713618157948 0.4727286769599586 0.5315445157585579 0.6275072001141692 +43545,0.7915724346576326,2,1.0500525683251667 0.8147892131307695 0.5671435760840291 0.3674792812151032 0.23901310699710215 0.2746121673225734 0.24984760361789585 0.2127007580608927 0.2142485432924334 0.2142485432924334 0.20186626144009023 0.20186626144009023 0.2111529728293432 0.25603874454406744 0.2823510934802857 0.3380713618157948 0.4727286769599586 0.5315445157585579 0.6275072001141692 0.7497822334059986 +43546,0.9401598168856804,2,0.8147892131307695 0.5671435760840291 0.3674792812151032 0.23901310699710215 0.2746121673225734 0.24984760361789585 0.2127007580608927 0.2142485432924334 0.2142485432924334 0.20186626144009023 0.20186626144009023 0.2111529728293432 0.25603874454406744 0.2823510934802857 0.3380713618157948 0.4727286769599586 0.5315445157585579 0.6275072001141692 0.7497822334059986 0.7915724346576326 +43547,0.9587332396641863,2,0.5671435760840291 0.3674792812151032 0.23901310699710215 0.2746121673225734 0.24984760361789585 0.2127007580608927 0.2142485432924334 0.2142485432924334 0.20186626144009023 0.20186626144009023 0.2111529728293432 0.25603874454406744 0.2823510934802857 0.3380713618157948 0.4727286769599586 0.5315445157585579 0.6275072001141692 0.7497822334059986 0.7915724346576326 0.9401598168856804 +43548,1.002071226147361,2,0.3674792812151032 0.23901310699710215 0.2746121673225734 0.24984760361789585 0.2127007580608927 0.2142485432924334 0.2142485432924334 0.20186626144009023 0.20186626144009023 0.2111529728293432 0.25603874454406744 0.2823510934802857 0.3380713618157948 0.4727286769599586 0.5315445157585579 0.6275072001141692 0.7497822334059986 0.7915724346576326 0.9401598168856804 0.9587332396641863 +43549,0.9122996827179214,2,0.23901310699710215 0.2746121673225734 0.24984760361789585 0.2127007580608927 0.2142485432924334 0.2142485432924334 0.20186626144009023 0.20186626144009023 0.2111529728293432 0.25603874454406744 0.2823510934802857 0.3380713618157948 0.4727286769599586 0.5315445157585579 0.6275072001141692 0.7497822334059986 0.7915724346576326 0.9401598168856804 0.9587332396641863 1.002071226147361 +43550,0.738947736785205,2,0.2746121673225734 0.24984760361789585 0.2127007580608927 0.2142485432924334 0.2142485432924334 0.20186626144009023 0.20186626144009023 0.2111529728293432 0.25603874454406744 0.2823510934802857 0.3380713618157948 0.4727286769599586 0.5315445157585579 0.6275072001141692 0.7497822334059986 0.7915724346576326 0.9401598168856804 0.9587332396641863 1.002071226147361 0.9122996827179214 +43551,0.599647065946419,2,0.24984760361789585 0.2127007580608927 0.2142485432924334 0.2142485432924334 0.20186626144009023 0.20186626144009023 0.2111529728293432 0.25603874454406744 0.2823510934802857 0.3380713618157948 0.4727286769599586 0.5315445157585579 0.6275072001141692 0.7497822334059986 0.7915724346576326 0.9401598168856804 0.9587332396641863 1.002071226147361 0.9122996827179214 0.738947736785205 +43552,0.4293906904767839,2,0.2127007580608927 0.2142485432924334 0.2142485432924334 0.20186626144009023 0.20186626144009023 0.2111529728293432 0.25603874454406744 0.2823510934802857 0.3380713618157948 0.4727286769599586 0.5315445157585579 0.6275072001141692 0.7497822334059986 0.7915724346576326 0.9401598168856804 0.9587332396641863 1.002071226147361 0.9122996827179214 0.738947736785205 0.599647065946419 +43553,0.3148545833426667,2,0.2142485432924334 0.2142485432924334 0.20186626144009023 0.20186626144009023 0.2111529728293432 0.25603874454406744 0.2823510934802857 0.3380713618157948 0.4727286769599586 0.5315445157585579 0.6275072001141692 0.7497822334059986 0.7915724346576326 0.9401598168856804 0.9587332396641863 1.002071226147361 0.9122996827179214 0.738947736785205 0.599647065946419 0.4293906904767839 +43554,0.25758652977560814,2,0.2142485432924334 0.20186626144009023 0.20186626144009023 0.2111529728293432 0.25603874454406744 0.2823510934802857 0.3380713618157948 0.4727286769599586 0.5315445157585579 0.6275072001141692 0.7497822334059986 0.7915724346576326 0.9401598168856804 0.9587332396641863 1.002071226147361 0.9122996827179214 0.738947736785205 0.599647065946419 0.4293906904767839 0.3148545833426667 +43555,0.2142485432924334,2,0.20186626144009023 0.20186626144009023 0.2111529728293432 0.25603874454406744 0.2823510934802857 0.3380713618157948 0.4727286769599586 0.5315445157585579 0.6275072001141692 0.7497822334059986 0.7915724346576326 0.9401598168856804 0.9587332396641863 1.002071226147361 0.9122996827179214 0.738947736785205 0.599647065946419 0.4293906904767839 0.3148545833426667 0.25758652977560814 +43556,0.15388491926228462,2,0.20186626144009023 0.2111529728293432 0.25603874454406744 0.2823510934802857 0.3380713618157948 0.4727286769599586 0.5315445157585579 0.6275072001141692 0.7497822334059986 0.7915724346576326 0.9401598168856804 0.9587332396641863 1.002071226147361 0.9122996827179214 0.738947736785205 0.599647065946419 0.4293906904767839 0.3148545833426667 0.25758652977560814 0.2142485432924334 +43557,0.05792223490668219,2,0.2111529728293432 0.25603874454406744 0.2823510934802857 0.3380713618157948 0.4727286769599586 0.5315445157585579 0.6275072001141692 0.7497822334059986 0.7915724346576326 0.9401598168856804 0.9587332396641863 1.002071226147361 0.9122996827179214 0.738947736785205 0.599647065946419 0.4293906904767839 0.3148545833426667 0.25758652977560814 0.2142485432924334 0.15388491926228462 +43558,0.04708773828587971,2,0.25603874454406744 0.2823510934802857 0.3380713618157948 0.4727286769599586 0.5315445157585579 0.6275072001141692 0.7497822334059986 0.7915724346576326 0.9401598168856804 0.9587332396641863 1.002071226147361 0.9122996827179214 0.738947736785205 0.599647065946419 0.4293906904767839 0.3148545833426667 0.25758652977560814 0.2142485432924334 0.15388491926228462 0.05792223490668219 +43559,0.00994089272887658,2,0.2823510934802857 0.3380713618157948 0.4727286769599586 0.5315445157585579 0.6275072001141692 0.7497822334059986 0.7915724346576326 0.9401598168856804 0.9587332396641863 1.002071226147361 0.9122996827179214 0.738947736785205 0.599647065946419 0.4293906904767839 0.3148545833426667 0.25758652977560814 0.2142485432924334 0.15388491926228462 0.05792223490668219 0.04708773828587971 +43560,-0.056613872227435,2,0.3380713618157948 0.4727286769599586 0.5315445157585579 0.6275072001141692 0.7497822334059986 0.7915724346576326 0.9401598168856804 0.9587332396641863 1.002071226147361 0.9122996827179214 0.738947736785205 0.599647065946419 0.4293906904767839 0.3148545833426667 0.25758652977560814 0.2142485432924334 0.15388491926228462 0.05792223490668219 0.04708773828587971 0.00994089272887658 +43561,0.008393107497327084,2,0.4727286769599586 0.5315445157585579 0.6275072001141692 0.7497822334059986 0.7915724346576326 0.9401598168856804 0.9587332396641863 1.002071226147361 0.9122996827179214 0.738947736785205 0.599647065946419 0.4293906904767839 0.3148545833426667 0.25758652977560814 0.2142485432924334 0.15388491926228462 0.05792223490668219 0.04708773828587971 0.00994089272887658 -0.056613872227435 +43562,-0.0008936038919258983,2,0.5315445157585579 0.6275072001141692 0.7497822334059986 0.7915724346576326 0.9401598168856804 0.9587332396641863 1.002071226147361 0.9122996827179214 0.738947736785205 0.599647065946419 0.4293906904767839 0.3148545833426667 0.25758652977560814 0.2142485432924334 0.15388491926228462 0.05792223490668219 0.04708773828587971 0.00994089272887658 -0.056613872227435 0.008393107497327084 +43563,-0.002441389123466596,2,0.6275072001141692 0.7497822334059986 0.7915724346576326 0.9401598168856804 0.9587332396641863 1.002071226147361 0.9122996827179214 0.738947736785205 0.599647065946419 0.4293906904767839 0.3148545833426667 0.25758652977560814 0.2142485432924334 0.15388491926228462 0.05792223490668219 0.04708773828587971 0.00994089272887658 -0.056613872227435 0.008393107497327084 -0.0008936038919258983 +43564,0.17555391250388078,2,0.7497822334059986 0.7915724346576326 0.9401598168856804 0.9587332396641863 1.002071226147361 0.9122996827179214 0.738947736785205 0.599647065946419 0.4293906904767839 0.3148545833426667 0.25758652977560814 0.2142485432924334 0.15388491926228462 0.05792223490668219 0.04708773828587971 0.00994089272887658 -0.056613872227435 0.008393107497327084 -0.0008936038919258983 -0.002441389123466596 +43565,0.4417729723291183,2,0.7915724346576326 0.9401598168856804 0.9587332396641863 1.002071226147361 0.9122996827179214 0.738947736785205 0.599647065946419 0.4293906904767839 0.3148545833426667 0.25758652977560814 0.2142485432924334 0.15388491926228462 0.05792223490668219 0.04708773828587971 0.00994089272887658 -0.056613872227435 0.008393107497327084 -0.0008936038919258983 -0.002441389123466596 0.17555391250388078 +43566,0.7172787435436175,2,0.9401598168856804 0.9587332396641863 1.002071226147361 0.9122996827179214 0.738947736785205 0.599647065946419 0.4293906904767839 0.3148545833426667 0.25758652977560814 0.2142485432924334 0.15388491926228462 0.05792223490668219 0.04708773828587971 0.00994089272887658 -0.056613872227435 0.008393107497327084 -0.0008936038919258983 -0.002441389123466596 0.17555391250388078 0.4417729723291183 +43567,0.8116936426676793,2,0.9587332396641863 1.002071226147361 0.9122996827179214 0.738947736785205 0.599647065946419 0.4293906904767839 0.3148545833426667 0.25758652977560814 0.2142485432924334 0.15388491926228462 0.05792223490668219 0.04708773828587971 0.00994089272887658 -0.056613872227435 0.008393107497327084 -0.0008936038919258983 -0.002441389123466596 0.17555391250388078 0.4417729723291183 0.7172787435436175 +43568,0.9448031725803024,2,1.002071226147361 0.9122996827179214 0.738947736785205 0.599647065946419 0.4293906904767839 0.3148545833426667 0.25758652977560814 0.2142485432924334 0.15388491926228462 0.05792223490668219 0.04708773828587971 0.00994089272887658 -0.056613872227435 0.008393107497327084 -0.0008936038919258983 -0.002441389123466596 0.17555391250388078 0.4417729723291183 0.7172787435436175 0.8116936426676793 +43569,1.0144535079996955,2,0.9122996827179214 0.738947736785205 0.599647065946419 0.4293906904767839 0.3148545833426667 0.25758652977560814 0.2142485432924334 0.15388491926228462 0.05792223490668219 0.04708773828587971 0.00994089272887658 -0.056613872227435 0.008393107497327084 -0.0008936038919258983 -0.002441389123466596 0.17555391250388078 0.4417729723291183 0.7172787435436175 0.8116936426676793 0.9448031725803024 +43570,0.9664721658218898,2,0.738947736785205 0.599647065946419 0.4293906904767839 0.3148545833426667 0.25758652977560814 0.2142485432924334 0.15388491926228462 0.05792223490668219 0.04708773828587971 0.00994089272887658 -0.056613872227435 0.008393107497327084 -0.0008936038919258983 -0.002441389123466596 0.17555391250388078 0.4417729723291183 0.7172787435436175 0.8116936426676793 0.9448031725803024 1.0144535079996955 +43571,0.9850455886003958,2,0.599647065946419 0.4293906904767839 0.3148545833426667 0.25758652977560814 0.2142485432924334 0.15388491926228462 0.05792223490668219 0.04708773828587971 0.00994089272887658 -0.056613872227435 0.008393107497327084 -0.0008936038919258983 -0.002441389123466596 0.17555391250388078 0.4417729723291183 0.7172787435436175 0.8116936426676793 0.9448031725803024 1.0144535079996955 0.9664721658218898 +43572,0.9757588772111427,2,0.4293906904767839 0.3148545833426667 0.25758652977560814 0.2142485432924334 0.15388491926228462 0.05792223490668219 0.04708773828587971 0.00994089272887658 -0.056613872227435 0.008393107497327084 -0.0008936038919258983 -0.002441389123466596 0.17555391250388078 0.4417729723291183 0.7172787435436175 0.8116936426676793 0.9448031725803024 1.0144535079996955 0.9664721658218898 0.9850455886003958 +43573,0.8503882734562319,2,0.3148545833426667 0.25758652977560814 0.2142485432924334 0.15388491926228462 0.05792223490668219 0.04708773828587971 0.00994089272887658 -0.056613872227435 0.008393107497327084 -0.0008936038919258983 -0.002441389123466596 0.17555391250388078 0.4417729723291183 0.7172787435436175 0.8116936426676793 0.9448031725803024 1.0144535079996955 0.9664721658218898 0.9850455886003958 0.9757588772111427 +43574,0.7358521663221236,2,0.25758652977560814 0.2142485432924334 0.15388491926228462 0.05792223490668219 0.04708773828587971 0.00994089272887658 -0.056613872227435 0.008393107497327084 -0.0008936038919258983 -0.002441389123466596 0.17555391250388078 0.4417729723291183 0.7172787435436175 0.8116936426676793 0.9448031725803024 1.0144535079996955 0.9664721658218898 0.9850455886003958 0.9757588772111427 0.8503882734562319 +43575,0.5392834419162702,2,0.2142485432924334 0.15388491926228462 0.05792223490668219 0.04708773828587971 0.00994089272887658 -0.056613872227435 0.008393107497327084 -0.0008936038919258983 -0.002441389123466596 0.17555391250388078 0.4417729723291183 0.7172787435436175 0.8116936426676793 0.9448031725803024 1.0144535079996955 0.9664721658218898 0.9850455886003958 0.9757588772111427 0.8503882734562319 0.7358521663221236 +43576,0.434034046171406,2,0.15388491926228462 0.05792223490668219 0.04708773828587971 0.00994089272887658 -0.056613872227435 0.008393107497327084 -0.0008936038919258983 -0.002441389123466596 0.17555391250388078 0.4417729723291183 0.7172787435436175 0.8116936426676793 0.9448031725803024 1.0144535079996955 0.9664721658218898 0.9850455886003958 0.9757588772111427 0.8503882734562319 0.7358521663221236 0.5392834419162702 +43577,0.30402008672187303,2,0.05792223490668219 0.04708773828587971 0.00994089272887658 -0.056613872227435 0.008393107497327084 -0.0008936038919258983 -0.002441389123466596 0.17555391250388078 0.4417729723291183 0.7172787435436175 0.8116936426676793 0.9448031725803024 1.0144535079996955 0.9664721658218898 0.9850455886003958 0.9757588772111427 0.8503882734562319 0.7358521663221236 0.5392834419162702 0.434034046171406 +43578,0.35509699936276,2,0.04708773828587971 0.00994089272887658 -0.056613872227435 0.008393107497327084 -0.0008936038919258983 -0.002441389123466596 0.17555391250388078 0.4417729723291183 0.7172787435436175 0.8116936426676793 0.9448031725803024 1.0144535079996955 0.9664721658218898 0.9850455886003958 0.9757588772111427 0.8503882734562319 0.7358521663221236 0.5392834419162702 0.434034046171406 0.30402008672187303 +43579,0.2777077377856548,2,0.00994089272887658 -0.056613872227435 0.008393107497327084 -0.0008936038919258983 -0.002441389123466596 0.17555391250388078 0.4417729723291183 0.7172787435436175 0.8116936426676793 0.9448031725803024 1.0144535079996955 0.9664721658218898 0.9850455886003958 0.9757588772111427 0.8503882734562319 0.7358521663221236 0.5392834419162702 0.434034046171406 0.30402008672187303 0.35509699936276 +43580,0.29163780486953866,2,-0.056613872227435 0.008393107497327084 -0.0008936038919258983 -0.002441389123466596 0.17555391250388078 0.4417729723291183 0.7172787435436175 0.8116936426676793 0.9448031725803024 1.0144535079996955 0.9664721658218898 0.9850455886003958 0.9757588772111427 0.8503882734562319 0.7358521663221236 0.5392834419162702 0.434034046171406 0.30402008672187303 0.35509699936276 0.2777077377856548 +43581,0.23436975130248006,2,0.008393107497327084 -0.0008936038919258983 -0.002441389123466596 0.17555391250388078 0.4417729723291183 0.7172787435436175 0.8116936426676793 0.9448031725803024 1.0144535079996955 0.9664721658218898 0.9850455886003958 0.9757588772111427 0.8503882734562319 0.7358521663221236 0.5392834419162702 0.434034046171406 0.30402008672187303 0.35509699936276 0.2777077377856548 0.29163780486953866 +43582,0.26068210023868954,2,-0.0008936038919258983 -0.002441389123466596 0.17555391250388078 0.4417729723291183 0.7172787435436175 0.8116936426676793 0.9448031725803024 1.0144535079996955 0.9664721658218898 0.9850455886003958 0.9757588772111427 0.8503882734562319 0.7358521663221236 0.5392834419162702 0.434034046171406 0.30402008672187303 0.35509699936276 0.2777077377856548 0.29163780486953866 0.23436975130248006 +43583,0.2250830399132271,2,-0.002441389123466596 0.17555391250388078 0.4417729723291183 0.7172787435436175 0.8116936426676793 0.9448031725803024 1.0144535079996955 0.9664721658218898 0.9850455886003958 0.9757588772111427 0.8503882734562319 0.7358521663221236 0.5392834419162702 0.434034046171406 0.30402008672187303 0.35509699936276 0.2777077377856548 0.29163780486953866 0.23436975130248006 0.26068210023868954 +43584,0.2127007580608927,2,0.17555391250388078 0.4417729723291183 0.7172787435436175 0.8116936426676793 0.9448031725803024 1.0144535079996955 0.9664721658218898 0.9850455886003958 0.9757588772111427 0.8503882734562319 0.7358521663221236 0.5392834419162702 0.434034046171406 0.30402008672187303 0.35509699936276 0.2777077377856548 0.29163780486953866 0.23436975130248006 0.26068210023868954 0.2250830399132271 +43585,0.17710169773542148,2,0.4417729723291183 0.7172787435436175 0.8116936426676793 0.9448031725803024 1.0144535079996955 0.9664721658218898 0.9850455886003958 0.9757588772111427 0.8503882734562319 0.7358521663221236 0.5392834419162702 0.434034046171406 0.30402008672187303 0.35509699936276 0.2777077377856548 0.29163780486953866 0.23436975130248006 0.26068210023868954 0.2250830399132271 0.2127007580608927 +43586,0.12292921463144427,2,0.7172787435436175 0.8116936426676793 0.9448031725803024 1.0144535079996955 0.9664721658218898 0.9850455886003958 0.9757588772111427 0.8503882734562319 0.7358521663221236 0.5392834419162702 0.434034046171406 0.30402008672187303 0.35509699936276 0.2777077377856548 0.29163780486953866 0.23436975130248006 0.26068210023868954 0.2250830399132271 0.2127007580608927 0.17710169773542148 +43587,0.17721748336957474,2,0.8116936426676793 0.9448031725803024 1.0144535079996955 0.9664721658218898 0.9850455886003958 0.9757588772111427 0.8503882734562319 0.7358521663221236 0.5392834419162702 0.434034046171406 0.30402008672187303 0.35509699936276 0.2777077377856548 0.29163780486953866 0.23436975130248006 0.26068210023868954 0.2250830399132271 0.2127007580608927 0.17710169773542148 0.12292921463144427 +43588,0.2375936856311766,2,0.9448031725803024 1.0144535079996955 0.9664721658218898 0.9850455886003958 0.9757588772111427 0.8503882734562319 0.7358521663221236 0.5392834419162702 0.434034046171406 0.30402008672187303 0.35509699936276 0.2777077377856548 0.29163780486953866 0.23436975130248006 0.26068210023868954 0.2250830399132271 0.2127007580608927 0.17710169773542148 0.12292921463144427 0.17721748336957474 +43589,0.29796988804755536,2,1.0144535079996955 0.9664721658218898 0.9850455886003958 0.9757588772111427 0.8503882734562319 0.7358521663221236 0.5392834419162702 0.434034046171406 0.30402008672187303 0.35509699936276 0.2777077377856548 0.29163780486953866 0.23436975130248006 0.26068210023868954 0.2250830399132271 0.2127007580608927 0.17710169773542148 0.12292921463144427 0.17721748336957474 0.2375936856311766 +43590,0.36438371075201303,2,0.9664721658218898 0.9850455886003958 0.9757588772111427 0.8503882734562319 0.7358521663221236 0.5392834419162702 0.434034046171406 0.30402008672187303 0.35509699936276 0.2777077377856548 0.29163780486953866 0.23436975130248006 0.26068210023868954 0.2250830399132271 0.2127007580608927 0.17710169773542148 0.12292921463144427 0.17721748336957474 0.2375936856311766 0.29796988804755536 +43591,0.45105968371837124,2,0.9850455886003958 0.9757588772111427 0.8503882734562319 0.7358521663221236 0.5392834419162702 0.434034046171406 0.30402008672187303 0.35509699936276 0.2777077377856548 0.29163780486953866 0.23436975130248006 0.26068210023868954 0.2250830399132271 0.2127007580608927 0.17710169773542148 0.12292921463144427 0.17721748336957474 0.2375936856311766 0.29796988804755536 0.36438371075201303 +43592,0.5408312271478108,2,0.9757588772111427 0.8503882734562319 0.7358521663221236 0.5392834419162702 0.434034046171406 0.30402008672187303 0.35509699936276 0.2777077377856548 0.29163780486953866 0.23436975130248006 0.26068210023868954 0.2250830399132271 0.2127007580608927 0.17710169773542148 0.12292921463144427 0.17721748336957474 0.2375936856311766 0.29796988804755536 0.36438371075201303 0.45105968371837124 +43593,0.5655957908524885,2,0.8503882734562319 0.7358521663221236 0.5392834419162702 0.434034046171406 0.30402008672187303 0.35509699936276 0.2777077377856548 0.29163780486953866 0.23436975130248006 0.26068210023868954 0.2250830399132271 0.2127007580608927 0.17710169773542148 0.12292921463144427 0.17721748336957474 0.2375936856311766 0.29796988804755536 0.36438371075201303 0.45105968371837124 0.5408312271478108 +43594,0.6367939115034221,2,0.7358521663221236 0.5392834419162702 0.434034046171406 0.30402008672187303 0.35509699936276 0.2777077377856548 0.29163780486953866 0.23436975130248006 0.26068210023868954 0.2250830399132271 0.2127007580608927 0.17710169773542148 0.12292921463144427 0.17721748336957474 0.2375936856311766 0.29796988804755536 0.36438371075201303 0.45105968371837124 0.5408312271478108 0.5655957908524885 +43595,0.6398894819665123,2,0.5392834419162702 0.434034046171406 0.30402008672187303 0.35509699936276 0.2777077377856548 0.29163780486953866 0.23436975130248006 0.26068210023868954 0.2250830399132271 0.2127007580608927 0.17710169773542148 0.12292921463144427 0.17721748336957474 0.2375936856311766 0.29796988804755536 0.36438371075201303 0.45105968371837124 0.5408312271478108 0.5655957908524885 0.6367939115034221 +43596,0.5377356566847294,2,0.434034046171406 0.30402008672187303 0.35509699936276 0.2777077377856548 0.29163780486953866 0.23436975130248006 0.26068210023868954 0.2250830399132271 0.2127007580608927 0.17710169773542148 0.12292921463144427 0.17721748336957474 0.2375936856311766 0.29796988804755536 0.36438371075201303 0.45105968371837124 0.5408312271478108 0.5655957908524885 0.6367939115034221 0.6398894819665123 +43597,0.5222578043693137,2,0.30402008672187303 0.35509699936276 0.2777077377856548 0.29163780486953866 0.23436975130248006 0.26068210023868954 0.2250830399132271 0.2127007580608927 0.17710169773542148 0.12292921463144427 0.17721748336957474 0.2375936856311766 0.29796988804755536 0.36438371075201303 0.45105968371837124 0.5408312271478108 0.5655957908524885 0.6367939115034221 0.6398894819665123 0.5377356566847294 +43598,0.3876004892251499,2,0.35509699936276 0.2777077377856548 0.29163780486953866 0.23436975130248006 0.26068210023868954 0.2250830399132271 0.2127007580608927 0.17710169773542148 0.12292921463144427 0.17721748336957474 0.2375936856311766 0.29796988804755536 0.36438371075201303 0.45105968371837124 0.5408312271478108 0.5655957908524885 0.6367939115034221 0.6398894819665123 0.5377356566847294 0.5222578043693137 +43599,0.16317163065153759,2,0.2777077377856548 0.29163780486953866 0.23436975130248006 0.26068210023868954 0.2250830399132271 0.2127007580608927 0.17710169773542148 0.12292921463144427 0.17721748336957474 0.2375936856311766 0.29796988804755536 0.36438371075201303 0.45105968371837124 0.5408312271478108 0.5655957908524885 0.6367939115034221 0.6398894819665123 0.5377356566847294 0.5222578043693137 0.3876004892251499 +43600,0.04708773828587971,2,0.29163780486953866 0.23436975130248006 0.26068210023868954 0.2250830399132271 0.2127007580608927 0.17710169773542148 0.12292921463144427 0.17721748336957474 0.2375936856311766 0.29796988804755536 0.36438371075201303 0.45105968371837124 0.5408312271478108 0.5655957908524885 0.6367939115034221 0.6398894819665123 0.5377356566847294 0.5222578043693137 0.3876004892251499 0.16317163065153759 +43601,-0.03804044944892903,2,0.23436975130248006 0.26068210023868954 0.2250830399132271 0.2127007580608927 0.17710169773542148 0.12292921463144427 0.17721748336957474 0.2375936856311766 0.29796988804755536 0.36438371075201303 0.45105968371837124 0.5408312271478108 0.5655957908524885 0.6367939115034221 0.6398894819665123 0.5377356566847294 0.5222578043693137 0.3876004892251499 0.16317163065153759 0.04708773828587971 +43602,-0.04423159037510062,2,0.26068210023868954 0.2250830399132271 0.2127007580608927 0.17710169773542148 0.12292921463144427 0.17721748336957474 0.2375936856311766 0.29796988804755536 0.36438371075201303 0.45105968371837124 0.5408312271478108 0.5655957908524885 0.6367939115034221 0.6398894819665123 0.5377356566847294 0.5222578043693137 0.3876004892251499 0.16317163065153759 0.04708773828587971 -0.03804044944892903 +43603,-0.18198447598234585,2,0.2250830399132271 0.2127007580608927 0.17710169773542148 0.12292921463144427 0.17721748336957474 0.2375936856311766 0.29796988804755536 0.36438371075201303 0.45105968371837124 0.5408312271478108 0.5655957908524885 0.6367939115034221 0.6398894819665123 0.5377356566847294 0.5222578043693137 0.3876004892251499 0.16317163065153759 0.04708773828587971 -0.03804044944892903 -0.04423159037510062 +43604,-0.2655648784856227,2,0.2127007580608927 0.17710169773542148 0.12292921463144427 0.17721748336957474 0.2375936856311766 0.29796988804755536 0.36438371075201303 0.45105968371837124 0.5408312271478108 0.5655957908524885 0.6367939115034221 0.6398894819665123 0.5377356566847294 0.5222578043693137 0.3876004892251499 0.16317163065153759 0.04708773828587971 -0.03804044944892903 -0.04423159037510062 -0.18198447598234585 +43605,-0.30116393881109393,2,0.17710169773542148 0.12292921463144427 0.17721748336957474 0.2375936856311766 0.29796988804755536 0.36438371075201303 0.45105968371837124 0.5408312271478108 0.5655957908524885 0.6367939115034221 0.6398894819665123 0.5377356566847294 0.5222578043693137 0.3876004892251499 0.16317163065153759 0.04708773828587971 -0.03804044944892903 -0.04423159037510062 -0.18198447598234585 -0.2655648784856227 +43606,-0.3955788379351557,2,0.12292921463144427 0.17721748336957474 0.2375936856311766 0.29796988804755536 0.36438371075201303 0.45105968371837124 0.5408312271478108 0.5655957908524885 0.6367939115034221 0.6398894819665123 0.5377356566847294 0.5222578043693137 0.3876004892251499 0.16317163065153759 0.04708773828587971 -0.03804044944892903 -0.04423159037510062 -0.18198447598234585 -0.2655648784856227 -0.30116393881109393 +43607,-0.4203434016398332,2,0.17721748336957474 0.2375936856311766 0.29796988804755536 0.36438371075201303 0.45105968371837124 0.5408312271478108 0.5655957908524885 0.6367939115034221 0.6398894819665123 0.5377356566847294 0.5222578043693137 0.3876004892251499 0.16317163065153759 0.04708773828587971 -0.03804044944892903 -0.04423159037510062 -0.18198447598234585 -0.2655648784856227 -0.30116393881109393 -0.3955788379351557 +43608,-0.5039238041431101,2,0.2375936856311766 0.29796988804755536 0.36438371075201303 0.45105968371837124 0.5408312271478108 0.5655957908524885 0.6367939115034221 0.6398894819665123 0.5377356566847294 0.5222578043693137 0.3876004892251499 0.16317163065153759 0.04708773828587971 -0.03804044944892903 -0.04423159037510062 -0.18198447598234585 -0.2655648784856227 -0.30116393881109393 -0.3955788379351557 -0.4203434016398332 +43609,-0.5519051463209157,2,0.29796988804755536 0.36438371075201303 0.45105968371837124 0.5408312271478108 0.5655957908524885 0.6367939115034221 0.6398894819665123 0.5377356566847294 0.5222578043693137 0.3876004892251499 0.16317163065153759 0.04708773828587971 -0.03804044944892903 -0.04423159037510062 -0.18198447598234585 -0.2655648784856227 -0.30116393881109393 -0.3955788379351557 -0.4203434016398332 -0.5039238041431101 +43610,-0.620007696508768,2,0.36438371075201303 0.45105968371837124 0.5408312271478108 0.5655957908524885 0.6367939115034221 0.6398894819665123 0.5377356566847294 0.5222578043693137 0.3876004892251499 0.16317163065153759 0.04708773828587971 -0.03804044944892903 -0.04423159037510062 -0.18198447598234585 -0.2655648784856227 -0.30116393881109393 -0.3955788379351557 -0.4203434016398332 -0.5039238041431101 -0.5519051463209157 +43611,-0.6370333340557244,2,0.45105968371837124 0.5408312271478108 0.5655957908524885 0.6367939115034221 0.6398894819665123 0.5377356566847294 0.5222578043693137 0.3876004892251499 0.16317163065153759 0.04708773828587971 -0.03804044944892903 -0.04423159037510062 -0.18198447598234585 -0.2655648784856227 -0.30116393881109393 -0.3955788379351557 -0.4203434016398332 -0.5039238041431101 -0.5519051463209157 -0.620007696508768 +43612,-0.3893876970089929,2,0.5408312271478108 0.5655957908524885 0.6367939115034221 0.6398894819665123 0.5377356566847294 0.5222578043693137 0.3876004892251499 0.16317163065153759 0.04708773828587971 -0.03804044944892903 -0.04423159037510062 -0.18198447598234585 -0.2655648784856227 -0.30116393881109393 -0.3955788379351557 -0.4203434016398332 -0.5039238041431101 -0.5519051463209157 -0.620007696508768 -0.6370333340557244 +43613,-0.005536959586547991,2,0.5655957908524885 0.6367939115034221 0.6398894819665123 0.5377356566847294 0.5222578043693137 0.3876004892251499 0.16317163065153759 0.04708773828587971 -0.03804044944892903 -0.04423159037510062 -0.18198447598234585 -0.2655648784856227 -0.30116393881109393 -0.3955788379351557 -0.4203434016398332 -0.5039238041431101 -0.5519051463209157 -0.620007696508768 -0.6370333340557244 -0.3893876970089929 +43614,0.22972639560784916,2,0.6367939115034221 0.6398894819665123 0.5377356566847294 0.5222578043693137 0.3876004892251499 0.16317163065153759 0.04708773828587971 -0.03804044944892903 -0.04423159037510062 -0.18198447598234585 -0.2655648784856227 -0.30116393881109393 -0.3955788379351557 -0.4203434016398332 -0.5039238041431101 -0.5519051463209157 -0.620007696508768 -0.6370333340557244 -0.3893876970089929 -0.005536959586547991 +43615,0.3906960596882313,2,0.6398894819665123 0.5377356566847294 0.5222578043693137 0.3876004892251499 0.16317163065153759 0.04708773828587971 -0.03804044944892903 -0.04423159037510062 -0.18198447598234585 -0.2655648784856227 -0.30116393881109393 -0.3955788379351557 -0.4203434016398332 -0.5039238041431101 -0.5519051463209157 -0.620007696508768 -0.6370333340557244 -0.3893876970089929 -0.005536959586547991 0.22972639560784916 +43616,0.5795258579363636,2,0.5377356566847294 0.5222578043693137 0.3876004892251499 0.16317163065153759 0.04708773828587971 -0.03804044944892903 -0.04423159037510062 -0.18198447598234585 -0.2655648784856227 -0.30116393881109393 -0.3955788379351557 -0.4203434016398332 -0.5039238041431101 -0.5519051463209157 -0.620007696508768 -0.6370333340557244 -0.3893876970089929 -0.005536959586547991 0.22972639560784916 0.3906960596882313 +43617,0.6754885422919747,2,0.5222578043693137 0.3876004892251499 0.16317163065153759 0.04708773828587971 -0.03804044944892903 -0.04423159037510062 -0.18198447598234585 -0.2655648784856227 -0.30116393881109393 -0.3955788379351557 -0.4203434016398332 -0.5039238041431101 -0.5519051463209157 -0.620007696508768 -0.6370333340557244 -0.3893876970089929 -0.005536959586547991 0.22972639560784916 0.3906960596882313 0.5795258579363636 +43618,0.7234698844697803,2,0.3876004892251499 0.16317163065153759 0.04708773828587971 -0.03804044944892903 -0.04423159037510062 -0.18198447598234585 -0.2655648784856227 -0.30116393881109393 -0.3955788379351557 -0.4203434016398332 -0.5039238041431101 -0.5519051463209157 -0.620007696508768 -0.6370333340557244 -0.3893876970089929 -0.005536959586547991 0.22972639560784916 0.3906960596882313 0.5795258579363636 0.6754885422919747 +43619,0.7281132401644113,2,0.16317163065153759 0.04708773828587971 -0.03804044944892903 -0.04423159037510062 -0.18198447598234585 -0.2655648784856227 -0.30116393881109393 -0.3955788379351557 -0.4203434016398332 -0.5039238041431101 -0.5519051463209157 -0.620007696508768 -0.6370333340557244 -0.3893876970089929 -0.005536959586547991 0.22972639560784916 0.3906960596882313 0.5795258579363636 0.6754885422919747 0.7234698844697803 +43620,0.734304381090574,2,0.04708773828587971 -0.03804044944892903 -0.04423159037510062 -0.18198447598234585 -0.2655648784856227 -0.30116393881109393 -0.3955788379351557 -0.4203434016398332 -0.5039238041431101 -0.5519051463209157 -0.620007696508768 -0.6370333340557244 -0.3893876970089929 -0.005536959586547991 0.22972639560784916 0.3906960596882313 0.5795258579363636 0.6754885422919747 0.7234698844697803 0.7281132401644113 +43621,0.6367939115034221,2,-0.03804044944892903 -0.04423159037510062 -0.18198447598234585 -0.2655648784856227 -0.30116393881109393 -0.3955788379351557 -0.4203434016398332 -0.5039238041431101 -0.5519051463209157 -0.620007696508768 -0.6370333340557244 -0.3893876970089929 -0.005536959586547991 0.22972639560784916 0.3906960596882313 0.5795258579363636 0.6754885422919747 0.7234698844697803 0.7281132401644113 0.734304381090574 +43622,0.38450491876205967,2,-0.04423159037510062 -0.18198447598234585 -0.2655648784856227 -0.30116393881109393 -0.3955788379351557 -0.4203434016398332 -0.5039238041431101 -0.5519051463209157 -0.620007696508768 -0.6370333340557244 -0.3893876970089929 -0.005536959586547991 0.22972639560784916 0.3906960596882313 0.5795258579363636 0.6754885422919747 0.7234698844697803 0.7281132401644113 0.734304381090574 0.6367939115034221 +43623,0.2111529728293432,2,-0.18198447598234585 -0.2655648784856227 -0.30116393881109393 -0.3955788379351557 -0.4203434016398332 -0.5039238041431101 -0.5519051463209157 -0.620007696508768 -0.6370333340557244 -0.3893876970089929 -0.005536959586547991 0.22972639560784916 0.3906960596882313 0.5795258579363636 0.6754885422919747 0.7234698844697803 0.7281132401644113 0.734304381090574 0.6367939115034221 0.38450491876205967 +43624,0.07340008722209797,2,-0.2655648784856227 -0.30116393881109393 -0.3955788379351557 -0.4203434016398332 -0.5039238041431101 -0.5519051463209157 -0.620007696508768 -0.6370333340557244 -0.3893876970089929 -0.005536959586547991 0.22972639560784916 0.3906960596882313 0.5795258579363636 0.6754885422919747 0.7234698844697803 0.7281132401644113 0.734304381090574 0.6367939115034221 0.38450491876205967 0.2111529728293432 +43625,-0.04113601991201923,2,-0.30116393881109393 -0.3955788379351557 -0.4203434016398332 -0.5039238041431101 -0.5519051463209157 -0.620007696508768 -0.6370333340557244 -0.3893876970089929 -0.005536959586547991 0.22972639560784916 0.3906960596882313 0.5795258579363636 0.6754885422919747 0.7234698844697803 0.7281132401644113 0.734304381090574 0.6367939115034221 0.38450491876205967 0.2111529728293432 0.07340008722209797 +43626,-0.07209172454285957,2,-0.3955788379351557 -0.4203434016398332 -0.5039238041431101 -0.5519051463209157 -0.620007696508768 -0.6370333340557244 -0.3893876970089929 -0.005536959586547991 0.22972639560784916 0.3906960596882313 0.5795258579363636 0.6754885422919747 0.7234698844697803 0.7281132401644113 0.734304381090574 0.6367939115034221 0.38450491876205967 0.2111529728293432 0.07340008722209797 -0.04113601991201923 +43627,-0.12007306672066517,2,-0.4203434016398332 -0.5039238041431101 -0.5519051463209157 -0.620007696508768 -0.6370333340557244 -0.3893876970089929 -0.005536959586547991 0.22972639560784916 0.3906960596882313 0.5795258579363636 0.6754885422919747 0.7234698844697803 0.7281132401644113 0.734304381090574 0.6367939115034221 0.38450491876205967 0.2111529728293432 0.07340008722209797 -0.04113601991201923 -0.07209172454285957 +43628,-0.22841803292861076,2,-0.5039238041431101 -0.5519051463209157 -0.620007696508768 -0.6370333340557244 -0.3893876970089929 -0.005536959586547991 0.22972639560784916 0.3906960596882313 0.5795258579363636 0.6754885422919747 0.7234698844697803 0.7281132401644113 0.734304381090574 0.6367939115034221 0.38450491876205967 0.2111529728293432 0.07340008722209797 -0.04113601991201923 -0.07209172454285957 -0.12007306672066517 +43629,-0.38319655608282127,2,-0.5519051463209157 -0.620007696508768 -0.6370333340557244 -0.3893876970089929 -0.005536959586547991 0.22972639560784916 0.3906960596882313 0.5795258579363636 0.6754885422919747 0.7234698844697803 0.7281132401644113 0.734304381090574 0.6367939115034221 0.38450491876205967 0.2111529728293432 0.07340008722209797 -0.04113601991201923 -0.07209172454285957 -0.12007306672066517 -0.22841803292861076 +43630,-0.4420123948814206,2,-0.620007696508768 -0.6370333340557244 -0.3893876970089929 -0.005536959586547991 0.22972639560784916 0.3906960596882313 0.5795258579363636 0.6754885422919747 0.7234698844697803 0.7281132401644113 0.734304381090574 0.6367939115034221 0.38450491876205967 0.2111529728293432 0.07340008722209797 -0.04113601991201923 -0.07209172454285957 -0.12007306672066517 -0.22841803292861076 -0.38319655608282127 +43631,-0.46677695858609813,2,-0.6370333340557244 -0.3893876970089929 -0.005536959586547991 0.22972639560784916 0.3906960596882313 0.5795258579363636 0.6754885422919747 0.7234698844697803 0.7281132401644113 0.734304381090574 0.6367939115034221 0.38450491876205967 0.2111529728293432 0.07340008722209797 -0.04113601991201923 -0.07209172454285957 -0.12007306672066517 -0.22841803292861076 -0.38319655608282127 -0.4420123948814206 +43632,-0.5859564214148374,2,-0.3893876970089929 -0.005536959586547991 0.22972639560784916 0.3906960596882313 0.5795258579363636 0.6754885422919747 0.7234698844697803 0.7281132401644113 0.734304381090574 0.6367939115034221 0.38450491876205967 0.2111529728293432 0.07340008722209797 -0.04113601991201923 -0.07209172454285957 -0.12007306672066517 -0.22841803292861076 -0.38319655608282127 -0.4420123948814206 -0.46677695858609813 +43633,-0.6323899783611023,2,-0.005536959586547991 0.22972639560784916 0.3906960596882313 0.5795258579363636 0.6754885422919747 0.7234698844697803 0.7281132401644113 0.734304381090574 0.6367939115034221 0.38450491876205967 0.2111529728293432 0.07340008722209797 -0.04113601991201923 -0.07209172454285957 -0.12007306672066517 -0.22841803292861076 -0.38319655608282127 -0.4420123948814206 -0.46677695858609813 -0.5859564214148374 +43634,-0.5983387032671718,2,0.22972639560784916 0.3906960596882313 0.5795258579363636 0.6754885422919747 0.7234698844697803 0.7281132401644113 0.734304381090574 0.6367939115034221 0.38450491876205967 0.2111529728293432 0.07340008722209797 -0.04113601991201923 -0.07209172454285957 -0.12007306672066517 -0.22841803292861076 -0.38319655608282127 -0.4420123948814206 -0.46677695858609813 -0.5859564214148374 -0.6323899783611023 +43635,-0.6509634011396083,2,0.3906960596882313 0.5795258579363636 0.6754885422919747 0.7234698844697803 0.7281132401644113 0.734304381090574 0.6367939115034221 0.38450491876205967 0.2111529728293432 0.07340008722209797 -0.04113601991201923 -0.07209172454285957 -0.12007306672066517 -0.22841803292861076 -0.38319655608282127 -0.4420123948814206 -0.46677695858609813 -0.5859564214148374 -0.6323899783611023 -0.5983387032671718 +43636,-0.46058581765992657,2,0.5795258579363636 0.6754885422919747 0.7234698844697803 0.7281132401644113 0.734304381090574 0.6367939115034221 0.38450491876205967 0.2111529728293432 0.07340008722209797 -0.04113601991201923 -0.07209172454285957 -0.12007306672066517 -0.22841803292861076 -0.38319655608282127 -0.4420123948814206 -0.46677695858609813 -0.5859564214148374 -0.6323899783611023 -0.5983387032671718 -0.6509634011396083 +43637,-0.0535183017643536,2,0.6754885422919747 0.7234698844697803 0.7281132401644113 0.734304381090574 0.6367939115034221 0.38450491876205967 0.2111529728293432 0.07340008722209797 -0.04113601991201923 -0.07209172454285957 -0.12007306672066517 -0.22841803292861076 -0.38319655608282127 -0.4420123948814206 -0.46677695858609813 -0.5859564214148374 -0.6323899783611023 -0.5983387032671718 -0.6509634011396083 -0.46058581765992657 +43638,0.20186626144009023,2,0.7234698844697803 0.7281132401644113 0.734304381090574 0.6367939115034221 0.38450491876205967 0.2111529728293432 0.07340008722209797 -0.04113601991201923 -0.07209172454285957 -0.12007306672066517 -0.22841803292861076 -0.38319655608282127 -0.4420123948814206 -0.46677695858609813 -0.5859564214148374 -0.6323899783611023 -0.5983387032671718 -0.6509634011396083 -0.46058581765992657 -0.0535183017643536 +43639,0.4293906904767839,2,0.7281132401644113 0.734304381090574 0.6367939115034221 0.38450491876205967 0.2111529728293432 0.07340008722209797 -0.04113601991201923 -0.07209172454285957 -0.12007306672066517 -0.22841803292861076 -0.38319655608282127 -0.4420123948814206 -0.46677695858609813 -0.5859564214148374 -0.6323899783611023 -0.5983387032671718 -0.6509634011396083 -0.46058581765992657 -0.0535183017643536 0.20186626144009023 +43640,0.6306027705772593,2,0.734304381090574 0.6367939115034221 0.38450491876205967 0.2111529728293432 0.07340008722209797 -0.04113601991201923 -0.07209172454285957 -0.12007306672066517 -0.22841803292861076 -0.38319655608282127 -0.4420123948814206 -0.46677695858609813 -0.5859564214148374 -0.6323899783611023 -0.5983387032671718 -0.6509634011396083 -0.46058581765992657 -0.0535183017643536 0.20186626144009023 0.4293906904767839 +43641,0.7064442469228239,2,0.6367939115034221 0.38450491876205967 0.2111529728293432 0.07340008722209797 -0.04113601991201923 -0.07209172454285957 -0.12007306672066517 -0.22841803292861076 -0.38319655608282127 -0.4420123948814206 -0.46677695858609813 -0.5859564214148374 -0.6323899783611023 -0.5983387032671718 -0.6509634011396083 -0.46058581765992657 -0.0535183017643536 0.20186626144009023 0.4293906904767839 0.6306027705772593 +43642,0.8209803540569323,2,0.38450491876205967 0.2111529728293432 0.07340008722209797 -0.04113601991201923 -0.07209172454285957 -0.12007306672066517 -0.22841803292861076 -0.38319655608282127 -0.4420123948814206 -0.46677695858609813 -0.5859564214148374 -0.6323899783611023 -0.5983387032671718 -0.6509634011396083 -0.46058581765992657 -0.0535183017643536 0.20186626144009023 0.4293906904767839 0.6306027705772593 0.7064442469228239 +43643,0.7729990118791267,2,0.2111529728293432 0.07340008722209797 -0.04113601991201923 -0.07209172454285957 -0.12007306672066517 -0.22841803292861076 -0.38319655608282127 -0.4420123948814206 -0.46677695858609813 -0.5859564214148374 -0.6323899783611023 -0.5983387032671718 -0.6509634011396083 -0.46058581765992657 -0.0535183017643536 0.20186626144009023 0.4293906904767839 0.6306027705772593 0.7064442469228239 0.8209803540569323 +43644,0.7931202198891821,2,0.07340008722209797 -0.04113601991201923 -0.07209172454285957 -0.12007306672066517 -0.22841803292861076 -0.38319655608282127 -0.4420123948814206 -0.46677695858609813 -0.5859564214148374 -0.6323899783611023 -0.5983387032671718 -0.6509634011396083 -0.46058581765992657 -0.0535183017643536 0.20186626144009023 0.4293906904767839 0.6306027705772593 0.7064442469228239 0.8209803540569323 0.7729990118791267 +43645,0.75287780386908,2,-0.04113601991201923 -0.07209172454285957 -0.12007306672066517 -0.22841803292861076 -0.38319655608282127 -0.4420123948814206 -0.46677695858609813 -0.5859564214148374 -0.6323899783611023 -0.5983387032671718 -0.6509634011396083 -0.46058581765992657 -0.0535183017643536 0.20186626144009023 0.4293906904767839 0.6306027705772593 0.7064442469228239 0.8209803540569323 0.7729990118791267 0.7931202198891821 +43646,0.6151249182618348,2,-0.07209172454285957 -0.12007306672066517 -0.22841803292861076 -0.38319655608282127 -0.4420123948814206 -0.46677695858609813 -0.5859564214148374 -0.6323899783611023 -0.5983387032671718 -0.6509634011396083 -0.46058581765992657 -0.0535183017643536 0.20186626144009023 0.4293906904767839 0.6306027705772593 0.7064442469228239 0.8209803540569323 0.7729990118791267 0.7931202198891821 0.75287780386908 +43647,0.2838988787118264,2,-0.12007306672066517 -0.22841803292861076 -0.38319655608282127 -0.4420123948814206 -0.46677695858609813 -0.5859564214148374 -0.6323899783611023 -0.5983387032671718 -0.6509634011396083 -0.46058581765992657 -0.0535183017643536 0.20186626144009023 0.4293906904767839 0.6306027705772593 0.7064442469228239 0.8209803540569323 0.7729990118791267 0.7931202198891821 0.75287780386908 0.6151249182618348 +43648,0.16781498634616848,2,-0.22841803292861076 -0.38319655608282127 -0.4420123948814206 -0.46677695858609813 -0.5859564214148374 -0.6323899783611023 -0.5983387032671718 -0.6509634011396083 -0.46058581765992657 -0.0535183017643536 0.20186626144009023 0.4293906904767839 0.6306027705772593 0.7064442469228239 0.8209803540569323 0.7729990118791267 0.7931202198891821 0.75287780386908 0.6151249182618348 0.2838988787118264 +43649,0.08733015430598183,2,-0.38319655608282127 -0.4420123948814206 -0.46677695858609813 -0.5859564214148374 -0.6323899783611023 -0.5983387032671718 -0.6509634011396083 -0.46058581765992657 -0.0535183017643536 0.20186626144009023 0.4293906904767839 0.6306027705772593 0.7064442469228239 0.8209803540569323 0.7729990118791267 0.7931202198891821 0.75287780386908 0.6151249182618348 0.2838988787118264 0.16781498634616848 +43650,0.02077538934967026,2,-0.4420123948814206 -0.46677695858609813 -0.5859564214148374 -0.6323899783611023 -0.5983387032671718 -0.6509634011396083 -0.46058581765992657 -0.0535183017643536 0.20186626144009023 0.4293906904767839 0.6306027705772593 0.7064442469228239 0.8209803540569323 0.7729990118791267 0.7931202198891821 0.75287780386908 0.6151249182618348 0.2838988787118264 0.16781498634616848 0.08733015430598183 +43651,-0.017919241438882367,2,-0.46677695858609813 -0.5859564214148374 -0.6323899783611023 -0.5983387032671718 -0.6509634011396083 -0.46058581765992657 -0.0535183017643536 0.20186626144009023 0.4293906904767839 0.6306027705772593 0.7064442469228239 0.8209803540569323 0.7729990118791267 0.7931202198891821 0.75287780386908 0.6151249182618348 0.2838988787118264 0.16781498634616848 0.08733015430598183 0.02077538934967026 +43652,-0.18043669075080518,2,-0.5859564214148374 -0.6323899783611023 -0.5983387032671718 -0.6509634011396083 -0.46058581765992657 -0.0535183017643536 0.20186626144009023 0.4293906904767839 0.6306027705772593 0.7064442469228239 0.8209803540569323 0.7729990118791267 0.7931202198891821 0.75287780386908 0.6151249182618348 0.2838988787118264 0.16781498634616848 0.08733015430598183 0.02077538934967026 -0.017919241438882367 +43653,-0.23770474431786376,2,-0.6323899783611023 -0.5983387032671718 -0.6509634011396083 -0.46058581765992657 -0.0535183017643536 0.20186626144009023 0.4293906904767839 0.6306027705772593 0.7064442469228239 0.8209803540569323 0.7729990118791267 0.7931202198891821 0.75287780386908 0.6151249182618348 0.2838988787118264 0.16781498634616848 0.08733015430598183 0.02077538934967026 -0.017919241438882367 -0.18043669075080518 +43654,-0.35997977760969324,2,-0.5983387032671718 -0.6509634011396083 -0.46058581765992657 -0.0535183017643536 0.20186626144009023 0.4293906904767839 0.6306027705772593 0.7064442469228239 0.8209803540569323 0.7729990118791267 0.7931202198891821 0.75287780386908 0.6151249182618348 0.2838988787118264 0.16781498634616848 0.08733015430598183 0.02077538934967026 -0.017919241438882367 -0.18043669075080518 -0.23770474431786376 +43655,-0.4311778982606269,2,-0.6509634011396083 -0.46058581765992657 -0.0535183017643536 0.20186626144009023 0.4293906904767839 0.6306027705772593 0.7064442469228239 0.8209803540569323 0.7729990118791267 0.7931202198891821 0.75287780386908 0.6151249182618348 0.2838988787118264 0.16781498634616848 0.08733015430598183 0.02077538934967026 -0.017919241438882367 -0.18043669075080518 -0.23770474431786376 -0.35997977760969324 +43656,-0.5147583007639037,2,-0.46058581765992657 -0.0535183017643536 0.20186626144009023 0.4293906904767839 0.6306027705772593 0.7064442469228239 0.8209803540569323 0.7729990118791267 0.7931202198891821 0.75287780386908 0.6151249182618348 0.2838988787118264 0.16781498634616848 0.08733015430598183 0.02077538934967026 -0.017919241438882367 -0.18043669075080518 -0.23770474431786376 -0.35997977760969324 -0.4311778982606269 +43657,-0.573574139562503,2,-0.0535183017643536 0.20186626144009023 0.4293906904767839 0.6306027705772593 0.7064442469228239 0.8209803540569323 0.7729990118791267 0.7931202198891821 0.75287780386908 0.6151249182618348 0.2838988787118264 0.16781498634616848 0.08733015430598183 0.02077538934967026 -0.017919241438882367 -0.18043669075080518 -0.23770474431786376 -0.35997977760969324 -0.4311778982606269 -0.5147583007639037 +43658,-0.573574139562503,2,0.20186626144009023 0.4293906904767839 0.6306027705772593 0.7064442469228239 0.8209803540569323 0.7729990118791267 0.7931202198891821 0.75287780386908 0.6151249182618348 0.2838988787118264 0.16781498634616848 0.08733015430598183 0.02077538934967026 -0.017919241438882367 -0.18043669075080518 -0.23770474431786376 -0.35997977760969324 -0.4311778982606269 -0.5147583007639037 -0.573574139562503 +43659,-0.7082314547066669,2,0.4293906904767839 0.6306027705772593 0.7064442469228239 0.8209803540569323 0.7729990118791267 0.7931202198891821 0.75287780386908 0.6151249182618348 0.2838988787118264 0.16781498634616848 0.08733015430598183 0.02077538934967026 -0.017919241438882367 -0.18043669075080518 -0.23770474431786376 -0.35997977760969324 -0.4311778982606269 -0.5147583007639037 -0.573574139562503 -0.573574139562503 +43660,-0.273303804643335,2,0.6306027705772593 0.7064442469228239 0.8209803540569323 0.7729990118791267 0.7931202198891821 0.75287780386908 0.6151249182618348 0.2838988787118264 0.16781498634616848 0.08733015430598183 0.02077538934967026 -0.017919241438882367 -0.18043669075080518 -0.23770474431786376 -0.35997977760969324 -0.4311778982606269 -0.5147583007639037 -0.573574139562503 -0.573574139562503 -0.7082314547066669 +43661,0.2281786103763085,2,0.7064442469228239 0.8209803540569323 0.7729990118791267 0.7931202198891821 0.75287780386908 0.6151249182618348 0.2838988787118264 0.16781498634616848 0.08733015430598183 0.02077538934967026 -0.017919241438882367 -0.18043669075080518 -0.23770474431786376 -0.35997977760969324 -0.4311778982606269 -0.5147583007639037 -0.573574139562503 -0.573574139562503 -0.7082314547066669 -0.273303804643335 +43662,0.7234698844697803,2,0.8209803540569323 0.7729990118791267 0.7931202198891821 0.75287780386908 0.6151249182618348 0.2838988787118264 0.16781498634616848 0.08733015430598183 0.02077538934967026 -0.017919241438882367 -0.18043669075080518 -0.23770474431786376 -0.35997977760969324 -0.4311778982606269 -0.5147583007639037 -0.573574139562503 -0.573574139562503 -0.7082314547066669 -0.273303804643335 0.2281786103763085 +43663,1.1800665277747084,2,0.7729990118791267 0.7931202198891821 0.75287780386908 0.6151249182618348 0.2838988787118264 0.16781498634616848 0.08733015430598183 0.02077538934967026 -0.017919241438882367 -0.18043669075080518 -0.23770474431786376 -0.35997977760969324 -0.4311778982606269 -0.5147583007639037 -0.573574139562503 -0.573574139562503 -0.7082314547066669 -0.273303804643335 0.2281786103763085 0.7234698844697803 +43664,1.4400944466737744,2,0.7931202198891821 0.75287780386908 0.6151249182618348 0.2838988787118264 0.16781498634616848 0.08733015430598183 0.02077538934967026 -0.017919241438882367 -0.18043669075080518 -0.23770474431786376 -0.35997977760969324 -0.4311778982606269 -0.5147583007639037 -0.573574139562503 -0.573574139562503 -0.7082314547066669 -0.273303804643335 0.2281786103763085 0.7234698844697803 1.1800665277747084 +43665,1.4865280036200392,2,0.75287780386908 0.6151249182618348 0.2838988787118264 0.16781498634616848 0.08733015430598183 0.02077538934967026 -0.017919241438882367 -0.18043669075080518 -0.23770474431786376 -0.35997977760969324 -0.4311778982606269 -0.5147583007639037 -0.573574139562503 -0.573574139562503 -0.7082314547066669 -0.273303804643335 0.2281786103763085 0.7234698844697803 1.1800665277747084 1.4400944466737744 +43666,1.4772412922307863,2,0.6151249182618348 0.2838988787118264 0.16781498634616848 0.08733015430598183 0.02077538934967026 -0.017919241438882367 -0.18043669075080518 -0.23770474431786376 -0.35997977760969324 -0.4311778982606269 -0.5147583007639037 -0.573574139562503 -0.573574139562503 -0.7082314547066669 -0.273303804643335 0.2281786103763085 0.7234698844697803 1.1800665277747084 1.4400944466737744 1.4865280036200392 +43667,1.5051014263985452,2,0.2838988787118264 0.16781498634616848 0.08733015430598183 0.02077538934967026 -0.017919241438882367 -0.18043669075080518 -0.23770474431786376 -0.35997977760969324 -0.4311778982606269 -0.5147583007639037 -0.573574139562503 -0.573574139562503 -0.7082314547066669 -0.273303804643335 0.2281786103763085 0.7234698844697803 1.1800665277747084 1.4400944466737744 1.4865280036200392 1.4772412922307863 +43668,1.4586678694522803,2,0.16781498634616848 0.08733015430598183 0.02077538934967026 -0.017919241438882367 -0.18043669075080518 -0.23770474431786376 -0.35997977760969324 -0.4311778982606269 -0.5147583007639037 -0.573574139562503 -0.573574139562503 -0.7082314547066669 -0.273303804643335 0.2281786103763085 0.7234698844697803 1.1800665277747084 1.4400944466737744 1.4865280036200392 1.4772412922307863 1.5051014263985452 +43669,1.3828263931067157,2,0.08733015430598183 0.02077538934967026 -0.017919241438882367 -0.18043669075080518 -0.23770474431786376 -0.35997977760969324 -0.4311778982606269 -0.5147583007639037 -0.573574139562503 -0.573574139562503 -0.7082314547066669 -0.273303804643335 0.2281786103763085 0.7234698844697803 1.1800665277747084 1.4400944466737744 1.4865280036200392 1.4772412922307863 1.5051014263985452 1.4586678694522803 +43670,1.1305374003653532,2,0.02077538934967026 -0.017919241438882367 -0.18043669075080518 -0.23770474431786376 -0.35997977760969324 -0.4311778982606269 -0.5147583007639037 -0.573574139562503 -0.573574139562503 -0.7082314547066669 -0.273303804643335 0.2281786103763085 0.7234698844697803 1.1800665277747084 1.4400944466737744 1.4865280036200392 1.4772412922307863 1.5051014263985452 1.4586678694522803 1.3828263931067157 +43671,0.8302670654461852,2,-0.017919241438882367 -0.18043669075080518 -0.23770474431786376 -0.35997977760969324 -0.4311778982606269 -0.5147583007639037 -0.573574139562503 -0.573574139562503 -0.7082314547066669 -0.273303804643335 0.2281786103763085 0.7234698844697803 1.1800665277747084 1.4400944466737744 1.4865280036200392 1.4772412922307863 1.5051014263985452 1.4586678694522803 1.3828263931067157 1.1305374003653532 +43672,0.6940619650704807,2,-0.18043669075080518 -0.23770474431786376 -0.35997977760969324 -0.4311778982606269 -0.5147583007639037 -0.573574139562503 -0.573574139562503 -0.7082314547066669 -0.273303804643335 0.2281786103763085 0.7234698844697803 1.1800665277747084 1.4400944466737744 1.4865280036200392 1.4772412922307863 1.5051014263985452 1.4586678694522803 1.3828263931067157 1.1305374003653532 0.8302670654461852 +43673,0.5222578043693137,2,-0.23770474431786376 -0.35997977760969324 -0.4311778982606269 -0.5147583007639037 -0.573574139562503 -0.573574139562503 -0.7082314547066669 -0.273303804643335 0.2281786103763085 0.7234698844697803 1.1800665277747084 1.4400944466737744 1.4865280036200392 1.4772412922307863 1.5051014263985452 1.4586678694522803 1.3828263931067157 1.1305374003653532 0.8302670654461852 0.6940619650704807 +43674,0.4154606233929,2,-0.35997977760969324 -0.4311778982606269 -0.5147583007639037 -0.573574139562503 -0.573574139562503 -0.7082314547066669 -0.273303804643335 0.2281786103763085 0.7234698844697803 1.1800665277747084 1.4400944466737744 1.4865280036200392 1.4772412922307863 1.5051014263985452 1.4586678694522803 1.3828263931067157 1.1305374003653532 0.8302670654461852 0.6940619650704807 0.5222578043693137 +43675,0.271516596859492,2,-0.4311778982606269 -0.5147583007639037 -0.573574139562503 -0.573574139562503 -0.7082314547066669 -0.273303804643335 0.2281786103763085 0.7234698844697803 1.1800665277747084 1.4400944466737744 1.4865280036200392 1.4772412922307863 1.5051014263985452 1.4586678694522803 1.3828263931067157 1.1305374003653532 0.8302670654461852 0.6940619650704807 0.5222578043693137 0.4154606233929 +43676,0.08113901337981025,2,-0.5147583007639037 -0.573574139562503 -0.573574139562503 -0.7082314547066669 -0.273303804643335 0.2281786103763085 0.7234698844697803 1.1800665277747084 1.4400944466737744 1.4865280036200392 1.4772412922307863 1.5051014263985452 1.4586678694522803 1.3828263931067157 1.1305374003653532 0.8302670654461852 0.6940619650704807 0.5222578043693137 0.4154606233929 0.271516596859492 +43677,0.045539953054339014,2,-0.573574139562503 -0.573574139562503 -0.7082314547066669 -0.273303804643335 0.2281786103763085 0.7234698844697803 1.1800665277747084 1.4400944466737744 1.4865280036200392 1.4772412922307863 1.5051014263985452 1.4586678694522803 1.3828263931067157 1.1305374003653532 0.8302670654461852 0.6940619650704807 0.5222578043693137 0.4154606233929 0.271516596859492 0.08113901337981025 +43678,-0.15412434181458692,2,-0.573574139562503 -0.7082314547066669 -0.273303804643335 0.2281786103763085 0.7234698844697803 1.1800665277747084 1.4400944466737744 1.4865280036200392 1.4772412922307863 1.5051014263985452 1.4586678694522803 1.3828263931067157 1.1305374003653532 0.8302670654461852 0.6940619650704807 0.5222578043693137 0.4154606233929 0.271516596859492 0.08113901337981025 0.045539953054339014 +43679,-0.15721991227767712,2,-0.7082314547066669 -0.273303804643335 0.2281786103763085 0.7234698844697803 1.1800665277747084 1.4400944466737744 1.4865280036200392 1.4772412922307863 1.5051014263985452 1.4586678694522803 1.3828263931067157 1.1305374003653532 0.8302670654461852 0.6940619650704807 0.5222578043693137 0.4154606233929 0.271516596859492 0.08113901337981025 0.045539953054339014 -0.15412434181458692 +43680,-0.14483763042533393,2,-0.273303804643335 0.2281786103763085 0.7234698844697803 1.1800665277747084 1.4400944466737744 1.4865280036200392 1.4772412922307863 1.5051014263985452 1.4586678694522803 1.3828263931067157 1.1305374003653532 0.8302670654461852 0.6940619650704807 0.5222578043693137 0.4154606233929 0.271516596859492 0.08113901337981025 0.045539953054339014 -0.15412434181458692 -0.15721991227767712 +43681,-0.19281897260313954,2,0.2281786103763085 0.7234698844697803 1.1800665277747084 1.4400944466737744 1.4865280036200392 1.4772412922307863 1.5051014263985452 1.4586678694522803 1.3828263931067157 1.1305374003653532 0.8302670654461852 0.6940619650704807 0.5222578043693137 0.4154606233929 0.271516596859492 0.08113901337981025 0.045539953054339014 -0.15412434181458692 -0.15721991227767712 -0.14483763042533393 +43682,-0.28723387172721004,2,0.7234698844697803 1.1800665277747084 1.4400944466737744 1.4865280036200392 1.4772412922307863 1.5051014263985452 1.4586678694522803 1.3828263931067157 1.1305374003653532 0.8302670654461852 0.6940619650704807 0.5222578043693137 0.4154606233929 0.271516596859492 0.08113901337981025 0.045539953054339014 -0.15412434181458692 -0.15721991227767712 -0.14483763042533393 -0.19281897260313954 +43683,-0.5441662201632034,2,1.1800665277747084 1.4400944466737744 1.4865280036200392 1.4772412922307863 1.5051014263985452 1.4586678694522803 1.3828263931067157 1.1305374003653532 0.8302670654461852 0.6940619650704807 0.5222578043693137 0.4154606233929 0.271516596859492 0.08113901337981025 0.045539953054339014 -0.15412434181458692 -0.15721991227767712 -0.14483763042533393 -0.19281897260313954 -0.28723387172721004 +43684,0.05637444967513269,2,1.4400944466737744 1.4865280036200392 1.4772412922307863 1.5051014263985452 1.4586678694522803 1.3828263931067157 1.1305374003653532 0.8302670654461852 0.6940619650704807 0.5222578043693137 0.4154606233929 0.271516596859492 0.08113901337981025 0.045539953054339014 -0.15412434181458692 -0.15721991227767712 -0.14483763042533393 -0.19281897260313954 -0.28723387172721004 -0.5441662201632034 +43685,0.7296610253959519,2,1.4865280036200392 1.4772412922307863 1.5051014263985452 1.4586678694522803 1.3828263931067157 1.1305374003653532 0.8302670654461852 0.6940619650704807 0.5222578043693137 0.4154606233929 0.271516596859492 0.08113901337981025 0.045539953054339014 -0.15412434181458692 -0.15721991227767712 -0.14483763042533393 -0.19281897260313954 -0.28723387172721004 -0.5441662201632034 0.05637444967513269 +43686,1.178518742543159,2,1.4772412922307863 1.5051014263985452 1.4586678694522803 1.3828263931067157 1.1305374003653532 0.8302670654461852 0.6940619650704807 0.5222578043693137 0.4154606233929 0.271516596859492 0.08113901337981025 0.045539953054339014 -0.15412434181458692 -0.15721991227767712 -0.14483763042533393 -0.19281897260313954 -0.28723387172721004 -0.5441662201632034 0.05637444967513269 0.7296610253959519 +43687,1.5174837082508796,2,1.5051014263985452 1.4586678694522803 1.3828263931067157 1.1305374003653532 0.8302670654461852 0.6940619650704807 0.5222578043693137 0.4154606233929 0.271516596859492 0.08113901337981025 0.045539953054339014 -0.15412434181458692 -0.15721991227767712 -0.14483763042533393 -0.19281897260313954 -0.28723387172721004 -0.5441662201632034 0.05637444967513269 0.7296610253959519 1.178518742543159 +43688,1.7852505533076666,2,1.4586678694522803 1.3828263931067157 1.1305374003653532 0.8302670654461852 0.6940619650704807 0.5222578043693137 0.4154606233929 0.271516596859492 0.08113901337981025 0.045539953054339014 -0.15412434181458692 -0.15721991227767712 -0.14483763042533393 -0.19281897260313954 -0.28723387172721004 -0.5441662201632034 0.05637444967513269 0.7296610253959519 1.178518742543159 1.5174837082508796 +43689,1.8564486739586004,2,1.3828263931067157 1.1305374003653532 0.8302670654461852 0.6940619650704807 0.5222578043693137 0.4154606233929 0.271516596859492 0.08113901337981025 0.045539953054339014 -0.15412434181458692 -0.15721991227767712 -0.14483763042533393 -0.19281897260313954 -0.28723387172721004 -0.5441662201632034 0.05637444967513269 0.7296610253959519 1.178518742543159 1.5174837082508796 1.7852505533076666 +43690,1.9044300161364058,2,1.1305374003653532 0.8302670654461852 0.6940619650704807 0.5222578043693137 0.4154606233929 0.271516596859492 0.08113901337981025 0.045539953054339014 -0.15412434181458692 -0.15721991227767712 -0.14483763042533393 -0.19281897260313954 -0.28723387172721004 -0.5441662201632034 0.05637444967513269 0.7296610253959519 1.178518742543159 1.5174837082508796 1.7852505533076666 1.8564486739586004 +43691,1.8626398148847718,2,0.8302670654461852 0.6940619650704807 0.5222578043693137 0.4154606233929 0.271516596859492 0.08113901337981025 0.045539953054339014 -0.15412434181458692 -0.15721991227767712 -0.14483763042533393 -0.19281897260313954 -0.28723387172721004 -0.5441662201632034 0.05637444967513269 0.7296610253959519 1.178518742543159 1.5174837082508796 1.7852505533076666 1.8564486739586004 1.9044300161364058 +43692,1.8007284056230912,2,0.6940619650704807 0.5222578043693137 0.4154606233929 0.271516596859492 0.08113901337981025 0.045539953054339014 -0.15412434181458692 -0.15721991227767712 -0.14483763042533393 -0.19281897260313954 -0.28723387172721004 -0.5441662201632034 0.05637444967513269 0.7296610253959519 1.178518742543159 1.5174837082508796 1.7852505533076666 1.8564486739586004 1.9044300161364058 1.8626398148847718 +43693,1.5948729698279849,2,0.5222578043693137 0.4154606233929 0.271516596859492 0.08113901337981025 0.045539953054339014 -0.15412434181458692 -0.15721991227767712 -0.14483763042533393 -0.19281897260313954 -0.28723387172721004 -0.5441662201632034 0.05637444967513269 0.7296610253959519 1.178518742543159 1.5174837082508796 1.7852505533076666 1.8564486739586004 1.9044300161364058 1.8626398148847718 1.8007284056230912 +43694,1.4013998158852217,2,0.4154606233929 0.271516596859492 0.08113901337981025 0.045539953054339014 -0.15412434181458692 -0.15721991227767712 -0.14483763042533393 -0.19281897260313954 -0.28723387172721004 -0.5441662201632034 0.05637444967513269 0.7296610253959519 1.178518742543159 1.5174837082508796 1.7852505533076666 1.8564486739586004 1.9044300161364058 1.8626398148847718 1.8007284056230912 1.5948729698279849 +43695,1.1305374003653532,2,0.271516596859492 0.08113901337981025 0.045539953054339014 -0.15412434181458692 -0.15721991227767712 -0.14483763042533393 -0.19281897260313954 -0.28723387172721004 -0.5441662201632034 0.05637444967513269 0.7296610253959519 1.178518742543159 1.5174837082508796 1.7852505533076666 1.8564486739586004 1.9044300161364058 1.8626398148847718 1.8007284056230912 1.5948729698279849 1.4013998158852217 +43696,0.9293253202648867,2,0.08113901337981025 0.045539953054339014 -0.15412434181458692 -0.15721991227767712 -0.14483763042533393 -0.19281897260313954 -0.28723387172721004 -0.5441662201632034 0.05637444967513269 0.7296610253959519 1.178518742543159 1.5174837082508796 1.7852505533076666 1.8564486739586004 1.9044300161364058 1.8626398148847718 1.8007284056230912 1.5948729698279849 1.4013998158852217 1.1305374003653532 +43697,0.6987053207651116,2,0.045539953054339014 -0.15412434181458692 -0.15721991227767712 -0.14483763042533393 -0.19281897260313954 -0.28723387172721004 -0.5441662201632034 0.05637444967513269 0.7296610253959519 1.178518742543159 1.5174837082508796 1.7852505533076666 1.8564486739586004 1.9044300161364058 1.8626398148847718 1.8007284056230912 1.5948729698279849 1.4013998158852217 1.1305374003653532 0.9293253202648867 +43698,0.5934559250202474,2,-0.15412434181458692 -0.15721991227767712 -0.14483763042533393 -0.19281897260313954 -0.28723387172721004 -0.5441662201632034 0.05637444967513269 0.7296610253959519 1.178518742543159 1.5174837082508796 1.7852505533076666 1.8564486739586004 1.9044300161364058 1.8626398148847718 1.8007284056230912 1.5948729698279849 1.4013998158852217 1.1305374003653532 0.9293253202648867 0.6987053207651116 +43699,0.3674792812151032,2,-0.15721991227767712 -0.14483763042533393 -0.19281897260313954 -0.28723387172721004 -0.5441662201632034 0.05637444967513269 0.7296610253959519 1.178518742543159 1.5174837082508796 1.7852505533076666 1.8564486739586004 1.9044300161364058 1.8626398148847718 1.8007284056230912 1.5948729698279849 1.4013998158852217 1.1305374003653532 0.9293253202648867 0.6987053207651116 0.5934559250202474 +43700,0.16471941588308708,2,-0.14483763042533393 -0.19281897260313954 -0.28723387172721004 -0.5441662201632034 0.05637444967513269 0.7296610253959519 1.178518742543159 1.5174837082508796 1.7852505533076666 1.8564486739586004 1.9044300161364058 1.8626398148847718 1.8007284056230912 1.5948729698279849 1.4013998158852217 1.1305374003653532 0.9293253202648867 0.6987053207651116 0.5934559250202474 0.3674792812151032 +43701,0.008393107497327084,2,-0.19281897260313954 -0.28723387172721004 -0.5441662201632034 0.05637444967513269 0.7296610253959519 1.178518742543159 1.5174837082508796 1.7852505533076666 1.8564486739586004 1.9044300161364058 1.8626398148847718 1.8007284056230912 1.5948729698279849 1.4013998158852217 1.1305374003653532 0.9293253202648867 0.6987053207651116 0.5934559250202474 0.3674792812151032 0.16471941588308708 +43702,0.045539953054339014,2,-0.28723387172721004 -0.5441662201632034 0.05637444967513269 0.7296610253959519 1.178518742543159 1.5174837082508796 1.7852505533076666 1.8564486739586004 1.9044300161364058 1.8626398148847718 1.8007284056230912 1.5948729698279849 1.4013998158852217 1.1305374003653532 0.9293253202648867 0.6987053207651116 0.5934559250202474 0.3674792812151032 0.16471941588308708 0.008393107497327084 +43703,-0.15721991227767712,2,-0.5441662201632034 0.05637444967513269 0.7296610253959519 1.178518742543159 1.5174837082508796 1.7852505533076666 1.8564486739586004 1.9044300161364058 1.8626398148847718 1.8007284056230912 1.5948729698279849 1.4013998158852217 1.1305374003653532 0.9293253202648867 0.6987053207651116 0.5934559250202474 0.3674792812151032 0.16471941588308708 0.008393107497327084 0.045539953054339014 +43704,-0.30890286496879743,2,0.05637444967513269 0.7296610253959519 1.178518742543159 1.5174837082508796 1.7852505533076666 1.8564486739586004 1.9044300161364058 1.8626398148847718 1.8007284056230912 1.5948729698279849 1.4013998158852217 1.1305374003653532 0.9293253202648867 0.6987053207651116 0.5934559250202474 0.3674792812151032 0.16471941588308708 0.008393107497327084 0.045539953054339014 -0.15721991227767712 +43705,-0.30116393881109393,2,0.7296610253959519 1.178518742543159 1.5174837082508796 1.7852505533076666 1.8564486739586004 1.9044300161364058 1.8626398148847718 1.8007284056230912 1.5948729698279849 1.4013998158852217 1.1305374003653532 0.9293253202648867 0.6987053207651116 0.5934559250202474 0.3674792812151032 0.16471941588308708 0.008393107497327084 0.045539953054339014 -0.15721991227767712 -0.30890286496879743 +43706,-0.34759749575735005,2,1.178518742543159 1.5174837082508796 1.7852505533076666 1.8564486739586004 1.9044300161364058 1.8626398148847718 1.8007284056230912 1.5948729698279849 1.4013998158852217 1.1305374003653532 0.9293253202648867 0.6987053207651116 0.5934559250202474 0.3674792812151032 0.16471941588308708 0.008393107497327084 0.045539953054339014 -0.15721991227767712 -0.30890286496879743 -0.30116393881109393 +43707,-0.3537886366835216,2,1.5174837082508796 1.7852505533076666 1.8564486739586004 1.9044300161364058 1.8626398148847718 1.8007284056230912 1.5948729698279849 1.4013998158852217 1.1305374003653532 0.9293253202648867 0.6987053207651116 0.5934559250202474 0.3674792812151032 0.16471941588308708 0.008393107497327084 0.045539953054339014 -0.15721991227767712 -0.30890286496879743 -0.30116393881109393 -0.34759749575735005 +43708,0.006845322265786387,2,1.7852505533076666 1.8564486739586004 1.9044300161364058 1.8626398148847718 1.8007284056230912 1.5948729698279849 1.4013998158852217 1.1305374003653532 0.9293253202648867 0.6987053207651116 0.5934559250202474 0.3674792812151032 0.16471941588308708 0.008393107497327084 0.045539953054339014 -0.15721991227767712 -0.30890286496879743 -0.30116393881109393 -0.34759749575735005 -0.3537886366835216 +43709,0.5501179385370639,2,1.8564486739586004 1.9044300161364058 1.8626398148847718 1.8007284056230912 1.5948729698279849 1.4013998158852217 1.1305374003653532 0.9293253202648867 0.6987053207651116 0.5934559250202474 0.3674792812151032 0.16471941588308708 0.008393107497327084 0.045539953054339014 -0.15721991227767712 -0.30890286496879743 -0.30116393881109393 -0.34759749575735005 -0.3537886366835216 0.006845322265786387 +43710,0.8890829042447845,2,1.9044300161364058 1.8626398148847718 1.8007284056230912 1.5948729698279849 1.4013998158852217 1.1305374003653532 0.9293253202648867 0.6987053207651116 0.5934559250202474 0.3674792812151032 0.16471941588308708 0.008393107497327084 0.045539953054339014 -0.15721991227767712 -0.30890286496879743 -0.30116393881109393 -0.34759749575735005 -0.3537886366835216 0.006845322265786387 0.5501179385370639 +43711,1.3224627690765758,2,1.8626398148847718 1.8007284056230912 1.5948729698279849 1.4013998158852217 1.1305374003653532 0.9293253202648867 0.6987053207651116 0.5934559250202474 0.3674792812151032 0.16471941588308708 0.008393107497327084 0.045539953054339014 -0.15721991227767712 -0.30890286496879743 -0.30116393881109393 -0.34759749575735005 -0.3537886366835216 0.006845322265786387 0.5501179385370639 0.8890829042447845 +43712,1.4849802183884986,2,1.8007284056230912 1.5948729698279849 1.4013998158852217 1.1305374003653532 0.9293253202648867 0.6987053207651116 0.5934559250202474 0.3674792812151032 0.16471941588308708 0.008393107497327084 0.045539953054339014 -0.15721991227767712 -0.30890286496879743 -0.30116393881109393 -0.34759749575735005 -0.3537886366835216 0.006845322265786387 0.5501179385370639 0.8890829042447845 1.3224627690765758 +43713,1.6474976677004214,2,1.5948729698279849 1.4013998158852217 1.1305374003653532 0.9293253202648867 0.6987053207651116 0.5934559250202474 0.3674792812151032 0.16471941588308708 0.008393107497327084 0.045539953054339014 -0.15721991227767712 -0.30890286496879743 -0.30116393881109393 -0.34759749575735005 -0.3537886366835216 0.006845322265786387 0.5501179385370639 0.8890829042447845 1.3224627690765758 1.4849802183884986 +43714,1.6645233052473867,2,1.4013998158852217 1.1305374003653532 0.9293253202648867 0.6987053207651116 0.5934559250202474 0.3674792812151032 0.16471941588308708 0.008393107497327084 0.045539953054339014 -0.15721991227767712 -0.30890286496879743 -0.30116393881109393 -0.34759749575735005 -0.3537886366835216 0.006845322265786387 0.5501179385370639 0.8890829042447845 1.3224627690765758 1.4849802183884986 1.6474976677004214 +43715,1.625828674458834,2,1.1305374003653532 0.9293253202648867 0.6987053207651116 0.5934559250202474 0.3674792812151032 0.16471941588308708 0.008393107497327084 0.045539953054339014 -0.15721991227767712 -0.30890286496879743 -0.30116393881109393 -0.34759749575735005 -0.3537886366835216 0.006845322265786387 0.5501179385370639 0.8890829042447845 1.3224627690765758 1.4849802183884986 1.6474976677004214 1.6645233052473867 +43716,1.5530827685763509,2,0.9293253202648867 0.6987053207651116 0.5934559250202474 0.3674792812151032 0.16471941588308708 0.008393107497327084 0.045539953054339014 -0.15721991227767712 -0.30890286496879743 -0.30116393881109393 -0.34759749575735005 -0.3537886366835216 0.006845322265786387 0.5501179385370639 0.8890829042447845 1.3224627690765758 1.4849802183884986 1.6474976677004214 1.6645233052473867 1.625828674458834 +43717,1.4075909568113933,2,0.6987053207651116 0.5934559250202474 0.3674792812151032 0.16471941588308708 0.008393107497327084 0.045539953054339014 -0.15721991227767712 -0.30890286496879743 -0.30116393881109393 -0.34759749575735005 -0.3537886366835216 0.006845322265786387 0.5501179385370639 0.8890829042447845 1.3224627690765758 1.4849802183884986 1.6474976677004214 1.6645233052473867 1.625828674458834 1.5530827685763509 +43718,1.2141178028686301,2,0.5934559250202474 0.3674792812151032 0.16471941588308708 0.008393107497327084 0.045539953054339014 -0.15721991227767712 -0.30890286496879743 -0.30116393881109393 -0.34759749575735005 -0.3537886366835216 0.006845322265786387 0.5501179385370639 0.8890829042447845 1.3224627690765758 1.4849802183884986 1.6474976677004214 1.6645233052473867 1.625828674458834 1.5530827685763509 1.4075909568113933 +43719,0.8736050519293688,2,0.3674792812151032 0.16471941588308708 0.008393107497327084 0.045539953054339014 -0.15721991227767712 -0.30890286496879743 -0.30116393881109393 -0.34759749575735005 -0.3537886366835216 0.006845322265786387 0.5501179385370639 0.8890829042447845 1.3224627690765758 1.4849802183884986 1.6474976677004214 1.6645233052473867 1.625828674458834 1.5530827685763509 1.4075909568113933 1.2141178028686301 +43720,0.7203743140066989,2,0.16471941588308708 0.008393107497327084 0.045539953054339014 -0.15721991227767712 -0.30890286496879743 -0.30116393881109393 -0.34759749575735005 -0.3537886366835216 0.006845322265786387 0.5501179385370639 0.8890829042447845 1.3224627690765758 1.4849802183884986 1.6474976677004214 1.6645233052473867 1.625828674458834 1.5530827685763509 1.4075909568113933 1.2141178028686301 0.8736050519293688 +43721,0.5005888111277176,2,0.008393107497327084 0.045539953054339014 -0.15721991227767712 -0.30890286496879743 -0.30116393881109393 -0.34759749575735005 -0.3537886366835216 0.006845322265786387 0.5501179385370639 0.8890829042447845 1.3224627690765758 1.4849802183884986 1.6474976677004214 1.6645233052473867 1.625828674458834 1.5530827685763509 1.4075909568113933 1.2141178028686301 0.8736050519293688 0.7203743140066989 +43722,0.37986156306743757,2,0.045539953054339014 -0.15721991227767712 -0.30890286496879743 -0.30116393881109393 -0.34759749575735005 -0.3537886366835216 0.006845322265786387 0.5501179385370639 0.8890829042447845 1.3224627690765758 1.4849802183884986 1.6474976677004214 1.6645233052473867 1.625828674458834 1.5530827685763509 1.4075909568113933 1.2141178028686301 0.8736050519293688 0.7203743140066989 0.5005888111277176 +43723,0.24520424792327375,2,-0.15721991227767712 -0.30890286496879743 -0.30116393881109393 -0.34759749575735005 -0.3537886366835216 0.006845322265786387 0.5501179385370639 0.8890829042447845 1.3224627690765758 1.4849802183884986 1.6474976677004214 1.6645233052473867 1.625828674458834 1.5530827685763509 1.4075909568113933 1.2141178028686301 0.8736050519293688 0.7203743140066989 0.5005888111277176 0.37986156306743757 +43724,0.18948397958775584,2,-0.30890286496879743 -0.30116393881109393 -0.34759749575735005 -0.3537886366835216 0.006845322265786387 0.5501179385370639 0.8890829042447845 1.3224627690765758 1.4849802183884986 1.6474976677004214 1.6645233052473867 1.625828674458834 1.5530827685763509 1.4075909568113933 1.2141178028686301 0.8736050519293688 0.7203743140066989 0.5005888111277176 0.37986156306743757 0.24520424792327375 +43725,0.05792223490668219,2,-0.30116393881109393 -0.34759749575735005 -0.3537886366835216 0.006845322265786387 0.5501179385370639 0.8890829042447845 1.3224627690765758 1.4849802183884986 1.6474976677004214 1.6645233052473867 1.625828674458834 1.5530827685763509 1.4075909568113933 1.2141178028686301 0.8736050519293688 0.7203743140066989 0.5005888111277176 0.37986156306743757 0.24520424792327375 0.18948397958775584 +43726,-0.025658167596594655,2,-0.34759749575735005 -0.3537886366835216 0.006845322265786387 0.5501179385370639 0.8890829042447845 1.3224627690765758 1.4849802183884986 1.6474976677004214 1.6645233052473867 1.625828674458834 1.5530827685763509 1.4075909568113933 1.2141178028686301 0.8736050519293688 0.7203743140066989 0.5005888111277176 0.37986156306743757 0.24520424792327375 0.18948397958775584 0.05792223490668219 +43727,-0.1587676975092178,2,-0.3537886366835216 0.006845322265786387 0.5501179385370639 0.8890829042447845 1.3224627690765758 1.4849802183884986 1.6474976677004214 1.6645233052473867 1.625828674458834 1.5530827685763509 1.4075909568113933 1.2141178028686301 0.8736050519293688 0.7203743140066989 0.5005888111277176 0.37986156306743757 0.24520424792327375 0.18948397958775584 0.05792223490668219 -0.025658167596594655 +43728,-0.19436675783468904,2,0.006845322265786387 0.5501179385370639 0.8890829042447845 1.3224627690765758 1.4849802183884986 1.6474976677004214 1.6645233052473867 1.625828674458834 1.5530827685763509 1.4075909568113933 1.2141178028686301 0.8736050519293688 0.7203743140066989 0.5005888111277176 0.37986156306743757 0.24520424792327375 0.18948397958775584 0.05792223490668219 -0.025658167596594655 -0.1587676975092178 +43729,-0.25318259663328835,2,0.5501179385370639 0.8890829042447845 1.3224627690765758 1.4849802183884986 1.6474976677004214 1.6645233052473867 1.625828674458834 1.5530827685763509 1.4075909568113933 1.2141178028686301 0.8736050519293688 0.7203743140066989 0.5005888111277176 0.37986156306743757 0.24520424792327375 0.18948397958775584 0.05792223490668219 -0.025658167596594655 -0.1587676975092178 -0.19436675783468904 +43730,-0.30271172404263463,2,0.8890829042447845 1.3224627690765758 1.4849802183884986 1.6474976677004214 1.6645233052473867 1.625828674458834 1.5530827685763509 1.4075909568113933 1.2141178028686301 0.8736050519293688 0.7203743140066989 0.5005888111277176 0.37986156306743757 0.24520424792327375 0.18948397958775584 0.05792223490668219 -0.025658167596594655 -0.1587676975092178 -0.19436675783468904 -0.25318259663328835 +43731,-0.3801009856197399,2,1.3224627690765758 1.4849802183884986 1.6474976677004214 1.6645233052473867 1.625828674458834 1.5530827685763509 1.4075909568113933 1.2141178028686301 0.8736050519293688 0.7203743140066989 0.5005888111277176 0.37986156306743757 0.24520424792327375 0.18948397958775584 0.05792223490668219 -0.025658167596594655 -0.1587676975092178 -0.19436675783468904 -0.25318259663328835 -0.30271172404263463 +43732,-0.13555091903608096,2,1.4849802183884986 1.6474976677004214 1.6645233052473867 1.625828674458834 1.5530827685763509 1.4075909568113933 1.2141178028686301 0.8736050519293688 0.7203743140066989 0.5005888111277176 0.37986156306743757 0.24520424792327375 0.18948397958775584 0.05792223490668219 -0.025658167596594655 -0.1587676975092178 -0.19436675783468904 -0.25318259663328835 -0.30271172404263463 -0.3801009856197399 +43733,0.2792555230171955,2,1.6474976677004214 1.6645233052473867 1.625828674458834 1.5530827685763509 1.4075909568113933 1.2141178028686301 0.8736050519293688 0.7203743140066989 0.5005888111277176 0.37986156306743757 0.24520424792327375 0.18948397958775584 0.05792223490668219 -0.025658167596594655 -0.1587676975092178 -0.19436675783468904 -0.25318259663328835 -0.30271172404263463 -0.3801009856197399 -0.13555091903608096 +43734,0.743591092479827,2,1.6645233052473867 1.625828674458834 1.5530827685763509 1.4075909568113933 1.2141178028686301 0.8736050519293688 0.7203743140066989 0.5005888111277176 0.37986156306743757 0.24520424792327375 0.18948397958775584 0.05792223490668219 -0.025658167596594655 -0.1587676975092178 -0.19436675783468904 -0.25318259663328835 -0.30271172404263463 -0.3801009856197399 -0.13555091903608096 0.2792555230171955 +43735,1.1305374003653532,2,1.625828674458834 1.5530827685763509 1.4075909568113933 1.2141178028686301 0.8736050519293688 0.7203743140066989 0.5005888111277176 0.37986156306743757 0.24520424792327375 0.18948397958775584 0.05792223490668219 -0.025658167596594655 -0.1587676975092178 -0.19436675783468904 -0.25318259663328835 -0.30271172404263463 -0.3801009856197399 -0.13555091903608096 0.2792555230171955 0.743591092479827 +43736,1.3921131044959687,2,1.5530827685763509 1.4075909568113933 1.2141178028686301 0.8736050519293688 0.7203743140066989 0.5005888111277176 0.37986156306743757 0.24520424792327375 0.18948397958775584 0.05792223490668219 -0.025658167596594655 -0.1587676975092178 -0.19436675783468904 -0.25318259663328835 -0.30271172404263463 -0.3801009856197399 -0.13555091903608096 0.2792555230171955 0.743591092479827 1.1305374003653532 +43737,1.6474976677004214,2,1.4075909568113933 1.2141178028686301 0.8736050519293688 0.7203743140066989 0.5005888111277176 0.37986156306743757 0.24520424792327375 0.18948397958775584 0.05792223490668219 -0.025658167596594655 -0.1587676975092178 -0.19436675783468904 -0.25318259663328835 -0.30271172404263463 -0.3801009856197399 -0.13555091903608096 0.2792555230171955 0.743591092479827 1.1305374003653532 1.3921131044959687 +43738,1.732625855435239,2,1.2141178028686301 0.8736050519293688 0.7203743140066989 0.5005888111277176 0.37986156306743757 0.24520424792327375 0.18948397958775584 0.05792223490668219 -0.025658167596594655 -0.1587676975092178 -0.19436675783468904 -0.25318259663328835 -0.30271172404263463 -0.3801009856197399 -0.13555091903608096 0.2792555230171955 0.743591092479827 1.1305374003653532 1.3921131044959687 1.6474976677004214 +43739,1.7604859896029978,2,0.8736050519293688 0.7203743140066989 0.5005888111277176 0.37986156306743757 0.24520424792327375 0.18948397958775584 0.05792223490668219 -0.025658167596594655 -0.1587676975092178 -0.19436675783468904 -0.25318259663328835 -0.30271172404263463 -0.3801009856197399 -0.13555091903608096 0.2792555230171955 0.743591092479827 1.1305374003653532 1.3921131044959687 1.6474976677004214 1.732625855435239 +43740,1.7217913588144451,2,0.7203743140066989 0.5005888111277176 0.37986156306743757 0.24520424792327375 0.18948397958775584 0.05792223490668219 -0.025658167596594655 -0.1587676975092178 -0.19436675783468904 -0.25318259663328835 -0.30271172404263463 -0.3801009856197399 -0.13555091903608096 0.2792555230171955 0.743591092479827 1.1305374003653532 1.3921131044959687 1.6474976677004214 1.732625855435239 1.7604859896029978 +43741,1.5267704196401326,2,0.5005888111277176 0.37986156306743757 0.24520424792327375 0.18948397958775584 0.05792223490668219 -0.025658167596594655 -0.1587676975092178 -0.19436675783468904 -0.25318259663328835 -0.30271172404263463 -0.3801009856197399 -0.13555091903608096 0.2792555230171955 0.743591092479827 1.1305374003653532 1.3921131044959687 1.6474976677004214 1.732625855435239 1.7604859896029978 1.7217913588144451 +43742,1.4215210238952685,2,0.37986156306743757 0.24520424792327375 0.18948397958775584 0.05792223490668219 -0.025658167596594655 -0.1587676975092178 -0.19436675783468904 -0.25318259663328835 -0.30271172404263463 -0.3801009856197399 -0.13555091903608096 0.2792555230171955 0.743591092479827 1.1305374003653532 1.3921131044959687 1.6474976677004214 1.732625855435239 1.7604859896029978 1.7217913588144451 1.5267704196401326 +43743,1.1455179964933326,2,0.24520424792327375 0.18948397958775584 0.05792223490668219 -0.025658167596594655 -0.1587676975092178 -0.19436675783468904 -0.25318259663328835 -0.30271172404263463 -0.3801009856197399 -0.13555091903608096 0.2792555230171955 0.743591092479827 1.1305374003653532 1.3921131044959687 1.6474976677004214 1.732625855435239 1.7604859896029978 1.7217913588144451 1.5267704196401326 1.4215210238952685 +43744,0.8383739784713703,2,0.18948397958775584 0.05792223490668219 -0.025658167596594655 -0.1587676975092178 -0.19436675783468904 -0.25318259663328835 -0.30271172404263463 -0.3801009856197399 -0.13555091903608096 0.2792555230171955 0.743591092479827 1.1305374003653532 1.3921131044959687 1.6474976677004214 1.732625855435239 1.7604859896029978 1.7217913588144451 1.5267704196401326 1.4215210238952685 1.1455179964933326 +43745,0.5021365963592582,2,0.05792223490668219 -0.025658167596594655 -0.1587676975092178 -0.19436675783468904 -0.25318259663328835 -0.30271172404263463 -0.3801009856197399 -0.13555091903608096 0.2792555230171955 0.743591092479827 1.1305374003653532 1.3921131044959687 1.6474976677004214 1.732625855435239 1.7604859896029978 1.7217913588144451 1.5267704196401326 1.4215210238952685 1.1455179964933326 0.8383739784713703 +43746,0.3210457242688383,2,-0.025658167596594655 -0.1587676975092178 -0.19436675783468904 -0.25318259663328835 -0.30271172404263463 -0.3801009856197399 -0.13555091903608096 0.2792555230171955 0.743591092479827 1.1305374003653532 1.3921131044959687 1.6474976677004214 1.732625855435239 1.7604859896029978 1.7217913588144451 1.5267704196401326 1.4215210238952685 1.1455179964933326 0.8383739784713703 0.5021365963592582 +43747,0.2684210263964018,2,-0.1587676975092178 -0.19436675783468904 -0.25318259663328835 -0.30271172404263463 -0.3801009856197399 -0.13555091903608096 0.2792555230171955 0.743591092479827 1.1305374003653532 1.3921131044959687 1.6474976677004214 1.732625855435239 1.7604859896029978 1.7217913588144451 1.5267704196401326 1.4215210238952685 1.1455179964933326 0.8383739784713703 0.5021365963592582 0.3210457242688383 +43748,0.18948397958775584,2,-0.19436675783468904 -0.25318259663328835 -0.30271172404263463 -0.3801009856197399 -0.13555091903608096 0.2792555230171955 0.743591092479827 1.1305374003653532 1.3921131044959687 1.6474976677004214 1.732625855435239 1.7604859896029978 1.7217913588144451 1.5267704196401326 1.4215210238952685 1.1455179964933326 0.8383739784713703 0.5021365963592582 0.3210457242688383 0.2684210263964018 +43749,0.09352129523214463,2,-0.25318259663328835 -0.30271172404263463 -0.3801009856197399 -0.13555091903608096 0.2792555230171955 0.743591092479827 1.1305374003653532 1.3921131044959687 1.6474976677004214 1.732625855435239 1.7604859896029978 1.7217913588144451 1.5267704196401326 1.4215210238952685 1.1455179964933326 0.8383739784713703 0.5021365963592582 0.3210457242688383 0.2684210263964018 0.18948397958775584 +43750,-0.011728100512719579,2,-0.30271172404263463 -0.3801009856197399 -0.13555091903608096 0.2792555230171955 0.743591092479827 1.1305374003653532 1.3921131044959687 1.6474976677004214 1.732625855435239 1.7604859896029978 1.7217913588144451 1.5267704196401326 1.4215210238952685 1.1455179964933326 0.8383739784713703 0.5021365963592582 0.3210457242688383 0.2684210263964018 0.18948397958775584 0.09352129523214463 +43751,-0.1076907848683308,2,-0.3801009856197399 -0.13555091903608096 0.2792555230171955 0.743591092479827 1.1305374003653532 1.3921131044959687 1.6474976677004214 1.732625855435239 1.7604859896029978 1.7217913588144451 1.5267704196401326 1.4215210238952685 1.1455179964933326 0.8383739784713703 0.5021365963592582 0.3210457242688383 0.2684210263964018 0.18948397958775584 0.09352129523214463 -0.011728100512719579 +43752,-0.19281897260313954,2,-0.13555091903608096 0.2792555230171955 0.743591092479827 1.1305374003653532 1.3921131044959687 1.6474976677004214 1.732625855435239 1.7604859896029978 1.7217913588144451 1.5267704196401326 1.4215210238952685 1.1455179964933326 0.8383739784713703 0.5021365963592582 0.3210457242688383 0.2684210263964018 0.18948397958775584 0.09352129523214463 -0.011728100512719579 -0.1076907848683308 +43753,-0.24080031478094516,2,0.2792555230171955 0.743591092479827 1.1305374003653532 1.3921131044959687 1.6474976677004214 1.732625855435239 1.7604859896029978 1.7217913588144451 1.5267704196401326 1.4215210238952685 1.1455179964933326 0.8383739784713703 0.5021365963592582 0.3210457242688383 0.2684210263964018 0.18948397958775584 0.09352129523214463 -0.011728100512719579 -0.1076907848683308 -0.19281897260313954 +43754,-0.2748515898748757,2,0.743591092479827 1.1305374003653532 1.3921131044959687 1.6474976677004214 1.732625855435239 1.7604859896029978 1.7217913588144451 1.5267704196401326 1.4215210238952685 1.1455179964933326 0.8383739784713703 0.5021365963592582 0.3210457242688383 0.2684210263964018 0.18948397958775584 0.09352129523214463 -0.011728100512719579 -0.1076907848683308 -0.19281897260313954 -0.24080031478094516 +43755,-0.30580729450571603,2,1.1305374003653532 1.3921131044959687 1.6474976677004214 1.732625855435239 1.7604859896029978 1.7217913588144451 1.5267704196401326 1.4215210238952685 1.1455179964933326 0.8383739784713703 0.5021365963592582 0.3210457242688383 0.2684210263964018 0.18948397958775584 0.09352129523214463 -0.011728100512719579 -0.1076907848683308 -0.19281897260313954 -0.24080031478094516 -0.2748515898748757 +43756,-0.008632530049629385,2,1.3921131044959687 1.6474976677004214 1.732625855435239 1.7604859896029978 1.7217913588144451 1.5267704196401326 1.4215210238952685 1.1455179964933326 0.8383739784713703 0.5021365963592582 0.3210457242688383 0.2684210263964018 0.18948397958775584 0.09352129523214463 -0.011728100512719579 -0.1076907848683308 -0.19281897260313954 -0.24080031478094516 -0.2748515898748757 -0.30580729450571603 +43757,0.5686913613155699,2,1.6474976677004214 1.732625855435239 1.7604859896029978 1.7217913588144451 1.5267704196401326 1.4215210238952685 1.1455179964933326 0.8383739784713703 0.5021365963592582 0.3210457242688383 0.2684210263964018 0.18948397958775584 0.09352129523214463 -0.011728100512719579 -0.1076907848683308 -0.19281897260313954 -0.24080031478094516 -0.2748515898748757 -0.30580729450571603 -0.008632530049629385 +43758,0.9478987430433926,2,1.732625855435239 1.7604859896029978 1.7217913588144451 1.5267704196401326 1.4215210238952685 1.1455179964933326 0.8383739784713703 0.5021365963592582 0.3210457242688383 0.2684210263964018 0.18948397958775584 0.09352129523214463 -0.011728100512719579 -0.1076907848683308 -0.19281897260313954 -0.24080031478094516 -0.2748515898748757 -0.30580729450571603 -0.008632530049629385 0.5686913613155699 +43759,1.334845050928919,2,1.7604859896029978 1.7217913588144451 1.5267704196401326 1.4215210238952685 1.1455179964933326 0.8383739784713703 0.5021365963592582 0.3210457242688383 0.2684210263964018 0.18948397958775584 0.09352129523214463 -0.011728100512719579 -0.1076907848683308 -0.19281897260313954 -0.24080031478094516 -0.2748515898748757 -0.30580729450571603 -0.008632530049629385 0.5686913613155699 0.9478987430433926 +43760,1.635115385848087,2,1.7217913588144451 1.5267704196401326 1.4215210238952685 1.1455179964933326 0.8383739784713703 0.5021365963592582 0.3210457242688383 0.2684210263964018 0.18948397958775584 0.09352129523214463 -0.011728100512719579 -0.1076907848683308 -0.19281897260313954 -0.24080031478094516 -0.2748515898748757 -0.30580729450571603 -0.008632530049629385 0.5686913613155699 0.9478987430433926 1.334845050928919 +43761,1.8301363250223908,2,1.5267704196401326 1.4215210238952685 1.1455179964933326 0.8383739784713703 0.5021365963592582 0.3210457242688383 0.2684210263964018 0.18948397958775584 0.09352129523214463 -0.011728100512719579 -0.1076907848683308 -0.19281897260313954 -0.24080031478094516 -0.2748515898748757 -0.30580729450571603 -0.008632530049629385 0.5686913613155699 0.9478987430433926 1.334845050928919 1.635115385848087 +43762,1.9802714924819704,2,1.4215210238952685 1.1455179964933326 0.8383739784713703 0.5021365963592582 0.3210457242688383 0.2684210263964018 0.18948397958775584 0.09352129523214463 -0.011728100512719579 -0.1076907848683308 -0.19281897260313954 -0.24080031478094516 -0.2748515898748757 -0.30580729450571603 -0.008632530049629385 0.5686913613155699 0.9478987430433926 1.334845050928919 1.635115385848087 1.8301363250223908 +43763,2.054565183595994,2,1.1455179964933326 0.8383739784713703 0.5021365963592582 0.3210457242688383 0.2684210263964018 0.18948397958775584 0.09352129523214463 -0.011728100512719579 -0.1076907848683308 -0.19281897260313954 -0.24080031478094516 -0.2748515898748757 -0.30580729450571603 -0.008632530049629385 0.5686913613155699 0.9478987430433926 1.334845050928919 1.635115385848087 1.8301363250223908 1.9802714924819704 +43764,2.0344439755859476,2,0.8383739784713703 0.5021365963592582 0.3210457242688383 0.2684210263964018 0.18948397958775584 0.09352129523214463 -0.011728100512719579 -0.1076907848683308 -0.19281897260313954 -0.24080031478094516 -0.2748515898748757 -0.30580729450571603 -0.008632530049629385 0.5686913613155699 0.9478987430433926 1.334845050928919 1.635115385848087 1.8301363250223908 1.9802714924819704 2.054565183595994 +43765,1.8131106874754255,2,0.5021365963592582 0.3210457242688383 0.2684210263964018 0.18948397958775584 0.09352129523214463 -0.011728100512719579 -0.1076907848683308 -0.19281897260313954 -0.24080031478094516 -0.2748515898748757 -0.30580729450571603 -0.008632530049629385 0.5686913613155699 0.9478987430433926 1.334845050928919 1.635115385848087 1.8301363250223908 1.9802714924819704 2.054565183595994 2.0344439755859476 +43766,1.5701084061233161,2,0.3210457242688383 0.2684210263964018 0.18948397958775584 0.09352129523214463 -0.011728100512719579 -0.1076907848683308 -0.19281897260313954 -0.24080031478094516 -0.2748515898748757 -0.30580729450571603 -0.008632530049629385 0.5686913613155699 0.9478987430433926 1.334845050928919 1.635115385848087 1.8301363250223908 1.9802714924819704 2.054565183595994 2.0344439755859476 1.8131106874754255 +43767,1.1522063936069495,2,0.2684210263964018 0.18948397958775584 0.09352129523214463 -0.011728100512719579 -0.1076907848683308 -0.19281897260313954 -0.24080031478094516 -0.2748515898748757 -0.30580729450571603 -0.008632530049629385 0.5686913613155699 0.9478987430433926 1.334845050928919 1.635115385848087 1.8301363250223908 1.9802714924819704 2.054565183595994 2.0344439755859476 1.8131106874754255 1.5701084061233161 +43768,1.0190968636943263,2,0.18948397958775584 0.09352129523214463 -0.011728100512719579 -0.1076907848683308 -0.19281897260313954 -0.24080031478094516 -0.2748515898748757 -0.30580729450571603 -0.008632530049629385 0.5686913613155699 0.9478987430433926 1.334845050928919 1.635115385848087 1.8301363250223908 1.9802714924819704 2.054565183595994 2.0344439755859476 1.8131106874754255 1.5701084061233161 1.1522063936069495 +43769,0.7451388777113765,2,0.09352129523214463 -0.011728100512719579 -0.1076907848683308 -0.19281897260313954 -0.24080031478094516 -0.2748515898748757 -0.30580729450571603 -0.008632530049629385 0.5686913613155699 0.9478987430433926 1.334845050928919 1.635115385848087 1.8301363250223908 1.9802714924819704 2.054565183595994 2.0344439755859476 1.8131106874754255 1.5701084061233161 1.1522063936069495 1.0190968636943263 +43770,0.5470223680739825,2,-0.011728100512719579 -0.1076907848683308 -0.19281897260313954 -0.24080031478094516 -0.2748515898748757 -0.30580729450571603 -0.008632530049629385 0.5686913613155699 0.9478987430433926 1.334845050928919 1.635115385848087 1.8301363250223908 1.9802714924819704 2.054565183595994 2.0344439755859476 1.8131106874754255 1.5701084061233161 1.1522063936069495 1.0190968636943263 0.7451388777113765 +43771,0.4386774018660369,2,-0.1076907848683308 -0.19281897260313954 -0.24080031478094516 -0.2748515898748757 -0.30580729450571603 -0.008632530049629385 0.5686913613155699 0.9478987430433926 1.334845050928919 1.635115385848087 1.8301363250223908 1.9802714924819704 2.054565183595994 2.0344439755859476 1.8131106874754255 1.5701084061233161 1.1522063936069495 1.0190968636943263 0.7451388777113765 0.5470223680739825 +43772,0.4154606233929,2,-0.19281897260313954 -0.24080031478094516 -0.2748515898748757 -0.30580729450571603 -0.008632530049629385 0.5686913613155699 0.9478987430433926 1.334845050928919 1.635115385848087 1.8301363250223908 1.9802714924819704 2.054565183595994 2.0344439755859476 1.8131106874754255 1.5701084061233161 1.1522063936069495 1.0190968636943263 0.7451388777113765 0.5470223680739825 0.4386774018660369 +43773,0.3194979390372976,2,-0.24080031478094516 -0.2748515898748757 -0.30580729450571603 -0.008632530049629385 0.5686913613155699 0.9478987430433926 1.334845050928919 1.635115385848087 1.8301363250223908 1.9802714924819704 2.054565183595994 2.0344439755859476 1.8131106874754255 1.5701084061233161 1.1522063936069495 1.0190968636943263 0.7451388777113765 0.5470223680739825 0.4386774018660369 0.4154606233929 +43774,0.2250830399132271,2,-0.2748515898748757 -0.30580729450571603 -0.008632530049629385 0.5686913613155699 0.9478987430433926 1.334845050928919 1.635115385848087 1.8301363250223908 1.9802714924819704 2.054565183595994 2.0344439755859476 1.8131106874754255 1.5701084061233161 1.1522063936069495 1.0190968636943263 0.7451388777113765 0.5470223680739825 0.4386774018660369 0.4154606233929 0.3194979390372976 +43775,0.11673807370528148,2,-0.30580729450571603 -0.008632530049629385 0.5686913613155699 0.9478987430433926 1.334845050928919 1.635115385848087 1.8301363250223908 1.9802714924819704 2.054565183595994 2.0344439755859476 1.8131106874754255 1.5701084061233161 1.1522063936069495 1.0190968636943263 0.7451388777113765 0.5470223680739825 0.4386774018660369 0.4154606233929 0.3194979390372976 0.2250830399132271 +43776,-0.025658167596594655,2,-0.008632530049629385 0.5686913613155699 0.9478987430433926 1.334845050928919 1.635115385848087 1.8301363250223908 1.9802714924819704 2.054565183595994 2.0344439755859476 1.8131106874754255 1.5701084061233161 1.1522063936069495 1.0190968636943263 0.7451388777113765 0.5470223680739825 0.4386774018660369 0.4154606233929 0.3194979390372976 0.2250830399132271 0.11673807370528148 +43777,-0.08292622116365325,2,0.5686913613155699 0.9478987430433926 1.334845050928919 1.635115385848087 1.8301363250223908 1.9802714924819704 2.054565183595994 2.0344439755859476 1.8131106874754255 1.5701084061233161 1.1522063936069495 1.0190968636943263 0.7451388777113765 0.5470223680739825 0.4386774018660369 0.4154606233929 0.3194979390372976 0.2250830399132271 0.11673807370528148 -0.025658167596594655 +43778,-0.19281897260313954,2,0.9478987430433926 1.334845050928919 1.635115385848087 1.8301363250223908 1.9802714924819704 2.054565183595994 2.0344439755859476 1.8131106874754255 1.5701084061233161 1.1522063936069495 1.0190968636943263 0.7451388777113765 0.5470223680739825 0.4386774018660369 0.4154606233929 0.3194979390372976 0.2250830399132271 0.11673807370528148 -0.025658167596594655 -0.08292622116365325 +43779,-0.18662783167697675,2,1.334845050928919 1.635115385848087 1.8301363250223908 1.9802714924819704 2.054565183595994 2.0344439755859476 1.8131106874754255 1.5701084061233161 1.1522063936069495 1.0190968636943263 0.7451388777113765 0.5470223680739825 0.4386774018660369 0.4154606233929 0.3194979390372976 0.2250830399132271 0.11673807370528148 -0.025658167596594655 -0.08292622116365325 -0.19281897260313954 +43780,0.09506908046368533,2,1.635115385848087 1.8301363250223908 1.9802714924819704 2.054565183595994 2.0344439755859476 1.8131106874754255 1.5701084061233161 1.1522063936069495 1.0190968636943263 0.7451388777113765 0.5470223680739825 0.4386774018660369 0.4154606233929 0.3194979390372976 0.2250830399132271 0.11673807370528148 -0.025658167596594655 -0.08292622116365325 -0.19281897260313954 -0.18662783167697675 +43781,0.5702391465471105,2,1.8301363250223908 1.9802714924819704 2.054565183595994 2.0344439755859476 1.8131106874754255 1.5701084061233161 1.1522063936069495 1.0190968636943263 0.7451388777113765 0.5470223680739825 0.4386774018660369 0.4154606233929 0.3194979390372976 0.2250830399132271 0.11673807370528148 -0.025658167596594655 -0.08292622116365325 -0.19281897260313954 -0.18662783167697675 0.09506908046368533 +43782,0.9958800852211894,2,1.9802714924819704 2.054565183595994 2.0344439755859476 1.8131106874754255 1.5701084061233161 1.1522063936069495 1.0190968636943263 0.7451388777113765 0.5470223680739825 0.4386774018660369 0.4154606233929 0.3194979390372976 0.2250830399132271 0.11673807370528148 -0.025658167596594655 -0.08292622116365325 -0.19281897260313954 -0.18662783167697675 0.09506908046368533 0.5702391465471105 +43783,1.4586678694522803,2,2.054565183595994 2.0344439755859476 1.8131106874754255 1.5701084061233161 1.1522063936069495 1.0190968636943263 0.7451388777113765 0.5470223680739825 0.4386774018660369 0.4154606233929 0.3194979390372976 0.2250830399132271 0.11673807370528148 -0.025658167596594655 -0.08292622116365325 -0.19281897260313954 -0.18662783167697675 0.09506908046368533 0.5702391465471105 0.9958800852211894 +43784,1.741912566824492,2,2.0344439755859476 1.8131106874754255 1.5701084061233161 1.1522063936069495 1.0190968636943263 0.7451388777113765 0.5470223680739825 0.4386774018660369 0.4154606233929 0.3194979390372976 0.2250830399132271 0.11673807370528148 -0.025658167596594655 -0.08292622116365325 -0.19281897260313954 -0.18662783167697675 0.09506908046368533 0.5702391465471105 0.9958800852211894 1.4586678694522803 +43785,1.9059778013679554,2,1.8131106874754255 1.5701084061233161 1.1522063936069495 1.0190968636943263 0.7451388777113765 0.5470223680739825 0.4386774018660369 0.4154606233929 0.3194979390372976 0.2250830399132271 0.11673807370528148 -0.025658167596594655 -0.08292622116365325 -0.19281897260313954 -0.18662783167697675 0.09506908046368533 0.5702391465471105 0.9958800852211894 1.4586678694522803 1.741912566824492 +43786,1.9462202173880487,2,1.5701084061233161 1.1522063936069495 1.0190968636943263 0.7451388777113765 0.5470223680739825 0.4386774018660369 0.4154606233929 0.3194979390372976 0.2250830399132271 0.11673807370528148 -0.025658167596594655 -0.08292622116365325 -0.19281897260313954 -0.18662783167697675 0.09506908046368533 0.5702391465471105 0.9958800852211894 1.4586678694522803 1.741912566824492 1.9059778013679554 +43787,1.834779680717013,2,1.1522063936069495 1.0190968636943263 0.7451388777113765 0.5470223680739825 0.4386774018660369 0.4154606233929 0.3194979390372976 0.2250830399132271 0.11673807370528148 -0.025658167596594655 -0.08292622116365325 -0.19281897260313954 -0.18662783167697675 0.09506908046368533 0.5702391465471105 0.9958800852211894 1.4586678694522803 1.741912566824492 1.9059778013679554 1.9462202173880487 +43788,1.7434603520560326,2,1.0190968636943263 0.7451388777113765 0.5470223680739825 0.4386774018660369 0.4154606233929 0.3194979390372976 0.2250830399132271 0.11673807370528148 -0.025658167596594655 -0.08292622116365325 -0.19281897260313954 -0.18662783167697675 0.09506908046368533 0.5702391465471105 0.9958800852211894 1.4586678694522803 1.741912566824492 1.9059778013679554 1.9462202173880487 1.834779680717013 +43789,1.686192298488974,2,0.7451388777113765 0.5470223680739825 0.4386774018660369 0.4154606233929 0.3194979390372976 0.2250830399132271 0.11673807370528148 -0.025658167596594655 -0.08292622116365325 -0.19281897260313954 -0.18662783167697675 0.09506908046368533 0.5702391465471105 0.9958800852211894 1.4586678694522803 1.741912566824492 1.9059778013679554 1.9462202173880487 1.834779680717013 1.7434603520560326 +43790,1.4075909568113933,2,0.5470223680739825 0.4386774018660369 0.4154606233929 0.3194979390372976 0.2250830399132271 0.11673807370528148 -0.025658167596594655 -0.08292622116365325 -0.19281897260313954 -0.18662783167697675 0.09506908046368533 0.5702391465471105 0.9958800852211894 1.4586678694522803 1.741912566824492 1.9059778013679554 1.9462202173880487 1.834779680717013 1.7434603520560326 1.686192298488974 +43791,1.0841038434190973,2,0.4386774018660369 0.4154606233929 0.3194979390372976 0.2250830399132271 0.11673807370528148 -0.025658167596594655 -0.08292622116365325 -0.19281897260313954 -0.18662783167697675 0.09506908046368533 0.5702391465471105 0.9958800852211894 1.4586678694522803 1.741912566824492 1.9059778013679554 1.9462202173880487 1.834779680717013 1.7434603520560326 1.686192298488974 1.4075909568113933 +43792,0.9045607565602091,2,0.4154606233929 0.3194979390372976 0.2250830399132271 0.11673807370528148 -0.025658167596594655 -0.08292622116365325 -0.19281897260313954 -0.18662783167697675 0.09506908046368533 0.5702391465471105 0.9958800852211894 1.4586678694522803 1.741912566824492 1.9059778013679554 1.9462202173880487 1.834779680717013 1.7434603520560326 1.686192298488974 1.4075909568113933 1.0841038434190973 +43793,0.6785841127550649,2,0.3194979390372976 0.2250830399132271 0.11673807370528148 -0.025658167596594655 -0.08292622116365325 -0.19281897260313954 -0.18662783167697675 0.09506908046368533 0.5702391465471105 0.9958800852211894 1.4586678694522803 1.741912566824492 1.9059778013679554 1.9462202173880487 1.834779680717013 1.7434603520560326 1.686192298488974 1.4075909568113933 1.0841038434190973 0.9045607565602091 +43794,0.5330923009901074,2,0.2250830399132271 0.11673807370528148 -0.025658167596594655 -0.08292622116365325 -0.19281897260313954 -0.18662783167697675 0.09506908046368533 0.5702391465471105 0.9958800852211894 1.4586678694522803 1.741912566824492 1.9059778013679554 1.9462202173880487 1.834779680717013 1.7434603520560326 1.686192298488974 1.4075909568113933 1.0841038434190973 0.9045607565602091 0.6785841127550649 +43795,0.37831377783589687,2,0.11673807370528148 -0.025658167596594655 -0.08292622116365325 -0.19281897260313954 -0.18662783167697675 0.09506908046368533 0.5702391465471105 0.9958800852211894 1.4586678694522803 1.741912566824492 1.9059778013679554 1.9462202173880487 1.834779680717013 1.7434603520560326 1.686192298488974 1.4075909568113933 1.0841038434190973 0.9045607565602091 0.6785841127550649 0.5330923009901074 +43796,0.3210457242688383,2,-0.025658167596594655 -0.08292622116365325 -0.19281897260313954 -0.18662783167697675 0.09506908046368533 0.5702391465471105 0.9958800852211894 1.4586678694522803 1.741912566824492 1.9059778013679554 1.9462202173880487 1.834779680717013 1.7434603520560326 1.686192298488974 1.4075909568113933 1.0841038434190973 0.9045607565602091 0.6785841127550649 0.5330923009901074 0.37831377783589687 +43797,0.2127007580608927,2,-0.08292622116365325 -0.19281897260313954 -0.18662783167697675 0.09506908046368533 0.5702391465471105 0.9958800852211894 1.4586678694522803 1.741912566824492 1.9059778013679554 1.9462202173880487 1.834779680717013 1.7434603520560326 1.686192298488974 1.4075909568113933 1.0841038434190973 0.9045607565602091 0.6785841127550649 0.5330923009901074 0.37831377783589687 0.3210457242688383 +43798,0.13066814078915656,2,-0.19281897260313954 -0.18662783167697675 0.09506908046368533 0.5702391465471105 0.9958800852211894 1.4586678694522803 1.741912566824492 1.9059778013679554 1.9462202173880487 1.834779680717013 1.7434603520560326 1.686192298488974 1.4075909568113933 1.0841038434190973 0.9045607565602091 0.6785841127550649 0.5330923009901074 0.37831377783589687 0.3210457242688383 0.2127007580608927 +43799,0.1074513623160285,2,-0.18662783167697675 0.09506908046368533 0.5702391465471105 0.9958800852211894 1.4586678694522803 1.741912566824492 1.9059778013679554 1.9462202173880487 1.834779680717013 1.7434603520560326 1.686192298488974 1.4075909568113933 1.0841038434190973 0.9045607565602091 0.6785841127550649 0.5330923009901074 0.37831377783589687 0.3210457242688383 0.2127007580608927 0.13066814078915656 +43800,0.03625324166508603,2,0.09506908046368533 0.5702391465471105 0.9958800852211894 1.4586678694522803 1.741912566824492 1.9059778013679554 1.9462202173880487 1.834779680717013 1.7434603520560326 1.686192298488974 1.4075909568113933 1.0841038434190973 0.9045607565602091 0.6785841127550649 0.5330923009901074 0.37831377783589687 0.3210457242688383 0.2127007580608927 0.13066814078915656 0.1074513623160285 +43801,-0.05970944269052519,2,0.5702391465471105 0.9958800852211894 1.4586678694522803 1.741912566824492 1.9059778013679554 1.9462202173880487 1.834779680717013 1.7434603520560326 1.686192298488974 1.4075909568113933 1.0841038434190973 0.9045607565602091 0.6785841127550649 0.5330923009901074 0.37831377783589687 0.3210457242688383 0.2127007580608927 0.13066814078915656 0.1074513623160285 0.03625324166508603 +43802,-0.1092385700998715,2,0.9958800852211894 1.4586678694522803 1.741912566824492 1.9059778013679554 1.9462202173880487 1.834779680717013 1.7434603520560326 1.686192298488974 1.4075909568113933 1.0841038434190973 0.9045607565602091 0.6785841127550649 0.5330923009901074 0.37831377783589687 0.3210457242688383 0.2127007580608927 0.13066814078915656 0.1074513623160285 0.03625324166508603 -0.05970944269052519 +43803,-0.13090756334145887,2,1.4586678694522803 1.741912566824492 1.9059778013679554 1.9462202173880487 1.834779680717013 1.7434603520560326 1.686192298488974 1.4075909568113933 1.0841038434190973 0.9045607565602091 0.6785841127550649 0.5330923009901074 0.37831377783589687 0.3210457242688383 0.2127007580608927 0.13066814078915656 0.1074513623160285 0.03625324166508603 -0.05970944269052519 -0.1092385700998715 +43804,0.07340008722209797,2,1.741912566824492 1.9059778013679554 1.9462202173880487 1.834779680717013 1.7434603520560326 1.686192298488974 1.4075909568113933 1.0841038434190973 0.9045607565602091 0.6785841127550649 0.5330923009901074 0.37831377783589687 0.3210457242688383 0.2127007580608927 0.13066814078915656 0.1074513623160285 0.03625324166508603 -0.05970944269052519 -0.1092385700998715 -0.13090756334145887 +43805,0.280803308248745,2,1.9059778013679554 1.9462202173880487 1.834779680717013 1.7434603520560326 1.686192298488974 1.4075909568113933 1.0841038434190973 0.9045607565602091 0.6785841127550649 0.5330923009901074 0.37831377783589687 0.3210457242688383 0.2127007580608927 0.13066814078915656 0.1074513623160285 0.03625324166508603 -0.05970944269052519 -0.1092385700998715 -0.13090756334145887 0.07340008722209797 +43806,0.5950037102517881,2,1.9462202173880487 1.834779680717013 1.7434603520560326 1.686192298488974 1.4075909568113933 1.0841038434190973 0.9045607565602091 0.6785841127550649 0.5330923009901074 0.37831377783589687 0.3210457242688383 0.2127007580608927 0.13066814078915656 0.1074513623160285 0.03625324166508603 -0.05970944269052519 -0.1092385700998715 -0.13090756334145887 0.07340008722209797 0.280803308248745 +43807,0.8767006223924502,2,1.834779680717013 1.7434603520560326 1.686192298488974 1.4075909568113933 1.0841038434190973 0.9045607565602091 0.6785841127550649 0.5330923009901074 0.37831377783589687 0.3210457242688383 0.2127007580608927 0.13066814078915656 0.1074513623160285 0.03625324166508603 -0.05970944269052519 -0.1092385700998715 -0.13090756334145887 0.07340008722209797 0.280803308248745 0.5950037102517881 +43808,1.1227984742076498,2,1.7434603520560326 1.686192298488974 1.4075909568113933 1.0841038434190973 0.9045607565602091 0.6785841127550649 0.5330923009901074 0.37831377783589687 0.3210457242688383 0.2127007580608927 0.13066814078915656 0.1074513623160285 0.03625324166508603 -0.05970944269052519 -0.1092385700998715 -0.13090756334145887 0.07340008722209797 0.280803308248745 0.5950037102517881 0.8767006223924502 +43809,1.2682902859726073,2,1.686192298488974 1.4075909568113933 1.0841038434190973 0.9045607565602091 0.6785841127550649 0.5330923009901074 0.37831377783589687 0.3210457242688383 0.2127007580608927 0.13066814078915656 0.1074513623160285 0.03625324166508603 -0.05970944269052519 -0.1092385700998715 -0.13090756334145887 0.07340008722209797 0.280803308248745 0.5950037102517881 0.8767006223924502 1.1227984742076498 +43810,1.330201695234288,2,1.4075909568113933 1.0841038434190973 0.9045607565602091 0.6785841127550649 0.5330923009901074 0.37831377783589687 0.3210457242688383 0.2127007580608927 0.13066814078915656 0.1074513623160285 0.03625324166508603 -0.05970944269052519 -0.1092385700998715 -0.13090756334145887 0.07340008722209797 0.280803308248745 0.5950037102517881 0.8767006223924502 1.1227984742076498 1.2682902859726073 +43811,1.2961504201403662,2,1.0841038434190973 0.9045607565602091 0.6785841127550649 0.5330923009901074 0.37831377783589687 0.3210457242688383 0.2127007580608927 0.13066814078915656 0.1074513623160285 0.03625324166508603 -0.05970944269052519 -0.1092385700998715 -0.13090756334145887 0.07340008722209797 0.280803308248745 0.5950037102517881 0.8767006223924502 1.1227984742076498 1.2682902859726073 1.330201695234288 +43812,1.1862576687008712,2,0.9045607565602091 0.6785841127550649 0.5330923009901074 0.37831377783589687 0.3210457242688383 0.2127007580608927 0.13066814078915656 0.1074513623160285 0.03625324166508603 -0.05970944269052519 -0.1092385700998715 -0.13090756334145887 0.07340008722209797 0.280803308248745 0.5950037102517881 0.8767006223924502 1.1227984742076498 1.2682902859726073 1.330201695234288 1.2961504201403662 +43813,1.020644648925867,2,0.6785841127550649 0.5330923009901074 0.37831377783589687 0.3210457242688383 0.2127007580608927 0.13066814078915656 0.1074513623160285 0.03625324166508603 -0.05970944269052519 -0.1092385700998715 -0.13090756334145887 0.07340008722209797 0.280803308248745 0.5950037102517881 0.8767006223924502 1.1227984742076498 1.2682902859726073 1.330201695234288 1.2961504201403662 1.1862576687008712 +43814,0.7404955220167456,2,0.5330923009901074 0.37831377783589687 0.3210457242688383 0.2127007580608927 0.13066814078915656 0.1074513623160285 0.03625324166508603 -0.05970944269052519 -0.1092385700998715 -0.13090756334145887 0.07340008722209797 0.280803308248745 0.5950037102517881 0.8767006223924502 1.1227984742076498 1.2682902859726073 1.330201695234288 1.2961504201403662 1.1862576687008712 1.020644648925867 +43815,0.443320757560659,2,0.37831377783589687 0.3210457242688383 0.2127007580608927 0.13066814078915656 0.1074513623160285 0.03625324166508603 -0.05970944269052519 -0.1092385700998715 -0.13090756334145887 0.07340008722209797 0.280803308248745 0.5950037102517881 0.8767006223924502 1.1227984742076498 1.2682902859726073 1.330201695234288 1.2961504201403662 1.1862576687008712 1.020644648925867 0.7404955220167456 +43816,0.36593149598355373,2,0.3210457242688383 0.2127007580608927 0.13066814078915656 0.1074513623160285 0.03625324166508603 -0.05970944269052519 -0.1092385700998715 -0.13090756334145887 0.07340008722209797 0.280803308248745 0.5950037102517881 0.8767006223924502 1.1227984742076498 1.2682902859726073 1.330201695234288 1.2961504201403662 1.1862576687008712 1.020644648925867 0.7404955220167456 0.443320757560659 +43817,0.20186626144009023,2,0.2127007580608927 0.13066814078915656 0.1074513623160285 0.03625324166508603 -0.05970944269052519 -0.1092385700998715 -0.13090756334145887 0.07340008722209797 0.280803308248745 0.5950037102517881 0.8767006223924502 1.1227984742076498 1.2682902859726073 1.330201695234288 1.2961504201403662 1.1862576687008712 1.020644648925867 0.7404955220167456 0.443320757560659 0.36593149598355373 +43818,0.20186626144009023,2,0.13066814078915656 0.1074513623160285 0.03625324166508603 -0.05970944269052519 -0.1092385700998715 -0.13090756334145887 0.07340008722209797 0.280803308248745 0.5950037102517881 0.8767006223924502 1.1227984742076498 1.2682902859726073 1.330201695234288 1.2961504201403662 1.1862576687008712 1.020644648925867 0.7404955220167456 0.443320757560659 0.36593149598355373 0.20186626144009023 +43819,0.2266308251447678,2,0.1074513623160285 0.03625324166508603 -0.05970944269052519 -0.1092385700998715 -0.13090756334145887 0.07340008722209797 0.280803308248745 0.5950037102517881 0.8767006223924502 1.1227984742076498 1.2682902859726073 1.330201695234288 1.2961504201403662 1.1862576687008712 1.020644648925867 0.7404955220167456 0.443320757560659 0.36593149598355373 0.20186626144009023 0.20186626144009023 +43820,0.20186626144009023,2,0.03625324166508603 -0.05970944269052519 -0.1092385700998715 -0.13090756334145887 0.07340008722209797 0.280803308248745 0.5950037102517881 0.8767006223924502 1.1227984742076498 1.2682902859726073 1.330201695234288 1.2961504201403662 1.1862576687008712 1.020644648925867 0.7404955220167456 0.443320757560659 0.36593149598355373 0.20186626144009023 0.20186626144009023 0.2266308251447678 +43821,0.16471941588308708,2,-0.05970944269052519 -0.1092385700998715 -0.13090756334145887 0.07340008722209797 0.280803308248745 0.5950037102517881 0.8767006223924502 1.1227984742076498 1.2682902859726073 1.330201695234288 1.2961504201403662 1.1862576687008712 1.020644648925867 0.7404955220167456 0.443320757560659 0.36593149598355373 0.20186626144009023 0.20186626144009023 0.2266308251447678 0.20186626144009023 +43822,0.11828585893682218,2,-0.1092385700998715 -0.13090756334145887 0.07340008722209797 0.280803308248745 0.5950037102517881 0.8767006223924502 1.1227984742076498 1.2682902859726073 1.330201695234288 1.2961504201403662 1.1862576687008712 1.020644648925867 0.7404955220167456 0.443320757560659 0.36593149598355373 0.20186626144009023 0.20186626144009023 0.2266308251447678 0.20186626144009023 0.16471941588308708 +43823,0.08578236907443235,2,-0.13090756334145887 0.07340008722209797 0.280803308248745 0.5950037102517881 0.8767006223924502 1.1227984742076498 1.2682902859726073 1.330201695234288 1.2961504201403662 1.1862576687008712 1.020644648925867 0.7404955220167456 0.443320757560659 0.36593149598355373 0.20186626144009023 0.20186626144009023 0.2266308251447678 0.20186626144009023 0.16471941588308708 0.11828585893682218 +43824,0.05792223490668219,2,0.07340008722209797 0.280803308248745 0.5950037102517881 0.8767006223924502 1.1227984742076498 1.2682902859726073 1.330201695234288 1.2961504201403662 1.1862576687008712 1.020644648925867 0.7404955220167456 0.443320757560659 0.36593149598355373 0.20186626144009023 0.20186626144009023 0.2266308251447678 0.20186626144009023 0.16471941588308708 0.11828585893682218 0.08578236907443235 +43825,0.07030451675901657,2,0.280803308248745 0.5950037102517881 0.8767006223924502 1.1227984742076498 1.2682902859726073 1.330201695234288 1.2961504201403662 1.1862576687008712 1.020644648925867 0.7404955220167456 0.443320757560659 0.36593149598355373 0.20186626144009023 0.20186626144009023 0.2266308251447678 0.20186626144009023 0.16471941588308708 0.11828585893682218 0.08578236907443235 0.05792223490668219 +43826,0.08268679861135095,2,0.5950037102517881 0.8767006223924502 1.1227984742076498 1.2682902859726073 1.330201695234288 1.2961504201403662 1.1862576687008712 1.020644648925867 0.7404955220167456 0.443320757560659 0.36593149598355373 0.20186626144009023 0.20186626144009023 0.2266308251447678 0.20186626144009023 0.16471941588308708 0.11828585893682218 0.08578236907443235 0.05792223490668219 0.07030451675901657 +43827,0.07804344291672885,2,0.8767006223924502 1.1227984742076498 1.2682902859726073 1.330201695234288 1.2961504201403662 1.1862576687008712 1.020644648925867 0.7404955220167456 0.443320757560659 0.36593149598355373 0.20186626144009023 0.20186626144009023 0.2266308251447678 0.20186626144009023 0.16471941588308708 0.11828585893682218 0.08578236907443235 0.05792223490668219 0.07030451675901657 0.08268679861135095 +43828,0.15078934879920322,2,1.1227984742076498 1.2682902859726073 1.330201695234288 1.2961504201403662 1.1862576687008712 1.020644648925867 0.7404955220167456 0.443320757560659 0.36593149598355373 0.20186626144009023 0.20186626144009023 0.2266308251447678 0.20186626144009023 0.16471941588308708 0.11828585893682218 0.08578236907443235 0.05792223490668219 0.07030451675901657 0.08268679861135095 0.07804344291672885 +43829,0.25603874454406744,2,1.2682902859726073 1.330201695234288 1.2961504201403662 1.1862576687008712 1.020644648925867 0.7404955220167456 0.443320757560659 0.36593149598355373 0.20186626144009023 0.20186626144009023 0.2266308251447678 0.20186626144009023 0.16471941588308708 0.11828585893682218 0.08578236907443235 0.05792223490668219 0.07030451675901657 0.08268679861135095 0.07804344291672885 0.15078934879920322 +43830,0.38450491876205967,2,1.330201695234288 1.2961504201403662 1.1862576687008712 1.020644648925867 0.7404955220167456 0.443320757560659 0.36593149598355373 0.20186626144009023 0.20186626144009023 0.2266308251447678 0.20186626144009023 0.16471941588308708 0.11828585893682218 0.08578236907443235 0.05792223490668219 0.07030451675901657 0.08268679861135095 0.07804344291672885 0.15078934879920322 0.25603874454406744 +43831,0.5748825022417414,2,1.2961504201403662 1.1862576687008712 1.020644648925867 0.7404955220167456 0.443320757560659 0.36593149598355373 0.20186626144009023 0.20186626144009023 0.2266308251447678 0.20186626144009023 0.16471941588308708 0.11828585893682218 0.08578236907443235 0.05792223490668219 0.07030451675901657 0.08268679861135095 0.07804344291672885 0.15078934879920322 0.25603874454406744 0.38450491876205967 +43832,0.738947736785205,2,1.1862576687008712 1.020644648925867 0.7404955220167456 0.443320757560659 0.36593149598355373 0.20186626144009023 0.20186626144009023 0.2266308251447678 0.20186626144009023 0.16471941588308708 0.11828585893682218 0.08578236907443235 0.05792223490668219 0.07030451675901657 0.08268679861135095 0.07804344291672885 0.15078934879920322 0.25603874454406744 0.38450491876205967 0.5748825022417414 +43833,0.9401598168856804,2,1.020644648925867 0.7404955220167456 0.443320757560659 0.36593149598355373 0.20186626144009023 0.20186626144009023 0.2266308251447678 0.20186626144009023 0.16471941588308708 0.11828585893682218 0.08578236907443235 0.05792223490668219 0.07030451675901657 0.08268679861135095 0.07804344291672885 0.15078934879920322 0.25603874454406744 0.38450491876205967 0.5748825022417414 0.738947736785205 +43834,1.0051667966104425,2,0.7404955220167456 0.443320757560659 0.36593149598355373 0.20186626144009023 0.20186626144009023 0.2266308251447678 0.20186626144009023 0.16471941588308708 0.11828585893682218 0.08578236907443235 0.05792223490668219 0.07030451675901657 0.08268679861135095 0.07804344291672885 0.15078934879920322 0.25603874454406744 0.38450491876205967 0.5748825022417414 0.738947736785205 0.9401598168856804 +43835,1.034574716009742,2,0.443320757560659 0.36593149598355373 0.20186626144009023 0.20186626144009023 0.2266308251447678 0.20186626144009023 0.16471941588308708 0.11828585893682218 0.08578236907443235 0.05792223490668219 0.07030451675901657 0.08268679861135095 0.07804344291672885 0.15078934879920322 0.25603874454406744 0.38450491876205967 0.5748825022417414 0.738947736785205 0.9401598168856804 1.0051667966104425 +43836,1.0051667966104425,2,0.36593149598355373 0.20186626144009023 0.20186626144009023 0.2266308251447678 0.20186626144009023 0.16471941588308708 0.11828585893682218 0.08578236907443235 0.05792223490668219 0.07030451675901657 0.08268679861135095 0.07804344291672885 0.15078934879920322 0.25603874454406744 0.38450491876205967 0.5748825022417414 0.738947736785205 0.9401598168856804 1.0051667966104425 1.034574716009742 +43837,0.8318148506777348,2,0.20186626144009023 0.20186626144009023 0.2266308251447678 0.20186626144009023 0.16471941588308708 0.11828585893682218 0.08578236907443235 0.05792223490668219 0.07030451675901657 0.08268679861135095 0.07804344291672885 0.15078934879920322 0.25603874454406744 0.38450491876205967 0.5748825022417414 0.738947736785205 0.9401598168856804 1.0051667966104425 1.034574716009742 1.0051667966104425 +43838,0.6042904216410411,2,0.20186626144009023 0.2266308251447678 0.20186626144009023 0.16471941588308708 0.11828585893682218 0.08578236907443235 0.05792223490668219 0.07030451675901657 0.08268679861135095 0.07804344291672885 0.15078934879920322 0.25603874454406744 0.38450491876205967 0.5748825022417414 0.738947736785205 0.9401598168856804 1.0051667966104425 1.034574716009742 1.0051667966104425 0.8318148506777348 +43839,0.39843498584594356,2,0.2266308251447678 0.20186626144009023 0.16471941588308708 0.11828585893682218 0.08578236907443235 0.05792223490668219 0.07030451675901657 0.08268679861135095 0.07804344291672885 0.15078934879920322 0.25603874454406744 0.38450491876205967 0.5748825022417414 0.738947736785205 0.9401598168856804 1.0051667966104425 1.034574716009742 1.0051667966104425 0.8318148506777348 0.6042904216410411 +43840,0.20186626144009023,2,0.20186626144009023 0.16471941588308708 0.11828585893682218 0.08578236907443235 0.05792223490668219 0.07030451675901657 0.08268679861135095 0.07804344291672885 0.15078934879920322 0.25603874454406744 0.38450491876205967 0.5748825022417414 0.738947736785205 0.9401598168856804 1.0051667966104425 1.034574716009742 1.0051667966104425 0.8318148506777348 0.6042904216410411 0.39843498584594356 +43841,0.14614599310458112,2,0.16471941588308708 0.11828585893682218 0.08578236907443235 0.05792223490668219 0.07030451675901657 0.08268679861135095 0.07804344291672885 0.15078934879920322 0.25603874454406744 0.38450491876205967 0.5748825022417414 0.738947736785205 0.9401598168856804 1.0051667966104425 1.034574716009742 1.0051667966104425 0.8318148506777348 0.6042904216410411 0.39843498584594356 0.20186626144009023 +43842,0.12447699986298497,2,0.11828585893682218 0.08578236907443235 0.05792223490668219 0.07030451675901657 0.08268679861135095 0.07804344291672885 0.15078934879920322 0.25603874454406744 0.38450491876205967 0.5748825022417414 0.738947736785205 0.9401598168856804 1.0051667966104425 1.034574716009742 1.0051667966104425 0.8318148506777348 0.6042904216410411 0.39843498584594356 0.20186626144009023 0.14614599310458112 +43843,0.09352129523214463,2,0.08578236907443235 0.05792223490668219 0.07030451675901657 0.08268679861135095 0.07804344291672885 0.15078934879920322 0.25603874454406744 0.38450491876205967 0.5748825022417414 0.738947736785205 0.9401598168856804 1.0051667966104425 1.034574716009742 1.0051667966104425 0.8318148506777348 0.6042904216410411 0.39843498584594356 0.20186626144009023 0.14614599310458112 0.12447699986298497 +43844,0.10280800662139761,2,0.05792223490668219 0.07030451675901657 0.08268679861135095 0.07804344291672885 0.15078934879920322 0.25603874454406744 0.38450491876205967 0.5748825022417414 0.738947736785205 0.9401598168856804 1.0051667966104425 1.034574716009742 1.0051667966104425 0.8318148506777348 0.6042904216410411 0.39843498584594356 0.20186626144009023 0.14614599310458112 0.12447699986298497 0.09352129523214463 +43845,0.09197351000060393,2,0.07030451675901657 0.08268679861135095 0.07804344291672885 0.15078934879920322 0.25603874454406744 0.38450491876205967 0.5748825022417414 0.738947736785205 0.9401598168856804 1.0051667966104425 1.034574716009742 1.0051667966104425 0.8318148506777348 0.6042904216410411 0.39843498584594356 0.20186626144009023 0.14614599310458112 0.12447699986298497 0.09352129523214463 0.10280800662139761 +43846,0.06720894629592637,2,0.08268679861135095 0.07804344291672885 0.15078934879920322 0.25603874454406744 0.38450491876205967 0.5748825022417414 0.738947736785205 0.9401598168856804 1.0051667966104425 1.034574716009742 1.0051667966104425 0.8318148506777348 0.6042904216410411 0.39843498584594356 0.20186626144009023 0.14614599310458112 0.12447699986298497 0.09352129523214463 0.10280800662139761 0.09197351000060393 +43847,0.0022019665711642948,2,0.07804344291672885 0.15078934879920322 0.25603874454406744 0.38450491876205967 0.5748825022417414 0.738947736785205 0.9401598168856804 1.0051667966104425 1.034574716009742 1.0051667966104425 0.8318148506777348 0.6042904216410411 0.39843498584594356 0.20186626144009023 0.14614599310458112 0.12447699986298497 0.09352129523214463 0.10280800662139761 0.09197351000060393 0.06720894629592637 +43848,-0.03184930852276624,2,0.15078934879920322 0.25603874454406744 0.38450491876205967 0.5748825022417414 0.738947736785205 0.9401598168856804 1.0051667966104425 1.034574716009742 1.0051667966104425 0.8318148506777348 0.6042904216410411 0.39843498584594356 0.20186626144009023 0.14614599310458112 0.12447699986298497 0.09352129523214463 0.10280800662139761 0.09197351000060393 0.06720894629592637 0.0022019665711642948 +43849,-0.09530850301598763,2,0.25603874454406744 0.38450491876205967 0.5748825022417414 0.738947736785205 0.9401598168856804 1.0051667966104425 1.034574716009742 1.0051667966104425 0.8318148506777348 0.6042904216410411 0.39843498584594356 0.20186626144009023 0.14614599310458112 0.12447699986298497 0.09352129523214463 0.10280800662139761 0.09197351000060393 0.06720894629592637 0.0022019665711642948 -0.03184930852276624 +43850,-0.08447400639519394,2,0.38450491876205967 0.5748825022417414 0.738947736785205 0.9401598168856804 1.0051667966104425 1.034574716009742 1.0051667966104425 0.8318148506777348 0.6042904216410411 0.39843498584594356 0.20186626144009023 0.14614599310458112 0.12447699986298497 0.09352129523214463 0.10280800662139761 0.09197351000060393 0.06720894629592637 0.0022019665711642948 -0.03184930852276624 -0.09530850301598763 +43851,-0.1587676975092178,2,0.5748825022417414 0.738947736785205 0.9401598168856804 1.0051667966104425 1.034574716009742 1.0051667966104425 0.8318148506777348 0.6042904216410411 0.39843498584594356 0.20186626144009023 0.14614599310458112 0.12447699986298497 0.09352129523214463 0.10280800662139761 0.09197351000060393 0.06720894629592637 0.0022019665711642948 -0.03184930852276624 -0.09530850301598763 -0.08447400639519394 +43852,-0.02101481190197256,2,0.738947736785205 0.9401598168856804 1.0051667966104425 1.034574716009742 1.0051667966104425 0.8318148506777348 0.6042904216410411 0.39843498584594356 0.20186626144009023 0.14614599310458112 0.12447699986298497 0.09352129523214463 0.10280800662139761 0.09197351000060393 0.06720894629592637 0.0022019665711642948 -0.03184930852276624 -0.09530850301598763 -0.08447400639519394 -0.1587676975092178 +43853,0.25603874454406744,2,0.9401598168856804 1.0051667966104425 1.034574716009742 1.0051667966104425 0.8318148506777348 0.6042904216410411 0.39843498584594356 0.20186626144009023 0.14614599310458112 0.12447699986298497 0.09352129523214463 0.10280800662139761 0.09197351000060393 0.06720894629592637 0.0022019665711642948 -0.03184930852276624 -0.09530850301598763 -0.08447400639519394 -0.1587676975092178 -0.02101481190197256 +43854,0.4897543145069239,2,1.0051667966104425 1.034574716009742 1.0051667966104425 0.8318148506777348 0.6042904216410411 0.39843498584594356 0.20186626144009023 0.14614599310458112 0.12447699986298497 0.09352129523214463 0.10280800662139761 0.09197351000060393 0.06720894629592637 0.0022019665711642948 -0.03184930852276624 -0.09530850301598763 -0.08447400639519394 -0.1587676975092178 -0.02101481190197256 0.25603874454406744 +43855,0.6460806228926751,2,1.034574716009742 1.0051667966104425 0.8318148506777348 0.6042904216410411 0.39843498584594356 0.20186626144009023 0.14614599310458112 0.12447699986298497 0.09352129523214463 0.10280800662139761 0.09197351000060393 0.06720894629592637 0.0022019665711642948 -0.03184930852276624 -0.09530850301598763 -0.08447400639519394 -0.1587676975092178 -0.02101481190197256 0.25603874454406744 0.4897543145069239 +43856,0.8024069312784263,2,1.0051667966104425 0.8318148506777348 0.6042904216410411 0.39843498584594356 0.20186626144009023 0.14614599310458112 0.12447699986298497 0.09352129523214463 0.10280800662139761 0.09197351000060393 0.06720894629592637 0.0022019665711642948 -0.03184930852276624 -0.09530850301598763 -0.08447400639519394 -0.1587676975092178 -0.02101481190197256 0.25603874454406744 0.4897543145069239 0.6460806228926751 +43857,0.9030129713286684,2,0.8318148506777348 0.6042904216410411 0.39843498584594356 0.20186626144009023 0.14614599310458112 0.12447699986298497 0.09352129523214463 0.10280800662139761 0.09197351000060393 0.06720894629592637 0.0022019665711642948 -0.03184930852276624 -0.09530850301598763 -0.08447400639519394 -0.1587676975092178 -0.02101481190197256 0.25603874454406744 0.4897543145069239 0.6460806228926751 0.8024069312784263 +43858,0.9277775350333372,2,0.6042904216410411 0.39843498584594356 0.20186626144009023 0.14614599310458112 0.12447699986298497 0.09352129523214463 0.10280800662139761 0.09197351000060393 0.06720894629592637 0.0022019665711642948 -0.03184930852276624 -0.09530850301598763 -0.08447400639519394 -0.1587676975092178 -0.02101481190197256 0.25603874454406744 0.4897543145069239 0.6460806228926751 0.8024069312784263 0.9030129713286684 +43859,0.9943322999896488,2,0.39843498584594356 0.20186626144009023 0.14614599310458112 0.12447699986298497 0.09352129523214463 0.10280800662139761 0.09197351000060393 0.06720894629592637 0.0022019665711642948 -0.03184930852276624 -0.09530850301598763 -0.08447400639519394 -0.1587676975092178 -0.02101481190197256 0.25603874454406744 0.4897543145069239 0.6460806228926751 0.8024069312784263 0.9030129713286684 0.9277775350333372 +43860,0.941707602117221,2,0.20186626144009023 0.14614599310458112 0.12447699986298497 0.09352129523214463 0.10280800662139761 0.09197351000060393 0.06720894629592637 0.0022019665711642948 -0.03184930852276624 -0.09530850301598763 -0.08447400639519394 -0.1587676975092178 -0.02101481190197256 0.25603874454406744 0.4897543145069239 0.6460806228926751 0.8024069312784263 0.9030129713286684 0.9277775350333372 0.9943322999896488 +43861,0.7729990118791267,2,0.14614599310458112 0.12447699986298497 0.09352129523214463 0.10280800662139761 0.09197351000060393 0.06720894629592637 0.0022019665711642948 -0.03184930852276624 -0.09530850301598763 -0.08447400639519394 -0.1587676975092178 -0.02101481190197256 0.25603874454406744 0.4897543145069239 0.6460806228926751 0.8024069312784263 0.9030129713286684 0.9277775350333372 0.9943322999896488 0.941707602117221 +43862,0.6770363275235243,2,0.12447699986298497 0.09352129523214463 0.10280800662139761 0.09197351000060393 0.06720894629592637 0.0022019665711642948 -0.03184930852276624 -0.09530850301598763 -0.08447400639519394 -0.1587676975092178 -0.02101481190197256 0.25603874454406744 0.4897543145069239 0.6460806228926751 0.8024069312784263 0.9030129713286684 0.9277775350333372 0.9943322999896488 0.941707602117221 0.7729990118791267 +43863,0.42010397908753094,2,0.09352129523214463 0.10280800662139761 0.09197351000060393 0.06720894629592637 0.0022019665711642948 -0.03184930852276624 -0.09530850301598763 -0.08447400639519394 -0.1587676975092178 -0.02101481190197256 0.25603874454406744 0.4897543145069239 0.6460806228926751 0.8024069312784263 0.9030129713286684 0.9277775350333372 0.9943322999896488 0.941707602117221 0.7729990118791267 0.6770363275235243 +43864,0.262229885470239,2,0.10280800662139761 0.09197351000060393 0.06720894629592637 0.0022019665711642948 -0.03184930852276624 -0.09530850301598763 -0.08447400639519394 -0.1587676975092178 -0.02101481190197256 0.25603874454406744 0.4897543145069239 0.6460806228926751 0.8024069312784263 0.9030129713286684 0.9277775350333372 0.9943322999896488 0.941707602117221 0.7729990118791267 0.6770363275235243 0.42010397908753094 +43865,0.2127007580608927,2,0.09197351000060393 0.06720894629592637 0.0022019665711642948 -0.03184930852276624 -0.09530850301598763 -0.08447400639519394 -0.1587676975092178 -0.02101481190197256 0.25603874454406744 0.4897543145069239 0.6460806228926751 0.8024069312784263 0.9030129713286684 0.9277775350333372 0.9943322999896488 0.941707602117221 0.7729990118791267 0.6770363275235243 0.42010397908753094 0.262229885470239 +43866,0.14614599310458112,2,0.06720894629592637 0.0022019665711642948 -0.03184930852276624 -0.09530850301598763 -0.08447400639519394 -0.1587676975092178 -0.02101481190197256 0.25603874454406744 0.4897543145069239 0.6460806228926751 0.8024069312784263 0.9030129713286684 0.9277775350333372 0.9943322999896488 0.941707602117221 0.7729990118791267 0.6770363275235243 0.42010397908753094 0.262229885470239 0.2127007580608927 +43867,0.105903577084479,2,0.0022019665711642948 -0.03184930852276624 -0.09530850301598763 -0.08447400639519394 -0.1587676975092178 -0.02101481190197256 0.25603874454406744 0.4897543145069239 0.6460806228926751 0.8024069312784263 0.9030129713286684 0.9277775350333372 0.9943322999896488 0.941707602117221 0.7729990118791267 0.6770363275235243 0.42010397908753094 0.262229885470239 0.2127007580608927 0.14614599310458112 +43868,0.02232317458121096,2,-0.03184930852276624 -0.09530850301598763 -0.08447400639519394 -0.1587676975092178 -0.02101481190197256 0.25603874454406744 0.4897543145069239 0.6460806228926751 0.8024069312784263 0.9030129713286684 0.9277775350333372 0.9943322999896488 0.941707602117221 0.7729990118791267 0.6770363275235243 0.42010397908753094 0.262229885470239 0.2127007580608927 0.14614599310458112 0.105903577084479 +43869,-0.061257227922065886,2,-0.09530850301598763 -0.08447400639519394 -0.1587676975092178 -0.02101481190197256 0.25603874454406744 0.4897543145069239 0.6460806228926751 0.8024069312784263 0.9030129713286684 0.9277775350333372 0.9943322999896488 0.941707602117221 0.7729990118791267 0.6770363275235243 0.42010397908753094 0.262229885470239 0.2127007580608927 0.14614599310458112 0.105903577084479 0.02232317458121096 +43870,-0.08447400639519394,2,-0.08447400639519394 -0.1587676975092178 -0.02101481190197256 0.25603874454406744 0.4897543145069239 0.6460806228926751 0.8024069312784263 0.9030129713286684 0.9277775350333372 0.9943322999896488 0.941707602117221 0.7729990118791267 0.6770363275235243 0.42010397908753094 0.262229885470239 0.2127007580608927 0.14614599310458112 0.105903577084479 0.02232317458121096 -0.061257227922065886 +43871,-0.16960219413001149,2,-0.1587676975092178 -0.02101481190197256 0.25603874454406744 0.4897543145069239 0.6460806228926751 0.8024069312784263 0.9030129713286684 0.9277775350333372 0.9943322999896488 0.941707602117221 0.7729990118791267 0.6770363275235243 0.42010397908753094 0.262229885470239 0.2127007580608927 0.14614599310458112 0.105903577084479 0.02232317458121096 -0.061257227922065886 -0.08447400639519394 +43872,-0.19281897260313954,2,-0.02101481190197256 0.25603874454406744 0.4897543145069239 0.6460806228926751 0.8024069312784263 0.9030129713286684 0.9277775350333372 0.9943322999896488 0.941707602117221 0.7729990118791267 0.6770363275235243 0.42010397908753094 0.262229885470239 0.2127007580608927 0.14614599310458112 0.105903577084479 0.02232317458121096 -0.061257227922065886 -0.08447400639519394 -0.16960219413001149 +43873,-0.2113923953816455,2,0.25603874454406744 0.4897543145069239 0.6460806228926751 0.8024069312784263 0.9030129713286684 0.9277775350333372 0.9943322999896488 0.941707602117221 0.7729990118791267 0.6770363275235243 0.42010397908753094 0.262229885470239 0.2127007580608927 0.14614599310458112 0.105903577084479 0.02232317458121096 -0.061257227922065886 -0.08447400639519394 -0.16960219413001149 -0.19281897260313954 +43874,-0.030301523291225544,2,0.4897543145069239 0.6460806228926751 0.8024069312784263 0.9030129713286684 0.9277775350333372 0.9943322999896488 0.941707602117221 0.7729990118791267 0.6770363275235243 0.42010397908753094 0.262229885470239 0.2127007580608927 0.14614599310458112 0.105903577084479 0.02232317458121096 -0.061257227922065886 -0.08447400639519394 -0.16960219413001149 -0.19281897260313954 -0.2113923953816455 +43875,-0.03649266421738833,2,0.6460806228926751 0.8024069312784263 0.9030129713286684 0.9277775350333372 0.9943322999896488 0.941707602117221 0.7729990118791267 0.6770363275235243 0.42010397908753094 0.262229885470239 0.2127007580608927 0.14614599310458112 0.105903577084479 0.02232317458121096 -0.061257227922065886 -0.08447400639519394 -0.16960219413001149 -0.19281897260313954 -0.2113923953816455 -0.030301523291225544 +43876,0.07340008722209797,2,0.8024069312784263 0.9030129713286684 0.9277775350333372 0.9943322999896488 0.941707602117221 0.7729990118791267 0.6770363275235243 0.42010397908753094 0.262229885470239 0.2127007580608927 0.14614599310458112 0.105903577084479 0.02232317458121096 -0.061257227922065886 -0.08447400639519394 -0.16960219413001149 -0.19281897260313954 -0.2113923953816455 -0.030301523291225544 -0.03649266421738833 +43877,0.25913431500714884,2,0.9030129713286684 0.9277775350333372 0.9943322999896488 0.941707602117221 0.7729990118791267 0.6770363275235243 0.42010397908753094 0.262229885470239 0.2127007580608927 0.14614599310458112 0.105903577084479 0.02232317458121096 -0.061257227922065886 -0.08447400639519394 -0.16960219413001149 -0.19281897260313954 -0.2113923953816455 -0.030301523291225544 -0.03649266421738833 0.07340008722209797 +43878,0.4154606233929,2,0.9277775350333372 0.9943322999896488 0.941707602117221 0.7729990118791267 0.6770363275235243 0.42010397908753094 0.262229885470239 0.2127007580608927 0.14614599310458112 0.105903577084479 0.02232317458121096 -0.061257227922065886 -0.08447400639519394 -0.16960219413001149 -0.19281897260313954 -0.2113923953816455 -0.030301523291225544 -0.03649266421738833 0.07340008722209797 0.25913431500714884 +43879,0.6027426364095004,2,0.9943322999896488 0.941707602117221 0.7729990118791267 0.6770363275235243 0.42010397908753094 0.262229885470239 0.2127007580608927 0.14614599310458112 0.105903577084479 0.02232317458121096 -0.061257227922065886 -0.08447400639519394 -0.16960219413001149 -0.19281897260313954 -0.2113923953816455 -0.030301523291225544 -0.03649266421738833 0.07340008722209797 0.25913431500714884 0.4154606233929 +43880,0.6863230389127685,2,0.941707602117221 0.7729990118791267 0.6770363275235243 0.42010397908753094 0.262229885470239 0.2127007580608927 0.14614599310458112 0.105903577084479 0.02232317458121096 -0.061257227922065886 -0.08447400639519394 -0.16960219413001149 -0.19281897260313954 -0.2113923953816455 -0.030301523291225544 -0.03649266421738833 0.07340008722209797 0.25913431500714884 0.4154606233929 0.6027426364095004 +43881,0.7203743140066989,2,0.7729990118791267 0.6770363275235243 0.42010397908753094 0.262229885470239 0.2127007580608927 0.14614599310458112 0.105903577084479 0.02232317458121096 -0.061257227922065886 -0.08447400639519394 -0.16960219413001149 -0.19281897260313954 -0.2113923953816455 -0.030301523291225544 -0.03649266421738833 0.07340008722209797 0.25913431500714884 0.4154606233929 0.6027426364095004 0.6863230389127685 +43882,0.7203743140066989,2,0.6770363275235243 0.42010397908753094 0.262229885470239 0.2127007580608927 0.14614599310458112 0.105903577084479 0.02232317458121096 -0.061257227922065886 -0.08447400639519394 -0.16960219413001149 -0.19281897260313954 -0.2113923953816455 -0.030301523291225544 -0.03649266421738833 0.07340008722209797 0.25913431500714884 0.4154606233929 0.6027426364095004 0.6863230389127685 0.7203743140066989 +43883,0.6662018309027218,2,0.42010397908753094 0.262229885470239 0.2127007580608927 0.14614599310458112 0.105903577084479 0.02232317458121096 -0.061257227922065886 -0.08447400639519394 -0.16960219413001149 -0.19281897260313954 -0.2113923953816455 -0.030301523291225544 -0.03649266421738833 0.07340008722209797 0.25913431500714884 0.4154606233929 0.6027426364095004 0.6863230389127685 0.7203743140066989 0.7203743140066989 +43884,0.6306027705772593,2,0.262229885470239 0.2127007580608927 0.14614599310458112 0.105903577084479 0.02232317458121096 -0.061257227922065886 -0.08447400639519394 -0.16960219413001149 -0.19281897260313954 -0.2113923953816455 -0.030301523291225544 -0.03649266421738833 0.07340008722209797 0.25913431500714884 0.4154606233929 0.6027426364095004 0.6863230389127685 0.7203743140066989 0.7203743140066989 0.6662018309027218 +43885,0.5547612942316947,2,0.2127007580608927 0.14614599310458112 0.105903577084479 0.02232317458121096 -0.061257227922065886 -0.08447400639519394 -0.16960219413001149 -0.19281897260313954 -0.2113923953816455 -0.030301523291225544 -0.03649266421738833 0.07340008722209797 0.25913431500714884 0.4154606233929 0.6027426364095004 0.6863230389127685 0.7203743140066989 0.7203743140066989 0.6662018309027218 0.6306027705772593 +43886,0.3566447845943007,2,0.14614599310458112 0.105903577084479 0.02232317458121096 -0.061257227922065886 -0.08447400639519394 -0.16960219413001149 -0.19281897260313954 -0.2113923953816455 -0.030301523291225544 -0.03649266421738833 0.07340008722209797 0.25913431500714884 0.4154606233929 0.6027426364095004 0.6863230389127685 0.7203743140066989 0.7203743140066989 0.6662018309027218 0.6306027705772593 0.5547612942316947 +43887,0.14769377833612182,2,0.105903577084479 0.02232317458121096 -0.061257227922065886 -0.08447400639519394 -0.16960219413001149 -0.19281897260313954 -0.2113923953816455 -0.030301523291225544 -0.03649266421738833 0.07340008722209797 0.25913431500714884 0.4154606233929 0.6027426364095004 0.6863230389127685 0.7203743140066989 0.7203743140066989 0.6662018309027218 0.6306027705772593 0.5547612942316947 0.3566447845943007 +43888,0.10126022138985691,2,0.02232317458121096 -0.061257227922065886 -0.08447400639519394 -0.16960219413001149 -0.19281897260313954 -0.2113923953816455 -0.030301523291225544 -0.03649266421738833 0.07340008722209797 0.25913431500714884 0.4154606233929 0.6027426364095004 0.6863230389127685 0.7203743140066989 0.7203743140066989 0.6662018309027218 0.6306027705772593 0.5547612942316947 0.3566447845943007 0.14769377833612182 +43889,0.013036463191957975,2,-0.061257227922065886 -0.08447400639519394 -0.16960219413001149 -0.19281897260313954 -0.2113923953816455 -0.030301523291225544 -0.03649266421738833 0.07340008722209797 0.25913431500714884 0.4154606233929 0.6027426364095004 0.6863230389127685 0.7203743140066989 0.7203743140066989 0.6662018309027218 0.6306027705772593 0.5547612942316947 0.3566447845943007 0.14769377833612182 0.10126022138985691 +43890,0.00994089272887658,2,-0.08447400639519394 -0.16960219413001149 -0.19281897260313954 -0.2113923953816455 -0.030301523291225544 -0.03649266421738833 0.07340008722209797 0.25913431500714884 0.4154606233929 0.6027426364095004 0.6863230389127685 0.7203743140066989 0.7203743140066989 0.6662018309027218 0.6306027705772593 0.5547612942316947 0.3566447845943007 0.14769377833612182 0.10126022138985691 0.013036463191957975 +43891,-0.07209172454285957,2,-0.16960219413001149 -0.19281897260313954 -0.2113923953816455 -0.030301523291225544 -0.03649266421738833 0.07340008722209797 0.25913431500714884 0.4154606233929 0.6027426364095004 0.6863230389127685 0.7203743140066989 0.7203743140066989 0.6662018309027218 0.6306027705772593 0.5547612942316947 0.3566447845943007 0.14769377833612182 0.10126022138985691 0.013036463191957975 0.00994089272887658 +43892,-0.13245534857299956,2,-0.19281897260313954 -0.2113923953816455 -0.030301523291225544 -0.03649266421738833 0.07340008722209797 0.25913431500714884 0.4154606233929 0.6027426364095004 0.6863230389127685 0.7203743140066989 0.7203743140066989 0.6662018309027218 0.6306027705772593 0.5547612942316947 0.3566447845943007 0.14769377833612182 0.10126022138985691 0.013036463191957975 0.00994089272887658 -0.07209172454285957 +43893,-0.20210568399239254,2,-0.2113923953816455 -0.030301523291225544 -0.03649266421738833 0.07340008722209797 0.25913431500714884 0.4154606233929 0.6027426364095004 0.6863230389127685 0.7203743140066989 0.7203743140066989 0.6662018309027218 0.6306027705772593 0.5547612942316947 0.3566447845943007 0.14769377833612182 0.10126022138985691 0.013036463191957975 0.00994089272887658 -0.07209172454285957 -0.13245534857299956 +43894,-0.19901011352931114,2,-0.030301523291225544 -0.03649266421738833 0.07340008722209797 0.25913431500714884 0.4154606233929 0.6027426364095004 0.6863230389127685 0.7203743140066989 0.7203743140066989 0.6662018309027218 0.6306027705772593 0.5547612942316947 0.3566447845943007 0.14769377833612182 0.10126022138985691 0.013036463191957975 0.00994089272887658 -0.07209172454285957 -0.13245534857299956 -0.20210568399239254 +43895,-0.29806836834800376,2,-0.03649266421738833 0.07340008722209797 0.25913431500714884 0.4154606233929 0.6027426364095004 0.6863230389127685 0.7203743140066989 0.7203743140066989 0.6662018309027218 0.6306027705772593 0.5547612942316947 0.3566447845943007 0.14769377833612182 0.10126022138985691 0.013036463191957975 0.00994089272887658 -0.07209172454285957 -0.13245534857299956 -0.20210568399239254 -0.19901011352931114 +43896,-0.4280823277975455,2,0.07340008722209797 0.25913431500714884 0.4154606233929 0.6027426364095004 0.6863230389127685 0.7203743140066989 0.7203743140066989 0.6662018309027218 0.6306027705772593 0.5547612942316947 0.3566447845943007 0.14769377833612182 0.10126022138985691 0.013036463191957975 0.00994089272887658 -0.07209172454285957 -0.13245534857299956 -0.20210568399239254 -0.19901011352931114 -0.29806836834800376 +43897,-0.45284689150221424,2,0.25913431500714884 0.4154606233929 0.6027426364095004 0.6863230389127685 0.7203743140066989 0.7203743140066989 0.6662018309027218 0.6306027705772593 0.5547612942316947 0.3566447845943007 0.14769377833612182 0.10126022138985691 0.013036463191957975 0.00994089272887658 -0.07209172454285957 -0.13245534857299956 -0.20210568399239254 -0.19901011352931114 -0.29806836834800376 -0.4280823277975455 +43898,-0.5580962872470785,2,0.4154606233929 0.6027426364095004 0.6863230389127685 0.7203743140066989 0.7203743140066989 0.6662018309027218 0.6306027705772593 0.5547612942316947 0.3566447845943007 0.14769377833612182 0.10126022138985691 0.013036463191957975 0.00994089272887658 -0.07209172454285957 -0.13245534857299956 -0.20210568399239254 -0.19901011352931114 -0.29806836834800376 -0.4280823277975455 -0.45284689150221424 +43899,-0.6447722602134367,2,0.6027426364095004 0.6863230389127685 0.7203743140066989 0.7203743140066989 0.6662018309027218 0.6306027705772593 0.5547612942316947 0.3566447845943007 0.14769377833612182 0.10126022138985691 0.013036463191957975 0.00994089272887658 -0.07209172454285957 -0.13245534857299956 -0.20210568399239254 -0.19901011352931114 -0.29806836834800376 -0.4280823277975455 -0.45284689150221424 -0.5580962872470785 +43900,-0.3909354822405336,2,0.6863230389127685 0.7203743140066989 0.7203743140066989 0.6662018309027218 0.6306027705772593 0.5547612942316947 0.3566447845943007 0.14769377833612182 0.10126022138985691 0.013036463191957975 0.00994089272887658 -0.07209172454285957 -0.13245534857299956 -0.20210568399239254 -0.19901011352931114 -0.29806836834800376 -0.4280823277975455 -0.45284689150221424 -0.5580962872470785 -0.6447722602134367 +43901,0.04708773828587971,2,0.7203743140066989 0.7203743140066989 0.6662018309027218 0.6306027705772593 0.5547612942316947 0.3566447845943007 0.14769377833612182 0.10126022138985691 0.013036463191957975 0.00994089272887658 -0.07209172454285957 -0.13245534857299956 -0.20210568399239254 -0.19901011352931114 -0.29806836834800376 -0.4280823277975455 -0.45284689150221424 -0.5580962872470785 -0.6447722602134367 -0.3909354822405336 +43902,0.3102112276480446,2,0.7203743140066989 0.6662018309027218 0.6306027705772593 0.5547612942316947 0.3566447845943007 0.14769377833612182 0.10126022138985691 0.013036463191957975 0.00994089272887658 -0.07209172454285957 -0.13245534857299956 -0.20210568399239254 -0.19901011352931114 -0.29806836834800376 -0.4280823277975455 -0.45284689150221424 -0.5580962872470785 -0.6447722602134367 -0.3909354822405336 0.04708773828587971 +43903,0.5934559250202474,2,0.6662018309027218 0.6306027705772593 0.5547612942316947 0.3566447845943007 0.14769377833612182 0.10126022138985691 0.013036463191957975 0.00994089272887658 -0.07209172454285957 -0.13245534857299956 -0.20210568399239254 -0.19901011352931114 -0.29806836834800376 -0.4280823277975455 -0.45284689150221424 -0.5580962872470785 -0.6447722602134367 -0.3909354822405336 0.04708773828587971 0.3102112276480446 +43904,0.8116936426676793,2,0.6306027705772593 0.5547612942316947 0.3566447845943007 0.14769377833612182 0.10126022138985691 0.013036463191957975 0.00994089272887658 -0.07209172454285957 -0.13245534857299956 -0.20210568399239254 -0.19901011352931114 -0.29806836834800376 -0.4280823277975455 -0.45284689150221424 -0.5580962872470785 -0.6447722602134367 -0.3909354822405336 0.04708773828587971 0.3102112276480446 0.5934559250202474 +43905,1.0051667966104425,2,0.5547612942316947 0.3566447845943007 0.14769377833612182 0.10126022138985691 0.013036463191957975 0.00994089272887658 -0.07209172454285957 -0.13245534857299956 -0.20210568399239254 -0.19901011352931114 -0.29806836834800376 -0.4280823277975455 -0.45284689150221424 -0.5580962872470785 -0.6447722602134367 -0.3909354822405336 0.04708773828587971 0.3102112276480446 0.5934559250202474 0.8116936426676793 +43906,1.1212506889761003,2,0.3566447845943007 0.14769377833612182 0.10126022138985691 0.013036463191957975 0.00994089272887658 -0.07209172454285957 -0.13245534857299956 -0.20210568399239254 -0.19901011352931114 -0.29806836834800376 -0.4280823277975455 -0.45284689150221424 -0.5580962872470785 -0.6447722602134367 -0.3909354822405336 0.04708773828587971 0.3102112276480446 0.5934559250202474 0.8116936426676793 1.0051667966104425 +43907,1.2682902859726073,2,0.14769377833612182 0.10126022138985691 0.013036463191957975 0.00994089272887658 -0.07209172454285957 -0.13245534857299956 -0.20210568399239254 -0.19901011352931114 -0.29806836834800376 -0.4280823277975455 -0.45284689150221424 -0.5580962872470785 -0.6447722602134367 -0.3909354822405336 0.04708773828587971 0.3102112276480446 0.5934559250202474 0.8116936426676793 1.0051667966104425 1.1212506889761003 +43908,1.2946026349088169,2,0.10126022138985691 0.013036463191957975 0.00994089272887658 -0.07209172454285957 -0.13245534857299956 -0.20210568399239254 -0.19901011352931114 -0.29806836834800376 -0.4280823277975455 -0.45284689150221424 -0.5580962872470785 -0.6447722602134367 -0.3909354822405336 0.04708773828587971 0.3102112276480446 0.5934559250202474 0.8116936426676793 1.0051667966104425 1.1212506889761003 1.2682902859726073 +43909,1.200187735784755,2,0.013036463191957975 0.00994089272887658 -0.07209172454285957 -0.13245534857299956 -0.20210568399239254 -0.19901011352931114 -0.29806836834800376 -0.4280823277975455 -0.45284689150221424 -0.5580962872470785 -0.6447722602134367 -0.3909354822405336 0.04708773828587971 0.3102112276480446 0.5934559250202474 0.8116936426676793 1.0051667966104425 1.1212506889761003 1.2682902859726073 1.2946026349088169 +43910,0.9850455886003958,2,0.00994089272887658 -0.07209172454285957 -0.13245534857299956 -0.20210568399239254 -0.19901011352931114 -0.29806836834800376 -0.4280823277975455 -0.45284689150221424 -0.5580962872470785 -0.6447722602134367 -0.3909354822405336 0.04708773828587971 0.3102112276480446 0.5934559250202474 0.8116936426676793 1.0051667966104425 1.1212506889761003 1.2682902859726073 1.2946026349088169 1.200187735784755 +43911,0.6027426364095004,2,-0.07209172454285957 -0.13245534857299956 -0.20210568399239254 -0.19901011352931114 -0.29806836834800376 -0.4280823277975455 -0.45284689150221424 -0.5580962872470785 -0.6447722602134367 -0.3909354822405336 0.04708773828587971 0.3102112276480446 0.5934559250202474 0.8116936426676793 1.0051667966104425 1.1212506889761003 1.2682902859726073 1.2946026349088169 1.200187735784755 0.9850455886003958 +43912,0.45415525418145264,2,-0.13245534857299956 -0.20210568399239254 -0.19901011352931114 -0.29806836834800376 -0.4280823277975455 -0.45284689150221424 -0.5580962872470785 -0.6447722602134367 -0.3909354822405336 0.04708773828587971 0.3102112276480446 0.5934559250202474 0.8116936426676793 1.0051667966104425 1.1212506889761003 1.2682902859726073 1.2946026349088169 1.200187735784755 0.9850455886003958 0.6027426364095004 +43913,0.2792555230171955,2,-0.20210568399239254 -0.19901011352931114 -0.29806836834800376 -0.4280823277975455 -0.45284689150221424 -0.5580962872470785 -0.6447722602134367 -0.3909354822405336 0.04708773828587971 0.3102112276480446 0.5934559250202474 0.8116936426676793 1.0051667966104425 1.1212506889761003 1.2682902859726073 1.2946026349088169 1.200187735784755 0.9850455886003958 0.6027426364095004 0.45415525418145264 +43914,0.12912035555761586,2,-0.19901011352931114 -0.29806836834800376 -0.4280823277975455 -0.45284689150221424 -0.5580962872470785 -0.6447722602134367 -0.3909354822405336 0.04708773828587971 0.3102112276480446 0.5934559250202474 0.8116936426676793 1.0051667966104425 1.1212506889761003 1.2682902859726073 1.2946026349088169 1.200187735784755 0.9850455886003958 0.6027426364095004 0.45415525418145264 0.2792555230171955 +43915,-0.03804044944892903,2,-0.29806836834800376 -0.4280823277975455 -0.45284689150221424 -0.5580962872470785 -0.6447722602134367 -0.3909354822405336 0.04708773828587971 0.3102112276480446 0.5934559250202474 0.8116936426676793 1.0051667966104425 1.1212506889761003 1.2682902859726073 1.2946026349088169 1.200187735784755 0.9850455886003958 0.6027426364095004 0.45415525418145264 0.2792555230171955 0.12912035555761586 +43916,-0.23151360339169216,2,-0.4280823277975455 -0.45284689150221424 -0.5580962872470785 -0.6447722602134367 -0.3909354822405336 0.04708773828587971 0.3102112276480446 0.5934559250202474 0.8116936426676793 1.0051667966104425 1.1212506889761003 1.2682902859726073 1.2946026349088169 1.200187735784755 0.9850455886003958 0.6027426364095004 0.45415525418145264 0.2792555230171955 0.12912035555761586 -0.03804044944892903 +43917,-0.23770474431786376,2,-0.45284689150221424 -0.5580962872470785 -0.6447722602134367 -0.3909354822405336 0.04708773828587971 0.3102112276480446 0.5934559250202474 0.8116936426676793 1.0051667966104425 1.1212506889761003 1.2682902859726073 1.2946026349088169 1.200187735784755 0.9850455886003958 0.6027426364095004 0.45415525418145264 0.2792555230171955 0.12912035555761586 -0.03804044944892903 -0.23151360339169216 +43918,-0.2763993751064164,2,-0.5580962872470785 -0.6447722602134367 -0.3909354822405336 0.04708773828587971 0.3102112276480446 0.5934559250202474 0.8116936426676793 1.0051667966104425 1.1212506889761003 1.2682902859726073 1.2946026349088169 1.200187735784755 0.9850455886003958 0.6027426364095004 0.45415525418145264 0.2792555230171955 0.12912035555761586 -0.03804044944892903 -0.23151360339169216 -0.23770474431786376 +43919,-0.4420123948814206,2,-0.6447722602134367 -0.3909354822405336 0.04708773828587971 0.3102112276480446 0.5934559250202474 0.8116936426676793 1.0051667966104425 1.1212506889761003 1.2682902859726073 1.2946026349088169 1.200187735784755 0.9850455886003958 0.6027426364095004 0.45415525418145264 0.2792555230171955 0.12912035555761586 -0.03804044944892903 -0.23151360339169216 -0.23770474431786376 -0.2763993751064164 +43920,-0.5379750792370318,2,-0.3909354822405336 0.04708773828587971 0.3102112276480446 0.5934559250202474 0.8116936426676793 1.0051667966104425 1.1212506889761003 1.2682902859726073 1.2946026349088169 1.200187735784755 0.9850455886003958 0.6027426364095004 0.45415525418145264 0.2792555230171955 0.12912035555761586 -0.03804044944892903 -0.23151360339169216 -0.23770474431786376 -0.2763993751064164 -0.4420123948814206 +43921,-0.633937763592643,2,0.04708773828587971 0.3102112276480446 0.5934559250202474 0.8116936426676793 1.0051667966104425 1.1212506889761003 1.2682902859726073 1.2946026349088169 1.200187735784755 0.9850455886003958 0.6027426364095004 0.45415525418145264 0.2792555230171955 0.12912035555761586 -0.03804044944892903 -0.23151360339169216 -0.23770474431786376 -0.2763993751064164 -0.4420123948814206 -0.5379750792370318 +43922,-0.5720263543309624,2,0.3102112276480446 0.5934559250202474 0.8116936426676793 1.0051667966104425 1.1212506889761003 1.2682902859726073 1.2946026349088169 1.200187735784755 0.9850455886003958 0.6027426364095004 0.45415525418145264 0.2792555230171955 0.12912035555761586 -0.03804044944892903 -0.23151360339169216 -0.23770474431786376 -0.2763993751064164 -0.4420123948814206 -0.5379750792370318 -0.633937763592643 +43923,-0.6509634011396083,2,0.5934559250202474 0.8116936426676793 1.0051667966104425 1.1212506889761003 1.2682902859726073 1.2946026349088169 1.200187735784755 0.9850455886003958 0.6027426364095004 0.45415525418145264 0.2792555230171955 0.12912035555761586 -0.03804044944892903 -0.23151360339169216 -0.23770474431786376 -0.2763993751064164 -0.4420123948814206 -0.5379750792370318 -0.633937763592643 -0.5720263543309624 +43924,-0.4095089050190395,2,0.8116936426676793 1.0051667966104425 1.1212506889761003 1.2682902859726073 1.2946026349088169 1.200187735784755 0.9850455886003958 0.6027426364095004 0.45415525418145264 0.2792555230171955 0.12912035555761586 -0.03804044944892903 -0.23151360339169216 -0.23770474431786376 -0.2763993751064164 -0.4420123948814206 -0.5379750792370318 -0.633937763592643 -0.5720263543309624 -0.6509634011396083 +43925,0.04708773828587971,2,1.0051667966104425 1.1212506889761003 1.2682902859726073 1.2946026349088169 1.200187735784755 0.9850455886003958 0.6027426364095004 0.45415525418145264 0.2792555230171955 0.12912035555761586 -0.03804044944892903 -0.23151360339169216 -0.23770474431786376 -0.2763993751064164 -0.4420123948814206 -0.5379750792370318 -0.633937763592643 -0.5720263543309624 -0.6509634011396083 -0.4095089050190395 +43926,0.5563090794632355,2,1.1212506889761003 1.2682902859726073 1.2946026349088169 1.200187735784755 0.9850455886003958 0.6027426364095004 0.45415525418145264 0.2792555230171955 0.12912035555761586 -0.03804044944892903 -0.23151360339169216 -0.23770474431786376 -0.2763993751064164 -0.4420123948814206 -0.5379750792370318 -0.633937763592643 -0.5720263543309624 -0.6509634011396083 -0.4095089050190395 0.04708773828587971 +43927,0.9664721658218898,2,1.2682902859726073 1.2946026349088169 1.200187735784755 0.9850455886003958 0.6027426364095004 0.45415525418145264 0.2792555230171955 0.12912035555761586 -0.03804044944892903 -0.23151360339169216 -0.23770474431786376 -0.2763993751064164 -0.4420123948814206 -0.5379750792370318 -0.633937763592643 -0.5720263543309624 -0.6509634011396083 -0.4095089050190395 0.04708773828587971 0.5563090794632355 +43928,1.3379406213920002,2,1.2946026349088169 1.200187735784755 0.9850455886003958 0.6027426364095004 0.45415525418145264 0.2792555230171955 0.12912035555761586 -0.03804044944892903 -0.23151360339169216 -0.23770474431786376 -0.2763993751064164 -0.4420123948814206 -0.5379750792370318 -0.633937763592643 -0.5720263543309624 -0.6509634011396083 -0.4095089050190395 0.04708773828587971 0.5563090794632355 0.9664721658218898 +43929,1.4400944466737744,2,1.200187735784755 0.9850455886003958 0.6027426364095004 0.45415525418145264 0.2792555230171955 0.12912035555761586 -0.03804044944892903 -0.23151360339169216 -0.23770474431786376 -0.2763993751064164 -0.4420123948814206 -0.5379750792370318 -0.633937763592643 -0.5720263543309624 -0.6509634011396083 -0.4095089050190395 0.04708773828587971 0.5563090794632355 0.9664721658218898 1.3379406213920002 +43930,1.5592739095025223,2,0.9850455886003958 0.6027426364095004 0.45415525418145264 0.2792555230171955 0.12912035555761586 -0.03804044944892903 -0.23151360339169216 -0.23770474431786376 -0.2763993751064164 -0.4420123948814206 -0.5379750792370318 -0.633937763592643 -0.5720263543309624 -0.6509634011396083 -0.4095089050190395 0.04708773828587971 0.5563090794632355 0.9664721658218898 1.3379406213920002 1.4400944466737744 +43931,1.5778473322810285,2,0.6027426364095004 0.45415525418145264 0.2792555230171955 0.12912035555761586 -0.03804044944892903 -0.23151360339169216 -0.23770474431786376 -0.2763993751064164 -0.4420123948814206 -0.5379750792370318 -0.633937763592643 -0.5720263543309624 -0.6509634011396083 -0.4095089050190395 0.04708773828587971 0.5563090794632355 0.9664721658218898 1.3379406213920002 1.4400944466737744 1.5592739095025223 +43932,1.5964207550595344,2,0.45415525418145264 0.2792555230171955 0.12912035555761586 -0.03804044944892903 -0.23151360339169216 -0.23770474431786376 -0.2763993751064164 -0.4420123948814206 -0.5379750792370318 -0.633937763592643 -0.5720263543309624 -0.6509634011396083 -0.4095089050190395 0.04708773828587971 0.5563090794632355 0.9664721658218898 1.3379406213920002 1.4400944466737744 1.5592739095025223 1.5778473322810285 +43933,1.4958147150092922,2,0.2792555230171955 0.12912035555761586 -0.03804044944892903 -0.23151360339169216 -0.23770474431786376 -0.2763993751064164 -0.4420123948814206 -0.5379750792370318 -0.633937763592643 -0.5720263543309624 -0.6509634011396083 -0.4095089050190395 0.04708773828587971 0.5563090794632355 0.9664721658218898 1.3379406213920002 1.4400944466737744 1.5592739095025223 1.5778473322810285 1.5964207550595344 +43934,1.2141178028686301,2,0.12912035555761586 -0.03804044944892903 -0.23151360339169216 -0.23770474431786376 -0.2763993751064164 -0.4420123948814206 -0.5379750792370318 -0.633937763592643 -0.5720263543309624 -0.6509634011396083 -0.4095089050190395 0.04708773828587971 0.5563090794632355 0.9664721658218898 1.3379406213920002 1.4400944466737744 1.5592739095025223 1.5778473322810285 1.5964207550595344 1.4958147150092922 +43935,0.8937262599394155,2,-0.03804044944892903 -0.23151360339169216 -0.23770474431786376 -0.2763993751064164 -0.4420123948814206 -0.5379750792370318 -0.633937763592643 -0.5720263543309624 -0.6509634011396083 -0.4095089050190395 0.04708773828587971 0.5563090794632355 0.9664721658218898 1.3379406213920002 1.4400944466737744 1.5592739095025223 1.5778473322810285 1.5964207550595344 1.4958147150092922 1.2141178028686301 +43936,0.622863844419547,2,-0.23151360339169216 -0.23770474431786376 -0.2763993751064164 -0.4420123948814206 -0.5379750792370318 -0.633937763592643 -0.5720263543309624 -0.6509634011396083 -0.4095089050190395 0.04708773828587971 0.5563090794632355 0.9664721658218898 1.3379406213920002 1.4400944466737744 1.5592739095025223 1.5778473322810285 1.5964207550595344 1.4958147150092922 1.2141178028686301 0.8937262599394155 +43937,0.4386774018660369,2,-0.23770474431786376 -0.2763993751064164 -0.4420123948814206 -0.5379750792370318 -0.633937763592643 -0.5720263543309624 -0.6509634011396083 -0.4095089050190395 0.04708773828587971 0.5563090794632355 0.9664721658218898 1.3379406213920002 1.4400944466737744 1.5592739095025223 1.5778473322810285 1.5964207550595344 1.4958147150092922 1.2141178028686301 0.8937262599394155 0.622863844419547 +43938,0.2668732411648611,2,-0.2763993751064164 -0.4420123948814206 -0.5379750792370318 -0.633937763592643 -0.5720263543309624 -0.6509634011396083 -0.4095089050190395 0.04708773828587971 0.5563090794632355 0.9664721658218898 1.3379406213920002 1.4400944466737744 1.5592739095025223 1.5778473322810285 1.5964207550595344 1.4958147150092922 1.2141178028686301 0.8937262599394155 0.622863844419547 0.4386774018660369 +43939,0.14150263740995023,2,-0.4420123948814206 -0.5379750792370318 -0.633937763592643 -0.5720263543309624 -0.6509634011396083 -0.4095089050190395 0.04708773828587971 0.5563090794632355 0.9664721658218898 1.3379406213920002 1.4400944466737744 1.5592739095025223 1.5778473322810285 1.5964207550595344 1.4958147150092922 1.2141178028686301 0.8937262599394155 0.622863844419547 0.4386774018660369 0.2668732411648611 +43940,-0.03804044944892903,2,-0.5379750792370318 -0.633937763592643 -0.5720263543309624 -0.6509634011396083 -0.4095089050190395 0.04708773828587971 0.5563090794632355 0.9664721658218898 1.3379406213920002 1.4400944466737744 1.5592739095025223 1.5778473322810285 1.5964207550595344 1.4958147150092922 1.2141178028686301 0.8937262599394155 0.622863844419547 0.4386774018660369 0.2668732411648611 0.14150263740995023 +43941,-0.09376071778444693,2,-0.633937763592643 -0.5720263543309624 -0.6509634011396083 -0.4095089050190395 0.04708773828587971 0.5563090794632355 0.9664721658218898 1.3379406213920002 1.4400944466737744 1.5592739095025223 1.5778473322810285 1.5964207550595344 1.4958147150092922 1.2141178028686301 0.8937262599394155 0.622863844419547 0.4386774018660369 0.2668732411648611 0.14150263740995023 -0.03804044944892903 +43942,-0.2763993751064164,2,-0.5720263543309624 -0.6509634011396083 -0.4095089050190395 0.04708773828587971 0.5563090794632355 0.9664721658218898 1.3379406213920002 1.4400944466737744 1.5592739095025223 1.5778473322810285 1.5964207550595344 1.4958147150092922 1.2141178028686301 0.8937262599394155 0.622863844419547 0.4386774018660369 0.2668732411648611 0.14150263740995023 -0.03804044944892903 -0.09376071778444693 +43943,-0.2624693080225413,2,-0.6509634011396083 -0.4095089050190395 0.04708773828587971 0.5563090794632355 0.9664721658218898 1.3379406213920002 1.4400944466737744 1.5592739095025223 1.5778473322810285 1.5964207550595344 1.4958147150092922 1.2141178028686301 0.8937262599394155 0.622863844419547 0.4386774018660369 0.2668732411648611 0.14150263740995023 -0.03804044944892903 -0.09376071778444693 -0.2763993751064164 +43944,-0.46677695858609813,2,-0.4095089050190395 0.04708773828587971 0.5563090794632355 0.9664721658218898 1.3379406213920002 1.4400944466737744 1.5592739095025223 1.5778473322810285 1.5964207550595344 1.4958147150092922 1.2141178028686301 0.8937262599394155 0.622863844419547 0.4386774018660369 0.2668732411648611 0.14150263740995023 -0.03804044944892903 -0.09376071778444693 -0.2763993751064164 -0.2624693080225413 +43945,-0.6076254146564247,2,0.04708773828587971 0.5563090794632355 0.9664721658218898 1.3379406213920002 1.4400944466737744 1.5592739095025223 1.5778473322810285 1.5964207550595344 1.4958147150092922 1.2141178028686301 0.8937262599394155 0.622863844419547 0.4386774018660369 0.2668732411648611 0.14150263740995023 -0.03804044944892903 -0.09376071778444693 -0.2763993751064164 -0.2624693080225413 -0.46677695858609813 +43946,-0.573574139562503,2,0.5563090794632355 0.9664721658218898 1.3379406213920002 1.4400944466737744 1.5592739095025223 1.5778473322810285 1.5964207550595344 1.4958147150092922 1.2141178028686301 0.8937262599394155 0.622863844419547 0.4386774018660369 0.2668732411648611 0.14150263740995023 -0.03804044944892903 -0.09376071778444693 -0.2763993751064164 -0.2624693080225413 -0.46677695858609813 -0.6076254146564247 +43947,-0.5952431328040904,2,0.9664721658218898 1.3379406213920002 1.4400944466737744 1.5592739095025223 1.5778473322810285 1.5964207550595344 1.4958147150092922 1.2141178028686301 0.8937262599394155 0.622863844419547 0.4386774018660369 0.2668732411648611 0.14150263740995023 -0.03804044944892903 -0.09376071778444693 -0.2763993751064164 -0.2624693080225413 -0.46677695858609813 -0.6076254146564247 -0.573574139562503 +43948,-0.2237746772339887,2,1.3379406213920002 1.4400944466737744 1.5592739095025223 1.5778473322810285 1.5964207550595344 1.4958147150092922 1.2141178028686301 0.8937262599394155 0.622863844419547 0.4386774018660369 0.2668732411648611 0.14150263740995023 -0.03804044944892903 -0.09376071778444693 -0.2763993751064164 -0.2624693080225413 -0.46677695858609813 -0.6076254146564247 -0.573574139562503 -0.5952431328040904 +43949,0.29473337533262006,2,1.4400944466737744 1.5592739095025223 1.5778473322810285 1.5964207550595344 1.4958147150092922 1.2141178028686301 0.8937262599394155 0.622863844419547 0.4386774018660369 0.2668732411648611 0.14150263740995023 -0.03804044944892903 -0.09376071778444693 -0.2763993751064164 -0.2624693080225413 -0.46677695858609813 -0.6076254146564247 -0.573574139562503 -0.5952431328040904 -0.2237746772339887 +43950,0.8767006223924502,2,1.5592739095025223 1.5778473322810285 1.5964207550595344 1.4958147150092922 1.2141178028686301 0.8937262599394155 0.622863844419547 0.4386774018660369 0.2668732411648611 0.14150263740995023 -0.03804044944892903 -0.09376071778444693 -0.2763993751064164 -0.2624693080225413 -0.46677695858609813 -0.6076254146564247 -0.573574139562503 -0.5952431328040904 -0.2237746772339887 0.29473337533262006 +43951,1.4493811580630274,2,1.5778473322810285 1.5964207550595344 1.4958147150092922 1.2141178028686301 0.8937262599394155 0.622863844419547 0.4386774018660369 0.2668732411648611 0.14150263740995023 -0.03804044944892903 -0.09376071778444693 -0.2763993751064164 -0.2624693080225413 -0.46677695858609813 -0.6076254146564247 -0.573574139562503 -0.5952431328040904 -0.2237746772339887 0.29473337533262006 0.8767006223924502 +43952,1.8626398148847718,2,1.5964207550595344 1.4958147150092922 1.2141178028686301 0.8937262599394155 0.622863844419547 0.4386774018660369 0.2668732411648611 0.14150263740995023 -0.03804044944892903 -0.09376071778444693 -0.2763993751064164 -0.2624693080225413 -0.46677695858609813 -0.6076254146564247 -0.573574139562503 -0.5952431328040904 -0.2237746772339887 0.29473337533262006 0.8767006223924502 1.4493811580630274 +43953,2.142788941793893,2,1.4958147150092922 1.2141178028686301 0.8937262599394155 0.622863844419547 0.4386774018660369 0.2668732411648611 0.14150263740995023 -0.03804044944892903 -0.09376071778444693 -0.2763993751064164 -0.2624693080225413 -0.46677695858609813 -0.6076254146564247 -0.573574139562503 -0.5952431328040904 -0.2237746772339887 0.29473337533262006 0.8767006223924502 1.4493811580630274 1.8626398148847718 +43954,2.2526816932333795,2,1.2141178028686301 0.8937262599394155 0.622863844419547 0.4386774018660369 0.2668732411648611 0.14150263740995023 -0.03804044944892903 -0.09376071778444693 -0.2763993751064164 -0.2624693080225413 -0.46677695858609813 -0.6076254146564247 -0.573574139562503 -0.5952431328040904 -0.2237746772339887 0.29473337533262006 0.8767006223924502 1.4493811580630274 1.8626398148847718 2.142788941793893 +43955,2.2341082704548736,2,0.8937262599394155 0.622863844419547 0.4386774018660369 0.2668732411648611 0.14150263740995023 -0.03804044944892903 -0.09376071778444693 -0.2763993751064164 -0.2624693080225413 -0.46677695858609813 -0.6076254146564247 -0.573574139562503 -0.5952431328040904 -0.2237746772339887 0.29473337533262006 0.8767006223924502 1.4493811580630274 1.8626398148847718 2.142788941793893 2.2526816932333795 +43956,2.1969614248978706,2,0.622863844419547 0.4386774018660369 0.2668732411648611 0.14150263740995023 -0.03804044944892903 -0.09376071778444693 -0.2763993751064164 -0.2624693080225413 -0.46677695858609813 -0.6076254146564247 -0.573574139562503 -0.5952431328040904 -0.2237746772339887 0.29473337533262006 0.8767006223924502 1.4493811580630274 1.8626398148847718 2.142788941793893 2.2526816932333795 2.2341082704548736 +43957,2.1721968611931928,2,0.4386774018660369 0.2668732411648611 0.14150263740995023 -0.03804044944892903 -0.09376071778444693 -0.2763993751064164 -0.2624693080225413 -0.46677695858609813 -0.6076254146564247 -0.573574139562503 -0.5952431328040904 -0.2237746772339887 0.29473337533262006 0.8767006223924502 1.4493811580630274 1.8626398148847718 2.142788941793893 2.2526816932333795 2.2341082704548736 2.1969614248978706 +43958,1.9477680026195894,2,0.2668732411648611 0.14150263740995023 -0.03804044944892903 -0.09376071778444693 -0.2763993751064164 -0.2624693080225413 -0.46677695858609813 -0.6076254146564247 -0.573574139562503 -0.5952431328040904 -0.2237746772339887 0.29473337533262006 0.8767006223924502 1.4493811580630274 1.8626398148847718 2.142788941793893 2.2526816932333795 2.2341082704548736 2.1969614248978706 2.1721968611931928 +43959,1.4493811580630274,2,0.14150263740995023 -0.03804044944892903 -0.09376071778444693 -0.2763993751064164 -0.2624693080225413 -0.46677695858609813 -0.6076254146564247 -0.573574139562503 -0.5952431328040904 -0.2237746772339887 0.29473337533262006 0.8767006223924502 1.4493811580630274 1.8626398148847718 2.142788941793893 2.2526816932333795 2.2341082704548736 2.1969614248978706 2.1721968611931928 1.9477680026195894 +43960,1.1011294809660537,2,-0.03804044944892903 -0.09376071778444693 -0.2763993751064164 -0.2624693080225413 -0.46677695858609813 -0.6076254146564247 -0.573574139562503 -0.5952431328040904 -0.2237746772339887 0.29473337533262006 0.8767006223924502 1.4493811580630274 1.8626398148847718 2.142788941793893 2.2526816932333795 2.2341082704548736 2.1969614248978706 2.1721968611931928 1.9477680026195894 1.4493811580630274 +43961,0.8209803540569323,2,-0.09376071778444693 -0.2763993751064164 -0.2624693080225413 -0.46677695858609813 -0.6076254146564247 -0.573574139562503 -0.5952431328040904 -0.2237746772339887 0.29473337533262006 0.8767006223924502 1.4493811580630274 1.8626398148847718 2.142788941793893 2.2526816932333795 2.2341082704548736 2.1969614248978706 2.1721968611931928 1.9477680026195894 1.4493811580630274 1.1011294809660537 +43962,0.5764302874732822,2,-0.2763993751064164 -0.2624693080225413 -0.46677695858609813 -0.6076254146564247 -0.573574139562503 -0.5952431328040904 -0.2237746772339887 0.29473337533262006 0.8767006223924502 1.4493811580630274 1.8626398148847718 2.142788941793893 2.2526816932333795 2.2341082704548736 2.1969614248978706 2.1721968611931928 1.9477680026195894 1.4493811580630274 1.1011294809660537 0.8209803540569323 +43963,0.4386774018660369,2,-0.2624693080225413 -0.46677695858609813 -0.6076254146564247 -0.573574139562503 -0.5952431328040904 -0.2237746772339887 0.29473337533262006 0.8767006223924502 1.4493811580630274 1.8626398148847718 2.142788941793893 2.2526816932333795 2.2341082704548736 2.1969614248978706 2.1721968611931928 1.9477680026195894 1.4493811580630274 1.1011294809660537 0.8209803540569323 0.5764302874732822 +43964,0.29473337533262006,2,-0.46677695858609813 -0.6076254146564247 -0.573574139562503 -0.5952431328040904 -0.2237746772339887 0.29473337533262006 0.8767006223924502 1.4493811580630274 1.8626398148847718 2.142788941793893 2.2526816932333795 2.2341082704548736 2.1969614248978706 2.1721968611931928 1.9477680026195894 1.4493811580630274 1.1011294809660537 0.8209803540569323 0.5764302874732822 0.4386774018660369 +43965,0.25139538884944534,2,-0.6076254146564247 -0.573574139562503 -0.5952431328040904 -0.2237746772339887 0.29473337533262006 0.8767006223924502 1.4493811580630274 1.8626398148847718 2.142788941793893 2.2526816932333795 2.2341082704548736 2.1969614248978706 2.1721968611931928 1.9477680026195894 1.4493811580630274 1.1011294809660537 0.8209803540569323 0.5764302874732822 0.4386774018660369 0.29473337533262006 +43966,0.18638840912467444,2,-0.573574139562503 -0.5952431328040904 -0.2237746772339887 0.29473337533262006 0.8767006223924502 1.4493811580630274 1.8626398148847718 2.142788941793893 2.2526816932333795 2.2341082704548736 2.1969614248978706 2.1721968611931928 1.9477680026195894 1.4493811580630274 1.1011294809660537 0.8209803540569323 0.5764302874732822 0.4386774018660369 0.29473337533262006 0.25139538884944534 +43967,-0.03958823468047853,2,-0.5952431328040904 -0.2237746772339887 0.29473337533262006 0.8767006223924502 1.4493811580630274 1.8626398148847718 2.142788941793893 2.2526816932333795 2.2341082704548736 2.1969614248978706 2.1721968611931928 1.9477680026195894 1.4493811580630274 1.1011294809660537 0.8209803540569323 0.5764302874732822 0.4386774018660369 0.29473337533262006 0.25139538884944534 0.18638840912467444 +43968,-0.12162085195220587,2,-0.2237746772339887 0.29473337533262006 0.8767006223924502 1.4493811580630274 1.8626398148847718 2.142788941793893 2.2526816932333795 2.2341082704548736 2.1969614248978706 2.1721968611931928 1.9477680026195894 1.4493811580630274 1.1011294809660537 0.8209803540569323 0.5764302874732822 0.4386774018660369 0.29473337533262006 0.25139538884944534 0.18638840912467444 -0.03958823468047853 +43969,-0.1603154827407585,2,0.29473337533262006 0.8767006223924502 1.4493811580630274 1.8626398148847718 2.142788941793893 2.2526816932333795 2.2341082704548736 2.1969614248978706 2.1721968611931928 1.9477680026195894 1.4493811580630274 1.1011294809660537 0.8209803540569323 0.5764302874732822 0.4386774018660369 0.29473337533262006 0.25139538884944534 0.18638840912467444 -0.03958823468047853 -0.12162085195220587 +43970,-0.30116393881109393,2,0.8767006223924502 1.4493811580630274 1.8626398148847718 2.142788941793893 2.2526816932333795 2.2341082704548736 2.1969614248978706 2.1721968611931928 1.9477680026195894 1.4493811580630274 1.1011294809660537 0.8209803540569323 0.5764302874732822 0.4386774018660369 0.29473337533262006 0.25139538884944534 0.18638840912467444 -0.03958823468047853 -0.12162085195220587 -0.1603154827407585 +43971,-0.36307534807277464,2,1.4493811580630274 1.8626398148847718 2.142788941793893 2.2526816932333795 2.2341082704548736 2.1969614248978706 2.1721968611931928 1.9477680026195894 1.4493811580630274 1.1011294809660537 0.8209803540569323 0.5764302874732822 0.4386774018660369 0.29473337533262006 0.25139538884944534 0.18638840912467444 -0.03958823468047853 -0.12162085195220587 -0.1603154827407585 -0.30116393881109393 +43972,0.006845322265786387,2,1.8626398148847718 2.142788941793893 2.2526816932333795 2.2341082704548736 2.1969614248978706 2.1721968611931928 1.9477680026195894 1.4493811580630274 1.1011294809660537 0.8209803540569323 0.5764302874732822 0.4386774018660369 0.29473337533262006 0.25139538884944534 0.18638840912467444 -0.03958823468047853 -0.12162085195220587 -0.1603154827407585 -0.30116393881109393 -0.36307534807277464 +43973,0.6847752536812277,2,2.142788941793893 2.2526816932333795 2.2341082704548736 2.1969614248978706 2.1721968611931928 1.9477680026195894 1.4493811580630274 1.1011294809660537 0.8209803540569323 0.5764302874732822 0.4386774018660369 0.29473337533262006 0.25139538884944534 0.18638840912467444 -0.03958823468047853 -0.12162085195220587 -0.1603154827407585 -0.30116393881109393 -0.36307534807277464 0.006845322265786387 +43974,1.3038893462980699,2,2.2526816932333795 2.2341082704548736 2.1969614248978706 2.1721968611931928 1.9477680026195894 1.4493811580630274 1.1011294809660537 0.8209803540569323 0.5764302874732822 0.4386774018660369 0.29473337533262006 0.25139538884944534 0.18638840912467444 -0.03958823468047853 -0.12162085195220587 -0.1603154827407585 -0.30116393881109393 -0.36307534807277464 0.006845322265786387 0.6847752536812277 +43975,1.7496514929821954,2,2.2341082704548736 2.1969614248978706 2.1721968611931928 1.9477680026195894 1.4493811580630274 1.1011294809660537 0.8209803540569323 0.5764302874732822 0.4386774018660369 0.29473337533262006 0.25139538884944534 0.18638840912467444 -0.03958823468047853 -0.12162085195220587 -0.1603154827407585 -0.30116393881109393 -0.36307534807277464 0.006845322265786387 0.6847752536812277 1.3038893462980699 +43976,2.0948075996160878,2,2.1969614248978706 2.1721968611931928 1.9477680026195894 1.4493811580630274 1.1011294809660537 0.8209803540569323 0.5764302874732822 0.4386774018660369 0.29473337533262006 0.25139538884944534 0.18638840912467444 -0.03958823468047853 -0.12162085195220587 -0.1603154827407585 -0.30116393881109393 -0.36307534807277464 0.006845322265786387 0.6847752536812277 1.3038893462980699 1.7496514929821954 +43977,2.240299411381045,2,2.1721968611931928 1.9477680026195894 1.4493811580630274 1.1011294809660537 0.8209803540569323 0.5764302874732822 0.4386774018660369 0.29473337533262006 0.25139538884944534 0.18638840912467444 -0.03958823468047853 -0.12162085195220587 -0.1603154827407585 -0.30116393881109393 -0.36307534807277464 0.006845322265786387 0.6847752536812277 1.3038893462980699 1.7496514929821954 2.0948075996160878 +43978,2.2929241092534816,2,1.9477680026195894 1.4493811580630274 1.1011294809660537 0.8209803540569323 0.5764302874732822 0.4386774018660369 0.29473337533262006 0.25139538884944534 0.18638840912467444 -0.03958823468047853 -0.12162085195220587 -0.1603154827407585 -0.30116393881109393 -0.36307534807277464 0.006845322265786387 0.6847752536812277 1.3038893462980699 1.7496514929821954 2.0948075996160878 2.240299411381045 +43979,2.3440010218943685,2,1.4493811580630274 1.1011294809660537 0.8209803540569323 0.5764302874732822 0.4386774018660369 0.29473337533262006 0.25139538884944534 0.18638840912467444 -0.03958823468047853 -0.12162085195220587 -0.1603154827407585 -0.30116393881109393 -0.36307534807277464 0.006845322265786387 0.6847752536812277 1.3038893462980699 1.7496514929821954 2.0948075996160878 2.240299411381045 2.2929241092534816 +43980,2.1551712236462275,2,1.1011294809660537 0.8209803540569323 0.5764302874732822 0.4386774018660369 0.29473337533262006 0.25139538884944534 0.18638840912467444 -0.03958823468047853 -0.12162085195220587 -0.1603154827407585 -0.30116393881109393 -0.36307534807277464 0.006845322265786387 0.6847752536812277 1.3038893462980699 1.7496514929821954 2.0948075996160878 2.240299411381045 2.2929241092534816 2.3440010218943685 +43981,1.9431246469249586,2,0.8209803540569323 0.5764302874732822 0.4386774018660369 0.29473337533262006 0.25139538884944534 0.18638840912467444 -0.03958823468047853 -0.12162085195220587 -0.1603154827407585 -0.30116393881109393 -0.36307534807277464 0.006845322265786387 0.6847752536812277 1.3038893462980699 1.7496514929821954 2.0948075996160878 2.240299411381045 2.2929241092534816 2.3440010218943685 2.1551712236462275 +43982,1.6784533723312616,2,0.5764302874732822 0.4386774018660369 0.29473337533262006 0.25139538884944534 0.18638840912467444 -0.03958823468047853 -0.12162085195220587 -0.1603154827407585 -0.30116393881109393 -0.36307534807277464 0.006845322265786387 0.6847752536812277 1.3038893462980699 1.7496514929821954 2.0948075996160878 2.240299411381045 2.2929241092534816 2.3440010218943685 2.1551712236462275 1.9431246469249586 +43983,1.2141178028686301,2,0.4386774018660369 0.29473337533262006 0.25139538884944534 0.18638840912467444 -0.03958823468047853 -0.12162085195220587 -0.1603154827407585 -0.30116393881109393 -0.36307534807277464 0.006845322265786387 0.6847752536812277 1.3038893462980699 1.7496514929821954 2.0948075996160878 2.240299411381045 2.2929241092534816 2.3440010218943685 2.1551712236462275 1.9431246469249586 1.6784533723312616 +43984,0.9680199510534393,2,0.29473337533262006 0.25139538884944534 0.18638840912467444 -0.03958823468047853 -0.12162085195220587 -0.1603154827407585 -0.30116393881109393 -0.36307534807277464 0.006845322265786387 0.6847752536812277 1.3038893462980699 1.7496514929821954 2.0948075996160878 2.240299411381045 2.2929241092534816 2.3440010218943685 2.1551712236462275 1.9431246469249586 1.6784533723312616 1.2141178028686301 +43985,0.6770363275235243,2,0.25139538884944534 0.18638840912467444 -0.03958823468047853 -0.12162085195220587 -0.1603154827407585 -0.30116393881109393 -0.36307534807277464 0.006845322265786387 0.6847752536812277 1.3038893462980699 1.7496514929821954 2.0948075996160878 2.240299411381045 2.2929241092534816 2.3440010218943685 2.1551712236462275 1.9431246469249586 1.6784533723312616 1.2141178028686301 0.9680199510534393 +43986,0.46653753603379583,2,0.18638840912467444 -0.03958823468047853 -0.12162085195220587 -0.1603154827407585 -0.30116393881109393 -0.36307534807277464 0.006845322265786387 0.6847752536812277 1.3038893462980699 1.7496514929821954 2.0948075996160878 2.240299411381045 2.2929241092534816 2.3440010218943685 2.1551712236462275 1.9431246469249586 1.6784533723312616 1.2141178028686301 0.9680199510534393 0.6770363275235243 +43987,0.3566447845943007,2,-0.03958823468047853 -0.12162085195220587 -0.1603154827407585 -0.30116393881109393 -0.36307534807277464 0.006845322265786387 0.6847752536812277 1.3038893462980699 1.7496514929821954 2.0948075996160878 2.240299411381045 2.2929241092534816 2.3440010218943685 2.1551712236462275 1.9431246469249586 1.6784533723312616 1.2141178028686301 0.9680199510534393 0.6770363275235243 0.46653753603379583 +43988,0.2266308251447678,2,-0.12162085195220587 -0.1603154827407585 -0.30116393881109393 -0.36307534807277464 0.006845322265786387 0.6847752536812277 1.3038893462980699 1.7496514929821954 2.0948075996160878 2.240299411381045 2.2929241092534816 2.3440010218943685 2.1551712236462275 1.9431246469249586 1.6784533723312616 1.2141178028686301 0.9680199510534393 0.6770363275235243 0.46653753603379583 0.3566447845943007 +43989,0.16626720111462778,2,-0.1603154827407585 -0.30116393881109393 -0.36307534807277464 0.006845322265786387 0.6847752536812277 1.3038893462980699 1.7496514929821954 2.0948075996160878 2.240299411381045 2.2929241092534816 2.3440010218943685 2.1551712236462275 1.9431246469249586 1.6784533723312616 1.2141178028686301 0.9680199510534393 0.6770363275235243 0.46653753603379583 0.3566447845943007 0.2266308251447678 +43990,0.11828585893682218,2,-0.30116393881109393 -0.36307534807277464 0.006845322265786387 0.6847752536812277 1.3038893462980699 1.7496514929821954 2.0948075996160878 2.240299411381045 2.2929241092534816 2.3440010218943685 2.1551712236462275 1.9431246469249586 1.6784533723312616 1.2141178028686301 0.9680199510534393 0.6770363275235243 0.46653753603379583 0.3566447845943007 0.2266308251447678 0.16626720111462778 +43991,-0.011728100512719579,2,-0.36307534807277464 0.006845322265786387 0.6847752536812277 1.3038893462980699 1.7496514929821954 2.0948075996160878 2.240299411381045 2.2929241092534816 2.3440010218943685 2.1551712236462275 1.9431246469249586 1.6784533723312616 1.2141178028686301 0.9680199510534393 0.6770363275235243 0.46653753603379583 0.3566447845943007 0.2266308251447678 0.16626720111462778 0.11828585893682218 +43992,-0.08447400639519394,2,0.006845322265786387 0.6847752536812277 1.3038893462980699 1.7496514929821954 2.0948075996160878 2.240299411381045 2.2929241092534816 2.3440010218943685 2.1551712236462275 1.9431246469249586 1.6784533723312616 1.2141178028686301 0.9680199510534393 0.6770363275235243 0.46653753603379583 0.3566447845943007 0.2266308251447678 0.16626720111462778 0.11828585893682218 -0.011728100512719579 +43993,-0.12007306672066517,2,0.6847752536812277 1.3038893462980699 1.7496514929821954 2.0948075996160878 2.240299411381045 2.2929241092534816 2.3440010218943685 2.1551712236462275 1.9431246469249586 1.6784533723312616 1.2141178028686301 0.9680199510534393 0.6770363275235243 0.46653753603379583 0.3566447845943007 0.2266308251447678 0.16626720111462778 0.11828585893682218 -0.011728100512719579 -0.08447400639519394 +43994,-0.17424554982463358,2,1.3038893462980699 1.7496514929821954 2.0948075996160878 2.240299411381045 2.2929241092534816 2.3440010218943685 2.1551712236462275 1.9431246469249586 1.6784533723312616 1.2141178028686301 0.9680199510534393 0.6770363275235243 0.46653753603379583 0.3566447845943007 0.2266308251447678 0.16626720111462778 0.11828585893682218 -0.011728100512719579 -0.08447400639519394 -0.12007306672066517 +43995,-0.2160357510762764,2,1.7496514929821954 2.0948075996160878 2.240299411381045 2.2929241092534816 2.3440010218943685 2.1551712236462275 1.9431246469249586 1.6784533723312616 1.2141178028686301 0.9680199510534393 0.6770363275235243 0.46653753603379583 0.3566447845943007 0.2266308251447678 0.16626720111462778 0.11828585893682218 -0.011728100512719579 -0.08447400639519394 -0.12007306672066517 -0.17424554982463358 +43996,-0.06435279838514728,2,2.0948075996160878 2.240299411381045 2.2929241092534816 2.3440010218943685 2.1551712236462275 1.9431246469249586 1.6784533723312616 1.2141178028686301 0.9680199510534393 0.6770363275235243 0.46653753603379583 0.3566447845943007 0.2266308251447678 0.16626720111462778 0.11828585893682218 -0.011728100512719579 -0.08447400639519394 -0.12007306672066517 -0.17424554982463358 -0.2160357510762764 +43997,0.23901310699710215,2,2.240299411381045 2.2929241092534816 2.3440010218943685 2.1551712236462275 1.9431246469249586 1.6784533723312616 1.2141178028686301 0.9680199510534393 0.6770363275235243 0.46653753603379583 0.3566447845943007 0.2266308251447678 0.16626720111462778 0.11828585893682218 -0.011728100512719579 -0.08447400639519394 -0.12007306672066517 -0.17424554982463358 -0.2160357510762764 -0.06435279838514728 +43998,0.4727286769599586,2,2.2929241092534816 2.3440010218943685 2.1551712236462275 1.9431246469249586 1.6784533723312616 1.2141178028686301 0.9680199510534393 0.6770363275235243 0.46653753603379583 0.3566447845943007 0.2266308251447678 0.16626720111462778 0.11828585893682218 -0.011728100512719579 -0.08447400639519394 -0.12007306672066517 -0.17424554982463358 -0.2160357510762764 -0.06435279838514728 0.23901310699710215 +43999,0.7931202198891821,2,2.3440010218943685 2.1551712236462275 1.9431246469249586 1.6784533723312616 1.2141178028686301 0.9680199510534393 0.6770363275235243 0.46653753603379583 0.3566447845943007 0.2266308251447678 0.16626720111462778 0.11828585893682218 -0.011728100512719579 -0.08447400639519394 -0.12007306672066517 -0.17424554982463358 -0.2160357510762764 -0.06435279838514728 0.23901310699710215 0.4727286769599586 +44000,0.9138474679494621,2,2.1551712236462275 1.9431246469249586 1.6784533723312616 1.2141178028686301 0.9680199510534393 0.6770363275235243 0.46653753603379583 0.3566447845943007 0.2266308251447678 0.16626720111462778 0.11828585893682218 -0.011728100512719579 -0.08447400639519394 -0.12007306672066517 -0.17424554982463358 -0.2160357510762764 -0.06435279838514728 0.23901310699710215 0.4727286769599586 0.7931202198891821 +44001,1.1320851855969027,2,1.9431246469249586 1.6784533723312616 1.2141178028686301 0.9680199510534393 0.6770363275235243 0.46653753603379583 0.3566447845943007 0.2266308251447678 0.16626720111462778 0.11828585893682218 -0.011728100512719579 -0.08447400639519394 -0.12007306672066517 -0.17424554982463358 -0.2160357510762764 -0.06435279838514728 0.23901310699710215 0.4727286769599586 0.7931202198891821 0.9138474679494621 +44002,1.1769709573116183,2,1.6784533723312616 1.2141178028686301 0.9680199510534393 0.6770363275235243 0.46653753603379583 0.3566447845943007 0.2266308251447678 0.16626720111462778 0.11828585893682218 -0.011728100512719579 -0.08447400639519394 -0.12007306672066517 -0.17424554982463358 -0.2160357510762764 -0.06435279838514728 0.23901310699710215 0.4727286769599586 0.7931202198891821 0.9138474679494621 1.1320851855969027 +44003,1.1614931049962025,2,1.2141178028686301 0.9680199510534393 0.6770363275235243 0.46653753603379583 0.3566447845943007 0.2266308251447678 0.16626720111462778 0.11828585893682218 -0.011728100512719579 -0.08447400639519394 -0.12007306672066517 -0.17424554982463358 -0.2160357510762764 -0.06435279838514728 0.23901310699710215 0.4727286769599586 0.7931202198891821 0.9138474679494621 1.1320851855969027 1.1769709573116183 +44004,1.0871994138821786,2,0.9680199510534393 0.6770363275235243 0.46653753603379583 0.3566447845943007 0.2266308251447678 0.16626720111462778 0.11828585893682218 -0.011728100512719579 -0.08447400639519394 -0.12007306672066517 -0.17424554982463358 -0.2160357510762764 -0.06435279838514728 0.23901310699710215 0.4727286769599586 0.7931202198891821 0.9138474679494621 1.1320851855969027 1.1769709573116183 1.1614931049962025 +44005,0.8116936426676793,2,0.6770363275235243 0.46653753603379583 0.3566447845943007 0.2266308251447678 0.16626720111462778 0.11828585893682218 -0.011728100512719579 -0.08447400639519394 -0.12007306672066517 -0.17424554982463358 -0.2160357510762764 -0.06435279838514728 0.23901310699710215 0.4727286769599586 0.7931202198891821 0.9138474679494621 1.1320851855969027 1.1769709573116183 1.1614931049962025 1.0871994138821786 +44006,0.5640480056209477,2,0.46653753603379583 0.3566447845943007 0.2266308251447678 0.16626720111462778 0.11828585893682218 -0.011728100512719579 -0.08447400639519394 -0.12007306672066517 -0.17424554982463358 -0.2160357510762764 -0.06435279838514728 0.23901310699710215 0.4727286769599586 0.7931202198891821 0.9138474679494621 1.1320851855969027 1.1769709573116183 1.1614931049962025 1.0871994138821786 0.8116936426676793 +44007,0.3179501538057481,2,0.3566447845943007 0.2266308251447678 0.16626720111462778 0.11828585893682218 -0.011728100512719579 -0.08447400639519394 -0.12007306672066517 -0.17424554982463358 -0.2160357510762764 -0.06435279838514728 0.23901310699710215 0.4727286769599586 0.7931202198891821 0.9138474679494621 1.1320851855969027 1.1769709573116183 1.1614931049962025 1.0871994138821786 0.8116936426676793 0.5640480056209477 +44008,0.17400612727234008,2,0.2266308251447678 0.16626720111462778 0.11828585893682218 -0.011728100512719579 -0.08447400639519394 -0.12007306672066517 -0.17424554982463358 -0.2160357510762764 -0.06435279838514728 0.23901310699710215 0.4727286769599586 0.7931202198891821 0.9138474679494621 1.1320851855969027 1.1769709573116183 1.1614931049962025 1.0871994138821786 0.8116936426676793 0.5640480056209477 0.3179501538057481 +44009,0.16007606018845622,2,0.16626720111462778 0.11828585893682218 -0.011728100512719579 -0.08447400639519394 -0.12007306672066517 -0.17424554982463358 -0.2160357510762764 -0.06435279838514728 0.23901310699710215 0.4727286769599586 0.7931202198891821 0.9138474679494621 1.1320851855969027 1.1769709573116183 1.1614931049962025 1.0871994138821786 0.8116936426676793 0.5640480056209477 0.3179501538057481 0.17400612727234008 +44010,0.15698048972537482,2,0.11828585893682218 -0.011728100512719579 -0.08447400639519394 -0.12007306672066517 -0.17424554982463358 -0.2160357510762764 -0.06435279838514728 0.23901310699710215 0.4727286769599586 0.7931202198891821 0.9138474679494621 1.1320851855969027 1.1769709573116183 1.1614931049962025 1.0871994138821786 0.8116936426676793 0.5640480056209477 0.3179501538057481 0.17400612727234008 0.16007606018845622 +44011,0.14150263740995023,2,-0.011728100512719579 -0.08447400639519394 -0.12007306672066517 -0.17424554982463358 -0.2160357510762764 -0.06435279838514728 0.23901310699710215 0.4727286769599586 0.7931202198891821 0.9138474679494621 1.1320851855969027 1.1769709573116183 1.1614931049962025 1.0871994138821786 0.8116936426676793 0.5640480056209477 0.3179501538057481 0.17400612727234008 0.16007606018845622 0.15698048972537482 +44012,0.13066814078915656,2,-0.08447400639519394 -0.12007306672066517 -0.17424554982463358 -0.2160357510762764 -0.06435279838514728 0.23901310699710215 0.4727286769599586 0.7931202198891821 0.9138474679494621 1.1320851855969027 1.1769709573116183 1.1614931049962025 1.0871994138821786 0.8116936426676793 0.5640480056209477 0.3179501538057481 0.17400612727234008 0.16007606018845622 0.15698048972537482 0.14150263740995023 +44013,0.12912035555761586,2,-0.12007306672066517 -0.17424554982463358 -0.2160357510762764 -0.06435279838514728 0.23901310699710215 0.4727286769599586 0.7931202198891821 0.9138474679494621 1.1320851855969027 1.1769709573116183 1.1614931049962025 1.0871994138821786 0.8116936426676793 0.5640480056209477 0.3179501538057481 0.17400612727234008 0.16007606018845622 0.15698048972537482 0.14150263740995023 0.13066814078915656 +44014,0.11828585893682218,2,-0.17424554982463358 -0.2160357510762764 -0.06435279838514728 0.23901310699710215 0.4727286769599586 0.7931202198891821 0.9138474679494621 1.1320851855969027 1.1769709573116183 1.1614931049962025 1.0871994138821786 0.8116936426676793 0.5640480056209477 0.3179501538057481 0.17400612727234008 0.16007606018845622 0.15698048972537482 0.14150263740995023 0.13066814078915656 0.12912035555761586 +44015,0.034705456433545334,2,-0.2160357510762764 -0.06435279838514728 0.23901310699710215 0.4727286769599586 0.7931202198891821 0.9138474679494621 1.1320851855969027 1.1769709573116183 1.1614931049962025 1.0871994138821786 0.8116936426676793 0.5640480056209477 0.3179501538057481 0.17400612727234008 0.16007606018845622 0.15698048972537482 0.14150263740995023 0.13066814078915656 0.12912035555761586 0.11828585893682218 +44016,0.06101780536976358,2,-0.06435279838514728 0.23901310699710215 0.4727286769599586 0.7931202198891821 0.9138474679494621 1.1320851855969027 1.1769709573116183 1.1614931049962025 1.0871994138821786 0.8116936426676793 0.5640480056209477 0.3179501538057481 0.17400612727234008 0.16007606018845622 0.15698048972537482 0.14150263740995023 0.13066814078915656 0.12912035555761586 0.11828585893682218 0.034705456433545334 +44017,-0.051970516532812906,2,0.23901310699710215 0.4727286769599586 0.7931202198891821 0.9138474679494621 1.1320851855969027 1.1769709573116183 1.1614931049962025 1.0871994138821786 0.8116936426676793 0.5640480056209477 0.3179501538057481 0.17400612727234008 0.16007606018845622 0.15698048972537482 0.14150263740995023 0.13066814078915656 0.12912035555761586 0.11828585893682218 0.034705456433545334 0.06101780536976358 +44018,-0.013275885744260276,2,0.4727286769599586 0.7931202198891821 0.9138474679494621 1.1320851855969027 1.1769709573116183 1.1614931049962025 1.0871994138821786 0.8116936426676793 0.5640480056209477 0.3179501538057481 0.17400612727234008 0.16007606018845622 0.15698048972537482 0.14150263740995023 0.13066814078915656 0.12912035555761586 0.11828585893682218 0.034705456433545334 0.06101780536976358 -0.051970516532812906 +44019,-0.1634110532038399,2,0.7931202198891821 0.9138474679494621 1.1320851855969027 1.1769709573116183 1.1614931049962025 1.0871994138821786 0.8116936426676793 0.5640480056209477 0.3179501538057481 0.17400612727234008 0.16007606018845622 0.15698048972537482 0.14150263740995023 0.13066814078915656 0.12912035555761586 0.11828585893682218 0.034705456433545334 0.06101780536976358 -0.051970516532812906 -0.013275885744260276 +44020,0.04708773828587971,2,0.9138474679494621 1.1320851855969027 1.1769709573116183 1.1614931049962025 1.0871994138821786 0.8116936426676793 0.5640480056209477 0.3179501538057481 0.17400612727234008 0.16007606018845622 0.15698048972537482 0.14150263740995023 0.13066814078915656 0.12912035555761586 0.11828585893682218 0.034705456433545334 0.06101780536976358 -0.051970516532812906 -0.013275885744260276 -0.1634110532038399 +44021,0.2684210263964018,2,1.1320851855969027 1.1769709573116183 1.1614931049962025 1.0871994138821786 0.8116936426676793 0.5640480056209477 0.3179501538057481 0.17400612727234008 0.16007606018845622 0.15698048972537482 0.14150263740995023 0.13066814078915656 0.12912035555761586 0.11828585893682218 0.034705456433545334 0.06101780536976358 -0.051970516532812906 -0.013275885744260276 -0.1634110532038399 0.04708773828587971 +44022,0.5841692136309944,2,1.1769709573116183 1.1614931049962025 1.0871994138821786 0.8116936426676793 0.5640480056209477 0.3179501538057481 0.17400612727234008 0.16007606018845622 0.15698048972537482 0.14150263740995023 0.13066814078915656 0.12912035555761586 0.11828585893682218 0.034705456433545334 0.06101780536976358 -0.051970516532812906 -0.013275885744260276 -0.1634110532038399 0.04708773828587971 0.2684210263964018 +44023,1.025288004620498,2,1.1614931049962025 1.0871994138821786 0.8116936426676793 0.5640480056209477 0.3179501538057481 0.17400612727234008 0.16007606018845622 0.15698048972537482 0.14150263740995023 0.13066814078915656 0.12912035555761586 0.11828585893682218 0.034705456433545334 0.06101780536976358 -0.051970516532812906 -0.013275885744260276 -0.1634110532038399 0.04708773828587971 0.2684210263964018 0.5841692136309944 +44024,1.330201695234288,2,1.0871994138821786 0.8116936426676793 0.5640480056209477 0.3179501538057481 0.17400612727234008 0.16007606018845622 0.15698048972537482 0.14150263740995023 0.13066814078915656 0.12912035555761586 0.11828585893682218 0.034705456433545334 0.06101780536976358 -0.051970516532812906 -0.013275885744260276 -0.1634110532038399 0.04708773828587971 0.2684210263964018 0.5841692136309944 1.025288004620498 +44025,1.5221270639455105,2,0.8116936426676793 0.5640480056209477 0.3179501538057481 0.17400612727234008 0.16007606018845622 0.15698048972537482 0.14150263740995023 0.13066814078915656 0.12912035555761586 0.11828585893682218 0.034705456433545334 0.06101780536976358 -0.051970516532812906 -0.013275885744260276 -0.1634110532038399 0.04708773828587971 0.2684210263964018 0.5841692136309944 1.025288004620498 1.330201695234288 +44026,1.574751761817938,2,0.5640480056209477 0.3179501538057481 0.17400612727234008 0.16007606018845622 0.15698048972537482 0.14150263740995023 0.13066814078915656 0.12912035555761586 0.11828585893682218 0.034705456433545334 0.06101780536976358 -0.051970516532812906 -0.013275885744260276 -0.1634110532038399 0.04708773828587971 0.2684210263964018 0.5841692136309944 1.025288004620498 1.330201695234288 1.5221270639455105 +44027,1.5081969968616267,2,0.3179501538057481 0.17400612727234008 0.16007606018845622 0.15698048972537482 0.14150263740995023 0.13066814078915656 0.12912035555761586 0.11828585893682218 0.034705456433545334 0.06101780536976358 -0.051970516532812906 -0.013275885744260276 -0.1634110532038399 0.04708773828587971 0.2684210263964018 0.5841692136309944 1.025288004620498 1.330201695234288 1.5221270639455105 1.574751761817938 +44028,1.5221270639455105,2,0.17400612727234008 0.16007606018845622 0.15698048972537482 0.14150263740995023 0.13066814078915656 0.12912035555761586 0.11828585893682218 0.034705456433545334 0.06101780536976358 -0.051970516532812906 -0.013275885744260276 -0.1634110532038399 0.04708773828587971 0.2684210263964018 0.5841692136309944 1.025288004620498 1.330201695234288 1.5221270639455105 1.574751761817938 1.5081969968616267 +44029,1.3952086749590589,2,0.16007606018845622 0.15698048972537482 0.14150263740995023 0.13066814078915656 0.12912035555761586 0.11828585893682218 0.034705456433545334 0.06101780536976358 -0.051970516532812906 -0.013275885744260276 -0.1634110532038399 0.04708773828587971 0.2684210263964018 0.5841692136309944 1.025288004620498 1.330201695234288 1.5221270639455105 1.574751761817938 1.5081969968616267 1.5221270639455105 +44030,1.1506586083754,2,0.15698048972537482 0.14150263740995023 0.13066814078915656 0.12912035555761586 0.11828585893682218 0.034705456433545334 0.06101780536976358 -0.051970516532812906 -0.013275885744260276 -0.1634110532038399 0.04708773828587971 0.2684210263964018 0.5841692136309944 1.025288004620498 1.330201695234288 1.5221270639455105 1.574751761817938 1.5081969968616267 1.5221270639455105 1.3952086749590589 +44031,1.0051667966104425,2,0.14150263740995023 0.13066814078915656 0.12912035555761586 0.11828585893682218 0.034705456433545334 0.06101780536976358 -0.051970516532812906 -0.013275885744260276 -0.1634110532038399 0.04708773828587971 0.2684210263964018 0.5841692136309944 1.025288004620498 1.330201695234288 1.5221270639455105 1.574751761817938 1.5081969968616267 1.5221270639455105 1.3952086749590589 1.1506586083754 +44032,0.711087602617446,2,0.13066814078915656 0.12912035555761586 0.11828585893682218 0.034705456433545334 0.06101780536976358 -0.051970516532812906 -0.013275885744260276 -0.1634110532038399 0.04708773828587971 0.2684210263964018 0.5841692136309944 1.025288004620498 1.330201695234288 1.5221270639455105 1.574751761817938 1.5081969968616267 1.5221270639455105 1.3952086749590589 1.1506586083754 1.0051667966104425 +44033,0.5841692136309944,2,0.12912035555761586 0.11828585893682218 0.034705456433545334 0.06101780536976358 -0.051970516532812906 -0.013275885744260276 -0.1634110532038399 0.04708773828587971 0.2684210263964018 0.5841692136309944 1.025288004620498 1.330201695234288 1.5221270639455105 1.574751761817938 1.5081969968616267 1.5221270639455105 1.3952086749590589 1.1506586083754 1.0051667966104425 0.711087602617446 +44034,0.5129710929800607,2,0.11828585893682218 0.034705456433545334 0.06101780536976358 -0.051970516532812906 -0.013275885744260276 -0.1634110532038399 0.04708773828587971 0.2684210263964018 0.5841692136309944 1.025288004620498 1.330201695234288 1.5221270639455105 1.574751761817938 1.5081969968616267 1.5221270639455105 1.3952086749590589 1.1506586083754 1.0051667966104425 0.711087602617446 0.5841692136309944 +44035,0.4092694824667372,2,0.034705456433545334 0.06101780536976358 -0.051970516532812906 -0.013275885744260276 -0.1634110532038399 0.04708773828587971 0.2684210263964018 0.5841692136309944 1.025288004620498 1.330201695234288 1.5221270639455105 1.574751761817938 1.5081969968616267 1.5221270639455105 1.3952086749590589 1.1506586083754 1.0051667966104425 0.711087602617446 0.5841692136309944 0.5129710929800607 +44036,0.13685928171532816,2,0.06101780536976358 -0.051970516532812906 -0.013275885744260276 -0.1634110532038399 0.04708773828587971 0.2684210263964018 0.5841692136309944 1.025288004620498 1.330201695234288 1.5221270639455105 1.574751761817938 1.5081969968616267 1.5221270639455105 1.3952086749590589 1.1506586083754 1.0051667966104425 0.711087602617446 0.5841692136309944 0.5129710929800607 0.4092694824667372 +44037,0.05947002013822289,2,-0.051970516532812906 -0.013275885744260276 -0.1634110532038399 0.04708773828587971 0.2684210263964018 0.5841692136309944 1.025288004620498 1.330201695234288 1.5221270639455105 1.574751761817938 1.5081969968616267 1.5221270639455105 1.3952086749590589 1.1506586083754 1.0051667966104425 0.711087602617446 0.5841692136309944 0.5129710929800607 0.4092694824667372 0.13685928171532816 +44038,-0.09685628824752832,2,-0.013275885744260276 -0.1634110532038399 0.04708773828587971 0.2684210263964018 0.5841692136309944 1.025288004620498 1.330201695234288 1.5221270639455105 1.574751761817938 1.5081969968616267 1.5221270639455105 1.3952086749590589 1.1506586083754 1.0051667966104425 0.711087602617446 0.5841692136309944 0.5129710929800607 0.4092694824667372 0.13685928171532816 0.05947002013822289 +44039,-0.23925252954940446,2,-0.1634110532038399 0.04708773828587971 0.2684210263964018 0.5841692136309944 1.025288004620498 1.330201695234288 1.5221270639455105 1.574751761817938 1.5081969968616267 1.5221270639455105 1.3952086749590589 1.1506586083754 1.0051667966104425 0.711087602617446 0.5841692136309944 0.5129710929800607 0.4092694824667372 0.13685928171532816 0.05947002013822289 -0.09685628824752832 +44040,-0.2763993751064164,2,0.04708773828587971 0.2684210263964018 0.5841692136309944 1.025288004620498 1.330201695234288 1.5221270639455105 1.574751761817938 1.5081969968616267 1.5221270639455105 1.3952086749590589 1.1506586083754 1.0051667966104425 0.711087602617446 0.5841692136309944 0.5129710929800607 0.4092694824667372 0.13685928171532816 0.05947002013822289 -0.09685628824752832 -0.23925252954940446 +44041,-0.29961615357954446,2,0.2684210263964018 0.5841692136309944 1.025288004620498 1.330201695234288 1.5221270639455105 1.574751761817938 1.5081969968616267 1.5221270639455105 1.3952086749590589 1.1506586083754 1.0051667966104425 0.711087602617446 0.5841692136309944 0.5129710929800607 0.4092694824667372 0.13685928171532816 0.05947002013822289 -0.09685628824752832 -0.23925252954940446 -0.2763993751064164 +44042,-0.333667428673475,2,0.5841692136309944 1.025288004620498 1.330201695234288 1.5221270639455105 1.574751761817938 1.5081969968616267 1.5221270639455105 1.3952086749590589 1.1506586083754 1.0051667966104425 0.711087602617446 0.5841692136309944 0.5129710929800607 0.4092694824667372 0.13685928171532816 0.05947002013822289 -0.09685628824752832 -0.23925252954940446 -0.2763993751064164 -0.29961615357954446 +44043,-0.47142031428072023,2,1.025288004620498 1.330201695234288 1.5221270639455105 1.574751761817938 1.5081969968616267 1.5221270639455105 1.3952086749590589 1.1506586083754 1.0051667966104425 0.711087602617446 0.5841692136309944 0.5129710929800607 0.4092694824667372 0.13685928171532816 0.05947002013822289 -0.09685628824752832 -0.23925252954940446 -0.2763993751064164 -0.29961615357954446 -0.333667428673475 +44044,-0.25318259663328835,2,1.330201695234288 1.5221270639455105 1.574751761817938 1.5081969968616267 1.5221270639455105 1.3952086749590589 1.1506586083754 1.0051667966104425 0.711087602617446 0.5841692136309944 0.5129710929800607 0.4092694824667372 0.13685928171532816 0.05947002013822289 -0.09685628824752832 -0.23925252954940446 -0.2763993751064164 -0.29961615357954446 -0.333667428673475 -0.47142031428072023 +44045,0.24675203315481445,2,1.5221270639455105 1.574751761817938 1.5081969968616267 1.5221270639455105 1.3952086749590589 1.1506586083754 1.0051667966104425 0.711087602617446 0.5841692136309944 0.5129710929800607 0.4092694824667372 0.13685928171532816 0.05947002013822289 -0.09685628824752832 -0.23925252954940446 -0.2763993751064164 -0.29961615357954446 -0.333667428673475 -0.47142031428072023 -0.25318259663328835 +44046,0.7064442469228239,2,1.574751761817938 1.5081969968616267 1.5221270639455105 1.3952086749590589 1.1506586083754 1.0051667966104425 0.711087602617446 0.5841692136309944 0.5129710929800607 0.4092694824667372 0.13685928171532816 0.05947002013822289 -0.09685628824752832 -0.23925252954940446 -0.2763993751064164 -0.29961615357954446 -0.333667428673475 -0.47142031428072023 -0.25318259663328835 0.24675203315481445 +44047,1.1645886754592838,2,1.5081969968616267 1.5221270639455105 1.3952086749590589 1.1506586083754 1.0051667966104425 0.711087602617446 0.5841692136309944 0.5129710929800607 0.4092694824667372 0.13685928171532816 0.05947002013822289 -0.09685628824752832 -0.23925252954940446 -0.2763993751064164 -0.29961615357954446 -0.333667428673475 -0.47142031428072023 -0.25318259663328835 0.24675203315481445 0.7064442469228239 +44048,1.4308077352845214,2,1.5221270639455105 1.3952086749590589 1.1506586083754 1.0051667966104425 0.711087602617446 0.5841692136309944 0.5129710929800607 0.4092694824667372 0.13685928171532816 0.05947002013822289 -0.09685628824752832 -0.23925252954940446 -0.2763993751064164 -0.29961615357954446 -0.333667428673475 -0.47142031428072023 -0.25318259663328835 0.24675203315481445 0.7064442469228239 1.1645886754592838 +44049,1.5081969968616267,2,1.3952086749590589 1.1506586083754 1.0051667966104425 0.711087602617446 0.5841692136309944 0.5129710929800607 0.4092694824667372 0.13685928171532816 0.05947002013822289 -0.09685628824752832 -0.23925252954940446 -0.2763993751064164 -0.29961615357954446 -0.333667428673475 -0.47142031428072023 -0.25318259663328835 0.24675203315481445 0.7064442469228239 1.1645886754592838 1.4308077352845214 +44050,1.6382109563111684,2,1.1506586083754 1.0051667966104425 0.711087602617446 0.5841692136309944 0.5129710929800607 0.4092694824667372 0.13685928171532816 0.05947002013822289 -0.09685628824752832 -0.23925252954940446 -0.2763993751064164 -0.29961615357954446 -0.333667428673475 -0.47142031428072023 -0.25318259663328835 0.24675203315481445 0.7064442469228239 1.1645886754592838 1.4308077352845214 1.5081969968616267 +44051,1.630472030153456,2,1.0051667966104425 0.711087602617446 0.5841692136309944 0.5129710929800607 0.4092694824667372 0.13685928171532816 0.05947002013822289 -0.09685628824752832 -0.23925252954940446 -0.2763993751064164 -0.29961615357954446 -0.333667428673475 -0.47142031428072023 -0.25318259663328835 0.24675203315481445 0.7064442469228239 1.1645886754592838 1.4308077352845214 1.5081969968616267 1.6382109563111684 +44052,1.5267704196401326,2,0.711087602617446 0.5841692136309944 0.5129710929800607 0.4092694824667372 0.13685928171532816 0.05947002013822289 -0.09685628824752832 -0.23925252954940446 -0.2763993751064164 -0.29961615357954446 -0.333667428673475 -0.47142031428072023 -0.25318259663328835 0.24675203315481445 0.7064442469228239 1.1645886754592838 1.4308077352845214 1.5081969968616267 1.6382109563111684 1.630472030153456 +44053,1.4044953863483118,2,0.5841692136309944 0.5129710929800607 0.4092694824667372 0.13685928171532816 0.05947002013822289 -0.09685628824752832 -0.23925252954940446 -0.2763993751064164 -0.29961615357954446 -0.333667428673475 -0.47142031428072023 -0.25318259663328835 0.24675203315481445 0.7064442469228239 1.1645886754592838 1.4308077352845214 1.5081969968616267 1.6382109563111684 1.630472030153456 1.5267704196401326 +44054,1.085651628650638,2,0.5129710929800607 0.4092694824667372 0.13685928171532816 0.05947002013822289 -0.09685628824752832 -0.23925252954940446 -0.2763993751064164 -0.29961615357954446 -0.333667428673475 -0.47142031428072023 -0.25318259663328835 0.24675203315481445 0.7064442469228239 1.1645886754592838 1.4308077352845214 1.5081969968616267 1.6382109563111684 1.630472030153456 1.5267704196401326 1.4044953863483118 +44055,0.7250176697013211,2,0.4092694824667372 0.13685928171532816 0.05947002013822289 -0.09685628824752832 -0.23925252954940446 -0.2763993751064164 -0.29961615357954446 -0.333667428673475 -0.47142031428072023 -0.25318259663328835 0.24675203315481445 0.7064442469228239 1.1645886754592838 1.4308077352845214 1.5081969968616267 1.6382109563111684 1.630472030153456 1.5267704196401326 1.4044953863483118 1.085651628650638 +44056,0.45725082464454286,2,0.13685928171532816 0.05947002013822289 -0.09685628824752832 -0.23925252954940446 -0.2763993751064164 -0.29961615357954446 -0.333667428673475 -0.47142031428072023 -0.25318259663328835 0.24675203315481445 0.7064442469228239 1.1645886754592838 1.4308077352845214 1.5081969968616267 1.6382109563111684 1.630472030153456 1.5267704196401326 1.4044953863483118 1.085651628650638 0.7250176697013211 +44057,0.3102112276480446,2,0.05947002013822289 -0.09685628824752832 -0.23925252954940446 -0.2763993751064164 -0.29961615357954446 -0.333667428673475 -0.47142031428072023 -0.25318259663328835 0.24675203315481445 0.7064442469228239 1.1645886754592838 1.4308077352845214 1.5081969968616267 1.6382109563111684 1.630472030153456 1.5267704196401326 1.4044953863483118 1.085651628650638 0.7250176697013211 0.45725082464454286 +44058,0.15388491926228462,2,-0.09685628824752832 -0.23925252954940446 -0.2763993751064164 -0.29961615357954446 -0.333667428673475 -0.47142031428072023 -0.25318259663328835 0.24675203315481445 0.7064442469228239 1.1645886754592838 1.4308077352845214 1.5081969968616267 1.6382109563111684 1.630472030153456 1.5267704196401326 1.4044953863483118 1.085651628650638 0.7250176697013211 0.45725082464454286 0.3102112276480446 +44059,-0.0535183017643536,2,-0.23925252954940446 -0.2763993751064164 -0.29961615357954446 -0.333667428673475 -0.47142031428072023 -0.25318259663328835 0.24675203315481445 0.7064442469228239 1.1645886754592838 1.4308077352845214 1.5081969968616267 1.6382109563111684 1.630472030153456 1.5267704196401326 1.4044953863483118 1.085651628650638 0.7250176697013211 0.45725082464454286 0.3102112276480446 0.15388491926228462 +44060,-0.09840407347907781,2,-0.2763993751064164 -0.29961615357954446 -0.333667428673475 -0.47142031428072023 -0.25318259663328835 0.24675203315481445 0.7064442469228239 1.1645886754592838 1.4308077352845214 1.5081969968616267 1.6382109563111684 1.630472030153456 1.5267704196401326 1.4044953863483118 1.085651628650638 0.7250176697013211 0.45725082464454286 0.3102112276480446 0.15388491926228462 -0.0535183017643536 +44061,-0.09530850301598763,2,-0.29961615357954446 -0.333667428673475 -0.47142031428072023 -0.25318259663328835 0.24675203315481445 0.7064442469228239 1.1645886754592838 1.4308077352845214 1.5081969968616267 1.6382109563111684 1.630472030153456 1.5267704196401326 1.4044953863483118 1.085651628650638 0.7250176697013211 0.45725082464454286 0.3102112276480446 0.15388491926228462 -0.0535183017643536 -0.09840407347907781 +44062,-0.1618632679722992,2,-0.333667428673475 -0.47142031428072023 -0.25318259663328835 0.24675203315481445 0.7064442469228239 1.1645886754592838 1.4308077352845214 1.5081969968616267 1.6382109563111684 1.630472030153456 1.5267704196401326 1.4044953863483118 1.085651628650638 0.7250176697013211 0.45725082464454286 0.3102112276480446 0.15388491926228462 -0.0535183017643536 -0.09840407347907781 -0.09530850301598763 +44063,-0.25318259663328835,2,-0.47142031428072023 -0.25318259663328835 0.24675203315481445 0.7064442469228239 1.1645886754592838 1.4308077352845214 1.5081969968616267 1.6382109563111684 1.630472030153456 1.5267704196401326 1.4044953863483118 1.085651628650638 0.7250176697013211 0.45725082464454286 0.3102112276480446 0.15388491926228462 -0.0535183017643536 -0.09840407347907781 -0.09530850301598763 -0.1618632679722992 +44064,-0.3367629991365564,2,-0.25318259663328835 0.24675203315481445 0.7064442469228239 1.1645886754592838 1.4308077352845214 1.5081969968616267 1.6382109563111684 1.630472030153456 1.5267704196401326 1.4044953863483118 1.085651628650638 0.7250176697013211 0.45725082464454286 0.3102112276480446 0.15388491926228462 -0.0535183017643536 -0.09840407347907781 -0.09530850301598763 -0.1618632679722992 -0.25318259663328835 +44065,-0.4203434016398332,2,0.24675203315481445 0.7064442469228239 1.1645886754592838 1.4308077352845214 1.5081969968616267 1.6382109563111684 1.630472030153456 1.5267704196401326 1.4044953863483118 1.085651628650638 0.7250176697013211 0.45725082464454286 0.3102112276480446 0.15388491926228462 -0.0535183017643536 -0.09840407347907781 -0.09530850301598763 -0.1618632679722992 -0.25318259663328835 -0.3367629991365564 +44066,-0.5410706497001132,2,0.7064442469228239 1.1645886754592838 1.4308077352845214 1.5081969968616267 1.6382109563111684 1.630472030153456 1.5267704196401326 1.4044953863483118 1.085651628650638 0.7250176697013211 0.45725082464454286 0.3102112276480446 0.15388491926228462 -0.0535183017643536 -0.09840407347907781 -0.09530850301598763 -0.1618632679722992 -0.25318259663328835 -0.3367629991365564 -0.4203434016398332 +44067,-0.5441662201632034,2,1.1645886754592838 1.4308077352845214 1.5081969968616267 1.6382109563111684 1.630472030153456 1.5267704196401326 1.4044953863483118 1.085651628650638 0.7250176697013211 0.45725082464454286 0.3102112276480446 0.15388491926228462 -0.0535183017643536 -0.09840407347907781 -0.09530850301598763 -0.1618632679722992 -0.25318259663328835 -0.3367629991365564 -0.4203434016398332 -0.5410706497001132 +44068,-0.3135462206634283,2,1.4308077352845214 1.5081969968616267 1.6382109563111684 1.630472030153456 1.5267704196401326 1.4044953863483118 1.085651628650638 0.7250176697013211 0.45725082464454286 0.3102112276480446 0.15388491926228462 -0.0535183017643536 -0.09840407347907781 -0.09530850301598763 -0.1618632679722992 -0.25318259663328835 -0.3367629991365564 -0.4203434016398332 -0.5410706497001132 -0.5441662201632034 +44069,0.028514315507373746,2,1.5081969968616267 1.6382109563111684 1.630472030153456 1.5267704196401326 1.4044953863483118 1.085651628650638 0.7250176697013211 0.45725082464454286 0.3102112276480446 0.15388491926228462 -0.0535183017643536 -0.09840407347907781 -0.09530850301598763 -0.1618632679722992 -0.25318259663328835 -0.3367629991365564 -0.4203434016398332 -0.5410706497001132 -0.5441662201632034 -0.3135462206634283 +44070,0.3937916301513127,2,1.6382109563111684 1.630472030153456 1.5267704196401326 1.4044953863483118 1.085651628650638 0.7250176697013211 0.45725082464454286 0.3102112276480446 0.15388491926228462 -0.0535183017643536 -0.09840407347907781 -0.09530850301598763 -0.1618632679722992 -0.25318259663328835 -0.3367629991365564 -0.4203434016398332 -0.5410706497001132 -0.5441662201632034 -0.3135462206634283 0.028514315507373746 +44071,0.6569151195134688,2,1.630472030153456 1.5267704196401326 1.4044953863483118 1.085651628650638 0.7250176697013211 0.45725082464454286 0.3102112276480446 0.15388491926228462 -0.0535183017643536 -0.09840407347907781 -0.09530850301598763 -0.1618632679722992 -0.25318259663328835 -0.3367629991365564 -0.4203434016398332 -0.5410706497001132 -0.5441662201632034 -0.3135462206634283 0.028514315507373746 0.3937916301513127 +44072,0.8488404882246913,2,1.5267704196401326 1.4044953863483118 1.085651628650638 0.7250176697013211 0.45725082464454286 0.3102112276480446 0.15388491926228462 -0.0535183017643536 -0.09840407347907781 -0.09530850301598763 -0.1618632679722992 -0.25318259663328835 -0.3367629991365564 -0.4203434016398332 -0.5410706497001132 -0.5441662201632034 -0.3135462206634283 0.028514315507373746 0.3937916301513127 0.6569151195134688 +44073,0.9958800852211894,2,1.4044953863483118 1.085651628650638 0.7250176697013211 0.45725082464454286 0.3102112276480446 0.15388491926228462 -0.0535183017643536 -0.09840407347907781 -0.09530850301598763 -0.1618632679722992 -0.25318259663328835 -0.3367629991365564 -0.4203434016398332 -0.5410706497001132 -0.5441662201632034 -0.3135462206634283 0.028514315507373746 0.3937916301513127 0.6569151195134688 0.8488404882246913 +44074,1.0361225012412916,2,1.085651628650638 0.7250176697013211 0.45725082464454286 0.3102112276480446 0.15388491926228462 -0.0535183017643536 -0.09840407347907781 -0.09530850301598763 -0.1618632679722992 -0.25318259663328835 -0.3367629991365564 -0.4203434016398332 -0.5410706497001132 -0.5441662201632034 -0.3135462206634283 0.028514315507373746 0.3937916301513127 0.6569151195134688 0.8488404882246913 0.9958800852211894 +44075,1.0980339105029722,2,0.7250176697013211 0.45725082464454286 0.3102112276480446 0.15388491926228462 -0.0535183017643536 -0.09840407347907781 -0.09530850301598763 -0.1618632679722992 -0.25318259663328835 -0.3367629991365564 -0.4203434016398332 -0.5410706497001132 -0.5441662201632034 -0.3135462206634283 0.028514315507373746 0.3937916301513127 0.6569151195134688 0.8488404882246913 0.9958800852211894 1.0361225012412916 +44076,1.0469569978620852,2,0.45725082464454286 0.3102112276480446 0.15388491926228462 -0.0535183017643536 -0.09840407347907781 -0.09530850301598763 -0.1618632679722992 -0.25318259663328835 -0.3367629991365564 -0.4203434016398332 -0.5410706497001132 -0.5441662201632034 -0.3135462206634283 0.028514315507373746 0.3937916301513127 0.6569151195134688 0.8488404882246913 0.9958800852211894 1.0361225012412916 1.0980339105029722 +44077,0.8906306894763341,2,0.3102112276480446 0.15388491926228462 -0.0535183017643536 -0.09840407347907781 -0.09530850301598763 -0.1618632679722992 -0.25318259663328835 -0.3367629991365564 -0.4203434016398332 -0.5410706497001132 -0.5441662201632034 -0.3135462206634283 0.028514315507373746 0.3937916301513127 0.6569151195134688 0.8488404882246913 0.9958800852211894 1.0361225012412916 1.0980339105029722 1.0469569978620852 +44078,0.5857169988625351,2,0.15388491926228462 -0.0535183017643536 -0.09840407347907781 -0.09530850301598763 -0.1618632679722992 -0.25318259663328835 -0.3367629991365564 -0.4203434016398332 -0.5410706497001132 -0.5441662201632034 -0.3135462206634283 0.028514315507373746 0.3937916301513127 0.6569151195134688 0.8488404882246913 0.9958800852211894 1.0361225012412916 1.0980339105029722 1.0469569978620852 0.8906306894763341 +44079,0.29473337533262006,2,-0.0535183017643536 -0.09840407347907781 -0.09530850301598763 -0.1618632679722992 -0.25318259663328835 -0.3367629991365564 -0.4203434016398332 -0.5410706497001132 -0.5441662201632034 -0.3135462206634283 0.028514315507373746 0.3937916301513127 0.6569151195134688 0.8488404882246913 0.9958800852211894 1.0361225012412916 1.0980339105029722 1.0469569978620852 0.8906306894763341 0.5857169988625351 +44080,0.12447699986298497,2,-0.09840407347907781 -0.09530850301598763 -0.1618632679722992 -0.25318259663328835 -0.3367629991365564 -0.4203434016398332 -0.5410706497001132 -0.5441662201632034 -0.3135462206634283 0.028514315507373746 0.3937916301513127 0.6569151195134688 0.8488404882246913 0.9958800852211894 1.0361225012412916 1.0980339105029722 1.0469569978620852 0.8906306894763341 0.5857169988625351 0.29473337533262006 +44081,0.013036463191957975,2,-0.09530850301598763 -0.1618632679722992 -0.25318259663328835 -0.3367629991365564 -0.4203434016398332 -0.5410706497001132 -0.5441662201632034 -0.3135462206634283 0.028514315507373746 0.3937916301513127 0.6569151195134688 0.8488404882246913 0.9958800852211894 1.0361225012412916 1.0980339105029722 1.0469569978620852 0.8906306894763341 0.5857169988625351 0.29473337533262006 0.12447699986298497 +44082,-0.0008936038919258983,2,-0.1618632679722992 -0.25318259663328835 -0.3367629991365564 -0.4203434016398332 -0.5410706497001132 -0.5441662201632034 -0.3135462206634283 0.028514315507373746 0.3937916301513127 0.6569151195134688 0.8488404882246913 0.9958800852211894 1.0361225012412916 1.0980339105029722 1.0469569978620852 0.8906306894763341 0.5857169988625351 0.29473337533262006 0.12447699986298497 0.013036463191957975 +44083,-0.08447400639519394,2,-0.25318259663328835 -0.3367629991365564 -0.4203434016398332 -0.5410706497001132 -0.5441662201632034 -0.3135462206634283 0.028514315507373746 0.3937916301513127 0.6569151195134688 0.8488404882246913 0.9958800852211894 1.0361225012412916 1.0980339105029722 1.0469569978620852 0.8906306894763341 0.5857169988625351 0.29473337533262006 0.12447699986298497 0.013036463191957975 -0.0008936038919258983 +44084,-0.18043669075080518,2,-0.3367629991365564 -0.4203434016398332 -0.5410706497001132 -0.5441662201632034 -0.3135462206634283 0.028514315507373746 0.3937916301513127 0.6569151195134688 0.8488404882246913 0.9958800852211894 1.0361225012412916 1.0980339105029722 1.0469569978620852 0.8906306894763341 0.5857169988625351 0.29473337533262006 0.12447699986298497 0.013036463191957975 -0.0008936038919258983 -0.08447400639519394 +44085,-0.22687024769707007,2,-0.4203434016398332 -0.5410706497001132 -0.5441662201632034 -0.3135462206634283 0.028514315507373746 0.3937916301513127 0.6569151195134688 0.8488404882246913 0.9958800852211894 1.0361225012412916 1.0980339105029722 1.0469569978620852 0.8906306894763341 0.5857169988625351 0.29473337533262006 0.12447699986298497 0.013036463191957975 -0.0008936038919258983 -0.08447400639519394 -0.18043669075080518 +44086,-0.24080031478094516,2,-0.5410706497001132 -0.5441662201632034 -0.3135462206634283 0.028514315507373746 0.3937916301513127 0.6569151195134688 0.8488404882246913 0.9958800852211894 1.0361225012412916 1.0980339105029722 1.0469569978620852 0.8906306894763341 0.5857169988625351 0.29473337533262006 0.12447699986298497 0.013036463191957975 -0.0008936038919258983 -0.08447400639519394 -0.18043669075080518 -0.22687024769707007 +44087,-0.23925252954940446,2,-0.5441662201632034 -0.3135462206634283 0.028514315507373746 0.3937916301513127 0.6569151195134688 0.8488404882246913 0.9958800852211894 1.0361225012412916 1.0980339105029722 1.0469569978620852 0.8906306894763341 0.5857169988625351 0.29473337533262006 0.12447699986298497 0.013036463191957975 -0.0008936038919258983 -0.08447400639519394 -0.18043669075080518 -0.22687024769707007 -0.24080031478094516 +44088,-0.23925252954940446,2,-0.3135462206634283 0.028514315507373746 0.3937916301513127 0.6569151195134688 0.8488404882246913 0.9958800852211894 1.0361225012412916 1.0980339105029722 1.0469569978620852 0.8906306894763341 0.5857169988625351 0.29473337533262006 0.12447699986298497 0.013036463191957975 -0.0008936038919258983 -0.08447400639519394 -0.18043669075080518 -0.22687024769707007 -0.24080031478094516 -0.23925252954940446 +44089,-0.18508004644543605,2,0.028514315507373746 0.3937916301513127 0.6569151195134688 0.8488404882246913 0.9958800852211894 1.0361225012412916 1.0980339105029722 1.0469569978620852 0.8906306894763341 0.5857169988625351 0.29473337533262006 0.12447699986298497 0.013036463191957975 -0.0008936038919258983 -0.08447400639519394 -0.18043669075080518 -0.22687024769707007 -0.24080031478094516 -0.23925252954940446 -0.23925252954940446 +44090,-0.19746232829777044,2,0.3937916301513127 0.6569151195134688 0.8488404882246913 0.9958800852211894 1.0361225012412916 1.0980339105029722 1.0469569978620852 0.8906306894763341 0.5857169988625351 0.29473337533262006 0.12447699986298497 0.013036463191957975 -0.0008936038919258983 -0.08447400639519394 -0.18043669075080518 -0.22687024769707007 -0.24080031478094516 -0.23925252954940446 -0.23925252954940446 -0.18508004644543605 +44091,-0.3181895763580504,2,0.6569151195134688 0.8488404882246913 0.9958800852211894 1.0361225012412916 1.0980339105029722 1.0469569978620852 0.8906306894763341 0.5857169988625351 0.29473337533262006 0.12447699986298497 0.013036463191957975 -0.0008936038919258983 -0.08447400639519394 -0.18043669075080518 -0.22687024769707007 -0.24080031478094516 -0.23925252954940446 -0.23925252954940446 -0.18508004644543605 -0.19746232829777044 +44092,-0.2624693080225413,2,0.8488404882246913 0.9958800852211894 1.0361225012412916 1.0980339105029722 1.0469569978620852 0.8906306894763341 0.5857169988625351 0.29473337533262006 0.12447699986298497 0.013036463191957975 -0.0008936038919258983 -0.08447400639519394 -0.18043669075080518 -0.22687024769707007 -0.24080031478094516 -0.23925252954940446 -0.23925252954940446 -0.18508004644543605 -0.19746232829777044 -0.3181895763580504 +44093,-0.07209172454285957,2,0.9958800852211894 1.0361225012412916 1.0980339105029722 1.0469569978620852 0.8906306894763341 0.5857169988625351 0.29473337533262006 0.12447699986298497 0.013036463191957975 -0.0008936038919258983 -0.08447400639519394 -0.18043669075080518 -0.22687024769707007 -0.24080031478094516 -0.23925252954940446 -0.23925252954940446 -0.18508004644543605 -0.19746232829777044 -0.3181895763580504 -0.2624693080225413 +44094,0.17400612727234008,2,1.0361225012412916 1.0980339105029722 1.0469569978620852 0.8906306894763341 0.5857169988625351 0.29473337533262006 0.12447699986298497 0.013036463191957975 -0.0008936038919258983 -0.08447400639519394 -0.18043669075080518 -0.22687024769707007 -0.24080031478094516 -0.23925252954940446 -0.23925252954940446 -0.18508004644543605 -0.19746232829777044 -0.3181895763580504 -0.2624693080225413 -0.07209172454285957 +44095,0.45260746894991194,2,1.0980339105029722 1.0469569978620852 0.8906306894763341 0.5857169988625351 0.29473337533262006 0.12447699986298497 0.013036463191957975 -0.0008936038919258983 -0.08447400639519394 -0.18043669075080518 -0.22687024769707007 -0.24080031478094516 -0.23925252954940446 -0.23925252954940446 -0.18508004644543605 -0.19746232829777044 -0.3181895763580504 -0.2624693080225413 -0.07209172454285957 0.17400612727234008 +44096,0.6290549853457186,2,1.0469569978620852 0.8906306894763341 0.5857169988625351 0.29473337533262006 0.12447699986298497 0.013036463191957975 -0.0008936038919258983 -0.08447400639519394 -0.18043669075080518 -0.22687024769707007 -0.24080031478094516 -0.23925252954940446 -0.23925252954940446 -0.18508004644543605 -0.19746232829777044 -0.3181895763580504 -0.2624693080225413 -0.07209172454285957 0.17400612727234008 0.45260746894991194 +44097,0.8302670654461852,2,0.8906306894763341 0.5857169988625351 0.29473337533262006 0.12447699986298497 0.013036463191957975 -0.0008936038919258983 -0.08447400639519394 -0.18043669075080518 -0.22687024769707007 -0.24080031478094516 -0.23925252954940446 -0.23925252954940446 -0.18508004644543605 -0.19746232829777044 -0.3181895763580504 -0.2624693080225413 -0.07209172454285957 0.17400612727234008 0.45260746894991194 0.6290549853457186 +44098,0.9339686759595087,2,0.5857169988625351 0.29473337533262006 0.12447699986298497 0.013036463191957975 -0.0008936038919258983 -0.08447400639519394 -0.18043669075080518 -0.22687024769707007 -0.24080031478094516 -0.23925252954940446 -0.23925252954940446 -0.18508004644543605 -0.19746232829777044 -0.3181895763580504 -0.2624693080225413 -0.07209172454285957 0.17400612727234008 0.45260746894991194 0.6290549853457186 0.8302670654461852 +44099,0.9773066624426923,2,0.29473337533262006 0.12447699986298497 0.013036463191957975 -0.0008936038919258983 -0.08447400639519394 -0.18043669075080518 -0.22687024769707007 -0.24080031478094516 -0.23925252954940446 -0.23925252954940446 -0.18508004644543605 -0.19746232829777044 -0.3181895763580504 -0.2624693080225413 -0.07209172454285957 0.17400612727234008 0.45260746894991194 0.6290549853457186 0.8302670654461852 0.9339686759595087 +44100,0.9324208907279681,2,0.12447699986298497 0.013036463191957975 -0.0008936038919258983 -0.08447400639519394 -0.18043669075080518 -0.22687024769707007 -0.24080031478094516 -0.23925252954940446 -0.23925252954940446 -0.18508004644543605 -0.19746232829777044 -0.3181895763580504 -0.2624693080225413 -0.07209172454285957 0.17400612727234008 0.45260746894991194 0.6290549853457186 0.8302670654461852 0.9339686759595087 0.9773066624426923 +44101,0.8132414278992288,2,0.013036463191957975 -0.0008936038919258983 -0.08447400639519394 -0.18043669075080518 -0.22687024769707007 -0.24080031478094516 -0.23925252954940446 -0.23925252954940446 -0.18508004644543605 -0.19746232829777044 -0.3181895763580504 -0.2624693080225413 -0.07209172454285957 0.17400612727234008 0.45260746894991194 0.6290549853457186 0.8302670654461852 0.9339686759595087 0.9773066624426923 0.9324208907279681 +44102,0.5392834419162702,2,-0.0008936038919258983 -0.08447400639519394 -0.18043669075080518 -0.22687024769707007 -0.24080031478094516 -0.23925252954940446 -0.23925252954940446 -0.18508004644543605 -0.19746232829777044 -0.3181895763580504 -0.2624693080225413 -0.07209172454285957 0.17400612727234008 0.45260746894991194 0.6290549853457186 0.8302670654461852 0.9339686759595087 0.9773066624426923 0.9324208907279681 0.8132414278992288 +44103,0.29937673102724216,2,-0.08447400639519394 -0.18043669075080518 -0.22687024769707007 -0.24080031478094516 -0.23925252954940446 -0.23925252954940446 -0.18508004644543605 -0.19746232829777044 -0.3181895763580504 -0.2624693080225413 -0.07209172454285957 0.17400612727234008 0.45260746894991194 0.6290549853457186 0.8302670654461852 0.9339686759595087 0.9773066624426923 0.9324208907279681 0.8132414278992288 0.5392834419162702 +44104,0.09816465092677551,2,-0.18043669075080518 -0.22687024769707007 -0.24080031478094516 -0.23925252954940446 -0.23925252954940446 -0.18508004644543605 -0.19746232829777044 -0.3181895763580504 -0.2624693080225413 -0.07209172454285957 0.17400612727234008 0.45260746894991194 0.6290549853457186 0.8302670654461852 0.9339686759595087 0.9773066624426923 0.9324208907279681 0.8132414278992288 0.5392834419162702 0.29937673102724216 +44105,0.03625324166508603,2,-0.22687024769707007 -0.24080031478094516 -0.23925252954940446 -0.23925252954940446 -0.18508004644543605 -0.19746232829777044 -0.3181895763580504 -0.2624693080225413 -0.07209172454285957 0.17400612727234008 0.45260746894991194 0.6290549853457186 0.8302670654461852 0.9339686759595087 0.9773066624426923 0.9324208907279681 0.8132414278992288 0.5392834419162702 0.29937673102724216 0.09816465092677551 +44106,-0.0008936038919258983,2,-0.24080031478094516 -0.23925252954940446 -0.23925252954940446 -0.18508004644543605 -0.19746232829777044 -0.3181895763580504 -0.2624693080225413 -0.07209172454285957 0.17400612727234008 0.45260746894991194 0.6290549853457186 0.8302670654461852 0.9339686759595087 0.9773066624426923 0.9324208907279681 0.8132414278992288 0.5392834419162702 0.29937673102724216 0.09816465092677551 0.03625324166508603 +44107,-0.12162085195220587,2,-0.23925252954940446 -0.23925252954940446 -0.18508004644543605 -0.19746232829777044 -0.3181895763580504 -0.2624693080225413 -0.07209172454285957 0.17400612727234008 0.45260746894991194 0.6290549853457186 0.8302670654461852 0.9339686759595087 0.9773066624426923 0.9324208907279681 0.8132414278992288 0.5392834419162702 0.29937673102724216 0.09816465092677551 0.03625324166508603 -0.0008936038919258983 +44108,-0.19281897260313954,2,-0.23925252954940446 -0.18508004644543605 -0.19746232829777044 -0.3181895763580504 -0.2624693080225413 -0.07209172454285957 0.17400612727234008 0.45260746894991194 0.6290549853457186 0.8302670654461852 0.9339686759595087 0.9773066624426923 0.9324208907279681 0.8132414278992288 0.5392834419162702 0.29937673102724216 0.09816465092677551 0.03625324166508603 -0.0008936038919258983 -0.12162085195220587 +44109,-0.2253224624655294,2,-0.18508004644543605 -0.19746232829777044 -0.3181895763580504 -0.2624693080225413 -0.07209172454285957 0.17400612727234008 0.45260746894991194 0.6290549853457186 0.8302670654461852 0.9339686759595087 0.9773066624426923 0.9324208907279681 0.8132414278992288 0.5392834419162702 0.29937673102724216 0.09816465092677551 0.03625324166508603 -0.0008936038919258983 -0.12162085195220587 -0.19281897260313954 +44110,-0.3228329320526813,2,-0.19746232829777044 -0.3181895763580504 -0.2624693080225413 -0.07209172454285957 0.17400612727234008 0.45260746894991194 0.6290549853457186 0.8302670654461852 0.9339686759595087 0.9773066624426923 0.9324208907279681 0.8132414278992288 0.5392834419162702 0.29937673102724216 0.09816465092677551 0.03625324166508603 -0.0008936038919258983 -0.12162085195220587 -0.19281897260313954 -0.2253224624655294 +44111,-0.4420123948814206,2,-0.3181895763580504 -0.2624693080225413 -0.07209172454285957 0.17400612727234008 0.45260746894991194 0.6290549853457186 0.8302670654461852 0.9339686759595087 0.9773066624426923 0.9324208907279681 0.8132414278992288 0.5392834419162702 0.29937673102724216 0.09816465092677551 0.03625324166508603 -0.0008936038919258983 -0.12162085195220587 -0.19281897260313954 -0.2253224624655294 -0.3228329320526813 +44112,-0.4435601801129613,2,-0.2624693080225413 -0.07209172454285957 0.17400612727234008 0.45260746894991194 0.6290549853457186 0.8302670654461852 0.9339686759595087 0.9773066624426923 0.9324208907279681 0.8132414278992288 0.5392834419162702 0.29937673102724216 0.09816465092677551 0.03625324166508603 -0.0008936038919258983 -0.12162085195220587 -0.19281897260313954 -0.2253224624655294 -0.3228329320526813 -0.4420123948814206 +44113,-0.5720263543309624,2,-0.07209172454285957 0.17400612727234008 0.45260746894991194 0.6290549853457186 0.8302670654461852 0.9339686759595087 0.9773066624426923 0.9324208907279681 0.8132414278992288 0.5392834419162702 0.29937673102724216 0.09816465092677551 0.03625324166508603 -0.0008936038919258983 -0.12162085195220587 -0.19281897260313954 -0.2253224624655294 -0.3228329320526813 -0.4420123948814206 -0.4435601801129613 +44114,-0.6323899783611023,2,0.17400612727234008 0.45260746894991194 0.6290549853457186 0.8302670654461852 0.9339686759595087 0.9773066624426923 0.9324208907279681 0.8132414278992288 0.5392834419162702 0.29937673102724216 0.09816465092677551 0.03625324166508603 -0.0008936038919258983 -0.12162085195220587 -0.19281897260313954 -0.2253224624655294 -0.3228329320526813 -0.4420123948814206 -0.4435601801129613 -0.5720263543309624 +44115,-0.5844086361832967,2,0.45260746894991194 0.6290549853457186 0.8302670654461852 0.9339686759595087 0.9773066624426923 0.9324208907279681 0.8132414278992288 0.5392834419162702 0.29937673102724216 0.09816465092677551 0.03625324166508603 -0.0008936038919258983 -0.12162085195220587 -0.19281897260313954 -0.2253224624655294 -0.3228329320526813 -0.4420123948814206 -0.4435601801129613 -0.5720263543309624 -0.6323899783611023 +44116,-0.45903803242838587,2,0.6290549853457186 0.8302670654461852 0.9339686759595087 0.9773066624426923 0.9324208907279681 0.8132414278992288 0.5392834419162702 0.29937673102724216 0.09816465092677551 0.03625324166508603 -0.0008936038919258983 -0.12162085195220587 -0.19281897260313954 -0.2253224624655294 -0.3228329320526813 -0.4420123948814206 -0.4435601801129613 -0.5720263543309624 -0.6323899783611023 -0.5844086361832967 +44117,-0.07054393931131887,2,0.8302670654461852 0.9339686759595087 0.9773066624426923 0.9324208907279681 0.8132414278992288 0.5392834419162702 0.29937673102724216 0.09816465092677551 0.03625324166508603 -0.0008936038919258983 -0.12162085195220587 -0.19281897260313954 -0.2253224624655294 -0.3228329320526813 -0.4420123948814206 -0.4435601801129613 -0.5720263543309624 -0.6323899783611023 -0.5844086361832967 -0.45903803242838587 +44118,0.2204396842185962,2,0.9339686759595087 0.9773066624426923 0.9324208907279681 0.8132414278992288 0.5392834419162702 0.29937673102724216 0.09816465092677551 0.03625324166508603 -0.0008936038919258983 -0.12162085195220587 -0.19281897260313954 -0.2253224624655294 -0.3228329320526813 -0.4420123948814206 -0.4435601801129613 -0.5720263543309624 -0.6323899783611023 -0.5844086361832967 -0.45903803242838587 -0.07054393931131887 +44119,0.5299967305270172,2,0.9773066624426923 0.9324208907279681 0.8132414278992288 0.5392834419162702 0.29937673102724216 0.09816465092677551 0.03625324166508603 -0.0008936038919258983 -0.12162085195220587 -0.19281897260313954 -0.2253224624655294 -0.3228329320526813 -0.4420123948814206 -0.4435601801129613 -0.5720263543309624 -0.6323899783611023 -0.5844086361832967 -0.45903803242838587 -0.07054393931131887 0.2204396842185962 +44120,0.7729990118791267,2,0.9324208907279681 0.8132414278992288 0.5392834419162702 0.29937673102724216 0.09816465092677551 0.03625324166508603 -0.0008936038919258983 -0.12162085195220587 -0.19281897260313954 -0.2253224624655294 -0.3228329320526813 -0.4420123948814206 -0.4435601801129613 -0.5720263543309624 -0.6323899783611023 -0.5844086361832967 -0.45903803242838587 -0.07054393931131887 0.2204396842185962 0.5299967305270172 +44121,0.9850455886003958,2,0.8132414278992288 0.5392834419162702 0.29937673102724216 0.09816465092677551 0.03625324166508603 -0.0008936038919258983 -0.12162085195220587 -0.19281897260313954 -0.2253224624655294 -0.3228329320526813 -0.4420123948814206 -0.4435601801129613 -0.5720263543309624 -0.6323899783611023 -0.5844086361832967 -0.45903803242838587 -0.07054393931131887 0.2204396842185962 0.5299967305270172 0.7729990118791267 +44122,1.1042250514291438,2,0.5392834419162702 0.29937673102724216 0.09816465092677551 0.03625324166508603 -0.0008936038919258983 -0.12162085195220587 -0.19281897260313954 -0.2253224624655294 -0.3228329320526813 -0.4420123948814206 -0.4435601801129613 -0.5720263543309624 -0.6323899783611023 -0.5844086361832967 -0.45903803242838587 -0.07054393931131887 0.2204396842185962 0.5299967305270172 0.7729990118791267 0.9850455886003958 +44123,1.0655304206405911,2,0.29937673102724216 0.09816465092677551 0.03625324166508603 -0.0008936038919258983 -0.12162085195220587 -0.19281897260313954 -0.2253224624655294 -0.3228329320526813 -0.4420123948814206 -0.4435601801129613 -0.5720263543309624 -0.6323899783611023 -0.5844086361832967 -0.45903803242838587 -0.07054393931131887 0.2204396842185962 0.5299967305270172 0.7729990118791267 0.9850455886003958 1.1042250514291438 +44124,1.0593392797144197,2,0.09816465092677551 0.03625324166508603 -0.0008936038919258983 -0.12162085195220587 -0.19281897260313954 -0.2253224624655294 -0.3228329320526813 -0.4420123948814206 -0.4435601801129613 -0.5720263543309624 -0.6323899783611023 -0.5844086361832967 -0.45903803242838587 -0.07054393931131887 0.2204396842185962 0.5299967305270172 0.7729990118791267 0.9850455886003958 1.1042250514291438 1.0655304206405911 +44125,1.0534576958345578,2,0.03625324166508603 -0.0008936038919258983 -0.12162085195220587 -0.19281897260313954 -0.2253224624655294 -0.3228329320526813 -0.4420123948814206 -0.4435601801129613 -0.5720263543309624 -0.6323899783611023 -0.5844086361832967 -0.45903803242838587 -0.07054393931131887 0.2204396842185962 0.5299967305270172 0.7729990118791267 0.9850455886003958 1.1042250514291438 1.0655304206405911 1.0593392797144197 +44126,0.6754885422919747,2,-0.0008936038919258983 -0.12162085195220587 -0.19281897260313954 -0.2253224624655294 -0.3228329320526813 -0.4420123948814206 -0.4435601801129613 -0.5720263543309624 -0.6323899783611023 -0.5844086361832967 -0.45903803242838587 -0.07054393931131887 0.2204396842185962 0.5299967305270172 0.7729990118791267 0.9850455886003958 1.1042250514291438 1.0655304206405911 1.0593392797144197 1.0534576958345578 +44127,0.4758242474230488,2,-0.12162085195220587 -0.19281897260313954 -0.2253224624655294 -0.3228329320526813 -0.4420123948814206 -0.4435601801129613 -0.5720263543309624 -0.6323899783611023 -0.5844086361832967 -0.45903803242838587 -0.07054393931131887 0.2204396842185962 0.5299967305270172 0.7729990118791267 0.9850455886003958 1.1042250514291438 1.0655304206405911 1.0593392797144197 1.0534576958345578 0.6754885422919747 +44128,0.30556787195341373,2,-0.19281897260313954 -0.2253224624655294 -0.3228329320526813 -0.4420123948814206 -0.4435601801129613 -0.5720263543309624 -0.6323899783611023 -0.5844086361832967 -0.45903803242838587 -0.07054393931131887 0.2204396842185962 0.5299967305270172 0.7729990118791267 0.9850455886003958 1.1042250514291438 1.0655304206405911 1.0593392797144197 1.0534576958345578 0.6754885422919747 0.4758242474230488 +44129,0.08733015430598183,2,-0.2253224624655294 -0.3228329320526813 -0.4420123948814206 -0.4435601801129613 -0.5720263543309624 -0.6323899783611023 -0.5844086361832967 -0.45903803242838587 -0.07054393931131887 0.2204396842185962 0.5299967305270172 0.7729990118791267 0.9850455886003958 1.1042250514291438 1.0655304206405911 1.0593392797144197 1.0534576958345578 0.6754885422919747 0.4758242474230488 0.30556787195341373 +44130,0.07030451675901657,2,-0.3228329320526813 -0.4420123948814206 -0.4435601801129613 -0.5720263543309624 -0.6323899783611023 -0.5844086361832967 -0.45903803242838587 -0.07054393931131887 0.2204396842185962 0.5299967305270172 0.7729990118791267 0.9850455886003958 1.1042250514291438 1.0655304206405911 1.0593392797144197 1.0534576958345578 0.6754885422919747 0.4758242474230488 0.30556787195341373 0.08733015430598183 +44131,-0.061257227922065886,2,-0.4420123948814206 -0.4435601801129613 -0.5720263543309624 -0.6323899783611023 -0.5844086361832967 -0.45903803242838587 -0.07054393931131887 0.2204396842185962 0.5299967305270172 0.7729990118791267 0.9850455886003958 1.1042250514291438 1.0655304206405911 1.0593392797144197 1.0534576958345578 0.6754885422919747 0.4758242474230488 0.30556787195341373 0.08733015430598183 0.07030451675901657 +44132,-0.1076907848683308,2,-0.4435601801129613 -0.5720263543309624 -0.6323899783611023 -0.5844086361832967 -0.45903803242838587 -0.07054393931131887 0.2204396842185962 0.5299967305270172 0.7729990118791267 0.9850455886003958 1.1042250514291438 1.0655304206405911 1.0593392797144197 1.0534576958345578 0.6754885422919747 0.4758242474230488 0.30556787195341373 0.08733015430598183 0.07030451675901657 -0.061257227922065886 +44133,-0.24080031478094516,2,-0.5720263543309624 -0.6323899783611023 -0.5844086361832967 -0.45903803242838587 -0.07054393931131887 0.2204396842185962 0.5299967305270172 0.7729990118791267 0.9850455886003958 1.1042250514291438 1.0655304206405911 1.0593392797144197 1.0534576958345578 0.6754885422919747 0.4758242474230488 0.30556787195341373 0.08733015430598183 0.07030451675901657 -0.061257227922065886 -0.1076907848683308 +44134,-0.264017093254082,2,-0.6323899783611023 -0.5844086361832967 -0.45903803242838587 -0.07054393931131887 0.2204396842185962 0.5299967305270172 0.7729990118791267 0.9850455886003958 1.1042250514291438 1.0655304206405911 1.0593392797144197 1.0534576958345578 0.6754885422919747 0.4758242474230488 0.30556787195341373 0.08733015430598183 0.07030451675901657 -0.061257227922065886 -0.1076907848683308 -0.24080031478094516 +44135,-0.38319655608282127,2,-0.5844086361832967 -0.45903803242838587 -0.07054393931131887 0.2204396842185962 0.5299967305270172 0.7729990118791267 0.9850455886003958 1.1042250514291438 1.0655304206405911 1.0593392797144197 1.0534576958345578 0.6754885422919747 0.4758242474230488 0.30556787195341373 0.08733015430598183 0.07030451675901657 -0.061257227922065886 -0.1076907848683308 -0.24080031478094516 -0.264017093254082 +44136,-0.4884459518276855,2,-0.45903803242838587 -0.07054393931131887 0.2204396842185962 0.5299967305270172 0.7729990118791267 0.9850455886003958 1.1042250514291438 1.0655304206405911 1.0593392797144197 1.0534576958345578 0.6754885422919747 0.4758242474230488 0.30556787195341373 0.08733015430598183 0.07030451675901657 -0.061257227922065886 -0.1076907848683308 -0.24080031478094516 -0.264017093254082 -0.38319655608282127 +44137,-0.5596440724786191,2,-0.07054393931131887 0.2204396842185962 0.5299967305270172 0.7729990118791267 0.9850455886003958 1.1042250514291438 1.0655304206405911 1.0593392797144197 1.0534576958345578 0.6754885422919747 0.4758242474230488 0.30556787195341373 0.08733015430598183 0.07030451675901657 -0.061257227922065886 -0.1076907848683308 -0.24080031478094516 -0.264017093254082 -0.38319655608282127 -0.4884459518276855 +44138,-0.5070193746061915,2,0.2204396842185962 0.5299967305270172 0.7729990118791267 0.9850455886003958 1.1042250514291438 1.0655304206405911 1.0593392797144197 1.0534576958345578 0.6754885422919747 0.4758242474230488 0.30556787195341373 0.08733015430598183 0.07030451675901657 -0.061257227922065886 -0.1076907848683308 -0.24080031478094516 -0.264017093254082 -0.38319655608282127 -0.4884459518276855 -0.5596440724786191 +44139,-0.633937763592643,2,0.5299967305270172 0.7729990118791267 0.9850455886003958 1.1042250514291438 1.0655304206405911 1.0593392797144197 1.0534576958345578 0.6754885422919747 0.4758242474230488 0.30556787195341373 0.08733015430598183 0.07030451675901657 -0.061257227922065886 -0.1076907848683308 -0.24080031478094516 -0.264017093254082 -0.38319655608282127 -0.4884459518276855 -0.5596440724786191 -0.5070193746061915 +44140,-0.49154152229076686,2,0.7729990118791267 0.9850455886003958 1.1042250514291438 1.0655304206405911 1.0593392797144197 1.0534576958345578 0.6754885422919747 0.4758242474230488 0.30556787195341373 0.08733015430598183 0.07030451675901657 -0.061257227922065886 -0.1076907848683308 -0.24080031478094516 -0.264017093254082 -0.38319655608282127 -0.4884459518276855 -0.5596440724786191 -0.5070193746061915 -0.633937763592643 +44141,-0.01637145620734167,2,0.9850455886003958 1.1042250514291438 1.0655304206405911 1.0593392797144197 1.0534576958345578 0.6754885422919747 0.4758242474230488 0.30556787195341373 0.08733015430598183 0.07030451675901657 -0.061257227922065886 -0.1076907848683308 -0.24080031478094516 -0.264017093254082 -0.38319655608282127 -0.4884459518276855 -0.5596440724786191 -0.5070193746061915 -0.633937763592643 -0.49154152229076686 +44142,0.46653753603379583,2,1.1042250514291438 1.0655304206405911 1.0593392797144197 1.0534576958345578 0.6754885422919747 0.4758242474230488 0.30556787195341373 0.08733015430598183 0.07030451675901657 -0.061257227922065886 -0.1076907848683308 -0.24080031478094516 -0.264017093254082 -0.38319655608282127 -0.4884459518276855 -0.5596440724786191 -0.5070193746061915 -0.633937763592643 -0.49154152229076686 -0.01637145620734167 +44143,0.9401598168856804,2,1.0655304206405911 1.0593392797144197 1.0534576958345578 0.6754885422919747 0.4758242474230488 0.30556787195341373 0.08733015430598183 0.07030451675901657 -0.061257227922065886 -0.1076907848683308 -0.24080031478094516 -0.264017093254082 -0.38319655608282127 -0.4884459518276855 -0.5596440724786191 -0.5070193746061915 -0.633937763592643 -0.49154152229076686 -0.01637145620734167 0.46653753603379583 +44144,1.2760292121303107,2,1.0593392797144197 1.0534576958345578 0.6754885422919747 0.4758242474230488 0.30556787195341373 0.08733015430598183 0.07030451675901657 -0.061257227922065886 -0.1076907848683308 -0.24080031478094516 -0.264017093254082 -0.38319655608282127 -0.4884459518276855 -0.5596440724786191 -0.5070193746061915 -0.633937763592643 -0.49154152229076686 -0.01637145620734167 0.46653753603379583 0.9401598168856804 +44145,1.6242808892272844,2,1.0534576958345578 0.6754885422919747 0.4758242474230488 0.30556787195341373 0.08733015430598183 0.07030451675901657 -0.061257227922065886 -0.1076907848683308 -0.24080031478094516 -0.264017093254082 -0.38319655608282127 -0.4884459518276855 -0.5596440724786191 -0.5070193746061915 -0.633937763592643 -0.49154152229076686 -0.01637145620734167 0.46653753603379583 0.9401598168856804 1.2760292121303107 +44146,1.7063135064990207,2,0.6754885422919747 0.4758242474230488 0.30556787195341373 0.08733015430598183 0.07030451675901657 -0.061257227922065886 -0.1076907848683308 -0.24080031478094516 -0.264017093254082 -0.38319655608282127 -0.4884459518276855 -0.5596440724786191 -0.5070193746061915 -0.633937763592643 -0.49154152229076686 -0.01637145620734167 0.46653753603379583 0.9401598168856804 1.2760292121303107 1.6242808892272844 +44147,1.7341736406667796,2,0.4758242474230488 0.30556787195341373 0.08733015430598183 0.07030451675901657 -0.061257227922065886 -0.1076907848683308 -0.24080031478094516 -0.264017093254082 -0.38319655608282127 -0.4884459518276855 -0.5596440724786191 -0.5070193746061915 -0.633937763592643 -0.49154152229076686 -0.01637145620734167 0.46653753603379583 0.9401598168856804 1.2760292121303107 1.6242808892272844 1.7063135064990207 +44148,1.7063135064990207,2,0.30556787195341373 0.08733015430598183 0.07030451675901657 -0.061257227922065886 -0.1076907848683308 -0.24080031478094516 -0.264017093254082 -0.38319655608282127 -0.4884459518276855 -0.5596440724786191 -0.5070193746061915 -0.633937763592643 -0.49154152229076686 -0.01637145620734167 0.46653753603379583 0.9401598168856804 1.2760292121303107 1.6242808892272844 1.7063135064990207 1.7341736406667796 +44149,1.6227331039957438,2,0.08733015430598183 0.07030451675901657 -0.061257227922065886 -0.1076907848683308 -0.24080031478094516 -0.264017093254082 -0.38319655608282127 -0.4884459518276855 -0.5596440724786191 -0.5070193746061915 -0.633937763592643 -0.49154152229076686 -0.01637145620734167 0.46653753603379583 0.9401598168856804 1.2760292121303107 1.6242808892272844 1.7063135064990207 1.7341736406667796 1.7063135064990207 +44150,1.2559080041202642,2,0.07030451675901657 -0.061257227922065886 -0.1076907848683308 -0.24080031478094516 -0.264017093254082 -0.38319655608282127 -0.4884459518276855 -0.5596440724786191 -0.5070193746061915 -0.633937763592643 -0.49154152229076686 -0.01637145620734167 0.46653753603379583 0.9401598168856804 1.2760292121303107 1.6242808892272844 1.7063135064990207 1.7341736406667796 1.7063135064990207 1.6227331039957438 +44151,0.8209803540569323,2,-0.061257227922065886 -0.1076907848683308 -0.24080031478094516 -0.264017093254082 -0.38319655608282127 -0.4884459518276855 -0.5596440724786191 -0.5070193746061915 -0.633937763592643 -0.49154152229076686 -0.01637145620734167 0.46653753603379583 0.9401598168856804 1.2760292121303107 1.6242808892272844 1.7063135064990207 1.7341736406667796 1.7063135064990207 1.6227331039957438 1.2559080041202642 +44152,0.7575211595637109,2,-0.1076907848683308 -0.24080031478094516 -0.264017093254082 -0.38319655608282127 -0.4884459518276855 -0.5596440724786191 -0.5070193746061915 -0.633937763592643 -0.49154152229076686 -0.01637145620734167 0.46653753603379583 0.9401598168856804 1.2760292121303107 1.6242808892272844 1.7063135064990207 1.7341736406667796 1.7063135064990207 1.6227331039957438 1.2559080041202642 0.8209803540569323 +44153,0.5795258579363636,2,-0.24080031478094516 -0.264017093254082 -0.38319655608282127 -0.4884459518276855 -0.5596440724786191 -0.5070193746061915 -0.633937763592643 -0.49154152229076686 -0.01637145620734167 0.46653753603379583 0.9401598168856804 1.2760292121303107 1.6242808892272844 1.7063135064990207 1.7341736406667796 1.7063135064990207 1.6227331039957438 1.2559080041202642 0.8209803540569323 0.7575211595637109 +44154,0.3179501538057481,2,-0.264017093254082 -0.38319655608282127 -0.4884459518276855 -0.5596440724786191 -0.5070193746061915 -0.633937763592643 -0.49154152229076686 -0.01637145620734167 0.46653753603379583 0.9401598168856804 1.2760292121303107 1.6242808892272844 1.7063135064990207 1.7341736406667796 1.7063135064990207 1.6227331039957438 1.2559080041202642 0.8209803540569323 0.7575211595637109 0.5795258579363636 +44155,0.13685928171532816,2,-0.38319655608282127 -0.4884459518276855 -0.5596440724786191 -0.5070193746061915 -0.633937763592643 -0.49154152229076686 -0.01637145620734167 0.46653753603379583 0.9401598168856804 1.2760292121303107 1.6242808892272844 1.7063135064990207 1.7341736406667796 1.7063135064990207 1.6227331039957438 1.2559080041202642 0.8209803540569323 0.7575211595637109 0.5795258579363636 0.3179501538057481 +44156,0.07340008722209797,2,-0.4884459518276855 -0.5596440724786191 -0.5070193746061915 -0.633937763592643 -0.49154152229076686 -0.01637145620734167 0.46653753603379583 0.9401598168856804 1.2760292121303107 1.6242808892272844 1.7063135064990207 1.7341736406667796 1.7063135064990207 1.6227331039957438 1.2559080041202642 0.8209803540569323 0.7575211595637109 0.5795258579363636 0.3179501538057481 0.13685928171532816 +44157,-0.002441389123466596,2,-0.5596440724786191 -0.5070193746061915 -0.633937763592643 -0.49154152229076686 -0.01637145620734167 0.46653753603379583 0.9401598168856804 1.2760292121303107 1.6242808892272844 1.7063135064990207 1.7341736406667796 1.7063135064990207 1.6227331039957438 1.2559080041202642 0.8209803540569323 0.7575211595637109 0.5795258579363636 0.3179501538057481 0.13685928171532816 0.07340008722209797 +44158,-0.02720595282813535,2,-0.5070193746061915 -0.633937763592643 -0.49154152229076686 -0.01637145620734167 0.46653753603379583 0.9401598168856804 1.2760292121303107 1.6242808892272844 1.7063135064990207 1.7341736406667796 1.7063135064990207 1.6227331039957438 1.2559080041202642 0.8209803540569323 0.7575211595637109 0.5795258579363636 0.3179501538057481 0.13685928171532816 0.07340008722209797 -0.002441389123466596 +44159,-0.1587676975092178,2,-0.633937763592643 -0.49154152229076686 -0.01637145620734167 0.46653753603379583 0.9401598168856804 1.2760292121303107 1.6242808892272844 1.7063135064990207 1.7341736406667796 1.7063135064990207 1.6227331039957438 1.2559080041202642 0.8209803540569323 0.7575211595637109 0.5795258579363636 0.3179501538057481 0.13685928171532816 0.07340008722209797 -0.002441389123466596 -0.02720595282813535 +44160,-0.33985856959964655,2,-0.49154152229076686 -0.01637145620734167 0.46653753603379583 0.9401598168856804 1.2760292121303107 1.6242808892272844 1.7063135064990207 1.7341736406667796 1.7063135064990207 1.6227331039957438 1.2559080041202642 0.8209803540569323 0.7575211595637109 0.5795258579363636 0.3179501538057481 0.13685928171532816 0.07340008722209797 -0.002441389123466596 -0.02720595282813535 -0.1587676975092178 +44161,-0.17734112028772378,2,-0.01637145620734167 0.46653753603379583 0.9401598168856804 1.2760292121303107 1.6242808892272844 1.7063135064990207 1.7341736406667796 1.7063135064990207 1.6227331039957438 1.2559080041202642 0.8209803540569323 0.7575211595637109 0.5795258579363636 0.3179501538057481 0.13685928171532816 0.07340008722209797 -0.002441389123466596 -0.02720595282813535 -0.1587676975092178 -0.33985856959964655 +44162,-0.15567212704613642,2,0.46653753603379583 0.9401598168856804 1.2760292121303107 1.6242808892272844 1.7063135064990207 1.7341736406667796 1.7063135064990207 1.6227331039957438 1.2559080041202642 0.8209803540569323 0.7575211595637109 0.5795258579363636 0.3179501538057481 0.13685928171532816 0.07340008722209797 -0.002441389123466596 -0.02720595282813535 -0.1587676975092178 -0.33985856959964655 -0.17734112028772378 +44163,-0.18043669075080518,2,0.9401598168856804 1.2760292121303107 1.6242808892272844 1.7063135064990207 1.7341736406667796 1.7063135064990207 1.6227331039957438 1.2559080041202642 0.8209803540569323 0.7575211595637109 0.5795258579363636 0.3179501538057481 0.13685928171532816 0.07340008722209797 -0.002441389123466596 -0.02720595282813535 -0.1587676975092178 -0.33985856959964655 -0.17734112028772378 -0.15567212704613642 +44164,0.12447699986298497,2,1.2760292121303107 1.6242808892272844 1.7063135064990207 1.7341736406667796 1.7063135064990207 1.6227331039957438 1.2559080041202642 0.8209803540569323 0.7575211595637109 0.5795258579363636 0.3179501538057481 0.13685928171532816 0.07340008722209797 -0.002441389123466596 -0.02720595282813535 -0.1587676975092178 -0.33985856959964655 -0.17734112028772378 -0.15567212704613642 -0.18043669075080518 +44165,0.8751528371609095,2,1.6242808892272844 1.7063135064990207 1.7341736406667796 1.7063135064990207 1.6227331039957438 1.2559080041202642 0.8209803540569323 0.7575211595637109 0.5795258579363636 0.3179501538057481 0.13685928171532816 0.07340008722209797 -0.002441389123466596 -0.02720595282813535 -0.1587676975092178 -0.33985856959964655 -0.17734112028772378 -0.15567212704613642 -0.18043669075080518 0.12447699986298497 +44166,1.4400944466737744,2,1.7063135064990207 1.7341736406667796 1.7063135064990207 1.6227331039957438 1.2559080041202642 0.8209803540569323 0.7575211595637109 0.5795258579363636 0.3179501538057481 0.13685928171532816 0.07340008722209797 -0.002441389123466596 -0.02720595282813535 -0.1587676975092178 -0.33985856959964655 -0.17734112028772378 -0.15567212704613642 -0.18043669075080518 0.12447699986298497 0.8751528371609095 +44167,1.9616980697034645,2,1.7341736406667796 1.7063135064990207 1.6227331039957438 1.2559080041202642 0.8209803540569323 0.7575211595637109 0.5795258579363636 0.3179501538057481 0.13685928171532816 0.07340008722209797 -0.002441389123466596 -0.02720595282813535 -0.1587676975092178 -0.33985856959964655 -0.17734112028772378 -0.15567212704613642 -0.18043669075080518 0.12447699986298497 0.8751528371609095 1.4400944466737744 +44168,2.305306391105816,2,1.7063135064990207 1.6227331039957438 1.2559080041202642 0.8209803540569323 0.7575211595637109 0.5795258579363636 0.3179501538057481 0.13685928171532816 0.07340008722209797 -0.002441389123466596 -0.02720595282813535 -0.1587676975092178 -0.33985856959964655 -0.17734112028772378 -0.15567212704613642 -0.18043669075080518 0.12447699986298497 0.8751528371609095 1.4400944466737744 1.9616980697034645 +44169,2.4600849142600265,2,1.6227331039957438 1.2559080041202642 0.8209803540569323 0.7575211595637109 0.5795258579363636 0.3179501538057481 0.13685928171532816 0.07340008722209797 -0.002441389123466596 -0.02720595282813535 -0.1587676975092178 -0.33985856959964655 -0.17734112028772378 -0.15567212704613642 -0.18043669075080518 0.12447699986298497 0.8751528371609095 1.4400944466737744 1.9616980697034645 2.305306391105816 +44170,2.4368681357868898,2,1.2559080041202642 0.8209803540569323 0.7575211595637109 0.5795258579363636 0.3179501538057481 0.13685928171532816 0.07340008722209797 -0.002441389123466596 -0.02720595282813535 -0.1587676975092178 -0.33985856959964655 -0.17734112028772378 -0.15567212704613642 -0.18043669075080518 0.12447699986298497 0.8751528371609095 1.4400944466737744 1.9616980697034645 2.305306391105816 2.4600849142600265 +44171,2.4507982028707733,2,0.8209803540569323 0.7575211595637109 0.5795258579363636 0.3179501538057481 0.13685928171532816 0.07340008722209797 -0.002441389123466596 -0.02720595282813535 -0.1587676975092178 -0.33985856959964655 -0.17734112028772378 -0.15567212704613642 -0.18043669075080518 0.12447699986298497 0.8751528371609095 1.4400944466737744 1.9616980697034645 2.305306391105816 2.4600849142600265 2.4368681357868898 +44172,2.2248215590656293,2,0.7575211595637109 0.5795258579363636 0.3179501538057481 0.13685928171532816 0.07340008722209797 -0.002441389123466596 -0.02720595282813535 -0.1587676975092178 -0.33985856959964655 -0.17734112028772378 -0.15567212704613642 -0.18043669075080518 0.12447699986298497 0.8751528371609095 1.4400944466737744 1.9616980697034645 2.305306391105816 2.4600849142600265 2.4368681357868898 2.4507982028707733 +44173,2.1876747135086174,2,0.5795258579363636 0.3179501538057481 0.13685928171532816 0.07340008722209797 -0.002441389123466596 -0.02720595282813535 -0.1587676975092178 -0.33985856959964655 -0.17734112028772378 -0.15567212704613642 -0.18043669075080518 0.12447699986298497 0.8751528371609095 1.4400944466737744 1.9616980697034645 2.305306391105816 2.4600849142600265 2.4368681357868898 2.4507982028707733 2.2248215590656293 +44174,1.8084673317807947,2,0.3179501538057481 0.13685928171532816 0.07340008722209797 -0.002441389123466596 -0.02720595282813535 -0.1587676975092178 -0.33985856959964655 -0.17734112028772378 -0.15567212704613642 -0.18043669075080518 0.12447699986298497 0.8751528371609095 1.4400944466737744 1.9616980697034645 2.305306391105816 2.4600849142600265 2.4368681357868898 2.4507982028707733 2.2248215590656293 2.1876747135086174 +44175,1.2466212927310112,2,0.13685928171532816 0.07340008722209797 -0.002441389123466596 -0.02720595282813535 -0.1587676975092178 -0.33985856959964655 -0.17734112028772378 -0.15567212704613642 -0.18043669075080518 0.12447699986298497 0.8751528371609095 1.4400944466737744 1.9616980697034645 2.305306391105816 2.4600849142600265 2.4368681357868898 2.4507982028707733 2.2248215590656293 2.1876747135086174 1.8084673317807947 +44176,1.0051667966104425,2,0.07340008722209797 -0.002441389123466596 -0.02720595282813535 -0.1587676975092178 -0.33985856959964655 -0.17734112028772378 -0.15567212704613642 -0.18043669075080518 0.12447699986298497 0.8751528371609095 1.4400944466737744 1.9616980697034645 2.305306391105816 2.4600849142600265 2.4368681357868898 2.4507982028707733 2.2248215590656293 2.1876747135086174 1.8084673317807947 1.2466212927310112 +44177,0.7962157903522635,2,-0.002441389123466596 -0.02720595282813535 -0.1587676975092178 -0.33985856959964655 -0.17734112028772378 -0.15567212704613642 -0.18043669075080518 0.12447699986298497 0.8751528371609095 1.4400944466737744 1.9616980697034645 2.305306391105816 2.4600849142600265 2.4368681357868898 2.4507982028707733 2.2248215590656293 2.1876747135086174 1.8084673317807947 1.2466212927310112 1.0051667966104425 +44178,0.5114233077485113,2,-0.02720595282813535 -0.1587676975092178 -0.33985856959964655 -0.17734112028772378 -0.15567212704613642 -0.18043669075080518 0.12447699986298497 0.8751528371609095 1.4400944466737744 1.9616980697034645 2.305306391105816 2.4600849142600265 2.4368681357868898 2.4507982028707733 2.2248215590656293 2.1876747135086174 1.8084673317807947 1.2466212927310112 1.0051667966104425 0.7962157903522635 +44179,0.3906960596882313,2,-0.1587676975092178 -0.33985856959964655 -0.17734112028772378 -0.15567212704613642 -0.18043669075080518 0.12447699986298497 0.8751528371609095 1.4400944466737744 1.9616980697034645 2.305306391105816 2.4600849142600265 2.4368681357868898 2.4507982028707733 2.2248215590656293 2.1876747135086174 1.8084673317807947 1.2466212927310112 1.0051667966104425 0.7962157903522635 0.5114233077485113 +44180,0.25913431500714884,2,-0.33985856959964655 -0.17734112028772378 -0.15567212704613642 -0.18043669075080518 0.12447699986298497 0.8751528371609095 1.4400944466737744 1.9616980697034645 2.305306391105816 2.4600849142600265 2.4368681357868898 2.4507982028707733 2.2248215590656293 2.1876747135086174 1.8084673317807947 1.2466212927310112 1.0051667966104425 0.7962157903522635 0.5114233077485113 0.3906960596882313 +44181,0.13995485217840953,2,-0.17734112028772378 -0.15567212704613642 -0.18043669075080518 0.12447699986298497 0.8751528371609095 1.4400944466737744 1.9616980697034645 2.305306391105816 2.4600849142600265 2.4368681357868898 2.4507982028707733 2.2248215590656293 2.1876747135086174 1.8084673317807947 1.2466212927310112 1.0051667966104425 0.7962157903522635 0.5114233077485113 0.3906960596882313 0.25913431500714884 +44182,0.12912035555761586,2,-0.15567212704613642 -0.18043669075080518 0.12447699986298497 0.8751528371609095 1.4400944466737744 1.9616980697034645 2.305306391105816 2.4600849142600265 2.4368681357868898 2.4507982028707733 2.2248215590656293 2.1876747135086174 1.8084673317807947 1.2466212927310112 1.0051667966104425 0.7962157903522635 0.5114233077485113 0.3906960596882313 0.25913431500714884 0.13995485217840953 +44183,0.02077538934967026,2,-0.18043669075080518 0.12447699986298497 0.8751528371609095 1.4400944466737744 1.9616980697034645 2.305306391105816 2.4600849142600265 2.4368681357868898 2.4507982028707733 2.2248215590656293 2.1876747135086174 1.8084673317807947 1.2466212927310112 1.0051667966104425 0.7962157903522635 0.5114233077485113 0.3906960596882313 0.25913431500714884 0.13995485217840953 0.12912035555761586 +44184,0.05792223490668219,2,0.12447699986298497 0.8751528371609095 1.4400944466737744 1.9616980697034645 2.305306391105816 2.4600849142600265 2.4368681357868898 2.4507982028707733 2.2248215590656293 2.1876747135086174 1.8084673317807947 1.2466212927310112 1.0051667966104425 0.7962157903522635 0.5114233077485113 0.3906960596882313 0.25913431500714884 0.13995485217840953 0.12912035555761586 0.02077538934967026 +44185,0.05792223490668219,2,0.8751528371609095 1.4400944466737744 1.9616980697034645 2.305306391105816 2.4600849142600265 2.4368681357868898 2.4507982028707733 2.2248215590656293 2.1876747135086174 1.8084673317807947 1.2466212927310112 1.0051667966104425 0.7962157903522635 0.5114233077485113 0.3906960596882313 0.25913431500714884 0.13995485217840953 0.12912035555761586 0.02077538934967026 0.05792223490668219 +44186,-0.13400313380454026,2,1.4400944466737744 1.9616980697034645 2.305306391105816 2.4600849142600265 2.4368681357868898 2.4507982028707733 2.2248215590656293 2.1876747135086174 1.8084673317807947 1.2466212927310112 1.0051667966104425 0.7962157903522635 0.5114233077485113 0.3906960596882313 0.25913431500714884 0.13995485217840953 0.12912035555761586 0.02077538934967026 0.05792223490668219 0.05792223490668219 +44187,-0.08602179162673464,2,1.9616980697034645 2.305306391105816 2.4600849142600265 2.4368681357868898 2.4507982028707733 2.2248215590656293 2.1876747135086174 1.8084673317807947 1.2466212927310112 1.0051667966104425 0.7962157903522635 0.5114233077485113 0.3906960596882313 0.25913431500714884 0.13995485217840953 0.12912035555761586 0.02077538934967026 0.05792223490668219 0.05792223490668219 -0.13400313380454026 +44188,0.16936277157770918,2,2.305306391105816 2.4600849142600265 2.4368681357868898 2.4507982028707733 2.2248215590656293 2.1876747135086174 1.8084673317807947 1.2466212927310112 1.0051667966104425 0.7962157903522635 0.5114233077485113 0.3906960596882313 0.25913431500714884 0.13995485217840953 0.12912035555761586 0.02077538934967026 0.05792223490668219 0.05792223490668219 -0.13400313380454026 -0.08602179162673464 +44189,0.8875351190132439,2,2.4600849142600265 2.4368681357868898 2.4507982028707733 2.2248215590656293 2.1876747135086174 1.8084673317807947 1.2466212927310112 1.0051667966104425 0.7962157903522635 0.5114233077485113 0.3906960596882313 0.25913431500714884 0.13995485217840953 0.12912035555761586 0.02077538934967026 0.05792223490668219 0.05792223490668219 -0.13400313380454026 -0.08602179162673464 0.16936277157770918 +44190,1.4586678694522803,2,2.4368681357868898 2.4507982028707733 2.2248215590656293 2.1876747135086174 1.8084673317807947 1.2466212927310112 1.0051667966104425 0.7962157903522635 0.5114233077485113 0.3906960596882313 0.25913431500714884 0.13995485217840953 0.12912035555761586 0.02077538934967026 0.05792223490668219 0.05792223490668219 -0.13400313380454026 -0.08602179162673464 0.16936277157770918 0.8875351190132439 +44191,2.0483740426698227,2,2.4507982028707733 2.2248215590656293 2.1876747135086174 1.8084673317807947 1.2466212927310112 1.0051667966104425 0.7962157903522635 0.5114233077485113 0.3906960596882313 0.25913431500714884 0.13995485217840953 0.12912035555761586 0.02077538934967026 0.05792223490668219 0.05792223490668219 -0.13400313380454026 -0.08602179162673464 0.16936277157770918 0.8875351190132439 1.4586678694522803 +44192,2.3393576661997377,2,2.2248215590656293 2.1876747135086174 1.8084673317807947 1.2466212927310112 1.0051667966104425 0.7962157903522635 0.5114233077485113 0.3906960596882313 0.25913431500714884 0.13995485217840953 0.12912035555761586 0.02077538934967026 0.05792223490668219 0.05792223490668219 -0.13400313380454026 -0.08602179162673464 0.16936277157770918 0.8875351190132439 1.4586678694522803 2.0483740426698227 +44193,2.5653343100048906,2,2.1876747135086174 1.8084673317807947 1.2466212927310112 1.0051667966104425 0.7962157903522635 0.5114233077485113 0.3906960596882313 0.25913431500714884 0.13995485217840953 0.12912035555761586 0.02077538934967026 0.05792223490668219 0.05792223490668219 -0.13400313380454026 -0.08602179162673464 0.16936277157770918 0.8875351190132439 1.4586678694522803 2.0483740426698227 2.3393576661997377 +44194,2.4972317598170384,2,1.8084673317807947 1.2466212927310112 1.0051667966104425 0.7962157903522635 0.5114233077485113 0.3906960596882313 0.25913431500714884 0.13995485217840953 0.12912035555761586 0.02077538934967026 0.05792223490668219 0.05792223490668219 -0.13400313380454026 -0.08602179162673464 0.16936277157770918 0.8875351190132439 1.4586678694522803 2.0483740426698227 2.3393576661997377 2.5653343100048906 +44195,2.421390283471474,2,1.2466212927310112 1.0051667966104425 0.7962157903522635 0.5114233077485113 0.3906960596882313 0.25913431500714884 0.13995485217840953 0.12912035555761586 0.02077538934967026 0.05792223490668219 0.05792223490668219 -0.13400313380454026 -0.08602179162673464 0.16936277157770918 0.8875351190132439 1.4586678694522803 2.0483740426698227 2.3393576661997377 2.5653343100048906 2.4972317598170384 +44196,2.3145931024950688,2,1.0051667966104425 0.7962157903522635 0.5114233077485113 0.3906960596882313 0.25913431500714884 0.13995485217840953 0.12912035555761586 0.02077538934967026 0.05792223490668219 0.05792223490668219 -0.13400313380454026 -0.08602179162673464 0.16936277157770918 0.8875351190132439 1.4586678694522803 2.0483740426698227 2.3393576661997377 2.5653343100048906 2.4972317598170384 2.421390283471474 +44197,2.1876747135086174,2,0.7962157903522635 0.5114233077485113 0.3906960596882313 0.25913431500714884 0.13995485217840953 0.12912035555761586 0.02077538934967026 0.05792223490668219 0.05792223490668219 -0.13400313380454026 -0.08602179162673464 0.16936277157770918 0.8875351190132439 1.4586678694522803 2.0483740426698227 2.3393576661997377 2.5653343100048906 2.4972317598170384 2.421390283471474 2.3145931024950688 +44198,2.000392700492017,2,0.5114233077485113 0.3906960596882313 0.25913431500714884 0.13995485217840953 0.12912035555761586 0.02077538934967026 0.05792223490668219 0.05792223490668219 -0.13400313380454026 -0.08602179162673464 0.16936277157770918 0.8875351190132439 1.4586678694522803 2.0483740426698227 2.3393576661997377 2.5653343100048906 2.4972317598170384 2.421390283471474 2.3145931024950688 2.1876747135086174 +44199,1.4044953863483118,2,0.3906960596882313 0.25913431500714884 0.13995485217840953 0.12912035555761586 0.02077538934967026 0.05792223490668219 0.05792223490668219 -0.13400313380454026 -0.08602179162673464 0.16936277157770918 0.8875351190132439 1.4586678694522803 2.0483740426698227 2.3393576661997377 2.5653343100048906 2.4972317598170384 2.421390283471474 2.3145931024950688 2.1876747135086174 2.000392700492017 +44200,1.1893532391639525,2,0.25913431500714884 0.13995485217840953 0.12912035555761586 0.02077538934967026 0.05792223490668219 0.05792223490668219 -0.13400313380454026 -0.08602179162673464 0.16936277157770918 0.8875351190132439 1.4586678694522803 2.0483740426698227 2.3393576661997377 2.5653343100048906 2.4972317598170384 2.421390283471474 2.3145931024950688 2.1876747135086174 2.000392700492017 1.4044953863483118 +44201,0.9308731054964273,2,0.13995485217840953 0.12912035555761586 0.02077538934967026 0.05792223490668219 0.05792223490668219 -0.13400313380454026 -0.08602179162673464 0.16936277157770918 0.8875351190132439 1.4586678694522803 2.0483740426698227 2.3393576661997377 2.5653343100048906 2.4972317598170384 2.421390283471474 2.3145931024950688 2.1876747135086174 2.000392700492017 1.4044953863483118 1.1893532391639525 +44202,0.7358521663221236,2,0.12912035555761586 0.02077538934967026 0.05792223490668219 0.05792223490668219 -0.13400313380454026 -0.08602179162673464 0.16936277157770918 0.8875351190132439 1.4586678694522803 2.0483740426698227 2.3393576661997377 2.5653343100048906 2.4972317598170384 2.421390283471474 2.3145931024950688 2.1876747135086174 2.000392700492017 1.4044953863483118 1.1893532391639525 0.9308731054964273 +44203,0.5330923009901074,2,0.02077538934967026 0.05792223490668219 0.05792223490668219 -0.13400313380454026 -0.08602179162673464 0.16936277157770918 0.8875351190132439 1.4586678694522803 2.0483740426698227 2.3393576661997377 2.5653343100048906 2.4972317598170384 2.421390283471474 2.3145931024950688 2.1876747135086174 2.000392700492017 1.4044953863483118 1.1893532391639525 0.9308731054964273 0.7358521663221236 +44204,0.45105968371837124,2,0.05792223490668219 0.05792223490668219 -0.13400313380454026 -0.08602179162673464 0.16936277157770918 0.8875351190132439 1.4586678694522803 2.0483740426698227 2.3393576661997377 2.5653343100048906 2.4972317598170384 2.421390283471474 2.3145931024950688 2.1876747135086174 2.000392700492017 1.4044953863483118 1.1893532391639525 0.9308731054964273 0.7358521663221236 0.5330923009901074 +44205,0.271516596859492,2,0.05792223490668219 -0.13400313380454026 -0.08602179162673464 0.16936277157770918 0.8875351190132439 1.4586678694522803 2.0483740426698227 2.3393576661997377 2.5653343100048906 2.4972317598170384 2.421390283471474 2.3145931024950688 2.1876747135086174 2.000392700492017 1.4044953863483118 1.1893532391639525 0.9308731054964273 0.7358521663221236 0.5330923009901074 0.45105968371837124 +44206,0.2111529728293432,2,-0.13400313380454026 -0.08602179162673464 0.16936277157770918 0.8875351190132439 1.4586678694522803 2.0483740426698227 2.3393576661997377 2.5653343100048906 2.4972317598170384 2.421390283471474 2.3145931024950688 2.1876747135086174 2.000392700492017 1.4044953863483118 1.1893532391639525 0.9308731054964273 0.7358521663221236 0.5330923009901074 0.45105968371837124 0.271516596859492 +44207,0.09352129523214463,2,-0.08602179162673464 0.16936277157770918 0.8875351190132439 1.4586678694522803 2.0483740426698227 2.3393576661997377 2.5653343100048906 2.4972317598170384 2.421390283471474 2.3145931024950688 2.1876747135086174 2.000392700492017 1.4044953863483118 1.1893532391639525 0.9308731054964273 0.7358521663221236 0.5330923009901074 0.45105968371837124 0.271516596859492 0.2111529728293432 +44208,0.008393107497327084,2,0.16936277157770918 0.8875351190132439 1.4586678694522803 2.0483740426698227 2.3393576661997377 2.5653343100048906 2.4972317598170384 2.421390283471474 2.3145931024950688 2.1876747135086174 2.000392700492017 1.4044953863483118 1.1893532391639525 0.9308731054964273 0.7358521663221236 0.5330923009901074 0.45105968371837124 0.271516596859492 0.2111529728293432 0.09352129523214463 +44209,0.07185230199055727,2,0.8875351190132439 1.4586678694522803 2.0483740426698227 2.3393576661997377 2.5653343100048906 2.4972317598170384 2.421390283471474 2.3145931024950688 2.1876747135086174 2.000392700492017 1.4044953863483118 1.1893532391639525 0.9308731054964273 0.7358521663221236 0.5330923009901074 0.45105968371837124 0.271516596859492 0.2111529728293432 0.09352129523214463 0.008393107497327084 +44210,-0.06280501315360658,2,1.4586678694522803 2.0483740426698227 2.3393576661997377 2.5653343100048906 2.4972317598170384 2.421390283471474 2.3145931024950688 2.1876747135086174 2.000392700492017 1.4044953863483118 1.1893532391639525 0.9308731054964273 0.7358521663221236 0.5330923009901074 0.45105968371837124 0.271516596859492 0.2111529728293432 0.09352129523214463 0.008393107497327084 0.07185230199055727 +44211,-0.019467026670423066,2,2.0483740426698227 2.3393576661997377 2.5653343100048906 2.4972317598170384 2.421390283471474 2.3145931024950688 2.1876747135086174 2.000392700492017 1.4044953863483118 1.1893532391639525 0.9308731054964273 0.7358521663221236 0.5330923009901074 0.45105968371837124 0.271516596859492 0.2111529728293432 0.09352129523214463 0.008393107497327084 0.07185230199055727 -0.06280501315360658 +44212,0.19103176481929654,2,2.3393576661997377 2.5653343100048906 2.4972317598170384 2.421390283471474 2.3145931024950688 2.1876747135086174 2.000392700492017 1.4044953863483118 1.1893532391639525 0.9308731054964273 0.7358521663221236 0.5330923009901074 0.45105968371837124 0.271516596859492 0.2111529728293432 0.09352129523214463 0.008393107497327084 0.07185230199055727 -0.06280501315360658 -0.019467026670423066 +44213,0.8689616962347378,2,2.5653343100048906 2.4972317598170384 2.421390283471474 2.3145931024950688 2.1876747135086174 2.000392700492017 1.4044953863483118 1.1893532391639525 0.9308731054964273 0.7358521663221236 0.5330923009901074 0.45105968371837124 0.271516596859492 0.2111529728293432 0.09352129523214463 0.008393107497327084 0.07185230199055727 -0.06280501315360658 -0.019467026670423066 0.19103176481929654 +44214,1.3658007555597593,2,2.4972317598170384 2.421390283471474 2.3145931024950688 2.1876747135086174 2.000392700492017 1.4044953863483118 1.1893532391639525 0.9308731054964273 0.7358521663221236 0.5330923009901074 0.45105968371837124 0.271516596859492 0.2111529728293432 0.09352129523214463 0.008393107497327084 0.07185230199055727 -0.06280501315360658 -0.019467026670423066 0.19103176481929654 0.8689616962347378 +44215,1.8394230364116437,2,2.421390283471474 2.3145931024950688 2.1876747135086174 2.000392700492017 1.4044953863483118 1.1893532391639525 0.9308731054964273 0.7358521663221236 0.5330923009901074 0.45105968371837124 0.271516596859492 0.2111529728293432 0.09352129523214463 0.008393107497327084 0.07185230199055727 -0.06280501315360658 -0.019467026670423066 0.19103176481929654 0.8689616962347378 1.3658007555597593 +44216,2.1861269282770768,2,2.3145931024950688 2.1876747135086174 2.000392700492017 1.4044953863483118 1.1893532391639525 0.9308731054964273 0.7358521663221236 0.5330923009901074 0.45105968371837124 0.271516596859492 0.2111529728293432 0.09352129523214463 0.008393107497327084 0.07185230199055727 -0.06280501315360658 -0.019467026670423066 0.19103176481929654 0.8689616962347378 1.3658007555597593 1.8394230364116437 +44217,2.189222498740158,2,2.1876747135086174 2.000392700492017 1.4044953863483118 1.1893532391639525 0.9308731054964273 0.7358521663221236 0.5330923009901074 0.45105968371837124 0.271516596859492 0.2111529728293432 0.09352129523214463 0.008393107497327084 0.07185230199055727 -0.06280501315360658 -0.019467026670423066 0.19103176481929654 0.8689616962347378 1.3658007555597593 1.8394230364116437 2.1861269282770768 +44218,2.1613623645723994,2,2.000392700492017 1.4044953863483118 1.1893532391639525 0.9308731054964273 0.7358521663221236 0.5330923009901074 0.45105968371837124 0.271516596859492 0.2111529728293432 0.09352129523214463 0.008393107497327084 0.07185230199055727 -0.06280501315360658 -0.019467026670423066 0.19103176481929654 0.8689616962347378 1.3658007555597593 1.8394230364116437 2.1861269282770768 2.189222498740158 +44219,2.2341082704548736,2,1.4044953863483118 1.1893532391639525 0.9308731054964273 0.7358521663221236 0.5330923009901074 0.45105968371837124 0.271516596859492 0.2111529728293432 0.09352129523214463 0.008393107497327084 0.07185230199055727 -0.06280501315360658 -0.019467026670423066 0.19103176481929654 0.8689616962347378 1.3658007555597593 1.8394230364116437 2.1861269282770768 2.189222498740158 2.1613623645723994 +44220,2.251133908001839,2,1.1893532391639525 0.9308731054964273 0.7358521663221236 0.5330923009901074 0.45105968371837124 0.271516596859492 0.2111529728293432 0.09352129523214463 0.008393107497327084 0.07185230199055727 -0.06280501315360658 -0.019467026670423066 0.19103176481929654 0.8689616962347378 1.3658007555597593 1.8394230364116437 2.1861269282770768 2.189222498740158 2.1613623645723994 2.2341082704548736 +44221,2.079329747300663,2,0.9308731054964273 0.7358521663221236 0.5330923009901074 0.45105968371837124 0.271516596859492 0.2111529728293432 0.09352129523214463 0.008393107497327084 0.07185230199055727 -0.06280501315360658 -0.019467026670423066 0.19103176481929654 0.8689616962347378 1.3658007555597593 1.8394230364116437 2.1861269282770768 2.189222498740158 2.1613623645723994 2.2341082704548736 2.251133908001839 +44222,1.6877400837205148,2,0.7358521663221236 0.5330923009901074 0.45105968371837124 0.271516596859492 0.2111529728293432 0.09352129523214463 0.008393107497327084 0.07185230199055727 -0.06280501315360658 -0.019467026670423066 0.19103176481929654 0.8689616962347378 1.3658007555597593 1.8394230364116437 2.1861269282770768 2.189222498740158 2.1613623645723994 2.2341082704548736 2.251133908001839 2.079329747300663 +44223,1.2559080041202642,2,0.5330923009901074 0.45105968371837124 0.271516596859492 0.2111529728293432 0.09352129523214463 0.008393107497327084 0.07185230199055727 -0.06280501315360658 -0.019467026670423066 0.19103176481929654 0.8689616962347378 1.3658007555597593 1.8394230364116437 2.1861269282770768 2.189222498740158 2.1613623645723994 2.2341082704548736 2.251133908001839 2.079329747300663 1.6877400837205148 +44224,1.1924488096270427,2,0.45105968371837124 0.271516596859492 0.2111529728293432 0.09352129523214463 0.008393107497327084 0.07185230199055727 -0.06280501315360658 -0.019467026670423066 0.19103176481929654 0.8689616962347378 1.3658007555597593 1.8394230364116437 2.1861269282770768 2.189222498740158 2.1613623645723994 2.2341082704548736 2.251133908001839 2.079329747300663 1.6877400837205148 1.2559080041202642 +44225,0.9865933738319452,2,0.271516596859492 0.2111529728293432 0.09352129523214463 0.008393107497327084 0.07185230199055727 -0.06280501315360658 -0.019467026670423066 0.19103176481929654 0.8689616962347378 1.3658007555597593 1.8394230364116437 2.1861269282770768 2.189222498740158 2.1613623645723994 2.2341082704548736 2.251133908001839 2.079329747300663 1.6877400837205148 1.2559080041202642 1.1924488096270427 +44226,0.8720572666978281,2,0.2111529728293432 0.09352129523214463 0.008393107497327084 0.07185230199055727 -0.06280501315360658 -0.019467026670423066 0.19103176481929654 0.8689616962347378 1.3658007555597593 1.8394230364116437 2.1861269282770768 2.189222498740158 2.1613623645723994 2.2341082704548736 2.251133908001839 2.079329747300663 1.6877400837205148 1.2559080041202642 1.1924488096270427 0.9865933738319452 +44227,0.7822857232683796,2,0.09352129523214463 0.008393107497327084 0.07185230199055727 -0.06280501315360658 -0.019467026670423066 0.19103176481929654 0.8689616962347378 1.3658007555597593 1.8394230364116437 2.1861269282770768 2.189222498740158 2.1613623645723994 2.2341082704548736 2.251133908001839 2.079329747300663 1.6877400837205148 1.2559080041202642 1.1924488096270427 0.9865933738319452 0.8720572666978281 +44228,0.6011948511779597,2,0.008393107497327084 0.07185230199055727 -0.06280501315360658 -0.019467026670423066 0.19103176481929654 0.8689616962347378 1.3658007555597593 1.8394230364116437 2.1861269282770768 2.189222498740158 2.1613623645723994 2.2341082704548736 2.251133908001839 2.079329747300663 1.6877400837205148 1.2559080041202642 1.1924488096270427 0.9865933738319452 0.8720572666978281 0.7822857232683796 +44229,0.5748825022417414,2,0.07185230199055727 -0.06280501315360658 -0.019467026670423066 0.19103176481929654 0.8689616962347378 1.3658007555597593 1.8394230364116437 2.1861269282770768 2.189222498740158 2.1613623645723994 2.2341082704548736 2.251133908001839 2.079329747300663 1.6877400837205148 1.2559080041202642 1.1924488096270427 0.9865933738319452 0.8720572666978281 0.7822857232683796 0.6011948511779597 +44230,0.3674792812151032,2,-0.06280501315360658 -0.019467026670423066 0.19103176481929654 0.8689616962347378 1.3658007555597593 1.8394230364116437 2.1861269282770768 2.189222498740158 2.1613623645723994 2.2341082704548736 2.251133908001839 2.079329747300663 1.6877400837205148 1.2559080041202642 1.1924488096270427 0.9865933738319452 0.8720572666978281 0.7822857232683796 0.6011948511779597 0.5748825022417414 +44231,0.38140934829897827,2,-0.019467026670423066 0.19103176481929654 0.8689616962347378 1.3658007555597593 1.8394230364116437 2.1861269282770768 2.189222498740158 2.1613623645723994 2.2341082704548736 2.251133908001839 2.079329747300663 1.6877400837205148 1.2559080041202642 1.1924488096270427 0.9865933738319452 0.8720572666978281 0.7822857232683796 0.6011948511779597 0.5748825022417414 0.3674792812151032 +44232,0.2792555230171955,2,0.19103176481929654 0.8689616962347378 1.3658007555597593 1.8394230364116437 2.1861269282770768 2.189222498740158 2.1613623645723994 2.2341082704548736 2.251133908001839 2.079329747300663 1.6877400837205148 1.2559080041202642 1.1924488096270427 0.9865933738319452 0.8720572666978281 0.7822857232683796 0.6011948511779597 0.5748825022417414 0.3674792812151032 0.38140934829897827 +44233,0.29163780486953866,2,0.8689616962347378 1.3658007555597593 1.8394230364116437 2.1861269282770768 2.189222498740158 2.1613623645723994 2.2341082704548736 2.251133908001839 2.079329747300663 1.6877400837205148 1.2559080041202642 1.1924488096270427 0.9865933738319452 0.8720572666978281 0.7822857232683796 0.6011948511779597 0.5748825022417414 0.3674792812151032 0.38140934829897827 0.2792555230171955 +44234,0.15233713403074392,2,1.3658007555597593 1.8394230364116437 2.1861269282770768 2.189222498740158 2.1613623645723994 2.2341082704548736 2.251133908001839 2.079329747300663 1.6877400837205148 1.2559080041202642 1.1924488096270427 0.9865933738319452 0.8720572666978281 0.7822857232683796 0.6011948511779597 0.5748825022417414 0.3674792812151032 0.38140934829897827 0.2792555230171955 0.29163780486953866 +44235,0.07804344291672885,2,1.8394230364116437 2.1861269282770768 2.189222498740158 2.1613623645723994 2.2341082704548736 2.251133908001839 2.079329747300663 1.6877400837205148 1.2559080041202642 1.1924488096270427 0.9865933738319452 0.8720572666978281 0.7822857232683796 0.6011948511779597 0.5748825022417414 0.3674792812151032 0.38140934829897827 0.2792555230171955 0.29163780486953866 0.15233713403074392 +44236,0.2204396842185962,2,2.1861269282770768 2.189222498740158 2.1613623645723994 2.2341082704548736 2.251133908001839 2.079329747300663 1.6877400837205148 1.2559080041202642 1.1924488096270427 0.9865933738319452 0.8720572666978281 0.7822857232683796 0.6011948511779597 0.5748825022417414 0.3674792812151032 0.38140934829897827 0.2792555230171955 0.29163780486953866 0.15233713403074392 0.07804344291672885 +44237,0.6662018309027218,2,2.189222498740158 2.1613623645723994 2.2341082704548736 2.251133908001839 2.079329747300663 1.6877400837205148 1.2559080041202642 1.1924488096270427 0.9865933738319452 0.8720572666978281 0.7822857232683796 0.6011948511779597 0.5748825022417414 0.3674792812151032 0.38140934829897827 0.2792555230171955 0.29163780486953866 0.15233713403074392 0.07804344291672885 0.2204396842185962 +44238,1.0221924341574078,2,2.1613623645723994 2.2341082704548736 2.251133908001839 2.079329747300663 1.6877400837205148 1.2559080041202642 1.1924488096270427 0.9865933738319452 0.8720572666978281 0.7822857232683796 0.6011948511779597 0.5748825022417414 0.3674792812151032 0.38140934829897827 0.2792555230171955 0.29163780486953866 0.15233713403074392 0.07804344291672885 0.2204396842185962 0.6662018309027218 +44239,1.311628272455782,2,2.2341082704548736 2.251133908001839 2.079329747300663 1.6877400837205148 1.2559080041202642 1.1924488096270427 0.9865933738319452 0.8720572666978281 0.7822857232683796 0.6011948511779597 0.5748825022417414 0.3674792812151032 0.38140934829897827 0.2792555230171955 0.29163780486953866 0.15233713403074392 0.07804344291672885 0.2204396842185962 0.6662018309027218 1.0221924341574078 +44240,1.5608216947340632,2,2.251133908001839 2.079329747300663 1.6877400837205148 1.2559080041202642 1.1924488096270427 0.9865933738319452 0.8720572666978281 0.7822857232683796 0.6011948511779597 0.5748825022417414 0.3674792812151032 0.38140934829897827 0.2792555230171955 0.29163780486953866 0.15233713403074392 0.07804344291672885 0.2204396842185962 0.6662018309027218 1.0221924341574078 1.311628272455782 +44241,1.6598799495527556,2,2.079329747300663 1.6877400837205148 1.2559080041202642 1.1924488096270427 0.9865933738319452 0.8720572666978281 0.7822857232683796 0.6011948511779597 0.5748825022417414 0.3674792812151032 0.38140934829897827 0.2792555230171955 0.29163780486953866 0.15233713403074392 0.07804344291672885 0.2204396842185962 0.6662018309027218 1.0221924341574078 1.311628272455782 1.5608216947340632 +44242,1.7171480031198143,2,1.6877400837205148 1.2559080041202642 1.1924488096270427 0.9865933738319452 0.8720572666978281 0.7822857232683796 0.6011948511779597 0.5748825022417414 0.3674792812151032 0.38140934829897827 0.2792555230171955 0.29163780486953866 0.15233713403074392 0.07804344291672885 0.2204396842185962 0.6662018309027218 1.0221924341574078 1.311628272455782 1.5608216947340632 1.6598799495527556 +44243,1.6227331039957438,2,1.2559080041202642 1.1924488096270427 0.9865933738319452 0.8720572666978281 0.7822857232683796 0.6011948511779597 0.5748825022417414 0.3674792812151032 0.38140934829897827 0.2792555230171955 0.29163780486953866 0.15233713403074392 0.07804344291672885 0.2204396842185962 0.6662018309027218 1.0221924341574078 1.311628272455782 1.5608216947340632 1.6598799495527556 1.7171480031198143 +44244,1.5360571310293856,2,1.1924488096270427 0.9865933738319452 0.8720572666978281 0.7822857232683796 0.6011948511779597 0.5748825022417414 0.3674792812151032 0.38140934829897827 0.2792555230171955 0.29163780486953866 0.15233713403074392 0.07804344291672885 0.2204396842185962 0.6662018309027218 1.0221924341574078 1.311628272455782 1.5608216947340632 1.6598799495527556 1.7171480031198143 1.6227331039957438 +44245,1.3967564601905995,2,0.9865933738319452 0.8720572666978281 0.7822857232683796 0.6011948511779597 0.5748825022417414 0.3674792812151032 0.38140934829897827 0.2792555230171955 0.29163780486953866 0.15233713403074392 0.07804344291672885 0.2204396842185962 0.6662018309027218 1.0221924341574078 1.311628272455782 1.5608216947340632 1.6598799495527556 1.7171480031198143 1.6227331039957438 1.5360571310293856 +44246,1.1676842459223653,2,0.8720572666978281 0.7822857232683796 0.6011948511779597 0.5748825022417414 0.3674792812151032 0.38140934829897827 0.2792555230171955 0.29163780486953866 0.15233713403074392 0.07804344291672885 0.2204396842185962 0.6662018309027218 1.0221924341574078 1.311628272455782 1.5608216947340632 1.6598799495527556 1.7171480031198143 1.6227331039957438 1.5360571310293856 1.3967564601905995 +44247,0.8859873337817031,2,0.7822857232683796 0.6011948511779597 0.5748825022417414 0.3674792812151032 0.38140934829897827 0.2792555230171955 0.29163780486953866 0.15233713403074392 0.07804344291672885 0.2204396842185962 0.6662018309027218 1.0221924341574078 1.311628272455782 1.5608216947340632 1.6598799495527556 1.7171480031198143 1.6227331039957438 1.5360571310293856 1.3967564601905995 1.1676842459223653 +44248,0.6863230389127685,2,0.6011948511779597 0.5748825022417414 0.3674792812151032 0.38140934829897827 0.2792555230171955 0.29163780486953866 0.15233713403074392 0.07804344291672885 0.2204396842185962 0.6662018309027218 1.0221924341574078 1.311628272455782 1.5608216947340632 1.6598799495527556 1.7171480031198143 1.6227331039957438 1.5360571310293856 1.3967564601905995 1.1676842459223653 0.8859873337817031 +44249,0.5888125693256165,2,0.5748825022417414 0.3674792812151032 0.38140934829897827 0.2792555230171955 0.29163780486953866 0.15233713403074392 0.07804344291672885 0.2204396842185962 0.6662018309027218 1.0221924341574078 1.311628272455782 1.5608216947340632 1.6598799495527556 1.7171480031198143 1.6227331039957438 1.5360571310293856 1.3967564601905995 1.1676842459223653 0.8859873337817031 0.6863230389127685 +44250,0.434034046171406,2,0.3674792812151032 0.38140934829897827 0.2792555230171955 0.29163780486953866 0.15233713403074392 0.07804344291672885 0.2204396842185962 0.6662018309027218 1.0221924341574078 1.311628272455782 1.5608216947340632 1.6598799495527556 1.7171480031198143 1.6227331039957438 1.5360571310293856 1.3967564601905995 1.1676842459223653 0.8859873337817031 0.6863230389127685 0.5888125693256165 +44251,0.3334280061211727,2,0.38140934829897827 0.2792555230171955 0.29163780486953866 0.15233713403074392 0.07804344291672885 0.2204396842185962 0.6662018309027218 1.0221924341574078 1.311628272455782 1.5608216947340632 1.6598799495527556 1.7171480031198143 1.6227331039957438 1.5360571310293856 1.3967564601905995 1.1676842459223653 0.8859873337817031 0.6863230389127685 0.5888125693256165 0.434034046171406 +44252,0.2792555230171955,2,0.2792555230171955 0.29163780486953866 0.15233713403074392 0.07804344291672885 0.2204396842185962 0.6662018309027218 1.0221924341574078 1.311628272455782 1.5608216947340632 1.6598799495527556 1.7171480031198143 1.6227331039957438 1.5360571310293856 1.3967564601905995 1.1676842459223653 0.8859873337817031 0.6863230389127685 0.5888125693256165 0.434034046171406 0.3334280061211727 +44253,0.14150263740995023,2,0.29163780486953866 0.15233713403074392 0.07804344291672885 0.2204396842185962 0.6662018309027218 1.0221924341574078 1.311628272455782 1.5608216947340632 1.6598799495527556 1.7171480031198143 1.6227331039957438 1.5360571310293856 1.3967564601905995 1.1676842459223653 0.8859873337817031 0.6863230389127685 0.5888125693256165 0.434034046171406 0.3334280061211727 0.2792555230171955 +44254,0.105903577084479,2,0.15233713403074392 0.07804344291672885 0.2204396842185962 0.6662018309027218 1.0221924341574078 1.311628272455782 1.5608216947340632 1.6598799495527556 1.7171480031198143 1.6227331039957438 1.5360571310293856 1.3967564601905995 1.1676842459223653 0.8859873337817031 0.6863230389127685 0.5888125693256165 0.434034046171406 0.3334280061211727 0.2792555230171955 0.14150263740995023 +44255,0.05792223490668219,2,0.07804344291672885 0.2204396842185962 0.6662018309027218 1.0221924341574078 1.311628272455782 1.5608216947340632 1.6598799495527556 1.7171480031198143 1.6227331039957438 1.5360571310293856 1.3967564601905995 1.1676842459223653 0.8859873337817031 0.6863230389127685 0.5888125693256165 0.434034046171406 0.3334280061211727 0.2792555230171955 0.14150263740995023 0.105903577084479 +44256,0.033157671202004635,2,0.2204396842185962 0.6662018309027218 1.0221924341574078 1.311628272455782 1.5608216947340632 1.6598799495527556 1.7171480031198143 1.6227331039957438 1.5360571310293856 1.3967564601905995 1.1676842459223653 0.8859873337817031 0.6863230389127685 0.5888125693256165 0.434034046171406 0.3334280061211727 0.2792555230171955 0.14150263740995023 0.105903577084479 0.05792223490668219 +44257,0.05792223490668219,2,0.6662018309027218 1.0221924341574078 1.311628272455782 1.5608216947340632 1.6598799495527556 1.7171480031198143 1.6227331039957438 1.5360571310293856 1.3967564601905995 1.1676842459223653 0.8859873337817031 0.6863230389127685 0.5888125693256165 0.434034046171406 0.3334280061211727 0.2792555230171955 0.14150263740995023 0.105903577084479 0.05792223490668219 0.033157671202004635 +44258,0.034705456433545334,2,1.0221924341574078 1.311628272455782 1.5608216947340632 1.6598799495527556 1.7171480031198143 1.6227331039957438 1.5360571310293856 1.3967564601905995 1.1676842459223653 0.8859873337817031 0.6863230389127685 0.5888125693256165 0.434034046171406 0.3334280061211727 0.2792555230171955 0.14150263740995023 0.105903577084479 0.05792223490668219 0.033157671202004635 0.05792223490668219 +44259,-0.02720595282813535,2,1.311628272455782 1.5608216947340632 1.6598799495527556 1.7171480031198143 1.6227331039957438 1.5360571310293856 1.3967564601905995 1.1676842459223653 0.8859873337817031 0.6863230389127685 0.5888125693256165 0.434034046171406 0.3334280061211727 0.2792555230171955 0.14150263740995023 0.105903577084479 0.05792223490668219 0.033157671202004635 0.05792223490668219 0.034705456433545334 +44260,0.10280800662139761,2,1.5608216947340632 1.6598799495527556 1.7171480031198143 1.6227331039957438 1.5360571310293856 1.3967564601905995 1.1676842459223653 0.8859873337817031 0.6863230389127685 0.5888125693256165 0.434034046171406 0.3334280061211727 0.2792555230171955 0.14150263740995023 0.105903577084479 0.05792223490668219 0.033157671202004635 0.05792223490668219 0.034705456433545334 -0.02720595282813535 +44261,0.30092451625879163,2,1.6598799495527556 1.7171480031198143 1.6227331039957438 1.5360571310293856 1.3967564601905995 1.1676842459223653 0.8859873337817031 0.6863230389127685 0.5888125693256165 0.434034046171406 0.3334280061211727 0.2792555230171955 0.14150263740995023 0.105903577084479 0.05792223490668219 0.033157671202004635 0.05792223490668219 0.034705456433545334 -0.02720595282813535 0.10280800662139761 +44262,0.5021365963592582,2,1.7171480031198143 1.6227331039957438 1.5360571310293856 1.3967564601905995 1.1676842459223653 0.8859873337817031 0.6863230389127685 0.5888125693256165 0.434034046171406 0.3334280061211727 0.2792555230171955 0.14150263740995023 0.105903577084479 0.05792223490668219 0.033157671202004635 0.05792223490668219 0.034705456433545334 -0.02720595282813535 0.10280800662139761 0.30092451625879163 +44263,0.6754885422919747,2,1.6227331039957438 1.5360571310293856 1.3967564601905995 1.1676842459223653 0.8859873337817031 0.6863230389127685 0.5888125693256165 0.434034046171406 0.3334280061211727 0.2792555230171955 0.14150263740995023 0.105903577084479 0.05792223490668219 0.033157671202004635 0.05792223490668219 0.034705456433545334 -0.02720595282813535 0.10280800662139761 0.30092451625879163 0.5021365963592582 +44264,0.8426493472985285,2,1.5360571310293856 1.3967564601905995 1.1676842459223653 0.8859873337817031 0.6863230389127685 0.5888125693256165 0.434034046171406 0.3334280061211727 0.2792555230171955 0.14150263740995023 0.105903577084479 0.05792223490668219 0.033157671202004635 0.05792223490668219 0.034705456433545334 -0.02720595282813535 0.10280800662139761 0.30092451625879163 0.5021365963592582 0.6754885422919747 +44265,0.90920411225484,2,1.3967564601905995 1.1676842459223653 0.8859873337817031 0.6863230389127685 0.5888125693256165 0.434034046171406 0.3334280061211727 0.2792555230171955 0.14150263740995023 0.105903577084479 0.05792223490668219 0.033157671202004635 0.05792223490668219 0.034705456433545334 -0.02720595282813535 0.10280800662139761 0.30092451625879163 0.5021365963592582 0.6754885422919747 0.8426493472985285 +44266,0.8937262599394155,2,1.1676842459223653 0.8859873337817031 0.6863230389127685 0.5888125693256165 0.434034046171406 0.3334280061211727 0.2792555230171955 0.14150263740995023 0.105903577084479 0.05792223490668219 0.033157671202004635 0.05792223490668219 0.034705456433545334 -0.02720595282813535 0.10280800662139761 0.30092451625879163 0.5021365963592582 0.6754885422919747 0.8426493472985285 0.90920411225484 +44267,0.8767006223924502,2,0.8859873337817031 0.6863230389127685 0.5888125693256165 0.434034046171406 0.3334280061211727 0.2792555230171955 0.14150263740995023 0.105903577084479 0.05792223490668219 0.033157671202004635 0.05792223490668219 0.034705456433545334 -0.02720595282813535 0.10280800662139761 0.30092451625879163 0.5021365963592582 0.6754885422919747 0.8426493472985285 0.90920411225484 0.8937262599394155 +44268,0.7729990118791267,2,0.6863230389127685 0.5888125693256165 0.434034046171406 0.3334280061211727 0.2792555230171955 0.14150263740995023 0.105903577084479 0.05792223490668219 0.033157671202004635 0.05792223490668219 0.034705456433545334 -0.02720595282813535 0.10280800662139761 0.30092451625879163 0.5021365963592582 0.6754885422919747 0.8426493472985285 0.90920411225484 0.8937262599394155 0.8767006223924502 +44269,0.7188265287751583,2,0.5888125693256165 0.434034046171406 0.3334280061211727 0.2792555230171955 0.14150263740995023 0.105903577084479 0.05792223490668219 0.033157671202004635 0.05792223490668219 0.034705456433545334 -0.02720595282813535 0.10280800662139761 0.30092451625879163 0.5021365963592582 0.6754885422919747 0.8426493472985285 0.90920411225484 0.8937262599394155 0.8767006223924502 0.7729990118791267 +44270,0.5299967305270172,2,0.434034046171406 0.3334280061211727 0.2792555230171955 0.14150263740995023 0.105903577084479 0.05792223490668219 0.033157671202004635 0.05792223490668219 0.034705456433545334 -0.02720595282813535 0.10280800662139761 0.30092451625879163 0.5021365963592582 0.6754885422919747 0.8426493472985285 0.90920411225484 0.8937262599394155 0.8767006223924502 0.7729990118791267 0.7188265287751583 +44271,0.34735807320504775,2,0.3334280061211727 0.2792555230171955 0.14150263740995023 0.105903577084479 0.05792223490668219 0.033157671202004635 0.05792223490668219 0.034705456433545334 -0.02720595282813535 0.10280800662139761 0.30092451625879163 0.5021365963592582 0.6754885422919747 0.8426493472985285 0.90920411225484 0.8937262599394155 0.8767006223924502 0.7729990118791267 0.7188265287751583 0.5299967305270172 +44272,0.19257955005083724,2,0.2792555230171955 0.14150263740995023 0.105903577084479 0.05792223490668219 0.033157671202004635 0.05792223490668219 0.034705456433545334 -0.02720595282813535 0.10280800662139761 0.30092451625879163 0.5021365963592582 0.6754885422919747 0.8426493472985285 0.90920411225484 0.8937262599394155 0.8767006223924502 0.7729990118791267 0.7188265287751583 0.5299967305270172 0.34735807320504775 +44273,0.11364250324219129,2,0.14150263740995023 0.105903577084479 0.05792223490668219 0.033157671202004635 0.05792223490668219 0.034705456433545334 -0.02720595282813535 0.10280800662139761 0.30092451625879163 0.5021365963592582 0.6754885422919747 0.8426493472985285 0.90920411225484 0.8937262599394155 0.8767006223924502 0.7729990118791267 0.7188265287751583 0.5299967305270172 0.34735807320504775 0.19257955005083724 +44274,0.08268679861135095,2,0.105903577084479 0.05792223490668219 0.033157671202004635 0.05792223490668219 0.034705456433545334 -0.02720595282813535 0.10280800662139761 0.30092451625879163 0.5021365963592582 0.6754885422919747 0.8426493472985285 0.90920411225484 0.8937262599394155 0.8767006223924502 0.7729990118791267 0.7188265287751583 0.5299967305270172 0.34735807320504775 0.19257955005083724 0.11364250324219129 +44275,0.07030451675901657,2,0.05792223490668219 0.033157671202004635 0.05792223490668219 0.034705456433545334 -0.02720595282813535 0.10280800662139761 0.30092451625879163 0.5021365963592582 0.6754885422919747 0.8426493472985285 0.90920411225484 0.8937262599394155 0.8767006223924502 0.7729990118791267 0.7188265287751583 0.5299967305270172 0.34735807320504775 0.19257955005083724 0.11364250324219129 0.08268679861135095 +44276,0.023870959812751655,2,0.033157671202004635 0.05792223490668219 0.034705456433545334 -0.02720595282813535 0.10280800662139761 0.30092451625879163 0.5021365963592582 0.6754885422919747 0.8426493472985285 0.90920411225484 0.8937262599394155 0.8767006223924502 0.7729990118791267 0.7188265287751583 0.5299967305270172 0.34735807320504775 0.19257955005083724 0.11364250324219129 0.08268679861135095 0.07030451675901657 +44277,-0.025658167596594655,2,0.05792223490668219 0.034705456433545334 -0.02720595282813535 0.10280800662139761 0.30092451625879163 0.5021365963592582 0.6754885422919747 0.8426493472985285 0.90920411225484 0.8937262599394155 0.8767006223924502 0.7729990118791267 0.7188265287751583 0.5299967305270172 0.34735807320504775 0.19257955005083724 0.11364250324219129 0.08268679861135095 0.07030451675901657 0.023870959812751655 +44278,-0.014823670975800974,2,0.034705456433545334 -0.02720595282813535 0.10280800662139761 0.30092451625879163 0.5021365963592582 0.6754885422919747 0.8426493472985285 0.90920411225484 0.8937262599394155 0.8767006223924502 0.7729990118791267 0.7188265287751583 0.5299967305270172 0.34735807320504775 0.19257955005083724 0.11364250324219129 0.08268679861135095 0.07030451675901657 0.023870959812751655 -0.025658167596594655 +44279,-0.05042273130127221,2,-0.02720595282813535 0.10280800662139761 0.30092451625879163 0.5021365963592582 0.6754885422919747 0.8426493472985285 0.90920411225484 0.8937262599394155 0.8767006223924502 0.7729990118791267 0.7188265287751583 0.5299967305270172 0.34735807320504775 0.19257955005083724 0.11364250324219129 0.08268679861135095 0.07030451675901657 0.023870959812751655 -0.025658167596594655 -0.014823670975800974 +44280,-0.07518729500594096,2,0.10280800662139761 0.30092451625879163 0.5021365963592582 0.6754885422919747 0.8426493472985285 0.90920411225484 0.8937262599394155 0.8767006223924502 0.7729990118791267 0.7188265287751583 0.5299967305270172 0.34735807320504775 0.19257955005083724 0.11364250324219129 0.08268679861135095 0.07030451675901657 0.023870959812751655 -0.025658167596594655 -0.014823670975800974 -0.05042273130127221 +44281,-0.030301523291225544,2,0.30092451625879163 0.5021365963592582 0.6754885422919747 0.8426493472985285 0.90920411225484 0.8937262599394155 0.8767006223924502 0.7729990118791267 0.7188265287751583 0.5299967305270172 0.34735807320504775 0.19257955005083724 0.11364250324219129 0.08268679861135095 0.07030451675901657 0.023870959812751655 -0.025658167596594655 -0.014823670975800974 -0.05042273130127221 -0.07518729500594096 +44282,-0.04887494606973151,2,0.5021365963592582 0.6754885422919747 0.8426493472985285 0.90920411225484 0.8937262599394155 0.8767006223924502 0.7729990118791267 0.7188265287751583 0.5299967305270172 0.34735807320504775 0.19257955005083724 0.11364250324219129 0.08268679861135095 0.07030451675901657 0.023870959812751655 -0.025658167596594655 -0.014823670975800974 -0.05042273130127221 -0.07518729500594096 -0.030301523291225544 +44283,-0.056613872227435,2,0.6754885422919747 0.8426493472985285 0.90920411225484 0.8937262599394155 0.8767006223924502 0.7729990118791267 0.7188265287751583 0.5299967305270172 0.34735807320504775 0.19257955005083724 0.11364250324219129 0.08268679861135095 0.07030451675901657 0.023870959812751655 -0.025658167596594655 -0.014823670975800974 -0.05042273130127221 -0.07518729500594096 -0.030301523291225544 -0.04887494606973151 +44284,-0.02101481190197256,2,0.8426493472985285 0.90920411225484 0.8937262599394155 0.8767006223924502 0.7729990118791267 0.7188265287751583 0.5299967305270172 0.34735807320504775 0.19257955005083724 0.11364250324219129 0.08268679861135095 0.07030451675901657 0.023870959812751655 -0.025658167596594655 -0.014823670975800974 -0.05042273130127221 -0.07518729500594096 -0.030301523291225544 -0.04887494606973151 -0.056613872227435 +44285,0.12447699986298497,2,0.90920411225484 0.8937262599394155 0.8767006223924502 0.7729990118791267 0.7188265287751583 0.5299967305270172 0.34735807320504775 0.19257955005083724 0.11364250324219129 0.08268679861135095 0.07030451675901657 0.023870959812751655 -0.025658167596594655 -0.014823670975800974 -0.05042273130127221 -0.07518729500594096 -0.030301523291225544 -0.04887494606973151 -0.056613872227435 -0.02101481190197256 +44286,0.24365646269173305,2,0.8937262599394155 0.8767006223924502 0.7729990118791267 0.7188265287751583 0.5299967305270172 0.34735807320504775 0.19257955005083724 0.11364250324219129 0.08268679861135095 0.07030451675901657 0.023870959812751655 -0.025658167596594655 -0.014823670975800974 -0.05042273130127221 -0.07518729500594096 -0.030301523291225544 -0.04887494606973151 -0.056613872227435 -0.02101481190197256 0.12447699986298497 +44287,0.434034046171406,2,0.8767006223924502 0.7729990118791267 0.7188265287751583 0.5299967305270172 0.34735807320504775 0.19257955005083724 0.11364250324219129 0.08268679861135095 0.07030451675901657 0.023870959812751655 -0.025658167596594655 -0.014823670975800974 -0.05042273130127221 -0.07518729500594096 -0.030301523291225544 -0.04887494606973151 -0.056613872227435 -0.02101481190197256 0.12447699986298497 0.24365646269173305 +44288,0.6290549853457186,2,0.7729990118791267 0.7188265287751583 0.5299967305270172 0.34735807320504775 0.19257955005083724 0.11364250324219129 0.08268679861135095 0.07030451675901657 0.023870959812751655 -0.025658167596594655 -0.014823670975800974 -0.05042273130127221 -0.07518729500594096 -0.030301523291225544 -0.04887494606973151 -0.056613872227435 -0.02101481190197256 0.12447699986298497 0.24365646269173305 0.434034046171406 +44289,0.7126353878489867,2,0.7188265287751583 0.5299967305270172 0.34735807320504775 0.19257955005083724 0.11364250324219129 0.08268679861135095 0.07030451675901657 0.023870959812751655 -0.025658167596594655 -0.014823670975800974 -0.05042273130127221 -0.07518729500594096 -0.030301523291225544 -0.04887494606973151 -0.056613872227435 -0.02101481190197256 0.12447699986298497 0.24365646269173305 0.434034046171406 0.6290549853457186 +44290,0.6863230389127685,2,0.5299967305270172 0.34735807320504775 0.19257955005083724 0.11364250324219129 0.08268679861135095 0.07030451675901657 0.023870959812751655 -0.025658167596594655 -0.014823670975800974 -0.05042273130127221 -0.07518729500594096 -0.030301523291225544 -0.04887494606973151 -0.056613872227435 -0.02101481190197256 0.12447699986298497 0.24365646269173305 0.434034046171406 0.6290549853457186 0.7126353878489867 +44291,0.6182204887249162,2,0.34735807320504775 0.19257955005083724 0.11364250324219129 0.08268679861135095 0.07030451675901657 0.023870959812751655 -0.025658167596594655 -0.014823670975800974 -0.05042273130127221 -0.07518729500594096 -0.030301523291225544 -0.04887494606973151 -0.056613872227435 -0.02101481190197256 0.12447699986298497 0.24365646269173305 0.434034046171406 0.6290549853457186 0.7126353878489867 0.6863230389127685 +44292,0.6182204887249162,2,0.19257955005083724 0.11364250324219129 0.08268679861135095 0.07030451675901657 0.023870959812751655 -0.025658167596594655 -0.014823670975800974 -0.05042273130127221 -0.07518729500594096 -0.030301523291225544 -0.04887494606973151 -0.056613872227435 -0.02101481190197256 0.12447699986298497 0.24365646269173305 0.434034046171406 0.6290549853457186 0.7126353878489867 0.6863230389127685 0.6182204887249162 +44293,0.46653753603379583,2,0.11364250324219129 0.08268679861135095 0.07030451675901657 0.023870959812751655 -0.025658167596594655 -0.014823670975800974 -0.05042273130127221 -0.07518729500594096 -0.030301523291225544 -0.04887494606973151 -0.056613872227435 -0.02101481190197256 0.12447699986298497 0.24365646269173305 0.434034046171406 0.6290549853457186 0.7126353878489867 0.6863230389127685 0.6182204887249162 0.6182204887249162 +44294,0.3071156571849544,2,0.08268679861135095 0.07030451675901657 0.023870959812751655 -0.025658167596594655 -0.014823670975800974 -0.05042273130127221 -0.07518729500594096 -0.030301523291225544 -0.04887494606973151 -0.056613872227435 -0.02101481190197256 0.12447699986298497 0.24365646269173305 0.434034046171406 0.6290549853457186 0.7126353878489867 0.6863230389127685 0.6182204887249162 0.6182204887249162 0.46653753603379583 +44295,0.17245834204079058,2,0.07030451675901657 0.023870959812751655 -0.025658167596594655 -0.014823670975800974 -0.05042273130127221 -0.07518729500594096 -0.030301523291225544 -0.04887494606973151 -0.056613872227435 -0.02101481190197256 0.12447699986298497 0.24365646269173305 0.434034046171406 0.6290549853457186 0.7126353878489867 0.6863230389127685 0.6182204887249162 0.6182204887249162 0.46653753603379583 0.3071156571849544 +44296,0.12912035555761586,2,0.023870959812751655 -0.025658167596594655 -0.014823670975800974 -0.05042273130127221 -0.07518729500594096 -0.030301523291225544 -0.04887494606973151 -0.056613872227435 -0.02101481190197256 0.12447699986298497 0.24365646269173305 0.434034046171406 0.6290549853457186 0.7126353878489867 0.6863230389127685 0.6182204887249162 0.6182204887249162 0.46653753603379583 0.3071156571849544 0.17245834204079058 +44297,0.045539953054339014,2,-0.025658167596594655 -0.014823670975800974 -0.05042273130127221 -0.07518729500594096 -0.030301523291225544 -0.04887494606973151 -0.056613872227435 -0.02101481190197256 0.12447699986298497 0.24365646269173305 0.434034046171406 0.6290549853457186 0.7126353878489867 0.6863230389127685 0.6182204887249162 0.6182204887249162 0.46653753603379583 0.3071156571849544 0.17245834204079058 0.12912035555761586 +44298,-0.002441389123466596,2,-0.014823670975800974 -0.05042273130127221 -0.07518729500594096 -0.030301523291225544 -0.04887494606973151 -0.056613872227435 -0.02101481190197256 0.12447699986298497 0.24365646269173305 0.434034046171406 0.6290549853457186 0.7126353878489867 0.6863230389127685 0.6182204887249162 0.6182204887249162 0.46653753603379583 0.3071156571849544 0.17245834204079058 0.12912035555761586 0.045539953054339014 +44299,-0.025658167596594655,2,-0.05042273130127221 -0.07518729500594096 -0.030301523291225544 -0.04887494606973151 -0.056613872227435 -0.02101481190197256 0.12447699986298497 0.24365646269173305 0.434034046171406 0.6290549853457186 0.7126353878489867 0.6863230389127685 0.6182204887249162 0.6182204887249162 0.46653753603379583 0.3071156571849544 0.17245834204079058 0.12912035555761586 0.045539953054339014 -0.002441389123466596 +44300,-0.08602179162673464,2,-0.07518729500594096 -0.030301523291225544 -0.04887494606973151 -0.056613872227435 -0.02101481190197256 0.12447699986298497 0.24365646269173305 0.434034046171406 0.6290549853457186 0.7126353878489867 0.6863230389127685 0.6182204887249162 0.6182204887249162 0.46653753603379583 0.3071156571849544 0.17245834204079058 0.12912035555761586 0.045539953054339014 -0.002441389123466596 -0.025658167596594655 +44301,-0.15721991227767712,2,-0.030301523291225544 -0.04887494606973151 -0.056613872227435 -0.02101481190197256 0.12447699986298497 0.24365646269173305 0.434034046171406 0.6290549853457186 0.7126353878489867 0.6863230389127685 0.6182204887249162 0.6182204887249162 0.46653753603379583 0.3071156571849544 0.17245834204079058 0.12912035555761586 0.045539953054339014 -0.002441389123466596 -0.025658167596594655 -0.08602179162673464 +44302,-0.22841803292861076,2,-0.04887494606973151 -0.056613872227435 -0.02101481190197256 0.12447699986298497 0.24365646269173305 0.434034046171406 0.6290549853457186 0.7126353878489867 0.6863230389127685 0.6182204887249162 0.6182204887249162 0.46653753603379583 0.3071156571849544 0.17245834204079058 0.12912035555761586 0.045539953054339014 -0.002441389123466596 -0.025658167596594655 -0.08602179162673464 -0.15721991227767712 +44303,-0.324380717284222,2,-0.056613872227435 -0.02101481190197256 0.12447699986298497 0.24365646269173305 0.434034046171406 0.6290549853457186 0.7126353878489867 0.6863230389127685 0.6182204887249162 0.6182204887249162 0.46653753603379583 0.3071156571849544 0.17245834204079058 0.12912035555761586 0.045539953054339014 -0.002441389123466596 -0.025658167596594655 -0.08602179162673464 -0.15721991227767712 -0.22841803292861076 +44304,-0.38319655608282127,2,-0.02101481190197256 0.12447699986298497 0.24365646269173305 0.434034046171406 0.6290549853457186 0.7126353878489867 0.6863230389127685 0.6182204887249162 0.6182204887249162 0.46653753603379583 0.3071156571849544 0.17245834204079058 0.12912035555761586 0.045539953054339014 -0.002441389123466596 -0.025658167596594655 -0.08602179162673464 -0.15721991227767712 -0.22841803292861076 -0.324380717284222 +44305,-0.394031052703615,2,0.12447699986298497 0.24365646269173305 0.434034046171406 0.6290549853457186 0.7126353878489867 0.6863230389127685 0.6182204887249162 0.6182204887249162 0.46653753603379583 0.3071156571849544 0.17245834204079058 0.12912035555761586 0.045539953054339014 -0.002441389123466596 -0.025658167596594655 -0.08602179162673464 -0.15721991227767712 -0.22841803292861076 -0.324380717284222 -0.38319655608282127 +44306,-0.5286883678477788,2,0.24365646269173305 0.434034046171406 0.6290549853457186 0.7126353878489867 0.6863230389127685 0.6182204887249162 0.6182204887249162 0.46653753603379583 0.3071156571849544 0.17245834204079058 0.12912035555761586 0.045539953054339014 -0.002441389123466596 -0.025658167596594655 -0.08602179162673464 -0.15721991227767712 -0.22841803292861076 -0.324380717284222 -0.38319655608282127 -0.394031052703615 +44307,-0.5194016564585259,2,0.434034046171406 0.6290549853457186 0.7126353878489867 0.6863230389127685 0.6182204887249162 0.6182204887249162 0.46653753603379583 0.3071156571849544 0.17245834204079058 0.12912035555761586 0.045539953054339014 -0.002441389123466596 -0.025658167596594655 -0.08602179162673464 -0.15721991227767712 -0.22841803292861076 -0.324380717284222 -0.38319655608282127 -0.394031052703615 -0.5286883678477788 +44308,-0.46677695858609813,2,0.6290549853457186 0.7126353878489867 0.6863230389127685 0.6182204887249162 0.6182204887249162 0.46653753603379583 0.3071156571849544 0.17245834204079058 0.12912035555761586 0.045539953054339014 -0.002441389123466596 -0.025658167596594655 -0.08602179162673464 -0.15721991227767712 -0.22841803292861076 -0.324380717284222 -0.38319655608282127 -0.394031052703615 -0.5286883678477788 -0.5194016564585259 +44309,-0.04423159037510062,2,0.7126353878489867 0.6863230389127685 0.6182204887249162 0.6182204887249162 0.46653753603379583 0.3071156571849544 0.17245834204079058 0.12912035555761586 0.045539953054339014 -0.002441389123466596 -0.025658167596594655 -0.08602179162673464 -0.15721991227767712 -0.22841803292861076 -0.324380717284222 -0.38319655608282127 -0.394031052703615 -0.5286883678477788 -0.5194016564585259 -0.46677695858609813 +44310,0.19257955005083724,2,0.6863230389127685 0.6182204887249162 0.6182204887249162 0.46653753603379583 0.3071156571849544 0.17245834204079058 0.12912035555761586 0.045539953054339014 -0.002441389123466596 -0.025658167596594655 -0.08602179162673464 -0.15721991227767712 -0.22841803292861076 -0.324380717284222 -0.38319655608282127 -0.394031052703615 -0.5286883678477788 -0.5194016564585259 -0.46677695858609813 -0.04423159037510062 +44311,0.46498975080225513,2,0.6182204887249162 0.6182204887249162 0.46653753603379583 0.3071156571849544 0.17245834204079058 0.12912035555761586 0.045539953054339014 -0.002441389123466596 -0.025658167596594655 -0.08602179162673464 -0.15721991227767712 -0.22841803292861076 -0.324380717284222 -0.38319655608282127 -0.394031052703615 -0.5286883678477788 -0.5194016564585259 -0.46677695858609813 -0.04423159037510062 0.19257955005083724 +44312,0.7683556561845045,2,0.6182204887249162 0.46653753603379583 0.3071156571849544 0.17245834204079058 0.12912035555761586 0.045539953054339014 -0.002441389123466596 -0.025658167596594655 -0.08602179162673464 -0.15721991227767712 -0.22841803292861076 -0.324380717284222 -0.38319655608282127 -0.394031052703615 -0.5286883678477788 -0.5194016564585259 -0.46677695858609813 -0.04423159037510062 0.19257955005083724 0.46498975080225513 +44313,0.9030129713286684,2,0.46653753603379583 0.3071156571849544 0.17245834204079058 0.12912035555761586 0.045539953054339014 -0.002441389123466596 -0.025658167596594655 -0.08602179162673464 -0.15721991227767712 -0.22841803292861076 -0.324380717284222 -0.38319655608282127 -0.394031052703615 -0.5286883678477788 -0.5194016564585259 -0.46677695858609813 -0.04423159037510062 0.19257955005083724 0.46498975080225513 0.7683556561845045 +44314,0.9850455886003958,2,0.3071156571849544 0.17245834204079058 0.12912035555761586 0.045539953054339014 -0.002441389123466596 -0.025658167596594655 -0.08602179162673464 -0.15721991227767712 -0.22841803292861076 -0.324380717284222 -0.38319655608282127 -0.394031052703615 -0.5286883678477788 -0.5194016564585259 -0.46677695858609813 -0.04423159037510062 0.19257955005083724 0.46498975080225513 0.7683556561845045 0.9030129713286684 +44315,1.1119639775868473,2,0.17245834204079058 0.12912035555761586 0.045539953054339014 -0.002441389123466596 -0.025658167596594655 -0.08602179162673464 -0.15721991227767712 -0.22841803292861076 -0.324380717284222 -0.38319655608282127 -0.394031052703615 -0.5286883678477788 -0.5194016564585259 -0.46677695858609813 -0.04423159037510062 0.19257955005083724 0.46498975080225513 0.7683556561845045 0.9030129713286684 0.9850455886003958 +44316,1.1227984742076498,2,0.12912035555761586 0.045539953054339014 -0.002441389123466596 -0.025658167596594655 -0.08602179162673464 -0.15721991227767712 -0.22841803292861076 -0.324380717284222 -0.38319655608282127 -0.394031052703615 -0.5286883678477788 -0.5194016564585259 -0.46677695858609813 -0.04423159037510062 0.19257955005083724 0.46498975080225513 0.7683556561845045 0.9030129713286684 0.9850455886003958 1.1119639775868473 +44317,1.048504783093626,2,0.045539953054339014 -0.002441389123466596 -0.025658167596594655 -0.08602179162673464 -0.15721991227767712 -0.22841803292861076 -0.324380717284222 -0.38319655608282127 -0.394031052703615 -0.5286883678477788 -0.5194016564585259 -0.46677695858609813 -0.04423159037510062 0.19257955005083724 0.46498975080225513 0.7683556561845045 0.9030129713286684 0.9850455886003958 1.1119639775868473 1.1227984742076498 +44318,0.7946680051207228,2,-0.002441389123466596 -0.025658167596594655 -0.08602179162673464 -0.15721991227767712 -0.22841803292861076 -0.324380717284222 -0.38319655608282127 -0.394031052703615 -0.5286883678477788 -0.5194016564585259 -0.46677695858609813 -0.04423159037510062 0.19257955005083724 0.46498975080225513 0.7683556561845045 0.9030129713286684 0.9850455886003958 1.1119639775868473 1.1227984742076498 1.048504783093626 +44319,0.6120293477987534,2,-0.025658167596594655 -0.08602179162673464 -0.15721991227767712 -0.22841803292861076 -0.324380717284222 -0.38319655608282127 -0.394031052703615 -0.5286883678477788 -0.5194016564585259 -0.46677695858609813 -0.04423159037510062 0.19257955005083724 0.46498975080225513 0.7683556561845045 0.9030129713286684 0.9850455886003958 1.1119639775868473 1.1227984742076498 1.048504783093626 0.7946680051207228 +44320,0.4417729723291183,2,-0.08602179162673464 -0.15721991227767712 -0.22841803292861076 -0.324380717284222 -0.38319655608282127 -0.394031052703615 -0.5286883678477788 -0.5194016564585259 -0.46677695858609813 -0.04423159037510062 0.19257955005083724 0.46498975080225513 0.7683556561845045 0.9030129713286684 0.9850455886003958 1.1119639775868473 1.1227984742076498 1.048504783093626 0.7946680051207228 0.6120293477987534 +44321,0.3241412947319197,2,-0.15721991227767712 -0.22841803292861076 -0.324380717284222 -0.38319655608282127 -0.394031052703615 -0.5286883678477788 -0.5194016564585259 -0.46677695858609813 -0.04423159037510062 0.19257955005083724 0.46498975080225513 0.7683556561845045 0.9030129713286684 0.9850455886003958 1.1119639775868473 1.1227984742076498 1.048504783093626 0.7946680051207228 0.6120293477987534 0.4417729723291183 +44322,0.09816465092677551,2,-0.22841803292861076 -0.324380717284222 -0.38319655608282127 -0.394031052703615 -0.5286883678477788 -0.5194016564585259 -0.46677695858609813 -0.04423159037510062 0.19257955005083724 0.46498975080225513 0.7683556561845045 0.9030129713286684 0.9850455886003958 1.1119639775868473 1.1227984742076498 1.048504783093626 0.7946680051207228 0.6120293477987534 0.4417729723291183 0.3241412947319197 +44323,-0.07054393931131887,2,-0.324380717284222 -0.38319655608282127 -0.394031052703615 -0.5286883678477788 -0.5194016564585259 -0.46677695858609813 -0.04423159037510062 0.19257955005083724 0.46498975080225513 0.7683556561845045 0.9030129713286684 0.9850455886003958 1.1119639775868473 1.1227984742076498 1.048504783093626 0.7946680051207228 0.6120293477987534 0.4417729723291183 0.3241412947319197 0.09816465092677551 +44324,0.1074513623160285,2,-0.38319655608282127 -0.394031052703615 -0.5286883678477788 -0.5194016564585259 -0.46677695858609813 -0.04423159037510062 0.19257955005083724 0.46498975080225513 0.7683556561845045 0.9030129713286684 0.9850455886003958 1.1119639775868473 1.1227984742076498 1.048504783093626 0.7946680051207228 0.6120293477987534 0.4417729723291183 0.3241412947319197 0.09816465092677551 -0.07054393931131887 +44325,-0.13555091903608096,2,-0.394031052703615 -0.5286883678477788 -0.5194016564585259 -0.46677695858609813 -0.04423159037510062 0.19257955005083724 0.46498975080225513 0.7683556561845045 0.9030129713286684 0.9850455886003958 1.1119639775868473 1.1227984742076498 1.048504783093626 0.7946680051207228 0.6120293477987534 0.4417729723291183 0.3241412947319197 0.09816465092677551 -0.07054393931131887 0.1074513623160285 +44326,-0.2748515898748757,2,-0.5286883678477788 -0.5194016564585259 -0.46677695858609813 -0.04423159037510062 0.19257955005083724 0.46498975080225513 0.7683556561845045 0.9030129713286684 0.9850455886003958 1.1119639775868473 1.1227984742076498 1.048504783093626 0.7946680051207228 0.6120293477987534 0.4417729723291183 0.3241412947319197 0.09816465092677551 -0.07054393931131887 0.1074513623160285 -0.13555091903608096 +44327,-0.36771870376739674,2,-0.5194016564585259 -0.46677695858609813 -0.04423159037510062 0.19257955005083724 0.46498975080225513 0.7683556561845045 0.9030129713286684 0.9850455886003958 1.1119639775868473 1.1227984742076498 1.048504783093626 0.7946680051207228 0.6120293477987534 0.4417729723291183 0.3241412947319197 0.09816465092677551 -0.07054393931131887 0.1074513623160285 -0.13555091903608096 -0.2748515898748757 +44328,-0.3801009856197399,2,-0.46677695858609813 -0.04423159037510062 0.19257955005083724 0.46498975080225513 0.7683556561845045 0.9030129713286684 0.9850455886003958 1.1119639775868473 1.1227984742076498 1.048504783093626 0.7946680051207228 0.6120293477987534 0.4417729723291183 0.3241412947319197 0.09816465092677551 -0.07054393931131887 0.1074513623160285 -0.13555091903608096 -0.2748515898748757 -0.36771870376739674 +44329,-0.3491452809888996,2,-0.04423159037510062 0.19257955005083724 0.46498975080225513 0.7683556561845045 0.9030129713286684 0.9850455886003958 1.1119639775868473 1.1227984742076498 1.048504783093626 0.7946680051207228 0.6120293477987534 0.4417729723291183 0.3241412947319197 0.09816465092677551 -0.07054393931131887 0.1074513623160285 -0.13555091903608096 -0.2748515898748757 -0.36771870376739674 -0.3801009856197399 +44330,-0.3491452809888996,2,0.19257955005083724 0.46498975080225513 0.7683556561845045 0.9030129713286684 0.9850455886003958 1.1119639775868473 1.1227984742076498 1.048504783093626 0.7946680051207228 0.6120293477987534 0.4417729723291183 0.3241412947319197 0.09816465092677551 -0.07054393931131887 0.1074513623160285 -0.13555091903608096 -0.2748515898748757 -0.36771870376739674 -0.3801009856197399 -0.3491452809888996 +44331,-0.4296301130290862,2,0.46498975080225513 0.7683556561845045 0.9030129713286684 0.9850455886003958 1.1119639775868473 1.1227984742076498 1.048504783093626 0.7946680051207228 0.6120293477987534 0.4417729723291183 0.3241412947319197 0.09816465092677551 -0.07054393931131887 0.1074513623160285 -0.13555091903608096 -0.2748515898748757 -0.36771870376739674 -0.3801009856197399 -0.3491452809888996 -0.3491452809888996 +44332,-0.17114997936155218,2,0.7683556561845045 0.9030129713286684 0.9850455886003958 1.1119639775868473 1.1227984742076498 1.048504783093626 0.7946680051207228 0.6120293477987534 0.4417729723291183 0.3241412947319197 0.09816465092677551 -0.07054393931131887 0.1074513623160285 -0.13555091903608096 -0.2748515898748757 -0.36771870376739674 -0.3801009856197399 -0.3491452809888996 -0.3491452809888996 -0.4296301130290862 +44333,0.613577133030294,2,0.9030129713286684 0.9850455886003958 1.1119639775868473 1.1227984742076498 1.048504783093626 0.7946680051207228 0.6120293477987534 0.4417729723291183 0.3241412947319197 0.09816465092677551 -0.07054393931131887 0.1074513623160285 -0.13555091903608096 -0.2748515898748757 -0.36771870376739674 -0.3801009856197399 -0.3491452809888996 -0.3491452809888996 -0.4296301130290862 -0.17114997936155218 +44334,1.178518742543159,2,0.9850455886003958 1.1119639775868473 1.1227984742076498 1.048504783093626 0.7946680051207228 0.6120293477987534 0.4417729723291183 0.3241412947319197 0.09816465092677551 -0.07054393931131887 0.1074513623160285 -0.13555091903608096 -0.2748515898748757 -0.36771870376739674 -0.3801009856197399 -0.3491452809888996 -0.3491452809888996 -0.4296301130290862 -0.17114997936155218 0.613577133030294 +44335,1.6320198153849967,2,1.1119639775868473 1.1227984742076498 1.048504783093626 0.7946680051207228 0.6120293477987534 0.4417729723291183 0.3241412947319197 0.09816465092677551 -0.07054393931131887 0.1074513623160285 -0.13555091903608096 -0.2748515898748757 -0.36771870376739674 -0.3801009856197399 -0.3491452809888996 -0.3491452809888996 -0.4296301130290862 -0.17114997936155218 0.613577133030294 1.178518742543159 +44336,1.9230034389149118,2,1.1227984742076498 1.048504783093626 0.7946680051207228 0.6120293477987534 0.4417729723291183 0.3241412947319197 0.09816465092677551 -0.07054393931131887 0.1074513623160285 -0.13555091903608096 -0.2748515898748757 -0.36771870376739674 -0.3801009856197399 -0.3491452809888996 -0.3491452809888996 -0.4296301130290862 -0.17114997936155218 0.613577133030294 1.178518742543159 1.6320198153849967 +44337,2.1783880021193642,2,1.048504783093626 0.7946680051207228 0.6120293477987534 0.4417729723291183 0.3241412947319197 0.09816465092677551 -0.07054393931131887 0.1074513623160285 -0.13555091903608096 -0.2748515898748757 -0.36771870376739674 -0.3801009856197399 -0.3491452809888996 -0.3491452809888996 -0.4296301130290862 -0.17114997936155218 0.613577133030294 1.178518742543159 1.6320198153849967 1.9230034389149118 +44338,2.2232737738340798,2,0.7946680051207228 0.6120293477987534 0.4417729723291183 0.3241412947319197 0.09816465092677551 -0.07054393931131887 0.1074513623160285 -0.13555091903608096 -0.2748515898748757 -0.36771870376739674 -0.3801009856197399 -0.3491452809888996 -0.3491452809888996 -0.4296301130290862 -0.17114997936155218 0.613577133030294 1.178518742543159 1.6320198153849967 1.9230034389149118 2.1783880021193642 +44339,2.28673296832731,2,0.6120293477987534 0.4417729723291183 0.3241412947319197 0.09816465092677551 -0.07054393931131887 0.1074513623160285 -0.13555091903608096 -0.2748515898748757 -0.36771870376739674 -0.3801009856197399 -0.3491452809888996 -0.3491452809888996 -0.4296301130290862 -0.17114997936155218 0.613577133030294 1.178518742543159 1.6320198153849967 1.9230034389149118 2.1783880021193642 2.2232737738340798 +44340,2.2557772636964697,2,0.4417729723291183 0.3241412947319197 0.09816465092677551 -0.07054393931131887 0.1074513623160285 -0.13555091903608096 -0.2748515898748757 -0.36771870376739674 -0.3801009856197399 -0.3491452809888996 -0.3491452809888996 -0.4296301130290862 -0.17114997936155218 0.613577133030294 1.178518742543159 1.6320198153849967 1.9230034389149118 2.1783880021193642 2.2232737738340798 2.28673296832731 +44341,2.1721968611931928,2,0.3241412947319197 0.09816465092677551 -0.07054393931131887 0.1074513623160285 -0.13555091903608096 -0.2748515898748757 -0.36771870376739674 -0.3801009856197399 -0.3491452809888996 -0.3491452809888996 -0.4296301130290862 -0.17114997936155218 0.613577133030294 1.178518742543159 1.6320198153849967 1.9230034389149118 2.1783880021193642 2.2232737738340798 2.28673296832731 2.2557772636964697 +44342,1.7341736406667796,2,0.09816465092677551 -0.07054393931131887 0.1074513623160285 -0.13555091903608096 -0.2748515898748757 -0.36771870376739674 -0.3801009856197399 -0.3491452809888996 -0.3491452809888996 -0.4296301130290862 -0.17114997936155218 0.613577133030294 1.178518742543159 1.6320198153849967 1.9230034389149118 2.1783880021193642 2.2232737738340798 2.28673296832731 2.2557772636964697 2.1721968611931928 +44343,1.2218567290263425,2,-0.07054393931131887 0.1074513623160285 -0.13555091903608096 -0.2748515898748757 -0.36771870376739674 -0.3801009856197399 -0.3491452809888996 -0.3491452809888996 -0.4296301130290862 -0.17114997936155218 0.613577133030294 1.178518742543159 1.6320198153849967 1.9230034389149118 2.1783880021193642 2.2232737738340798 2.28673296832731 2.2557772636964697 2.1721968611931928 1.7341736406667796 +44344,0.9401598168856804,2,0.1074513623160285 -0.13555091903608096 -0.2748515898748757 -0.36771870376739674 -0.3801009856197399 -0.3491452809888996 -0.3491452809888996 -0.4296301130290862 -0.17114997936155218 0.613577133030294 1.178518742543159 1.6320198153849967 1.9230034389149118 2.1783880021193642 2.2232737738340798 2.28673296832731 2.2557772636964697 2.1721968611931928 1.7341736406667796 1.2218567290263425 +44345,0.622863844419547,2,-0.13555091903608096 -0.2748515898748757 -0.36771870376739674 -0.3801009856197399 -0.3491452809888996 -0.3491452809888996 -0.4296301130290862 -0.17114997936155218 0.613577133030294 1.178518742543159 1.6320198153849967 1.9230034389149118 2.1783880021193642 2.2232737738340798 2.28673296832731 2.2557772636964697 2.1721968611931928 1.7341736406667796 1.2218567290263425 0.9401598168856804 +44346,0.6398894819665123,2,-0.2748515898748757 -0.36771870376739674 -0.3801009856197399 -0.3491452809888996 -0.3491452809888996 -0.4296301130290862 -0.17114997936155218 0.613577133030294 1.178518742543159 1.6320198153849967 1.9230034389149118 2.1783880021193642 2.2232737738340798 2.28673296832731 2.2557772636964697 2.1721968611931928 1.7341736406667796 1.2218567290263425 0.9401598168856804 0.622863844419547 +44347,0.35509699936276,2,-0.36771870376739674 -0.3801009856197399 -0.3491452809888996 -0.3491452809888996 -0.4296301130290862 -0.17114997936155218 0.613577133030294 1.178518742543159 1.6320198153849967 1.9230034389149118 2.1783880021193642 2.2232737738340798 2.28673296832731 2.2557772636964697 2.1721968611931928 1.7341736406667796 1.2218567290263425 0.9401598168856804 0.622863844419547 0.6398894819665123 +44348,0.38450491876205967,2,-0.3801009856197399 -0.3491452809888996 -0.3491452809888996 -0.4296301130290862 -0.17114997936155218 0.613577133030294 1.178518742543159 1.6320198153849967 1.9230034389149118 2.1783880021193642 2.2232737738340798 2.28673296832731 2.2557772636964697 2.1721968611931928 1.7341736406667796 1.2218567290263425 0.9401598168856804 0.622863844419547 0.6398894819665123 0.35509699936276 +44349,0.42165176431907164,2,-0.3491452809888996 -0.3491452809888996 -0.4296301130290862 -0.17114997936155218 0.613577133030294 1.178518742543159 1.6320198153849967 1.9230034389149118 2.1783880021193642 2.2232737738340798 2.28673296832731 2.2557772636964697 2.1721968611931928 1.7341736406667796 1.2218567290263425 0.9401598168856804 0.622863844419547 0.6398894819665123 0.35509699936276 0.38450491876205967 +44350,0.3179501538057481,2,-0.3491452809888996 -0.4296301130290862 -0.17114997936155218 0.613577133030294 1.178518742543159 1.6320198153849967 1.9230034389149118 2.1783880021193642 2.2232737738340798 2.28673296832731 2.2557772636964697 2.1721968611931928 1.7341736406667796 1.2218567290263425 0.9401598168856804 0.622863844419547 0.6398894819665123 0.35509699936276 0.38450491876205967 0.42165176431907164 +44351,0.2668732411648611,2,-0.4296301130290862 -0.17114997936155218 0.613577133030294 1.178518742543159 1.6320198153849967 1.9230034389149118 2.1783880021193642 2.2232737738340798 2.28673296832731 2.2557772636964697 2.1721968611931928 1.7341736406667796 1.2218567290263425 0.9401598168856804 0.622863844419547 0.6398894819665123 0.35509699936276 0.38450491876205967 0.42165176431907164 0.3179501538057481 +44352,0.18638840912467444,2,-0.17114997936155218 0.613577133030294 1.178518742543159 1.6320198153849967 1.9230034389149118 2.1783880021193642 2.2232737738340798 2.28673296832731 2.2557772636964697 2.1721968611931928 1.7341736406667796 1.2218567290263425 0.9401598168856804 0.622863844419547 0.6398894819665123 0.35509699936276 0.38450491876205967 0.42165176431907164 0.3179501538057481 0.2668732411648611 +44353,0.2730643820910327,2,0.613577133030294 1.178518742543159 1.6320198153849967 1.9230034389149118 2.1783880021193642 2.2232737738340798 2.28673296832731 2.2557772636964697 2.1721968611931928 1.7341736406667796 1.2218567290263425 0.9401598168856804 0.622863844419547 0.6398894819665123 0.35509699936276 0.38450491876205967 0.42165176431907164 0.3179501538057481 0.2668732411648611 0.18638840912467444 +44354,0.2838988787118264,2,1.178518742543159 1.6320198153849967 1.9230034389149118 2.1783880021193642 2.2232737738340798 2.28673296832731 2.2557772636964697 2.1721968611931928 1.7341736406667796 1.2218567290263425 0.9401598168856804 0.622863844419547 0.6398894819665123 0.35509699936276 0.38450491876205967 0.42165176431907164 0.3179501538057481 0.2668732411648611 0.18638840912467444 0.2730643820910327 +44355,0.13376371125223796,2,1.6320198153849967 1.9230034389149118 2.1783880021193642 2.2232737738340798 2.28673296832731 2.2557772636964697 2.1721968611931928 1.7341736406667796 1.2218567290263425 0.9401598168856804 0.622863844419547 0.6398894819665123 0.35509699936276 0.38450491876205967 0.42165176431907164 0.3179501538057481 0.2668732411648611 0.18638840912467444 0.2730643820910327 0.2838988787118264 +44356,0.46189418033916496,2,1.9230034389149118 2.1783880021193642 2.2232737738340798 2.28673296832731 2.2557772636964697 2.1721968611931928 1.7341736406667796 1.2218567290263425 0.9401598168856804 0.622863844419547 0.6398894819665123 0.35509699936276 0.38450491876205967 0.42165176431907164 0.3179501538057481 0.2668732411648611 0.18638840912467444 0.2730643820910327 0.2838988787118264 0.13376371125223796 +44357,1.2651947155095171,2,2.1783880021193642 2.2232737738340798 2.28673296832731 2.2557772636964697 2.1721968611931928 1.7341736406667796 1.2218567290263425 0.9401598168856804 0.622863844419547 0.6398894819665123 0.35509699936276 0.38450491876205967 0.42165176431907164 0.3179501538057481 0.2668732411648611 0.18638840912467444 0.2730643820910327 0.2838988787118264 0.13376371125223796 0.46189418033916496 +44358,2.003488270955107,2,2.2232737738340798 2.28673296832731 2.2557772636964697 2.1721968611931928 1.7341736406667796 1.2218567290263425 0.9401598168856804 0.622863844419547 0.6398894819665123 0.35509699936276 0.38450491876205967 0.42165176431907164 0.3179501538057481 0.2668732411648611 0.18638840912467444 0.2730643820910327 0.2838988787118264 0.13376371125223796 0.46189418033916496 1.2651947155095171 +44359,2.4786583370385324,2,2.28673296832731 2.2557772636964697 2.1721968611931928 1.7341736406667796 1.2218567290263425 0.9401598168856804 0.622863844419547 0.6398894819665123 0.35509699936276 0.38450491876205967 0.42165176431907164 0.3179501538057481 0.2668732411648611 0.18638840912467444 0.2730643820910327 0.2838988787118264 0.13376371125223796 0.46189418033916496 1.2651947155095171 2.003488270955107 +44360,2.8532223630717155,2,2.2557772636964697 2.1721968611931928 1.7341736406667796 1.2218567290263425 0.9401598168856804 0.622863844419547 0.6398894819665123 0.35509699936276 0.38450491876205967 0.42165176431907164 0.3179501538057481 0.2668732411648611 0.18638840912467444 0.2730643820910327 0.2838988787118264 0.13376371125223796 0.46189418033916496 1.2651947155095171 2.003488270955107 2.4786583370385324 +44361,3.0095486714574755,2,2.1721968611931928 1.7341736406667796 1.2218567290263425 0.9401598168856804 0.622863844419547 0.6398894819665123 0.35509699936276 0.38450491876205967 0.42165176431907164 0.3179501538057481 0.2668732411648611 0.18638840912467444 0.2730643820910327 0.2838988787118264 0.13376371125223796 0.46189418033916496 1.2651947155095171 2.003488270955107 2.4786583370385324 2.8532223630717155 +44362,3.014192027152098,2,1.7341736406667796 1.2218567290263425 0.9401598168856804 0.622863844419547 0.6398894819665123 0.35509699936276 0.38450491876205967 0.42165176431907164 0.3179501538057481 0.2668732411648611 0.18638840912467444 0.2730643820910327 0.2838988787118264 0.13376371125223796 0.46189418033916496 1.2651947155095171 2.003488270955107 2.4786583370385324 2.8532223630717155 3.0095486714574755 +44363,3.124084778591584,2,1.2218567290263425 0.9401598168856804 0.622863844419547 0.6398894819665123 0.35509699936276 0.38450491876205967 0.42165176431907164 0.3179501538057481 0.2668732411648611 0.18638840912467444 0.2730643820910327 0.2838988787118264 0.13376371125223796 0.46189418033916496 1.2651947155095171 2.003488270955107 2.4786583370385324 2.8532223630717155 3.0095486714574755 3.014192027152098 +44364,3.057530013635281,2,0.9401598168856804 0.622863844419547 0.6398894819665123 0.35509699936276 0.38450491876205967 0.42165176431907164 0.3179501538057481 0.2668732411648611 0.18638840912467444 0.2730643820910327 0.2838988787118264 0.13376371125223796 0.46189418033916496 1.2651947155095171 2.003488270955107 2.4786583370385324 2.8532223630717155 3.0095486714574755 3.014192027152098 3.124084778591584 +44365,2.9693062554373735,2,0.622863844419547 0.6398894819665123 0.35509699936276 0.38450491876205967 0.42165176431907164 0.3179501538057481 0.2668732411648611 0.18638840912467444 0.2730643820910327 0.2838988787118264 0.13376371125223796 0.46189418033916496 1.2651947155095171 2.003488270955107 2.4786583370385324 2.8532223630717155 3.0095486714574755 3.014192027152098 3.124084778591584 3.057530013635281 +44366,2.6891571285282607,2,0.6398894819665123 0.35509699936276 0.38450491876205967 0.42165176431907164 0.3179501538057481 0.2668732411648611 0.18638840912467444 0.2730643820910327 0.2838988787118264 0.13376371125223796 0.46189418033916496 1.2651947155095171 2.003488270955107 2.4786583370385324 2.8532223630717155 3.0095486714574755 3.014192027152098 3.124084778591584 3.057530013635281 2.9693062554373735 +44367,2.1335022304046403,2,0.35509699936276 0.38450491876205967 0.42165176431907164 0.3179501538057481 0.2668732411648611 0.18638840912467444 0.2730643820910327 0.2838988787118264 0.13376371125223796 0.46189418033916496 1.2651947155095171 2.003488270955107 2.4786583370385324 2.8532223630717155 3.0095486714574755 3.014192027152098 3.124084778591584 3.057530013635281 2.9693062554373735 2.6891571285282607 +44368,1.7682249157607013,2,0.38450491876205967 0.42165176431907164 0.3179501538057481 0.2668732411648611 0.18638840912467444 0.2730643820910327 0.2838988787118264 0.13376371125223796 0.46189418033916496 1.2651947155095171 2.003488270955107 2.4786583370385324 2.8532223630717155 3.0095486714574755 3.014192027152098 3.124084778591584 3.057530013635281 2.9693062554373735 2.6891571285282607 2.1335022304046403 +44369,1.6413065267742497,2,0.42165176431907164 0.3179501538057481 0.2668732411648611 0.18638840912467444 0.2730643820910327 0.2838988787118264 0.13376371125223796 0.46189418033916496 1.2651947155095171 2.003488270955107 2.4786583370385324 2.8532223630717155 3.0095486714574755 3.014192027152098 3.124084778591584 3.057530013635281 2.9693062554373735 2.6891571285282607 2.1335022304046403 1.7682249157607013 +44370,1.5515349833448102,2,0.3179501538057481 0.2668732411648611 0.18638840912467444 0.2730643820910327 0.2838988787118264 0.13376371125223796 0.46189418033916496 1.2651947155095171 2.003488270955107 2.4786583370385324 2.8532223630717155 3.0095486714574755 3.014192027152098 3.124084778591584 3.057530013635281 2.9693062554373735 2.6891571285282607 2.1335022304046403 1.7682249157607013 1.6413065267742497 +44371,1.4803368626938764,2,0.2668732411648611 0.18638840912467444 0.2730643820910327 0.2838988787118264 0.13376371125223796 0.46189418033916496 1.2651947155095171 2.003488270955107 2.4786583370385324 2.8532223630717155 3.0095486714574755 3.014192027152098 3.124084778591584 3.057530013635281 2.9693062554373735 2.6891571285282607 2.1335022304046403 1.7682249157607013 1.6413065267742497 1.5515349833448102 +44372,1.1986399505532055,2,0.18638840912467444 0.2730643820910327 0.2838988787118264 0.13376371125223796 0.46189418033916496 1.2651947155095171 2.003488270955107 2.4786583370385324 2.8532223630717155 3.0095486714574755 3.014192027152098 3.124084778591584 3.057530013635281 2.9693062554373735 2.6891571285282607 2.1335022304046403 1.7682249157607013 1.6413065267742497 1.5515349833448102 1.4803368626938764 +44373,1.1970921653216648,2,0.2730643820910327 0.2838988787118264 0.13376371125223796 0.46189418033916496 1.2651947155095171 2.003488270955107 2.4786583370385324 2.8532223630717155 3.0095486714574755 3.014192027152098 3.124084778591584 3.057530013635281 2.9693062554373735 2.6891571285282607 2.1335022304046403 1.7682249157607013 1.6413065267742497 1.5515349833448102 1.4803368626938764 1.1986399505532055 +44374,1.2079266619424585,2,0.2838988787118264 0.13376371125223796 0.46189418033916496 1.2651947155095171 2.003488270955107 2.4786583370385324 2.8532223630717155 3.0095486714574755 3.014192027152098 3.124084778591584 3.057530013635281 2.9693062554373735 2.6891571285282607 2.1335022304046403 1.7682249157607013 1.6413065267742497 1.5515349833448102 1.4803368626938764 1.1986399505532055 1.1970921653216648 +44375,1.1738753868485368,2,0.13376371125223796 0.46189418033916496 1.2651947155095171 2.003488270955107 2.4786583370385324 2.8532223630717155 3.0095486714574755 3.014192027152098 3.124084778591584 3.057530013635281 2.9693062554373735 2.6891571285282607 2.1335022304046403 1.7682249157607013 1.6413065267742497 1.5515349833448102 1.4803368626938764 1.1986399505532055 1.1970921653216648 1.2079266619424585 +44376,1.1970921653216648,2,0.46189418033916496 1.2651947155095171 2.003488270955107 2.4786583370385324 2.8532223630717155 3.0095486714574755 3.014192027152098 3.124084778591584 3.057530013635281 2.9693062554373735 2.6891571285282607 2.1335022304046403 1.7682249157607013 1.6413065267742497 1.5515349833448102 1.4803368626938764 1.1986399505532055 1.1970921653216648 1.2079266619424585 1.1738753868485368 +44377,1.1661364606908244,2,1.2651947155095171 2.003488270955107 2.4786583370385324 2.8532223630717155 3.0095486714574755 3.014192027152098 3.124084778591584 3.057530013635281 2.9693062554373735 2.6891571285282607 2.1335022304046403 1.7682249157607013 1.6413065267742497 1.5515349833448102 1.4803368626938764 1.1986399505532055 1.1970921653216648 1.2079266619424585 1.1738753868485368 1.1970921653216648 +44378,1.3719918964859221,2,2.003488270955107 2.4786583370385324 2.8532223630717155 3.0095486714574755 3.014192027152098 3.124084778591584 3.057530013635281 2.9693062554373735 2.6891571285282607 2.1335022304046403 1.7682249157607013 1.6413065267742497 1.5515349833448102 1.4803368626938764 1.1986399505532055 1.1970921653216648 1.2079266619424585 1.1738753868485368 1.1970921653216648 1.1661364606908244 +44379,1.3611573998651283,2,2.4786583370385324 2.8532223630717155 3.0095486714574755 3.014192027152098 3.124084778591584 3.057530013635281 2.9693062554373735 2.6891571285282607 2.1335022304046403 1.7682249157607013 1.6413065267742497 1.5515349833448102 1.4803368626938764 1.1986399505532055 1.1970921653216648 1.2079266619424585 1.1738753868485368 1.1970921653216648 1.1661364606908244 1.3719918964859221 +44380,1.5948729698279849,2,2.8532223630717155 3.0095486714574755 3.014192027152098 3.124084778591584 3.057530013635281 2.9693062554373735 2.6891571285282607 2.1335022304046403 1.7682249157607013 1.6413065267742497 1.5515349833448102 1.4803368626938764 1.1986399505532055 1.1970921653216648 1.2079266619424585 1.1738753868485368 1.1970921653216648 1.1661364606908244 1.3719918964859221 1.3611573998651283 +44381,2.0777819620691225,2,3.0095486714574755 3.014192027152098 3.124084778591584 3.057530013635281 2.9693062554373735 2.6891571285282607 2.1335022304046403 1.7682249157607013 1.6413065267742497 1.5515349833448102 1.4803368626938764 1.1986399505532055 1.1970921653216648 1.2079266619424585 1.1738753868485368 1.1970921653216648 1.1661364606908244 1.3719918964859221 1.3611573998651283 1.5948729698279849 +44382,2.5158051825955443,2,3.014192027152098 3.124084778591584 3.057530013635281 2.9693062554373735 2.6891571285282607 2.1335022304046403 1.7682249157607013 1.6413065267742497 1.5515349833448102 1.4803368626938764 1.1986399505532055 1.1970921653216648 1.2079266619424585 1.1738753868485368 1.1970921653216648 1.1661364606908244 1.3719918964859221 1.3611573998651283 1.5948729698279849 2.0777819620691225 +44383,2.8532223630717155,2,3.124084778591584 3.057530013635281 2.9693062554373735 2.6891571285282607 2.1335022304046403 1.7682249157607013 1.6413065267742497 1.5515349833448102 1.4803368626938764 1.1986399505532055 1.1970921653216648 1.2079266619424585 1.1738753868485368 1.1970921653216648 1.1661364606908244 1.3719918964859221 1.3611573998651283 1.5948729698279849 2.0777819620691225 2.5158051825955443 +44384,3.032765449930604,2,3.057530013635281 2.9693062554373735 2.6891571285282607 2.1335022304046403 1.7682249157607013 1.6413065267742497 1.5515349833448102 1.4803368626938764 1.1986399505532055 1.1970921653216648 1.2079266619424585 1.1738753868485368 1.1970921653216648 1.1661364606908244 1.3719918964859221 1.3611573998651283 1.5948729698279849 2.0777819620691225 2.5158051825955443 2.8532223630717155 +44385,3.196830684474067,2,2.9693062554373735 2.6891571285282607 2.1335022304046403 1.7682249157607013 1.6413065267742497 1.5515349833448102 1.4803368626938764 1.1986399505532055 1.1970921653216648 1.2079266619424585 1.1738753868485368 1.1970921653216648 1.1661364606908244 1.3719918964859221 1.3611573998651283 1.5948729698279849 2.0777819620691225 2.5158051825955443 2.8532223630717155 3.032765449930604 +44386,3.243264241420332,2,2.6891571285282607 2.1335022304046403 1.7682249157607013 1.6413065267742497 1.5515349833448102 1.4803368626938764 1.1986399505532055 1.1970921653216648 1.2079266619424585 1.1738753868485368 1.1970921653216648 1.1661364606908244 1.3719918964859221 1.3611573998651283 1.5948729698279849 2.0777819620691225 2.5158051825955443 2.8532223630717155 3.032765449930604 3.196830684474067 +44387,3.3547047780913593,2,2.1335022304046403 1.7682249157607013 1.6413065267742497 1.5515349833448102 1.4803368626938764 1.1986399505532055 1.1970921653216648 1.2079266619424585 1.1738753868485368 1.1970921653216648 1.1661364606908244 1.3719918964859221 1.3611573998651283 1.5948729698279849 2.0777819620691225 2.5158051825955443 2.8532223630717155 3.032765449930604 3.196830684474067 3.243264241420332 +44388,3.261837664198838,2,1.7682249157607013 1.6413065267742497 1.5515349833448102 1.4803368626938764 1.1986399505532055 1.1970921653216648 1.2079266619424585 1.1738753868485368 1.1970921653216648 1.1661364606908244 1.3719918964859221 1.3611573998651283 1.5948729698279849 2.0777819620691225 2.5158051825955443 2.8532223630717155 3.032765449930604 3.196830684474067 3.243264241420332 3.3547047780913593 +44389,3.0420521613198566,2,1.6413065267742497 1.5515349833448102 1.4803368626938764 1.1986399505532055 1.1970921653216648 1.2079266619424585 1.1738753868485368 1.1970921653216648 1.1661364606908244 1.3719918964859221 1.3611573998651283 1.5948729698279849 2.0777819620691225 2.5158051825955443 2.8532223630717155 3.032765449930604 3.196830684474067 3.243264241420332 3.3547047780913593 3.261837664198838 +44390,2.698443839917505,2,1.5515349833448102 1.4803368626938764 1.1986399505532055 1.1970921653216648 1.2079266619424585 1.1738753868485368 1.1970921653216648 1.1661364606908244 1.3719918964859221 1.3611573998651283 1.5948729698279849 2.0777819620691225 2.5158051825955443 2.8532223630717155 3.032765449930604 3.196830684474067 3.243264241420332 3.3547047780913593 3.261837664198838 3.0420521613198566 +44391,2.348644377588991,2,1.4803368626938764 1.1986399505532055 1.1970921653216648 1.2079266619424585 1.1738753868485368 1.1970921653216648 1.1661364606908244 1.3719918964859221 1.3611573998651283 1.5948729698279849 2.0777819620691225 2.5158051825955443 2.8532223630717155 3.032765449930604 3.196830684474067 3.243264241420332 3.3547047780913593 3.261837664198838 3.0420521613198566 2.698443839917505 +44392,2.1721968611931928,2,1.1986399505532055 1.1970921653216648 1.2079266619424585 1.1738753868485368 1.1970921653216648 1.1661364606908244 1.3719918964859221 1.3611573998651283 1.5948729698279849 2.0777819620691225 2.5158051825955443 2.8532223630717155 3.032765449930604 3.196830684474067 3.243264241420332 3.3547047780913593 3.261837664198838 3.0420521613198566 2.698443839917505 2.348644377588991 +44393,2.005036056186648,2,1.1970921653216648 1.2079266619424585 1.1738753868485368 1.1970921653216648 1.1661364606908244 1.3719918964859221 1.3611573998651283 1.5948729698279849 2.0777819620691225 2.5158051825955443 2.8532223630717155 3.032765449930604 3.196830684474067 3.243264241420332 3.3547047780913593 3.261837664198838 3.0420521613198566 2.698443839917505 2.348644377588991 2.1721968611931928 +44394,1.9183600832202898,2,1.2079266619424585 1.1738753868485368 1.1970921653216648 1.1661364606908244 1.3719918964859221 1.3611573998651283 1.5948729698279849 2.0777819620691225 2.5158051825955443 2.8532223630717155 3.032765449930604 3.196830684474067 3.243264241420332 3.3547047780913593 3.261837664198838 3.0420521613198566 2.698443839917505 2.348644377588991 2.1721968611931928 2.005036056186648 +44395,1.834779680717013,2,1.1738753868485368 1.1970921653216648 1.1661364606908244 1.3719918964859221 1.3611573998651283 1.5948729698279849 2.0777819620691225 2.5158051825955443 2.8532223630717155 3.032765449930604 3.196830684474067 3.243264241420332 3.3547047780913593 3.261837664198838 3.0420521613198566 2.698443839917505 2.348644377588991 2.1721968611931928 2.005036056186648 1.9183600832202898 +44396,1.6444020972373399,2,1.1970921653216648 1.1661364606908244 1.3719918964859221 1.3611573998651283 1.5948729698279849 2.0777819620691225 2.5158051825955443 2.8532223630717155 3.032765449930604 3.196830684474067 3.243264241420332 3.3547047780913593 3.261837664198838 3.0420521613198566 2.698443839917505 2.348644377588991 2.1721968611931928 2.005036056186648 1.9183600832202898 1.834779680717013 +44397,1.4292599500529806,2,1.1661364606908244 1.3719918964859221 1.3611573998651283 1.5948729698279849 2.0777819620691225 2.5158051825955443 2.8532223630717155 3.032765449930604 3.196830684474067 3.243264241420332 3.3547047780913593 3.261837664198838 3.0420521613198566 2.698443839917505 2.348644377588991 2.1721968611931928 2.005036056186648 1.9183600832202898 1.834779680717013 1.6444020972373399 +44398,1.311628272455782,2,1.3719918964859221 1.3611573998651283 1.5948729698279849 2.0777819620691225 2.5158051825955443 2.8532223630717155 3.032765449930604 3.196830684474067 3.243264241420332 3.3547047780913593 3.261837664198838 3.0420521613198566 2.698443839917505 2.348644377588991 2.1721968611931928 2.005036056186648 1.9183600832202898 1.834779680717013 1.6444020972373399 1.4292599500529806 +44399,1.1197029037445596,2,1.3611573998651283 1.5948729698279849 2.0777819620691225 2.5158051825955443 2.8532223630717155 3.032765449930604 3.196830684474067 3.243264241420332 3.3547047780913593 3.261837664198838 3.0420521613198566 2.698443839917505 2.348644377588991 2.1721968611931928 2.005036056186648 1.9183600832202898 1.834779680717013 1.6444020972373399 1.4292599500529806 1.311628272455782 +44400,1.0005234409158204,2,1.5948729698279849 2.0777819620691225 2.5158051825955443 2.8532223630717155 3.032765449930604 3.196830684474067 3.243264241420332 3.3547047780913593 3.261837664198838 3.0420521613198566 2.698443839917505 2.348644377588991 2.1721968611931928 2.005036056186648 1.9183600832202898 1.834779680717013 1.6444020972373399 1.4292599500529806 1.311628272455782 1.1197029037445596 +44401,0.8689616962347378,2,2.0777819620691225 2.5158051825955443 2.8532223630717155 3.032765449930604 3.196830684474067 3.243264241420332 3.3547047780913593 3.261837664198838 3.0420521613198566 2.698443839917505 2.348644377588991 2.1721968611931928 2.005036056186648 1.9183600832202898 1.834779680717013 1.6444020972373399 1.4292599500529806 1.311628272455782 1.1197029037445596 1.0005234409158204 +44402,0.8085980722045979,2,2.5158051825955443 2.8532223630717155 3.032765449930604 3.196830684474067 3.243264241420332 3.3547047780913593 3.261837664198838 3.0420521613198566 2.698443839917505 2.348644377588991 2.1721968611931928 2.005036056186648 1.9183600832202898 1.834779680717013 1.6444020972373399 1.4292599500529806 1.311628272455782 1.1197029037445596 1.0005234409158204 0.8689616962347378 +44403,0.6042904216410411,2,2.8532223630717155 3.032765449930604 3.196830684474067 3.243264241420332 3.3547047780913593 3.261837664198838 3.0420521613198566 2.698443839917505 2.348644377588991 2.1721968611931928 2.005036056186648 1.9183600832202898 1.834779680717013 1.6444020972373399 1.4292599500529806 1.311628272455782 1.1197029037445596 1.0005234409158204 0.8689616962347378 0.8085980722045979 +44404,0.69251417983894,2,3.032765449930604 3.196830684474067 3.243264241420332 3.3547047780913593 3.261837664198838 3.0420521613198566 2.698443839917505 2.348644377588991 2.1721968611931928 2.005036056186648 1.9183600832202898 1.834779680717013 1.6444020972373399 1.4292599500529806 1.311628272455782 1.1197029037445596 1.0005234409158204 0.8689616962347378 0.8085980722045979 0.6042904216410411 +44405,1.4400944466737744,2,3.196830684474067 3.243264241420332 3.3547047780913593 3.261837664198838 3.0420521613198566 2.698443839917505 2.348644377588991 2.1721968611931928 2.005036056186648 1.9183600832202898 1.834779680717013 1.6444020972373399 1.4292599500529806 1.311628272455782 1.1197029037445596 1.0005234409158204 0.8689616962347378 0.8085980722045979 0.6042904216410411 0.69251417983894 +44406,2.022061693733613,2,3.243264241420332 3.3547047780913593 3.261837664198838 3.0420521613198566 2.698443839917505 2.348644377588991 2.1721968611931928 2.005036056186648 1.9183600832202898 1.834779680717013 1.6444020972373399 1.4292599500529806 1.311628272455782 1.1197029037445596 1.0005234409158204 0.8689616962347378 0.8085980722045979 0.6042904216410411 0.69251417983894 1.4400944466737744 +44407,2.4956839745854977,2,3.3547047780913593 3.261837664198838 3.0420521613198566 2.698443839917505 2.348644377588991 2.1721968611931928 2.005036056186648 1.9183600832202898 1.834779680717013 1.6444020972373399 1.4292599500529806 1.311628272455782 1.1197029037445596 1.0005234409158204 0.8689616962347378 0.8085980722045979 0.6042904216410411 0.69251417983894 1.4400944466737744 2.022061693733613 +44408,2.795954309504666,2,3.261837664198838 3.0420521613198566 2.698443839917505 2.348644377588991 2.1721968611931928 2.005036056186648 1.9183600832202898 1.834779680717013 1.6444020972373399 1.4292599500529806 1.311628272455782 1.1197029037445596 1.0005234409158204 0.8689616962347378 0.8085980722045979 0.6042904216410411 0.69251417983894 1.4400944466737744 2.022061693733613 2.4956839745854977 +44409,2.915133772333405,2,3.0420521613198566 2.698443839917505 2.348644377588991 2.1721968611931928 2.005036056186648 1.9183600832202898 1.834779680717013 1.6444020972373399 1.4292599500529806 1.311628272455782 1.1197029037445596 1.0005234409158204 0.8689616962347378 0.8085980722045979 0.6042904216410411 0.69251417983894 1.4400944466737744 2.022061693733613 2.4956839745854977 2.795954309504666 +44410,2.9507328326588764,2,2.698443839917505 2.348644377588991 2.1721968611931928 2.005036056186648 1.9183600832202898 1.834779680717013 1.6444020972373399 1.4292599500529806 1.311628272455782 1.1197029037445596 1.0005234409158204 0.8689616962347378 0.8085980722045979 0.6042904216410411 0.69251417983894 1.4400944466737744 2.022061693733613 2.4956839745854977 2.795954309504666 2.915133772333405 +44411,2.870248000618681,2,2.348644377588991 2.1721968611931928 2.005036056186648 1.9183600832202898 1.834779680717013 1.6444020972373399 1.4292599500529806 1.311628272455782 1.1197029037445596 1.0005234409158204 0.8689616962347378 0.8085980722045979 0.6042904216410411 0.69251417983894 1.4400944466737744 2.022061693733613 2.4956839745854977 2.795954309504666 2.915133772333405 2.9507328326588764 +44412,2.843935651682471,2,2.1721968611931928 2.005036056186648 1.9183600832202898 1.834779680717013 1.6444020972373399 1.4292599500529806 1.311628272455782 1.1197029037445596 1.0005234409158204 0.8689616962347378 0.8085980722045979 0.6042904216410411 0.69251417983894 1.4400944466737744 2.022061693733613 2.4956839745854977 2.795954309504666 2.915133772333405 2.9507328326588764 2.870248000618681 +44413,2.5544998133840973,2,2.005036056186648 1.9183600832202898 1.834779680717013 1.6444020972373399 1.4292599500529806 1.311628272455782 1.1197029037445596 1.0005234409158204 0.8689616962347378 0.8085980722045979 0.6042904216410411 0.69251417983894 1.4400944466737744 2.022061693733613 2.4956839745854977 2.795954309504666 2.915133772333405 2.9507328326588764 2.870248000618681 2.843935651682471 +44414,2.127311089478469,2,1.9183600832202898 1.834779680717013 1.6444020972373399 1.4292599500529806 1.311628272455782 1.1197029037445596 1.0005234409158204 0.8689616962347378 0.8085980722045979 0.6042904216410411 0.69251417983894 1.4400944466737744 2.022061693733613 2.4956839745854977 2.795954309504666 2.915133772333405 2.9507328326588764 2.870248000618681 2.843935651682471 2.5544998133840973 +44415,1.6629755200158371,2,1.834779680717013 1.6444020972373399 1.4292599500529806 1.311628272455782 1.1197029037445596 1.0005234409158204 0.8689616962347378 0.8085980722045979 0.6042904216410411 0.69251417983894 1.4400944466737744 2.022061693733613 2.4956839745854977 2.795954309504666 2.915133772333405 2.9507328326588764 2.870248000618681 2.843935651682471 2.5544998133840973 2.127311089478469 +44416,1.4400944466737744,2,1.6444020972373399 1.4292599500529806 1.311628272455782 1.1197029037445596 1.0005234409158204 0.8689616962347378 0.8085980722045979 0.6042904216410411 0.69251417983894 1.4400944466737744 2.022061693733613 2.4956839745854977 2.795954309504666 2.915133772333405 2.9507328326588764 2.870248000618681 2.843935651682471 2.5544998133840973 2.127311089478469 1.6629755200158371 +44417,1.218761158563261,2,1.4292599500529806 1.311628272455782 1.1197029037445596 1.0005234409158204 0.8689616962347378 0.8085980722045979 0.6042904216410411 0.69251417983894 1.4400944466737744 2.022061693733613 2.4956839745854977 2.795954309504666 2.915133772333405 2.9507328326588764 2.870248000618681 2.843935651682471 2.5544998133840973 2.127311089478469 1.6629755200158371 1.4400944466737744 +44418,1.0005234409158204,2,1.311628272455782 1.1197029037445596 1.0005234409158204 0.8689616962347378 0.8085980722045979 0.6042904216410411 0.69251417983894 1.4400944466737744 2.022061693733613 2.4956839745854977 2.795954309504666 2.915133772333405 2.9507328326588764 2.870248000618681 2.843935651682471 2.5544998133840973 2.127311089478469 1.6629755200158371 1.4400944466737744 1.218761158563261 +44419,0.8070502869730573,2,1.1197029037445596 1.0005234409158204 0.8689616962347378 0.8085980722045979 0.6042904216410411 0.69251417983894 1.4400944466737744 2.022061693733613 2.4956839745854977 2.795954309504666 2.915133772333405 2.9507328326588764 2.870248000618681 2.843935651682471 2.5544998133840973 2.127311089478469 1.6629755200158371 1.4400944466737744 1.218761158563261 1.0005234409158204 +44420,0.6785841127550649,2,1.0005234409158204 0.8689616962347378 0.8085980722045979 0.6042904216410411 0.69251417983894 1.4400944466737744 2.022061693733613 2.4956839745854977 2.795954309504666 2.915133772333405 2.9507328326588764 2.870248000618681 2.843935651682471 2.5544998133840973 2.127311089478469 1.6629755200158371 1.4400944466737744 1.218761158563261 1.0005234409158204 0.8070502869730573 +44421,0.4866587440438425,2,0.8689616962347378 0.8085980722045979 0.6042904216410411 0.69251417983894 1.4400944466737744 2.022061693733613 2.4956839745854977 2.795954309504666 2.915133772333405 2.9507328326588764 2.870248000618681 2.843935651682471 2.5544998133840973 2.127311089478469 1.6629755200158371 1.4400944466737744 1.218761158563261 1.0005234409158204 0.8070502869730573 0.6785841127550649 +44422,0.3953394153828534,2,0.8085980722045979 0.6042904216410411 0.69251417983894 1.4400944466737744 2.022061693733613 2.4956839745854977 2.795954309504666 2.915133772333405 2.9507328326588764 2.870248000618681 2.843935651682471 2.5544998133840973 2.127311089478469 1.6629755200158371 1.4400944466737744 1.218761158563261 1.0005234409158204 0.8070502869730573 0.6785841127550649 0.4866587440438425 +44423,0.3303324356580913,2,0.6042904216410411 0.69251417983894 1.4400944466737744 2.022061693733613 2.4956839745854977 2.795954309504666 2.915133772333405 2.9507328326588764 2.870248000618681 2.843935651682471 2.5544998133840973 2.127311089478469 1.6629755200158371 1.4400944466737744 1.218761158563261 1.0005234409158204 0.8070502869730573 0.6785841127550649 0.4866587440438425 0.3953394153828534 +44424,0.06875673152747587,2,0.69251417983894 1.4400944466737744 2.022061693733613 2.4956839745854977 2.795954309504666 2.915133772333405 2.9507328326588764 2.870248000618681 2.843935651682471 2.5544998133840973 2.127311089478469 1.6629755200158371 1.4400944466737744 1.218761158563261 1.0005234409158204 0.8070502869730573 0.6785841127550649 0.4866587440438425 0.3953394153828534 0.3303324356580913 +44425,0.033157671202004635,2,1.4400944466737744 2.022061693733613 2.4956839745854977 2.795954309504666 2.915133772333405 2.9507328326588764 2.870248000618681 2.843935651682471 2.5544998133840973 2.127311089478469 1.6629755200158371 1.4400944466737744 1.218761158563261 1.0005234409158204 0.8070502869730573 0.6785841127550649 0.4866587440438425 0.3953394153828534 0.3303324356580913 0.06875673152747587 +44426,0.11054693277910989,2,2.022061693733613 2.4956839745854977 2.795954309504666 2.915133772333405 2.9507328326588764 2.870248000618681 2.843935651682471 2.5544998133840973 2.127311089478469 1.6629755200158371 1.4400944466737744 1.218761158563261 1.0005234409158204 0.8070502869730573 0.6785841127550649 0.4866587440438425 0.3953394153828534 0.3303324356580913 0.06875673152747587 0.033157671202004635 +44427,-0.0535183017643536,2,2.4956839745854977 2.795954309504666 2.915133772333405 2.9507328326588764 2.870248000618681 2.843935651682471 2.5544998133840973 2.127311089478469 1.6629755200158371 1.4400944466737744 1.218761158563261 1.0005234409158204 0.8070502869730573 0.6785841127550649 0.4866587440438425 0.3953394153828534 0.3303324356580913 0.06875673152747587 0.033157671202004635 0.11054693277910989 +44428,0.1616238454199969,2,2.795954309504666 2.915133772333405 2.9507328326588764 2.870248000618681 2.843935651682471 2.5544998133840973 2.127311089478469 1.6629755200158371 1.4400944466737744 1.218761158563261 1.0005234409158204 0.8070502869730573 0.6785841127550649 0.4866587440438425 0.3953394153828534 0.3303324356580913 0.06875673152747587 0.033157671202004635 0.11054693277910989 -0.0535183017643536 +44429,0.7683556561845045,2,2.915133772333405 2.9507328326588764 2.870248000618681 2.843935651682471 2.5544998133840973 2.127311089478469 1.6629755200158371 1.4400944466737744 1.218761158563261 1.0005234409158204 0.8070502869730573 0.6785841127550649 0.4866587440438425 0.3953394153828534 0.3303324356580913 0.06875673152747587 0.033157671202004635 0.11054693277910989 -0.0535183017643536 0.1616238454199969 +44430,1.2651947155095171,2,2.9507328326588764 2.870248000618681 2.843935651682471 2.5544998133840973 2.127311089478469 1.6629755200158371 1.4400944466737744 1.218761158563261 1.0005234409158204 0.8070502869730573 0.6785841127550649 0.4866587440438425 0.3953394153828534 0.3303324356580913 0.06875673152747587 0.033157671202004635 0.11054693277910989 -0.0535183017643536 0.1616238454199969 0.7683556561845045 +44431,1.7078612917305613,2,2.870248000618681 2.843935651682471 2.5544998133840973 2.127311089478469 1.6629755200158371 1.4400944466737744 1.218761158563261 1.0005234409158204 0.8070502869730573 0.6785841127550649 0.4866587440438425 0.3953394153828534 0.3303324356580913 0.06875673152747587 0.033157671202004635 0.11054693277910989 -0.0535183017643536 0.1616238454199969 0.7683556561845045 1.2651947155095171 +44432,2.0205139085020636,2,2.843935651682471 2.5544998133840973 2.127311089478469 1.6629755200158371 1.4400944466737744 1.218761158563261 1.0005234409158204 0.8070502869730573 0.6785841127550649 0.4866587440438425 0.3953394153828534 0.3303324356580913 0.06875673152747587 0.033157671202004635 0.11054693277910989 -0.0535183017643536 0.1616238454199969 0.7683556561845045 1.2651947155095171 1.7078612917305613 +44433,2.213987062444827,2,2.5544998133840973 2.127311089478469 1.6629755200158371 1.4400944466737744 1.218761158563261 1.0005234409158204 0.8070502869730573 0.6785841127550649 0.4866587440438425 0.3953394153828534 0.3303324356580913 0.06875673152747587 0.033157671202004635 0.11054693277910989 -0.0535183017643536 0.1616238454199969 0.7683556561845045 1.2651947155095171 1.7078612917305613 2.0205139085020636 +44434,2.1845791430455272,2,2.127311089478469 1.6629755200158371 1.4400944466737744 1.218761158563261 1.0005234409158204 0.8070502869730573 0.6785841127550649 0.4866587440438425 0.3953394153828534 0.3303324356580913 0.06875673152747587 0.033157671202004635 0.11054693277910989 -0.0535183017643536 0.1616238454199969 0.7683556561845045 1.2651947155095171 1.7078612917305613 2.0205139085020636 2.213987062444827 +44435,2.1691012907301115,2,1.6629755200158371 1.4400944466737744 1.218761158563261 1.0005234409158204 0.8070502869730573 0.6785841127550649 0.4866587440438425 0.3953394153828534 0.3303324356580913 0.06875673152747587 0.033157671202004635 0.11054693277910989 -0.0535183017643536 0.1616238454199969 0.7683556561845045 1.2651947155095171 1.7078612917305613 2.0205139085020636 2.213987062444827 2.1845791430455272 +44436,2.0421829017436597,2,1.4400944466737744 1.218761158563261 1.0005234409158204 0.8070502869730573 0.6785841127550649 0.4866587440438425 0.3953394153828534 0.3303324356580913 0.06875673152747587 0.033157671202004635 0.11054693277910989 -0.0535183017643536 0.1616238454199969 0.7683556561845045 1.2651947155095171 1.7078612917305613 2.0205139085020636 2.213987062444827 2.1845791430455272 2.1691012907301115 +44437,1.9059778013679554,2,1.218761158563261 1.0005234409158204 0.8070502869730573 0.6785841127550649 0.4866587440438425 0.3953394153828534 0.3303324356580913 0.06875673152747587 0.033157671202004635 0.11054693277910989 -0.0535183017643536 0.1616238454199969 0.7683556561845045 1.2651947155095171 1.7078612917305613 2.0205139085020636 2.213987062444827 2.1845791430455272 2.1691012907301115 2.0421829017436597 +44438,1.4865280036200392,2,1.0005234409158204 0.8070502869730573 0.6785841127550649 0.4866587440438425 0.3953394153828534 0.3303324356580913 0.06875673152747587 0.033157671202004635 0.11054693277910989 -0.0535183017643536 0.1616238454199969 0.7683556561845045 1.2651947155095171 1.7078612917305613 2.0205139085020636 2.213987062444827 2.1845791430455272 2.1691012907301115 2.0421829017436597 1.9059778013679554 +44439,1.1583975345331123,2,0.8070502869730573 0.6785841127550649 0.4866587440438425 0.3953394153828534 0.3303324356580913 0.06875673152747587 0.033157671202004635 0.11054693277910989 -0.0535183017643536 0.1616238454199969 0.7683556561845045 1.2651947155095171 1.7078612917305613 2.0205139085020636 2.213987062444827 2.1845791430455272 2.1691012907301115 2.0421829017436597 1.9059778013679554 1.4865280036200392 +44440,0.9246819645702558,2,0.6785841127550649 0.4866587440438425 0.3953394153828534 0.3303324356580913 0.06875673152747587 0.033157671202004635 0.11054693277910989 -0.0535183017643536 0.1616238454199969 0.7683556561845045 1.2651947155095171 1.7078612917305613 2.0205139085020636 2.213987062444827 2.1845791430455272 2.1691012907301115 2.0421829017436597 1.9059778013679554 1.4865280036200392 1.1583975345331123 +44441,0.7606167300267923,2,0.4866587440438425 0.3953394153828534 0.3303324356580913 0.06875673152747587 0.033157671202004635 0.11054693277910989 -0.0535183017643536 0.1616238454199969 0.7683556561845045 1.2651947155095171 1.7078612917305613 2.0205139085020636 2.213987062444827 2.1845791430455272 2.1691012907301115 2.0421829017436597 1.9059778013679554 1.4865280036200392 1.1583975345331123 0.9246819645702558 +44442,0.5315445157585579,2,0.3953394153828534 0.3303324356580913 0.06875673152747587 0.033157671202004635 0.11054693277910989 -0.0535183017643536 0.1616238454199969 0.7683556561845045 1.2651947155095171 1.7078612917305613 2.0205139085020636 2.213987062444827 2.1845791430455272 2.1691012907301115 2.0421829017436597 1.9059778013679554 1.4865280036200392 1.1583975345331123 0.9246819645702558 0.7606167300267923 +44443,0.39843498584594356,2,0.3303324356580913 0.06875673152747587 0.033157671202004635 0.11054693277910989 -0.0535183017643536 0.1616238454199969 0.7683556561845045 1.2651947155095171 1.7078612917305613 2.0205139085020636 2.213987062444827 2.1845791430455272 2.1691012907301115 2.0421829017436597 1.9059778013679554 1.4865280036200392 1.1583975345331123 0.9246819645702558 0.7606167300267923 0.5315445157585579 +44444,0.23591753653402076,2,0.06875673152747587 0.033157671202004635 0.11054693277910989 -0.0535183017643536 0.1616238454199969 0.7683556561845045 1.2651947155095171 1.7078612917305613 2.0205139085020636 2.213987062444827 2.1845791430455272 2.1691012907301115 2.0421829017436597 1.9059778013679554 1.4865280036200392 1.1583975345331123 0.9246819645702558 0.7606167300267923 0.5315445157585579 0.39843498584594356 +44445,0.11673807370528148,2,0.033157671202004635 0.11054693277910989 -0.0535183017643536 0.1616238454199969 0.7683556561845045 1.2651947155095171 1.7078612917305613 2.0205139085020636 2.213987062444827 2.1845791430455272 2.1691012907301115 2.0421829017436597 1.9059778013679554 1.4865280036200392 1.1583975345331123 0.9246819645702558 0.7606167300267923 0.5315445157585579 0.39843498584594356 0.23591753653402076 +44446,-0.0008936038919258983,2,0.11054693277910989 -0.0535183017643536 0.1616238454199969 0.7683556561845045 1.2651947155095171 1.7078612917305613 2.0205139085020636 2.213987062444827 2.1845791430455272 2.1691012907301115 2.0421829017436597 1.9059778013679554 1.4865280036200392 1.1583975345331123 0.9246819645702558 0.7606167300267923 0.5315445157585579 0.39843498584594356 0.23591753653402076 0.11673807370528148 +44447,-0.08447400639519394,2,-0.0535183017643536 0.1616238454199969 0.7683556561845045 1.2651947155095171 1.7078612917305613 2.0205139085020636 2.213987062444827 2.1845791430455272 2.1691012907301115 2.0421829017436597 1.9059778013679554 1.4865280036200392 1.1583975345331123 0.9246819645702558 0.7606167300267923 0.5315445157585579 0.39843498584594356 0.23591753653402076 0.11673807370528148 -0.0008936038919258983 +44448,-0.12007306672066517,2,0.1616238454199969 0.7683556561845045 1.2651947155095171 1.7078612917305613 2.0205139085020636 2.213987062444827 2.1845791430455272 2.1691012907301115 2.0421829017436597 1.9059778013679554 1.4865280036200392 1.1583975345331123 0.9246819645702558 0.7606167300267923 0.5315445157585579 0.39843498584594356 0.23591753653402076 0.11673807370528148 -0.0008936038919258983 -0.08447400639519394 +44449,-0.22841803292861076,2,0.7683556561845045 1.2651947155095171 1.7078612917305613 2.0205139085020636 2.213987062444827 2.1845791430455272 2.1691012907301115 2.0421829017436597 1.9059778013679554 1.4865280036200392 1.1583975345331123 0.9246819645702558 0.7606167300267923 0.5315445157585579 0.39843498584594356 0.23591753653402076 0.11673807370528148 -0.0008936038919258983 -0.08447400639519394 -0.12007306672066517 +44450,-0.324380717284222,2,1.2651947155095171 1.7078612917305613 2.0205139085020636 2.213987062444827 2.1845791430455272 2.1691012907301115 2.0421829017436597 1.9059778013679554 1.4865280036200392 1.1583975345331123 0.9246819645702558 0.7606167300267923 0.5315445157585579 0.39843498584594356 0.23591753653402076 0.11673807370528148 -0.0008936038919258983 -0.08447400639519394 -0.12007306672066517 -0.22841803292861076 +44451,-0.356884207146603,2,1.7078612917305613 2.0205139085020636 2.213987062444827 2.1845791430455272 2.1691012907301115 2.0421829017436597 1.9059778013679554 1.4865280036200392 1.1583975345331123 0.9246819645702558 0.7606167300267923 0.5315445157585579 0.39843498584594356 0.23591753653402076 0.11673807370528148 -0.0008936038919258983 -0.08447400639519394 -0.12007306672066517 -0.22841803292861076 -0.324380717284222 +44452,-0.20210568399239254,2,2.0205139085020636 2.213987062444827 2.1845791430455272 2.1691012907301115 2.0421829017436597 1.9059778013679554 1.4865280036200392 1.1583975345331123 0.9246819645702558 0.7606167300267923 0.5315445157585579 0.39843498584594356 0.23591753653402076 0.11673807370528148 -0.0008936038919258983 -0.08447400639519394 -0.12007306672066517 -0.22841803292861076 -0.324380717284222 -0.356884207146603 +44453,0.4371296166344962,2,2.213987062444827 2.1845791430455272 2.1691012907301115 2.0421829017436597 1.9059778013679554 1.4865280036200392 1.1583975345331123 0.9246819645702558 0.7606167300267923 0.5315445157585579 0.39843498584594356 0.23591753653402076 0.11673807370528148 -0.0008936038919258983 -0.08447400639519394 -0.12007306672066517 -0.22841803292861076 -0.324380717284222 -0.356884207146603 -0.20210568399239254 +44454,0.8472927029931505,2,2.1845791430455272 2.1691012907301115 2.0421829017436597 1.9059778013679554 1.4865280036200392 1.1583975345331123 0.9246819645702558 0.7606167300267923 0.5315445157585579 0.39843498584594356 0.23591753653402076 0.11673807370528148 -0.0008936038919258983 -0.08447400639519394 -0.12007306672066517 -0.22841803292861076 -0.324380717284222 -0.356884207146603 -0.20210568399239254 0.4371296166344962 +44455,1.2125700176370895,2,2.1691012907301115 2.0421829017436597 1.9059778013679554 1.4865280036200392 1.1583975345331123 0.9246819645702558 0.7606167300267923 0.5315445157585579 0.39843498584594356 0.23591753653402076 0.11673807370528148 -0.0008936038919258983 -0.08447400639519394 -0.12007306672066517 -0.22841803292861076 -0.324380717284222 -0.356884207146603 -0.20210568399239254 0.4371296166344962 0.8472927029931505 +44456,1.4153298829691057,2,2.0421829017436597 1.9059778013679554 1.4865280036200392 1.1583975345331123 0.9246819645702558 0.7606167300267923 0.5315445157585579 0.39843498584594356 0.23591753653402076 0.11673807370528148 -0.0008936038919258983 -0.08447400639519394 -0.12007306672066517 -0.22841803292861076 -0.324380717284222 -0.356884207146603 -0.20210568399239254 0.4371296166344962 0.8472927029931505 1.2125700176370895 +44457,1.6211853187642031,2,1.9059778013679554 1.4865280036200392 1.1583975345331123 0.9246819645702558 0.7606167300267923 0.5315445157585579 0.39843498584594356 0.23591753653402076 0.11673807370528148 -0.0008936038919258983 -0.08447400639519394 -0.12007306672066517 -0.22841803292861076 -0.324380717284222 -0.356884207146603 -0.20210568399239254 0.4371296166344962 0.8472927029931505 1.2125700176370895 1.4153298829691057 +44458,1.6645233052473867,2,1.4865280036200392 1.1583975345331123 0.9246819645702558 0.7606167300267923 0.5315445157585579 0.39843498584594356 0.23591753653402076 0.11673807370528148 -0.0008936038919258983 -0.08447400639519394 -0.12007306672066517 -0.22841803292861076 -0.324380717284222 -0.356884207146603 -0.20210568399239254 0.4371296166344962 0.8472927029931505 1.2125700176370895 1.4153298829691057 1.6211853187642031 +44459,1.6892878689520554,2,1.1583975345331123 0.9246819645702558 0.7606167300267923 0.5315445157585579 0.39843498584594356 0.23591753653402076 0.11673807370528148 -0.0008936038919258983 -0.08447400639519394 -0.12007306672066517 -0.22841803292861076 -0.324380717284222 -0.356884207146603 -0.20210568399239254 0.4371296166344962 0.8472927029931505 1.2125700176370895 1.4153298829691057 1.6211853187642031 1.6645233052473867 +44460,1.6521410233950435,2,0.9246819645702558 0.7606167300267923 0.5315445157585579 0.39843498584594356 0.23591753653402076 0.11673807370528148 -0.0008936038919258983 -0.08447400639519394 -0.12007306672066517 -0.22841803292861076 -0.324380717284222 -0.356884207146603 -0.20210568399239254 0.4371296166344962 0.8472927029931505 1.2125700176370895 1.4153298829691057 1.6211853187642031 1.6645233052473867 1.6892878689520554 +44461,1.5066492116300858,2,0.7606167300267923 0.5315445157585579 0.39843498584594356 0.23591753653402076 0.11673807370528148 -0.0008936038919258983 -0.08447400639519394 -0.12007306672066517 -0.22841803292861076 -0.324380717284222 -0.356884207146603 -0.20210568399239254 0.4371296166344962 0.8472927029931505 1.2125700176370895 1.4153298829691057 1.6211853187642031 1.6645233052473867 1.6892878689520554 1.6521410233950435 +44462,1.200187735784755,2,0.5315445157585579 0.39843498584594356 0.23591753653402076 0.11673807370528148 -0.0008936038919258983 -0.08447400639519394 -0.12007306672066517 -0.22841803292861076 -0.324380717284222 -0.356884207146603 -0.20210568399239254 0.4371296166344962 0.8472927029931505 1.2125700176370895 1.4153298829691057 1.6211853187642031 1.6645233052473867 1.6892878689520554 1.6521410233950435 1.5066492116300858 +44463,0.8767006223924502,2,0.39843498584594356 0.23591753653402076 0.11673807370528148 -0.0008936038919258983 -0.08447400639519394 -0.12007306672066517 -0.22841803292861076 -0.324380717284222 -0.356884207146603 -0.20210568399239254 0.4371296166344962 0.8472927029931505 1.2125700176370895 1.4153298829691057 1.6211853187642031 1.6645233052473867 1.6892878689520554 1.6521410233950435 1.5066492116300858 1.200187735784755 +44464,0.6073859921041225,2,0.23591753653402076 0.11673807370528148 -0.0008936038919258983 -0.08447400639519394 -0.12007306672066517 -0.22841803292861076 -0.324380717284222 -0.356884207146603 -0.20210568399239254 0.4371296166344962 0.8472927029931505 1.2125700176370895 1.4153298829691057 1.6211853187642031 1.6645233052473867 1.6892878689520554 1.6521410233950435 1.5066492116300858 1.200187735784755 0.8767006223924502 +44465,0.3566447845943007,2,0.11673807370528148 -0.0008936038919258983 -0.08447400639519394 -0.12007306672066517 -0.22841803292861076 -0.324380717284222 -0.356884207146603 -0.20210568399239254 0.4371296166344962 0.8472927029931505 1.2125700176370895 1.4153298829691057 1.6211853187642031 1.6645233052473867 1.6892878689520554 1.6521410233950435 1.5066492116300858 1.200187735784755 0.8767006223924502 0.6073859921041225 +44466,0.17864948296696218,2,-0.0008936038919258983 -0.08447400639519394 -0.12007306672066517 -0.22841803292861076 -0.324380717284222 -0.356884207146603 -0.20210568399239254 0.4371296166344962 0.8472927029931505 1.2125700176370895 1.4153298829691057 1.6211853187642031 1.6645233052473867 1.6892878689520554 1.6521410233950435 1.5066492116300858 1.200187735784755 0.8767006223924502 0.6073859921041225 0.3566447845943007 +44467,0.09042572476906323,2,-0.08447400639519394 -0.12007306672066517 -0.22841803292861076 -0.324380717284222 -0.356884207146603 -0.20210568399239254 0.4371296166344962 0.8472927029931505 1.2125700176370895 1.4153298829691057 1.6211853187642031 1.6645233052473867 1.6892878689520554 1.6521410233950435 1.5066492116300858 1.200187735784755 0.8767006223924502 0.6073859921041225 0.3566447845943007 0.17864948296696218 +44468,-0.011728100512719579,2,-0.12007306672066517 -0.22841803292861076 -0.324380717284222 -0.356884207146603 -0.20210568399239254 0.4371296166344962 0.8472927029931505 1.2125700176370895 1.4153298829691057 1.6211853187642031 1.6645233052473867 1.6892878689520554 1.6521410233950435 1.5066492116300858 1.200187735784755 0.8767006223924502 0.6073859921041225 0.3566447845943007 0.17864948296696218 0.09042572476906323 +44469,-0.1076907848683308,2,-0.22841803292861076 -0.324380717284222 -0.356884207146603 -0.20210568399239254 0.4371296166344962 0.8472927029931505 1.2125700176370895 1.4153298829691057 1.6211853187642031 1.6645233052473867 1.6892878689520554 1.6521410233950435 1.5066492116300858 1.200187735784755 0.8767006223924502 0.6073859921041225 0.3566447845943007 0.17864948296696218 0.09042572476906323 -0.011728100512719579 +44470,-0.2144879658447357,2,-0.324380717284222 -0.356884207146603 -0.20210568399239254 0.4371296166344962 0.8472927029931505 1.2125700176370895 1.4153298829691057 1.6211853187642031 1.6645233052473867 1.6892878689520554 1.6521410233950435 1.5066492116300858 1.200187735784755 0.8767006223924502 0.6073859921041225 0.3566447845943007 0.17864948296696218 0.09042572476906323 -0.011728100512719579 -0.1076907848683308 +44471,-0.19746232829777044,2,-0.356884207146603 -0.20210568399239254 0.4371296166344962 0.8472927029931505 1.2125700176370895 1.4153298829691057 1.6211853187642031 1.6645233052473867 1.6892878689520554 1.6521410233950435 1.5066492116300858 1.200187735784755 0.8767006223924502 0.6073859921041225 0.3566447845943007 0.17864948296696218 0.09042572476906323 -0.011728100512719579 -0.1076907848683308 -0.2144879658447357 +44472,-0.28878165695875074,2,-0.20210568399239254 0.4371296166344962 0.8472927029931505 1.2125700176370895 1.4153298829691057 1.6211853187642031 1.6645233052473867 1.6892878689520554 1.6521410233950435 1.5066492116300858 1.200187735784755 0.8767006223924502 0.6073859921041225 0.3566447845943007 0.17864948296696218 0.09042572476906323 -0.011728100512719579 -0.1076907848683308 -0.2144879658447357 -0.19746232829777044 +44473,-0.3119984354318876,2,0.4371296166344962 0.8472927029931505 1.2125700176370895 1.4153298829691057 1.6211853187642031 1.6645233052473867 1.6892878689520554 1.6521410233950435 1.5066492116300858 1.200187735784755 0.8767006223924502 0.6073859921041225 0.3566447845943007 0.17864948296696218 0.09042572476906323 -0.011728100512719579 -0.1076907848683308 -0.2144879658447357 -0.19746232829777044 -0.28878165695875074 +44474,-0.324380717284222,2,0.8472927029931505 1.2125700176370895 1.4153298829691057 1.6211853187642031 1.6645233052473867 1.6892878689520554 1.6521410233950435 1.5066492116300858 1.200187735784755 0.8767006223924502 0.6073859921041225 0.3566447845943007 0.17864948296696218 0.09042572476906323 -0.011728100512719579 -0.1076907848683308 -0.2144879658447357 -0.19746232829777044 -0.28878165695875074 -0.3119984354318876 +44475,-0.34295414006272795,2,1.2125700176370895 1.4153298829691057 1.6211853187642031 1.6645233052473867 1.6892878689520554 1.6521410233950435 1.5066492116300858 1.200187735784755 0.8767006223924502 0.6073859921041225 0.3566447845943007 0.17864948296696218 0.09042572476906323 -0.011728100512719579 -0.1076907848683308 -0.2144879658447357 -0.19746232829777044 -0.28878165695875074 -0.3119984354318876 -0.324380717284222 +44476,-0.3367629991365564,2,1.4153298829691057 1.6211853187642031 1.6645233052473867 1.6892878689520554 1.6521410233950435 1.5066492116300858 1.200187735784755 0.8767006223924502 0.6073859921041225 0.3566447845943007 0.17864948296696218 0.09042572476906323 -0.011728100512719579 -0.1076907848683308 -0.2144879658447357 -0.19746232829777044 -0.28878165695875074 -0.3119984354318876 -0.324380717284222 -0.34295414006272795 +44477,-0.1076907848683308,2,1.6211853187642031 1.6645233052473867 1.6892878689520554 1.6521410233950435 1.5066492116300858 1.200187735784755 0.8767006223924502 0.6073859921041225 0.3566447845943007 0.17864948296696218 0.09042572476906323 -0.011728100512719579 -0.1076907848683308 -0.2144879658447357 -0.19746232829777044 -0.28878165695875074 -0.3119984354318876 -0.324380717284222 -0.34295414006272795 -0.3367629991365564 +44478,0.271516596859492,2,1.6645233052473867 1.6892878689520554 1.6521410233950435 1.5066492116300858 1.200187735784755 0.8767006223924502 0.6073859921041225 0.3566447845943007 0.17864948296696218 0.09042572476906323 -0.011728100512719579 -0.1076907848683308 -0.2144879658447357 -0.19746232829777044 -0.28878165695875074 -0.3119984354318876 -0.324380717284222 -0.34295414006272795 -0.3367629991365564 -0.1076907848683308 +44479,0.641437267198053,2,1.6892878689520554 1.6521410233950435 1.5066492116300858 1.200187735784755 0.8767006223924502 0.6073859921041225 0.3566447845943007 0.17864948296696218 0.09042572476906323 -0.011728100512719579 -0.1076907848683308 -0.2144879658447357 -0.19746232829777044 -0.28878165695875074 -0.3119984354318876 -0.324380717284222 -0.34295414006272795 -0.3367629991365564 -0.1076907848683308 0.271516596859492 +44480,0.9865933738319452,2,1.6521410233950435 1.5066492116300858 1.200187735784755 0.8767006223924502 0.6073859921041225 0.3566447845943007 0.17864948296696218 0.09042572476906323 -0.011728100512719579 -0.1076907848683308 -0.2144879658447357 -0.19746232829777044 -0.28878165695875074 -0.3119984354318876 -0.324380717284222 -0.34295414006272795 -0.3367629991365564 -0.1076907848683308 0.271516596859492 0.641437267198053 +44481,1.200187735784755,2,1.5066492116300858 1.200187735784755 0.8767006223924502 0.6073859921041225 0.3566447845943007 0.17864948296696218 0.09042572476906323 -0.011728100512719579 -0.1076907848683308 -0.2144879658447357 -0.19746232829777044 -0.28878165695875074 -0.3119984354318876 -0.324380717284222 -0.34295414006272795 -0.3367629991365564 -0.1076907848683308 0.271516596859492 0.641437267198053 0.9865933738319452 +44482,1.4060431715798525,2,1.200187735784755 0.8767006223924502 0.6073859921041225 0.3566447845943007 0.17864948296696218 0.09042572476906323 -0.011728100512719579 -0.1076907848683308 -0.2144879658447357 -0.19746232829777044 -0.28878165695875074 -0.3119984354318876 -0.324380717284222 -0.34295414006272795 -0.3367629991365564 -0.1076907848683308 0.271516596859492 0.641437267198053 0.9865933738319452 1.200187735784755 +44483,1.348775118012794,2,0.8767006223924502 0.6073859921041225 0.3566447845943007 0.17864948296696218 0.09042572476906323 -0.011728100512719579 -0.1076907848683308 -0.2144879658447357 -0.19746232829777044 -0.28878165695875074 -0.3119984354318876 -0.324380717284222 -0.34295414006272795 -0.3367629991365564 -0.1076907848683308 0.271516596859492 0.641437267198053 0.9865933738319452 1.200187735784755 1.4060431715798525 +44484,1.2373345813417582,2,0.6073859921041225 0.3566447845943007 0.17864948296696218 0.09042572476906323 -0.011728100512719579 -0.1076907848683308 -0.2144879658447357 -0.19746232829777044 -0.28878165695875074 -0.3119984354318876 -0.324380717284222 -0.34295414006272795 -0.3367629991365564 -0.1076907848683308 0.271516596859492 0.641437267198053 0.9865933738319452 1.200187735784755 1.4060431715798525 1.348775118012794 +44485,1.057791494482879,2,0.3566447845943007 0.17864948296696218 0.09042572476906323 -0.011728100512719579 -0.1076907848683308 -0.2144879658447357 -0.19746232829777044 -0.28878165695875074 -0.3119984354318876 -0.324380717284222 -0.34295414006272795 -0.3367629991365564 -0.1076907848683308 0.271516596859492 0.641437267198053 0.9865933738319452 1.200187735784755 1.4060431715798525 1.348775118012794 1.2373345813417582 +44486,0.7064442469228239,2,0.17864948296696218 0.09042572476906323 -0.011728100512719579 -0.1076907848683308 -0.2144879658447357 -0.19746232829777044 -0.28878165695875074 -0.3119984354318876 -0.324380717284222 -0.34295414006272795 -0.3367629991365564 -0.1076907848683308 0.271516596859492 0.641437267198053 0.9865933738319452 1.200187735784755 1.4060431715798525 1.348775118012794 1.2373345813417582 1.057791494482879 +44487,0.4231995495506123,2,0.09042572476906323 -0.011728100512719579 -0.1076907848683308 -0.2144879658447357 -0.19746232829777044 -0.28878165695875074 -0.3119984354318876 -0.324380717284222 -0.34295414006272795 -0.3367629991365564 -0.1076907848683308 0.271516596859492 0.641437267198053 0.9865933738319452 1.200187735784755 1.4060431715798525 1.348775118012794 1.2373345813417582 1.057791494482879 0.7064442469228239 +44488,0.23746532176556145,2,-0.011728100512719579 -0.1076907848683308 -0.2144879658447357 -0.19746232829777044 -0.28878165695875074 -0.3119984354318876 -0.324380717284222 -0.34295414006272795 -0.3367629991365564 -0.1076907848683308 0.271516596859492 0.641437267198053 0.9865933738319452 1.200187735784755 1.4060431715798525 1.348775118012794 1.2373345813417582 1.057791494482879 0.7064442469228239 0.4231995495506123 +44489,0.08887793953752253,2,-0.1076907848683308 -0.2144879658447357 -0.19746232829777044 -0.28878165695875074 -0.3119984354318876 -0.324380717284222 -0.34295414006272795 -0.3367629991365564 -0.1076907848683308 0.271516596859492 0.641437267198053 0.9865933738319452 1.200187735784755 1.4060431715798525 1.348775118012794 1.2373345813417582 1.057791494482879 0.7064442469228239 0.4231995495506123 0.23746532176556145 +44490,-0.030301523291225544,2,-0.2144879658447357 -0.19746232829777044 -0.28878165695875074 -0.3119984354318876 -0.324380717284222 -0.34295414006272795 -0.3367629991365564 -0.1076907848683308 0.271516596859492 0.641437267198053 0.9865933738319452 1.200187735784755 1.4060431715798525 1.348775118012794 1.2373345813417582 1.057791494482879 0.7064442469228239 0.4231995495506123 0.23746532176556145 0.08887793953752253 +44491,-0.0550660869958943,2,-0.19746232829777044 -0.28878165695875074 -0.3119984354318876 -0.324380717284222 -0.34295414006272795 -0.3367629991365564 -0.1076907848683308 0.271516596859492 0.641437267198053 0.9865933738319452 1.200187735784755 1.4060431715798525 1.348775118012794 1.2373345813417582 1.057791494482879 0.7064442469228239 0.4231995495506123 0.23746532176556145 0.08887793953752253 -0.030301523291225544 +44492,-0.14328984519379323,2,-0.28878165695875074 -0.3119984354318876 -0.324380717284222 -0.34295414006272795 -0.3367629991365564 -0.1076907848683308 0.271516596859492 0.641437267198053 0.9865933738319452 1.200187735784755 1.4060431715798525 1.348775118012794 1.2373345813417582 1.057791494482879 0.7064442469228239 0.4231995495506123 0.23746532176556145 0.08887793953752253 -0.030301523291225544 -0.0550660869958943 +44493,-0.1587676975092178,2,-0.3119984354318876 -0.324380717284222 -0.34295414006272795 -0.3367629991365564 -0.1076907848683308 0.271516596859492 0.641437267198053 0.9865933738319452 1.200187735784755 1.4060431715798525 1.348775118012794 1.2373345813417582 1.057791494482879 0.7064442469228239 0.4231995495506123 0.23746532176556145 0.08887793953752253 -0.030301523291225544 -0.0550660869958943 -0.14328984519379323 +44494,-0.273303804643335,2,-0.324380717284222 -0.34295414006272795 -0.3367629991365564 -0.1076907848683308 0.271516596859492 0.641437267198053 0.9865933738319452 1.200187735784755 1.4060431715798525 1.348775118012794 1.2373345813417582 1.057791494482879 0.7064442469228239 0.4231995495506123 0.23746532176556145 0.08887793953752253 -0.030301523291225544 -0.0550660869958943 -0.14328984519379323 -0.1587676975092178 +44495,-0.20365346922394204,2,-0.34295414006272795 -0.3367629991365564 -0.1076907848683308 0.271516596859492 0.641437267198053 0.9865933738319452 1.200187735784755 1.4060431715798525 1.348775118012794 1.2373345813417582 1.057791494482879 0.7064442469228239 0.4231995495506123 0.23746532176556145 0.08887793953752253 -0.030301523291225544 -0.0550660869958943 -0.14328984519379323 -0.1587676975092178 -0.273303804643335 +44496,-0.2500870261701981,2,-0.3367629991365564 -0.1076907848683308 0.271516596859492 0.641437267198053 0.9865933738319452 1.200187735784755 1.4060431715798525 1.348775118012794 1.2373345813417582 1.057791494482879 0.7064442469228239 0.4231995495506123 0.23746532176556145 0.08887793953752253 -0.030301523291225544 -0.0550660869958943 -0.14328984519379323 -0.1587676975092178 -0.273303804643335 -0.20365346922394204 +44497,-0.2624693080225413,2,-0.1076907848683308 0.271516596859492 0.641437267198053 0.9865933738319452 1.200187735784755 1.4060431715798525 1.348775118012794 1.2373345813417582 1.057791494482879 0.7064442469228239 0.4231995495506123 0.23746532176556145 0.08887793953752253 -0.030301523291225544 -0.0550660869958943 -0.14328984519379323 -0.1587676975092178 -0.273303804643335 -0.20365346922394204 -0.2500870261701981 +44498,-0.2748515898748757,2,0.271516596859492 0.641437267198053 0.9865933738319452 1.200187735784755 1.4060431715798525 1.348775118012794 1.2373345813417582 1.057791494482879 0.7064442469228239 0.4231995495506123 0.23746532176556145 0.08887793953752253 -0.030301523291225544 -0.0550660869958943 -0.14328984519379323 -0.1587676975092178 -0.273303804643335 -0.20365346922394204 -0.2500870261701981 -0.2624693080225413 +44499,-0.33985856959964655,2,0.641437267198053 0.9865933738319452 1.200187735784755 1.4060431715798525 1.348775118012794 1.2373345813417582 1.057791494482879 0.7064442469228239 0.4231995495506123 0.23746532176556145 0.08887793953752253 -0.030301523291225544 -0.0550660869958943 -0.14328984519379323 -0.1587676975092178 -0.273303804643335 -0.20365346922394204 -0.2500870261701981 -0.2624693080225413 -0.2748515898748757 +44500,-0.315094005894969,2,0.9865933738319452 1.200187735784755 1.4060431715798525 1.348775118012794 1.2373345813417582 1.057791494482879 0.7064442469228239 0.4231995495506123 0.23746532176556145 0.08887793953752253 -0.030301523291225544 -0.0550660869958943 -0.14328984519379323 -0.1587676975092178 -0.273303804643335 -0.20365346922394204 -0.2500870261701981 -0.2624693080225413 -0.2748515898748757 -0.33985856959964655 +44501,-0.3166417911265097,2,1.200187735784755 1.4060431715798525 1.348775118012794 1.2373345813417582 1.057791494482879 0.7064442469228239 0.4231995495506123 0.23746532176556145 0.08887793953752253 -0.030301523291225544 -0.0550660869958943 -0.14328984519379323 -0.1587676975092178 -0.273303804643335 -0.20365346922394204 -0.2500870261701981 -0.2624693080225413 -0.2748515898748757 -0.33985856959964655 -0.315094005894969 +44502,-0.06899615407977817,2,1.4060431715798525 1.348775118012794 1.2373345813417582 1.057791494482879 0.7064442469228239 0.4231995495506123 0.23746532176556145 0.08887793953752253 -0.030301523291225544 -0.0550660869958943 -0.14328984519379323 -0.1587676975092178 -0.273303804643335 -0.20365346922394204 -0.2500870261701981 -0.2624693080225413 -0.2748515898748757 -0.33985856959964655 -0.315094005894969 -0.3166417911265097 +44503,0.16781498634616848,2,1.348775118012794 1.2373345813417582 1.057791494482879 0.7064442469228239 0.4231995495506123 0.23746532176556145 0.08887793953752253 -0.030301523291225544 -0.0550660869958943 -0.14328984519379323 -0.1587676975092178 -0.273303804643335 -0.20365346922394204 -0.2500870261701981 -0.2624693080225413 -0.2748515898748757 -0.33985856959964655 -0.315094005894969 -0.3166417911265097 -0.06899615407977817 +44504,0.434034046171406,2,1.2373345813417582 1.057791494482879 0.7064442469228239 0.4231995495506123 0.23746532176556145 0.08887793953752253 -0.030301523291225544 -0.0550660869958943 -0.14328984519379323 -0.1587676975092178 -0.273303804643335 -0.20365346922394204 -0.2500870261701981 -0.2624693080225413 -0.2748515898748757 -0.33985856959964655 -0.315094005894969 -0.3166417911265097 -0.06899615407977817 0.16781498634616848 +44505,0.590360354557166,2,1.057791494482879 0.7064442469228239 0.4231995495506123 0.23746532176556145 0.08887793953752253 -0.030301523291225544 -0.0550660869958943 -0.14328984519379323 -0.1587676975092178 -0.273303804643335 -0.20365346922394204 -0.2500870261701981 -0.2624693080225413 -0.2748515898748757 -0.33985856959964655 -0.315094005894969 -0.3166417911265097 -0.06899615407977817 0.16781498634616848 0.434034046171406 +44506,0.6244116296510878,2,0.7064442469228239 0.4231995495506123 0.23746532176556145 0.08887793953752253 -0.030301523291225544 -0.0550660869958943 -0.14328984519379323 -0.1587676975092178 -0.273303804643335 -0.20365346922394204 -0.2500870261701981 -0.2624693080225413 -0.2748515898748757 -0.33985856959964655 -0.315094005894969 -0.3166417911265097 -0.06899615407977817 0.16781498634616848 0.434034046171406 0.590360354557166 +44507,0.6197682739564656,2,0.4231995495506123 0.23746532176556145 0.08887793953752253 -0.030301523291225544 -0.0550660869958943 -0.14328984519379323 -0.1587676975092178 -0.273303804643335 -0.20365346922394204 -0.2500870261701981 -0.2624693080225413 -0.2748515898748757 -0.33985856959964655 -0.315094005894969 -0.3166417911265097 -0.06899615407977817 0.16781498634616848 0.434034046171406 0.590360354557166 0.6244116296510878 +44508,0.5346400862216482,2,0.23746532176556145 0.08887793953752253 -0.030301523291225544 -0.0550660869958943 -0.14328984519379323 -0.1587676975092178 -0.273303804643335 -0.20365346922394204 -0.2500870261701981 -0.2624693080225413 -0.2748515898748757 -0.33985856959964655 -0.315094005894969 -0.3166417911265097 -0.06899615407977817 0.16781498634616848 0.434034046171406 0.590360354557166 0.6244116296510878 0.6197682739564656 +44509,0.29163780486953866,2,0.08887793953752253 -0.030301523291225544 -0.0550660869958943 -0.14328984519379323 -0.1587676975092178 -0.273303804643335 -0.20365346922394204 -0.2500870261701981 -0.2624693080225413 -0.2748515898748757 -0.33985856959964655 -0.315094005894969 -0.3166417911265097 -0.06899615407977817 0.16781498634616848 0.434034046171406 0.590360354557166 0.6244116296510878 0.6197682739564656 0.5346400862216482 +44510,0.12447699986298497,2,-0.030301523291225544 -0.0550660869958943 -0.14328984519379323 -0.1587676975092178 -0.273303804643335 -0.20365346922394204 -0.2500870261701981 -0.2624693080225413 -0.2748515898748757 -0.33985856959964655 -0.315094005894969 -0.3166417911265097 -0.06899615407977817 0.16781498634616848 0.434034046171406 0.590360354557166 0.6244116296510878 0.6197682739564656 0.5346400862216482 0.29163780486953866 +44511,0.04708773828587971,2,-0.0550660869958943 -0.14328984519379323 -0.1587676975092178 -0.273303804643335 -0.20365346922394204 -0.2500870261701981 -0.2624693080225413 -0.2748515898748757 -0.33985856959964655 -0.315094005894969 -0.3166417911265097 -0.06899615407977817 0.16781498634616848 0.434034046171406 0.590360354557166 0.6244116296510878 0.6197682739564656 0.5346400862216482 0.29163780486953866 0.12447699986298497 +44512,0.008393107497327084,2,-0.14328984519379323 -0.1587676975092178 -0.273303804643335 -0.20365346922394204 -0.2500870261701981 -0.2624693080225413 -0.2748515898748757 -0.33985856959964655 -0.315094005894969 -0.3166417911265097 -0.06899615407977817 0.16781498634616848 0.434034046171406 0.590360354557166 0.6244116296510878 0.6197682739564656 0.5346400862216482 0.29163780486953866 0.12447699986298497 0.04708773828587971 +44513,-0.0008936038919258983,2,-0.1587676975092178 -0.273303804643335 -0.20365346922394204 -0.2500870261701981 -0.2624693080225413 -0.2748515898748757 -0.33985856959964655 -0.315094005894969 -0.3166417911265097 -0.06899615407977817 0.16781498634616848 0.434034046171406 0.590360354557166 0.6244116296510878 0.6197682739564656 0.5346400862216482 0.29163780486953866 0.12447699986298497 0.04708773828587971 0.008393107497327084 +44514,-0.0008936038919258983,2,-0.273303804643335 -0.20365346922394204 -0.2500870261701981 -0.2624693080225413 -0.2748515898748757 -0.33985856959964655 -0.315094005894969 -0.3166417911265097 -0.06899615407977817 0.16781498634616848 0.434034046171406 0.590360354557166 0.6244116296510878 0.6197682739564656 0.5346400862216482 0.29163780486953866 0.12447699986298497 0.04708773828587971 0.008393107497327084 -0.0008936038919258983 +44515,0.011488677960417278,2,-0.20365346922394204 -0.2500870261701981 -0.2624693080225413 -0.2748515898748757 -0.33985856959964655 -0.315094005894969 -0.3166417911265097 -0.06899615407977817 0.16781498634616848 0.434034046171406 0.590360354557166 0.6244116296510878 0.6197682739564656 0.5346400862216482 0.29163780486953866 0.12447699986298497 0.04708773828587971 0.008393107497327084 -0.0008936038919258983 -0.0008936038919258983 +44516,0.0022019665711642948,2,-0.2500870261701981 -0.2624693080225413 -0.2748515898748757 -0.33985856959964655 -0.315094005894969 -0.3166417911265097 -0.06899615407977817 0.16781498634616848 0.434034046171406 0.590360354557166 0.6244116296510878 0.6197682739564656 0.5346400862216482 0.29163780486953866 0.12447699986298497 0.04708773828587971 0.008393107497327084 -0.0008936038919258983 -0.0008936038919258983 0.011488677960417278 +44517,-0.0008936038919258983,2,-0.2624693080225413 -0.2748515898748757 -0.33985856959964655 -0.315094005894969 -0.3166417911265097 -0.06899615407977817 0.16781498634616848 0.434034046171406 0.590360354557166 0.6244116296510878 0.6197682739564656 0.5346400862216482 0.29163780486953866 0.12447699986298497 0.04708773828587971 0.008393107497327084 -0.0008936038919258983 -0.0008936038919258983 0.011488677960417278 0.0022019665711642948 +44518,-0.024110382365053955,2,-0.2748515898748757 -0.33985856959964655 -0.315094005894969 -0.3166417911265097 -0.06899615407977817 0.16781498634616848 0.434034046171406 0.590360354557166 0.6244116296510878 0.6197682739564656 0.5346400862216482 0.29163780486953866 0.12447699986298497 0.04708773828587971 0.008393107497327084 -0.0008936038919258983 -0.0008936038919258983 0.011488677960417278 0.0022019665711642948 -0.0008936038919258983 +44519,-0.04732716083818202,2,-0.33985856959964655 -0.315094005894969 -0.3166417911265097 -0.06899615407977817 0.16781498634616848 0.434034046171406 0.590360354557166 0.6244116296510878 0.6197682739564656 0.5346400862216482 0.29163780486953866 0.12447699986298497 0.04708773828587971 0.008393107497327084 -0.0008936038919258983 -0.0008936038919258983 0.011488677960417278 0.0022019665711642948 -0.0008936038919258983 -0.024110382365053955 +44520,-0.03494487898584764,2,-0.315094005894969 -0.3166417911265097 -0.06899615407977817 0.16781498634616848 0.434034046171406 0.590360354557166 0.6244116296510878 0.6197682739564656 0.5346400862216482 0.29163780486953866 0.12447699986298497 0.04708773828587971 0.008393107497327084 -0.0008936038919258983 -0.0008936038919258983 0.011488677960417278 0.0022019665711642948 -0.0008936038919258983 -0.024110382365053955 -0.04732716083818202 +44521,-0.04887494606973151,2,-0.3166417911265097 -0.06899615407977817 0.16781498634616848 0.434034046171406 0.590360354557166 0.6244116296510878 0.6197682739564656 0.5346400862216482 0.29163780486953866 0.12447699986298497 0.04708773828587971 0.008393107497327084 -0.0008936038919258983 -0.0008936038919258983 0.011488677960417278 0.0022019665711642948 -0.0008936038919258983 -0.024110382365053955 -0.04732716083818202 -0.03494487898584764 +44522,-0.04887494606973151,2,-0.06899615407977817 0.16781498634616848 0.434034046171406 0.590360354557166 0.6244116296510878 0.6197682739564656 0.5346400862216482 0.29163780486953866 0.12447699986298497 0.04708773828587971 0.008393107497327084 -0.0008936038919258983 -0.0008936038919258983 0.011488677960417278 0.0022019665711642948 -0.0008936038919258983 -0.024110382365053955 -0.04732716083818202 -0.03494487898584764 -0.04887494606973151 +44523,-0.04113601991201923,2,0.16781498634616848 0.434034046171406 0.590360354557166 0.6244116296510878 0.6197682739564656 0.5346400862216482 0.29163780486953866 0.12447699986298497 0.04708773828587971 0.008393107497327084 -0.0008936038919258983 -0.0008936038919258983 0.011488677960417278 0.0022019665711642948 -0.0008936038919258983 -0.024110382365053955 -0.04732716083818202 -0.03494487898584764 -0.04887494606973151 -0.04887494606973151 +44524,-0.05970944269052519,2,0.434034046171406 0.590360354557166 0.6244116296510878 0.6197682739564656 0.5346400862216482 0.29163780486953866 0.12447699986298497 0.04708773828587971 0.008393107497327084 -0.0008936038919258983 -0.0008936038919258983 0.011488677960417278 0.0022019665711642948 -0.0008936038919258983 -0.024110382365053955 -0.04732716083818202 -0.03494487898584764 -0.04887494606973151 -0.04887494606973151 -0.04113601991201923 +44525,0.05792223490668219,2,0.590360354557166 0.6244116296510878 0.6197682739564656 0.5346400862216482 0.29163780486953866 0.12447699986298497 0.04708773828587971 0.008393107497327084 -0.0008936038919258983 -0.0008936038919258983 0.011488677960417278 0.0022019665711642948 -0.0008936038919258983 -0.024110382365053955 -0.04732716083818202 -0.03494487898584764 -0.04887494606973151 -0.04887494606973151 -0.04113601991201923 -0.05970944269052519 +44526,0.14459820787303163,2,0.6244116296510878 0.6197682739564656 0.5346400862216482 0.29163780486953866 0.12447699986298497 0.04708773828587971 0.008393107497327084 -0.0008936038919258983 -0.0008936038919258983 0.011488677960417278 0.0022019665711642948 -0.0008936038919258983 -0.024110382365053955 -0.04732716083818202 -0.03494487898584764 -0.04887494606973151 -0.04887494606973151 -0.04113601991201923 -0.05970944269052519 0.05792223490668219 +44527,0.2653254559333204,2,0.6197682739564656 0.5346400862216482 0.29163780486953866 0.12447699986298497 0.04708773828587971 0.008393107497327084 -0.0008936038919258983 -0.0008936038919258983 0.011488677960417278 0.0022019665711642948 -0.0008936038919258983 -0.024110382365053955 -0.04732716083818202 -0.03494487898584764 -0.04887494606973151 -0.04887494606973151 -0.04113601991201923 -0.05970944269052519 0.05792223490668219 0.14459820787303163 +44528,0.29009001963799796,2,0.5346400862216482 0.29163780486953866 0.12447699986298497 0.04708773828587971 0.008393107497327084 -0.0008936038919258983 -0.0008936038919258983 0.011488677960417278 0.0022019665711642948 -0.0008936038919258983 -0.024110382365053955 -0.04732716083818202 -0.03494487898584764 -0.04887494606973151 -0.04887494606973151 -0.04113601991201923 -0.05970944269052519 0.05792223490668219 0.14459820787303163 0.2653254559333204 +44529,0.39843498584594356,2,0.29163780486953866 0.12447699986298497 0.04708773828587971 0.008393107497327084 -0.0008936038919258983 -0.0008936038919258983 0.011488677960417278 0.0022019665711642948 -0.0008936038919258983 -0.024110382365053955 -0.04732716083818202 -0.03494487898584764 -0.04887494606973151 -0.04887494606973151 -0.04113601991201923 -0.05970944269052519 0.05792223490668219 0.14459820787303163 0.2653254559333204 0.29009001963799796 +44530,0.434034046171406,2,0.12447699986298497 0.04708773828587971 0.008393107497327084 -0.0008936038919258983 -0.0008936038919258983 0.011488677960417278 0.0022019665711642948 -0.0008936038919258983 -0.024110382365053955 -0.04732716083818202 -0.03494487898584764 -0.04887494606973151 -0.04887494606973151 -0.04113601991201923 -0.05970944269052519 0.05792223490668219 0.14459820787303163 0.2653254559333204 0.29009001963799796 0.39843498584594356 +44531,0.38450491876205967,2,0.04708773828587971 0.008393107497327084 -0.0008936038919258983 -0.0008936038919258983 0.011488677960417278 0.0022019665711642948 -0.0008936038919258983 -0.024110382365053955 -0.04732716083818202 -0.03494487898584764 -0.04887494606973151 -0.04887494606973151 -0.04113601991201923 -0.05970944269052519 0.05792223490668219 0.14459820787303163 0.2653254559333204 0.29009001963799796 0.39843498584594356 0.434034046171406 +44532,0.3086634424164951,2,0.008393107497327084 -0.0008936038919258983 -0.0008936038919258983 0.011488677960417278 0.0022019665711642948 -0.0008936038919258983 -0.024110382365053955 -0.04732716083818202 -0.03494487898584764 -0.04887494606973151 -0.04887494606973151 -0.04113601991201923 -0.05970944269052519 0.05792223490668219 0.14459820787303163 0.2653254559333204 0.29009001963799796 0.39843498584594356 0.434034046171406 0.38450491876205967 +44533,0.2281786103763085,2,-0.0008936038919258983 -0.0008936038919258983 0.011488677960417278 0.0022019665711642948 -0.0008936038919258983 -0.024110382365053955 -0.04732716083818202 -0.03494487898584764 -0.04887494606973151 -0.04887494606973151 -0.04113601991201923 -0.05970944269052519 0.05792223490668219 0.14459820787303163 0.2653254559333204 0.29009001963799796 0.39843498584594356 0.434034046171406 0.38450491876205967 0.3086634424164951 +44534,0.13995485217840953,2,-0.0008936038919258983 0.011488677960417278 0.0022019665711642948 -0.0008936038919258983 -0.024110382365053955 -0.04732716083818202 -0.03494487898584764 -0.04887494606973151 -0.04887494606973151 -0.04113601991201923 -0.05970944269052519 0.05792223490668219 0.14459820787303163 0.2653254559333204 0.29009001963799796 0.39843498584594356 0.434034046171406 0.38450491876205967 0.3086634424164951 0.2281786103763085 +44535,0.08733015430598183,2,0.011488677960417278 0.0022019665711642948 -0.0008936038919258983 -0.024110382365053955 -0.04732716083818202 -0.03494487898584764 -0.04887494606973151 -0.04887494606973151 -0.04113601991201923 -0.05970944269052519 0.05792223490668219 0.14459820787303163 0.2653254559333204 0.29009001963799796 0.39843498584594356 0.434034046171406 0.38450491876205967 0.3086634424164951 0.2281786103763085 0.13995485217840953 +44536,0.05637444967513269,2,0.0022019665711642948 -0.0008936038919258983 -0.024110382365053955 -0.04732716083818202 -0.03494487898584764 -0.04887494606973151 -0.04887494606973151 -0.04113601991201923 -0.05970944269052519 0.05792223490668219 0.14459820787303163 0.2653254559333204 0.29009001963799796 0.39843498584594356 0.434034046171406 0.38450491876205967 0.3086634424164951 0.2281786103763085 0.13995485217840953 0.08733015430598183 +44537,0.034705456433545334,2,-0.0008936038919258983 -0.024110382365053955 -0.04732716083818202 -0.03494487898584764 -0.04887494606973151 -0.04887494606973151 -0.04113601991201923 -0.05970944269052519 0.05792223490668219 0.14459820787303163 0.2653254559333204 0.29009001963799796 0.39843498584594356 0.434034046171406 0.38450491876205967 0.3086634424164951 0.2281786103763085 0.13995485217840953 0.08733015430598183 0.05637444967513269 +44538,0.02232317458121096,2,-0.024110382365053955 -0.04732716083818202 -0.03494487898584764 -0.04887494606973151 -0.04887494606973151 -0.04113601991201923 -0.05970944269052519 0.05792223490668219 0.14459820787303163 0.2653254559333204 0.29009001963799796 0.39843498584594356 0.434034046171406 0.38450491876205967 0.3086634424164951 0.2281786103763085 0.13995485217840953 0.08733015430598183 0.05637444967513269 0.034705456433545334 +44539,-0.013275885744260276,2,-0.04732716083818202 -0.03494487898584764 -0.04887494606973151 -0.04887494606973151 -0.04113601991201923 -0.05970944269052519 0.05792223490668219 0.14459820787303163 0.2653254559333204 0.29009001963799796 0.39843498584594356 0.434034046171406 0.38450491876205967 0.3086634424164951 0.2281786103763085 0.13995485217840953 0.08733015430598183 0.05637444967513269 0.034705456433545334 0.02232317458121096 +44540,-0.03649266421738833,2,-0.03494487898584764 -0.04887494606973151 -0.04887494606973151 -0.04113601991201923 -0.05970944269052519 0.05792223490668219 0.14459820787303163 0.2653254559333204 0.29009001963799796 0.39843498584594356 0.434034046171406 0.38450491876205967 0.3086634424164951 0.2281786103763085 0.13995485217840953 0.08733015430598183 0.05637444967513269 0.034705456433545334 0.02232317458121096 -0.013275885744260276 +44541,-0.04732716083818202,2,-0.04887494606973151 -0.04887494606973151 -0.04113601991201923 -0.05970944269052519 0.05792223490668219 0.14459820787303163 0.2653254559333204 0.29009001963799796 0.39843498584594356 0.434034046171406 0.38450491876205967 0.3086634424164951 0.2281786103763085 0.13995485217840953 0.08733015430598183 0.05637444967513269 0.034705456433545334 0.02232317458121096 -0.013275885744260276 -0.03649266421738833 +44542,-0.04887494606973151,2,-0.04887494606973151 -0.04113601991201923 -0.05970944269052519 0.05792223490668219 0.14459820787303163 0.2653254559333204 0.29009001963799796 0.39843498584594356 0.434034046171406 0.38450491876205967 0.3086634424164951 0.2281786103763085 0.13995485217840953 0.08733015430598183 0.05637444967513269 0.034705456433545334 0.02232317458121096 -0.013275885744260276 -0.03649266421738833 -0.04732716083818202 +44543,-0.04887494606973151,2,-0.04113601991201923 -0.05970944269052519 0.05792223490668219 0.14459820787303163 0.2653254559333204 0.29009001963799796 0.39843498584594356 0.434034046171406 0.38450491876205967 0.3086634424164951 0.2281786103763085 0.13995485217840953 0.08733015430598183 0.05637444967513269 0.034705456433545334 0.02232317458121096 -0.013275885744260276 -0.03649266421738833 -0.04732716083818202 -0.04887494606973151 +44544,-0.08447400639519394,2,-0.05970944269052519 0.05792223490668219 0.14459820787303163 0.2653254559333204 0.29009001963799796 0.39843498584594356 0.434034046171406 0.38450491876205967 0.3086634424164951 0.2281786103763085 0.13995485217840953 0.08733015430598183 0.05637444967513269 0.034705456433545334 0.02232317458121096 -0.013275885744260276 -0.03649266421738833 -0.04732716083818202 -0.04887494606973151 -0.04887494606973151 +44545,-0.09685628824752832,2,0.05792223490668219 0.14459820787303163 0.2653254559333204 0.29009001963799796 0.39843498584594356 0.434034046171406 0.38450491876205967 0.3086634424164951 0.2281786103763085 0.13995485217840953 0.08733015430598183 0.05637444967513269 0.034705456433545334 0.02232317458121096 -0.013275885744260276 -0.03649266421738833 -0.04732716083818202 -0.04887494606973151 -0.04887494606973151 -0.08447400639519394 +44546,-0.1076907848683308,2,0.14459820787303163 0.2653254559333204 0.29009001963799796 0.39843498584594356 0.434034046171406 0.38450491876205967 0.3086634424164951 0.2281786103763085 0.13995485217840953 0.08733015430598183 0.05637444967513269 0.034705456433545334 0.02232317458121096 -0.013275885744260276 -0.03649266421738833 -0.04732716083818202 -0.04887494606973151 -0.04887494606973151 -0.08447400639519394 -0.09685628824752832 +44547,-0.08602179162673464,2,0.2653254559333204 0.29009001963799796 0.39843498584594356 0.434034046171406 0.38450491876205967 0.3086634424164951 0.2281786103763085 0.13995485217840953 0.08733015430598183 0.05637444967513269 0.034705456433545334 0.02232317458121096 -0.013275885744260276 -0.03649266421738833 -0.04732716083818202 -0.04887494606973151 -0.04887494606973151 -0.08447400639519394 -0.09685628824752832 -0.1076907848683308 +44548,-0.11852528148912447,2,0.29009001963799796 0.39843498584594356 0.434034046171406 0.38450491876205967 0.3086634424164951 0.2281786103763085 0.13995485217840953 0.08733015430598183 0.05637444967513269 0.034705456433545334 0.02232317458121096 -0.013275885744260276 -0.03649266421738833 -0.04732716083818202 -0.04887494606973151 -0.04887494606973151 -0.08447400639519394 -0.09685628824752832 -0.1076907848683308 -0.08602179162673464 +44549,-0.003989174355007293,2,0.39843498584594356 0.434034046171406 0.38450491876205967 0.3086634424164951 0.2281786103763085 0.13995485217840953 0.08733015430598183 0.05637444967513269 0.034705456433545334 0.02232317458121096 -0.013275885744260276 -0.03649266421738833 -0.04732716083818202 -0.04887494606973151 -0.04887494606973151 -0.08447400639519394 -0.09685628824752832 -0.1076907848683308 -0.08602179162673464 -0.11852528148912447 +44550,0.06566116106438567,2,0.434034046171406 0.38450491876205967 0.3086634424164951 0.2281786103763085 0.13995485217840953 0.08733015430598183 0.05637444967513269 0.034705456433545334 0.02232317458121096 -0.013275885744260276 -0.03649266421738833 -0.04732716083818202 -0.04887494606973151 -0.04887494606973151 -0.08447400639519394 -0.09685628824752832 -0.1076907848683308 -0.08602179162673464 -0.11852528148912447 -0.003989174355007293 +44551,0.1043557918529383,2,0.38450491876205967 0.3086634424164951 0.2281786103763085 0.13995485217840953 0.08733015430598183 0.05637444967513269 0.034705456433545334 0.02232317458121096 -0.013275885744260276 -0.03649266421738833 -0.04732716083818202 -0.04887494606973151 -0.04887494606973151 -0.08447400639519394 -0.09685628824752832 -0.1076907848683308 -0.08602179162673464 -0.11852528148912447 -0.003989174355007293 0.06566116106438567 +44552,0.23746532176556145,2,0.3086634424164951 0.2281786103763085 0.13995485217840953 0.08733015430598183 0.05637444967513269 0.034705456433545334 0.02232317458121096 -0.013275885744260276 -0.03649266421738833 -0.04732716083818202 -0.04887494606973151 -0.04887494606973151 -0.08447400639519394 -0.09685628824752832 -0.1076907848683308 -0.08602179162673464 -0.11852528148912447 -0.003989174355007293 0.06566116106438567 0.1043557918529383 +44553,0.29009001963799796,2,0.2281786103763085 0.13995485217840953 0.08733015430598183 0.05637444967513269 0.034705456433545334 0.02232317458121096 -0.013275885744260276 -0.03649266421738833 -0.04732716083818202 -0.04887494606973151 -0.04887494606973151 -0.08447400639519394 -0.09685628824752832 -0.1076907848683308 -0.08602179162673464 -0.11852528148912447 -0.003989174355007293 0.06566116106438567 0.1043557918529383 0.23746532176556145 +44554,0.3876004892251499,2,0.13995485217840953 0.08733015430598183 0.05637444967513269 0.034705456433545334 0.02232317458121096 -0.013275885744260276 -0.03649266421738833 -0.04732716083818202 -0.04887494606973151 -0.04887494606973151 -0.08447400639519394 -0.09685628824752832 -0.1076907848683308 -0.08602179162673464 -0.11852528148912447 -0.003989174355007293 0.06566116106438567 0.1043557918529383 0.23746532176556145 0.29009001963799796 +44555,0.3179501538057481,2,0.08733015430598183 0.05637444967513269 0.034705456433545334 0.02232317458121096 -0.013275885744260276 -0.03649266421738833 -0.04732716083818202 -0.04887494606973151 -0.04887494606973151 -0.08447400639519394 -0.09685628824752832 -0.1076907848683308 -0.08602179162673464 -0.11852528148912447 -0.003989174355007293 0.06566116106438567 0.1043557918529383 0.23746532176556145 0.29009001963799796 0.3876004892251499 +44556,0.322593509500379,2,0.05637444967513269 0.034705456433545334 0.02232317458121096 -0.013275885744260276 -0.03649266421738833 -0.04732716083818202 -0.04887494606973151 -0.04887494606973151 -0.08447400639519394 -0.09685628824752832 -0.1076907848683308 -0.08602179162673464 -0.11852528148912447 -0.003989174355007293 0.06566116106438567 0.1043557918529383 0.23746532176556145 0.29009001963799796 0.3876004892251499 0.3179501538057481 +44557,0.19257955005083724,2,0.034705456433545334 0.02232317458121096 -0.013275885744260276 -0.03649266421738833 -0.04732716083818202 -0.04887494606973151 -0.04887494606973151 -0.08447400639519394 -0.09685628824752832 -0.1076907848683308 -0.08602179162673464 -0.11852528148912447 -0.003989174355007293 0.06566116106438567 0.1043557918529383 0.23746532176556145 0.29009001963799796 0.3876004892251499 0.3179501538057481 0.322593509500379 +44558,0.06411337583284497,2,0.02232317458121096 -0.013275885744260276 -0.03649266421738833 -0.04732716083818202 -0.04887494606973151 -0.04887494606973151 -0.08447400639519394 -0.09685628824752832 -0.1076907848683308 -0.08602179162673464 -0.11852528148912447 -0.003989174355007293 0.06566116106438567 0.1043557918529383 0.23746532176556145 0.29009001963799796 0.3876004892251499 0.3179501538057481 0.322593509500379 0.19257955005083724 +44559,0.0022019665711642948,2,-0.013275885744260276 -0.03649266421738833 -0.04732716083818202 -0.04887494606973151 -0.04887494606973151 -0.08447400639519394 -0.09685628824752832 -0.1076907848683308 -0.08602179162673464 -0.11852528148912447 -0.003989174355007293 0.06566116106438567 0.1043557918529383 0.23746532176556145 0.29009001963799796 0.3876004892251499 0.3179501538057481 0.322593509500379 0.19257955005083724 0.06411337583284497 +44560,-0.04732716083818202,2,-0.03649266421738833 -0.04732716083818202 -0.04887494606973151 -0.04887494606973151 -0.08447400639519394 -0.09685628824752832 -0.1076907848683308 -0.08602179162673464 -0.11852528148912447 -0.003989174355007293 0.06566116106438567 0.1043557918529383 0.23746532176556145 0.29009001963799796 0.3876004892251499 0.3179501538057481 0.322593509500379 0.19257955005083724 0.06411337583284497 0.0022019665711642948 +44561,-0.03649266421738833,2,-0.04732716083818202 -0.04887494606973151 -0.04887494606973151 -0.08447400639519394 -0.09685628824752832 -0.1076907848683308 -0.08602179162673464 -0.11852528148912447 -0.003989174355007293 0.06566116106438567 0.1043557918529383 0.23746532176556145 0.29009001963799796 0.3876004892251499 0.3179501538057481 0.322593509500379 0.19257955005083724 0.06411337583284497 0.0022019665711642948 -0.04732716083818202 +44562,-0.07363950977440026,2,-0.04887494606973151 -0.04887494606973151 -0.08447400639519394 -0.09685628824752832 -0.1076907848683308 -0.08602179162673464 -0.11852528148912447 -0.003989174355007293 0.06566116106438567 0.1043557918529383 0.23746532176556145 0.29009001963799796 0.3876004892251499 0.3179501538057481 0.322593509500379 0.19257955005083724 0.06411337583284497 0.0022019665711642948 -0.04732716083818202 -0.03649266421738833 +44563,-0.07363950977440026,2,-0.04887494606973151 -0.08447400639519394 -0.09685628824752832 -0.1076907848683308 -0.08602179162673464 -0.11852528148912447 -0.003989174355007293 0.06566116106438567 0.1043557918529383 0.23746532176556145 0.29009001963799796 0.3876004892251499 0.3179501538057481 0.322593509500379 0.19257955005083724 0.06411337583284497 0.0022019665711642948 -0.04732716083818202 -0.03649266421738833 -0.07363950977440026 +44564,-0.08447400639519394,2,-0.08447400639519394 -0.09685628824752832 -0.1076907848683308 -0.08602179162673464 -0.11852528148912447 -0.003989174355007293 0.06566116106438567 0.1043557918529383 0.23746532176556145 0.29009001963799796 0.3876004892251499 0.3179501538057481 0.322593509500379 0.19257955005083724 0.06411337583284497 0.0022019665711642948 -0.04732716083818202 -0.03649266421738833 -0.07363950977440026 -0.07363950977440026 +44565,-0.07209172454285957,2,-0.09685628824752832 -0.1076907848683308 -0.08602179162673464 -0.11852528148912447 -0.003989174355007293 0.06566116106438567 0.1043557918529383 0.23746532176556145 0.29009001963799796 0.3876004892251499 0.3179501538057481 0.322593509500379 0.19257955005083724 0.06411337583284497 0.0022019665711642948 -0.04732716083818202 -0.03649266421738833 -0.07363950977440026 -0.07363950977440026 -0.08447400639519394 +44566,-0.09685628824752832,2,-0.1076907848683308 -0.08602179162673464 -0.11852528148912447 -0.003989174355007293 0.06566116106438567 0.1043557918529383 0.23746532176556145 0.29009001963799796 0.3876004892251499 0.3179501538057481 0.322593509500379 0.19257955005083724 0.06411337583284497 0.0022019665711642948 -0.04732716083818202 -0.03649266421738833 -0.07363950977440026 -0.07363950977440026 -0.08447400639519394 -0.07209172454285957 +44567,-0.09685628824752832,2,-0.08602179162673464 -0.11852528148912447 -0.003989174355007293 0.06566116106438567 0.1043557918529383 0.23746532176556145 0.29009001963799796 0.3876004892251499 0.3179501538057481 0.322593509500379 0.19257955005083724 0.06411337583284497 0.0022019665711642948 -0.04732716083818202 -0.03649266421738833 -0.07363950977440026 -0.07363950977440026 -0.08447400639519394 -0.07209172454285957 -0.09685628824752832 +44568,-0.07209172454285957,2,-0.11852528148912447 -0.003989174355007293 0.06566116106438567 0.1043557918529383 0.23746532176556145 0.29009001963799796 0.3876004892251499 0.3179501538057481 0.322593509500379 0.19257955005083724 0.06411337583284497 0.0022019665711642948 -0.04732716083818202 -0.03649266421738833 -0.07363950977440026 -0.07363950977440026 -0.08447400639519394 -0.07209172454285957 -0.09685628824752832 -0.09685628824752832 +44569,-0.07209172454285957,2,-0.003989174355007293 0.06566116106438567 0.1043557918529383 0.23746532176556145 0.29009001963799796 0.3876004892251499 0.3179501538057481 0.322593509500379 0.19257955005083724 0.06411337583284497 0.0022019665711642948 -0.04732716083818202 -0.03649266421738833 -0.07363950977440026 -0.07363950977440026 -0.08447400639519394 -0.07209172454285957 -0.09685628824752832 -0.09685628824752832 -0.07209172454285957 +44570,-0.07209172454285957,2,0.06566116106438567 0.1043557918529383 0.23746532176556145 0.29009001963799796 0.3876004892251499 0.3179501538057481 0.322593509500379 0.19257955005083724 0.06411337583284497 0.0022019665711642948 -0.04732716083818202 -0.03649266421738833 -0.07363950977440026 -0.07363950977440026 -0.08447400639519394 -0.07209172454285957 -0.09685628824752832 -0.09685628824752832 -0.07209172454285957 -0.07209172454285957 +44571,-0.08602179162673464,2,0.1043557918529383 0.23746532176556145 0.29009001963799796 0.3876004892251499 0.3179501538057481 0.322593509500379 0.19257955005083724 0.06411337583284497 0.0022019665711642948 -0.04732716083818202 -0.03649266421738833 -0.07363950977440026 -0.07363950977440026 -0.08447400639519394 -0.07209172454285957 -0.09685628824752832 -0.09685628824752832 -0.07209172454285957 -0.07209172454285957 -0.07209172454285957 +44572,-0.06435279838514728,2,0.23746532176556145 0.29009001963799796 0.3876004892251499 0.3179501538057481 0.322593509500379 0.19257955005083724 0.06411337583284497 0.0022019665711642948 -0.04732716083818202 -0.03649266421738833 -0.07363950977440026 -0.07363950977440026 -0.08447400639519394 -0.07209172454285957 -0.09685628824752832 -0.09685628824752832 -0.07209172454285957 -0.07209172454285957 -0.07209172454285957 -0.08602179162673464 +44573,0.03625324166508603,2,0.29009001963799796 0.3876004892251499 0.3179501538057481 0.322593509500379 0.19257955005083724 0.06411337583284497 0.0022019665711642948 -0.04732716083818202 -0.03649266421738833 -0.07363950977440026 -0.07363950977440026 -0.08447400639519394 -0.07209172454285957 -0.09685628824752832 -0.09685628824752832 -0.07209172454285957 -0.07209172454285957 -0.07209172454285957 -0.08602179162673464 -0.06435279838514728 +44574,0.12447699986298497,2,0.3876004892251499 0.3179501538057481 0.322593509500379 0.19257955005083724 0.06411337583284497 0.0022019665711642948 -0.04732716083818202 -0.03649266421738833 -0.07363950977440026 -0.07363950977440026 -0.08447400639519394 -0.07209172454285957 -0.09685628824752832 -0.09685628824752832 -0.07209172454285957 -0.07209172454285957 -0.07209172454285957 -0.08602179162673464 -0.06435279838514728 0.03625324166508603 +44575,0.24056089222864285,2,0.3179501538057481 0.322593509500379 0.19257955005083724 0.06411337583284497 0.0022019665711642948 -0.04732716083818202 -0.03649266421738833 -0.07363950977440026 -0.07363950977440026 -0.08447400639519394 -0.07209172454285957 -0.09685628824752832 -0.09685628824752832 -0.07209172454285957 -0.07209172454285957 -0.07209172454285957 -0.08602179162673464 -0.06435279838514728 0.03625324166508603 0.12447699986298497 +44576,0.3767659926043474,2,0.322593509500379 0.19257955005083724 0.06411337583284497 0.0022019665711642948 -0.04732716083818202 -0.03649266421738833 -0.07363950977440026 -0.07363950977440026 -0.08447400639519394 -0.07209172454285957 -0.09685628824752832 -0.09685628824752832 -0.07209172454285957 -0.07209172454285957 -0.07209172454285957 -0.08602179162673464 -0.06435279838514728 0.03625324166508603 0.12447699986298497 0.24056089222864285 +44577,0.44951189848683054,2,0.19257955005083724 0.06411337583284497 0.0022019665711642948 -0.04732716083818202 -0.03649266421738833 -0.07363950977440026 -0.07363950977440026 -0.08447400639519394 -0.07209172454285957 -0.09685628824752832 -0.09685628824752832 -0.07209172454285957 -0.07209172454285957 -0.07209172454285957 -0.08602179162673464 -0.06435279838514728 0.03625324166508603 0.12447699986298497 0.24056089222864285 0.3767659926043474 +44578,0.6073859921041225,2,0.06411337583284497 0.0022019665711642948 -0.04732716083818202 -0.03649266421738833 -0.07363950977440026 -0.07363950977440026 -0.08447400639519394 -0.07209172454285957 -0.09685628824752832 -0.09685628824752832 -0.07209172454285957 -0.07209172454285957 -0.07209172454285957 -0.08602179162673464 -0.06435279838514728 0.03625324166508603 0.12447699986298497 0.24056089222864285 0.3767659926043474 0.44951189848683054 +44579,0.5346400862216482,2,0.0022019665711642948 -0.04732716083818202 -0.03649266421738833 -0.07363950977440026 -0.07363950977440026 -0.08447400639519394 -0.07209172454285957 -0.09685628824752832 -0.09685628824752832 -0.07209172454285957 -0.07209172454285957 -0.07209172454285957 -0.08602179162673464 -0.06435279838514728 0.03625324166508603 0.12447699986298497 0.24056089222864285 0.3767659926043474 0.44951189848683054 0.6073859921041225 +44580,0.4897543145069239,2,-0.04732716083818202 -0.03649266421738833 -0.07363950977440026 -0.07363950977440026 -0.08447400639519394 -0.07209172454285957 -0.09685628824752832 -0.09685628824752832 -0.07209172454285957 -0.07209172454285957 -0.07209172454285957 -0.08602179162673464 -0.06435279838514728 0.03625324166508603 0.12447699986298497 0.24056089222864285 0.3767659926043474 0.44951189848683054 0.6073859921041225 0.5346400862216482 +44581,0.29937673102724216,2,-0.03649266421738833 -0.07363950977440026 -0.07363950977440026 -0.08447400639519394 -0.07209172454285957 -0.09685628824752832 -0.09685628824752832 -0.07209172454285957 -0.07209172454285957 -0.07209172454285957 -0.08602179162673464 -0.06435279838514728 0.03625324166508603 0.12447699986298497 0.24056089222864285 0.3767659926043474 0.44951189848683054 0.6073859921041225 0.5346400862216482 0.4897543145069239 +44582,0.15078934879920322,2,-0.07363950977440026 -0.07363950977440026 -0.08447400639519394 -0.07209172454285957 -0.09685628824752832 -0.09685628824752832 -0.07209172454285957 -0.07209172454285957 -0.07209172454285957 -0.08602179162673464 -0.06435279838514728 0.03625324166508603 0.12447699986298497 0.24056089222864285 0.3767659926043474 0.44951189848683054 0.6073859921041225 0.5346400862216482 0.4897543145069239 0.29937673102724216 +44583,0.05637444967513269,2,-0.07363950977440026 -0.08447400639519394 -0.07209172454285957 -0.09685628824752832 -0.09685628824752832 -0.07209172454285957 -0.07209172454285957 -0.07209172454285957 -0.08602179162673464 -0.06435279838514728 0.03625324166508603 0.12447699986298497 0.24056089222864285 0.3767659926043474 0.44951189848683054 0.6073859921041225 0.5346400862216482 0.4897543145069239 0.29937673102724216 0.15078934879920322 +44584,0.02696653027583305,2,-0.08447400639519394 -0.07209172454285957 -0.09685628824752832 -0.09685628824752832 -0.07209172454285957 -0.07209172454285957 -0.07209172454285957 -0.08602179162673464 -0.06435279838514728 0.03625324166508603 0.12447699986298497 0.24056089222864285 0.3767659926043474 0.44951189848683054 0.6073859921041225 0.5346400862216482 0.4897543145069239 0.29937673102724216 0.15078934879920322 0.05637444967513269 +44585,0.011488677960417278,2,-0.07209172454285957 -0.09685628824752832 -0.09685628824752832 -0.07209172454285957 -0.07209172454285957 -0.07209172454285957 -0.08602179162673464 -0.06435279838514728 0.03625324166508603 0.12447699986298497 0.24056089222864285 0.3767659926043474 0.44951189848683054 0.6073859921041225 0.5346400862216482 0.4897543145069239 0.29937673102724216 0.15078934879920322 0.05637444967513269 0.02696653027583305 +44586,-0.013275885744260276,2,-0.09685628824752832 -0.09685628824752832 -0.07209172454285957 -0.07209172454285957 -0.07209172454285957 -0.08602179162673464 -0.06435279838514728 0.03625324166508603 0.12447699986298497 0.24056089222864285 0.3767659926043474 0.44951189848683054 0.6073859921041225 0.5346400862216482 0.4897543145069239 0.29937673102724216 0.15078934879920322 0.05637444967513269 0.02696653027583305 0.011488677960417278 +44587,-0.0008936038919258983,2,-0.09685628824752832 -0.07209172454285957 -0.07209172454285957 -0.07209172454285957 -0.08602179162673464 -0.06435279838514728 0.03625324166508603 0.12447699986298497 0.24056089222864285 0.3767659926043474 0.44951189848683054 0.6073859921041225 0.5346400862216482 0.4897543145069239 0.29937673102724216 0.15078934879920322 0.05637444967513269 0.02696653027583305 0.011488677960417278 -0.013275885744260276 +44588,-0.04887494606973151,2,-0.07209172454285957 -0.07209172454285957 -0.07209172454285957 -0.08602179162673464 -0.06435279838514728 0.03625324166508603 0.12447699986298497 0.24056089222864285 0.3767659926043474 0.44951189848683054 0.6073859921041225 0.5346400862216482 0.4897543145069239 0.29937673102724216 0.15078934879920322 0.05637444967513269 0.02696653027583305 0.011488677960417278 -0.013275885744260276 -0.0008936038919258983 +44589,-0.04887494606973151,2,-0.07209172454285957 -0.07209172454285957 -0.08602179162673464 -0.06435279838514728 0.03625324166508603 0.12447699986298497 0.24056089222864285 0.3767659926043474 0.44951189848683054 0.6073859921041225 0.5346400862216482 0.4897543145069239 0.29937673102724216 0.15078934879920322 0.05637444967513269 0.02696653027583305 0.011488677960417278 -0.013275885744260276 -0.0008936038919258983 -0.04887494606973151 +44590,-0.09685628824752832,2,-0.07209172454285957 -0.08602179162673464 -0.06435279838514728 0.03625324166508603 0.12447699986298497 0.24056089222864285 0.3767659926043474 0.44951189848683054 0.6073859921041225 0.5346400862216482 0.4897543145069239 0.29937673102724216 0.15078934879920322 0.05637444967513269 0.02696653027583305 0.011488677960417278 -0.013275885744260276 -0.0008936038919258983 -0.04887494606973151 -0.04887494606973151 +44591,-0.1076907848683308,2,-0.08602179162673464 -0.06435279838514728 0.03625324166508603 0.12447699986298497 0.24056089222864285 0.3767659926043474 0.44951189848683054 0.6073859921041225 0.5346400862216482 0.4897543145069239 0.29937673102724216 0.15078934879920322 0.05637444967513269 0.02696653027583305 0.011488677960417278 -0.013275885744260276 -0.0008936038919258983 -0.04887494606973151 -0.04887494606973151 -0.09685628824752832 +44592,-0.14328984519379323,2,-0.06435279838514728 0.03625324166508603 0.12447699986298497 0.24056089222864285 0.3767659926043474 0.44951189848683054 0.6073859921041225 0.5346400862216482 0.4897543145069239 0.29937673102724216 0.15078934879920322 0.05637444967513269 0.02696653027583305 0.011488677960417278 -0.013275885744260276 -0.0008936038919258983 -0.04887494606973151 -0.04887494606973151 -0.09685628824752832 -0.1076907848683308 +44593,-0.19127118737159884,2,0.03625324166508603 0.12447699986298497 0.24056089222864285 0.3767659926043474 0.44951189848683054 0.6073859921041225 0.5346400862216482 0.4897543145069239 0.29937673102724216 0.15078934879920322 0.05637444967513269 0.02696653027583305 0.011488677960417278 -0.013275885744260276 -0.0008936038919258983 -0.04887494606973151 -0.04887494606973151 -0.09685628824752832 -0.1076907848683308 -0.14328984519379323 +44594,-0.20210568399239254,2,0.12447699986298497 0.24056089222864285 0.3767659926043474 0.44951189848683054 0.6073859921041225 0.5346400862216482 0.4897543145069239 0.29937673102724216 0.15078934879920322 0.05637444967513269 0.02696653027583305 0.011488677960417278 -0.013275885744260276 -0.0008936038919258983 -0.04887494606973151 -0.04887494606973151 -0.09685628824752832 -0.1076907848683308 -0.14328984519379323 -0.19127118737159884 +44595,-0.2500870261701981,2,0.24056089222864285 0.3767659926043474 0.44951189848683054 0.6073859921041225 0.5346400862216482 0.4897543145069239 0.29937673102724216 0.15078934879920322 0.05637444967513269 0.02696653027583305 0.011488677960417278 -0.013275885744260276 -0.0008936038919258983 -0.04887494606973151 -0.04887494606973151 -0.09685628824752832 -0.1076907848683308 -0.14328984519379323 -0.19127118737159884 -0.20210568399239254 +44596,-0.29187722742184097,2,0.3767659926043474 0.44951189848683054 0.6073859921041225 0.5346400862216482 0.4897543145069239 0.29937673102724216 0.15078934879920322 0.05637444967513269 0.02696653027583305 0.011488677960417278 -0.013275885744260276 -0.0008936038919258983 -0.04887494606973151 -0.04887494606973151 -0.09685628824752832 -0.1076907848683308 -0.14328984519379323 -0.19127118737159884 -0.20210568399239254 -0.2500870261701981 +44597,-0.18043669075080518,2,0.44951189848683054 0.6073859921041225 0.5346400862216482 0.4897543145069239 0.29937673102724216 0.15078934879920322 0.05637444967513269 0.02696653027583305 0.011488677960417278 -0.013275885744260276 -0.0008936038919258983 -0.04887494606973151 -0.04887494606973151 -0.09685628824752832 -0.1076907848683308 -0.14328984519379323 -0.19127118737159884 -0.20210568399239254 -0.2500870261701981 -0.29187722742184097 +44598,-0.13400313380454026,2,0.6073859921041225 0.5346400862216482 0.4897543145069239 0.29937673102724216 0.15078934879920322 0.05637444967513269 0.02696653027583305 0.011488677960417278 -0.013275885744260276 -0.0008936038919258983 -0.04887494606973151 -0.04887494606973151 -0.09685628824752832 -0.1076907848683308 -0.14328984519379323 -0.19127118737159884 -0.20210568399239254 -0.2500870261701981 -0.29187722742184097 -0.18043669075080518 +44599,-0.02875373805967605,2,0.5346400862216482 0.4897543145069239 0.29937673102724216 0.15078934879920322 0.05637444967513269 0.02696653027583305 0.011488677960417278 -0.013275885744260276 -0.0008936038919258983 -0.04887494606973151 -0.04887494606973151 -0.09685628824752832 -0.1076907848683308 -0.14328984519379323 -0.19127118737159884 -0.20210568399239254 -0.2500870261701981 -0.29187722742184097 -0.18043669075080518 -0.13400313380454026 +44600,0.04708773828587971,2,0.4897543145069239 0.29937673102724216 0.15078934879920322 0.05637444967513269 0.02696653027583305 0.011488677960417278 -0.013275885744260276 -0.0008936038919258983 -0.04887494606973151 -0.04887494606973151 -0.09685628824752832 -0.1076907848683308 -0.14328984519379323 -0.19127118737159884 -0.20210568399239254 -0.2500870261701981 -0.29187722742184097 -0.18043669075080518 -0.13400313380454026 -0.02875373805967605 +44601,0.07494787245363867,2,0.29937673102724216 0.15078934879920322 0.05637444967513269 0.02696653027583305 0.011488677960417278 -0.013275885744260276 -0.0008936038919258983 -0.04887494606973151 -0.04887494606973151 -0.09685628824752832 -0.1076907848683308 -0.14328984519379323 -0.19127118737159884 -0.20210568399239254 -0.2500870261701981 -0.29187722742184097 -0.18043669075080518 -0.13400313380454026 -0.02875373805967605 0.04708773828587971 +44602,0.11364250324219129,2,0.15078934879920322 0.05637444967513269 0.02696653027583305 0.011488677960417278 -0.013275885744260276 -0.0008936038919258983 -0.04887494606973151 -0.04887494606973151 -0.09685628824752832 -0.1076907848683308 -0.14328984519379323 -0.19127118737159884 -0.20210568399239254 -0.2500870261701981 -0.29187722742184097 -0.18043669075080518 -0.13400313380454026 -0.02875373805967605 0.04708773828587971 0.07494787245363867 +44603,0.15543270449383412,2,0.05637444967513269 0.02696653027583305 0.011488677960417278 -0.013275885744260276 -0.0008936038919258983 -0.04887494606973151 -0.04887494606973151 -0.09685628824752832 -0.1076907848683308 -0.14328984519379323 -0.19127118737159884 -0.20210568399239254 -0.2500870261701981 -0.29187722742184097 -0.18043669075080518 -0.13400313380454026 -0.02875373805967605 0.04708773828587971 0.07494787245363867 0.11364250324219129 +44604,0.105903577084479,2,0.02696653027583305 0.011488677960417278 -0.013275885744260276 -0.0008936038919258983 -0.04887494606973151 -0.04887494606973151 -0.09685628824752832 -0.1076907848683308 -0.14328984519379323 -0.19127118737159884 -0.20210568399239254 -0.2500870261701981 -0.29187722742184097 -0.18043669075080518 -0.13400313380454026 -0.02875373805967605 0.04708773828587971 0.07494787245363867 0.11364250324219129 0.15543270449383412 +44605,0.03780102689662673,2,0.011488677960417278 -0.013275885744260276 -0.0008936038919258983 -0.04887494606973151 -0.04887494606973151 -0.09685628824752832 -0.1076907848683308 -0.14328984519379323 -0.19127118737159884 -0.20210568399239254 -0.2500870261701981 -0.29187722742184097 -0.18043669075080518 -0.13400313380454026 -0.02875373805967605 0.04708773828587971 0.07494787245363867 0.11364250324219129 0.15543270449383412 0.105903577084479 +44606,0.005297537034245689,2,-0.013275885744260276 -0.0008936038919258983 -0.04887494606973151 -0.04887494606973151 -0.09685628824752832 -0.1076907848683308 -0.14328984519379323 -0.19127118737159884 -0.20210568399239254 -0.2500870261701981 -0.29187722742184097 -0.18043669075080518 -0.13400313380454026 -0.02875373805967605 0.04708773828587971 0.07494787245363867 0.11364250324219129 0.15543270449383412 0.105903577084479 0.03780102689662673 +44607,-0.025658167596594655,2,-0.0008936038919258983 -0.04887494606973151 -0.04887494606973151 -0.09685628824752832 -0.1076907848683308 -0.14328984519379323 -0.19127118737159884 -0.20210568399239254 -0.2500870261701981 -0.29187722742184097 -0.18043669075080518 -0.13400313380454026 -0.02875373805967605 0.04708773828587971 0.07494787245363867 0.11364250324219129 0.15543270449383412 0.105903577084479 0.03780102689662673 0.005297537034245689 +44608,-0.03649266421738833,2,-0.04887494606973151 -0.04887494606973151 -0.09685628824752832 -0.1076907848683308 -0.14328984519379323 -0.19127118737159884 -0.20210568399239254 -0.2500870261701981 -0.29187722742184097 -0.18043669075080518 -0.13400313380454026 -0.02875373805967605 0.04708773828587971 0.07494787245363867 0.11364250324219129 0.15543270449383412 0.105903577084479 0.03780102689662673 0.005297537034245689 -0.025658167596594655 +44609,-0.07209172454285957,2,-0.04887494606973151 -0.09685628824752832 -0.1076907848683308 -0.14328984519379323 -0.19127118737159884 -0.20210568399239254 -0.2500870261701981 -0.29187722742184097 -0.18043669075080518 -0.13400313380454026 -0.02875373805967605 0.04708773828587971 0.07494787245363867 0.11364250324219129 0.15543270449383412 0.105903577084479 0.03780102689662673 0.005297537034245689 -0.025658167596594655 -0.03649266421738833 +44610,-0.1076907848683308,2,-0.09685628824752832 -0.1076907848683308 -0.14328984519379323 -0.19127118737159884 -0.20210568399239254 -0.2500870261701981 -0.29187722742184097 -0.18043669075080518 -0.13400313380454026 -0.02875373805967605 0.04708773828587971 0.07494787245363867 0.11364250324219129 0.15543270449383412 0.105903577084479 0.03780102689662673 0.005297537034245689 -0.025658167596594655 -0.03649266421738833 -0.07209172454285957 +44611,-0.1680544088984708,2,-0.1076907848683308 -0.14328984519379323 -0.19127118737159884 -0.20210568399239254 -0.2500870261701981 -0.29187722742184097 -0.18043669075080518 -0.13400313380454026 -0.02875373805967605 0.04708773828587971 0.07494787245363867 0.11364250324219129 0.15543270449383412 0.105903577084479 0.03780102689662673 0.005297537034245689 -0.025658167596594655 -0.03649266421738833 -0.07209172454285957 -0.1076907848683308 +44612,-0.2160357510762764,2,-0.14328984519379323 -0.19127118737159884 -0.20210568399239254 -0.2500870261701981 -0.29187722742184097 -0.18043669075080518 -0.13400313380454026 -0.02875373805967605 0.04708773828587971 0.07494787245363867 0.11364250324219129 0.15543270449383412 0.105903577084479 0.03780102689662673 0.005297537034245689 -0.025658167596594655 -0.03649266421738833 -0.07209172454285957 -0.1076907848683308 -0.1680544088984708 +44613,-0.3228329320526813,2,-0.19127118737159884 -0.20210568399239254 -0.2500870261701981 -0.29187722742184097 -0.18043669075080518 -0.13400313380454026 -0.02875373805967605 0.04708773828587971 0.07494787245363867 0.11364250324219129 0.15543270449383412 0.105903577084479 0.03780102689662673 0.005297537034245689 -0.025658167596594655 -0.03649266421738833 -0.07209172454285957 -0.1076907848683308 -0.1680544088984708 -0.2160357510762764 +44614,-0.35843199237815254,2,-0.20210568399239254 -0.2500870261701981 -0.29187722742184097 -0.18043669075080518 -0.13400313380454026 -0.02875373805967605 0.04708773828587971 0.07494787245363867 0.11364250324219129 0.15543270449383412 0.105903577084479 0.03780102689662673 0.005297537034245689 -0.025658167596594655 -0.03649266421738833 -0.07209172454285957 -0.1076907848683308 -0.1680544088984708 -0.2160357510762764 -0.3228329320526813 +44615,-0.3708142742304869,2,-0.2500870261701981 -0.29187722742184097 -0.18043669075080518 -0.13400313380454026 -0.02875373805967605 0.04708773828587971 0.07494787245363867 0.11364250324219129 0.15543270449383412 0.105903577084479 0.03780102689662673 0.005297537034245689 -0.025658167596594655 -0.03649266421738833 -0.07209172454285957 -0.1076907848683308 -0.1680544088984708 -0.2160357510762764 -0.3228329320526813 -0.35843199237815254 +44616,-0.4420123948814206,2,-0.29187722742184097 -0.18043669075080518 -0.13400313380454026 -0.02875373805967605 0.04708773828587971 0.07494787245363867 0.11364250324219129 0.15543270449383412 0.105903577084479 0.03780102689662673 0.005297537034245689 -0.025658167596594655 -0.03649266421738833 -0.07209172454285957 -0.1076907848683308 -0.1680544088984708 -0.2160357510762764 -0.3228329320526813 -0.35843199237815254 -0.3708142742304869 +44617,-0.4745158847438104,2,-0.18043669075080518 -0.13400313380454026 -0.02875373805967605 0.04708773828587971 0.07494787245363867 0.11364250324219129 0.15543270449383412 0.105903577084479 0.03780102689662673 0.005297537034245689 -0.025658167596594655 -0.03649266421738833 -0.07209172454285957 -0.1076907848683308 -0.1680544088984708 -0.2160357510762764 -0.3228329320526813 -0.35843199237815254 -0.3708142742304869 -0.4420123948814206 +44618,-0.46522917335455743,2,-0.13400313380454026 -0.02875373805967605 0.04708773828587971 0.07494787245363867 0.11364250324219129 0.15543270449383412 0.105903577084479 0.03780102689662673 0.005297537034245689 -0.025658167596594655 -0.03649266421738833 -0.07209172454285957 -0.1076907848683308 -0.1680544088984708 -0.2160357510762764 -0.3228329320526813 -0.35843199237815254 -0.3708142742304869 -0.4420123948814206 -0.4745158847438104 +44619,-0.46213360289146727,2,-0.02875373805967605 0.04708773828587971 0.07494787245363867 0.11364250324219129 0.15543270449383412 0.105903577084479 0.03780102689662673 0.005297537034245689 -0.025658167596594655 -0.03649266421738833 -0.07209172454285957 -0.1076907848683308 -0.1680544088984708 -0.2160357510762764 -0.3228329320526813 -0.35843199237815254 -0.3708142742304869 -0.4420123948814206 -0.4745158847438104 -0.46522917335455743 +44620,-0.29961615357954446,2,0.04708773828587971 0.07494787245363867 0.11364250324219129 0.15543270449383412 0.105903577084479 0.03780102689662673 0.005297537034245689 -0.025658167596594655 -0.03649266421738833 -0.07209172454285957 -0.1076907848683308 -0.1680544088984708 -0.2160357510762764 -0.3228329320526813 -0.35843199237815254 -0.3708142742304869 -0.4420123948814206 -0.4745158847438104 -0.46522917335455743 -0.46213360289146727 +44621,-0.18043669075080518,2,0.07494787245363867 0.11364250324219129 0.15543270449383412 0.105903577084479 0.03780102689662673 0.005297537034245689 -0.025658167596594655 -0.03649266421738833 -0.07209172454285957 -0.1076907848683308 -0.1680544088984708 -0.2160357510762764 -0.3228329320526813 -0.35843199237815254 -0.3708142742304869 -0.4420123948814206 -0.4745158847438104 -0.46522917335455743 -0.46213360289146727 -0.29961615357954446 +44622,0.04708773828587971,2,0.11364250324219129 0.15543270449383412 0.105903577084479 0.03780102689662673 0.005297537034245689 -0.025658167596594655 -0.03649266421738833 -0.07209172454285957 -0.1076907848683308 -0.1680544088984708 -0.2160357510762764 -0.3228329320526813 -0.35843199237815254 -0.3708142742304869 -0.4420123948814206 -0.4745158847438104 -0.46522917335455743 -0.46213360289146727 -0.29961615357954446 -0.18043669075080518 +44623,0.20186626144009023,2,0.15543270449383412 0.105903577084479 0.03780102689662673 0.005297537034245689 -0.025658167596594655 -0.03649266421738833 -0.07209172454285957 -0.1076907848683308 -0.1680544088984708 -0.2160357510762764 -0.3228329320526813 -0.35843199237815254 -0.3708142742304869 -0.4420123948814206 -0.4745158847438104 -0.46522917335455743 -0.46213360289146727 -0.29961615357954446 -0.18043669075080518 0.04708773828587971 +44624,0.3876004892251499,2,0.105903577084479 0.03780102689662673 0.005297537034245689 -0.025658167596594655 -0.03649266421738833 -0.07209172454285957 -0.1076907848683308 -0.1680544088984708 -0.2160357510762764 -0.3228329320526813 -0.35843199237815254 -0.3708142742304869 -0.4420123948814206 -0.4745158847438104 -0.46522917335455743 -0.46213360289146727 -0.29961615357954446 -0.18043669075080518 0.04708773828587971 0.20186626144009023 +44625,0.46034639510762426,2,0.03780102689662673 0.005297537034245689 -0.025658167596594655 -0.03649266421738833 -0.07209172454285957 -0.1076907848683308 -0.1680544088984708 -0.2160357510762764 -0.3228329320526813 -0.35843199237815254 -0.3708142742304869 -0.4420123948814206 -0.4745158847438104 -0.46522917335455743 -0.46213360289146727 -0.29961615357954446 -0.18043669075080518 0.04708773828587971 0.20186626144009023 0.3876004892251499 +44626,0.5021365963592582,2,0.005297537034245689 -0.025658167596594655 -0.03649266421738833 -0.07209172454285957 -0.1076907848683308 -0.1680544088984708 -0.2160357510762764 -0.3228329320526813 -0.35843199237815254 -0.3708142742304869 -0.4420123948814206 -0.4745158847438104 -0.46522917335455743 -0.46213360289146727 -0.29961615357954446 -0.18043669075080518 0.04708773828587971 0.20186626144009023 0.3876004892251499 0.46034639510762426 +44627,0.5114233077485113,2,-0.025658167596594655 -0.03649266421738833 -0.07209172454285957 -0.1076907848683308 -0.1680544088984708 -0.2160357510762764 -0.3228329320526813 -0.35843199237815254 -0.3708142742304869 -0.4420123948814206 -0.4745158847438104 -0.46522917335455743 -0.46213360289146727 -0.29961615357954446 -0.18043669075080518 0.04708773828587971 0.20186626144009023 0.3876004892251499 0.46034639510762426 0.5021365963592582 +44628,0.40307834154056565,2,-0.03649266421738833 -0.07209172454285957 -0.1076907848683308 -0.1680544088984708 -0.2160357510762764 -0.3228329320526813 -0.35843199237815254 -0.3708142742304869 -0.4420123948814206 -0.4745158847438104 -0.46522917335455743 -0.46213360289146727 -0.29961615357954446 -0.18043669075080518 0.04708773828587971 0.20186626144009023 0.3876004892251499 0.46034639510762426 0.5021365963592582 0.5114233077485113 +44629,0.29318559010107936,2,-0.07209172454285957 -0.1076907848683308 -0.1680544088984708 -0.2160357510762764 -0.3228329320526813 -0.35843199237815254 -0.3708142742304869 -0.4420123948814206 -0.4745158847438104 -0.46522917335455743 -0.46213360289146727 -0.29961615357954446 -0.18043669075080518 0.04708773828587971 0.20186626144009023 0.3876004892251499 0.46034639510762426 0.5021365963592582 0.5114233077485113 0.40307834154056565 +44630,0.16007606018845622,2,-0.1076907848683308 -0.1680544088984708 -0.2160357510762764 -0.3228329320526813 -0.35843199237815254 -0.3708142742304869 -0.4420123948814206 -0.4745158847438104 -0.46522917335455743 -0.46213360289146727 -0.29961615357954446 -0.18043669075080518 0.04708773828587971 0.20186626144009023 0.3876004892251499 0.46034639510762426 0.5021365963592582 0.5114233077485113 0.40307834154056565 0.29318559010107936 +44631,0.08887793953752253,2,-0.1680544088984708 -0.2160357510762764 -0.3228329320526813 -0.35843199237815254 -0.3708142742304869 -0.4420123948814206 -0.4745158847438104 -0.46522917335455743 -0.46213360289146727 -0.29961615357954446 -0.18043669075080518 0.04708773828587971 0.20186626144009023 0.3876004892251499 0.46034639510762426 0.5021365963592582 0.5114233077485113 0.40307834154056565 0.29318559010107936 0.16007606018845622 +44632,0.02696653027583305,2,-0.2160357510762764 -0.3228329320526813 -0.35843199237815254 -0.3708142742304869 -0.4420123948814206 -0.4745158847438104 -0.46522917335455743 -0.46213360289146727 -0.29961615357954446 -0.18043669075080518 0.04708773828587971 0.20186626144009023 0.3876004892251499 0.46034639510762426 0.5021365963592582 0.5114233077485113 0.40307834154056565 0.29318559010107936 0.16007606018845622 0.08887793953752253 +44633,-0.061257227922065886,2,-0.3228329320526813 -0.35843199237815254 -0.3708142742304869 -0.4420123948814206 -0.4745158847438104 -0.46522917335455743 -0.46213360289146727 -0.29961615357954446 -0.18043669075080518 0.04708773828587971 0.20186626144009023 0.3876004892251499 0.46034639510762426 0.5021365963592582 0.5114233077485113 0.40307834154056565 0.29318559010107936 0.16007606018845622 0.08887793953752253 0.02696653027583305 +44634,-0.13245534857299956,2,-0.35843199237815254 -0.3708142742304869 -0.4420123948814206 -0.4745158847438104 -0.46522917335455743 -0.46213360289146727 -0.29961615357954446 -0.18043669075080518 0.04708773828587971 0.20186626144009023 0.3876004892251499 0.46034639510762426 0.5021365963592582 0.5114233077485113 0.40307834154056565 0.29318559010107936 0.16007606018845622 0.08887793953752253 0.02696653027583305 -0.061257227922065886 +44635,-0.1603154827407585,2,-0.3708142742304869 -0.4420123948814206 -0.4745158847438104 -0.46522917335455743 -0.46213360289146727 -0.29961615357954446 -0.18043669075080518 0.04708773828587971 0.20186626144009023 0.3876004892251499 0.46034639510762426 0.5021365963592582 0.5114233077485113 0.40307834154056565 0.29318559010107936 0.16007606018845622 0.08887793953752253 0.02696653027583305 -0.061257227922065886 -0.13245534857299956 +44636,-0.28723387172721004,2,-0.4420123948814206 -0.4745158847438104 -0.46522917335455743 -0.46213360289146727 -0.29961615357954446 -0.18043669075080518 0.04708773828587971 0.20186626144009023 0.3876004892251499 0.46034639510762426 0.5021365963592582 0.5114233077485113 0.40307834154056565 0.29318559010107936 0.16007606018845622 0.08887793953752253 0.02696653027583305 -0.061257227922065886 -0.13245534857299956 -0.1603154827407585 +44637,-0.29032944219029144,2,-0.4745158847438104 -0.46522917335455743 -0.46213360289146727 -0.29961615357954446 -0.18043669075080518 0.04708773828587971 0.20186626144009023 0.3876004892251499 0.46034639510762426 0.5021365963592582 0.5114233077485113 0.40307834154056565 0.29318559010107936 0.16007606018845622 0.08887793953752253 0.02696653027583305 -0.061257227922065886 -0.13245534857299956 -0.1603154827407585 -0.28723387172721004 +44638,-0.40641333455594936,2,-0.46522917335455743 -0.46213360289146727 -0.29961615357954446 -0.18043669075080518 0.04708773828587971 0.20186626144009023 0.3876004892251499 0.46034639510762426 0.5021365963592582 0.5114233077485113 0.40307834154056565 0.29318559010107936 0.16007606018845622 0.08887793953752253 0.02696653027583305 -0.061257227922065886 -0.13245534857299956 -0.1603154827407585 -0.28723387172721004 -0.29032944219029144 +44639,-0.45749024719684517,2,-0.46213360289146727 -0.29961615357954446 -0.18043669075080518 0.04708773828587971 0.20186626144009023 0.3876004892251499 0.46034639510762426 0.5021365963592582 0.5114233077485113 0.40307834154056565 0.29318559010107936 0.16007606018845622 0.08887793953752253 0.02696653027583305 -0.061257227922065886 -0.13245534857299956 -0.1603154827407585 -0.28723387172721004 -0.29032944219029144 -0.40641333455594936 +44640,-0.5348795087739504,2,-0.29961615357954446 -0.18043669075080518 0.04708773828587971 0.20186626144009023 0.3876004892251499 0.46034639510762426 0.5021365963592582 0.5114233077485113 0.40307834154056565 0.29318559010107936 0.16007606018845622 0.08887793953752253 0.02696653027583305 -0.061257227922065886 -0.13245534857299956 -0.1603154827407585 -0.28723387172721004 -0.29032944219029144 -0.40641333455594936 -0.45749024719684517 +44641,-0.7175181660959199,2,-0.18043669075080518 0.04708773828587971 0.20186626144009023 0.3876004892251499 0.46034639510762426 0.5021365963592582 0.5114233077485113 0.40307834154056565 0.29318559010107936 0.16007606018845622 0.08887793953752253 0.02696653027583305 -0.061257227922065886 -0.13245534857299956 -0.1603154827407585 -0.28723387172721004 -0.29032944219029144 -0.40641333455594936 -0.45749024719684517 -0.5348795087739504 +44642,-0.675727964844277,2,0.04708773828587971 0.20186626144009023 0.3876004892251499 0.46034639510762426 0.5021365963592582 0.5114233077485113 0.40307834154056565 0.29318559010107936 0.16007606018845622 0.08887793953752253 0.02696653027583305 -0.061257227922065886 -0.13245534857299956 -0.1603154827407585 -0.28723387172721004 -0.29032944219029144 -0.40641333455594936 -0.45749024719684517 -0.5348795087739504 -0.7175181660959199 +44643,-0.7515694411898416,2,0.20186626144009023 0.3876004892251499 0.46034639510762426 0.5021365963592582 0.5114233077485113 0.40307834154056565 0.29318559010107936 0.16007606018845622 0.08887793953752253 0.02696653027583305 -0.061257227922065886 -0.13245534857299956 -0.1603154827407585 -0.28723387172721004 -0.29032944219029144 -0.40641333455594936 -0.45749024719684517 -0.5348795087739504 -0.7175181660959199 -0.675727964844277 +44644,-0.6881102466966202,2,0.3876004892251499 0.46034639510762426 0.5021365963592582 0.5114233077485113 0.40307834154056565 0.29318559010107936 0.16007606018845622 0.08887793953752253 0.02696653027583305 -0.061257227922065886 -0.13245534857299956 -0.1603154827407585 -0.28723387172721004 -0.29032944219029144 -0.40641333455594936 -0.45749024719684517 -0.5348795087739504 -0.7175181660959199 -0.675727964844277 -0.7515694411898416 +44645,-0.30890286496879743,2,0.46034639510762426 0.5021365963592582 0.5114233077485113 0.40307834154056565 0.29318559010107936 0.16007606018845622 0.08887793953752253 0.02696653027583305 -0.061257227922065886 -0.13245534857299956 -0.1603154827407585 -0.28723387172721004 -0.29032944219029144 -0.40641333455594936 -0.45749024719684517 -0.5348795087739504 -0.7175181660959199 -0.675727964844277 -0.7515694411898416 -0.6881102466966202 +44646,0.03625324166508603,2,0.5021365963592582 0.5114233077485113 0.40307834154056565 0.29318559010107936 0.16007606018845622 0.08887793953752253 0.02696653027583305 -0.061257227922065886 -0.13245534857299956 -0.1603154827407585 -0.28723387172721004 -0.29032944219029144 -0.40641333455594936 -0.45749024719684517 -0.5348795087739504 -0.7175181660959199 -0.675727964844277 -0.7515694411898416 -0.6881102466966202 -0.30890286496879743 +44647,0.2219874694501369,2,0.5114233077485113 0.40307834154056565 0.29318559010107936 0.16007606018845622 0.08887793953752253 0.02696653027583305 -0.061257227922065886 -0.13245534857299956 -0.1603154827407585 -0.28723387172721004 -0.29032944219029144 -0.40641333455594936 -0.45749024719684517 -0.5348795087739504 -0.7175181660959199 -0.675727964844277 -0.7515694411898416 -0.6881102466966202 -0.30890286496879743 0.03625324166508603 +44648,0.4727286769599586,2,0.40307834154056565 0.29318559010107936 0.16007606018845622 0.08887793953752253 0.02696653027583305 -0.061257227922065886 -0.13245534857299956 -0.1603154827407585 -0.28723387172721004 -0.29032944219029144 -0.40641333455594936 -0.45749024719684517 -0.5348795087739504 -0.7175181660959199 -0.675727964844277 -0.7515694411898416 -0.6881102466966202 -0.30890286496879743 0.03625324166508603 0.2219874694501369 +44649,0.5795258579363636,2,0.29318559010107936 0.16007606018845622 0.08887793953752253 0.02696653027583305 -0.061257227922065886 -0.13245534857299956 -0.1603154827407585 -0.28723387172721004 -0.29032944219029144 -0.40641333455594936 -0.45749024719684517 -0.5348795087739504 -0.7175181660959199 -0.675727964844277 -0.7515694411898416 -0.6881102466966202 -0.30890286496879743 0.03625324166508603 0.2219874694501369 0.4727286769599586 +44650,0.6460806228926751,2,0.16007606018845622 0.08887793953752253 0.02696653027583305 -0.061257227922065886 -0.13245534857299956 -0.1603154827407585 -0.28723387172721004 -0.29032944219029144 -0.40641333455594936 -0.45749024719684517 -0.5348795087739504 -0.7175181660959199 -0.675727964844277 -0.7515694411898416 -0.6881102466966202 -0.30890286496879743 0.03625324166508603 0.2219874694501369 0.4727286769599586 0.5795258579363636 +44651,0.6244116296510878,2,0.08887793953752253 0.02696653027583305 -0.061257227922065886 -0.13245534857299956 -0.1603154827407585 -0.28723387172721004 -0.29032944219029144 -0.40641333455594936 -0.45749024719684517 -0.5348795087739504 -0.7175181660959199 -0.675727964844277 -0.7515694411898416 -0.6881102466966202 -0.30890286496879743 0.03625324166508603 0.2219874694501369 0.4727286769599586 0.5795258579363636 0.6460806228926751 +44652,0.5299967305270172,2,0.02696653027583305 -0.061257227922065886 -0.13245534857299956 -0.1603154827407585 -0.28723387172721004 -0.29032944219029144 -0.40641333455594936 -0.45749024719684517 -0.5348795087739504 -0.7175181660959199 -0.675727964844277 -0.7515694411898416 -0.6881102466966202 -0.30890286496879743 0.03625324166508603 0.2219874694501369 0.4727286769599586 0.5795258579363636 0.6460806228926751 0.6244116296510878 +44653,0.41855619385599024,2,-0.061257227922065886 -0.13245534857299956 -0.1603154827407585 -0.28723387172721004 -0.29032944219029144 -0.40641333455594936 -0.45749024719684517 -0.5348795087739504 -0.7175181660959199 -0.675727964844277 -0.7515694411898416 -0.6881102466966202 -0.30890286496879743 0.03625324166508603 0.2219874694501369 0.4727286769599586 0.5795258579363636 0.6460806228926751 0.6244116296510878 0.5299967305270172 +44654,0.18329283866158427,2,-0.13245534857299956 -0.1603154827407585 -0.28723387172721004 -0.29032944219029144 -0.40641333455594936 -0.45749024719684517 -0.5348795087739504 -0.7175181660959199 -0.675727964844277 -0.7515694411898416 -0.6881102466966202 -0.30890286496879743 0.03625324166508603 0.2219874694501369 0.4727286769599586 0.5795258579363636 0.6460806228926751 0.6244116296510878 0.5299967305270172 0.41855619385599024 +44655,0.05792223490668219,2,-0.1603154827407585 -0.28723387172721004 -0.29032944219029144 -0.40641333455594936 -0.45749024719684517 -0.5348795087739504 -0.7175181660959199 -0.675727964844277 -0.7515694411898416 -0.6881102466966202 -0.30890286496879743 0.03625324166508603 0.2219874694501369 0.4727286769599586 0.5795258579363636 0.6460806228926751 0.6244116296510878 0.5299967305270172 0.41855619385599024 0.18329283866158427 +44656,0.02696653027583305,2,-0.28723387172721004 -0.29032944219029144 -0.40641333455594936 -0.45749024719684517 -0.5348795087739504 -0.7175181660959199 -0.675727964844277 -0.7515694411898416 -0.6881102466966202 -0.30890286496879743 0.03625324166508603 0.2219874694501369 0.4727286769599586 0.5795258579363636 0.6460806228926751 0.6244116296510878 0.5299967305270172 0.41855619385599024 0.18329283866158427 0.05792223490668219 +44657,-0.07363950977440026,2,-0.29032944219029144 -0.40641333455594936 -0.45749024719684517 -0.5348795087739504 -0.7175181660959199 -0.675727964844277 -0.7515694411898416 -0.6881102466966202 -0.30890286496879743 0.03625324166508603 0.2219874694501369 0.4727286769599586 0.5795258579363636 0.6460806228926751 0.6244116296510878 0.5299967305270172 0.41855619385599024 0.18329283866158427 0.05792223490668219 0.02696653027583305 +44658,-0.12007306672066517,2,-0.40641333455594936 -0.45749024719684517 -0.5348795087739504 -0.7175181660959199 -0.675727964844277 -0.7515694411898416 -0.6881102466966202 -0.30890286496879743 0.03625324166508603 0.2219874694501369 0.4727286769599586 0.5795258579363636 0.6460806228926751 0.6244116296510878 0.5299967305270172 0.41855619385599024 0.18329283866158427 0.05792223490668219 0.02696653027583305 -0.07363950977440026 +44659,-0.18662783167697675,2,-0.45749024719684517 -0.5348795087739504 -0.7175181660959199 -0.675727964844277 -0.7515694411898416 -0.6881102466966202 -0.30890286496879743 0.03625324166508603 0.2219874694501369 0.4727286769599586 0.5795258579363636 0.6460806228926751 0.6244116296510878 0.5299967305270172 0.41855619385599024 0.18329283866158427 0.05792223490668219 0.02696653027583305 -0.07363950977440026 -0.12007306672066517 +44660,-0.2624693080225413,2,-0.5348795087739504 -0.7175181660959199 -0.675727964844277 -0.7515694411898416 -0.6881102466966202 -0.30890286496879743 0.03625324166508603 0.2219874694501369 0.4727286769599586 0.5795258579363636 0.6460806228926751 0.6244116296510878 0.5299967305270172 0.41855619385599024 0.18329283866158427 0.05792223490668219 0.02696653027583305 -0.07363950977440026 -0.12007306672066517 -0.18662783167697675 +44661,-0.2144879658447357,2,-0.7175181660959199 -0.675727964844277 -0.7515694411898416 -0.6881102466966202 -0.30890286496879743 0.03625324166508603 0.2219874694501369 0.4727286769599586 0.5795258579363636 0.6460806228926751 0.6244116296510878 0.5299967305270172 0.41855619385599024 0.18329283866158427 0.05792223490668219 0.02696653027583305 -0.07363950977440026 -0.12007306672066517 -0.18662783167697675 -0.2624693080225413 +44662,-0.20210568399239254,2,-0.675727964844277 -0.7515694411898416 -0.6881102466966202 -0.30890286496879743 0.03625324166508603 0.2219874694501369 0.4727286769599586 0.5795258579363636 0.6460806228926751 0.6244116296510878 0.5299967305270172 0.41855619385599024 0.18329283866158427 0.05792223490668219 0.02696653027583305 -0.07363950977440026 -0.12007306672066517 -0.18662783167697675 -0.2624693080225413 -0.2144879658447357 +44663,-0.2160357510762764,2,-0.7515694411898416 -0.6881102466966202 -0.30890286496879743 0.03625324166508603 0.2219874694501369 0.4727286769599586 0.5795258579363636 0.6460806228926751 0.6244116296510878 0.5299967305270172 0.41855619385599024 0.18329283866158427 0.05792223490668219 0.02696653027583305 -0.07363950977440026 -0.12007306672066517 -0.18662783167697675 -0.2624693080225413 -0.2144879658447357 -0.20210568399239254 +44664,-0.22841803292861076,2,-0.6881102466966202 -0.30890286496879743 0.03625324166508603 0.2219874694501369 0.4727286769599586 0.5795258579363636 0.6460806228926751 0.6244116296510878 0.5299967305270172 0.41855619385599024 0.18329283866158427 0.05792223490668219 0.02696653027583305 -0.07363950977440026 -0.12007306672066517 -0.18662783167697675 -0.2624693080225413 -0.2144879658447357 -0.20210568399239254 -0.2160357510762764 +44665,-0.2748515898748757,2,-0.30890286496879743 0.03625324166508603 0.2219874694501369 0.4727286769599586 0.5795258579363636 0.6460806228926751 0.6244116296510878 0.5299967305270172 0.41855619385599024 0.18329283866158427 0.05792223490668219 0.02696653027583305 -0.07363950977440026 -0.12007306672066517 -0.18662783167697675 -0.2624693080225413 -0.2144879658447357 -0.20210568399239254 -0.2160357510762764 -0.22841803292861076 +44666,-0.3228329320526813,2,0.03625324166508603 0.2219874694501369 0.4727286769599586 0.5795258579363636 0.6460806228926751 0.6244116296510878 0.5299967305270172 0.41855619385599024 0.18329283866158427 0.05792223490668219 0.02696653027583305 -0.07363950977440026 -0.12007306672066517 -0.18662783167697675 -0.2624693080225413 -0.2144879658447357 -0.20210568399239254 -0.2160357510762764 -0.22841803292861076 -0.2748515898748757 +44667,-0.3352152139050157,2,0.2219874694501369 0.4727286769599586 0.5795258579363636 0.6460806228926751 0.6244116296510878 0.5299967305270172 0.41855619385599024 0.18329283866158427 0.05792223490668219 0.02696653027583305 -0.07363950977440026 -0.12007306672066517 -0.18662783167697675 -0.2624693080225413 -0.2144879658447357 -0.20210568399239254 -0.2160357510762764 -0.22841803292861076 -0.2748515898748757 -0.3228329320526813 +44668,-0.2516348114017388,2,0.4727286769599586 0.5795258579363636 0.6460806228926751 0.6244116296510878 0.5299967305270172 0.41855619385599024 0.18329283866158427 0.05792223490668219 0.02696653027583305 -0.07363950977440026 -0.12007306672066517 -0.18662783167697675 -0.2624693080225413 -0.2144879658447357 -0.20210568399239254 -0.2160357510762764 -0.22841803292861076 -0.2748515898748757 -0.3228329320526813 -0.3352152139050157 +44669,-0.11852528148912447,2,0.5795258579363636 0.6460806228926751 0.6244116296510878 0.5299967305270172 0.41855619385599024 0.18329283866158427 0.05792223490668219 0.02696653027583305 -0.07363950977440026 -0.12007306672066517 -0.18662783167697675 -0.2624693080225413 -0.2144879658447357 -0.20210568399239254 -0.2160357510762764 -0.22841803292861076 -0.2748515898748757 -0.3228329320526813 -0.3352152139050157 -0.2516348114017388 +44670,-0.09066514732136553,2,0.6460806228926751 0.6244116296510878 0.5299967305270172 0.41855619385599024 0.18329283866158427 0.05792223490668219 0.02696653027583305 -0.07363950977440026 -0.12007306672066517 -0.18662783167697675 -0.2624693080225413 -0.2144879658447357 -0.20210568399239254 -0.2160357510762764 -0.22841803292861076 -0.2748515898748757 -0.3228329320526813 -0.3352152139050157 -0.2516348114017388 -0.11852528148912447 +44671,0.09816465092677551,2,0.6244116296510878 0.5299967305270172 0.41855619385599024 0.18329283866158427 0.05792223490668219 0.02696653027583305 -0.07363950977440026 -0.12007306672066517 -0.18662783167697675 -0.2624693080225413 -0.2144879658447357 -0.20210568399239254 -0.2160357510762764 -0.22841803292861076 -0.2748515898748757 -0.3228329320526813 -0.3352152139050157 -0.2516348114017388 -0.11852528148912447 -0.09066514732136553 +44672,0.19103176481929654,2,0.5299967305270172 0.41855619385599024 0.18329283866158427 0.05792223490668219 0.02696653027583305 -0.07363950977440026 -0.12007306672066517 -0.18662783167697675 -0.2624693080225413 -0.2144879658447357 -0.20210568399239254 -0.2160357510762764 -0.22841803292861076 -0.2748515898748757 -0.3228329320526813 -0.3352152139050157 -0.2516348114017388 -0.11852528148912447 -0.09066514732136553 0.09816465092677551 +44673,0.36593149598355373,2,0.41855619385599024 0.18329283866158427 0.05792223490668219 0.02696653027583305 -0.07363950977440026 -0.12007306672066517 -0.18662783167697675 -0.2624693080225413 -0.2144879658447357 -0.20210568399239254 -0.2160357510762764 -0.22841803292861076 -0.2748515898748757 -0.3228329320526813 -0.3352152139050157 -0.2516348114017388 -0.11852528148912447 -0.09066514732136553 0.09816465092677551 0.19103176481929654 +44674,0.4820153883492116,2,0.18329283866158427 0.05792223490668219 0.02696653027583305 -0.07363950977440026 -0.12007306672066517 -0.18662783167697675 -0.2624693080225413 -0.2144879658447357 -0.20210568399239254 -0.2160357510762764 -0.22841803292861076 -0.2748515898748757 -0.3228329320526813 -0.3352152139050157 -0.2516348114017388 -0.11852528148912447 -0.09066514732136553 0.09816465092677551 0.19103176481929654 0.36593149598355373 +44675,0.4804676031176709,2,0.05792223490668219 0.02696653027583305 -0.07363950977440026 -0.12007306672066517 -0.18662783167697675 -0.2624693080225413 -0.2144879658447357 -0.20210568399239254 -0.2160357510762764 -0.22841803292861076 -0.2748515898748757 -0.3228329320526813 -0.3352152139050157 -0.2516348114017388 -0.11852528148912447 -0.09066514732136553 0.09816465092677551 0.19103176481929654 0.36593149598355373 0.4820153883492116 +44676,0.36593149598355373,2,0.02696653027583305 -0.07363950977440026 -0.12007306672066517 -0.18662783167697675 -0.2624693080225413 -0.2144879658447357 -0.20210568399239254 -0.2160357510762764 -0.22841803292861076 -0.2748515898748757 -0.3228329320526813 -0.3352152139050157 -0.2516348114017388 -0.11852528148912447 -0.09066514732136553 0.09816465092677551 0.19103176481929654 0.36593149598355373 0.4820153883492116 0.4804676031176709 +44677,0.24829981838635515,2,-0.07363950977440026 -0.12007306672066517 -0.18662783167697675 -0.2624693080225413 -0.2144879658447357 -0.20210568399239254 -0.2160357510762764 -0.22841803292861076 -0.2748515898748757 -0.3228329320526813 -0.3352152139050157 -0.2516348114017388 -0.11852528148912447 -0.09066514732136553 0.09816465092677551 0.19103176481929654 0.36593149598355373 0.4820153883492116 0.4804676031176709 0.36593149598355373 +44678,0.07649565768517935,2,-0.12007306672066517 -0.18662783167697675 -0.2624693080225413 -0.2144879658447357 -0.20210568399239254 -0.2160357510762764 -0.22841803292861076 -0.2748515898748757 -0.3228329320526813 -0.3352152139050157 -0.2516348114017388 -0.11852528148912447 -0.09066514732136553 0.09816465092677551 0.19103176481929654 0.36593149598355373 0.4820153883492116 0.4804676031176709 0.36593149598355373 0.24829981838635515 +44679,-0.056613872227435,2,-0.18662783167697675 -0.2624693080225413 -0.2144879658447357 -0.20210568399239254 -0.2160357510762764 -0.22841803292861076 -0.2748515898748757 -0.3228329320526813 -0.3352152139050157 -0.2516348114017388 -0.11852528148912447 -0.09066514732136553 0.09816465092677551 0.19103176481929654 0.36593149598355373 0.4820153883492116 0.4804676031176709 0.36593149598355373 0.24829981838635515 0.07649565768517935 +44680,-0.1076907848683308,2,-0.2624693080225413 -0.2144879658447357 -0.20210568399239254 -0.2160357510762764 -0.22841803292861076 -0.2748515898748757 -0.3228329320526813 -0.3352152139050157 -0.2516348114017388 -0.11852528148912447 -0.09066514732136553 0.09816465092677551 0.19103176481929654 0.36593149598355373 0.4820153883492116 0.4804676031176709 0.36593149598355373 0.24829981838635515 0.07649565768517935 -0.056613872227435 +44681,-0.14948098611996483,2,-0.2144879658447357 -0.20210568399239254 -0.2160357510762764 -0.22841803292861076 -0.2748515898748757 -0.3228329320526813 -0.3352152139050157 -0.2516348114017388 -0.11852528148912447 -0.09066514732136553 0.09816465092677551 0.19103176481929654 0.36593149598355373 0.4820153883492116 0.4804676031176709 0.36593149598355373 0.24829981838635515 0.07649565768517935 -0.056613872227435 -0.1076907848683308 +44682,-0.20365346922394204,2,-0.20210568399239254 -0.2160357510762764 -0.22841803292861076 -0.2748515898748757 -0.3228329320526813 -0.3352152139050157 -0.2516348114017388 -0.11852528148912447 -0.09066514732136553 0.09816465092677551 0.19103176481929654 0.36593149598355373 0.4820153883492116 0.4804676031176709 0.36593149598355373 0.24829981838635515 0.07649565768517935 -0.056613872227435 -0.1076907848683308 -0.14948098611996483 +44683,-0.3181895763580504,2,-0.2160357510762764 -0.22841803292861076 -0.2748515898748757 -0.3228329320526813 -0.3352152139050157 -0.2516348114017388 -0.11852528148912447 -0.09066514732136553 0.09816465092677551 0.19103176481929654 0.36593149598355373 0.4820153883492116 0.4804676031176709 0.36593149598355373 0.24829981838635515 0.07649565768517935 -0.056613872227435 -0.1076907848683308 -0.14948098611996483 -0.20365346922394204 +44684,-0.4079611197874988,2,-0.22841803292861076 -0.2748515898748757 -0.3228329320526813 -0.3352152139050157 -0.2516348114017388 -0.11852528148912447 -0.09066514732136553 0.09816465092677551 0.19103176481929654 0.36593149598355373 0.4820153883492116 0.4804676031176709 0.36593149598355373 0.24829981838635515 0.07649565768517935 -0.056613872227435 -0.1076907848683308 -0.14948098611996483 -0.20365346922394204 -0.3181895763580504 +44685,-0.4961848779853978,2,-0.2748515898748757 -0.3228329320526813 -0.3352152139050157 -0.2516348114017388 -0.11852528148912447 -0.09066514732136553 0.09816465092677551 0.19103176481929654 0.36593149598355373 0.4820153883492116 0.4804676031176709 0.36593149598355373 0.24829981838635515 0.07649565768517935 -0.056613872227435 -0.1076907848683308 -0.14948098611996483 -0.20365346922394204 -0.3181895763580504 -0.4079611197874988 +44686,-0.46522917335455743,2,-0.3228329320526813 -0.3352152139050157 -0.2516348114017388 -0.11852528148912447 -0.09066514732136553 0.09816465092677551 0.19103176481929654 0.36593149598355373 0.4820153883492116 0.4804676031176709 0.36593149598355373 0.24829981838635515 0.07649565768517935 -0.056613872227435 -0.1076907848683308 -0.14948098611996483 -0.20365346922394204 -0.3181895763580504 -0.4079611197874988 -0.4961848779853978 +44687,-0.4776114552068918,2,-0.3352152139050157 -0.2516348114017388 -0.11852528148912447 -0.09066514732136553 0.09816465092677551 0.19103176481929654 0.36593149598355373 0.4820153883492116 0.4804676031176709 0.36593149598355373 0.24829981838635515 0.07649565768517935 -0.056613872227435 -0.1076907848683308 -0.14948098611996483 -0.20365346922394204 -0.3181895763580504 -0.4079611197874988 -0.4961848779853978 -0.46522917335455743 +44688,-0.48999373705922616,2,-0.2516348114017388 -0.11852528148912447 -0.09066514732136553 0.09816465092677551 0.19103176481929654 0.36593149598355373 0.4820153883492116 0.4804676031176709 0.36593149598355373 0.24829981838635515 0.07649565768517935 -0.056613872227435 -0.1076907848683308 -0.14948098611996483 -0.20365346922394204 -0.3181895763580504 -0.4079611197874988 -0.4961848779853978 -0.46522917335455743 -0.4776114552068918 +44689,-0.5132105155323631,2,-0.11852528148912447 -0.09066514732136553 0.09816465092677551 0.19103176481929654 0.36593149598355373 0.4820153883492116 0.4804676031176709 0.36593149598355373 0.24829981838635515 0.07649565768517935 -0.056613872227435 -0.1076907848683308 -0.14948098611996483 -0.20365346922394204 -0.3181895763580504 -0.4079611197874988 -0.4961848779853978 -0.46522917335455743 -0.4776114552068918 -0.48999373705922616 +44690,-0.5132105155323631,2,-0.09066514732136553 0.09816465092677551 0.19103176481929654 0.36593149598355373 0.4820153883492116 0.4804676031176709 0.36593149598355373 0.24829981838635515 0.07649565768517935 -0.056613872227435 -0.1076907848683308 -0.14948098611996483 -0.20365346922394204 -0.3181895763580504 -0.4079611197874988 -0.4961848779853978 -0.46522917335455743 -0.4776114552068918 -0.48999373705922616 -0.5132105155323631 +44691,-0.5023760189115606,2,0.09816465092677551 0.19103176481929654 0.36593149598355373 0.4820153883492116 0.4804676031176709 0.36593149598355373 0.24829981838635515 0.07649565768517935 -0.056613872227435 -0.1076907848683308 -0.14948098611996483 -0.20365346922394204 -0.3181895763580504 -0.4079611197874988 -0.4961848779853978 -0.46522917335455743 -0.4776114552068918 -0.48999373705922616 -0.5132105155323631 -0.5132105155323631 +44692,-0.4296301130290862,2,0.19103176481929654 0.36593149598355373 0.4820153883492116 0.4804676031176709 0.36593149598355373 0.24829981838635515 0.07649565768517935 -0.056613872227435 -0.1076907848683308 -0.14948098611996483 -0.20365346922394204 -0.3181895763580504 -0.4079611197874988 -0.4961848779853978 -0.46522917335455743 -0.4776114552068918 -0.48999373705922616 -0.5132105155323631 -0.5132105155323631 -0.5023760189115606 +44693,-0.19591454306622974,2,0.36593149598355373 0.4820153883492116 0.4804676031176709 0.36593149598355373 0.24829981838635515 0.07649565768517935 -0.056613872227435 -0.1076907848683308 -0.14948098611996483 -0.20365346922394204 -0.3181895763580504 -0.4079611197874988 -0.4961848779853978 -0.46522917335455743 -0.4776114552068918 -0.48999373705922616 -0.5132105155323631 -0.5132105155323631 -0.5023760189115606 -0.4296301130290862 +44694,0.05792223490668219,2,0.4820153883492116 0.4804676031176709 0.36593149598355373 0.24829981838635515 0.07649565768517935 -0.056613872227435 -0.1076907848683308 -0.14948098611996483 -0.20365346922394204 -0.3181895763580504 -0.4079611197874988 -0.4961848779853978 -0.46522917335455743 -0.4776114552068918 -0.48999373705922616 -0.5132105155323631 -0.5132105155323631 -0.5023760189115606 -0.4296301130290862 -0.19591454306622974 +44695,0.2792555230171955,2,0.4804676031176709 0.36593149598355373 0.24829981838635515 0.07649565768517935 -0.056613872227435 -0.1076907848683308 -0.14948098611996483 -0.20365346922394204 -0.3181895763580504 -0.4079611197874988 -0.4961848779853978 -0.46522917335455743 -0.4776114552068918 -0.48999373705922616 -0.5132105155323631 -0.5132105155323631 -0.5023760189115606 -0.4296301130290862 -0.19591454306622974 0.05792223490668219 +44696,0.40462612677210635,2,0.36593149598355373 0.24829981838635515 0.07649565768517935 -0.056613872227435 -0.1076907848683308 -0.14948098611996483 -0.20365346922394204 -0.3181895763580504 -0.4079611197874988 -0.4961848779853978 -0.46522917335455743 -0.4776114552068918 -0.48999373705922616 -0.5132105155323631 -0.5132105155323631 -0.5023760189115606 -0.4296301130290862 -0.19591454306622974 0.05792223490668219 0.2792555230171955 +44697,0.5207100191377643,2,0.24829981838635515 0.07649565768517935 -0.056613872227435 -0.1076907848683308 -0.14948098611996483 -0.20365346922394204 -0.3181895763580504 -0.4079611197874988 -0.4961848779853978 -0.46522917335455743 -0.4776114552068918 -0.48999373705922616 -0.5132105155323631 -0.5132105155323631 -0.5023760189115606 -0.4296301130290862 -0.19591454306622974 0.05792223490668219 0.2792555230171955 0.40462612677210635 +44698,0.5315445157585579,2,0.07649565768517935 -0.056613872227435 -0.1076907848683308 -0.14948098611996483 -0.20365346922394204 -0.3181895763580504 -0.4079611197874988 -0.4961848779853978 -0.46522917335455743 -0.4776114552068918 -0.48999373705922616 -0.5132105155323631 -0.5132105155323631 -0.5023760189115606 -0.4296301130290862 -0.19591454306622974 0.05792223490668219 0.2792555230171955 0.40462612677210635 0.5207100191377643 +44699,0.5423790123793604,2,-0.056613872227435 -0.1076907848683308 -0.14948098611996483 -0.20365346922394204 -0.3181895763580504 -0.4079611197874988 -0.4961848779853978 -0.46522917335455743 -0.4776114552068918 -0.48999373705922616 -0.5132105155323631 -0.5132105155323631 -0.5023760189115606 -0.4296301130290862 -0.19591454306622974 0.05792223490668219 0.2792555230171955 0.40462612677210635 0.5207100191377643 0.5315445157585579 +44700,0.5114233077485113,2,-0.1076907848683308 -0.14948098611996483 -0.20365346922394204 -0.3181895763580504 -0.4079611197874988 -0.4961848779853978 -0.46522917335455743 -0.4776114552068918 -0.48999373705922616 -0.5132105155323631 -0.5132105155323631 -0.5023760189115606 -0.4296301130290862 -0.19591454306622974 0.05792223490668219 0.2792555230171955 0.40462612677210635 0.5207100191377643 0.5315445157585579 0.5423790123793604 +44701,0.4092694824667372,2,-0.14948098611996483 -0.20365346922394204 -0.3181895763580504 -0.4079611197874988 -0.4961848779853978 -0.46522917335455743 -0.4776114552068918 -0.48999373705922616 -0.5132105155323631 -0.5132105155323631 -0.5023760189115606 -0.4296301130290862 -0.19591454306622974 0.05792223490668219 0.2792555230171955 0.40462612677210635 0.5207100191377643 0.5315445157585579 0.5423790123793604 0.5114233077485113 +44702,0.15698048972537482,2,-0.20365346922394204 -0.3181895763580504 -0.4079611197874988 -0.4961848779853978 -0.46522917335455743 -0.4776114552068918 -0.48999373705922616 -0.5132105155323631 -0.5132105155323631 -0.5023760189115606 -0.4296301130290862 -0.19591454306622974 0.05792223490668219 0.2792555230171955 0.40462612677210635 0.5207100191377643 0.5315445157585579 0.5423790123793604 0.5114233077485113 0.4092694824667372 +44703,0.07804344291672885,2,-0.3181895763580504 -0.4079611197874988 -0.4961848779853978 -0.46522917335455743 -0.4776114552068918 -0.48999373705922616 -0.5132105155323631 -0.5132105155323631 -0.5023760189115606 -0.4296301130290862 -0.19591454306622974 0.05792223490668219 0.2792555230171955 0.40462612677210635 0.5207100191377643 0.5315445157585579 0.5423790123793604 0.5114233077485113 0.4092694824667372 0.15698048972537482 +44704,0.04708773828587971,2,-0.4079611197874988 -0.4961848779853978 -0.46522917335455743 -0.4776114552068918 -0.48999373705922616 -0.5132105155323631 -0.5132105155323631 -0.5023760189115606 -0.4296301130290862 -0.19591454306622974 0.05792223490668219 0.2792555230171955 0.40462612677210635 0.5207100191377643 0.5315445157585579 0.5423790123793604 0.5114233077485113 0.4092694824667372 0.15698048972537482 0.07804344291672885 +44705,0.028514315507373746,2,-0.4961848779853978 -0.46522917335455743 -0.4776114552068918 -0.48999373705922616 -0.5132105155323631 -0.5132105155323631 -0.5023760189115606 -0.4296301130290862 -0.19591454306622974 0.05792223490668219 0.2792555230171955 0.40462612677210635 0.5207100191377643 0.5315445157585579 0.5423790123793604 0.5114233077485113 0.4092694824667372 0.15698048972537482 0.07804344291672885 0.04708773828587971 +44706,-0.06435279838514728,2,-0.46522917335455743 -0.4776114552068918 -0.48999373705922616 -0.5132105155323631 -0.5132105155323631 -0.5023760189115606 -0.4296301130290862 -0.19591454306622974 0.05792223490668219 0.2792555230171955 0.40462612677210635 0.5207100191377643 0.5315445157585579 0.5423790123793604 0.5114233077485113 0.4092694824667372 0.15698048972537482 0.07804344291672885 0.04708773828587971 0.028514315507373746 +44707,-0.1634110532038399,2,-0.4776114552068918 -0.48999373705922616 -0.5132105155323631 -0.5132105155323631 -0.5023760189115606 -0.4296301130290862 -0.19591454306622974 0.05792223490668219 0.2792555230171955 0.40462612677210635 0.5207100191377643 0.5315445157585579 0.5423790123793604 0.5114233077485113 0.4092694824667372 0.15698048972537482 0.07804344291672885 0.04708773828587971 0.028514315507373746 -0.06435279838514728 +44708,-0.15567212704613642,2,-0.48999373705922616 -0.5132105155323631 -0.5132105155323631 -0.5023760189115606 -0.4296301130290862 -0.19591454306622974 0.05792223490668219 0.2792555230171955 0.40462612677210635 0.5207100191377643 0.5315445157585579 0.5423790123793604 0.5114233077485113 0.4092694824667372 0.15698048972537482 0.07804344291672885 0.04708773828587971 0.028514315507373746 -0.06435279838514728 -0.1634110532038399 +44709,-0.23925252954940446,2,-0.5132105155323631 -0.5132105155323631 -0.5023760189115606 -0.4296301130290862 -0.19591454306622974 0.05792223490668219 0.2792555230171955 0.40462612677210635 0.5207100191377643 0.5315445157585579 0.5423790123793604 0.5114233077485113 0.4092694824667372 0.15698048972537482 0.07804344291672885 0.04708773828587971 0.028514315507373746 -0.06435279838514728 -0.1634110532038399 -0.15567212704613642 +44710,-0.2624693080225413,2,-0.5132105155323631 -0.5023760189115606 -0.4296301130290862 -0.19591454306622974 0.05792223490668219 0.2792555230171955 0.40462612677210635 0.5207100191377643 0.5315445157585579 0.5423790123793604 0.5114233077485113 0.4092694824667372 0.15698048972537482 0.07804344291672885 0.04708773828587971 0.028514315507373746 -0.06435279838514728 -0.1634110532038399 -0.15567212704613642 -0.23925252954940446 +44711,-0.29806836834800376,2,-0.5023760189115606 -0.4296301130290862 -0.19591454306622974 0.05792223490668219 0.2792555230171955 0.40462612677210635 0.5207100191377643 0.5315445157585579 0.5423790123793604 0.5114233077485113 0.4092694824667372 0.15698048972537482 0.07804344291672885 0.04708773828587971 0.028514315507373746 -0.06435279838514728 -0.1634110532038399 -0.15567212704613642 -0.23925252954940446 -0.2624693080225413 +44712,-0.3955788379351557,2,-0.4296301130290862 -0.19591454306622974 0.05792223490668219 0.2792555230171955 0.40462612677210635 0.5207100191377643 0.5315445157585579 0.5423790123793604 0.5114233077485113 0.4092694824667372 0.15698048972537482 0.07804344291672885 0.04708773828587971 0.028514315507373746 -0.06435279838514728 -0.1634110532038399 -0.15567212704613642 -0.23925252954940446 -0.2624693080225413 -0.29806836834800376 +44713,-0.4296301130290862,2,-0.19591454306622974 0.05792223490668219 0.2792555230171955 0.40462612677210635 0.5207100191377643 0.5315445157585579 0.5423790123793604 0.5114233077485113 0.4092694824667372 0.15698048972537482 0.07804344291672885 0.04708773828587971 0.028514315507373746 -0.06435279838514728 -0.1634110532038399 -0.15567212704613642 -0.23925252954940446 -0.2624693080225413 -0.29806836834800376 -0.3955788379351557 +44714,-0.46522917335455743,2,0.05792223490668219 0.2792555230171955 0.40462612677210635 0.5207100191377643 0.5315445157585579 0.5423790123793604 0.5114233077485113 0.4092694824667372 0.15698048972537482 0.07804344291672885 0.04708773828587971 0.028514315507373746 -0.06435279838514728 -0.1634110532038399 -0.15567212704613642 -0.23925252954940446 -0.2624693080225413 -0.29806836834800376 -0.3955788379351557 -0.4296301130290862 +44715,-0.5070193746061915,2,0.2792555230171955 0.40462612677210635 0.5207100191377643 0.5315445157585579 0.5423790123793604 0.5114233077485113 0.4092694824667372 0.15698048972537482 0.07804344291672885 0.04708773828587971 0.028514315507373746 -0.06435279838514728 -0.1634110532038399 -0.15567212704613642 -0.23925252954940446 -0.2624693080225413 -0.29806836834800376 -0.3955788379351557 -0.4296301130290862 -0.46522917335455743 +44716,-0.45129910627067354,2,0.40462612677210635 0.5207100191377643 0.5315445157585579 0.5423790123793604 0.5114233077485113 0.4092694824667372 0.15698048972537482 0.07804344291672885 0.04708773828587971 0.028514315507373746 -0.06435279838514728 -0.1634110532038399 -0.15567212704613642 -0.23925252954940446 -0.2624693080225413 -0.29806836834800376 -0.3955788379351557 -0.4296301130290862 -0.46522917335455743 -0.5070193746061915 +44717,-0.3181895763580504,2,0.5207100191377643 0.5315445157585579 0.5423790123793604 0.5114233077485113 0.4092694824667372 0.15698048972537482 0.07804344291672885 0.04708773828587971 0.028514315507373746 -0.06435279838514728 -0.1634110532038399 -0.15567212704613642 -0.23925252954940446 -0.2624693080225413 -0.29806836834800376 -0.3955788379351557 -0.4296301130290862 -0.46522917335455743 -0.5070193746061915 -0.45129910627067354 +44718,0.09042572476906323,2,0.5315445157585579 0.5423790123793604 0.5114233077485113 0.4092694824667372 0.15698048972537482 0.07804344291672885 0.04708773828587971 0.028514315507373746 -0.06435279838514728 -0.1634110532038399 -0.15567212704613642 -0.23925252954940446 -0.2624693080225413 -0.29806836834800376 -0.3955788379351557 -0.4296301130290862 -0.46522917335455743 -0.5070193746061915 -0.45129910627067354 -0.3181895763580504 +44719,0.4293906904767839,2,0.5423790123793604 0.5114233077485113 0.4092694824667372 0.15698048972537482 0.07804344291672885 0.04708773828587971 0.028514315507373746 -0.06435279838514728 -0.1634110532038399 -0.15567212704613642 -0.23925252954940446 -0.2624693080225413 -0.29806836834800376 -0.3955788379351557 -0.4296301130290862 -0.46522917335455743 -0.5070193746061915 -0.45129910627067354 -0.3181895763580504 0.09042572476906323 +44720,0.6863230389127685,2,0.5114233077485113 0.4092694824667372 0.15698048972537482 0.07804344291672885 0.04708773828587971 0.028514315507373746 -0.06435279838514728 -0.1634110532038399 -0.15567212704613642 -0.23925252954940446 -0.2624693080225413 -0.29806836834800376 -0.3955788379351557 -0.4296301130290862 -0.46522917335455743 -0.5070193746061915 -0.45129910627067354 -0.3181895763580504 0.09042572476906323 0.4293906904767839 +44721,0.7729990118791267,2,0.4092694824667372 0.15698048972537482 0.07804344291672885 0.04708773828587971 0.028514315507373746 -0.06435279838514728 -0.1634110532038399 -0.15567212704613642 -0.23925252954940446 -0.2624693080225413 -0.29806836834800376 -0.3955788379351557 -0.4296301130290862 -0.46522917335455743 -0.5070193746061915 -0.45129910627067354 -0.3181895763580504 0.09042572476906323 0.4293906904767839 0.6863230389127685 +44722,0.8302670654461852,2,0.15698048972537482 0.07804344291672885 0.04708773828587971 0.028514315507373746 -0.06435279838514728 -0.1634110532038399 -0.15567212704613642 -0.23925252954940446 -0.2624693080225413 -0.29806836834800376 -0.3955788379351557 -0.4296301130290862 -0.46522917335455743 -0.5070193746061915 -0.45129910627067354 -0.3181895763580504 0.09042572476906323 0.4293906904767839 0.6863230389127685 0.7729990118791267 +44723,0.8890829042447845,2,0.07804344291672885 0.04708773828587971 0.028514315507373746 -0.06435279838514728 -0.1634110532038399 -0.15567212704613642 -0.23925252954940446 -0.2624693080225413 -0.29806836834800376 -0.3955788379351557 -0.4296301130290862 -0.46522917335455743 -0.5070193746061915 -0.45129910627067354 -0.3181895763580504 0.09042572476906323 0.4293906904767839 0.6863230389127685 0.7729990118791267 0.8302670654461852 +44724,0.8488404882246913,2,0.04708773828587971 0.028514315507373746 -0.06435279838514728 -0.1634110532038399 -0.15567212704613642 -0.23925252954940446 -0.2624693080225413 -0.29806836834800376 -0.3955788379351557 -0.4296301130290862 -0.46522917335455743 -0.5070193746061915 -0.45129910627067354 -0.3181895763580504 0.09042572476906323 0.4293906904767839 0.6863230389127685 0.7729990118791267 0.8302670654461852 0.8890829042447845 +44725,0.6182204887249162,2,0.028514315507373746 -0.06435279838514728 -0.1634110532038399 -0.15567212704613642 -0.23925252954940446 -0.2624693080225413 -0.29806836834800376 -0.3955788379351557 -0.4296301130290862 -0.46522917335455743 -0.5070193746061915 -0.45129910627067354 -0.3181895763580504 0.09042572476906323 0.4293906904767839 0.6863230389127685 0.7729990118791267 0.8302670654461852 0.8890829042447845 0.8488404882246913 +44726,0.4711808917284179,2,-0.06435279838514728 -0.1634110532038399 -0.15567212704613642 -0.23925252954940446 -0.2624693080225413 -0.29806836834800376 -0.3955788379351557 -0.4296301130290862 -0.46522917335455743 -0.5070193746061915 -0.45129910627067354 -0.3181895763580504 0.09042572476906323 0.4293906904767839 0.6863230389127685 0.7729990118791267 0.8302670654461852 0.8890829042447845 0.8488404882246913 0.6182204887249162 +44727,0.2699688116279425,2,-0.1634110532038399 -0.15567212704613642 -0.23925252954940446 -0.2624693080225413 -0.29806836834800376 -0.3955788379351557 -0.4296301130290862 -0.46522917335455743 -0.5070193746061915 -0.45129910627067354 -0.3181895763580504 0.09042572476906323 0.4293906904767839 0.6863230389127685 0.7729990118791267 0.8302670654461852 0.8890829042447845 0.8488404882246913 0.6182204887249162 0.4711808917284179 +44728,0.18019726819850287,2,-0.15567212704613642 -0.23925252954940446 -0.2624693080225413 -0.29806836834800376 -0.3955788379351557 -0.4296301130290862 -0.46522917335455743 -0.5070193746061915 -0.45129910627067354 -0.3181895763580504 0.09042572476906323 0.4293906904767839 0.6863230389127685 0.7729990118791267 0.8302670654461852 0.8890829042447845 0.8488404882246913 0.6182204887249162 0.4711808917284179 0.2699688116279425 +44729,0.06875673152747587,2,-0.23925252954940446 -0.2624693080225413 -0.29806836834800376 -0.3955788379351557 -0.4296301130290862 -0.46522917335455743 -0.5070193746061915 -0.45129910627067354 -0.3181895763580504 0.09042572476906323 0.4293906904767839 0.6863230389127685 0.7729990118791267 0.8302670654461852 0.8890829042447845 0.8488404882246913 0.6182204887249162 0.4711808917284179 0.2699688116279425 0.18019726819850287 +44730,-0.05970944269052519,2,-0.2624693080225413 -0.29806836834800376 -0.3955788379351557 -0.4296301130290862 -0.46522917335455743 -0.5070193746061915 -0.45129910627067354 -0.3181895763580504 0.09042572476906323 0.4293906904767839 0.6863230389127685 0.7729990118791267 0.8302670654461852 0.8890829042447845 0.8488404882246913 0.6182204887249162 0.4711808917284179 0.2699688116279425 0.18019726819850287 0.06875673152747587 +44731,-0.09530850301598763,2,-0.29806836834800376 -0.3955788379351557 -0.4296301130290862 -0.46522917335455743 -0.5070193746061915 -0.45129910627067354 -0.3181895763580504 0.09042572476906323 0.4293906904767839 0.6863230389127685 0.7729990118791267 0.8302670654461852 0.8890829042447845 0.8488404882246913 0.6182204887249162 0.4711808917284179 0.2699688116279425 0.18019726819850287 0.06875673152747587 -0.05970944269052519 +44732,-0.18153468123602054,2,-0.3955788379351557 -0.4296301130290862 -0.46522917335455743 -0.5070193746061915 -0.45129910627067354 -0.3181895763580504 0.09042572476906323 0.4293906904767839 0.6863230389127685 0.7729990118791267 0.8302670654461852 0.8890829042447845 0.8488404882246913 0.6182204887249162 0.4711808917284179 0.2699688116279425 0.18019726819850287 0.06875673152747587 -0.05970944269052519 -0.09530850301598763 +44733,-0.28723387172721004,2,-0.4296301130290862 -0.46522917335455743 -0.5070193746061915 -0.45129910627067354 -0.3181895763580504 0.09042572476906323 0.4293906904767839 0.6863230389127685 0.7729990118791267 0.8302670654461852 0.8890829042447845 0.8488404882246913 0.6182204887249162 0.4711808917284179 0.2699688116279425 0.18019726819850287 0.06875673152747587 -0.05970944269052519 -0.09530850301598763 -0.18153468123602054 +44734,-0.35843199237815254,2,-0.46522917335455743 -0.5070193746061915 -0.45129910627067354 -0.3181895763580504 0.09042572476906323 0.4293906904767839 0.6863230389127685 0.7729990118791267 0.8302670654461852 0.8890829042447845 0.8488404882246913 0.6182204887249162 0.4711808917284179 0.2699688116279425 0.18019726819850287 0.06875673152747587 -0.05970944269052519 -0.09530850301598763 -0.18153468123602054 -0.28723387172721004 +44735,-0.6076254146564247,2,-0.5070193746061915 -0.45129910627067354 -0.3181895763580504 0.09042572476906323 0.4293906904767839 0.6863230389127685 0.7729990118791267 0.8302670654461852 0.8890829042447845 0.8488404882246913 0.6182204887249162 0.4711808917284179 0.2699688116279425 0.18019726819850287 0.06875673152747587 -0.05970944269052519 -0.09530850301598763 -0.18153468123602054 -0.28723387172721004 -0.35843199237815254 +44736,-0.5859564214148374,2,-0.45129910627067354 -0.3181895763580504 0.09042572476906323 0.4293906904767839 0.6863230389127685 0.7729990118791267 0.8302670654461852 0.8890829042447845 0.8488404882246913 0.6182204887249162 0.4711808917284179 0.2699688116279425 0.18019726819850287 0.06875673152747587 -0.05970944269052519 -0.09530850301598763 -0.18153468123602054 -0.28723387172721004 -0.35843199237815254 -0.6076254146564247 +44737,-0.6494156159080676,2,-0.3181895763580504 0.09042572476906323 0.4293906904767839 0.6863230389127685 0.7729990118791267 0.8302670654461852 0.8890829042447845 0.8488404882246913 0.6182204887249162 0.4711808917284179 0.2699688116279425 0.18019726819850287 0.06875673152747587 -0.05970944269052519 -0.09530850301598763 -0.18153468123602054 -0.28723387172721004 -0.35843199237815254 -0.6076254146564247 -0.5859564214148374 +44738,-0.703588099012036,2,0.09042572476906323 0.4293906904767839 0.6863230389127685 0.7729990118791267 0.8302670654461852 0.8890829042447845 0.8488404882246913 0.6182204887249162 0.4711808917284179 0.2699688116279425 0.18019726819850287 0.06875673152747587 -0.05970944269052519 -0.09530850301598763 -0.18153468123602054 -0.28723387172721004 -0.35843199237815254 -0.6076254146564247 -0.5859564214148374 -0.6494156159080676 +44739,-0.7268048774851729,2,0.4293906904767839 0.6863230389127685 0.7729990118791267 0.8302670654461852 0.8890829042447845 0.8488404882246913 0.6182204887249162 0.4711808917284179 0.2699688116279425 0.18019726819850287 0.06875673152747587 -0.05970944269052519 -0.09530850301598763 -0.18153468123602054 -0.28723387172721004 -0.35843199237815254 -0.6076254146564247 -0.5859564214148374 -0.6494156159080676 -0.703588099012036 +44740,-0.6726323943811956,2,0.6863230389127685 0.7729990118791267 0.8302670654461852 0.8890829042447845 0.8488404882246913 0.6182204887249162 0.4711808917284179 0.2699688116279425 0.18019726819850287 0.06875673152747587 -0.05970944269052519 -0.09530850301598763 -0.18153468123602054 -0.28723387172721004 -0.35843199237815254 -0.6076254146564247 -0.5859564214148374 -0.6494156159080676 -0.703588099012036 -0.7268048774851729 +44741,-0.18508004644543605,2,0.7729990118791267 0.8302670654461852 0.8890829042447845 0.8488404882246913 0.6182204887249162 0.4711808917284179 0.2699688116279425 0.18019726819850287 0.06875673152747587 -0.05970944269052519 -0.09530850301598763 -0.18153468123602054 -0.28723387172721004 -0.35843199237815254 -0.6076254146564247 -0.5859564214148374 -0.6494156159080676 -0.703588099012036 -0.7268048774851729 -0.6726323943811956 +44742,0.25294317408098604,2,0.8302670654461852 0.8890829042447845 0.8488404882246913 0.6182204887249162 0.4711808917284179 0.2699688116279425 0.18019726819850287 0.06875673152747587 -0.05970944269052519 -0.09530850301598763 -0.18153468123602054 -0.28723387172721004 -0.35843199237815254 -0.6076254146564247 -0.5859564214148374 -0.6494156159080676 -0.703588099012036 -0.7268048774851729 -0.6726323943811956 -0.18508004644543605 +44743,0.5826214283994537,2,0.8890829042447845 0.8488404882246913 0.6182204887249162 0.4711808917284179 0.2699688116279425 0.18019726819850287 0.06875673152747587 -0.05970944269052519 -0.09530850301598763 -0.18153468123602054 -0.28723387172721004 -0.35843199237815254 -0.6076254146564247 -0.5859564214148374 -0.6494156159080676 -0.703588099012036 -0.7268048774851729 -0.6726323943811956 -0.18508004644543605 0.25294317408098604 +44744,0.8302670654461852,2,0.8488404882246913 0.6182204887249162 0.4711808917284179 0.2699688116279425 0.18019726819850287 0.06875673152747587 -0.05970944269052519 -0.09530850301598763 -0.18153468123602054 -0.28723387172721004 -0.35843199237815254 -0.6076254146564247 -0.5859564214148374 -0.6494156159080676 -0.703588099012036 -0.7268048774851729 -0.6726323943811956 -0.18508004644543605 0.25294317408098604 0.5826214283994537 +44745,0.9432553873487618,2,0.6182204887249162 0.4711808917284179 0.2699688116279425 0.18019726819850287 0.06875673152747587 -0.05970944269052519 -0.09530850301598763 -0.18153468123602054 -0.28723387172721004 -0.35843199237815254 -0.6076254146564247 -0.5859564214148374 -0.6494156159080676 -0.703588099012036 -0.7268048774851729 -0.6726323943811956 -0.18508004644543605 0.25294317408098604 0.5826214283994537 0.8302670654461852 +44746,0.8890829042447845,2,0.4711808917284179 0.2699688116279425 0.18019726819850287 0.06875673152747587 -0.05970944269052519 -0.09530850301598763 -0.18153468123602054 -0.28723387172721004 -0.35843199237815254 -0.6076254146564247 -0.5859564214148374 -0.6494156159080676 -0.703588099012036 -0.7268048774851729 -0.6726323943811956 -0.18508004644543605 0.25294317408098604 0.5826214283994537 0.8302670654461852 0.9432553873487618 +44747,0.8736050519293688,2,0.2699688116279425 0.18019726819850287 0.06875673152747587 -0.05970944269052519 -0.09530850301598763 -0.18153468123602054 -0.28723387172721004 -0.35843199237815254 -0.6076254146564247 -0.5859564214148374 -0.6494156159080676 -0.703588099012036 -0.7268048774851729 -0.6726323943811956 -0.18508004644543605 0.25294317408098604 0.5826214283994537 0.8302670654461852 0.9432553873487618 0.8890829042447845 +44748,0.7760945823422168,2,0.18019726819850287 0.06875673152747587 -0.05970944269052519 -0.09530850301598763 -0.18153468123602054 -0.28723387172721004 -0.35843199237815254 -0.6076254146564247 -0.5859564214148374 -0.6494156159080676 -0.703588099012036 -0.7268048774851729 -0.6726323943811956 -0.18508004644543605 0.25294317408098604 0.5826214283994537 0.8302670654461852 0.9432553873487618 0.8890829042447845 0.8736050519293688 +44749,0.6476284081242158,2,0.06875673152747587 -0.05970944269052519 -0.09530850301598763 -0.18153468123602054 -0.28723387172721004 -0.35843199237815254 -0.6076254146564247 -0.5859564214148374 -0.6494156159080676 -0.703588099012036 -0.7268048774851729 -0.6726323943811956 -0.18508004644543605 0.25294317408098604 0.5826214283994537 0.8302670654461852 0.9432553873487618 0.8890829042447845 0.8736050519293688 0.7760945823422168 +44750,0.40307834154056565,2,-0.05970944269052519 -0.09530850301598763 -0.18153468123602054 -0.28723387172721004 -0.35843199237815254 -0.6076254146564247 -0.5859564214148374 -0.6494156159080676 -0.703588099012036 -0.7268048774851729 -0.6726323943811956 -0.18508004644543605 0.25294317408098604 0.5826214283994537 0.8302670654461852 0.9432553873487618 0.8890829042447845 0.8736050519293688 0.7760945823422168 0.6476284081242158 +44751,0.20341404667163973,2,-0.09530850301598763 -0.18153468123602054 -0.28723387172721004 -0.35843199237815254 -0.6076254146564247 -0.5859564214148374 -0.6494156159080676 -0.703588099012036 -0.7268048774851729 -0.6726323943811956 -0.18508004644543605 0.25294317408098604 0.5826214283994537 0.8302670654461852 0.9432553873487618 0.8890829042447845 0.8736050519293688 0.7760945823422168 0.6476284081242158 0.40307834154056565 +44752,0.09197351000060393,2,-0.18153468123602054 -0.28723387172721004 -0.35843199237815254 -0.6076254146564247 -0.5859564214148374 -0.6494156159080676 -0.703588099012036 -0.7268048774851729 -0.6726323943811956 -0.18508004644543605 0.25294317408098604 0.5826214283994537 0.8302670654461852 0.9432553873487618 0.8890829042447845 0.8736050519293688 0.7760945823422168 0.6476284081242158 0.40307834154056565 0.20341404667163973 +44753,-0.011728100512719579,2,-0.28723387172721004 -0.35843199237815254 -0.6076254146564247 -0.5859564214148374 -0.6494156159080676 -0.703588099012036 -0.7268048774851729 -0.6726323943811956 -0.18508004644543605 0.25294317408098604 0.5826214283994537 0.8302670654461852 0.9432553873487618 0.8890829042447845 0.8736050519293688 0.7760945823422168 0.6476284081242158 0.40307834154056565 0.20341404667163973 0.09197351000060393 +44754,-0.05970944269052519,2,-0.35843199237815254 -0.6076254146564247 -0.5859564214148374 -0.6494156159080676 -0.703588099012036 -0.7268048774851729 -0.6726323943811956 -0.18508004644543605 0.25294317408098604 0.5826214283994537 0.8302670654461852 0.9432553873487618 0.8890829042447845 0.8736050519293688 0.7760945823422168 0.6476284081242158 0.40307834154056565 0.20341404667163973 0.09197351000060393 -0.011728100512719579 +44755,-0.1076907848683308,2,-0.6076254146564247 -0.5859564214148374 -0.6494156159080676 -0.703588099012036 -0.7268048774851729 -0.6726323943811956 -0.18508004644543605 0.25294317408098604 0.5826214283994537 0.8302670654461852 0.9432553873487618 0.8890829042447845 0.8736050519293688 0.7760945823422168 0.6476284081242158 0.40307834154056565 0.20341404667163973 0.09197351000060393 -0.011728100512719579 -0.05970944269052519 +44756,-0.21351349821725724,2,-0.5859564214148374 -0.6494156159080676 -0.703588099012036 -0.7268048774851729 -0.6726323943811956 -0.18508004644543605 0.25294317408098604 0.5826214283994537 0.8302670654461852 0.9432553873487618 0.8890829042447845 0.8736050519293688 0.7760945823422168 0.6476284081242158 0.40307834154056565 0.20341404667163973 0.09197351000060393 -0.011728100512719579 -0.05970944269052519 -0.1076907848683308 +44757,-0.34295414006272795,2,-0.6494156159080676 -0.703588099012036 -0.7268048774851729 -0.6726323943811956 -0.18508004644543605 0.25294317408098604 0.5826214283994537 0.8302670654461852 0.9432553873487618 0.8890829042447845 0.8736050519293688 0.7760945823422168 0.6476284081242158 0.40307834154056565 0.20341404667163973 0.09197351000060393 -0.011728100512719579 -0.05970944269052519 -0.1076907848683308 -0.21351349821725724 +44758,-0.38629212654590267,2,-0.703588099012036 -0.7268048774851729 -0.6726323943811956 -0.18508004644543605 0.25294317408098604 0.5826214283994537 0.8302670654461852 0.9432553873487618 0.8890829042447845 0.8736050519293688 0.7760945823422168 0.6476284081242158 0.40307834154056565 0.20341404667163973 0.09197351000060393 -0.011728100512719579 -0.05970944269052519 -0.1076907848683308 -0.21351349821725724 -0.34295414006272795 +44759,-0.28568608649566934,2,-0.7268048774851729 -0.6726323943811956 -0.18508004644543605 0.25294317408098604 0.5826214283994537 0.8302670654461852 0.9432553873487618 0.8890829042447845 0.8736050519293688 0.7760945823422168 0.6476284081242158 0.40307834154056565 0.20341404667163973 0.09197351000060393 -0.011728100512719579 -0.05970944269052519 -0.1076907848683308 -0.21351349821725724 -0.34295414006272795 -0.38629212654590267 +44760,-0.264017093254082,2,-0.6726323943811956 -0.18508004644543605 0.25294317408098604 0.5826214283994537 0.8302670654461852 0.9432553873487618 0.8890829042447845 0.8736050519293688 0.7760945823422168 0.6476284081242158 0.40307834154056565 0.20341404667163973 0.09197351000060393 -0.011728100512719579 -0.05970944269052519 -0.1076907848683308 -0.21351349821725724 -0.34295414006272795 -0.38629212654590267 -0.28568608649566934 +44761,-0.3274762877473034,2,-0.18508004644543605 0.25294317408098604 0.5826214283994537 0.8302670654461852 0.9432553873487618 0.8890829042447845 0.8736050519293688 0.7760945823422168 0.6476284081242158 0.40307834154056565 0.20341404667163973 0.09197351000060393 -0.011728100512719579 -0.05970944269052519 -0.1076907848683308 -0.21351349821725724 -0.34295414006272795 -0.38629212654590267 -0.28568608649566934 -0.264017093254082 +44762,-0.2717560194117943,2,0.25294317408098604 0.5826214283994537 0.8302670654461852 0.9432553873487618 0.8890829042447845 0.8736050519293688 0.7760945823422168 0.6476284081242158 0.40307834154056565 0.20341404667163973 0.09197351000060393 -0.011728100512719579 -0.05970944269052519 -0.1076907848683308 -0.21351349821725724 -0.34295414006272795 -0.38629212654590267 -0.28568608649566934 -0.264017093254082 -0.3274762877473034 +44763,-0.28568608649566934,2,0.5826214283994537 0.8302670654461852 0.9432553873487618 0.8890829042447845 0.8736050519293688 0.7760945823422168 0.6476284081242158 0.40307834154056565 0.20341404667163973 0.09197351000060393 -0.011728100512719579 -0.05970944269052519 -0.1076907848683308 -0.21351349821725724 -0.34295414006272795 -0.38629212654590267 -0.28568608649566934 -0.264017093254082 -0.3274762877473034 -0.2717560194117943 +44764,-0.36617091853585604,2,0.8302670654461852 0.9432553873487618 0.8890829042447845 0.8736050519293688 0.7760945823422168 0.6476284081242158 0.40307834154056565 0.20341404667163973 0.09197351000060393 -0.011728100512719579 -0.05970944269052519 -0.1076907848683308 -0.21351349821725724 -0.34295414006272795 -0.38629212654590267 -0.28568608649566934 -0.264017093254082 -0.3274762877473034 -0.2717560194117943 -0.28568608649566934 +44765,-0.08756957685828413,2,0.9432553873487618 0.8890829042447845 0.8736050519293688 0.7760945823422168 0.6476284081242158 0.40307834154056565 0.20341404667163973 0.09197351000060393 -0.011728100512719579 -0.05970944269052519 -0.1076907848683308 -0.21351349821725724 -0.34295414006272795 -0.38629212654590267 -0.28568608649566934 -0.264017093254082 -0.3274762877473034 -0.2717560194117943 -0.28568608649566934 -0.36617091853585604 +44766,0.07494787245363867,2,0.8890829042447845 0.8736050519293688 0.7760945823422168 0.6476284081242158 0.40307834154056565 0.20341404667163973 0.09197351000060393 -0.011728100512719579 -0.05970944269052519 -0.1076907848683308 -0.21351349821725724 -0.34295414006272795 -0.38629212654590267 -0.28568608649566934 -0.264017093254082 -0.3274762877473034 -0.2717560194117943 -0.28568608649566934 -0.36617091853585604 -0.08756957685828413 +44767,0.19257955005083724,2,0.8736050519293688 0.7760945823422168 0.6476284081242158 0.40307834154056565 0.20341404667163973 0.09197351000060393 -0.011728100512719579 -0.05970944269052519 -0.1076907848683308 -0.21351349821725724 -0.34295414006272795 -0.38629212654590267 -0.28568608649566934 -0.264017093254082 -0.3274762877473034 -0.2717560194117943 -0.28568608649566934 -0.36617091853585604 -0.08756957685828413 0.07494787245363867 +44768,0.434034046171406,2,0.7760945823422168 0.6476284081242158 0.40307834154056565 0.20341404667163973 0.09197351000060393 -0.011728100512719579 -0.05970944269052519 -0.1076907848683308 -0.21351349821725724 -0.34295414006272795 -0.38629212654590267 -0.28568608649566934 -0.264017093254082 -0.3274762877473034 -0.2717560194117943 -0.28568608649566934 -0.36617091853585604 -0.08756957685828413 0.07494787245363867 0.19257955005083724 +44769,0.5021365963592582,2,0.6476284081242158 0.40307834154056565 0.20341404667163973 0.09197351000060393 -0.011728100512719579 -0.05970944269052519 -0.1076907848683308 -0.21351349821725724 -0.34295414006272795 -0.38629212654590267 -0.28568608649566934 -0.264017093254082 -0.3274762877473034 -0.2717560194117943 -0.28568608649566934 -0.36617091853585604 -0.08756957685828413 0.07494787245363867 0.19257955005083724 0.434034046171406 +44770,0.6151249182618348,2,0.40307834154056565 0.20341404667163973 0.09197351000060393 -0.011728100512719579 -0.05970944269052519 -0.1076907848683308 -0.21351349821725724 -0.34295414006272795 -0.38629212654590267 -0.28568608649566934 -0.264017093254082 -0.3274762877473034 -0.2717560194117943 -0.28568608649566934 -0.36617091853585604 -0.08756957685828413 0.07494787245363867 0.19257955005083724 0.434034046171406 0.5021365963592582 +44771,0.6042904216410411,2,0.20341404667163973 0.09197351000060393 -0.011728100512719579 -0.05970944269052519 -0.1076907848683308 -0.21351349821725724 -0.34295414006272795 -0.38629212654590267 -0.28568608649566934 -0.264017093254082 -0.3274762877473034 -0.2717560194117943 -0.28568608649566934 -0.36617091853585604 -0.08756957685828413 0.07494787245363867 0.19257955005083724 0.434034046171406 0.5021365963592582 0.6151249182618348 +44772,0.5408312271478108,2,0.09197351000060393 -0.011728100512719579 -0.05970944269052519 -0.1076907848683308 -0.21351349821725724 -0.34295414006272795 -0.38629212654590267 -0.28568608649566934 -0.264017093254082 -0.3274762877473034 -0.2717560194117943 -0.28568608649566934 -0.36617091853585604 -0.08756957685828413 0.07494787245363867 0.19257955005083724 0.434034046171406 0.5021365963592582 0.6151249182618348 0.6042904216410411 +44773,0.38605270399360037,2,-0.011728100512719579 -0.05970944269052519 -0.1076907848683308 -0.21351349821725724 -0.34295414006272795 -0.38629212654590267 -0.28568608649566934 -0.264017093254082 -0.3274762877473034 -0.2717560194117943 -0.28568608649566934 -0.36617091853585604 -0.08756957685828413 0.07494787245363867 0.19257955005083724 0.434034046171406 0.5021365963592582 0.6151249182618348 0.6042904216410411 0.5408312271478108 +44774,0.19103176481929654,2,-0.05970944269052519 -0.1076907848683308 -0.21351349821725724 -0.34295414006272795 -0.38629212654590267 -0.28568608649566934 -0.264017093254082 -0.3274762877473034 -0.2717560194117943 -0.28568608649566934 -0.36617091853585604 -0.08756957685828413 0.07494787245363867 0.19257955005083724 0.434034046171406 0.5021365963592582 0.6151249182618348 0.6042904216410411 0.5408312271478108 0.38605270399360037 +44775,0.014584248423498673,2,-0.1076907848683308 -0.21351349821725724 -0.34295414006272795 -0.38629212654590267 -0.28568608649566934 -0.264017093254082 -0.3274762877473034 -0.2717560194117943 -0.28568608649566934 -0.36617091853585604 -0.08756957685828413 0.07494787245363867 0.19257955005083724 0.434034046171406 0.5021365963592582 0.6151249182618348 0.6042904216410411 0.5408312271478108 0.38605270399360037 0.19103176481929654 +44776,-0.0535183017643536,2,-0.21351349821725724 -0.34295414006272795 -0.38629212654590267 -0.28568608649566934 -0.264017093254082 -0.3274762877473034 -0.2717560194117943 -0.28568608649566934 -0.36617091853585604 -0.08756957685828413 0.07494787245363867 0.19257955005083724 0.434034046171406 0.5021365963592582 0.6151249182618348 0.6042904216410411 0.5408312271478108 0.38605270399360037 0.19103176481929654 0.014584248423498673 +44777,-0.09840407347907781,2,-0.34295414006272795 -0.38629212654590267 -0.28568608649566934 -0.264017093254082 -0.3274762877473034 -0.2717560194117943 -0.28568608649566934 -0.36617091853585604 -0.08756957685828413 0.07494787245363867 0.19257955005083724 0.434034046171406 0.5021365963592582 0.6151249182618348 0.6042904216410411 0.5408312271478108 0.38605270399360037 0.19103176481929654 0.014584248423498673 -0.0535183017643536 +44778,-0.18043669075080518,2,-0.38629212654590267 -0.28568608649566934 -0.264017093254082 -0.3274762877473034 -0.2717560194117943 -0.28568608649566934 -0.36617091853585604 -0.08756957685828413 0.07494787245363867 0.19257955005083724 0.434034046171406 0.5021365963592582 0.6151249182618348 0.6042904216410411 0.5408312271478108 0.38605270399360037 0.19103176481929654 0.014584248423498673 -0.0535183017643536 -0.09840407347907781 +44779,-0.34140635483118725,2,-0.28568608649566934 -0.264017093254082 -0.3274762877473034 -0.2717560194117943 -0.28568608649566934 -0.36617091853585604 -0.08756957685828413 0.07494787245363867 0.19257955005083724 0.434034046171406 0.5021365963592582 0.6151249182618348 0.6042904216410411 0.5408312271478108 0.38605270399360037 0.19103176481929654 0.014584248423498673 -0.0535183017643536 -0.09840407347907781 -0.18043669075080518 +44780,-0.4311778982606269,2,-0.264017093254082 -0.3274762877473034 -0.2717560194117943 -0.28568608649566934 -0.36617091853585604 -0.08756957685828413 0.07494787245363867 0.19257955005083724 0.434034046171406 0.5021365963592582 0.6151249182618348 0.6042904216410411 0.5408312271478108 0.38605270399360037 0.19103176481929654 0.014584248423498673 -0.0535183017643536 -0.09840407347907781 -0.18043669075080518 -0.34140635483118725 +44781,-0.3801009856197399,2,-0.3274762877473034 -0.2717560194117943 -0.28568608649566934 -0.36617091853585604 -0.08756957685828413 0.07494787245363867 0.19257955005083724 0.434034046171406 0.5021365963592582 0.6151249182618348 0.6042904216410411 0.5408312271478108 0.38605270399360037 0.19103176481929654 0.014584248423498673 -0.0535183017643536 -0.09840407347907781 -0.18043669075080518 -0.34140635483118725 -0.4311778982606269 +44782,-0.6354855488241837,2,-0.2717560194117943 -0.28568608649566934 -0.36617091853585604 -0.08756957685828413 0.07494787245363867 0.19257955005083724 0.434034046171406 0.5021365963592582 0.6151249182618348 0.6042904216410411 0.5408312271478108 0.38605270399360037 0.19103176481929654 0.014584248423498673 -0.0535183017643536 -0.09840407347907781 -0.18043669075080518 -0.34140635483118725 -0.4311778982606269 -0.3801009856197399 +44783,-0.5859564214148374,2,-0.28568608649566934 -0.36617091853585604 -0.08756957685828413 0.07494787245363867 0.19257955005083724 0.434034046171406 0.5021365963592582 0.6151249182618348 0.6042904216410411 0.5408312271478108 0.38605270399360037 0.19103176481929654 0.014584248423498673 -0.0535183017643536 -0.09840407347907781 -0.18043669075080518 -0.34140635483118725 -0.4311778982606269 -0.3801009856197399 -0.6354855488241837 +44784,-0.4838025961330546,2,-0.36617091853585604 -0.08756957685828413 0.07494787245363867 0.19257955005083724 0.434034046171406 0.5021365963592582 0.6151249182618348 0.6042904216410411 0.5408312271478108 0.38605270399360037 0.19103176481929654 0.014584248423498673 -0.0535183017643536 -0.09840407347907781 -0.18043669075080518 -0.34140635483118725 -0.4311778982606269 -0.3801009856197399 -0.6354855488241837 -0.5859564214148374 +44785,-0.4992804484484792,2,-0.08756957685828413 0.07494787245363867 0.19257955005083724 0.434034046171406 0.5021365963592582 0.6151249182618348 0.6042904216410411 0.5408312271478108 0.38605270399360037 0.19103176481929654 0.014584248423498673 -0.0535183017643536 -0.09840407347907781 -0.18043669075080518 -0.34140635483118725 -0.4311778982606269 -0.3801009856197399 -0.6354855488241837 -0.5859564214148374 -0.4838025961330546 +44786,-0.46368138812300796,2,0.07494787245363867 0.19257955005083724 0.434034046171406 0.5021365963592582 0.6151249182618348 0.6042904216410411 0.5408312271478108 0.38605270399360037 0.19103176481929654 0.014584248423498673 -0.0535183017643536 -0.09840407347907781 -0.18043669075080518 -0.34140635483118725 -0.4311778982606269 -0.3801009856197399 -0.6354855488241837 -0.5859564214148374 -0.4838025961330546 -0.4992804484484792 +44787,-0.4404646096498799,2,0.19257955005083724 0.434034046171406 0.5021365963592582 0.6151249182618348 0.6042904216410411 0.5408312271478108 0.38605270399360037 0.19103176481929654 0.014584248423498673 -0.0535183017643536 -0.09840407347907781 -0.18043669075080518 -0.34140635483118725 -0.4311778982606269 -0.3801009856197399 -0.6354855488241837 -0.5859564214148374 -0.4838025961330546 -0.4992804484484792 -0.46368138812300796 +44788,-0.38474434131436197,2,0.434034046171406 0.5021365963592582 0.6151249182618348 0.6042904216410411 0.5408312271478108 0.38605270399360037 0.19103176481929654 0.014584248423498673 -0.0535183017643536 -0.09840407347907781 -0.18043669075080518 -0.34140635483118725 -0.4311778982606269 -0.3801009856197399 -0.6354855488241837 -0.5859564214148374 -0.4838025961330546 -0.4992804484484792 -0.46368138812300796 -0.4404646096498799 +44789,-0.3197373615895999,2,0.5021365963592582 0.6151249182618348 0.6042904216410411 0.5408312271478108 0.38605270399360037 0.19103176481929654 0.014584248423498673 -0.0535183017643536 -0.09840407347907781 -0.18043669075080518 -0.34140635483118725 -0.4311778982606269 -0.3801009856197399 -0.6354855488241837 -0.5859564214148374 -0.4838025961330546 -0.4992804484484792 -0.46368138812300796 -0.4404646096498799 -0.38474434131436197 +44790,-0.1092385700998715,2,0.6151249182618348 0.6042904216410411 0.5408312271478108 0.38605270399360037 0.19103176481929654 0.014584248423498673 -0.0535183017643536 -0.09840407347907781 -0.18043669075080518 -0.34140635483118725 -0.4311778982606269 -0.3801009856197399 -0.6354855488241837 -0.5859564214148374 -0.4838025961330546 -0.4992804484484792 -0.46368138812300796 -0.4404646096498799 -0.38474434131436197 -0.3197373615895999 +44791,0.09042572476906323,2,0.6042904216410411 0.5408312271478108 0.38605270399360037 0.19103176481929654 0.014584248423498673 -0.0535183017643536 -0.09840407347907781 -0.18043669075080518 -0.34140635483118725 -0.4311778982606269 -0.3801009856197399 -0.6354855488241837 -0.5859564214148374 -0.4838025961330546 -0.4992804484484792 -0.46368138812300796 -0.4404646096498799 -0.38474434131436197 -0.3197373615895999 -0.1092385700998715 +44792,0.14305042264149093,2,0.5408312271478108 0.38605270399360037 0.19103176481929654 0.014584248423498673 -0.0535183017643536 -0.09840407347907781 -0.18043669075080518 -0.34140635483118725 -0.4311778982606269 -0.3801009856197399 -0.6354855488241837 -0.5859564214148374 -0.4838025961330546 -0.4992804484484792 -0.46368138812300796 -0.4404646096498799 -0.38474434131436197 -0.3197373615895999 -0.1092385700998715 0.09042572476906323 +44793,0.3566447845943007,2,0.38605270399360037 0.19103176481929654 0.014584248423498673 -0.0535183017643536 -0.09840407347907781 -0.18043669075080518 -0.34140635483118725 -0.4311778982606269 -0.3801009856197399 -0.6354855488241837 -0.5859564214148374 -0.4838025961330546 -0.4992804484484792 -0.46368138812300796 -0.4404646096498799 -0.38474434131436197 -0.3197373615895999 -0.1092385700998715 0.09042572476906323 0.14305042264149093 +44794,0.4402251870975776,2,0.19103176481929654 0.014584248423498673 -0.0535183017643536 -0.09840407347907781 -0.18043669075080518 -0.34140635483118725 -0.4311778982606269 -0.3801009856197399 -0.6354855488241837 -0.5859564214148374 -0.4838025961330546 -0.4992804484484792 -0.46368138812300796 -0.4404646096498799 -0.38474434131436197 -0.3197373615895999 -0.1092385700998715 0.09042572476906323 0.14305042264149093 0.3566447845943007 +44795,0.46034639510762426,2,0.014584248423498673 -0.0535183017643536 -0.09840407347907781 -0.18043669075080518 -0.34140635483118725 -0.4311778982606269 -0.3801009856197399 -0.6354855488241837 -0.5859564214148374 -0.4838025961330546 -0.4992804484484792 -0.46368138812300796 -0.4404646096498799 -0.38474434131436197 -0.3197373615895999 -0.1092385700998715 0.09042572476906323 0.14305042264149093 0.3566447845943007 0.4402251870975776 +44796,0.3566447845943007,2,-0.0535183017643536 -0.09840407347907781 -0.18043669075080518 -0.34140635483118725 -0.4311778982606269 -0.3801009856197399 -0.6354855488241837 -0.5859564214148374 -0.4838025961330546 -0.4992804484484792 -0.46368138812300796 -0.4404646096498799 -0.38474434131436197 -0.3197373615895999 -0.1092385700998715 0.09042572476906323 0.14305042264149093 0.3566447845943007 0.4402251870975776 0.46034639510762426 +44797,0.20186626144009023,2,-0.09840407347907781 -0.18043669075080518 -0.34140635483118725 -0.4311778982606269 -0.3801009856197399 -0.6354855488241837 -0.5859564214148374 -0.4838025961330546 -0.4992804484484792 -0.46368138812300796 -0.4404646096498799 -0.38474434131436197 -0.3197373615895999 -0.1092385700998715 0.09042572476906323 0.14305042264149093 0.3566447845943007 0.4402251870975776 0.46034639510762426 0.3566447845943007 +44798,-0.04732716083818202,2,-0.18043669075080518 -0.34140635483118725 -0.4311778982606269 -0.3801009856197399 -0.6354855488241837 -0.5859564214148374 -0.4838025961330546 -0.4992804484484792 -0.46368138812300796 -0.4404646096498799 -0.38474434131436197 -0.3197373615895999 -0.1092385700998715 0.09042572476906323 0.14305042264149093 0.3566447845943007 0.4402251870975776 0.46034639510762426 0.3566447845943007 0.20186626144009023 +44799,-0.12626420764683677,2,-0.34140635483118725 -0.4311778982606269 -0.3801009856197399 -0.6354855488241837 -0.5859564214148374 -0.4838025961330546 -0.4992804484484792 -0.46368138812300796 -0.4404646096498799 -0.38474434131436197 -0.3197373615895999 -0.1092385700998715 0.09042572476906323 0.14305042264149093 0.3566447845943007 0.4402251870975776 0.46034639510762426 0.3566447845943007 0.20186626144009023 -0.04732716083818202 +44800,-0.2237746772339887,2,-0.4311778982606269 -0.3801009856197399 -0.6354855488241837 -0.5859564214148374 -0.4838025961330546 -0.4992804484484792 -0.46368138812300796 -0.4404646096498799 -0.38474434131436197 -0.3197373615895999 -0.1092385700998715 0.09042572476906323 0.14305042264149093 0.3566447845943007 0.4402251870975776 0.46034639510762426 0.3566447845943007 0.20186626144009023 -0.04732716083818202 -0.12626420764683677 +44801,-0.29961615357954446,2,-0.3801009856197399 -0.6354855488241837 -0.5859564214148374 -0.4838025961330546 -0.4992804484484792 -0.46368138812300796 -0.4404646096498799 -0.38474434131436197 -0.3197373615895999 -0.1092385700998715 0.09042572476906323 0.14305042264149093 0.3566447845943007 0.4402251870975776 0.46034639510762426 0.3566447845943007 0.20186626144009023 -0.04732716083818202 -0.12626420764683677 -0.2237746772339887 +44802,-0.41879561640829255,2,-0.6354855488241837 -0.5859564214148374 -0.4838025961330546 -0.4992804484484792 -0.46368138812300796 -0.4404646096498799 -0.38474434131436197 -0.3197373615895999 -0.1092385700998715 0.09042572476906323 0.14305042264149093 0.3566447845943007 0.4402251870975776 0.46034639510762426 0.3566447845943007 0.20186626144009023 -0.04732716083818202 -0.12626420764683677 -0.2237746772339887 -0.29961615357954446 +44803,-0.4961848779853978,2,-0.5859564214148374 -0.4838025961330546 -0.4992804484484792 -0.46368138812300796 -0.4404646096498799 -0.38474434131436197 -0.3197373615895999 -0.1092385700998715 0.09042572476906323 0.14305042264149093 0.3566447845943007 0.4402251870975776 0.46034639510762426 0.3566447845943007 0.20186626144009023 -0.04732716083818202 -0.12626420764683677 -0.2237746772339887 -0.29961615357954446 -0.41879561640829255 +44804,-0.5689742597620177,2,-0.4838025961330546 -0.4992804484484792 -0.46368138812300796 -0.4404646096498799 -0.38474434131436197 -0.3197373615895999 -0.1092385700998715 0.09042572476906323 0.14305042264149093 0.3566447845943007 0.4402251870975776 0.46034639510762426 0.3566447845943007 0.20186626144009023 -0.04732716083818202 -0.12626420764683677 -0.2237746772339887 -0.29961615357954446 -0.41879561640829255 -0.4961848779853978 +44805,-0.6571545420657711,2,-0.4992804484484792 -0.46368138812300796 -0.4404646096498799 -0.38474434131436197 -0.3197373615895999 -0.1092385700998715 0.09042572476906323 0.14305042264149093 0.3566447845943007 0.4402251870975776 0.46034639510762426 0.3566447845943007 0.20186626144009023 -0.04732716083818202 -0.12626420764683677 -0.2237746772339887 -0.29961615357954446 -0.41879561640829255 -0.4961848779853978 -0.5689742597620177 +44806,-0.7391871593375072,2,-0.46368138812300796 -0.4404646096498799 -0.38474434131436197 -0.3197373615895999 -0.1092385700998715 0.09042572476906323 0.14305042264149093 0.3566447845943007 0.4402251870975776 0.46034639510762426 0.3566447845943007 0.20186626144009023 -0.04732716083818202 -0.12626420764683677 -0.2237746772339887 -0.29961615357954446 -0.41879561640829255 -0.4961848779853978 -0.5689742597620177 -0.6571545420657711 +44807,-0.7654995082737255,2,-0.4404646096498799 -0.38474434131436197 -0.3197373615895999 -0.1092385700998715 0.09042572476906323 0.14305042264149093 0.3566447845943007 0.4402251870975776 0.46034639510762426 0.3566447845943007 0.20186626144009023 -0.04732716083818202 -0.12626420764683677 -0.2237746772339887 -0.29961615357954446 -0.41879561640829255 -0.4961848779853978 -0.5689742597620177 -0.6571545420657711 -0.7391871593375072 +44808,-0.9063479643440521,2,-0.38474434131436197 -0.3197373615895999 -0.1092385700998715 0.09042572476906323 0.14305042264149093 0.3566447845943007 0.4402251870975776 0.46034639510762426 0.3566447845943007 0.20186626144009023 -0.04732716083818202 -0.12626420764683677 -0.2237746772339887 -0.29961615357954446 -0.41879561640829255 -0.4961848779853978 -0.5689742597620177 -0.6571545420657711 -0.7391871593375072 -0.7654995082737255 +44809,-0.9775460849949946,2,-0.3197373615895999 -0.1092385700998715 0.09042572476906323 0.14305042264149093 0.3566447845943007 0.4402251870975776 0.46034639510762426 0.3566447845943007 0.20186626144009023 -0.04732716083818202 -0.12626420764683677 -0.2237746772339887 -0.29961615357954446 -0.41879561640829255 -0.4961848779853978 -0.5689742597620177 -0.6571545420657711 -0.7391871593375072 -0.7654995082737255 -0.9063479643440521 +44810,-0.9465903803641454,2,-0.1092385700998715 0.09042572476906323 0.14305042264149093 0.3566447845943007 0.4402251870975776 0.46034639510762426 0.3566447845943007 0.20186626144009023 -0.04732716083818202 -0.12626420764683677 -0.2237746772339887 -0.29961615357954446 -0.41879561640829255 -0.4961848779853978 -0.5689742597620177 -0.6571545420657711 -0.7391871593375072 -0.7654995082737255 -0.9063479643440521 -0.9775460849949946 +44811,-0.9465903803641454,2,0.09042572476906323 0.14305042264149093 0.3566447845943007 0.4402251870975776 0.46034639510762426 0.3566447845943007 0.20186626144009023 -0.04732716083818202 -0.12626420764683677 -0.2237746772339887 -0.29961615357954446 -0.41879561640829255 -0.4961848779853978 -0.5689742597620177 -0.6571545420657711 -0.7391871593375072 -0.7654995082737255 -0.9063479643440521 -0.9775460849949946 -0.9465903803641454 +44812,-1.0146929305519976,2,0.14305042264149093 0.3566447845943007 0.4402251870975776 0.46034639510762426 0.3566447845943007 0.20186626144009023 -0.04732716083818202 -0.12626420764683677 -0.2237746772339887 -0.29961615357954446 -0.41879561640829255 -0.4961848779853978 -0.5689742597620177 -0.6571545420657711 -0.7391871593375072 -0.7654995082737255 -0.9063479643440521 -0.9775460849949946 -0.9465903803641454 -0.9465903803641454 +44813,-0.6463200454449775,2,0.3566447845943007 0.4402251870975776 0.46034639510762426 0.3566447845943007 0.20186626144009023 -0.04732716083818202 -0.12626420764683677 -0.2237746772339887 -0.29961615357954446 -0.41879561640829255 -0.4961848779853978 -0.5689742597620177 -0.6571545420657711 -0.7391871593375072 -0.7654995082737255 -0.9063479643440521 -0.9775460849949946 -0.9465903803641454 -0.9465903803641454 -1.0146929305519976 +44814,-0.23615695908632306,2,0.4402251870975776 0.46034639510762426 0.3566447845943007 0.20186626144009023 -0.04732716083818202 -0.12626420764683677 -0.2237746772339887 -0.29961615357954446 -0.41879561640829255 -0.4961848779853978 -0.5689742597620177 -0.6571545420657711 -0.7391871593375072 -0.7654995082737255 -0.9063479643440521 -0.9775460849949946 -0.9465903803641454 -0.9465903803641454 -1.0146929305519976 -0.6463200454449775 +44815,0.08578236907443235,2,0.46034639510762426 0.3566447845943007 0.20186626144009023 -0.04732716083818202 -0.12626420764683677 -0.2237746772339887 -0.29961615357954446 -0.41879561640829255 -0.4961848779853978 -0.5689742597620177 -0.6571545420657711 -0.7391871593375072 -0.7654995082737255 -0.9063479643440521 -0.9775460849949946 -0.9465903803641454 -0.9465903803641454 -1.0146929305519976 -0.6463200454449775 -0.23615695908632306 +44816,0.28699444917490774,2,0.3566447845943007 0.20186626144009023 -0.04732716083818202 -0.12626420764683677 -0.2237746772339887 -0.29961615357954446 -0.41879561640829255 -0.4961848779853978 -0.5689742597620177 -0.6571545420657711 -0.7391871593375072 -0.7654995082737255 -0.9063479643440521 -0.9775460849949946 -0.9465903803641454 -0.9465903803641454 -1.0146929305519976 -0.6463200454449775 -0.23615695908632306 0.08578236907443235 +44817,0.5114233077485113,2,0.20186626144009023 -0.04732716083818202 -0.12626420764683677 -0.2237746772339887 -0.29961615357954446 -0.41879561640829255 -0.4961848779853978 -0.5689742597620177 -0.6571545420657711 -0.7391871593375072 -0.7654995082737255 -0.9063479643440521 -0.9775460849949946 -0.9465903803641454 -0.9465903803641454 -1.0146929305519976 -0.6463200454449775 -0.23615695908632306 0.08578236907443235 0.28699444917490774 +44818,0.5733347170102008,2,-0.04732716083818202 -0.12626420764683677 -0.2237746772339887 -0.29961615357954446 -0.41879561640829255 -0.4961848779853978 -0.5689742597620177 -0.6571545420657711 -0.7391871593375072 -0.7654995082737255 -0.9063479643440521 -0.9775460849949946 -0.9465903803641454 -0.9465903803641454 -1.0146929305519976 -0.6463200454449775 -0.23615695908632306 0.08578236907443235 0.28699444917490774 0.5114233077485113 +44819,0.5501179385370639,2,-0.12626420764683677 -0.2237746772339887 -0.29961615357954446 -0.41879561640829255 -0.4961848779853978 -0.5689742597620177 -0.6571545420657711 -0.7391871593375072 -0.7654995082737255 -0.9063479643440521 -0.9775460849949946 -0.9465903803641454 -0.9465903803641454 -1.0146929305519976 -0.6463200454449775 -0.23615695908632306 0.08578236907443235 0.28699444917490774 0.5114233077485113 0.5733347170102008 +44820,0.5640480056209477,2,-0.2237746772339887 -0.29961615357954446 -0.41879561640829255 -0.4961848779853978 -0.5689742597620177 -0.6571545420657711 -0.7391871593375072 -0.7654995082737255 -0.9063479643440521 -0.9775460849949946 -0.9465903803641454 -0.9465903803641454 -1.0146929305519976 -0.6463200454449775 -0.23615695908632306 0.08578236907443235 0.28699444917490774 0.5114233077485113 0.5733347170102008 0.5501179385370639 +44821,0.36593149598355373,2,-0.29961615357954446 -0.41879561640829255 -0.4961848779853978 -0.5689742597620177 -0.6571545420657711 -0.7391871593375072 -0.7654995082737255 -0.9063479643440521 -0.9775460849949946 -0.9465903803641454 -0.9465903803641454 -1.0146929305519976 -0.6463200454449775 -0.23615695908632306 0.08578236907443235 0.28699444917490774 0.5114233077485113 0.5733347170102008 0.5501179385370639 0.5640480056209477 +44822,0.09506908046368533,2,-0.41879561640829255 -0.4961848779853978 -0.5689742597620177 -0.6571545420657711 -0.7391871593375072 -0.7654995082737255 -0.9063479643440521 -0.9775460849949946 -0.9465903803641454 -0.9465903803641454 -1.0146929305519976 -0.6463200454449775 -0.23615695908632306 0.08578236907443235 0.28699444917490774 0.5114233077485113 0.5733347170102008 0.5501179385370639 0.5640480056209477 0.36593149598355373 +44823,-0.06280501315360658,2,-0.4961848779853978 -0.5689742597620177 -0.6571545420657711 -0.7391871593375072 -0.7654995082737255 -0.9063479643440521 -0.9775460849949946 -0.9465903803641454 -0.9465903803641454 -1.0146929305519976 -0.6463200454449775 -0.23615695908632306 0.08578236907443235 0.28699444917490774 0.5114233077485113 0.5733347170102008 0.5501179385370639 0.5640480056209477 0.36593149598355373 0.09506908046368533 +44824,-0.1665066236669301,2,-0.5689742597620177 -0.6571545420657711 -0.7391871593375072 -0.7654995082737255 -0.9063479643440521 -0.9775460849949946 -0.9465903803641454 -0.9465903803641454 -1.0146929305519976 -0.6463200454449775 -0.23615695908632306 0.08578236907443235 0.28699444917490774 0.5114233077485113 0.5733347170102008 0.5501179385370639 0.5640480056209477 0.36593149598355373 0.09506908046368533 -0.06280501315360658 +44825,-0.25318259663328835,2,-0.6571545420657711 -0.7391871593375072 -0.7654995082737255 -0.9063479643440521 -0.9775460849949946 -0.9465903803641454 -0.9465903803641454 -1.0146929305519976 -0.6463200454449775 -0.23615695908632306 0.08578236907443235 0.28699444917490774 0.5114233077485113 0.5733347170102008 0.5501179385370639 0.5640480056209477 0.36593149598355373 0.09506908046368533 -0.06280501315360658 -0.1665066236669301 +44826,-0.36307534807277464,2,-0.7391871593375072 -0.7654995082737255 -0.9063479643440521 -0.9775460849949946 -0.9465903803641454 -0.9465903803641454 -1.0146929305519976 -0.6463200454449775 -0.23615695908632306 0.08578236907443235 0.28699444917490774 0.5114233077485113 0.5733347170102008 0.5501179385370639 0.5640480056209477 0.36593149598355373 0.09506908046368533 -0.06280501315360658 -0.1665066236669301 -0.25318259663328835 +44827,-0.4311778982606269,2,-0.7654995082737255 -0.9063479643440521 -0.9775460849949946 -0.9465903803641454 -0.9465903803641454 -1.0146929305519976 -0.6463200454449775 -0.23615695908632306 0.08578236907443235 0.28699444917490774 0.5114233077485113 0.5733347170102008 0.5501179385370639 0.5640480056209477 0.36593149598355373 0.09506908046368533 -0.06280501315360658 -0.1665066236669301 -0.25318259663328835 -0.36307534807277464 +44828,-0.5611918577101599,2,-0.9063479643440521 -0.9775460849949946 -0.9465903803641454 -0.9465903803641454 -1.0146929305519976 -0.6463200454449775 -0.23615695908632306 0.08578236907443235 0.28699444917490774 0.5114233077485113 0.5733347170102008 0.5501179385370639 0.5640480056209477 0.36593149598355373 0.09506908046368533 -0.06280501315360658 -0.1665066236669301 -0.25318259663328835 -0.36307534807277464 -0.4311778982606269 +44829,-0.5967909180356311,2,-0.9775460849949946 -0.9465903803641454 -0.9465903803641454 -1.0146929305519976 -0.6463200454449775 -0.23615695908632306 0.08578236907443235 0.28699444917490774 0.5114233077485113 0.5733347170102008 0.5501179385370639 0.5640480056209477 0.36593149598355373 0.09506908046368533 -0.06280501315360658 -0.1665066236669301 -0.25318259663328835 -0.36307534807277464 -0.4311778982606269 -0.5611918577101599 +44830,-0.6571545420657711,2,-0.9465903803641454 -0.9465903803641454 -1.0146929305519976 -0.6463200454449775 -0.23615695908632306 0.08578236907443235 0.28699444917490774 0.5114233077485113 0.5733347170102008 0.5501179385370639 0.5640480056209477 0.36593149598355373 0.09506908046368533 -0.06280501315360658 -0.1665066236669301 -0.25318259663328835 -0.36307534807277464 -0.4311778982606269 -0.5611918577101599 -0.5967909180356311 +44831,-0.6788235353073673,2,-0.9465903803641454 -1.0146929305519976 -0.6463200454449775 -0.23615695908632306 0.08578236907443235 0.28699444917490774 0.5114233077485113 0.5733347170102008 0.5501179385370639 0.5640480056209477 0.36593149598355373 0.09506908046368533 -0.06280501315360658 -0.1665066236669301 -0.25318259663328835 -0.36307534807277464 -0.4311778982606269 -0.5611918577101599 -0.5967909180356311 -0.6571545420657711 +44832,-0.7376393741059666,2,-1.0146929305519976 -0.6463200454449775 -0.23615695908632306 0.08578236907443235 0.28699444917490774 0.5114233077485113 0.5733347170102008 0.5501179385370639 0.5640480056209477 0.36593149598355373 0.09506908046368533 -0.06280501315360658 -0.1665066236669301 -0.25318259663328835 -0.36307534807277464 -0.4311778982606269 -0.5611918577101599 -0.5967909180356311 -0.6571545420657711 -0.6788235353073673 +44833,-0.7268048774851729,2,-0.6463200454449775 -0.23615695908632306 0.08578236907443235 0.28699444917490774 0.5114233077485113 0.5733347170102008 0.5501179385370639 0.5640480056209477 0.36593149598355373 0.09506908046368533 -0.06280501315360658 -0.1665066236669301 -0.25318259663328835 -0.36307534807277464 -0.4311778982606269 -0.5611918577101599 -0.5967909180356311 -0.6571545420657711 -0.6788235353073673 -0.7376393741059666 +44834,-0.9481381655956861,2,-0.23615695908632306 0.08578236907443235 0.28699444917490774 0.5114233077485113 0.5733347170102008 0.5501179385370639 0.5640480056209477 0.36593149598355373 0.09506908046368533 -0.06280501315360658 -0.1665066236669301 -0.25318259663328835 -0.36307534807277464 -0.4311778982606269 -0.5611918577101599 -0.5967909180356311 -0.6571545420657711 -0.6788235353073673 -0.7376393741059666 -0.7268048774851729 +44835,-0.8815834006393833,2,0.08578236907443235 0.28699444917490774 0.5114233077485113 0.5733347170102008 0.5501179385370639 0.5640480056209477 0.36593149598355373 0.09506908046368533 -0.06280501315360658 -0.1665066236669301 -0.25318259663328835 -0.36307534807277464 -0.4311778982606269 -0.5611918577101599 -0.5967909180356311 -0.6571545420657711 -0.6788235353073673 -0.7376393741059666 -0.7268048774851729 -0.9481381655956861 +44836,-0.8320542732300282,2,0.28699444917490774 0.5114233077485113 0.5733347170102008 0.5501179385370639 0.5640480056209477 0.36593149598355373 0.09506908046368533 -0.06280501315360658 -0.1665066236669301 -0.25318259663328835 -0.36307534807277464 -0.4311778982606269 -0.5611918577101599 -0.5967909180356311 -0.6571545420657711 -0.6788235353073673 -0.7376393741059666 -0.7268048774851729 -0.9481381655956861 -0.8815834006393833 +44837,-0.592147562341009,2,0.5114233077485113 0.5733347170102008 0.5501179385370639 0.5640480056209477 0.36593149598355373 0.09506908046368533 -0.06280501315360658 -0.1665066236669301 -0.25318259663328835 -0.36307534807277464 -0.4311778982606269 -0.5611918577101599 -0.5967909180356311 -0.6571545420657711 -0.6788235353073673 -0.7376393741059666 -0.7268048774851729 -0.9481381655956861 -0.8815834006393833 -0.8320542732300282 +44838,-0.30271172404263463,2,0.5733347170102008 0.5501179385370639 0.5640480056209477 0.36593149598355373 0.09506908046368533 -0.06280501315360658 -0.1665066236669301 -0.25318259663328835 -0.36307534807277464 -0.4311778982606269 -0.5611918577101599 -0.5967909180356311 -0.6571545420657711 -0.6788235353073673 -0.7376393741059666 -0.7268048774851729 -0.9481381655956861 -0.8815834006393833 -0.8320542732300282 -0.592147562341009 +44839,-0.05970944269052519,2,0.5501179385370639 0.5640480056209477 0.36593149598355373 0.09506908046368533 -0.06280501315360658 -0.1665066236669301 -0.25318259663328835 -0.36307534807277464 -0.4311778982606269 -0.5611918577101599 -0.5967909180356311 -0.6571545420657711 -0.6788235353073673 -0.7376393741059666 -0.7268048774851729 -0.9481381655956861 -0.8815834006393833 -0.8320542732300282 -0.592147562341009 -0.30271172404263463 +44840,0.1043557918529383,2,0.5640480056209477 0.36593149598355373 0.09506908046368533 -0.06280501315360658 -0.1665066236669301 -0.25318259663328835 -0.36307534807277464 -0.4311778982606269 -0.5611918577101599 -0.5967909180356311 -0.6571545420657711 -0.6788235353073673 -0.7376393741059666 -0.7268048774851729 -0.9481381655956861 -0.8815834006393833 -0.8320542732300282 -0.592147562341009 -0.30271172404263463 -0.05970944269052519 +44841,0.17245834204079058,2,0.36593149598355373 0.09506908046368533 -0.06280501315360658 -0.1665066236669301 -0.25318259663328835 -0.36307534807277464 -0.4311778982606269 -0.5611918577101599 -0.5967909180356311 -0.6571545420657711 -0.6788235353073673 -0.7376393741059666 -0.7268048774851729 -0.9481381655956861 -0.8815834006393833 -0.8320542732300282 -0.592147562341009 -0.30271172404263463 -0.05970944269052519 0.1043557918529383 +44842,0.30402008672187303,2,0.09506908046368533 -0.06280501315360658 -0.1665066236669301 -0.25318259663328835 -0.36307534807277464 -0.4311778982606269 -0.5611918577101599 -0.5967909180356311 -0.6571545420657711 -0.6788235353073673 -0.7376393741059666 -0.7268048774851729 -0.9481381655956861 -0.8815834006393833 -0.8320542732300282 -0.592147562341009 -0.30271172404263463 -0.05970944269052519 0.1043557918529383 0.17245834204079058 +44843,0.40307834154056565,2,-0.06280501315360658 -0.1665066236669301 -0.25318259663328835 -0.36307534807277464 -0.4311778982606269 -0.5611918577101599 -0.5967909180356311 -0.6571545420657711 -0.6788235353073673 -0.7376393741059666 -0.7268048774851729 -0.9481381655956861 -0.8815834006393833 -0.8320542732300282 -0.592147562341009 -0.30271172404263463 -0.05970944269052519 0.1043557918529383 0.17245834204079058 0.30402008672187303 +44844,0.3210457242688383,2,-0.1665066236669301 -0.25318259663328835 -0.36307534807277464 -0.4311778982606269 -0.5611918577101599 -0.5967909180356311 -0.6571545420657711 -0.6788235353073673 -0.7376393741059666 -0.7268048774851729 -0.9481381655956861 -0.8815834006393833 -0.8320542732300282 -0.592147562341009 -0.30271172404263463 -0.05970944269052519 0.1043557918529383 0.17245834204079058 0.30402008672187303 0.40307834154056565 +44845,0.17091055680924988,2,-0.25318259663328835 -0.36307534807277464 -0.4311778982606269 -0.5611918577101599 -0.5967909180356311 -0.6571545420657711 -0.6788235353073673 -0.7376393741059666 -0.7268048774851729 -0.9481381655956861 -0.8815834006393833 -0.8320542732300282 -0.592147562341009 -0.30271172404263463 -0.05970944269052519 0.1043557918529383 0.17245834204079058 0.30402008672187303 0.40307834154056565 0.3210457242688383 +44846,0.05637444967513269,2,-0.36307534807277464 -0.4311778982606269 -0.5611918577101599 -0.5967909180356311 -0.6571545420657711 -0.6788235353073673 -0.7376393741059666 -0.7268048774851729 -0.9481381655956861 -0.8815834006393833 -0.8320542732300282 -0.592147562341009 -0.30271172404263463 -0.05970944269052519 0.1043557918529383 0.17245834204079058 0.30402008672187303 0.40307834154056565 0.3210457242688383 0.17091055680924988 +44847,-0.03958823468047853,2,-0.4311778982606269 -0.5611918577101599 -0.5967909180356311 -0.6571545420657711 -0.6788235353073673 -0.7376393741059666 -0.7268048774851729 -0.9481381655956861 -0.8815834006393833 -0.8320542732300282 -0.592147562341009 -0.30271172404263463 -0.05970944269052519 0.1043557918529383 0.17245834204079058 0.30402008672187303 0.40307834154056565 0.3210457242688383 0.17091055680924988 0.05637444967513269 +44848,-0.13709870426763043,2,-0.5611918577101599 -0.5967909180356311 -0.6571545420657711 -0.6788235353073673 -0.7376393741059666 -0.7268048774851729 -0.9481381655956861 -0.8815834006393833 -0.8320542732300282 -0.592147562341009 -0.30271172404263463 -0.05970944269052519 0.1043557918529383 0.17245834204079058 0.30402008672187303 0.40307834154056565 0.3210457242688383 0.17091055680924988 0.05637444967513269 -0.03958823468047853 +44849,-0.282590516032588,2,-0.5967909180356311 -0.6571545420657711 -0.6788235353073673 -0.7376393741059666 -0.7268048774851729 -0.9481381655956861 -0.8815834006393833 -0.8320542732300282 -0.592147562341009 -0.30271172404263463 -0.05970944269052519 0.1043557918529383 0.17245834204079058 0.30402008672187303 0.40307834154056565 0.3210457242688383 0.17091055680924988 0.05637444967513269 -0.03958823468047853 -0.13709870426763043 +44850,-0.30735507973725673,2,-0.6571545420657711 -0.6788235353073673 -0.7376393741059666 -0.7268048774851729 -0.9481381655956861 -0.8815834006393833 -0.8320542732300282 -0.592147562341009 -0.30271172404263463 -0.05970944269052519 0.1043557918529383 0.17245834204079058 0.30402008672187303 0.40307834154056565 0.3210457242688383 0.17091055680924988 0.05637444967513269 -0.03958823468047853 -0.13709870426763043 -0.282590516032588 +44851,-0.40641333455594936,2,-0.6788235353073673 -0.7376393741059666 -0.7268048774851729 -0.9481381655956861 -0.8815834006393833 -0.8320542732300282 -0.592147562341009 -0.30271172404263463 -0.05970944269052519 0.1043557918529383 0.17245834204079058 0.30402008672187303 0.40307834154056565 0.3210457242688383 0.17091055680924988 0.05637444967513269 -0.03958823468047853 -0.13709870426763043 -0.282590516032588 -0.30735507973725673 +44852,-0.5488095758578255,2,-0.7376393741059666 -0.7268048774851729 -0.9481381655956861 -0.8815834006393833 -0.8320542732300282 -0.592147562341009 -0.30271172404263463 -0.05970944269052519 0.1043557918529383 0.17245834204079058 0.30402008672187303 0.40307834154056565 0.3210457242688383 0.17091055680924988 0.05637444967513269 -0.03958823468047853 -0.13709870426763043 -0.282590516032588 -0.30735507973725673 -0.40641333455594936 +44853,-0.7283526627167135,2,-0.7268048774851729 -0.9481381655956861 -0.8815834006393833 -0.8320542732300282 -0.592147562341009 -0.30271172404263463 -0.05970944269052519 0.1043557918529383 0.17245834204079058 0.30402008672187303 0.40307834154056565 0.3210457242688383 0.17091055680924988 0.05637444967513269 -0.03958823468047853 -0.13709870426763043 -0.282590516032588 -0.30735507973725673 -0.40641333455594936 -0.5488095758578255 +44854,-0.750021655958301,2,-0.9481381655956861 -0.8815834006393833 -0.8320542732300282 -0.592147562341009 -0.30271172404263463 -0.05970944269052519 0.1043557918529383 0.17245834204079058 0.30402008672187303 0.40307834154056565 0.3210457242688383 0.17091055680924988 0.05637444967513269 -0.03958823468047853 -0.13709870426763043 -0.282590516032588 -0.30735507973725673 -0.40641333455594936 -0.5488095758578255 -0.7283526627167135 +44855,-0.8692011187870402,2,-0.8815834006393833 -0.8320542732300282 -0.592147562341009 -0.30271172404263463 -0.05970944269052519 0.1043557918529383 0.17245834204079058 0.30402008672187303 0.40307834154056565 0.3210457242688383 0.17091055680924988 0.05637444967513269 -0.03958823468047853 -0.13709870426763043 -0.282590516032588 -0.30735507973725673 -0.40641333455594936 -0.5488095758578255 -0.7283526627167135 -0.750021655958301 +44856,-0.9775460849949946,2,-0.8320542732300282 -0.592147562341009 -0.30271172404263463 -0.05970944269052519 0.1043557918529383 0.17245834204079058 0.30402008672187303 0.40307834154056565 0.3210457242688383 0.17091055680924988 0.05637444967513269 -0.03958823468047853 -0.13709870426763043 -0.282590516032588 -0.30735507973725673 -0.40641333455594936 -0.5488095758578255 -0.7283526627167135 -0.750021655958301 -0.8692011187870402 +44857,-0.999215078236582,2,-0.592147562341009 -0.30271172404263463 -0.05970944269052519 0.1043557918529383 0.17245834204079058 0.30402008672187303 0.40307834154056565 0.3210457242688383 0.17091055680924988 0.05637444967513269 -0.03958823468047853 -0.13709870426763043 -0.282590516032588 -0.30735507973725673 -0.40641333455594936 -0.5488095758578255 -0.7283526627167135 -0.750021655958301 -0.8692011187870402 -0.9775460849949946 +44858,-1.013145145320457,2,-0.30271172404263463 -0.05970944269052519 0.1043557918529383 0.17245834204079058 0.30402008672187303 0.40307834154056565 0.3210457242688383 0.17091055680924988 0.05637444967513269 -0.03958823468047853 -0.13709870426763043 -0.282590516032588 -0.30735507973725673 -0.40641333455594936 -0.5488095758578255 -0.7283526627167135 -0.750021655958301 -0.8692011187870402 -0.9775460849949946 -0.999215078236582 +44859,-1.0471964204143875,2,-0.05970944269052519 0.1043557918529383 0.17245834204079058 0.30402008672187303 0.40307834154056565 0.3210457242688383 0.17091055680924988 0.05637444967513269 -0.03958823468047853 -0.13709870426763043 -0.282590516032588 -0.30735507973725673 -0.40641333455594936 -0.5488095758578255 -0.7283526627167135 -0.750021655958301 -0.8692011187870402 -0.9775460849949946 -0.999215078236582 -1.013145145320457 +44860,-1.0673176284244341,2,0.1043557918529383 0.17245834204079058 0.30402008672187303 0.40307834154056565 0.3210457242688383 0.17091055680924988 0.05637444967513269 -0.03958823468047853 -0.13709870426763043 -0.282590516032588 -0.30735507973725673 -0.40641333455594936 -0.5488095758578255 -0.7283526627167135 -0.750021655958301 -0.8692011187870402 -0.9775460849949946 -0.999215078236582 -1.013145145320457 -1.0471964204143875 +44861,-0.754665011652923,2,0.17245834204079058 0.30402008672187303 0.40307834154056565 0.3210457242688383 0.17091055680924988 0.05637444967513269 -0.03958823468047853 -0.13709870426763043 -0.282590516032588 -0.30735507973725673 -0.40641333455594936 -0.5488095758578255 -0.7283526627167135 -0.750021655958301 -0.8692011187870402 -0.9775460849949946 -0.999215078236582 -1.013145145320457 -1.0471964204143875 -1.0673176284244341 +44862,-0.34604971052580935,2,0.30402008672187303 0.40307834154056565 0.3210457242688383 0.17091055680924988 0.05637444967513269 -0.03958823468047853 -0.13709870426763043 -0.282590516032588 -0.30735507973725673 -0.40641333455594936 -0.5488095758578255 -0.7283526627167135 -0.750021655958301 -0.8692011187870402 -0.9775460849949946 -0.999215078236582 -1.013145145320457 -1.0471964204143875 -1.0673176284244341 -0.754665011652923 +44863,0.019227604118129564,2,0.40307834154056565 0.3210457242688383 0.17091055680924988 0.05637444967513269 -0.03958823468047853 -0.13709870426763043 -0.282590516032588 -0.30735507973725673 -0.40641333455594936 -0.5488095758578255 -0.7283526627167135 -0.750021655958301 -0.8692011187870402 -0.9775460849949946 -0.999215078236582 -1.013145145320457 -1.0471964204143875 -1.0673176284244341 -0.754665011652923 -0.34604971052580935 +44864,0.34735807320504775,2,0.3210457242688383 0.17091055680924988 0.05637444967513269 -0.03958823468047853 -0.13709870426763043 -0.282590516032588 -0.30735507973725673 -0.40641333455594936 -0.5488095758578255 -0.7283526627167135 -0.750021655958301 -0.8692011187870402 -0.9775460849949946 -0.999215078236582 -1.013145145320457 -1.0471964204143875 -1.0673176284244341 -0.754665011652923 -0.34604971052580935 0.019227604118129564 +44865,0.5934559250202474,2,0.17091055680924988 0.05637444967513269 -0.03958823468047853 -0.13709870426763043 -0.282590516032588 -0.30735507973725673 -0.40641333455594936 -0.5488095758578255 -0.7283526627167135 -0.750021655958301 -0.8692011187870402 -0.9775460849949946 -0.999215078236582 -1.013145145320457 -1.0471964204143875 -1.0673176284244341 -0.754665011652923 -0.34604971052580935 0.019227604118129564 0.34735807320504775 +44866,0.6832274684496871,2,0.05637444967513269 -0.03958823468047853 -0.13709870426763043 -0.282590516032588 -0.30735507973725673 -0.40641333455594936 -0.5488095758578255 -0.7283526627167135 -0.750021655958301 -0.8692011187870402 -0.9775460849949946 -0.999215078236582 -1.013145145320457 -1.0471964204143875 -1.0673176284244341 -0.754665011652923 -0.34604971052580935 0.019227604118129564 0.34735807320504775 0.5934559250202474 +44867,0.7869290789630106,2,-0.03958823468047853 -0.13709870426763043 -0.282590516032588 -0.30735507973725673 -0.40641333455594936 -0.5488095758578255 -0.7283526627167135 -0.750021655958301 -0.8692011187870402 -0.9775460849949946 -0.999215078236582 -1.013145145320457 -1.0471964204143875 -1.0673176284244341 -0.754665011652923 -0.34604971052580935 0.019227604118129564 0.34735807320504775 0.5934559250202474 0.6832274684496871 +44868,0.8024069312784263,2,-0.13709870426763043 -0.282590516032588 -0.30735507973725673 -0.40641333455594936 -0.5488095758578255 -0.7283526627167135 -0.750021655958301 -0.8692011187870402 -0.9775460849949946 -0.999215078236582 -1.013145145320457 -1.0471964204143875 -1.0673176284244341 -0.754665011652923 -0.34604971052580935 0.019227604118129564 0.34735807320504775 0.5934559250202474 0.6832274684496871 0.7869290789630106 +44869,0.5470223680739825,2,-0.282590516032588 -0.30735507973725673 -0.40641333455594936 -0.5488095758578255 -0.7283526627167135 -0.750021655958301 -0.8692011187870402 -0.9775460849949946 -0.999215078236582 -1.013145145320457 -1.0471964204143875 -1.0673176284244341 -0.754665011652923 -0.34604971052580935 0.019227604118129564 0.34735807320504775 0.5934559250202474 0.6832274684496871 0.7869290789630106 0.8024069312784263 +44870,0.23127418083938986,2,-0.30735507973725673 -0.40641333455594936 -0.5488095758578255 -0.7283526627167135 -0.750021655958301 -0.8692011187870402 -0.9775460849949946 -0.999215078236582 -1.013145145320457 -1.0471964204143875 -1.0673176284244341 -0.754665011652923 -0.34604971052580935 0.019227604118129564 0.34735807320504775 0.5934559250202474 0.6832274684496871 0.7869290789630106 0.8024069312784263 0.5470223680739825 +44871,-0.0008936038919258983,2,-0.40641333455594936 -0.5488095758578255 -0.7283526627167135 -0.750021655958301 -0.8692011187870402 -0.9775460849949946 -0.999215078236582 -1.013145145320457 -1.0471964204143875 -1.0673176284244341 -0.754665011652923 -0.34604971052580935 0.019227604118129564 0.34735807320504775 0.5934559250202474 0.6832274684496871 0.7869290789630106 0.8024069312784263 0.5470223680739825 0.23127418083938986 +44872,-0.13864648949917113,2,-0.5488095758578255 -0.7283526627167135 -0.750021655958301 -0.8692011187870402 -0.9775460849949946 -0.999215078236582 -1.013145145320457 -1.0471964204143875 -1.0673176284244341 -0.754665011652923 -0.34604971052580935 0.019227604118129564 0.34735807320504775 0.5934559250202474 0.6832274684496871 0.7869290789630106 0.8024069312784263 0.5470223680739825 0.23127418083938986 -0.0008936038919258983 +44873,-0.282590516032588,2,-0.7283526627167135 -0.750021655958301 -0.8692011187870402 -0.9775460849949946 -0.999215078236582 -1.013145145320457 -1.0471964204143875 -1.0673176284244341 -0.754665011652923 -0.34604971052580935 0.019227604118129564 0.34735807320504775 0.5934559250202474 0.6832274684496871 0.7869290789630106 0.8024069312784263 0.5470223680739825 0.23127418083938986 -0.0008936038919258983 -0.13864648949917113 +44874,-0.394031052703615,2,-0.750021655958301 -0.8692011187870402 -0.9775460849949946 -0.999215078236582 -1.013145145320457 -1.0471964204143875 -1.0673176284244341 -0.754665011652923 -0.34604971052580935 0.019227604118129564 0.34735807320504775 0.5934559250202474 0.6832274684496871 0.7869290789630106 0.8024069312784263 0.5470223680739825 0.23127418083938986 -0.0008936038919258983 -0.13864648949917113 -0.282590516032588 +44875,-0.6060776294248841,2,-0.8692011187870402 -0.9775460849949946 -0.999215078236582 -1.013145145320457 -1.0471964204143875 -1.0673176284244341 -0.754665011652923 -0.34604971052580935 0.019227604118129564 0.34735807320504775 0.5934559250202474 0.6832274684496871 0.7869290789630106 0.8024069312784263 0.5470223680739825 0.23127418083938986 -0.0008936038919258983 -0.13864648949917113 -0.282590516032588 -0.394031052703615 +44876,-0.633937763592643,2,-0.9775460849949946 -0.999215078236582 -1.013145145320457 -1.0471964204143875 -1.0673176284244341 -0.754665011652923 -0.34604971052580935 0.019227604118129564 0.34735807320504775 0.5934559250202474 0.6832274684496871 0.7869290789630106 0.8024069312784263 0.5470223680739825 0.23127418083938986 -0.0008936038919258983 -0.13864648949917113 -0.282590516032588 -0.394031052703615 -0.6060776294248841 +44877,-0.7407349445690479,2,-0.999215078236582 -1.013145145320457 -1.0471964204143875 -1.0673176284244341 -0.754665011652923 -0.34604971052580935 0.019227604118129564 0.34735807320504775 0.5934559250202474 0.6832274684496871 0.7869290789630106 0.8024069312784263 0.5470223680739825 0.23127418083938986 -0.0008936038919258983 -0.13864648949917113 -0.282590516032588 -0.394031052703615 -0.6060776294248841 -0.633937763592643 +44878,-0.8599144073977872,2,-1.013145145320457 -1.0471964204143875 -1.0673176284244341 -0.754665011652923 -0.34604971052580935 0.019227604118129564 0.34735807320504775 0.5934559250202474 0.6832274684496871 0.7869290789630106 0.8024069312784263 0.5470223680739825 0.23127418083938986 -0.0008936038919258983 -0.13864648949917113 -0.282590516032588 -0.394031052703615 -0.6060776294248841 -0.633937763592643 -0.7407349445690479 +44879,-0.9063479643440521,2,-1.0471964204143875 -1.0673176284244341 -0.754665011652923 -0.34604971052580935 0.019227604118129564 0.34735807320504775 0.5934559250202474 0.6832274684496871 0.7869290789630106 0.8024069312784263 0.5470223680739825 0.23127418083938986 -0.0008936038919258983 -0.13864648949917113 -0.282590516032588 -0.394031052703615 -0.6060776294248841 -0.633937763592643 -0.7407349445690479 -0.8599144073977872 +44880,-0.9543293065218578,2,-1.0673176284244341 -0.754665011652923 -0.34604971052580935 0.019227604118129564 0.34735807320504775 0.5934559250202474 0.6832274684496871 0.7869290789630106 0.8024069312784263 0.5470223680739825 0.23127418083938986 -0.0008936038919258983 -0.13864648949917113 -0.282590516032588 -0.394031052703615 -0.6060776294248841 -0.633937763592643 -0.7407349445690479 -0.8599144073977872 -0.9063479643440521 +44881,-0.9543293065218578,2,-0.754665011652923 -0.34604971052580935 0.019227604118129564 0.34735807320504775 0.5934559250202474 0.6832274684496871 0.7869290789630106 0.8024069312784263 0.5470223680739825 0.23127418083938986 -0.0008936038919258983 -0.13864648949917113 -0.282590516032588 -0.394031052703615 -0.6060776294248841 -0.633937763592643 -0.7407349445690479 -0.8599144073977872 -0.9063479643440521 -0.9543293065218578 +44882,-0.9311125280487297,2,-0.34604971052580935 0.019227604118129564 0.34735807320504775 0.5934559250202474 0.6832274684496871 0.7869290789630106 0.8024069312784263 0.5470223680739825 0.23127418083938986 -0.0008936038919258983 -0.13864648949917113 -0.282590516032588 -0.394031052703615 -0.6060776294248841 -0.633937763592643 -0.7407349445690479 -0.8599144073977872 -0.9063479643440521 -0.9543293065218578 -0.9543293065218578 +44883,-1.0007628634681227,2,0.019227604118129564 0.34735807320504775 0.5934559250202474 0.6832274684496871 0.7869290789630106 0.8024069312784263 0.5470223680739825 0.23127418083938986 -0.0008936038919258983 -0.13864648949917113 -0.282590516032588 -0.394031052703615 -0.6060776294248841 -0.633937763592643 -0.7407349445690479 -0.8599144073977872 -0.9063479643440521 -0.9543293065218578 -0.9543293065218578 -0.9311125280487297 +44884,-0.9048001791125114,2,0.34735807320504775 0.5934559250202474 0.6832274684496871 0.7869290789630106 0.8024069312784263 0.5470223680739825 0.23127418083938986 -0.0008936038919258983 -0.13864648949917113 -0.282590516032588 -0.394031052703615 -0.6060776294248841 -0.633937763592643 -0.7407349445690479 -0.8599144073977872 -0.9063479643440521 -0.9543293065218578 -0.9543293065218578 -0.9311125280487297 -1.0007628634681227 +44885,-0.4853503813646041,2,0.5934559250202474 0.6832274684496871 0.7869290789630106 0.8024069312784263 0.5470223680739825 0.23127418083938986 -0.0008936038919258983 -0.13864648949917113 -0.282590516032588 -0.394031052703615 -0.6060776294248841 -0.633937763592643 -0.7407349445690479 -0.8599144073977872 -0.9063479643440521 -0.9543293065218578 -0.9543293065218578 -0.9311125280487297 -1.0007628634681227 -0.9048001791125114 +44886,0.05637444967513269,2,0.6832274684496871 0.7869290789630106 0.8024069312784263 0.5470223680739825 0.23127418083938986 -0.0008936038919258983 -0.13864648949917113 -0.282590516032588 -0.394031052703615 -0.6060776294248841 -0.633937763592643 -0.7407349445690479 -0.8599144073977872 -0.9063479643440521 -0.9543293065218578 -0.9543293065218578 -0.9311125280487297 -1.0007628634681227 -0.9048001791125114 -0.4853503813646041 +44887,0.4386774018660369,2,0.7869290789630106 0.8024069312784263 0.5470223680739825 0.23127418083938986 -0.0008936038919258983 -0.13864648949917113 -0.282590516032588 -0.394031052703615 -0.6060776294248841 -0.633937763592643 -0.7407349445690479 -0.8599144073977872 -0.9063479643440521 -0.9543293065218578 -0.9543293065218578 -0.9311125280487297 -1.0007628634681227 -0.9048001791125114 -0.4853503813646041 0.05637444967513269 +44888,0.711087602617446,2,0.8024069312784263 0.5470223680739825 0.23127418083938986 -0.0008936038919258983 -0.13864648949917113 -0.282590516032588 -0.394031052703615 -0.6060776294248841 -0.633937763592643 -0.7407349445690479 -0.8599144073977872 -0.9063479643440521 -0.9543293065218578 -0.9543293065218578 -0.9311125280487297 -1.0007628634681227 -0.9048001791125114 -0.4853503813646041 0.05637444967513269 0.4386774018660369 +44889,0.9757588772111427,2,0.5470223680739825 0.23127418083938986 -0.0008936038919258983 -0.13864648949917113 -0.282590516032588 -0.394031052703615 -0.6060776294248841 -0.633937763592643 -0.7407349445690479 -0.8599144073977872 -0.9063479643440521 -0.9543293065218578 -0.9543293065218578 -0.9311125280487297 -1.0007628634681227 -0.9048001791125114 -0.4853503813646041 0.05637444967513269 0.4386774018660369 0.711087602617446 +44890,1.076364917261385,2,0.23127418083938986 -0.0008936038919258983 -0.13864648949917113 -0.282590516032588 -0.394031052703615 -0.6060776294248841 -0.633937763592643 -0.7407349445690479 -0.8599144073977872 -0.9063479643440521 -0.9543293065218578 -0.9543293065218578 -0.9311125280487297 -1.0007628634681227 -0.9048001791125114 -0.4853503813646041 0.05637444967513269 0.4386774018660369 0.711087602617446 0.9757588772111427 +44891,1.085651628650638,2,-0.0008936038919258983 -0.13864648949917113 -0.282590516032588 -0.394031052703615 -0.6060776294248841 -0.633937763592643 -0.7407349445690479 -0.8599144073977872 -0.9063479643440521 -0.9543293065218578 -0.9543293065218578 -0.9311125280487297 -1.0007628634681227 -0.9048001791125114 -0.4853503813646041 0.05637444967513269 0.4386774018660369 0.711087602617446 0.9757588772111427 1.076364917261385 +44892,0.9865933738319452,2,-0.13864648949917113 -0.282590516032588 -0.394031052703615 -0.6060776294248841 -0.633937763592643 -0.7407349445690479 -0.8599144073977872 -0.9063479643440521 -0.9543293065218578 -0.9543293065218578 -0.9311125280487297 -1.0007628634681227 -0.9048001791125114 -0.4853503813646041 0.05637444967513269 0.4386774018660369 0.711087602617446 0.9757588772111427 1.076364917261385 1.085651628650638 +44893,0.8039547165099759,2,-0.282590516032588 -0.394031052703615 -0.6060776294248841 -0.633937763592643 -0.7407349445690479 -0.8599144073977872 -0.9063479643440521 -0.9543293065218578 -0.9543293065218578 -0.9311125280487297 -1.0007628634681227 -0.9048001791125114 -0.4853503813646041 0.05637444967513269 0.4386774018660369 0.711087602617446 0.9757588772111427 1.076364917261385 1.085651628650638 0.9865933738319452 +44894,0.46808532126533653,2,-0.394031052703615 -0.6060776294248841 -0.633937763592643 -0.7407349445690479 -0.8599144073977872 -0.9063479643440521 -0.9543293065218578 -0.9543293065218578 -0.9311125280487297 -1.0007628634681227 -0.9048001791125114 -0.4853503813646041 0.05637444967513269 0.4386774018660369 0.711087602617446 0.9757588772111427 1.076364917261385 1.085651628650638 0.9865933738319452 0.8039547165099759 +44895,0.2746121673225734,2,-0.6060776294248841 -0.633937763592643 -0.7407349445690479 -0.8599144073977872 -0.9063479643440521 -0.9543293065218578 -0.9543293065218578 -0.9311125280487297 -1.0007628634681227 -0.9048001791125114 -0.4853503813646041 0.05637444967513269 0.4386774018660369 0.711087602617446 0.9757588772111427 1.076364917261385 1.085651628650638 0.9865933738319452 0.8039547165099759 0.46808532126533653 +44896,0.06720894629592637,2,-0.633937763592643 -0.7407349445690479 -0.8599144073977872 -0.9063479643440521 -0.9543293065218578 -0.9543293065218578 -0.9311125280487297 -1.0007628634681227 -0.9048001791125114 -0.4853503813646041 0.05637444967513269 0.4386774018660369 0.711087602617446 0.9757588772111427 1.076364917261385 1.085651628650638 0.9865933738319452 0.8039547165099759 0.46808532126533653 0.2746121673225734 +44897,-0.06280501315360658,2,-0.7407349445690479 -0.8599144073977872 -0.9063479643440521 -0.9543293065218578 -0.9543293065218578 -0.9311125280487297 -1.0007628634681227 -0.9048001791125114 -0.4853503813646041 0.05637444967513269 0.4386774018660369 0.711087602617446 0.9757588772111427 1.076364917261385 1.085651628650638 0.9865933738319452 0.8039547165099759 0.46808532126533653 0.2746121673225734 0.06720894629592637 +44898,-0.23151360339169216,2,-0.8599144073977872 -0.9063479643440521 -0.9543293065218578 -0.9543293065218578 -0.9311125280487297 -1.0007628634681227 -0.9048001791125114 -0.4853503813646041 0.05637444967513269 0.4386774018660369 0.711087602617446 0.9757588772111427 1.076364917261385 1.085651628650638 0.9865933738319452 0.8039547165099759 0.46808532126533653 0.2746121673225734 0.06720894629592637 -0.06280501315360658 +44899,-0.264017093254082,2,-0.9063479643440521 -0.9543293065218578 -0.9543293065218578 -0.9311125280487297 -1.0007628634681227 -0.9048001791125114 -0.4853503813646041 0.05637444967513269 0.4386774018660369 0.711087602617446 0.9757588772111427 1.076364917261385 1.085651628650638 0.9865933738319452 0.8039547165099759 0.46808532126533653 0.2746121673225734 0.06720894629592637 -0.06280501315360658 -0.23151360339169216 +44900,-0.3385922390518518,2,-0.9543293065218578 -0.9543293065218578 -0.9311125280487297 -1.0007628634681227 -0.9048001791125114 -0.4853503813646041 0.05637444967513269 0.4386774018660369 0.711087602617446 0.9757588772111427 1.076364917261385 1.085651628650638 0.9865933738319452 0.8039547165099759 0.46808532126533653 0.2746121673225734 0.06720894629592637 -0.06280501315360658 -0.23151360339169216 -0.264017093254082 +44901,-0.4311778982606269,2,-0.9543293065218578 -0.9311125280487297 -1.0007628634681227 -0.9048001791125114 -0.4853503813646041 0.05637444967513269 0.4386774018660369 0.711087602617446 0.9757588772111427 1.076364917261385 1.085651628650638 0.9865933738319452 0.8039547165099759 0.46808532126533653 0.2746121673225734 0.06720894629592637 -0.06280501315360658 -0.23151360339169216 -0.264017093254082 -0.3385922390518518 +44902,-0.5085671598377322,2,-0.9311125280487297 -1.0007628634681227 -0.9048001791125114 -0.4853503813646041 0.05637444967513269 0.4386774018660369 0.711087602617446 0.9757588772111427 1.076364917261385 1.085651628650638 0.9865933738319452 0.8039547165099759 0.46808532126533653 0.2746121673225734 0.06720894629592637 -0.06280501315360658 -0.23151360339169216 -0.264017093254082 -0.3385922390518518 -0.4311778982606269 +44903,-0.5333317235424098,2,-1.0007628634681227 -0.9048001791125114 -0.4853503813646041 0.05637444967513269 0.4386774018660369 0.711087602617446 0.9757588772111427 1.076364917261385 1.085651628650638 0.9865933738319452 0.8039547165099759 0.46808532126533653 0.2746121673225734 0.06720894629592637 -0.06280501315360658 -0.23151360339169216 -0.264017093254082 -0.3385922390518518 -0.4311778982606269 -0.5085671598377322 +44904,-0.6695368239181143,2,-0.9048001791125114 -0.4853503813646041 0.05637444967513269 0.4386774018660369 0.711087602617446 0.9757588772111427 1.076364917261385 1.085651628650638 0.9865933738319452 0.8039547165099759 0.46808532126533653 0.2746121673225734 0.06720894629592637 -0.06280501315360658 -0.23151360339169216 -0.264017093254082 -0.3385922390518518 -0.4311778982606269 -0.5085671598377322 -0.5333317235424098 +44905,-0.6323899783611023,2,-0.4853503813646041 0.05637444967513269 0.4386774018660369 0.711087602617446 0.9757588772111427 1.076364917261385 1.085651628650638 0.9865933738319452 0.8039547165099759 0.46808532126533653 0.2746121673225734 0.06720894629592637 -0.06280501315360658 -0.23151360339169216 -0.264017093254082 -0.3385922390518518 -0.4311778982606269 -0.5085671598377322 -0.5333317235424098 -0.6695368239181143 +44906,-0.6556067568342304,2,0.05637444967513269 0.4386774018660369 0.711087602617446 0.9757588772111427 1.076364917261385 1.085651628650638 0.9865933738319452 0.8039547165099759 0.46808532126533653 0.2746121673225734 0.06720894629592637 -0.06280501315360658 -0.23151360339169216 -0.264017093254082 -0.3385922390518518 -0.4311778982606269 -0.5085671598377322 -0.5333317235424098 -0.6695368239181143 -0.6323899783611023 +44907,-0.610720985119515,2,0.4386774018660369 0.711087602617446 0.9757588772111427 1.076364917261385 1.085651628650638 0.9865933738319452 0.8039547165099759 0.46808532126533653 0.2746121673225734 0.06720894629592637 -0.06280501315360658 -0.23151360339169216 -0.264017093254082 -0.3385922390518518 -0.4311778982606269 -0.5085671598377322 -0.5333317235424098 -0.6695368239181143 -0.6323899783611023 -0.6556067568342304 +44908,-0.6973969580858732,2,0.711087602617446 0.9757588772111427 1.076364917261385 1.085651628650638 0.9865933738319452 0.8039547165099759 0.46808532126533653 0.2746121673225734 0.06720894629592637 -0.06280501315360658 -0.23151360339169216 -0.264017093254082 -0.3385922390518518 -0.4311778982606269 -0.5085671598377322 -0.5333317235424098 -0.6695368239181143 -0.6323899783611023 -0.6556067568342304 -0.610720985119515 +44909,-0.3893876970089929,2,0.9757588772111427 1.076364917261385 1.085651628650638 0.9865933738319452 0.8039547165099759 0.46808532126533653 0.2746121673225734 0.06720894629592637 -0.06280501315360658 -0.23151360339169216 -0.264017093254082 -0.3385922390518518 -0.4311778982606269 -0.5085671598377322 -0.5333317235424098 -0.6695368239181143 -0.6323899783611023 -0.6556067568342304 -0.610720985119515 -0.6973969580858732 +44910,0.14614599310458112,2,1.076364917261385 1.085651628650638 0.9865933738319452 0.8039547165099759 0.46808532126533653 0.2746121673225734 0.06720894629592637 -0.06280501315360658 -0.23151360339169216 -0.264017093254082 -0.3385922390518518 -0.4311778982606269 -0.5085671598377322 -0.5333317235424098 -0.6695368239181143 -0.6323899783611023 -0.6556067568342304 -0.610720985119515 -0.6973969580858732 -0.3893876970089929 +44911,0.5423790123793604,2,1.085651628650638 0.9865933738319452 0.8039547165099759 0.46808532126533653 0.2746121673225734 0.06720894629592637 -0.06280501315360658 -0.23151360339169216 -0.264017093254082 -0.3385922390518518 -0.4311778982606269 -0.5085671598377322 -0.5333317235424098 -0.6695368239181143 -0.6323899783611023 -0.6556067568342304 -0.610720985119515 -0.6973969580858732 -0.3893876970089929 0.14614599310458112 +44912,0.6909663946073993,2,0.9865933738319452 0.8039547165099759 0.46808532126533653 0.2746121673225734 0.06720894629592637 -0.06280501315360658 -0.23151360339169216 -0.264017093254082 -0.3385922390518518 -0.4311778982606269 -0.5085671598377322 -0.5333317235424098 -0.6695368239181143 -0.6323899783611023 -0.6556067568342304 -0.610720985119515 -0.6973969580858732 -0.3893876970089929 0.14614599310458112 0.5423790123793604 +44913,0.8767006223924502,2,0.8039547165099759 0.46808532126533653 0.2746121673225734 0.06720894629592637 -0.06280501315360658 -0.23151360339169216 -0.264017093254082 -0.3385922390518518 -0.4311778982606269 -0.5085671598377322 -0.5333317235424098 -0.6695368239181143 -0.6323899783611023 -0.6556067568342304 -0.610720985119515 -0.6973969580858732 -0.3893876970089929 0.14614599310458112 0.5423790123793604 0.6909663946073993 +44914,1.085651628650638,2,0.46808532126533653 0.2746121673225734 0.06720894629592637 -0.06280501315360658 -0.23151360339169216 -0.264017093254082 -0.3385922390518518 -0.4311778982606269 -0.5085671598377322 -0.5333317235424098 -0.6695368239181143 -0.6323899783611023 -0.6556067568342304 -0.610720985119515 -0.6973969580858732 -0.3893876970089929 0.14614599310458112 0.5423790123793604 0.6909663946073993 0.8767006223924502 +44915,1.1026772661976032,2,0.2746121673225734 0.06720894629592637 -0.06280501315360658 -0.23151360339169216 -0.264017093254082 -0.3385922390518518 -0.4311778982606269 -0.5085671598377322 -0.5333317235424098 -0.6695368239181143 -0.6323899783611023 -0.6556067568342304 -0.610720985119515 -0.6973969580858732 -0.3893876970089929 0.14614599310458112 0.5423790123793604 0.6909663946073993 0.8767006223924502 1.085651628650638 +44916,1.0546959240197975,2,0.06720894629592637 -0.06280501315360658 -0.23151360339169216 -0.264017093254082 -0.3385922390518518 -0.4311778982606269 -0.5085671598377322 -0.5333317235424098 -0.6695368239181143 -0.6323899783611023 -0.6556067568342304 -0.610720985119515 -0.6973969580858732 -0.3893876970089929 0.14614599310458112 0.5423790123793604 0.6909663946073993 0.8767006223924502 1.085651628650638 1.1026772661976032 +44917,0.960281024895727,2,-0.06280501315360658 -0.23151360339169216 -0.264017093254082 -0.3385922390518518 -0.4311778982606269 -0.5085671598377322 -0.5333317235424098 -0.6695368239181143 -0.6323899783611023 -0.6556067568342304 -0.610720985119515 -0.6973969580858732 -0.3893876970089929 0.14614599310458112 0.5423790123793604 0.6909663946073993 0.8767006223924502 1.085651628650638 1.1026772661976032 1.0546959240197975 +44918,0.6971575355335708,2,-0.23151360339169216 -0.264017093254082 -0.3385922390518518 -0.4311778982606269 -0.5085671598377322 -0.5333317235424098 -0.6695368239181143 -0.6323899783611023 -0.6556067568342304 -0.610720985119515 -0.6973969580858732 -0.3893876970089929 0.14614599310458112 0.5423790123793604 0.6909663946073993 0.8767006223924502 1.085651628650638 1.1026772661976032 1.0546959240197975 0.960281024895727 +44919,0.36593149598355373,2,-0.264017093254082 -0.3385922390518518 -0.4311778982606269 -0.5085671598377322 -0.5333317235424098 -0.6695368239181143 -0.6323899783611023 -0.6556067568342304 -0.610720985119515 -0.6973969580858732 -0.3893876970089929 0.14614599310458112 0.5423790123793604 0.6909663946073993 0.8767006223924502 1.085651628650638 1.1026772661976032 1.0546959240197975 0.960281024895727 0.6971575355335708 +44920,0.2281786103763085,2,-0.3385922390518518 -0.4311778982606269 -0.5085671598377322 -0.5333317235424098 -0.6695368239181143 -0.6323899783611023 -0.6556067568342304 -0.610720985119515 -0.6973969580858732 -0.3893876970089929 0.14614599310458112 0.5423790123793604 0.6909663946073993 0.8767006223924502 1.085651628650638 1.1026772661976032 1.0546959240197975 0.960281024895727 0.6971575355335708 0.36593149598355373 +44921,0.1043557918529383,2,-0.4311778982606269 -0.5085671598377322 -0.5333317235424098 -0.6695368239181143 -0.6323899783611023 -0.6556067568342304 -0.610720985119515 -0.6973969580858732 -0.3893876970089929 0.14614599310458112 0.5423790123793604 0.6909663946073993 0.8767006223924502 1.085651628650638 1.1026772661976032 1.0546959240197975 0.960281024895727 0.6971575355335708 0.36593149598355373 0.2281786103763085 +44922,-0.019467026670423066,2,-0.5085671598377322 -0.5333317235424098 -0.6695368239181143 -0.6323899783611023 -0.6556067568342304 -0.610720985119515 -0.6973969580858732 -0.3893876970089929 0.14614599310458112 0.5423790123793604 0.6909663946073993 0.8767006223924502 1.085651628650638 1.1026772661976032 1.0546959240197975 0.960281024895727 0.6971575355335708 0.36593149598355373 0.2281786103763085 0.1043557918529383 +44923,-0.08447400639519394,2,-0.5333317235424098 -0.6695368239181143 -0.6323899783611023 -0.6556067568342304 -0.610720985119515 -0.6973969580858732 -0.3893876970089929 0.14614599310458112 0.5423790123793604 0.6909663946073993 0.8767006223924502 1.085651628650638 1.1026772661976032 1.0546959240197975 0.960281024895727 0.6971575355335708 0.36593149598355373 0.2281786103763085 0.1043557918529383 -0.019467026670423066 +44924,-0.20365346922394204,2,-0.6695368239181143 -0.6323899783611023 -0.6556067568342304 -0.610720985119515 -0.6973969580858732 -0.3893876970089929 0.14614599310458112 0.5423790123793604 0.6909663946073993 0.8767006223924502 1.085651628650638 1.1026772661976032 1.0546959240197975 0.960281024895727 0.6971575355335708 0.36593149598355373 0.2281786103763085 0.1043557918529383 -0.019467026670423066 -0.08447400639519394 +44925,-0.28723387172721004,2,-0.6323899783611023 -0.6556067568342304 -0.610720985119515 -0.6973969580858732 -0.3893876970089929 0.14614599310458112 0.5423790123793604 0.6909663946073993 0.8767006223924502 1.085651628650638 1.1026772661976032 1.0546959240197975 0.960281024895727 0.6971575355335708 0.36593149598355373 0.2281786103763085 0.1043557918529383 -0.019467026670423066 -0.08447400639519394 -0.20365346922394204 +44926,-0.2160357510762764,2,-0.6556067568342304 -0.610720985119515 -0.6973969580858732 -0.3893876970089929 0.14614599310458112 0.5423790123793604 0.6909663946073993 0.8767006223924502 1.085651628650638 1.1026772661976032 1.0546959240197975 0.960281024895727 0.6971575355335708 0.36593149598355373 0.2281786103763085 0.1043557918529383 -0.019467026670423066 -0.08447400639519394 -0.20365346922394204 -0.28723387172721004 +44927,-0.3228329320526813,2,-0.610720985119515 -0.6973969580858732 -0.3893876970089929 0.14614599310458112 0.5423790123793604 0.6909663946073993 0.8767006223924502 1.085651628650638 1.1026772661976032 1.0546959240197975 0.960281024895727 0.6971575355335708 0.36593149598355373 0.2281786103763085 0.1043557918529383 -0.019467026670423066 -0.08447400639519394 -0.20365346922394204 -0.28723387172721004 -0.2160357510762764 +44928,-0.394031052703615,2,-0.6973969580858732 -0.3893876970089929 0.14614599310458112 0.5423790123793604 0.6909663946073993 0.8767006223924502 1.085651628650638 1.1026772661976032 1.0546959240197975 0.960281024895727 0.6971575355335708 0.36593149598355373 0.2281786103763085 0.1043557918529383 -0.019467026670423066 -0.08447400639519394 -0.20365346922394204 -0.28723387172721004 -0.2160357510762764 -0.3228329320526813 +44929,-0.46522917335455743,2,-0.3893876970089929 0.14614599310458112 0.5423790123793604 0.6909663946073993 0.8767006223924502 1.085651628650638 1.1026772661976032 1.0546959240197975 0.960281024895727 0.6971575355335708 0.36593149598355373 0.2281786103763085 0.1043557918529383 -0.019467026670423066 -0.08447400639519394 -0.20365346922394204 -0.28723387172721004 -0.2160357510762764 -0.3228329320526813 -0.394031052703615 +44930,-0.46522917335455743,2,0.14614599310458112 0.5423790123793604 0.6909663946073993 0.8767006223924502 1.085651628650638 1.1026772661976032 1.0546959240197975 0.960281024895727 0.6971575355335708 0.36593149598355373 0.2281786103763085 0.1043557918529383 -0.019467026670423066 -0.08447400639519394 -0.20365346922394204 -0.28723387172721004 -0.2160357510762764 -0.3228329320526813 -0.394031052703615 -0.46522917335455743 +44931,-0.4420123948814206,2,0.5423790123793604 0.6909663946073993 0.8767006223924502 1.085651628650638 1.1026772661976032 1.0546959240197975 0.960281024895727 0.6971575355335708 0.36593149598355373 0.2281786103763085 0.1043557918529383 -0.019467026670423066 -0.08447400639519394 -0.20365346922394204 -0.28723387172721004 -0.2160357510762764 -0.3228329320526813 -0.394031052703615 -0.46522917335455743 -0.46522917335455743 +44932,-0.34604971052580935,2,0.6909663946073993 0.8767006223924502 1.085651628650638 1.1026772661976032 1.0546959240197975 0.960281024895727 0.6971575355335708 0.36593149598355373 0.2281786103763085 0.1043557918529383 -0.019467026670423066 -0.08447400639519394 -0.20365346922394204 -0.28723387172721004 -0.2160357510762764 -0.3228329320526813 -0.394031052703615 -0.46522917335455743 -0.46522917335455743 -0.4420123948814206 +44933,-0.08911736208982483,2,0.8767006223924502 1.085651628650638 1.1026772661976032 1.0546959240197975 0.960281024895727 0.6971575355335708 0.36593149598355373 0.2281786103763085 0.1043557918529383 -0.019467026670423066 -0.08447400639519394 -0.20365346922394204 -0.28723387172721004 -0.2160357510762764 -0.3228329320526813 -0.394031052703615 -0.46522917335455743 -0.46522917335455743 -0.4420123948814206 -0.34604971052580935 +44934,0.11364250324219129,2,1.085651628650638 1.1026772661976032 1.0546959240197975 0.960281024895727 0.6971575355335708 0.36593149598355373 0.2281786103763085 0.1043557918529383 -0.019467026670423066 -0.08447400639519394 -0.20365346922394204 -0.28723387172721004 -0.2160357510762764 -0.3228329320526813 -0.394031052703615 -0.46522917335455743 -0.46522917335455743 -0.4420123948814206 -0.34604971052580935 -0.08911736208982483 +44935,0.5563090794632355,2,1.1026772661976032 1.0546959240197975 0.960281024895727 0.6971575355335708 0.36593149598355373 0.2281786103763085 0.1043557918529383 -0.019467026670423066 -0.08447400639519394 -0.20365346922394204 -0.28723387172721004 -0.2160357510762764 -0.3228329320526813 -0.394031052703615 -0.46522917335455743 -0.46522917335455743 -0.4420123948814206 -0.34604971052580935 -0.08911736208982483 0.11364250324219129 +44936,0.8875351190132439,2,1.0546959240197975 0.960281024895727 0.6971575355335708 0.36593149598355373 0.2281786103763085 0.1043557918529383 -0.019467026670423066 -0.08447400639519394 -0.20365346922394204 -0.28723387172721004 -0.2160357510762764 -0.3228329320526813 -0.394031052703615 -0.46522917335455743 -0.46522917335455743 -0.4420123948814206 -0.34604971052580935 -0.08911736208982483 0.11364250324219129 0.5563090794632355 +44937,1.053148138788248,2,0.960281024895727 0.6971575355335708 0.36593149598355373 0.2281786103763085 0.1043557918529383 -0.019467026670423066 -0.08447400639519394 -0.20365346922394204 -0.28723387172721004 -0.2160357510762764 -0.3228329320526813 -0.394031052703615 -0.46522917335455743 -0.46522917335455743 -0.4420123948814206 -0.34604971052580935 -0.08911736208982483 0.11364250324219129 0.5563090794632355 0.8875351190132439 +44938,1.085651628650638,2,0.6971575355335708 0.36593149598355373 0.2281786103763085 0.1043557918529383 -0.019467026670423066 -0.08447400639519394 -0.20365346922394204 -0.28723387172721004 -0.2160357510762764 -0.3228329320526813 -0.394031052703615 -0.46522917335455743 -0.46522917335455743 -0.4420123948814206 -0.34604971052580935 -0.08911736208982483 0.11364250324219129 0.5563090794632355 0.8875351190132439 1.053148138788248 +44939,1.085651628650638,2,0.36593149598355373 0.2281786103763085 0.1043557918529383 -0.019467026670423066 -0.08447400639519394 -0.20365346922394204 -0.28723387172721004 -0.2160357510762764 -0.3228329320526813 -0.394031052703615 -0.46522917335455743 -0.46522917335455743 -0.4420123948814206 -0.34604971052580935 -0.08911736208982483 0.11364250324219129 0.5563090794632355 0.8875351190132439 1.053148138788248 1.085651628650638 +44940,1.0221924341574078,2,0.2281786103763085 0.1043557918529383 -0.019467026670423066 -0.08447400639519394 -0.20365346922394204 -0.28723387172721004 -0.2160357510762764 -0.3228329320526813 -0.394031052703615 -0.46522917335455743 -0.46522917335455743 -0.4420123948814206 -0.34604971052580935 -0.08911736208982483 0.11364250324219129 0.5563090794632355 0.8875351190132439 1.053148138788248 1.085651628650638 1.085651628650638 +44941,0.8581271996139442,2,0.1043557918529383 -0.019467026670423066 -0.08447400639519394 -0.20365346922394204 -0.28723387172721004 -0.2160357510762764 -0.3228329320526813 -0.394031052703615 -0.46522917335455743 -0.46522917335455743 -0.4420123948814206 -0.34604971052580935 -0.08911736208982483 0.11364250324219129 0.5563090794632355 0.8875351190132439 1.053148138788248 1.085651628650638 1.085651628650638 1.0221924341574078 +44942,0.6151249182618348,2,-0.019467026670423066 -0.08447400639519394 -0.20365346922394204 -0.28723387172721004 -0.2160357510762764 -0.3228329320526813 -0.394031052703615 -0.46522917335455743 -0.46522917335455743 -0.4420123948814206 -0.34604971052580935 -0.08911736208982483 0.11364250324219129 0.5563090794632355 0.8875351190132439 1.053148138788248 1.085651628650638 1.085651628650638 1.0221924341574078 0.8581271996139442 +44943,0.5950037102517881,2,-0.08447400639519394 -0.20365346922394204 -0.28723387172721004 -0.2160357510762764 -0.3228329320526813 -0.394031052703615 -0.46522917335455743 -0.46522917335455743 -0.4420123948814206 -0.34604971052580935 -0.08911736208982483 0.11364250324219129 0.5563090794632355 0.8875351190132439 1.053148138788248 1.085651628650638 1.085651628650638 1.0221924341574078 0.8581271996139442 0.6151249182618348 +44944,0.434034046171406,2,-0.20365346922394204 -0.28723387172721004 -0.2160357510762764 -0.3228329320526813 -0.394031052703615 -0.46522917335455743 -0.46522917335455743 -0.4420123948814206 -0.34604971052580935 -0.08911736208982483 0.11364250324219129 0.5563090794632355 0.8875351190132439 1.053148138788248 1.085651628650638 1.085651628650638 1.0221924341574078 0.8581271996139442 0.6151249182618348 0.5950037102517881 +44945,0.40462612677210635,2,-0.28723387172721004 -0.2160357510762764 -0.3228329320526813 -0.394031052703615 -0.46522917335455743 -0.46522917335455743 -0.4420123948814206 -0.34604971052580935 -0.08911736208982483 0.11364250324219129 0.5563090794632355 0.8875351190132439 1.053148138788248 1.085651628650638 1.085651628650638 1.0221924341574078 0.8581271996139442 0.6151249182618348 0.5950037102517881 0.434034046171406 +44946,0.3117590128795853,2,-0.2160357510762764 -0.3228329320526813 -0.394031052703615 -0.46522917335455743 -0.46522917335455743 -0.4420123948814206 -0.34604971052580935 -0.08911736208982483 0.11364250324219129 0.5563090794632355 0.8875351190132439 1.053148138788248 1.085651628650638 1.085651628650638 1.0221924341574078 0.8581271996139442 0.6151249182618348 0.5950037102517881 0.434034046171406 0.40462612677210635 +44947,0.18948397958775584,2,-0.3228329320526813 -0.394031052703615 -0.46522917335455743 -0.46522917335455743 -0.4420123948814206 -0.34604971052580935 -0.08911736208982483 0.11364250324219129 0.5563090794632355 0.8875351190132439 1.053148138788248 1.085651628650638 1.085651628650638 1.0221924341574078 0.8581271996139442 0.6151249182618348 0.5950037102517881 0.434034046171406 0.40462612677210635 0.3117590128795853 +44948,0.14305042264149093,2,-0.394031052703615 -0.46522917335455743 -0.46522917335455743 -0.4420123948814206 -0.34604971052580935 -0.08911736208982483 0.11364250324219129 0.5563090794632355 0.8875351190132439 1.053148138788248 1.085651628650638 1.085651628650638 1.0221924341574078 0.8581271996139442 0.6151249182618348 0.5950037102517881 0.434034046171406 0.40462612677210635 0.3117590128795853 0.18948397958775584 +44949,0.08268679861135095,2,-0.46522917335455743 -0.46522917335455743 -0.4420123948814206 -0.34604971052580935 -0.08911736208982483 0.11364250324219129 0.5563090794632355 0.8875351190132439 1.053148138788248 1.085651628650638 1.085651628650638 1.0221924341574078 0.8581271996139442 0.6151249182618348 0.5950037102517881 0.434034046171406 0.40462612677210635 0.3117590128795853 0.18948397958775584 0.14305042264149093 +44950,-0.013275885744260276,2,-0.46522917335455743 -0.4420123948814206 -0.34604971052580935 -0.08911736208982483 0.11364250324219129 0.5563090794632355 0.8875351190132439 1.053148138788248 1.085651628650638 1.085651628650638 1.0221924341574078 0.8581271996139442 0.6151249182618348 0.5950037102517881 0.434034046171406 0.40462612677210635 0.3117590128795853 0.18948397958775584 0.14305042264149093 0.08268679861135095 +44951,-0.0008936038919258983,2,-0.4420123948814206 -0.34604971052580935 -0.08911736208982483 0.11364250324219129 0.5563090794632355 0.8875351190132439 1.053148138788248 1.085651628650638 1.085651628650638 1.0221924341574078 0.8581271996139442 0.6151249182618348 0.5950037102517881 0.434034046171406 0.40462612677210635 0.3117590128795853 0.18948397958775584 0.14305042264149093 0.08268679861135095 -0.013275885744260276 +44952,0.011488677960417278,2,-0.34604971052580935 -0.08911736208982483 0.11364250324219129 0.5563090794632355 0.8875351190132439 1.053148138788248 1.085651628650638 1.085651628650638 1.0221924341574078 0.8581271996139442 0.6151249182618348 0.5950037102517881 0.434034046171406 0.40462612677210635 0.3117590128795853 0.18948397958775584 0.14305042264149093 0.08268679861135095 -0.013275885744260276 -0.0008936038919258983 +44953,-0.06435279838514728,2,-0.08911736208982483 0.11364250324219129 0.5563090794632355 0.8875351190132439 1.053148138788248 1.085651628650638 1.085651628650638 1.0221924341574078 0.8581271996139442 0.6151249182618348 0.5950037102517881 0.434034046171406 0.40462612677210635 0.3117590128795853 0.18948397958775584 0.14305042264149093 0.08268679861135095 -0.013275885744260276 -0.0008936038919258983 0.011488677960417278 +44954,-0.08602179162673464,2,0.11364250324219129 0.5563090794632355 0.8875351190132439 1.053148138788248 1.085651628650638 1.085651628650638 1.0221924341574078 0.8581271996139442 0.6151249182618348 0.5950037102517881 0.434034046171406 0.40462612677210635 0.3117590128795853 0.18948397958775584 0.14305042264149093 0.08268679861135095 -0.013275885744260276 -0.0008936038919258983 0.011488677960417278 -0.06435279838514728 +44955,-0.1076907848683308,2,0.5563090794632355 0.8875351190132439 1.053148138788248 1.085651628650638 1.085651628650638 1.0221924341574078 0.8581271996139442 0.6151249182618348 0.5950037102517881 0.434034046171406 0.40462612677210635 0.3117590128795853 0.18948397958775584 0.14305042264149093 0.08268679861135095 -0.013275885744260276 -0.0008936038919258983 0.011488677960417278 -0.06435279838514728 -0.08602179162673464 +44956,-0.09840407347907781,2,0.8875351190132439 1.053148138788248 1.085651628650638 1.085651628650638 1.0221924341574078 0.8581271996139442 0.6151249182618348 0.5950037102517881 0.434034046171406 0.40462612677210635 0.3117590128795853 0.18948397958775584 0.14305042264149093 0.08268679861135095 -0.013275885744260276 -0.0008936038919258983 0.011488677960417278 -0.06435279838514728 -0.08602179162673464 -0.1076907848683308 +44957,-0.06744836884822868,2,1.053148138788248 1.085651628650638 1.085651628650638 1.0221924341574078 0.8581271996139442 0.6151249182618348 0.5950037102517881 0.434034046171406 0.40462612677210635 0.3117590128795853 0.18948397958775584 0.14305042264149093 0.08268679861135095 -0.013275885744260276 -0.0008936038919258983 0.011488677960417278 -0.06435279838514728 -0.08602179162673464 -0.1076907848683308 -0.09840407347907781 +44958,0.06411337583284497,2,1.085651628650638 1.085651628650638 1.0221924341574078 0.8581271996139442 0.6151249182618348 0.5950037102517881 0.434034046171406 0.40462612677210635 0.3117590128795853 0.18948397958775584 0.14305042264149093 0.08268679861135095 -0.013275885744260276 -0.0008936038919258983 0.011488677960417278 -0.06435279838514728 -0.08602179162673464 -0.1076907848683308 -0.09840407347907781 -0.06744836884822868 +44959,0.2792555230171955,2,1.085651628650638 1.0221924341574078 0.8581271996139442 0.6151249182618348 0.5950037102517881 0.434034046171406 0.40462612677210635 0.3117590128795853 0.18948397958775584 0.14305042264149093 0.08268679861135095 -0.013275885744260276 -0.0008936038919258983 0.011488677960417278 -0.06435279838514728 -0.08602179162673464 -0.1076907848683308 -0.09840407347907781 -0.06744836884822868 0.06411337583284497 +44960,0.4851109588123018,2,1.0221924341574078 0.8581271996139442 0.6151249182618348 0.5950037102517881 0.434034046171406 0.40462612677210635 0.3117590128795853 0.18948397958775584 0.14305042264149093 0.08268679861135095 -0.013275885744260276 -0.0008936038919258983 0.011488677960417278 -0.06435279838514728 -0.08602179162673464 -0.1076907848683308 -0.09840407347907781 -0.06744836884822868 0.06411337583284497 0.2792555230171955 +44961,0.6027426364095004,2,0.8581271996139442 0.6151249182618348 0.5950037102517881 0.434034046171406 0.40462612677210635 0.3117590128795853 0.18948397958775584 0.14305042264149093 0.08268679861135095 -0.013275885744260276 -0.0008936038919258983 0.011488677960417278 -0.06435279838514728 -0.08602179162673464 -0.1076907848683308 -0.09840407347907781 -0.06744836884822868 0.06411337583284497 0.2792555230171955 0.4851109588123018 +44962,0.6491761933557653,2,0.6151249182618348 0.5950037102517881 0.434034046171406 0.40462612677210635 0.3117590128795853 0.18948397958775584 0.14305042264149093 0.08268679861135095 -0.013275885744260276 -0.0008936038919258983 0.011488677960417278 -0.06435279838514728 -0.08602179162673464 -0.1076907848683308 -0.09840407347907781 -0.06744836884822868 0.06411337583284497 0.2792555230171955 0.4851109588123018 0.6027426364095004 +44963,0.6971575355335708,2,0.5950037102517881 0.434034046171406 0.40462612677210635 0.3117590128795853 0.18948397958775584 0.14305042264149093 0.08268679861135095 -0.013275885744260276 -0.0008936038919258983 0.011488677960417278 -0.06435279838514728 -0.08602179162673464 -0.1076907848683308 -0.09840407347907781 -0.06744836884822868 0.06411337583284497 0.2792555230171955 0.4851109588123018 0.6027426364095004 0.6491761933557653 +44964,0.6182204887249162,2,0.434034046171406 0.40462612677210635 0.3117590128795853 0.18948397958775584 0.14305042264149093 0.08268679861135095 -0.013275885744260276 -0.0008936038919258983 0.011488677960417278 -0.06435279838514728 -0.08602179162673464 -0.1076907848683308 -0.09840407347907781 -0.06744836884822868 0.06411337583284497 0.2792555230171955 0.4851109588123018 0.6027426364095004 0.6491761933557653 0.6971575355335708 +44965,0.46034639510762426,2,0.40462612677210635 0.3117590128795853 0.18948397958775584 0.14305042264149093 0.08268679861135095 -0.013275885744260276 -0.0008936038919258983 0.011488677960417278 -0.06435279838514728 -0.08602179162673464 -0.1076907848683308 -0.09840407347907781 -0.06744836884822868 0.06411337583284497 0.2792555230171955 0.4851109588123018 0.6027426364095004 0.6491761933557653 0.6971575355335708 0.6182204887249162 +44966,0.20186626144009023,2,0.3117590128795853 0.18948397958775584 0.14305042264149093 0.08268679861135095 -0.013275885744260276 -0.0008936038919258983 0.011488677960417278 -0.06435279838514728 -0.08602179162673464 -0.1076907848683308 -0.09840407347907781 -0.06744836884822868 0.06411337583284497 0.2792555230171955 0.4851109588123018 0.6027426364095004 0.6491761933557653 0.6971575355335708 0.6182204887249162 0.46034639510762426 +44967,0.10126022138985691,2,0.18948397958775584 0.14305042264149093 0.08268679861135095 -0.013275885744260276 -0.0008936038919258983 0.011488677960417278 -0.06435279838514728 -0.08602179162673464 -0.1076907848683308 -0.09840407347907781 -0.06744836884822868 0.06411337583284497 0.2792555230171955 0.4851109588123018 0.6027426364095004 0.6491761933557653 0.6971575355335708 0.6182204887249162 0.46034639510762426 0.20186626144009023 +44968,0.02696653027583305,2,0.14305042264149093 0.08268679861135095 -0.013275885744260276 -0.0008936038919258983 0.011488677960417278 -0.06435279838514728 -0.08602179162673464 -0.1076907848683308 -0.09840407347907781 -0.06744836884822868 0.06411337583284497 0.2792555230171955 0.4851109588123018 0.6027426364095004 0.6491761933557653 0.6971575355335708 0.6182204887249162 0.46034639510762426 0.20186626144009023 0.10126022138985691 +44969,-0.08137843593211255,2,0.08268679861135095 -0.013275885744260276 -0.0008936038919258983 0.011488677960417278 -0.06435279838514728 -0.08602179162673464 -0.1076907848683308 -0.09840407347907781 -0.06744836884822868 0.06411337583284497 0.2792555230171955 0.4851109588123018 0.6027426364095004 0.6491761933557653 0.6971575355335708 0.6182204887249162 0.46034639510762426 0.20186626144009023 0.10126022138985691 0.02696653027583305 +44970,-0.19746232829777044,2,-0.013275885744260276 -0.0008936038919258983 0.011488677960417278 -0.06435279838514728 -0.08602179162673464 -0.1076907848683308 -0.09840407347907781 -0.06744836884822868 0.06411337583284497 0.2792555230171955 0.4851109588123018 0.6027426364095004 0.6491761933557653 0.6971575355335708 0.6182204887249162 0.46034639510762426 0.20186626144009023 0.10126022138985691 0.02696653027583305 -0.08137843593211255 +44971,-0.22687024769707007,2,-0.0008936038919258983 0.011488677960417278 -0.06435279838514728 -0.08602179162673464 -0.1076907848683308 -0.09840407347907781 -0.06744836884822868 0.06411337583284497 0.2792555230171955 0.4851109588123018 0.6027426364095004 0.6491761933557653 0.6971575355335708 0.6182204887249162 0.46034639510762426 0.20186626144009023 0.10126022138985691 0.02696653027583305 -0.08137843593211255 -0.19746232829777044 +44972,-0.2748515898748757,2,0.011488677960417278 -0.06435279838514728 -0.08602179162673464 -0.1076907848683308 -0.09840407347907781 -0.06744836884822868 0.06411337583284497 0.2792555230171955 0.4851109588123018 0.6027426364095004 0.6491761933557653 0.6971575355335708 0.6182204887249162 0.46034639510762426 0.20186626144009023 0.10126022138985691 0.02696653027583305 -0.08137843593211255 -0.19746232829777044 -0.22687024769707007 +44973,-0.3553364219150623,2,-0.06435279838514728 -0.08602179162673464 -0.1076907848683308 -0.09840407347907781 -0.06744836884822868 0.06411337583284497 0.2792555230171955 0.4851109588123018 0.6027426364095004 0.6491761933557653 0.6971575355335708 0.6182204887249162 0.46034639510762426 0.20186626144009023 0.10126022138985691 0.02696653027583305 -0.08137843593211255 -0.19746232829777044 -0.22687024769707007 -0.2748515898748757 +44974,-0.5116627303008136,2,-0.08602179162673464 -0.1076907848683308 -0.09840407347907781 -0.06744836884822868 0.06411337583284497 0.2792555230171955 0.4851109588123018 0.6027426364095004 0.6491761933557653 0.6971575355335708 0.6182204887249162 0.46034639510762426 0.20186626144009023 0.10126022138985691 0.02696653027583305 -0.08137843593211255 -0.19746232829777044 -0.22687024769707007 -0.2748515898748757 -0.3553364219150623 +44975,-0.5952431328040904,2,-0.1076907848683308 -0.09840407347907781 -0.06744836884822868 0.06411337583284497 0.2792555230171955 0.4851109588123018 0.6027426364095004 0.6491761933557653 0.6971575355335708 0.6182204887249162 0.46034639510762426 0.20186626144009023 0.10126022138985691 0.02696653027583305 -0.08137843593211255 -0.19746232829777044 -0.22687024769707007 -0.2748515898748757 -0.3553364219150623 -0.5116627303008136 +44976,-0.6912058171597016,2,-0.09840407347907781 -0.06744836884822868 0.06411337583284497 0.2792555230171955 0.4851109588123018 0.6027426364095004 0.6491761933557653 0.6971575355335708 0.6182204887249162 0.46034639510762426 0.20186626144009023 0.10126022138985691 0.02696653027583305 -0.08137843593211255 -0.19746232829777044 -0.22687024769707007 -0.2748515898748757 -0.3553364219150623 -0.5116627303008136 -0.5952431328040904 +44977,-0.750021655958301,2,-0.06744836884822868 0.06411337583284497 0.2792555230171955 0.4851109588123018 0.6027426364095004 0.6491761933557653 0.6971575355335708 0.6182204887249162 0.46034639510762426 0.20186626144009023 0.10126022138985691 0.02696653027583305 -0.08137843593211255 -0.19746232829777044 -0.22687024769707007 -0.2748515898748757 -0.3553364219150623 -0.5116627303008136 -0.5952431328040904 -0.6912058171597016 +44978,-0.8692011187870402,2,0.06411337583284497 0.2792555230171955 0.4851109588123018 0.6027426364095004 0.6491761933557653 0.6971575355335708 0.6182204887249162 0.46034639510762426 0.20186626144009023 0.10126022138985691 0.02696653027583305 -0.08137843593211255 -0.19746232829777044 -0.22687024769707007 -0.2748515898748757 -0.3553364219150623 -0.5116627303008136 -0.5952431328040904 -0.6912058171597016 -0.750021655958301 +44979,-0.8583666221662465,2,0.2792555230171955 0.4851109588123018 0.6027426364095004 0.6491761933557653 0.6971575355335708 0.6182204887249162 0.46034639510762426 0.20186626144009023 0.10126022138985691 0.02696653027583305 -0.08137843593211255 -0.19746232829777044 -0.22687024769707007 -0.2748515898748757 -0.3553364219150623 -0.5116627303008136 -0.5952431328040904 -0.6912058171597016 -0.750021655958301 -0.8692011187870402 +44980,-0.8924178972601771,2,0.4851109588123018 0.6027426364095004 0.6491761933557653 0.6971575355335708 0.6182204887249162 0.46034639510762426 0.20186626144009023 0.10126022138985691 0.02696653027583305 -0.08137843593211255 -0.19746232829777044 -0.22687024769707007 -0.2748515898748757 -0.3553364219150623 -0.5116627303008136 -0.5952431328040904 -0.6912058171597016 -0.750021655958301 -0.8692011187870402 -0.8583666221662465 +44981,-0.4760636699753511,2,0.6027426364095004 0.6491761933557653 0.6971575355335708 0.6182204887249162 0.46034639510762426 0.20186626144009023 0.10126022138985691 0.02696653027583305 -0.08137843593211255 -0.19746232829777044 -0.22687024769707007 -0.2748515898748757 -0.3553364219150623 -0.5116627303008136 -0.5952431328040904 -0.6912058171597016 -0.750021655958301 -0.8692011187870402 -0.8583666221662465 -0.8924178972601771 +44982,0.05637444967513269,2,0.6491761933557653 0.6971575355335708 0.6182204887249162 0.46034639510762426 0.20186626144009023 0.10126022138985691 0.02696653027583305 -0.08137843593211255 -0.19746232829777044 -0.22687024769707007 -0.2748515898748757 -0.3553364219150623 -0.5116627303008136 -0.5952431328040904 -0.6912058171597016 -0.750021655958301 -0.8692011187870402 -0.8583666221662465 -0.8924178972601771 -0.4760636699753511 +44983,0.392243844919772,2,0.6971575355335708 0.6182204887249162 0.46034639510762426 0.20186626144009023 0.10126022138985691 0.02696653027583305 -0.08137843593211255 -0.19746232829777044 -0.22687024769707007 -0.2748515898748757 -0.3553364219150623 -0.5116627303008136 -0.5952431328040904 -0.6912058171597016 -0.750021655958301 -0.8692011187870402 -0.8583666221662465 -0.8924178972601771 -0.4760636699753511 0.05637444967513269 +44984,0.701800891228193,2,0.6182204887249162 0.46034639510762426 0.20186626144009023 0.10126022138985691 0.02696653027583305 -0.08137843593211255 -0.19746232829777044 -0.22687024769707007 -0.2748515898748757 -0.3553364219150623 -0.5116627303008136 -0.5952431328040904 -0.6912058171597016 -0.750021655958301 -0.8692011187870402 -0.8583666221662465 -0.8924178972601771 -0.4760636699753511 0.05637444967513269 0.392243844919772 +44985,0.9184908236440842,2,0.46034639510762426 0.20186626144009023 0.10126022138985691 0.02696653027583305 -0.08137843593211255 -0.19746232829777044 -0.22687024769707007 -0.2748515898748757 -0.3553364219150623 -0.5116627303008136 -0.5952431328040904 -0.6912058171597016 -0.750021655958301 -0.8692011187870402 -0.8583666221662465 -0.8924178972601771 -0.4760636699753511 0.05637444967513269 0.392243844919772 0.701800891228193 +44986,1.0144535079996955,2,0.20186626144009023 0.10126022138985691 0.02696653027583305 -0.08137843593211255 -0.19746232829777044 -0.22687024769707007 -0.2748515898748757 -0.3553364219150623 -0.5116627303008136 -0.5952431328040904 -0.6912058171597016 -0.750021655958301 -0.8692011187870402 -0.8583666221662465 -0.8924178972601771 -0.4760636699753511 0.05637444967513269 0.392243844919772 0.701800891228193 0.9184908236440842 +44987,1.0129057227681548,2,0.10126022138985691 0.02696653027583305 -0.08137843593211255 -0.19746232829777044 -0.22687024769707007 -0.2748515898748757 -0.3553364219150623 -0.5116627303008136 -0.5952431328040904 -0.6912058171597016 -0.750021655958301 -0.8692011187870402 -0.8583666221662465 -0.8924178972601771 -0.4760636699753511 0.05637444967513269 0.392243844919772 0.701800891228193 0.9184908236440842 1.0144535079996955 +44988,0.9571854544326368,2,0.02696653027583305 -0.08137843593211255 -0.19746232829777044 -0.22687024769707007 -0.2748515898748757 -0.3553364219150623 -0.5116627303008136 -0.5952431328040904 -0.6912058171597016 -0.750021655958301 -0.8692011187870402 -0.8583666221662465 -0.8924178972601771 -0.4760636699753511 0.05637444967513269 0.392243844919772 0.701800891228193 0.9184908236440842 1.0144535079996955 1.0129057227681548 +44989,0.69251417983894,2,-0.08137843593211255 -0.19746232829777044 -0.22687024769707007 -0.2748515898748757 -0.3553364219150623 -0.5116627303008136 -0.5952431328040904 -0.6912058171597016 -0.750021655958301 -0.8692011187870402 -0.8583666221662465 -0.8924178972601771 -0.4760636699753511 0.05637444967513269 0.392243844919772 0.701800891228193 0.9184908236440842 1.0144535079996955 1.0129057227681548 0.9571854544326368 +44990,0.35819256982585024,2,-0.19746232829777044 -0.22687024769707007 -0.2748515898748757 -0.3553364219150623 -0.5116627303008136 -0.5952431328040904 -0.6912058171597016 -0.750021655958301 -0.8692011187870402 -0.8583666221662465 -0.8924178972601771 -0.4760636699753511 0.05637444967513269 0.392243844919772 0.701800891228193 0.9184908236440842 1.0144535079996955 1.0129057227681548 0.9571854544326368 0.69251417983894 +44991,0.2127007580608927,2,-0.22687024769707007 -0.2748515898748757 -0.3553364219150623 -0.5116627303008136 -0.5952431328040904 -0.6912058171597016 -0.750021655958301 -0.8692011187870402 -0.8583666221662465 -0.8924178972601771 -0.4760636699753511 0.05637444967513269 0.392243844919772 0.701800891228193 0.9184908236440842 1.0144535079996955 1.0129057227681548 0.9571854544326368 0.69251417983894 0.35819256982585024 +44992,0.07804344291672885,2,-0.2748515898748757 -0.3553364219150623 -0.5116627303008136 -0.5952431328040904 -0.6912058171597016 -0.750021655958301 -0.8692011187870402 -0.8583666221662465 -0.8924178972601771 -0.4760636699753511 0.05637444967513269 0.392243844919772 0.701800891228193 0.9184908236440842 1.0144535079996955 1.0129057227681548 0.9571854544326368 0.69251417983894 0.35819256982585024 0.2127007580608927 +44993,-0.06280501315360658,2,-0.3553364219150623 -0.5116627303008136 -0.5952431328040904 -0.6912058171597016 -0.750021655958301 -0.8692011187870402 -0.8583666221662465 -0.8924178972601771 -0.4760636699753511 0.05637444967513269 0.392243844919772 0.701800891228193 0.9184908236440842 1.0144535079996955 1.0129057227681548 0.9571854544326368 0.69251417983894 0.35819256982585024 0.2127007580608927 0.07804344291672885 +44994,-0.15102877135150553,2,-0.5116627303008136 -0.5952431328040904 -0.6912058171597016 -0.750021655958301 -0.8692011187870402 -0.8583666221662465 -0.8924178972601771 -0.4760636699753511 0.05637444967513269 0.392243844919772 0.701800891228193 0.9184908236440842 1.0144535079996955 1.0129057227681548 0.9571854544326368 0.69251417983894 0.35819256982585024 0.2127007580608927 0.07804344291672885 -0.06280501315360658 +44995,-0.2516348114017388,2,-0.5952431328040904 -0.6912058171597016 -0.750021655958301 -0.8692011187870402 -0.8583666221662465 -0.8924178972601771 -0.4760636699753511 0.05637444967513269 0.392243844919772 0.701800891228193 0.9184908236440842 1.0144535079996955 1.0129057227681548 0.9571854544326368 0.69251417983894 0.35819256982585024 0.2127007580608927 0.07804344291672885 -0.06280501315360658 -0.15102877135150553 +44996,-0.3801009856197399,2,-0.6912058171597016 -0.750021655958301 -0.8692011187870402 -0.8583666221662465 -0.8924178972601771 -0.4760636699753511 0.05637444967513269 0.392243844919772 0.701800891228193 0.9184908236440842 1.0144535079996955 1.0129057227681548 0.9571854544326368 0.69251417983894 0.35819256982585024 0.2127007580608927 0.07804344291672885 -0.06280501315360658 -0.15102877135150553 -0.2516348114017388 +44997,-0.40641333455594936,2,-0.750021655958301 -0.8692011187870402 -0.8583666221662465 -0.8924178972601771 -0.4760636699753511 0.05637444967513269 0.392243844919772 0.701800891228193 0.9184908236440842 1.0144535079996955 1.0129057227681548 0.9571854544326368 0.69251417983894 0.35819256982585024 0.2127007580608927 0.07804344291672885 -0.06280501315360658 -0.15102877135150553 -0.2516348114017388 -0.3801009856197399 +44998,-0.45439467673375494,2,-0.8692011187870402 -0.8583666221662465 -0.8924178972601771 -0.4760636699753511 0.05637444967513269 0.392243844919772 0.701800891228193 0.9184908236440842 1.0144535079996955 1.0129057227681548 0.9571854544326368 0.69251417983894 0.35819256982585024 0.2127007580608927 0.07804344291672885 -0.06280501315360658 -0.15102877135150553 -0.2516348114017388 -0.3801009856197399 -0.40641333455594936 +44999,-0.620007696508768,2,-0.8583666221662465 -0.8924178972601771 -0.4760636699753511 0.05637444967513269 0.392243844919772 0.701800891228193 0.9184908236440842 1.0144535079996955 1.0129057227681548 0.9571854544326368 0.69251417983894 0.35819256982585024 0.2127007580608927 0.07804344291672885 -0.06280501315360658 -0.15102877135150553 -0.2516348114017388 -0.3801009856197399 -0.40641333455594936 -0.45439467673375494 +45000,-0.7515694411898416,2,-0.8924178972601771 -0.4760636699753511 0.05637444967513269 0.392243844919772 0.701800891228193 0.9184908236440842 1.0144535079996955 1.0129057227681548 0.9571854544326368 0.69251417983894 0.35819256982585024 0.2127007580608927 0.07804344291672885 -0.06280501315360658 -0.15102877135150553 -0.2516348114017388 -0.3801009856197399 -0.40641333455594936 -0.45439467673375494 -0.620007696508768 +45001,-0.9326603132802703,2,-0.4760636699753511 0.05637444967513269 0.392243844919772 0.701800891228193 0.9184908236440842 1.0144535079996955 1.0129057227681548 0.9571854544326368 0.69251417983894 0.35819256982585024 0.2127007580608927 0.07804344291672885 -0.06280501315360658 -0.15102877135150553 -0.2516348114017388 -0.3801009856197399 -0.40641333455594936 -0.45439467673375494 -0.620007696508768 -0.7515694411898416 +45002,-0.8599144073977872,2,0.05637444967513269 0.392243844919772 0.701800891228193 0.9184908236440842 1.0144535079996955 1.0129057227681548 0.9571854544326368 0.69251417983894 0.35819256982585024 0.2127007580608927 0.07804344291672885 -0.06280501315360658 -0.15102877135150553 -0.2516348114017388 -0.3801009856197399 -0.40641333455594936 -0.45439467673375494 -0.620007696508768 -0.7515694411898416 -0.9326603132802703 +45003,-1.1122034001391496,2,0.392243844919772 0.701800891228193 0.9184908236440842 1.0144535079996955 1.0129057227681548 0.9571854544326368 0.69251417983894 0.35819256982585024 0.2127007580608927 0.07804344291672885 -0.06280501315360658 -0.15102877135150553 -0.2516348114017388 -0.3801009856197399 -0.40641333455594936 -0.45439467673375494 -0.620007696508768 -0.7515694411898416 -0.9326603132802703 -0.8599144073977872 +45004,-1.0379097090251346,2,0.701800891228193 0.9184908236440842 1.0144535079996955 1.0129057227681548 0.9571854544326368 0.69251417983894 0.35819256982585024 0.2127007580608927 0.07804344291672885 -0.06280501315360658 -0.15102877135150553 -0.2516348114017388 -0.3801009856197399 -0.40641333455594936 -0.45439467673375494 -0.620007696508768 -0.7515694411898416 -0.9326603132802703 -0.8599144073977872 -1.1122034001391496 +45005,-0.5441662201632034,2,0.9184908236440842 1.0144535079996955 1.0129057227681548 0.9571854544326368 0.69251417983894 0.35819256982585024 0.2127007580608927 0.07804344291672885 -0.06280501315360658 -0.15102877135150553 -0.2516348114017388 -0.3801009856197399 -0.40641333455594936 -0.45439467673375494 -0.620007696508768 -0.7515694411898416 -0.9326603132802703 -0.8599144073977872 -1.1122034001391496 -1.0379097090251346 +45006,0.01613203365503937,2,1.0144535079996955 1.0129057227681548 0.9571854544326368 0.69251417983894 0.35819256982585024 0.2127007580608927 0.07804344291672885 -0.06280501315360658 -0.15102877135150553 -0.2516348114017388 -0.3801009856197399 -0.40641333455594936 -0.45439467673375494 -0.620007696508768 -0.7515694411898416 -0.9326603132802703 -0.8599144073977872 -1.1122034001391496 -1.0379097090251346 -0.5441662201632034 +45007,0.4231995495506123,2,1.0129057227681548 0.9571854544326368 0.69251417983894 0.35819256982585024 0.2127007580608927 0.07804344291672885 -0.06280501315360658 -0.15102877135150553 -0.2516348114017388 -0.3801009856197399 -0.40641333455594936 -0.45439467673375494 -0.620007696508768 -0.7515694411898416 -0.9326603132802703 -0.8599144073977872 -1.1122034001391496 -1.0379097090251346 -0.5441662201632034 0.01613203365503937 +45008,0.711087602617446,2,0.9571854544326368 0.69251417983894 0.35819256982585024 0.2127007580608927 0.07804344291672885 -0.06280501315360658 -0.15102877135150553 -0.2516348114017388 -0.3801009856197399 -0.40641333455594936 -0.45439467673375494 -0.620007696508768 -0.7515694411898416 -0.9326603132802703 -0.8599144073977872 -1.1122034001391496 -1.0379097090251346 -0.5441662201632034 0.01613203365503937 0.4231995495506123 +45009,0.8008591460468856,2,0.69251417983894 0.35819256982585024 0.2127007580608927 0.07804344291672885 -0.06280501315360658 -0.15102877135150553 -0.2516348114017388 -0.3801009856197399 -0.40641333455594936 -0.45439467673375494 -0.620007696508768 -0.7515694411898416 -0.9326603132802703 -0.8599144073977872 -1.1122034001391496 -1.0379097090251346 -0.5441662201632034 0.01613203365503937 0.4231995495506123 0.711087602617446 +45010,0.8767006223924502,2,0.35819256982585024 0.2127007580608927 0.07804344291672885 -0.06280501315360658 -0.15102877135150553 -0.2516348114017388 -0.3801009856197399 -0.40641333455594936 -0.45439467673375494 -0.620007696508768 -0.7515694411898416 -0.9326603132802703 -0.8599144073977872 -1.1122034001391496 -1.0379097090251346 -0.5441662201632034 0.01613203365503937 0.4231995495506123 0.711087602617446 0.8008591460468856 +45011,0.9664721658218898,2,0.2127007580608927 0.07804344291672885 -0.06280501315360658 -0.15102877135150553 -0.2516348114017388 -0.3801009856197399 -0.40641333455594936 -0.45439467673375494 -0.620007696508768 -0.7515694411898416 -0.9326603132802703 -0.8599144073977872 -1.1122034001391496 -1.0379097090251346 -0.5441662201632034 0.01613203365503937 0.4231995495506123 0.711087602617446 0.8008591460468856 0.8767006223924502 +45012,0.9045607565602091,2,0.07804344291672885 -0.06280501315360658 -0.15102877135150553 -0.2516348114017388 -0.3801009856197399 -0.40641333455594936 -0.45439467673375494 -0.620007696508768 -0.7515694411898416 -0.9326603132802703 -0.8599144073977872 -1.1122034001391496 -1.0379097090251346 -0.5441662201632034 0.01613203365503937 0.4231995495506123 0.711087602617446 0.8008591460468856 0.8767006223924502 0.9664721658218898 +45013,0.7544255891006295,2,-0.06280501315360658 -0.15102877135150553 -0.2516348114017388 -0.3801009856197399 -0.40641333455594936 -0.45439467673375494 -0.620007696508768 -0.7515694411898416 -0.9326603132802703 -0.8599144073977872 -1.1122034001391496 -1.0379097090251346 -0.5441662201632034 0.01613203365503937 0.4231995495506123 0.711087602617446 0.8008591460468856 0.8767006223924502 0.9664721658218898 0.9045607565602091 +45014,0.3287846504265506,2,-0.15102877135150553 -0.2516348114017388 -0.3801009856197399 -0.40641333455594936 -0.45439467673375494 -0.620007696508768 -0.7515694411898416 -0.9326603132802703 -0.8599144073977872 -1.1122034001391496 -1.0379097090251346 -0.5441662201632034 0.01613203365503937 0.4231995495506123 0.711087602617446 0.8008591460468856 0.8767006223924502 0.9664721658218898 0.9045607565602091 0.7544255891006295 +45015,-0.02101481190197256,2,-0.2516348114017388 -0.3801009856197399 -0.40641333455594936 -0.45439467673375494 -0.620007696508768 -0.7515694411898416 -0.9326603132802703 -0.8599144073977872 -1.1122034001391496 -1.0379097090251346 -0.5441662201632034 0.01613203365503937 0.4231995495506123 0.711087602617446 0.8008591460468856 0.8767006223924502 0.9664721658218898 0.9045607565602091 0.7544255891006295 0.3287846504265506 +45016,-0.11697749625758379,2,-0.3801009856197399 -0.40641333455594936 -0.45439467673375494 -0.620007696508768 -0.7515694411898416 -0.9326603132802703 -0.8599144073977872 -1.1122034001391496 -1.0379097090251346 -0.5441662201632034 0.01613203365503937 0.4231995495506123 0.711087602617446 0.8008591460468856 0.8767006223924502 0.9664721658218898 0.9045607565602091 0.7544255891006295 0.3287846504265506 -0.02101481190197256 +45017,-0.2810427308010473,2,-0.40641333455594936 -0.45439467673375494 -0.620007696508768 -0.7515694411898416 -0.9326603132802703 -0.8599144073977872 -1.1122034001391496 -1.0379097090251346 -0.5441662201632034 0.01613203365503937 0.4231995495506123 0.711087602617446 0.8008591460468856 0.8767006223924502 0.9664721658218898 0.9045607565602091 0.7544255891006295 0.3287846504265506 -0.02101481190197256 -0.11697749625758379 +45018,-0.5627396429417093,2,-0.45439467673375494 -0.620007696508768 -0.7515694411898416 -0.9326603132802703 -0.8599144073977872 -1.1122034001391496 -1.0379097090251346 -0.5441662201632034 0.01613203365503937 0.4231995495506123 0.711087602617446 0.8008591460468856 0.8767006223924502 0.9664721658218898 0.9045607565602091 0.7544255891006295 0.3287846504265506 -0.02101481190197256 -0.11697749625758379 -0.2810427308010473 +45019,-0.6679890386865736,2,-0.620007696508768 -0.7515694411898416 -0.9326603132802703 -0.8599144073977872 -1.1122034001391496 -1.0379097090251346 -0.5441662201632034 0.01613203365503937 0.4231995495506123 0.711087602617446 0.8008591460468856 0.8767006223924502 0.9664721658218898 0.9045607565602091 0.7544255891006295 0.3287846504265506 -0.02101481190197256 -0.11697749625758379 -0.2810427308010473 -0.5627396429417093 +45020,-0.7654995082737255,2,-0.7515694411898416 -0.9326603132802703 -0.8599144073977872 -1.1122034001391496 -1.0379097090251346 -0.5441662201632034 0.01613203365503937 0.4231995495506123 0.711087602617446 0.8008591460468856 0.8767006223924502 0.9664721658218898 0.9045607565602091 0.7544255891006295 0.3287846504265506 -0.02101481190197256 -0.11697749625758379 -0.2810427308010473 -0.5627396429417093 -0.6679890386865736 +45021,-0.8692011187870402,2,-0.9326603132802703 -0.8599144073977872 -1.1122034001391496 -1.0379097090251346 -0.5441662201632034 0.01613203365503937 0.4231995495506123 0.711087602617446 0.8008591460468856 0.8767006223924502 0.9664721658218898 0.9045607565602091 0.7544255891006295 0.3287846504265506 -0.02101481190197256 -0.11697749625758379 -0.2810427308010473 -0.5627396429417093 -0.6679890386865736 -0.7654995082737255 +45022,-1.0115973600889163,2,-0.8599144073977872 -1.1122034001391496 -1.0379097090251346 -0.5441662201632034 0.01613203365503937 0.4231995495506123 0.711087602617446 0.8008591460468856 0.8767006223924502 0.9664721658218898 0.9045607565602091 0.7544255891006295 0.3287846504265506 -0.02101481190197256 -0.11697749625758379 -0.2810427308010473 -0.5627396429417093 -0.6679890386865736 -0.7654995082737255 -0.8692011187870402 +45023,-1.0626742727298033,2,-1.1122034001391496 -1.0379097090251346 -0.5441662201632034 0.01613203365503937 0.4231995495506123 0.711087602617446 0.8008591460468856 0.8767006223924502 0.9664721658218898 0.9045607565602091 0.7544255891006295 0.3287846504265506 -0.02101481190197256 -0.11697749625758379 -0.2810427308010473 -0.5627396429417093 -0.6679890386865736 -0.7654995082737255 -0.8692011187870402 -1.0115973600889163 +45024,-1.0626742727298033,2,-1.0379097090251346 -0.5441662201632034 0.01613203365503937 0.4231995495506123 0.711087602617446 0.8008591460468856 0.8767006223924502 0.9664721658218898 0.9045607565602091 0.7544255891006295 0.3287846504265506 -0.02101481190197256 -0.11697749625758379 -0.2810427308010473 -0.5627396429417093 -0.6679890386865736 -0.7654995082737255 -0.8692011187870402 -1.0115973600889163 -1.0626742727298033 +45025,-1.2050705140316795,2,-0.5441662201632034 0.01613203365503937 0.4231995495506123 0.711087602617446 0.8008591460468856 0.8767006223924502 0.9664721658218898 0.9045607565602091 0.7544255891006295 0.3287846504265506 -0.02101481190197256 -0.11697749625758379 -0.2810427308010473 -0.5627396429417093 -0.6679890386865736 -0.7654995082737255 -0.8692011187870402 -1.0115973600889163 -1.0626742727298033 -1.0626742727298033 +45026,-1.1787581650954613,2,0.01613203365503937 0.4231995495506123 0.711087602617446 0.8008591460468856 0.8767006223924502 0.9664721658218898 0.9045607565602091 0.7544255891006295 0.3287846504265506 -0.02101481190197256 -0.11697749625758379 -0.2810427308010473 -0.5627396429417093 -0.6679890386865736 -0.7654995082737255 -0.8692011187870402 -1.0115973600889163 -1.0626742727298033 -1.0626742727298033 -1.2050705140316795 +45027,-1.1818537355585514,2,0.4231995495506123 0.711087602617446 0.8008591460468856 0.8767006223924502 0.9664721658218898 0.9045607565602091 0.7544255891006295 0.3287846504265506 -0.02101481190197256 -0.11697749625758379 -0.2810427308010473 -0.5627396429417093 -0.6679890386865736 -0.7654995082737255 -0.8692011187870402 -1.0115973600889163 -1.0626742727298033 -1.0626742727298033 -1.2050705140316795 -1.1787581650954613 +45028,-1.1261334672230334,2,0.711087602617446 0.8008591460468856 0.8767006223924502 0.9664721658218898 0.9045607565602091 0.7544255891006295 0.3287846504265506 -0.02101481190197256 -0.11697749625758379 -0.2810427308010473 -0.5627396429417093 -0.6679890386865736 -0.7654995082737255 -0.8692011187870402 -1.0115973600889163 -1.0626742727298033 -1.0626742727298033 -1.2050705140316795 -1.1787581650954613 -1.1818537355585514 +45029,-0.6912058171597016,2,0.8008591460468856 0.8767006223924502 0.9664721658218898 0.9045607565602091 0.7544255891006295 0.3287846504265506 -0.02101481190197256 -0.11697749625758379 -0.2810427308010473 -0.5627396429417093 -0.6679890386865736 -0.7654995082737255 -0.8692011187870402 -1.0115973600889163 -1.0626742727298033 -1.0626742727298033 -1.2050705140316795 -1.1787581650954613 -1.1818537355585514 -1.1261334672230334 +45030,-0.18043669075080518,2,0.8767006223924502 0.9664721658218898 0.9045607565602091 0.7544255891006295 0.3287846504265506 -0.02101481190197256 -0.11697749625758379 -0.2810427308010473 -0.5627396429417093 -0.6679890386865736 -0.7654995082737255 -0.8692011187870402 -1.0115973600889163 -1.0626742727298033 -1.0626742727298033 -1.2050705140316795 -1.1787581650954613 -1.1818537355585514 -1.1261334672230334 -0.6912058171597016 +45031,0.2096051875978025,2,0.9664721658218898 0.9045607565602091 0.7544255891006295 0.3287846504265506 -0.02101481190197256 -0.11697749625758379 -0.2810427308010473 -0.5627396429417093 -0.6679890386865736 -0.7654995082737255 -0.8692011187870402 -1.0115973600889163 -1.0626742727298033 -1.0626742727298033 -1.2050705140316795 -1.1787581650954613 -1.1818537355585514 -1.1261334672230334 -0.6912058171597016 -0.18043669075080518 +45032,0.5501179385370639,2,0.9045607565602091 0.7544255891006295 0.3287846504265506 -0.02101481190197256 -0.11697749625758379 -0.2810427308010473 -0.5627396429417093 -0.6679890386865736 -0.7654995082737255 -0.8692011187870402 -1.0115973600889163 -1.0626742727298033 -1.0626742727298033 -1.2050705140316795 -1.1787581650954613 -1.1818537355585514 -1.1261334672230334 -0.6912058171597016 -0.18043669075080518 0.2096051875978025 +45033,0.6662018309027218,2,0.7544255891006295 0.3287846504265506 -0.02101481190197256 -0.11697749625758379 -0.2810427308010473 -0.5627396429417093 -0.6679890386865736 -0.7654995082737255 -0.8692011187870402 -1.0115973600889163 -1.0626742727298033 -1.0626742727298033 -1.2050705140316795 -1.1787581650954613 -1.1818537355585514 -1.1261334672230334 -0.6912058171597016 -0.18043669075080518 0.2096051875978025 0.5501179385370639 +45034,0.7544255891006295,2,0.3287846504265506 -0.02101481190197256 -0.11697749625758379 -0.2810427308010473 -0.5627396429417093 -0.6679890386865736 -0.7654995082737255 -0.8692011187870402 -1.0115973600889163 -1.0626742727298033 -1.0626742727298033 -1.2050705140316795 -1.1787581650954613 -1.1818537355585514 -1.1261334672230334 -0.6912058171597016 -0.18043669075080518 0.2096051875978025 0.5501179385370639 0.6662018309027218 +45035,0.8503882734562319,2,-0.02101481190197256 -0.11697749625758379 -0.2810427308010473 -0.5627396429417093 -0.6679890386865736 -0.7654995082737255 -0.8692011187870402 -1.0115973600889163 -1.0626742727298033 -1.0626742727298033 -1.2050705140316795 -1.1787581650954613 -1.1818537355585514 -1.1261334672230334 -0.6912058171597016 -0.18043669075080518 0.2096051875978025 0.5501179385370639 0.6662018309027218 0.7544255891006295 +45036,0.7095398173859053,2,-0.11697749625758379 -0.2810427308010473 -0.5627396429417093 -0.6679890386865736 -0.7654995082737255 -0.8692011187870402 -1.0115973600889163 -1.0626742727298033 -1.0626742727298033 -1.2050705140316795 -1.1787581650954613 -1.1818537355585514 -1.1261334672230334 -0.6912058171597016 -0.18043669075080518 0.2096051875978025 0.5501179385370639 0.6662018309027218 0.7544255891006295 0.8503882734562319 +45037,0.6058382068725817,2,-0.2810427308010473 -0.5627396429417093 -0.6679890386865736 -0.7654995082737255 -0.8692011187870402 -1.0115973600889163 -1.0626742727298033 -1.0626742727298033 -1.2050705140316795 -1.1787581650954613 -1.1818537355585514 -1.1261334672230334 -0.6912058171597016 -0.18043669075080518 0.2096051875978025 0.5501179385370639 0.6662018309027218 0.7544255891006295 0.8503882734562319 0.7095398173859053 +45038,0.34735807320504775,2,-0.5627396429417093 -0.6679890386865736 -0.7654995082737255 -0.8692011187870402 -1.0115973600889163 -1.0626742727298033 -1.0626742727298033 -1.2050705140316795 -1.1787581650954613 -1.1818537355585514 -1.1261334672230334 -0.6912058171597016 -0.18043669075080518 0.2096051875978025 0.5501179385370639 0.6662018309027218 0.7544255891006295 0.8503882734562319 0.7095398173859053 0.6058382068725817 +45039,0.16471941588308708,2,-0.6679890386865736 -0.7654995082737255 -0.8692011187870402 -1.0115973600889163 -1.0626742727298033 -1.0626742727298033 -1.2050705140316795 -1.1787581650954613 -1.1818537355585514 -1.1261334672230334 -0.6912058171597016 -0.18043669075080518 0.2096051875978025 0.5501179385370639 0.6662018309027218 0.7544255891006295 0.8503882734562319 0.7095398173859053 0.6058382068725817 0.34735807320504775 +45040,-0.01637145620734167,2,-0.7654995082737255 -0.8692011187870402 -1.0115973600889163 -1.0626742727298033 -1.0626742727298033 -1.2050705140316795 -1.1787581650954613 -1.1818537355585514 -1.1261334672230334 -0.6912058171597016 -0.18043669075080518 0.2096051875978025 0.5501179385370639 0.6662018309027218 0.7544255891006295 0.8503882734562319 0.7095398173859053 0.6058382068725817 0.34735807320504775 0.16471941588308708 +45041,-0.09840407347907781,2,-0.8692011187870402 -1.0115973600889163 -1.0626742727298033 -1.0626742727298033 -1.2050705140316795 -1.1787581650954613 -1.1818537355585514 -1.1261334672230334 -0.6912058171597016 -0.18043669075080518 0.2096051875978025 0.5501179385370639 0.6662018309027218 0.7544255891006295 0.8503882734562319 0.7095398173859053 0.6058382068725817 0.34735807320504775 0.16471941588308708 -0.01637145620734167 +45042,-0.2748515898748757,2,-1.0115973600889163 -1.0626742727298033 -1.0626742727298033 -1.2050705140316795 -1.1787581650954613 -1.1818537355585514 -1.1261334672230334 -0.6912058171597016 -0.18043669075080518 0.2096051875978025 0.5501179385370639 0.6662018309027218 0.7544255891006295 0.8503882734562319 0.7095398173859053 0.6058382068725817 0.34735807320504775 0.16471941588308708 -0.01637145620734167 -0.09840407347907781 +45043,-0.3197373615895999,2,-1.0626742727298033 -1.0626742727298033 -1.2050705140316795 -1.1787581650954613 -1.1818537355585514 -1.1261334672230334 -0.6912058171597016 -0.18043669075080518 0.2096051875978025 0.5501179385370639 0.6662018309027218 0.7544255891006295 0.8503882734562319 0.7095398173859053 0.6058382068725817 0.34735807320504775 0.16471941588308708 -0.01637145620734167 -0.09840407347907781 -0.2748515898748757 +45044,-0.4791592404384325,2,-1.0626742727298033 -1.2050705140316795 -1.1787581650954613 -1.1818537355585514 -1.1261334672230334 -0.6912058171597016 -0.18043669075080518 0.2096051875978025 0.5501179385370639 0.6662018309027218 0.7544255891006295 0.8503882734562319 0.7095398173859053 0.6058382068725817 0.34735807320504775 0.16471941588308708 -0.01637145620734167 -0.09840407347907781 -0.2748515898748757 -0.3197373615895999 +45045,-0.38319655608282127,2,-1.2050705140316795 -1.1787581650954613 -1.1818537355585514 -1.1261334672230334 -0.6912058171597016 -0.18043669075080518 0.2096051875978025 0.5501179385370639 0.6662018309027218 0.7544255891006295 0.8503882734562319 0.7095398173859053 0.6058382068725817 0.34735807320504775 0.16471941588308708 -0.01637145620734167 -0.09840407347907781 -0.2748515898748757 -0.3197373615895999 -0.4791592404384325 +45046,-0.36617091853585604,2,-1.1787581650954613 -1.1818537355585514 -1.1261334672230334 -0.6912058171597016 -0.18043669075080518 0.2096051875978025 0.5501179385370639 0.6662018309027218 0.7544255891006295 0.8503882734562319 0.7095398173859053 0.6058382068725817 0.34735807320504775 0.16471941588308708 -0.01637145620734167 -0.09840407347907781 -0.2748515898748757 -0.3197373615895999 -0.4791592404384325 -0.38319655608282127 +45047,-0.4311778982606269,2,-1.1818537355585514 -1.1261334672230334 -0.6912058171597016 -0.18043669075080518 0.2096051875978025 0.5501179385370639 0.6662018309027218 0.7544255891006295 0.8503882734562319 0.7095398173859053 0.6058382068725817 0.34735807320504775 0.16471941588308708 -0.01637145620734167 -0.09840407347907781 -0.2748515898748757 -0.3197373615895999 -0.4791592404384325 -0.38319655608282127 -0.36617091853585604 +45048,-0.5271405826162381,2,-1.1261334672230334 -0.6912058171597016 -0.18043669075080518 0.2096051875978025 0.5501179385370639 0.6662018309027218 0.7544255891006295 0.8503882734562319 0.7095398173859053 0.6058382068725817 0.34735807320504775 0.16471941588308708 -0.01637145620734167 -0.09840407347907781 -0.2748515898748757 -0.3197373615895999 -0.4791592404384325 -0.38319655608282127 -0.36617091853585604 -0.4311778982606269 +45049,-0.633937763592643,2,-0.6912058171597016 -0.18043669075080518 0.2096051875978025 0.5501179385370639 0.6662018309027218 0.7544255891006295 0.8503882734562319 0.7095398173859053 0.6058382068725817 0.34735807320504775 0.16471941588308708 -0.01637145620734167 -0.09840407347907781 -0.2748515898748757 -0.3197373615895999 -0.4791592404384325 -0.38319655608282127 -0.36617091853585604 -0.4311778982606269 -0.5271405826162381 +45050,-0.5983387032671718,2,-0.18043669075080518 0.2096051875978025 0.5501179385370639 0.6662018309027218 0.7544255891006295 0.8503882734562319 0.7095398173859053 0.6058382068725817 0.34735807320504775 0.16471941588308708 -0.01637145620734167 -0.09840407347907781 -0.2748515898748757 -0.3197373615895999 -0.4791592404384325 -0.38319655608282127 -0.36617091853585604 -0.4311778982606269 -0.5271405826162381 -0.633937763592643 +45051,-0.5596440724786191,2,0.2096051875978025 0.5501179385370639 0.6662018309027218 0.7544255891006295 0.8503882734562319 0.7095398173859053 0.6058382068725817 0.34735807320504775 0.16471941588308708 -0.01637145620734167 -0.09840407347907781 -0.2748515898748757 -0.3197373615895999 -0.4791592404384325 -0.38319655608282127 -0.36617091853585604 -0.4311778982606269 -0.5271405826162381 -0.633937763592643 -0.5983387032671718 +45052,-0.5410706497001132,2,0.5501179385370639 0.6662018309027218 0.7544255891006295 0.8503882734562319 0.7095398173859053 0.6058382068725817 0.34735807320504775 0.16471941588308708 -0.01637145620734167 -0.09840407347907781 -0.2748515898748757 -0.3197373615895999 -0.4791592404384325 -0.38319655608282127 -0.36617091853585604 -0.4311778982606269 -0.5271405826162381 -0.633937763592643 -0.5983387032671718 -0.5596440724786191 +45053,-0.04113601991201923,2,0.6662018309027218 0.7544255891006295 0.8503882734562319 0.7095398173859053 0.6058382068725817 0.34735807320504775 0.16471941588308708 -0.01637145620734167 -0.09840407347907781 -0.2748515898748757 -0.3197373615895999 -0.4791592404384325 -0.38319655608282127 -0.36617091853585604 -0.4311778982606269 -0.5271405826162381 -0.633937763592643 -0.5983387032671718 -0.5596440724786191 -0.5410706497001132 +45054,0.5826214283994537,2,0.7544255891006295 0.8503882734562319 0.7095398173859053 0.6058382068725817 0.34735807320504775 0.16471941588308708 -0.01637145620734167 -0.09840407347907781 -0.2748515898748757 -0.3197373615895999 -0.4791592404384325 -0.38319655608282127 -0.36617091853585604 -0.4311778982606269 -0.5271405826162381 -0.633937763592643 -0.5983387032671718 -0.5596440724786191 -0.5410706497001132 -0.04113601991201923 +45055,1.02993136031512,2,0.8503882734562319 0.7095398173859053 0.6058382068725817 0.34735807320504775 0.16471941588308708 -0.01637145620734167 -0.09840407347907781 -0.2748515898748757 -0.3197373615895999 -0.4791592404384325 -0.38319655608282127 -0.36617091853585604 -0.4311778982606269 -0.5271405826162381 -0.633937763592643 -0.5983387032671718 -0.5596440724786191 -0.5410706497001132 -0.04113601991201923 0.5826214283994537 +45056,1.4215210238952685,2,0.7095398173859053 0.6058382068725817 0.34735807320504775 0.16471941588308708 -0.01637145620734167 -0.09840407347907781 -0.2748515898748757 -0.3197373615895999 -0.4791592404384325 -0.38319655608282127 -0.36617091853585604 -0.4311778982606269 -0.5271405826162381 -0.633937763592643 -0.5983387032671718 -0.5596440724786191 -0.5410706497001132 -0.04113601991201923 0.5826214283994537 1.02993136031512 +45057,1.7496514929821954,2,0.6058382068725817 0.34735807320504775 0.16471941588308708 -0.01637145620734167 -0.09840407347907781 -0.2748515898748757 -0.3197373615895999 -0.4791592404384325 -0.38319655608282127 -0.36617091853585604 -0.4311778982606269 -0.5271405826162381 -0.633937763592643 -0.5983387032671718 -0.5596440724786191 -0.5410706497001132 -0.04113601991201923 0.5826214283994537 1.02993136031512 1.4215210238952685 +45058,1.7806071976130444,2,0.34735807320504775 0.16471941588308708 -0.01637145620734167 -0.09840407347907781 -0.2748515898748757 -0.3197373615895999 -0.4791592404384325 -0.38319655608282127 -0.36617091853585604 -0.4311778982606269 -0.5271405826162381 -0.633937763592643 -0.5983387032671718 -0.5596440724786191 -0.5410706497001132 -0.04113601991201923 0.5826214283994537 1.02993136031512 1.4215210238952685 1.7496514929821954 +45059,1.6474976677004214,2,0.16471941588308708 -0.01637145620734167 -0.09840407347907781 -0.2748515898748757 -0.3197373615895999 -0.4791592404384325 -0.38319655608282127 -0.36617091853585604 -0.4311778982606269 -0.5271405826162381 -0.633937763592643 -0.5983387032671718 -0.5596440724786191 -0.5410706497001132 -0.04113601991201923 0.5826214283994537 1.02993136031512 1.4215210238952685 1.7496514929821954 1.7806071976130444 +45060,1.5871340436702814,2,-0.01637145620734167 -0.09840407347907781 -0.2748515898748757 -0.3197373615895999 -0.4791592404384325 -0.38319655608282127 -0.36617091853585604 -0.4311778982606269 -0.5271405826162381 -0.633937763592643 -0.5983387032671718 -0.5596440724786191 -0.5410706497001132 -0.04113601991201923 0.5826214283994537 1.02993136031512 1.4215210238952685 1.7496514929821954 1.7806071976130444 1.6474976677004214 +45061,1.492719144546211,2,-0.09840407347907781 -0.2748515898748757 -0.3197373615895999 -0.4791592404384325 -0.38319655608282127 -0.36617091853585604 -0.4311778982606269 -0.5271405826162381 -0.633937763592643 -0.5983387032671718 -0.5596440724786191 -0.5410706497001132 -0.04113601991201923 0.5826214283994537 1.02993136031512 1.4215210238952685 1.7496514929821954 1.7806071976130444 1.6474976677004214 1.5871340436702814 +45062,1.085651628650638,2,-0.2748515898748757 -0.3197373615895999 -0.4791592404384325 -0.38319655608282127 -0.36617091853585604 -0.4311778982606269 -0.5271405826162381 -0.633937763592643 -0.5983387032671718 -0.5596440724786191 -0.5410706497001132 -0.04113601991201923 0.5826214283994537 1.02993136031512 1.4215210238952685 1.7496514929821954 1.7806071976130444 1.6474976677004214 1.5871340436702814 1.492719144546211 +45063,0.7822857232683796,2,-0.3197373615895999 -0.4791592404384325 -0.38319655608282127 -0.36617091853585604 -0.4311778982606269 -0.5271405826162381 -0.633937763592643 -0.5983387032671718 -0.5596440724786191 -0.5410706497001132 -0.04113601991201923 0.5826214283994537 1.02993136031512 1.4215210238952685 1.7496514929821954 1.7806071976130444 1.6474976677004214 1.5871340436702814 1.492719144546211 1.085651628650638 +45064,0.5315445157585579,2,-0.4791592404384325 -0.38319655608282127 -0.36617091853585604 -0.4311778982606269 -0.5271405826162381 -0.633937763592643 -0.5983387032671718 -0.5596440724786191 -0.5410706497001132 -0.04113601991201923 0.5826214283994537 1.02993136031512 1.4215210238952685 1.7496514929821954 1.7806071976130444 1.6474976677004214 1.5871340436702814 1.492719144546211 1.085651628650638 0.7822857232683796 +45065,0.45570303941300216,2,-0.38319655608282127 -0.36617091853585604 -0.4311778982606269 -0.5271405826162381 -0.633937763592643 -0.5983387032671718 -0.5596440724786191 -0.5410706497001132 -0.04113601991201923 0.5826214283994537 1.02993136031512 1.4215210238952685 1.7496514929821954 1.7806071976130444 1.6474976677004214 1.5871340436702814 1.492719144546211 1.085651628650638 0.7822857232683796 0.5315445157585579 +45066,0.18793619435621514,2,-0.36617091853585604 -0.4311778982606269 -0.5271405826162381 -0.633937763592643 -0.5983387032671718 -0.5596440724786191 -0.5410706497001132 -0.04113601991201923 0.5826214283994537 1.02993136031512 1.4215210238952685 1.7496514929821954 1.7806071976130444 1.6474976677004214 1.5871340436702814 1.492719144546211 1.085651628650638 0.7822857232683796 0.5315445157585579 0.45570303941300216 +45067,0.07185230199055727,2,-0.4311778982606269 -0.5271405826162381 -0.633937763592643 -0.5983387032671718 -0.5596440724786191 -0.5410706497001132 -0.04113601991201923 0.5826214283994537 1.02993136031512 1.4215210238952685 1.7496514929821954 1.7806071976130444 1.6474976677004214 1.5871340436702814 1.492719144546211 1.085651628650638 0.7822857232683796 0.5315445157585579 0.45570303941300216 0.18793619435621514 +45068,0.03160988597046394,2,-0.5271405826162381 -0.633937763592643 -0.5983387032671718 -0.5596440724786191 -0.5410706497001132 -0.04113601991201923 0.5826214283994537 1.02993136031512 1.4215210238952685 1.7496514929821954 1.7806071976130444 1.6474976677004214 1.5871340436702814 1.492719144546211 1.085651628650638 0.7822857232683796 0.5315445157585579 0.45570303941300216 0.18793619435621514 0.07185230199055727 +45069,-0.002441389123466596,2,-0.633937763592643 -0.5983387032671718 -0.5596440724786191 -0.5410706497001132 -0.04113601991201923 0.5826214283994537 1.02993136031512 1.4215210238952685 1.7496514929821954 1.7806071976130444 1.6474976677004214 1.5871340436702814 1.492719144546211 1.085651628650638 0.7822857232683796 0.5315445157585579 0.45570303941300216 0.18793619435621514 0.07185230199055727 0.03160988597046394 +45070,-0.08756957685828413,2,-0.5983387032671718 -0.5596440724786191 -0.5410706497001132 -0.04113601991201923 0.5826214283994537 1.02993136031512 1.4215210238952685 1.7496514929821954 1.7806071976130444 1.6474976677004214 1.5871340436702814 1.492719144546211 1.085651628650638 0.7822857232683796 0.5315445157585579 0.45570303941300216 0.18793619435621514 0.07185230199055727 0.03160988597046394 -0.002441389123466596 +45071,-0.025658167596594655,2,-0.5596440724786191 -0.5410706497001132 -0.04113601991201923 0.5826214283994537 1.02993136031512 1.4215210238952685 1.7496514929821954 1.7806071976130444 1.6474976677004214 1.5871340436702814 1.492719144546211 1.085651628650638 0.7822857232683796 0.5315445157585579 0.45570303941300216 0.18793619435621514 0.07185230199055727 0.03160988597046394 -0.002441389123466596 -0.08756957685828413 +45072,-0.14483763042533393,2,-0.5410706497001132 -0.04113601991201923 0.5826214283994537 1.02993136031512 1.4215210238952685 1.7496514929821954 1.7806071976130444 1.6474976677004214 1.5871340436702814 1.492719144546211 1.085651628650638 0.7822857232683796 0.5315445157585579 0.45570303941300216 0.18793619435621514 0.07185230199055727 0.03160988597046394 -0.002441389123466596 -0.08756957685828413 -0.025658167596594655 +45073,-0.13245534857299956,2,-0.04113601991201923 0.5826214283994537 1.02993136031512 1.4215210238952685 1.7496514929821954 1.7806071976130444 1.6474976677004214 1.5871340436702814 1.492719144546211 1.085651628650638 0.7822857232683796 0.5315445157585579 0.45570303941300216 0.18793619435621514 0.07185230199055727 0.03160988597046394 -0.002441389123466596 -0.08756957685828413 -0.025658167596594655 -0.14483763042533393 +45074,-0.2763993751064164,2,0.5826214283994537 1.02993136031512 1.4215210238952685 1.7496514929821954 1.7806071976130444 1.6474976677004214 1.5871340436702814 1.492719144546211 1.085651628650638 0.7822857232683796 0.5315445157585579 0.45570303941300216 0.18793619435621514 0.07185230199055727 0.03160988597046394 -0.002441389123466596 -0.08756957685828413 -0.025658167596594655 -0.14483763042533393 -0.13245534857299956 +45075,-0.264017093254082,2,1.02993136031512 1.4215210238952685 1.7496514929821954 1.7806071976130444 1.6474976677004214 1.5871340436702814 1.492719144546211 1.085651628650638 0.7822857232683796 0.5315445157585579 0.45570303941300216 0.18793619435621514 0.07185230199055727 0.03160988597046394 -0.002441389123466596 -0.08756957685828413 -0.025658167596594655 -0.14483763042533393 -0.13245534857299956 -0.2763993751064164 +45076,-0.4203434016398332,2,1.4215210238952685 1.7496514929821954 1.7806071976130444 1.6474976677004214 1.5871340436702814 1.492719144546211 1.085651628650638 0.7822857232683796 0.5315445157585579 0.45570303941300216 0.18793619435621514 0.07185230199055727 0.03160988597046394 -0.002441389123466596 -0.08756957685828413 -0.025658167596594655 -0.14483763042533393 -0.13245534857299956 -0.2763993751064164 -0.264017093254082 +45077,0.45725082464454286,2,1.7496514929821954 1.7806071976130444 1.6474976677004214 1.5871340436702814 1.492719144546211 1.085651628650638 0.7822857232683796 0.5315445157585579 0.45570303941300216 0.18793619435621514 0.07185230199055727 0.03160988597046394 -0.002441389123466596 -0.08756957685828413 -0.025658167596594655 -0.14483763042533393 -0.13245534857299956 -0.2763993751064164 -0.264017093254082 -0.4203434016398332 +45078,1.1800665277747084,2,1.7806071976130444 1.6474976677004214 1.5871340436702814 1.492719144546211 1.085651628650638 0.7822857232683796 0.5315445157585579 0.45570303941300216 0.18793619435621514 0.07185230199055727 0.03160988597046394 -0.002441389123466596 -0.08756957685828413 -0.025658167596594655 -0.14483763042533393 -0.13245534857299956 -0.2763993751064164 -0.264017093254082 -0.4203434016398332 0.45725082464454286 +45079,1.667618875710468,2,1.6474976677004214 1.5871340436702814 1.492719144546211 1.085651628650638 0.7822857232683796 0.5315445157585579 0.45570303941300216 0.18793619435621514 0.07185230199055727 0.03160988597046394 -0.002441389123466596 -0.08756957685828413 -0.025658167596594655 -0.14483763042533393 -0.13245534857299956 -0.2763993751064164 -0.264017093254082 -0.4203434016398332 0.45725082464454286 1.1800665277747084 +45080,2.116476592857675,2,1.5871340436702814 1.492719144546211 1.085651628650638 0.7822857232683796 0.5315445157585579 0.45570303941300216 0.18793619435621514 0.07185230199055727 0.03160988597046394 -0.002441389123466596 -0.08756957685828413 -0.025658167596594655 -0.14483763042533393 -0.13245534857299956 -0.2763993751064164 -0.264017093254082 -0.4203434016398332 0.45725082464454286 1.1800665277747084 1.667618875710468 +45081,2.320784243421232,2,1.492719144546211 1.085651628650638 0.7822857232683796 0.5315445157585579 0.45570303941300216 0.18793619435621514 0.07185230199055727 0.03160988597046394 -0.002441389123466596 -0.08756957685828413 -0.025658167596594655 -0.14483763042533393 -0.13245534857299956 -0.2763993751064164 -0.264017093254082 -0.4203434016398332 0.45725082464454286 1.1800665277747084 1.667618875710468 2.116476592857675 +45082,2.361026659441334,2,1.085651628650638 0.7822857232683796 0.5315445157585579 0.45570303941300216 0.18793619435621514 0.07185230199055727 0.03160988597046394 -0.002441389123466596 -0.08756957685828413 -0.025658167596594655 -0.14483763042533393 -0.13245534857299956 -0.2763993751064164 -0.264017093254082 -0.4203434016398332 0.45725082464454286 1.1800665277747084 1.667618875710468 2.116476592857675 2.320784243421232 +45083,2.4182947130083927,2,0.7822857232683796 0.5315445157585579 0.45570303941300216 0.18793619435621514 0.07185230199055727 0.03160988597046394 -0.002441389123466596 -0.08756957685828413 -0.025658167596594655 -0.14483763042533393 -0.13245534857299956 -0.2763993751064164 -0.264017093254082 -0.4203434016398332 0.45725082464454286 1.1800665277747084 1.667618875710468 2.116476592857675 2.320784243421232 2.361026659441334 +45084,2.265063975085723,2,0.5315445157585579 0.45570303941300216 0.18793619435621514 0.07185230199055727 0.03160988597046394 -0.002441389123466596 -0.08756957685828413 -0.025658167596594655 -0.14483763042533393 -0.13245534857299956 -0.2763993751064164 -0.264017093254082 -0.4203434016398332 0.45725082464454286 1.1800665277747084 1.667618875710468 2.116476592857675 2.320784243421232 2.361026659441334 2.4182947130083927 +45085,2.0344439755859476,2,0.45570303941300216 0.18793619435621514 0.07185230199055727 0.03160988597046394 -0.002441389123466596 -0.08756957685828413 -0.025658167596594655 -0.14483763042533393 -0.13245534857299956 -0.2763993751064164 -0.264017093254082 -0.4203434016398332 0.45725082464454286 1.1800665277747084 1.667618875710468 2.116476592857675 2.320784243421232 2.361026659441334 2.4182947130083927 2.265063975085723 +45086,1.5407004867240164,2,0.18793619435621514 0.07185230199055727 0.03160988597046394 -0.002441389123466596 -0.08756957685828413 -0.025658167596594655 -0.14483763042533393 -0.13245534857299956 -0.2763993751064164 -0.264017093254082 -0.4203434016398332 0.45725082464454286 1.1800665277747084 1.667618875710468 2.116476592857675 2.320784243421232 2.361026659441334 2.4182947130083927 2.265063975085723 2.0344439755859476 +45087,1.232691225647136,2,0.07185230199055727 0.03160988597046394 -0.002441389123466596 -0.08756957685828413 -0.025658167596594655 -0.14483763042533393 -0.13245534857299956 -0.2763993751064164 -0.264017093254082 -0.4203434016398332 0.45725082464454286 1.1800665277747084 1.667618875710468 2.116476592857675 2.320784243421232 2.361026659441334 2.4182947130083927 2.265063975085723 2.0344439755859476 1.5407004867240164 +45088,0.8968218304024969,2,0.03160988597046394 -0.002441389123466596 -0.08756957685828413 -0.025658167596594655 -0.14483763042533393 -0.13245534857299956 -0.2763993751064164 -0.264017093254082 -0.4203434016398332 0.45725082464454286 1.1800665277747084 1.667618875710468 2.116476592857675 2.320784243421232 2.361026659441334 2.4182947130083927 2.265063975085723 2.0344439755859476 1.5407004867240164 1.232691225647136 +45089,0.8008591460468856,2,-0.002441389123466596 -0.08756957685828413 -0.025658167596594655 -0.14483763042533393 -0.13245534857299956 -0.2763993751064164 -0.264017093254082 -0.4203434016398332 0.45725082464454286 1.1800665277747084 1.667618875710468 2.116476592857675 2.320784243421232 2.361026659441334 2.4182947130083927 2.265063975085723 2.0344439755859476 1.5407004867240164 1.232691225647136 0.8968218304024969 +45090,0.5563090794632355,2,-0.08756957685828413 -0.025658167596594655 -0.14483763042533393 -0.13245534857299956 -0.2763993751064164 -0.264017093254082 -0.4203434016398332 0.45725082464454286 1.1800665277747084 1.667618875710468 2.116476592857675 2.320784243421232 2.361026659441334 2.4182947130083927 2.265063975085723 2.0344439755859476 1.5407004867240164 1.232691225647136 0.8968218304024969 0.8008591460468856 +45091,0.5098755225169705,2,-0.025658167596594655 -0.14483763042533393 -0.13245534857299956 -0.2763993751064164 -0.264017093254082 -0.4203434016398332 0.45725082464454286 1.1800665277747084 1.667618875710468 2.116476592857675 2.320784243421232 2.361026659441334 2.4182947130083927 2.265063975085723 2.0344439755859476 1.5407004867240164 1.232691225647136 0.8968218304024969 0.8008591460468856 0.5563090794632355 +45092,0.4371296166344962,2,-0.14483763042533393 -0.13245534857299956 -0.2763993751064164 -0.264017093254082 -0.4203434016398332 0.45725082464454286 1.1800665277747084 1.667618875710468 2.116476592857675 2.320784243421232 2.361026659441334 2.4182947130083927 2.265063975085723 2.0344439755859476 1.5407004867240164 1.232691225647136 0.8968218304024969 0.8008591460468856 0.5563090794632355 0.5098755225169705 +45093,0.2823510934802857,2,-0.13245534857299956 -0.2763993751064164 -0.264017093254082 -0.4203434016398332 0.45725082464454286 1.1800665277747084 1.667618875710468 2.116476592857675 2.320784243421232 2.361026659441334 2.4182947130083927 2.265063975085723 2.0344439755859476 1.5407004867240164 1.232691225647136 0.8968218304024969 0.8008591460468856 0.5563090794632355 0.5098755225169705 0.4371296166344962 +45094,0.2699688116279425,2,-0.2763993751064164 -0.264017093254082 -0.4203434016398332 0.45725082464454286 1.1800665277747084 1.667618875710468 2.116476592857675 2.320784243421232 2.361026659441334 2.4182947130083927 2.265063975085723 2.0344439755859476 1.5407004867240164 1.232691225647136 0.8968218304024969 0.8008591460468856 0.5563090794632355 0.5098755225169705 0.4371296166344962 0.2823510934802857 +45095,0.043992167822798314,2,-0.264017093254082 -0.4203434016398332 0.45725082464454286 1.1800665277747084 1.667618875710468 2.116476592857675 2.320784243421232 2.361026659441334 2.4182947130083927 2.265063975085723 2.0344439755859476 1.5407004867240164 1.232691225647136 0.8968218304024969 0.8008591460468856 0.5563090794632355 0.5098755225169705 0.4371296166344962 0.2823510934802857 0.2699688116279425 +45096,0.006845322265786387,2,-0.4203434016398332 0.45725082464454286 1.1800665277747084 1.667618875710468 2.116476592857675 2.320784243421232 2.361026659441334 2.4182947130083927 2.265063975085723 2.0344439755859476 1.5407004867240164 1.232691225647136 0.8968218304024969 0.8008591460468856 0.5563090794632355 0.5098755225169705 0.4371296166344962 0.2823510934802857 0.2699688116279425 0.043992167822798314 +45097,-0.08756957685828413,2,0.45725082464454286 1.1800665277747084 1.667618875710468 2.116476592857675 2.320784243421232 2.361026659441334 2.4182947130083927 2.265063975085723 2.0344439755859476 1.5407004867240164 1.232691225647136 0.8968218304024969 0.8008591460468856 0.5563090794632355 0.5098755225169705 0.4371296166344962 0.2823510934802857 0.2699688116279425 0.043992167822798314 0.006845322265786387 +45098,-0.09995185871061851,2,1.1800665277747084 1.667618875710468 2.116476592857675 2.320784243421232 2.361026659441334 2.4182947130083927 2.265063975085723 2.0344439755859476 1.5407004867240164 1.232691225647136 0.8968218304024969 0.8008591460468856 0.5563090794632355 0.5098755225169705 0.4371296166344962 0.2823510934802857 0.2699688116279425 0.043992167822798314 0.006845322265786387 -0.08756957685828413 +45099,-0.11233414056295289,2,1.667618875710468 2.116476592857675 2.320784243421232 2.361026659441334 2.4182947130083927 2.265063975085723 2.0344439755859476 1.5407004867240164 1.232691225647136 0.8968218304024969 0.8008591460468856 0.5563090794632355 0.5098755225169705 0.4371296166344962 0.2823510934802857 0.2699688116279425 0.043992167822798314 0.006845322265786387 -0.08756957685828413 -0.09995185871061851 +45100,-0.1634110532038399,2,2.116476592857675 2.320784243421232 2.361026659441334 2.4182947130083927 2.265063975085723 2.0344439755859476 1.5407004867240164 1.232691225647136 0.8968218304024969 0.8008591460468856 0.5563090794632355 0.5098755225169705 0.4371296166344962 0.2823510934802857 0.2699688116279425 0.043992167822798314 0.006845322265786387 -0.08756957685828413 -0.09995185871061851 -0.11233414056295289 +45101,0.45570303941300216,2,2.320784243421232 2.361026659441334 2.4182947130083927 2.265063975085723 2.0344439755859476 1.5407004867240164 1.232691225647136 0.8968218304024969 0.8008591460468856 0.5563090794632355 0.5098755225169705 0.4371296166344962 0.2823510934802857 0.2699688116279425 0.043992167822798314 0.006845322265786387 -0.08756957685828413 -0.09995185871061851 -0.11233414056295289 -0.1634110532038399 +45102,1.1026772661976032,2,2.361026659441334 2.4182947130083927 2.265063975085723 2.0344439755859476 1.5407004867240164 1.232691225647136 0.8968218304024969 0.8008591460468856 0.5563090794632355 0.5098755225169705 0.4371296166344962 0.2823510934802857 0.2699688116279425 0.043992167822798314 0.006845322265786387 -0.08756957685828413 -0.09995185871061851 -0.11233414056295289 -0.1634110532038399 0.45570303941300216 +45103,1.5453438424186385,2,2.4182947130083927 2.265063975085723 2.0344439755859476 1.5407004867240164 1.232691225647136 0.8968218304024969 0.8008591460468856 0.5563090794632355 0.5098755225169705 0.4371296166344962 0.2823510934802857 0.2699688116279425 0.043992167822798314 0.006845322265786387 -0.08756957685828413 -0.09995185871061851 -0.11233414056295289 -0.1634110532038399 0.45570303941300216 1.1026772661976032 +45104,1.9028822309048652,2,2.265063975085723 2.0344439755859476 1.5407004867240164 1.232691225647136 0.8968218304024969 0.8008591460468856 0.5563090794632355 0.5098755225169705 0.4371296166344962 0.2823510934802857 0.2699688116279425 0.043992167822798314 0.006845322265786387 -0.08756957685828413 -0.09995185871061851 -0.11233414056295289 -0.1634110532038399 0.45570303941300216 1.1026772661976032 1.5453438424186385 +45105,2.1644579350354807,2,2.0344439755859476 1.5407004867240164 1.232691225647136 0.8968218304024969 0.8008591460468856 0.5563090794632355 0.5098755225169705 0.4371296166344962 0.2823510934802857 0.2699688116279425 0.043992167822798314 0.006845322265786387 -0.08756957685828413 -0.09995185871061851 -0.11233414056295289 -0.1634110532038399 0.45570303941300216 1.1026772661976032 1.5453438424186385 1.9028822309048652 +45106,2.1660057202670213,2,1.5407004867240164 1.232691225647136 0.8968218304024969 0.8008591460468856 0.5563090794632355 0.5098755225169705 0.4371296166344962 0.2823510934802857 0.2699688116279425 0.043992167822798314 0.006845322265786387 -0.08756957685828413 -0.09995185871061851 -0.11233414056295289 -0.1634110532038399 0.45570303941300216 1.1026772661976032 1.5453438424186385 1.9028822309048652 2.1644579350354807 +45107,2.1412411565623524,2,1.232691225647136 0.8968218304024969 0.8008591460468856 0.5563090794632355 0.5098755225169705 0.4371296166344962 0.2823510934802857 0.2699688116279425 0.043992167822798314 0.006845322265786387 -0.08756957685828413 -0.09995185871061851 -0.11233414056295289 -0.1634110532038399 0.45570303941300216 1.1026772661976032 1.5453438424186385 1.9028822309048652 2.1644579350354807 2.1660057202670213 +45108,2.0777819620691225,2,0.8968218304024969 0.8008591460468856 0.5563090794632355 0.5098755225169705 0.4371296166344962 0.2823510934802857 0.2699688116279425 0.043992167822798314 0.006845322265786387 -0.08756957685828413 -0.09995185871061851 -0.11233414056295289 -0.1634110532038399 0.45570303941300216 1.1026772661976032 1.5453438424186385 1.9028822309048652 2.1644579350354807 2.1660057202670213 2.1412411565623524 +45109,1.741912566824492,2,0.8008591460468856 0.5563090794632355 0.5098755225169705 0.4371296166344962 0.2823510934802857 0.2699688116279425 0.043992167822798314 0.006845322265786387 -0.08756957685828413 -0.09995185871061851 -0.11233414056295289 -0.1634110532038399 0.45570303941300216 1.1026772661976032 1.5453438424186385 1.9028822309048652 2.1644579350354807 2.1660057202670213 2.1412411565623524 2.0777819620691225 +45110,1.2775769973618603,2,0.5563090794632355 0.5098755225169705 0.4371296166344962 0.2823510934802857 0.2699688116279425 0.043992167822798314 0.006845322265786387 -0.08756957685828413 -0.09995185871061851 -0.11233414056295289 -0.1634110532038399 0.45570303941300216 1.1026772661976032 1.5453438424186385 1.9028822309048652 2.1644579350354807 2.1660057202670213 2.1412411565623524 2.0777819620691225 1.741912566824492 +45111,0.9556376692010962,2,0.5098755225169705 0.4371296166344962 0.2823510934802857 0.2699688116279425 0.043992167822798314 0.006845322265786387 -0.08756957685828413 -0.09995185871061851 -0.11233414056295289 -0.1634110532038399 0.45570303941300216 1.1026772661976032 1.5453438424186385 1.9028822309048652 2.1644579350354807 2.1660057202670213 2.1412411565623524 2.0777819620691225 1.741912566824492 1.2775769973618603 +45112,0.6553673342819281,2,0.4371296166344962 0.2823510934802857 0.2699688116279425 0.043992167822798314 0.006845322265786387 -0.08756957685828413 -0.09995185871061851 -0.11233414056295289 -0.1634110532038399 0.45570303941300216 1.1026772661976032 1.5453438424186385 1.9028822309048652 2.1644579350354807 2.1660057202670213 2.1412411565623524 2.0777819620691225 1.741912566824492 1.2775769973618603 0.9556376692010962 +45113,0.4386774018660369,2,0.2823510934802857 0.2699688116279425 0.043992167822798314 0.006845322265786387 -0.08756957685828413 -0.09995185871061851 -0.11233414056295289 -0.1634110532038399 0.45570303941300216 1.1026772661976032 1.5453438424186385 1.9028822309048652 2.1644579350354807 2.1660057202670213 2.1412411565623524 2.0777819620691225 1.741912566824492 1.2775769973618603 0.9556376692010962 0.6553673342819281 +45114,0.3334280061211727,2,0.2699688116279425 0.043992167822798314 0.006845322265786387 -0.08756957685828413 -0.09995185871061851 -0.11233414056295289 -0.1634110532038399 0.45570303941300216 1.1026772661976032 1.5453438424186385 1.9028822309048652 2.1644579350354807 2.1660057202670213 2.1412411565623524 2.0777819620691225 1.741912566824492 1.2775769973618603 0.9556376692010962 0.6553673342819281 0.4386774018660369 +45115,0.034705456433545334,2,0.043992167822798314 0.006845322265786387 -0.08756957685828413 -0.09995185871061851 -0.11233414056295289 -0.1634110532038399 0.45570303941300216 1.1026772661976032 1.5453438424186385 1.9028822309048652 2.1644579350354807 2.1660057202670213 2.1412411565623524 2.0777819620691225 1.741912566824492 1.2775769973618603 0.9556376692010962 0.6553673342819281 0.4386774018660369 0.3334280061211727 +45116,0.02232317458121096,2,0.006845322265786387 -0.08756957685828413 -0.09995185871061851 -0.11233414056295289 -0.1634110532038399 0.45570303941300216 1.1026772661976032 1.5453438424186385 1.9028822309048652 2.1644579350354807 2.1660057202670213 2.1412411565623524 2.0777819620691225 1.741912566824492 1.2775769973618603 0.9556376692010962 0.6553673342819281 0.4386774018660369 0.3334280061211727 0.034705456433545334 +45117,-0.1092385700998715,2,-0.08756957685828413 -0.09995185871061851 -0.11233414056295289 -0.1634110532038399 0.45570303941300216 1.1026772661976032 1.5453438424186385 1.9028822309048652 2.1644579350354807 2.1660057202670213 2.1412411565623524 2.0777819620691225 1.741912566824492 1.2775769973618603 0.9556376692010962 0.6553673342819281 0.4386774018660369 0.3334280061211727 0.034705456433545334 0.02232317458121096 +45118,-0.14638541565688343,2,-0.09995185871061851 -0.11233414056295289 -0.1634110532038399 0.45570303941300216 1.1026772661976032 1.5453438424186385 1.9028822309048652 2.1644579350354807 2.1660057202670213 2.1412411565623524 2.0777819620691225 1.741912566824492 1.2775769973618603 0.9556376692010962 0.6553673342819281 0.4386774018660369 0.3334280061211727 0.034705456433545334 0.02232317458121096 -0.1092385700998715 +45119,-0.29961615357954446,2,-0.11233414056295289 -0.1634110532038399 0.45570303941300216 1.1026772661976032 1.5453438424186385 1.9028822309048652 2.1644579350354807 2.1660057202670213 2.1412411565623524 2.0777819620691225 1.741912566824492 1.2775769973618603 0.9556376692010962 0.6553673342819281 0.4386774018660369 0.3334280061211727 0.034705456433545334 0.02232317458121096 -0.1092385700998715 -0.14638541565688343 +45120,-0.28878165695875074,2,-0.1634110532038399 0.45570303941300216 1.1026772661976032 1.5453438424186385 1.9028822309048652 2.1644579350354807 2.1660057202670213 2.1412411565623524 2.0777819620691225 1.741912566824492 1.2775769973618603 0.9556376692010962 0.6553673342819281 0.4386774018660369 0.3334280061211727 0.034705456433545334 0.02232317458121096 -0.1092385700998715 -0.14638541565688343 -0.29961615357954446 +45121,-0.45594246196530447,2,0.45570303941300216 1.1026772661976032 1.5453438424186385 1.9028822309048652 2.1644579350354807 2.1660057202670213 2.1412411565623524 2.0777819620691225 1.741912566824492 1.2775769973618603 0.9556376692010962 0.6553673342819281 0.4386774018660369 0.3334280061211727 0.034705456433545334 0.02232317458121096 -0.1092385700998715 -0.14638541565688343 -0.29961615357954446 -0.28878165695875074 +45122,-0.445107965344502,2,1.1026772661976032 1.5453438424186385 1.9028822309048652 2.1644579350354807 2.1660057202670213 2.1412411565623524 2.0777819620691225 1.741912566824492 1.2775769973618603 0.9556376692010962 0.6553673342819281 0.4386774018660369 0.3334280061211727 0.034705456433545334 0.02232317458121096 -0.1092385700998715 -0.14638541565688343 -0.29961615357954446 -0.28878165695875074 -0.45594246196530447 +45123,-0.5859564214148374,2,1.5453438424186385 1.9028822309048652 2.1644579350354807 2.1660057202670213 2.1412411565623524 2.0777819620691225 1.741912566824492 1.2775769973618603 0.9556376692010962 0.6553673342819281 0.4386774018660369 0.3334280061211727 0.034705456433545334 0.02232317458121096 -0.1092385700998715 -0.14638541565688343 -0.29961615357954446 -0.28878165695875074 -0.45594246196530447 -0.445107965344502 +45124,-0.5952431328040904,2,1.9028822309048652 2.1644579350354807 2.1660057202670213 2.1412411565623524 2.0777819620691225 1.741912566824492 1.2775769973618603 0.9556376692010962 0.6553673342819281 0.4386774018660369 0.3334280061211727 0.034705456433545334 0.02232317458121096 -0.1092385700998715 -0.14638541565688343 -0.29961615357954446 -0.28878165695875074 -0.45594246196530447 -0.445107965344502 -0.5859564214148374 +45125,0.01613203365503937,2,2.1644579350354807 2.1660057202670213 2.1412411565623524 2.0777819620691225 1.741912566824492 1.2775769973618603 0.9556376692010962 0.6553673342819281 0.4386774018660369 0.3334280061211727 0.034705456433545334 0.02232317458121096 -0.1092385700998715 -0.14638541565688343 -0.29961615357954446 -0.28878165695875074 -0.45594246196530447 -0.445107965344502 -0.5859564214148374 -0.5952431328040904 +45126,0.5888125693256165,2,2.1660057202670213 2.1412411565623524 2.0777819620691225 1.741912566824492 1.2775769973618603 0.9556376692010962 0.6553673342819281 0.4386774018660369 0.3334280061211727 0.034705456433545334 0.02232317458121096 -0.1092385700998715 -0.14638541565688343 -0.29961615357954446 -0.28878165695875074 -0.45594246196530447 -0.445107965344502 -0.5859564214148374 -0.5952431328040904 0.01613203365503937 +45127,1.0330269307782014,2,2.1412411565623524 2.0777819620691225 1.741912566824492 1.2775769973618603 0.9556376692010962 0.6553673342819281 0.4386774018660369 0.3334280061211727 0.034705456433545334 0.02232317458121096 -0.1092385700998715 -0.14638541565688343 -0.29961615357954446 -0.28878165695875074 -0.45594246196530447 -0.445107965344502 -0.5859564214148374 -0.5952431328040904 0.01613203365503937 0.5888125693256165 +45128,1.3332972656973694,2,2.0777819620691225 1.741912566824492 1.2775769973618603 0.9556376692010962 0.6553673342819281 0.4386774018660369 0.3334280061211727 0.034705456433545334 0.02232317458121096 -0.1092385700998715 -0.14638541565688343 -0.29961615357954446 -0.28878165695875074 -0.45594246196530447 -0.445107965344502 -0.5859564214148374 -0.5952431328040904 0.01613203365503937 0.5888125693256165 1.0330269307782014 +45129,1.585586258438732,2,1.741912566824492 1.2775769973618603 0.9556376692010962 0.6553673342819281 0.4386774018660369 0.3334280061211727 0.034705456433545334 0.02232317458121096 -0.1092385700998715 -0.14638541565688343 -0.29961615357954446 -0.28878165695875074 -0.45594246196530447 -0.445107965344502 -0.5859564214148374 -0.5952431328040904 0.01613203365503937 0.5888125693256165 1.0330269307782014 1.3332972656973694 +45130,1.6149941778380315,2,1.2775769973618603 0.9556376692010962 0.6553673342819281 0.4386774018660369 0.3334280061211727 0.034705456433545334 0.02232317458121096 -0.1092385700998715 -0.14638541565688343 -0.29961615357954446 -0.28878165695875074 -0.45594246196530447 -0.445107965344502 -0.5859564214148374 -0.5952431328040904 0.01613203365503937 0.5888125693256165 1.0330269307782014 1.3332972656973694 1.585586258438732 +45131,1.6041596812172378,2,0.9556376692010962 0.6553673342819281 0.4386774018660369 0.3334280061211727 0.034705456433545334 0.02232317458121096 -0.1092385700998715 -0.14638541565688343 -0.29961615357954446 -0.28878165695875074 -0.45594246196530447 -0.445107965344502 -0.5859564214148374 -0.5952431328040904 0.01613203365503937 0.5888125693256165 1.0330269307782014 1.3332972656973694 1.585586258438732 1.6149941778380315 +45132,1.5298659901032228,2,0.6553673342819281 0.4386774018660369 0.3334280061211727 0.034705456433545334 0.02232317458121096 -0.1092385700998715 -0.14638541565688343 -0.29961615357954446 -0.28878165695875074 -0.45594246196530447 -0.445107965344502 -0.5859564214148374 -0.5952431328040904 0.01613203365503937 0.5888125693256165 1.0330269307782014 1.3332972656973694 1.585586258438732 1.6149941778380315 1.6041596812172378 +45133,1.3054371315296105,2,0.4386774018660369 0.3334280061211727 0.034705456433545334 0.02232317458121096 -0.1092385700998715 -0.14638541565688343 -0.29961615357954446 -0.28878165695875074 -0.45594246196530447 -0.445107965344502 -0.5859564214148374 -0.5952431328040904 0.01613203365503937 0.5888125693256165 1.0330269307782014 1.3332972656973694 1.585586258438732 1.6149941778380315 1.6041596812172378 1.5298659901032228 +45134,0.950994313506474,2,0.3334280061211727 0.034705456433545334 0.02232317458121096 -0.1092385700998715 -0.14638541565688343 -0.29961615357954446 -0.28878165695875074 -0.45594246196530447 -0.445107965344502 -0.5859564214148374 -0.5952431328040904 0.01613203365503937 0.5888125693256165 1.0330269307782014 1.3332972656973694 1.585586258438732 1.6149941778380315 1.6041596812172378 1.5298659901032228 1.3054371315296105 +45135,0.6569151195134688,2,0.034705456433545334 0.02232317458121096 -0.1092385700998715 -0.14638541565688343 -0.29961615357954446 -0.28878165695875074 -0.45594246196530447 -0.445107965344502 -0.5859564214148374 -0.5952431328040904 0.01613203365503937 0.5888125693256165 1.0330269307782014 1.3332972656973694 1.585586258438732 1.6149941778380315 1.6041596812172378 1.5298659901032228 1.3054371315296105 0.950994313506474 +45136,0.4386774018660369,2,0.02232317458121096 -0.1092385700998715 -0.14638541565688343 -0.29961615357954446 -0.28878165695875074 -0.45594246196530447 -0.445107965344502 -0.5859564214148374 -0.5952431328040904 0.01613203365503937 0.5888125693256165 1.0330269307782014 1.3332972656973694 1.585586258438732 1.6149941778380315 1.6041596812172378 1.5298659901032228 1.3054371315296105 0.950994313506474 0.6569151195134688 +45137,0.2746121673225734,2,-0.1092385700998715 -0.14638541565688343 -0.29961615357954446 -0.28878165695875074 -0.45594246196530447 -0.445107965344502 -0.5859564214148374 -0.5952431328040904 0.01613203365503937 0.5888125693256165 1.0330269307782014 1.3332972656973694 1.585586258438732 1.6149941778380315 1.6041596812172378 1.5298659901032228 1.3054371315296105 0.950994313506474 0.6569151195134688 0.4386774018660369 +45138,0.07649565768517935,2,-0.14638541565688343 -0.29961615357954446 -0.28878165695875074 -0.45594246196530447 -0.445107965344502 -0.5859564214148374 -0.5952431328040904 0.01613203365503937 0.5888125693256165 1.0330269307782014 1.3332972656973694 1.585586258438732 1.6149941778380315 1.6041596812172378 1.5298659901032228 1.3054371315296105 0.950994313506474 0.6569151195134688 0.4386774018660369 0.2746121673225734 +45139,0.00994089272887658,2,-0.29961615357954446 -0.28878165695875074 -0.45594246196530447 -0.445107965344502 -0.5859564214148374 -0.5952431328040904 0.01613203365503937 0.5888125693256165 1.0330269307782014 1.3332972656973694 1.585586258438732 1.6149941778380315 1.6041596812172378 1.5298659901032228 1.3054371315296105 0.950994313506474 0.6569151195134688 0.4386774018660369 0.2746121673225734 0.07649565768517935 +45140,-0.09840407347907781,2,-0.28878165695875074 -0.45594246196530447 -0.445107965344502 -0.5859564214148374 -0.5952431328040904 0.01613203365503937 0.5888125693256165 1.0330269307782014 1.3332972656973694 1.585586258438732 1.6149941778380315 1.6041596812172378 1.5298659901032228 1.3054371315296105 0.950994313506474 0.6569151195134688 0.4386774018660369 0.2746121673225734 0.07649565768517935 0.00994089272887658 +45141,-0.17888890551926448,2,-0.45594246196530447 -0.445107965344502 -0.5859564214148374 -0.5952431328040904 0.01613203365503937 0.5888125693256165 1.0330269307782014 1.3332972656973694 1.585586258438732 1.6149941778380315 1.6041596812172378 1.5298659901032228 1.3054371315296105 0.950994313506474 0.6569151195134688 0.4386774018660369 0.2746121673225734 0.07649565768517935 0.00994089272887658 -0.09840407347907781 +45142,-0.264017093254082,2,-0.445107965344502 -0.5859564214148374 -0.5952431328040904 0.01613203365503937 0.5888125693256165 1.0330269307782014 1.3332972656973694 1.585586258438732 1.6149941778380315 1.6041596812172378 1.5298659901032228 1.3054371315296105 0.950994313506474 0.6569151195134688 0.4386774018660369 0.2746121673225734 0.07649565768517935 0.00994089272887658 -0.09840407347907781 -0.17888890551926448 +45143,-0.3955788379351557,2,-0.5859564214148374 -0.5952431328040904 0.01613203365503937 0.5888125693256165 1.0330269307782014 1.3332972656973694 1.585586258438732 1.6149941778380315 1.6041596812172378 1.5298659901032228 1.3054371315296105 0.950994313506474 0.6569151195134688 0.4386774018660369 0.2746121673225734 0.07649565768517935 0.00994089272887658 -0.09840407347907781 -0.17888890551926448 -0.264017093254082 +45144,-0.46677695858609813,2,-0.5952431328040904 0.01613203365503937 0.5888125693256165 1.0330269307782014 1.3332972656973694 1.585586258438732 1.6149941778380315 1.6041596812172378 1.5298659901032228 1.3054371315296105 0.950994313506474 0.6569151195134688 0.4386774018660369 0.2746121673225734 0.07649565768517935 0.00994089272887658 -0.09840407347907781 -0.17888890551926448 -0.264017093254082 -0.3955788379351557 +45145,-0.4961848779853978,2,0.01613203365503937 0.5888125693256165 1.0330269307782014 1.3332972656973694 1.585586258438732 1.6149941778380315 1.6041596812172378 1.5298659901032228 1.3054371315296105 0.950994313506474 0.6569151195134688 0.4386774018660369 0.2746121673225734 0.07649565768517935 0.00994089272887658 -0.09840407347907781 -0.17888890551926448 -0.264017093254082 -0.3955788379351557 -0.46677695858609813 +45146,-0.6323899783611023,2,0.5888125693256165 1.0330269307782014 1.3332972656973694 1.585586258438732 1.6149941778380315 1.6041596812172378 1.5298659901032228 1.3054371315296105 0.950994313506474 0.6569151195134688 0.4386774018660369 0.2746121673225734 0.07649565768517935 0.00994089272887658 -0.09840407347907781 -0.17888890551926448 -0.264017093254082 -0.3955788379351557 -0.46677695858609813 -0.4961848779853978 +45147,-0.6695368239181143,2,1.0330269307782014 1.3332972656973694 1.585586258438732 1.6149941778380315 1.6041596812172378 1.5298659901032228 1.3054371315296105 0.950994313506474 0.6569151195134688 0.4386774018660369 0.2746121673225734 0.07649565768517935 0.00994089272887658 -0.09840407347907781 -0.17888890551926448 -0.264017093254082 -0.3955788379351557 -0.46677695858609813 -0.4961848779853978 -0.6323899783611023 +45148,-0.6277466226664714,2,1.3332972656973694 1.585586258438732 1.6149941778380315 1.6041596812172378 1.5298659901032228 1.3054371315296105 0.950994313506474 0.6569151195134688 0.4386774018660369 0.2746121673225734 0.07649565768517935 0.00994089272887658 -0.09840407347907781 -0.17888890551926448 -0.264017093254082 -0.3955788379351557 -0.46677695858609813 -0.4961848779853978 -0.6323899783611023 -0.6695368239181143 +45149,-0.1076907848683308,2,1.585586258438732 1.6149941778380315 1.6041596812172378 1.5298659901032228 1.3054371315296105 0.950994313506474 0.6569151195134688 0.4386774018660369 0.2746121673225734 0.07649565768517935 0.00994089272887658 -0.09840407347907781 -0.17888890551926448 -0.264017093254082 -0.3955788379351557 -0.46677695858609813 -0.4961848779853978 -0.6323899783611023 -0.6695368239181143 -0.6277466226664714 +45150,0.4820153883492116,2,1.6149941778380315 1.6041596812172378 1.5298659901032228 1.3054371315296105 0.950994313506474 0.6569151195134688 0.4386774018660369 0.2746121673225734 0.07649565768517935 0.00994089272887658 -0.09840407347907781 -0.17888890551926448 -0.264017093254082 -0.3955788379351557 -0.46677695858609813 -0.4961848779853978 -0.6323899783611023 -0.6695368239181143 -0.6277466226664714 -0.1076907848683308 +45151,0.9370642464225901,2,1.6041596812172378 1.5298659901032228 1.3054371315296105 0.950994313506474 0.6569151195134688 0.4386774018660369 0.2746121673225734 0.07649565768517935 0.00994089272887658 -0.09840407347907781 -0.17888890551926448 -0.264017093254082 -0.3955788379351557 -0.46677695858609813 -0.4961848779853978 -0.6323899783611023 -0.6695368239181143 -0.6277466226664714 -0.1076907848683308 0.4820153883492116 +45152,1.2559080041202642,2,1.5298659901032228 1.3054371315296105 0.950994313506474 0.6569151195134688 0.4386774018660369 0.2746121673225734 0.07649565768517935 0.00994089272887658 -0.09840407347907781 -0.17888890551926448 -0.264017093254082 -0.3955788379351557 -0.46677695858609813 -0.4961848779853978 -0.6323899783611023 -0.6695368239181143 -0.6277466226664714 -0.1076907848683308 0.4820153883492116 0.9370642464225901 +45153,1.4044953863483118,2,1.3054371315296105 0.950994313506474 0.6569151195134688 0.4386774018660369 0.2746121673225734 0.07649565768517935 0.00994089272887658 -0.09840407347907781 -0.17888890551926448 -0.264017093254082 -0.3955788379351557 -0.46677695858609813 -0.4961848779853978 -0.6323899783611023 -0.6695368239181143 -0.6277466226664714 -0.1076907848683308 0.4820153883492116 0.9370642464225901 1.2559080041202642 +45154,1.3781830374120936,2,0.950994313506474 0.6569151195134688 0.4386774018660369 0.2746121673225734 0.07649565768517935 0.00994089272887658 -0.09840407347907781 -0.17888890551926448 -0.264017093254082 -0.3955788379351557 -0.46677695858609813 -0.4961848779853978 -0.6323899783611023 -0.6695368239181143 -0.6277466226664714 -0.1076907848683308 0.4820153883492116 0.9370642464225901 1.2559080041202642 1.4044953863483118 +45155,1.3379406213920002,2,0.6569151195134688 0.4386774018660369 0.2746121673225734 0.07649565768517935 0.00994089272887658 -0.09840407347907781 -0.17888890551926448 -0.264017093254082 -0.3955788379351557 -0.46677695858609813 -0.4961848779853978 -0.6323899783611023 -0.6695368239181143 -0.6277466226664714 -0.1076907848683308 0.4820153883492116 0.9370642464225901 1.2559080041202642 1.4044953863483118 1.3781830374120936 +45156,1.1506586083754,2,0.4386774018660369 0.2746121673225734 0.07649565768517935 0.00994089272887658 -0.09840407347907781 -0.17888890551926448 -0.264017093254082 -0.3955788379351557 -0.46677695858609813 -0.4961848779853978 -0.6323899783611023 -0.6695368239181143 -0.6277466226664714 -0.1076907848683308 0.4820153883492116 0.9370642464225901 1.2559080041202642 1.4044953863483118 1.3781830374120936 1.3379406213920002 +45157,0.9231341793387151,2,0.2746121673225734 0.07649565768517935 0.00994089272887658 -0.09840407347907781 -0.17888890551926448 -0.264017093254082 -0.3955788379351557 -0.46677695858609813 -0.4961848779853978 -0.6323899783611023 -0.6695368239181143 -0.6277466226664714 -0.1076907848683308 0.4820153883492116 0.9370642464225901 1.2559080041202642 1.4044953863483118 1.3781830374120936 1.3379406213920002 1.1506586083754 +45158,0.46963310649687723,2,0.07649565768517935 0.00994089272887658 -0.09840407347907781 -0.17888890551926448 -0.264017093254082 -0.3955788379351557 -0.46677695858609813 -0.4961848779853978 -0.6323899783611023 -0.6695368239181143 -0.6277466226664714 -0.1076907848683308 0.4820153883492116 0.9370642464225901 1.2559080041202642 1.4044953863483118 1.3781830374120936 1.3379406213920002 1.1506586083754 0.9231341793387151 +45159,0.17710169773542148,2,0.00994089272887658 -0.09840407347907781 -0.17888890551926448 -0.264017093254082 -0.3955788379351557 -0.46677695858609813 -0.4961848779853978 -0.6323899783611023 -0.6695368239181143 -0.6277466226664714 -0.1076907848683308 0.4820153883492116 0.9370642464225901 1.2559080041202642 1.4044953863483118 1.3781830374120936 1.3379406213920002 1.1506586083754 0.9231341793387151 0.46963310649687723 +45160,0.05947002013822289,2,-0.09840407347907781 -0.17888890551926448 -0.264017093254082 -0.3955788379351557 -0.46677695858609813 -0.4961848779853978 -0.6323899783611023 -0.6695368239181143 -0.6277466226664714 -0.1076907848683308 0.4820153883492116 0.9370642464225901 1.2559080041202642 1.4044953863483118 1.3781830374120936 1.3379406213920002 1.1506586083754 0.9231341793387151 0.46963310649687723 0.17710169773542148 +45161,-0.05042273130127221,2,-0.17888890551926448 -0.264017093254082 -0.3955788379351557 -0.46677695858609813 -0.4961848779853978 -0.6323899783611023 -0.6695368239181143 -0.6277466226664714 -0.1076907848683308 0.4820153883492116 0.9370642464225901 1.2559080041202642 1.4044953863483118 1.3781830374120936 1.3379406213920002 1.1506586083754 0.9231341793387151 0.46963310649687723 0.17710169773542148 0.05947002013822289 +45162,-0.2113923953816455,2,-0.264017093254082 -0.3955788379351557 -0.46677695858609813 -0.4961848779853978 -0.6323899783611023 -0.6695368239181143 -0.6277466226664714 -0.1076907848683308 0.4820153883492116 0.9370642464225901 1.2559080041202642 1.4044953863483118 1.3781830374120936 1.3379406213920002 1.1506586083754 0.9231341793387151 0.46963310649687723 0.17710169773542148 0.05947002013822289 -0.05042273130127221 +45163,-0.24080031478094516,2,-0.3955788379351557 -0.46677695858609813 -0.4961848779853978 -0.6323899783611023 -0.6695368239181143 -0.6277466226664714 -0.1076907848683308 0.4820153883492116 0.9370642464225901 1.2559080041202642 1.4044953863483118 1.3781830374120936 1.3379406213920002 1.1506586083754 0.9231341793387151 0.46963310649687723 0.17710169773542148 0.05947002013822289 -0.05042273130127221 -0.2113923953816455 +45164,-0.29806836834800376,2,-0.46677695858609813 -0.4961848779853978 -0.6323899783611023 -0.6695368239181143 -0.6277466226664714 -0.1076907848683308 0.4820153883492116 0.9370642464225901 1.2559080041202642 1.4044953863483118 1.3781830374120936 1.3379406213920002 1.1506586083754 0.9231341793387151 0.46963310649687723 0.17710169773542148 0.05947002013822289 -0.05042273130127221 -0.2113923953816455 -0.24080031478094516 +45165,-0.3135462206634283,2,-0.4961848779853978 -0.6323899783611023 -0.6695368239181143 -0.6277466226664714 -0.1076907848683308 0.4820153883492116 0.9370642464225901 1.2559080041202642 1.4044953863483118 1.3781830374120936 1.3379406213920002 1.1506586083754 0.9231341793387151 0.46963310649687723 0.17710169773542148 0.05947002013822289 -0.05042273130127221 -0.2113923953816455 -0.24080031478094516 -0.29806836834800376 +45166,-0.4420123948814206,2,-0.6323899783611023 -0.6695368239181143 -0.6277466226664714 -0.1076907848683308 0.4820153883492116 0.9370642464225901 1.2559080041202642 1.4044953863483118 1.3781830374120936 1.3379406213920002 1.1506586083754 0.9231341793387151 0.46963310649687723 0.17710169773542148 0.05947002013822289 -0.05042273130127221 -0.2113923953816455 -0.24080031478094516 -0.29806836834800376 -0.3135462206634283 +45167,-0.4961848779853978,2,-0.6695368239181143 -0.6277466226664714 -0.1076907848683308 0.4820153883492116 0.9370642464225901 1.2559080041202642 1.4044953863483118 1.3781830374120936 1.3379406213920002 1.1506586083754 0.9231341793387151 0.46963310649687723 0.17710169773542148 0.05947002013822289 -0.05042273130127221 -0.2113923953816455 -0.24080031478094516 -0.29806836834800376 -0.3135462206634283 -0.4420123948814206 +45168,-0.6602501125288612,2,-0.6277466226664714 -0.1076907848683308 0.4820153883492116 0.9370642464225901 1.2559080041202642 1.4044953863483118 1.3781830374120936 1.3379406213920002 1.1506586083754 0.9231341793387151 0.46963310649687723 0.17710169773542148 0.05947002013822289 -0.05042273130127221 -0.2113923953816455 -0.24080031478094516 -0.29806836834800376 -0.3135462206634283 -0.4420123948814206 -0.4961848779853978 +45169,-0.6540589716026897,2,-0.1076907848683308 0.4820153883492116 0.9370642464225901 1.2559080041202642 1.4044953863483118 1.3781830374120936 1.3379406213920002 1.1506586083754 0.9231341793387151 0.46963310649687723 0.17710169773542148 0.05947002013822289 -0.05042273130127221 -0.2113923953816455 -0.24080031478094516 -0.29806836834800376 -0.3135462206634283 -0.4420123948814206 -0.4961848779853978 -0.6602501125288612 +45170,-0.652511186371149,2,0.4820153883492116 0.9370642464225901 1.2559080041202642 1.4044953863483118 1.3781830374120936 1.3379406213920002 1.1506586083754 0.9231341793387151 0.46963310649687723 0.17710169773542148 0.05947002013822289 -0.05042273130127221 -0.2113923953816455 -0.24080031478094516 -0.29806836834800376 -0.3135462206634283 -0.4420123948814206 -0.4961848779853978 -0.6602501125288612 -0.6540589716026897 +45171,-0.7175181660959199,2,0.9370642464225901 1.2559080041202642 1.4044953863483118 1.3781830374120936 1.3379406213920002 1.1506586083754 0.9231341793387151 0.46963310649687723 0.17710169773542148 0.05947002013822289 -0.05042273130127221 -0.2113923953816455 -0.24080031478094516 -0.29806836834800376 -0.3135462206634283 -0.4420123948814206 -0.4961848779853978 -0.6602501125288612 -0.6540589716026897 -0.652511186371149 +45172,-0.8103852799884409,2,1.2559080041202642 1.4044953863483118 1.3781830374120936 1.3379406213920002 1.1506586083754 0.9231341793387151 0.46963310649687723 0.17710169773542148 0.05947002013822289 -0.05042273130127221 -0.2113923953816455 -0.24080031478094516 -0.29806836834800376 -0.3135462206634283 -0.4420123948814206 -0.4961848779853978 -0.6602501125288612 -0.6540589716026897 -0.652511186371149 -0.7175181660959199 +45173,-0.5720263543309624,2,1.4044953863483118 1.3781830374120936 1.3379406213920002 1.1506586083754 0.9231341793387151 0.46963310649687723 0.17710169773542148 0.05947002013822289 -0.05042273130127221 -0.2113923953816455 -0.24080031478094516 -0.29806836834800376 -0.3135462206634283 -0.4420123948814206 -0.4961848779853978 -0.6602501125288612 -0.6540589716026897 -0.652511186371149 -0.7175181660959199 -0.8103852799884409 +45174,-0.3259285025157627,2,1.3781830374120936 1.3379406213920002 1.1506586083754 0.9231341793387151 0.46963310649687723 0.17710169773542148 0.05947002013822289 -0.05042273130127221 -0.2113923953816455 -0.24080031478094516 -0.29806836834800376 -0.3135462206634283 -0.4420123948814206 -0.4961848779853978 -0.6602501125288612 -0.6540589716026897 -0.652511186371149 -0.7175181660959199 -0.8103852799884409 -0.5720263543309624 +45175,0.0037497518027049923,2,1.3379406213920002 1.1506586083754 0.9231341793387151 0.46963310649687723 0.17710169773542148 0.05947002013822289 -0.05042273130127221 -0.2113923953816455 -0.24080031478094516 -0.29806836834800376 -0.3135462206634283 -0.4420123948814206 -0.4961848779853978 -0.6602501125288612 -0.6540589716026897 -0.652511186371149 -0.7175181660959199 -0.8103852799884409 -0.5720263543309624 -0.3259285025157627 +45176,0.313306798111126,2,1.1506586083754 0.9231341793387151 0.46963310649687723 0.17710169773542148 0.05947002013822289 -0.05042273130127221 -0.2113923953816455 -0.24080031478094516 -0.29806836834800376 -0.3135462206634283 -0.4420123948814206 -0.4961848779853978 -0.6602501125288612 -0.6540589716026897 -0.652511186371149 -0.7175181660959199 -0.8103852799884409 -0.5720263543309624 -0.3259285025157627 0.0037497518027049923 +45177,0.5315445157585579,2,0.9231341793387151 0.46963310649687723 0.17710169773542148 0.05947002013822289 -0.05042273130127221 -0.2113923953816455 -0.24080031478094516 -0.29806836834800376 -0.3135462206634283 -0.4420123948814206 -0.4961848779853978 -0.6602501125288612 -0.6540589716026897 -0.652511186371149 -0.7175181660959199 -0.8103852799884409 -0.5720263543309624 -0.3259285025157627 0.0037497518027049923 0.313306798111126 +45178,0.6166727034933754,2,0.46963310649687723 0.17710169773542148 0.05947002013822289 -0.05042273130127221 -0.2113923953816455 -0.24080031478094516 -0.29806836834800376 -0.3135462206634283 -0.4420123948814206 -0.4961848779853978 -0.6602501125288612 -0.6540589716026897 -0.652511186371149 -0.7175181660959199 -0.8103852799884409 -0.5720263543309624 -0.3259285025157627 0.0037497518027049923 0.313306798111126 0.5315445157585579 +45179,0.6336983410403407,2,0.17710169773542148 0.05947002013822289 -0.05042273130127221 -0.2113923953816455 -0.24080031478094516 -0.29806836834800376 -0.3135462206634283 -0.4420123948814206 -0.4961848779853978 -0.6602501125288612 -0.6540589716026897 -0.652511186371149 -0.7175181660959199 -0.8103852799884409 -0.5720263543309624 -0.3259285025157627 0.0037497518027049923 0.313306798111126 0.5315445157585579 0.6166727034933754 +45180,0.5145188782116015,2,0.05947002013822289 -0.05042273130127221 -0.2113923953816455 -0.24080031478094516 -0.29806836834800376 -0.3135462206634283 -0.4420123948814206 -0.4961848779853978 -0.6602501125288612 -0.6540589716026897 -0.652511186371149 -0.7175181660959199 -0.8103852799884409 -0.5720263543309624 -0.3259285025157627 0.0037497518027049923 0.313306798111126 0.5315445157585579 0.6166727034933754 0.6336983410403407 +45181,0.30556787195341373,2,-0.05042273130127221 -0.2113923953816455 -0.24080031478094516 -0.29806836834800376 -0.3135462206634283 -0.4420123948814206 -0.4961848779853978 -0.6602501125288612 -0.6540589716026897 -0.652511186371149 -0.7175181660959199 -0.8103852799884409 -0.5720263543309624 -0.3259285025157627 0.0037497518027049923 0.313306798111126 0.5315445157585579 0.6166727034933754 0.6336983410403407 0.5145188782116015 +45182,-0.014823670975800974,2,-0.2113923953816455 -0.24080031478094516 -0.29806836834800376 -0.3135462206634283 -0.4420123948814206 -0.4961848779853978 -0.6602501125288612 -0.6540589716026897 -0.652511186371149 -0.7175181660959199 -0.8103852799884409 -0.5720263543309624 -0.3259285025157627 0.0037497518027049923 0.313306798111126 0.5315445157585579 0.6166727034933754 0.6336983410403407 0.5145188782116015 0.30556787195341373 +45183,-0.18972340214005814,2,-0.24080031478094516 -0.29806836834800376 -0.3135462206634283 -0.4420123948814206 -0.4961848779853978 -0.6602501125288612 -0.6540589716026897 -0.652511186371149 -0.7175181660959199 -0.8103852799884409 -0.5720263543309624 -0.3259285025157627 0.0037497518027049923 0.313306798111126 0.5315445157585579 0.6166727034933754 0.6336983410403407 0.5145188782116015 0.30556787195341373 -0.014823670975800974 +45184,-0.3212851468211406,2,-0.29806836834800376 -0.3135462206634283 -0.4420123948814206 -0.4961848779853978 -0.6602501125288612 -0.6540589716026897 -0.652511186371149 -0.7175181660959199 -0.8103852799884409 -0.5720263543309624 -0.3259285025157627 0.0037497518027049923 0.313306798111126 0.5315445157585579 0.6166727034933754 0.6336983410403407 0.5145188782116015 0.30556787195341373 -0.014823670975800974 -0.18972340214005814 +45185,-0.3878399117774522,2,-0.3135462206634283 -0.4420123948814206 -0.4961848779853978 -0.6602501125288612 -0.6540589716026897 -0.652511186371149 -0.7175181660959199 -0.8103852799884409 -0.5720263543309624 -0.3259285025157627 0.0037497518027049923 0.313306798111126 0.5315445157585579 0.6166727034933754 0.6336983410403407 0.5145188782116015 0.30556787195341373 -0.014823670975800974 -0.18972340214005814 -0.3212851468211406 +45186,-0.4776114552068918,2,-0.4420123948814206 -0.4961848779853978 -0.6602501125288612 -0.6540589716026897 -0.652511186371149 -0.7175181660959199 -0.8103852799884409 -0.5720263543309624 -0.3259285025157627 0.0037497518027049923 0.313306798111126 0.5315445157585579 0.6166727034933754 0.6336983410403407 0.5145188782116015 0.30556787195341373 -0.014823670975800974 -0.18972340214005814 -0.3212851468211406 -0.3878399117774522 +45187,-0.46677695858609813,2,-0.4961848779853978 -0.6602501125288612 -0.6540589716026897 -0.652511186371149 -0.7175181660959199 -0.8103852799884409 -0.5720263543309624 -0.3259285025157627 0.0037497518027049923 0.313306798111126 0.5315445157585579 0.6166727034933754 0.6336983410403407 0.5145188782116015 0.30556787195341373 -0.014823670975800974 -0.18972340214005814 -0.3212851468211406 -0.3878399117774522 -0.4776114552068918 +45188,-0.38164877085128057,2,-0.6602501125288612 -0.6540589716026897 -0.652511186371149 -0.7175181660959199 -0.8103852799884409 -0.5720263543309624 -0.3259285025157627 0.0037497518027049923 0.313306798111126 0.5315445157585579 0.6166727034933754 0.6336983410403407 0.5145188782116015 0.30556787195341373 -0.014823670975800974 -0.18972340214005814 -0.3212851468211406 -0.3878399117774522 -0.4776114552068918 -0.46677695858609813 +45189,-0.45439467673375494,2,-0.6540589716026897 -0.652511186371149 -0.7175181660959199 -0.8103852799884409 -0.5720263543309624 -0.3259285025157627 0.0037497518027049923 0.313306798111126 0.5315445157585579 0.6166727034933754 0.6336983410403407 0.5145188782116015 0.30556787195341373 -0.014823670975800974 -0.18972340214005814 -0.3212851468211406 -0.3878399117774522 -0.4776114552068918 -0.46677695858609813 -0.38164877085128057 +45190,-0.4791592404384325,2,-0.652511186371149 -0.7175181660959199 -0.8103852799884409 -0.5720263543309624 -0.3259285025157627 0.0037497518027049923 0.313306798111126 0.5315445157585579 0.6166727034933754 0.6336983410403407 0.5145188782116015 0.30556787195341373 -0.014823670975800974 -0.18972340214005814 -0.3212851468211406 -0.3878399117774522 -0.4776114552068918 -0.46677695858609813 -0.38164877085128057 -0.45439467673375494 +45191,-0.45439467673375494,2,-0.7175181660959199 -0.8103852799884409 -0.5720263543309624 -0.3259285025157627 0.0037497518027049923 0.313306798111126 0.5315445157585579 0.6166727034933754 0.6336983410403407 0.5145188782116015 0.30556787195341373 -0.014823670975800974 -0.18972340214005814 -0.3212851468211406 -0.3878399117774522 -0.4776114552068918 -0.46677695858609813 -0.38164877085128057 -0.45439467673375494 -0.4791592404384325 +45192,-0.45129910627067354,2,-0.8103852799884409 -0.5720263543309624 -0.3259285025157627 0.0037497518027049923 0.313306798111126 0.5315445157585579 0.6166727034933754 0.6336983410403407 0.5145188782116015 0.30556787195341373 -0.014823670975800974 -0.18972340214005814 -0.3212851468211406 -0.3878399117774522 -0.4776114552068918 -0.46677695858609813 -0.38164877085128057 -0.45439467673375494 -0.4791592404384325 -0.45439467673375494 +45193,-0.4296301130290862,2,-0.5720263543309624 -0.3259285025157627 0.0037497518027049923 0.313306798111126 0.5315445157585579 0.6166727034933754 0.6336983410403407 0.5145188782116015 0.30556787195341373 -0.014823670975800974 -0.18972340214005814 -0.3212851468211406 -0.3878399117774522 -0.4776114552068918 -0.46677695858609813 -0.38164877085128057 -0.45439467673375494 -0.4791592404384325 -0.45439467673375494 -0.45129910627067354 +45194,-0.46213360289146727,2,-0.3259285025157627 0.0037497518027049923 0.313306798111126 0.5315445157585579 0.6166727034933754 0.6336983410403407 0.5145188782116015 0.30556787195341373 -0.014823670975800974 -0.18972340214005814 -0.3212851468211406 -0.3878399117774522 -0.4776114552068918 -0.46677695858609813 -0.38164877085128057 -0.45439467673375494 -0.4791592404384325 -0.45439467673375494 -0.45129910627067354 -0.4296301130290862 +45195,-0.45129910627067354,2,0.0037497518027049923 0.313306798111126 0.5315445157585579 0.6166727034933754 0.6336983410403407 0.5145188782116015 0.30556787195341373 -0.014823670975800974 -0.18972340214005814 -0.3212851468211406 -0.3878399117774522 -0.4776114552068918 -0.46677695858609813 -0.38164877085128057 -0.45439467673375494 -0.4791592404384325 -0.45439467673375494 -0.45129910627067354 -0.4296301130290862 -0.46213360289146727 +45196,-0.41879561640829255,2,0.313306798111126 0.5315445157585579 0.6166727034933754 0.6336983410403407 0.5145188782116015 0.30556787195341373 -0.014823670975800974 -0.18972340214005814 -0.3212851468211406 -0.3878399117774522 -0.4776114552068918 -0.46677695858609813 -0.38164877085128057 -0.45439467673375494 -0.4791592404384325 -0.45439467673375494 -0.45129910627067354 -0.4296301130290862 -0.46213360289146727 -0.45129910627067354 +45197,-0.38319655608282127,2,0.5315445157585579 0.6166727034933754 0.6336983410403407 0.5145188782116015 0.30556787195341373 -0.014823670975800974 -0.18972340214005814 -0.3212851468211406 -0.3878399117774522 -0.4776114552068918 -0.46677695858609813 -0.38164877085128057 -0.45439467673375494 -0.4791592404384325 -0.45439467673375494 -0.45129910627067354 -0.4296301130290862 -0.46213360289146727 -0.45129910627067354 -0.41879561640829255 +45198,-0.2082968249185641,2,0.6166727034933754 0.6336983410403407 0.5145188782116015 0.30556787195341373 -0.014823670975800974 -0.18972340214005814 -0.3212851468211406 -0.3878399117774522 -0.4776114552068918 -0.46677695858609813 -0.38164877085128057 -0.45439467673375494 -0.4791592404384325 -0.45439467673375494 -0.45129910627067354 -0.4296301130290862 -0.46213360289146727 -0.45129910627067354 -0.41879561640829255 -0.38319655608282127 +45199,-0.14483763042533393,2,0.6336983410403407 0.5145188782116015 0.30556787195341373 -0.014823670975800974 -0.18972340214005814 -0.3212851468211406 -0.3878399117774522 -0.4776114552068918 -0.46677695858609813 -0.38164877085128057 -0.45439467673375494 -0.4791592404384325 -0.45439467673375494 -0.45129910627067354 -0.4296301130290862 -0.46213360289146727 -0.45129910627067354 -0.41879561640829255 -0.38319655608282127 -0.2082968249185641 +45200,-0.04423159037510062,2,0.5145188782116015 0.30556787195341373 -0.014823670975800974 -0.18972340214005814 -0.3212851468211406 -0.3878399117774522 -0.4776114552068918 -0.46677695858609813 -0.38164877085128057 -0.45439467673375494 -0.4791592404384325 -0.45439467673375494 -0.45129910627067354 -0.4296301130290862 -0.46213360289146727 -0.45129910627067354 -0.41879561640829255 -0.38319655608282127 -0.2082968249185641 -0.14483763042533393 +45201,0.07494787245363867,2,0.30556787195341373 -0.014823670975800974 -0.18972340214005814 -0.3212851468211406 -0.3878399117774522 -0.4776114552068918 -0.46677695858609813 -0.38164877085128057 -0.45439467673375494 -0.4791592404384325 -0.45439467673375494 -0.45129910627067354 -0.4296301130290862 -0.46213360289146727 -0.45129910627067354 -0.41879561640829255 -0.38319655608282127 -0.2082968249185641 -0.14483763042533393 -0.04423159037510062 +45202,0.07649565768517935,2,-0.014823670975800974 -0.18972340214005814 -0.3212851468211406 -0.3878399117774522 -0.4776114552068918 -0.46677695858609813 -0.38164877085128057 -0.45439467673375494 -0.4791592404384325 -0.45439467673375494 -0.45129910627067354 -0.4296301130290862 -0.46213360289146727 -0.45129910627067354 -0.41879561640829255 -0.38319655608282127 -0.2082968249185641 -0.14483763042533393 -0.04423159037510062 0.07494787245363867 +45203,0.14769377833612182,2,-0.18972340214005814 -0.3212851468211406 -0.3878399117774522 -0.4776114552068918 -0.46677695858609813 -0.38164877085128057 -0.45439467673375494 -0.4791592404384325 -0.45439467673375494 -0.45129910627067354 -0.4296301130290862 -0.46213360289146727 -0.45129910627067354 -0.41879561640829255 -0.38319655608282127 -0.2082968249185641 -0.14483763042533393 -0.04423159037510062 0.07494787245363867 0.07649565768517935 +45204,0.17091055680924988,2,-0.3212851468211406 -0.3878399117774522 -0.4776114552068918 -0.46677695858609813 -0.38164877085128057 -0.45439467673375494 -0.4791592404384325 -0.45439467673375494 -0.45129910627067354 -0.4296301130290862 -0.46213360289146727 -0.45129910627067354 -0.41879561640829255 -0.38319655608282127 -0.2082968249185641 -0.14483763042533393 -0.04423159037510062 0.07494787245363867 0.07649565768517935 0.14769377833612182 +45205,0.05637444967513269,2,-0.3878399117774522 -0.4776114552068918 -0.46677695858609813 -0.38164877085128057 -0.45439467673375494 -0.4791592404384325 -0.45439467673375494 -0.45129910627067354 -0.4296301130290862 -0.46213360289146727 -0.45129910627067354 -0.41879561640829255 -0.38319655608282127 -0.2082968249185641 -0.14483763042533393 -0.04423159037510062 0.07494787245363867 0.07649565768517935 0.14769377833612182 0.17091055680924988 +45206,-0.12781199287837747,2,-0.4776114552068918 -0.46677695858609813 -0.38164877085128057 -0.45439467673375494 -0.4791592404384325 -0.45439467673375494 -0.45129910627067354 -0.4296301130290862 -0.46213360289146727 -0.45129910627067354 -0.41879561640829255 -0.38319655608282127 -0.2082968249185641 -0.14483763042533393 -0.04423159037510062 0.07494787245363867 0.07649565768517935 0.14769377833612182 0.17091055680924988 0.05637444967513269 +45207,-0.3212851468211406,2,-0.46677695858609813 -0.38164877085128057 -0.45439467673375494 -0.4791592404384325 -0.45439467673375494 -0.45129910627067354 -0.4296301130290862 -0.46213360289146727 -0.45129910627067354 -0.41879561640829255 -0.38319655608282127 -0.2082968249185641 -0.14483763042533393 -0.04423159037510062 0.07494787245363867 0.07649565768517935 0.14769377833612182 0.17091055680924988 0.05637444967513269 -0.12781199287837747 +45208,-0.4280823277975455,2,-0.38164877085128057 -0.45439467673375494 -0.4791592404384325 -0.45439467673375494 -0.45129910627067354 -0.4296301130290862 -0.46213360289146727 -0.45129910627067354 -0.41879561640829255 -0.38319655608282127 -0.2082968249185641 -0.14483763042533393 -0.04423159037510062 0.07494787245363867 0.07649565768517935 0.14769377833612182 0.17091055680924988 0.05637444967513269 -0.12781199287837747 -0.3212851468211406 +45209,-0.573574139562503,2,-0.45439467673375494 -0.4791592404384325 -0.45439467673375494 -0.45129910627067354 -0.4296301130290862 -0.46213360289146727 -0.45129910627067354 -0.41879561640829255 -0.38319655608282127 -0.2082968249185641 -0.14483763042533393 -0.04423159037510062 0.07494787245363867 0.07649565768517935 0.14769377833612182 0.17091055680924988 0.05637444967513269 -0.12781199287837747 -0.3212851468211406 -0.4280823277975455 +45210,-0.6571545420657711,2,-0.4791592404384325 -0.45439467673375494 -0.45129910627067354 -0.4296301130290862 -0.46213360289146727 -0.45129910627067354 -0.41879561640829255 -0.38319655608282127 -0.2082968249185641 -0.14483763042533393 -0.04423159037510062 0.07494787245363867 0.07649565768517935 0.14769377833612182 0.17091055680924988 0.05637444967513269 -0.12781199287837747 -0.3212851468211406 -0.4280823277975455 -0.573574139562503 +45211,-0.7020403137804953,2,-0.45439467673375494 -0.45129910627067354 -0.4296301130290862 -0.46213360289146727 -0.45129910627067354 -0.41879561640829255 -0.38319655608282127 -0.2082968249185641 -0.14483763042533393 -0.04423159037510062 0.07494787245363867 0.07649565768517935 0.14769377833612182 0.17091055680924988 0.05637444967513269 -0.12781199287837747 -0.3212851468211406 -0.4280823277975455 -0.573574139562503 -0.6571545420657711 +45212,-0.8305064879984876,2,-0.45129910627067354 -0.4296301130290862 -0.46213360289146727 -0.45129910627067354 -0.41879561640829255 -0.38319655608282127 -0.2082968249185641 -0.14483763042533393 -0.04423159037510062 0.07494787245363867 0.07649565768517935 0.14769377833612182 0.17091055680924988 0.05637444967513269 -0.12781199287837747 -0.3212851468211406 -0.4280823277975455 -0.573574139562503 -0.6571545420657711 -0.7020403137804953 +45213,-1.0626742727298033,2,-0.4296301130290862 -0.46213360289146727 -0.45129910627067354 -0.41879561640829255 -0.38319655608282127 -0.2082968249185641 -0.14483763042533393 -0.04423159037510062 0.07494787245363867 0.07649565768517935 0.14769377833612182 0.17091055680924988 0.05637444967513269 -0.12781199287837747 -0.3212851468211406 -0.4280823277975455 -0.573574139562503 -0.6571545420657711 -0.7020403137804953 -0.8305064879984876 +45214,-1.110655614907609,2,-0.46213360289146727 -0.45129910627067354 -0.41879561640829255 -0.38319655608282127 -0.2082968249185641 -0.14483763042533393 -0.04423159037510062 0.07494787245363867 0.07649565768517935 0.14769377833612182 0.17091055680924988 0.05637444967513269 -0.12781199287837747 -0.3212851468211406 -0.4280823277975455 -0.573574139562503 -0.6571545420657711 -0.7020403137804953 -0.8305064879984876 -1.0626742727298033 +45215,-1.2174527958840138,2,-0.45129910627067354 -0.41879561640829255 -0.38319655608282127 -0.2082968249185641 -0.14483763042533393 -0.04423159037510062 0.07494787245363867 0.07649565768517935 0.14769377833612182 0.17091055680924988 0.05637444967513269 -0.12781199287837747 -0.3212851468211406 -0.4280823277975455 -0.573574139562503 -0.6571545420657711 -0.7020403137804953 -0.8305064879984876 -1.0626742727298033 -1.110655614907609 +45216,-1.2050705140316795,2,-0.41879561640829255 -0.38319655608282127 -0.2082968249185641 -0.14483763042533393 -0.04423159037510062 0.07494787245363867 0.07649565768517935 0.14769377833612182 0.17091055680924988 0.05637444967513269 -0.12781199287837747 -0.3212851468211406 -0.4280823277975455 -0.573574139562503 -0.6571545420657711 -0.7020403137804953 -0.8305064879984876 -1.0626742727298033 -1.110655614907609 -1.2174527958840138 +45217,-1.2700774937564503,2,-0.38319655608282127 -0.2082968249185641 -0.14483763042533393 -0.04423159037510062 0.07494787245363867 0.07649565768517935 0.14769377833612182 0.17091055680924988 0.05637444967513269 -0.12781199287837747 -0.3212851468211406 -0.4280823277975455 -0.573574139562503 -0.6571545420657711 -0.7020403137804953 -0.8305064879984876 -1.0626742727298033 -1.110655614907609 -1.2174527958840138 -1.2050705140316795 +45218,-1.3846136008905676,2,-0.2082968249185641 -0.14483763042533393 -0.04423159037510062 0.07494787245363867 0.07649565768517935 0.14769377833612182 0.17091055680924988 0.05637444967513269 -0.12781199287837747 -0.3212851468211406 -0.4280823277975455 -0.573574139562503 -0.6571545420657711 -0.7020403137804953 -0.8305064879984876 -1.0626742727298033 -1.110655614907609 -1.2174527958840138 -1.2050705140316795 -1.2700774937564503 +45219,-1.4310471578368236,2,-0.14483763042533393 -0.04423159037510062 0.07494787245363867 0.07649565768517935 0.14769377833612182 0.17091055680924988 0.05637444967513269 -0.12781199287837747 -0.3212851468211406 -0.4280823277975455 -0.573574139562503 -0.6571545420657711 -0.7020403137804953 -0.8305064879984876 -1.0626742727298033 -1.110655614907609 -1.2174527958840138 -1.2050705140316795 -1.2700774937564503 -1.3846136008905676 +45220,-1.3799702451959366,2,-0.04423159037510062 0.07494787245363867 0.07649565768517935 0.14769377833612182 0.17091055680924988 0.05637444967513269 -0.12781199287837747 -0.3212851468211406 -0.4280823277975455 -0.573574139562503 -0.6571545420657711 -0.7020403137804953 -0.8305064879984876 -1.0626742727298033 -1.110655614907609 -1.2174527958840138 -1.2050705140316795 -1.2700774937564503 -1.3846136008905676 -1.4310471578368236 +45221,-0.9125391052702237,2,0.07494787245363867 0.07649565768517935 0.14769377833612182 0.17091055680924988 0.05637444967513269 -0.12781199287837747 -0.3212851468211406 -0.4280823277975455 -0.573574139562503 -0.6571545420657711 -0.7020403137804953 -0.8305064879984876 -1.0626742727298033 -1.110655614907609 -1.2174527958840138 -1.2050705140316795 -1.2700774937564503 -1.3846136008905676 -1.4310471578368236 -1.3799702451959366 +45222,-0.29032944219029144,2,0.07649565768517935 0.14769377833612182 0.17091055680924988 0.05637444967513269 -0.12781199287837747 -0.3212851468211406 -0.4280823277975455 -0.573574139562503 -0.6571545420657711 -0.7020403137804953 -0.8305064879984876 -1.0626742727298033 -1.110655614907609 -1.2174527958840138 -1.2050705140316795 -1.2700774937564503 -1.3846136008905676 -1.4310471578368236 -1.3799702451959366 -0.9125391052702237 +45223,0.24984760361789585,2,0.14769377833612182 0.17091055680924988 0.05637444967513269 -0.12781199287837747 -0.3212851468211406 -0.4280823277975455 -0.573574139562503 -0.6571545420657711 -0.7020403137804953 -0.8305064879984876 -1.0626742727298033 -1.110655614907609 -1.2174527958840138 -1.2050705140316795 -1.2700774937564503 -1.3846136008905676 -1.4310471578368236 -1.3799702451959366 -0.9125391052702237 -0.29032944219029144 +45224,0.6027426364095004,2,0.17091055680924988 0.05637444967513269 -0.12781199287837747 -0.3212851468211406 -0.4280823277975455 -0.573574139562503 -0.6571545420657711 -0.7020403137804953 -0.8305064879984876 -1.0626742727298033 -1.110655614907609 -1.2174527958840138 -1.2050705140316795 -1.2700774937564503 -1.3846136008905676 -1.4310471578368236 -1.3799702451959366 -0.9125391052702237 -0.29032944219029144 0.24984760361789585 +45225,0.7931202198891821,2,0.05637444967513269 -0.12781199287837747 -0.3212851468211406 -0.4280823277975455 -0.573574139562503 -0.6571545420657711 -0.7020403137804953 -0.8305064879984876 -1.0626742727298033 -1.110655614907609 -1.2174527958840138 -1.2050705140316795 -1.2700774937564503 -1.3846136008905676 -1.4310471578368236 -1.3799702451959366 -0.9125391052702237 -0.29032944219029144 0.24984760361789585 0.6027426364095004 +45226,0.9122996827179214,2,-0.12781199287837747 -0.3212851468211406 -0.4280823277975455 -0.573574139562503 -0.6571545420657711 -0.7020403137804953 -0.8305064879984876 -1.0626742727298033 -1.110655614907609 -1.2174527958840138 -1.2050705140316795 -1.2700774937564503 -1.3846136008905676 -1.4310471578368236 -1.3799702451959366 -0.9125391052702237 -0.29032944219029144 0.24984760361789585 0.6027426364095004 0.7931202198891821 +45227,-0.2613858583604611,2,-0.3212851468211406 -0.4280823277975455 -0.573574139562503 -0.6571545420657711 -0.7020403137804953 -0.8305064879984876 -1.0626742727298033 -1.110655614907609 -1.2174527958840138 -1.2050705140316795 -1.2700774937564503 -1.3846136008905676 -1.4310471578368236 -1.3799702451959366 -0.9125391052702237 -0.29032944219029144 0.24984760361789585 0.6027426364095004 0.7931202198891821 0.9122996827179214 +45228,0.7172787435436175,2,-0.4280823277975455 -0.573574139562503 -0.6571545420657711 -0.7020403137804953 -0.8305064879984876 -1.0626742727298033 -1.110655614907609 -1.2174527958840138 -1.2050705140316795 -1.2700774937564503 -1.3846136008905676 -1.4310471578368236 -1.3799702451959366 -0.9125391052702237 -0.29032944219029144 0.24984760361789585 0.6027426364095004 0.7931202198891821 0.9122996827179214 -0.2613858583604611 +45229,0.45105968371837124,2,-0.573574139562503 -0.6571545420657711 -0.7020403137804953 -0.8305064879984876 -1.0626742727298033 -1.110655614907609 -1.2174527958840138 -1.2050705140316795 -1.2700774937564503 -1.3846136008905676 -1.4310471578368236 -1.3799702451959366 -0.9125391052702237 -0.29032944219029144 0.24984760361789585 0.6027426364095004 0.7931202198891821 0.9122996827179214 -0.2613858583604611 0.7172787435436175 +45230,0.25139538884944534,2,-0.6571545420657711 -0.7020403137804953 -0.8305064879984876 -1.0626742727298033 -1.110655614907609 -1.2174527958840138 -1.2050705140316795 -1.2700774937564503 -1.3846136008905676 -1.4310471578368236 -1.3799702451959366 -0.9125391052702237 -0.29032944219029144 0.24984760361789585 0.6027426364095004 0.7931202198891821 0.9122996827179214 -0.2613858583604611 0.7172787435436175 0.45105968371837124 +45231,0.05637444967513269,2,-0.7020403137804953 -0.8305064879984876 -1.0626742727298033 -1.110655614907609 -1.2174527958840138 -1.2050705140316795 -1.2700774937564503 -1.3846136008905676 -1.4310471578368236 -1.3799702451959366 -0.9125391052702237 -0.29032944219029144 0.24984760361789585 0.6027426364095004 0.7931202198891821 0.9122996827179214 -0.2613858583604611 0.7172787435436175 0.45105968371837124 0.25139538884944534 +45232,-0.06590058361668798,2,-0.8305064879984876 -1.0626742727298033 -1.110655614907609 -1.2174527958840138 -1.2050705140316795 -1.2700774937564503 -1.3846136008905676 -1.4310471578368236 -1.3799702451959366 -0.9125391052702237 -0.29032944219029144 0.24984760361789585 0.6027426364095004 0.7931202198891821 0.9122996827179214 -0.2613858583604611 0.7172787435436175 0.45105968371837124 0.25139538884944534 0.05637444967513269 +45233,-0.23306138862324166,2,-1.0626742727298033 -1.110655614907609 -1.2174527958840138 -1.2050705140316795 -1.2700774937564503 -1.3846136008905676 -1.4310471578368236 -1.3799702451959366 -0.9125391052702237 -0.29032944219029144 0.24984760361789585 0.6027426364095004 0.7931202198891821 0.9122996827179214 -0.2613858583604611 0.7172787435436175 0.45105968371837124 0.25139538884944534 0.05637444967513269 -0.06590058361668798 +45234,-0.2748515898748757,2,-1.110655614907609 -1.2174527958840138 -1.2050705140316795 -1.2700774937564503 -1.3846136008905676 -1.4310471578368236 -1.3799702451959366 -0.9125391052702237 -0.29032944219029144 0.24984760361789585 0.6027426364095004 0.7931202198891821 0.9122996827179214 -0.2613858583604611 0.7172787435436175 0.45105968371837124 0.25139538884944534 0.05637444967513269 -0.06590058361668798 -0.23306138862324166 +45235,-0.375457629925109,2,-1.2174527958840138 -1.2050705140316795 -1.2700774937564503 -1.3846136008905676 -1.4310471578368236 -1.3799702451959366 -0.9125391052702237 -0.29032944219029144 0.24984760361789585 0.6027426364095004 0.7931202198891821 0.9122996827179214 -0.2613858583604611 0.7172787435436175 0.45105968371837124 0.25139538884944534 0.05637444967513269 -0.06590058361668798 -0.23306138862324166 -0.2748515898748757 +45236,-0.5611918577101599,2,-1.2050705140316795 -1.2700774937564503 -1.3846136008905676 -1.4310471578368236 -1.3799702451959366 -0.9125391052702237 -0.29032944219029144 0.24984760361789585 0.6027426364095004 0.7931202198891821 0.9122996827179214 -0.2613858583604611 0.7172787435436175 0.45105968371837124 0.25139538884944534 0.05637444967513269 -0.06590058361668798 -0.23306138862324166 -0.2748515898748757 -0.375457629925109 +45237,-0.6648934682234834,2,-1.2700774937564503 -1.3846136008905676 -1.4310471578368236 -1.3799702451959366 -0.9125391052702237 -0.29032944219029144 0.24984760361789585 0.6027426364095004 0.7931202198891821 0.9122996827179214 -0.2613858583604611 0.7172787435436175 0.45105968371837124 0.25139538884944534 0.05637444967513269 -0.06590058361668798 -0.23306138862324166 -0.2748515898748757 -0.375457629925109 -0.5611918577101599 +45238,-0.7159703808643704,2,-1.3846136008905676 -1.4310471578368236 -1.3799702451959366 -0.9125391052702237 -0.29032944219029144 0.24984760361789585 0.6027426364095004 0.7931202198891821 0.9122996827179214 -0.2613858583604611 0.7172787435436175 0.45105968371837124 0.25139538884944534 0.05637444967513269 -0.06590058361668798 -0.23306138862324166 -0.2748515898748757 -0.375457629925109 -0.5611918577101599 -0.6648934682234834 +45239,-0.8707489040185808,2,-1.4310471578368236 -1.3799702451959366 -0.9125391052702237 -0.29032944219029144 0.24984760361789585 0.6027426364095004 0.7931202198891821 0.9122996827179214 -0.2613858583604611 0.7172787435436175 0.45105968371837124 0.25139538884944534 0.05637444967513269 -0.06590058361668798 -0.23306138862324166 -0.2748515898748757 -0.375457629925109 -0.5611918577101599 -0.6648934682234834 -0.7159703808643704 +45240,-0.9744505145319043,2,-1.3799702451959366 -0.9125391052702237 -0.29032944219029144 0.24984760361789585 0.6027426364095004 0.7931202198891821 0.9122996827179214 -0.2613858583604611 0.7172787435436175 0.45105968371837124 0.25139538884944534 0.05637444967513269 -0.06590058361668798 -0.23306138862324166 -0.2748515898748757 -0.375457629925109 -0.5611918577101599 -0.6648934682234834 -0.7159703808643704 -0.8707489040185808 +45241,-1.0255274271727914,2,-0.9125391052702237 -0.29032944219029144 0.24984760361789585 0.6027426364095004 0.7931202198891821 0.9122996827179214 -0.2613858583604611 0.7172787435436175 0.45105968371837124 0.25139538884944534 0.05637444967513269 -0.06590058361668798 -0.23306138862324166 -0.2748515898748757 -0.375457629925109 -0.5611918577101599 -0.6648934682234834 -0.7159703808643704 -0.8707489040185808 -0.9744505145319043 +45242,-1.1168467558337805,2,-0.29032944219029144 0.24984760361789585 0.6027426364095004 0.7931202198891821 0.9122996827179214 -0.2613858583604611 0.7172787435436175 0.45105968371837124 0.25139538884944534 0.05637444967513269 -0.06590058361668798 -0.23306138862324166 -0.2748515898748757 -0.375457629925109 -0.5611918577101599 -0.6648934682234834 -0.7159703808643704 -0.8707489040185808 -0.9744505145319043 -1.0255274271727914 +45243,-1.1818537355585514,2,0.24984760361789585 0.6027426364095004 0.7931202198891821 0.9122996827179214 -0.2613858583604611 0.7172787435436175 0.45105968371837124 0.25139538884944534 0.05637444967513269 -0.06590058361668798 -0.23306138862324166 -0.2748515898748757 -0.375457629925109 -0.5611918577101599 -0.6648934682234834 -0.7159703808643704 -0.8707489040185808 -0.9744505145319043 -1.0255274271727914 -1.1168467558337805 +45244,-1.225191722041726,2,0.6027426364095004 0.7931202198891821 0.9122996827179214 -0.2613858583604611 0.7172787435436175 0.45105968371837124 0.25139538884944534 0.05637444967513269 -0.06590058361668798 -0.23306138862324166 -0.2748515898748757 -0.375457629925109 -0.5611918577101599 -0.6648934682234834 -0.7159703808643704 -0.8707489040185808 -0.9744505145319043 -1.0255274271727914 -1.1168467558337805 -1.1818537355585514 +45245,-0.8057419242938189,2,0.7931202198891821 0.9122996827179214 -0.2613858583604611 0.7172787435436175 0.45105968371837124 0.25139538884944534 0.05637444967513269 -0.06590058361668798 -0.23306138862324166 -0.2748515898748757 -0.375457629925109 -0.5611918577101599 -0.6648934682234834 -0.7159703808643704 -0.8707489040185808 -0.9744505145319043 -1.0255274271727914 -1.1168467558337805 -1.1818537355585514 -1.225191722041726 +45246,-0.282590516032588,2,0.9122996827179214 -0.2613858583604611 0.7172787435436175 0.45105968371837124 0.25139538884944534 0.05637444967513269 -0.06590058361668798 -0.23306138862324166 -0.2748515898748757 -0.375457629925109 -0.5611918577101599 -0.6648934682234834 -0.7159703808643704 -0.8707489040185808 -0.9744505145319043 -1.0255274271727914 -1.1168467558337805 -1.1818537355585514 -1.225191722041726 -0.8057419242938189 +45247,0.18329283866158427,2,-0.2613858583604611 0.7172787435436175 0.45105968371837124 0.25139538884944534 0.05637444967513269 -0.06590058361668798 -0.23306138862324166 -0.2748515898748757 -0.375457629925109 -0.5611918577101599 -0.6648934682234834 -0.7159703808643704 -0.8707489040185808 -0.9744505145319043 -1.0255274271727914 -1.1168467558337805 -1.1818537355585514 -1.225191722041726 -0.8057419242938189 -0.282590516032588 +45248,0.41855619385599024,2,0.7172787435436175 0.45105968371837124 0.25139538884944534 0.05637444967513269 -0.06590058361668798 -0.23306138862324166 -0.2748515898748757 -0.375457629925109 -0.5611918577101599 -0.6648934682234834 -0.7159703808643704 -0.8707489040185808 -0.9744505145319043 -1.0255274271727914 -1.1168467558337805 -1.1818537355585514 -1.225191722041726 -0.8057419242938189 -0.282590516032588 0.18329283866158427 +45249,0.748234448174458,2,0.45105968371837124 0.25139538884944534 0.05637444967513269 -0.06590058361668798 -0.23306138862324166 -0.2748515898748757 -0.375457629925109 -0.5611918577101599 -0.6648934682234834 -0.7159703808643704 -0.8707489040185808 -0.9744505145319043 -1.0255274271727914 -1.1168467558337805 -1.1818537355585514 -1.225191722041726 -0.8057419242938189 -0.282590516032588 0.18329283866158427 0.41855619385599024 +45250,0.7915724346576326,2,0.25139538884944534 0.05637444967513269 -0.06590058361668798 -0.23306138862324166 -0.2748515898748757 -0.375457629925109 -0.5611918577101599 -0.6648934682234834 -0.7159703808643704 -0.8707489040185808 -0.9744505145319043 -1.0255274271727914 -1.1168467558337805 -1.1818537355585514 -1.225191722041726 -0.8057419242938189 -0.282590516032588 0.18329283866158427 0.41855619385599024 0.748234448174458 +45251,0.743591092479827,2,0.05637444967513269 -0.06590058361668798 -0.23306138862324166 -0.2748515898748757 -0.375457629925109 -0.5611918577101599 -0.6648934682234834 -0.7159703808643704 -0.8707489040185808 -0.9744505145319043 -1.0255274271727914 -1.1168467558337805 -1.1818537355585514 -1.225191722041726 -0.8057419242938189 -0.282590516032588 0.18329283866158427 0.41855619385599024 0.748234448174458 0.7915724346576326 +45252,0.6321505558088,2,-0.06590058361668798 -0.23306138862324166 -0.2748515898748757 -0.375457629925109 -0.5611918577101599 -0.6648934682234834 -0.7159703808643704 -0.8707489040185808 -0.9744505145319043 -1.0255274271727914 -1.1168467558337805 -1.1818537355585514 -1.225191722041726 -0.8057419242938189 -0.282590516032588 0.18329283866158427 0.41855619385599024 0.748234448174458 0.7915724346576326 0.743591092479827
--- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/test-data/temperature_train_report.html Tue Jan 07 22:45:18 2025 +0000 @@ -0,0 +1,1270 @@ +<!doctype html> +<html> +<head> + <meta charset="utf-8"> + <title>Ludwig Train</title> + <style> + html, body { + padding: 0; + margin: 0; +} + +body { + font-family: "Source Sans Pro", Helvetica, Arial, sans-serif; +} + +header { + background-color: #eee; + color: #666; + padding: 10px; + margin-bottom: 2em; +} + +header h1 { + font-size: 1em; + font-weight: normal; + margin: 0; +} + +main { + margin: 0 auto; + width: 70%; + display: inline-block; +} + +section div h1 { + color: #777; + font-weight: 400; + margin-bottom: 2em; + font-size: 1.3em; + padding-bottom: 5px; + border-bottom: 1px solid #eee; +} + +section div h2 { + font-size: 1.1em; +} + +caption { + caption-side: bottom; + text-align: left; + font-size: .9em; + margin-top: 1em; +} + +#metadata-row { + display: flex; + flex-direction: row; +} + +#history-section { + flex-grow: 1; +} + +#background-section { + flex-grow: 2; +} + +.row { + margin-bottom: 3em; +} + +.signature-row { + display: flex; +} + +.column { + flex: 33.33%; + padding: 10px; +} + +.regulator-row { + display: flex; +} + +.regulator-drugs, .regulator-viz { + padding: 0 20px; +} + +.regulator-viz img { + max-width: 500px; + display: block; +} + +.regulator-drugs { + border-left: 1px solid #eee +} + +#pathway-cancernetwork { + height: 400px; + margin: 0 auto; + display: block; +} + +#cnvkit-heatmap, #pathway-image{ + height: 500px; + margin: 0 auto; + display: block; +} + +#hrd-image, #stemness-image, #eurydice-image { + height: 300px; + margin: 0 auto; + display: block; +} + +table { + width: 100%; + text-align: left; + border-collapse: collapse; + margin-bottom: 35px; +} + +th { + font-weight: normal; + background-color: #eee; + padding: 5px; + color: #666; +} + +td { + padding: 10px 5px; +} + +tr:first-child td { + padding-top: 20px +} + +tr { + page-break-inside: avoid +} + +footer { + background-color: #eee; + text-align: center; + padding: 2px 0; + color: #666; + font-size: .8em; +} + +.element_title { + text-align: justify; + font-weight: bold; + font-size: large; +} + +.mqc_mplplot_plotgroup { + display: flexbox +} + +.resources-section { + margin-bottom: 1.5rem; +} + +.resources img { + max-height: 400px; + margin: 0 auto; + display: block; +} + +.resources iframe { + aspect-ratio: 2 / 1; + max-width: 100%; + margin: 0 auto; + display: block; +} + /* CSS Styles for Default MultiQC Report Template */ + +/* General Styles */ +code { + background-color: #f3f3f3; + color: #666; +} +kbd { + background-color: #ccc; + color: #333; +} +@media only screen and (max-width: 768px) { + code { + display: inline-block; + max-width: 90%; + overflow: auto; + } +} + +.radio.input-sm { + height: 20px; +} +.radio.input-sm input { + margin: 2px 0 0 -20px; +} +.mqc_thousandSep { + padding: 0 2px; +} + +/* Page Template */ +@media only screen and (min-width: 768px) { + .mainpage { + margin-left: 270px; + } + .footer { + margin-left: 250px; + } + .mainpage, + .footer { + -moz-transition: margin-left 0.5s; + -webkit-transition: margin-left 0.5s; + transition: margin-left 0.5s; + } + .mainpage.hidden-nav, + .footer.hidden-nav { + margin-left: 0; + } + + .side-nav-wrapper { + position: fixed; + } + .side-nav { + height: 100%; + width: 250px; + border-right: 1px solid #ccc; + overflow: auto; + padding-bottom: 30px; + -webkit-transition: margin-left 0.5s; + transition: margin-left 0.5s; + margin-left: 0; + } + .side-nav.hidden-nav { + margin-left: -250px; + } +} +.mainpage { + padding: 20px; +} +.side-nav-wrapper { + height: 100%; + background-color: #ededed; +} +.side-nav h1 { + font-size: 18px; + text-align: center; + margin: 0; + border-bottom: 1px solid #ccc; +} +.side-nav h1 a { + padding: 20px 0 15px; +} +.side-nav h1 img { + height: 26px; +} +.side-nav h1 small { + font-size: 12px; +} +.side-nav .side-nav-title a { + color: #333; + font-size: 16px; + font-weight: normal; + padding: 15px 0; +} +.side-nav .mqc_loading_warning { + text-align: center; + border-bottom: 1px solid #ccc; + color: #ca424c; +} +.side-nav p { + font-size: 0.8em; + color: #999; + padding: 10px; +} +.side-nav ul.mqc-nav { + border-bottom: 1px solid #ccc; +} +.side-nav ul.mqc-nav, +.side-nav ul.mqc-nav ul { + margin: 0; + padding: 0; + list-style-type: none; +} +.side-nav a { + display: inline-block; + width: 100%; + text-decoration: none; +} +.side-nav a:hover, +.side-nav a:active, +.side-nav a:focus { + background-color: #dedede; +} +.side-nav .mqc-nav a.nav-l1 { + padding: 10px; + border-top: 1px solid #ccc; +} +.side-nav .mqc-nav li:first-child .nav-l1 { + border-top: 0; +} +.side-nav .mqc-nav a.nav-l2 { + padding: 5px 10px 5px 15px; + border-top: 1px solid #dedede; + font-size: 0.9em; + color: #788fa4; +} +.side-nav .mqc-nav li { + position: relative; +} + +#side-nav-handle { + display: block; + position: absolute; + top: 50%; + right: -14px; + height: 50px; + width: 15px; + padding-top: 14px; + border: 1px solid #ccc; + border-left: 0; + background-color: #ededed; + border-top-right-radius: 5px; + border-bottom-right-radius: 5px; + color: #ccc; + cursor: pointer; +} +#side-nav-handle .glyphicon-triangle-right { + color: #999; +} +@media only screen and (max-width: 768px) { + #side-nav-handle { + display: none; + } +} + +.side-nav .navbar-toggle { + background-color: #ddd; + border-color: #999; + position: absolute; + right: 10px; + top: 15px; + margin: 0; +} +.side-nav .navbar-toggle:hover, +.side-nav .navbar-toggle:focus, +.side-nav .navbar-toggle:active { + background-color: #ccc; +} +.side-nav .navbar-toggle .icon-bar { + background-color: #999; +} + +#page_title { + margin: 0 0 20px; +} +#page_title img { + max-width: 260px; +} +.report_comment, +.mqc-section-comment { + border-left: 5px solid #8eb9dd; + background-color: #e8f1f8; +} +#analysis_dirs_wrapper { + max-height: 80px; + overflow: auto; + margin-bottom: 15px; +} +#mqc_sname_switches_txt { + margin-bottom: 15px; +} +#mqc_sname_switches { + display: inline-block; + margin-left: 10px; +} +#mqc_header_hr { + margin: 0; +} + +#mqc_welcome .close { + top: 2px; +} +#mqc_hide_welcome_btn { + position: relative; + float: right; + top: -2px; + right: -21px; + color: inherit; + opacity: 0.4; +} +#mqc_hide_welcome_btn:hover, +#mqc_hide_welcome_btn:active, +#mqc_hide_welcome_btn:focus { + opacity: 1; +} + +.footer { + background-color: #ededed; + border-top: 1px solid #ccc; + font-size: 0.9em; + color: #999; + padding: 20px 0; + margin-top: 50px; +} +.footer p { + margin: 0; +} +.footer a { + color: #999; + text-decoration: underline; +} + +/* Epic scroll bar of joy */ +::-webkit-scrollbar { + width: 10px; + height: 10px; +} +::-webkit-scrollbar-track { + background: #ffffff; + border-left: 1px solid #d8d8d8; + border-right: 1px solid #d8d8d8; +} +::-webkit-scrollbar-thumb { + background: #dedede; +} +::-webkit-scrollbar-thumb:hover { + -moz-box-shadow: inset 1px 1px 2px rgba(0, 0, 0, 0.1); + -webkit-box-shadow: inset 1px 1px 2px rgba(0, 0, 0, 0.1); + box-shadow: inset 1px 1px 2px rgba(0, 0, 0, 0.1); +} +::-webkit-scrollbar-thumb:active { + background: #dddddd; + -moz-box-shadow: inset 1px 1px 10px rgba(0, 0, 0, 0.4); + -webkit-box-shadow: inset 1px 1px 10px rgba(0, 0, 0, 0.4); + box-shadow: inset 1px 1px 10px rgba(0, 0, 0, 0.2); +} + +/* Stop the headings from "head-butting" the top of the browser +https://css-tricks.com/hash-tag-links-padding/ */ +h1:before, +h2:before, +h3:before, +h4:before { + display: block; + content: " "; + margin-top: -20px; + height: 20px; + visibility: hidden; +} + +/* Fancy sample highlighting in the side nav */ +input.form-control[type="color"] { + padding: 0 2px; + width: 30px; +} + +.hc_handle { + display: inline-block; + padding: 9px 4px; + height: 28px; + cursor: pointer; +} +.hc_handle span { + display: inline-block; + height: 100%; + width: 1px; + margin: 0 1px; + background-color: #999; +} + +/* Toolbox */ +@media only screen and (max-width: 768px) { + .mqc-toolbox { + padding: 0 15px; + background-color: #ededed; + border-bottom: 1px solid #ccc; + } + #mqc_saveconfig { + margin: 0 -15px; + } +} +@media only screen and (min-width: 768px) { + .mqc-toolbox { + display: block; + position: fixed; + z-index: 1040; + width: 36px; + height: 100% !important; + top: 0; + right: 0; + -o-transition: width 0.5s; + -webkit-transition: width 0.5s; + transition: width 0.5s; + } + .mqc-toolbox.active { + width: 282px; + } + .mqc-toolbox .row { + margin: 0; + } + .mainpage { + padding-right: 50px; + } + .mqc-toolbox-buttons { + position: absolute; + width: 36px; + top: 100px; + left: 0; + z-index: 20; + } + .mqc-toolbox-wrapper { + position: absolute; + width: 250px; + height: 100%; + overflow: auto; + left: 36px; + margin: 0; + background-color: #ededed; + border-left: 1px solid #ccc; + z-index: 10; + } + .mqc_filter_section { + display: none; + } + .mqc_filter_section.active { + display: block; + } +} +.mqc-toolbox-label { + display: inline-block; + background-color: #ededed; + color: #999; + height: 31px; + width: 67px; + padding: 3px 6px; + margin-left: -6px; + margin-bottom: 30px; + -ms-transform: rotate(270deg); + -moz-transform: rotate(270deg); + -webkit-transform: rotate(270deg); + transform: rotate(270deg); +} +.mqc-toolbox-label:hover, +.mqc-toolbox-label:focus, +.mqc-toolbox-label:active { + color: #999; + text-decoration: none; +} +.mqc-toolbox-header { + margin: 10px; + border-bottom: 1px solid #ccc; +} +.mqc-toolbox-buttons ul, +.mqc-toolbox-buttons li { + padding: 0; + margin: 0; + list-style-type: none; +} +.mqc-toolbox-buttons li { + margin: 5px 0; + display: inline-block; + width: 36px; + height: 36px; +} +.mqc-toolbox-buttons li a { + display: inline-block; + font-size: 18px; + width: 37px; + height: 36px; + padding: 7px 8px 9px; + color: #999; + background-color: #dedede; + border: 1px solid transparent; + border-right: 1px solid #ccc; +} +.mqc-toolbox-buttons li a:hover, +.mqc-toolbox-buttons li a.active { + color: #333; + background-color: #ededed; + border: 1px solid #ccc; +} +.mqc-toolbox-buttons li .in_use { + color: #333; + border: 3px solid #5bc0de; + padding: 5px 8px 7px 6px; + border-right: 1px solid #ededed; +} +.mqc-toolbox-buttons li a.active { + border-right: 1px solid #ededed; +} + +.mqc-toplink, +.mqc-toplink:visited { + display: block; + position: absolute; + bottom: 5px; + width: 28px; + height: 28px; + text-align: center; + padding: 5px 0 5px 2px; + border-radius: 28px; + background-color: #ededed; + color: #999; +} +.mqc-toplink:hover, +.mqc-toplink:focus { + color: #333; +} + +.mqc_filters { + margin: 10px 0; + padding: 0; + list-style-type: none; + font-size: 0.9em; +} +.mqc_filters button { + padding: 7px 10px 0; +} +.mqc_filters li { + padding: 0; + clear: both; +} +.mqc_filters li .close { + margin-top: -3px; +} +.mqc_filters li:hover { + background-color: #dedede; +} +.mqc_filter_section .mqc_regex_mode_p { + margin-top: 12px; + white-space: nowrap; +} +.mqc_switch_wrapper { + cursor: pointer; +} +.mqc_switch_wrapper .mqc_switch { + display: inline-block; + border: 1px solid #999; + border-radius: 3px; + padding: 2px 5px; + margin-left: 5px; + background-color: #ddd; +} +.mqc_switch_wrapper .off::after, +.mqc_switch_wrapper .on::before { + content: ""; + display: inline-block; + height: 0; + width: 0; + border-radius: 6px; + border: 6px solid #fff; +} +.mqc_switch_wrapper .off::after { + margin: 0 0 -2px 5px; +} +.mqc_switch_wrapper .on::before { + margin: 0 5px -2px 0; +} +.mqc_switch_wrapper .on { + background-color: #5bc0de; + color: #fff; +} + +.mqc_filter_section { + padding: 10px; +} +.mqc_filter_section hr { + margin: 10px 0; + border-top: 1px solid #ccc; +} +.mqc_filter_section p { + font-size: 85%; + padding: 0; + margin: 5px 0; + color: #666; +} +.mqc_filter_section .text-danger { + color: #a94442; +} +.mqc_filter_section p a { + color: #666; +} +.mqc_filter_section p .btn { + color: #333; +} +.mqc_filter_section .text-success { + color: #3c763d; +} +.mqc_filter_section .form-inline .form-control { + vertical-align: middle; +} +@media only screen and (max-width: 768px) { + .mqc_filter_section .form-control { + display: inline-block; + } + .mqc_filter_section input[type="text"] { + width: auto; + } +} +#mqc_renamesamples input[type="text"] { + width: 80px; +} + +#mqc_renamesamples_bulk_collapse { + border-top: 1px solid #ccc; +} +#mqc_renamesamples_bulk_update { + margin-top: 5px; +} +#mqc_renamesamples_bulk_form textarea { + font-size: 8px; + color: #999; +} +.f_text { + border: 0; + border-bottom: 1px solid #ccc; + padding: 5px 0 5px 10px; + margin: 0; + background-color: transparent; + outline: none; + width: -moz-calc(100% - 55px); + width: -webkit-calc(100% - 55px); + width: calc(100% - 55px); +} +.f_text:focus { + background-color: #f6f6f6; +} +.from_text, +.to_text { + width: -moz-calc(49% - 20px); + width: -webkit-calc(49% - 20px); + width: calc(49% - 20px); +} + +#mqc_exportplots .col-sm-6 { + padding: 0 10px 0 0; +} +#mqc_exportplots .checkbox, +#mqc_exportplots .data-format { + margin: 8px 0 0; + font-size: 12px; + line-height: normal; +} +#mqc_exportplots .data-format label { + font-weight: 400; +} +#mqc_exportplots .checkbox label { + min-height: 0; +} +#mqc_exportplots .checkbox input { + margin-top: 0; +} +#mqc_exportplots blockquote { + font-size: 0.7em; + padding: 0 0 0 10px; + border-left: 2px solid #cccccc; + color: #666; +} +#mqc_exportplots blockquote a { + text-decoration: underline; +} + +#mqc_exportplots .nav-tabs { + border-color: #cccccc; + margin-bottom: 15px; +} +#mqc_exportplots .nav-tabs li a { + background-color: #dddddd; + border-color: #cccccc; + padding: 8px 10px; + color: #999; + font-size: 12px; +} +#mqc_exportplots .nav-tabs li.active a { + background-color: #eeeeee; + border-bottom-color: transparent; + color: #333; +} + +#mqc-save-success { + color: #3c763d; + background-color: #dff0d8; +} +#mqc-cleared-success { + color: #a94442; + background-color: #f2dede; +} + +#mqc_about p { + margin-bottom: 10px; +} +#mqc_about a { + text-decoration: underline; +} +#mqc_about blockquote { + font-size: 0.8em; + padding: 0 0 0 10px; + border-left: 2px solid #cccccc; + color: #666; +} + +/* Regex help modal */ +.regex_example_buttons button { + float: left; + clear: left; + margin-bottom: 8px; +} +.regex_example_demo input { + margin-bottom: 8px; + font-family: "Consolas", "Monaco", "Courier New", Courier, monospace; +} + +/* MultiQC tables */ +.table tr td { + font-size: 0.9em; + height: 30px; +} +.mqc_table tbody tr td .wrapper .val { + z-index: -1; +} +.mqc_table tbody tr td .wrapper .val .label { + font-size: 100%; + display: inline-block; + min-width: 10px; + padding: 3px 7px; + font-size: 12px; + vertical-align: middle; + border-radius: 10px; +} +.mqc-table-responsive.mqc-table-collapse { + max-height: 500px; +} +.mqc-table-responsive { + overflow: auto; +} +.table.mqc_table > thead > tr > th { + cursor: pointer; + /* Border doesn't scroll with the CSS transform, so just a box-shadow instead. */ + border-bottom: 0; + -webkit-box-shadow: inset 0px -2px 0px 0 #ddd; + -moz-box-shadow: inset 0px -2px 0px 0 #ddd; + box-shadow: inset 0px -2px 0px 0 #ddd; +} +.mqc_table thead th, +.mqc_table thead td { + background-color: #ffffff; +} +.mqc_table thead th:after { + content: ""; + display: inline-block; + width: 0; + height: 0; + margin-left: 4px; + vertical-align: middle; + border-right: 4px solid transparent; + border-left: 4px solid transparent; +} +.mqc_table thead th.headerSortDown:after { + border-bottom: 4px dashed; +} +.mqc_table thead th.headerSortUp:after { + border-top: 4px dashed; +} +.mqc_table thead th.headerSortDown, +.mqc_table thead th.headerSortUp { + background-color: #ededed; + color: #1ca8dd; + border-bottom: 2px solid #1ca8dd; +} +.mqc_table th { + white-space: nowrap; +} +.mqc-table-expand { + text-align: center; + color: #999; + padding: 5px; + cursor: pointer; + background-color: #ffffff; + -webkit-transition: background-color 0.2s; + transition: background-color 0.2s; +} +.mqc-table-expand:hover, +.mqc-table-expand:focus, +.mqc-table-expand:active { + background-color: #ededed; +} + +.mqc_table_numrows_text { + padding: 5px 10px; + font-size: 12px; + vertical-align: middle; +} + +.sorthandle { + border-right: none; + font-weight: bold; + text-align: center; +} +tbody .sorthandle { + cursor: pointer; + color: #ccc; +} +.mqc_configModal_table tbody .sorthandle { + color: #999; +} +.mqc_table .rowheader { + border-left: none; +} +.mqc_table tr, +.mqc_table td { + height: 100%; +} +.mqc_table .data-coloured { + padding: 0; +} +.mqc_table .wrapper { + display: inline-block; + position: relative; + height: 100%; + width: 100%; + z-index: -10; +} +@media print { + /* Hide the side-navigation and toolbox */ + .side-nav-wrapper, + .mqc-toolbox { + display: none; + } + .mainpage { + padding: 20px; + } + /* Don't limit the height of the sources */ + #analysis_dirs_wrapper { + max-height: none !important; + } + /* Expand long tables */ + .mqc-table-expand { + display: none; + } + .mqc-table-responsive.mqc-table-collapse { + max-height: none !important; + } + .mqc_table thead { + transform: none !important; + } + /* keep section titles with the first bit of content, and try to keep sections together */ + .mqc-module-section-first, + .mqc-section { + page-break-inside: avoid; + } + /* make sure table cell contents show up */ + .mqc_table .wrapper { + z-index: 0; + } + /* no use printing a useless expand button */ + .mqc-table-expand { + display: none; + } + .mqc-section-plot .text-info { + display: none; + } + /* make sure logos aren't dominantly huge */ + .multiqc_logo, + .custom_logo { + width: 200px; + } + /* print cell background colors in table */ + td, + span.bar { + -webkit-print-color-adjust: exact; + color-adjust: exact; + } + /* tidy up user-provided report header info */ + .dl-horizontal { + display: flex; + flex-wrap: wrap; + } + /* ensure kv pairs take up a whole row */ + .dl-horizontal dt { + flex: 0 0 34%; + float: none; + width: 300px; + font-weight: 900; /* bold the key in the kv pair */ + } + .dl-horizontal dd { + flex: 1 0 34%; /* let the val grow to fill the space */ + margin-left: 0; + } + /* no need to print buttons */ + button.btn-help { + display: none; + } + /* printed link text is fairly ugly */ + a[href]:after { + content: none !important; + } + .table.mqc_table { + table-layout: fixed; + } + .mqc_table th { + white-space: normal; /* make sure that table header text can wrap */ + font-weight: 900; /* and that table headers are bolded */ + } + .table > thead > tr > th { + vertical-align: top; /* looks better when all the table-headers are top-aligned, especially when some wrap */ + } +} +.mqc_table .bar { + display: block; + position: absolute; + top: 0; + left: 0; + bottom: 0; + background-color: #dedede; + z-index: -1; +} +.mqc_table .val { + display: block; + position: absolute; + padding: 5px; + left: 0; +} + +/* Flat MatPlotLib plots */ +.mqc_mplplot { + border: 1px solid #dedede; + margin-top: 15px; +} +.mqc_mplplot img { + max-width: 100%; +} + +/* Draggable height bar for HighCharts Plots */ +.hc-plot { + height: 500px; + width: 100%; +} +.hc-plot.not_rendered { + background-color: #ededed; + text-align: center; +} +.hc-plot.not_rendered small { + display: inline-block; + font-style: italic; + padding-top: 40px; + color: #999; +} +.hc-plot .render_plot { + margin-top: 40px; +} +.hc-plot-wrapper { + width: 100%; + height: 512px; + position: relative; + border: 1px solid #dedede; + border-bottom: 1px solid #ccc; + margin-top: 15px; +} +.hc-plot-handle { + position: absolute; + bottom: 0; + width: 100%; + height: 10px; + background-color: #dedede; + cursor: row-resize; + padding: 1px 0; + border-top: 1px solid #ededed; + -moz-transition: background-color 0.1s; + -webkit-transition: background-color 0.1s; + transition: background-color 0.1s; +} +.hc-plot-handle span { + display: block; + height: 1px; + width: 20px; + margin: 1px auto; + background-color: #999; +} +.hc-plot-handle:hover { + background-color: #cdcdcd; +} +.hc-plot-handle:hover span { + background-color: #999; +} + +.mqc_hcplot_range_sliders { + display: inline-block; +} +.mqc_hcplot_range_sliders div { + display: inline-block; + white-space: nowrap; + margin-left: 30px; +} +.mqc_hcplot_range_sliders input { + display: inline-block; + width: 200px; +} +.mqc_hcplot_range_sliders input.form-control { + width: 100px; +} +.mqc_hcplot_yaxis_limit_toggle { + float: right; + font-size: 11px; + margin-top: -30px; +} +.mqc_hcplot_yaxis_limit_toggle .mqc_switch_wrapper { + margin-left: 20px; +} + +.beeswarm-hovertext { + height: 29px; + padding: 5px 8px; + font-size: 13px; + border-left: 2px solid #46b8da; + border-bottom: 1px solid #dedede; + background-color: #d9edf7; + color: #31708f; +} +.beeswarm-plots { + height: calc(100% - 25px); +} +.beeswarm-plot:nth-child(odd) { + background-color: #ededed; +} + +.mqc-custom-content-image img { + max-width: 100%; +} + </style> + + + +</head> + +<body> + + + + + +<div class="side-nav-wrapper"> + <div class="side-nav"> + + <h1 class="side-nav-title"><a href="#">Ludwig Train</a></h1> + + <p class="mqc_loading_warning">Loading report..</p> + + + + + + <ul class="mqc-nav collapse navbar-collapse"> + <li> + <a href="#section_2" class="nav-l1">visualizations</a> + </li> + <ul> + + <li> + <a href="#image_0" class="nav-l2">learning_curves_combined_loss</a> + </li> + + <li> + <a href="#image_1" class="nav-l2">learning_curves_temperature_loss</a> + </li> + + </ul> + </ul> + + + + <ul class="mqc-nav collapse navbar-collapse"> + <li> + <a href="#section_3" class="nav-l1">raw outputs</a> + </li> + <ul> + + <li> + <a href="#json_0" class="nav-l2">description</a> + </li> + + <li> + <a href="#json_1" class="nav-l2">training_statistics</a> + </li> + + </ul> + </ul> + + + + + + </div> + <!-- Nav Width Toggle Button --> + <div id="side-nav-handle"><span class="glyphicon glyphicon-triangle-left" aria-hidden="true"></span></div> +</div> + + + + <div class="mainpage"> + + <main> + + <header> + <h1>Ludwig Train</h1> + </header> + + + + + + + + <section class="resources-section" id="section_2"> + + + <div class="resources image-type" id="image_0"> + + <h1>learning_curves_combined_loss</h1> + + <img src="visualizations/learning_curves_combined_loss.png" height="400" /> + </div> + + + <div class="resources image-type" id="image_1"> + + <h1>learning_curves_temperature_loss</h1> + + <img src="visualizations/learning_curves_temperature_loss.png" height="400" /> + </div> + + </section> + + + + <section class="resources-section" id="section_3"> + + + <div class="resources json-type" id="json_0"> + + <h1>description</h1> + + <iframe src="description.json" height="400" width="100%"></iframe> + </div> + + + <div class="resources json-type" id="json_1"> + + <h1>training_statistics</h1> + + <iframe src="training_statistics.json" height="400" width="100%"></iframe> + </div> + + </section> + + + + + + + + </div> + <footer> + <p>Report generated on 2024-12-20 14:20.</p> + </footer> +</body> +</html> \ No newline at end of file
--- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/utils.py Tue Jan 07 22:45:18 2025 +0000 @@ -0,0 +1,156 @@ +import base64 +import json + + +def get_html_template(): + return """ + <html> + <head> + <title>Galaxy-Ludwig Report</title> + <style> + body { + font-family: Arial, sans-serif; + margin: 0; + padding: 20px; + background-color: #f4f4f4; + } + .container { + max-width: 800px; + margin: auto; + background: white; + padding: 20px; + box-shadow: 0 0 10px rgba(0, 0, 0, 0.1); + overflow-x: auto; + } + h1 { + text-align: center; + color: #333; + } + h2 { + border-bottom: 2px solid #4CAF50; + color: #4CAF50; + padding-bottom: 5px; + } + table { + border-collapse: collapse; + margin: 20px 0; + width: 100%; + table-layout: fixed; /* Enforces consistent column widths */ + } + table, th, td { + border: 1px solid #ddd; + } + th, td { + padding: 8px; + text-align: center; /* Center-align text */ + vertical-align: middle; /* Center-align content vertically */ + word-wrap: break-word; /* Break long words to avoid overflow */ + } + th:first-child, td:first-child { + width: 5%; /* Smaller width for the first column */ + } + th:nth-child(2), td:nth-child(2) { + width: 50%; /* Wider for the metric/description column */ + } + th:last-child, td:last-child { + width: 25%; /* Value column gets remaining space */ + } + th { + background-color: #4CAF50; + color: white; + } + .plot { + text-align: center; + margin: 20px 0; + } + .plot img { + max-width: 100%; + height: auto; + } + </style> + </head> + <body> + <div class="container"> + """ + + +def get_html_closing(): + return """ + </div> + </body> + </html> + """ + + +def encode_image_to_base64(image_path): + """Convert an image file to a base64 encoded string.""" + with open(image_path, "rb") as img_file: + return base64.b64encode(img_file.read()).decode("utf-8") + + +def json_to_nested_html_table(json_data, depth=0): + """ + Convert JSON object to an HTML nested table. + + Parameters: + json_data (dict or list): The JSON data to convert. + depth (int): Current depth level for indentation. + + Returns: + str: HTML string for the nested table. + """ + # Base case: if JSON is a simple key-value pair dictionary + if isinstance(json_data, dict) and all( + not isinstance(v, (dict, list)) for v in json_data.values() + ): + # Render a flat table + rows = [ + f"<tr><th>{key}</th><td>{value}</td></tr>" + for key, value in json_data.items() + ] + return f"<table>{''.join(rows)}</table>" + + # Base case: if JSON is a list of simple values + if isinstance(json_data, list) and all( + not isinstance(v, (dict, list)) for v in json_data + ): + rows = [ + f"<tr><th>Index {i}</th><td>{value}</td></tr>" + for i, value in enumerate(json_data) + ] + return f"<table>{''.join(rows)}</table>" + + # Recursive case: if JSON contains nested structures + if isinstance(json_data, dict): + rows = [ + f"<tr><th style='padding-left:{depth * 20}px;'>{key}</th>" + f"<td>{json_to_nested_html_table(value, depth + 1)}</td></tr>" + for key, value in json_data.items() + ] + return f"<table>{''.join(rows)}</table>" + + if isinstance(json_data, list): + rows = [ + f"<tr><th style='padding-left:{depth * 20}px;'>[{i}]</th>" + f"<td>{json_to_nested_html_table(value, depth + 1)}</td></tr>" + for i, value in enumerate(json_data) + ] + return f"<table>{''.join(rows)}</table>" + + # Base case: simple value + return f"{json_data}" + + +def json_to_html_table(json_data): + """ + Convert JSON to a vertically oriented HTML table. + + Parameters: + json_data (str or dict): JSON string or dictionary. + + Returns: + str: HTML table representation. + """ + if isinstance(json_data, str): + json_data = json.loads(json_data) + return json_to_nested_html_table(json_data)